diff --git a/.github/workflows/docs.yml b/.github/workflows/docs.yml index 004acc8a..48f7e1f1 100644 --- a/.github/workflows/docs.yml +++ b/.github/workflows/docs.yml @@ -28,7 +28,7 @@ jobs: - run: pip install pdoc # ADJUST THIS: build your documentation into docs/. # We use a custom build script for pdoc itself, ideally you just run `pdoc -o docs/ ...` here. - - run: pdoc src/altk -d google --math -o ./docs + - run: pdoc src/ultk -d google --math -o ./docs - uses: actions/upload-pages-artifact@v1 with: diff --git a/.github/workflows/pypi-publish.yml b/.github/workflows/pypi-publish.yml index fcbf28ef..b8fc563b 100644 --- a/.github/workflows/pypi-publish.yml +++ b/.github/workflows/pypi-publish.yml @@ -8,7 +8,7 @@ jobs: runs-on: ubuntu-latest environment: name: testpypi - url: https://test.pypi.org/project/clmbr-altk + url: https://test.pypi.org/project/ultk permissions: id-token: write # IMPORTANT: this permission is mandatory for trusted publishing steps: diff --git a/.gitignore b/.gitignore index 5558b980..8d06e75d 100644 --- a/.gitignore +++ b/.gitignore @@ -8,4 +8,10 @@ src/altk.egg-info dist/ *.egg-info/ .installed.cfg -*.egg \ No newline at end of file +*.egg +build/ + +*.zip + +model/ +build/ diff --git a/README.md b/README.md index a5ec4fbf..d71525ef 100644 --- a/README.md +++ b/README.md @@ -1,10 +1,10 @@ -# The Artificial Language ToolKit (ALTK) +# The Unnatural Language ToolKit (ULTK) -Four examples of many recent results showing that natural languages are optimized for efficient communication. +Four examples of many recent results showing that natural languages are optimized for efficient communication. ## Introduction -ALTK is a software library that aims to support [efficient communication analyses](https://github.com/CLMBRs/altk/blob/main/images/mit-altk.pdf) of natural language. This is a line of research that aims to explain why natural languages have the structure that they do in terms competing pressures to minimize cognitive complexity and maximize communicative accuracy. +ULTK is a software library that aims to support [efficient communication analyses](https://github.com/CLMBRs/ultk/blob/main/images/mit-altk.pdf) of natural language. This is a line of research that aims to explain why natural languages have the structure that they do in terms competing pressures to minimize cognitive complexity and maximize communicative accuracy. Key features: @@ -13,45 +13,45 @@ Key features: - Language population sampling and optimization w.r.t Pareto fronts - Rate-Distortion and Information Bottleneck style analyses -ALTK is a long term project and it is currently in its early stages. It is intended to help lower the barrier to entry for certain research in computational semantics, and to unify methodologies. If you find something confusing, please open an issue. If you have a phenomena of interest in linguistic semantics that you want to run an efficient communication analysis on, please contact the contributors. +ULTK is a long term project and it is currently in its early stages. It is intended to help lower the barrier to entry for certain research in computational semantics, and to unify methodologies. If you find something confusing, please open an issue. If you have a phenomena of interest in linguistic semantics that you want to run an efficient communication analysis on, please contact the contributors. -Read the [documentation](https://clmbr.shane.st/altk). +Read the [documentation](https://clmbr.shane.st/ultk). -## Installing ALTK +## Installing ULTK -First, set up a virtual environment (e.g. via [miniconda](https://docs.conda.io/en/latest/miniconda.html), `conda create -n altk python=3.11`, and `conda activate altk`). +First, set up a virtual environment (e.g. via [miniconda](https://docs.conda.io/en/latest/miniconda.html), `conda create -n ultk python=3.11`, and `conda activate ultk`). 1. Download or clone this repository and navigate to the root folder. -2. Install ALTK (We recommend doing this inside a virtual environment) +2. Install ULTK (We recommend doing this inside a virtual environment) `pip install -e .` ## Getting started -- Check out the [examples](https://github.com/CLMBRs/altk/tree/main/src/examples), starting with a basic signaling game. The examples folder also contains a simiple efficient communication analysis of [indefinites](https://github.com/CLMBRs/altk/tree/main/src/examples/indefinites). +- Check out the [examples](https://github.com/CLMBRs/ultk/tree/main/src/examples), starting with a basic signaling game. The examples folder also contains a simiple efficient communication analysis of [indefinites](https://github.com/CLMBRs/ultk/tree/main/src/examples/indefinites). - To see more scaled up usage examples, visit the codebase for an efficient communication analysis of [modals](https://github.com/nathimel/modals-effcomm) or [sim-max games](https://github.com/nathimel/rdsg). - For an introduction to efficient communication research, here is a [survey paper](https://www.annualreviews.org/doi/abs/10.1146/annurev-linguistics-011817-045406) of the field. - For an introduction to the RSA framework, see [this online textbook](http://www.problang.org/). ## Modules -There are two modules. The first is [altk.effcomm](https://clmbr.shane.st/altk/altk/effcomm.html), which includes methods for measuring informativity of languages and/or communicative success of Rational Speech Act agents, and for language population sampling and optimization w.r.t Pareto fronts. +There are two modules. The first is [ultk.effcomm](https://clmbr.shane.st/ultk/ultk/effcomm.html), which includes methods for measuring informativity of languages and/or communicative success of Rational Speech Act agents, and for language population sampling and optimization w.r.t Pareto fronts. -The second module is [altk.language](https://clmbr.shane.st/altk/altk/language.html), which contains primitives for constructing semantic spaces, expressions, and languages. It also has a `grammar` module which can be used for building expressions in a Language of Thought and measuring complexity in terms of minimum description length, as well as for natural language syntax. +The second module is [ultk.language](https://clmbr.shane.st/ultk/ultk/language.html), which contains primitives for constructing semantic spaces, expressions, and languages. It also has a `grammar` module which can be used for building expressions in a Language of Thought and measuring complexity in terms of minimum description length, as well as for natural language syntax. -The source code is available on github [here](https://github.com/CLMBRs/altk). +The source code is available on github [here](https://github.com/CLMBRs/ultk). ## Testing -Unit tests are written in [pytest](https://docs.pytest.org/en/7.3.x/) and executed via running `pytest` in the `src/tests` folder. +Unit tests are written in [pytest](https://docs.pytest.org/en/7.3.x/) and executed via running `pytest` in the `src/tests` folder. ## References
Figures: -> Kinship Categories Across Languages Reflect General Communicative Principles | Science. (n.d.). Retrieved February 27, 2023, from https://www.science.org/doi/10.1126/science.1218811 +> Kemp, C. & Regier, T. (2012) Kinship Categories Across Languages Reflect General Communicative Principles. Science. https://www.science.org/doi/10.1126/science.1218811 > Zaslavsky, N., Kemp, C., Regier, T., & Tishby, N. (2018). Efficient compression in color naming and its evolution. Proceedings of the National Academy of Sciences, 115(31), 7937–7942. https://doi.org/10.1073/pnas.1800521115 diff --git a/docs/altk/effcomm/information.html b/docs/altk/effcomm/information.html deleted file mode 100644 index 372f8e3f..00000000 --- a/docs/altk/effcomm/information.html +++ /dev/null @@ -1,1385 +0,0 @@ - - - - - - - altk.effcomm.information API documentation - - - - - - - - - - - - - -
-
-

-altk.effcomm.information

- -

Helper functions for Rate-Distortion based (including Information Bottleneck) efficient communication analyses.

-
- - - - - -
  1"""Helper functions for Rate-Distortion based (including Information Bottleneck) efficient communication analyses."""
-  2
-  3import numpy as np
-  4from altk.language.language import Language
-  5from altk.language.semantics import Universe, Referent
-  6from altk.effcomm.agent import LiteralSpeaker, BayesianListener
-  7from altk.effcomm import util
-  8from embo import InformationBottleneck
-  9from typing import Callable
- 10
- 11
- 12def information_rate(source: np.ndarray, encoder: np.ndarray) -> float:
- 13    """Compute the information rate / complexity of the encoder q(w|m) as $I[W:M]$."""
- 14    pXY = util.joint(pY_X=encoder, pX=source)
- 15    return util.MI(pXY=pXY)
- 16
- 17
- 18##############################################################################
- 19# Rate-Distortion Theory
- 20##############################################################################
- 21
- 22
- 23def get_rd_curve(
- 24    prior: np.ndarray,
- 25    dist_mat: np.ndarray,
- 26    betas: np.ndarray = np.linspace(start=0, stop=2**7, num=1500),
- 27) -> list[tuple[float]]:
- 28    """Use the Blahut Arimoto algorithm to obtain a list of (rate, distortion) points."""
- 29    rd = lambda beta: blahut_arimoto(dist_mat, p_x=prior, beta=beta)["final"]
- 30    pareto_points = [rd(beta) for beta in betas]
- 31    return pareto_points
- 32
- 33
- 34def expected_distortion(
- 35    p_x: np.ndarray, p_xhat_x: np.ndarray, dist_mat: np.ndarray
- 36) -> float:
- 37    """$D[X, \hat{X}] = \sum_x p(x) \sum_{\hat{x}} p(\hat{x}|x) \cdot d(x, \hat{x})$"""
- 38    return np.sum(p_x @ (p_xhat_x * dist_mat))
- 39
- 40
- 41def compute_rate_distortion(
- 42    p_x,
- 43    p_xhat_x,
- 44    dist_mat,
- 45) -> tuple[np.ndarray]:
- 46    """Compute the information rate $I(X;\hat{X})$ and total distortion $D[X, \hat{X}]$ of a joint distribution defind by $P(X)$ and $P(\hat{X}|X)$.
- 47
- 48    Args:
- 49        p_x: array of shape `|X|` the prior probability of an input symbol (i.e., the source)
- 50
- 51        p_xhat_x: array of shape `(|X|, |X_hat|)` the probability of an output symbol given the input
- 52
- 53        dist_mat: array of shape `(|X|, |X_hat|)` representing the distoriton matrix between the input alphabet and the reconstruction alphabet.
- 54
- 55    Returns:
- 56        a (rate, distortion) tuple containing the information rate (in bits) of compressing X into X_hat and the expected distortion between X, X_hat
- 57    """
- 58    return (
- 59        information_rate(p_x, p_xhat_x),
- 60        expected_distortion(p_x, p_xhat_x, dist_mat),
- 61    )
- 62
- 63
- 64def blahut_arimoto(
- 65    dist_mat: np.ndarray,
- 66    p_x: np.ndarray,
- 67    beta: float,
- 68    max_it: int = 200,
- 69    eps: float = 1e-5,
- 70    ignore_converge: bool = False,
- 71) -> tuple[float]:
- 72    """Compute the rate-distortion function of an i.i.d distribution
- 73
- 74    Args:
- 75        dist_mat: array of shape `(|X|, |X_hat|)` representing the distortion matrix between the input alphabet and the reconstruction alphabet. dist_mat[i,j] = dist(x[i],x_hat[j]). In this context, X is a random variable representing the a speaker's meaning (target referent), and X_hat is a random variable representing a listener's meaning (guessed  referent).
- 76
- 77        p_x: (1D array of shape `|X|`) representing the probability mass function of the source. In this context, the prior over states of nature.
- 78
- 79        beta: (scalar) the slope of the rate-distoriton function at the point where evaluation is required
- 80
- 81        max_it: max number of iterations
- 82
- 83        eps: accuracy required by the algorithm: the algorithm stops if there is no change in distoriton value of more than 'eps' between consequtive iterations
- 84
- 85        ignore_converge: whether to run the optimization until `max_it`, ignoring the stopping criterion specified by `eps`.
- 86
- 87    Returns:
- 88        a dict of the form
- 89
- 90            {
- 91                'final': a tuple of (rate, distortion) values. This is the rate (in bits) of compressing X into X_hat, and distortion between X, X_hat
- 92
- 93                'trajectory': a list of the (rate, distortion) points discovered during optimization
- 94            }
- 95    """
- 96    # start with iid conditional distribution, as p(x) may not be uniform
- 97    p_xhat_x = np.tile(p_x, (dist_mat.shape[1], 1)).T
- 98
- 99    # normalize
-100    p_x /= np.sum(p_x)
-101    p_xhat_x /= np.sum(p_xhat_x, 1, keepdims=True)
-102
-103    it = 0
-104    traj = []
-105    distortion = 2 * eps
-106    converged = False
-107    while not converged:
-108        it += 1
-109        distortion_prev = distortion
-110
-111        # p(x_hat) = sum p(x) p(x_hat | x)
-112        p_xhat = p_x @ p_xhat_x
-113
-114        # p(x_hat | x) = p(x_hat) exp(- beta * d(x_hat, x)) / Z
-115        p_xhat_x = np.exp(-beta * dist_mat) * p_xhat
-116        p_xhat_x /= np.expand_dims(np.sum(p_xhat_x, 1), 1)
-117
-118        # update for convergence check
-119        rate, distortion = compute_rate_distortion(p_x, p_xhat_x, dist_mat)
-120
-121        # collect point
-122        traj.append((rate, distortion))
-123
-124        # convergence check
-125        if ignore_converge:
-126            converged = it == max_it
-127        else:
-128            converged = it == max_it or np.abs(distortion - distortion_prev) < eps
-129
-130    return {
-131        "final": (rate, distortion),
-132        "trajectory": traj,
-133    }
-134
-135
-136##############################################################################
-137# Information Bottleneck
-138##############################################################################
-139
-140# === Main IB methods ===
-141
-142
-143def get_ib_curve(
-144    prior: np.ndarray,
-145    space: Universe,
-146    decay: float,
-147    cost: Callable[[Referent, Referent], float],
-148    curve_type: str = "informativity",
-149) -> np.ndarray:
-150    """Compute the IB curve bound (I[M:W] vs. I[W:U]) for a given semantic space. We use the embo package, which does not allow one to specify the number of betas, which means some interpolation might be necessary later.
-151
-152    Args:
-153        prior: array of shape `|meanings|`
-154
-155        space: the ModalMeaningSpace on which meanings are defined
-156
-157        decay: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-158
-159        cost: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-160
-161        curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The latter can be obtained easily from the former by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
-162
-163    Returns:
-164        an array of shape `(num_points, 2)` representing the list of (accuracy/comm_cost, complexity) points on the information plane.
-165    """
-166    conditional_pum = generate_meaning_distributions(space, decay, cost)
-167    joint_pmu = util.joint(conditional_pum, prior)  # P(u) = P(m)
-168    I_mu = util.MI(joint_pmu)
-169
-170    # I[M:W], I[W:U], H[W], beta
-171    I_mw, I_wu, _, _ = InformationBottleneck(pxy=joint_pmu).get_bottleneck()
-172
-173    if curve_type == "comm_cost":
-174        points = np.array(
-175            list(zip(I_mu - I_wu, I_mw))
-176        )  # expected kl divergence, complexity
-177    else:
-178        points = np.array(list(zip(I_wu, I_mw)))  # informativity, complexity
-179    return points
-180
-181
-182def ib_complexity(
-183    language: Language,
-184    prior: np.ndarray,
-185) -> float:
-186    """Compute the IB encoder complexity of a language $I[M:W]$."""
-187    return float(
-188        information_rate(
-189            source=prior,
-190            encoder=language_to_ib_encoder_decoder(
-191                language,
-192                prior,
-193            )["encoder"],
-194        )
-195    )
-196
-197
-198def ib_informativity(
-199    language: Language,
-200    prior: np.ndarray,
-201    decay: float,
-202    cost: Callable[[Referent, Referent], float],
-203) -> float:
-204    """Compute the expected informativity (accuracy) $I[W:U]$ of a lexicon.
-205
-206    Args:
-207        language: the Language to measure for informativity
-208
-209        prior: communicative need distribution
-210
-211        decay: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-212
-213        cost: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-214
-215    Returns:
-216        the informativity of the language I[W:U] in bits.
-217    """
-218    return float(
-219        util.MI(
-220            language_to_joint_distributions(language, prior, decay, cost)["joint_pwu"]
-221        )
-222    )
-223
-224
-225def ib_comm_cost(
-226    language: Language,
-227    prior: np.ndarray,
-228    decay: float,
-229    cost: Callable[[Referent, Referent], float],
-230) -> float:
-231    """Compute the IB communicative cost, i.e. expected KL-divergence betweeen speaker and listener meanings, for a language.
-232
-233    Args:
-234        language: the Language to measure for communicative cost
-235
-236        prior: communicative need distribution
-237
-238        decay: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-239
-240        cost: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-241
-242    Returns:
-243        the communicative cost, $\mathbb{E}[D_{KL}[M || \hat{M}]] = I[M:U] - I[W:U]$ in bits.
-244    """
-245    dists = language_to_joint_distributions(language, prior, decay, cost)
-246    return float(util.MI(dists["joint_pmu"]) - util.MI(dists["joint_pwu"]))
-247
-248
-249def language_to_joint_distributions(
-250    language: Language,
-251    prior: np.ndarray,
-252    decay: float,
-253    cost: Callable[[Referent, Referent], float],
-254) -> float:
-255    """Given a Language, get P(M,U) the joint distribution over meanings and referents, and P(W,U) the joint distribution over words and referents.
-256
-257    Args:
-258        language: the Language to convert to distributions
-259
-260        prior: communicative need distribution
-261
-262        decay: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-263
-264        cost: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-265
-266    Returns:
-267        a dict of the form
-268
-269            {
-270            "joint_pmu": an array of shape `(|U|, |M|)` representing P(U, M)
-271            "joint_pwu": an array of shape `(|W|, |U|)` representing P(W, U)
-272            }
-273
-274    """
-275    system = language_to_ib_encoder_decoder(language, prior)
-276    encoder = system["encoder"]
-277    decoder = system["decoder"]
-278    space = language.universe
-279
-280    conditional_pum = generate_meaning_distributions(space, decay, cost)
-281    conditional_puw = deterministic_decoder(decoder, conditional_pum)
-282    joint_pmu = util.joint(conditional_pum, prior)
-283    p_w = util.marginalize(encoder, prior)
-284    joint_pwu = util.joint(conditional_puw, p_w)
-285
-286    return {
-287        "joint_pmu": joint_pmu,
-288        "joint_pwu": joint_pwu,
-289    }
-290
-291
-292# === IB Helpers ===
-293
-294
-295def language_to_ib_encoder_decoder(
-296    language: Language,
-297    prior: np.ndarray,
-298) -> dict[str, np.ndarray]:
-299    """Convert a Language, a mapping of words to meanings, to IB encoder, q(w|m) and IB decoder q(m|w).
-300
-301    Args:
-302        language: the lexicon from which to infer a speaker (encoder).
-303
-304        prior: communicative need distribution
-305
-306    Returns:
-307        a dict of the form
-308        {
-309            "encoder": np.ndarray of shape `(|meanings|, |words|)`,
-310            "decoder": np.ndarray of shape `(|words|, |meanings|)`,
-311        }
-312    """
-313    # In the IB framework, the encoder is _typically_ a literal speaker and the decoder is a bayes optimal listener. TODO: There are obviously other possible choices here.
-314    speaker = LiteralSpeaker(language)
-315    speaker.weights = util.rows_zero_to_uniform(speaker.normalized_weights())
-316    listener = BayesianListener(speaker, prior)
-317    return {
-318        "encoder": speaker.normalized_weights(),
-319        "decoder": listener.normalized_weights(),
-320    }
-321
-322
-323def deterministic_decoder(
-324    decoder: np.ndarray, meaning_distributions: np.ndarray
-325) -> np.ndarray:
-326    """Compute $\hat{m}_{w}(u) = \sum_m  p(m|w) \cdot m(u) $
-327
-328    Args:
-329        decoder: array of shape `(|words|, |meanings|)`
-330
-331        meaning_distributions: array of shape `(|meanings|, |meanings|)`
-332
-333    Returns:
-334        array of shape `(|words|, |meanings|)` representing the 'optimal' deterministic decoder
-335    """
-336    return decoder @ meaning_distributions
-337
-338
-339def generate_meaning_distributions(
-340    space: Universe,
-341    decay: float,
-342    cost: Callable[[Referent, Referent], float],
-343) -> np.ndarray:
-344    """Generate a conditional distribution over world states given meanings, $p(u|m)$, for each meaning.
-345
-346    Args:
-347        space: the ModalMeaningSpace on which meanings are defined
-348
-349        decay: a float in [0,1]. controls informativity, by decaying how much probability mass is assigned to perfect recoveries. As decay approaches 0, only perfect recovery is rewarded (which overrides any partial credit structure built into the utility/cost function). As decay approaches 1, the worst guesses become most likely.
-350
-351        cost: a cost function defining the pairwise communicative cost for confusing one Referent in the Universe with another. If you have a (scaled) communicative utility matrix, a natural choice for cost might be `lambda x, y: 1 - utility(x, y)`.
-352
-353    Returns:
-354        p_u_m: an array of shape `(|space.referents|, |space.referents|)`
-355    """
-356
-357    # construct p(u|m) for each meaning
-358    meaning_distributions = np.array(
-359        [[decay ** cost(m, u) for u in space.referents] for m in space.referents]
-360    )
-361    # each row sums to 1.0
-362    np.seterr(divide="ignore", invalid="ignore")
-363    meaning_distributions = np.nan_to_num(
-364        meaning_distributions / meaning_distributions.sum(axis=1, keepdims=True)
-365    )
-366
-367    return meaning_distributions
-
- - -
-
- -
- - def - information_rate(source: numpy.ndarray, encoder: numpy.ndarray) -> float: - - - -
- -
13def information_rate(source: np.ndarray, encoder: np.ndarray) -> float:
-14    """Compute the information rate / complexity of the encoder q(w|m) as $I[W:M]$."""
-15    pXY = util.joint(pY_X=encoder, pX=source)
-16    return util.MI(pXY=pXY)
-
- - -

Compute the information rate / complexity of the encoder q(w|m) as $I[W:M]$.

-
- - -
-
- -
- - def - get_rd_curve( prior: numpy.ndarray, dist_mat: numpy.ndarray, betas: numpy.ndarray = array([0.00000000e+00, 8.53902602e-02, 1.70780520e-01, ..., - 1.27829219e+02, 1.27914610e+02, 1.28000000e+02])) -> list[tuple[float]]: - - - -
- -
24def get_rd_curve(
-25    prior: np.ndarray,
-26    dist_mat: np.ndarray,
-27    betas: np.ndarray = np.linspace(start=0, stop=2**7, num=1500),
-28) -> list[tuple[float]]:
-29    """Use the Blahut Arimoto algorithm to obtain a list of (rate, distortion) points."""
-30    rd = lambda beta: blahut_arimoto(dist_mat, p_x=prior, beta=beta)["final"]
-31    pareto_points = [rd(beta) for beta in betas]
-32    return pareto_points
-
- - -

Use the Blahut Arimoto algorithm to obtain a list of (rate, distortion) points.

-
- - -
-
- -
- - def - expected_distortion( p_x: numpy.ndarray, p_xhat_x: numpy.ndarray, dist_mat: numpy.ndarray) -> float: - - - -
- -
35def expected_distortion(
-36    p_x: np.ndarray, p_xhat_x: np.ndarray, dist_mat: np.ndarray
-37) -> float:
-38    """$D[X, \hat{X}] = \sum_x p(x) \sum_{\hat{x}} p(\hat{x}|x) \cdot d(x, \hat{x})$"""
-39    return np.sum(p_x @ (p_xhat_x * dist_mat))
-
- - -

$D[X, \hat{X}] = \sum_x p(x) \sum_{\hat{x}} p(\hat{x}|x) \cdot d(x, \hat{x})$

-
- - -
-
- -
- - def - compute_rate_distortion(p_x, p_xhat_x, dist_mat) -> tuple[numpy.ndarray]: - - - -
- -
42def compute_rate_distortion(
-43    p_x,
-44    p_xhat_x,
-45    dist_mat,
-46) -> tuple[np.ndarray]:
-47    """Compute the information rate $I(X;\hat{X})$ and total distortion $D[X, \hat{X}]$ of a joint distribution defind by $P(X)$ and $P(\hat{X}|X)$.
-48
-49    Args:
-50        p_x: array of shape `|X|` the prior probability of an input symbol (i.e., the source)
-51
-52        p_xhat_x: array of shape `(|X|, |X_hat|)` the probability of an output symbol given the input
-53
-54        dist_mat: array of shape `(|X|, |X_hat|)` representing the distoriton matrix between the input alphabet and the reconstruction alphabet.
-55
-56    Returns:
-57        a (rate, distortion) tuple containing the information rate (in bits) of compressing X into X_hat and the expected distortion between X, X_hat
-58    """
-59    return (
-60        information_rate(p_x, p_xhat_x),
-61        expected_distortion(p_x, p_xhat_x, dist_mat),
-62    )
-
- - -

Compute the information rate $I(X;\hat{X})$ and total distortion $D[X, \hat{X}]$ of a joint distribution defind by $P(X)$ and $P(\hat{X}|X)$.

- -
Arguments:
- -
    -
  • p_x: array of shape |X| the prior probability of an input symbol (i.e., the source)
  • -
  • p_xhat_x: array of shape (|X|, |X_hat|) the probability of an output symbol given the input
  • -
  • dist_mat: array of shape (|X|, |X_hat|) representing the distoriton matrix between the input alphabet and the reconstruction alphabet.
  • -
- -
Returns:
- -
-

a (rate, distortion) tuple containing the information rate (in bits) of compressing X into X_hat and the expected distortion between X, X_hat

-
-
- - -
-
- -
- - def - blahut_arimoto( dist_mat: numpy.ndarray, p_x: numpy.ndarray, beta: float, max_it: int = 200, eps: float = 1e-05, ignore_converge: bool = False) -> tuple[float]: - - - -
- -
 65def blahut_arimoto(
- 66    dist_mat: np.ndarray,
- 67    p_x: np.ndarray,
- 68    beta: float,
- 69    max_it: int = 200,
- 70    eps: float = 1e-5,
- 71    ignore_converge: bool = False,
- 72) -> tuple[float]:
- 73    """Compute the rate-distortion function of an i.i.d distribution
- 74
- 75    Args:
- 76        dist_mat: array of shape `(|X|, |X_hat|)` representing the distortion matrix between the input alphabet and the reconstruction alphabet. dist_mat[i,j] = dist(x[i],x_hat[j]). In this context, X is a random variable representing the a speaker's meaning (target referent), and X_hat is a random variable representing a listener's meaning (guessed  referent).
- 77
- 78        p_x: (1D array of shape `|X|`) representing the probability mass function of the source. In this context, the prior over states of nature.
- 79
- 80        beta: (scalar) the slope of the rate-distoriton function at the point where evaluation is required
- 81
- 82        max_it: max number of iterations
- 83
- 84        eps: accuracy required by the algorithm: the algorithm stops if there is no change in distoriton value of more than 'eps' between consequtive iterations
- 85
- 86        ignore_converge: whether to run the optimization until `max_it`, ignoring the stopping criterion specified by `eps`.
- 87
- 88    Returns:
- 89        a dict of the form
- 90
- 91            {
- 92                'final': a tuple of (rate, distortion) values. This is the rate (in bits) of compressing X into X_hat, and distortion between X, X_hat
- 93
- 94                'trajectory': a list of the (rate, distortion) points discovered during optimization
- 95            }
- 96    """
- 97    # start with iid conditional distribution, as p(x) may not be uniform
- 98    p_xhat_x = np.tile(p_x, (dist_mat.shape[1], 1)).T
- 99
-100    # normalize
-101    p_x /= np.sum(p_x)
-102    p_xhat_x /= np.sum(p_xhat_x, 1, keepdims=True)
-103
-104    it = 0
-105    traj = []
-106    distortion = 2 * eps
-107    converged = False
-108    while not converged:
-109        it += 1
-110        distortion_prev = distortion
-111
-112        # p(x_hat) = sum p(x) p(x_hat | x)
-113        p_xhat = p_x @ p_xhat_x
-114
-115        # p(x_hat | x) = p(x_hat) exp(- beta * d(x_hat, x)) / Z
-116        p_xhat_x = np.exp(-beta * dist_mat) * p_xhat
-117        p_xhat_x /= np.expand_dims(np.sum(p_xhat_x, 1), 1)
-118
-119        # update for convergence check
-120        rate, distortion = compute_rate_distortion(p_x, p_xhat_x, dist_mat)
-121
-122        # collect point
-123        traj.append((rate, distortion))
-124
-125        # convergence check
-126        if ignore_converge:
-127            converged = it == max_it
-128        else:
-129            converged = it == max_it or np.abs(distortion - distortion_prev) < eps
-130
-131    return {
-132        "final": (rate, distortion),
-133        "trajectory": traj,
-134    }
-
- - -

Compute the rate-distortion function of an i.i.d distribution

- -
Arguments:
- -
    -
  • dist_mat: array of shape (|X|, |X_hat|) representing the distortion matrix between the input alphabet and the reconstruction alphabet. dist_mat[i,j] = dist(x[i],x_hat[j]). In this context, X is a random variable representing the a speaker's meaning (target referent), and X_hat is a random variable representing a listener's meaning (guessed referent).
  • -
  • p_x: (1D array of shape |X|) representing the probability mass function of the source. In this context, the prior over states of nature.
  • -
  • beta: (scalar) the slope of the rate-distoriton function at the point where evaluation is required
  • -
  • max_it: max number of iterations
  • -
  • eps: accuracy required by the algorithm: the algorithm stops if there is no change in distoriton value of more than 'eps' between consequtive iterations
  • -
  • ignore_converge: whether to run the optimization until max_it, ignoring the stopping criterion specified by eps.
  • -
- -
Returns:
- -
-

a dict of the form

- -
{
-    'final': a tuple of (rate, distortion) values. This is the rate (in bits) of compressing X into X_hat, and distortion between X, X_hat
-
-    'trajectory': a list of the (rate, distortion) points discovered during optimization
-}
-
-
-
- - -
-
- -
- - def - get_ib_curve( prior: numpy.ndarray, space: altk.language.semantics.Universe, decay: float, cost: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float], curve_type: str = 'informativity') -> numpy.ndarray: - - - -
- -
144def get_ib_curve(
-145    prior: np.ndarray,
-146    space: Universe,
-147    decay: float,
-148    cost: Callable[[Referent, Referent], float],
-149    curve_type: str = "informativity",
-150) -> np.ndarray:
-151    """Compute the IB curve bound (I[M:W] vs. I[W:U]) for a given semantic space. We use the embo package, which does not allow one to specify the number of betas, which means some interpolation might be necessary later.
-152
-153    Args:
-154        prior: array of shape `|meanings|`
-155
-156        space: the ModalMeaningSpace on which meanings are defined
-157
-158        decay: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-159
-160        cost: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-161
-162        curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The latter can be obtained easily from the former by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
-163
-164    Returns:
-165        an array of shape `(num_points, 2)` representing the list of (accuracy/comm_cost, complexity) points on the information plane.
-166    """
-167    conditional_pum = generate_meaning_distributions(space, decay, cost)
-168    joint_pmu = util.joint(conditional_pum, prior)  # P(u) = P(m)
-169    I_mu = util.MI(joint_pmu)
-170
-171    # I[M:W], I[W:U], H[W], beta
-172    I_mw, I_wu, _, _ = InformationBottleneck(pxy=joint_pmu).get_bottleneck()
-173
-174    if curve_type == "comm_cost":
-175        points = np.array(
-176            list(zip(I_mu - I_wu, I_mw))
-177        )  # expected kl divergence, complexity
-178    else:
-179        points = np.array(list(zip(I_wu, I_mw)))  # informativity, complexity
-180    return points
-
- - -

Compute the IB curve bound (I[M:W] vs. I[W:U]) for a given semantic space. We use the embo package, which does not allow one to specify the number of betas, which means some interpolation might be necessary later.

- -
Arguments:
- -
    -
  • prior: array of shape |meanings|
  • -
  • space: the ModalMeaningSpace on which meanings are defined
  • -
  • decay: parameter for meaning distribution p(u|m) generation. See generate_meaning_distributions.
  • -
  • cost: parameter for meaning distribution p(u|m) generation. See generate_meaning_distributions.
  • -
  • curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The latter can be obtained easily from the former by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
  • -
- -
Returns:
- -
-

an array of shape (num_points, 2) representing the list of (accuracy/comm_cost, complexity) points on the information plane.

-
-
- - -
-
- -
- - def - ib_complexity(language: altk.language.language.Language, prior: numpy.ndarray) -> float: - - - -
- -
183def ib_complexity(
-184    language: Language,
-185    prior: np.ndarray,
-186) -> float:
-187    """Compute the IB encoder complexity of a language $I[M:W]$."""
-188    return float(
-189        information_rate(
-190            source=prior,
-191            encoder=language_to_ib_encoder_decoder(
-192                language,
-193                prior,
-194            )["encoder"],
-195        )
-196    )
-
- - -

Compute the IB encoder complexity of a language $I[M:W]$.

-
- - -
-
- -
- - def - ib_informativity( language: altk.language.language.Language, prior: numpy.ndarray, decay: float, cost: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float]) -> float: - - - -
- -
199def ib_informativity(
-200    language: Language,
-201    prior: np.ndarray,
-202    decay: float,
-203    cost: Callable[[Referent, Referent], float],
-204) -> float:
-205    """Compute the expected informativity (accuracy) $I[W:U]$ of a lexicon.
-206
-207    Args:
-208        language: the Language to measure for informativity
-209
-210        prior: communicative need distribution
-211
-212        decay: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-213
-214        cost: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-215
-216    Returns:
-217        the informativity of the language I[W:U] in bits.
-218    """
-219    return float(
-220        util.MI(
-221            language_to_joint_distributions(language, prior, decay, cost)["joint_pwu"]
-222        )
-223    )
-
- - -

Compute the expected informativity (accuracy) $I[W:U]$ of a lexicon.

- -
Arguments:
- - - -
Returns:
- -
-

the informativity of the language I[W:U] in bits.

-
-
- - -
-
- -
- - def - ib_comm_cost( language: altk.language.language.Language, prior: numpy.ndarray, decay: float, cost: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float]) -> float: - - - -
- -
226def ib_comm_cost(
-227    language: Language,
-228    prior: np.ndarray,
-229    decay: float,
-230    cost: Callable[[Referent, Referent], float],
-231) -> float:
-232    """Compute the IB communicative cost, i.e. expected KL-divergence betweeen speaker and listener meanings, for a language.
-233
-234    Args:
-235        language: the Language to measure for communicative cost
-236
-237        prior: communicative need distribution
-238
-239        decay: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-240
-241        cost: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-242
-243    Returns:
-244        the communicative cost, $\mathbb{E}[D_{KL}[M || \hat{M}]] = I[M:U] - I[W:U]$ in bits.
-245    """
-246    dists = language_to_joint_distributions(language, prior, decay, cost)
-247    return float(util.MI(dists["joint_pmu"]) - util.MI(dists["joint_pwu"]))
-
- - -

Compute the IB communicative cost, i.e. expected KL-divergence betweeen speaker and listener meanings, for a language.

- -
Arguments:
- - - -
Returns:
- -
-

the communicative cost, $\mathbb{E}[D_{KL}[M || \hat{M}]] = I[M:U] - I[W:U]$ in bits.

-
-
- - -
-
- -
- - def - language_to_joint_distributions( language: altk.language.language.Language, prior: numpy.ndarray, decay: float, cost: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float]) -> float: - - - -
- -
250def language_to_joint_distributions(
-251    language: Language,
-252    prior: np.ndarray,
-253    decay: float,
-254    cost: Callable[[Referent, Referent], float],
-255) -> float:
-256    """Given a Language, get P(M,U) the joint distribution over meanings and referents, and P(W,U) the joint distribution over words and referents.
-257
-258    Args:
-259        language: the Language to convert to distributions
-260
-261        prior: communicative need distribution
-262
-263        decay: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-264
-265        cost: parameter for meaning distribution p(u|m) generation. See `generate_meaning_distributions`.
-266
-267    Returns:
-268        a dict of the form
-269
-270            {
-271            "joint_pmu": an array of shape `(|U|, |M|)` representing P(U, M)
-272            "joint_pwu": an array of shape `(|W|, |U|)` representing P(W, U)
-273            }
-274
-275    """
-276    system = language_to_ib_encoder_decoder(language, prior)
-277    encoder = system["encoder"]
-278    decoder = system["decoder"]
-279    space = language.universe
-280
-281    conditional_pum = generate_meaning_distributions(space, decay, cost)
-282    conditional_puw = deterministic_decoder(decoder, conditional_pum)
-283    joint_pmu = util.joint(conditional_pum, prior)
-284    p_w = util.marginalize(encoder, prior)
-285    joint_pwu = util.joint(conditional_puw, p_w)
-286
-287    return {
-288        "joint_pmu": joint_pmu,
-289        "joint_pwu": joint_pwu,
-290    }
-
- - -

Given a Language, get P(M,U) the joint distribution over meanings and referents, and P(W,U) the joint distribution over words and referents.

- -
Arguments:
- - - -
Returns:
- -
-

a dict of the form

- -
{
-"joint_pmu": an array of shape `(|U|, |M|)` representing P(U, M)
-"joint_pwu": an array of shape `(|W|, |U|)` representing P(W, U)
-}
-
-
-
- - -
-
- -
- - def - language_to_ib_encoder_decoder( language: altk.language.language.Language, prior: numpy.ndarray) -> dict[str, numpy.ndarray]: - - - -
- -
296def language_to_ib_encoder_decoder(
-297    language: Language,
-298    prior: np.ndarray,
-299) -> dict[str, np.ndarray]:
-300    """Convert a Language, a mapping of words to meanings, to IB encoder, q(w|m) and IB decoder q(m|w).
-301
-302    Args:
-303        language: the lexicon from which to infer a speaker (encoder).
-304
-305        prior: communicative need distribution
-306
-307    Returns:
-308        a dict of the form
-309        {
-310            "encoder": np.ndarray of shape `(|meanings|, |words|)`,
-311            "decoder": np.ndarray of shape `(|words|, |meanings|)`,
-312        }
-313    """
-314    # In the IB framework, the encoder is _typically_ a literal speaker and the decoder is a bayes optimal listener. TODO: There are obviously other possible choices here.
-315    speaker = LiteralSpeaker(language)
-316    speaker.weights = util.rows_zero_to_uniform(speaker.normalized_weights())
-317    listener = BayesianListener(speaker, prior)
-318    return {
-319        "encoder": speaker.normalized_weights(),
-320        "decoder": listener.normalized_weights(),
-321    }
-
- - -

Convert a Language, a mapping of words to meanings, to IB encoder, q(w|m) and IB decoder q(m|w).

- -
Arguments:
- -
    -
  • language: the lexicon from which to infer a speaker (encoder).
  • -
  • prior: communicative need distribution
  • -
- -
Returns:
- -
-

a dict of the form - { - "encoder": np.ndarray of shape (|meanings|, |words|), - "decoder": np.ndarray of shape (|words|, |meanings|), - }

-
-
- - -
-
- -
- - def - deterministic_decoder( decoder: numpy.ndarray, meaning_distributions: numpy.ndarray) -> numpy.ndarray: - - - -
- -
324def deterministic_decoder(
-325    decoder: np.ndarray, meaning_distributions: np.ndarray
-326) -> np.ndarray:
-327    """Compute $\hat{m}_{w}(u) = \sum_m  p(m|w) \cdot m(u) $
-328
-329    Args:
-330        decoder: array of shape `(|words|, |meanings|)`
-331
-332        meaning_distributions: array of shape `(|meanings|, |meanings|)`
-333
-334    Returns:
-335        array of shape `(|words|, |meanings|)` representing the 'optimal' deterministic decoder
-336    """
-337    return decoder @ meaning_distributions
-
- - -

Compute $\hat{m}_{w}(u) = \sum_m p(m|w) \cdot m(u) $

- -
Arguments:
- -
    -
  • decoder: array of shape (|words|, |meanings|)
  • -
  • meaning_distributions: array of shape (|meanings|, |meanings|)
  • -
- -
Returns:
- -
-

array of shape (|words|, |meanings|) representing the 'optimal' deterministic decoder

-
-
- - -
-
- -
- - def - generate_meaning_distributions( space: altk.language.semantics.Universe, decay: float, cost: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float]) -> numpy.ndarray: - - - -
- -
340def generate_meaning_distributions(
-341    space: Universe,
-342    decay: float,
-343    cost: Callable[[Referent, Referent], float],
-344) -> np.ndarray:
-345    """Generate a conditional distribution over world states given meanings, $p(u|m)$, for each meaning.
-346
-347    Args:
-348        space: the ModalMeaningSpace on which meanings are defined
-349
-350        decay: a float in [0,1]. controls informativity, by decaying how much probability mass is assigned to perfect recoveries. As decay approaches 0, only perfect recovery is rewarded (which overrides any partial credit structure built into the utility/cost function). As decay approaches 1, the worst guesses become most likely.
-351
-352        cost: a cost function defining the pairwise communicative cost for confusing one Referent in the Universe with another. If you have a (scaled) communicative utility matrix, a natural choice for cost might be `lambda x, y: 1 - utility(x, y)`.
-353
-354    Returns:
-355        p_u_m: an array of shape `(|space.referents|, |space.referents|)`
-356    """
-357
-358    # construct p(u|m) for each meaning
-359    meaning_distributions = np.array(
-360        [[decay ** cost(m, u) for u in space.referents] for m in space.referents]
-361    )
-362    # each row sums to 1.0
-363    np.seterr(divide="ignore", invalid="ignore")
-364    meaning_distributions = np.nan_to_num(
-365        meaning_distributions / meaning_distributions.sum(axis=1, keepdims=True)
-366    )
-367
-368    return meaning_distributions
-
- - -

Generate a conditional distribution over world states given meanings, $p(u|m)$, for each meaning.

- -
Arguments:
- -
    -
  • space: the ModalMeaningSpace on which meanings are defined
  • -
  • decay: a float in [0,1]. controls informativity, by decaying how much probability mass is assigned to perfect recoveries. As decay approaches 0, only perfect recovery is rewarded (which overrides any partial credit structure built into the utility/cost function). As decay approaches 1, the worst guesses become most likely.
  • -
  • cost: a cost function defining the pairwise communicative cost for confusing one Referent in the Universe with another. If you have a (scaled) communicative utility matrix, a natural choice for cost might be lambda x, y: 1 - utility(x, y).
  • -
- -
Returns:
- -
-

p_u_m: an array of shape (|space.referents|, |space.referents|)

-
-
- - -
-
- - \ No newline at end of file diff --git a/docs/altk/language/semantics.html b/docs/altk/language/semantics.html deleted file mode 100644 index 3fb8448d..00000000 --- a/docs/altk/language/semantics.html +++ /dev/null @@ -1,666 +0,0 @@ - - - - - - - altk.language.semantics API documentation - - - - - - - - - - - - - -
-
-

-altk.language.semantics

- -

Classes for modeling the meanings of a language.

- -

Meanings are modeled as things which map linguistic forms to objects of reference. The linguistic forms and objects of reference can in principle be very detailed, and future work may elaborate the meaning classes and implement a Form class.

- -

In efficient communication analyses, simplicity and informativeness can be measured as properties of semantic aspects of a language. E.g., a meaning is simple if it is easy to represent, or to compress into some code; a meaning is informative if it is easy for a listener to recover a speaker's intended literal meaning.

- -
Examples:
- -
-
-
>>> from altk.language.semantics import Referent, Meaning, Universe
->>> from altk.language.language import Expression
->>> # construct the meaning space for numerals
->>> numerals_universe = NumeralUniverse(referents=[NumeralReferent(str(i)) for i in range(1, 100)])
->>> # construct a list of referents for the expression 'a few'
->>> a_few_refs = [NumeralRefernt(name=str(i)) for i in range(2, 6)]
->>> a_few_meaning = NumeralMeaning(referents=a_few_refs, universe=numerals_universe)
->>> # define the expression
->>> a_few = NumeralExpression(form="a few", meaning=a_few_meaning)
-
-
-
-
- - - - - -
  1"""Classes for modeling the meanings of a language.
-  2
-  3    Meanings are modeled as things which map linguistic forms to objects of reference. The linguistic forms and objects of reference can in principle be very detailed, and future work may elaborate the meaning classes and implement a Form class.
-  4
-  5    In efficient communication analyses, simplicity and informativeness can be measured as properties of semantic aspects of a language. E.g., a meaning is simple if it is easy to represent, or to compress into some code; a meaning is informative if it is easy for a listener to recover a speaker's intended literal meaning.
-  6
-  7    Examples:
-  8
-  9        >>> from altk.language.semantics import Referent, Meaning, Universe
- 10        >>> from altk.language.language import Expression
- 11        >>> # construct the meaning space for numerals
- 12        >>> numerals_universe = NumeralUniverse(referents=[NumeralReferent(str(i)) for i in range(1, 100)])
- 13        >>> # construct a list of referents for the expression 'a few'
- 14        >>> a_few_refs = [NumeralRefernt(name=str(i)) for i in range(2, 6)]
- 15        >>> a_few_meaning = NumeralMeaning(referents=a_few_refs, universe=numerals_universe)
- 16        >>> # define the expression
- 17        >>> a_few = NumeralExpression(form="a few", meaning=a_few_meaning)
- 18"""
- 19
- 20from typing import Iterable
- 21
- 22
- 23class Referent:
- 24    """A referent is some object in the universe for a language."""
- 25
- 26    def __init__(self, name: str) -> None:
- 27        """Initialize a referent.
- 28
- 29        Args:
- 30            name: a string representing the name of the referent
- 31        """
- 32        self.name = name
- 33
- 34    def __str__(self) -> str:
- 35        raise NotImplementedError
- 36
- 37    def __hash__(self) -> int:
- 38        raise NotImplementedError
- 39
- 40
- 41class Universe:
- 42
- 43    """The universe is the set of possible referent objects for a meaning."""
- 44
- 45    def __init__(self, referents: Iterable[Referent]):
- 46        self.referents = referents
- 47
- 48    def __str__(self):
- 49        referents_str = ",\n".join([str(point) for point in self.referents])
- 50        return f"Universe: {referents_str}"
- 51
- 52    def __eq__(self, __o: object) -> bool:
- 53        """Returns true if the two universes are the same set."""
- 54        return self.referents == __o.referents
- 55
- 56    def __len__(self) -> int:
- 57        return len(self.referents)
- 58
- 59
- 60class Meaning:
- 61
- 62    """A meaning picks out a set of objects from the universe.
- 63
- 64    On one tradition (from formal semantics), we might model an underspecified meaning as a subset of the universe. Sometimes these different referents are not equally likely, in which it can be helpful to define a meaning explicitly as a distribution over the universe.
- 65    """
- 66
- 67    def __init__(
- 68            self, 
- 69            referents: Iterable[Referent], 
- 70            universe: Universe, 
- 71            dist: dict[str, float] = None,
- 72            ) -> None:
- 73        """A meaning is the set of things it refers to.
- 74
- 75        The objects of reference are a subset of the universe of discourse. Sometimes it is natural to construe the meaning as as a probability distribution over the universe, instead of just a binary predicate.
- 76
- 77        Args:
- 78            referents: a list of Referent objects, which must be a subset of the referents in `universe`.
- 79
- 80            universe: a Universe object that defines the probability space for a meaning.
- 81
- 82            dist: a dict of with Referent names as keys and weights or probabilities as values, representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability.
- 83        """
- 84        if not set(referents).issubset(set(universe.referents)):
- 85            print("referents:")
- 86            print([str(r) for r in referents])
- 87            print("universe:")
- 88            print([str(r) for r in universe.referents])
- 89            raise ValueError(
- 90                f"The set of referents for a meaning must be a subset of the universe of discourse."
- 91            )
- 92
- 93        self.referents = referents
- 94        self.universe = universe
- 95
- 96        zeros = {ref.name: 0.0 for ref in set(self.universe.referents) - set(self.referents)}
- 97        if dist is not None:
- 98            # normalize weights to distribution
- 99            total_weight = sum(dist.values())
-100            self.dist = {ref.name: dist[ref.name] / total_weight for ref in self.referents} | zeros
-101
-102        else:
-103            self.dist = {ref.name: 1 / len(self.referents) for ref in self.referents} | zeros
-
- - -
-
- -
- - class - Referent: - - - -
- -
24class Referent:
-25    """A referent is some object in the universe for a language."""
-26
-27    def __init__(self, name: str) -> None:
-28        """Initialize a referent.
-29
-30        Args:
-31            name: a string representing the name of the referent
-32        """
-33        self.name = name
-34
-35    def __str__(self) -> str:
-36        raise NotImplementedError
-37
-38    def __hash__(self) -> int:
-39        raise NotImplementedError
-
- - -

A referent is some object in the universe for a language.

-
- - -
- -
- - Referent(name: str) - - - -
- -
27    def __init__(self, name: str) -> None:
-28        """Initialize a referent.
-29
-30        Args:
-31            name: a string representing the name of the referent
-32        """
-33        self.name = name
-
- - -

Initialize a referent.

- -
Arguments:
- -
    -
  • name: a string representing the name of the referent
  • -
-
- - -
-
-
- -
- - class - Universe: - - - -
- -
42class Universe:
-43
-44    """The universe is the set of possible referent objects for a meaning."""
-45
-46    def __init__(self, referents: Iterable[Referent]):
-47        self.referents = referents
-48
-49    def __str__(self):
-50        referents_str = ",\n".join([str(point) for point in self.referents])
-51        return f"Universe: {referents_str}"
-52
-53    def __eq__(self, __o: object) -> bool:
-54        """Returns true if the two universes are the same set."""
-55        return self.referents == __o.referents
-56
-57    def __len__(self) -> int:
-58        return len(self.referents)
-
- - -

The universe is the set of possible referent objects for a meaning.

-
- - -
- -
- - Universe(referents: Iterable[altk.language.semantics.Referent]) - - - -
- -
46    def __init__(self, referents: Iterable[Referent]):
-47        self.referents = referents
-
- - - - -
-
-
- -
- - class - Meaning: - - - -
- -
 61class Meaning:
- 62
- 63    """A meaning picks out a set of objects from the universe.
- 64
- 65    On one tradition (from formal semantics), we might model an underspecified meaning as a subset of the universe. Sometimes these different referents are not equally likely, in which it can be helpful to define a meaning explicitly as a distribution over the universe.
- 66    """
- 67
- 68    def __init__(
- 69            self, 
- 70            referents: Iterable[Referent], 
- 71            universe: Universe, 
- 72            dist: dict[str, float] = None,
- 73            ) -> None:
- 74        """A meaning is the set of things it refers to.
- 75
- 76        The objects of reference are a subset of the universe of discourse. Sometimes it is natural to construe the meaning as as a probability distribution over the universe, instead of just a binary predicate.
- 77
- 78        Args:
- 79            referents: a list of Referent objects, which must be a subset of the referents in `universe`.
- 80
- 81            universe: a Universe object that defines the probability space for a meaning.
- 82
- 83            dist: a dict of with Referent names as keys and weights or probabilities as values, representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability.
- 84        """
- 85        if not set(referents).issubset(set(universe.referents)):
- 86            print("referents:")
- 87            print([str(r) for r in referents])
- 88            print("universe:")
- 89            print([str(r) for r in universe.referents])
- 90            raise ValueError(
- 91                f"The set of referents for a meaning must be a subset of the universe of discourse."
- 92            )
- 93
- 94        self.referents = referents
- 95        self.universe = universe
- 96
- 97        zeros = {ref.name: 0.0 for ref in set(self.universe.referents) - set(self.referents)}
- 98        if dist is not None:
- 99            # normalize weights to distribution
-100            total_weight = sum(dist.values())
-101            self.dist = {ref.name: dist[ref.name] / total_weight for ref in self.referents} | zeros
-102
-103        else:
-104            self.dist = {ref.name: 1 / len(self.referents) for ref in self.referents} | zeros
-
- - -

A meaning picks out a set of objects from the universe.

- -

On one tradition (from formal semantics), we might model an underspecified meaning as a subset of the universe. Sometimes these different referents are not equally likely, in which it can be helpful to define a meaning explicitly as a distribution over the universe.

-
- - -
- -
- - Meaning( referents: Iterable[altk.language.semantics.Referent], universe: altk.language.semantics.Universe, dist: dict[str, float] = None) - - - -
- -
 68    def __init__(
- 69            self, 
- 70            referents: Iterable[Referent], 
- 71            universe: Universe, 
- 72            dist: dict[str, float] = None,
- 73            ) -> None:
- 74        """A meaning is the set of things it refers to.
- 75
- 76        The objects of reference are a subset of the universe of discourse. Sometimes it is natural to construe the meaning as as a probability distribution over the universe, instead of just a binary predicate.
- 77
- 78        Args:
- 79            referents: a list of Referent objects, which must be a subset of the referents in `universe`.
- 80
- 81            universe: a Universe object that defines the probability space for a meaning.
- 82
- 83            dist: a dict of with Referent names as keys and weights or probabilities as values, representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability.
- 84        """
- 85        if not set(referents).issubset(set(universe.referents)):
- 86            print("referents:")
- 87            print([str(r) for r in referents])
- 88            print("universe:")
- 89            print([str(r) for r in universe.referents])
- 90            raise ValueError(
- 91                f"The set of referents for a meaning must be a subset of the universe of discourse."
- 92            )
- 93
- 94        self.referents = referents
- 95        self.universe = universe
- 96
- 97        zeros = {ref.name: 0.0 for ref in set(self.universe.referents) - set(self.referents)}
- 98        if dist is not None:
- 99            # normalize weights to distribution
-100            total_weight = sum(dist.values())
-101            self.dist = {ref.name: dist[ref.name] / total_weight for ref in self.referents} | zeros
-102
-103        else:
-104            self.dist = {ref.name: 1 / len(self.referents) for ref in self.referents} | zeros
-
- - -

A meaning is the set of things it refers to.

- -

The objects of reference are a subset of the universe of discourse. Sometimes it is natural to construe the meaning as as a probability distribution over the universe, instead of just a binary predicate.

- -
Arguments:
- -
    -
  • referents: a list of Referent objects, which must be a subset of the referents in universe.
  • -
  • universe: a Universe object that defines the probability space for a meaning.
  • -
  • dist: a dict of with Referent names as keys and weights or probabilities as values, representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability.
  • -
-
- - -
-
-
- - \ No newline at end of file diff --git a/docs/index.html b/docs/index.html index a4318d13..73bb7418 100644 --- a/docs/index.html +++ b/docs/index.html @@ -2,6 +2,6 @@ - + diff --git a/docs/search.js b/docs/search.js index 6d9f8ec1..5cea64cb 100644 --- a/docs/search.js +++ b/docs/search.js @@ -1,6 +1,6 @@ window.pdocSearch = (function(){ /** elasticlunr - http://weixsong.github.io * Copyright (C) 2017 Oliver Nightingale * Copyright (C) 2017 Wei Song * MIT Licensed */!function(){function e(e){if(null===e||"object"!=typeof e)return e;var t=e.constructor();for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n]);return t}var t=function(e){var n=new t.Index;return n.pipeline.add(t.trimmer,t.stopWordFilter,t.stemmer),e&&e.call(n,n),n};t.version="0.9.5",lunr=t,t.utils={},t.utils.warn=function(e){return function(t){e.console&&console.warn&&console.warn(t)}}(this),t.utils.toString=function(e){return void 0===e||null===e?"":e.toString()},t.EventEmitter=function(){this.events={}},t.EventEmitter.prototype.addListener=function(){var e=Array.prototype.slice.call(arguments),t=e.pop(),n=e;if("function"!=typeof t)throw new TypeError("last argument must be a function");n.forEach(function(e){this.hasHandler(e)||(this.events[e]=[]),this.events[e].push(t)},this)},t.EventEmitter.prototype.removeListener=function(e,t){if(this.hasHandler(e)){var n=this.events[e].indexOf(t);-1!==n&&(this.events[e].splice(n,1),0==this.events[e].length&&delete this.events[e])}},t.EventEmitter.prototype.emit=function(e){if(this.hasHandler(e)){var t=Array.prototype.slice.call(arguments,1);this.events[e].forEach(function(e){e.apply(void 0,t)},this)}},t.EventEmitter.prototype.hasHandler=function(e){return e in this.events},t.tokenizer=function(e){if(!arguments.length||null===e||void 0===e)return[];if(Array.isArray(e)){var n=e.filter(function(e){return null===e||void 0===e?!1:!0});n=n.map(function(e){return t.utils.toString(e).toLowerCase()});var i=[];return n.forEach(function(e){var n=e.split(t.tokenizer.seperator);i=i.concat(n)},this),i}return e.toString().trim().toLowerCase().split(t.tokenizer.seperator)},t.tokenizer.defaultSeperator=/[\s\-]+/,t.tokenizer.seperator=t.tokenizer.defaultSeperator,t.tokenizer.setSeperator=function(e){null!==e&&void 0!==e&&"object"==typeof e&&(t.tokenizer.seperator=e)},t.tokenizer.resetSeperator=function(){t.tokenizer.seperator=t.tokenizer.defaultSeperator},t.tokenizer.getSeperator=function(){return t.tokenizer.seperator},t.Pipeline=function(){this._queue=[]},t.Pipeline.registeredFunctions={},t.Pipeline.registerFunction=function(e,n){n in t.Pipeline.registeredFunctions&&t.utils.warn("Overwriting existing registered function: "+n),e.label=n,t.Pipeline.registeredFunctions[n]=e},t.Pipeline.getRegisteredFunction=function(e){return e in t.Pipeline.registeredFunctions!=!0?null:t.Pipeline.registeredFunctions[e]},t.Pipeline.warnIfFunctionNotRegistered=function(e){var n=e.label&&e.label in this.registeredFunctions;n||t.utils.warn("Function is not registered with pipeline. This may cause problems when serialising the index.\n",e)},t.Pipeline.load=function(e){var n=new t.Pipeline;return e.forEach(function(e){var i=t.Pipeline.getRegisteredFunction(e);if(!i)throw new Error("Cannot load un-registered function: "+e);n.add(i)}),n},t.Pipeline.prototype.add=function(){var e=Array.prototype.slice.call(arguments);e.forEach(function(e){t.Pipeline.warnIfFunctionNotRegistered(e),this._queue.push(e)},this)},t.Pipeline.prototype.after=function(e,n){t.Pipeline.warnIfFunctionNotRegistered(n);var i=this._queue.indexOf(e);if(-1===i)throw new Error("Cannot find existingFn");this._queue.splice(i+1,0,n)},t.Pipeline.prototype.before=function(e,n){t.Pipeline.warnIfFunctionNotRegistered(n);var i=this._queue.indexOf(e);if(-1===i)throw new Error("Cannot find existingFn");this._queue.splice(i,0,n)},t.Pipeline.prototype.remove=function(e){var t=this._queue.indexOf(e);-1!==t&&this._queue.splice(t,1)},t.Pipeline.prototype.run=function(e){for(var t=[],n=e.length,i=this._queue.length,o=0;n>o;o++){for(var r=e[o],s=0;i>s&&(r=this._queue[s](r,o,e),void 0!==r&&null!==r);s++);void 0!==r&&null!==r&&t.push(r)}return t},t.Pipeline.prototype.reset=function(){this._queue=[]},t.Pipeline.prototype.get=function(){return this._queue},t.Pipeline.prototype.toJSON=function(){return this._queue.map(function(e){return t.Pipeline.warnIfFunctionNotRegistered(e),e.label})},t.Index=function(){this._fields=[],this._ref="id",this.pipeline=new t.Pipeline,this.documentStore=new t.DocumentStore,this.index={},this.eventEmitter=new t.EventEmitter,this._idfCache={},this.on("add","remove","update",function(){this._idfCache={}}.bind(this))},t.Index.prototype.on=function(){var e=Array.prototype.slice.call(arguments);return this.eventEmitter.addListener.apply(this.eventEmitter,e)},t.Index.prototype.off=function(e,t){return this.eventEmitter.removeListener(e,t)},t.Index.load=function(e){e.version!==t.version&&t.utils.warn("version mismatch: current "+t.version+" importing "+e.version);var n=new this;n._fields=e.fields,n._ref=e.ref,n.documentStore=t.DocumentStore.load(e.documentStore),n.pipeline=t.Pipeline.load(e.pipeline),n.index={};for(var i in e.index)n.index[i]=t.InvertedIndex.load(e.index[i]);return n},t.Index.prototype.addField=function(e){return this._fields.push(e),this.index[e]=new t.InvertedIndex,this},t.Index.prototype.setRef=function(e){return this._ref=e,this},t.Index.prototype.saveDocument=function(e){return this.documentStore=new t.DocumentStore(e),this},t.Index.prototype.addDoc=function(e,n){if(e){var n=void 0===n?!0:n,i=e[this._ref];this.documentStore.addDoc(i,e),this._fields.forEach(function(n){var o=this.pipeline.run(t.tokenizer(e[n]));this.documentStore.addFieldLength(i,n,o.length);var r={};o.forEach(function(e){e in r?r[e]+=1:r[e]=1},this);for(var s in r){var u=r[s];u=Math.sqrt(u),this.index[n].addToken(s,{ref:i,tf:u})}},this),n&&this.eventEmitter.emit("add",e,this)}},t.Index.prototype.removeDocByRef=function(e){if(e&&this.documentStore.isDocStored()!==!1&&this.documentStore.hasDoc(e)){var t=this.documentStore.getDoc(e);this.removeDoc(t,!1)}},t.Index.prototype.removeDoc=function(e,n){if(e){var n=void 0===n?!0:n,i=e[this._ref];this.documentStore.hasDoc(i)&&(this.documentStore.removeDoc(i),this._fields.forEach(function(n){var o=this.pipeline.run(t.tokenizer(e[n]));o.forEach(function(e){this.index[n].removeToken(e,i)},this)},this),n&&this.eventEmitter.emit("remove",e,this))}},t.Index.prototype.updateDoc=function(e,t){var t=void 0===t?!0:t;this.removeDocByRef(e[this._ref],!1),this.addDoc(e,!1),t&&this.eventEmitter.emit("update",e,this)},t.Index.prototype.idf=function(e,t){var n="@"+t+"/"+e;if(Object.prototype.hasOwnProperty.call(this._idfCache,n))return this._idfCache[n];var i=this.index[t].getDocFreq(e),o=1+Math.log(this.documentStore.length/(i+1));return this._idfCache[n]=o,o},t.Index.prototype.getFields=function(){return this._fields.slice()},t.Index.prototype.search=function(e,n){if(!e)return[];e="string"==typeof e?{any:e}:JSON.parse(JSON.stringify(e));var i=null;null!=n&&(i=JSON.stringify(n));for(var o=new t.Configuration(i,this.getFields()).get(),r={},s=Object.keys(e),u=0;u0&&t.push(e);for(var i in n)"docs"!==i&&"df"!==i&&this.expandToken(e+i,t,n[i]);return t},t.InvertedIndex.prototype.toJSON=function(){return{root:this.root}},t.Configuration=function(e,n){var e=e||"";if(void 0==n||null==n)throw new Error("fields should not be null");this.config={};var i;try{i=JSON.parse(e),this.buildUserConfig(i,n)}catch(o){t.utils.warn("user configuration parse failed, will use default configuration"),this.buildDefaultConfig(n)}},t.Configuration.prototype.buildDefaultConfig=function(e){this.reset(),e.forEach(function(e){this.config[e]={boost:1,bool:"OR",expand:!1}},this)},t.Configuration.prototype.buildUserConfig=function(e,n){var i="OR",o=!1;if(this.reset(),"bool"in e&&(i=e.bool||i),"expand"in e&&(o=e.expand||o),"fields"in e)for(var r in e.fields)if(n.indexOf(r)>-1){var s=e.fields[r],u=o;void 0!=s.expand&&(u=s.expand),this.config[r]={boost:s.boost||0===s.boost?s.boost:1,bool:s.bool||i,expand:u}}else t.utils.warn("field name in user configuration not found in index instance fields");else this.addAllFields2UserConfig(i,o,n)},t.Configuration.prototype.addAllFields2UserConfig=function(e,t,n){n.forEach(function(n){this.config[n]={boost:1,bool:e,expand:t}},this)},t.Configuration.prototype.get=function(){return this.config},t.Configuration.prototype.reset=function(){this.config={}},lunr.SortedSet=function(){this.length=0,this.elements=[]},lunr.SortedSet.load=function(e){var t=new this;return t.elements=e,t.length=e.length,t},lunr.SortedSet.prototype.add=function(){var e,t;for(e=0;e1;){if(r===e)return o;e>r&&(t=o),r>e&&(n=o),i=n-t,o=t+Math.floor(i/2),r=this.elements[o]}return r===e?o:-1},lunr.SortedSet.prototype.locationFor=function(e){for(var t=0,n=this.elements.length,i=n-t,o=t+Math.floor(i/2),r=this.elements[o];i>1;)e>r&&(t=o),r>e&&(n=o),i=n-t,o=t+Math.floor(i/2),r=this.elements[o];return r>e?o:e>r?o+1:void 0},lunr.SortedSet.prototype.intersect=function(e){for(var t=new lunr.SortedSet,n=0,i=0,o=this.length,r=e.length,s=this.elements,u=e.elements;;){if(n>o-1||i>r-1)break;s[n]!==u[i]?s[n]u[i]&&i++:(t.add(s[n]),n++,i++)}return t},lunr.SortedSet.prototype.clone=function(){var e=new lunr.SortedSet;return e.elements=this.toArray(),e.length=e.elements.length,e},lunr.SortedSet.prototype.union=function(e){var t,n,i;this.length>=e.length?(t=this,n=e):(t=e,n=this),i=t.clone();for(var o=0,r=n.toArray();oThe Artificial Language ToolKit (ALTK)\n\n

\"Four

\n\n

Introduction

\n\n

ALTK is a software library that aims to support research in Unnatural Language Semantics -- a program in linguistics and cognitive science that tries to describe and explain the properties of natural languages by comparing them to the much larger set of mathematically possible languages.

\n\n

A current focus is on efficient communication: determining whether linguistic meanings are optimized for a trade-off between cognitive complexity and communicative precision.

\n\n

Key features:

\n\n
    \n
  • Primitives for constructing semantic spaces, expressions, and languages
  • \n
  • Tools for measuring informativity of languages, communicative success of RSA speakers and listeners
  • \n
  • Language population sampling and optimization w.r.t Pareto fronts
  • \n
  • Rate-Distortion and Information Bottleneck style analyses
  • \n
\n\n

ALTK is a long term project and it is currently in its early stages. It is intended to help lower the barrier to entry for certain research in computational semantics, and to unify methodologies. If you find something confusing, please open an issue. If you have a phenomena of interest in linguistic semantics that you want to run an efficient communication analysis on, please contact the contributors.

\n\n

Read the documentation.

\n\n

Installing ALTK

\n\n
    \n
  1. Download or clone this repository and navigate to the root folder.

  2. \n
  3. Create a fresh conda environment with the required packages by runing

    \n\n

    conda env create --file environment.yml

  4. \n
  5. Install ALTK

    \n\n

    pip install -e .

  6. \n
\n\n

Getting started

\n\n\n\n

Modules

\n\n

There are two modules. The first is altk.effcomm, which includes methods for measuring informativity of languages and/or communicative success of Rational Speech Act agents, and for language population sampling and optimization w.r.t Pareto fronts.

\n\n

The second module is altk.language, which contains primitives for constructing semantic spaces, expressions, and languages.

\n\n

The source code is available on github here.

\n\n

References

\n\n

\nFigures:

\n\n
\n

Kinship Categories Across Languages Reflect General Communicative Principles | Science. (n.d.). Retrieved February 27, 2023, from https://www.science.org/doi/10.1126/science.1218811

\n
\n\n
\n

Zaslavsky, N., Kemp, C., Regier, T., & Tishby, N. (2018). Efficient compression in color naming and its evolution. Proceedings of the National Academy of Sciences, 115(31), 7937\u20137942. https://doi.org/10.1073/pnas.1800521115

\n
\n\n
\n

Deni\u0107, M., Steinert-Threlkeld, S., & Szymanik, J. (2022). Indefinite Pronouns Optimize the Simplicity/Informativeness Trade-Off. Cognitive Science, 46(5), e13142. https://doi.org/10.1111/cogs.13142

\n
\n\n
\n

Steinert-Threlkeld, S. (2021). Quantifiers in Natural Language: Efficient Communication and Degrees of Semantic Universals. Entropy, 23(10), Article 10. https://doi.org/10.3390/e23101335

\n
\n\n

\n\n

\nLinks:

\n\n
\n

Imel, N. (2023). The evolution of efficient compression in signaling games. PsyArXiv. https://doi.org/10.31234/osf.io/b62de

\n
\n\n
\n

Imel, N., & Steinert-Threlkeld, S. (2022). Modal semantic universals optimize the simplicity/informativeness trade-off. Semantics and Linguistic Theory, 1(0), Article 0. https://doi.org/10.3765/salt.v1i0.5346

\n
\n\n
\n

Kemp, C., Xu, Y., & Regier, T. (2018). Semantic Typology and Efficient Communication. Annual Review of Linguistics, 4(1), 109\u2013128. https://doi.org/10.1146/annurev-linguistics-011817-045406

\n
\n\n

\n"}, {"fullname": "altk.effcomm", "modulename": "altk.effcomm", "kind": "module", "doc": "

Tools for measuring languages for communicative efficiency.

\n\n

Submodules divide the labor of a computational experiment performing an efficiency analysis of a language into several parts: generating and sampling the space of possible languages, measuring their properties, and determining which languages optimize efficient trade-offs w.r.t these properties.

\n\n

The altk.effcomm.sampling submodule implements several methods for generating hypothetically possible languages of a given type, by sampling from a set of possible expressions, or permuting the expression-meaning mapping of an existing language.

\n\n

The altk.effcomm.optimization submodule contains a general implementation of an evolutionary algorithm, which can be used to estimate a Pareto frontier of optimal solutions to an efficiency trade-off. It can also be used as a technique for randomly exploring the space of possible languages.

\n\n

The altk.effcomm.tradeoff submodule contains tools for measuring a pool of languages for various properties, finding which languages are Pareto dominant with respect to two properties, and setting attributes of the language objects for further analysis.

\n\n

The altk.effcomm.analysis submodule contains tools for performing numerical analyses and producing paradigmatic plots of languages in 2D trade-off space.

\n\n

The altk.effcomm.information submodule contains tools for information theory based analyses of the communicative efficiency of languages. It includes methods for Rate-Distortion style (including the Information Bottleneck) analyses.

\n\n

The altk.effcomm.agent submodule implements classes for constructing various speakers and listeners of a language. These are typically used in static analyses of informativity of a language, and are unified abstractions from the Rational Speech Act framework. They can also be used for dynamic analyses, however (see the signaling game example).

\n\n

The altk.effcomm.informativity submodule implements tools for computing the literal or pragmatic informativity of a language, based on speaker/listener abstractions described above.

\n\n

The altk.effcomm.util submodule contains various helper functions for working with the probability distributions associated with ALTK abstractions.

\n"}, {"fullname": "altk.effcomm.agent", "modulename": "altk.effcomm.agent", "kind": "module", "doc": "

Classes for representing communicative agents, such as Senders and Receivers figuring in Lewis-Skyrms signaling games, literal and pragmatic agents in the Rational Speech Act framework, etc.

\n"}, {"fullname": "altk.effcomm.agent.CommunicativeAgent", "modulename": "altk.effcomm.agent", "qualname": "CommunicativeAgent", "kind": "class", "doc": "

\n"}, {"fullname": "altk.effcomm.agent.CommunicativeAgent.__init__", "modulename": "altk.effcomm.agent", "qualname": "CommunicativeAgent.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(language: altk.language.language.Language, **kwargs)"}, {"fullname": "altk.effcomm.agent.CommunicativeAgent.normalized_weights", "modulename": "altk.effcomm.agent", "qualname": "CommunicativeAgent.normalized_weights", "kind": "function", "doc": "

Return the normalized weights of a CommunicativeAgent so that each row vector represents a probability distribution.

\n", "signature": "(self) -> None:", "funcdef": "def"}, {"fullname": "altk.effcomm.agent.CommunicativeAgent.initialize_weights", "modulename": "altk.effcomm.agent", "qualname": "CommunicativeAgent.initialize_weights", "kind": "function", "doc": "

Initialize the agent's weight matrix.

\n\n
Arguments:
\n\n
    \n
  • weights: an np.ndarray representing the weights to initialize the agent with. By default None, and the agent's weights will be initialized uniformly.
  • \n
  • initial: {'ones', 'random'} a str reprsenting the initialization method to use. If 'ones' (default), initialize the weight matrix with np.ones. If 'random', initalize the weight matrix from np.random.uniform.
  • \n
\n", "signature": "(self, weights: numpy.ndarray = None, initial='ones') -> None:", "funcdef": "def"}, {"fullname": "altk.effcomm.agent.CommunicativeAgent.referent_to_index", "modulename": "altk.effcomm.agent", "qualname": "CommunicativeAgent.referent_to_index", "kind": "function", "doc": "

\n", "signature": "(self, referent: altk.language.semantics.Referent) -> int:", "funcdef": "def"}, {"fullname": "altk.effcomm.agent.CommunicativeAgent.index_to_referent", "modulename": "altk.effcomm.agent", "qualname": "CommunicativeAgent.index_to_referent", "kind": "function", "doc": "

\n", "signature": "(self, index: int) -> altk.language.semantics.Referent:", "funcdef": "def"}, {"fullname": "altk.effcomm.agent.CommunicativeAgent.expression_to_index", "modulename": "altk.effcomm.agent", "qualname": "CommunicativeAgent.expression_to_index", "kind": "function", "doc": "

\n", "signature": "(self, expression: altk.language.language.Expression) -> int:", "funcdef": "def"}, {"fullname": "altk.effcomm.agent.CommunicativeAgent.index_to_expression", "modulename": "altk.effcomm.agent", "qualname": "CommunicativeAgent.index_to_expression", "kind": "function", "doc": "

\n", "signature": "(self, index: int) -> altk.language.language.Expression:", "funcdef": "def"}, {"fullname": "altk.effcomm.agent.CommunicativeAgent.policy_to_indices", "modulename": "altk.effcomm.agent", "qualname": "CommunicativeAgent.policy_to_indices", "kind": "function", "doc": "

Maps communicative policies to weights.

\n\n

Given a expression and referent, access the corresponding weight coordinate.

\n\n
Arguments:
\n\n
    \n
  • policy: a dict of the form {\"referent\": Referent, \"expression\": expression} representing an instance of communicative behavior, which we may call a communicative action policy for this agent.
  • \n
\n", "signature": "(self, policy: dict[str, typing.Any]) -> tuple[int]:", "funcdef": "def"}, {"fullname": "altk.effcomm.agent.CommunicativeAgent.sample_policy", "modulename": "altk.effcomm.agent", "qualname": "CommunicativeAgent.sample_policy", "kind": "function", "doc": "

Sample a communicative policy by uniformly sampling from a row vector of the agent's weight matrix specified by the index.

\n\n
Arguments:
\n\n
    \n
  • index: the integer index representing a row of the weight matrix.
  • \n
\n\n
Returns:
\n\n
\n

the integer index of the agent's choice

\n
\n", "signature": "(self, index: int) -> int:", "funcdef": "def"}, {"fullname": "altk.effcomm.agent.CommunicativeAgent.to_language", "modulename": "altk.effcomm.agent", "qualname": "CommunicativeAgent.to_language", "kind": "function", "doc": "

Get a language from the agent, representing its current (possibly learned) communicative behavior.

\n\n
This function uses:
\n\n
\n
    \n
  1. the agent's weight matrix,
  2. \n
  3. the set of expression forms, and
  4. \n
  5. the set of referents
  6. \n
\n
\n\n

from the language the agent was initialized with to generate a new language accurately reflecting the new expression meanings, e.g. how the agent interprets expressions as meaning zero or more referents.

\n\n
Arguments:
\n\n
    \n
  • threshold: a float in [0,1] representing the cutoff for determining if a meaning (referent) can be communicated by a expression. Because weights are not initialized to 0, it is a good idea to set nonzero values as the threshold.
  • \n
\n\n
Returns:
\n\n
\n

a Language corresponding to the form-meaning mapping defined by the communicative agent's weights.

\n
\n", "signature": "(\tself,\tdata: dict = {'complexity': None, 'accuracy': None},\tthreshold: float = 0.1) -> altk.language.language.Language:", "funcdef": "def"}, {"fullname": "altk.effcomm.agent.Speaker", "modulename": "altk.effcomm.agent", "qualname": "Speaker", "kind": "class", "doc": "

\n", "bases": "CommunicativeAgent"}, {"fullname": "altk.effcomm.agent.Speaker.__init__", "modulename": "altk.effcomm.agent", "qualname": "Speaker.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(language: altk.language.language.Language, **kwargs)"}, {"fullname": "altk.effcomm.agent.Speaker.normalized_weights", "modulename": "altk.effcomm.agent", "qualname": "Speaker.normalized_weights", "kind": "function", "doc": "

Get the normalized weights of a Speaker.

\n\n

Each row vector represents a conditional probability distribution over expressions, P(e | m).

\n", "signature": "(self) -> numpy.ndarray:", "funcdef": "def"}, {"fullname": "altk.effcomm.agent.Listener", "modulename": "altk.effcomm.agent", "qualname": "Listener", "kind": "class", "doc": "

\n", "bases": "CommunicativeAgent"}, {"fullname": "altk.effcomm.agent.Listener.__init__", "modulename": "altk.effcomm.agent", "qualname": "Listener.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(language: altk.language.language.Language, **kwargs)"}, {"fullname": "altk.effcomm.agent.Listener.normalized_weights", "modulename": "altk.effcomm.agent", "qualname": "Listener.normalized_weights", "kind": "function", "doc": "

Normalize the weights of a Listener so that each row vector for the heard expression e represents a conditional probability distribution over referents P(m | e).

\n", "signature": "(self) -> numpy.ndarray:", "funcdef": "def"}, {"fullname": "altk.effcomm.agent.LiteralSpeaker", "modulename": "altk.effcomm.agent", "qualname": "LiteralSpeaker", "kind": "class", "doc": "

A literal speaker chooses utterances without any reasoning about other agents. The literal speaker's conditional probability distribution P(e|m) is uniform over all expressions that can be used to communicate a particular meaning. This is in contrast to a pragmatic speaker, whose conditional distribution is not uniform in this way, but instead biased towards choosing expressions that are less likely to be misinterpreted by some listener.

\n", "bases": "Speaker"}, {"fullname": "altk.effcomm.agent.LiteralSpeaker.__init__", "modulename": "altk.effcomm.agent", "qualname": "LiteralSpeaker.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(language: altk.language.language.Language, **kwargs)"}, {"fullname": "altk.effcomm.agent.LiteralListener", "modulename": "altk.effcomm.agent", "qualname": "LiteralListener", "kind": "class", "doc": "

A naive literal listener interprets utterances without any reasoning about other agents. Its conditional probability distribution P(m|e) for guessing meanings is uniform over all meanings that can be denoted by the particular expression heard. This is in contrast to a pragmatic listener, whose conditional distribution is biased to guess meanings that a pragmatic speaker most likely intended.

\n", "bases": "Listener"}, {"fullname": "altk.effcomm.agent.LiteralListener.__init__", "modulename": "altk.effcomm.agent", "qualname": "LiteralListener.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(language: altk.language.language.Language, **kwargs)"}, {"fullname": "altk.effcomm.agent.PragmaticSpeaker", "modulename": "altk.effcomm.agent", "qualname": "PragmaticSpeaker", "kind": "class", "doc": "

A pragmatic speaker chooses utterances based on how a listener would interpret them. A pragmatic speaker may be initialized with any kind of listener, e.g. literal or pragmatic -- meaning the recursive reasoning can be modeled up to arbitrary depth.

\n", "bases": "Speaker"}, {"fullname": "altk.effcomm.agent.PragmaticSpeaker.__init__", "modulename": "altk.effcomm.agent", "qualname": "PragmaticSpeaker.__init__", "kind": "function", "doc": "

Initialize the |M|-by-|E| matrix, S, corresponding to the pragmatic speaker's conditional probability distribution over expressions given meanings.

\n\n

The pragmatic speaker chooses expressions to communicate their intended meaning according to:

\n\n

$P(e | m) \\propto \\exp(t * u(e,m))$

\n\n

where $t \\in [0,1]$ is a temperature parameter and utility $u$ is defined

\n\n

$u(e , m) := \\log(P_{\\text{Listener}}(m | e))$

\n\n
Arguments:
\n\n
    \n
  • language: the language with |M| meanings and |E| expressions defining the size of S.
  • \n
  • listener: a communicative agent storing a matrix R representing the conditional distribution over expressions given meanings.
  • \n
  • temperature: a float \\in [0,1], representing how `optimally rational' the pragmatic speaker is; 1.0 is chosen when no particular assumptions about rationality are made.
  • \n
\n", "signature": "(\tlanguage: altk.language.language.Language,\tlistener: altk.effcomm.agent.Listener,\t**kwargs)"}, {"fullname": "altk.effcomm.agent.PragmaticListener", "modulename": "altk.effcomm.agent", "qualname": "PragmaticListener", "kind": "class", "doc": "

A pragmatic listener interprets utterances based on their expectations about a pragmatic speaker's decisions. A pragmatic listener may be initialized with any kind of speaker, e.g. literal or pragmatic -- meaning the recursive reasoning can be modeled up to arbitrary depth.

\n", "bases": "Listener"}, {"fullname": "altk.effcomm.agent.PragmaticListener.__init__", "modulename": "altk.effcomm.agent", "qualname": "PragmaticListener.__init__", "kind": "function", "doc": "

Initialize the |E|-by-|M| matrix, R, corresponding to the pragmatic listener's conditional probability distribution over meanings given expressions.

\n\n

The pragmatic listener chooses meanings as their best guesses of the expression they heard according to:

\n\n

$P(m | e) \\propto P_{\\text{PragmaticSpeaker}}(e | m)$

\n\n
Arguments:
\n\n
    \n
  • language: the language with |M| meanings and |E| expressions defining the size of R.
  • \n
  • speaker: a communicative agent storing a matrix S representing the conditional distribution over expressions given meanings.
  • \n
  • prior: a diagonal matrix of size |M|-by-|M| representing the communicative need probabilities for meanings.
  • \n
\n", "signature": "(\tlanguage: altk.language.language.Language,\tspeaker: altk.effcomm.agent.Speaker,\tprior: numpy.ndarray,\t**kwargs)"}, {"fullname": "altk.effcomm.agent.BayesianListener", "modulename": "altk.effcomm.agent", "qualname": "BayesianListener", "kind": "class", "doc": "

A Bayesian reciever chooses an interpretation according to p(meaning | word), where

\n\n

$P(m | w) = \\frac{P(M | W) \\cdot P(M)} { P(W) }$

\n\n

Furthermore, we sometimes require that each word w is deterministically interpreted as meaning $\\hat{m}$ as follows:

\n\n

$\\hat{m}_{w}(u) = \\sum_m p(m|w) \\cdot m(u)$

\n\n

See altk.effcomm.information for more details.

\n", "bases": "Listener"}, {"fullname": "altk.effcomm.agent.BayesianListener.__init__", "modulename": "altk.effcomm.agent", "qualname": "BayesianListener.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(\tspeaker: altk.effcomm.agent.Speaker,\tprior: numpy.ndarray,\tname: str = None)"}, {"fullname": "altk.effcomm.analysis", "modulename": "altk.effcomm.analysis", "kind": "module", "doc": "

Functions for analyzing and formatting the results of the simplicity/informativeness trade-off.

\n"}, {"fullname": "altk.effcomm.analysis.get_dataframe", "modulename": "altk.effcomm.analysis", "qualname": "get_dataframe", "kind": "function", "doc": "

Get a pandas DataFrame for a list of languages containing efficient communication data.

\n\n
Arguments:
\n\n
    \n
  • languages: the list of languages to map into a dataframe.
  • \n
  • columns: the list of keys to a language's data dictionary attribute, which will comprise the columns of the resulting dataframe. By default will use all items of each language's data dictionary.
  • \n
  • subset: the columns to subset for duplicates
  • \n
  • duplicates: {\"drop\", \"count\", \"leave\"} whether to drop, count, or do nothing with duplicates. By default is set to \"leave\" which will leave duplicates in the dataframe.
  • \n
\n\n
Returns:
\n\n
\n
    \n
  • data: a pandas DataFrame with rows as individual languages, with the columns specifying their data.
  • \n
\n
\n", "signature": "(\tlanguages: list[altk.language.language.Language],\tcolumns: list[str] = None,\tsubset: list[str] = ['complexity', 'comm_cost'],\tduplicates: str = 'leave') -> pandas.core.frame.DataFrame:", "funcdef": "def"}, {"fullname": "altk.effcomm.analysis.pearson_analysis", "modulename": "altk.effcomm.analysis", "qualname": "pearson_analysis", "kind": "function", "doc": "

Measures pearson correlation coefficient for naturalness with a property.

\n\n

Use nonparametric bootstrap for confidence intervals.

\n\n
Arguments:
\n\n
    \n
  • data: a DataFrame representing the pool of measured languages
  • \n
  • predictor: a string representing the column to measure pearson r with
  • \n
  • property: a string representing a column to measure pearson r with the predictor column
  • \n
  • num_bootstrap_samples: how many samples to bootstrap from the original data
  • \n
\n\n
Returns:
\n\n
\n

a dict of the pearson correlation coefficient for the predictor and the property, and bootstrapped confidence intervals for this coefficient, e.g.

\n\n
{\n\"rho\": (a float between -1 and 1),\n\"confidence_intervals\": (a pandas Dataframe with the columns [\n    'bootstrap_sample_percent', 'low', 'high'\n])\n}\n
\n
\n", "signature": "(\tdata,\tpredictor: str,\tproperty: str,\tnum_bootstrap_samples=100) -> dict[str, typing.Any]:", "funcdef": "def"}, {"fullname": "altk.effcomm.analysis.trade_off_means", "modulename": "altk.effcomm.analysis", "qualname": "trade_off_means", "kind": "function", "doc": "

Get a dataframe with the mean tradeoff data.

\n\n
Arguments:
\n\n
    \n
  • name: a str representing the subset of the population to observe mean properties for, e.g. \"natural\" or \"population\".
  • \n
  • df: a pandas DataFrame containing data of a language population to take the means of.
  • \n
  • prperties: the properties to take means of, corresponding to columns of df.
  • \n
\n\n

Examples:

\n\n
\n
>>> natural_means = trade_off_means("natural_means", natural_data, properties)\n>>> population_means = trade_off_means("population_means", data, properties)\n>>> means_df = pd.concat([natural_means, dlsav_means, population_means]).set_index("name")\n>>> means_df\n                    simplicity  complexity  informativity  optimality\n    name\n    natural_means       0.772222     16.4000       0.746296    0.952280\n    population_means    0.681068     22.9631       0.525118    0.832010\n
\n
\n", "signature": "(\tname: str,\tdf: pandas.core.frame.DataFrame,\tproperties: list) -> pandas.core.frame.DataFrame:", "funcdef": "def"}, {"fullname": "altk.effcomm.analysis.trade_off_ttest", "modulename": "altk.effcomm.analysis", "qualname": "trade_off_ttest", "kind": "function", "doc": "

Get a dataframe with a single-samples t-test results for a subpopulation against the full population.

\n\n

This is useful if we want to compare the optimality of natural languages to the full population of languages in an experiment. Because the property of 'being a natural language' is categorical, we use a single-samples T test.

\n\n
Arguments:
\n\n
    \n
  • sub_population: a pandas DataFrame representing a subset of the population to take ttests against the full language population for properties.
  • \n
  • population_means: a dict containing properties as keys and the mean value of the full language population for that property.
  • \n
  • properties: a list of strings corresponding to columns of the sub_population DataFrame and keys of the population_means dict.
  • \n
\n\n
Examples:
\n\n
\n
\n
>>> df = trade_off_ttest(natural_data, population_means, properties)\n>>> df\n                        simplicity  complexity  informativity  optimality\n    stat\n    t-statistic          4.101937   -4.101937       3.126855    4.031027\n    Two-sided p-value    0.014830    0.014830       0.035292    0.015720\n
\n
\n
\n", "signature": "(\tsub_population: pandas.core.frame.DataFrame,\tpopulation_means: dict,\tproperties: list) -> pandas.core.frame.DataFrame:", "funcdef": "def"}, {"fullname": "altk.effcomm.information", "modulename": "altk.effcomm.information", "kind": "module", "doc": "

Helper functions for Rate-Distortion based (including Information Bottleneck) efficient communication analyses.

\n"}, {"fullname": "altk.effcomm.information.information_rate", "modulename": "altk.effcomm.information", "qualname": "information_rate", "kind": "function", "doc": "

Compute the information rate / complexity of the encoder q(w|m) as $I[W:M]$.

\n", "signature": "(source: numpy.ndarray, encoder: numpy.ndarray) -> float:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.get_rd_curve", "modulename": "altk.effcomm.information", "qualname": "get_rd_curve", "kind": "function", "doc": "

Use the Blahut Arimoto algorithm to obtain a list of (rate, distortion) points.

\n", "signature": "(\tprior: numpy.ndarray,\tdist_mat: numpy.ndarray,\tbetas: numpy.ndarray = array([0.00000000e+00, 8.53902602e-02, 1.70780520e-01, ...,\n 1.27829219e+02, 1.27914610e+02, 1.28000000e+02])) -> list[tuple[float]]:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.expected_distortion", "modulename": "altk.effcomm.information", "qualname": "expected_distortion", "kind": "function", "doc": "

$D[X, \\hat{X}] = \\sum_x p(x) \\sum_{\\hat{x}} p(\\hat{x}|x) \\cdot d(x, \\hat{x})$

\n", "signature": "(\tp_x: numpy.ndarray,\tp_xhat_x: numpy.ndarray,\tdist_mat: numpy.ndarray) -> float:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.compute_rate_distortion", "modulename": "altk.effcomm.information", "qualname": "compute_rate_distortion", "kind": "function", "doc": "

Compute the information rate $I(X;\\hat{X})$ and total distortion $D[X, \\hat{X}]$ of a joint distribution defind by $P(X)$ and $P(\\hat{X}|X)$.

\n\n
Arguments:
\n\n
    \n
  • p_x: array of shape |X| the prior probability of an input symbol (i.e., the source)
  • \n
  • p_xhat_x: array of shape (|X|, |X_hat|) the probability of an output symbol given the input
  • \n
  • dist_mat: array of shape (|X|, |X_hat|) representing the distoriton matrix between the input alphabet and the reconstruction alphabet.
  • \n
\n\n
Returns:
\n\n
\n

a (rate, distortion) tuple containing the information rate (in bits) of compressing X into X_hat and the expected distortion between X, X_hat

\n
\n", "signature": "(p_x, p_xhat_x, dist_mat) -> tuple[numpy.ndarray]:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.blahut_arimoto", "modulename": "altk.effcomm.information", "qualname": "blahut_arimoto", "kind": "function", "doc": "

Compute the rate-distortion function of an i.i.d distribution

\n\n
Arguments:
\n\n
    \n
  • dist_mat: array of shape (|X|, |X_hat|) representing the distortion matrix between the input alphabet and the reconstruction alphabet. dist_mat[i,j] = dist(x[i],x_hat[j]). In this context, X is a random variable representing the a speaker's meaning (target referent), and X_hat is a random variable representing a listener's meaning (guessed referent).
  • \n
  • p_x: (1D array of shape |X|) representing the probability mass function of the source. In this context, the prior over states of nature.
  • \n
  • beta: (scalar) the slope of the rate-distoriton function at the point where evaluation is required
  • \n
  • max_it: max number of iterations
  • \n
  • eps: accuracy required by the algorithm: the algorithm stops if there is no change in distoriton value of more than 'eps' between consequtive iterations
  • \n
  • ignore_converge: whether to run the optimization until max_it, ignoring the stopping criterion specified by eps.
  • \n
\n\n
Returns:
\n\n
\n

a dict of the form

\n\n
{\n    'final': a tuple of (rate, distortion) values. This is the rate (in bits) of compressing X into X_hat, and distortion between X, X_hat\n\n    'trajectory': a list of the (rate, distortion) points discovered during optimization\n}\n
\n
\n", "signature": "(\tdist_mat: numpy.ndarray,\tp_x: numpy.ndarray,\tbeta: float,\tmax_it: int = 200,\teps: float = 1e-05,\tignore_converge: bool = False) -> tuple[float]:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.get_ib_curve", "modulename": "altk.effcomm.information", "qualname": "get_ib_curve", "kind": "function", "doc": "

Compute the IB curve bound (I[M:W] vs. I[W:U]) for a given semantic space. We use the embo package, which does not allow one to specify the number of betas, which means some interpolation might be necessary later.

\n\n
Arguments:
\n\n
    \n
  • prior: array of shape |meanings|
  • \n
  • space: the ModalMeaningSpace on which meanings are defined
  • \n
  • decay: parameter for meaning distribution p(u|m) generation. See generate_meaning_distributions.
  • \n
  • cost: parameter for meaning distribution p(u|m) generation. See generate_meaning_distributions.
  • \n
  • curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The latter can be obtained easily from the former by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
  • \n
\n\n
Returns:
\n\n
\n

an array of shape (num_points, 2) representing the list of (accuracy/comm_cost, complexity) points on the information plane.

\n
\n", "signature": "(\tprior: numpy.ndarray,\tspace: altk.language.semantics.Universe,\tdecay: float,\tcost: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float],\tcurve_type: str = 'informativity') -> numpy.ndarray:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.ib_complexity", "modulename": "altk.effcomm.information", "qualname": "ib_complexity", "kind": "function", "doc": "

Compute the IB encoder complexity of a language $I[M:W]$.

\n", "signature": "(language: altk.language.language.Language, prior: numpy.ndarray) -> float:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.ib_informativity", "modulename": "altk.effcomm.information", "qualname": "ib_informativity", "kind": "function", "doc": "

Compute the expected informativity (accuracy) $I[W:U]$ of a lexicon.

\n\n
Arguments:
\n\n
    \n
  • language: the Language to measure for informativity
  • \n
  • prior: communicative need distribution
  • \n
  • decay: parameter for meaning distribution p(u|m) generation. See generate_meaning_distributions.
  • \n
  • cost: parameter for meaning distribution p(u|m) generation. See generate_meaning_distributions.
  • \n
\n\n
Returns:
\n\n
\n

the informativity of the language I[W:U] in bits.

\n
\n", "signature": "(\tlanguage: altk.language.language.Language,\tprior: numpy.ndarray,\tdecay: float,\tcost: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float]) -> float:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.ib_comm_cost", "modulename": "altk.effcomm.information", "qualname": "ib_comm_cost", "kind": "function", "doc": "

Compute the IB communicative cost, i.e. expected KL-divergence betweeen speaker and listener meanings, for a language.

\n\n
Arguments:
\n\n
    \n
  • language: the Language to measure for communicative cost
  • \n
  • prior: communicative need distribution
  • \n
  • decay: parameter for meaning distribution p(u|m) generation. See generate_meaning_distributions.
  • \n
  • cost: parameter for meaning distribution p(u|m) generation. See generate_meaning_distributions.
  • \n
\n\n
Returns:
\n\n
\n

the communicative cost, $\\mathbb{E}[D_{KL}[M || \\hat{M}]] = I[M:U] - I[W:U]$ in bits.

\n
\n", "signature": "(\tlanguage: altk.language.language.Language,\tprior: numpy.ndarray,\tdecay: float,\tcost: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float]) -> float:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.language_to_joint_distributions", "modulename": "altk.effcomm.information", "qualname": "language_to_joint_distributions", "kind": "function", "doc": "

Given a Language, get P(M,U) the joint distribution over meanings and referents, and P(W,U) the joint distribution over words and referents.

\n\n
Arguments:
\n\n
    \n
  • language: the Language to convert to distributions
  • \n
  • prior: communicative need distribution
  • \n
  • decay: parameter for meaning distribution p(u|m) generation. See generate_meaning_distributions.
  • \n
  • cost: parameter for meaning distribution p(u|m) generation. See generate_meaning_distributions.
  • \n
\n\n
Returns:
\n\n
\n

a dict of the form

\n\n
{\n\"joint_pmu\": an array of shape `(|U|, |M|)` representing P(U, M)\n\"joint_pwu\": an array of shape `(|W|, |U|)` representing P(W, U)\n}\n
\n
\n", "signature": "(\tlanguage: altk.language.language.Language,\tprior: numpy.ndarray,\tdecay: float,\tcost: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float]) -> float:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.language_to_ib_encoder_decoder", "modulename": "altk.effcomm.information", "qualname": "language_to_ib_encoder_decoder", "kind": "function", "doc": "

Convert a Language, a mapping of words to meanings, to IB encoder, q(w|m) and IB decoder q(m|w).

\n\n
Arguments:
\n\n
    \n
  • language: the lexicon from which to infer a speaker (encoder).
  • \n
  • prior: communicative need distribution
  • \n
\n\n
Returns:
\n\n
\n

a dict of the form\n {\n \"encoder\": np.ndarray of shape (|meanings|, |words|),\n \"decoder\": np.ndarray of shape (|words|, |meanings|),\n }

\n
\n", "signature": "(\tlanguage: altk.language.language.Language,\tprior: numpy.ndarray) -> dict[str, numpy.ndarray]:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.deterministic_decoder", "modulename": "altk.effcomm.information", "qualname": "deterministic_decoder", "kind": "function", "doc": "

Compute $\\hat{m}_{w}(u) = \\sum_m p(m|w) \\cdot m(u) $

\n\n
Arguments:
\n\n
    \n
  • decoder: array of shape (|words|, |meanings|)
  • \n
  • meaning_distributions: array of shape (|meanings|, |meanings|)
  • \n
\n\n
Returns:
\n\n
\n

array of shape (|words|, |meanings|) representing the 'optimal' deterministic decoder

\n
\n", "signature": "(\tdecoder: numpy.ndarray,\tmeaning_distributions: numpy.ndarray) -> numpy.ndarray:", "funcdef": "def"}, {"fullname": "altk.effcomm.information.generate_meaning_distributions", "modulename": "altk.effcomm.information", "qualname": "generate_meaning_distributions", "kind": "function", "doc": "

Generate a conditional distribution over world states given meanings, $p(u|m)$, for each meaning.

\n\n
Arguments:
\n\n
    \n
  • space: the ModalMeaningSpace on which meanings are defined
  • \n
  • decay: a float in [0,1]. controls informativity, by decaying how much probability mass is assigned to perfect recoveries. As decay approaches 0, only perfect recovery is rewarded (which overrides any partial credit structure built into the utility/cost function). As decay approaches 1, the worst guesses become most likely.
  • \n
  • cost: a cost function defining the pairwise communicative cost for confusing one Referent in the Universe with another. If you have a (scaled) communicative utility matrix, a natural choice for cost might be lambda x, y: 1 - utility(x, y).
  • \n
\n\n
Returns:
\n\n
\n

p_u_m: an array of shape (|space.referents|, |space.referents|)

\n
\n", "signature": "(\tspace: altk.language.semantics.Universe,\tdecay: float,\tcost: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float]) -> numpy.ndarray:", "funcdef": "def"}, {"fullname": "altk.effcomm.informativity", "modulename": "altk.effcomm.informativity", "kind": "module", "doc": "

Functions for measuring informativity in efficient communication analyses of languages.

\n"}, {"fullname": "altk.effcomm.informativity.informativity", "modulename": "altk.effcomm.informativity", "qualname": "informativity", "kind": "function", "doc": "

The informativity of a language is identified with the successful communication between a speaker and a listener.

\n\n

This function is a wrapper for communicative_success.

\n\n
Arguments:
\n\n
    \n
  • language: the language to compute informativity of.
  • \n
  • prior: a probability distribution representing communicative need (frequency) for meanings.
  • \n
  • utility: a function representing the usefulness of listener guesses about speaker meanings, e.g. meaning similarity. To reward only exact recovery of meanings, pass the an indicator function.
  • \n
  • kind: {\"literal, pragmatic\"} Whether to measure informativity using literal or pragmatic agents, as canonically described in the Rational Speech Act framework. The default is \"literal\".
  • \n
\n\n

Concepts:\n The speaker can be thought of as a conditional distribution over expressions given meanings. The listener is likewise a conditional distribution over meanings given expressions. The communicative need, or cognitive source, is a prior probability over meanings representing how frequently agents need to use certain meanings in communication. The utility function represents the similarity, or appropriateness, of the listener's guess m' about the speaker's intended meaning m.

\n\n

Formula:\n The informativity of a language $L$ with meaning space $M$ is defined:

\n\n

$I(L) := \\sum_{m \\in M} p(m) \\sum_{i \\in L} p(i|m) \\sum_{\\hat{m} \\in i} p(\\hat{m}|i) \\cdot u(m, \\hat{m})$

\n\n

Bounds:\n A perfectly informative (=1.0) language can be constructed with a exactly one expression for each meaning.

\n\n
For u() = indicator(), every language has nonzero informativity because a language must contain at least one expression, and an expression must contain at least one meaning.\n
\n", "signature": "(\tlanguage: altk.language.language.Language,\tprior: numpy.ndarray,\tutility: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float],\tagent_type: str = 'literal') -> float:", "funcdef": "def"}, {"fullname": "altk.effcomm.informativity.communicative_success", "modulename": "altk.effcomm.informativity", "qualname": "communicative_success", "kind": "function", "doc": "

Helper function to compute the literal informativity of a language.

\n\n

$I(L) = \\sum_{m, \\hat{m}} P(m, \\hat{m}) \\cdot u(m, \\hat{m})$

\n\n

$ = \\sum_{m \\in M} p(m) \\sum_{i \\in L} p(i|m) \\sum_{\\hat{m} \\in i} p(\\hat{m} |i) \\cdot u(m, m')$

\n\n

$ = \\sum \\text{diag}(p)SR \\odot U $

\n\n

For more details, see docs/vectorized_informativity.

\n\n
Arguments:
\n\n
    \n
  • speaker: a literal or pragmatic speaker, containing a matrix S for P(e | m)
  • \n
  • listener: a literal or pragmatic listener, containing a matrix R for P(m | e)
  • \n
  • prior: p(m), distribution over meanings representing communicative need
  • \n
  • utility: a function u(m, m') representing similarity of meanings, or pair-wise usefulness of listener guesses about speaker meanings.
  • \n
\n", "signature": "(\tspeaker: altk.effcomm.agent.Speaker,\tlistener: altk.effcomm.agent.Listener,\tprior: numpy.ndarray,\tutility: Callable[[altk.language.semantics.Referent, altk.language.semantics.Referent], float]) -> float:", "funcdef": "def"}, {"fullname": "altk.effcomm.optimization", "modulename": "altk.effcomm.optimization", "kind": "module", "doc": "

Classes and functions for generating languages that optimize the simplicity/informativeness trade-off, e.g. via an iterative evolutionary algorithm.

\n"}, {"fullname": "altk.effcomm.optimization.Mutation", "modulename": "altk.effcomm.optimization", "qualname": "Mutation", "kind": "class", "doc": "

\n"}, {"fullname": "altk.effcomm.optimization.Mutation.precondition", "modulename": "altk.effcomm.optimization", "qualname": "Mutation.precondition", "kind": "function", "doc": "

Whether a mutation is allowed to apply to a language.

\n", "signature": "(self, language: altk.language.language.Language, **kwargs) -> bool:", "funcdef": "def"}, {"fullname": "altk.effcomm.optimization.Mutation.mutate", "modulename": "altk.effcomm.optimization", "qualname": "Mutation.mutate", "kind": "function", "doc": "

Mutate the language, possibly using a list of expressions.

\n", "signature": "(\tself,\tlanguage: altk.language.language.Language,\texpressions: list[altk.language.language.Expression],\t**kwargs) -> altk.language.language.Language:", "funcdef": "def"}, {"fullname": "altk.effcomm.optimization.EvolutionaryOptimizer", "modulename": "altk.effcomm.optimization", "qualname": "EvolutionaryOptimizer", "kind": "class", "doc": "

Class for approximating the Pareto frontier of languages optimizing the simplicity/informativity trade-off.

\n"}, {"fullname": "altk.effcomm.optimization.EvolutionaryOptimizer.__init__", "modulename": "altk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.__init__", "kind": "function", "doc": "

Initialize the evolutionary algorithm configurations.

\n\n

The measures of complexity and informativity, the expressions, and the mutations are all specific to the particular semantic domain.

\n\n
Arguments:
\n\n
    \n
  • objectives: a dict of the two objectives to optimize for, e.g. simplicity and informativeness, of the form, e.g.\n{\n \"complexity\": comp_measure,\n \"comm_cost\": lambda l: 1 - inf_measure(l)\n}
  • \n
  • expressions: a list of expressions from which to apply mutations to languages.
  • \n
  • mutations: a list of Mutation objects
  • \n
  • sample_size: the size of the population at every generation.
  • \n
  • max_muatations: between 1 and this number of mutations will be applied to a subset of the population at the end of each generation.
  • \n
  • generations: how many iterations to run the evolutionary algorithm for.
  • \n
  • lang_size: between 1 and this number of expressions comprise a language.
  • \n
  • proceses: for multiprocessing.ProcessPool, e.g. 6.
  • \n
\n", "signature": "(\tobjectives: dict[str, typing.Callable[[altk.language.language.Language], typing.Any]],\texpressions: list[altk.language.language.Expression],\tmutations: list[altk.effcomm.optimization.Mutation],\tsample_size: int,\tmax_mutations: int,\tgenerations: int,\tlang_size: int,\tx: str = 'comm_cost',\ty: str = 'complexity')"}, {"fullname": "altk.effcomm.optimization.EvolutionaryOptimizer.fit", "modulename": "altk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.fit", "kind": "function", "doc": "

Computes the Pareto frontier, a set languages which cannot be both more simple and more informative.

\n\n

Uses pygmo's nondominated_front method for computing a population's best solutions to a multi-objective optimization problem.

\n\n
Arguments:
\n\n
    \n
  • seed_population: a list of languages representing the population at generation 0 of the algorithm.
  • \n
  • id_start: the number of languages generated in the experiment so far.
  • \n
  • explore: a float in [0,1] representing how much to optimize for fitness (optimality wrt pareto front of complexity and comm_cost), and how much to randomly explore.
  • \n
\n\n
Returns:
\n\n
\n

a dict of the estimated optimization solutions, as well as points explored along the way; of the form

\n\n
{\n\"dominating_languages\": list of languages as estimated solutions,\n\"explored_languages\": list of all the languages explored during the evolutionary algorithm,\n\"id_start\": updated number of languages generated in the experiment.\n}\n
\n
\n", "signature": "(\tself,\tseed_population: list[altk.language.language.Language],\tid_start: int,\texplore: float = 0.0) -> dict[str, typing.Any]:", "funcdef": "def"}, {"fullname": "altk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated", "modulename": "altk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.sample_mutated", "kind": "function", "doc": "
Arguments:
\n\n
    \n
  • languages: dominating languages of a generation
  • \n
  • amount: sample_size.
  • \n
  • expressions: the list of expressions
  • \n
  • id_start: the number of languages generatd in the experiment so far.
  • \n
\n\n
Returns:
\n\n
\n

a dict of the new population of languages of size=sample_size, and the updated id_start, of the form

\n\n
{\n\"languages\": (list of updated languages)\n\"id_start\": (updated length of languages)\n}\n
\n
\n", "signature": "(\tself,\tlanguages: list[altk.language.language.Language],\tamount: int,\texpressions: list[altk.language.language.Expression],\tid_start: int) -> dict[str, typing.Any]:", "funcdef": "def"}, {"fullname": "altk.effcomm.optimization.EvolutionaryOptimizer.mutate", "modulename": "altk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.mutate", "kind": "function", "doc": "

Randomly selects a mutation that is allowed to apply and applies it to a language.

\n\n
Arguments:
\n\n
    \n
  • language: the Language to mutate
  • \n
  • expressions: the list of all possible expressions. Some mutations need access to this list, so it is part of the mutation api.
  • \n
\n\n
Returns:
\n\n
\n

the mutated Language

\n
\n", "signature": "(\tself,\tlanguage: altk.language.language.Language,\texpressions: list[altk.language.language.Expression]) -> altk.language.language.Language:", "funcdef": "def"}, {"fullname": "altk.effcomm.optimization.sample_parents", "modulename": "altk.effcomm.optimization", "qualname": "sample_parents", "kind": "function", "doc": "

Use the explore parameter to explore possibly suboptimal areas of the language space.

\n\n
Arguments:
\n\n
    \n
  • dominating_languages: a list of the languages with current best fitness with respect to the objectives.
  • \n
  • explored_languages: a list of all languages encountered during the evolutionary algorithm.
  • \n
  • id_start: the number of languages generated in the experiment so far.
  • \n
  • explore: a float in [0,1] specifying how much to explore possibly suboptimal languages. If set to 0, parent_languages is just dominating_languages.
  • \n
\n\n
Returns:
\n\n
\n

a dict of the languages to serve as the next generation (after possible mutations) and updated id_start, of the form

\n\n
{\n    \"languages\": (list of updated languages)\n    \"id_start\": (updated length of languages)\n}\n
\n
\n", "signature": "(\tdominating_languages: list[altk.language.language.Language],\texplored_languages: list[altk.language.language.Language],\tid_start: int,\texplore: float) -> dict[str, typing.Any]:", "funcdef": "def"}, {"fullname": "altk.effcomm.sampling", "modulename": "altk.effcomm.sampling", "kind": "module", "doc": "

Functions for sampling expressions into languages.

\n"}, {"fullname": "altk.effcomm.sampling.get_hypothetical_variants", "modulename": "altk.effcomm.sampling", "qualname": "get_hypothetical_variants", "kind": "function", "doc": "

For each system (parameterized by a language or else a speaker), generate num hypothetical variants by permuting the signals that the system assigns to states.

\n\n
Arguments:
\n\n
    \n
  • languages: a list of languages to permute, by constructing LiteralSpeakers and permuting their weights.
  • \n
  • speakers: a list of speakers of a language, whose weights can be directly permuted. Should be used instead of languages if possible, because it can be more finegrained (every language can be associated with multiple speakers).
  • \n
  • total: the total number of hypothetical variants to obtain
  • \n
\n\n
Returns:
\n\n
\n

hypothetical_variants: a list of type either Language or np.ndarray depending on whether languages or speakers was passed, representing hypothetical variants of the systems passed. If speakers was passed, a list of speakers is returned.

\n
\n", "signature": "(\tlanguages: list[altk.language.language.Language] = None,\tspeakers: list[altk.effcomm.agent.Speaker] = None,\ttotal: int = 0) -> list[typing.Any]:", "funcdef": "def"}, {"fullname": "altk.effcomm.sampling.generate_languages", "modulename": "altk.effcomm.sampling", "qualname": "generate_languages", "kind": "function", "doc": "

Generate languages by randomly sampling vocabularies as bags of expressions.

\n\n

A predicate (binary-valued property) of expressions may be supplied, which can be used to adjust the composition of vocabularies (e.g., by the percent of expressions satisfying the predicate).

\n\n

If sample size <= nCr, then take a random sample_size set of combinations. Otherwise, to prevent repeat languages, treat nCr as the sample size.

\n\n
Arguments:
\n\n
    \n
  • expressions: a list of the possible expressions to sample from.
  • \n
  • lang_size: the maximum (or exact) number of expressions in each language.
  • \n
  • sample_size: the number of languages to generate.
  • \n
  • criterion: the predicate, (e.g. semantic universal) by which to split the expressions into those satisfying and those not, and then sample languages with degrees of naturalness based on the percentage from those satisfying. Must apply at the expression level. By default is a trivial criterion, so that all expressions are 'quasi-natural'.
  • \n
  • fixed_wordcount: whether to vary the language size from 1 to lang_size.
  • \n
  • verbose: How detailed the progress of sampling should be, printed to stdout.
  • \n
  • dummy_name: the default name to give to each sampled language, e.g. sampled_lang_42. These should not collide with any actual natural language names if the efficient communication experiment does use natural language data.
  • \n
  • id_start: an integer representing the number of languages already generated in an experiment. Languages sampled will be named according to this number. For example, if id_start is 0, the first language sampled will be named sampled_lang_0. Note that the largest id does not necessarily track the actual size of languages saved for the experiment, but it does track how many languages have been generated.
  • \n
  • exact_sample: a boolean representing whether to sample until the exact sample size is filled. If True, the resulting pool of languages may not be unique.
  • \n
  • verbose: a boolean representing how verbose output should be during sampling.
  • \n
\n\n
Returns:
\n\n
\n

a dict representing the generated pool of languages and the updated id_start, of the form

\n\n
{\n    \"languages\": (list of updated languages)\n    \"id_start\": (updated length of languages)\n}\n
\n
\n\n
Examples:
\n\n
\n
\n
>>> # Turn the knob on a universal property for modals\n>>> expressions = load_expressions(expressions_file)\n>>> universal_property = iff\n>>> result = generate_languages(\n...    ModalLanguage,\n...    expressions,\n...    lang_size,\n...    sample_size,\n...    universal_property,\n...)\n>>> languages = result["languages"]\n>>> id_start = result["id_start"]\n
\n
\n
\n", "signature": "(\tlanguage_class: Type[altk.language.language.Language],\texpressions: list[altk.language.language.Expression],\tlang_size: int,\tsample_size: int,\tcriterion: Callable[[altk.language.language.Expression], bool] = <function <lambda>>,\tfixed_wordcount=False,\tdummy_name='sampled_lang_',\tid_start: int = 0,\texact_sample=False,\tverbose=False) -> dict[str, typing.Any]:", "funcdef": "def"}, {"fullname": "altk.effcomm.sampling.sample_lang_size", "modulename": "altk.effcomm.sampling", "qualname": "sample_lang_size", "kind": "function", "doc": "

Get a sample of languages each of exactly lang_size.

\n\n
Arguments:
\n\n
    \n
  • language_class: a subclass of altk.Language
  • \n
  • expressions: a list of Expressions to sample from
  • \n
  • lang_size: int representing the maximum language size to sample
  • \n
  • sample_size: int representing the number of total languages to return
  • \n
  • id_start: an int representing the number of languages already generated in an experiment.
  • \n
\n\n
Returns:
\n\n
\n

a dict containing the randomly sampled languages and the updated id_start, of the form

\n\n
{\n    \"languages\": (list of updated languages)\n    \"id_start\": (updated length of languages)\n}\n
\n
\n", "signature": "(\tlanguage_class: Type[altk.language.language.Language],\texpressions: list[altk.language.language.Expression],\tlang_size: int,\tsample_size: int,\tid_start: int = 0,\tverbose=False,\tdummy_name='sampled_lang_id') -> list[altk.language.language.Language]:", "funcdef": "def"}, {"fullname": "altk.effcomm.sampling.sample_quasi_natural", "modulename": "altk.effcomm.sampling", "qualname": "sample_quasi_natural", "kind": "function", "doc": "

Turn the knob on degree quasi-naturalness for a sample of languages, either by enumerating or randomly sampling unique subsets of all possible combinations.

\n\n
Arguments:
\n\n
    \n
  • natural_terms: expressions satisfying some criteria of quasi-naturalness, e.g, a semantic universal.
  • \n
  • unnatural_terms: expressions not satisfying the criteria.
  • \n
  • lang_size: the exact number of expressions a language must have.
  • \n
  • sample_size: how many languages to sample.
  • \n
\n\n
Returns:
\n\n
\n

a dict containing the randomly sampled quasi-natural languages and the updated id_start, of the form

\n\n
{\n    \"languages\": (list of updated languages)\n    \"id_start\": (updated length of languages)\n}\n
\n
\n", "signature": "(\tlanguage_class: Type[altk.language.language.Language],\tnatural_terms: list[altk.language.language.Expression],\tunnatural_terms: list[altk.language.language.Expression],\tlang_size: int,\tsample_size: int,\tid_start: int,\tdummy_name='sampled_lang_id',\tverbose=False) -> dict[str, typing.Any]:", "funcdef": "def"}, {"fullname": "altk.effcomm.sampling.rename_id", "modulename": "altk.effcomm.sampling", "qualname": "rename_id", "kind": "function", "doc": "

Updates a string of form sampled_lang_X with a new id for X.

\n", "signature": "(name: str, id: int) -> str:", "funcdef": "def"}, {"fullname": "altk.effcomm.sampling.enumerate_all_languages", "modulename": "altk.effcomm.sampling", "qualname": "enumerate_all_languages", "kind": "function", "doc": "

When the sample size requested is greater than the size of all possible languages, just enumerate all the possible languages.

\n\n
Arguments:
\n\n
    \n
  • language_class: the kind of Language to construct
  • \n
  • id_start: a number to start counting from for assigning names with numerical ids to languages.
  • \n
  • natural_indices: the indices of quasi-natural languages already seen
  • \n
  • num_natural: the number of quasi-natural languages to sample
  • \n
  • natural_terms: the list of quasi-natural terms to sample from
  • \n
  • unnatural_indices: the indices of non-quasi-natural languages already seen
  • \n
  • num_unnatural: the number of non-quasi-natural languages to sample; 0 by default
  • \n
  • unnatural_terms: the list of non-quasi-natural terms to sample from; empty by default.
  • \n
  • dummy_name: the format of the string to name each language constructed.
  • \n
\n\n
Returns:
\n\n
\n

a dict containing a set of languages and the updated id_start, of the form

\n\n
{\n    \"languages\": (list of updated languages)\n    \"id_start\": (updated length of languages)\n}\n
\n
\n", "signature": "(\tlanguage_class: Type[altk.language.language.Language],\tid_start: int,\tnatural_terms: list[altk.language.language.Expression],\tnatural_indices: list[int],\tnum_natural: int = 0,\tunnatural_terms: list[altk.language.language.Expression] = [],\tunnatural_indices: list[int] = [],\tnum_unnatural: int = 0,\tdummy_name='sampled_lang_id',\tverbose=False) -> dict[str, typing.Any]:", "funcdef": "def"}, {"fullname": "altk.effcomm.sampling.random_combination_vocabulary", "modulename": "altk.effcomm.sampling", "qualname": "random_combination_vocabulary", "kind": "function", "doc": "

Get a single vocabulary for a specific language size by choosing a random combination of natural and unnatural terms.

\n\n
Arguments:
\n\n
    \n
  • seen: the list of language indices already seen
  • \n
  • num_natural: int
  • \n
  • natural_terms: list[Expression]
  • \n
  • num_unnatural: int=0
  • \n
  • unnatural_terms: list[Expression]=[]
  • \n
\n\n
Returns:
\n\n
\n

languages: the extended list of input languages.

\n
\n", "signature": "(\tseen: set,\tnum_natural: int,\tnatural_terms: list[altk.language.language.Expression],\tnum_unnatural: int = 0,\tunnatural_terms: list[altk.language.language.Expression] = []) -> list[altk.language.language.Language]:", "funcdef": "def"}, {"fullname": "altk.effcomm.tradeoff", "modulename": "altk.effcomm.tradeoff", "kind": "module", "doc": "

Functions for constructing an efficient communication analysis by measuring the simplicity/informativeness trade-off languages and formatting results as a dataframe or a plot.

\n"}, {"fullname": "altk.effcomm.tradeoff.pareto_optimal_languages", "modulename": "altk.effcomm.tradeoff", "qualname": "pareto_optimal_languages", "kind": "function", "doc": "

Use pygmo.non_dominated_front_2d to compute the Pareto languages.

\n", "signature": "(\tlanguages: list[altk.language.language.Language],\tx: str = 'comm_cost',\ty: str = 'complexity',\tunique: bool = False) -> list[altk.language.language.Language]:", "funcdef": "def"}, {"fullname": "altk.effcomm.tradeoff.pareto_min_distances", "modulename": "altk.effcomm.tradeoff", "qualname": "pareto_min_distances", "kind": "function", "doc": "

Measure the Pareto optimality of each language by measuring its Euclidean closeness to the frontier. The frontier is a line (list of points) interpolated from the pareto points.

\n\n
Arguments:
\n\n
    \n
  • points: the list of all language (x, y) pairs, where x and y are usually communicative cost and complexity.
  • \n
  • pareto_points: the list of all dominant language (x, y) pairs to constitute the Pareto frontier. The points should have been measured by pygmo's non_dominated_front_2d function.
  • \n
\n\n
Returns:
\n\n
\n

min_distances: an array of shape len(points) Euclidean distances for each language to the closest point on the Pareto frontier.

\n
\n", "signature": "(points: list[tuple], pareto_points: list[tuple]) -> numpy.ndarray:", "funcdef": "def"}, {"fullname": "altk.effcomm.tradeoff.interpolate_data", "modulename": "altk.effcomm.tradeoff", "qualname": "interpolate_data", "kind": "function", "doc": "

Interpolate the points yielded by the pareto optimal languages into a continuous (though not necessarily smooth) curve.

\n\n
Arguments:
\n\n
    \n
  • points: an list of (comm_cost, complexity) pairs of size [dominating_languages], a possibly non-smooth set of solutions to the trade-off.
  • \n
  • min_cost: the minimum communicative cost value possible to interpolate from.
  • \n
  • max_cost: the maximum communicative cost value possible to interpolate from. A natural assumption is to let complexity=0.0 if max_cost=1.0, which will result in a Pareto curve that spans the entire 2d space, and consequently the plot with x and y limits both ranging [0.0, 1.0].
  • \n
  • num: the number of x-axis points (cost) to interpolate. Controls smoothness of curve.
  • \n
\n\n
Returns:
\n\n
\n

interpolated_points: an array of size (num, num)

\n
\n", "signature": "(\tpoints: list[tuple[float]],\tmin_cost: float = 0.0,\tmax_cost: float = 1.0,\tnum=5000) -> numpy.ndarray:", "funcdef": "def"}, {"fullname": "altk.effcomm.tradeoff.tradeoff", "modulename": "altk.effcomm.tradeoff", "qualname": "tradeoff", "kind": "function", "doc": "

Builds a final efficient communication analysis by measuring a list of languages, updating their internal data, and returning the results.

\n\n

This function measures possibly many graded or categorical properties of each language, but minimally the properties of commmunicative cost and complexity. These two measures fully define the results of an efficiency analysis, in the sense they define the optimal solutions.

\n\n
Arguments:
\n\n
    \n
  • languages: A list representing the pool of all languages to be measured for an efficient communication analysis.
  • \n
  • x: the first pressure to measure, e.g. communicative cost.
  • \n
  • y: the second pressure to measure, e.g. cognitive complexity.
  • \n
  • frontier: a list of (comm_cost, complexity) points representing a Pareto frontier to measure optimality w.r.t.
  • \n
\n\n
Returns:
\n\n
\n

a dictionary of the population and the pareto front, of the form

\n\n
{\n    \"languages\": the list of languages, with their internal efficient communication data updated,\n\n    \"dominating_languages\": the list of the languages dominating the population w.r.t. comm_cost and complexity. If no `frontier` is none, this can be considered the Pareto frontier.\n}\n
\n
\n", "signature": "(\tlanguages: list[altk.language.language.Language],\tproperties: dict[str, typing.Callable[[altk.language.language.Language], typing.Any]],\tx: str = 'comm_cost',\ty: str = 'complexity',\tfrontier: list[tuple] = None) -> dict[str, list[altk.language.language.Language]]:", "funcdef": "def"}, {"fullname": "altk.effcomm.util", "modulename": "altk.effcomm.util", "kind": "module", "doc": "

Various helper functions for computing complexity and informativity.

\n"}, {"fullname": "altk.effcomm.util.rows_zero_to_uniform", "modulename": "altk.effcomm.util", "qualname": "rows_zero_to_uniform", "kind": "function", "doc": "

Ensure that mat encodes a probability distribution, i.e. each row (indexed by a meaning) is a distribution over expressions: sums to exactly 1.0.

\n\n

This is necessary when exploring mathematically possible languages (including natural languages, like Hausa in the case of modals) which sometimes have that a row of the matrix p(word|meaning) is a vector of 0s.

\n\n
Arguments:
\n\n
    \n
  • mat: a 2D numpy array that should be normalized so that each row is a probability distribution.
  • \n
\n", "signature": "(mat: numpy.ndarray) -> numpy.ndarray:", "funcdef": "def"}, {"fullname": "altk.effcomm.util.build_utility_matrix", "modulename": "altk.effcomm.util", "qualname": "build_utility_matrix", "kind": "function", "doc": "

Construct the square matrix specifying the utility function defined for pairs of meanings, used for computing communicative success.

\n", "signature": "(\tuniverse: altk.language.semantics.Universe,\tutility: Callable[[altk.language.semantics.Meaning, altk.language.semantics.Meaning], float]) -> numpy.ndarray:", "funcdef": "def"}, {"fullname": "altk.effcomm.util.marginal", "modulename": "altk.effcomm.util", "qualname": "marginal", "kind": "function", "doc": "

Compute $p(x) = \\sum_x p(x,y)$

\n\n
Arguments:
\n\n
    \n
  • pXY: a numpy array of shape (|X|, |Y|)
  • \n
\n\n
Returns:
\n\n
\n

pY: (axis = 0) or pX (default, axis = 1)

\n
\n", "signature": "(pXY, axis=1):", "funcdef": "def"}, {"fullname": "altk.effcomm.util.conditional", "modulename": "altk.effcomm.util", "qualname": "conditional", "kind": "function", "doc": "

Compute $p(y|x) = \\frac{p(x,y)}{p(x)}$

\n\n
Arguments:
\n\n
    \n
  • pXY: a numpy array of shape (|X|, |Y|)
  • \n
\n\n
Returns:
\n\n
\n

pY_X: a numpy array of shape (|X|, |Y|)

\n
\n", "signature": "(pXY):", "funcdef": "def"}, {"fullname": "altk.effcomm.util.joint", "modulename": "altk.effcomm.util", "qualname": "joint", "kind": "function", "doc": "

Compute $p(x,y) = p(y|x) \\cdot p(x) $

\n\n
Arguments:
\n\n
    \n
  • pY_X: a numpy array of shape (|X|, |Y|)
  • \n
  • pX: a numpy array |X|
  • \n
\n\n
Returns:
\n\n
\n

pXY: a numpy array of the shape (|X|, |Y|)

\n
\n", "signature": "(pY_X, pX):", "funcdef": "def"}, {"fullname": "altk.effcomm.util.marginalize", "modulename": "altk.effcomm.util", "qualname": "marginalize", "kind": "function", "doc": "

Compute $p(y) = \\sum_x p(y|x) \\cdot p(x)$

\n\n
Arguments:
\n\n
    \n
  • pY_X: a numpy array of shape (|X|, |Y|)
  • \n
  • pX: a numpy array of shape |X|
  • \n
\n\n
Returns:
\n\n
\n

pY: a numpy array of shape |Y|

\n
\n", "signature": "(pY_X, pX):", "funcdef": "def"}, {"fullname": "altk.effcomm.util.bayes", "modulename": "altk.effcomm.util", "qualname": "bayes", "kind": "function", "doc": "

Compute $p(x|y) = \\frac{p(y|x) \\cdot p(x)}{p(y)}$

\n\n
Arguments:
\n\n
    \n
  • pY_X: a numpy array of shape (|X|, |Y|)
  • \n
\n", "signature": "(pY_X, pX):", "funcdef": "def"}, {"fullname": "altk.effcomm.util.xlogx", "modulename": "altk.effcomm.util", "qualname": "xlogx", "kind": "function", "doc": "

Compute $x \\log p(x)$

\n", "signature": "(p):", "funcdef": "def"}, {"fullname": "altk.effcomm.util.H", "modulename": "altk.effcomm.util", "qualname": "H", "kind": "function", "doc": "

Compute the entropy of p, $H(X) = - \\sum_x x \\log p(x)$

\n", "signature": "(p, axis=None):", "funcdef": "def"}, {"fullname": "altk.effcomm.util.MI", "modulename": "altk.effcomm.util", "qualname": "MI", "kind": "function", "doc": "

Compute mutual information, $I[X:Y]$

\n", "signature": "(pXY):", "funcdef": "def"}, {"fullname": "altk.effcomm.util.DKL", "modulename": "altk.effcomm.util", "qualname": "DKL", "kind": "function", "doc": "

Compute KL divergences, $D_{KL}[p~||~q]$

\n", "signature": "(p, q, axis=None):", "funcdef": "def"}, {"fullname": "altk.language", "modulename": "altk.language", "kind": "module", "doc": "

Classes for modeling (natural or hypothetical) languagese.

\n\n

At the current stage of development, ALTK focuses on supporting abstractions to model the mapping between expressions and meanings of a language. So far, we leave almost everything besides this basic mapping (morphosyntax, phonology, phonetic inventories, among other features of human languages) to future work.

\n\n

The altk.language.language submodule contains classes for constructing a language, which can contain one or more expressions.

\n\n

The altk.language.semantics submodule contains classes for defining a universe (meaning space) of referents (denotations) and meanings (categories).

\n"}, {"fullname": "altk.language.language", "modulename": "altk.language.language", "kind": "module", "doc": "

Classes for modeling languages as form-meaning mappings, most important among them the Language and Expression classes.

\n\n
Example usage:
\n\n
\n
\n
>>> from altk.language.language import Expression, Language\n>>> # assuming the meaning `a_few_meaning` has already been constructed\n>>> # define the expression\n>>> a_few = NumeralExpression(form="a few", meaning=a_few_meaning)\n>>> # define a very small language\n>>> lang_1 = Language([a_few])\n>>> # or a slightly larger one with synonymy\n>>> lang_2 = Language([a_few] * 3)\n
\n
\n
\n"}, {"fullname": "altk.language.language.Expression", "modulename": "altk.language.language", "qualname": "Expression", "kind": "class", "doc": "

Minimally contains a form and a meaning.

\n"}, {"fullname": "altk.language.language.Expression.__init__", "modulename": "altk.language.language", "qualname": "Expression.__init__", "kind": "function", "doc": "

\n", "signature": "(form: str = None, meaning: altk.language.semantics.Meaning = None)"}, {"fullname": "altk.language.language.Expression.can_express", "modulename": "altk.language.language", "qualname": "Expression.can_express", "kind": "function", "doc": "

Return True if the expression can express the input single meaning point and false otherwise.

\n", "signature": "(self, m: altk.language.semantics.Meaning) -> bool:", "funcdef": "def"}, {"fullname": "altk.language.language.Expression.yaml_rep", "modulename": "altk.language.language", "qualname": "Expression.yaml_rep", "kind": "function", "doc": "

\n", "signature": "(self):", "funcdef": "def"}, {"fullname": "altk.language.language.Language", "modulename": "altk.language.language", "qualname": "Language", "kind": "class", "doc": "

Minimally contains Expression objects.

\n"}, {"fullname": "altk.language.language.Language.__init__", "modulename": "altk.language.language", "qualname": "Language.__init__", "kind": "function", "doc": "

\n", "signature": "(expressions: list[altk.language.language.Expression], **kwargs)"}, {"fullname": "altk.language.language.Language.add_expression", "modulename": "altk.language.language", "qualname": "Language.add_expression", "kind": "function", "doc": "

Add an expression to the list of expressions in a language.

\n", "signature": "(self, e: altk.language.language.Expression):", "funcdef": "def"}, {"fullname": "altk.language.language.Language.pop", "modulename": "altk.language.language", "qualname": "Language.pop", "kind": "function", "doc": "

Removes an expression at the specified index of the list of expressions, and returns it.

\n", "signature": "(self, index: int) -> altk.language.language.Expression:", "funcdef": "def"}, {"fullname": "altk.language.language.Language.is_natural", "modulename": "altk.language.language", "qualname": "Language.is_natural", "kind": "function", "doc": "

Whether a language represents a human natural language.

\n", "signature": "(self) -> bool:", "funcdef": "def"}, {"fullname": "altk.language.language.Language.degree_property", "modulename": "altk.language.language", "qualname": "Language.degree_property", "kind": "function", "doc": "

Count what percentage of expressions in a language have a given property.

\n", "signature": "(\tself,\tproperty: Callable[[altk.language.language.Expression], bool]) -> float:", "funcdef": "def"}, {"fullname": "altk.language.language.Language.binary_matrix", "modulename": "altk.language.language", "qualname": "Language.binary_matrix", "kind": "function", "doc": "

Get a binary matrix of shape (num_meanings, num_expressions)\nspecifying which expressions can express which meanings.

\n", "signature": "(self) -> numpy.ndarray:", "funcdef": "def"}, {"fullname": "altk.language.semantics", "modulename": "altk.language.semantics", "kind": "module", "doc": "

Classes for modeling the meanings of a language.

\n\n

Meanings are modeled as things which map linguistic forms to objects of reference. The linguistic forms and objects of reference can in principle be very detailed, and future work may elaborate the meaning classes and implement a Form class.

\n\n

In efficient communication analyses, simplicity and informativeness can be measured as properties of semantic aspects of a language. E.g., a meaning is simple if it is easy to represent, or to compress into some code; a meaning is informative if it is easy for a listener to recover a speaker's intended literal meaning.

\n\n
Examples:
\n\n
\n
\n
>>> from altk.language.semantics import Referent, Meaning, Universe\n>>> from altk.language.language import Expression\n>>> # construct the meaning space for numerals\n>>> numerals_universe = NumeralUniverse(referents=[NumeralReferent(str(i)) for i in range(1, 100)])\n>>> # construct a list of referents for the expression 'a few'\n>>> a_few_refs = [NumeralRefernt(name=str(i)) for i in range(2, 6)]\n>>> a_few_meaning = NumeralMeaning(referents=a_few_refs, universe=numerals_universe)\n>>> # define the expression\n>>> a_few = NumeralExpression(form="a few", meaning=a_few_meaning)\n
\n
\n
\n"}, {"fullname": "altk.language.semantics.Referent", "modulename": "altk.language.semantics", "qualname": "Referent", "kind": "class", "doc": "

A referent is some object in the universe for a language.

\n"}, {"fullname": "altk.language.semantics.Referent.__init__", "modulename": "altk.language.semantics", "qualname": "Referent.__init__", "kind": "function", "doc": "

Initialize a referent.

\n\n
Arguments:
\n\n
    \n
  • name: a string representing the name of the referent
  • \n
\n", "signature": "(name: str)"}, {"fullname": "altk.language.semantics.Universe", "modulename": "altk.language.semantics", "qualname": "Universe", "kind": "class", "doc": "

The universe is the set of possible referent objects for a meaning.

\n"}, {"fullname": "altk.language.semantics.Universe.__init__", "modulename": "altk.language.semantics", "qualname": "Universe.__init__", "kind": "function", "doc": "

\n", "signature": "(referents: Iterable[altk.language.semantics.Referent])"}, {"fullname": "altk.language.semantics.Meaning", "modulename": "altk.language.semantics", "qualname": "Meaning", "kind": "class", "doc": "

A meaning picks out a set of objects from the universe.

\n\n

On one tradition (from formal semantics), we might model an underspecified meaning as a subset of the universe. Sometimes these different referents are not equally likely, in which it can be helpful to define a meaning explicitly as a distribution over the universe.

\n"}, {"fullname": "altk.language.semantics.Meaning.__init__", "modulename": "altk.language.semantics", "qualname": "Meaning.__init__", "kind": "function", "doc": "

A meaning is the set of things it refers to.

\n\n

The objects of reference are a subset of the universe of discourse. Sometimes it is natural to construe the meaning as as a probability distribution over the universe, instead of just a binary predicate.

\n\n
Arguments:
\n\n
    \n
  • referents: a list of Referent objects, which must be a subset of the referents in universe.
  • \n
  • universe: a Universe object that defines the probability space for a meaning.
  • \n
  • dist: a dict of with Referent names as keys and weights or probabilities as values, representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability.
  • \n
\n", "signature": "(\treferents: Iterable[altk.language.semantics.Referent],\tuniverse: altk.language.semantics.Universe,\tdist: dict[str, float] = None)"}]; + /** pdoc search index */const docs = {"version": "0.9.5", "fields": ["qualname", "fullname", "annotation", "default_value", "signature", "bases", "doc"], "ref": "fullname", "documentStore": {"docs": {"ultk": {"fullname": "ultk", "modulename": "ultk", "kind": "module", "doc": "

The Unnatural Language ToolKit (ULTK)

\n\n

\"Four

\n\n

Introduction

\n\n

ULTK is a software library that aims to support efficient communication analyses of natural language. This is a line of research that aims to explain why natural languages have the structure that they do in terms competing pressures to minimize cognitive complexity and maximize communicative accuracy.

\n\n

Key features:

\n\n
    \n
  • Primitives for constructing semantic spaces, expressions, and languages
  • \n
  • Tools for measuring informativity of languages, communicative success of RSA speakers and listeners
  • \n
  • Language population sampling and optimization w.r.t Pareto fronts
  • \n
  • Rate-Distortion and Information Bottleneck style analyses
  • \n
\n\n

ULTK is a long term project and it is currently in its early stages. It is intended to help lower the barrier to entry for certain research in computational semantics, and to unify methodologies. If you find something confusing, please open an issue. If you have a phenomena of interest in linguistic semantics that you want to run an efficient communication analysis on, please contact the contributors.

\n\n

Read the documentation.

\n\n

Installing ULTK

\n\n

First, set up a virtual environment (e.g. via miniconda, conda create -n ultk python=3.11, and conda activate ultk).

\n\n
    \n
  1. Download or clone this repository and navigate to the root folder.

  2. \n
  3. Install ULTK (We recommend doing this inside a virtual environment)

    \n\n

    pip install -e .

  4. \n
\n\n

Getting started

\n\n
    \n
  • Check out the examples, starting with a basic signaling game. The examples folder also contains a simiple efficient communication analysis of indefinites.
  • \n
  • To see more scaled up usage examples, visit the codebase for an efficient communication analysis of modals or sim-max games.
  • \n
  • For an introduction to efficient communication research, here is a survey paper of the field.
  • \n
  • For an introduction to the RSA framework, see this online textbook.
  • \n
\n\n

Modules

\n\n

There are two modules. The first is ultk.effcomm, which includes methods for measuring informativity of languages and/or communicative success of Rational Speech Act agents, and for language population sampling and optimization w.r.t Pareto fronts.

\n\n

The second module is ultk.language, which contains primitives for constructing semantic spaces, expressions, and languages. It also has a grammar module which can be used for building expressions in a Language of Thought and measuring complexity in terms of minimum description length, as well as for natural language syntax.

\n\n

The source code is available on github here.

\n\n

Testing

\n\n

Unit tests are written in pytest and executed via running pytest in the src/tests folder.

\n\n

References

\n\n

\nFigures:

\n\n
\n

Kinship Categories Across Languages Reflect General Communicative Principles | Science. (n.d.). Retrieved February 27, 2023, from https://www.science.org/doi/10.1126/science.1218811

\n
\n\n
\n

Zaslavsky, N., Kemp, C., Regier, T., & Tishby, N. (2018). Efficient compression in color naming and its evolution. Proceedings of the National Academy of Sciences, 115(31), 7937\u20137942. https://doi.org/10.1073/pnas.1800521115

\n
\n\n
\n

Deni\u0107, M., Steinert-Threlkeld, S., & Szymanik, J. (2022). Indefinite Pronouns Optimize the Simplicity/Informativeness Trade-Off. Cognitive Science, 46(5), e13142. https://doi.org/10.1111/cogs.13142

\n
\n\n
\n

Steinert-Threlkeld, S. (2021). Quantifiers in Natural Language: Efficient Communication and Degrees of Semantic Universals. Entropy, 23(10), Article 10. https://doi.org/10.3390/e23101335

\n
\n\n

\n\n

\nLinks:

\n\n
\n

Imel, N. (2023). The evolution of efficient compression in signaling games. PsyArXiv. https://doi.org/10.31234/osf.io/b62de

\n
\n\n
\n

Imel, N., & Steinert-Threlkeld, S. (2022). Modal semantic universals optimize the simplicity/informativeness trade-off. Semantics and Linguistic Theory, 1(0), Article 0. https://doi.org/10.3765/salt.v1i0.5346

\n
\n\n
\n

Kemp, C., Xu, Y., & Regier, T. (2018). Semantic Typology and Efficient Communication. Annual Review of Linguistics, 4(1), 109\u2013128. https://doi.org/10.1146/annurev-linguistics-011817-045406

\n
\n\n

\n"}, "ultk.effcomm": {"fullname": "ultk.effcomm", "modulename": "ultk.effcomm", "kind": "module", "doc": "

Tools for measuring languages for communicative efficiency.

\n\n

Submodules divide the labor of a computational experiment performing an efficiency analysis of a language into several parts: generating and sampling the space of possible languages, measuring their properties, and determining which languages optimize efficient trade-offs w.r.t these properties.

\n\n

The altk.effcomm.sampling submodule implements several methods for generating hypothetically possible languages of a given type, by sampling from a set of possible expressions, or permuting the expression-meaning mapping of an existing language.

\n\n

The altk.effcomm.optimization submodule contains a general implementation of an evolutionary algorithm, which can be used to estimate a Pareto frontier of optimal solutions to an efficiency trade-off. It can also be used as a technique for randomly exploring the space of possible languages.

\n\n

The altk.effcomm.tradeoff submodule contains tools for measuring a pool of languages for various properties, finding which languages are Pareto dominant with respect to two properties, and setting attributes of the language objects for further analysis.

\n\n

The altk.effcomm.analysis submodule contains tools for performing numerical analyses and producing paradigmatic plots of languages in 2D trade-off space.

\n\n

The altk.effcomm.information submodule contains tools for information theory based analyses of the communicative efficiency of languages. It includes methods for Rate-Distortion style (including the Information Bottleneck) analyses.

\n\n

The altk.effcomm.agent submodule implements classes for constructing various speakers and listeners of a language. These are typically used in static analyses of informativity of a language, and are unified abstractions from the Rational Speech Act framework. They can also be used for dynamic analyses, however (see the signaling game example).

\n\n

The altk.effcomm.informativity submodule implements tools for computing the literal or pragmatic informativity of a language, based on speaker/listener abstractions described above.

\n\n

The altk.effcomm.util submodule contains various helper functions for working with the probability distributions associated with ALTK abstractions.

\n"}, "ultk.effcomm.agent": {"fullname": "ultk.effcomm.agent", "modulename": "ultk.effcomm.agent", "kind": "module", "doc": "

Classes for representing communicative agents, such as Senders and Receivers figuring in Lewis-Skyrms signaling games, literal and pragmatic agents in the Rational Speech Act framework, etc.

\n"}, "ultk.effcomm.agent.CommunicativeAgent": {"fullname": "ultk.effcomm.agent.CommunicativeAgent", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent", "kind": "class", "doc": "

\n"}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.__init__", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(language: ultk.language.language.Language, **kwargs)"}, "ultk.effcomm.agent.CommunicativeAgent.language": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.language", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.language", "kind": "variable", "doc": "

\n"}, "ultk.effcomm.agent.CommunicativeAgent.shape": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.shape", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.shape", "kind": "variable", "doc": "

\n"}, "ultk.effcomm.agent.CommunicativeAgent.weights": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.weights", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.weights", "kind": "variable", "doc": "

\n", "annotation": ": numpy.ndarray"}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.normalized_weights", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.normalized_weights", "kind": "function", "doc": "

Return the normalized weights of a CommunicativeAgent so that each row vector represents a probability distribution.

\n", "signature": "(self) -> None:", "funcdef": "def"}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.initialize_weights", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.initialize_weights", "kind": "function", "doc": "

Initialize the agent's weight matrix.

\n\n
Arguments:
\n\n
    \n
  • weights: an np.ndarray representing the weights to initialize the agent with. By default None, and the agent's weights will be initialized uniformly.
  • \n
  • initial: {'ones', 'random'} a str reprsenting the initialization method to use. If 'ones' (default), initialize the weight matrix with np.ones. If 'random', initalize the weight matrix from np.random.uniform.
  • \n
\n", "signature": "(self, weights: numpy.ndarray = None, initial='ones') -> None:", "funcdef": "def"}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.referent_to_index", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.referent_to_index", "kind": "function", "doc": "

\n", "signature": "(self, referent: ultk.language.semantics.Referent) -> int:", "funcdef": "def"}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.index_to_referent", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.index_to_referent", "kind": "function", "doc": "

\n", "signature": "(self, index: int) -> ultk.language.semantics.Referent:", "funcdef": "def"}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.expression_to_index", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.expression_to_index", "kind": "function", "doc": "

\n", "signature": "(self, expression: ultk.language.language.Expression) -> int:", "funcdef": "def"}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.index_to_expression", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.index_to_expression", "kind": "function", "doc": "

\n", "signature": "(self, index: int) -> ultk.language.language.Expression:", "funcdef": "def"}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.strategy_to_indices", "kind": "function", "doc": "

Maps communicative strategies to weights.

\n\n

Given a expression and referent, access the corresponding weight coordinate.

\n\n
Arguments:
\n\n
    \n
  • strategy: a dict of the form {\"referent\": Referent, \"expression\": expression} representing an instance of communicative behavior, which we may call a communicative strategy for this agent.
  • \n
\n", "signature": "(self, strategy: dict[str, typing.Any]) -> tuple[int]:", "funcdef": "def"}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.sample_strategy", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.sample_strategy", "kind": "function", "doc": "

Sample a communicative strategy (e.g., a word for Speaker's intended referent, or interpretation for Listener's heard word) by uniformly sampling from a row vector of the agent's weight matrix specified by the index.

\n\n
Arguments:
\n\n
    \n
  • index: the integer index representing a row of the weight matrix.
  • \n
\n\n
Returns:
\n\n
\n

the integer index of the agent's choice

\n
\n", "signature": "(self, index: int) -> int:", "funcdef": "def"}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"fullname": "ultk.effcomm.agent.CommunicativeAgent.to_language", "modulename": "ultk.effcomm.agent", "qualname": "CommunicativeAgent.to_language", "kind": "function", "doc": "

Get a language from the agent, representing its current (possibly learned) communicative behavior.

\n\n
This function uses:
\n\n
\n
    \n
  1. the agent's weight matrix,
  2. \n
  3. the set of expression forms, and
  4. \n
  5. the set of referents
  6. \n
\n
\n\n

from the language the agent was initialized with to generate a new language accurately reflecting the new expression meanings, e.g. how the agent interprets expressions as meaning zero or more referents.

\n\n
Arguments:
\n\n
    \n
  • threshold: a float in [0,1] representing the cutoff for determining if a meaning (referent) can be communicated by a expression. Because weights are not initialized to 0, it is a good idea to set nonzero values as the threshold.
  • \n
\n\n
Returns:
\n\n
\n

a Language corresponding to the form-meaning mapping defined by the communicative agent's weights.

\n
\n", "signature": "(\tself,\tdata: dict = {'complexity': None, 'accuracy': None},\tthreshold: float = 0.1) -> ultk.language.language.Language:", "funcdef": "def"}, "ultk.effcomm.agent.Speaker": {"fullname": "ultk.effcomm.agent.Speaker", "modulename": "ultk.effcomm.agent", "qualname": "Speaker", "kind": "class", "doc": "

\n", "bases": "CommunicativeAgent"}, "ultk.effcomm.agent.Speaker.__init__": {"fullname": "ultk.effcomm.agent.Speaker.__init__", "modulename": "ultk.effcomm.agent", "qualname": "Speaker.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(language: ultk.language.language.Language, **kwargs)"}, "ultk.effcomm.agent.Speaker.S": {"fullname": "ultk.effcomm.agent.Speaker.S", "modulename": "ultk.effcomm.agent", "qualname": "Speaker.S", "kind": "variable", "doc": "

\n", "annotation": ": numpy.ndarray"}, "ultk.effcomm.agent.Speaker.normalized_weights": {"fullname": "ultk.effcomm.agent.Speaker.normalized_weights", "modulename": "ultk.effcomm.agent", "qualname": "Speaker.normalized_weights", "kind": "function", "doc": "

Get the normalized weights of a Speaker.

\n\n

Each row vector represents a conditional probability distribution over expressions, P(e | m).

\n", "signature": "(self) -> numpy.ndarray:", "funcdef": "def"}, "ultk.effcomm.agent.Listener": {"fullname": "ultk.effcomm.agent.Listener", "modulename": "ultk.effcomm.agent", "qualname": "Listener", "kind": "class", "doc": "

\n", "bases": "CommunicativeAgent"}, "ultk.effcomm.agent.Listener.__init__": {"fullname": "ultk.effcomm.agent.Listener.__init__", "modulename": "ultk.effcomm.agent", "qualname": "Listener.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(language: ultk.language.language.Language, **kwargs)"}, "ultk.effcomm.agent.Listener.R": {"fullname": "ultk.effcomm.agent.Listener.R", "modulename": "ultk.effcomm.agent", "qualname": "Listener.R", "kind": "variable", "doc": "

\n", "annotation": ": numpy.ndarray"}, "ultk.effcomm.agent.Listener.normalized_weights": {"fullname": "ultk.effcomm.agent.Listener.normalized_weights", "modulename": "ultk.effcomm.agent", "qualname": "Listener.normalized_weights", "kind": "function", "doc": "

Normalize the weights of a Listener so that each row vector for the heard expression e represents a conditional probability distribution over referents P(m | e).

\n", "signature": "(self) -> numpy.ndarray:", "funcdef": "def"}, "ultk.effcomm.agent.LiteralSpeaker": {"fullname": "ultk.effcomm.agent.LiteralSpeaker", "modulename": "ultk.effcomm.agent", "qualname": "LiteralSpeaker", "kind": "class", "doc": "

A literal speaker chooses utterances without any reasoning about other agents. The literal speaker's conditional probability distribution P(e|m) is uniform over all expressions that can be used to communicate a particular meaning. This is in contrast to a pragmatic speaker, whose conditional distribution is not uniform in this way, but instead biased towards choosing expressions that are less likely to be misinterpreted by some listener.

\n", "bases": "Speaker"}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"fullname": "ultk.effcomm.agent.LiteralSpeaker.__init__", "modulename": "ultk.effcomm.agent", "qualname": "LiteralSpeaker.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(language: ultk.language.language.Language, **kwargs)"}, "ultk.effcomm.agent.LiteralSpeaker.S": {"fullname": "ultk.effcomm.agent.LiteralSpeaker.S", "modulename": "ultk.effcomm.agent", "qualname": "LiteralSpeaker.S", "kind": "variable", "doc": "

\n", "annotation": ": numpy.ndarray"}, "ultk.effcomm.agent.LiteralListener": {"fullname": "ultk.effcomm.agent.LiteralListener", "modulename": "ultk.effcomm.agent", "qualname": "LiteralListener", "kind": "class", "doc": "

A naive literal listener interprets utterances without any reasoning about other agents. Its conditional probability distribution P(m|e) for guessing meanings is uniform over all meanings that can be denoted by the particular expression heard. This is in contrast to a pragmatic listener, whose conditional distribution is biased to guess meanings that a pragmatic speaker most likely intended.

\n", "bases": "Listener"}, "ultk.effcomm.agent.LiteralListener.__init__": {"fullname": "ultk.effcomm.agent.LiteralListener.__init__", "modulename": "ultk.effcomm.agent", "qualname": "LiteralListener.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(language: ultk.language.language.Language, **kwargs)"}, "ultk.effcomm.agent.LiteralListener.R": {"fullname": "ultk.effcomm.agent.LiteralListener.R", "modulename": "ultk.effcomm.agent", "qualname": "LiteralListener.R", "kind": "variable", "doc": "

\n", "annotation": ": numpy.ndarray"}, "ultk.effcomm.agent.PragmaticSpeaker": {"fullname": "ultk.effcomm.agent.PragmaticSpeaker", "modulename": "ultk.effcomm.agent", "qualname": "PragmaticSpeaker", "kind": "class", "doc": "

A pragmatic speaker chooses utterances based on how a listener would interpret them. A pragmatic speaker may be initialized with any kind of listener, e.g. literal or pragmatic -- meaning the recursive reasoning can be modeled up to arbitrary depth.

\n", "bases": "Speaker"}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"fullname": "ultk.effcomm.agent.PragmaticSpeaker.__init__", "modulename": "ultk.effcomm.agent", "qualname": "PragmaticSpeaker.__init__", "kind": "function", "doc": "

Initialize the |M|-by-|E| matrix, S, corresponding to the pragmatic speaker's conditional probability distribution over expressions given meanings.

\n\n

The pragmatic speaker chooses expressions to communicate their intended meaning according to:

\n\n

$P(e | m) \\propto \\exp(t * u(e,m))$

\n\n

where $t \\in [0,1]$ is a temperature parameter and utility $u$ is defined

\n\n

$u(e , m) := \\log(P_{\\text{Listener}}(m | e))$

\n\n
Arguments:
\n\n
    \n
  • language: the language with |M| meanings and |E| expressions defining the size of S.
  • \n
  • listener: a communicative agent storing a matrix R representing the conditional distribution over expressions given meanings.
  • \n
  • temperature: a float \\in [0,1], representing how `optimally rational' the pragmatic speaker is; 1.0 is chosen when no particular assumptions about rationality are made.
  • \n
\n", "signature": "(\tlanguage: ultk.language.language.Language,\tlistener: ultk.effcomm.agent.Listener,\ttemperature: float = 1.0,\t**kwargs)"}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"fullname": "ultk.effcomm.agent.PragmaticSpeaker.S", "modulename": "ultk.effcomm.agent", "qualname": "PragmaticSpeaker.S", "kind": "variable", "doc": "

\n", "annotation": ": numpy.ndarray"}, "ultk.effcomm.agent.PragmaticListener": {"fullname": "ultk.effcomm.agent.PragmaticListener", "modulename": "ultk.effcomm.agent", "qualname": "PragmaticListener", "kind": "class", "doc": "

A pragmatic listener interprets utterances based on their expectations about a pragmatic speaker's decisions. A pragmatic listener may be initialized with any kind of speaker, e.g. literal or pragmatic -- meaning the recursive reasoning can be modeled up to arbitrary depth.

\n", "bases": "Listener"}, "ultk.effcomm.agent.PragmaticListener.__init__": {"fullname": "ultk.effcomm.agent.PragmaticListener.__init__", "modulename": "ultk.effcomm.agent", "qualname": "PragmaticListener.__init__", "kind": "function", "doc": "

Initialize the |E|-by-|M| matrix, R, corresponding to the pragmatic listener's conditional probability distribution over meanings given expressions.

\n\n

The pragmatic listener chooses meanings as their best guesses of the expression they heard according to:

\n\n

$P(m | e) \\propto P_{\\text{PragmaticSpeaker}}(e | m)$

\n\n
Arguments:
\n\n
    \n
  • language: the language with |M| meanings and |E| expressions defining the size of R.
  • \n
  • speaker: a communicative agent storing a matrix S representing the conditional distribution over expressions given meanings.
  • \n
  • prior: a diagonal matrix of size |M|-by-|M| representing the communicative need probabilities for meanings.
  • \n
\n", "signature": "(\tlanguage: ultk.language.language.Language,\tspeaker: ultk.effcomm.agent.Speaker,\tprior: numpy.ndarray,\t**kwargs)"}, "ultk.effcomm.agent.PragmaticListener.R": {"fullname": "ultk.effcomm.agent.PragmaticListener.R", "modulename": "ultk.effcomm.agent", "qualname": "PragmaticListener.R", "kind": "variable", "doc": "

\n", "annotation": ": numpy.ndarray"}, "ultk.effcomm.agent.BayesianListener": {"fullname": "ultk.effcomm.agent.BayesianListener", "modulename": "ultk.effcomm.agent", "qualname": "BayesianListener", "kind": "class", "doc": "

A Bayesian reciever chooses an interpretation according to p(meaning | word), where

\n\n

BUG: This is extremely misleading since we basically only use this function for IB, and IB assumes a DETERMINISTIC bayes-derived listener.

\n\n

$P(m | w) = \\frac{P(M | W) \\cdot P(M)} { P(W) }$

\n\n

Furthermore, we sometimes require that each word w is deterministically interpreted as meaning $\\hat{m}$ as follows:

\n\n

BUG: This says nothing about determinism.

\n\n

$\\hat{m}_{w}(u) = \\sum_m p(m|w) \\cdot m(u)$

\n\n

See ultk.effcomm.information for more details.

\n", "bases": "Listener"}, "ultk.effcomm.agent.BayesianListener.__init__": {"fullname": "ultk.effcomm.agent.BayesianListener.__init__", "modulename": "ultk.effcomm.agent", "qualname": "BayesianListener.__init__", "kind": "function", "doc": "

An agent that uses a language to communicate, e.g. a RSA pragmatic agent or a Lewis-Skyrms signaler.

\n\n
Arguments:
\n\n
    \n
  • language: a language to construct a agent to define the relation between meanings and expressions, which can be used to initialize the agent matrices (e.g. S or R).
  • \n
  • name: an optional string to name the communicative agent
  • \n
\n", "signature": "(\tspeaker: ultk.effcomm.agent.Speaker,\tprior: numpy.ndarray,\tname: str = None)"}, "ultk.effcomm.analysis": {"fullname": "ultk.effcomm.analysis", "modulename": "ultk.effcomm.analysis", "kind": "module", "doc": "

Functions for analyzing and formatting the results of the simplicity/informativeness trade-off.

\n"}, "ultk.effcomm.analysis.get_dataframe": {"fullname": "ultk.effcomm.analysis.get_dataframe", "modulename": "ultk.effcomm.analysis", "qualname": "get_dataframe", "kind": "function", "doc": "

Get a pandas DataFrame for a list of languages containing efficient communication data.

\n\n
Arguments:
\n\n
    \n
  • languages: the list of languages to map into a dataframe.
  • \n
  • columns: the list of keys to a language's data dictionary attribute, which will comprise the columns of the resulting dataframe. By default will use all items of each language's data dictionary.
  • \n
  • subset: the columns to subset for duplicates
  • \n
  • duplicates: {\"drop\", \"count\", \"leave\"} whether to drop, count, or do nothing with duplicates. By default is set to \"leave\" which will leave duplicates in the dataframe.
  • \n
\n\n
Returns:
\n\n
\n
    \n
  • data: a pandas DataFrame with rows as individual languages, with the columns specifying their data.
  • \n
\n
\n", "signature": "(\tlanguages: list[ultk.language.language.Language],\tcolumns: list[str] = None,\tsubset: list[str] = ['complexity', 'comm_cost'],\tduplicates: str = 'leave') -> pandas.core.frame.DataFrame:", "funcdef": "def"}, "ultk.effcomm.analysis.pearson_analysis": {"fullname": "ultk.effcomm.analysis.pearson_analysis", "modulename": "ultk.effcomm.analysis", "qualname": "pearson_analysis", "kind": "function", "doc": "

Measures pearson correlation coefficient for naturalness with a property.

\n\n

Use nonparametric bootstrap for confidence intervals.

\n\n
Arguments:
\n\n
    \n
  • data: a DataFrame representing the pool of measured languages
  • \n
  • predictor: a string representing the column to measure pearson r with
  • \n
  • property: a string representing a column to measure pearson r with the predictor column
  • \n
  • num_bootstrap_samples: how many samples to bootstrap from the original data
  • \n
\n\n
Returns:
\n\n
\n

a dict of the pearson correlation coefficient for the predictor and the property, and bootstrapped confidence intervals for this coefficient, e.g.

\n\n
{\n\"rho\": (a float between -1 and 1),\n\"confidence_intervals\": (a pandas Dataframe with the columns [\n    'bootstrap_sample_percent', 'low', 'high'\n])\n}\n
\n
\n", "signature": "(\tdata,\tpredictor: str,\tproperty: str,\tnum_bootstrap_samples=100) -> dict[str, typing.Any]:", "funcdef": "def"}, "ultk.effcomm.analysis.trade_off_means": {"fullname": "ultk.effcomm.analysis.trade_off_means", "modulename": "ultk.effcomm.analysis", "qualname": "trade_off_means", "kind": "function", "doc": "

Get a dataframe with the mean tradeoff data.

\n\n
Arguments:
\n\n
    \n
  • name: a str representing the subset of the population to observe mean properties for, e.g. \"natural\" or \"population\".
  • \n
  • df: a pandas DataFrame containing data of a language population to take the means of.
  • \n
  • prperties: the properties to take means of, corresponding to columns of df.
  • \n
\n\n

Examples:

\n\n
\n
>>> natural_means = trade_off_means("natural_means", natural_data, properties)\n>>> population_means = trade_off_means("population_means", data, properties)\n>>> means_df = pd.concat([natural_means, dlsav_means, population_means]).set_index("name")\n>>> means_df\n                    simplicity  complexity  informativity  optimality\n    name\n    natural_means       0.772222     16.4000       0.746296    0.952280\n    population_means    0.681068     22.9631       0.525118    0.832010\n
\n
\n", "signature": "(\tname: str,\tdf: pandas.core.frame.DataFrame,\tproperties: list) -> pandas.core.frame.DataFrame:", "funcdef": "def"}, "ultk.effcomm.analysis.trade_off_ttest": {"fullname": "ultk.effcomm.analysis.trade_off_ttest", "modulename": "ultk.effcomm.analysis", "qualname": "trade_off_ttest", "kind": "function", "doc": "

Get a dataframe with a single-samples t-test results for a subpopulation against the full population.

\n\n

This is useful if we want to compare the optimality of natural languages to the full population of languages in an experiment. Because the property of 'being a natural language' is categorical, we use a single-samples T test.

\n\n
Arguments:
\n\n
    \n
  • sub_population: a pandas DataFrame representing a subset of the population to take ttests against the full language population for properties.
  • \n
  • population_means: a dict containing properties as keys and the mean value of the full language population for that property.
  • \n
  • properties: a list of strings corresponding to columns of the sub_population DataFrame and keys of the population_means dict.
  • \n
\n\n
Examples:
\n\n
\n
\n
>>> df = trade_off_ttest(natural_data, population_means, properties)\n>>> df\n                        simplicity  complexity  informativity  optimality\n    stat\n    t-statistic          4.101937   -4.101937       3.126855    4.031027\n    Two-sided p-value    0.014830    0.014830       0.035292    0.015720\n
\n
\n
\n", "signature": "(\tsub_population: pandas.core.frame.DataFrame,\tpopulation_means: dict,\tproperties: list) -> pandas.core.frame.DataFrame:", "funcdef": "def"}, "ultk.effcomm.information": {"fullname": "ultk.effcomm.information", "modulename": "ultk.effcomm.information", "kind": "module", "doc": "

Helper functions for Rate-Distortion based (including Information Bottleneck) efficient communication analyses.

\n"}, "ultk.effcomm.information.information_rate": {"fullname": "ultk.effcomm.information.information_rate", "modulename": "ultk.effcomm.information", "qualname": "information_rate", "kind": "function", "doc": "

Compute the information rate / complexity of the encoder q(w|m) as $I[W:M]$.

\n", "signature": "(source: numpy.ndarray, encoder: numpy.ndarray) -> float:", "funcdef": "def"}, "ultk.effcomm.information.get_rd_curve": {"fullname": "ultk.effcomm.information.get_rd_curve", "modulename": "ultk.effcomm.information", "qualname": "get_rd_curve", "kind": "function", "doc": "

Use the Blahut Arimoto algorithm to obtain a list of (rate, distortion) points.

\n", "signature": "(\tprior: numpy.ndarray,\tdist_mat: numpy.ndarray,\tbetas: numpy.ndarray = None) -> list[tuple[float]]:", "funcdef": "def"}, "ultk.effcomm.information.expected_distortion": {"fullname": "ultk.effcomm.information.expected_distortion", "modulename": "ultk.effcomm.information", "qualname": "expected_distortion", "kind": "function", "doc": "

$D[X, \\hat{X}] = \\sum_x p(x) \\sum_{\\hat{x}} p(\\hat{x}|x) \\cdot d(x, \\hat{x})$

\n", "signature": "(\tp_x: numpy.ndarray,\tp_xhat_x: numpy.ndarray,\tdist_mat: numpy.ndarray) -> float:", "funcdef": "def"}, "ultk.effcomm.information.compute_rate_distortion": {"fullname": "ultk.effcomm.information.compute_rate_distortion", "modulename": "ultk.effcomm.information", "qualname": "compute_rate_distortion", "kind": "function", "doc": "

Compute the information rate $I(X;\\hat{X})$ and total distortion $D[X, \\hat{X}]$ of a joint distribution defind by $P(X)$ and $P(\\hat{X}|X)$.

\n\n
Arguments:
\n\n
    \n
  • p_x: array of shape |X| the prior probability of an input symbol (i.e., the source)
  • \n
  • p_xhat_x: array of shape (|X|, |X_hat|) the probability of an output symbol given the input
  • \n
  • dist_mat: array of shape (|X|, |X_hat|) representing the distoriton matrix between the input alphabet and the reconstruction alphabet.
  • \n
\n\n
Returns:
\n\n
\n

a (rate, distortion) tuple containing the information rate (in bits) of compressing X into X_hat and the expected distortion between X, X_hat

\n
\n", "signature": "(p_x, p_xhat_x, dist_mat) -> tuple[numpy.ndarray]:", "funcdef": "def"}, "ultk.effcomm.information.blahut_arimoto": {"fullname": "ultk.effcomm.information.blahut_arimoto", "modulename": "ultk.effcomm.information", "qualname": "blahut_arimoto", "kind": "function", "doc": "

Compute the rate-distortion function of an i.i.d distribution

\n\n
Arguments:
\n\n
    \n
  • dist_mat: array of shape (|X|, |X_hat|) representing the distortion matrix between the input alphabet and the reconstruction alphabet. dist_mat[i,j] = dist(x[i],x_hat[j]). In this context, X is a random variable representing the a speaker's meaning (target referent), and X_hat is a random variable representing a listener's meaning (guessed referent).
  • \n
  • p_x: (1D array of shape |X|) representing the probability mass function of the source. In this context, the prior over states of nature.
  • \n
  • beta: (scalar) the slope of the rate-distoriton function at the point where evaluation is required
  • \n
  • max_it: max number of iterations
  • \n
  • eps: accuracy required by the algorithm: the algorithm stops if there is no change in distoriton value of more than 'eps' between consequtive iterations
  • \n
  • ignore_converge: whether to run the optimization until max_it, ignoring the stopping criterion specified by eps.
  • \n
\n\n
Returns:
\n\n
\n

a dict of the form

\n\n
{\n    'final': a tuple of (rate, distortion) values. This is the rate (in bits) of compressing X into X_hat, and distortion between X, X_hat\n\n    'trajectory': a list of the (rate, distortion) points discovered during optimization\n}\n
\n
\n", "signature": "(\tdist_mat: numpy.ndarray,\tp_x: numpy.ndarray,\tbeta: float,\tmax_it: int = 200,\teps: float = 1e-05,\tignore_converge: bool = False) -> tuple[float]:", "funcdef": "def"}, "ultk.effcomm.information.get_ib_curve": {"fullname": "ultk.effcomm.information.get_ib_curve", "modulename": "ultk.effcomm.information", "qualname": "get_ib_curve", "kind": "function", "doc": "

Get a list of (complexity, accuracy) or (complexity, distortion) points. A minimal wrapper of get_bottleneck.

\n\n
Arguments:
\n\n
    \n
  • prior: array of shape |meanings|
  • \n
  • meaning_dists: array of shape (|meanings|, |meanings|) representing the distribution over world states given meanings.
  • \n
  • curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The latter can be obtained easily from the former by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
  • \n
  • maxbeta: the maximum value of beta to use to compute the curve.
  • \n
  • minbeta: the minimum value of beta to use.
  • \n
  • numbeta: the number of (equally-spaced) beta values to consider to compute the curve.
  • \n
  • processes: number of cpu threads to run in parallel (default = 1)
  • \n
\n\n
Returns:
\n\n
\n

an array of shape (num_points, 2) representing the list of (accuracy/comm_cost, complexity) points on the information plane.

\n
\n", "signature": "(\tprior: numpy.ndarray,\tmeaning_dists: numpy.ndarray,\tmaxbeta: float,\tminbeta: float,\tnumbeta: float,\tprocesses: int = 1,\tcurve_type: str = 'informativity') -> tuple[float]:", "funcdef": "def"}, "ultk.effcomm.information.get_bottleneck": {"fullname": "ultk.effcomm.information.get_bottleneck", "modulename": "ultk.effcomm.information", "qualname": "get_bottleneck", "kind": "function", "doc": "

Compute the IB curve bound (I[M:W] vs. I[W:U]). We use the embo package, which has support for smoothing any non-monotonicity in the bound resulting from BA optimization getting stuck in local minima.

\n\n
Arguments:
\n\n
    \n
  • prior: array of shape |meanings|
  • \n
  • meaning_dists: array of shape (|meanings|, |meanings|) representing the distribution over world states given meanings.
  • \n
  • curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The comm_cost can be obtained easily from informativity by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
  • \n
  • maxbeta: the maximum value of beta to use to compute the curve.
  • \n
  • minbeta: the minimum value of beta to use.
  • \n
  • numbeta: the number of (equally-spaced) beta values to consider to compute the curve.
  • \n
  • processes: number of cpu threads to run in parallel (default = 1)
  • \n
\n\n
Returns:
\n\n
\n

a dict containing the coordinates and encoders corresponding to IB optima, of the form

\n\n
{\n\"encoders\": an array of shape `(num_meanings, num_words)`,\n\n\"coordinates\": a tuple of arrays `(complexity, accuracy, comm_cost)` each of shape (`numbeta`,)\n\"beta\": an array of shape (`numbeta`,) corresponding to the actually used betas after non-monotonicity corrections.\n}\n
\n
\n", "signature": "(\tprior: numpy.ndarray,\tmeaning_dists: numpy.ndarray,\tmaxbeta: float,\tminbeta: float,\tnumbeta: float,\tprocesses: int = 1) -> numpy.ndarray:", "funcdef": "def"}, "ultk.effcomm.information.ib_complexity": {"fullname": "ultk.effcomm.information.ib_complexity", "modulename": "ultk.effcomm.information", "qualname": "ib_complexity", "kind": "function", "doc": "

Compute the IB encoder complexity of a language $I[M:W]$.

\n", "signature": "(language: ultk.language.language.Language, prior: numpy.ndarray) -> float:", "funcdef": "def"}, "ultk.effcomm.information.ib_informativity": {"fullname": "ultk.effcomm.information.ib_informativity", "modulename": "ultk.effcomm.information", "qualname": "ib_informativity", "kind": "function", "doc": "

Compute the expected informativity (accuracy) $I[W:U]$ of a lexicon.

\n\n
Arguments:
\n\n
    \n
  • language: the Language to measure for informativity
  • \n
  • prior: communicative need distribution
  • \n
  • meaning_dists: array of shape (|meanings|, |meanings|) representing the distribution over world states given meanings.
  • \n
\n\n
Returns:
\n\n
\n

the informativity of the language I[W:U] in bits.

\n
\n", "signature": "(\tlanguage: ultk.language.language.Language,\tprior: numpy.ndarray,\tmeaning_dists: numpy.ndarray) -> float:", "funcdef": "def"}, "ultk.effcomm.information.ib_comm_cost": {"fullname": "ultk.effcomm.information.ib_comm_cost", "modulename": "ultk.effcomm.information", "qualname": "ib_comm_cost", "kind": "function", "doc": "

Compute the IB communicative cost, i.e. expected KL-divergence betweeen speaker and listener meanings, for a language.

\n\n
Arguments:
\n\n
    \n
  • language: the Language to measure for communicative cost
  • \n
  • prior: communicative need distribution
  • \n
  • meaning_dists: array of shape (|meanings|, |meanings|) representing the distribution over world states given meanings.
  • \n
\n\n
Returns:
\n\n
\n

the communicative cost, $\\mathbb{E}[D_{KL}[M || \\hat{M}]] = I[M:U] - I[W:U]$ in bits.

\n
\n", "signature": "(\tlanguage: ultk.language.language.Language,\tprior: numpy.ndarray,\tmeaning_dists: numpy.ndarray) -> float:", "funcdef": "def"}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"fullname": "ultk.effcomm.information.language_to_ib_encoder_decoder", "modulename": "ultk.effcomm.information", "qualname": "language_to_ib_encoder_decoder", "kind": "function", "doc": "

Convert a Language, a mapping of words to meanings, to IB encoder, q(w|m) and IB decoder q(m|w).

\n\n
Arguments:
\n\n
    \n
  • language: the lexicon from which to infer a speaker (encoder).
  • \n
  • prior: communicative need distribution
  • \n
\n\n
Returns:
\n\n
\n

a dict of the form\n {\n \"encoder\": np.ndarray of shape (|meanings|, |words|),\n \"decoder\": np.ndarray of shape (|words|, |meanings|),\n }

\n
\n", "signature": "(\tlanguage: ultk.language.language.Language,\tprior: numpy.ndarray) -> dict[str, numpy.ndarray]:", "funcdef": "def"}, "ultk.effcomm.information.ib_accuracy": {"fullname": "ultk.effcomm.information.ib_accuracy", "modulename": "ultk.effcomm.information", "qualname": "ib_accuracy", "kind": "function", "doc": "

Return the accuracy of the lexicon I[W:U]

\n\n
Arguments:
\n\n
    \n
  • encoder: array of shape (|M|, |W|) representing P(W | M)
  • \n
  • decoder: array of shape (|W|, |M|) representing P(M | W)
  • \n
  • meaning_dists: array of shape (|M|, |U|) representing P(U | M)
  • \n
  • prior: array of shape |M| representing P(M)
  • \n
\n\n
Returns:
\n\n
\n

the accuracy of the lexicon I[W:U]

\n
\n", "signature": "(\tencoder: numpy.ndarray,\tprior: numpy.ndarray,\tmeaning_dists: numpy.ndarray) -> float:", "funcdef": "def"}, "ultk.effcomm.information.ib_distortion": {"fullname": "ultk.effcomm.information.ib_distortion", "modulename": "ultk.effcomm.information", "qualname": "ib_distortion", "kind": "function", "doc": "

Return the IB distortion measure E[DKL[ M || M_hat ]]

\n\n
Arguments:
\n\n
    \n
  • encoder: array of shape (|M|, |W|) representing P(W | M)
  • \n
  • decoder: array of shape (|W|, |M|) representing P(M | W)
  • \n
  • meaning_dists: array of shape (|M|, |U|) representing P(U | M)
  • \n
  • prior: array of shape |M| representing P(M)
  • \n
\n\n
Returns:
\n\n
\n

the distortion E[DKL[ M || M_hat ]] = I[M:U] - I[W:U]

\n
\n", "signature": "(\tencoder: numpy.ndarray,\tprior: numpy.ndarray,\tmeaning_dists: numpy.ndarray) -> float:", "funcdef": "def"}, "ultk.effcomm.information.ib_encoder_to_point": {"fullname": "ultk.effcomm.information.ib_encoder_to_point", "modulename": "ultk.effcomm.information", "qualname": "ib_encoder_to_point", "kind": "function", "doc": "

Return (complexity, accuracy, comm_cost) IB coordinates.

\n\n
Arguments:
\n\n
    \n
  • meaning_dists: array of shape (|meanings|, |meanings|) representing the distribution over world states given meanings.
  • \n
  • prior: array of shape |M| representing the cognitive source
  • \n
  • encoder: array of shape (|M|, |W|) representing P(W | M)
  • \n
  • decoder: array of shape (|W|, |M|) representing P(M | W). By default is None, and the Bayesian optimal decoder will be inferred.
  • \n
\n", "signature": "(\tmeaning_dists: numpy.ndarray,\tprior: numpy.ndarray,\tencoder: numpy.ndarray,\tdecoder: numpy.ndarray = None) -> tuple[float]:", "funcdef": "def"}, "ultk.effcomm.information.ib_optimal_decoder": {"fullname": "ultk.effcomm.information.ib_optimal_decoder", "modulename": "ultk.effcomm.information", "qualname": "ib_optimal_decoder", "kind": "function", "doc": "

Compute the bayesian optimal decoder. See https://github.com/nogazs/ib-color-naming/blob/master/src/ib_naming_model.py#L40

\n\n
Arguments:
\n\n
    \n
  • encoder: array of shape (|words|, |meanings|)
  • \n
  • prior: array of shape (|meanings|,)
  • \n
  • meaning_dists: array of shape (|meanings|, |meanings|)
  • \n
\n\n
Returns:
\n\n
\n

array of shape (|words|, |meanings|) representing the 'optimal' deterministic decoder

\n
\n", "signature": "(\tencoder: numpy.ndarray,\tprior: numpy.ndarray,\tmeaning_dists: numpy.ndarray) -> numpy.ndarray:", "funcdef": "def"}, "ultk.effcomm.informativity": {"fullname": "ultk.effcomm.informativity", "modulename": "ultk.effcomm.informativity", "kind": "module", "doc": "

Functions for measuring informativity in efficient communication analyses of languages.

\n"}, "ultk.effcomm.informativity.indicator_utility": {"fullname": "ultk.effcomm.informativity.indicator_utility", "modulename": "ultk.effcomm.informativity", "qualname": "indicator_utility", "kind": "function", "doc": "

Indicator utility function, i.e. delta. Returns 1.0 iff ref1 equals ref2.

\n", "signature": "(\tref1: ultk.language.semantics.Referent,\tref2: ultk.language.semantics.Referent) -> float:", "funcdef": "def"}, "ultk.effcomm.informativity.informativity": {"fullname": "ultk.effcomm.informativity.informativity", "modulename": "ultk.effcomm.informativity", "qualname": "informativity", "kind": "function", "doc": "

The informativity of a language is identified with the successful communication between a speaker and a listener.

\n\n

This function is a wrapper for communicative_success.

\n\n
Arguments:
\n\n
    \n
  • language: the language to compute informativity of.
  • \n
  • prior: a probability distribution representing communicative need (frequency) for Referents.
  • \n
  • utility: a function representing the usefulness of listener guesses about speaker Referents, e.g. Referent similarity. To reward only exact recovery of meanings, use the indicator function (default).
  • \n
  • kind: {\"literal, pragmatic\"} Whether to measure informativity using literal or pragmatic agents, as canonically described in the Rational Speech Act framework. The default is \"literal\".
  • \n
\n\n

Concepts:\n The speaker can be thought of as a conditional distribution over expressions given meanings. The listener is likewise a conditional distribution over meanings given expressions. The communicative need, or cognitive source, is a prior probability over meanings representing how frequently agents need to use certain meanings in communication. The utility function represents the similarity, or appropriateness, of the listener's guess m' about the speaker's intended meaning m.

\n\n

Formula:\n The informativity of a language $L$ with meaning space $M$ is defined:

\n\n

$I(L) := \\sum_{m \\in M} p(m) \\sum_{i \\in L} p(i|m) \\sum_{\\hat{m} \\in i} p(\\hat{m}|i) \\cdot u(m, \\hat{m})$

\n\n

Bounds:\n A perfectly informative (=1.0) language can be constructed with a exactly one expression for each meaning.

\n\n
For u() = indicator(), every language has nonzero informativity because a language must contain at least one expression, and an expression must contain at least one meaning.\n
\n", "signature": "(\tlanguage: ultk.language.language.Language,\tprior: numpy.ndarray,\tutility: Callable[[ultk.language.semantics.Referent, ultk.language.semantics.Referent], float] = <function indicator_utility>,\tagent_type: str = 'literal') -> float:", "funcdef": "def"}, "ultk.effcomm.informativity.communicative_success": {"fullname": "ultk.effcomm.informativity.communicative_success", "modulename": "ultk.effcomm.informativity", "qualname": "communicative_success", "kind": "function", "doc": "

Helper function to compute the literal informativity of a language.

\n\n

$I(L) = \\sum_{m, \\hat{m}} P(m, \\hat{m}) \\cdot u(m, \\hat{m})$

\n\n

$ = \\sum_{m \\in M} p(m) \\sum_{i \\in L} p(i|m) \\sum_{\\hat{m} \\in i} p(\\hat{m} |i) \\cdot u(m, m')$

\n\n

$ = \\sum \\text{diag}(p)SR \\odot U $

\n\n

For more details, see docs/vectorized_informativity.

\n\n
Arguments:
\n\n
    \n
  • speaker: a literal or pragmatic speaker, containing a matrix S for P(e | m)
  • \n
  • listener: a literal or pragmatic listener, containing a matrix R for P(m | e)
  • \n
  • prior: p(m), distribution over meanings representing communicative need
  • \n
  • utility: a function u(m, m') representing similarity of meanings, or pair-wise usefulness of listener guesses about speaker meanings.
  • \n
\n", "signature": "(\tspeaker: ultk.effcomm.agent.Speaker,\tlistener: ultk.effcomm.agent.Listener,\tprior: numpy.ndarray,\tutility: Callable[[ultk.language.semantics.Referent, ultk.language.semantics.Referent], float]) -> float:", "funcdef": "def"}, "ultk.effcomm.optimization": {"fullname": "ultk.effcomm.optimization", "modulename": "ultk.effcomm.optimization", "kind": "module", "doc": "

Classes and functions for generating languages that optimize the simplicity/informativeness trade-off, e.g. via an iterative evolutionary algorithm.

\n"}, "ultk.effcomm.optimization.Mutation": {"fullname": "ultk.effcomm.optimization.Mutation", "modulename": "ultk.effcomm.optimization", "qualname": "Mutation", "kind": "class", "doc": "

\n"}, "ultk.effcomm.optimization.Mutation.precondition": {"fullname": "ultk.effcomm.optimization.Mutation.precondition", "modulename": "ultk.effcomm.optimization", "qualname": "Mutation.precondition", "kind": "function", "doc": "

Whether a mutation is allowed to apply to a language.

\n", "signature": "(language: ultk.language.language.Language, **kwargs) -> bool:", "funcdef": "def"}, "ultk.effcomm.optimization.Mutation.mutate": {"fullname": "ultk.effcomm.optimization.Mutation.mutate", "modulename": "ultk.effcomm.optimization", "qualname": "Mutation.mutate", "kind": "function", "doc": "

Mutate the language, possibly using a list of expressions.

\n", "signature": "(\tlanguage: ultk.language.language.Language,\texpressions: list[ultk.language.language.Expression],\t**kwargs) -> ultk.language.language.Language:", "funcdef": "def"}, "ultk.effcomm.optimization.RemoveExpression": {"fullname": "ultk.effcomm.optimization.RemoveExpression", "modulename": "ultk.effcomm.optimization", "qualname": "RemoveExpression", "kind": "class", "doc": "

\n", "bases": "Mutation"}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"fullname": "ultk.effcomm.optimization.RemoveExpression.precondition", "modulename": "ultk.effcomm.optimization", "qualname": "RemoveExpression.precondition", "kind": "function", "doc": "

Whether a mutation is allowed to apply to a language.

\n", "signature": "(language: ultk.language.language.Language, **kwargs) -> bool:", "funcdef": "def"}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"fullname": "ultk.effcomm.optimization.RemoveExpression.mutate", "modulename": "ultk.effcomm.optimization", "qualname": "RemoveExpression.mutate", "kind": "function", "doc": "

Mutate the language, possibly using a list of expressions.

\n", "signature": "(\tlanguage: ultk.language.language.Language,\texpressions: list[ultk.language.language.Expression],\t**kwargs) -> ultk.language.language.Language:", "funcdef": "def"}, "ultk.effcomm.optimization.AddExpression": {"fullname": "ultk.effcomm.optimization.AddExpression", "modulename": "ultk.effcomm.optimization", "qualname": "AddExpression", "kind": "class", "doc": "

\n", "bases": "Mutation"}, "ultk.effcomm.optimization.AddExpression.precondition": {"fullname": "ultk.effcomm.optimization.AddExpression.precondition", "modulename": "ultk.effcomm.optimization", "qualname": "AddExpression.precondition", "kind": "function", "doc": "

Whether a mutation is allowed to apply to a language.

\n", "signature": "(language: ultk.language.language.Language, **kwargs) -> bool:", "funcdef": "def"}, "ultk.effcomm.optimization.AddExpression.mutate": {"fullname": "ultk.effcomm.optimization.AddExpression.mutate", "modulename": "ultk.effcomm.optimization", "qualname": "AddExpression.mutate", "kind": "function", "doc": "

Mutate the language, possibly using a list of expressions.

\n", "signature": "(\tlanguage: ultk.language.language.Language,\texpressions: list[ultk.language.language.Expression],\t**kwargs) -> ultk.language.language.Language:", "funcdef": "def"}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer", "kind": "class", "doc": "

Class for approximating the Pareto frontier of languages optimizing the simplicity/informativity trade-off.

\n"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.__init__", "kind": "function", "doc": "

Initialize the evolutionary algorithm configurations.

\n\n

The measures of complexity and informativity, the expressions, and the mutations are all specific to the particular semantic domain.

\n\n
Arguments:
\n\n
    \n
  • objectives: a dict of the two objectives to optimize for, e.g. simplicity and informativeness, of the form, e.g.\n{\n \"complexity\": comp_measure,\n \"comm_cost\": lambda l: 1 - inf_measure(l)\n}
  • \n
  • expressions: a list of expressions from which to apply mutations to languages.
  • \n
  • sample_size: the size of the population at every generation.
  • \n
  • max_muatations: between 1 and this number of mutations will be applied to a subset of the population at the end of each generation.
  • \n
  • generations: how many iterations to run the evolutionary algorithm for.
  • \n
  • lang_size: between 1 and this number of expressions comprise a language.
  • \n
  • mutations: (optional) a list of Mutation objects, defaults to add/remove expression
  • \n
\n", "signature": "(\tobjectives: list[typing.Callable[[ultk.language.language.Language], typing.Any]],\texpressions: list[ultk.language.language.Expression],\tsample_size: int,\tmax_mutations: int,\tgenerations: int,\tlang_size: int = None,\tmutations: list[ultk.effcomm.optimization.Mutation] = [<class 'ultk.effcomm.optimization.AddExpression'>, <class 'ultk.effcomm.optimization.RemoveExpression'>])"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.objectives": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.objectives", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.objectives", "kind": "variable", "doc": "

\n"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.expressions": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.expressions", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.expressions", "kind": "variable", "doc": "

\n"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutations": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.mutations", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.mutations", "kind": "variable", "doc": "

\n"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.sample_size", "kind": "variable", "doc": "

\n"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.max_mutations", "kind": "variable", "doc": "

\n"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.generations": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.generations", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.generations", "kind": "variable", "doc": "

\n"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.lang_size", "kind": "variable", "doc": "

\n"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.dominating_languages", "kind": "variable", "doc": "

\n"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.explored_languages", "kind": "variable", "doc": "

\n"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.fit", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.fit", "kind": "function", "doc": "

Computes the Pareto frontier, a set languages which cannot be both more simple and more informative.

\n\n

Uses pygmo's nondominated_front method for computing a population's best solutions to a multi-objective optimization problem.

\n\n
Arguments:
\n\n
    \n
  • seed_population: a list of languages representing the population at generation 0 of the algorithm.
  • \n
  • explore: a float in [0,1] representing how much to optimize for fitness\n(optimality wrt pareto front of complexity and comm_cost), and how much to randomly explore.
  • \n
\n\n
Returns:
\n\n
\n

a dict of the estimated optimization solutions, as well as points explored along the way; of the form

\n\n
{\n\"dominating_languages\": list of languages as estimated solutions,\n\"explored_languages\": list of all the languages explored during the evolutionary algorithm,\n}\n
\n
\n", "signature": "(\tself,\tseed_population: list[ultk.language.language.Language],\texplore: float = 0.0) -> dict[str, list[ultk.language.language.Language]]:", "funcdef": "def"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.sample_mutated", "kind": "function", "doc": "
Arguments:
\n\n
    \n
  • languages: dominating languages of a generation
  • \n
  • amount: sample_size.
  • \n
  • expressions: the list of expressions
  • \n
\n\n
Returns:
\n\n
\n

list of updated languages

\n
\n", "signature": "(\tself,\tlanguages: list[ultk.language.language.Language]) -> list[ultk.language.language.Language]:", "funcdef": "def"}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"fullname": "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate", "modulename": "ultk.effcomm.optimization", "qualname": "EvolutionaryOptimizer.mutate", "kind": "function", "doc": "

Randomly selects a mutation that is allowed to apply and applies it to a language.

\n\n
Arguments:
\n\n
    \n
  • language: the Language to mutate
  • \n
  • expressions: the list of all possible expressions.\nSome mutations need access to this list, so it is part of the mutation api.
  • \n
\n\n
Returns:
\n\n
\n

the mutated Language

\n
\n", "signature": "(\tself,\tlanguage: ultk.language.language.Language) -> ultk.language.language.Language:", "funcdef": "def"}, "ultk.effcomm.optimization.sample_parents": {"fullname": "ultk.effcomm.optimization.sample_parents", "modulename": "ultk.effcomm.optimization", "qualname": "sample_parents", "kind": "function", "doc": "

Use the explore parameter to explore possibly suboptimal areas of the language space.

\n\n
Arguments:
\n\n
    \n
  • dominating_languages: a list of the languages with current best fitness with respect to the objectives.
  • \n
  • explored_languages: a list of all languages encountered during the evolutionary algorithm.
  • \n
  • explore: a float in [0,1] specifying how much to explore possibly suboptimal languages.\nIf set to 0, parent_languages is just dominating_languages.
  • \n
\n\n
Returns:
\n\n
\n

the languages to serve as the next generation (after possible mutations)

\n
\n", "signature": "(\tdominating_languages: set[ultk.language.language.Language],\texplored_languages: set[ultk.language.language.Language],\texplore: float) -> list[ultk.language.language.Language]:", "funcdef": "def"}, "ultk.effcomm.sampling": {"fullname": "ultk.effcomm.sampling", "modulename": "ultk.effcomm.sampling", "kind": "module", "doc": "

Functions for sampling expressions into languages.

\n"}, "ultk.effcomm.sampling.get_hypothetical_variants": {"fullname": "ultk.effcomm.sampling.get_hypothetical_variants", "modulename": "ultk.effcomm.sampling", "qualname": "get_hypothetical_variants", "kind": "function", "doc": "

For each system (parameterized by a language or else a speaker), generate num hypothetical variants by permuting the signals that the system assigns to states.

\n\n
Arguments:
\n\n
    \n
  • languages: a list of languages to permute, by constructing LiteralSpeakers and permuting their weights.
  • \n
  • speakers: a list of speakers of a language, whose weights can be directly permuted. Should be used instead of languages if possible, because it can be more finegrained (every language can be associated with multiple speakers).
  • \n
  • total: the total number of hypothetical variants to obtain
  • \n
\n\n
Returns:
\n\n
\n

hypothetical_variants: a list of type either Language or np.ndarray depending on whether languages or speakers was passed, representing hypothetical variants of the systems passed. If speakers was passed, a list of speakers is returned.

\n
\n", "signature": "(\tlanguages: list[ultk.language.language.Language] = None,\tspeakers: list[ultk.effcomm.agent.Speaker] = None,\ttotal: int = 0) -> list[typing.Any]:", "funcdef": "def"}, "ultk.effcomm.tradeoff": {"fullname": "ultk.effcomm.tradeoff", "modulename": "ultk.effcomm.tradeoff", "kind": "module", "doc": "

Functions for constructing an efficient communication analysis by measuring the simplicity/informativeness trade-off languages and formatting results as a dataframe or a plot.

\n"}, "ultk.effcomm.tradeoff.dominates": {"fullname": "ultk.effcomm.tradeoff.dominates", "modulename": "ultk.effcomm.tradeoff", "qualname": "dominates", "kind": "function", "doc": "

Determine whether p1 dominates p2,\ni.e. whether for every i p1[i] <= p2[i]\nand for some i p1[i] < p2[i].

\n\n
Arguments:
\n\n
    \n
  • p1: a point
  • \n
  • p2: another point
  • \n
\n\n
Returns:
\n\n
\n

whether or not p1 dominates p2

\n
\n", "signature": "(p1: list[float], p2: list[float]) -> bool:", "funcdef": "def"}, "ultk.effcomm.tradeoff.non_dominated_2d": {"fullname": "ultk.effcomm.tradeoff.non_dominated_2d", "modulename": "ultk.effcomm.tradeoff", "qualname": "non_dominated_2d", "kind": "function", "doc": "

Return the non-dominated (Pareto) front of a list of 2-D points, using Kung's algorithm.

\n\n
Arguments:
\n\n
    \n
  • points: A list of 2-D points
  • \n
\n\n
Returns:
\n\n
\n

a list, the indices of points for which no other point is as good on all dimensions\n and better on at least one

\n
\n", "signature": "(points: list[tuple[float, float]]) -> list[int]:", "funcdef": "def"}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"fullname": "ultk.effcomm.tradeoff.pareto_optimal_languages", "modulename": "ultk.effcomm.tradeoff", "qualname": "pareto_optimal_languages", "kind": "function", "doc": "

Use non_dominated_2d to compute the Pareto languages.

\n", "signature": "(\tlanguages: list[ultk.language.language.Language],\tobjectives: list[typing.Callable[[ultk.language.language.Language], typing.Any]],\tunique: bool = False) -> list[ultk.language.language.Language]:", "funcdef": "def"}, "ultk.effcomm.tradeoff.pareto_min_distances": {"fullname": "ultk.effcomm.tradeoff.pareto_min_distances", "modulename": "ultk.effcomm.tradeoff", "qualname": "pareto_min_distances", "kind": "function", "doc": "

Measure the Pareto optimality of each language by measuring its Euclidean closeness to the frontier. The frontier is a line (list of points) interpolated from the pareto points.

\n\n
Arguments:
\n\n
    \n
  • points: the list of all language (x, y) pairs, where x and y are usually communicative cost and complexity.
  • \n
  • pareto_points: the list of all dominant language (x, y) pairs to constitute the Pareto frontier. The points should have been measured by pygmo's non_dominated_front_2d function.
  • \n
\n\n
Returns:
\n\n
\n

min_distances: an array of shape len(points) Euclidean distances for each language to the closest point on the Pareto frontier.

\n
\n", "signature": "(points: list[tuple], pareto_points: list[tuple]) -> numpy.ndarray:", "funcdef": "def"}, "ultk.effcomm.tradeoff.interpolate_data": {"fullname": "ultk.effcomm.tradeoff.interpolate_data", "modulename": "ultk.effcomm.tradeoff", "qualname": "interpolate_data", "kind": "function", "doc": "

Interpolate the points yielded by the pareto optimal languages into a continuous (though not necessarily smooth) curve.

\n\n
Arguments:
\n\n
    \n
  • points: an list of (comm_cost, complexity) pairs of size [dominating_languages], a possibly non-smooth set of solutions to the trade-off.
  • \n
  • min_cost: the minimum communicative cost value possible to interpolate from.
  • \n
  • max_cost: the maximum communicative cost value possible to interpolate from. A natural assumption is to let complexity=0.0 if max_cost=1.0, which will result in a Pareto curve that spans the entire 2d space, and consequently the plot with x and y limits both ranging [0.0, 1.0].
  • \n
  • num: the number of x-axis points (cost) to interpolate. Controls smoothness of curve.
  • \n
\n\n
Returns:
\n\n
\n

interpolated_points: an array of size (num, num)

\n
\n", "signature": "(\tpoints: list[tuple[float]],\tmin_cost: float = 0.0,\tmax_cost: float = 1.0,\tnum=5000) -> numpy.ndarray:", "funcdef": "def"}, "ultk.effcomm.tradeoff.tradeoff": {"fullname": "ultk.effcomm.tradeoff.tradeoff", "modulename": "ultk.effcomm.tradeoff", "qualname": "tradeoff", "kind": "function", "doc": "

Builds a final efficient communication analysis by measuring a list of languages, updating their internal data, and returning the results.

\n\n

This function measures possibly many graded or categorical properties of each language, but minimally the properties of commmunicative cost and complexity. These two measures fully define the results of an efficiency analysis, in the sense they define the optimal solutions.

\n\n
Arguments:
\n\n
    \n
  • languages: A list representing the pool of all languages to be measured for an efficient communication analysis.
  • \n
  • x: the first pressure to measure, e.g. communicative cost.
  • \n
  • y: the second pressure to measure, e.g. cognitive complexity.
  • \n
  • frontier: a list of (comm_cost, complexity) points representing a Pareto frontier to measure optimality w.r.t.
  • \n
\n\n
Returns:
\n\n
\n

a dictionary of the population and the pareto front, of the form

\n\n
{\n    \"languages\": the list of languages, with their internal efficient communication data updated,\n\n    \"dominating_languages\": the list of the languages dominating the population w.r.t. comm_cost and complexity. If no `frontier` is none, this can be considered the Pareto frontier.\n}\n
\n
\n", "signature": "(\tlanguages: list[ultk.language.language.Language],\tproperties: dict[str, typing.Callable[[ultk.language.language.Language], typing.Any]],\tx: str = 'comm_cost',\ty: str = 'complexity',\tfrontier: list[tuple] = None) -> dict[str, list[ultk.language.language.Language]]:", "funcdef": "def"}, "ultk.effcomm.util": {"fullname": "ultk.effcomm.util", "modulename": "ultk.effcomm.util", "kind": "module", "doc": "

Various helper functions for computing complexity and informativity.

\n"}, "ultk.effcomm.util.rows_zero_to_uniform": {"fullname": "ultk.effcomm.util.rows_zero_to_uniform", "modulename": "ultk.effcomm.util", "qualname": "rows_zero_to_uniform", "kind": "function", "doc": "

Ensure that mat encodes a probability distribution, i.e. each row (indexed by a meaning) is a distribution over expressions: sums to exactly 1.0.

\n\n

This is necessary when exploring mathematically possible languages (including natural languages, like Hausa in the case of modals) which sometimes have that a row of the matrix p(word|meaning) is a vector of 0s.

\n\n
Arguments:
\n\n
    \n
  • mat: a 2D numpy array that should be normalized so that each row is a probability distribution.
  • \n
\n", "signature": "(mat: numpy.ndarray) -> numpy.ndarray:", "funcdef": "def"}, "ultk.effcomm.util.build_utility_matrix": {"fullname": "ultk.effcomm.util.build_utility_matrix", "modulename": "ultk.effcomm.util", "qualname": "build_utility_matrix", "kind": "function", "doc": "

Construct the square matrix specifying the utility function defined for pairs of meanings, used for computing communicative success.

\n", "signature": "(\tuniverse: ultk.language.semantics.Universe,\tutility: Callable[[ultk.language.semantics.Referent, ultk.language.semantics.Referent], float]) -> numpy.ndarray:", "funcdef": "def"}, "ultk.effcomm.util.PRECISION": {"fullname": "ultk.effcomm.util.PRECISION", "modulename": "ultk.effcomm.util", "qualname": "PRECISION", "kind": "variable", "doc": "

\n", "default_value": "1e-16"}, "ultk.effcomm.util.marginal": {"fullname": "ultk.effcomm.util.marginal", "modulename": "ultk.effcomm.util", "qualname": "marginal", "kind": "function", "doc": "

Compute $p(x) = \\sum_x p(x,y)$

\n\n
Arguments:
\n\n
    \n
  • pXY: a numpy array of shape (|X|, |Y|)
  • \n
\n\n
Returns:
\n\n
\n

pY: (axis = 0) or pX (default, axis = 1)

\n
\n", "signature": "(pXY, axis=1):", "funcdef": "def"}, "ultk.effcomm.util.conditional": {"fullname": "ultk.effcomm.util.conditional", "modulename": "ultk.effcomm.util", "qualname": "conditional", "kind": "function", "doc": "

Compute $p(y|x) = \\frac{p(x,y)}{p(x)}$

\n\n
Arguments:
\n\n
    \n
  • pXY: a numpy array of shape (|X|, |Y|)
  • \n
\n\n
Returns:
\n\n
\n

pY_X: a numpy array of shape (|X|, |Y|)

\n
\n", "signature": "(pXY):", "funcdef": "def"}, "ultk.effcomm.util.joint": {"fullname": "ultk.effcomm.util.joint", "modulename": "ultk.effcomm.util", "qualname": "joint", "kind": "function", "doc": "

Compute $p(x,y) = p(y|x) \\cdot p(x) $

\n\n
Arguments:
\n\n
    \n
  • pY_X: a numpy array of shape (|X|, |Y|)
  • \n
  • pX: a numpy array |X|
  • \n
\n\n
Returns:
\n\n
\n

pXY: a numpy array of the shape (|X|, |Y|)

\n
\n", "signature": "(pY_X, pX):", "funcdef": "def"}, "ultk.effcomm.util.marginalize": {"fullname": "ultk.effcomm.util.marginalize", "modulename": "ultk.effcomm.util", "qualname": "marginalize", "kind": "function", "doc": "

Compute $p(y) = \\sum_x p(y|x) \\cdot p(x)$

\n\n
Arguments:
\n\n
    \n
  • pY_X: a numpy array of shape (|X|, |Y|)
  • \n
  • pX: a numpy array of shape |X|
  • \n
\n\n
Returns:
\n\n
\n

pY: a numpy array of shape |Y|

\n
\n", "signature": "(pY_X, pX):", "funcdef": "def"}, "ultk.effcomm.util.bayes": {"fullname": "ultk.effcomm.util.bayes", "modulename": "ultk.effcomm.util", "qualname": "bayes", "kind": "function", "doc": "

Compute $p(x|y) = \\frac{p(y|x) \\cdot p(x)}{p(y)}$

\n\n
Arguments:
\n\n
    \n
  • pY_X: a numpy array of shape (|X|, |Y|)
  • \n
\n", "signature": "(pY_X, pX):", "funcdef": "def"}, "ultk.effcomm.util.xlogx": {"fullname": "ultk.effcomm.util.xlogx", "modulename": "ultk.effcomm.util", "qualname": "xlogx", "kind": "function", "doc": "

Compute $x \\log p(x)$

\n", "signature": "(p):", "funcdef": "def"}, "ultk.effcomm.util.H": {"fullname": "ultk.effcomm.util.H", "modulename": "ultk.effcomm.util", "qualname": "H", "kind": "function", "doc": "

Compute the entropy of p, $H(X) = - \\sum_x x \\log p(x)$

\n", "signature": "(p, axis=None):", "funcdef": "def"}, "ultk.effcomm.util.MI": {"fullname": "ultk.effcomm.util.MI", "modulename": "ultk.effcomm.util", "qualname": "MI", "kind": "function", "doc": "

Compute mutual information, $I[X:Y]$

\n", "signature": "(pXY):", "funcdef": "def"}, "ultk.effcomm.util.DKL": {"fullname": "ultk.effcomm.util.DKL", "modulename": "ultk.effcomm.util", "qualname": "DKL", "kind": "function", "doc": "

Compute KL divergences, $D_{KL}[p~||~q]$

\n", "signature": "(p, q, axis=None):", "funcdef": "def"}, "ultk.effcomm.util.gNID": {"fullname": "ultk.effcomm.util.gNID", "modulename": "ultk.effcomm.util", "qualname": "gNID", "kind": "function", "doc": "

Compute Generalized Normalized Informational Distance between two encoders.

\n\n
Arguments:
\n\n
    \n
  • pW_X: first encoder of shape (|meanings|, |words|)
  • \n
  • pV_X: second encoder of shape (|meanings|, |words|)
  • \n
  • pX: prior over source variables of shape (|meanings|,)
  • \n
\n", "signature": "(pW_X, pV_X, pX):", "funcdef": "def"}, "ultk.language": {"fullname": "ultk.language", "modulename": "ultk.language", "kind": "module", "doc": "

Classes for modeling (natural or hypothetical) languagese.

\n\n

At the current stage of development, ULTK focuses on supporting abstractions to model the mapping between expressions and meanings of a language. So far, we leave almost everything besides this basic mapping (morphosyntax, phonology, phonetic inventories, among other features of human languages) to future work.

\n\n

The ultk.language.language submodule contains classes for constructing a language, which can contain one or more expressions.

\n\n

The ultk.language.semantics submodule contains classes for defining a universe (meaning space) of referents (denotations) and meanings (categories).

\n"}, "ultk.language.grammar": {"fullname": "ultk.language.grammar", "modulename": "ultk.language.grammar", "kind": "module", "doc": "

\n"}, "ultk.language.grammar.Rule": {"fullname": "ultk.language.grammar.Rule", "modulename": "ultk.language.grammar", "qualname": "Rule", "kind": "class", "doc": "

Basic class for a grammar rule. Grammar rules in ULTK correspond\nto functions. One can think of a grammar as generating complex functions from\nmore basic ones.

\n\n
Attributes:
\n\n
    \n
  • lhs: left-hand side of the rule (can be anything)\nconceptually, the output type of a function
  • \n
  • rhs: right-hand side; assumed to be an iterable\nconceptually, a list of types of inputs
  • \n
  • func: a callable, the function to be computed when a node with this rule is executed
  • \n
  • name: name of the function
  • \n
  • weight: a relative weight to assign to this rule\nwhen added to a grammar, all rules with the same LHS will be weighted together
  • \n
\n"}, "ultk.language.grammar.Rule.__init__": {"fullname": "ultk.language.grammar.Rule.__init__", "modulename": "ultk.language.grammar", "qualname": "Rule.__init__", "kind": "function", "doc": "

\n", "signature": "(\tname: str,\tlhs: Any,\trhs: collections.abc.Sequence | None,\tfunction: Callable = <function Rule.<lambda>>,\tweight: float = 1.0)"}, "ultk.language.grammar.Rule.lhs": {"fullname": "ultk.language.grammar.Rule.lhs", "modulename": "ultk.language.grammar", "qualname": "Rule.lhs", "kind": "variable", "doc": "

\n"}, "ultk.language.grammar.Rule.rhs": {"fullname": "ultk.language.grammar.Rule.rhs", "modulename": "ultk.language.grammar", "qualname": "Rule.rhs", "kind": "variable", "doc": "

\n"}, "ultk.language.grammar.Rule.func": {"fullname": "ultk.language.grammar.Rule.func", "modulename": "ultk.language.grammar", "qualname": "Rule.func", "kind": "variable", "doc": "

\n"}, "ultk.language.grammar.Rule.name": {"fullname": "ultk.language.grammar.Rule.name", "modulename": "ultk.language.grammar", "qualname": "Rule.name", "kind": "variable", "doc": "

\n"}, "ultk.language.grammar.Rule.weight": {"fullname": "ultk.language.grammar.Rule.weight", "modulename": "ultk.language.grammar", "qualname": "Rule.weight", "kind": "variable", "doc": "

\n"}, "ultk.language.grammar.Rule.is_terminal": {"fullname": "ultk.language.grammar.Rule.is_terminal", "modulename": "ultk.language.grammar", "qualname": "Rule.is_terminal", "kind": "function", "doc": "

Whether this is a terminal rule. In our framework, this means that RHS is empty,\ni.e. there are no arguments to the function.

\n", "signature": "(self) -> bool:", "funcdef": "def"}, "ultk.language.grammar.GrammaticalExpression": {"fullname": "ultk.language.grammar.GrammaticalExpression", "modulename": "ultk.language.grammar", "qualname": "GrammaticalExpression", "kind": "class", "doc": "

A GrammaticalExpression has been built up from a Grammar by applying a sequence of Rules.\nCrucially, it is _callable_, using the functions corresponding to each rule.

\n\n

A GrammaticalExpression, when called, takes in a Referent. Because of this, a Meaning can\nbe generated by specifying a Universe (which contains Referents).

\n\n
Attributes:
\n\n
    \n
  • name: name of the top-most function
  • \n
  • func: the function
  • \n
  • children: child expressions (possibly empty)
  • \n
\n", "bases": "ultk.language.language.Expression"}, "ultk.language.grammar.GrammaticalExpression.__init__": {"fullname": "ultk.language.grammar.GrammaticalExpression.__init__", "modulename": "ultk.language.grammar", "qualname": "GrammaticalExpression.__init__", "kind": "function", "doc": "

\n", "signature": "(\trule_name: str,\tfunc: Callable,\tchildren: tuple | None,\tmeaning: ultk.language.semantics.Meaning | None = None,\tform: str | None = None)"}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"fullname": "ultk.language.grammar.GrammaticalExpression.rule_name", "modulename": "ultk.language.grammar", "qualname": "GrammaticalExpression.rule_name", "kind": "variable", "doc": "

\n"}, "ultk.language.grammar.GrammaticalExpression.func": {"fullname": "ultk.language.grammar.GrammaticalExpression.func", "modulename": "ultk.language.grammar", "qualname": "GrammaticalExpression.func", "kind": "variable", "doc": "

\n"}, "ultk.language.grammar.GrammaticalExpression.children": {"fullname": "ultk.language.grammar.GrammaticalExpression.children", "modulename": "ultk.language.grammar", "qualname": "GrammaticalExpression.children", "kind": "variable", "doc": "

\n"}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"fullname": "ultk.language.grammar.GrammaticalExpression.yield_string", "modulename": "ultk.language.grammar", "qualname": "GrammaticalExpression.yield_string", "kind": "function", "doc": "

Get the 'yield' string of this term, i.e. the concatenation\nof the leaf nodes.

\n\n

This is useful for thinking of a Grammar as generating derivation trees for\nan underlying CFG. This method will then generate the strings generated by\nthe corresponding CFG.

\n", "signature": "(self) -> str:", "funcdef": "def"}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"fullname": "ultk.language.grammar.GrammaticalExpression.evaluate", "modulename": "ultk.language.grammar", "qualname": "GrammaticalExpression.evaluate", "kind": "function", "doc": "

\n", "signature": "(\tself,\tuniverse: ultk.language.semantics.Universe) -> ultk.language.semantics.Meaning:", "funcdef": "def"}, "ultk.language.grammar.GrammaticalExpression.add_child": {"fullname": "ultk.language.grammar.GrammaticalExpression.add_child", "modulename": "ultk.language.grammar", "qualname": "GrammaticalExpression.add_child", "kind": "function", "doc": "

\n", "signature": "(self, child) -> None:", "funcdef": "def"}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"fullname": "ultk.language.grammar.GrammaticalExpression.to_dict", "modulename": "ultk.language.grammar", "qualname": "GrammaticalExpression.to_dict", "kind": "function", "doc": "

\n", "signature": "(self) -> dict:", "funcdef": "def"}, "ultk.language.grammar.UniquenessArgs": {"fullname": "ultk.language.grammar.UniquenessArgs", "modulename": "ultk.language.grammar", "qualname": "UniquenessArgs", "kind": "class", "doc": "

Arguments for specifying uniqueness of GrammaticalExpressions in a Grammar.

\n\n
Attributes:
\n\n
    \n
  • unique_expressions: a dictionary in which to store unique Expressions
  • \n
  • key: a function used to evaluate uniqueness
  • \n
  • compare_func: a comparison function, used to decide which Expression to add to the dict\nnew Expressions will be added as values to unique_dict only if they are minimal\namong those sharing the same key (by unique_key) according to this func
  • \n
\n", "bases": "typing.TypedDict"}, "ultk.language.grammar.UniquenessArgs.unique_expressions": {"fullname": "ultk.language.grammar.UniquenessArgs.unique_expressions", "modulename": "ultk.language.grammar", "qualname": "UniquenessArgs.unique_expressions", "kind": "variable", "doc": "

\n", "annotation": ": dict[typing.Any, dict[typing.Any, ultk.language.grammar.GrammaticalExpression]]"}, "ultk.language.grammar.UniquenessArgs.key": {"fullname": "ultk.language.grammar.UniquenessArgs.key", "modulename": "ultk.language.grammar", "qualname": "UniquenessArgs.key", "kind": "variable", "doc": "

\n", "annotation": ": Callable[[ultk.language.grammar.GrammaticalExpression], Any]"}, "ultk.language.grammar.UniquenessArgs.compare_func": {"fullname": "ultk.language.grammar.UniquenessArgs.compare_func", "modulename": "ultk.language.grammar", "qualname": "UniquenessArgs.compare_func", "kind": "variable", "doc": "

\n", "annotation": ": Callable[[ultk.language.grammar.GrammaticalExpression, ultk.language.grammar.GrammaticalExpression], bool]"}, "ultk.language.grammar.Grammar": {"fullname": "ultk.language.grammar.Grammar", "modulename": "ultk.language.grammar", "qualname": "Grammar", "kind": "class", "doc": "

At its core, a Grammar is a set of Rules with methods for generating GrammaticalExpressions.

\n"}, "ultk.language.grammar.Grammar.__init__": {"fullname": "ultk.language.grammar.Grammar.__init__", "modulename": "ultk.language.grammar", "qualname": "Grammar.__init__", "kind": "function", "doc": "

\n", "signature": "(start: Any)"}, "ultk.language.grammar.Grammar.add_rule": {"fullname": "ultk.language.grammar.Grammar.add_rule", "modulename": "ultk.language.grammar", "qualname": "Grammar.add_rule", "kind": "function", "doc": "

\n", "signature": "(self, rule: ultk.language.grammar.Rule):", "funcdef": "def"}, "ultk.language.grammar.Grammar.parse": {"fullname": "ultk.language.grammar.Grammar.parse", "modulename": "ultk.language.grammar", "qualname": "Grammar.parse", "kind": "function", "doc": "

Parse a string representation of an expression of a grammar.\nNote that this is not a general-purpose parsing algorithm. We assume that the strings are of the form\n parent_name(child1_name, ..., childn_name)\nwhere parent_name is the name of a rule of this grammar that has a length-n RHS, and that\nchildi_name is the name of a rule for each child i.

\n\n
Arguments:
\n\n
    \n
  • expression: string in the above format
  • \n
\n\n
Returns:
\n\n
\n

the corresponding GrammaticalExpression

\n
\n", "signature": "(\tself,\texpression: str,\topener: str = '(',\tcloser: str = ')',\tdelimiter: str = ',') -> ultk.language.grammar.GrammaticalExpression:", "funcdef": "def"}, "ultk.language.grammar.Grammar.generate": {"fullname": "ultk.language.grammar.Grammar.generate", "modulename": "ultk.language.grammar", "qualname": "Grammar.generate", "kind": "function", "doc": "

Generate an expression from a given lhs.

\n", "signature": "(self, lhs: Any = None) -> ultk.language.grammar.GrammaticalExpression:", "funcdef": "def"}, "ultk.language.grammar.Grammar.enumerate": {"fullname": "ultk.language.grammar.Grammar.enumerate", "modulename": "ultk.language.grammar", "qualname": "Grammar.enumerate", "kind": "function", "doc": "

Enumerate all expressions from the grammar up to a given depth from a given LHS.\nThis method also can update a specified dictionary to store only _unique_ expressions, with\na user-specified criterion of uniqueness.

\n\n
Arguments:
\n\n
    \n
  • depth: how deep the trees should be
  • \n
  • lhs: left hand side to start from; defaults to the grammar's start symbol
  • \n
  • uniqueness_args: a dictionary specifying the parameters for uniqueness:\nunique_dict: a dictionary in which to store unique Expressions\nkey: a function used to evaluate uniqueness\ncompare_func: a comparison function, used to decide which Expression to add to the dict\n new Expressions will be added as values to unique_dict only if they are _minimal_\n among those sharing the same key (by unique_key) according to this func
  • \n
\n\n
Yields:
\n\n
\n

all GrammaticalExpressions up to depth

\n
\n", "signature": "(\tself,\tdepth: int = 8,\tlhs: Any = None,\tuniqueness_args: ultk.language.grammar.UniquenessArgs | None = None) -> Generator[ultk.language.grammar.GrammaticalExpression, NoneType, NoneType]:", "funcdef": "def"}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"fullname": "ultk.language.grammar.Grammar.enumerate_at_depth", "modulename": "ultk.language.grammar", "qualname": "Grammar.enumerate_at_depth", "kind": "function", "doc": "

Enumerate GrammaticalExpressions for this Grammar _at_ a fixed depth.

\n", "signature": "(\tself,\tdepth: int,\tlhs: Any,\tuniqueness_args: ultk.language.grammar.UniquenessArgs | None = None,\tcache: dict | None = None) -> Generator[ultk.language.grammar.GrammaticalExpression, NoneType, NoneType]:", "funcdef": "def"}, "ultk.language.grammar.Grammar.get_unique_expressions": {"fullname": "ultk.language.grammar.Grammar.get_unique_expressions", "modulename": "ultk.language.grammar", "qualname": "Grammar.get_unique_expressions", "kind": "function", "doc": "

Get all unique GrammaticalExpressions, up to a certain depth, with a user-specified criterion\nof uniqueness, and a specified comparison function for determining which Expression to save when there's a clash.\nThis can be used, for instance, to measure the minimum description length of some\nMeanings, by using expression.evaluate(), which produces a Meaning for an Expression, as the\nkey for determining uniqueness, and length of the expression as comparison.

\n\n

This is a wrapper around enumerate, but which produces the dictionary of key->Expression entries\nand returns it. (enumerate is a generator with side effects).

\n\n

For Args, see the docstring for enumerate.

\n\n

Note: if you additionally want to store _all_ expressions, and not just the unique ones, you should\ndirectly use enumerate.

\n\n
Returns:
\n\n
\n

dictionary of {key: GrammaticalExpression}, where the keys are generated by unique_key\n The GrammticalExpression which is the value will be the one that is minimum among\n compare_func amongst all Expressions up to depth which share the same key

\n
\n", "signature": "(\tself,\tdepth: int,\tunique_key: Callable[[ultk.language.grammar.GrammaticalExpression], Any],\tcompare_func: Callable[[ultk.language.grammar.GrammaticalExpression, ultk.language.grammar.GrammaticalExpression], bool],\tlhs: Any = None,\tmax_size: float = inf) -> dict[ultk.language.grammar.GrammaticalExpression, typing.Any]:", "funcdef": "def"}, "ultk.language.grammar.Grammar.get_all_rules": {"fullname": "ultk.language.grammar.Grammar.get_all_rules", "modulename": "ultk.language.grammar", "qualname": "Grammar.get_all_rules", "kind": "function", "doc": "

Get all rules as a list.

\n", "signature": "(self) -> list[ultk.language.grammar.Rule]:", "funcdef": "def"}, "ultk.language.grammar.Grammar.from_yaml": {"fullname": "ultk.language.grammar.Grammar.from_yaml", "modulename": "ultk.language.grammar", "qualname": "Grammar.from_yaml", "kind": "function", "doc": "

Read a grammar specified in a simple YAML format.

\n\n

Expected format:

\n\n
start: bool\nrules:\n- lhs: bool\n  rhs:\n  - bool\n  - bool\n  name: \"and\"\n  function: \"lambda p1, p2 : p1 and p2\"\n- lhs: bool\n  rhs:\n  - bool\n  - bool\n  name: \"or\"\n  function: \"lambda p1, p2 : p1 or p2\"\n
\n\n

Note that for each fule, the value for function will be passed to\neval, so be careful!

\n\n
Arguments:
\n\n
    \n
  • filename: file containing a grammar in the above format
  • \n
\n", "signature": "(cls, filename: str):", "funcdef": "def"}, "ultk.language.language": {"fullname": "ultk.language.language", "modulename": "ultk.language.language", "kind": "module", "doc": "

Classes for modeling languages as form-meaning mappings, most important among them the Language and Expression classes.

\n\n
Example usage:
\n\n
\n
\n
>>> from ultk.language.language import Expression, Language\n>>> # assuming the meaning `a_few_meaning` has already been constructed\n>>> # define the expression\n>>> a_few = NumeralExpression(form="a few", meaning=a_few_meaning)\n>>> # define a very small language\n>>> lang_1 = Language([a_few])\n>>> # or a slightly larger one with synonymy\n>>> lang_2 = Language([a_few] * 3)\n
\n
\n
\n"}, "ultk.language.language.Expression": {"fullname": "ultk.language.language.Expression", "modulename": "ultk.language.language", "qualname": "Expression", "kind": "class", "doc": "

Minimally contains a form and a meaning.

\n"}, "ultk.language.language.Expression.__init__": {"fullname": "ultk.language.language.Expression.__init__", "modulename": "ultk.language.language", "qualname": "Expression.__init__", "kind": "function", "doc": "

\n", "signature": "(\tform: str | None = None,\tmeaning: ultk.language.semantics.Meaning | None = None)"}, "ultk.language.language.Expression.form": {"fullname": "ultk.language.language.Expression.form", "modulename": "ultk.language.language", "qualname": "Expression.form", "kind": "variable", "doc": "

\n"}, "ultk.language.language.Expression.meaning": {"fullname": "ultk.language.language.Expression.meaning", "modulename": "ultk.language.language", "qualname": "Expression.meaning", "kind": "variable", "doc": "

\n"}, "ultk.language.language.Expression.can_express": {"fullname": "ultk.language.language.Expression.can_express", "modulename": "ultk.language.language", "qualname": "Expression.can_express", "kind": "function", "doc": "

Return True if the expression can express the input single meaning point and false otherwise.

\n", "signature": "(self, referent: ultk.language.semantics.Referent) -> bool:", "funcdef": "def"}, "ultk.language.language.Expression.to_dict": {"fullname": "ultk.language.language.Expression.to_dict", "modulename": "ultk.language.language", "qualname": "Expression.to_dict", "kind": "function", "doc": "

\n", "signature": "(self) -> dict:", "funcdef": "def"}, "ultk.language.language.Language": {"fullname": "ultk.language.language.Language", "modulename": "ultk.language.language", "qualname": "Language", "kind": "class", "doc": "

Minimally contains Expression objects.

\n"}, "ultk.language.language.Language.__init__": {"fullname": "ultk.language.language.Language.__init__", "modulename": "ultk.language.language", "qualname": "Language.__init__", "kind": "function", "doc": "

\n", "signature": "(expressions: tuple[ultk.language.language.Expression, ...], **kwargs)"}, "ultk.language.language.Language.expressions": {"fullname": "ultk.language.language.Language.expressions", "modulename": "ultk.language.language", "qualname": "Language.expressions", "kind": "variable", "doc": "

\n", "annotation": ": tuple[ultk.language.language.Expression, ...]"}, "ultk.language.language.Language.universe": {"fullname": "ultk.language.language.Language.universe", "modulename": "ultk.language.language", "qualname": "Language.universe", "kind": "variable", "doc": "

\n", "annotation": ": ultk.language.semantics.Universe"}, "ultk.language.language.Language.add_expression": {"fullname": "ultk.language.language.Language.add_expression", "modulename": "ultk.language.language", "qualname": "Language.add_expression", "kind": "function", "doc": "

Add an expression to the list of expressions in a language.

\n", "signature": "(self, e: ultk.language.language.Expression):", "funcdef": "def"}, "ultk.language.language.Language.pop": {"fullname": "ultk.language.language.Language.pop", "modulename": "ultk.language.language", "qualname": "Language.pop", "kind": "function", "doc": "

Removes an expression at the specified index of the list of expressions, and returns it.

\n", "signature": "(self, index: int) -> ultk.language.language.Expression:", "funcdef": "def"}, "ultk.language.language.Language.is_natural": {"fullname": "ultk.language.language.Language.is_natural", "modulename": "ultk.language.language", "qualname": "Language.is_natural", "kind": "function", "doc": "

Whether a language represents a human natural language.

\n", "signature": "(self) -> bool:", "funcdef": "def"}, "ultk.language.language.Language.degree_property": {"fullname": "ultk.language.language.Language.degree_property", "modulename": "ultk.language.language", "qualname": "Language.degree_property", "kind": "function", "doc": "

Count what percentage of expressions in a language have a given property.

\n", "signature": "(\tself,\tproperty: Callable[[ultk.language.language.Expression], bool]) -> float:", "funcdef": "def"}, "ultk.language.language.Language.binary_matrix": {"fullname": "ultk.language.language.Language.binary_matrix", "modulename": "ultk.language.language", "qualname": "Language.binary_matrix", "kind": "function", "doc": "

Get a binary matrix of shape (num_meanings, num_expressions)\nspecifying which expressions can express which meanings.

\n", "signature": "(self) -> numpy.ndarray:", "funcdef": "def"}, "ultk.language.language.Language.to_dict": {"fullname": "ultk.language.language.Language.to_dict", "modulename": "ultk.language.language", "qualname": "Language.to_dict", "kind": "function", "doc": "

\n", "signature": "(self, **kwargs) -> dict:", "funcdef": "def"}, "ultk.language.language.aggregate_expression_complexity": {"fullname": "ultk.language.language.aggregate_expression_complexity", "modulename": "ultk.language.language", "qualname": "aggregate_expression_complexity", "kind": "function", "doc": "

Aggregate complexities for individual Expressions into a complexity for a Language.

\n\n
Arguments:
\n\n
    \n
  • language: the Language to measure
  • \n
  • expression_complexity_func: the function that returns the complexity of an individual expression
  • \n
  • aggregator: (optional, default = sum) the function that aggregates individual complexities
  • \n
\n\n
Returns:
\n\n
\n

a float, the complexity of a language

\n
\n", "signature": "(\tlanguage: ultk.language.language.Language,\texpression_complexity_func: Callable[[ultk.language.language.Expression], float],\taggregator: Callable[[Iterable[float]], float] = <built-in function sum>) -> float:", "funcdef": "def"}, "ultk.language.sampling": {"fullname": "ultk.language.sampling", "modulename": "ultk.language.sampling", "kind": "module", "doc": "

\n"}, "ultk.language.sampling.powerset": {"fullname": "ultk.language.sampling.powerset", "modulename": "ultk.language.sampling", "qualname": "powerset", "kind": "function", "doc": "

Enumerate all _non-empty_ subsets of an iterable up to a given maximum size, e.g.:\npowerset([1,2,3]) --> (1,) (2,) (3,) (1,2) (1,3) (2,3) (1,2,3)

\n\n

lightly adapted from itertools Recipes at\nhttps://docs.python.org/3/library/itertools.html#itertools-recipes

\n\n
Arguments:
\n\n
    \n
  • iterable: elements from which to form subsets
  • \n
  • max_size: largest subsets (inclusive) to return
  • \n
\n\n
Returns:
\n\n
\n

iterator over all subsets from size 1 to max_size of elements from iterable

\n
\n", "signature": "(iterable: Iterable, max_size: int = None) -> Iterable:", "funcdef": "def"}, "ultk.language.sampling.all_meanings": {"fullname": "ultk.language.sampling.all_meanings", "modulename": "ultk.language.sampling", "qualname": "all_meanings", "kind": "function", "doc": "

Generate all Meanings (sets of Referents) from a given Universe.

\n", "signature": "(\tuniverse: ultk.language.semantics.Universe) -> Generator[ultk.language.semantics.Meaning, NoneType, NoneType]:", "funcdef": "def"}, "ultk.language.sampling.all_expressions": {"fullname": "ultk.language.sampling.all_expressions", "modulename": "ultk.language.sampling", "qualname": "all_expressions", "kind": "function", "doc": "

Generate Expressions from an iterable of Meanings.

\n", "signature": "(\tmeanings: Iterable[ultk.language.semantics.Meaning]) -> Generator[ultk.language.language.Expression, NoneType, NoneType]:", "funcdef": "def"}, "ultk.language.sampling.all_languages": {"fullname": "ultk.language.sampling.all_languages", "modulename": "ultk.language.sampling", "qualname": "all_languages", "kind": "function", "doc": "

Generate all Languages (sets of Expressions) from a given set of Expressions.

\n\n
Arguments:
\n\n
    \n
  • expressions: iterable of all possible expressions
  • \n
  • language_class: the type of language to generate
  • \n
  • max_size: largest size for a language; if None, all subsets of expressions will be used
  • \n
\n\n
Yields:
\n\n
\n

Languages with subsets of Expressions from expressions

\n
\n", "signature": "(\texpressions: Iterable[ultk.language.language.Expression],\tlanguage_class: Type[ultk.language.language.Language] = <class 'ultk.language.language.Language'>,\tmax_size: int = None) -> Generator[ultk.language.language.Language, NoneType, NoneType]:", "funcdef": "def"}, "ultk.language.sampling.upto_comb": {"fullname": "ultk.language.sampling.upto_comb", "modulename": "ultk.language.sampling", "qualname": "upto_comb", "kind": "function", "doc": "

Return the number of ways of choosing _up to max_k_ items from\nn items without repetition. Just an iterator of math.comb for n from\n1 to max_k.

\n", "signature": "(num: int, max_k: int) -> int:", "funcdef": "def"}, "ultk.language.sampling.random_languages": {"fullname": "ultk.language.sampling.random_languages", "modulename": "ultk.language.sampling", "qualname": "random_languages", "kind": "function", "doc": "

Generate unique Languages by randomly sampling subsets of Expressions, either in a uniform or stratified way.\nIf there are fewer than sample_size possible Languages up to size max_size,\nthis method will just return all languages up to that size (and so the sample may\nbe smaller than sample_size).

\n\n

Some use cases:

\n\n

With sample_size=None, get all languages.

\n\n
\n
>>> random_languages(expressions)\n
\n
\n\n

With sample_size and uniform sampling, get random languages:

\n\n
\n
>>> random_languages(expressions, sample_size=1000)\n
\n
\n\n

Stratified sampling, with and without a max_size:

\n\n
\n
>>> random_languages(expressions, sample_size=1000, sampling_strategy="stratified")\n>>> random_languages(expressions, sample_size=1000, sampling_strategy="stratified", max_size=10)\n
\n
\n\n
Arguments:
\n\n
    \n
  • expressions: all possible expressions
  • \n
  • sampling_strategy: how to sample subsets of expressions\nuniform: for every expression, choose whether or not to include it in a given language\nstratified: first sample a size for a Language, then choose that many random Expressions\n (i) this has the effect of \"upsampling\" from smaller Language sizes\n (ii) this can be used with max_size to only generate Languages up to a given number of expressions
  • \n
  • sample_size: how many languages to return\nif None, will return all languages up to max_size
  • \n
  • language_class: type of Language
  • \n
  • max_size: largest possible Language to generate\nif None, will be the length of expressions\nNB: this argument has no effect when sampling_strategy is \"uniform\"
  • \n
\n\n
Returns:
\n\n
\n

a list of randomly sampled Languages

\n
\n", "signature": "(\texpressions: Iterable[ultk.language.language.Expression],\tsampling_strategy: str = 'uniform',\tsample_size: int = None,\tlanguage_class: Type[ultk.language.language.Language] = <class 'ultk.language.language.Language'>,\tmax_size: int = None) -> list[ultk.language.language.Language]:", "funcdef": "def"}, "ultk.language.sampling.generate_languages": {"fullname": "ultk.language.sampling.generate_languages", "modulename": "ultk.language.sampling", "qualname": "generate_languages", "kind": "function", "doc": "

Generate languages by randomly sampling vocabularies as bags of expressions.

\n\n

A predicate (binary-valued property) of expressions may be supplied, which can be used to adjust the composition of vocabularies (e.g., by the percent of expressions satisfying the predicate).

\n\n

If sample size <= nCr, then take a random sample_size set of combinations. Otherwise, to prevent repeat languages, treat nCr as the sample size.

\n\n
Arguments:
\n\n
    \n
  • expressions: a list of the possible expressions to sample from.
  • \n
  • lang_size: the maximum (or exact) number of expressions in each language.
  • \n
  • sample_size: the number of languages to generate.
  • \n
  • criterion: the predicate, (e.g. semantic universal) by which to split the expressions into those satisfying and those not, and then sample languages with degrees of naturalness based on the percentage from those satisfying. Must apply at the expression level. By default is a trivial criterion, so that all expressions are 'quasi-natural'.
  • \n
  • fixed_wordcount: whether to vary the language size from 1 to lang_size.
  • \n
  • verbose: How detailed the progress of sampling should be, printed to stdout.
  • \n
  • dummy_name: the default name to give to each sampled language, e.g. sampled_lang_42. These should not collide with any actual natural language names if the efficient communication experiment does use natural language data.
  • \n
  • id_start: an integer representing the number of languages already generated in an experiment. Languages sampled will be named according to this number. For example, if id_start is 0, the first language sampled will be named sampled_lang_0. Note that the largest id does not necessarily track the actual size of languages saved for the experiment, but it does track how many languages have been generated.
  • \n
  • exact_sample: a boolean representing whether to sample until the exact sample size is filled. If True, the resulting pool of languages may not be unique.
  • \n
  • verbose: a boolean representing how verbose output should be during sampling.
  • \n
\n\n
Returns:
\n\n
\n

a dict representing the generated pool of languages and the updated id_start, of the form

\n\n
{\n    \"languages\": (list of updated languages)\n    \"id_start\": (updated length of languages)\n}\n
\n
\n\n
Examples:
\n\n
\n
\n
>>> # Turn the knob on a universal property for modals\n>>> expressions = load_expressions(expressions_file)\n>>> universal_property = iff\n>>> result = generate_languages(\n...    ModalLanguage,\n...    expressions,\n...    lang_size,\n...    sample_size,\n...    universal_property,\n...)\n>>> languages = result["languages"]\n>>> id_start = result["id_start"]\n
\n
\n
\n", "signature": "(\tlanguage_class: Type[ultk.language.language.Language],\texpressions: list[ultk.language.language.Expression],\tlang_size: int,\tsample_size: int,\tcriterion: Callable[[ultk.language.language.Expression], bool] = <function <lambda>>,\tfixed_wordcount=False,\tdummy_name='sampled_lang_',\tid_start: int = 0,\texact_sample=False,\tverbose=False) -> dict[str, typing.Any]:", "funcdef": "def"}, "ultk.language.sampling.sample_lang_size": {"fullname": "ultk.language.sampling.sample_lang_size", "modulename": "ultk.language.sampling", "qualname": "sample_lang_size", "kind": "function", "doc": "

Get a sample of languages each of exactly lang_size.

\n\n
Arguments:
\n\n
    \n
  • language_class: a subclass of ultk.Language
  • \n
  • expressions: a list of Expressions to sample from
  • \n
  • lang_size: int representing the maximum language size to sample
  • \n
  • sample_size: int representing the number of total languages to return
  • \n
  • id_start: an int representing the number of languages already generated in an experiment.
  • \n
\n\n
Returns:
\n\n
\n

a dict containing the randomly sampled languages and the updated id_start, of the form

\n\n
{\n    \"languages\": (list of updated languages)\n    \"id_start\": (updated length of languages)\n}\n
\n
\n", "signature": "(\tlanguage_class: Type[ultk.language.language.Language],\texpressions: list[ultk.language.language.Expression],\tlang_size: int,\tsample_size: int,\tid_start: int = 0,\tverbose=False,\tdummy_name='sampled_lang_id') -> list[ultk.language.language.Language]:", "funcdef": "def"}, "ultk.language.sampling.sample_quasi_natural": {"fullname": "ultk.language.sampling.sample_quasi_natural", "modulename": "ultk.language.sampling", "qualname": "sample_quasi_natural", "kind": "function", "doc": "

Turn the knob on degree quasi-naturalness for a sample of languages, either by enumerating or randomly sampling unique subsets of all possible combinations.

\n\n
Arguments:
\n\n
    \n
  • natural_terms: expressions satisfying some criteria of quasi-naturalness, e.g, a semantic universal.
  • \n
  • unnatural_terms: expressions not satisfying the criteria.
  • \n
  • lang_size: the exact number of expressions a language must have.
  • \n
  • sample_size: how many languages to sample.
  • \n
\n\n
Returns:
\n\n
\n

a dict containing the randomly sampled quasi-natural languages and the updated id_start, of the form

\n\n
{\n    \"languages\": (list of updated languages)\n    \"id_start\": (updated length of languages)\n}\n
\n
\n", "signature": "(\tlanguage_class: Type[ultk.language.language.Language],\tnatural_terms: list[ultk.language.language.Expression],\tunnatural_terms: list[ultk.language.language.Expression],\tlang_size: int,\tsample_size: int,\tid_start: int,\tdummy_name='sampled_lang_id',\tverbose=False) -> dict[str, typing.Any]:", "funcdef": "def"}, "ultk.language.sampling.rename_id": {"fullname": "ultk.language.sampling.rename_id", "modulename": "ultk.language.sampling", "qualname": "rename_id", "kind": "function", "doc": "

Updates a string of form sampled_lang_X with a new id for X.

\n", "signature": "(name: str, id: int) -> str:", "funcdef": "def"}, "ultk.language.sampling.enumerate_all_languages": {"fullname": "ultk.language.sampling.enumerate_all_languages", "modulename": "ultk.language.sampling", "qualname": "enumerate_all_languages", "kind": "function", "doc": "

When the sample size requested is greater than the size of all possible languages, just enumerate all the possible languages.

\n\n
Arguments:
\n\n
    \n
  • language_class: the kind of Language to construct
  • \n
  • id_start: a number to start counting from for assigning names with numerical ids to languages.
  • \n
  • natural_indices: the indices of quasi-natural languages already seen
  • \n
  • num_natural: the number of quasi-natural languages to sample
  • \n
  • natural_terms: the list of quasi-natural terms to sample from
  • \n
  • unnatural_indices: the indices of non-quasi-natural languages already seen
  • \n
  • num_unnatural: the number of non-quasi-natural languages to sample; 0 by default
  • \n
  • unnatural_terms: the list of non-quasi-natural terms to sample from; empty by default.
  • \n
  • dummy_name: the format of the string to name each language constructed.
  • \n
\n\n
Returns:
\n\n
\n

a dict containing a set of languages and the updated id_start, of the form

\n\n
{\n    \"languages\": (list of updated languages)\n    \"id_start\": (updated length of languages)\n}\n
\n
\n", "signature": "(\tlanguage_class: Type[ultk.language.language.Language],\tid_start: int,\tnatural_terms: list[ultk.language.language.Expression],\tnatural_indices: list[int],\tnum_natural: int = 0,\tunnatural_terms: list[ultk.language.language.Expression] = [],\tunnatural_indices: list[int] = [],\tnum_unnatural: int = 0,\tdummy_name='sampled_lang_id',\tverbose=False) -> dict[str, typing.Any]:", "funcdef": "def"}, "ultk.language.sampling.random_combination_vocabulary": {"fullname": "ultk.language.sampling.random_combination_vocabulary", "modulename": "ultk.language.sampling", "qualname": "random_combination_vocabulary", "kind": "function", "doc": "

Get a single vocabulary for a specific language size by choosing a random combination of natural and unnatural terms.

\n\n
Arguments:
\n\n
    \n
  • seen: the list of language indices already seen
  • \n
  • num_natural: int
  • \n
  • natural_terms: list[Expression]
  • \n
  • num_unnatural: int=0
  • \n
  • unnatural_terms: list[Expression]=[]
  • \n
\n\n
Returns:
\n\n
\n

languages: the extended list of input languages.

\n
\n", "signature": "(\tseen: set,\tnum_natural: int,\tnatural_terms: list[ultk.language.language.Expression],\tnum_unnatural: int = 0,\tunnatural_terms: list[ultk.language.language.Expression] = []) -> list[ultk.language.language.Language]:", "funcdef": "def"}, "ultk.language.semantics": {"fullname": "ultk.language.semantics", "modulename": "ultk.language.semantics", "kind": "module", "doc": "

Classes for modeling the meanings of a language.

\n\n

Meanings are modeled as things which map linguistic forms to objects of reference. The linguistic forms and objects of reference can in principle be very detailed, and future work may elaborate the meaning classes and implement a Form class.

\n\n

In efficient communication analyses, simplicity and informativeness can be measured as properties of semantic aspects of a language. E.g., a meaning is simple if it is easy to represent, or to compress into some code; a meaning is informative if it is easy for a listener to recover a speaker's intended literal meaning.

\n\n
Examples:
\n\n
\n
\n
>>> from ultk.language.semantics import Referent, Meaning, Universe\n>>> from ultk.language.language import Expression\n>>> # construct the meaning space for numerals\n>>> numerals_universe = NumeralUniverse(referents=[NumeralReferent(str(i)) for i in range(1, 100)])\n>>> # construct a list of referents for the expression 'a few'\n>>> a_few_refs = [NumeralReferent(name=str(i)) for i in range(2, 6)]\n>>> a_few_meaning = NumeralMeaning(referents=a_few_refs, universe=numerals_universe)\n>>> # define the expression\n>>> a_few = NumeralExpression(form="a few", meaning=a_few_meaning)\n
\n
\n
\n"}, "ultk.language.semantics.Referent": {"fullname": "ultk.language.semantics.Referent", "modulename": "ultk.language.semantics", "qualname": "Referent", "kind": "class", "doc": "

A referent is some object in the universe for a language.

\n"}, "ultk.language.semantics.Referent.__init__": {"fullname": "ultk.language.semantics.Referent.__init__", "modulename": "ultk.language.semantics", "qualname": "Referent.__init__", "kind": "function", "doc": "

Initialize a referent.

\n\n
Arguments:
\n\n
    \n
  • name: a string representing the name of the referent
  • \n
\n", "signature": "(name: str, properties: dict = {}, **kwargs)"}, "ultk.language.semantics.Referent.name": {"fullname": "ultk.language.semantics.Referent.name", "modulename": "ultk.language.semantics", "qualname": "Referent.name", "kind": "variable", "doc": "

\n"}, "ultk.language.semantics.Referent.to_dict": {"fullname": "ultk.language.semantics.Referent.to_dict", "modulename": "ultk.language.semantics", "qualname": "Referent.to_dict", "kind": "function", "doc": "

\n", "signature": "(self) -> dict:", "funcdef": "def"}, "ultk.language.semantics.Universe": {"fullname": "ultk.language.semantics.Universe", "modulename": "ultk.language.semantics", "qualname": "Universe", "kind": "class", "doc": "

The universe is the set of possible referent objects for a meaning.

\n"}, "ultk.language.semantics.Universe.__init__": {"fullname": "ultk.language.semantics.Universe.__init__", "modulename": "ultk.language.semantics", "qualname": "Universe.__init__", "kind": "function", "doc": "

\n", "signature": "(\treferents: Iterable[ultk.language.semantics.Referent],\tprior: dict[str, float] = None)"}, "ultk.language.semantics.Universe.referents": {"fullname": "ultk.language.semantics.Universe.referents", "modulename": "ultk.language.semantics", "qualname": "Universe.referents", "kind": "variable", "doc": "

\n"}, "ultk.language.semantics.Universe.set_prior": {"fullname": "ultk.language.semantics.Universe.set_prior", "modulename": "ultk.language.semantics", "qualname": "Universe.set_prior", "kind": "function", "doc": "

\n", "signature": "(self, prior: dict[str, float]):", "funcdef": "def"}, "ultk.language.semantics.Universe.prior_numpy": {"fullname": "ultk.language.semantics.Universe.prior_numpy", "modulename": "ultk.language.semantics", "qualname": "Universe.prior_numpy", "kind": "function", "doc": "

\n", "signature": "(self) -> numpy.ndarray:", "funcdef": "def"}, "ultk.language.semantics.Universe.from_dataframe": {"fullname": "ultk.language.semantics.Universe.from_dataframe", "modulename": "ultk.language.semantics", "qualname": "Universe.from_dataframe", "kind": "function", "doc": "

Build a Universe from a DataFrame.\nIt's assumed that each row specifies one Referent, and each column will be a property\nof that Referent. We assume that name is one of the columns of the DataFrame.

\n\n
Arguments:
\n\n
    \n
  • a DataFrame representing the meaning space of interest, assumed to have a column name
  • \n
\n", "signature": "(cls, df: pandas.core.frame.DataFrame):", "funcdef": "def"}, "ultk.language.semantics.Universe.from_csv": {"fullname": "ultk.language.semantics.Universe.from_csv", "modulename": "ultk.language.semantics", "qualname": "Universe.from_csv", "kind": "function", "doc": "

Build a Universe from a CSV file. This is a small wrapper around\nUniverse.from_dataframe, so see that documentation for more information.

\n", "signature": "(cls, filename: str):", "funcdef": "def"}, "ultk.language.semantics.Meaning": {"fullname": "ultk.language.semantics.Meaning", "modulename": "ultk.language.semantics", "qualname": "Meaning", "kind": "class", "doc": "

A meaning picks out a set of objects from the universe.

\n\n

On one tradition (from formal semantics), we might model an underspecified meaning as a subset of the universe.\nSometimes these different referents are not equally likely,\nin which it can be helpful to define a meaning explicitly as a distribution over the universe.

\n"}, "ultk.language.semantics.Meaning.__init__": {"fullname": "ultk.language.semantics.Meaning.__init__", "modulename": "ultk.language.semantics", "qualname": "Meaning.__init__", "kind": "function", "doc": "

A meaning is the set of things it refers to.

\n\n

The objects of reference are a subset of the universe of discourse. Sometimes it is natural to construe the meaning as as a probability distribution over the universe, instead of just a binary predicate.

\n\n
Arguments:
\n\n
    \n
  • referents: a list of Referent objects, which must be a subset of the referents in universe.
  • \n
  • universe: a Universe object that defines the probability space for a meaning.
  • \n
  • dist: a dict of with Referent names as keys and weights or probabilities as values, representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability.
  • \n
\n", "signature": "(\treferents: Iterable[ultk.language.semantics.Referent],\tuniverse: ultk.language.semantics.Universe,\tdist: dict[str, float] = None)"}, "ultk.language.semantics.Meaning.referents": {"fullname": "ultk.language.semantics.Meaning.referents", "modulename": "ultk.language.semantics", "qualname": "Meaning.referents", "kind": "variable", "doc": "

\n"}, "ultk.language.semantics.Meaning.universe": {"fullname": "ultk.language.semantics.Meaning.universe", "modulename": "ultk.language.semantics", "qualname": "Meaning.universe", "kind": "variable", "doc": "

\n"}, "ultk.language.semantics.Meaning.to_dict": {"fullname": "ultk.language.semantics.Meaning.to_dict", "modulename": "ultk.language.semantics", "qualname": "Meaning.to_dict", "kind": "function", "doc": "

\n", "signature": "(self) -> dict:", "funcdef": "def"}}, "docInfo": {"ultk": {"qualname": 0, "fullname": 1, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 771}, "ultk.effcomm": {"qualname": 0, "fullname": 2, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 361}, "ultk.effcomm.agent": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 30}, "ultk.effcomm.agent.CommunicativeAgent": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 36, "bases": 0, "doc": 80}, "ultk.effcomm.agent.CommunicativeAgent.language": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.agent.CommunicativeAgent.shape": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.agent.CommunicativeAgent.weights": {"qualname": 2, "fullname": 5, "annotation": 3, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 14, "bases": 0, "doc": 19}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 50, "bases": 0, "doc": 87}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"qualname": 4, "fullname": 7, "annotation": 0, "default_value": 0, "signature": 39, "bases": 0, "doc": 3}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"qualname": 4, "fullname": 7, "annotation": 0, "default_value": 0, "signature": 39, "bases": 0, "doc": 3}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"qualname": 4, "fullname": 7, "annotation": 0, "default_value": 0, "signature": 39, "bases": 0, "doc": 3}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"qualname": 4, "fullname": 7, "annotation": 0, "default_value": 0, "signature": 39, "bases": 0, "doc": 3}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"qualname": 4, "fullname": 7, "annotation": 0, "default_value": 0, "signature": 47, "bases": 0, "doc": 62}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 24, "bases": 0, "doc": 80}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 95, "bases": 0, "doc": 163}, "ultk.effcomm.agent.Speaker": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 1, "doc": 3}, "ultk.effcomm.agent.Speaker.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 36, "bases": 0, "doc": 80}, "ultk.effcomm.agent.Speaker.S": {"qualname": 2, "fullname": 5, "annotation": 3, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.agent.Speaker.normalized_weights": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 19, "bases": 0, "doc": 27}, "ultk.effcomm.agent.Listener": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 1, "doc": 3}, "ultk.effcomm.agent.Listener.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 36, "bases": 0, "doc": 80}, "ultk.effcomm.agent.Listener.R": {"qualname": 2, "fullname": 5, "annotation": 3, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.agent.Listener.normalized_weights": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 19, "bases": 0, "doc": 30}, "ultk.effcomm.agent.LiteralSpeaker": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 1, "doc": 70}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 36, "bases": 0, "doc": 80}, "ultk.effcomm.agent.LiteralSpeaker.S": {"qualname": 2, "fullname": 5, "annotation": 3, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.agent.LiteralListener": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 1, "doc": 61}, "ultk.effcomm.agent.LiteralListener.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 36, "bases": 0, "doc": 80}, "ultk.effcomm.agent.LiteralListener.R": {"qualname": 2, "fullname": 5, "annotation": 3, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.agent.PragmaticSpeaker": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 1, "doc": 43}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 83, "bases": 0, "doc": 158}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"qualname": 2, "fullname": 5, "annotation": 3, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.agent.PragmaticListener": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 1, "doc": 45}, "ultk.effcomm.agent.PragmaticListener.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 80, "bases": 0, "doc": 122}, "ultk.effcomm.agent.PragmaticListener.R": {"qualname": 2, "fullname": 5, "annotation": 3, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.agent.BayesianListener": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 1, "doc": 108}, "ultk.effcomm.agent.BayesianListener.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 64, "bases": 0, "doc": 80}, "ultk.effcomm.analysis": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 15}, "ultk.effcomm.analysis.get_dataframe": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 145, "bases": 0, "doc": 153}, "ultk.effcomm.analysis.pearson_analysis": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 67, "bases": 0, "doc": 153}, "ultk.effcomm.analysis.trade_off_means": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 72, "bases": 0, "doc": 294}, "ultk.effcomm.analysis.trade_off_ttest": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 74, "bases": 0, "doc": 257}, "ultk.effcomm.information": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 15}, "ultk.effcomm.information.information_rate": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 39, "bases": 0, "doc": 16}, "ultk.effcomm.information.get_rd_curve": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 75, "bases": 0, "doc": 16}, "ultk.effcomm.information.expected_distortion": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 61, "bases": 0, "doc": 17}, "ultk.effcomm.information.compute_rate_distortion": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 39, "bases": 0, "doc": 148}, "ultk.effcomm.information.blahut_arimoto": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 117, "bases": 0, "doc": 260}, "ultk.effcomm.information.get_ib_curve": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 122, "bases": 0, "doc": 225}, "ultk.effcomm.information.get_bottleneck": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 98, "bases": 0, "doc": 282}, "ultk.effcomm.information.ib_complexity": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 49, "bases": 0, "doc": 12}, "ultk.effcomm.information.ib_informativity": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 68, "bases": 0, "doc": 80}, "ultk.effcomm.information.ib_comm_cost": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 68, "bases": 0, "doc": 93}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"qualname": 5, "fullname": 8, "annotation": 0, "default_value": 0, "signature": 68, "bases": 0, "doc": 92}, "ultk.effcomm.information.ib_accuracy": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 58, "bases": 0, "doc": 107}, "ultk.effcomm.information.ib_distortion": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 58, "bases": 0, "doc": 115}, "ultk.effcomm.information.ib_encoder_to_point": {"qualname": 4, "fullname": 7, "annotation": 0, "default_value": 0, "signature": 87, "bases": 0, "doc": 108}, "ultk.effcomm.information.ib_optimal_decoder": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 63, "bases": 0, "doc": 89}, "ultk.effcomm.informativity": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 13}, "ultk.effcomm.informativity.indicator_utility": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 61, "bases": 0, "doc": 16}, "ultk.effcomm.informativity.informativity": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 152, "bases": 0, "doc": 306}, "ultk.effcomm.informativity.communicative_success": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 136, "bases": 0, "doc": 161}, "ultk.effcomm.optimization": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 22}, "ultk.effcomm.optimization.Mutation": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.optimization.Mutation.precondition": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 41, "bases": 0, "doc": 13}, "ultk.effcomm.optimization.Mutation.mutate": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 90, "bases": 0, "doc": 12}, "ultk.effcomm.optimization.RemoveExpression": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 1, "doc": 3}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 41, "bases": 0, "doc": 13}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 90, "bases": 0, "doc": 12}, "ultk.effcomm.optimization.AddExpression": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 1, "doc": 3}, "ultk.effcomm.optimization.AddExpression.precondition": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 41, "bases": 0, "doc": 13}, "ultk.effcomm.optimization.AddExpression.mutate": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 90, "bases": 0, "doc": 12}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 16}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 170, "bases": 0, "doc": 184}, "ultk.effcomm.optimization.EvolutionaryOptimizer.objectives": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.optimization.EvolutionaryOptimizer.expressions": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutations": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.optimization.EvolutionaryOptimizer.generations": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 98, "bases": 0, "doc": 157}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 68, "bases": 0, "doc": 47}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 56, "bases": 0, "doc": 73}, "ultk.effcomm.optimization.sample_parents": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 107, "bases": 0, "doc": 117}, "ultk.effcomm.sampling": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 9}, "ultk.effcomm.sampling.get_hypothetical_variants": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 116, "bases": 0, "doc": 164}, "ultk.effcomm.tradeoff": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 26}, "ultk.effcomm.tradeoff.dominates": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 41, "bases": 0, "doc": 60}, "ultk.effcomm.tradeoff.non_dominated_2d": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 41, "bases": 0, "doc": 72}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 132, "bases": 0, "doc": 12}, "ultk.effcomm.tradeoff.pareto_min_distances": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 47, "bases": 0, "doc": 131}, "ultk.effcomm.tradeoff.interpolate_data": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 86, "bases": 0, "doc": 169}, "ultk.effcomm.tradeoff.tradeoff": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 199, "bases": 0, "doc": 219}, "ultk.effcomm.util": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 11}, "ultk.effcomm.util.rows_zero_to_uniform": {"qualname": 4, "fullname": 7, "annotation": 0, "default_value": 0, "signature": 29, "bases": 0, "doc": 96}, "ultk.effcomm.util.build_utility_matrix": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 99, "bases": 0, "doc": 21}, "ultk.effcomm.util.PRECISION": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 2, "signature": 0, "bases": 0, "doc": 3}, "ultk.effcomm.util.marginal": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 21, "bases": 0, "doc": 52}, "ultk.effcomm.util.conditional": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 11, "bases": 0, "doc": 56}, "ultk.effcomm.util.joint": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 17, "bases": 0, "doc": 69}, "ultk.effcomm.util.marginalize": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 17, "bases": 0, "doc": 68}, "ultk.effcomm.util.bayes": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 17, "bases": 0, "doc": 37}, "ultk.effcomm.util.xlogx": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 11, "bases": 0, "doc": 8}, "ultk.effcomm.util.H": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 21, "bases": 0, "doc": 16}, "ultk.effcomm.util.MI": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 11, "bases": 0, "doc": 6}, "ultk.effcomm.util.DKL": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 26, "bases": 0, "doc": 7}, "ultk.effcomm.util.gNID": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 23, "bases": 0, "doc": 66}, "ultk.language": {"qualname": 0, "fullname": 2, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 105}, "ultk.language.grammar": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.Rule": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 135}, "ultk.language.grammar.Rule.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 108, "bases": 0, "doc": 3}, "ultk.language.grammar.Rule.lhs": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.Rule.rhs": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.Rule.func": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.Rule.name": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.Rule.weight": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.Rule.is_terminal": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 14, "bases": 0, "doc": 27}, "ultk.language.grammar.GrammaticalExpression": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 4, "doc": 90}, "ultk.language.grammar.GrammaticalExpression.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 107, "bases": 0, "doc": 3}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.GrammaticalExpression.func": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.GrammaticalExpression.children": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 14, "bases": 0, "doc": 51}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 56, "bases": 0, "doc": 3}, "ultk.language.grammar.GrammaticalExpression.add_child": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 19, "bases": 0, "doc": 3}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 14, "bases": 0, "doc": 3}, "ultk.language.grammar.UniquenessArgs": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 2, "doc": 95}, "ultk.language.grammar.UniquenessArgs.unique_expressions": {"qualname": 3, "fullname": 6, "annotation": 9, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.UniquenessArgs.key": {"qualname": 2, "fullname": 5, "annotation": 6, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.UniquenessArgs.compare_func": {"qualname": 3, "fullname": 6, "annotation": 10, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.grammar.Grammar": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 18}, "ultk.language.grammar.Grammar.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 14, "bases": 0, "doc": 3}, "ultk.language.grammar.Grammar.add_rule": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 36, "bases": 0, "doc": 3}, "ultk.language.grammar.Grammar.parse": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 104, "bases": 0, "doc": 99}, "ultk.language.grammar.Grammar.generate": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 46, "bases": 0, "doc": 10}, "ultk.language.grammar.Grammar.enumerate": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 124, "bases": 0, "doc": 165}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"qualname": 4, "fullname": 7, "annotation": 0, "default_value": 0, "signature": 134, "bases": 0, "doc": 12}, "ultk.language.grammar.Grammar.get_unique_expressions": {"qualname": 4, "fullname": 7, "annotation": 0, "default_value": 0, "signature": 194, "bases": 0, "doc": 197}, "ultk.language.grammar.Grammar.get_all_rules": {"qualname": 4, "fullname": 7, "annotation": 0, "default_value": 0, "signature": 35, "bases": 0, "doc": 9}, "ultk.language.grammar.Grammar.from_yaml": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 21, "bases": 0, "doc": 97}, "ultk.language.language": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 234}, "ultk.language.language.Expression": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 10}, "ultk.language.language.Expression.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 67, "bases": 0, "doc": 3}, "ultk.language.language.Expression.form": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.language.Expression.meaning": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.language.Expression.can_express": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 39, "bases": 0, "doc": 18}, "ultk.language.language.Expression.to_dict": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 14, "bases": 0, "doc": 3}, "ultk.language.language.Language": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 7}, "ultk.language.language.Language.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 49, "bases": 0, "doc": 3}, "ultk.language.language.Language.expressions": {"qualname": 2, "fullname": 5, "annotation": 6, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.language.Language.universe": {"qualname": 2, "fullname": 5, "annotation": 5, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.language.Language.add_expression": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 36, "bases": 0, "doc": 14}, "ultk.language.language.Language.pop": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 39, "bases": 0, "doc": 18}, "ultk.language.language.Language.is_natural": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 14, "bases": 0, "doc": 11}, "ultk.language.language.Language.degree_property": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 53, "bases": 0, "doc": 15}, "ultk.language.language.Language.binary_matrix": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 19, "bases": 0, "doc": 24}, "ultk.language.language.Language.to_dict": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 21, "bases": 0, "doc": 3}, "ultk.language.language.aggregate_expression_complexity": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 128, "bases": 0, "doc": 81}, "ultk.language.sampling": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.sampling.powerset": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 37, "bases": 0, "doc": 108}, "ultk.language.sampling.all_meanings": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 68, "bases": 0, "doc": 13}, "ultk.language.sampling.all_expressions": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 74, "bases": 0, "doc": 10}, "ultk.language.sampling.all_languages": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 111, "bases": 0, "doc": 82}, "ultk.language.sampling.upto_comb": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 30, "bases": 0, "doc": 33}, "ultk.language.sampling.random_languages": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 141, "bases": 0, "doc": 457}, "ultk.language.sampling.generate_languages": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 247, "bases": 0, "doc": 639}, "ultk.language.sampling.sample_lang_size": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 167, "bases": 0, "doc": 135}, "ultk.language.sampling.sample_quasi_natural": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 190, "bases": 0, "doc": 139}, "ultk.language.sampling.rename_id": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 29, "bases": 0, "doc": 19}, "ultk.language.sampling.enumerate_all_languages": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 254, "bases": 0, "doc": 220}, "ultk.language.sampling.random_combination_vocabulary": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 145, "bases": 0, "doc": 88}, "ultk.language.semantics": {"qualname": 0, "fullname": 3, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 456}, "ultk.language.semantics.Referent": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 14}, "ultk.language.semantics.Referent.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 38, "bases": 0, "doc": 26}, "ultk.language.semantics.Referent.name": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.semantics.Referent.to_dict": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 14, "bases": 0, "doc": 3}, "ultk.language.semantics.Universe": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 15}, "ultk.language.semantics.Universe.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 66, "bases": 0, "doc": 3}, "ultk.language.semantics.Universe.referents": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.semantics.Universe.set_prior": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 33, "bases": 0, "doc": 3}, "ultk.language.semantics.Universe.prior_numpy": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 19, "bases": 0, "doc": 3}, "ultk.language.semantics.Universe.from_dataframe": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 36, "bases": 0, "doc": 67}, "ultk.language.semantics.Universe.from_csv": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 21, "bases": 0, "doc": 28}, "ultk.language.semantics.Meaning": {"qualname": 1, "fullname": 4, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 60}, "ultk.language.semantics.Meaning.__init__": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 92, "bases": 0, "doc": 149}, "ultk.language.semantics.Meaning.referents": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.semantics.Meaning.universe": {"qualname": 2, "fullname": 5, "annotation": 0, "default_value": 0, "signature": 0, "bases": 0, "doc": 3}, "ultk.language.semantics.Meaning.to_dict": {"qualname": 3, "fullname": 6, "annotation": 0, "default_value": 0, "signature": 14, "bases": 0, "doc": 3}}, "length": 193, "save": true}, "index": {"qualname": {"root": {"2": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}}, "df": 1}}, "docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.__init__": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 17, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.information.ib_comm_cost": {"tf": 1}}, "df": 1, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 1, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.language": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.shape": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 14}}}}}}}}}}}}}}}, "p": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}}, "df": 1}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 2}}}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}}, "df": 1}}}}, "b": {"docs": {"ultk.language.sampling.upto_comb": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 1}}}}}}}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.ib_comm_cost": {"tf": 1}}, "df": 1}}, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.util.conditional": {"tf": 1}}, "df": 1}}}}}}}}}}, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}}, "df": 2}}}}, "h": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}}, "df": 1, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.GrammaticalExpression.children": {"tf": 1}}, "df": 1}}}}}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.language.Expression.can_express": {"tf": 1}}, "df": 1}}, "s": {"docs": {}, "df": 0, "v": {"docs": {"ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 1}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.__init__": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 17, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}}, "df": 1}}}}}}}}, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}}, "df": 4}}, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}}, "df": 1}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}}, "df": 1}}}}}}}, "f": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information.information_rate": {"tf": 1}}, "df": 1}}, "v": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 2}}}}}}}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}}}}}}}}}}, "b": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 9}, "s": {"docs": {"ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1}}, "df": 2}, "d": {"docs": {"ultk.language.sampling.rename_id": {"tf": 1}}, "df": 1}}, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 2, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.language": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.language.language.Language": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1}, "ultk.language.language.Language.expressions": {"tf": 1}, "ultk.language.language.Language.universe": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}, "ultk.language.language.Language.to_dict": {"tf": 1}}, "df": 13, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 7}}}}}}}}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.Listener": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.R": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}}, "df": 4}}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.S": {"tf": 1}}, "df": 3}}}}}}}, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.R": {"tf": 1}}, "df": 3}}}}}}}}}}}}}}, "h": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Rule.lhs": {"tf": 1}}, "df": 1}}}, "s": {"docs": {"ultk.effcomm.agent.Speaker.S": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"tf": 1}}, "df": 3, "h": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.shape": {"tf": 1}}, "df": 1}}}}, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}}, "df": 2}}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 1}}}}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 6}}}}}, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.Speaker": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.S": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}}, "df": 4}}}}}}, "u": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 1}}}}}}, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 3}}}, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.semantics.Universe.set_prior": {"tf": 1}}, "df": 1}}}, "w": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.Rule.weight": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}}, "df": 5}}}}}}}, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}}, "df": 3}}}}}}}}, "n": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}}, "df": 1}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule.name": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"tf": 1}, "ultk.language.semantics.Referent.name": {"tf": 1}}, "df": 3}}, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.language.Language.is_natural": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 2}}}}}}, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.semantics.Universe.prior_numpy": {"tf": 1}}, "df": 1}}}}}, "r": {"docs": {"ultk.effcomm.agent.Listener.R": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.R": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.R": {"tf": 1}}, "df": 3, "e": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Referent.name": {"tf": 1}, "ultk.language.semantics.Referent.to_dict": {"tf": 1}}, "df": 6, "s": {"docs": {"ultk.language.semantics.Universe.referents": {"tf": 1}, "ultk.language.semantics.Meaning.referents": {"tf": 1}}, "df": 2}}}}}}}, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.RemoveExpression": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}}, "df": 3}}}}}}}}}}}}}}, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.rename_id": {"tf": 1}}, "df": 1}}}}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}}, "df": 2}}, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 2}}}}}, "d": {"docs": {"ultk.effcomm.information.get_rd_curve": {"tf": 1}}, "df": 1}, "o": {"docs": {}, "df": 0, "w": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.Rule.lhs": {"tf": 1}, "ultk.language.grammar.Rule.rhs": {"tf": 1}, "ultk.language.grammar.Rule.func": {"tf": 1}, "ultk.language.grammar.Rule.name": {"tf": 1}, "ultk.language.grammar.Rule.weight": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"tf": 1}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1}}, "df": 10, "s": {"docs": {"ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}}, "df": 1}}}}, "h": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Rule.rhs": {"tf": 1}}, "df": 1}}}, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1}, "ultk.language.language.Expression.to_dict": {"tf": 1}, "ultk.language.language.Language.to_dict": {"tf": 1}, "ultk.language.semantics.Referent.to_dict": {"tf": 1}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1}}, "df": 14}, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 2, "o": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "f": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 1}}}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}}}}, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.grammar.Rule.is_terminal": {"tf": 1}}, "df": 1}}}}}}}}, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.language.Expression.can_express": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.language.language.Expression": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1}, "ultk.language.language.Expression.form": {"tf": 1}, "ultk.language.language.Expression.meaning": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.language.Expression.to_dict": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 10, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Language.expressions": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}}, "df": 5}}}}}}}}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.information.expected_distortion": {"tf": 1}}, "df": 1}}}}}, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"tf": 1}}, "df": 1}}}}}}}, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}}, "df": 2}}}}}, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 3}}}}}}}}, "v": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.objectives": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.expressions": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.generations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 14}}}}}}}}}}}}}}}}}}}, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1}}, "df": 1}}}}}}}}, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"tf": 1}}, "df": 3}}}}}}}, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.R": {"tf": 1}}, "df": 3}}}}}}}}}}}}}}}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}}, "df": 3}}}}}}}}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.util.PRECISION": {"tf": 1}}, "df": 1}}}}}}}, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.language.Language.degree_property": {"tf": 1}}, "df": 1}}}}}}, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.semantics.Universe.set_prior": {"tf": 1}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 1}}, "df": 2}}}}, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}}}}}}, "o": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}}, "df": 1}}}, "p": {"docs": {"ultk.language.language.Language.pop": {"tf": 1}}, "df": 1}, "w": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}}, "df": 1}}}}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 1}}}, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 2}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}}}}}, "b": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.util.bayes": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}}, "df": 2}}}}}}}}}}}}}}}, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "k": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1}}}}}}}}}, "u": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 1}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.language.Language.binary_matrix": {"tf": 1}}, "df": 1}}}}}}, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}}, "df": 7}, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.generations": {"tf": 1}}, "df": 1}}}}, "e": {"docs": {"ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}}}}}}, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.util.gNID": {"tf": 1}}, "df": 1}}}, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.func": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.children": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1}}, "df": 9}}}}}}}}}}}}}}}, "r": {"docs": {"ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.grammar.Grammar.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 10}}}}}}}, "d": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1, "f": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 2}}}}}}}}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}}, "df": 3}}}}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 1}}}}}}}, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1}, "ultk.language.language.Expression.to_dict": {"tf": 1}, "ultk.language.language.Language.to_dict": {"tf": 1}, "ultk.language.semantics.Referent.to_dict": {"tf": 1}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1}}, "df": 5}}}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 2}}}}}, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {"ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}}, "df": 1}}}, "g": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.Language.degree_property": {"tf": 1}}, "df": 1}}}}}, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"tf": 1}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1}}, "df": 1}, "d": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}}, "df": 1}}}}}}}}, "k": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.util.DKL": {"tf": 1}}, "df": 1}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}}}}}}}, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}}, "c": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.ib_accuracy": {"tf": 1}}, "df": 1}}}}}}}, "d": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}}, "df": 3, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.AddExpression": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}}, "df": 3}}}}}}}}}}}}, "t": {"docs": {"ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}}, "df": 1}, "l": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 5}}, "g": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 1}}}}}}}}}, "o": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "f": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 2}}, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}}, "df": 2}}}}}}, "b": {"docs": {}, "df": 0, "j": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.objectives": {"tf": 1}}, "df": 1}}}}}}}}}}, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.language.Expression.meaning": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.referents": {"tf": 1}, "ultk.language.semantics.Meaning.universe": {"tf": 1}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1}}, "df": 6, "s": {"docs": {"ultk.language.sampling.all_meanings": {"tf": 1}}, "df": 1}}}}}}}, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.Mutation": {"tf": 1}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}}, "df": 3, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"tf": 1}}, "df": 2}}}}, "e": {"docs": {"ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 4, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}}, "df": 1}}}}}}, "a": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"tf": 1}}, "df": 1}, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}}, "df": 2}}}}, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.util.marginal": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.util.marginalize": {"tf": 1}}, "df": 1}}}}}}}}}}, "i": {"docs": {"ultk.effcomm.util.MI": {"tf": 1}}, "df": 1, "n": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 1}}}, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 2}}}}}}, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}}, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 2, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.key": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}}, "df": 4}}}}}}}}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.Language.universe": {"tf": 1}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Universe.referents": {"tf": 1}, "ultk.language.semantics.Universe.set_prior": {"tf": 1}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}, "ultk.language.semantics.Meaning.universe": {"tf": 1}}, "df": 9}}}}}}}, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk.language.sampling.upto_comb": {"tf": 1}}, "df": 1}}}}, "f": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1}}, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {"ultk.language.grammar.Rule.func": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.func": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}}, "df": 3}}}, "r": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 3}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {"ultk.language.language.Expression.form": {"tf": 1}}, "df": 1}}}}, "h": {"docs": {"ultk.effcomm.util.H": {"tf": 1}}, "df": 1, "y": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}}}}}}}}, "v": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}}}, "o": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 1}}}}}}}}}}, "z": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}}, "j": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.util.joint": {"tf": 1}}, "df": 1}}}}}, "x": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.util.xlogx": {"tf": 1}}, "df": 1}}}}}, "y": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 1}}}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 1}}}}, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.grammar.UniquenessArgs.key": {"tf": 1}}, "df": 1}}}, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {"ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 1}}}}}}}, "fullname": {"root": {"2": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}}, "df": 1}}, "docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.__init__": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 17, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "k": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.language": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.shape": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.S": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.R": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.R": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.R": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.Mutation": {"tf": 1}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.objectives": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.expressions": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.generations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.sampling": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.effcomm.util.PRECISION": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.bayes": {"tf": 1}, "ultk.effcomm.util.xlogx": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}, "ultk.effcomm.util.MI": {"tf": 1}, "ultk.effcomm.util.DKL": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.Rule.lhs": {"tf": 1}, "ultk.language.grammar.Rule.rhs": {"tf": 1}, "ultk.language.grammar.Rule.func": {"tf": 1}, "ultk.language.grammar.Rule.name": {"tf": 1}, "ultk.language.grammar.Rule.weight": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.func": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.children": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.key": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.grammar.Grammar.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.language.Expression": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1}, "ultk.language.language.Expression.form": {"tf": 1}, "ultk.language.language.Expression.meaning": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.language.Expression.to_dict": {"tf": 1}, "ultk.language.language.Language": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1}, "ultk.language.language.Language.expressions": {"tf": 1}, "ultk.language.language.Language.universe": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}, "ultk.language.language.Language.to_dict": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}, "ultk.language.sampling": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Referent.name": {"tf": 1}, "ultk.language.semantics.Referent.to_dict": {"tf": 1}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Universe.referents": {"tf": 1}, "ultk.language.semantics.Universe.set_prior": {"tf": 1}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.referents": {"tf": 1}, "ultk.language.semantics.Meaning.universe": {"tf": 1}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1}}, "df": 193}}}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.util": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.effcomm.util.PRECISION": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.bayes": {"tf": 1}, "ultk.effcomm.util.xlogx": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}, "ultk.effcomm.util.MI": {"tf": 1}, "ultk.effcomm.util.DKL": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}}, "df": 14, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 2}}}}}}, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}}, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 2, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.key": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}}, "df": 4}}}}}}}}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.Language.universe": {"tf": 1}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Universe.referents": {"tf": 1}, "ultk.language.semantics.Universe.set_prior": {"tf": 1}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}, "ultk.language.semantics.Meaning.universe": {"tf": 1}}, "df": 9}}}}}}}, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk.language.sampling.upto_comb": {"tf": 1}}, "df": 1}}}}, "e": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.language": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.shape": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.S": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.R": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.R": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.R": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.Mutation": {"tf": 1}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.objectives": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.expressions": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.generations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.sampling": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.effcomm.util.PRECISION": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.bayes": {"tf": 1}, "ultk.effcomm.util.xlogx": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}, "ultk.effcomm.util.MI": {"tf": 1}, "ultk.effcomm.util.DKL": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}}, "df": 111}}}}}}, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.language.Expression.can_express": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.language.language.Expression": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1}, "ultk.language.language.Expression.form": {"tf": 1}, "ultk.language.language.Expression.meaning": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.language.Expression.to_dict": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 10, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Language.expressions": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}}, "df": 5}}}}}}}}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.information.expected_distortion": {"tf": 1}}, "df": 1}}}}}, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"tf": 1}}, "df": 1}}}}}}}, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}}, "df": 2}}}}}, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 3}}}}}}}}, "v": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.objectives": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.expressions": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.generations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 14}}}}}}}}}}}}}}}}}}}, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1}}, "df": 1}}}}}}}}, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.language": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.shape": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.S": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.R": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.R": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.R": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}}, "df": 37}}}, "g": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 1}}}}}}}}, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 5}}}}}}}, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}}, "c": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.ib_accuracy": {"tf": 1}}, "df": 1}}}}}}}, "d": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}}, "df": 3, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.AddExpression": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}}, "df": 3}}}}}}}}}}}}, "t": {"docs": {"ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}}, "df": 1}, "l": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 5}}}, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.information.ib_comm_cost": {"tf": 1}}, "df": 1, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 1, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.language": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.shape": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 14}}}}}}}}}}}}}}}, "p": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}}, "df": 1}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 2}}}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}}, "df": 1}}}}, "b": {"docs": {"ultk.language.sampling.upto_comb": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 1}}}}}}}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.ib_comm_cost": {"tf": 1}}, "df": 1}}, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.util.conditional": {"tf": 1}}, "df": 1}}}}}}}}}}, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}}, "df": 2}}}}, "h": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}}, "df": 1, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.GrammaticalExpression.children": {"tf": 1}}, "df": 1}}}}}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.language.Expression.can_express": {"tf": 1}}, "df": 1}}, "s": {"docs": {}, "df": 0, "v": {"docs": {"ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 1}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.__init__": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 17, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}}, "df": 1}}}}}}}}, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}}, "df": 4}}, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}}, "df": 1}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}}, "df": 1}}}}}}}, "f": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.information.information_rate": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 16}}, "v": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 5}}}}}}}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}}}}}}}}}}, "b": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 9}, "s": {"docs": {"ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1}}, "df": 2}, "d": {"docs": {"ultk.language.sampling.rename_id": {"tf": 1}}, "df": 1}}, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 2, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.language": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.Rule.lhs": {"tf": 1}, "ultk.language.grammar.Rule.rhs": {"tf": 1}, "ultk.language.grammar.Rule.func": {"tf": 1}, "ultk.language.grammar.Rule.name": {"tf": 1}, "ultk.language.grammar.Rule.weight": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.func": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.children": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.key": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.grammar.Grammar.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.language": {"tf": 1.4142135623730951}, "ultk.language.language.Expression": {"tf": 1.4142135623730951}, "ultk.language.language.Expression.__init__": {"tf": 1.4142135623730951}, "ultk.language.language.Expression.form": {"tf": 1.4142135623730951}, "ultk.language.language.Expression.meaning": {"tf": 1.4142135623730951}, "ultk.language.language.Expression.can_express": {"tf": 1.4142135623730951}, "ultk.language.language.Expression.to_dict": {"tf": 1.4142135623730951}, "ultk.language.language.Language": {"tf": 1.7320508075688772}, "ultk.language.language.Language.__init__": {"tf": 1.7320508075688772}, "ultk.language.language.Language.expressions": {"tf": 1.7320508075688772}, "ultk.language.language.Language.universe": {"tf": 1.7320508075688772}, "ultk.language.language.Language.add_expression": {"tf": 1.7320508075688772}, "ultk.language.language.Language.pop": {"tf": 1.7320508075688772}, "ultk.language.language.Language.is_natural": {"tf": 1.7320508075688772}, "ultk.language.language.Language.degree_property": {"tf": 1.7320508075688772}, "ultk.language.language.Language.binary_matrix": {"tf": 1.7320508075688772}, "ultk.language.language.Language.to_dict": {"tf": 1.7320508075688772}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1.4142135623730951}, "ultk.language.sampling": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Referent.name": {"tf": 1}, "ultk.language.semantics.Referent.to_dict": {"tf": 1}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Universe.referents": {"tf": 1}, "ultk.language.semantics.Universe.set_prior": {"tf": 1}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.referents": {"tf": 1}, "ultk.language.semantics.Meaning.universe": {"tf": 1}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1}}, "df": 84, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 7}}}}}}}}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.Listener": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.R": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}}, "df": 4}}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.S": {"tf": 1}}, "df": 3}}}}}}}, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.R": {"tf": 1}}, "df": 3}}}}}}}}}}}}}}, "h": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Rule.lhs": {"tf": 1}}, "df": 1}}}, "s": {"docs": {"ultk.effcomm.agent.Speaker.S": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"tf": 1}}, "df": 3, "h": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.shape": {"tf": 1}}, "df": 1}}}}, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}}, "df": 2}}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 1}}}}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 6}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.sampling": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language.sampling": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 15}}}}}}}, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.Speaker": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.S": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}}, "df": 4}}}}}}, "u": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 1}}}}}}, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 3}}}, "e": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Referent.name": {"tf": 1}, "ultk.language.semantics.Referent.to_dict": {"tf": 1}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Universe.referents": {"tf": 1}, "ultk.language.semantics.Universe.set_prior": {"tf": 1}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.referents": {"tf": 1}, "ultk.language.semantics.Meaning.universe": {"tf": 1}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1}}, "df": 17}}}}}}}, "t": {"docs": {"ultk.language.semantics.Universe.set_prior": {"tf": 1}}, "df": 1}}}, "w": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.Rule.weight": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}}, "df": 5}}}}}}}, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}}, "df": 3}}}}}}}}, "n": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}}, "df": 1}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule.name": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"tf": 1}, "ultk.language.semantics.Referent.name": {"tf": 1}}, "df": 3}}, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.language.Language.is_natural": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 2}}}}}}, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.semantics.Universe.prior_numpy": {"tf": 1}}, "df": 1}}}}}, "r": {"docs": {"ultk.effcomm.agent.Listener.R": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.R": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.R": {"tf": 1}}, "df": 3, "e": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Referent.name": {"tf": 1}, "ultk.language.semantics.Referent.to_dict": {"tf": 1}}, "df": 6, "s": {"docs": {"ultk.language.semantics.Universe.referents": {"tf": 1}, "ultk.language.semantics.Meaning.referents": {"tf": 1}}, "df": 2}}}}}}}, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.RemoveExpression": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}}, "df": 3}}}}}}}}}}}}}}, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.rename_id": {"tf": 1}}, "df": 1}}}}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}}, "df": 2}}, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 2}}}}}, "d": {"docs": {"ultk.effcomm.information.get_rd_curve": {"tf": 1}}, "df": 1}, "o": {"docs": {}, "df": 0, "w": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.Rule.lhs": {"tf": 1}, "ultk.language.grammar.Rule.rhs": {"tf": 1}, "ultk.language.grammar.Rule.func": {"tf": 1}, "ultk.language.grammar.Rule.name": {"tf": 1}, "ultk.language.grammar.Rule.weight": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"tf": 1}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1}}, "df": 10, "s": {"docs": {"ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}}, "df": 1}}}}, "h": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Rule.rhs": {"tf": 1}}, "df": 1}}}, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1}, "ultk.language.language.Expression.to_dict": {"tf": 1}, "ultk.language.language.Language.to_dict": {"tf": 1}, "ultk.language.semantics.Referent.to_dict": {"tf": 1}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1}}, "df": 14}, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 2, "o": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "f": {"docs": {"ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 7}}}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}}}}, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.grammar.Rule.is_terminal": {"tf": 1}}, "df": 1}}}}}}}}, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"tf": 1}}, "df": 3}}}}}}}, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.R": {"tf": 1}}, "df": 3}}}}}}}}}}}}}}}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}}, "df": 3}}}}}}}}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.util.PRECISION": {"tf": 1}}, "df": 1}}}}}}}, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.language.Language.degree_property": {"tf": 1}}, "df": 1}}}}}}, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.semantics.Universe.set_prior": {"tf": 1}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 1}}, "df": 2}}}}, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}}}}}}, "o": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}}, "df": 1}}}, "p": {"docs": {"ultk.language.language.Language.pop": {"tf": 1}}, "df": 1}, "w": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}}, "df": 1}}}}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 1}}}, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 2}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}}}}}, "b": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.util.bayes": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}}, "df": 2}}}}}}}}}}}}}}}, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "k": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1}}}}}}}}}, "u": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 1}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.language.Language.binary_matrix": {"tf": 1}}, "df": 1}}}}}}, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}}, "df": 7}, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.generations": {"tf": 1}}, "df": 1}}}}, "e": {"docs": {"ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}}}}}}, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.util.gNID": {"tf": 1}}, "df": 1}}}, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.grammar": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.Rule.lhs": {"tf": 1}, "ultk.language.grammar.Rule.rhs": {"tf": 1}, "ultk.language.grammar.Rule.func": {"tf": 1}, "ultk.language.grammar.Rule.name": {"tf": 1}, "ultk.language.grammar.Rule.weight": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.func": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.children": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.key": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.__init__": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.parse": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.generate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}}, "df": 32}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.func": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.children": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1}}, "df": 9}}}}}}}}}}}}}}}}}}}}}, "d": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1, "f": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 2}}}}}}}}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}}, "df": 3}}}}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 1}}}}}}}, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1}, "ultk.language.language.Expression.to_dict": {"tf": 1}, "ultk.language.language.Language.to_dict": {"tf": 1}, "ultk.language.semantics.Referent.to_dict": {"tf": 1}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1}}, "df": 5}}}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 2}}}}}, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {"ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}}, "df": 1}}}, "g": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.Language.degree_property": {"tf": 1}}, "df": 1}}}}}, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"tf": 1}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1}}, "df": 1}, "d": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}}, "df": 1}}}}}}}}, "k": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.util.DKL": {"tf": 1}}, "df": 1}}}, "o": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "f": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 2}}, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}}, "df": 2}}, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.Mutation": {"tf": 1}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.objectives": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.expressions": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.generations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 25}}}}}}}}}}}, "b": {"docs": {}, "df": 0, "j": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.objectives": {"tf": 1}}, "df": 1}}}}}}}}}}, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.language.Expression.meaning": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.referents": {"tf": 1}, "ultk.language.semantics.Meaning.universe": {"tf": 1}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1}}, "df": 6, "s": {"docs": {"ultk.language.sampling.all_meanings": {"tf": 1}}, "df": 1}}}}}}}, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.Mutation": {"tf": 1}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}}, "df": 3, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.mutations": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"tf": 1}}, "df": 2}}}}, "e": {"docs": {"ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 4, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}}, "df": 1}}}}}}, "a": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"tf": 1}}, "df": 1}, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}}, "df": 2}}}}, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.util.marginal": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.util.marginalize": {"tf": 1}}, "df": 1}}}}}}}}}}, "i": {"docs": {"ultk.effcomm.util.MI": {"tf": 1}}, "df": 1, "n": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 1}}}, "f": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1}}, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {"ultk.language.grammar.Rule.func": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.func": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}}, "df": 3}}}, "r": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 3}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {"ultk.language.language.Expression.form": {"tf": 1}}, "df": 1}}}}, "h": {"docs": {"ultk.effcomm.util.H": {"tf": 1}}, "df": 1, "y": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}}}}}}}}, "v": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}}}, "o": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 1}}}}}}}}}}, "z": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}}, "j": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.util.joint": {"tf": 1}}, "df": 1}}}}}, "x": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.util.xlogx": {"tf": 1}}, "df": 1}}}}}, "y": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 1}}}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 1}}}}, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.grammar.UniquenessArgs.key": {"tf": 1}}, "df": 1}}}, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {"ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 1}}}}}}}, "annotation": {"root": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.S": {"tf": 1}, "ultk.effcomm.agent.Listener.R": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.R": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.R": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.key": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}, "ultk.language.language.Language.expressions": {"tf": 1.4142135623730951}, "ultk.language.language.Language.universe": {"tf": 1}}, "df": 12, "n": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.S": {"tf": 1}, "ultk.effcomm.agent.Listener.R": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.R": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.R": {"tf": 1}}, "df": 7}}}}, "d": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.S": {"tf": 1}, "ultk.effcomm.agent.Listener.R": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.R": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.R": {"tf": 1}}, "df": 7}}}}}}}, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "[": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.grammar.UniquenessArgs.key": {"tf": 1}}, "df": 2}}}, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "k": {"docs": {"ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}, "ultk.language.language.Language.universe": {"tf": 1}}, "df": 3}}}, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.Language.universe": {"tf": 1}}, "df": 1}}}}}}}}, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.key": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1.4142135623730951}, "ultk.language.language.Language.expressions": {"tf": 1.4142135623730951}, "ultk.language.language.Language.universe": {"tf": 1}}, "df": 5}}}}}}}}, "g": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.key": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1.4142135623730951}}, "df": 3}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.key": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1.4142135623730951}}, "df": 3}}}}}}}}}}}}}}}}}}}}}, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "[": {"docs": {}, "df": 0, "[": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "k": {"docs": {"ultk.language.grammar.UniquenessArgs.key": {"tf": 1}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}}, "df": 2}}}}}}}}}}}}}}, "b": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1}}, "df": 1}}}}, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "[": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "k": {"docs": {"ultk.language.language.Language.expressions": {"tf": 1}}, "df": 1}}}}}}}}}}, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.language.Language.expressions": {"tf": 1}}, "df": 1}}}}}}}}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.language.Language.universe": {"tf": 1}}, "df": 1}}}}}}}}}}}, "default_value": {"root": {"1": {"6": {"docs": {"ultk.effcomm.util.PRECISION": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.util.PRECISION": {"tf": 1}}, "df": 1}}, "docs": {}, "df": 0}}, "signature": {"root": {"0": {"5": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}, "docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 10}, "1": {"0": {"0": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}}, "df": 7, "e": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}, "2": {"0": {"0": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "3": {"9": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 2}, "ultk.effcomm.analysis.get_dataframe": {"tf": 2.449489742783178}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 2}, "ultk.language.grammar.Grammar.parse": {"tf": 2.449489742783178}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_lang_size": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}}, "df": 12}, "docs": {}, "df": 0}, "5": {"0": {"0": {"0": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "8": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 1}, "docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 5.477225575051661}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 3.4641016151377544}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 6.324555320336759}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 5.656854249492381}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 5.656854249492381}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 5.656854249492381}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 5.656854249492381}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 6.244997998398398}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 4.47213595499958}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 8.717797887081348}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 5.477225575051661}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 4}, "ultk.effcomm.agent.Listener.__init__": {"tf": 5.477225575051661}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 4}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 5.477225575051661}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 5.477225575051661}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 8.246211251235321}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 8.12403840463596}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 7.280109889280518}, "ultk.effcomm.analysis.get_dataframe": {"tf": 10.770329614269007}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 7.3484692283495345}, "ultk.effcomm.analysis.trade_off_means": {"tf": 7.681145747868608}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 7.681145747868608}, "ultk.effcomm.information.information_rate": {"tf": 5.656854249492381}, "ultk.effcomm.information.get_rd_curve": {"tf": 7.810249675906654}, "ultk.effcomm.information.expected_distortion": {"tf": 6.855654600401044}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 5.385164807134504}, "ultk.effcomm.information.blahut_arimoto": {"tf": 9.643650760992955}, "ultk.effcomm.information.get_ib_curve": {"tf": 9.899494936611665}, "ultk.effcomm.information.get_bottleneck": {"tf": 8.94427190999916}, "ultk.effcomm.information.ib_complexity": {"tf": 6.324555320336759}, "ultk.effcomm.information.ib_informativity": {"tf": 7.416198487095663}, "ultk.effcomm.information.ib_comm_cost": {"tf": 7.416198487095663}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 7.483314773547883}, "ultk.effcomm.information.ib_accuracy": {"tf": 6.855654600401044}, "ultk.effcomm.information.ib_distortion": {"tf": 6.855654600401044}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 8.426149773176359}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 7.14142842854285}, "ultk.effcomm.informativity.indicator_utility": {"tf": 7.0710678118654755}, "ultk.effcomm.informativity.informativity": {"tf": 11}, "ultk.effcomm.informativity.communicative_success": {"tf": 10.535653752852738}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 5.830951894845301}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 8.602325267042627}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 5.830951894845301}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 8.602325267042627}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 5.830951894845301}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 8.602325267042627}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 10.908712114635714}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 8.888194417315589}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 7.483314773547883}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 6.782329983125268}, "ultk.effcomm.optimization.sample_parents": {"tf": 9.273618495495704}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 9.797958971132712}, "ultk.effcomm.tradeoff.dominates": {"tf": 5.830951894845301}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 5.830951894845301}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 10.392304845413264}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 6.164414002968976}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 8.246211251235321}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 12.649110640673518}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 4.898979485566356}, "ultk.effcomm.util.build_utility_matrix": {"tf": 9}, "ultk.effcomm.util.marginal": {"tf": 4.242640687119285}, "ultk.effcomm.util.conditional": {"tf": 3.1622776601683795}, "ultk.effcomm.util.joint": {"tf": 3.7416573867739413}, "ultk.effcomm.util.marginalize": {"tf": 3.7416573867739413}, "ultk.effcomm.util.bayes": {"tf": 3.7416573867739413}, "ultk.effcomm.util.xlogx": {"tf": 3.1622776601683795}, "ultk.effcomm.util.H": {"tf": 4.242640687119285}, "ultk.effcomm.util.MI": {"tf": 3.1622776601683795}, "ultk.effcomm.util.DKL": {"tf": 4.69041575982343}, "ultk.effcomm.util.gNID": {"tf": 4.242640687119285}, "ultk.language.grammar.Rule.__init__": {"tf": 9.273618495495704}, "ultk.language.grammar.Rule.is_terminal": {"tf": 3.4641016151377544}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 9.38083151964686}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 3.4641016151377544}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 6.782329983125268}, "ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 4}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 3.4641016151377544}, "ultk.language.grammar.Grammar.__init__": {"tf": 3.4641016151377544}, "ultk.language.grammar.Grammar.add_rule": {"tf": 5.477225575051661}, "ultk.language.grammar.Grammar.parse": {"tf": 9.219544457292887}, "ultk.language.grammar.Grammar.generate": {"tf": 6.164414002968976}, "ultk.language.grammar.Grammar.enumerate": {"tf": 10.099504938362077}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 10.488088481701515}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 12.529964086141668}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 5.385164807134504}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 4.242640687119285}, "ultk.language.language.Expression.__init__": {"tf": 7.483314773547883}, "ultk.language.language.Expression.can_express": {"tf": 5.656854249492381}, "ultk.language.language.Expression.to_dict": {"tf": 3.4641016151377544}, "ultk.language.language.Language.__init__": {"tf": 6.48074069840786}, "ultk.language.language.Language.add_expression": {"tf": 5.477225575051661}, "ultk.language.language.Language.pop": {"tf": 5.656854249492381}, "ultk.language.language.Language.is_natural": {"tf": 3.4641016151377544}, "ultk.language.language.Language.degree_property": {"tf": 6.6332495807108}, "ultk.language.language.Language.binary_matrix": {"tf": 4}, "ultk.language.language.Language.to_dict": {"tf": 4.242640687119285}, "ultk.language.language.aggregate_expression_complexity": {"tf": 10.099504938362077}, "ultk.language.sampling.powerset": {"tf": 5.477225575051661}, "ultk.language.sampling.all_meanings": {"tf": 7.483314773547883}, "ultk.language.sampling.all_expressions": {"tf": 7.810249675906654}, "ultk.language.sampling.all_languages": {"tf": 8.888194417315589}, "ultk.language.sampling.upto_comb": {"tf": 4.898979485566356}, "ultk.language.sampling.random_languages": {"tf": 10.04987562112089}, "ultk.language.sampling.generate_languages": {"tf": 13.892443989449804}, "ultk.language.sampling.sample_lang_size": {"tf": 11.40175425099138}, "ultk.language.sampling.sample_quasi_natural": {"tf": 12.12435565298214}, "ultk.language.sampling.rename_id": {"tf": 4.898979485566356}, "ultk.language.sampling.enumerate_all_languages": {"tf": 14.177446878757825}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 10.816653826391969}, "ultk.language.semantics.Referent.__init__": {"tf": 5.744562646538029}, "ultk.language.semantics.Referent.to_dict": {"tf": 3.4641016151377544}, "ultk.language.semantics.Universe.__init__": {"tf": 7.416198487095663}, "ultk.language.semantics.Universe.set_prior": {"tf": 5.291502622129181}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 4}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 5.477225575051661}, "ultk.language.semantics.Universe.from_csv": {"tf": 4.242640687119285}, "ultk.language.semantics.Meaning.__init__": {"tf": 8.717797887081348}, "ultk.language.semantics.Meaning.to_dict": {"tf": 3.4641016151377544}}, "df": 119, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_lang_size": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 5, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 2}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 2}, "ultk.effcomm.agent.Listener.__init__": {"tf": 2}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 2}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 2}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 2}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 2}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_complexity": {"tf": 2}, "ultk.effcomm.information.ib_informativity": {"tf": 2}, "ultk.effcomm.information.ib_comm_cost": {"tf": 2}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 2}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 2.449489742783178}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 2}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 3}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 2}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 3}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 2}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 3}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 2.449489742783178}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 2.449489742783178}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 2.6457513110645907}, "ultk.effcomm.optimization.sample_parents": {"tf": 3}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 3}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 3}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1.4142135623730951}, "ultk.language.language.Language.add_expression": {"tf": 1.4142135623730951}, "ultk.language.language.Language.pop": {"tf": 1.4142135623730951}, "ultk.language.language.Language.degree_property": {"tf": 1.4142135623730951}, "ultk.language.language.aggregate_expression_complexity": {"tf": 2.449489742783178}, "ultk.language.sampling.all_meanings": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_expressions": {"tf": 1.7320508075688772}, "ultk.language.sampling.all_languages": {"tf": 3.4641016151377544}, "ultk.language.sampling.random_languages": {"tf": 3.4641016151377544}, "ultk.language.sampling.generate_languages": {"tf": 2.8284271247461903}, "ultk.language.sampling.sample_lang_size": {"tf": 3}, "ultk.language.sampling.sample_quasi_natural": {"tf": 2.8284271247461903}, "ultk.language.sampling.enumerate_all_languages": {"tf": 2.8284271247461903}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 2.6457513110645907}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.4142135623730951}}, "df": 62, "s": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 6}}}}}}}, "m": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "a": {"docs": {"ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}}}}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.dominates": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 2}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.7320508075688772}}, "df": 25, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}}, "df": 2}}}}, "[": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "k": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1}}}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}}}, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}}, "df": 1}}}}, "t": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.language.grammar.Rule.__init__": {"tf": 1.4142135623730951}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 7}, "h": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 5}}}, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "k": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 2}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 2}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1.7320508075688772}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.7320508075688772}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_meanings": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_expressions": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_lang_size": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.7320508075688772}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.7320508075688772}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.4142135623730951}}, "df": 63}}}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 3}}}}}}, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 2, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}}, "df": 2, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}}, "df": 2}}}}}}}}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.util.build_utility_matrix": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_meanings": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.4142135623730951}}, "df": 4}}}}}, "f": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}}, "df": 1}}}}}, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}}, "df": 3}}}}}}}}}, "k": {"docs": {"ultk.language.sampling.upto_comb": {"tf": 1}}, "df": 1, "w": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1}, "ultk.language.language.Language.to_dict": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}}, "df": 16}}}}}, "e": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "f": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.language.Expression.to_dict": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}, "ultk.language.language.Language.to_dict": {"tf": 1}, "ultk.language.semantics.Referent.to_dict": {"tf": 1}, "ultk.language.semantics.Universe.set_prior": {"tf": 1}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 1}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1}}, "df": 38}}, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1.4142135623730951}, "ultk.language.language.Expression.__init__": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.4142135623730951}}, "df": 14}}}}}}}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1}, "n": {"docs": {"ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 1}}, "t": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 2}, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule.__init__": {"tf": 1}}, "df": 1}}}}}}}, "t": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 2}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 2}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.rename_id": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Universe.set_prior": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 26, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 2}}}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.Grammar.__init__": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 5}}}}, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 4, "s": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}}}, "u": {"docs": {}, "df": 0, "b": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}}, "df": 1}}}}, "m": {"docs": {"ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 1}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 5, "s": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 4}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}}, "df": 1}}}}}}}, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.information_rate": {"tf": 1}}, "df": 1}}}}}, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_lang_size": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}}, "df": 8}}}}, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}, "ultk.effcomm.util.DKL": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 2.23606797749979}, "ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 2}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 2}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 25, "t": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_meanings": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_expressions": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_languages": {"tf": 1.4142135623730951}}, "df": 5}}}}}}}, "u": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}}, "df": 5, "p": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.information.information_rate": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_rd_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.information.expected_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1.4142135623730951}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_accuracy": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 2}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 2}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1.4142135623730951}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 1}}, "df": 28}}, "b": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}}, "d": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.information.information_rate": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_rd_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.information.expected_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1.4142135623730951}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_accuracy": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 2}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 2}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1.4142135623730951}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 1}}, "df": 28}}}}}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}}, "df": 10}}, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}}, "df": 3}}}}}}}, "w": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.Rule.__init__": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}}, "df": 1}}}}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}}, "df": 1}}}}}, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 2}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_lang_size": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.7320508075688772}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 2.23606797749979}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}}, "df": 26}, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}}, "df": 4}}, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}}, "df": 1}}}}}, "f": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}}, "df": 1}}}}}}}}}}}}, "t": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.aggregate_expression_complexity": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1.7320508075688772}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 7}}}}}}}, "g": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}}, "df": 5}}, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}}, "df": 1}}}, "b": {"docs": {}, "df": 0, "j": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}}, "df": 2}}}}}}}}}, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.7320508075688772}}, "df": 1}}}}}}}}}}, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}}}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "f": {"1": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}}, "df": 1}, "2": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1.4142135623730951}, "ultk.language.language.Expression.can_express": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 9, "s": {"docs": {"ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 2}}}}}}}, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1}}}}}}}}}}}}}}}, "h": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Rule.__init__": {"tf": 1}}, "df": 1}}, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}}, "df": 4}}}}, "e": {"docs": {"ultk.language.language.Language.add_expression": {"tf": 1}}, "df": 1, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}}, "df": 20, "s": {"docs": {"ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 9}}}}}}}}, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 2, "d": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 1}}}}}}, "a": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}, "f": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 6}}}}}}, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 5}}}}}}, "p": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Expression.to_dict": {"tf": 1}, "ultk.language.language.Language.to_dict": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Referent.to_dict": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Universe.set_prior": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1}}, "df": 21}}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 5, "s": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 8}}}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 2, "f": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 4}}}}}}}}, "u": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}}, "df": 1}}}}}}}}, "m": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 4}}}}, "f": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 2}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}}, "df": 1}}}}}, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}}}}}}}, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 3}}}}, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 1}}}}}}}}}}, "t": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 10}}}, "e": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 6, "[": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "k": {"docs": {"ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 2}}}}}}}}, "u": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.language.Language.__init__": {"tf": 1}}, "df": 12}}}}, "h": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 1}}}}}}}}, "e": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}}, "df": 1}}}}}}}}}, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}}, "df": 3}}}}, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 15}}, "c": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 1}}}}}}}, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 6}}}, "g": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 1}}}}}}}}}, "d": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1}}}}}}}}}}}}, "x": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}, "ultk.effcomm.util.DKL": {"tf": 1}}, "df": 3}}}, "b": {"docs": {}, "df": 0, "c": {"docs": {"ultk.language.grammar.Rule.__init__": {"tf": 1}}, "df": 1}}, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}}, "df": 2}}}}, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 4}}}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1}}}}, "m": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 2}}, "l": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}}, "df": 1}}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Rule.__init__": {"tf": 1}}, "df": 1}}}}}}}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 3}}, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 4}}, "n": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}}}, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}}, "df": 1}}}}, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 12}}}}}}, "c": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}}, "df": 1}}}}, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 7}}}, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}}}}, "s": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 3}}, "h": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1}}, "df": 1, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}}, "df": 1}}}}}}}, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}}}}}, "f": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.7320508075688772}, "ultk.effcomm.information.get_ib_curve": {"tf": 2}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.7320508075688772}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 2}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Universe.set_prior": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 30}}}}, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 4}}}, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 1}}}}}}}, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 6}}}}, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {"ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 3, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.grammar.Rule.__init__": {"tf": 1.4142135623730951}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 4}}}}}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {"ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1}}, "df": 2}}}, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 2}}}}}}, "x": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}, "p": {"1": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1}}, "df": 1}, "2": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1}}, "df": 1}, "docs": {"ultk.effcomm.information.expected_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.util.xlogx": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}, "ultk.effcomm.util.DKL": {"tf": 1}}, "df": 6, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.language.semantics.Universe.__init__": {"tf": 1}, "ultk.language.semantics.Universe.set_prior": {"tf": 1}}, "df": 17}}}, "e": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}}}}}}}, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.language.language.Language.degree_property": {"tf": 1}}, "df": 2}, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}}, "df": 4}}}}}}}, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 4}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 1}}}}}, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 2}}}}}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 3}}}}}, "x": {"docs": {"ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.bayes": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}}, "df": 4, "y": {"docs": {"ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1}, "ultk.effcomm.util.MI": {"tf": 1}}, "df": 3}}, "y": {"docs": {"ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.bayes": {"tf": 1}}, "df": 3}, "w": {"docs": {"ultk.effcomm.util.gNID": {"tf": 1}}, "df": 1}, "v": {"docs": {"ultk.effcomm.util.gNID": {"tf": 1}}, "df": 1}}, "b": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "p": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}}}}}}, "l": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 12}}}, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.information.get_rd_curve": {"tf": 1}}, "df": 1}}}}, "u": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 1}}}}}, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1}, "ultk.language.language.Expression.__init__": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}}, "df": 13, "s": {"docs": {"ultk.language.sampling.all_expressions": {"tf": 1}}, "df": 1}}}}}}}, "a": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 5}, "x": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 8, "b": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1, "b": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}}, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}}, "x": {"2": {"7": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 2}, "ultk.language.sampling.all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}}, "df": 3}, "docs": {}, "df": 0}, "docs": {"ultk.effcomm.information.expected_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.bayes": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1.4142135623730951}}, "df": 8, "h": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}}, "df": 2}}}}, "g": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.language.grammar.Rule.__init__": {"tf": 1.4142135623730951}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 7}, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1}}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}}, "df": 5}}}}}}}}, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.grammar.Grammar.add_rule": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}}, "df": 7}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2}}, "df": 5}}}}}}}}}}}}}}}}}}}}}, "y": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 1}, "q": {"docs": {"ultk.effcomm.util.DKL": {"tf": 1}}, "df": 1}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 4}}}}}}}}}, "bases": {"root": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.Speaker": {"tf": 1}, "ultk.effcomm.agent.Listener": {"tf": 1}}, "df": 2}}}}}}}}}}}}}}}}}}, "s": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}}, "df": 2}}}}}}}, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 3}}}}}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}, "m": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.RemoveExpression": {"tf": 1}, "ultk.effcomm.optimization.AddExpression": {"tf": 1}}, "df": 2}}}}}}}}, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "k": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 1}}}}, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 1}}}}}}}}}}, "t": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}}, "df": 1}}}}}}}}}}}, "doc": {"root": {"0": {"1": {"1": {"8": {"1": {"7": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "4": {"8": {"3": {"0": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "5": {"7": {"2": {"0": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "3": {"1": {"0": {"2": {"7": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "5": {"2": {"9": {"2": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "4": {"5": {"4": {"0": {"6": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.trade_off_means": {"tf": 2.449489742783178}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 2}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 2.449489742783178}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 16, "s": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}, "1": {"0": {"0": {"0": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1.7320508075688772}}, "df": 1}, "docs": {"ultk.language.semantics": {"tf": 1}}, "df": 1}, "1": {"9": {"3": {"7": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "7": {"3": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "docs": {}, "df": 0}, "9": {"docs": {}, "df": 0, "\u2013": {"1": {"2": {"8": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}}, "docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 2}, "1": {"1": {"1": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "docs": {}, "df": 0}, "2": {"6": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}}}, "docs": {}, "df": 0}, "4": {"6": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "v": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}}}, "docs": {}, "df": 0}, "5": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {"ultk": {"tf": 1}}, "df": 1}, "2": {"1": {"8": {"8": {"1": {"1": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "6": {"8": {"5": {"5": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "3": {"1": {"4": {"2": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "6": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "8": {"0": {"0": {"5": {"2": {"1": {"1": {"1": {"5": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 2.449489742783178}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 19, "d": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}, "2": {"0": {"1": {"8": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}, "docs": {}, "df": 0}, "2": {"1": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "2": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}, "3": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "2": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "3": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "7": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1.4142135623730951}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 2.23606797749979}, "ultk.language.semantics": {"tf": 1}}, "df": 5, "d": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 5}}, "3": {"1": {"2": {"3": {"4": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "f": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {"ultk": {"tf": 1}}, "df": 1}, "3": {"9": {"0": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "e": {"2": {"3": {"1": {"0": {"1": {"3": {"3": {"5": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}}}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "7": {"6": {"5": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "9": {"docs": {"ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 1}, "docs": {"ultk": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 2.23606797749979}}, "df": 4}, "4": {"0": {"0": {"0": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "2": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}, "6": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {"ultk": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.7320508075688772}}, "df": 2}, "5": {"2": {"5": {"1": {"1": {"8": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "3": {"4": {"6": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {"ultk": {"tf": 1}}, "df": 1}, "6": {"8": {"1": {"0": {"6": {"8": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {"ultk.language.semantics": {"tf": 1}}, "df": 1}, "7": {"4": {"6": {"2": {"9": {"6": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "7": {"2": {"2": {"2": {"2": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "9": {"3": {"7": {"docs": {}, "df": 0, "\u2013": {"7": {"9": {"4": {"2": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "8": {"3": {"2": {"0": {"1": {"0": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "9": {"5": {"2": {"2": {"8": {"0": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "6": {"3": {"1": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {"ultk": {"tf": 14.317821063276353}, "ultk.effcomm": {"tf": 6.928203230275509}, "ultk.effcomm.agent": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 4.69041575982343}, "ultk.effcomm.agent.CommunicativeAgent.language": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.shape": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.weights": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 5}, "ultk.effcomm.agent.CommunicativeAgent.referent_to_index": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.index_to_referent": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.expression_to_index": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.index_to_expression": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 4.47213595499958}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 4.69041575982343}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 6.557438524302}, "ultk.effcomm.agent.Speaker": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 4.69041575982343}, "ultk.effcomm.agent.Speaker.S": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 2.6457513110645907}, "ultk.effcomm.agent.Listener": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.Listener.__init__": {"tf": 4.69041575982343}, "ultk.effcomm.agent.Listener.R": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 2}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 4.69041575982343}, "ultk.effcomm.agent.LiteralSpeaker.S": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralListener": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 4.69041575982343}, "ultk.effcomm.agent.LiteralListener.R": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 6.164414002968976}, "ultk.effcomm.agent.PragmaticSpeaker.S": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 5.5677643628300215}, "ultk.effcomm.agent.PragmaticListener.R": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.BayesianListener": {"tf": 4.898979485566356}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 4.69041575982343}, "ultk.effcomm.analysis": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.get_dataframe": {"tf": 6.855654600401044}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 6.928203230275509}, "ultk.effcomm.analysis.trade_off_means": {"tf": 12.68857754044952}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 9.746794344808963}, "ultk.effcomm.information": {"tf": 1.7320508075688772}, "ultk.effcomm.information.information_rate": {"tf": 2}, "ultk.effcomm.information.get_rd_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.information.expected_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 6.6332495807108}, "ultk.effcomm.information.blahut_arimoto": {"tf": 7.874007874011811}, "ultk.effcomm.information.get_ib_curve": {"tf": 8.12403840463596}, "ultk.effcomm.information.get_bottleneck": {"tf": 8.54400374531753}, "ultk.effcomm.information.ib_complexity": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_informativity": {"tf": 5.916079783099616}, "ultk.effcomm.information.ib_comm_cost": {"tf": 6}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 6.164414002968976}, "ultk.effcomm.information.ib_accuracy": {"tf": 7.280109889280518}, "ultk.effcomm.information.ib_distortion": {"tf": 7.54983443527075}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 6.6332495807108}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 6.782329983125268}, "ultk.effcomm.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.informativity": {"tf": 7.681145747868608}, "ultk.effcomm.informativity.communicative_success": {"tf": 6.782329983125268}, "ultk.effcomm.optimization": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.Mutation": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.RemoveExpression": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.AddExpression": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 7}, "ultk.effcomm.optimization.EvolutionaryOptimizer.objectives": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.expressions": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutations": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_size": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.max_mutations": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.generations": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.lang_size": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.dominating_languages": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.explored_languages": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 6.244997998398398}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 5.196152422706632}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 5.0990195135927845}, "ultk.effcomm.optimization.sample_parents": {"tf": 6.244997998398398}, "ultk.effcomm.sampling": {"tf": 1.7320508075688772}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 6.48074069840786}, "ultk.effcomm.tradeoff": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.dominates": {"tf": 5}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 4.795831523312719}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 5.5677643628300215}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 6.4031242374328485}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 7}, "ultk.effcomm.util": {"tf": 1.7320508075688772}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 4.358898943540674}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1.7320508075688772}, "ultk.effcomm.util.PRECISION": {"tf": 1.7320508075688772}, "ultk.effcomm.util.marginal": {"tf": 5.0990195135927845}, "ultk.effcomm.util.conditional": {"tf": 5.385164807134504}, "ultk.effcomm.util.joint": {"tf": 5.916079783099616}, "ultk.effcomm.util.marginalize": {"tf": 5.744562646538029}, "ultk.effcomm.util.bayes": {"tf": 4.123105625617661}, "ultk.effcomm.util.xlogx": {"tf": 1.7320508075688772}, "ultk.effcomm.util.H": {"tf": 1.7320508075688772}, "ultk.effcomm.util.MI": {"tf": 1.4142135623730951}, "ultk.effcomm.util.DKL": {"tf": 1.4142135623730951}, "ultk.effcomm.util.gNID": {"tf": 5.744562646538029}, "ultk.language": {"tf": 4}, "ultk.language.grammar": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule": {"tf": 5.385164807134504}, "ultk.language.grammar.Rule.__init__": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule.lhs": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule.rhs": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule.func": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule.name": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule.weight": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression": {"tf": 5}, "ultk.language.grammar.GrammaticalExpression.__init__": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression.rule_name": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression.func": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression.children": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 2.8284271247461903}, "ultk.language.grammar.GrammaticalExpression.evaluate": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression.add_child": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression.to_dict": {"tf": 1.7320508075688772}, "ultk.language.grammar.UniquenessArgs": {"tf": 5}, "ultk.language.grammar.UniquenessArgs.unique_expressions": {"tf": 1.7320508075688772}, "ultk.language.grammar.UniquenessArgs.key": {"tf": 1.7320508075688772}, "ultk.language.grammar.UniquenessArgs.compare_func": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.__init__": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.add_rule": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.parse": {"tf": 4.58257569495584}, "ultk.language.grammar.Grammar.generate": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.enumerate": {"tf": 5.744562646538029}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 5.830951894845301}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 5.291502622129181}, "ultk.language.language": {"tf": 11.661903789690601}, "ultk.language.language.Expression": {"tf": 1.7320508075688772}, "ultk.language.language.Expression.__init__": {"tf": 1.7320508075688772}, "ultk.language.language.Expression.form": {"tf": 1.7320508075688772}, "ultk.language.language.Expression.meaning": {"tf": 1.7320508075688772}, "ultk.language.language.Expression.can_express": {"tf": 1.7320508075688772}, "ultk.language.language.Expression.to_dict": {"tf": 1.7320508075688772}, "ultk.language.language.Language": {"tf": 1.7320508075688772}, "ultk.language.language.Language.__init__": {"tf": 1.7320508075688772}, "ultk.language.language.Language.expressions": {"tf": 1.7320508075688772}, "ultk.language.language.Language.universe": {"tf": 1.7320508075688772}, "ultk.language.language.Language.add_expression": {"tf": 1.7320508075688772}, "ultk.language.language.Language.pop": {"tf": 1.7320508075688772}, "ultk.language.language.Language.is_natural": {"tf": 1.7320508075688772}, "ultk.language.language.Language.degree_property": {"tf": 1.7320508075688772}, "ultk.language.language.Language.binary_matrix": {"tf": 2.6457513110645907}, "ultk.language.language.Language.to_dict": {"tf": 1.7320508075688772}, "ultk.language.language.aggregate_expression_complexity": {"tf": 5.656854249492381}, "ultk.language.sampling": {"tf": 1.7320508075688772}, "ultk.language.sampling.powerset": {"tf": 5.916079783099616}, "ultk.language.sampling.all_meanings": {"tf": 1.7320508075688772}, "ultk.language.sampling.all_expressions": {"tf": 1.7320508075688772}, "ultk.language.sampling.all_languages": {"tf": 5.5677643628300215}, "ultk.language.sampling.upto_comb": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_languages": {"tf": 14.352700094407323}, "ultk.language.sampling.generate_languages": {"tf": 15.394804318340652}, "ultk.language.sampling.sample_lang_size": {"tf": 6.855654600401044}, "ultk.language.sampling.sample_quasi_natural": {"tf": 6.782329983125268}, "ultk.language.sampling.rename_id": {"tf": 2.23606797749979}, "ultk.language.sampling.enumerate_all_languages": {"tf": 8.06225774829855}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 6.244997998398398}, "ultk.language.semantics": {"tf": 15.556349186104045}, "ultk.language.semantics.Referent": {"tf": 1.7320508075688772}, "ultk.language.semantics.Referent.__init__": {"tf": 3.605551275463989}, "ultk.language.semantics.Referent.name": {"tf": 1.7320508075688772}, "ultk.language.semantics.Referent.to_dict": {"tf": 1.7320508075688772}, "ultk.language.semantics.Universe": {"tf": 1.7320508075688772}, "ultk.language.semantics.Universe.__init__": {"tf": 1.7320508075688772}, "ultk.language.semantics.Universe.referents": {"tf": 1.7320508075688772}, "ultk.language.semantics.Universe.set_prior": {"tf": 1.7320508075688772}, "ultk.language.semantics.Universe.prior_numpy": {"tf": 1.7320508075688772}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 3.872983346207417}, "ultk.language.semantics.Universe.from_csv": {"tf": 2.23606797749979}, "ultk.language.semantics.Meaning": {"tf": 2.449489742783178}, "ultk.language.semantics.Meaning.__init__": {"tf": 5.385164807134504}, "ultk.language.semantics.Meaning.referents": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning.universe": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning.to_dict": {"tf": 1.7320508075688772}}, "df": 193, "t": {"docs": {"ultk": {"tf": 2}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 5, "h": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 4.358898943540674}, "ultk.effcomm": {"tf": 4.358898943540674}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 2.6457513110645907}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 2.449489742783178}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 3.4641016151377544}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 2.6457513110645907}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 2.8284271247461903}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.get_dataframe": {"tf": 2.6457513110645907}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 2.8284271247461903}, "ultk.effcomm.analysis.trade_off_means": {"tf": 2.23606797749979}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 3.1622776601683795}, "ultk.effcomm.information.information_rate": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 3.1622776601683795}, "ultk.effcomm.information.blahut_arimoto": {"tf": 4.242640687119285}, "ultk.effcomm.information.get_ib_curve": {"tf": 3.605551275463989}, "ultk.effcomm.information.get_bottleneck": {"tf": 4}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 2.23606797749979}, "ultk.effcomm.information.ib_comm_cost": {"tf": 2}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_accuracy": {"tf": 2}, "ultk.effcomm.information.ib_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 3.872983346207417}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 3.4641016151377544}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 2.8284271247461903}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 2}, "ultk.effcomm.optimization.sample_parents": {"tf": 2.6457513110645907}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 2}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 3.1622776601683795}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 2.8284271247461903}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 4}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1.4142135623730951}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1.4142135623730951}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}, "ultk.language": {"tf": 2}, "ultk.language.grammar.Rule": {"tf": 2.23606797749979}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 2.23606797749979}, "ultk.language.grammar.UniquenessArgs": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.parse": {"tf": 2.449489742783178}, "ultk.language.grammar.Grammar.enumerate": {"tf": 2.449489742783178}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 3.3166247903554}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}, "ultk.language.language": {"tf": 1.7320508075688772}, "ultk.language.language.Expression.can_express": {"tf": 1.4142135623730951}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1.4142135623730951}, "ultk.language.language.aggregate_expression_complexity": {"tf": 2.23606797749979}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 5.0990195135927845}, "ultk.language.sampling.sample_lang_size": {"tf": 2.449489742783178}, "ultk.language.sampling.sample_quasi_natural": {"tf": 2.449489742783178}, "ultk.language.sampling.enumerate_all_languages": {"tf": 3.7416573867739413}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}, "ultk.language.semantics": {"tf": 2.449489742783178}, "ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning.__init__": {"tf": 3.3166247903554}}, "df": 94, "y": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 6}, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 5}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 4}}}, "i": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 7}}, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 4}}, "m": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.language.language": {"tf": 1}}, "df": 2}, "n": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 3}}, "a": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 2}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 2}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 2}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1.7320508075688772}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 28}, "n": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 3}}, "i": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 2}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1.7320508075688772}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 2}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 27}, "n": {"docs": {}, "df": 0, "k": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 1}}}}, "g": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 2}}}}, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "h": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1, "t": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 2}}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}}, "df": 3}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1.7320508075688772}}, "df": 1}}}}}, "s": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}}, "df": 1}}}}}, "a": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}}, "o": {"docs": {"ultk": {"tf": 3.3166247903554}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 2}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.Listener.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.LiteralListener": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.analysis.get_dataframe": {"tf": 2.23606797749979}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.trade_off_means": {"tf": 2}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 2}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 2.6457513110645907}, "ultk.effcomm.information.get_bottleneck": {"tf": 3}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.informativity": {"tf": 2}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 2.6457513110645907}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 2}, "ultk.effcomm.optimization.sample_parents": {"tf": 2.23606797749979}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 2.23606797749979}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 2}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language": {"tf": 1.4142135623730951}, "ultk.language.grammar.Rule": {"tf": 2.449489742783178}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 2.6457513110645907}, "ultk.language.grammar.Grammar.enumerate": {"tf": 3.4641016151377544}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2.23606797749979}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 2}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 3}, "ultk.language.sampling.generate_languages": {"tf": 3.4641016151377544}, "ultk.language.sampling.sample_lang_size": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 2.8284271247461903}, "ultk.language.semantics": {"tf": 2}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.7320508075688772}}, "df": 66, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "s": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 2.23606797749979}}, "df": 2}}}, "w": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}}, "df": 1}}}}}, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 3}}}, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1}}}}}}, "p": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 1}}, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {"ultk": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 2, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 2}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.7320508075688772}}, "df": 4}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.grammar.Rule.is_terminal": {"tf": 1}}, "df": 1}}}}}}, "x": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "k": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "{": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}}, "df": 1}}}}}}}}, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}}, "df": 1}}}}}}}}}}}}}}}}, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 1}}}}}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}}, "df": 1, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "c": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}}}}, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}}}, "w": {"docs": {}, "df": 0, "o": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}}, "df": 6}}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 9, "o": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "f": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 2}}}}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.semantics.Meaning": {"tf": 1}}, "df": 1}}}}}}, "j": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}}}, "c": {"docs": {}, "df": 0, "k": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 2}}, "a": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}, "u": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}}, "y": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "e": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 7, "s": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1}}, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}}}}}, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 3, "s": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 1}}}, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}}}}}, "u": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 3}}}, "r": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 2}}}}, "u": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_accuracy": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 2}}, "df": 6, "n": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.7320508075688772}}, "df": 4}}}}}}}, "i": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 2}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 5, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}}, "df": 2}}}}}}, "t": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 2}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 2, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}, "e": {"docs": {"ultk.language": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.semantics": {"tf": 2}, "ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning.__init__": {"tf": 2.23606797749979}}, "df": 10}}}}}, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 2}, "ultk.language.grammar.Grammar.enumerate": {"tf": 2.23606797749979}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 6, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 2}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}}, "df": 3}}}}}}}}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}}, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 1}}}}}, "s": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.semantics.Meaning": {"tf": 1}}, "df": 1}}}}}}}}}}}}}, "l": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "k": {"docs": {"ultk": {"tf": 3}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.language": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 7}}}, "p": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 2}}, "df": 9, "d": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 1, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_lang_size": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.7320508075688772}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}}, "df": 6}, "s": {"docs": {"ultk.language.sampling.rename_id": {"tf": 1}}, "df": 1}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 1}}}}}}, "s": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}}, "df": 1}}}}}}}}}, "s": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}, "ultk.language.language": {"tf": 1}}, "df": 2}}}, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 14, "d": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 2}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 18}, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 8}, "f": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 2, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 2}}}}}}}, "r": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 2}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 7}}}, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 1}}}}}}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 5}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}}, "df": 4}}}}}}}}}}, "l": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}}, "df": 3, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.language": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 2.23606797749979}, "ultk.language.sampling.sample_lang_size": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.rename_id": {"tf": 1}}, "df": 6, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 2.8284271247461903}, "ultk.effcomm": {"tf": 2.449489742783178}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 2}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1.7320508075688772}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 2.6457513110645907}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 2}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 2}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 2}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language": {"tf": 2.23606797749979}, "ultk.language.language": {"tf": 2.6457513110645907}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1.4142135623730951}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 2}, "ultk.language.sampling.all_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_languages": {"tf": 2.449489742783178}, "ultk.language.sampling.generate_languages": {"tf": 2.449489742783178}, "ultk.language.sampling.sample_lang_size": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}, "ultk.language.semantics": {"tf": 2.23606797749979}, "ultk.language.semantics.Referent": {"tf": 1}}, "df": 47, "s": {"docs": {"ultk": {"tf": 2.449489742783178}, "ultk.effcomm": {"tf": 3}, "ultk.effcomm.analysis.get_dataframe": {"tf": 2}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 2.449489742783178}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.sample_parents": {"tf": 2.8284271247461903}, "ultk.effcomm.sampling": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 2}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 2.6457513110645907}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1.4142135623730951}, "ultk.language": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 3.605551275463989}, "ultk.language.sampling.generate_languages": {"tf": 4}, "ultk.language.sampling.sample_lang_size": {"tf": 2.6457513110645907}, "ultk.language.sampling.sample_quasi_natural": {"tf": 2.449489742783178}, "ultk.language.sampling.enumerate_all_languages": {"tf": 3.3166247903554}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}}, "df": 30, "e": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}}}}}, "b": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}, "t": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}}, "df": 1}}}}, "m": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}}, "df": 2}}}}, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.language": {"tf": 1}}, "df": 1}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 4}}}}}}, "i": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "n": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 2}, "g": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 2, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}, "k": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 2}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 2.23606797749979}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_lang_size": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 30, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 2}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.7320508075688772}, "ultk.language.semantics": {"tf": 1}}, "df": 14, "s": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}}, "df": 2}}}}}, "[": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.7320508075688772}, "ultk.language.semantics": {"tf": 1}}, "df": 9, "s": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}}}}}}}}}, "k": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 3}}, "w": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}}}, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}}}}, "g": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}}, "df": 1}}}}}}, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}}, "df": 1}}, "w": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "g": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.util.xlogx": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}}, "df": 3}, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1}}}, "a": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 1, "g": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {"ultk": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 8}}}}, "w": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}}, "df": 7}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 1}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1.7320508075688772}, "ultk.language": {"tf": 1}}, "df": 2}}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}}, "df": 2}}, "f": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 1}}, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}}, "df": 1}}, "x": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1.4142135623730951}}, "df": 3}}}}}, "t": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}, "f": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 2}}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}, "t": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}, "h": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}}, "df": 4}}}, "i": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 2}, "ultk.effcomm.tradeoff.dominates": {"tf": 1.7320508075688772}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 2}}, "df": 13, "n": {"docs": {"ultk": {"tf": 3.3166247903554}, "ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.effcomm.agent": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 2}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 2}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 2.23606797749979}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.semantics": {"tf": 2}, "ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 39, "t": {"docs": {"ultk.language.sampling.sample_lang_size": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}}, "df": 2, "r": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1.7320508075688772}}, "df": 1}}}}}}}}}, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 6}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 2}}}, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}}, "df": 1, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 2}}}}}, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}}, "df": 3}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}}}}, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 2}}, "df": 1, "d": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 2}}}}}}}, "v": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1.7320508075688772}}, "df": 1}}}}, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 1}}}}, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}}}, "o": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.sampling": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 9}}, "f": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.information.get_bottleneck": {"tf": 2}, "ultk.effcomm.information.ib_informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 2.23606797749979}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.util": {"tf": 1}}, "df": 12}}}, "e": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 3, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 2}}}}}}, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.util.MI": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 9, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.util.gNID": {"tf": 1}}, "df": 1}}}}}}}}}}, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}}, "df": 1, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}}, "df": 1}}}}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 2}}}}, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 3}}}}, "i": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}, "x": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 2}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}}, "df": 3, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}}, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1.7320508075688772}}, "df": 2}}}}}}, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}}, "df": 2}}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 2}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 3}}}}}, "c": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}}, "df": 2}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 3}}}}, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}}, "df": 1}}}}}}}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}}, "df": 11, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}}, "df": 4}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}}, "df": 1}}}}}}}}}}, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}}, "df": 1}}}}}}}, "p": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 4, "s": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}}}}}}}, "s": {"docs": {"ultk": {"tf": 3}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralListener": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 2}, "ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 2.23606797749979}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 2.449489742783178}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 2}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 2}, "ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.7320508075688772}}, "df": 40, "s": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "t": {"docs": {"ultk": {"tf": 1.7320508075688772}, "ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.4142135623730951}}, "df": 15, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}}, "df": 5}, "e": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1.4142135623730951}}, "df": 2}}, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 2}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.optimization": {"tf": 1}}, "df": 1}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}}, "df": 2}}}, "b": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1.7320508075688772}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}}, "df": 4}}}}, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}}, "df": 1}}}}}}}}, "f": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 2}, "ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 17, "f": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.semantics": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm": {"tf": 1.7320508075688772}}, "df": 1}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}}}}}}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.language": {"tf": 1}, "ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 2, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.language": {"tf": 1}}, "df": 1}}}}}}}}, "o": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "b": {"6": {"2": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "docs": {}, "df": 0}, "docs": {}, "df": 0}}}, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 2.6457513110645907}, "ultk.language.sampling.sample_lang_size": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}}, "df": 5, "e": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 1}, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}}}}}, "s": {"docs": {"ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 1}}, "b": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}}, "df": 8}, "[": {"docs": {}, "df": 0, "w": {"docs": {}, "df": 0, ":": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.information.information_rate": {"tf": 1}}, "df": 1}, "u": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_distortion": {"tf": 1}}, "df": 5}}}, "m": {"docs": {}, "df": 0, ":": {"docs": {}, "df": 0, "u": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}}, "df": 4}, "w": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_complexity": {"tf": 1}}, "df": 2}}}, "x": {"docs": {}, "df": 0, ":": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.util.MI": {"tf": 1}}, "df": 1}}}}, "g": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}}}, "|": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 2}}, "i": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}}, "df": 1}}, "a": {"docs": {"ultk": {"tf": 3.3166247903554}, "ultk.effcomm": {"tf": 3.3166247903554}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 2}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 2.6457513110645907}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Listener.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.LiteralListener": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 2}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.analysis.get_dataframe": {"tf": 2.23606797749979}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 2.8284271247461903}, "ultk.effcomm.analysis.trade_off_means": {"tf": 2}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 3}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 2.6457513110645907}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 2}, "ultk.effcomm.informativity.informativity": {"tf": 3.605551275463989}, "ultk.effcomm.informativity.communicative_success": {"tf": 2.449489742783178}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 2.449489742783178}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1.7320508075688772}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 2.6457513110645907}, "ultk.effcomm.tradeoff": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 2}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 2.449489742783178}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 2.6457513110645907}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1.4142135623730951}, "ultk.effcomm.util.joint": {"tf": 1.7320508075688772}, "ultk.effcomm.util.marginalize": {"tf": 1.7320508075688772}, "ultk.effcomm.util.bayes": {"tf": 1}, "ultk.language": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule": {"tf": 2.8284271247461903}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 2.6457513110645907}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 2}, "ultk.language.grammar.Grammar": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.parse": {"tf": 2.449489742783178}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 2.8284271247461903}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2.6457513110645907}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.7320508075688772}, "ultk.language.language": {"tf": 2.8284271247461903}, "ultk.language.language.Expression": {"tf": 1.4142135623730951}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1.4142135623730951}, "ultk.language.language.Language.degree_property": {"tf": 1.4142135623730951}, "ultk.language.language.Language.binary_matrix": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 2}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 2.6457513110645907}, "ultk.language.sampling.generate_languages": {"tf": 2.8284271247461903}, "ultk.language.sampling.sample_lang_size": {"tf": 2}, "ultk.language.sampling.sample_quasi_natural": {"tf": 2}, "ultk.language.sampling.rename_id": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.7320508075688772}, "ultk.language.semantics": {"tf": 3.872983346207417}, "ultk.language.semantics.Referent": {"tf": 1.4142135623730951}, "ultk.language.semantics.Referent.__init__": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 2.23606797749979}, "ultk.language.semantics.Universe.from_csv": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning": {"tf": 2.23606797749979}, "ultk.language.semantics.Meaning.__init__": {"tf": 3}}, "df": 100, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}, "n": {"docs": {"ultk": {"tf": 2.23606797749979}, "ultk.effcomm": {"tf": 2}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_lang_size": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 36, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 2.23606797749979}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 5}}, "i": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1.7320508075688772}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.7320508075688772}}, "df": 4}}}, "z": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.analysis": {"tf": 1}}, "df": 1}}}}}}}, "d": {"docs": {"ultk": {"tf": 4.242640687119285}, "ultk.effcomm": {"tf": 2.449489742783178}, "ultk.effcomm.agent": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 2}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.7320508075688772}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 2}, "ultk.effcomm.util": {"tf": 1}, "ultk.language": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}, "ultk.language.language": {"tf": 1}, "ultk.language.language.Expression": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}, "ultk.language.semantics": {"tf": 2}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.7320508075688772}}, "df": 54, "/": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "n": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "y": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 7, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1}}}}}}, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1}}, "df": 1}}}}}}, "c": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}}, "df": 7, "/": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}}, "df": 1}}}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 1}}}}}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 2}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 6}}}}}}}, "t": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 4, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 1, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1}}}}}}, "r": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "a": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "l": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "o": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 3}}, "t": {"docs": {}, "df": 0, "k": {"docs": {"ultk.effcomm": {"tf": 3}}, "df": 1}}, "g": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 9}}}}}}}, "l": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_languages": {"tf": 2}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}}, "df": 23, "o": {"docs": {}, "df": 0, "w": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 4}}}}}, "p": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}}, "df": 2}}}}}}, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1}}}, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.language": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 5}}}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.4142135623730951}}, "df": 17, "a": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 1}}}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}}}, "g": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.bayes": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 64}}}}}}, "s": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 2}}, "b": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}}, "df": 2}}}}}}}, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.information.get_rd_curve": {"tf": 1}}, "df": 1}}}}}, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.information.get_bottleneck": {"tf": 2}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 2}, "ultk.effcomm.information.ib_distortion": {"tf": 2}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 2}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 2}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1.4142135623730951}, "ultk.effcomm.util.joint": {"tf": 1.7320508075688772}, "ultk.effcomm.util.marginalize": {"tf": 1.7320508075688772}, "ultk.effcomm.util.bayes": {"tf": 1}}, "df": 18, "s": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1}}}}, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 2}}}}}, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 2.23606797749979}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.Listener.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 2.23606797749979}}, "df": 13, "s": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}}, "df": 5}}}}, "a": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}}, "df": 1}}}}}, "g": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 1}}, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 1}}}}}}}}}, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.semantics": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning.__init__": {"tf": 2}}, "df": 25, "s": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 1, "d": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 2}}}}}}}, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}}, "df": 1}}}}}}, "e": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 2, "s": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}, "d": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1.4142135623730951}}, "df": 2}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.language": {"tf": 1}}, "df": 1}}}}}, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 1}}}}}}, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.semantics": {"tf": 1}}, "df": 1}}}}}}, "v": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}}, "m": {"docs": {}, "df": 0, "p": {"docs": {"ultk": {"tf": 2}}, "df": 1}, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}}, "df": 1}}}, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language": {"tf": 1}}, "df": 5, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1}}}}}}, "t": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 11, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}}, "df": 4}}}}}}}}}, "b": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.language": {"tf": 1}}, "df": 2}}}}}}}}}}, "o": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 3}}, "u": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 7}}}}, "x": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}}, "df": 2}}, "i": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1.4142135623730951}}, "df": 2}}}, "f": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 2}}}}, "p": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}}}}}}}, "x": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}}, "df": 1}}}}}}}}}}, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 6, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 1}}}}, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1}, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 1}}}}}, "i": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 1}}, "d": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}}, "df": 3, "/": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1}}}}}}}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 3}}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1}}}}}}}}}}, "a": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}}, "df": 1}}}}}, "j": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}}, "s": {"docs": {"ultk": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 2}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 26, "o": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 9, "f": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "w": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Referent": {"tf": 1}}, "df": 8, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 4}}}}}}}, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}}, "df": 6}}}}, "l": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 4}}}}}}}}, "u": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}}}, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}}, "c": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 3, "f": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}}}}, "h": {"docs": {"ultk.effcomm.agent": {"tf": 1}}, "df": 1}}, "r": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "b": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}}, "df": 1, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm": {"tf": 2.8284271247461903}, "ultk.language": {"tf": 1.4142135623730951}}, "df": 2, "s": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.4142135623730951}}, "df": 6, "s": {"docs": {"ultk.language.sampling.powerset": {"tf": 2}, "ultk.language.sampling.all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 4}}}}, "p": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}}}}}}}}}}, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}}}}, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}, "c": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 1}}}}}}, "m": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.information.expected_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 2.23606797749979}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 8, "s": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}, "t": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 3, "u": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1.4142135623730951}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1}}, "df": 12, "s": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 3}}}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}}, "df": 1}}}, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 2}}, "df": 3}}}, "i": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.sampling.random_languages": {"tf": 2.23606797749979}}, "df": 1}}}}}}}}, "y": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}}, "df": 2}}}, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "r": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 2.449489742783178}, "ultk.language.sampling.sample_lang_size": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 2}}, "df": 6, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1}}, "df": 1}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "t": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}}}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 7}}}}, "e": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1.7320508075688772}}, "df": 1}}}}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}}, "df": 2}}}, "e": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 3}}, "p": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}, "p": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}}, "u": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "k": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1}}}, "d": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}, "e": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk": {"tf": 2.23606797749979}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 5, "s": {"docs": {"ultk": {"tf": 1.7320508075688772}, "ultk.language": {"tf": 1}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 4}}}}}}}, "t": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 15, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}, "s": {"docs": {"ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}}, "df": 2}}, "e": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 7, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1}, "n": {"docs": {"ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}}, "df": 2}}, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}}, "df": 3}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm": {"tf": 1.4142135623730951}}, "df": 1}}}}}, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent": {"tf": 1}}, "df": 1}}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 1}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 1}}}}}, "r": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 1}}}, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 1}}}}}}}, "p": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 8, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}, "d": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 2}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.7320508075688772}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 15, "s": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 2.449489742783178}}, "df": 3}, "/": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}}}}}}}}}}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "h": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 4}}}, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}}, "df": 6}, "s": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 3}}, "c": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 2}}, "y": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}}, "df": 7}}}}}}}}, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.sampling": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 2.6457513110645907}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 7}}}, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 3.3166247903554}, "ultk.language.sampling.generate_languages": {"tf": 3.1622776601683795}, "ultk.language.sampling.sample_lang_size": {"tf": 2}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.7320508075688772}, "ultk.language.sampling.enumerate_all_languages": {"tf": 2.23606797749979}}, "df": 9, "s": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}}, "df": 2}, "d": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 2.23606797749979}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.rename_id": {"tf": 1}}, "df": 5}}}}, "e": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 6}}, "y": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}}, "df": 2}}}}}}}}}, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1}}, "df": 3}}}, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}}, "df": 6}}, "s": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}, "m": {"docs": {"ultk": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 2}}}}}}}, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 4, "/": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}}, "df": 4}}}}}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}}, "df": 1}}}}}}}}}}}}}}}}}}}, "e": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 3}}}}, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.language.sampling.powerset": {"tf": 2}, "ultk.language.sampling.all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 4.123105625617661}, "ultk.language.sampling.generate_languages": {"tf": 3.3166247903554}, "ultk.language.sampling.sample_lang_size": {"tf": 2}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 13, "s": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}}, "df": 1}}}, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}, "g": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 3}}}}, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 3, "d": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}}}}, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1}}, "df": 1}}, "a": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1.7320508075688772}}, "df": 1, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}, "y": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "x": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.language": {"tf": 1}}, "df": 1}}}}}}, "m": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 2}}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.4142135623730951}}, "df": 1, "s": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}}, "r": {"docs": {"ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 1, "c": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}}, "z": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "k": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}, "k": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}}, "df": 7}}}}}, "h": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.information.get_bottleneck": {"tf": 2.23606797749979}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_accuracy": {"tf": 2}, "ultk.effcomm.information.ib_distortion": {"tf": 2}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 2}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 2}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1.4142135623730951}, "ultk.effcomm.util.joint": {"tf": 1.4142135623730951}, "ultk.effcomm.util.marginalize": {"tf": 1.7320508075688772}, "ultk.effcomm.util.bayes": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1.7320508075688772}, "ultk.language.language.Language.binary_matrix": {"tf": 1}}, "df": 19}}, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 2}}}, "e": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1}}}, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}}, "df": 6}}}}}, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.language": {"tf": 1}}, "df": 1}}}}}}}, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}}, "df": 1, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1}}}, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}}}}}}}}, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.language": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 2, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}}, "df": 1}}}}}}, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 1}}}}}}, "e": {"1": {"3": {"1": {"4": {"2": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {}, "df": 0}, "docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 2.449489742783178}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 2}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 33, "f": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 3}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 9}, "c": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm": {"tf": 2}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 2}}}}}}}, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 2.8284271247461903}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 3}}}}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}}, "df": 1, "s": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1}}}}}}, "x": {"docs": {}, "df": 0, "p": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}}, "df": 1, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 2}}}, "e": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 2}}, "df": 2, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 2}}}}, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.semantics.Meaning": {"tf": 1}}, "df": 1}}}}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}}, "df": 2, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2.23606797749979}, "ultk.language.language": {"tf": 1.7320508075688772}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.language.Language": {"tf": 1}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1.7320508075688772}}, "df": 22, "s": {"docs": {"ultk": {"tf": 1.7320508075688772}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 2}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 2}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.enumerate": {"tf": 2}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 2.6457513110645907}, "ultk.language.sampling.random_languages": {"tf": 3.3166247903554}, "ultk.language.sampling.generate_languages": {"tf": 3.4641016151377544}, "ultk.language.sampling.sample_lang_size": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.7320508075688772}}, "df": 37}}}}}}}}, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 4}}}}}}, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.PragmaticListener": {"tf": 1}}, "df": 1}}}}}}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 4}}}}}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 3, "s": {"docs": {"ultk": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 5}}}}}, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 3, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 3}}}}}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}}, "df": 2}}}}}}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}}}, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}}}}}, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 1}}}}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "c": {"docs": {}, "df": 0, "h": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1.4142135623730951}}, "df": 20}}, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}, "y": {"docs": {"ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 1}}}, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}}, "df": 2}}}, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1}}}}, "i": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}}}}, "v": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}}, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1.4142135623730951}}, "df": 8, "s": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}, "ultk.effcomm.util.gNID": {"tf": 1}}, "df": 2}}, "s": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 1}}}}}}}}}, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1}, "s": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}}, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 5}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 1}}}}}}}}}}, "v": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 5}}}}}}}}}}, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 1, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}, "e": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 3}}}}}}, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 5, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}}}}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}, "t": {"docs": {}, "df": 0, "c": {"docs": {"ultk.effcomm.agent": {"tf": 1}}, "df": 1}}, "|": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}}, "df": 1}}, "p": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1.7320508075688772}}, "df": 1}}, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 3}}, "s": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}}, "df": 1}}}}}, "m": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1}}, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 4}}}}, "[": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.information.ib_distortion": {"tf": 1.4142135623730951}}, "df": 1}}}}, "l": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}, "e": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.powerset": {"tf": 1.4142135623730951}}, "df": 1}}}}}}, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.semantics": {"tf": 1}}, "df": 1}}}}}}}}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 3}}}}}, "u": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}}, "c": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 2}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 7, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 2.6457513110645907}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 9}}, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 2}, "ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 2}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 23, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}}, "df": 1}}}}}}}}, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}}, "df": 8, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 1}}}}}}}}, "m": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 1}}}}}}}}}}}, "p": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 2.23606797749979}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 2}, "ultk.effcomm.util": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 2}}, "df": 15}, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.language.aggregate_expression_complexity": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}}, "df": 2}}}}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.util": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 4}}}, "e": {"docs": {"ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.bayes": {"tf": 1}, "ultk.effcomm.util.xlogx": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}, "ultk.effcomm.util.MI": {"tf": 1}, "ultk.effcomm.util.DKL": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}}, "df": 22, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1}, "d": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.semantics": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 2}}}}}}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 2}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 4}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}}, "df": 3}}}}}}, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}}}}, "/": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "b": {"docs": {"ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 1}}}}}}}}}}, "b": {"docs": {"ultk.language.sampling.upto_comb": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 2}}}}}}}}}}, "g": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 4}}}}}}}, "n": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 9, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.language": {"tf": 1}}, "df": 5}}}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 3}}}}, "e": {"docs": {"ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 1}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 1}}}}}}, "e": {"docs": {}, "df": 0, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}}}}}}}}, "i": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 1}}}}}}}, "f": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "i": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1.7320508075688772}}, "df": 1}}}}}, "g": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1}}}}}}}}}}}, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1}}, "df": 1}}, "i": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.language": {"tf": 1}}, "df": 2, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 2.23606797749979}, "ultk.language": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.language.Expression": {"tf": 1}, "ultk.language.language.Language": {"tf": 1}}, "df": 6}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 10}}}}}}, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}}, "df": 2}}}, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}}}}, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}}, "df": 1}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}}}}}}}, "d": {"docs": {}, "df": 0, "a": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}}, "df": 7}}}}}}}}, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 1}}}}}}}}}, "e": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.grammar.Rule": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}, "t": {"docs": {"ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}}, "df": 1}}}}}, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 2, "b": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 2}}, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1.7320508075688772}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1.4142135623730951}}, "df": 2, "s": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 2}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 5}}}}, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}, "r": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 10}}}}}}}}, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1.4142135623730951}}, "df": 1}}}}}}, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1}}}}}}}}, "e": {"docs": {"ultk.language.grammar.Grammar": {"tf": 1}}, "df": 1}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}}, "df": 2}}}}}}}}}, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1.4142135623730951}, "ultk.language.language.Language.degree_property": {"tf": 1}}, "df": 2, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 1}}}}}}, "e": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1.7320508075688772}}, "df": 1}}}}}}}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.information.get_bottleneck": {"tf": 2}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 2.6457513110645907}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 2}}, "df": 9}}}, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.language": {"tf": 1}}, "df": 3, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.information.get_bottleneck": {"tf": 2}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.7320508075688772}}, "df": 3}}}, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "f": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 1}}}}}, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 3}}}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 4}}, "a": {"docs": {"ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}}, "df": 1}}}}}}, "u": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 1}}}}}}}}, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 1}}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 1}}}}}, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 7, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.language": {"tf": 1.7320508075688772}, "ultk.language.language": {"tf": 1.4142135623730951}, "ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 6}}, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}, "h": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1}}}}, "h": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "k": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "o": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}}, "df": 1}}}, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}}, "df": 1, "s": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 5}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 3}}}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}}, "df": 1}}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"1": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}, "docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 2, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 1}}}, "n": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}, "i": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}}}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 29, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}}}}}, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}, "ultk.language": {"tf": 1}}, "df": 2}}, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 2}}}}}}}}}, "l": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}}, "df": 1, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 2}}}}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 1}}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}}, "df": 1}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 1}}}}}}, "d": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}, "ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.bayes": {"tf": 1}}, "df": 7}}}, "p": {"docs": {}, "df": 0, "u": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}, "f": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1.4142135623730951}}, "df": 1}}, "s": {"docs": {}, "df": 0, "v": {"docs": {"ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 1}}}, "o": {"docs": {}, "df": 0, "f": {"docs": {"ultk": {"tf": 4.123105625617661}, "ultk.effcomm": {"tf": 4.242640687119285}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 2.23606797749979}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_means": {"tf": 2.23606797749979}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 2.8284271247461903}, "ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 2.6457513110645907}, "ultk.effcomm.information.blahut_arimoto": {"tf": 3.4641016151377544}, "ultk.effcomm.information.get_ib_curve": {"tf": 3.4641016151377544}, "ultk.effcomm.information.get_bottleneck": {"tf": 3.605551275463989}, "ultk.effcomm.information.ib_complexity": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 2}, "ultk.effcomm.information.ib_accuracy": {"tf": 2.449489742783178}, "ultk.effcomm.information.ib_distortion": {"tf": 2}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 2}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 2}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 2.6457513110645907}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 3.1622776601683795}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 2.6457513110645907}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1.7320508075688772}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 2.8284271247461903}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 2}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 2.23606797749979}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 2.449489742783178}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 3.1622776601683795}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1.7320508075688772}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1.4142135623730951}, "ultk.effcomm.util.joint": {"tf": 1.4142135623730951}, "ultk.effcomm.util.marginalize": {"tf": 1.7320508075688772}, "ultk.effcomm.util.bayes": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1.7320508075688772}, "ultk.language": {"tf": 2}, "ultk.language.grammar.Rule": {"tf": 2.449489742783178}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1.7320508075688772}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1.7320508075688772}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 2.449489742783178}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2.23606797749979}, "ultk.language.language.Language.add_expression": {"tf": 1}, "ultk.language.language.Language.pop": {"tf": 1.4142135623730951}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1.4142135623730951}, "ultk.language.sampling.powerset": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 2.449489742783178}, "ultk.language.sampling.upto_comb": {"tf": 1.7320508075688772}, "ultk.language.sampling.random_languages": {"tf": 2.6457513110645907}, "ultk.language.sampling.generate_languages": {"tf": 4.123105625617661}, "ultk.language.sampling.sample_lang_size": {"tf": 3}, "ultk.language.sampling.sample_quasi_natural": {"tf": 2.6457513110645907}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 3.605551275463989}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.7320508075688772}, "ultk.language.semantics": {"tf": 2.449489742783178}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 2}, "ultk.language.semantics.Meaning": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning.__init__": {"tf": 2.8284271247461903}}, "df": 89, "f": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 9, "s": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}}, "df": 5}}}}}, "e": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 5}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}}, "df": 1}}}}}, "a": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1, "l": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 5, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}}, "df": 1}}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 5}}}}}}, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 8}}}}}}, "e": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "n": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 12, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "y": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 5}}, "e": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 8, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 3}}}, "r": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.7320508075688772}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.language": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 31, "g": {"docs": {}, "df": 0, "/": {"1": {"0": {"docs": {"ultk": {"tf": 2.449489742783178}}, "df": 1}, "docs": {}, "df": 0}, "3": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}}, "df": 1}}}}}}}}}}}}}}}}}}}, "docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "/": {"1": {"0": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}}}}}}, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}}}}}}}, "u": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 2, "p": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 3}}}}, "r": {"docs": {"ultk.language.grammar.Rule.is_terminal": {"tf": 1}}, "df": 1}}, "b": {"docs": {}, "df": 0, "j": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 2, "s": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.language.Language": {"tf": 1}, "ultk.language.semantics": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.4142135623730951}}, "df": 7}, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 2}}}}}}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}}}}}, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 2, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.7320508075688772}}, "df": 19}}}, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.language": {"tf": 1}}, "df": 4, "w": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}}}}}}}, "d": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 1}}}}, "n": {"docs": {"ultk": {"tf": 2.449489742783178}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1.4142135623730951}}, "df": 3, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 2}, "ultk.effcomm.analysis.trade_off_means": {"tf": 2.449489742783178}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 3}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 12, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}}, "df": 3}}}}}}, "e": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "v": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 2, "/": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "b": {"docs": {"ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 1}}}}}}}}}}}}}}}}}}}}}}, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.parse": {"tf": 2.6457513110645907}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1.4142135623730951}}, "df": 16, "s": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 3}, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 1}}}, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.LiteralListener": {"tf": 1}}, "df": 1}}}}, "u": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.7320508075688772}, "ultk.language.language.Language.binary_matrix": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1.4142135623730951}}, "df": 8, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 2}}}}, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.language": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 2}}}}}}}}}}, "s": {"docs": {"ultk.language.semantics": {"tf": 1.7320508075688772}}, "df": 1}, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.semantics": {"tf": 1}}, "df": 1}}}}}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.semantics": {"tf": 1}}, "df": 1}}}}}}}}}}}, "b": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 2}, "ultk.language.sampling.sample_lang_size": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}}, "df": 12}, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}}, "df": 2}}}}, "p": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1.4142135623730951}, "ultk.effcomm.util.joint": {"tf": 1.7320508075688772}, "ultk.effcomm.util.marginalize": {"tf": 1.7320508075688772}, "ultk.effcomm.util.bayes": {"tf": 1}}, "df": 6}}}}, "o": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 6, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}}, "df": 1, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}}, "df": 4}}}}}}}}, "n": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}}, "df": 7, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 6}, "z": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 2}}}}, "p": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}}}}}}}}}}, "d": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1}}}}}}}}}}, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 2}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 10, "h": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}}, "df": 2}}}}, "e": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 4}}, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 1}}}}, "p": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.7320508075688772}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 3}, "d": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 3}}}}}}, "e": {"docs": {}, "df": 0, "w": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.sampling.rename_id": {"tf": 1}}, "df": 4}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 7}}, "x": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 1}}, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}}, "y": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}}}}}}, "b": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}}, "df": 1}, "c": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 1}}}, "r": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 13, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "h": {"docs": {"ultk": {"tf": 1.7320508075688772}}, "df": 1}}}}}, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 2}}}}, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}}, "df": 2, "s": {"docs": {"ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 4}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 3}}}}}}}, "a": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 2}, "s": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}}, "df": 4}}}}}}}, "p": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.semantics": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 2}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 2}, "ultk.effcomm.information.ib_distortion": {"tf": 2}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 2}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 2}, "ultk.language.sampling.sample_lang_size": {"tf": 1.7320508075688772}, "ultk.language.semantics.Referent.__init__": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 30}}}, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1}}, "df": 5}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}}}}}}}}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}}, "df": 1}}}}}}}}, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.sampling.upto_comb": {"tf": 1}}, "df": 1}}}}}}, "a": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "n": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 2}}}}}}}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.semantics": {"tf": 1}}, "df": 1, "y": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}}, "e": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent": {"tf": 1}}, "df": 1}}}}}}, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}}, "df": 2}}}}}}, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}}}, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.powerset": {"tf": 1.4142135623730951}}, "df": 1}}}}}, "f": {"1": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}}, "df": 1}, "2": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.semantics": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 2, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Referent.__init__": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.4142135623730951}}, "df": 12, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.language": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.semantics": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 2.23606797749979}}, "df": 9}}}}, "s": {"docs": {"ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 1}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 1}}}}}}}, "s": {"docs": {"ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 1}}, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 12, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.language.Language.pop": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1.4142135623730951}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 40}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 1}}}}}}}, "g": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}}, "v": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "w": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}}, "df": 6}}, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1}}}}}}, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1, "d": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}}, "df": 1}}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 1}}}}}}}, "w": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.language.Language.pop": {"tf": 1}}, "df": 1}}}}, "a": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 1}}}}}}}}, "s": {"docs": {}, "df": 0, "a": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}}, "df": 7}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.blahut_arimoto": {"tf": 2.23606797749979}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 9}, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 5, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}}, "df": 1}}}}}}}}}, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.7320508075688772}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 2.449489742783178}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 5, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.4142135623730951}}, "df": 7}}}}}, "g": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}}}, "e": {"docs": {"ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 1}}}}, "u": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 5, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Rule": {"tf": 2}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1.4142135623730951}}, "df": 4, "s": {"docs": {"ultk.language.grammar.Rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 5}}}}, "o": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1}}, "df": 1}}, "w": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1.7320508075688772}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 6, "s": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}}, "df": 1}}}, "h": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}, "s": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}}, "df": 4}}, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1}}}}}, "w": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 2.23606797749979}, "ultk.effcomm.information.ib_accuracy": {"tf": 2}, "ultk.effcomm.information.ib_distortion": {"tf": 2}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 2}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 7, "h": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "h": {"docs": {"ultk": {"tf": 1.7320508075688772}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2.23606797749979}, "ultk.language.language.Language.binary_matrix": {"tf": 1.4142135623730951}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 29}}}, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 3}}}, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 6}}, "n": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 7}, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 14}}}}}, "a": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.language.Language.degree_property": {"tf": 1}}, "df": 1}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 3}}, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.4142135623730951}}, "df": 2}, "y": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 3, "s": {"docs": {"ultk.language.sampling.upto_comb": {"tf": 1}}, "df": 1}}}, "e": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 9, "l": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 2}}, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1.4142135623730951}}, "df": 5, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 8}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}}, "df": 1}}}}}}}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 2}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.sample_parents": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 2}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.4142135623730951}}, "df": 28, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 4}}}}}, "l": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 16}}, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 1}}}, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "a": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 4}}}}}, "t": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "k": {"docs": {"ultk.language": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 2, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}}, "df": 2, "s": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.util.gNID": {"tf": 1.4142135623730951}}, "df": 4}, "|": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}}}}}}, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}}, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}}, "df": 5}}}, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}}, "df": 1}}}}, "|": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}}, "df": 2}}}, "h": {"docs": {"ultk.effcomm.util.H": {"tf": 1}}, "df": 1, "a": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 7}}, "s": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}}, "df": 7}, "t": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 2}, "ultk.effcomm.information.blahut_arimoto": {"tf": 2}, "ultk.effcomm.information.ib_distortion": {"tf": 1.4142135623730951}}, "df": 3, "{": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 2.23606797749979}}, "df": 4, "}": {"docs": {}, "df": 0, "|": {"docs": {}, "df": 0, "i": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}, "x": {"docs": {"ultk.effcomm.information.expected_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1.4142135623730951}}, "df": 2, "}": {"docs": {}, "df": 0, "|": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}}, "df": 2}}}}}, "[": {"docs": {}, "df": 0, "j": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}, "u": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}, "n": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.Rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 2}}}, "e": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "p": {"docs": {"ultk": {"tf": 1}}, "df": 1, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.util": {"tf": 1}}, "df": 4}}, "f": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.semantics.Meaning": {"tf": 1}}, "df": 1}}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}}, "df": 4}}}}, "t": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, ":": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "w": {"docs": {}, "df": 0, "w": {"docs": {}, "df": 0, "w": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "d": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "i": {"docs": {"ultk": {"tf": 2.449489742783178}}, "df": 1}, "c": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}}, "df": 1}}}}, "g": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "b": {"docs": {"ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 1}}}}}}}}}}}}, "m": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "#": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}}, "df": 1}}}}}}}}}}}}}, "y": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 2}, "ultk.language": {"tf": 1}}, "df": 2, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}}}}}}}}}}, "o": {"docs": {}, "df": 0, "w": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 12, "e": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}}}, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "h": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}}}, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language": {"tf": 1}, "ultk.language.language.Language.is_natural": {"tf": 1}}, "df": 2}}}}}, "d": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1.4142135623730951}, "ultk.effcomm.util.DKL": {"tf": 1}}, "df": 5, "o": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}}, "df": 2, "c": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 2}}}}}}}}}}, "s": {"docs": {}, "df": 0, "/": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 1}}}}}}}}}}}, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1}}}}}}}, "w": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 2}}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 5}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1.4142135623730951}}, "df": 1}, "d": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 3}}}}}}, "a": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 3}}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}}, "df": 1}}}, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 3, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.blahut_arimoto": {"tf": 2.23606797749979}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1.4142135623730951}}, "df": 9}}}}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}}, "df": 2}}}}}}, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1.4142135623730951}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.7320508075688772}}, "df": 20, "s": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}}}}}}, "s": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 8}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.util.gNID": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.4142135623730951}}, "df": 1}}}}}}, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 1}}}}}}}, "v": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.ib_comm_cost": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.util.DKL": {"tf": 1}}, "df": 1}}}}}}}}}, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 15, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}}, "df": 5}}}}}}}}, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}}, "df": 1}}}}}}, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 2}}}}}}, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}}, "df": 1}}}}}}}}, "f": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.semantics.Meaning": {"tf": 1}}, "df": 1}}}}}}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 2}}}}}, "b": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 2}}}}}}}, "n": {"docs": {}, "df": 0, "i": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.LiteralListener": {"tf": 1}}, "df": 1}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}}}}}}, "g": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}}, "df": 3}}, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 2, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}}}}}}, "m": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}}, "e": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1}}, "df": 1}}}}}}, "a": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 2}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 2}}}}}}, "f": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}, "ultk.language.language": {"tf": 1.4142135623730951}, "ultk.language.semantics": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 10, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 4}, "s": {"docs": {"ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 1}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.language": {"tf": 1}}, "df": 3}}}, "d": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}}, "df": 1}}}, "a": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.util.marginal": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 11, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 2}}}}}}, "p": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}}, "df": 5}}, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}}}, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.PragmaticListener": {"tf": 1}}, "df": 1}}}}}, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 2}}}, "o": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1.4142135623730951}}, "df": 5}}}}}, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 1}}}}}}}}, "l": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.informativity.indicator_utility": {"tf": 1}}, "df": 1}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}}}}}}, "e": {"docs": {}, "df": 0, "p": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 1}}}, "y": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 2.23606797749979}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_means": {"tf": 2}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 6, "f": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 2.23606797749979}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1.7320508075688772}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 7}}}}}}}}, "u": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 2}}, "df": 1}}}}}}}}, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 4}}}}, "m": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 2}}}}, "r": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "p": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1.4142135623730951}}, "df": 1}}}, "f": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 2}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}}, "df": 2}, "l": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "v": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}}}}, "[": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.information.expected_distortion": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}}, "df": 2}}}, "p": {"1": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 2}}, "df": 2, "[": {"docs": {}, "df": 0, "i": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1.4142135623730951}}, "df": 1}}}, "2": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 2}}, "df": 2, "[": {"docs": {}, "df": 0, "i": {"docs": {"ultk.effcomm.tradeoff.dominates": {"tf": 1.4142135623730951}}, "df": 1}}}, "docs": {"ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener": {"tf": 2.23606797749979}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.expected_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 2}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 2}, "ultk.effcomm.information.ib_distortion": {"tf": 2}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.communicative_success": {"tf": 2.8284271247461903}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1.4142135623730951}, "ultk.effcomm.util.conditional": {"tf": 1.4142135623730951}, "ultk.effcomm.util.joint": {"tf": 1.7320508075688772}, "ultk.effcomm.util.marginalize": {"tf": 1.7320508075688772}, "ultk.effcomm.util.bayes": {"tf": 1.7320508075688772}, "ultk.effcomm.util.xlogx": {"tf": 1}, "ultk.effcomm.util.H": {"tf": 1.4142135623730951}}, "df": 24, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 1, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1.7320508075688772}}, "df": 1}}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 2}}}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.semantics": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}}, "df": 15}}}, "o": {"docs": {}, "df": 0, "j": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}}, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm": {"tf": 2}, "ultk.effcomm.analysis.trade_off_means": {"tf": 2}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 2}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}, "ultk.language.semantics": {"tf": 1}}, "df": 5}}}, "y": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1.7320508075688772}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 2}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}}, "df": 5}}}}, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}}, "df": 2}}}, "d": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}}, "df": 1}}}}}, "b": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.7320508075688772}}, "df": 13}, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 2}}}}}}}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1}}}}, "g": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}}, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticListener": {"tf": 2}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}}, "df": 16}}}}}}}, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}}}}}}}}, "o": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_means": {"tf": 2.6457513110645907}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 3.1622776601683795}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 6}}}}}}}}, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm": {"tf": 2}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe": {"tf": 1}}, "df": 12}, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 8}}}}}}, "o": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 4}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}}, "df": 5, "s": {"docs": {"ultk.effcomm.information.get_rd_curve": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 2}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 2.449489742783178}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 2}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 8}}}}, "w": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.sampling.powerset": {"tf": 1}}, "df": 1}}}}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_optimal_languages": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 2.23606797749979}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.7320508075688772}}, "df": 9}}, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1.4142135623730951}}, "df": 2}}}, "t": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 4}}}}}}}, "a": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}}}}}, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 2, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}, "s": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 1}}}}}}, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}}}}}, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 4}}}}, "c": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1}}}}}, "i": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}}, "df": 3}}}, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 3}}}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}}, "o": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 2, "s": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}}, "df": 1}}}}, "h": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "a": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}}, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}}}}, "y": {"docs": {"ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1.4142135623730951}, "ultk.effcomm.util.bayes": {"tf": 1}}, "df": 5, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}}, "df": 2}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}}, "#": {"docs": {}, "df": 0, "l": {"4": {"0": {"docs": {"ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}, "docs": {}, "df": 0}}, "g": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}}, "df": 2}}}}, "i": {"docs": {}, "df": 0, "p": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "c": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.semantics.Meaning": {"tf": 1}}, "df": 1}}}}, "s": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "v": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1.4142135623730951}}, "df": 1}}}}}}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}}}, "m": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.4142135623730951}}, "df": 2}}}, "e": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1, "d": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}}}}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 2}}, "df": 1}}}}}}, "d": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1}}, "df": 1}, "x": {"docs": {"ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}}, "df": 4, "y": {"docs": {"ultk.effcomm.util.marginal": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1}, "ultk.effcomm.util.joint": {"tf": 1}}, "df": 3}}, "w": {"docs": {"ultk.effcomm.util.gNID": {"tf": 1}}, "df": 1}, "v": {"docs": {"ultk.effcomm.util.gNID": {"tf": 1}}, "df": 1}, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 1}}}}}}}, "m": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 2.449489742783178}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 2.449489742783178}, "ultk.effcomm.agent.BayesianListener": {"tf": 2.23606797749979}, "ultk.effcomm.information.ib_accuracy": {"tf": 2.8284271247461903}, "ultk.effcomm.information.ib_distortion": {"tf": 3.4641016151377544}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 2.23606797749979}, "ultk.effcomm.informativity.informativity": {"tf": 2.6457513110645907}, "ultk.effcomm.informativity.communicative_success": {"tf": 3.605551275463989}}, "df": 11, "i": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 2, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "u": {"docs": {}, "df": 0, "m": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}}, "df": 5}}, "a": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1, "l": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}}, "df": 3, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.language.Expression": {"tf": 1}, "ultk.language.language.Language": {"tf": 1}}, "df": 3}}}}}, "c": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "a": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "b": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}}, "df": 1}}}}}}}}}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}}}}}}}, "g": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.semantics.Meaning": {"tf": 1}}, "df": 1}}}}, "a": {"docs": {}, "df": 0, "x": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.language.sampling.powerset": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 2.449489742783178}}, "df": 8, "i": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "u": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 6}}}}, "b": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}, "p": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 2, "p": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.language": {"tf": 1.4142135623730951}}, "df": 4, "s": {"docs": {"ultk.language.language": {"tf": 1}}, "df": 1}}}}}, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}}, "df": 1}}, "t": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1.4142135623730951}}, "df": 3, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}}, "df": 6}}}, "x": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}}, "df": 11}}}, "[": {"docs": {}, "df": 0, "i": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}, "h": {"docs": {"ultk.language.sampling.upto_comb": {"tf": 1}}, "df": 1, "b": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "{": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "}": {"docs": {}, "df": 0, "[": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.information.ib_comm_cost": {"tf": 1}}, "df": 1}}}}}}}, "e": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 1}}}}}}}}}}}}, "y": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}, "ultk.language.semantics": {"tf": 1}}, "df": 6}, "d": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}}, "df": 1}}, "n": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 6}}, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1.7320508075688772}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 6}}}, "e": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 10, "s": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}}, "df": 3}, "d": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 4}}}}}, "n": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 2, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_accuracy": {"tf": 1}, "ultk.effcomm.information.ib_distortion": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 2}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language": {"tf": 2.23606797749979}, "ultk.language.language.Expression": {"tf": 1}, "ultk.language.language.Expression.can_express": {"tf": 1}, "ultk.language.semantics": {"tf": 3}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1.7320508075688772}, "ultk.language.semantics.Meaning.__init__": {"tf": 2}}, "df": 29, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 2.23606797749979}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 2}, "ultk.effcomm.information.get_bottleneck": {"tf": 2.23606797749979}, "ultk.effcomm.information.ib_informativity": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_comm_cost": {"tf": 2}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1.7320508075688772}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 2.23606797749979}, "ultk.effcomm.informativity.informativity": {"tf": 2.23606797749979}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.7320508075688772}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1.7320508075688772}, "ultk.language": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 27}}}}, "s": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 3.872983346207417}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}}, "df": 3}}}, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}}, "df": 5, "o": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}, "s": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar": {"tf": 1}}, "df": 3}}}}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 12}, "p": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "y": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "x": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}}}}}}}, "d": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 1}}, "df": 1, "s": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 3}, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}}}}}}, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}}, "e": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}}, "df": 3, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 3}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.language": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 3}}}}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.language": {"tf": 1}}, "df": 3}}, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}}, "df": 1}}}}}}}}}}}, "|": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.LiteralListener": {"tf": 1}}, "df": 1}, "w": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}}, "df": 2}}, "u": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 4}}, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.Mutation.precondition": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.precondition": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1.4142135623730951}}, "df": 5, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 2}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 3}}}}, "e": {"docs": {"ultk.effcomm.optimization.Mutation.mutate": {"tf": 1}, "ultk.effcomm.optimization.RemoveExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.AddExpression.mutate": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 4, "d": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.mutate": {"tf": 1}}, "df": 1}}}}, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.util.MI": {"tf": 1}}, "df": 1}}}}, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1}}}}}}}}, "l": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}}, "df": 1, "p": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}}, "c": {"docs": {}, "df": 0, "h": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 2}}}}, "k": {"docs": {"ultk.language.sampling.upto_comb": {"tf": 1.4142135623730951}}, "df": 1, "e": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2.23606797749979}}, "df": 4, "s": {"docs": {"ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 4}}, "m": {"docs": {}, "df": 0, "p": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "p": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "d": {"docs": {"ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 4}}}, "l": {"docs": {"ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.util.DKL": {"tf": 1}}, "df": 2, "}": {"docs": {}, "df": 0, "[": {"docs": {}, "df": 0, "m": {"docs": {"ultk.effcomm.information.ib_comm_cost": {"tf": 1}}, "df": 1}, "p": {"docs": {}, "df": 0, "~": {"docs": {}, "df": 0, "|": {"docs": {}, "df": 0, "|": {"docs": {}, "df": 0, "~": {"docs": {}, "df": 0, "q": {"docs": {"ultk.effcomm.util.DKL": {"tf": 1}}, "df": 1}}}}}}}}}, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}}, "df": 1}}}, "n": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "b": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}}, "df": 2}}}}, "f": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}, "ultk.language": {"tf": 1}}, "df": 2}}}}}}, "b": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}, "w": {"docs": {"ultk.language.language": {"tf": 2.449489742783178}, "ultk.language.semantics": {"tf": 2.6457513110645907}}, "df": 2, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.sampling.random_languages": {"tf": 1}}, "df": 1}}}}, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk": {"tf": 3.3166247903554}, "ultk.effcomm": {"tf": 3.7416573867739413}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 2}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.7320508075688772}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1.4142135623730951}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 2}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.7320508075688772}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.sampling": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.dominates": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1.4142135623730951}, "ultk.language": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1.4142135623730951}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 2.449489742783178}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}, "ultk.language.language": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}, "ultk.language.semantics": {"tf": 2.449489742783178}, "ultk.language.semantics.Referent": {"tf": 1}, "ultk.language.semantics.Universe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 61, "m": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.language": {"tf": 1.4142135623730951}, "ultk.language.language.Expression": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.rename_id": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 18, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 2}, "a": {"docs": {}, "df": 0, "t": {"docs": {"ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.7320508075688772}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 3, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}}, "df": 2}}}}}, "l": {"docs": {"ultk.language.semantics.Meaning": {"tf": 1}}, "df": 1}}, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1}}, "df": 1}}, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}}, "l": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk": {"tf": 1.7320508075688772}}, "df": 1}}}, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "w": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}}}}, "c": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}}}, "r": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 4, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 2}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 2}}, "df": 5}}}}}, "m": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.7320508075688772}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 2}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.upto_comb": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.7320508075688772}, "ultk.language.semantics": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1.4142135623730951}, "ultk.language.semantics.Meaning": {"tf": 1.4142135623730951}}, "df": 30}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "w": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "k": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}}, "df": 5}}}}}}, "c": {"docs": {}, "df": 0, "{": {"docs": {}, "df": 0, "p": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.util.conditional": {"tf": 1}, "ultk.effcomm.util.bayes": {"tf": 1}}, "df": 3}}}}, "e": {"docs": {}, "df": 0, "q": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}, "t": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}}}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1}}}}, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 2}}, "e": {"docs": {}, "df": 0, "g": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}}, "df": 1}}}}}}}}}, "r": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.gNID": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 5}}}, "e": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "g": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent": {"tf": 1}}, "df": 1}}}}}}, "t": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 2}}}}}, "x": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 2}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 3, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 1}}}}}, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm": {"tf": 1}}, "df": 1, "m": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}}}}}}}}, "n": {"docs": {}, "df": 0, "c": {"docs": {"ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 6, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.indicator_utility": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 2}, "ultk.effcomm.informativity.communicative_success": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.build_utility_matrix": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1.7320508075688772}, "ultk.language.grammar.Rule.is_terminal": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1.4142135623730951}, "ultk.language.grammar.UniquenessArgs": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.7320508075688772}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1.4142135623730951}}, "df": 17, "s": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.analysis": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.informativity": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.sampling": {"tf": 1}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.util": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 10}}}}}}}, "l": {"docs": {}, "df": 0, "l": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 2}}, "df": 1, "y": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 1}}, "e": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 1}}, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 2}}}}}, "l": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.language.language.aggregate_expression_complexity": {"tf": 1}}, "df": 6}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}, "l": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.language.Expression.can_express": {"tf": 1}}, "df": 1}}}}}, "b": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "k": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}}, "df": 4}}}}}}}, "h": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 2}}, "o": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "p": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 2}}, "df": 1, "p": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.analysis.pearson_analysis": {"tf": 1}}, "df": 1}}}}}}}}}, "l": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 2.6457513110645907}}, "df": 1, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 1}}}}}, "u": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1.4142135623730951}}, "df": 1, "s": {"docs": {"ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 1}}}}}, "a": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1, "r": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {"ultk": {"tf": 1}, "ultk.language": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1.4142135623730951}}, "df": 3, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1}}}}}}, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.information": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 5}}}, "y": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}}, "df": 1, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.information.ib_optimal_decoder": {"tf": 1}}, "df": 3}}}}}}, "g": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}, "e": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 2}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 2}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 2.6457513110645907}, "ultk.language.semantics": {"tf": 1.4142135623730951}, "ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Meaning": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1.4142135623730951}}, "df": 36, "t": {"docs": {}, "df": 0, "w": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.7320508075688772}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.util.gNID": {"tf": 1}, "ultk.language": {"tf": 1}}, "df": 13}, "e": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.information.ib_comm_cost": {"tf": 1}}, "df": 1}}}}}, "a": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.information.get_bottleneck": {"tf": 2}}, "df": 3, "s": {"docs": {"ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 1}}, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}}, "df": 1}}}}, "h": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 2}}}}}}, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 5}}}}}, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 3}, "i": {"docs": {}, "df": 0, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language": {"tf": 1}}, "df": 1}}}}}, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.language": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 4}}}, "u": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.semantics.Universe.from_dataframe": {"tf": 1}, "ultk.language.semantics.Universe.from_csv": {"tf": 1}}, "df": 2, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}, "s": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 1}}, "t": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}}, "df": 1}}}, "t": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 4}, "g": {"docs": {"ultk.effcomm.agent.BayesianListener": {"tf": 1.4142135623730951}}, "df": 1}}, "y": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.initialize_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1.4142135623730951}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 2}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 31}, "i": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.LiteralSpeaker": {"tf": 1}, "ultk.effcomm.agent.LiteralListener": {"tf": 1}}, "df": 2}}}}, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}}, "df": 4}}, "n": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.language.Language.binary_matrix": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 3}}}}}, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.get_rd_curve": {"tf": 1}}, "df": 1}}}}}}, "y": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 1.4142135623730951}, "ultk.effcomm.util.conditional": {"tf": 1.7320508075688772}, "ultk.effcomm.util.joint": {"tf": 1.7320508075688772}, "ultk.effcomm.util.marginalize": {"tf": 1.7320508075688772}, "ultk.effcomm.util.bayes": {"tf": 1.4142135623730951}}, "df": 9, "o": {"docs": {}, "df": 0, "u": {"docs": {"ultk": {"tf": 1.7320508075688772}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1.4142135623730951}}, "df": 2}}, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "d": {"docs": {"ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}}, "df": 1, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.tradeoff.interpolate_data": {"tf": 1}}, "df": 1}}, "s": {"docs": {"ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}}, "df": 2}}}}}, "|": {"docs": {}, "df": 0, "x": {"docs": {"ultk.effcomm.util.conditional": {"tf": 1}, "ultk.effcomm.util.joint": {"tf": 1}, "ultk.effcomm.util.marginalize": {"tf": 1}, "ultk.effcomm.util.bayes": {"tf": 1}}, "df": 4}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "l": {"docs": {"ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 1}}}}, "v": {"1": {"docs": {}, "df": 0, "i": {"0": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "docs": {}, "df": 0}}, "docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 1.4142135623730951}}, "df": 1}}}}}, "a": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization": {"tf": 1}}, "df": 2}, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "t": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm": {"tf": 1.7320508075688772}, "ultk.effcomm.util": {"tf": 1}}, "df": 2}}}, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1.4142135623730951}}, "df": 1, "s": {"docs": {"ultk.effcomm.util.gNID": {"tf": 1}}, "df": 1}}}}, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 2}}, "df": 1}}}}}, "y": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}, "l": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "e": {"docs": {"ultk.effcomm.analysis.trade_off_ttest": {"tf": 1.4142135623730951}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.7320508075688772}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1}}, "df": 7, "s": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 7}, "d": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1}}}}}, "e": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.agent.Listener.normalized_weights": {"tf": 1}, "ultk.effcomm.util.rows_zero_to_uniform": {"tf": 1}}, "df": 5}}}}, "r": {"docs": {}, "df": 0, "y": {"docs": {"ultk.language.language": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 2}, "b": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}}, "df": 1}}}}}}, "s": {"docs": {"ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.effcomm.information.get_bottleneck": {"tf": 1.7320508075688772}}, "df": 2}, "o": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "b": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1.4142135623730951}}, "df": 1}}}, "y": {"docs": {"ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 1}}}}}}}}}}, "g": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.CommunicativeAgent.sample_strategy": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.Listener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.LiteralListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticSpeaker": {"tf": 1}, "ultk.effcomm.agent.PragmaticListener": {"tf": 1}, "ultk.effcomm.agent.BayesianListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.analysis.pearson_analysis": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1.4142135623730951}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1}, "ultk.language.semantics": {"tf": 1}}, "df": 21, "e": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.agent.Speaker.normalized_weights": {"tf": 1}, "ultk.effcomm.analysis.get_dataframe": {"tf": 1}, "ultk.effcomm.analysis.trade_off_means": {"tf": 1}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1.4142135623730951}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.grammar.Grammar.get_all_rules": {"tf": 1}, "ultk.language.language.Language.binary_matrix": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.sample_lang_size": {"tf": 1}, "ultk.language.sampling.random_combination_vocabulary": {"tf": 1}}, "df": 13, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}}, "df": 2}}}}}, "n": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1}}, "df": 3, "i": {"docs": {}, "df": 0, "z": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.util.gNID": {"tf": 1}}, "df": 1}}}}}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}}, "df": 5}}, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.optimization.EvolutionaryOptimizer.fit": {"tf": 1}, "ultk.effcomm.optimization.EvolutionaryOptimizer.sample_mutated": {"tf": 1}, "ultk.effcomm.optimization.sample_parents": {"tf": 1}}, "df": 4, "s": {"docs": {"ultk.effcomm.optimization.EvolutionaryOptimizer.__init__": {"tf": 1}}, "df": 1}}}}, "e": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.sampling.get_hypothetical_variants": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_expressions": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}}, "df": 9, "d": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.generate_languages": {"tf": 1.7320508075688772}, "ultk.language.sampling.sample_lang_size": {"tf": 1}}, "df": 5}}, "o": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1}}}}}}}}, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "e": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm": {"tf": 1}}, "df": 2, "s": {"docs": {"ultk": {"tf": 1.4142135623730951}, "ultk.effcomm.agent": {"tf": 1}}, "df": 2}}}}, "r": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "m": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "r": {"docs": {"ultk": {"tf": 1}, "ultk.language.grammar.Rule": {"tf": 2}, "ultk.language.grammar.GrammaticalExpression": {"tf": 1}, "ultk.language.grammar.GrammaticalExpression.yield_string": {"tf": 1}, "ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.grammar.Grammar.parse": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.from_yaml": {"tf": 1.4142135623730951}}, "df": 10}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.GrammaticalExpression": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.parse": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 3, "s": {"docs": {"ultk.language.grammar.UniquenessArgs": {"tf": 1}, "ultk.language.grammar.Grammar": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate_at_depth": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 5}}}}}}}}}}}}}}}}}, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "c": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "x": {"docs": {}, "df": 0, "p": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "n": {"docs": {"ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}}, "df": 1}}}}}}}}}}}}}}}}}, "d": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.tradeoff.tradeoff": {"tf": 1}}, "df": 1}}}}, "e": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {"ultk.language.sampling.enumerate_all_languages": {"tf": 1}}, "df": 1}}}}}}, "i": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "h": {"docs": {}, "df": 0, "u": {"docs": {}, "df": 0, "b": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}, "v": {"docs": {}, "df": 0, "e": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}}, "df": 1, "n": {"docs": {"ultk.effcomm": {"tf": 1}, "ultk.effcomm.agent.CommunicativeAgent.strategy_to_indices": {"tf": 1}, "ultk.effcomm.agent.PragmaticSpeaker.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1.4142135623730951}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 1}, "ultk.effcomm.information.get_ib_curve": {"tf": 1}, "ultk.effcomm.information.get_bottleneck": {"tf": 1}, "ultk.effcomm.information.ib_informativity": {"tf": 1}, "ultk.effcomm.information.ib_comm_cost": {"tf": 1}, "ultk.effcomm.information.ib_encoder_to_point": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1.4142135623730951}, "ultk.language.grammar.Grammar.generate": {"tf": 1}, "ultk.language.grammar.Grammar.enumerate": {"tf": 1.4142135623730951}, "ultk.language.language.Language.degree_property": {"tf": 1}, "ultk.language.sampling.powerset": {"tf": 1}, "ultk.language.sampling.all_meanings": {"tf": 1}, "ultk.language.sampling.all_languages": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1.4142135623730951}}, "df": 18}}}}, "o": {"docs": {}, "df": 0, "o": {"docs": {}, "df": 0, "d": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}, "ultk.effcomm.tradeoff.non_dominated_2d": {"tf": 1}}, "df": 2}}}, "u": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.LiteralListener": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}}, "df": 2, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "g": {"docs": {"ultk.effcomm.agent.LiteralListener": {"tf": 1}}, "df": 1}}}, "e": {"docs": {}, "df": 0, "s": {"docs": {"ultk.effcomm.agent.PragmaticListener.__init__": {"tf": 1}, "ultk.effcomm.informativity.informativity": {"tf": 1}, "ultk.effcomm.informativity.communicative_success": {"tf": 1}}, "df": 3}, "d": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}}}}}, "t": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 3.4641016151377544}, "ultk.effcomm.analysis.trade_off_ttest": {"tf": 2.449489742783178}, "ultk.language.language": {"tf": 4.898979485566356}, "ultk.language.sampling.random_languages": {"tf": 3.4641016151377544}, "ultk.language.sampling.generate_languages": {"tf": 4.242640687119285}, "ultk.language.semantics": {"tf": 5.196152422706632}}, "df": 6}}, "z": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "l": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "v": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "k": {"docs": {}, "df": 0, "y": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}}, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "o": {"docs": {"ultk.effcomm.agent.CommunicativeAgent.to_language": {"tf": 1}}, "df": 1}}}}, "j": {"docs": {"ultk": {"tf": 1}, "ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 2, "o": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}}, "df": 1}}}}, "u": {"docs": {}, "df": 0, "s": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.optimization.sample_parents": {"tf": 1}, "ultk.language.grammar.Grammar.get_unique_expressions": {"tf": 1}, "ultk.language.sampling.upto_comb": {"tf": 1}, "ultk.language.sampling.random_languages": {"tf": 1}, "ultk.language.sampling.enumerate_all_languages": {"tf": 1}, "ultk.language.semantics.Meaning.__init__": {"tf": 1}}, "df": 6}}}}, "q": {"docs": {"ultk.effcomm.information.information_rate": {"tf": 1}, "ultk.effcomm.information.language_to_ib_encoder_decoder": {"tf": 1.4142135623730951}}, "df": 2, "u": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "n": {"docs": {}, "df": 0, "t": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "f": {"docs": {}, "df": 0, "i": {"docs": {}, "df": 0, "e": {"docs": {}, "df": 0, "r": {"docs": {}, "df": 0, "s": {"docs": {"ultk": {"tf": 1}}, "df": 1}}}}}}}}, "s": {"docs": {}, "df": 0, "i": {"docs": {"ultk.language.sampling.generate_languages": {"tf": 1}, "ultk.language.sampling.sample_quasi_natural": {"tf": 1.7320508075688772}, "ultk.language.sampling.enumerate_all_languages": {"tf": 2.449489742783178}}, "df": 3}}}, "o": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.analysis.trade_off_means": {"tf": 2.449489742783178}, "ultk.language.language": {"tf": 1.4142135623730951}, "ultk.language.sampling.random_languages": {"tf": 2}, "ultk.language.sampling.generate_languages": {"tf": 2}, "ultk.language.semantics": {"tf": 1.4142135623730951}}, "df": 5}}}}, "x": {"docs": {"ultk.effcomm.information.expected_distortion": {"tf": 1.7320508075688772}, "ultk.effcomm.information.compute_rate_distortion": {"tf": 3.605551275463989}, "ultk.effcomm.information.blahut_arimoto": {"tf": 3.3166247903554}, "ultk.effcomm.tradeoff.pareto_min_distances": {"tf": 1.7320508075688772}, "ultk.effcomm.tradeoff.interpolate_data": {"tf": 1.4142135623730951}, "ultk.effcomm.tradeoff.tradeoff": {"tf": 1}, "ultk.effcomm.util.marginal": {"tf": 2}, "ultk.effcomm.util.conditional": {"tf": 2.23606797749979}, "ultk.effcomm.util.joint": {"tf": 2.449489742783178}, "ultk.effcomm.util.marginalize": {"tf": 2.23606797749979}, "ultk.effcomm.util.bayes": {"tf": 1.7320508075688772}, "ultk.effcomm.util.xlogx": {"tf": 1.4142135623730951}, "ultk.effcomm.util.H": {"tf": 2}, "ultk.effcomm.util.gNID": {"tf": 1.4142135623730951}, "ultk.language.sampling.rename_id": {"tf": 1.4142135623730951}}, "df": 15, "u": {"docs": {"ultk": {"tf": 1}}, "df": 1}, "h": {"docs": {}, "df": 0, "a": {"docs": {}, "df": 0, "t": {"docs": {"ultk.effcomm.information.compute_rate_distortion": {"tf": 1}}, "df": 1}}}, "[": {"docs": {}, "df": 0, "i": {"docs": {"ultk.effcomm.information.blahut_arimoto": {"tf": 1}}, "df": 1}}, "|": {"docs": {}, "df": 0, "y": {"docs": {"ultk.effcomm.util.bayes": {"tf": 1}}, "df": 1}}}}}}, "pipeline": ["trimmer"], "_isPrebuiltIndex": true}; // mirrored in build-search-index.js (part 1) // Also split on html tags. this is a cheap heuristic, but good enough. diff --git a/docs/altk.html b/docs/ultk.html similarity index 79% rename from docs/altk.html rename to docs/ultk.html index d034ddf9..2db877df 100644 --- a/docs/altk.html +++ b/docs/ultk.html @@ -3,14 +3,14 @@ - - altk API documentation + + ultk API documentation - - + + + + + + + + +
+
+

+ultk.effcomm.information

+ +

Helper functions for Rate-Distortion based (including Information Bottleneck) efficient communication analyses.

+
+ + + + + +
  1"""Helper functions for Rate-Distortion based (including Information Bottleneck) efficient communication analyses."""
+  2
+  3import numpy as np
+  4from ultk.language.language import Language
+  5from ultk.language.semantics import Universe, Referent
+  6from ultk.effcomm.agent import LiteralSpeaker, BayesianListener
+  7from ultk.effcomm import util
+  8from embo import InformationBottleneck
+  9from typing import Callable
+ 10
+ 11
+ 12def information_rate(source: np.ndarray, encoder: np.ndarray) -> float:
+ 13    """Compute the information rate / complexity of the encoder q(w|m) as $I[W:M]$."""
+ 14    pXY = util.joint(pY_X=encoder, pX=source)
+ 15    return util.MI(pXY=pXY)
+ 16
+ 17
+ 18##############################################################################
+ 19# Rate-Distortion Theory
+ 20##############################################################################
+ 21
+ 22
+ 23def get_rd_curve(
+ 24    prior: np.ndarray,
+ 25    dist_mat: np.ndarray,
+ 26    betas: np.ndarray = None,
+ 27) -> list[tuple[float]]:
+ 28    """Use the Blahut Arimoto algorithm to obtain a list of (rate, distortion) points."""
+ 29    if betas is None:
+ 30        # B-A gets a bit sparse in low-rate regions for just one np.linspace
+ 31        # betas = np.linspace(start=0, stop=2**7, num=50)
+ 32        betas = np.concatenate(
+ 33            [
+ 34                np.linspace(start=0, stop=0.29, num=333),
+ 35                np.linspace(start=0.3, stop=0.9, num=333),
+ 36                np.linspace(start=1.0, stop=2**7, num=334),
+ 37            ]
+ 38        )
+ 39    # TODO: unify or something
+ 40    prior = np.array(prior)
+ 41    dist_mat = np.array(dist_mat)
+ 42
+ 43    rd = lambda beta: blahut_arimoto(dist_mat, p_x=prior, beta=beta)["final"]
+ 44    pareto_points = [rd(beta) for beta in betas]
+ 45    return pareto_points
+ 46
+ 47
+ 48def expected_distortion(
+ 49    p_x: np.ndarray, p_xhat_x: np.ndarray, dist_mat: np.ndarray
+ 50) -> float:
+ 51    """$D[X, \hat{X}] = \sum_x p(x) \sum_{\hat{x}} p(\hat{x}|x) \cdot d(x, \hat{x})$"""
+ 52    # BUG to fix: you need to diagonalize the prior.
+ 53    return np.sum(np.diag(p_x) @ (p_xhat_x * dist_mat))
+ 54
+ 55
+ 56def compute_rate_distortion(
+ 57    p_x,
+ 58    p_xhat_x,
+ 59    dist_mat,
+ 60) -> tuple[np.ndarray]:
+ 61    """Compute the information rate $I(X;\hat{X})$ and total distortion $D[X, \hat{X}]$ of a joint distribution defind by $P(X)$ and $P(\hat{X}|X)$.
+ 62
+ 63    Args:
+ 64        p_x: array of shape `|X|` the prior probability of an input symbol (i.e., the source)
+ 65
+ 66        p_xhat_x: array of shape `(|X|, |X_hat|)` the probability of an output symbol given the input
+ 67
+ 68        dist_mat: array of shape `(|X|, |X_hat|)` representing the distoriton matrix between the input alphabet and the reconstruction alphabet.
+ 69
+ 70    Returns:
+ 71        a (rate, distortion) tuple containing the information rate (in bits) of compressing X into X_hat and the expected distortion between X, X_hat
+ 72    """
+ 73    return (
+ 74        information_rate(p_x, p_xhat_x),
+ 75        expected_distortion(p_x, p_xhat_x, dist_mat),
+ 76    )
+ 77
+ 78
+ 79def blahut_arimoto(
+ 80    dist_mat: np.ndarray,
+ 81    p_x: np.ndarray,
+ 82    beta: float,
+ 83    max_it: int = 200,
+ 84    eps: float = 1e-5,
+ 85    ignore_converge: bool = False,
+ 86) -> tuple[float]:
+ 87    """Compute the rate-distortion function of an i.i.d distribution
+ 88
+ 89    Args:
+ 90        dist_mat: array of shape `(|X|, |X_hat|)` representing the distortion matrix between the input alphabet and the reconstruction alphabet. dist_mat[i,j] = dist(x[i],x_hat[j]). In this context, X is a random variable representing the a speaker's meaning (target referent), and X_hat is a random variable representing a listener's meaning (guessed  referent).
+ 91
+ 92        p_x: (1D array of shape `|X|`) representing the probability mass function of the source. In this context, the prior over states of nature.
+ 93
+ 94        beta: (scalar) the slope of the rate-distoriton function at the point where evaluation is required
+ 95
+ 96        max_it: max number of iterations
+ 97
+ 98        eps: accuracy required by the algorithm: the algorithm stops if there is no change in distoriton value of more than 'eps' between consequtive iterations
+ 99
+100        ignore_converge: whether to run the optimization until `max_it`, ignoring the stopping criterion specified by `eps`.
+101
+102    Returns:
+103        a dict of the form
+104
+105            {
+106                'final': a tuple of (rate, distortion) values. This is the rate (in bits) of compressing X into X_hat, and distortion between X, X_hat
+107
+108                'trajectory': a list of the (rate, distortion) points discovered during optimization
+109            }
+110    """
+111    # start with iid conditional distribution, as p(x) may not be uniform
+112    p_xhat_x = np.tile(p_x, (dist_mat.shape[1], 1)).T
+113
+114    # normalize
+115    p_x /= np.sum(p_x)
+116    p_xhat_x /= np.sum(p_xhat_x, 1, keepdims=True)
+117
+118    it = 0
+119    traj = []
+120    distortion = 2 * eps
+121    converged = False
+122    while not converged:
+123        it += 1
+124        distortion_prev = distortion
+125
+126        # p(x_hat) = sum p(x) p(x_hat | x)
+127        p_xhat = p_x @ p_xhat_x
+128
+129        # p(x_hat | x) = p(x_hat) exp(- beta * d(x_hat, x)) / Z
+130        p_xhat_x = np.exp(-beta * dist_mat) * p_xhat
+131        p_xhat_x /= np.expand_dims(np.sum(p_xhat_x, 1), 1)
+132
+133        # update for convergence check
+134        rate, distortion = compute_rate_distortion(p_x, p_xhat_x, dist_mat)
+135
+136        # collect point
+137        traj.append((rate, distortion))
+138
+139        # convergence check
+140        if ignore_converge:
+141            converged = it == max_it
+142        else:
+143            converged = it == max_it or np.abs(distortion - distortion_prev) < eps
+144
+145    return {
+146        "final": (rate, distortion),
+147        "trajectory": traj,
+148    }
+149
+150
+151##############################################################################
+152# Information Bottleneck
+153##############################################################################
+154
+155# === Main IB methods ===
+156
+157
+158def get_ib_curve(
+159    prior: np.ndarray,
+160    meaning_dists: np.ndarray,
+161    maxbeta: float,
+162    minbeta: float,
+163    numbeta: float,
+164    processes: int = 1,
+165    curve_type: str = "informativity",
+166) -> tuple[float]:
+167    """Get a list of (complexity, accuracy) or (complexity, distortion) points. A minimal wrapper of `get_bottleneck.`
+168
+169    Args:
+170        prior: array of shape `|meanings|`
+171
+172        meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings.
+173
+174        curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The latter can be obtained easily from the former by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
+175
+176        maxbeta: the maximum value of beta to use to compute the curve.
+177
+178        minbeta: the minimum value of beta to use.
+179
+180        numbeta: the number of (equally-spaced) beta values to consider to compute the curve.
+181
+182        processes: number of cpu threads to run in parallel (default = 1)
+183
+184    Returns:
+185        an array of shape `(num_points, 2)` representing the list of (accuracy/comm_cost, complexity) points on the information plane.
+186    """
+187
+188    complexity, accuracy, distortion = get_bottleneck(
+189        prior, meaning_dists, maxbeta, minbeta, numbeta, processes
+190    )
+191    if curve_type == "comm_cost":
+192        return np.array(
+193            list(
+194                zip(
+195                    distortion,
+196                    complexity,
+197                )
+198            )
+199        )  # expected kl divergence, complexity
+200
+201    else:
+202        points = np.array(
+203            list(
+204                zip(
+205                    accuracy,
+206                    complexity,
+207                )
+208            )
+209        )  # informativity, complexity
+210    return points
+211
+212
+213def get_bottleneck(
+214    prior: np.ndarray,
+215    meaning_dists: np.ndarray,
+216    maxbeta: float,
+217    minbeta: float,
+218    numbeta: float,
+219    processes: int = 1,
+220) -> np.ndarray:
+221    """Compute the IB curve bound (I[M:W] vs. I[W:U]). We use the embo package, which has support for smoothing any non-monotonicity in the bound resulting from BA optimization getting stuck in local minima.
+222
+223    Args:
+224        prior: array of shape `|meanings|`
+225
+226        meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings.
+227
+228        curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The comm_cost can be obtained easily from informativity by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
+229
+230        maxbeta: the maximum value of beta to use to compute the curve.
+231
+232        minbeta: the minimum value of beta to use.
+233
+234        numbeta: the number of (equally-spaced) beta values to consider to compute the curve.
+235
+236        processes: number of cpu threads to run in parallel (default = 1)
+237
+238    Returns:
+239        a dict containing the coordinates and encoders corresponding to IB optima, of the form
+240
+241            {
+242            "encoders": an array of shape `(num_meanings, num_words)`,\n
+243            "coordinates": a tuple of arrays `(complexity, accuracy, comm_cost)` each of shape (`numbeta`,)
+244            "beta": an array of shape (`numbeta`,) corresponding to the actually used betas after non-monotonicity corrections.
+245            }
+246    """
+247    # N.B.: embo only uses numpy and scipy
+248    prior = np.array(prior)
+249    meaning_dists = np.array(meaning_dists)
+250
+251    joint_pmu = util.joint(meaning_dists, prior)  # P(u) = P(m)
+252    I_mu = util.MI(joint_pmu)
+253
+254    # I[M:W], I[W:U], H[W], beta, encoders
+255    I_mw, I_wu, _, beta, encoders = InformationBottleneck(
+256        pxy=joint_pmu,
+257        maxbeta=maxbeta,
+258        minbeta=minbeta,
+259        numbeta=numbeta,
+260        processes=processes,
+261    ).get_bottleneck()
+262
+263    def normalize_rows(mat: np.ndarray):
+264        return mat / mat.sum(1, keepdims=True)
+265
+266    # compute by hand for debug
+267    # NOTE: I don't remember why I was doing this, maybe there's a bug
+268    # Oh i remember, it's because the encoders computed by embo don't always sum to 1.
+269    # encoders = np.array([normalize_rows(encoder) for encoder in encoders])
+270    # points = [ib_encoder_to_point(meaning_dists, prior, encoder)[:-1] for encoder in encoders]
+271    # I_mw, I_wu = tuple(zip(*points))
+272
+273    coordinates = list(zip(*(I_mw, I_wu, I_mu - I_wu)))
+274
+275    return {
+276        "encoders": encoders,
+277        "coordinates": coordinates,
+278        "betas": beta,
+279    }
+280
+281
+282##############################################################################
+283# Using ultk.Language
+284##############################################################################
+285
+286
+287def ib_complexity(
+288    language: Language,
+289    prior: np.ndarray,
+290) -> float:
+291    """Compute the IB encoder complexity of a language $I[M:W]$."""
+292    return float(
+293        information_rate(
+294            source=prior,
+295            encoder=language_to_ib_encoder_decoder(
+296                language,
+297                prior,
+298            )["encoder"],
+299        )
+300    )
+301
+302
+303def ib_informativity(
+304    language: Language,
+305    prior: np.ndarray,
+306    meaning_dists: np.ndarray,
+307) -> float:
+308    """Compute the expected informativity (accuracy) $I[W:U]$ of a lexicon.
+309
+310    Args:
+311        language: the Language to measure for informativity
+312
+313        prior: communicative need distribution
+314
+315        meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings.
+316
+317    Returns:
+318        the informativity of the language I[W:U] in bits.
+319    """
+320    return float(
+321        ib_accuracy(
+322            language_to_ib_encoder_decoder(language, prior)["encoder"],
+323            prior,
+324            meaning_dists,
+325        )
+326    )
+327
+328
+329def ib_comm_cost(
+330    language: Language,
+331    prior: np.ndarray,
+332    meaning_dists: np.ndarray,
+333) -> float:
+334    """Compute the IB communicative cost, i.e. expected KL-divergence betweeen speaker and listener meanings, for a language.
+335
+336    Args:
+337        language: the Language to measure for communicative cost
+338
+339        prior: communicative need distribution
+340
+341        meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings.
+342
+343    Returns:
+344        the communicative cost, $\mathbb{E}[D_{KL}[M || \hat{M}]] = I[M:U] - I[W:U]$ in bits.
+345    """
+346    return ib_distortion(
+347        language_to_ib_encoder_decoder(language, prior)["encoder"],
+348        prior,
+349        meaning_dists,
+350    )
+351
+352
+353def language_to_ib_encoder_decoder(
+354    language: Language,
+355    prior: np.ndarray,
+356) -> dict[str, np.ndarray]:
+357    """Convert a Language, a mapping of words to meanings, to IB encoder, q(w|m) and IB decoder q(m|w).
+358
+359    Args:
+360        language: the lexicon from which to infer a speaker (encoder).
+361
+362        prior: communicative need distribution
+363
+364    Returns:
+365        a dict of the form
+366        {
+367            "encoder": np.ndarray of shape `(|meanings|, |words|)`,
+368            "decoder": np.ndarray of shape `(|words|, |meanings|)`,
+369        }
+370    """
+371    # In the IB framework, the encoder _can_ be a literal speaker and the decoder is a bayes optimal listener.
+372    speaker = LiteralSpeaker(language)
+373    speaker.weights = util.rows_zero_to_uniform(speaker.normalized_weights())
+374    listener = BayesianListener(speaker, prior)
+375    return {
+376        "encoder": speaker.normalized_weights(),
+377        "decoder": listener.normalized_weights(),
+378    }
+379
+380
+381##############################################################################
+382# Without using ultk.Language
+383##############################################################################
+384
+385
+386def ib_accuracy(
+387    encoder: np.ndarray, prior: np.ndarray, meaning_dists: np.ndarray
+388) -> float:
+389    """Return the accuracy of the lexicon I[W:U]
+390
+391    Args:
+392        encoder: array of shape `(|M|, |W|)` representing P(W | M)
+393
+394        decoder: array of shape `(|W|, |M|)` representing P(M | W)
+395
+396        meaning_dists: array of shape `(|M|, |U|)` representing P(U | M)
+397
+398        prior: array of shape `|M|` representing P(M)
+399
+400    Returns:
+401        the accuracy of the lexicon I[W:U]
+402    """
+403    pMW = util.joint(encoder, prior)
+404    pWU = pMW.T @ meaning_dists
+405    return util.MI(pWU)
+406
+407
+408def ib_distortion(
+409    encoder: np.ndarray, prior: np.ndarray, meaning_dists: np.ndarray
+410) -> float:
+411    """Return the IB distortion measure E[DKL[ M || M_hat ]]
+412
+413    Args:
+414        encoder: array of shape `(|M|, |W|)` representing P(W | M)
+415
+416        decoder: array of shape `(|W|, |M|)` representing P(M | W)
+417
+418        meaning_dists: array of shape `(|M|, |U|)` representing P(U | M)
+419
+420        prior: array of shape `|M|` representing P(M)
+421
+422    Returns:
+423        the distortion E[DKL[ M || M_hat ]] = I[M:U] - I[W:U]
+424    """
+425    pMU = util.joint(meaning_dists, prior)
+426    I_mu = util.MI(pMU)
+427    accuracy = ib_accuracy(encoder, prior, meaning_dists)
+428    return I_mu - accuracy
+429
+430
+431def ib_encoder_to_point(
+432    meaning_dists: np.ndarray,
+433    prior: np.ndarray,
+434    encoder: np.ndarray,
+435    decoder: np.ndarray = None,
+436) -> tuple[float]:
+437    """Return (complexity, accuracy, comm_cost) IB coordinates.
+438
+439    Args:
+440        meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings.
+441
+442        prior: array of shape `|M|` representing the cognitive source
+443
+444        encoder: array of shape `(|M|, |W|)` representing P(W | M)
+445
+446        decoder: array of shape `(|W|, |M|)` representing P(M | W).  By default is None, and the Bayesian optimal decoder will be inferred.
+447    """
+448    # TODO: be consistent about tensors vs arrays
+449    encoder = np.array(encoder)
+450    meaning_dists = np.array(meaning_dists)
+451    prior = np.array(prior)
+452    if decoder is not None:
+453        decoder = np.array(decoder)
+454    else:
+455        decoder = ib_optimal_decoder(encoder, prior, meaning_dists)
+456
+457    encoder = util.rows_zero_to_uniform(encoder)
+458    decoder = util.rows_zero_to_uniform(decoder)
+459
+460    complexity = information_rate(prior, encoder)
+461    accuracy = ib_accuracy(encoder, prior, meaning_dists)
+462    distortion = ib_distortion(encoder, prior, meaning_dists)
+463
+464    return (complexity, accuracy, distortion)
+465
+466
+467def ib_optimal_decoder(
+468    encoder: np.ndarray,
+469    prior: np.ndarray,
+470    meaning_dists: np.ndarray,
+471) -> np.ndarray:
+472    """Compute the bayesian optimal decoder. See https://github.com/nogazs/ib-color-naming/blob/master/src/ib_naming_model.py#L40
+473
+474    Args:
+475        encoder: array of shape `(|words|, |meanings|)`
+476
+477        prior: array of shape `(|meanings|,)`
+478
+479        meaning_dists: array of shape `(|meanings|, |meanings|)`
+480
+481    Returns:
+482        array of shape `(|words|, |meanings|)` representing the 'optimal' deterministic decoder
+483    """
+484    pMW = util.joint(encoder, prior)
+485    pW_M = pMW.T / pMW.sum(axis=0)[:, None]
+486    return pW_M @ meaning_dists
+
+ + +
+
+ +
+ + def + information_rate(source: numpy.ndarray, encoder: numpy.ndarray) -> float: + + + +
+ +
13def information_rate(source: np.ndarray, encoder: np.ndarray) -> float:
+14    """Compute the information rate / complexity of the encoder q(w|m) as $I[W:M]$."""
+15    pXY = util.joint(pY_X=encoder, pX=source)
+16    return util.MI(pXY=pXY)
+
+ + +

Compute the information rate / complexity of the encoder q(w|m) as $I[W:M]$.

+
+ + +
+
+ +
+ + def + get_rd_curve( prior: numpy.ndarray, dist_mat: numpy.ndarray, betas: numpy.ndarray = None) -> list[tuple[float]]: + + + +
+ +
24def get_rd_curve(
+25    prior: np.ndarray,
+26    dist_mat: np.ndarray,
+27    betas: np.ndarray = None,
+28) -> list[tuple[float]]:
+29    """Use the Blahut Arimoto algorithm to obtain a list of (rate, distortion) points."""
+30    if betas is None:
+31        # B-A gets a bit sparse in low-rate regions for just one np.linspace
+32        # betas = np.linspace(start=0, stop=2**7, num=50)
+33        betas = np.concatenate(
+34            [
+35                np.linspace(start=0, stop=0.29, num=333),
+36                np.linspace(start=0.3, stop=0.9, num=333),
+37                np.linspace(start=1.0, stop=2**7, num=334),
+38            ]
+39        )
+40    # TODO: unify or something
+41    prior = np.array(prior)
+42    dist_mat = np.array(dist_mat)
+43
+44    rd = lambda beta: blahut_arimoto(dist_mat, p_x=prior, beta=beta)["final"]
+45    pareto_points = [rd(beta) for beta in betas]
+46    return pareto_points
+
+ + +

Use the Blahut Arimoto algorithm to obtain a list of (rate, distortion) points.

+
+ + +
+
+ +
+ + def + expected_distortion( p_x: numpy.ndarray, p_xhat_x: numpy.ndarray, dist_mat: numpy.ndarray) -> float: + + + +
+ +
49def expected_distortion(
+50    p_x: np.ndarray, p_xhat_x: np.ndarray, dist_mat: np.ndarray
+51) -> float:
+52    """$D[X, \hat{X}] = \sum_x p(x) \sum_{\hat{x}} p(\hat{x}|x) \cdot d(x, \hat{x})$"""
+53    # BUG to fix: you need to diagonalize the prior.
+54    return np.sum(np.diag(p_x) @ (p_xhat_x * dist_mat))
+
+ + +

$D[X, \hat{X}] = \sum_x p(x) \sum_{\hat{x}} p(\hat{x}|x) \cdot d(x, \hat{x})$

+
+ + +
+
+ +
+ + def + compute_rate_distortion(p_x, p_xhat_x, dist_mat) -> tuple[numpy.ndarray]: + + + +
+ +
57def compute_rate_distortion(
+58    p_x,
+59    p_xhat_x,
+60    dist_mat,
+61) -> tuple[np.ndarray]:
+62    """Compute the information rate $I(X;\hat{X})$ and total distortion $D[X, \hat{X}]$ of a joint distribution defind by $P(X)$ and $P(\hat{X}|X)$.
+63
+64    Args:
+65        p_x: array of shape `|X|` the prior probability of an input symbol (i.e., the source)
+66
+67        p_xhat_x: array of shape `(|X|, |X_hat|)` the probability of an output symbol given the input
+68
+69        dist_mat: array of shape `(|X|, |X_hat|)` representing the distoriton matrix between the input alphabet and the reconstruction alphabet.
+70
+71    Returns:
+72        a (rate, distortion) tuple containing the information rate (in bits) of compressing X into X_hat and the expected distortion between X, X_hat
+73    """
+74    return (
+75        information_rate(p_x, p_xhat_x),
+76        expected_distortion(p_x, p_xhat_x, dist_mat),
+77    )
+
+ + +

Compute the information rate $I(X;\hat{X})$ and total distortion $D[X, \hat{X}]$ of a joint distribution defind by $P(X)$ and $P(\hat{X}|X)$.

+ +
Arguments:
+ +
    +
  • p_x: array of shape |X| the prior probability of an input symbol (i.e., the source)
  • +
  • p_xhat_x: array of shape (|X|, |X_hat|) the probability of an output symbol given the input
  • +
  • dist_mat: array of shape (|X|, |X_hat|) representing the distoriton matrix between the input alphabet and the reconstruction alphabet.
  • +
+ +
Returns:
+ +
+

a (rate, distortion) tuple containing the information rate (in bits) of compressing X into X_hat and the expected distortion between X, X_hat

+
+
+ + +
+
+ +
+ + def + blahut_arimoto( dist_mat: numpy.ndarray, p_x: numpy.ndarray, beta: float, max_it: int = 200, eps: float = 1e-05, ignore_converge: bool = False) -> tuple[float]: + + + +
+ +
 80def blahut_arimoto(
+ 81    dist_mat: np.ndarray,
+ 82    p_x: np.ndarray,
+ 83    beta: float,
+ 84    max_it: int = 200,
+ 85    eps: float = 1e-5,
+ 86    ignore_converge: bool = False,
+ 87) -> tuple[float]:
+ 88    """Compute the rate-distortion function of an i.i.d distribution
+ 89
+ 90    Args:
+ 91        dist_mat: array of shape `(|X|, |X_hat|)` representing the distortion matrix between the input alphabet and the reconstruction alphabet. dist_mat[i,j] = dist(x[i],x_hat[j]). In this context, X is a random variable representing the a speaker's meaning (target referent), and X_hat is a random variable representing a listener's meaning (guessed  referent).
+ 92
+ 93        p_x: (1D array of shape `|X|`) representing the probability mass function of the source. In this context, the prior over states of nature.
+ 94
+ 95        beta: (scalar) the slope of the rate-distoriton function at the point where evaluation is required
+ 96
+ 97        max_it: max number of iterations
+ 98
+ 99        eps: accuracy required by the algorithm: the algorithm stops if there is no change in distoriton value of more than 'eps' between consequtive iterations
+100
+101        ignore_converge: whether to run the optimization until `max_it`, ignoring the stopping criterion specified by `eps`.
+102
+103    Returns:
+104        a dict of the form
+105
+106            {
+107                'final': a tuple of (rate, distortion) values. This is the rate (in bits) of compressing X into X_hat, and distortion between X, X_hat
+108
+109                'trajectory': a list of the (rate, distortion) points discovered during optimization
+110            }
+111    """
+112    # start with iid conditional distribution, as p(x) may not be uniform
+113    p_xhat_x = np.tile(p_x, (dist_mat.shape[1], 1)).T
+114
+115    # normalize
+116    p_x /= np.sum(p_x)
+117    p_xhat_x /= np.sum(p_xhat_x, 1, keepdims=True)
+118
+119    it = 0
+120    traj = []
+121    distortion = 2 * eps
+122    converged = False
+123    while not converged:
+124        it += 1
+125        distortion_prev = distortion
+126
+127        # p(x_hat) = sum p(x) p(x_hat | x)
+128        p_xhat = p_x @ p_xhat_x
+129
+130        # p(x_hat | x) = p(x_hat) exp(- beta * d(x_hat, x)) / Z
+131        p_xhat_x = np.exp(-beta * dist_mat) * p_xhat
+132        p_xhat_x /= np.expand_dims(np.sum(p_xhat_x, 1), 1)
+133
+134        # update for convergence check
+135        rate, distortion = compute_rate_distortion(p_x, p_xhat_x, dist_mat)
+136
+137        # collect point
+138        traj.append((rate, distortion))
+139
+140        # convergence check
+141        if ignore_converge:
+142            converged = it == max_it
+143        else:
+144            converged = it == max_it or np.abs(distortion - distortion_prev) < eps
+145
+146    return {
+147        "final": (rate, distortion),
+148        "trajectory": traj,
+149    }
+
+ + +

Compute the rate-distortion function of an i.i.d distribution

+ +
Arguments:
+ +
    +
  • dist_mat: array of shape (|X|, |X_hat|) representing the distortion matrix between the input alphabet and the reconstruction alphabet. dist_mat[i,j] = dist(x[i],x_hat[j]). In this context, X is a random variable representing the a speaker's meaning (target referent), and X_hat is a random variable representing a listener's meaning (guessed referent).
  • +
  • p_x: (1D array of shape |X|) representing the probability mass function of the source. In this context, the prior over states of nature.
  • +
  • beta: (scalar) the slope of the rate-distoriton function at the point where evaluation is required
  • +
  • max_it: max number of iterations
  • +
  • eps: accuracy required by the algorithm: the algorithm stops if there is no change in distoriton value of more than 'eps' between consequtive iterations
  • +
  • ignore_converge: whether to run the optimization until max_it, ignoring the stopping criterion specified by eps.
  • +
+ +
Returns:
+ +
+

a dict of the form

+ +
{
+    'final': a tuple of (rate, distortion) values. This is the rate (in bits) of compressing X into X_hat, and distortion between X, X_hat
+
+    'trajectory': a list of the (rate, distortion) points discovered during optimization
+}
+
+
+
+ + +
+
+ +
+ + def + get_ib_curve( prior: numpy.ndarray, meaning_dists: numpy.ndarray, maxbeta: float, minbeta: float, numbeta: float, processes: int = 1, curve_type: str = 'informativity') -> tuple[float]: + + + +
+ +
159def get_ib_curve(
+160    prior: np.ndarray,
+161    meaning_dists: np.ndarray,
+162    maxbeta: float,
+163    minbeta: float,
+164    numbeta: float,
+165    processes: int = 1,
+166    curve_type: str = "informativity",
+167) -> tuple[float]:
+168    """Get a list of (complexity, accuracy) or (complexity, distortion) points. A minimal wrapper of `get_bottleneck.`
+169
+170    Args:
+171        prior: array of shape `|meanings|`
+172
+173        meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings.
+174
+175        curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The latter can be obtained easily from the former by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
+176
+177        maxbeta: the maximum value of beta to use to compute the curve.
+178
+179        minbeta: the minimum value of beta to use.
+180
+181        numbeta: the number of (equally-spaced) beta values to consider to compute the curve.
+182
+183        processes: number of cpu threads to run in parallel (default = 1)
+184
+185    Returns:
+186        an array of shape `(num_points, 2)` representing the list of (accuracy/comm_cost, complexity) points on the information plane.
+187    """
+188
+189    complexity, accuracy, distortion = get_bottleneck(
+190        prior, meaning_dists, maxbeta, minbeta, numbeta, processes
+191    )
+192    if curve_type == "comm_cost":
+193        return np.array(
+194            list(
+195                zip(
+196                    distortion,
+197                    complexity,
+198                )
+199            )
+200        )  # expected kl divergence, complexity
+201
+202    else:
+203        points = np.array(
+204            list(
+205                zip(
+206                    accuracy,
+207                    complexity,
+208                )
+209            )
+210        )  # informativity, complexity
+211    return points
+
+ + +

Get a list of (complexity, accuracy) or (complexity, distortion) points. A minimal wrapper of get_bottleneck.

+ +
Arguments:
+ +
    +
  • prior: array of shape |meanings|
  • +
  • meaning_dists: array of shape (|meanings|, |meanings|) representing the distribution over world states given meanings.
  • +
  • curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The latter can be obtained easily from the former by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
  • +
  • maxbeta: the maximum value of beta to use to compute the curve.
  • +
  • minbeta: the minimum value of beta to use.
  • +
  • numbeta: the number of (equally-spaced) beta values to consider to compute the curve.
  • +
  • processes: number of cpu threads to run in parallel (default = 1)
  • +
+ +
Returns:
+ +
+

an array of shape (num_points, 2) representing the list of (accuracy/comm_cost, complexity) points on the information plane.

+
+
+ + +
+
+ +
+ + def + get_bottleneck( prior: numpy.ndarray, meaning_dists: numpy.ndarray, maxbeta: float, minbeta: float, numbeta: float, processes: int = 1) -> numpy.ndarray: + + + +
+ +
214def get_bottleneck(
+215    prior: np.ndarray,
+216    meaning_dists: np.ndarray,
+217    maxbeta: float,
+218    minbeta: float,
+219    numbeta: float,
+220    processes: int = 1,
+221) -> np.ndarray:
+222    """Compute the IB curve bound (I[M:W] vs. I[W:U]). We use the embo package, which has support for smoothing any non-monotonicity in the bound resulting from BA optimization getting stuck in local minima.
+223
+224    Args:
+225        prior: array of shape `|meanings|`
+226
+227        meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings.
+228
+229        curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The comm_cost can be obtained easily from informativity by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
+230
+231        maxbeta: the maximum value of beta to use to compute the curve.
+232
+233        minbeta: the minimum value of beta to use.
+234
+235        numbeta: the number of (equally-spaced) beta values to consider to compute the curve.
+236
+237        processes: number of cpu threads to run in parallel (default = 1)
+238
+239    Returns:
+240        a dict containing the coordinates and encoders corresponding to IB optima, of the form
+241
+242            {
+243            "encoders": an array of shape `(num_meanings, num_words)`,\n
+244            "coordinates": a tuple of arrays `(complexity, accuracy, comm_cost)` each of shape (`numbeta`,)
+245            "beta": an array of shape (`numbeta`,) corresponding to the actually used betas after non-monotonicity corrections.
+246            }
+247    """
+248    # N.B.: embo only uses numpy and scipy
+249    prior = np.array(prior)
+250    meaning_dists = np.array(meaning_dists)
+251
+252    joint_pmu = util.joint(meaning_dists, prior)  # P(u) = P(m)
+253    I_mu = util.MI(joint_pmu)
+254
+255    # I[M:W], I[W:U], H[W], beta, encoders
+256    I_mw, I_wu, _, beta, encoders = InformationBottleneck(
+257        pxy=joint_pmu,
+258        maxbeta=maxbeta,
+259        minbeta=minbeta,
+260        numbeta=numbeta,
+261        processes=processes,
+262    ).get_bottleneck()
+263
+264    def normalize_rows(mat: np.ndarray):
+265        return mat / mat.sum(1, keepdims=True)
+266
+267    # compute by hand for debug
+268    # NOTE: I don't remember why I was doing this, maybe there's a bug
+269    # Oh i remember, it's because the encoders computed by embo don't always sum to 1.
+270    # encoders = np.array([normalize_rows(encoder) for encoder in encoders])
+271    # points = [ib_encoder_to_point(meaning_dists, prior, encoder)[:-1] for encoder in encoders]
+272    # I_mw, I_wu = tuple(zip(*points))
+273
+274    coordinates = list(zip(*(I_mw, I_wu, I_mu - I_wu)))
+275
+276    return {
+277        "encoders": encoders,
+278        "coordinates": coordinates,
+279        "betas": beta,
+280    }
+
+ + +

Compute the IB curve bound (I[M:W] vs. I[W:U]). We use the embo package, which has support for smoothing any non-monotonicity in the bound resulting from BA optimization getting stuck in local minima.

+ +
Arguments:
+ +
    +
  • prior: array of shape |meanings|
  • +
  • meaning_dists: array of shape (|meanings|, |meanings|) representing the distribution over world states given meanings.
  • +
  • curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The comm_cost can be obtained easily from informativity by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain.
  • +
  • maxbeta: the maximum value of beta to use to compute the curve.
  • +
  • minbeta: the minimum value of beta to use.
  • +
  • numbeta: the number of (equally-spaced) beta values to consider to compute the curve.
  • +
  • processes: number of cpu threads to run in parallel (default = 1)
  • +
+ +
Returns:
+ +
+

a dict containing the coordinates and encoders corresponding to IB optima, of the form

+ +
{
+"encoders": an array of shape `(num_meanings, num_words)`,
+
+"coordinates": a tuple of arrays `(complexity, accuracy, comm_cost)` each of shape (`numbeta`,)
+"beta": an array of shape (`numbeta`,) corresponding to the actually used betas after non-monotonicity corrections.
+}
+
+
+
+ + +
+
+ +
+ + def + ib_complexity(language: ultk.language.language.Language, prior: numpy.ndarray) -> float: + + + +
+ +
288def ib_complexity(
+289    language: Language,
+290    prior: np.ndarray,
+291) -> float:
+292    """Compute the IB encoder complexity of a language $I[M:W]$."""
+293    return float(
+294        information_rate(
+295            source=prior,
+296            encoder=language_to_ib_encoder_decoder(
+297                language,
+298                prior,
+299            )["encoder"],
+300        )
+301    )
+
+ + +

Compute the IB encoder complexity of a language $I[M:W]$.

+
+ + +
+
+ +
+ + def + ib_informativity( language: ultk.language.language.Language, prior: numpy.ndarray, meaning_dists: numpy.ndarray) -> float: + + + +
+ +
304def ib_informativity(
+305    language: Language,
+306    prior: np.ndarray,
+307    meaning_dists: np.ndarray,
+308) -> float:
+309    """Compute the expected informativity (accuracy) $I[W:U]$ of a lexicon.
+310
+311    Args:
+312        language: the Language to measure for informativity
+313
+314        prior: communicative need distribution
+315
+316        meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings.
+317
+318    Returns:
+319        the informativity of the language I[W:U] in bits.
+320    """
+321    return float(
+322        ib_accuracy(
+323            language_to_ib_encoder_decoder(language, prior)["encoder"],
+324            prior,
+325            meaning_dists,
+326        )
+327    )
+
+ + +

Compute the expected informativity (accuracy) $I[W:U]$ of a lexicon.

+ +
Arguments:
+ +
    +
  • language: the Language to measure for informativity
  • +
  • prior: communicative need distribution
  • +
  • meaning_dists: array of shape (|meanings|, |meanings|) representing the distribution over world states given meanings.
  • +
+ +
Returns:
+ +
+

the informativity of the language I[W:U] in bits.

+
+
+ + +
+
+ +
+ + def + ib_comm_cost( language: ultk.language.language.Language, prior: numpy.ndarray, meaning_dists: numpy.ndarray) -> float: + + + +
+ +
330def ib_comm_cost(
+331    language: Language,
+332    prior: np.ndarray,
+333    meaning_dists: np.ndarray,
+334) -> float:
+335    """Compute the IB communicative cost, i.e. expected KL-divergence betweeen speaker and listener meanings, for a language.
+336
+337    Args:
+338        language: the Language to measure for communicative cost
+339
+340        prior: communicative need distribution
+341
+342        meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings.
+343
+344    Returns:
+345        the communicative cost, $\mathbb{E}[D_{KL}[M || \hat{M}]] = I[M:U] - I[W:U]$ in bits.
+346    """
+347    return ib_distortion(
+348        language_to_ib_encoder_decoder(language, prior)["encoder"],
+349        prior,
+350        meaning_dists,
+351    )
+
+ + +

Compute the IB communicative cost, i.e. expected KL-divergence betweeen speaker and listener meanings, for a language.

+ +
Arguments:
+ +
    +
  • language: the Language to measure for communicative cost
  • +
  • prior: communicative need distribution
  • +
  • meaning_dists: array of shape (|meanings|, |meanings|) representing the distribution over world states given meanings.
  • +
+ +
Returns:
+ +
+

the communicative cost, $\mathbb{E}[D_{KL}[M || \hat{M}]] = I[M:U] - I[W:U]$ in bits.

+
+
+ + +
+
+ +
+ + def + language_to_ib_encoder_decoder( language: ultk.language.language.Language, prior: numpy.ndarray) -> dict[str, numpy.ndarray]: + + + +
+ +
354def language_to_ib_encoder_decoder(
+355    language: Language,
+356    prior: np.ndarray,
+357) -> dict[str, np.ndarray]:
+358    """Convert a Language, a mapping of words to meanings, to IB encoder, q(w|m) and IB decoder q(m|w).
+359
+360    Args:
+361        language: the lexicon from which to infer a speaker (encoder).
+362
+363        prior: communicative need distribution
+364
+365    Returns:
+366        a dict of the form
+367        {
+368            "encoder": np.ndarray of shape `(|meanings|, |words|)`,
+369            "decoder": np.ndarray of shape `(|words|, |meanings|)`,
+370        }
+371    """
+372    # In the IB framework, the encoder _can_ be a literal speaker and the decoder is a bayes optimal listener.
+373    speaker = LiteralSpeaker(language)
+374    speaker.weights = util.rows_zero_to_uniform(speaker.normalized_weights())
+375    listener = BayesianListener(speaker, prior)
+376    return {
+377        "encoder": speaker.normalized_weights(),
+378        "decoder": listener.normalized_weights(),
+379    }
+
+ + +

Convert a Language, a mapping of words to meanings, to IB encoder, q(w|m) and IB decoder q(m|w).

+ +
Arguments:
+ +
    +
  • language: the lexicon from which to infer a speaker (encoder).
  • +
  • prior: communicative need distribution
  • +
+ +
Returns:
+ +
+

a dict of the form + { + "encoder": np.ndarray of shape (|meanings|, |words|), + "decoder": np.ndarray of shape (|words|, |meanings|), + }

+
+
+ + +
+
+ +
+ + def + ib_accuracy( encoder: numpy.ndarray, prior: numpy.ndarray, meaning_dists: numpy.ndarray) -> float: + + + +
+ +
387def ib_accuracy(
+388    encoder: np.ndarray, prior: np.ndarray, meaning_dists: np.ndarray
+389) -> float:
+390    """Return the accuracy of the lexicon I[W:U]
+391
+392    Args:
+393        encoder: array of shape `(|M|, |W|)` representing P(W | M)
+394
+395        decoder: array of shape `(|W|, |M|)` representing P(M | W)
+396
+397        meaning_dists: array of shape `(|M|, |U|)` representing P(U | M)
+398
+399        prior: array of shape `|M|` representing P(M)
+400
+401    Returns:
+402        the accuracy of the lexicon I[W:U]
+403    """
+404    pMW = util.joint(encoder, prior)
+405    pWU = pMW.T @ meaning_dists
+406    return util.MI(pWU)
+
+ + +

Return the accuracy of the lexicon I[W:U]

+ +
Arguments:
+ +
    +
  • encoder: array of shape (|M|, |W|) representing P(W | M)
  • +
  • decoder: array of shape (|W|, |M|) representing P(M | W)
  • +
  • meaning_dists: array of shape (|M|, |U|) representing P(U | M)
  • +
  • prior: array of shape |M| representing P(M)
  • +
+ +
Returns:
+ +
+

the accuracy of the lexicon I[W:U]

+
+
+ + +
+
+ +
+ + def + ib_distortion( encoder: numpy.ndarray, prior: numpy.ndarray, meaning_dists: numpy.ndarray) -> float: + + + +
+ +
409def ib_distortion(
+410    encoder: np.ndarray, prior: np.ndarray, meaning_dists: np.ndarray
+411) -> float:
+412    """Return the IB distortion measure E[DKL[ M || M_hat ]]
+413
+414    Args:
+415        encoder: array of shape `(|M|, |W|)` representing P(W | M)
+416
+417        decoder: array of shape `(|W|, |M|)` representing P(M | W)
+418
+419        meaning_dists: array of shape `(|M|, |U|)` representing P(U | M)
+420
+421        prior: array of shape `|M|` representing P(M)
+422
+423    Returns:
+424        the distortion E[DKL[ M || M_hat ]] = I[M:U] - I[W:U]
+425    """
+426    pMU = util.joint(meaning_dists, prior)
+427    I_mu = util.MI(pMU)
+428    accuracy = ib_accuracy(encoder, prior, meaning_dists)
+429    return I_mu - accuracy
+
+ + +

Return the IB distortion measure E[DKL[ M || M_hat ]]

+ +
Arguments:
+ +
    +
  • encoder: array of shape (|M|, |W|) representing P(W | M)
  • +
  • decoder: array of shape (|W|, |M|) representing P(M | W)
  • +
  • meaning_dists: array of shape (|M|, |U|) representing P(U | M)
  • +
  • prior: array of shape |M| representing P(M)
  • +
+ +
Returns:
+ +
+

the distortion E[DKL[ M || M_hat ]] = I[M:U] - I[W:U]

+
+
+ + +
+
+ +
+ + def + ib_encoder_to_point( meaning_dists: numpy.ndarray, prior: numpy.ndarray, encoder: numpy.ndarray, decoder: numpy.ndarray = None) -> tuple[float]: + + + +
+ +
432def ib_encoder_to_point(
+433    meaning_dists: np.ndarray,
+434    prior: np.ndarray,
+435    encoder: np.ndarray,
+436    decoder: np.ndarray = None,
+437) -> tuple[float]:
+438    """Return (complexity, accuracy, comm_cost) IB coordinates.
+439
+440    Args:
+441        meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings.
+442
+443        prior: array of shape `|M|` representing the cognitive source
+444
+445        encoder: array of shape `(|M|, |W|)` representing P(W | M)
+446
+447        decoder: array of shape `(|W|, |M|)` representing P(M | W).  By default is None, and the Bayesian optimal decoder will be inferred.
+448    """
+449    # TODO: be consistent about tensors vs arrays
+450    encoder = np.array(encoder)
+451    meaning_dists = np.array(meaning_dists)
+452    prior = np.array(prior)
+453    if decoder is not None:
+454        decoder = np.array(decoder)
+455    else:
+456        decoder = ib_optimal_decoder(encoder, prior, meaning_dists)
+457
+458    encoder = util.rows_zero_to_uniform(encoder)
+459    decoder = util.rows_zero_to_uniform(decoder)
+460
+461    complexity = information_rate(prior, encoder)
+462    accuracy = ib_accuracy(encoder, prior, meaning_dists)
+463    distortion = ib_distortion(encoder, prior, meaning_dists)
+464
+465    return (complexity, accuracy, distortion)
+
+ + +

Return (complexity, accuracy, comm_cost) IB coordinates.

+ +
Arguments:
+ +
    +
  • meaning_dists: array of shape (|meanings|, |meanings|) representing the distribution over world states given meanings.
  • +
  • prior: array of shape |M| representing the cognitive source
  • +
  • encoder: array of shape (|M|, |W|) representing P(W | M)
  • +
  • decoder: array of shape (|W|, |M|) representing P(M | W). By default is None, and the Bayesian optimal decoder will be inferred.
  • +
+
+ + +
+
+ +
+ + def + ib_optimal_decoder( encoder: numpy.ndarray, prior: numpy.ndarray, meaning_dists: numpy.ndarray) -> numpy.ndarray: + + + +
+ +
468def ib_optimal_decoder(
+469    encoder: np.ndarray,
+470    prior: np.ndarray,
+471    meaning_dists: np.ndarray,
+472) -> np.ndarray:
+473    """Compute the bayesian optimal decoder. See https://github.com/nogazs/ib-color-naming/blob/master/src/ib_naming_model.py#L40
+474
+475    Args:
+476        encoder: array of shape `(|words|, |meanings|)`
+477
+478        prior: array of shape `(|meanings|,)`
+479
+480        meaning_dists: array of shape `(|meanings|, |meanings|)`
+481
+482    Returns:
+483        array of shape `(|words|, |meanings|)` representing the 'optimal' deterministic decoder
+484    """
+485    pMW = util.joint(encoder, prior)
+486    pW_M = pMW.T / pMW.sum(axis=0)[:, None]
+487    return pW_M @ meaning_dists
+
+ + +

Compute the bayesian optimal decoder. See https://github.com/nogazs/ib-color-naming/blob/master/src/ib_naming_model.py#L40

+ +
Arguments:
+ +
    +
  • encoder: array of shape (|words|, |meanings|)
  • +
  • prior: array of shape (|meanings|,)
  • +
  • meaning_dists: array of shape (|meanings|, |meanings|)
  • +
+ +
Returns:
+ +
+

array of shape (|words|, |meanings|) representing the 'optimal' deterministic decoder

+
+
+ + +
+
+ + \ No newline at end of file diff --git a/docs/altk/effcomm/informativity.html b/docs/ultk/effcomm/informativity.html similarity index 79% rename from docs/altk/effcomm/informativity.html rename to docs/ultk/effcomm/informativity.html index c058f5d2..5f55a066 100644 --- a/docs/altk/effcomm/informativity.html +++ b/docs/ultk/effcomm/informativity.html @@ -3,14 +3,14 @@ - - altk.effcomm.informativity API documentation + + ultk.effcomm.informativity API documentation - - + + + + + + + + +
+
+

+ultk.effcomm.sampling

+ +

Functions for sampling expressions into languages.

+
+ + + + + +
 1"""Functions for sampling expressions into languages.
+ 2"""
+ 3import copy
+ 4from typing import Any
+ 5import numpy as np
+ 6from ultk.language.language import Language
+ 7from ultk.effcomm.agent import Speaker, LiteralSpeaker
+ 8from math import comb
+ 9from tqdm import tqdm
+10
+11
+12##############################################################################
+13# Methods for generating languages from expressions, or permuting the stochastic mapping from words to meanings of an existing language
+14##############################################################################
+15
+16
+17def get_hypothetical_variants(
+18    languages: list[Language] = None, speakers: list[Speaker] = None, total: int = 0
+19) -> list[Any]:
+20    """For each system (parameterized by a language or else a speaker), generate `num` hypothetical variants by permuting the signals that the system assigns to states.
+21
+22    Args:
+23        languages: a list of languages to permute, by constructing LiteralSpeakers and permuting their weights.
+24
+25        speakers: a list of speakers of a language, whose weights can be directly permuted. Should be used instead of `languages` if possible, because it can be more finegrained (every language can be associated with multiple speakers).
+26
+27        total: the total number of hypothetical variants to obtain
+28
+29    Returns:
+30        hypothetical_variants: a list of type either Language or np.ndarray depending on whether `languages` or `speakers` was passed, representing hypothetical variants of the systems passed. If `speakers` was passed, a list of speakers is returned.
+31    """
+32
+33    if (languages is not None and speakers is not None) or (
+34        languages is None and speakers is None
+35    ):
+36        raise Exception(
+37            "You must pass exactly one of the following: `languages`, `speakers`."
+38        )
+39
+40    if languages is not None:
+41        num_systems = len(languages)
+42    else:
+43        num_systems = len(speakers)
+44
+45    variants_per_system = int(total / num_systems)
+46
+47    hypothetical_variants = []
+48    for i in range(num_systems):
+49        if languages is not None:
+50            speaker = LiteralSpeaker(languages[i])
+51        else:
+52            speaker = speakers[i]
+53
+54        seen = set()
+55        while len(seen) < variants_per_system:
+56            # permute columns of speaker weights
+57            permuted = np.random.permutation(speaker.weights.T).T
+58            seen.add(tuple(permuted.flatten()))
+59
+60        for permuted_weights in seen:
+61            permuted_speaker = copy.deepcopy(speaker)
+62            permuted_speaker.weights = np.reshape(
+63                permuted_weights, (speaker.weights.shape)
+64            )
+65
+66            variant = permuted_speaker
+67            if languages is not None:
+68                variant = permuted_speaker.to_language()
+69            hypothetical_variants.append(variant)
+70
+71    return hypothetical_variants
+
+ + +
+
+ +
+ + def + get_hypothetical_variants( languages: list[ultk.language.language.Language] = None, speakers: list[ultk.effcomm.agent.Speaker] = None, total: int = 0) -> list[typing.Any]: + + + +
+ +
18def get_hypothetical_variants(
+19    languages: list[Language] = None, speakers: list[Speaker] = None, total: int = 0
+20) -> list[Any]:
+21    """For each system (parameterized by a language or else a speaker), generate `num` hypothetical variants by permuting the signals that the system assigns to states.
+22
+23    Args:
+24        languages: a list of languages to permute, by constructing LiteralSpeakers and permuting their weights.
+25
+26        speakers: a list of speakers of a language, whose weights can be directly permuted. Should be used instead of `languages` if possible, because it can be more finegrained (every language can be associated with multiple speakers).
+27
+28        total: the total number of hypothetical variants to obtain
+29
+30    Returns:
+31        hypothetical_variants: a list of type either Language or np.ndarray depending on whether `languages` or `speakers` was passed, representing hypothetical variants of the systems passed. If `speakers` was passed, a list of speakers is returned.
+32    """
+33
+34    if (languages is not None and speakers is not None) or (
+35        languages is None and speakers is None
+36    ):
+37        raise Exception(
+38            "You must pass exactly one of the following: `languages`, `speakers`."
+39        )
+40
+41    if languages is not None:
+42        num_systems = len(languages)
+43    else:
+44        num_systems = len(speakers)
+45
+46    variants_per_system = int(total / num_systems)
+47
+48    hypothetical_variants = []
+49    for i in range(num_systems):
+50        if languages is not None:
+51            speaker = LiteralSpeaker(languages[i])
+52        else:
+53            speaker = speakers[i]
+54
+55        seen = set()
+56        while len(seen) < variants_per_system:
+57            # permute columns of speaker weights
+58            permuted = np.random.permutation(speaker.weights.T).T
+59            seen.add(tuple(permuted.flatten()))
+60
+61        for permuted_weights in seen:
+62            permuted_speaker = copy.deepcopy(speaker)
+63            permuted_speaker.weights = np.reshape(
+64                permuted_weights, (speaker.weights.shape)
+65            )
+66
+67            variant = permuted_speaker
+68            if languages is not None:
+69                variant = permuted_speaker.to_language()
+70            hypothetical_variants.append(variant)
+71
+72    return hypothetical_variants
+
+ + +

For each system (parameterized by a language or else a speaker), generate num hypothetical variants by permuting the signals that the system assigns to states.

+ +
Arguments:
+ +
    +
  • languages: a list of languages to permute, by constructing LiteralSpeakers and permuting their weights.
  • +
  • speakers: a list of speakers of a language, whose weights can be directly permuted. Should be used instead of languages if possible, because it can be more finegrained (every language can be associated with multiple speakers).
  • +
  • total: the total number of hypothetical variants to obtain
  • +
+ +
Returns:
+ +
+

hypothetical_variants: a list of type either Language or np.ndarray depending on whether languages or speakers was passed, representing hypothetical variants of the systems passed. If speakers was passed, a list of speakers is returned.

+
+
+ + +
+
+ + \ No newline at end of file diff --git a/docs/altk/effcomm/tradeoff.html b/docs/ultk/effcomm/tradeoff.html similarity index 50% rename from docs/altk/effcomm/tradeoff.html rename to docs/ultk/effcomm/tradeoff.html index f5b17939..390a044c 100644 --- a/docs/altk/effcomm/tradeoff.html +++ b/docs/ultk/effcomm/tradeoff.html @@ -3,14 +3,14 @@ - - altk.effcomm.tradeoff API documentation + + ultk.effcomm.tradeoff API documentation - - + + + + + + + + +
+
+

+ultk.language.grammar

+ + + + + + +
  1import random
+  2import re
+  3from collections import defaultdict
+  4from collections.abc import Sequence
+  5from itertools import product
+  6from typing import Any, Callable, Generator, TypedDict
+  7
+  8from yaml import load
+  9
+ 10try:
+ 11    from yaml import CLoader as Loader
+ 12except ImportError:
+ 13    from yaml import Loader
+ 14
+ 15from ultk.language.language import Expression
+ 16from ultk.language.semantics import Meaning, Universe
+ 17
+ 18
+ 19class Rule:
+ 20    """Basic class for a grammar rule.  Grammar rules in ULTK correspond
+ 21    to functions.  One can think of a grammar as generating complex functions from
+ 22    more basic ones.
+ 23
+ 24    Attributes:
+ 25        lhs: left-hand side of the rule (can be anything)
+ 26            conceptually, the output type of a function
+ 27        rhs: right-hand side; assumed to be an iterable
+ 28            conceptually, a list of types of inputs
+ 29        func: a callable, the function to be computed when a node with this rule is executed
+ 30        name: name of the function
+ 31        weight: a relative weight to assign to this rule
+ 32            when added to a grammar, all rules with the same LHS will be weighted together
+ 33    """
+ 34
+ 35    def __init__(
+ 36        self,
+ 37        name: str,
+ 38        lhs: Any,
+ 39        rhs: Sequence | None,
+ 40        function: Callable = lambda *args: None,
+ 41        weight: float = 1.0,
+ 42    ):
+ 43        self.lhs = lhs
+ 44        self.rhs = rhs
+ 45        self.func = function
+ 46        self.name = name
+ 47        self.weight = weight
+ 48
+ 49    def is_terminal(self) -> bool:
+ 50        """Whether this is a terminal rule.  In our framework, this means that RHS is empty,
+ 51        i.e. there are no arguments to the function.
+ 52        """
+ 53        return self.rhs is None
+ 54
+ 55    def __str__(self) -> str:
+ 56        out_str = f"{str(self.lhs)} -> {self.name}"
+ 57        if self.rhs is not None:
+ 58            out_str += f"({', '.join(str(typ) for typ in self.rhs)})"
+ 59        return out_str
+ 60
+ 61
+ 62class GrammaticalExpression(Expression):
+ 63    """A GrammaticalExpression has been built up from a Grammar by applying a sequence of Rules.
+ 64    Crucially, it is _callable_, using the functions corresponding to each rule.
+ 65
+ 66    A GrammaticalExpression, when called, takes in a Referent.  Because of this, a Meaning can
+ 67    be generated by specifying a Universe (which contains Referents).
+ 68
+ 69    Attributes:
+ 70        name: name of the top-most function
+ 71        func: the function
+ 72        children: child expressions (possibly empty)
+ 73    """
+ 74
+ 75    def __init__(
+ 76        self,
+ 77        rule_name: str,
+ 78        func: Callable,
+ 79        children: tuple | None,
+ 80        meaning: Meaning | None = None,
+ 81        form: str | None = None,
+ 82    ):
+ 83        super().__init__(form, meaning)
+ 84        self.rule_name = rule_name
+ 85        self.func = func
+ 86        self.children = children
+ 87
+ 88    def yield_string(self) -> str:
+ 89        """Get the 'yield' string of this term, i.e. the concatenation
+ 90        of the leaf nodes.
+ 91
+ 92        This is useful for thinking of a `Grammar` as generating derivation trees for
+ 93        an underlying CFG.  This method will then generate the strings generated by
+ 94        the corresponding CFG.
+ 95        """
+ 96        if self.children is None:
+ 97            return str(self)
+ 98        return "".join(child.yield_string() for child in self.children)
+ 99
+100    def evaluate(self, universe: Universe) -> Meaning:
+101        # TODO: this presupposes that the expression has type Referent -> bool.  Should we generalize?
+102        # and that leaf nodes will take Referents as input...
+103        # NB: important to use `not self.meaning` and not `self.meaning is None` because of how
+104        # Expression.__init__ initializes an "empty" meaning if `None` is passed
+105        if not self.meaning:
+106            self.meaning = Meaning(
+107                [referent for referent in universe.referents if self(referent)],
+108                universe,
+109            )
+110        return self.meaning
+111
+112    def add_child(self, child) -> None:
+113        if self.children is None:
+114            self.children = tuple([child])
+115        else:
+116            self.children = self.children + (child,)
+117
+118    def to_dict(self) -> dict:
+119        the_dict = super().to_dict()
+120        the_dict["grammatical_expression"] = str(self)
+121        the_dict["length"] = len(self)
+122        return the_dict
+123
+124    def __call__(self, *args):
+125        if self.children is None:
+126            return self.func(*args)
+127        return self.func(*(child(*args) for child in self.children))
+128
+129    def __len__(self):
+130        length = 1
+131        if self.children is not None:
+132            length += sum(len(child) for child in self.children)
+133        return length
+134
+135    def __eq__(self, other) -> bool:
+136        return (self.rule_name, self.form, self.func, self.children) == (
+137            other.rule_name,
+138            other.form,
+139            other.func,
+140            other.children,
+141        )
+142
+143    def __hash__(self) -> int:
+144        # when self.children is None...
+145        children = self.children or tuple([])
+146        return hash((self.rule_name, self.form, self.func, tuple(children)))
+147
+148    def __lt__(self, other) -> bool:
+149        children = self.children or tuple([])
+150        other_children = other.children or tuple([])
+151        return (self.rule_name, self.form, self.func, children) < (
+152            other.rule_name,
+153            other.form,
+154            other.func,
+155            other_children,
+156        )
+157
+158    def __str__(self):
+159        out_str = self.rule_name
+160        if self.children is not None:
+161            out_str += f"({', '.join(str(child) for child in self.children)})"
+162        return out_str
+163
+164
+165class UniquenessArgs(TypedDict):
+166    """Arguments for specifying uniqueness of GrammaticalExpressions in a Grammar.
+167
+168    Attributes:
+169        unique_expressions: a dictionary in which to store unique Expressions
+170        key: a function used to evaluate uniqueness
+171        compare_func: a comparison function, used to decide which Expression to add to the dict
+172            new Expressions will be added as values to `unique_dict` only if they are minimal
+173            among those sharing the same key (by `unique_key`) according to this func
+174    """
+175
+176    unique_expressions: dict[Any, dict[Any, GrammaticalExpression]]
+177    key: Callable[[GrammaticalExpression], Any]
+178    compare_func: Callable[[GrammaticalExpression, GrammaticalExpression], bool]
+179
+180
+181class Grammar:
+182    """At its core, a Grammar is a set of Rules with methods for generating GrammaticalExpressions."""
+183
+184    def __init__(self, start: Any):
+185        # _rules: nonterminals -> list of rules
+186        self._rules: dict[Any, list[Rule]] = defaultdict(list)
+187        # name -> rule, for fast lookup in parsing
+188        self._rules_by_name: dict[str, Rule] = {}
+189        self._start = start
+190
+191    def add_rule(self, rule: Rule):
+192        self._rules[rule.lhs].append(rule)
+193        if rule.name in self._rules_by_name:
+194            raise ValueError(
+195                f"Rules of a grammar must have unique names. This grammar already has a rule named {rule.name}."
+196            )
+197        self._rules_by_name[rule.name] = rule
+198
+199    def parse(
+200        self,
+201        expression: str,
+202        opener: str = "(",
+203        closer: str = ")",
+204        delimiter: str = ",",
+205    ) -> GrammaticalExpression:
+206        """Parse a string representation of an expression of a grammar.
+207        Note that this is not a general-purpose parsing algorithm.  We assume that the strings are of the form
+208            parent_name(child1_name, ..., childn_name)
+209        where parent_name is the name of a rule of this grammar that has a length-n RHS, and that
+210        childi_name is the name of a rule for each child i.
+211
+212        Args:
+213            expression: string in the above format
+214
+215        Returns:
+216            the corresponding GrammaticalExpression
+217        """
+218        # see nltk.tree.Tree.fromstring for inspiration
+219        # tokenize string roughly by splitting at open brackets, close brackets, and delimiters
+220        open_re, close_re, delimit_re = (
+221            re.escape(opener),
+222            re.escape(closer),
+223            re.escape(delimiter),
+224        )
+225        name_pattern = f"[^{open_re}{close_re}{delimit_re}]+"
+226        token_regex = re.compile(
+227            rf"{name_pattern}{open_re}|{name_pattern}|{delimit_re}\s*|{close_re}"
+228        )
+229
+230        # stack to store the tree being built
+231        stack = []
+232
+233        for match in token_regex.finditer(expression):
+234            # strip trailing whitespace if needed
+235            token = match.group().strip()
+236            # start a new expression
+237            if token[-1] == opener:
+238                name = token[:-1]
+239                stack.append(
+240                    GrammaticalExpression(name, self._rules_by_name[name].func, tuple())
+241                )
+242            # finish an expression
+243            elif token == delimiter or token == closer:
+244                # finished a child expression
+245                # TODO: are there edge cases that distinguish delimiter from closer?
+246                child = stack.pop()
+247                stack[-1].add_child(child)
+248            else:
+249                # primitive, no children, just look up
+250                stack.append(
+251                    GrammaticalExpression(token, self._rules_by_name[token].func, None)
+252                )
+253        if len(stack) != 1:
+254            raise ValueError("Could not parse string {expression}")
+255        return stack[0]
+256
+257    def generate(self, lhs: Any = None) -> GrammaticalExpression:
+258        """Generate an expression from a given lhs."""
+259        if lhs is None:
+260            lhs = self._start
+261        rules = self._rules[lhs]
+262        the_rule = random.choices(rules, weights=[rule.weight for rule in rules], k=1)[
+263            0
+264        ]
+265        children = (
+266            None
+267            if the_rule.rhs is None
+268            else tuple([self.generate(child_lhs) for child_lhs in the_rule.rhs])
+269        )
+270        # if the rule is terminal, rhs will be empty, so no recursive calls to generate will be made in this comprehension
+271        return GrammaticalExpression(the_rule.name, the_rule.func, children)
+272
+273    def enumerate(
+274        self,
+275        depth: int = 8,
+276        lhs: Any = None,
+277        uniqueness_args: UniquenessArgs | None = None,
+278    ) -> Generator[GrammaticalExpression, None, None]:
+279        """Enumerate all expressions from the grammar up to a given depth from a given LHS.
+280        This method also can update a specified dictionary to store only _unique_ expressions, with
+281        a user-specified criterion of uniqueness.
+282
+283        Args:
+284            depth: how deep the trees should be
+285            lhs: left hand side to start from; defaults to the grammar's start symbol
+286            uniqueness_args: a dictionary specifying the parameters for uniqueness:
+287                unique_dict: a dictionary in which to store unique Expressions
+288                key: a function used to evaluate uniqueness
+289                compare_func: a comparison function, used to decide which Expression to add to the dict
+290                    new Expressions will be added as values to `unique_dict` only if they are _minimal_
+291                    among those sharing the same key (by `unique_key`) according to this func
+292
+293        Yields:
+294            all GrammaticalExpressions up to depth
+295        """
+296        if lhs is None:
+297            lhs = self._start
+298        cache: defaultdict = defaultdict(list)
+299        for num in range(depth):
+300            yield from self.enumerate_at_depth(num, lhs, uniqueness_args, cache)
+301
+302    def enumerate_at_depth(
+303        self,
+304        depth: int,
+305        lhs: Any,
+306        uniqueness_args: UniquenessArgs | None = None,
+307        cache: dict | None = None,
+308    ) -> Generator[GrammaticalExpression, None, None]:
+309        """Enumerate GrammaticalExpressions for this Grammar _at_ a fixed depth."""
+310
+311        if cache is None:
+312            cache = defaultdict(list)
+313
+314        # enumerate from cache if we've seen these args before
+315        args_tuple = (depth, lhs)
+316        if args_tuple in cache:
+317            yield from cache[args_tuple]
+318        else:
+319            do_unique = uniqueness_args is not None
+320            if uniqueness_args is not None:
+321                unique_dict = uniqueness_args["unique_expressions"]
+322                key = uniqueness_args["key"]
+323
+324                def add_unique(expression: GrammaticalExpression) -> bool:
+325                    """Add an expression to the unique_dict, if it is unique and shortest by the compare_func.
+326                    Return the outcome boolean."""
+327                    expr_key = key(expression)
+328                    # if the current expression has not been generated yet
+329                    # OR it is "less than" the current entry, add this one
+330                    if expr_key not in unique_dict[lhs] or uniqueness_args[
+331                        "compare_func"
+332                    ](expression, unique_dict[lhs][expr_key]):
+333                        unique_dict[lhs][expr_key] = expression
+334                        return True
+335                    return False
+336
+337            # keep a meaning -> expr dict but also depth -> expr dict
+338            if depth == 0:
+339                for rule in self._rules[lhs]:
+340                    if rule.is_terminal():
+341                        cur_expr = GrammaticalExpression(rule.name, rule.func, None)
+342                        if not do_unique or add_unique(cur_expr):
+343                            cache[args_tuple].append(cur_expr)
+344                            yield cur_expr
+345            else:
+346                for rule in self._rules[lhs]:
+347                    # can't use terminal rules when depth > 0
+348                    if rule.rhs is None:
+349                        continue
+350
+351                    # get lists of possible depths for each child
+352                    for child_depths in product(range(depth), repeat=len(rule.rhs)):
+353                        if max(child_depths) < depth - 1:
+354                            continue
+355                        # get all possible children of the relevant depths
+356                        # unique by depth?!?!
+357                        children_iter = product(
+358                            *[
+359                                self.enumerate_at_depth(
+360                                    child_depth, child_lhs, uniqueness_args, cache
+361                                )
+362                                for child_depth, child_lhs in zip(
+363                                    child_depths, rule.rhs
+364                                )
+365                            ]
+366                        )
+367                        for children in children_iter:
+368                            cur_expr = GrammaticalExpression(
+369                                rule.name, rule.func, children
+370                            )
+371                            if not do_unique or add_unique(cur_expr):
+372                                cache[args_tuple].append(cur_expr)
+373                                yield cur_expr
+374
+375    def get_unique_expressions(
+376        self,
+377        depth: int,
+378        unique_key: Callable[[GrammaticalExpression], Any],
+379        compare_func: Callable[[GrammaticalExpression, GrammaticalExpression], bool],
+380        lhs: Any = None,
+381        max_size: float = float("inf"),
+382    ) -> dict[GrammaticalExpression, Any]:
+383        """Get all unique GrammaticalExpressions, up to a certain depth, with a user-specified criterion
+384        of uniqueness, and a specified comparison function for determining which Expression to save when there's a clash.
+385        This can be used, for instance, to measure the minimum description length of some
+386        Meanings, by using expression.evaluate(), which produces a Meaning for an Expression, as the
+387        key for determining uniqueness, and length of the expression as comparison.
+388
+389        This is a wrapper around `enumerate`, but which produces the dictionary of key->Expression entries
+390        and returns it.  (`enumerate` is a generator with side effects).
+391
+392        For Args, see the docstring for `enumerate`.
+393
+394        Note: if you additionally want to store _all_ expressions, and not just the unique ones, you should
+395        directly use `enumerate`.
+396
+397        Returns:
+398            dictionary of {key: GrammaticalExpression}, where the keys are generated by `unique_key`
+399            The GrammticalExpression which is the value will be the one that is minimum among
+400            `compare_func` amongst all Expressions up to `depth` which share the same key
+401        """
+402        unique_dict: dict[Any, dict[Any, GrammaticalExpression]] = defaultdict(dict)
+403        uniqueness_args: UniquenessArgs = {
+404            "unique_expressions": unique_dict,
+405            "key": unique_key,
+406            "compare_func": compare_func,
+407        }
+408        if lhs is None:
+409            lhs = self._start
+410        # run through generator, each iteration will update unique_dict
+411        for _ in self.enumerate(
+412            depth,
+413            lhs=lhs,
+414            uniqueness_args=uniqueness_args,
+415        ):
+416            if len(unique_dict) == max_size:
+417                break
+418            pass
+419        return unique_dict[lhs]
+420
+421    def get_all_rules(self) -> list[Rule]:
+422        """Get all rules as a list."""
+423        rules = []
+424        for lhs in self._rules:
+425            rules.extend(self._rules[lhs])
+426        return rules
+427
+428    def __str__(self):
+429        return "Rules:\n" + "\n".join(f"\t{rule}" for rule in self.get_all_rules())
+430
+431    @classmethod
+432    def from_yaml(cls, filename: str):
+433        """Read a grammar specified in a simple YAML format.
+434
+435        Expected format:
+436
+437        ```
+438        start: bool
+439        rules:
+440        - lhs: bool
+441          rhs:
+442          - bool
+443          - bool
+444          name: "and"
+445          function: "lambda p1, p2 : p1 and p2"
+446        - lhs: bool
+447          rhs:
+448          - bool
+449          - bool
+450          name: "or"
+451          function: "lambda p1, p2 : p1 or p2"
+452        ```
+453
+454        Note that for each fule, the value for `function` will be passed to
+455        `eval`, so be careful!
+456
+457        Arguments:
+458            filename: file containing a grammar in the above format
+459        """
+460        with open(filename, "r") as f:
+461            grammar_dict = load(f, Loader=Loader)
+462        grammar = cls(grammar_dict["start"])
+463        for rule_dict in grammar_dict["rules"]:
+464            if "function" in rule_dict:
+465                # TODO: look-up functions from a registry as well?
+466                rule_dict["function"] = eval(rule_dict["function"])
+467            if "weight" in rule_dict:
+468                rule_dict["weight"] = float(rule_dict["weight"])
+469            grammar.add_rule(Rule(**rule_dict))
+470        return grammar
+
+ + +
+
+ +
+ + class + Rule: + + + +
+ +
20class Rule:
+21    """Basic class for a grammar rule.  Grammar rules in ULTK correspond
+22    to functions.  One can think of a grammar as generating complex functions from
+23    more basic ones.
+24
+25    Attributes:
+26        lhs: left-hand side of the rule (can be anything)
+27            conceptually, the output type of a function
+28        rhs: right-hand side; assumed to be an iterable
+29            conceptually, a list of types of inputs
+30        func: a callable, the function to be computed when a node with this rule is executed
+31        name: name of the function
+32        weight: a relative weight to assign to this rule
+33            when added to a grammar, all rules with the same LHS will be weighted together
+34    """
+35
+36    def __init__(
+37        self,
+38        name: str,
+39        lhs: Any,
+40        rhs: Sequence | None,
+41        function: Callable = lambda *args: None,
+42        weight: float = 1.0,
+43    ):
+44        self.lhs = lhs
+45        self.rhs = rhs
+46        self.func = function
+47        self.name = name
+48        self.weight = weight
+49
+50    def is_terminal(self) -> bool:
+51        """Whether this is a terminal rule.  In our framework, this means that RHS is empty,
+52        i.e. there are no arguments to the function.
+53        """
+54        return self.rhs is None
+55
+56    def __str__(self) -> str:
+57        out_str = f"{str(self.lhs)} -> {self.name}"
+58        if self.rhs is not None:
+59            out_str += f"({', '.join(str(typ) for typ in self.rhs)})"
+60        return out_str
+
+ + +

Basic class for a grammar rule. Grammar rules in ULTK correspond +to functions. One can think of a grammar as generating complex functions from +more basic ones.

+ +
Attributes:
+ +
    +
  • lhs: left-hand side of the rule (can be anything) +conceptually, the output type of a function
  • +
  • rhs: right-hand side; assumed to be an iterable +conceptually, a list of types of inputs
  • +
  • func: a callable, the function to be computed when a node with this rule is executed
  • +
  • name: name of the function
  • +
  • weight: a relative weight to assign to this rule +when added to a grammar, all rules with the same LHS will be weighted together
  • +
+
+ + +
+ +
+ + Rule( name: str, lhs: Any, rhs: collections.abc.Sequence | None, function: Callable = <function Rule.<lambda>>, weight: float = 1.0) + + + +
+ +
36    def __init__(
+37        self,
+38        name: str,
+39        lhs: Any,
+40        rhs: Sequence | None,
+41        function: Callable = lambda *args: None,
+42        weight: float = 1.0,
+43    ):
+44        self.lhs = lhs
+45        self.rhs = rhs
+46        self.func = function
+47        self.name = name
+48        self.weight = weight
+
+ + + + +
+
+
+ lhs + + +
+ + + + +
+
+
+ rhs + + +
+ + + + +
+
+
+ func + + +
+ + + + +
+
+
+ name + + +
+ + + + +
+
+
+ weight + + +
+ + + + +
+
+ +
+ + def + is_terminal(self) -> bool: + + + +
+ +
50    def is_terminal(self) -> bool:
+51        """Whether this is a terminal rule.  In our framework, this means that RHS is empty,
+52        i.e. there are no arguments to the function.
+53        """
+54        return self.rhs is None
+
+ + +

Whether this is a terminal rule. In our framework, this means that RHS is empty, +i.e. there are no arguments to the function.

+
+ + +
+
+
+ +
+ + class + GrammaticalExpression(ultk.language.language.Expression): + + + +
+ +
 63class GrammaticalExpression(Expression):
+ 64    """A GrammaticalExpression has been built up from a Grammar by applying a sequence of Rules.
+ 65    Crucially, it is _callable_, using the functions corresponding to each rule.
+ 66
+ 67    A GrammaticalExpression, when called, takes in a Referent.  Because of this, a Meaning can
+ 68    be generated by specifying a Universe (which contains Referents).
+ 69
+ 70    Attributes:
+ 71        name: name of the top-most function
+ 72        func: the function
+ 73        children: child expressions (possibly empty)
+ 74    """
+ 75
+ 76    def __init__(
+ 77        self,
+ 78        rule_name: str,
+ 79        func: Callable,
+ 80        children: tuple | None,
+ 81        meaning: Meaning | None = None,
+ 82        form: str | None = None,
+ 83    ):
+ 84        super().__init__(form, meaning)
+ 85        self.rule_name = rule_name
+ 86        self.func = func
+ 87        self.children = children
+ 88
+ 89    def yield_string(self) -> str:
+ 90        """Get the 'yield' string of this term, i.e. the concatenation
+ 91        of the leaf nodes.
+ 92
+ 93        This is useful for thinking of a `Grammar` as generating derivation trees for
+ 94        an underlying CFG.  This method will then generate the strings generated by
+ 95        the corresponding CFG.
+ 96        """
+ 97        if self.children is None:
+ 98            return str(self)
+ 99        return "".join(child.yield_string() for child in self.children)
+100
+101    def evaluate(self, universe: Universe) -> Meaning:
+102        # TODO: this presupposes that the expression has type Referent -> bool.  Should we generalize?
+103        # and that leaf nodes will take Referents as input...
+104        # NB: important to use `not self.meaning` and not `self.meaning is None` because of how
+105        # Expression.__init__ initializes an "empty" meaning if `None` is passed
+106        if not self.meaning:
+107            self.meaning = Meaning(
+108                [referent for referent in universe.referents if self(referent)],
+109                universe,
+110            )
+111        return self.meaning
+112
+113    def add_child(self, child) -> None:
+114        if self.children is None:
+115            self.children = tuple([child])
+116        else:
+117            self.children = self.children + (child,)
+118
+119    def to_dict(self) -> dict:
+120        the_dict = super().to_dict()
+121        the_dict["grammatical_expression"] = str(self)
+122        the_dict["length"] = len(self)
+123        return the_dict
+124
+125    def __call__(self, *args):
+126        if self.children is None:
+127            return self.func(*args)
+128        return self.func(*(child(*args) for child in self.children))
+129
+130    def __len__(self):
+131        length = 1
+132        if self.children is not None:
+133            length += sum(len(child) for child in self.children)
+134        return length
+135
+136    def __eq__(self, other) -> bool:
+137        return (self.rule_name, self.form, self.func, self.children) == (
+138            other.rule_name,
+139            other.form,
+140            other.func,
+141            other.children,
+142        )
+143
+144    def __hash__(self) -> int:
+145        # when self.children is None...
+146        children = self.children or tuple([])
+147        return hash((self.rule_name, self.form, self.func, tuple(children)))
+148
+149    def __lt__(self, other) -> bool:
+150        children = self.children or tuple([])
+151        other_children = other.children or tuple([])
+152        return (self.rule_name, self.form, self.func, children) < (
+153            other.rule_name,
+154            other.form,
+155            other.func,
+156            other_children,
+157        )
+158
+159    def __str__(self):
+160        out_str = self.rule_name
+161        if self.children is not None:
+162            out_str += f"({', '.join(str(child) for child in self.children)})"
+163        return out_str
+
+ + +

A GrammaticalExpression has been built up from a Grammar by applying a sequence of Rules. +Crucially, it is _callable_, using the functions corresponding to each rule.

+ +

A GrammaticalExpression, when called, takes in a Referent. Because of this, a Meaning can +be generated by specifying a Universe (which contains Referents).

+ +
Attributes:
+ +
    +
  • name: name of the top-most function
  • +
  • func: the function
  • +
  • children: child expressions (possibly empty)
  • +
+
+ + +
+ +
+ + GrammaticalExpression( rule_name: str, func: Callable, children: tuple | None, meaning: ultk.language.semantics.Meaning | None = None, form: str | None = None) + + + +
+ +
76    def __init__(
+77        self,
+78        rule_name: str,
+79        func: Callable,
+80        children: tuple | None,
+81        meaning: Meaning | None = None,
+82        form: str | None = None,
+83    ):
+84        super().__init__(form, meaning)
+85        self.rule_name = rule_name
+86        self.func = func
+87        self.children = children
+
+ + + + +
+
+
+ rule_name + + +
+ + + + +
+
+
+ func + + +
+ + + + +
+
+
+ children + + +
+ + + + +
+
+ +
+ + def + yield_string(self) -> str: + + + +
+ +
89    def yield_string(self) -> str:
+90        """Get the 'yield' string of this term, i.e. the concatenation
+91        of the leaf nodes.
+92
+93        This is useful for thinking of a `Grammar` as generating derivation trees for
+94        an underlying CFG.  This method will then generate the strings generated by
+95        the corresponding CFG.
+96        """
+97        if self.children is None:
+98            return str(self)
+99        return "".join(child.yield_string() for child in self.children)
+
+ + +

Get the 'yield' string of this term, i.e. the concatenation +of the leaf nodes.

+ +

This is useful for thinking of a Grammar as generating derivation trees for +an underlying CFG. This method will then generate the strings generated by +the corresponding CFG.

+
+ + +
+
+ +
+ + def + evaluate( self, universe: ultk.language.semantics.Universe) -> ultk.language.semantics.Meaning: + + + +
+ +
101    def evaluate(self, universe: Universe) -> Meaning:
+102        # TODO: this presupposes that the expression has type Referent -> bool.  Should we generalize?
+103        # and that leaf nodes will take Referents as input...
+104        # NB: important to use `not self.meaning` and not `self.meaning is None` because of how
+105        # Expression.__init__ initializes an "empty" meaning if `None` is passed
+106        if not self.meaning:
+107            self.meaning = Meaning(
+108                [referent for referent in universe.referents if self(referent)],
+109                universe,
+110            )
+111        return self.meaning
+
+ + + + +
+
+ +
+ + def + add_child(self, child) -> None: + + + +
+ +
113    def add_child(self, child) -> None:
+114        if self.children is None:
+115            self.children = tuple([child])
+116        else:
+117            self.children = self.children + (child,)
+
+ + + + +
+
+ +
+ + def + to_dict(self) -> dict: + + + +
+ +
119    def to_dict(self) -> dict:
+120        the_dict = super().to_dict()
+121        the_dict["grammatical_expression"] = str(self)
+122        the_dict["length"] = len(self)
+123        return the_dict
+
+ + + + +
+
+
Inherited Members
+
+ +
+
+
+
+ +
+ + class + UniquenessArgs(typing.TypedDict): + + + +
+ +
166class UniquenessArgs(TypedDict):
+167    """Arguments for specifying uniqueness of GrammaticalExpressions in a Grammar.
+168
+169    Attributes:
+170        unique_expressions: a dictionary in which to store unique Expressions
+171        key: a function used to evaluate uniqueness
+172        compare_func: a comparison function, used to decide which Expression to add to the dict
+173            new Expressions will be added as values to `unique_dict` only if they are minimal
+174            among those sharing the same key (by `unique_key`) according to this func
+175    """
+176
+177    unique_expressions: dict[Any, dict[Any, GrammaticalExpression]]
+178    key: Callable[[GrammaticalExpression], Any]
+179    compare_func: Callable[[GrammaticalExpression, GrammaticalExpression], bool]
+
+ + +

Arguments for specifying uniqueness of GrammaticalExpressions in a Grammar.

+ +
Attributes:
+ +
    +
  • unique_expressions: a dictionary in which to store unique Expressions
  • +
  • key: a function used to evaluate uniqueness
  • +
  • compare_func: a comparison function, used to decide which Expression to add to the dict +new Expressions will be added as values to unique_dict only if they are minimal +among those sharing the same key (by unique_key) according to this func
  • +
+
+ + +
+
+ unique_expressions: dict[typing.Any, dict[typing.Any, GrammaticalExpression]] + + +
+ + + + +
+
+
+ key: Callable[[GrammaticalExpression], Any] + + +
+ + + + +
+
+
+ compare_func: Callable[[GrammaticalExpression, GrammaticalExpression], bool] + + +
+ + + + +
+
+
+ +
+ + class + Grammar: + + + +
+ +
182class Grammar:
+183    """At its core, a Grammar is a set of Rules with methods for generating GrammaticalExpressions."""
+184
+185    def __init__(self, start: Any):
+186        # _rules: nonterminals -> list of rules
+187        self._rules: dict[Any, list[Rule]] = defaultdict(list)
+188        # name -> rule, for fast lookup in parsing
+189        self._rules_by_name: dict[str, Rule] = {}
+190        self._start = start
+191
+192    def add_rule(self, rule: Rule):
+193        self._rules[rule.lhs].append(rule)
+194        if rule.name in self._rules_by_name:
+195            raise ValueError(
+196                f"Rules of a grammar must have unique names. This grammar already has a rule named {rule.name}."
+197            )
+198        self._rules_by_name[rule.name] = rule
+199
+200    def parse(
+201        self,
+202        expression: str,
+203        opener: str = "(",
+204        closer: str = ")",
+205        delimiter: str = ",",
+206    ) -> GrammaticalExpression:
+207        """Parse a string representation of an expression of a grammar.
+208        Note that this is not a general-purpose parsing algorithm.  We assume that the strings are of the form
+209            parent_name(child1_name, ..., childn_name)
+210        where parent_name is the name of a rule of this grammar that has a length-n RHS, and that
+211        childi_name is the name of a rule for each child i.
+212
+213        Args:
+214            expression: string in the above format
+215
+216        Returns:
+217            the corresponding GrammaticalExpression
+218        """
+219        # see nltk.tree.Tree.fromstring for inspiration
+220        # tokenize string roughly by splitting at open brackets, close brackets, and delimiters
+221        open_re, close_re, delimit_re = (
+222            re.escape(opener),
+223            re.escape(closer),
+224            re.escape(delimiter),
+225        )
+226        name_pattern = f"[^{open_re}{close_re}{delimit_re}]+"
+227        token_regex = re.compile(
+228            rf"{name_pattern}{open_re}|{name_pattern}|{delimit_re}\s*|{close_re}"
+229        )
+230
+231        # stack to store the tree being built
+232        stack = []
+233
+234        for match in token_regex.finditer(expression):
+235            # strip trailing whitespace if needed
+236            token = match.group().strip()
+237            # start a new expression
+238            if token[-1] == opener:
+239                name = token[:-1]
+240                stack.append(
+241                    GrammaticalExpression(name, self._rules_by_name[name].func, tuple())
+242                )
+243            # finish an expression
+244            elif token == delimiter or token == closer:
+245                # finished a child expression
+246                # TODO: are there edge cases that distinguish delimiter from closer?
+247                child = stack.pop()
+248                stack[-1].add_child(child)
+249            else:
+250                # primitive, no children, just look up
+251                stack.append(
+252                    GrammaticalExpression(token, self._rules_by_name[token].func, None)
+253                )
+254        if len(stack) != 1:
+255            raise ValueError("Could not parse string {expression}")
+256        return stack[0]
+257
+258    def generate(self, lhs: Any = None) -> GrammaticalExpression:
+259        """Generate an expression from a given lhs."""
+260        if lhs is None:
+261            lhs = self._start
+262        rules = self._rules[lhs]
+263        the_rule = random.choices(rules, weights=[rule.weight for rule in rules], k=1)[
+264            0
+265        ]
+266        children = (
+267            None
+268            if the_rule.rhs is None
+269            else tuple([self.generate(child_lhs) for child_lhs in the_rule.rhs])
+270        )
+271        # if the rule is terminal, rhs will be empty, so no recursive calls to generate will be made in this comprehension
+272        return GrammaticalExpression(the_rule.name, the_rule.func, children)
+273
+274    def enumerate(
+275        self,
+276        depth: int = 8,
+277        lhs: Any = None,
+278        uniqueness_args: UniquenessArgs | None = None,
+279    ) -> Generator[GrammaticalExpression, None, None]:
+280        """Enumerate all expressions from the grammar up to a given depth from a given LHS.
+281        This method also can update a specified dictionary to store only _unique_ expressions, with
+282        a user-specified criterion of uniqueness.
+283
+284        Args:
+285            depth: how deep the trees should be
+286            lhs: left hand side to start from; defaults to the grammar's start symbol
+287            uniqueness_args: a dictionary specifying the parameters for uniqueness:
+288                unique_dict: a dictionary in which to store unique Expressions
+289                key: a function used to evaluate uniqueness
+290                compare_func: a comparison function, used to decide which Expression to add to the dict
+291                    new Expressions will be added as values to `unique_dict` only if they are _minimal_
+292                    among those sharing the same key (by `unique_key`) according to this func
+293
+294        Yields:
+295            all GrammaticalExpressions up to depth
+296        """
+297        if lhs is None:
+298            lhs = self._start
+299        cache: defaultdict = defaultdict(list)
+300        for num in range(depth):
+301            yield from self.enumerate_at_depth(num, lhs, uniqueness_args, cache)
+302
+303    def enumerate_at_depth(
+304        self,
+305        depth: int,
+306        lhs: Any,
+307        uniqueness_args: UniquenessArgs | None = None,
+308        cache: dict | None = None,
+309    ) -> Generator[GrammaticalExpression, None, None]:
+310        """Enumerate GrammaticalExpressions for this Grammar _at_ a fixed depth."""
+311
+312        if cache is None:
+313            cache = defaultdict(list)
+314
+315        # enumerate from cache if we've seen these args before
+316        args_tuple = (depth, lhs)
+317        if args_tuple in cache:
+318            yield from cache[args_tuple]
+319        else:
+320            do_unique = uniqueness_args is not None
+321            if uniqueness_args is not None:
+322                unique_dict = uniqueness_args["unique_expressions"]
+323                key = uniqueness_args["key"]
+324
+325                def add_unique(expression: GrammaticalExpression) -> bool:
+326                    """Add an expression to the unique_dict, if it is unique and shortest by the compare_func.
+327                    Return the outcome boolean."""
+328                    expr_key = key(expression)
+329                    # if the current expression has not been generated yet
+330                    # OR it is "less than" the current entry, add this one
+331                    if expr_key not in unique_dict[lhs] or uniqueness_args[
+332                        "compare_func"
+333                    ](expression, unique_dict[lhs][expr_key]):
+334                        unique_dict[lhs][expr_key] = expression
+335                        return True
+336                    return False
+337
+338            # keep a meaning -> expr dict but also depth -> expr dict
+339            if depth == 0:
+340                for rule in self._rules[lhs]:
+341                    if rule.is_terminal():
+342                        cur_expr = GrammaticalExpression(rule.name, rule.func, None)
+343                        if not do_unique or add_unique(cur_expr):
+344                            cache[args_tuple].append(cur_expr)
+345                            yield cur_expr
+346            else:
+347                for rule in self._rules[lhs]:
+348                    # can't use terminal rules when depth > 0
+349                    if rule.rhs is None:
+350                        continue
+351
+352                    # get lists of possible depths for each child
+353                    for child_depths in product(range(depth), repeat=len(rule.rhs)):
+354                        if max(child_depths) < depth - 1:
+355                            continue
+356                        # get all possible children of the relevant depths
+357                        # unique by depth?!?!
+358                        children_iter = product(
+359                            *[
+360                                self.enumerate_at_depth(
+361                                    child_depth, child_lhs, uniqueness_args, cache
+362                                )
+363                                for child_depth, child_lhs in zip(
+364                                    child_depths, rule.rhs
+365                                )
+366                            ]
+367                        )
+368                        for children in children_iter:
+369                            cur_expr = GrammaticalExpression(
+370                                rule.name, rule.func, children
+371                            )
+372                            if not do_unique or add_unique(cur_expr):
+373                                cache[args_tuple].append(cur_expr)
+374                                yield cur_expr
+375
+376    def get_unique_expressions(
+377        self,
+378        depth: int,
+379        unique_key: Callable[[GrammaticalExpression], Any],
+380        compare_func: Callable[[GrammaticalExpression, GrammaticalExpression], bool],
+381        lhs: Any = None,
+382        max_size: float = float("inf"),
+383    ) -> dict[GrammaticalExpression, Any]:
+384        """Get all unique GrammaticalExpressions, up to a certain depth, with a user-specified criterion
+385        of uniqueness, and a specified comparison function for determining which Expression to save when there's a clash.
+386        This can be used, for instance, to measure the minimum description length of some
+387        Meanings, by using expression.evaluate(), which produces a Meaning for an Expression, as the
+388        key for determining uniqueness, and length of the expression as comparison.
+389
+390        This is a wrapper around `enumerate`, but which produces the dictionary of key->Expression entries
+391        and returns it.  (`enumerate` is a generator with side effects).
+392
+393        For Args, see the docstring for `enumerate`.
+394
+395        Note: if you additionally want to store _all_ expressions, and not just the unique ones, you should
+396        directly use `enumerate`.
+397
+398        Returns:
+399            dictionary of {key: GrammaticalExpression}, where the keys are generated by `unique_key`
+400            The GrammticalExpression which is the value will be the one that is minimum among
+401            `compare_func` amongst all Expressions up to `depth` which share the same key
+402        """
+403        unique_dict: dict[Any, dict[Any, GrammaticalExpression]] = defaultdict(dict)
+404        uniqueness_args: UniquenessArgs = {
+405            "unique_expressions": unique_dict,
+406            "key": unique_key,
+407            "compare_func": compare_func,
+408        }
+409        if lhs is None:
+410            lhs = self._start
+411        # run through generator, each iteration will update unique_dict
+412        for _ in self.enumerate(
+413            depth,
+414            lhs=lhs,
+415            uniqueness_args=uniqueness_args,
+416        ):
+417            if len(unique_dict) == max_size:
+418                break
+419            pass
+420        return unique_dict[lhs]
+421
+422    def get_all_rules(self) -> list[Rule]:
+423        """Get all rules as a list."""
+424        rules = []
+425        for lhs in self._rules:
+426            rules.extend(self._rules[lhs])
+427        return rules
+428
+429    def __str__(self):
+430        return "Rules:\n" + "\n".join(f"\t{rule}" for rule in self.get_all_rules())
+431
+432    @classmethod
+433    def from_yaml(cls, filename: str):
+434        """Read a grammar specified in a simple YAML format.
+435
+436        Expected format:
+437
+438        ```
+439        start: bool
+440        rules:
+441        - lhs: bool
+442          rhs:
+443          - bool
+444          - bool
+445          name: "and"
+446          function: "lambda p1, p2 : p1 and p2"
+447        - lhs: bool
+448          rhs:
+449          - bool
+450          - bool
+451          name: "or"
+452          function: "lambda p1, p2 : p1 or p2"
+453        ```
+454
+455        Note that for each fule, the value for `function` will be passed to
+456        `eval`, so be careful!
+457
+458        Arguments:
+459            filename: file containing a grammar in the above format
+460        """
+461        with open(filename, "r") as f:
+462            grammar_dict = load(f, Loader=Loader)
+463        grammar = cls(grammar_dict["start"])
+464        for rule_dict in grammar_dict["rules"]:
+465            if "function" in rule_dict:
+466                # TODO: look-up functions from a registry as well?
+467                rule_dict["function"] = eval(rule_dict["function"])
+468            if "weight" in rule_dict:
+469                rule_dict["weight"] = float(rule_dict["weight"])
+470            grammar.add_rule(Rule(**rule_dict))
+471        return grammar
+
+ + +

At its core, a Grammar is a set of Rules with methods for generating GrammaticalExpressions.

+
+ + +
+ +
+ + Grammar(start: Any) + + + +
+ +
185    def __init__(self, start: Any):
+186        # _rules: nonterminals -> list of rules
+187        self._rules: dict[Any, list[Rule]] = defaultdict(list)
+188        # name -> rule, for fast lookup in parsing
+189        self._rules_by_name: dict[str, Rule] = {}
+190        self._start = start
+
+ + + + +
+
+ +
+ + def + add_rule(self, rule: Rule): + + + +
+ +
192    def add_rule(self, rule: Rule):
+193        self._rules[rule.lhs].append(rule)
+194        if rule.name in self._rules_by_name:
+195            raise ValueError(
+196                f"Rules of a grammar must have unique names. This grammar already has a rule named {rule.name}."
+197            )
+198        self._rules_by_name[rule.name] = rule
+
+ + + + +
+
+ +
+ + def + parse( self, expression: str, opener: str = '(', closer: str = ')', delimiter: str = ',') -> GrammaticalExpression: + + + +
+ +
200    def parse(
+201        self,
+202        expression: str,
+203        opener: str = "(",
+204        closer: str = ")",
+205        delimiter: str = ",",
+206    ) -> GrammaticalExpression:
+207        """Parse a string representation of an expression of a grammar.
+208        Note that this is not a general-purpose parsing algorithm.  We assume that the strings are of the form
+209            parent_name(child1_name, ..., childn_name)
+210        where parent_name is the name of a rule of this grammar that has a length-n RHS, and that
+211        childi_name is the name of a rule for each child i.
+212
+213        Args:
+214            expression: string in the above format
+215
+216        Returns:
+217            the corresponding GrammaticalExpression
+218        """
+219        # see nltk.tree.Tree.fromstring for inspiration
+220        # tokenize string roughly by splitting at open brackets, close brackets, and delimiters
+221        open_re, close_re, delimit_re = (
+222            re.escape(opener),
+223            re.escape(closer),
+224            re.escape(delimiter),
+225        )
+226        name_pattern = f"[^{open_re}{close_re}{delimit_re}]+"
+227        token_regex = re.compile(
+228            rf"{name_pattern}{open_re}|{name_pattern}|{delimit_re}\s*|{close_re}"
+229        )
+230
+231        # stack to store the tree being built
+232        stack = []
+233
+234        for match in token_regex.finditer(expression):
+235            # strip trailing whitespace if needed
+236            token = match.group().strip()
+237            # start a new expression
+238            if token[-1] == opener:
+239                name = token[:-1]
+240                stack.append(
+241                    GrammaticalExpression(name, self._rules_by_name[name].func, tuple())
+242                )
+243            # finish an expression
+244            elif token == delimiter or token == closer:
+245                # finished a child expression
+246                # TODO: are there edge cases that distinguish delimiter from closer?
+247                child = stack.pop()
+248                stack[-1].add_child(child)
+249            else:
+250                # primitive, no children, just look up
+251                stack.append(
+252                    GrammaticalExpression(token, self._rules_by_name[token].func, None)
+253                )
+254        if len(stack) != 1:
+255            raise ValueError("Could not parse string {expression}")
+256        return stack[0]
+
+ + +

Parse a string representation of an expression of a grammar. +Note that this is not a general-purpose parsing algorithm. We assume that the strings are of the form + parent_name(child1_name, ..., childn_name) +where parent_name is the name of a rule of this grammar that has a length-n RHS, and that +childi_name is the name of a rule for each child i.

+ +
Arguments:
+ +
    +
  • expression: string in the above format
  • +
+ +
Returns:
+ +
+

the corresponding GrammaticalExpression

+
+
+ + +
+
+ +
+ + def + generate(self, lhs: Any = None) -> GrammaticalExpression: + + + +
+ +
258    def generate(self, lhs: Any = None) -> GrammaticalExpression:
+259        """Generate an expression from a given lhs."""
+260        if lhs is None:
+261            lhs = self._start
+262        rules = self._rules[lhs]
+263        the_rule = random.choices(rules, weights=[rule.weight for rule in rules], k=1)[
+264            0
+265        ]
+266        children = (
+267            None
+268            if the_rule.rhs is None
+269            else tuple([self.generate(child_lhs) for child_lhs in the_rule.rhs])
+270        )
+271        # if the rule is terminal, rhs will be empty, so no recursive calls to generate will be made in this comprehension
+272        return GrammaticalExpression(the_rule.name, the_rule.func, children)
+
+ + +

Generate an expression from a given lhs.

+
+ + +
+
+ +
+ + def + enumerate( self, depth: int = 8, lhs: Any = None, uniqueness_args: UniquenessArgs | None = None) -> Generator[GrammaticalExpression, NoneType, NoneType]: + + + +
+ +
274    def enumerate(
+275        self,
+276        depth: int = 8,
+277        lhs: Any = None,
+278        uniqueness_args: UniquenessArgs | None = None,
+279    ) -> Generator[GrammaticalExpression, None, None]:
+280        """Enumerate all expressions from the grammar up to a given depth from a given LHS.
+281        This method also can update a specified dictionary to store only _unique_ expressions, with
+282        a user-specified criterion of uniqueness.
+283
+284        Args:
+285            depth: how deep the trees should be
+286            lhs: left hand side to start from; defaults to the grammar's start symbol
+287            uniqueness_args: a dictionary specifying the parameters for uniqueness:
+288                unique_dict: a dictionary in which to store unique Expressions
+289                key: a function used to evaluate uniqueness
+290                compare_func: a comparison function, used to decide which Expression to add to the dict
+291                    new Expressions will be added as values to `unique_dict` only if they are _minimal_
+292                    among those sharing the same key (by `unique_key`) according to this func
+293
+294        Yields:
+295            all GrammaticalExpressions up to depth
+296        """
+297        if lhs is None:
+298            lhs = self._start
+299        cache: defaultdict = defaultdict(list)
+300        for num in range(depth):
+301            yield from self.enumerate_at_depth(num, lhs, uniqueness_args, cache)
+
+ + +

Enumerate all expressions from the grammar up to a given depth from a given LHS. +This method also can update a specified dictionary to store only _unique_ expressions, with +a user-specified criterion of uniqueness.

+ +
Arguments:
+ +
    +
  • depth: how deep the trees should be
  • +
  • lhs: left hand side to start from; defaults to the grammar's start symbol
  • +
  • uniqueness_args: a dictionary specifying the parameters for uniqueness: +unique_dict: a dictionary in which to store unique Expressions +key: a function used to evaluate uniqueness +compare_func: a comparison function, used to decide which Expression to add to the dict + new Expressions will be added as values to unique_dict only if they are _minimal_ + among those sharing the same key (by unique_key) according to this func
  • +
+ +
Yields:
+ +
+

all GrammaticalExpressions up to depth

+
+
+ + +
+
+ +
+ + def + enumerate_at_depth( self, depth: int, lhs: Any, uniqueness_args: UniquenessArgs | None = None, cache: dict | None = None) -> Generator[GrammaticalExpression, NoneType, NoneType]: + + + +
+ +
303    def enumerate_at_depth(
+304        self,
+305        depth: int,
+306        lhs: Any,
+307        uniqueness_args: UniquenessArgs | None = None,
+308        cache: dict | None = None,
+309    ) -> Generator[GrammaticalExpression, None, None]:
+310        """Enumerate GrammaticalExpressions for this Grammar _at_ a fixed depth."""
+311
+312        if cache is None:
+313            cache = defaultdict(list)
+314
+315        # enumerate from cache if we've seen these args before
+316        args_tuple = (depth, lhs)
+317        if args_tuple in cache:
+318            yield from cache[args_tuple]
+319        else:
+320            do_unique = uniqueness_args is not None
+321            if uniqueness_args is not None:
+322                unique_dict = uniqueness_args["unique_expressions"]
+323                key = uniqueness_args["key"]
+324
+325                def add_unique(expression: GrammaticalExpression) -> bool:
+326                    """Add an expression to the unique_dict, if it is unique and shortest by the compare_func.
+327                    Return the outcome boolean."""
+328                    expr_key = key(expression)
+329                    # if the current expression has not been generated yet
+330                    # OR it is "less than" the current entry, add this one
+331                    if expr_key not in unique_dict[lhs] or uniqueness_args[
+332                        "compare_func"
+333                    ](expression, unique_dict[lhs][expr_key]):
+334                        unique_dict[lhs][expr_key] = expression
+335                        return True
+336                    return False
+337
+338            # keep a meaning -> expr dict but also depth -> expr dict
+339            if depth == 0:
+340                for rule in self._rules[lhs]:
+341                    if rule.is_terminal():
+342                        cur_expr = GrammaticalExpression(rule.name, rule.func, None)
+343                        if not do_unique or add_unique(cur_expr):
+344                            cache[args_tuple].append(cur_expr)
+345                            yield cur_expr
+346            else:
+347                for rule in self._rules[lhs]:
+348                    # can't use terminal rules when depth > 0
+349                    if rule.rhs is None:
+350                        continue
+351
+352                    # get lists of possible depths for each child
+353                    for child_depths in product(range(depth), repeat=len(rule.rhs)):
+354                        if max(child_depths) < depth - 1:
+355                            continue
+356                        # get all possible children of the relevant depths
+357                        # unique by depth?!?!
+358                        children_iter = product(
+359                            *[
+360                                self.enumerate_at_depth(
+361                                    child_depth, child_lhs, uniqueness_args, cache
+362                                )
+363                                for child_depth, child_lhs in zip(
+364                                    child_depths, rule.rhs
+365                                )
+366                            ]
+367                        )
+368                        for children in children_iter:
+369                            cur_expr = GrammaticalExpression(
+370                                rule.name, rule.func, children
+371                            )
+372                            if not do_unique or add_unique(cur_expr):
+373                                cache[args_tuple].append(cur_expr)
+374                                yield cur_expr
+
+ + +

Enumerate GrammaticalExpressions for this Grammar _at_ a fixed depth.

+
+ + +
+
+ +
+ + def + get_unique_expressions( self, depth: int, unique_key: Callable[[GrammaticalExpression], Any], compare_func: Callable[[GrammaticalExpression, GrammaticalExpression], bool], lhs: Any = None, max_size: float = inf) -> dict[GrammaticalExpression, typing.Any]: + + + +
+ +
376    def get_unique_expressions(
+377        self,
+378        depth: int,
+379        unique_key: Callable[[GrammaticalExpression], Any],
+380        compare_func: Callable[[GrammaticalExpression, GrammaticalExpression], bool],
+381        lhs: Any = None,
+382        max_size: float = float("inf"),
+383    ) -> dict[GrammaticalExpression, Any]:
+384        """Get all unique GrammaticalExpressions, up to a certain depth, with a user-specified criterion
+385        of uniqueness, and a specified comparison function for determining which Expression to save when there's a clash.
+386        This can be used, for instance, to measure the minimum description length of some
+387        Meanings, by using expression.evaluate(), which produces a Meaning for an Expression, as the
+388        key for determining uniqueness, and length of the expression as comparison.
+389
+390        This is a wrapper around `enumerate`, but which produces the dictionary of key->Expression entries
+391        and returns it.  (`enumerate` is a generator with side effects).
+392
+393        For Args, see the docstring for `enumerate`.
+394
+395        Note: if you additionally want to store _all_ expressions, and not just the unique ones, you should
+396        directly use `enumerate`.
+397
+398        Returns:
+399            dictionary of {key: GrammaticalExpression}, where the keys are generated by `unique_key`
+400            The GrammticalExpression which is the value will be the one that is minimum among
+401            `compare_func` amongst all Expressions up to `depth` which share the same key
+402        """
+403        unique_dict: dict[Any, dict[Any, GrammaticalExpression]] = defaultdict(dict)
+404        uniqueness_args: UniquenessArgs = {
+405            "unique_expressions": unique_dict,
+406            "key": unique_key,
+407            "compare_func": compare_func,
+408        }
+409        if lhs is None:
+410            lhs = self._start
+411        # run through generator, each iteration will update unique_dict
+412        for _ in self.enumerate(
+413            depth,
+414            lhs=lhs,
+415            uniqueness_args=uniqueness_args,
+416        ):
+417            if len(unique_dict) == max_size:
+418                break
+419            pass
+420        return unique_dict[lhs]
+
+ + +

Get all unique GrammaticalExpressions, up to a certain depth, with a user-specified criterion +of uniqueness, and a specified comparison function for determining which Expression to save when there's a clash. +This can be used, for instance, to measure the minimum description length of some +Meanings, by using expression.evaluate(), which produces a Meaning for an Expression, as the +key for determining uniqueness, and length of the expression as comparison.

+ +

This is a wrapper around enumerate, but which produces the dictionary of key->Expression entries +and returns it. (enumerate is a generator with side effects).

+ +

For Args, see the docstring for enumerate.

+ +

Note: if you additionally want to store _all_ expressions, and not just the unique ones, you should +directly use enumerate.

+ +
Returns:
+ +
+

dictionary of {key: GrammaticalExpression}, where the keys are generated by unique_key + The GrammticalExpression which is the value will be the one that is minimum among + compare_func amongst all Expressions up to depth which share the same key

+
+
+ + +
+
+ +
+ + def + get_all_rules(self) -> list[Rule]: + + + +
+ +
422    def get_all_rules(self) -> list[Rule]:
+423        """Get all rules as a list."""
+424        rules = []
+425        for lhs in self._rules:
+426            rules.extend(self._rules[lhs])
+427        return rules
+
+ + +

Get all rules as a list.

+
+ + +
+
+ +
+
@classmethod
+ + def + from_yaml(cls, filename: str): + + + +
+ +
432    @classmethod
+433    def from_yaml(cls, filename: str):
+434        """Read a grammar specified in a simple YAML format.
+435
+436        Expected format:
+437
+438        ```
+439        start: bool
+440        rules:
+441        - lhs: bool
+442          rhs:
+443          - bool
+444          - bool
+445          name: "and"
+446          function: "lambda p1, p2 : p1 and p2"
+447        - lhs: bool
+448          rhs:
+449          - bool
+450          - bool
+451          name: "or"
+452          function: "lambda p1, p2 : p1 or p2"
+453        ```
+454
+455        Note that for each fule, the value for `function` will be passed to
+456        `eval`, so be careful!
+457
+458        Arguments:
+459            filename: file containing a grammar in the above format
+460        """
+461        with open(filename, "r") as f:
+462            grammar_dict = load(f, Loader=Loader)
+463        grammar = cls(grammar_dict["start"])
+464        for rule_dict in grammar_dict["rules"]:
+465            if "function" in rule_dict:
+466                # TODO: look-up functions from a registry as well?
+467                rule_dict["function"] = eval(rule_dict["function"])
+468            if "weight" in rule_dict:
+469                rule_dict["weight"] = float(rule_dict["weight"])
+470            grammar.add_rule(Rule(**rule_dict))
+471        return grammar
+
+ + +

Read a grammar specified in a simple YAML format.

+ +

Expected format:

+ +
start: bool
+rules:
+- lhs: bool
+  rhs:
+  - bool
+  - bool
+  name: "and"
+  function: "lambda p1, p2 : p1 and p2"
+- lhs: bool
+  rhs:
+  - bool
+  - bool
+  name: "or"
+  function: "lambda p1, p2 : p1 or p2"
+
+ +

Note that for each fule, the value for function will be passed to +eval, so be careful!

+ +
Arguments:
+ +
    +
  • filename: file containing a grammar in the above format
  • +
+
+ + +
+
+
+ + \ No newline at end of file diff --git a/docs/altk/language/language.html b/docs/ultk/language/language.html similarity index 52% rename from docs/altk/language/language.html rename to docs/ultk/language/language.html index 3006e05a..1034e6b4 100644 --- a/docs/altk/language/language.html +++ b/docs/ultk/language/language.html @@ -3,14 +3,14 @@ - - altk.language.language API documentation + + ultk.language.language API documentation - - + + + + + + + + +
+
+

+ultk.language.semantics

+ +

Classes for modeling the meanings of a language.

+ +

Meanings are modeled as things which map linguistic forms to objects of reference. The linguistic forms and objects of reference can in principle be very detailed, and future work may elaborate the meaning classes and implement a Form class.

+ +

In efficient communication analyses, simplicity and informativeness can be measured as properties of semantic aspects of a language. E.g., a meaning is simple if it is easy to represent, or to compress into some code; a meaning is informative if it is easy for a listener to recover a speaker's intended literal meaning.

+ +
Examples:
+ +
+
+
>>> from ultk.language.semantics import Referent, Meaning, Universe
+>>> from ultk.language.language import Expression
+>>> # construct the meaning space for numerals
+>>> numerals_universe = NumeralUniverse(referents=[NumeralReferent(str(i)) for i in range(1, 100)])
+>>> # construct a list of referents for the expression 'a few'
+>>> a_few_refs = [NumeralReferent(name=str(i)) for i in range(2, 6)]
+>>> a_few_meaning = NumeralMeaning(referents=a_few_refs, universe=numerals_universe)
+>>> # define the expression
+>>> a_few = NumeralExpression(form="a few", meaning=a_few_meaning)
+
+
+
+
+ + + + + +
  1"""Classes for modeling the meanings of a language.
+  2
+  3    Meanings are modeled as things which map linguistic forms to objects of reference. The linguistic forms and objects of reference can in principle be very detailed, and future work may elaborate the meaning classes and implement a Form class.
+  4
+  5    In efficient communication analyses, simplicity and informativeness can be measured as properties of semantic aspects of a language. E.g., a meaning is simple if it is easy to represent, or to compress into some code; a meaning is informative if it is easy for a listener to recover a speaker's intended literal meaning.
+  6
+  7    Examples:
+  8
+  9        >>> from ultk.language.semantics import Referent, Meaning, Universe
+ 10        >>> from ultk.language.language import Expression
+ 11        >>> # construct the meaning space for numerals
+ 12        >>> numerals_universe = NumeralUniverse(referents=[NumeralReferent(str(i)) for i in range(1, 100)])
+ 13        >>> # construct a list of referents for the expression 'a few'
+ 14        >>> a_few_refs = [NumeralReferent(name=str(i)) for i in range(2, 6)]
+ 15        >>> a_few_meaning = NumeralMeaning(referents=a_few_refs, universe=numerals_universe)
+ 16        >>> # define the expression
+ 17        >>> a_few = NumeralExpression(form="a few", meaning=a_few_meaning)
+ 18"""
+ 19
+ 20from typing import Iterable, Union
+ 21import numpy as np
+ 22import pandas as pd
+ 23
+ 24
+ 25class Referent:
+ 26    """A referent is some object in the universe for a language."""
+ 27
+ 28    def __init__(self, name: str, properties: dict = {}, **kwargs) -> None:
+ 29        """Initialize a referent.
+ 30
+ 31        Args:
+ 32            name: a string representing the name of the referent
+ 33        """
+ 34        self.name = name
+ 35        self.__dict__.update(properties, **kwargs)
+ 36
+ 37    def to_dict(self) -> dict:
+ 38        return self.__dict__
+ 39
+ 40    def __str__(self) -> str:
+ 41        return str(self.__dict__)
+ 42
+ 43    def __lt__(self, other):
+ 44        return self.name < other.name
+ 45
+ 46    def __eq__(self, other) -> bool:
+ 47        return self.name == other.name and self.__dict__ == other.__dict__
+ 48
+ 49    def __hash__(self) -> int:
+ 50        return hash((self.name, tuple(self.__dict__)))
+ 51
+ 52
+ 53class Universe:
+ 54
+ 55    """The universe is the set of possible referent objects for a meaning."""
+ 56
+ 57    def __init__(self, referents: Iterable[Referent], prior: dict[str, float] = None):
+ 58        self.referents = referents
+ 59        self._referents_by_name = {referent.name: referent for referent in referents}
+ 60        # set to uniform prior if none specified
+ 61        size = len(referents)
+ 62        prior = prior or {referent.name: 1 / size for referent in referents}
+ 63        self.set_prior(prior)
+ 64
+ 65    def set_prior(self, prior: dict[str, float]):
+ 66        self._prior = prior
+ 67
+ 68    def prior_numpy(self) -> np.ndarray:
+ 69        return np.array([self._prior[referent.name] for referent in self.referents])
+ 70
+ 71    def __getitem__(self, key: Union[str, int]) -> Referent:
+ 72        if type(key) is str:
+ 73            return self._referents_by_name[key]
+ 74        elif type(key) is int:
+ 75            return self.referents[key]
+ 76        else:
+ 77            raise KeyError("Key must either be an int or str.")
+ 78
+ 79    def __str__(self):
+ 80        referents_str = ",\n\t".join([str(point) for point in self.referents])
+ 81        return f"Points:\n\t{referents_str}\nDistribution:\n\t{self._prior}"
+ 82
+ 83    def __eq__(self, __o: object) -> bool:
+ 84        """Returns true if the two universes are the same set."""
+ 85        # TODO: may want to generalize to checking additional structure.  Or just leave that to sub-classes?
+ 86        return set(self.referents) == set(__o.referents)
+ 87
+ 88    def __len__(self) -> int:
+ 89        return len(self.referents)
+ 90
+ 91    def __hash__(self) -> int:
+ 92        return hash(tuple(self.referents))
+ 93
+ 94    @classmethod
+ 95    def from_dataframe(cls, df: pd.DataFrame):
+ 96        """Build a Universe from a DataFrame.
+ 97        It's assumed that each row specifies one Referent, and each column will be a property
+ 98        of that Referent.  We assume that `name` is one of the columns of the DataFrame.
+ 99
+100        Args:
+101            a DataFrame representing the meaning space of interest, assumed to have a column `name`
+102        """
+103        prior = None
+104        if "probability" in df.columns:
+105            prior = dict(zip(df["name"], df["probability"]))
+106        records = df.to_dict("records")
+107        referents = tuple(Referent(record["name"], record) for record in records)
+108        return cls(referents, prior)
+109
+110    @classmethod
+111    def from_csv(cls, filename: str):
+112        """Build a Universe from a CSV file.  This is a small wrapper around
+113        `Universe.from_dataframe`, so see that documentation for more information.
+114        """
+115        df = pd.read_csv(filename)
+116        return cls.from_dataframe(df)
+117
+118
+119class Meaning:
+120    """A meaning picks out a set of objects from the universe.
+121
+122    On one tradition (from formal semantics), we might model an underspecified meaning as a subset of the universe.
+123    Sometimes these different referents are not equally likely,
+124    in which it can be helpful to define a meaning explicitly as a distribution over the universe.
+125    """
+126
+127    def __init__(
+128        self,
+129        referents: Iterable[Referent],
+130        universe: Universe,
+131        dist: dict[str, float] = None,
+132    ) -> None:
+133        """A meaning is the set of things it refers to.
+134
+135        The objects of reference are a subset of the universe of discourse. Sometimes it is natural to construe the meaning as as a probability distribution over the universe, instead of just a binary predicate.
+136
+137        Args:
+138            referents: a list of Referent objects, which must be a subset of the referents in `universe`.
+139
+140            universe: a Universe object that defines the probability space for a meaning.
+141
+142            dist: a dict of with Referent names as keys and weights or probabilities as values, representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability.
+143        """
+144        if not set(referents).issubset(set(universe.referents)):
+145            print("referents:")
+146            print([str(r) for r in referents])
+147            print("universe:")
+148            print([str(r) for r in universe.referents])
+149            raise ValueError(
+150                f"The set of referents for a meaning must be a subset of the universe of discourse."
+151            )
+152
+153        self.referents = referents
+154        self.universe = universe
+155
+156        zeros = {
+157            ref.name: 0.0 for ref in set(self.universe.referents) - set(self.referents)
+158        }
+159        if dist is not None:
+160            # normalize weights to distribution
+161            total_weight = sum(dist.values())
+162            self.dist = {
+163                ref.name: dist[ref.name] / total_weight for ref in self.referents
+164            } | zeros
+165
+166        else:
+167            self.dist = {
+168                ref.name: 1 / len(self.referents) for ref in self.referents
+169            } | zeros
+170
+171    def to_dict(self) -> dict:
+172        return {"referents": [referent.to_dict() for referent in self.referents]}
+173
+174    def __bool__(self):
+175        return bool(self.referents) and bool(self.universe)
+176
+177    def __eq__(self, other):
+178        return (self.referents, self.universe) == (other.referents, other.universe)
+179
+180    def __str__(self):
+181        return f"Referents:\n\t{','.join(str(referent) for referent in self.referents)}\
+182            \nDistribution:\n\t{self.dist}\n"
+183
+184    def __hash__(self):
+185        return hash(tuple(self.referents))
+
+ + +
+
+ +
+ + class + Referent: + + + +
+ +
26class Referent:
+27    """A referent is some object in the universe for a language."""
+28
+29    def __init__(self, name: str, properties: dict = {}, **kwargs) -> None:
+30        """Initialize a referent.
+31
+32        Args:
+33            name: a string representing the name of the referent
+34        """
+35        self.name = name
+36        self.__dict__.update(properties, **kwargs)
+37
+38    def to_dict(self) -> dict:
+39        return self.__dict__
+40
+41    def __str__(self) -> str:
+42        return str(self.__dict__)
+43
+44    def __lt__(self, other):
+45        return self.name < other.name
+46
+47    def __eq__(self, other) -> bool:
+48        return self.name == other.name and self.__dict__ == other.__dict__
+49
+50    def __hash__(self) -> int:
+51        return hash((self.name, tuple(self.__dict__)))
+
+ + +

A referent is some object in the universe for a language.

+
+ + +
+ +
+ + Referent(name: str, properties: dict = {}, **kwargs) + + + +
+ +
29    def __init__(self, name: str, properties: dict = {}, **kwargs) -> None:
+30        """Initialize a referent.
+31
+32        Args:
+33            name: a string representing the name of the referent
+34        """
+35        self.name = name
+36        self.__dict__.update(properties, **kwargs)
+
+ + +

Initialize a referent.

+ +
Arguments:
+ +
    +
  • name: a string representing the name of the referent
  • +
+
+ + +
+
+
+ name + + +
+ + + + +
+
+ +
+ + def + to_dict(self) -> dict: + + + +
+ +
38    def to_dict(self) -> dict:
+39        return self.__dict__
+
+ + + + +
+
+
+ +
+ + class + Universe: + + + +
+ +
 54class Universe:
+ 55
+ 56    """The universe is the set of possible referent objects for a meaning."""
+ 57
+ 58    def __init__(self, referents: Iterable[Referent], prior: dict[str, float] = None):
+ 59        self.referents = referents
+ 60        self._referents_by_name = {referent.name: referent for referent in referents}
+ 61        # set to uniform prior if none specified
+ 62        size = len(referents)
+ 63        prior = prior or {referent.name: 1 / size for referent in referents}
+ 64        self.set_prior(prior)
+ 65
+ 66    def set_prior(self, prior: dict[str, float]):
+ 67        self._prior = prior
+ 68
+ 69    def prior_numpy(self) -> np.ndarray:
+ 70        return np.array([self._prior[referent.name] for referent in self.referents])
+ 71
+ 72    def __getitem__(self, key: Union[str, int]) -> Referent:
+ 73        if type(key) is str:
+ 74            return self._referents_by_name[key]
+ 75        elif type(key) is int:
+ 76            return self.referents[key]
+ 77        else:
+ 78            raise KeyError("Key must either be an int or str.")
+ 79
+ 80    def __str__(self):
+ 81        referents_str = ",\n\t".join([str(point) for point in self.referents])
+ 82        return f"Points:\n\t{referents_str}\nDistribution:\n\t{self._prior}"
+ 83
+ 84    def __eq__(self, __o: object) -> bool:
+ 85        """Returns true if the two universes are the same set."""
+ 86        # TODO: may want to generalize to checking additional structure.  Or just leave that to sub-classes?
+ 87        return set(self.referents) == set(__o.referents)
+ 88
+ 89    def __len__(self) -> int:
+ 90        return len(self.referents)
+ 91
+ 92    def __hash__(self) -> int:
+ 93        return hash(tuple(self.referents))
+ 94
+ 95    @classmethod
+ 96    def from_dataframe(cls, df: pd.DataFrame):
+ 97        """Build a Universe from a DataFrame.
+ 98        It's assumed that each row specifies one Referent, and each column will be a property
+ 99        of that Referent.  We assume that `name` is one of the columns of the DataFrame.
+100
+101        Args:
+102            a DataFrame representing the meaning space of interest, assumed to have a column `name`
+103        """
+104        prior = None
+105        if "probability" in df.columns:
+106            prior = dict(zip(df["name"], df["probability"]))
+107        records = df.to_dict("records")
+108        referents = tuple(Referent(record["name"], record) for record in records)
+109        return cls(referents, prior)
+110
+111    @classmethod
+112    def from_csv(cls, filename: str):
+113        """Build a Universe from a CSV file.  This is a small wrapper around
+114        `Universe.from_dataframe`, so see that documentation for more information.
+115        """
+116        df = pd.read_csv(filename)
+117        return cls.from_dataframe(df)
+
+ + +

The universe is the set of possible referent objects for a meaning.

+
+ + +
+ +
+ + Universe( referents: Iterable[Referent], prior: dict[str, float] = None) + + + +
+ +
58    def __init__(self, referents: Iterable[Referent], prior: dict[str, float] = None):
+59        self.referents = referents
+60        self._referents_by_name = {referent.name: referent for referent in referents}
+61        # set to uniform prior if none specified
+62        size = len(referents)
+63        prior = prior or {referent.name: 1 / size for referent in referents}
+64        self.set_prior(prior)
+
+ + + + +
+
+
+ referents + + +
+ + + + +
+
+ +
+ + def + set_prior(self, prior: dict[str, float]): + + + +
+ +
66    def set_prior(self, prior: dict[str, float]):
+67        self._prior = prior
+
+ + + + +
+
+ +
+ + def + prior_numpy(self) -> numpy.ndarray: + + + +
+ +
69    def prior_numpy(self) -> np.ndarray:
+70        return np.array([self._prior[referent.name] for referent in self.referents])
+
+ + + + +
+
+ +
+
@classmethod
+ + def + from_dataframe(cls, df: pandas.core.frame.DataFrame): + + + +
+ +
 95    @classmethod
+ 96    def from_dataframe(cls, df: pd.DataFrame):
+ 97        """Build a Universe from a DataFrame.
+ 98        It's assumed that each row specifies one Referent, and each column will be a property
+ 99        of that Referent.  We assume that `name` is one of the columns of the DataFrame.
+100
+101        Args:
+102            a DataFrame representing the meaning space of interest, assumed to have a column `name`
+103        """
+104        prior = None
+105        if "probability" in df.columns:
+106            prior = dict(zip(df["name"], df["probability"]))
+107        records = df.to_dict("records")
+108        referents = tuple(Referent(record["name"], record) for record in records)
+109        return cls(referents, prior)
+
+ + +

Build a Universe from a DataFrame. +It's assumed that each row specifies one Referent, and each column will be a property +of that Referent. We assume that name is one of the columns of the DataFrame.

+ +
Arguments:
+ +
    +
  • a DataFrame representing the meaning space of interest, assumed to have a column name
  • +
+
+ + +
+
+ +
+
@classmethod
+ + def + from_csv(cls, filename: str): + + + +
+ +
111    @classmethod
+112    def from_csv(cls, filename: str):
+113        """Build a Universe from a CSV file.  This is a small wrapper around
+114        `Universe.from_dataframe`, so see that documentation for more information.
+115        """
+116        df = pd.read_csv(filename)
+117        return cls.from_dataframe(df)
+
+ + +

Build a Universe from a CSV file. This is a small wrapper around +Universe.from_dataframe, so see that documentation for more information.

+
+ + +
+
+
+ +
+ + class + Meaning: + + + +
+ +
120class Meaning:
+121    """A meaning picks out a set of objects from the universe.
+122
+123    On one tradition (from formal semantics), we might model an underspecified meaning as a subset of the universe.
+124    Sometimes these different referents are not equally likely,
+125    in which it can be helpful to define a meaning explicitly as a distribution over the universe.
+126    """
+127
+128    def __init__(
+129        self,
+130        referents: Iterable[Referent],
+131        universe: Universe,
+132        dist: dict[str, float] = None,
+133    ) -> None:
+134        """A meaning is the set of things it refers to.
+135
+136        The objects of reference are a subset of the universe of discourse. Sometimes it is natural to construe the meaning as as a probability distribution over the universe, instead of just a binary predicate.
+137
+138        Args:
+139            referents: a list of Referent objects, which must be a subset of the referents in `universe`.
+140
+141            universe: a Universe object that defines the probability space for a meaning.
+142
+143            dist: a dict of with Referent names as keys and weights or probabilities as values, representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability.
+144        """
+145        if not set(referents).issubset(set(universe.referents)):
+146            print("referents:")
+147            print([str(r) for r in referents])
+148            print("universe:")
+149            print([str(r) for r in universe.referents])
+150            raise ValueError(
+151                f"The set of referents for a meaning must be a subset of the universe of discourse."
+152            )
+153
+154        self.referents = referents
+155        self.universe = universe
+156
+157        zeros = {
+158            ref.name: 0.0 for ref in set(self.universe.referents) - set(self.referents)
+159        }
+160        if dist is not None:
+161            # normalize weights to distribution
+162            total_weight = sum(dist.values())
+163            self.dist = {
+164                ref.name: dist[ref.name] / total_weight for ref in self.referents
+165            } | zeros
+166
+167        else:
+168            self.dist = {
+169                ref.name: 1 / len(self.referents) for ref in self.referents
+170            } | zeros
+171
+172    def to_dict(self) -> dict:
+173        return {"referents": [referent.to_dict() for referent in self.referents]}
+174
+175    def __bool__(self):
+176        return bool(self.referents) and bool(self.universe)
+177
+178    def __eq__(self, other):
+179        return (self.referents, self.universe) == (other.referents, other.universe)
+180
+181    def __str__(self):
+182        return f"Referents:\n\t{','.join(str(referent) for referent in self.referents)}\
+183            \nDistribution:\n\t{self.dist}\n"
+184
+185    def __hash__(self):
+186        return hash(tuple(self.referents))
+
+ + +

A meaning picks out a set of objects from the universe.

+ +

On one tradition (from formal semantics), we might model an underspecified meaning as a subset of the universe. +Sometimes these different referents are not equally likely, +in which it can be helpful to define a meaning explicitly as a distribution over the universe.

+
+ + +
+ +
+ + Meaning( referents: Iterable[Referent], universe: Universe, dist: dict[str, float] = None) + + + +
+ +
128    def __init__(
+129        self,
+130        referents: Iterable[Referent],
+131        universe: Universe,
+132        dist: dict[str, float] = None,
+133    ) -> None:
+134        """A meaning is the set of things it refers to.
+135
+136        The objects of reference are a subset of the universe of discourse. Sometimes it is natural to construe the meaning as as a probability distribution over the universe, instead of just a binary predicate.
+137
+138        Args:
+139            referents: a list of Referent objects, which must be a subset of the referents in `universe`.
+140
+141            universe: a Universe object that defines the probability space for a meaning.
+142
+143            dist: a dict of with Referent names as keys and weights or probabilities as values, representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability.
+144        """
+145        if not set(referents).issubset(set(universe.referents)):
+146            print("referents:")
+147            print([str(r) for r in referents])
+148            print("universe:")
+149            print([str(r) for r in universe.referents])
+150            raise ValueError(
+151                f"The set of referents for a meaning must be a subset of the universe of discourse."
+152            )
+153
+154        self.referents = referents
+155        self.universe = universe
+156
+157        zeros = {
+158            ref.name: 0.0 for ref in set(self.universe.referents) - set(self.referents)
+159        }
+160        if dist is not None:
+161            # normalize weights to distribution
+162            total_weight = sum(dist.values())
+163            self.dist = {
+164                ref.name: dist[ref.name] / total_weight for ref in self.referents
+165            } | zeros
+166
+167        else:
+168            self.dist = {
+169                ref.name: 1 / len(self.referents) for ref in self.referents
+170            } | zeros
+
+ + +

A meaning is the set of things it refers to.

+ +

The objects of reference are a subset of the universe of discourse. Sometimes it is natural to construe the meaning as as a probability distribution over the universe, instead of just a binary predicate.

+ +
Arguments:
+ +
    +
  • referents: a list of Referent objects, which must be a subset of the referents in universe.
  • +
  • universe: a Universe object that defines the probability space for a meaning.
  • +
  • dist: a dict of with Referent names as keys and weights or probabilities as values, representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability.
  • +
+
+ + +
+
+
+ referents + + +
+ + + + +
+
+
+ universe + + +
+ + + + +
+
+ +
+ + def + to_dict(self) -> dict: + + + +
+ +
172    def to_dict(self) -> dict:
+173        return {"referents": [referent.to_dict() for referent in self.referents]}
+
+ + + + +
+
+
+ + \ No newline at end of file diff --git a/pyproject.toml b/pyproject.toml index 86fb5578..02a1c8db 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -3,13 +3,14 @@ requires = ["setuptools>=42", "wheel"] build-backend = "setuptools.build_meta" [project] -name = "altk" -version = "0.0.1" +name = "ultk" +version = "0.0.1c" authors = [ + { name="Chris Haberland", email="haberc@uw.edu"}, { name="Nathaniel Imel", email="nimel@uci.edu"}, { name="Shane Steinert-Threlkeld", email="shanest@uw.edu" }, ] -description = "ALTK is a software library that aims to support efficient communication analyses of natural language. This is a line of research that aims to explain why natural languages have the structure that they do in terms competing pressures to minimize cognitive complexity and maximize communicative accuracy." +description = "ULTK is a software library that aims to support efficient communication analyses of natural language. This is a line of research that aims to explain why natural languages have the structure that they do in terms competing pressures to minimize cognitive complexity and maximize communicative accuracy." readme = "README.md" requires-python = ">=3.7" classifiers = [ @@ -19,17 +20,19 @@ classifiers = [ ] license = {file = "LICENSE.txt"} dependencies = [ + "mypy", "numpy", "nltk", "pyyaml", "pandas", "plotnine", "pathos", - "embo", "pytest", - "mypy" + "mypy", + "concepts", + "rdot", ] [project.urls] -"Homepage" = "https://clmbr.shane.st/altk" -"Bug Tracker" = "https://github.com/CLMBRs/altk/issues" \ No newline at end of file +"Homepage" = "https://clmbr.shane.st/ultk" +"Bug Tracker" = "https://github.com/CLMBRs/ultk/issues" \ No newline at end of file diff --git a/src/altk/effcomm/information.py b/src/altk/effcomm/information.py deleted file mode 100644 index e1c4a18e..00000000 --- a/src/altk/effcomm/information.py +++ /dev/null @@ -1,486 +0,0 @@ -"""Helper functions for Rate-Distortion based (including Information Bottleneck) efficient communication analyses.""" - -import numpy as np -from altk.language.language import Language -from altk.language.semantics import Universe, Referent -from altk.effcomm.agent import LiteralSpeaker, BayesianListener -from altk.effcomm import util -from embo import InformationBottleneck -from typing import Callable - - -def information_rate(source: np.ndarray, encoder: np.ndarray) -> float: - """Compute the information rate / complexity of the encoder q(w|m) as $I[W:M]$.""" - pXY = util.joint(pY_X=encoder, pX=source) - return util.MI(pXY=pXY) - - -############################################################################## -# Rate-Distortion Theory -############################################################################## - - -def get_rd_curve( - prior: np.ndarray, - dist_mat: np.ndarray, - betas: np.ndarray = None, -) -> list[tuple[float]]: - """Use the Blahut Arimoto algorithm to obtain a list of (rate, distortion) points.""" - if betas is None: - # B-A gets a bit sparse in low-rate regions for just one np.linspace - # betas = np.linspace(start=0, stop=2**7, num=50) - betas = np.concatenate( - [ - np.linspace(start=0, stop=0.29, num=333), - np.linspace(start=0.3, stop=0.9, num=333), - np.linspace(start=1.0, stop=2**7, num=334), - ] - ) - # TODO: unify or something - prior = np.array(prior) - dist_mat = np.array(dist_mat) - - rd = lambda beta: blahut_arimoto(dist_mat, p_x=prior, beta=beta)["final"] - pareto_points = [rd(beta) for beta in betas] - return pareto_points - - -def expected_distortion( - p_x: np.ndarray, p_xhat_x: np.ndarray, dist_mat: np.ndarray -) -> float: - """$D[X, \hat{X}] = \sum_x p(x) \sum_{\hat{x}} p(\hat{x}|x) \cdot d(x, \hat{x})$""" - # BUG to fix: you need to diagonalize the prior. - return np.sum(np.diag(p_x) @ (p_xhat_x * dist_mat)) - - -def compute_rate_distortion( - p_x, - p_xhat_x, - dist_mat, -) -> tuple[np.ndarray]: - """Compute the information rate $I(X;\hat{X})$ and total distortion $D[X, \hat{X}]$ of a joint distribution defind by $P(X)$ and $P(\hat{X}|X)$. - - Args: - p_x: array of shape `|X|` the prior probability of an input symbol (i.e., the source) - - p_xhat_x: array of shape `(|X|, |X_hat|)` the probability of an output symbol given the input - - dist_mat: array of shape `(|X|, |X_hat|)` representing the distoriton matrix between the input alphabet and the reconstruction alphabet. - - Returns: - a (rate, distortion) tuple containing the information rate (in bits) of compressing X into X_hat and the expected distortion between X, X_hat - """ - return ( - information_rate(p_x, p_xhat_x), - expected_distortion(p_x, p_xhat_x, dist_mat), - ) - - -def blahut_arimoto( - dist_mat: np.ndarray, - p_x: np.ndarray, - beta: float, - max_it: int = 200, - eps: float = 1e-5, - ignore_converge: bool = False, -) -> tuple[float]: - """Compute the rate-distortion function of an i.i.d distribution - - Args: - dist_mat: array of shape `(|X|, |X_hat|)` representing the distortion matrix between the input alphabet and the reconstruction alphabet. dist_mat[i,j] = dist(x[i],x_hat[j]). In this context, X is a random variable representing the a speaker's meaning (target referent), and X_hat is a random variable representing a listener's meaning (guessed referent). - - p_x: (1D array of shape `|X|`) representing the probability mass function of the source. In this context, the prior over states of nature. - - beta: (scalar) the slope of the rate-distoriton function at the point where evaluation is required - - max_it: max number of iterations - - eps: accuracy required by the algorithm: the algorithm stops if there is no change in distoriton value of more than 'eps' between consequtive iterations - - ignore_converge: whether to run the optimization until `max_it`, ignoring the stopping criterion specified by `eps`. - - Returns: - a dict of the form - - { - 'final': a tuple of (rate, distortion) values. This is the rate (in bits) of compressing X into X_hat, and distortion between X, X_hat - - 'trajectory': a list of the (rate, distortion) points discovered during optimization - } - """ - # start with iid conditional distribution, as p(x) may not be uniform - p_xhat_x = np.tile(p_x, (dist_mat.shape[1], 1)).T - - # normalize - p_x /= np.sum(p_x) - p_xhat_x /= np.sum(p_xhat_x, 1, keepdims=True) - - it = 0 - traj = [] - distortion = 2 * eps - converged = False - while not converged: - it += 1 - distortion_prev = distortion - - # p(x_hat) = sum p(x) p(x_hat | x) - p_xhat = p_x @ p_xhat_x - - # p(x_hat | x) = p(x_hat) exp(- beta * d(x_hat, x)) / Z - p_xhat_x = np.exp(-beta * dist_mat) * p_xhat - p_xhat_x /= np.expand_dims(np.sum(p_xhat_x, 1), 1) - - # update for convergence check - rate, distortion = compute_rate_distortion(p_x, p_xhat_x, dist_mat) - - # collect point - traj.append((rate, distortion)) - - # convergence check - if ignore_converge: - converged = it == max_it - else: - converged = it == max_it or np.abs(distortion - distortion_prev) < eps - - return { - "final": (rate, distortion), - "trajectory": traj, - } - - -############################################################################## -# Information Bottleneck -############################################################################## - -# === Main IB methods === - - -def get_ib_curve( - prior: np.ndarray, - meaning_dists: np.ndarray, - maxbeta: float, - minbeta: float, - numbeta: float, - processes: int = 1, - curve_type: str = "informativity", -) -> tuple[float]: - """Get a list of (complexity, accuracy) or (complexity, distortion) points. A minimal wrapper of `get_bottleneck.` - - Args: - prior: array of shape `|meanings|` - - meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings. - - curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The latter can be obtained easily from the former by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain. - - maxbeta: the maximum value of beta to use to compute the curve. - - minbeta: the minimum value of beta to use. - - numbeta: the number of (equally-spaced) beta values to consider to compute the curve. - - processes: number of cpu threads to run in parallel (default = 1) - - Returns: - an array of shape `(num_points, 2)` representing the list of (accuracy/comm_cost, complexity) points on the information plane. - """ - - complexity, accuracy, distortion = get_bottleneck( - prior, meaning_dists, maxbeta, minbeta, numbeta, processes - ) - if curve_type == "comm_cost": - return np.array( - list( - zip( - distortion, - complexity, - ) - ) - ) # expected kl divergence, complexity - - else: - points = np.array( - list( - zip( - accuracy, - complexity, - ) - ) - ) # informativity, complexity - return points - - -def get_bottleneck( - prior: np.ndarray, - meaning_dists: np.ndarray, - maxbeta: float, - minbeta: float, - numbeta: float, - processes: int = 1, -) -> np.ndarray: - """Compute the IB curve bound (I[M:W] vs. I[W:U]). We use the embo package, which has support for smoothing any non-monotonicity in the bound resulting from BA optimization getting stuck in local minima. - - Args: - prior: array of shape `|meanings|` - - meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings. - - curve_type: {'informativity', 'comm_cost'} specifies whether to return the (classic) IB axes of informativity vs. complexity, or the more Rate-Distortion Theory aligned axes of comm_cost vs. complexity. The comm_cost can be obtained easily from informativity by subtracting each informativity value from I[M:U], which is a constant for all languages in the same domain. - - maxbeta: the maximum value of beta to use to compute the curve. - - minbeta: the minimum value of beta to use. - - numbeta: the number of (equally-spaced) beta values to consider to compute the curve. - - processes: number of cpu threads to run in parallel (default = 1) - - Returns: - a dict containing the coordinates and encoders corresponding to IB optima, of the form - - { - "encoders": an array of shape `(num_meanings, num_words)`,\n - "coordinates": a tuple of arrays `(complexity, accuracy, comm_cost)` each of shape (`numbeta`,) - "beta": an array of shape (`numbeta`,) corresponding to the actually used betas after non-monotonicity corrections. - } - """ - # N.B.: embo only uses numpy and scipy - prior = np.array(prior) - meaning_dists = np.array(meaning_dists) - - joint_pmu = util.joint(meaning_dists, prior) # P(u) = P(m) - I_mu = util.MI(joint_pmu) - - # I[M:W], I[W:U], H[W], beta, encoders - I_mw, I_wu, _, beta, encoders = InformationBottleneck( - pxy=joint_pmu, - maxbeta=maxbeta, - minbeta=minbeta, - numbeta=numbeta, - processes=processes, - ).get_bottleneck() - - def normalize_rows(mat: np.ndarray): - return mat / mat.sum(1, keepdims=True) - - # compute by hand for debug - # NOTE: I don't remember why I was doing this, maybe there's a bug - # Oh i remember, it's because the encoders computed by embo don't always sum to 1. - # encoders = np.array([normalize_rows(encoder) for encoder in encoders]) - # points = [ib_encoder_to_point(meaning_dists, prior, encoder)[:-1] for encoder in encoders] - # I_mw, I_wu = tuple(zip(*points)) - - coordinates = list(zip(*(I_mw, I_wu, I_mu - I_wu))) - - return { - "encoders": encoders, - "coordinates": coordinates, - "betas": beta, - } - - -############################################################################## -# Using altk.Language -############################################################################## - - -def ib_complexity( - language: Language, - prior: np.ndarray, -) -> float: - """Compute the IB encoder complexity of a language $I[M:W]$.""" - return float( - information_rate( - source=prior, - encoder=language_to_ib_encoder_decoder( - language, - prior, - )["encoder"], - ) - ) - - -def ib_informativity( - language: Language, - prior: np.ndarray, - meaning_dists: np.ndarray, -) -> float: - """Compute the expected informativity (accuracy) $I[W:U]$ of a lexicon. - - Args: - language: the Language to measure for informativity - - prior: communicative need distribution - - meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings. - - Returns: - the informativity of the language I[W:U] in bits. - """ - return float( - ib_accuracy( - language_to_ib_encoder_decoder(language, prior)["encoder"], - prior, - meaning_dists, - ) - ) - - -def ib_comm_cost( - language: Language, - prior: np.ndarray, - meaning_dists: np.ndarray, -) -> float: - """Compute the IB communicative cost, i.e. expected KL-divergence betweeen speaker and listener meanings, for a language. - - Args: - language: the Language to measure for communicative cost - - prior: communicative need distribution - - meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings. - - Returns: - the communicative cost, $\mathbb{E}[D_{KL}[M || \hat{M}]] = I[M:U] - I[W:U]$ in bits. - """ - return ib_distortion( - language_to_ib_encoder_decoder(language, prior)["encoder"], - prior, - meaning_dists, - ) - - -def language_to_ib_encoder_decoder( - language: Language, - prior: np.ndarray, -) -> dict[str, np.ndarray]: - """Convert a Language, a mapping of words to meanings, to IB encoder, q(w|m) and IB decoder q(m|w). - - Args: - language: the lexicon from which to infer a speaker (encoder). - - prior: communicative need distribution - - Returns: - a dict of the form - { - "encoder": np.ndarray of shape `(|meanings|, |words|)`, - "decoder": np.ndarray of shape `(|words|, |meanings|)`, - } - """ - # In the IB framework, the encoder _can_ be a literal speaker and the decoder is a bayes optimal listener. - speaker = LiteralSpeaker(language) - speaker.weights = util.rows_zero_to_uniform(speaker.normalized_weights()) - listener = BayesianListener(speaker, prior) - return { - "encoder": speaker.normalized_weights(), - "decoder": listener.normalized_weights(), - } - - -############################################################################## -# Without using altk.Language -############################################################################## - - -def ib_accuracy( - encoder: np.ndarray, prior: np.ndarray, meaning_dists: np.ndarray -) -> float: - """Return the accuracy of the lexicon I[W:U] - - Args: - encoder: array of shape `(|M|, |W|)` representing P(W | M) - - decoder: array of shape `(|W|, |M|)` representing P(M | W) - - meaning_dists: array of shape `(|M|, |U|)` representing P(U | M) - - prior: array of shape `|M|` representing P(M) - - Returns: - the accuracy of the lexicon I[W:U] - """ - pMW = util.joint(encoder, prior) - pWU = pMW.T @ meaning_dists - return util.MI(pWU) - - -def ib_distortion( - encoder: np.ndarray, prior: np.ndarray, meaning_dists: np.ndarray -) -> float: - """Return the IB distortion measure E[DKL[ M || M_hat ]] - - Args: - encoder: array of shape `(|M|, |W|)` representing P(W | M) - - decoder: array of shape `(|W|, |M|)` representing P(M | W) - - meaning_dists: array of shape `(|M|, |U|)` representing P(U | M) - - prior: array of shape `|M|` representing P(M) - - Returns: - the distortion E[DKL[ M || M_hat ]] = I[M:U] - I[W:U] - """ - pMU = util.joint(meaning_dists, prior) - I_mu = util.MI(pMU) - accuracy = ib_accuracy(encoder, prior, meaning_dists) - return I_mu - accuracy - - -def ib_encoder_to_point( - meaning_dists: np.ndarray, - prior: np.ndarray, - encoder: np.ndarray, - decoder: np.ndarray = None, -) -> tuple[float]: - """Return (complexity, accuracy, comm_cost) IB coordinates. - - Args: - meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings. - - prior: array of shape `|M|` representing the cognitive source - - encoder: array of shape `(|M|, |W|)` representing P(W | M) - - decoder: array of shape `(|W|, |M|)` representing P(M | W). By default is None, and the Bayesian optimal decoder will be inferred. - """ - # TODO: be consistent about tensors vs arrays - encoder = np.array(encoder) - meaning_dists = np.array(meaning_dists) - prior = np.array(prior) - if decoder is not None: - decoder = np.array(decoder) - else: - decoder = ib_optimal_decoder(encoder, prior, meaning_dists) - - encoder = util.rows_zero_to_uniform(encoder) - decoder = util.rows_zero_to_uniform(decoder) - - complexity = information_rate(prior, encoder) - accuracy = ib_accuracy(encoder, prior, meaning_dists) - distortion = ib_distortion(encoder, prior, meaning_dists) - - return (complexity, accuracy, distortion) - - -def ib_optimal_decoder( - encoder: np.ndarray, - prior: np.ndarray, - meaning_dists: np.ndarray, -) -> np.ndarray: - """Compute the bayesian optimal decoder. See https://github.com/nogazs/ib-color-naming/blob/master/src/ib_naming_model.py#L40 - - Args: - encoder: array of shape `(|words|, |meanings|)` - - prior: array of shape `(|meanings|,)` - - meaning_dists: array of shape `(|meanings|, |meanings|)` - - Returns: - array of shape `(|words|, |meanings|)` representing the 'optimal' deterministic decoder - """ - pMW = util.joint(encoder, prior) - pW_M = pMW.T / pMW.sum(axis=0)[:, None] - return pW_M @ meaning_dists diff --git a/src/altk/effcomm/util.py b/src/altk/effcomm/util.py deleted file mode 100644 index bcafd8fe..00000000 --- a/src/altk/effcomm/util.py +++ /dev/null @@ -1,173 +0,0 @@ -"""Various helper functions for computing complexity and informativity.""" -import numpy as np -from scipy.special import logsumexp -from altk.language.semantics import Universe, Referent -from typing import Callable - -############################################################################## -# Miscellaneous helper functions -############################################################################## - - -def rows_zero_to_uniform(mat: np.ndarray) -> np.ndarray: - """Ensure that `mat` encodes a probability distribution, i.e. each row (indexed by a meaning) is a distribution over expressions: sums to exactly 1.0. - - This is necessary when exploring mathematically possible languages (including natural languages, like Hausa in the case of modals) which sometimes have that a row of the matrix p(word|meaning) is a vector of 0s. - - Args: - mat: a 2D numpy array that should be normalized so that each row is a probability distribution. - """ - mat = np.array(mat) - - threshold = 1e-5 - - # Ensure if p(.|meaning) sums to > 0 at all, it must sum to 1. - for row in mat: - # less than 1.0 - if row.sum() and 1.0 - row.sum() > threshold: - print("row is nonzero and sums to less than 1.0!") - print(row, row.sum()) - raise Exception - # greater than 1.0 - if row.sum() and row.sum() - 1.0 > threshold: - print("row sums to greater than 1.0!") - print(row, row.sum()) - raise Exception - - return np.array([row if row.sum() else np.ones(len(row)) / len(row) for row in mat]) - - -def build_utility_matrix( - universe: Universe, utility: Callable[[Referent, Referent], float] -) -> np.ndarray: - """Construct the square matrix specifying the utility function defined for pairs of meanings, used for computing communicative success.""" - return np.array( - [ - [utility(ref, ref_) for ref_ in universe.referents] - for ref in universe.referents - ] - ) - - -############################################################################## -# Helper functions for measuring information-theoretic quantities. Code credit belongs to N. Zaslavsky: https://github.com/nogazs/ib-color-naming/blob/master/src/tools.py -############################################################################## - - -PRECISION = 1e-16 - -# === DISTRIBUTIONS === - - -def marginal(pXY, axis=1): - """Compute $p(x) = \sum_x p(x,y)$ - - Args: - pXY: a numpy array of shape `(|X|, |Y|)` - - Returns: - pY: (axis = 0) or pX (default, axis = 1) - """ - return pXY.sum(axis) - - -def conditional(pXY): - """Compute $p(y|x) = \\frac{p(x,y)}{p(x)}$ - - Args: - pXY: a numpy array of shape `(|X|, |Y|)` - - Returns: - pY_X: a numpy array of shape `(|X|, |Y|)` - """ - pX = pXY.sum(axis=1, keepdims=True) - return np.where(pX > PRECISION, pXY / pX, 1 / pXY.shape[1]) - - -def joint(pY_X, pX): - """Compute $p(x,y) = p(y|x) \cdot p(x) $ - - Args: - pY_X: a numpy array of shape `(|X|, |Y|)` - - pX: a numpy array `|X|` - Returns: - pXY: a numpy array of the shape `(|X|, |Y|)` - """ - # breakpoint() - return pY_X * pX[:, None] - - -def marginalize(pY_X, pX): - """Compute $p(y) = \sum_x p(y|x) \cdot p(x)$ - - Args: - pY_X: a numpy array of shape `(|X|, |Y|)` - - pX: a numpy array of shape `|X|` - - Returns: - pY: a numpy array of shape `|Y|` - """ - return pY_X.T @ pX - - -def bayes(pY_X, pX): - """Compute $p(x|y) = \\frac{p(y|x) \cdot p(x)}{p(y)}$ - Args: - pY_X: a numpy array of shape `(|X|, |Y|)` - """ - pXY = joint(pY_X, pX) - pY = marginalize(pY_X, pX) - # NOTE: original line gave shape errors for broadcasting pXY / pY, - # return np.where(pY > PRECISION, pXY.T / pY, 1 / pXY.shape[0]) - # but the below line still needs to be checked. - return np.where(pY > PRECISION, pXY / pY, 1 / pXY.shape[0]).T - - -# === INFORMATION === - - -def xlogx(p): - """Compute $x \\log p(x)$""" - with np.errstate(divide="ignore", invalid="ignore"): - return np.where(p > PRECISION, p * np.log2(p), 0) - - -def H(p, axis=None): - """Compute the entropy of p, $H(X) = - \sum_x x \\log p(x)$""" - return -xlogx(p).sum(axis=axis) - - -def MI(pXY): - """Compute mutual information, $I[X:Y]$""" - return H(pXY.sum(axis=0)) + H(pXY.sum(axis=1)) - H(pXY) - - -def DKL(p, q, axis=None): - """Compute KL divergences, $D_{KL}[p~||~q]$""" - return (xlogx(p) - np.where(p > PRECISION, p * np.log2(q + PRECISION), 0)).sum( - axis=axis - ) - - -def gNID(pW_X, pV_X, pX): - """Compute Generalized Normalized Informational Distance between two encoders. - - Args: - pW_X: first encoder of shape `(|meanings|, |words|)` - - pV_X: second encoder of shape `(|meanings|, |words|)` - - pX: prior over source variables of shape `(|meanings|,)` - """ - if len(pX.shape) == 1: - pX = pX[:, None] - elif pX.shape[0] == 1 and pX.shape[1] > 1: - pX = pX.T - pXW = pW_X * pX - pWV = pXW.T @ (pV_X) - pWW = pXW.T @ (pW_X) - pVV = (pV_X * pX).T @ (pV_X) - score = 1 - MI(pWV) / (np.max([MI(pWW), MI(pVV)])) - return score diff --git a/src/altk/language/semantics.py b/src/altk/language/semantics.py deleted file mode 100644 index ab67aaa6..00000000 --- a/src/altk/language/semantics.py +++ /dev/null @@ -1,179 +0,0 @@ -"""Classes for modeling the meanings of a language. - - Meanings are modeled as things which map linguistic forms to objects of reference. The linguistic forms and objects of reference can in principle be very detailed, and future work may elaborate the meaning classes and implement a Form class. - - In efficient communication analyses, simplicity and informativeness can be measured as properties of semantic aspects of a language. E.g., a meaning is simple if it is easy to represent, or to compress into some code; a meaning is informative if it is easy for a listener to recover a speaker's intended literal meaning. - - Examples: - - >>> from altk.language.semantics import Referent, Meaning, Universe - >>> from altk.language.language import Expression - >>> # construct the meaning space for numerals - >>> numerals_universe = NumeralUniverse(referents=[NumeralReferent(str(i)) for i in range(1, 100)]) - >>> # construct a list of referents for the expression 'a few' - >>> a_few_refs = [NumeralReferent(name=str(i)) for i in range(2, 6)] - >>> a_few_meaning = NumeralMeaning(referents=a_few_refs, universe=numerals_universe) - >>> # define the expression - >>> a_few = NumeralExpression(form="a few", meaning=a_few_meaning) -""" - -from typing import Iterable, Union -import numpy as np -import pandas as pd - - -class Referent: - """A referent is some object in the universe for a language.""" - - def __init__(self, name: str, properties: dict = {}, **kwargs) -> None: - """Initialize a referent. - - Args: - name: a string representing the name of the referent - """ - self.name = name - self.__dict__.update(properties, **kwargs) - - def to_dict(self) -> dict: - return self.__dict__ - - def __str__(self) -> str: - return str(self.__dict__) - - def __lt__(self, other): - return self.name < other.name - - -class Universe: - - """The universe is the set of possible referent objects for a meaning.""" - - def __init__(self, referents: Iterable[Referent], prior: dict[str, float] = None): - self.referents = referents - self._referents_by_name = {referent.name: referent for referent in referents} - # set to uniform prior if none specified - size = len(referents) - prior = prior or {referent.name: 1 / size for referent in referents} - self.set_prior(prior) - - def set_prior(self, prior: dict[str, float]): - self._prior = prior - - def prior_numpy(self) -> np.ndarray: - return np.array([self._prior[referent.name] for referent in self.referents]) - - def __getitem__(self, key: Union[str, int]) -> Referent: - if type(key) is str: - return self._referents_by_name[key] - elif type(key) is int: - return self.referents[key] - else: - raise KeyError("Key must either be an int or str.") - - def __str__(self): - referents_str = ",\n\t".join([str(point) for point in self.referents]) - return f"Points:\n\t{referents_str}\nDistribution:\n\t{self._prior}" - - def __eq__(self, __o: object) -> bool: - """Returns true if the two universes are the same set.""" - # TODO: may want to generalize to checking additional structure. Or just leave that to sub-classes? - return set(self.referents) == set(__o.referents) - - def __len__(self) -> int: - return len(self.referents) - - def __hash__(self) -> int: - return hash(self.referents) - - @classmethod - def from_dataframe(cls, df: pd.DataFrame): - """Build a Universe from a DataFrame. - It's assumed that each row specifies one Referent, and each column will be a property - of that Referent. We assume that `name` is one of the columns of the DataFrame. - - Args: - a DataFrame representing the meaning space of interest, assumed to have a column `name` - """ - prior = None - if "probability" in df.columns: - prior = dict(zip(df["name"], df["probability"])) - records = df.to_dict("records") - referents = tuple(Referent(record["name"], record) for record in records) - return cls(referents, prior) - - @classmethod - def from_csv(cls, filename: str): - """Build a Universe from a CSV file. This is a small wrapper around - `Universe.from_dataframe`, so see that documentation for more information. - """ - df = pd.read_csv(filename) - return cls.from_dataframe(df) - - -class Meaning: - """A meaning picks out a set of objects from the universe. - - On one tradition (from formal semantics), we might model an underspecified meaning as a subset of the universe. - Sometimes these different referents are not equally likely, - in which it can be helpful to define a meaning explicitly as a distribution over the universe. - """ - - def __init__( - self, - referents: Iterable[Referent], - universe: Universe, - dist: dict[str, float] = None, - ) -> None: - """A meaning is the set of things it refers to. - - The objects of reference are a subset of the universe of discourse. Sometimes it is natural to construe the meaning as as a probability distribution over the universe, instead of just a binary predicate. - - Args: - referents: a list of Referent objects, which must be a subset of the referents in `universe`. - - universe: a Universe object that defines the probability space for a meaning. - - dist: a dict of with Referent names as keys and weights or probabilities as values, representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability. - """ - if not set(referents).issubset(set(universe.referents)): - print("referents:") - print([str(r) for r in referents]) - print("universe:") - print([str(r) for r in universe.referents]) - raise ValueError( - f"The set of referents for a meaning must be a subset of the universe of discourse." - ) - - self.referents = referents - self.universe = universe - - zeros = { - ref.name: 0.0 for ref in set(self.universe.referents) - set(self.referents) - } - if dist is not None: - # normalize weights to distribution - total_weight = sum(dist.values()) - self.dist = { - ref.name: dist[ref.name] / total_weight for ref in self.referents - } | zeros - - else: - self.dist = { - ref.name: 1 / len(self.referents) for ref in self.referents - } | zeros - - def to_dict(self) -> dict: - return {"referents": [referent.to_dict() for referent in self.referents]} - - def __bool__(self): - return bool(self.referents) and bool(self.universe) - - def __eq__(self, other): - return (self.referents, self.universe) == (other.referents, other.universe) - - def __str__(self): - return f"Referents:\n\t{','.join(str(referent) for referent in self.referents)}\ - \nDistribution:\n\t{self.dist}\n" - - def __hash__(self): - return hash(tuple(self.referents)) diff --git a/src/examples/__init__.py b/src/examples/__init__.py index 417d71e5..f52229ab 100644 --- a/src/examples/__init__.py +++ b/src/examples/__init__.py @@ -1,4 +1,4 @@ -"""Minimal examples demonstrating how to use ALTK. +"""Minimal examples demonstrating how to use ULTK. See `examples.signaling_game`. """ diff --git a/src/examples/colors/data/chip.txt b/src/examples/colors/data/chip.txt new file mode 100644 index 00000000..7117261c --- /dev/null +++ b/src/examples/colors/data/chip.txt @@ -0,0 +1,330 @@ +1 E 29 E29 +2 C 23 C23 +3 F 4 F4 +4 I 36 I36 +5 C 20 C20 +6 C 6 C6 +7 E 15 E15 +8 H 40 H40 +9 G 6 G6 +10 I 30 I30 +11 I 22 I22 +12 C 11 C11 +13 I 18 I18 +14 I 26 I26 +15 C 35 C35 +16 C 0 C0 +17 E 3 E3 +18 I 11 I11 +19 E 27 E27 +20 F 16 F16 +21 E 39 E39 +22 B 10 B10 +23 F 34 F34 +24 H 10 H10 +25 G 24 G24 +26 H 30 H30 +27 B 5 B5 +28 E 38 E38 +29 D 18 D18 +30 F 6 F6 +31 C 24 C24 +32 E 36 E36 +33 D 15 D15 +34 F 28 F28 +35 D 3 D3 +36 I 20 I20 +37 E 30 E30 +38 G 39 G39 +39 G 16 G16 +40 E 25 E25 +41 H 3 H3 +42 E 10 E10 +43 I 29 I29 +44 B 40 B40 +45 E 17 E17 +46 F 0 F0 +47 I 17 I17 +48 E 8 E8 +49 D 25 D25 +50 I 35 I35 +51 H 8 H8 +52 B 16 B16 +53 H 39 H39 +54 G 15 G15 +55 E 24 E24 +56 C 4 C4 +57 H 24 H24 +58 F 10 F10 +59 C 34 C34 +60 I 25 I25 +61 H 2 H2 +62 E 32 E32 +63 D 1 D1 +64 G 29 G29 +65 F 39 F39 +66 B 8 B8 +67 C 18 C18 +68 E 37 E37 +69 G 12 G12 +70 C 32 C32 +71 I 1 I1 +72 G 19 G19 +73 H 34 H34 +74 C 26 C26 +75 I 16 I16 +76 F 5 F5 +77 F 24 F24 +78 C 36 C36 +79 H 0 H0 +80 G 28 G28 +81 E 14 E14 +82 D 22 D22 +83 B 9 B9 +84 C 3 C3 +85 F 18 F18 +86 D 37 D37 +87 I 13 I13 +88 G 36 G36 +89 J 0 J0 +90 I 23 I23 +91 D 13 D13 +92 B 7 B7 +93 G 26 G26 +94 I 8 I8 +95 B 18 B18 +96 C 10 C10 +97 H 32 H32 +98 G 1 G1 +99 D 34 D34 +100 C 22 C22 +101 H 38 H38 +102 D 31 D31 +103 G 11 G11 +104 D 27 D27 +105 G 35 G35 +106 B 12 B12 +107 B 34 B34 +108 B 21 B21 +109 G 31 G31 +110 D 8 D8 +111 H 14 H14 +112 F 40 F40 +113 I 10 I10 +114 H 23 H23 +115 H 1 H1 +116 C 27 C27 +117 I 6 I6 +118 D 38 D38 +119 E 20 E20 +120 B 31 B31 +121 E 4 E4 +122 G 17 G17 +123 G 25 G25 +124 C 14 C14 +125 E 5 E5 +126 D 40 D40 +127 I 21 I21 +128 C 12 C12 +129 B 1 B1 +130 H 12 H12 +131 H 35 H35 +132 G 4 G4 +133 H 18 H18 +134 I 5 I5 +135 G 37 G37 +136 E 23 E23 +137 H 15 H15 +138 D 28 D28 +139 C 33 C33 +140 H 28 H28 +141 A 0 A0 +142 C 31 C31 +143 D 14 D14 +144 I 32 I32 +145 D 20 D20 +146 D 10 D10 +147 E 21 E21 +148 G 2 G2 +149 C 16 C16 +150 I 34 I34 +151 D 2 D2 +152 D 35 D35 +153 E 28 E28 +154 G 0 G0 +155 H 9 H9 +156 G 20 G20 +157 H 7 H7 +158 B 30 B30 +159 C 7 C7 +160 C 39 C39 +161 D 19 D19 +162 G 40 G40 +163 G 23 G23 +164 F 29 F29 +165 G 13 G13 +166 I 27 I27 +167 D 33 D33 +168 H 19 H19 +169 F 27 F27 +170 I 24 I24 +171 G 14 G14 +172 B 29 B29 +173 E 40 E40 +174 C 8 C8 +175 C 25 C25 +176 E 2 E2 +177 B 13 B13 +178 H 29 H29 +179 I 3 I3 +180 E 18 E18 +181 E 9 E9 +182 I 40 I40 +183 G 9 G9 +184 G 34 G34 +185 F 7 F7 +186 D 24 D24 +187 D 7 D7 +188 F 26 F26 +189 C 29 C29 +190 C 38 C38 +191 G 22 G22 +192 F 33 F33 +193 D 12 D12 +194 I 2 I2 +195 F 15 F15 +196 C 21 C21 +197 E 34 E34 +198 I 12 I12 +199 B 17 B17 +200 D 26 D26 +201 C 2 C2 +202 F 17 F17 +203 F 37 F37 +204 I 7 I7 +205 G 32 G32 +206 B 15 B15 +207 F 38 F38 +208 F 8 F8 +209 H 22 H22 +210 I 4 I4 +211 E 26 E26 +212 D 6 D6 +213 D 32 D32 +214 C 13 C13 +215 D 36 D36 +216 H 13 H13 +217 C 1 C1 +218 E 12 E12 +219 B 20 B20 +220 F 31 F31 +221 B 23 B23 +222 G 33 G33 +223 F 20 F20 +224 B 37 B37 +225 F 11 F11 +226 H 25 H25 +227 I 14 I14 +228 I 28 I28 +229 C 19 C19 +230 B 2 B2 +231 F 35 F35 +232 G 10 G10 +233 E 31 E31 +234 G 18 G18 +235 G 30 G30 +236 E 13 E13 +237 C 5 C5 +238 F 23 F23 +239 D 39 D39 +240 H 5 H5 +241 B 35 B35 +242 B 11 B11 +243 I 39 I39 +244 B 26 B26 +245 G 3 G3 +246 E 22 E22 +247 F 32 F32 +248 I 15 I15 +249 H 21 H21 +250 I 33 I33 +251 C 17 C17 +252 B 39 B39 +253 D 21 D21 +254 D 30 D30 +255 I 9 I9 +256 E 1 E1 +257 H 27 H27 +258 D 11 D11 +259 H 4 H4 +260 B 14 B14 +261 E 6 E6 +262 B 33 B33 +263 E 0 E0 +264 C 28 C28 +265 H 17 H17 +266 G 5 G5 +267 I 38 I38 +268 D 17 D17 +269 F 36 F36 +270 E 7 E7 +271 I 19 I19 +272 B 28 B28 +273 E 35 E35 +274 B 0 B0 +275 E 11 E11 +276 G 38 G38 +277 H 26 H26 +278 D 4 D4 +279 H 31 H31 +280 F 14 F14 +281 G 21 G21 +282 E 16 E16 +283 H 6 H6 +284 B 24 B24 +285 C 37 C37 +286 B 32 B32 +287 F 9 F9 +288 F 3 F3 +289 D 23 D23 +290 B 6 B6 +291 F 30 F30 +292 C 40 C40 +293 B 19 B19 +294 B 27 B27 +295 G 8 G8 +296 H 33 H33 +297 C 9 C9 +298 F 2 F2 +299 F 19 F19 +300 D 0 D0 +301 F 21 F21 +302 B 3 B3 +303 C 30 C30 +304 F 13 F13 +305 I 37 I37 +306 C 15 C15 +307 F 25 F25 +308 E 33 E33 +309 H 11 H11 +310 E 19 E19 +311 G 27 G27 +312 I 0 I0 +313 I 31 I31 +314 B 38 B38 +315 D 16 D16 +316 F 22 F22 +317 H 37 H37 +318 D 5 D5 +319 B 36 B36 +320 F 12 F12 +321 F 1 F1 +322 D 29 D29 +323 H 20 H20 +324 B 4 B4 +325 H 36 H36 +326 D 9 D9 +327 B 25 B25 +328 H 16 H16 +329 G 7 G7 +330 B 22 B22 diff --git a/src/examples/colors/data/cnum-vhcm-lab-new.txt b/src/examples/colors/data/cnum-vhcm-lab-new.txt new file mode 100644 index 00000000..3701a354 --- /dev/null +++ b/src/examples/colors/data/cnum-vhcm-lab-new.txt @@ -0,0 +1,331 @@ +#cnum V H C MunH MunV L* a* b* +141 A 0 0 10.00RP 9.5 96.00 -.06 .06 +274 B 0 0 10.00RP 9 91.08 -.05 .06 +129 B 1 2 2.50R 9 91.08 5.53 2.22 +230 B 2 2 5.00R 9 91.08 5.51 3.28 +302 B 3 2 7.50R 9 91.08 5.54 4.46 +324 B 4 2 10.00R 9 91.08 5.43 5.64 +27 B 5 2 2.50YR 9 91.08 5.21 7.67 +290 B 6 2 5.00YR 9 91.08 4.30 10.08 +92 B 7 2 7.50YR 9 91.08 3.14 12.37 +66 B 8 2 10.00YR 9 91.08 1.28 14.41 +83 B 9 4 2.50Y 9 91.08 -.46 29.79 +22 B 10 6 5.00Y 9 91.08 -5.25 45.24 +242 B 11 6 7.50Y 9 91.08 -9.03 45.94 +106 B 12 6 10.00Y 9 91.08 -12.17 45.90 +177 B 13 6 2.50GY 9 91.08 -16.65 44.66 +260 B 14 4 5.00GY 9 91.08 -14.67 29.61 +206 B 15 2 7.50GY 9 91.08 -10.76 13.38 +52 B 16 2 10.00GY 9 91.08 -12.29 10.56 +199 B 17 2 2.50G 9 91.08 -13.13 7.63 +95 B 18 2 5.00G 9 91.08 -13.24 5.48 +293 B 19 2 7.50G 9 91.08 -13.22 3.82 +219 B 20 2 10.00G 9 91.08 -12.96 2.42 +108 B 21 2 2.50BG 9 91.08 -12.69 1.23 +330 B 22 2 5.00BG 9 91.08 -11.94 -.27 +221 B 23 2 7.50BG 9 91.08 -10.86 -2.13 +284 B 24 2 10.00BG 9 91.08 -9.69 -3.22 +327 B 25 2 2.50B 9 91.08 -7.96 -4.41 +244 B 26 2 5.00B 9 91.08 -6.32 -5.08 +294 B 27 2 7.50B 9 91.08 -4.65 -5.34 +272 B 28 2 10.00B 9 91.08 -3.48 -5.55 +172 B 29 2 2.50PB 9 91.08 -1.49 -5.61 +158 B 30 2 5.00PB 9 91.08 -.37 -5.58 +120 B 31 2 7.50PB 9 91.08 1.12 -5.38 +286 B 32 2 10.00PB 9 91.08 2.19 -4.93 +262 B 33 2 2.50P 9 91.08 2.95 -4.85 +107 B 34 2 5.00P 9 91.08 3.36 -4.24 +241 B 35 2 7.50P 9 91.08 4.31 -2.82 +319 B 36 2 10.00P 9 91.08 4.70 -2.00 +224 B 37 2 2.50RP 9 91.08 5.04 -1.14 +314 B 38 2 5.00RP 9 91.08 5.27 -.10 +252 B 39 2 7.50RP 9 91.08 5.41 .74 +44 B 40 2 10.00RP 9 91.08 5.44 1.50 +16 C 0 0 10.00RP 8 81.35 -.05 .06 +217 C 1 6 2.50R 8 81.35 23.67 9.47 +201 C 2 6 5.00R 8 81.35 23.18 13.11 +84 C 3 6 7.50R 8 81.35 22.67 17.48 +56 C 4 6 10.00R 8 81.35 21.06 22.40 +237 C 5 6 2.50YR 8 81.35 18.52 26.72 +6 C 6 6 5.00YR 8 81.35 14.87 30.96 +159 C 7 8 7.50YR 8 81.35 14.98 47.04 +174 C 8 14 10.00YR 8 81.35 15.10 90.21 +297 C 9 16 2.50Y 8 81.35 7.28 109.12 +96 C 10 14 5.00Y 8 81.35 -3.69 100.18 +12 C 11 12 7.50Y 8 81.35 -10.94 87.90 +128 C 12 12 10.00Y 8 81.35 -17.25 87.99 +214 C 13 12 2.50GY 8 81.35 -26.04 85.63 +124 C 14 10 5.00GY 8 81.35 -30.49 65.57 +306 C 15 10 7.50GY 8 81.35 -40.58 54.46 +149 C 16 8 10.00GY 8 81.35 -38.45 34.02 +251 C 17 8 2.50G 8 81.35 -42.41 23.78 +67 C 18 6 5.00G 8 81.35 -33.80 12.41 +229 C 19 6 7.50G 8 81.35 -33.63 8.67 +5 C 20 6 10.00G 8 81.35 -33.04 4.96 +196 C 21 6 2.50BG 8 81.35 -32.18 1.81 +100 C 22 4 5.00BG 8 81.35 -21.19 -1.35 +2 C 23 4 7.50BG 8 81.35 -19.64 -4.30 +31 C 24 4 10.00BG 8 81.35 -18.27 -7.01 +175 C 25 4 2.50B 8 81.35 -16.44 -9.33 +74 C 26 4 5.00B 8 81.35 -13.22 -11.59 +116 C 27 4 7.50B 8 81.35 -10.44 -12.79 +264 C 28 4 10.00B 8 81.35 -6.82 -13.92 +189 C 29 6 2.50PB 8 81.35 -5.05 -23.28 +303 C 30 6 5.00PB 8 81.35 -.24 -24.03 +142 C 31 4 7.50PB 8 81.35 3.22 -14.27 +70 C 32 4 10.00PB 8 81.35 5.82 -13.42 +139 C 33 4 2.50P 8 81.35 8.19 -12.62 +59 C 34 4 5.00P 8 81.35 9.68 -11.26 +15 C 35 6 7.50P 8 81.35 18.74 -12.74 +78 C 36 6 10.00P 8 81.35 21.03 -9.69 +285 C 37 6 2.50RP 8 81.35 22.62 -5.51 +190 C 38 6 5.00RP 8 81.35 23.53 -.96 +160 C 39 6 7.50RP 8 81.35 23.82 2.52 +292 C 40 6 10.00RP 8 81.35 23.74 6.18 +300 D 0 0 10.00RP 7 71.60 -.04 .05 +63 D 1 8 2.50R 7 71.60 32.18 12.57 +151 D 2 8 5.00R 7 71.60 31.70 17.23 +35 D 3 10 7.50R 7 71.60 38.22 29.22 +278 D 4 10 10.00R 7 71.60 34.96 37.54 +318 D 5 10 2.50YR 7 71.60 30.67 44.56 +212 D 6 14 5.00YR 7 71.60 32.89 77.02 +187 D 7 14 7.50YR 7 71.60 24.12 84.39 +110 D 8 14 10.00YR 7 71.60 15.62 90.72 +326 D 9 12 2.50Y 7 71.60 6.22 81.95 +146 D 10 12 5.00Y 7 71.60 -2.30 85.64 +258 D 11 12 7.50Y 7 71.60 -9.51 87.14 +193 D 12 12 10.00Y 7 71.60 -15.98 87.62 +91 D 13 12 2.50GY 7 71.60 -24.87 85.15 +143 D 14 12 5.00GY 7 71.60 -34.49 79.15 +33 D 15 10 7.50GY 7 71.60 -40.28 53.23 +315 D 16 10 10.00GY 7 71.60 -46.70 41.31 +268 D 17 10 2.50G 7 71.60 -51.55 27.69 +29 D 18 8 5.00G 7 71.60 -41.95 14.43 +161 D 19 8 7.50G 7 71.60 -41.85 9.77 +145 D 20 8 10.00G 7 71.60 -41.54 5.41 +253 D 21 8 2.50BG 7 71.60 -40.91 1.15 +82 D 22 8 5.00BG 7 71.60 -39.21 -4.56 +289 D 23 6 7.50BG 7 71.60 -27.52 -7.11 +186 D 24 6 10.00BG 7 71.60 -25.13 -11.03 +49 D 25 6 2.50B 7 71.60 -22.32 -14.67 +200 D 26 6 5.00B 7 71.60 -18.37 -18.07 +104 D 27 6 7.50B 7 71.60 -14.22 -19.90 +138 D 28 8 10.00B 7 71.60 -12.05 -29.46 +322 D 29 8 2.50PB 7 71.60 -5.09 -30.75 +254 D 30 8 5.00PB 7 71.60 .85 -31.32 +102 D 31 6 7.50PB 7 71.60 6.06 -22.71 +213 D 32 6 10.00PB 7 71.60 10.25 -21.60 +167 D 33 6 2.50P 7 71.60 13.67 -19.66 +99 D 34 6 5.00P 7 71.60 16.13 -17.52 +152 D 35 8 7.50P 7 71.60 26.62 -18.32 +215 D 36 8 10.00P 7 71.60 29.26 -13.95 +86 D 37 10 2.50RP 7 71.60 38.97 -10.98 +118 D 38 10 5.00RP 7 71.60 40.04 -2.70 +239 D 39 8 7.50RP 7 71.60 32.47 2.76 +126 D 40 8 10.00RP 7 71.60 32.41 7.97 +263 E 0 0 10.00RP 6 61.70 -.04 .04 +256 E 1 12 2.50R 6 61.70 49.42 18.23 +176 E 2 12 5.00R 6 61.70 48.53 25.92 +17 E 3 12 7.50R 6 61.70 46.38 35.47 +121 E 4 14 10.00R 6 61.70 49.15 56.82 +125 E 5 16 2.50YR 6 61.70 44.69 79.79 +261 E 6 12 5.00YR 6 61.70 29.38 64.40 +270 E 7 12 7.50YR 6 61.70 22.09 71.31 +48 E 8 12 10.00YR 6 61.70 14.45 76.93 +181 E 9 10 2.50Y 6 61.70 5.87 68.59 +42 E 10 10 5.00Y 6 61.70 -1.40 71.61 +275 E 11 10 7.50Y 6 61.70 -7.92 73.21 +218 E 12 10 10.00Y 6 61.70 -14.02 73.17 +236 E 13 10 2.50GY 6 61.70 -21.81 70.54 +81 E 14 10 5.00GY 6 61.70 -30.13 65.11 +7 E 15 12 7.50GY 6 61.70 -46.97 64.65 +282 E 16 12 10.00GY 6 61.70 -55.94 49.19 +45 E 17 10 2.50G 6 61.70 -51.58 26.30 +180 E 18 10 5.00G 6 61.70 -52.22 16.26 +310 E 19 10 7.50G 6 61.70 -52.09 10.63 +119 E 20 10 10.00G 6 61.70 -51.88 5.51 +147 E 21 8 2.50BG 6 61.70 -41.11 .19 +246 E 22 8 5.00BG 6 61.70 -39.17 -5.88 +136 E 23 8 7.50BG 6 61.70 -36.77 -10.90 +55 E 24 8 10.00BG 6 61.70 -33.16 -16.42 +40 E 25 8 2.50B 6 61.70 -29.22 -21.27 +211 E 26 8 5.00B 6 61.70 -22.98 -25.73 +19 E 27 8 7.50B 6 61.70 -16.81 -28.31 +153 E 28 10 10.00B 6 61.70 -13.07 -37.55 +1 E 29 10 2.50PB 6 61.70 -4.52 -39.18 +37 E 30 10 5.00PB 6 61.70 2.64 -39.49 +233 E 31 8 7.50PB 6 61.70 9.58 -30.64 +62 E 32 8 10.00PB 6 61.70 15.28 -29.05 +308 E 33 8 2.50P 6 61.70 20.07 -26.92 +197 E 34 8 5.00P 6 61.70 23.29 -23.79 +273 E 35 10 7.50P 6 61.70 34.47 -24.03 +32 E 36 10 10.00P 6 61.70 37.10 -18.34 +68 E 37 10 2.50RP 6 61.70 38.67 -11.63 +28 E 38 10 5.00RP 6 61.70 40.07 -3.44 +21 E 39 12 7.50RP 6 61.70 49.38 2.78 +173 E 40 12 10.00RP 6 61.70 49.67 10.71 +46 F 0 0 10.00RP 5 51.57 -.03 .04 +321 F 1 14 2.50R 5 51.57 59.36 19.67 +298 F 2 14 5.00R 5 51.57 58.01 30.52 +288 F 3 14 7.50R 5 51.57 55.76 42.05 +3 F 4 16 10.00R 5 51.57 55.20 68.32 +76 F 5 14 2.50YR 5 51.57 40.53 69.04 +30 F 6 12 5.00YR 5 51.57 29.45 64.44 +185 F 7 10 7.50YR 5 51.57 19.79 58.75 +208 F 8 10 10.00YR 5 51.57 13.12 63.99 +287 F 9 8 2.50Y 5 51.57 5.33 54.90 +58 F 10 8 5.00Y 5 51.57 -.48 57.27 +225 F 11 8 7.50Y 5 51.57 -6.40 58.71 +320 F 12 8 10.00Y 5 51.57 -11.71 58.46 +304 F 13 8 2.50GY 5 51.57 -18.37 55.88 +280 F 14 8 5.00GY 5 51.57 -25.02 50.55 +195 F 15 10 7.50GY 5 51.57 -40.14 52.84 +20 F 16 12 10.00GY 5 51.57 -56.86 49.22 +202 F 17 12 2.50G 5 51.57 -63.28 28.95 +85 F 18 10 5.00G 5 51.57 -52.87 15.46 +299 F 19 10 7.50G 5 51.57 -52.69 9.70 +223 F 20 10 10.00G 5 51.57 -51.99 4.46 +301 F 21 10 2.50BG 5 51.57 -51.20 -1.36 +316 F 22 8 5.00BG 5 51.57 -38.59 -7.00 +238 F 23 8 7.50BG 5 51.57 -36.19 -11.99 +77 F 24 8 10.00BG 5 51.57 -32.36 -17.71 +307 F 25 8 2.50B 5 51.57 -27.95 -22.24 +188 F 26 8 5.00B 5 51.57 -21.72 -26.63 +169 F 27 8 7.50B 5 51.57 -15.72 -29.08 +34 F 28 10 10.00B 5 51.57 -11.88 -38.56 +164 F 29 12 2.50PB 5 51.57 -3.41 -48.08 +291 F 30 12 5.00PB 5 51.57 5.02 -48.35 +220 F 31 10 7.50PB 5 51.57 14.19 -39.14 +247 F 32 10 10.00PB 5 51.57 22.05 -37.02 +192 F 33 10 2.50P 5 51.57 27.40 -33.72 +23 F 34 10 5.00P 5 51.57 31.24 -29.94 +231 F 35 10 7.50P 5 51.57 35.21 -24.66 +269 F 36 12 10.00P 5 51.57 46.17 -23.40 +203 F 37 12 2.50RP 5 51.57 48.98 -15.95 +207 F 38 12 5.00RP 5 51.57 51.20 -5.84 +65 F 39 14 7.50RP 5 51.57 59.69 1.53 +112 F 40 14 10.00RP 5 51.57 59.79 10.72 +154 G 0 0 10.00RP 4 41.22 -.03 .03 +98 G 1 14 2.50R 4 41.22 61.40 17.92 +148 G 2 14 5.00R 4 41.22 59.50 30.17 +245 G 3 14 7.50R 4 41.22 56.60 40.99 +132 G 4 14 10.00R 4 41.22 51.06 58.81 +266 G 5 10 2.50YR 4 41.22 32.37 46.62 +9 G 6 8 5.00YR 4 41.22 22.15 41.13 +329 G 7 8 7.50YR 4 41.22 17.04 45.95 +295 G 8 6 10.00YR 4 41.22 9.31 37.80 +183 G 9 6 2.50Y 4 41.22 4.42 40.43 +232 G 10 6 5.00Y 4 41.22 -.21 42.37 +103 G 11 6 7.50Y 4 41.22 -4.87 43.26 +69 G 12 6 10.00Y 4 41.22 -9.31 43.05 +165 G 13 6 2.50GY 4 41.22 -14.57 40.52 +171 G 14 6 5.00GY 4 41.22 -19.48 36.56 +54 G 15 8 7.50GY 4 41.22 -33.18 41.15 +39 G 16 8 10.00GY 4 41.22 -38.39 31.53 +122 G 17 10 2.50G 4 41.22 -53.57 23.28 +234 G 18 10 5.00G 4 41.22 -54.08 14.27 +72 G 19 10 7.50G 4 41.22 -53.43 8.61 +156 G 20 10 10.00G 4 41.22 -52.68 3.36 +281 G 21 8 2.50BG 4 41.22 -41.21 -2.07 +191 G 22 8 5.00BG 4 41.22 -39.09 -8.33 +163 G 23 8 7.50BG 4 41.22 -36.33 -13.61 +25 G 24 6 10.00BG 4 41.22 -24.01 -14.24 +123 G 25 6 2.50B 4 41.22 -20.46 -17.64 +93 G 26 8 5.00B 4 41.22 -21.08 -28.21 +311 G 27 8 7.50B 4 41.22 -14.67 -30.69 +80 G 28 10 10.00B 4 41.22 -10.54 -39.65 +64 G 29 10 2.50PB 4 41.22 -2.09 -40.81 +235 G 30 12 5.00PB 4 41.22 7.17 -48.94 +109 G 31 12 7.50PB 4 41.22 20.81 -48.05 +205 G 32 10 10.00PB 4 41.22 24.29 -38.02 +222 G 33 10 2.50P 4 41.22 29.49 -34.06 +184 G 34 10 5.00P 4 41.22 33.08 -30.50 +105 G 35 10 7.50P 4 41.22 36.48 -25.75 +88 G 36 12 10.00P 4 41.22 46.93 -24.70 +135 G 37 12 2.50RP 4 41.22 49.84 -17.34 +276 G 38 12 5.00RP 4 41.22 51.84 -8.08 +38 G 39 12 7.50RP 4 41.22 52.58 -.05 +162 G 40 14 10.00RP 4 41.22 61.57 8.63 +79 H 0 0 10.00RP 3 30.77 -.02 .03 +115 H 1 10 2.50R 3 30.77 47.34 12.58 +61 H 2 10 5.00R 3 30.77 46.08 20.60 +41 H 3 12 7.50R 3 30.77 52.68 34.06 +259 H 4 10 10.00R 3 30.77 40.89 36.03 +240 H 5 8 2.50YR 3 30.77 28.16 36.05 +283 H 6 6 5.00YR 3 30.77 18.18 30.27 +157 H 7 6 7.50YR 3 30.77 13.89 33.80 +51 H 8 6 10.00YR 3 30.77 9.51 37.16 +155 H 9 4 2.50Y 3 30.77 3.10 25.71 +24 H 10 4 5.00Y 3 30.77 -.15 26.58 +309 H 11 4 7.50Y 3 30.77 -3.32 26.87 +130 H 12 4 10.00Y 3 30.77 -6.44 26.57 +216 H 13 4 2.50GY 3 30.77 -10.05 24.97 +111 H 14 4 5.00GY 3 30.77 -13.04 21.97 +137 H 15 6 7.50GY 3 30.77 -23.96 27.29 +328 H 16 6 10.00GY 3 30.77 -27.26 20.69 +265 H 17 8 2.50G 3 30.77 -39.23 16.60 +133 H 18 8 5.00G 3 30.77 -39.62 10.61 +168 H 19 10 7.50G 3 30.77 -49.93 6.94 +323 H 20 8 10.00G 3 30.77 -39.18 2.14 +249 H 21 6 2.50BG 3 30.77 -29.07 -1.92 +209 H 22 6 5.00BG 3 30.77 -27.32 -6.72 +114 H 23 6 7.50BG 3 30.77 -25.67 -10.89 +57 H 24 6 10.00BG 3 30.77 -22.84 -15.29 +226 H 25 6 2.50B 3 30.77 -19.73 -18.89 +277 H 26 6 5.00B 3 30.77 -15.41 -22.00 +257 H 27 6 7.50B 3 30.77 -10.88 -24.20 +140 H 28 8 10.00B 3 30.77 -7.86 -33.80 +178 H 29 10 2.50PB 3 30.77 .29 -43.03 +26 H 30 10 5.00PB 3 30.77 7.86 -43.39 +279 H 31 12 7.50PB 3 30.77 25.75 -49.63 +97 H 32 10 10.00PB 3 30.77 28.36 -39.75 +296 H 33 10 2.50P 3 30.77 33.51 -35.69 +73 H 34 10 5.00P 3 30.77 36.90 -32.14 +131 H 35 10 7.50P 3 30.77 39.78 -27.99 +325 H 36 10 10.00P 3 30.77 42.44 -23.60 +317 H 37 10 2.50RP 3 30.77 44.87 -16.65 +101 H 38 10 5.00RP 3 30.77 46.25 -9.51 +53 H 39 10 7.50RP 3 30.77 46.93 -2.51 +8 H 40 10 10.00RP 3 30.77 47.63 5.24 +312 I 0 0 10.00RP 2 20.54 -.02 .02 +71 I 1 8 2.50R 2 20.54 36.82 3.13 +194 I 2 8 5.00R 2 20.54 36.64 9.24 +179 I 3 8 7.50R 2 20.54 35.15 15.44 +210 I 4 6 10.00R 2 20.54 25.15 16.60 +134 I 5 4 2.50YR 2 20.54 15.99 14.49 +117 I 6 4 5.00YR 2 20.54 13.28 18.21 +204 I 7 4 7.50YR 2 20.54 10.16 21.44 +94 I 8 2 10.00YR 2 20.54 3.62 11.09 +255 I 9 2 2.50Y 2 20.54 1.58 11.89 +113 I 10 2 5.00Y 2 20.54 -.11 12.03 +18 I 11 2 7.50Y 2 20.54 -1.74 11.57 +198 I 12 2 10.00Y 2 20.54 -3.09 10.75 +87 I 13 2 2.50GY 2 20.54 -4.47 9.36 +227 I 14 2 5.00GY 2 20.54 -5.36 7.98 +248 I 15 4 7.50GY 2 20.54 -14.85 15.25 +75 I 16 4 10.00GY 2 20.54 -16.46 11.28 +47 I 17 4 2.50G 2 20.54 -17.35 7.46 +13 I 18 6 5.00G 2 20.54 -27.79 7.33 +271 I 19 6 7.50G 2 20.54 -27.43 4.26 +36 I 20 6 10.00G 2 20.54 -26.87 1.22 +127 I 21 4 2.50BG 2 20.54 -17.18 -1.47 +11 I 22 4 5.00BG 2 20.54 -16.13 -4.67 +90 I 23 4 7.50BG 2 20.54 -15.07 -7.11 +170 I 24 4 10.00BG 2 20.54 -13.39 -9.92 +60 I 25 4 2.50B 2 20.54 -11.72 -12.03 +14 I 26 4 5.00B 2 20.54 -9.52 -13.99 +166 I 27 6 7.50B 2 20.54 -9.22 -24.04 +228 I 28 6 10.00B 2 20.54 -5.25 -25.49 +43 I 29 6 2.50PB 2 20.54 .11 -26.61 +10 I 30 8 5.00PB 2 20.54 7.63 -35.92 +313 I 31 10 7.50PB 2 20.54 23.81 -41.87 +144 I 32 8 10.00PB 2 20.54 23.12 -31.33 +250 I 33 8 2.50P 2 20.54 26.82 -27.84 +150 I 34 8 5.00P 2 20.54 29.26 -25.01 +50 I 35 6 7.50P 2 20.54 22.74 -16.65 +4 I 36 6 10.00P 2 20.54 24.14 -14.33 +305 I 37 8 2.50RP 2 20.54 34.44 -14.69 +267 I 38 8 5.00RP 2 20.54 35.44 -10.40 +243 I 39 8 7.50RP 2 20.54 35.97 -6.33 +182 I 40 8 10.00RP 2 20.54 36.42 -2.08 +89 J 0 0 10.00RP 1.5 15.60 -.02 .02 diff --git a/src/examples/colors/data/dict.txt b/src/examples/colors/data/dict.txt new file mode 100644 index 00000000..533f78c7 --- /dev/null +++ b/src/examples/colors/data/dict.txt @@ -0,0 +1,2364 @@ +LNUM TNUM TRAN WCSC COLOR +1 1 lobu LB +1 2 lofu LF +1 3 lebe LE +1 4 fwae F +1 5 wãwanakoko WK +1 6 gale G +1 7 sõo S +1 8 fuo FU +1 9 gbanagbana GB +2 1 aanaparohnaa(ren) AA +2 2 aweyaranten AW +2 3 aata AT +2 4 epanten EP +2 5 imunanten IT +2 6 iramunten IR +2 7 ironten IO +2 8 kaakaken KA +2 9 kamaa KM +2 10 karanten KR +2 11 kunten KT +2 12 kunimaara KU +2 13 maa(h)paraah MP +2 14 naarareh NR +2 15 pihtakun PH +2 16 punemun PN +2 17 tohkon(ten) TK +2 18 tunkara TU +2 19 uhkaran UN +2 20 witipe WT +2 21 yaaenaa(ren) YN +2 22 totuih TO +2 23 tinaan(ten) TI +2 24 kaah KH +2 25 awitih AI +2 26 yari(h) YR +2 27 kawaar(ren) KW +3 1 melatak EL +3 2 mengitet NG +3 3 medingat AT +3 4 dilaw DA +3 5 medideg ED +3 6 berde BA +3 7 asul AA +3 8 grin IN +3 9 blu LU +3 10 yelo LO +3 11 rosas RA +3 12 koman i don ID +3 13 pegay AY +3 14 abu BU +3 15 pensél PA +3 16 dagat GA +3 17 langit IT +3 18 apanget ET +3 19 péga PG +3 20 patodilaw AW +3 21 gris IS +3 22 manta TA +3 23 ulap AP +3 24 diget DI +3 25 kape KA +3 26 kundiman AN +3 27 inggon ON +3 28 medéhéng MD +3 29 medégdég MG +3 30 uging UG +3 31 mepusiyaw MP +3 32 mealikabuk ML +3 33 langet LT +3 34 guhém GU +3 35 mediklém MK +3 36 mekélép ME +3 37 kuném KN +3 38 hinap HN +3 39 kayo KY +3 40 luta LA +3 41 gatas AS +3 42 melabut UT +3 43 orendz DZ +3 44 kulay KL +3 45 agél AZ +3 46 ube BE +3 47 lumot OT +3 48 kamoti TI +3 49 bubug BB +3 50 bunay BN +3 51 kokua UA +3 52 duyaw DY +3 53 sébaw SW +3 54 patig IG +3 55 sikolate SK +3 56 apog OG +3 57 melabsaw MW +3 58 bayolet BT +3 59 lokban LB +3 60 sita SI +3 61 asok OK +3 62 korol OL +3 63 maöng MA +3 64 waʔet WA +3 65 tamak TK +3 66 laitla LL +3 67 putik PU +3 68 asek AK +3 69 braun BR +3 70 sablot SB +4 1 sak SA +4 2 k'ek KE +4 3 ajak CY +4 4 k'an KA +4 5 txa'x TA +4 6 txib TX +4 7 wuro's WR +4 8 xew XE +4 9 xk'inco'j XK +4 10 ẍeẍ XX +4 11 haranch LA +4 12 spielpuj SP +4 13 sak way SW +4 14 xtantuj XT +4 15 muj MU +4 16 tint wutz TW +4 17 ch'el CH +4 18 xk'ay kuj XY +4 19 tza'j TZ +4 20 celeste CE +4 21 chamic CA +4 22 capej CP +4 23 tejsip SI +4 24 tu'bx pale' TU +5 1 ayyagda 6 +5 2 burada 2 +5 3 huabedda 4 +5 4 jeida 5 +5 5 keregda 9 +5 6 kihueyda 7 +5 7 paroda 8 +5 8 sikda 1 +5 9 yereda 3 +6 1 halojo HA +6 2 sikwo'mno SI +6 3 yamo'nohino YA +6 4 sajo SA +6 5 moiho MO +6 6 honijwo HN +6 7 honwo'nohino HO +6 8 sontijo SN +6 9 hwatnjo HT +6 10 hwajingo HJ +6 11 hwosimijo HS +6 12 hwofeejo HF +6 13 mi'miyo MM +6 14 hafihwaho HH +6 15 sokojae SK +6 16 iyoswopaho'nji IY +6 17 wonipa'nyo WO +6 18 hwomango'nohino HM +6 19 humamopa'nyo HU +6 20 ijimtofaho IJ +6 21 jikufopa'nyo JI +6 22 itimtofaho IT +6 23 kwotehweho KW +6 24 pountalo PO +6 25 ahwompaho AH +6 26 sihwamijo-muhwahopa'njo SM +6 27 halokwaho pa'nyo HP +6 28 iyo hwaho pa'nyo IH +6 29 ijimo'nohino IN +6 30 hwaho usi fopan'yo UF +6 31 kwofolo-kwahopa'nyo KH +6 32 hajuyo/hajuyo pa'nyo JY +6 33 hwaho WA +6 34 silifijo SL +6 35 ahojo AO +6 36 hesiyamo HE +6 37 itimomo'nohino IO +6 38 honwo HW +6 39 miyo MI +6 40 hwajingo'nohino WJ +6 41 itimno hwospopa'nyo II +6 42 hwaho'nohino ON +6 43 wame'nohino WM +7 1 'ndaa NA +7 2 cachuii'24-3 C +7 3 cajan23 J +7 4 cajue32-4 JU +7 5 calu23 L +7 6 canchii'44-3 N +7 7 canioom23 NI +7 8 catsioo'23 TS +7 9 china24 CH +7 10 chjoo CJ +7 11 ljaa'tmaan22 LJ +7 12 ncue NC +7 13 ncuee NC +7 14 ndya' ND +7 15 ntom3 NT +7 16 t'ui4 TU +7 17 ts'o4 TO +7 18 tsa3 TA +7 19 tsco-tasa-'ndaa3432 TC +7 20 tsjan'chi24 T +7 21 tsjo'2 TJ +7 22 tua' T1 +7 23 tuaa'2-4 T1 +7 24 wee3 WE +7 25 wii3 W +7 26 xcaa XC +7 27 xuee2 X +7 28 ya Y +7 29 tsjo'luee TL +7 30 cajan-ndya' CN +8 1 amatenihante AM +8 2 amatenishante AM +8 3 asihinaahoe AE +8 4 asihintihante AH +8 5 asisorihante A +8 6 ikirihante I +8 7 ikirotihante I +8 8 isaumwawahante IS +8 9 kiputipihante KI +8 10 kwanyapisitipate K +8 11 kwataihante KT +8 12 kwihepihante KW +8 13 kwihepishante KW +8 14 namonsitihante NA +8 15 nausaatihante NU +8 16 nsitipitihante NS +8 17 nyanyipihante N +8 18 nyanyipisihante N +8 19 tawaasatihante T +8 20 wahaipate W +9 1 kamrẽk ER +9 2 ràràr RA +9 3 grãgrã GR +9 4 aka AA +9 5 tyk TS +9 6 kakrã tyk FA +9 7 kukũm BA +9 8 kambro KM +9 9 kumrantye KR +9 10 kuitare KT +9 11 tyrde TY +9 12 kakkukum KA +10 1 mueruuca MU +10 2 cohuaja CO +10 3 naatuca NA +10 4 pocojonaque PO +10 5 nentuca NN +10 6 neeruuca NE +10 7 pareeca PA +10 8 tiquiriiquia TI +10 9 riyatuuca RI +10 10 moquitiuriuuca MO +10 11 maquenuutuca MA +10 12 shaaruca SH +10 13 tiiriuca TR +10 14 maquesaca MQ +10 15 noshiquia NO +10 16 cashiiquia CA +10 17 quitiaaca QU +10 18 coriuu CR +11 1 bieyal E +11 2 gai A +11 3 ginal G +11 4 gwedi W +11 5 igili I +11 6 kel K +11 7 mahiyo H +11 8 mili M +11 9 nel N +11 10 tebgel T +12 1 gahana G +12 2 gahana G +12 3 fauhana F +12 4 fauhana F +12 5 gihobuna GI +12 6 gihobuna GI +12 7 hualihona H +12 8 bozina B +12 9 bozina B +12 10 auna A +12 11 buhena BU +12 12 meabeha M +13 1 bwifabwifana BW +13 2 berbere ER +13 3 fao FA +13 4 fotabar FT +13 5 armena-garserem GA +13 6 gergere GE +13 7 gologolna GO +13 8 gusuitifin GS +13 9 guwini GU +13 10 gworantotifini GW +13 11 ibamibama IB +13 12 isbama IS +13 13 iyakartifini IY +13 14 kasanbwat KA +13 15 nafnafa NF +13 16 jaborbema JA +13 17 oberobera OR +13 18 seyseye SE +13 19 sinsini SI +13 20 sonsona SN +13 21 tababara TA +13 22 tialaikikini TI +13 23 betikbetika TK +13 24 tiala-moknamsini TM +13 25 titire TR +13 26 tustusini TS +13 27 tuirtui TU +13 28 wenbama WE +13 29 bwelkatbwelkata WL +14 1 t-toku O +14 2 babruku BA +14 3 beleku BE +14 4 biku BI +14 5 bilingu BL +14 6 bingu BN +14 7 buna(ku) B +14 8 buviagele BU +14 9 d-gb-ku DO +14 10 dairolo D +14 11 et-t-ku E +14 12 fee(ku) F +14 13 grapoku G +14 14 gwelengu(ku) GW +14 15 gyedreku GY +14 16 k-troku KO +14 17 kp K +14 18 kwe(ku) KW +14 19 loko(ku) L +14 20 siniku S +14 21 tapeleku T +14 22 zeli(ku) Z +15 1 rdeli A +15 2 pil P +15 3 ?? G +15 4 bur BR +15 5 rat R +15 6 nil N +15 7 tɔlɔ T +15 8 kal K +15 9 kʌltia KT +15 10 khaki KH +15 11 dzambuʌ J +15 12 kesrie KS +15 13 ?? B +15 14 ?? M +16 1 jutre/jusa J +16 2 jere/jerere R +16 3 dabe/dabere D +16 4 moloin/moloinre M +16 5 lere/lerere/lejre L +16 6 leren E +16 7 kwajusa K +16 8 mnule N +16 9 llugile G +16 10 dagikwale W +16 11 ngwale X +16 12 chiona I +16 13 gousa O +16 14 ba B +16 15 bdali A +16 16 blo Z +16 17 chra C +16 18 dbire D +16 19 go X +16 20 kokire I +16 21 kwa K +16 22 llugi L +16 23 n N +16 24 nga G +16 25 sa S +16 26 tra T +16 27 nmolenga Q +17 1 sek SK +17 2 kiek/kik KK +17 3 quich QU +17 4 k'en KN +17 5 mostasa MS +17 6 rex RX +17 7 verde VE +17 8 azul AZ +17 9 celeste CL +17 10 morado MO +17 11 c'ak'oj CK +17 12 caf'e CA +17 13 rosado RO +17 14 anaranjada/naranjada NA +17 15 puluic PU +17 16 lila LL +17 17 creama CR +17 18 sipso SI +17 19 chaj CH +17 20 tzil TZ +17 21 corinto CO +17 22 beige BE +17 23 rucolor ri caj RU +17 24 marfil MR +17 25 chiltote CI +17 26 aplomado AP +17 27 gris GR +17 28 pitaya PI +18 1 quityoncari TY +18 2 quitamarri TA +18 3 cheencari CH +18 4 camaani/camaatatsiri AA +18 5 piityotzinaqui PI +18 6 casantonaqui EE +18 7 quisaari SA +18 8 quiraari RR +18 9 quiteriri KK +18 10 savavonaqui VV +18 11 shimashirinaqui SH +18 12 choritoeshi FF +18 13 quiteroncari NN +18 14 patsitaquinaqui PA +18 15 potsotzinaqui PO +18 16 pitsintenaqui SS +19 1 azul-clarana A +19 2 bajatetema BA +19 3 bino-tinto BT +19 4 buanganana B +19 5 cafena CF +19 6 canela C1 +19 7 carmesiyana CA +19 8 celestana CL +19 9 ceniya CN +19 10 cenizana CE +19 11 chocolatiana CH +19 12 fchendana FC +19 13 fjantsana FJ +19 14 ftsengana F +19 15 ibetana I +19 16 jatinyanana J +19 17 juajobojatate JU +19 18 lejiana LE +19 19 lilana LI +19 20 mororena M +19 21 naranjana NA +19 22 ngefshnana N +19 23 pajacana P +19 24 pajacatema PT +19 25 pajace PE +19 26 pichana PI +19 27 plomana PL +19 28 rosadana R +19 29 spejotemana SP +19 30 tomatiyana T +19 31 tsixiyana TS +20 1 borshi B +20 2 chobiapi C +20 3 choromshi CH +20 4 kamachpa K +20 5 kantsirpi KN +20 6 kavabana KV +20 7 paramshi PR +20 8 paritsa PS +20 9 poritsamashi PA +20 10 posisimashi PO +20 11 povitsa PV +20 12 pozani PZ +20 13 ptsiyaro P +20 14 tarika T +20 15 vabana V +20 16 vabanamashi VM +20 17 tarikamashi TM +20 18 kchabshi KC +21 1 apuda A +21 2 cape CA +21 3 choco CH +21 4 jahuada JA +21 5 pajada PJ +21 6 pasada PA +21 7 pudeda PU +21 8 sahuada SA +21 9 sehueda SE +21 10 seveda SV +22 1 fibaba FI +22 2 pababa PA +22 3 ungalala UN +22 4 lajquilili LA +22 5 lushcatata LU +22 6 yapijtutu YA +22 7 llubaba LL +22 8 ñingalala,ñingususu NN +22 9 chuculate CH +22 10 caf'e CF +22 11 chaape CP +22 12 pintura PI +23 1 joxo J +23 2 cheque C +23 3 shini S +23 4 niaba N +23 5 nato T +24 1 amarillo AM +24 2 azul A +24 3 blanco B +24 4 chocolate CH +24 5 colorao C +24 6 crema CR +24 7 granate G +24 8 gris GR +24 9 leche LE +24 10 lila L +24 11 maroon M +24 12 moreno MO +24 13 negro N +24 14 rosas R +24 15 salmon S +24 16 sinisao SI +24 17 verde V +24 18 violeta VI +24 19 yema Y +25 1 huiri H +25 2 yara R +25 3 quehua U +25 4 sha'pi S +25 5 canin K +25 6 ancon A +25 7 peto E +25 8 ton TN +25 9 shin SH +25 10 chin CH +25 11 nen NE +26 1 lih2/lianh2 LA +26 2 teg2/tiug2 TA +26 3 guiéng2/guióng2 GA +26 4 néng2/niáng2 NA +26 5 roh2/reh2 RA +26 6 mi3chiun3 MC +26 7 cafe CA +26 8 rosa RO +26 9 jmo2 guoh3 JG +26 10 azul AZ +26 11 limon LI +26 12 gu2-joah13 GJ +27 1 cübüsi CB +27 2 cüturiqui/cütuniquiña CT +27 3 cürrü(bi) CR +27 4 cüborrü CO +27 5 chocolate CH +27 6 cuchuqui CU +27 7 amariyo AM +27 8 (n)asuru AS +27 9 achuniquiaña AC +27 10 nobütausa NO +27 11 verde VE +27 12 morao MO +27 13 puru(subi) PU +27 14 rojo RJ +27 15 ginda GI +27 16 marrón MA +27 17 nonema NN +27 18 rosado RO +27 19 sar(subi) SA +27 20 moyao MY +27 21 café CA +27 22 celeste CL +27 23 naranjado NA +27 24 nutasau(nrrü) NT +27 25 nutüp(urrü) NU +27 26 narrümuta(irri) NR +27 27 aleluya AL +27 28 nansibimia NS +27 29 plomo PL +27 30 tomiquianene TO +27 31 nusutama NE +27 32 urucu UR +27 33 violeta VI +27 34 anent(arru) AN +27 35 pununsunuhiña PN +27 36 naus(irri) NI +27 37 nina IN +27 38 rrosau(ma)/rrosao(ma) RR +27 39 namoriyuma NM +27 40 cüoma CM +27 41 tinto TI +27 42 cümüciña/cumusiiña CX +27 43 bayo BA +27 44 nonirrainrrü NX +27 45 notorrü NY +27 46 yarrücübürirri YA +27 47 yurichurrü YU +27 48 siputuniquiño SI +27 49 nausibi NZ +28 1 kufufuri FJ +28 2 kidzidzii DZ +28 3 kipipee PF +28 4 kakaduro KF +28 5 tfase nfa TF +28 6 ntfone inifo NT +28 7 kebobwee BJ +28 8 kibunbun KI +28 9 blu BL +28 10 nsa NS +28 11 blank +28 12 lankantfuruntfu LN +28 13 ese ES +28 14 efa/keferua worese EF +28 15 kodwee KO +28 16 defao DF +28 17 kemaakee KM +28 18 kuntunkurun KU +28 19 pawurantfu PA +28 20 kefaa KA +28 21 kukuti KK +28 22 kisafuraa SA +28 23 defu DE +28 24 kirin KR +29 1 cu'a C +29 2 quiopa Q +29 3 inzia I +29 4 pajaccopa Y +29 5 totoa T +29 6 si'an S +29 7 singu'ccoa G +29 8 cufa-je'ccoa CU +29 9 congupuje'a CO +30 1 fiban FI +30 2 paban PA +30 3 luban LU +30 4 losimban OS +30 5 laqueban LA +30 6 lopoban OP +31 1 wapau WP +31 2 wipau WI +31 3 umuhkwaw MU +31 4 usawaw US +31 5 epitiskunau EP +31 6 waseskunau WS +31 7 pomukwasu PO +31 8 popickanasu PP +32 1 ssohueni/hi SI +32 2 noponi/hi NI +32 3 macconi/hi MI +32 4 huesseni/hi HI +32 5 mappa MP +32 6 map(p)ara(ni/hi) MH +32 7 amaidadadza/sa AM +32 8 oba OB +32 9 hida(ni) HA +32 10 majoco MJ +32 11 pina PI +32 12 oradsa OR +32 13 tarapussa/ossa TA +32 14 siaja SJ +32 15 mahuani MU +32 16 majato MT +32 17 ssiparo SP +32 18 dsiparo DS +32 19 birissate BI +32 20 ssissita SA +32 21 jissa JI +32 22 mohedsa MO +32 23 napana NN +32 24 ssibeini SX +32 25 ssissi SZ +32 26 mohe MZ +32 27 mapojo(ni/hi) MY +32 28 napojo(ni/hi) NY +32 29 ponijojarani PJ +33 1 culak C +33 2 gidang G +33 3 holia H +33 4 man MN +33 5 marik M +33 6 ora O +33 7 rega R +34 1 afiti-weti-koosi F +34 2 asisi A +34 3 baaka K +34 4 baau B +34 5 bevsi V +34 6 boloini N +34 7 bruin U +34 8 donu D +34 9 geli E +34 10 grijs R +34 11 guun G +34 12 kwasi Q +34 13 lebi L +34 14 lila X +34 15 olanje O +34 16 pars P +34 17 rose Z +34 18 sakaati S +34 19 soi-soi I +34 20 taja T +34 21 tjuwi J +34 22 weti W +35 1 bra B +35 2 fige F +35 3 lelerege L +35 4 negemue M +35 5 ngeere G +35 6 nyatipirige N +35 7 kondoro K +35 8 wetipiire T +35 9 wolo W +35 10 yege Y +35 11 fle-fiau E +35 12 vrau V +36 1 enyaga E +36 2 ebare B +36 3 ebi EB +36 4 ogok O +36 5 ebi/obok EO +36 6 enyage-awawa EA +36 7 ebi/awawa BA +37 1 oshi OS +37 2 tehui TE +37 3 huo'o HU +37 4 jahua JA +37 5 tahua TA +37 6 pohui PO +37 7 quijjeshasha QU +37 8 jehue JE +37 9 chijjiyojaiyojja CH +37 10 seishe SE +37 11 cuaisohua CU +37 12 chehue HE +38 1 ur'iti WU +38 2 jar'uti JA +38 3 fun'ati FU +38 4 amar'iu AM +38 5 verde VE +38 6 d'inguti DI +38 7 c'uchu GU +38 8 rosado RO +38 9 chug'uladi CH +38 10 beish BE +38 11 gafe GA +38 12 ar'ansu AR +38 13 sabudi SA +38 14 anaranja AN +38 15 tag-ile gadaru TG +38 16 baligi BA +38 17 crema CR +38 18 gris GR +39 1 niopona NI +39 2 tsaebia TA +39 3 tsobia TO +39 4 vayana VA +39 5 raëna RA +39 6 nasãëna SE +39 7 rajena RJ +39 8 purana PU +39 9 tsëcëna TE +39 10 pabana PA +39 11 blank +39 12 najerona NA +39 13 pecavanalobijavatsi CA +39 14 fobia FO +39 15 piatananibijavatsi AN +39 16 tsauna TU +39 17 rosado RO +40 1 polig PO +40 2 yalig Y +40 3 piguig P +40 4 chilga C +40 5 pillig PI +40 6 osig O +40 7 uscuig U +40 8 cafe CA +41 1 tohs'aname TO +41 2 osc'oname OS +41 3 seht'aname SE +41 4 saaw'aeme SA +41 5 siy'oname SI +41 6 sawic'ame SU +41 7 cokor'a CO +41 8 wetap'aeme WE +41 9 morisuame MO +41 10 setapocame ST +41 11 blank XX +41 12 waar'osa WA +41 13 huraname HU +41 14 sucane SC +42 1 taen T +42 2 kare K +42 3 blure B +42 4 sübrüre S +42 5 ngwenen N +42 6 drünen D +42 7 kwaranen W +42 8 bukere U +42 9 mrüträre M +42 10 ngübrüre G +42 11 dobrore O +42 12 mire I +42 13 menyen E +42 14 dirire R +42 15 narane NA +42 16 dobomününen DM +42 17 mädonare MA +42 18 toäre TO +42 19 noäre NO +42 20 nökrenkä NK +42 21 öböbure OB +42 22 däride DA +42 23 ñöre NR +42 24 ütaene UT +42 25 köare KO +42 26 breare BR +42 27 morane MO +42 28 diore DI +42 29 orebare OR +42 30 dikere DK +43 1 bumumbpa BA +43 2 fididifididi FD +43 3 goela GA +43 4 buluma BF +43 5 gosanoga GS +43 6 gembongmbagne GE +43 7 patsang AT +43 8 guenebe TA +43 9 belinbelin BE +43 10 magne AG +43 11 guilebe GG +43 12 gianogiano AN +43 13 bianebiane BJ +43 14 gidanaginde GD +43 15 skaska SA +43 16 elendselends EE +43 17 madsmads AD +43 18 ginina GI +43 19 giantfegiantfe GT +43 20 mbeyambeya MB +43 21 manonmanono MN +43 22 tinde TN +43 23 ngenene NG +43 24 tsitsi TS +43 25 bibubibu BB +43 26 dobeledobele DB +43 27 ?? ?? +44 1 kërea KE +44 2 podri PO +44 3 rëg rëga RE +44 4 lal LA +44 5 hërdi HE +44 6 nilea NA +44 7 dhosea DH +44 8 saped SA +44 9 kala KA +44 10 semi SM +44 11 curi CU +44 12 gulapi GU +44 13 supari SU +44 14 kosea KO +44 15 ujër UJ +44 16 hëra HA +44 17 phokua PH +44 18 cui CI +44 19 pila PI +44 20 palis PA +44 21 borën mali BM +44 22 lalea LL +44 23 matea MA +44 24 tus TU +44 25 tilea TI +44 26 kot KT +44 27 pagu guda PG +44 28 potrëgea PT +44 29 kali KL +44 30 pulis kot PK +44 31 kumbucea KU +44 32 kaca potrea KP +44 33 këmiz KM +44 34 mati MT +44 35 kurta KR +44 36 rëg mati RM +44 37 polis PL +44 38 pita PP +44 39 bërën BE +44 40 khëpra KH +44 41 këta KZ +44 42 kalea KY +44 43 pëtrëgi PR +44 44 pan PN +44 45 pani PZ +44 46 gota GO +44 47 kajër KJ +44 48 këtha KW +44 49 kemlin KV +44 50 bhosea BH +44 51 reoda RD +44 52 sërbëd SB +44 53 jëmud JE +44 54 këthara KK +44 55 jamun JA +44 56 bëdami BD +44 57 khun KN +44 58 militri ML +44 59 uanis UA +44 60 pilpili PX +44 61 phul PU +44 62 pika PW +44 63 badëm BZ +44 64 siai SI +44 65 hara HX +44 66 kësa KS +44 67 siae SZ +44 68 rëge ci RC +44 69 jhapra JH +44 70 pana PS +44 71 kumda KD +45 1 azul A +45 2 ikikil I +45 3 man M +45 4 man/yashiniʔ MY +45 5 morado MO +45 6 muyakʔ MU +45 7 oakniʔ O +45 8 tʔunkio TO +45 9 tʔunuy T +45 10 tshakniʔ TS +45 11 tshokoy TY +45 12 yashniʔ Y +46 1 raan RA +46 2 najpos NJ +46 3 nambeor MB +46 4 vino VN +46 5 nacants NC +46 6 maril ML +46 7 nateaic NT +46 8 azul AZ +46 9 morada MR +46 10 caracol CR +46 11 chiup CH +46 12 cafe CF +46 13 rosada RO +46 14 naranjada NA +46 15 nacant-maril NM +46 16 iut IT +46 17 plomo PL +47 1 kukwauhina KU +47 2 matamatagina MA +47 3 yabeyabelina YB +47 4 yagoyagona YG +47 5 kwayakwayana KW +47 6 likelikena LI +47 7 lulu'abelana LL +47 8 yegayegana YE +47 9 bokaliya BK +47 10 bowabowana BW +47 11 howahowana HW +47 12 wedawedalina WD +47 13 medalina MD +47 14 uyu'uyuya UU +47 15 daladalana DL +47 16 bubuwalina BB +47 17 awatatagina AW +47 18 kewakewalina KE +47 19 bogibogina BG +47 20 mahamahalina MH +47 21 kalekalewana KL +47 22 lu'auna LA +47 23 makamakayana MK +47 24 lovalovanina LO +47 25 kilikiliwana KI +47 26 kinikiniwana KN +47 27 yagobuhuwalina YZ +47 28 luvebuhuwalina LZ +47 29 wavana WA +47 30 luhenahenalena/luvehenahenalena HH +47 31 guluguluwa GG +47 32 damadamana DD +47 33 luvekabu LK +47 34 siyosiyona SS +47 35 ufewa UF +47 36 lu'afu LF +47 37 iwa'iwalona IW +47 38 bwahabwaha BH +47 39 uma'umalovanina UM +47 40 daladalana DA +47 41 bwanebwanenena BA +47 42 si'una SI +47 43 luve'a VE +47 44 hiyohiyo HI +47 45 dewedewelina DE +47 46 gologolohina GO +47 47 makaisena KS +47 48 toto TO +47 49 mali ML +47 50 luve'ahatata LU +47 51 namanamalina NM +48 1 ma(ka)blah MA +48 2 andeket AN +48 3 mad(mad)lang MD +48 4 malulaw ML +48 5 meatta, ematta EM +48 6 bagiw BG +48 7 kinunid KI +48 8 nandepul NP +48 9 pulpullaan PP +48 10 pinuyek PI +48 11 ?? +48 12 ampuhyaew AM +48 13 bila BI +48 14 ballanbang BA +48 15 binlah BL +48 16 k(in)ulelaw KN +48 17 nandilan NN +48 18 hinimbang HN +48 19 melineng MN +48 20 kamangkedulaw KM +48 21 mailag MG +48 22 belbellahan BE +48 23 blue BU +49 1 wh-isinan WH +49 2 yh-iuwinan YW +49 3 paridnan PA +49 4 w-irnan WI +49 5 prainan PR +49 6 ops-inan OP +49 7 wabs-inan WA +49 8 siiyam SI +49 9 shu SH +49 10 suparnan SU +50 1 pje P +50 2 te E +50 3 je J +50 4 tsu S +50 5 lu L +50 6 upju U +50 7 tsjalam T +50 8 jasa JA +50 9 josca JO +51 1 muk M +51 2 minj-kimemb K +51 3 likan L +51 4 tund T +51 5 mosimb S +51 6 gach G +51 7 maym Y +51 8 anjerj-ay A +51 9 walin W +51 10 jikiw J +51 11 sambiy-arjgin/sambiy-kas B +51 12 sapay E +51 13 kochir-kas H +51 14 milip I +51 15 waynal U +51 16 wilik Q +51 17 kim-anjani V +51 18 sirak D +51 19 kinak N +51 20 kayirjg KY +51 21 gambing GJ +51 22 gusay-kas GK +51 23 am O +51 24 kakiy C +51 25 tun TN +51 26 kirjak KK +51 27 pik-wip PW +51 28 nirrjg-kawan NK +51 29 kinal KL +51 30 gund GD +51 31 pik PK +51 32 man-pik MP +51 33 mon-kas MK +51 34 singiy SI +51 35 ninim NI +51 36 nolim NO +51 37 yolow YO +51 38 takay TK +51 39 jinjimb JI +51 40 maling-kas MA +51 41 maling-pambil MA +51 42 nikim NM +51 43 yindik-gambinj YG +51 44 tun-silikip TN +51 45 tomb TO +51 46 nin NN +51 47 takip TP +51 48 mes-kas ME +51 49 minj-kas-milip MX +51 50 mon-kas-milip MK +51 51 nigg-wilik GG +51 52 koyminmin YM +51 53 gambiy GY +51 54 nawim NW +51 55 kosip KS +51 56 kawomb KW +51 57 woray WO +51 58 parey PY +51 59 yirjgam YI +51 60 kum-gip KG +51 61 kamb-am KA +51 62 tun-silikip TS +51 63 wolipay WP +51 64 mon-kas-milip MM +51 65 ayndand AY +51 66 alnam AL +51 67 pinuw PI +51 68 kirin KI +51 69 yunf YU +52 1 efeke EF +52 2 kaninkruke KA +52 3 koranke KO +52 4 kunke KU +52 5 krogronke KR +52 6 movege MO +52 7 osqpake OS +52 8 yafasi'na YA +52 9 hokonke HO +52 10 haninke HA +52 11 hinunke HI +52 12 fitu FI +52 13 higo'ge HG +52 14 kahef'a KF +52 15 agamunke AG +52 16 avoke AV +52 17 kanupase KN +52 18 taninke TA +52 19 tavatage TV +52 20 nunumeke NU +52 21 paseke PS +52 22 kasefake KS +52 23 masage MS +52 24 kepaseke KE +52 25 kipanke KI +52 26 kagu KG +52 27 tap TP +52 28 afu AF +52 29 vasage VS +52 30 pike PK +52 31 funemune FN +52 32 fumi FU +53 1 ikura K +53 2 iura U +53 3 ilyby B +53 4 iso I +53 5 tyre T +53 6 idy Q +53 7 dy D +53 8 lyby L +53 9 ura U +53 10 luru R +53 11 jyby J +53 12 si S +53 13 kura K +53 14 tyhy H +53 15 lyra A +53 16 bure O +53 17 tyny Z +53 18 na N +53 19 bryby X +54 1 klaut KL +54 2 se guo SG +54 3 kinege KN +54 4 yangu JJ +54 5 di suaki DS +54 6 kiki KK +54 7 bom BB +54 8 kuim KU +54 9 sung SU +54 10 blong BL +54 11 di nekuoy NE +54 12 woy WO +54 13 irobi IR +54 14 un mley UN +54 15 blou usum BU +54 16 kawoy KS +54 17 bu UU +54 18 ut knuim UT +54 19 weng WE +54 20 degit DE +54 21 wolu LU +54 22 win WI +54 23 negloug NG +54 24 sam SM +55 1 dzamda J +55 2 bhra R +55 3 lal L +55 4 nia N +55 5 gulala G +55 6 tapsra T +55 7 piwa P +55 8 dhawa D +55 9 kaa K +55 10 bhgwa B +55 11 urua H +56 1 pipin TS +56 2 bombon BB +56 3 maman AF +56 4 yaankal GA +56 5 kikal CD +56 6 kinimbilik BK +56 7 diyun DC +56 8 siin SD +56 9 tintin TT +56 10 ntikpinyun WE +56 11 nipiituur PT +56 12 choy CH +56 13 nituur TU +56 14 kunii BA +56 15 waewae WW +56 16 nkonyun KO +56 17 puichar CR +56 18 piyilepaar PP +56 19 pupuk WR +56 20 gungun GG +57 1 orinj O +57 2 pingk P +57 3 pepul PP +57 4 peipul PP +57 5 blu BL +57 6 grin G +57 7 blek B +57 8 wait W +57 9 yela Y +57 10 red R +57 11 bran BR +57 12 bran BR +57 13 bran BR +57 14 grei GR +57 15 straberi S +57 16 dak D +57 17 lait L +57 18 silva SI +57 19 kalad K +57 20 djaklat DJ +57 21 shaini SH +57 22 dakblu B2 +57 23 dakwan DW +57 24 dakgrin DG +57 25 shaini SH +57 26 grinblu GB +57 27 laitblu B3 +57 28 dakblek DB +57 29 laitorinj LO +58 1 janbal A +58 2 dayirr D +58 3 ngumbu G +58 4 bingaji I +58 5 jurrbill J +58 6 kayal K +58 7 kulbul L +58 8 ngala-ngala N +58 9 burrkul RK +58 10 wuba U +58 11 wamumu W +58 12 kabu-kabu B +58 13 mirrbanka M +58 14 mula-mula O +58 15 kambal-kambal Q +58 16 jiri X +59 1 chichid CC +59 2 chibud/chibu/chipu CB +59 3 kinnid/ginid GN +59 4 arad/arrad AR +59 5 kologwad/koldigiid GO +59 6 guduregiid GU +59 7 bugwagiid BG +59 8 burugwad/-at/buregiid BU +59 9 chiagiid/chiagit/chigid CH +59 10 alulugwad AL +59 11 sabgale/chabgale SA +59 12 gisigwad/-at GS +59 13 gwiliabgan GW +59 14 dudumol DU +59 15 buringiid BR +59 16 madunmol MM +59 17 islubgiid IS +59 18 boledigi BO +59 19 aidirgwagid AI +59 20 gwalu WU +59 21 urwa UR +59 22 aur AU +59 23 urma UM +59 24 yis YI +59 25 mommo MO +59 26 agdir AG +59 27 nichal NI +59 28 malina ML +59 29 mageb MG +59 30 arrichabi AN +59 31 curasao CU +59 32 bule BL +59 33 dulbul DL +59 34 ubchan UB +59 35 badu BA +59 36 otomana OT +59 37 butual BZ +59 38 gwagwacha GG +59 39 uarigid UA +59 40 diguargid DI +59 41 chabgan CG +59 42 dulu DD +59 43 nisalgid NS +59 44 suir SU +59 45 chuili/chuiri CI +60 1 asiram/aherem/arem/karam AS +60 2 awanenum AW +60 3 cimeru CM +60 4 ewum EW +60 5 icarinum IR +60 6 icem IC +60 7 ikunukunum IK +60 8 isuwukunupanim IU +60 9 isukunuk IS +60 10 kacenum KC +60 11 kainanesenum KI +60 12 kakarenum/karetam KR +60 13 kamesekotewenum KM +60 14 kekers KE +60 15 korsekwarum KO +60 16 masibucinom MS +60 17 nokonum NK +60 18 potam PT +60 19 sinarem SI +60 20 tintim TI +60 21 unsenum US +60 22 waiyekwenum WI +61 1 induwa DU +61 2 bore RE +61 3 wile(di) WI +61 4 bole(di) LE +61 5 busu SU +61 6 bondo ND +61 7 mabli BL +61 8 oredi DI +61 9 (n)jog(n)yo(n) YO +61 10 moju JU +61 11 gargu RG +61 12 kubra mono BR +61 13 bala BA +61 14 mili MI +61 15 tondu TD +61 16 dobro DB +61 17 ndubango UB +61 18 pajiro PA +61 19 wala WA +62 1 peelli PE +62 2 sabilli SA +62 3 zeoo/zeaa ZE +62 4 gaanni GA +62 5 pupuka/pupuku PU +62 6 pirsin PI +62 7 bulu BU +62 8 zekamvoo ZK +62 9 dozum DO +62 10 biangkoom BI +62 11 gyera GY +62 12 aloori AL +62 13 kangwa KA +62 14 sulimpeaakoom SK +62 15 seem SE +62 16 loora LO +62 17 daffa DA +62 18 susobri SI +62 19 beela EE +62 20 inki IN +62 21 wuying WU +62 22 wulling WI +62 23 wurhri WR +62 24 pitti PT +62 25 da'a AA +62 26 gaying GZ +62 27 lorga LR +62 28 faying FY +62 29 daka DK +62 30 tangkpoo TA +62 31 wobga SO +62 32 waying WG +62 33 kpaying KG +62 34 saying SG +62 35 ditti DT +62 36 putti PZ +62 37 puhugu PH +62 38 faa/faahri FZ +62 39 bitti BT +62 40 pirihiri PP +62 41 wula-wula WW +62 42 birimbiin BB +62 43 ganagana GG +62 44 tivaari TI +62 45 timm TM +62 46 tampie'alim TP +62 47 wuyii YI +62 48 limlim LL +62 49 kyaaw KW +62 50 yolli YO +62 51 gbilnggi GB +62 52 bimm BM +62 53 kyaua KY +62 54 bakyekoon BY +62 55 saapa'ada'ari SP +62 56 kyoo KO +62 57 sangbongo SB +62 58 dimm DM +62 59 bugwulli BW +62 60 faaya FX +62 61 pillihili PL +62 62 pupuba PB +62 63 walaying WL +62 64 na'a-na'a NN +62 65 tepp TZ +62 66 kpazum KZ +62 67 wulhiri WH +62 68 libi-lib LB +62 69 sangmanga SN +62 70 duffu DF +62 71 gana GN +62 72 piri-mangni PM +62 73 gyigyiri GR +62 74 binabina BZ +62 75 biing IG +62 76 ropiyaden RO +62 77 sunsukku-ni SZ +62 78 dirihiri/dirhga DH +62 79 zimizim ZZ +63 1 gi GI +63 2 aruai AR +63 3 meeki ME +63 4 seereeb SE +63 5 geeny GE +63 6 muk MU +63 7 bai BA +63 8 pe PE +63 9 peek PK +63 10 peekeesi PI +63 11 pejeel PL +63 12 suiya SA +63 13 suiyo SO +63 14 gona GA +63 15 gapeekaiwub GB +63 16 meenya MA +63 17 meenyman MN +63 18 meenyaka MK +63 19 pen PN +63 20 rungwa RG +63 21 rungwada RD +63 22 banyaboy BY +63 23 keenyak KK +63 24 bo BO +63 25 neeb NB +63 26 banangoi BI +63 27 kidag KG +63 28 ka KA +63 29 kawena KW +63 30 kayuna KY +63 31 kaweel KE +63 32 kalom KL +63 33 rabapo RA +64 1 jupirr-jupirr J +64 2 jupirr-jupirr J +64 3 jurnpaly-jurnpaly R +64 4 jurnpaly-jurnpaly R +64 5 jurturr-jurturr JT +64 6 juurlkarr S +64 7 kalyu KL +64 8 karawangarlpa KG +64 9 karlka-karlka KX +64 10 karntawarra K +64 11 karranjiyal V +64 12 karrku Q +64 13 karrpu-wati KZ +64 14 karrukalkalka D +64 15 kata-pawulanta KP +64 16 kayarraninpa KR +64 17 kiyarr-kiyarr H +64 18 kuunypa F +64 19 kuwiyarlpa Z +64 20 langa LA +64 21 martaly-martaly T +64 22 martar T +64 23 martarr-martarr T +64 24 martarrpilyilyi T +64 25 maru-maru M +64 26 miji-miji I +64 27 mirta-mirta X +64 28 munga-turrkatingu MU +64 29 mungapuru MU +64 30 mungarr MU +64 31 munyjulpa B +64 32 ngarnka N +64 33 ngartan ngartan NT +64 34 ngintarlpa NI +64 35 pana PN +64 36 parrjunu PJ +64 37 parnaly-parnaly A +64 38 piila-piila P +64 39 pujurr U +64 40 purlangkanu L +64 41 puwalypa G +64 42 puyurr-puyurr PY +64 43 rarrpa RR +64 44 rarrpantarlpa RR +64 45 ruka-ruka C +64 46 warla WR +64 47 wira W +64 48 yukuri-yukuri Y +64 49 yakuripiti Y +64 50 yari YA +64 51 yungan-yungan O +64 52 unknown WA +64 53 unclear ZZ +65 1 bhuro R +65 2 gulala G +65 3 dzabo J +65 4 kauo K +65 5 nino N +65 6 pino P +65 7 rato F +65 8 tamkhi T +65 9 udzuo U +66 1 umu U +66 2 piu P +66 3 chëshe C +66 4 ushu S +67 1 azul AL +67 2 cafe/capje CA +67 3 cajxtu CX +67 4 canga/cangu CN +67 5 cje'i CI +67 6 cjembochjo CB +67 7 cjipobu CP +67 8 cjoro JO +67 9 cjexi/cjoxu JX +67 10 crema RM +67 11 chocolate CH +67 12 cural CL +67 13 dyaza DY +67 14 franqueza FR +67 15 gris GR +67 16 guinda GU +67 17 huaru HU +67 18 ixi/ixpa IX +67 19 jense JS +67 20 jnoro JR +67 21 limu LM +67 22 lila LA +67 23 lancji LN +67 24 mamey MA +67 25 mbansu MS +67 26 mbaja MB +67 27 mbezheje/mbexe MZ +67 28 morago MR +67 29 nrreje NJ +67 30 naraja NR +67 31 ndamose DM +67 32 nuzo'o/zo'o ZO +67 33 nguenchajxu NG +67 34 poxu/posu PX +67 35 plomo PL +67 36 pejo PE +67 37 potju PT +67 38 paxla PA +67 39 rojo RJ +67 40 rosa RO +67 41 solferino SF +67 42 toxu/tosu TX +67 43 tropa TR +67 44 tjunmju TU +67 45 tostjo TJ +67 46 vino VN +67 47 verde VE +67 48 xiom XO +67 49 xicqua XJ +67 50 xunijomu XN +67 51 zixi ZI +67 52 bo B +67 53 bajo A +67 54 claro C +67 55 jnoj J +67 56 nda D +67 57 oscuro O +67 58 subido S +67 59 azul/sulu U +67 60 verde V +68 1 azul AL +68 2 suse SU +68 3 mamey MA +68 4 moradu MO +68 5 cha CH +68 6 verde VE +68 7 sine SI +68 8 tiava TI +68 9 rosa RO +68 10 hisu HI +68 11 jima JM +68 12 hani HA +68 13 nacha-hani NH +68 14 solferino SO +68 15 yinda YD +68 16 cafe CF +68 17 peju PJ +68 18 naxu-nguisu NN +68 19 plomo PL +69 1 kapaiqä KP +69 2 hiawiqä HI +69 3 hängecäqä AG +69 4 hiwicäqä HW +69 5 waquicäqä WQ +69 6 ipicäqä IP +69 7 hatäqä HT +69 8 henguaningä EG +69 9 ayä AY +69 10 eñäqä EN +69 11 kukuatäqä KU +69 12 yäququaningä YQ +69 13 putäqä PT +69 14 tungkuatäqä TG +69 15 hipätuwä HP +69 16 yaicäqä YA +69 17 hiowätäqä HO +70 1 wapeeg W +70 2 magtaweeg G +70 3 megweeg M +70 4 watapteg T +70 5 eewneeg E +70 6 stognamugist S +70 7 purplewit U +70 8 purple U +70 9 wisaweeg I +70 10 jijuagatammna J +70 11 brownwit B +70 12 brown B +70 13 pinkwit K +70 14 pink K +70 15 greywit A +70 16 grey A +70 17 orange O +70 18 mewtepeg H +70 19 mew H +70 20 ingwa IN +70 21 plamu P +70 22 msigu F +70 23 gesimgweeg L +70 24 mogopaagua X +70 25 laglem Y +70 26 pguman PG +70 27 nisgan NS +70 28 lime LI +70 29 violet VI +70 30 beige BE +70 31 marrone MA +70 32 yellow YE +70 33 wapi W +70 34 magtawi G +70 35 am A +70 36 amuug U +70 37 sit ST +70 38 wipi I +70 39 eewnamung N +70 40 amimgweeg/amimgwamuug Q +70 41 plamug PM +71 1 hatki HA +71 2 loːci LO +71 3 kitisci KI +71 4 lakni/lahn LA +71 5 okcakwi OK +71 6 honotbi HO +71 7 babi BA +71 8 koːsi KO +71 9 caːkli CA +71 10 koːki KK +71 11 yalaːhi YA +71 12 sopatfi SO +71 13 limoːnoːci LI +72 1 ita-rosa 10 +72 2 ita-zhoo 14 +72 3 kafee 7 +72 4 kwaa 2 +72 5 kwii 1 +72 6 kwisi 3 +72 7 muradu 6 +72 8 muru 13 +72 9 ndzhiʔi 12 +72 10 tikweʔe 5 +72 11 tituu 11 +72 12 tuu 4 +72 13 zhaʔa 9 +72 14 zhaa 8 +72 15 azul 15 +72 16 gris 16 +72 17 guinda 17 +72 18 naranja 18 +72 19 nuru 19 +72 20 naranjado 20 +72 21 ita-yoo 21 +72 22 meku 22 +72 23 kwii-zhaa 23 +72 24 zhaa-kwisi 24 +72 25 ndzhiʔi-tikweʔe 25 +72 26 ndzhiʔi-zhaa 26 +72 27 zhaa-zhaʔa 27 +72 28 tikweʔe-ita-rosa 28 +72 29 kwii-ndzhiʔi 29 +72 30 tikweʔe-zhaa 30 +72 31 ita-rosa-tikweʔe 31 +73 1 gbaugbau G +73 2 biribiri I +73 3 didiki D +73 4 sulusulu S +73 5 bubu U +73 6 nzenze N +73 7 sawule A +73 8 nzembele Z +73 9 buturu T +73 10 ambeambe B +73 11 remberembe R +73 12 ngbanga X +74 1 bi(3)i'sai(3) B +74 2 bio(3)pai(2)ai(3) BI +74 3 a(3)hoa(3)saa(3)ga(1) A +74 4 ko(3)biai(3) K +75 1 colai C +75 2 gidang G +75 3 meeri/meri ME +75 4 maan MA +75 5 rege R +75 6 koli K +75 7 vɔɔr V +75 8 jaloc/jaloic J +75 9 nyapazoc NY +75 10 zole Z +75 11 nyapus N +75 12 dale D +75 13 lelem L +75 14 megerwa W +76 1 thipman H +76 2 thipmanka H +76 3 bamam A +76 4 bamamka A +76 5 bukmantharr U +76 6 bukmanka U +76 7 ngatin N +76 8 kabat K +76 9 wipmanarri I +76 10 wipmanka I +76 11 wudanil W +76 12 wudandarriwil W +76 13 wudandarriwu W +76 14 wudanthewa W +76 15 wudankawu W +76 16 wudankawil W +76 17 wudanwuwu W +76 18 tumanka T +76 19 tupmanka T +76 20 ngirrwu G +76 21 trangka R +76 22 wuwunka Q +76 23 damkalarrang DA +76 24 dirrmu D +76 25 mamguguth GU +76 26 denturr DR +76 27 tililtililmam S +76 28 yibimtamka Y +76 29 kanthi O +76 30 punhpush P +76 31 ngatinka ZZ +76 32 wudanthewu W +76 33 dewu DW +77 1 finge F +77 2 nye/nyie N +77 3 wɔɔ/wɔ W +77 4 bubuo B +78 1 neshtik NE +78 2 shoshoktik SO +78 3 chichiltik CI +78 4 kafentik KA +78 5 kostik KO +78 6 morado MO +78 7 istak IS +78 8 teneshtik TE +78 9 teteneshtik TE +78 10 tliltik TL +78 11 naranjado NA +78 12 tlaltik TA +78 13 kacen KC +78 14 rosa R +78 15 istalehuatik TA +78 16 kaneshtik KN +78 17 sakate SA +78 18 istal IL +79 1 boora B +79 2 furaana F +79 3 jutohfu J +79 4 jamiivi JM +79 5 moxooso M +79 6 tsiiho S +79 7 tsipi T +79 8 uxaanhun U +79 9 otii O +79 10 juudso JU +79 11 jubojoh JB +80 1 ciidagi C +80 2 cuk U +80 3 koomagi K +80 4 'oam O +80 5 toha T +80 6 wigi W +80 7 iibhaimagi I +80 8 kubju Q +80 9 muhadagi M +80 10 wigium Z +80 11 cu.huñ H +80 12 suklato S +80 13 wakumagi WA +80 14 ka-huimagi KA +80 15 cidhaiwagi D +80 16 nalas N +80 17 luuya L +80 18 komhaimagi KO +80 19 mataimagi MI +80 20 'a-niilmagi A +80 21 cukmagi CK +80 22 biitmagi B +80 23 to'owagi TO +80 24 'liwagi IW +80 25 coko-laadimagi CO +81 1 viliac V +81 2 niyuu N +81 3 hi HI +81 4 zang Z +81 5 kwem K +81 6 makiban M +81 7 mahizeac MH +81 8 bilu B +81 9 pipuu P +81 10 mapipu MP +81 11 guva G +81 12 matuc MT +81 13 nipaha NI +81 14 mapilepac MC +81 15 mapuhu MU +82 1 gwrahna W +82 2 se-wa E +82 3 sa-ka A +82 4 pawa P +82 5 ka-ma-sa K +82 6 mora M +82 7 broni BR +82 8 sonkua O +82 9 boni B +82 10 succua S +82 11 pompiona PO +82 12 pompoponioj J +82 13 weka WK +83 1 didiki DD +83 2 sukuta SK +83 3 sonaa SA +83 4 hwe HW +83 5 pedaa PE +83 6 teka/tekai TK +83 7 sukuma M +83 8 hukutu/hukudu) HU +83 9 de/dei DE +83 10 bodu BD +83 11 hokodo HK +83 12 bapu BP +83 13 hosowa HS +83 14 sa S +83 15 se SE +83 16 kuake K +83 17 dokwa DK +83 18 tukusi U +84 1 baaka BK +84 2 weti WE +84 3 be BE +84 4 kooko KO +84 5 guun GU +84 6 baau/baao/blau BA +84 7 kuwa-uwi-guun KG +84 8 jaifi-folo JF +84 9 gaangadu-guun GA +84 10 pangapanga-folo PF +84 11 foko FK +84 12 sukuati SU +84 13 pondi-pau PO +84 14 foofatu FO +84 15 kaabu-obo KB +84 16 napi-wata NW +84 17 namu-obo NO +84 18 suwi-obo SO +84 19 awaa-maaun AM +84 20 gunsi GS +84 21 sindjasindja SN +84 22 doti DT +84 23 maaun MA +84 24 maipa-fou MF +84 25 paatjitji PT +84 26 alengisi AL +84 27 donu DN +84 28 keel/geel KL +84 29 moiti-kanti MK +84 30 akanti-guun AG +84 31 sipai-fatu SF +84 32 bruin BR +84 33 paars PS +84 34 grijs GR +84 35 uwi-maaun UM +84 36 uwi UW +84 37 tenge-puu TP +84 38 djankpei-maata-folo DF +84 39 oranje OR +84 40 zuguu/dungu D +84 41 foko F +84 42 limbo L +84 43 sende S +84 44 vongo V +85 1 kʔe'el E +85 2 ko'il I +85 3 kwassool S +85 4 ko'oxp O +85 5 k'ooppool P +85 6 kimaaxxaat X +85 7 kkwimaw/kwima'ʔw WW +85 8 kwiʔm KM +85 9 kwiʔme KE +85 10 kwimaaxp WP +85 11 kwiʔmext WX +85 12 ko'oskl KK +86 1 joshin FS +86 2 panshin FE +86 3 yancon CA +86 4 yametani TA +86 5 pashnatani AS +86 6 barin poi BA +86 7 ami AM +86 8 pene ET +86 9 mai XS +86 10 josho GA +86 11 chimapo CF +86 12 manshan MA +86 13 coro CR +86 14 huiso HU +86 15 shoo SH +86 16 cana NA +86 17 cheshe CE +86 18 emo EM +86 19 pota' PA +86 20 shane SS +86 21 kaqui KA +87 1 eaqui A +87 2 echo C +87 3 echu U +87 4 eirei I +87 5 enumbi N +87 6 equiche Q +87 7 erondei O +87 8 eruba R +87 9 eshi S +87 10 ibi-raanguia B +87 11 irubi IR +87 12 turuma-uti T +88 1 denítle/denehtle EN +88 2 dek'ali EK +88 3 detsile ET +88 4 dzéh/dzé(h)li ZZ +88 5 detthoi EP +88 6 et'o/it'oo/it'oa/et'oli TO +88 7 ditl'ee/dehtlee/diítl'ege IT +88 8 dimbeedhe/dehmbe IM +88 9 jíecho IE +88 10 dehbai EB +88 11 deba EE +88 12 yaazo AA +88 13 eto-/ito- LA +88 14 deyale EY +88 15 dedele ED +88 16 degaa/degaye EG +88 17 dezeni EZ +88 18 dek'ots KK +88 19 jie tu JT +88 20 ehtle EH +88 21 gohtsi OH +88 22 tsihgoo yehtthe laondih SI +88 23 ndeh laondih DE +88 24 hahdoo OO +88 25 nie NI +88 26 tsúendeé TS +88 27 tlo LO +88 28 k'ih teh KI +88 29 dekoi OI +88 30 deko KO +88 31 tsíh IH +88 32 deník'eze IK +88 33 dedleze ZE +88 34 dik'eze KE +88 35 ejiedelé JI +88 36 dek'one NE +88 37 debae AE +88 38 depoe OE +88 39 depoi PO +88 40 k'oh KZ +88 41 k'a KA +88 42 ejiet'o IO +88 43 golo gha GG +88 44 brown BR +88 45 pink PI +88 46 purple PU +88 47 orange OR +88 48 cream CR +88 49 turquoise TU +88 50 peach PE +88 51 lilac LI +88 52 rust RU +89 1 bal B +89 2 niar N +89 3 mirik R +89 4 maksin K +89 5 makrau M +89 6 kas S +89 7 map-mapi P +89 8 marang G +89 9 lauh L +89 10 ma-mayar A +89 11 kaki I +90 1 basa-basa A +90 2 beru-beru E +90 3 kreu-kreu K +90 4 neko-neko N +90 5 nimi-nimi I +90 6 say-say S +90 7 yanko-yanko Y +91 1 dhabi(da) DB +91 2 pasa(ne) PS +91 3 dhere(na) DR +91 4 tid'i(na) TD +91 5 dhahua(ne) DA +91 6 dhehue(na) DE +91 7 udhuri UD +91 8 id'iria ID +91 9 shaina SN +91 10 sahua SH +91 11 masahui MS +91 12 apu/apuda AP +91 13 urumari UR +91 14 med'i MD +91 15 buidhi BU +91 16 china CH +91 17 achiachi CC +91 18 timutimu MM +91 19 surusuru SS +91 20 matse MA +91 21 padhadhata PD +91 22 caqui CQ +91 23 chucu/chuculita CZ +91 24 jutida JT +91 25 ud'u UZ +91 26 ami AM +91 27 budhu BD +91 28 ataruru AT +91 29 buepa BP +91 30 cafe/cajue CF +91 31 celeste CL +92 1 rosá RS +92 2 chó CC +92 3 sitá SS +92 4 sawaró SA +92 5 siyó ST +92 6 lá FF +92 7 barósa BA +92 8 kahé QQ +92 9 lamá EE +92 10 banaká XX +92 11 riká VV +92 12 somaró SO +92 13 chomítami CO +92 14 ulá UL +92 15 rosabó(chami) RO +92 16 naraja NA +92 17 ramí RA +92 18 cholí CH +92 19 muyá MU +92 20 churí sará CS +92 21 ritú RI +93 1 rosá RS +93 2 chó CC +93 3 sehtá SE +93 4 sawaró SA +93 5 siyó SI +93 6 rosabó RO +93 7 ulá UL +93 8 banagáti BN +93 9 kafé KA +93 10 barosa BA +93 11 chocolate CO +94 1 bukay K +94 2 bulow B +94 3 hitem I +94 4 hulo U +94 5 lemnaw L +94 6 melel E +94 7 gingung G +94 8 gadung A +94 9 kobu O +94 10 ktunga T +95 1 -wa WA +95 2 dindin/din DD +95 3 eye E +95 4 guenmo G +95 5 ikso I +95 6 iksoe I +95 7 kasho KA +95 8 keke KE +95 9 keson K +95 10 llgwinyo L +95 11 nede N +95 12 nenet NN +95 13 plukpluk PU +95 14 pluplun P +95 15 shkenshken SK +95 16 shongwo SO +95 17 shoylor SH +95 18 shrushru SU +95 19 shweshwe SW +95 20 shwigue SG +95 21 si/sisi S +95 22 sresren SR +95 23 welee ?? +95 24 wliwli WI +95 25 wlon WL +95 26 ñagla NA +95 27 twënwëe TW +95 28 kjorga KJ +96 1 chox CH +96 2 comu CO +96 3 dau DA +96 4 dexe DE +96 5 waxu WA +96 6 wexe WE +96 7 yaux YX +96 8 yuxra JU +96 9 nayurax N +96 10 bara B +97 1 namaal NA +97 2 titak TI +97 3 fiingim FI +97 4 duut DU +97 5 matak AA +97 6 tiim(ang) TM +97 7 isak(falut) IS +97 8 kiim(faling) KI +97 9 (y)imuul(im) YM +97 10 maliil(im) ML +97 11 as koon wiis AS +97 12 duumook DM +97 13 abik AB +97 14 ifum IF +97 15 ilangdalin IL +97 16 matik AI +97 17 koob KO +97 18 keel KE +97 19 llem LL +97 20 afoong AF +97 21 isiib IB +97 22 kiimfingim KF +97 23 kiimtabin KT +97 24 keelfokorin EE +97 25 miililim MM +98 1 mixa X +98 2 mana M +98 3 mojmo O +98 4 maxa A +98 5 minuu U +98 6 skuni S +98 7 nguidi D +98 8 xani N +98 9 miga G +98 10 mikjun K +98 11 cafe C +98 12 mismba B +98 13 michuun CH +98 14 huaba- L +98 15 ga'kje P +99 1 ñiro NA +99 2 butiro BA +99 3 sõa'ro SA +99 4 ewuro EA +99 5 ya'saro YA +99 6 butiwijiro BU +99 7 bojoyaro BO +100 1 aah A +100 2 biri R +100 3 huuhzi U +100 4 aah-lugo-susau S +100 5 lugo-burgu L +100 6 lugo-kooriihuu K +101 1 piula P +101 2 dzhambəlʌ J +101 3 nilʌ N +101 4 ratʌ R +101 5 tʌmkhi T +101 6 udzhəlʌ U +101 7 kalʌ K +101 8 gulabi G +101 9 gɔriɔ GO +101 10 bhurʌ BR +102 1 ae'i'gae'i' A +102 2 gi'ngo'i G +102 3 gimoi GM +102 4 itaecadae I +102 5 icadae IC +102 6 igi II +102 7 iipaena IP +102 8 mae'cadaemae M +102 9 mintadaemye MI +102 10 mo'mpadaca MO +102 11 na'amae'ta N +102 12 na'ngi'mo' NN +102 13 opa'tawae O +102 14 we'nedae W +102 15 waimo WA +102 16 wae'ma'ca'mo WE +102 17 wi'gaemo WG +102 18 wintamo WT +103 1 kiliki C +103 2 mirawarri MI +103 3 nguyunguyu NY +103 4 rrarrpa X +103 5 warparlanganji WR +103 6 mangkurdupiya MG +103 7 maru M +103 8 mawulypari MW +103 9 pulyurr-pulyurrpa PU +103 10 kunyjuru-kunyjuru U +103 11 yilyyurdu-yilyurdu L +103 12 wajirrkikajirrki WJ +103 13 wikirriwikirri WI +103 14 yakuri/yukuri K +103 15 warrkini WK +103 16 walyawalya W +103 17 karrku R +103 18 kurdunjurupiya E +103 19 mardalpa Q +103 20 ngalyurrpa NL +103 21 yalu-yalu Y +103 22 yurlpupiya YP +103 23 kalyji B +103 24 kardirri D +103 25 ngunjungunju N +103 26 palkarra P +103 27 pardapardija PD +103 28 wapurnungku WP +103 29 warntikirli T +103 30 yarltiri YT +103 31 karntawarra A +103 32 jirijiri J +103 33 jurntuljurntulpa JU +103 34 kalupa KA +103 35 kirntilarri O +103 36 kuru-kuru KU +103 37 munga V +103 38 naglkirdi NI +103 39 ngapari NP +103 40 nguku NK +103 41 nguru NR +103 42 patutu PT +103 43 pawutawu PW +103 44 pirily PR +103 45 rronkarrpa RK +103 46 wantapuralyi WA +103 47 wanukurdu WD +103 48 watilyi WT +103 49 wingkilypari WG +103 50 wini-wini WN +103 51 wintajilypa WO +103 52 wulyuwulypa WL +103 53 wurrkalpa WU +103 54 yapurnupiya PY +103 55 yardingki YD +103 56 yarluwarnu YU +103 57 yarringki YR +103 58 yirntirintiri YN +103 59 pilyirrpilyirrpa PL +103 60 rtirirtiri RT +103 61 yajanpi YJ +103 62 yukamirra ka YK +104 1 pluu- L +104 2 -sain' S +104 3 kpe' K +104 4 'dyreea D +104 5 tyrue' T +104 6 fason F +105 1 -zaondheu Z +105 2 'pouou P +105 3 tii T +106 1 gaddung G +106 2 binaning B +106 3 sekulati S +106 4 taluk T +106 5 ittem I +106 6 jingga J +106 7 bilu BI +106 8 peat P +106 9 kalas K +106 10 pote PO +106 11 kunit KU +106 12 abu A +106 13 hinu-hinu H +107 1 fiso FI +107 2 oxo OX +107 3 oshin OS +107 4 chaxta CH +107 5 dada DA +107 6 koro KO +107 7 pashin PA +107 8 rasko RA +107 9 xada XA +107 10 tseste TS +107 11 chao CO +107 12 dafa DF +107 13 fishin FN +107 14 oshima OM +107 15 maxepafitsa MA +107 16 chexe CX +108 1 cameni CA +108 2 ipureni IA +108 3 ipirani IP +108 4 jareni JA +108 5 jehuani JE +108 6 luhuichini LU +108 7 memareni ME +108 8 querani QA +109 1 aghvaghlluk A +109 2 esneg E +109 3 esgaviyu EG +109 4 eslag ES +109 5 iqaghtaqegtak I +109 6 kavig K +109 7 kelagraak K2 +109 8 kemugsugni KE +109 9 kakisugni KK +109 10 mesug M +109 11 maketellak MA +109 12 mamlek ML +109 13 melngugraak MN +109 14 nighug NI +109 15 peleghemelngug P +109 16 qateg Q +109 17 qiqusugni QI +109 18 sungag S +109 19 suug S2 +109 20 siyugaraak SI +109 21 suk SK +109 22 suulghii SL +109 23 tagneg T +109 24 ugtenghaq U +109 25 uvraak UV +109 26 yaalu Y +110 1 nu-cas B +110 2 nu-asul BL +110 3 nu-na R +110 4 nu-cach Y +110 5 nu-ca' G +110 6 nu-bizat P +110 7 nu-cacy W +110 8 cafwee C +110 9 cafee C +110 10 cafe C +110 11 morad M +110 12 chicul CH +110 13 nu-rial RI +110 14 nu-ryal RI +110 15 canel CA +110 16 nu-sey S diff --git a/src/examples/colors/data/foci-exp.txt b/src/examples/colors/data/foci-exp.txt new file mode 100644 index 00000000..7233d75b --- /dev/null +++ b/src/examples/colors/data/foci-exp.txt @@ -0,0 +1,110785 @@ +LNUM SNUM FNUM WCSC COLOR +1 1 1 LF A0 +1 1 2 WK D9 +1 1 2 WK D10 +1 1 2 WK D11 +1 1 2 WK D12 +1 1 3 F D25 +1 1 4 LB J0 +1 1 5 G F17 +1 1 6 LE F1 +1 1 6 LE F2 +1 1 6 LE F3 +1 1 6 LE G1 +1 1 6 LE G2 +1 1 6 LE G3 +1 2 1 LF A0 +1 2 2 S C1 +1 2 2 S C2 +1 2 2 S C3 +1 2 2 S C4 +1 2 2 S C5 +1 2 3 WK E1 +1 2 4 LE G1 +1 2 4 LE G2 +1 2 5 LB J0 +1 2 6 G I29 +1 2 6 G I30 +1 3 1 LF A0 +1 3 2 LE F1 +1 3 2 LE F2 +1 3 2 LE F3 +1 3 3 WK E3 +1 3 4 S D12 +1 3 4 S I5 +1 3 5 F B20 +1 3 5 F B21 +1 3 5 F B22 +1 3 5 F B23 +1 3 6 LB J0 +1 4 1 LF A0 +1 4 2 F B5 +1 4 3 WK E5 +1 4 4 LE G2 +1 4 5 LB J0 +1 5 1 LF A20 +1 5 2 WK C10 +1 5 3 F C13 +1 5 4 GB D13 +1 5 5 LE G2 +1 5 6 LB G27 +1 6 1 LF A0 +1 6 2 WK D2 +1 6 2 WK D3 +1 6 2 WK D4 +1 6 2 WK D5 +1 6 3 LE G1 +1 6 3 LE G2 +1 6 4 LB J0 +1 6 5 G F27 +1 6 5 G F28 +1 6 6 F C37 +1 6 6 F C38 +1 6 6 F C39 +1 7 1 LF A0 +1 7 2 F C11 +1 7 3 WK B12 +1 7 4 G F29 +1 7 5 LB J0 +1 7 6 S H17 +1 7 7 LE I1 +1 8 1 LF A0 +1 8 2 S E4 +1 8 3 WK E2 +1 8 4 F B12 +1 8 5 G F26 +1 8 6 LB J0 +1 8 7 LE G2 +1 9 1 LF A0 +1 9 2 S C10 +1 9 3 WK C11 +1 9 4 F C35 +1 9 5 LE F1 +1 9 5 LE F2 +1 9 5 LE F3 +1 9 5 LE F4 +1 9 6 LB J0 +1 9 7 G H28 +1 10 1 LF A0 +1 10 2 F D31 +1 10 2 F D32 +1 10 2 F D33 +1 10 3 WK D38 +1 10 4 G G30 +1 10 5 LB J0 +1 10 6 LE G1 +1 11 1 LF A0 +1 11 2 WK C1 +1 11 2 WK C2 +1 11 2 WK C3 +1 11 2 WK C4 +1 11 2 WK C5 +1 11 3 F B1 +1 11 3 F B2 +1 11 3 F B3 +1 11 3 F B4 +1 11 3 F B5 +1 11 3 F B6 +1 11 3 F B7 +1 11 4 FU C25 +1 11 4 FU C26 +1 11 4 FU C27 +1 11 4 FU C28 +1 11 5 S E33 +1 11 5 S E34 +1 11 5 S E35 +1 11 6 G G27 +1 11 6 G G28 +1 11 6 G G29 +1 11 7 LB J0 +1 11 8 LE G1 +1 12 1 LF A0 +1 12 2 S D4 +1 12 2 S D5 +1 12 2 S D6 +1 12 2 S D7 +1 12 2 S D8 +1 12 2 S D9 +1 12 3 F C1 +1 12 3 F C2 +1 12 3 F C3 +1 12 4 LE F1 +1 12 4 LE F2 +1 12 4 LE F3 +1 12 5 LB J0 +1 12 6 G F30 +1 13 1 LF A0 +1 13 2 WK D6 +1 13 2 WK D7 +1 13 3 S E23 +1 13 4 F C28 +1 13 4 F C29 +1 13 4 F C30 +1 13 5 FU D28 +1 13 5 FU D29 +1 13 5 FU D30 +1 13 6 G G30 +1 13 7 LB J19 +1 13 8 LE G2 +1 13 8 LE G3 +1 14 1 LF A0 +1 14 2 WK C4 +1 14 2 WK C5 +1 14 2 WK C6 +1 14 3 F B7 +1 14 3 F B8 +1 14 3 F B9 +1 14 4 LE G1 +1 14 4 LE G2 +1 14 4 LE G3 +1 14 5 G F30 +1 14 5 G F31 +1 14 5 G G30 +1 14 5 G G31 +1 14 6 FU B35 +1 14 6 FU B36 +1 14 6 FU B37 +1 14 6 FU B38 +1 14 6 FU B39 +1 14 6 FU B40 +1 14 7 S D36 +1 14 7 S D37 +1 14 7 S D38 +1 14 7 S D39 +1 14 7 S D40 +1 14 8 LB J0 +1 15 1 LF A0 +1 15 2 LB J0 +1 15 3 F C1 +1 15 3 F C2 +1 15 3 F C3 +1 15 3 F C4 +1 15 3 F C5 +1 15 3 F C35 +1 15 3 F C36 +1 15 3 F C37 +1 15 3 F C38 +1 15 3 F C39 +1 15 3 F C40 +1 15 4 WK E38 +1 15 4 WK E39 +1 15 4 WK E40 +1 15 5 G F32 +1 15 6 LE G1 +1 16 1 LF A0 +1 16 2 WK B16 +1 16 3 F C20 +1 16 4 G E18 +1 16 5 S C27 +1 16 6 LB G31 +1 16 7 LE F1 +1 17 1 LF A0 +1 17 2 WK D8 +1 17 3 F D12 +1 17 3 F E12 +1 17 4 LE F1 +1 17 4 LE F2 +1 17 4 LE G1 +1 17 4 LE G2 +1 17 5 LB J0 +1 17 6 G F28 +1 18 1 LF A0 +1 18 2 F C4 +1 18 3 WK D5 +1 18 4 S D25 +1 18 5 LE F2 +1 18 5 LE F3 +1 18 6 LB J0 +1 19 1 LF A0 +1 19 2 WK F6 +1 19 3 F B9 +1 19 3 F B10 +1 19 3 F B11 +1 19 4 G G29 +1 19 5 LE F1 +1 19 6 LB J0 +1 19 7 S H1 +1 20 1 LE F3 +1 20 2 F E14 +1 20 3 LF A23 +1 20 4 LB J24 +1 20 5 WK F35 +1 21 1 LF A0 +1 21 2 F B3 +1 21 2 F B4 +1 21 2 F B5 +1 21 3 WK F7 +1 21 3 WK F8 +1 21 4 S E9 +1 21 4 S E10 +1 21 5 LE G1 +1 21 5 LE G2 +1 21 5 LE G3 +1 21 6 LB J0 +1 21 7 G G29 +1 22 1 LF A0 +1 22 2 WK E1 +1 22 3 LE G1 +1 22 4 LB J0 +1 22 5 F B20 +1 22 6 S C22 +1 22 7 G G30 +1 23 1 F B1 +1 23 1 F B2 +1 23 1 F B3 +1 23 1 F B4 +1 23 2 WK C1 +1 23 3 G F30 +1 23 4 LE F1 +1 23 5 S F0 +1 23 6 LB J0 +1 24 1 LF A0 +1 24 1 LF B0 +1 24 2 WK C6 +1 24 2 WK C7 +1 24 3 F B10 +1 24 3 F B11 +1 24 4 LB J0 +1 24 5 G H30 +1 24 6 S H33 +1 24 6 S H34 +1 24 7 LE G1 +1 24 7 LE G2 +1 25 1 LF A0 +1 25 2 WK C3 +1 25 2 WK C4 +1 25 3 F B5 +1 25 3 F B6 +1 25 4 LB J0 +1 25 5 G F29 +1 25 5 G F30 +1 25 6 LE G3 +2 1 1 AA B12 +2 1 2 EP A0 +2 1 2 EP A1 +2 1 2 EP A2 +2 1 2 EP A3 +2 1 2 EP A4 +2 1 2 EP A5 +2 1 2 EP A6 +2 1 2 EP A7 +2 1 2 EP A8 +2 1 2 EP A9 +2 1 2 EP A10 +2 1 2 EP A11 +2 1 2 EP A12 +2 1 2 EP A13 +2 1 2 EP A14 +2 1 2 EP A15 +2 1 2 EP A16 +2 1 2 EP A17 +2 1 2 EP A18 +2 1 2 EP A19 +2 1 2 EP A20 +2 1 2 EP A21 +2 1 2 EP A22 +2 1 2 EP A23 +2 1 2 EP A24 +2 1 2 EP A25 +2 1 2 EP A26 +2 1 2 EP A27 +2 1 2 EP A28 +2 1 2 EP A29 +2 1 2 EP A30 +2 1 2 EP A31 +2 1 2 EP A32 +2 1 2 EP A33 +2 1 2 EP A34 +2 1 2 EP A35 +2 1 2 EP A36 +2 1 2 EP A37 +2 1 2 EP A38 +2 1 2 EP A39 +2 1 2 EP A40 +2 1 3 IT F28 +2 1 4 NR F39 +2 1 5 TK J0 +2 1 5 TK J1 +2 1 5 TK J2 +2 1 5 TK J3 +2 1 5 TK J4 +2 1 5 TK J5 +2 1 5 TK J6 +2 1 5 TK J7 +2 1 5 TK J8 +2 1 5 TK J9 +2 1 5 TK J10 +2 1 5 TK J11 +2 1 5 TK J12 +2 1 5 TK J13 +2 1 5 TK J14 +2 1 5 TK J15 +2 1 5 TK J16 +2 1 5 TK J17 +2 1 5 TK J18 +2 1 5 TK J19 +2 1 5 TK J20 +2 1 5 TK J21 +2 1 5 TK J22 +2 1 5 TK J23 +2 1 5 TK J24 +2 1 5 TK J25 +2 1 5 TK J26 +2 1 5 TK J27 +2 1 5 TK J28 +2 1 5 TK J29 +2 1 5 TK J30 +2 1 5 TK J31 +2 1 5 TK J32 +2 1 5 TK J33 +2 1 5 TK J34 +2 1 5 TK J35 +2 1 5 TK J36 +2 1 5 TK J37 +2 1 5 TK J38 +2 1 5 TK J39 +2 1 5 TK J40 +2 1 6 YN E19 +2 2 1 AA C11 +2 2 2 AT B6 +2 2 3 EP A28 +2 2 4 IT F29 +2 2 5 IR E27 +2 2 6 NR H38 +2 2 7 TK J28 +2 2 8 YN F17 +2 3 1 AA C9 +2 3 2 EP A0 +2 3 3 NR E2 +2 3 4 PN F30 +2 3 5 TK J0 +2 3 5 TK J1 +2 3 5 TK J2 +2 3 6 WT G13 +2 3 7 YN E19 +2 3 8 KW C2 +2 3 8 KW D4 +2 4 1 AA C12 +2 4 2 AT D4 +2 4 3 EP A17 +2 4 4 IT G26 +2 4 5 NR G2 +2 4 6 TK J31 +2 4 7 YN D17 +2 5 1 AA D14 +2 5 2 AW D23 +2 5 3 IT F29 +2 5 4 IO A17 +2 5 4 IO A28 +2 5 5 KR E34 +2 5 5 KR H36 +2 5 6 NR F40 +2 5 7 PH F40 +2 5 8 TK J0 +2 5 8 TK J1 +2 5 8 TK J2 +2 5 8 TK J3 +2 5 8 TK J4 +2 5 8 TK J5 +2 5 8 TK J6 +2 5 8 TK J7 +2 5 8 TK J8 +2 5 8 TK J9 +2 5 8 TK J10 +2 5 8 TK J11 +2 5 8 TK J12 +2 5 8 TK J13 +2 5 8 TK J14 +2 5 8 TK J15 +2 5 8 TK J16 +2 5 8 TK J17 +2 5 8 TK J18 +2 5 8 TK J19 +2 5 8 TK J20 +2 5 8 TK J21 +2 5 8 TK J22 +2 5 8 TK J23 +2 5 8 TK J24 +2 5 8 TK J25 +2 5 8 TK J26 +2 5 8 TK J27 +2 5 8 TK J28 +2 5 8 TK J29 +2 5 8 TK J30 +2 5 8 TK J31 +2 5 8 TK J32 +2 5 8 TK J33 +2 5 8 TK J34 +2 5 8 TK J35 +2 5 8 TK J36 +2 5 8 TK J37 +2 5 8 TK J38 +2 5 8 TK J39 +2 5 8 TK J40 +2 5 9 WT I10 +2 5 10 YN F21 +2 6 1 EP A0 +2 6 1 EP A1 +2 6 1 EP A2 +2 6 1 EP A3 +2 6 1 EP A4 +2 6 1 EP A5 +2 6 1 EP A6 +2 6 1 EP A7 +2 6 1 EP A8 +2 6 1 EP A9 +2 6 1 EP A10 +2 6 1 EP A11 +2 6 1 EP A12 +2 6 1 EP A13 +2 6 1 EP A14 +2 6 1 EP A15 +2 6 1 EP A16 +2 6 1 EP A17 +2 6 1 EP A18 +2 6 1 EP A19 +2 6 1 EP A20 +2 6 1 EP A21 +2 6 1 EP A22 +2 6 1 EP A23 +2 6 1 EP A24 +2 6 1 EP A25 +2 6 1 EP A26 +2 6 1 EP A27 +2 6 1 EP A28 +2 6 1 EP A29 +2 6 1 EP A30 +2 6 1 EP A31 +2 6 1 EP A32 +2 6 1 EP A33 +2 6 1 EP A34 +2 6 1 EP A35 +2 6 1 EP A36 +2 6 1 EP A37 +2 6 1 EP A38 +2 6 1 EP A39 +2 6 1 EP A40 +2 6 2 IT E24 +2 6 3 MP B10 +2 6 4 NR E35 +2 6 5 TK F30 +2 6 6 YN D17 +2 7 1 AA B12 +2 7 2 AT A6 +2 7 3 EP A29 +2 7 4 IT E29 +2 7 5 NR G1 +2 7 6 TK F29 +2 7 7 YN E20 +2 7 7 YN G20 +2 8 1 AA C14 +2 8 2 AW C15 +2 8 3 EP A0 +2 8 3 EP A1 +2 8 3 EP A2 +2 8 3 EP A3 +2 8 3 EP A4 +2 8 3 EP A5 +2 8 3 EP A6 +2 8 3 EP A7 +2 8 3 EP A8 +2 8 3 EP A9 +2 8 3 EP A10 +2 8 3 EP A11 +2 8 3 EP A12 +2 8 3 EP A13 +2 8 3 EP A14 +2 8 3 EP A15 +2 8 3 EP A16 +2 8 3 EP A17 +2 8 3 EP A18 +2 8 3 EP A19 +2 8 3 EP A20 +2 8 3 EP A21 +2 8 3 EP A22 +2 8 3 EP A23 +2 8 3 EP A24 +2 8 3 EP A25 +2 8 3 EP A26 +2 8 3 EP A27 +2 8 3 EP A28 +2 8 3 EP A29 +2 8 3 EP A30 +2 8 3 EP A31 +2 8 3 EP A32 +2 8 3 EP A33 +2 8 3 EP A34 +2 8 3 EP A35 +2 8 3 EP A36 +2 8 3 EP A37 +2 8 3 EP A38 +2 8 3 EP A39 +2 8 3 EP A40 +2 8 4 IT F29 +2 8 5 KR H40 +2 8 6 NR F40 +2 8 6 NR G40 +2 8 7 PH F2 +2 8 8 TK J0 +2 8 8 TK J1 +2 8 8 TK J2 +2 8 8 TK J3 +2 8 8 TK J4 +2 8 8 TK J5 +2 8 8 TK J6 +2 8 8 TK J7 +2 8 8 TK J8 +2 8 8 TK J9 +2 8 8 TK J10 +2 8 8 TK J11 +2 8 8 TK J12 +2 8 8 TK J13 +2 8 8 TK J14 +2 8 8 TK J15 +2 8 8 TK J16 +2 8 8 TK J17 +2 8 8 TK J18 +2 8 8 TK J19 +2 8 8 TK J20 +2 8 8 TK J21 +2 8 8 TK J22 +2 8 8 TK J23 +2 8 8 TK J24 +2 8 8 TK J25 +2 8 8 TK J26 +2 8 8 TK J27 +2 8 8 TK J28 +2 8 8 TK J29 +2 8 8 TK J30 +2 8 8 TK J31 +2 8 8 TK J32 +2 8 8 TK J33 +2 8 8 TK J34 +2 8 8 TK J35 +2 8 8 TK J36 +2 8 8 TK J37 +2 8 8 TK J38 +2 8 8 TK J39 +2 8 8 TK J40 +2 8 9 WT G8 +2 8 10 YN D21 +2 9 1 IO A0 +2 9 1 IO A1 +2 9 1 IO A2 +2 9 1 IO A3 +2 9 1 IO A4 +2 9 1 IO A5 +2 9 1 IO A6 +2 9 1 IO A7 +2 9 1 IO A8 +2 9 1 IO A9 +2 9 1 IO A10 +2 9 1 IO A11 +2 9 1 IO A12 +2 9 1 IO A13 +2 9 1 IO A14 +2 9 1 IO A15 +2 9 1 IO A16 +2 9 1 IO A17 +2 9 1 IO A18 +2 9 1 IO A19 +2 9 1 IO A20 +2 9 1 IO A21 +2 9 1 IO A22 +2 9 1 IO A23 +2 9 1 IO A24 +2 9 1 IO A25 +2 9 1 IO A26 +2 9 1 IO A27 +2 9 1 IO A28 +2 9 1 IO A29 +2 9 1 IO A30 +2 9 1 IO A31 +2 9 1 IO A32 +2 9 1 IO A33 +2 9 1 IO A34 +2 9 1 IO A35 +2 9 1 IO A36 +2 9 1 IO A37 +2 9 1 IO A38 +2 9 1 IO A39 +2 9 1 IO A40 +2 9 2 MP E10 +2 9 3 NR G38 +2 9 4 TK I28 +2 10 1 EP A0 +2 10 1 EP A1 +2 10 1 EP A2 +2 10 1 EP A3 +2 10 1 EP A4 +2 10 1 EP A5 +2 10 1 EP A6 +2 10 1 EP A7 +2 10 1 EP A8 +2 10 1 EP A9 +2 10 1 EP A10 +2 10 1 EP A11 +2 10 1 EP A12 +2 10 1 EP A13 +2 10 1 EP A14 +2 10 1 EP A15 +2 10 1 EP A16 +2 10 1 EP A17 +2 10 1 EP A18 +2 10 1 EP A19 +2 10 1 EP A20 +2 10 1 EP A21 +2 10 1 EP A22 +2 10 1 EP A23 +2 10 1 EP A24 +2 10 1 EP A25 +2 10 1 EP A26 +2 10 1 EP A27 +2 10 1 EP A28 +2 10 1 EP A29 +2 10 1 EP A30 +2 10 1 EP A31 +2 10 1 EP A32 +2 10 1 EP A33 +2 10 1 EP A34 +2 10 1 EP A35 +2 10 1 EP A36 +2 10 1 EP A37 +2 10 1 EP A38 +2 10 1 EP A39 +2 10 1 EP A40 +2 10 2 IT E22 +2 10 3 MP C13 +2 10 4 NR F38 +2 10 5 TK E27 +2 11 1 AA C8 +2 11 2 EP A0 +2 11 2 EP A1 +2 11 2 EP A2 +2 11 2 EP A3 +2 11 2 EP A4 +2 11 2 EP A5 +2 11 2 EP A6 +2 11 2 EP A7 +2 11 2 EP A8 +2 11 2 EP A9 +2 11 2 EP A10 +2 11 2 EP A11 +2 11 2 EP A12 +2 11 2 EP A13 +2 11 2 EP A14 +2 11 2 EP A15 +2 11 2 EP A16 +2 11 2 EP A17 +2 11 2 EP A18 +2 11 2 EP A19 +2 11 2 EP A20 +2 11 2 EP A21 +2 11 2 EP A22 +2 11 2 EP A23 +2 11 2 EP A24 +2 11 2 EP A25 +2 11 2 EP A26 +2 11 2 EP A27 +2 11 2 EP A28 +2 11 2 EP A29 +2 11 2 EP A30 +2 11 2 EP A31 +2 11 2 EP A32 +2 11 2 EP A33 +2 11 2 EP A34 +2 11 2 EP A35 +2 11 2 EP A36 +2 11 2 EP A37 +2 11 2 EP A38 +2 11 2 EP A39 +2 11 2 EP A40 +2 11 3 IT C15 +2 11 4 NR C1 +2 11 5 TK C19 +2 11 5 TK C20 +2 12 1 AA C8 +2 12 2 EP A0 +2 12 2 EP A1 +2 12 2 EP A2 +2 12 3 IT F26 +2 12 4 NR F39 +2 12 5 PH F2 +2 12 6 TK G25 +2 12 7 WT H6 +2 13 1 AA C10 +2 13 2 AT C2 +2 13 2 AT C3 +2 13 3 EP A0 +2 13 3 EP A1 +2 13 3 EP A2 +2 13 3 EP A3 +2 13 3 EP A4 +2 13 3 EP A5 +2 13 3 EP A6 +2 13 3 EP A7 +2 13 3 EP A8 +2 13 3 EP A9 +2 13 3 EP A10 +2 13 3 EP A11 +2 13 3 EP A12 +2 13 3 EP A13 +2 13 3 EP A14 +2 13 3 EP A15 +2 13 3 EP A16 +2 13 3 EP A17 +2 13 3 EP A18 +2 13 3 EP A19 +2 13 3 EP A20 +2 13 3 EP A21 +2 13 3 EP A22 +2 13 3 EP A23 +2 13 3 EP A24 +2 13 3 EP A25 +2 13 3 EP A26 +2 13 3 EP A27 +2 13 3 EP A28 +2 13 3 EP A29 +2 13 3 EP A30 +2 13 3 EP A31 +2 13 3 EP A32 +2 13 3 EP A33 +2 13 3 EP A34 +2 13 3 EP A35 +2 13 3 EP A36 +2 13 3 EP A37 +2 13 3 EP A38 +2 13 3 EP A39 +2 13 3 EP A40 +2 13 4 IT G29 +2 13 5 NR F2 +2 13 6 TK H29 +2 13 7 YN F17 +2 13 7 YN G17 +2 14 1 AA C9 +2 14 2 AW H19 +2 14 3 EP A14 +2 14 4 IR G31 +2 14 5 KM D1 +2 14 6 KU H29 +2 14 7 NR G40 +2 14 8 TK J0 +2 14 9 YN G20 +2 15 1 AA C8 +2 15 2 AT G0 +2 15 3 EP A36 +2 15 4 IT H28 +2 15 5 IO A21 +2 15 6 KA H0 +2 15 7 KM C5 +2 15 8 KR D40 +2 15 9 KT G28 +2 15 10 NR E4 +2 15 11 PN D29 +2 15 12 TK J25 +2 15 13 YN E32 +2 15 14 TO D9 +2 16 1 AT C7 +2 16 2 EP A4 +2 16 3 KR E6 +2 16 4 KT G27 +2 16 5 NR G3 +2 16 6 PN C20 +2 16 7 YN H17 +2 16 8 TO F40 +2 16 9 KH H10 +2 17 1 EP A0 +2 17 1 EP A1 +2 17 1 EP A2 +2 17 1 EP A3 +2 17 1 EP A4 +2 17 1 EP A5 +2 17 1 EP A6 +2 17 1 EP A7 +2 17 1 EP A8 +2 17 1 EP A9 +2 17 1 EP A10 +2 17 1 EP A11 +2 17 1 EP A12 +2 17 1 EP A13 +2 17 1 EP A14 +2 17 1 EP A15 +2 17 1 EP A16 +2 17 1 EP A17 +2 17 1 EP A18 +2 17 1 EP A19 +2 17 1 EP A20 +2 17 1 EP A21 +2 17 1 EP A22 +2 17 1 EP A23 +2 17 1 EP A24 +2 17 1 EP A25 +2 17 1 EP A26 +2 17 1 EP A27 +2 17 1 EP A28 +2 17 1 EP A29 +2 17 1 EP A30 +2 17 1 EP A31 +2 17 1 EP A32 +2 17 1 EP A33 +2 17 1 EP A34 +2 17 1 EP A35 +2 17 1 EP A36 +2 17 1 EP A37 +2 17 1 EP A38 +2 17 1 EP A39 +2 17 1 EP A40 +2 17 2 TK J0 +2 17 2 TK J1 +2 17 2 TK J2 +2 17 2 TK J3 +2 17 2 TK J4 +2 17 2 TK J5 +2 17 2 TK J6 +2 17 2 TK J7 +2 17 2 TK J8 +2 17 2 TK J9 +2 17 2 TK J10 +2 17 2 TK J11 +2 17 2 TK J12 +2 17 2 TK J13 +2 17 2 TK J14 +2 17 2 TK J15 +2 17 2 TK J16 +2 17 2 TK J17 +2 17 2 TK J18 +2 17 2 TK J19 +2 17 2 TK J20 +2 17 2 TK J21 +2 17 2 TK J22 +2 17 2 TK J23 +2 17 2 TK J24 +2 17 2 TK J25 +2 17 2 TK J26 +2 17 2 TK J27 +2 17 2 TK J28 +2 17 2 TK J29 +2 17 2 TK J30 +2 17 2 TK J31 +2 17 2 TK J32 +2 17 2 TK J33 +2 17 2 TK J34 +2 17 2 TK J35 +2 17 2 TK J36 +2 17 2 TK J37 +2 17 2 TK J38 +2 17 2 TK J39 +2 17 2 TK J40 +2 18 1 AA C12 +2 18 1 AA C13 +2 18 2 AT G6 +2 18 2 AT G7 +2 18 3 EP A0 +2 18 3 EP A1 +2 18 3 EP A2 +2 18 3 EP A3 +2 18 3 EP A4 +2 18 3 EP A5 +2 18 3 EP A6 +2 18 3 EP A7 +2 18 3 EP A8 +2 18 3 EP A9 +2 18 3 EP A10 +2 18 3 EP A11 +2 18 3 EP A12 +2 18 3 EP A13 +2 18 3 EP A14 +2 18 3 EP A15 +2 18 3 EP A16 +2 18 3 EP A17 +2 18 3 EP A18 +2 18 3 EP A19 +2 18 3 EP A20 +2 18 3 EP A21 +2 18 3 EP A22 +2 18 3 EP A23 +2 18 3 EP A24 +2 18 3 EP A25 +2 18 3 EP A26 +2 18 3 EP A27 +2 18 3 EP A28 +2 18 3 EP A29 +2 18 3 EP A30 +2 18 3 EP A31 +2 18 3 EP A32 +2 18 3 EP A33 +2 18 3 EP A34 +2 18 3 EP A35 +2 18 3 EP A36 +2 18 3 EP A37 +2 18 3 EP A38 +2 18 3 EP A39 +2 18 3 EP A40 +2 18 4 IT C29 +2 18 4 IT C30 +2 18 5 NR F1 +2 18 5 NR F2 +2 18 5 NR F3 +2 18 6 PN B14 +2 18 6 PN F32 +2 18 6 PN F33 +2 18 7 TK I0 +2 18 7 TK I1 +2 18 7 TK I2 +2 18 7 TK I3 +2 18 7 TK I4 +2 18 7 TK I5 +2 18 7 TK I6 +2 18 7 TK I7 +2 18 7 TK I8 +2 18 7 TK I9 +2 18 7 TK I10 +2 18 7 TK I11 +2 18 7 TK I12 +2 18 7 TK I13 +2 18 7 TK I14 +2 18 7 TK I15 +2 18 7 TK I16 +2 18 7 TK I17 +2 18 7 TK I18 +2 18 7 TK I19 +2 18 7 TK I20 +2 18 7 TK I21 +2 18 7 TK I22 +2 18 7 TK I23 +2 18 7 TK I24 +2 18 7 TK I25 +2 18 7 TK I26 +2 18 7 TK I27 +2 18 7 TK I28 +2 18 7 TK I29 +2 18 7 TK I30 +2 18 7 TK I31 +2 18 7 TK I32 +2 18 7 TK I33 +2 18 7 TK I34 +2 18 7 TK I35 +2 18 7 TK I36 +2 18 7 TK I37 +2 18 7 TK I38 +2 18 7 TK I39 +2 18 7 TK I40 +2 18 7 TK J0 +2 18 7 TK J1 +2 18 7 TK J2 +2 18 7 TK J3 +2 18 7 TK J4 +2 18 7 TK J5 +2 18 7 TK J6 +2 18 7 TK J7 +2 18 7 TK J8 +2 18 7 TK J9 +2 18 7 TK J10 +2 18 7 TK J11 +2 18 7 TK J12 +2 18 7 TK J13 +2 18 7 TK J14 +2 18 7 TK J15 +2 18 7 TK J16 +2 18 7 TK J17 +2 18 7 TK J18 +2 18 7 TK J19 +2 18 7 TK J20 +2 18 7 TK J21 +2 18 7 TK J22 +2 18 7 TK J23 +2 18 7 TK J24 +2 18 7 TK J25 +2 18 7 TK J26 +2 18 7 TK J27 +2 18 7 TK J28 +2 18 7 TK J29 +2 18 7 TK J30 +2 18 7 TK J31 +2 18 7 TK J32 +2 18 7 TK J33 +2 18 7 TK J34 +2 18 7 TK J35 +2 18 7 TK J36 +2 18 7 TK J37 +2 18 7 TK J38 +2 18 7 TK J39 +2 18 7 TK J40 +2 18 8 YN F22 +2 18 8 YN F23 +2 19 1 AA D6 +2 19 1 AA D7 +2 19 2 EP A0 +2 19 2 EP A1 +2 19 2 EP A2 +2 19 2 EP A3 +2 19 2 EP A4 +2 19 2 EP A5 +2 19 2 EP A6 +2 19 2 EP A7 +2 19 2 EP A8 +2 19 2 EP A9 +2 19 2 EP A10 +2 19 2 EP A11 +2 19 2 EP A12 +2 19 2 EP A13 +2 19 2 EP A14 +2 19 2 EP A15 +2 19 2 EP A16 +2 19 2 EP A17 +2 19 2 EP A18 +2 19 2 EP A19 +2 19 2 EP A20 +2 19 2 EP A21 +2 19 2 EP A22 +2 19 2 EP A23 +2 19 2 EP A24 +2 19 2 EP A25 +2 19 2 EP A26 +2 19 2 EP A27 +2 19 2 EP A28 +2 19 2 EP A29 +2 19 2 EP A30 +2 19 2 EP A31 +2 19 2 EP A32 +2 19 2 EP A33 +2 19 2 EP A34 +2 19 2 EP A35 +2 19 2 EP A36 +2 19 2 EP A37 +2 19 2 EP A38 +2 19 2 EP A39 +2 19 2 EP A40 +2 19 3 IT F31 +2 19 4 NR F39 +2 19 4 NR F40 +2 19 5 YN D18 +2 19 5 YN D19 +2 19 5 YN D20 +2 20 1 AA D7 +2 20 1 AA D35 +2 20 1 AA E7 +2 20 2 EP A27 +2 20 3 IT G21 +2 20 3 IT H21 +2 20 4 KR G8 +2 20 5 NR F1 +2 20 5 NR G1 +2 20 6 PH E2 +2 20 6 PH F2 +2 20 7 PN G31 +2 20 7 PN H31 +2 20 7 PN I31 +2 20 8 TK J0 +2 20 8 TK J1 +2 20 8 TK J2 +2 20 8 TK J3 +2 20 8 TK J4 +2 20 8 TK J5 +2 20 8 TK J6 +2 20 8 TK J7 +2 20 8 TK J8 +2 20 8 TK J9 +2 20 8 TK J10 +2 20 8 TK J11 +2 20 8 TK J12 +2 20 8 TK J13 +2 20 8 TK J14 +2 20 8 TK J15 +2 20 8 TK J16 +2 20 8 TK J17 +2 20 8 TK J18 +2 20 8 TK J19 +2 20 8 TK J20 +2 20 8 TK J21 +2 20 8 TK J22 +2 20 8 TK J23 +2 20 8 TK J24 +2 20 8 TK J25 +2 20 8 TK J26 +2 20 8 TK J27 +2 20 8 TK J28 +2 20 8 TK J29 +2 20 8 TK J30 +2 20 8 TK J31 +2 20 8 TK J32 +2 20 8 TK J33 +2 20 8 TK J34 +2 20 8 TK J35 +2 20 8 TK J36 +2 20 8 TK J37 +2 20 8 TK J38 +2 20 8 TK J39 +2 20 8 TK J40 +2 20 9 UN I3 +2 20 9 UN I4 +2 20 10 YN G28 +2 20 10 YN H28 +2 21 1 AA D8 +2 21 2 EP A0 +2 21 2 EP A1 +2 21 2 EP A2 +2 21 2 EP A3 +2 21 2 EP A4 +2 21 2 EP A5 +2 21 2 EP A6 +2 21 2 EP A7 +2 21 2 EP A8 +2 21 2 EP A9 +2 21 2 EP A10 +2 21 2 EP A11 +2 21 2 EP A12 +2 21 2 EP A13 +2 21 2 EP A14 +2 21 2 EP A15 +2 21 2 EP A16 +2 21 2 EP A17 +2 21 2 EP A18 +2 21 2 EP A19 +2 21 2 EP A20 +2 21 2 EP A21 +2 21 2 EP A22 +2 21 2 EP A23 +2 21 2 EP A24 +2 21 2 EP A25 +2 21 2 EP A26 +2 21 2 EP A27 +2 21 2 EP A28 +2 21 2 EP A29 +2 21 2 EP A30 +2 21 2 EP A31 +2 21 2 EP A32 +2 21 2 EP A33 +2 21 2 EP A34 +2 21 2 EP A35 +2 21 2 EP A36 +2 21 2 EP A37 +2 21 2 EP A38 +2 21 2 EP A39 +2 21 2 EP A40 +2 21 3 IT D24 +2 21 3 IT D25 +2 21 3 IT D26 +2 21 4 NR D40 +2 21 5 TK J0 +2 21 5 TK J1 +2 21 5 TK J2 +2 21 5 TK J3 +2 21 5 TK J4 +2 21 5 TK J5 +2 21 5 TK J6 +2 21 5 TK J7 +2 21 5 TK J8 +2 21 5 TK J9 +2 21 5 TK J10 +2 21 5 TK J11 +2 21 5 TK J12 +2 21 5 TK J13 +2 21 5 TK J14 +2 21 5 TK J15 +2 21 5 TK J16 +2 21 5 TK J17 +2 21 5 TK J18 +2 21 5 TK J19 +2 21 5 TK J20 +2 21 5 TK J21 +2 21 5 TK J22 +2 21 5 TK J23 +2 21 5 TK J24 +2 21 5 TK J25 +2 21 5 TK J26 +2 21 5 TK J27 +2 21 5 TK J28 +2 21 5 TK J29 +2 21 5 TK J30 +2 21 5 TK J31 +2 21 5 TK J32 +2 21 5 TK J33 +2 21 5 TK J34 +2 21 5 TK J35 +2 21 5 TK J36 +2 21 5 TK J37 +2 21 5 TK J38 +2 21 5 TK J39 +2 21 5 TK J40 +2 21 6 YN D16 +2 22 1 AA C14 +2 22 2 EP A0 +2 22 2 EP A1 +2 22 2 EP A2 +2 22 2 EP A3 +2 22 2 EP A4 +2 22 2 EP A5 +2 22 2 EP A6 +2 22 2 EP A7 +2 22 2 EP A8 +2 22 2 EP A9 +2 22 2 EP A10 +2 22 2 EP A11 +2 22 2 EP A12 +2 22 2 EP A13 +2 22 2 EP A14 +2 22 2 EP A15 +2 22 2 EP A16 +2 22 2 EP A17 +2 22 2 EP A18 +2 22 2 EP A19 +2 22 2 EP A20 +2 22 2 EP A21 +2 22 2 EP A22 +2 22 2 EP A23 +2 22 2 EP A24 +2 22 2 EP A25 +2 22 2 EP A26 +2 22 2 EP A27 +2 22 2 EP A28 +2 22 2 EP A29 +2 22 2 EP A30 +2 22 2 EP A31 +2 22 2 EP A32 +2 22 2 EP A33 +2 22 2 EP A34 +2 22 2 EP A35 +2 22 2 EP A36 +2 22 2 EP A37 +2 22 2 EP A38 +2 22 2 EP A39 +2 22 2 EP A40 +2 22 3 NR E4 +2 22 3 NR F4 +2 22 4 PN C17 +2 22 4 PN C18 +2 22 4 PN C19 +2 22 5 TK J0 +2 22 5 TK J1 +2 22 5 TK J2 +2 22 5 TK J3 +2 22 5 TK J4 +2 22 5 TK J5 +2 22 5 TK J6 +2 22 5 TK J7 +2 22 5 TK J8 +2 22 5 TK J9 +2 22 5 TK J10 +2 22 5 TK J11 +2 22 5 TK J12 +2 22 5 TK J13 +2 22 5 TK J14 +2 22 5 TK J15 +2 22 5 TK J16 +2 22 5 TK J17 +2 22 5 TK J18 +2 22 5 TK J19 +2 22 5 TK J20 +2 22 5 TK J21 +2 22 5 TK J22 +2 22 5 TK J23 +2 22 5 TK J24 +2 22 5 TK J25 +2 22 5 TK J26 +2 22 5 TK J27 +2 22 5 TK J28 +2 22 5 TK J29 +2 22 5 TK J30 +2 22 5 TK J31 +2 22 5 TK J32 +2 22 5 TK J33 +2 22 5 TK J34 +2 22 5 TK J35 +2 22 5 TK J36 +2 22 5 TK J37 +2 22 5 TK J38 +2 22 5 TK J39 +2 22 5 TK J40 +2 23 1 AA C12 +2 23 1 AA C13 +2 23 2 EP A0 +2 23 2 EP A1 +2 23 2 EP A2 +2 23 2 EP A3 +2 23 2 EP A4 +2 23 2 EP A5 +2 23 2 EP A6 +2 23 2 EP A7 +2 23 2 EP A8 +2 23 2 EP A9 +2 23 2 EP A10 +2 23 2 EP A11 +2 23 2 EP A12 +2 23 2 EP A13 +2 23 2 EP A14 +2 23 2 EP A15 +2 23 2 EP A16 +2 23 2 EP A17 +2 23 2 EP A18 +2 23 2 EP A19 +2 23 2 EP A20 +2 23 2 EP A21 +2 23 2 EP A22 +2 23 2 EP A23 +2 23 2 EP A24 +2 23 2 EP A25 +2 23 2 EP A26 +2 23 2 EP A27 +2 23 2 EP A28 +2 23 2 EP A29 +2 23 2 EP A30 +2 23 2 EP A31 +2 23 2 EP A32 +2 23 2 EP A33 +2 23 2 EP A34 +2 23 2 EP A35 +2 23 2 EP A36 +2 23 2 EP A37 +2 23 2 EP A38 +2 23 2 EP A39 +2 23 2 EP A40 +2 23 3 IT F27 +2 23 3 IT G27 +2 23 4 NR E40 +2 23 4 NR F40 +2 23 4 NR G40 +2 23 5 TK J0 +2 23 5 TK J1 +2 23 5 TK J2 +2 23 5 TK J3 +2 23 5 TK J4 +2 23 5 TK J5 +2 23 5 TK J6 +2 23 5 TK J7 +2 23 5 TK J8 +2 23 5 TK J9 +2 23 5 TK J10 +2 23 5 TK J11 +2 23 5 TK J12 +2 23 5 TK J13 +2 23 5 TK J14 +2 23 5 TK J15 +2 23 5 TK J16 +2 23 5 TK J17 +2 23 5 TK J18 +2 23 5 TK J19 +2 23 5 TK J20 +2 23 5 TK J21 +2 23 5 TK J22 +2 23 5 TK J23 +2 23 5 TK J24 +2 23 5 TK J25 +2 23 5 TK J26 +2 23 5 TK J27 +2 23 5 TK J28 +2 23 5 TK J29 +2 23 5 TK J30 +2 23 5 TK J31 +2 23 5 TK J32 +2 23 5 TK J33 +2 23 5 TK J34 +2 23 5 TK J35 +2 23 5 TK J36 +2 23 5 TK J37 +2 23 5 TK J38 +2 23 5 TK J39 +2 23 5 TK J40 +2 23 6 YN E16 +2 23 6 YN E17 +2 23 6 YN E18 +2 23 6 YN F16 +2 23 6 YN F17 +2 23 6 YN F18 +2 24 1 AA C2 +2 24 1 AA C3 +2 24 1 AA C4 +2 24 1 AA C5 +2 24 1 AA C6 +2 24 2 EP A0 +2 24 2 EP A1 +2 24 2 EP A2 +2 24 2 EP A3 +2 24 2 EP A4 +2 24 2 EP A5 +2 24 2 EP A6 +2 24 2 EP A7 +2 24 2 EP A8 +2 24 2 EP A9 +2 24 2 EP A10 +2 24 2 EP A11 +2 24 2 EP A12 +2 24 2 EP A13 +2 24 2 EP A14 +2 24 2 EP A15 +2 24 2 EP A16 +2 24 2 EP A17 +2 24 2 EP A18 +2 24 2 EP A19 +2 24 2 EP A20 +2 24 2 EP A21 +2 24 2 EP A22 +2 24 2 EP A23 +2 24 2 EP A24 +2 24 2 EP A25 +2 24 2 EP A26 +2 24 2 EP A27 +2 24 2 EP A28 +2 24 2 EP A29 +2 24 2 EP A30 +2 24 2 EP A31 +2 24 2 EP A32 +2 24 2 EP A33 +2 24 2 EP A34 +2 24 2 EP A35 +2 24 2 EP A36 +2 24 2 EP A37 +2 24 2 EP A38 +2 24 2 EP A39 +2 24 2 EP A40 +2 24 3 IT F26 +2 24 4 NR F3 +2 24 5 TK J24 +2 24 5 TK J25 +2 24 5 TK J26 +2 24 5 TK J27 +2 24 6 TU D13 +2 24 7 WT F13 +2 24 7 WT F14 +2 24 8 YN D17 +2 24 9 TI C14 +2 24 9 TI C15 +2 24 9 TI C16 +2 24 10 YR I19 +2 24 11 KW E5 +2 24 11 KW E6 +3 1 1 EL A0 +3 1 1 EL A1 +3 1 1 EL A2 +3 1 1 EL A3 +3 1 1 EL A4 +3 1 1 EL A5 +3 1 1 EL A6 +3 1 1 EL A7 +3 1 1 EL A8 +3 1 1 EL A9 +3 1 1 EL A10 +3 1 1 EL A11 +3 1 1 EL A12 +3 1 1 EL A13 +3 1 1 EL A14 +3 1 1 EL A15 +3 1 1 EL A16 +3 1 1 EL A17 +3 1 1 EL A18 +3 1 1 EL A19 +3 1 1 EL A20 +3 1 1 EL A21 +3 1 1 EL A22 +3 1 1 EL A23 +3 1 1 EL A24 +3 1 1 EL A25 +3 1 1 EL A26 +3 1 1 EL A27 +3 1 1 EL A28 +3 1 1 EL A29 +3 1 1 EL A30 +3 1 1 EL A31 +3 1 1 EL A32 +3 1 1 EL A33 +3 1 1 EL A34 +3 1 1 EL A35 +3 1 1 EL A36 +3 1 1 EL A37 +3 1 1 EL A38 +3 1 1 EL A39 +3 1 1 EL A40 +3 1 2 NG J0 +3 1 2 NG J1 +3 1 2 NG J2 +3 1 2 NG J3 +3 1 2 NG J4 +3 1 2 NG J5 +3 1 2 NG J6 +3 1 2 NG J7 +3 1 2 NG J8 +3 1 2 NG J9 +3 1 2 NG J10 +3 1 2 NG J11 +3 1 2 NG J12 +3 1 2 NG J13 +3 1 2 NG J14 +3 1 2 NG J15 +3 1 2 NG J16 +3 1 2 NG J17 +3 1 2 NG J18 +3 1 2 NG J19 +3 1 2 NG J20 +3 1 2 NG J21 +3 1 2 NG J22 +3 1 2 NG J23 +3 1 2 NG J24 +3 1 2 NG J25 +3 1 2 NG J26 +3 1 2 NG J27 +3 1 2 NG J28 +3 1 2 NG J29 +3 1 2 NG J30 +3 1 2 NG J31 +3 1 2 NG J32 +3 1 2 NG J33 +3 1 2 NG J34 +3 1 2 NG J35 +3 1 2 NG J36 +3 1 2 NG J37 +3 1 2 NG J38 +3 1 2 NG J39 +3 1 2 NG J40 +3 1 3 ED F3 +3 1 4 DA C9 +3 1 5 LU G18 +3 1 6 IN G27 +3 2 1 EL A0 +3 2 1 EL A1 +3 2 1 EL A2 +3 2 1 EL A3 +3 2 1 EL A4 +3 2 1 EL A5 +3 2 1 EL A6 +3 2 1 EL A7 +3 2 1 EL A8 +3 2 1 EL A9 +3 2 1 EL A10 +3 2 1 EL A11 +3 2 1 EL A12 +3 2 1 EL A13 +3 2 1 EL A14 +3 2 1 EL A15 +3 2 1 EL A16 +3 2 1 EL A17 +3 2 1 EL A18 +3 2 1 EL A19 +3 2 1 EL A20 +3 2 1 EL A21 +3 2 1 EL A22 +3 2 1 EL A23 +3 2 1 EL A24 +3 2 1 EL A25 +3 2 1 EL A26 +3 2 1 EL A27 +3 2 1 EL A28 +3 2 1 EL A29 +3 2 1 EL A30 +3 2 1 EL A31 +3 2 1 EL A32 +3 2 1 EL A33 +3 2 1 EL A34 +3 2 1 EL A35 +3 2 1 EL A36 +3 2 1 EL A37 +3 2 1 EL A38 +3 2 1 EL A39 +3 2 1 EL A40 +3 2 2 NG J0 +3 2 2 NG J1 +3 2 2 NG J2 +3 2 2 NG J3 +3 2 2 NG J4 +3 2 2 NG J5 +3 2 2 NG J6 +3 2 2 NG J7 +3 2 2 NG J8 +3 2 2 NG J9 +3 2 2 NG J10 +3 2 2 NG J11 +3 2 2 NG J12 +3 2 2 NG J13 +3 2 2 NG J14 +3 2 2 NG J15 +3 2 2 NG J16 +3 2 2 NG J17 +3 2 2 NG J18 +3 2 2 NG J19 +3 2 2 NG J20 +3 2 2 NG J21 +3 2 2 NG J22 +3 2 2 NG J23 +3 2 2 NG J24 +3 2 2 NG J25 +3 2 2 NG J26 +3 2 2 NG J27 +3 2 2 NG J28 +3 2 2 NG J29 +3 2 2 NG J30 +3 2 2 NG J31 +3 2 2 NG J32 +3 2 2 NG J33 +3 2 2 NG J34 +3 2 2 NG J35 +3 2 2 NG J36 +3 2 2 NG J37 +3 2 2 NG J38 +3 2 2 NG J39 +3 2 2 NG J40 +3 2 3 BA D1 +3 2 3 BA E1 +3 2 4 AA E16 +3 2 4 AA E17 +3 2 4 AA E18 +3 2 4 AA E19 +3 2 4 AA F15 +3 2 5 DA C3 +3 2 5 DA C4 +3 2 5 DA C5 +3 2 6 ED G1 +3 3 1 EL A0 +3 3 1 EL A1 +3 3 1 EL A2 +3 3 1 EL A3 +3 3 1 EL A4 +3 3 1 EL A5 +3 3 1 EL A6 +3 3 1 EL A7 +3 3 1 EL A8 +3 3 1 EL A9 +3 3 1 EL A10 +3 3 1 EL A11 +3 3 1 EL A12 +3 3 1 EL A13 +3 3 1 EL A14 +3 3 1 EL A15 +3 3 1 EL A16 +3 3 1 EL A17 +3 3 1 EL A18 +3 3 1 EL A19 +3 3 1 EL A20 +3 3 1 EL A21 +3 3 1 EL A22 +3 3 1 EL A23 +3 3 1 EL A24 +3 3 1 EL A25 +3 3 1 EL A26 +3 3 1 EL A27 +3 3 1 EL A28 +3 3 1 EL A29 +3 3 1 EL A30 +3 3 1 EL A31 +3 3 1 EL A32 +3 3 1 EL A33 +3 3 1 EL A34 +3 3 1 EL A35 +3 3 1 EL A36 +3 3 1 EL A37 +3 3 1 EL A38 +3 3 1 EL A39 +3 3 1 EL A40 +3 3 2 NG J0 +3 3 2 NG J1 +3 3 2 NG J2 +3 3 2 NG J3 +3 3 2 NG J4 +3 3 2 NG J5 +3 3 2 NG J6 +3 3 2 NG J7 +3 3 2 NG J8 +3 3 2 NG J9 +3 3 2 NG J10 +3 3 2 NG J11 +3 3 2 NG J12 +3 3 2 NG J13 +3 3 2 NG J14 +3 3 2 NG J15 +3 3 2 NG J16 +3 3 2 NG J17 +3 3 2 NG J18 +3 3 2 NG J19 +3 3 2 NG J20 +3 3 2 NG J21 +3 3 2 NG J22 +3 3 2 NG J23 +3 3 2 NG J24 +3 3 2 NG J25 +3 3 2 NG J26 +3 3 2 NG J27 +3 3 2 NG J28 +3 3 2 NG J29 +3 3 2 NG J30 +3 3 2 NG J31 +3 3 2 NG J32 +3 3 2 NG J33 +3 3 2 NG J34 +3 3 2 NG J35 +3 3 2 NG J36 +3 3 2 NG J37 +3 3 2 NG J38 +3 3 2 NG J39 +3 3 2 NG J40 +3 3 3 ED F1 +3 3 3 ED F2 +3 3 3 ED F3 +3 3 4 DA C9 +3 3 5 IN F17 +3 3 6 AA F20 +3 3 7 BA F29 +3 4 1 EL A0 +3 4 1 EL A1 +3 4 1 EL A2 +3 4 1 EL A3 +3 4 1 EL A4 +3 4 1 EL A5 +3 4 1 EL A6 +3 4 1 EL A7 +3 4 1 EL A8 +3 4 1 EL A9 +3 4 1 EL A10 +3 4 1 EL A11 +3 4 1 EL A12 +3 4 1 EL A13 +3 4 1 EL A14 +3 4 1 EL A15 +3 4 1 EL A16 +3 4 1 EL A17 +3 4 1 EL A18 +3 4 1 EL A19 +3 4 1 EL A20 +3 4 1 EL A21 +3 4 1 EL A22 +3 4 1 EL A23 +3 4 1 EL A24 +3 4 1 EL A25 +3 4 1 EL A26 +3 4 1 EL A27 +3 4 1 EL A28 +3 4 1 EL A29 +3 4 1 EL A30 +3 4 1 EL A31 +3 4 1 EL A32 +3 4 1 EL A33 +3 4 1 EL A34 +3 4 1 EL A35 +3 4 1 EL A36 +3 4 1 EL A37 +3 4 1 EL A38 +3 4 1 EL A39 +3 4 1 EL A40 +3 4 2 NG J0 +3 4 2 NG J1 +3 4 2 NG J2 +3 4 2 NG J3 +3 4 2 NG J4 +3 4 2 NG J5 +3 4 2 NG J6 +3 4 2 NG J7 +3 4 2 NG J8 +3 4 2 NG J9 +3 4 2 NG J10 +3 4 2 NG J11 +3 4 2 NG J12 +3 4 2 NG J13 +3 4 2 NG J14 +3 4 2 NG J15 +3 4 2 NG J16 +3 4 2 NG J17 +3 4 2 NG J18 +3 4 2 NG J19 +3 4 2 NG J20 +3 4 2 NG J21 +3 4 2 NG J22 +3 4 2 NG J23 +3 4 2 NG J24 +3 4 2 NG J25 +3 4 2 NG J26 +3 4 2 NG J27 +3 4 2 NG J28 +3 4 2 NG J29 +3 4 2 NG J30 +3 4 2 NG J31 +3 4 2 NG J32 +3 4 2 NG J33 +3 4 2 NG J34 +3 4 2 NG J35 +3 4 2 NG J36 +3 4 2 NG J37 +3 4 2 NG J38 +3 4 2 NG J39 +3 4 2 NG J40 +3 4 3 DA C11 +3 4 4 BA E16 +3 4 5 AA G28 +3 4 6 ED F40 +3 5 1 EL A0 +3 5 1 EL A1 +3 5 1 EL A2 +3 5 1 EL A3 +3 5 1 EL A4 +3 5 1 EL A5 +3 5 1 EL A6 +3 5 1 EL A7 +3 5 1 EL A8 +3 5 1 EL A9 +3 5 1 EL A10 +3 5 1 EL A11 +3 5 1 EL A12 +3 5 1 EL A13 +3 5 1 EL A14 +3 5 1 EL A15 +3 5 1 EL A16 +3 5 1 EL A17 +3 5 1 EL A18 +3 5 1 EL A19 +3 5 1 EL A20 +3 5 1 EL A21 +3 5 1 EL A22 +3 5 1 EL A23 +3 5 1 EL A24 +3 5 1 EL A25 +3 5 1 EL A26 +3 5 1 EL A27 +3 5 1 EL A28 +3 5 1 EL A29 +3 5 1 EL A30 +3 5 1 EL A31 +3 5 1 EL A32 +3 5 1 EL A33 +3 5 1 EL A34 +3 5 1 EL A35 +3 5 1 EL A36 +3 5 1 EL A37 +3 5 1 EL A38 +3 5 1 EL A39 +3 5 1 EL A40 +3 5 2 NG J0 +3 5 2 NG J1 +3 5 2 NG J2 +3 5 2 NG J3 +3 5 2 NG J4 +3 5 2 NG J5 +3 5 2 NG J6 +3 5 2 NG J7 +3 5 2 NG J8 +3 5 2 NG J9 +3 5 2 NG J10 +3 5 2 NG J11 +3 5 2 NG J12 +3 5 2 NG J13 +3 5 2 NG J14 +3 5 2 NG J15 +3 5 2 NG J16 +3 5 2 NG J17 +3 5 2 NG J18 +3 5 2 NG J19 +3 5 2 NG J20 +3 5 2 NG J21 +3 5 2 NG J22 +3 5 2 NG J23 +3 5 2 NG J24 +3 5 2 NG J25 +3 5 2 NG J26 +3 5 2 NG J27 +3 5 2 NG J28 +3 5 2 NG J29 +3 5 2 NG J30 +3 5 2 NG J31 +3 5 2 NG J32 +3 5 2 NG J33 +3 5 2 NG J34 +3 5 2 NG J35 +3 5 2 NG J36 +3 5 2 NG J37 +3 5 2 NG J38 +3 5 2 NG J39 +3 5 2 NG J40 +3 5 3 AT G1 +3 5 4 ED G2 +3 5 5 LU E20 +3 6 1 EL A0 +3 6 1 EL A1 +3 6 1 EL A2 +3 6 1 EL A3 +3 6 1 EL A4 +3 6 1 EL A5 +3 6 1 EL A6 +3 6 1 EL A7 +3 6 1 EL A8 +3 6 1 EL A9 +3 6 1 EL A10 +3 6 1 EL A11 +3 6 1 EL A12 +3 6 1 EL A13 +3 6 1 EL A14 +3 6 1 EL A15 +3 6 1 EL A16 +3 6 1 EL A17 +3 6 1 EL A18 +3 6 1 EL A19 +3 6 1 EL A20 +3 6 1 EL A21 +3 6 1 EL A22 +3 6 1 EL A23 +3 6 1 EL A24 +3 6 1 EL A25 +3 6 1 EL A26 +3 6 1 EL A27 +3 6 1 EL A28 +3 6 1 EL A29 +3 6 1 EL A30 +3 6 1 EL A31 +3 6 1 EL A32 +3 6 1 EL A33 +3 6 1 EL A34 +3 6 1 EL A35 +3 6 1 EL A36 +3 6 1 EL A37 +3 6 1 EL A38 +3 6 1 EL A39 +3 6 1 EL A40 +3 6 2 NG J0 +3 6 2 NG J1 +3 6 2 NG J2 +3 6 2 NG J3 +3 6 2 NG J4 +3 6 2 NG J5 +3 6 2 NG J6 +3 6 2 NG J7 +3 6 2 NG J8 +3 6 2 NG J9 +3 6 2 NG J10 +3 6 2 NG J11 +3 6 2 NG J12 +3 6 2 NG J13 +3 6 2 NG J14 +3 6 2 NG J15 +3 6 2 NG J16 +3 6 2 NG J17 +3 6 2 NG J18 +3 6 2 NG J19 +3 6 2 NG J20 +3 6 2 NG J21 +3 6 2 NG J22 +3 6 2 NG J23 +3 6 2 NG J24 +3 6 2 NG J25 +3 6 2 NG J26 +3 6 2 NG J27 +3 6 2 NG J28 +3 6 2 NG J29 +3 6 2 NG J30 +3 6 2 NG J31 +3 6 2 NG J32 +3 6 2 NG J33 +3 6 2 NG J34 +3 6 2 NG J35 +3 6 2 NG J36 +3 6 2 NG J37 +3 6 2 NG J38 +3 6 2 NG J39 +3 6 2 NG J40 +3 6 3 ED F1 +3 6 3 ED G1 +3 6 3 ED G2 +3 6 4 BA E19 +3 6 4 BA E20 +3 6 4 BA F19 +3 6 4 BA F20 +3 6 4 BA F21 +3 6 5 AA G29 +3 6 6 IN F33 +3 7 1 EL A0 +3 7 1 EL A1 +3 7 1 EL A2 +3 7 1 EL A3 +3 7 1 EL A4 +3 7 1 EL A5 +3 7 1 EL A6 +3 7 1 EL A7 +3 7 1 EL A8 +3 7 1 EL A9 +3 7 1 EL A10 +3 7 1 EL A11 +3 7 1 EL A12 +3 7 1 EL A13 +3 7 1 EL A14 +3 7 1 EL A15 +3 7 1 EL A16 +3 7 1 EL A17 +3 7 1 EL A18 +3 7 1 EL A19 +3 7 1 EL A20 +3 7 1 EL A21 +3 7 1 EL A22 +3 7 1 EL A23 +3 7 1 EL A24 +3 7 1 EL A25 +3 7 1 EL A26 +3 7 1 EL A27 +3 7 1 EL A28 +3 7 1 EL A29 +3 7 1 EL A30 +3 7 1 EL A31 +3 7 1 EL A32 +3 7 1 EL A33 +3 7 1 EL A34 +3 7 1 EL A35 +3 7 1 EL A36 +3 7 1 EL A37 +3 7 1 EL A38 +3 7 1 EL A39 +3 7 1 EL A40 +3 7 2 NG J0 +3 7 2 NG J1 +3 7 2 NG J2 +3 7 2 NG J3 +3 7 2 NG J4 +3 7 2 NG J5 +3 7 2 NG J6 +3 7 2 NG J7 +3 7 2 NG J8 +3 7 2 NG J9 +3 7 2 NG J10 +3 7 2 NG J11 +3 7 2 NG J12 +3 7 2 NG J13 +3 7 2 NG J14 +3 7 2 NG J15 +3 7 2 NG J16 +3 7 2 NG J17 +3 7 2 NG J18 +3 7 2 NG J19 +3 7 2 NG J20 +3 7 2 NG J21 +3 7 2 NG J22 +3 7 2 NG J23 +3 7 2 NG J24 +3 7 2 NG J25 +3 7 2 NG J26 +3 7 2 NG J27 +3 7 2 NG J28 +3 7 2 NG J29 +3 7 2 NG J30 +3 7 2 NG J31 +3 7 2 NG J32 +3 7 2 NG J33 +3 7 2 NG J34 +3 7 2 NG J35 +3 7 2 NG J36 +3 7 2 NG J37 +3 7 2 NG J38 +3 7 2 NG J39 +3 7 2 NG J40 +3 7 3 ED H1 +3 7 3 ED H2 +3 7 4 DA C9 +3 7 4 DA C10 +3 7 5 AA E18 +3 7 5 AA E19 +3 7 6 BA F28 +3 7 6 BA F29 +3 8 1 EL A0 +3 8 1 EL A1 +3 8 1 EL A2 +3 8 1 EL A3 +3 8 1 EL A4 +3 8 1 EL A5 +3 8 1 EL A6 +3 8 1 EL A7 +3 8 1 EL A8 +3 8 1 EL A9 +3 8 1 EL A10 +3 8 1 EL A11 +3 8 1 EL A12 +3 8 1 EL A13 +3 8 1 EL A14 +3 8 1 EL A15 +3 8 1 EL A16 +3 8 1 EL A17 +3 8 1 EL A18 +3 8 1 EL A19 +3 8 1 EL A20 +3 8 1 EL A21 +3 8 1 EL A22 +3 8 1 EL A23 +3 8 1 EL A24 +3 8 1 EL A25 +3 8 1 EL A26 +3 8 1 EL A27 +3 8 1 EL A28 +3 8 1 EL A29 +3 8 1 EL A30 +3 8 1 EL A31 +3 8 1 EL A32 +3 8 1 EL A33 +3 8 1 EL A34 +3 8 1 EL A35 +3 8 1 EL A36 +3 8 1 EL A37 +3 8 1 EL A38 +3 8 1 EL A39 +3 8 1 EL A40 +3 8 2 NG J0 +3 8 2 NG J1 +3 8 2 NG J2 +3 8 2 NG J3 +3 8 2 NG J4 +3 8 2 NG J5 +3 8 2 NG J6 +3 8 2 NG J7 +3 8 2 NG J8 +3 8 2 NG J9 +3 8 2 NG J10 +3 8 2 NG J11 +3 8 2 NG J12 +3 8 2 NG J13 +3 8 2 NG J14 +3 8 2 NG J15 +3 8 2 NG J16 +3 8 2 NG J17 +3 8 2 NG J18 +3 8 2 NG J19 +3 8 2 NG J20 +3 8 2 NG J21 +3 8 2 NG J22 +3 8 2 NG J23 +3 8 2 NG J24 +3 8 2 NG J25 +3 8 2 NG J26 +3 8 2 NG J27 +3 8 2 NG J28 +3 8 2 NG J29 +3 8 2 NG J30 +3 8 2 NG J31 +3 8 2 NG J32 +3 8 2 NG J33 +3 8 2 NG J34 +3 8 2 NG J35 +3 8 2 NG J36 +3 8 2 NG J37 +3 8 2 NG J38 +3 8 2 NG J39 +3 8 2 NG J40 +3 8 3 ED G2 +3 8 4 DA C8 +3 8 5 AA F18 +3 8 6 BA G30 +3 9 1 EL A0 +3 9 1 EL A1 +3 9 1 EL A2 +3 9 1 EL A3 +3 9 1 EL A4 +3 9 1 EL A5 +3 9 1 EL A6 +3 9 1 EL A7 +3 9 1 EL A8 +3 9 1 EL A9 +3 9 1 EL A10 +3 9 1 EL A11 +3 9 1 EL A12 +3 9 1 EL A13 +3 9 1 EL A14 +3 9 1 EL A15 +3 9 1 EL A16 +3 9 1 EL A17 +3 9 1 EL A18 +3 9 1 EL A19 +3 9 1 EL A20 +3 9 1 EL A21 +3 9 1 EL A22 +3 9 1 EL A23 +3 9 1 EL A24 +3 9 1 EL A25 +3 9 1 EL A26 +3 9 1 EL A27 +3 9 1 EL A28 +3 9 1 EL A29 +3 9 1 EL A30 +3 9 1 EL A31 +3 9 1 EL A32 +3 9 1 EL A33 +3 9 1 EL A34 +3 9 1 EL A35 +3 9 1 EL A36 +3 9 1 EL A37 +3 9 1 EL A38 +3 9 1 EL A39 +3 9 1 EL A40 +3 9 2 NG J0 +3 9 2 NG J1 +3 9 2 NG J2 +3 9 2 NG J3 +3 9 2 NG J4 +3 9 2 NG J5 +3 9 2 NG J6 +3 9 2 NG J7 +3 9 2 NG J8 +3 9 2 NG J9 +3 9 2 NG J10 +3 9 2 NG J11 +3 9 2 NG J12 +3 9 2 NG J13 +3 9 2 NG J14 +3 9 2 NG J15 +3 9 2 NG J16 +3 9 2 NG J17 +3 9 2 NG J18 +3 9 2 NG J19 +3 9 2 NG J20 +3 9 2 NG J21 +3 9 2 NG J22 +3 9 2 NG J23 +3 9 2 NG J24 +3 9 2 NG J25 +3 9 2 NG J26 +3 9 2 NG J27 +3 9 2 NG J28 +3 9 2 NG J29 +3 9 2 NG J30 +3 9 2 NG J31 +3 9 2 NG J32 +3 9 2 NG J33 +3 9 2 NG J34 +3 9 2 NG J35 +3 9 2 NG J36 +3 9 2 NG J37 +3 9 2 NG J38 +3 9 2 NG J39 +3 9 2 NG J40 +3 9 3 ED F2 +3 9 3 ED G2 +3 9 4 DA C8 +3 9 5 BA G18 +3 10 1 EL A0 +3 10 1 EL A1 +3 10 1 EL A2 +3 10 1 EL A3 +3 10 1 EL A4 +3 10 1 EL A5 +3 10 1 EL A6 +3 10 1 EL A7 +3 10 1 EL A8 +3 10 1 EL A9 +3 10 1 EL A10 +3 10 1 EL A11 +3 10 1 EL A12 +3 10 1 EL A13 +3 10 1 EL A14 +3 10 1 EL A15 +3 10 1 EL A16 +3 10 1 EL A17 +3 10 1 EL A18 +3 10 1 EL A19 +3 10 1 EL A20 +3 10 1 EL A21 +3 10 1 EL A22 +3 10 1 EL A23 +3 10 1 EL A24 +3 10 1 EL A25 +3 10 1 EL A26 +3 10 1 EL A27 +3 10 1 EL A28 +3 10 1 EL A29 +3 10 1 EL A30 +3 10 1 EL A31 +3 10 1 EL A32 +3 10 1 EL A33 +3 10 1 EL A34 +3 10 1 EL A35 +3 10 1 EL A36 +3 10 1 EL A37 +3 10 1 EL A38 +3 10 1 EL A39 +3 10 1 EL A40 +3 10 2 NG J0 +3 10 2 NG J1 +3 10 2 NG J2 +3 10 2 NG J3 +3 10 2 NG J4 +3 10 2 NG J5 +3 10 2 NG J6 +3 10 2 NG J7 +3 10 2 NG J8 +3 10 2 NG J9 +3 10 2 NG J10 +3 10 2 NG J11 +3 10 2 NG J12 +3 10 2 NG J13 +3 10 2 NG J14 +3 10 2 NG J15 +3 10 2 NG J16 +3 10 2 NG J17 +3 10 2 NG J18 +3 10 2 NG J19 +3 10 2 NG J20 +3 10 2 NG J21 +3 10 2 NG J22 +3 10 2 NG J23 +3 10 2 NG J24 +3 10 2 NG J25 +3 10 2 NG J26 +3 10 2 NG J27 +3 10 2 NG J28 +3 10 2 NG J29 +3 10 2 NG J30 +3 10 2 NG J31 +3 10 2 NG J32 +3 10 2 NG J33 +3 10 2 NG J34 +3 10 2 NG J35 +3 10 2 NG J36 +3 10 2 NG J37 +3 10 2 NG J38 +3 10 2 NG J39 +3 10 2 NG J40 +3 10 3 ED H1 +3 10 3 ED H2 +3 10 4 DA C8 +3 10 5 AA H18 +3 11 1 EL A0 +3 11 1 EL A1 +3 11 1 EL A2 +3 11 1 EL A3 +3 11 1 EL A4 +3 11 1 EL A5 +3 11 1 EL A6 +3 11 1 EL A7 +3 11 1 EL A8 +3 11 1 EL A9 +3 11 1 EL A10 +3 11 1 EL A11 +3 11 1 EL A12 +3 11 1 EL A13 +3 11 1 EL A14 +3 11 1 EL A15 +3 11 1 EL A16 +3 11 1 EL A17 +3 11 1 EL A18 +3 11 1 EL A19 +3 11 1 EL A20 +3 11 1 EL A21 +3 11 1 EL A22 +3 11 1 EL A23 +3 11 1 EL A24 +3 11 1 EL A25 +3 11 1 EL A26 +3 11 1 EL A27 +3 11 1 EL A28 +3 11 1 EL A29 +3 11 1 EL A30 +3 11 1 EL A31 +3 11 1 EL A32 +3 11 1 EL A33 +3 11 1 EL A34 +3 11 1 EL A35 +3 11 1 EL A36 +3 11 1 EL A37 +3 11 1 EL A38 +3 11 1 EL A39 +3 11 1 EL A40 +3 11 2 NG J0 +3 11 2 NG J1 +3 11 2 NG J2 +3 11 2 NG J3 +3 11 2 NG J4 +3 11 2 NG J5 +3 11 2 NG J6 +3 11 2 NG J7 +3 11 2 NG J8 +3 11 2 NG J9 +3 11 2 NG J10 +3 11 2 NG J11 +3 11 2 NG J12 +3 11 2 NG J13 +3 11 2 NG J14 +3 11 2 NG J15 +3 11 2 NG J16 +3 11 2 NG J17 +3 11 2 NG J18 +3 11 2 NG J19 +3 11 2 NG J20 +3 11 2 NG J21 +3 11 2 NG J22 +3 11 2 NG J23 +3 11 2 NG J24 +3 11 2 NG J25 +3 11 2 NG J26 +3 11 2 NG J27 +3 11 2 NG J28 +3 11 2 NG J29 +3 11 2 NG J30 +3 11 2 NG J31 +3 11 2 NG J32 +3 11 2 NG J33 +3 11 2 NG J34 +3 11 2 NG J35 +3 11 2 NG J36 +3 11 2 NG J37 +3 11 2 NG J38 +3 11 2 NG J39 +3 11 2 NG J40 +3 11 3 DA C8 +3 11 4 AT F1 +3 12 1 EL A0 +3 12 1 EL A1 +3 12 1 EL A2 +3 12 1 EL A3 +3 12 1 EL A4 +3 12 1 EL A5 +3 12 1 EL A6 +3 12 1 EL A7 +3 12 1 EL A8 +3 12 1 EL A9 +3 12 1 EL A10 +3 12 1 EL A11 +3 12 1 EL A12 +3 12 1 EL A13 +3 12 1 EL A14 +3 12 1 EL A15 +3 12 1 EL A16 +3 12 1 EL A17 +3 12 1 EL A18 +3 12 1 EL A19 +3 12 1 EL A20 +3 12 1 EL A21 +3 12 1 EL A22 +3 12 1 EL A23 +3 12 1 EL A24 +3 12 1 EL A25 +3 12 1 EL A26 +3 12 1 EL A27 +3 12 1 EL A28 +3 12 1 EL A29 +3 12 1 EL A30 +3 12 1 EL A31 +3 12 1 EL A32 +3 12 1 EL A33 +3 12 1 EL A34 +3 12 1 EL A35 +3 12 1 EL A36 +3 12 1 EL A37 +3 12 1 EL A38 +3 12 1 EL A39 +3 12 1 EL A40 +3 12 2 NG J0 +3 12 2 NG J1 +3 12 2 NG J2 +3 12 2 NG J3 +3 12 2 NG J4 +3 12 2 NG J5 +3 12 2 NG J6 +3 12 2 NG J7 +3 12 2 NG J8 +3 12 2 NG J9 +3 12 2 NG J10 +3 12 2 NG J11 +3 12 2 NG J12 +3 12 2 NG J13 +3 12 2 NG J14 +3 12 2 NG J15 +3 12 2 NG J16 +3 12 2 NG J17 +3 12 2 NG J18 +3 12 2 NG J19 +3 12 2 NG J20 +3 12 2 NG J21 +3 12 2 NG J22 +3 12 2 NG J23 +3 12 2 NG J24 +3 12 2 NG J25 +3 12 2 NG J26 +3 12 2 NG J27 +3 12 2 NG J28 +3 12 2 NG J29 +3 12 2 NG J30 +3 12 2 NG J31 +3 12 2 NG J32 +3 12 2 NG J33 +3 12 2 NG J34 +3 12 2 NG J35 +3 12 2 NG J36 +3 12 2 NG J37 +3 12 2 NG J38 +3 12 2 NG J39 +3 12 2 NG J40 +3 12 3 ED F3 +3 12 3 ED F4 +3 12 3 ED G3 +3 12 3 ED G4 +3 12 4 DA B17 +3 12 4 DA B18 +3 12 4 DA B19 +3 12 4 DA B20 +3 12 4 DA B21 +3 12 4 DA B22 +3 12 4 DA B23 +3 12 4 DA B24 +3 12 4 DA B25 +3 12 5 AA F15 +3 12 5 AA F16 +3 12 5 AA F17 +3 12 5 AA F18 +3 12 5 AA F19 +3 12 5 AA F20 +3 12 5 AA F21 +3 12 5 AA F22 +3 12 5 AA F23 +3 12 5 AA F24 +3 12 5 AA F25 +3 12 6 BA H18 +3 12 6 BA H19 +3 12 6 BA H20 +3 12 6 BA H21 +3 12 6 BA H22 +3 13 1 EL A0 +3 13 1 EL A1 +3 13 1 EL A2 +3 13 1 EL A3 +3 13 1 EL A4 +3 13 1 EL A5 +3 13 1 EL A6 +3 13 1 EL A7 +3 13 1 EL A8 +3 13 1 EL A9 +3 13 1 EL A10 +3 13 1 EL A11 +3 13 1 EL A12 +3 13 1 EL A13 +3 13 1 EL A14 +3 13 1 EL A15 +3 13 1 EL A16 +3 13 1 EL A17 +3 13 1 EL A18 +3 13 1 EL A19 +3 13 1 EL A20 +3 13 1 EL A21 +3 13 1 EL A22 +3 13 1 EL A23 +3 13 1 EL A24 +3 13 1 EL A25 +3 13 1 EL A26 +3 13 1 EL A27 +3 13 1 EL A28 +3 13 1 EL A29 +3 13 1 EL A30 +3 13 1 EL A31 +3 13 1 EL A32 +3 13 1 EL A33 +3 13 1 EL A34 +3 13 1 EL A35 +3 13 1 EL A36 +3 13 1 EL A37 +3 13 1 EL A38 +3 13 1 EL A39 +3 13 1 EL A40 +3 13 2 NG J0 +3 13 2 NG J1 +3 13 2 NG J2 +3 13 2 NG J3 +3 13 2 NG J4 +3 13 2 NG J5 +3 13 2 NG J6 +3 13 2 NG J7 +3 13 2 NG J8 +3 13 2 NG J9 +3 13 2 NG J10 +3 13 2 NG J11 +3 13 2 NG J12 +3 13 2 NG J13 +3 13 2 NG J14 +3 13 2 NG J15 +3 13 2 NG J16 +3 13 2 NG J17 +3 13 2 NG J18 +3 13 2 NG J19 +3 13 2 NG J20 +3 13 2 NG J21 +3 13 2 NG J22 +3 13 2 NG J23 +3 13 2 NG J24 +3 13 2 NG J25 +3 13 2 NG J26 +3 13 2 NG J27 +3 13 2 NG J28 +3 13 2 NG J29 +3 13 2 NG J30 +3 13 2 NG J31 +3 13 2 NG J32 +3 13 2 NG J33 +3 13 2 NG J34 +3 13 2 NG J35 +3 13 2 NG J36 +3 13 2 NG J37 +3 13 2 NG J38 +3 13 2 NG J39 +3 13 2 NG J40 +3 13 3 ED F1 +3 13 3 ED F2 +3 13 3 ED F3 +3 13 4 AT G1 +3 13 4 AT G2 +3 13 5 DA C8 +3 13 5 DA C9 +3 13 6 AA G29 +3 13 6 AA G30 +3 13 7 BA D39 +3 13 7 BA D40 +3 14 1 EL A0 +3 14 1 EL A1 +3 14 1 EL A2 +3 14 1 EL A3 +3 14 1 EL A4 +3 14 1 EL A5 +3 14 1 EL A6 +3 14 1 EL A7 +3 14 1 EL A8 +3 14 1 EL A9 +3 14 1 EL A10 +3 14 1 EL A11 +3 14 1 EL A12 +3 14 1 EL A13 +3 14 1 EL A14 +3 14 1 EL A15 +3 14 1 EL A16 +3 14 1 EL A17 +3 14 1 EL A18 +3 14 1 EL A19 +3 14 1 EL A20 +3 14 1 EL A21 +3 14 1 EL A22 +3 14 1 EL A23 +3 14 1 EL A24 +3 14 1 EL A25 +3 14 1 EL A26 +3 14 1 EL A27 +3 14 1 EL A28 +3 14 1 EL A29 +3 14 1 EL A30 +3 14 1 EL A31 +3 14 1 EL A32 +3 14 1 EL A33 +3 14 1 EL A34 +3 14 1 EL A35 +3 14 1 EL A36 +3 14 1 EL A37 +3 14 1 EL A38 +3 14 1 EL A39 +3 14 1 EL A40 +3 14 2 NG J0 +3 14 2 NG J1 +3 14 2 NG J2 +3 14 2 NG J3 +3 14 2 NG J4 +3 14 2 NG J5 +3 14 2 NG J6 +3 14 2 NG J7 +3 14 2 NG J8 +3 14 2 NG J9 +3 14 2 NG J10 +3 14 2 NG J11 +3 14 2 NG J12 +3 14 2 NG J13 +3 14 2 NG J14 +3 14 2 NG J15 +3 14 2 NG J16 +3 14 2 NG J17 +3 14 2 NG J18 +3 14 2 NG J19 +3 14 2 NG J20 +3 14 2 NG J21 +3 14 2 NG J22 +3 14 2 NG J23 +3 14 2 NG J24 +3 14 2 NG J25 +3 14 2 NG J26 +3 14 2 NG J27 +3 14 2 NG J28 +3 14 2 NG J29 +3 14 2 NG J30 +3 14 2 NG J31 +3 14 2 NG J32 +3 14 2 NG J33 +3 14 2 NG J34 +3 14 2 NG J35 +3 14 2 NG J36 +3 14 2 NG J37 +3 14 2 NG J38 +3 14 2 NG J39 +3 14 2 NG J40 +3 14 3 AT G1 +3 14 4 DA C9 +3 15 1 EL A0 +3 15 1 EL A1 +3 15 1 EL A2 +3 15 1 EL A3 +3 15 1 EL A4 +3 15 1 EL A5 +3 15 1 EL A6 +3 15 1 EL A7 +3 15 1 EL A8 +3 15 1 EL A9 +3 15 1 EL A10 +3 15 1 EL A11 +3 15 1 EL A12 +3 15 1 EL A13 +3 15 1 EL A14 +3 15 1 EL A15 +3 15 1 EL A16 +3 15 1 EL A17 +3 15 1 EL A18 +3 15 1 EL A19 +3 15 1 EL A20 +3 15 1 EL A21 +3 15 1 EL A22 +3 15 1 EL A23 +3 15 1 EL A24 +3 15 1 EL A25 +3 15 1 EL A26 +3 15 1 EL A27 +3 15 1 EL A28 +3 15 1 EL A29 +3 15 1 EL A30 +3 15 1 EL A31 +3 15 1 EL A32 +3 15 1 EL A33 +3 15 1 EL A34 +3 15 1 EL A35 +3 15 1 EL A36 +3 15 1 EL A37 +3 15 1 EL A38 +3 15 1 EL A39 +3 15 1 EL A40 +3 15 2 NG J0 +3 15 2 NG J1 +3 15 2 NG J2 +3 15 2 NG J3 +3 15 2 NG J4 +3 15 2 NG J5 +3 15 2 NG J6 +3 15 2 NG J7 +3 15 2 NG J8 +3 15 2 NG J9 +3 15 2 NG J10 +3 15 2 NG J11 +3 15 2 NG J12 +3 15 2 NG J13 +3 15 2 NG J14 +3 15 2 NG J15 +3 15 2 NG J16 +3 15 2 NG J17 +3 15 2 NG J18 +3 15 2 NG J19 +3 15 2 NG J20 +3 15 2 NG J21 +3 15 2 NG J22 +3 15 2 NG J23 +3 15 2 NG J24 +3 15 2 NG J25 +3 15 2 NG J26 +3 15 2 NG J27 +3 15 2 NG J28 +3 15 2 NG J29 +3 15 2 NG J30 +3 15 2 NG J31 +3 15 2 NG J32 +3 15 2 NG J33 +3 15 2 NG J34 +3 15 2 NG J35 +3 15 2 NG J36 +3 15 2 NG J37 +3 15 2 NG J38 +3 15 2 NG J39 +3 15 2 NG J40 +3 15 3 DA C9 +3 15 4 BA G28 +3 15 5 AT G40 +3 16 1 EL A0 +3 16 1 EL A1 +3 16 1 EL A2 +3 16 1 EL A3 +3 16 1 EL A4 +3 16 1 EL A5 +3 16 1 EL A6 +3 16 1 EL A7 +3 16 1 EL A8 +3 16 1 EL A9 +3 16 1 EL A10 +3 16 1 EL A11 +3 16 1 EL A12 +3 16 1 EL A13 +3 16 1 EL A14 +3 16 1 EL A15 +3 16 1 EL A16 +3 16 1 EL A17 +3 16 1 EL A18 +3 16 1 EL A19 +3 16 1 EL A20 +3 16 1 EL A21 +3 16 1 EL A22 +3 16 1 EL A23 +3 16 1 EL A24 +3 16 1 EL A25 +3 16 1 EL A26 +3 16 1 EL A27 +3 16 1 EL A28 +3 16 1 EL A29 +3 16 1 EL A30 +3 16 1 EL A31 +3 16 1 EL A32 +3 16 1 EL A33 +3 16 1 EL A34 +3 16 1 EL A35 +3 16 1 EL A36 +3 16 1 EL A37 +3 16 1 EL A38 +3 16 1 EL A39 +3 16 1 EL A40 +3 16 2 NG J0 +3 16 2 NG J1 +3 16 2 NG J2 +3 16 2 NG J3 +3 16 2 NG J4 +3 16 2 NG J5 +3 16 2 NG J6 +3 16 2 NG J7 +3 16 2 NG J8 +3 16 2 NG J9 +3 16 2 NG J10 +3 16 2 NG J11 +3 16 2 NG J12 +3 16 2 NG J13 +3 16 2 NG J14 +3 16 2 NG J15 +3 16 2 NG J16 +3 16 2 NG J17 +3 16 2 NG J18 +3 16 2 NG J19 +3 16 2 NG J20 +3 16 2 NG J21 +3 16 2 NG J22 +3 16 2 NG J23 +3 16 2 NG J24 +3 16 2 NG J25 +3 16 2 NG J26 +3 16 2 NG J27 +3 16 2 NG J28 +3 16 2 NG J29 +3 16 2 NG J30 +3 16 2 NG J31 +3 16 2 NG J32 +3 16 2 NG J33 +3 16 2 NG J34 +3 16 2 NG J35 +3 16 2 NG J36 +3 16 2 NG J37 +3 16 2 NG J38 +3 16 2 NG J39 +3 16 2 NG J40 +3 16 3 AT G2 +3 16 4 ED G1 +3 16 5 BA G20 +3 16 6 AA G29 +3 17 1 EL A0 +3 17 1 EL A1 +3 17 1 EL A2 +3 17 1 EL A3 +3 17 1 EL A4 +3 17 1 EL A5 +3 17 1 EL A6 +3 17 1 EL A7 +3 17 1 EL A8 +3 17 1 EL A9 +3 17 1 EL A10 +3 17 1 EL A11 +3 17 1 EL A12 +3 17 1 EL A13 +3 17 1 EL A14 +3 17 1 EL A15 +3 17 1 EL A16 +3 17 1 EL A17 +3 17 1 EL A18 +3 17 1 EL A19 +3 17 1 EL A20 +3 17 1 EL A21 +3 17 1 EL A22 +3 17 1 EL A23 +3 17 1 EL A24 +3 17 1 EL A25 +3 17 1 EL A26 +3 17 1 EL A27 +3 17 1 EL A28 +3 17 1 EL A29 +3 17 1 EL A30 +3 17 1 EL A31 +3 17 1 EL A32 +3 17 1 EL A33 +3 17 1 EL A34 +3 17 1 EL A35 +3 17 1 EL A36 +3 17 1 EL A37 +3 17 1 EL A38 +3 17 1 EL A39 +3 17 1 EL A40 +3 17 2 NG J0 +3 17 2 NG J1 +3 17 2 NG J2 +3 17 2 NG J3 +3 17 2 NG J4 +3 17 2 NG J5 +3 17 2 NG J6 +3 17 2 NG J7 +3 17 2 NG J8 +3 17 2 NG J9 +3 17 2 NG J10 +3 17 2 NG J11 +3 17 2 NG J12 +3 17 2 NG J13 +3 17 2 NG J14 +3 17 2 NG J15 +3 17 2 NG J16 +3 17 2 NG J17 +3 17 2 NG J18 +3 17 2 NG J19 +3 17 2 NG J20 +3 17 2 NG J21 +3 17 2 NG J22 +3 17 2 NG J23 +3 17 2 NG J24 +3 17 2 NG J25 +3 17 2 NG J26 +3 17 2 NG J27 +3 17 2 NG J28 +3 17 2 NG J29 +3 17 2 NG J30 +3 17 2 NG J31 +3 17 2 NG J32 +3 17 2 NG J33 +3 17 2 NG J34 +3 17 2 NG J35 +3 17 2 NG J36 +3 17 2 NG J37 +3 17 2 NG J38 +3 17 2 NG J39 +3 17 2 NG J40 +3 17 3 AT F1 +3 17 4 ED G2 +3 17 5 DA C10 +3 17 6 BA D22 +3 17 6 BA E18 +3 17 7 AA F29 +3 17 7 AA H30 +3 18 1 EL A0 +3 18 1 EL A1 +3 18 1 EL A2 +3 18 1 EL A3 +3 18 1 EL A4 +3 18 1 EL A5 +3 18 1 EL A6 +3 18 1 EL A7 +3 18 1 EL A8 +3 18 1 EL A9 +3 18 1 EL A10 +3 18 1 EL A11 +3 18 1 EL A12 +3 18 1 EL A13 +3 18 1 EL A14 +3 18 1 EL A15 +3 18 1 EL A16 +3 18 1 EL A17 +3 18 1 EL A18 +3 18 1 EL A19 +3 18 1 EL A20 +3 18 1 EL A21 +3 18 1 EL A22 +3 18 1 EL A23 +3 18 1 EL A24 +3 18 1 EL A25 +3 18 1 EL A26 +3 18 1 EL A27 +3 18 1 EL A28 +3 18 1 EL A29 +3 18 1 EL A30 +3 18 1 EL A31 +3 18 1 EL A32 +3 18 1 EL A33 +3 18 1 EL A34 +3 18 1 EL A35 +3 18 1 EL A36 +3 18 1 EL A37 +3 18 1 EL A38 +3 18 1 EL A39 +3 18 1 EL A40 +3 18 2 NG J0 +3 18 2 NG J1 +3 18 2 NG J2 +3 18 2 NG J3 +3 18 2 NG J4 +3 18 2 NG J5 +3 18 2 NG J6 +3 18 2 NG J7 +3 18 2 NG J8 +3 18 2 NG J9 +3 18 2 NG J10 +3 18 2 NG J11 +3 18 2 NG J12 +3 18 2 NG J13 +3 18 2 NG J14 +3 18 2 NG J15 +3 18 2 NG J16 +3 18 2 NG J17 +3 18 2 NG J18 +3 18 2 NG J19 +3 18 2 NG J20 +3 18 2 NG J21 +3 18 2 NG J22 +3 18 2 NG J23 +3 18 2 NG J24 +3 18 2 NG J25 +3 18 2 NG J26 +3 18 2 NG J27 +3 18 2 NG J28 +3 18 2 NG J29 +3 18 2 NG J30 +3 18 2 NG J31 +3 18 2 NG J32 +3 18 2 NG J33 +3 18 2 NG J34 +3 18 2 NG J35 +3 18 2 NG J36 +3 18 2 NG J37 +3 18 2 NG J38 +3 18 2 NG J39 +3 18 2 NG J40 +3 18 3 AT G1 +3 18 3 AT G2 +3 18 4 ED H3 +3 18 5 BA G28 +3 18 6 AA H30 +3 19 1 EL A0 +3 19 1 EL A1 +3 19 1 EL A2 +3 19 1 EL A3 +3 19 1 EL A4 +3 19 1 EL A5 +3 19 1 EL A6 +3 19 1 EL A7 +3 19 1 EL A8 +3 19 1 EL A9 +3 19 1 EL A10 +3 19 1 EL A11 +3 19 1 EL A12 +3 19 1 EL A13 +3 19 1 EL A14 +3 19 1 EL A15 +3 19 1 EL A16 +3 19 1 EL A17 +3 19 1 EL A18 +3 19 1 EL A19 +3 19 1 EL A20 +3 19 1 EL A21 +3 19 1 EL A22 +3 19 1 EL A23 +3 19 1 EL A24 +3 19 1 EL A25 +3 19 1 EL A26 +3 19 1 EL A27 +3 19 1 EL A28 +3 19 1 EL A29 +3 19 1 EL A30 +3 19 1 EL A31 +3 19 1 EL A32 +3 19 1 EL A33 +3 19 1 EL A34 +3 19 1 EL A35 +3 19 1 EL A36 +3 19 1 EL A37 +3 19 1 EL A38 +3 19 1 EL A39 +3 19 1 EL A40 +3 19 2 NG J0 +3 19 2 NG J1 +3 19 2 NG J2 +3 19 2 NG J3 +3 19 2 NG J4 +3 19 2 NG J5 +3 19 2 NG J6 +3 19 2 NG J7 +3 19 2 NG J8 +3 19 2 NG J9 +3 19 2 NG J10 +3 19 2 NG J11 +3 19 2 NG J12 +3 19 2 NG J13 +3 19 2 NG J14 +3 19 2 NG J15 +3 19 2 NG J16 +3 19 2 NG J17 +3 19 2 NG J18 +3 19 2 NG J19 +3 19 2 NG J20 +3 19 2 NG J21 +3 19 2 NG J22 +3 19 2 NG J23 +3 19 2 NG J24 +3 19 2 NG J25 +3 19 2 NG J26 +3 19 2 NG J27 +3 19 2 NG J28 +3 19 2 NG J29 +3 19 2 NG J30 +3 19 2 NG J31 +3 19 2 NG J32 +3 19 2 NG J33 +3 19 2 NG J34 +3 19 2 NG J35 +3 19 2 NG J36 +3 19 2 NG J37 +3 19 2 NG J38 +3 19 2 NG J39 +3 19 2 NG J40 +3 19 3 ED G1 +3 19 3 ED G2 +3 19 3 ED G3 +3 19 4 DA D8 +3 19 5 AA F19 +3 19 6 LU G19 +3 19 7 IN G28 +3 19 8 BA G30 +3 20 1 EL A0 +3 20 1 EL A1 +3 20 1 EL A2 +3 20 1 EL A3 +3 20 1 EL A4 +3 20 1 EL A5 +3 20 1 EL A6 +3 20 1 EL A7 +3 20 1 EL A8 +3 20 1 EL A9 +3 20 1 EL A10 +3 20 1 EL A11 +3 20 1 EL A12 +3 20 1 EL A13 +3 20 1 EL A14 +3 20 1 EL A15 +3 20 1 EL A16 +3 20 1 EL A17 +3 20 1 EL A18 +3 20 1 EL A19 +3 20 1 EL A20 +3 20 1 EL A21 +3 20 1 EL A22 +3 20 1 EL A23 +3 20 1 EL A24 +3 20 1 EL A25 +3 20 1 EL A26 +3 20 1 EL A27 +3 20 1 EL A28 +3 20 1 EL A29 +3 20 1 EL A30 +3 20 1 EL A31 +3 20 1 EL A32 +3 20 1 EL A33 +3 20 1 EL A34 +3 20 1 EL A35 +3 20 1 EL A36 +3 20 1 EL A37 +3 20 1 EL A38 +3 20 1 EL A39 +3 20 1 EL A40 +3 20 2 NG J0 +3 20 2 NG J1 +3 20 2 NG J2 +3 20 2 NG J3 +3 20 2 NG J4 +3 20 2 NG J5 +3 20 2 NG J6 +3 20 2 NG J7 +3 20 2 NG J8 +3 20 2 NG J9 +3 20 2 NG J10 +3 20 2 NG J11 +3 20 2 NG J12 +3 20 2 NG J13 +3 20 2 NG J14 +3 20 2 NG J15 +3 20 2 NG J16 +3 20 2 NG J17 +3 20 2 NG J18 +3 20 2 NG J19 +3 20 2 NG J20 +3 20 2 NG J21 +3 20 2 NG J22 +3 20 2 NG J23 +3 20 2 NG J24 +3 20 2 NG J25 +3 20 2 NG J26 +3 20 2 NG J27 +3 20 2 NG J28 +3 20 2 NG J29 +3 20 2 NG J30 +3 20 2 NG J31 +3 20 2 NG J32 +3 20 2 NG J33 +3 20 2 NG J34 +3 20 2 NG J35 +3 20 2 NG J36 +3 20 2 NG J37 +3 20 2 NG J38 +3 20 2 NG J39 +3 20 2 NG J40 +3 20 3 AT G1 +3 20 3 AT G2 +3 20 4 AA D6 +3 20 4 AA E5 +3 20 4 AA F6 +3 20 5 BA F29 +3 21 1 EL A0 +3 21 1 EL A1 +3 21 1 EL A2 +3 21 1 EL A3 +3 21 1 EL A4 +3 21 1 EL A5 +3 21 1 EL A6 +3 21 1 EL A7 +3 21 1 EL A8 +3 21 1 EL A9 +3 21 1 EL A10 +3 21 1 EL A11 +3 21 1 EL A12 +3 21 1 EL A13 +3 21 1 EL A14 +3 21 1 EL A15 +3 21 1 EL A16 +3 21 1 EL A17 +3 21 1 EL A18 +3 21 1 EL A19 +3 21 1 EL A20 +3 21 1 EL A21 +3 21 1 EL A22 +3 21 1 EL A23 +3 21 1 EL A24 +3 21 1 EL A25 +3 21 1 EL A26 +3 21 1 EL A27 +3 21 1 EL A28 +3 21 1 EL A29 +3 21 1 EL A30 +3 21 1 EL A31 +3 21 1 EL A32 +3 21 1 EL A33 +3 21 1 EL A34 +3 21 1 EL A35 +3 21 1 EL A36 +3 21 1 EL A37 +3 21 1 EL A38 +3 21 1 EL A39 +3 21 1 EL A40 +3 21 2 NG J0 +3 21 2 NG J1 +3 21 2 NG J2 +3 21 2 NG J3 +3 21 2 NG J4 +3 21 2 NG J5 +3 21 2 NG J6 +3 21 2 NG J7 +3 21 2 NG J8 +3 21 2 NG J9 +3 21 2 NG J10 +3 21 2 NG J11 +3 21 2 NG J12 +3 21 2 NG J13 +3 21 2 NG J14 +3 21 2 NG J15 +3 21 2 NG J16 +3 21 2 NG J17 +3 21 2 NG J18 +3 21 2 NG J19 +3 21 2 NG J20 +3 21 2 NG J21 +3 21 2 NG J22 +3 21 2 NG J23 +3 21 2 NG J24 +3 21 2 NG J25 +3 21 2 NG J26 +3 21 2 NG J27 +3 21 2 NG J28 +3 21 2 NG J29 +3 21 2 NG J30 +3 21 2 NG J31 +3 21 2 NG J32 +3 21 2 NG J33 +3 21 2 NG J34 +3 21 2 NG J35 +3 21 2 NG J36 +3 21 2 NG J37 +3 21 2 NG J38 +3 21 2 NG J39 +3 21 2 NG J40 +3 21 3 AT G3 +3 21 4 ED F1 +3 21 4 ED F2 +3 21 5 DA C10 +3 21 6 AA F27 +3 21 6 AA F28 +3 21 6 AA F29 +3 22 1 EL A0 +3 22 1 EL A1 +3 22 1 EL A2 +3 22 1 EL A3 +3 22 1 EL A4 +3 22 1 EL A5 +3 22 1 EL A6 +3 22 1 EL A7 +3 22 1 EL A8 +3 22 1 EL A9 +3 22 1 EL A10 +3 22 1 EL A11 +3 22 1 EL A12 +3 22 1 EL A13 +3 22 1 EL A14 +3 22 1 EL A15 +3 22 1 EL A16 +3 22 1 EL A17 +3 22 1 EL A18 +3 22 1 EL A19 +3 22 1 EL A20 +3 22 1 EL A21 +3 22 1 EL A22 +3 22 1 EL A23 +3 22 1 EL A24 +3 22 1 EL A25 +3 22 1 EL A26 +3 22 1 EL A27 +3 22 1 EL A28 +3 22 1 EL A29 +3 22 1 EL A30 +3 22 1 EL A31 +3 22 1 EL A32 +3 22 1 EL A33 +3 22 1 EL A34 +3 22 1 EL A35 +3 22 1 EL A36 +3 22 1 EL A37 +3 22 1 EL A38 +3 22 1 EL A39 +3 22 1 EL A40 +3 22 2 NG J0 +3 22 2 NG J1 +3 22 2 NG J2 +3 22 2 NG J3 +3 22 2 NG J4 +3 22 2 NG J5 +3 22 2 NG J6 +3 22 2 NG J7 +3 22 2 NG J8 +3 22 2 NG J9 +3 22 2 NG J10 +3 22 2 NG J11 +3 22 2 NG J12 +3 22 2 NG J13 +3 22 2 NG J14 +3 22 2 NG J15 +3 22 2 NG J16 +3 22 2 NG J17 +3 22 2 NG J18 +3 22 2 NG J19 +3 22 2 NG J20 +3 22 2 NG J21 +3 22 2 NG J22 +3 22 2 NG J23 +3 22 2 NG J24 +3 22 2 NG J25 +3 22 2 NG J26 +3 22 2 NG J27 +3 22 2 NG J28 +3 22 2 NG J29 +3 22 2 NG J30 +3 22 2 NG J31 +3 22 2 NG J32 +3 22 2 NG J33 +3 22 2 NG J34 +3 22 2 NG J35 +3 22 2 NG J36 +3 22 2 NG J37 +3 22 2 NG J38 +3 22 2 NG J39 +3 22 2 NG J40 +3 22 3 ED F1 +3 23 1 EL A0 +3 23 1 EL A1 +3 23 1 EL A2 +3 23 1 EL A3 +3 23 1 EL A4 +3 23 1 EL A5 +3 23 1 EL A6 +3 23 1 EL A7 +3 23 1 EL A8 +3 23 1 EL A9 +3 23 1 EL A10 +3 23 1 EL A11 +3 23 1 EL A12 +3 23 1 EL A13 +3 23 1 EL A14 +3 23 1 EL A15 +3 23 1 EL A16 +3 23 1 EL A17 +3 23 1 EL A18 +3 23 1 EL A19 +3 23 1 EL A20 +3 23 1 EL A21 +3 23 1 EL A22 +3 23 1 EL A23 +3 23 1 EL A24 +3 23 1 EL A25 +3 23 1 EL A26 +3 23 1 EL A27 +3 23 1 EL A28 +3 23 1 EL A29 +3 23 1 EL A30 +3 23 1 EL A31 +3 23 1 EL A32 +3 23 1 EL A33 +3 23 1 EL A34 +3 23 1 EL A35 +3 23 1 EL A36 +3 23 1 EL A37 +3 23 1 EL A38 +3 23 1 EL A39 +3 23 1 EL A40 +3 23 2 NG J0 +3 23 2 NG J1 +3 23 2 NG J2 +3 23 2 NG J3 +3 23 2 NG J4 +3 23 2 NG J5 +3 23 2 NG J6 +3 23 2 NG J7 +3 23 2 NG J8 +3 23 2 NG J9 +3 23 2 NG J10 +3 23 2 NG J11 +3 23 2 NG J12 +3 23 2 NG J13 +3 23 2 NG J14 +3 23 2 NG J15 +3 23 2 NG J16 +3 23 2 NG J17 +3 23 2 NG J18 +3 23 2 NG J19 +3 23 2 NG J20 +3 23 2 NG J21 +3 23 2 NG J22 +3 23 2 NG J23 +3 23 2 NG J24 +3 23 2 NG J25 +3 23 2 NG J26 +3 23 2 NG J27 +3 23 2 NG J28 +3 23 2 NG J29 +3 23 2 NG J30 +3 23 2 NG J31 +3 23 2 NG J32 +3 23 2 NG J33 +3 23 2 NG J34 +3 23 2 NG J35 +3 23 2 NG J36 +3 23 2 NG J37 +3 23 2 NG J38 +3 23 2 NG J39 +3 23 2 NG J40 +3 23 3 AT G1 +3 23 4 DA D7 +3 24 1 EL A0 +3 24 1 EL A1 +3 24 1 EL A2 +3 24 1 EL A3 +3 24 1 EL A4 +3 24 1 EL A5 +3 24 1 EL A6 +3 24 1 EL A7 +3 24 1 EL A8 +3 24 1 EL A9 +3 24 1 EL A10 +3 24 1 EL A11 +3 24 1 EL A12 +3 24 1 EL A13 +3 24 1 EL A14 +3 24 1 EL A15 +3 24 1 EL A16 +3 24 1 EL A17 +3 24 1 EL A18 +3 24 1 EL A19 +3 24 1 EL A20 +3 24 1 EL A21 +3 24 1 EL A22 +3 24 1 EL A23 +3 24 1 EL A24 +3 24 1 EL A25 +3 24 1 EL A26 +3 24 1 EL A27 +3 24 1 EL A28 +3 24 1 EL A29 +3 24 1 EL A30 +3 24 1 EL A31 +3 24 1 EL A32 +3 24 1 EL A33 +3 24 1 EL A34 +3 24 1 EL A35 +3 24 1 EL A36 +3 24 1 EL A37 +3 24 1 EL A38 +3 24 1 EL A39 +3 24 1 EL A40 +3 24 2 NG J0 +3 24 2 NG J1 +3 24 2 NG J2 +3 24 2 NG J3 +3 24 2 NG J4 +3 24 2 NG J5 +3 24 2 NG J6 +3 24 2 NG J7 +3 24 2 NG J8 +3 24 2 NG J9 +3 24 2 NG J10 +3 24 2 NG J11 +3 24 2 NG J12 +3 24 2 NG J13 +3 24 2 NG J14 +3 24 2 NG J15 +3 24 2 NG J16 +3 24 2 NG J17 +3 24 2 NG J18 +3 24 2 NG J19 +3 24 2 NG J20 +3 24 2 NG J21 +3 24 2 NG J22 +3 24 2 NG J23 +3 24 2 NG J24 +3 24 2 NG J25 +3 24 2 NG J26 +3 24 2 NG J27 +3 24 2 NG J28 +3 24 2 NG J29 +3 24 2 NG J30 +3 24 2 NG J31 +3 24 2 NG J32 +3 24 2 NG J33 +3 24 2 NG J34 +3 24 2 NG J35 +3 24 2 NG J36 +3 24 2 NG J37 +3 24 2 NG J38 +3 24 2 NG J39 +3 24 2 NG J40 +3 24 3 AT H1 +3 24 4 ED G1 +3 24 5 BA H17 +3 24 6 IN G23 +3 25 1 EL A0 +3 25 1 EL A1 +3 25 1 EL A2 +3 25 1 EL A3 +3 25 1 EL A4 +3 25 1 EL A5 +3 25 1 EL A6 +3 25 1 EL A7 +3 25 1 EL A8 +3 25 1 EL A9 +3 25 1 EL A10 +3 25 1 EL A11 +3 25 1 EL A12 +3 25 1 EL A13 +3 25 1 EL A14 +3 25 1 EL A15 +3 25 1 EL A16 +3 25 1 EL A17 +3 25 1 EL A18 +3 25 1 EL A19 +3 25 1 EL A20 +3 25 1 EL A21 +3 25 1 EL A22 +3 25 1 EL A23 +3 25 1 EL A24 +3 25 1 EL A25 +3 25 1 EL A26 +3 25 1 EL A27 +3 25 1 EL A28 +3 25 1 EL A29 +3 25 1 EL A30 +3 25 1 EL A31 +3 25 1 EL A32 +3 25 1 EL A33 +3 25 1 EL A34 +3 25 1 EL A35 +3 25 1 EL A36 +3 25 1 EL A37 +3 25 1 EL A38 +3 25 1 EL A39 +3 25 1 EL A40 +3 25 2 NG J0 +3 25 2 NG J1 +3 25 2 NG J2 +3 25 2 NG J3 +3 25 2 NG J4 +3 25 2 NG J5 +3 25 2 NG J6 +3 25 2 NG J7 +3 25 2 NG J8 +3 25 2 NG J9 +3 25 2 NG J10 +3 25 2 NG J11 +3 25 2 NG J12 +3 25 2 NG J13 +3 25 2 NG J14 +3 25 2 NG J15 +3 25 2 NG J16 +3 25 2 NG J17 +3 25 2 NG J18 +3 25 2 NG J19 +3 25 2 NG J20 +3 25 2 NG J21 +3 25 2 NG J22 +3 25 2 NG J23 +3 25 2 NG J24 +3 25 2 NG J25 +3 25 2 NG J26 +3 25 2 NG J27 +3 25 2 NG J28 +3 25 2 NG J29 +3 25 2 NG J30 +3 25 2 NG J31 +3 25 2 NG J32 +3 25 2 NG J33 +3 25 2 NG J34 +3 25 2 NG J35 +3 25 2 NG J36 +3 25 2 NG J37 +3 25 2 NG J38 +3 25 2 NG J39 +3 25 2 NG J40 +3 25 3 AT G3 +3 25 4 DA C17 +4 1 1 SA A0 +4 1 1 SA A1 +4 1 1 SA A2 +4 1 1 SA A3 +4 1 1 SA A4 +4 1 1 SA A5 +4 1 1 SA A6 +4 1 1 SA A7 +4 1 1 SA A8 +4 1 1 SA A9 +4 1 1 SA A10 +4 1 1 SA A11 +4 1 1 SA A12 +4 1 1 SA A13 +4 1 1 SA A14 +4 1 1 SA A15 +4 1 1 SA A16 +4 1 1 SA A17 +4 1 1 SA A18 +4 1 1 SA A19 +4 1 1 SA A20 +4 1 1 SA A21 +4 1 1 SA A22 +4 1 1 SA A23 +4 1 1 SA A24 +4 1 1 SA A25 +4 1 1 SA A26 +4 1 1 SA A27 +4 1 1 SA A28 +4 1 1 SA A29 +4 1 1 SA A30 +4 1 1 SA A31 +4 1 1 SA A32 +4 1 1 SA A33 +4 1 1 SA A34 +4 1 1 SA A35 +4 1 1 SA A36 +4 1 1 SA A37 +4 1 1 SA A38 +4 1 1 SA A39 +4 1 1 SA A40 +4 1 2 KE J0 +4 1 2 KE J1 +4 1 2 KE J2 +4 1 2 KE J3 +4 1 2 KE J4 +4 1 2 KE J5 +4 1 2 KE J6 +4 1 2 KE J7 +4 1 2 KE J8 +4 1 2 KE J9 +4 1 2 KE J10 +4 1 2 KE J11 +4 1 2 KE J12 +4 1 2 KE J13 +4 1 2 KE J14 +4 1 2 KE J15 +4 1 2 KE J16 +4 1 2 KE J17 +4 1 2 KE J18 +4 1 2 KE J19 +4 1 2 KE J20 +4 1 2 KE J21 +4 1 2 KE J22 +4 1 2 KE J23 +4 1 2 KE J24 +4 1 2 KE J25 +4 1 2 KE J26 +4 1 2 KE J27 +4 1 2 KE J28 +4 1 2 KE J29 +4 1 2 KE J30 +4 1 2 KE J31 +4 1 2 KE J32 +4 1 2 KE J33 +4 1 2 KE J34 +4 1 2 KE J35 +4 1 2 KE J36 +4 1 2 KE J37 +4 1 2 KE J38 +4 1 2 KE J39 +4 1 2 KE J40 +4 1 3 CY H1 +4 1 3 CY H2 +4 1 3 CY H3 +4 1 4 KA D10 +4 1 4 KA D11 +4 1 4 KA D12 +4 1 5 TA H17 +4 1 5 TA H18 +4 1 5 TA H19 +4 1 5 TA H20 +4 1 6 TX I32 +4 1 6 TX I33 +4 1 6 TX I34 +4 1 7 XE I26 +4 1 7 XE I27 +4 1 7 XE I28 +4 1 7 XE I29 +4 1 8 XK H6 +4 1 8 XK H7 +4 1 8 XK H8 +4 1 9 CE F25 +4 1 9 CE F26 +4 1 9 CE F27 +4 1 9 CE F28 +4 2 1 SA A0 +4 2 1 SA A1 +4 2 1 SA A2 +4 2 1 SA A3 +4 2 1 SA A4 +4 2 1 SA A5 +4 2 1 SA A6 +4 2 1 SA A7 +4 2 1 SA A8 +4 2 1 SA A9 +4 2 1 SA A10 +4 2 1 SA A11 +4 2 1 SA A12 +4 2 1 SA A13 +4 2 1 SA A14 +4 2 1 SA A15 +4 2 1 SA A16 +4 2 1 SA A17 +4 2 1 SA A18 +4 2 1 SA A19 +4 2 1 SA A20 +4 2 1 SA A21 +4 2 1 SA A22 +4 2 1 SA A23 +4 2 1 SA A24 +4 2 1 SA A25 +4 2 1 SA A26 +4 2 1 SA A27 +4 2 1 SA A28 +4 2 1 SA A29 +4 2 1 SA A30 +4 2 1 SA A31 +4 2 1 SA A32 +4 2 1 SA A33 +4 2 1 SA A34 +4 2 1 SA A35 +4 2 1 SA A36 +4 2 1 SA A37 +4 2 1 SA A38 +4 2 1 SA A39 +4 2 1 SA A40 +4 2 2 KE J0 +4 2 2 KE J1 +4 2 2 KE J2 +4 2 2 KE J3 +4 2 2 KE J4 +4 2 2 KE J5 +4 2 2 KE J6 +4 2 2 KE J7 +4 2 2 KE J8 +4 2 2 KE J9 +4 2 2 KE J10 +4 2 2 KE J11 +4 2 2 KE J12 +4 2 2 KE J13 +4 2 2 KE J14 +4 2 2 KE J15 +4 2 2 KE J16 +4 2 2 KE J17 +4 2 2 KE J18 +4 2 2 KE J19 +4 2 2 KE J20 +4 2 2 KE J21 +4 2 2 KE J22 +4 2 2 KE J23 +4 2 2 KE J24 +4 2 2 KE J25 +4 2 2 KE J26 +4 2 2 KE J27 +4 2 2 KE J28 +4 2 2 KE J29 +4 2 2 KE J30 +4 2 2 KE J31 +4 2 2 KE J32 +4 2 2 KE J33 +4 2 2 KE J34 +4 2 2 KE J35 +4 2 2 KE J36 +4 2 2 KE J37 +4 2 2 KE J38 +4 2 2 KE J39 +4 2 2 KE J40 +4 2 3 CY G2 +4 2 4 KA C11 +4 2 5 TA H18 +4 2 6 TX I0 +4 2 7 XE I33 +4 2 8 XK H7 +4 2 9 CE F28 +4 3 1 SA A0 +4 3 1 SA A1 +4 3 1 SA A2 +4 3 1 SA A3 +4 3 1 SA A4 +4 3 1 SA A5 +4 3 1 SA A6 +4 3 1 SA A7 +4 3 1 SA A8 +4 3 1 SA A9 +4 3 1 SA A10 +4 3 1 SA A11 +4 3 1 SA A12 +4 3 1 SA A13 +4 3 1 SA A14 +4 3 1 SA A15 +4 3 1 SA A16 +4 3 1 SA A17 +4 3 1 SA A18 +4 3 1 SA A19 +4 3 1 SA A20 +4 3 1 SA A21 +4 3 1 SA A22 +4 3 1 SA A23 +4 3 1 SA A24 +4 3 1 SA A25 +4 3 1 SA A26 +4 3 1 SA A27 +4 3 1 SA A28 +4 3 1 SA A29 +4 3 1 SA A30 +4 3 1 SA A31 +4 3 1 SA A32 +4 3 1 SA A33 +4 3 1 SA A34 +4 3 1 SA A35 +4 3 1 SA A36 +4 3 1 SA A37 +4 3 1 SA A38 +4 3 1 SA A39 +4 3 1 SA A40 +4 3 2 CY G1 +4 3 2 CY G2 +4 3 2 CY G3 +4 3 3 KA B9 +4 3 3 KA B10 +4 3 3 KA B11 +4 3 3 KA B12 +4 3 3 KA C9 +4 3 3 KA C10 +4 3 3 KA C11 +4 3 3 KA C12 +4 3 4 TA G18 +4 3 4 TA G19 +4 3 4 TA G20 +4 3 4 TA G21 +4 3 4 TA H18 +4 3 4 TA H19 +4 3 4 TA H20 +4 3 4 TA H21 +4 3 5 TX G31 +4 3 5 TX H31 +4 3 5 TX I26 +4 3 5 TX I27 +4 3 5 TX I28 +4 3 5 TX I29 +4 3 5 TX I30 +4 3 5 TX I31 +4 3 6 XE I32 +4 3 6 XE I33 +4 3 6 XE I34 +4 3 6 XE I35 +4 3 6 XE I36 +4 3 6 XE I37 +4 3 7 XK I1 +4 3 7 XK I2 +4 3 7 XK I3 +4 3 7 XK I4 +4 3 8 LA D6 +4 3 8 LA D7 +4 3 8 LA D8 +4 3 8 LA E6 +4 3 8 LA E7 +4 3 8 LA E8 +4 3 9 CE D25 +4 3 9 CE D26 +4 3 9 CE D27 +4 3 9 CE D28 +4 3 9 CE D29 +4 3 9 CE E25 +4 3 9 CE E26 +4 3 9 CE E27 +4 3 9 CE E28 +4 3 9 CE E29 +4 4 1 SA A0 +4 4 1 SA A1 +4 4 1 SA A2 +4 4 1 SA A3 +4 4 1 SA A4 +4 4 1 SA A5 +4 4 1 SA A6 +4 4 1 SA A7 +4 4 1 SA A8 +4 4 1 SA A9 +4 4 1 SA A10 +4 4 1 SA A11 +4 4 1 SA A12 +4 4 1 SA A13 +4 4 1 SA A14 +4 4 1 SA A15 +4 4 1 SA A16 +4 4 1 SA A17 +4 4 1 SA A18 +4 4 1 SA A19 +4 4 1 SA A20 +4 4 1 SA A21 +4 4 1 SA A22 +4 4 1 SA A23 +4 4 1 SA A24 +4 4 1 SA A25 +4 4 1 SA A26 +4 4 1 SA A27 +4 4 1 SA A28 +4 4 1 SA A29 +4 4 1 SA A30 +4 4 1 SA A31 +4 4 1 SA A32 +4 4 1 SA A33 +4 4 1 SA A34 +4 4 1 SA A35 +4 4 1 SA A36 +4 4 1 SA A37 +4 4 1 SA A38 +4 4 1 SA A39 +4 4 1 SA A40 +4 4 2 KE J0 +4 4 2 KE J1 +4 4 2 KE J2 +4 4 2 KE J3 +4 4 2 KE J4 +4 4 2 KE J5 +4 4 2 KE J6 +4 4 2 KE J7 +4 4 2 KE J8 +4 4 2 KE J9 +4 4 2 KE J10 +4 4 2 KE J11 +4 4 2 KE J12 +4 4 2 KE J13 +4 4 2 KE J14 +4 4 2 KE J15 +4 4 2 KE J16 +4 4 2 KE J17 +4 4 2 KE J18 +4 4 2 KE J19 +4 4 2 KE J20 +4 4 2 KE J21 +4 4 2 KE J22 +4 4 2 KE J23 +4 4 2 KE J24 +4 4 2 KE J25 +4 4 2 KE J26 +4 4 2 KE J27 +4 4 2 KE J28 +4 4 2 KE J29 +4 4 2 KE J30 +4 4 2 KE J31 +4 4 2 KE J32 +4 4 2 KE J33 +4 4 2 KE J34 +4 4 2 KE J35 +4 4 2 KE J36 +4 4 2 KE J37 +4 4 2 KE J38 +4 4 2 KE J39 +4 4 2 KE J40 +4 4 3 CY F3 +4 4 3 CY F4 +4 4 4 KA C10 +4 4 5 TA F16 +4 4 6 TX G31 +4 4 6 TX H31 +4 4 7 XK H7 +4 4 7 XK H8 +4 5 1 SA A0 +4 5 1 SA A1 +4 5 1 SA A2 +4 5 1 SA A3 +4 5 1 SA A4 +4 5 1 SA A5 +4 5 1 SA A6 +4 5 1 SA A7 +4 5 1 SA A8 +4 5 1 SA A9 +4 5 1 SA A10 +4 5 1 SA A11 +4 5 1 SA A12 +4 5 1 SA A13 +4 5 1 SA A14 +4 5 1 SA A15 +4 5 1 SA A16 +4 5 1 SA A17 +4 5 1 SA A18 +4 5 1 SA A19 +4 5 1 SA A20 +4 5 1 SA A21 +4 5 1 SA A22 +4 5 1 SA A23 +4 5 1 SA A24 +4 5 1 SA A25 +4 5 1 SA A26 +4 5 1 SA A27 +4 5 1 SA A28 +4 5 1 SA A29 +4 5 1 SA A30 +4 5 1 SA A31 +4 5 1 SA A32 +4 5 1 SA A33 +4 5 1 SA A34 +4 5 1 SA A35 +4 5 1 SA A36 +4 5 1 SA A37 +4 5 1 SA A38 +4 5 1 SA A39 +4 5 1 SA A40 +4 5 2 KE J0 +4 5 2 KE J1 +4 5 2 KE J2 +4 5 2 KE J3 +4 5 2 KE J4 +4 5 2 KE J5 +4 5 2 KE J6 +4 5 2 KE J7 +4 5 2 KE J8 +4 5 2 KE J9 +4 5 2 KE J10 +4 5 2 KE J11 +4 5 2 KE J12 +4 5 2 KE J13 +4 5 2 KE J14 +4 5 2 KE J15 +4 5 2 KE J16 +4 5 2 KE J17 +4 5 2 KE J18 +4 5 2 KE J19 +4 5 2 KE J20 +4 5 2 KE J21 +4 5 2 KE J22 +4 5 2 KE J23 +4 5 2 KE J24 +4 5 2 KE J25 +4 5 2 KE J26 +4 5 2 KE J27 +4 5 2 KE J28 +4 5 2 KE J29 +4 5 2 KE J30 +4 5 2 KE J31 +4 5 2 KE J32 +4 5 2 KE J33 +4 5 2 KE J34 +4 5 2 KE J35 +4 5 2 KE J36 +4 5 2 KE J37 +4 5 2 KE J38 +4 5 2 KE J39 +4 5 2 KE J40 +4 5 3 CY G1 +4 5 3 CY G2 +4 5 3 CY G3 +4 5 4 KA C8 +4 5 4 KA C9 +4 5 5 TA H17 +4 5 5 TA H18 +4 5 5 TA H19 +4 5 5 TA H20 +4 5 6 TX H38 +4 5 6 TX H39 +4 5 6 TX H40 +4 5 7 XE H27 +4 5 7 XE H28 +4 5 7 XE H29 +4 5 8 LA E4 +4 5 8 LA E5 +4 5 9 SP E27 +4 5 9 SP E28 +4 5 9 SP E29 +4 5 10 XT I21 +4 5 10 XT I22 +4 5 10 XT I23 +4 5 11 CH I18 +4 5 11 CH I19 +4 5 11 CH I20 +4 6 1 SA A0 +4 6 1 SA A1 +4 6 1 SA A2 +4 6 1 SA A3 +4 6 1 SA A4 +4 6 1 SA A5 +4 6 1 SA A6 +4 6 1 SA A7 +4 6 1 SA A8 +4 6 1 SA A9 +4 6 1 SA A10 +4 6 1 SA A11 +4 6 1 SA A12 +4 6 1 SA A13 +4 6 1 SA A14 +4 6 1 SA A15 +4 6 1 SA A16 +4 6 1 SA A17 +4 6 1 SA A18 +4 6 1 SA A19 +4 6 1 SA A20 +4 6 1 SA A21 +4 6 1 SA A22 +4 6 1 SA A23 +4 6 1 SA A24 +4 6 1 SA A25 +4 6 1 SA A26 +4 6 1 SA A27 +4 6 1 SA A28 +4 6 1 SA A29 +4 6 1 SA A30 +4 6 1 SA A31 +4 6 1 SA A32 +4 6 1 SA A33 +4 6 1 SA A34 +4 6 1 SA A35 +4 6 1 SA A36 +4 6 1 SA A37 +4 6 1 SA A38 +4 6 1 SA A39 +4 6 1 SA A40 +4 6 2 KE I26 +4 6 2 KE I27 +4 6 2 KE I28 +4 6 2 KE I29 +4 6 2 KE I30 +4 6 2 KE I31 +4 6 2 KE J0 +4 6 2 KE J1 +4 6 2 KE J2 +4 6 2 KE J3 +4 6 2 KE J4 +4 6 2 KE J5 +4 6 2 KE J6 +4 6 2 KE J7 +4 6 2 KE J8 +4 6 2 KE J9 +4 6 2 KE J10 +4 6 2 KE J11 +4 6 2 KE J12 +4 6 2 KE J13 +4 6 2 KE J14 +4 6 2 KE J15 +4 6 2 KE J16 +4 6 2 KE J17 +4 6 2 KE J18 +4 6 2 KE J19 +4 6 2 KE J20 +4 6 2 KE J21 +4 6 2 KE J22 +4 6 2 KE J23 +4 6 2 KE J24 +4 6 2 KE J25 +4 6 2 KE J26 +4 6 2 KE J27 +4 6 2 KE J28 +4 6 2 KE J29 +4 6 2 KE J30 +4 6 2 KE J31 +4 6 2 KE J32 +4 6 2 KE J33 +4 6 2 KE J34 +4 6 2 KE J35 +4 6 2 KE J36 +4 6 2 KE J37 +4 6 2 KE J38 +4 6 2 KE J39 +4 6 2 KE J40 +4 6 3 CY G3 +4 6 3 CY H3 +4 6 4 KA D11 +4 6 4 KA D12 +4 6 4 KA D13 +4 6 4 KA E13 +4 6 5 TA G17 +4 6 5 TA H17 +4 6 5 TA H18 +4 6 5 TA H19 +4 6 6 TX H33 +4 6 6 TX H34 +4 6 6 TX I33 +4 6 6 TX I34 +4 6 7 XK G7 +4 6 7 XK G8 +4 6 7 XK H7 +4 6 7 XK H8 +4 6 8 LA D6 +4 6 8 LA D7 +4 6 8 LA D8 +4 6 8 LA E6 +4 6 8 LA E7 +4 6 8 LA E8 +4 6 9 SW B4 +4 6 9 SW B5 +4 6 9 SW B6 +4 6 9 SW B7 +4 7 1 SA A0 +4 7 1 SA A1 +4 7 1 SA A2 +4 7 1 SA A3 +4 7 1 SA A4 +4 7 1 SA A5 +4 7 1 SA A6 +4 7 1 SA A7 +4 7 1 SA A8 +4 7 1 SA A9 +4 7 1 SA A10 +4 7 1 SA A11 +4 7 1 SA A12 +4 7 1 SA A13 +4 7 1 SA A14 +4 7 1 SA A15 +4 7 1 SA A16 +4 7 1 SA A17 +4 7 1 SA A18 +4 7 1 SA A19 +4 7 1 SA A20 +4 7 1 SA A21 +4 7 1 SA A22 +4 7 1 SA A23 +4 7 1 SA A24 +4 7 1 SA A25 +4 7 1 SA A26 +4 7 1 SA A27 +4 7 1 SA A28 +4 7 1 SA A29 +4 7 1 SA A30 +4 7 1 SA A31 +4 7 1 SA A32 +4 7 1 SA A33 +4 7 1 SA A34 +4 7 1 SA A35 +4 7 1 SA A36 +4 7 1 SA A37 +4 7 1 SA A38 +4 7 1 SA A39 +4 7 1 SA A40 +4 7 2 KE J0 +4 7 2 KE J1 +4 7 2 KE J2 +4 7 2 KE J3 +4 7 2 KE J4 +4 7 2 KE J5 +4 7 2 KE J6 +4 7 2 KE J7 +4 7 2 KE J8 +4 7 2 KE J9 +4 7 2 KE J10 +4 7 2 KE J11 +4 7 2 KE J12 +4 7 2 KE J13 +4 7 2 KE J14 +4 7 2 KE J15 +4 7 2 KE J16 +4 7 2 KE J17 +4 7 2 KE J18 +4 7 2 KE J19 +4 7 2 KE J20 +4 7 2 KE J21 +4 7 2 KE J22 +4 7 2 KE J23 +4 7 2 KE J24 +4 7 2 KE J25 +4 7 2 KE J26 +4 7 2 KE J27 +4 7 2 KE J28 +4 7 2 KE J29 +4 7 2 KE J30 +4 7 2 KE J31 +4 7 2 KE J32 +4 7 2 KE J33 +4 7 2 KE J34 +4 7 2 KE J35 +4 7 2 KE J36 +4 7 2 KE J37 +4 7 2 KE J38 +4 7 2 KE J39 +4 7 2 KE J40 +4 7 3 CY H1 +4 7 3 CY H2 +4 7 3 CY H3 +4 7 4 KA C8 +4 7 4 KA C9 +4 7 5 TA H16 +4 7 5 TA H17 +4 7 5 TA H18 +4 7 5 TA H19 +4 7 5 TA H20 +4 7 5 TA I16 +4 7 5 TA I17 +4 7 5 TA I18 +4 7 5 TA I19 +4 7 5 TA I20 +4 7 6 TX H32 +4 7 6 TX H33 +4 7 6 TX H34 +4 7 6 TX H35 +4 7 6 TX H36 +4 7 6 TX I32 +4 7 6 TX I33 +4 7 6 TX I34 +4 7 6 TX I35 +4 7 6 TX I36 +4 7 7 LA E4 +4 7 7 LA E5 +4 7 8 SP G26 +4 7 8 SP G27 +4 7 8 SP G28 +4 7 8 SP G29 +4 7 8 SP G30 +4 8 1 SA A0 +4 8 1 SA A1 +4 8 1 SA A2 +4 8 1 SA A3 +4 8 1 SA A4 +4 8 1 SA A5 +4 8 1 SA A6 +4 8 1 SA A7 +4 8 1 SA A8 +4 8 1 SA A9 +4 8 1 SA A10 +4 8 1 SA A11 +4 8 1 SA A12 +4 8 1 SA A13 +4 8 1 SA A14 +4 8 1 SA A15 +4 8 1 SA A16 +4 8 1 SA A17 +4 8 1 SA A18 +4 8 1 SA A19 +4 8 1 SA A20 +4 8 1 SA A21 +4 8 1 SA A22 +4 8 1 SA A23 +4 8 1 SA A24 +4 8 1 SA A25 +4 8 1 SA A26 +4 8 1 SA A27 +4 8 1 SA A28 +4 8 1 SA A29 +4 8 1 SA A30 +4 8 1 SA A31 +4 8 1 SA A32 +4 8 1 SA A33 +4 8 1 SA A34 +4 8 1 SA A35 +4 8 1 SA A36 +4 8 1 SA A37 +4 8 1 SA A38 +4 8 1 SA A39 +4 8 1 SA A40 +4 8 2 KE J0 +4 8 2 KE J1 +4 8 2 KE J2 +4 8 2 KE J3 +4 8 2 KE J4 +4 8 2 KE J5 +4 8 2 KE J6 +4 8 2 KE J7 +4 8 2 KE J8 +4 8 2 KE J9 +4 8 2 KE J10 +4 8 2 KE J11 +4 8 2 KE J12 +4 8 2 KE J13 +4 8 2 KE J14 +4 8 2 KE J15 +4 8 2 KE J16 +4 8 2 KE J17 +4 8 2 KE J18 +4 8 2 KE J19 +4 8 2 KE J20 +4 8 2 KE J21 +4 8 2 KE J22 +4 8 2 KE J23 +4 8 2 KE J24 +4 8 2 KE J25 +4 8 2 KE J26 +4 8 2 KE J27 +4 8 2 KE J28 +4 8 2 KE J29 +4 8 2 KE J30 +4 8 2 KE J31 +4 8 2 KE J32 +4 8 2 KE J33 +4 8 2 KE J34 +4 8 2 KE J35 +4 8 2 KE J36 +4 8 2 KE J37 +4 8 2 KE J38 +4 8 2 KE J39 +4 8 2 KE J40 +4 8 3 CY H1 +4 8 3 CY H2 +4 8 3 CY H3 +4 8 3 CY H4 +4 8 4 KA C8 +4 8 4 KA C9 +4 8 4 KA C10 +4 8 5 TA H18 +4 8 5 TA H19 +4 8 5 TA H20 +4 8 5 TA H21 +4 8 6 TX I33 +4 8 6 TX I34 +4 8 6 TX I35 +4 8 6 TX I36 +4 8 7 XE I29 +4 8 7 XE I30 +4 8 8 XK I2 +4 8 8 XK I3 +4 8 8 XK I4 +4 8 9 LA D6 +4 8 9 LA D7 +4 8 9 LA D8 +4 9 1 SA A0 +4 9 1 SA A1 +4 9 1 SA A2 +4 9 1 SA A3 +4 9 1 SA A4 +4 9 1 SA A5 +4 9 1 SA A6 +4 9 1 SA A7 +4 9 1 SA A8 +4 9 1 SA A9 +4 9 1 SA A10 +4 9 1 SA A11 +4 9 1 SA A12 +4 9 1 SA A13 +4 9 1 SA A14 +4 9 1 SA A15 +4 9 1 SA A16 +4 9 1 SA A17 +4 9 1 SA A18 +4 9 1 SA A19 +4 9 1 SA A20 +4 9 1 SA A21 +4 9 1 SA A22 +4 9 1 SA A23 +4 9 1 SA A24 +4 9 1 SA A25 +4 9 1 SA A26 +4 9 1 SA A27 +4 9 1 SA A28 +4 9 1 SA A29 +4 9 1 SA A30 +4 9 1 SA A31 +4 9 1 SA A32 +4 9 1 SA A33 +4 9 1 SA A34 +4 9 1 SA A35 +4 9 1 SA A36 +4 9 1 SA A37 +4 9 1 SA A38 +4 9 1 SA A39 +4 9 1 SA A40 +4 9 2 KE J0 +4 9 2 KE J1 +4 9 2 KE J2 +4 9 2 KE J3 +4 9 2 KE J4 +4 9 2 KE J5 +4 9 2 KE J6 +4 9 2 KE J7 +4 9 2 KE J8 +4 9 2 KE J9 +4 9 2 KE J10 +4 9 2 KE J11 +4 9 2 KE J12 +4 9 2 KE J13 +4 9 2 KE J14 +4 9 2 KE J15 +4 9 2 KE J16 +4 9 2 KE J17 +4 9 2 KE J18 +4 9 2 KE J19 +4 9 2 KE J20 +4 9 2 KE J21 +4 9 2 KE J22 +4 9 2 KE J23 +4 9 2 KE J24 +4 9 2 KE J25 +4 9 2 KE J26 +4 9 2 KE J27 +4 9 2 KE J28 +4 9 2 KE J29 +4 9 2 KE J30 +4 9 2 KE J31 +4 9 2 KE J32 +4 9 2 KE J33 +4 9 2 KE J34 +4 9 2 KE J35 +4 9 2 KE J36 +4 9 2 KE J37 +4 9 2 KE J38 +4 9 2 KE J39 +4 9 2 KE J40 +4 9 3 CY H1 +4 9 3 CY H2 +4 9 3 CY H3 +4 9 3 CY I1 +4 9 3 CY I2 +4 9 3 CY I3 +4 9 4 KA C10 +4 9 4 KA C11 +4 9 4 KA C12 +4 9 4 KA D10 +4 9 4 KA D11 +4 9 4 KA D12 +4 9 5 TA I18 +4 9 5 TA I19 +4 9 5 TA I20 +4 9 6 TX H29 +4 9 6 TX H30 +4 9 6 TX I29 +4 9 6 TX I30 +4 9 7 XK G6 +4 9 7 XK G7 +4 9 7 XK G8 +4 9 7 XK H6 +4 9 7 XK H7 +4 9 7 XK H8 +4 9 8 SP D27 +4 9 8 SP D28 +4 9 8 SP D29 +4 9 8 SP D30 +4 9 9 SW B0 +4 9 9 SW B1 +4 9 9 SW B2 +4 9 9 SW B3 +4 9 9 SW B4 +4 9 9 SW B5 +4 9 9 SW B6 +4 9 9 SW B7 +4 9 9 SW B8 +4 10 1 SA A0 +4 10 1 SA A1 +4 10 1 SA A2 +4 10 1 SA A3 +4 10 1 SA A4 +4 10 1 SA A5 +4 10 1 SA A6 +4 10 1 SA A7 +4 10 1 SA A8 +4 10 1 SA A9 +4 10 1 SA A10 +4 10 1 SA A11 +4 10 1 SA A12 +4 10 1 SA A13 +4 10 1 SA A14 +4 10 1 SA A15 +4 10 1 SA A16 +4 10 1 SA A17 +4 10 1 SA A18 +4 10 1 SA A19 +4 10 1 SA A20 +4 10 1 SA A21 +4 10 1 SA A22 +4 10 1 SA A23 +4 10 1 SA A24 +4 10 1 SA A25 +4 10 1 SA A26 +4 10 1 SA A27 +4 10 1 SA A28 +4 10 1 SA A29 +4 10 1 SA A30 +4 10 1 SA A31 +4 10 1 SA A32 +4 10 1 SA A33 +4 10 1 SA A34 +4 10 1 SA A35 +4 10 1 SA A36 +4 10 1 SA A37 +4 10 1 SA A38 +4 10 1 SA A39 +4 10 1 SA A40 +4 10 2 KE J0 +4 10 2 KE J1 +4 10 2 KE J2 +4 10 2 KE J3 +4 10 2 KE J4 +4 10 2 KE J5 +4 10 2 KE J6 +4 10 2 KE J7 +4 10 2 KE J8 +4 10 2 KE J9 +4 10 2 KE J10 +4 10 2 KE J11 +4 10 2 KE J12 +4 10 2 KE J13 +4 10 2 KE J14 +4 10 2 KE J15 +4 10 2 KE J16 +4 10 2 KE J17 +4 10 2 KE J18 +4 10 2 KE J19 +4 10 2 KE J20 +4 10 2 KE J21 +4 10 2 KE J22 +4 10 2 KE J23 +4 10 2 KE J24 +4 10 2 KE J25 +4 10 2 KE J26 +4 10 2 KE J27 +4 10 2 KE J28 +4 10 2 KE J29 +4 10 2 KE J30 +4 10 2 KE J31 +4 10 2 KE J32 +4 10 2 KE J33 +4 10 2 KE J34 +4 10 2 KE J35 +4 10 2 KE J36 +4 10 2 KE J37 +4 10 2 KE J38 +4 10 2 KE J39 +4 10 2 KE J40 +4 10 3 CY G1 +4 10 3 CY G2 +4 10 3 CY G3 +4 10 4 KA C8 +4 10 4 KA C9 +4 10 4 KA D8 +4 10 4 KA D9 +4 10 5 TA G17 +4 10 5 TA G18 +4 10 5 TA H17 +4 10 5 TA H18 +4 10 6 TX G29 +4 10 6 TX G30 +4 10 6 TX H29 +4 10 6 TX H30 +4 10 7 XK H7 +4 10 7 XK H8 +4 10 7 XK H9 +4 10 8 LA E6 +4 10 8 LA E7 +4 10 8 LA F6 +4 10 8 LA F7 +4 10 9 SP E0 +4 10 9 SP F0 +4 10 9 SP G0 +4 11 1 SA A0 +4 11 1 SA A1 +4 11 1 SA A2 +4 11 1 SA A3 +4 11 1 SA A4 +4 11 1 SA A5 +4 11 1 SA A6 +4 11 1 SA A7 +4 11 1 SA A8 +4 11 1 SA A9 +4 11 1 SA A10 +4 11 1 SA A11 +4 11 1 SA A12 +4 11 1 SA A13 +4 11 1 SA A14 +4 11 1 SA A15 +4 11 1 SA A16 +4 11 1 SA A17 +4 11 1 SA A18 +4 11 1 SA A19 +4 11 1 SA A20 +4 11 1 SA A21 +4 11 1 SA A22 +4 11 1 SA A23 +4 11 1 SA A24 +4 11 1 SA A25 +4 11 1 SA A26 +4 11 1 SA A27 +4 11 1 SA A28 +4 11 1 SA A29 +4 11 1 SA A30 +4 11 1 SA A31 +4 11 1 SA A32 +4 11 1 SA A33 +4 11 1 SA A34 +4 11 1 SA A35 +4 11 1 SA A36 +4 11 1 SA A37 +4 11 1 SA A38 +4 11 1 SA A39 +4 11 1 SA A40 +4 11 2 KE J0 +4 11 2 KE J1 +4 11 2 KE J2 +4 11 2 KE J3 +4 11 2 KE J4 +4 11 2 KE J5 +4 11 2 KE J6 +4 11 2 KE J7 +4 11 2 KE J8 +4 11 2 KE J9 +4 11 2 KE J10 +4 11 2 KE J11 +4 11 2 KE J12 +4 11 2 KE J13 +4 11 2 KE J14 +4 11 2 KE J15 +4 11 2 KE J16 +4 11 2 KE J17 +4 11 2 KE J18 +4 11 2 KE J19 +4 11 2 KE J20 +4 11 2 KE J21 +4 11 2 KE J22 +4 11 2 KE J23 +4 11 2 KE J24 +4 11 2 KE J25 +4 11 2 KE J26 +4 11 2 KE J27 +4 11 2 KE J28 +4 11 2 KE J29 +4 11 2 KE J30 +4 11 2 KE J31 +4 11 2 KE J32 +4 11 2 KE J33 +4 11 2 KE J34 +4 11 2 KE J35 +4 11 2 KE J36 +4 11 2 KE J37 +4 11 2 KE J38 +4 11 2 KE J39 +4 11 2 KE J40 +4 11 3 CY F1 +4 11 3 CY G1 +4 11 4 KA C8 +4 11 4 KA C9 +4 11 4 KA C10 +4 11 5 TA F17 +4 11 5 TA F18 +4 11 5 TA F19 +4 11 6 XE F28 +4 11 6 XE F29 +4 11 6 XE F30 +4 11 7 XK G6 +4 11 7 XK G7 +4 11 7 XK G8 +4 11 7 XK G9 +4 11 8 SW B9 +4 11 9 CE D27 +4 11 9 CE D28 +4 11 9 CE D29 +4 11 9 CE D30 +4 12 1 SA A0 +4 12 1 SA A1 +4 12 1 SA A2 +4 12 1 SA A3 +4 12 1 SA A4 +4 12 1 SA A5 +4 12 1 SA A6 +4 12 1 SA A7 +4 12 1 SA A8 +4 12 1 SA A9 +4 12 1 SA A10 +4 12 1 SA A11 +4 12 1 SA A12 +4 12 1 SA A13 +4 12 1 SA A14 +4 12 1 SA A15 +4 12 1 SA A16 +4 12 1 SA A17 +4 12 1 SA A18 +4 12 1 SA A19 +4 12 1 SA A20 +4 12 1 SA A21 +4 12 1 SA A22 +4 12 1 SA A23 +4 12 1 SA A24 +4 12 1 SA A25 +4 12 1 SA A26 +4 12 1 SA A27 +4 12 1 SA A28 +4 12 1 SA A29 +4 12 1 SA A30 +4 12 1 SA A31 +4 12 1 SA A32 +4 12 1 SA A33 +4 12 1 SA A34 +4 12 1 SA A35 +4 12 1 SA A36 +4 12 1 SA A37 +4 12 1 SA A38 +4 12 1 SA A39 +4 12 1 SA A40 +4 12 2 KE J0 +4 12 2 KE J1 +4 12 2 KE J2 +4 12 2 KE J3 +4 12 2 KE J4 +4 12 2 KE J5 +4 12 2 KE J6 +4 12 2 KE J7 +4 12 2 KE J8 +4 12 2 KE J9 +4 12 2 KE J10 +4 12 2 KE J11 +4 12 2 KE J12 +4 12 2 KE J13 +4 12 2 KE J14 +4 12 2 KE J15 +4 12 2 KE J16 +4 12 2 KE J17 +4 12 2 KE J18 +4 12 2 KE J19 +4 12 2 KE J20 +4 12 2 KE J21 +4 12 2 KE J22 +4 12 2 KE J23 +4 12 2 KE J24 +4 12 2 KE J25 +4 12 2 KE J26 +4 12 2 KE J27 +4 12 2 KE J28 +4 12 2 KE J29 +4 12 2 KE J30 +4 12 2 KE J31 +4 12 2 KE J32 +4 12 2 KE J33 +4 12 2 KE J34 +4 12 2 KE J35 +4 12 2 KE J36 +4 12 2 KE J37 +4 12 2 KE J38 +4 12 2 KE J39 +4 12 2 KE J40 +4 12 3 CY F1 +4 12 3 CY F2 +4 12 3 CY G1 +4 12 3 CY G2 +4 12 4 KA G7 +4 12 4 KA G8 +4 12 5 TA F17 +4 12 5 TA F18 +4 12 6 TX F31 +4 12 6 TX G31 +4 12 6 TX H31 +4 12 7 XE G29 +4 12 7 XE G30 +4 12 7 XE H29 +4 12 7 XE H30 +4 12 8 XK C8 +4 12 8 XK C9 +4 12 9 CH F17 +4 12 9 CH F18 +4 12 10 CE E29 +4 12 10 CE F29 +4 13 1 SA A0 +4 13 1 SA A1 +4 13 1 SA A2 +4 13 1 SA A3 +4 13 1 SA A4 +4 13 1 SA A5 +4 13 1 SA A6 +4 13 1 SA A7 +4 13 1 SA A8 +4 13 1 SA A9 +4 13 1 SA A10 +4 13 1 SA A11 +4 13 1 SA A12 +4 13 1 SA A13 +4 13 1 SA A14 +4 13 1 SA A15 +4 13 1 SA A16 +4 13 1 SA A17 +4 13 1 SA A18 +4 13 1 SA A19 +4 13 1 SA A20 +4 13 1 SA A21 +4 13 1 SA A22 +4 13 1 SA A23 +4 13 1 SA A24 +4 13 1 SA A25 +4 13 1 SA A26 +4 13 1 SA A27 +4 13 1 SA A28 +4 13 1 SA A29 +4 13 1 SA A30 +4 13 1 SA A31 +4 13 1 SA A32 +4 13 1 SA A33 +4 13 1 SA A34 +4 13 1 SA A35 +4 13 1 SA A36 +4 13 1 SA A37 +4 13 1 SA A38 +4 13 1 SA A39 +4 13 1 SA A40 +4 13 2 KE J0 +4 13 2 KE J1 +4 13 2 KE J2 +4 13 2 KE J3 +4 13 2 KE J4 +4 13 2 KE J5 +4 13 2 KE J6 +4 13 2 KE J7 +4 13 2 KE J8 +4 13 2 KE J9 +4 13 2 KE J10 +4 13 2 KE J11 +4 13 2 KE J12 +4 13 2 KE J13 +4 13 2 KE J14 +4 13 2 KE J15 +4 13 2 KE J16 +4 13 2 KE J17 +4 13 2 KE J18 +4 13 2 KE J19 +4 13 2 KE J20 +4 13 2 KE J21 +4 13 2 KE J22 +4 13 2 KE J23 +4 13 2 KE J24 +4 13 2 KE J25 +4 13 2 KE J26 +4 13 2 KE J27 +4 13 2 KE J28 +4 13 2 KE J29 +4 13 2 KE J30 +4 13 2 KE J31 +4 13 2 KE J32 +4 13 2 KE J33 +4 13 2 KE J34 +4 13 2 KE J35 +4 13 2 KE J36 +4 13 2 KE J37 +4 13 2 KE J38 +4 13 2 KE J39 +4 13 2 KE J40 +4 13 3 CY G1 +4 13 3 CY G2 +4 13 3 CY G3 +4 13 4 KA B10 +4 13 4 KA B11 +4 13 4 KA B12 +4 13 4 KA B13 +4 13 4 KA C10 +4 13 4 KA C11 +4 13 4 KA C12 +4 13 5 TA F17 +4 13 5 TA G17 +4 13 6 TX H26 +4 13 6 TX H27 +4 13 7 XE H28 +4 13 7 XE H29 +4 13 7 XE H30 +4 13 8 XK H6 +4 13 8 XK H7 +4 13 8 XK H8 +4 13 9 SW C0 +4 13 9 SW C1 +4 13 9 SW C2 +4 13 9 SW C3 +4 14 1 SA A0 +4 14 1 SA A1 +4 14 1 SA A2 +4 14 1 SA A3 +4 14 1 SA A4 +4 14 1 SA A5 +4 14 1 SA A6 +4 14 1 SA A7 +4 14 1 SA A8 +4 14 1 SA A9 +4 14 1 SA A10 +4 14 1 SA A11 +4 14 1 SA A12 +4 14 1 SA A13 +4 14 1 SA A14 +4 14 1 SA A15 +4 14 1 SA A16 +4 14 1 SA A17 +4 14 1 SA A18 +4 14 1 SA A19 +4 14 1 SA A20 +4 14 1 SA A21 +4 14 1 SA A22 +4 14 1 SA A23 +4 14 1 SA A24 +4 14 1 SA A25 +4 14 1 SA A26 +4 14 1 SA A27 +4 14 1 SA A28 +4 14 1 SA A29 +4 14 1 SA A30 +4 14 1 SA A31 +4 14 1 SA A32 +4 14 1 SA A33 +4 14 1 SA A34 +4 14 1 SA A35 +4 14 1 SA A36 +4 14 1 SA A37 +4 14 1 SA A38 +4 14 1 SA A39 +4 14 1 SA A40 +4 14 2 KE J0 +4 14 2 KE J1 +4 14 2 KE J2 +4 14 2 KE J3 +4 14 2 KE J4 +4 14 2 KE J5 +4 14 2 KE J6 +4 14 2 KE J7 +4 14 2 KE J8 +4 14 2 KE J9 +4 14 2 KE J10 +4 14 2 KE J11 +4 14 2 KE J12 +4 14 2 KE J13 +4 14 2 KE J14 +4 14 2 KE J15 +4 14 2 KE J16 +4 14 2 KE J17 +4 14 2 KE J18 +4 14 2 KE J19 +4 14 2 KE J20 +4 14 2 KE J21 +4 14 2 KE J22 +4 14 2 KE J23 +4 14 2 KE J24 +4 14 2 KE J25 +4 14 2 KE J26 +4 14 2 KE J27 +4 14 2 KE J28 +4 14 2 KE J29 +4 14 2 KE J30 +4 14 2 KE J31 +4 14 2 KE J32 +4 14 2 KE J33 +4 14 2 KE J34 +4 14 2 KE J35 +4 14 2 KE J36 +4 14 2 KE J37 +4 14 2 KE J38 +4 14 2 KE J39 +4 14 2 KE J40 +4 14 3 CY F1 +4 14 3 CY F2 +4 14 3 CY G1 +4 14 3 CY G2 +4 14 4 KA C8 +4 14 4 KA C9 +4 14 4 KA D8 +4 14 4 KA D9 +4 14 5 TA F18 +4 14 5 TA F19 +4 14 5 TA G18 +4 14 5 TA G19 +4 14 6 TX H33 +4 14 6 TX H34 +4 14 6 TX I33 +4 14 6 TX I34 +4 14 7 XE G29 +4 14 7 XE G30 +4 14 7 XE H29 +4 14 7 XE H30 +4 14 8 XK G10 +4 14 8 XK G11 +4 14 9 CE F27 +4 14 9 CE F28 +4 14 9 CE G27 +4 14 9 CE G28 +4 15 1 SA A0 +4 15 1 SA A1 +4 15 1 SA A2 +4 15 1 SA A3 +4 15 1 SA A4 +4 15 1 SA A5 +4 15 1 SA A6 +4 15 1 SA A7 +4 15 1 SA A8 +4 15 1 SA A9 +4 15 1 SA A10 +4 15 1 SA A11 +4 15 1 SA A12 +4 15 1 SA A13 +4 15 1 SA A14 +4 15 1 SA A15 +4 15 1 SA A16 +4 15 1 SA A17 +4 15 1 SA A18 +4 15 1 SA A19 +4 15 1 SA A20 +4 15 1 SA A21 +4 15 1 SA A22 +4 15 1 SA A23 +4 15 1 SA A24 +4 15 1 SA A25 +4 15 1 SA A26 +4 15 1 SA A27 +4 15 1 SA A28 +4 15 1 SA A29 +4 15 1 SA A30 +4 15 1 SA A31 +4 15 1 SA A32 +4 15 1 SA A33 +4 15 1 SA A34 +4 15 1 SA A35 +4 15 1 SA A36 +4 15 1 SA A37 +4 15 1 SA A38 +4 15 1 SA A39 +4 15 1 SA A40 +4 15 2 KE J0 +4 15 2 KE J1 +4 15 2 KE J2 +4 15 2 KE J3 +4 15 2 KE J4 +4 15 2 KE J5 +4 15 2 KE J6 +4 15 2 KE J7 +4 15 2 KE J8 +4 15 2 KE J9 +4 15 2 KE J10 +4 15 2 KE J11 +4 15 2 KE J12 +4 15 2 KE J13 +4 15 2 KE J14 +4 15 2 KE J15 +4 15 2 KE J16 +4 15 2 KE J17 +4 15 2 KE J18 +4 15 2 KE J19 +4 15 2 KE J20 +4 15 2 KE J21 +4 15 2 KE J22 +4 15 2 KE J23 +4 15 2 KE J24 +4 15 2 KE J25 +4 15 2 KE J26 +4 15 2 KE J27 +4 15 2 KE J28 +4 15 2 KE J29 +4 15 2 KE J30 +4 15 2 KE J31 +4 15 2 KE J32 +4 15 2 KE J33 +4 15 2 KE J34 +4 15 2 KE J35 +4 15 2 KE J36 +4 15 2 KE J37 +4 15 2 KE J38 +4 15 2 KE J39 +4 15 2 KE J40 +4 15 3 CY G0 +4 15 3 CY G1 +4 15 3 CY G2 +4 15 4 KA C8 +4 15 4 KA C9 +4 15 4 KA C10 +4 15 5 TA H16 +4 15 5 TA H17 +4 15 5 TA H18 +4 15 6 TX G31 +4 15 6 TX H31 +4 15 7 XE G30 +4 15 7 XE H30 +4 15 8 XK H5 +4 15 8 XK H6 +4 15 8 XK H7 +4 15 9 SW C5 +4 15 9 SW C6 +4 15 10 CE F28 +4 15 10 CE F29 +4 15 10 CE F30 +4 16 1 SA A0 +4 16 1 SA A1 +4 16 1 SA A2 +4 16 1 SA A3 +4 16 1 SA A4 +4 16 1 SA A5 +4 16 1 SA A6 +4 16 1 SA A7 +4 16 1 SA A8 +4 16 1 SA A9 +4 16 1 SA A10 +4 16 1 SA A11 +4 16 1 SA A12 +4 16 1 SA A13 +4 16 1 SA A14 +4 16 1 SA A15 +4 16 1 SA A16 +4 16 1 SA A17 +4 16 1 SA A18 +4 16 1 SA A19 +4 16 1 SA A20 +4 16 1 SA A21 +4 16 1 SA A22 +4 16 1 SA A23 +4 16 1 SA A24 +4 16 1 SA A25 +4 16 1 SA A26 +4 16 1 SA A27 +4 16 1 SA A28 +4 16 1 SA A29 +4 16 1 SA A30 +4 16 1 SA A31 +4 16 1 SA A32 +4 16 1 SA A33 +4 16 1 SA A34 +4 16 1 SA A35 +4 16 1 SA A36 +4 16 1 SA A37 +4 16 1 SA A38 +4 16 1 SA A39 +4 16 1 SA A40 +4 16 2 KE J0 +4 16 2 KE J1 +4 16 2 KE J2 +4 16 2 KE J3 +4 16 2 KE J4 +4 16 2 KE J5 +4 16 2 KE J6 +4 16 2 KE J7 +4 16 2 KE J8 +4 16 2 KE J9 +4 16 2 KE J10 +4 16 2 KE J11 +4 16 2 KE J12 +4 16 2 KE J13 +4 16 2 KE J14 +4 16 2 KE J15 +4 16 2 KE J16 +4 16 2 KE J17 +4 16 2 KE J18 +4 16 2 KE J19 +4 16 2 KE J20 +4 16 2 KE J21 +4 16 2 KE J22 +4 16 2 KE J23 +4 16 2 KE J24 +4 16 2 KE J25 +4 16 2 KE J26 +4 16 2 KE J27 +4 16 2 KE J28 +4 16 2 KE J29 +4 16 2 KE J30 +4 16 2 KE J31 +4 16 2 KE J32 +4 16 2 KE J33 +4 16 2 KE J34 +4 16 2 KE J35 +4 16 2 KE J36 +4 16 2 KE J37 +4 16 2 KE J38 +4 16 2 KE J39 +4 16 2 KE J40 +4 16 3 CY F1 +4 16 3 CY F2 +4 16 4 KA C8 +4 16 4 KA C9 +4 16 5 TA H17 +4 16 5 TA H18 +4 16 5 TA H19 +4 16 5 TA H20 +4 16 6 TX I21 +4 16 6 TX I22 +4 16 7 XE H21 +4 17 1 SA A0 +4 17 1 SA A1 +4 17 1 SA A2 +4 17 1 SA A3 +4 17 1 SA A4 +4 17 1 SA A5 +4 17 1 SA A6 +4 17 1 SA A7 +4 17 1 SA A8 +4 17 1 SA A9 +4 17 1 SA A10 +4 17 1 SA A11 +4 17 1 SA A12 +4 17 1 SA A13 +4 17 1 SA A14 +4 17 1 SA A15 +4 17 1 SA A16 +4 17 1 SA A17 +4 17 1 SA A18 +4 17 1 SA A19 +4 17 1 SA A20 +4 17 1 SA A21 +4 17 1 SA A22 +4 17 1 SA A23 +4 17 1 SA A24 +4 17 1 SA A25 +4 17 1 SA A26 +4 17 1 SA A27 +4 17 1 SA A28 +4 17 1 SA A29 +4 17 1 SA A30 +4 17 1 SA A31 +4 17 1 SA A32 +4 17 1 SA A33 +4 17 1 SA A34 +4 17 1 SA A35 +4 17 1 SA A36 +4 17 1 SA A37 +4 17 1 SA A38 +4 17 1 SA A39 +4 17 1 SA A40 +4 17 2 KE J0 +4 17 2 KE J1 +4 17 2 KE J2 +4 17 2 KE J3 +4 17 2 KE J4 +4 17 2 KE J5 +4 17 2 KE J6 +4 17 2 KE J7 +4 17 2 KE J8 +4 17 2 KE J9 +4 17 2 KE J10 +4 17 2 KE J11 +4 17 2 KE J12 +4 17 2 KE J13 +4 17 2 KE J14 +4 17 2 KE J15 +4 17 2 KE J16 +4 17 2 KE J17 +4 17 2 KE J18 +4 17 2 KE J19 +4 17 2 KE J20 +4 17 2 KE J21 +4 17 2 KE J22 +4 17 2 KE J23 +4 17 2 KE J24 +4 17 2 KE J25 +4 17 2 KE J26 +4 17 2 KE J27 +4 17 2 KE J28 +4 17 2 KE J29 +4 17 2 KE J30 +4 17 2 KE J31 +4 17 2 KE J32 +4 17 2 KE J33 +4 17 2 KE J34 +4 17 2 KE J35 +4 17 2 KE J36 +4 17 2 KE J37 +4 17 2 KE J38 +4 17 2 KE J39 +4 17 2 KE J40 +4 17 3 CY H1 +4 17 3 CY H2 +4 17 3 CY H3 +4 17 4 KA D6 +4 17 4 KA D7 +4 17 4 KA D8 +4 17 4 KA D9 +4 17 5 TA I18 +4 17 5 TA I19 +4 17 5 TA I20 +4 17 6 TX H30 +4 17 6 TX H31 +4 17 6 TX I30 +4 17 6 TX I31 +4 17 7 XK G5 +4 17 7 XK G6 +4 17 7 XK G7 +4 17 7 XK G8 +4 17 8 LA E4 +4 17 8 LA E5 +4 17 9 SP F26 +4 17 9 SP F27 +4 17 9 SP F28 +4 17 9 SP F29 +4 17 10 CA I36 +4 17 10 CA I37 +4 17 10 CA I38 +4 17 10 CA I39 +4 17 10 CA I40 +4 18 1 SA A0 +4 18 1 SA A1 +4 18 1 SA A2 +4 18 1 SA A3 +4 18 1 SA A4 +4 18 1 SA A5 +4 18 1 SA A6 +4 18 1 SA A7 +4 18 1 SA A8 +4 18 1 SA A9 +4 18 1 SA A10 +4 18 1 SA A11 +4 18 1 SA A12 +4 18 1 SA A13 +4 18 1 SA A14 +4 18 1 SA A15 +4 18 1 SA A16 +4 18 1 SA A17 +4 18 1 SA A18 +4 18 1 SA A19 +4 18 1 SA A20 +4 18 1 SA A21 +4 18 1 SA A22 +4 18 1 SA A23 +4 18 1 SA A24 +4 18 1 SA A25 +4 18 1 SA A26 +4 18 1 SA A27 +4 18 1 SA A28 +4 18 1 SA A29 +4 18 1 SA A30 +4 18 1 SA A31 +4 18 1 SA A32 +4 18 1 SA A33 +4 18 1 SA A34 +4 18 1 SA A35 +4 18 1 SA A36 +4 18 1 SA A37 +4 18 1 SA A38 +4 18 1 SA A39 +4 18 1 SA A40 +4 18 2 KE J0 +4 18 2 KE J1 +4 18 2 KE J2 +4 18 2 KE J3 +4 18 2 KE J4 +4 18 2 KE J5 +4 18 2 KE J6 +4 18 2 KE J7 +4 18 2 KE J8 +4 18 2 KE J9 +4 18 2 KE J10 +4 18 2 KE J11 +4 18 2 KE J12 +4 18 2 KE J13 +4 18 2 KE J14 +4 18 2 KE J15 +4 18 2 KE J16 +4 18 2 KE J17 +4 18 2 KE J18 +4 18 2 KE J19 +4 18 2 KE J20 +4 18 2 KE J21 +4 18 2 KE J22 +4 18 2 KE J23 +4 18 2 KE J24 +4 18 2 KE J25 +4 18 2 KE J26 +4 18 2 KE J27 +4 18 2 KE J28 +4 18 2 KE J29 +4 18 2 KE J30 +4 18 2 KE J31 +4 18 2 KE J32 +4 18 2 KE J33 +4 18 2 KE J34 +4 18 2 KE J35 +4 18 2 KE J36 +4 18 2 KE J37 +4 18 2 KE J38 +4 18 2 KE J39 +4 18 2 KE J40 +4 18 3 CY G3 +4 18 4 KA D8 +4 18 5 TA D16 +4 18 5 TA D17 +4 18 5 TA E16 +4 18 5 TA E17 +4 18 6 TX G32 +4 18 7 XE G30 +4 19 1 SA A33 +4 19 2 KE J32 +4 19 3 CY H33 +4 19 4 KA G9 +4 19 5 TA H18 +4 19 5 TA I13 +4 19 6 TX I34 +4 20 1 SA A0 +4 20 1 SA A1 +4 20 1 SA A2 +4 20 1 SA A3 +4 20 1 SA A4 +4 20 1 SA A5 +4 20 1 SA A6 +4 20 1 SA A7 +4 20 1 SA A8 +4 20 1 SA A9 +4 20 1 SA A10 +4 20 1 SA A11 +4 20 1 SA A12 +4 20 1 SA A13 +4 20 1 SA A14 +4 20 1 SA A15 +4 20 1 SA A16 +4 20 1 SA A17 +4 20 1 SA A18 +4 20 1 SA A19 +4 20 1 SA A20 +4 20 1 SA A21 +4 20 1 SA A22 +4 20 1 SA A23 +4 20 1 SA A24 +4 20 1 SA A25 +4 20 1 SA A26 +4 20 1 SA A27 +4 20 1 SA A28 +4 20 1 SA A29 +4 20 1 SA A30 +4 20 1 SA A31 +4 20 1 SA A32 +4 20 1 SA A33 +4 20 1 SA A34 +4 20 1 SA A35 +4 20 1 SA A36 +4 20 1 SA A37 +4 20 1 SA A38 +4 20 1 SA A39 +4 20 1 SA A40 +4 20 2 KE J0 +4 20 2 KE J1 +4 20 2 KE J2 +4 20 2 KE J3 +4 20 2 KE J4 +4 20 2 KE J5 +4 20 2 KE J6 +4 20 2 KE J7 +4 20 2 KE J8 +4 20 2 KE J9 +4 20 2 KE J10 +4 20 2 KE J11 +4 20 2 KE J12 +4 20 2 KE J13 +4 20 2 KE J14 +4 20 2 KE J15 +4 20 2 KE J16 +4 20 2 KE J17 +4 20 2 KE J18 +4 20 2 KE J19 +4 20 2 KE J20 +4 20 2 KE J21 +4 20 2 KE J22 +4 20 2 KE J23 +4 20 2 KE J24 +4 20 2 KE J25 +4 20 2 KE J26 +4 20 2 KE J27 +4 20 2 KE J28 +4 20 2 KE J29 +4 20 2 KE J30 +4 20 2 KE J31 +4 20 2 KE J32 +4 20 2 KE J33 +4 20 2 KE J34 +4 20 2 KE J35 +4 20 2 KE J36 +4 20 2 KE J37 +4 20 2 KE J38 +4 20 2 KE J39 +4 20 2 KE J40 +4 20 3 CY G1 +4 20 3 CY G2 +4 20 3 CY G3 +4 20 4 KA D5 +4 20 4 KA D6 +4 20 4 KA D7 +4 20 5 TA G19 +4 20 5 TA G20 +4 20 5 TA G21 +4 20 6 WR E0 +4 20 6 WR F0 +4 20 6 WR G0 +4 20 7 XK D5 +4 20 7 XK D6 +4 20 7 XK D7 +4 20 8 CE E21 +4 20 8 CE E22 +4 20 8 CE E23 +4 20 8 CE E24 +4 21 1 SA A0 +4 21 1 SA A1 +4 21 1 SA A2 +4 21 1 SA A3 +4 21 1 SA A4 +4 21 1 SA A5 +4 21 1 SA A6 +4 21 1 SA A7 +4 21 1 SA A8 +4 21 1 SA A9 +4 21 1 SA A10 +4 21 1 SA A11 +4 21 1 SA A12 +4 21 1 SA A13 +4 21 1 SA A14 +4 21 1 SA A15 +4 21 1 SA A16 +4 21 1 SA A17 +4 21 1 SA A18 +4 21 1 SA A19 +4 21 1 SA A20 +4 21 1 SA A21 +4 21 1 SA A22 +4 21 1 SA A23 +4 21 1 SA A24 +4 21 1 SA A25 +4 21 1 SA A26 +4 21 1 SA A27 +4 21 1 SA A28 +4 21 1 SA A29 +4 21 1 SA A30 +4 21 1 SA A31 +4 21 1 SA A32 +4 21 1 SA A33 +4 21 1 SA A34 +4 21 1 SA A35 +4 21 1 SA A36 +4 21 1 SA A37 +4 21 1 SA A38 +4 21 1 SA A39 +4 21 1 SA A40 +4 21 2 KE J0 +4 21 2 KE J1 +4 21 2 KE J2 +4 21 2 KE J3 +4 21 2 KE J4 +4 21 2 KE J5 +4 21 2 KE J6 +4 21 2 KE J7 +4 21 2 KE J8 +4 21 2 KE J9 +4 21 2 KE J10 +4 21 2 KE J11 +4 21 2 KE J12 +4 21 2 KE J13 +4 21 2 KE J14 +4 21 2 KE J15 +4 21 2 KE J16 +4 21 2 KE J17 +4 21 2 KE J18 +4 21 2 KE J19 +4 21 2 KE J20 +4 21 2 KE J21 +4 21 2 KE J22 +4 21 2 KE J23 +4 21 2 KE J24 +4 21 2 KE J25 +4 21 2 KE J26 +4 21 2 KE J27 +4 21 2 KE J28 +4 21 2 KE J29 +4 21 2 KE J30 +4 21 2 KE J31 +4 21 2 KE J32 +4 21 2 KE J33 +4 21 2 KE J34 +4 21 2 KE J35 +4 21 2 KE J36 +4 21 2 KE J37 +4 21 2 KE J38 +4 21 2 KE J39 +4 21 2 KE J40 +4 21 3 CY F2 +4 21 4 KA C8 +4 21 5 TA G17 +4 21 6 TX I33 +4 21 7 XE H30 +4 21 8 CE F29 +4 22 1 SA A0 +4 22 1 SA A1 +4 22 1 SA A2 +4 22 1 SA A3 +4 22 1 SA A4 +4 22 1 SA A5 +4 22 1 SA A6 +4 22 1 SA A7 +4 22 1 SA A8 +4 22 1 SA A9 +4 22 1 SA A10 +4 22 1 SA A11 +4 22 1 SA A12 +4 22 1 SA A13 +4 22 1 SA A14 +4 22 1 SA A15 +4 22 1 SA A16 +4 22 1 SA A17 +4 22 1 SA A18 +4 22 1 SA A19 +4 22 1 SA A20 +4 22 1 SA A21 +4 22 1 SA A22 +4 22 1 SA A23 +4 22 1 SA A24 +4 22 1 SA A25 +4 22 1 SA A26 +4 22 1 SA A27 +4 22 1 SA A28 +4 22 1 SA A29 +4 22 1 SA A30 +4 22 1 SA A31 +4 22 1 SA A32 +4 22 1 SA A33 +4 22 1 SA A34 +4 22 1 SA A35 +4 22 1 SA A36 +4 22 1 SA A37 +4 22 1 SA A38 +4 22 1 SA A39 +4 22 1 SA A40 +4 22 2 KE J0 +4 22 2 KE J1 +4 22 2 KE J2 +4 22 2 KE J3 +4 22 2 KE J4 +4 22 2 KE J5 +4 22 2 KE J6 +4 22 2 KE J7 +4 22 2 KE J8 +4 22 2 KE J9 +4 22 2 KE J10 +4 22 2 KE J11 +4 22 2 KE J12 +4 22 2 KE J13 +4 22 2 KE J14 +4 22 2 KE J15 +4 22 2 KE J16 +4 22 2 KE J17 +4 22 2 KE J18 +4 22 2 KE J19 +4 22 2 KE J20 +4 22 2 KE J21 +4 22 2 KE J22 +4 22 2 KE J23 +4 22 2 KE J24 +4 22 2 KE J25 +4 22 2 KE J26 +4 22 2 KE J27 +4 22 2 KE J28 +4 22 2 KE J29 +4 22 2 KE J30 +4 22 2 KE J31 +4 22 2 KE J32 +4 22 2 KE J33 +4 22 2 KE J34 +4 22 2 KE J35 +4 22 2 KE J36 +4 22 2 KE J37 +4 22 2 KE J38 +4 22 2 KE J39 +4 22 2 KE J40 +4 22 3 CY G3 +4 22 4 KA C13 +4 22 5 TA H19 +4 22 5 TA H20 +4 22 5 TA H21 +4 22 6 TX H28 +4 22 6 TX H29 +4 22 6 TX H30 +4 22 7 XK G6 +4 22 7 XK G7 +4 22 8 SW B7 +4 22 8 SW B8 +4 22 9 CE E24 +4 22 9 CE E25 +4 22 9 CE E26 +4 22 9 CE E27 +4 23 1 SA A0 +4 23 1 SA A1 +4 23 1 SA A2 +4 23 1 SA A3 +4 23 1 SA A4 +4 23 1 SA A5 +4 23 1 SA A6 +4 23 1 SA A7 +4 23 1 SA A8 +4 23 1 SA A9 +4 23 1 SA A10 +4 23 1 SA A11 +4 23 1 SA A12 +4 23 1 SA A13 +4 23 1 SA A14 +4 23 1 SA A15 +4 23 1 SA A16 +4 23 1 SA A17 +4 23 1 SA A18 +4 23 1 SA A19 +4 23 1 SA A20 +4 23 1 SA A21 +4 23 1 SA A22 +4 23 1 SA A23 +4 23 1 SA A24 +4 23 1 SA A25 +4 23 1 SA A26 +4 23 1 SA A27 +4 23 1 SA A28 +4 23 1 SA A29 +4 23 1 SA A30 +4 23 1 SA A31 +4 23 1 SA A32 +4 23 1 SA A33 +4 23 1 SA A34 +4 23 1 SA A35 +4 23 1 SA A36 +4 23 1 SA A37 +4 23 1 SA A38 +4 23 1 SA A39 +4 23 1 SA A40 +4 23 2 KE J0 +4 23 2 KE J1 +4 23 2 KE J2 +4 23 2 KE J3 +4 23 2 KE J4 +4 23 2 KE J5 +4 23 2 KE J6 +4 23 2 KE J7 +4 23 2 KE J8 +4 23 2 KE J9 +4 23 2 KE J10 +4 23 2 KE J11 +4 23 2 KE J12 +4 23 2 KE J13 +4 23 2 KE J14 +4 23 2 KE J15 +4 23 2 KE J16 +4 23 2 KE J17 +4 23 2 KE J18 +4 23 2 KE J19 +4 23 2 KE J20 +4 23 2 KE J21 +4 23 2 KE J22 +4 23 2 KE J23 +4 23 2 KE J24 +4 23 2 KE J25 +4 23 2 KE J26 +4 23 2 KE J27 +4 23 2 KE J28 +4 23 2 KE J29 +4 23 2 KE J30 +4 23 2 KE J31 +4 23 2 KE J32 +4 23 2 KE J33 +4 23 2 KE J34 +4 23 2 KE J35 +4 23 2 KE J36 +4 23 2 KE J37 +4 23 2 KE J38 +4 23 2 KE J39 +4 23 2 KE J40 +4 23 3 CY G1 +4 23 3 CY G2 +4 23 3 CY G3 +4 23 4 KA C8 +4 23 4 KA C9 +4 23 5 TA G16 +4 23 5 TA G17 +4 23 5 TA G18 +4 23 5 TA G19 +4 23 6 TX G31 +4 23 6 TX H31 +4 23 6 TX I31 +4 23 7 XK G6 +4 23 7 XK G7 +4 23 7 XK G8 +4 23 7 XK H6 +4 23 7 XK H7 +4 23 7 XK H8 +4 23 8 LA D6 +4 23 8 LA D7 +4 23 9 SP C28 +4 23 9 SP C29 +4 23 10 CH F15 +4 23 10 CH F16 +4 24 1 SA A0 +4 24 1 SA A1 +4 24 1 SA A2 +4 24 1 SA A3 +4 24 1 SA A4 +4 24 1 SA A5 +4 24 1 SA A6 +4 24 1 SA A7 +4 24 1 SA A8 +4 24 1 SA A9 +4 24 1 SA A10 +4 24 1 SA A11 +4 24 1 SA A12 +4 24 1 SA A13 +4 24 1 SA A14 +4 24 1 SA A15 +4 24 1 SA A16 +4 24 1 SA A17 +4 24 1 SA A18 +4 24 1 SA A19 +4 24 1 SA A20 +4 24 1 SA A21 +4 24 1 SA A22 +4 24 1 SA A23 +4 24 1 SA A24 +4 24 1 SA A25 +4 24 1 SA A26 +4 24 1 SA A27 +4 24 1 SA A28 +4 24 1 SA A29 +4 24 1 SA A30 +4 24 1 SA A31 +4 24 1 SA A32 +4 24 1 SA A33 +4 24 1 SA A34 +4 24 1 SA A35 +4 24 1 SA A36 +4 24 1 SA A37 +4 24 1 SA A38 +4 24 1 SA A39 +4 24 1 SA A40 +4 24 2 KE J0 +4 24 2 KE J1 +4 24 2 KE J2 +4 24 2 KE J3 +4 24 2 KE J4 +4 24 2 KE J5 +4 24 2 KE J6 +4 24 2 KE J7 +4 24 2 KE J8 +4 24 2 KE J9 +4 24 2 KE J10 +4 24 2 KE J11 +4 24 2 KE J12 +4 24 2 KE J13 +4 24 2 KE J14 +4 24 2 KE J15 +4 24 2 KE J16 +4 24 2 KE J17 +4 24 2 KE J18 +4 24 2 KE J19 +4 24 2 KE J20 +4 24 2 KE J21 +4 24 2 KE J22 +4 24 2 KE J23 +4 24 2 KE J24 +4 24 2 KE J25 +4 24 2 KE J26 +4 24 2 KE J27 +4 24 2 KE J28 +4 24 2 KE J29 +4 24 2 KE J30 +4 24 2 KE J31 +4 24 2 KE J32 +4 24 2 KE J33 +4 24 2 KE J34 +4 24 2 KE J35 +4 24 2 KE J36 +4 24 2 KE J37 +4 24 2 KE J38 +4 24 2 KE J39 +4 24 2 KE J40 +4 24 3 CY G1 +4 24 4 KA C14 +4 24 5 TA G17 +4 24 6 TX H29 +4 24 7 XE G29 +4 24 8 XK G9 +4 24 9 SW B14 +4 24 10 CE E26 +4 25 1 SA A0 +4 25 1 SA A1 +4 25 1 SA A2 +4 25 1 SA A3 +4 25 1 SA A4 +4 25 1 SA A5 +4 25 1 SA A6 +4 25 1 SA A7 +4 25 1 SA A8 +4 25 1 SA A9 +4 25 1 SA A10 +4 25 1 SA A11 +4 25 1 SA A12 +4 25 1 SA A13 +4 25 1 SA A14 +4 25 1 SA A15 +4 25 1 SA A16 +4 25 1 SA A17 +4 25 1 SA A18 +4 25 1 SA A19 +4 25 1 SA A20 +4 25 1 SA A21 +4 25 1 SA A22 +4 25 1 SA A23 +4 25 1 SA A24 +4 25 1 SA A25 +4 25 1 SA A26 +4 25 1 SA A27 +4 25 1 SA A28 +4 25 1 SA A29 +4 25 1 SA A30 +4 25 1 SA A31 +4 25 1 SA A32 +4 25 1 SA A33 +4 25 1 SA A34 +4 25 1 SA A35 +4 25 1 SA A36 +4 25 1 SA A37 +4 25 1 SA A38 +4 25 1 SA A39 +4 25 1 SA A40 +4 25 2 KE J0 +4 25 2 KE J1 +4 25 2 KE J2 +4 25 2 KE J3 +4 25 2 KE J4 +4 25 2 KE J5 +4 25 2 KE J6 +4 25 2 KE J7 +4 25 2 KE J8 +4 25 2 KE J9 +4 25 2 KE J10 +4 25 2 KE J11 +4 25 2 KE J12 +4 25 2 KE J13 +4 25 2 KE J14 +4 25 2 KE J15 +4 25 2 KE J16 +4 25 2 KE J17 +4 25 2 KE J18 +4 25 2 KE J19 +4 25 2 KE J20 +4 25 2 KE J21 +4 25 2 KE J22 +4 25 2 KE J23 +4 25 2 KE J24 +4 25 2 KE J25 +4 25 2 KE J26 +4 25 2 KE J27 +4 25 2 KE J28 +4 25 2 KE J29 +4 25 2 KE J30 +4 25 2 KE J31 +4 25 2 KE J32 +4 25 2 KE J33 +4 25 2 KE J34 +4 25 2 KE J35 +4 25 2 KE J36 +4 25 2 KE J37 +4 25 2 KE J38 +4 25 2 KE J39 +4 25 2 KE J40 +4 25 3 CY G1 +4 25 3 CY G2 +4 25 3 CY G3 +4 25 4 KA C8 +4 25 4 KA C9 +4 25 5 TA F17 +4 25 5 TA G17 +4 25 5 TA H17 +4 25 6 TX I27 +4 25 6 TX I28 +4 25 6 TX I29 +4 25 6 TX I30 +4 25 7 XK G6 +4 25 7 XK G7 +4 25 8 LA D6 +4 25 8 LA D7 +4 25 8 LA D8 +4 25 9 SP E25 +4 25 9 SP E26 +4 25 9 SP E27 +4 25 9 SP E28 +4 25 10 SW B0 +4 25 10 SW B1 +4 25 10 SW B2 +4 25 10 SW B3 +4 25 10 SW B4 +4 25 10 SW B5 +4 25 10 SW B6 +4 25 10 SW B7 +4 25 10 SW B8 +4 26 1 SA A0 +4 26 1 SA A1 +4 26 1 SA A2 +4 26 1 SA A3 +4 26 1 SA A4 +4 26 1 SA A5 +4 26 1 SA A6 +4 26 1 SA A7 +4 26 1 SA A8 +4 26 1 SA A9 +4 26 1 SA A10 +4 26 1 SA A11 +4 26 1 SA A12 +4 26 1 SA A13 +4 26 1 SA A14 +4 26 1 SA A15 +4 26 1 SA A16 +4 26 1 SA A17 +4 26 1 SA A18 +4 26 1 SA A19 +4 26 1 SA A20 +4 26 1 SA A21 +4 26 1 SA A22 +4 26 1 SA A23 +4 26 1 SA A24 +4 26 1 SA A25 +4 26 1 SA A26 +4 26 1 SA A27 +4 26 1 SA A28 +4 26 1 SA A29 +4 26 1 SA A30 +4 26 1 SA A31 +4 26 1 SA A32 +4 26 1 SA A33 +4 26 1 SA A34 +4 26 1 SA A35 +4 26 1 SA A36 +4 26 1 SA A37 +4 26 1 SA A38 +4 26 1 SA A39 +4 26 1 SA A40 +4 26 2 KE J0 +4 26 2 KE J1 +4 26 2 KE J2 +4 26 2 KE J3 +4 26 2 KE J4 +4 26 2 KE J5 +4 26 2 KE J6 +4 26 2 KE J7 +4 26 2 KE J8 +4 26 2 KE J9 +4 26 2 KE J10 +4 26 2 KE J11 +4 26 2 KE J12 +4 26 2 KE J13 +4 26 2 KE J14 +4 26 2 KE J15 +4 26 2 KE J16 +4 26 2 KE J17 +4 26 2 KE J18 +4 26 2 KE J19 +4 26 2 KE J20 +4 26 2 KE J21 +4 26 2 KE J22 +4 26 2 KE J23 +4 26 2 KE J24 +4 26 2 KE J25 +4 26 2 KE J26 +4 26 2 KE J27 +4 26 2 KE J28 +4 26 2 KE J29 +4 26 2 KE J30 +4 26 2 KE J31 +4 26 2 KE J32 +4 26 2 KE J33 +4 26 2 KE J34 +4 26 2 KE J35 +4 26 2 KE J36 +4 26 2 KE J37 +4 26 2 KE J38 +4 26 2 KE J39 +4 26 2 KE J40 +4 26 3 CY G2 +4 26 3 CY G3 +4 26 4 KA C8 +4 26 4 KA C9 +4 26 5 TA G17 +4 26 5 TA H17 +4 26 6 TX G31 +4 26 6 TX H31 +4 26 7 XE G28 +4 26 7 XE G29 +4 26 8 XK G10 +4 26 8 XK G11 +4 26 9 CE E28 +4 26 9 CE E29 +4 27 1 SA A0 +4 27 1 SA A1 +4 27 1 SA A2 +4 27 1 SA A3 +4 27 1 SA A4 +4 27 1 SA A5 +4 27 1 SA A6 +4 27 1 SA A7 +4 27 1 SA A8 +4 27 1 SA A9 +4 27 1 SA A10 +4 27 1 SA A11 +4 27 1 SA A12 +4 27 1 SA A13 +4 27 1 SA A14 +4 27 1 SA A15 +4 27 1 SA A16 +4 27 1 SA A17 +4 27 1 SA A18 +4 27 1 SA A19 +4 27 1 SA A20 +4 27 1 SA A21 +4 27 1 SA A22 +4 27 1 SA A23 +4 27 1 SA A24 +4 27 1 SA A25 +4 27 1 SA A26 +4 27 1 SA A27 +4 27 1 SA A28 +4 27 1 SA A29 +4 27 1 SA A30 +4 27 1 SA A31 +4 27 1 SA A32 +4 27 1 SA A33 +4 27 1 SA A34 +4 27 1 SA A35 +4 27 1 SA A36 +4 27 1 SA A37 +4 27 1 SA A38 +4 27 1 SA A39 +4 27 1 SA A40 +4 27 2 KE J0 +4 27 2 KE J1 +4 27 2 KE J2 +4 27 2 KE J3 +4 27 2 KE J4 +4 27 2 KE J5 +4 27 2 KE J6 +4 27 2 KE J7 +4 27 2 KE J8 +4 27 2 KE J9 +4 27 2 KE J10 +4 27 2 KE J11 +4 27 2 KE J12 +4 27 2 KE J13 +4 27 2 KE J14 +4 27 2 KE J15 +4 27 2 KE J16 +4 27 2 KE J17 +4 27 2 KE J18 +4 27 2 KE J19 +4 27 2 KE J20 +4 27 2 KE J21 +4 27 2 KE J22 +4 27 2 KE J23 +4 27 2 KE J24 +4 27 2 KE J25 +4 27 2 KE J26 +4 27 2 KE J27 +4 27 2 KE J28 +4 27 2 KE J29 +4 27 2 KE J30 +4 27 2 KE J31 +4 27 2 KE J32 +4 27 2 KE J33 +4 27 2 KE J34 +4 27 2 KE J35 +4 27 2 KE J36 +4 27 2 KE J37 +4 27 2 KE J38 +4 27 2 KE J39 +4 27 2 KE J40 +4 27 3 CY G1 +4 27 4 KA C9 +4 27 5 TA H17 +4 27 6 TX H32 +4 27 7 XE E30 +4 27 8 LA D6 +4 27 9 CE H8 +4 28 1 SA A0 +4 28 1 SA A1 +4 28 1 SA A2 +4 28 1 SA A3 +4 28 1 SA A4 +4 28 1 SA A5 +4 28 1 SA A6 +4 28 1 SA A7 +4 28 1 SA A8 +4 28 1 SA A9 +4 28 1 SA A10 +4 28 1 SA A11 +4 28 1 SA A12 +4 28 1 SA A13 +4 28 1 SA A14 +4 28 1 SA A15 +4 28 1 SA A16 +4 28 1 SA A17 +4 28 1 SA A18 +4 28 1 SA A19 +4 28 1 SA A20 +4 28 1 SA A21 +4 28 1 SA A22 +4 28 1 SA A23 +4 28 1 SA A24 +4 28 1 SA A25 +4 28 1 SA A26 +4 28 1 SA A27 +4 28 1 SA A28 +4 28 1 SA A29 +4 28 1 SA A30 +4 28 1 SA A31 +4 28 1 SA A32 +4 28 1 SA A33 +4 28 1 SA A34 +4 28 1 SA A35 +4 28 1 SA A36 +4 28 1 SA A37 +4 28 1 SA A38 +4 28 1 SA A39 +4 28 1 SA A40 +4 28 2 KE J0 +4 28 2 KE J1 +4 28 2 KE J2 +4 28 2 KE J3 +4 28 2 KE J4 +4 28 2 KE J5 +4 28 2 KE J6 +4 28 2 KE J7 +4 28 2 KE J8 +4 28 2 KE J9 +4 28 2 KE J10 +4 28 2 KE J11 +4 28 2 KE J12 +4 28 2 KE J13 +4 28 2 KE J14 +4 28 2 KE J15 +4 28 2 KE J16 +4 28 2 KE J17 +4 28 2 KE J18 +4 28 2 KE J19 +4 28 2 KE J20 +4 28 2 KE J21 +4 28 2 KE J22 +4 28 2 KE J23 +4 28 2 KE J24 +4 28 2 KE J25 +4 28 2 KE J26 +4 28 2 KE J27 +4 28 2 KE J28 +4 28 2 KE J29 +4 28 2 KE J30 +4 28 2 KE J31 +4 28 2 KE J32 +4 28 2 KE J33 +4 28 2 KE J34 +4 28 2 KE J35 +4 28 2 KE J36 +4 28 2 KE J37 +4 28 2 KE J38 +4 28 2 KE J39 +4 28 2 KE J40 +4 28 3 CY G4 +4 28 4 KA C9 +4 28 4 KA C10 +4 28 5 TA G18 +4 28 5 TA I6 +4 28 6 XE F33 +4 28 6 XE H30 +4 28 7 XX F9 +4 28 8 SP C8 +4 28 8 SP C35 +4 29 1 SA A0 +4 29 1 SA A1 +4 29 1 SA A2 +4 29 1 SA A3 +4 29 1 SA A4 +4 29 1 SA A5 +4 29 1 SA A6 +4 29 1 SA A7 +4 29 1 SA A8 +4 29 1 SA A9 +4 29 1 SA A10 +4 29 1 SA A11 +4 29 1 SA A12 +4 29 1 SA A13 +4 29 1 SA A14 +4 29 1 SA A15 +4 29 1 SA A16 +4 29 1 SA A17 +4 29 1 SA A18 +4 29 1 SA A19 +4 29 1 SA A20 +4 29 1 SA A21 +4 29 1 SA A22 +4 29 1 SA A23 +4 29 1 SA A24 +4 29 1 SA A25 +4 29 1 SA A26 +4 29 1 SA A27 +4 29 1 SA A28 +4 29 1 SA A29 +4 29 1 SA A30 +4 29 1 SA A31 +4 29 1 SA A32 +4 29 1 SA A33 +4 29 1 SA A34 +4 29 1 SA A35 +4 29 1 SA A36 +4 29 1 SA A37 +4 29 1 SA A38 +4 29 1 SA A39 +4 29 1 SA A40 +4 29 2 KE J0 +4 29 2 KE J1 +4 29 2 KE J2 +4 29 2 KE J3 +4 29 2 KE J4 +4 29 2 KE J5 +4 29 2 KE J6 +4 29 2 KE J7 +4 29 2 KE J8 +4 29 2 KE J9 +4 29 2 KE J10 +4 29 2 KE J11 +4 29 2 KE J12 +4 29 2 KE J13 +4 29 2 KE J14 +4 29 2 KE J15 +4 29 2 KE J16 +4 29 2 KE J17 +4 29 2 KE J18 +4 29 2 KE J19 +4 29 2 KE J20 +4 29 2 KE J21 +4 29 2 KE J22 +4 29 2 KE J23 +4 29 2 KE J24 +4 29 2 KE J25 +4 29 2 KE J26 +4 29 2 KE J27 +4 29 2 KE J28 +4 29 2 KE J29 +4 29 2 KE J30 +4 29 2 KE J31 +4 29 2 KE J32 +4 29 2 KE J33 +4 29 2 KE J34 +4 29 2 KE J35 +4 29 2 KE J36 +4 29 2 KE J37 +4 29 2 KE J38 +4 29 2 KE J39 +4 29 2 KE J40 +4 29 3 CY I40 +4 29 4 KA C12 +4 29 5 TA G31 +4 29 5 TA H31 +4 29 6 XE G37 +4 29 7 CE C40 +4 30 1 SA A0 +4 30 1 SA A1 +4 30 1 SA A2 +4 30 1 SA A3 +4 30 1 SA A4 +4 30 1 SA A5 +4 30 1 SA A6 +4 30 1 SA A7 +4 30 1 SA A8 +4 30 1 SA A9 +4 30 1 SA A10 +4 30 1 SA A11 +4 30 1 SA A12 +4 30 1 SA A13 +4 30 1 SA A14 +4 30 1 SA A15 +4 30 1 SA A16 +4 30 1 SA A17 +4 30 1 SA A18 +4 30 1 SA A19 +4 30 1 SA A20 +4 30 1 SA A21 +4 30 1 SA A22 +4 30 1 SA A23 +4 30 1 SA A24 +4 30 1 SA A25 +4 30 1 SA A26 +4 30 1 SA A27 +4 30 1 SA A28 +4 30 1 SA A29 +4 30 1 SA A30 +4 30 1 SA A31 +4 30 1 SA A32 +4 30 1 SA A33 +4 30 1 SA A34 +4 30 1 SA A35 +4 30 1 SA A36 +4 30 1 SA A37 +4 30 1 SA A38 +4 30 1 SA A39 +4 30 1 SA A40 +4 30 2 KE J0 +4 30 2 KE J1 +4 30 2 KE J2 +4 30 2 KE J3 +4 30 2 KE J4 +4 30 2 KE J5 +4 30 2 KE J6 +4 30 2 KE J7 +4 30 2 KE J8 +4 30 2 KE J9 +4 30 2 KE J10 +4 30 2 KE J11 +4 30 2 KE J12 +4 30 2 KE J13 +4 30 2 KE J14 +4 30 2 KE J15 +4 30 2 KE J16 +4 30 2 KE J17 +4 30 2 KE J18 +4 30 2 KE J19 +4 30 2 KE J20 +4 30 2 KE J21 +4 30 2 KE J22 +4 30 2 KE J23 +4 30 2 KE J24 +4 30 2 KE J25 +4 30 2 KE J26 +4 30 2 KE J27 +4 30 2 KE J28 +4 30 2 KE J29 +4 30 2 KE J30 +4 30 2 KE J31 +4 30 2 KE J32 +4 30 2 KE J33 +4 30 2 KE J34 +4 30 2 KE J35 +4 30 2 KE J36 +4 30 2 KE J37 +4 30 2 KE J38 +4 30 2 KE J39 +4 30 2 KE J40 +4 30 3 CY E4 +4 30 3 CY E5 +4 30 4 KA B10 +4 30 4 KA B11 +4 30 4 KA B12 +4 30 4 KA B13 +4 30 4 KA C10 +4 30 4 KA C11 +4 30 4 KA C12 +4 30 5 TA H17 +4 30 5 TA H18 +4 30 5 TA H19 +4 30 5 TA H20 +4 30 6 TX G30 +4 30 6 TX H30 +4 30 7 XK G6 +4 30 7 XK G7 +4 30 7 XK G8 +4 30 7 XK G9 +4 30 7 XK I5 +4 30 7 XK I6 +4 30 7 XK I7 +4 30 8 LA E4 +4 30 8 LA E5 +4 30 9 MU G0 +4 30 9 MU H0 +4 31 1 SA A0 +4 31 1 SA A1 +4 31 1 SA A2 +4 31 1 SA A3 +4 31 1 SA A4 +4 31 1 SA A5 +4 31 1 SA A6 +4 31 1 SA A7 +4 31 1 SA A8 +4 31 1 SA A9 +4 31 1 SA A10 +4 31 1 SA A11 +4 31 1 SA A12 +4 31 1 SA A13 +4 31 1 SA A14 +4 31 1 SA A15 +4 31 1 SA A16 +4 31 1 SA A17 +4 31 1 SA A18 +4 31 1 SA A19 +4 31 1 SA A20 +4 31 1 SA A21 +4 31 1 SA A22 +4 31 1 SA A23 +4 31 1 SA A24 +4 31 1 SA A25 +4 31 1 SA A26 +4 31 1 SA A27 +4 31 1 SA A28 +4 31 1 SA A29 +4 31 1 SA A30 +4 31 1 SA A31 +4 31 1 SA A32 +4 31 1 SA A33 +4 31 1 SA A34 +4 31 1 SA A35 +4 31 1 SA A36 +4 31 1 SA A37 +4 31 1 SA A38 +4 31 1 SA A39 +4 31 1 SA A40 +4 31 2 KE J0 +4 31 2 KE J1 +4 31 2 KE J2 +4 31 2 KE J3 +4 31 2 KE J4 +4 31 2 KE J5 +4 31 2 KE J6 +4 31 2 KE J7 +4 31 2 KE J8 +4 31 2 KE J9 +4 31 2 KE J10 +4 31 2 KE J11 +4 31 2 KE J12 +4 31 2 KE J13 +4 31 2 KE J14 +4 31 2 KE J15 +4 31 2 KE J16 +4 31 2 KE J17 +4 31 2 KE J18 +4 31 2 KE J19 +4 31 2 KE J20 +4 31 2 KE J21 +4 31 2 KE J22 +4 31 2 KE J23 +4 31 2 KE J24 +4 31 2 KE J25 +4 31 2 KE J26 +4 31 2 KE J27 +4 31 2 KE J28 +4 31 2 KE J29 +4 31 2 KE J30 +4 31 2 KE J31 +4 31 2 KE J32 +4 31 2 KE J33 +4 31 2 KE J34 +4 31 2 KE J35 +4 31 2 KE J36 +4 31 2 KE J37 +4 31 2 KE J38 +4 31 2 KE J39 +4 31 2 KE J40 +4 31 3 CY F1 +4 31 3 CY F2 +4 31 3 CY F3 +4 31 3 CY F4 +4 31 4 KA B9 +4 31 4 KA B10 +4 31 4 KA B11 +4 31 4 KA B12 +4 31 4 KA B13 +4 31 4 KA C7 +4 31 4 KA C8 +4 31 4 KA C9 +4 31 5 TA D13 +4 31 5 TA D14 +4 31 5 TA D15 +4 31 5 TA D16 +4 31 6 TX G32 +4 31 6 TX G33 +4 31 6 TX H32 +4 31 6 TX H33 +4 31 6 TX I32 +4 31 6 TX I33 +4 31 7 XE H24 +4 31 7 XE H25 +4 31 7 XE H26 +4 31 7 XE H27 +4 31 7 XE H28 +4 31 8 XK G6 +4 31 8 XK G7 +4 31 8 XK G8 +4 31 9 LA D5 +4 31 9 LA D6 +4 31 9 LA D7 +4 31 10 SW B16 +4 31 10 SW B17 +4 31 10 SW B18 +4 31 10 SW B19 +4 31 10 SW B20 +4 31 10 SW B21 +4 31 10 SW B22 +4 31 10 SW B23 +4 31 10 SW B24 +4 31 10 SW B25 +4 31 10 SW B26 +4 32 1 SA A14 +4 32 2 KE J23 +4 32 3 CY F3 +4 32 4 KA B12 +4 32 5 TA C18 +4 32 6 TX C33 +4 32 7 XE C28 +4 33 1 SA A0 +4 33 1 SA A1 +4 33 1 SA A2 +4 33 1 SA A3 +4 33 1 SA A4 +4 33 1 SA A5 +4 33 1 SA A6 +4 33 1 SA A7 +4 33 1 SA A8 +4 33 1 SA A9 +4 33 1 SA A10 +4 33 1 SA A11 +4 33 1 SA A12 +4 33 1 SA A13 +4 33 1 SA A14 +4 33 1 SA A15 +4 33 1 SA A16 +4 33 1 SA A17 +4 33 1 SA A18 +4 33 1 SA A19 +4 33 1 SA A20 +4 33 1 SA A21 +4 33 1 SA A22 +4 33 1 SA A23 +4 33 1 SA A24 +4 33 1 SA A25 +4 33 1 SA A26 +4 33 1 SA A27 +4 33 1 SA A28 +4 33 1 SA A29 +4 33 1 SA A30 +4 33 1 SA A31 +4 33 1 SA A32 +4 33 1 SA A33 +4 33 1 SA A34 +4 33 1 SA A35 +4 33 1 SA A36 +4 33 1 SA A37 +4 33 1 SA A38 +4 33 1 SA A39 +4 33 1 SA A40 +4 33 2 KE J0 +4 33 2 KE J1 +4 33 2 KE J2 +4 33 2 KE J3 +4 33 2 KE J4 +4 33 2 KE J5 +4 33 2 KE J6 +4 33 2 KE J7 +4 33 2 KE J8 +4 33 2 KE J9 +4 33 2 KE J10 +4 33 2 KE J11 +4 33 2 KE J12 +4 33 2 KE J13 +4 33 2 KE J14 +4 33 2 KE J15 +4 33 2 KE J16 +4 33 2 KE J17 +4 33 2 KE J18 +4 33 2 KE J19 +4 33 2 KE J20 +4 33 2 KE J21 +4 33 2 KE J22 +4 33 2 KE J23 +4 33 2 KE J24 +4 33 2 KE J25 +4 33 2 KE J26 +4 33 2 KE J27 +4 33 2 KE J28 +4 33 2 KE J29 +4 33 2 KE J30 +4 33 2 KE J31 +4 33 2 KE J32 +4 33 2 KE J33 +4 33 2 KE J34 +4 33 2 KE J35 +4 33 2 KE J36 +4 33 2 KE J37 +4 33 2 KE J38 +4 33 2 KE J39 +4 33 2 KE J40 +4 33 3 CY G1 +4 33 4 TA G29 +4 33 4 TA G30 +4 34 1 SA A0 +4 34 1 SA A1 +4 34 1 SA A2 +4 34 1 SA A3 +4 34 1 SA A4 +4 34 1 SA A5 +4 34 1 SA A6 +4 34 1 SA A7 +4 34 1 SA A8 +4 34 1 SA A9 +4 34 1 SA A10 +4 34 1 SA A11 +4 34 1 SA A12 +4 34 1 SA A13 +4 34 1 SA A14 +4 34 1 SA A15 +4 34 1 SA A16 +4 34 1 SA A17 +4 34 1 SA A18 +4 34 1 SA A19 +4 34 1 SA A20 +4 34 1 SA A21 +4 34 1 SA A22 +4 34 1 SA A23 +4 34 1 SA A24 +4 34 1 SA A25 +4 34 1 SA A26 +4 34 1 SA A27 +4 34 1 SA A28 +4 34 1 SA A29 +4 34 1 SA A30 +4 34 1 SA A31 +4 34 1 SA A32 +4 34 1 SA A33 +4 34 1 SA A34 +4 34 1 SA A35 +4 34 1 SA A36 +4 34 1 SA A37 +4 34 1 SA A38 +4 34 1 SA A39 +4 34 1 SA A40 +4 34 2 KE J0 +4 34 2 KE J1 +4 34 2 KE J2 +4 34 2 KE J3 +4 34 2 KE J4 +4 34 2 KE J5 +4 34 2 KE J6 +4 34 2 KE J7 +4 34 2 KE J8 +4 34 2 KE J9 +4 34 2 KE J10 +4 34 2 KE J11 +4 34 2 KE J12 +4 34 2 KE J13 +4 34 2 KE J14 +4 34 2 KE J15 +4 34 2 KE J16 +4 34 2 KE J17 +4 34 2 KE J18 +4 34 2 KE J19 +4 34 2 KE J20 +4 34 2 KE J21 +4 34 2 KE J22 +4 34 2 KE J23 +4 34 2 KE J24 +4 34 2 KE J25 +4 34 2 KE J26 +4 34 2 KE J27 +4 34 2 KE J28 +4 34 2 KE J29 +4 34 2 KE J30 +4 34 2 KE J31 +4 34 2 KE J32 +4 34 2 KE J33 +4 34 2 KE J34 +4 34 2 KE J35 +4 34 2 KE J36 +4 34 2 KE J37 +4 34 2 KE J38 +4 34 2 KE J39 +4 34 2 KE J40 +4 34 3 CY G2 +4 34 4 KA C12 +4 34 5 TA G29 +4 34 6 TX H29 +4 35 1 SA A0 +4 35 2 KE J0 +4 35 2 KE J1 +4 35 3 CY G1 +4 35 4 KA C9 +4 35 5 TX G32 +4 35 6 SP C35 +4 35 7 SI G13 +5 1 1 3 A0 +5 1 1 3 A1 +5 1 1 3 A2 +5 1 1 3 A3 +5 1 1 3 A4 +5 1 1 3 A5 +5 1 1 3 A6 +5 1 1 3 A7 +5 1 1 3 A8 +5 1 1 3 A9 +5 1 1 3 A10 +5 1 1 3 A11 +5 1 1 3 A12 +5 1 1 3 A13 +5 1 1 3 A14 +5 1 1 3 A15 +5 1 1 3 A16 +5 1 1 3 A17 +5 1 1 3 A18 +5 1 1 3 A19 +5 1 1 3 A20 +5 1 1 3 A21 +5 1 1 3 A22 +5 1 1 3 A23 +5 1 1 3 A24 +5 1 1 3 A25 +5 1 1 3 A26 +5 1 1 3 A27 +5 1 1 3 A28 +5 1 1 3 A29 +5 1 1 3 A30 +5 1 1 3 A31 +5 1 1 3 A32 +5 1 1 3 A33 +5 1 1 3 A34 +5 1 1 3 A35 +5 1 1 3 A36 +5 1 1 3 A37 +5 1 1 3 A38 +5 1 1 3 A39 +5 1 1 3 A40 +5 1 2 5 C8 +5 1 3 6 G35 +5 1 4 7 F29 +5 1 5 2 G18 +5 1 6 4 G2 +5 1 7 1 J0 +5 1 7 1 J1 +5 1 7 1 J2 +5 1 7 1 J3 +5 1 7 1 J4 +5 1 7 1 J5 +5 1 7 1 J6 +5 1 7 1 J7 +5 1 7 1 J8 +5 1 7 1 J9 +5 1 7 1 J10 +5 1 7 1 J11 +5 1 7 1 J12 +5 1 7 1 J13 +5 1 7 1 J14 +5 1 7 1 J15 +5 1 7 1 J16 +5 1 7 1 J17 +5 1 7 1 J18 +5 1 7 1 J19 +5 1 7 1 J20 +5 1 7 1 J21 +5 1 7 1 J22 +5 1 7 1 J23 +5 1 7 1 J24 +5 1 7 1 J25 +5 1 7 1 J26 +5 1 7 1 J27 +5 1 7 1 J28 +5 1 7 1 J29 +5 1 7 1 J30 +5 1 7 1 J31 +5 1 7 1 J32 +5 1 7 1 J33 +5 1 7 1 J34 +5 1 7 1 J35 +5 1 7 1 J36 +5 1 7 1 J37 +5 1 7 1 J38 +5 1 7 1 J39 +5 1 7 1 J40 +5 1 8 8 E0 +5 1 9 9 B0 +5 1 9 9 B1 +5 1 9 9 B2 +5 1 9 9 B3 +5 1 9 9 B4 +5 1 9 9 B5 +5 1 9 9 B6 +5 1 9 9 B7 +5 1 9 9 B8 +5 1 9 9 B9 +5 1 9 9 B10 +5 1 9 9 B11 +5 1 9 9 B12 +5 1 9 9 B13 +5 1 9 9 B14 +5 1 9 9 B15 +5 1 9 9 B16 +5 1 9 9 B17 +5 1 9 9 B18 +5 1 9 9 B19 +5 1 9 9 B20 +5 1 9 9 B21 +5 1 9 9 B22 +5 1 9 9 B23 +5 1 9 9 B24 +5 1 9 9 B25 +5 1 9 9 B26 +5 1 9 9 B27 +5 1 9 9 B28 +5 1 9 9 B29 +5 1 9 9 B30 +5 1 9 9 B31 +5 1 9 9 B32 +5 1 9 9 B33 +5 1 9 9 B34 +5 1 9 9 B35 +5 1 9 9 B36 +5 1 9 9 B37 +5 1 9 9 B38 +5 1 9 9 B39 +5 1 9 9 B40 +5 2 1 3 A0 +5 2 1 3 A1 +5 2 1 3 A2 +5 2 1 3 A3 +5 2 1 3 A4 +5 2 1 3 A5 +5 2 1 3 A6 +5 2 1 3 A7 +5 2 1 3 A8 +5 2 1 3 A9 +5 2 1 3 A10 +5 2 1 3 A11 +5 2 1 3 A12 +5 2 1 3 A13 +5 2 1 3 A14 +5 2 1 3 A15 +5 2 1 3 A16 +5 2 1 3 A17 +5 2 1 3 A18 +5 2 1 3 A19 +5 2 1 3 A20 +5 2 1 3 A21 +5 2 1 3 A22 +5 2 1 3 A23 +5 2 1 3 A24 +5 2 1 3 A25 +5 2 1 3 A26 +5 2 1 3 A27 +5 2 1 3 A28 +5 2 1 3 A29 +5 2 1 3 A30 +5 2 1 3 A31 +5 2 1 3 A32 +5 2 1 3 A33 +5 2 1 3 A34 +5 2 1 3 A35 +5 2 1 3 A36 +5 2 1 3 A37 +5 2 1 3 A38 +5 2 1 3 A39 +5 2 1 3 A40 +5 2 2 5 C10 +5 2 3 6 C32 +5 2 4 7 F29 +5 2 5 2 F17 +5 2 6 4 G3 +5 2 7 1 J0 +5 2 7 1 J1 +5 2 7 1 J2 +5 2 7 1 J3 +5 2 7 1 J4 +5 2 7 1 J5 +5 2 7 1 J6 +5 2 7 1 J7 +5 2 7 1 J8 +5 2 7 1 J9 +5 2 7 1 J10 +5 2 7 1 J11 +5 2 7 1 J12 +5 2 7 1 J13 +5 2 7 1 J14 +5 2 7 1 J15 +5 2 7 1 J16 +5 2 7 1 J17 +5 2 7 1 J18 +5 2 7 1 J19 +5 2 7 1 J20 +5 2 7 1 J21 +5 2 7 1 J22 +5 2 7 1 J23 +5 2 7 1 J24 +5 2 7 1 J25 +5 2 7 1 J26 +5 2 7 1 J27 +5 2 7 1 J28 +5 2 7 1 J29 +5 2 7 1 J30 +5 2 7 1 J31 +5 2 7 1 J32 +5 2 7 1 J33 +5 2 7 1 J34 +5 2 7 1 J35 +5 2 7 1 J36 +5 2 7 1 J37 +5 2 7 1 J38 +5 2 7 1 J39 +5 2 7 1 J40 +5 2 8 9 B0 +5 2 8 9 B1 +5 2 8 9 B2 +5 2 8 9 B3 +5 2 8 9 B4 +5 2 8 9 B5 +5 2 8 9 B6 +5 2 8 9 B7 +5 2 8 9 B8 +5 2 8 9 B9 +5 2 8 9 B10 +5 2 8 9 B11 +5 2 8 9 B12 +5 2 8 9 B13 +5 2 8 9 B14 +5 2 8 9 B15 +5 2 8 9 B16 +5 2 8 9 B17 +5 2 8 9 B18 +5 2 8 9 B19 +5 2 8 9 B20 +5 2 8 9 B21 +5 2 8 9 B22 +5 2 8 9 B23 +5 2 8 9 B24 +5 2 8 9 B25 +5 2 8 9 B26 +5 2 8 9 B27 +5 2 8 9 B28 +5 2 8 9 B29 +5 2 8 9 B30 +5 2 8 9 B31 +5 2 8 9 B32 +5 2 8 9 B33 +5 2 8 9 B34 +5 2 8 9 B35 +5 2 8 9 B36 +5 2 8 9 B37 +5 2 8 9 B38 +5 2 8 9 B39 +5 2 8 9 B40 +5 3 1 3 A0 +5 3 1 3 A1 +5 3 1 3 A2 +5 3 1 3 A3 +5 3 1 3 A4 +5 3 1 3 A5 +5 3 1 3 A6 +5 3 1 3 A7 +5 3 1 3 A8 +5 3 1 3 A9 +5 3 1 3 A10 +5 3 1 3 A11 +5 3 1 3 A12 +5 3 1 3 A13 +5 3 1 3 A14 +5 3 1 3 A15 +5 3 1 3 A16 +5 3 1 3 A17 +5 3 1 3 A18 +5 3 1 3 A19 +5 3 1 3 A20 +5 3 1 3 A21 +5 3 1 3 A22 +5 3 1 3 A23 +5 3 1 3 A24 +5 3 1 3 A25 +5 3 1 3 A26 +5 3 1 3 A27 +5 3 1 3 A28 +5 3 1 3 A29 +5 3 1 3 A30 +5 3 1 3 A31 +5 3 1 3 A32 +5 3 1 3 A33 +5 3 1 3 A34 +5 3 1 3 A35 +5 3 1 3 A36 +5 3 1 3 A37 +5 3 1 3 A38 +5 3 1 3 A39 +5 3 1 3 A40 +5 3 2 5 C10 +5 3 3 2 E18 +5 3 4 7 E25 +5 3 5 6 I10 +5 3 6 4 F1 +5 3 7 1 J0 +5 3 7 1 J1 +5 3 7 1 J2 +5 3 7 1 J3 +5 3 7 1 J4 +5 3 7 1 J5 +5 3 7 1 J6 +5 3 7 1 J7 +5 3 7 1 J8 +5 3 7 1 J9 +5 3 7 1 J10 +5 3 7 1 J11 +5 3 7 1 J12 +5 3 7 1 J13 +5 3 7 1 J14 +5 3 7 1 J15 +5 3 7 1 J16 +5 3 7 1 J17 +5 3 7 1 J18 +5 3 7 1 J19 +5 3 7 1 J20 +5 3 7 1 J21 +5 3 7 1 J22 +5 3 7 1 J23 +5 3 7 1 J24 +5 3 7 1 J25 +5 3 7 1 J26 +5 3 7 1 J27 +5 3 7 1 J28 +5 3 7 1 J29 +5 3 7 1 J30 +5 3 7 1 J31 +5 3 7 1 J32 +5 3 7 1 J33 +5 3 7 1 J34 +5 3 7 1 J35 +5 3 7 1 J36 +5 3 7 1 J37 +5 3 7 1 J38 +5 3 7 1 J39 +5 3 7 1 J40 +5 3 8 9 B0 +5 3 8 9 B1 +5 3 8 9 B2 +5 3 8 9 B3 +5 3 8 9 B4 +5 3 8 9 B5 +5 3 8 9 B6 +5 3 8 9 B7 +5 3 8 9 B8 +5 3 8 9 B9 +5 3 8 9 B10 +5 3 8 9 B11 +5 3 8 9 B12 +5 3 8 9 B13 +5 3 8 9 B14 +5 3 8 9 B15 +5 3 8 9 B16 +5 3 8 9 B17 +5 3 8 9 B18 +5 3 8 9 B19 +5 3 8 9 B20 +5 3 8 9 B21 +5 3 8 9 B22 +5 3 8 9 B23 +5 3 8 9 B24 +5 3 8 9 B25 +5 3 8 9 B26 +5 3 8 9 B27 +5 3 8 9 B28 +5 3 8 9 B29 +5 3 8 9 B30 +5 3 8 9 B31 +5 3 8 9 B32 +5 3 8 9 B33 +5 3 8 9 B34 +5 3 8 9 B35 +5 3 8 9 B36 +5 3 8 9 B37 +5 3 8 9 B38 +5 3 8 9 B39 +5 3 8 9 B40 +5 4 1 3 A0 +5 4 1 3 A1 +5 4 1 3 A2 +5 4 1 3 A3 +5 4 1 3 A4 +5 4 1 3 A5 +5 4 1 3 A6 +5 4 1 3 A7 +5 4 1 3 A8 +5 4 1 3 A9 +5 4 1 3 A10 +5 4 1 3 A11 +5 4 1 3 A12 +5 4 1 3 A13 +5 4 1 3 A14 +5 4 1 3 A15 +5 4 1 3 A16 +5 4 1 3 A17 +5 4 1 3 A18 +5 4 1 3 A19 +5 4 1 3 A20 +5 4 1 3 A21 +5 4 1 3 A22 +5 4 1 3 A23 +5 4 1 3 A24 +5 4 1 3 A25 +5 4 1 3 A26 +5 4 1 3 A27 +5 4 1 3 A28 +5 4 1 3 A29 +5 4 1 3 A30 +5 4 1 3 A31 +5 4 1 3 A32 +5 4 1 3 A33 +5 4 1 3 A34 +5 4 1 3 A35 +5 4 1 3 A36 +5 4 1 3 A37 +5 4 1 3 A38 +5 4 1 3 A39 +5 4 1 3 A40 +5 4 2 9 A0 +5 4 2 9 A1 +5 4 2 9 A2 +5 4 2 9 A3 +5 4 2 9 A4 +5 4 2 9 A5 +5 4 2 9 A6 +5 4 2 9 A7 +5 4 2 9 A8 +5 4 2 9 A9 +5 4 2 9 A10 +5 4 2 9 A11 +5 4 2 9 A12 +5 4 2 9 A13 +5 4 2 9 A14 +5 4 2 9 A15 +5 4 2 9 A16 +5 4 2 9 A17 +5 4 2 9 A18 +5 4 2 9 A19 +5 4 2 9 A20 +5 4 2 9 A21 +5 4 2 9 A22 +5 4 2 9 A23 +5 4 2 9 A24 +5 4 2 9 A25 +5 4 2 9 A26 +5 4 2 9 A27 +5 4 2 9 A28 +5 4 2 9 A29 +5 4 2 9 A30 +5 4 2 9 A31 +5 4 2 9 A32 +5 4 2 9 A33 +5 4 2 9 A34 +5 4 2 9 A35 +5 4 2 9 A36 +5 4 2 9 A37 +5 4 2 9 A38 +5 4 2 9 A39 +5 4 2 9 A40 +5 4 3 5 C8 +5 4 4 2 C18 +5 4 5 6 H35 +5 4 6 7 H18 +5 4 7 4 H1 +5 4 8 1 J0 +5 4 8 1 J1 +5 4 8 1 J2 +5 4 8 1 J3 +5 4 8 1 J4 +5 4 8 1 J5 +5 4 8 1 J6 +5 4 8 1 J7 +5 4 8 1 J8 +5 4 8 1 J9 +5 4 8 1 J10 +5 4 8 1 J11 +5 4 8 1 J12 +5 4 8 1 J13 +5 4 8 1 J14 +5 4 8 1 J15 +5 4 8 1 J16 +5 4 8 1 J17 +5 4 8 1 J18 +5 4 8 1 J19 +5 4 8 1 J20 +5 4 8 1 J21 +5 4 8 1 J22 +5 4 8 1 J23 +5 4 8 1 J24 +5 4 8 1 J25 +5 4 8 1 J26 +5 4 8 1 J27 +5 4 8 1 J28 +5 4 8 1 J29 +5 4 8 1 J30 +5 4 8 1 J31 +5 4 8 1 J32 +5 4 8 1 J33 +5 4 8 1 J34 +5 4 8 1 J35 +5 4 8 1 J36 +5 4 8 1 J37 +5 4 8 1 J38 +5 4 8 1 J39 +5 4 8 1 J40 +5 5 1 3 A0 +5 5 1 3 A1 +5 5 1 3 A2 +5 5 1 3 A3 +5 5 1 3 A4 +5 5 1 3 A5 +5 5 1 3 A6 +5 5 1 3 A7 +5 5 1 3 A8 +5 5 1 3 A9 +5 5 1 3 A10 +5 5 1 3 A11 +5 5 1 3 A12 +5 5 1 3 A13 +5 5 1 3 A14 +5 5 1 3 A15 +5 5 1 3 A16 +5 5 1 3 A17 +5 5 1 3 A18 +5 5 1 3 A19 +5 5 1 3 A20 +5 5 1 3 A21 +5 5 1 3 A22 +5 5 1 3 A23 +5 5 1 3 A24 +5 5 1 3 A25 +5 5 1 3 A26 +5 5 1 3 A27 +5 5 1 3 A28 +5 5 1 3 A29 +5 5 1 3 A30 +5 5 1 3 A31 +5 5 1 3 A32 +5 5 1 3 A33 +5 5 1 3 A34 +5 5 1 3 A35 +5 5 1 3 A36 +5 5 1 3 A37 +5 5 1 3 A38 +5 5 1 3 A39 +5 5 1 3 A40 +5 5 2 5 C9 +5 5 3 6 I39 +5 5 4 2 F28 +5 5 5 7 F18 +5 5 6 4 G2 +5 5 7 1 J0 +5 5 7 1 J1 +5 5 7 1 J2 +5 5 7 1 J3 +5 5 7 1 J4 +5 5 7 1 J5 +5 5 7 1 J6 +5 5 7 1 J7 +5 5 7 1 J8 +5 5 7 1 J9 +5 5 7 1 J10 +5 5 7 1 J11 +5 5 7 1 J12 +5 5 7 1 J13 +5 5 7 1 J14 +5 5 7 1 J15 +5 5 7 1 J16 +5 5 7 1 J17 +5 5 7 1 J18 +5 5 7 1 J19 +5 5 7 1 J20 +5 5 7 1 J21 +5 5 7 1 J22 +5 5 7 1 J23 +5 5 7 1 J24 +5 5 7 1 J25 +5 5 7 1 J26 +5 5 7 1 J27 +5 5 7 1 J28 +5 5 7 1 J29 +5 5 7 1 J30 +5 5 7 1 J31 +5 5 7 1 J32 +5 5 7 1 J33 +5 5 7 1 J34 +5 5 7 1 J35 +5 5 7 1 J36 +5 5 7 1 J37 +5 5 7 1 J38 +5 5 7 1 J39 +5 5 7 1 J40 +5 5 8 9 B0 +5 5 8 9 B1 +5 5 8 9 B2 +5 5 8 9 B3 +5 5 8 9 B4 +5 5 8 9 B5 +5 5 8 9 B6 +5 5 8 9 B7 +5 5 8 9 B8 +5 5 8 9 B9 +5 5 8 9 B10 +5 5 8 9 B11 +5 5 8 9 B12 +5 5 8 9 B13 +5 5 8 9 B14 +5 5 8 9 B15 +5 5 8 9 B16 +5 5 8 9 B17 +5 5 8 9 B18 +5 5 8 9 B19 +5 5 8 9 B20 +5 5 8 9 B21 +5 5 8 9 B22 +5 5 8 9 B23 +5 5 8 9 B24 +5 5 8 9 B25 +5 5 8 9 B26 +5 5 8 9 B27 +5 5 8 9 B28 +5 5 8 9 B29 +5 5 8 9 B30 +5 5 8 9 B31 +5 5 8 9 B32 +5 5 8 9 B33 +5 5 8 9 B34 +5 5 8 9 B35 +5 5 8 9 B36 +5 5 8 9 B37 +5 5 8 9 B38 +5 5 8 9 B39 +5 5 8 9 B40 +5 6 1 3 A0 +5 6 1 3 A1 +5 6 1 3 A2 +5 6 1 3 A3 +5 6 1 3 A4 +5 6 1 3 A5 +5 6 1 3 A6 +5 6 1 3 A7 +5 6 1 3 A8 +5 6 1 3 A9 +5 6 1 3 A10 +5 6 1 3 A11 +5 6 1 3 A12 +5 6 1 3 A13 +5 6 1 3 A14 +5 6 1 3 A15 +5 6 1 3 A16 +5 6 1 3 A17 +5 6 1 3 A18 +5 6 1 3 A19 +5 6 1 3 A20 +5 6 1 3 A21 +5 6 1 3 A22 +5 6 1 3 A23 +5 6 1 3 A24 +5 6 1 3 A25 +5 6 1 3 A26 +5 6 1 3 A27 +5 6 1 3 A28 +5 6 1 3 A29 +5 6 1 3 A30 +5 6 1 3 A31 +5 6 1 3 A32 +5 6 1 3 A33 +5 6 1 3 A34 +5 6 1 3 A35 +5 6 1 3 A36 +5 6 1 3 A37 +5 6 1 3 A38 +5 6 1 3 A39 +5 6 1 3 A40 +5 6 2 5 C9 +5 6 3 9 B15 +5 6 3 9 B16 +5 6 3 9 B17 +5 6 3 9 B18 +5 6 3 9 B19 +5 6 3 9 B20 +5 6 3 9 B21 +5 6 3 9 B22 +5 6 3 9 B23 +5 6 3 9 B24 +5 6 3 9 B25 +5 6 3 9 B26 +5 6 3 9 B27 +5 6 3 9 B28 +5 6 3 9 B29 +5 6 3 9 B30 +5 6 3 9 B31 +5 6 3 9 B32 +5 6 3 9 B33 +5 6 3 9 B34 +5 6 3 9 B35 +5 6 3 9 B36 +5 6 3 9 B37 +5 6 3 9 B38 +5 6 3 9 B39 +5 6 3 9 B40 +5 6 4 6 H32 +5 6 5 7 F18 +5 6 6 2 F17 +5 6 7 4 G1 +5 6 8 1 J0 +5 6 8 1 J1 +5 6 8 1 J2 +5 6 8 1 J3 +5 6 8 1 J4 +5 6 8 1 J5 +5 6 8 1 J6 +5 6 8 1 J7 +5 6 8 1 J8 +5 6 8 1 J9 +5 6 8 1 J10 +5 6 8 1 J11 +5 6 8 1 J12 +5 6 8 1 J13 +5 6 8 1 J14 +5 6 8 1 J15 +5 6 8 1 J16 +5 6 8 1 J17 +5 6 8 1 J18 +5 6 8 1 J19 +5 6 8 1 J20 +5 6 8 1 J21 +5 6 8 1 J22 +5 6 8 1 J23 +5 6 8 1 J24 +5 6 8 1 J25 +5 6 8 1 J26 +5 6 8 1 J27 +5 6 8 1 J28 +5 6 8 1 J29 +5 6 8 1 J30 +5 6 8 1 J31 +5 6 8 1 J32 +5 6 8 1 J33 +5 6 8 1 J34 +5 6 8 1 J35 +5 6 8 1 J36 +5 6 8 1 J37 +5 6 8 1 J38 +5 6 8 1 J39 +5 6 8 1 J40 +6 1 1 HA A0 +6 1 1 HA A1 +6 1 1 HA A2 +6 1 1 HA A3 +6 1 1 HA A4 +6 1 1 HA A5 +6 1 1 HA A6 +6 1 1 HA A7 +6 1 1 HA A8 +6 1 1 HA A9 +6 1 1 HA A10 +6 1 1 HA A11 +6 1 1 HA A12 +6 1 1 HA A13 +6 1 1 HA A14 +6 1 1 HA A15 +6 1 1 HA A16 +6 1 1 HA A17 +6 1 1 HA A18 +6 1 1 HA A19 +6 1 1 HA A20 +6 1 1 HA A21 +6 1 1 HA A22 +6 1 1 HA A23 +6 1 1 HA A24 +6 1 1 HA A25 +6 1 1 HA A26 +6 1 1 HA A27 +6 1 1 HA A28 +6 1 1 HA A29 +6 1 1 HA A30 +6 1 1 HA A31 +6 1 1 HA A32 +6 1 1 HA A33 +6 1 1 HA A34 +6 1 1 HA A35 +6 1 1 HA A36 +6 1 1 HA A37 +6 1 1 HA A38 +6 1 1 HA A39 +6 1 1 HA A40 +6 1 2 MO C9 +6 1 3 SA E18 +6 1 4 HO G2 +6 1 5 HN H3 +6 1 6 YA G18 +6 1 7 SI J0 +6 1 7 SI J1 +6 1 7 SI J2 +6 1 7 SI J3 +6 1 7 SI J4 +6 1 7 SI J5 +6 1 7 SI J6 +6 1 7 SI J7 +6 1 7 SI J8 +6 1 7 SI J9 +6 1 7 SI J10 +6 1 7 SI J11 +6 1 7 SI J12 +6 1 7 SI J13 +6 1 7 SI J14 +6 1 7 SI J15 +6 1 7 SI J16 +6 1 7 SI J17 +6 1 7 SI J18 +6 1 7 SI J19 +6 1 7 SI J20 +6 1 7 SI J21 +6 1 7 SI J22 +6 1 7 SI J23 +6 1 7 SI J24 +6 1 7 SI J25 +6 1 7 SI J26 +6 1 7 SI J27 +6 1 7 SI J28 +6 1 7 SI J29 +6 1 7 SI J30 +6 1 7 SI J31 +6 1 7 SI J32 +6 1 7 SI J33 +6 1 7 SI J34 +6 1 7 SI J35 +6 1 7 SI J36 +6 1 7 SI J37 +6 1 7 SI J38 +6 1 7 SI J39 +6 1 7 SI J40 +6 2 1 HA A0 +6 2 1 HA A1 +6 2 1 HA A2 +6 2 1 HA A3 +6 2 1 HA A4 +6 2 1 HA A5 +6 2 1 HA A6 +6 2 1 HA A7 +6 2 1 HA A8 +6 2 1 HA A9 +6 2 1 HA A10 +6 2 1 HA A11 +6 2 1 HA A12 +6 2 1 HA A13 +6 2 1 HA A14 +6 2 1 HA A15 +6 2 1 HA A16 +6 2 1 HA A17 +6 2 1 HA A18 +6 2 1 HA A19 +6 2 1 HA A20 +6 2 1 HA A21 +6 2 1 HA A22 +6 2 1 HA A23 +6 2 1 HA A24 +6 2 1 HA A25 +6 2 1 HA A26 +6 2 1 HA A27 +6 2 1 HA A28 +6 2 1 HA A29 +6 2 1 HA A30 +6 2 1 HA A31 +6 2 1 HA A32 +6 2 1 HA A33 +6 2 1 HA A34 +6 2 1 HA A35 +6 2 1 HA A36 +6 2 1 HA A37 +6 2 1 HA A38 +6 2 1 HA A39 +6 2 1 HA A40 +6 2 2 SA B5 +6 2 3 HS C9 +6 2 4 HT F0 +6 2 5 HN F3 +6 2 6 SN F18 +6 2 7 YA F27 +6 2 8 HJ I28 +6 2 9 SI J0 +6 2 9 SI J1 +6 2 9 SI J2 +6 2 9 SI J3 +6 2 9 SI J4 +6 2 9 SI J5 +6 2 9 SI J6 +6 2 9 SI J7 +6 2 9 SI J8 +6 2 9 SI J9 +6 2 9 SI J10 +6 2 9 SI J11 +6 2 9 SI J12 +6 2 9 SI J13 +6 2 9 SI J14 +6 2 9 SI J15 +6 2 9 SI J16 +6 2 9 SI J17 +6 2 9 SI J18 +6 2 9 SI J19 +6 2 9 SI J20 +6 2 9 SI J21 +6 2 9 SI J22 +6 2 9 SI J23 +6 2 9 SI J24 +6 2 9 SI J25 +6 2 9 SI J26 +6 2 9 SI J27 +6 2 9 SI J28 +6 2 9 SI J29 +6 2 9 SI J30 +6 2 9 SI J31 +6 2 9 SI J32 +6 2 9 SI J33 +6 2 9 SI J34 +6 2 9 SI J35 +6 2 9 SI J36 +6 2 9 SI J37 +6 2 9 SI J38 +6 2 9 SI J39 +6 2 9 SI J40 +6 3 1 HA A0 +6 3 1 HA A1 +6 3 1 HA A2 +6 3 1 HA A3 +6 3 1 HA A4 +6 3 1 HA A5 +6 3 1 HA A6 +6 3 1 HA A7 +6 3 1 HA A8 +6 3 1 HA A9 +6 3 1 HA A10 +6 3 1 HA A11 +6 3 1 HA A12 +6 3 1 HA A13 +6 3 1 HA A14 +6 3 1 HA A15 +6 3 1 HA A16 +6 3 1 HA A17 +6 3 1 HA A18 +6 3 1 HA A19 +6 3 1 HA A20 +6 3 1 HA A21 +6 3 1 HA A22 +6 3 1 HA A23 +6 3 1 HA A24 +6 3 1 HA A25 +6 3 1 HA A26 +6 3 1 HA A27 +6 3 1 HA A28 +6 3 1 HA A29 +6 3 1 HA A30 +6 3 1 HA A31 +6 3 1 HA A32 +6 3 1 HA A33 +6 3 1 HA A34 +6 3 1 HA A35 +6 3 1 HA A36 +6 3 1 HA A37 +6 3 1 HA A38 +6 3 1 HA A39 +6 3 1 HA A40 +6 3 2 HN C1 +6 3 2 HN C2 +6 3 2 HN C3 +6 3 2 HN C4 +6 3 2 HN C5 +6 3 3 HS B10 +6 3 3 HS B11 +6 3 3 HS B12 +6 3 3 HS B13 +6 3 3 HS B14 +6 3 4 SN E18 +6 3 4 SN E19 +6 3 4 SN E20 +6 3 4 SN E21 +6 3 4 SN E22 +6 3 4 SN E23 +6 3 4 SN E24 +6 3 4 SN E25 +6 3 4 SN E26 +6 3 4 SN E27 +6 3 4 SN E28 +6 3 4 SN E29 +6 3 4 SN E30 +6 3 4 SN E31 +6 3 5 HW F3 +6 3 6 YA F17 +6 3 6 YA G17 +6 3 7 HJ F25 +6 4 1 HA A0 +6 4 1 HA A1 +6 4 1 HA A2 +6 4 1 HA A3 +6 4 1 HA A4 +6 4 1 HA A5 +6 4 1 HA A6 +6 4 1 HA A7 +6 4 1 HA A8 +6 4 1 HA A9 +6 4 1 HA A10 +6 4 1 HA A11 +6 4 1 HA A12 +6 4 1 HA A13 +6 4 1 HA A14 +6 4 1 HA A15 +6 4 1 HA A16 +6 4 1 HA A17 +6 4 1 HA A18 +6 4 1 HA A19 +6 4 1 HA A20 +6 4 1 HA A21 +6 4 1 HA A22 +6 4 1 HA A23 +6 4 1 HA A24 +6 4 1 HA A25 +6 4 1 HA A26 +6 4 1 HA A27 +6 4 1 HA A28 +6 4 1 HA A29 +6 4 1 HA A30 +6 4 1 HA A31 +6 4 1 HA A32 +6 4 1 HA A33 +6 4 1 HA A34 +6 4 1 HA A35 +6 4 1 HA A36 +6 4 1 HA A37 +6 4 1 HA A38 +6 4 1 HA A39 +6 4 1 HA A40 +6 4 2 HF C4 +6 4 3 HS D6 +6 4 4 YA D16 +6 4 5 SN F18 +6 4 6 HN G0 +6 4 7 SI J0 +6 4 7 SI J1 +6 4 7 SI J2 +6 4 7 SI J3 +6 4 7 SI J4 +6 4 7 SI J5 +6 4 7 SI J6 +6 4 7 SI J7 +6 4 7 SI J8 +6 4 7 SI J9 +6 4 7 SI J10 +6 4 7 SI J11 +6 4 7 SI J12 +6 4 7 SI J13 +6 4 7 SI J14 +6 4 7 SI J15 +6 4 7 SI J16 +6 4 7 SI J17 +6 4 7 SI J18 +6 4 7 SI J19 +6 4 7 SI J20 +6 4 7 SI J21 +6 4 7 SI J22 +6 4 7 SI J23 +6 4 7 SI J24 +6 4 7 SI J25 +6 4 7 SI J26 +6 4 7 SI J27 +6 4 7 SI J28 +6 4 7 SI J29 +6 4 7 SI J30 +6 4 7 SI J31 +6 4 7 SI J32 +6 4 7 SI J33 +6 4 7 SI J34 +6 4 7 SI J35 +6 4 7 SI J36 +6 4 7 SI J37 +6 4 7 SI J38 +6 4 7 SI J39 +6 4 7 SI J40 +6 5 1 HA A0 +6 5 1 HA A1 +6 5 1 HA A2 +6 5 1 HA A3 +6 5 1 HA A4 +6 5 1 HA A5 +6 5 1 HA A6 +6 5 1 HA A7 +6 5 1 HA A8 +6 5 1 HA A9 +6 5 1 HA A10 +6 5 1 HA A11 +6 5 1 HA A12 +6 5 1 HA A13 +6 5 1 HA A14 +6 5 1 HA A15 +6 5 1 HA A16 +6 5 1 HA A17 +6 5 1 HA A18 +6 5 1 HA A19 +6 5 1 HA A20 +6 5 1 HA A21 +6 5 1 HA A22 +6 5 1 HA A23 +6 5 1 HA A24 +6 5 1 HA A25 +6 5 1 HA A26 +6 5 1 HA A27 +6 5 1 HA A28 +6 5 1 HA A29 +6 5 1 HA A30 +6 5 1 HA A31 +6 5 1 HA A32 +6 5 1 HA A33 +6 5 1 HA A34 +6 5 1 HA A35 +6 5 1 HA A36 +6 5 1 HA A37 +6 5 1 HA A38 +6 5 1 HA A39 +6 5 1 HA A40 +6 5 2 SA C2 +6 5 3 HS C11 +6 5 4 HH E2 +6 5 5 HN G1 +6 5 6 SN F16 +6 5 7 MM E21 +6 5 8 HJ E29 +6 5 9 YA E30 +6 5 10 SI J0 +6 5 10 SI J1 +6 5 10 SI J2 +6 5 10 SI J3 +6 5 10 SI J4 +6 5 10 SI J5 +6 5 10 SI J6 +6 5 10 SI J7 +6 5 10 SI J8 +6 5 10 SI J9 +6 5 10 SI J10 +6 5 10 SI J11 +6 5 10 SI J12 +6 5 10 SI J13 +6 5 10 SI J14 +6 5 10 SI J15 +6 5 10 SI J16 +6 5 10 SI J17 +6 5 10 SI J18 +6 5 10 SI J19 +6 5 10 SI J20 +6 5 10 SI J21 +6 5 10 SI J22 +6 5 10 SI J23 +6 5 10 SI J24 +6 5 10 SI J25 +6 5 10 SI J26 +6 5 10 SI J27 +6 5 10 SI J28 +6 5 10 SI J29 +6 5 10 SI J30 +6 5 10 SI J31 +6 5 10 SI J32 +6 5 10 SI J33 +6 5 10 SI J34 +6 5 10 SI J35 +6 5 10 SI J36 +6 5 10 SI J37 +6 5 10 SI J38 +6 5 10 SI J39 +6 5 10 SI J40 +6 6 1 HA A0 +6 6 1 HA A1 +6 6 1 HA A2 +6 6 1 HA A3 +6 6 1 HA A4 +6 6 1 HA A5 +6 6 1 HA A6 +6 6 1 HA A7 +6 6 1 HA A8 +6 6 1 HA A9 +6 6 1 HA A10 +6 6 1 HA A11 +6 6 1 HA A12 +6 6 1 HA A13 +6 6 1 HA A14 +6 6 1 HA A15 +6 6 1 HA A16 +6 6 1 HA A17 +6 6 1 HA A18 +6 6 1 HA A19 +6 6 1 HA A20 +6 6 1 HA A21 +6 6 1 HA A22 +6 6 1 HA A23 +6 6 1 HA A24 +6 6 1 HA A25 +6 6 1 HA A26 +6 6 1 HA A27 +6 6 1 HA A28 +6 6 1 HA A29 +6 6 1 HA A30 +6 6 1 HA A31 +6 6 1 HA A32 +6 6 1 HA A33 +6 6 1 HA A34 +6 6 1 HA A35 +6 6 1 HA A36 +6 6 1 HA A37 +6 6 1 HA A38 +6 6 1 HA A39 +6 6 1 HA A40 +6 6 2 HS C8 +6 6 2 HS C9 +6 6 3 MO D6 +6 6 3 MO D7 +6 6 4 HN E4 +6 6 5 HO F1 +6 6 6 IY G11 +6 6 7 YA G20 +6 6 8 SK H32 +6 6 9 SI J0 +6 6 9 SI J1 +6 6 9 SI J2 +6 6 9 SI J3 +6 6 9 SI J4 +6 6 9 SI J5 +6 6 9 SI J6 +6 6 9 SI J7 +6 6 9 SI J8 +6 6 9 SI J9 +6 6 9 SI J10 +6 6 9 SI J11 +6 6 9 SI J12 +6 6 9 SI J13 +6 6 9 SI J14 +6 6 9 SI J15 +6 6 9 SI J16 +6 6 9 SI J17 +6 6 9 SI J18 +6 6 9 SI J19 +6 6 9 SI J20 +6 6 9 SI J21 +6 6 9 SI J22 +6 6 9 SI J23 +6 6 9 SI J24 +6 6 9 SI J25 +6 6 9 SI J26 +6 6 9 SI J27 +6 6 9 SI J28 +6 6 9 SI J29 +6 6 9 SI J30 +6 6 9 SI J31 +6 6 9 SI J32 +6 6 9 SI J33 +6 6 9 SI J34 +6 6 9 SI J35 +6 6 9 SI J36 +6 6 9 SI J37 +6 6 9 SI J38 +6 6 9 SI J39 +6 6 9 SI J40 +6 7 1 HA A0 +6 7 1 HA A1 +6 7 1 HA A2 +6 7 1 HA A3 +6 7 1 HA A4 +6 7 1 HA A5 +6 7 1 HA A6 +6 7 1 HA A7 +6 7 1 HA A8 +6 7 1 HA A9 +6 7 1 HA A10 +6 7 1 HA A11 +6 7 1 HA A12 +6 7 1 HA A13 +6 7 1 HA A14 +6 7 1 HA A15 +6 7 1 HA A16 +6 7 1 HA A17 +6 7 1 HA A18 +6 7 1 HA A19 +6 7 1 HA A20 +6 7 1 HA A21 +6 7 1 HA A22 +6 7 1 HA A23 +6 7 1 HA A24 +6 7 1 HA A25 +6 7 1 HA A26 +6 7 1 HA A27 +6 7 1 HA A28 +6 7 1 HA A29 +6 7 1 HA A30 +6 7 1 HA A31 +6 7 1 HA A32 +6 7 1 HA A33 +6 7 1 HA A34 +6 7 1 HA A35 +6 7 1 HA A36 +6 7 1 HA A37 +6 7 1 HA A38 +6 7 1 HA A39 +6 7 1 HA A40 +6 7 2 HS C9 +6 7 3 SN E16 +6 7 4 HJ E30 +6 7 5 YA F28 +6 7 6 IY G28 +6 7 7 HN F40 +6 7 7 HN G40 +6 7 8 SI J0 +6 7 8 SI J1 +6 7 8 SI J2 +6 7 8 SI J3 +6 7 8 SI J4 +6 7 8 SI J5 +6 7 8 SI J6 +6 7 8 SI J7 +6 7 8 SI J8 +6 7 8 SI J9 +6 7 8 SI J10 +6 7 8 SI J11 +6 7 8 SI J12 +6 7 8 SI J13 +6 7 8 SI J14 +6 7 8 SI J15 +6 7 8 SI J16 +6 7 8 SI J17 +6 7 8 SI J18 +6 7 8 SI J19 +6 7 8 SI J20 +6 7 8 SI J21 +6 7 8 SI J22 +6 7 8 SI J23 +6 7 8 SI J24 +6 7 8 SI J25 +6 7 8 SI J26 +6 7 8 SI J27 +6 7 8 SI J28 +6 7 8 SI J29 +6 7 8 SI J30 +6 7 8 SI J31 +6 7 8 SI J32 +6 7 8 SI J33 +6 7 8 SI J34 +6 7 8 SI J35 +6 7 8 SI J36 +6 7 8 SI J37 +6 7 8 SI J38 +6 7 8 SI J39 +6 7 8 SI J40 +6 8 1 HA A0 +6 8 1 HA A1 +6 8 1 HA A2 +6 8 1 HA A3 +6 8 1 HA A4 +6 8 1 HA A5 +6 8 1 HA A6 +6 8 1 HA A7 +6 8 1 HA A8 +6 8 1 HA A9 +6 8 1 HA A10 +6 8 1 HA A11 +6 8 1 HA A12 +6 8 1 HA A13 +6 8 1 HA A14 +6 8 1 HA A15 +6 8 1 HA A16 +6 8 1 HA A17 +6 8 1 HA A18 +6 8 1 HA A19 +6 8 1 HA A20 +6 8 1 HA A21 +6 8 1 HA A22 +6 8 1 HA A23 +6 8 1 HA A24 +6 8 1 HA A25 +6 8 1 HA A26 +6 8 1 HA A27 +6 8 1 HA A28 +6 8 1 HA A29 +6 8 1 HA A30 +6 8 1 HA A31 +6 8 1 HA A32 +6 8 1 HA A33 +6 8 1 HA A34 +6 8 1 HA A35 +6 8 1 HA A36 +6 8 1 HA A37 +6 8 1 HA A38 +6 8 1 HA A39 +6 8 1 HA A40 +6 8 2 MO D7 +6 8 3 HS C9 +6 8 4 SN E16 +6 8 5 IY F17 +6 8 5 IY G17 +6 8 6 HO F1 +6 8 7 HN F3 +6 8 7 HN F4 +6 8 8 WO I8 +6 8 9 SK H30 +6 8 10 SI J0 +6 8 10 SI J1 +6 8 10 SI J2 +6 8 10 SI J3 +6 8 10 SI J4 +6 8 10 SI J5 +6 8 10 SI J6 +6 8 10 SI J7 +6 8 10 SI J8 +6 8 10 SI J9 +6 8 10 SI J10 +6 8 10 SI J11 +6 8 10 SI J12 +6 8 10 SI J13 +6 8 10 SI J14 +6 8 10 SI J15 +6 8 10 SI J16 +6 8 10 SI J17 +6 8 10 SI J18 +6 8 10 SI J19 +6 8 10 SI J20 +6 8 10 SI J21 +6 8 10 SI J22 +6 8 10 SI J23 +6 8 10 SI J24 +6 8 10 SI J25 +6 8 10 SI J26 +6 8 10 SI J27 +6 8 10 SI J28 +6 8 10 SI J29 +6 8 10 SI J30 +6 8 10 SI J31 +6 8 10 SI J32 +6 8 10 SI J33 +6 8 10 SI J34 +6 8 10 SI J35 +6 8 10 SI J36 +6 8 10 SI J37 +6 8 10 SI J38 +6 8 10 SI J39 +6 8 10 SI J40 +6 9 1 HF A0 +6 9 1 HF A1 +6 9 1 HF A2 +6 9 1 HF A3 +6 9 1 HF A4 +6 9 1 HF A5 +6 9 1 HF A6 +6 9 1 HF A7 +6 9 1 HF A8 +6 9 1 HF A9 +6 9 1 HF A10 +6 9 1 HF A11 +6 9 1 HF A12 +6 9 1 HF A13 +6 9 1 HF A14 +6 9 1 HF A15 +6 9 1 HF A16 +6 9 1 HF A17 +6 9 1 HF A18 +6 9 1 HF A19 +6 9 1 HF A20 +6 9 1 HF A21 +6 9 1 HF A22 +6 9 1 HF A23 +6 9 1 HF A24 +6 9 1 HF A25 +6 9 1 HF A26 +6 9 1 HF A27 +6 9 1 HF A28 +6 9 1 HF A29 +6 9 1 HF A30 +6 9 1 HF A31 +6 9 1 HF A32 +6 9 1 HF A33 +6 9 1 HF A34 +6 9 1 HF A35 +6 9 1 HF A36 +6 9 1 HF A37 +6 9 1 HF A38 +6 9 1 HF A39 +6 9 1 HF A40 +6 9 2 HA B18 +6 9 2 HA B19 +6 9 2 HA B20 +6 9 2 HA B21 +6 9 2 HA B22 +6 9 2 HA B23 +6 9 2 HA B24 +6 9 3 HS C9 +6 9 4 HN E3 +6 9 5 SA D37 +6 9 6 HO I2 +6 9 7 YA H15 +6 9 8 SN H21 +6 9 9 SI J0 +6 9 9 SI J1 +6 9 9 SI J2 +6 9 9 SI J3 +6 9 9 SI J4 +6 9 9 SI J5 +6 9 9 SI J6 +6 9 9 SI J7 +6 9 9 SI J8 +6 9 9 SI J9 +6 9 9 SI J10 +6 9 9 SI J11 +6 9 9 SI J12 +6 9 9 SI J13 +6 9 9 SI J14 +6 9 9 SI J15 +6 9 9 SI J16 +6 9 9 SI J17 +6 9 9 SI J18 +6 9 9 SI J19 +6 9 9 SI J20 +6 9 9 SI J21 +6 9 9 SI J22 +6 9 9 SI J23 +6 9 9 SI J24 +6 9 9 SI J25 +6 9 9 SI J26 +6 9 9 SI J27 +6 9 9 SI J28 +6 9 9 SI J29 +6 9 9 SI J30 +6 9 9 SI J31 +6 9 9 SI J32 +6 9 9 SI J33 +6 9 9 SI J34 +6 9 9 SI J35 +6 9 9 SI J36 +6 9 9 SI J37 +6 9 9 SI J38 +6 9 9 SI J39 +6 9 9 SI J40 +6 10 1 HA A0 +6 10 1 HA A1 +6 10 1 HA A2 +6 10 1 HA A3 +6 10 1 HA A4 +6 10 1 HA A5 +6 10 1 HA A6 +6 10 1 HA A7 +6 10 1 HA A8 +6 10 1 HA A9 +6 10 1 HA A10 +6 10 1 HA A11 +6 10 1 HA A12 +6 10 1 HA A13 +6 10 1 HA A14 +6 10 1 HA A15 +6 10 1 HA A16 +6 10 1 HA A17 +6 10 1 HA A18 +6 10 1 HA A19 +6 10 1 HA A20 +6 10 1 HA A21 +6 10 1 HA A22 +6 10 1 HA A23 +6 10 1 HA A24 +6 10 1 HA A25 +6 10 1 HA A26 +6 10 1 HA A27 +6 10 1 HA A28 +6 10 1 HA A29 +6 10 1 HA A30 +6 10 1 HA A31 +6 10 1 HA A32 +6 10 1 HA A33 +6 10 1 HA A34 +6 10 1 HA A35 +6 10 1 HA A36 +6 10 1 HA A37 +6 10 1 HA A38 +6 10 1 HA A39 +6 10 1 HA A40 +6 10 2 HS C11 +6 10 3 SN G18 +6 10 4 YA F28 +6 10 5 HN F40 +6 10 6 SI J0 +6 10 6 SI J1 +6 10 6 SI J2 +6 10 6 SI J3 +6 10 6 SI J4 +6 10 6 SI J5 +6 10 6 SI J6 +6 10 6 SI J7 +6 10 6 SI J8 +6 10 6 SI J9 +6 10 6 SI J10 +6 10 6 SI J11 +6 10 6 SI J12 +6 10 6 SI J13 +6 10 6 SI J14 +6 10 6 SI J15 +6 10 6 SI J16 +6 10 6 SI J17 +6 10 6 SI J18 +6 10 6 SI J19 +6 10 6 SI J20 +6 10 6 SI J21 +6 10 6 SI J22 +6 10 6 SI J23 +6 10 6 SI J24 +6 10 6 SI J25 +6 10 6 SI J26 +6 10 6 SI J27 +6 10 6 SI J28 +6 10 6 SI J29 +6 10 6 SI J30 +6 10 6 SI J31 +6 10 6 SI J32 +6 10 6 SI J33 +6 10 6 SI J34 +6 10 6 SI J35 +6 10 6 SI J36 +6 10 6 SI J37 +6 10 6 SI J38 +6 10 6 SI J39 +6 10 6 SI J40 +6 11 1 HF A0 +6 11 1 HF A1 +6 11 1 HF A2 +6 11 1 HF A3 +6 11 1 HF A4 +6 11 1 HF A5 +6 11 1 HF A6 +6 11 1 HF A7 +6 11 1 HF A8 +6 11 1 HF A9 +6 11 1 HF A10 +6 11 1 HF A11 +6 11 1 HF A12 +6 11 1 HF A13 +6 11 1 HF A14 +6 11 1 HF A15 +6 11 1 HF A16 +6 11 1 HF A17 +6 11 1 HF A18 +6 11 1 HF A19 +6 11 1 HF A20 +6 11 1 HF A21 +6 11 1 HF A22 +6 11 1 HF A23 +6 11 1 HF A24 +6 11 1 HF A25 +6 11 1 HF A26 +6 11 1 HF A27 +6 11 1 HF A28 +6 11 1 HF A29 +6 11 1 HF A30 +6 11 1 HF A31 +6 11 1 HF A32 +6 11 1 HF A33 +6 11 1 HF A34 +6 11 1 HF A35 +6 11 1 HF A36 +6 11 1 HF A37 +6 11 1 HF A38 +6 11 1 HF A39 +6 11 1 HF A40 +6 11 2 HS C9 +6 11 3 SN D18 +6 11 4 YA F24 +6 11 5 HN F3 +6 11 6 HH G6 +6 11 7 HJ H3 +6 11 8 SI J0 +6 11 8 SI J1 +6 11 8 SI J2 +6 11 8 SI J3 +6 11 8 SI J4 +6 11 8 SI J5 +6 11 8 SI J6 +6 11 8 SI J7 +6 11 8 SI J8 +6 11 8 SI J9 +6 11 8 SI J10 +6 11 8 SI J11 +6 11 8 SI J12 +6 11 8 SI J13 +6 11 8 SI J14 +6 11 8 SI J15 +6 11 8 SI J16 +6 11 8 SI J17 +6 11 8 SI J18 +6 11 8 SI J19 +6 11 8 SI J20 +6 11 8 SI J21 +6 11 8 SI J22 +6 11 8 SI J23 +6 11 8 SI J24 +6 11 8 SI J25 +6 11 8 SI J26 +6 11 8 SI J27 +6 11 8 SI J28 +6 11 8 SI J29 +6 11 8 SI J30 +6 11 8 SI J31 +6 11 8 SI J32 +6 11 8 SI J33 +6 11 8 SI J34 +6 11 8 SI J35 +6 11 8 SI J36 +6 11 8 SI J37 +6 11 8 SI J38 +6 11 8 SI J39 +6 11 8 SI J40 +6 12 1 HA A0 +6 12 1 HA A1 +6 12 1 HA A2 +6 12 1 HA A3 +6 12 1 HA A4 +6 12 1 HA A5 +6 12 1 HA A6 +6 12 1 HA A7 +6 12 1 HA A8 +6 12 1 HA A9 +6 12 1 HA A10 +6 12 1 HA A11 +6 12 1 HA A12 +6 12 1 HA A13 +6 12 1 HA A14 +6 12 1 HA A15 +6 12 1 HA A16 +6 12 1 HA A17 +6 12 1 HA A18 +6 12 1 HA A19 +6 12 1 HA A20 +6 12 1 HA A21 +6 12 1 HA A22 +6 12 1 HA A23 +6 12 1 HA A24 +6 12 1 HA A25 +6 12 1 HA A26 +6 12 1 HA A27 +6 12 1 HA A28 +6 12 1 HA A29 +6 12 1 HA A30 +6 12 1 HA A31 +6 12 1 HA A32 +6 12 1 HA A33 +6 12 1 HA A34 +6 12 1 HA A35 +6 12 1 HA A36 +6 12 1 HA A37 +6 12 1 HA A38 +6 12 1 HA A39 +6 12 1 HA A40 +6 12 2 SA C4 +6 12 3 HS C10 +6 12 4 SN C18 +6 12 5 HJ E34 +6 12 6 HN G1 +6 12 7 YA G18 +6 12 8 SI J0 +6 12 8 SI J1 +6 12 8 SI J2 +6 12 8 SI J3 +6 12 8 SI J4 +6 12 8 SI J5 +6 12 8 SI J6 +6 12 8 SI J7 +6 12 8 SI J8 +6 12 8 SI J9 +6 12 8 SI J10 +6 12 8 SI J11 +6 12 8 SI J12 +6 12 8 SI J13 +6 12 8 SI J14 +6 12 8 SI J15 +6 12 8 SI J16 +6 12 8 SI J17 +6 12 8 SI J18 +6 12 8 SI J19 +6 12 8 SI J20 +6 12 8 SI J21 +6 12 8 SI J22 +6 12 8 SI J23 +6 12 8 SI J24 +6 12 8 SI J25 +6 12 8 SI J26 +6 12 8 SI J27 +6 12 8 SI J28 +6 12 8 SI J29 +6 12 8 SI J30 +6 12 8 SI J31 +6 12 8 SI J32 +6 12 8 SI J33 +6 12 8 SI J34 +6 12 8 SI J35 +6 12 8 SI J36 +6 12 8 SI J37 +6 12 8 SI J38 +6 12 8 SI J39 +6 12 8 SI J40 +6 13 1 HA A0 +6 13 1 HA A1 +6 13 1 HA A2 +6 13 1 HA A3 +6 13 1 HA A4 +6 13 1 HA A5 +6 13 1 HA A6 +6 13 1 HA A7 +6 13 1 HA A8 +6 13 1 HA A9 +6 13 1 HA A10 +6 13 1 HA A11 +6 13 1 HA A12 +6 13 1 HA A13 +6 13 1 HA A14 +6 13 1 HA A15 +6 13 1 HA A16 +6 13 1 HA A17 +6 13 1 HA A18 +6 13 1 HA A19 +6 13 1 HA A20 +6 13 1 HA A21 +6 13 1 HA A22 +6 13 1 HA A23 +6 13 1 HA A24 +6 13 1 HA A25 +6 13 1 HA A26 +6 13 1 HA A27 +6 13 1 HA A28 +6 13 1 HA A29 +6 13 1 HA A30 +6 13 1 HA A31 +6 13 1 HA A32 +6 13 1 HA A33 +6 13 1 HA A34 +6 13 1 HA A35 +6 13 1 HA A36 +6 13 1 HA A37 +6 13 1 HA A38 +6 13 1 HA A39 +6 13 1 HA A40 +6 13 2 HS D6 +6 13 3 HO F1 +6 13 4 MO C8 +6 13 5 HU C8 +6 13 6 SA D8 +6 13 7 HM C12 +6 13 8 SN E17 +6 13 9 YA E28 +6 13 10 IJ F40 +6 13 11 MM H36 +6 13 12 WO I29 +6 13 13 SI J0 +6 13 13 SI J1 +6 13 13 SI J2 +6 13 13 SI J3 +6 13 13 SI J4 +6 13 13 SI J5 +6 13 13 SI J6 +6 13 13 SI J7 +6 13 13 SI J8 +6 13 13 SI J9 +6 13 13 SI J10 +6 13 13 SI J11 +6 13 13 SI J12 +6 13 13 SI J13 +6 13 13 SI J14 +6 13 13 SI J15 +6 13 13 SI J16 +6 13 13 SI J17 +6 13 13 SI J18 +6 13 13 SI J19 +6 13 13 SI J20 +6 13 13 SI J21 +6 13 13 SI J22 +6 13 13 SI J23 +6 13 13 SI J24 +6 13 13 SI J25 +6 13 13 SI J26 +6 13 13 SI J27 +6 13 13 SI J28 +6 13 13 SI J29 +6 13 13 SI J30 +6 13 13 SI J31 +6 13 13 SI J32 +6 13 13 SI J33 +6 13 13 SI J34 +6 13 13 SI J35 +6 13 13 SI J36 +6 13 13 SI J37 +6 13 13 SI J38 +6 13 13 SI J39 +6 13 13 SI J40 +6 14 1 HF A0 +6 14 1 HF A1 +6 14 1 HF A2 +6 14 1 HF A3 +6 14 1 HF A4 +6 14 1 HF A5 +6 14 1 HF A6 +6 14 1 HF A7 +6 14 1 HF A8 +6 14 1 HF A9 +6 14 1 HF A10 +6 14 1 HF A11 +6 14 1 HF A12 +6 14 1 HF A13 +6 14 1 HF A14 +6 14 1 HF A15 +6 14 1 HF A16 +6 14 1 HF A17 +6 14 1 HF A18 +6 14 1 HF A19 +6 14 1 HF A20 +6 14 1 HF A21 +6 14 1 HF A22 +6 14 1 HF A23 +6 14 1 HF A24 +6 14 1 HF A25 +6 14 1 HF A26 +6 14 1 HF A27 +6 14 1 HF A28 +6 14 1 HF A29 +6 14 1 HF A30 +6 14 1 HF A31 +6 14 1 HF A32 +6 14 1 HF A33 +6 14 1 HF A34 +6 14 1 HF A35 +6 14 1 HF A36 +6 14 1 HF A37 +6 14 1 HF A38 +6 14 1 HF A39 +6 14 1 HF A40 +6 14 2 HA A0 +6 14 2 HA A1 +6 14 2 HA A2 +6 14 2 HA A3 +6 14 2 HA A4 +6 14 2 HA A5 +6 14 2 HA A6 +6 14 2 HA A7 +6 14 2 HA A8 +6 14 2 HA A9 +6 14 2 HA A10 +6 14 2 HA A11 +6 14 2 HA A12 +6 14 2 HA A13 +6 14 2 HA A14 +6 14 2 HA A15 +6 14 2 HA A16 +6 14 2 HA A17 +6 14 2 HA A18 +6 14 2 HA A19 +6 14 2 HA A20 +6 14 2 HA A21 +6 14 2 HA A22 +6 14 2 HA A23 +6 14 2 HA A24 +6 14 2 HA A25 +6 14 2 HA A26 +6 14 2 HA A27 +6 14 2 HA A28 +6 14 2 HA A29 +6 14 2 HA A30 +6 14 2 HA A31 +6 14 2 HA A32 +6 14 2 HA A33 +6 14 2 HA A34 +6 14 2 HA A35 +6 14 2 HA A36 +6 14 2 HA A37 +6 14 2 HA A38 +6 14 2 HA A39 +6 14 2 HA A40 +6 14 3 HS C8 +6 14 4 SN E18 +6 14 5 YA F18 +6 14 6 HO G1 +6 14 7 SI J0 +6 14 7 SI J1 +6 14 7 SI J2 +6 14 7 SI J3 +6 14 7 SI J4 +6 14 7 SI J5 +6 14 7 SI J6 +6 14 7 SI J7 +6 14 7 SI J8 +6 14 7 SI J9 +6 14 7 SI J10 +6 14 7 SI J11 +6 14 7 SI J12 +6 14 7 SI J13 +6 14 7 SI J14 +6 14 7 SI J15 +6 14 7 SI J16 +6 14 7 SI J17 +6 14 7 SI J18 +6 14 7 SI J19 +6 14 7 SI J20 +6 14 7 SI J21 +6 14 7 SI J22 +6 14 7 SI J23 +6 14 7 SI J24 +6 14 7 SI J25 +6 14 7 SI J26 +6 14 7 SI J27 +6 14 7 SI J28 +6 14 7 SI J29 +6 14 7 SI J30 +6 14 7 SI J31 +6 14 7 SI J32 +6 14 7 SI J33 +6 14 7 SI J34 +6 14 7 SI J35 +6 14 7 SI J36 +6 14 7 SI J37 +6 14 7 SI J38 +6 14 7 SI J39 +6 14 7 SI J40 +6 15 1 HA A0 +6 15 1 HA A1 +6 15 1 HA A2 +6 15 1 HA A3 +6 15 1 HA A4 +6 15 1 HA A5 +6 15 1 HA A6 +6 15 1 HA A7 +6 15 1 HA A8 +6 15 1 HA A9 +6 15 1 HA A10 +6 15 1 HA A11 +6 15 1 HA A12 +6 15 1 HA A13 +6 15 1 HA A14 +6 15 1 HA A15 +6 15 1 HA A16 +6 15 1 HA A17 +6 15 1 HA A18 +6 15 1 HA A19 +6 15 1 HA A20 +6 15 1 HA A21 +6 15 1 HA A22 +6 15 1 HA A23 +6 15 1 HA A24 +6 15 1 HA A25 +6 15 1 HA A26 +6 15 1 HA A27 +6 15 1 HA A28 +6 15 1 HA A29 +6 15 1 HA A30 +6 15 1 HA A31 +6 15 1 HA A32 +6 15 1 HA A33 +6 15 1 HA A34 +6 15 1 HA A35 +6 15 1 HA A36 +6 15 1 HA A37 +6 15 1 HA A38 +6 15 1 HA A39 +6 15 1 HA A40 +6 15 2 HS C5 +6 15 2 HS C6 +6 15 3 HN E1 +6 15 3 HN F1 +6 15 3 HN G1 +6 15 4 HO E2 +6 15 4 HO F2 +6 15 4 HO G2 +6 15 5 YA D14 +6 15 5 YA E14 +6 15 5 YA F14 +6 15 6 SN D16 +6 15 6 SN D17 +6 15 6 SN D18 +6 15 6 SN D19 +6 15 7 SA C40 +6 15 7 SA D40 +6 15 7 SA E40 +6 15 7 SA F40 +6 15 8 SI J0 +6 15 8 SI J1 +6 15 8 SI J2 +6 15 8 SI J3 +6 15 8 SI J4 +6 15 8 SI J5 +6 15 8 SI J6 +6 15 8 SI J7 +6 15 8 SI J8 +6 15 8 SI J9 +6 15 8 SI J10 +6 15 8 SI J11 +6 15 8 SI J12 +6 15 8 SI J13 +6 15 8 SI J14 +6 15 8 SI J15 +6 15 8 SI J16 +6 15 8 SI J17 +6 15 8 SI J18 +6 15 8 SI J19 +6 15 8 SI J20 +6 15 8 SI J21 +6 15 8 SI J22 +6 15 8 SI J23 +6 15 8 SI J24 +6 15 8 SI J25 +6 15 8 SI J26 +6 15 8 SI J27 +6 15 8 SI J28 +6 15 8 SI J29 +6 15 8 SI J30 +6 15 8 SI J31 +6 15 8 SI J32 +6 15 8 SI J33 +6 15 8 SI J34 +6 15 8 SI J35 +6 15 8 SI J36 +6 15 8 SI J37 +6 15 8 SI J38 +6 15 8 SI J39 +6 15 8 SI J40 +6 16 1 HA A0 +6 16 1 HA A1 +6 16 1 HA A2 +6 16 1 HA A3 +6 16 1 HA A4 +6 16 1 HA A5 +6 16 1 HA A6 +6 16 1 HA A7 +6 16 1 HA A8 +6 16 1 HA A9 +6 16 1 HA A10 +6 16 1 HA A11 +6 16 1 HA A12 +6 16 1 HA A13 +6 16 1 HA A14 +6 16 1 HA A15 +6 16 1 HA A16 +6 16 1 HA A17 +6 16 1 HA A18 +6 16 1 HA A19 +6 16 1 HA A20 +6 16 1 HA A21 +6 16 1 HA A22 +6 16 1 HA A23 +6 16 1 HA A24 +6 16 1 HA A25 +6 16 1 HA A26 +6 16 1 HA A27 +6 16 1 HA A28 +6 16 1 HA A29 +6 16 1 HA A30 +6 16 1 HA A31 +6 16 1 HA A32 +6 16 1 HA A33 +6 16 1 HA A34 +6 16 1 HA A35 +6 16 1 HA A36 +6 16 1 HA A37 +6 16 1 HA A38 +6 16 1 HA A39 +6 16 1 HA A40 +6 16 2 SA B5 +6 16 3 HS C9 +6 16 4 HH C9 +6 16 5 MO C10 +6 16 6 SN E18 +6 16 6 SN F17 +6 16 7 AH E28 +6 16 7 AH F29 +6 16 8 SK F29 +6 16 9 WJ G29 +6 16 9 WJ G30 +6 16 9 WJ G31 +6 16 9 WJ H31 +6 16 10 MM H32 +6 16 11 HO G40 +6 16 12 WO H19 +6 16 13 HN G1 +6 16 14 SI J0 +6 16 14 SI J1 +6 16 14 SI J2 +6 16 14 SI J3 +6 16 14 SI J4 +6 16 14 SI J5 +6 16 14 SI J6 +6 16 14 SI J7 +6 16 14 SI J8 +6 16 14 SI J9 +6 16 14 SI J10 +6 16 14 SI J11 +6 16 14 SI J12 +6 16 14 SI J13 +6 16 14 SI J14 +6 16 14 SI J15 +6 16 14 SI J16 +6 16 14 SI J17 +6 16 14 SI J18 +6 16 14 SI J19 +6 16 14 SI J20 +6 16 14 SI J21 +6 16 14 SI J22 +6 16 14 SI J23 +6 16 14 SI J24 +6 16 14 SI J25 +6 16 14 SI J26 +6 16 14 SI J27 +6 16 14 SI J28 +6 16 14 SI J29 +6 16 14 SI J30 +6 16 14 SI J31 +6 16 14 SI J32 +6 16 14 SI J33 +6 16 14 SI J34 +6 16 14 SI J35 +6 16 14 SI J36 +6 16 14 SI J37 +6 16 14 SI J38 +6 16 14 SI J39 +6 16 14 SI J40 +6 17 1 HA A0 +6 17 1 HA A1 +6 17 1 HA A2 +6 17 1 HA A3 +6 17 1 HA A4 +6 17 1 HA A5 +6 17 1 HA A6 +6 17 1 HA A7 +6 17 1 HA A8 +6 17 1 HA A9 +6 17 1 HA A10 +6 17 1 HA A11 +6 17 1 HA A12 +6 17 1 HA A13 +6 17 1 HA A14 +6 17 1 HA A15 +6 17 1 HA A16 +6 17 1 HA A17 +6 17 1 HA A18 +6 17 1 HA A19 +6 17 1 HA A20 +6 17 1 HA A21 +6 17 1 HA A22 +6 17 1 HA A23 +6 17 1 HA A24 +6 17 1 HA A25 +6 17 1 HA A26 +6 17 1 HA A27 +6 17 1 HA A28 +6 17 1 HA A29 +6 17 1 HA A30 +6 17 1 HA A31 +6 17 1 HA A32 +6 17 1 HA A33 +6 17 1 HA A34 +6 17 1 HA A35 +6 17 1 HA A36 +6 17 1 HA A37 +6 17 1 HA A38 +6 17 1 HA A39 +6 17 1 HA A40 +6 17 2 IN E4 +6 17 3 SA D5 +6 17 4 HH C9 +6 17 5 HS C9 +6 17 6 SN E16 +6 17 7 HN I4 +6 17 8 JY G9 +6 17 8 JY H9 +6 17 9 YA H17 +6 17 10 HT G29 +6 17 11 HJ H29 +6 17 12 JI I40 +6 17 13 SI J0 +6 17 13 SI J1 +6 17 13 SI J2 +6 17 13 SI J3 +6 17 13 SI J4 +6 17 13 SI J5 +6 17 13 SI J6 +6 17 13 SI J7 +6 17 13 SI J8 +6 17 13 SI J9 +6 17 13 SI J10 +6 17 13 SI J11 +6 17 13 SI J12 +6 17 13 SI J13 +6 17 13 SI J14 +6 17 13 SI J15 +6 17 13 SI J16 +6 17 13 SI J17 +6 17 13 SI J18 +6 17 13 SI J19 +6 17 13 SI J20 +6 17 13 SI J21 +6 17 13 SI J22 +6 17 13 SI J23 +6 17 13 SI J24 +6 17 13 SI J25 +6 17 13 SI J26 +6 17 13 SI J27 +6 17 13 SI J28 +6 17 13 SI J29 +6 17 13 SI J30 +6 17 13 SI J31 +6 17 13 SI J32 +6 17 13 SI J33 +6 17 13 SI J34 +6 17 13 SI J35 +6 17 13 SI J36 +6 17 13 SI J37 +6 17 13 SI J38 +6 17 13 SI J39 +6 17 13 SI J40 +6 17 14 KH E40 +6 18 1 HA A0 +6 18 1 HA A1 +6 18 1 HA A2 +6 18 1 HA A3 +6 18 1 HA A4 +6 18 1 HA A5 +6 18 1 HA A6 +6 18 1 HA A7 +6 18 1 HA A8 +6 18 1 HA A9 +6 18 1 HA A10 +6 18 1 HA A11 +6 18 1 HA A12 +6 18 1 HA A13 +6 18 1 HA A14 +6 18 1 HA A15 +6 18 1 HA A16 +6 18 1 HA A17 +6 18 1 HA A18 +6 18 1 HA A19 +6 18 1 HA A20 +6 18 1 HA A21 +6 18 1 HA A22 +6 18 1 HA A23 +6 18 1 HA A24 +6 18 1 HA A25 +6 18 1 HA A26 +6 18 1 HA A27 +6 18 1 HA A28 +6 18 1 HA A29 +6 18 1 HA A30 +6 18 1 HA A31 +6 18 1 HA A32 +6 18 1 HA A33 +6 18 1 HA A34 +6 18 1 HA A35 +6 18 1 HA A36 +6 18 1 HA A37 +6 18 1 HA A38 +6 18 1 HA A39 +6 18 1 HA A40 +6 18 2 HS C9 +6 18 3 HH D9 +6 18 4 HO F2 +6 18 4 HO F3 +6 18 5 HN G1 +6 18 5 HN G2 +6 18 6 SN E16 +6 18 7 YA D19 +6 18 8 WO I7 +6 18 8 WO I8 +6 18 8 WO I9 +6 18 8 WO I10 +6 18 8 WO I11 +6 18 8 WO I12 +6 18 8 WO I13 +6 18 8 WO I14 +6 18 8 WO I15 +6 18 8 WO I16 +6 18 8 WO I17 +6 18 8 WO I18 +6 18 8 WO I19 +6 18 8 WO I20 +6 18 8 WO I21 +6 18 8 WO I22 +6 18 8 WO I23 +6 18 8 WO I24 +6 18 9 SI J0 +6 18 9 SI J1 +6 18 9 SI J2 +6 18 9 SI J3 +6 18 9 SI J4 +6 18 9 SI J5 +6 18 9 SI J6 +6 18 9 SI J7 +6 18 9 SI J8 +6 18 9 SI J9 +6 18 9 SI J10 +6 18 9 SI J11 +6 18 9 SI J12 +6 18 9 SI J13 +6 18 9 SI J14 +6 18 9 SI J15 +6 18 9 SI J16 +6 18 9 SI J17 +6 18 9 SI J18 +6 18 9 SI J19 +6 18 9 SI J20 +6 18 9 SI J21 +6 18 9 SI J22 +6 18 9 SI J23 +6 18 9 SI J24 +6 18 9 SI J25 +6 18 9 SI J26 +6 18 9 SI J27 +6 18 9 SI J28 +6 18 9 SI J29 +6 18 9 SI J30 +6 18 9 SI J31 +6 18 9 SI J32 +6 18 9 SI J33 +6 18 9 SI J34 +6 18 9 SI J35 +6 18 9 SI J36 +6 18 9 SI J37 +6 18 9 SI J38 +6 18 9 SI J39 +6 18 9 SI J40 +6 19 1 HA A0 +6 19 1 HA A1 +6 19 1 HA A2 +6 19 1 HA A3 +6 19 1 HA A4 +6 19 1 HA A5 +6 19 1 HA A6 +6 19 1 HA A7 +6 19 1 HA A8 +6 19 1 HA A9 +6 19 1 HA A10 +6 19 1 HA A11 +6 19 1 HA A12 +6 19 1 HA A13 +6 19 1 HA A14 +6 19 1 HA A15 +6 19 1 HA A16 +6 19 1 HA A17 +6 19 1 HA A18 +6 19 1 HA A19 +6 19 1 HA A20 +6 19 1 HA A21 +6 19 1 HA A22 +6 19 1 HA A23 +6 19 1 HA A24 +6 19 1 HA A25 +6 19 1 HA A26 +6 19 1 HA A27 +6 19 1 HA A28 +6 19 1 HA A29 +6 19 1 HA A30 +6 19 1 HA A31 +6 19 1 HA A32 +6 19 1 HA A33 +6 19 1 HA A34 +6 19 1 HA A35 +6 19 1 HA A36 +6 19 1 HA A37 +6 19 1 HA A38 +6 19 1 HA A39 +6 19 1 HA A40 +6 19 2 HS C10 +6 19 3 HO G2 +6 19 4 SN F16 +6 19 5 YA F27 +6 19 6 MM G35 +6 19 7 WO I0 +6 19 7 WO I1 +6 19 7 WO I2 +6 19 7 WO I3 +6 19 7 WO I4 +6 19 7 WO I5 +6 19 7 WO I6 +6 19 7 WO I7 +6 19 7 WO I8 +6 19 7 WO I9 +6 19 7 WO I10 +6 19 7 WO I11 +6 19 7 WO I12 +6 19 7 WO I13 +6 19 7 WO I14 +6 19 7 WO I15 +6 19 7 WO I16 +6 19 7 WO I17 +6 19 7 WO I18 +6 19 7 WO I19 +6 19 7 WO I20 +6 19 7 WO I21 +6 19 7 WO I22 +6 19 7 WO I23 +6 19 7 WO I24 +6 19 7 WO I25 +6 19 7 WO I26 +6 19 7 WO I27 +6 19 7 WO I28 +6 19 7 WO I29 +6 19 7 WO I30 +6 19 7 WO I31 +6 19 7 WO I32 +6 19 7 WO I33 +6 19 7 WO I34 +6 19 7 WO I35 +6 19 7 WO I36 +6 19 7 WO I37 +6 19 7 WO I38 +6 19 7 WO I39 +6 19 7 WO I40 +6 19 8 SI J0 +6 19 8 SI J1 +6 19 8 SI J2 +6 19 8 SI J3 +6 19 8 SI J4 +6 19 8 SI J5 +6 19 8 SI J6 +6 19 8 SI J7 +6 19 8 SI J8 +6 19 8 SI J9 +6 19 8 SI J10 +6 19 8 SI J11 +6 19 8 SI J12 +6 19 8 SI J13 +6 19 8 SI J14 +6 19 8 SI J15 +6 19 8 SI J16 +6 19 8 SI J17 +6 19 8 SI J18 +6 19 8 SI J19 +6 19 8 SI J20 +6 19 8 SI J21 +6 19 8 SI J22 +6 19 8 SI J23 +6 19 8 SI J24 +6 19 8 SI J25 +6 19 8 SI J26 +6 19 8 SI J27 +6 19 8 SI J28 +6 19 8 SI J29 +6 19 8 SI J30 +6 19 8 SI J31 +6 19 8 SI J32 +6 19 8 SI J33 +6 19 8 SI J34 +6 19 8 SI J35 +6 19 8 SI J36 +6 19 8 SI J37 +6 19 8 SI J38 +6 19 8 SI J39 +6 19 8 SI J40 +6 20 1 HA A0 +6 20 1 HA A1 +6 20 1 HA A2 +6 20 1 HA A3 +6 20 1 HA A4 +6 20 1 HA A5 +6 20 1 HA A6 +6 20 1 HA A7 +6 20 1 HA A8 +6 20 1 HA A9 +6 20 1 HA A10 +6 20 1 HA A11 +6 20 1 HA A12 +6 20 1 HA A13 +6 20 1 HA A14 +6 20 1 HA A15 +6 20 1 HA A16 +6 20 1 HA A17 +6 20 1 HA A18 +6 20 1 HA A19 +6 20 1 HA A20 +6 20 1 HA A21 +6 20 1 HA A22 +6 20 1 HA A23 +6 20 1 HA A24 +6 20 1 HA A25 +6 20 1 HA A26 +6 20 1 HA A27 +6 20 1 HA A28 +6 20 1 HA A29 +6 20 1 HA A30 +6 20 1 HA A31 +6 20 1 HA A32 +6 20 1 HA A33 +6 20 1 HA A34 +6 20 1 HA A35 +6 20 1 HA A36 +6 20 1 HA A37 +6 20 1 HA A38 +6 20 1 HA A39 +6 20 1 HA A40 +6 20 2 HS C9 +6 20 3 HH D6 +6 20 4 HO E4 +6 20 5 HN F3 +6 20 6 SN E18 +6 20 7 YA F19 +6 20 8 HJ F29 +6 20 9 MM H29 +6 20 10 SI J0 +6 20 10 SI J1 +6 20 10 SI J2 +6 20 10 SI J3 +6 20 10 SI J4 +6 20 10 SI J5 +6 20 10 SI J6 +6 20 10 SI J7 +6 20 10 SI J8 +6 20 10 SI J9 +6 20 10 SI J10 +6 20 10 SI J11 +6 20 10 SI J12 +6 20 10 SI J13 +6 20 10 SI J14 +6 20 10 SI J15 +6 20 10 SI J16 +6 20 10 SI J17 +6 20 10 SI J18 +6 20 10 SI J19 +6 20 10 SI J20 +6 20 10 SI J21 +6 20 10 SI J22 +6 20 10 SI J23 +6 20 10 SI J24 +6 20 10 SI J25 +6 20 10 SI J26 +6 20 10 SI J27 +6 20 10 SI J28 +6 20 10 SI J29 +6 20 10 SI J30 +6 20 10 SI J31 +6 20 10 SI J32 +6 20 10 SI J33 +6 20 10 SI J34 +6 20 10 SI J35 +6 20 10 SI J36 +6 20 10 SI J37 +6 20 10 SI J38 +6 20 10 SI J39 +6 20 10 SI J40 +6 21 1 HA A0 +6 21 1 HA A1 +6 21 1 HA A2 +6 21 1 HA A3 +6 21 1 HA A4 +6 21 1 HA A5 +6 21 1 HA A6 +6 21 1 HA A7 +6 21 1 HA A8 +6 21 1 HA A9 +6 21 1 HA A10 +6 21 1 HA A11 +6 21 1 HA A12 +6 21 1 HA A13 +6 21 1 HA A14 +6 21 1 HA A15 +6 21 1 HA A16 +6 21 1 HA A17 +6 21 1 HA A18 +6 21 1 HA A19 +6 21 1 HA A20 +6 21 1 HA A21 +6 21 1 HA A22 +6 21 1 HA A23 +6 21 1 HA A24 +6 21 1 HA A25 +6 21 1 HA A26 +6 21 1 HA A27 +6 21 1 HA A28 +6 21 1 HA A29 +6 21 1 HA A30 +6 21 1 HA A31 +6 21 1 HA A32 +6 21 1 HA A33 +6 21 1 HA A34 +6 21 1 HA A35 +6 21 1 HA A36 +6 21 1 HA A37 +6 21 1 HA A38 +6 21 1 HA A39 +6 21 1 HA A40 +6 21 2 HS F4 +6 21 2 HS F5 +6 21 2 HS F6 +6 21 3 HO H2 +6 21 3 HO H3 +6 21 4 WO I4 +6 21 4 WO I5 +6 21 4 WO I6 +6 21 5 HN G40 +6 21 6 SI J0 +6 21 6 SI J1 +6 21 6 SI J2 +6 21 6 SI J3 +6 21 6 SI J4 +6 21 6 SI J5 +6 21 6 SI J6 +6 21 6 SI J7 +6 21 6 SI J8 +6 21 6 SI J9 +6 21 6 SI J10 +6 21 6 SI J11 +6 21 6 SI J12 +6 21 6 SI J13 +6 21 6 SI J14 +6 21 6 SI J15 +6 21 6 SI J16 +6 21 6 SI J17 +6 21 6 SI J18 +6 21 6 SI J19 +6 21 6 SI J20 +6 21 6 SI J21 +6 21 6 SI J22 +6 21 6 SI J23 +6 21 6 SI J24 +6 21 6 SI J25 +6 21 6 SI J26 +6 21 6 SI J27 +6 21 6 SI J28 +6 21 6 SI J29 +6 21 6 SI J30 +6 21 6 SI J31 +6 21 6 SI J32 +6 21 6 SI J33 +6 21 6 SI J34 +6 21 6 SI J35 +6 21 6 SI J36 +6 21 6 SI J37 +6 21 6 SI J38 +6 21 6 SI J39 +6 21 6 SI J40 +6 22 1 HA A0 +6 22 1 HA A1 +6 22 1 HA A2 +6 22 1 HA A3 +6 22 1 HA A4 +6 22 1 HA A5 +6 22 1 HA A6 +6 22 1 HA A7 +6 22 1 HA A8 +6 22 1 HA A9 +6 22 1 HA A10 +6 22 1 HA A11 +6 22 1 HA A12 +6 22 1 HA A13 +6 22 1 HA A14 +6 22 1 HA A15 +6 22 1 HA A16 +6 22 1 HA A17 +6 22 1 HA A18 +6 22 1 HA A19 +6 22 1 HA A20 +6 22 1 HA A21 +6 22 1 HA A22 +6 22 1 HA A23 +6 22 1 HA A24 +6 22 1 HA A25 +6 22 1 HA A26 +6 22 1 HA A27 +6 22 1 HA A28 +6 22 1 HA A29 +6 22 1 HA A30 +6 22 1 HA A31 +6 22 1 HA A32 +6 22 1 HA A33 +6 22 1 HA A34 +6 22 1 HA A35 +6 22 1 HA A36 +6 22 1 HA A37 +6 22 1 HA A38 +6 22 1 HA A39 +6 22 1 HA A40 +6 22 2 HN G1 +6 22 3 SA E7 +6 22 4 HS E10 +6 22 5 SN D19 +6 22 6 SI F29 +6 23 1 HA A0 +6 23 1 HA A1 +6 23 1 HA A2 +6 23 1 HA A3 +6 23 1 HA A4 +6 23 1 HA A5 +6 23 1 HA A6 +6 23 1 HA A7 +6 23 1 HA A8 +6 23 1 HA A9 +6 23 1 HA A10 +6 23 1 HA A11 +6 23 1 HA A12 +6 23 1 HA A13 +6 23 1 HA A14 +6 23 1 HA A15 +6 23 1 HA A16 +6 23 1 HA A17 +6 23 1 HA A18 +6 23 1 HA A19 +6 23 1 HA A20 +6 23 1 HA A21 +6 23 1 HA A22 +6 23 1 HA A23 +6 23 1 HA A24 +6 23 1 HA A25 +6 23 1 HA A26 +6 23 1 HA A27 +6 23 1 HA A28 +6 23 1 HA A29 +6 23 1 HA A30 +6 23 1 HA A31 +6 23 1 HA A32 +6 23 1 HA A33 +6 23 1 HA A34 +6 23 1 HA A35 +6 23 1 HA A36 +6 23 1 HA A37 +6 23 1 HA A38 +6 23 1 HA A39 +6 23 1 HA A40 +6 23 2 HN F3 +6 23 3 MO C8 +6 23 4 WO I10 +6 23 5 HS C12 +6 23 6 SN G18 +6 23 7 YA G20 +6 23 8 SI H28 +6 23 9 MM G32 +6 23 10 HO G39 +6 24 1 HA A0 +6 24 1 HA A1 +6 24 1 HA A2 +6 24 1 HA A3 +6 24 1 HA A4 +6 24 1 HA A5 +6 24 1 HA A6 +6 24 1 HA A7 +6 24 1 HA A8 +6 24 1 HA A9 +6 24 1 HA A10 +6 24 1 HA A11 +6 24 1 HA A12 +6 24 1 HA A13 +6 24 1 HA A14 +6 24 1 HA A15 +6 24 1 HA A16 +6 24 1 HA A17 +6 24 1 HA A18 +6 24 1 HA A19 +6 24 1 HA A20 +6 24 1 HA A21 +6 24 1 HA A22 +6 24 1 HA A23 +6 24 1 HA A24 +6 24 1 HA A25 +6 24 1 HA A26 +6 24 1 HA A27 +6 24 1 HA A28 +6 24 1 HA A29 +6 24 1 HA A30 +6 24 1 HA A31 +6 24 1 HA A32 +6 24 1 HA A33 +6 24 1 HA A34 +6 24 1 HA A35 +6 24 1 HA A36 +6 24 1 HA A37 +6 24 1 HA A38 +6 24 1 HA A39 +6 24 1 HA A40 +6 24 2 SA D1 +6 24 3 IT G1 +6 24 4 HS C9 +6 24 5 MO C11 +6 24 6 YA G20 +6 24 7 SN G24 +6 24 8 HF B27 +6 24 9 HJ G30 +6 24 10 HN F40 +6 24 11 SI J0 +6 24 11 SI J1 +6 24 11 SI J2 +6 24 11 SI J3 +6 24 11 SI J4 +6 24 11 SI J5 +6 24 11 SI J6 +6 24 11 SI J7 +6 24 11 SI J8 +6 24 11 SI J9 +6 24 11 SI J10 +6 24 11 SI J11 +6 24 11 SI J12 +6 24 11 SI J13 +6 24 11 SI J14 +6 24 11 SI J15 +6 24 11 SI J16 +6 24 11 SI J17 +6 24 11 SI J18 +6 24 11 SI J19 +6 24 11 SI J20 +6 24 11 SI J21 +6 24 11 SI J22 +6 24 11 SI J23 +6 24 11 SI J24 +6 24 11 SI J25 +6 24 11 SI J26 +6 24 11 SI J27 +6 24 11 SI J28 +6 24 11 SI J29 +6 24 11 SI J30 +6 24 11 SI J31 +6 24 11 SI J32 +6 24 11 SI J33 +6 24 11 SI J34 +6 24 11 SI J35 +6 24 11 SI J36 +6 24 11 SI J37 +6 24 11 SI J38 +6 24 11 SI J39 +6 24 11 SI J40 +6 25 1 HA A0 +6 25 1 HA A1 +6 25 1 HA A2 +6 25 1 HA A3 +6 25 1 HA A4 +6 25 1 HA A5 +6 25 1 HA A6 +6 25 1 HA A7 +6 25 1 HA A8 +6 25 1 HA A9 +6 25 1 HA A10 +6 25 1 HA A11 +6 25 1 HA A12 +6 25 1 HA A13 +6 25 1 HA A14 +6 25 1 HA A15 +6 25 1 HA A16 +6 25 1 HA A17 +6 25 1 HA A18 +6 25 1 HA A19 +6 25 1 HA A20 +6 25 1 HA A21 +6 25 1 HA A22 +6 25 1 HA A23 +6 25 1 HA A24 +6 25 1 HA A25 +6 25 1 HA A26 +6 25 1 HA A27 +6 25 1 HA A28 +6 25 1 HA A29 +6 25 1 HA A30 +6 25 1 HA A31 +6 25 1 HA A32 +6 25 1 HA A33 +6 25 1 HA A34 +6 25 1 HA A35 +6 25 1 HA A36 +6 25 1 HA A37 +6 25 1 HA A38 +6 25 1 HA A39 +6 25 1 HA A40 +6 25 2 HS C13 +6 25 3 IT F3 +6 25 4 HO F4 +6 25 5 YA F15 +6 25 6 HJ I20 +6 25 7 SN G24 +6 25 8 HN G40 +6 25 9 MM I39 +6 25 10 SI J0 +6 25 10 SI J1 +6 25 10 SI J2 +6 25 10 SI J3 +6 25 10 SI J4 +6 25 10 SI J5 +6 25 10 SI J6 +6 25 10 SI J7 +6 25 10 SI J8 +6 25 10 SI J9 +6 25 10 SI J10 +6 25 10 SI J11 +6 25 10 SI J12 +6 25 10 SI J13 +6 25 10 SI J14 +6 25 10 SI J15 +6 25 10 SI J16 +6 25 10 SI J17 +6 25 10 SI J18 +6 25 10 SI J19 +6 25 10 SI J20 +6 25 10 SI J21 +6 25 10 SI J22 +6 25 10 SI J23 +6 25 10 SI J24 +6 25 10 SI J25 +6 25 10 SI J26 +6 25 10 SI J27 +6 25 10 SI J28 +6 25 10 SI J29 +6 25 10 SI J30 +6 25 10 SI J31 +6 25 10 SI J32 +6 25 10 SI J33 +6 25 10 SI J34 +6 25 10 SI J35 +6 25 10 SI J36 +6 25 10 SI J37 +6 25 10 SI J38 +6 25 10 SI J39 +6 25 10 SI J40 +6 26 1 HF A0 +6 26 1 HF A1 +6 26 1 HF A2 +6 26 1 HF A3 +6 26 1 HF A4 +6 26 1 HF A5 +6 26 1 HF A6 +6 26 1 HF A7 +6 26 1 HF A8 +6 26 1 HF A9 +6 26 1 HF A10 +6 26 1 HF A11 +6 26 1 HF A12 +6 26 1 HF A13 +6 26 1 HF A14 +6 26 1 HF A15 +6 26 1 HF A16 +6 26 1 HF A17 +6 26 1 HF A18 +6 26 1 HF A19 +6 26 1 HF A20 +6 26 1 HF A21 +6 26 1 HF A22 +6 26 1 HF A23 +6 26 1 HF A24 +6 26 1 HF A25 +6 26 1 HF A26 +6 26 1 HF A27 +6 26 1 HF A28 +6 26 1 HF A29 +6 26 1 HF A30 +6 26 1 HF A31 +6 26 1 HF A32 +6 26 1 HF A33 +6 26 1 HF A34 +6 26 1 HF A35 +6 26 1 HF A36 +6 26 1 HF A37 +6 26 1 HF A38 +6 26 1 HF A39 +6 26 1 HF A40 +6 26 2 HA A0 +6 26 2 HA A1 +6 26 2 HA A2 +6 26 2 HA A3 +6 26 2 HA A4 +6 26 2 HA A5 +6 26 2 HA A6 +6 26 2 HA A7 +6 26 2 HA A8 +6 26 2 HA A9 +6 26 2 HA A10 +6 26 2 HA A11 +6 26 2 HA A12 +6 26 2 HA A13 +6 26 2 HA A14 +6 26 2 HA A15 +6 26 2 HA A16 +6 26 2 HA A17 +6 26 2 HA A18 +6 26 2 HA A19 +6 26 2 HA A20 +6 26 2 HA A21 +6 26 2 HA A22 +6 26 2 HA A23 +6 26 2 HA A24 +6 26 2 HA A25 +6 26 2 HA A26 +6 26 2 HA A27 +6 26 2 HA A28 +6 26 2 HA A29 +6 26 2 HA A30 +6 26 2 HA A31 +6 26 2 HA A32 +6 26 2 HA A33 +6 26 2 HA A34 +6 26 2 HA A35 +6 26 2 HA A36 +6 26 2 HA A37 +6 26 2 HA A38 +6 26 2 HA A39 +6 26 2 HA A40 +6 26 3 HS B13 +6 26 4 HH C12 +6 26 5 HN G1 +6 26 6 MI H1 +6 26 7 YA F20 +6 26 8 MM H24 +6 26 9 HJ H25 +6 26 10 WM F26 +6 26 10 WM F27 +6 26 10 WM F28 +6 26 10 WM F29 +6 26 10 WM F30 +6 26 11 HT E28 +6 26 11 HT E29 +6 26 11 HT E30 +6 26 11 HT F28 +6 26 11 HT F29 +6 26 11 HT F30 +6 26 12 SI E38 +6 26 13 IT G39 +6 27 1 HF A0 +6 27 1 HF A1 +6 27 1 HF A2 +6 27 1 HF A3 +6 27 1 HF A4 +6 27 1 HF A5 +6 27 1 HF A6 +6 27 1 HF A7 +6 27 1 HF A8 +6 27 1 HF A9 +6 27 1 HF A10 +6 27 1 HF A11 +6 27 1 HF A12 +6 27 1 HF A13 +6 27 1 HF A14 +6 27 1 HF A15 +6 27 1 HF A16 +6 27 1 HF A17 +6 27 1 HF A18 +6 27 1 HF A19 +6 27 1 HF A20 +6 27 1 HF A21 +6 27 1 HF A22 +6 27 1 HF A23 +6 27 1 HF A24 +6 27 1 HF A25 +6 27 1 HF A26 +6 27 1 HF A27 +6 27 1 HF A28 +6 27 1 HF A29 +6 27 1 HF A30 +6 27 1 HF A31 +6 27 1 HF A32 +6 27 1 HF A33 +6 27 1 HF A34 +6 27 1 HF A35 +6 27 1 HF A36 +6 27 1 HF A37 +6 27 1 HF A38 +6 27 1 HF A39 +6 27 1 HF A40 +6 27 2 HS C7 +6 27 2 HS C8 +6 27 2 HS C9 +6 27 2 HS C10 +6 27 2 HS C11 +6 27 2 HS C12 +6 27 2 HS C13 +6 27 3 SA D13 +6 27 3 SA D14 +6 27 3 SA D15 +6 27 3 SA D16 +6 27 3 SA D17 +6 27 3 SA D18 +6 27 4 YA E13 +6 27 5 HN F3 +6 27 5 HN F4 +6 27 6 IT F37 +6 27 6 IT F38 +6 27 6 IT F39 +6 27 6 IT F40 +6 27 7 SI J0 +6 27 7 SI J1 +6 27 7 SI J2 +6 27 7 SI J3 +6 27 7 SI J4 +6 27 7 SI J5 +6 27 7 SI J6 +6 27 7 SI J7 +6 27 7 SI J8 +6 27 7 SI J9 +6 27 7 SI J10 +6 27 7 SI J11 +6 27 7 SI J12 +6 27 7 SI J13 +6 27 7 SI J14 +6 27 7 SI J15 +6 27 7 SI J16 +6 27 7 SI J17 +6 27 7 SI J18 +6 27 7 SI J19 +6 27 7 SI J20 +6 27 7 SI J21 +6 27 7 SI J22 +6 27 7 SI J23 +6 27 7 SI J24 +6 27 7 SI J25 +6 27 7 SI J26 +6 27 7 SI J27 +6 27 7 SI J28 +6 27 7 SI J29 +6 27 7 SI J30 +6 27 7 SI J31 +6 27 7 SI J32 +6 27 7 SI J33 +6 27 7 SI J34 +6 27 7 SI J35 +6 27 7 SI J36 +6 27 7 SI J37 +6 27 7 SI J38 +6 27 7 SI J39 +6 27 7 SI J40 +7 1 1 J C8 +7 1 2 N A0 +7 1 3 TA G30 +7 1 4 CH G37 +7 1 5 TS I32 +7 1 5 TS I33 +7 1 6 C I20 +7 1 7 L G7 +7 1 8 NT J0 +7 1 9 WE G3 +7 2 1 N A0 +7 2 2 J C9 +7 2 3 TA E27 +7 2 4 CH F39 +7 2 4 CH F40 +7 2 5 T I32 +7 2 6 TS H32 +7 2 7 TJ H29 +7 2 8 C G20 +7 2 9 WE G0 +7 2 10 NT J0 +7 2 11 W G20 +7 3 1 N A0 +7 3 2 J C8 +7 3 3 TA E28 +7 3 4 CH G40 +7 3 5 TS H33 +7 3 6 TJ H30 +7 3 7 C H17 +7 3 8 WE G1 +7 4 1 J C8 +7 4 2 N A0 +7 4 3 TA F29 +7 4 4 CH E39 +7 4 5 TS H33 +7 4 6 TJ G30 +7 4 7 C G20 +7 4 8 NT J0 +7 4 9 L I3 +7 4 10 WE G2 +7 5 1 N A0 +7 5 2 J C10 +7 5 3 C F17 +7 5 4 TA E27 +7 5 5 CH G40 +7 5 6 TJ H34 +7 5 7 TS H31 +7 5 8 NT J0 +7 5 9 WE F4 +7 6 1 N A0 +7 6 2 J C9 +7 6 3 TA E27 +7 6 3 TA E28 +7 6 3 TA E29 +7 6 4 CH E39 +7 6 4 CH F39 +7 6 5 JU H8 +7 6 5 JU H9 +7 6 5 JU I35 +7 6 6 T H34 +7 6 7 TS I32 +7 6 7 TS I33 +7 6 8 C F17 +7 6 9 NT J0 +7 6 10 WE G3 +7 7 1 N A0 +7 7 2 J C11 +7 7 3 TA E28 +7 7 4 CH F40 +7 7 5 T H29 +7 7 5 T H30 +7 7 6 C H20 +7 7 7 L H8 +7 7 8 NT J0 +7 7 9 WE G3 +7 8 1 N A0 +7 8 2 J B11 +7 8 3 C F17 +7 8 4 TA E28 +7 8 5 CH F39 +7 8 5 CH F40 +7 8 6 WE H0 +7 8 6 WE H40 +7 8 7 TS I38 +7 8 8 JU I38 +7 8 9 TJ I29 +7 8 10 W H12 +7 8 11 NT J0 +7 9 1 J C8 +7 9 2 N A0 +7 9 3 TA C26 +7 9 3 TA C27 +7 9 4 CH F40 +7 9 5 TJ G28 +7 9 6 C F19 +7 9 7 W F19 +7 9 8 NT J0 +7 9 9 WE G2 +7 10 1 N A0 +7 10 2 TA B0 +7 10 2 TA B1 +7 10 2 TA B2 +7 10 2 TA B3 +7 10 2 TA B4 +7 10 2 TA B5 +7 10 2 TA B6 +7 10 2 TA B7 +7 10 2 TA B8 +7 10 2 TA B9 +7 10 2 TA B10 +7 10 2 TA B11 +7 10 2 TA B12 +7 10 2 TA B13 +7 10 2 TA B14 +7 10 2 TA B15 +7 10 2 TA B16 +7 10 2 TA B17 +7 10 2 TA B18 +7 10 2 TA B19 +7 10 2 TA B20 +7 10 2 TA B21 +7 10 2 TA B22 +7 10 2 TA B23 +7 10 2 TA B24 +7 10 2 TA B25 +7 10 2 TA B26 +7 10 2 TA B27 +7 10 2 TA B28 +7 10 2 TA B29 +7 10 2 TA B30 +7 10 2 TA B31 +7 10 2 TA B32 +7 10 2 TA B33 +7 10 2 TA B34 +7 10 2 TA B35 +7 10 2 TA B36 +7 10 2 TA B37 +7 10 2 TA B38 +7 10 2 TA B39 +7 10 2 TA B40 +7 10 3 T1 E3 +7 10 3 T1 E4 +7 10 3 T1 E5 +7 10 4 J C10 +7 10 5 TJ H39 +7 10 6 T I34 +7 10 7 W H17 +7 10 8 C F16 +7 10 9 TC F16 +7 10 10 JU I4 +7 10 11 NT J0 +7 10 12 WE H3 +7 10 13 CH G1 +7 11 1 N A0 +7 11 2 L F7 +7 11 3 J C11 +7 11 4 NI E16 +7 11 5 TA E29 +7 11 6 CH F39 +7 11 6 CH F40 +7 11 7 T H34 +7 11 8 TS H34 +7 11 9 C F17 +7 11 10 JU I6 +7 11 11 NT J0 +7 11 12 WE G1 +7 12 1 J D7 +7 12 2 N A0 +7 12 3 T I36 +7 12 4 TS H34 +7 12 5 TA G28 +7 12 6 C G17 +7 12 7 W F16 +7 12 8 JU H7 +7 12 9 NT J0 +7 12 10 CH H2 +7 12 11 WE G1 +7 13 1 J D8 +7 13 2 N A0 +7 13 3 CH G37 +7 13 4 T H33 +7 13 5 TJ H29 +7 13 6 C G20 +7 13 7 NT J0 +7 13 8 WE H1 +7 14 1 J C9 +7 14 2 N A0 +7 14 3 TO C39 +7 14 3 TO C40 +7 14 4 CH H39 +7 14 4 CH H40 +7 14 5 TS H34 +7 14 6 TJ H30 +7 14 7 C F15 +7 14 8 NT J0 +7 14 9 JU I3 +7 14 10 WE G3 +7 14 11 X C0 +7 14 11 X E0 +7 14 12 CN D7 +7 14 13 TA C0 +7 15 1 N A0 +7 15 2 J C8 +7 15 3 TA F28 +7 15 4 TS H31 +7 15 5 TJ G29 +7 15 6 C F17 +7 15 7 W F17 +7 15 8 JU I5 +7 15 9 NT J0 +7 15 10 CH G1 +7 15 11 WE G1 +7 15 12 CN E5 +7 16 1 J C8 +7 16 2 N A0 +7 16 3 TA F29 +7 16 4 LJ I38 +7 16 5 TJ H30 +7 16 6 W H18 +7 16 7 JU H7 +7 16 8 NT J0 +7 16 9 WE G1 +7 16 10 C H18 +7 17 1 N A0 +7 17 2 J C9 +7 17 3 TA F28 +7 17 3 TA F29 +7 17 3 TA F30 +7 17 4 CH G36 +7 17 5 TS H29 +7 17 6 TJ G29 +7 17 7 C F17 +7 17 8 NT J0 +7 17 9 WE G2 +7 17 10 W F17 +7 18 1 N A0 +7 18 2 J C9 +7 18 3 TA D28 +7 18 3 TA D29 +7 18 3 TA E28 +7 18 3 TA E29 +7 18 4 CH G38 +7 18 5 TS G32 +7 18 6 TJ H28 +7 18 7 C F17 +7 18 7 C G17 +7 18 8 NT I0 +7 18 8 NT J0 +7 18 9 L F0 +7 18 9 L G0 +7 18 10 WE G1 +7 19 1 J E5 +7 19 2 N A0 +7 19 3 TJ I30 +7 19 4 TA F28 +7 19 4 TA F29 +7 19 5 C H15 +7 19 6 NT J0 +7 19 7 L G6 +7 19 7 L G7 +7 19 8 WE H2 +7 19 9 T I1 +7 19 10 CH F1 +7 20 1 J D6 +7 20 1 J D7 +7 20 1 J D8 +7 20 2 N A0 +7 20 3 CH G40 +7 20 4 T H34 +7 20 5 TJ I30 +7 20 6 TA H26 +7 20 7 C H17 +7 20 8 JU I4 +7 20 9 WE I1 +7 20 9 WE I2 +7 20 9 WE I3 +7 20 10 NT J0 +7 20 11 CN F4 +7 21 1 J C9 +7 21 2 N A0 +7 21 3 CH H38 +7 21 4 TJ G29 +7 21 5 TA D26 +7 21 5 TA D27 +7 21 5 TA D28 +7 21 5 TA D29 +7 21 5 TA D30 +7 21 5 TA E26 +7 21 5 TA E27 +7 21 5 TA E28 +7 21 5 TA E29 +7 21 5 TA E30 +7 21 5 TA F26 +7 21 5 TA F27 +7 21 5 TA F28 +7 21 5 TA F29 +7 21 5 TA F30 +7 21 5 TA G26 +7 21 5 TA G27 +7 21 5 TA G28 +7 21 5 TA G29 +7 21 5 TA G30 +7 21 5 TA H26 +7 21 5 TA H27 +7 21 5 TA H28 +7 21 5 TA H29 +7 21 5 TA H30 +7 21 6 C F17 +7 21 7 NT J0 +7 21 8 WE G4 +7 22 1 J D7 +7 22 2 TA C30 +7 22 3 N A0 +7 22 4 T1 C40 +7 22 5 CH G40 +7 22 6 NT J0 +7 22 7 T H31 +7 22 8 TS H29 +7 22 9 TJ H28 +7 22 10 C G17 +7 22 11 JU I1 +7 22 12 WE G1 +7 23 1 N A0 +7 23 2 J C8 +7 23 3 TA C26 +7 23 4 CH E40 +7 23 5 TS I32 +7 23 6 TJ G30 +7 23 7 C H17 +7 23 8 JU H6 +7 23 9 L G6 +7 23 9 L G7 +7 23 10 NT J0 +7 23 11 WE G1 +7 24 1 N A0 +7 24 2 J C9 +7 24 3 TA E30 +7 24 4 CH G40 +7 24 5 T H34 +7 24 6 TJ G28 +7 24 7 C H17 +7 24 8 L I5 +7 24 9 NT J0 +7 24 10 WE G4 +7 25 1 N A0 +7 25 2 J C8 +7 25 3 TA E29 +7 25 4 T H35 +7 25 5 TJ H29 +7 25 6 C H19 +7 25 7 L G8 +7 25 8 NT J0 +7 25 9 WE H1 +7 25 10 CH F1 +8 1 1 KW A0 +8 1 2 I C9 +8 1 3 AM G3 +8 1 4 AH J0 +8 1 5 A H18 +8 1 6 K G30 +8 1 7 N I37 +8 1 8 KI E39 +8 1 9 NS F38 +8 2 1 KW A0 +8 2 2 KI C0 +8 2 3 AM F1 +8 2 4 AH J0 +8 2 5 I C11 +8 2 6 W C10 +8 2 7 A G20 +8 2 8 K F29 +8 2 9 NA A38 +8 3 1 AH J0 +8 3 2 KI C7 +8 3 3 N H2 +8 3 4 AM F3 +8 3 5 I C11 +8 3 6 A H18 +8 3 7 K G29 +8 3 8 KW A0 +8 4 1 KW A0 +8 4 2 KI B3 +8 4 3 W C11 +8 4 4 I B12 +8 4 5 AH J0 +8 4 6 AM E2 +8 4 7 A F19 +8 4 8 K G29 +8 5 1 KW A0 +8 5 2 AH J0 +8 5 3 AM F3 +8 5 4 I C11 +8 5 5 K F19 +8 5 6 A I21 +8 5 7 KI E29 +8 5 8 N I33 +8 6 1 AM G2 +8 6 2 I D10 +8 6 3 A F18 +8 6 4 K F28 +8 6 5 N E28 +8 7 1 KW A0 +8 7 2 AH J0 +8 7 3 AM F3 +8 7 4 I C12 +8 7 5 A E16 +8 7 6 K F29 +8 7 7 N H36 +8 8 1 KW A0 +8 8 2 AH J0 +8 8 3 AM F1 +8 8 4 I D9 +8 8 5 A F17 +8 8 6 K F29 +8 8 7 N H38 +8 9 1 KW A0 +8 9 2 AH J0 +8 9 3 AM F2 +8 9 4 I B11 +8 9 5 A G21 +8 9 6 K E26 +8 10 1 KW A0 +8 10 2 AH J0 +8 10 3 AM G3 +8 10 4 N I4 +8 10 5 A H17 +8 10 6 K G27 +8 10 7 I D11 +8 11 1 KW A0 +8 11 2 I C9 +8 11 3 AM F2 +8 11 4 A E19 +8 11 5 K F22 +8 11 6 NA F40 +8 11 7 AH J0 +8 12 1 KW A0 +8 12 2 AM G1 +8 12 3 AH J0 +8 12 4 I C9 +8 12 5 A G19 +8 12 6 K E26 +8 13 1 KW A0 +8 13 2 AH J0 +8 13 3 AM E4 +8 13 4 I C12 +8 13 5 A I16 +8 13 6 K E18 +8 13 7 N I39 +8 14 1 KW A0 +8 14 2 AH J0 +8 14 3 AM E3 +8 14 4 I C11 +8 14 5 A C19 +8 14 6 K E25 +8 14 7 NA B29 +8 14 8 N H29 +8 15 1 KW A0 +8 15 2 AH J0 +8 15 3 I C8 +8 15 4 A E18 +8 15 5 K G30 +8 15 6 N F34 +8 15 7 AM F40 +8 16 1 KW A0 +8 16 2 AH J0 +8 16 3 AM F1 +8 16 4 I D8 +8 16 5 K D19 +8 16 6 N H34 +8 17 1 KW A0 +8 17 2 AH J0 +8 17 3 AM F4 +8 17 4 I C8 +8 17 5 K F29 +8 18 1 KW A0 +8 18 2 AH J0 +8 18 3 AM G2 +8 18 4 I C9 +8 18 5 A D20 +8 18 6 K G26 +8 18 7 N H32 +8 19 1 KW A0 +8 19 2 AH J0 +8 19 3 AM F4 +8 19 4 I C11 +8 19 5 A G19 +8 19 6 K F29 +8 19 7 N H35 +8 19 8 NA H37 +8 20 1 KW A0 +8 20 2 AH J0 +8 20 3 I B10 +8 20 4 A B15 +8 20 5 K F30 +8 20 6 AM G40 +8 21 1 KW A0 +8 21 2 AH J0 +8 21 3 I C8 +8 21 4 A F19 +8 21 5 K F28 +8 21 6 N I27 +8 21 7 AM F39 +8 21 8 NA F39 +8 22 1 KW A0 +8 22 2 AH J0 +8 22 3 AM F2 +8 22 4 I C10 +8 22 5 A F21 +8 22 6 N I25 +8 23 1 KW A0 +8 23 2 I D11 +8 23 3 AM G2 +8 23 4 K H28 +8 23 5 NA F38 +8 23 6 AH J0 +8 24 1 KW A0 +8 24 2 I C8 +8 24 3 AM F3 +8 24 4 K C19 +8 24 5 A H20 +8 24 6 AH I22 +8 25 1 KW A0 +8 25 2 AH J0 +8 25 3 AM F2 +8 25 4 I C11 +8 25 5 K G28 +8 25 6 N H33 +9 1 1 AA A0 +9 1 1 AA A1 +9 1 1 AA A2 +9 1 1 AA A3 +9 1 1 AA A4 +9 1 1 AA A5 +9 1 1 AA A6 +9 1 1 AA A7 +9 1 1 AA A8 +9 1 1 AA A9 +9 1 1 AA A10 +9 1 1 AA A11 +9 1 1 AA A12 +9 1 1 AA A13 +9 1 1 AA A14 +9 1 1 AA A15 +9 1 1 AA A16 +9 1 1 AA A17 +9 1 1 AA A18 +9 1 1 AA A19 +9 1 1 AA A20 +9 1 1 AA A21 +9 1 1 AA A22 +9 1 1 AA A23 +9 1 1 AA A24 +9 1 1 AA A25 +9 1 1 AA A26 +9 1 1 AA A27 +9 1 1 AA A28 +9 1 1 AA A29 +9 1 1 AA A30 +9 1 1 AA A31 +9 1 1 AA A32 +9 1 1 AA A33 +9 1 1 AA A34 +9 1 1 AA A35 +9 1 1 AA A36 +9 1 1 AA A37 +9 1 1 AA A38 +9 1 1 AA A39 +9 1 1 AA A40 +9 1 2 TS J0 +9 1 2 TS J1 +9 1 2 TS J2 +9 1 2 TS J3 +9 1 2 TS J4 +9 1 2 TS J5 +9 1 2 TS J6 +9 1 2 TS J7 +9 1 2 TS J8 +9 1 2 TS J9 +9 1 2 TS J10 +9 1 2 TS J11 +9 1 2 TS J12 +9 1 2 TS J13 +9 1 2 TS J14 +9 1 2 TS J15 +9 1 2 TS J16 +9 1 2 TS J17 +9 1 2 TS J18 +9 1 2 TS J19 +9 1 2 TS J20 +9 1 2 TS J21 +9 1 2 TS J22 +9 1 2 TS J23 +9 1 2 TS J24 +9 1 2 TS J25 +9 1 2 TS J26 +9 1 2 TS J27 +9 1 2 TS J28 +9 1 2 TS J29 +9 1 2 TS J30 +9 1 2 TS J31 +9 1 2 TS J32 +9 1 2 TS J33 +9 1 2 TS J34 +9 1 2 TS J35 +9 1 2 TS J36 +9 1 2 TS J37 +9 1 2 TS J38 +9 1 2 TS J39 +9 1 2 TS J40 +9 1 3 ER F4 +9 2 1 AA A0 +9 2 1 AA A1 +9 2 1 AA A2 +9 2 1 AA A3 +9 2 1 AA A4 +9 2 1 AA A5 +9 2 1 AA A6 +9 2 1 AA A7 +9 2 1 AA A8 +9 2 1 AA A9 +9 2 1 AA A10 +9 2 1 AA A11 +9 2 1 AA A12 +9 2 1 AA A13 +9 2 1 AA A14 +9 2 1 AA A15 +9 2 1 AA A16 +9 2 1 AA A17 +9 2 1 AA A18 +9 2 1 AA A19 +9 2 1 AA A20 +9 2 1 AA A21 +9 2 1 AA A22 +9 2 1 AA A23 +9 2 1 AA A24 +9 2 1 AA A25 +9 2 1 AA A26 +9 2 1 AA A27 +9 2 1 AA A28 +9 2 1 AA A29 +9 2 1 AA A30 +9 2 1 AA A31 +9 2 1 AA A32 +9 2 1 AA A33 +9 2 1 AA A34 +9 2 1 AA A35 +9 2 1 AA A36 +9 2 1 AA A37 +9 2 1 AA A38 +9 2 1 AA A39 +9 2 1 AA A40 +9 2 2 TS J0 +9 2 2 TS J1 +9 2 2 TS J2 +9 2 2 TS J3 +9 2 2 TS J4 +9 2 2 TS J5 +9 2 2 TS J6 +9 2 2 TS J7 +9 2 2 TS J8 +9 2 2 TS J9 +9 2 2 TS J10 +9 2 2 TS J11 +9 2 2 TS J12 +9 2 2 TS J13 +9 2 2 TS J14 +9 2 2 TS J15 +9 2 2 TS J16 +9 2 2 TS J17 +9 2 2 TS J18 +9 2 2 TS J19 +9 2 2 TS J20 +9 2 2 TS J21 +9 2 2 TS J22 +9 2 2 TS J23 +9 2 2 TS J24 +9 2 2 TS J25 +9 2 2 TS J26 +9 2 2 TS J27 +9 2 2 TS J28 +9 2 2 TS J29 +9 2 2 TS J30 +9 2 2 TS J31 +9 2 2 TS J32 +9 2 2 TS J33 +9 2 2 TS J34 +9 2 2 TS J35 +9 2 2 TS J36 +9 2 2 TS J37 +9 2 2 TS J38 +9 2 2 TS J39 +9 2 2 TS J40 +9 2 3 ER G1 +9 2 4 BA D0 +9 2 5 RA C4 +9 2 6 GR F18 +9 3 1 ER F1 +9 3 2 RA D6 +9 3 3 GR G27 +9 4 1 RA D1 +9 4 2 KM G39 +9 5 1 RA D3 +9 5 2 ER H2 +9 5 3 GR E19 +9 5 4 FA J0 +9 5 4 FA J1 +9 5 4 FA J2 +9 5 4 FA J3 +9 5 4 FA J4 +9 5 4 FA J5 +9 5 4 FA J6 +9 5 4 FA J7 +9 5 4 FA J8 +9 5 4 FA J9 +9 5 4 FA J10 +9 5 4 FA J11 +9 5 4 FA J12 +9 5 4 FA J13 +9 5 4 FA J14 +9 5 4 FA J15 +9 5 4 FA J16 +9 5 4 FA J17 +9 5 4 FA J18 +9 5 4 FA J19 +9 5 4 FA J20 +9 5 4 FA J21 +9 5 4 FA J22 +9 5 4 FA J23 +9 5 4 FA J24 +9 5 4 FA J25 +9 5 4 FA J26 +9 5 4 FA J27 +9 5 4 FA J28 +9 5 4 FA J29 +9 5 4 FA J30 +9 5 4 FA J31 +9 5 4 FA J32 +9 5 4 FA J33 +9 5 4 FA J34 +9 5 4 FA J35 +9 5 4 FA J36 +9 5 4 FA J37 +9 5 4 FA J38 +9 5 4 FA J39 +9 5 4 FA J40 +9 6 1 ER E1 +9 6 2 RA D7 +9 6 2 RA D10 +9 6 3 GR E13 +9 6 3 GR E14 +9 6 3 GR E15 +9 6 3 GR E16 +9 6 3 GR E17 +9 6 3 GR E18 +9 6 3 GR E19 +9 6 4 BA F23 +9 6 4 BA F24 +9 6 4 BA F25 +9 6 5 FA I30 +9 7 1 ER G3 +9 7 2 GR E18 +9 7 3 FA H34 +9 7 4 RA E40 +9 8 1 RA D8 +9 8 2 GR E20 +9 8 2 GR E28 +9 8 3 FA I26 +9 8 3 FA J0 +9 8 3 FA J1 +9 8 3 FA J2 +9 8 3 FA J3 +9 8 3 FA J4 +9 8 3 FA J5 +9 8 3 FA J6 +9 8 3 FA J7 +9 8 3 FA J8 +9 8 3 FA J9 +9 8 3 FA J10 +9 8 3 FA J11 +9 8 3 FA J12 +9 8 3 FA J13 +9 8 3 FA J14 +9 8 3 FA J15 +9 8 3 FA J16 +9 8 3 FA J17 +9 8 3 FA J18 +9 8 3 FA J19 +9 8 3 FA J20 +9 8 3 FA J21 +9 8 3 FA J22 +9 8 3 FA J23 +9 8 3 FA J24 +9 8 3 FA J25 +9 8 3 FA J26 +9 8 3 FA J27 +9 8 3 FA J28 +9 8 3 FA J29 +9 8 3 FA J30 +9 8 3 FA J31 +9 8 3 FA J32 +9 8 3 FA J33 +9 8 3 FA J34 +9 8 3 FA J35 +9 8 3 FA J36 +9 8 3 FA J37 +9 8 3 FA J38 +9 8 3 FA J39 +9 8 3 FA J40 +9 8 4 ER E39 +9 9 1 RA C12 +9 9 2 ER F3 +9 9 3 FA H6 +9 9 4 GR G17 +9 10 1 RA C13 +9 10 1 RA D13 +9 10 2 ER G1 +9 10 3 FA H9 +9 10 4 GR F29 +9 11 1 RA E9 +9 11 2 ER G1 +9 12 1 ER F3 +9 12 2 BA F0 +9 12 3 GR E19 +9 12 4 TS J0 +9 12 4 TS J1 +9 12 4 TS J2 +9 12 4 TS J3 +9 12 4 TS J4 +9 12 4 TS J5 +9 12 4 TS J6 +9 12 4 TS J7 +9 12 4 TS J8 +9 12 4 TS J9 +9 12 4 TS J10 +9 12 4 TS J11 +9 12 4 TS J12 +9 12 4 TS J13 +9 12 4 TS J14 +9 12 4 TS J15 +9 12 4 TS J16 +9 12 4 TS J17 +9 12 4 TS J18 +9 12 4 TS J19 +9 12 4 TS J20 +9 12 4 TS J21 +9 12 4 TS J22 +9 12 4 TS J23 +9 12 4 TS J24 +9 12 4 TS J25 +9 12 4 TS J26 +9 12 4 TS J27 +9 12 4 TS J28 +9 12 4 TS J29 +9 12 4 TS J30 +9 12 4 TS J31 +9 12 4 TS J32 +9 12 4 TS J33 +9 12 4 TS J34 +9 12 4 TS J35 +9 12 4 TS J36 +9 12 4 TS J37 +9 12 4 TS J38 +9 12 4 TS J39 +9 12 4 TS J40 +9 12 5 RA B38 +9 13 1 ER H1 +9 14 1 FA H0 +9 14 2 ER E4 +9 14 3 RA C12 +9 14 4 GR E19 +9 14 5 BA D33 +9 14 6 TS J40 +9 15 1 ER G3 +9 15 2 RA D8 +9 15 3 FA H23 +9 15 3 FA H24 +9 15 4 GR F28 +9 17 1 ER G1 +9 17 2 RA D10 +9 17 3 GR F23 +9 17 4 BA C30 +9 17 5 FA I26 +9 18 1 ER G1 +9 18 2 RA D14 +9 18 3 GR F17 +9 18 4 FA G15 +9 18 5 BA B20 +9 19 1 RA D10 +9 19 2 FA G13 +9 19 3 GR F29 +9 19 4 ER G40 +9 19 5 TS J0 +9 19 5 TS J1 +9 19 5 TS J2 +9 19 5 TS J3 +9 19 5 TS J4 +9 19 5 TS J5 +9 19 5 TS J6 +9 19 5 TS J7 +9 19 5 TS J8 +9 19 5 TS J9 +9 19 5 TS J10 +9 19 5 TS J11 +9 19 5 TS J12 +9 19 5 TS J13 +9 19 5 TS J14 +9 19 5 TS J15 +9 19 5 TS J16 +9 19 5 TS J17 +9 19 5 TS J18 +9 19 5 TS J19 +9 19 5 TS J20 +9 19 5 TS J21 +9 19 5 TS J22 +9 19 5 TS J23 +9 19 5 TS J24 +9 19 5 TS J25 +9 19 5 TS J26 +9 19 5 TS J27 +9 19 5 TS J28 +9 19 5 TS J29 +9 19 5 TS J30 +9 19 5 TS J31 +9 19 5 TS J32 +9 19 5 TS J33 +9 19 5 TS J34 +9 19 5 TS J35 +9 19 5 TS J36 +9 19 5 TS J37 +9 19 5 TS J38 +9 19 5 TS J39 +9 19 5 TS J40 +9 20 1 TS J0 +9 20 1 TS J1 +9 20 1 TS J2 +9 20 1 TS J3 +9 20 1 TS J4 +9 20 1 TS J5 +9 20 1 TS J6 +9 20 1 TS J7 +9 20 1 TS J8 +9 20 1 TS J9 +9 20 1 TS J10 +9 20 1 TS J11 +9 20 1 TS J12 +9 20 1 TS J13 +9 20 1 TS J14 +9 20 1 TS J15 +9 20 1 TS J16 +9 20 1 TS J17 +9 20 1 TS J18 +9 20 1 TS J19 +9 20 1 TS J20 +9 20 1 TS J21 +9 20 1 TS J22 +9 20 1 TS J23 +9 20 1 TS J24 +9 20 1 TS J25 +9 20 1 TS J26 +9 20 1 TS J27 +9 20 1 TS J28 +9 20 1 TS J29 +9 20 1 TS J30 +9 20 1 TS J31 +9 20 1 TS J32 +9 20 1 TS J33 +9 20 1 TS J34 +9 20 1 TS J35 +9 20 1 TS J36 +9 20 1 TS J37 +9 20 1 TS J38 +9 20 1 TS J39 +9 20 1 TS J40 +9 20 2 FA H0 +9 20 3 ER F1 +9 20 4 RA C12 +9 20 5 GR E19 +9 21 1 ER E1 +9 21 1 ER E2 +9 21 1 ER E3 +9 21 2 RA E17 +9 21 2 RA E18 +9 21 2 RA E19 +9 21 3 GR E27 +9 21 3 GR E28 +9 21 3 GR E29 +9 22 1 FA H0 +9 22 2 ER F3 +9 22 3 RA C9 +9 22 4 GR E19 +9 23 1 BA F0 +9 23 2 ER F1 +9 23 3 RA C10 +9 23 4 GR F18 +9 23 5 FA I26 +9 24 1 ER G1 +9 24 2 GR G23 +9 24 3 RA G28 +9 24 4 BA F29 +9 25 1 BA F0 +9 25 2 RA D8 +9 25 3 GR G17 +9 25 4 FA H27 +9 25 4 FA H28 +9 25 4 FA H29 +9 25 4 FA H30 +9 25 5 ER G40 +9 26 1 ER H5 +9 26 2 RA C11 +9 26 3 GR F15 +9 26 4 FA G33 +9 26 5 BA C32 +9 27 1 RA C3 +9 27 2 GR C9 +9 27 3 ER G5 +9 27 4 BA B34 +9 28 1 ER G2 +9 28 2 GR F21 +9 28 3 FA I27 +9 28 4 RA E36 +9 29 1 RA E1 +9 29 2 GR B9 +9 29 3 ER G4 +9 29 4 BA F28 +9 29 5 FA I32 +9 29 6 AA A0 +9 29 6 AA A1 +9 29 6 AA A2 +9 29 6 AA A3 +9 29 6 AA A4 +9 29 6 AA A5 +9 29 6 AA A6 +9 29 6 AA A7 +9 29 6 AA A8 +9 29 6 AA A9 +9 29 6 AA A10 +9 29 6 AA A11 +9 29 6 AA A12 +9 29 6 AA A13 +9 29 6 AA A14 +9 29 6 AA A15 +9 29 6 AA A16 +9 29 6 AA A17 +9 29 6 AA A18 +9 29 6 AA A19 +9 29 6 AA A20 +9 29 6 AA A21 +9 29 6 AA A22 +9 29 6 AA A23 +9 29 6 AA A24 +9 29 6 AA A25 +9 29 6 AA A26 +9 29 6 AA A27 +9 29 6 AA A28 +9 29 6 AA A29 +9 29 6 AA A30 +9 29 6 AA A31 +9 29 6 AA A32 +9 29 6 AA A33 +9 29 6 AA A34 +9 29 6 AA A35 +9 29 6 AA A36 +9 29 6 AA A37 +9 29 6 AA A38 +9 29 6 AA A39 +9 29 6 AA A40 +9 29 7 TS J0 +9 29 7 TS J1 +9 29 7 TS J2 +9 29 7 TS J3 +9 29 7 TS J4 +9 29 7 TS J5 +9 29 7 TS J6 +9 29 7 TS J7 +9 29 7 TS J8 +9 29 7 TS J9 +9 29 7 TS J10 +9 29 7 TS J11 +9 29 7 TS J12 +9 29 7 TS J13 +9 29 7 TS J14 +9 29 7 TS J15 +9 29 7 TS J16 +9 29 7 TS J17 +9 29 7 TS J18 +9 29 7 TS J19 +9 29 7 TS J20 +9 29 7 TS J21 +9 29 7 TS J22 +9 29 7 TS J23 +9 29 7 TS J24 +9 29 7 TS J25 +9 29 7 TS J26 +9 29 7 TS J27 +9 29 7 TS J28 +9 29 7 TS J29 +9 29 7 TS J30 +9 29 7 TS J31 +9 29 7 TS J32 +9 29 7 TS J33 +9 29 7 TS J34 +9 29 7 TS J35 +9 29 7 TS J36 +9 29 7 TS J37 +9 29 7 TS J38 +9 29 7 TS J39 +9 29 7 TS J40 +9 30 1 ER F4 +9 30 2 BA H11 +9 30 3 GR H20 +9 30 4 FA J0 +9 30 4 FA J1 +9 30 4 FA J2 +9 30 4 FA J3 +9 30 4 FA J4 +9 30 4 FA J5 +9 30 4 FA J6 +9 30 4 FA J7 +9 30 4 FA J8 +9 30 4 FA J9 +9 30 4 FA J10 +9 30 4 FA J11 +9 30 4 FA J12 +9 30 4 FA J13 +9 30 4 FA J14 +9 30 4 FA J15 +9 30 4 FA J16 +9 30 4 FA J17 +9 30 4 FA J18 +9 30 4 FA J19 +9 30 4 FA J20 +9 30 4 FA J21 +9 30 4 FA J22 +9 30 4 FA J23 +9 30 4 FA J24 +9 30 4 FA J25 +9 30 4 FA J26 +9 30 4 FA J27 +9 30 4 FA J28 +9 30 4 FA J29 +9 30 4 FA J30 +9 30 4 FA J31 +9 30 4 FA J32 +9 30 4 FA J33 +9 30 4 FA J34 +9 30 4 FA J35 +9 30 4 FA J36 +9 30 4 FA J37 +9 30 4 FA J38 +9 30 4 FA J39 +9 30 4 FA J40 +9 30 5 RA F34 +10 1 1 MU J0 +10 1 1 MU J1 +10 1 1 MU J2 +10 1 1 MU J3 +10 1 1 MU J4 +10 1 1 MU J5 +10 1 1 MU J6 +10 1 1 MU J7 +10 1 1 MU J8 +10 1 1 MU J9 +10 1 1 MU J10 +10 1 1 MU J11 +10 1 1 MU J12 +10 1 1 MU J13 +10 1 1 MU J14 +10 1 1 MU J15 +10 1 1 MU J16 +10 1 1 MU J17 +10 1 1 MU J18 +10 1 1 MU J19 +10 1 1 MU J20 +10 1 1 MU J21 +10 1 1 MU J22 +10 1 1 MU J23 +10 1 1 MU J24 +10 1 1 MU J25 +10 1 1 MU J26 +10 1 1 MU J27 +10 1 1 MU J28 +10 1 1 MU J29 +10 1 1 MU J30 +10 1 1 MU J31 +10 1 1 MU J32 +10 1 1 MU J33 +10 1 1 MU J34 +10 1 1 MU J35 +10 1 1 MU J36 +10 1 1 MU J37 +10 1 1 MU J38 +10 1 1 MU J39 +10 1 1 MU J40 +10 1 2 CO A0 +10 1 2 CO A1 +10 1 2 CO A2 +10 1 2 CO A3 +10 1 2 CO A4 +10 1 2 CO A5 +10 1 2 CO A6 +10 1 2 CO A7 +10 1 2 CO A8 +10 1 2 CO A9 +10 1 2 CO A10 +10 1 2 CO A11 +10 1 2 CO A12 +10 1 2 CO A13 +10 1 2 CO A14 +10 1 2 CO A15 +10 1 2 CO A16 +10 1 2 CO A17 +10 1 2 CO A18 +10 1 2 CO A19 +10 1 2 CO A20 +10 1 2 CO A21 +10 1 2 CO A22 +10 1 2 CO A23 +10 1 2 CO A24 +10 1 2 CO A25 +10 1 2 CO A26 +10 1 2 CO A27 +10 1 2 CO A28 +10 1 2 CO A29 +10 1 2 CO A30 +10 1 2 CO A31 +10 1 2 CO A32 +10 1 2 CO A33 +10 1 2 CO A34 +10 1 2 CO A35 +10 1 2 CO A36 +10 1 2 CO A37 +10 1 2 CO A38 +10 1 2 CO A39 +10 1 2 CO A40 +10 1 3 NA F1 +10 1 4 NN E28 +10 1 5 NE F20 +10 1 5 NE G20 +10 1 6 PA F37 +10 1 6 PA F38 +10 1 6 PA F39 +10 1 7 MO E30 +10 1 8 TR B12 +10 2 1 MU J0 +10 2 1 MU J1 +10 2 1 MU J2 +10 2 1 MU J3 +10 2 1 MU J4 +10 2 1 MU J5 +10 2 1 MU J6 +10 2 1 MU J7 +10 2 1 MU J8 +10 2 1 MU J9 +10 2 1 MU J10 +10 2 1 MU J11 +10 2 1 MU J12 +10 2 1 MU J13 +10 2 1 MU J14 +10 2 1 MU J15 +10 2 1 MU J16 +10 2 1 MU J17 +10 2 1 MU J18 +10 2 1 MU J19 +10 2 1 MU J20 +10 2 1 MU J21 +10 2 1 MU J22 +10 2 1 MU J23 +10 2 1 MU J24 +10 2 1 MU J25 +10 2 1 MU J26 +10 2 1 MU J27 +10 2 1 MU J28 +10 2 1 MU J29 +10 2 1 MU J30 +10 2 1 MU J31 +10 2 1 MU J32 +10 2 1 MU J33 +10 2 1 MU J34 +10 2 1 MU J35 +10 2 1 MU J36 +10 2 1 MU J37 +10 2 1 MU J38 +10 2 1 MU J39 +10 2 1 MU J40 +10 2 2 CO A0 +10 2 2 CO A1 +10 2 2 CO A2 +10 2 2 CO A3 +10 2 2 CO A4 +10 2 2 CO A5 +10 2 2 CO A6 +10 2 2 CO A7 +10 2 2 CO A8 +10 2 2 CO A9 +10 2 2 CO A10 +10 2 2 CO A11 +10 2 2 CO A12 +10 2 2 CO A13 +10 2 2 CO A14 +10 2 2 CO A15 +10 2 2 CO A16 +10 2 2 CO A17 +10 2 2 CO A18 +10 2 2 CO A19 +10 2 2 CO A20 +10 2 2 CO A21 +10 2 2 CO A22 +10 2 2 CO A23 +10 2 2 CO A24 +10 2 2 CO A25 +10 2 2 CO A26 +10 2 2 CO A27 +10 2 2 CO A28 +10 2 2 CO A29 +10 2 2 CO A30 +10 2 2 CO A31 +10 2 2 CO A32 +10 2 2 CO A33 +10 2 2 CO A34 +10 2 2 CO A35 +10 2 2 CO A36 +10 2 2 CO A37 +10 2 2 CO A38 +10 2 2 CO A39 +10 2 2 CO A40 +10 2 3 NA F1 +10 2 3 NA F2 +10 2 3 NA F3 +10 2 3 NA F4 +10 2 3 NA G1 +10 2 3 NA G2 +10 2 3 NA G3 +10 2 3 NA G4 +10 2 3 NA G5 +10 2 3 NA G35 +10 2 3 NA G36 +10 2 3 NA G37 +10 2 3 NA G38 +10 2 3 NA G39 +10 2 3 NA G40 +10 2 3 NA H1 +10 2 3 NA H2 +10 2 3 NA H3 +10 2 3 NA H4 +10 2 3 NA H35 +10 2 3 NA H36 +10 2 3 NA H37 +10 2 3 NA H38 +10 2 3 NA H39 +10 2 3 NA H40 +10 2 3 NA I35 +10 2 3 NA I36 +10 2 3 NA I37 +10 2 3 NA I38 +10 2 3 NA I39 +10 2 3 NA I40 +10 2 4 NN G30 +10 2 4 NN G31 +10 2 4 NN G32 +10 2 4 NN H30 +10 2 4 NN H31 +10 2 4 NN H32 +10 2 5 NE G19 +10 2 5 NE G20 +10 2 5 NE G21 +10 2 5 NE G22 +10 2 5 NE H19 +10 2 5 NE H20 +10 2 5 NE H21 +10 2 5 NE H22 +10 2 6 PA B7 +10 2 6 PA B8 +10 2 6 PA B9 +10 2 6 PA B10 +10 2 6 PA B11 +10 2 6 PA C6 +10 2 6 PA C7 +10 2 6 PA C8 +10 2 6 PA C9 +10 2 6 PA C10 +10 2 6 PA C11 +10 2 6 PA C35 +10 2 6 PA C36 +10 2 6 PA C37 +10 2 6 PA C38 +10 2 6 PA D6 +10 2 6 PA D7 +10 2 6 PA D8 +10 2 6 PA D9 +10 2 6 PA D10 +10 2 7 RI B11 +10 2 7 RI B12 +10 2 7 RI B13 +10 2 7 RI B14 +10 2 7 RI C11 +10 2 7 RI C12 +10 2 7 RI C13 +10 2 7 RI C14 +10 2 8 MO F28 +10 2 8 MO F29 +10 2 9 TR B11 +10 2 9 TR B12 +10 2 9 TR B13 +10 2 9 TR B14 +10 2 9 TR C11 +10 2 9 TR C12 +10 2 9 TR C13 +10 2 9 TR C14 +10 3 1 MU J0 +10 3 2 CO A34 +10 3 3 NA G3 +10 3 4 PO C9 +10 3 5 NN G29 +10 3 6 NE I30 +10 3 7 PA D13 +10 3 8 TI H4 +10 4 1 MU J0 +10 4 1 MU J1 +10 4 1 MU J2 +10 4 1 MU J3 +10 4 1 MU J4 +10 4 1 MU J5 +10 4 1 MU J6 +10 4 1 MU J7 +10 4 1 MU J8 +10 4 1 MU J9 +10 4 1 MU J10 +10 4 1 MU J11 +10 4 1 MU J12 +10 4 1 MU J13 +10 4 1 MU J14 +10 4 1 MU J15 +10 4 1 MU J16 +10 4 1 MU J17 +10 4 1 MU J18 +10 4 1 MU J19 +10 4 1 MU J20 +10 4 1 MU J21 +10 4 1 MU J22 +10 4 1 MU J23 +10 4 1 MU J24 +10 4 1 MU J25 +10 4 1 MU J26 +10 4 1 MU J27 +10 4 1 MU J28 +10 4 1 MU J29 +10 4 1 MU J30 +10 4 1 MU J31 +10 4 1 MU J32 +10 4 1 MU J33 +10 4 1 MU J34 +10 4 1 MU J35 +10 4 1 MU J36 +10 4 1 MU J37 +10 4 1 MU J38 +10 4 1 MU J39 +10 4 1 MU J40 +10 4 2 CO A0 +10 4 2 CO A1 +10 4 2 CO A2 +10 4 2 CO A3 +10 4 2 CO A4 +10 4 2 CO A5 +10 4 2 CO A6 +10 4 2 CO A7 +10 4 2 CO A8 +10 4 2 CO A9 +10 4 2 CO A10 +10 4 2 CO A11 +10 4 2 CO A12 +10 4 2 CO A13 +10 4 2 CO A14 +10 4 2 CO A15 +10 4 2 CO A16 +10 4 2 CO A17 +10 4 2 CO A18 +10 4 2 CO A19 +10 4 2 CO A20 +10 4 2 CO A21 +10 4 2 CO A22 +10 4 2 CO A23 +10 4 2 CO A24 +10 4 2 CO A25 +10 4 2 CO A26 +10 4 2 CO A27 +10 4 2 CO A28 +10 4 2 CO A29 +10 4 2 CO A30 +10 4 2 CO A31 +10 4 2 CO A32 +10 4 2 CO A33 +10 4 2 CO A34 +10 4 2 CO A35 +10 4 2 CO A36 +10 4 2 CO A37 +10 4 2 CO A38 +10 4 2 CO A39 +10 4 2 CO A40 +10 4 3 NA G2 +10 4 4 PO D6 +10 4 5 NN G30 +10 4 6 NE I15 +10 4 7 PA C9 +10 4 7 PA F13 +10 4 8 TI B11 +10 5 1 CO A0 +10 5 1 CO A1 +10 5 1 CO A2 +10 5 1 CO A3 +10 5 1 CO A4 +10 5 1 CO A5 +10 5 1 CO A6 +10 5 1 CO A7 +10 5 1 CO A8 +10 5 1 CO A9 +10 5 1 CO A10 +10 5 1 CO A11 +10 5 1 CO A12 +10 5 1 CO A13 +10 5 1 CO A14 +10 5 1 CO A15 +10 5 1 CO A16 +10 5 1 CO A17 +10 5 1 CO A18 +10 5 1 CO A19 +10 5 1 CO A20 +10 5 1 CO A21 +10 5 1 CO A22 +10 5 1 CO A23 +10 5 1 CO A24 +10 5 1 CO A25 +10 5 1 CO A26 +10 5 1 CO A27 +10 5 1 CO A28 +10 5 1 CO A29 +10 5 1 CO A30 +10 5 1 CO A31 +10 5 1 CO A32 +10 5 1 CO A33 +10 5 1 CO A34 +10 5 1 CO A35 +10 5 1 CO A36 +10 5 1 CO A37 +10 5 1 CO A38 +10 5 1 CO A39 +10 5 1 CO A40 +10 5 2 NA D2 +10 5 2 NA E2 +10 5 2 NA F2 +10 5 2 NA G2 +10 5 2 NA H2 +10 5 3 PO C9 +10 5 3 PO C10 +10 5 3 PO C11 +10 5 4 NN F18 +10 5 4 NN F19 +10 5 4 NN F20 +10 5 4 NN F21 +10 5 4 NN G18 +10 5 4 NN G19 +10 5 4 NN G20 +10 5 4 NN G21 +10 5 5 PA E7 +10 5 5 PA E8 +10 5 5 PA E9 +10 5 5 PA F6 +10 5 5 PA F7 +10 5 5 PA F8 +10 5 5 PA F9 +10 5 6 NO D1 +10 5 6 NO D11 +10 5 6 NO D12 +10 5 6 NO D13 +10 5 6 NO D14 +10 5 6 NO E1 +10 5 6 NO F1 +10 5 6 NO G1 +10 6 1 MU J28 +10 6 1 MU J29 +10 6 2 CO A26 +10 6 3 NA F4 +10 6 4 NN F29 +10 6 5 NE E16 +10 6 6 PA C11 +10 6 7 TI C8 +10 6 7 TI D7 +10 6 7 TI E6 +10 6 8 MO E27 +10 6 9 MQ C0 +10 7 1 MU J0 +10 7 1 MU J1 +10 7 1 MU J2 +10 7 1 MU J3 +10 7 1 MU J4 +10 7 1 MU J5 +10 7 1 MU J6 +10 7 1 MU J7 +10 7 1 MU J8 +10 7 1 MU J9 +10 7 1 MU J10 +10 7 1 MU J11 +10 7 1 MU J12 +10 7 1 MU J13 +10 7 1 MU J14 +10 7 1 MU J15 +10 7 1 MU J16 +10 7 1 MU J17 +10 7 1 MU J18 +10 7 1 MU J19 +10 7 1 MU J20 +10 7 1 MU J21 +10 7 1 MU J22 +10 7 1 MU J23 +10 7 1 MU J24 +10 7 1 MU J25 +10 7 1 MU J26 +10 7 1 MU J27 +10 7 1 MU J28 +10 7 1 MU J29 +10 7 1 MU J30 +10 7 1 MU J31 +10 7 1 MU J32 +10 7 1 MU J33 +10 7 1 MU J34 +10 7 1 MU J35 +10 7 1 MU J36 +10 7 1 MU J37 +10 7 1 MU J38 +10 7 1 MU J39 +10 7 1 MU J40 +10 7 2 CO A0 +10 7 2 CO A1 +10 7 2 CO A2 +10 7 2 CO A3 +10 7 2 CO A4 +10 7 2 CO A5 +10 7 2 CO A6 +10 7 2 CO A7 +10 7 2 CO A8 +10 7 2 CO A9 +10 7 2 CO A10 +10 7 2 CO A11 +10 7 2 CO A12 +10 7 2 CO A13 +10 7 2 CO A14 +10 7 2 CO A15 +10 7 2 CO A16 +10 7 2 CO A17 +10 7 2 CO A18 +10 7 2 CO A19 +10 7 2 CO A20 +10 7 2 CO A21 +10 7 2 CO A22 +10 7 2 CO A23 +10 7 2 CO A24 +10 7 2 CO A25 +10 7 2 CO A26 +10 7 2 CO A27 +10 7 2 CO A28 +10 7 2 CO A29 +10 7 2 CO A30 +10 7 2 CO A31 +10 7 2 CO A32 +10 7 2 CO A33 +10 7 2 CO A34 +10 7 2 CO A35 +10 7 2 CO A36 +10 7 2 CO A37 +10 7 2 CO A38 +10 7 2 CO A39 +10 7 2 CO A40 +10 7 3 NA G1 +10 7 3 NA G2 +10 7 3 NA G3 +10 7 3 NA G4 +10 7 3 NA G5 +10 7 4 PO D10 +10 7 4 PO D11 +10 7 4 PO E11 +10 7 4 PO E12 +10 7 4 PO F12 +10 7 4 PO F13 +10 7 5 NN E27 +10 7 5 NN E28 +10 7 5 NN F27 +10 7 5 NN F28 +10 8 1 CO A0 +10 8 1 CO A1 +10 8 1 CO A2 +10 8 1 CO A3 +10 8 1 CO A4 +10 8 1 CO A5 +10 8 1 CO A6 +10 8 1 CO A7 +10 8 1 CO A8 +10 8 1 CO A9 +10 8 1 CO A10 +10 8 1 CO A11 +10 8 1 CO A12 +10 8 1 CO A13 +10 8 1 CO A14 +10 8 1 CO A15 +10 8 1 CO A16 +10 8 1 CO A17 +10 8 1 CO A18 +10 8 1 CO A19 +10 8 1 CO A20 +10 8 1 CO A21 +10 8 1 CO A22 +10 8 1 CO A23 +10 8 1 CO A24 +10 8 1 CO A25 +10 8 1 CO A26 +10 8 1 CO A27 +10 8 1 CO A28 +10 8 1 CO A29 +10 8 1 CO A30 +10 8 1 CO A31 +10 8 1 CO A32 +10 8 1 CO A33 +10 8 1 CO A34 +10 8 1 CO A35 +10 8 1 CO A36 +10 8 1 CO A37 +10 8 1 CO A38 +10 8 1 CO A39 +10 8 1 CO A40 +10 8 2 PO B11 +10 8 2 PO B12 +10 8 2 PO C11 +10 8 2 PO C12 +10 8 3 NN F29 +10 8 3 NN G29 +10 8 4 NE F18 +10 8 4 NE F19 +10 8 4 NE F20 +10 8 5 PA E32 +10 8 5 PA E33 +10 8 5 PA F32 +10 8 5 PA F33 +10 9 1 MU J0 +10 9 1 MU J1 +10 9 1 MU J2 +10 9 1 MU J3 +10 9 1 MU J4 +10 9 1 MU J5 +10 9 1 MU J6 +10 9 1 MU J7 +10 9 1 MU J8 +10 9 1 MU J9 +10 9 1 MU J10 +10 9 1 MU J11 +10 9 1 MU J12 +10 9 1 MU J13 +10 9 1 MU J14 +10 9 1 MU J15 +10 9 1 MU J16 +10 9 1 MU J17 +10 9 1 MU J18 +10 9 1 MU J19 +10 9 1 MU J20 +10 9 1 MU J21 +10 9 1 MU J22 +10 9 1 MU J23 +10 9 1 MU J24 +10 9 1 MU J25 +10 9 1 MU J26 +10 9 1 MU J27 +10 9 1 MU J28 +10 9 1 MU J29 +10 9 1 MU J30 +10 9 1 MU J31 +10 9 1 MU J32 +10 9 1 MU J33 +10 9 1 MU J34 +10 9 1 MU J35 +10 9 1 MU J36 +10 9 1 MU J37 +10 9 1 MU J38 +10 9 1 MU J39 +10 9 1 MU J40 +10 9 2 CO A0 +10 9 2 CO A1 +10 9 2 CO A2 +10 9 2 CO A3 +10 9 2 CO A4 +10 9 2 CO A5 +10 9 2 CO A6 +10 9 2 CO A7 +10 9 2 CO A8 +10 9 2 CO A9 +10 9 2 CO A10 +10 9 2 CO A11 +10 9 2 CO A12 +10 9 2 CO A13 +10 9 2 CO A14 +10 9 2 CO A15 +10 9 2 CO A16 +10 9 2 CO A17 +10 9 2 CO A18 +10 9 2 CO A19 +10 9 2 CO A20 +10 9 2 CO A21 +10 9 2 CO A22 +10 9 2 CO A23 +10 9 2 CO A24 +10 9 2 CO A25 +10 9 2 CO A26 +10 9 2 CO A27 +10 9 2 CO A28 +10 9 2 CO A29 +10 9 2 CO A30 +10 9 2 CO A31 +10 9 2 CO A32 +10 9 2 CO A33 +10 9 2 CO A34 +10 9 2 CO A35 +10 9 2 CO A36 +10 9 2 CO A37 +10 9 2 CO A38 +10 9 2 CO A39 +10 9 2 CO A40 +10 9 3 NA E1 +10 9 3 NA E2 +10 9 3 NA E3 +10 9 3 NA F1 +10 9 3 NA F2 +10 9 3 NA F3 +10 9 4 PO C11 +10 9 4 PO C12 +10 9 4 PO C13 +10 9 5 NN E25 +10 9 5 NN E26 +10 9 5 NN E27 +10 9 6 NE H20 +10 9 6 NE H21 +10 9 7 PA H38 +10 9 8 MO G23 +10 9 9 CA B15 +10 9 9 CA B16 +10 9 9 CA B17 +10 9 9 CA B18 +10 9 9 CA B19 +10 9 9 CA B20 +10 9 9 CA B21 +10 9 9 CA B22 +10 9 9 CA B23 +10 9 9 CA B24 +10 9 9 CA B25 +10 9 9 CA B26 +10 9 9 CA B27 +10 9 9 CA B28 +10 9 9 CA B29 +10 9 9 CA B30 +10 9 9 CA B31 +10 9 9 CA B32 +10 9 9 CA B33 +10 9 9 CA B34 +10 9 9 CA B35 +10 9 9 CA B36 +10 9 9 CA B37 +10 9 9 CA B38 +10 9 9 CA B39 +10 9 9 CA B40 +10 10 1 MU J0 +10 10 1 MU J1 +10 10 1 MU J2 +10 10 1 MU J3 +10 10 1 MU J4 +10 10 1 MU J5 +10 10 1 MU J6 +10 10 1 MU J7 +10 10 1 MU J8 +10 10 1 MU J9 +10 10 1 MU J10 +10 10 1 MU J11 +10 10 1 MU J12 +10 10 1 MU J13 +10 10 1 MU J14 +10 10 1 MU J15 +10 10 1 MU J16 +10 10 1 MU J17 +10 10 1 MU J18 +10 10 1 MU J19 +10 10 1 MU J20 +10 10 1 MU J21 +10 10 1 MU J22 +10 10 1 MU J23 +10 10 1 MU J24 +10 10 1 MU J25 +10 10 1 MU J26 +10 10 1 MU J27 +10 10 1 MU J28 +10 10 1 MU J29 +10 10 1 MU J30 +10 10 1 MU J31 +10 10 1 MU J32 +10 10 1 MU J33 +10 10 1 MU J34 +10 10 1 MU J35 +10 10 1 MU J36 +10 10 1 MU J37 +10 10 1 MU J38 +10 10 1 MU J39 +10 10 1 MU J40 +10 10 2 CO A0 +10 10 2 CO A1 +10 10 2 CO A2 +10 10 2 CO A3 +10 10 2 CO A4 +10 10 2 CO A5 +10 10 2 CO A6 +10 10 2 CO A7 +10 10 2 CO A8 +10 10 2 CO A9 +10 10 2 CO A10 +10 10 2 CO A11 +10 10 2 CO A12 +10 10 2 CO A13 +10 10 2 CO A14 +10 10 2 CO A15 +10 10 2 CO A16 +10 10 2 CO A17 +10 10 2 CO A18 +10 10 2 CO A19 +10 10 2 CO A20 +10 10 2 CO A21 +10 10 2 CO A22 +10 10 2 CO A23 +10 10 2 CO A24 +10 10 2 CO A25 +10 10 2 CO A26 +10 10 2 CO A27 +10 10 2 CO A28 +10 10 2 CO A29 +10 10 2 CO A30 +10 10 2 CO A31 +10 10 2 CO A32 +10 10 2 CO A33 +10 10 2 CO A34 +10 10 2 CO A35 +10 10 2 CO A36 +10 10 2 CO A37 +10 10 2 CO A38 +10 10 2 CO A39 +10 10 2 CO A40 +10 10 3 NA G2 +10 10 4 PO E4 +10 10 4 PO E5 +10 10 4 PO E6 +10 10 4 PO E7 +10 10 4 PO E8 +10 10 5 NN F28 +10 10 6 NE G28 +10 10 7 PA C11 +10 10 8 MQ B4 +10 10 8 MQ B5 +10 10 8 MQ B6 +10 10 8 MQ B7 +10 10 8 MQ B8 +10 10 8 MQ B9 +10 10 8 MQ B10 +10 10 8 MQ B11 +10 10 8 MQ B12 +10 10 8 MQ B13 +10 10 8 MQ B14 +10 10 8 MQ B15 +10 10 8 MQ B16 +10 10 8 MQ B17 +10 10 8 MQ B18 +10 10 8 MQ B19 +10 10 8 MQ B20 +10 10 8 MQ B21 +10 10 8 MQ B22 +10 10 8 MQ B23 +10 10 8 MQ B24 +10 10 8 MQ B25 +10 10 8 MQ B26 +10 10 8 MQ B27 +10 10 8 MQ B28 +10 10 8 MQ B29 +10 10 8 MQ B30 +10 10 8 MQ B31 +10 10 8 MQ B32 +10 10 8 MQ B33 +10 10 8 MQ B34 +10 10 8 MQ B35 +10 10 8 MQ B36 +10 10 8 MQ B37 +10 10 8 MQ B38 +10 10 8 MQ B39 +10 10 8 MQ B40 +10 10 8 MQ C3 +10 10 8 MQ C36 +10 10 8 MQ C37 +10 10 8 MQ C38 +10 10 8 MQ C39 +10 10 8 MQ C40 +10 11 1 MU J0 +10 11 1 MU J1 +10 11 1 MU J2 +10 11 1 MU J3 +10 11 1 MU J4 +10 11 1 MU J5 +10 11 1 MU J6 +10 11 1 MU J7 +10 11 1 MU J8 +10 11 1 MU J9 +10 11 1 MU J10 +10 11 1 MU J11 +10 11 1 MU J12 +10 11 1 MU J13 +10 11 1 MU J14 +10 11 1 MU J15 +10 11 1 MU J16 +10 11 1 MU J17 +10 11 1 MU J18 +10 11 1 MU J19 +10 11 1 MU J20 +10 11 1 MU J21 +10 11 1 MU J22 +10 11 1 MU J23 +10 11 1 MU J24 +10 11 1 MU J25 +10 11 1 MU J26 +10 11 1 MU J27 +10 11 1 MU J28 +10 11 1 MU J29 +10 11 1 MU J30 +10 11 1 MU J31 +10 11 1 MU J32 +10 11 1 MU J33 +10 11 1 MU J34 +10 11 1 MU J35 +10 11 1 MU J36 +10 11 1 MU J37 +10 11 1 MU J38 +10 11 1 MU J39 +10 11 1 MU J40 +10 11 2 CO A0 +10 11 2 CO A1 +10 11 2 CO A2 +10 11 2 CO A3 +10 11 2 CO A4 +10 11 2 CO A5 +10 11 2 CO A6 +10 11 2 CO A7 +10 11 2 CO A8 +10 11 2 CO A9 +10 11 2 CO A10 +10 11 2 CO A11 +10 11 2 CO A12 +10 11 2 CO A13 +10 11 2 CO A14 +10 11 2 CO A15 +10 11 2 CO A16 +10 11 2 CO A17 +10 11 2 CO A18 +10 11 2 CO A19 +10 11 2 CO A20 +10 11 2 CO A21 +10 11 2 CO A22 +10 11 2 CO A23 +10 11 2 CO A24 +10 11 2 CO A25 +10 11 2 CO A26 +10 11 2 CO A27 +10 11 2 CO A28 +10 11 2 CO A29 +10 11 2 CO A30 +10 11 2 CO A31 +10 11 2 CO A32 +10 11 2 CO A33 +10 11 2 CO A34 +10 11 2 CO A35 +10 11 2 CO A36 +10 11 2 CO A37 +10 11 2 CO A38 +10 11 2 CO A39 +10 11 2 CO A40 +10 11 3 NA G2 +10 11 4 PO C10 +10 11 5 NN E29 +10 11 5 NN F29 +10 11 5 NN G29 +10 11 6 NE I11 +10 11 6 NE I12 +10 11 7 PA G6 +10 11 7 PA G7 +10 11 8 TI G10 +10 11 8 TI G11 +10 11 8 TI G12 +10 11 8 TI G13 +10 11 8 TI G14 +10 11 9 RI C13 +10 11 9 RI C14 +10 11 9 RI G34 +10 11 10 NO D6 +10 11 10 NO D7 +10 12 1 MU J25 +10 12 2 CO A7 +10 12 3 NA G1 +10 12 4 PO C9 +10 12 5 NN F24 +10 12 6 NE G27 +10 12 7 TI C13 +10 13 1 MU J29 +10 13 2 CO A0 +10 13 3 NA G1 +10 13 4 PO E39 +10 13 5 NN E15 +10 13 6 PA C2 +10 14 1 MU J24 +10 14 2 CO A40 +10 14 3 NA G40 +10 14 4 PO C10 +10 14 5 NN F30 +10 15 1 MU J15 +10 15 1 MU J16 +10 15 1 MU J17 +10 15 1 MU J18 +10 15 2 CO A11 +10 15 2 CO A12 +10 15 2 CO A13 +10 15 3 NA F4 +10 15 4 PO C9 +10 15 5 NN E28 +10 15 6 NE G29 +10 15 7 PA C10 +10 15 8 MO D17 +10 16 1 CO A0 +10 16 1 CO A1 +10 16 1 CO A2 +10 16 1 CO A3 +10 16 1 CO A4 +10 16 1 CO A5 +10 16 1 CO A6 +10 16 1 CO A7 +10 16 1 CO A8 +10 16 1 CO A9 +10 16 1 CO A10 +10 16 1 CO A11 +10 16 1 CO A12 +10 16 1 CO A13 +10 16 1 CO A14 +10 16 1 CO A15 +10 16 1 CO A16 +10 16 1 CO A17 +10 16 2 NA G1 +10 16 3 PO C8 +10 16 3 PO C9 +10 16 4 NN E28 +10 16 5 PA C1 +10 16 5 PA C2 +10 16 5 PA C3 +10 16 5 PA C4 +10 16 5 PA C5 +10 16 6 MO D21 +10 16 6 MO E21 +10 16 6 MO F21 +10 16 6 MO G21 +10 16 6 MO H21 +10 16 7 MA B34 +10 16 7 MA B35 +10 16 7 MA B36 +10 16 7 MA B37 +10 16 7 MA B38 +10 16 7 MA B39 +10 16 7 MA B40 +10 16 7 MA C1 +10 16 7 MA C2 +10 16 7 MA C3 +10 16 7 MA C4 +10 16 7 MA C5 +10 17 1 MU J0 +10 17 1 MU J1 +10 17 1 MU J2 +10 17 1 MU J3 +10 17 1 MU J4 +10 17 1 MU J5 +10 17 1 MU J6 +10 17 1 MU J7 +10 17 1 MU J8 +10 17 1 MU J9 +10 17 1 MU J10 +10 17 1 MU J11 +10 17 1 MU J12 +10 17 1 MU J13 +10 17 1 MU J14 +10 17 1 MU J15 +10 17 1 MU J16 +10 17 1 MU J17 +10 17 1 MU J18 +10 17 1 MU J19 +10 17 1 MU J20 +10 17 1 MU J21 +10 17 1 MU J22 +10 17 1 MU J23 +10 17 1 MU J24 +10 17 1 MU J25 +10 17 1 MU J26 +10 17 1 MU J27 +10 17 1 MU J28 +10 17 1 MU J29 +10 17 1 MU J30 +10 17 1 MU J31 +10 17 1 MU J32 +10 17 1 MU J33 +10 17 1 MU J34 +10 17 1 MU J35 +10 17 1 MU J36 +10 17 1 MU J37 +10 17 1 MU J38 +10 17 1 MU J39 +10 17 1 MU J40 +10 17 2 CO A0 +10 17 2 CO A1 +10 17 2 CO A2 +10 17 2 CO A3 +10 17 2 CO A4 +10 17 2 CO A5 +10 17 2 CO A6 +10 17 2 CO A7 +10 17 2 CO A8 +10 17 2 CO A9 +10 17 2 CO A10 +10 17 2 CO A11 +10 17 2 CO A12 +10 17 2 CO A13 +10 17 2 CO A14 +10 17 2 CO A15 +10 17 2 CO A16 +10 17 2 CO A17 +10 17 2 CO A18 +10 17 2 CO A19 +10 17 2 CO A20 +10 17 2 CO A21 +10 17 2 CO A22 +10 17 2 CO A23 +10 17 2 CO A24 +10 17 2 CO A25 +10 17 2 CO A26 +10 17 2 CO A27 +10 17 2 CO A28 +10 17 2 CO A29 +10 17 2 CO A30 +10 17 2 CO A31 +10 17 2 CO A32 +10 17 2 CO A33 +10 17 2 CO A34 +10 17 2 CO A35 +10 17 2 CO A36 +10 17 2 CO A37 +10 17 2 CO A38 +10 17 2 CO A39 +10 17 2 CO A40 +10 17 3 NA G2 +10 17 4 PO B0 +10 17 4 PO B1 +10 17 4 PO B2 +10 17 4 PO B3 +10 17 4 PO B4 +10 17 4 PO B5 +10 17 4 PO B6 +10 17 4 PO B7 +10 17 4 PO C0 +10 17 4 PO C1 +10 17 4 PO C2 +10 17 4 PO C3 +10 17 4 PO C4 +10 17 4 PO C5 +10 17 4 PO C6 +10 17 4 PO C7 +10 17 4 PO C8 +10 17 4 PO C9 +10 17 4 PO C10 +10 17 4 PO C11 +10 17 5 NN G29 +10 17 6 NE D17 +10 17 6 NE E17 +10 17 6 NE E19 +10 17 6 NE E20 +10 17 6 NE F17 +10 17 6 NE F19 +10 17 6 NE F20 +10 17 6 NE G17 +10 17 7 MO E30 +10 17 8 MA B0 +10 17 8 MA B1 +10 17 8 MA B2 +10 17 8 MA B3 +10 17 8 MA B4 +10 17 8 MA B5 +10 17 8 MA B6 +10 17 8 MA B7 +10 17 8 MA B8 +10 17 8 MA B9 +10 17 8 MA B10 +10 17 8 MA B11 +10 17 8 MA B12 +10 17 8 MA B13 +10 17 8 MA B14 +10 17 8 MA B15 +10 17 8 MA B16 +10 17 8 MA B17 +10 17 8 MA B18 +10 17 8 MA B19 +10 17 8 MA B20 +10 17 8 MA B21 +10 17 8 MA B22 +10 17 8 MA B23 +10 17 8 MA B24 +10 17 8 MA B25 +10 17 8 MA B26 +10 17 8 MA B27 +10 17 8 MA B28 +10 17 8 MA B29 +10 17 8 MA B30 +10 17 8 MA B31 +10 17 8 MA B32 +10 17 8 MA B33 +10 17 8 MA B34 +10 17 8 MA B35 +10 17 8 MA B36 +10 17 8 MA B37 +10 17 8 MA B38 +10 17 8 MA B39 +10 17 8 MA B40 +10 17 8 MA C0 +10 17 8 MA D0 +10 17 8 MA E0 +10 17 8 MA F0 +10 17 8 MA G0 +10 17 8 MA H0 +10 17 8 MA I0 +10 17 9 SH D0 +10 17 9 SH E0 +10 17 9 SH E27 +10 17 9 SH F0 +10 17 9 SH G0 +10 17 9 SH H0 +10 17 9 SH I0 +10 17 10 QU D29 +10 17 10 QU D30 +10 17 10 QU D31 +10 17 10 QU E29 +10 17 10 QU E30 +10 17 10 QU E31 +10 17 10 QU F29 +10 17 10 QU F30 +10 17 10 QU F31 +10 18 1 MU J0 +10 18 1 MU J1 +10 18 1 MU J2 +10 18 1 MU J3 +10 18 1 MU J4 +10 18 1 MU J5 +10 18 1 MU J6 +10 18 1 MU J7 +10 18 1 MU J8 +10 18 1 MU J9 +10 18 1 MU J10 +10 18 1 MU J11 +10 18 1 MU J12 +10 18 1 MU J13 +10 18 1 MU J14 +10 18 1 MU J15 +10 18 1 MU J16 +10 18 1 MU J17 +10 18 1 MU J18 +10 18 1 MU J19 +10 18 1 MU J20 +10 18 1 MU J21 +10 18 1 MU J22 +10 18 1 MU J23 +10 18 1 MU J24 +10 18 1 MU J25 +10 18 1 MU J26 +10 18 1 MU J27 +10 18 1 MU J28 +10 18 1 MU J29 +10 18 1 MU J30 +10 18 1 MU J31 +10 18 1 MU J32 +10 18 1 MU J33 +10 18 1 MU J34 +10 18 1 MU J35 +10 18 1 MU J36 +10 18 1 MU J37 +10 18 1 MU J38 +10 18 1 MU J39 +10 18 1 MU J40 +10 18 2 CO A0 +10 18 2 CO A1 +10 18 2 CO A2 +10 18 2 CO A3 +10 18 2 CO A4 +10 18 2 CO A5 +10 18 2 CO A6 +10 18 2 CO A7 +10 18 2 CO A8 +10 18 2 CO A9 +10 18 2 CO A10 +10 18 2 CO A11 +10 18 2 CO A12 +10 18 2 CO A13 +10 18 2 CO A14 +10 18 2 CO A15 +10 18 2 CO A16 +10 18 2 CO A17 +10 18 2 CO A18 +10 18 2 CO A19 +10 18 2 CO A20 +10 18 2 CO A21 +10 18 2 CO A22 +10 18 2 CO A23 +10 18 2 CO A24 +10 18 2 CO A25 +10 18 2 CO A26 +10 18 2 CO A27 +10 18 2 CO A28 +10 18 2 CO A29 +10 18 2 CO A30 +10 18 2 CO A31 +10 18 2 CO A32 +10 18 2 CO A33 +10 18 2 CO A34 +10 18 2 CO A35 +10 18 2 CO A36 +10 18 2 CO A37 +10 18 2 CO A38 +10 18 2 CO A39 +10 18 2 CO A40 +10 18 3 NA F2 +10 18 4 PO C8 +10 18 5 NN F30 +10 18 6 NE F30 +10 18 7 TR F33 +10 19 1 MU J0 +10 19 1 MU J1 +10 19 1 MU J2 +10 19 1 MU J3 +10 19 1 MU J4 +10 19 1 MU J5 +10 19 1 MU J6 +10 19 1 MU J7 +10 19 1 MU J8 +10 19 1 MU J9 +10 19 1 MU J10 +10 19 1 MU J11 +10 19 1 MU J12 +10 19 1 MU J13 +10 19 1 MU J14 +10 19 1 MU J15 +10 19 1 MU J16 +10 19 1 MU J17 +10 19 1 MU J18 +10 19 1 MU J19 +10 19 1 MU J20 +10 19 1 MU J21 +10 19 1 MU J22 +10 19 1 MU J23 +10 19 1 MU J24 +10 19 1 MU J25 +10 19 1 MU J26 +10 19 1 MU J27 +10 19 1 MU J28 +10 19 1 MU J29 +10 19 1 MU J30 +10 19 1 MU J31 +10 19 1 MU J32 +10 19 1 MU J33 +10 19 1 MU J34 +10 19 1 MU J35 +10 19 1 MU J36 +10 19 1 MU J37 +10 19 1 MU J38 +10 19 1 MU J39 +10 19 1 MU J40 +10 19 2 CO A0 +10 19 2 CO A1 +10 19 2 CO A2 +10 19 2 CO A3 +10 19 2 CO A4 +10 19 2 CO A5 +10 19 2 CO A6 +10 19 2 CO A7 +10 19 2 CO A8 +10 19 2 CO A9 +10 19 2 CO A10 +10 19 2 CO A11 +10 19 2 CO A12 +10 19 2 CO A13 +10 19 2 CO A14 +10 19 2 CO A15 +10 19 2 CO A16 +10 19 2 CO A17 +10 19 2 CO A18 +10 19 2 CO A19 +10 19 2 CO A20 +10 19 2 CO A21 +10 19 2 CO A22 +10 19 2 CO A23 +10 19 2 CO A24 +10 19 2 CO A25 +10 19 2 CO A26 +10 19 2 CO A27 +10 19 2 CO A28 +10 19 2 CO A29 +10 19 2 CO A30 +10 19 2 CO A31 +10 19 2 CO A32 +10 19 2 CO A33 +10 19 2 CO A34 +10 19 2 CO A35 +10 19 2 CO A36 +10 19 2 CO A37 +10 19 2 CO A38 +10 19 2 CO A39 +10 19 2 CO A40 +10 19 3 NA G3 +10 19 4 PO C9 +10 19 5 NN F28 +10 19 6 NE F20 +10 19 7 PA D9 +10 19 7 PA E9 +10 20 1 MU G28 +10 20 1 MU G29 +10 20 2 CO A0 +10 20 2 CO A1 +10 20 2 CO A2 +10 20 2 CO A3 +10 20 2 CO A4 +10 20 2 CO A5 +10 20 2 CO A6 +10 20 2 CO A7 +10 20 2 CO A8 +10 20 2 CO A9 +10 20 2 CO A10 +10 20 2 CO A11 +10 20 2 CO A12 +10 20 2 CO A13 +10 20 2 CO A14 +10 20 2 CO A15 +10 20 2 CO A16 +10 20 2 CO A17 +10 20 2 CO A18 +10 20 2 CO A19 +10 20 2 CO A20 +10 20 2 CO A21 +10 20 2 CO A22 +10 20 2 CO A23 +10 20 2 CO A24 +10 20 2 CO A25 +10 20 2 CO A26 +10 20 2 CO A27 +10 20 2 CO A28 +10 20 2 CO A29 +10 20 2 CO A30 +10 20 2 CO A31 +10 20 2 CO A32 +10 20 2 CO A33 +10 20 2 CO A34 +10 20 2 CO A35 +10 20 2 CO A36 +10 20 2 CO A37 +10 20 2 CO A38 +10 20 2 CO A39 +10 20 2 CO A40 +10 20 3 NA G2 +10 20 4 PO C9 +10 20 5 NN F28 +10 20 6 NE E18 +10 20 7 PA F39 +10 21 1 MU J8 +10 21 2 CO A0 +10 21 2 CO A1 +10 21 2 CO A2 +10 21 2 CO A3 +10 21 2 CO A4 +10 21 2 CO A5 +10 21 2 CO A6 +10 21 2 CO A7 +10 21 2 CO A8 +10 21 2 CO A9 +10 21 2 CO A10 +10 21 2 CO A11 +10 21 2 CO A12 +10 21 2 CO A13 +10 21 2 CO A14 +10 21 2 CO A15 +10 21 2 CO A16 +10 21 2 CO A17 +10 21 2 CO A18 +10 21 2 CO A19 +10 21 2 CO A20 +10 21 2 CO A21 +10 21 2 CO A22 +10 21 2 CO A23 +10 21 2 CO A24 +10 21 2 CO A25 +10 21 2 CO A26 +10 21 2 CO A27 +10 21 2 CO A28 +10 21 2 CO A29 +10 21 2 CO A30 +10 21 2 CO A31 +10 21 2 CO A32 +10 21 2 CO A33 +10 21 2 CO A34 +10 21 2 CO A35 +10 21 2 CO A36 +10 21 2 CO A37 +10 21 2 CO A38 +10 21 2 CO A39 +10 21 2 CO A40 +10 21 3 NA H3 +10 21 4 PO C10 +10 21 5 NN H31 +10 21 6 NE I31 +10 21 7 PA B13 +10 21 8 TI D13 +10 22 1 MU H7 +10 22 1 MU H8 +10 22 1 MU H9 +10 22 1 MU H10 +10 22 1 MU H11 +10 22 1 MU H12 +10 22 1 MU H13 +10 22 1 MU H14 +10 22 1 MU H15 +10 22 1 MU H16 +10 22 1 MU H17 +10 22 1 MU H18 +10 22 1 MU H19 +10 22 1 MU H20 +10 22 1 MU H21 +10 22 1 MU H22 +10 22 1 MU H23 +10 22 1 MU H24 +10 22 1 MU H25 +10 22 1 MU H26 +10 22 1 MU H27 +10 22 1 MU H28 +10 22 1 MU H29 +10 22 1 MU H30 +10 22 1 MU H31 +10 22 1 MU H32 +10 22 1 MU I2 +10 22 1 MU I3 +10 22 1 MU I4 +10 22 1 MU I5 +10 22 1 MU I6 +10 22 1 MU I7 +10 22 1 MU I8 +10 22 1 MU I9 +10 22 1 MU I10 +10 22 1 MU I11 +10 22 1 MU I12 +10 22 1 MU I13 +10 22 1 MU I14 +10 22 1 MU I15 +10 22 1 MU I16 +10 22 1 MU I17 +10 22 1 MU I18 +10 22 1 MU I19 +10 22 1 MU I20 +10 22 1 MU I21 +10 22 1 MU I22 +10 22 1 MU I23 +10 22 1 MU I24 +10 22 1 MU I25 +10 22 1 MU I26 +10 22 1 MU I27 +10 22 1 MU I28 +10 22 1 MU I29 +10 22 1 MU I30 +10 22 1 MU I31 +10 22 1 MU I32 +10 22 1 MU I33 +10 22 1 MU I34 +10 22 1 MU I35 +10 22 1 MU I36 +10 22 1 MU J0 +10 22 1 MU J1 +10 22 1 MU J2 +10 22 1 MU J3 +10 22 1 MU J4 +10 22 1 MU J5 +10 22 1 MU J6 +10 22 1 MU J7 +10 22 1 MU J8 +10 22 1 MU J9 +10 22 1 MU J10 +10 22 1 MU J11 +10 22 1 MU J12 +10 22 1 MU J13 +10 22 1 MU J14 +10 22 1 MU J15 +10 22 1 MU J16 +10 22 1 MU J17 +10 22 1 MU J18 +10 22 1 MU J19 +10 22 1 MU J20 +10 22 1 MU J21 +10 22 1 MU J22 +10 22 1 MU J23 +10 22 1 MU J24 +10 22 1 MU J25 +10 22 1 MU J26 +10 22 1 MU J27 +10 22 1 MU J28 +10 22 1 MU J29 +10 22 1 MU J30 +10 22 1 MU J31 +10 22 1 MU J32 +10 22 1 MU J33 +10 22 1 MU J34 +10 22 1 MU J35 +10 22 1 MU J36 +10 22 1 MU J37 +10 22 1 MU J38 +10 22 1 MU J39 +10 22 1 MU J40 +10 22 2 CO A0 +10 22 2 CO A1 +10 22 2 CO A2 +10 22 2 CO A3 +10 22 2 CO A4 +10 22 2 CO A5 +10 22 2 CO A6 +10 22 2 CO A7 +10 22 2 CO A8 +10 22 2 CO A9 +10 22 2 CO A10 +10 22 2 CO A11 +10 22 2 CO A12 +10 22 2 CO A13 +10 22 2 CO A14 +10 22 2 CO A15 +10 22 2 CO A16 +10 22 2 CO A17 +10 22 2 CO A18 +10 22 2 CO A19 +10 22 2 CO A20 +10 22 2 CO A21 +10 22 2 CO A22 +10 22 2 CO A23 +10 22 2 CO A24 +10 22 2 CO A25 +10 22 2 CO A26 +10 22 2 CO A27 +10 22 2 CO A28 +10 22 2 CO A29 +10 22 2 CO A30 +10 22 2 CO A31 +10 22 2 CO A32 +10 22 2 CO A33 +10 22 2 CO A34 +10 22 2 CO A35 +10 22 2 CO A36 +10 22 2 CO A37 +10 22 2 CO A38 +10 22 2 CO A39 +10 22 2 CO A40 +10 23 1 MU I8 +10 23 1 MU I9 +10 23 1 MU I10 +10 23 1 MU J7 +10 23 1 MU J8 +10 23 1 MU J9 +10 23 2 CO A0 +10 23 2 CO A1 +10 23 2 CO A2 +10 23 2 CO A3 +10 23 2 CO A4 +10 23 2 CO A5 +10 23 2 CO A6 +10 23 2 CO A7 +10 23 2 CO A8 +10 23 2 CO A9 +10 23 2 CO A10 +10 23 2 CO A11 +10 23 2 CO A12 +10 23 2 CO A31 +10 23 2 CO A32 +10 23 2 CO A33 +10 23 2 CO A34 +10 23 2 CO A35 +10 23 2 CO A36 +10 23 3 NA D40 +10 23 3 NA E40 +10 23 3 NA F2 +10 23 3 NA G2 +10 23 4 NN B19 +10 23 4 NN B20 +10 23 4 NN C19 +10 23 4 NN C20 +10 23 4 NN E26 +10 23 4 NN E27 +10 23 4 NN E28 +10 23 4 NN E29 +10 23 4 NN F26 +10 23 4 NN F27 +10 23 4 NN F28 +10 23 4 NN F29 +10 23 5 NE E15 +10 23 5 NE E16 +10 23 5 NE E17 +10 23 5 NE F15 +10 23 5 NE F16 +10 23 5 NE F17 +10 24 1 MU J0 +10 24 1 MU J1 +10 24 1 MU J2 +10 24 1 MU J3 +10 24 1 MU J4 +10 24 1 MU J5 +10 24 1 MU J6 +10 24 1 MU J7 +10 24 1 MU J8 +10 24 1 MU J9 +10 24 1 MU J10 +10 24 1 MU J11 +10 24 1 MU J12 +10 24 1 MU J13 +10 24 1 MU J14 +10 24 1 MU J15 +10 24 1 MU J16 +10 24 1 MU J17 +10 24 1 MU J18 +10 24 1 MU J19 +10 24 1 MU J20 +10 24 1 MU J21 +10 24 1 MU J22 +10 24 1 MU J23 +10 24 1 MU J24 +10 24 1 MU J25 +10 24 1 MU J26 +10 24 1 MU J27 +10 24 1 MU J28 +10 24 1 MU J29 +10 24 1 MU J30 +10 24 1 MU J31 +10 24 1 MU J32 +10 24 1 MU J33 +10 24 1 MU J34 +10 24 1 MU J35 +10 24 1 MU J36 +10 24 1 MU J37 +10 24 1 MU J38 +10 24 1 MU J39 +10 24 1 MU J40 +10 24 2 CO A0 +10 24 2 CO A1 +10 24 2 CO A2 +10 24 2 CO A3 +10 24 2 CO A4 +10 24 2 CO A5 +10 24 2 CO A6 +10 24 2 CO A7 +10 24 2 CO A8 +10 24 2 CO A9 +10 24 2 CO A10 +10 24 2 CO A11 +10 24 2 CO A12 +10 24 2 CO A13 +10 24 2 CO A14 +10 24 2 CO A15 +10 24 2 CO A16 +10 24 2 CO A17 +10 24 2 CO A18 +10 24 2 CO A19 +10 24 2 CO A20 +10 24 2 CO A21 +10 24 2 CO A22 +10 24 2 CO A23 +10 24 2 CO A24 +10 24 2 CO A25 +10 24 2 CO A26 +10 24 2 CO A27 +10 24 2 CO A28 +10 24 2 CO A29 +10 24 2 CO A30 +10 24 2 CO A31 +10 24 2 CO A32 +10 24 2 CO A33 +10 24 2 CO A34 +10 24 2 CO A35 +10 24 2 CO A36 +10 24 2 CO A37 +10 24 2 CO A38 +10 24 2 CO A39 +10 24 2 CO A40 +10 24 3 NA H1 +10 24 4 PO C11 +10 24 5 NN H28 +10 24 6 NE C23 +10 24 7 PA G13 +10 24 8 TR B4 +10 25 1 MU J7 +10 25 1 MU J8 +10 25 1 MU J9 +10 25 1 MU J10 +10 25 1 MU J11 +10 25 1 MU J12 +10 25 1 MU J13 +10 25 1 MU J14 +10 25 2 CO A0 +10 25 2 CO A1 +10 25 2 CO A2 +10 25 2 CO A3 +10 25 2 CO A4 +10 25 2 CO A5 +10 25 2 CO A6 +10 25 2 CO A7 +10 25 2 CO A8 +10 25 2 CO A9 +10 25 2 CO A10 +10 25 2 CO A11 +10 25 2 CO A12 +10 25 2 CO A13 +10 25 2 CO A14 +10 25 2 CO A15 +10 25 2 CO A16 +10 25 2 CO A17 +10 25 2 CO A18 +10 25 2 CO A19 +10 25 2 CO A20 +10 25 2 CO A21 +10 25 2 CO A22 +10 25 2 CO A23 +10 25 2 CO A24 +10 25 2 CO A25 +10 25 2 CO A26 +10 25 2 CO A27 +10 25 2 CO A28 +10 25 2 CO A29 +10 25 2 CO A30 +10 25 2 CO A31 +10 25 2 CO A32 +10 25 2 CO A33 +10 25 2 CO A34 +10 25 2 CO A35 +10 25 2 CO A36 +10 25 2 CO A37 +10 25 2 CO A38 +10 25 2 CO A39 +10 25 2 CO A40 +10 25 3 NA G2 +10 25 4 PO C11 +10 25 5 NN G17 +10 25 6 NE G17 +10 25 7 PA F5 +10 25 8 TI E6 +10 25 9 MA H19 +11 1 1 G F28 +11 1 2 A A0 +11 1 3 H F4 +11 1 4 K J0 +11 1 5 M H4 +11 1 6 W C10 +11 1 7 N F18 +11 2 1 W E7 +11 2 2 H H3 +11 2 3 N G19 +11 2 4 G H29 +11 2 5 K J0 +11 2 6 E H36 +11 2 7 M E35 +11 2 8 A A0 +11 3 1 G E28 +11 3 2 A A0 +11 3 3 M E15 +11 3 4 W C11 +11 3 5 H F3 +11 3 6 N C5 +11 3 7 K J0 +11 3 8 G E28 +11 4 1 A A0 +11 4 2 I D13 +11 4 3 W C9 +11 4 4 N G18 +11 4 5 K J0 +11 4 6 G F28 +11 4 7 E D39 +11 4 8 H F38 +11 5 1 H G3 +11 5 2 K J0 +11 5 3 N E16 +11 5 4 G G28 +11 5 5 W C14 +11 5 6 A A0 +11 5 7 M D3 +11 6 1 G H29 +11 6 2 N F17 +11 6 3 K J0 +11 6 4 H G3 +11 6 5 W C10 +11 6 6 A A0 +11 7 1 A A0 +11 7 2 G E27 +11 7 3 N D16 +11 7 4 W D8 +11 7 5 M D4 +11 7 6 H F3 +11 7 7 K J0 +11 8 1 M C34 +11 8 1 M C35 +11 8 1 M C36 +11 8 1 M C37 +11 8 1 M C38 +11 8 2 G E27 +11 8 3 W C8 +11 8 3 W C9 +11 8 3 W C10 +11 8 3 W C11 +11 8 3 W C12 +11 8 3 W C13 +11 8 4 A A0 +11 8 5 H G1 +11 8 5 H G2 +11 8 5 H G3 +11 8 6 K J0 +11 8 7 N G20 +11 9 1 M C40 +11 9 2 G F27 +11 9 3 N D16 +11 9 4 W B9 +11 9 5 A A0 +11 9 6 H F2 +11 9 7 K J0 +11 10 1 K J0 +11 10 2 N I21 +11 10 3 G G19 +11 10 4 M F7 +11 10 5 H G2 +11 10 6 W C13 +11 10 7 A A0 +11 11 1 G I31 +11 11 2 N G18 +11 11 3 H H3 +11 11 4 K J0 +11 11 5 A A0 +11 11 6 W C9 +11 11 7 M F39 +11 12 1 M C38 +11 12 2 W C14 +11 12 3 N B14 +11 12 4 A A0 +11 12 5 H G2 +11 12 6 K J0 +11 12 7 G F28 +11 12 8 E I28 +11 13 1 H E1 +11 13 2 M C3 +11 13 3 W D11 +11 13 4 N F14 +11 13 5 A A0 +11 13 6 G G30 +11 13 7 K J0 +11 14 1 A A0 +11 14 2 N C16 +11 14 3 W C8 +11 14 4 H F1 +11 14 5 K J0 +11 14 6 G F29 +11 15 1 M C3 +11 15 2 W C8 +11 15 3 N F17 +11 15 4 A A0 +11 15 5 G H26 +11 15 6 K J0 +11 15 7 H F1 +11 16 1 K J0 +11 16 2 M D27 +11 16 3 N F21 +11 16 4 H D7 +11 16 5 W D15 +11 16 6 G H19 +11 16 7 A J0 +11 17 1 K J0 +11 17 2 G H29 +11 17 3 N E16 +11 17 4 H F4 +11 17 5 M C6 +11 17 6 W C9 +11 17 7 A A0 +11 18 1 K J0 +11 18 2 G E24 +11 18 3 H E39 +11 18 4 N E17 +11 18 5 M E15 +11 18 6 W C13 +11 18 7 A A0 +11 19 1 H F3 +11 19 2 W C10 +11 19 3 N F18 +11 19 4 A A0 +11 19 5 M F40 +11 19 6 G G29 +11 19 7 K J0 +11 20 1 M C2 +11 20 2 H F2 +11 20 3 W C9 +11 20 4 I C9 +11 20 5 A A0 +11 20 6 E F29 +11 20 7 G F29 +11 20 8 K J0 +11 20 9 N E18 +11 20 10 T H12 +11 21 1 G G27 +11 21 2 K J0 +11 21 3 H G3 +11 21 4 M E1 +11 21 5 A A0 +11 21 6 W C10 +11 21 7 N E26 +11 22 1 K J0 +11 22 2 N G20 +11 22 3 W D8 +11 22 4 H G2 +11 22 5 A A0 +11 22 6 G F25 +11 22 7 M E39 +11 23 1 A J0 +11 23 2 N E17 +11 23 3 M C2 +11 23 4 H G3 +11 23 5 W D9 +11 23 6 G F27 +11 23 7 K A0 +11 24 1 M E27 +11 24 2 A A0 +11 24 3 W B12 +11 24 4 G D14 +11 24 5 H F3 +11 24 6 N G23 +11 24 7 K J0 +11 25 1 E F29 +11 25 2 A A0 +11 25 3 N C18 +11 25 4 M D2 +11 25 5 H G2 +11 25 6 W D9 +11 25 7 K J0 +11 25 8 G F29 +12 1 1 F A0 +12 1 2 GI J0 +12 1 3 H C8 +12 1 3 H C9 +12 1 4 G F17 +12 1 4 G F18 +12 1 4 G F19 +12 1 4 G F20 +12 1 5 B G1 +12 1 5 B G2 +12 1 5 B G3 +12 2 1 F A0 +12 2 2 GI J0 +12 2 3 H C8 +12 2 3 H C9 +12 2 3 H C10 +12 2 3 H C11 +12 2 3 H C12 +12 2 4 G F17 +12 2 5 B G40 +12 3 1 F A0 +12 3 2 GI J0 +12 3 3 H C9 +12 3 4 G F17 +12 3 5 B G1 +12 4 1 F A0 +12 4 2 GI J0 +12 4 3 H C0 +12 4 3 H C1 +12 4 3 H C2 +12 4 3 H C3 +12 4 3 H C4 +12 4 3 H C5 +12 4 3 H C6 +12 4 3 H C7 +12 4 3 H C8 +12 4 3 H C9 +12 4 3 H C10 +12 4 3 H C11 +12 4 3 H C12 +12 4 3 H C13 +12 4 3 H D0 +12 4 3 H D1 +12 4 3 H D2 +12 4 3 H D3 +12 4 3 H D4 +12 4 3 H D5 +12 4 3 H D6 +12 4 3 H D7 +12 4 3 H D8 +12 4 3 H D9 +12 4 3 H D10 +12 4 3 H D11 +12 4 3 H D12 +12 4 3 H D13 +12 4 4 G F16 +12 4 4 G F17 +12 4 4 G F18 +12 4 4 G F19 +12 4 4 G F20 +12 4 4 G F21 +12 4 4 G F22 +12 4 4 G F23 +12 4 4 G F24 +12 4 4 G F25 +12 4 4 G F26 +12 4 4 G F27 +12 4 4 G F28 +12 4 4 G F29 +12 4 4 G F30 +12 4 4 G F31 +12 4 5 B G0 +12 4 5 B G1 +12 4 5 B G2 +12 4 5 B G3 +12 4 5 B G4 +12 5 1 F A0 +12 5 2 GI J0 +12 5 3 G E16 +12 5 4 B F0 +12 5 4 B F1 +12 5 4 B F2 +12 5 4 B G0 +12 5 4 B G1 +12 5 4 B G2 +12 6 1 F A0 +12 6 2 GI J0 +12 6 3 H C10 +12 6 4 G E17 +12 6 5 B F4 +12 7 1 F A0 +12 7 2 GI J0 +12 7 3 H C11 +12 7 4 G E29 +12 7 5 B G40 +12 8 1 F A0 +12 8 1 F B0 +12 8 2 GI J0 +12 8 3 H C9 +12 8 4 M E32 +12 8 4 M E33 +12 8 4 M F32 +12 8 4 M F33 +12 8 5 B G0 +12 8 5 B G1 +12 8 5 B G2 +12 8 5 B G37 +12 8 5 B G38 +12 8 5 B G39 +12 8 5 B G40 +12 8 6 G G17 +12 8 6 G G18 +12 8 6 G G19 +12 8 6 G G20 +12 8 6 G G21 +12 8 6 G G22 +12 8 6 G G23 +12 8 6 G G24 +12 8 6 G G25 +12 8 6 G G26 +12 8 6 G G27 +12 8 6 G G28 +12 8 6 G G29 +12 8 6 G G30 +12 9 1 F A0 +12 9 2 GI J0 +12 9 3 H C7 +12 9 3 H C8 +12 9 3 H C9 +12 9 4 G E16 +12 9 4 G E17 +12 9 4 G E18 +12 9 4 G E19 +12 9 5 B F0 +12 10 1 F A0 +12 10 2 GI J0 +12 10 3 H C13 +12 10 4 G F27 +12 10 5 B G2 +12 11 1 F A0 +12 11 2 GI J0 +12 11 3 B F39 +12 11 3 B G2 +12 11 4 G G19 +12 11 4 G G30 +12 11 5 H C9 +12 11 5 H D8 +12 12 1 F A0 +12 12 2 GI J0 +12 12 3 G D19 +12 12 4 H B8 +12 12 5 B G1 +12 13 1 F A0 +12 13 2 GI J0 +12 13 3 B G4 +12 13 4 G F17 +12 13 5 H E8 +12 14 1 F A0 +12 14 2 GI J0 +12 14 3 H C2 +12 14 4 G E16 +12 14 5 B G1 +12 15 1 F A0 +12 15 2 GI I30 +12 15 2 GI J0 +12 15 3 B F3 +12 15 4 G F20 +12 15 5 H C13 +12 16 1 F A0 +12 16 2 GI J0 +12 16 3 B F2 +12 16 3 B F39 +12 16 4 G E28 +12 17 1 F A0 +12 17 2 GI J0 +12 17 3 H C12 +12 17 4 G E19 +12 17 5 B F39 +12 18 1 F A0 +12 18 2 GI J0 +12 18 3 B F3 +12 18 3 B G39 +12 18 4 H C12 +12 18 5 G F19 +12 19 1 F A0 +12 19 2 B F1 +12 19 3 H E8 +12 19 4 G E15 +12 19 4 G E24 +12 19 5 GI J0 +12 20 1 F A0 +12 20 2 GI J0 +12 20 3 B F1 +12 20 3 B F40 +12 20 4 G E29 +12 21 1 F A0 +12 21 2 GI J0 +12 21 3 B E4 +12 21 4 H C13 +12 21 5 G E29 +12 22 1 F A0 +12 22 2 GI J0 +12 22 3 B F1 +12 22 4 H C11 +12 22 5 G E16 +12 23 1 F A0 +12 23 2 GI J0 +12 23 3 B G1 +12 23 4 H E13 +12 23 5 G D21 +12 24 1 F A0 +12 24 2 GI J0 +12 24 3 B F39 +12 24 3 B G3 +12 24 4 H C11 +12 24 5 G F26 +12 25 1 F A0 +12 25 2 GI J0 +12 25 3 B G3 +12 25 3 B G39 +12 25 4 H C9 +12 25 5 G E15 +13 1 1 GE B0 +13 1 2 ER G1 +13 1 3 SE J0 +13 1 4 TI F17 +13 1 5 GU G20 +13 1 6 WL C10 +13 1 7 JA C8 +13 1 8 GO B4 +13 1 9 OR E2 +13 1 10 SI A0 +13 2 1 ER G2 +13 2 2 SE J0 +13 2 3 GU I12 +13 2 4 TI E16 +13 2 5 WL C12 +13 2 6 JA C9 +13 2 7 GO E2 +13 2 8 OR D1 +13 2 9 SI A0 +13 3 1 GE F0 +13 3 2 TK F0 +13 3 3 ER F3 +13 3 4 SE J0 +13 3 5 TI F17 +13 3 6 GU H28 +13 3 7 IB F28 +13 3 8 JA C11 +13 3 9 GO D4 +13 3 10 OR D6 +13 3 11 SI A0 +13 4 1 GE G11 +13 4 2 ER G1 +13 4 3 SE J0 +13 4 4 TI D21 +13 4 5 GU C13 +13 4 6 GS D26 +13 4 7 IB C14 +13 4 8 JA C8 +13 4 9 SI A0 +13 5 1 ER G2 +13 5 2 TI F17 +13 5 3 SE J0 +13 5 4 WL C9 +13 5 5 JA C9 +13 5 6 SI A0 +13 6 1 ER G1 +13 6 2 SE J0 +13 6 3 IB G28 +13 6 4 SN B25 +13 6 5 JA C9 +13 6 6 GO E1 +13 6 7 SI A0 +13 6 8 TI F18 +13 7 1 ER G2 +13 7 2 SE J0 +13 7 3 GU E27 +13 7 4 TI F18 +13 7 5 WL C9 +13 7 6 SI A0 +13 8 1 ER F1 +13 8 2 SE J0 +13 8 3 IB H28 +13 8 4 TI D21 +13 8 5 WL C12 +13 8 6 JA C10 +13 8 7 SI A0 +13 9 1 SE J0 +13 9 2 SI A0 +13 9 3 ER F40 +13 9 4 TI F20 +13 9 5 JA C9 +13 9 6 IB H23 +13 10 1 ER F3 +13 10 2 SE J0 +13 10 3 JA G26 +13 10 4 WL F18 +13 10 5 TI E17 +13 10 6 SE A0 +13 11 1 SI A0 +13 11 2 SE J0 +13 11 3 IB G18 +13 11 4 TI D15 +13 11 5 JA C9 +13 11 6 ER G1 +13 12 1 ER G40 +13 12 2 SI A0 +13 12 3 JA C9 +13 12 4 IB H30 +13 12 5 TI F17 +13 12 6 SE J0 +13 13 1 TU A21 +13 13 2 SI B20 +13 13 3 WL C11 +13 13 4 ER E4 +13 14 1 ER F1 +13 14 2 SE J0 +13 14 3 IB H18 +13 14 4 TI E18 +13 14 5 JA C9 +13 14 6 SI A0 +13 15 1 ER F4 +13 15 2 SE J0 +13 15 3 GU H28 +13 15 4 TI F17 +13 15 5 SI A0 +13 16 1 ER E4 +13 16 2 SE E27 +13 16 3 TI E24 +13 16 4 IB D20 +13 16 5 JA C14 +13 16 6 WL D17 +13 16 7 SI A0 +13 17 1 ER F1 +13 17 2 OR C1 +13 17 3 SE J0 +13 17 4 IB F17 +13 17 5 WL G19 +13 17 6 TI E17 +13 17 7 JA C11 +13 17 8 SI A0 +13 18 1 ER G40 +13 18 2 SE J0 +13 18 3 TI F18 +13 18 4 IB G20 +13 18 5 WL H35 +13 18 6 JA C10 +13 18 7 SI A0 +13 19 1 ER G1 +13 19 2 SE J0 +13 19 3 TI G18 +13 19 4 GU E15 +13 19 5 WL C11 +13 19 6 JA C9 +13 19 7 SI A0 +13 20 1 ER C39 +13 20 1 ER C40 +13 20 1 ER D1 +13 20 1 ER D38 +13 20 1 ER D39 +13 20 1 ER D40 +13 20 1 ER E1 +13 20 1 ER E2 +13 20 1 ER E38 +13 20 1 ER E39 +13 20 1 ER E40 +13 20 1 ER F1 +13 20 1 ER F2 +13 20 1 ER F39 +13 20 1 ER F40 +13 20 1 ER G1 +13 20 1 ER G40 +13 20 2 SE J0 +13 20 3 TI C14 +13 20 3 TI C15 +13 20 3 TI C16 +13 20 3 TI C17 +13 20 3 TI C18 +13 20 3 TI C19 +13 20 3 TI C20 +13 20 3 TI C21 +13 20 3 TI C22 +13 20 3 TI C23 +13 20 3 TI C24 +13 20 3 TI C25 +13 20 3 TI C26 +13 20 3 TI D14 +13 20 3 TI D15 +13 20 3 TI D16 +13 20 3 TI D17 +13 20 3 TI D18 +13 20 3 TI D19 +13 20 3 TI D20 +13 20 3 TI D21 +13 20 3 TI D22 +13 20 3 TI D23 +13 20 3 TI D24 +13 20 3 TI D25 +13 20 3 TI D26 +13 20 3 TI D27 +13 20 3 TI D28 +13 20 3 TI E15 +13 20 3 TI E16 +13 20 3 TI E17 +13 20 3 TI E18 +13 20 3 TI E19 +13 20 3 TI E20 +13 20 3 TI E21 +13 20 3 TI E22 +13 20 3 TI E23 +13 20 3 TI E24 +13 20 3 TI E25 +13 20 3 TI E26 +13 20 3 TI E27 +13 20 3 TI E28 +13 20 3 TI F18 +13 20 3 TI F19 +13 20 3 TI F20 +13 20 3 TI F21 +13 20 3 TI F22 +13 20 3 TI F23 +13 20 3 TI F24 +13 20 3 TI F25 +13 20 4 WL B9 +13 20 4 WL B10 +13 20 4 WL B11 +13 20 4 WL B12 +13 20 4 WL B13 +13 20 4 WL C10 +13 20 4 WL C11 +13 20 5 SI A0 +13 21 1 GE C0 +13 21 2 ER G2 +13 21 3 SE J0 +13 21 4 FT I6 +13 21 5 GU H20 +13 21 6 TI E17 +13 21 7 JA D8 +13 21 8 WL C8 +13 21 9 SN B6 +13 21 10 SI A0 +13 22 1 ER F4 +13 22 2 SE J0 +13 22 3 TI E17 +13 22 4 JA C9 +13 22 5 WL C12 +13 22 6 SI A0 +13 23 1 IY G30 +13 23 2 TM C6 +13 23 3 GW F28 +13 23 4 TS B25 +13 23 5 OR E4 +13 23 6 TI G16 +13 23 7 GE B10 +13 23 8 JA C9 +13 23 9 GO F5 +13 23 10 SI A0 +13 23 11 ER G40 +13 24 1 ER G2 +13 24 2 SE J0 +13 24 3 IB H19 +13 24 4 TI F16 +13 24 5 WL C14 +13 24 6 JA C8 +13 24 7 SI D0 +13 24 8 TU A12 +13 25 1 ER G40 +13 25 2 SE J0 +13 25 3 IB D16 +13 25 4 TI F17 +13 25 5 GO D40 +13 25 6 JA C11 +13 25 7 SI A0 +14 1 1 S B1 +14 1 2 Z G1 +14 1 3 K J2 +14 1 4 KW H7 +14 1 5 L C10 +14 1 6 BN B12 +14 1 7 KO B13 +14 1 8 G D21 +14 1 9 B D24 +14 1 10 F A38 +14 1 11 BL A40 +14 1 12 GW H40 +14 2 1 KW G0 +14 2 2 F A40 +14 2 3 Z G40 +14 2 4 K J40 +14 3 1 Z F4 +14 3 2 F A6 +14 3 3 O E12 +14 3 4 K J5 +14 4 1 F A1 +14 4 2 Z G2 +14 4 3 K I0 +14 5 1 F A0 +14 5 2 Z G1 +14 5 3 K J0 +14 5 4 G F30 +14 5 5 B E35 +14 6 1 F A1 +14 6 2 G C30 +14 6 3 B D27 +14 6 4 Z F2 +14 6 5 K J1 +14 7 1 F A0 +14 7 2 Z F3 +14 7 3 K J0 +14 8 1 Z G4 +14 8 2 F B29 +14 8 3 G E33 +14 8 4 K J30 +14 9 1 BI C10 +14 9 2 T D13 +14 9 3 F A29 +14 9 4 BA F27 +14 9 5 G F28 +14 9 6 B F29 +14 9 7 BU F30 +14 9 8 D E36 +14 9 9 Z F40 +14 9 10 E I40 +14 9 11 K J38 +14 10 1 Z G1 +14 10 2 F A4 +14 10 3 K J0 +14 10 4 G F22 +14 11 1 F A0 +14 11 2 Z F1 +14 11 3 K J0 +14 11 4 G F22 +14 12 1 F A40 +14 12 2 Z G40 +14 12 3 K J40 +14 13 1 Z F2 +14 13 2 F A17 +14 13 3 K J23 +14 14 1 F A40 +14 14 2 Z F39 +14 14 3 K J39 +14 15 1 F B0 +14 15 2 G G21 +14 15 3 Z G0 +14 15 4 K J1 +14 16 1 F A4 +14 16 2 Z F3 +14 16 3 K J3 +14 17 1 F A10 +14 17 2 Z G2 +14 17 3 K J7 +14 18 1 G F30 +14 18 2 F A40 +14 18 3 Z F40 +14 18 4 K J40 +14 19 1 F A10 +14 19 2 G D15 +14 19 3 Z G2 +14 19 4 K J8 +14 20 1 F A4 +14 20 2 Z F5 +14 20 3 K J15 +14 21 1 F A0 +14 21 2 K J0 +14 21 3 Z G40 +14 22 1 F A1 +14 22 2 Z G2 +14 22 3 K J4 +14 23 1 F A4 +14 23 2 Z F2 +14 23 3 K J0 +14 23 4 G C22 +14 24 1 F A0 +14 24 2 Z F3 +14 24 3 K J2 +14 24 4 G E14 +14 25 1 F A0 +14 25 2 Z E1 +14 25 3 DO F8 +14 25 4 O F10 +14 25 5 G E17 +14 25 6 K H20 +15 1 1 T A0 +15 1 2 K J0 +15 1 3 P I1 +15 1 4 R G3 +15 1 5 A C9 +15 1 6 N F17 +15 1 7 BR D40 +15 2 1 T A0 +15 2 2 K J0 +15 2 3 R F1 +15 2 4 BR D1 +15 2 5 P E4 +15 2 6 A C9 +15 2 7 N G18 +15 3 1 T A0 +15 3 2 P G2 +15 3 3 K J0 +15 3 4 BR C6 +15 3 5 A C9 +15 3 6 N H20 +15 3 7 R G40 +15 4 1 T A0 +15 4 2 R G2 +15 4 3 K J0 +15 4 4 A C9 +15 4 5 N G21 +15 4 6 J I36 +15 4 7 P G39 +15 4 8 BR D38 +15 5 1 T A0 +15 5 2 G D1 +15 5 3 P F2 +15 5 4 K J0 +15 5 5 BR C5 +15 5 6 A C9 +15 5 7 KH G9 +15 5 8 KT I10 +15 5 9 N G21 +15 5 10 J F28 +15 6 1 T A0 +15 6 2 P G1 +15 6 3 G H3 +15 6 4 A E7 +15 6 5 BR F9 +15 6 6 N F18 +15 6 7 J G35 +15 6 8 R F40 +15 7 1 T A0 +15 7 2 G D4 +15 7 3 P F3 +15 7 4 K J0 +15 7 5 N G16 +15 7 6 J H33 +15 8 1 T A0 +15 8 2 R F3 +15 8 3 K J0 +15 8 4 P C8 +15 8 5 A C9 +15 8 6 N F17 +15 8 7 G E38 +15 9 1 R H1 +15 9 2 BR C5 +15 9 3 A C9 +15 9 4 N G20 +15 9 5 G F40 +15 9 6 J I39 +15 10 1 T A0 +15 10 2 G E1 +15 10 3 K J0 +15 10 4 R H3 +15 10 5 BR F8 +15 10 6 N F20 +15 10 7 P C9 +15 11 1 P C8 +15 11 2 A C9 +15 11 3 N F22 +15 11 4 BR C35 +15 11 5 J E34 +15 11 6 T A0 +15 12 1 T A0 +15 12 2 R F3 +15 12 3 P F1 +15 12 4 K J0 +15 12 5 KH G9 +15 12 6 A C10 +15 12 7 N E17 +15 12 8 BR D35 +15 12 9 J F39 +15 13 1 T A0 +15 13 2 R G2 +15 13 3 K J0 +15 13 4 P D8 +15 13 5 KH H12 +15 13 6 N G20 +15 13 7 J I34 +15 13 8 BR C38 +15 14 1 T A0 +15 14 2 BR D2 +15 14 3 R G2 +15 14 4 K J0 +15 14 5 P I3 +15 14 6 A D8 +15 14 7 KH H10 +15 14 8 N F28 +15 14 9 J I36 +15 15 1 T A0 +15 15 2 BR C1 +15 15 3 K J0 +15 15 4 R H3 +15 15 5 KH G9 +15 15 6 KS E7 +15 15 7 P C9 +15 15 8 N F17 +15 15 9 J H36 +15 15 10 G F40 +15 16 1 T A0 +15 16 2 BR D1 +15 16 3 K J0 +15 16 4 A C9 +15 16 5 N G19 +15 16 6 J I32 +15 16 7 R G40 +15 17 1 T A0 +15 17 2 P F3 +15 17 3 R G3 +15 17 4 K J0 +15 17 5 A C9 +15 17 6 BR B11 +15 17 7 N G17 +15 18 1 T A0 +15 18 2 P G3 +15 18 3 K J0 +15 18 4 A C10 +15 18 5 N F17 +15 18 6 J I31 +15 18 7 BR C34 +15 18 8 R G40 +15 19 1 N F22 +15 19 2 BR D2 +15 19 3 R G3 +15 19 4 K J0 +15 19 5 A D8 +15 19 6 T A0 +15 20 1 T A0 +15 20 2 KS F4 +15 20 3 R G2 +15 20 4 K J0 +15 20 5 BR C11 +15 20 5 BR H7 +15 20 6 A C8 +15 20 7 N G19 +15 20 8 J I35 +15 20 9 G F40 +15 21 1 T A0 +15 21 2 G G2 +15 21 3 K J0 +15 21 4 P D7 +15 21 5 N E20 +15 21 6 BR E33 +15 21 7 J G34 +15 22 1 T A0 +15 22 2 G F2 +15 22 3 K J0 +15 22 4 P C11 +15 22 5 N G20 +15 22 6 BR C32 +15 22 7 J G34 +15 22 8 R G40 +15 23 1 T A0 +15 23 2 R F3 +15 23 3 K J0 +15 23 4 A B13 +15 23 5 N F20 +15 23 6 P F40 +15 24 1 T A0 +15 24 2 KS F2 +15 24 3 K J0 +15 24 4 R H2 +15 24 5 A E8 +15 24 6 BR C4 +15 24 7 P G10 +15 24 8 N G18 +15 24 9 J G29 +15 25 1 T A0 +15 25 2 P E5 +15 25 3 R F4 +15 25 4 K J0 +15 25 5 A C4 +15 25 6 N E24 +15 25 7 BR C29 +15 25 8 G F38 +16 1 1 M C9 +16 1 2 D C2 +16 1 2 D C3 +16 1 2 D C4 +16 1 3 L G18 +16 1 4 E F29 +16 2 1 E H29 +16 2 2 M D7 +16 2 3 J A0 +16 2 4 D G1 +16 2 5 R J0 +16 2 6 L F17 +16 3 1 M C9 +16 3 2 D F4 +16 3 3 L E16 +16 3 4 E F28 +16 4 1 L F20 +16 4 2 M C12 +16 4 3 J A0 +16 4 4 D G2 +16 4 5 R J0 +16 4 6 E G31 +16 5 1 M E1 +16 5 1 M E2 +16 5 1 M E3 +16 5 1 M E4 +16 5 1 M E5 +16 5 2 J A0 +16 5 3 D G1 +16 5 3 D G2 +16 5 3 D G3 +16 5 4 R J0 +16 5 5 L G19 +16 5 6 E G29 +16 6 1 M E40 +16 6 2 D G40 +16 6 3 E I40 +16 6 4 L F25 +16 6 5 J A0 +16 6 6 R J0 +16 7 1 E G29 +16 7 2 L F20 +16 7 3 M C8 +16 7 4 J A0 +16 7 5 D G1 +16 7 6 R J0 +16 8 1 E G29 +16 8 2 L F16 +16 8 3 R J0 +16 8 4 D E4 +16 8 5 J A0 +16 8 6 M C9 +16 9 1 M C11 +16 9 2 J A0 +16 9 3 D G1 +16 9 4 R J0 +16 9 5 L F16 +16 9 6 E G29 +16 10 1 M C9 +16 10 2 J A0 +16 10 3 D G3 +16 10 4 R J0 +16 10 5 L E16 +16 10 6 E F29 +16 11 1 K F34 +16 11 2 E F30 +16 11 3 L E17 +16 11 4 M E8 +16 11 5 J A0 +16 11 6 D H1 +16 11 7 R J0 +16 12 1 L F15 +16 12 1 L F16 +16 12 1 L F17 +16 12 2 M C9 +16 12 3 J A0 +16 12 4 D G2 +16 12 5 R J0 +16 12 6 E H29 +16 13 1 E I32 +16 13 2 L E17 +16 13 3 M D12 +16 13 4 J A0 +16 13 5 D G1 +16 13 6 R J0 +16 14 1 M D8 +16 14 2 J A0 +16 14 3 D G2 +16 14 4 R J0 +16 14 5 L F16 +16 14 6 E H31 +16 15 1 E F21 +16 15 2 L F16 +16 15 3 M D8 +16 15 4 J A0 +16 15 5 D G1 +16 15 6 R J0 +16 16 1 E G28 +16 16 2 L G17 +16 16 3 R J0 +16 16 4 D H2 +16 16 5 J A0 +16 16 6 M C8 +16 16 6 M C9 +16 16 6 M C10 +16 17 1 J A0 +16 17 2 M C8 +16 17 3 D G1 +16 17 4 L H20 +16 17 5 L F20 +16 17 6 E I28 +16 18 1 W C9 +16 18 2 J A0 +16 18 3 R J0 +16 18 4 L G18 +16 18 5 E G29 +16 18 6 D G40 +16 18 7 M E40 +16 19 1 L E15 +16 19 2 M C9 +16 19 3 J A0 +16 19 4 D G2 +16 19 5 R J0 +16 19 6 E G27 +16 20 1 E H30 +16 20 2 J A0 +16 20 3 D G2 +16 20 4 R J0 +16 20 5 L H20 +16 20 6 M C10 +16 21 1 L E16 +16 21 2 E I31 +16 21 3 M C9 +16 21 4 J A0 +16 21 5 D G3 +16 21 6 R J0 +16 22 1 L F16 +16 22 2 E I24 +16 22 3 M F4 +16 22 4 J A0 +16 22 5 D H1 +16 22 6 R J0 +16 23 1 M C9 +16 23 2 J A0 +16 23 3 D G2 +16 23 4 R J0 +16 23 5 L G18 +16 23 6 E G37 +16 24 1 M C9 +16 24 2 J A0 +16 24 3 D H1 +16 24 4 R J0 +16 24 5 L F17 +16 24 6 E H29 +16 25 1 L E25 +16 25 2 E I31 +16 25 3 R J0 +16 25 4 M F3 +16 25 5 D D7 +16 25 6 J A0 +17 1 1 SK A0 +17 1 1 SK A1 +17 1 1 SK A2 +17 1 1 SK A3 +17 1 1 SK A4 +17 1 1 SK A5 +17 1 1 SK A6 +17 1 1 SK A7 +17 1 1 SK A8 +17 1 1 SK A9 +17 1 1 SK A10 +17 1 1 SK A11 +17 1 1 SK A12 +17 1 1 SK A13 +17 1 1 SK A14 +17 1 1 SK A15 +17 1 1 SK A16 +17 1 1 SK A17 +17 1 1 SK A18 +17 1 1 SK A19 +17 1 1 SK A20 +17 1 1 SK A21 +17 1 1 SK A22 +17 1 1 SK A23 +17 1 1 SK A24 +17 1 1 SK A25 +17 1 1 SK A26 +17 1 1 SK A27 +17 1 1 SK A28 +17 1 1 SK A29 +17 1 1 SK A30 +17 1 1 SK A31 +17 1 1 SK A32 +17 1 1 SK A33 +17 1 1 SK A34 +17 1 1 SK A35 +17 1 1 SK A36 +17 1 1 SK A37 +17 1 1 SK A38 +17 1 1 SK A39 +17 1 1 SK A40 +17 1 2 KK D0 +17 1 2 KK E0 +17 1 2 KK F0 +17 1 2 KK G0 +17 1 2 KK H0 +17 1 2 KK I0 +17 1 2 KK J0 +17 1 2 KK J1 +17 1 2 KK J2 +17 1 2 KK J3 +17 1 2 KK J4 +17 1 2 KK J5 +17 1 2 KK J6 +17 1 2 KK J7 +17 1 2 KK J8 +17 1 2 KK J9 +17 1 2 KK J10 +17 1 2 KK J11 +17 1 2 KK J12 +17 1 2 KK J13 +17 1 2 KK J14 +17 1 2 KK J15 +17 1 2 KK J16 +17 1 2 KK J17 +17 1 2 KK J18 +17 1 2 KK J19 +17 1 2 KK J20 +17 1 2 KK J21 +17 1 2 KK J22 +17 1 2 KK J23 +17 1 2 KK J24 +17 1 2 KK J25 +17 1 2 KK J26 +17 1 2 KK J27 +17 1 2 KK J28 +17 1 2 KK J29 +17 1 2 KK J30 +17 1 2 KK J31 +17 1 2 KK J32 +17 1 2 KK J33 +17 1 2 KK J34 +17 1 2 KK J35 +17 1 2 KK J36 +17 1 2 KK J37 +17 1 2 KK J38 +17 1 2 KK J39 +17 1 2 KK J40 +17 1 3 QU D0 +17 1 3 QU D1 +17 1 3 QU D2 +17 1 3 QU D3 +17 1 3 QU D4 +17 1 3 QU E0 +17 1 3 QU E1 +17 1 3 QU E2 +17 1 3 QU E3 +17 1 3 QU E4 +17 1 4 KN C8 +17 1 4 KN C9 +17 1 4 KN C10 +17 1 4 KN D8 +17 1 4 KN D9 +17 1 5 RX D17 +17 1 5 RX D18 +17 1 5 RX D19 +17 1 5 RX D20 +17 1 5 RX D21 +17 1 5 RX D22 +17 1 5 RX E17 +17 1 5 RX E18 +17 1 5 RX E19 +17 1 5 RX E20 +17 1 5 RX E21 +17 1 5 RX E22 +17 1 5 RX F17 +17 1 5 RX F18 +17 1 5 RX F19 +17 1 5 RX F20 +17 1 5 RX F21 +17 1 5 RX F22 +17 1 5 RX G17 +17 1 5 RX G18 +17 1 5 RX G19 +17 1 5 RX G20 +17 1 5 RX G21 +17 1 5 RX G22 +17 1 6 CK G6 +17 1 6 CK G7 +17 1 6 CK G8 +17 1 6 CK G9 +17 1 6 CK G10 +17 1 6 CK H6 +17 1 6 CK H7 +17 1 6 CK H8 +17 1 6 CK H9 +17 1 6 CK H10 +17 1 6 CK I6 +17 1 6 CK I7 +17 2 1 SK A0 +17 2 1 SK A1 +17 2 1 SK A2 +17 2 1 SK A3 +17 2 1 SK A4 +17 2 1 SK A5 +17 2 1 SK A6 +17 2 1 SK A7 +17 2 1 SK A8 +17 2 1 SK A9 +17 2 1 SK A10 +17 2 1 SK A11 +17 2 1 SK A12 +17 2 1 SK A13 +17 2 1 SK A14 +17 2 1 SK A15 +17 2 1 SK A16 +17 2 1 SK A17 +17 2 1 SK A18 +17 2 1 SK A19 +17 2 1 SK A20 +17 2 1 SK A21 +17 2 1 SK A22 +17 2 1 SK A23 +17 2 1 SK A24 +17 2 1 SK A25 +17 2 1 SK A26 +17 2 1 SK A27 +17 2 1 SK A28 +17 2 1 SK A29 +17 2 1 SK A30 +17 2 1 SK A31 +17 2 1 SK A32 +17 2 1 SK A33 +17 2 1 SK A34 +17 2 1 SK A35 +17 2 1 SK A36 +17 2 1 SK A37 +17 2 1 SK A38 +17 2 1 SK A39 +17 2 1 SK A40 +17 2 2 KK J0 +17 2 2 KK J1 +17 2 2 KK J2 +17 2 2 KK J3 +17 2 2 KK J4 +17 2 2 KK J5 +17 2 2 KK J6 +17 2 2 KK J7 +17 2 2 KK J8 +17 2 2 KK J9 +17 2 2 KK J10 +17 2 2 KK J11 +17 2 2 KK J12 +17 2 2 KK J13 +17 2 2 KK J14 +17 2 2 KK J15 +17 2 2 KK J16 +17 2 2 KK J17 +17 2 2 KK J18 +17 2 2 KK J19 +17 2 2 KK J20 +17 2 2 KK J21 +17 2 2 KK J22 +17 2 2 KK J23 +17 2 2 KK J24 +17 2 2 KK J25 +17 2 2 KK J26 +17 2 2 KK J27 +17 2 2 KK J28 +17 2 2 KK J29 +17 2 2 KK J30 +17 2 2 KK J31 +17 2 2 KK J32 +17 2 2 KK J33 +17 2 2 KK J34 +17 2 2 KK J35 +17 2 2 KK J36 +17 2 2 KK J37 +17 2 2 KK J38 +17 2 2 KK J39 +17 2 2 KK J40 +17 2 3 QU G1 +17 2 4 KN B11 +17 2 5 RX F16 +17 2 6 CK F7 +17 2 7 PU D7 +17 3 1 SK A0 +17 3 1 SK A1 +17 3 1 SK A2 +17 3 1 SK A3 +17 3 1 SK A4 +17 3 1 SK A5 +17 3 1 SK A6 +17 3 1 SK A7 +17 3 1 SK A8 +17 3 1 SK A9 +17 3 1 SK A10 +17 3 1 SK A11 +17 3 1 SK A12 +17 3 1 SK A13 +17 3 1 SK A14 +17 3 1 SK A15 +17 3 1 SK A16 +17 3 1 SK A17 +17 3 1 SK A18 +17 3 1 SK A19 +17 3 1 SK A20 +17 3 1 SK A21 +17 3 1 SK A22 +17 3 1 SK A23 +17 3 1 SK A24 +17 3 1 SK A25 +17 3 1 SK A26 +17 3 1 SK A27 +17 3 1 SK A28 +17 3 1 SK A29 +17 3 1 SK A30 +17 3 1 SK A31 +17 3 1 SK A32 +17 3 1 SK A33 +17 3 1 SK A34 +17 3 1 SK A35 +17 3 1 SK A36 +17 3 1 SK A37 +17 3 1 SK A38 +17 3 1 SK A39 +17 3 1 SK A40 +17 3 2 KK A0 +17 3 2 KK A1 +17 3 2 KK A2 +17 3 2 KK A3 +17 3 2 KK A4 +17 3 2 KK A5 +17 3 2 KK A6 +17 3 2 KK A7 +17 3 2 KK A8 +17 3 2 KK A9 +17 3 2 KK A10 +17 3 2 KK A11 +17 3 2 KK A12 +17 3 2 KK A13 +17 3 2 KK A14 +17 3 2 KK A15 +17 3 2 KK A16 +17 3 2 KK A17 +17 3 2 KK A18 +17 3 2 KK A19 +17 3 2 KK A20 +17 3 2 KK A21 +17 3 2 KK A22 +17 3 2 KK A23 +17 3 2 KK A24 +17 3 2 KK A25 +17 3 2 KK A26 +17 3 2 KK A27 +17 3 2 KK A28 +17 3 2 KK A29 +17 3 2 KK A30 +17 3 2 KK A31 +17 3 2 KK A32 +17 3 2 KK A33 +17 3 2 KK A34 +17 3 2 KK A35 +17 3 2 KK A36 +17 3 2 KK A37 +17 3 2 KK A38 +17 3 2 KK A39 +17 3 2 KK A40 +17 3 3 QU H3 +17 3 4 RX H15 +17 3 5 CK G6 +17 4 1 SK A0 +17 4 1 SK A1 +17 4 1 SK A2 +17 4 1 SK A3 +17 4 1 SK A4 +17 4 1 SK A5 +17 4 1 SK A6 +17 4 1 SK A7 +17 4 1 SK A8 +17 4 1 SK A9 +17 4 1 SK A10 +17 4 1 SK A11 +17 4 1 SK A12 +17 4 1 SK A13 +17 4 1 SK A14 +17 4 1 SK A15 +17 4 1 SK A16 +17 4 1 SK A17 +17 4 1 SK A18 +17 4 1 SK A19 +17 4 1 SK A20 +17 4 1 SK A21 +17 4 1 SK A22 +17 4 1 SK A23 +17 4 1 SK A24 +17 4 1 SK A25 +17 4 1 SK A26 +17 4 1 SK A27 +17 4 1 SK A28 +17 4 1 SK A29 +17 4 1 SK A30 +17 4 1 SK A31 +17 4 1 SK A32 +17 4 1 SK A33 +17 4 1 SK A34 +17 4 1 SK A35 +17 4 1 SK A36 +17 4 1 SK A37 +17 4 1 SK A38 +17 4 1 SK A39 +17 4 1 SK A40 +17 4 2 KK J0 +17 4 2 KK J1 +17 4 2 KK J2 +17 4 2 KK J3 +17 4 2 KK J4 +17 4 2 KK J5 +17 4 2 KK J6 +17 4 2 KK J7 +17 4 2 KK J8 +17 4 2 KK J9 +17 4 2 KK J10 +17 4 2 KK J11 +17 4 2 KK J12 +17 4 2 KK J13 +17 4 2 KK J14 +17 4 2 KK J15 +17 4 2 KK J16 +17 4 2 KK J17 +17 4 2 KK J18 +17 4 2 KK J19 +17 4 2 KK J20 +17 4 2 KK J21 +17 4 2 KK J22 +17 4 2 KK J23 +17 4 2 KK J24 +17 4 2 KK J25 +17 4 2 KK J26 +17 4 2 KK J27 +17 4 2 KK J28 +17 4 2 KK J29 +17 4 2 KK J30 +17 4 2 KK J31 +17 4 2 KK J32 +17 4 2 KK J33 +17 4 2 KK J34 +17 4 2 KK J35 +17 4 2 KK J36 +17 4 2 KK J37 +17 4 2 KK J38 +17 4 2 KK J39 +17 4 2 KK J40 +17 4 3 QU H1 +17 4 3 QU H2 +17 4 3 QU H3 +17 4 4 KN C8 +17 4 4 KN C9 +17 4 4 KN C10 +17 4 5 MS H5 +17 4 5 MS H6 +17 4 5 MS H7 +17 4 5 MS H8 +17 4 5 MS H9 +17 4 5 MS H10 +17 4 6 RX D16 +17 4 6 RX D17 +17 4 6 RX E16 +17 4 6 RX E17 +17 4 6 RX F16 +17 4 6 RX F17 +17 4 6 RX H17 +17 4 6 RX H18 +17 4 6 RX H19 +17 4 6 RX H20 +17 4 6 RX H21 +17 4 6 RX I17 +17 4 6 RX I18 +17 4 6 RX I19 +17 4 6 RX I20 +17 4 6 RX I21 +17 4 7 AZ G26 +17 4 7 AZ G27 +17 4 7 AZ G28 +17 4 7 AZ G29 +17 4 7 AZ H26 +17 4 7 AZ H27 +17 4 7 AZ H28 +17 4 7 AZ H29 +17 4 7 AZ I26 +17 4 7 AZ I27 +17 4 7 AZ I28 +17 4 7 AZ I29 +17 4 8 CL D25 +17 4 8 CL D26 +17 4 8 CL D27 +17 4 8 CL D28 +17 4 8 CL E25 +17 4 8 CL E26 +17 4 8 CL E27 +17 4 8 CL E28 +17 4 8 CL F25 +17 4 8 CL F26 +17 4 8 CL F27 +17 4 8 CL F28 +17 4 9 MO E33 +17 4 9 MO E34 +17 4 9 MO F33 +17 4 9 MO F34 +17 4 9 MO G33 +17 4 9 MO G34 +17 4 9 MO H33 +17 4 9 MO H34 +17 4 10 RO C1 +17 4 10 RO C2 +17 4 10 RO C3 +17 4 10 RO C4 +17 4 10 RO D1 +17 4 10 RO D2 +17 4 11 PU E4 +17 4 11 PU E5 +17 4 11 PU F4 +17 4 11 PU F5 +17 4 12 TZ C0 +17 4 12 TZ D0 +17 4 12 TZ E0 +17 4 12 TZ F0 +17 4 12 TZ G0 +17 4 12 TZ H0 +17 4 13 CO I36 +17 4 13 CO I37 +17 4 13 CO I38 +17 4 13 CO I39 +17 4 13 CO I40 +17 5 1 SK A0 +17 5 1 SK A1 +17 5 1 SK A2 +17 5 1 SK A3 +17 5 1 SK A4 +17 5 1 SK A5 +17 5 1 SK A6 +17 5 1 SK A7 +17 5 1 SK A8 +17 5 1 SK A9 +17 5 1 SK A10 +17 5 1 SK A11 +17 5 1 SK A12 +17 5 1 SK A13 +17 5 1 SK A14 +17 5 1 SK A15 +17 5 1 SK A16 +17 5 1 SK A17 +17 5 1 SK A18 +17 5 1 SK A19 +17 5 1 SK A20 +17 5 1 SK A21 +17 5 1 SK A22 +17 5 1 SK A23 +17 5 1 SK A24 +17 5 1 SK A25 +17 5 1 SK A26 +17 5 1 SK A27 +17 5 1 SK A28 +17 5 1 SK A29 +17 5 1 SK A30 +17 5 1 SK A31 +17 5 1 SK A32 +17 5 1 SK A33 +17 5 1 SK A34 +17 5 1 SK A35 +17 5 1 SK A36 +17 5 1 SK A37 +17 5 1 SK A38 +17 5 1 SK A39 +17 5 1 SK A40 +17 5 2 KK B0 +17 5 2 KK C0 +17 5 2 KK D0 +17 5 2 KK E0 +17 5 2 KK F0 +17 5 2 KK G0 +17 5 2 KK H0 +17 5 2 KK I0 +17 5 2 KK J0 +17 5 2 KK J1 +17 5 2 KK J2 +17 5 2 KK J3 +17 5 2 KK J4 +17 5 2 KK J5 +17 5 2 KK J6 +17 5 2 KK J7 +17 5 2 KK J8 +17 5 2 KK J9 +17 5 2 KK J10 +17 5 2 KK J11 +17 5 2 KK J12 +17 5 2 KK J13 +17 5 2 KK J14 +17 5 2 KK J15 +17 5 2 KK J16 +17 5 2 KK J17 +17 5 2 KK J18 +17 5 2 KK J19 +17 5 2 KK J20 +17 5 2 KK J21 +17 5 2 KK J22 +17 5 2 KK J23 +17 5 2 KK J24 +17 5 2 KK J25 +17 5 2 KK J26 +17 5 2 KK J27 +17 5 2 KK J28 +17 5 2 KK J29 +17 5 2 KK J30 +17 5 2 KK J31 +17 5 2 KK J32 +17 5 2 KK J33 +17 5 2 KK J34 +17 5 2 KK J35 +17 5 2 KK J36 +17 5 2 KK J37 +17 5 2 KK J38 +17 5 2 KK J39 +17 5 2 KK J40 +17 5 3 QU F1 +17 5 3 QU F2 +17 5 3 QU F3 +17 5 3 QU F4 +17 5 3 QU F5 +17 5 3 QU G1 +17 5 3 QU G2 +17 5 3 QU G3 +17 5 3 QU G4 +17 5 3 QU G5 +17 5 4 KN B11 +17 5 4 KN B12 +17 5 5 RX C17 +17 5 5 RX C18 +17 5 5 RX C19 +17 5 5 RX C20 +17 5 5 RX D17 +17 5 5 RX D18 +17 5 5 RX D19 +17 5 5 RX D20 +17 5 5 RX E18 +17 5 5 RX E19 +17 5 5 RX E20 +17 5 5 RX E21 +17 5 5 RX E22 +17 5 5 RX E23 +17 5 5 RX F18 +17 5 5 RX F19 +17 5 5 RX F20 +17 5 5 RX F21 +17 5 5 RX F22 +17 5 5 RX F23 +17 5 5 RX G18 +17 5 5 RX G19 +17 5 5 RX G20 +17 5 5 RX G21 +17 5 5 RX G22 +17 5 5 RX G23 +17 5 6 AZ E26 +17 5 6 AZ E27 +17 5 6 AZ E28 +17 5 6 AZ E29 +17 5 6 AZ E30 +17 5 6 AZ E31 +17 5 6 AZ F26 +17 5 6 AZ F27 +17 5 6 AZ F28 +17 5 6 AZ F29 +17 5 6 AZ F30 +17 5 6 AZ F31 +17 5 6 AZ G26 +17 5 6 AZ G27 +17 5 6 AZ G28 +17 5 6 AZ G29 +17 5 6 AZ G30 +17 5 6 AZ G31 +17 5 7 CK F7 +17 5 7 CK F8 +17 5 7 CK F9 +17 5 7 CK F10 +17 5 7 CK G7 +17 5 7 CK G8 +17 5 7 CK G9 +17 5 7 CK G10 +17 5 7 CK H7 +17 5 7 CK H8 +17 5 7 CK H9 +17 5 7 CK H10 +17 5 8 RO C1 +17 5 8 RO C2 +17 5 8 RO C3 +17 5 8 RO C4 +17 5 8 RO C5 +17 5 8 RO C6 +17 5 8 RO G35 +17 5 8 RO G36 +17 5 8 RO G37 +17 5 8 RO G38 +17 5 8 RO G39 +17 5 8 RO G40 +17 5 8 RO H35 +17 5 8 RO H36 +17 5 8 RO H37 +17 5 8 RO H38 +17 5 8 RO H39 +17 5 8 RO H40 +17 6 1 SK A0 +17 6 1 SK A1 +17 6 1 SK A2 +17 6 1 SK A3 +17 6 1 SK A4 +17 6 1 SK A5 +17 6 1 SK A6 +17 6 1 SK A7 +17 6 1 SK A8 +17 6 1 SK A9 +17 6 1 SK A10 +17 6 1 SK A11 +17 6 1 SK A12 +17 6 1 SK A13 +17 6 1 SK A14 +17 6 1 SK A15 +17 6 1 SK A16 +17 6 1 SK A17 +17 6 1 SK A18 +17 6 1 SK A19 +17 6 1 SK A20 +17 6 1 SK A21 +17 6 1 SK A22 +17 6 1 SK A23 +17 6 1 SK A24 +17 6 1 SK A25 +17 6 1 SK A26 +17 6 1 SK A27 +17 6 1 SK A28 +17 6 1 SK A29 +17 6 1 SK A30 +17 6 1 SK A31 +17 6 1 SK A32 +17 6 1 SK A33 +17 6 1 SK A34 +17 6 1 SK A35 +17 6 1 SK A36 +17 6 1 SK A37 +17 6 1 SK A38 +17 6 1 SK A39 +17 6 1 SK A40 +17 6 2 KK J0 +17 6 2 KK J1 +17 6 2 KK J2 +17 6 2 KK J3 +17 6 2 KK J4 +17 6 2 KK J5 +17 6 2 KK J6 +17 6 2 KK J7 +17 6 2 KK J8 +17 6 2 KK J9 +17 6 2 KK J10 +17 6 2 KK J11 +17 6 2 KK J12 +17 6 2 KK J13 +17 6 2 KK J14 +17 6 2 KK J15 +17 6 2 KK J16 +17 6 2 KK J17 +17 6 2 KK J18 +17 6 2 KK J19 +17 6 2 KK J20 +17 6 2 KK J21 +17 6 2 KK J22 +17 6 2 KK J23 +17 6 2 KK J24 +17 6 2 KK J25 +17 6 2 KK J26 +17 6 2 KK J27 +17 6 2 KK J28 +17 6 2 KK J29 +17 6 2 KK J30 +17 6 2 KK J31 +17 6 2 KK J32 +17 6 2 KK J33 +17 6 2 KK J34 +17 6 2 KK J35 +17 6 2 KK J36 +17 6 2 KK J37 +17 6 2 KK J38 +17 6 2 KK J39 +17 6 2 KK J40 +17 6 3 QU H3 +17 6 4 KN C9 +17 6 5 RX H17 +17 6 6 CK H7 +17 7 1 SK A0 +17 7 1 SK A1 +17 7 1 SK A2 +17 7 1 SK A3 +17 7 1 SK A4 +17 7 1 SK A5 +17 7 1 SK A6 +17 7 1 SK A7 +17 7 1 SK A8 +17 7 1 SK A9 +17 7 1 SK A10 +17 7 1 SK A11 +17 7 1 SK A12 +17 7 1 SK A13 +17 7 1 SK A14 +17 7 1 SK A15 +17 7 1 SK A16 +17 7 1 SK A17 +17 7 1 SK A18 +17 7 1 SK A19 +17 7 1 SK A20 +17 7 1 SK A21 +17 7 1 SK A22 +17 7 1 SK A23 +17 7 1 SK A24 +17 7 1 SK A25 +17 7 1 SK A26 +17 7 1 SK A27 +17 7 1 SK A28 +17 7 1 SK A29 +17 7 1 SK A30 +17 7 1 SK A31 +17 7 1 SK A32 +17 7 1 SK A33 +17 7 1 SK A34 +17 7 1 SK A35 +17 7 1 SK A36 +17 7 1 SK A37 +17 7 1 SK A38 +17 7 1 SK A39 +17 7 1 SK A40 +17 7 2 KK J0 +17 7 2 KK J1 +17 7 2 KK J2 +17 7 2 KK J3 +17 7 2 KK J4 +17 7 2 KK J5 +17 7 2 KK J6 +17 7 2 KK J7 +17 7 2 KK J8 +17 7 2 KK J9 +17 7 2 KK J10 +17 7 2 KK J11 +17 7 2 KK J12 +17 7 2 KK J13 +17 7 2 KK J14 +17 7 2 KK J15 +17 7 2 KK J16 +17 7 2 KK J17 +17 7 2 KK J18 +17 7 2 KK J19 +17 7 2 KK J20 +17 7 2 KK J21 +17 7 2 KK J22 +17 7 2 KK J23 +17 7 2 KK J24 +17 7 2 KK J25 +17 7 2 KK J26 +17 7 2 KK J27 +17 7 2 KK J28 +17 7 2 KK J29 +17 7 2 KK J30 +17 7 2 KK J31 +17 7 2 KK J32 +17 7 2 KK J33 +17 7 2 KK J34 +17 7 2 KK J35 +17 7 2 KK J36 +17 7 2 KK J37 +17 7 2 KK J38 +17 7 2 KK J39 +17 7 2 KK J40 +17 7 3 QU F0 +17 7 3 QU F1 +17 7 3 QU F2 +17 7 3 QU F3 +17 7 3 QU F4 +17 7 4 KN C9 +17 7 4 KN C10 +17 7 4 KN C11 +17 7 5 RX B15 +17 7 5 RX B16 +17 7 5 RX B17 +17 7 5 RX B18 +17 7 5 RX B19 +17 7 5 RX B20 +17 7 5 RX B21 +17 7 5 RX B22 +17 7 5 RX B23 +17 7 5 RX B24 +17 7 5 RX B25 +17 7 5 RX B26 +17 7 5 RX B27 +17 7 5 RX B28 +17 7 5 RX F15 +17 7 5 RX F16 +17 7 5 RX F17 +17 7 5 RX F18 +17 7 5 RX F19 +17 7 5 RX G15 +17 7 5 RX G16 +17 7 5 RX G17 +17 7 5 RX G18 +17 7 5 RX G19 +17 7 5 RX H15 +17 7 5 RX H16 +17 7 5 RX H17 +17 7 5 RX H18 +17 7 5 RX H19 +17 7 6 AZ F27 +17 7 6 AZ F28 +17 7 6 AZ F29 +17 7 6 AZ F30 +17 7 6 AZ G27 +17 7 6 AZ G28 +17 7 6 AZ G29 +17 7 6 AZ G30 +17 7 6 AZ H27 +17 7 6 AZ H28 +17 7 6 AZ H29 +17 7 6 AZ H30 +17 7 7 CK G5 +17 7 7 CK G6 +17 7 7 CK G7 +17 7 7 CK G8 +17 7 7 CK H5 +17 7 7 CK H6 +17 7 7 CK H7 +17 7 7 CK H8 +17 7 8 RO B37 +17 7 8 RO B38 +17 7 8 RO B39 +17 7 8 RO C37 +17 7 8 RO C38 +17 7 8 RO C39 +17 7 9 PU D6 +17 7 9 PU D7 +17 7 9 PU D8 +17 7 10 LL E32 +17 7 10 LL E33 +17 7 10 LL E34 +17 7 10 LL E35 +17 7 10 LL E36 +17 7 10 LL E37 +17 7 10 LL F32 +17 7 10 LL F33 +17 7 10 LL F34 +17 7 10 LL F35 +17 7 10 LL F36 +17 7 10 LL F37 +17 7 11 PI G37 +17 7 11 PI G38 +17 7 11 PI G39 +17 7 11 PI H37 +17 7 11 PI H38 +17 7 11 PI H39 +17 8 1 SK A0 +17 8 1 SK A1 +17 8 1 SK A2 +17 8 1 SK A3 +17 8 1 SK A4 +17 8 1 SK A5 +17 8 1 SK A6 +17 8 1 SK A7 +17 8 1 SK A8 +17 8 1 SK A9 +17 8 1 SK A10 +17 8 1 SK A11 +17 8 1 SK A12 +17 8 1 SK A13 +17 8 1 SK A14 +17 8 1 SK A15 +17 8 1 SK A16 +17 8 1 SK A17 +17 8 1 SK A18 +17 8 1 SK A19 +17 8 1 SK A20 +17 8 1 SK A21 +17 8 1 SK A22 +17 8 1 SK A23 +17 8 1 SK A24 +17 8 1 SK A25 +17 8 1 SK A26 +17 8 1 SK A27 +17 8 1 SK A28 +17 8 1 SK A29 +17 8 1 SK A30 +17 8 1 SK A31 +17 8 1 SK A32 +17 8 1 SK A33 +17 8 1 SK A34 +17 8 1 SK A35 +17 8 1 SK A36 +17 8 1 SK A37 +17 8 1 SK A38 +17 8 1 SK A39 +17 8 1 SK A40 +17 8 2 KK J0 +17 8 2 KK J1 +17 8 2 KK J2 +17 8 2 KK J3 +17 8 2 KK J4 +17 8 2 KK J5 +17 8 2 KK J6 +17 8 2 KK J7 +17 8 2 KK J8 +17 8 2 KK J9 +17 8 2 KK J10 +17 8 2 KK J11 +17 8 2 KK J12 +17 8 2 KK J13 +17 8 2 KK J14 +17 8 2 KK J15 +17 8 2 KK J16 +17 8 2 KK J17 +17 8 2 KK J18 +17 8 2 KK J19 +17 8 2 KK J20 +17 8 2 KK J21 +17 8 2 KK J22 +17 8 2 KK J23 +17 8 2 KK J24 +17 8 2 KK J25 +17 8 2 KK J26 +17 8 2 KK J27 +17 8 2 KK J28 +17 8 2 KK J29 +17 8 2 KK J30 +17 8 2 KK J31 +17 8 2 KK J32 +17 8 2 KK J33 +17 8 2 KK J34 +17 8 2 KK J35 +17 8 2 KK J36 +17 8 2 KK J37 +17 8 2 KK J38 +17 8 2 KK J39 +17 8 2 KK J40 +17 8 3 QU F2 +17 8 3 QU F3 +17 8 4 KN C9 +17 8 5 RX F17 +17 8 6 AZ G29 +17 8 6 AZ G30 +17 8 7 MO G33 +17 8 8 CA H6 +17 8 9 NA C8 +17 9 1 SK A0 +17 9 1 SK A1 +17 9 1 SK A2 +17 9 1 SK A3 +17 9 1 SK A4 +17 9 1 SK A5 +17 9 1 SK A6 +17 9 1 SK A7 +17 9 1 SK A8 +17 9 1 SK A9 +17 9 1 SK A10 +17 9 1 SK A11 +17 9 1 SK A12 +17 9 1 SK A13 +17 9 1 SK A14 +17 9 1 SK A15 +17 9 1 SK A16 +17 9 1 SK A17 +17 9 1 SK A18 +17 9 1 SK A19 +17 9 1 SK A20 +17 9 1 SK A21 +17 9 1 SK A22 +17 9 1 SK A23 +17 9 1 SK A24 +17 9 1 SK A25 +17 9 1 SK A26 +17 9 1 SK A27 +17 9 1 SK A28 +17 9 1 SK A29 +17 9 1 SK A30 +17 9 1 SK A31 +17 9 1 SK A32 +17 9 1 SK A33 +17 9 1 SK A34 +17 9 1 SK A35 +17 9 1 SK A36 +17 9 1 SK A37 +17 9 1 SK A38 +17 9 1 SK A39 +17 9 1 SK A40 +17 9 2 KK J0 +17 9 2 KK J1 +17 9 2 KK J2 +17 9 2 KK J3 +17 9 2 KK J4 +17 9 2 KK J5 +17 9 2 KK J6 +17 9 2 KK J7 +17 9 2 KK J8 +17 9 2 KK J9 +17 9 2 KK J10 +17 9 2 KK J11 +17 9 2 KK J12 +17 9 2 KK J13 +17 9 2 KK J14 +17 9 2 KK J15 +17 9 2 KK J16 +17 9 2 KK J17 +17 9 2 KK J18 +17 9 2 KK J19 +17 9 2 KK J20 +17 9 2 KK J21 +17 9 2 KK J22 +17 9 2 KK J23 +17 9 2 KK J24 +17 9 2 KK J25 +17 9 2 KK J26 +17 9 2 KK J27 +17 9 2 KK J28 +17 9 2 KK J29 +17 9 2 KK J30 +17 9 2 KK J31 +17 9 2 KK J32 +17 9 2 KK J33 +17 9 2 KK J34 +17 9 2 KK J35 +17 9 2 KK J36 +17 9 2 KK J37 +17 9 2 KK J38 +17 9 2 KK J39 +17 9 2 KK J40 +17 9 3 QU G3 +17 9 4 RX H17 +17 9 5 CK H6 +17 10 1 SK A0 +17 10 1 SK A1 +17 10 1 SK A2 +17 10 1 SK A3 +17 10 1 SK A4 +17 10 1 SK A5 +17 10 1 SK A6 +17 10 1 SK A7 +17 10 1 SK A8 +17 10 1 SK A9 +17 10 1 SK A10 +17 10 1 SK A11 +17 10 1 SK A12 +17 10 1 SK A13 +17 10 1 SK A14 +17 10 1 SK A15 +17 10 1 SK A16 +17 10 1 SK A17 +17 10 1 SK A18 +17 10 1 SK A19 +17 10 1 SK A20 +17 10 1 SK A21 +17 10 1 SK A22 +17 10 1 SK A23 +17 10 1 SK A24 +17 10 1 SK A25 +17 10 1 SK A26 +17 10 1 SK A27 +17 10 1 SK A28 +17 10 1 SK A29 +17 10 1 SK A30 +17 10 1 SK A31 +17 10 1 SK A32 +17 10 1 SK A33 +17 10 1 SK A34 +17 10 1 SK A35 +17 10 1 SK A36 +17 10 1 SK A37 +17 10 1 SK A38 +17 10 1 SK A39 +17 10 1 SK A40 +17 10 2 KK J0 +17 10 2 KK J1 +17 10 2 KK J2 +17 10 2 KK J3 +17 10 2 KK J4 +17 10 2 KK J5 +17 10 2 KK J6 +17 10 2 KK J7 +17 10 2 KK J8 +17 10 2 KK J9 +17 10 2 KK J10 +17 10 2 KK J11 +17 10 2 KK J12 +17 10 2 KK J13 +17 10 2 KK J14 +17 10 2 KK J15 +17 10 2 KK J16 +17 10 2 KK J17 +17 10 2 KK J18 +17 10 2 KK J19 +17 10 2 KK J20 +17 10 2 KK J21 +17 10 2 KK J22 +17 10 2 KK J23 +17 10 2 KK J24 +17 10 2 KK J25 +17 10 2 KK J26 +17 10 2 KK J27 +17 10 2 KK J28 +17 10 2 KK J29 +17 10 2 KK J30 +17 10 2 KK J31 +17 10 2 KK J32 +17 10 2 KK J33 +17 10 2 KK J34 +17 10 2 KK J35 +17 10 2 KK J36 +17 10 2 KK J37 +17 10 2 KK J38 +17 10 2 KK J39 +17 10 2 KK J40 +17 10 3 QU G1 +17 10 3 QU G2 +17 10 3 QU G3 +17 10 3 QU H3 +17 10 4 KN D6 +17 10 4 KN D7 +17 10 5 RX F17 +17 10 6 AZ I30 +17 10 7 CK G6 +17 10 7 CK G7 +17 10 8 PU D6 +17 10 8 PU D7 +17 11 1 SK A0 +17 11 1 SK A1 +17 11 1 SK A2 +17 11 1 SK A3 +17 11 1 SK A4 +17 11 1 SK A5 +17 11 1 SK A6 +17 11 1 SK A7 +17 11 1 SK A8 +17 11 1 SK A9 +17 11 1 SK A10 +17 11 1 SK A11 +17 11 1 SK A12 +17 11 1 SK A13 +17 11 1 SK A14 +17 11 1 SK A15 +17 11 1 SK A16 +17 11 1 SK A17 +17 11 1 SK A18 +17 11 1 SK A19 +17 11 1 SK A20 +17 11 1 SK A21 +17 11 1 SK A22 +17 11 1 SK A23 +17 11 1 SK A24 +17 11 1 SK A25 +17 11 1 SK A26 +17 11 1 SK A27 +17 11 1 SK A28 +17 11 1 SK A29 +17 11 1 SK A30 +17 11 1 SK A31 +17 11 1 SK A32 +17 11 1 SK A33 +17 11 1 SK A34 +17 11 1 SK A35 +17 11 1 SK A36 +17 11 1 SK A37 +17 11 1 SK A38 +17 11 1 SK A39 +17 11 1 SK A40 +17 11 1 SK B21 +17 11 1 SK B22 +17 11 1 SK B23 +17 11 1 SK B24 +17 11 1 SK B25 +17 11 1 SK B26 +17 11 1 SK C21 +17 11 1 SK C22 +17 11 1 SK C23 +17 11 1 SK C24 +17 11 1 SK C25 +17 11 1 SK C26 +17 11 2 KK I21 +17 11 2 KK I22 +17 11 2 KK I23 +17 11 2 KK I24 +17 11 2 KK I25 +17 11 2 KK I26 +17 11 2 KK I27 +17 11 2 KK J0 +17 11 2 KK J1 +17 11 2 KK J2 +17 11 2 KK J3 +17 11 2 KK J4 +17 11 2 KK J5 +17 11 2 KK J6 +17 11 2 KK J7 +17 11 2 KK J8 +17 11 2 KK J9 +17 11 2 KK J10 +17 11 2 KK J11 +17 11 2 KK J12 +17 11 2 KK J13 +17 11 2 KK J14 +17 11 2 KK J15 +17 11 2 KK J16 +17 11 2 KK J17 +17 11 2 KK J18 +17 11 2 KK J19 +17 11 2 KK J20 +17 11 2 KK J21 +17 11 2 KK J22 +17 11 2 KK J23 +17 11 2 KK J24 +17 11 2 KK J25 +17 11 2 KK J26 +17 11 2 KK J27 +17 11 2 KK J28 +17 11 2 KK J29 +17 11 2 KK J30 +17 11 2 KK J31 +17 11 2 KK J32 +17 11 2 KK J33 +17 11 2 KK J34 +17 11 2 KK J35 +17 11 2 KK J36 +17 11 2 KK J37 +17 11 2 KK J38 +17 11 2 KK J39 +17 11 2 KK J40 +17 11 3 QU G0 +17 11 3 QU G1 +17 11 3 QU G2 +17 11 3 QU G38 +17 11 3 QU G39 +17 11 3 QU G40 +17 11 3 QU H38 +17 11 3 QU H39 +17 11 3 QU H40 +17 11 3 QU I38 +17 11 3 QU I39 +17 11 3 QU I40 +17 11 4 KN C8 +17 11 4 KN C9 +17 11 5 RX C13 +17 11 5 RX C14 +17 11 5 RX C15 +17 11 5 RX C16 +17 11 5 RX D13 +17 11 5 RX D14 +17 11 5 RX D15 +17 11 5 RX D16 +17 11 5 RX E13 +17 11 5 RX E14 +17 11 5 RX E15 +17 11 5 RX E16 +17 11 5 RX E17 +17 11 5 RX E35 +17 11 5 RX E36 +17 11 5 RX E37 +17 11 5 RX E38 +17 11 5 RX E39 +17 11 5 RX E40 +17 11 5 RX F13 +17 11 5 RX F14 +17 11 5 RX F15 +17 11 5 RX F16 +17 11 5 RX F17 +17 11 5 RX F28 +17 11 5 RX F29 +17 11 5 RX F30 +17 11 5 RX F35 +17 11 5 RX F36 +17 11 5 RX F37 +17 11 5 RX F38 +17 11 5 RX F39 +17 11 5 RX F40 +17 11 5 RX G17 +17 11 5 RX G18 +17 11 5 RX G21 +17 11 5 RX G22 +17 11 5 RX G23 +17 11 5 RX G24 +17 11 5 RX G25 +17 11 5 RX G26 +17 11 5 RX G27 +17 11 6 CK G7 +17 11 6 CK G8 +17 11 7 PU D6 +17 11 7 PU D7 +17 11 8 RU D25 +17 11 8 RU D26 +17 11 8 RU D27 +17 11 8 RU D28 +17 11 8 RU D29 +17 11 8 RU D30 +17 11 8 RU G38 +17 11 8 RU G39 +17 11 8 RU G40 +17 12 1 SK A0 +17 12 1 SK A1 +17 12 1 SK A2 +17 12 1 SK A3 +17 12 1 SK A4 +17 12 1 SK A5 +17 12 1 SK A6 +17 12 1 SK A7 +17 12 1 SK A8 +17 12 1 SK A9 +17 12 1 SK A10 +17 12 1 SK A11 +17 12 1 SK A12 +17 12 1 SK A13 +17 12 1 SK A14 +17 12 1 SK A15 +17 12 1 SK A16 +17 12 1 SK A17 +17 12 1 SK A18 +17 12 1 SK A19 +17 12 1 SK A20 +17 12 1 SK A21 +17 12 1 SK A22 +17 12 1 SK A23 +17 12 1 SK A24 +17 12 1 SK A25 +17 12 1 SK A26 +17 12 1 SK A27 +17 12 1 SK A28 +17 12 1 SK A29 +17 12 1 SK A30 +17 12 1 SK A31 +17 12 1 SK A32 +17 12 1 SK A33 +17 12 1 SK A34 +17 12 1 SK A35 +17 12 1 SK A36 +17 12 1 SK A37 +17 12 1 SK A38 +17 12 1 SK A39 +17 12 1 SK A40 +17 12 2 KK J0 +17 12 2 KK J1 +17 12 2 KK J2 +17 12 2 KK J3 +17 12 2 KK J4 +17 12 2 KK J5 +17 12 2 KK J6 +17 12 2 KK J7 +17 12 2 KK J8 +17 12 2 KK J9 +17 12 2 KK J10 +17 12 2 KK J11 +17 12 2 KK J12 +17 12 2 KK J13 +17 12 2 KK J14 +17 12 2 KK J15 +17 12 2 KK J16 +17 12 2 KK J17 +17 12 2 KK J18 +17 12 2 KK J19 +17 12 2 KK J20 +17 12 2 KK J21 +17 12 2 KK J22 +17 12 2 KK J23 +17 12 2 KK J24 +17 12 2 KK J25 +17 12 2 KK J26 +17 12 2 KK J27 +17 12 2 KK J28 +17 12 2 KK J29 +17 12 2 KK J30 +17 12 2 KK J31 +17 12 2 KK J32 +17 12 2 KK J33 +17 12 2 KK J34 +17 12 2 KK J35 +17 12 2 KK J36 +17 12 2 KK J37 +17 12 2 KK J38 +17 12 2 KK J39 +17 12 2 KK J40 +17 12 3 QU H0 +17 12 3 QU H1 +17 12 3 QU H2 +17 12 4 KN B9 +17 12 4 KN B10 +17 12 4 KN B11 +17 12 4 KN B12 +17 12 4 KN C9 +17 12 4 KN C10 +17 12 4 KN D9 +17 12 4 KN D10 +17 12 5 MS E7 +17 12 5 MS E8 +17 12 5 MS E9 +17 12 5 MS F7 +17 12 5 MS F8 +17 12 5 MS F9 +17 12 6 RX C16 +17 12 6 RX C17 +17 12 6 RX C18 +17 12 6 RX C19 +17 12 6 RX C20 +17 12 6 RX D16 +17 12 6 RX D17 +17 12 6 RX D18 +17 12 6 RX D19 +17 12 6 RX D20 +17 12 6 RX E16 +17 12 6 RX E17 +17 12 6 RX E18 +17 12 6 RX E19 +17 12 6 RX E20 +17 12 6 RX F16 +17 12 6 RX F17 +17 12 6 RX F18 +17 12 6 RX F19 +17 12 6 RX F20 +17 12 6 RX G16 +17 12 6 RX G17 +17 12 6 RX G18 +17 12 6 RX G19 +17 12 6 RX G20 +17 12 7 AZ F31 +17 12 7 AZ G31 +17 12 7 AZ H31 +17 12 7 AZ I31 +17 12 8 RO C0 +17 12 8 RO C1 +17 12 8 RO C2 +17 12 8 RO C3 +17 12 8 RO C4 +17 12 8 RO C5 +17 12 8 RO C6 +17 12 9 PU E3 +17 12 9 PU E4 +17 12 9 PU E5 +17 12 9 PU F3 +17 12 9 PU F4 +17 12 10 LL F33 +17 12 10 LL F34 +17 12 10 LL F35 +17 12 10 LL G33 +17 12 10 LL G34 +17 12 10 LL G35 +17 12 11 CR B0 +17 12 11 CR B1 +17 12 11 CR B2 +17 12 11 CR B3 +17 12 11 CR B4 +17 12 11 CR B5 +17 12 11 CR B6 +17 12 11 CR B7 +17 12 11 CR B8 +17 12 12 SI H24 +17 12 12 SI H25 +17 12 12 SI H26 +17 12 12 SI H27 +17 12 12 SI I24 +17 12 12 SI I25 +17 12 12 SI I26 +17 12 12 SI I27 +17 12 13 CO I0 +17 12 13 CO I1 +17 12 13 CO I2 +17 13 1 SK A0 +17 13 1 SK A1 +17 13 1 SK A2 +17 13 1 SK A3 +17 13 1 SK A4 +17 13 1 SK A5 +17 13 1 SK A6 +17 13 1 SK A7 +17 13 1 SK A8 +17 13 1 SK A9 +17 13 1 SK A10 +17 13 1 SK A11 +17 13 1 SK A12 +17 13 1 SK A13 +17 13 1 SK A14 +17 13 1 SK A15 +17 13 1 SK A16 +17 13 1 SK A17 +17 13 1 SK A18 +17 13 1 SK A19 +17 13 1 SK A20 +17 13 1 SK A21 +17 13 1 SK A22 +17 13 1 SK A23 +17 13 1 SK A24 +17 13 1 SK A25 +17 13 1 SK A26 +17 13 1 SK A27 +17 13 1 SK A28 +17 13 1 SK A29 +17 13 1 SK A30 +17 13 1 SK A31 +17 13 1 SK A32 +17 13 1 SK A33 +17 13 1 SK A34 +17 13 1 SK A35 +17 13 1 SK A36 +17 13 1 SK A37 +17 13 1 SK A38 +17 13 1 SK A39 +17 13 1 SK A40 +17 13 2 KK J0 +17 13 2 KK J1 +17 13 2 KK J2 +17 13 2 KK J3 +17 13 2 KK J4 +17 13 2 KK J5 +17 13 2 KK J6 +17 13 2 KK J7 +17 13 2 KK J8 +17 13 2 KK J9 +17 13 2 KK J10 +17 13 2 KK J11 +17 13 2 KK J12 +17 13 2 KK J13 +17 13 2 KK J14 +17 13 2 KK J15 +17 13 2 KK J16 +17 13 2 KK J17 +17 13 2 KK J18 +17 13 2 KK J19 +17 13 2 KK J20 +17 13 2 KK J21 +17 13 2 KK J22 +17 13 2 KK J23 +17 13 2 KK J24 +17 13 2 KK J25 +17 13 2 KK J26 +17 13 2 KK J27 +17 13 2 KK J28 +17 13 2 KK J29 +17 13 2 KK J30 +17 13 2 KK J31 +17 13 2 KK J32 +17 13 2 KK J33 +17 13 2 KK J34 +17 13 2 KK J35 +17 13 2 KK J36 +17 13 2 KK J37 +17 13 2 KK J38 +17 13 2 KK J39 +17 13 2 KK J40 +17 13 3 QU E1 +17 13 3 QU E2 +17 13 3 QU E3 +17 13 3 QU E4 +17 13 3 QU F1 +17 13 3 QU F2 +17 13 3 QU F3 +17 13 3 QU F4 +17 13 3 QU G1 +17 13 3 QU G2 +17 13 3 QU G3 +17 13 3 QU G4 +17 13 3 QU H1 +17 13 3 QU H2 +17 13 3 QU H3 +17 13 3 QU H4 +17 13 4 KN C7 +17 13 4 KN C8 +17 13 4 KN C9 +17 13 4 KN C10 +17 13 4 KN C11 +17 13 4 KN C12 +17 13 4 KN C13 +17 13 4 KN D7 +17 13 4 KN D8 +17 13 4 KN D9 +17 13 4 KN D10 +17 13 4 KN D11 +17 13 4 KN D12 +17 13 4 KN D13 +17 13 4 KN E7 +17 13 4 KN E8 +17 13 4 KN E9 +17 13 4 KN E10 +17 13 4 KN E11 +17 13 4 KN E12 +17 13 4 KN E13 +17 13 5 RX E15 +17 13 5 RX E16 +17 13 5 RX E17 +17 13 5 RX E18 +17 13 5 RX E19 +17 13 5 RX E20 +17 13 5 RX F15 +17 13 5 RX F16 +17 13 5 RX F17 +17 13 5 RX F18 +17 13 5 RX F19 +17 13 5 RX F20 +17 13 5 RX G15 +17 13 5 RX G16 +17 13 5 RX G17 +17 13 5 RX G18 +17 13 5 RX G19 +17 13 5 RX G20 +17 13 5 RX H15 +17 13 5 RX H16 +17 13 5 RX H17 +17 13 5 RX H18 +17 13 5 RX H19 +17 13 5 RX H20 +17 14 1 SK A0 +17 14 1 SK A1 +17 14 1 SK A2 +17 14 1 SK A3 +17 14 1 SK A4 +17 14 1 SK A5 +17 14 1 SK A6 +17 14 1 SK A7 +17 14 1 SK A8 +17 14 1 SK A9 +17 14 1 SK A10 +17 14 1 SK A11 +17 14 1 SK A12 +17 14 1 SK A13 +17 14 1 SK A14 +17 14 1 SK A15 +17 14 1 SK A16 +17 14 1 SK A17 +17 14 1 SK A18 +17 14 1 SK A19 +17 14 1 SK A20 +17 14 1 SK A21 +17 14 1 SK A22 +17 14 1 SK A23 +17 14 1 SK A24 +17 14 1 SK A25 +17 14 1 SK A26 +17 14 1 SK A27 +17 14 1 SK A28 +17 14 1 SK A29 +17 14 1 SK A30 +17 14 1 SK A31 +17 14 1 SK A32 +17 14 1 SK A33 +17 14 1 SK A34 +17 14 1 SK A35 +17 14 1 SK A36 +17 14 1 SK A37 +17 14 1 SK A38 +17 14 1 SK A39 +17 14 1 SK A40 +17 14 2 KK J0 +17 14 2 KK J1 +17 14 2 KK J2 +17 14 2 KK J3 +17 14 2 KK J4 +17 14 2 KK J5 +17 14 2 KK J6 +17 14 2 KK J7 +17 14 2 KK J8 +17 14 2 KK J9 +17 14 2 KK J10 +17 14 2 KK J11 +17 14 2 KK J12 +17 14 2 KK J13 +17 14 2 KK J14 +17 14 2 KK J15 +17 14 2 KK J16 +17 14 2 KK J17 +17 14 2 KK J18 +17 14 2 KK J19 +17 14 2 KK J20 +17 14 2 KK J21 +17 14 2 KK J22 +17 14 2 KK J23 +17 14 2 KK J24 +17 14 2 KK J25 +17 14 2 KK J26 +17 14 2 KK J27 +17 14 2 KK J28 +17 14 2 KK J29 +17 14 2 KK J30 +17 14 2 KK J31 +17 14 2 KK J32 +17 14 2 KK J33 +17 14 2 KK J34 +17 14 2 KK J35 +17 14 2 KK J36 +17 14 2 KK J37 +17 14 2 KK J38 +17 14 2 KK J39 +17 14 2 KK J40 +17 14 3 QU C39 +17 14 3 QU C40 +17 14 3 QU D39 +17 14 3 QU D40 +17 14 3 QU E39 +17 14 3 QU E40 +17 14 3 QU F39 +17 14 3 QU F40 +17 14 3 QU G39 +17 14 3 QU G40 +17 14 3 QU H39 +17 14 3 QU H40 +17 14 3 QU I39 +17 14 3 QU I40 +17 14 4 KN C8 +17 14 4 KN C9 +17 14 4 KN C10 +17 14 4 KN C11 +17 14 4 KN C12 +17 14 4 KN C13 +17 14 4 KN C14 +17 14 5 RX C16 +17 14 5 RX C17 +17 14 5 RX C18 +17 14 5 RX C19 +17 14 5 RX D16 +17 14 5 RX D17 +17 14 5 RX D18 +17 14 5 RX D19 +17 14 5 RX E16 +17 14 5 RX E17 +17 14 5 RX E18 +17 14 5 RX E19 +17 14 5 RX F16 +17 14 5 RX F17 +17 14 5 RX F18 +17 14 5 RX F19 +17 14 5 RX G16 +17 14 5 RX G17 +17 14 5 RX G18 +17 14 5 RX G19 +17 14 5 RX H16 +17 14 5 RX H17 +17 14 5 RX H18 +17 14 5 RX H19 +17 14 5 RX I16 +17 14 5 RX I17 +17 14 5 RX I18 +17 14 5 RX I19 +17 14 6 AZ D29 +17 14 6 AZ D30 +17 14 6 AZ E29 +17 14 6 AZ E30 +17 14 6 AZ F29 +17 14 6 AZ F30 +17 14 6 AZ G29 +17 14 6 AZ G30 +17 14 6 AZ H29 +17 14 6 AZ H30 +17 14 6 AZ I29 +17 14 6 AZ I30 +17 14 7 MO C35 +17 14 7 MO C36 +17 14 7 MO C37 +17 14 7 MO D35 +17 14 7 MO D36 +17 14 7 MO D37 +17 14 7 MO E35 +17 14 7 MO E36 +17 14 7 MO E37 +17 14 7 MO F35 +17 14 7 MO F36 +17 14 7 MO F37 +17 14 7 MO G35 +17 14 7 MO G36 +17 14 7 MO G37 +17 14 7 MO H35 +17 14 7 MO H36 +17 14 7 MO H37 +17 14 8 CK D12 +17 14 8 CK D13 +17 14 8 CK E12 +17 14 8 CK E13 +17 14 8 CK F12 +17 14 8 CK F13 +17 14 8 CK G12 +17 14 8 CK G13 +17 14 8 CK H12 +17 14 8 CK H13 +17 14 8 CK I12 +17 14 8 CK I13 +17 14 9 NA E6 +17 14 9 NA E7 +17 14 9 NA E8 +17 14 9 NA E9 +17 14 9 NA F6 +17 14 9 NA F7 +17 14 9 NA F8 +17 14 9 NA F9 +17 14 10 PU D8 +17 14 10 PU D9 +17 14 10 PU D10 +17 14 10 PU D11 +17 14 10 PU D12 +17 14 11 TZ E0 +17 14 11 TZ F0 +17 14 11 TZ G0 +17 14 11 TZ H0 +17 14 11 TZ I0 +17 15 1 SK A0 +17 15 1 SK A1 +17 15 1 SK A2 +17 15 1 SK A3 +17 15 1 SK A4 +17 15 1 SK A5 +17 15 1 SK A6 +17 15 1 SK A7 +17 15 1 SK A8 +17 15 1 SK A9 +17 15 1 SK A10 +17 15 1 SK A11 +17 15 1 SK A12 +17 15 1 SK A13 +17 15 1 SK A14 +17 15 1 SK A15 +17 15 1 SK A16 +17 15 1 SK A17 +17 15 1 SK A18 +17 15 1 SK A19 +17 15 1 SK A20 +17 15 1 SK A21 +17 15 1 SK A22 +17 15 1 SK A23 +17 15 1 SK A24 +17 15 1 SK A25 +17 15 1 SK A26 +17 15 1 SK A27 +17 15 1 SK A28 +17 15 1 SK A29 +17 15 1 SK A30 +17 15 1 SK A31 +17 15 1 SK A32 +17 15 1 SK A33 +17 15 1 SK A34 +17 15 1 SK A35 +17 15 1 SK A36 +17 15 1 SK A37 +17 15 1 SK A38 +17 15 1 SK A39 +17 15 1 SK A40 +17 15 2 KK J0 +17 15 2 KK J1 +17 15 2 KK J2 +17 15 2 KK J3 +17 15 2 KK J4 +17 15 2 KK J5 +17 15 2 KK J6 +17 15 2 KK J7 +17 15 2 KK J8 +17 15 2 KK J9 +17 15 2 KK J10 +17 15 2 KK J11 +17 15 2 KK J12 +17 15 2 KK J13 +17 15 2 KK J14 +17 15 2 KK J15 +17 15 2 KK J16 +17 15 2 KK J17 +17 15 2 KK J18 +17 15 2 KK J19 +17 15 2 KK J20 +17 15 2 KK J21 +17 15 2 KK J22 +17 15 2 KK J23 +17 15 2 KK J24 +17 15 2 KK J25 +17 15 2 KK J26 +17 15 2 KK J27 +17 15 2 KK J28 +17 15 2 KK J29 +17 15 2 KK J30 +17 15 2 KK J31 +17 15 2 KK J32 +17 15 2 KK J33 +17 15 2 KK J34 +17 15 2 KK J35 +17 15 2 KK J36 +17 15 2 KK J37 +17 15 2 KK J38 +17 15 2 KK J39 +17 15 2 KK J40 +17 15 3 QU H3 +17 15 4 RX H20 +17 15 5 CK G7 +17 16 1 SK A0 +17 16 1 SK A1 +17 16 1 SK A2 +17 16 1 SK A3 +17 16 1 SK A4 +17 16 1 SK A5 +17 16 1 SK A6 +17 16 1 SK A7 +17 16 1 SK A8 +17 16 1 SK A9 +17 16 1 SK A10 +17 16 1 SK A11 +17 16 1 SK A12 +17 16 1 SK A13 +17 16 1 SK A14 +17 16 1 SK A15 +17 16 1 SK A16 +17 16 1 SK A17 +17 16 1 SK A18 +17 16 1 SK A19 +17 16 1 SK A20 +17 16 1 SK A21 +17 16 1 SK A22 +17 16 1 SK A23 +17 16 1 SK A24 +17 16 1 SK A25 +17 16 1 SK A26 +17 16 1 SK A27 +17 16 1 SK A28 +17 16 1 SK A29 +17 16 1 SK A30 +17 16 1 SK A31 +17 16 1 SK A32 +17 16 1 SK A33 +17 16 1 SK A34 +17 16 1 SK A35 +17 16 1 SK A36 +17 16 1 SK A37 +17 16 1 SK A38 +17 16 1 SK A39 +17 16 1 SK A40 +17 16 2 KK J0 +17 16 2 KK J1 +17 16 2 KK J2 +17 16 2 KK J3 +17 16 2 KK J4 +17 16 2 KK J5 +17 16 2 KK J6 +17 16 2 KK J7 +17 16 2 KK J8 +17 16 2 KK J9 +17 16 2 KK J10 +17 16 2 KK J11 +17 16 2 KK J12 +17 16 2 KK J13 +17 16 2 KK J14 +17 16 2 KK J15 +17 16 2 KK J16 +17 16 2 KK J17 +17 16 2 KK J18 +17 16 2 KK J19 +17 16 2 KK J20 +17 16 2 KK J21 +17 16 2 KK J22 +17 16 2 KK J23 +17 16 2 KK J24 +17 16 2 KK J25 +17 16 2 KK J26 +17 16 2 KK J27 +17 16 2 KK J28 +17 16 2 KK J29 +17 16 2 KK J30 +17 16 2 KK J31 +17 16 2 KK J32 +17 16 2 KK J33 +17 16 2 KK J34 +17 16 2 KK J35 +17 16 2 KK J36 +17 16 2 KK J37 +17 16 2 KK J38 +17 16 2 KK J39 +17 16 2 KK J40 +17 16 3 QU G2 +17 16 4 RX G17 +17 16 5 CK H6 +17 17 1 SK A0 +17 17 1 SK A1 +17 17 1 SK A2 +17 17 1 SK A3 +17 17 1 SK A4 +17 17 1 SK A5 +17 17 1 SK A6 +17 17 1 SK A7 +17 17 1 SK A8 +17 17 1 SK A9 +17 17 1 SK A10 +17 17 1 SK A11 +17 17 1 SK A12 +17 17 1 SK A13 +17 17 1 SK A14 +17 17 1 SK A15 +17 17 1 SK A16 +17 17 1 SK A17 +17 17 1 SK A18 +17 17 1 SK A19 +17 17 1 SK A20 +17 17 1 SK A21 +17 17 1 SK A22 +17 17 1 SK A23 +17 17 1 SK A24 +17 17 1 SK A25 +17 17 1 SK A26 +17 17 1 SK A27 +17 17 1 SK A28 +17 17 1 SK A29 +17 17 1 SK A30 +17 17 1 SK A31 +17 17 1 SK A32 +17 17 1 SK A33 +17 17 1 SK A34 +17 17 1 SK A35 +17 17 1 SK A36 +17 17 1 SK A37 +17 17 1 SK A38 +17 17 1 SK A39 +17 17 1 SK A40 +17 17 2 KK J0 +17 17 2 KK J1 +17 17 2 KK J2 +17 17 2 KK J3 +17 17 2 KK J4 +17 17 2 KK J5 +17 17 2 KK J6 +17 17 2 KK J7 +17 17 2 KK J8 +17 17 2 KK J9 +17 17 2 KK J10 +17 17 2 KK J11 +17 17 2 KK J12 +17 17 2 KK J13 +17 17 2 KK J14 +17 17 2 KK J15 +17 17 2 KK J16 +17 17 2 KK J17 +17 17 2 KK J18 +17 17 2 KK J19 +17 17 2 KK J20 +17 17 2 KK J21 +17 17 2 KK J22 +17 17 2 KK J23 +17 17 2 KK J24 +17 17 2 KK J25 +17 17 2 KK J26 +17 17 2 KK J27 +17 17 2 KK J28 +17 17 2 KK J29 +17 17 2 KK J30 +17 17 2 KK J31 +17 17 2 KK J32 +17 17 2 KK J33 +17 17 2 KK J34 +17 17 2 KK J35 +17 17 2 KK J36 +17 17 2 KK J37 +17 17 2 KK J38 +17 17 2 KK J39 +17 17 2 KK J40 +17 17 3 QU G1 +17 17 3 QU G2 +17 17 3 QU G3 +17 17 3 QU G4 +17 17 3 QU H1 +17 17 3 QU H2 +17 17 3 QU H3 +17 17 3 QU H4 +17 17 4 KN B10 +17 17 4 KN B11 +17 17 4 KN B12 +17 17 4 KN B13 +17 17 5 RX D16 +17 17 5 RX D17 +17 17 5 RX D18 +17 17 5 RX D19 +17 17 5 RX D20 +17 17 5 RX D21 +17 17 5 RX D22 +17 17 5 RX E16 +17 17 5 RX E17 +17 17 5 RX E18 +17 17 5 RX E19 +17 17 5 RX E20 +17 17 5 RX E21 +17 17 5 RX E22 +17 17 5 RX F16 +17 17 5 RX F17 +17 17 5 RX F18 +17 17 5 RX F19 +17 17 5 RX F20 +17 17 5 RX F21 +17 17 5 RX F22 +17 17 5 RX G16 +17 17 5 RX G17 +17 17 5 RX G18 +17 17 5 RX G19 +17 17 5 RX G20 +17 17 5 RX G21 +17 17 5 RX G22 +17 17 6 CL E26 +17 17 6 CL E27 +17 17 6 CL E28 +17 17 6 CL E29 +17 17 6 CL E30 +17 17 6 CL F26 +17 17 6 CL F27 +17 17 6 CL F28 +17 17 6 CL F29 +17 17 6 CL F30 +17 17 6 CL G26 +17 17 6 CL G27 +17 17 6 CL G28 +17 17 6 CL G29 +17 17 6 CL G30 +17 17 7 MO E31 +17 17 7 MO E32 +17 17 7 MO E33 +17 17 7 MO E34 +17 17 7 MO E35 +17 17 7 MO E36 +17 17 7 MO E37 +17 17 7 MO E38 +17 17 7 MO E39 +17 17 7 MO E40 +17 17 7 MO F31 +17 17 7 MO F32 +17 17 7 MO F33 +17 17 7 MO F34 +17 17 7 MO F35 +17 17 7 MO F36 +17 17 7 MO F37 +17 17 7 MO F38 +17 17 7 MO F39 +17 17 7 MO F40 +17 17 7 MO G31 +17 17 7 MO G32 +17 17 7 MO G33 +17 17 7 MO G34 +17 17 7 MO G35 +17 17 7 MO G36 +17 17 7 MO G37 +17 17 7 MO G38 +17 17 7 MO G39 +17 17 7 MO G40 +17 17 7 MO H31 +17 17 7 MO H32 +17 17 7 MO H33 +17 17 7 MO H34 +17 17 7 MO H35 +17 17 7 MO H36 +17 17 7 MO H37 +17 17 7 MO H38 +17 17 7 MO H39 +17 17 7 MO H40 +17 17 7 MO I31 +17 17 7 MO I32 +17 17 7 MO I33 +17 17 7 MO I34 +17 17 7 MO I35 +17 17 7 MO I36 +17 17 7 MO I37 +17 17 7 MO I38 +17 17 7 MO I39 +17 17 7 MO I40 +17 17 8 CK F8 +17 17 8 CK F9 +17 17 8 CK F10 +17 17 8 CK F11 +17 17 8 CK F12 +17 17 8 CK F13 +17 17 8 CK F14 +17 17 8 CK G8 +17 17 8 CK G9 +17 17 8 CK G10 +17 17 8 CK G11 +17 17 8 CK G12 +17 17 8 CK G13 +17 17 8 CK G14 +17 17 8 CK H8 +17 17 8 CK H9 +17 17 8 CK H10 +17 17 8 CK H11 +17 17 8 CK H12 +17 17 8 CK H13 +17 17 8 CK H14 +17 17 9 RO B0 +17 17 9 RO B1 +17 17 9 RO B2 +17 17 9 RO B3 +17 17 9 RO B4 +17 17 9 RO B5 +17 17 9 RO B6 +17 17 9 RO B7 +17 17 10 NA C8 +17 17 10 NA C9 +17 17 10 NA D6 +17 17 10 NA D7 +17 17 10 NA D8 +17 17 10 NA D9 +17 18 1 SK A0 +17 18 1 SK A1 +17 18 1 SK A2 +17 18 1 SK A3 +17 18 1 SK A4 +17 18 1 SK A5 +17 18 1 SK A6 +17 18 1 SK A7 +17 18 1 SK A8 +17 18 1 SK A9 +17 18 1 SK A10 +17 18 1 SK A11 +17 18 1 SK A12 +17 18 1 SK A13 +17 18 1 SK A14 +17 18 1 SK A15 +17 18 1 SK A16 +17 18 1 SK A17 +17 18 1 SK A18 +17 18 1 SK A19 +17 18 1 SK A20 +17 18 1 SK A21 +17 18 1 SK A22 +17 18 1 SK A23 +17 18 1 SK A24 +17 18 1 SK A25 +17 18 1 SK A26 +17 18 1 SK A27 +17 18 1 SK A28 +17 18 1 SK A29 +17 18 1 SK A30 +17 18 1 SK A31 +17 18 1 SK A32 +17 18 1 SK A33 +17 18 1 SK A34 +17 18 1 SK A35 +17 18 1 SK A36 +17 18 1 SK A37 +17 18 1 SK A38 +17 18 1 SK A39 +17 18 1 SK A40 +17 18 2 KK J0 +17 18 2 KK J1 +17 18 2 KK J2 +17 18 2 KK J3 +17 18 2 KK J4 +17 18 2 KK J5 +17 18 2 KK J6 +17 18 2 KK J7 +17 18 2 KK J8 +17 18 2 KK J9 +17 18 2 KK J10 +17 18 2 KK J11 +17 18 2 KK J12 +17 18 2 KK J13 +17 18 2 KK J14 +17 18 2 KK J15 +17 18 2 KK J16 +17 18 2 KK J17 +17 18 2 KK J18 +17 18 2 KK J19 +17 18 2 KK J20 +17 18 2 KK J21 +17 18 2 KK J22 +17 18 2 KK J23 +17 18 2 KK J24 +17 18 2 KK J25 +17 18 2 KK J26 +17 18 2 KK J27 +17 18 2 KK J28 +17 18 2 KK J29 +17 18 2 KK J30 +17 18 2 KK J31 +17 18 2 KK J32 +17 18 2 KK J33 +17 18 2 KK J34 +17 18 2 KK J35 +17 18 2 KK J36 +17 18 2 KK J37 +17 18 2 KK J38 +17 18 2 KK J39 +17 18 2 KK J40 +17 18 3 QU E2 +17 18 3 QU E3 +17 18 3 QU I0 +17 18 4 KN C11 +17 18 4 KN C12 +17 18 5 RX H15 +17 18 5 RX H16 +17 18 5 RX H17 +17 18 5 RX H18 +17 18 6 AZ G28 +17 18 6 AZ G29 +17 18 7 CL F28 +17 18 7 CL F29 +17 18 8 MO H32 +17 18 8 MO H33 +17 18 9 RO C1 +17 18 9 RO C2 +17 18 9 RO C3 +17 18 10 PU D6 +17 18 10 PU D7 +17 19 1 SK A0 +17 19 1 SK A1 +17 19 1 SK A2 +17 19 1 SK A3 +17 19 1 SK A4 +17 19 1 SK A5 +17 19 1 SK A6 +17 19 1 SK A7 +17 19 1 SK A8 +17 19 1 SK A9 +17 19 1 SK A10 +17 19 1 SK A11 +17 19 1 SK A12 +17 19 1 SK A13 +17 19 1 SK A14 +17 19 1 SK A15 +17 19 1 SK A16 +17 19 1 SK A17 +17 19 1 SK A18 +17 19 1 SK A19 +17 19 1 SK A20 +17 19 1 SK A21 +17 19 1 SK A22 +17 19 1 SK A23 +17 19 1 SK A24 +17 19 1 SK A25 +17 19 1 SK A26 +17 19 1 SK A27 +17 19 1 SK A28 +17 19 1 SK A29 +17 19 1 SK A30 +17 19 1 SK A31 +17 19 1 SK A32 +17 19 1 SK A33 +17 19 1 SK A34 +17 19 1 SK A35 +17 19 1 SK A36 +17 19 1 SK A37 +17 19 1 SK A38 +17 19 1 SK A39 +17 19 1 SK A40 +17 19 2 KK J0 +17 19 2 KK J1 +17 19 2 KK J2 +17 19 2 KK J3 +17 19 2 KK J4 +17 19 2 KK J5 +17 19 2 KK J6 +17 19 2 KK J7 +17 19 2 KK J8 +17 19 2 KK J9 +17 19 2 KK J10 +17 19 2 KK J11 +17 19 2 KK J12 +17 19 2 KK J13 +17 19 2 KK J14 +17 19 2 KK J15 +17 19 2 KK J16 +17 19 2 KK J17 +17 19 2 KK J18 +17 19 2 KK J19 +17 19 2 KK J20 +17 19 2 KK J21 +17 19 2 KK J22 +17 19 2 KK J23 +17 19 2 KK J24 +17 19 2 KK J25 +17 19 2 KK J26 +17 19 2 KK J27 +17 19 2 KK J28 +17 19 2 KK J29 +17 19 2 KK J30 +17 19 2 KK J31 +17 19 2 KK J32 +17 19 2 KK J33 +17 19 2 KK J34 +17 19 2 KK J35 +17 19 2 KK J36 +17 19 2 KK J37 +17 19 2 KK J38 +17 19 2 KK J39 +17 19 2 KK J40 +17 19 3 QU G1 +17 19 3 QU G2 +17 19 3 QU G3 +17 19 3 QU H1 +17 19 3 QU H2 +17 19 3 QU H3 +17 19 4 KN D8 +17 19 4 KN D9 +17 19 4 KN D10 +17 19 4 KN D11 +17 19 4 KN D12 +17 19 4 KN D13 +17 19 5 AZ H21 +17 19 5 AZ H22 +17 19 5 AZ H23 +17 19 5 AZ H24 +17 19 5 AZ H25 +17 19 5 AZ H26 +17 19 5 AZ H27 +17 19 5 AZ H28 +17 19 5 AZ H29 +17 19 5 AZ H30 +17 19 5 AZ H31 +17 19 5 AZ H32 +17 19 5 AZ I16 +17 19 5 AZ I17 +17 19 5 AZ I18 +17 19 5 AZ I19 +17 19 5 AZ I20 +17 19 5 AZ I21 +17 19 5 AZ I22 +17 19 5 AZ I23 +17 19 5 AZ I24 +17 19 5 AZ I25 +17 19 5 AZ I26 +17 19 5 AZ I27 +17 19 5 AZ I28 +17 19 5 AZ I29 +17 19 5 AZ I30 +17 19 6 CL E17 +17 19 6 CL E18 +17 19 6 CL E19 +17 19 6 CL E20 +17 19 6 CL E21 +17 19 6 CL E22 +17 19 6 CL E23 +17 19 6 CL E24 +17 19 6 CL E25 +17 19 6 CL E26 +17 19 6 CL E27 +17 19 6 CL E28 +17 19 6 CL E29 +17 19 6 CL E30 +17 19 6 CL E31 +17 19 6 CL G16 +17 19 6 CL G17 +17 19 6 CL G18 +17 19 6 CL G19 +17 19 6 CL G20 +17 19 6 CL G21 +17 19 6 CL G22 +17 19 6 CL G23 +17 19 6 CL G24 +17 19 6 CL G25 +17 19 6 CL G26 +17 19 6 CL G27 +17 19 6 CL G28 +17 19 6 CL G29 +17 19 6 CL G30 +17 19 6 CL G31 +17 19 6 CL G32 +17 19 7 CK F5 +17 19 7 CK F6 +17 19 7 CK F7 +17 19 7 CK F8 +17 19 7 CK F9 +17 19 7 CK G5 +17 19 7 CK G6 +17 19 7 CK G7 +17 19 7 CK G8 +17 19 7 CK G9 +17 19 8 RO E36 +17 19 8 RO E37 +17 19 8 RO E38 +17 19 8 RO E39 +17 19 8 RO E40 +17 19 8 RO F36 +17 19 8 RO F37 +17 19 8 RO F38 +17 19 8 RO F39 +17 19 8 RO F40 +17 19 9 NA D1 +17 19 9 NA D2 +17 19 9 NA D3 +17 19 9 NA D4 +17 19 9 NA D5 +17 20 1 SK A0 +17 20 1 SK A1 +17 20 1 SK A2 +17 20 1 SK A3 +17 20 1 SK A4 +17 20 1 SK A5 +17 20 1 SK A6 +17 20 1 SK A7 +17 20 1 SK A8 +17 20 1 SK A9 +17 20 1 SK A10 +17 20 1 SK A11 +17 20 1 SK A12 +17 20 1 SK A13 +17 20 1 SK A14 +17 20 1 SK A15 +17 20 1 SK A16 +17 20 1 SK A17 +17 20 1 SK A18 +17 20 1 SK A19 +17 20 1 SK A20 +17 20 1 SK A21 +17 20 1 SK A22 +17 20 1 SK A23 +17 20 1 SK A24 +17 20 1 SK A25 +17 20 1 SK A26 +17 20 1 SK A27 +17 20 1 SK A28 +17 20 1 SK A29 +17 20 1 SK A30 +17 20 1 SK A31 +17 20 1 SK A32 +17 20 1 SK A33 +17 20 1 SK A34 +17 20 1 SK A35 +17 20 1 SK A36 +17 20 1 SK A37 +17 20 1 SK A38 +17 20 1 SK A39 +17 20 1 SK A40 +17 20 2 KK J6 +17 20 2 KK J7 +17 20 3 QU G1 +17 20 4 KN C10 +17 20 4 KN C11 +17 20 5 RX F16 +17 20 5 RX F17 +17 20 6 AZ H28 +17 20 6 AZ H29 +17 20 7 CK G5 +17 20 7 CK G6 +17 20 8 GR E1 +17 20 8 GR F1 +17 21 1 SK A0 +17 21 1 SK A1 +17 21 1 SK A2 +17 21 1 SK A3 +17 21 1 SK A4 +17 21 1 SK A5 +17 21 1 SK A6 +17 21 1 SK A7 +17 21 1 SK A8 +17 21 1 SK A9 +17 21 1 SK A10 +17 21 1 SK A11 +17 21 1 SK A12 +17 21 1 SK A13 +17 21 1 SK A14 +17 21 1 SK A15 +17 21 1 SK A16 +17 21 1 SK A17 +17 21 1 SK A18 +17 21 1 SK A19 +17 21 1 SK A20 +17 21 1 SK A21 +17 21 1 SK A22 +17 21 1 SK A23 +17 21 1 SK A24 +17 21 1 SK A25 +17 21 1 SK A26 +17 21 1 SK A27 +17 21 1 SK A28 +17 21 1 SK A29 +17 21 1 SK A30 +17 21 1 SK A31 +17 21 1 SK A32 +17 21 1 SK A33 +17 21 1 SK A34 +17 21 1 SK A35 +17 21 1 SK A36 +17 21 1 SK A37 +17 21 1 SK A38 +17 21 1 SK A39 +17 21 1 SK A40 +17 21 2 KK J0 +17 21 2 KK J1 +17 21 2 KK J2 +17 21 2 KK J3 +17 21 2 KK J4 +17 21 2 KK J5 +17 21 2 KK J6 +17 21 2 KK J7 +17 21 2 KK J8 +17 21 2 KK J9 +17 21 2 KK J10 +17 21 2 KK J11 +17 21 2 KK J12 +17 21 2 KK J13 +17 21 2 KK J14 +17 21 2 KK J15 +17 21 2 KK J16 +17 21 2 KK J17 +17 21 2 KK J18 +17 21 2 KK J19 +17 21 2 KK J20 +17 21 2 KK J21 +17 21 2 KK J22 +17 21 2 KK J23 +17 21 2 KK J24 +17 21 2 KK J25 +17 21 2 KK J26 +17 21 2 KK J27 +17 21 2 KK J28 +17 21 2 KK J29 +17 21 2 KK J30 +17 21 2 KK J31 +17 21 2 KK J32 +17 21 2 KK J33 +17 21 2 KK J34 +17 21 2 KK J35 +17 21 2 KK J36 +17 21 2 KK J37 +17 21 2 KK J38 +17 21 2 KK J39 +17 21 2 KK J40 +17 21 3 QU G38 +17 21 3 QU G39 +17 21 3 QU G40 +17 21 4 KN D8 +17 21 4 KN D9 +17 21 4 KN D10 +17 21 5 RX D16 +17 21 5 RX D17 +17 21 5 RX D18 +17 21 6 AZ E25 +17 21 6 AZ E26 +17 21 6 AZ E27 +17 21 6 AZ E28 +17 21 6 AZ E29 +17 21 7 CK E9 +17 21 7 CK E10 +17 21 7 CK E11 +17 21 7 CK E12 +17 21 7 CK F9 +17 21 7 CK F10 +17 21 7 CK F11 +17 21 7 CK F12 +17 21 8 PU D1 +17 21 8 PU D2 +17 21 8 PU D3 +17 21 8 PU D4 +17 21 8 PU D5 +17 22 1 SK A0 +17 22 1 SK A1 +17 22 1 SK A2 +17 22 1 SK A3 +17 22 1 SK A4 +17 22 1 SK A5 +17 22 1 SK A6 +17 22 1 SK A7 +17 22 1 SK A8 +17 22 1 SK A9 +17 22 1 SK A10 +17 22 1 SK A11 +17 22 1 SK A12 +17 22 1 SK A13 +17 22 1 SK A14 +17 22 1 SK A15 +17 22 1 SK A16 +17 22 1 SK A17 +17 22 1 SK A18 +17 22 1 SK A19 +17 22 1 SK A20 +17 22 1 SK A21 +17 22 1 SK A22 +17 22 1 SK A23 +17 22 1 SK A24 +17 22 1 SK A25 +17 22 1 SK A26 +17 22 1 SK A27 +17 22 1 SK A28 +17 22 1 SK A29 +17 22 1 SK A30 +17 22 1 SK A31 +17 22 1 SK A32 +17 22 1 SK A33 +17 22 1 SK A34 +17 22 1 SK A35 +17 22 1 SK A36 +17 22 1 SK A37 +17 22 1 SK A38 +17 22 1 SK A39 +17 22 1 SK A40 +17 22 2 KK J0 +17 22 2 KK J1 +17 22 2 KK J2 +17 22 2 KK J3 +17 22 2 KK J4 +17 22 2 KK J5 +17 22 2 KK J6 +17 22 2 KK J7 +17 22 2 KK J8 +17 22 2 KK J9 +17 22 2 KK J10 +17 22 2 KK J11 +17 22 2 KK J12 +17 22 2 KK J13 +17 22 2 KK J14 +17 22 2 KK J15 +17 22 2 KK J16 +17 22 2 KK J17 +17 22 2 KK J18 +17 22 2 KK J19 +17 22 2 KK J20 +17 22 2 KK J21 +17 22 2 KK J22 +17 22 2 KK J23 +17 22 2 KK J24 +17 22 2 KK J25 +17 22 2 KK J26 +17 22 2 KK J27 +17 22 2 KK J28 +17 22 2 KK J29 +17 22 2 KK J30 +17 22 2 KK J31 +17 22 2 KK J32 +17 22 2 KK J33 +17 22 2 KK J34 +17 22 2 KK J35 +17 22 2 KK J36 +17 22 2 KK J37 +17 22 2 KK J38 +17 22 2 KK J39 +17 22 2 KK J40 +17 22 3 QU F2 +17 22 4 KN C12 +17 22 5 RX G18 +17 22 6 AZ F29 +17 22 7 CL C28 +17 22 8 MO G35 +17 22 9 CK F8 +17 22 10 CO H2 +17 23 1 SK A0 +17 23 1 SK A1 +17 23 1 SK A2 +17 23 1 SK A3 +17 23 1 SK A4 +17 23 1 SK A5 +17 23 1 SK A6 +17 23 1 SK A7 +17 23 1 SK A8 +17 23 1 SK A9 +17 23 1 SK A10 +17 23 1 SK A11 +17 23 1 SK A12 +17 23 1 SK A13 +17 23 1 SK A14 +17 23 1 SK A15 +17 23 1 SK A16 +17 23 1 SK A17 +17 23 1 SK A18 +17 23 1 SK A19 +17 23 1 SK A20 +17 23 1 SK A21 +17 23 1 SK A22 +17 23 1 SK A23 +17 23 1 SK A24 +17 23 1 SK A25 +17 23 1 SK A26 +17 23 1 SK A27 +17 23 1 SK A28 +17 23 1 SK A29 +17 23 1 SK A30 +17 23 1 SK A31 +17 23 1 SK A32 +17 23 1 SK A33 +17 23 1 SK A34 +17 23 1 SK A35 +17 23 1 SK A36 +17 23 1 SK A37 +17 23 1 SK A38 +17 23 1 SK A39 +17 23 1 SK A40 +17 23 2 KK C1 +17 23 2 KK D1 +17 23 2 KK E1 +17 23 2 KK F1 +17 23 2 KK G1 +17 23 3 QU F1 +17 23 3 QU F2 +17 23 3 QU F3 +17 23 3 QU F4 +17 23 3 QU G1 +17 23 3 QU G2 +17 23 3 QU G3 +17 23 3 QU G4 +17 23 3 QU H1 +17 23 3 QU H2 +17 23 3 QU H3 +17 23 3 QU H4 +17 23 3 QU I1 +17 23 3 QU I2 +17 23 3 QU I3 +17 23 3 QU I4 +17 23 4 KN C10 +17 23 4 KN C11 +17 23 4 KN C12 +17 23 4 KN C13 +17 23 4 KN D10 +17 23 4 KN D11 +17 23 4 KN D12 +17 23 4 KN D13 +17 23 5 RX B15 +17 23 5 RX B16 +17 23 5 RX B17 +17 23 5 RX B18 +17 23 5 RX B19 +17 23 5 RX B20 +17 23 5 RX B21 +17 23 5 RX B22 +17 23 5 RX C15 +17 23 5 RX C16 +17 23 5 RX C17 +17 23 5 RX C18 +17 23 5 RX C19 +17 23 5 RX C20 +17 23 5 RX C21 +17 23 5 RX C22 +17 23 5 RX D15 +17 23 5 RX D16 +17 23 5 RX D17 +17 23 5 RX D18 +17 23 5 RX D19 +17 23 5 RX D20 +17 23 5 RX D21 +17 23 5 RX D22 +17 23 5 RX E15 +17 23 5 RX E16 +17 23 5 RX E17 +17 23 5 RX E18 +17 23 5 RX E19 +17 23 5 RX E20 +17 23 5 RX E21 +17 23 5 RX E22 +17 23 5 RX F15 +17 23 5 RX F16 +17 23 5 RX F17 +17 23 5 RX F18 +17 23 5 RX F19 +17 23 5 RX F20 +17 23 5 RX F21 +17 23 5 RX F22 +17 23 5 RX G15 +17 23 5 RX G16 +17 23 5 RX G17 +17 23 5 RX G18 +17 23 5 RX G19 +17 23 5 RX G20 +17 23 5 RX G21 +17 23 5 RX G22 +17 23 6 AZ D25 +17 23 6 AZ D26 +17 23 6 AZ D27 +17 23 6 AZ D28 +17 23 6 AZ D29 +17 23 6 AZ D30 +17 23 6 AZ E25 +17 23 6 AZ E26 +17 23 6 AZ E27 +17 23 6 AZ E28 +17 23 6 AZ E29 +17 23 6 AZ E30 +17 23 6 AZ F25 +17 23 6 AZ F26 +17 23 6 AZ F27 +17 23 6 AZ F28 +17 23 6 AZ F29 +17 23 6 AZ F30 +17 23 6 AZ G25 +17 23 6 AZ G26 +17 23 6 AZ G27 +17 23 6 AZ G28 +17 23 6 AZ G29 +17 23 6 AZ G30 +17 23 6 AZ H25 +17 23 6 AZ H26 +17 23 6 AZ H27 +17 23 6 AZ H28 +17 23 6 AZ H29 +17 23 6 AZ H30 +17 23 7 MO D33 +17 23 7 MO D34 +17 23 7 MO D35 +17 23 7 MO D36 +17 23 7 MO D37 +17 23 7 MO D38 +17 23 7 MO D39 +17 23 7 MO D40 +17 23 7 MO E33 +17 23 7 MO E34 +17 23 7 MO E35 +17 23 7 MO E36 +17 23 7 MO E37 +17 23 7 MO E38 +17 23 7 MO E39 +17 23 7 MO E40 +17 23 7 MO F33 +17 23 7 MO F34 +17 23 7 MO F35 +17 23 7 MO F36 +17 23 7 MO F37 +17 23 7 MO F38 +17 23 7 MO F39 +17 23 7 MO F40 +17 23 7 MO G33 +17 23 7 MO G34 +17 23 7 MO G35 +17 23 7 MO G36 +17 23 7 MO G37 +17 23 7 MO G38 +17 23 7 MO G39 +17 23 7 MO G40 +17 23 7 MO H33 +17 23 7 MO H34 +17 23 7 MO H35 +17 23 7 MO H36 +17 23 7 MO H37 +17 23 7 MO H38 +17 23 7 MO H39 +17 23 7 MO H40 +17 23 7 MO I33 +17 23 7 MO I34 +17 23 7 MO I35 +17 23 7 MO I36 +17 23 7 MO I37 +17 23 7 MO I38 +17 23 7 MO I39 +17 23 7 MO I40 +17 23 8 CK E10 +17 23 8 CK E11 +17 23 8 CK E12 +17 23 8 CK E13 +17 23 8 CK E14 +17 23 8 CK F10 +17 23 8 CK F11 +17 23 8 CK F12 +17 23 8 CK F13 +17 23 8 CK F14 +17 23 8 CK G10 +17 23 8 CK G11 +17 23 8 CK G12 +17 23 8 CK G13 +17 23 8 CK G14 +17 23 9 RO C35 +17 23 9 RO C36 +17 23 9 RO C37 +17 23 9 RO C38 +17 23 9 RO C39 +17 23 9 RO C40 +17 23 10 CR B1 +17 23 10 CR B2 +17 23 10 CR B3 +17 23 10 CR B4 +17 23 10 CR B5 +17 23 10 CR B6 +17 23 10 CR B7 +17 23 11 CH B24 +17 23 11 CH B25 +17 23 11 CH B26 +17 23 11 CH B27 +17 23 11 CH B28 +17 23 11 CH B29 +17 23 11 CH B30 +17 24 1 SK A0 +17 24 1 SK A1 +17 24 1 SK A2 +17 24 1 SK A3 +17 24 1 SK A4 +17 24 1 SK A5 +17 24 1 SK A6 +17 24 1 SK A7 +17 24 1 SK A8 +17 24 1 SK A9 +17 24 1 SK A10 +17 24 1 SK A11 +17 24 1 SK A12 +17 24 1 SK A13 +17 24 1 SK A14 +17 24 1 SK A15 +17 24 1 SK A16 +17 24 1 SK A17 +17 24 1 SK A18 +17 24 1 SK A19 +17 24 1 SK A20 +17 24 1 SK A21 +17 24 1 SK A22 +17 24 1 SK A23 +17 24 1 SK A24 +17 24 1 SK A25 +17 24 1 SK A26 +17 24 1 SK A27 +17 24 1 SK A28 +17 24 1 SK A29 +17 24 1 SK A30 +17 24 1 SK A31 +17 24 1 SK A32 +17 24 1 SK A33 +17 24 1 SK A34 +17 24 1 SK A35 +17 24 1 SK A36 +17 24 1 SK A37 +17 24 1 SK A38 +17 24 1 SK A39 +17 24 1 SK A40 +17 24 2 KK J0 +17 24 2 KK J1 +17 24 2 KK J2 +17 24 2 KK J3 +17 24 2 KK J4 +17 24 2 KK J5 +17 24 2 KK J6 +17 24 2 KK J7 +17 24 2 KK J8 +17 24 2 KK J9 +17 24 2 KK J10 +17 24 2 KK J11 +17 24 2 KK J12 +17 24 2 KK J13 +17 24 2 KK J14 +17 24 2 KK J15 +17 24 2 KK J16 +17 24 2 KK J17 +17 24 2 KK J18 +17 24 2 KK J19 +17 24 2 KK J20 +17 24 2 KK J21 +17 24 2 KK J22 +17 24 2 KK J23 +17 24 2 KK J24 +17 24 2 KK J25 +17 24 2 KK J26 +17 24 2 KK J27 +17 24 2 KK J28 +17 24 2 KK J29 +17 24 2 KK J30 +17 24 2 KK J31 +17 24 2 KK J32 +17 24 2 KK J33 +17 24 2 KK J34 +17 24 2 KK J35 +17 24 2 KK J36 +17 24 2 KK J37 +17 24 2 KK J38 +17 24 2 KK J39 +17 24 2 KK J40 +17 24 3 QU F0 +17 24 3 QU F1 +17 24 3 QU F2 +17 24 4 KN D5 +17 24 4 KN D6 +17 24 4 KN D7 +17 24 5 RX D16 +17 24 5 RX D17 +17 24 5 RX D18 +17 24 5 RX D19 +17 24 5 RX E16 +17 24 5 RX E17 +17 24 5 RX E18 +17 24 5 RX E19 +17 24 6 AZ G28 +17 24 6 AZ G29 +17 24 6 AZ H28 +17 24 6 AZ H29 +17 24 7 MO F32 +17 24 7 MO F33 +17 24 7 MO F34 +17 24 7 MO G32 +17 24 7 MO G33 +17 24 7 MO G34 +17 24 8 CK G9 +17 24 8 CK G10 +17 24 8 CK H9 +17 24 8 CK H10 +17 24 9 RO B0 +17 24 9 RO B1 +17 24 9 RO B2 +17 24 9 RO B3 +17 24 9 RO B4 +17 24 9 RO B5 +17 24 9 RO C0 +17 24 9 RO C1 +17 24 9 RO C2 +17 24 9 RO C3 +17 24 9 RO C4 +17 24 9 RO C5 +17 24 10 PI G0 +17 24 10 PI G1 +17 24 10 PI G2 +17 24 10 PI G3 +17 25 1 SK A0 +17 25 1 SK A1 +17 25 1 SK A2 +17 25 1 SK A3 +17 25 1 SK A4 +17 25 1 SK A5 +17 25 1 SK A6 +17 25 1 SK A7 +17 25 1 SK A8 +17 25 1 SK A9 +17 25 1 SK A10 +17 25 1 SK A11 +17 25 1 SK A12 +17 25 1 SK A13 +17 25 1 SK A14 +17 25 1 SK A15 +17 25 1 SK A16 +17 25 1 SK A17 +17 25 1 SK A18 +17 25 1 SK A19 +17 25 1 SK A20 +17 25 1 SK A21 +17 25 1 SK A22 +17 25 1 SK A23 +17 25 1 SK A24 +17 25 1 SK A25 +17 25 1 SK A26 +17 25 1 SK A27 +17 25 1 SK A28 +17 25 1 SK A29 +17 25 1 SK A30 +17 25 1 SK A31 +17 25 1 SK A32 +17 25 1 SK A33 +17 25 1 SK A34 +17 25 1 SK A35 +17 25 1 SK A36 +17 25 1 SK A37 +17 25 1 SK A38 +17 25 1 SK A39 +17 25 1 SK A40 +17 25 2 KK J0 +17 25 2 KK J1 +17 25 2 KK J2 +17 25 2 KK J3 +17 25 2 KK J4 +17 25 2 KK J5 +17 25 2 KK J6 +17 25 2 KK J7 +17 25 2 KK J8 +17 25 2 KK J9 +17 25 2 KK J10 +17 25 2 KK J11 +17 25 2 KK J12 +17 25 2 KK J13 +17 25 2 KK J14 +17 25 2 KK J15 +17 25 2 KK J16 +17 25 2 KK J17 +17 25 2 KK J18 +17 25 2 KK J19 +17 25 2 KK J20 +17 25 2 KK J21 +17 25 2 KK J22 +17 25 2 KK J23 +17 25 2 KK J24 +17 25 2 KK J25 +17 25 2 KK J26 +17 25 2 KK J27 +17 25 2 KK J28 +17 25 2 KK J29 +17 25 2 KK J30 +17 25 2 KK J31 +17 25 2 KK J32 +17 25 2 KK J33 +17 25 2 KK J34 +17 25 2 KK J35 +17 25 2 KK J36 +17 25 2 KK J37 +17 25 2 KK J38 +17 25 2 KK J39 +17 25 2 KK J40 +17 25 3 QU H3 +17 25 4 RX G18 +17 25 5 CK F10 +17 26 1 SK A0 +17 26 1 SK A1 +17 26 1 SK A2 +17 26 1 SK A3 +17 26 1 SK A4 +17 26 1 SK A5 +17 26 1 SK A6 +17 26 1 SK A7 +17 26 1 SK A8 +17 26 1 SK A9 +17 26 1 SK A10 +17 26 1 SK A11 +17 26 1 SK A12 +17 26 1 SK A13 +17 26 1 SK A14 +17 26 1 SK A15 +17 26 1 SK A16 +17 26 1 SK A17 +17 26 1 SK A18 +17 26 1 SK A19 +17 26 1 SK A20 +17 26 1 SK A21 +17 26 1 SK A22 +17 26 1 SK A23 +17 26 1 SK A24 +17 26 1 SK A25 +17 26 1 SK A26 +17 26 1 SK A27 +17 26 1 SK A28 +17 26 1 SK A29 +17 26 1 SK A30 +17 26 1 SK A31 +17 26 1 SK A32 +17 26 1 SK A33 +17 26 1 SK A34 +17 26 1 SK A35 +17 26 1 SK A36 +17 26 1 SK A37 +17 26 1 SK A38 +17 26 1 SK A39 +17 26 1 SK A40 +17 26 2 KK J0 +17 26 2 KK J1 +17 26 2 KK J2 +17 26 2 KK J3 +17 26 2 KK J4 +17 26 2 KK J5 +17 26 2 KK J6 +17 26 2 KK J7 +17 26 2 KK J8 +17 26 2 KK J9 +17 26 2 KK J10 +17 26 2 KK J11 +17 26 2 KK J12 +17 26 2 KK J13 +17 26 2 KK J14 +17 26 2 KK J15 +17 26 2 KK J16 +17 26 2 KK J17 +17 26 2 KK J18 +17 26 2 KK J19 +17 26 2 KK J20 +17 26 2 KK J21 +17 26 2 KK J22 +17 26 2 KK J23 +17 26 2 KK J24 +17 26 2 KK J25 +17 26 2 KK J26 +17 26 2 KK J27 +17 26 2 KK J28 +17 26 2 KK J29 +17 26 2 KK J30 +17 26 2 KK J31 +17 26 2 KK J32 +17 26 2 KK J33 +17 26 2 KK J34 +17 26 2 KK J35 +17 26 2 KK J36 +17 26 2 KK J37 +17 26 2 KK J38 +17 26 2 KK J39 +17 26 2 KK J40 +17 26 3 QU D1 +17 26 3 QU D2 +17 26 3 QU D3 +17 26 3 QU D4 +17 26 4 KN C7 +17 26 4 KN C8 +17 26 4 KN C9 +17 26 4 KN D7 +17 26 4 KN D8 +17 26 4 KN D9 +17 26 5 RX D15 +17 26 5 RX D16 +17 26 5 RX D17 +17 26 5 RX D18 +17 26 5 RX D19 +17 26 5 RX D20 +17 26 5 RX E15 +17 26 5 RX E16 +17 26 5 RX E17 +17 26 5 RX E18 +17 26 5 RX E19 +17 26 5 RX E20 +17 26 5 RX F15 +17 26 5 RX F16 +17 26 5 RX F17 +17 26 5 RX F18 +17 26 5 RX F19 +17 26 5 RX F20 +17 26 6 CL D26 +17 26 6 CL D27 +17 26 6 CL D28 +17 26 6 CL E26 +17 26 6 CL E27 +17 26 6 CL E28 +17 26 7 MO E31 +17 26 7 MO E32 +17 26 7 MO E33 +17 26 7 MO F31 +17 26 7 MO F32 +17 26 7 MO F33 +17 26 7 MO G31 +17 26 7 MO G32 +17 26 7 MO G33 +17 26 8 CK G5 +17 26 8 CK G6 +17 26 8 CK G7 +17 26 8 CK G8 +17 26 9 PU E3 +17 26 9 PU E4 +17 26 9 PU E5 +17 26 9 PU E6 +17 26 9 PU E7 +17 26 10 TZ I6 +17 26 10 TZ I7 +17 26 10 TZ I8 +17 26 10 TZ I9 +17 26 10 TZ I10 +17 27 1 SK A0 +17 27 1 SK A1 +17 27 1 SK A2 +17 27 1 SK A3 +17 27 1 SK A4 +17 27 1 SK A5 +17 27 1 SK A6 +17 27 1 SK A7 +17 27 1 SK A8 +17 27 1 SK A9 +17 27 1 SK A10 +17 27 1 SK A11 +17 27 1 SK A12 +17 27 1 SK A13 +17 27 1 SK A14 +17 27 1 SK A15 +17 27 1 SK A16 +17 27 1 SK A17 +17 27 1 SK A18 +17 27 1 SK A19 +17 27 1 SK A20 +17 27 1 SK A21 +17 27 1 SK A22 +17 27 1 SK A23 +17 27 1 SK A24 +17 27 1 SK A25 +17 27 1 SK A26 +17 27 1 SK A27 +17 27 1 SK A28 +17 27 1 SK A29 +17 27 1 SK A30 +17 27 1 SK A31 +17 27 1 SK A32 +17 27 1 SK A33 +17 27 1 SK A34 +17 27 1 SK A35 +17 27 1 SK A36 +17 27 1 SK A37 +17 27 1 SK A38 +17 27 1 SK A39 +17 27 1 SK A40 +17 27 2 KK A0 +17 27 2 KK A1 +17 27 2 KK A2 +17 27 2 KK A3 +17 27 2 KK A4 +17 27 2 KK A5 +17 27 2 KK A6 +17 27 2 KK A7 +17 27 2 KK A8 +17 27 2 KK A9 +17 27 2 KK A10 +17 27 2 KK A11 +17 27 2 KK A12 +17 27 2 KK A13 +17 27 2 KK A14 +17 27 2 KK A15 +17 27 2 KK A16 +17 27 2 KK A17 +17 27 2 KK A18 +17 27 2 KK A19 +17 27 2 KK A20 +17 27 2 KK A21 +17 27 2 KK A22 +17 27 2 KK A23 +17 27 2 KK A24 +17 27 2 KK A25 +17 27 2 KK A26 +17 27 2 KK A27 +17 27 2 KK A28 +17 27 2 KK A29 +17 27 2 KK A30 +17 27 2 KK A31 +17 27 2 KK A32 +17 27 2 KK A33 +17 27 2 KK A34 +17 27 2 KK A35 +17 27 2 KK A36 +17 27 2 KK A37 +17 27 2 KK A38 +17 27 2 KK A39 +17 27 2 KK A40 +17 27 3 QU G1 +17 27 4 KN C11 +17 27 5 RX F17 +17 27 6 CK G10 +17 28 1 SK A0 +17 28 1 SK A1 +17 28 1 SK A2 +17 28 1 SK A3 +17 28 1 SK A4 +17 28 1 SK A5 +17 28 1 SK A6 +17 28 1 SK A7 +17 28 1 SK A8 +17 28 1 SK A9 +17 28 1 SK A10 +17 28 1 SK A11 +17 28 1 SK A12 +17 28 1 SK A13 +17 28 1 SK A14 +17 28 1 SK A15 +17 28 1 SK A16 +17 28 1 SK A17 +17 28 1 SK A18 +17 28 1 SK A19 +17 28 1 SK A20 +17 28 1 SK A21 +17 28 1 SK A22 +17 28 1 SK A23 +17 28 1 SK A24 +17 28 1 SK A25 +17 28 1 SK A26 +17 28 1 SK A27 +17 28 1 SK A28 +17 28 1 SK A29 +17 28 1 SK A30 +17 28 1 SK A31 +17 28 1 SK A32 +17 28 1 SK A33 +17 28 1 SK A34 +17 28 1 SK A35 +17 28 1 SK A36 +17 28 1 SK A37 +17 28 1 SK A38 +17 28 1 SK A39 +17 28 1 SK A40 +17 28 2 KK J0 +17 28 2 KK J1 +17 28 2 KK J2 +17 28 2 KK J3 +17 28 2 KK J4 +17 28 2 KK J5 +17 28 2 KK J6 +17 28 2 KK J7 +17 28 2 KK J8 +17 28 2 KK J9 +17 28 2 KK J10 +17 28 2 KK J11 +17 28 2 KK J12 +17 28 2 KK J13 +17 28 2 KK J14 +17 28 2 KK J15 +17 28 2 KK J16 +17 28 2 KK J17 +17 28 2 KK J18 +17 28 2 KK J19 +17 28 2 KK J20 +17 28 2 KK J21 +17 28 2 KK J22 +17 28 2 KK J23 +17 28 2 KK J24 +17 28 2 KK J25 +17 28 2 KK J26 +17 28 2 KK J27 +17 28 2 KK J28 +17 28 2 KK J29 +17 28 2 KK J30 +17 28 2 KK J31 +17 28 2 KK J32 +17 28 2 KK J33 +17 28 2 KK J34 +17 28 2 KK J35 +17 28 2 KK J36 +17 28 2 KK J37 +17 28 2 KK J38 +17 28 2 KK J39 +17 28 2 KK J40 +17 28 3 QU G40 +17 28 4 RX E17 +17 28 5 CK F8 +17 29 1 SK B14 +17 29 1 SK B15 +17 29 2 KK J0 +17 29 2 KK J1 +17 29 2 KK J2 +17 29 2 KK J3 +17 29 2 KK J4 +17 29 2 KK J5 +17 29 2 KK J6 +17 29 2 KK J7 +17 29 2 KK J8 +17 29 2 KK J9 +17 29 2 KK J10 +17 29 2 KK J11 +17 29 2 KK J12 +17 29 2 KK J13 +17 29 2 KK J14 +17 29 2 KK J15 +17 29 2 KK J16 +17 29 2 KK J17 +17 29 2 KK J18 +17 29 2 KK J19 +17 29 2 KK J20 +17 29 2 KK J21 +17 29 2 KK J22 +17 29 2 KK J23 +17 29 2 KK J24 +17 29 2 KK J25 +17 29 2 KK J26 +17 29 2 KK J27 +17 29 2 KK J28 +17 29 2 KK J29 +17 29 2 KK J30 +17 29 2 KK J31 +17 29 2 KK J32 +17 29 2 KK J33 +17 29 2 KK J34 +17 29 2 KK J35 +17 29 2 KK J36 +17 29 2 KK J37 +17 29 2 KK J38 +17 29 2 KK J39 +17 29 2 KK J40 +17 29 3 QU I1 +17 29 4 KN C7 +17 29 4 KN C8 +17 29 5 RX G13 +17 29 5 RX G14 +17 29 6 MO H34 +17 29 6 MO I34 +17 30 1 SK A0 +17 30 1 SK A1 +17 30 1 SK A2 +17 30 1 SK A3 +17 30 1 SK A4 +17 30 1 SK A5 +17 30 1 SK A6 +17 30 1 SK A7 +17 30 1 SK A8 +17 30 1 SK A9 +17 30 1 SK A10 +17 30 1 SK A11 +17 30 1 SK A12 +17 30 1 SK A13 +17 30 1 SK A14 +17 30 1 SK A15 +17 30 1 SK A16 +17 30 1 SK A17 +17 30 1 SK A18 +17 30 1 SK A19 +17 30 1 SK A20 +17 30 1 SK A21 +17 30 1 SK A22 +17 30 1 SK A23 +17 30 1 SK A24 +17 30 1 SK A25 +17 30 1 SK A26 +17 30 1 SK A27 +17 30 1 SK A28 +17 30 1 SK A29 +17 30 1 SK A30 +17 30 1 SK A31 +17 30 1 SK A32 +17 30 1 SK A33 +17 30 1 SK A34 +17 30 1 SK A35 +17 30 1 SK A36 +17 30 1 SK A37 +17 30 1 SK A38 +17 30 1 SK A39 +17 30 1 SK A40 +17 30 2 KK J0 +17 30 2 KK J1 +17 30 2 KK J2 +17 30 2 KK J3 +17 30 2 KK J4 +17 30 2 KK J5 +17 30 2 KK J6 +17 30 2 KK J7 +17 30 2 KK J8 +17 30 2 KK J9 +17 30 2 KK J10 +17 30 2 KK J11 +17 30 2 KK J12 +17 30 2 KK J13 +17 30 2 KK J14 +17 30 2 KK J15 +17 30 2 KK J16 +17 30 2 KK J17 +17 30 2 KK J18 +17 30 2 KK J19 +17 30 2 KK J20 +17 30 2 KK J21 +17 30 2 KK J22 +17 30 2 KK J23 +17 30 2 KK J24 +17 30 2 KK J25 +17 30 2 KK J26 +17 30 2 KK J27 +17 30 2 KK J28 +17 30 2 KK J29 +17 30 2 KK J30 +17 30 2 KK J31 +17 30 2 KK J32 +17 30 2 KK J33 +17 30 2 KK J34 +17 30 2 KK J35 +17 30 2 KK J36 +17 30 2 KK J37 +17 30 2 KK J38 +17 30 2 KK J39 +17 30 2 KK J40 +17 30 3 QU E1 +17 30 3 QU E2 +17 30 3 QU E3 +17 30 3 QU E4 +17 30 3 QU F1 +17 30 3 QU F2 +17 30 3 QU F3 +17 30 3 QU F4 +17 30 3 QU G1 +17 30 3 QU G2 +17 30 3 QU G3 +17 30 3 QU G4 +17 30 4 KN C9 +17 30 4 KN C10 +17 30 4 KN C11 +17 30 4 KN C12 +17 30 4 KN C13 +17 30 4 KN C14 +17 30 5 RX G18 +17 30 5 RX G19 +17 30 5 RX G20 +17 30 5 RX G21 +17 30 5 RX G22 +17 30 5 RX H18 +17 30 5 RX H19 +17 30 5 RX H20 +17 30 5 RX H21 +17 30 5 RX H22 +17 30 6 AZ G26 +17 30 6 AZ G27 +17 30 6 AZ G28 +17 30 6 AZ G29 +17 30 6 AZ G30 +17 30 6 AZ H26 +17 30 6 AZ H27 +17 30 6 AZ H28 +17 30 6 AZ H29 +17 30 6 AZ H30 +17 30 6 AZ I26 +17 30 6 AZ I27 +17 30 6 AZ I28 +17 30 6 AZ I29 +17 30 6 AZ I30 +17 30 7 CL B17 +17 30 7 CL B18 +17 30 7 CL B19 +17 30 7 CL B20 +17 30 7 CL B21 +17 30 7 CL B22 +17 30 7 CL B23 +17 30 7 CL B24 +17 30 7 CL B25 +17 30 7 CL B26 +17 30 7 CL B27 +17 30 7 CL B28 +17 30 7 CL B29 +17 30 7 CL B30 +17 30 7 CL B31 +17 30 7 CL B32 +17 30 7 CL B33 +17 30 7 CL B34 +17 30 7 CL B35 +17 30 7 CL B36 +17 30 7 CL B37 +17 30 7 CL B38 +17 30 7 CL B39 +17 30 7 CL B40 +17 30 7 CL C22 +17 30 7 CL C23 +17 30 7 CL C24 +17 30 7 CL C25 +17 30 7 CL C26 +17 30 7 CL C27 +17 30 7 CL C28 +17 30 7 CL C29 +17 30 7 CL C30 +17 30 8 MO H33 +17 30 8 MO H34 +17 30 8 MO H35 +17 30 8 MO H36 +17 30 8 MO I33 +17 30 8 MO I34 +17 30 8 MO I35 +17 30 8 MO I36 +17 30 9 CK F10 +17 30 9 CK F11 +17 30 9 CK F12 +17 30 9 CK F13 +17 30 9 CK F14 +17 30 9 CK G10 +17 30 9 CK G11 +17 30 9 CK G12 +17 30 9 CK G13 +17 30 9 CK G14 +17 30 9 CK H10 +17 30 9 CK H11 +17 30 9 CK H12 +17 30 9 CK H13 +17 30 9 CK H14 +17 30 10 RO C1 +17 30 10 RO C2 +17 30 10 RO C3 +17 30 10 RO C4 +17 30 10 RO C5 +17 30 10 RO C6 +17 30 10 RO C7 +17 30 10 RO C36 +17 30 10 RO C37 +17 30 10 RO C38 +17 30 10 RO C39 +17 30 10 RO C40 +17 30 10 RO D36 +17 30 10 RO D37 +17 30 10 RO D38 +17 30 10 RO D39 +17 30 10 RO D40 +17 30 11 CO H37 +17 30 11 CO H38 +17 30 11 CO H39 +17 30 11 CO H40 +17 30 11 CO I37 +17 30 11 CO I38 +17 30 11 CO I39 +17 30 11 CO I40 +18 1 1 TA A0 +18 1 1 TA A1 +18 1 1 TA A2 +18 1 1 TA A3 +18 1 1 TA A4 +18 1 1 TA A5 +18 1 1 TA A6 +18 1 1 TA A7 +18 1 1 TA A8 +18 1 1 TA A9 +18 1 1 TA A10 +18 1 1 TA A11 +18 1 1 TA A12 +18 1 1 TA A13 +18 1 1 TA A14 +18 1 1 TA A15 +18 1 1 TA A16 +18 1 1 TA A17 +18 1 1 TA A18 +18 1 1 TA A19 +18 1 1 TA A20 +18 1 1 TA A21 +18 1 1 TA A22 +18 1 1 TA A23 +18 1 1 TA A24 +18 1 1 TA A25 +18 1 1 TA A26 +18 1 1 TA A27 +18 1 1 TA A28 +18 1 1 TA A29 +18 1 1 TA A30 +18 1 1 TA A31 +18 1 1 TA A32 +18 1 1 TA A33 +18 1 1 TA A34 +18 1 1 TA A35 +18 1 1 TA A36 +18 1 1 TA A37 +18 1 1 TA A38 +18 1 1 TA A39 +18 1 1 TA A40 +18 1 1 TA B0 +18 1 1 TA B1 +18 1 1 TA B2 +18 1 1 TA B3 +18 1 1 TA B4 +18 1 1 TA B37 +18 1 1 TA B38 +18 1 1 TA B39 +18 1 1 TA B40 +18 1 2 CH J0 +18 1 2 CH J1 +18 1 2 CH J2 +18 1 2 CH J3 +18 1 2 CH J4 +18 1 2 CH J5 +18 1 2 CH J6 +18 1 2 CH J7 +18 1 2 CH J8 +18 1 2 CH J9 +18 1 2 CH J10 +18 1 2 CH J11 +18 1 2 CH J12 +18 1 2 CH J13 +18 1 2 CH J14 +18 1 2 CH J15 +18 1 2 CH J16 +18 1 2 CH J17 +18 1 2 CH J18 +18 1 2 CH J19 +18 1 2 CH J20 +18 1 2 CH J21 +18 1 2 CH J22 +18 1 2 CH J23 +18 1 2 CH J24 +18 1 2 CH J25 +18 1 2 CH J26 +18 1 2 CH J27 +18 1 2 CH J28 +18 1 2 CH J29 +18 1 2 CH J30 +18 1 2 CH J31 +18 1 2 CH J32 +18 1 2 CH J33 +18 1 2 CH J34 +18 1 2 CH J35 +18 1 2 CH J36 +18 1 2 CH J37 +18 1 2 CH J38 +18 1 2 CH J39 +18 1 2 CH J40 +18 1 3 PO F1 +18 1 3 PO F2 +18 1 3 PO F3 +18 1 3 PO F4 +18 1 3 PO F5 +18 1 3 PO G1 +18 1 3 PO G2 +18 1 3 PO G3 +18 1 3 PO G4 +18 1 3 PO G5 +18 1 4 SH C13 +18 1 4 SH C14 +18 1 5 KK E16 +18 1 5 KK E17 +18 1 5 KK E18 +18 1 5 KK E19 +18 1 5 KK E20 +18 1 5 KK E21 +18 1 5 KK E22 +18 1 5 KK E23 +18 1 6 RR E36 +18 1 6 RR E37 +18 1 6 RR E38 +18 1 6 RR E39 +18 1 6 RR E40 +18 1 6 RR F36 +18 1 6 RR F37 +18 1 6 RR F38 +18 1 6 RR F39 +18 1 6 RR F40 +18 1 7 PA G38 +18 1 7 PA H38 +18 2 1 TA A0 +18 2 1 TA A1 +18 2 1 TA A2 +18 2 1 TA A3 +18 2 1 TA A4 +18 2 1 TA A5 +18 2 1 TA A6 +18 2 1 TA A7 +18 2 1 TA A8 +18 2 1 TA A9 +18 2 1 TA A10 +18 2 1 TA A11 +18 2 1 TA A12 +18 2 1 TA A13 +18 2 1 TA A14 +18 2 1 TA A15 +18 2 1 TA A16 +18 2 1 TA A17 +18 2 1 TA A18 +18 2 1 TA A19 +18 2 1 TA A20 +18 2 1 TA A21 +18 2 1 TA A22 +18 2 1 TA A23 +18 2 1 TA A24 +18 2 1 TA A25 +18 2 1 TA A26 +18 2 1 TA A27 +18 2 1 TA A28 +18 2 1 TA A29 +18 2 1 TA A30 +18 2 1 TA A31 +18 2 1 TA A32 +18 2 1 TA A33 +18 2 1 TA A34 +18 2 1 TA A35 +18 2 1 TA A36 +18 2 1 TA A37 +18 2 1 TA A38 +18 2 1 TA A39 +18 2 1 TA A40 +18 2 2 CH J0 +18 2 2 CH J1 +18 2 2 CH J2 +18 2 2 CH J3 +18 2 2 CH J4 +18 2 2 CH J5 +18 2 2 CH J6 +18 2 2 CH J7 +18 2 2 CH J8 +18 2 2 CH J9 +18 2 2 CH J10 +18 2 2 CH J11 +18 2 2 CH J12 +18 2 2 CH J13 +18 2 2 CH J14 +18 2 2 CH J15 +18 2 2 CH J16 +18 2 2 CH J17 +18 2 2 CH J18 +18 2 2 CH J19 +18 2 2 CH J20 +18 2 2 CH J21 +18 2 2 CH J22 +18 2 2 CH J23 +18 2 2 CH J24 +18 2 2 CH J25 +18 2 2 CH J26 +18 2 2 CH J27 +18 2 2 CH J28 +18 2 2 CH J29 +18 2 2 CH J30 +18 2 2 CH J31 +18 2 2 CH J32 +18 2 2 CH J33 +18 2 2 CH J34 +18 2 2 CH J35 +18 2 2 CH J36 +18 2 2 CH J37 +18 2 2 CH J38 +18 2 2 CH J39 +18 2 2 CH J40 +18 2 3 PO F1 +18 2 3 PO F2 +18 2 3 PO F3 +18 2 3 PO F4 +18 2 3 PO G1 +18 2 3 PO G2 +18 2 3 PO G3 +18 2 3 PO G4 +18 2 4 TY F35 +18 2 4 TY F36 +18 2 4 TY F37 +18 2 4 TY F38 +18 2 4 TY F39 +18 2 4 TY F40 +18 2 4 TY G35 +18 2 4 TY G36 +18 2 4 TY G37 +18 2 4 TY G38 +18 2 4 TY G39 +18 2 4 TY G40 +18 2 5 PI G18 +18 2 5 PI G19 +18 2 5 PI G20 +18 2 5 PI G21 +18 2 5 PI G22 +18 2 5 PI G23 +18 2 5 PI G24 +18 2 5 PI G25 +18 2 5 PI G26 +18 2 5 PI G27 +18 2 5 PI G28 +18 2 5 PI G29 +18 2 5 PI G30 +18 2 5 PI G31 +18 2 6 KK B1 +18 2 6 KK B2 +18 2 6 KK B3 +18 2 6 KK B4 +18 2 6 KK B5 +18 2 6 KK B6 +18 2 6 KK B7 +18 2 6 KK B8 +18 2 6 KK B9 +18 2 6 KK B10 +18 2 6 KK B11 +18 2 6 KK B12 +18 2 6 KK B13 +18 2 6 KK B14 +18 2 6 KK B15 +18 2 6 KK B16 +18 2 6 KK B17 +18 2 6 KK B18 +18 2 6 KK B19 +18 2 6 KK B20 +18 2 6 KK B21 +18 2 6 KK B22 +18 2 6 KK B23 +18 2 6 KK B24 +18 2 6 KK B25 +18 2 6 KK B26 +18 2 6 KK B27 +18 2 6 KK B28 +18 2 6 KK B29 +18 2 6 KK B30 +18 2 6 KK B31 +18 2 6 KK B32 +18 2 6 KK B33 +18 2 6 KK B34 +18 2 6 KK B35 +18 2 6 KK B36 +18 2 6 KK B37 +18 2 6 KK B38 +18 2 6 KK B39 +18 2 6 KK B40 +18 3 1 TA A0 +18 3 1 TA A1 +18 3 1 TA A2 +18 3 1 TA A3 +18 3 1 TA A4 +18 3 1 TA A5 +18 3 1 TA A6 +18 3 1 TA A7 +18 3 1 TA A8 +18 3 1 TA A9 +18 3 1 TA A10 +18 3 1 TA A11 +18 3 1 TA A12 +18 3 1 TA A13 +18 3 1 TA A14 +18 3 1 TA A15 +18 3 1 TA A16 +18 3 1 TA A17 +18 3 1 TA A18 +18 3 1 TA A19 +18 3 1 TA A20 +18 3 1 TA A21 +18 3 1 TA A22 +18 3 1 TA A23 +18 3 1 TA A24 +18 3 1 TA A25 +18 3 1 TA A26 +18 3 1 TA A27 +18 3 1 TA A28 +18 3 1 TA A29 +18 3 1 TA A30 +18 3 1 TA A31 +18 3 1 TA A32 +18 3 1 TA A33 +18 3 1 TA A34 +18 3 1 TA A35 +18 3 1 TA A36 +18 3 1 TA A37 +18 3 1 TA A38 +18 3 1 TA A39 +18 3 1 TA A40 +18 3 2 CH J0 +18 3 2 CH J1 +18 3 2 CH J2 +18 3 2 CH J3 +18 3 2 CH J4 +18 3 2 CH J5 +18 3 2 CH J6 +18 3 2 CH J7 +18 3 2 CH J8 +18 3 2 CH J9 +18 3 2 CH J10 +18 3 2 CH J11 +18 3 2 CH J12 +18 3 2 CH J13 +18 3 2 CH J14 +18 3 2 CH J15 +18 3 2 CH J16 +18 3 2 CH J17 +18 3 2 CH J18 +18 3 2 CH J19 +18 3 2 CH J20 +18 3 2 CH J21 +18 3 2 CH J22 +18 3 2 CH J23 +18 3 2 CH J24 +18 3 2 CH J25 +18 3 2 CH J26 +18 3 2 CH J27 +18 3 2 CH J28 +18 3 2 CH J29 +18 3 2 CH J30 +18 3 2 CH J31 +18 3 2 CH J32 +18 3 2 CH J33 +18 3 2 CH J34 +18 3 2 CH J35 +18 3 2 CH J36 +18 3 2 CH J37 +18 3 2 CH J38 +18 3 2 CH J39 +18 3 2 CH J40 +18 3 3 TY G2 +18 3 4 PO E5 +18 3 5 KK C11 +18 3 6 PI E28 +18 4 1 TA A0 +18 4 1 TA A1 +18 4 1 TA A2 +18 4 1 TA A3 +18 4 1 TA A4 +18 4 1 TA A5 +18 4 1 TA A6 +18 4 1 TA A7 +18 4 1 TA A8 +18 4 1 TA A9 +18 4 1 TA A10 +18 4 1 TA A11 +18 4 1 TA A12 +18 4 1 TA A13 +18 4 1 TA A14 +18 4 1 TA A15 +18 4 1 TA A16 +18 4 1 TA A17 +18 4 1 TA A18 +18 4 1 TA A19 +18 4 1 TA A20 +18 4 1 TA A21 +18 4 1 TA A22 +18 4 1 TA A23 +18 4 1 TA A24 +18 4 1 TA A25 +18 4 1 TA A26 +18 4 1 TA A27 +18 4 1 TA A28 +18 4 1 TA A29 +18 4 1 TA A30 +18 4 1 TA A31 +18 4 1 TA A32 +18 4 1 TA A33 +18 4 1 TA A34 +18 4 1 TA A35 +18 4 1 TA A36 +18 4 1 TA A37 +18 4 1 TA A38 +18 4 1 TA A39 +18 4 1 TA A40 +18 4 2 CH J0 +18 4 2 CH J1 +18 4 2 CH J2 +18 4 2 CH J3 +18 4 2 CH J4 +18 4 2 CH J5 +18 4 2 CH J6 +18 4 2 CH J7 +18 4 2 CH J8 +18 4 2 CH J9 +18 4 2 CH J10 +18 4 2 CH J11 +18 4 2 CH J12 +18 4 2 CH J13 +18 4 2 CH J14 +18 4 2 CH J15 +18 4 2 CH J16 +18 4 2 CH J17 +18 4 2 CH J18 +18 4 2 CH J19 +18 4 2 CH J20 +18 4 2 CH J21 +18 4 2 CH J22 +18 4 2 CH J23 +18 4 2 CH J24 +18 4 2 CH J25 +18 4 2 CH J26 +18 4 2 CH J27 +18 4 2 CH J28 +18 4 2 CH J29 +18 4 2 CH J30 +18 4 2 CH J31 +18 4 2 CH J32 +18 4 2 CH J33 +18 4 2 CH J34 +18 4 2 CH J35 +18 4 2 CH J36 +18 4 2 CH J37 +18 4 2 CH J38 +18 4 2 CH J39 +18 4 2 CH J40 +18 4 3 TY F1 +18 4 3 TY F2 +18 4 3 TY F3 +18 4 3 TY F4 +18 4 3 TY G1 +18 4 3 TY G2 +18 4 3 TY G3 +18 4 3 TY G4 +18 4 4 SH C6 +18 4 4 SH C7 +18 4 4 SH C8 +18 4 4 SH C9 +18 4 4 SH C10 +18 4 4 SH C11 +18 4 4 SH C12 +18 4 4 SH C13 +18 4 4 SH C14 +18 4 4 SH C15 +18 4 4 SH D6 +18 4 4 SH D7 +18 4 4 SH D8 +18 4 4 SH D9 +18 4 4 SH D10 +18 4 4 SH D11 +18 4 4 SH D12 +18 4 4 SH D13 +18 4 4 SH D14 +18 4 4 SH D15 +18 4 5 PI E16 +18 4 5 PI E17 +18 4 5 PI E18 +18 4 5 PI E19 +18 4 5 PI E20 +18 4 5 PI E21 +18 4 5 PI E22 +18 4 5 PI E23 +18 4 5 PI E24 +18 4 5 PI F16 +18 4 5 PI F17 +18 4 5 PI F18 +18 4 5 PI F19 +18 4 5 PI F20 +18 4 5 PI F21 +18 4 5 PI F22 +18 4 5 PI F23 +18 4 5 PI F24 +18 4 6 KK E25 +18 4 6 KK E26 +18 4 6 KK E27 +18 4 6 KK E28 +18 4 6 KK E29 +18 4 6 KK E30 +18 4 6 KK F25 +18 4 6 KK F26 +18 4 6 KK F27 +18 4 6 KK F28 +18 4 6 KK F29 +18 4 6 KK F30 +18 4 7 AA C25 +18 4 7 AA C26 +18 4 7 AA C27 +18 4 7 AA C28 +18 4 7 AA C29 +18 4 7 AA C30 +18 4 7 AA C31 +18 4 7 AA C32 +18 4 7 AA C33 +18 4 7 AA C34 +18 4 7 AA C35 +18 4 7 AA C36 +18 4 7 AA C37 +18 4 7 AA C38 +18 4 7 AA C39 +18 4 7 AA C40 +18 4 8 SA E33 +18 4 8 SA E34 +18 4 8 SA E35 +18 4 8 SA E36 +18 4 8 SA E37 +18 4 8 SA F33 +18 4 8 SA F34 +18 4 8 SA F35 +18 4 8 SA F36 +18 4 8 SA F37 +18 4 9 RR H32 +18 4 9 RR H33 +18 4 9 RR H34 +18 4 9 RR H35 +18 4 9 RR H36 +18 4 9 RR H37 +18 4 9 RR H38 +18 4 9 RR H39 +18 4 9 RR H40 +18 4 9 RR I32 +18 4 9 RR I33 +18 4 9 RR I34 +18 4 9 RR I35 +18 4 9 RR I36 +18 4 9 RR I37 +18 4 9 RR I38 +18 4 9 RR I39 +18 4 9 RR I40 +18 5 1 TA A0 +18 5 1 TA A1 +18 5 1 TA A2 +18 5 1 TA A3 +18 5 1 TA A4 +18 5 1 TA A5 +18 5 1 TA A6 +18 5 1 TA A7 +18 5 1 TA A8 +18 5 1 TA A9 +18 5 1 TA A10 +18 5 1 TA A11 +18 5 1 TA A12 +18 5 1 TA A13 +18 5 1 TA A14 +18 5 1 TA A15 +18 5 1 TA A16 +18 5 1 TA A17 +18 5 1 TA A18 +18 5 1 TA A19 +18 5 1 TA A20 +18 5 1 TA A21 +18 5 1 TA A22 +18 5 1 TA A23 +18 5 1 TA A24 +18 5 1 TA A25 +18 5 1 TA A26 +18 5 1 TA A27 +18 5 1 TA A28 +18 5 1 TA A29 +18 5 1 TA A30 +18 5 1 TA A31 +18 5 1 TA A32 +18 5 1 TA A33 +18 5 1 TA A34 +18 5 1 TA A35 +18 5 1 TA A36 +18 5 1 TA A37 +18 5 1 TA A38 +18 5 1 TA A39 +18 5 1 TA A40 +18 5 2 CH J0 +18 5 2 CH J1 +18 5 2 CH J2 +18 5 2 CH J3 +18 5 2 CH J4 +18 5 2 CH J5 +18 5 2 CH J6 +18 5 2 CH J7 +18 5 2 CH J8 +18 5 2 CH J9 +18 5 2 CH J10 +18 5 2 CH J11 +18 5 2 CH J12 +18 5 2 CH J13 +18 5 2 CH J14 +18 5 2 CH J15 +18 5 2 CH J16 +18 5 2 CH J17 +18 5 2 CH J18 +18 5 2 CH J19 +18 5 2 CH J20 +18 5 2 CH J21 +18 5 2 CH J22 +18 5 2 CH J23 +18 5 2 CH J24 +18 5 2 CH J25 +18 5 2 CH J26 +18 5 2 CH J27 +18 5 2 CH J28 +18 5 2 CH J29 +18 5 2 CH J30 +18 5 2 CH J31 +18 5 2 CH J32 +18 5 2 CH J33 +18 5 2 CH J34 +18 5 2 CH J35 +18 5 2 CH J36 +18 5 2 CH J37 +18 5 2 CH J38 +18 5 2 CH J39 +18 5 2 CH J40 +18 5 3 KK B0 +18 5 3 KK B1 +18 5 3 KK B2 +18 5 3 KK B3 +18 5 3 KK B4 +18 5 3 KK B5 +18 5 3 KK B6 +18 5 3 KK B7 +18 5 3 KK B8 +18 5 3 KK B9 +18 5 3 KK B10 +18 5 3 KK B11 +18 5 3 KK B12 +18 5 3 KK B13 +18 5 3 KK B14 +18 5 3 KK B15 +18 5 3 KK B16 +18 5 3 KK B17 +18 5 3 KK B18 +18 5 3 KK B19 +18 5 3 KK B20 +18 5 3 KK B21 +18 5 3 KK B22 +18 5 3 KK B23 +18 5 3 KK B24 +18 5 3 KK B25 +18 5 3 KK B26 +18 5 3 KK B27 +18 5 3 KK B28 +18 5 3 KK B29 +18 5 3 KK B30 +18 5 3 KK B31 +18 5 3 KK B32 +18 5 3 KK B33 +18 5 3 KK B34 +18 5 3 KK B35 +18 5 3 KK B36 +18 5 3 KK B37 +18 5 3 KK B38 +18 5 3 KK B39 +18 5 3 KK B40 +18 5 4 TY E1 +18 5 4 TY E2 +18 5 4 TY E3 +18 5 4 TY E4 +18 5 4 TY E5 +18 5 4 TY E6 +18 5 4 TY E7 +18 5 4 TY E8 +18 5 4 TY E9 +18 5 4 TY E10 +18 5 4 TY E11 +18 5 4 TY E12 +18 5 4 TY E13 +18 5 4 TY E14 +18 5 4 TY E15 +18 5 4 TY E16 +18 5 4 TY E17 +18 5 4 TY E18 +18 5 4 TY E19 +18 5 4 TY E20 +18 5 5 PO E40 +18 5 5 PO F40 +18 5 5 PO G40 +18 5 5 PO H40 +18 6 1 TA A0 +18 6 1 TA A1 +18 6 1 TA A2 +18 6 1 TA A3 +18 6 1 TA A4 +18 6 1 TA A5 +18 6 1 TA A6 +18 6 1 TA A7 +18 6 1 TA A8 +18 6 1 TA A9 +18 6 1 TA A10 +18 6 1 TA A11 +18 6 1 TA A12 +18 6 1 TA A13 +18 6 1 TA A14 +18 6 1 TA A15 +18 6 1 TA A16 +18 6 1 TA A17 +18 6 1 TA A18 +18 6 1 TA A19 +18 6 1 TA A20 +18 6 1 TA A21 +18 6 1 TA A22 +18 6 1 TA A23 +18 6 1 TA A24 +18 6 1 TA A25 +18 6 1 TA A26 +18 6 1 TA A27 +18 6 1 TA A28 +18 6 1 TA A29 +18 6 1 TA A30 +18 6 1 TA A31 +18 6 1 TA A32 +18 6 1 TA A33 +18 6 1 TA A34 +18 6 1 TA A35 +18 6 1 TA A36 +18 6 1 TA A37 +18 6 1 TA A38 +18 6 1 TA A39 +18 6 1 TA A40 +18 6 2 CH J0 +18 6 2 CH J1 +18 6 2 CH J2 +18 6 2 CH J3 +18 6 2 CH J4 +18 6 2 CH J5 +18 6 2 CH J6 +18 6 2 CH J7 +18 6 2 CH J8 +18 6 2 CH J9 +18 6 2 CH J10 +18 6 2 CH J11 +18 6 2 CH J12 +18 6 2 CH J13 +18 6 2 CH J14 +18 6 2 CH J15 +18 6 2 CH J16 +18 6 2 CH J17 +18 6 2 CH J18 +18 6 2 CH J19 +18 6 2 CH J20 +18 6 2 CH J21 +18 6 2 CH J22 +18 6 2 CH J23 +18 6 2 CH J24 +18 6 2 CH J25 +18 6 2 CH J26 +18 6 2 CH J27 +18 6 2 CH J28 +18 6 2 CH J29 +18 6 2 CH J30 +18 6 2 CH J31 +18 6 2 CH J32 +18 6 2 CH J33 +18 6 2 CH J34 +18 6 2 CH J35 +18 6 2 CH J36 +18 6 2 CH J37 +18 6 2 CH J38 +18 6 2 CH J39 +18 6 2 CH J40 +18 6 3 TY F1 +18 6 3 TY F2 +18 6 3 TY F3 +18 6 3 TY F4 +18 6 3 TY F5 +18 6 3 TY F6 +18 6 3 TY F7 +18 6 4 KK C1 +18 6 4 KK C2 +18 6 4 KK C3 +18 6 4 KK C4 +18 6 4 KK C5 +18 6 4 KK C6 +18 6 4 KK C7 +18 6 5 FF D31 +18 6 5 FF E31 +18 6 5 FF F31 +18 7 1 TA A0 +18 7 1 TA A1 +18 7 1 TA A2 +18 7 1 TA A3 +18 7 1 TA A4 +18 7 1 TA A5 +18 7 1 TA A6 +18 7 1 TA A7 +18 7 1 TA A8 +18 7 1 TA A9 +18 7 1 TA A10 +18 7 1 TA A11 +18 7 1 TA A12 +18 7 1 TA A13 +18 7 1 TA A14 +18 7 1 TA A15 +18 7 1 TA A16 +18 7 1 TA A17 +18 7 1 TA A18 +18 7 1 TA A19 +18 7 1 TA A20 +18 7 1 TA A21 +18 7 1 TA A22 +18 7 1 TA A23 +18 7 1 TA A24 +18 7 1 TA A25 +18 7 1 TA A26 +18 7 1 TA A27 +18 7 1 TA A28 +18 7 1 TA A29 +18 7 1 TA A30 +18 7 1 TA A31 +18 7 1 TA A32 +18 7 1 TA A33 +18 7 1 TA A34 +18 7 1 TA A35 +18 7 1 TA A36 +18 7 1 TA A37 +18 7 1 TA A38 +18 7 1 TA A39 +18 7 1 TA A40 +18 7 2 CH J0 +18 7 2 CH J1 +18 7 2 CH J2 +18 7 2 CH J3 +18 7 2 CH J4 +18 7 2 CH J5 +18 7 2 CH J6 +18 7 2 CH J7 +18 7 2 CH J8 +18 7 2 CH J9 +18 7 2 CH J10 +18 7 2 CH J11 +18 7 2 CH J12 +18 7 2 CH J13 +18 7 2 CH J14 +18 7 2 CH J15 +18 7 2 CH J16 +18 7 2 CH J17 +18 7 2 CH J18 +18 7 2 CH J19 +18 7 2 CH J20 +18 7 2 CH J21 +18 7 2 CH J22 +18 7 2 CH J23 +18 7 2 CH J24 +18 7 2 CH J25 +18 7 2 CH J26 +18 7 2 CH J27 +18 7 2 CH J28 +18 7 2 CH J29 +18 7 2 CH J30 +18 7 2 CH J31 +18 7 2 CH J32 +18 7 2 CH J33 +18 7 2 CH J34 +18 7 2 CH J35 +18 7 2 CH J36 +18 7 2 CH J37 +18 7 2 CH J38 +18 7 2 CH J39 +18 7 2 CH J40 +18 7 3 VV G1 +18 7 4 EE C8 +18 7 4 EE C9 +18 7 5 SH C11 +18 7 5 SH C12 +18 7 6 KK B16 +18 7 6 KK B17 +18 7 6 KK B18 +18 7 6 KK B19 +18 7 6 KK B20 +18 7 6 KK B21 +18 7 6 KK B22 +18 7 7 SH G27 +18 7 8 RR H34 +18 7 9 SA I12 +18 7 9 SA I13 +18 7 9 SA I14 +18 7 9 SA I15 +18 7 9 SA I16 +18 7 9 SA I17 +18 7 9 SA I18 +18 7 9 SA I19 +18 7 10 TY F40 +18 7 10 TY G40 +18 8 1 TA A0 +18 8 1 TA A1 +18 8 1 TA A2 +18 8 1 TA A3 +18 8 1 TA A4 +18 8 1 TA A5 +18 8 1 TA A6 +18 8 1 TA A7 +18 8 1 TA A8 +18 8 1 TA A9 +18 8 1 TA A10 +18 8 1 TA A11 +18 8 1 TA A12 +18 8 1 TA A13 +18 8 1 TA A14 +18 8 1 TA A15 +18 8 1 TA A16 +18 8 1 TA A17 +18 8 1 TA A18 +18 8 1 TA A19 +18 8 1 TA A20 +18 8 1 TA A21 +18 8 1 TA A22 +18 8 1 TA A23 +18 8 1 TA A24 +18 8 1 TA A25 +18 8 1 TA A26 +18 8 1 TA A27 +18 8 1 TA A28 +18 8 1 TA A29 +18 8 1 TA A30 +18 8 1 TA A31 +18 8 1 TA A32 +18 8 1 TA A33 +18 8 1 TA A34 +18 8 1 TA A35 +18 8 1 TA A36 +18 8 1 TA A37 +18 8 1 TA A38 +18 8 1 TA A39 +18 8 1 TA A40 +18 8 2 CH J0 +18 8 2 CH J1 +18 8 2 CH J2 +18 8 2 CH J3 +18 8 2 CH J4 +18 8 2 CH J5 +18 8 2 CH J6 +18 8 2 CH J7 +18 8 2 CH J8 +18 8 2 CH J9 +18 8 2 CH J10 +18 8 2 CH J11 +18 8 2 CH J12 +18 8 2 CH J13 +18 8 2 CH J14 +18 8 2 CH J15 +18 8 2 CH J16 +18 8 2 CH J17 +18 8 2 CH J18 +18 8 2 CH J19 +18 8 2 CH J20 +18 8 2 CH J21 +18 8 2 CH J22 +18 8 2 CH J23 +18 8 2 CH J24 +18 8 2 CH J25 +18 8 2 CH J26 +18 8 2 CH J27 +18 8 2 CH J28 +18 8 2 CH J29 +18 8 2 CH J30 +18 8 2 CH J31 +18 8 2 CH J32 +18 8 2 CH J33 +18 8 2 CH J34 +18 8 2 CH J35 +18 8 2 CH J36 +18 8 2 CH J37 +18 8 2 CH J38 +18 8 2 CH J39 +18 8 2 CH J40 +18 8 3 TY F1 +18 8 4 EE D6 +18 8 4 EE D7 +18 8 4 EE D8 +18 8 4 EE D9 +18 8 4 EE D10 +18 8 4 EE D11 +18 8 5 AA I8 +18 8 5 AA I9 +18 8 5 AA I10 +18 8 5 AA I11 +18 8 5 AA I12 +18 8 5 AA I13 +18 8 5 AA I14 +18 8 5 AA I15 +18 8 5 AA I16 +18 8 5 AA I17 +18 8 5 AA I18 +18 8 5 AA I19 +18 8 5 AA I20 +18 8 5 AA I21 +18 8 5 AA I22 +18 8 5 AA I23 +18 8 5 AA I24 +18 8 5 AA I25 +18 8 5 AA I26 +18 8 5 AA I27 +18 8 5 AA I28 +18 8 5 AA I29 +18 8 5 AA I30 +18 8 5 AA I31 +18 8 6 SH D20 +18 8 6 SH E20 +18 8 6 SH F20 +18 8 6 SH G20 +18 8 7 PI F29 +18 8 8 SH D33 +18 8 8 SH E33 +18 8 8 SH F33 +18 8 8 SH G33 +18 9 1 TA A0 +18 9 1 TA A1 +18 9 1 TA A2 +18 9 1 TA A3 +18 9 1 TA A4 +18 9 1 TA A5 +18 9 1 TA A6 +18 9 1 TA A7 +18 9 1 TA A8 +18 9 1 TA A9 +18 9 1 TA A10 +18 9 1 TA A11 +18 9 1 TA A12 +18 9 1 TA A13 +18 9 1 TA A14 +18 9 1 TA A15 +18 9 1 TA A16 +18 9 1 TA A17 +18 9 1 TA A18 +18 9 1 TA A19 +18 9 1 TA A20 +18 9 1 TA A21 +18 9 1 TA A22 +18 9 1 TA A23 +18 9 1 TA A24 +18 9 1 TA A25 +18 9 1 TA A26 +18 9 1 TA A27 +18 9 1 TA A28 +18 9 1 TA A29 +18 9 1 TA A30 +18 9 1 TA A31 +18 9 1 TA A32 +18 9 1 TA A33 +18 9 1 TA A34 +18 9 1 TA A35 +18 9 1 TA A36 +18 9 1 TA A37 +18 9 1 TA A38 +18 9 1 TA A39 +18 9 1 TA A40 +18 9 2 CH J1 +18 9 3 AA H25 +18 9 4 SA J26 +18 9 5 TY I38 +18 9 6 PO G40 +18 9 7 KK F29 +18 10 1 TA A0 +18 10 1 TA A1 +18 10 1 TA A2 +18 10 1 TA A3 +18 10 1 TA A4 +18 10 1 TA A5 +18 10 1 TA A6 +18 10 1 TA A7 +18 10 1 TA A8 +18 10 1 TA A9 +18 10 1 TA A10 +18 10 1 TA A11 +18 10 1 TA A12 +18 10 1 TA A13 +18 10 1 TA A14 +18 10 1 TA A15 +18 10 1 TA A16 +18 10 1 TA A17 +18 10 1 TA A18 +18 10 1 TA A19 +18 10 1 TA A20 +18 10 1 TA A21 +18 10 1 TA A22 +18 10 1 TA A23 +18 10 1 TA A24 +18 10 1 TA A25 +18 10 1 TA A26 +18 10 1 TA A27 +18 10 1 TA A28 +18 10 1 TA A29 +18 10 1 TA A30 +18 10 1 TA A31 +18 10 1 TA A32 +18 10 1 TA A33 +18 10 1 TA A34 +18 10 1 TA A35 +18 10 1 TA A36 +18 10 1 TA A37 +18 10 1 TA A38 +18 10 1 TA A39 +18 10 1 TA A40 +18 10 2 CH J1 +18 10 3 PA F2 +18 10 4 PO E3 +18 10 5 SH C8 +18 10 5 SH C9 +18 10 5 SH C10 +18 10 5 SH C11 +18 10 5 SH C12 +18 10 5 SH C13 +18 10 6 PI E24 +18 10 7 KK B35 +18 10 7 KK B36 +18 10 7 KK B37 +18 10 7 KK B38 +18 10 7 KK B39 +18 10 7 KK B40 +18 10 8 TY E37 +18 10 8 TY E38 +18 10 8 TY E39 +18 10 8 TY E40 +18 10 8 TY F37 +18 10 8 TY F38 +18 10 8 TY F39 +18 10 8 TY F40 +18 10 9 SA J35 +18 10 9 SA J36 +18 10 9 SA J37 +18 10 9 SA J38 +18 10 9 SA J39 +18 10 9 SA J40 +18 11 1 TA A0 +18 11 1 TA A1 +18 11 1 TA A2 +18 11 1 TA A3 +18 11 1 TA A4 +18 11 1 TA A5 +18 11 1 TA A6 +18 11 1 TA A7 +18 11 1 TA A8 +18 11 1 TA A9 +18 11 1 TA A10 +18 11 1 TA A11 +18 11 1 TA A12 +18 11 1 TA A13 +18 11 1 TA A14 +18 11 1 TA A15 +18 11 1 TA A16 +18 11 1 TA A17 +18 11 1 TA A18 +18 11 1 TA A19 +18 11 1 TA A20 +18 11 1 TA A21 +18 11 1 TA A22 +18 11 1 TA A23 +18 11 1 TA A24 +18 11 1 TA A25 +18 11 1 TA A26 +18 11 1 TA A27 +18 11 1 TA A28 +18 11 1 TA A29 +18 11 1 TA A30 +18 11 1 TA A31 +18 11 1 TA A32 +18 11 1 TA A33 +18 11 1 TA A34 +18 11 1 TA A35 +18 11 1 TA A36 +18 11 1 TA A37 +18 11 1 TA A38 +18 11 1 TA A39 +18 11 1 TA A40 +18 11 2 CH J0 +18 11 2 CH J1 +18 11 2 CH J2 +18 11 2 CH J3 +18 11 2 CH J4 +18 11 2 CH J5 +18 11 2 CH J6 +18 11 2 CH J7 +18 11 2 CH J8 +18 11 2 CH J9 +18 11 2 CH J10 +18 11 2 CH J11 +18 11 2 CH J12 +18 11 2 CH J13 +18 11 2 CH J14 +18 11 2 CH J15 +18 11 2 CH J16 +18 11 2 CH J17 +18 11 2 CH J18 +18 11 2 CH J19 +18 11 2 CH J20 +18 11 2 CH J21 +18 11 2 CH J22 +18 11 2 CH J23 +18 11 2 CH J24 +18 11 2 CH J25 +18 11 2 CH J26 +18 11 2 CH J27 +18 11 2 CH J28 +18 11 2 CH J29 +18 11 2 CH J30 +18 11 2 CH J31 +18 11 2 CH J32 +18 11 2 CH J33 +18 11 2 CH J34 +18 11 2 CH J35 +18 11 2 CH J36 +18 11 2 CH J37 +18 11 2 CH J38 +18 11 2 CH J39 +18 11 2 CH J40 +18 11 3 TY E3 +18 11 3 TY E4 +18 11 3 TY F3 +18 11 4 PO C7 +18 11 4 PO D7 +18 11 4 PO E7 +18 11 5 PA D11 +18 12 1 TA A0 +18 12 1 TA A1 +18 12 1 TA A2 +18 12 1 TA A3 +18 12 1 TA A4 +18 12 1 TA A5 +18 12 1 TA A6 +18 12 1 TA A7 +18 12 1 TA A8 +18 12 1 TA A9 +18 12 1 TA A10 +18 12 1 TA A11 +18 12 1 TA A12 +18 12 1 TA A13 +18 12 1 TA A14 +18 12 1 TA A15 +18 12 1 TA A16 +18 12 1 TA A17 +18 12 1 TA A18 +18 12 1 TA A19 +18 12 1 TA A20 +18 12 1 TA A21 +18 12 1 TA A22 +18 12 1 TA A23 +18 12 1 TA A24 +18 12 1 TA A25 +18 12 1 TA A26 +18 12 1 TA A27 +18 12 1 TA A28 +18 12 1 TA A29 +18 12 1 TA A30 +18 12 1 TA A31 +18 12 1 TA A32 +18 12 1 TA A33 +18 12 1 TA A34 +18 12 1 TA A35 +18 12 1 TA A36 +18 12 1 TA A37 +18 12 1 TA A38 +18 12 1 TA A39 +18 12 1 TA A40 +18 12 2 CH J0 +18 12 2 CH J1 +18 12 2 CH J2 +18 12 2 CH J3 +18 12 2 CH J4 +18 12 2 CH J5 +18 12 2 CH J6 +18 12 2 CH J7 +18 12 2 CH J8 +18 12 2 CH J9 +18 12 2 CH J10 +18 12 2 CH J11 +18 12 2 CH J12 +18 12 2 CH J13 +18 12 2 CH J14 +18 12 2 CH J15 +18 12 2 CH J16 +18 12 2 CH J17 +18 12 2 CH J18 +18 12 2 CH J19 +18 12 2 CH J20 +18 12 2 CH J21 +18 12 2 CH J22 +18 12 2 CH J23 +18 12 2 CH J24 +18 12 2 CH J25 +18 12 2 CH J26 +18 12 2 CH J27 +18 12 2 CH J28 +18 12 2 CH J29 +18 12 2 CH J30 +18 12 2 CH J31 +18 12 2 CH J32 +18 12 2 CH J33 +18 12 2 CH J34 +18 12 2 CH J35 +18 12 2 CH J36 +18 12 2 CH J37 +18 12 2 CH J38 +18 12 2 CH J39 +18 12 2 CH J40 +18 12 3 TY E2 +18 12 4 PO E3 +18 12 5 KK B11 +18 13 1 TA A0 +18 13 1 TA A1 +18 13 1 TA A2 +18 13 1 TA A3 +18 13 1 TA A4 +18 13 1 TA A5 +18 13 1 TA A6 +18 13 1 TA A7 +18 13 1 TA A8 +18 13 1 TA A9 +18 13 1 TA A10 +18 13 1 TA A11 +18 13 1 TA A12 +18 13 1 TA A13 +18 13 1 TA A14 +18 13 1 TA A15 +18 13 1 TA A16 +18 13 1 TA A17 +18 13 1 TA A18 +18 13 1 TA A19 +18 13 1 TA A20 +18 13 1 TA A21 +18 13 1 TA A22 +18 13 1 TA A23 +18 13 1 TA A24 +18 13 1 TA A25 +18 13 1 TA A26 +18 13 1 TA A27 +18 13 1 TA A28 +18 13 1 TA A29 +18 13 1 TA A30 +18 13 1 TA A31 +18 13 1 TA A32 +18 13 1 TA A33 +18 13 1 TA A34 +18 13 1 TA A35 +18 13 1 TA A36 +18 13 1 TA A37 +18 13 1 TA A38 +18 13 1 TA A39 +18 13 1 TA A40 +18 13 2 CH J0 +18 13 2 CH J1 +18 13 2 CH J2 +18 13 2 CH J3 +18 13 2 CH J4 +18 13 2 CH J5 +18 13 2 CH J6 +18 13 2 CH J7 +18 13 2 CH J8 +18 13 2 CH J9 +18 13 2 CH J10 +18 13 2 CH J11 +18 13 2 CH J12 +18 13 2 CH J13 +18 13 2 CH J14 +18 13 2 CH J15 +18 13 2 CH J16 +18 13 2 CH J17 +18 13 2 CH J18 +18 13 2 CH J19 +18 13 2 CH J20 +18 13 3 TY F1 +18 13 3 TY G1 +18 13 4 PO E4 +18 13 4 PO F4 +18 13 4 PO G4 +18 13 5 SA J25 +18 13 5 SA J26 +18 13 5 SA J27 +18 13 5 SA J28 +18 13 5 SA J29 +18 13 5 SA J30 +18 13 5 SA J31 +18 13 5 SA J32 +18 13 5 SA J33 +18 13 5 SA J34 +18 13 5 SA J35 +18 13 5 SA J36 +18 13 5 SA J37 +18 13 5 SA J38 +18 13 5 SA J39 +18 13 5 SA J40 +18 13 6 PI F30 +18 13 6 PI G30 +18 13 6 PI H30 +18 13 7 RR F39 +18 13 7 RR G39 +18 13 7 RR H39 +18 14 1 TA A28 +18 14 2 CH J17 +18 14 2 CH J18 +18 14 2 CH J19 +18 14 2 CH J20 +18 14 2 CH J21 +18 14 2 CH J22 +18 14 2 CH J23 +18 14 2 CH J24 +18 14 2 CH J25 +18 14 3 AA I13 +18 14 4 SA I14 +18 14 4 SA I15 +18 14 5 TY E3 +18 14 5 TY F3 +18 14 5 TY F4 +18 15 1 TA B0 +18 15 2 CH J1 +18 15 3 AA I0 +18 15 4 TY G1 +18 15 5 RR G4 +18 15 6 NN B4 +18 15 7 KK A6 +18 16 1 TA A0 +18 16 1 TA A1 +18 16 1 TA A2 +18 16 1 TA A3 +18 16 1 TA A4 +18 16 1 TA A5 +18 16 1 TA A6 +18 16 1 TA A7 +18 16 1 TA A8 +18 16 1 TA A9 +18 16 1 TA A10 +18 16 1 TA A11 +18 16 1 TA A12 +18 16 1 TA A13 +18 16 1 TA A14 +18 16 1 TA A15 +18 16 1 TA A16 +18 16 1 TA A17 +18 16 1 TA A18 +18 16 1 TA A19 +18 16 1 TA A20 +18 16 1 TA A21 +18 16 1 TA A22 +18 16 1 TA A23 +18 16 1 TA A24 +18 16 1 TA A25 +18 16 1 TA A26 +18 16 1 TA A27 +18 16 1 TA A28 +18 16 1 TA A29 +18 16 1 TA A30 +18 16 1 TA A31 +18 16 1 TA A32 +18 16 1 TA A33 +18 16 1 TA A34 +18 16 1 TA A35 +18 16 1 TA A36 +18 16 1 TA A37 +18 16 1 TA A38 +18 16 1 TA A39 +18 16 1 TA A40 +18 16 2 CH J0 +18 16 2 CH J1 +18 16 2 CH J2 +18 16 2 CH J3 +18 16 2 CH J4 +18 16 2 CH J5 +18 16 2 CH J6 +18 16 2 CH J7 +18 16 2 CH J8 +18 16 2 CH J9 +18 16 2 CH J10 +18 16 2 CH J11 +18 16 2 CH J12 +18 16 2 CH J13 +18 16 2 CH J14 +18 16 2 CH J15 +18 16 2 CH J16 +18 16 2 CH J17 +18 16 2 CH J18 +18 16 2 CH J19 +18 16 2 CH J20 +18 16 2 CH J21 +18 16 2 CH J22 +18 16 2 CH J23 +18 16 2 CH J24 +18 16 2 CH J25 +18 16 2 CH J26 +18 16 2 CH J27 +18 16 2 CH J28 +18 16 2 CH J29 +18 16 2 CH J30 +18 16 2 CH J31 +18 16 2 CH J32 +18 16 2 CH J33 +18 16 2 CH J34 +18 16 2 CH J35 +18 16 2 CH J36 +18 16 2 CH J37 +18 16 2 CH J38 +18 16 2 CH J39 +18 16 2 CH J40 +18 16 3 TY C1 +18 16 3 TY C2 +18 16 3 TY C3 +18 16 3 TY C4 +18 16 3 TY C5 +18 16 3 TY C6 +18 16 3 TY D1 +18 16 3 TY D2 +18 16 3 TY D3 +18 16 3 TY D4 +18 16 3 TY D5 +18 16 3 TY E1 +18 16 3 TY E2 +18 16 3 TY E3 +18 16 3 TY E4 +18 16 4 PI D18 +18 16 4 PI D19 +18 16 4 PI D20 +18 16 4 PI D21 +18 16 4 PI D22 +18 16 4 PI D23 +18 16 4 PI D24 +18 16 4 PI D25 +18 16 4 PI D26 +18 16 4 PI D27 +18 16 4 PI D28 +18 16 4 PI D29 +18 16 4 PI E18 +18 16 4 PI E19 +18 16 4 PI E20 +18 16 4 PI E21 +18 16 4 PI E22 +18 16 4 PI E23 +18 16 4 PI E24 +18 16 4 PI E25 +18 16 4 PI E26 +18 16 4 PI E27 +18 16 4 PI E28 +18 16 4 PI E29 +18 16 4 PI F18 +18 16 4 PI F19 +18 16 4 PI F20 +18 16 4 PI F21 +18 16 4 PI F22 +18 16 4 PI F23 +18 16 4 PI F24 +18 16 4 PI F25 +18 16 4 PI F26 +18 16 4 PI F27 +18 16 4 PI F28 +18 16 4 PI F29 +18 16 5 PO E40 +18 16 5 PO F40 +18 16 5 PO G40 +18 16 5 PO H40 +18 17 1 TA A0 +18 17 1 TA A1 +18 17 1 TA A2 +18 17 1 TA A3 +18 17 1 TA A4 +18 17 1 TA A5 +18 17 1 TA A6 +18 17 1 TA A7 +18 17 1 TA A8 +18 17 1 TA A9 +18 17 1 TA A10 +18 17 1 TA A11 +18 17 1 TA A12 +18 17 1 TA A13 +18 17 1 TA A14 +18 17 1 TA A15 +18 17 1 TA A16 +18 17 1 TA A17 +18 17 1 TA A18 +18 17 1 TA A19 +18 17 1 TA A20 +18 17 1 TA A21 +18 17 1 TA A22 +18 17 1 TA A23 +18 17 1 TA A24 +18 17 1 TA A25 +18 17 1 TA A26 +18 17 1 TA A27 +18 17 1 TA A28 +18 17 1 TA A29 +18 17 1 TA A30 +18 17 1 TA A31 +18 17 1 TA A32 +18 17 1 TA A33 +18 17 1 TA A34 +18 17 1 TA A35 +18 17 1 TA A36 +18 17 1 TA A37 +18 17 1 TA A38 +18 17 1 TA A39 +18 17 1 TA A40 +18 17 2 CH J0 +18 17 2 CH J1 +18 17 2 CH J2 +18 17 2 CH J3 +18 17 2 CH J4 +18 17 2 CH J5 +18 17 2 CH J6 +18 17 2 CH J7 +18 17 2 CH J8 +18 17 2 CH J9 +18 17 2 CH J10 +18 17 2 CH J11 +18 17 2 CH J12 +18 17 2 CH J13 +18 17 2 CH J14 +18 17 2 CH J15 +18 17 2 CH J16 +18 17 2 CH J17 +18 17 2 CH J18 +18 17 2 CH J19 +18 17 2 CH J20 +18 17 2 CH J21 +18 17 2 CH J22 +18 17 2 CH J23 +18 17 2 CH J24 +18 17 2 CH J25 +18 17 2 CH J26 +18 17 2 CH J27 +18 17 2 CH J28 +18 17 2 CH J29 +18 17 2 CH J30 +18 17 2 CH J31 +18 17 2 CH J32 +18 17 2 CH J33 +18 17 2 CH J34 +18 17 2 CH J35 +18 17 2 CH J36 +18 17 2 CH J37 +18 17 2 CH J38 +18 17 2 CH J39 +18 17 2 CH J40 +18 17 3 AA B19 +18 17 3 AA B20 +18 17 3 AA B21 +18 17 3 AA B22 +18 17 3 AA B23 +18 17 3 AA B24 +18 17 3 AA B25 +18 17 3 AA B26 +18 17 3 AA B27 +18 17 3 AA B28 +18 17 3 AA B29 +18 17 3 AA B30 +18 17 3 AA B31 +18 17 3 AA B32 +18 17 3 AA B33 +18 17 3 AA B34 +18 17 3 AA B35 +18 17 3 AA B36 +18 17 3 AA B37 +18 17 3 AA B38 +18 17 3 AA B39 +18 17 3 AA B40 +18 17 4 TY E22 +18 17 4 TY E23 +18 17 4 TY E24 +18 17 4 TY E25 +18 17 4 TY E26 +18 17 4 TY E27 +18 17 4 TY E28 +18 17 4 TY E29 +18 17 4 TY E30 +18 17 5 PO F3 +18 17 5 PO G3 +18 18 1 TA A0 +18 18 1 TA A1 +18 18 1 TA A2 +18 18 1 TA A3 +18 18 1 TA A4 +18 18 1 TA A5 +18 18 1 TA A6 +18 18 1 TA A7 +18 18 1 TA A8 +18 18 1 TA A9 +18 18 1 TA A10 +18 18 1 TA A11 +18 18 1 TA A12 +18 18 1 TA A13 +18 18 1 TA A14 +18 18 1 TA A15 +18 18 1 TA A16 +18 18 1 TA A17 +18 18 1 TA A18 +18 18 1 TA A19 +18 18 1 TA A20 +18 18 1 TA A21 +18 18 1 TA A22 +18 18 1 TA A23 +18 18 1 TA A24 +18 18 1 TA A25 +18 18 1 TA A26 +18 18 1 TA A27 +18 18 1 TA A28 +18 18 1 TA A29 +18 18 1 TA A30 +18 18 1 TA A31 +18 18 1 TA A32 +18 18 1 TA A33 +18 18 1 TA A34 +18 18 1 TA A35 +18 18 1 TA A36 +18 18 1 TA A37 +18 18 1 TA A38 +18 18 1 TA A39 +18 18 1 TA A40 +18 18 2 CH J0 +18 18 2 CH J1 +18 18 2 CH J2 +18 18 2 CH J3 +18 18 2 CH J4 +18 18 2 CH J5 +18 18 2 CH J6 +18 18 2 CH J7 +18 18 2 CH J8 +18 18 2 CH J9 +18 18 2 CH J10 +18 18 2 CH J11 +18 18 2 CH J12 +18 18 2 CH J13 +18 18 2 CH J14 +18 18 2 CH J15 +18 18 2 CH J16 +18 18 2 CH J17 +18 18 2 CH J18 +18 18 2 CH J19 +18 18 2 CH J20 +18 18 2 CH J21 +18 18 2 CH J22 +18 18 2 CH J23 +18 18 2 CH J24 +18 18 2 CH J25 +18 18 2 CH J26 +18 18 2 CH J27 +18 18 2 CH J28 +18 18 2 CH J29 +18 18 2 CH J30 +18 18 2 CH J31 +18 18 2 CH J32 +18 18 2 CH J33 +18 18 2 CH J34 +18 18 2 CH J35 +18 18 2 CH J36 +18 18 2 CH J37 +18 18 2 CH J38 +18 18 2 CH J39 +18 18 2 CH J40 +18 18 3 TY G1 +18 18 4 KK E4 +18 18 5 EE C9 +18 18 6 PI F18 +18 18 7 AA B39 +18 19 1 TA A0 +18 19 1 TA A1 +18 19 1 TA A2 +18 19 1 TA A3 +18 19 1 TA A4 +18 19 1 TA A5 +18 19 1 TA A6 +18 19 1 TA A7 +18 19 1 TA A8 +18 19 1 TA A9 +18 19 1 TA A10 +18 19 1 TA A11 +18 19 1 TA A12 +18 19 1 TA A13 +18 19 1 TA A14 +18 19 1 TA A15 +18 19 1 TA A16 +18 19 1 TA A17 +18 19 1 TA A18 +18 19 1 TA A19 +18 19 1 TA A20 +18 19 1 TA A21 +18 19 1 TA A22 +18 19 1 TA A23 +18 19 1 TA A24 +18 19 1 TA A25 +18 19 1 TA A26 +18 19 1 TA A27 +18 19 1 TA A28 +18 19 1 TA A29 +18 19 1 TA A30 +18 19 1 TA A31 +18 19 1 TA A32 +18 19 1 TA A33 +18 19 1 TA A34 +18 19 1 TA A35 +18 19 1 TA A36 +18 19 1 TA A37 +18 19 1 TA A38 +18 19 1 TA A39 +18 19 1 TA A40 +18 19 2 CH J0 +18 19 2 CH J1 +18 19 2 CH J2 +18 19 2 CH J3 +18 19 2 CH J4 +18 19 2 CH J5 +18 19 2 CH J6 +18 19 2 CH J7 +18 19 2 CH J8 +18 19 2 CH J9 +18 19 2 CH J10 +18 19 2 CH J11 +18 19 2 CH J12 +18 19 2 CH J13 +18 19 2 CH J14 +18 19 2 CH J15 +18 19 2 CH J16 +18 19 2 CH J17 +18 19 2 CH J18 +18 19 2 CH J19 +18 19 2 CH J20 +18 19 2 CH J21 +18 19 2 CH J22 +18 19 2 CH J23 +18 19 2 CH J24 +18 19 2 CH J25 +18 19 2 CH J26 +18 19 2 CH J27 +18 19 2 CH J28 +18 19 2 CH J29 +18 19 2 CH J30 +18 19 2 CH J31 +18 19 2 CH J32 +18 19 2 CH J33 +18 19 2 CH J34 +18 19 2 CH J35 +18 19 2 CH J36 +18 19 2 CH J37 +18 19 2 CH J38 +18 19 2 CH J39 +18 19 2 CH J40 +18 19 3 KK I0 +18 19 3 KK I1 +18 19 3 KK I2 +18 19 3 KK I3 +18 19 3 KK I4 +18 19 3 KK I5 +18 19 3 KK I6 +18 19 3 KK I7 +18 19 3 KK I8 +18 19 3 KK I9 +18 19 3 KK I10 +18 19 3 KK I11 +18 19 3 KK I12 +18 19 3 KK I13 +18 19 3 KK I14 +18 19 3 KK I15 +18 19 3 KK I16 +18 19 3 KK I17 +18 19 3 KK I18 +18 19 3 KK I19 +18 19 3 KK I20 +18 19 3 KK I21 +18 19 3 KK I22 +18 19 3 KK I23 +18 19 3 KK I24 +18 19 3 KK I25 +18 19 3 KK I26 +18 19 3 KK I27 +18 19 3 KK I28 +18 19 3 KK I29 +18 19 3 KK I30 +18 19 3 KK I31 +18 19 3 KK I32 +18 19 3 KK I33 +18 19 3 KK I34 +18 19 3 KK I35 +18 19 3 KK I36 +18 19 3 KK I37 +18 19 3 KK I38 +18 19 3 KK I39 +18 19 3 KK I40 +18 19 4 PO D1 +18 19 4 PO D2 +18 19 4 PO D3 +18 19 4 PO D4 +18 19 4 PO E1 +18 19 4 PO E2 +18 19 4 PO E3 +18 19 4 PO E4 +18 19 4 PO F1 +18 19 4 PO F2 +18 19 4 PO F3 +18 19 4 PO F4 +18 19 5 PI C17 +18 19 5 PI C18 +18 19 5 PI C19 +18 19 5 PI C20 +18 19 5 PI C21 +18 19 5 PI C22 +18 19 5 PI D17 +18 19 5 PI D18 +18 19 5 PI D19 +18 19 5 PI D20 +18 19 5 PI D21 +18 19 5 PI D22 +18 19 5 PI E17 +18 19 5 PI E18 +18 19 5 PI E19 +18 19 5 PI E20 +18 19 5 PI E21 +18 19 5 PI E22 +18 19 6 TY C40 +18 19 6 TY D40 +18 19 6 TY E40 +18 19 6 TY F40 +18 19 6 TY G40 +18 20 1 TA A0 +18 20 1 TA A1 +18 20 1 TA A2 +18 20 1 TA A3 +18 20 1 TA A4 +18 20 1 TA A5 +18 20 1 TA A6 +18 20 1 TA A7 +18 20 1 TA A8 +18 20 1 TA A9 +18 20 1 TA A10 +18 20 1 TA A11 +18 20 1 TA A12 +18 20 1 TA A13 +18 20 1 TA A14 +18 20 1 TA A15 +18 20 1 TA A16 +18 20 1 TA A17 +18 20 1 TA A18 +18 20 1 TA A19 +18 20 1 TA A20 +18 20 1 TA A21 +18 20 1 TA A22 +18 20 1 TA A23 +18 20 1 TA A24 +18 20 1 TA A25 +18 20 1 TA A26 +18 20 1 TA A27 +18 20 1 TA A28 +18 20 1 TA A29 +18 20 1 TA A30 +18 20 1 TA A31 +18 20 1 TA A32 +18 20 1 TA A33 +18 20 1 TA A34 +18 20 1 TA A35 +18 20 1 TA A36 +18 20 1 TA A37 +18 20 1 TA A38 +18 20 1 TA A39 +18 20 1 TA A40 +18 20 2 CH J0 +18 20 2 CH J1 +18 20 2 CH J2 +18 20 2 CH J3 +18 20 2 CH J4 +18 20 2 CH J5 +18 20 2 CH J6 +18 20 2 CH J7 +18 20 2 CH J8 +18 20 2 CH J9 +18 20 2 CH J10 +18 20 2 CH J11 +18 20 2 CH J12 +18 20 2 CH J13 +18 20 2 CH J14 +18 20 2 CH J15 +18 20 2 CH J16 +18 20 2 CH J17 +18 20 2 CH J18 +18 20 2 CH J19 +18 20 2 CH J20 +18 20 2 CH J21 +18 20 2 CH J22 +18 20 2 CH J23 +18 20 2 CH J24 +18 20 2 CH J25 +18 20 2 CH J26 +18 20 2 CH J27 +18 20 2 CH J28 +18 20 2 CH J29 +18 20 2 CH J30 +18 20 2 CH J31 +18 20 2 CH J32 +18 20 2 CH J33 +18 20 2 CH J34 +18 20 2 CH J35 +18 20 2 CH J36 +18 20 2 CH J37 +18 20 2 CH J38 +18 20 2 CH J39 +18 20 2 CH J40 +18 20 3 PO H2 +18 20 4 AA F22 +18 20 4 AA G22 +18 20 5 TY G37 +18 20 5 TY G38 +18 20 5 TY H37 +18 20 5 TY H38 +18 21 1 TA A19 +18 21 2 CH J1 +18 21 3 SA J20 +18 21 4 PI H17 +18 21 5 TY E1 +18 21 6 PA F3 +18 21 7 PO B9 +18 21 8 KK D10 +18 21 9 AA E17 +18 22 1 TA A0 +18 22 1 TA A1 +18 22 1 TA A2 +18 22 1 TA A3 +18 22 1 TA A4 +18 22 1 TA A5 +18 22 1 TA A6 +18 22 1 TA A7 +18 22 1 TA A8 +18 22 1 TA A9 +18 22 1 TA A10 +18 22 1 TA A11 +18 22 1 TA A12 +18 22 1 TA A13 +18 22 1 TA A14 +18 22 1 TA A15 +18 22 1 TA A16 +18 22 1 TA A17 +18 22 1 TA A18 +18 22 1 TA A19 +18 22 1 TA A20 +18 22 1 TA A21 +18 22 1 TA A22 +18 22 1 TA A23 +18 22 1 TA A24 +18 22 1 TA A25 +18 22 1 TA A26 +18 22 1 TA A27 +18 22 1 TA A28 +18 22 1 TA A29 +18 22 1 TA A30 +18 22 1 TA A31 +18 22 1 TA A32 +18 22 1 TA A33 +18 22 1 TA A34 +18 22 1 TA A35 +18 22 1 TA A36 +18 22 1 TA A37 +18 22 1 TA A38 +18 22 1 TA A39 +18 22 1 TA A40 +18 22 2 CH J0 +18 22 2 CH J1 +18 22 2 CH J2 +18 22 2 CH J3 +18 22 2 CH J4 +18 22 2 CH J5 +18 22 2 CH J6 +18 22 2 CH J7 +18 22 2 CH J8 +18 22 2 CH J9 +18 22 2 CH J10 +18 22 2 CH J11 +18 22 2 CH J12 +18 22 2 CH J13 +18 22 2 CH J14 +18 22 2 CH J15 +18 22 2 CH J16 +18 22 2 CH J17 +18 22 2 CH J18 +18 22 2 CH J19 +18 22 2 CH J20 +18 22 2 CH J21 +18 22 2 CH J22 +18 22 2 CH J23 +18 22 2 CH J24 +18 22 2 CH J25 +18 22 2 CH J26 +18 22 2 CH J27 +18 22 2 CH J28 +18 22 2 CH J29 +18 22 2 CH J30 +18 22 2 CH J31 +18 22 2 CH J32 +18 22 2 CH J33 +18 22 2 CH J34 +18 22 2 CH J35 +18 22 2 CH J36 +18 22 2 CH J37 +18 22 2 CH J38 +18 22 2 CH J39 +18 22 2 CH J40 +18 22 3 AA F10 +18 22 3 AA F11 +18 22 3 AA F12 +18 22 3 AA F13 +18 22 3 AA G10 +18 22 3 AA G11 +18 22 3 AA G12 +18 22 3 AA G13 +18 22 4 SH B10 +18 22 4 SH B11 +18 22 4 SH B12 +18 22 4 SH B13 +18 22 4 SH B14 +18 22 4 SH C10 +18 22 4 SH C11 +18 22 4 SH C12 +18 22 4 SH C13 +18 22 4 SH C14 +18 22 5 PI E27 +18 22 5 PI E28 +18 22 5 PI E29 +18 22 5 PI E30 +18 22 5 PI F26 +18 22 5 PI F27 +18 22 5 PI F28 +18 22 5 PI F29 +18 22 5 PI F30 +18 22 6 TY C34 +18 22 6 TY C35 +18 22 6 TY C36 +18 22 6 TY C37 +18 22 6 TY C38 +18 22 6 TY C39 +18 22 6 TY C40 +18 22 6 TY D34 +18 22 6 TY D35 +18 22 6 TY D36 +18 22 6 TY D37 +18 22 6 TY D38 +18 22 6 TY D39 +18 22 6 TY D40 +18 23 1 TA A0 +18 23 1 TA A1 +18 23 1 TA A2 +18 23 1 TA A3 +18 23 1 TA A4 +18 23 1 TA A5 +18 23 1 TA A6 +18 23 1 TA A7 +18 23 1 TA A8 +18 23 1 TA A9 +18 23 1 TA A10 +18 23 1 TA A11 +18 23 1 TA A12 +18 23 1 TA A13 +18 23 1 TA A14 +18 23 1 TA A15 +18 23 1 TA A16 +18 23 1 TA A17 +18 23 1 TA A18 +18 23 1 TA A19 +18 23 1 TA A20 +18 23 1 TA A21 +18 23 1 TA A22 +18 23 1 TA A23 +18 23 1 TA A24 +18 23 1 TA A25 +18 23 1 TA A26 +18 23 1 TA A27 +18 23 1 TA A28 +18 23 1 TA A29 +18 23 1 TA A30 +18 23 1 TA A31 +18 23 1 TA A32 +18 23 1 TA A33 +18 23 1 TA A34 +18 23 1 TA A35 +18 23 1 TA A36 +18 23 1 TA A37 +18 23 1 TA A38 +18 23 1 TA A39 +18 23 1 TA A40 +18 23 2 CH J0 +18 23 2 CH J1 +18 23 2 CH J2 +18 23 2 CH J3 +18 23 2 CH J4 +18 23 2 CH J5 +18 23 2 CH J6 +18 23 2 CH J7 +18 23 2 CH J8 +18 23 2 CH J9 +18 23 2 CH J10 +18 23 2 CH J11 +18 23 2 CH J12 +18 23 2 CH J13 +18 23 2 CH J14 +18 23 2 CH J15 +18 23 2 CH J16 +18 23 2 CH J17 +18 23 2 CH J18 +18 23 2 CH J19 +18 23 2 CH J20 +18 23 2 CH J21 +18 23 2 CH J22 +18 23 2 CH J23 +18 23 2 CH J24 +18 23 2 CH J25 +18 23 2 CH J26 +18 23 2 CH J27 +18 23 2 CH J28 +18 23 2 CH J29 +18 23 2 CH J30 +18 23 2 CH J31 +18 23 2 CH J32 +18 23 2 CH J33 +18 23 2 CH J34 +18 23 2 CH J35 +18 23 2 CH J36 +18 23 2 CH J37 +18 23 2 CH J38 +18 23 2 CH J39 +18 23 2 CH J40 +18 23 3 TY C1 +18 23 3 TY C2 +18 23 3 TY C3 +18 23 3 TY C4 +18 23 3 TY C5 +18 23 3 TY C6 +18 23 3 TY C7 +18 23 3 TY C8 +18 23 3 TY D1 +18 23 3 TY D2 +18 23 3 TY D3 +18 23 3 TY D4 +18 23 3 TY D5 +18 23 3 TY D6 +18 23 3 TY D7 +18 23 3 TY D8 +18 23 4 NN C9 +18 23 5 AA H7 +18 23 5 AA H8 +18 23 5 AA H9 +18 23 5 AA H10 +18 23 5 AA H11 +18 23 5 AA H12 +18 23 5 AA H13 +18 23 5 AA H14 +18 23 5 AA H15 +18 23 5 AA I0 +18 23 5 AA I1 +18 23 5 AA I2 +18 23 5 AA I3 +18 23 5 AA I4 +18 23 5 AA I5 +18 23 5 AA I6 +18 23 6 SA I8 +18 23 6 SA I9 +18 23 6 SA I10 +18 23 6 SA I11 +18 23 6 SA I12 +18 23 6 SA I13 +18 23 6 SA I14 +18 23 6 SA I15 +18 23 6 SA I16 +18 23 6 SA I17 +18 23 6 SA I18 +18 23 6 SA I19 +18 23 6 SA I20 +18 23 6 SA I21 +18 23 6 SA I22 +18 23 6 SA I23 +18 23 7 PO F1 +18 23 7 PO F2 +18 23 7 PO F3 +18 23 7 PO F4 +18 23 7 PO G1 +18 23 7 PO G2 +18 23 7 PO G3 +18 23 7 PO G4 +18 23 8 FF H31 +18 24 1 TA A0 +18 24 1 TA A1 +18 24 1 TA A2 +18 24 1 TA A3 +18 24 1 TA A4 +18 24 2 SA G0 +18 24 2 SA H0 +18 24 3 CH E0 +18 24 4 PO F1 +18 24 4 PO G2 +18 24 5 TY G1 +18 24 6 KK F4 +18 25 1 TA A0 +18 25 1 TA A1 +18 25 1 TA A2 +18 25 1 TA A3 +18 25 1 TA A4 +18 25 1 TA A5 +18 25 1 TA A6 +18 25 1 TA A7 +18 25 1 TA A8 +18 25 1 TA A9 +18 25 1 TA A10 +18 25 1 TA A11 +18 25 1 TA A12 +18 25 1 TA A13 +18 25 1 TA A14 +18 25 1 TA A15 +18 25 1 TA A16 +18 25 1 TA A17 +18 25 1 TA A18 +18 25 1 TA A19 +18 25 1 TA A20 +18 25 1 TA A21 +18 25 1 TA A22 +18 25 1 TA A23 +18 25 1 TA A24 +18 25 1 TA A25 +18 25 1 TA A26 +18 25 1 TA A27 +18 25 1 TA A28 +18 25 1 TA A29 +18 25 1 TA A30 +18 25 1 TA A31 +18 25 1 TA A32 +18 25 1 TA A33 +18 25 1 TA A34 +18 25 1 TA A35 +18 25 1 TA A36 +18 25 1 TA A37 +18 25 1 TA A38 +18 25 1 TA A39 +18 25 1 TA A40 +18 25 1 TA B0 +18 25 1 TA B1 +18 25 1 TA B2 +18 25 1 TA B3 +18 25 1 TA B4 +18 25 1 TA B5 +18 25 1 TA B6 +18 25 1 TA B7 +18 25 1 TA B8 +18 25 2 KK B9 +18 25 2 KK B10 +18 25 2 KK B11 +18 25 2 KK B12 +18 25 2 KK B13 +18 25 2 KK B14 +18 25 2 KK B15 +18 25 2 KK B16 +18 25 2 KK B17 +18 25 2 KK B18 +18 25 2 KK B19 +18 25 2 KK B20 +18 25 2 KK B21 +18 25 2 KK B22 +18 25 2 KK B23 +18 25 2 KK B24 +18 25 2 KK B25 +18 25 2 KK B26 +18 25 2 KK B27 +18 25 2 KK B28 +18 25 2 KK B29 +18 25 2 KK B30 +18 25 2 KK B31 +18 25 2 KK B32 +18 25 2 KK B33 +18 25 2 KK B34 +18 25 2 KK B35 +18 25 2 KK B36 +18 25 2 KK B37 +18 25 2 KK B38 +18 25 2 KK B39 +18 25 2 KK B40 +18 25 3 TY C1 +18 25 3 TY C2 +18 25 3 TY C3 +18 25 3 TY C4 +18 25 3 TY C5 +18 25 3 TY C6 +18 25 3 TY C7 +18 25 3 TY D1 +18 25 3 TY D2 +18 25 3 TY D3 +18 25 3 TY D4 +18 25 3 TY D5 +18 25 4 CH J0 +18 25 4 CH J1 +18 25 4 CH J2 +18 25 4 CH J3 +18 25 4 CH J4 +18 25 4 CH J5 +18 25 4 CH J6 +18 25 4 CH J7 +18 25 4 CH J8 +18 25 4 CH J9 +18 25 4 CH J10 +18 25 4 CH J11 +18 25 4 CH J12 +18 25 4 CH J13 +18 25 4 CH J14 +18 25 4 CH J15 +18 25 4 CH J16 +18 25 4 CH J17 +18 25 4 CH J18 +18 25 4 CH J19 +18 25 4 CH J20 +18 25 4 CH J21 +18 25 4 CH J22 +18 25 4 CH J23 +18 25 4 CH J24 +18 25 4 CH J25 +18 25 4 CH J26 +18 25 4 CH J27 +18 25 4 CH J28 +18 25 4 CH J29 +18 25 4 CH J30 +18 25 4 CH J31 +18 25 4 CH J32 +18 25 4 CH J33 +18 25 4 CH J34 +18 25 4 CH J35 +18 25 4 CH J36 +18 25 4 CH J37 +18 25 4 CH J38 +18 25 4 CH J39 +18 25 4 CH J40 +18 25 5 AA H13 +18 25 5 AA H14 +18 25 5 AA H15 +18 25 5 AA H16 +18 25 5 AA H17 +18 25 5 AA H18 +18 25 5 AA H19 +18 25 5 AA H20 +18 25 5 AA H21 +19 1 1 FJ A0 +19 1 1 FJ A1 +19 1 1 FJ A2 +19 1 1 FJ A3 +19 1 1 FJ A4 +19 1 1 FJ A5 +19 1 1 FJ A6 +19 1 1 FJ A7 +19 1 1 FJ A8 +19 1 1 FJ A9 +19 1 1 FJ A10 +19 1 1 FJ A11 +19 1 1 FJ A12 +19 1 1 FJ A13 +19 1 1 FJ A14 +19 1 1 FJ A15 +19 1 1 FJ A16 +19 1 1 FJ A17 +19 1 1 FJ A18 +19 1 1 FJ A19 +19 1 1 FJ A20 +19 1 1 FJ A21 +19 1 1 FJ A22 +19 1 1 FJ A23 +19 1 1 FJ A24 +19 1 1 FJ A25 +19 1 1 FJ A26 +19 1 1 FJ A27 +19 1 1 FJ A28 +19 1 1 FJ A29 +19 1 1 FJ A30 +19 1 1 FJ A31 +19 1 1 FJ A32 +19 1 1 FJ A33 +19 1 1 FJ A34 +19 1 1 FJ A35 +19 1 1 FJ A36 +19 1 1 FJ A37 +19 1 1 FJ A38 +19 1 1 FJ A39 +19 1 1 FJ A40 +19 1 2 PI E39 +19 1 3 CA I38 +19 1 4 FC G29 +19 1 5 N G17 +19 1 6 TS C10 +19 1 7 CF I6 +19 1 8 B H2 +19 1 9 PL F0 +19 1 10 F J0 +19 1 10 F J1 +19 1 10 F J2 +19 1 10 F J3 +19 1 10 F J4 +19 1 10 F J5 +19 1 10 F J6 +19 1 10 F J7 +19 1 10 F J8 +19 1 10 F J9 +19 1 10 F J10 +19 1 10 F J11 +19 1 10 F J12 +19 1 10 F J13 +19 1 10 F J14 +19 1 10 F J15 +19 1 10 F J16 +19 1 10 F J17 +19 1 10 F J18 +19 1 10 F J19 +19 1 10 F J20 +19 1 10 F J21 +19 1 10 F J22 +19 1 10 F J23 +19 1 10 F J24 +19 1 10 F J25 +19 1 10 F J26 +19 1 10 F J27 +19 1 10 F J28 +19 1 10 F J29 +19 1 10 F J30 +19 1 10 F J31 +19 1 10 F J32 +19 1 10 F J33 +19 1 10 F J34 +19 1 10 F J35 +19 1 10 F J36 +19 1 10 F J37 +19 1 10 F J38 +19 1 10 F J39 +19 1 10 F J40 +19 2 1 FJ A0 +19 2 1 FJ A1 +19 2 1 FJ A2 +19 2 1 FJ A3 +19 2 1 FJ A4 +19 2 1 FJ A5 +19 2 1 FJ A6 +19 2 1 FJ A7 +19 2 1 FJ A8 +19 2 1 FJ A9 +19 2 1 FJ A10 +19 2 1 FJ A11 +19 2 1 FJ A12 +19 2 1 FJ A13 +19 2 1 FJ A14 +19 2 1 FJ A15 +19 2 1 FJ A16 +19 2 1 FJ A17 +19 2 1 FJ A18 +19 2 1 FJ A19 +19 2 1 FJ A20 +19 2 1 FJ A21 +19 2 1 FJ A22 +19 2 1 FJ A23 +19 2 1 FJ A24 +19 2 1 FJ A25 +19 2 1 FJ A26 +19 2 1 FJ A27 +19 2 1 FJ A28 +19 2 1 FJ A29 +19 2 1 FJ A30 +19 2 1 FJ A31 +19 2 1 FJ A32 +19 2 1 FJ A33 +19 2 1 FJ A34 +19 2 1 FJ A35 +19 2 1 FJ A36 +19 2 1 FJ A37 +19 2 1 FJ A38 +19 2 1 FJ A39 +19 2 1 FJ A40 +19 2 2 F J0 +19 2 2 F J1 +19 2 2 F J2 +19 2 2 F J3 +19 2 2 F J4 +19 2 2 F J5 +19 2 2 F J6 +19 2 2 F J7 +19 2 2 F J8 +19 2 2 F J9 +19 2 2 F J10 +19 2 2 F J11 +19 2 2 F J12 +19 2 2 F J13 +19 2 2 F J14 +19 2 2 F J15 +19 2 2 F J16 +19 2 2 F J17 +19 2 2 F J18 +19 2 2 F J19 +19 2 2 F J20 +19 2 2 F J21 +19 2 2 F J22 +19 2 2 F J23 +19 2 2 F J24 +19 2 2 F J25 +19 2 2 F J26 +19 2 2 F J27 +19 2 2 F J28 +19 2 2 F J29 +19 2 2 F J30 +19 2 2 F J31 +19 2 2 F J32 +19 2 2 F J33 +19 2 2 F J34 +19 2 2 F J35 +19 2 2 F J36 +19 2 2 F J37 +19 2 2 F J38 +19 2 2 F J39 +19 2 2 F J40 +19 2 3 FC I30 +19 2 4 A D28 +19 2 5 N H17 +19 2 6 TS C8 +19 2 7 CF H8 +19 2 8 B G3 +19 2 9 CE F0 +19 2 10 R I1 +19 2 11 M G3 +19 3 1 FJ A0 +19 3 1 FJ A1 +19 3 1 FJ A2 +19 3 1 FJ A3 +19 3 1 FJ A4 +19 3 1 FJ A5 +19 3 1 FJ A6 +19 3 1 FJ A7 +19 3 1 FJ A8 +19 3 1 FJ A9 +19 3 1 FJ A10 +19 3 1 FJ A11 +19 3 1 FJ A12 +19 3 1 FJ A13 +19 3 1 FJ A14 +19 3 1 FJ A15 +19 3 1 FJ A16 +19 3 1 FJ A17 +19 3 1 FJ A18 +19 3 1 FJ A19 +19 3 1 FJ A20 +19 3 1 FJ A21 +19 3 1 FJ A22 +19 3 1 FJ A23 +19 3 1 FJ A24 +19 3 1 FJ A25 +19 3 1 FJ A26 +19 3 1 FJ A27 +19 3 1 FJ A28 +19 3 1 FJ A29 +19 3 1 FJ A30 +19 3 1 FJ A31 +19 3 1 FJ A32 +19 3 1 FJ A33 +19 3 1 FJ A34 +19 3 1 FJ A35 +19 3 1 FJ A36 +19 3 1 FJ A37 +19 3 1 FJ A38 +19 3 1 FJ A39 +19 3 1 FJ A40 +19 3 2 CA I35 +19 3 3 FC I30 +19 3 4 N I19 +19 3 5 TS C12 +19 3 6 CF I6 +19 3 7 B H2 +19 3 8 R G1 +19 3 9 F J0 +19 3 9 F J1 +19 3 9 F J2 +19 3 9 F J3 +19 3 9 F J4 +19 3 9 F J5 +19 3 9 F J6 +19 3 9 F J7 +19 3 9 F J8 +19 3 9 F J9 +19 3 9 F J10 +19 3 9 F J11 +19 3 9 F J12 +19 3 9 F J13 +19 3 9 F J14 +19 3 9 F J15 +19 3 9 F J16 +19 3 9 F J17 +19 3 9 F J18 +19 3 9 F J19 +19 3 9 F J20 +19 3 9 F J21 +19 3 9 F J22 +19 3 9 F J23 +19 3 9 F J24 +19 3 9 F J25 +19 3 9 F J26 +19 3 9 F J27 +19 3 9 F J28 +19 3 9 F J29 +19 3 9 F J30 +19 3 9 F J31 +19 3 9 F J32 +19 3 9 F J33 +19 3 9 F J34 +19 3 9 F J35 +19 3 9 F J36 +19 3 9 F J37 +19 3 9 F J38 +19 3 9 F J39 +19 3 9 F J40 +19 4 1 FJ A0 +19 4 1 FJ A1 +19 4 1 FJ A2 +19 4 1 FJ A3 +19 4 1 FJ A4 +19 4 1 FJ A5 +19 4 1 FJ A6 +19 4 1 FJ A7 +19 4 1 FJ A8 +19 4 1 FJ A9 +19 4 1 FJ A10 +19 4 1 FJ A11 +19 4 1 FJ A12 +19 4 1 FJ A13 +19 4 1 FJ A14 +19 4 1 FJ A15 +19 4 1 FJ A16 +19 4 1 FJ A17 +19 4 1 FJ A18 +19 4 1 FJ A19 +19 4 1 FJ A20 +19 4 1 FJ A21 +19 4 1 FJ A22 +19 4 1 FJ A23 +19 4 1 FJ A24 +19 4 1 FJ A25 +19 4 1 FJ A26 +19 4 1 FJ A27 +19 4 1 FJ A28 +19 4 1 FJ A29 +19 4 1 FJ A30 +19 4 1 FJ A31 +19 4 1 FJ A32 +19 4 1 FJ A33 +19 4 1 FJ A34 +19 4 1 FJ A35 +19 4 1 FJ A36 +19 4 1 FJ A37 +19 4 1 FJ A38 +19 4 1 FJ A39 +19 4 1 FJ A40 +19 4 2 R E39 +19 4 3 CA H36 +19 4 4 FC H30 +19 4 5 N H20 +19 4 6 TS C8 +19 4 7 B G2 +19 4 8 SP G0 +19 5 1 FJ A0 +19 5 1 FJ A1 +19 5 1 FJ A2 +19 5 1 FJ A3 +19 5 1 FJ A4 +19 5 1 FJ A5 +19 5 1 FJ A6 +19 5 1 FJ A7 +19 5 1 FJ A8 +19 5 1 FJ A9 +19 5 1 FJ A10 +19 5 1 FJ A11 +19 5 1 FJ A12 +19 5 1 FJ A13 +19 5 1 FJ A14 +19 5 1 FJ A15 +19 5 1 FJ A16 +19 5 1 FJ A17 +19 5 1 FJ A18 +19 5 1 FJ A19 +19 5 1 FJ A20 +19 5 1 FJ A21 +19 5 1 FJ A22 +19 5 1 FJ A23 +19 5 1 FJ A24 +19 5 1 FJ A25 +19 5 1 FJ A26 +19 5 1 FJ A27 +19 5 1 FJ A28 +19 5 1 FJ A29 +19 5 1 FJ A30 +19 5 1 FJ A31 +19 5 1 FJ A32 +19 5 1 FJ A33 +19 5 1 FJ A34 +19 5 1 FJ A35 +19 5 1 FJ A36 +19 5 1 FJ A37 +19 5 1 FJ A38 +19 5 1 FJ A39 +19 5 1 FJ A40 +19 5 2 M G34 +19 5 3 FC H30 +19 5 4 N H20 +19 5 5 TS C8 +19 5 6 F J0 +19 5 6 F J1 +19 5 6 F J2 +19 5 6 F J3 +19 5 6 F J4 +19 5 6 F J5 +19 5 6 F J6 +19 5 6 F J7 +19 5 6 F J8 +19 5 6 F J9 +19 5 6 F J10 +19 5 6 F J11 +19 5 6 F J12 +19 5 6 F J13 +19 5 6 F J14 +19 5 6 F J15 +19 5 6 F J16 +19 5 6 F J17 +19 5 6 F J18 +19 5 6 F J19 +19 5 6 F J20 +19 5 6 F J21 +19 5 6 F J22 +19 5 6 F J23 +19 5 6 F J24 +19 5 6 F J25 +19 5 6 F J26 +19 5 6 F J27 +19 5 6 F J28 +19 5 6 F J29 +19 5 6 F J30 +19 5 6 F J31 +19 5 6 F J32 +19 5 6 F J33 +19 5 6 F J34 +19 5 6 F J35 +19 5 6 F J36 +19 5 6 F J37 +19 5 6 F J38 +19 5 6 F J39 +19 5 6 F J40 +19 5 7 R H1 +19 5 8 B H1 +19 5 9 PL F0 +19 5 10 CF H6 +19 6 1 FJ A0 +19 6 1 FJ A1 +19 6 1 FJ A2 +19 6 1 FJ A3 +19 6 1 FJ A4 +19 6 1 FJ A5 +19 6 1 FJ A6 +19 6 1 FJ A7 +19 6 1 FJ A8 +19 6 1 FJ A9 +19 6 1 FJ A10 +19 6 1 FJ A11 +19 6 1 FJ A12 +19 6 1 FJ A13 +19 6 1 FJ A14 +19 6 1 FJ A15 +19 6 1 FJ A16 +19 6 1 FJ A17 +19 6 1 FJ A18 +19 6 1 FJ A19 +19 6 1 FJ A20 +19 6 1 FJ A21 +19 6 1 FJ A22 +19 6 1 FJ A23 +19 6 1 FJ A24 +19 6 1 FJ A25 +19 6 1 FJ A26 +19 6 1 FJ A27 +19 6 1 FJ A28 +19 6 1 FJ A29 +19 6 1 FJ A30 +19 6 1 FJ A31 +19 6 1 FJ A32 +19 6 1 FJ A33 +19 6 1 FJ A34 +19 6 1 FJ A35 +19 6 1 FJ A36 +19 6 1 FJ A37 +19 6 1 FJ A38 +19 6 1 FJ A39 +19 6 1 FJ A40 +19 6 2 CA F32 +19 6 3 FC H29 +19 6 4 A E29 +19 6 5 N F16 +19 6 6 TS C9 +19 6 7 CF H5 +19 6 8 R G2 +19 6 9 B G2 +19 6 10 F J0 +19 6 10 F J1 +19 6 10 F J2 +19 6 10 F J3 +19 6 10 F J4 +19 6 10 F J5 +19 6 10 F J6 +19 6 10 F J7 +19 6 10 F J8 +19 6 10 F J9 +19 6 10 F J10 +19 6 10 F J11 +19 6 10 F J12 +19 6 10 F J13 +19 6 10 F J14 +19 6 10 F J15 +19 6 10 F J16 +19 6 10 F J17 +19 6 10 F J18 +19 6 10 F J19 +19 6 10 F J20 +19 6 10 F J21 +19 6 10 F J22 +19 6 10 F J23 +19 6 10 F J24 +19 6 10 F J25 +19 6 10 F J26 +19 6 10 F J27 +19 6 10 F J28 +19 6 10 F J29 +19 6 10 F J30 +19 6 10 F J31 +19 6 10 F J32 +19 6 10 F J33 +19 6 10 F J34 +19 6 10 F J35 +19 6 10 F J36 +19 6 10 F J37 +19 6 10 F J38 +19 6 10 F J39 +19 6 10 F J40 +19 7 1 FJ A0 +19 7 1 FJ A1 +19 7 1 FJ A2 +19 7 1 FJ A3 +19 7 1 FJ A4 +19 7 1 FJ A5 +19 7 1 FJ A6 +19 7 1 FJ A7 +19 7 1 FJ A8 +19 7 1 FJ A9 +19 7 1 FJ A10 +19 7 1 FJ A11 +19 7 1 FJ A12 +19 7 1 FJ A13 +19 7 1 FJ A14 +19 7 1 FJ A15 +19 7 1 FJ A16 +19 7 1 FJ A17 +19 7 1 FJ A18 +19 7 1 FJ A19 +19 7 1 FJ A20 +19 7 1 FJ A21 +19 7 1 FJ A22 +19 7 1 FJ A23 +19 7 1 FJ A24 +19 7 1 FJ A25 +19 7 1 FJ A26 +19 7 1 FJ A27 +19 7 1 FJ A28 +19 7 1 FJ A29 +19 7 1 FJ A30 +19 7 1 FJ A31 +19 7 1 FJ A32 +19 7 1 FJ A33 +19 7 1 FJ A34 +19 7 1 FJ A35 +19 7 1 FJ A36 +19 7 1 FJ A37 +19 7 1 FJ A38 +19 7 1 FJ A39 +19 7 1 FJ A40 +19 7 2 R G40 +19 7 3 M I31 +19 7 4 FC H29 +19 7 5 A F28 +19 7 6 N H19 +19 7 7 TS B10 +19 7 8 F J0 +19 7 8 F J1 +19 7 8 F J2 +19 7 8 F J3 +19 7 8 F J4 +19 7 8 F J5 +19 7 8 F J6 +19 7 8 F J7 +19 7 8 F J8 +19 7 8 F J9 +19 7 8 F J10 +19 7 8 F J11 +19 7 8 F J12 +19 7 8 F J13 +19 7 8 F J14 +19 7 8 F J15 +19 7 8 F J16 +19 7 8 F J17 +19 7 8 F J18 +19 7 8 F J19 +19 7 8 F J20 +19 7 8 F J21 +19 7 8 F J22 +19 7 8 F J23 +19 7 8 F J24 +19 7 8 F J25 +19 7 8 F J26 +19 7 8 F J27 +19 7 8 F J28 +19 7 8 F J29 +19 7 8 F J30 +19 7 8 F J31 +19 7 8 F J32 +19 7 8 F J33 +19 7 8 F J34 +19 7 8 F J35 +19 7 8 F J36 +19 7 8 F J37 +19 7 8 F J38 +19 7 8 F J39 +19 7 8 F J40 +19 7 9 B H3 +19 7 10 PL F0 +19 7 11 FJ C0 +19 7 12 CF H6 +19 8 1 P B2 +19 8 2 CA E35 +19 8 3 R F40 +19 8 4 F J0 +19 8 4 F J1 +19 8 4 F J2 +19 8 4 F J3 +19 8 4 F J4 +19 8 4 F J5 +19 8 4 F J6 +19 8 4 F J7 +19 8 4 F J8 +19 8 4 F J9 +19 8 4 F J10 +19 8 4 F J11 +19 8 4 F J12 +19 8 4 F J13 +19 8 4 F J14 +19 8 4 F J15 +19 8 4 F J16 +19 8 4 F J17 +19 8 4 F J18 +19 8 4 F J19 +19 8 4 F J20 +19 8 4 F J21 +19 8 4 F J22 +19 8 4 F J23 +19 8 4 F J24 +19 8 4 F J25 +19 8 4 F J26 +19 8 4 F J27 +19 8 4 F J28 +19 8 4 F J29 +19 8 4 F J30 +19 8 4 F J31 +19 8 4 F J32 +19 8 4 F J33 +19 8 4 F J34 +19 8 4 F J35 +19 8 4 F J36 +19 8 4 F J37 +19 8 4 F J38 +19 8 4 F J39 +19 8 4 F J40 +19 8 5 FC H30 +19 8 6 N G19 +19 8 7 TS C9 +19 8 8 CF G6 +19 8 9 T E5 +19 8 10 B G2 +19 8 11 PL E0 +19 8 12 M F34 +19 9 1 FJ A0 +19 9 1 FJ A1 +19 9 1 FJ A2 +19 9 1 FJ A3 +19 9 1 FJ A4 +19 9 1 FJ A5 +19 9 1 FJ A6 +19 9 1 FJ A7 +19 9 1 FJ A8 +19 9 1 FJ A9 +19 9 1 FJ A10 +19 9 1 FJ A11 +19 9 1 FJ A12 +19 9 1 FJ A13 +19 9 1 FJ A14 +19 9 1 FJ A15 +19 9 1 FJ A16 +19 9 1 FJ A17 +19 9 1 FJ A18 +19 9 1 FJ A19 +19 9 1 FJ A20 +19 9 1 FJ A21 +19 9 1 FJ A22 +19 9 1 FJ A23 +19 9 1 FJ A24 +19 9 1 FJ A25 +19 9 1 FJ A26 +19 9 1 FJ A27 +19 9 1 FJ A28 +19 9 1 FJ A29 +19 9 1 FJ A30 +19 9 1 FJ A31 +19 9 1 FJ A32 +19 9 1 FJ A33 +19 9 1 FJ A34 +19 9 1 FJ A35 +19 9 1 FJ A36 +19 9 1 FJ A37 +19 9 1 FJ A38 +19 9 1 FJ A39 +19 9 1 FJ A40 +19 9 2 R F40 +19 9 3 CA H38 +19 9 4 M I33 +19 9 5 FC I31 +19 9 6 A G30 +19 9 7 N H21 +19 9 8 TS C9 +19 9 9 CF H7 +19 9 10 T E4 +19 9 11 BT I1 +19 9 12 B G2 +19 9 13 BA F1 +19 9 14 J H0 +19 9 15 F J0 +19 9 15 F J1 +19 9 15 F J2 +19 9 15 F J3 +19 9 15 F J4 +19 9 15 F J5 +19 9 15 F J6 +19 9 15 F J7 +19 9 15 F J8 +19 9 15 F J9 +19 9 15 F J10 +19 9 15 F J11 +19 9 15 F J12 +19 9 15 F J13 +19 9 15 F J14 +19 9 15 F J15 +19 9 15 F J16 +19 9 15 F J17 +19 9 15 F J18 +19 9 15 F J19 +19 9 15 F J20 +19 9 15 F J21 +19 9 15 F J22 +19 9 15 F J23 +19 9 15 F J24 +19 9 15 F J25 +19 9 15 F J26 +19 9 15 F J27 +19 9 15 F J28 +19 9 15 F J29 +19 9 15 F J30 +19 9 15 F J31 +19 9 15 F J32 +19 9 15 F J33 +19 9 15 F J34 +19 9 15 F J35 +19 9 15 F J36 +19 9 15 F J37 +19 9 15 F J38 +19 9 15 F J39 +19 9 15 F J40 +19 9 16 FJ C0 +19 10 1 FJ A0 +19 10 1 FJ A1 +19 10 1 FJ A2 +19 10 1 FJ A3 +19 10 1 FJ A4 +19 10 1 FJ A5 +19 10 1 FJ A6 +19 10 1 FJ A7 +19 10 1 FJ A8 +19 10 1 FJ A9 +19 10 1 FJ A10 +19 10 1 FJ A11 +19 10 1 FJ A12 +19 10 1 FJ A13 +19 10 1 FJ A14 +19 10 1 FJ A15 +19 10 1 FJ A16 +19 10 1 FJ A17 +19 10 1 FJ A18 +19 10 1 FJ A19 +19 10 1 FJ A20 +19 10 1 FJ A21 +19 10 1 FJ A22 +19 10 1 FJ A23 +19 10 1 FJ A24 +19 10 1 FJ A25 +19 10 1 FJ A26 +19 10 1 FJ A27 +19 10 1 FJ A28 +19 10 1 FJ A29 +19 10 1 FJ A30 +19 10 1 FJ A31 +19 10 1 FJ A32 +19 10 1 FJ A33 +19 10 1 FJ A34 +19 10 1 FJ A35 +19 10 1 FJ A36 +19 10 1 FJ A37 +19 10 1 FJ A38 +19 10 1 FJ A39 +19 10 1 FJ A40 +19 10 2 CA H40 +19 10 3 F J0 +19 10 3 F J1 +19 10 3 F J2 +19 10 3 F J3 +19 10 3 F J4 +19 10 3 F J5 +19 10 3 F J6 +19 10 3 F J7 +19 10 3 F J8 +19 10 3 F J9 +19 10 3 F J10 +19 10 3 F J11 +19 10 3 F J12 +19 10 3 F J13 +19 10 3 F J14 +19 10 3 F J15 +19 10 3 F J16 +19 10 3 F J17 +19 10 3 F J18 +19 10 3 F J19 +19 10 3 F J20 +19 10 3 F J21 +19 10 3 F J22 +19 10 3 F J23 +19 10 3 F J24 +19 10 3 F J25 +19 10 3 F J26 +19 10 3 F J27 +19 10 3 F J28 +19 10 3 F J29 +19 10 3 F J30 +19 10 3 F J31 +19 10 3 F J32 +19 10 3 F J33 +19 10 3 F J34 +19 10 3 F J35 +19 10 3 F J36 +19 10 3 F J37 +19 10 3 F J38 +19 10 3 F J39 +19 10 3 F J40 +19 10 4 M H32 +19 10 5 FC H29 +19 10 6 N G17 +19 10 7 TS C10 +19 10 8 T D6 +19 10 9 CF I5 +19 10 10 B G2 +19 10 11 PL H0 +19 10 12 R E39 +19 11 1 R E38 +19 11 2 CA H38 +19 11 3 FC G30 +19 11 4 N F17 +19 11 5 TS C9 +19 11 6 CF H6 +19 11 7 CH G6 +19 11 8 B F4 +19 11 9 F J0 +19 11 9 F J1 +19 11 9 F J2 +19 11 9 F J3 +19 11 9 F J4 +19 11 9 F J5 +19 11 9 F J6 +19 11 9 F J7 +19 11 9 F J8 +19 11 9 F J9 +19 11 9 F J10 +19 11 9 F J11 +19 11 9 F J12 +19 11 9 F J13 +19 11 9 F J14 +19 11 9 F J15 +19 11 9 F J16 +19 11 9 F J17 +19 11 9 F J18 +19 11 9 F J19 +19 11 9 F J20 +19 11 9 F J21 +19 11 9 F J22 +19 11 9 F J23 +19 11 9 F J24 +19 11 9 F J25 +19 11 9 F J26 +19 11 9 F J27 +19 11 9 F J28 +19 11 9 F J29 +19 11 9 F J30 +19 11 9 F J31 +19 11 9 F J32 +19 11 9 F J33 +19 11 9 F J34 +19 11 9 F J35 +19 11 9 F J36 +19 11 9 F J37 +19 11 9 F J38 +19 11 9 F J39 +19 11 9 F J40 +19 11 10 P E0 +19 12 1 FJ A0 +19 12 1 FJ A1 +19 12 1 FJ A2 +19 12 1 FJ A3 +19 12 1 FJ A4 +19 12 1 FJ A5 +19 12 1 FJ A6 +19 12 1 FJ A7 +19 12 1 FJ A8 +19 12 1 FJ A9 +19 12 1 FJ A10 +19 12 1 FJ A11 +19 12 1 FJ A12 +19 12 1 FJ A13 +19 12 1 FJ A14 +19 12 1 FJ A15 +19 12 1 FJ A16 +19 12 1 FJ A17 +19 12 1 FJ A18 +19 12 1 FJ A19 +19 12 1 FJ A20 +19 12 1 FJ A21 +19 12 1 FJ A22 +19 12 1 FJ A23 +19 12 1 FJ A24 +19 12 1 FJ A25 +19 12 1 FJ A26 +19 12 1 FJ A27 +19 12 1 FJ A28 +19 12 1 FJ A29 +19 12 1 FJ A30 +19 12 1 FJ A31 +19 12 1 FJ A32 +19 12 1 FJ A33 +19 12 1 FJ A34 +19 12 1 FJ A35 +19 12 1 FJ A36 +19 12 1 FJ A37 +19 12 1 FJ A38 +19 12 1 FJ A39 +19 12 1 FJ A40 +19 12 2 R D37 +19 12 3 M G36 +19 12 4 FC F29 +19 12 5 N G21 +19 12 6 TS C9 +19 12 7 CF H7 +19 12 8 B G2 +19 12 9 P C2 +19 12 10 F J0 +19 12 10 F J1 +19 12 10 F J2 +19 12 10 F J3 +19 12 10 F J4 +19 12 10 F J5 +19 12 10 F J6 +19 12 10 F J7 +19 12 10 F J8 +19 12 10 F J9 +19 12 10 F J10 +19 12 10 F J11 +19 12 10 F J12 +19 12 10 F J13 +19 12 10 F J14 +19 12 10 F J15 +19 12 10 F J16 +19 12 10 F J17 +19 12 10 F J18 +19 12 10 F J19 +19 12 10 F J20 +19 12 10 F J21 +19 12 10 F J22 +19 12 10 F J23 +19 12 10 F J24 +19 12 10 F J25 +19 12 10 F J26 +19 12 10 F J27 +19 12 10 F J28 +19 12 10 F J29 +19 12 10 F J30 +19 12 10 F J31 +19 12 10 F J32 +19 12 10 F J33 +19 12 10 F J34 +19 12 10 F J35 +19 12 10 F J36 +19 12 10 F J37 +19 12 10 F J38 +19 12 10 F J39 +19 12 10 F J40 +19 13 1 R H38 +19 13 2 M H33 +19 13 3 FC H29 +19 13 4 N H20 +19 13 5 CF G8 +19 13 6 TS C8 +19 13 7 T D6 +19 13 8 B H2 +19 13 9 PL F0 +19 14 1 FJ A0 +19 14 1 FJ A1 +19 14 1 FJ A2 +19 14 1 FJ A3 +19 14 1 FJ A4 +19 14 1 FJ A5 +19 14 1 FJ A6 +19 14 1 FJ A7 +19 14 1 FJ A8 +19 14 1 FJ A9 +19 14 1 FJ A10 +19 14 1 FJ A11 +19 14 1 FJ A12 +19 14 1 FJ A13 +19 14 1 FJ A14 +19 14 1 FJ A15 +19 14 1 FJ A16 +19 14 1 FJ A17 +19 14 1 FJ A18 +19 14 1 FJ A19 +19 14 1 FJ A20 +19 14 1 FJ A21 +19 14 1 FJ A22 +19 14 1 FJ A23 +19 14 1 FJ A24 +19 14 1 FJ A25 +19 14 1 FJ A26 +19 14 1 FJ A27 +19 14 1 FJ A28 +19 14 1 FJ A29 +19 14 1 FJ A30 +19 14 1 FJ A31 +19 14 1 FJ A32 +19 14 1 FJ A33 +19 14 1 FJ A34 +19 14 1 FJ A35 +19 14 1 FJ A36 +19 14 1 FJ A37 +19 14 1 FJ A38 +19 14 1 FJ A39 +19 14 1 FJ A40 +19 14 2 R F40 +19 14 3 CA G40 +19 14 4 FC G28 +19 14 5 A E28 +19 14 6 N G16 +19 14 7 BA I9 +19 14 8 TS C9 +19 14 9 T D6 +19 14 10 B H3 +19 14 11 CE I0 +19 14 12 F J0 +19 14 12 F J1 +19 14 12 F J2 +19 14 12 F J3 +19 14 12 F J4 +19 14 12 F J5 +19 14 12 F J6 +19 14 12 F J7 +19 14 12 F J8 +19 14 12 F J9 +19 14 12 F J10 +19 14 12 F J11 +19 14 12 F J12 +19 14 12 F J13 +19 14 12 F J14 +19 14 12 F J15 +19 14 12 F J16 +19 14 12 F J17 +19 14 12 F J18 +19 14 12 F J19 +19 14 12 F J20 +19 14 12 F J21 +19 14 12 F J22 +19 14 12 F J23 +19 14 12 F J24 +19 14 12 F J25 +19 14 12 F J26 +19 14 12 F J27 +19 14 12 F J28 +19 14 12 F J29 +19 14 12 F J30 +19 14 12 F J31 +19 14 12 F J32 +19 14 12 F J33 +19 14 12 F J34 +19 14 12 F J35 +19 14 12 F J36 +19 14 12 F J37 +19 14 12 F J38 +19 14 12 F J39 +19 14 12 F J40 +19 15 1 FJ A0 +19 15 1 FJ A1 +19 15 1 FJ A2 +19 15 1 FJ A3 +19 15 1 FJ A4 +19 15 1 FJ A5 +19 15 1 FJ A6 +19 15 1 FJ A7 +19 15 1 FJ A8 +19 15 1 FJ A9 +19 15 1 FJ A10 +19 15 1 FJ A11 +19 15 1 FJ A12 +19 15 1 FJ A13 +19 15 1 FJ A14 +19 15 1 FJ A15 +19 15 1 FJ A16 +19 15 1 FJ A17 +19 15 1 FJ A18 +19 15 1 FJ A19 +19 15 1 FJ A20 +19 15 1 FJ A21 +19 15 1 FJ A22 +19 15 1 FJ A23 +19 15 1 FJ A24 +19 15 1 FJ A25 +19 15 1 FJ A26 +19 15 1 FJ A27 +19 15 1 FJ A28 +19 15 1 FJ A29 +19 15 1 FJ A30 +19 15 1 FJ A31 +19 15 1 FJ A32 +19 15 1 FJ A33 +19 15 1 FJ A34 +19 15 1 FJ A35 +19 15 1 FJ A36 +19 15 1 FJ A37 +19 15 1 FJ A38 +19 15 1 FJ A39 +19 15 1 FJ A40 +19 15 2 R E38 +19 15 3 CA G40 +19 15 4 M H35 +19 15 5 FC G28 +19 15 6 N F17 +19 15 7 TS C10 +19 15 8 CF H6 +19 15 9 P H0 +19 15 10 T D6 +19 15 11 B F4 +19 15 12 PI G3 +19 15 13 BA E0 +19 15 14 NA D7 +19 16 1 FJ A0 +19 16 1 FJ A1 +19 16 1 FJ A2 +19 16 1 FJ A3 +19 16 1 FJ A4 +19 16 1 FJ A5 +19 16 1 FJ A6 +19 16 1 FJ A7 +19 16 1 FJ A8 +19 16 1 FJ A9 +19 16 1 FJ A10 +19 16 1 FJ A11 +19 16 1 FJ A12 +19 16 1 FJ A13 +19 16 1 FJ A14 +19 16 1 FJ A15 +19 16 1 FJ A16 +19 16 1 FJ A17 +19 16 1 FJ A18 +19 16 1 FJ A19 +19 16 1 FJ A20 +19 16 1 FJ A21 +19 16 1 FJ A22 +19 16 1 FJ A23 +19 16 1 FJ A24 +19 16 1 FJ A25 +19 16 1 FJ A26 +19 16 1 FJ A27 +19 16 1 FJ A28 +19 16 1 FJ A29 +19 16 1 FJ A30 +19 16 1 FJ A31 +19 16 1 FJ A32 +19 16 1 FJ A33 +19 16 1 FJ A34 +19 16 1 FJ A35 +19 16 1 FJ A36 +19 16 1 FJ A37 +19 16 1 FJ A38 +19 16 1 FJ A39 +19 16 1 FJ A40 +19 16 2 R D38 +19 16 3 CA G34 +19 16 4 FC F28 +19 16 5 A E26 +19 16 6 N F17 +19 16 7 TS D11 +19 16 8 CH I8 +19 16 9 T H6 +19 16 10 B I1 +19 16 11 BA G0 +19 16 12 F J0 +19 16 12 F J1 +19 16 12 F J2 +19 16 12 F J3 +19 16 12 F J4 +19 16 12 F J5 +19 16 12 F J6 +19 16 12 F J7 +19 16 12 F J8 +19 16 12 F J9 +19 16 12 F J10 +19 16 12 F J11 +19 16 12 F J12 +19 16 12 F J13 +19 16 12 F J14 +19 16 12 F J15 +19 16 12 F J16 +19 16 12 F J17 +19 16 12 F J18 +19 16 12 F J19 +19 16 12 F J20 +19 16 12 F J21 +19 16 12 F J22 +19 16 12 F J23 +19 16 12 F J24 +19 16 12 F J25 +19 16 12 F J26 +19 16 12 F J27 +19 16 12 F J28 +19 16 12 F J29 +19 16 12 F J30 +19 16 12 F J31 +19 16 12 F J32 +19 16 12 F J33 +19 16 12 F J34 +19 16 12 F J35 +19 16 12 F J36 +19 16 12 F J37 +19 16 12 F J38 +19 16 12 F J39 +19 16 12 F J40 +19 17 1 FJ A0 +19 17 1 FJ A1 +19 17 1 FJ A2 +19 17 1 FJ A3 +19 17 1 FJ A4 +19 17 1 FJ A5 +19 17 1 FJ A6 +19 17 1 FJ A7 +19 17 1 FJ A8 +19 17 1 FJ A9 +19 17 1 FJ A10 +19 17 1 FJ A11 +19 17 1 FJ A12 +19 17 1 FJ A13 +19 17 1 FJ A14 +19 17 1 FJ A15 +19 17 1 FJ A16 +19 17 1 FJ A17 +19 17 1 FJ A18 +19 17 1 FJ A19 +19 17 1 FJ A20 +19 17 1 FJ A21 +19 17 1 FJ A22 +19 17 1 FJ A23 +19 17 1 FJ A24 +19 17 1 FJ A25 +19 17 1 FJ A26 +19 17 1 FJ A27 +19 17 1 FJ A28 +19 17 1 FJ A29 +19 17 1 FJ A30 +19 17 1 FJ A31 +19 17 1 FJ A32 +19 17 1 FJ A33 +19 17 1 FJ A34 +19 17 1 FJ A35 +19 17 1 FJ A36 +19 17 1 FJ A37 +19 17 1 FJ A38 +19 17 1 FJ A39 +19 17 1 FJ A40 +19 17 2 R E39 +19 17 3 M H33 +19 17 4 FC G28 +19 17 5 N G17 +19 17 6 BA I9 +19 17 7 TS C9 +19 17 8 CF H7 +19 17 9 T E5 +19 17 10 B G1 +19 17 11 F J0 +19 17 11 F J1 +19 17 11 F J2 +19 17 11 F J3 +19 17 11 F J4 +19 17 11 F J5 +19 17 11 F J6 +19 17 11 F J7 +19 17 11 F J8 +19 17 11 F J9 +19 17 11 F J10 +19 17 11 F J11 +19 17 11 F J12 +19 17 11 F J13 +19 17 11 F J14 +19 17 11 F J15 +19 17 11 F J16 +19 17 11 F J17 +19 17 11 F J18 +19 17 11 F J19 +19 17 11 F J20 +19 17 11 F J21 +19 17 11 F J22 +19 17 11 F J23 +19 17 11 F J24 +19 17 11 F J25 +19 17 11 F J26 +19 17 11 F J27 +19 17 11 F J28 +19 17 11 F J29 +19 17 11 F J30 +19 17 11 F J31 +19 17 11 F J32 +19 17 11 F J33 +19 17 11 F J34 +19 17 11 F J35 +19 17 11 F J36 +19 17 11 F J37 +19 17 11 F J38 +19 17 11 F J39 +19 17 11 F J40 +19 18 1 FJ A0 +19 18 1 FJ A1 +19 18 1 FJ A2 +19 18 1 FJ A3 +19 18 1 FJ A4 +19 18 1 FJ A5 +19 18 1 FJ A6 +19 18 1 FJ A7 +19 18 1 FJ A8 +19 18 1 FJ A9 +19 18 1 FJ A10 +19 18 1 FJ A11 +19 18 1 FJ A12 +19 18 1 FJ A13 +19 18 1 FJ A14 +19 18 1 FJ A15 +19 18 1 FJ A16 +19 18 1 FJ A17 +19 18 1 FJ A18 +19 18 1 FJ A19 +19 18 1 FJ A20 +19 18 1 FJ A21 +19 18 1 FJ A22 +19 18 1 FJ A23 +19 18 1 FJ A24 +19 18 1 FJ A25 +19 18 1 FJ A26 +19 18 1 FJ A27 +19 18 1 FJ A28 +19 18 1 FJ A29 +19 18 1 FJ A30 +19 18 1 FJ A31 +19 18 1 FJ A32 +19 18 1 FJ A33 +19 18 1 FJ A34 +19 18 1 FJ A35 +19 18 1 FJ A36 +19 18 1 FJ A37 +19 18 1 FJ A38 +19 18 1 FJ A39 +19 18 1 FJ A40 +19 18 2 CA I40 +19 18 3 R G40 +19 18 4 M I33 +19 18 5 A F29 +19 18 6 FC H29 +19 18 7 N H21 +19 18 8 TS C10 +19 18 9 CF I8 +19 18 10 B H4 +19 18 11 T F4 +19 18 12 F J0 +19 18 12 F J1 +19 18 12 F J2 +19 18 12 F J3 +19 18 12 F J4 +19 18 12 F J5 +19 18 12 F J6 +19 18 12 F J7 +19 18 12 F J8 +19 18 12 F J9 +19 18 12 F J10 +19 18 12 F J11 +19 18 12 F J12 +19 18 12 F J13 +19 18 12 F J14 +19 18 12 F J15 +19 18 12 F J16 +19 18 12 F J17 +19 18 12 F J18 +19 18 12 F J19 +19 18 12 F J20 +19 18 12 F J21 +19 18 12 F J22 +19 18 12 F J23 +19 18 12 F J24 +19 18 12 F J25 +19 18 12 F J26 +19 18 12 F J27 +19 18 12 F J28 +19 18 12 F J29 +19 18 12 F J30 +19 18 12 F J31 +19 18 12 F J32 +19 18 12 F J33 +19 18 12 F J34 +19 18 12 F J35 +19 18 12 F J36 +19 18 12 F J37 +19 18 12 F J38 +19 18 12 F J39 +19 18 12 F J40 +19 18 13 BA D0 +19 19 1 FJ A0 +19 19 1 FJ A1 +19 19 1 FJ A2 +19 19 1 FJ A3 +19 19 1 FJ A4 +19 19 1 FJ A5 +19 19 1 FJ A6 +19 19 1 FJ A7 +19 19 1 FJ A8 +19 19 1 FJ A9 +19 19 1 FJ A10 +19 19 1 FJ A11 +19 19 1 FJ A12 +19 19 1 FJ A13 +19 19 1 FJ A14 +19 19 1 FJ A15 +19 19 1 FJ A16 +19 19 1 FJ A17 +19 19 1 FJ A18 +19 19 1 FJ A19 +19 19 1 FJ A20 +19 19 1 FJ A21 +19 19 1 FJ A22 +19 19 1 FJ A23 +19 19 1 FJ A24 +19 19 1 FJ A25 +19 19 1 FJ A26 +19 19 1 FJ A27 +19 19 1 FJ A28 +19 19 1 FJ A29 +19 19 1 FJ A30 +19 19 1 FJ A31 +19 19 1 FJ A32 +19 19 1 FJ A33 +19 19 1 FJ A34 +19 19 1 FJ A35 +19 19 1 FJ A36 +19 19 1 FJ A37 +19 19 1 FJ A38 +19 19 1 FJ A39 +19 19 1 FJ A40 +19 19 2 M H33 +19 19 3 FC G28 +19 19 4 N F17 +19 19 5 TS C8 +19 19 6 F J0 +19 19 6 F J1 +19 19 6 F J2 +19 19 6 F J3 +19 19 6 F J4 +19 19 6 F J5 +19 19 6 F J6 +19 19 6 F J7 +19 19 6 F J8 +19 19 6 F J9 +19 19 6 F J10 +19 19 6 F J11 +19 19 6 F J12 +19 19 6 F J13 +19 19 6 F J14 +19 19 6 F J15 +19 19 6 F J16 +19 19 6 F J17 +19 19 6 F J18 +19 19 6 F J19 +19 19 6 F J20 +19 19 6 F J21 +19 19 6 F J22 +19 19 6 F J23 +19 19 6 F J24 +19 19 6 F J25 +19 19 6 F J26 +19 19 6 F J27 +19 19 6 F J28 +19 19 6 F J29 +19 19 6 F J30 +19 19 6 F J31 +19 19 6 F J32 +19 19 6 F J33 +19 19 6 F J34 +19 19 6 F J35 +19 19 6 F J36 +19 19 6 F J37 +19 19 6 F J38 +19 19 6 F J39 +19 19 6 F J40 +19 19 7 B F4 +19 19 8 R E1 +19 19 9 PL E0 +19 19 10 CF H7 +19 20 1 FJ A0 +19 20 1 FJ A1 +19 20 1 FJ A2 +19 20 1 FJ A3 +19 20 1 FJ A4 +19 20 1 FJ A5 +19 20 1 FJ A6 +19 20 1 FJ A7 +19 20 1 FJ A8 +19 20 1 FJ A9 +19 20 1 FJ A10 +19 20 1 FJ A11 +19 20 1 FJ A12 +19 20 1 FJ A13 +19 20 1 FJ A14 +19 20 1 FJ A15 +19 20 1 FJ A16 +19 20 1 FJ A17 +19 20 1 FJ A18 +19 20 1 FJ A19 +19 20 1 FJ A20 +19 20 1 FJ A21 +19 20 1 FJ A22 +19 20 1 FJ A23 +19 20 1 FJ A24 +19 20 1 FJ A25 +19 20 1 FJ A26 +19 20 1 FJ A27 +19 20 1 FJ A28 +19 20 1 FJ A29 +19 20 1 FJ A30 +19 20 1 FJ A31 +19 20 1 FJ A32 +19 20 1 FJ A33 +19 20 1 FJ A34 +19 20 1 FJ A35 +19 20 1 FJ A36 +19 20 1 FJ A37 +19 20 1 FJ A38 +19 20 1 FJ A39 +19 20 1 FJ A40 +19 20 2 R E40 +19 20 3 M I40 +19 20 4 CA G36 +19 20 5 FC G30 +19 20 6 N G20 +19 20 7 CF H5 +19 20 8 TS D6 +19 20 9 B F4 +19 20 10 PL F0 +19 20 11 F J0 +19 20 11 F J1 +19 20 11 F J2 +19 20 11 F J3 +19 20 11 F J4 +19 20 11 F J5 +19 20 11 F J6 +19 20 11 F J7 +19 20 11 F J8 +19 20 11 F J9 +19 20 11 F J10 +19 20 11 F J11 +19 20 11 F J12 +19 20 11 F J13 +19 20 11 F J14 +19 20 11 F J15 +19 20 11 F J16 +19 20 11 F J17 +19 20 11 F J18 +19 20 11 F J19 +19 20 11 F J20 +19 20 11 F J21 +19 20 11 F J22 +19 20 11 F J23 +19 20 11 F J24 +19 20 11 F J25 +19 20 11 F J26 +19 20 11 F J27 +19 20 11 F J28 +19 20 11 F J29 +19 20 11 F J30 +19 20 11 F J31 +19 20 11 F J32 +19 20 11 F J33 +19 20 11 F J34 +19 20 11 F J35 +19 20 11 F J36 +19 20 11 F J37 +19 20 11 F J38 +19 20 11 F J39 +19 20 11 F J40 +19 21 1 FJ A0 +19 21 1 FJ A1 +19 21 1 FJ A2 +19 21 1 FJ A3 +19 21 1 FJ A4 +19 21 1 FJ A5 +19 21 1 FJ A6 +19 21 1 FJ A7 +19 21 1 FJ A8 +19 21 1 FJ A9 +19 21 1 FJ A10 +19 21 1 FJ A11 +19 21 1 FJ A12 +19 21 1 FJ A13 +19 21 1 FJ A14 +19 21 1 FJ A15 +19 21 1 FJ A16 +19 21 1 FJ A17 +19 21 1 FJ A18 +19 21 1 FJ A19 +19 21 1 FJ A20 +19 21 1 FJ A21 +19 21 1 FJ A22 +19 21 1 FJ A23 +19 21 1 FJ A24 +19 21 1 FJ A25 +19 21 1 FJ A26 +19 21 1 FJ A27 +19 21 1 FJ A28 +19 21 1 FJ A29 +19 21 1 FJ A30 +19 21 1 FJ A31 +19 21 1 FJ A32 +19 21 1 FJ A33 +19 21 1 FJ A34 +19 21 1 FJ A35 +19 21 1 FJ A36 +19 21 1 FJ A37 +19 21 1 FJ A38 +19 21 1 FJ A39 +19 21 1 FJ A40 +19 21 2 M I40 +19 21 3 R G40 +19 21 4 CA H37 +19 21 5 A F29 +19 21 6 FC H28 +19 21 7 N G16 +19 21 8 TS C10 +19 21 9 CF F8 +19 21 10 T E5 +19 21 11 B G3 +19 21 12 PL G0 +19 21 13 F J0 +19 21 13 F J1 +19 21 13 F J2 +19 21 13 F J3 +19 21 13 F J4 +19 21 13 F J5 +19 21 13 F J6 +19 21 13 F J7 +19 21 13 F J8 +19 21 13 F J9 +19 21 13 F J10 +19 21 13 F J11 +19 21 13 F J12 +19 21 13 F J13 +19 21 13 F J14 +19 21 13 F J15 +19 21 13 F J16 +19 21 13 F J17 +19 21 13 F J18 +19 21 13 F J19 +19 21 13 F J20 +19 21 13 F J21 +19 21 13 F J22 +19 21 13 F J23 +19 21 13 F J24 +19 21 13 F J25 +19 21 13 F J26 +19 21 13 F J27 +19 21 13 F J28 +19 21 13 F J29 +19 21 13 F J30 +19 21 13 F J31 +19 21 13 F J32 +19 21 13 F J33 +19 21 13 F J34 +19 21 13 F J35 +19 21 13 F J36 +19 21 13 F J37 +19 21 13 F J38 +19 21 13 F J39 +19 21 13 F J40 +19 22 1 FJ A0 +19 22 1 FJ A1 +19 22 1 FJ A2 +19 22 1 FJ A3 +19 22 1 FJ A4 +19 22 1 FJ A5 +19 22 1 FJ A6 +19 22 1 FJ A7 +19 22 1 FJ A8 +19 22 1 FJ A9 +19 22 1 FJ A10 +19 22 1 FJ A11 +19 22 1 FJ A12 +19 22 1 FJ A13 +19 22 1 FJ A14 +19 22 1 FJ A15 +19 22 1 FJ A16 +19 22 1 FJ A17 +19 22 1 FJ A18 +19 22 1 FJ A19 +19 22 1 FJ A20 +19 22 1 FJ A21 +19 22 1 FJ A22 +19 22 1 FJ A23 +19 22 1 FJ A24 +19 22 1 FJ A25 +19 22 1 FJ A26 +19 22 1 FJ A27 +19 22 1 FJ A28 +19 22 1 FJ A29 +19 22 1 FJ A30 +19 22 1 FJ A31 +19 22 1 FJ A32 +19 22 1 FJ A33 +19 22 1 FJ A34 +19 22 1 FJ A35 +19 22 1 FJ A36 +19 22 1 FJ A37 +19 22 1 FJ A38 +19 22 1 FJ A39 +19 22 1 FJ A40 +19 22 2 CA E39 +19 22 3 T E37 +19 22 4 FC F29 +19 22 5 N F18 +19 22 6 TS E12 +19 22 7 CF E6 +19 22 8 B E1 +19 22 9 PL F0 +19 22 10 F J0 +19 22 10 F J1 +19 22 10 F J2 +19 22 10 F J3 +19 22 10 F J4 +19 22 10 F J5 +19 22 10 F J6 +19 22 10 F J7 +19 22 10 F J8 +19 22 10 F J9 +19 22 10 F J10 +19 22 10 F J11 +19 22 10 F J12 +19 22 10 F J13 +19 22 10 F J14 +19 22 10 F J15 +19 22 10 F J16 +19 22 10 F J17 +19 22 10 F J18 +19 22 10 F J19 +19 22 10 F J20 +19 22 10 F J21 +19 22 10 F J22 +19 22 10 F J23 +19 22 10 F J24 +19 22 10 F J25 +19 22 10 F J26 +19 22 10 F J27 +19 22 10 F J28 +19 22 10 F J29 +19 22 10 F J30 +19 22 10 F J31 +19 22 10 F J32 +19 22 10 F J33 +19 22 10 F J34 +19 22 10 F J35 +19 22 10 F J36 +19 22 10 F J37 +19 22 10 F J38 +19 22 10 F J39 +19 22 10 F J40 +19 23 1 FJ A0 +19 23 1 FJ A1 +19 23 1 FJ A2 +19 23 1 FJ A3 +19 23 1 FJ A4 +19 23 1 FJ A5 +19 23 1 FJ A6 +19 23 1 FJ A7 +19 23 1 FJ A8 +19 23 1 FJ A9 +19 23 1 FJ A10 +19 23 1 FJ A11 +19 23 1 FJ A12 +19 23 1 FJ A13 +19 23 1 FJ A14 +19 23 1 FJ A15 +19 23 1 FJ A16 +19 23 1 FJ A17 +19 23 1 FJ A18 +19 23 1 FJ A19 +19 23 1 FJ A20 +19 23 1 FJ A21 +19 23 1 FJ A22 +19 23 1 FJ A23 +19 23 1 FJ A24 +19 23 1 FJ A25 +19 23 1 FJ A26 +19 23 1 FJ A27 +19 23 1 FJ A28 +19 23 1 FJ A29 +19 23 1 FJ A30 +19 23 1 FJ A31 +19 23 1 FJ A32 +19 23 1 FJ A33 +19 23 1 FJ A34 +19 23 1 FJ A35 +19 23 1 FJ A36 +19 23 1 FJ A37 +19 23 1 FJ A38 +19 23 1 FJ A39 +19 23 1 FJ A40 +19 23 2 R F40 +19 23 3 M I40 +19 23 4 CA H37 +19 23 5 FC G30 +19 23 6 A E25 +19 23 7 N F19 +19 23 8 TS C10 +19 23 9 CF H7 +19 23 10 B G3 +19 23 11 PL F0 +19 23 12 F J0 +19 23 12 F J1 +19 23 12 F J2 +19 23 12 F J3 +19 23 12 F J4 +19 23 12 F J5 +19 23 12 F J6 +19 23 12 F J7 +19 23 12 F J8 +19 23 12 F J9 +19 23 12 F J10 +19 23 12 F J11 +19 23 12 F J12 +19 23 12 F J13 +19 23 12 F J14 +19 23 12 F J15 +19 23 12 F J16 +19 23 12 F J17 +19 23 12 F J18 +19 23 12 F J19 +19 23 12 F J20 +19 23 12 F J21 +19 23 12 F J22 +19 23 12 F J23 +19 23 12 F J24 +19 23 12 F J25 +19 23 12 F J26 +19 23 12 F J27 +19 23 12 F J28 +19 23 12 F J29 +19 23 12 F J30 +19 23 12 F J31 +19 23 12 F J32 +19 23 12 F J33 +19 23 12 F J34 +19 23 12 F J35 +19 23 12 F J36 +19 23 12 F J37 +19 23 12 F J38 +19 23 12 F J39 +19 23 12 F J40 +19 24 1 FJ A0 +19 24 1 FJ A1 +19 24 1 FJ A2 +19 24 1 FJ A3 +19 24 1 FJ A4 +19 24 1 FJ A5 +19 24 1 FJ A6 +19 24 1 FJ A7 +19 24 1 FJ A8 +19 24 1 FJ A9 +19 24 1 FJ A10 +19 24 1 FJ A11 +19 24 1 FJ A12 +19 24 1 FJ A13 +19 24 1 FJ A14 +19 24 1 FJ A15 +19 24 1 FJ A16 +19 24 1 FJ A17 +19 24 1 FJ A18 +19 24 1 FJ A19 +19 24 1 FJ A20 +19 24 1 FJ A21 +19 24 1 FJ A22 +19 24 1 FJ A23 +19 24 1 FJ A24 +19 24 1 FJ A25 +19 24 1 FJ A26 +19 24 1 FJ A27 +19 24 1 FJ A28 +19 24 1 FJ A29 +19 24 1 FJ A30 +19 24 1 FJ A31 +19 24 1 FJ A32 +19 24 1 FJ A33 +19 24 1 FJ A34 +19 24 1 FJ A35 +19 24 1 FJ A36 +19 24 1 FJ A37 +19 24 1 FJ A38 +19 24 1 FJ A39 +19 24 1 FJ A40 +19 24 2 R E39 +19 24 3 PL F0 +19 24 4 FC H30 +19 24 5 A F29 +19 24 6 N G19 +19 24 7 TS C11 +19 24 8 M I39 +19 24 9 BT I2 +19 24 10 B G2 +19 24 11 NA D6 +19 24 12 F J0 +19 24 12 F J1 +19 24 12 F J2 +19 24 12 F J3 +19 24 12 F J4 +19 24 12 F J5 +19 24 12 F J6 +19 24 12 F J7 +19 24 12 F J8 +19 24 12 F J9 +19 24 12 F J10 +19 24 12 F J11 +19 24 12 F J12 +19 24 12 F J13 +19 24 12 F J14 +19 24 12 F J15 +19 24 12 F J16 +19 24 12 F J17 +19 24 12 F J18 +19 24 12 F J19 +19 24 12 F J20 +19 24 12 F J21 +19 24 12 F J22 +19 24 12 F J23 +19 24 12 F J24 +19 24 12 F J25 +19 24 12 F J26 +19 24 12 F J27 +19 24 12 F J28 +19 24 12 F J29 +19 24 12 F J30 +19 24 12 F J31 +19 24 12 F J32 +19 24 12 F J33 +19 24 12 F J34 +19 24 12 F J35 +19 24 12 F J36 +19 24 12 F J37 +19 24 12 F J38 +19 24 12 F J39 +19 24 12 F J40 +19 24 13 CF H8 +19 25 1 FJ A0 +19 25 1 FJ A1 +19 25 1 FJ A2 +19 25 1 FJ A3 +19 25 1 FJ A4 +19 25 1 FJ A5 +19 25 1 FJ A6 +19 25 1 FJ A7 +19 25 1 FJ A8 +19 25 1 FJ A9 +19 25 1 FJ A10 +19 25 1 FJ A11 +19 25 1 FJ A12 +19 25 1 FJ A13 +19 25 1 FJ A14 +19 25 1 FJ A15 +19 25 1 FJ A16 +19 25 1 FJ A17 +19 25 1 FJ A18 +19 25 1 FJ A19 +19 25 1 FJ A20 +19 25 1 FJ A21 +19 25 1 FJ A22 +19 25 1 FJ A23 +19 25 1 FJ A24 +19 25 1 FJ A25 +19 25 1 FJ A26 +19 25 1 FJ A27 +19 25 1 FJ A28 +19 25 1 FJ A29 +19 25 1 FJ A30 +19 25 1 FJ A31 +19 25 1 FJ A32 +19 25 1 FJ A33 +19 25 1 FJ A34 +19 25 1 FJ A35 +19 25 1 FJ A36 +19 25 1 FJ A37 +19 25 1 FJ A38 +19 25 1 FJ A39 +19 25 1 FJ A40 +19 25 2 R E40 +19 25 3 M E36 +19 25 4 FC F29 +19 25 5 N G18 +19 25 6 TS C11 +19 25 7 CF G7 +19 25 8 NA E5 +19 25 9 B F3 +19 25 10 BT I1 +19 25 11 PL E0 +19 25 12 F J0 +19 25 12 F J1 +19 25 12 F J2 +19 25 12 F J3 +19 25 12 F J4 +19 25 12 F J5 +19 25 12 F J6 +19 25 12 F J7 +19 25 12 F J8 +19 25 12 F J9 +19 25 12 F J10 +19 25 12 F J11 +19 25 12 F J12 +19 25 12 F J13 +19 25 12 F J14 +19 25 12 F J15 +19 25 12 F J16 +19 25 12 F J17 +19 25 12 F J18 +19 25 12 F J19 +19 25 12 F J20 +19 25 12 F J21 +19 25 12 F J22 +19 25 12 F J23 +19 25 12 F J24 +19 25 12 F J25 +19 25 12 F J26 +19 25 12 F J27 +19 25 12 F J28 +19 25 12 F J29 +19 25 12 F J30 +19 25 12 F J31 +19 25 12 F J32 +19 25 12 F J33 +19 25 12 F J34 +19 25 12 F J35 +19 25 12 F J36 +19 25 12 F J37 +19 25 12 F J38 +19 25 12 F J39 +19 25 12 F J40 +20 1 1 B A0 +20 1 1 B A1 +20 1 1 B A2 +20 1 1 B A3 +20 1 1 B A4 +20 1 1 B A5 +20 1 1 B A6 +20 1 1 B A7 +20 1 1 B A8 +20 1 1 B A9 +20 1 1 B A10 +20 1 1 B A11 +20 1 1 B A12 +20 1 1 B A13 +20 1 1 B A14 +20 1 1 B A15 +20 1 1 B A16 +20 1 1 B A17 +20 1 1 B A18 +20 1 1 B A19 +20 1 1 B A20 +20 1 1 B A21 +20 1 1 B A22 +20 1 1 B A23 +20 1 1 B A24 +20 1 1 B A25 +20 1 1 B A26 +20 1 1 B A27 +20 1 1 B A28 +20 1 1 B A29 +20 1 1 B A30 +20 1 1 B A31 +20 1 1 B A32 +20 1 1 B A33 +20 1 1 B A34 +20 1 1 B A35 +20 1 1 B A36 +20 1 1 B A37 +20 1 1 B A38 +20 1 1 B A39 +20 1 1 B A40 +20 1 2 PZ B39 +20 1 2 PZ B40 +20 1 3 KV C27 +20 1 3 KV C28 +20 1 3 KV C29 +20 1 3 KV C30 +20 1 4 P C8 +20 1 4 P C9 +20 1 5 KN J0 +20 1 5 KN J1 +20 1 5 KN J2 +20 1 5 KN J3 +20 1 5 KN J4 +20 1 5 KN J5 +20 1 5 KN J6 +20 1 5 KN J7 +20 1 5 KN J8 +20 1 5 KN J9 +20 1 5 KN J10 +20 1 5 KN J11 +20 1 5 KN J12 +20 1 5 KN J13 +20 1 5 KN J14 +20 1 5 KN J15 +20 1 5 KN J16 +20 1 5 KN J17 +20 1 5 KN J18 +20 1 5 KN J19 +20 1 5 KN J20 +20 1 5 KN J21 +20 1 5 KN J22 +20 1 5 KN J23 +20 1 5 KN J24 +20 1 5 KN J25 +20 1 5 KN J26 +20 1 5 KN J27 +20 1 5 KN J28 +20 1 5 KN J29 +20 1 5 KN J30 +20 1 5 KN J31 +20 1 5 KN J32 +20 1 5 KN J33 +20 1 5 KN J34 +20 1 5 KN J35 +20 1 5 KN J36 +20 1 5 KN J37 +20 1 5 KN J38 +20 1 5 KN J39 +20 1 5 KN J40 +20 1 6 T I1 +20 1 6 T I2 +20 1 6 T I3 +20 1 7 C G1 +20 1 7 C G2 +20 1 8 K G17 +20 1 8 K G18 +20 1 8 K G19 +20 2 1 P C9 +20 2 2 C F1 +20 2 2 C F2 +20 2 2 C F3 +20 2 3 KV F25 +20 2 4 B A0 +20 2 4 B A1 +20 2 4 B A2 +20 2 4 B A3 +20 2 4 B A4 +20 2 4 B A5 +20 2 4 B A6 +20 2 4 B A7 +20 2 4 B A8 +20 2 4 B A9 +20 2 4 B A10 +20 2 4 B A11 +20 2 4 B A12 +20 2 4 B A13 +20 2 4 B A14 +20 2 4 B A15 +20 2 4 B A16 +20 2 4 B A17 +20 2 4 B A18 +20 2 4 B A19 +20 2 4 B A20 +20 2 4 B A21 +20 2 4 B A22 +20 2 4 B A23 +20 2 4 B A24 +20 2 4 B A25 +20 2 4 B A26 +20 2 4 B A27 +20 2 4 B A28 +20 2 4 B A29 +20 2 4 B A30 +20 2 4 B A31 +20 2 4 B A32 +20 2 4 B A33 +20 2 4 B A34 +20 2 4 B A35 +20 2 4 B A36 +20 2 4 B A37 +20 2 4 B A38 +20 2 4 B A39 +20 2 4 B A40 +20 2 5 K F17 +20 3 1 PZ B0 +20 3 1 PZ B1 +20 3 1 PZ B2 +20 3 1 PZ B3 +20 3 1 PZ B4 +20 3 1 PZ B5 +20 3 1 PZ B6 +20 3 1 PZ B7 +20 3 2 P C11 +20 3 2 P C12 +20 3 3 C G1 +20 3 3 C G2 +20 3 4 B A0 +20 3 4 B A1 +20 3 4 B A2 +20 3 4 B A3 +20 3 4 B A4 +20 3 4 B A5 +20 3 4 B A6 +20 3 4 B A7 +20 3 4 B A8 +20 3 4 B A9 +20 3 4 B A10 +20 3 4 B A11 +20 3 4 B A12 +20 3 4 B A13 +20 3 4 B A14 +20 3 4 B A15 +20 3 4 B A16 +20 3 4 B A17 +20 3 4 B A18 +20 3 4 B A19 +20 3 4 B A20 +20 3 4 B A21 +20 3 4 B A22 +20 3 4 B A23 +20 3 4 B A24 +20 3 4 B A25 +20 3 4 B A26 +20 3 4 B A27 +20 3 4 B A28 +20 3 4 B A29 +20 3 4 B A30 +20 3 4 B A31 +20 3 4 B A32 +20 3 4 B A33 +20 3 4 B A34 +20 3 4 B A35 +20 3 4 B A36 +20 3 4 B A37 +20 3 4 B A38 +20 3 4 B A39 +20 3 4 B A40 +20 3 5 KV G28 +20 3 5 KV G29 +20 3 5 KV G30 +20 3 6 T I37 +20 3 6 T I38 +20 3 6 T I39 +20 3 6 T I40 +20 3 7 KN I0 +20 3 7 KN J0 +20 3 7 KN J1 +20 3 7 KN J2 +20 3 7 KN J3 +20 3 7 KN J4 +20 3 7 KN J5 +20 3 7 KN J6 +20 3 7 KN J7 +20 3 7 KN J8 +20 3 7 KN J9 +20 3 7 KN J10 +20 3 7 KN J11 +20 3 7 KN J12 +20 3 7 KN J13 +20 3 7 KN J14 +20 3 7 KN J15 +20 3 7 KN J16 +20 3 7 KN J17 +20 3 7 KN J18 +20 3 7 KN J19 +20 3 7 KN J20 +20 3 7 KN J21 +20 3 7 KN J22 +20 3 7 KN J23 +20 3 7 KN J24 +20 3 7 KN J25 +20 3 7 KN J26 +20 3 7 KN J27 +20 3 7 KN J28 +20 3 7 KN J29 +20 3 7 KN J30 +20 3 7 KN J31 +20 3 7 KN J32 +20 3 7 KN J33 +20 3 7 KN J34 +20 3 7 KN J35 +20 3 7 KN J36 +20 3 7 KN J37 +20 3 7 KN J38 +20 3 7 KN J39 +20 3 7 KN J40 +20 3 8 K G17 +20 3 8 K G18 +20 3 8 K G19 +20 3 8 K G20 +20 4 1 B A0 +20 4 1 B A1 +20 4 1 B A2 +20 4 1 B A3 +20 4 1 B A4 +20 4 1 B A5 +20 4 1 B A6 +20 4 1 B A7 +20 4 1 B A8 +20 4 1 B A9 +20 4 1 B A10 +20 4 1 B A11 +20 4 1 B A12 +20 4 1 B A13 +20 4 1 B A14 +20 4 1 B A15 +20 4 1 B A16 +20 4 1 B A17 +20 4 1 B A18 +20 4 1 B A19 +20 4 1 B A20 +20 4 1 B A21 +20 4 1 B A22 +20 4 1 B A23 +20 4 1 B A24 +20 4 1 B A25 +20 4 1 B A26 +20 4 1 B A27 +20 4 1 B A28 +20 4 1 B A29 +20 4 1 B A30 +20 4 1 B A31 +20 4 1 B A32 +20 4 1 B A33 +20 4 1 B A34 +20 4 1 B A35 +20 4 1 B A36 +20 4 1 B A37 +20 4 1 B A38 +20 4 1 B A39 +20 4 1 B A40 +20 4 2 P B12 +20 4 3 K G18 +20 4 4 KV F20 +20 4 5 C F40 +20 4 6 KN J0 +20 4 6 KN J1 +20 4 6 KN J2 +20 4 6 KN J3 +20 4 6 KN J4 +20 4 6 KN J5 +20 4 6 KN J6 +20 4 6 KN J7 +20 4 6 KN J8 +20 4 6 KN J9 +20 4 6 KN J10 +20 4 6 KN J11 +20 4 6 KN J12 +20 4 6 KN J13 +20 4 6 KN J14 +20 4 6 KN J15 +20 4 6 KN J16 +20 4 6 KN J17 +20 4 6 KN J18 +20 4 6 KN J19 +20 4 6 KN J20 +20 4 6 KN J21 +20 4 6 KN J22 +20 4 6 KN J23 +20 4 6 KN J24 +20 4 6 KN J25 +20 4 6 KN J26 +20 4 6 KN J27 +20 4 6 KN J28 +20 4 6 KN J29 +20 4 6 KN J30 +20 4 6 KN J31 +20 4 6 KN J32 +20 4 6 KN J33 +20 4 6 KN J34 +20 4 6 KN J35 +20 4 6 KN J36 +20 4 6 KN J37 +20 4 6 KN J38 +20 4 6 KN J39 +20 4 6 KN J40 +20 5 1 P C8 +20 5 2 K G17 +20 5 3 KV F29 +20 5 4 B A0 +20 5 4 B A1 +20 5 4 B A2 +20 5 4 B A3 +20 5 4 B A4 +20 5 4 B A5 +20 5 4 B A6 +20 5 4 B A7 +20 5 4 B A8 +20 5 4 B A9 +20 5 4 B A10 +20 5 4 B A11 +20 5 4 B A12 +20 5 4 B A13 +20 5 4 B A14 +20 5 4 B A15 +20 5 4 B A16 +20 5 4 B A17 +20 5 4 B A18 +20 5 4 B A19 +20 5 4 B A20 +20 5 4 B A21 +20 5 4 B A22 +20 5 4 B A23 +20 5 4 B A24 +20 5 4 B A25 +20 5 4 B A26 +20 5 4 B A27 +20 5 4 B A28 +20 5 4 B A29 +20 5 4 B A30 +20 5 4 B A31 +20 5 4 B A32 +20 5 4 B A33 +20 5 4 B A34 +20 5 4 B A35 +20 5 4 B A36 +20 5 4 B A37 +20 5 4 B A38 +20 5 4 B A39 +20 5 4 B A40 +20 5 5 C G1 +20 5 5 C G40 +20 5 6 KN J0 +20 5 6 KN J1 +20 5 6 KN J2 +20 5 6 KN J3 +20 5 6 KN J4 +20 5 6 KN J5 +20 5 6 KN J6 +20 5 6 KN J7 +20 5 6 KN J8 +20 5 6 KN J9 +20 5 6 KN J10 +20 5 6 KN J11 +20 5 6 KN J12 +20 5 6 KN J13 +20 5 6 KN J14 +20 5 6 KN J15 +20 5 6 KN J16 +20 5 6 KN J17 +20 5 6 KN J18 +20 5 6 KN J19 +20 5 6 KN J20 +20 5 6 KN J21 +20 5 6 KN J22 +20 5 6 KN J23 +20 5 6 KN J24 +20 5 6 KN J25 +20 5 6 KN J26 +20 5 6 KN J27 +20 5 6 KN J28 +20 5 6 KN J29 +20 5 6 KN J30 +20 5 6 KN J31 +20 5 6 KN J32 +20 5 6 KN J33 +20 5 6 KN J34 +20 5 6 KN J35 +20 5 6 KN J36 +20 5 6 KN J37 +20 5 6 KN J38 +20 5 6 KN J39 +20 5 6 KN J40 +20 6 1 P C9 +20 6 2 K G17 +20 6 3 KV G29 +20 6 4 B A0 +20 6 4 B A1 +20 6 4 B A2 +20 6 4 B A3 +20 6 4 B A4 +20 6 4 B A5 +20 6 4 B A6 +20 6 4 B A7 +20 6 4 B A8 +20 6 4 B A9 +20 6 4 B A10 +20 6 4 B A11 +20 6 4 B A12 +20 6 4 B A13 +20 6 4 B A14 +20 6 4 B A15 +20 6 4 B A16 +20 6 4 B A17 +20 6 4 B A18 +20 6 4 B A19 +20 6 4 B A20 +20 6 4 B A21 +20 6 4 B A22 +20 6 4 B A23 +20 6 4 B A24 +20 6 4 B A25 +20 6 4 B A26 +20 6 4 B A27 +20 6 4 B A28 +20 6 4 B A29 +20 6 4 B A30 +20 6 4 B A31 +20 6 4 B A32 +20 6 4 B A33 +20 6 4 B A34 +20 6 4 B A35 +20 6 4 B A36 +20 6 4 B A37 +20 6 4 B A38 +20 6 4 B A39 +20 6 4 B A40 +20 6 5 KN J0 +20 6 5 KN J1 +20 6 5 KN J2 +20 6 5 KN J3 +20 6 5 KN J4 +20 6 5 KN J5 +20 6 5 KN J6 +20 6 5 KN J7 +20 6 5 KN J8 +20 6 5 KN J9 +20 6 5 KN J10 +20 6 5 KN J11 +20 6 5 KN J12 +20 6 5 KN J13 +20 6 5 KN J14 +20 6 5 KN J15 +20 6 5 KN J16 +20 6 5 KN J17 +20 6 5 KN J18 +20 6 5 KN J19 +20 6 5 KN J20 +20 6 5 KN J21 +20 6 5 KN J22 +20 6 5 KN J23 +20 6 5 KN J24 +20 6 5 KN J25 +20 6 5 KN J26 +20 6 5 KN J27 +20 6 5 KN J28 +20 6 5 KN J29 +20 6 5 KN J30 +20 6 5 KN J31 +20 6 5 KN J32 +20 6 5 KN J33 +20 6 5 KN J34 +20 6 5 KN J35 +20 6 5 KN J36 +20 6 5 KN J37 +20 6 5 KN J38 +20 6 5 KN J39 +20 6 5 KN J40 +20 6 6 C G1 +20 7 1 P C8 +20 7 2 K F20 +20 7 3 KV H29 +20 7 4 B A0 +20 7 4 B A1 +20 7 4 B A2 +20 7 4 B A3 +20 7 4 B A4 +20 7 4 B A5 +20 7 4 B A6 +20 7 4 B A7 +20 7 4 B A8 +20 7 4 B A9 +20 7 4 B A10 +20 7 4 B A11 +20 7 4 B A12 +20 7 4 B A13 +20 7 4 B A14 +20 7 4 B A15 +20 7 4 B A16 +20 7 4 B A17 +20 7 4 B A18 +20 7 4 B A19 +20 7 4 B A20 +20 7 4 B A21 +20 7 4 B A22 +20 7 4 B A23 +20 7 4 B A24 +20 7 4 B A25 +20 7 4 B A26 +20 7 4 B A27 +20 7 4 B A28 +20 7 4 B A29 +20 7 4 B A30 +20 7 4 B A31 +20 7 4 B A32 +20 7 4 B A33 +20 7 4 B A34 +20 7 4 B A35 +20 7 4 B A36 +20 7 4 B A37 +20 7 4 B A38 +20 7 4 B A39 +20 7 4 B A40 +20 7 5 KN J0 +20 7 5 KN J1 +20 7 5 KN J2 +20 7 5 KN J3 +20 7 5 KN J4 +20 7 5 KN J5 +20 7 5 KN J6 +20 7 5 KN J7 +20 7 5 KN J8 +20 7 5 KN J9 +20 7 5 KN J10 +20 7 5 KN J11 +20 7 5 KN J12 +20 7 5 KN J13 +20 7 5 KN J14 +20 7 5 KN J15 +20 7 5 KN J16 +20 7 5 KN J17 +20 7 5 KN J18 +20 7 5 KN J19 +20 7 5 KN J20 +20 7 5 KN J21 +20 7 5 KN J22 +20 7 5 KN J23 +20 7 5 KN J24 +20 7 5 KN J25 +20 7 5 KN J26 +20 7 5 KN J27 +20 7 5 KN J28 +20 7 5 KN J29 +20 7 5 KN J30 +20 7 5 KN J31 +20 7 5 KN J32 +20 7 5 KN J33 +20 7 5 KN J34 +20 7 5 KN J35 +20 7 5 KN J36 +20 7 5 KN J37 +20 7 5 KN J38 +20 7 5 KN J39 +20 7 5 KN J40 +20 7 6 C G3 +20 8 1 B A0 +20 8 1 B A1 +20 8 1 B A2 +20 8 1 B A3 +20 8 1 B A4 +20 8 1 B A5 +20 8 1 B A6 +20 8 1 B A7 +20 8 1 B A8 +20 8 1 B A9 +20 8 1 B A10 +20 8 1 B A11 +20 8 1 B A12 +20 8 1 B A13 +20 8 1 B A14 +20 8 1 B A15 +20 8 1 B A16 +20 8 1 B A17 +20 8 1 B A18 +20 8 1 B A19 +20 8 1 B A20 +20 8 1 B A21 +20 8 1 B A22 +20 8 1 B A23 +20 8 1 B A24 +20 8 1 B A25 +20 8 1 B A26 +20 8 1 B A27 +20 8 1 B A28 +20 8 1 B A29 +20 8 1 B A30 +20 8 1 B A31 +20 8 1 B A32 +20 8 1 B A33 +20 8 1 B A34 +20 8 1 B A35 +20 8 1 B A36 +20 8 1 B A37 +20 8 1 B A38 +20 8 1 B A39 +20 8 1 B A40 +20 8 2 K F20 +20 8 3 PZ C27 +20 8 4 KV F29 +20 8 5 T I39 +20 8 6 KN J0 +20 8 6 KN J1 +20 8 6 KN J2 +20 8 6 KN J3 +20 8 6 KN J4 +20 8 6 KN J5 +20 8 6 KN J6 +20 8 6 KN J7 +20 8 6 KN J8 +20 8 6 KN J9 +20 8 6 KN J10 +20 8 6 KN J11 +20 8 6 KN J12 +20 8 6 KN J13 +20 8 6 KN J14 +20 8 6 KN J15 +20 8 6 KN J16 +20 8 6 KN J17 +20 8 6 KN J18 +20 8 6 KN J19 +20 8 6 KN J20 +20 8 6 KN J21 +20 8 6 KN J22 +20 8 6 KN J23 +20 8 6 KN J24 +20 8 6 KN J25 +20 8 6 KN J26 +20 8 6 KN J27 +20 8 6 KN J28 +20 8 6 KN J29 +20 8 6 KN J30 +20 8 6 KN J31 +20 8 6 KN J32 +20 8 6 KN J33 +20 8 6 KN J34 +20 8 6 KN J35 +20 8 6 KN J36 +20 8 6 KN J37 +20 8 6 KN J38 +20 8 6 KN J39 +20 8 6 KN J40 +20 8 7 C G1 +20 9 1 P C9 +20 9 2 PZ B10 +20 9 3 B A0 +20 9 3 B A1 +20 9 3 B A2 +20 9 3 B A3 +20 9 3 B A4 +20 9 3 B A5 +20 9 3 B A6 +20 9 3 B A7 +20 9 3 B A8 +20 9 3 B A9 +20 9 3 B A10 +20 9 3 B A11 +20 9 3 B A12 +20 9 3 B A13 +20 9 3 B A14 +20 9 3 B A15 +20 9 3 B A16 +20 9 3 B A17 +20 9 3 B A18 +20 9 3 B A19 +20 9 3 B A20 +20 9 3 B A21 +20 9 3 B A22 +20 9 3 B A23 +20 9 3 B A24 +20 9 3 B A25 +20 9 3 B A26 +20 9 3 B A27 +20 9 3 B A28 +20 9 3 B A29 +20 9 3 B A30 +20 9 3 B A31 +20 9 3 B A32 +20 9 3 B A33 +20 9 3 B A34 +20 9 3 B A35 +20 9 3 B A36 +20 9 3 B A37 +20 9 3 B A38 +20 9 3 B A39 +20 9 3 B A40 +20 9 4 K F17 +20 9 5 KV F28 +20 9 6 T I39 +20 9 7 KN J0 +20 9 7 KN J1 +20 9 7 KN J2 +20 9 7 KN J3 +20 9 7 KN J4 +20 9 7 KN J5 +20 9 7 KN J6 +20 9 7 KN J7 +20 9 7 KN J8 +20 9 7 KN J9 +20 9 7 KN J10 +20 9 7 KN J11 +20 9 7 KN J12 +20 9 7 KN J13 +20 9 7 KN J14 +20 9 7 KN J15 +20 9 7 KN J16 +20 9 7 KN J17 +20 9 7 KN J18 +20 9 7 KN J19 +20 9 7 KN J20 +20 9 7 KN J21 +20 9 7 KN J22 +20 9 7 KN J23 +20 9 7 KN J24 +20 9 7 KN J25 +20 9 7 KN J26 +20 9 7 KN J27 +20 9 7 KN J28 +20 9 7 KN J29 +20 9 7 KN J30 +20 9 7 KN J31 +20 9 7 KN J32 +20 9 7 KN J33 +20 9 7 KN J34 +20 9 7 KN J35 +20 9 7 KN J36 +20 9 7 KN J37 +20 9 7 KN J38 +20 9 7 KN J39 +20 9 7 KN J40 +20 9 8 C G1 +20 10 1 P B12 +20 10 2 KV E28 +20 10 3 B A0 +20 10 3 B A1 +20 10 3 B A2 +20 10 3 B A3 +20 10 3 B A4 +20 10 3 B A5 +20 10 3 B A6 +20 10 3 B A7 +20 10 3 B A8 +20 10 3 B A9 +20 10 3 B A10 +20 10 3 B A11 +20 10 3 B A12 +20 10 3 B A13 +20 10 3 B A14 +20 10 3 B A15 +20 10 3 B A16 +20 10 3 B A17 +20 10 3 B A18 +20 10 3 B A19 +20 10 3 B A20 +20 10 3 B A21 +20 10 3 B A22 +20 10 3 B A23 +20 10 3 B A24 +20 10 3 B A25 +20 10 3 B A26 +20 10 3 B A27 +20 10 3 B A28 +20 10 3 B A29 +20 10 3 B A30 +20 10 3 B A31 +20 10 3 B A32 +20 10 3 B A33 +20 10 3 B A34 +20 10 3 B A35 +20 10 3 B A36 +20 10 3 B A37 +20 10 3 B A38 +20 10 3 B A39 +20 10 3 B A40 +20 10 4 KN J0 +20 10 4 KN J1 +20 10 4 KN J2 +20 10 4 KN J3 +20 10 4 KN J4 +20 10 4 KN J5 +20 10 4 KN J6 +20 10 4 KN J7 +20 10 4 KN J8 +20 10 4 KN J9 +20 10 4 KN J10 +20 10 4 KN J11 +20 10 4 KN J12 +20 10 4 KN J13 +20 10 4 KN J14 +20 10 4 KN J15 +20 10 4 KN J16 +20 10 4 KN J17 +20 10 4 KN J18 +20 10 4 KN J19 +20 10 4 KN J20 +20 10 4 KN J21 +20 10 4 KN J22 +20 10 4 KN J23 +20 10 4 KN J24 +20 10 4 KN J25 +20 10 4 KN J26 +20 10 4 KN J27 +20 10 4 KN J28 +20 10 4 KN J29 +20 10 4 KN J30 +20 10 4 KN J31 +20 10 4 KN J32 +20 10 4 KN J33 +20 10 4 KN J34 +20 10 4 KN J35 +20 10 4 KN J36 +20 10 4 KN J37 +20 10 4 KN J38 +20 10 4 KN J39 +20 10 4 KN J40 +20 10 5 K H21 +20 10 6 C F2 +20 11 1 P C8 +20 11 2 K F19 +20 11 3 B A0 +20 11 3 B A1 +20 11 3 B A2 +20 11 3 B A3 +20 11 3 B A4 +20 11 3 B A5 +20 11 3 B A6 +20 11 3 B A7 +20 11 3 B A8 +20 11 3 B A9 +20 11 3 B A10 +20 11 3 B A11 +20 11 3 B A12 +20 11 3 B A13 +20 11 3 B A14 +20 11 3 B A15 +20 11 3 B A16 +20 11 3 B A17 +20 11 3 B A18 +20 11 3 B A19 +20 11 3 B A20 +20 11 3 B A21 +20 11 3 B A22 +20 11 3 B A23 +20 11 3 B A24 +20 11 3 B A25 +20 11 3 B A26 +20 11 3 B A27 +20 11 3 B A28 +20 11 3 B A29 +20 11 3 B A30 +20 11 3 B A31 +20 11 3 B A32 +20 11 3 B A33 +20 11 3 B A34 +20 11 3 B A35 +20 11 3 B A36 +20 11 3 B A37 +20 11 3 B A38 +20 11 3 B A39 +20 11 3 B A40 +20 11 4 KV G29 +20 11 5 KN J0 +20 11 5 KN J1 +20 11 5 KN J2 +20 11 5 KN J3 +20 11 5 KN J4 +20 11 5 KN J5 +20 11 5 KN J6 +20 11 5 KN J7 +20 11 5 KN J8 +20 11 5 KN J9 +20 11 5 KN J10 +20 11 5 KN J11 +20 11 5 KN J12 +20 11 5 KN J13 +20 11 5 KN J14 +20 11 5 KN J15 +20 11 5 KN J16 +20 11 5 KN J17 +20 11 5 KN J18 +20 11 5 KN J19 +20 11 5 KN J20 +20 11 5 KN J21 +20 11 5 KN J22 +20 11 5 KN J23 +20 11 5 KN J24 +20 11 5 KN J25 +20 11 5 KN J26 +20 11 5 KN J27 +20 11 5 KN J28 +20 11 5 KN J29 +20 11 5 KN J30 +20 11 5 KN J31 +20 11 5 KN J32 +20 11 5 KN J33 +20 11 5 KN J34 +20 11 5 KN J35 +20 11 5 KN J36 +20 11 5 KN J37 +20 11 5 KN J38 +20 11 5 KN J39 +20 11 5 KN J40 +20 11 6 C G1 +21 1 1 PJ A0 +21 1 2 SE J0 +21 1 3 JA C9 +21 1 4 SA F17 +21 1 5 PA B27 +21 1 6 PU G40 +21 2 1 PJ A0 +21 2 2 SE J0 +21 2 3 PA D0 +21 2 4 A G0 +21 2 5 JA B13 +21 2 6 SA F17 +21 2 7 PU F40 +21 3 1 SE J0 +21 3 2 PJ A0 +21 3 3 JA C8 +21 3 4 SA G18 +21 3 5 PU G40 +21 3 6 PA G9 +21 4 1 PJ A0 +21 4 2 SE J0 +21 4 3 PU F4 +21 4 4 JA C10 +21 4 5 SA F17 +21 4 6 A J0 +21 4 7 PA H7 +21 5 1 PJ A0 +21 5 2 SE J0 +21 5 3 PA C0 +21 5 4 PU G2 +21 5 5 A I0 +21 5 6 JA C11 +21 5 7 SA F17 +21 6 1 PJ A0 +21 6 2 SE J0 +21 6 3 JA C9 +21 6 4 PA B26 +21 6 5 SA F28 +21 6 6 PU F39 +21 7 1 PJ A0 +21 7 2 SE J0 +21 7 3 JA C9 +21 7 4 SA G20 +21 7 5 PA B28 +21 7 6 PU G40 +21 8 1 PA E0 +21 8 2 A I0 +21 8 3 PU F4 +21 8 4 JA C13 +21 8 5 SA H17 +21 8 6 SE J0 +21 8 7 PJ A0 +21 9 1 PJ A0 +21 9 2 JA B12 +21 9 3 SA F18 +21 9 4 PA D28 +21 9 5 PU F39 +21 9 6 SE J0 +21 9 7 A I14 +21 10 1 PU G1 +21 10 2 JA C12 +21 10 3 SA F18 +21 10 4 A H0 +21 10 5 PA D0 +21 10 6 PJ A0 +21 10 7 SE J0 +21 11 1 PA E0 +21 11 2 JA C10 +21 11 3 PJ A0 +21 11 4 SA F28 +21 11 5 SE J0 +21 11 6 A J0 +21 11 7 PU F3 +21 12 1 PJ A0 +21 12 2 JA C12 +21 12 3 PA B25 +21 12 4 SA F29 +21 12 5 PU G40 +21 12 6 SE H0 +21 13 1 PJ A0 +21 13 2 SE J0 +21 13 3 PA F0 +21 13 4 PU F2 +21 13 5 JA C8 +21 13 6 SA F19 +21 14 1 PU G2 +21 14 2 PJ A0 +21 14 3 JA C11 +21 14 4 SA G17 +21 14 5 SE J0 +21 14 6 PA I12 +21 15 1 PJ A0 +21 15 2 SE J0 +21 15 3 PA E0 +21 15 4 PU G1 +21 15 5 JA C12 +21 15 6 SA F16 +21 16 1 PJ A0 +21 16 2 A J0 +21 16 3 A J0 +21 16 4 PU F2 +21 16 5 PA G7 +21 16 6 JA B12 +21 16 7 SA E18 +21 17 1 PJ A0 +21 17 2 SE J0 +21 17 3 PA G0 +21 17 4 PU F2 +21 17 5 JA B11 +21 17 6 SA G20 +21 18 1 PJ A0 +21 18 2 SE J0 +21 18 3 PA E0 +21 18 4 PU E4 +21 18 5 JA C9 +21 18 6 SA E18 +21 19 1 PJ A0 +21 19 2 PA E0 +21 19 3 PU G1 +21 19 4 JA B11 +21 19 5 SA F17 +21 19 6 SE J0 +21 20 1 SE J0 +21 20 2 PJ A0 +21 20 3 PA F0 +21 20 4 PU F1 +21 20 5 CA F6 +21 20 6 JA B12 +21 20 7 CH H5 +21 20 8 SA F17 +21 21 1 SE J0 +21 21 2 PJ A0 +21 21 3 PA G0 +21 21 4 JA C8 +21 21 5 PU G1 +21 21 6 SA F17 +21 22 1 PJ A0 +21 22 2 SE J0 +21 22 3 PA C0 +21 22 4 JA C10 +21 22 5 SA F28 +21 22 6 PU F39 +21 23 1 PJ A0 +21 23 2 SE J0 +21 23 3 PA F0 +21 23 4 PU F1 +21 23 5 JA B12 +21 23 6 SA F29 +21 24 1 SE J0 +21 24 2 PJ A0 +21 24 3 PA E0 +21 24 4 PU G2 +21 24 5 JA C12 +21 24 6 SA H29 +21 25 1 PJ A0 +21 25 2 SE J0 +21 25 3 PA B0 +21 25 4 PU F3 +21 25 5 JA C10 +21 25 6 SA F17 +22 1 1 LU G19 +22 1 1 LU H29 +22 1 2 YA J23 +22 1 3 LA D10 +22 1 3 LA D11 +22 1 4 PA J6 +22 1 5 UN H2 +22 1 6 FI C26 +22 1 6 FI D3 +22 1 7 LA D11 +22 1 8 FI A32 +22 1 9 LA E8 +22 2 1 LU D16 +22 2 1 LU F21 +22 2 2 YA G11 +22 2 3 PA J0 +22 2 4 NN I1 +22 2 5 UN F1 +22 2 6 FI A0 +22 2 6 FI B5 +22 2 6 FI C1 +22 2 7 LA C8 +22 2 7 LA D6 +22 3 1 PA J0 +22 3 2 UN G1 +22 3 3 FI A0 +22 3 3 FI A1 +22 3 3 FI A2 +22 3 3 FI A3 +22 3 3 FI A4 +22 3 3 FI A5 +22 3 3 FI A6 +22 3 3 FI A7 +22 3 3 FI A8 +22 3 3 FI A9 +22 3 3 FI A10 +22 3 3 FI A11 +22 3 3 FI A12 +22 3 3 FI A13 +22 3 3 FI A14 +22 3 3 FI A15 +22 3 3 FI A16 +22 3 3 FI A17 +22 3 3 FI A18 +22 3 3 FI A19 +22 3 3 FI A20 +22 3 3 FI A21 +22 3 3 FI A22 +22 3 3 FI A23 +22 3 3 FI A24 +22 3 3 FI A25 +22 3 3 FI A26 +22 3 3 FI A27 +22 3 3 FI A28 +22 3 3 FI A29 +22 3 3 FI A30 +22 3 3 FI A31 +22 3 3 FI A32 +22 3 3 FI A33 +22 3 3 FI A34 +22 3 3 FI A35 +22 3 3 FI A36 +22 3 3 FI A37 +22 3 3 FI A38 +22 3 3 FI A39 +22 3 3 FI A40 +22 3 4 LA C13 +22 3 5 LU E20 +22 4 1 LU F21 +22 4 1 LU F29 +22 4 2 YA J3 +22 4 3 PA J1 +22 4 4 UN G2 +22 4 5 LL G1 +22 4 6 FI A1 +22 4 6 FI A2 +22 4 6 FI A3 +22 4 7 LA C8 +22 4 7 LA C9 +22 4 8 LU G17 +22 5 1 LU G20 +22 5 1 LU G29 +22 5 2 PA I10 +22 5 2 PA J4 +22 5 3 YA I8 +22 5 4 UN E1 +22 5 4 UN G1 +22 5 5 FI B3 +22 5 5 FI B20 +22 5 6 FI C32 +22 5 7 LA C11 +22 5 7 LA E12 +22 5 8 LU E25 +22 6 1 UN I40 +22 6 2 LU H31 +22 6 3 PA J1 +22 6 4 LA C9 +22 6 5 LA E29 +22 6 6 FI A32 +22 7 1 LU D17 +22 7 1 LU H19 +22 7 2 UN I2 +22 7 3 PA J0 +22 7 3 PA J1 +22 7 3 PA J2 +22 7 3 PA J3 +22 7 3 PA J4 +22 7 3 PA J5 +22 7 3 PA J6 +22 7 3 PA J7 +22 7 3 PA J8 +22 7 3 PA J9 +22 7 3 PA J10 +22 7 3 PA J11 +22 7 3 PA J12 +22 7 3 PA J13 +22 7 3 PA J14 +22 7 3 PA J15 +22 7 3 PA J16 +22 7 3 PA J17 +22 7 3 PA J18 +22 7 3 PA J19 +22 7 3 PA J20 +22 7 3 PA J21 +22 7 3 PA J22 +22 7 3 PA J23 +22 7 3 PA J24 +22 7 3 PA J25 +22 7 3 PA J26 +22 7 3 PA J27 +22 7 3 PA J28 +22 7 3 PA J29 +22 7 3 PA J30 +22 7 3 PA J31 +22 7 3 PA J32 +22 7 3 PA J33 +22 7 3 PA J34 +22 7 3 PA J35 +22 7 3 PA J36 +22 7 3 PA J37 +22 7 3 PA J38 +22 7 3 PA J39 +22 7 3 PA J40 +22 7 4 FI A0 +22 7 4 FI A1 +22 7 4 FI A2 +22 7 4 FI A3 +22 7 4 FI A4 +22 7 4 FI A5 +22 7 4 FI A6 +22 7 4 FI A7 +22 7 4 FI A8 +22 7 4 FI A9 +22 7 4 FI A10 +22 7 4 FI A11 +22 7 4 FI A12 +22 7 4 FI A13 +22 7 4 FI A14 +22 7 4 FI A15 +22 7 4 FI A16 +22 7 4 FI A17 +22 7 4 FI A18 +22 7 4 FI A19 +22 7 4 FI A20 +22 7 4 FI A21 +22 7 4 FI A22 +22 7 4 FI A23 +22 7 4 FI A24 +22 7 4 FI A25 +22 7 4 FI A26 +22 7 4 FI A27 +22 7 4 FI A28 +22 7 4 FI A29 +22 7 4 FI A30 +22 7 4 FI A31 +22 7 4 FI A32 +22 7 4 FI A33 +22 7 4 FI A34 +22 7 4 FI A35 +22 7 4 FI A36 +22 7 4 FI A37 +22 7 4 FI A38 +22 7 4 FI A39 +22 7 4 FI A40 +22 7 5 LA C11 +22 8 1 LA B12 +22 8 1 LA F40 +22 8 2 LU F28 +22 8 2 LU G21 +22 8 3 PA J18 +22 8 4 NN I7 +22 8 5 UN G1 +22 8 6 LL G3 +22 8 7 FI A0 +22 8 7 FI A1 +22 8 7 FI A2 +22 8 7 FI A3 +22 8 7 FI A4 +22 8 7 FI A5 +22 8 7 FI A6 +22 8 7 FI A7 +22 8 7 FI A8 +22 8 7 FI A9 +22 8 7 FI A10 +22 8 7 FI A11 +22 8 7 FI A12 +22 8 7 FI A13 +22 8 7 FI A14 +22 8 7 FI A15 +22 8 7 FI A16 +22 8 7 FI A17 +22 8 7 FI A18 +22 8 7 FI A19 +22 8 7 FI A20 +22 8 7 FI A21 +22 8 7 FI A22 +22 8 7 FI A23 +22 8 7 FI A24 +22 8 7 FI A25 +22 8 7 FI A26 +22 8 7 FI A27 +22 8 7 FI A28 +22 8 7 FI A29 +22 8 7 FI A30 +22 8 7 FI A31 +22 8 7 FI A32 +22 8 7 FI A33 +22 8 7 FI A34 +22 8 7 FI A35 +22 8 7 FI A36 +22 8 7 FI A37 +22 8 7 FI A38 +22 8 7 FI A39 +22 8 7 FI A40 +22 8 8 FI B7 +22 9 1 YA I38 +22 9 2 LU H17 +22 9 2 LU H28 +22 9 3 LU I28 +22 9 4 PA J10 +22 9 5 UN E4 +22 9 5 UN G3 +22 9 6 FI A0 +22 9 6 FI A1 +22 9 6 FI A2 +22 9 6 FI A3 +22 9 6 FI A4 +22 9 6 FI A5 +22 9 6 FI A6 +22 9 6 FI A7 +22 9 6 FI A8 +22 9 6 FI A9 +22 9 6 FI A10 +22 9 6 FI A11 +22 9 6 FI A12 +22 9 6 FI A13 +22 9 6 FI A14 +22 9 6 FI A15 +22 9 6 FI A16 +22 9 6 FI A17 +22 9 6 FI A18 +22 9 6 FI A19 +22 9 6 FI A20 +22 9 6 FI A21 +22 9 6 FI A22 +22 9 6 FI A23 +22 9 6 FI A24 +22 9 6 FI A25 +22 9 6 FI A26 +22 9 6 FI A27 +22 9 6 FI A28 +22 9 6 FI A29 +22 9 6 FI A30 +22 9 6 FI A31 +22 9 6 FI A32 +22 9 6 FI A33 +22 9 6 FI A34 +22 9 6 FI A35 +22 9 6 FI A36 +22 9 6 FI A37 +22 9 6 FI A38 +22 9 6 FI A39 +22 9 6 FI A40 +22 9 7 LA D6 +22 9 8 LA C10 +22 9 9 FI B34 +22 10 1 LU F17 +22 10 1 LU F18 +22 10 3 PA J2 +22 10 4 LL F3 +22 10 5 FI C2 +22 10 6 LA C11 +22 10 7 FI A18 +22 11 1 PA J40 +22 11 2 YA I33 +22 11 3 LU G17 +22 11 3 LU G29 +22 11 4 LU I29 +22 11 4 LU I30 +22 11 5 LL F1 +22 11 6 LA C9 +22 11 7 FI A40 +22 12 1 UN G40 +22 12 2 PA J0 +22 12 2 PA J1 +22 12 2 PA J2 +22 12 2 PA J3 +22 12 2 PA J4 +22 12 2 PA J5 +22 12 2 PA J6 +22 12 2 PA J7 +22 12 2 PA J8 +22 12 2 PA J9 +22 12 2 PA J10 +22 12 2 PA J11 +22 12 2 PA J12 +22 12 2 PA J13 +22 12 2 PA J14 +22 12 2 PA J15 +22 12 2 PA J16 +22 12 2 PA J17 +22 12 2 PA J18 +22 12 2 PA J19 +22 12 2 PA J20 +22 12 2 PA J21 +22 12 2 PA J22 +22 12 2 PA J23 +22 12 2 PA J24 +22 12 2 PA J25 +22 12 2 PA J26 +22 12 2 PA J27 +22 12 2 PA J28 +22 12 2 PA J29 +22 12 2 PA J30 +22 12 2 PA J31 +22 12 2 PA J32 +22 12 2 PA J33 +22 12 2 PA J34 +22 12 2 PA J35 +22 12 2 PA J36 +22 12 2 PA J37 +22 12 2 PA J38 +22 12 2 PA J39 +22 12 2 PA J40 +22 12 3 LU E26 +22 12 3 LU F17 +22 12 4 FI A0 +22 12 4 FI A1 +22 12 4 FI A2 +22 12 4 FI A3 +22 12 4 FI A4 +22 12 4 FI A5 +22 12 4 FI A6 +22 12 4 FI A7 +22 12 4 FI A8 +22 12 4 FI A9 +22 12 4 FI A10 +22 12 4 FI A11 +22 12 4 FI A12 +22 12 4 FI A13 +22 12 4 FI A14 +22 12 4 FI A15 +22 12 4 FI A16 +22 12 4 FI A17 +22 12 4 FI A18 +22 12 4 FI A19 +22 12 4 FI A20 +22 12 4 FI A21 +22 12 4 FI A22 +22 12 4 FI A23 +22 12 4 FI A24 +22 12 4 FI A25 +22 12 4 FI A26 +22 12 4 FI A27 +22 12 4 FI A28 +22 12 4 FI A29 +22 12 4 FI A30 +22 12 4 FI A31 +22 12 4 FI A32 +22 12 4 FI A33 +22 12 4 FI A34 +22 12 4 FI A35 +22 12 4 FI A36 +22 12 4 FI A37 +22 12 4 FI A38 +22 12 4 FI A39 +22 12 4 FI A40 +22 12 5 LA C12 +22 12 5 LA C13 +22 13 1 LU F29 +22 13 1 LU G17 +22 13 3 PA J0 +22 13 3 PA J1 +22 13 3 PA J2 +22 13 3 PA J3 +22 13 3 PA J4 +22 13 3 PA J5 +22 13 3 PA J6 +22 13 3 PA J7 +22 13 3 PA J8 +22 13 3 PA J9 +22 13 3 PA J10 +22 13 3 PA J11 +22 13 3 PA J12 +22 13 3 PA J13 +22 13 3 PA J14 +22 13 3 PA J15 +22 13 3 PA J16 +22 13 3 PA J17 +22 13 3 PA J18 +22 13 3 PA J19 +22 13 3 PA J20 +22 13 3 PA J21 +22 13 3 PA J22 +22 13 3 PA J23 +22 13 3 PA J24 +22 13 3 PA J25 +22 13 3 PA J26 +22 13 3 PA J27 +22 13 3 PA J28 +22 13 3 PA J29 +22 13 3 PA J30 +22 13 3 PA J31 +22 13 3 PA J32 +22 13 3 PA J33 +22 13 3 PA J34 +22 13 3 PA J35 +22 13 3 PA J36 +22 13 3 PA J37 +22 13 3 PA J38 +22 13 3 PA J39 +22 13 3 PA J40 +22 13 4 UN G3 +22 13 5 LA D8 +22 13 6 FI A16 +22 14 1 YA I35 +22 14 2 LU F17 +22 14 2 LU G18 +22 14 3 PA J0 +22 14 3 PA J1 +22 14 3 PA J2 +22 14 3 PA J3 +22 14 3 PA J4 +22 14 3 PA J5 +22 14 3 PA J6 +22 14 3 PA J7 +22 14 3 PA J8 +22 14 3 PA J9 +22 14 3 PA J10 +22 14 3 PA J11 +22 14 3 PA J12 +22 14 3 PA J13 +22 14 3 PA J14 +22 14 3 PA J15 +22 14 3 PA J16 +22 14 3 PA J17 +22 14 3 PA J18 +22 14 3 PA J19 +22 14 3 PA J20 +22 14 3 PA J21 +22 14 3 PA J22 +22 14 3 PA J23 +22 14 3 PA J24 +22 14 3 PA J25 +22 14 3 PA J26 +22 14 3 PA J27 +22 14 3 PA J28 +22 14 3 PA J29 +22 14 3 PA J30 +22 14 3 PA J31 +22 14 3 PA J32 +22 14 3 PA J33 +22 14 3 PA J34 +22 14 3 PA J35 +22 14 3 PA J36 +22 14 3 PA J37 +22 14 3 PA J38 +22 14 3 PA J39 +22 14 3 PA J40 +22 14 4 UN G1 +22 14 5 FI A0 +22 14 5 FI A1 +22 14 5 FI A2 +22 14 5 FI A3 +22 14 5 FI A4 +22 14 5 FI A5 +22 14 5 FI A6 +22 14 5 FI A7 +22 14 5 FI A8 +22 14 5 FI A9 +22 14 5 FI A10 +22 14 5 FI A11 +22 14 5 FI A12 +22 14 5 FI A13 +22 14 5 FI A14 +22 14 5 FI A15 +22 14 5 FI A16 +22 14 5 FI A17 +22 14 5 FI A18 +22 14 5 FI A19 +22 14 5 FI A20 +22 14 5 FI A21 +22 14 5 FI A22 +22 14 5 FI A23 +22 14 5 FI A24 +22 14 5 FI A25 +22 14 5 FI A26 +22 14 5 FI A27 +22 14 5 FI A28 +22 14 5 FI A29 +22 14 5 FI A30 +22 14 5 FI A31 +22 14 5 FI A32 +22 14 5 FI A33 +22 14 5 FI A34 +22 14 5 FI A35 +22 14 5 FI A36 +22 14 5 FI A37 +22 14 5 FI A38 +22 14 5 FI A39 +22 14 5 FI A40 +22 14 6 LA C11 +22 14 6 LA C13 +22 15 1 YA J37 +22 15 2 PA I32 +22 15 3 LU G21 +22 15 3 LU G29 +22 15 4 LL G2 +22 15 5 LA C9 +22 15 6 FI A36 +22 16 1 YA H36 +22 16 2 PA J0 +22 16 2 PA J1 +22 16 2 PA J2 +22 16 2 PA J3 +22 16 2 PA J4 +22 16 2 PA J5 +22 16 2 PA J6 +22 16 2 PA J7 +22 16 2 PA J8 +22 16 2 PA J9 +22 16 2 PA J10 +22 16 2 PA J11 +22 16 2 PA J12 +22 16 2 PA J13 +22 16 2 PA J14 +22 16 2 PA J15 +22 16 2 PA J16 +22 16 2 PA J17 +22 16 2 PA J18 +22 16 2 PA J19 +22 16 2 PA J20 +22 16 2 PA J21 +22 16 2 PA J22 +22 16 2 PA J23 +22 16 2 PA J24 +22 16 2 PA J25 +22 16 2 PA J26 +22 16 2 PA J27 +22 16 2 PA J28 +22 16 2 PA J29 +22 16 2 PA J30 +22 16 2 PA J31 +22 16 2 PA J32 +22 16 2 PA J33 +22 16 2 PA J34 +22 16 2 PA J35 +22 16 2 PA J36 +22 16 2 PA J37 +22 16 2 PA J38 +22 16 2 PA J39 +22 16 2 PA J40 +22 16 3 UN G1 +22 16 4 LA C9 +22 16 5 FI A0 +22 16 5 FI A1 +22 16 5 FI A2 +22 16 5 FI A3 +22 16 5 FI A4 +22 16 5 FI A5 +22 16 5 FI A6 +22 16 5 FI A7 +22 16 5 FI A8 +22 16 5 FI A9 +22 16 5 FI A10 +22 16 5 FI A11 +22 16 5 FI A12 +22 16 5 FI A13 +22 16 5 FI A14 +22 16 5 FI A15 +22 16 5 FI A16 +22 16 5 FI A17 +22 16 5 FI A18 +22 16 5 FI A19 +22 16 5 FI A20 +22 16 5 FI A21 +22 16 5 FI A22 +22 16 5 FI A23 +22 16 5 FI A24 +22 16 5 FI A25 +22 16 5 FI A26 +22 16 5 FI A27 +22 16 5 FI A28 +22 16 5 FI A29 +22 16 5 FI A30 +22 16 5 FI A31 +22 16 5 FI A32 +22 16 5 FI A33 +22 16 5 FI A34 +22 16 5 FI A35 +22 16 5 FI A36 +22 16 5 FI A37 +22 16 5 FI A38 +22 16 5 FI A39 +22 16 5 FI A40 +22 16 6 FI B22 +22 16 6 FI B37 +22 16 7 LU F26 +22 17 1 LU E21 +22 17 1 LU I21 +22 17 1 LU I29 +22 17 2 PA J19 +22 17 3 LA C13 +22 17 3 LA E15 +22 17 4 YA I12 +22 17 5 UN G3 +22 17 6 FI B3 +22 17 6 FI D14 +22 17 7 LA C10 +22 17 8 FI A21 +22 18 1 LU E19 +22 18 1 LU F19 +22 18 1 LU G27 +22 18 2 PA J0 +22 18 2 PA J1 +22 18 2 PA J2 +22 18 2 PA J3 +22 18 2 PA J4 +22 18 2 PA J5 +22 18 2 PA J6 +22 18 2 PA J7 +22 18 2 PA J8 +22 18 2 PA J9 +22 18 2 PA J10 +22 18 2 PA J11 +22 18 2 PA J12 +22 18 2 PA J13 +22 18 2 PA J14 +22 18 2 PA J15 +22 18 2 PA J16 +22 18 2 PA J17 +22 18 2 PA J18 +22 18 2 PA J19 +22 18 2 PA J20 +22 18 2 PA J21 +22 18 2 PA J22 +22 18 2 PA J23 +22 18 2 PA J24 +22 18 2 PA J25 +22 18 2 PA J26 +22 18 2 PA J27 +22 18 2 PA J28 +22 18 2 PA J29 +22 18 2 PA J30 +22 18 2 PA J31 +22 18 2 PA J32 +22 18 2 PA J33 +22 18 2 PA J34 +22 18 2 PA J35 +22 18 2 PA J36 +22 18 2 PA J37 +22 18 2 PA J38 +22 18 2 PA J39 +22 18 2 PA J40 +22 18 3 UN G1 +22 18 4 FI A0 +22 18 4 FI A1 +22 18 4 FI A2 +22 18 4 FI A3 +22 18 4 FI A4 +22 18 4 FI A5 +22 18 4 FI A6 +22 18 4 FI A7 +22 18 4 FI A8 +22 18 4 FI A9 +22 18 4 FI A10 +22 18 4 FI A11 +22 18 4 FI A12 +22 18 4 FI A13 +22 18 4 FI A14 +22 18 4 FI A15 +22 18 4 FI A16 +22 18 4 FI A17 +22 18 4 FI A18 +22 18 4 FI A19 +22 18 4 FI A20 +22 18 4 FI A21 +22 18 4 FI A22 +22 18 4 FI A23 +22 18 4 FI A24 +22 18 4 FI A25 +22 18 4 FI A26 +22 18 4 FI A27 +22 18 4 FI A28 +22 18 4 FI A29 +22 18 4 FI A30 +22 18 4 FI A31 +22 18 4 FI A32 +22 18 4 FI A33 +22 18 4 FI A34 +22 18 4 FI A35 +22 18 4 FI A36 +22 18 4 FI A37 +22 18 4 FI A38 +22 18 4 FI A39 +22 18 4 FI A40 +22 18 5 FI B7 +22 18 5 FI B8 +22 18 5 FI B9 +22 18 5 FI B10 +22 18 5 FI B11 +22 18 5 FI B12 +22 18 5 FI B13 +22 18 5 FI B14 +22 18 5 FI C38 +22 19 1 LL G40 +22 19 2 LU F16 +22 19 2 LU F21 +22 19 2 LU F28 +22 19 3 PA J1 +22 19 4 LA C8 +22 19 5 LA C9 +22 19 7 FI A38 +22 20 1 YA F34 +22 20 2 LA G40 +22 20 3 LU H20 +22 20 3 LU I21 +22 20 4 PA J16 +22 20 5 LL I2 +22 20 6 LA F2 +22 20 7 FI A5 +22 20 7 FI B5 +22 21 1 PA J0 +22 21 1 PA J1 +22 21 1 PA J2 +22 21 1 PA J3 +22 21 1 PA J4 +22 21 1 PA J5 +22 21 1 PA J6 +22 21 1 PA J7 +22 21 1 PA J8 +22 21 1 PA J9 +22 21 1 PA J10 +22 21 1 PA J11 +22 21 1 PA J12 +22 21 1 PA J13 +22 21 1 PA J14 +22 21 1 PA J15 +22 21 1 PA J16 +22 21 1 PA J17 +22 21 1 PA J18 +22 21 1 PA J19 +22 21 1 PA J20 +22 21 1 PA J21 +22 21 1 PA J22 +22 21 1 PA J23 +22 21 1 PA J24 +22 21 1 PA J25 +22 21 1 PA J26 +22 21 1 PA J27 +22 21 1 PA J28 +22 21 1 PA J29 +22 21 1 PA J30 +22 21 1 PA J31 +22 21 1 PA J32 +22 21 1 PA J33 +22 21 1 PA J34 +22 21 1 PA J35 +22 21 1 PA J36 +22 21 1 PA J37 +22 21 1 PA J38 +22 21 1 PA J39 +22 21 1 PA J40 +22 21 2 YA H32 +22 21 3 LU H18 +22 21 4 UN G3 +22 21 5 FI B4 +22 21 6 LA C9 +22 22 1 LU G18 +22 22 1 LU G28 +22 22 2 LL G3 +22 22 3 LA C8 +22 22 4 FI B14 +22 22 5 FI A17 +22 23 1 PA J40 +22 23 2 LU F25 +22 23 2 LU F29 +22 23 3 UN G2 +22 23 4 LA D8 +22 23 5 FI A24 +22 24 1 PA J0 +22 24 1 PA J1 +22 24 1 PA J2 +22 24 1 PA J3 +22 24 1 PA J4 +22 24 1 PA J5 +22 24 1 PA J6 +22 24 1 PA J7 +22 24 1 PA J8 +22 24 1 PA J9 +22 24 1 PA J10 +22 24 1 PA J11 +22 24 1 PA J12 +22 24 1 PA J13 +22 24 1 PA J14 +22 24 1 PA J15 +22 24 1 PA J16 +22 24 1 PA J17 +22 24 1 PA J18 +22 24 1 PA J19 +22 24 1 PA J20 +22 24 1 PA J21 +22 24 1 PA J22 +22 24 1 PA J23 +22 24 1 PA J24 +22 24 1 PA J25 +22 24 1 PA J26 +22 24 1 PA J27 +22 24 1 PA J28 +22 24 1 PA J29 +22 24 1 PA J30 +22 24 1 PA J31 +22 24 1 PA J32 +22 24 1 PA J33 +22 24 1 PA J34 +22 24 1 PA J35 +22 24 1 PA J36 +22 24 1 PA J37 +22 24 1 PA J38 +22 24 1 PA J39 +22 24 1 PA J40 +22 24 2 YA I36 +22 24 3 LU H20 +22 24 3 LU I29 +22 24 4 UN I1 +22 24 5 FI A7 +22 24 6 LA C11 +22 24 7 FI B22 +22 25 1 PA J0 +22 25 1 PA J1 +22 25 1 PA J2 +22 25 1 PA J3 +22 25 1 PA J4 +22 25 1 PA J5 +22 25 1 PA J6 +22 25 1 PA J7 +22 25 1 PA J8 +22 25 1 PA J9 +22 25 1 PA J10 +22 25 1 PA J11 +22 25 1 PA J12 +22 25 1 PA J13 +22 25 1 PA J14 +22 25 1 PA J15 +22 25 1 PA J16 +22 25 1 PA J17 +22 25 1 PA J18 +22 25 1 PA J19 +22 25 1 PA J20 +22 25 1 PA J21 +22 25 1 PA J22 +22 25 1 PA J23 +22 25 1 PA J24 +22 25 1 PA J25 +22 25 1 PA J26 +22 25 1 PA J27 +22 25 1 PA J28 +22 25 1 PA J29 +22 25 1 PA J30 +22 25 1 PA J31 +22 25 1 PA J32 +22 25 1 PA J33 +22 25 1 PA J34 +22 25 1 PA J35 +22 25 1 PA J36 +22 25 1 PA J37 +22 25 1 PA J38 +22 25 1 PA J39 +22 25 1 PA J40 +22 25 2 LU F18 +22 25 2 LU G30 +22 25 3 UN G1 +22 25 4 FI A0 +22 25 4 FI A1 +22 25 4 FI A2 +22 25 4 FI A3 +22 25 4 FI A4 +22 25 4 FI A5 +22 25 4 FI A6 +22 25 4 FI A7 +22 25 4 FI A8 +22 25 4 FI A9 +22 25 4 FI A10 +22 25 4 FI A11 +22 25 4 FI A12 +22 25 4 FI A13 +22 25 4 FI A14 +22 25 4 FI A15 +22 25 4 FI A16 +22 25 4 FI A17 +22 25 4 FI A18 +22 25 4 FI A19 +22 25 4 FI A20 +22 25 4 FI A21 +22 25 4 FI A22 +22 25 4 FI A23 +22 25 4 FI A24 +22 25 4 FI A25 +22 25 4 FI A26 +22 25 4 FI A27 +22 25 4 FI A28 +22 25 4 FI A29 +22 25 4 FI A30 +22 25 4 FI A31 +22 25 4 FI A32 +22 25 4 FI A33 +22 25 4 FI A34 +22 25 4 FI A35 +22 25 4 FI A36 +22 25 4 FI A37 +22 25 4 FI A38 +22 25 4 FI A39 +22 25 4 FI A40 +22 25 5 LA C11 +22 25 6 LA C13 +23 1 1 J A0 +23 1 1 J A1 +23 1 1 J A2 +23 1 1 J A3 +23 1 1 J A4 +23 1 1 J A5 +23 1 1 J A6 +23 1 1 J A7 +23 1 1 J A8 +23 1 1 J A9 +23 1 1 J A10 +23 1 1 J A11 +23 1 1 J A12 +23 1 1 J A13 +23 1 1 J A14 +23 1 1 J A15 +23 1 1 J A16 +23 1 1 J A17 +23 1 1 J A18 +23 1 1 J A19 +23 1 1 J A20 +23 1 1 J A21 +23 1 1 J A22 +23 1 1 J A23 +23 1 1 J A24 +23 1 1 J A25 +23 1 1 J A26 +23 1 1 J A27 +23 1 1 J A28 +23 1 1 J A29 +23 1 1 J A30 +23 1 1 J A31 +23 1 1 J A32 +23 1 1 J A33 +23 1 1 J A34 +23 1 1 J A35 +23 1 1 J A36 +23 1 1 J A37 +23 1 1 J A38 +23 1 1 J A39 +23 1 1 J A40 +23 1 2 C J0 +23 1 2 C J1 +23 1 2 C J2 +23 1 2 C J3 +23 1 2 C J4 +23 1 2 C J5 +23 1 2 C J6 +23 1 2 C J7 +23 1 2 C J8 +23 1 2 C J9 +23 1 2 C J10 +23 1 2 C J11 +23 1 2 C J12 +23 1 2 C J13 +23 1 2 C J14 +23 1 2 C J15 +23 1 2 C J16 +23 1 2 C J17 +23 1 2 C J18 +23 1 2 C J19 +23 1 2 C J20 +23 1 2 C J21 +23 1 2 C J22 +23 1 2 C J23 +23 1 2 C J24 +23 1 2 C J25 +23 1 2 C J26 +23 1 2 C J27 +23 1 2 C J28 +23 1 2 C J29 +23 1 2 C J30 +23 1 2 C J31 +23 1 2 C J32 +23 1 2 C J33 +23 1 2 C J34 +23 1 2 C J35 +23 1 2 C J36 +23 1 2 C J37 +23 1 2 C J38 +23 1 2 C J39 +23 1 2 C J40 +23 1 3 N D24 +23 1 4 S E40 +23 2 1 J A0 +23 2 1 J A1 +23 2 1 J A2 +23 2 1 J A3 +23 2 1 J A4 +23 2 1 J A5 +23 2 1 J A6 +23 2 1 J A7 +23 2 1 J A8 +23 2 1 J A9 +23 2 1 J A10 +23 2 1 J A11 +23 2 1 J A12 +23 2 1 J A13 +23 2 1 J A14 +23 2 1 J A15 +23 2 1 J A16 +23 2 1 J A17 +23 2 1 J A18 +23 2 1 J A19 +23 2 1 J A20 +23 2 1 J A21 +23 2 1 J A22 +23 2 1 J A23 +23 2 1 J A24 +23 2 1 J A25 +23 2 1 J A26 +23 2 1 J A27 +23 2 1 J A28 +23 2 1 J A29 +23 2 1 J A30 +23 2 1 J A31 +23 2 1 J A32 +23 2 1 J A33 +23 2 1 J A34 +23 2 1 J A35 +23 2 1 J A36 +23 2 1 J A37 +23 2 1 J A38 +23 2 1 J A39 +23 2 1 J A40 +23 2 2 C J0 +23 2 2 C J1 +23 2 2 C J2 +23 2 2 C J3 +23 2 2 C J4 +23 2 2 C J5 +23 2 2 C J6 +23 2 2 C J7 +23 2 2 C J8 +23 2 2 C J9 +23 2 2 C J10 +23 2 2 C J11 +23 2 2 C J12 +23 2 2 C J13 +23 2 2 C J14 +23 2 2 C J15 +23 2 2 C J16 +23 2 2 C J17 +23 2 2 C J18 +23 2 2 C J19 +23 2 2 C J20 +23 2 2 C J21 +23 2 2 C J22 +23 2 2 C J23 +23 2 2 C J24 +23 2 2 C J25 +23 2 2 C J26 +23 2 2 C J27 +23 2 2 C J28 +23 2 2 C J29 +23 2 2 C J30 +23 2 2 C J31 +23 2 2 C J32 +23 2 2 C J33 +23 2 2 C J34 +23 2 2 C J35 +23 2 2 C J36 +23 2 2 C J37 +23 2 2 C J38 +23 2 2 C J39 +23 2 2 C J40 +23 2 3 S F2 +23 2 4 N F29 +23 3 1 J A0 +23 3 1 J A1 +23 3 1 J A2 +23 3 1 J A3 +23 3 1 J A4 +23 3 1 J A5 +23 3 1 J A6 +23 3 1 J A7 +23 3 1 J A8 +23 3 1 J A9 +23 3 1 J A10 +23 3 1 J A11 +23 3 1 J A12 +23 3 1 J A13 +23 3 1 J A14 +23 3 1 J A15 +23 3 1 J A16 +23 3 1 J A17 +23 3 1 J A18 +23 3 1 J A19 +23 3 1 J A20 +23 3 1 J A21 +23 3 1 J A22 +23 3 1 J A23 +23 3 1 J A24 +23 3 1 J A25 +23 3 1 J A26 +23 3 1 J A27 +23 3 1 J A28 +23 3 1 J A29 +23 3 1 J A30 +23 3 1 J A31 +23 3 1 J A32 +23 3 1 J A33 +23 3 1 J A34 +23 3 1 J A35 +23 3 1 J A36 +23 3 1 J A37 +23 3 1 J A38 +23 3 1 J A39 +23 3 1 J A40 +23 3 2 C J0 +23 3 2 C J1 +23 3 2 C J2 +23 3 2 C J3 +23 3 2 C J4 +23 3 2 C J5 +23 3 2 C J6 +23 3 2 C J7 +23 3 2 C J8 +23 3 2 C J9 +23 3 2 C J10 +23 3 2 C J11 +23 3 2 C J12 +23 3 2 C J13 +23 3 2 C J14 +23 3 2 C J15 +23 3 2 C J16 +23 3 2 C J17 +23 3 2 C J18 +23 3 2 C J19 +23 3 2 C J20 +23 3 2 C J21 +23 3 2 C J22 +23 3 2 C J23 +23 3 2 C J24 +23 3 2 C J25 +23 3 2 C J26 +23 3 2 C J27 +23 3 2 C J28 +23 3 2 C J29 +23 3 2 C J30 +23 3 2 C J31 +23 3 2 C J32 +23 3 2 C J33 +23 3 2 C J34 +23 3 2 C J35 +23 3 2 C J36 +23 3 2 C J37 +23 3 2 C J38 +23 3 2 C J39 +23 3 2 C J40 +23 3 3 N G30 +23 3 4 S E40 +23 4 1 J A0 +23 4 1 J A1 +23 4 1 J A2 +23 4 1 J A3 +23 4 1 J A4 +23 4 1 J A5 +23 4 1 J A6 +23 4 1 J A7 +23 4 1 J A8 +23 4 1 J A9 +23 4 1 J A10 +23 4 1 J A11 +23 4 1 J A12 +23 4 1 J A13 +23 4 1 J A14 +23 4 1 J A15 +23 4 1 J A16 +23 4 1 J A17 +23 4 1 J A18 +23 4 1 J A19 +23 4 1 J A20 +23 4 1 J A21 +23 4 1 J A22 +23 4 1 J A23 +23 4 1 J A24 +23 4 1 J A25 +23 4 1 J A26 +23 4 1 J A27 +23 4 1 J A28 +23 4 1 J A29 +23 4 1 J A30 +23 4 1 J A31 +23 4 1 J A32 +23 4 1 J A33 +23 4 1 J A34 +23 4 1 J A35 +23 4 1 J A36 +23 4 1 J A37 +23 4 1 J A38 +23 4 1 J A39 +23 4 1 J A40 +23 4 2 C J0 +23 4 2 C J1 +23 4 2 C J2 +23 4 2 C J3 +23 4 2 C J4 +23 4 2 C J5 +23 4 2 C J6 +23 4 2 C J7 +23 4 2 C J8 +23 4 2 C J9 +23 4 2 C J10 +23 4 2 C J11 +23 4 2 C J12 +23 4 2 C J13 +23 4 2 C J14 +23 4 2 C J15 +23 4 2 C J16 +23 4 2 C J17 +23 4 2 C J18 +23 4 2 C J19 +23 4 2 C J20 +23 4 2 C J21 +23 4 2 C J22 +23 4 2 C J23 +23 4 2 C J24 +23 4 2 C J25 +23 4 2 C J26 +23 4 2 C J27 +23 4 2 C J28 +23 4 2 C J29 +23 4 2 C J30 +23 4 2 C J31 +23 4 2 C J32 +23 4 2 C J33 +23 4 2 C J34 +23 4 2 C J35 +23 4 2 C J36 +23 4 2 C J37 +23 4 2 C J38 +23 4 2 C J39 +23 4 2 C J40 +23 4 3 N F29 +23 4 4 S F39 +23 5 1 J A0 +23 5 1 J A1 +23 5 1 J A2 +23 5 1 J A3 +23 5 1 J A4 +23 5 1 J A5 +23 5 1 J A6 +23 5 1 J A7 +23 5 1 J A8 +23 5 1 J A9 +23 5 1 J A10 +23 5 1 J A11 +23 5 1 J A12 +23 5 1 J A13 +23 5 1 J A14 +23 5 1 J A15 +23 5 1 J A16 +23 5 1 J A17 +23 5 1 J A18 +23 5 1 J A19 +23 5 1 J A20 +23 5 1 J A21 +23 5 1 J A22 +23 5 1 J A23 +23 5 1 J A24 +23 5 1 J A25 +23 5 1 J A26 +23 5 1 J A27 +23 5 1 J A28 +23 5 1 J A29 +23 5 1 J A30 +23 5 1 J A31 +23 5 1 J A32 +23 5 1 J A33 +23 5 1 J A34 +23 5 1 J A35 +23 5 1 J A36 +23 5 1 J A37 +23 5 1 J A38 +23 5 1 J A39 +23 5 1 J A40 +23 5 2 C J0 +23 5 2 C J1 +23 5 2 C J2 +23 5 2 C J3 +23 5 2 C J4 +23 5 2 C J5 +23 5 2 C J6 +23 5 2 C J7 +23 5 2 C J8 +23 5 2 C J9 +23 5 2 C J10 +23 5 2 C J11 +23 5 2 C J12 +23 5 2 C J13 +23 5 2 C J14 +23 5 2 C J15 +23 5 2 C J16 +23 5 2 C J17 +23 5 2 C J18 +23 5 2 C J19 +23 5 2 C J20 +23 5 2 C J21 +23 5 2 C J22 +23 5 2 C J23 +23 5 2 C J24 +23 5 2 C J25 +23 5 2 C J26 +23 5 2 C J27 +23 5 2 C J28 +23 5 2 C J29 +23 5 2 C J30 +23 5 2 C J31 +23 5 2 C J32 +23 5 2 C J33 +23 5 2 C J34 +23 5 2 C J35 +23 5 2 C J36 +23 5 2 C J37 +23 5 2 C J38 +23 5 2 C J39 +23 5 2 C J40 +23 5 3 N G30 +23 5 4 S H40 +23 6 1 J A0 +23 6 1 J A1 +23 6 1 J A2 +23 6 1 J A3 +23 6 1 J A4 +23 6 1 J A5 +23 6 1 J A6 +23 6 1 J A7 +23 6 1 J A8 +23 6 1 J A9 +23 6 1 J A10 +23 6 1 J A11 +23 6 1 J A12 +23 6 1 J A13 +23 6 1 J A14 +23 6 1 J A15 +23 6 1 J A16 +23 6 1 J A17 +23 6 1 J A18 +23 6 1 J A19 +23 6 1 J A20 +23 6 1 J A21 +23 6 1 J A22 +23 6 1 J A23 +23 6 1 J A24 +23 6 1 J A25 +23 6 1 J A26 +23 6 1 J A27 +23 6 1 J A28 +23 6 1 J A29 +23 6 1 J A30 +23 6 1 J A31 +23 6 1 J A32 +23 6 1 J A33 +23 6 1 J A34 +23 6 1 J A35 +23 6 1 J A36 +23 6 1 J A37 +23 6 1 J A38 +23 6 1 J A39 +23 6 1 J A40 +23 6 2 C J0 +23 6 2 C J1 +23 6 2 C J2 +23 6 2 C J3 +23 6 2 C J4 +23 6 2 C J5 +23 6 2 C J6 +23 6 2 C J7 +23 6 2 C J8 +23 6 2 C J9 +23 6 2 C J10 +23 6 2 C J11 +23 6 2 C J12 +23 6 2 C J13 +23 6 2 C J14 +23 6 2 C J15 +23 6 2 C J16 +23 6 2 C J17 +23 6 2 C J18 +23 6 2 C J19 +23 6 2 C J20 +23 6 2 C J21 +23 6 2 C J22 +23 6 2 C J23 +23 6 2 C J24 +23 6 2 C J25 +23 6 2 C J26 +23 6 2 C J27 +23 6 2 C J28 +23 6 2 C J29 +23 6 2 C J30 +23 6 2 C J31 +23 6 2 C J32 +23 6 2 C J33 +23 6 2 C J34 +23 6 2 C J35 +23 6 2 C J36 +23 6 2 C J37 +23 6 2 C J38 +23 6 2 C J39 +23 6 2 C J40 +23 6 3 N G29 +23 6 4 S F4 +23 7 1 J A0 +23 7 1 J A1 +23 7 1 J A2 +23 7 1 J A3 +23 7 1 J A4 +23 7 1 J A5 +23 7 1 J A6 +23 7 1 J A7 +23 7 1 J A8 +23 7 1 J A9 +23 7 1 J A10 +23 7 1 J A11 +23 7 1 J A12 +23 7 1 J A13 +23 7 1 J A14 +23 7 1 J A15 +23 7 1 J A16 +23 7 1 J A17 +23 7 1 J A18 +23 7 1 J A19 +23 7 1 J A20 +23 7 1 J A21 +23 7 1 J A22 +23 7 1 J A23 +23 7 1 J A24 +23 7 1 J A25 +23 7 1 J A26 +23 7 1 J A27 +23 7 1 J A28 +23 7 1 J A29 +23 7 1 J A30 +23 7 1 J A31 +23 7 1 J A32 +23 7 1 J A33 +23 7 1 J A34 +23 7 1 J A35 +23 7 1 J A36 +23 7 1 J A37 +23 7 1 J A38 +23 7 1 J A39 +23 7 1 J A40 +23 7 2 C J0 +23 7 2 C J1 +23 7 2 C J2 +23 7 2 C J3 +23 7 2 C J4 +23 7 2 C J5 +23 7 2 C J6 +23 7 2 C J7 +23 7 2 C J8 +23 7 2 C J9 +23 7 2 C J10 +23 7 2 C J11 +23 7 2 C J12 +23 7 2 C J13 +23 7 2 C J14 +23 7 2 C J15 +23 7 2 C J16 +23 7 2 C J17 +23 7 2 C J18 +23 7 2 C J19 +23 7 2 C J20 +23 7 2 C J21 +23 7 2 C J22 +23 7 2 C J23 +23 7 2 C J24 +23 7 2 C J25 +23 7 2 C J26 +23 7 2 C J27 +23 7 2 C J28 +23 7 2 C J29 +23 7 2 C J30 +23 7 2 C J31 +23 7 2 C J32 +23 7 2 C J33 +23 7 2 C J34 +23 7 2 C J35 +23 7 2 C J36 +23 7 2 C J37 +23 7 2 C J38 +23 7 2 C J39 +23 7 2 C J40 +23 7 3 N F19 +23 7 4 S C40 +23 8 1 J A0 +23 8 1 J A1 +23 8 1 J A2 +23 8 1 J A3 +23 8 1 J A4 +23 8 1 J A5 +23 8 1 J A6 +23 8 1 J A7 +23 8 1 J A8 +23 8 1 J A9 +23 8 1 J A10 +23 8 1 J A11 +23 8 1 J A12 +23 8 1 J A13 +23 8 1 J A14 +23 8 1 J A15 +23 8 1 J A16 +23 8 1 J A17 +23 8 1 J A18 +23 8 1 J A19 +23 8 1 J A20 +23 8 1 J A21 +23 8 1 J A22 +23 8 1 J A23 +23 8 1 J A24 +23 8 1 J A25 +23 8 1 J A26 +23 8 1 J A27 +23 8 1 J A28 +23 8 1 J A29 +23 8 1 J A30 +23 8 1 J A31 +23 8 1 J A32 +23 8 1 J A33 +23 8 1 J A34 +23 8 1 J A35 +23 8 1 J A36 +23 8 1 J A37 +23 8 1 J A38 +23 8 1 J A39 +23 8 1 J A40 +23 8 2 C J0 +23 8 2 C J1 +23 8 2 C J2 +23 8 2 C J3 +23 8 2 C J4 +23 8 2 C J5 +23 8 2 C J6 +23 8 2 C J7 +23 8 2 C J8 +23 8 2 C J9 +23 8 2 C J10 +23 8 2 C J11 +23 8 2 C J12 +23 8 2 C J13 +23 8 2 C J14 +23 8 2 C J15 +23 8 2 C J16 +23 8 2 C J17 +23 8 2 C J18 +23 8 2 C J19 +23 8 2 C J20 +23 8 2 C J21 +23 8 2 C J22 +23 8 2 C J23 +23 8 2 C J24 +23 8 2 C J25 +23 8 2 C J26 +23 8 2 C J27 +23 8 2 C J28 +23 8 2 C J29 +23 8 2 C J30 +23 8 2 C J31 +23 8 2 C J32 +23 8 2 C J33 +23 8 2 C J34 +23 8 2 C J35 +23 8 2 C J36 +23 8 2 C J37 +23 8 2 C J38 +23 8 2 C J39 +23 8 2 C J40 +23 8 3 N E27 +23 8 4 S D36 +23 9 1 J A0 +23 9 1 J J0 +23 9 1 J J1 +23 9 1 J J2 +23 9 1 J J3 +23 9 1 J J4 +23 9 1 J J5 +23 9 1 J J6 +23 9 1 J J7 +23 9 1 J J8 +23 9 1 J J9 +23 9 1 J J10 +23 9 1 J J11 +23 9 1 J J12 +23 9 1 J J13 +23 9 1 J J14 +23 9 1 J J15 +23 9 1 J J16 +23 9 1 J J17 +23 9 1 J J18 +23 9 1 J J19 +23 9 1 J J20 +23 9 1 J J21 +23 9 1 J J22 +23 9 1 J J23 +23 9 1 J J24 +23 9 1 J J25 +23 9 1 J J26 +23 9 1 J J27 +23 9 1 J J28 +23 9 1 J J29 +23 9 1 J J30 +23 9 1 J J31 +23 9 1 J J32 +23 9 1 J J33 +23 9 1 J J34 +23 9 1 J J35 +23 9 1 J J36 +23 9 1 J J37 +23 9 1 J J38 +23 9 1 J J39 +23 9 1 J J40 +23 9 2 N F21 +23 9 3 S G40 +23 10 1 J A0 +23 10 1 J A1 +23 10 1 J A2 +23 10 1 J A3 +23 10 1 J A4 +23 10 1 J A5 +23 10 1 J A6 +23 10 1 J A7 +23 10 1 J A8 +23 10 1 J A9 +23 10 1 J A10 +23 10 1 J A11 +23 10 1 J A12 +23 10 1 J A13 +23 10 1 J A14 +23 10 1 J A15 +23 10 1 J A16 +23 10 1 J A17 +23 10 1 J A18 +23 10 1 J A19 +23 10 1 J A20 +23 10 1 J A21 +23 10 1 J A22 +23 10 1 J A23 +23 10 1 J A24 +23 10 1 J A25 +23 10 1 J A26 +23 10 1 J A27 +23 10 1 J A28 +23 10 1 J A29 +23 10 1 J A30 +23 10 1 J A31 +23 10 1 J A32 +23 10 1 J A33 +23 10 1 J A34 +23 10 1 J A35 +23 10 1 J A36 +23 10 1 J A37 +23 10 1 J A38 +23 10 1 J A39 +23 10 1 J A40 +23 10 2 C J18 +23 10 3 N D18 +23 10 4 S E4 +23 11 1 J A0 +23 11 1 J A1 +23 11 1 J A2 +23 11 1 J A3 +23 11 1 J A4 +23 11 1 J A5 +23 11 1 J A6 +23 11 1 J A7 +23 11 1 J A8 +23 11 1 J A9 +23 11 1 J A10 +23 11 1 J A11 +23 11 1 J A12 +23 11 1 J A13 +23 11 1 J A14 +23 11 1 J A15 +23 11 1 J A16 +23 11 1 J A17 +23 11 1 J A18 +23 11 1 J A19 +23 11 1 J A20 +23 11 1 J A21 +23 11 1 J A22 +23 11 1 J A23 +23 11 1 J A24 +23 11 1 J A25 +23 11 1 J A26 +23 11 1 J A27 +23 11 1 J A28 +23 11 1 J A29 +23 11 1 J A30 +23 11 1 J A31 +23 11 1 J A32 +23 11 1 J A33 +23 11 1 J A34 +23 11 1 J A35 +23 11 1 J A36 +23 11 1 J A37 +23 11 1 J A38 +23 11 1 J A39 +23 11 1 J A40 +23 11 2 C J0 +23 11 2 C J1 +23 11 2 C J2 +23 11 2 C J3 +23 11 2 C J4 +23 11 2 C J5 +23 11 2 C J6 +23 11 2 C J7 +23 11 2 C J8 +23 11 2 C J9 +23 11 2 C J10 +23 11 2 C J11 +23 11 2 C J12 +23 11 2 C J13 +23 11 2 C J14 +23 11 2 C J15 +23 11 2 C J16 +23 11 2 C J17 +23 11 2 C J18 +23 11 2 C J19 +23 11 2 C J20 +23 11 2 C J21 +23 11 2 C J22 +23 11 2 C J23 +23 11 2 C J24 +23 11 2 C J25 +23 11 2 C J26 +23 11 2 C J27 +23 11 2 C J28 +23 11 2 C J29 +23 11 2 C J30 +23 11 2 C J31 +23 11 2 C J32 +23 11 2 C J33 +23 11 2 C J34 +23 11 2 C J35 +23 11 2 C J36 +23 11 2 C J37 +23 11 2 C J38 +23 11 2 C J39 +23 11 2 C J40 +23 11 3 N F30 +23 11 4 S E35 +23 12 1 J A0 +23 12 1 J A1 +23 12 1 J A2 +23 12 1 J A3 +23 12 1 J A4 +23 12 1 J A5 +23 12 1 J A6 +23 12 1 J A7 +23 12 1 J A8 +23 12 1 J A9 +23 12 1 J A10 +23 12 1 J A11 +23 12 1 J A12 +23 12 1 J A13 +23 12 1 J A14 +23 12 1 J A15 +23 12 1 J A16 +23 12 1 J A17 +23 12 1 J A18 +23 12 1 J A19 +23 12 1 J A20 +23 12 1 J A21 +23 12 1 J A22 +23 12 1 J A23 +23 12 1 J A24 +23 12 1 J A25 +23 12 1 J A26 +23 12 1 J A27 +23 12 1 J A28 +23 12 1 J A29 +23 12 1 J A30 +23 12 1 J A31 +23 12 1 J A32 +23 12 1 J A33 +23 12 1 J A34 +23 12 1 J A35 +23 12 1 J A36 +23 12 1 J A37 +23 12 1 J A38 +23 12 1 J A39 +23 12 1 J A40 +23 12 2 C F18 +23 12 2 C F19 +23 12 2 C G18 +23 12 2 C G19 +23 12 2 C H18 +23 12 2 C H19 +23 12 2 C I18 +23 12 2 C I19 +23 12 2 C J18 +23 12 2 C J19 +23 12 3 N G30 +23 12 4 S G40 +23 13 1 N F20 +23 13 2 S G40 +23 14 1 J A40 +23 14 2 C J0 +23 14 2 C J1 +23 14 2 C J2 +23 14 2 C J3 +23 14 2 C J4 +23 14 2 C J5 +23 14 2 C J6 +23 14 2 C J7 +23 14 2 C J8 +23 14 2 C J9 +23 14 2 C J10 +23 14 2 C J11 +23 14 2 C J12 +23 14 2 C J13 +23 14 2 C J14 +23 14 2 C J15 +23 14 2 C J16 +23 14 2 C J17 +23 14 2 C J18 +23 14 2 C J19 +23 14 2 C J20 +23 14 2 C J21 +23 14 2 C J22 +23 14 2 C J23 +23 14 2 C J24 +23 14 2 C J25 +23 14 2 C J26 +23 14 2 C J27 +23 14 2 C J28 +23 14 2 C J29 +23 14 2 C J30 +23 14 2 C J31 +23 14 2 C J32 +23 14 2 C J33 +23 14 2 C J34 +23 14 2 C J35 +23 14 2 C J36 +23 14 2 C J37 +23 14 2 C J38 +23 14 2 C J39 +23 14 2 C J40 +23 14 3 N E28 +23 14 4 S F40 +23 15 1 J A28 +23 15 2 C J32 +23 15 3 N F26 +23 15 4 S F39 +23 16 1 N D30 +23 16 2 S E39 +23 17 1 J A0 +23 17 1 J A1 +23 17 1 J A2 +23 17 1 J A3 +23 17 1 J A4 +23 17 1 J A5 +23 17 1 J A6 +23 17 1 J A7 +23 17 1 J A8 +23 17 1 J A9 +23 17 1 J A10 +23 17 1 J A11 +23 17 1 J A12 +23 17 1 J A13 +23 17 1 J A14 +23 17 1 J A15 +23 17 1 J A16 +23 17 1 J A17 +23 17 1 J A18 +23 17 1 J A19 +23 17 1 J A20 +23 17 1 J A21 +23 17 1 J A22 +23 17 1 J A23 +23 17 1 J A24 +23 17 1 J A25 +23 17 1 J A26 +23 17 1 J A27 +23 17 1 J A28 +23 17 1 J A29 +23 17 1 J A30 +23 17 1 J A31 +23 17 1 J A32 +23 17 1 J A33 +23 17 1 J A34 +23 17 1 J A35 +23 17 1 J A36 +23 17 1 J A37 +23 17 1 J A38 +23 17 1 J A39 +23 17 1 J A40 +23 17 2 C J25 +23 17 3 N F24 +23 17 4 S F3 +23 18 1 J B30 +23 18 2 C H32 +23 18 3 N F30 +23 18 4 S F38 +23 19 1 J A0 +23 19 1 J A1 +23 19 1 J A2 +23 19 1 J A3 +23 19 1 J A4 +23 19 1 J A5 +23 19 1 J A6 +23 19 1 J A7 +23 19 1 J A8 +23 19 1 J A9 +23 19 1 J A10 +23 19 1 J A11 +23 19 1 J A12 +23 19 1 J A13 +23 19 1 J A14 +23 19 1 J A15 +23 19 1 J A16 +23 19 1 J A17 +23 19 1 J A18 +23 19 1 J A19 +23 19 1 J A20 +23 19 1 J A21 +23 19 1 J A22 +23 19 1 J A23 +23 19 1 J A24 +23 19 1 J A25 +23 19 1 J A26 +23 19 1 J A27 +23 19 1 J A28 +23 19 1 J A29 +23 19 1 J A30 +23 19 1 J A31 +23 19 1 J A32 +23 19 1 J A33 +23 19 1 J A34 +23 19 1 J A35 +23 19 1 J A36 +23 19 1 J A37 +23 19 1 J A38 +23 19 1 J A39 +23 19 1 J A40 +23 19 2 C J0 +23 19 2 C J1 +23 19 2 C J2 +23 19 2 C J3 +23 19 2 C J4 +23 19 2 C J5 +23 19 2 C J6 +23 19 2 C J7 +23 19 2 C J8 +23 19 2 C J9 +23 19 2 C J10 +23 19 2 C J11 +23 19 2 C J12 +23 19 2 C J13 +23 19 2 C J14 +23 19 2 C J15 +23 19 2 C J16 +23 19 2 C J17 +23 19 2 C J18 +23 19 2 C J19 +23 19 2 C J20 +23 19 2 C J21 +23 19 2 C J22 +23 19 2 C J23 +23 19 2 C J24 +23 19 2 C J25 +23 19 2 C J26 +23 19 2 C J27 +23 19 2 C J28 +23 19 2 C J29 +23 19 2 C J30 +23 19 2 C J31 +23 19 2 C J32 +23 19 2 C J33 +23 19 2 C J34 +23 19 2 C J35 +23 19 2 C J36 +23 19 2 C J37 +23 19 2 C J38 +23 19 2 C J39 +23 19 2 C J40 +23 19 3 N G29 +23 19 4 S F39 +23 20 1 J A38 +23 20 2 C J33 +23 20 3 N F29 +23 20 4 S F39 +23 20 5 T D18 +23 21 1 J A26 +23 21 2 C J21 +23 21 3 N E29 +23 21 4 S G40 +23 22 1 J A0 +23 22 1 J A1 +23 22 1 J A2 +23 22 1 J A3 +23 22 1 J A4 +23 22 1 J A5 +23 22 1 J A6 +23 22 1 J A7 +23 22 1 J A8 +23 22 1 J A9 +23 22 1 J A10 +23 22 1 J A11 +23 22 1 J A12 +23 22 1 J A13 +23 22 1 J A14 +23 22 1 J A15 +23 22 1 J A16 +23 22 1 J A17 +23 22 1 J A18 +23 22 1 J A19 +23 22 1 J A20 +23 22 1 J A21 +23 22 1 J A22 +23 22 1 J A23 +23 22 1 J A24 +23 22 1 J A25 +23 22 1 J A26 +23 22 1 J A27 +23 22 1 J A28 +23 22 1 J A29 +23 22 1 J A30 +23 22 1 J A31 +23 22 1 J A32 +23 22 1 J A33 +23 22 1 J A34 +23 22 1 J A35 +23 22 1 J A36 +23 22 1 J A37 +23 22 1 J A38 +23 22 1 J A39 +23 22 1 J A40 +23 22 2 C J0 +23 22 2 C J1 +23 22 2 C J2 +23 22 2 C J3 +23 22 2 C J4 +23 22 2 C J5 +23 22 2 C J6 +23 22 2 C J7 +23 22 2 C J8 +23 22 2 C J9 +23 22 2 C J10 +23 22 2 C J11 +23 22 2 C J12 +23 22 2 C J13 +23 22 2 C J14 +23 22 2 C J15 +23 22 2 C J16 +23 22 2 C J17 +23 22 2 C J18 +23 22 2 C J19 +23 22 2 C J20 +23 22 2 C J21 +23 22 2 C J22 +23 22 2 C J23 +23 22 2 C J24 +23 22 2 C J25 +23 22 2 C J26 +23 22 2 C J27 +23 22 2 C J28 +23 22 2 C J29 +23 22 2 C J30 +23 22 2 C J31 +23 22 2 C J32 +23 22 2 C J33 +23 22 2 C J34 +23 22 2 C J35 +23 22 2 C J36 +23 22 2 C J37 +23 22 2 C J38 +23 22 2 C J39 +23 22 2 C J40 +23 22 3 N G28 +23 22 4 S F3 +23 23 1 J A0 +23 23 1 J A1 +23 23 1 J A2 +23 23 1 J A3 +23 23 1 J A4 +23 23 1 J A5 +23 23 1 J A6 +23 23 1 J A7 +23 23 1 J A8 +23 23 1 J A9 +23 23 1 J A10 +23 23 1 J A11 +23 23 1 J A12 +23 23 1 J A13 +23 23 1 J A14 +23 23 1 J A15 +23 23 1 J A16 +23 23 1 J A17 +23 23 1 J A18 +23 23 1 J A19 +23 23 1 J A20 +23 23 1 J A21 +23 23 1 J A22 +23 23 1 J A23 +23 23 1 J A24 +23 23 1 J A25 +23 23 1 J A26 +23 23 1 J A27 +23 23 1 J A28 +23 23 1 J A29 +23 23 1 J A30 +23 23 1 J A31 +23 23 1 J A32 +23 23 1 J A33 +23 23 1 J A34 +23 23 1 J A35 +23 23 1 J A36 +23 23 1 J A37 +23 23 1 J A38 +23 23 1 J A39 +23 23 1 J A40 +23 23 2 C J0 +23 23 2 C J1 +23 23 2 C J2 +23 23 2 C J3 +23 23 2 C J4 +23 23 2 C J5 +23 23 2 C J6 +23 23 2 C J7 +23 23 2 C J8 +23 23 2 C J9 +23 23 2 C J10 +23 23 2 C J11 +23 23 2 C J12 +23 23 2 C J13 +23 23 2 C J14 +23 23 2 C J15 +23 23 2 C J16 +23 23 2 C J17 +23 23 2 C J18 +23 23 2 C J19 +23 23 2 C J20 +23 23 2 C J21 +23 23 2 C J22 +23 23 2 C J23 +23 23 2 C J24 +23 23 2 C J25 +23 23 2 C J26 +23 23 2 C J27 +23 23 2 C J28 +23 23 2 C J29 +23 23 2 C J30 +23 23 2 C J31 +23 23 2 C J32 +23 23 2 C J33 +23 23 2 C J34 +23 23 2 C J35 +23 23 2 C J36 +23 23 2 C J37 +23 23 2 C J38 +23 23 2 C J39 +23 23 2 C J40 +23 23 3 S C7 +23 23 4 N D23 +23 24 1 J A0 +23 24 1 J A1 +23 24 1 J A2 +23 24 1 J A3 +23 24 1 J A4 +23 24 1 J A5 +23 24 1 J A6 +23 24 1 J A7 +23 24 1 J A8 +23 24 1 J A9 +23 24 1 J A10 +23 24 1 J A11 +23 24 1 J A12 +23 24 1 J A13 +23 24 1 J A14 +23 24 1 J A15 +23 24 1 J A16 +23 24 1 J A17 +23 24 1 J A18 +23 24 1 J A19 +23 24 1 J A20 +23 24 1 J A21 +23 24 1 J A22 +23 24 1 J A23 +23 24 1 J A24 +23 24 1 J A25 +23 24 1 J A26 +23 24 1 J A27 +23 24 1 J A28 +23 24 1 J A29 +23 24 1 J A30 +23 24 1 J A31 +23 24 1 J A32 +23 24 1 J A33 +23 24 1 J A34 +23 24 1 J A35 +23 24 1 J A36 +23 24 1 J A37 +23 24 1 J A38 +23 24 1 J A39 +23 24 1 J A40 +23 24 2 C J0 +23 24 2 C J1 +23 24 2 C J2 +23 24 2 C J3 +23 24 2 C J4 +23 24 2 C J5 +23 24 2 C J6 +23 24 2 C J7 +23 24 2 C J8 +23 24 2 C J9 +23 24 2 C J10 +23 24 2 C J11 +23 24 2 C J12 +23 24 2 C J13 +23 24 2 C J14 +23 24 2 C J15 +23 24 2 C J16 +23 24 2 C J17 +23 24 2 C J18 +23 24 2 C J19 +23 24 2 C J20 +23 24 2 C J21 +23 24 2 C J22 +23 24 2 C J23 +23 24 2 C J24 +23 24 2 C J25 +23 24 2 C J26 +23 24 2 C J27 +23 24 2 C J28 +23 24 2 C J29 +23 24 2 C J30 +23 24 2 C J31 +23 24 2 C J32 +23 24 2 C J33 +23 24 2 C J34 +23 24 2 C J35 +23 24 2 C J36 +23 24 2 C J37 +23 24 2 C J38 +23 24 2 C J39 +23 24 2 C J40 +23 24 3 N F28 +23 24 4 S F3 +23 25 1 J A0 +23 25 1 J A1 +23 25 1 J A2 +23 25 1 J A3 +23 25 1 J A4 +23 25 1 J A5 +23 25 1 J A6 +23 25 1 J A7 +23 25 1 J A8 +23 25 1 J A9 +23 25 1 J A10 +23 25 1 J A11 +23 25 1 J A12 +23 25 1 J A13 +23 25 1 J A14 +23 25 1 J A15 +23 25 1 J A16 +23 25 1 J A17 +23 25 1 J A18 +23 25 1 J A19 +23 25 1 J A20 +23 25 1 J A21 +23 25 1 J A22 +23 25 1 J A23 +23 25 1 J A24 +23 25 1 J A25 +23 25 1 J A26 +23 25 1 J A27 +23 25 1 J A28 +23 25 1 J A29 +23 25 1 J A30 +23 25 1 J A31 +23 25 1 J A32 +23 25 1 J A33 +23 25 1 J A34 +23 25 1 J A35 +23 25 1 J A36 +23 25 1 J A37 +23 25 1 J A38 +23 25 1 J A39 +23 25 1 J A40 +23 25 2 C J0 +23 25 2 C J1 +23 25 2 C J2 +23 25 2 C J3 +23 25 2 C J4 +23 25 2 C J5 +23 25 2 C J6 +23 25 2 C J7 +23 25 2 C J8 +23 25 2 C J9 +23 25 2 C J10 +23 25 2 C J11 +23 25 2 C J12 +23 25 2 C J13 +23 25 2 C J14 +23 25 2 C J15 +23 25 2 C J16 +23 25 2 C J17 +23 25 2 C J18 +23 25 2 C J19 +23 25 2 C J20 +23 25 2 C J21 +23 25 2 C J22 +23 25 2 C J23 +23 25 2 C J24 +23 25 2 C J25 +23 25 2 C J26 +23 25 2 C J27 +23 25 2 C J28 +23 25 2 C J29 +23 25 2 C J30 +23 25 2 C J31 +23 25 2 C J32 +23 25 2 C J33 +23 25 2 C J34 +23 25 2 C J35 +23 25 2 C J36 +23 25 2 C J37 +23 25 2 C J38 +23 25 2 C J39 +23 25 2 C J40 +23 25 3 N G30 +23 25 4 S G2 +24 1 1 B A0 +24 1 2 N J0 +24 1 3 S E5 +24 1 4 C H3 +24 1 5 CH H6 +24 1 6 AM B10 +24 1 7 V H17 +24 1 8 A F29 +24 1 9 L H33 +24 2 1 B A12 +24 2 2 N J24 +24 2 3 S D1 +24 2 4 C G1 +24 2 5 G H4 +24 2 6 CH H6 +24 2 7 AM C8 +24 2 8 V E17 +24 2 9 A F29 +24 2 10 L H34 +24 3 1 B A0 +24 3 2 N J0 +24 3 3 CR C0 +24 3 4 R E1 +24 3 5 C G3 +24 3 6 S D6 +24 3 7 AM D7 +24 3 8 CH H8 +24 3 9 VI H33 +24 3 10 A F28 +24 3 11 V G16 +24 4 1 B B29 +24 4 2 N J5 +24 4 3 C F4 +24 4 4 S E6 +24 4 5 CH H7 +24 4 6 AM C10 +24 4 7 V H18 +24 4 8 A H30 +24 4 9 VI H38 +24 4 10 R F40 +24 5 1 B A10 +24 5 2 N J21 +24 5 3 R E1 +24 5 4 AM C8 +24 5 5 S F4 +24 5 6 C F1 +24 5 7 CH G6 +24 5 8 V F17 +24 5 9 A E28 +24 5 10 VI F33 +24 5 11 M G39 +24 6 1 B A0 +24 6 2 N J40 +24 6 3 M I3 +24 6 4 S C8 +24 6 5 AM C10 +24 6 6 CH G9 +24 6 7 V G18 +24 6 8 A F29 +24 6 9 L H34 +24 6 10 C G40 +24 6 11 R E39 +24 7 1 B A0 +24 7 2 N J24 +24 7 3 C H4 +24 7 4 S E8 +24 7 5 CH G9 +24 7 6 AM C13 +24 7 7 R D40 +24 7 8 G I16 +24 7 9 V G17 +24 7 10 A G31 +24 7 11 L I31 +24 7 12 CR B16 +24 8 1 B A0 +24 8 2 N J1 +24 8 3 R D1 +24 8 4 C H2 +24 8 5 S D5 +24 8 6 AM D8 +24 8 7 CH G9 +24 8 8 V F16 +24 8 9 A G29 +24 8 10 VI G32 +24 8 11 M H38 +24 9 1 B A23 +24 9 2 N J38 +24 9 3 R D2 +24 9 4 C G2 +24 9 5 LE B8 +24 9 6 AM C9 +24 9 7 CH H8 +24 9 8 V F16 +24 9 9 A H29 +24 9 10 L G35 +24 10 1 B A13 +24 10 2 N J34 +24 10 3 R E4 +24 10 4 C H3 +24 10 5 S G5 +24 10 6 CH I7 +24 10 7 AM C11 +24 10 8 V F17 +24 10 9 A I30 +24 10 10 VI I35 +24 11 1 B A38 +24 11 2 N J3 +24 11 3 C G1 +24 11 4 G E5 +24 11 5 CH I8 +24 11 6 AM C10 +24 11 7 V G17 +24 11 8 A H29 +24 11 9 VI G32 +24 12 1 B A7 +24 12 2 N J36 +24 12 3 C H1 +24 12 4 CH G6 +24 12 5 AM C9 +24 12 6 V G17 +24 12 7 A I28 +24 12 8 R F38 +24 13 1 B A1 +24 13 2 N J1 +24 13 3 G I1 +24 13 4 AM C10 +24 13 5 CH H7 +24 13 6 V F17 +24 13 7 A H30 +24 13 8 L D31 +24 13 9 R E40 +24 14 1 B A38 +24 14 2 N J38 +24 14 3 C G1 +24 14 4 G H1 +24 14 5 S E4 +24 14 6 CH I7 +24 14 7 AM C9 +24 14 8 V H16 +24 14 9 A E28 +24 14 10 L H33 +24 14 11 R E38 +24 15 1 B A40 +24 15 2 S D40 +24 15 3 N J40 +24 15 4 C F2 +24 15 5 CH G9 +24 15 6 AM B12 +24 15 7 V G20 +24 15 8 A G30 +24 15 9 VI G34 +24 15 10 L H35 +24 16 1 B A5 +24 16 2 N J18 +24 16 3 R E2 +24 16 4 C G1 +24 16 5 S D6 +24 16 6 CH I6 +24 16 7 AM C8 +24 16 8 V H17 +24 16 9 A F29 +24 16 10 L H35 +24 16 11 G H36 +24 17 1 B A7 +24 17 2 N J10 +24 17 3 S E1 +24 17 4 AM C9 +24 17 5 CH I8 +24 17 6 V G20 +24 17 7 A H29 +24 17 8 L G32 +24 18 1 B A12 +24 18 2 N J40 +24 18 3 G F0 +24 18 4 M I1 +24 18 5 C G2 +24 18 6 R F4 +24 18 7 AM C10 +24 18 8 CH G10 +24 18 9 V F18 +24 18 10 A G30 +24 18 11 L I37 +24 19 1 B A40 +24 19 2 N J0 +24 19 3 C F1 +24 19 4 S D3 +24 19 5 CH H7 +24 19 6 AM C9 +24 19 7 V F17 +24 19 8 A F29 +24 19 9 R D40 +24 19 10 L F32 +24 20 1 B A33 +24 20 2 N J33 +24 20 3 C G3 +24 20 4 CH H8 +24 20 5 S F8 +24 20 6 AM B12 +24 20 7 V G20 +24 20 8 A E29 +24 20 9 VI H33 +24 20 10 R F40 +24 21 1 B A0 +24 21 2 N J40 +24 21 3 S D6 +24 21 4 CH F9 +24 21 5 AM B10 +24 21 6 V E19 +24 21 7 A G31 +24 21 8 L G33 +24 21 9 M I38 +24 21 10 C F40 +24 21 11 R C40 +24 22 1 B A21 +24 22 2 N I0 +24 22 3 C G2 +24 22 4 S F4 +24 22 5 CH I5 +24 22 6 AM C8 +24 22 7 V H18 +24 22 8 A G30 +24 22 9 SI D31 +24 22 10 L G34 +24 22 11 R E39 +24 22 12 G J40 +24 23 1 B A9 +24 23 2 N J31 +24 23 3 R E1 +24 23 4 C G2 +24 23 5 CH G8 +24 23 6 AM C9 +24 23 7 V E16 +24 23 8 A H29 +24 23 9 L H34 +24 24 1 B A20 +24 24 2 N J24 +24 24 3 C G1 +24 24 4 CH H10 +24 24 5 AM B12 +24 24 6 V G16 +24 24 7 A G30 +24 24 8 VI G32 +24 24 9 R E38 +24 25 1 B A0 +24 25 2 N J40 +24 25 3 C G1 +24 25 4 S D3 +24 25 5 CH I11 +24 25 6 AM C13 +24 25 7 V F20 +24 25 8 A F29 +24 25 9 L F33 +24 25 10 G H39 +24 25 11 R D37 +25 1 1 H A0 +25 1 1 H A1 +25 1 1 H A2 +25 1 1 H A3 +25 1 1 H A4 +25 1 1 H A5 +25 1 1 H A6 +25 1 1 H A7 +25 1 1 H A8 +25 1 1 H A9 +25 1 1 H A10 +25 1 1 H A11 +25 1 1 H A12 +25 1 1 H A13 +25 1 1 H A14 +25 1 1 H A15 +25 1 1 H A16 +25 1 1 H A17 +25 1 1 H A18 +25 1 1 H A19 +25 1 1 H A20 +25 1 1 H A21 +25 1 1 H A22 +25 1 1 H A23 +25 1 1 H A24 +25 1 1 H A25 +25 1 1 H A26 +25 1 1 H A27 +25 1 1 H A28 +25 1 1 H A29 +25 1 1 H A30 +25 1 1 H A31 +25 1 1 H A32 +25 1 1 H A33 +25 1 1 H A34 +25 1 1 H A35 +25 1 1 H A36 +25 1 1 H A37 +25 1 1 H A38 +25 1 1 H A39 +25 1 1 H A40 +25 1 2 A D1 +25 1 3 S C8 +25 1 4 K F29 +25 1 5 R J0 +25 1 5 R J1 +25 1 5 R J2 +25 1 5 R J3 +25 1 5 R J4 +25 1 5 R J5 +25 1 5 R J6 +25 1 5 R J7 +25 1 5 R J8 +25 1 5 R J9 +25 1 5 R J10 +25 1 5 R J11 +25 1 5 R J12 +25 1 5 R J13 +25 1 5 R J14 +25 1 5 R J15 +25 1 5 R J16 +25 1 5 R J17 +25 1 5 R J18 +25 1 5 R J19 +25 1 5 R J20 +25 1 5 R J21 +25 1 5 R J22 +25 1 5 R J23 +25 1 5 R J24 +25 1 5 R J25 +25 1 5 R J26 +25 1 5 R J27 +25 1 5 R J28 +25 1 5 R J29 +25 1 5 R J30 +25 1 5 R J31 +25 1 5 R J32 +25 1 5 R J33 +25 1 5 R J34 +25 1 5 R J35 +25 1 5 R J36 +25 1 5 R J37 +25 1 5 R J38 +25 1 5 R J39 +25 1 5 R J40 +25 1 6 U G1 +25 1 7 E F0 +25 6 1 H A0 +25 6 1 H A1 +25 6 1 H A2 +25 6 1 H A3 +25 6 1 H A4 +25 6 1 H A5 +25 6 1 H A6 +25 6 1 H A7 +25 6 1 H A8 +25 6 1 H A9 +25 6 1 H A10 +25 6 1 H A11 +25 6 1 H A12 +25 6 1 H A13 +25 6 1 H A14 +25 6 1 H A15 +25 6 1 H A16 +25 6 1 H A17 +25 6 1 H A18 +25 6 1 H A19 +25 6 1 H A20 +25 6 1 H A21 +25 6 1 H A22 +25 6 1 H A23 +25 6 1 H A24 +25 6 1 H A25 +25 6 1 H A26 +25 6 1 H A27 +25 6 1 H A28 +25 6 1 H A29 +25 6 1 H A30 +25 6 1 H A31 +25 6 1 H A32 +25 6 1 H A33 +25 6 1 H A34 +25 6 1 H A35 +25 6 1 H A36 +25 6 1 H A37 +25 6 1 H A38 +25 6 1 H A39 +25 6 1 H A40 +25 6 2 E E0 +25 6 3 S C9 +25 6 4 K F28 +25 6 5 A E39 +25 6 6 U G3 +25 6 7 R J0 +25 6 7 R J1 +25 6 7 R J2 +25 6 7 R J3 +25 6 7 R J4 +25 6 7 R J5 +25 6 7 R J6 +25 6 7 R J7 +25 6 7 R J8 +25 6 7 R J9 +25 6 7 R J10 +25 6 7 R J11 +25 6 7 R J12 +25 6 7 R J13 +25 6 7 R J14 +25 6 7 R J15 +25 6 7 R J16 +25 6 7 R J17 +25 6 7 R J18 +25 6 7 R J19 +25 6 7 R J20 +25 6 7 R J21 +25 6 7 R J22 +25 6 7 R J23 +25 6 7 R J24 +25 6 7 R J25 +25 6 7 R J26 +25 6 7 R J27 +25 6 7 R J28 +25 6 7 R J29 +25 6 7 R J30 +25 6 7 R J31 +25 6 7 R J32 +25 6 7 R J33 +25 6 7 R J34 +25 6 7 R J35 +25 6 7 R J36 +25 6 7 R J37 +25 6 7 R J38 +25 6 7 R J39 +25 6 7 R J40 +25 8 1 H A0 +25 8 1 H A1 +25 8 1 H A2 +25 8 1 H A3 +25 8 1 H A4 +25 8 1 H A5 +25 8 1 H A6 +25 8 1 H A7 +25 8 1 H A8 +25 8 1 H A9 +25 8 1 H A10 +25 8 1 H A11 +25 8 1 H A12 +25 8 1 H A13 +25 8 1 H A14 +25 8 1 H A15 +25 8 1 H A16 +25 8 1 H A17 +25 8 1 H A18 +25 8 1 H A19 +25 8 1 H A20 +25 8 1 H A21 +25 8 1 H A22 +25 8 1 H A23 +25 8 1 H A24 +25 8 1 H A25 +25 8 1 H A26 +25 8 1 H A27 +25 8 1 H A28 +25 8 1 H A29 +25 8 1 H A30 +25 8 1 H A31 +25 8 1 H A32 +25 8 1 H A33 +25 8 1 H A34 +25 8 1 H A35 +25 8 1 H A36 +25 8 1 H A37 +25 8 1 H A38 +25 8 1 H A39 +25 8 1 H A40 +25 8 2 A C2 +25 8 3 S D8 +25 8 4 E G10 +25 8 5 K F28 +25 8 6 U G1 +25 8 7 R J0 +25 8 7 R J1 +25 8 7 R J2 +25 8 7 R J3 +25 8 7 R J4 +25 8 7 R J5 +25 8 7 R J6 +25 8 7 R J7 +25 8 7 R J8 +25 8 7 R J9 +25 8 7 R J10 +25 8 7 R J11 +25 8 7 R J12 +25 8 7 R J13 +25 8 7 R J14 +25 8 7 R J15 +25 8 7 R J16 +25 8 7 R J17 +25 8 7 R J18 +25 8 7 R J19 +25 8 7 R J20 +25 8 7 R J21 +25 8 7 R J22 +25 8 7 R J23 +25 8 7 R J24 +25 8 7 R J25 +25 8 7 R J26 +25 8 7 R J27 +25 8 7 R J28 +25 8 7 R J29 +25 8 7 R J30 +25 8 7 R J31 +25 8 7 R J32 +25 8 7 R J33 +25 8 7 R J34 +25 8 7 R J35 +25 8 7 R J36 +25 8 7 R J37 +25 8 7 R J38 +25 8 7 R J39 +25 8 7 R J40 +25 9 1 A D1 +25 9 2 H A0 +25 9 2 H A1 +25 9 2 H A2 +25 9 2 H A3 +25 9 2 H A4 +25 9 2 H A5 +25 9 2 H A6 +25 9 2 H A7 +25 9 2 H A8 +25 9 2 H A9 +25 9 2 H A10 +25 9 2 H A11 +25 9 2 H A12 +25 9 2 H A13 +25 9 2 H A14 +25 9 2 H A15 +25 9 2 H A16 +25 9 2 H A17 +25 9 2 H A18 +25 9 2 H A19 +25 9 2 H A20 +25 9 2 H A21 +25 9 2 H A22 +25 9 2 H A23 +25 9 2 H A24 +25 9 2 H A25 +25 9 2 H A26 +25 9 2 H A27 +25 9 2 H A28 +25 9 2 H A29 +25 9 2 H A30 +25 9 2 H A31 +25 9 2 H A32 +25 9 2 H A33 +25 9 2 H A34 +25 9 2 H A35 +25 9 2 H A36 +25 9 2 H A37 +25 9 2 H A38 +25 9 2 H A39 +25 9 2 H A40 +25 9 3 S C10 +25 9 4 K E27 +25 9 5 U G1 +25 9 6 R J0 +25 9 6 R J1 +25 9 6 R J2 +25 9 6 R J3 +25 9 6 R J4 +25 9 6 R J5 +25 9 6 R J6 +25 9 6 R J7 +25 9 6 R J8 +25 9 6 R J9 +25 9 6 R J10 +25 9 6 R J11 +25 9 6 R J12 +25 9 6 R J13 +25 9 6 R J14 +25 9 6 R J15 +25 9 6 R J16 +25 9 6 R J17 +25 9 6 R J18 +25 9 6 R J19 +25 9 6 R J20 +25 9 6 R J21 +25 9 6 R J22 +25 9 6 R J23 +25 9 6 R J24 +25 9 6 R J25 +25 9 6 R J26 +25 9 6 R J27 +25 9 6 R J28 +25 9 6 R J29 +25 9 6 R J30 +25 9 6 R J31 +25 9 6 R J32 +25 9 6 R J33 +25 9 6 R J34 +25 9 6 R J35 +25 9 6 R J36 +25 9 6 R J37 +25 9 6 R J38 +25 9 6 R J39 +25 9 6 R J40 +25 9 7 E D0 +25 10 1 H A0 +25 10 1 H A1 +25 10 1 H A2 +25 10 1 H A3 +25 10 1 H A4 +25 10 1 H A5 +25 10 1 H A6 +25 10 1 H A7 +25 10 1 H A8 +25 10 1 H A9 +25 10 1 H A10 +25 10 1 H A11 +25 10 1 H A12 +25 10 1 H A13 +25 10 1 H A14 +25 10 1 H A15 +25 10 1 H A16 +25 10 1 H A17 +25 10 1 H A18 +25 10 1 H A19 +25 10 1 H A20 +25 10 1 H A21 +25 10 1 H A22 +25 10 1 H A23 +25 10 1 H A24 +25 10 1 H A25 +25 10 1 H A26 +25 10 1 H A27 +25 10 1 H A28 +25 10 1 H A29 +25 10 1 H A30 +25 10 1 H A31 +25 10 1 H A32 +25 10 1 H A33 +25 10 1 H A34 +25 10 1 H A35 +25 10 1 H A36 +25 10 1 H A37 +25 10 1 H A38 +25 10 1 H A39 +25 10 1 H A40 +25 10 2 A C2 +25 10 3 S C9 +25 10 4 K E17 +25 10 5 E D31 +25 10 6 U G2 +25 10 7 R J0 +25 10 7 R J1 +25 10 7 R J2 +25 10 7 R J3 +25 10 7 R J4 +25 10 7 R J5 +25 10 7 R J6 +25 10 7 R J7 +25 10 7 R J8 +25 10 7 R J9 +25 10 7 R J10 +25 10 7 R J11 +25 10 7 R J12 +25 10 7 R J13 +25 10 7 R J14 +25 10 7 R J15 +25 10 7 R J16 +25 10 7 R J17 +25 10 7 R J18 +25 10 7 R J19 +25 10 7 R J20 +25 10 7 R J21 +25 10 7 R J22 +25 10 7 R J23 +25 10 7 R J24 +25 10 7 R J25 +25 10 7 R J26 +25 10 7 R J27 +25 10 7 R J28 +25 10 7 R J29 +25 10 7 R J30 +25 10 7 R J31 +25 10 7 R J32 +25 10 7 R J33 +25 10 7 R J34 +25 10 7 R J35 +25 10 7 R J36 +25 10 7 R J37 +25 10 7 R J38 +25 10 7 R J39 +25 10 7 R J40 +25 11 1 H A0 +25 11 1 H A1 +25 11 1 H A2 +25 11 1 H A3 +25 11 1 H A4 +25 11 1 H A5 +25 11 1 H A6 +25 11 1 H A7 +25 11 1 H A8 +25 11 1 H A9 +25 11 1 H A10 +25 11 1 H A11 +25 11 1 H A12 +25 11 1 H A13 +25 11 1 H A14 +25 11 1 H A15 +25 11 1 H A16 +25 11 1 H A17 +25 11 1 H A18 +25 11 1 H A19 +25 11 1 H A20 +25 11 1 H A21 +25 11 1 H A22 +25 11 1 H A23 +25 11 1 H A24 +25 11 1 H A25 +25 11 1 H A26 +25 11 1 H A27 +25 11 1 H A28 +25 11 1 H A29 +25 11 1 H A30 +25 11 1 H A31 +25 11 1 H A32 +25 11 1 H A33 +25 11 1 H A34 +25 11 1 H A35 +25 11 1 H A36 +25 11 1 H A37 +25 11 1 H A38 +25 11 1 H A39 +25 11 1 H A40 +25 11 2 S C9 +25 11 3 E F11 +25 11 4 A E36 +25 11 5 K H29 +25 11 6 R J0 +25 11 6 R J1 +25 11 6 R J2 +25 11 6 R J3 +25 11 6 R J4 +25 11 6 R J5 +25 11 6 R J6 +25 11 6 R J7 +25 11 6 R J8 +25 11 6 R J9 +25 11 6 R J10 +25 11 6 R J11 +25 11 6 R J12 +25 11 6 R J13 +25 11 6 R J14 +25 11 6 R J15 +25 11 6 R J16 +25 11 6 R J17 +25 11 6 R J18 +25 11 6 R J19 +25 11 6 R J20 +25 11 6 R J21 +25 11 6 R J22 +25 11 6 R J23 +25 11 6 R J24 +25 11 6 R J25 +25 11 6 R J26 +25 11 6 R J27 +25 11 6 R J28 +25 11 6 R J29 +25 11 6 R J30 +25 11 6 R J31 +25 11 6 R J32 +25 11 6 R J33 +25 11 6 R J34 +25 11 6 R J35 +25 11 6 R J36 +25 11 6 R J37 +25 11 6 R J38 +25 11 6 R J39 +25 11 6 R J40 +25 11 7 U F2 +25 12 1 H A0 +25 12 1 H A1 +25 12 1 H A2 +25 12 1 H A3 +25 12 1 H A4 +25 12 1 H A5 +25 12 1 H A6 +25 12 1 H A7 +25 12 1 H A8 +25 12 1 H A9 +25 12 1 H A10 +25 12 1 H A11 +25 12 1 H A12 +25 12 1 H A13 +25 12 1 H A14 +25 12 1 H A15 +25 12 1 H A16 +25 12 1 H A17 +25 12 1 H A18 +25 12 1 H A19 +25 12 1 H A20 +25 12 1 H A21 +25 12 1 H A22 +25 12 1 H A23 +25 12 1 H A24 +25 12 1 H A25 +25 12 1 H A26 +25 12 1 H A27 +25 12 1 H A28 +25 12 1 H A29 +25 12 1 H A30 +25 12 1 H A31 +25 12 1 H A32 +25 12 1 H A33 +25 12 1 H A34 +25 12 1 H A35 +25 12 1 H A36 +25 12 1 H A37 +25 12 1 H A38 +25 12 1 H A39 +25 12 1 H A40 +25 12 2 S C10 +25 12 3 K F29 +25 12 4 A F34 +25 12 5 E F0 +25 12 6 U G1 +25 12 7 R J0 +25 12 7 R J1 +25 12 7 R J2 +25 12 7 R J3 +25 12 7 R J4 +25 12 7 R J5 +25 12 7 R J6 +25 12 7 R J7 +25 12 7 R J8 +25 12 7 R J9 +25 12 7 R J10 +25 12 7 R J11 +25 12 7 R J12 +25 12 7 R J13 +25 12 7 R J14 +25 12 7 R J15 +25 12 7 R J16 +25 12 7 R J17 +25 12 7 R J18 +25 12 7 R J19 +25 12 7 R J20 +25 12 7 R J21 +25 12 7 R J22 +25 12 7 R J23 +25 12 7 R J24 +25 12 7 R J25 +25 12 7 R J26 +25 12 7 R J27 +25 12 7 R J28 +25 12 7 R J29 +25 12 7 R J30 +25 12 7 R J31 +25 12 7 R J32 +25 12 7 R J33 +25 12 7 R J34 +25 12 7 R J35 +25 12 7 R J36 +25 12 7 R J37 +25 12 7 R J38 +25 12 7 R J39 +25 12 7 R J40 +25 13 1 H A0 +25 13 1 H A1 +25 13 1 H A2 +25 13 1 H A3 +25 13 1 H A4 +25 13 1 H A5 +25 13 1 H A6 +25 13 1 H A7 +25 13 1 H A8 +25 13 1 H A9 +25 13 1 H A10 +25 13 1 H A11 +25 13 1 H A12 +25 13 1 H A13 +25 13 1 H A14 +25 13 1 H A15 +25 13 1 H A16 +25 13 1 H A17 +25 13 1 H A18 +25 13 1 H A19 +25 13 1 H A20 +25 13 1 H A21 +25 13 1 H A22 +25 13 1 H A23 +25 13 1 H A24 +25 13 1 H A25 +25 13 1 H A26 +25 13 1 H A27 +25 13 1 H A28 +25 13 1 H A29 +25 13 1 H A30 +25 13 1 H A31 +25 13 1 H A32 +25 13 1 H A33 +25 13 1 H A34 +25 13 1 H A35 +25 13 1 H A36 +25 13 1 H A37 +25 13 1 H A38 +25 13 1 H A39 +25 13 1 H A40 +25 13 2 S C8 +25 13 3 K G30 +25 13 4 A D35 +25 13 5 U G3 +25 13 6 E G0 +25 14 1 H A0 +25 14 2 S B12 +25 14 3 K F29 +25 14 4 A D40 +25 14 5 R J0 +25 14 6 U G2 +25 14 7 E E0 +25 17 1 H A0 +25 17 1 H A1 +25 17 1 H A2 +25 17 1 H A3 +25 17 1 H A4 +25 17 1 H A5 +25 17 1 H A6 +25 17 1 H A7 +25 17 1 H A8 +25 17 1 H A9 +25 17 1 H A10 +25 17 1 H A11 +25 17 1 H A12 +25 17 1 H A13 +25 17 1 H A14 +25 17 1 H A15 +25 17 1 H A16 +25 17 1 H A17 +25 17 1 H A18 +25 17 1 H A19 +25 17 1 H A20 +25 17 1 H A21 +25 17 1 H A22 +25 17 1 H A23 +25 17 1 H A24 +25 17 1 H A25 +25 17 1 H A26 +25 17 1 H A27 +25 17 1 H A28 +25 17 1 H A29 +25 17 1 H A30 +25 17 1 H A31 +25 17 1 H A32 +25 17 1 H A33 +25 17 1 H A34 +25 17 1 H A35 +25 17 1 H A36 +25 17 1 H A37 +25 17 1 H A38 +25 17 1 H A39 +25 17 1 H A40 +25 17 2 S C9 +25 17 3 K F29 +25 17 4 A E38 +25 17 5 U G2 +25 17 6 R J0 +25 17 6 R J1 +25 17 6 R J2 +25 17 6 R J3 +25 17 6 R J4 +25 17 6 R J5 +25 17 6 R J6 +25 17 6 R J7 +25 17 6 R J8 +25 17 6 R J9 +25 17 6 R J10 +25 17 6 R J11 +25 17 6 R J12 +25 17 6 R J13 +25 17 6 R J14 +25 17 6 R J15 +25 17 6 R J16 +25 17 6 R J17 +25 17 6 R J18 +25 17 6 R J19 +25 17 6 R J20 +25 17 6 R J21 +25 17 6 R J22 +25 17 6 R J23 +25 17 6 R J24 +25 17 6 R J25 +25 17 6 R J26 +25 17 6 R J27 +25 17 6 R J28 +25 17 6 R J29 +25 17 6 R J30 +25 17 6 R J31 +25 17 6 R J32 +25 17 6 R J33 +25 17 6 R J34 +25 17 6 R J35 +25 17 6 R J36 +25 17 6 R J37 +25 17 6 R J38 +25 17 6 R J39 +25 17 6 R J40 +25 17 7 E E0 +25 19 1 E E0 +25 19 2 S D9 +25 19 3 H A0 +25 19 3 H A1 +25 19 3 H A2 +25 19 3 H A3 +25 19 3 H A4 +25 19 3 H A5 +25 19 3 H A6 +25 19 3 H A7 +25 19 3 H A8 +25 19 3 H A9 +25 19 3 H A10 +25 19 3 H A11 +25 19 3 H A12 +25 19 3 H A13 +25 19 3 H A14 +25 19 3 H A15 +25 19 3 H A16 +25 19 3 H A17 +25 19 3 H A18 +25 19 3 H A19 +25 19 3 H A20 +25 19 3 H A21 +25 19 3 H A22 +25 19 3 H A23 +25 19 3 H A24 +25 19 3 H A25 +25 19 3 H A26 +25 19 3 H A27 +25 19 3 H A28 +25 19 3 H A29 +25 19 3 H A30 +25 19 3 H A31 +25 19 3 H A32 +25 19 3 H A33 +25 19 3 H A34 +25 19 3 H A35 +25 19 3 H A36 +25 19 3 H A37 +25 19 3 H A38 +25 19 3 H A39 +25 19 3 H A40 +25 19 4 A E36 +25 19 5 K G28 +25 19 6 R J0 +25 19 6 R J1 +25 19 6 R J2 +25 19 6 R J3 +25 19 6 R J4 +25 19 6 R J5 +25 19 6 R J6 +25 19 6 R J7 +25 19 6 R J8 +25 19 6 R J9 +25 19 6 R J10 +25 19 6 R J11 +25 19 6 R J12 +25 19 6 R J13 +25 19 6 R J14 +25 19 6 R J15 +25 19 6 R J16 +25 19 6 R J17 +25 19 6 R J18 +25 19 6 R J19 +25 19 6 R J20 +25 19 6 R J21 +25 19 6 R J22 +25 19 6 R J23 +25 19 6 R J24 +25 19 6 R J25 +25 19 6 R J26 +25 19 6 R J27 +25 19 6 R J28 +25 19 6 R J29 +25 19 6 R J30 +25 19 6 R J31 +25 19 6 R J32 +25 19 6 R J33 +25 19 6 R J34 +25 19 6 R J35 +25 19 6 R J36 +25 19 6 R J37 +25 19 6 R J38 +25 19 6 R J39 +25 19 6 R J40 +25 19 7 U G3 +25 22 1 H A0 +25 22 1 H A1 +25 22 1 H A2 +25 22 1 H A3 +25 22 1 H A4 +25 22 1 H A5 +25 22 1 H A6 +25 22 1 H A7 +25 22 1 H A8 +25 22 1 H A9 +25 22 1 H A10 +25 22 1 H A11 +25 22 1 H A12 +25 22 1 H A13 +25 22 1 H A14 +25 22 1 H A15 +25 22 1 H A16 +25 22 1 H A17 +25 22 1 H A18 +25 22 1 H A19 +25 22 1 H A20 +25 22 1 H A21 +25 22 1 H A22 +25 22 1 H A23 +25 22 1 H A24 +25 22 1 H A25 +25 22 1 H A26 +25 22 1 H A27 +25 22 1 H A28 +25 22 1 H A29 +25 22 1 H A30 +25 22 1 H A31 +25 22 1 H A32 +25 22 1 H A33 +25 22 1 H A34 +25 22 1 H A35 +25 22 1 H A36 +25 22 1 H A37 +25 22 1 H A38 +25 22 1 H A39 +25 22 1 H A40 +25 22 2 S D8 +25 22 3 K G30 +25 22 4 A F38 +25 22 5 U G3 +25 22 6 R J0 +25 22 6 R J1 +25 22 6 R J2 +25 22 6 R J3 +25 22 6 R J4 +25 22 6 R J5 +25 22 6 R J6 +25 22 6 R J7 +25 22 6 R J8 +25 22 6 R J9 +25 22 6 R J10 +25 22 6 R J11 +25 22 6 R J12 +25 22 6 R J13 +25 22 6 R J14 +25 22 6 R J15 +25 22 6 R J16 +25 22 6 R J17 +25 22 6 R J18 +25 22 6 R J19 +25 22 6 R J20 +25 22 6 R J21 +25 22 6 R J22 +25 22 6 R J23 +25 22 6 R J24 +25 22 6 R J25 +25 22 6 R J26 +25 22 6 R J27 +25 22 6 R J28 +25 22 6 R J29 +25 22 6 R J30 +25 22 6 R J31 +25 22 6 R J32 +25 22 6 R J33 +25 22 6 R J34 +25 22 6 R J35 +25 22 6 R J36 +25 22 6 R J37 +25 22 6 R J38 +25 22 6 R J39 +25 22 6 R J40 +25 22 7 E E0 +25 23 1 H A0 +25 23 1 H A1 +25 23 1 H A2 +25 23 1 H A3 +25 23 1 H A4 +25 23 1 H A5 +25 23 1 H A6 +25 23 1 H A7 +25 23 1 H A8 +25 23 1 H A9 +25 23 1 H A10 +25 23 1 H A11 +25 23 1 H A12 +25 23 1 H A13 +25 23 1 H A14 +25 23 1 H A15 +25 23 1 H A16 +25 23 1 H A17 +25 23 1 H A18 +25 23 1 H A19 +25 23 1 H A20 +25 23 1 H A21 +25 23 1 H A22 +25 23 1 H A23 +25 23 1 H A24 +25 23 1 H A25 +25 23 1 H A26 +25 23 1 H A27 +25 23 1 H A28 +25 23 1 H A29 +25 23 1 H A30 +25 23 1 H A31 +25 23 1 H A32 +25 23 1 H A33 +25 23 1 H A34 +25 23 1 H A35 +25 23 1 H A36 +25 23 1 H A37 +25 23 1 H A38 +25 23 1 H A39 +25 23 1 H A40 +25 23 2 S C8 +25 23 3 K F28 +25 23 4 E G6 +25 23 5 U G1 +25 23 6 R J0 +25 23 6 R J1 +25 23 6 R J2 +25 23 6 R J3 +25 23 6 R J4 +25 23 6 R J5 +25 23 6 R J6 +25 23 6 R J7 +25 23 6 R J8 +25 23 6 R J9 +25 23 6 R J10 +25 23 6 R J11 +25 23 6 R J12 +25 23 6 R J13 +25 23 6 R J14 +25 23 6 R J15 +25 23 6 R J16 +25 23 6 R J17 +25 23 6 R J18 +25 23 6 R J19 +25 23 6 R J20 +25 23 6 R J21 +25 23 6 R J22 +25 23 6 R J23 +25 23 6 R J24 +25 23 6 R J25 +25 23 6 R J26 +25 23 6 R J27 +25 23 6 R J28 +25 23 6 R J29 +25 23 6 R J30 +25 23 6 R J31 +25 23 6 R J32 +25 23 6 R J33 +25 23 6 R J34 +25 23 6 R J35 +25 23 6 R J36 +25 23 6 R J37 +25 23 6 R J38 +25 23 6 R J39 +25 23 6 R J40 +25 23 7 A D1 +26 1 1 TA A0 +26 1 1 TA A1 +26 1 1 TA A2 +26 1 1 TA A3 +26 1 1 TA A4 +26 1 1 TA A5 +26 1 1 TA A6 +26 1 1 TA A7 +26 1 1 TA A8 +26 1 1 TA A9 +26 1 1 TA A10 +26 1 1 TA A11 +26 1 1 TA A12 +26 1 1 TA A13 +26 1 1 TA A14 +26 1 1 TA A15 +26 1 1 TA A16 +26 1 1 TA A17 +26 1 1 TA A18 +26 1 1 TA A19 +26 1 1 TA A20 +26 1 1 TA A21 +26 1 1 TA A22 +26 1 1 TA A23 +26 1 1 TA A24 +26 1 1 TA A25 +26 1 1 TA A26 +26 1 1 TA A27 +26 1 1 TA A28 +26 1 1 TA A29 +26 1 1 TA A30 +26 1 1 TA A31 +26 1 1 TA A32 +26 1 1 TA A33 +26 1 1 TA A34 +26 1 1 TA A35 +26 1 1 TA A36 +26 1 1 TA A37 +26 1 1 TA A38 +26 1 1 TA A39 +26 1 1 TA A40 +26 1 2 NA C11 +26 1 3 RO F39 +26 1 4 CA I38 +26 1 5 MC H29 +26 1 6 RA G18 +26 1 7 LA J0 +26 1 7 LA J1 +26 1 7 LA J2 +26 1 7 LA J3 +26 1 7 LA J4 +26 1 7 LA J5 +26 1 7 LA J6 +26 1 7 LA J7 +26 1 7 LA J8 +26 1 7 LA J9 +26 1 7 LA J10 +26 1 7 LA J11 +26 1 7 LA J12 +26 1 7 LA J13 +26 1 7 LA J14 +26 1 7 LA J15 +26 1 7 LA J16 +26 1 7 LA J17 +26 1 7 LA J18 +26 1 7 LA J19 +26 1 7 LA J20 +26 1 7 LA J21 +26 1 7 LA J22 +26 1 7 LA J23 +26 1 7 LA J24 +26 1 7 LA J25 +26 1 7 LA J26 +26 1 7 LA J27 +26 1 7 LA J28 +26 1 7 LA J29 +26 1 7 LA J30 +26 1 7 LA J31 +26 1 7 LA J32 +26 1 7 LA J33 +26 1 7 LA J34 +26 1 7 LA J35 +26 1 7 LA J36 +26 1 7 LA J37 +26 1 7 LA J38 +26 1 7 LA J39 +26 1 7 LA J40 +26 1 8 GA G2 +26 2 1 TA A0 +26 2 1 TA A1 +26 2 1 TA A2 +26 2 1 TA A3 +26 2 1 TA A4 +26 2 1 TA A5 +26 2 1 TA A6 +26 2 1 TA A7 +26 2 1 TA A8 +26 2 1 TA A9 +26 2 1 TA A10 +26 2 1 TA A11 +26 2 1 TA A12 +26 2 1 TA A13 +26 2 1 TA A14 +26 2 1 TA A15 +26 2 1 TA A16 +26 2 1 TA A17 +26 2 1 TA A18 +26 2 1 TA A19 +26 2 1 TA A20 +26 2 1 TA A21 +26 2 1 TA A22 +26 2 1 TA A23 +26 2 1 TA A24 +26 2 1 TA A25 +26 2 1 TA A26 +26 2 1 TA A27 +26 2 1 TA A28 +26 2 1 TA A29 +26 2 1 TA A30 +26 2 1 TA A31 +26 2 1 TA A32 +26 2 1 TA A33 +26 2 1 TA A34 +26 2 1 TA A35 +26 2 1 TA A36 +26 2 1 TA A37 +26 2 1 TA A38 +26 2 1 TA A39 +26 2 1 TA A40 +26 2 2 NA D6 +26 2 3 RO F39 +26 2 4 MC H28 +26 2 5 RA H18 +26 2 6 CA G6 +26 2 7 LA J0 +26 2 7 LA J1 +26 2 7 LA J2 +26 2 7 LA J3 +26 2 7 LA J4 +26 2 7 LA J5 +26 2 7 LA J6 +26 2 7 LA J7 +26 2 7 LA J8 +26 2 7 LA J9 +26 2 7 LA J10 +26 2 7 LA J11 +26 2 7 LA J12 +26 2 7 LA J13 +26 2 7 LA J14 +26 2 7 LA J15 +26 2 7 LA J16 +26 2 7 LA J17 +26 2 7 LA J18 +26 2 7 LA J19 +26 2 7 LA J20 +26 2 7 LA J21 +26 2 7 LA J22 +26 2 7 LA J23 +26 2 7 LA J24 +26 2 7 LA J25 +26 2 7 LA J26 +26 2 7 LA J27 +26 2 7 LA J28 +26 2 7 LA J29 +26 2 7 LA J30 +26 2 7 LA J31 +26 2 7 LA J32 +26 2 7 LA J33 +26 2 7 LA J34 +26 2 7 LA J35 +26 2 7 LA J36 +26 2 7 LA J37 +26 2 7 LA J38 +26 2 7 LA J39 +26 2 7 LA J40 +26 2 8 GA G1 +26 3 1 TA A0 +26 3 1 TA A1 +26 3 1 TA A2 +26 3 1 TA A3 +26 3 1 TA A4 +26 3 1 TA A5 +26 3 1 TA A6 +26 3 1 TA A7 +26 3 1 TA A8 +26 3 1 TA A9 +26 3 1 TA A10 +26 3 1 TA A11 +26 3 1 TA A12 +26 3 1 TA A13 +26 3 1 TA A14 +26 3 1 TA A15 +26 3 1 TA A16 +26 3 1 TA A17 +26 3 1 TA A18 +26 3 1 TA A19 +26 3 1 TA A20 +26 3 1 TA A21 +26 3 1 TA A22 +26 3 1 TA A23 +26 3 1 TA A24 +26 3 1 TA A25 +26 3 1 TA A26 +26 3 1 TA A27 +26 3 1 TA A28 +26 3 1 TA A29 +26 3 1 TA A30 +26 3 1 TA A31 +26 3 1 TA A32 +26 3 1 TA A33 +26 3 1 TA A34 +26 3 1 TA A35 +26 3 1 TA A36 +26 3 1 TA A37 +26 3 1 TA A38 +26 3 1 TA A39 +26 3 1 TA A40 +26 3 2 NA C9 +26 3 3 RA F19 +26 3 4 RO E40 +26 3 5 MC I31 +26 3 6 H I30 +26 3 7 CA H8 +26 3 8 GA I2 +26 3 9 LA J0 +26 3 9 LA J1 +26 3 9 LA J2 +26 3 9 LA J3 +26 3 9 LA J4 +26 3 9 LA J5 +26 3 9 LA J6 +26 3 9 LA J7 +26 3 9 LA J8 +26 3 9 LA J9 +26 3 9 LA J10 +26 3 9 LA J11 +26 3 9 LA J12 +26 3 9 LA J13 +26 3 9 LA J14 +26 3 9 LA J15 +26 3 9 LA J16 +26 3 9 LA J17 +26 3 9 LA J18 +26 3 9 LA J19 +26 3 9 LA J20 +26 3 9 LA J21 +26 3 9 LA J22 +26 3 9 LA J23 +26 3 9 LA J24 +26 3 9 LA J25 +26 3 9 LA J26 +26 3 9 LA J27 +26 3 9 LA J28 +26 3 9 LA J29 +26 3 9 LA J30 +26 3 9 LA J31 +26 3 9 LA J32 +26 3 9 LA J33 +26 3 9 LA J34 +26 3 9 LA J35 +26 3 9 LA J36 +26 3 9 LA J37 +26 3 9 LA J38 +26 3 9 LA J39 +26 3 9 LA J40 +26 4 1 TA A0 +26 4 1 TA A1 +26 4 1 TA A2 +26 4 1 TA A3 +26 4 1 TA A4 +26 4 1 TA A5 +26 4 1 TA A6 +26 4 1 TA A7 +26 4 1 TA A8 +26 4 1 TA A9 +26 4 1 TA A10 +26 4 1 TA A11 +26 4 1 TA A12 +26 4 1 TA A13 +26 4 1 TA A14 +26 4 1 TA A15 +26 4 1 TA A16 +26 4 1 TA A17 +26 4 1 TA A18 +26 4 1 TA A19 +26 4 1 TA A20 +26 4 1 TA A21 +26 4 1 TA A22 +26 4 1 TA A23 +26 4 1 TA A24 +26 4 1 TA A25 +26 4 1 TA A26 +26 4 1 TA A27 +26 4 1 TA A28 +26 4 1 TA A29 +26 4 1 TA A30 +26 4 1 TA A31 +26 4 1 TA A32 +26 4 1 TA A33 +26 4 1 TA A34 +26 4 1 TA A35 +26 4 1 TA A36 +26 4 1 TA A37 +26 4 1 TA A38 +26 4 1 TA A39 +26 4 1 TA A40 +26 4 2 NA B12 +26 4 3 RA F18 +26 4 4 MC G31 +26 4 5 JG G7 +26 4 6 CA I2 +26 4 7 LA J0 +26 4 7 LA J1 +26 4 7 LA J2 +26 4 7 LA J3 +26 4 7 LA J4 +26 4 7 LA J5 +26 4 7 LA J6 +26 4 7 LA J7 +26 4 7 LA J8 +26 4 7 LA J9 +26 4 7 LA J10 +26 4 7 LA J11 +26 4 7 LA J12 +26 4 7 LA J13 +26 4 7 LA J14 +26 4 7 LA J15 +26 4 7 LA J16 +26 4 7 LA J17 +26 4 7 LA J18 +26 4 7 LA J19 +26 4 7 LA J20 +26 4 7 LA J21 +26 4 7 LA J22 +26 4 7 LA J23 +26 4 7 LA J24 +26 4 7 LA J25 +26 4 7 LA J26 +26 4 7 LA J27 +26 4 7 LA J28 +26 4 7 LA J29 +26 4 7 LA J30 +26 4 7 LA J31 +26 4 7 LA J32 +26 4 7 LA J33 +26 4 7 LA J34 +26 4 7 LA J35 +26 4 7 LA J36 +26 4 7 LA J37 +26 4 7 LA J38 +26 4 7 LA J39 +26 4 7 LA J40 +26 4 8 GA F3 +26 4 9 RO D3 +26 5 1 RO D2 +26 5 2 GA E4 +26 5 3 NA C10 +26 5 4 RA F18 +26 5 5 TA A0 +26 5 5 TA A1 +26 5 5 TA A2 +26 5 5 TA A3 +26 5 5 TA A4 +26 5 5 TA A5 +26 5 5 TA A6 +26 5 5 TA A7 +26 5 5 TA A8 +26 5 5 TA A9 +26 5 5 TA A10 +26 5 5 TA A11 +26 5 5 TA A12 +26 5 5 TA A13 +26 5 5 TA A14 +26 5 5 TA A15 +26 5 5 TA A16 +26 5 5 TA A17 +26 5 5 TA A18 +26 5 5 TA A19 +26 5 5 TA A20 +26 5 5 TA A21 +26 5 5 TA A22 +26 5 5 TA A23 +26 5 5 TA A24 +26 5 5 TA A25 +26 5 5 TA A26 +26 5 5 TA A27 +26 5 5 TA A28 +26 5 5 TA A29 +26 5 5 TA A30 +26 5 5 TA A31 +26 5 5 TA A32 +26 5 5 TA A33 +26 5 5 TA A34 +26 5 5 TA A35 +26 5 5 TA A36 +26 5 5 TA A37 +26 5 5 TA A38 +26 5 5 TA A39 +26 5 5 TA A40 +26 5 6 MC G30 +26 5 7 CA I6 +26 5 8 LA J0 +26 5 8 LA J1 +26 5 8 LA J2 +26 5 8 LA J3 +26 5 8 LA J4 +26 5 8 LA J5 +26 5 8 LA J6 +26 5 8 LA J7 +26 5 8 LA J8 +26 5 8 LA J9 +26 5 8 LA J10 +26 5 8 LA J11 +26 5 8 LA J12 +26 5 8 LA J13 +26 5 8 LA J14 +26 5 8 LA J15 +26 5 8 LA J16 +26 5 8 LA J17 +26 5 8 LA J18 +26 5 8 LA J19 +26 5 8 LA J20 +26 5 8 LA J21 +26 5 8 LA J22 +26 5 8 LA J23 +26 5 8 LA J24 +26 5 8 LA J25 +26 5 8 LA J26 +26 5 8 LA J27 +26 5 8 LA J28 +26 5 8 LA J29 +26 5 8 LA J30 +26 5 8 LA J31 +26 5 8 LA J32 +26 5 8 LA J33 +26 5 8 LA J34 +26 5 8 LA J35 +26 5 8 LA J36 +26 5 8 LA J37 +26 5 8 LA J38 +26 5 8 LA J39 +26 5 8 LA J40 +26 6 1 TA A0 +26 6 1 TA A1 +26 6 1 TA A2 +26 6 1 TA A3 +26 6 1 TA A4 +26 6 1 TA A5 +26 6 1 TA A6 +26 6 1 TA A7 +26 6 1 TA A8 +26 6 1 TA A9 +26 6 1 TA A10 +26 6 1 TA A11 +26 6 1 TA A12 +26 6 1 TA A13 +26 6 1 TA A14 +26 6 1 TA A15 +26 6 1 TA A16 +26 6 1 TA A17 +26 6 1 TA A18 +26 6 1 TA A19 +26 6 1 TA A20 +26 6 1 TA A21 +26 6 1 TA A22 +26 6 1 TA A23 +26 6 1 TA A24 +26 6 1 TA A25 +26 6 1 TA A26 +26 6 1 TA A27 +26 6 1 TA A28 +26 6 1 TA A29 +26 6 1 TA A30 +26 6 1 TA A31 +26 6 1 TA A32 +26 6 1 TA A33 +26 6 1 TA A34 +26 6 1 TA A35 +26 6 1 TA A36 +26 6 1 TA A37 +26 6 1 TA A38 +26 6 1 TA A39 +26 6 1 TA A40 +26 6 2 RO C3 +26 6 3 NA C10 +26 6 4 RA F19 +26 6 5 MC F35 +26 6 6 CA I5 +26 6 7 LA J0 +26 6 7 LA J1 +26 6 7 LA J2 +26 6 7 LA J3 +26 6 7 LA J4 +26 6 7 LA J5 +26 6 7 LA J6 +26 6 7 LA J7 +26 6 7 LA J8 +26 6 7 LA J9 +26 6 7 LA J10 +26 6 7 LA J11 +26 6 7 LA J12 +26 6 7 LA J13 +26 6 7 LA J14 +26 6 7 LA J15 +26 6 7 LA J16 +26 6 7 LA J17 +26 6 7 LA J18 +26 6 7 LA J19 +26 6 7 LA J20 +26 6 7 LA J21 +26 6 7 LA J22 +26 6 7 LA J23 +26 6 7 LA J24 +26 6 7 LA J25 +26 6 7 LA J26 +26 6 7 LA J27 +26 6 7 LA J28 +26 6 7 LA J29 +26 6 7 LA J30 +26 6 7 LA J31 +26 6 7 LA J32 +26 6 7 LA J33 +26 6 7 LA J34 +26 6 7 LA J35 +26 6 7 LA J36 +26 6 7 LA J37 +26 6 7 LA J38 +26 6 7 LA J39 +26 6 7 LA J40 +26 6 8 GA G2 +26 7 1 TA A0 +26 7 1 TA A1 +26 7 1 TA A2 +26 7 1 TA A3 +26 7 1 TA A4 +26 7 1 TA A5 +26 7 1 TA A6 +26 7 1 TA A7 +26 7 1 TA A8 +26 7 1 TA A9 +26 7 1 TA A10 +26 7 1 TA A11 +26 7 1 TA A12 +26 7 1 TA A13 +26 7 1 TA A14 +26 7 1 TA A15 +26 7 1 TA A16 +26 7 1 TA A17 +26 7 1 TA A18 +26 7 1 TA A19 +26 7 1 TA A20 +26 7 1 TA A21 +26 7 1 TA A22 +26 7 1 TA A23 +26 7 1 TA A24 +26 7 1 TA A25 +26 7 1 TA A26 +26 7 1 TA A27 +26 7 1 TA A28 +26 7 1 TA A29 +26 7 1 TA A30 +26 7 1 TA A31 +26 7 1 TA A32 +26 7 1 TA A33 +26 7 1 TA A34 +26 7 1 TA A35 +26 7 1 TA A36 +26 7 1 TA A37 +26 7 1 TA A38 +26 7 1 TA A39 +26 7 1 TA A40 +26 7 2 JG F7 +26 7 3 MC H30 +26 7 4 RA H19 +26 7 5 H I13 +26 7 6 CA I3 +26 7 7 LA J0 +26 7 7 LA J1 +26 7 7 LA J2 +26 7 7 LA J3 +26 7 7 LA J4 +26 7 7 LA J5 +26 7 7 LA J6 +26 7 7 LA J7 +26 7 7 LA J8 +26 7 7 LA J9 +26 7 7 LA J10 +26 7 7 LA J11 +26 7 7 LA J12 +26 7 7 LA J13 +26 7 7 LA J14 +26 7 7 LA J15 +26 7 7 LA J16 +26 7 7 LA J17 +26 7 7 LA J18 +26 7 7 LA J19 +26 7 7 LA J20 +26 7 7 LA J21 +26 7 7 LA J22 +26 7 7 LA J23 +26 7 7 LA J24 +26 7 7 LA J25 +26 7 7 LA J26 +26 7 7 LA J27 +26 7 7 LA J28 +26 7 7 LA J29 +26 7 7 LA J30 +26 7 7 LA J31 +26 7 7 LA J32 +26 7 7 LA J33 +26 7 7 LA J34 +26 7 7 LA J35 +26 7 7 LA J36 +26 7 7 LA J37 +26 7 7 LA J38 +26 7 7 LA J39 +26 7 7 LA J40 +26 7 8 RO G1 +26 7 9 GA G3 +26 7 10 NA E4 +26 8 1 TA A0 +26 8 1 TA A1 +26 8 1 TA A2 +26 8 1 TA A3 +26 8 1 TA A4 +26 8 1 TA A5 +26 8 1 TA A6 +26 8 1 TA A7 +26 8 1 TA A8 +26 8 1 TA A9 +26 8 1 TA A10 +26 8 1 TA A11 +26 8 1 TA A12 +26 8 1 TA A13 +26 8 1 TA A14 +26 8 1 TA A15 +26 8 1 TA A16 +26 8 1 TA A17 +26 8 1 TA A18 +26 8 1 TA A19 +26 8 1 TA A20 +26 8 1 TA A21 +26 8 1 TA A22 +26 8 1 TA A23 +26 8 1 TA A24 +26 8 1 TA A25 +26 8 1 TA A26 +26 8 1 TA A27 +26 8 1 TA A28 +26 8 1 TA A29 +26 8 1 TA A30 +26 8 1 TA A31 +26 8 1 TA A32 +26 8 1 TA A33 +26 8 1 TA A34 +26 8 1 TA A35 +26 8 1 TA A36 +26 8 1 TA A37 +26 8 1 TA A38 +26 8 1 TA A39 +26 8 1 TA A40 +26 8 2 NA C9 +26 8 3 RA G20 +26 8 4 CA I5 +26 8 5 LA J0 +26 8 5 LA J1 +26 8 5 LA J2 +26 8 5 LA J3 +26 8 5 LA J4 +26 8 5 LA J5 +26 8 5 LA J6 +26 8 5 LA J7 +26 8 5 LA J8 +26 8 5 LA J9 +26 8 5 LA J10 +26 8 5 LA J11 +26 8 5 LA J12 +26 8 5 LA J13 +26 8 5 LA J14 +26 8 5 LA J15 +26 8 5 LA J16 +26 8 5 LA J17 +26 8 5 LA J18 +26 8 5 LA J19 +26 8 5 LA J20 +26 8 5 LA J21 +26 8 5 LA J22 +26 8 5 LA J23 +26 8 5 LA J24 +26 8 5 LA J25 +26 8 5 LA J26 +26 8 5 LA J27 +26 8 5 LA J28 +26 8 5 LA J29 +26 8 5 LA J30 +26 8 5 LA J31 +26 8 5 LA J32 +26 8 5 LA J33 +26 8 5 LA J34 +26 8 5 LA J35 +26 8 5 LA J36 +26 8 5 LA J37 +26 8 5 LA J38 +26 8 5 LA J39 +26 8 5 LA J40 +26 8 6 MC I1 +26 8 7 GA G2 +26 8 8 RO E2 +26 9 1 TA A0 +26 9 1 TA A1 +26 9 1 TA A2 +26 9 1 TA A3 +26 9 1 TA A4 +26 9 1 TA A5 +26 9 1 TA A6 +26 9 1 TA A7 +26 9 1 TA A8 +26 9 1 TA A9 +26 9 1 TA A10 +26 9 1 TA A11 +26 9 1 TA A12 +26 9 1 TA A13 +26 9 1 TA A14 +26 9 1 TA A15 +26 9 1 TA A16 +26 9 1 TA A17 +26 9 1 TA A18 +26 9 1 TA A19 +26 9 1 TA A20 +26 9 1 TA A21 +26 9 1 TA A22 +26 9 1 TA A23 +26 9 1 TA A24 +26 9 1 TA A25 +26 9 1 TA A26 +26 9 1 TA A27 +26 9 1 TA A28 +26 9 1 TA A29 +26 9 1 TA A30 +26 9 1 TA A31 +26 9 1 TA A32 +26 9 1 TA A33 +26 9 1 TA A34 +26 9 1 TA A35 +26 9 1 TA A36 +26 9 1 TA A37 +26 9 1 TA A38 +26 9 1 TA A39 +26 9 1 TA A40 +26 9 2 NA D6 +26 9 3 MC F32 +26 9 4 RA F17 +26 9 5 LA J0 +26 9 5 LA J1 +26 9 5 LA J2 +26 9 5 LA J3 +26 9 5 LA J4 +26 9 5 LA J5 +26 9 5 LA J6 +26 9 5 LA J7 +26 9 5 LA J8 +26 9 5 LA J9 +26 9 5 LA J10 +26 9 5 LA J11 +26 9 5 LA J12 +26 9 5 LA J13 +26 9 5 LA J14 +26 9 5 LA J15 +26 9 5 LA J16 +26 9 5 LA J17 +26 9 5 LA J18 +26 9 5 LA J19 +26 9 5 LA J20 +26 9 5 LA J21 +26 9 5 LA J22 +26 9 5 LA J23 +26 9 5 LA J24 +26 9 5 LA J25 +26 9 5 LA J26 +26 9 5 LA J27 +26 9 5 LA J28 +26 9 5 LA J29 +26 9 5 LA J30 +26 9 5 LA J31 +26 9 5 LA J32 +26 9 5 LA J33 +26 9 5 LA J34 +26 9 5 LA J35 +26 9 5 LA J36 +26 9 5 LA J37 +26 9 5 LA J38 +26 9 5 LA J39 +26 9 5 LA J40 +26 9 6 CA I1 +26 9 7 GA G2 +26 9 8 RO F1 +26 10 1 TA A0 +26 10 1 TA A1 +26 10 1 TA A2 +26 10 1 TA A3 +26 10 1 TA A4 +26 10 1 TA A5 +26 10 1 TA A6 +26 10 1 TA A7 +26 10 1 TA A8 +26 10 1 TA A9 +26 10 1 TA A10 +26 10 1 TA A11 +26 10 1 TA A12 +26 10 1 TA A13 +26 10 1 TA A14 +26 10 1 TA A15 +26 10 1 TA A16 +26 10 1 TA A17 +26 10 1 TA A18 +26 10 1 TA A19 +26 10 1 TA A20 +26 10 1 TA A21 +26 10 1 TA A22 +26 10 1 TA A23 +26 10 1 TA A24 +26 10 1 TA A25 +26 10 1 TA A26 +26 10 1 TA A27 +26 10 1 TA A28 +26 10 1 TA A29 +26 10 1 TA A30 +26 10 1 TA A31 +26 10 1 TA A32 +26 10 1 TA A33 +26 10 1 TA A34 +26 10 1 TA A35 +26 10 1 TA A36 +26 10 1 TA A37 +26 10 1 TA A38 +26 10 1 TA A39 +26 10 1 TA A40 +26 10 2 NA C11 +26 10 3 RO D40 +26 10 4 MC G29 +26 10 5 RA G20 +26 10 6 CA H7 +26 10 7 GA G2 +26 11 1 TA A0 +26 11 1 TA A1 +26 11 1 TA A2 +26 11 1 TA A3 +26 11 1 TA A4 +26 11 1 TA A5 +26 11 1 TA A6 +26 11 1 TA A7 +26 11 1 TA A8 +26 11 1 TA A9 +26 11 1 TA A10 +26 11 1 TA A11 +26 11 1 TA A12 +26 11 1 TA A13 +26 11 1 TA A14 +26 11 1 TA A15 +26 11 1 TA A16 +26 11 1 TA A17 +26 11 1 TA A18 +26 11 1 TA A19 +26 11 1 TA A20 +26 11 1 TA A21 +26 11 1 TA A22 +26 11 1 TA A23 +26 11 1 TA A24 +26 11 1 TA A25 +26 11 1 TA A26 +26 11 1 TA A27 +26 11 1 TA A28 +26 11 1 TA A29 +26 11 1 TA A30 +26 11 1 TA A31 +26 11 1 TA A32 +26 11 1 TA A33 +26 11 1 TA A34 +26 11 1 TA A35 +26 11 1 TA A36 +26 11 1 TA A37 +26 11 1 TA A38 +26 11 1 TA A39 +26 11 1 TA A40 +26 11 2 NA D8 +26 11 3 RO C39 +26 11 4 MC F33 +26 11 5 RA G18 +26 11 6 CA H7 +26 11 7 LA J0 +26 11 7 LA J1 +26 11 7 LA J2 +26 11 7 LA J3 +26 11 7 LA J4 +26 11 7 LA J5 +26 11 7 LA J6 +26 11 7 LA J7 +26 11 7 LA J8 +26 11 7 LA J9 +26 11 7 LA J10 +26 11 7 LA J11 +26 11 7 LA J12 +26 11 7 LA J13 +26 11 7 LA J14 +26 11 7 LA J15 +26 11 7 LA J16 +26 11 7 LA J17 +26 11 7 LA J18 +26 11 7 LA J19 +26 11 7 LA J20 +26 11 7 LA J21 +26 11 7 LA J22 +26 11 7 LA J23 +26 11 7 LA J24 +26 11 7 LA J25 +26 11 7 LA J26 +26 11 7 LA J27 +26 11 7 LA J28 +26 11 7 LA J29 +26 11 7 LA J30 +26 11 7 LA J31 +26 11 7 LA J32 +26 11 7 LA J33 +26 11 7 LA J34 +26 11 7 LA J35 +26 11 7 LA J36 +26 11 7 LA J37 +26 11 7 LA J38 +26 11 7 LA J39 +26 11 7 LA J40 +26 11 8 GA G3 +26 12 1 TA A0 +26 12 1 TA A1 +26 12 1 TA A2 +26 12 1 TA A3 +26 12 1 TA A4 +26 12 1 TA A5 +26 12 1 TA A6 +26 12 1 TA A7 +26 12 1 TA A8 +26 12 1 TA A9 +26 12 1 TA A10 +26 12 1 TA A11 +26 12 1 TA A12 +26 12 1 TA A13 +26 12 1 TA A14 +26 12 1 TA A15 +26 12 1 TA A16 +26 12 1 TA A17 +26 12 1 TA A18 +26 12 1 TA A19 +26 12 1 TA A20 +26 12 1 TA A21 +26 12 1 TA A22 +26 12 1 TA A23 +26 12 1 TA A24 +26 12 1 TA A25 +26 12 1 TA A26 +26 12 1 TA A27 +26 12 1 TA A28 +26 12 1 TA A29 +26 12 1 TA A30 +26 12 1 TA A31 +26 12 1 TA A32 +26 12 1 TA A33 +26 12 1 TA A34 +26 12 1 TA A35 +26 12 1 TA A36 +26 12 1 TA A37 +26 12 1 TA A38 +26 12 1 TA A39 +26 12 1 TA A40 +26 12 2 T4 D27 +26 12 3 RO E39 +26 12 4 GA G40 +26 12 5 CA H38 +26 12 6 MC G32 +26 12 7 RA F17 +26 12 8 LA J0 +26 12 8 LA J1 +26 12 8 LA J2 +26 12 8 LA J3 +26 12 8 LA J4 +26 12 8 LA J5 +26 12 8 LA J6 +26 12 8 LA J7 +26 12 8 LA J8 +26 12 8 LA J9 +26 12 8 LA J10 +26 12 8 LA J11 +26 12 8 LA J12 +26 12 8 LA J13 +26 12 8 LA J14 +26 12 8 LA J15 +26 12 8 LA J16 +26 12 8 LA J17 +26 12 8 LA J18 +26 12 8 LA J19 +26 12 8 LA J20 +26 12 8 LA J21 +26 12 8 LA J22 +26 12 8 LA J23 +26 12 8 LA J24 +26 12 8 LA J25 +26 12 8 LA J26 +26 12 8 LA J27 +26 12 8 LA J28 +26 12 8 LA J29 +26 12 8 LA J30 +26 12 8 LA J31 +26 12 8 LA J32 +26 12 8 LA J33 +26 12 8 LA J34 +26 12 8 LA J35 +26 12 8 LA J36 +26 12 8 LA J37 +26 12 8 LA J38 +26 12 8 LA J39 +26 12 8 LA J40 +26 12 9 NA F3 +26 13 1 TA A0 +26 13 1 TA A1 +26 13 1 TA A2 +26 13 1 TA A3 +26 13 1 TA A4 +26 13 1 TA A5 +26 13 1 TA A6 +26 13 1 TA A7 +26 13 1 TA A8 +26 13 1 TA A9 +26 13 1 TA A10 +26 13 1 TA A11 +26 13 1 TA A12 +26 13 1 TA A13 +26 13 1 TA A14 +26 13 1 TA A15 +26 13 1 TA A16 +26 13 1 TA A17 +26 13 1 TA A18 +26 13 1 TA A19 +26 13 1 TA A20 +26 13 1 TA A21 +26 13 1 TA A22 +26 13 1 TA A23 +26 13 1 TA A24 +26 13 1 TA A25 +26 13 1 TA A26 +26 13 1 TA A27 +26 13 1 TA A28 +26 13 1 TA A29 +26 13 1 TA A30 +26 13 1 TA A31 +26 13 1 TA A32 +26 13 1 TA A33 +26 13 1 TA A34 +26 13 1 TA A35 +26 13 1 TA A36 +26 13 1 TA A37 +26 13 1 TA A38 +26 13 1 TA A39 +26 13 1 TA A40 +26 13 2 MC F27 +26 13 3 RA G19 +26 13 4 CA I2 +26 13 5 LA J0 +26 13 5 LA J1 +26 13 5 LA J2 +26 13 5 LA J3 +26 13 5 LA J4 +26 13 5 LA J5 +26 13 5 LA J6 +26 13 5 LA J7 +26 13 5 LA J8 +26 13 5 LA J9 +26 13 5 LA J10 +26 13 5 LA J11 +26 13 5 LA J12 +26 13 5 LA J13 +26 13 5 LA J14 +26 13 5 LA J15 +26 13 5 LA J16 +26 13 5 LA J17 +26 13 5 LA J18 +26 13 5 LA J19 +26 13 5 LA J20 +26 13 5 LA J21 +26 13 5 LA J22 +26 13 5 LA J23 +26 13 5 LA J24 +26 13 5 LA J25 +26 13 5 LA J26 +26 13 5 LA J27 +26 13 5 LA J28 +26 13 5 LA J29 +26 13 5 LA J30 +26 13 5 LA J31 +26 13 5 LA J32 +26 13 5 LA J33 +26 13 5 LA J34 +26 13 5 LA J35 +26 13 5 LA J36 +26 13 5 LA J37 +26 13 5 LA J38 +26 13 5 LA J39 +26 13 5 LA J40 +26 13 6 GA G3 +26 13 7 NA E6 +26 13 8 RO D1 +26 14 1 TA A0 +26 14 1 TA A1 +26 14 1 TA A2 +26 14 1 TA A3 +26 14 1 TA A4 +26 14 1 TA A5 +26 14 1 TA A6 +26 14 1 TA A7 +26 14 1 TA A8 +26 14 1 TA A9 +26 14 1 TA A10 +26 14 1 TA A11 +26 14 1 TA A12 +26 14 1 TA A13 +26 14 1 TA A14 +26 14 1 TA A15 +26 14 1 TA A16 +26 14 1 TA A17 +26 14 1 TA A18 +26 14 1 TA A19 +26 14 1 TA A20 +26 14 1 TA A21 +26 14 1 TA A22 +26 14 1 TA A23 +26 14 1 TA A24 +26 14 1 TA A25 +26 14 1 TA A26 +26 14 1 TA A27 +26 14 1 TA A28 +26 14 1 TA A29 +26 14 1 TA A30 +26 14 1 TA A31 +26 14 1 TA A32 +26 14 1 TA A33 +26 14 1 TA A34 +26 14 1 TA A35 +26 14 1 TA A36 +26 14 1 TA A37 +26 14 1 TA A38 +26 14 1 TA A39 +26 14 1 TA A40 +26 14 2 NA C9 +26 14 3 RO G39 +26 14 4 MC G28 +26 14 5 RA G17 +26 14 6 CA G5 +26 14 7 LA J0 +26 14 7 LA J1 +26 14 7 LA J2 +26 14 7 LA J3 +26 14 7 LA J4 +26 14 7 LA J5 +26 14 7 LA J6 +26 14 7 LA J7 +26 14 7 LA J8 +26 14 7 LA J9 +26 14 7 LA J10 +26 14 7 LA J11 +26 14 7 LA J12 +26 14 7 LA J13 +26 14 7 LA J14 +26 14 7 LA J15 +26 14 7 LA J16 +26 14 7 LA J17 +26 14 7 LA J18 +26 14 7 LA J19 +26 14 7 LA J20 +26 14 7 LA J21 +26 14 7 LA J22 +26 14 7 LA J23 +26 14 7 LA J24 +26 14 7 LA J25 +26 14 7 LA J26 +26 14 7 LA J27 +26 14 7 LA J28 +26 14 7 LA J29 +26 14 7 LA J30 +26 14 7 LA J31 +26 14 7 LA J32 +26 14 7 LA J33 +26 14 7 LA J34 +26 14 7 LA J35 +26 14 7 LA J36 +26 14 7 LA J37 +26 14 7 LA J38 +26 14 7 LA J39 +26 14 7 LA J40 +26 14 8 GA G1 +26 15 1 TA A0 +26 15 1 TA A1 +26 15 1 TA A2 +26 15 1 TA A3 +26 15 1 TA A4 +26 15 1 TA A5 +26 15 1 TA A6 +26 15 1 TA A7 +26 15 1 TA A8 +26 15 1 TA A9 +26 15 1 TA A10 +26 15 1 TA A11 +26 15 1 TA A12 +26 15 1 TA A13 +26 15 1 TA A14 +26 15 1 TA A15 +26 15 1 TA A16 +26 15 1 TA A17 +26 15 1 TA A18 +26 15 1 TA A19 +26 15 1 TA A20 +26 15 1 TA A21 +26 15 1 TA A22 +26 15 1 TA A23 +26 15 1 TA A24 +26 15 1 TA A25 +26 15 1 TA A26 +26 15 1 TA A27 +26 15 1 TA A28 +26 15 1 TA A29 +26 15 1 TA A30 +26 15 1 TA A31 +26 15 1 TA A32 +26 15 1 TA A33 +26 15 1 TA A34 +26 15 1 TA A35 +26 15 1 TA A36 +26 15 1 TA A37 +26 15 1 TA A38 +26 15 1 TA A39 +26 15 1 TA A40 +26 15 2 NA C9 +26 15 3 RO F39 +26 15 4 MC G29 +26 15 5 RA H18 +26 15 6 CA G7 +26 15 7 LA J0 +26 15 7 LA J1 +26 15 7 LA J2 +26 15 7 LA J3 +26 15 7 LA J4 +26 15 7 LA J5 +26 15 7 LA J6 +26 15 7 LA J7 +26 15 7 LA J8 +26 15 7 LA J9 +26 15 7 LA J10 +26 15 7 LA J11 +26 15 7 LA J12 +26 15 7 LA J13 +26 15 7 LA J14 +26 15 7 LA J15 +26 15 7 LA J16 +26 15 7 LA J17 +26 15 7 LA J18 +26 15 7 LA J19 +26 15 7 LA J20 +26 15 7 LA J21 +26 15 7 LA J22 +26 15 7 LA J23 +26 15 7 LA J24 +26 15 7 LA J25 +26 15 7 LA J26 +26 15 7 LA J27 +26 15 7 LA J28 +26 15 7 LA J29 +26 15 7 LA J30 +26 15 7 LA J31 +26 15 7 LA J32 +26 15 7 LA J33 +26 15 7 LA J34 +26 15 7 LA J35 +26 15 7 LA J36 +26 15 7 LA J37 +26 15 7 LA J38 +26 15 7 LA J39 +26 15 7 LA J40 +26 15 8 GA F4 +26 16 1 TA A0 +26 16 1 TA A1 +26 16 1 TA A2 +26 16 1 TA A3 +26 16 1 TA A4 +26 16 1 TA A5 +26 16 1 TA A6 +26 16 1 TA A7 +26 16 1 TA A8 +26 16 1 TA A9 +26 16 1 TA A10 +26 16 1 TA A11 +26 16 1 TA A12 +26 16 1 TA A13 +26 16 1 TA A14 +26 16 1 TA A15 +26 16 1 TA A16 +26 16 1 TA A17 +26 16 1 TA A18 +26 16 1 TA A19 +26 16 1 TA A20 +26 16 1 TA A21 +26 16 1 TA A22 +26 16 1 TA A23 +26 16 1 TA A24 +26 16 1 TA A25 +26 16 1 TA A26 +26 16 1 TA A27 +26 16 1 TA A28 +26 16 1 TA A29 +26 16 1 TA A30 +26 16 1 TA A31 +26 16 1 TA A32 +26 16 1 TA A33 +26 16 1 TA A34 +26 16 1 TA A35 +26 16 1 TA A36 +26 16 1 TA A37 +26 16 1 TA A38 +26 16 1 TA A39 +26 16 1 TA A40 +26 16 2 NA C9 +26 16 3 MC G33 +26 16 4 RA G18 +26 16 5 LA J0 +26 16 5 LA J1 +26 16 5 LA J2 +26 16 5 LA J3 +26 16 5 LA J4 +26 16 5 LA J5 +26 16 5 LA J6 +26 16 5 LA J7 +26 16 5 LA J8 +26 16 5 LA J9 +26 16 5 LA J10 +26 16 5 LA J11 +26 16 5 LA J12 +26 16 5 LA J13 +26 16 5 LA J14 +26 16 5 LA J15 +26 16 5 LA J16 +26 16 5 LA J17 +26 16 5 LA J18 +26 16 5 LA J19 +26 16 5 LA J20 +26 16 5 LA J21 +26 16 5 LA J22 +26 16 5 LA J23 +26 16 5 LA J24 +26 16 5 LA J25 +26 16 5 LA J26 +26 16 5 LA J27 +26 16 5 LA J28 +26 16 5 LA J29 +26 16 5 LA J30 +26 16 5 LA J31 +26 16 5 LA J32 +26 16 5 LA J33 +26 16 5 LA J34 +26 16 5 LA J35 +26 16 5 LA J36 +26 16 5 LA J37 +26 16 5 LA J38 +26 16 5 LA J39 +26 16 5 LA J40 +26 16 6 GA G2 +26 17 1 TA A0 +26 17 1 TA A1 +26 17 1 TA A2 +26 17 1 TA A3 +26 17 1 TA A4 +26 17 1 TA A5 +26 17 1 TA A6 +26 17 1 TA A7 +26 17 1 TA A8 +26 17 1 TA A9 +26 17 1 TA A10 +26 17 1 TA A11 +26 17 1 TA A12 +26 17 1 TA A13 +26 17 1 TA A14 +26 17 1 TA A15 +26 17 1 TA A16 +26 17 1 TA A17 +26 17 1 TA A18 +26 17 1 TA A19 +26 17 1 TA A20 +26 17 1 TA A21 +26 17 1 TA A22 +26 17 1 TA A23 +26 17 1 TA A24 +26 17 1 TA A25 +26 17 1 TA A26 +26 17 1 TA A27 +26 17 1 TA A28 +26 17 1 TA A29 +26 17 1 TA A30 +26 17 1 TA A31 +26 17 1 TA A32 +26 17 1 TA A33 +26 17 1 TA A34 +26 17 1 TA A35 +26 17 1 TA A36 +26 17 1 TA A37 +26 17 1 TA A38 +26 17 1 TA A39 +26 17 1 TA A40 +26 17 2 NA C9 +26 17 3 RO E40 +26 17 4 CA I39 +26 17 5 MC H28 +26 17 6 RA G21 +26 17 7 GA F2 +26 17 8 LA J0 +26 17 8 LA J1 +26 17 8 LA J2 +26 17 8 LA J3 +26 17 8 LA J4 +26 17 8 LA J5 +26 17 8 LA J6 +26 17 8 LA J7 +26 17 8 LA J8 +26 17 8 LA J9 +26 17 8 LA J10 +26 17 8 LA J11 +26 17 8 LA J12 +26 17 8 LA J13 +26 17 8 LA J14 +26 17 8 LA J15 +26 17 8 LA J16 +26 17 8 LA J17 +26 17 8 LA J18 +26 17 8 LA J19 +26 17 8 LA J20 +26 17 8 LA J21 +26 17 8 LA J22 +26 17 8 LA J23 +26 17 8 LA J24 +26 17 8 LA J25 +26 17 8 LA J26 +26 17 8 LA J27 +26 17 8 LA J28 +26 17 8 LA J29 +26 17 8 LA J30 +26 17 8 LA J31 +26 17 8 LA J32 +26 17 8 LA J33 +26 17 8 LA J34 +26 17 8 LA J35 +26 17 8 LA J36 +26 17 8 LA J37 +26 17 8 LA J38 +26 17 8 LA J39 +26 17 8 LA J40 +26 18 1 TA A0 +26 18 1 TA A1 +26 18 1 TA A2 +26 18 1 TA A3 +26 18 1 TA A4 +26 18 1 TA A5 +26 18 1 TA A6 +26 18 1 TA A7 +26 18 1 TA A8 +26 18 1 TA A9 +26 18 1 TA A10 +26 18 1 TA A11 +26 18 1 TA A12 +26 18 1 TA A13 +26 18 1 TA A14 +26 18 1 TA A15 +26 18 1 TA A16 +26 18 1 TA A17 +26 18 1 TA A18 +26 18 1 TA A19 +26 18 1 TA A20 +26 18 1 TA A21 +26 18 1 TA A22 +26 18 1 TA A23 +26 18 1 TA A24 +26 18 1 TA A25 +26 18 1 TA A26 +26 18 1 TA A27 +26 18 1 TA A28 +26 18 1 TA A29 +26 18 1 TA A30 +26 18 1 TA A31 +26 18 1 TA A32 +26 18 1 TA A33 +26 18 1 TA A34 +26 18 1 TA A35 +26 18 1 TA A36 +26 18 1 TA A37 +26 18 1 TA A38 +26 18 1 TA A39 +26 18 1 TA A40 +26 18 2 NA C9 +26 18 3 RO F39 +26 18 4 MC I39 +26 18 5 H G29 +26 18 6 RA F17 +26 18 7 JG F6 +26 18 8 CA G5 +26 18 9 LA J0 +26 18 9 LA J1 +26 18 9 LA J2 +26 18 9 LA J3 +26 18 9 LA J4 +26 18 9 LA J5 +26 18 9 LA J6 +26 18 9 LA J7 +26 18 9 LA J8 +26 18 9 LA J9 +26 18 9 LA J10 +26 18 9 LA J11 +26 18 9 LA J12 +26 18 9 LA J13 +26 18 9 LA J14 +26 18 9 LA J15 +26 18 9 LA J16 +26 18 9 LA J17 +26 18 9 LA J18 +26 18 9 LA J19 +26 18 9 LA J20 +26 18 9 LA J21 +26 18 9 LA J22 +26 18 9 LA J23 +26 18 9 LA J24 +26 18 9 LA J25 +26 18 9 LA J26 +26 18 9 LA J27 +26 18 9 LA J28 +26 18 9 LA J29 +26 18 9 LA J30 +26 18 9 LA J31 +26 18 9 LA J32 +26 18 9 LA J33 +26 18 9 LA J34 +26 18 9 LA J35 +26 18 9 LA J36 +26 18 9 LA J37 +26 18 9 LA J38 +26 18 9 LA J39 +26 18 9 LA J40 +26 18 10 GA G2 +26 19 1 TA A0 +26 19 1 TA A1 +26 19 1 TA A2 +26 19 1 TA A3 +26 19 1 TA A4 +26 19 1 TA A5 +26 19 1 TA A6 +26 19 1 TA A7 +26 19 1 TA A8 +26 19 1 TA A9 +26 19 1 TA A10 +26 19 1 TA A11 +26 19 1 TA A12 +26 19 1 TA A13 +26 19 1 TA A14 +26 19 1 TA A15 +26 19 1 TA A16 +26 19 1 TA A17 +26 19 1 TA A18 +26 19 1 TA A19 +26 19 1 TA A20 +26 19 1 TA A21 +26 19 1 TA A22 +26 19 1 TA A23 +26 19 1 TA A24 +26 19 1 TA A25 +26 19 1 TA A26 +26 19 1 TA A27 +26 19 1 TA A28 +26 19 1 TA A29 +26 19 1 TA A30 +26 19 1 TA A31 +26 19 1 TA A32 +26 19 1 TA A33 +26 19 1 TA A34 +26 19 1 TA A35 +26 19 1 TA A36 +26 19 1 TA A37 +26 19 1 TA A38 +26 19 1 TA A39 +26 19 1 TA A40 +26 19 2 NA C8 +26 19 3 HE F28 +26 19 4 RO F39 +26 19 5 MC I39 +26 19 6 RA H21 +26 19 7 CA H8 +26 19 8 LA J0 +26 19 8 LA J1 +26 19 8 LA J2 +26 19 8 LA J3 +26 19 8 LA J4 +26 19 8 LA J5 +26 19 8 LA J6 +26 19 8 LA J7 +26 19 8 LA J8 +26 19 8 LA J9 +26 19 8 LA J10 +26 19 8 LA J11 +26 19 8 LA J12 +26 19 8 LA J13 +26 19 8 LA J14 +26 19 8 LA J15 +26 19 8 LA J16 +26 19 8 LA J17 +26 19 8 LA J18 +26 19 8 LA J19 +26 19 8 LA J20 +26 19 8 LA J21 +26 19 8 LA J22 +26 19 8 LA J23 +26 19 8 LA J24 +26 19 8 LA J25 +26 19 8 LA J26 +26 19 8 LA J27 +26 19 8 LA J28 +26 19 8 LA J29 +26 19 8 LA J30 +26 19 8 LA J31 +26 19 8 LA J32 +26 19 8 LA J33 +26 19 8 LA J34 +26 19 8 LA J35 +26 19 8 LA J36 +26 19 8 LA J37 +26 19 8 LA J38 +26 19 8 LA J39 +26 19 8 LA J40 +26 19 9 GA H2 +26 20 1 TA A0 +26 20 1 TA A1 +26 20 1 TA A2 +26 20 1 TA A3 +26 20 1 TA A4 +26 20 1 TA A5 +26 20 1 TA A6 +26 20 1 TA A7 +26 20 1 TA A8 +26 20 1 TA A9 +26 20 1 TA A10 +26 20 1 TA A11 +26 20 1 TA A12 +26 20 1 TA A13 +26 20 1 TA A14 +26 20 1 TA A15 +26 20 1 TA A16 +26 20 1 TA A17 +26 20 1 TA A18 +26 20 1 TA A19 +26 20 1 TA A20 +26 20 1 TA A21 +26 20 1 TA A22 +26 20 1 TA A23 +26 20 1 TA A24 +26 20 1 TA A25 +26 20 1 TA A26 +26 20 1 TA A27 +26 20 1 TA A28 +26 20 1 TA A29 +26 20 1 TA A30 +26 20 1 TA A31 +26 20 1 TA A32 +26 20 1 TA A33 +26 20 1 TA A34 +26 20 1 TA A35 +26 20 1 TA A36 +26 20 1 TA A37 +26 20 1 TA A38 +26 20 1 TA A39 +26 20 1 TA A40 +26 20 2 NA C9 +26 20 2 NA C10 +26 20 3 RO F40 +26 20 4 MC G30 +26 20 5 RA G20 +26 20 6 JG I12 +26 20 7 CA H7 +26 20 8 LA J0 +26 20 8 LA J1 +26 20 8 LA J2 +26 20 8 LA J3 +26 20 8 LA J4 +26 20 8 LA J5 +26 20 8 LA J6 +26 20 8 LA J7 +26 20 8 LA J8 +26 20 8 LA J9 +26 20 8 LA J10 +26 20 8 LA J11 +26 20 8 LA J12 +26 20 8 LA J13 +26 20 8 LA J14 +26 20 8 LA J15 +26 20 8 LA J16 +26 20 8 LA J17 +26 20 8 LA J18 +26 20 8 LA J19 +26 20 8 LA J20 +26 20 8 LA J21 +26 20 8 LA J22 +26 20 8 LA J23 +26 20 8 LA J24 +26 20 8 LA J25 +26 20 8 LA J26 +26 20 8 LA J27 +26 20 8 LA J28 +26 20 8 LA J29 +26 20 8 LA J30 +26 20 8 LA J31 +26 20 8 LA J32 +26 20 8 LA J33 +26 20 8 LA J34 +26 20 8 LA J35 +26 20 8 LA J36 +26 20 8 LA J37 +26 20 8 LA J38 +26 20 8 LA J39 +26 20 8 LA J40 +26 20 9 GA G2 +26 21 1 TA A0 +26 21 1 TA A1 +26 21 1 TA A2 +26 21 1 TA A3 +26 21 1 TA A4 +26 21 1 TA A5 +26 21 1 TA A6 +26 21 1 TA A7 +26 21 1 TA A8 +26 21 1 TA A9 +26 21 1 TA A10 +26 21 1 TA A11 +26 21 1 TA A12 +26 21 1 TA A13 +26 21 1 TA A14 +26 21 1 TA A15 +26 21 1 TA A16 +26 21 1 TA A17 +26 21 1 TA A18 +26 21 1 TA A19 +26 21 1 TA A20 +26 21 1 TA A21 +26 21 1 TA A22 +26 21 1 TA A23 +26 21 1 TA A24 +26 21 1 TA A25 +26 21 1 TA A26 +26 21 1 TA A27 +26 21 1 TA A28 +26 21 1 TA A29 +26 21 1 TA A30 +26 21 1 TA A31 +26 21 1 TA A32 +26 21 1 TA A33 +26 21 1 TA A34 +26 21 1 TA A35 +26 21 1 TA A36 +26 21 1 TA A37 +26 21 1 TA A38 +26 21 1 TA A39 +26 21 1 TA A40 +26 21 2 NA C10 +26 21 3 RO D38 +26 21 4 MC H36 +26 21 5 RA G22 +26 21 6 CA I8 +26 21 7 LA J0 +26 21 7 LA J1 +26 21 7 LA J2 +26 21 7 LA J3 +26 21 7 LA J4 +26 21 7 LA J5 +26 21 7 LA J6 +26 21 7 LA J7 +26 21 7 LA J8 +26 21 7 LA J9 +26 21 7 LA J10 +26 21 7 LA J11 +26 21 7 LA J12 +26 21 7 LA J13 +26 21 7 LA J14 +26 21 7 LA J15 +26 21 7 LA J16 +26 21 7 LA J17 +26 21 7 LA J18 +26 21 7 LA J19 +26 21 7 LA J20 +26 21 7 LA J21 +26 21 7 LA J22 +26 21 7 LA J23 +26 21 7 LA J24 +26 21 7 LA J25 +26 21 7 LA J26 +26 21 7 LA J27 +26 21 7 LA J28 +26 21 7 LA J29 +26 21 7 LA J30 +26 21 7 LA J31 +26 21 7 LA J32 +26 21 7 LA J33 +26 21 7 LA J34 +26 21 7 LA J35 +26 21 7 LA J36 +26 21 7 LA J37 +26 21 7 LA J38 +26 21 7 LA J39 +26 21 7 LA J40 +26 21 8 GA G1 +26 22 1 TA A0 +26 22 1 TA A1 +26 22 1 TA A2 +26 22 1 TA A3 +26 22 1 TA A4 +26 22 1 TA A5 +26 22 1 TA A6 +26 22 1 TA A7 +26 22 1 TA A8 +26 22 1 TA A9 +26 22 1 TA A10 +26 22 1 TA A11 +26 22 1 TA A12 +26 22 1 TA A13 +26 22 1 TA A14 +26 22 1 TA A15 +26 22 1 TA A16 +26 22 1 TA A17 +26 22 1 TA A18 +26 22 1 TA A19 +26 22 1 TA A20 +26 22 1 TA A21 +26 22 1 TA A22 +26 22 1 TA A23 +26 22 1 TA A24 +26 22 1 TA A25 +26 22 1 TA A26 +26 22 1 TA A27 +26 22 1 TA A28 +26 22 1 TA A29 +26 22 1 TA A30 +26 22 1 TA A31 +26 22 1 TA A32 +26 22 1 TA A33 +26 22 1 TA A34 +26 22 1 TA A35 +26 22 1 TA A36 +26 22 1 TA A37 +26 22 1 TA A38 +26 22 1 TA A39 +26 22 1 TA A40 +26 22 2 RO D8 +26 22 3 NA H36 +26 22 4 CA I37 +26 22 5 RA I18 +26 22 6 GA I2 +26 22 7 LA J0 +26 22 7 LA J1 +26 22 7 LA J2 +26 22 7 LA J3 +26 22 7 LA J4 +26 22 7 LA J5 +26 22 7 LA J6 +26 22 7 LA J7 +26 22 7 LA J8 +26 22 7 LA J9 +26 22 7 LA J10 +26 22 7 LA J11 +26 22 7 LA J12 +26 22 7 LA J13 +26 22 7 LA J14 +26 22 7 LA J15 +26 22 7 LA J16 +26 22 7 LA J17 +26 22 7 LA J18 +26 22 7 LA J19 +26 22 7 LA J20 +26 22 7 LA J21 +26 22 7 LA J22 +26 22 7 LA J23 +26 22 7 LA J24 +26 22 7 LA J25 +26 22 7 LA J26 +26 22 7 LA J27 +26 22 7 LA J28 +26 22 7 LA J29 +26 22 7 LA J30 +26 22 7 LA J31 +26 22 7 LA J32 +26 22 7 LA J33 +26 22 7 LA J34 +26 22 7 LA J35 +26 22 7 LA J36 +26 22 7 LA J37 +26 22 7 LA J38 +26 22 7 LA J39 +26 22 7 LA J40 +26 23 1 TA A0 +26 23 1 TA A1 +26 23 1 TA A2 +26 23 1 TA A3 +26 23 1 TA A4 +26 23 1 TA A5 +26 23 1 TA A6 +26 23 1 TA A7 +26 23 1 TA A8 +26 23 1 TA A9 +26 23 1 TA A10 +26 23 1 TA A11 +26 23 1 TA A12 +26 23 1 TA A13 +26 23 1 TA A14 +26 23 1 TA A15 +26 23 1 TA A16 +26 23 1 TA A17 +26 23 1 TA A18 +26 23 1 TA A19 +26 23 1 TA A20 +26 23 1 TA A21 +26 23 1 TA A22 +26 23 1 TA A23 +26 23 1 TA A24 +26 23 1 TA A25 +26 23 1 TA A26 +26 23 1 TA A27 +26 23 1 TA A28 +26 23 1 TA A29 +26 23 1 TA A30 +26 23 1 TA A31 +26 23 1 TA A32 +26 23 1 TA A33 +26 23 1 TA A34 +26 23 1 TA A35 +26 23 1 TA A36 +26 23 1 TA A37 +26 23 1 TA A38 +26 23 1 TA A39 +26 23 1 TA A40 +26 23 2 NA D9 +26 23 3 RO E35 +26 23 4 MC G33 +26 23 5 RA G20 +26 23 6 CA I2 +26 23 7 LA J0 +26 23 7 LA J1 +26 23 7 LA J2 +26 23 7 LA J3 +26 23 7 LA J4 +26 23 7 LA J5 +26 23 7 LA J6 +26 23 7 LA J7 +26 23 7 LA J8 +26 23 7 LA J9 +26 23 7 LA J10 +26 23 7 LA J11 +26 23 7 LA J12 +26 23 7 LA J13 +26 23 7 LA J14 +26 23 7 LA J15 +26 23 7 LA J16 +26 23 7 LA J17 +26 23 7 LA J18 +26 23 7 LA J19 +26 23 7 LA J20 +26 23 7 LA J21 +26 23 7 LA J22 +26 23 7 LA J23 +26 23 7 LA J24 +26 23 7 LA J25 +26 23 7 LA J26 +26 23 7 LA J27 +26 23 7 LA J28 +26 23 7 LA J29 +26 23 7 LA J30 +26 23 7 LA J31 +26 23 7 LA J32 +26 23 7 LA J33 +26 23 7 LA J34 +26 23 7 LA J35 +26 23 7 LA J36 +26 23 7 LA J37 +26 23 7 LA J38 +26 23 7 LA J39 +26 23 7 LA J40 +26 23 8 GA F2 +26 24 1 TA A0 +26 24 1 TA A1 +26 24 1 TA A2 +26 24 1 TA A3 +26 24 1 TA A4 +26 24 1 TA A5 +26 24 1 TA A6 +26 24 1 TA A7 +26 24 1 TA A8 +26 24 1 TA A9 +26 24 1 TA A10 +26 24 1 TA A11 +26 24 1 TA A12 +26 24 1 TA A13 +26 24 1 TA A14 +26 24 1 TA A15 +26 24 1 TA A16 +26 24 1 TA A17 +26 24 1 TA A18 +26 24 1 TA A19 +26 24 1 TA A20 +26 24 1 TA A21 +26 24 1 TA A22 +26 24 1 TA A23 +26 24 1 TA A24 +26 24 1 TA A25 +26 24 1 TA A26 +26 24 1 TA A27 +26 24 1 TA A28 +26 24 1 TA A29 +26 24 1 TA A30 +26 24 1 TA A31 +26 24 1 TA A32 +26 24 1 TA A33 +26 24 1 TA A34 +26 24 1 TA A35 +26 24 1 TA A36 +26 24 1 TA A37 +26 24 1 TA A38 +26 24 1 TA A39 +26 24 1 TA A40 +26 24 2 NA C11 +26 24 3 RO F38 +26 24 4 RA G21 +26 24 5 CA H3 +26 24 6 GA H2 +26 24 7 LA J0 +26 24 7 LA J1 +26 24 7 LA J2 +26 24 7 LA J3 +26 24 7 LA J4 +26 24 7 LA J5 +26 24 7 LA J6 +26 24 7 LA J7 +26 24 7 LA J8 +26 24 7 LA J9 +26 24 7 LA J10 +26 24 7 LA J11 +26 24 7 LA J12 +26 24 7 LA J13 +26 24 7 LA J14 +26 24 7 LA J15 +26 24 7 LA J16 +26 24 7 LA J17 +26 24 7 LA J18 +26 24 7 LA J19 +26 24 7 LA J20 +26 24 7 LA J21 +26 24 7 LA J22 +26 24 7 LA J23 +26 24 7 LA J24 +26 24 7 LA J25 +26 24 7 LA J26 +26 24 7 LA J27 +26 24 7 LA J28 +26 24 7 LA J29 +26 24 7 LA J30 +26 24 7 LA J31 +26 24 7 LA J32 +26 24 7 LA J33 +26 24 7 LA J34 +26 24 7 LA J35 +26 24 7 LA J36 +26 24 7 LA J37 +26 24 7 LA J38 +26 24 7 LA J39 +26 24 7 LA J40 +26 25 1 TA A0 +26 25 1 TA A1 +26 25 1 TA A2 +26 25 1 TA A3 +26 25 1 TA A4 +26 25 1 TA A5 +26 25 1 TA A6 +26 25 1 TA A7 +26 25 1 TA A8 +26 25 1 TA A9 +26 25 1 TA A10 +26 25 1 TA A11 +26 25 1 TA A12 +26 25 1 TA A13 +26 25 1 TA A14 +26 25 1 TA A15 +26 25 1 TA A16 +26 25 1 TA A17 +26 25 1 TA A18 +26 25 1 TA A19 +26 25 1 TA A20 +26 25 1 TA A21 +26 25 1 TA A22 +26 25 1 TA A23 +26 25 1 TA A24 +26 25 1 TA A25 +26 25 1 TA A26 +26 25 1 TA A27 +26 25 1 TA A28 +26 25 1 TA A29 +26 25 1 TA A30 +26 25 1 TA A31 +26 25 1 TA A32 +26 25 1 TA A33 +26 25 1 TA A34 +26 25 1 TA A35 +26 25 1 TA A36 +26 25 1 TA A37 +26 25 1 TA A38 +26 25 1 TA A39 +26 25 1 TA A40 +26 25 2 NA C9 +26 25 3 RO F39 +26 25 4 MC I39 +26 25 5 CA I38 +26 25 6 RA G18 +26 25 7 GA H4 +26 25 8 LA J0 +26 25 8 LA J1 +26 25 8 LA J2 +26 25 8 LA J3 +26 25 8 LA J4 +26 25 8 LA J5 +26 25 8 LA J6 +26 25 8 LA J7 +26 25 8 LA J8 +26 25 8 LA J9 +26 25 8 LA J10 +26 25 8 LA J11 +26 25 8 LA J12 +26 25 8 LA J13 +26 25 8 LA J14 +26 25 8 LA J15 +26 25 8 LA J16 +26 25 8 LA J17 +26 25 8 LA J18 +26 25 8 LA J19 +26 25 8 LA J20 +26 25 8 LA J21 +26 25 8 LA J22 +26 25 8 LA J23 +26 25 8 LA J24 +26 25 8 LA J25 +26 25 8 LA J26 +26 25 8 LA J27 +26 25 8 LA J28 +26 25 8 LA J29 +26 25 8 LA J30 +26 25 8 LA J31 +26 25 8 LA J32 +26 25 8 LA J33 +26 25 8 LA J34 +26 25 8 LA J35 +26 25 8 LA J36 +26 25 8 LA J37 +26 25 8 LA J38 +26 25 8 LA J39 +26 25 8 LA J40 +27 1 1 CB J8 +27 1 2 CT G1 +27 1 3 CH I8 +27 1 4 CU H18 +27 1 5 AM C10 +27 1 6 AS H30 +27 1 7 VE H18 +27 1 8 MO G32 +27 1 9 PU A3 +27 1 10 NN E2 +27 1 11 RO D1 +27 1 12 CA I7 +27 1 13 CL F28 +27 1 14 IN H29 +27 4 1 CB J0 +27 4 2 CT G1 +27 4 3 CR D0 +27 4 4 CH H6 +27 4 5 AM C9 +27 4 6 AS G30 +27 4 7 NO C15 +27 4 8 VE H20 +27 4 9 MO H34 +27 4 10 PU A17 +27 4 11 GI F39 +27 4 12 RO C3 +27 4 13 SA A1 +27 4 14 CL E29 +27 4 15 NA E4 +27 4 16 TO J7 +27 4 17 AN B28 +27 5 1 CB J0 +27 5 2 CR G0 +27 5 3 CO F5 +27 5 4 CH H9 +27 5 5 CU I8 +27 5 6 AM C8 +27 5 7 AS H30 +27 5 8 NO F15 +27 5 9 VE H17 +27 5 10 MO I34 +27 5 11 PU A23 +27 5 12 GI F0 +27 5 13 NN F39 +27 5 14 SA C1 +27 5 15 CA H8 +27 5 16 CL G26 +27 5 17 AL H39 +27 6 1 CB J4 +27 6 2 CT G3 +27 6 3 CR D0 +27 6 4 CO E7 +27 6 5 CH G7 +27 6 6 CU H7 +27 6 7 AM C11 +27 6 8 AS G30 +27 6 9 NO D15 +27 6 10 VE H20 +27 6 11 MO H33 +27 6 12 PU A23 +27 6 13 CA H7 +27 6 14 CL F29 +27 6 15 NA E5 +27 6 16 TO I21 +27 7 1 CB J40 +27 7 2 CT F0 +27 7 3 CO E4 +27 7 4 CH H9 +27 7 5 AM C8 +27 7 6 AS F29 +27 7 7 AC C39 +27 7 8 NO C15 +27 7 9 VE G20 +27 7 10 MO I37 +27 7 11 PU A13 +27 7 12 NN B13 +27 7 13 CA G6 +27 7 14 CL E28 +27 7 15 NA D6 +27 7 16 AL E37 +27 7 17 NS F17 +27 7 18 PL D0 +27 7 19 UR E4 +27 7 20 VI C40 +27 7 21 PN A39 +27 7 22 TI E39 +27 8 1 AM C9 +27 8 2 NO E17 +27 8 3 RO F37 +27 8 4 CL D24 +27 8 5 CX H0 +27 8 6 BA F6 +27 9 1 CB J18 +27 9 2 CT G1 +27 9 3 CR D0 +27 9 4 CO D6 +27 9 5 CH H7 +27 9 6 CU E0 +27 9 7 AM C9 +27 9 8 AS H30 +27 9 9 NO E14 +27 9 10 VE G18 +27 9 11 MO H34 +27 9 12 PU A40 +27 9 13 GI G0 +27 9 14 MA H0 +27 9 15 CA H6 +27 9 16 CL D28 +27 9 17 NA E5 +27 10 1 CB J0 +27 10 2 CT F4 +27 10 3 CR E0 +27 10 4 CO E6 +27 10 5 CH G6 +27 10 6 AM D7 +27 10 7 AS I28 +27 10 8 NO E16 +27 10 9 VE G19 +27 10 10 MO I1 +27 10 11 PU A40 +27 10 12 GI F40 +27 10 13 NN D1 +27 10 14 SA B7 +27 10 15 MY F10 +27 10 16 CL F28 +27 10 17 AN E4 +27 11 1 CB J0 +27 11 2 CT E40 +27 11 3 AM C9 +27 11 4 AS E28 +27 11 5 MO G32 +27 11 6 PU A27 +27 12 1 CB J32 +27 12 2 CT G2 +27 12 3 AM C9 +27 12 4 AS I28 +27 12 5 VE H21 +27 12 6 MO I34 +27 12 7 PU A36 +27 12 8 RJ G2 +27 12 9 GI G40 +27 12 10 CA I7 +27 13 1 CB J0 +27 13 2 CT G1 +27 13 3 AM C8 +27 13 4 AS G30 +27 13 5 VE H17 +27 13 6 MO I40 +27 13 7 PU A0 +27 13 8 CA H5 +27 13 9 NS H12 +27 13 10 PL D0 +27 13 11 NX C9 +27 13 12 YA I13 +27 13 13 YU B9 +27 14 1 CB J0 +27 14 2 CT F4 +27 14 3 CH E9 +27 14 4 AM C9 +27 14 5 AS H28 +27 14 6 NO D15 +27 14 7 VE G17 +27 14 8 MO H33 +27 14 9 PU A0 +27 14 10 GI F39 +27 14 11 RO D37 +27 14 12 SA B8 +27 14 13 MY H6 +27 14 14 CA H8 +27 14 15 CL D28 +27 14 16 NA D6 +27 14 17 PL D0 +27 14 18 NI G9 +27 15 1 CB J24 +27 15 2 CT F4 +27 15 3 CH H8 +27 15 4 AM C8 +27 15 5 AS H29 +27 15 6 VE H20 +27 15 7 MO I33 +27 15 8 PU A34 +27 15 9 GI H39 +27 15 10 RO D38 +27 15 11 CA H7 +27 15 12 CL D28 +27 15 13 NA D6 +27 15 14 PL G0 +27 16 1 CB J40 +27 16 2 CT F1 +27 16 3 CH C6 +27 16 4 AM C10 +27 16 5 AS H29 +27 16 6 NO E15 +27 16 7 VE F18 +27 16 8 MO H32 +27 16 9 GI C40 +27 16 10 RO F4 +27 16 11 CA H6 +27 16 12 CL D28 +27 16 13 PL F0 +27 16 14 AN D3 +27 17 1 CT G1 +27 17 2 CR D0 +27 17 3 CH F9 +27 17 4 AM C11 +27 17 5 AS G21 +27 17 6 NO F17 +27 17 7 MO H34 +27 17 8 SA B5 +27 17 9 MY G9 +27 18 1 CB J40 +27 18 2 CT F5 +27 18 3 CR C0 +27 18 4 CO E4 +27 18 5 CH F6 +27 18 6 CU F0 +27 18 7 AM C8 +27 18 8 AS H29 +27 18 9 NO E16 +27 18 10 VE H17 +27 18 11 MO G33 +27 18 12 PU A0 +27 18 13 NN E39 +27 18 14 RO E1 +27 18 15 SA B33 +27 18 16 MY G9 +27 18 17 CA G7 +27 18 18 CL F28 +27 18 19 AL H1 +27 18 20 PL E0 +27 18 21 NE A24 +27 18 22 AN E5 +27 18 23 NZ I15 +27 19 1 CB J40 +27 19 2 CT H2 +27 19 3 CU F0 +27 19 4 AM C10 +27 19 5 AS F28 +27 19 6 VE H19 +27 19 7 MO G34 +27 19 8 PU A6 +27 19 9 NN C9 +27 19 10 RO F40 +27 19 11 CA H7 +27 19 12 CL E15 +27 19 13 NS H17 +27 19 14 PL J1 +27 19 15 CM F4 +27 20 1 CB J40 +27 20 2 CR E0 +27 20 3 CO F2 +27 20 4 CH H5 +27 20 5 AM C10 +27 20 6 VE G18 +27 20 7 MO H33 +27 20 8 PU A40 +27 20 9 GI G40 +27 20 10 NN F39 +27 20 11 RO D39 +27 20 12 CA H6 +27 20 13 CL D29 +27 20 14 AL G1 +27 20 15 NS G20 +27 20 16 UR F4 +27 21 1 CT G3 +27 21 2 CH G5 +27 21 3 CU H10 +27 21 4 AM C10 +27 21 5 AS G28 +27 21 6 VE G18 +27 21 7 MO H35 +27 21 8 PU A22 +27 21 9 GI G1 +27 21 10 CA I6 +27 21 11 CL E29 +27 21 12 NA E4 +27 21 13 PL E0 +27 22 1 CB J1 +27 22 2 CT F4 +27 22 3 CH F7 +27 22 4 CU E4 +27 22 5 AM C10 +27 22 6 AS F28 +27 22 7 VE G21 +27 22 8 MO H33 +27 22 9 PU A20 +27 22 10 GI F35 +27 22 11 RO D1 +27 22 12 CA H7 +27 22 13 CL E28 +27 22 14 AL F39 +27 22 15 PL F0 +27 23 1 CB J0 +27 23 2 CT G2 +27 23 3 CU I10 +27 23 4 AM C10 +27 23 5 AS G5 +27 23 6 AC C1 +27 23 7 NO G20 +27 23 8 MO I36 +27 23 9 PU A40 +27 24 1 CB J40 +27 24 2 CT F3 +27 24 3 CR D0 +27 24 4 CO D6 +27 24 5 CH H4 +27 24 6 AM C11 +27 24 7 AS H29 +27 24 8 NO E15 +27 24 9 VE H17 +27 24 10 MO F37 +27 24 11 PU A40 +27 24 12 GI G1 +27 24 13 RO E40 +27 24 14 CA H6 +27 24 15 CL E26 +27 25 1 CB J40 +27 25 2 CT D28 +27 25 3 CR B8 +27 25 4 CO E4 +27 25 5 CH I14 +27 25 6 CU B17 +27 25 7 AM C10 +27 25 8 AS H30 +27 25 9 NO H18 +27 25 10 VE E16 +27 25 11 MO I32 +27 25 12 PU A40 +27 25 13 GI G40 +27 25 14 NN D35 +27 25 15 CL D25 +27 25 16 NA E5 +27 25 17 TO I23 +27 25 18 NE B28 +28 1 1 FJ A36 +28 1 2 DZ J32 +28 1 3 PF G3 +28 1 4 KF C9 +28 1 5 BJ F17 +28 1 6 ES G8 +28 1 7 PA C2 +28 2 1 FJ A0 +28 2 1 FJ A1 +28 2 1 FJ A2 +28 2 1 FJ A3 +28 2 1 FJ A4 +28 2 1 FJ A5 +28 2 1 FJ A6 +28 2 1 FJ A7 +28 2 1 FJ A8 +28 2 1 FJ A9 +28 2 1 FJ A10 +28 2 1 FJ A11 +28 2 1 FJ A12 +28 2 1 FJ A13 +28 2 1 FJ A14 +28 2 1 FJ A15 +28 2 1 FJ A16 +28 2 1 FJ A17 +28 2 1 FJ A18 +28 2 1 FJ A19 +28 2 1 FJ A20 +28 2 1 FJ A21 +28 2 1 FJ A22 +28 2 1 FJ A23 +28 2 1 FJ A24 +28 2 1 FJ A25 +28 2 1 FJ A26 +28 2 1 FJ A27 +28 2 1 FJ A28 +28 2 1 FJ A29 +28 2 1 FJ A30 +28 2 1 FJ A31 +28 2 1 FJ A32 +28 2 1 FJ A33 +28 2 1 FJ A34 +28 2 1 FJ A35 +28 2 1 FJ A36 +28 2 1 FJ A37 +28 2 1 FJ A38 +28 2 1 FJ A39 +28 2 1 FJ A40 +28 2 2 DZ H30 +28 2 3 PF F3 +28 2 4 KF C9 +28 2 5 BJ G18 +28 2 6 LN F38 +28 2 7 PA C3 +28 3 1 FJ A0 +28 3 1 FJ A1 +28 3 1 FJ A2 +28 3 1 FJ A3 +28 3 1 FJ A4 +28 3 1 FJ A5 +28 3 1 FJ A6 +28 3 1 FJ A7 +28 3 1 FJ A8 +28 3 1 FJ A9 +28 3 1 FJ A10 +28 3 1 FJ A11 +28 3 1 FJ A12 +28 3 1 FJ A13 +28 3 1 FJ A14 +28 3 1 FJ A15 +28 3 1 FJ A16 +28 3 1 FJ A17 +28 3 1 FJ A18 +28 3 1 FJ A19 +28 3 1 FJ A20 +28 3 1 FJ A21 +28 3 1 FJ A22 +28 3 1 FJ A23 +28 3 1 FJ A24 +28 3 1 FJ A25 +28 3 1 FJ A26 +28 3 1 FJ A27 +28 3 1 FJ A28 +28 3 1 FJ A29 +28 3 1 FJ A30 +28 3 1 FJ A31 +28 3 1 FJ A32 +28 3 1 FJ A33 +28 3 1 FJ A34 +28 3 1 FJ A35 +28 3 1 FJ A36 +28 3 1 FJ A37 +28 3 1 FJ A38 +28 3 1 FJ A39 +28 3 1 FJ A40 +28 3 2 DZ J0 +28 3 2 DZ J1 +28 3 2 DZ J2 +28 3 2 DZ J3 +28 3 2 DZ J4 +28 3 2 DZ J5 +28 3 2 DZ J6 +28 3 2 DZ J7 +28 3 2 DZ J8 +28 3 2 DZ J9 +28 3 2 DZ J10 +28 3 2 DZ J11 +28 3 2 DZ J12 +28 3 2 DZ J13 +28 3 2 DZ J14 +28 3 2 DZ J15 +28 3 2 DZ J16 +28 3 2 DZ J17 +28 3 2 DZ J18 +28 3 2 DZ J19 +28 3 2 DZ J20 +28 3 2 DZ J21 +28 3 2 DZ J22 +28 3 2 DZ J23 +28 3 2 DZ J24 +28 3 2 DZ J25 +28 3 2 DZ J26 +28 3 2 DZ J27 +28 3 2 DZ J28 +28 3 2 DZ J29 +28 3 2 DZ J30 +28 3 2 DZ J31 +28 3 2 DZ J32 +28 3 2 DZ J33 +28 3 2 DZ J34 +28 3 2 DZ J35 +28 3 2 DZ J36 +28 3 2 DZ J37 +28 3 2 DZ J38 +28 3 2 DZ J39 +28 3 2 DZ J40 +28 3 3 PF G1 +28 3 4 KF C9 +28 3 5 BJ F19 +28 3 6 BL H30 +28 3 7 LN H35 +28 3 8 ES I4 +28 3 9 PA C38 +28 4 1 FJ A0 +28 4 1 FJ A1 +28 4 1 FJ A2 +28 4 1 FJ A3 +28 4 1 FJ A4 +28 4 2 DZ J0 +28 4 2 DZ J1 +28 4 2 DZ J2 +28 4 2 DZ J3 +28 4 2 DZ J4 +28 4 3 PF G1 +28 4 4 TF C9 +28 4 5 KF C11 +28 4 6 BJ G18 +28 4 7 SA B29 +28 4 8 BL F30 +28 4 9 NS B24 +28 4 10 LN G37 +28 4 11 EF F9 +28 4 12 KR F11 +28 4 13 KO H12 +28 4 14 PA C36 +28 4 15 DE F0 +28 5 1 FJ A0 +28 5 1 FJ A1 +28 5 1 FJ A2 +28 5 1 FJ A3 +28 5 1 FJ A4 +28 5 1 FJ A5 +28 5 1 FJ A6 +28 5 1 FJ A7 +28 5 1 FJ A8 +28 5 1 FJ A9 +28 5 1 FJ A10 +28 5 1 FJ A11 +28 5 1 FJ A12 +28 5 1 FJ A13 +28 5 1 FJ A14 +28 5 1 FJ A15 +28 5 1 FJ A16 +28 5 1 FJ A17 +28 5 1 FJ A18 +28 5 1 FJ A19 +28 5 1 FJ A20 +28 5 1 FJ A21 +28 5 1 FJ A22 +28 5 1 FJ A23 +28 5 1 FJ A24 +28 5 1 FJ A25 +28 5 1 FJ A26 +28 5 1 FJ A27 +28 5 1 FJ A28 +28 5 1 FJ A29 +28 5 1 FJ A30 +28 5 1 FJ A31 +28 5 1 FJ A32 +28 5 1 FJ A33 +28 5 1 FJ A34 +28 5 1 FJ A35 +28 5 1 FJ A36 +28 5 1 FJ A37 +28 5 1 FJ A38 +28 5 1 FJ A39 +28 5 1 FJ A40 +28 5 2 DZ J0 +28 5 2 DZ J1 +28 5 2 DZ J2 +28 5 2 DZ J3 +28 5 2 DZ J4 +28 5 2 DZ J5 +28 5 2 DZ J6 +28 5 2 DZ J7 +28 5 2 DZ J8 +28 5 2 DZ J9 +28 5 2 DZ J10 +28 5 2 DZ J11 +28 5 2 DZ J12 +28 5 2 DZ J13 +28 5 2 DZ J14 +28 5 2 DZ J15 +28 5 2 DZ J16 +28 5 2 DZ J17 +28 5 2 DZ J18 +28 5 2 DZ J19 +28 5 2 DZ J20 +28 5 2 DZ J21 +28 5 2 DZ J22 +28 5 2 DZ J23 +28 5 2 DZ J24 +28 5 2 DZ J25 +28 5 2 DZ J26 +28 5 2 DZ J27 +28 5 2 DZ J28 +28 5 2 DZ J29 +28 5 2 DZ J30 +28 5 2 DZ J31 +28 5 2 DZ J32 +28 5 2 DZ J33 +28 5 2 DZ J34 +28 5 2 DZ J35 +28 5 2 DZ J36 +28 5 2 DZ J37 +28 5 2 DZ J38 +28 5 2 DZ J39 +28 5 2 DZ J40 +28 5 3 PF G1 +28 5 4 KF C10 +28 5 5 BJ F19 +28 5 6 LN E32 +28 5 7 ES F9 +28 5 8 PA C36 +28 6 1 FJ A0 +28 6 1 FJ A1 +28 6 1 FJ A2 +28 6 1 FJ A3 +28 6 1 FJ A4 +28 6 1 FJ A5 +28 6 1 FJ A6 +28 6 1 FJ A7 +28 6 1 FJ A8 +28 6 1 FJ A9 +28 6 1 FJ A10 +28 6 1 FJ A11 +28 6 1 FJ A12 +28 6 1 FJ A13 +28 6 1 FJ A14 +28 6 1 FJ A15 +28 6 1 FJ A16 +28 6 1 FJ A17 +28 6 1 FJ A18 +28 6 1 FJ A19 +28 6 1 FJ A20 +28 6 1 FJ A21 +28 6 1 FJ A22 +28 6 1 FJ A23 +28 6 1 FJ A24 +28 6 1 FJ A25 +28 6 1 FJ A26 +28 6 1 FJ A27 +28 6 1 FJ A28 +28 6 1 FJ A29 +28 6 1 FJ A30 +28 6 1 FJ A31 +28 6 1 FJ A32 +28 6 1 FJ A33 +28 6 1 FJ A34 +28 6 1 FJ A35 +28 6 1 FJ A36 +28 6 1 FJ A37 +28 6 1 FJ A38 +28 6 1 FJ A39 +28 6 1 FJ A40 +28 6 2 DZ J0 +28 6 2 DZ J1 +28 6 2 DZ J2 +28 6 2 DZ J3 +28 6 2 DZ J4 +28 6 2 DZ J5 +28 6 2 DZ J6 +28 6 2 DZ J7 +28 6 2 DZ J8 +28 6 2 DZ J9 +28 6 2 DZ J10 +28 6 2 DZ J11 +28 6 2 DZ J12 +28 6 2 DZ J13 +28 6 2 DZ J14 +28 6 2 DZ J15 +28 6 2 DZ J16 +28 6 2 DZ J17 +28 6 2 DZ J18 +28 6 2 DZ J19 +28 6 2 DZ J20 +28 6 2 DZ J21 +28 6 2 DZ J22 +28 6 2 DZ J23 +28 6 2 DZ J24 +28 6 2 DZ J25 +28 6 2 DZ J26 +28 6 2 DZ J27 +28 6 2 DZ J28 +28 6 2 DZ J29 +28 6 2 DZ J30 +28 6 2 DZ J31 +28 6 2 DZ J32 +28 6 2 DZ J33 +28 6 2 DZ J34 +28 6 2 DZ J35 +28 6 2 DZ J36 +28 6 2 DZ J37 +28 6 2 DZ J38 +28 6 2 DZ J39 +28 6 2 DZ J40 +28 6 3 PF F1 +28 6 4 TF C10 +28 6 5 KF C12 +28 6 6 BJ F17 +28 6 7 BL E29 +28 6 8 LN E34 +28 6 9 PA D36 +28 7 1 FJ A0 +28 7 1 FJ A1 +28 7 1 FJ A2 +28 7 1 FJ A3 +28 7 1 FJ A4 +28 7 1 FJ A5 +28 7 1 FJ A6 +28 7 1 FJ A7 +28 7 1 FJ A8 +28 7 1 FJ A9 +28 7 1 FJ A10 +28 7 1 FJ A11 +28 7 1 FJ A12 +28 7 1 FJ A13 +28 7 1 FJ A14 +28 7 1 FJ A15 +28 7 1 FJ A16 +28 7 1 FJ A17 +28 7 1 FJ A18 +28 7 1 FJ A19 +28 7 1 FJ A20 +28 7 1 FJ A21 +28 7 1 FJ A22 +28 7 1 FJ A23 +28 7 1 FJ A24 +28 7 1 FJ A25 +28 7 1 FJ A26 +28 7 1 FJ A27 +28 7 1 FJ A28 +28 7 1 FJ A29 +28 7 1 FJ A30 +28 7 1 FJ A31 +28 7 1 FJ A32 +28 7 1 FJ A33 +28 7 1 FJ A34 +28 7 1 FJ A35 +28 7 1 FJ A36 +28 7 1 FJ A37 +28 7 1 FJ A38 +28 7 1 FJ A39 +28 7 1 FJ A40 +28 7 2 DZ J0 +28 7 2 DZ J1 +28 7 2 DZ J2 +28 7 2 DZ J3 +28 7 2 DZ J4 +28 7 2 DZ J5 +28 7 2 DZ J6 +28 7 2 DZ J7 +28 7 2 DZ J8 +28 7 2 DZ J9 +28 7 2 DZ J10 +28 7 2 DZ J11 +28 7 2 DZ J12 +28 7 2 DZ J13 +28 7 2 DZ J14 +28 7 2 DZ J15 +28 7 2 DZ J16 +28 7 2 DZ J17 +28 7 2 DZ J18 +28 7 2 DZ J19 +28 7 2 DZ J20 +28 7 2 DZ J21 +28 7 2 DZ J22 +28 7 2 DZ J23 +28 7 2 DZ J24 +28 7 2 DZ J25 +28 7 2 DZ J26 +28 7 2 DZ J27 +28 7 2 DZ J28 +28 7 2 DZ J29 +28 7 2 DZ J30 +28 7 2 DZ J31 +28 7 2 DZ J32 +28 7 2 DZ J33 +28 7 2 DZ J34 +28 7 2 DZ J35 +28 7 2 DZ J36 +28 7 2 DZ J37 +28 7 2 DZ J38 +28 7 2 DZ J39 +28 7 2 DZ J40 +28 7 3 PF G1 +28 7 4 TF C8 +28 7 5 KF C13 +28 7 6 BJ E17 +28 7 7 BL G26 +28 8 1 FJ A0 +28 8 1 FJ A1 +28 8 1 FJ A2 +28 8 1 FJ A3 +28 8 1 FJ A4 +28 8 1 FJ A5 +28 8 1 FJ A6 +28 8 1 FJ A7 +28 8 1 FJ A8 +28 8 1 FJ A9 +28 8 1 FJ A10 +28 8 1 FJ A11 +28 8 1 FJ A12 +28 8 1 FJ A13 +28 8 1 FJ A14 +28 8 1 FJ A15 +28 8 1 FJ A16 +28 8 1 FJ A17 +28 8 1 FJ A18 +28 8 1 FJ A19 +28 8 1 FJ A20 +28 8 1 FJ A21 +28 8 1 FJ A22 +28 8 1 FJ A23 +28 8 1 FJ A24 +28 8 1 FJ A25 +28 8 1 FJ A26 +28 8 1 FJ A27 +28 8 1 FJ A28 +28 8 1 FJ A29 +28 8 1 FJ A30 +28 8 1 FJ A31 +28 8 1 FJ A32 +28 8 1 FJ A33 +28 8 1 FJ A34 +28 8 1 FJ A35 +28 8 1 FJ A36 +28 8 1 FJ A37 +28 8 1 FJ A38 +28 8 1 FJ A39 +28 8 1 FJ A40 +28 8 2 DZ J0 +28 8 2 DZ J1 +28 8 2 DZ J2 +28 8 2 DZ J3 +28 8 2 DZ J4 +28 8 2 DZ J5 +28 8 2 DZ J6 +28 8 2 DZ J7 +28 8 2 DZ J8 +28 8 2 DZ J9 +28 8 2 DZ J10 +28 8 2 DZ J11 +28 8 2 DZ J12 +28 8 2 DZ J13 +28 8 2 DZ J14 +28 8 2 DZ J15 +28 8 2 DZ J16 +28 8 2 DZ J17 +28 8 2 DZ J18 +28 8 2 DZ J19 +28 8 2 DZ J20 +28 8 2 DZ J21 +28 8 2 DZ J22 +28 8 2 DZ J23 +28 8 2 DZ J24 +28 8 2 DZ J25 +28 8 2 DZ J26 +28 8 2 DZ J27 +28 8 2 DZ J28 +28 8 2 DZ J29 +28 8 2 DZ J30 +28 8 2 DZ J31 +28 8 2 DZ J32 +28 8 2 DZ J33 +28 8 2 DZ J34 +28 8 2 DZ J35 +28 8 2 DZ J36 +28 8 2 DZ J37 +28 8 2 DZ J38 +28 8 2 DZ J39 +28 8 2 DZ J40 +28 8 3 PF F3 +28 8 4 KF C10 +28 8 5 BJ F19 +28 8 6 BL G29 +28 8 7 LN F33 +28 8 8 ES I4 +28 8 9 PA C35 +28 9 1 FJ A0 +28 9 1 FJ A1 +28 9 1 FJ A2 +28 9 1 FJ A3 +28 9 1 FJ A4 +28 9 1 FJ A5 +28 9 1 FJ A6 +28 9 1 FJ A7 +28 9 1 FJ A8 +28 9 1 FJ A9 +28 9 1 FJ A10 +28 9 1 FJ A11 +28 9 1 FJ A12 +28 9 1 FJ A13 +28 9 1 FJ A14 +28 9 1 FJ A15 +28 9 1 FJ A16 +28 9 1 FJ A17 +28 9 1 FJ A18 +28 9 1 FJ A19 +28 9 1 FJ A20 +28 9 1 FJ A21 +28 9 1 FJ A22 +28 9 1 FJ A23 +28 9 1 FJ A24 +28 9 1 FJ A25 +28 9 1 FJ A26 +28 9 1 FJ A27 +28 9 1 FJ A28 +28 9 1 FJ A29 +28 9 1 FJ A30 +28 9 1 FJ A31 +28 9 1 FJ A32 +28 9 1 FJ A33 +28 9 1 FJ A34 +28 9 1 FJ A35 +28 9 1 FJ A36 +28 9 1 FJ A37 +28 9 1 FJ A38 +28 9 1 FJ A39 +28 9 1 FJ A40 +28 9 2 DZ J0 +28 9 2 DZ J1 +28 9 2 DZ J2 +28 9 2 DZ J3 +28 9 2 DZ J4 +28 9 2 DZ J5 +28 9 2 DZ J6 +28 9 2 DZ J7 +28 9 2 DZ J8 +28 9 2 DZ J9 +28 9 2 DZ J10 +28 9 2 DZ J11 +28 9 2 DZ J12 +28 9 2 DZ J13 +28 9 2 DZ J14 +28 9 2 DZ J15 +28 9 2 DZ J16 +28 9 2 DZ J17 +28 9 2 DZ J18 +28 9 2 DZ J19 +28 9 2 DZ J20 +28 9 2 DZ J21 +28 9 2 DZ J22 +28 9 2 DZ J23 +28 9 2 DZ J24 +28 9 2 DZ J25 +28 9 2 DZ J26 +28 9 2 DZ J27 +28 9 2 DZ J28 +28 9 2 DZ J29 +28 9 2 DZ J30 +28 9 2 DZ J31 +28 9 2 DZ J32 +28 9 2 DZ J33 +28 9 2 DZ J34 +28 9 2 DZ J35 +28 9 2 DZ J36 +28 9 2 DZ J37 +28 9 2 DZ J38 +28 9 2 DZ J39 +28 9 2 DZ J40 +28 9 3 PF G1 +28 9 4 NT C9 +28 9 4 NT C13 +28 9 5 KF C10 +28 9 6 BJ D16 +28 9 6 BJ E16 +28 9 7 BL F26 +28 9 8 LN I32 +28 9 9 KM F8 +28 9 10 ES H8 +28 9 11 PA F34 +28 10 1 FJ A0 +28 10 1 FJ A1 +28 10 1 FJ A2 +28 10 1 FJ A3 +28 10 1 FJ A4 +28 10 1 FJ A5 +28 10 1 FJ A6 +28 10 1 FJ A7 +28 10 1 FJ A8 +28 10 1 FJ A9 +28 10 1 FJ A10 +28 10 1 FJ A11 +28 10 1 FJ A12 +28 10 1 FJ A13 +28 10 1 FJ A14 +28 10 1 FJ A15 +28 10 1 FJ A16 +28 10 1 FJ A17 +28 10 1 FJ A18 +28 10 1 FJ A19 +28 10 1 FJ A20 +28 10 1 FJ A21 +28 10 1 FJ A22 +28 10 1 FJ A23 +28 10 1 FJ A24 +28 10 1 FJ A25 +28 10 1 FJ A26 +28 10 1 FJ A27 +28 10 1 FJ A28 +28 10 1 FJ A29 +28 10 1 FJ A30 +28 10 1 FJ A31 +28 10 1 FJ A32 +28 10 1 FJ A33 +28 10 1 FJ A34 +28 10 1 FJ A35 +28 10 1 FJ A36 +28 10 1 FJ A37 +28 10 1 FJ A38 +28 10 1 FJ A39 +28 10 1 FJ A40 +28 10 2 DZ J0 +28 10 2 DZ J1 +28 10 2 DZ J2 +28 10 2 DZ J3 +28 10 2 DZ J4 +28 10 2 DZ J5 +28 10 2 DZ J6 +28 10 2 DZ J7 +28 10 2 DZ J8 +28 10 2 DZ J9 +28 10 2 DZ J10 +28 10 2 DZ J11 +28 10 2 DZ J12 +28 10 2 DZ J13 +28 10 2 DZ J14 +28 10 2 DZ J15 +28 10 2 DZ J16 +28 10 2 DZ J17 +28 10 2 DZ J18 +28 10 2 DZ J19 +28 10 2 DZ J20 +28 10 2 DZ J21 +28 10 2 DZ J22 +28 10 2 DZ J23 +28 10 2 DZ J24 +28 10 2 DZ J25 +28 10 2 DZ J26 +28 10 2 DZ J27 +28 10 2 DZ J28 +28 10 2 DZ J29 +28 10 2 DZ J30 +28 10 2 DZ J31 +28 10 2 DZ J32 +28 10 2 DZ J33 +28 10 2 DZ J34 +28 10 2 DZ J35 +28 10 2 DZ J36 +28 10 2 DZ J37 +28 10 2 DZ J38 +28 10 2 DZ J39 +28 10 2 DZ J40 +28 10 3 PF F4 +28 10 4 KF C13 +28 10 5 BJ F18 +28 10 6 BL H28 +28 10 7 LN G34 +28 10 8 PA F32 +28 11 1 FJ A0 +28 11 1 FJ A1 +28 11 1 FJ A2 +28 11 1 FJ A3 +28 11 1 FJ A4 +28 11 1 FJ A5 +28 11 1 FJ A6 +28 11 1 FJ A7 +28 11 1 FJ A8 +28 11 1 FJ A9 +28 11 1 FJ A10 +28 11 1 FJ A11 +28 11 1 FJ A12 +28 11 1 FJ A13 +28 11 1 FJ A14 +28 11 1 FJ A15 +28 11 1 FJ A16 +28 11 1 FJ A17 +28 11 1 FJ A18 +28 11 1 FJ A19 +28 11 1 FJ A20 +28 11 1 FJ A21 +28 11 1 FJ A22 +28 11 1 FJ A23 +28 11 1 FJ A24 +28 11 1 FJ A25 +28 11 1 FJ A26 +28 11 1 FJ A27 +28 11 1 FJ A28 +28 11 1 FJ A29 +28 11 1 FJ A30 +28 11 1 FJ A31 +28 11 1 FJ A32 +28 11 1 FJ A33 +28 11 1 FJ A34 +28 11 1 FJ A35 +28 11 1 FJ A36 +28 11 1 FJ A37 +28 11 1 FJ A38 +28 11 1 FJ A39 +28 11 1 FJ A40 +28 11 2 DZ J0 +28 11 2 DZ J1 +28 11 2 DZ J2 +28 11 2 DZ J3 +28 11 2 DZ J4 +28 11 2 DZ J5 +28 11 2 DZ J6 +28 11 2 DZ J7 +28 11 2 DZ J8 +28 11 2 DZ J9 +28 11 2 DZ J10 +28 11 2 DZ J11 +28 11 2 DZ J12 +28 11 2 DZ J13 +28 11 2 DZ J14 +28 11 2 DZ J15 +28 11 2 DZ J16 +28 11 2 DZ J17 +28 11 2 DZ J18 +28 11 2 DZ J19 +28 11 2 DZ J20 +28 11 2 DZ J21 +28 11 2 DZ J22 +28 11 2 DZ J23 +28 11 2 DZ J24 +28 11 2 DZ J25 +28 11 2 DZ J26 +28 11 2 DZ J27 +28 11 2 DZ J28 +28 11 2 DZ J29 +28 11 2 DZ J30 +28 11 2 DZ J31 +28 11 2 DZ J32 +28 11 2 DZ J33 +28 11 2 DZ J34 +28 11 2 DZ J35 +28 11 2 DZ J36 +28 11 2 DZ J37 +28 11 2 DZ J38 +28 11 2 DZ J39 +28 11 2 DZ J40 +28 11 3 PF F3 +28 11 4 NT C8 +28 11 5 KF C9 +28 11 6 BJ F17 +28 11 7 BL F30 +28 11 8 LN H36 +28 11 9 PA E35 +28 12 1 FJ A0 +28 12 1 FJ A1 +28 12 1 FJ A2 +28 12 1 FJ A3 +28 12 1 FJ A4 +28 12 1 FJ A5 +28 12 1 FJ A6 +28 12 1 FJ A7 +28 12 1 FJ A8 +28 12 1 FJ A9 +28 12 1 FJ A10 +28 12 1 FJ A11 +28 12 1 FJ A12 +28 12 1 FJ A13 +28 12 1 FJ A14 +28 12 1 FJ A15 +28 12 1 FJ A16 +28 12 1 FJ A17 +28 12 1 FJ A18 +28 12 1 FJ A19 +28 12 1 FJ A20 +28 12 1 FJ A21 +28 12 1 FJ A22 +28 12 1 FJ A23 +28 12 1 FJ A24 +28 12 1 FJ A25 +28 12 1 FJ A26 +28 12 1 FJ A27 +28 12 1 FJ A28 +28 12 1 FJ A29 +28 12 1 FJ A30 +28 12 1 FJ A31 +28 12 1 FJ A32 +28 12 1 FJ A33 +28 12 1 FJ A34 +28 12 1 FJ A35 +28 12 1 FJ A36 +28 12 1 FJ A37 +28 12 1 FJ A38 +28 12 1 FJ A39 +28 12 1 FJ A40 +28 12 2 DZ J0 +28 12 2 DZ J1 +28 12 2 DZ J2 +28 12 2 DZ J3 +28 12 2 DZ J4 +28 12 2 DZ J5 +28 12 2 DZ J6 +28 12 2 DZ J7 +28 12 2 DZ J8 +28 12 2 DZ J9 +28 12 2 DZ J10 +28 12 2 DZ J11 +28 12 2 DZ J12 +28 12 2 DZ J13 +28 12 2 DZ J14 +28 12 2 DZ J15 +28 12 2 DZ J16 +28 12 2 DZ J17 +28 12 2 DZ J18 +28 12 2 DZ J19 +28 12 2 DZ J20 +28 12 2 DZ J21 +28 12 2 DZ J22 +28 12 2 DZ J23 +28 12 2 DZ J24 +28 12 2 DZ J25 +28 12 2 DZ J26 +28 12 2 DZ J27 +28 12 2 DZ J28 +28 12 2 DZ J29 +28 12 2 DZ J30 +28 12 2 DZ J31 +28 12 2 DZ J32 +28 12 2 DZ J33 +28 12 2 DZ J34 +28 12 2 DZ J35 +28 12 2 DZ J36 +28 12 2 DZ J37 +28 12 2 DZ J38 +28 12 2 DZ J39 +28 12 2 DZ J40 +28 12 3 PF F3 +28 12 4 NT B11 +28 12 5 BJ C17 +28 12 5 KF C9 +28 12 6 BL E28 +28 12 7 LN I39 +28 12 8 KA B6 +28 13 1 FJ A0 +28 13 1 FJ A1 +28 13 1 FJ A2 +28 13 1 FJ A3 +28 13 1 FJ A4 +28 13 1 FJ A5 +28 13 1 FJ A6 +28 13 1 FJ A7 +28 13 1 FJ A8 +28 13 1 FJ A9 +28 13 1 FJ A10 +28 13 1 FJ A11 +28 13 1 FJ A12 +28 13 1 FJ A13 +28 13 1 FJ A14 +28 13 1 FJ A15 +28 13 1 FJ A16 +28 13 1 FJ A17 +28 13 1 FJ A18 +28 13 1 FJ A19 +28 13 1 FJ A20 +28 13 1 FJ A21 +28 13 1 FJ A22 +28 13 1 FJ A23 +28 13 1 FJ A24 +28 13 1 FJ A25 +28 13 1 FJ A26 +28 13 1 FJ A27 +28 13 1 FJ A28 +28 13 1 FJ A29 +28 13 1 FJ A30 +28 13 1 FJ A31 +28 13 1 FJ A32 +28 13 1 FJ A33 +28 13 1 FJ A34 +28 13 1 FJ A35 +28 13 1 FJ A36 +28 13 1 FJ A37 +28 13 1 FJ A38 +28 13 1 FJ A39 +28 13 1 FJ A40 +28 13 2 DZ J0 +28 13 2 DZ J1 +28 13 2 DZ J2 +28 13 2 DZ J3 +28 13 2 DZ J4 +28 13 2 DZ J5 +28 13 2 DZ J6 +28 13 2 DZ J7 +28 13 2 DZ J8 +28 13 2 DZ J9 +28 13 2 DZ J10 +28 13 2 DZ J11 +28 13 2 DZ J12 +28 13 2 DZ J13 +28 13 2 DZ J14 +28 13 2 DZ J15 +28 13 2 DZ J16 +28 13 2 DZ J17 +28 13 2 DZ J18 +28 13 2 DZ J19 +28 13 2 DZ J20 +28 13 2 DZ J21 +28 13 2 DZ J22 +28 13 2 DZ J23 +28 13 2 DZ J24 +28 13 2 DZ J25 +28 13 2 DZ J26 +28 13 2 DZ J27 +28 13 2 DZ J28 +28 13 2 DZ J29 +28 13 2 DZ J30 +28 13 2 DZ J31 +28 13 2 DZ J32 +28 13 2 DZ J33 +28 13 2 DZ J34 +28 13 2 DZ J35 +28 13 2 DZ J36 +28 13 2 DZ J37 +28 13 2 DZ J38 +28 13 2 DZ J39 +28 13 2 DZ J40 +28 13 3 PF F40 +28 13 4 KF F14 +28 13 5 BJ G16 +28 13 6 BL F17 +28 13 7 PA E36 +28 14 1 FJ A0 +28 14 1 FJ A1 +28 14 1 FJ A2 +28 14 1 FJ A3 +28 14 1 FJ A4 +28 14 1 FJ A5 +28 14 1 FJ A6 +28 14 1 FJ A7 +28 14 1 FJ A8 +28 14 1 FJ A9 +28 14 1 FJ A10 +28 14 1 FJ A11 +28 14 1 FJ A12 +28 14 1 FJ A13 +28 14 1 FJ A14 +28 14 1 FJ A15 +28 14 1 FJ A16 +28 14 1 FJ A17 +28 14 1 FJ A18 +28 14 1 FJ A19 +28 14 1 FJ A20 +28 14 1 FJ A21 +28 14 1 FJ A22 +28 14 1 FJ A23 +28 14 1 FJ A24 +28 14 1 FJ A25 +28 14 1 FJ A26 +28 14 1 FJ A27 +28 14 1 FJ A28 +28 14 1 FJ A29 +28 14 1 FJ A30 +28 14 1 FJ A31 +28 14 1 FJ A32 +28 14 1 FJ A33 +28 14 1 FJ A34 +28 14 1 FJ A35 +28 14 1 FJ A36 +28 14 1 FJ A37 +28 14 1 FJ A38 +28 14 1 FJ A39 +28 14 1 FJ A40 +28 14 2 DZ J0 +28 14 2 DZ J1 +28 14 2 DZ J2 +28 14 2 DZ J3 +28 14 2 DZ J4 +28 14 2 DZ J5 +28 14 2 DZ J6 +28 14 2 DZ J7 +28 14 2 DZ J8 +28 14 2 DZ J9 +28 14 2 DZ J10 +28 14 2 DZ J11 +28 14 2 DZ J12 +28 14 2 DZ J13 +28 14 2 DZ J14 +28 14 2 DZ J15 +28 14 2 DZ J16 +28 14 2 DZ J17 +28 14 2 DZ J18 +28 14 2 DZ J19 +28 14 2 DZ J20 +28 14 2 DZ J21 +28 14 2 DZ J22 +28 14 2 DZ J23 +28 14 2 DZ J24 +28 14 2 DZ J25 +28 14 2 DZ J26 +28 14 2 DZ J27 +28 14 2 DZ J28 +28 14 2 DZ J29 +28 14 2 DZ J30 +28 14 2 DZ J31 +28 14 2 DZ J32 +28 14 2 DZ J33 +28 14 2 DZ J34 +28 14 2 DZ J35 +28 14 2 DZ J36 +28 14 2 DZ J37 +28 14 2 DZ J38 +28 14 2 DZ J39 +28 14 2 DZ J40 +28 14 3 PF E4 +28 14 4 TF C10 +28 14 5 KF C12 +28 14 6 BJ F17 +28 14 7 BL F28 +28 14 8 LN H33 +28 15 1 FJ A0 +28 15 1 FJ A1 +28 15 1 FJ A2 +28 15 1 FJ A3 +28 15 1 FJ A4 +28 15 1 FJ A5 +28 15 1 FJ A6 +28 15 1 FJ A7 +28 15 1 FJ A8 +28 15 1 FJ A9 +28 15 1 FJ A10 +28 15 1 FJ A11 +28 15 1 FJ A12 +28 15 1 FJ A13 +28 15 1 FJ A14 +28 15 1 FJ A15 +28 15 1 FJ A16 +28 15 1 FJ A17 +28 15 1 FJ A18 +28 15 1 FJ A19 +28 15 1 FJ A20 +28 15 1 FJ A21 +28 15 1 FJ A22 +28 15 1 FJ A23 +28 15 1 FJ A24 +28 15 1 FJ A25 +28 15 1 FJ A26 +28 15 1 FJ A27 +28 15 1 FJ A28 +28 15 1 FJ A29 +28 15 1 FJ A30 +28 15 1 FJ A31 +28 15 1 FJ A32 +28 15 1 FJ A33 +28 15 1 FJ A34 +28 15 1 FJ A35 +28 15 1 FJ A36 +28 15 1 FJ A37 +28 15 1 FJ A38 +28 15 1 FJ A39 +28 15 1 FJ A40 +28 15 2 DZ J0 +28 15 2 DZ J1 +28 15 2 DZ J2 +28 15 2 DZ J3 +28 15 2 DZ J4 +28 15 2 DZ J5 +28 15 2 DZ J6 +28 15 2 DZ J7 +28 15 2 DZ J8 +28 15 2 DZ J9 +28 15 2 DZ J10 +28 15 2 DZ J11 +28 15 2 DZ J12 +28 15 2 DZ J13 +28 15 2 DZ J14 +28 15 2 DZ J15 +28 15 2 DZ J16 +28 15 2 DZ J17 +28 15 2 DZ J18 +28 15 2 DZ J19 +28 15 2 DZ J20 +28 15 2 DZ J21 +28 15 2 DZ J22 +28 15 2 DZ J23 +28 15 2 DZ J24 +28 15 2 DZ J25 +28 15 2 DZ J26 +28 15 2 DZ J27 +28 15 2 DZ J28 +28 15 2 DZ J29 +28 15 2 DZ J30 +28 15 2 DZ J31 +28 15 2 DZ J32 +28 15 2 DZ J33 +28 15 2 DZ J34 +28 15 2 DZ J35 +28 15 2 DZ J36 +28 15 2 DZ J37 +28 15 2 DZ J38 +28 15 2 DZ J39 +28 15 2 DZ J40 +28 15 3 PF E2 +28 15 4 KF C11 +28 15 5 BJ D15 +28 15 6 BL E28 +28 15 7 LN G33 +28 15 8 DF F9 +28 15 9 KU H8 +28 16 1 FJ A0 +28 16 1 FJ A1 +28 16 1 FJ A2 +28 16 1 FJ A3 +28 16 1 FJ A4 +28 16 1 FJ A5 +28 16 1 FJ A6 +28 16 1 FJ A7 +28 16 1 FJ A8 +28 16 1 FJ A9 +28 16 1 FJ A10 +28 16 1 FJ A11 +28 16 1 FJ A12 +28 16 1 FJ A13 +28 16 1 FJ A14 +28 16 1 FJ A15 +28 16 1 FJ A16 +28 16 1 FJ A17 +28 16 1 FJ A18 +28 16 1 FJ A19 +28 16 1 FJ A20 +28 16 1 FJ A21 +28 16 1 FJ A22 +28 16 1 FJ A23 +28 16 1 FJ A24 +28 16 1 FJ A25 +28 16 1 FJ A26 +28 16 1 FJ A27 +28 16 1 FJ A28 +28 16 1 FJ A29 +28 16 1 FJ A30 +28 16 1 FJ A31 +28 16 1 FJ A32 +28 16 1 FJ A33 +28 16 1 FJ A34 +28 16 1 FJ A35 +28 16 1 FJ A36 +28 16 1 FJ A37 +28 16 1 FJ A38 +28 16 1 FJ A39 +28 16 1 FJ A40 +28 16 2 DZ J0 +28 16 2 DZ J1 +28 16 2 DZ J2 +28 16 2 DZ J3 +28 16 2 DZ J4 +28 16 2 DZ J5 +28 16 2 DZ J6 +28 16 2 DZ J7 +28 16 2 DZ J8 +28 16 2 DZ J9 +28 16 2 DZ J10 +28 16 2 DZ J11 +28 16 2 DZ J12 +28 16 2 DZ J13 +28 16 2 DZ J14 +28 16 2 DZ J15 +28 16 2 DZ J16 +28 16 2 DZ J17 +28 16 2 DZ J18 +28 16 2 DZ J19 +28 16 2 DZ J20 +28 16 2 DZ J21 +28 16 2 DZ J22 +28 16 2 DZ J23 +28 16 2 DZ J24 +28 16 2 DZ J25 +28 16 2 DZ J26 +28 16 2 DZ J27 +28 16 2 DZ J28 +28 16 2 DZ J29 +28 16 2 DZ J30 +28 16 2 DZ J31 +28 16 2 DZ J32 +28 16 2 DZ J33 +28 16 2 DZ J34 +28 16 2 DZ J35 +28 16 2 DZ J36 +28 16 2 DZ J37 +28 16 2 DZ J38 +28 16 2 DZ J39 +28 16 2 DZ J40 +28 16 3 PF G2 +28 16 4 KF B11 +28 16 5 BJ G18 +28 16 6 LN G36 +28 16 7 ES H1 +28 16 8 PA C40 +28 17 1 FJ A0 +28 17 1 FJ A1 +28 17 1 FJ A2 +28 17 1 FJ A3 +28 17 1 FJ A4 +28 17 1 FJ A5 +28 17 1 FJ A6 +28 17 1 FJ A7 +28 17 1 FJ A8 +28 17 1 FJ A9 +28 17 1 FJ A10 +28 17 1 FJ A11 +28 17 1 FJ A12 +28 17 1 FJ A13 +28 17 1 FJ A14 +28 17 1 FJ A15 +28 17 1 FJ A16 +28 17 1 FJ A17 +28 17 1 FJ A18 +28 17 1 FJ A19 +28 17 1 FJ A20 +28 17 1 FJ A21 +28 17 1 FJ A22 +28 17 1 FJ A23 +28 17 1 FJ A24 +28 17 1 FJ A25 +28 17 1 FJ A26 +28 17 1 FJ A27 +28 17 1 FJ A28 +28 17 1 FJ A29 +28 17 1 FJ A30 +28 17 1 FJ A31 +28 17 1 FJ A32 +28 17 1 FJ A33 +28 17 1 FJ A34 +28 17 1 FJ A35 +28 17 1 FJ A36 +28 17 1 FJ A37 +28 17 1 FJ A38 +28 17 1 FJ A39 +28 17 1 FJ A40 +28 17 2 DZ J0 +28 17 2 DZ J1 +28 17 2 DZ J2 +28 17 2 DZ J3 +28 17 2 DZ J4 +28 17 2 DZ J5 +28 17 2 DZ J6 +28 17 2 DZ J7 +28 17 2 DZ J8 +28 17 2 DZ J9 +28 17 2 DZ J10 +28 17 2 DZ J11 +28 17 2 DZ J12 +28 17 2 DZ J13 +28 17 2 DZ J14 +28 17 2 DZ J15 +28 17 2 DZ J16 +28 17 2 DZ J17 +28 17 2 DZ J18 +28 17 2 DZ J19 +28 17 2 DZ J20 +28 17 2 DZ J21 +28 17 2 DZ J22 +28 17 2 DZ J23 +28 17 2 DZ J24 +28 17 2 DZ J25 +28 17 2 DZ J26 +28 17 2 DZ J27 +28 17 2 DZ J28 +28 17 2 DZ J29 +28 17 2 DZ J30 +28 17 2 DZ J31 +28 17 2 DZ J32 +28 17 2 DZ J33 +28 17 2 DZ J34 +28 17 2 DZ J35 +28 17 2 DZ J36 +28 17 2 DZ J37 +28 17 2 DZ J38 +28 17 2 DZ J39 +28 17 2 DZ J40 +28 17 3 PF G40 +28 17 4 KF C9 +28 17 5 BJ G18 +28 17 6 ES I5 +28 17 7 PA C4 +28 18 1 FJ A0 +28 18 1 FJ A1 +28 18 1 FJ A2 +28 18 1 FJ A3 +28 18 1 FJ A4 +28 18 1 FJ A5 +28 18 1 FJ A6 +28 18 1 FJ A7 +28 18 1 FJ A8 +28 18 1 FJ A9 +28 18 1 FJ A10 +28 18 1 FJ A11 +28 18 1 FJ A12 +28 18 1 FJ A13 +28 18 1 FJ A14 +28 18 1 FJ A15 +28 18 1 FJ A16 +28 18 1 FJ A17 +28 18 1 FJ A18 +28 18 1 FJ A19 +28 18 1 FJ A20 +28 18 1 FJ A21 +28 18 1 FJ A22 +28 18 1 FJ A23 +28 18 1 FJ A24 +28 18 1 FJ A25 +28 18 1 FJ A26 +28 18 1 FJ A27 +28 18 1 FJ A28 +28 18 1 FJ A29 +28 18 1 FJ A30 +28 18 1 FJ A31 +28 18 1 FJ A32 +28 18 1 FJ A33 +28 18 1 FJ A34 +28 18 1 FJ A35 +28 18 1 FJ A36 +28 18 1 FJ A37 +28 18 1 FJ A38 +28 18 1 FJ A39 +28 18 1 FJ A40 +28 18 2 DZ J0 +28 18 2 DZ J1 +28 18 2 DZ J2 +28 18 2 DZ J3 +28 18 2 DZ J4 +28 18 2 DZ J5 +28 18 2 DZ J6 +28 18 2 DZ J7 +28 18 2 DZ J8 +28 18 2 DZ J9 +28 18 2 DZ J10 +28 18 2 DZ J11 +28 18 2 DZ J12 +28 18 2 DZ J13 +28 18 2 DZ J14 +28 18 2 DZ J15 +28 18 2 DZ J16 +28 18 2 DZ J17 +28 18 2 DZ J18 +28 18 2 DZ J19 +28 18 2 DZ J20 +28 18 2 DZ J21 +28 18 2 DZ J22 +28 18 2 DZ J23 +28 18 2 DZ J24 +28 18 2 DZ J25 +28 18 2 DZ J26 +28 18 2 DZ J27 +28 18 2 DZ J28 +28 18 2 DZ J29 +28 18 2 DZ J30 +28 18 2 DZ J31 +28 18 2 DZ J32 +28 18 2 DZ J33 +28 18 2 DZ J34 +28 18 2 DZ J35 +28 18 2 DZ J36 +28 18 2 DZ J37 +28 18 2 DZ J38 +28 18 2 DZ J39 +28 18 2 DZ J40 +28 18 3 PF F2 +28 18 4 KK C9 +28 18 5 KF B11 +28 18 6 BJ F17 +28 18 7 BL H29 +28 18 8 LN H35 +28 18 9 ES I7 +28 18 10 PA C36 +28 19 1 FJ A0 +28 19 1 FJ A1 +28 19 1 FJ A2 +28 19 1 FJ A3 +28 19 1 FJ A4 +28 19 1 FJ A5 +28 19 1 FJ A6 +28 19 1 FJ A7 +28 19 1 FJ A8 +28 19 1 FJ A9 +28 19 1 FJ A10 +28 19 1 FJ A11 +28 19 1 FJ A12 +28 19 1 FJ A13 +28 19 1 FJ A14 +28 19 1 FJ A15 +28 19 1 FJ A16 +28 19 1 FJ A17 +28 19 1 FJ A18 +28 19 1 FJ A19 +28 19 1 FJ A20 +28 19 1 FJ A21 +28 19 1 FJ A22 +28 19 1 FJ A23 +28 19 1 FJ A24 +28 19 1 FJ A25 +28 19 1 FJ A26 +28 19 1 FJ A27 +28 19 1 FJ A28 +28 19 1 FJ A29 +28 19 1 FJ A30 +28 19 1 FJ A31 +28 19 1 FJ A32 +28 19 1 FJ A33 +28 19 1 FJ A34 +28 19 1 FJ A35 +28 19 1 FJ A36 +28 19 1 FJ A37 +28 19 1 FJ A38 +28 19 1 FJ A39 +28 19 1 FJ A40 +28 19 2 DZ J0 +28 19 2 DZ J1 +28 19 2 DZ J2 +28 19 2 DZ J3 +28 19 2 DZ J4 +28 19 2 DZ J5 +28 19 2 DZ J6 +28 19 2 DZ J7 +28 19 2 DZ J8 +28 19 2 DZ J9 +28 19 2 DZ J10 +28 19 2 DZ J11 +28 19 2 DZ J12 +28 19 2 DZ J13 +28 19 2 DZ J14 +28 19 2 DZ J15 +28 19 2 DZ J16 +28 19 2 DZ J17 +28 19 2 DZ J18 +28 19 2 DZ J19 +28 19 2 DZ J20 +28 19 2 DZ J21 +28 19 2 DZ J22 +28 19 2 DZ J23 +28 19 2 DZ J24 +28 19 2 DZ J25 +28 19 2 DZ J26 +28 19 2 DZ J27 +28 19 2 DZ J28 +28 19 2 DZ J29 +28 19 2 DZ J30 +28 19 2 DZ J31 +28 19 2 DZ J32 +28 19 2 DZ J33 +28 19 2 DZ J34 +28 19 2 DZ J35 +28 19 2 DZ J36 +28 19 2 DZ J37 +28 19 2 DZ J38 +28 19 2 DZ J39 +28 19 2 DZ J40 +28 19 3 PF G2 +28 19 4 ES C4 +28 19 5 KF C10 +28 19 6 BJ F20 +28 19 7 LN H34 +28 19 8 PA C37 +28 20 1 FJ A0 +28 20 1 FJ A1 +28 20 1 FJ A2 +28 20 1 FJ A3 +28 20 1 FJ A4 +28 20 1 FJ A5 +28 20 1 FJ A6 +28 20 1 FJ A7 +28 20 1 FJ A8 +28 20 1 FJ A9 +28 20 1 FJ A10 +28 20 1 FJ A11 +28 20 1 FJ A12 +28 20 1 FJ A13 +28 20 1 FJ A14 +28 20 1 FJ A15 +28 20 1 FJ A16 +28 20 1 FJ A17 +28 20 1 FJ A18 +28 20 1 FJ A19 +28 20 1 FJ A20 +28 20 1 FJ A21 +28 20 1 FJ A22 +28 20 1 FJ A23 +28 20 1 FJ A24 +28 20 1 FJ A25 +28 20 1 FJ A26 +28 20 1 FJ A27 +28 20 1 FJ A28 +28 20 1 FJ A29 +28 20 1 FJ A30 +28 20 1 FJ A31 +28 20 1 FJ A32 +28 20 1 FJ A33 +28 20 1 FJ A34 +28 20 1 FJ A35 +28 20 1 FJ A36 +28 20 1 FJ A37 +28 20 1 FJ A38 +28 20 1 FJ A39 +28 20 1 FJ A40 +28 20 2 DZ J0 +28 20 2 DZ J1 +28 20 2 DZ J2 +28 20 2 DZ J3 +28 20 2 DZ J4 +28 20 2 DZ J5 +28 20 2 DZ J6 +28 20 2 DZ J7 +28 20 2 DZ J8 +28 20 2 DZ J9 +28 20 2 DZ J10 +28 20 2 DZ J11 +28 20 2 DZ J12 +28 20 2 DZ J13 +28 20 2 DZ J14 +28 20 2 DZ J15 +28 20 2 DZ J16 +28 20 2 DZ J17 +28 20 2 DZ J18 +28 20 2 DZ J19 +28 20 2 DZ J20 +28 20 2 DZ J21 +28 20 2 DZ J22 +28 20 2 DZ J23 +28 20 2 DZ J24 +28 20 2 DZ J25 +28 20 2 DZ J26 +28 20 2 DZ J27 +28 20 2 DZ J28 +28 20 2 DZ J29 +28 20 2 DZ J30 +28 20 2 DZ J31 +28 20 2 DZ J32 +28 20 2 DZ J33 +28 20 2 DZ J34 +28 20 2 DZ J35 +28 20 2 DZ J36 +28 20 2 DZ J37 +28 20 2 DZ J38 +28 20 2 DZ J39 +28 20 2 DZ J40 +28 20 3 PF H39 +28 20 4 KF C14 +28 20 5 BJ E18 +28 20 6 BL F28 +28 20 7 LN H33 +28 20 8 PA E1 +28 21 1 FJ A0 +28 21 1 FJ A1 +28 21 1 FJ A2 +28 21 1 FJ A3 +28 21 1 FJ A4 +28 21 1 FJ A5 +28 21 1 FJ A6 +28 21 1 FJ A7 +28 21 1 FJ A8 +28 21 1 FJ A9 +28 21 1 FJ A10 +28 21 1 FJ A11 +28 21 1 FJ A12 +28 21 1 FJ A13 +28 21 1 FJ A14 +28 21 1 FJ A15 +28 21 1 FJ A16 +28 21 1 FJ A17 +28 21 1 FJ A18 +28 21 1 FJ A19 +28 21 1 FJ A20 +28 21 1 FJ A21 +28 21 1 FJ A22 +28 21 1 FJ A23 +28 21 1 FJ A24 +28 21 1 FJ A25 +28 21 1 FJ A26 +28 21 1 FJ A27 +28 21 1 FJ A28 +28 21 1 FJ A29 +28 21 1 FJ A30 +28 21 1 FJ A31 +28 21 1 FJ A32 +28 21 1 FJ A33 +28 21 1 FJ A34 +28 21 1 FJ A35 +28 21 1 FJ A36 +28 21 1 FJ A37 +28 21 1 FJ A38 +28 21 1 FJ A39 +28 21 1 FJ A40 +28 21 2 DZ J0 +28 21 2 DZ J1 +28 21 2 DZ J2 +28 21 2 DZ J3 +28 21 2 DZ J4 +28 21 2 DZ J5 +28 21 2 DZ J6 +28 21 2 DZ J7 +28 21 2 DZ J8 +28 21 2 DZ J9 +28 21 2 DZ J10 +28 21 2 DZ J11 +28 21 2 DZ J12 +28 21 2 DZ J13 +28 21 2 DZ J14 +28 21 2 DZ J15 +28 21 2 DZ J16 +28 21 2 DZ J17 +28 21 2 DZ J18 +28 21 2 DZ J19 +28 21 2 DZ J20 +28 21 2 DZ J21 +28 21 2 DZ J22 +28 21 2 DZ J23 +28 21 2 DZ J24 +28 21 2 DZ J25 +28 21 2 DZ J26 +28 21 2 DZ J27 +28 21 2 DZ J28 +28 21 2 DZ J29 +28 21 2 DZ J30 +28 21 2 DZ J31 +28 21 2 DZ J32 +28 21 2 DZ J33 +28 21 2 DZ J34 +28 21 2 DZ J35 +28 21 2 DZ J36 +28 21 2 DZ J37 +28 21 2 DZ J38 +28 21 2 DZ J39 +28 21 2 DZ J40 +28 21 3 PF G1 +28 21 4 KF C8 +28 21 5 BJ G19 +28 22 1 FJ A0 +28 22 1 FJ A1 +28 22 1 FJ A2 +28 22 1 FJ A3 +28 22 1 FJ A4 +28 22 1 FJ A5 +28 22 1 FJ A6 +28 22 1 FJ A7 +28 22 1 FJ A8 +28 22 1 FJ A9 +28 22 1 FJ A10 +28 22 1 FJ A11 +28 22 1 FJ A12 +28 22 1 FJ A13 +28 22 1 FJ A14 +28 22 1 FJ A15 +28 22 1 FJ A16 +28 22 1 FJ A17 +28 22 1 FJ A18 +28 22 1 FJ A19 +28 22 1 FJ A20 +28 22 1 FJ A21 +28 22 1 FJ A22 +28 22 1 FJ A23 +28 22 1 FJ A24 +28 22 1 FJ A25 +28 22 1 FJ A26 +28 22 1 FJ A27 +28 22 1 FJ A28 +28 22 1 FJ A29 +28 22 1 FJ A30 +28 22 1 FJ A31 +28 22 1 FJ A32 +28 22 1 FJ A33 +28 22 1 FJ A34 +28 22 1 FJ A35 +28 22 1 FJ A36 +28 22 1 FJ A37 +28 22 1 FJ A38 +28 22 1 FJ A39 +28 22 1 FJ A40 +28 22 2 DZ J0 +28 22 2 DZ J1 +28 22 2 DZ J2 +28 22 2 DZ J3 +28 22 2 DZ J4 +28 22 2 DZ J5 +28 22 2 DZ J6 +28 22 2 DZ J7 +28 22 2 DZ J8 +28 22 2 DZ J9 +28 22 2 DZ J10 +28 22 2 DZ J11 +28 22 2 DZ J12 +28 22 2 DZ J13 +28 22 2 DZ J14 +28 22 2 DZ J15 +28 22 2 DZ J16 +28 22 2 DZ J17 +28 22 2 DZ J18 +28 22 2 DZ J19 +28 22 2 DZ J20 +28 22 2 DZ J21 +28 22 2 DZ J22 +28 22 2 DZ J23 +28 22 2 DZ J24 +28 22 2 DZ J25 +28 22 2 DZ J26 +28 22 2 DZ J27 +28 22 2 DZ J28 +28 22 2 DZ J29 +28 22 2 DZ J30 +28 22 2 DZ J31 +28 22 2 DZ J32 +28 22 2 DZ J33 +28 22 2 DZ J34 +28 22 2 DZ J35 +28 22 2 DZ J36 +28 22 2 DZ J37 +28 22 2 DZ J38 +28 22 2 DZ J39 +28 22 2 DZ J40 +28 22 3 PF G2 +28 22 4 KF C8 +28 22 4 KF C9 +28 22 5 BJ H18 +28 22 6 LN H33 +28 22 7 DF H6 +28 23 1 FJ A0 +28 23 1 FJ A1 +28 23 1 FJ A2 +28 23 1 FJ A3 +28 23 1 FJ A4 +28 23 1 FJ A5 +28 23 1 FJ A6 +28 23 1 FJ A7 +28 23 1 FJ A8 +28 23 1 FJ A9 +28 23 1 FJ A10 +28 23 1 FJ A11 +28 23 1 FJ A12 +28 23 1 FJ A13 +28 23 1 FJ A14 +28 23 1 FJ A15 +28 23 1 FJ A16 +28 23 1 FJ A17 +28 23 1 FJ A18 +28 23 1 FJ A19 +28 23 1 FJ A20 +28 23 1 FJ A21 +28 23 1 FJ A22 +28 23 1 FJ A23 +28 23 1 FJ A24 +28 23 1 FJ A25 +28 23 1 FJ A26 +28 23 1 FJ A27 +28 23 1 FJ A28 +28 23 1 FJ A29 +28 23 1 FJ A30 +28 23 1 FJ A31 +28 23 1 FJ A32 +28 23 1 FJ A33 +28 23 1 FJ A34 +28 23 1 FJ A35 +28 23 1 FJ A36 +28 23 1 FJ A37 +28 23 1 FJ A38 +28 23 1 FJ A39 +28 23 1 FJ A40 +28 23 2 DZ J0 +28 23 2 DZ J1 +28 23 2 DZ J2 +28 23 2 DZ J3 +28 23 2 DZ J4 +28 23 2 DZ J5 +28 23 2 DZ J6 +28 23 2 DZ J7 +28 23 2 DZ J8 +28 23 2 DZ J9 +28 23 2 DZ J10 +28 23 2 DZ J11 +28 23 2 DZ J12 +28 23 2 DZ J13 +28 23 2 DZ J14 +28 23 2 DZ J15 +28 23 2 DZ J16 +28 23 2 DZ J17 +28 23 2 DZ J18 +28 23 2 DZ J19 +28 23 2 DZ J20 +28 23 2 DZ J21 +28 23 2 DZ J22 +28 23 2 DZ J23 +28 23 2 DZ J24 +28 23 2 DZ J25 +28 23 2 DZ J26 +28 23 2 DZ J27 +28 23 2 DZ J28 +28 23 2 DZ J29 +28 23 2 DZ J30 +28 23 2 DZ J31 +28 23 2 DZ J32 +28 23 2 DZ J33 +28 23 2 DZ J34 +28 23 2 DZ J35 +28 23 2 DZ J36 +28 23 2 DZ J37 +28 23 2 DZ J38 +28 23 2 DZ J39 +28 23 2 DZ J40 +28 23 3 PF H1 +28 23 4 BJ E17 +28 23 5 BJ E19 +28 23 6 LN E36 +28 23 7 ES E11 +28 23 8 PA D33 +28 24 1 FJ A0 +28 24 1 FJ A1 +28 24 1 FJ A2 +28 24 1 FJ A3 +28 24 1 FJ A4 +28 24 1 FJ A5 +28 24 1 FJ A6 +28 24 1 FJ A7 +28 24 1 FJ A8 +28 24 1 FJ A9 +28 24 1 FJ A10 +28 24 1 FJ A11 +28 24 1 FJ A12 +28 24 1 FJ A13 +28 24 1 FJ A14 +28 24 1 FJ A15 +28 24 1 FJ A16 +28 24 1 FJ A17 +28 24 1 FJ A18 +28 24 1 FJ A19 +28 24 1 FJ A20 +28 24 1 FJ A21 +28 24 1 FJ A22 +28 24 1 FJ A23 +28 24 1 FJ A24 +28 24 1 FJ A25 +28 24 1 FJ A26 +28 24 1 FJ A27 +28 24 1 FJ A28 +28 24 1 FJ A29 +28 24 1 FJ A30 +28 24 1 FJ A31 +28 24 1 FJ A32 +28 24 1 FJ A33 +28 24 1 FJ A34 +28 24 1 FJ A35 +28 24 1 FJ A36 +28 24 1 FJ A37 +28 24 1 FJ A38 +28 24 1 FJ A39 +28 24 1 FJ A40 +28 24 2 DZ J0 +28 24 2 DZ J1 +28 24 2 DZ J2 +28 24 2 DZ J3 +28 24 2 DZ J4 +28 24 2 DZ J5 +28 24 2 DZ J6 +28 24 2 DZ J7 +28 24 2 DZ J8 +28 24 2 DZ J9 +28 24 2 DZ J10 +28 24 2 DZ J11 +28 24 2 DZ J12 +28 24 2 DZ J13 +28 24 2 DZ J14 +28 24 2 DZ J15 +28 24 2 DZ J16 +28 24 2 DZ J17 +28 24 2 DZ J18 +28 24 2 DZ J19 +28 24 2 DZ J20 +28 24 2 DZ J21 +28 24 2 DZ J22 +28 24 2 DZ J23 +28 24 2 DZ J24 +28 24 2 DZ J25 +28 24 2 DZ J26 +28 24 2 DZ J27 +28 24 2 DZ J28 +28 24 2 DZ J29 +28 24 2 DZ J30 +28 24 2 DZ J31 +28 24 2 DZ J32 +28 24 2 DZ J33 +28 24 2 DZ J34 +28 24 2 DZ J35 +28 24 2 DZ J36 +28 24 2 DZ J37 +28 24 2 DZ J38 +28 24 2 DZ J39 +28 24 2 DZ J40 +28 24 3 PF F1 +28 24 4 KF C13 +28 24 5 BJ F20 +28 24 6 BL F29 +28 24 7 LN H40 +28 24 8 PA D39 +28 25 1 FJ A34 +28 25 2 DZ J26 +28 25 3 PF F1 +28 25 4 KF C9 +28 25 5 KI G17 +28 25 6 BJ G18 +28 25 7 BL F28 +28 25 8 LN F34 +28 25 9 ES G7 +28 25 10 PA H33 +29 1 1 C H3 +29 1 2 Q C11 +29 1 3 T A0 +29 1 4 S J0 +29 1 5 I G19 +29 1 6 Y I33 +29 2 1 C G3 +29 2 2 T A0 +29 2 3 S J0 +29 2 4 Q C8 +29 2 5 I G29 +29 2 6 G H32 +29 3 1 C F4 +29 3 2 S J0 +29 3 3 T A0 +29 3 4 Q C11 +29 3 5 I F29 +29 3 6 Y G35 +29 4 1 S J0 +29 4 2 T A0 +29 4 3 C G3 +29 4 4 Q C9 +29 4 5 I F28 +29 4 6 Y H36 +29 5 1 Q C8 +29 5 2 C G2 +29 5 3 S J0 +29 5 4 T A0 +29 5 5 G I1 +29 5 6 I G28 +29 5 7 Y I35 +29 6 1 C G2 +29 6 2 S J0 +29 6 3 T A0 +29 6 4 Q C9 +29 6 5 I G28 +29 6 6 G I34 +29 7 1 S J0 +29 7 2 T A0 +29 7 3 C G3 +29 7 4 Q C9 +29 7 5 I E29 +29 7 6 Y I38 +29 8 1 S J0 +29 8 2 T A0 +29 8 3 C G1 +29 8 4 I G16 +29 8 5 Q C9 +29 8 6 Y I40 +29 9 1 S J0 +29 9 2 T A0 +29 9 3 C G2 +29 9 4 Q C8 +29 9 5 Y I8 +29 9 6 I F28 +29 10 1 C G1 +29 10 2 S J0 +29 10 3 G C2 +29 10 4 T A0 +29 10 5 Q C9 +29 10 6 I F27 +29 10 7 Y H37 +29 11 1 S J0 +29 11 2 T A0 +29 11 3 C F2 +29 11 4 G I3 +29 11 5 Q C9 +29 11 6 I F19 +29 11 7 Y H34 +29 12 1 C G3 +29 12 2 I G17 +29 12 3 Q C8 +29 12 4 Y I37 +29 12 5 T A0 +29 12 6 S J0 +29 12 7 G I40 +29 13 1 C F3 +29 13 2 S J0 +29 13 3 T A0 +29 13 4 Q C11 +29 13 5 I F28 +29 13 6 Y I33 +29 13 7 G G40 +29 14 1 I H17 +29 14 2 T A0 +29 14 3 Q C8 +29 14 4 C G2 +29 14 5 Y I3 +29 14 6 S J0 +29 15 1 C G3 +29 15 2 S J0 +29 15 3 Q C9 +29 15 4 T A0 +29 15 5 G I38 +29 15 6 Y G34 +29 15 7 I G29 +29 16 1 S J0 +29 16 2 T A0 +29 16 3 C G1 +29 16 4 Q C8 +29 16 5 I F19 +29 16 6 Y H34 +29 16 7 G I34 +29 17 1 C G1 +29 17 2 T A0 +29 17 3 S J0 +29 17 4 Q C9 +29 17 5 I E28 +29 17 6 Y H35 +29 18 1 T A0 +29 18 2 S J0 +29 18 3 C G1 +29 18 4 Q C10 +29 18 5 I F25 +29 19 1 C G2 +29 19 2 S J0 +29 19 3 T A0 +29 19 4 Q C9 +29 19 5 I F29 +29 20 1 C G1 +29 20 2 T A0 +29 20 3 S J0 +29 20 4 Y I2 +29 20 5 G I3 +29 20 6 Q C9 +29 20 7 I F28 +29 21 1 T A0 +29 21 2 Y I35 +29 21 3 C G1 +29 21 4 Q C11 +29 21 5 I G25 +29 21 6 S J0 +29 22 1 C F3 +29 22 2 T A0 +29 22 3 S J0 +29 22 4 Q C9 +29 22 5 I F29 +29 22 6 Y G36 +29 23 1 C G1 +29 23 2 T A0 +29 23 3 S J0 +29 23 4 G I9 +29 23 5 Q C10 +29 23 6 I G17 +29 23 7 Y I30 +29 24 1 C G2 +29 24 2 S J0 +29 24 3 T A0 +29 24 4 Q C8 +29 24 5 I G17 +29 24 6 G I36 +29 24 7 Y H32 +29 25 1 C G3 +29 25 2 T A0 +29 25 3 S J0 +29 25 4 Q D6 +29 25 5 I G29 +29 25 6 Y H34 +29 25 7 G F32 +30 1 1 FI A0 +30 1 2 LU G1 +30 1 3 PA J0 +30 1 4 LA C9 +30 1 5 OS G30 +30 1 6 OP E32 +30 2 1 FI A0 +30 2 2 LA E6 +30 2 3 PA J0 +30 2 4 OS G20 +30 2 5 OP E24 +30 2 6 LU I39 +30 3 1 FI A0 +30 3 2 LU H2 +30 3 3 LA C9 +30 3 4 OS H19 +30 3 5 OP C29 +30 3 6 PA J0 +30 4 1 FI A0 +30 4 2 LU G1 +30 4 3 LA C9 +30 4 4 OS F28 +30 4 5 PA J0 +30 5 1 FI A0 +30 5 2 LU G1 +30 5 3 LA C10 +30 5 4 OS H18 +30 5 5 PA J0 +30 6 1 FI A0 +30 6 2 LA C12 +30 6 3 PA J0 +30 6 4 OS H19 +30 6 5 LU H40 +30 7 1 FI A0 +30 7 2 LU G1 +30 7 3 LA C9 +30 7 4 OS G17 +30 7 5 PA J0 +30 8 1 FI A0 +30 8 2 LU F4 +30 8 3 LA D6 +30 8 4 OS F16 +30 8 5 PA J0 +30 9 1 FI A0 +30 9 2 LU G3 +30 9 3 LA C8 +30 9 4 OS G17 +30 9 5 OP C27 +30 9 6 PA J0 +30 10 1 FI A0 +30 10 2 LU F3 +30 10 3 LA C8 +30 10 3 LA C9 +30 10 4 OS G17 +30 10 4 OS G18 +30 10 5 OP E27 +30 10 5 OP E28 +30 10 6 PA J0 +30 11 1 FI A0 +30 11 2 LU G3 +30 11 3 LA C9 +30 11 4 OS H17 +30 11 5 OP E28 +30 11 6 PA J0 +30 12 1 FI A0 +30 12 2 LU F4 +30 12 3 LA C9 +30 12 4 OS G19 +30 12 5 OP F29 +30 12 6 PA J0 +30 13 1 FI A0 +30 13 2 LU F2 +30 13 3 LA C11 +30 13 4 OS F19 +30 13 5 OP C28 +30 13 6 PA J0 +30 14 1 FI A0 +30 14 2 LU G2 +30 14 3 LA D10 +30 14 4 PA J0 +30 14 5 OP D27 +30 14 6 OS G19 +30 15 1 FI A0 +30 15 2 LA C8 +30 15 3 LU G2 +30 15 4 OP D17 +30 15 5 OS F19 +30 15 6 PA J0 +30 16 1 FI A0 +30 16 2 OP E0 +30 16 3 LU G2 +30 16 4 LA B11 +30 16 5 OS G28 +30 16 6 PA J0 +30 17 1 FI A0 +30 17 2 LU G2 +30 17 3 LA C12 +30 17 4 OS H20 +30 17 5 PA J0 +30 18 1 FI A0 +30 18 2 LU G4 +30 18 3 LA C13 +30 18 4 PA J0 +30 18 5 OP C24 +30 18 6 OS H17 +30 19 1 FI A0 +30 19 2 LU G2 +30 19 3 LA C9 +30 19 4 OS F16 +30 19 5 PA J0 +30 20 1 FI A0 +30 20 2 LU G2 +30 20 3 LA C10 +30 20 4 OS E17 +30 20 5 OP D28 +30 20 6 PA J0 +30 21 1 FI A0 +30 21 2 LU G4 +30 21 3 LA C8 +30 21 4 OS G17 +30 21 5 OP F26 +30 21 6 PA J0 +30 22 1 FI A0 +30 22 2 LU G1 +30 22 3 LA C8 +30 22 4 OS G17 +30 22 5 OP F29 +30 22 6 PA J0 +30 23 1 FI A0 +30 23 2 LU G1 +30 23 3 LA C11 +30 23 4 OS F17 +30 23 5 OP E28 +30 23 6 PA J0 +30 24 1 FI A0 +30 24 2 LU G1 +30 24 3 LA C6 +30 24 4 OS F17 +30 24 5 OP F29 +30 24 6 PA J0 +30 25 1 FI A0 +30 25 2 LU G1 +30 25 3 LA C8 +30 25 4 OS F16 +30 25 5 PA J0 +31 1 1 WP A0 +31 1 1 WP A1 +31 1 1 WP A2 +31 1 1 WP A3 +31 1 1 WP A4 +31 1 1 WP A5 +31 1 1 WP A6 +31 1 1 WP A7 +31 1 1 WP A8 +31 1 1 WP A9 +31 1 1 WP A10 +31 1 1 WP A11 +31 1 1 WP A12 +31 1 1 WP A13 +31 1 1 WP A14 +31 1 1 WP A15 +31 1 1 WP A16 +31 1 1 WP A17 +31 1 1 WP A18 +31 1 1 WP A19 +31 1 1 WP A20 +31 1 1 WP A21 +31 1 1 WP A22 +31 1 1 WP A23 +31 1 1 WP A24 +31 1 1 WP A25 +31 1 1 WP A26 +31 1 1 WP A27 +31 1 1 WP A28 +31 1 1 WP A29 +31 1 1 WP A30 +31 1 1 WP A31 +31 1 1 WP A32 +31 1 1 WP A33 +31 1 1 WP A34 +31 1 1 WP A35 +31 1 1 WP A36 +31 1 1 WP A37 +31 1 1 WP A38 +31 1 1 WP A39 +31 1 1 WP A40 +31 1 2 WI J0 +31 1 2 WI J1 +31 1 2 WI J2 +31 1 2 WI J3 +31 1 2 WI J4 +31 1 2 WI J5 +31 1 2 WI J6 +31 1 2 WI J7 +31 1 2 WI J8 +31 1 2 WI J9 +31 1 2 WI J10 +31 1 2 WI J11 +31 1 2 WI J12 +31 1 2 WI J13 +31 1 2 WI J14 +31 1 2 WI J15 +31 1 2 WI J16 +31 1 2 WI J17 +31 1 2 WI J18 +31 1 2 WI J19 +31 1 2 WI J20 +31 1 2 WI J21 +31 1 2 WI J22 +31 1 2 WI J23 +31 1 2 WI J24 +31 1 2 WI J25 +31 1 2 WI J26 +31 1 2 WI J27 +31 1 2 WI J28 +31 1 2 WI J29 +31 1 2 WI J30 +31 1 2 WI J31 +31 1 2 WI J32 +31 1 2 WI J33 +31 1 2 WI J34 +31 1 2 WI J35 +31 1 2 WI J36 +31 1 2 WI J37 +31 1 2 WI J38 +31 1 2 WI J39 +31 1 2 WI J40 +31 1 3 MU G1 +31 1 4 US D9 +31 1 5 EP H17 +31 1 6 WS G29 +31 2 1 WP A0 +31 2 1 WP A1 +31 2 1 WP A2 +31 2 1 WP A3 +31 2 1 WP A4 +31 2 1 WP A5 +31 2 1 WP A6 +31 2 1 WP A7 +31 2 1 WP A8 +31 2 1 WP A9 +31 2 1 WP A10 +31 2 1 WP A11 +31 2 1 WP A12 +31 2 1 WP A13 +31 2 1 WP A14 +31 2 1 WP A15 +31 2 1 WP A16 +31 2 1 WP A17 +31 2 1 WP A18 +31 2 1 WP A19 +31 2 1 WP A20 +31 2 1 WP A21 +31 2 1 WP A22 +31 2 1 WP A23 +31 2 1 WP A24 +31 2 1 WP A25 +31 2 1 WP A26 +31 2 1 WP A27 +31 2 1 WP A28 +31 2 1 WP A29 +31 2 1 WP A30 +31 2 1 WP A31 +31 2 1 WP A32 +31 2 1 WP A33 +31 2 1 WP A34 +31 2 1 WP A35 +31 2 1 WP A36 +31 2 1 WP A37 +31 2 1 WP A38 +31 2 1 WP A39 +31 2 1 WP A40 +31 2 1 WP B0 +31 2 2 WI G0 +31 2 2 WI H0 +31 2 2 WI I0 +31 2 2 WI J0 +31 2 2 WI J1 +31 2 2 WI J2 +31 2 2 WI J3 +31 2 2 WI J4 +31 2 2 WI J5 +31 2 2 WI J6 +31 2 2 WI J7 +31 2 2 WI J8 +31 2 2 WI J9 +31 2 2 WI J10 +31 2 2 WI J11 +31 2 2 WI J12 +31 2 2 WI J13 +31 2 2 WI J14 +31 2 2 WI J15 +31 2 2 WI J16 +31 2 2 WI J17 +31 2 2 WI J18 +31 2 2 WI J19 +31 2 2 WI J20 +31 2 2 WI J21 +31 2 2 WI J22 +31 2 2 WI J23 +31 2 2 WI J24 +31 2 2 WI J25 +31 2 2 WI J26 +31 2 2 WI J27 +31 2 2 WI J28 +31 2 2 WI J29 +31 2 2 WI J30 +31 2 2 WI J31 +31 2 2 WI J32 +31 2 2 WI J33 +31 2 2 WI J34 +31 2 2 WI J35 +31 2 2 WI J36 +31 2 2 WI J37 +31 2 2 WI J38 +31 2 2 WI J39 +31 2 2 WI J40 +31 2 3 MU E3 +31 2 4 US C10 +31 2 5 EP F27 +31 3 1 WP A0 +31 3 1 WP A1 +31 3 1 WP A2 +31 3 1 WP A3 +31 3 1 WP A4 +31 3 1 WP A5 +31 3 1 WP A6 +31 3 1 WP A7 +31 3 1 WP A8 +31 3 1 WP A9 +31 3 1 WP A10 +31 3 1 WP A11 +31 3 1 WP A12 +31 3 1 WP A13 +31 3 1 WP A14 +31 3 1 WP A15 +31 3 1 WP A16 +31 3 1 WP A17 +31 3 1 WP A18 +31 3 1 WP A19 +31 3 1 WP A20 +31 3 1 WP A21 +31 3 1 WP A22 +31 3 1 WP A23 +31 3 1 WP A24 +31 3 1 WP A25 +31 3 1 WP A26 +31 3 1 WP A27 +31 3 1 WP A28 +31 3 1 WP A29 +31 3 1 WP A30 +31 3 1 WP A31 +31 3 1 WP A32 +31 3 1 WP A33 +31 3 1 WP A34 +31 3 1 WP A35 +31 3 1 WP A36 +31 3 1 WP A37 +31 3 1 WP A38 +31 3 1 WP A39 +31 3 1 WP A40 +31 3 2 WI J0 +31 3 2 WI J1 +31 3 2 WI J2 +31 3 2 WI J3 +31 3 2 WI J4 +31 3 2 WI J5 +31 3 2 WI J6 +31 3 2 WI J7 +31 3 2 WI J8 +31 3 2 WI J9 +31 3 2 WI J10 +31 3 2 WI J11 +31 3 2 WI J12 +31 3 2 WI J13 +31 3 2 WI J14 +31 3 2 WI J15 +31 3 2 WI J16 +31 3 2 WI J17 +31 3 2 WI J18 +31 3 2 WI J19 +31 3 2 WI J20 +31 3 2 WI J21 +31 3 2 WI J22 +31 3 2 WI J23 +31 3 2 WI J24 +31 3 2 WI J25 +31 3 2 WI J26 +31 3 2 WI J27 +31 3 2 WI J28 +31 3 2 WI J29 +31 3 2 WI J30 +31 3 2 WI J31 +31 3 2 WI J32 +31 3 2 WI J33 +31 3 2 WI J34 +31 3 2 WI J35 +31 3 2 WI J36 +31 3 2 WI J37 +31 3 2 WI J38 +31 3 2 WI J39 +31 3 2 WI J40 +31 3 3 MU H3 +31 3 4 US C9 +31 3 5 EP F29 +31 4 1 WP A0 +31 4 1 WP A1 +31 4 1 WP A2 +31 4 1 WP A3 +31 4 1 WP A4 +31 4 1 WP A5 +31 4 1 WP A6 +31 4 1 WP A7 +31 4 1 WP A8 +31 4 1 WP A9 +31 4 1 WP A10 +31 4 1 WP A11 +31 4 1 WP A12 +31 4 1 WP A13 +31 4 1 WP A14 +31 4 1 WP A15 +31 4 1 WP A16 +31 4 1 WP A17 +31 4 1 WP A18 +31 4 1 WP A19 +31 4 1 WP A20 +31 4 1 WP A21 +31 4 1 WP A22 +31 4 1 WP A23 +31 4 1 WP A24 +31 4 1 WP A25 +31 4 1 WP A26 +31 4 1 WP A27 +31 4 1 WP A28 +31 4 1 WP A29 +31 4 1 WP A30 +31 4 1 WP A31 +31 4 1 WP A32 +31 4 1 WP A33 +31 4 1 WP A34 +31 4 1 WP A35 +31 4 1 WP A36 +31 4 1 WP A37 +31 4 1 WP A38 +31 4 1 WP A39 +31 4 1 WP A40 +31 4 2 WI J0 +31 4 2 WI J1 +31 4 2 WI J2 +31 4 2 WI J3 +31 4 2 WI J4 +31 4 2 WI J5 +31 4 2 WI J6 +31 4 2 WI J7 +31 4 2 WI J8 +31 4 2 WI J9 +31 4 2 WI J10 +31 4 2 WI J11 +31 4 2 WI J12 +31 4 2 WI J13 +31 4 2 WI J14 +31 4 2 WI J15 +31 4 2 WI J16 +31 4 2 WI J17 +31 4 2 WI J18 +31 4 2 WI J19 +31 4 2 WI J20 +31 4 2 WI J21 +31 4 2 WI J22 +31 4 2 WI J23 +31 4 2 WI J24 +31 4 2 WI J25 +31 4 2 WI J26 +31 4 2 WI J27 +31 4 2 WI J28 +31 4 2 WI J29 +31 4 2 WI J30 +31 4 2 WI J31 +31 4 2 WI J32 +31 4 2 WI J33 +31 4 2 WI J34 +31 4 2 WI J35 +31 4 2 WI J36 +31 4 2 WI J37 +31 4 2 WI J38 +31 4 2 WI J39 +31 4 2 WI J40 +31 4 3 MU G1 +31 4 4 US C8 +31 4 5 EP I30 +31 5 1 WP A0 +31 5 1 WP A1 +31 5 1 WP A2 +31 5 1 WP A3 +31 5 1 WP A4 +31 5 1 WP A5 +31 5 1 WP A6 +31 5 1 WP A7 +31 5 1 WP A8 +31 5 1 WP A9 +31 5 1 WP A10 +31 5 1 WP A11 +31 5 1 WP A12 +31 5 1 WP A13 +31 5 1 WP A14 +31 5 1 WP A15 +31 5 1 WP A16 +31 5 1 WP A17 +31 5 1 WP A18 +31 5 1 WP A19 +31 5 1 WP A20 +31 5 1 WP A21 +31 5 1 WP A22 +31 5 1 WP A23 +31 5 1 WP A24 +31 5 1 WP A25 +31 5 1 WP A26 +31 5 1 WP A27 +31 5 1 WP A28 +31 5 1 WP A29 +31 5 1 WP A30 +31 5 1 WP A31 +31 5 1 WP A32 +31 5 1 WP A33 +31 5 1 WP A34 +31 5 1 WP A35 +31 5 1 WP A36 +31 5 1 WP A37 +31 5 1 WP A38 +31 5 1 WP A39 +31 5 1 WP A40 +31 5 2 WI J0 +31 5 2 WI J1 +31 5 2 WI J2 +31 5 2 WI J3 +31 5 2 WI J4 +31 5 2 WI J5 +31 5 2 WI J6 +31 5 2 WI J7 +31 5 2 WI J8 +31 5 2 WI J9 +31 5 2 WI J10 +31 5 2 WI J11 +31 5 2 WI J12 +31 5 2 WI J13 +31 5 2 WI J14 +31 5 2 WI J15 +31 5 2 WI J16 +31 5 2 WI J17 +31 5 2 WI J18 +31 5 2 WI J19 +31 5 2 WI J20 +31 5 2 WI J21 +31 5 2 WI J22 +31 5 2 WI J23 +31 5 2 WI J24 +31 5 2 WI J25 +31 5 2 WI J26 +31 5 2 WI J27 +31 5 2 WI J28 +31 5 2 WI J29 +31 5 2 WI J30 +31 5 2 WI J31 +31 5 2 WI J32 +31 5 2 WI J33 +31 5 2 WI J34 +31 5 2 WI J35 +31 5 2 WI J36 +31 5 2 WI J37 +31 5 2 WI J38 +31 5 2 WI J39 +31 5 2 WI J40 +31 5 3 MU H1 +31 5 4 US C10 +31 5 5 EP I30 +31 6 1 WP A0 +31 6 1 WP A1 +31 6 1 WP A2 +31 6 1 WP A3 +31 6 1 WP A4 +31 6 1 WP A5 +31 6 1 WP A6 +31 6 1 WP A7 +31 6 1 WP A8 +31 6 1 WP A9 +31 6 1 WP A10 +31 6 1 WP A11 +31 6 1 WP A12 +31 6 1 WP A13 +31 6 1 WP A14 +31 6 1 WP A15 +31 6 1 WP A16 +31 6 1 WP A17 +31 6 1 WP A18 +31 6 1 WP A19 +31 6 1 WP A20 +31 6 1 WP A21 +31 6 1 WP A22 +31 6 1 WP A23 +31 6 1 WP A24 +31 6 1 WP A25 +31 6 1 WP A26 +31 6 1 WP A27 +31 6 1 WP A28 +31 6 1 WP A29 +31 6 1 WP A30 +31 6 1 WP A31 +31 6 1 WP A32 +31 6 1 WP A33 +31 6 1 WP A34 +31 6 1 WP A35 +31 6 1 WP A36 +31 6 1 WP A37 +31 6 1 WP A38 +31 6 1 WP A39 +31 6 1 WP A40 +31 6 2 WI J0 +31 6 2 WI J1 +31 6 2 WI J2 +31 6 2 WI J3 +31 6 2 WI J4 +31 6 2 WI J5 +31 6 2 WI J6 +31 6 2 WI J7 +31 6 2 WI J8 +31 6 2 WI J9 +31 6 2 WI J10 +31 6 2 WI J11 +31 6 2 WI J12 +31 6 2 WI J13 +31 6 2 WI J14 +31 6 2 WI J15 +31 6 2 WI J16 +31 6 2 WI J17 +31 6 2 WI J18 +31 6 2 WI J19 +31 6 2 WI J20 +31 6 2 WI J21 +31 6 2 WI J22 +31 6 2 WI J23 +31 6 2 WI J24 +31 6 2 WI J25 +31 6 2 WI J26 +31 6 2 WI J27 +31 6 2 WI J28 +31 6 2 WI J29 +31 6 2 WI J30 +31 6 2 WI J31 +31 6 2 WI J32 +31 6 2 WI J33 +31 6 2 WI J34 +31 6 2 WI J35 +31 6 2 WI J36 +31 6 2 WI J37 +31 6 2 WI J38 +31 6 2 WI J39 +31 6 2 WI J40 +31 6 3 MU G40 +31 6 4 US G20 +31 6 5 EP I31 +31 7 1 WP A0 +31 7 1 WP A1 +31 7 1 WP A2 +31 7 1 WP A3 +31 7 1 WP A4 +31 7 1 WP A5 +31 7 1 WP A6 +31 7 1 WP A7 +31 7 1 WP A8 +31 7 1 WP A9 +31 7 1 WP A10 +31 7 1 WP A11 +31 7 1 WP A12 +31 7 1 WP A13 +31 7 1 WP A14 +31 7 1 WP A15 +31 7 1 WP A16 +31 7 1 WP A17 +31 7 1 WP A18 +31 7 1 WP A19 +31 7 1 WP A20 +31 7 1 WP A21 +31 7 1 WP A22 +31 7 1 WP A23 +31 7 1 WP A24 +31 7 1 WP A25 +31 7 1 WP A26 +31 7 1 WP A27 +31 7 1 WP A28 +31 7 1 WP A29 +31 7 1 WP A30 +31 7 1 WP A31 +31 7 1 WP A32 +31 7 1 WP A33 +31 7 1 WP A34 +31 7 1 WP A35 +31 7 1 WP A36 +31 7 1 WP A37 +31 7 1 WP A38 +31 7 1 WP A39 +31 7 1 WP A40 +31 7 2 WI J0 +31 7 2 WI J1 +31 7 2 WI J2 +31 7 2 WI J3 +31 7 2 WI J4 +31 7 2 WI J5 +31 7 2 WI J6 +31 7 2 WI J7 +31 7 2 WI J8 +31 7 2 WI J9 +31 7 2 WI J10 +31 7 2 WI J11 +31 7 2 WI J12 +31 7 2 WI J13 +31 7 2 WI J14 +31 7 2 WI J15 +31 7 2 WI J16 +31 7 2 WI J17 +31 7 2 WI J18 +31 7 2 WI J19 +31 7 2 WI J20 +31 7 2 WI J21 +31 7 2 WI J22 +31 7 2 WI J23 +31 7 2 WI J24 +31 7 2 WI J25 +31 7 2 WI J26 +31 7 2 WI J27 +31 7 2 WI J28 +31 7 2 WI J29 +31 7 2 WI J30 +31 7 2 WI J31 +31 7 2 WI J32 +31 7 2 WI J33 +31 7 2 WI J34 +31 7 2 WI J35 +31 7 2 WI J36 +31 7 2 WI J37 +31 7 2 WI J38 +31 7 2 WI J39 +31 7 2 WI J40 +31 7 3 MU H3 +31 7 4 US C9 +31 7 5 EP G30 +31 8 1 WP A0 +31 8 1 WP A1 +31 8 1 WP A2 +31 8 1 WP A3 +31 8 1 WP A4 +31 8 1 WP A5 +31 8 1 WP A6 +31 8 1 WP A7 +31 8 1 WP A8 +31 8 1 WP A9 +31 8 1 WP A10 +31 8 1 WP A11 +31 8 1 WP A12 +31 8 1 WP A13 +31 8 1 WP A14 +31 8 1 WP A15 +31 8 1 WP A16 +31 8 1 WP A17 +31 8 1 WP A18 +31 8 1 WP A19 +31 8 1 WP A20 +31 8 1 WP A21 +31 8 1 WP A22 +31 8 1 WP A23 +31 8 1 WP A24 +31 8 1 WP A25 +31 8 1 WP A26 +31 8 1 WP A27 +31 8 1 WP A28 +31 8 1 WP A29 +31 8 1 WP A30 +31 8 1 WP A31 +31 8 1 WP A32 +31 8 1 WP A33 +31 8 1 WP A34 +31 8 1 WP A35 +31 8 1 WP A36 +31 8 1 WP A37 +31 8 1 WP A38 +31 8 1 WP A39 +31 8 1 WP A40 +31 8 2 WI J0 +31 8 2 WI J1 +31 8 2 WI J2 +31 8 2 WI J3 +31 8 2 WI J4 +31 8 2 WI J5 +31 8 2 WI J6 +31 8 2 WI J7 +31 8 2 WI J8 +31 8 2 WI J9 +31 8 2 WI J10 +31 8 2 WI J11 +31 8 2 WI J12 +31 8 2 WI J13 +31 8 2 WI J14 +31 8 2 WI J15 +31 8 2 WI J16 +31 8 2 WI J17 +31 8 2 WI J18 +31 8 2 WI J19 +31 8 2 WI J20 +31 8 2 WI J21 +31 8 2 WI J22 +31 8 2 WI J23 +31 8 2 WI J24 +31 8 2 WI J25 +31 8 2 WI J26 +31 8 2 WI J27 +31 8 2 WI J28 +31 8 2 WI J29 +31 8 2 WI J30 +31 8 2 WI J31 +31 8 2 WI J32 +31 8 2 WI J33 +31 8 2 WI J34 +31 8 2 WI J35 +31 8 2 WI J36 +31 8 2 WI J37 +31 8 2 WI J38 +31 8 2 WI J39 +31 8 2 WI J40 +31 8 3 MU F4 +31 8 4 US C9 +31 8 5 EP H30 +31 9 1 WP A0 +31 9 1 WP A1 +31 9 1 WP A2 +31 9 1 WP A3 +31 9 1 WP A4 +31 9 1 WP A5 +31 9 1 WP A6 +31 9 1 WP A7 +31 9 1 WP A8 +31 9 1 WP A9 +31 9 1 WP A10 +31 9 1 WP A11 +31 9 1 WP A12 +31 9 1 WP A13 +31 9 1 WP A14 +31 9 1 WP A15 +31 9 1 WP A16 +31 9 1 WP A17 +31 9 1 WP A18 +31 9 1 WP A19 +31 9 1 WP A20 +31 9 1 WP A21 +31 9 1 WP A22 +31 9 1 WP A23 +31 9 1 WP A24 +31 9 1 WP A25 +31 9 1 WP A26 +31 9 1 WP A27 +31 9 1 WP A28 +31 9 1 WP A29 +31 9 1 WP A30 +31 9 1 WP A31 +31 9 1 WP A32 +31 9 1 WP A33 +31 9 1 WP A34 +31 9 1 WP A35 +31 9 1 WP A36 +31 9 1 WP A37 +31 9 1 WP A38 +31 9 1 WP A39 +31 9 1 WP A40 +31 9 2 WI J0 +31 9 2 WI J1 +31 9 2 WI J2 +31 9 2 WI J3 +31 9 2 WI J4 +31 9 2 WI J5 +31 9 2 WI J6 +31 9 2 WI J7 +31 9 2 WI J8 +31 9 2 WI J9 +31 9 2 WI J10 +31 9 2 WI J11 +31 9 2 WI J12 +31 9 2 WI J13 +31 9 2 WI J14 +31 9 2 WI J15 +31 9 2 WI J16 +31 9 2 WI J17 +31 9 2 WI J18 +31 9 2 WI J19 +31 9 2 WI J20 +31 9 2 WI J21 +31 9 2 WI J22 +31 9 2 WI J23 +31 9 2 WI J24 +31 9 2 WI J25 +31 9 2 WI J26 +31 9 2 WI J27 +31 9 2 WI J28 +31 9 2 WI J29 +31 9 2 WI J30 +31 9 2 WI J31 +31 9 2 WI J32 +31 9 2 WI J33 +31 9 2 WI J34 +31 9 2 WI J35 +31 9 2 WI J36 +31 9 2 WI J37 +31 9 2 WI J38 +31 9 2 WI J39 +31 9 2 WI J40 +31 9 3 MU G2 +31 9 4 US F17 +31 9 5 EP H30 +31 9 6 WS G30 +31 10 1 WP A0 +31 10 1 WP A1 +31 10 1 WP A2 +31 10 1 WP A3 +31 10 1 WP A4 +31 10 1 WP A5 +31 10 1 WP A6 +31 10 1 WP A7 +31 10 1 WP A8 +31 10 1 WP A9 +31 10 1 WP A10 +31 10 1 WP A11 +31 10 1 WP A12 +31 10 1 WP A13 +31 10 1 WP A14 +31 10 1 WP A15 +31 10 1 WP A16 +31 10 1 WP A17 +31 10 1 WP A18 +31 10 1 WP A19 +31 10 1 WP A20 +31 10 1 WP A21 +31 10 1 WP A22 +31 10 1 WP A23 +31 10 1 WP A24 +31 10 1 WP A25 +31 10 1 WP A26 +31 10 1 WP A27 +31 10 1 WP A28 +31 10 1 WP A29 +31 10 1 WP A30 +31 10 1 WP A31 +31 10 1 WP A32 +31 10 1 WP A33 +31 10 1 WP A34 +31 10 1 WP A35 +31 10 1 WP A36 +31 10 1 WP A37 +31 10 1 WP A38 +31 10 1 WP A39 +31 10 1 WP A40 +31 10 1 WP B0 +31 10 2 WI G0 +31 10 2 WI H0 +31 10 2 WI I0 +31 10 2 WI J0 +31 10 2 WI J1 +31 10 2 WI J2 +31 10 2 WI J3 +31 10 2 WI J4 +31 10 2 WI J5 +31 10 2 WI J6 +31 10 2 WI J7 +31 10 2 WI J8 +31 10 2 WI J9 +31 10 2 WI J10 +31 10 2 WI J11 +31 10 2 WI J12 +31 10 2 WI J13 +31 10 2 WI J14 +31 10 2 WI J15 +31 10 2 WI J16 +31 10 2 WI J17 +31 10 2 WI J18 +31 10 2 WI J19 +31 10 2 WI J20 +31 10 2 WI J21 +31 10 2 WI J22 +31 10 2 WI J23 +31 10 2 WI J24 +31 10 2 WI J25 +31 10 2 WI J26 +31 10 2 WI J27 +31 10 2 WI J28 +31 10 2 WI J29 +31 10 2 WI J30 +31 10 2 WI J31 +31 10 2 WI J32 +31 10 2 WI J33 +31 10 2 WI J34 +31 10 2 WI J35 +31 10 2 WI J36 +31 10 2 WI J37 +31 10 2 WI J38 +31 10 2 WI J39 +31 10 2 WI J40 +31 10 3 MU E3 +31 10 4 US C10 +31 10 5 EP H29 +31 11 1 WP A0 +31 11 1 WP A1 +31 11 1 WP A2 +31 11 1 WP A3 +31 11 1 WP A4 +31 11 1 WP A5 +31 11 1 WP A6 +31 11 1 WP A7 +31 11 1 WP A8 +31 11 1 WP A9 +31 11 1 WP A10 +31 11 1 WP A11 +31 11 1 WP A12 +31 11 1 WP A13 +31 11 1 WP A14 +31 11 1 WP A15 +31 11 1 WP A16 +31 11 1 WP A17 +31 11 1 WP A18 +31 11 1 WP A19 +31 11 1 WP A20 +31 11 1 WP A21 +31 11 1 WP A22 +31 11 1 WP A23 +31 11 1 WP A24 +31 11 1 WP A25 +31 11 1 WP A26 +31 11 1 WP A27 +31 11 1 WP A28 +31 11 1 WP A29 +31 11 1 WP A30 +31 11 1 WP A31 +31 11 1 WP A32 +31 11 1 WP A33 +31 11 1 WP A34 +31 11 1 WP A35 +31 11 1 WP A36 +31 11 1 WP A37 +31 11 1 WP A38 +31 11 1 WP A39 +31 11 1 WP A40 +31 11 2 WI J0 +31 11 2 WI J1 +31 11 2 WI J2 +31 11 2 WI J3 +31 11 2 WI J4 +31 11 2 WI J5 +31 11 2 WI J6 +31 11 2 WI J7 +31 11 2 WI J8 +31 11 2 WI J9 +31 11 2 WI J10 +31 11 2 WI J11 +31 11 2 WI J12 +31 11 2 WI J13 +31 11 2 WI J14 +31 11 2 WI J15 +31 11 2 WI J16 +31 11 2 WI J17 +31 11 2 WI J18 +31 11 2 WI J19 +31 11 2 WI J20 +31 11 2 WI J21 +31 11 2 WI J22 +31 11 2 WI J23 +31 11 2 WI J24 +31 11 2 WI J25 +31 11 2 WI J26 +31 11 2 WI J27 +31 11 2 WI J28 +31 11 2 WI J29 +31 11 2 WI J30 +31 11 2 WI J31 +31 11 2 WI J32 +31 11 2 WI J33 +31 11 2 WI J34 +31 11 2 WI J35 +31 11 2 WI J36 +31 11 2 WI J37 +31 11 2 WI J38 +31 11 2 WI J39 +31 11 2 WI J40 +31 11 3 MU G1 +31 11 4 US F18 +31 11 5 EP H31 +31 12 1 WP A8 +31 12 2 WI J1 +31 12 3 MU G2 +31 12 4 US D7 +31 12 5 EP F29 +31 13 1 WP A0 +31 13 1 WP A1 +31 13 1 WP A2 +31 13 1 WP A3 +31 13 1 WP A4 +31 13 1 WP A5 +31 13 1 WP A6 +31 13 1 WP A7 +31 13 1 WP A8 +31 13 1 WP A9 +31 13 1 WP A10 +31 13 1 WP A11 +31 13 1 WP A12 +31 13 1 WP A13 +31 13 1 WP A14 +31 13 1 WP A15 +31 13 1 WP A16 +31 13 1 WP A17 +31 13 1 WP A18 +31 13 1 WP A19 +31 13 1 WP A20 +31 13 1 WP A21 +31 13 1 WP A22 +31 13 1 WP A23 +31 13 1 WP A24 +31 13 1 WP A25 +31 13 1 WP A26 +31 13 1 WP A27 +31 13 1 WP A28 +31 13 1 WP A29 +31 13 1 WP A30 +31 13 1 WP A31 +31 13 1 WP A32 +31 13 1 WP A33 +31 13 1 WP A34 +31 13 1 WP A35 +31 13 1 WP A36 +31 13 1 WP A37 +31 13 1 WP A38 +31 13 1 WP A39 +31 13 1 WP A40 +31 13 2 WI J0 +31 13 2 WI J1 +31 13 2 WI J2 +31 13 2 WI J3 +31 13 2 WI J4 +31 13 2 WI J5 +31 13 2 WI J6 +31 13 2 WI J7 +31 13 2 WI J8 +31 13 2 WI J9 +31 13 2 WI J10 +31 13 2 WI J11 +31 13 2 WI J12 +31 13 2 WI J13 +31 13 2 WI J14 +31 13 2 WI J15 +31 13 2 WI J16 +31 13 2 WI J17 +31 13 2 WI J18 +31 13 2 WI J19 +31 13 2 WI J20 +31 13 2 WI J21 +31 13 2 WI J22 +31 13 2 WI J23 +31 13 2 WI J24 +31 13 2 WI J25 +31 13 2 WI J26 +31 13 2 WI J27 +31 13 2 WI J28 +31 13 2 WI J29 +31 13 2 WI J30 +31 13 2 WI J31 +31 13 2 WI J32 +31 13 2 WI J33 +31 13 2 WI J34 +31 13 2 WI J35 +31 13 2 WI J36 +31 13 2 WI J37 +31 13 2 WI J38 +31 13 2 WI J39 +31 13 2 WI J40 +31 13 3 MU G1 +31 13 4 US E5 +31 13 5 EP G30 +31 14 1 WP A0 +31 14 1 WP A1 +31 14 1 WP A2 +31 14 1 WP A3 +31 14 1 WP A4 +31 14 1 WP A5 +31 14 1 WP A6 +31 14 1 WP A7 +31 14 1 WP A8 +31 14 1 WP A9 +31 14 1 WP A10 +31 14 1 WP A11 +31 14 1 WP A12 +31 14 1 WP A13 +31 14 1 WP A14 +31 14 1 WP A15 +31 14 1 WP A16 +31 14 1 WP A17 +31 14 1 WP A18 +31 14 1 WP A19 +31 14 1 WP A20 +31 14 1 WP A21 +31 14 1 WP A22 +31 14 1 WP A23 +31 14 1 WP A24 +31 14 1 WP A25 +31 14 1 WP A26 +31 14 1 WP A27 +31 14 1 WP A28 +31 14 1 WP A29 +31 14 1 WP A30 +31 14 1 WP A31 +31 14 1 WP A32 +31 14 1 WP A33 +31 14 1 WP A34 +31 14 1 WP A35 +31 14 1 WP A36 +31 14 1 WP A37 +31 14 1 WP A38 +31 14 1 WP A39 +31 14 1 WP A40 +31 14 2 WI J0 +31 14 2 WI J1 +31 14 2 WI J2 +31 14 2 WI J3 +31 14 2 WI J4 +31 14 2 WI J5 +31 14 2 WI J6 +31 14 2 WI J7 +31 14 2 WI J8 +31 14 2 WI J9 +31 14 2 WI J10 +31 14 2 WI J11 +31 14 2 WI J12 +31 14 2 WI J13 +31 14 2 WI J14 +31 14 2 WI J15 +31 14 2 WI J16 +31 14 2 WI J17 +31 14 2 WI J18 +31 14 2 WI J19 +31 14 2 WI J20 +31 14 2 WI J21 +31 14 2 WI J22 +31 14 2 WI J23 +31 14 2 WI J24 +31 14 2 WI J25 +31 14 2 WI J26 +31 14 2 WI J27 +31 14 2 WI J28 +31 14 2 WI J29 +31 14 2 WI J30 +31 14 2 WI J31 +31 14 2 WI J32 +31 14 2 WI J33 +31 14 2 WI J34 +31 14 2 WI J35 +31 14 2 WI J36 +31 14 2 WI J37 +31 14 2 WI J38 +31 14 2 WI J39 +31 14 2 WI J40 +31 14 3 MU G40 +31 14 4 US G17 +31 14 5 EP E29 +31 15 1 WP A0 +31 15 1 WP A1 +31 15 1 WP A2 +31 15 1 WP A3 +31 15 1 WP A4 +31 15 1 WP A5 +31 15 1 WP A6 +31 15 1 WP A7 +31 15 1 WP A8 +31 15 1 WP A9 +31 15 1 WP A10 +31 15 1 WP A11 +31 15 1 WP A12 +31 15 1 WP A13 +31 15 1 WP A14 +31 15 1 WP A15 +31 15 1 WP A16 +31 15 1 WP A17 +31 15 1 WP A18 +31 15 1 WP A19 +31 15 1 WP A20 +31 15 1 WP A21 +31 15 1 WP A22 +31 15 1 WP A23 +31 15 1 WP A24 +31 15 1 WP A25 +31 15 1 WP A26 +31 15 1 WP A27 +31 15 1 WP A28 +31 15 1 WP A29 +31 15 1 WP A30 +31 15 1 WP A31 +31 15 1 WP A32 +31 15 1 WP A33 +31 15 1 WP A34 +31 15 1 WP A35 +31 15 1 WP A36 +31 15 1 WP A37 +31 15 1 WP A38 +31 15 1 WP A39 +31 15 1 WP A40 +31 15 2 WI J0 +31 15 2 WI J1 +31 15 2 WI J2 +31 15 2 WI J3 +31 15 2 WI J4 +31 15 2 WI J5 +31 15 2 WI J6 +31 15 2 WI J7 +31 15 2 WI J8 +31 15 2 WI J9 +31 15 2 WI J10 +31 15 2 WI J11 +31 15 2 WI J12 +31 15 2 WI J13 +31 15 2 WI J14 +31 15 2 WI J15 +31 15 2 WI J16 +31 15 2 WI J17 +31 15 2 WI J18 +31 15 2 WI J19 +31 15 2 WI J20 +31 15 2 WI J21 +31 15 2 WI J22 +31 15 2 WI J23 +31 15 2 WI J24 +31 15 2 WI J25 +31 15 2 WI J26 +31 15 2 WI J27 +31 15 2 WI J28 +31 15 2 WI J29 +31 15 2 WI J30 +31 15 2 WI J31 +31 15 2 WI J32 +31 15 2 WI J33 +31 15 2 WI J34 +31 15 2 WI J35 +31 15 2 WI J36 +31 15 2 WI J37 +31 15 2 WI J38 +31 15 2 WI J39 +31 15 2 WI J40 +31 15 3 MU G1 +31 15 4 US C8 +31 15 5 WS F29 +31 15 6 EP G28 +31 16 1 WP A0 +31 16 1 WP A1 +31 16 1 WP A2 +31 16 1 WP A3 +31 16 1 WP A4 +31 16 1 WP A5 +31 16 1 WP A6 +31 16 1 WP A7 +31 16 1 WP A8 +31 16 1 WP A9 +31 16 1 WP A10 +31 16 1 WP A11 +31 16 1 WP A12 +31 16 1 WP A13 +31 16 1 WP A14 +31 16 1 WP A15 +31 16 1 WP A16 +31 16 1 WP A17 +31 16 1 WP A18 +31 16 1 WP A19 +31 16 1 WP A20 +31 16 1 WP A21 +31 16 1 WP A22 +31 16 1 WP A23 +31 16 1 WP A24 +31 16 1 WP A25 +31 16 1 WP A26 +31 16 1 WP A27 +31 16 1 WP A28 +31 16 1 WP A29 +31 16 1 WP A30 +31 16 1 WP A31 +31 16 1 WP A32 +31 16 1 WP A33 +31 16 1 WP A34 +31 16 1 WP A35 +31 16 1 WP A36 +31 16 1 WP A37 +31 16 1 WP A38 +31 16 1 WP A39 +31 16 1 WP A40 +31 16 2 WI J0 +31 16 2 WI J1 +31 16 2 WI J2 +31 16 2 WI J3 +31 16 2 WI J4 +31 16 2 WI J5 +31 16 2 WI J6 +31 16 2 WI J7 +31 16 2 WI J8 +31 16 2 WI J9 +31 16 2 WI J10 +31 16 2 WI J11 +31 16 2 WI J12 +31 16 2 WI J13 +31 16 2 WI J14 +31 16 2 WI J15 +31 16 2 WI J16 +31 16 2 WI J17 +31 16 2 WI J18 +31 16 2 WI J19 +31 16 2 WI J20 +31 16 2 WI J21 +31 16 2 WI J22 +31 16 2 WI J23 +31 16 2 WI J24 +31 16 2 WI J25 +31 16 2 WI J26 +31 16 2 WI J27 +31 16 2 WI J28 +31 16 2 WI J29 +31 16 2 WI J30 +31 16 2 WI J31 +31 16 2 WI J32 +31 16 2 WI J33 +31 16 2 WI J34 +31 16 2 WI J35 +31 16 2 WI J36 +31 16 2 WI J37 +31 16 2 WI J38 +31 16 2 WI J39 +31 16 2 WI J40 +31 16 3 MU G1 +31 16 4 US C8 +31 16 5 EP F29 +31 17 1 WP A0 +31 17 1 WP A1 +31 17 1 WP A2 +31 17 1 WP A3 +31 17 1 WP A4 +31 17 1 WP A5 +31 17 1 WP A6 +31 17 1 WP A7 +31 17 1 WP A8 +31 17 1 WP A9 +31 17 1 WP A10 +31 17 1 WP A11 +31 17 1 WP A12 +31 17 1 WP A13 +31 17 1 WP A14 +31 17 1 WP A15 +31 17 1 WP A16 +31 17 1 WP A17 +31 17 1 WP A18 +31 17 1 WP A19 +31 17 1 WP A20 +31 17 1 WP A21 +31 17 1 WP A22 +31 17 1 WP A23 +31 17 1 WP A24 +31 17 1 WP A25 +31 17 1 WP A26 +31 17 1 WP A27 +31 17 1 WP A28 +31 17 1 WP A29 +31 17 1 WP A30 +31 17 1 WP A31 +31 17 1 WP A32 +31 17 1 WP A33 +31 17 1 WP A34 +31 17 1 WP A35 +31 17 1 WP A36 +31 17 1 WP A37 +31 17 1 WP A38 +31 17 1 WP A39 +31 17 1 WP A40 +31 17 2 WI J0 +31 17 2 WI J1 +31 17 2 WI J2 +31 17 2 WI J3 +31 17 2 WI J4 +31 17 2 WI J5 +31 17 2 WI J6 +31 17 2 WI J7 +31 17 2 WI J8 +31 17 2 WI J9 +31 17 2 WI J10 +31 17 2 WI J11 +31 17 2 WI J12 +31 17 2 WI J13 +31 17 2 WI J14 +31 17 2 WI J15 +31 17 2 WI J16 +31 17 2 WI J17 +31 17 2 WI J18 +31 17 2 WI J19 +31 17 2 WI J20 +31 17 2 WI J21 +31 17 2 WI J22 +31 17 2 WI J23 +31 17 2 WI J24 +31 17 2 WI J25 +31 17 2 WI J26 +31 17 2 WI J27 +31 17 2 WI J28 +31 17 2 WI J29 +31 17 2 WI J30 +31 17 2 WI J31 +31 17 2 WI J32 +31 17 2 WI J33 +31 17 2 WI J34 +31 17 2 WI J35 +31 17 2 WI J36 +31 17 2 WI J37 +31 17 2 WI J38 +31 17 2 WI J39 +31 17 2 WI J40 +31 17 3 MU G1 +31 17 4 US D6 +31 17 5 EP I30 +31 18 1 WP A0 +31 18 1 WP A1 +31 18 1 WP A2 +31 18 1 WP A3 +31 18 1 WP A4 +31 18 1 WP A5 +31 18 1 WP A6 +31 18 1 WP A7 +31 18 1 WP A8 +31 18 1 WP A9 +31 18 1 WP A10 +31 18 1 WP A11 +31 18 1 WP A12 +31 18 1 WP A13 +31 18 1 WP A14 +31 18 1 WP A15 +31 18 1 WP A16 +31 18 1 WP A17 +31 18 1 WP A18 +31 18 1 WP A19 +31 18 1 WP A20 +31 18 1 WP A21 +31 18 1 WP A22 +31 18 1 WP A23 +31 18 1 WP A24 +31 18 1 WP A25 +31 18 1 WP A26 +31 18 1 WP A27 +31 18 1 WP A28 +31 18 1 WP A29 +31 18 1 WP A30 +31 18 1 WP A31 +31 18 1 WP A32 +31 18 1 WP A33 +31 18 1 WP A34 +31 18 1 WP A35 +31 18 1 WP A36 +31 18 1 WP A37 +31 18 1 WP A38 +31 18 1 WP A39 +31 18 1 WP A40 +31 18 2 WI J0 +31 18 2 WI J1 +31 18 2 WI J2 +31 18 2 WI J3 +31 18 2 WI J4 +31 18 2 WI J5 +31 18 2 WI J6 +31 18 2 WI J7 +31 18 2 WI J8 +31 18 2 WI J9 +31 18 2 WI J10 +31 18 2 WI J11 +31 18 2 WI J12 +31 18 2 WI J13 +31 18 2 WI J14 +31 18 2 WI J15 +31 18 2 WI J16 +31 18 2 WI J17 +31 18 2 WI J18 +31 18 2 WI J19 +31 18 2 WI J20 +31 18 2 WI J21 +31 18 2 WI J22 +31 18 2 WI J23 +31 18 2 WI J24 +31 18 2 WI J25 +31 18 2 WI J26 +31 18 2 WI J27 +31 18 2 WI J28 +31 18 2 WI J29 +31 18 2 WI J30 +31 18 2 WI J31 +31 18 2 WI J32 +31 18 2 WI J33 +31 18 2 WI J34 +31 18 2 WI J35 +31 18 2 WI J36 +31 18 2 WI J37 +31 18 2 WI J38 +31 18 2 WI J39 +31 18 2 WI J40 +31 18 3 MU G1 +31 18 4 US C9 +31 18 5 EP G28 +32 2 1 NI A1 +32 2 2 MI C1 +32 2 2 MI C2 +32 2 2 MI C3 +32 2 2 MI C4 +32 2 2 MI C5 +32 2 2 MI D1 +32 2 2 MI D2 +32 2 2 MI D3 +32 2 2 MI D4 +32 2 2 MI D5 +32 2 2 MI D35 +32 2 2 MI D36 +32 2 2 MI D37 +32 2 2 MI D38 +32 2 2 MI D39 +32 2 2 MI D40 +32 2 2 MI E1 +32 2 2 MI E2 +32 2 2 MI E3 +32 2 2 MI E4 +32 2 2 MI E5 +32 2 2 MI E35 +32 2 2 MI E36 +32 2 2 MI E37 +32 2 2 MI E38 +32 2 2 MI E39 +32 2 2 MI E40 +32 2 2 MI F1 +32 2 2 MI F2 +32 2 2 MI F3 +32 2 2 MI F4 +32 2 2 MI F5 +32 2 2 MI F35 +32 2 2 MI F36 +32 2 2 MI F37 +32 2 2 MI F38 +32 2 2 MI F39 +32 2 2 MI F40 +32 2 2 MI G1 +32 2 2 MI G2 +32 2 2 MI G3 +32 2 2 MI G4 +32 2 2 MI G5 +32 2 2 MI G35 +32 2 2 MI G36 +32 2 2 MI G37 +32 2 2 MI G38 +32 2 2 MI G39 +32 2 2 MI G40 +32 2 2 MI H1 +32 2 2 MI H2 +32 2 2 MI H3 +32 2 2 MI H4 +32 2 2 MI H5 +32 2 2 MI H35 +32 2 2 MI H36 +32 2 2 MI H37 +32 2 2 MI H38 +32 2 2 MI H39 +32 2 2 MI H40 +32 2 2 MI I1 +32 2 2 MI I2 +32 2 2 MI I3 +32 2 2 MI I4 +32 2 2 MI I5 +32 2 3 HI B8 +32 2 3 HI B9 +32 2 3 HI B10 +32 2 3 HI B11 +32 2 3 HI B12 +32 2 3 HI C8 +32 2 3 HI C9 +32 2 3 HI C10 +32 2 3 HI C11 +32 2 3 HI C12 +32 2 3 HI D8 +32 2 3 HI D9 +32 2 3 HI D10 +32 2 3 HI D11 +32 2 3 HI D12 +32 2 4 SI J11 +32 2 4 SI J12 +32 3 1 NI A0 +32 3 1 NI A1 +32 3 1 NI A2 +32 3 1 NI A3 +32 3 1 NI A4 +32 3 1 NI A5 +32 3 1 NI A6 +32 3 1 NI A7 +32 3 1 NI A8 +32 3 1 NI A9 +32 3 1 NI A10 +32 3 1 NI A11 +32 3 1 NI A12 +32 3 1 NI A13 +32 3 1 NI A14 +32 3 1 NI A15 +32 3 1 NI A16 +32 3 1 NI A17 +32 3 1 NI A18 +32 3 1 NI A19 +32 3 1 NI A20 +32 3 1 NI A21 +32 3 1 NI A22 +32 3 1 NI A23 +32 3 1 NI A24 +32 3 1 NI A25 +32 3 1 NI A26 +32 3 1 NI A27 +32 3 1 NI A28 +32 3 1 NI A29 +32 3 1 NI A30 +32 3 1 NI A31 +32 3 1 NI A32 +32 3 1 NI A33 +32 3 1 NI A34 +32 3 1 NI A35 +32 3 1 NI A36 +32 3 1 NI A37 +32 3 1 NI A38 +32 3 1 NI A39 +32 3 1 NI A40 +32 3 2 MH C1 +32 3 2 MH C2 +32 3 2 MH C3 +32 3 2 MH C4 +32 3 2 MH C5 +32 3 2 MH C6 +32 3 2 MH C7 +32 3 2 MH C8 +32 3 2 MH C9 +32 3 2 MH C10 +32 3 2 MH D1 +32 3 2 MH D2 +32 3 2 MH D3 +32 3 2 MH D4 +32 3 2 MH D5 +32 3 2 MH D6 +32 3 2 MH D7 +32 3 2 MH D8 +32 3 2 MH D9 +32 3 2 MH D10 +32 3 3 HI B10 +32 3 3 HI B11 +32 3 3 HI B12 +32 3 3 HI B13 +32 3 3 HI C10 +32 3 3 HI C11 +32 3 3 HI C12 +32 3 3 HI C13 +32 3 3 HI D10 +32 3 3 HI D11 +32 3 3 HI D12 +32 3 3 HI D13 +32 3 4 MI E1 +32 3 4 MI E2 +32 3 4 MI E3 +32 3 4 MI E4 +32 3 4 MI F1 +32 3 4 MI F2 +32 3 4 MI F3 +32 3 4 MI F4 +32 3 4 MI G1 +32 3 4 MI G2 +32 3 4 MI G3 +32 3 4 MI G4 +32 3 4 MI H1 +32 3 4 MI H2 +32 3 4 MI H3 +32 3 4 MI H4 +32 3 5 SI E16 +32 3 5 SI E17 +32 3 5 SI E18 +32 3 5 SI E19 +32 3 5 SI E20 +32 3 5 SI E21 +32 3 5 SI E22 +32 3 5 SI E23 +32 3 5 SI F16 +32 3 5 SI F17 +32 3 5 SI F18 +32 3 5 SI F19 +32 3 5 SI F20 +32 3 5 SI F21 +32 3 5 SI F22 +32 3 5 SI F23 +32 3 5 SI G16 +32 3 5 SI G17 +32 3 5 SI G18 +32 3 5 SI G19 +32 3 5 SI G20 +32 3 5 SI G21 +32 3 5 SI G22 +32 3 5 SI G23 +32 3 6 OB H6 +32 3 6 OB H7 +32 3 6 OB H8 +32 3 6 OB H9 +32 3 6 OB I6 +32 3 6 OB I7 +32 3 6 OB I8 +32 3 6 OB I9 +32 3 7 SI J0 +32 3 7 SI J1 +32 3 7 SI J2 +32 3 7 SI J3 +32 3 7 SI J4 +32 3 7 SI J5 +32 3 7 SI J6 +32 3 7 SI J7 +32 3 7 SI J8 +32 3 7 SI J9 +32 3 7 SI J10 +32 3 7 SI J11 +32 3 7 SI J12 +32 3 7 SI J13 +32 3 7 SI J14 +32 3 7 SI J15 +32 3 7 SI J16 +32 3 7 SI J17 +32 3 7 SI J18 +32 3 7 SI J19 +32 3 7 SI J20 +32 3 7 SI J21 +32 3 7 SI J22 +32 3 7 SI J23 +32 3 7 SI J24 +32 3 7 SI J25 +32 3 7 SI J26 +32 3 7 SI J27 +32 3 7 SI J28 +32 3 7 SI J29 +32 3 7 SI J30 +32 3 7 SI J31 +32 3 7 SI J32 +32 3 7 SI J33 +32 3 7 SI J34 +32 3 7 SI J35 +32 3 7 SI J36 +32 3 7 SI J37 +32 3 7 SI J38 +32 3 7 SI J39 +32 3 7 SI J40 +32 4 1 HI D10 +32 4 1 HI D11 +32 4 1 HI D12 +32 4 1 HI D13 +32 4 1 HI E10 +32 4 1 HI E11 +32 4 1 HI E12 +32 4 1 HI E13 +32 4 2 HI D27 +32 4 2 HI D28 +32 4 2 HI D29 +32 4 2 HI D30 +32 4 2 HI D31 +32 4 2 HI D32 +32 4 2 HI E27 +32 4 2 HI E28 +32 4 2 HI E29 +32 4 2 HI E30 +32 4 2 HI E31 +32 4 2 HI E32 +32 4 2 HI F27 +32 4 2 HI F28 +32 4 2 HI F29 +32 4 2 HI F30 +32 4 2 HI F31 +32 4 2 HI F32 +32 4 3 MH B35 +32 4 3 MH B36 +32 4 3 MH B37 +32 4 3 MH B38 +32 4 3 MH B39 +32 4 3 MH B40 +32 4 3 MH C35 +32 4 3 MH C36 +32 4 3 MH C37 +32 4 3 MH C38 +32 4 3 MH C39 +32 4 3 MH C40 +32 4 3 MH D35 +32 4 3 MH D36 +32 4 3 MH D37 +32 4 3 MH D38 +32 4 3 MH D39 +32 4 3 MH D40 +32 4 4 SI I0 +32 4 4 SI I1 +32 4 4 SI I2 +32 4 4 SI I3 +32 4 4 SI I4 +32 4 4 SI I5 +32 4 4 SI I6 +32 4 4 SI I7 +32 4 4 SI I8 +32 4 4 SI I9 +32 4 4 SI I10 +32 4 4 SI I11 +32 4 4 SI I12 +32 4 4 SI I13 +32 4 4 SI I14 +32 4 4 SI I15 +32 4 4 SI I16 +32 4 4 SI I17 +32 4 4 SI I18 +32 4 4 SI I19 +32 4 4 SI I20 +32 4 4 SI I21 +32 4 4 SI I22 +32 4 4 SI I23 +32 4 4 SI I24 +32 4 4 SI I25 +32 4 4 SI I26 +32 4 4 SI I27 +32 4 4 SI I28 +32 4 4 SI I29 +32 4 4 SI I30 +32 4 4 SI I31 +32 4 4 SI I32 +32 4 4 SI I33 +32 4 4 SI I34 +32 4 4 SI I35 +32 4 4 SI I36 +32 4 4 SI I37 +32 4 4 SI I38 +32 4 4 SI I39 +32 4 4 SI I40 +32 5 1 NI A0 +32 5 1 NI A1 +32 5 1 NI A2 +32 5 1 NI A3 +32 5 1 NI A4 +32 5 1 NI A5 +32 5 1 NI A6 +32 5 1 NI A7 +32 5 1 NI A8 +32 5 1 NI A9 +32 5 1 NI A10 +32 5 1 NI A11 +32 5 1 NI A12 +32 5 1 NI A13 +32 5 1 NI A14 +32 5 1 NI A15 +32 5 1 NI A16 +32 5 1 NI A17 +32 5 1 NI A18 +32 5 1 NI A19 +32 5 1 NI A20 +32 5 1 NI A21 +32 5 1 NI A22 +32 5 1 NI A23 +32 5 1 NI A24 +32 5 1 NI A25 +32 5 1 NI A26 +32 5 1 NI A27 +32 5 1 NI A28 +32 5 1 NI A29 +32 5 1 NI A30 +32 5 1 NI A31 +32 5 1 NI A32 +32 5 1 NI A33 +32 5 1 NI A34 +32 5 1 NI A35 +32 5 1 NI A36 +32 5 1 NI A37 +32 5 1 NI A38 +32 5 1 NI A39 +32 5 1 NI A40 +32 5 2 SX C7 +32 5 2 SX C8 +32 5 2 SX D7 +32 5 2 SX D8 +32 5 2 SX F13 +32 5 2 SX F14 +32 5 2 SX F15 +32 5 2 SX F16 +32 5 2 SX F17 +32 5 2 SX G28 +32 5 2 SX G29 +32 5 2 SX G30 +32 5 2 SX H28 +32 5 2 SX H29 +32 5 2 SX H30 +32 5 2 SX I28 +32 5 2 SX I29 +32 5 2 SX I30 +32 5 3 NN D0 +32 5 3 NN D1 +32 5 3 NN D2 +32 5 3 NN D3 +32 5 3 NN D4 +32 5 3 NN D5 +32 5 3 NN D6 +32 5 3 NN D7 +32 5 4 NN F0 +32 5 4 NN F1 +32 5 4 NN F2 +32 5 4 NN F3 +32 5 4 NN F4 +32 5 4 NN F5 +32 5 4 NN F6 +32 5 5 SP G1 +32 5 5 SP G2 +32 5 5 SP G3 +32 5 5 SP G4 +32 5 5 SP G5 +32 5 6 MI H1 +32 5 6 MI H2 +32 5 6 MI H3 +32 5 6 MI H4 +32 5 6 MI H5 +32 5 6 MI I1 +32 5 6 MI I2 +32 5 6 MI I3 +32 5 6 MI I4 +32 5 6 MI I5 +32 5 7 SI J0 +32 5 7 SI J1 +32 5 7 SI J2 +32 5 7 SI J3 +32 5 7 SI J4 +32 5 7 SI J5 +32 5 7 SI J6 +32 5 7 SI J7 +32 5 7 SI J8 +32 5 7 SI J9 +32 5 7 SI J10 +32 5 7 SI J11 +32 5 7 SI J12 +32 5 7 SI J13 +32 5 7 SI J14 +32 5 7 SI J15 +32 5 7 SI J16 +32 5 7 SI J17 +32 5 7 SI J18 +32 5 7 SI J19 +32 5 7 SI J20 +32 5 7 SI J21 +32 5 7 SI J22 +32 5 7 SI J23 +32 5 7 SI J24 +32 5 7 SI J25 +32 5 7 SI J26 +32 5 7 SI J27 +32 5 7 SI J28 +32 5 7 SI J29 +32 5 7 SI J30 +32 5 7 SI J31 +32 5 7 SI J32 +32 5 7 SI J33 +32 5 7 SI J34 +32 5 7 SI J35 +32 5 7 SI J36 +32 5 7 SI J37 +32 5 7 SI J38 +32 5 7 SI J39 +32 5 7 SI J40 +32 5 8 HI C32 +32 5 8 HI C33 +32 5 8 HI C34 +32 5 8 HI C35 +32 5 8 HI C36 +32 5 8 HI C37 +32 5 8 HI C38 +32 5 8 HI C39 +32 5 8 HI C40 +32 7 1 NN C5 +32 7 1 NN C6 +32 7 1 NN C7 +32 7 1 NN C8 +32 7 1 NN C9 +32 7 2 HA D8 +32 7 2 HA D9 +32 7 2 HA D10 +32 7 2 HA E8 +32 7 2 HA E9 +32 7 2 HA E10 +32 7 2 HA F8 +32 7 2 HA F9 +32 7 2 HA F10 +32 8 1 NI A0 +32 8 1 NI A1 +32 8 1 NI A2 +32 8 1 NI A3 +32 8 1 NI A4 +32 8 1 NI A5 +32 8 1 NI A6 +32 8 1 NI A7 +32 8 1 NI A8 +32 8 1 NI A9 +32 8 1 NI A10 +32 8 1 NI A11 +32 8 1 NI A12 +32 8 1 NI A13 +32 8 1 NI A14 +32 8 1 NI A15 +32 8 1 NI A16 +32 8 1 NI A17 +32 8 1 NI A18 +32 8 1 NI A19 +32 8 1 NI A20 +32 8 1 NI A21 +32 8 1 NI A22 +32 8 1 NI A23 +32 8 1 NI A24 +32 8 1 NI A25 +32 8 1 NI A26 +32 8 1 NI A27 +32 8 1 NI A28 +32 8 1 NI A29 +32 8 1 NI A30 +32 8 1 NI A31 +32 8 1 NI A32 +32 8 1 NI A33 +32 8 1 NI A34 +32 8 1 NI A35 +32 8 1 NI A36 +32 8 1 NI A37 +32 8 1 NI A38 +32 8 1 NI A39 +32 8 1 NI A40 +32 8 1 NI B0 +32 8 1 NI B1 +32 8 1 NI B2 +32 8 2 MI D37 +32 8 2 MI D38 +32 8 2 MI D39 +32 8 2 MI D40 +32 8 2 MI E37 +32 8 2 MI E38 +32 8 2 MI E39 +32 8 2 MI E40 +32 8 2 MI F1 +32 8 2 MI F2 +32 8 2 MI F3 +32 8 2 MI F37 +32 8 2 MI F38 +32 8 2 MI F39 +32 8 2 MI F40 +32 8 2 MI G1 +32 8 2 MI G2 +32 8 2 MI G3 +32 8 2 MI G37 +32 8 2 MI G38 +32 8 2 MI G39 +32 8 2 MI G40 +32 8 2 MI H1 +32 8 2 MI H2 +32 8 2 MI H3 +32 8 2 MI H37 +32 8 2 MI H38 +32 8 2 MI H39 +32 8 2 MI H40 +32 8 3 HI C15 +32 8 3 HI C16 +32 8 3 HI D15 +32 8 3 HI D16 +32 8 4 SI E27 +32 8 4 SI E28 +32 8 4 SI E29 +32 8 4 SI E30 +32 8 4 SI F27 +32 8 4 SI F28 +32 8 4 SI F29 +32 8 4 SI F30 +32 8 4 SI G27 +32 8 4 SI G28 +32 8 4 SI G29 +32 8 4 SI G30 +32 8 4 SI H27 +32 8 4 SI H28 +32 8 4 SI H29 +32 8 4 SI H30 +32 8 5 SI J0 +32 8 5 SI J1 +32 8 5 SI J2 +32 8 5 SI J3 +32 8 5 SI J4 +32 8 5 SI J5 +32 8 5 SI J6 +32 8 5 SI J7 +32 8 5 SI J8 +32 8 5 SI J9 +32 8 5 SI J10 +32 8 5 SI J11 +32 8 5 SI J12 +32 8 5 SI J13 +32 8 5 SI J14 +32 8 5 SI J15 +32 8 5 SI J16 +32 8 5 SI J17 +32 8 5 SI J18 +32 8 5 SI J19 +32 8 5 SI J20 +32 8 5 SI J21 +32 8 5 SI J22 +32 8 5 SI J23 +32 8 5 SI J24 +32 8 5 SI J25 +32 8 5 SI J26 +32 8 5 SI J27 +32 8 5 SI J28 +32 8 5 SI J29 +32 8 5 SI J30 +32 8 5 SI J31 +32 8 5 SI J32 +32 8 5 SI J33 +32 8 5 SI J34 +32 8 5 SI J35 +32 8 5 SI J36 +32 8 5 SI J37 +32 8 5 SI J38 +32 8 5 SI J39 +32 8 5 SI J40 +32 9 1 NI B0 +32 9 1 NI B1 +32 9 1 NI B2 +32 9 1 NI B3 +32 9 1 NI B4 +32 9 1 NI B5 +32 9 1 NI B6 +32 9 1 NI B7 +32 9 1 NI B8 +32 9 1 NI B9 +32 9 1 NI B10 +32 9 1 NI B11 +32 9 1 NI B12 +32 9 1 NI B13 +32 9 1 NI B14 +32 9 1 NI B15 +32 9 1 NI B16 +32 9 1 NI B17 +32 9 1 NI B18 +32 9 1 NI B19 +32 9 1 NI B20 +32 9 1 NI B21 +32 9 1 NI B22 +32 9 1 NI B23 +32 9 1 NI B24 +32 9 1 NI B25 +32 9 1 NI B26 +32 9 1 NI B27 +32 9 1 NI B28 +32 9 1 NI B29 +32 9 1 NI B30 +32 9 1 NI B31 +32 9 1 NI B32 +32 9 1 NI B33 +32 9 1 NI B34 +32 9 1 NI B35 +32 9 1 NI B36 +32 9 1 NI B37 +32 9 1 NI B38 +32 9 1 NI B39 +32 9 1 NI B40 +32 9 1 NI C0 +32 9 1 NI C1 +32 9 1 NI C2 +32 9 1 NI C3 +32 9 1 NI C4 +32 9 1 NI C5 +32 9 1 NI C6 +32 9 1 NI C7 +32 9 1 NI C8 +32 9 1 NI C12 +32 9 1 NI C13 +32 9 1 NI C14 +32 9 1 NI C15 +32 9 1 NI C16 +32 9 1 NI C17 +32 9 1 NI C18 +32 9 1 NI C19 +32 9 1 NI C20 +32 9 1 NI C21 +32 9 1 NI C22 +32 9 1 NI C23 +32 9 1 NI C24 +32 9 1 NI C25 +32 9 1 NI C26 +32 9 1 NI C27 +32 9 1 NI C28 +32 9 1 NI C29 +32 9 1 NI C30 +32 9 1 NI C31 +32 9 1 NI C32 +32 9 1 NI C33 +32 9 1 NI C34 +32 9 1 NI C35 +32 9 1 NI C36 +32 9 1 NI C37 +32 9 1 NI C38 +32 9 1 NI C39 +32 9 1 NI C40 +32 9 2 HI C9 +32 9 2 HI C10 +32 9 2 HI C11 +32 9 2 HI D9 +32 9 2 HI D10 +32 9 2 HI D11 +32 9 2 HI E9 +32 9 2 HI E10 +32 9 2 HI E11 +32 9 3 SX D16 +32 9 3 SX D17 +32 9 3 SX D18 +32 9 3 SX D19 +32 9 3 SX D20 +32 9 3 SX D21 +32 9 3 SX D22 +32 9 3 SX E16 +32 9 3 SX E17 +32 9 3 SX E18 +32 9 3 SX E19 +32 9 3 SX E20 +32 9 3 SX E21 +32 9 3 SX E22 +32 9 3 SX F16 +32 9 3 SX F17 +32 9 3 SX F18 +32 9 3 SX F19 +32 9 3 SX F20 +32 9 3 SX F21 +32 9 3 SX F22 +32 9 3 SX G16 +32 9 3 SX G17 +32 9 3 SX G18 +32 9 3 SX G19 +32 9 3 SX G20 +32 9 3 SX G21 +32 9 3 SX G22 +32 9 3 SX H16 +32 9 3 SX H17 +32 9 3 SX H18 +32 9 3 SX H19 +32 9 3 SX H20 +32 9 3 SX H21 +32 9 3 SX H22 +32 9 4 HI I15 +32 9 4 HI I16 +32 9 4 HI I17 +32 9 4 HI I18 +32 9 4 HI I19 +32 9 4 HI I20 +32 9 4 HI I21 +32 9 4 HI I22 +32 9 4 HI I23 +32 9 4 HI I24 +32 9 4 HI I25 +32 9 4 HI I26 +32 9 4 HI I27 +32 9 4 HI I28 +32 9 4 HI I29 +32 9 4 HI I30 +32 9 4 HI I31 +32 9 4 HI I32 +32 9 4 HI I33 +32 9 5 SI J1 +32 9 6 MI D1 +32 9 6 MI D2 +32 9 6 MI D3 +32 9 6 MI D4 +32 9 6 MI D38 +32 9 6 MI D39 +32 9 6 MI D40 +32 9 6 MI E1 +32 9 6 MI E2 +32 9 6 MI E3 +32 9 6 MI E4 +32 9 6 MI E38 +32 9 6 MI E39 +32 9 6 MI E40 +32 9 6 MI F1 +32 9 6 MI F2 +32 9 6 MI F3 +32 9 6 MI F4 +32 9 6 MI F38 +32 9 6 MI F39 +32 9 6 MI F40 +32 9 6 MI G1 +32 9 6 MI G2 +32 9 6 MI G3 +32 9 6 MI G4 +32 9 6 MI G38 +32 9 6 MI G39 +32 9 6 MI G40 +32 9 6 MI H1 +32 9 6 MI H2 +32 9 6 MI H3 +32 9 6 MI H4 +32 9 6 MI H38 +32 9 6 MI H39 +32 9 6 MI H40 +32 9 6 MI I1 +32 9 6 MI I2 +32 9 6 MI I3 +32 9 6 MI I4 +32 9 6 MI I38 +32 9 6 MI I39 +32 9 6 MI I40 +32 10 1 NI A0 +32 10 1 NI A1 +32 10 1 NI A2 +32 10 1 NI A3 +32 10 1 NI A4 +32 10 1 NI A5 +32 10 1 NI A6 +32 10 1 NI A7 +32 10 1 NI A8 +32 10 1 NI A9 +32 10 1 NI A10 +32 10 1 NI A11 +32 10 1 NI A12 +32 10 1 NI A13 +32 10 1 NI A14 +32 10 1 NI A15 +32 10 1 NI A16 +32 10 1 NI A17 +32 10 1 NI A18 +32 10 1 NI A19 +32 10 1 NI A20 +32 10 1 NI A21 +32 10 1 NI A22 +32 10 1 NI A23 +32 10 1 NI A24 +32 10 1 NI A25 +32 10 1 NI A26 +32 10 1 NI A27 +32 10 1 NI A28 +32 10 1 NI A29 +32 10 1 NI A30 +32 10 1 NI A31 +32 10 1 NI A32 +32 10 1 NI A33 +32 10 1 NI A34 +32 10 1 NI A35 +32 10 1 NI A36 +32 10 1 NI A37 +32 10 1 NI A38 +32 10 1 NI A39 +32 10 1 NI A40 +32 10 1 NI B14 +32 10 1 NI B15 +32 10 1 NI B16 +32 10 1 NI B17 +32 10 1 NI B18 +32 10 1 NI B19 +32 10 1 NI B20 +32 10 1 NI B21 +32 10 1 NI B22 +32 10 1 NI B23 +32 10 1 NI B24 +32 10 1 NI B25 +32 10 1 NI B26 +32 10 1 NI B27 +32 10 1 NI B28 +32 10 1 NI B29 +32 10 1 NI B30 +32 10 1 NI B31 +32 10 1 NI B32 +32 10 1 NI B33 +32 10 1 NI B34 +32 10 1 NI B35 +32 10 1 NI B36 +32 10 1 NI B37 +32 10 1 NI B38 +32 10 1 NI B39 +32 10 1 NI B40 +32 10 2 HI C6 +32 10 2 HI C7 +32 10 2 HI C8 +32 10 2 HI C9 +32 10 2 HI C10 +32 10 2 HI C11 +32 10 2 HI C12 +32 10 2 HI C13 +32 10 2 HI C14 +32 10 2 HI C15 +32 10 2 HI D6 +32 10 2 HI D7 +32 10 2 HI D8 +32 10 2 HI D9 +32 10 2 HI D10 +32 10 2 HI D11 +32 10 2 HI D12 +32 10 2 HI D13 +32 10 2 HI D14 +32 10 2 HI D15 +32 10 3 MI E1 +32 10 3 MI E2 +32 10 3 MI E3 +32 10 3 MI E4 +32 10 3 MI E5 +32 10 3 MI E37 +32 10 3 MI E38 +32 10 3 MI E39 +32 10 3 MI E40 +32 10 3 MI F1 +32 10 3 MI F2 +32 10 3 MI F3 +32 10 3 MI F4 +32 10 3 MI F5 +32 10 3 MI F37 +32 10 3 MI F38 +32 10 3 MI F39 +32 10 3 MI F40 +32 10 3 MI G1 +32 10 3 MI G2 +32 10 3 MI G3 +32 10 3 MI G4 +32 10 3 MI G5 +32 10 3 MI G37 +32 10 3 MI G38 +32 10 3 MI G39 +32 10 3 MI G40 +32 10 3 MI H1 +32 10 3 MI H2 +32 10 3 MI H3 +32 10 3 MI H4 +32 10 3 MI H5 +32 10 3 MI H37 +32 10 3 MI H38 +32 10 3 MI H39 +32 10 3 MI H40 +32 10 4 SI I6 +32 10 4 SI I7 +32 10 4 SI I8 +32 10 4 SI I9 +32 10 4 SI I10 +32 10 4 SI I11 +32 10 4 SI I12 +32 10 4 SI I13 +32 10 4 SI I14 +32 10 4 SI I15 +32 10 4 SI I16 +32 10 4 SI I17 +32 10 4 SI I18 +32 10 4 SI I19 +32 10 4 SI I20 +32 10 4 SI I21 +32 10 4 SI I22 +32 10 4 SI I23 +32 10 4 SI I24 +32 10 4 SI I25 +32 10 4 SI I26 +32 10 4 SI I27 +32 10 4 SI I28 +32 10 4 SI I29 +32 10 4 SI I30 +32 10 4 SI I31 +32 10 4 SI I32 +32 10 4 SI I33 +32 10 4 SI I34 +32 10 4 SI I35 +32 10 4 SI I36 +32 10 4 SI I37 +32 10 4 SI I38 +32 10 4 SI I39 +32 10 4 SI I40 +32 10 4 SI J0 +32 10 4 SI J1 +32 10 4 SI J2 +32 10 4 SI J3 +32 10 4 SI J4 +32 10 4 SI J5 +32 10 4 SI J6 +32 10 4 SI J7 +32 10 4 SI J8 +32 10 4 SI J9 +32 10 4 SI J10 +32 10 4 SI J11 +32 10 4 SI J12 +32 10 4 SI J13 +32 10 4 SI J14 +32 10 4 SI J15 +32 10 4 SI J16 +32 10 4 SI J17 +32 10 4 SI J18 +32 10 4 SI J19 +32 10 4 SI J20 +32 10 4 SI J21 +32 10 4 SI J22 +32 10 4 SI J23 +32 10 4 SI J24 +32 10 4 SI J25 +32 10 4 SI J26 +32 10 4 SI J27 +32 10 4 SI J28 +32 10 4 SI J29 +32 10 4 SI J30 +32 10 4 SI J31 +32 10 4 SI J32 +32 10 4 SI J33 +32 10 4 SI J34 +32 10 4 SI J35 +32 10 4 SI J36 +32 10 4 SI J37 +32 10 4 SI J38 +32 10 4 SI J39 +32 10 4 SI J40 +32 12 1 NI A0 +32 12 1 NI A1 +32 12 1 NI A2 +32 12 1 NI A3 +32 12 1 NI A4 +32 12 1 NI A5 +32 12 1 NI A6 +32 12 1 NI A7 +32 12 1 NI A8 +32 12 1 NI A9 +32 12 1 NI A10 +32 12 1 NI A11 +32 12 1 NI A12 +32 12 1 NI A13 +32 12 1 NI A14 +32 12 1 NI A15 +32 12 1 NI A16 +32 12 1 NI A17 +32 12 1 NI A18 +32 12 1 NI A19 +32 12 1 NI A20 +32 12 1 NI A21 +32 12 1 NI A22 +32 12 1 NI A23 +32 12 1 NI A24 +32 12 1 NI A25 +32 12 1 NI A26 +32 12 1 NI A27 +32 12 1 NI A28 +32 12 1 NI A29 +32 12 1 NI A30 +32 12 1 NI A31 +32 12 1 NI A32 +32 12 1 NI A33 +32 12 1 NI A34 +32 12 1 NI A35 +32 12 1 NI A36 +32 12 1 NI A37 +32 12 1 NI A38 +32 12 1 NI A39 +32 12 1 NI A40 +32 12 1 NI B0 +32 12 1 NI B1 +32 12 1 NI B2 +32 12 1 NI B3 +32 12 1 NI B4 +32 12 1 NI B5 +32 12 1 NI B6 +32 12 1 NI B7 +32 12 1 NI B8 +32 12 1 NI B9 +32 12 1 NI B10 +32 12 1 NI B11 +32 12 1 NI B12 +32 12 2 HI B13 +32 12 2 HI B14 +32 12 2 HI B15 +32 12 2 HI B16 +32 12 2 HI B17 +32 12 2 HI B18 +32 12 2 HI B19 +32 12 2 HI B20 +32 12 2 HI B21 +32 12 2 HI B22 +32 12 2 HI B23 +32 12 2 HI B24 +32 12 2 HI B25 +32 12 2 HI B26 +32 12 2 HI B27 +32 12 2 HI B28 +32 12 2 HI B29 +32 12 2 HI B30 +32 12 2 HI B31 +32 12 2 HI B32 +32 12 2 HI B33 +32 12 2 HI B34 +32 12 2 HI B35 +32 12 2 HI B36 +32 12 2 HI B37 +32 12 2 HI B38 +32 12 2 HI B39 +32 12 2 HI B40 +32 12 2 HI C20 +32 12 2 HI C21 +32 12 2 HI C22 +32 12 2 HI C23 +32 12 2 HI C24 +32 12 2 HI C25 +32 12 2 HI C26 +32 12 2 HI C27 +32 12 2 HI C28 +32 12 2 HI C29 +32 12 2 HI C30 +32 12 2 HI C31 +32 12 2 HI C32 +32 12 2 HI C33 +32 12 2 HI C34 +32 12 2 HI C35 +32 12 2 HI C36 +32 12 2 HI C37 +32 12 2 HI C38 +32 12 2 HI C39 +32 12 2 HI C40 +32 12 3 HI C30 +32 12 3 HI C31 +32 12 3 HI C32 +32 12 3 HI C33 +32 12 3 HI C34 +32 12 3 HI C35 +32 12 3 HI C36 +32 12 3 HI C37 +32 12 3 HI C38 +32 12 3 HI D30 +32 12 3 HI D31 +32 12 3 HI D32 +32 12 3 HI D33 +32 12 3 HI D34 +32 12 3 HI D35 +32 12 3 HI D36 +32 12 3 HI D37 +32 12 3 HI D38 +32 12 4 HI C36 +32 12 4 HI C37 +32 12 4 HI C38 +32 12 4 HI C39 +32 12 4 HI C40 +32 12 4 HI D36 +32 12 4 HI D37 +32 12 4 HI D38 +32 12 4 HI D39 +32 12 4 HI D40 +32 12 5 MI F1 +32 12 5 MI F36 +32 12 5 MI F37 +32 12 5 MI F38 +32 12 5 MI F39 +32 12 5 MI F40 +32 12 5 MI G1 +32 12 5 MI G36 +32 12 5 MI G37 +32 12 5 MI G38 +32 12 5 MI G39 +32 12 5 MI G40 +32 12 5 MI H1 +32 12 5 MI H36 +32 12 5 MI H37 +32 12 5 MI H38 +32 12 5 MI H39 +32 12 5 MI H40 +32 12 5 MI I1 +32 12 6 MI I35 +32 12 6 MI I36 +32 12 6 MI I37 +32 12 6 MI I38 +32 12 6 MI I39 +32 12 6 MI I40 +32 12 7 SI E23 +32 12 7 SI E24 +32 12 7 SI F23 +32 12 7 SI F24 +32 12 7 SI G23 +32 12 7 SI G24 +32 12 7 SI H23 +32 12 7 SI H24 +32 12 7 SI I23 +32 12 7 SI I24 +32 12 8 NN C8 +32 12 8 NN C9 +32 12 8 NN C10 +32 12 8 NN C11 +32 12 8 NN C12 +32 12 9 MH D6 +32 12 9 MH D7 +32 12 9 MH D8 +32 12 9 MH D9 +32 12 9 MH D10 +32 12 9 MH D11 +32 12 9 MH D12 +32 12 9 MH D13 +32 12 10 SI J0 +32 12 10 SI J1 +32 12 10 SI J2 +32 12 10 SI J3 +32 12 10 SI J4 +32 12 10 SI J5 +32 12 10 SI J6 +32 12 10 SI J7 +32 12 10 SI J8 +32 12 10 SI J9 +32 12 10 SI J10 +32 12 10 SI J11 +32 12 10 SI J12 +32 12 10 SI J13 +32 12 10 SI J14 +32 12 10 SI J15 +32 12 10 SI J16 +32 12 10 SI J17 +32 12 10 SI J18 +32 12 10 SI J19 +32 12 10 SI J20 +32 12 10 SI J21 +32 12 10 SI J22 +32 12 10 SI J23 +32 12 10 SI J24 +32 12 10 SI J25 +32 12 10 SI J26 +32 12 10 SI J27 +32 12 10 SI J28 +32 12 10 SI J29 +32 12 10 SI J30 +32 12 10 SI J31 +32 12 10 SI J32 +32 12 10 SI J33 +32 12 10 SI J34 +32 12 10 SI J35 +32 12 10 SI J36 +32 12 10 SI J37 +32 12 10 SI J38 +32 12 10 SI J39 +32 12 10 SI J40 +32 13 1 MI E1 +32 13 1 MI E2 +32 13 1 MI E3 +32 13 1 MI E4 +32 13 1 MI F1 +32 13 1 MI F2 +32 13 1 MI F3 +32 13 1 MI F4 +32 13 1 MI G1 +32 13 1 MI G2 +32 13 1 MI G3 +32 13 1 MI G4 +32 13 1 MI H1 +32 13 1 MI H2 +32 13 1 MI H3 +32 13 1 MI H4 +32 13 2 MI E1 +32 13 2 MI E2 +32 13 2 MI E3 +32 13 2 MI E4 +32 13 2 MI E5 +32 13 2 MI F1 +32 13 2 MI F2 +32 13 2 MI F3 +32 13 2 MI F4 +32 13 2 MI F5 +32 13 2 MI G1 +32 13 2 MI G2 +32 13 2 MI G3 +32 13 2 MI G4 +32 13 2 MI G5 +32 13 2 MI H1 +32 13 2 MI H2 +32 13 2 MI H3 +32 13 2 MI H4 +32 13 2 MI H5 +32 13 2 MI I1 +32 13 2 MI I2 +32 13 2 MI I3 +32 13 2 MI I4 +32 13 2 MI I5 +32 13 3 HI C8 +32 13 3 HI C9 +32 13 3 HI C10 +32 13 3 HI C11 +32 13 3 HI C12 +32 13 3 HI C13 +32 13 3 HI C14 +32 13 3 HI C15 +32 13 3 HI D8 +32 13 3 HI D9 +32 13 3 HI D10 +32 13 3 HI D11 +32 13 3 HI D12 +32 13 3 HI D13 +32 13 3 HI D14 +32 13 3 HI D15 +32 13 3 HI E8 +32 13 3 HI E9 +32 13 3 HI E10 +32 13 3 HI E11 +32 13 3 HI E12 +32 13 3 HI E13 +32 13 3 HI E14 +32 13 3 HI E15 +32 13 3 HI F8 +32 13 3 HI F9 +32 13 3 HI F10 +32 13 3 HI F11 +32 13 3 HI F12 +32 13 3 HI F13 +32 13 3 HI F14 +32 13 3 HI F15 +32 13 3 HI G8 +32 13 3 HI G9 +32 13 3 HI G10 +32 13 3 HI G11 +32 13 3 HI G12 +32 13 3 HI G13 +32 13 3 HI G14 +32 13 3 HI G15 +32 13 4 HI C11 +32 13 4 HI C12 +32 13 4 HI C13 +32 13 4 HI C14 +32 13 4 HI C15 +32 13 4 HI D11 +32 13 4 HI D12 +32 13 4 HI D13 +32 13 4 HI D14 +32 13 4 HI D15 +32 13 4 HI E11 +32 13 4 HI E12 +32 13 4 HI E13 +32 13 4 HI E14 +32 13 4 HI E15 +32 13 4 HI F11 +32 13 4 HI F12 +32 13 4 HI F13 +32 13 4 HI F14 +32 13 4 HI F15 +32 13 4 HI G11 +32 13 4 HI G12 +32 13 4 HI G13 +32 13 4 HI G14 +32 13 4 HI G15 +32 13 5 NI A0 +32 13 5 NI A1 +32 13 5 NI A2 +32 13 5 NI A3 +32 13 5 NI A4 +32 13 5 NI A5 +32 13 5 NI A6 +32 13 5 NI A7 +32 13 5 NI A8 +32 13 5 NI A9 +32 13 5 NI A10 +32 13 5 NI A11 +32 13 5 NI A12 +32 13 5 NI A13 +32 13 5 NI A14 +32 13 5 NI A15 +32 13 5 NI A16 +32 13 5 NI A17 +32 13 5 NI A18 +32 13 5 NI A19 +32 13 5 NI A20 +32 13 5 NI A21 +32 13 5 NI A22 +32 13 5 NI A23 +32 13 5 NI A24 +32 13 5 NI A25 +32 13 5 NI A26 +32 13 5 NI A27 +32 13 5 NI A28 +32 13 5 NI A29 +32 13 5 NI A30 +32 13 5 NI A31 +32 13 5 NI A32 +32 13 5 NI A33 +32 13 5 NI A34 +32 13 5 NI A35 +32 13 5 NI A36 +32 13 5 NI A37 +32 13 5 NI A38 +32 13 5 NI A39 +32 13 5 NI A40 +32 13 6 NI B28 +32 13 6 NI B29 +32 13 6 NI B30 +32 13 6 NI B31 +32 13 6 NI B32 +32 13 6 NI B33 +32 13 6 NI B34 +32 13 6 NI B35 +32 13 6 NI B36 +32 13 6 NI B37 +32 13 6 NI B38 +32 13 6 NI B39 +32 13 6 NI B40 +32 13 7 MI C35 +32 13 7 MI C36 +32 13 7 MI C37 +32 13 7 MI C38 +32 13 7 MI C39 +32 13 7 MI C40 +32 13 7 MI D35 +32 13 7 MI D36 +32 13 7 MI D37 +32 13 7 MI D38 +32 13 7 MI D39 +32 13 7 MI D40 +32 13 8 SI E18 +32 13 8 SI E19 +32 13 8 SI E20 +32 13 8 SI E21 +32 13 8 SI E22 +32 13 8 SI E23 +32 13 8 SI E24 +32 13 8 SI E25 +32 13 8 SI E26 +32 13 8 SI F18 +32 13 8 SI F19 +32 13 8 SI F20 +32 13 8 SI F21 +32 13 8 SI F22 +32 13 8 SI F23 +32 13 8 SI F24 +32 13 8 SI F25 +32 13 8 SI F26 +32 13 8 SI G18 +32 13 8 SI G19 +32 13 8 SI G20 +32 13 8 SI G21 +32 13 8 SI G22 +32 13 8 SI G23 +32 13 8 SI G24 +32 13 8 SI G25 +32 13 8 SI G26 +32 13 9 SI J0 +32 13 9 SI J1 +32 13 9 SI J2 +32 13 9 SI J3 +32 13 9 SI J4 +32 13 9 SI J5 +32 13 9 SI J6 +32 13 9 SI J7 +32 13 9 SI J8 +32 13 9 SI J9 +32 13 9 SI J10 +32 13 9 SI J11 +32 13 9 SI J12 +32 13 9 SI J13 +32 13 9 SI J14 +32 13 9 SI J15 +32 13 9 SI J16 +32 13 9 SI J17 +32 13 9 SI J18 +32 13 9 SI J19 +32 13 9 SI J20 +32 13 9 SI J21 +32 13 9 SI J22 +32 13 9 SI J23 +32 13 9 SI J24 +32 13 9 SI J25 +32 13 9 SI J26 +32 13 9 SI J27 +32 13 9 SI J28 +32 13 9 SI J29 +32 13 9 SI J30 +32 13 9 SI J31 +32 13 9 SI J32 +32 13 9 SI J33 +32 13 9 SI J34 +32 13 9 SI J35 +32 13 9 SI J36 +32 13 9 SI J37 +32 13 9 SI J38 +32 13 9 SI J39 +32 13 9 SI J40 +32 13 10 SI H6 +32 13 10 SI H7 +32 13 10 SI H8 +32 13 10 SI H9 +32 13 10 SI H10 +32 13 10 SI H11 +32 13 10 SI H12 +32 13 10 SI I6 +32 13 10 SI I7 +32 13 10 SI I8 +32 13 10 SI I9 +32 13 10 SI I10 +32 13 10 SI I11 +32 13 10 SI I12 +32 15 1 NI A0 +32 15 1 NI A1 +32 15 1 NI A2 +32 15 1 NI A3 +32 15 1 NI A4 +32 15 1 NI A5 +32 15 1 NI A6 +32 15 1 NI A7 +32 15 1 NI A8 +32 15 1 NI A9 +32 15 1 NI A10 +32 15 1 NI A11 +32 15 1 NI A12 +32 15 1 NI A13 +32 15 1 NI A14 +32 15 1 NI A15 +32 15 1 NI A16 +32 15 1 NI A17 +32 15 1 NI A18 +32 15 1 NI A19 +32 15 1 NI A20 +32 15 1 NI A21 +32 15 1 NI A22 +32 15 1 NI A23 +32 15 1 NI A24 +32 15 1 NI A25 +32 15 1 NI A26 +32 15 1 NI A27 +32 15 1 NI A28 +32 15 1 NI A29 +32 15 1 NI A30 +32 15 1 NI A31 +32 15 1 NI A32 +32 15 1 NI A33 +32 15 1 NI A34 +32 15 1 NI A35 +32 15 1 NI A36 +32 15 1 NI A37 +32 15 1 NI A38 +32 15 1 NI A39 +32 15 1 NI A40 +32 15 1 NI B1 +32 15 1 NI C1 +32 15 1 NI D1 +32 15 2 MI C1 +32 15 2 MI C2 +32 15 2 MI C3 +32 15 2 MI C4 +32 15 2 MI C5 +32 15 2 MI D1 +32 15 2 MI D2 +32 15 2 MI D3 +32 15 2 MI D4 +32 15 2 MI D5 +32 15 2 MI D37 +32 15 2 MI D38 +32 15 2 MI D39 +32 15 2 MI D40 +32 15 2 MI E1 +32 15 2 MI E2 +32 15 2 MI E3 +32 15 2 MI E4 +32 15 2 MI E5 +32 15 2 MI E37 +32 15 2 MI E38 +32 15 2 MI E39 +32 15 2 MI E40 +32 15 2 MI F1 +32 15 2 MI F2 +32 15 2 MI F3 +32 15 2 MI F4 +32 15 2 MI F5 +32 15 2 MI F37 +32 15 2 MI F38 +32 15 2 MI F39 +32 15 2 MI F40 +32 15 2 MI G1 +32 15 2 MI G2 +32 15 2 MI G3 +32 15 2 MI G4 +32 15 2 MI G5 +32 15 2 MI G37 +32 15 2 MI G38 +32 15 2 MI G39 +32 15 2 MI G40 +32 15 2 MI H37 +32 15 2 MI H38 +32 15 2 MI H39 +32 15 2 MI H40 +32 15 3 HI C1 +32 15 3 HI C2 +32 15 3 HI C3 +32 15 3 HI C4 +32 15 3 HI C5 +32 15 3 HI C6 +32 15 3 HI C7 +32 15 3 HI C8 +32 15 3 HI C9 +32 15 3 HI C10 +32 15 3 HI C11 +32 15 3 HI C15 +32 15 3 HI C16 +32 15 3 HI C17 +32 15 3 HI C18 +32 15 3 HI C19 +32 15 3 HI C20 +32 15 3 HI C21 +32 15 3 HI C22 +32 15 3 HI C23 +32 15 3 HI C24 +32 15 3 HI D7 +32 15 3 HI D8 +32 15 3 HI D9 +32 15 3 HI D10 +32 15 3 HI D11 +32 15 3 HI D15 +32 15 3 HI D16 +32 15 3 HI D17 +32 15 3 HI D18 +32 15 3 HI D19 +32 15 3 HI D20 +32 15 3 HI D21 +32 15 3 HI D22 +32 15 3 HI D23 +32 15 3 HI D24 +32 15 3 HI E7 +32 15 3 HI E8 +32 15 3 HI E9 +32 15 3 HI E10 +32 15 3 HI E11 +32 15 4 SI I0 +32 15 4 SI I1 +32 15 4 SI I2 +32 15 4 SI I3 +32 15 4 SI I4 +32 15 4 SI I5 +32 15 4 SI I6 +32 15 4 SI I7 +32 15 4 SI I8 +32 15 4 SI I9 +32 15 4 SI I10 +32 15 4 SI I11 +32 15 4 SI I12 +32 15 4 SI I13 +32 15 4 SI J0 +32 15 4 SI J1 +32 15 4 SI J2 +32 15 4 SI J3 +32 15 4 SI J4 +32 15 4 SI J5 +32 15 4 SI J6 +32 15 4 SI J7 +32 15 4 SI J8 +32 15 4 SI J9 +32 15 4 SI J10 +32 15 4 SI J11 +32 15 4 SI J12 +32 15 4 SI J13 +32 15 4 SI J14 +32 15 4 SI J15 +32 15 4 SI J16 +32 15 4 SI J17 +32 15 4 SI J18 +32 15 4 SI J19 +32 15 4 SI J20 +32 15 4 SI J21 +32 15 4 SI J22 +32 15 4 SI J23 +32 15 4 SI J24 +32 15 4 SI J25 +32 15 4 SI J26 +32 15 4 SI J27 +32 15 4 SI J28 +32 15 4 SI J29 +32 15 4 SI J30 +32 15 4 SI J31 +32 15 4 SI J32 +32 15 4 SI J33 +32 15 4 SI J34 +32 15 4 SI J35 +32 15 4 SI J36 +32 15 4 SI J37 +32 15 4 SI J38 +32 15 4 SI J39 +32 15 4 SI J40 +32 16 1 HI B10 +32 16 1 HI B11 +32 16 1 HI B12 +32 16 1 HI B13 +32 16 1 HI B14 +32 16 2 HI D16 +32 16 2 HI D17 +32 16 2 HI D18 +32 16 2 HI D19 +32 16 2 HI D20 +32 16 2 HI D21 +32 16 2 HI E16 +32 16 2 HI E17 +32 16 2 HI E18 +32 16 2 HI E19 +32 16 2 HI E20 +32 16 2 HI E21 +32 16 3 SI G15 +32 16 3 SI G16 +32 16 3 SI G17 +32 16 3 SI G18 +32 16 3 SI G19 +32 16 3 SI G20 +32 16 3 SI G21 +32 16 3 SI G22 +32 16 3 SI G23 +32 16 3 SI G24 +32 16 3 SI G25 +32 16 3 SI G26 +32 16 3 SI G27 +32 16 3 SI G28 +32 16 3 SI G29 +32 16 3 SI G30 +32 16 3 SI G31 +32 16 3 SI H15 +32 16 3 SI H16 +32 16 3 SI H17 +32 16 3 SI H18 +32 16 3 SI H19 +32 16 3 SI H20 +32 16 3 SI H21 +32 16 3 SI H22 +32 16 3 SI H23 +32 16 3 SI H24 +32 16 3 SI H25 +32 16 3 SI H26 +32 16 3 SI H27 +32 16 3 SI H28 +32 16 3 SI H29 +32 16 3 SI H30 +32 16 3 SI H31 +32 16 4 SI H33 +32 16 4 SI H34 +32 16 4 SI H35 +32 16 4 SI H36 +32 16 4 SI H37 +32 16 4 SI H38 +32 16 4 SI I33 +32 16 4 SI I34 +32 16 4 SI I35 +32 16 4 SI I36 +32 16 4 SI I37 +32 16 4 SI I38 +32 17 1 NI A0 +32 17 1 NI A1 +32 17 1 NI A2 +32 17 1 NI A3 +32 17 1 NI A4 +32 17 1 NI A5 +32 17 1 NI A6 +32 17 1 NI A7 +32 17 1 NI A8 +32 17 1 NI A9 +32 17 1 NI A10 +32 17 1 NI A11 +32 17 1 NI A12 +32 17 1 NI A13 +32 17 1 NI A14 +32 17 1 NI A15 +32 17 1 NI A16 +32 17 1 NI A17 +32 17 1 NI A18 +32 17 1 NI A19 +32 17 1 NI A20 +32 17 1 NI A21 +32 17 1 NI A22 +32 17 1 NI A23 +32 17 1 NI A24 +32 17 1 NI A25 +32 17 1 NI A26 +32 17 1 NI A27 +32 17 1 NI A28 +32 17 1 NI A29 +32 17 1 NI A30 +32 17 1 NI A31 +32 17 1 NI A32 +32 17 1 NI A33 +32 17 1 NI A34 +32 17 1 NI A35 +32 17 1 NI A36 +32 17 1 NI A37 +32 17 1 NI A38 +32 17 1 NI A39 +32 17 1 NI A40 +32 17 2 MI E1 +32 17 2 MI E2 +32 17 2 MI E3 +32 17 2 MI E4 +32 17 2 MI F1 +32 17 2 MI F2 +32 17 2 MI F3 +32 17 2 MI F4 +32 17 3 MI F1 +32 17 3 MI F2 +32 17 3 MI F3 +32 17 3 MI G1 +32 17 3 MI G2 +32 17 3 MI G3 +32 17 3 MI G38 +32 17 3 MI G39 +32 17 3 MI G40 +32 17 3 MI H1 +32 17 3 MI H2 +32 17 3 MI H3 +32 17 3 MI H38 +32 17 3 MI H39 +32 17 3 MI H40 +32 17 4 SI G0 +32 17 4 SI H0 +32 17 4 SI I0 +32 17 4 SI J0 +32 17 4 SI J1 +32 17 4 SI J2 +32 17 4 SI J3 +32 17 4 SI J4 +32 17 4 SI J5 +32 17 4 SI J6 +32 17 4 SI J7 +32 17 4 SI J8 +32 17 4 SI J9 +32 17 4 SI J10 +32 17 4 SI J11 +32 17 4 SI J12 +32 17 4 SI J13 +32 17 4 SI J14 +32 17 4 SI J15 +32 17 4 SI J16 +32 17 4 SI J17 +32 17 4 SI J18 +32 17 4 SI J19 +32 17 4 SI J20 +32 17 4 SI J21 +32 17 4 SI J22 +32 17 4 SI J23 +32 17 4 SI J24 +32 17 4 SI J25 +32 17 4 SI J26 +32 17 4 SI J27 +32 17 4 SI J28 +32 17 4 SI J29 +32 17 4 SI J30 +32 17 4 SI J31 +32 17 4 SI J32 +32 17 4 SI J33 +32 17 4 SI J34 +32 17 4 SI J35 +32 17 4 SI J36 +32 17 4 SI J37 +32 17 4 SI J38 +32 17 4 SI J39 +32 17 4 SI J40 +32 17 5 TA D7 +32 17 5 TA D8 +32 17 5 TA D9 +32 17 5 TA D10 +32 17 5 TA D11 +32 17 6 NN C7 +32 17 6 NN C8 +32 17 6 NN C9 +32 17 6 NN C10 +32 17 6 NN C11 +32 17 6 NN C12 +32 17 6 NN C13 +32 17 6 NN C14 +32 17 7 HI B10 +32 17 7 HI B11 +32 17 7 HI B12 +32 17 7 HI B13 +32 17 7 HI B14 +32 17 8 SI E19 +32 17 8 SI E20 +32 17 8 SI E21 +32 17 8 SI E22 +32 17 8 SI F19 +32 17 8 SI F20 +32 17 8 SI F21 +32 17 8 SI F22 +32 17 9 HI C18 +32 17 9 HI C19 +32 17 9 HI C20 +32 17 9 HI C21 +32 17 9 HI C22 +32 17 9 HI C23 +32 17 9 HI C24 +32 17 9 HI C25 +32 17 9 HI C26 +32 17 9 HI C27 +32 17 9 HI C28 +32 17 9 HI C29 +32 17 9 HI C30 +32 17 9 HI C36 +32 17 9 HI C37 +32 17 9 HI C38 +32 17 9 HI C39 +32 17 9 HI C40 +32 17 9 HI D18 +32 17 9 HI D19 +32 17 9 HI D20 +32 17 9 HI D21 +32 17 9 HI D22 +32 17 9 HI D23 +32 17 9 HI D24 +32 17 9 HI D25 +32 17 9 HI D26 +32 17 9 HI D27 +32 17 9 HI D28 +32 17 9 HI D29 +32 17 9 HI D30 +32 17 10 OR F29 +32 17 10 OR F30 +32 17 10 OR G29 +32 17 10 OR G30 +32 17 10 OR H29 +32 17 10 OR H30 +32 17 10 OR I16 +32 17 10 OR I17 +32 17 10 OR I18 +32 17 10 OR I19 +32 17 10 OR I20 +32 17 10 OR I21 +32 17 10 OR I22 +32 17 10 OR I23 +32 17 10 OR I24 +32 17 10 OR I25 +32 17 10 OR I26 +32 17 10 OR I27 +32 17 10 OR I28 +32 17 10 OR I29 +32 17 10 OR I30 +32 17 11 AM H33 +32 17 11 AM H34 +32 17 11 AM H35 +32 17 11 AM H36 +32 17 11 AM H37 +32 17 11 AM H38 +32 17 11 AM I33 +32 17 11 AM I34 +32 17 11 AM I35 +32 17 11 AM I36 +32 17 11 AM I37 +32 17 11 AM I38 +32 17 11 AM I39 +32 17 11 AM I40 +32 18 1 SJ E0 +32 18 1 SJ F0 +32 18 1 SJ G0 +32 18 1 SJ H0 +32 18 2 JI E4 +32 18 2 JI E5 +32 18 2 JI F4 +32 18 2 JI F5 +32 18 3 MO C8 +32 18 3 MO C9 +32 18 3 MO D8 +32 18 3 MO D9 +32 18 4 BI E16 +32 18 4 BI E17 +32 18 4 BI E18 +32 18 4 BI E19 +32 18 4 BI F16 +32 18 4 BI F17 +32 18 4 BI F18 +32 18 4 BI F19 +32 18 5 NN D32 +32 18 5 NN D33 +32 18 5 NN D34 +32 18 5 NN D35 +32 18 5 NN D36 +32 18 5 NN E32 +32 18 5 NN E33 +32 18 5 NN E34 +32 18 5 NN E35 +32 18 5 NN E36 +32 18 5 NN F32 +32 18 5 NN F33 +32 18 5 NN F34 +32 18 5 NN F35 +32 18 5 NN F36 +32 18 6 OB H32 +32 18 6 OB H33 +32 18 6 OB H34 +32 18 6 OB H35 +32 18 6 OB H36 +32 18 6 OB H37 +32 18 6 OB I32 +32 18 6 OB I33 +32 18 6 OB I34 +32 18 6 OB I35 +32 18 6 OB I36 +32 18 6 OB I37 +32 19 1 HI C20 +32 19 1 HI C21 +32 19 1 HI C22 +32 19 1 HI C23 +32 19 1 HI C24 +32 19 1 HI D20 +32 19 1 HI D21 +32 19 1 HI D22 +32 19 1 HI D23 +32 19 1 HI D24 +32 19 1 HI E20 +32 19 1 HI E21 +32 19 1 HI E22 +32 19 1 HI E23 +32 19 1 HI E24 +32 19 2 NN F35 +32 19 2 NN F36 +32 19 2 NN F37 +32 19 2 NN F38 +32 19 2 NN F39 +32 19 2 NN F40 +32 19 2 NN G35 +32 19 2 NN G36 +32 19 2 NN G37 +32 19 2 NN G38 +32 19 2 NN G39 +32 19 2 NN G40 +32 19 2 NN H35 +32 19 2 NN H36 +32 19 2 NN H37 +32 19 2 NN H38 +32 19 2 NN H39 +32 19 2 NN H40 +32 19 2 NN I35 +32 19 2 NN I36 +32 19 2 NN I37 +32 19 2 NN I38 +32 19 2 NN I39 +32 19 2 NN I40 +32 20 1 NN D16 +32 20 1 NN D17 +32 20 1 NN E16 +32 20 1 NN E17 +32 20 2 SI D24 +32 20 2 SI D25 +32 20 2 SI D26 +32 20 2 SI D27 +32 20 2 SI D28 +32 20 2 SI D29 +32 21 1 NN C1 +32 21 1 NN C2 +32 21 1 NN C3 +32 21 1 NN C4 +32 21 1 NN C5 +32 21 1 NN C6 +32 21 1 NN C7 +32 21 1 NN D1 +32 21 1 NN D2 +32 21 1 NN D3 +32 21 1 NN D4 +32 21 1 NN D5 +32 21 1 NN D6 +32 21 1 NN D7 +32 21 2 MH I1 +32 21 2 MH I2 +32 21 2 MH I3 +32 21 2 MH I4 +32 21 2 MH I5 +32 21 2 MH I6 +32 21 2 MH I7 +32 21 2 MH I8 +32 22 1 NI A0 +32 22 1 NI A1 +32 22 1 NI A2 +32 22 1 NI A3 +32 22 1 NI A4 +32 22 1 NI A5 +32 22 1 NI A6 +32 22 1 NI A7 +32 22 1 NI A8 +32 22 1 NI A9 +32 22 1 NI A10 +32 22 1 NI A11 +32 22 1 NI A12 +32 22 1 NI A13 +32 22 1 NI A14 +32 22 1 NI A15 +32 22 1 NI A16 +32 22 1 NI A17 +32 22 1 NI A18 +32 22 1 NI A19 +32 22 1 NI A20 +32 22 1 NI A21 +32 22 1 NI A22 +32 22 1 NI A23 +32 22 1 NI A24 +32 22 1 NI A25 +32 22 1 NI A26 +32 22 1 NI A27 +32 22 1 NI A28 +32 22 1 NI A29 +32 22 1 NI A30 +32 22 1 NI A31 +32 22 1 NI A32 +32 22 1 NI A33 +32 22 1 NI A34 +32 22 1 NI A35 +32 22 1 NI A36 +32 22 1 NI A37 +32 22 1 NI A38 +32 22 1 NI A39 +32 22 1 NI A40 +32 22 1 NI B0 +32 22 1 NI B1 +32 22 1 NI B2 +32 22 1 NI B3 +32 22 1 NI B4 +32 22 1 NI B5 +32 22 1 NI B6 +32 22 1 NI B7 +32 22 1 NI B8 +32 22 1 NI B9 +32 22 1 NI B14 +32 22 1 NI B15 +32 22 1 NI B16 +32 22 1 NI B17 +32 22 1 NI B18 +32 22 1 NI B19 +32 22 1 NI B20 +32 22 1 NI B21 +32 22 1 NI B22 +32 22 1 NI B23 +32 22 1 NI B24 +32 22 1 NI B25 +32 22 1 NI B26 +32 22 1 NI B27 +32 22 1 NI B28 +32 22 1 NI B29 +32 22 1 NI B30 +32 22 1 NI B31 +32 22 1 NI B32 +32 22 1 NI B33 +32 22 1 NI B34 +32 22 1 NI B35 +32 22 1 NI B36 +32 22 1 NI B37 +32 22 1 NI B38 +32 22 1 NI B39 +32 22 1 NI B40 +32 22 2 HI B0 +32 22 2 HI B1 +32 22 2 HI B2 +32 22 2 HI B3 +32 22 2 HI B4 +32 22 2 HI B5 +32 22 2 HI B6 +32 22 2 HI B7 +32 22 2 HI B8 +32 22 2 HI B9 +32 22 2 HI C0 +32 22 2 HI C1 +32 22 2 HI C2 +32 22 2 HI C3 +32 22 2 HI C4 +32 22 2 HI C5 +32 22 2 HI C6 +32 22 2 HI C7 +32 22 2 HI C8 +32 22 2 HI C9 +32 22 3 MI C1 +32 22 3 MI C2 +32 22 3 MI C3 +32 22 3 MI C4 +32 22 3 MI C5 +32 22 3 MI C6 +32 22 3 MI C7 +32 22 3 MI C35 +32 22 3 MI C36 +32 22 3 MI C37 +32 22 3 MI C38 +32 22 3 MI C39 +32 22 3 MI C40 +32 22 3 MI D1 +32 22 3 MI D2 +32 22 3 MI D3 +32 22 3 MI D4 +32 22 3 MI D5 +32 22 3 MI D6 +32 22 3 MI D7 +32 22 3 MI D35 +32 22 3 MI D36 +32 22 3 MI D37 +32 22 3 MI D38 +32 22 3 MI D39 +32 22 3 MI D40 +32 22 3 MI E1 +32 22 3 MI E2 +32 22 3 MI E3 +32 22 3 MI E4 +32 22 3 MI E5 +32 22 3 MI E6 +32 22 3 MI E7 +32 22 3 MI E35 +32 22 3 MI E36 +32 22 3 MI E37 +32 22 3 MI E38 +32 22 3 MI E39 +32 22 3 MI E40 +32 22 3 MI F1 +32 22 3 MI F2 +32 22 3 MI F3 +32 22 3 MI F4 +32 22 3 MI F5 +32 22 3 MI F6 +32 22 3 MI F7 +32 22 3 MI F35 +32 22 3 MI F36 +32 22 3 MI F37 +32 22 3 MI F38 +32 22 3 MI F39 +32 22 3 MI F40 +32 22 3 MI G1 +32 22 3 MI G2 +32 22 3 MI G3 +32 22 3 MI G4 +32 22 3 MI G5 +32 22 3 MI G6 +32 22 3 MI G7 +32 22 3 MI G35 +32 22 3 MI G36 +32 22 3 MI G37 +32 22 3 MI G38 +32 22 3 MI G39 +32 22 3 MI G40 +32 22 3 MI H1 +32 22 3 MI H2 +32 22 3 MI H3 +32 22 3 MI H4 +32 22 3 MI H5 +32 22 3 MI H6 +32 22 3 MI H7 +32 22 4 SI E0 +32 22 4 SI F0 +32 22 4 SI G0 +32 22 4 SI H0 +32 22 4 SI I0 +32 22 4 SI I1 +32 22 4 SI I2 +32 22 4 SI I3 +32 22 4 SI I4 +32 22 4 SI I5 +32 22 4 SI I6 +32 22 4 SI I7 +32 22 4 SI I8 +32 22 4 SI I9 +32 22 4 SI I10 +32 22 4 SI I11 +32 22 4 SI I12 +32 22 4 SI I13 +32 22 4 SI I14 +32 22 4 SI I15 +32 22 4 SI I16 +32 22 4 SI I17 +32 22 4 SI I18 +32 22 4 SI I19 +32 22 4 SI I20 +32 22 4 SI I21 +32 22 4 SI I22 +32 22 4 SI I23 +32 22 4 SI I24 +32 22 4 SI I25 +32 22 4 SI I26 +32 22 4 SI I27 +32 22 4 SI I28 +32 22 4 SI I29 +32 22 4 SI I30 +32 22 4 SI I31 +32 22 4 SI I32 +32 22 4 SI I33 +32 22 4 SI I34 +32 22 4 SI I35 +32 22 4 SI I36 +32 22 4 SI I37 +32 22 4 SI I38 +32 22 4 SI I39 +32 22 4 SI I40 +32 22 4 SI J0 +32 22 4 SI J1 +32 22 4 SI J2 +32 22 4 SI J3 +32 22 4 SI J4 +32 22 4 SI J5 +32 22 4 SI J6 +32 22 4 SI J7 +32 22 4 SI J8 +32 22 4 SI J9 +32 22 4 SI J10 +32 22 4 SI J11 +32 22 4 SI J12 +32 22 4 SI J13 +32 22 4 SI J14 +32 22 4 SI J15 +32 22 4 SI J16 +32 22 4 SI J17 +32 22 4 SI J18 +32 22 4 SI J19 +32 22 4 SI J20 +32 22 4 SI J21 +32 22 4 SI J22 +32 22 4 SI J23 +32 22 4 SI J24 +32 22 4 SI J25 +32 22 4 SI J26 +32 22 4 SI J27 +32 22 4 SI J28 +32 22 4 SI J29 +32 22 4 SI J30 +32 22 4 SI J31 +32 22 4 SI J32 +32 22 4 SI J33 +32 22 4 SI J34 +32 22 4 SI J35 +32 22 4 SI J36 +32 22 4 SI J37 +32 22 4 SI J38 +32 22 4 SI J39 +32 22 4 SI J40 +32 22 5 MU F0 +32 22 5 MU G0 +32 22 5 MU G6 +32 22 5 MU G7 +32 22 5 MU G8 +32 22 5 MU G9 +32 22 5 MU G10 +32 22 5 MU G11 +32 22 5 MU H0 +32 22 5 MU H6 +32 22 5 MU H7 +32 22 5 MU H8 +32 22 5 MU H9 +32 22 5 MU H10 +32 22 5 MU H11 +32 22 5 MU I6 +32 22 5 MU I7 +32 22 5 MU I8 +32 22 5 MU I9 +32 22 5 MU I10 +32 22 5 MU I11 +32 22 6 MH C7 +32 22 6 MH C8 +32 22 6 MH C9 +32 22 6 MH C10 +32 22 6 MH C11 +32 22 6 MH C12 +32 22 6 MH C13 +32 22 6 MH C14 +32 22 6 MH C15 +32 22 6 MH C16 +32 22 6 MH D7 +32 22 6 MH D8 +32 22 6 MH D9 +32 22 6 MH D10 +32 22 6 MH D11 +32 22 6 MH D12 +32 22 6 MH D13 +32 22 6 MH D14 +32 22 6 MH D15 +32 22 6 MH D16 +32 22 6 MH E7 +32 22 6 MH E8 +32 22 6 MH E9 +32 22 6 MH E10 +32 22 6 MH E11 +32 22 6 MH E12 +32 22 6 MH E13 +32 22 6 MH E14 +32 22 6 MH E15 +32 22 6 MH E16 +32 22 6 MH F7 +32 22 6 MH F8 +32 22 6 MH F9 +32 22 6 MH F10 +32 22 6 MH F11 +32 22 6 MH F12 +32 22 6 MH F13 +32 22 6 MH F14 +32 22 6 MH F15 +32 22 6 MH F16 +32 22 6 MH G7 +32 22 6 MH G8 +32 22 6 MH G9 +32 22 6 MH G10 +32 22 6 MH G11 +32 22 6 MH G12 +32 22 6 MH G13 +32 22 6 MH G14 +32 22 6 MH G15 +32 22 6 MH G16 +32 22 6 MH H7 +32 22 6 MH H8 +32 22 6 MH H9 +32 22 6 MH H10 +32 22 6 MH H11 +32 22 6 MH H12 +32 22 6 MH H13 +32 22 6 MH H14 +32 22 6 MH H15 +32 22 6 MH H16 +32 22 7 SX C10 +32 22 7 SX C11 +32 22 7 SX C12 +32 22 7 SX C13 +32 22 7 SX C14 +32 22 7 SX C15 +32 22 7 SX C16 +32 22 7 SX C17 +32 22 7 SX C18 +32 22 7 SX C19 +32 22 7 SX C20 +32 22 7 SX C21 +32 22 7 SX C22 +32 22 7 SX C23 +32 22 7 SX C24 +32 22 7 SX C25 +32 22 7 SX C26 +32 22 7 SX C27 +32 22 7 SX C28 +32 22 7 SX C29 +32 22 7 SX C30 +32 22 7 SX C31 +32 22 7 SX C32 +32 22 7 SX C33 +32 22 7 SX C34 +32 22 7 SX C35 +32 22 7 SX C36 +32 22 7 SX C37 +32 22 7 SX D10 +32 22 7 SX D11 +32 22 7 SX D12 +32 22 7 SX D13 +32 22 7 SX D14 +32 22 7 SX D15 +32 22 7 SX D16 +32 22 7 SX D17 +32 22 7 SX D18 +32 22 7 SX D19 +32 22 7 SX D20 +32 22 7 SX D21 +32 22 7 SX D22 +32 22 7 SX D23 +32 22 7 SX D24 +32 22 7 SX D25 +32 22 7 SX D26 +32 22 7 SX D27 +32 22 7 SX D28 +32 22 7 SX D29 +32 22 7 SX D30 +32 22 7 SX D31 +32 22 7 SX D32 +32 22 7 SX D33 +32 22 7 SX D34 +32 22 7 SX D35 +32 22 7 SX D36 +32 22 7 SX E10 +32 22 7 SX E11 +32 22 7 SX E12 +32 22 7 SX E13 +32 22 7 SX E14 +32 22 7 SX E15 +32 22 7 SX E16 +32 22 7 SX E17 +32 22 7 SX E18 +32 22 7 SX E19 +32 22 7 SX E20 +32 22 7 SX E21 +32 22 7 SX E22 +32 22 7 SX E23 +32 22 7 SX E24 +32 22 7 SX E25 +32 22 7 SX E26 +32 22 7 SX E27 +32 22 7 SX E28 +32 22 7 SX E29 +32 22 7 SX E30 +32 22 7 SX E31 +32 22 7 SX E32 +32 22 7 SX E33 +32 22 7 SX E34 +32 22 7 SX E35 +32 22 7 SX F11 +32 22 7 SX F12 +32 22 7 SX F13 +32 22 7 SX F14 +32 22 7 SX F15 +32 22 7 SX F16 +32 22 7 SX F17 +32 22 7 SX F18 +32 22 7 SX F19 +32 22 7 SX F20 +32 22 7 SX F21 +32 22 7 SX F22 +32 22 7 SX F23 +32 22 7 SX F24 +32 22 7 SX F25 +32 22 7 SX F26 +32 22 7 SX F27 +32 22 7 SX F28 +32 22 7 SX F29 +32 22 7 SX F30 +32 22 7 SX F31 +32 22 7 SX F32 +32 22 7 SX F33 +32 22 7 SX F34 +32 22 7 SX G11 +32 22 7 SX G12 +32 22 7 SX G13 +32 22 7 SX G14 +32 22 7 SX G15 +32 22 7 SX G16 +32 22 7 SX G17 +32 22 7 SX G18 +32 22 7 SX G19 +32 22 7 SX G20 +32 22 7 SX G21 +32 22 7 SX G22 +32 22 7 SX G23 +32 22 7 SX G24 +32 22 7 SX G25 +32 22 7 SX G26 +32 22 7 SX G27 +32 22 7 SX G28 +32 22 7 SX G29 +32 22 7 SX G30 +32 22 7 SX G31 +32 22 7 SX G32 +32 22 7 SX G33 +32 23 1 MI D1 +32 23 1 MI D2 +32 23 1 MI D3 +32 23 1 MI D4 +32 23 1 MI E1 +32 23 1 MI E2 +32 23 1 MI E3 +32 23 1 MI E4 +32 23 1 MI F1 +32 23 1 MI F2 +32 23 1 MI F3 +32 23 1 MI F4 +32 23 1 MI G1 +32 23 1 MI G2 +32 23 1 MI G3 +32 23 1 MI G4 +32 23 2 MY C8 +32 23 2 MY C9 +32 23 2 MY C10 +32 23 2 MY C11 +32 23 2 MY D8 +32 23 2 MY D9 +32 23 2 MY D10 +32 23 2 MY D11 +32 23 3 SI J0 +32 23 3 SI J1 +32 23 3 SI J2 +32 23 3 SI J3 +32 23 3 SI J4 +32 23 3 SI J5 +32 23 3 SI J6 +32 23 3 SI J7 +32 23 3 SI J8 +32 23 3 SI J9 +32 23 3 SI J10 +32 23 3 SI J11 +32 23 3 SI J12 +32 23 3 SI J13 +32 23 3 SI J14 +32 23 3 SI J15 +32 23 3 SI J16 +32 23 3 SI J17 +32 23 3 SI J18 +32 23 3 SI J19 +32 23 3 SI J20 +32 23 3 SI J21 +32 23 3 SI J22 +32 23 3 SI J23 +32 23 3 SI J24 +32 23 3 SI J25 +32 23 3 SI J26 +32 23 3 SI J27 +32 23 3 SI J28 +32 23 3 SI J29 +32 23 3 SI J30 +32 23 3 SI J31 +32 23 3 SI J32 +32 23 3 SI J33 +32 23 3 SI J34 +32 23 3 SI J35 +32 23 3 SI J36 +32 23 3 SI J37 +32 23 3 SI J38 +32 23 3 SI J39 +32 23 3 SI J40 +32 23 4 NN C24 +32 23 4 NN C25 +32 23 4 NN C26 +32 23 4 NN C27 +32 23 4 NN C28 +32 23 4 NN C29 +32 23 4 NN D24 +32 23 4 NN D25 +32 23 4 NN D26 +32 23 4 NN D27 +32 23 4 NN D28 +32 23 4 NN D29 +32 23 5 JI G30 +32 23 5 JI G31 +32 23 5 JI H30 +32 23 5 JI H31 +32 24 1 NI A0 +32 24 1 NI A1 +32 24 1 NI A2 +32 24 1 NI A3 +32 24 1 NI A4 +32 24 1 NI A5 +32 24 1 NI A6 +32 24 1 NI A7 +32 24 1 NI A8 +32 24 1 NI A9 +32 24 1 NI A10 +32 24 1 NI A11 +32 24 1 NI A12 +32 24 1 NI A13 +32 24 1 NI A14 +32 24 1 NI A15 +32 24 1 NI A16 +32 24 1 NI A17 +32 24 1 NI A18 +32 24 1 NI A19 +32 24 1 NI A20 +32 24 1 NI A21 +32 24 1 NI A22 +32 24 1 NI A23 +32 24 1 NI A24 +32 24 1 NI A25 +32 24 1 NI A26 +32 24 1 NI A27 +32 24 1 NI A28 +32 24 1 NI A29 +32 24 1 NI A30 +32 24 1 NI A31 +32 24 1 NI A32 +32 24 1 NI A33 +32 24 1 NI A34 +32 24 1 NI A35 +32 24 1 NI A36 +32 24 1 NI A37 +32 24 1 NI A38 +32 24 1 NI A39 +32 24 1 NI A40 +32 24 2 MH C7 +32 24 2 MH C8 +32 24 2 MH C9 +32 24 2 MH C10 +32 24 2 MH C11 +32 24 2 MH D7 +32 24 2 MH D8 +32 24 2 MH D9 +32 24 2 MH D10 +32 24 2 MH D11 +32 24 3 MI F1 +32 24 3 MI F2 +32 24 3 MI F3 +32 24 3 MI F4 +32 24 3 MI F38 +32 24 3 MI F39 +32 24 3 MI F40 +32 24 3 MI G1 +32 24 3 MI G2 +32 24 3 MI G3 +32 24 3 MI G4 +32 24 3 MI G38 +32 24 3 MI G39 +32 24 3 MI G40 +32 24 3 MI H1 +32 24 3 MI H2 +32 24 3 MI H3 +32 24 3 MI H4 +32 24 3 MI H38 +32 24 3 MI H39 +32 24 3 MI H40 +32 24 4 SI G26 +32 24 4 SI G27 +32 24 4 SI G28 +32 24 4 SI G29 +32 24 4 SI G30 +32 24 4 SI G31 +32 24 5 SX H0 +32 24 5 SX H1 +32 24 5 SX H2 +32 24 5 SX H3 +32 24 5 SX H4 +32 24 5 SX H5 +32 24 5 SX H6 +32 24 5 SX H7 +32 24 5 SX H8 +32 24 5 SX H9 +32 24 5 SX H10 +32 24 5 SX H11 +32 24 5 SX H12 +32 24 6 OB I0 +32 24 6 OB I1 +32 24 6 OB I2 +32 24 6 OB I3 +32 24 6 OB I4 +32 24 6 OB I5 +32 24 6 OB I6 +32 24 6 OB I7 +32 24 6 OB I8 +32 24 6 OB I9 +32 24 6 OB I10 +32 24 6 OB I11 +32 24 6 OB I12 +32 24 6 OB I13 +32 24 6 OB I14 +32 24 6 OB I15 +32 24 6 OB I16 +32 24 6 OB I17 +32 24 6 OB I18 +32 24 6 OB I19 +32 24 6 OB I20 +32 24 6 OB I21 +32 24 6 OB I22 +32 24 6 OB I23 +32 24 6 OB I24 +32 24 6 OB I25 +32 24 6 OB I26 +32 24 6 OB I27 +32 24 6 OB I28 +32 24 6 OB I29 +32 24 6 OB I30 +32 24 6 OB I31 +32 24 6 OB I32 +32 24 6 OB I33 +32 24 6 OB I34 +32 24 6 OB I35 +32 24 6 OB I36 +32 24 6 OB I37 +32 24 6 OB I38 +32 24 6 OB I39 +32 24 6 OB I40 +32 24 7 SI I0 +32 24 7 SI I1 +32 24 7 SI I2 +32 24 7 SI I3 +32 24 7 SI I4 +32 24 7 SI I5 +32 24 7 SI I6 +32 24 7 SI I7 +32 24 7 SI I8 +32 24 7 SI I9 +32 24 7 SI I10 +32 24 7 SI I11 +32 24 7 SI I12 +32 24 7 SI I13 +32 24 7 SI I14 +32 24 7 SI I15 +32 24 7 SI I16 +32 24 7 SI I17 +32 24 7 SI I18 +32 24 7 SI I19 +32 24 7 SI I20 +32 24 7 SI I21 +32 24 7 SI I22 +32 24 7 SI I23 +32 24 7 SI I24 +32 24 7 SI I25 +32 24 7 SI I26 +32 24 7 SI I27 +32 24 7 SI I28 +32 24 7 SI I29 +32 24 7 SI I30 +32 24 7 SI I31 +32 24 7 SI I32 +32 24 7 SI I33 +32 24 7 SI I34 +32 24 7 SI I35 +32 24 7 SI I36 +32 24 7 SI I37 +32 24 7 SI I38 +32 24 7 SI I39 +32 24 7 SI I40 +32 25 1 MI D1 +32 25 1 MI D2 +32 25 1 MI D3 +32 25 1 MI D4 +32 25 1 MI D5 +32 25 1 MI E1 +32 25 1 MI E2 +32 25 1 MI E3 +32 25 1 MI E4 +32 25 1 MI E5 +32 25 1 MI F1 +32 25 1 MI F2 +32 25 1 MI F3 +32 25 1 MI F4 +32 25 1 MI F5 +32 25 1 MI G1 +32 25 1 MI G2 +32 25 1 MI G3 +32 25 1 MI G4 +32 25 1 MI G5 +32 25 2 MI C8 +32 25 2 MI C9 +32 25 2 MI C10 +32 25 2 MI C11 +32 25 2 MI D8 +32 25 2 MI D9 +32 25 2 MI D10 +32 25 2 MI D11 +32 25 2 MI E8 +32 25 2 MI E9 +32 25 2 MI E10 +32 25 2 MI E11 +32 25 3 MH B11 +32 25 3 MH B12 +32 25 3 MH B13 +32 25 3 MH B14 +32 25 3 MH C11 +32 25 3 MH C12 +32 25 3 MH C13 +32 25 3 MH C14 +32 25 3 MH D11 +32 25 3 MH D12 +32 25 3 MH D13 +32 25 3 MH D14 +32 25 4 MT B9 +32 25 4 MT B10 +32 25 4 MT B11 +32 25 4 MT B12 +32 25 4 MT B13 +32 25 4 MT B14 +32 25 5 SX E25 +32 25 5 SX E26 +32 25 5 SX E27 +32 25 5 SX E28 +32 25 5 SX E29 +32 25 5 SX E30 +32 25 5 SX F25 +32 25 5 SX F26 +32 25 5 SX F27 +32 25 5 SX F28 +32 25 5 SX F29 +32 25 5 SX F30 +32 25 6 MT F32 +32 25 6 MT F33 +32 25 6 MT F34 +32 25 6 MT F35 +32 25 6 MT G32 +32 25 6 MT G33 +32 25 6 MT G34 +32 25 6 MT G35 +32 25 6 MT H32 +32 25 6 MT H33 +32 25 6 MT H34 +32 25 6 MT H35 +33 1 1 O A0 +33 1 2 G G0 +33 1 3 H J0 +33 1 4 MN C10 +33 1 5 C F17 +33 1 6 R D38 +33 1 7 M G2 +33 2 1 O A0 +33 2 2 H J0 +33 2 3 G F0 +33 2 4 M G1 +33 2 5 MN C9 +33 2 6 C E17 +33 2 7 R D38 +33 3 1 O A0 +33 3 2 H J0 +33 3 3 M F2 +33 3 4 G G1 +33 3 5 MN C10 +33 3 6 C F17 +33 3 7 R C37 +33 4 1 O A0 +33 4 2 H J0 +33 4 3 M F2 +33 4 4 G G0 +33 4 5 MN C10 +33 4 6 C F17 +33 4 7 R C38 +33 5 1 O A0 +33 5 2 R C37 +33 5 3 H J0 +33 5 4 M F2 +33 5 5 G G0 +33 5 6 C F17 +33 5 7 MN C10 +33 6 1 O A0 +33 6 2 H J0 +33 6 3 G G0 +33 6 4 MN C9 +33 6 5 C F17 +33 6 6 R C37 +33 6 7 M F39 +33 7 1 O A0 +33 7 2 H J0 +33 7 3 G G0 +33 7 4 M F2 +33 7 5 MN C9 +33 7 6 C F16 +33 7 7 R C37 +33 8 1 O A0 +33 8 2 H J0 +33 8 3 G G0 +33 8 4 M F1 +33 8 5 R C37 +33 8 6 C F17 +33 8 7 MN C9 +33 9 1 O A0 +33 9 2 H J0 +33 9 3 G G0 +33 9 4 M F1 +33 9 5 MN C10 +33 9 6 C F17 +33 9 7 R C38 +33 10 1 O A0 +33 10 2 H J0 +33 10 3 G G0 +33 10 4 M F1 +33 10 5 MN C9 +33 10 6 C F17 +33 10 7 R C37 +33 11 1 R C38 +33 11 2 O A0 +33 11 3 H J0 +33 11 4 M F3 +33 11 5 MN C8 +33 11 6 G F7 +33 11 7 C F18 +33 12 1 O A0 +33 12 2 H J0 +33 12 3 G F0 +33 12 4 M G1 +33 12 5 MN C10 +33 12 6 C E17 +33 12 7 R D38 +33 13 1 O A0 +33 13 2 H J0 +33 13 3 G F0 +33 13 4 M G1 +33 13 5 MN C9 +33 13 6 C E17 +33 13 7 R D38 +33 14 1 O A0 +33 14 2 H J0 +33 14 3 G F0 +33 14 4 M G1 +33 14 5 MN C9 +33 14 6 C F17 +33 14 7 R C38 +33 15 1 O A0 +33 15 2 H J0 +33 15 3 G G0 +33 15 4 M F1 +33 15 5 MN C10 +33 15 6 C F17 +33 15 7 R C37 +33 16 1 O A0 +33 16 2 H J0 +33 16 3 G G0 +33 16 4 M F1 +33 16 5 C F17 +33 16 6 MN C9 +33 16 7 R C38 +33 17 1 O A0 +33 17 2 H J0 +33 17 3 G G0 +33 17 4 M F1 +33 17 5 MN C9 +33 17 6 C F17 +33 17 7 R D38 +33 18 1 O A0 +33 18 2 H J0 +33 18 3 M F1 +33 18 4 G G0 +33 18 5 MN C9 +33 18 6 C F17 +33 18 7 R C37 +33 19 1 O A0 +33 19 2 H J0 +33 19 3 G G0 +33 19 4 M F1 +33 19 5 MN C9 +33 19 6 C F17 +33 19 7 R C38 +33 20 1 O A0 +33 20 2 H J0 +33 20 3 G G0 +33 20 4 M F1 +33 20 5 MN C10 +33 20 6 C F17 +33 20 7 R C38 +33 21 1 O A0 +33 21 2 H J0 +33 21 3 G G0 +33 21 4 M F1 +33 21 5 MN C10 +33 21 6 C F16 +33 21 7 R D37 +33 22 1 O A0 +33 22 2 H J0 +33 22 3 M G1 +33 22 4 G F0 +33 22 5 MN C9 +33 22 6 C F17 +33 22 7 R C38 +33 23 1 O A0 +33 23 2 H J0 +33 23 3 G G0 +33 23 4 M F2 +33 23 5 MN C9 +33 23 6 C F17 +33 23 7 R C38 +33 24 1 O A0 +33 24 2 H J0 +33 24 3 M F2 +33 24 4 MN C10 +33 24 5 C F17 +33 24 6 R C37 +33 24 7 G G0 +33 25 1 O A0 +33 25 2 H J0 +33 25 3 G G0 +33 25 4 M F1 +33 25 5 MN C9 +33 25 6 C F17 +33 25 7 R C38 +34 1 1 W A0 +34 1 2 D D7 +34 1 3 T C9 +34 1 4 G F17 +34 1 5 B G28 +34 1 6 S G34 +34 1 7 F F39 +34 1 8 L F2 +34 2 1 X H36 +34 2 2 P H36 +34 2 3 K J0 +34 2 4 O F40 +34 2 5 J D40 +34 2 6 B H23 +34 2 7 F F27 +34 2 8 G E16 +34 2 9 T D8 +34 2 10 D C8 +34 2 11 W A0 +34 2 12 L G1 +34 3 1 I I34 +34 3 2 D D8 +34 3 3 O E5 +34 3 4 L F4 +34 3 5 S I5 +34 3 6 G F15 +34 3 7 J E25 +34 3 8 B I31 +34 3 9 T D8 +34 4 1 I H33 +34 4 2 B H29 +34 4 3 J D28 +34 4 4 T C8 +34 4 5 D C8 +34 4 6 O E4 +34 4 7 L G2 +34 4 8 S H7 +34 4 9 G G19 +34 5 1 B H29 +34 5 2 L F4 +34 5 2 L G40 +34 5 3 G G18 +34 5 4 S H7 +34 5 5 K J0 +34 5 6 W A0 +34 5 7 D D7 +34 5 8 T C11 +34 5 9 B H29 +34 6 1 W A0 +34 6 2 K J0 +34 6 3 B H29 +34 6 4 G H17 +34 6 5 S I2 +34 6 6 L H2 +34 6 7 T B10 +34 7 1 F E29 +34 7 2 G F17 +34 7 3 T C9 +34 7 4 D C9 +34 7 5 L G1 +34 7 6 S I3 +34 7 7 B I29 +34 8 1 Z G40 +34 8 2 X I37 +34 8 3 B I29 +34 8 4 F F28 +34 8 5 G G16 +34 8 6 L G3 +34 8 7 O F4 +34 8 8 D C8 +34 8 9 T C9 +34 9 1 O D40 +34 9 2 E D36 +34 9 3 F D25 +34 9 4 B G29 +34 9 5 G F18 +34 9 6 L H2 +34 9 7 K J0 +34 9 8 W A0 +34 9 9 T C9 +34 9 10 I C14 +34 10 1 O D40 +34 10 2 X E40 +34 10 3 B H31 +34 10 4 J E33 +34 10 5 F E30 +34 10 6 T E5 +34 10 7 W A0 +34 10 8 K J0 +34 10 9 L G2 +34 10 10 G F16 +34 11 1 B H28 +34 11 2 G E16 +34 11 3 T C8 +34 11 4 W B0 +34 11 5 K J0 +34 11 6 L H1 +34 12 1 W A0 +34 12 2 K J0 +34 12 3 B G29 +34 12 4 G F17 +34 12 5 T C10 +34 12 6 L F1 +34 13 1 B I31 +34 13 2 T D7 +34 13 3 W A0 +34 13 4 K J0 +34 13 5 L H2 +34 13 6 S I5 +34 13 7 G H20 +34 14 1 W A0 +34 14 2 T C9 +34 14 3 L G1 +34 14 4 G F17 +34 14 5 B G28 +34 14 6 K J0 +34 15 1 T C40 +34 15 2 G E28 +34 15 3 B I28 +34 15 4 L F3 +34 15 5 K J0 +34 15 6 W A0 +34 16 1 R C33 +34 16 2 W A0 +34 16 3 O B12 +34 16 4 T C8 +34 16 5 L B1 +34 16 6 K J0 +34 16 7 S H10 +34 16 8 G H21 +34 16 9 J E27 +34 16 10 B J31 +34 17 1 T C9 +34 17 2 O E5 +34 17 3 A E1 +34 17 4 N H2 +34 17 5 L H2 +34 17 6 S I2 +34 17 7 G H21 +34 17 8 B G26 +34 17 9 K J0 +34 17 10 W A0 +34 17 11 J C26 +34 18 1 B E27 +34 18 2 A B6 +34 18 3 L H3 +34 18 4 K J0 +34 18 5 N D40 +34 18 6 W A0 +34 18 7 R C23 +34 18 8 J C22 +34 18 9 G E18 +34 18 10 T B12 +34 18 11 D B12 +34 18 12 E C10 +34 19 1 W A0 +34 19 2 K J0 +34 19 3 F I38 +34 19 4 J E28 +34 19 5 B G27 +34 19 6 G F17 +34 19 7 T C10 +34 19 8 D C8 +34 19 9 L E1 +34 19 10 S H2 +34 20 1 L H39 +34 20 2 B G27 +34 20 3 J H27 +34 20 4 G F19 +34 20 5 T C10 +34 20 6 D B11 +34 20 7 O C6 +34 20 8 W A0 +34 20 9 A E0 +34 20 10 K J0 +34 20 11 S I3 +34 21 1 K J0 +34 21 2 L F40 +34 21 3 W A0 +34 21 4 A C33 +34 21 5 J D27 +34 21 6 G E17 +34 21 7 T C9 +34 21 8 E C9 +34 21 9 D C8 +34 21 10 K H4 +34 21 11 S H6 +34 21 12 B I29 +34 22 1 D C9 +34 22 2 K J0 +34 22 3 J F29 +34 22 4 B G28 +34 22 5 G G19 +34 22 6 S F8 +34 22 7 L G1 +34 22 8 A E0 +34 22 9 E C1 +34 22 10 T C8 +34 22 11 W A0 +34 23 1 W A0 +34 23 2 A D1 +34 23 3 K J0 +34 23 4 L G2 +34 23 5 S H2 +34 23 6 T E5 +34 23 7 D E5 +34 23 8 G F18 +34 23 9 J F27 +34 23 10 B H29 +34 24 1 K J0 +34 24 2 L H39 +34 24 3 W A0 +34 24 4 B F29 +34 24 5 G F18 +34 24 6 T C8 +34 25 1 L G40 +34 25 2 A C40 +34 25 3 B H29 +34 25 4 J E27 +34 25 5 G G20 +34 25 6 W A0 +34 25 7 D C10 +34 25 8 T C2 +34 25 9 K J0 +34 25 10 V G2 +35 1 1 Y G2 +35 1 2 W J0 +35 1 3 N F19 +35 1 4 F A0 +35 1 5 B F26 +35 1 6 T F19 +35 1 7 M C11 +35 2 1 F A0 +35 2 2 T F18 +35 2 3 N F18 +35 2 4 M C9 +35 2 5 Y G3 +35 2 6 W J0 +35 2 7 B H29 +35 2 8 K G6 +35 3 1 F A0 +35 3 2 M C12 +35 3 3 Y G2 +35 3 4 W J0 +35 3 5 V H13 +35 3 6 N F19 +35 3 7 T F19 +35 3 8 B H34 +35 4 1 F A0 +35 4 2 L H19 +35 4 3 G C12 +35 4 4 M C10 +35 4 5 Y G3 +35 4 6 K H5 +35 4 7 T F18 +35 4 8 N F18 +35 4 9 B G28 +35 4 10 W J0 +35 5 1 B G30 +35 5 2 M B11 +35 5 3 F A0 +35 5 4 Y G1 +35 5 5 W J0 +35 6 1 F A0 +35 6 2 L D14 +35 6 3 G C12 +35 6 4 M C9 +35 6 5 Y G1 +35 6 6 K G5 +35 6 7 N E16 +35 6 8 T E16 +35 6 9 B F27 +35 6 10 W J0 +35 7 1 F A0 +35 7 2 V F13 +35 7 3 M C11 +35 7 4 Y G2 +35 7 5 W J0 +35 7 6 T G19 +35 7 7 N G19 +35 8 1 F A0 +35 8 2 T E20 +35 8 3 N E20 +35 8 4 M C9 +35 8 5 Y F4 +35 8 6 V G11 +35 8 7 B E28 +35 8 8 W J0 +35 9 1 F A0 +35 9 2 M C10 +35 9 3 Y G2 +35 9 4 W J0 +35 9 5 V H14 +35 9 6 T G17 +35 9 7 N G17 +35 9 8 B G29 +35 10 1 F A0 +35 10 2 M C10 +35 10 3 W J0 +35 10 4 Y F1 +35 10 5 T E16 +35 10 6 N E16 +35 10 7 K D1 +35 11 1 F A0 +35 11 2 N F17 +35 11 3 T F17 +35 11 4 Y H2 +35 11 5 M C9 +35 11 6 V E13 +35 11 7 B E28 +35 11 8 W J0 +35 12 1 F A0 +35 12 2 M C11 +35 12 3 W J0 +35 12 4 V G10 +35 12 5 N F16 +35 12 6 T F16 +35 12 7 Y G2 +35 13 1 F A0 +35 13 2 M C10 +35 13 3 Y G3 +35 13 4 W J0 +35 13 5 V H7 +35 13 6 N E17 +35 13 7 T E17 +35 14 1 F A0 +35 14 2 M D8 +35 14 3 Y G1 +35 14 4 W J0 +35 14 5 K F9 +35 14 6 T F17 +35 14 7 N F17 +35 14 8 B H28 +35 15 1 F A0 +35 15 2 M C9 +35 15 3 Y F3 +35 15 4 W J0 +35 15 5 V G13 +35 15 6 N E17 +35 15 7 T E17 +35 16 1 F A0 +35 16 2 V F17 +35 16 3 M C10 +35 16 4 Y G1 +35 16 5 W J0 +35 17 1 F A0 +35 17 2 B F28 +35 17 3 T E15 +35 17 4 N E15 +35 17 5 M C13 +35 17 6 Y F1 +35 17 7 W J0 +35 17 8 K F9 +35 17 9 V E32 +35 18 1 F A0 +35 18 2 M C9 +35 18 3 K F8 +35 18 4 Y F3 +35 18 5 V C4 +35 18 6 T F17 +35 18 7 N F17 +35 18 8 B F26 +35 18 9 W J0 +35 19 1 F A0 +35 19 2 T G20 +35 19 3 N G20 +35 19 4 Y G3 +35 19 5 K I6 +35 19 6 V I16 +35 19 7 B F29 +35 19 8 W J0 +35 20 1 F A0 +35 20 2 M C8 +35 20 3 E B6 +35 20 4 Y F3 +35 20 5 K F6 +35 20 6 T E16 +35 20 7 N E16 +35 20 8 B G29 +35 20 9 W J0 +35 21 1 F A0 +35 21 2 E B21 +35 21 3 T F17 +35 21 4 N F17 +35 21 5 Y F4 +35 21 6 K E13 +35 21 7 B F29 +35 21 8 W J0 +35 22 1 F A0 +35 22 2 M C9 +35 22 3 Y F4 +35 22 4 W J0 +35 23 1 F A0 +35 23 2 M C11 +35 23 3 Y E4 +35 23 4 W J0 +35 23 5 N F17 +35 23 6 T F17 +35 23 7 B E26 +35 23 8 V G33 +35 24 1 F A0 +35 24 2 M C8 +35 24 3 Y H3 +35 24 4 W J0 +35 25 1 F A0 +35 25 2 V E13 +35 25 3 M C8 +35 25 4 Y H3 +35 25 5 W J0 +36 1 1 B A0 +36 1 2 EO C8 +36 1 3 EB F0 +36 1 4 E J0 +36 2 1 B A0 +36 2 2 O C12 +36 2 3 EB G2 +36 2 4 E J0 +36 3 1 B A0 +36 3 2 EB F3 +36 3 3 E J0 +36 4 1 B A0 +36 4 2 EB F3 +36 4 3 E J0 +36 5 1 B A0 +36 5 2 EB H2 +36 5 3 E J0 +36 6 1 B A0 +36 6 2 EB E5 +36 6 3 E J0 +36 7 1 B A0 +36 7 2 EB G2 +36 7 3 E J0 +36 8 1 B A0 +36 8 2 E J0 +36 8 3 EB F2 +36 9 1 B A0 +36 9 2 EB F4 +36 9 3 E J0 +36 10 1 B A0 +36 10 2 EB F3 +36 10 3 E J0 +36 11 1 B A0 +36 11 2 EB F3 +36 11 3 E J0 +36 12 1 B A0 +36 12 2 EB F2 +36 12 3 E J0 +36 13 1 B A0 +36 13 2 EB F3 +36 13 3 E J0 +36 14 1 B A0 +36 14 2 EB F40 +36 14 3 E J0 +36 15 1 B A0 +36 15 2 EB G1 +36 15 3 E J0 +36 16 1 B A0 +36 16 2 EB G1 +36 16 3 E J0 +36 17 1 B A0 +36 17 2 EB G1 +36 17 3 E J0 +36 18 1 B A0 +36 18 2 EB G3 +36 18 3 E J0 +36 19 1 B A0 +36 19 2 EB H1 +36 19 3 E J0 +36 20 1 B A0 +36 20 2 EB G39 +36 20 3 E J0 +36 21 1 B A0 +36 21 2 EB F2 +36 21 3 E J0 +36 22 1 B A0 +36 22 2 EB G1 +36 22 3 E J0 +36 23 1 B A0 +36 23 2 EB G1 +36 23 3 E J0 +36 24 1 B A0 +36 24 2 EB F2 +36 24 3 E J0 +36 25 1 B A0 +36 25 2 EB G1 +36 25 3 E J0 +37 1 1 HU E4 +37 1 2 TE J0 +37 1 2 TE J1 +37 1 2 TE J2 +37 1 2 TE J3 +37 1 2 TE J4 +37 1 2 TE J5 +37 1 2 TE J6 +37 1 2 TE J7 +37 1 2 TE J8 +37 1 2 TE J9 +37 1 2 TE J10 +37 1 2 TE J11 +37 1 2 TE J12 +37 1 2 TE J13 +37 1 2 TE J14 +37 1 2 TE J15 +37 1 2 TE J16 +37 1 2 TE J17 +37 1 2 TE J18 +37 1 2 TE J19 +37 1 2 TE J20 +37 1 2 TE J21 +37 1 2 TE J22 +37 1 2 TE J23 +37 1 2 TE J24 +37 1 2 TE J25 +37 1 2 TE J26 +37 1 2 TE J27 +37 1 2 TE J28 +37 1 2 TE J29 +37 1 2 TE J30 +37 1 2 TE J31 +37 1 2 TE J32 +37 1 2 TE J33 +37 1 2 TE J34 +37 1 2 TE J35 +37 1 2 TE J36 +37 1 2 TE J37 +37 1 2 TE J38 +37 1 2 TE J39 +37 1 2 TE J40 +37 1 3 OS A0 +37 1 3 OS A1 +37 1 3 OS A2 +37 1 3 OS A3 +37 1 3 OS A4 +37 1 3 OS A5 +37 1 3 OS A6 +37 1 3 OS A7 +37 1 3 OS A8 +37 1 3 OS A9 +37 1 3 OS A10 +37 1 3 OS A11 +37 1 3 OS A12 +37 1 3 OS A13 +37 1 3 OS A14 +37 1 3 OS A15 +37 1 3 OS A16 +37 1 3 OS A17 +37 1 3 OS A18 +37 1 3 OS A19 +37 1 3 OS A20 +37 1 3 OS A21 +37 1 3 OS A22 +37 1 3 OS A23 +37 1 3 OS A24 +37 1 3 OS A25 +37 1 3 OS A26 +37 1 3 OS A27 +37 1 3 OS A28 +37 1 3 OS A29 +37 1 3 OS A30 +37 1 3 OS A31 +37 1 3 OS A32 +37 1 3 OS A33 +37 1 3 OS A34 +37 1 3 OS A35 +37 1 3 OS A36 +37 1 3 OS A37 +37 1 3 OS A38 +37 1 3 OS A39 +37 1 3 OS A40 +37 1 4 PO C32 +37 1 5 TA H18 +37 1 6 JA D13 +37 2 1 OS A0 +37 2 1 OS A1 +37 2 1 OS A2 +37 2 1 OS A3 +37 2 1 OS A4 +37 2 1 OS A5 +37 2 1 OS A6 +37 2 1 OS A7 +37 2 1 OS A8 +37 2 1 OS A9 +37 2 1 OS A10 +37 2 1 OS A11 +37 2 1 OS A12 +37 2 1 OS A13 +37 2 1 OS A14 +37 2 1 OS A15 +37 2 1 OS A16 +37 2 1 OS A17 +37 2 1 OS A18 +37 2 1 OS A19 +37 2 1 OS A20 +37 2 1 OS A21 +37 2 1 OS A22 +37 2 1 OS A23 +37 2 1 OS A24 +37 2 1 OS A25 +37 2 1 OS A26 +37 2 1 OS A27 +37 2 1 OS A28 +37 2 1 OS A29 +37 2 1 OS A30 +37 2 1 OS A31 +37 2 1 OS A32 +37 2 1 OS A33 +37 2 1 OS A34 +37 2 1 OS A35 +37 2 1 OS A36 +37 2 1 OS A37 +37 2 1 OS A38 +37 2 1 OS A39 +37 2 1 OS A40 +37 2 2 TE J0 +37 2 2 TE J1 +37 2 2 TE J2 +37 2 2 TE J3 +37 2 2 TE J4 +37 2 2 TE J5 +37 2 2 TE J6 +37 2 2 TE J7 +37 2 2 TE J8 +37 2 2 TE J9 +37 2 2 TE J10 +37 2 2 TE J11 +37 2 2 TE J12 +37 2 2 TE J13 +37 2 2 TE J14 +37 2 2 TE J15 +37 2 2 TE J16 +37 2 2 TE J17 +37 2 2 TE J18 +37 2 2 TE J19 +37 2 2 TE J20 +37 2 2 TE J21 +37 2 2 TE J22 +37 2 2 TE J23 +37 2 2 TE J24 +37 2 2 TE J25 +37 2 2 TE J26 +37 2 2 TE J27 +37 2 2 TE J28 +37 2 2 TE J29 +37 2 2 TE J30 +37 2 2 TE J31 +37 2 2 TE J32 +37 2 2 TE J33 +37 2 2 TE J34 +37 2 2 TE J35 +37 2 2 TE J36 +37 2 2 TE J37 +37 2 2 TE J38 +37 2 2 TE J39 +37 2 2 TE J40 +37 2 3 TA G21 +37 2 4 HU G1 +37 2 5 JA C10 +37 2 6 PO C27 +37 3 1 OS A1 +37 3 1 OS A2 +37 3 1 OS A3 +37 3 1 OS A4 +37 3 1 OS A5 +37 3 1 OS A6 +37 3 1 OS A7 +37 3 1 OS A8 +37 3 1 OS A9 +37 3 1 OS A10 +37 3 1 OS A11 +37 3 1 OS A12 +37 3 1 OS A13 +37 3 1 OS A14 +37 3 1 OS A15 +37 3 1 OS A16 +37 3 1 OS A17 +37 3 1 OS A18 +37 3 1 OS A19 +37 3 1 OS A20 +37 3 1 OS A21 +37 3 1 OS A22 +37 3 1 OS A23 +37 3 1 OS A24 +37 3 1 OS A25 +37 3 1 OS A26 +37 3 1 OS A27 +37 3 1 OS A28 +37 3 1 OS A29 +37 3 1 OS A30 +37 3 1 OS A31 +37 3 1 OS A32 +37 3 1 OS A33 +37 3 1 OS A34 +37 3 1 OS A35 +37 3 1 OS A36 +37 3 1 OS A37 +37 3 1 OS A38 +37 3 1 OS A39 +37 3 1 OS A40 +37 3 2 TA E17 +37 3 3 TE J1 +37 3 3 TE J2 +37 3 3 TE J3 +37 3 3 TE J4 +37 3 3 TE J5 +37 3 3 TE J6 +37 3 3 TE J7 +37 3 3 TE J8 +37 3 3 TE J9 +37 3 3 TE J10 +37 3 3 TE J11 +37 3 3 TE J12 +37 3 3 TE J13 +37 3 3 TE J14 +37 3 3 TE J15 +37 3 3 TE J16 +37 3 3 TE J17 +37 3 3 TE J18 +37 3 3 TE J19 +37 3 3 TE J20 +37 3 3 TE J21 +37 3 3 TE J22 +37 3 3 TE J23 +37 3 3 TE J24 +37 3 3 TE J25 +37 3 3 TE J26 +37 3 3 TE J27 +37 3 3 TE J28 +37 3 3 TE J29 +37 3 3 TE J30 +37 3 3 TE J31 +37 3 3 TE J32 +37 3 3 TE J33 +37 3 3 TE J34 +37 3 3 TE J35 +37 3 3 TE J36 +37 3 3 TE J37 +37 3 3 TE J38 +37 3 3 TE J39 +37 3 3 TE J40 +37 3 4 JA C10 +37 3 5 PO C3 +37 3 6 HU G3 +37 4 1 TA G20 +37 4 2 PO G8 +37 4 3 HU F1 +37 4 4 JA C10 +37 4 5 TE J0 +37 4 5 TE J1 +37 4 5 TE J2 +37 4 5 TE J3 +37 4 5 TE J4 +37 4 5 TE J5 +37 4 5 TE J6 +37 4 5 TE J7 +37 4 5 TE J8 +37 4 5 TE J9 +37 4 5 TE J10 +37 4 5 TE J11 +37 4 5 TE J12 +37 4 5 TE J13 +37 4 5 TE J14 +37 4 5 TE J15 +37 4 5 TE J16 +37 4 5 TE J17 +37 4 5 TE J18 +37 4 5 TE J19 +37 4 5 TE J20 +37 4 5 TE J21 +37 4 5 TE J22 +37 4 5 TE J23 +37 4 5 TE J24 +37 4 5 TE J25 +37 4 5 TE J26 +37 4 5 TE J27 +37 4 5 TE J28 +37 4 5 TE J29 +37 4 5 TE J30 +37 4 5 TE J31 +37 4 5 TE J32 +37 4 5 TE J33 +37 4 5 TE J34 +37 4 5 TE J35 +37 4 5 TE J36 +37 4 5 TE J37 +37 4 5 TE J38 +37 4 5 TE J39 +37 4 5 TE J40 +37 4 6 OS A0 +37 4 6 OS A1 +37 4 6 OS A2 +37 4 6 OS A3 +37 4 6 OS A4 +37 4 6 OS A5 +37 4 6 OS A6 +37 4 6 OS A7 +37 4 6 OS A8 +37 4 6 OS A9 +37 4 6 OS A10 +37 4 6 OS A11 +37 4 6 OS A12 +37 4 6 OS A13 +37 4 6 OS A14 +37 4 6 OS A15 +37 4 6 OS A16 +37 4 6 OS A17 +37 4 6 OS A18 +37 4 6 OS A19 +37 4 6 OS A20 +37 4 6 OS A21 +37 4 6 OS A22 +37 4 6 OS A23 +37 4 6 OS A24 +37 4 6 OS A25 +37 4 6 OS A26 +37 4 6 OS A27 +37 4 6 OS A28 +37 4 6 OS A29 +37 4 6 OS A30 +37 4 6 OS A31 +37 4 6 OS A32 +37 4 6 OS A33 +37 4 6 OS A34 +37 4 6 OS A35 +37 4 6 OS A36 +37 4 6 OS A37 +37 4 6 OS A38 +37 4 6 OS A39 +37 4 6 OS A40 +37 4 7 QU H33 +37 4 8 CH C40 +37 4 9 JE I2 +37 5 1 HU F1 +37 5 2 TE J0 +37 5 2 TE J1 +37 5 2 TE J2 +37 5 2 TE J3 +37 5 2 TE J4 +37 5 2 TE J5 +37 5 2 TE J6 +37 5 2 TE J7 +37 5 2 TE J8 +37 5 2 TE J9 +37 5 2 TE J10 +37 5 2 TE J11 +37 5 2 TE J12 +37 5 2 TE J13 +37 5 2 TE J14 +37 5 2 TE J15 +37 5 2 TE J16 +37 5 2 TE J17 +37 5 2 TE J18 +37 5 2 TE J19 +37 5 2 TE J20 +37 5 2 TE J21 +37 5 2 TE J22 +37 5 2 TE J23 +37 5 2 TE J24 +37 5 2 TE J25 +37 5 2 TE J26 +37 5 2 TE J27 +37 5 2 TE J28 +37 5 2 TE J29 +37 5 2 TE J30 +37 5 2 TE J31 +37 5 2 TE J32 +37 5 2 TE J33 +37 5 2 TE J34 +37 5 2 TE J35 +37 5 2 TE J36 +37 5 2 TE J37 +37 5 2 TE J38 +37 5 2 TE J39 +37 5 2 TE J40 +37 5 3 TA F17 +37 5 4 OS A0 +37 5 4 OS A1 +37 5 4 OS A2 +37 5 4 OS A3 +37 5 4 OS A4 +37 5 4 OS A5 +37 5 4 OS A6 +37 5 4 OS A7 +37 5 4 OS A8 +37 5 4 OS A9 +37 5 4 OS A10 +37 5 4 OS A11 +37 5 4 OS A12 +37 5 4 OS A13 +37 5 4 OS A14 +37 5 4 OS A15 +37 5 4 OS A16 +37 5 4 OS A17 +37 5 4 OS A18 +37 5 4 OS A19 +37 5 4 OS A20 +37 5 4 OS A21 +37 5 4 OS A22 +37 5 4 OS A23 +37 5 4 OS A24 +37 5 4 OS A25 +37 5 4 OS A26 +37 5 4 OS A27 +37 5 4 OS A28 +37 5 4 OS A29 +37 5 4 OS A30 +37 5 4 OS A31 +37 5 4 OS A32 +37 5 4 OS A33 +37 5 4 OS A34 +37 5 4 OS A35 +37 5 4 OS A36 +37 5 4 OS A37 +37 5 4 OS A38 +37 5 4 OS A39 +37 5 4 OS A40 +37 5 5 PO D0 +37 5 6 JA B12 +37 6 1 TE J0 +37 6 1 TE J1 +37 6 1 TE J2 +37 6 1 TE J3 +37 6 1 TE J4 +37 6 1 TE J5 +37 6 1 TE J6 +37 6 1 TE J7 +37 6 1 TE J8 +37 6 1 TE J9 +37 6 1 TE J10 +37 6 1 TE J11 +37 6 1 TE J12 +37 6 1 TE J13 +37 6 1 TE J14 +37 6 1 TE J15 +37 6 1 TE J16 +37 6 1 TE J17 +37 6 1 TE J18 +37 6 1 TE J19 +37 6 1 TE J20 +37 6 1 TE J21 +37 6 1 TE J22 +37 6 1 TE J23 +37 6 1 TE J24 +37 6 1 TE J25 +37 6 1 TE J26 +37 6 1 TE J27 +37 6 1 TE J28 +37 6 1 TE J29 +37 6 1 TE J30 +37 6 1 TE J31 +37 6 1 TE J32 +37 6 1 TE J33 +37 6 1 TE J34 +37 6 1 TE J35 +37 6 1 TE J36 +37 6 1 TE J37 +37 6 1 TE J38 +37 6 1 TE J39 +37 6 1 TE J40 +37 6 2 JA C10 +37 6 3 OS A0 +37 6 3 OS A1 +37 6 3 OS A2 +37 6 3 OS A3 +37 6 3 OS A4 +37 6 3 OS A5 +37 6 3 OS A6 +37 6 3 OS A7 +37 6 3 OS A8 +37 6 3 OS A9 +37 6 3 OS A10 +37 6 3 OS A11 +37 6 3 OS A12 +37 6 3 OS A13 +37 6 3 OS A14 +37 6 3 OS A15 +37 6 3 OS A16 +37 6 3 OS A17 +37 6 3 OS A18 +37 6 3 OS A19 +37 6 3 OS A20 +37 6 3 OS A21 +37 6 3 OS A22 +37 6 3 OS A23 +37 6 3 OS A24 +37 6 3 OS A25 +37 6 3 OS A26 +37 6 3 OS A27 +37 6 3 OS A28 +37 6 3 OS A29 +37 6 3 OS A30 +37 6 3 OS A31 +37 6 3 OS A32 +37 6 3 OS A33 +37 6 3 OS A34 +37 6 3 OS A35 +37 6 3 OS A36 +37 6 3 OS A37 +37 6 3 OS A38 +37 6 3 OS A39 +37 6 3 OS A40 +37 6 4 PO B6 +37 6 5 TA D18 +37 6 6 HU F2 +37 7 1 TA F17 +37 7 2 PO B2 +37 7 3 HU G1 +37 7 4 JA C12 +37 7 5 TE J0 +37 7 5 TE J1 +37 7 5 TE J2 +37 7 5 TE J3 +37 7 5 TE J4 +37 7 5 TE J5 +37 7 5 TE J6 +37 7 5 TE J7 +37 7 5 TE J8 +37 7 5 TE J9 +37 7 5 TE J10 +37 7 5 TE J11 +37 7 5 TE J12 +37 7 5 TE J13 +37 7 5 TE J14 +37 7 5 TE J15 +37 7 5 TE J16 +37 7 5 TE J17 +37 7 5 TE J18 +37 7 5 TE J19 +37 7 5 TE J20 +37 7 5 TE J21 +37 7 5 TE J22 +37 7 5 TE J23 +37 7 5 TE J24 +37 7 5 TE J25 +37 7 5 TE J26 +37 7 5 TE J27 +37 7 5 TE J28 +37 7 5 TE J29 +37 7 5 TE J30 +37 7 5 TE J31 +37 7 5 TE J32 +37 7 5 TE J33 +37 7 5 TE J34 +37 7 5 TE J35 +37 7 5 TE J36 +37 7 5 TE J37 +37 7 5 TE J38 +37 7 5 TE J39 +37 7 5 TE J40 +37 7 6 OS A0 +37 7 6 OS A1 +37 7 6 OS A2 +37 7 6 OS A3 +37 7 6 OS A4 +37 7 6 OS A5 +37 7 6 OS A6 +37 7 6 OS A7 +37 7 6 OS A8 +37 7 6 OS A9 +37 7 6 OS A10 +37 7 6 OS A11 +37 7 6 OS A12 +37 7 6 OS A13 +37 7 6 OS A14 +37 7 6 OS A15 +37 7 6 OS A16 +37 7 6 OS A17 +37 7 6 OS A18 +37 7 6 OS A19 +37 7 6 OS A20 +37 7 6 OS A21 +37 7 6 OS A22 +37 7 6 OS A23 +37 7 6 OS A24 +37 7 6 OS A25 +37 7 6 OS A26 +37 7 6 OS A27 +37 7 6 OS A28 +37 7 6 OS A29 +37 7 6 OS A30 +37 7 6 OS A31 +37 7 6 OS A32 +37 7 6 OS A33 +37 7 6 OS A34 +37 7 6 OS A35 +37 7 6 OS A36 +37 7 6 OS A37 +37 7 6 OS A38 +37 7 6 OS A39 +37 7 6 OS A40 +37 7 7 QU I3 +37 8 1 TA E26 +37 8 2 PO B21 +37 8 2 PO B22 +37 8 3 HU G1 +37 8 4 JA C12 +37 8 5 TE J0 +37 8 5 TE J1 +37 8 5 TE J2 +37 8 5 TE J3 +37 8 5 TE J4 +37 8 5 TE J5 +37 8 5 TE J6 +37 8 5 TE J7 +37 8 5 TE J8 +37 8 5 TE J9 +37 8 5 TE J10 +37 8 5 TE J11 +37 8 5 TE J12 +37 8 5 TE J13 +37 8 5 TE J14 +37 8 5 TE J15 +37 8 5 TE J16 +37 8 5 TE J17 +37 8 5 TE J18 +37 8 5 TE J19 +37 8 5 TE J20 +37 8 5 TE J21 +37 8 5 TE J22 +37 8 5 TE J23 +37 8 5 TE J24 +37 8 5 TE J25 +37 8 5 TE J26 +37 8 5 TE J27 +37 8 5 TE J28 +37 8 5 TE J29 +37 8 5 TE J30 +37 8 5 TE J31 +37 8 5 TE J32 +37 8 5 TE J33 +37 8 5 TE J34 +37 8 5 TE J35 +37 8 5 TE J36 +37 8 5 TE J37 +37 8 5 TE J38 +37 8 5 TE J39 +37 8 5 TE J40 +37 8 6 OS A0 +37 8 6 OS A1 +37 8 6 OS A2 +37 8 6 OS A3 +37 8 6 OS A4 +37 8 6 OS A5 +37 8 6 OS A6 +37 8 6 OS A7 +37 8 6 OS A8 +37 8 6 OS A9 +37 8 6 OS A10 +37 8 6 OS A11 +37 8 6 OS A12 +37 8 6 OS A13 +37 8 6 OS A14 +37 8 6 OS A15 +37 8 6 OS A16 +37 8 6 OS A17 +37 8 6 OS A18 +37 8 6 OS A19 +37 8 6 OS A20 +37 8 6 OS A21 +37 8 6 OS A22 +37 8 6 OS A23 +37 8 6 OS A24 +37 8 6 OS A25 +37 8 6 OS A26 +37 8 6 OS A27 +37 8 6 OS A28 +37 8 6 OS A29 +37 8 6 OS A30 +37 8 6 OS A31 +37 8 6 OS A32 +37 8 6 OS A33 +37 8 6 OS A34 +37 8 6 OS A35 +37 8 6 OS A36 +37 8 6 OS A37 +37 8 6 OS A38 +37 8 6 OS A39 +37 8 6 OS A40 +37 9 1 TA F18 +37 9 2 PO H13 +37 9 3 HU G3 +37 9 4 JA B13 +37 9 5 TE J0 +37 9 5 TE J1 +37 9 5 TE J2 +37 9 5 TE J3 +37 9 5 TE J4 +37 9 5 TE J5 +37 9 5 TE J6 +37 9 5 TE J7 +37 9 5 TE J8 +37 9 5 TE J9 +37 9 5 TE J10 +37 9 5 TE J11 +37 9 5 TE J12 +37 9 5 TE J13 +37 9 5 TE J14 +37 9 5 TE J15 +37 9 5 TE J16 +37 9 5 TE J17 +37 9 5 TE J18 +37 9 5 TE J19 +37 9 5 TE J20 +37 9 5 TE J21 +37 9 5 TE J22 +37 9 5 TE J23 +37 9 5 TE J24 +37 9 5 TE J25 +37 9 5 TE J26 +37 9 5 TE J27 +37 9 5 TE J28 +37 9 5 TE J29 +37 9 5 TE J30 +37 9 5 TE J31 +37 9 5 TE J32 +37 9 5 TE J33 +37 9 5 TE J34 +37 9 5 TE J35 +37 9 5 TE J36 +37 9 5 TE J37 +37 9 5 TE J38 +37 9 5 TE J39 +37 9 5 TE J40 +37 9 6 OS A0 +37 9 6 OS A1 +37 9 6 OS A2 +37 9 6 OS A3 +37 9 6 OS A4 +37 9 6 OS A5 +37 9 6 OS A6 +37 9 6 OS A7 +37 9 6 OS A8 +37 9 6 OS A9 +37 9 6 OS A10 +37 9 6 OS A11 +37 9 6 OS A12 +37 9 6 OS A13 +37 9 6 OS A14 +37 9 6 OS A15 +37 9 6 OS A16 +37 9 6 OS A17 +37 9 6 OS A18 +37 9 6 OS A19 +37 9 6 OS A20 +37 9 6 OS A21 +37 9 6 OS A22 +37 9 6 OS A23 +37 9 6 OS A24 +37 9 6 OS A25 +37 9 6 OS A26 +37 9 6 OS A27 +37 9 6 OS A28 +37 9 6 OS A29 +37 9 6 OS A30 +37 9 6 OS A31 +37 9 6 OS A32 +37 9 6 OS A33 +37 9 6 OS A34 +37 9 6 OS A35 +37 9 6 OS A36 +37 9 6 OS A37 +37 9 6 OS A38 +37 9 6 OS A39 +37 9 6 OS A40 +37 9 7 QU H30 +38 1 1 WU J6 +38 1 2 FU I1 +38 1 3 AM C8 +38 1 4 VE F17 +38 1 5 DI H29 +38 1 6 GU H32 +38 1 7 RO C40 +38 1 8 CH F9 +38 2 1 WU J6 +38 2 2 FU I1 +38 2 3 AM C8 +38 2 4 VE F17 +38 2 5 DI H29 +38 2 6 GU H32 +38 2 7 RO C40 +38 2 8 CH F9 +38 3 1 WU I0 +38 3 2 JA J1 +38 3 3 FU C1 +38 3 4 AM C9 +38 3 5 VE C15 +38 3 5 VE F16 +38 3 6 DI C27 +38 3 7 GU H32 +38 3 8 RO C40 +38 3 9 CH H5 +38 3 10 BE F0 +38 3 11 AR D6 +38 3 12 SA E3 +38 4 1 WU J25 +38 4 2 FU C2 +38 4 3 AM B11 +38 4 4 VE I18 +38 4 4 VE I19 +38 4 5 DI H30 +38 4 5 DI I30 +38 4 6 GU H32 +38 4 7 RO D3 +38 4 7 RO G1 +38 4 8 CH I7 +38 4 9 BE D0 +38 4 10 AR G4 +38 5 1 WU J0 +38 5 1 WU J1 +38 5 1 WU J2 +38 5 1 WU J3 +38 5 1 WU J4 +38 5 1 WU J5 +38 5 1 WU J6 +38 5 1 WU J7 +38 5 1 WU J8 +38 5 1 WU J9 +38 5 1 WU J10 +38 5 1 WU J11 +38 5 1 WU J12 +38 5 1 WU J13 +38 5 1 WU J14 +38 5 1 WU J15 +38 5 1 WU J16 +38 5 1 WU J17 +38 5 1 WU J18 +38 5 1 WU J19 +38 5 1 WU J20 +38 5 1 WU J21 +38 5 1 WU J22 +38 5 1 WU J23 +38 5 1 WU J24 +38 5 1 WU J25 +38 5 1 WU J26 +38 5 1 WU J27 +38 5 1 WU J28 +38 5 1 WU J29 +38 5 1 WU J30 +38 5 1 WU J31 +38 5 1 WU J32 +38 5 1 WU J33 +38 5 1 WU J34 +38 5 1 WU J35 +38 5 1 WU J36 +38 5 1 WU J37 +38 5 1 WU J38 +38 5 1 WU J39 +38 5 1 WU J40 +38 5 2 FU G2 +38 5 3 AM C10 +38 5 4 VE E21 +38 5 4 VE I18 +38 5 5 DI F30 +38 5 6 GU E31 +38 5 6 GU G34 +38 5 6 GU H7 +38 5 7 RO C1 +38 5 8 BE E1 +38 5 9 SA D6 +38 6 1 WU J0 +38 6 2 FU H2 +38 6 3 AM C10 +38 6 4 VE F17 +38 6 5 DI G28 +38 6 5 DI I29 +38 6 6 GU G34 +38 6 7 RO B40 +38 6 8 CH F7 +38 7 1 WU G0 +38 7 2 FU F1 +38 7 3 AM C10 +38 7 4 VE E15 +38 7 5 DI C27 +38 7 5 DI F30 +38 7 6 GU D33 +38 7 6 GU E32 +38 7 7 RO C1 +38 7 8 CH G8 +38 7 9 BE E0 +38 7 10 SA C4 +38 8 1 WU J5 +38 8 2 JA A36 +38 8 3 FU F3 +38 8 4 AM B10 +38 8 5 VE F15 +38 8 6 DI C25 +38 8 7 GU G32 +38 8 8 RO C38 +38 8 9 CH G6 +38 8 10 BE E0 +38 9 1 WU J17 +38 9 2 JA B0 +38 9 3 FU G1 +38 9 4 AM B10 +38 9 5 VE F18 +38 9 6 DI C28 +38 9 6 DI D29 +38 9 7 GU H32 +38 9 8 RO D39 +38 9 9 BE G0 +38 9 10 GA I5 +38 9 11 AR C8 +38 9 12 SA E5 +38 10 1 WU J1 +38 10 2 FU F2 +38 10 3 AM B10 +38 10 4 VE F17 +38 10 5 DI H30 +38 10 6 GU H32 +38 10 7 CH G8 +38 10 8 BE G0 +38 10 9 TG D6 +38 11 1 JA A0 +38 11 1 JA A1 +38 11 1 JA A2 +38 11 1 JA A3 +38 11 1 JA A4 +38 11 1 JA A5 +38 11 1 JA A6 +38 11 1 JA A7 +38 11 1 JA A8 +38 11 1 JA A9 +38 11 1 JA A10 +38 11 1 JA A11 +38 11 1 JA A12 +38 11 1 JA A13 +38 11 1 JA A14 +38 11 1 JA A15 +38 11 1 JA A16 +38 11 1 JA A17 +38 11 1 JA A18 +38 11 1 JA A19 +38 11 1 JA A20 +38 11 1 JA A21 +38 11 1 JA A22 +38 11 1 JA A23 +38 11 1 JA A24 +38 11 1 JA A25 +38 11 1 JA A26 +38 11 1 JA A27 +38 11 1 JA A28 +38 11 1 JA A29 +38 11 1 JA A30 +38 11 1 JA A31 +38 11 1 JA A32 +38 11 1 JA A33 +38 11 1 JA A34 +38 11 1 JA A35 +38 11 1 JA A36 +38 11 1 JA A37 +38 11 1 JA A38 +38 11 1 JA A39 +38 11 1 JA A40 +38 11 2 RO C35 +38 12 1 WU I24 +38 12 1 WU J0 +38 12 2 JA A17 +38 12 3 FU C2 +38 12 4 AM C11 +38 12 5 VE I18 +38 12 6 DI H30 +38 12 7 GU H32 +38 12 8 RO F39 +38 12 8 RO I17 +38 12 9 CH F7 +38 12 10 BE C0 +38 12 10 BE C3 +38 12 11 AR C8 +38 13 1 WU J0 +38 13 1 WU J1 +38 13 1 WU J2 +38 13 1 WU J3 +38 13 1 WU J4 +38 13 1 WU J5 +38 13 1 WU J6 +38 13 1 WU J7 +38 13 1 WU J8 +38 13 1 WU J9 +38 13 1 WU J10 +38 13 1 WU J11 +38 13 1 WU J12 +38 13 1 WU J13 +38 13 1 WU J14 +38 13 1 WU J15 +38 13 1 WU J16 +38 13 1 WU J17 +38 13 1 WU J18 +38 13 1 WU J19 +38 13 1 WU J20 +38 13 1 WU J21 +38 13 1 WU J22 +38 13 1 WU J23 +38 13 1 WU J24 +38 13 1 WU J25 +38 13 1 WU J26 +38 13 1 WU J27 +38 13 1 WU J28 +38 13 1 WU J29 +38 13 1 WU J30 +38 13 1 WU J31 +38 13 1 WU J32 +38 13 1 WU J33 +38 13 1 WU J34 +38 13 1 WU J35 +38 13 1 WU J36 +38 13 1 WU J37 +38 13 1 WU J38 +38 13 1 WU J39 +38 13 1 WU J40 +38 13 2 FU G2 +38 13 3 AM C10 +38 13 4 VE E21 +38 13 4 VE I18 +38 13 5 DI F30 +38 13 6 GU E31 +38 13 6 GU G34 +38 13 6 GU H7 +38 13 7 RO C1 +38 13 8 BE E1 +38 13 9 SA D6 +38 14 1 WU J20 +38 14 2 JA A30 +38 14 3 FU F1 +38 14 4 AM C9 +38 14 5 VE C15 +38 14 5 VE C20 +38 14 6 DI F30 +38 14 6 DI H27 +38 14 7 GU D32 +38 14 7 GU F33 +38 14 8 RO A40 +38 14 8 RO C37 +38 14 9 CH F8 +38 14 10 BE E0 +38 14 11 AR C8 +38 14 12 SA G4 +38 15 1 WU J0 +38 15 1 WU J1 +38 15 1 WU J2 +38 15 1 WU J3 +38 15 1 WU J4 +38 15 1 WU J5 +38 15 1 WU J6 +38 15 1 WU J7 +38 15 1 WU J8 +38 15 1 WU J9 +38 15 1 WU J10 +38 15 1 WU J11 +38 15 1 WU J12 +38 15 1 WU J13 +38 15 1 WU J14 +38 15 1 WU J15 +38 15 1 WU J16 +38 15 1 WU J17 +38 15 1 WU J18 +38 15 1 WU J19 +38 15 1 WU J20 +38 15 1 WU J21 +38 15 1 WU J22 +38 15 1 WU J23 +38 15 1 WU J24 +38 15 1 WU J25 +38 15 1 WU J26 +38 15 1 WU J27 +38 15 1 WU J28 +38 15 1 WU J29 +38 15 1 WU J30 +38 15 1 WU J31 +38 15 1 WU J32 +38 15 1 WU J33 +38 15 1 WU J34 +38 15 1 WU J35 +38 15 1 WU J36 +38 15 1 WU J37 +38 15 1 WU J38 +38 15 1 WU J39 +38 15 1 WU J40 +38 15 2 JA A0 +38 15 2 JA A1 +38 15 2 JA A2 +38 15 2 JA A3 +38 15 2 JA A4 +38 15 2 JA A5 +38 15 2 JA A6 +38 15 2 JA A7 +38 15 2 JA A8 +38 15 2 JA A9 +38 15 2 JA A10 +38 15 2 JA A11 +38 15 2 JA A12 +38 15 2 JA A13 +38 15 2 JA A14 +38 15 2 JA A15 +38 15 2 JA A16 +38 15 2 JA A17 +38 15 2 JA A18 +38 15 2 JA A19 +38 15 2 JA A20 +38 15 2 JA A21 +38 15 2 JA A22 +38 15 2 JA A23 +38 15 2 JA A24 +38 15 2 JA A25 +38 15 2 JA A26 +38 15 2 JA A27 +38 15 2 JA A28 +38 15 2 JA A29 +38 15 2 JA A30 +38 15 2 JA A31 +38 15 2 JA A32 +38 15 2 JA A33 +38 15 2 JA A34 +38 15 2 JA A35 +38 15 2 JA A36 +38 15 2 JA A37 +38 15 2 JA A38 +38 15 2 JA A39 +38 15 2 JA A40 +38 15 3 FU F2 +38 15 4 AM B10 +38 15 5 VE G18 +38 15 6 DI H29 +38 15 7 GU I32 +38 15 8 RO C39 +38 15 9 CH I5 +38 15 10 TG E5 +38 15 11 BA F0 +38 16 1 WU J0 +38 16 2 FU E2 +38 16 3 AM C8 +38 16 4 VE C14 +38 16 4 VE G17 +38 16 5 DI H26 +38 16 5 DI H28 +38 16 6 GU E33 +38 16 6 GU I33 +38 16 7 RO C39 +38 16 8 CH F7 +38 16 9 BE D0 +38 16 9 BE H0 +38 16 10 AR D6 +38 17 1 WU J13 +38 17 2 JA A1 +38 17 3 FU H3 +38 17 4 AM C9 +38 17 5 VE G18 +38 17 6 DI H28 +38 17 7 GU F33 +38 17 8 RO D2 +38 17 9 BE E0 +38 17 10 TG D6 +38 18 1 WU J34 +38 18 2 JA A40 +38 18 3 FU G3 +38 18 4 VE G18 +38 18 5 DI H29 +38 18 6 GU H34 +38 18 7 RO C3 +38 18 7 RO E1 +38 18 8 CH H10 +38 18 9 BE E0 +38 19 1 JA A5 +38 19 2 FU G1 +38 19 3 AM D10 +38 19 4 VE C14 +38 19 4 VE G15 +38 19 5 DI D26 +38 19 5 DI H24 +38 19 6 GU C32 +38 19 6 GU H31 +38 19 7 RO C3 +38 19 8 CH H5 +38 19 9 BE G0 +38 20 1 WU I0 +38 20 2 JA D4 +38 20 3 FU D2 +38 20 4 AM C10 +38 20 5 VE G16 +38 20 6 DI D29 +38 20 6 DI H25 +38 20 7 GU F31 +38 20 8 RO C37 +38 20 9 CH G6 +38 20 10 BE D0 +38 20 11 AR C8 +38 21 1 WU J14 +38 21 2 JA A1 +38 21 3 AM C9 +38 21 4 VE G18 +38 21 5 DI I28 +38 21 6 GU F33 +38 21 7 RO D2 +38 21 8 BE E0 +38 21 9 TG D6 +38 22 1 WU J0 +38 22 1 WU J1 +38 22 1 WU J2 +38 22 1 WU J3 +38 22 1 WU J4 +38 22 1 WU J5 +38 22 1 WU J6 +38 22 1 WU J7 +38 22 1 WU J8 +38 22 1 WU J9 +38 22 1 WU J10 +38 22 1 WU J11 +38 22 1 WU J12 +38 22 1 WU J13 +38 22 1 WU J14 +38 22 1 WU J15 +38 22 1 WU J16 +38 22 1 WU J17 +38 22 1 WU J18 +38 22 1 WU J19 +38 22 1 WU J20 +38 22 1 WU J21 +38 22 1 WU J22 +38 22 1 WU J23 +38 22 1 WU J24 +38 22 1 WU J25 +38 22 1 WU J26 +38 22 1 WU J27 +38 22 1 WU J28 +38 22 1 WU J29 +38 22 1 WU J30 +38 22 1 WU J31 +38 22 1 WU J32 +38 22 1 WU J33 +38 22 1 WU J34 +38 22 1 WU J35 +38 22 1 WU J36 +38 22 1 WU J37 +38 22 1 WU J38 +38 22 1 WU J39 +38 22 1 WU J40 +38 22 2 JA A0 +38 22 2 JA A1 +38 22 2 JA A2 +38 22 2 JA A3 +38 22 2 JA A4 +38 22 2 JA A5 +38 22 2 JA A6 +38 22 2 JA A7 +38 22 2 JA A8 +38 22 2 JA A9 +38 22 2 JA A10 +38 22 2 JA A11 +38 22 2 JA A12 +38 22 2 JA A13 +38 22 2 JA A14 +38 22 2 JA A15 +38 22 2 JA A16 +38 22 2 JA A17 +38 22 2 JA A18 +38 22 2 JA A19 +38 22 2 JA A20 +38 22 2 JA A21 +38 22 2 JA A22 +38 22 2 JA A23 +38 22 2 JA A24 +38 22 2 JA A25 +38 22 2 JA A26 +38 22 2 JA A27 +38 22 2 JA A28 +38 22 2 JA A29 +38 22 2 JA A30 +38 22 2 JA A31 +38 22 2 JA A32 +38 22 2 JA A33 +38 22 2 JA A34 +38 22 2 JA A35 +38 22 2 JA A36 +38 22 2 JA A37 +38 22 2 JA A38 +38 22 2 JA A39 +38 22 2 JA A40 +38 22 3 FU G1 +38 22 4 AM D6 +38 22 5 VE F18 +38 22 6 RO E39 +38 23 1 WU J0 +38 23 2 JA A3 +38 23 3 FU F2 +38 23 4 AM B10 +38 23 4 AM C8 +38 23 5 DI H29 +38 23 6 GU F32 +38 23 7 RO C40 +38 23 8 CH G6 +38 23 9 BE G0 +38 23 10 SA D7 +38 23 11 CR B12 +38 23 12 GR F32 +38 24 1 WU I0 +38 24 1 WU I25 +38 24 2 FU C2 +38 24 3 AM C9 +38 24 4 VE H18 +38 24 5 DI D29 +38 24 5 DI G30 +38 24 6 GU H32 +38 24 7 RO D1 +38 24 8 CH H4 +38 24 9 BE C0 +38 24 10 AR C8 +38 25 1 WU J5 +38 25 2 JA A5 +38 25 3 FU E3 +38 25 4 AM B11 +38 25 5 VE F17 +38 25 6 DI G26 +38 25 7 GU D34 +38 25 7 GU F32 +38 25 8 RO C2 +38 25 9 CH G6 +38 25 10 BE D0 +38 26 1 JA A1 +38 26 2 AM C9 +38 26 3 VE G18 +38 26 4 DI I28 +38 26 5 GU F33 +38 26 6 RO D2 +38 26 7 BE E0 +38 26 8 TG D6 +38 27 1 WU I25 +38 27 2 FU D2 +38 27 3 AM B11 +38 27 4 VE H18 +38 27 5 DI G30 +38 27 6 GU H32 +38 27 7 CH H7 +38 27 8 BE D0 +38 27 8 BE D3 +38 28 1 WU J0 +38 28 2 JA J1 +38 28 3 FU C1 +38 28 4 AM C9 +38 28 5 VE C15 +38 28 5 VE E16 +38 28 6 DI C27 +38 28 7 GU H32 +38 28 8 RO C40 +38 28 9 CH H5 +38 28 10 BE F0 +38 28 11 AR C6 +38 28 12 SA E3 +39 1 1 NI A26 +39 1 2 TA J31 +39 1 3 TO H40 +39 1 4 VA C11 +39 1 5 SE F27 +39 1 6 RA G17 +39 1 7 PA H7 +39 1 8 TE H15 +39 1 9 NA D2 +39 2 1 NI A18 +39 2 2 TA J12 +39 2 3 TO F2 +39 2 4 VA C11 +39 2 5 RA E20 +39 2 6 RJ F30 +39 2 7 TE H14 +39 2 8 PU F0 +39 3 1 NI B21 +39 3 2 TA J22 +39 3 3 TO G2 +39 3 4 VA D11 +39 3 5 RA F20 +39 3 6 RJ E26 +39 3 7 SE G28 +39 3 8 PA I29 +39 3 9 NA D3 +39 4 1 NI A10 +39 4 2 TA J4 +39 4 3 TO F4 +39 4 4 VA C9 +39 4 5 RA E16 +39 4 6 RJ G30 +39 4 7 TE H7 +39 4 8 NA B7 +39 5 1 NI A23 +39 5 2 TA J18 +39 5 3 TO G1 +39 5 4 VA C10 +39 5 5 RA F17 +39 5 6 RJ F28 +39 5 7 PA F32 +39 5 8 NA C40 +39 5 9 TE G0 +39 5 10 PU F0 +39 6 1 NI A14 +39 6 2 TA J35 +39 6 3 TO G1 +39 6 4 VA D8 +39 6 5 TE I8 +39 6 6 RA F17 +39 6 7 SE G29 +39 6 8 RJ G31 +39 6 9 TU G9 +39 6 10 PA I38 +39 6 11 CA G40 +39 7 1 NI A23 +39 7 2 TA J6 +39 7 3 TO G3 +39 7 4 RA F17 +39 7 5 VA C9 +39 7 6 PA I2 +39 7 7 TE G8 +39 7 8 RJ G29 +39 7 9 PU B28 +39 7 10 NA B21 +39 8 1 NI A6 +39 8 2 TA J19 +39 8 3 TO F3 +39 8 4 VA C9 +39 8 5 TE G10 +39 8 6 RA E19 +39 8 7 RJ F28 +39 8 8 SE E29 +39 8 9 PU H8 +39 9 1 NI A13 +39 9 2 TA J0 +39 9 3 TO G3 +39 9 4 VA C12 +39 9 5 NA B13 +39 9 6 SE F17 +39 9 7 RJ H31 +39 9 8 RA H34 +39 9 9 PU H8 +39 9 10 PA H3 +39 10 1 NI A14 +39 10 2 TA J5 +39 10 3 TO F4 +39 10 4 VA C10 +39 10 5 RA E26 +39 10 6 SE F31 +39 10 7 RJ G32 +39 10 8 TE J23 +39 10 9 TU D8 +39 11 1 NI A0 +39 11 1 NI A1 +39 11 1 NI A2 +39 11 1 NI A3 +39 11 1 NI A4 +39 11 1 NI A5 +39 11 1 NI A6 +39 11 1 NI A7 +39 11 1 NI A8 +39 11 1 NI A9 +39 11 1 NI A10 +39 11 1 NI A11 +39 11 1 NI A12 +39 11 1 NI A13 +39 11 1 NI A14 +39 11 1 NI A15 +39 11 1 NI A16 +39 11 1 NI A17 +39 11 1 NI A18 +39 11 1 NI A19 +39 11 1 NI A20 +39 11 1 NI A21 +39 11 1 NI A22 +39 11 1 NI A23 +39 11 1 NI A24 +39 11 1 NI A25 +39 11 1 NI A26 +39 11 1 NI A27 +39 11 1 NI A28 +39 11 1 NI A29 +39 11 1 NI A30 +39 11 1 NI A31 +39 11 1 NI A32 +39 11 1 NI A33 +39 11 1 NI A34 +39 11 1 NI A35 +39 11 1 NI A36 +39 11 1 NI A37 +39 11 1 NI A38 +39 11 1 NI A39 +39 11 1 NI A40 +39 11 2 TA J40 +39 11 3 TO F2 +39 11 4 VA D8 +39 11 5 RA F19 +39 11 6 RJ F30 +39 11 7 RO D37 +39 11 8 FO B39 +39 11 9 PA I40 +39 11 10 PU H11 +39 11 11 NA C1 +39 11 12 PU D0 +39 11 12 PU E0 +39 11 12 PU F0 +39 12 1 NI A5 +39 12 2 TA J23 +39 12 3 TO G1 +39 12 4 VA C8 +39 12 5 RA E19 +39 12 6 RJ G27 +39 12 7 SE G29 +39 12 8 TU F7 +39 12 9 PA I1 +39 12 10 TE F0 +39 12 11 NA B11 +39 13 1 NI A0 +39 13 1 NI A1 +39 13 1 NI A2 +39 13 1 NI A3 +39 13 1 NI A4 +39 13 1 NI A5 +39 13 1 NI A6 +39 13 1 NI A7 +39 13 1 NI A8 +39 13 1 NI A9 +39 13 1 NI A10 +39 13 1 NI A11 +39 13 1 NI A12 +39 13 1 NI A13 +39 13 1 NI A14 +39 13 1 NI A15 +39 13 1 NI A16 +39 13 1 NI A17 +39 13 1 NI A18 +39 13 1 NI A19 +39 13 1 NI A20 +39 13 1 NI A21 +39 13 1 NI A22 +39 13 1 NI A23 +39 13 1 NI A24 +39 13 1 NI A25 +39 13 1 NI A26 +39 13 1 NI A27 +39 13 1 NI A28 +39 13 1 NI A29 +39 13 1 NI A30 +39 13 1 NI A31 +39 13 1 NI A32 +39 13 1 NI A33 +39 13 1 NI A34 +39 13 1 NI A35 +39 13 1 NI A36 +39 13 1 NI A37 +39 13 1 NI A38 +39 13 1 NI A39 +39 13 1 NI A40 +39 13 2 TA J11 +39 13 3 TO G1 +39 13 4 VA C8 +39 13 5 RJ E29 +39 13 6 RA H29 +39 13 7 SE G28 +39 13 8 NA D40 +39 13 9 PU F0 +39 13 10 TE H0 +39 13 11 TU H6 +39 13 12 PA I8 +39 14 1 NI A40 +39 14 2 TA J0 +39 14 3 TO G1 +39 14 4 VA C8 +39 14 5 RA E16 +39 14 6 RJ H31 +39 14 7 SE H32 +39 14 8 PA H9 +39 14 9 TE F0 +39 14 10 PU E0 +39 14 11 NA B0 +39 14 11 NA B1 +39 14 11 NA B2 +39 14 11 NA B3 +39 14 11 NA B4 +39 14 11 NA B5 +39 14 11 NA B6 +39 14 11 NA B7 +39 14 11 NA B8 +39 14 11 NA B9 +39 14 11 NA B10 +39 14 11 NA B11 +39 14 11 NA B12 +39 14 11 NA B13 +39 14 11 NA B14 +39 14 11 NA B15 +39 14 11 NA B16 +39 14 11 NA B17 +39 14 11 NA B18 +39 14 11 NA B19 +39 14 11 NA B20 +39 14 11 NA B21 +39 14 11 NA B22 +39 14 11 NA B23 +39 14 11 NA B24 +39 14 11 NA B25 +39 14 11 NA B26 +39 14 11 NA B27 +39 14 11 NA B28 +39 14 11 NA B29 +39 14 11 NA B30 +39 14 11 NA B31 +39 14 11 NA B32 +39 14 11 NA B33 +39 14 11 NA B34 +39 14 11 NA B35 +39 14 11 NA B36 +39 14 11 NA B37 +39 14 11 NA B38 +39 14 11 NA B39 +39 14 11 NA B40 +39 15 1 NI A40 +39 15 2 TA I12 +39 15 3 TO G1 +39 15 4 VA C9 +39 15 5 RA G20 +39 15 6 RJ F29 +39 15 7 PA H33 +39 15 8 NA C19 +39 15 9 TE H9 +39 16 1 NI A21 +39 16 2 TA J18 +39 16 3 TO G1 +39 16 4 VA C9 +39 16 5 RA H19 +39 16 6 PA I36 +39 16 7 SE G29 +39 16 8 RJ H30 +39 16 9 PU G0 +39 16 10 SE I7 +39 16 11 TU F9 +39 17 1 NI A23 +39 17 2 TA J27 +39 17 3 TO G2 +39 17 4 VA C9 +39 17 5 RJ G17 +39 17 6 RA G20 +39 17 7 PU G9 +39 17 8 TE F0 +39 18 1 NI A11 +39 18 2 TA J26 +39 18 3 TO G40 +39 18 4 VA C10 +39 18 5 RJ F20 +39 18 6 RA F29 +39 18 7 SE H30 +39 18 8 TU F7 +39 18 9 TE G7 +39 18 10 NA C15 +39 19 1 NI A19 +39 19 2 TA J6 +39 19 3 TO G1 +39 19 4 VA C9 +39 19 5 RJ E16 +39 19 6 RA D17 +39 19 7 SE F29 +39 19 8 PA I38 +39 19 9 TO G1 +39 19 10 AN C5 +39 19 11 CA C8 +39 20 1 NI A0 +39 20 1 NI A1 +39 20 1 NI A2 +39 20 1 NI A3 +39 20 1 NI A4 +39 20 1 NI A5 +39 20 1 NI A6 +39 20 1 NI A7 +39 20 1 NI A8 +39 20 1 NI A9 +39 20 1 NI A10 +39 20 1 NI A11 +39 20 1 NI A12 +39 20 1 NI A13 +39 20 1 NI A14 +39 20 1 NI A15 +39 20 1 NI A16 +39 20 1 NI A17 +39 20 1 NI A18 +39 20 1 NI A19 +39 20 1 NI A20 +39 20 1 NI A21 +39 20 1 NI A22 +39 20 1 NI A23 +39 20 1 NI A24 +39 20 1 NI A25 +39 20 1 NI A26 +39 20 1 NI A27 +39 20 1 NI A28 +39 20 1 NI A29 +39 20 1 NI A30 +39 20 1 NI A31 +39 20 1 NI A32 +39 20 1 NI A33 +39 20 1 NI A34 +39 20 1 NI A35 +39 20 1 NI A36 +39 20 1 NI A37 +39 20 1 NI A38 +39 20 1 NI A39 +39 20 1 NI A40 +39 20 2 TA J0 +39 20 2 TA J1 +39 20 2 TA J2 +39 20 2 TA J3 +39 20 2 TA J4 +39 20 2 TA J5 +39 20 2 TA J6 +39 20 2 TA J7 +39 20 2 TA J8 +39 20 2 TA J9 +39 20 2 TA J10 +39 20 2 TA J11 +39 20 2 TA J12 +39 20 2 TA J13 +39 20 2 TA J14 +39 20 2 TA J15 +39 20 2 TA J16 +39 20 2 TA J17 +39 20 2 TA J18 +39 20 2 TA J19 +39 20 2 TA J20 +39 20 2 TA J21 +39 20 2 TA J22 +39 20 2 TA J23 +39 20 2 TA J24 +39 20 2 TA J25 +39 20 2 TA J26 +39 20 2 TA J27 +39 20 2 TA J28 +39 20 2 TA J29 +39 20 2 TA J30 +39 20 2 TA J31 +39 20 2 TA J32 +39 20 2 TA J33 +39 20 2 TA J34 +39 20 2 TA J35 +39 20 2 TA J36 +39 20 2 TA J37 +39 20 2 TA J38 +39 20 2 TA J39 +39 20 2 TA J40 +39 20 3 TO F1 +39 20 4 VA C9 +39 20 5 RA G20 +39 20 6 RJ H29 +39 20 7 SE G30 +39 20 8 NA B20 +39 20 9 PU I10 +39 20 10 TE H9 +39 21 1 NI A13 +39 21 2 TA J11 +39 21 3 TO E1 +39 21 4 VA C11 +39 21 5 RA E19 +39 22 1 NI A18 +39 22 2 TA J18 +39 22 3 TO F2 +39 22 4 VA C8 +39 22 5 RJ H30 +39 22 6 RA F17 +39 22 7 TE H7 +39 23 1 NI A1 +39 23 2 TA J1 +39 23 3 TO G1 +39 23 4 VA C9 +39 23 5 RJ G30 +39 23 6 RA G31 +39 23 7 PA I35 +39 23 8 SE G38 +39 23 9 TE I11 +39 23 10 PU H0 +39 24 1 NI A0 +39 24 1 NI A1 +39 24 1 NI A2 +39 24 1 NI A3 +39 24 1 NI A4 +39 24 1 NI A5 +39 24 1 NI A6 +39 24 1 NI A7 +39 24 1 NI A8 +39 24 1 NI A9 +39 24 1 NI A10 +39 24 1 NI A11 +39 24 1 NI A12 +39 24 1 NI A13 +39 24 1 NI A14 +39 24 1 NI A15 +39 24 1 NI A16 +39 24 1 NI A17 +39 24 1 NI A18 +39 24 1 NI A19 +39 24 1 NI A20 +39 24 1 NI A21 +39 24 1 NI A22 +39 24 1 NI A23 +39 24 1 NI A24 +39 24 1 NI A25 +39 24 1 NI A26 +39 24 1 NI A27 +39 24 1 NI A28 +39 24 1 NI A29 +39 24 1 NI A30 +39 24 1 NI A31 +39 24 1 NI A32 +39 24 1 NI A33 +39 24 1 NI A34 +39 24 1 NI A35 +39 24 1 NI A36 +39 24 1 NI A37 +39 24 1 NI A38 +39 24 1 NI A39 +39 24 1 NI A40 +39 24 2 TA J0 +39 24 2 TA J1 +39 24 2 TA J2 +39 24 2 TA J3 +39 24 2 TA J4 +39 24 2 TA J5 +39 24 2 TA J6 +39 24 2 TA J7 +39 24 2 TA J8 +39 24 2 TA J9 +39 24 2 TA J10 +39 24 2 TA J11 +39 24 2 TA J12 +39 24 2 TA J13 +39 24 2 TA J14 +39 24 2 TA J15 +39 24 2 TA J16 +39 24 2 TA J17 +39 24 2 TA J18 +39 24 2 TA J19 +39 24 2 TA J20 +39 24 2 TA J21 +39 24 2 TA J22 +39 24 2 TA J23 +39 24 2 TA J24 +39 24 2 TA J25 +39 24 2 TA J26 +39 24 2 TA J27 +39 24 2 TA J28 +39 24 2 TA J29 +39 24 2 TA J30 +39 24 2 TA J31 +39 24 2 TA J32 +39 24 2 TA J33 +39 24 2 TA J34 +39 24 2 TA J35 +39 24 2 TA J36 +39 24 2 TA J37 +39 24 2 TA J38 +39 24 2 TA J39 +39 24 2 TA J40 +39 24 3 TO G4 +39 24 4 VA D12 +39 24 5 RA H28 +39 24 6 RJ G31 +39 24 7 PA I38 +39 24 8 SE E28 +39 25 1 NI A0 +39 25 1 NI A1 +39 25 1 NI A2 +39 25 1 NI A3 +39 25 1 NI A4 +39 25 1 NI A5 +39 25 1 NI A6 +39 25 1 NI A7 +39 25 1 NI A8 +39 25 1 NI A9 +39 25 1 NI A10 +39 25 1 NI A11 +39 25 1 NI A12 +39 25 1 NI A13 +39 25 1 NI A14 +39 25 1 NI A15 +39 25 1 NI A16 +39 25 1 NI A17 +39 25 1 NI A18 +39 25 1 NI A19 +39 25 1 NI A20 +39 25 1 NI A21 +39 25 1 NI A22 +39 25 1 NI A23 +39 25 1 NI A24 +39 25 1 NI A25 +39 25 1 NI A26 +39 25 1 NI A27 +39 25 1 NI A28 +39 25 1 NI A29 +39 25 1 NI A30 +39 25 1 NI A31 +39 25 1 NI A32 +39 25 1 NI A33 +39 25 1 NI A34 +39 25 1 NI A35 +39 25 1 NI A36 +39 25 1 NI A37 +39 25 1 NI A38 +39 25 1 NI A39 +39 25 1 NI A40 +39 25 2 TA J20 +39 25 3 TO G2 +39 25 4 VA C8 +39 25 5 RA G20 +39 25 6 RJ H29 +39 25 7 SE F29 +39 25 8 NA C34 +39 25 9 FO B21 +39 25 10 PU I14 +39 25 11 PA I1 +39 25 12 CA D2 +39 25 13 TU H0 +40 1 1 U C8 +40 1 2 PO A0 +40 1 2 PO A1 +40 1 2 PO A2 +40 1 2 PO A3 +40 1 2 PO A4 +40 1 2 PO A5 +40 1 2 PO A6 +40 1 2 PO A7 +40 1 2 PO A8 +40 1 2 PO A9 +40 1 2 PO A10 +40 1 2 PO A11 +40 1 2 PO A12 +40 1 2 PO A13 +40 1 2 PO A14 +40 1 2 PO A15 +40 1 2 PO A16 +40 1 2 PO A17 +40 1 2 PO A18 +40 1 2 PO A19 +40 1 2 PO A20 +40 1 2 PO A21 +40 1 2 PO A22 +40 1 2 PO A23 +40 1 2 PO A24 +40 1 2 PO A25 +40 1 2 PO A26 +40 1 2 PO A27 +40 1 2 PO A28 +40 1 2 PO A29 +40 1 2 PO A30 +40 1 2 PO A31 +40 1 2 PO A32 +40 1 2 PO A33 +40 1 2 PO A34 +40 1 2 PO A35 +40 1 2 PO A36 +40 1 2 PO A37 +40 1 2 PO A38 +40 1 2 PO A39 +40 1 2 PO A40 +40 1 3 O D33 +40 1 4 PI G38 +40 1 5 C H17 +40 1 6 Y J0 +40 1 6 Y J1 +40 1 6 Y J2 +40 1 6 Y J3 +40 1 6 Y J4 +40 1 6 Y J5 +40 1 6 Y J6 +40 1 6 Y J7 +40 1 6 Y J8 +40 1 6 Y J9 +40 1 6 Y J10 +40 1 6 Y J11 +40 1 6 Y J12 +40 1 6 Y J13 +40 1 6 Y J14 +40 1 6 Y J15 +40 1 6 Y J16 +40 1 6 Y J17 +40 1 6 Y J18 +40 1 6 Y J19 +40 1 6 Y J20 +40 1 6 Y J21 +40 1 6 Y J22 +40 1 6 Y J23 +40 1 6 Y J24 +40 1 6 Y J25 +40 1 6 Y J26 +40 1 6 Y J27 +40 1 6 Y J28 +40 1 6 Y J29 +40 1 6 Y J30 +40 1 6 Y J31 +40 1 6 Y J32 +40 1 6 Y J33 +40 1 6 Y J34 +40 1 6 Y J35 +40 1 6 Y J36 +40 1 6 Y J37 +40 1 6 Y J38 +40 1 6 Y J39 +40 1 6 Y J40 +40 1 7 P G2 +40 2 1 U C9 +40 2 2 PO A0 +40 2 2 PO A1 +40 2 2 PO A2 +40 2 2 PO A3 +40 2 2 PO A4 +40 2 2 PO A5 +40 2 2 PO A6 +40 2 2 PO A7 +40 2 2 PO A8 +40 2 2 PO A9 +40 2 2 PO A10 +40 2 2 PO A11 +40 2 2 PO A12 +40 2 2 PO A13 +40 2 2 PO A14 +40 2 2 PO A15 +40 2 2 PO A16 +40 2 2 PO A17 +40 2 2 PO A18 +40 2 2 PO A19 +40 2 2 PO A20 +40 2 2 PO A21 +40 2 2 PO A22 +40 2 2 PO A23 +40 2 2 PO A24 +40 2 2 PO A25 +40 2 2 PO A26 +40 2 2 PO A27 +40 2 2 PO A28 +40 2 2 PO A29 +40 2 2 PO A30 +40 2 2 PO A31 +40 2 2 PO A32 +40 2 2 PO A33 +40 2 2 PO A34 +40 2 2 PO A35 +40 2 2 PO A36 +40 2 2 PO A37 +40 2 2 PO A38 +40 2 2 PO A39 +40 2 2 PO A40 +40 2 3 O C33 +40 2 4 PI G30 +40 2 5 C G20 +40 2 6 Y J0 +40 2 6 Y J1 +40 2 6 Y J2 +40 2 6 Y J3 +40 2 6 Y J4 +40 2 6 Y J5 +40 2 6 Y J6 +40 2 6 Y J7 +40 2 6 Y J8 +40 2 6 Y J9 +40 2 6 Y J10 +40 2 6 Y J11 +40 2 6 Y J12 +40 2 6 Y J13 +40 2 6 Y J14 +40 2 6 Y J15 +40 2 6 Y J16 +40 2 6 Y J17 +40 2 6 Y J18 +40 2 6 Y J19 +40 2 6 Y J20 +40 2 6 Y J21 +40 2 6 Y J22 +40 2 6 Y J23 +40 2 6 Y J24 +40 2 6 Y J25 +40 2 6 Y J26 +40 2 6 Y J27 +40 2 6 Y J28 +40 2 6 Y J29 +40 2 6 Y J30 +40 2 6 Y J31 +40 2 6 Y J32 +40 2 6 Y J33 +40 2 6 Y J34 +40 2 6 Y J35 +40 2 6 Y J36 +40 2 6 Y J37 +40 2 6 Y J38 +40 2 6 Y J39 +40 2 6 Y J40 +40 2 7 P G1 +40 3 1 U F4 +40 3 2 PO A0 +40 3 2 PO A1 +40 3 2 PO A2 +40 3 2 PO A3 +40 3 2 PO A4 +40 3 2 PO A5 +40 3 2 PO A6 +40 3 2 PO A7 +40 3 2 PO A8 +40 3 2 PO A9 +40 3 2 PO A10 +40 3 2 PO A11 +40 3 2 PO A12 +40 3 2 PO A13 +40 3 2 PO A14 +40 3 2 PO A15 +40 3 2 PO A16 +40 3 2 PO A17 +40 3 2 PO A18 +40 3 2 PO A19 +40 3 2 PO A20 +40 3 2 PO A21 +40 3 2 PO A22 +40 3 2 PO A23 +40 3 2 PO A24 +40 3 2 PO A25 +40 3 2 PO A26 +40 3 2 PO A27 +40 3 2 PO A28 +40 3 2 PO A29 +40 3 2 PO A30 +40 3 2 PO A31 +40 3 2 PO A32 +40 3 2 PO A33 +40 3 2 PO A34 +40 3 2 PO A35 +40 3 2 PO A36 +40 3 2 PO A37 +40 3 2 PO A38 +40 3 2 PO A39 +40 3 2 PO A40 +40 3 3 O E31 +40 3 4 PI G28 +40 3 5 C G19 +40 3 6 Y J0 +40 3 6 Y J1 +40 3 6 Y J2 +40 3 6 Y J3 +40 3 6 Y J4 +40 3 6 Y J5 +40 3 6 Y J6 +40 3 6 Y J7 +40 3 6 Y J8 +40 3 6 Y J9 +40 3 6 Y J10 +40 3 6 Y J11 +40 3 6 Y J12 +40 3 6 Y J13 +40 3 6 Y J14 +40 3 6 Y J15 +40 3 6 Y J16 +40 3 6 Y J17 +40 3 6 Y J18 +40 3 6 Y J19 +40 3 6 Y J20 +40 3 6 Y J21 +40 3 6 Y J22 +40 3 6 Y J23 +40 3 6 Y J24 +40 3 6 Y J25 +40 3 6 Y J26 +40 3 6 Y J27 +40 3 6 Y J28 +40 3 6 Y J29 +40 3 6 Y J30 +40 3 6 Y J31 +40 3 6 Y J32 +40 3 6 Y J33 +40 3 6 Y J34 +40 3 6 Y J35 +40 3 6 Y J36 +40 3 6 Y J37 +40 3 6 Y J38 +40 3 6 Y J39 +40 3 6 Y J40 +40 3 7 P G2 +40 4 1 U D11 +40 4 2 PO A0 +40 4 2 PO A1 +40 4 2 PO A2 +40 4 2 PO A3 +40 4 2 PO A4 +40 4 2 PO A5 +40 4 2 PO A6 +40 4 2 PO A7 +40 4 2 PO A8 +40 4 2 PO A9 +40 4 2 PO A10 +40 4 2 PO A11 +40 4 2 PO A12 +40 4 2 PO A13 +40 4 2 PO A14 +40 4 2 PO A15 +40 4 2 PO A16 +40 4 2 PO A17 +40 4 2 PO A18 +40 4 2 PO A19 +40 4 2 PO A20 +40 4 2 PO A21 +40 4 2 PO A22 +40 4 2 PO A23 +40 4 2 PO A24 +40 4 2 PO A25 +40 4 2 PO A26 +40 4 2 PO A27 +40 4 2 PO A28 +40 4 2 PO A29 +40 4 2 PO A30 +40 4 2 PO A31 +40 4 2 PO A32 +40 4 2 PO A33 +40 4 2 PO A34 +40 4 2 PO A35 +40 4 2 PO A36 +40 4 2 PO A37 +40 4 2 PO A38 +40 4 2 PO A39 +40 4 2 PO A40 +40 4 3 P G2 +40 4 4 PI F30 +40 4 5 C F19 +40 4 6 Y J0 +40 4 6 Y J1 +40 4 6 Y J2 +40 4 6 Y J3 +40 4 6 Y J4 +40 4 6 Y J5 +40 4 6 Y J6 +40 4 6 Y J7 +40 4 6 Y J8 +40 4 6 Y J9 +40 4 6 Y J10 +40 4 6 Y J11 +40 4 6 Y J12 +40 4 6 Y J13 +40 4 6 Y J14 +40 4 6 Y J15 +40 4 6 Y J16 +40 4 6 Y J17 +40 4 6 Y J18 +40 4 6 Y J19 +40 4 6 Y J20 +40 4 6 Y J21 +40 4 6 Y J22 +40 4 6 Y J23 +40 4 6 Y J24 +40 4 6 Y J25 +40 4 6 Y J26 +40 4 6 Y J27 +40 4 6 Y J28 +40 4 6 Y J29 +40 4 6 Y J30 +40 4 6 Y J31 +40 4 6 Y J32 +40 4 6 Y J33 +40 4 6 Y J34 +40 4 6 Y J35 +40 4 6 Y J36 +40 4 6 Y J37 +40 4 6 Y J38 +40 4 6 Y J39 +40 4 6 Y J40 +40 4 7 O C32 +40 4 7 O G13 +40 5 1 PO A0 +40 5 1 PO A1 +40 5 1 PO A2 +40 5 1 PO A3 +40 5 1 PO A4 +40 5 1 PO A5 +40 5 1 PO A6 +40 5 1 PO A7 +40 5 1 PO A8 +40 5 1 PO A9 +40 5 1 PO A10 +40 5 1 PO A11 +40 5 1 PO A12 +40 5 1 PO A13 +40 5 1 PO A14 +40 5 1 PO A15 +40 5 1 PO A16 +40 5 1 PO A17 +40 5 1 PO A18 +40 5 1 PO A19 +40 5 1 PO A20 +40 5 1 PO A21 +40 5 1 PO A22 +40 5 1 PO A23 +40 5 1 PO A24 +40 5 1 PO A25 +40 5 1 PO A26 +40 5 1 PO A27 +40 5 1 PO A28 +40 5 1 PO A29 +40 5 1 PO A30 +40 5 1 PO A31 +40 5 1 PO A32 +40 5 1 PO A33 +40 5 1 PO A34 +40 5 1 PO A35 +40 5 1 PO A36 +40 5 1 PO A37 +40 5 1 PO A38 +40 5 1 PO A39 +40 5 1 PO A40 +40 5 2 U C10 +40 5 3 C F17 +40 5 4 O E31 +40 5 5 PI G30 +40 5 6 Y J0 +40 5 6 Y J1 +40 5 6 Y J2 +40 5 6 Y J3 +40 5 6 Y J4 +40 5 6 Y J5 +40 5 6 Y J6 +40 5 6 Y J7 +40 5 6 Y J8 +40 5 6 Y J9 +40 5 6 Y J10 +40 5 6 Y J11 +40 5 6 Y J12 +40 5 6 Y J13 +40 5 6 Y J14 +40 5 6 Y J15 +40 5 6 Y J16 +40 5 6 Y J17 +40 5 6 Y J18 +40 5 6 Y J19 +40 5 6 Y J20 +40 5 6 Y J21 +40 5 6 Y J22 +40 5 6 Y J23 +40 5 6 Y J24 +40 5 6 Y J25 +40 5 6 Y J26 +40 5 6 Y J27 +40 5 6 Y J28 +40 5 6 Y J29 +40 5 6 Y J30 +40 5 6 Y J31 +40 5 6 Y J32 +40 5 6 Y J33 +40 5 6 Y J34 +40 5 6 Y J35 +40 5 6 Y J36 +40 5 6 Y J37 +40 5 6 Y J38 +40 5 6 Y J39 +40 5 6 Y J40 +40 5 7 P G1 +40 6 1 U C9 +40 6 2 O D34 +40 6 3 PO A0 +40 6 3 PO A1 +40 6 3 PO A2 +40 6 3 PO A3 +40 6 3 PO A4 +40 6 3 PO A5 +40 6 3 PO A6 +40 6 3 PO A7 +40 6 3 PO A8 +40 6 3 PO A9 +40 6 3 PO A10 +40 6 3 PO A11 +40 6 3 PO A12 +40 6 3 PO A13 +40 6 3 PO A14 +40 6 3 PO A15 +40 6 3 PO A16 +40 6 3 PO A17 +40 6 3 PO A18 +40 6 3 PO A19 +40 6 3 PO A20 +40 6 3 PO A21 +40 6 3 PO A22 +40 6 3 PO A23 +40 6 3 PO A24 +40 6 3 PO A25 +40 6 3 PO A26 +40 6 3 PO A27 +40 6 3 PO A28 +40 6 3 PO A29 +40 6 3 PO A30 +40 6 3 PO A31 +40 6 3 PO A32 +40 6 3 PO A33 +40 6 3 PO A34 +40 6 3 PO A35 +40 6 3 PO A36 +40 6 3 PO A37 +40 6 3 PO A38 +40 6 3 PO A39 +40 6 3 PO A40 +40 6 4 P G40 +40 6 5 Y J0 +40 6 5 Y J1 +40 6 5 Y J2 +40 6 5 Y J3 +40 6 5 Y J4 +40 6 5 Y J5 +40 6 5 Y J6 +40 6 5 Y J7 +40 6 5 Y J8 +40 6 5 Y J9 +40 6 5 Y J10 +40 6 5 Y J11 +40 6 5 Y J12 +40 6 5 Y J13 +40 6 5 Y J14 +40 6 5 Y J15 +40 6 5 Y J16 +40 6 5 Y J17 +40 6 5 Y J18 +40 6 5 Y J19 +40 6 5 Y J20 +40 6 5 Y J21 +40 6 5 Y J22 +40 6 5 Y J23 +40 6 5 Y J24 +40 6 5 Y J25 +40 6 5 Y J26 +40 6 5 Y J27 +40 6 5 Y J28 +40 6 5 Y J29 +40 6 5 Y J30 +40 6 5 Y J31 +40 6 5 Y J32 +40 6 5 Y J33 +40 6 5 Y J34 +40 6 5 Y J35 +40 6 5 Y J36 +40 6 5 Y J37 +40 6 5 Y J38 +40 6 5 Y J39 +40 6 5 Y J40 +40 6 6 PI H20 +40 7 1 U C9 +40 7 2 O D32 +40 7 3 PO A0 +40 7 3 PO A1 +40 7 3 PO A2 +40 7 3 PO A3 +40 7 3 PO A4 +40 7 3 PO A5 +40 7 3 PO A6 +40 7 3 PO A7 +40 7 3 PO A8 +40 7 3 PO A9 +40 7 3 PO A10 +40 7 3 PO A11 +40 7 3 PO A12 +40 7 3 PO A13 +40 7 3 PO A14 +40 7 3 PO A15 +40 7 3 PO A16 +40 7 3 PO A17 +40 7 3 PO A18 +40 7 3 PO A19 +40 7 3 PO A20 +40 7 3 PO A21 +40 7 3 PO A22 +40 7 3 PO A23 +40 7 3 PO A24 +40 7 3 PO A25 +40 7 3 PO A26 +40 7 3 PO A27 +40 7 3 PO A28 +40 7 3 PO A29 +40 7 3 PO A30 +40 7 3 PO A31 +40 7 3 PO A32 +40 7 3 PO A33 +40 7 3 PO A34 +40 7 3 PO A35 +40 7 3 PO A36 +40 7 3 PO A37 +40 7 3 PO A38 +40 7 3 PO A39 +40 7 3 PO A40 +40 7 4 Y J0 +40 7 4 Y J1 +40 7 4 Y J2 +40 7 4 Y J3 +40 7 4 Y J4 +40 7 4 Y J5 +40 7 4 Y J6 +40 7 4 Y J7 +40 7 4 Y J8 +40 7 4 Y J9 +40 7 4 Y J10 +40 7 4 Y J11 +40 7 4 Y J12 +40 7 4 Y J13 +40 7 4 Y J14 +40 7 4 Y J15 +40 7 4 Y J16 +40 7 4 Y J17 +40 7 4 Y J18 +40 7 4 Y J19 +40 7 4 Y J20 +40 7 4 Y J21 +40 7 4 Y J22 +40 7 4 Y J23 +40 7 4 Y J24 +40 7 4 Y J25 +40 7 4 Y J26 +40 7 4 Y J27 +40 7 4 Y J28 +40 7 4 Y J29 +40 7 4 Y J30 +40 7 4 Y J31 +40 7 4 Y J32 +40 7 4 Y J33 +40 7 4 Y J34 +40 7 4 Y J35 +40 7 4 Y J36 +40 7 4 Y J37 +40 7 4 Y J38 +40 7 4 Y J39 +40 7 4 Y J40 +40 7 5 PI H30 +40 7 6 C I20 +40 7 7 P I2 +40 8 1 PO A0 +40 8 1 PO A1 +40 8 1 PO A2 +40 8 1 PO A3 +40 8 1 PO A4 +40 8 1 PO A5 +40 8 1 PO A6 +40 8 1 PO A7 +40 8 1 PO A8 +40 8 1 PO A9 +40 8 1 PO A10 +40 8 1 PO A11 +40 8 1 PO A12 +40 8 1 PO A13 +40 8 1 PO A14 +40 8 1 PO A15 +40 8 1 PO A16 +40 8 1 PO A17 +40 8 1 PO A18 +40 8 1 PO A19 +40 8 1 PO A20 +40 8 1 PO A21 +40 8 1 PO A22 +40 8 1 PO A23 +40 8 1 PO A24 +40 8 1 PO A25 +40 8 1 PO A26 +40 8 1 PO A27 +40 8 1 PO A28 +40 8 1 PO A29 +40 8 1 PO A30 +40 8 1 PO A31 +40 8 1 PO A32 +40 8 1 PO A33 +40 8 1 PO A34 +40 8 1 PO A35 +40 8 1 PO A36 +40 8 1 PO A37 +40 8 1 PO A38 +40 8 1 PO A39 +40 8 1 PO A40 +40 8 2 U C8 +40 8 3 P F40 +40 8 4 PI H29 +40 8 5 C I21 +40 8 6 Y J0 +40 8 6 Y J1 +40 8 6 Y J2 +40 8 6 Y J3 +40 8 6 Y J4 +40 8 6 Y J5 +40 8 6 Y J6 +40 8 6 Y J7 +40 8 6 Y J8 +40 8 6 Y J9 +40 8 6 Y J10 +40 8 6 Y J11 +40 8 6 Y J12 +40 8 6 Y J13 +40 8 6 Y J14 +40 8 6 Y J15 +40 8 6 Y J16 +40 8 6 Y J17 +40 8 6 Y J18 +40 8 6 Y J19 +40 8 6 Y J20 +40 8 6 Y J21 +40 8 6 Y J22 +40 8 6 Y J23 +40 8 6 Y J24 +40 8 6 Y J25 +40 8 6 Y J26 +40 8 6 Y J27 +40 8 6 Y J28 +40 8 6 Y J29 +40 8 6 Y J30 +40 8 6 Y J31 +40 8 6 Y J32 +40 8 6 Y J33 +40 8 6 Y J34 +40 8 6 Y J35 +40 8 6 Y J36 +40 8 6 Y J37 +40 8 6 Y J38 +40 8 6 Y J39 +40 8 6 Y J40 +40 8 7 O D0 +40 9 1 U E7 +40 9 2 O D28 +40 9 3 PO A0 +40 9 3 PO A1 +40 9 3 PO A2 +40 9 3 PO A3 +40 9 3 PO A4 +40 9 3 PO A5 +40 9 3 PO A6 +40 9 3 PO A7 +40 9 3 PO A8 +40 9 3 PO A9 +40 9 3 PO A10 +40 9 3 PO A11 +40 9 3 PO A12 +40 9 3 PO A13 +40 9 3 PO A14 +40 9 3 PO A15 +40 9 3 PO A16 +40 9 3 PO A17 +40 9 3 PO A18 +40 9 3 PO A19 +40 9 3 PO A20 +40 9 3 PO A21 +40 9 3 PO A22 +40 9 3 PO A23 +40 9 3 PO A24 +40 9 3 PO A25 +40 9 3 PO A26 +40 9 3 PO A27 +40 9 3 PO A28 +40 9 3 PO A29 +40 9 3 PO A30 +40 9 3 PO A31 +40 9 3 PO A32 +40 9 3 PO A33 +40 9 3 PO A34 +40 9 3 PO A35 +40 9 3 PO A36 +40 9 3 PO A37 +40 9 3 PO A38 +40 9 3 PO A39 +40 9 3 PO A40 +40 9 4 Y J0 +40 9 4 Y J1 +40 9 4 Y J2 +40 9 4 Y J3 +40 9 4 Y J4 +40 9 4 Y J5 +40 9 4 Y J6 +40 9 4 Y J7 +40 9 4 Y J8 +40 9 4 Y J9 +40 9 4 Y J10 +40 9 4 Y J11 +40 9 4 Y J12 +40 9 4 Y J13 +40 9 4 Y J14 +40 9 4 Y J15 +40 9 4 Y J16 +40 9 4 Y J17 +40 9 4 Y J18 +40 9 4 Y J19 +40 9 4 Y J20 +40 9 4 Y J21 +40 9 4 Y J22 +40 9 4 Y J23 +40 9 4 Y J24 +40 9 4 Y J25 +40 9 4 Y J26 +40 9 4 Y J27 +40 9 4 Y J28 +40 9 4 Y J29 +40 9 4 Y J30 +40 9 4 Y J31 +40 9 4 Y J32 +40 9 4 Y J33 +40 9 4 Y J34 +40 9 4 Y J35 +40 9 4 Y J36 +40 9 4 Y J37 +40 9 4 Y J38 +40 9 4 Y J39 +40 9 4 Y J40 +40 9 5 PI H27 +40 9 6 C G17 +40 10 1 U D8 +40 10 2 PO A0 +40 10 2 PO A1 +40 10 2 PO A2 +40 10 2 PO A3 +40 10 2 PO A4 +40 10 2 PO A5 +40 10 2 PO A6 +40 10 2 PO A7 +40 10 2 PO A8 +40 10 2 PO A9 +40 10 2 PO A10 +40 10 2 PO A11 +40 10 2 PO A12 +40 10 2 PO A13 +40 10 2 PO A14 +40 10 2 PO A15 +40 10 2 PO A16 +40 10 2 PO A17 +40 10 2 PO A18 +40 10 2 PO A19 +40 10 2 PO A20 +40 10 2 PO A21 +40 10 2 PO A22 +40 10 2 PO A23 +40 10 2 PO A24 +40 10 2 PO A25 +40 10 2 PO A26 +40 10 2 PO A27 +40 10 2 PO A28 +40 10 2 PO A29 +40 10 2 PO A30 +40 10 2 PO A31 +40 10 2 PO A32 +40 10 2 PO A33 +40 10 2 PO A34 +40 10 2 PO A35 +40 10 2 PO A36 +40 10 2 PO A37 +40 10 2 PO A38 +40 10 2 PO A39 +40 10 2 PO A40 +40 10 3 PI I29 +40 10 4 C F16 +40 10 5 Y J0 +40 10 5 Y J1 +40 10 5 Y J2 +40 10 5 Y J3 +40 10 5 Y J4 +40 10 5 Y J5 +40 10 5 Y J6 +40 10 5 Y J7 +40 10 5 Y J8 +40 10 5 Y J9 +40 10 5 Y J10 +40 10 5 Y J11 +40 10 5 Y J12 +40 10 5 Y J13 +40 10 5 Y J14 +40 10 5 Y J15 +40 10 5 Y J16 +40 10 5 Y J17 +40 10 5 Y J18 +40 10 5 Y J19 +40 10 5 Y J20 +40 10 5 Y J21 +40 10 5 Y J22 +40 10 5 Y J23 +40 10 5 Y J24 +40 10 5 Y J25 +40 10 5 Y J26 +40 10 5 Y J27 +40 10 5 Y J28 +40 10 5 Y J29 +40 10 5 Y J30 +40 10 5 Y J31 +40 10 5 Y J32 +40 10 5 Y J33 +40 10 5 Y J34 +40 10 5 Y J35 +40 10 5 Y J36 +40 10 5 Y J37 +40 10 5 Y J38 +40 10 5 Y J39 +40 10 5 Y J40 +40 10 6 P H3 +40 10 7 O G0 +40 11 1 U D7 +40 11 2 PO A0 +40 11 2 PO A1 +40 11 2 PO A2 +40 11 2 PO A3 +40 11 2 PO A4 +40 11 2 PO A5 +40 11 2 PO A6 +40 11 2 PO A7 +40 11 2 PO A8 +40 11 2 PO A9 +40 11 2 PO A10 +40 11 2 PO A11 +40 11 2 PO A12 +40 11 2 PO A13 +40 11 2 PO A14 +40 11 2 PO A15 +40 11 2 PO A16 +40 11 2 PO A17 +40 11 2 PO A18 +40 11 2 PO A19 +40 11 2 PO A20 +40 11 2 PO A21 +40 11 2 PO A22 +40 11 2 PO A23 +40 11 2 PO A24 +40 11 2 PO A25 +40 11 2 PO A26 +40 11 2 PO A27 +40 11 2 PO A28 +40 11 2 PO A29 +40 11 2 PO A30 +40 11 2 PO A31 +40 11 2 PO A32 +40 11 2 PO A33 +40 11 2 PO A34 +40 11 2 PO A35 +40 11 2 PO A36 +40 11 2 PO A37 +40 11 2 PO A38 +40 11 2 PO A39 +40 11 2 PO A40 +40 11 3 PI I30 +40 11 4 Y J0 +40 11 4 Y J1 +40 11 4 Y J2 +40 11 4 Y J3 +40 11 4 Y J4 +40 11 4 Y J5 +40 11 4 Y J6 +40 11 4 Y J7 +40 11 4 Y J8 +40 11 4 Y J9 +40 11 4 Y J10 +40 11 4 Y J11 +40 11 4 Y J12 +40 11 4 Y J13 +40 11 4 Y J14 +40 11 4 Y J15 +40 11 4 Y J16 +40 11 4 Y J17 +40 11 4 Y J18 +40 11 4 Y J19 +40 11 4 Y J20 +40 11 4 Y J21 +40 11 4 Y J22 +40 11 4 Y J23 +40 11 4 Y J24 +40 11 4 Y J25 +40 11 4 Y J26 +40 11 4 Y J27 +40 11 4 Y J28 +40 11 4 Y J29 +40 11 4 Y J30 +40 11 4 Y J31 +40 11 4 Y J32 +40 11 4 Y J33 +40 11 4 Y J34 +40 11 4 Y J35 +40 11 4 Y J36 +40 11 4 Y J37 +40 11 4 Y J38 +40 11 4 Y J39 +40 11 4 Y J40 +40 11 5 C H18 +40 11 6 P H3 +40 11 7 O F0 +40 12 1 PO A0 +40 12 1 PO A1 +40 12 1 PO A2 +40 12 1 PO A3 +40 12 1 PO A4 +40 12 1 PO A5 +40 12 1 PO A6 +40 12 1 PO A7 +40 12 1 PO A8 +40 12 1 PO A9 +40 12 1 PO A10 +40 12 1 PO A11 +40 12 1 PO A12 +40 12 1 PO A13 +40 12 1 PO A14 +40 12 1 PO A15 +40 12 1 PO A16 +40 12 1 PO A17 +40 12 1 PO A18 +40 12 1 PO A19 +40 12 1 PO A20 +40 12 1 PO A21 +40 12 1 PO A22 +40 12 1 PO A23 +40 12 1 PO A24 +40 12 1 PO A25 +40 12 1 PO A26 +40 12 1 PO A27 +40 12 1 PO A28 +40 12 1 PO A29 +40 12 1 PO A30 +40 12 1 PO A31 +40 12 1 PO A32 +40 12 1 PO A33 +40 12 1 PO A34 +40 12 1 PO A35 +40 12 1 PO A36 +40 12 1 PO A37 +40 12 1 PO A38 +40 12 1 PO A39 +40 12 1 PO A40 +40 12 2 U C11 +40 12 3 O D25 +40 12 4 Y J0 +40 12 4 Y J1 +40 12 4 Y J2 +40 12 4 Y J3 +40 12 4 Y J4 +40 12 4 Y J5 +40 12 4 Y J6 +40 12 4 Y J7 +40 12 4 Y J8 +40 12 4 Y J9 +40 12 4 Y J10 +40 12 4 Y J11 +40 12 4 Y J12 +40 12 4 Y J13 +40 12 4 Y J14 +40 12 4 Y J15 +40 12 4 Y J16 +40 12 4 Y J17 +40 12 4 Y J18 +40 12 4 Y J19 +40 12 4 Y J20 +40 12 4 Y J21 +40 12 4 Y J22 +40 12 4 Y J23 +40 12 4 Y J24 +40 12 4 Y J25 +40 12 4 Y J26 +40 12 4 Y J27 +40 12 4 Y J28 +40 12 4 Y J29 +40 12 4 Y J30 +40 12 4 Y J31 +40 12 4 Y J32 +40 12 4 Y J33 +40 12 4 Y J34 +40 12 4 Y J35 +40 12 4 Y J36 +40 12 4 Y J37 +40 12 4 Y J38 +40 12 4 Y J39 +40 12 4 Y J40 +40 12 5 PI I30 +40 12 6 C H17 +40 12 7 P H3 +40 13 1 U E16 +40 13 2 O D32 +40 13 3 PO A0 +40 13 3 PO A1 +40 13 3 PO A2 +40 13 3 PO A3 +40 13 3 PO A4 +40 13 3 PO A5 +40 13 3 PO A6 +40 13 3 PO A7 +40 13 3 PO A8 +40 13 3 PO A9 +40 13 3 PO A10 +40 13 3 PO A11 +40 13 3 PO A12 +40 13 3 PO A13 +40 13 3 PO A14 +40 13 3 PO A15 +40 13 3 PO A16 +40 13 3 PO A17 +40 13 3 PO A18 +40 13 3 PO A19 +40 13 3 PO A20 +40 13 3 PO A21 +40 13 3 PO A22 +40 13 3 PO A23 +40 13 3 PO A24 +40 13 3 PO A25 +40 13 3 PO A26 +40 13 3 PO A27 +40 13 3 PO A28 +40 13 3 PO A29 +40 13 3 PO A30 +40 13 3 PO A31 +40 13 3 PO A32 +40 13 3 PO A33 +40 13 3 PO A34 +40 13 3 PO A35 +40 13 3 PO A36 +40 13 3 PO A37 +40 13 3 PO A38 +40 13 3 PO A39 +40 13 3 PO A40 +40 13 4 Y J0 +40 13 4 Y J1 +40 13 4 Y J2 +40 13 4 Y J3 +40 13 4 Y J4 +40 13 4 Y J5 +40 13 4 Y J6 +40 13 4 Y J7 +40 13 4 Y J8 +40 13 4 Y J9 +40 13 4 Y J10 +40 13 4 Y J11 +40 13 4 Y J12 +40 13 4 Y J13 +40 13 4 Y J14 +40 13 4 Y J15 +40 13 4 Y J16 +40 13 4 Y J17 +40 13 4 Y J18 +40 13 4 Y J19 +40 13 4 Y J20 +40 13 4 Y J21 +40 13 4 Y J22 +40 13 4 Y J23 +40 13 4 Y J24 +40 13 4 Y J25 +40 13 4 Y J26 +40 13 4 Y J27 +40 13 4 Y J28 +40 13 4 Y J29 +40 13 4 Y J30 +40 13 4 Y J31 +40 13 4 Y J32 +40 13 4 Y J33 +40 13 4 Y J34 +40 13 4 Y J35 +40 13 4 Y J36 +40 13 4 Y J37 +40 13 4 Y J38 +40 13 4 Y J39 +40 13 4 Y J40 +40 13 5 PI I31 +40 13 6 C F18 +40 13 7 P G3 +40 14 1 PO A0 +40 14 1 PO A1 +40 14 1 PO A2 +40 14 1 PO A3 +40 14 1 PO A4 +40 14 1 PO A5 +40 14 1 PO A6 +40 14 1 PO A7 +40 14 1 PO A8 +40 14 1 PO A9 +40 14 1 PO A10 +40 14 1 PO A11 +40 14 1 PO A12 +40 14 1 PO A13 +40 14 1 PO A14 +40 14 1 PO A15 +40 14 1 PO A16 +40 14 1 PO A17 +40 14 1 PO A18 +40 14 1 PO A19 +40 14 1 PO A20 +40 14 1 PO A21 +40 14 1 PO A22 +40 14 1 PO A23 +40 14 1 PO A24 +40 14 1 PO A25 +40 14 1 PO A26 +40 14 1 PO A27 +40 14 1 PO A28 +40 14 1 PO A29 +40 14 1 PO A30 +40 14 1 PO A31 +40 14 1 PO A32 +40 14 1 PO A33 +40 14 1 PO A34 +40 14 1 PO A35 +40 14 1 PO A36 +40 14 1 PO A37 +40 14 1 PO A38 +40 14 1 PO A39 +40 14 1 PO A40 +40 14 2 U D6 +40 14 3 PI I30 +40 14 4 C I15 +40 14 5 Y J0 +40 14 5 Y J1 +40 14 5 Y J2 +40 14 5 Y J3 +40 14 5 Y J4 +40 14 5 Y J5 +40 14 5 Y J6 +40 14 5 Y J7 +40 14 5 Y J8 +40 14 5 Y J9 +40 14 5 Y J10 +40 14 5 Y J11 +40 14 5 Y J12 +40 14 5 Y J13 +40 14 5 Y J14 +40 14 5 Y J15 +40 14 5 Y J16 +40 14 5 Y J17 +40 14 5 Y J18 +40 14 5 Y J19 +40 14 5 Y J20 +40 14 5 Y J21 +40 14 5 Y J22 +40 14 5 Y J23 +40 14 5 Y J24 +40 14 5 Y J25 +40 14 5 Y J26 +40 14 5 Y J27 +40 14 5 Y J28 +40 14 5 Y J29 +40 14 5 Y J30 +40 14 5 Y J31 +40 14 5 Y J32 +40 14 5 Y J33 +40 14 5 Y J34 +40 14 5 Y J35 +40 14 5 Y J36 +40 14 5 Y J37 +40 14 5 Y J38 +40 14 5 Y J39 +40 14 5 Y J40 +40 14 6 P G1 +40 14 7 O F0 +40 15 1 PO A0 +40 15 1 PO A1 +40 15 1 PO A2 +40 15 1 PO A3 +40 15 1 PO A4 +40 15 1 PO A5 +40 15 1 PO A6 +40 15 1 PO A7 +40 15 1 PO A8 +40 15 1 PO A9 +40 15 1 PO A10 +40 15 1 PO A11 +40 15 1 PO A12 +40 15 1 PO A13 +40 15 1 PO A14 +40 15 1 PO A15 +40 15 1 PO A16 +40 15 1 PO A17 +40 15 1 PO A18 +40 15 1 PO A19 +40 15 1 PO A20 +40 15 1 PO A21 +40 15 1 PO A22 +40 15 1 PO A23 +40 15 1 PO A24 +40 15 1 PO A25 +40 15 1 PO A26 +40 15 1 PO A27 +40 15 1 PO A28 +40 15 1 PO A29 +40 15 1 PO A30 +40 15 1 PO A31 +40 15 1 PO A32 +40 15 1 PO A33 +40 15 1 PO A34 +40 15 1 PO A35 +40 15 1 PO A36 +40 15 1 PO A37 +40 15 1 PO A38 +40 15 1 PO A39 +40 15 1 PO A40 +40 15 2 U C8 +40 15 3 PI H29 +40 15 4 C F16 +40 15 5 CA G8 +40 15 6 Y J0 +40 15 6 Y J1 +40 15 6 Y J2 +40 15 6 Y J3 +40 15 6 Y J4 +40 15 6 Y J5 +40 15 6 Y J6 +40 15 6 Y J7 +40 15 6 Y J8 +40 15 6 Y J9 +40 15 6 Y J10 +40 15 6 Y J11 +40 15 6 Y J12 +40 15 6 Y J13 +40 15 6 Y J14 +40 15 6 Y J15 +40 15 6 Y J16 +40 15 6 Y J17 +40 15 6 Y J18 +40 15 6 Y J19 +40 15 6 Y J20 +40 15 6 Y J21 +40 15 6 Y J22 +40 15 6 Y J23 +40 15 6 Y J24 +40 15 6 Y J25 +40 15 6 Y J26 +40 15 6 Y J27 +40 15 6 Y J28 +40 15 6 Y J29 +40 15 6 Y J30 +40 15 6 Y J31 +40 15 6 Y J32 +40 15 6 Y J33 +40 15 6 Y J34 +40 15 6 Y J35 +40 15 6 Y J36 +40 15 6 Y J37 +40 15 6 Y J38 +40 15 6 Y J39 +40 15 6 Y J40 +40 15 7 P G1 +40 15 8 O F0 +40 16 1 U D8 +40 16 2 O B19 +40 16 3 PO A0 +40 16 3 PO A1 +40 16 3 PO A2 +40 16 3 PO A3 +40 16 3 PO A4 +40 16 3 PO A5 +40 16 3 PO A6 +40 16 3 PO A7 +40 16 3 PO A8 +40 16 3 PO A9 +40 16 3 PO A10 +40 16 3 PO A11 +40 16 3 PO A12 +40 16 3 PO A13 +40 16 3 PO A14 +40 16 3 PO A15 +40 16 3 PO A16 +40 16 3 PO A17 +40 16 3 PO A18 +40 16 3 PO A19 +40 16 3 PO A20 +40 16 3 PO A21 +40 16 3 PO A22 +40 16 3 PO A23 +40 16 3 PO A24 +40 16 3 PO A25 +40 16 3 PO A26 +40 16 3 PO A27 +40 16 3 PO A28 +40 16 3 PO A29 +40 16 3 PO A30 +40 16 3 PO A31 +40 16 3 PO A32 +40 16 3 PO A33 +40 16 3 PO A34 +40 16 3 PO A35 +40 16 3 PO A36 +40 16 3 PO A37 +40 16 3 PO A38 +40 16 3 PO A39 +40 16 3 PO A40 +40 16 4 PI H28 +40 16 5 Y J0 +40 16 5 Y J1 +40 16 5 Y J2 +40 16 5 Y J3 +40 16 5 Y J4 +40 16 5 Y J5 +40 16 5 Y J6 +40 16 5 Y J7 +40 16 5 Y J8 +40 16 5 Y J9 +40 16 5 Y J10 +40 16 5 Y J11 +40 16 5 Y J12 +40 16 5 Y J13 +40 16 5 Y J14 +40 16 5 Y J15 +40 16 5 Y J16 +40 16 5 Y J17 +40 16 5 Y J18 +40 16 5 Y J19 +40 16 5 Y J20 +40 16 5 Y J21 +40 16 5 Y J22 +40 16 5 Y J23 +40 16 5 Y J24 +40 16 5 Y J25 +40 16 5 Y J26 +40 16 5 Y J27 +40 16 5 Y J28 +40 16 5 Y J29 +40 16 5 Y J30 +40 16 5 Y J31 +40 16 5 Y J32 +40 16 5 Y J33 +40 16 5 Y J34 +40 16 5 Y J35 +40 16 5 Y J36 +40 16 5 Y J37 +40 16 5 Y J38 +40 16 5 Y J39 +40 16 5 Y J40 +40 16 6 C G19 +40 16 7 CA H8 +40 16 8 P H1 +40 17 1 PO A0 +40 17 1 PO A1 +40 17 1 PO A2 +40 17 1 PO A3 +40 17 1 PO A4 +40 17 1 PO A5 +40 17 1 PO A6 +40 17 1 PO A7 +40 17 1 PO A8 +40 17 1 PO A9 +40 17 1 PO A10 +40 17 1 PO A11 +40 17 1 PO A12 +40 17 1 PO A13 +40 17 1 PO A14 +40 17 1 PO A15 +40 17 1 PO A16 +40 17 1 PO A17 +40 17 1 PO A18 +40 17 1 PO A19 +40 17 1 PO A20 +40 17 1 PO A21 +40 17 1 PO A22 +40 17 1 PO A23 +40 17 1 PO A24 +40 17 1 PO A25 +40 17 1 PO A26 +40 17 1 PO A27 +40 17 1 PO A28 +40 17 1 PO A29 +40 17 1 PO A30 +40 17 1 PO A31 +40 17 1 PO A32 +40 17 1 PO A33 +40 17 1 PO A34 +40 17 1 PO A35 +40 17 1 PO A36 +40 17 1 PO A37 +40 17 1 PO A38 +40 17 1 PO A39 +40 17 1 PO A40 +40 17 2 U B11 +40 17 3 PI G29 +40 17 4 C H18 +40 17 5 CA I10 +40 17 6 Y J0 +40 17 6 Y J1 +40 17 6 Y J2 +40 17 6 Y J3 +40 17 6 Y J4 +40 17 6 Y J5 +40 17 6 Y J6 +40 17 6 Y J7 +40 17 6 Y J8 +40 17 6 Y J9 +40 17 6 Y J10 +40 17 6 Y J11 +40 17 6 Y J12 +40 17 6 Y J13 +40 17 6 Y J14 +40 17 6 Y J15 +40 17 6 Y J16 +40 17 6 Y J17 +40 17 6 Y J18 +40 17 6 Y J19 +40 17 6 Y J20 +40 17 6 Y J21 +40 17 6 Y J22 +40 17 6 Y J23 +40 17 6 Y J24 +40 17 6 Y J25 +40 17 6 Y J26 +40 17 6 Y J27 +40 17 6 Y J28 +40 17 6 Y J29 +40 17 6 Y J30 +40 17 6 Y J31 +40 17 6 Y J32 +40 17 6 Y J33 +40 17 6 Y J34 +40 17 6 Y J35 +40 17 6 Y J36 +40 17 6 Y J37 +40 17 6 Y J38 +40 17 6 Y J39 +40 17 6 Y J40 +40 17 7 P G1 +40 17 8 O F0 +40 18 1 U C10 +40 18 2 PO A0 +40 18 2 PO A1 +40 18 2 PO A2 +40 18 2 PO A3 +40 18 2 PO A4 +40 18 2 PO A5 +40 18 2 PO A6 +40 18 2 PO A7 +40 18 2 PO A8 +40 18 2 PO A9 +40 18 2 PO A10 +40 18 2 PO A11 +40 18 2 PO A12 +40 18 2 PO A13 +40 18 2 PO A14 +40 18 2 PO A15 +40 18 2 PO A16 +40 18 2 PO A17 +40 18 2 PO A18 +40 18 2 PO A19 +40 18 2 PO A20 +40 18 2 PO A21 +40 18 2 PO A22 +40 18 2 PO A23 +40 18 2 PO A24 +40 18 2 PO A25 +40 18 2 PO A26 +40 18 2 PO A27 +40 18 2 PO A28 +40 18 2 PO A29 +40 18 2 PO A30 +40 18 2 PO A31 +40 18 2 PO A32 +40 18 2 PO A33 +40 18 2 PO A34 +40 18 2 PO A35 +40 18 2 PO A36 +40 18 2 PO A37 +40 18 2 PO A38 +40 18 2 PO A39 +40 18 2 PO A40 +40 18 3 PI H31 +40 18 4 C F19 +40 18 5 CA I5 +40 18 6 P H2 +40 18 7 Y J0 +40 18 7 Y J1 +40 18 7 Y J2 +40 18 7 Y J3 +40 18 7 Y J4 +40 18 7 Y J5 +40 18 7 Y J6 +40 18 7 Y J7 +40 18 7 Y J8 +40 18 7 Y J9 +40 18 7 Y J10 +40 18 7 Y J11 +40 18 7 Y J12 +40 18 7 Y J13 +40 18 7 Y J14 +40 18 7 Y J15 +40 18 7 Y J16 +40 18 7 Y J17 +40 18 7 Y J18 +40 18 7 Y J19 +40 18 7 Y J20 +40 18 7 Y J21 +40 18 7 Y J22 +40 18 7 Y J23 +40 18 7 Y J24 +40 18 7 Y J25 +40 18 7 Y J26 +40 18 7 Y J27 +40 18 7 Y J28 +40 18 7 Y J29 +40 18 7 Y J30 +40 18 7 Y J31 +40 18 7 Y J32 +40 18 7 Y J33 +40 18 7 Y J34 +40 18 7 Y J35 +40 18 7 Y J36 +40 18 7 Y J37 +40 18 7 Y J38 +40 18 7 Y J39 +40 18 7 Y J40 +40 18 8 O G0 +40 19 1 PO A0 +40 19 1 PO A1 +40 19 1 PO A2 +40 19 1 PO A3 +40 19 1 PO A4 +40 19 1 PO A5 +40 19 1 PO A6 +40 19 1 PO A7 +40 19 1 PO A8 +40 19 1 PO A9 +40 19 1 PO A10 +40 19 1 PO A11 +40 19 1 PO A12 +40 19 1 PO A13 +40 19 1 PO A14 +40 19 1 PO A15 +40 19 1 PO A16 +40 19 1 PO A17 +40 19 1 PO A18 +40 19 1 PO A19 +40 19 1 PO A20 +40 19 1 PO A21 +40 19 1 PO A22 +40 19 1 PO A23 +40 19 1 PO A24 +40 19 1 PO A25 +40 19 1 PO A26 +40 19 1 PO A27 +40 19 1 PO A28 +40 19 1 PO A29 +40 19 1 PO A30 +40 19 1 PO A31 +40 19 1 PO A32 +40 19 1 PO A33 +40 19 1 PO A34 +40 19 1 PO A35 +40 19 1 PO A36 +40 19 1 PO A37 +40 19 1 PO A38 +40 19 1 PO A39 +40 19 1 PO A40 +40 19 2 U C10 +40 19 3 PI H30 +40 19 4 C F17 +40 19 5 P G3 +40 19 6 Y J0 +40 19 6 Y J1 +40 19 6 Y J2 +40 19 6 Y J3 +40 19 6 Y J4 +40 19 6 Y J5 +40 19 6 Y J6 +40 19 6 Y J7 +40 19 6 Y J8 +40 19 6 Y J9 +40 19 6 Y J10 +40 19 6 Y J11 +40 19 6 Y J12 +40 19 6 Y J13 +40 19 6 Y J14 +40 19 6 Y J15 +40 19 6 Y J16 +40 19 6 Y J17 +40 19 6 Y J18 +40 19 6 Y J19 +40 19 6 Y J20 +40 19 6 Y J21 +40 19 6 Y J22 +40 19 6 Y J23 +40 19 6 Y J24 +40 19 6 Y J25 +40 19 6 Y J26 +40 19 6 Y J27 +40 19 6 Y J28 +40 19 6 Y J29 +40 19 6 Y J30 +40 19 6 Y J31 +40 19 6 Y J32 +40 19 6 Y J33 +40 19 6 Y J34 +40 19 6 Y J35 +40 19 6 Y J36 +40 19 6 Y J37 +40 19 6 Y J38 +40 19 6 Y J39 +40 19 6 Y J40 +40 19 7 O E0 +40 20 1 PO A0 +40 20 1 PO A1 +40 20 1 PO A2 +40 20 1 PO A3 +40 20 1 PO A4 +40 20 1 PO A5 +40 20 1 PO A6 +40 20 1 PO A7 +40 20 1 PO A8 +40 20 1 PO A9 +40 20 1 PO A10 +40 20 1 PO A11 +40 20 1 PO A12 +40 20 1 PO A13 +40 20 1 PO A14 +40 20 1 PO A15 +40 20 1 PO A16 +40 20 1 PO A17 +40 20 1 PO A18 +40 20 1 PO A19 +40 20 1 PO A20 +40 20 1 PO A21 +40 20 1 PO A22 +40 20 1 PO A23 +40 20 1 PO A24 +40 20 1 PO A25 +40 20 1 PO A26 +40 20 1 PO A27 +40 20 1 PO A28 +40 20 1 PO A29 +40 20 1 PO A30 +40 20 1 PO A31 +40 20 1 PO A32 +40 20 1 PO A33 +40 20 1 PO A34 +40 20 1 PO A35 +40 20 1 PO A36 +40 20 1 PO A37 +40 20 1 PO A38 +40 20 1 PO A39 +40 20 1 PO A40 +40 20 2 U C8 +40 20 3 PI G30 +40 20 4 C F17 +40 20 5 CA H7 +40 20 6 P G3 +40 20 7 Y J0 +40 20 7 Y J1 +40 20 7 Y J2 +40 20 7 Y J3 +40 20 7 Y J4 +40 20 7 Y J5 +40 20 7 Y J6 +40 20 7 Y J7 +40 20 7 Y J8 +40 20 7 Y J9 +40 20 7 Y J10 +40 20 7 Y J11 +40 20 7 Y J12 +40 20 7 Y J13 +40 20 7 Y J14 +40 20 7 Y J15 +40 20 7 Y J16 +40 20 7 Y J17 +40 20 7 Y J18 +40 20 7 Y J19 +40 20 7 Y J20 +40 20 7 Y J21 +40 20 7 Y J22 +40 20 7 Y J23 +40 20 7 Y J24 +40 20 7 Y J25 +40 20 7 Y J26 +40 20 7 Y J27 +40 20 7 Y J28 +40 20 7 Y J29 +40 20 7 Y J30 +40 20 7 Y J31 +40 20 7 Y J32 +40 20 7 Y J33 +40 20 7 Y J34 +40 20 7 Y J35 +40 20 7 Y J36 +40 20 7 Y J37 +40 20 7 Y J38 +40 20 7 Y J39 +40 20 7 Y J40 +40 20 8 O F0 +40 21 1 U C9 +40 21 2 O C30 +40 21 3 PO A0 +40 21 3 PO A1 +40 21 3 PO A2 +40 21 3 PO A3 +40 21 3 PO A4 +40 21 3 PO A5 +40 21 3 PO A6 +40 21 3 PO A7 +40 21 3 PO A8 +40 21 3 PO A9 +40 21 3 PO A10 +40 21 3 PO A11 +40 21 3 PO A12 +40 21 3 PO A13 +40 21 3 PO A14 +40 21 3 PO A15 +40 21 3 PO A16 +40 21 3 PO A17 +40 21 3 PO A18 +40 21 3 PO A19 +40 21 3 PO A20 +40 21 3 PO A21 +40 21 3 PO A22 +40 21 3 PO A23 +40 21 3 PO A24 +40 21 3 PO A25 +40 21 3 PO A26 +40 21 3 PO A27 +40 21 3 PO A28 +40 21 3 PO A29 +40 21 3 PO A30 +40 21 3 PO A31 +40 21 3 PO A32 +40 21 3 PO A33 +40 21 3 PO A34 +40 21 3 PO A35 +40 21 3 PO A36 +40 21 3 PO A37 +40 21 3 PO A38 +40 21 3 PO A39 +40 21 3 PO A40 +40 21 4 Y J0 +40 21 4 Y J1 +40 21 4 Y J2 +40 21 4 Y J3 +40 21 4 Y J4 +40 21 4 Y J5 +40 21 4 Y J6 +40 21 4 Y J7 +40 21 4 Y J8 +40 21 4 Y J9 +40 21 4 Y J10 +40 21 4 Y J11 +40 21 4 Y J12 +40 21 4 Y J13 +40 21 4 Y J14 +40 21 4 Y J15 +40 21 4 Y J16 +40 21 4 Y J17 +40 21 4 Y J18 +40 21 4 Y J19 +40 21 4 Y J20 +40 21 4 Y J21 +40 21 4 Y J22 +40 21 4 Y J23 +40 21 4 Y J24 +40 21 4 Y J25 +40 21 4 Y J26 +40 21 4 Y J27 +40 21 4 Y J28 +40 21 4 Y J29 +40 21 4 Y J30 +40 21 4 Y J31 +40 21 4 Y J32 +40 21 4 Y J33 +40 21 4 Y J34 +40 21 4 Y J35 +40 21 4 Y J36 +40 21 4 Y J37 +40 21 4 Y J38 +40 21 4 Y J39 +40 21 4 Y J40 +40 21 5 P F1 +40 21 6 PI H30 +40 21 7 C G17 +40 21 8 CA I10 +40 22 1 O D0 +40 22 2 U C11 +40 22 3 C D15 +40 22 4 PO A0 +40 22 4 PO A1 +40 22 4 PO A2 +40 22 4 PO A3 +40 22 4 PO A4 +40 22 4 PO A5 +40 22 4 PO A6 +40 22 4 PO A7 +40 22 4 PO A8 +40 22 4 PO A9 +40 22 4 PO A10 +40 22 4 PO A11 +40 22 4 PO A12 +40 22 4 PO A13 +40 22 4 PO A14 +40 22 4 PO A15 +40 22 4 PO A16 +40 22 4 PO A17 +40 22 4 PO A18 +40 22 4 PO A19 +40 22 4 PO A20 +40 22 4 PO A21 +40 22 4 PO A22 +40 22 4 PO A23 +40 22 4 PO A24 +40 22 4 PO A25 +40 22 4 PO A26 +40 22 4 PO A27 +40 22 4 PO A28 +40 22 4 PO A29 +40 22 4 PO A30 +40 22 4 PO A31 +40 22 4 PO A32 +40 22 4 PO A33 +40 22 4 PO A34 +40 22 4 PO A35 +40 22 4 PO A36 +40 22 4 PO A37 +40 22 4 PO A38 +40 22 4 PO A39 +40 22 4 PO A40 +40 22 5 PI F17 +40 22 6 Y J0 +40 22 6 Y J1 +40 22 6 Y J2 +40 22 6 Y J3 +40 22 6 Y J4 +40 22 6 Y J5 +40 22 6 Y J6 +40 22 6 Y J7 +40 22 6 Y J8 +40 22 6 Y J9 +40 22 6 Y J10 +40 22 6 Y J11 +40 22 6 Y J12 +40 22 6 Y J13 +40 22 6 Y J14 +40 22 6 Y J15 +40 22 6 Y J16 +40 22 6 Y J17 +40 22 6 Y J18 +40 22 6 Y J19 +40 22 6 Y J20 +40 22 6 Y J21 +40 22 6 Y J22 +40 22 6 Y J23 +40 22 6 Y J24 +40 22 6 Y J25 +40 22 6 Y J26 +40 22 6 Y J27 +40 22 6 Y J28 +40 22 6 Y J29 +40 22 6 Y J30 +40 22 6 Y J31 +40 22 6 Y J32 +40 22 6 Y J33 +40 22 6 Y J34 +40 22 6 Y J35 +40 22 6 Y J36 +40 22 6 Y J37 +40 22 6 Y J38 +40 22 6 Y J39 +40 22 6 Y J40 +40 22 7 P F2 +40 23 1 O C0 +40 23 2 PO A0 +40 23 2 PO A1 +40 23 2 PO A2 +40 23 2 PO A3 +40 23 2 PO A4 +40 23 2 PO A5 +40 23 2 PO A6 +40 23 2 PO A7 +40 23 2 PO A8 +40 23 2 PO A9 +40 23 2 PO A10 +40 23 2 PO A11 +40 23 2 PO A12 +40 23 2 PO A13 +40 23 2 PO A14 +40 23 2 PO A15 +40 23 2 PO A16 +40 23 2 PO A17 +40 23 2 PO A18 +40 23 2 PO A19 +40 23 2 PO A20 +40 23 2 PO A21 +40 23 2 PO A22 +40 23 2 PO A23 +40 23 2 PO A24 +40 23 2 PO A25 +40 23 2 PO A26 +40 23 2 PO A27 +40 23 2 PO A28 +40 23 2 PO A29 +40 23 2 PO A30 +40 23 2 PO A31 +40 23 2 PO A32 +40 23 2 PO A33 +40 23 2 PO A34 +40 23 2 PO A35 +40 23 2 PO A36 +40 23 2 PO A37 +40 23 2 PO A38 +40 23 2 PO A39 +40 23 2 PO A40 +40 23 3 U C8 +40 23 4 PI G30 +40 23 5 C F16 +40 23 6 CA I7 +40 23 7 Y J0 +40 23 7 Y J1 +40 23 7 Y J2 +40 23 7 Y J3 +40 23 7 Y J4 +40 23 7 Y J5 +40 23 7 Y J6 +40 23 7 Y J7 +40 23 7 Y J8 +40 23 7 Y J9 +40 23 7 Y J10 +40 23 7 Y J11 +40 23 7 Y J12 +40 23 7 Y J13 +40 23 7 Y J14 +40 23 7 Y J15 +40 23 7 Y J16 +40 23 7 Y J17 +40 23 7 Y J18 +40 23 7 Y J19 +40 23 7 Y J20 +40 23 7 Y J21 +40 23 7 Y J22 +40 23 7 Y J23 +40 23 7 Y J24 +40 23 7 Y J25 +40 23 7 Y J26 +40 23 7 Y J27 +40 23 7 Y J28 +40 23 7 Y J29 +40 23 7 Y J30 +40 23 7 Y J31 +40 23 7 Y J32 +40 23 7 Y J33 +40 23 7 Y J34 +40 23 7 Y J35 +40 23 7 Y J36 +40 23 7 Y J37 +40 23 7 Y J38 +40 23 7 Y J39 +40 23 7 Y J40 +40 23 8 P F1 +40 24 1 PO A0 +40 24 1 PO A1 +40 24 1 PO A2 +40 24 1 PO A3 +40 24 1 PO A4 +40 24 1 PO A5 +40 24 1 PO A6 +40 24 1 PO A7 +40 24 1 PO A8 +40 24 1 PO A9 +40 24 1 PO A10 +40 24 1 PO A11 +40 24 1 PO A12 +40 24 1 PO A13 +40 24 1 PO A14 +40 24 1 PO A15 +40 24 1 PO A16 +40 24 1 PO A17 +40 24 1 PO A18 +40 24 1 PO A19 +40 24 1 PO A20 +40 24 1 PO A21 +40 24 1 PO A22 +40 24 1 PO A23 +40 24 1 PO A24 +40 24 1 PO A25 +40 24 1 PO A26 +40 24 1 PO A27 +40 24 1 PO A28 +40 24 1 PO A29 +40 24 1 PO A30 +40 24 1 PO A31 +40 24 1 PO A32 +40 24 1 PO A33 +40 24 1 PO A34 +40 24 1 PO A35 +40 24 1 PO A36 +40 24 1 PO A37 +40 24 1 PO A38 +40 24 1 PO A39 +40 24 1 PO A40 +40 24 2 U C9 +40 24 3 PI H29 +40 24 4 C H20 +40 24 5 CA H8 +40 24 6 Y J0 +40 24 6 Y J1 +40 24 6 Y J2 +40 24 6 Y J3 +40 24 6 Y J4 +40 24 6 Y J5 +40 24 6 Y J6 +40 24 6 Y J7 +40 24 6 Y J8 +40 24 6 Y J9 +40 24 6 Y J10 +40 24 6 Y J11 +40 24 6 Y J12 +40 24 6 Y J13 +40 24 6 Y J14 +40 24 6 Y J15 +40 24 6 Y J16 +40 24 6 Y J17 +40 24 6 Y J18 +40 24 6 Y J19 +40 24 6 Y J20 +40 24 6 Y J21 +40 24 6 Y J22 +40 24 6 Y J23 +40 24 6 Y J24 +40 24 6 Y J25 +40 24 6 Y J26 +40 24 6 Y J27 +40 24 6 Y J28 +40 24 6 Y J29 +40 24 6 Y J30 +40 24 6 Y J31 +40 24 6 Y J32 +40 24 6 Y J33 +40 24 6 Y J34 +40 24 6 Y J35 +40 24 6 Y J36 +40 24 6 Y J37 +40 24 6 Y J38 +40 24 6 Y J39 +40 24 6 Y J40 +40 24 7 P G1 +40 24 8 O E0 +40 25 1 PO A0 +40 25 1 PO A1 +40 25 1 PO A2 +40 25 1 PO A3 +40 25 1 PO A4 +40 25 1 PO A5 +40 25 1 PO A6 +40 25 1 PO A7 +40 25 1 PO A8 +40 25 1 PO A9 +40 25 1 PO A10 +40 25 1 PO A11 +40 25 1 PO A12 +40 25 1 PO A13 +40 25 1 PO A14 +40 25 1 PO A15 +40 25 1 PO A16 +40 25 1 PO A17 +40 25 1 PO A18 +40 25 1 PO A19 +40 25 1 PO A20 +40 25 1 PO A21 +40 25 1 PO A22 +40 25 1 PO A23 +40 25 1 PO A24 +40 25 1 PO A25 +40 25 1 PO A26 +40 25 1 PO A27 +40 25 1 PO A28 +40 25 1 PO A29 +40 25 1 PO A30 +40 25 1 PO A31 +40 25 1 PO A32 +40 25 1 PO A33 +40 25 1 PO A34 +40 25 1 PO A35 +40 25 1 PO A36 +40 25 1 PO A37 +40 25 1 PO A38 +40 25 1 PO A39 +40 25 1 PO A40 +40 25 2 U C9 +40 25 3 PI H30 +40 25 4 C H17 +40 25 5 CA H7 +40 25 6 Y J0 +40 25 6 Y J1 +40 25 6 Y J2 +40 25 6 Y J3 +40 25 6 Y J4 +40 25 6 Y J5 +40 25 6 Y J6 +40 25 6 Y J7 +40 25 6 Y J8 +40 25 6 Y J9 +40 25 6 Y J10 +40 25 6 Y J11 +40 25 6 Y J12 +40 25 6 Y J13 +40 25 6 Y J14 +40 25 6 Y J15 +40 25 6 Y J16 +40 25 6 Y J17 +40 25 6 Y J18 +40 25 6 Y J19 +40 25 6 Y J20 +40 25 6 Y J21 +40 25 6 Y J22 +40 25 6 Y J23 +40 25 6 Y J24 +40 25 6 Y J25 +40 25 6 Y J26 +40 25 6 Y J27 +40 25 6 Y J28 +40 25 6 Y J29 +40 25 6 Y J30 +40 25 6 Y J31 +40 25 6 Y J32 +40 25 6 Y J33 +40 25 6 Y J34 +40 25 6 Y J35 +40 25 6 Y J36 +40 25 6 Y J37 +40 25 6 Y J38 +40 25 6 Y J39 +40 25 6 Y J40 +40 25 7 O E0 +40 25 8 P F4 +40 26 1 O D0 +40 26 2 PO A0 +40 26 2 PO A1 +40 26 2 PO A2 +40 26 2 PO A3 +40 26 2 PO A4 +40 26 2 PO A5 +40 26 2 PO A6 +40 26 2 PO A7 +40 26 2 PO A8 +40 26 2 PO A9 +40 26 2 PO A10 +40 26 2 PO A11 +40 26 2 PO A12 +40 26 2 PO A13 +40 26 2 PO A14 +40 26 2 PO A15 +40 26 2 PO A16 +40 26 2 PO A17 +40 26 2 PO A18 +40 26 2 PO A19 +40 26 2 PO A20 +40 26 2 PO A21 +40 26 2 PO A22 +40 26 2 PO A23 +40 26 2 PO A24 +40 26 2 PO A25 +40 26 2 PO A26 +40 26 2 PO A27 +40 26 2 PO A28 +40 26 2 PO A29 +40 26 2 PO A30 +40 26 2 PO A31 +40 26 2 PO A32 +40 26 2 PO A33 +40 26 2 PO A34 +40 26 2 PO A35 +40 26 2 PO A36 +40 26 2 PO A37 +40 26 2 PO A38 +40 26 2 PO A39 +40 26 2 PO A40 +40 26 3 U D6 +40 26 4 C F16 +40 26 5 PI H17 +40 26 6 CA H7 +40 26 7 Y J0 +40 26 7 Y J1 +40 26 7 Y J2 +40 26 7 Y J3 +40 26 7 Y J4 +40 26 7 Y J5 +40 26 7 Y J6 +40 26 7 Y J7 +40 26 7 Y J8 +40 26 7 Y J9 +40 26 7 Y J10 +40 26 7 Y J11 +40 26 7 Y J12 +40 26 7 Y J13 +40 26 7 Y J14 +40 26 7 Y J15 +40 26 7 Y J16 +40 26 7 Y J17 +40 26 7 Y J18 +40 26 7 Y J19 +40 26 7 Y J20 +40 26 7 Y J21 +40 26 7 Y J22 +40 26 7 Y J23 +40 26 7 Y J24 +40 26 7 Y J25 +40 26 7 Y J26 +40 26 7 Y J27 +40 26 7 Y J28 +40 26 7 Y J29 +40 26 7 Y J30 +40 26 7 Y J31 +40 26 7 Y J32 +40 26 7 Y J33 +40 26 7 Y J34 +40 26 7 Y J35 +40 26 7 Y J36 +40 26 7 Y J37 +40 26 7 Y J38 +40 26 7 Y J39 +40 26 7 Y J40 +40 26 8 P H2 +40 27 1 PO A0 +40 27 1 PO A1 +40 27 1 PO A2 +40 27 1 PO A3 +40 27 1 PO A4 +40 27 1 PO A5 +40 27 1 PO A6 +40 27 1 PO A7 +40 27 1 PO A8 +40 27 1 PO A9 +40 27 1 PO A10 +40 27 1 PO A11 +40 27 1 PO A12 +40 27 1 PO A13 +40 27 1 PO A14 +40 27 1 PO A15 +40 27 1 PO A16 +40 27 1 PO A17 +40 27 1 PO A18 +40 27 1 PO A19 +40 27 1 PO A20 +40 27 1 PO A21 +40 27 1 PO A22 +40 27 1 PO A23 +40 27 1 PO A24 +40 27 1 PO A25 +40 27 1 PO A26 +40 27 1 PO A27 +40 27 1 PO A28 +40 27 1 PO A29 +40 27 1 PO A30 +40 27 1 PO A31 +40 27 1 PO A32 +40 27 1 PO A33 +40 27 1 PO A34 +40 27 1 PO A35 +40 27 1 PO A36 +40 27 1 PO A37 +40 27 1 PO A38 +40 27 1 PO A39 +40 27 1 PO A40 +40 27 2 U C9 +40 27 3 O C30 +40 27 4 PI I31 +40 27 5 C H17 +40 27 6 CA H8 +40 27 7 Y J0 +40 27 7 Y J1 +40 27 7 Y J2 +40 27 7 Y J3 +40 27 7 Y J4 +40 27 7 Y J5 +40 27 7 Y J6 +40 27 7 Y J7 +40 27 7 Y J8 +40 27 7 Y J9 +40 27 7 Y J10 +40 27 7 Y J11 +40 27 7 Y J12 +40 27 7 Y J13 +40 27 7 Y J14 +40 27 7 Y J15 +40 27 7 Y J16 +40 27 7 Y J17 +40 27 7 Y J18 +40 27 7 Y J19 +40 27 7 Y J20 +40 27 7 Y J21 +40 27 7 Y J22 +40 27 7 Y J23 +40 27 7 Y J24 +40 27 7 Y J25 +40 27 7 Y J26 +40 27 7 Y J27 +40 27 7 Y J28 +40 27 7 Y J29 +40 27 7 Y J30 +40 27 7 Y J31 +40 27 7 Y J32 +40 27 7 Y J33 +40 27 7 Y J34 +40 27 7 Y J35 +40 27 7 Y J36 +40 27 7 Y J37 +40 27 7 Y J38 +40 27 7 Y J39 +40 27 7 Y J40 +40 27 8 P G3 +41 1 1 TO A0 +41 1 1 TO A1 +41 1 1 TO A2 +41 1 1 TO A3 +41 1 1 TO A4 +41 1 1 TO A5 +41 1 1 TO A6 +41 1 1 TO A7 +41 1 1 TO A8 +41 1 1 TO A9 +41 1 1 TO A10 +41 1 1 TO A11 +41 1 1 TO A12 +41 1 1 TO A13 +41 1 1 TO A14 +41 1 1 TO A15 +41 1 1 TO A16 +41 1 1 TO A17 +41 1 1 TO A18 +41 1 1 TO A19 +41 1 1 TO A20 +41 1 1 TO A21 +41 1 1 TO A22 +41 1 1 TO A23 +41 1 1 TO A24 +41 1 1 TO A25 +41 1 1 TO A26 +41 1 1 TO A27 +41 1 1 TO A28 +41 1 1 TO A29 +41 1 1 TO A30 +41 1 1 TO A31 +41 1 1 TO A32 +41 1 1 TO A33 +41 1 1 TO A34 +41 1 1 TO A35 +41 1 1 TO A36 +41 1 1 TO A37 +41 1 1 TO A38 +41 1 1 TO A39 +41 1 1 TO A40 +41 1 1 TO B0 +41 1 1 TO B1 +41 1 1 TO B2 +41 1 1 TO B3 +41 1 1 TO B4 +41 1 1 TO B5 +41 1 1 TO B6 +41 1 1 TO B7 +41 1 1 TO B8 +41 1 1 TO B9 +41 1 1 TO B10 +41 1 1 TO B11 +41 1 1 TO B12 +41 1 1 TO B13 +41 1 1 TO B14 +41 1 1 TO B15 +41 1 1 TO B16 +41 1 1 TO B17 +41 1 1 TO B18 +41 1 1 TO B19 +41 1 1 TO B20 +41 1 1 TO B21 +41 1 1 TO B22 +41 1 1 TO B23 +41 1 1 TO B24 +41 1 1 TO B25 +41 1 1 TO B26 +41 1 1 TO B27 +41 1 1 TO B28 +41 1 1 TO B29 +41 1 1 TO B30 +41 1 1 TO B31 +41 1 1 TO B32 +41 1 1 TO B33 +41 1 1 TO B34 +41 1 1 TO B35 +41 1 1 TO B36 +41 1 1 TO B37 +41 1 1 TO B38 +41 1 1 TO B39 +41 1 1 TO B40 +41 1 2 OS H0 +41 1 2 OS I0 +41 1 2 OS J0 +41 1 2 OS J1 +41 1 2 OS J2 +41 1 2 OS J3 +41 1 2 OS J4 +41 1 2 OS J5 +41 1 2 OS J6 +41 1 2 OS J7 +41 1 2 OS J8 +41 1 2 OS J9 +41 1 2 OS J10 +41 1 2 OS J11 +41 1 2 OS J12 +41 1 2 OS J13 +41 1 2 OS J14 +41 1 2 OS J15 +41 1 2 OS J16 +41 1 2 OS J17 +41 1 2 OS J18 +41 1 2 OS J19 +41 1 2 OS J20 +41 1 2 OS J21 +41 1 2 OS J22 +41 1 2 OS J23 +41 1 2 OS J24 +41 1 2 OS J25 +41 1 2 OS J26 +41 1 2 OS J27 +41 1 2 OS J28 +41 1 2 OS J29 +41 1 2 OS J30 +41 1 2 OS J31 +41 1 2 OS J32 +41 1 2 OS J33 +41 1 2 OS J34 +41 1 2 OS J35 +41 1 2 OS J36 +41 1 2 OS J37 +41 1 2 OS J38 +41 1 2 OS J39 +41 1 2 OS J40 +41 1 3 SE F2 +41 1 4 SA C8 +41 1 5 SU I10 +41 1 6 SI F19 +41 2 1 TO A0 +41 2 1 TO A1 +41 2 1 TO A2 +41 2 1 TO A3 +41 2 1 TO A4 +41 2 1 TO A5 +41 2 1 TO A6 +41 2 1 TO A7 +41 2 1 TO A8 +41 2 1 TO A9 +41 2 1 TO A10 +41 2 1 TO A11 +41 2 1 TO A12 +41 2 1 TO A13 +41 2 1 TO A14 +41 2 1 TO A15 +41 2 1 TO A16 +41 2 1 TO A17 +41 2 1 TO A18 +41 2 1 TO A19 +41 2 1 TO A20 +41 2 1 TO A21 +41 2 1 TO A22 +41 2 1 TO A23 +41 2 1 TO A24 +41 2 1 TO A25 +41 2 1 TO A26 +41 2 1 TO A27 +41 2 1 TO A28 +41 2 1 TO A29 +41 2 1 TO A30 +41 2 1 TO A31 +41 2 1 TO A32 +41 2 1 TO A33 +41 2 1 TO A34 +41 2 1 TO A35 +41 2 1 TO A36 +41 2 1 TO A37 +41 2 1 TO A38 +41 2 1 TO A39 +41 2 1 TO A40 +41 2 2 OS J0 +41 2 2 OS J1 +41 2 2 OS J2 +41 2 2 OS J3 +41 2 2 OS J4 +41 2 2 OS J5 +41 2 2 OS J6 +41 2 2 OS J7 +41 2 2 OS J8 +41 2 2 OS J9 +41 2 2 OS J10 +41 2 2 OS J11 +41 2 2 OS J12 +41 2 2 OS J13 +41 2 2 OS J14 +41 2 2 OS J15 +41 2 2 OS J16 +41 2 2 OS J17 +41 2 2 OS J18 +41 2 2 OS J19 +41 2 2 OS J20 +41 2 2 OS J21 +41 2 2 OS J22 +41 2 2 OS J23 +41 2 2 OS J24 +41 2 2 OS J25 +41 2 2 OS J26 +41 2 2 OS J27 +41 2 2 OS J28 +41 2 2 OS J29 +41 2 2 OS J30 +41 2 2 OS J31 +41 2 2 OS J32 +41 2 2 OS J33 +41 2 2 OS J34 +41 2 2 OS J35 +41 2 2 OS J36 +41 2 2 OS J37 +41 2 2 OS J38 +41 2 2 OS J39 +41 2 2 OS J40 +41 2 3 SE G3 +41 2 4 SA C12 +41 2 5 SI F19 +41 2 6 SU G10 +41 3 1 OS J0 +41 3 1 OS J1 +41 3 1 OS J2 +41 3 1 OS J3 +41 3 1 OS J4 +41 3 1 OS J5 +41 3 1 OS J6 +41 3 1 OS J7 +41 3 1 OS J8 +41 3 1 OS J9 +41 3 1 OS J10 +41 3 1 OS J11 +41 3 1 OS J12 +41 3 1 OS J13 +41 3 1 OS J14 +41 3 1 OS J15 +41 3 1 OS J16 +41 3 1 OS J17 +41 3 1 OS J18 +41 3 1 OS J19 +41 3 1 OS J20 +41 3 1 OS J21 +41 3 1 OS J22 +41 3 1 OS J23 +41 3 1 OS J24 +41 3 1 OS J25 +41 3 1 OS J26 +41 3 1 OS J27 +41 3 1 OS J28 +41 3 1 OS J29 +41 3 1 OS J30 +41 3 1 OS J31 +41 3 1 OS J32 +41 3 1 OS J33 +41 3 1 OS J34 +41 3 1 OS J35 +41 3 1 OS J36 +41 3 1 OS J37 +41 3 1 OS J38 +41 3 1 OS J39 +41 3 1 OS J40 +41 3 2 SE G1 +41 3 3 SA C10 +41 3 4 SI F17 +41 3 5 SU I7 +41 3 6 MO F0 +41 4 1 TO A0 +41 4 1 TO A1 +41 4 1 TO A2 +41 4 1 TO A3 +41 4 1 TO A4 +41 4 1 TO A5 +41 4 1 TO A6 +41 4 1 TO A7 +41 4 1 TO A8 +41 4 1 TO A9 +41 4 1 TO A10 +41 4 1 TO A11 +41 4 1 TO A12 +41 4 1 TO A13 +41 4 1 TO A14 +41 4 1 TO A15 +41 4 1 TO A16 +41 4 1 TO A17 +41 4 1 TO A18 +41 4 1 TO A19 +41 4 1 TO A20 +41 4 1 TO A21 +41 4 1 TO A22 +41 4 1 TO A23 +41 4 1 TO A24 +41 4 1 TO A25 +41 4 1 TO A26 +41 4 1 TO A27 +41 4 1 TO A28 +41 4 1 TO A29 +41 4 1 TO A30 +41 4 1 TO A31 +41 4 1 TO A32 +41 4 1 TO A33 +41 4 1 TO A34 +41 4 1 TO A35 +41 4 1 TO A36 +41 4 1 TO A37 +41 4 1 TO A38 +41 4 1 TO A39 +41 4 1 TO A40 +41 4 1 TO B0 +41 4 1 TO B1 +41 4 1 TO B2 +41 4 1 TO B3 +41 4 1 TO B4 +41 4 1 TO B5 +41 4 1 TO B6 +41 4 1 TO B7 +41 4 1 TO B8 +41 4 1 TO B9 +41 4 1 TO B10 +41 4 1 TO B11 +41 4 1 TO B12 +41 4 1 TO B13 +41 4 1 TO B14 +41 4 1 TO B15 +41 4 1 TO B16 +41 4 1 TO B17 +41 4 1 TO B18 +41 4 1 TO B19 +41 4 1 TO B20 +41 4 1 TO B21 +41 4 1 TO B22 +41 4 1 TO B23 +41 4 1 TO B24 +41 4 1 TO B25 +41 4 1 TO B26 +41 4 1 TO B27 +41 4 1 TO B28 +41 4 1 TO B29 +41 4 1 TO B30 +41 4 1 TO B31 +41 4 1 TO B32 +41 4 1 TO B33 +41 4 1 TO B34 +41 4 1 TO B35 +41 4 1 TO B36 +41 4 1 TO B37 +41 4 1 TO B38 +41 4 1 TO B39 +41 4 1 TO B40 +41 4 2 OS I0 +41 4 2 OS I1 +41 4 2 OS I2 +41 4 2 OS I3 +41 4 2 OS I4 +41 4 2 OS I5 +41 4 2 OS I6 +41 4 2 OS I7 +41 4 2 OS I8 +41 4 2 OS I9 +41 4 2 OS I10 +41 4 2 OS I11 +41 4 2 OS I12 +41 4 2 OS I13 +41 4 2 OS I14 +41 4 2 OS I15 +41 4 2 OS I16 +41 4 2 OS I17 +41 4 2 OS I18 +41 4 2 OS I19 +41 4 2 OS I20 +41 4 2 OS I21 +41 4 2 OS I22 +41 4 2 OS I23 +41 4 2 OS I24 +41 4 2 OS I25 +41 4 2 OS I26 +41 4 2 OS I27 +41 4 2 OS I28 +41 4 2 OS I29 +41 4 2 OS I30 +41 4 2 OS I31 +41 4 2 OS I32 +41 4 2 OS I33 +41 4 2 OS I34 +41 4 2 OS I35 +41 4 2 OS I36 +41 4 2 OS I37 +41 4 2 OS I38 +41 4 2 OS I39 +41 4 2 OS I40 +41 4 2 OS J0 +41 4 2 OS J1 +41 4 2 OS J2 +41 4 2 OS J3 +41 4 2 OS J4 +41 4 2 OS J5 +41 4 2 OS J6 +41 4 2 OS J7 +41 4 2 OS J8 +41 4 2 OS J9 +41 4 2 OS J10 +41 4 2 OS J11 +41 4 2 OS J12 +41 4 2 OS J13 +41 4 2 OS J14 +41 4 2 OS J15 +41 4 2 OS J16 +41 4 2 OS J17 +41 4 2 OS J18 +41 4 2 OS J19 +41 4 2 OS J20 +41 4 2 OS J21 +41 4 2 OS J22 +41 4 2 OS J23 +41 4 2 OS J24 +41 4 2 OS J25 +41 4 2 OS J26 +41 4 2 OS J27 +41 4 2 OS J28 +41 4 2 OS J29 +41 4 2 OS J30 +41 4 2 OS J31 +41 4 2 OS J32 +41 4 2 OS J33 +41 4 2 OS J34 +41 4 2 OS J35 +41 4 2 OS J36 +41 4 2 OS J37 +41 4 2 OS J38 +41 4 2 OS J39 +41 4 2 OS J40 +41 4 3 SE G3 +41 4 4 SA D11 +41 4 5 SI F19 +41 4 6 SU F8 +41 5 1 TO A0 +41 5 1 TO A1 +41 5 1 TO A2 +41 5 1 TO A3 +41 5 1 TO A4 +41 5 1 TO A5 +41 5 1 TO A6 +41 5 1 TO A7 +41 5 1 TO A8 +41 5 1 TO A9 +41 5 1 TO A10 +41 5 1 TO A11 +41 5 1 TO A12 +41 5 1 TO A13 +41 5 1 TO A14 +41 5 1 TO A15 +41 5 1 TO A16 +41 5 1 TO A17 +41 5 1 TO A18 +41 5 1 TO A19 +41 5 1 TO A20 +41 5 1 TO A21 +41 5 1 TO A22 +41 5 1 TO A23 +41 5 1 TO A24 +41 5 1 TO A25 +41 5 1 TO A26 +41 5 1 TO A27 +41 5 1 TO A28 +41 5 1 TO A29 +41 5 1 TO A30 +41 5 1 TO A31 +41 5 1 TO A32 +41 5 1 TO A33 +41 5 1 TO A34 +41 5 1 TO A35 +41 5 1 TO A36 +41 5 1 TO A37 +41 5 1 TO A38 +41 5 1 TO A39 +41 5 1 TO A40 +41 5 2 OS J0 +41 5 2 OS J1 +41 5 2 OS J2 +41 5 2 OS J3 +41 5 2 OS J4 +41 5 2 OS J5 +41 5 2 OS J6 +41 5 2 OS J7 +41 5 2 OS J8 +41 5 2 OS J9 +41 5 2 OS J10 +41 5 2 OS J11 +41 5 2 OS J12 +41 5 2 OS J13 +41 5 2 OS J14 +41 5 2 OS J15 +41 5 2 OS J16 +41 5 2 OS J17 +41 5 2 OS J18 +41 5 2 OS J19 +41 5 2 OS J20 +41 5 2 OS J21 +41 5 2 OS J22 +41 5 2 OS J23 +41 5 2 OS J24 +41 5 2 OS J25 +41 5 2 OS J26 +41 5 2 OS J27 +41 5 2 OS J28 +41 5 2 OS J29 +41 5 2 OS J30 +41 5 2 OS J31 +41 5 2 OS J32 +41 5 2 OS J33 +41 5 2 OS J34 +41 5 2 OS J35 +41 5 2 OS J36 +41 5 2 OS J37 +41 5 2 OS J38 +41 5 2 OS J39 +41 5 2 OS J40 +41 5 3 SE F2 +41 5 4 SA C9 +41 5 5 SI G21 +41 5 6 SU I4 +41 6 1 TO A0 +41 6 1 TO A1 +41 6 1 TO A2 +41 6 1 TO A3 +41 6 1 TO A4 +41 6 1 TO A5 +41 6 1 TO A6 +41 6 1 TO A7 +41 6 1 TO A8 +41 6 1 TO A9 +41 6 1 TO A10 +41 6 1 TO A11 +41 6 1 TO A12 +41 6 1 TO A13 +41 6 1 TO A14 +41 6 1 TO A15 +41 6 1 TO A16 +41 6 1 TO A17 +41 6 1 TO A18 +41 6 1 TO A19 +41 6 1 TO A20 +41 6 1 TO A21 +41 6 1 TO A22 +41 6 1 TO A23 +41 6 1 TO A24 +41 6 1 TO A25 +41 6 1 TO A26 +41 6 1 TO A27 +41 6 1 TO A28 +41 6 1 TO A29 +41 6 1 TO A30 +41 6 1 TO A31 +41 6 1 TO A32 +41 6 1 TO A33 +41 6 1 TO A34 +41 6 1 TO A35 +41 6 1 TO A36 +41 6 1 TO A37 +41 6 1 TO A38 +41 6 1 TO A39 +41 6 1 TO A40 +41 6 2 OS J0 +41 6 2 OS J1 +41 6 2 OS J2 +41 6 2 OS J3 +41 6 2 OS J4 +41 6 2 OS J5 +41 6 2 OS J6 +41 6 2 OS J7 +41 6 2 OS J8 +41 6 2 OS J9 +41 6 2 OS J10 +41 6 2 OS J11 +41 6 2 OS J12 +41 6 2 OS J13 +41 6 2 OS J14 +41 6 2 OS J15 +41 6 2 OS J16 +41 6 2 OS J17 +41 6 2 OS J18 +41 6 2 OS J19 +41 6 2 OS J20 +41 6 2 OS J21 +41 6 2 OS J22 +41 6 2 OS J23 +41 6 2 OS J24 +41 6 2 OS J25 +41 6 2 OS J26 +41 6 2 OS J27 +41 6 2 OS J28 +41 6 2 OS J29 +41 6 2 OS J30 +41 6 2 OS J31 +41 6 2 OS J32 +41 6 2 OS J33 +41 6 2 OS J34 +41 6 2 OS J35 +41 6 2 OS J36 +41 6 2 OS J37 +41 6 2 OS J38 +41 6 2 OS J39 +41 6 2 OS J40 +41 6 3 SE F3 +41 6 4 SA C13 +41 6 5 SI E20 +41 6 5 SI H34 +41 6 6 SU F0 +41 7 1 TO A0 +41 7 1 TO A1 +41 7 1 TO A2 +41 7 1 TO A3 +41 7 1 TO A4 +41 7 1 TO A5 +41 7 1 TO A6 +41 7 1 TO A7 +41 7 1 TO A8 +41 7 1 TO A9 +41 7 1 TO A10 +41 7 1 TO A11 +41 7 1 TO A12 +41 7 1 TO A13 +41 7 1 TO A14 +41 7 1 TO A15 +41 7 1 TO A16 +41 7 1 TO A17 +41 7 1 TO A18 +41 7 1 TO A19 +41 7 1 TO A20 +41 7 1 TO A21 +41 7 1 TO A22 +41 7 1 TO A23 +41 7 1 TO A24 +41 7 1 TO A25 +41 7 1 TO A26 +41 7 1 TO A27 +41 7 1 TO A28 +41 7 1 TO A29 +41 7 1 TO A30 +41 7 1 TO A31 +41 7 1 TO A32 +41 7 1 TO A33 +41 7 1 TO A34 +41 7 1 TO A35 +41 7 1 TO A36 +41 7 1 TO A37 +41 7 1 TO A38 +41 7 1 TO A39 +41 7 1 TO A40 +41 7 2 OS J0 +41 7 2 OS J1 +41 7 2 OS J2 +41 7 2 OS J3 +41 7 2 OS J4 +41 7 2 OS J5 +41 7 2 OS J6 +41 7 2 OS J7 +41 7 2 OS J8 +41 7 2 OS J9 +41 7 2 OS J10 +41 7 2 OS J11 +41 7 2 OS J12 +41 7 2 OS J13 +41 7 2 OS J14 +41 7 2 OS J15 +41 7 2 OS J16 +41 7 2 OS J17 +41 7 2 OS J18 +41 7 2 OS J19 +41 7 2 OS J20 +41 7 2 OS J21 +41 7 2 OS J22 +41 7 2 OS J23 +41 7 2 OS J24 +41 7 2 OS J25 +41 7 2 OS J26 +41 7 2 OS J27 +41 7 2 OS J28 +41 7 2 OS J29 +41 7 2 OS J30 +41 7 2 OS J31 +41 7 2 OS J32 +41 7 2 OS J33 +41 7 2 OS J34 +41 7 2 OS J35 +41 7 2 OS J36 +41 7 2 OS J37 +41 7 2 OS J38 +41 7 2 OS J39 +41 7 2 OS J40 +41 7 3 SE G2 +41 7 4 SA C8 +41 7 5 SI F17 +41 7 6 SU G7 +41 8 1 TO A0 +41 8 1 TO A1 +41 8 1 TO A2 +41 8 1 TO A3 +41 8 1 TO A4 +41 8 1 TO A5 +41 8 1 TO A6 +41 8 1 TO A7 +41 8 1 TO A8 +41 8 1 TO A9 +41 8 1 TO A10 +41 8 1 TO A11 +41 8 1 TO A12 +41 8 1 TO A13 +41 8 1 TO A14 +41 8 1 TO A15 +41 8 1 TO A16 +41 8 1 TO A17 +41 8 1 TO A18 +41 8 1 TO A19 +41 8 1 TO A20 +41 8 1 TO A21 +41 8 1 TO A22 +41 8 1 TO A23 +41 8 1 TO A24 +41 8 1 TO A25 +41 8 1 TO A26 +41 8 1 TO A27 +41 8 1 TO A28 +41 8 1 TO A29 +41 8 1 TO A30 +41 8 1 TO A31 +41 8 1 TO A32 +41 8 1 TO A33 +41 8 1 TO A34 +41 8 1 TO A35 +41 8 1 TO A36 +41 8 1 TO A37 +41 8 1 TO A38 +41 8 1 TO A39 +41 8 1 TO A40 +41 8 2 OS J0 +41 8 2 OS J1 +41 8 2 OS J2 +41 8 2 OS J3 +41 8 2 OS J4 +41 8 2 OS J5 +41 8 2 OS J6 +41 8 2 OS J7 +41 8 2 OS J8 +41 8 2 OS J9 +41 8 2 OS J10 +41 8 2 OS J11 +41 8 2 OS J12 +41 8 2 OS J13 +41 8 2 OS J14 +41 8 2 OS J15 +41 8 2 OS J16 +41 8 2 OS J17 +41 8 2 OS J18 +41 8 2 OS J19 +41 8 2 OS J20 +41 8 2 OS J21 +41 8 2 OS J22 +41 8 2 OS J23 +41 8 2 OS J24 +41 8 2 OS J25 +41 8 2 OS J26 +41 8 2 OS J27 +41 8 2 OS J28 +41 8 2 OS J29 +41 8 2 OS J30 +41 8 2 OS J31 +41 8 2 OS J32 +41 8 2 OS J33 +41 8 2 OS J34 +41 8 2 OS J35 +41 8 2 OS J36 +41 8 2 OS J37 +41 8 2 OS J38 +41 8 2 OS J39 +41 8 2 OS J40 +41 8 3 SE G2 +41 8 4 SA C8 +41 8 5 SI F18 +41 8 6 MO H31 +41 8 7 SU G7 +41 9 1 TO A0 +41 9 1 TO A1 +41 9 1 TO A2 +41 9 1 TO A3 +41 9 1 TO A4 +41 9 1 TO A5 +41 9 1 TO A6 +41 9 1 TO A7 +41 9 1 TO A8 +41 9 1 TO A9 +41 9 1 TO A10 +41 9 1 TO A11 +41 9 1 TO A12 +41 9 1 TO A13 +41 9 1 TO A14 +41 9 1 TO A15 +41 9 1 TO A16 +41 9 1 TO A17 +41 9 1 TO A18 +41 9 1 TO A19 +41 9 1 TO A20 +41 9 1 TO A21 +41 9 1 TO A22 +41 9 1 TO A23 +41 9 1 TO A24 +41 9 1 TO A25 +41 9 1 TO A26 +41 9 1 TO A27 +41 9 1 TO A28 +41 9 1 TO A29 +41 9 1 TO A30 +41 9 1 TO A31 +41 9 1 TO A32 +41 9 1 TO A33 +41 9 1 TO A34 +41 9 1 TO A35 +41 9 1 TO A36 +41 9 1 TO A37 +41 9 1 TO A38 +41 9 1 TO A39 +41 9 1 TO A40 +41 9 1 TO B0 +41 9 1 TO B1 +41 9 1 TO B2 +41 9 1 TO B3 +41 9 1 TO B4 +41 9 1 TO B5 +41 9 1 TO B6 +41 9 1 TO B7 +41 9 1 TO B8 +41 9 1 TO B15 +41 9 1 TO B16 +41 9 1 TO B17 +41 9 1 TO B18 +41 9 1 TO B19 +41 9 1 TO B20 +41 9 1 TO B21 +41 9 1 TO B22 +41 9 1 TO B23 +41 9 1 TO B24 +41 9 1 TO B25 +41 9 1 TO B26 +41 9 1 TO B27 +41 9 1 TO B28 +41 9 1 TO B29 +41 9 1 TO B30 +41 9 1 TO B31 +41 9 1 TO B32 +41 9 1 TO B33 +41 9 1 TO B34 +41 9 1 TO B35 +41 9 1 TO B36 +41 9 1 TO B37 +41 9 1 TO B38 +41 9 1 TO B39 +41 9 1 TO B40 +41 9 2 MO I11 +41 9 2 MO I12 +41 9 2 MO I13 +41 9 2 MO I14 +41 9 2 MO I15 +41 9 2 MO I16 +41 9 2 MO I17 +41 9 2 MO I18 +41 9 2 MO I19 +41 9 2 MO I20 +41 9 2 MO I21 +41 9 2 MO I22 +41 9 2 MO I23 +41 9 2 MO I24 +41 9 2 MO I25 +41 9 2 MO I26 +41 9 2 MO I27 +41 9 2 MO I28 +41 9 2 MO I29 +41 9 2 MO I30 +41 9 2 MO I31 +41 9 2 MO I32 +41 9 2 MO I33 +41 9 2 MO I34 +41 9 2 MO I35 +41 9 2 MO I36 +41 9 2 MO I37 +41 9 2 MO I38 +41 9 2 MO I39 +41 9 2 MO I40 +41 9 2 MO J0 +41 9 2 MO J1 +41 9 2 MO J2 +41 9 2 MO J3 +41 9 2 MO J4 +41 9 2 MO J5 +41 9 2 MO J6 +41 9 2 MO J7 +41 9 2 MO J8 +41 9 2 MO J9 +41 9 2 MO J10 +41 9 2 MO J11 +41 9 2 MO J12 +41 9 2 MO J13 +41 9 2 MO J14 +41 9 2 MO J15 +41 9 2 MO J16 +41 9 2 MO J17 +41 9 2 MO J18 +41 9 2 MO J19 +41 9 2 MO J20 +41 9 2 MO J21 +41 9 2 MO J22 +41 9 2 MO J23 +41 9 2 MO J24 +41 9 2 MO J25 +41 9 2 MO J26 +41 9 2 MO J27 +41 9 2 MO J28 +41 9 2 MO J29 +41 9 2 MO J30 +41 9 2 MO J31 +41 9 2 MO J32 +41 9 2 MO J33 +41 9 2 MO J34 +41 9 2 MO J35 +41 9 2 MO J36 +41 9 2 MO J37 +41 9 2 MO J38 +41 9 2 MO J39 +41 9 2 MO J40 +41 9 3 SE G2 +41 9 4 SA C9 +41 9 5 SI F20 +41 9 6 SU I7 +41 10 1 TO A0 +41 10 1 TO A1 +41 10 1 TO A2 +41 10 1 TO A3 +41 10 1 TO A4 +41 10 1 TO A5 +41 10 1 TO A6 +41 10 1 TO A7 +41 10 1 TO A8 +41 10 1 TO A9 +41 10 1 TO A10 +41 10 1 TO A11 +41 10 1 TO A12 +41 10 1 TO A13 +41 10 1 TO A14 +41 10 1 TO A15 +41 10 1 TO A16 +41 10 1 TO A17 +41 10 1 TO A18 +41 10 1 TO A19 +41 10 1 TO A20 +41 10 1 TO A21 +41 10 1 TO A22 +41 10 1 TO A23 +41 10 1 TO A24 +41 10 1 TO A25 +41 10 1 TO A26 +41 10 1 TO A27 +41 10 1 TO A28 +41 10 1 TO A29 +41 10 1 TO A30 +41 10 1 TO A31 +41 10 1 TO A32 +41 10 1 TO A33 +41 10 1 TO A34 +41 10 1 TO A35 +41 10 1 TO A36 +41 10 1 TO A37 +41 10 1 TO A38 +41 10 1 TO A39 +41 10 1 TO A40 +41 10 1 TO B0 +41 10 1 TO B1 +41 10 1 TO B2 +41 10 1 TO B3 +41 10 1 TO B4 +41 10 1 TO B5 +41 10 1 TO B6 +41 10 1 TO B7 +41 10 1 TO B8 +41 10 1 TO B14 +41 10 1 TO B15 +41 10 1 TO B16 +41 10 1 TO B17 +41 10 1 TO B18 +41 10 1 TO B19 +41 10 1 TO B20 +41 10 1 TO B21 +41 10 1 TO B22 +41 10 1 TO B23 +41 10 1 TO B24 +41 10 1 TO B25 +41 10 1 TO B26 +41 10 1 TO B27 +41 10 1 TO B28 +41 10 1 TO B29 +41 10 1 TO B30 +41 10 1 TO B31 +41 10 1 TO B32 +41 10 1 TO B33 +41 10 1 TO B34 +41 10 1 TO B35 +41 10 1 TO B36 +41 10 1 TO B37 +41 10 1 TO B38 +41 10 1 TO B39 +41 10 1 TO B40 +41 10 2 OS J0 +41 10 2 OS J1 +41 10 2 OS J2 +41 10 2 OS J3 +41 10 2 OS J4 +41 10 2 OS J5 +41 10 2 OS J6 +41 10 2 OS J7 +41 10 2 OS J8 +41 10 2 OS J9 +41 10 2 OS J10 +41 10 2 OS J11 +41 10 2 OS J12 +41 10 2 OS J13 +41 10 2 OS J14 +41 10 2 OS J15 +41 10 2 OS J16 +41 10 2 OS J17 +41 10 2 OS J18 +41 10 2 OS J19 +41 10 2 OS J20 +41 10 2 OS J21 +41 10 2 OS J22 +41 10 2 OS J23 +41 10 2 OS J24 +41 10 2 OS J25 +41 10 2 OS J26 +41 10 2 OS J27 +41 10 2 OS J28 +41 10 2 OS J29 +41 10 2 OS J30 +41 10 2 OS J31 +41 10 2 OS J32 +41 10 2 OS J33 +41 10 2 OS J34 +41 10 2 OS J35 +41 10 2 OS J36 +41 10 2 OS J37 +41 10 2 OS J38 +41 10 2 OS J39 +41 10 2 OS J40 +41 10 3 SE F2 +41 10 3 SE H37 +41 10 4 SA C9 +41 10 5 SI F29 +41 10 6 WE G12 +41 11 1 TO A0 +41 11 1 TO A1 +41 11 1 TO A2 +41 11 1 TO A3 +41 11 1 TO A4 +41 11 1 TO A5 +41 11 1 TO A6 +41 11 1 TO A7 +41 11 1 TO A8 +41 11 1 TO A9 +41 11 1 TO A10 +41 11 1 TO A11 +41 11 1 TO A12 +41 11 1 TO A13 +41 11 1 TO A14 +41 11 1 TO A15 +41 11 1 TO A16 +41 11 1 TO A17 +41 11 1 TO A18 +41 11 1 TO A19 +41 11 1 TO A20 +41 11 1 TO A21 +41 11 1 TO A22 +41 11 1 TO A23 +41 11 1 TO A24 +41 11 1 TO A25 +41 11 1 TO A26 +41 11 1 TO A27 +41 11 1 TO A28 +41 11 1 TO A29 +41 11 1 TO A30 +41 11 1 TO A31 +41 11 1 TO A32 +41 11 1 TO A33 +41 11 1 TO A34 +41 11 1 TO A35 +41 11 1 TO A36 +41 11 1 TO A37 +41 11 1 TO A38 +41 11 1 TO A39 +41 11 1 TO A40 +41 11 1 TO B0 +41 11 1 TO B1 +41 11 1 TO B2 +41 11 1 TO B3 +41 11 1 TO B4 +41 11 1 TO B5 +41 11 1 TO B6 +41 11 1 TO B7 +41 11 1 TO B8 +41 11 1 TO B9 +41 11 1 TO B10 +41 11 1 TO B11 +41 11 1 TO B12 +41 11 1 TO B13 +41 11 1 TO B14 +41 11 1 TO B15 +41 11 1 TO B16 +41 11 1 TO B17 +41 11 1 TO B18 +41 11 1 TO B19 +41 11 1 TO B20 +41 11 1 TO B21 +41 11 1 TO B22 +41 11 1 TO B23 +41 11 1 TO B24 +41 11 1 TO B25 +41 11 1 TO B26 +41 11 1 TO B27 +41 11 1 TO B28 +41 11 1 TO B29 +41 11 1 TO B30 +41 11 1 TO B31 +41 11 1 TO B32 +41 11 1 TO B33 +41 11 1 TO B34 +41 11 1 TO B35 +41 11 1 TO B36 +41 11 1 TO B37 +41 11 1 TO B38 +41 11 1 TO B39 +41 11 1 TO B40 +41 11 2 OS I0 +41 11 2 OS I1 +41 11 2 OS I2 +41 11 2 OS I3 +41 11 2 OS I4 +41 11 2 OS I5 +41 11 2 OS I6 +41 11 2 OS I7 +41 11 2 OS I8 +41 11 2 OS I9 +41 11 2 OS I10 +41 11 2 OS I11 +41 11 2 OS I12 +41 11 2 OS I13 +41 11 2 OS I14 +41 11 2 OS I15 +41 11 2 OS I16 +41 11 2 OS I17 +41 11 2 OS I18 +41 11 2 OS I19 +41 11 2 OS I20 +41 11 2 OS I21 +41 11 2 OS I22 +41 11 2 OS I23 +41 11 2 OS I24 +41 11 2 OS I25 +41 11 2 OS I26 +41 11 2 OS I27 +41 11 2 OS I28 +41 11 2 OS I29 +41 11 2 OS I30 +41 11 2 OS I31 +41 11 2 OS I32 +41 11 2 OS I33 +41 11 2 OS I34 +41 11 2 OS I35 +41 11 2 OS I36 +41 11 2 OS I37 +41 11 2 OS I38 +41 11 2 OS I39 +41 11 2 OS I40 +41 11 2 OS J0 +41 11 2 OS J1 +41 11 2 OS J2 +41 11 2 OS J3 +41 11 2 OS J4 +41 11 2 OS J5 +41 11 2 OS J6 +41 11 2 OS J7 +41 11 2 OS J8 +41 11 2 OS J9 +41 11 2 OS J10 +41 11 2 OS J11 +41 11 2 OS J12 +41 11 2 OS J13 +41 11 2 OS J14 +41 11 2 OS J15 +41 11 2 OS J16 +41 11 2 OS J17 +41 11 2 OS J18 +41 11 2 OS J19 +41 11 2 OS J20 +41 11 2 OS J21 +41 11 2 OS J22 +41 11 2 OS J23 +41 11 2 OS J24 +41 11 2 OS J25 +41 11 2 OS J26 +41 11 2 OS J27 +41 11 2 OS J28 +41 11 2 OS J29 +41 11 2 OS J30 +41 11 2 OS J31 +41 11 2 OS J32 +41 11 2 OS J33 +41 11 2 OS J34 +41 11 2 OS J35 +41 11 2 OS J36 +41 11 2 OS J37 +41 11 2 OS J38 +41 11 2 OS J39 +41 11 2 OS J40 +41 11 3 SE F1 +41 11 4 SA C9 +41 11 5 SI F18 +41 11 6 SU G5 +41 12 1 TO A0 +41 12 1 TO A1 +41 12 1 TO A2 +41 12 1 TO A3 +41 12 1 TO A4 +41 12 1 TO A5 +41 12 1 TO A6 +41 12 1 TO A7 +41 12 1 TO A8 +41 12 1 TO A9 +41 12 1 TO A10 +41 12 1 TO A11 +41 12 1 TO A12 +41 12 1 TO A13 +41 12 1 TO A14 +41 12 1 TO A15 +41 12 1 TO A16 +41 12 1 TO A17 +41 12 1 TO A18 +41 12 1 TO A19 +41 12 1 TO A20 +41 12 1 TO A21 +41 12 1 TO A22 +41 12 1 TO A23 +41 12 1 TO A24 +41 12 1 TO A25 +41 12 1 TO A26 +41 12 1 TO A27 +41 12 1 TO A28 +41 12 1 TO A29 +41 12 1 TO A30 +41 12 1 TO A31 +41 12 1 TO A32 +41 12 1 TO A33 +41 12 1 TO A34 +41 12 1 TO A35 +41 12 1 TO A36 +41 12 1 TO A37 +41 12 1 TO A38 +41 12 1 TO A39 +41 12 1 TO A40 +41 12 2 OS J0 +41 12 2 OS J1 +41 12 2 OS J2 +41 12 2 OS J3 +41 12 2 OS J4 +41 12 2 OS J5 +41 12 2 OS J6 +41 12 2 OS J7 +41 12 2 OS J8 +41 12 2 OS J9 +41 12 2 OS J10 +41 12 2 OS J11 +41 12 2 OS J12 +41 12 2 OS J13 +41 12 2 OS J14 +41 12 2 OS J15 +41 12 2 OS J16 +41 12 2 OS J17 +41 12 2 OS J18 +41 12 2 OS J19 +41 12 2 OS J20 +41 12 2 OS J21 +41 12 2 OS J22 +41 12 2 OS J23 +41 12 2 OS J24 +41 12 2 OS J25 +41 12 2 OS J26 +41 12 2 OS J27 +41 12 2 OS J28 +41 12 2 OS J29 +41 12 2 OS J30 +41 12 2 OS J31 +41 12 2 OS J32 +41 12 2 OS J33 +41 12 2 OS J34 +41 12 2 OS J35 +41 12 2 OS J36 +41 12 2 OS J37 +41 12 2 OS J38 +41 12 2 OS J39 +41 12 2 OS J40 +41 12 3 SE F40 +41 12 4 SA C10 +41 12 5 SI F16 +41 12 6 HU H7 +41 13 1 TO A0 +41 13 1 TO A1 +41 13 1 TO A2 +41 13 1 TO A3 +41 13 1 TO A4 +41 13 1 TO A5 +41 13 1 TO A6 +41 13 1 TO A7 +41 13 1 TO A8 +41 13 1 TO A9 +41 13 1 TO A10 +41 13 1 TO A11 +41 13 1 TO A12 +41 13 1 TO A13 +41 13 1 TO A14 +41 13 1 TO A15 +41 13 1 TO A16 +41 13 1 TO A17 +41 13 1 TO A18 +41 13 1 TO A19 +41 13 1 TO A20 +41 13 1 TO A21 +41 13 1 TO A22 +41 13 1 TO A23 +41 13 1 TO A24 +41 13 1 TO A25 +41 13 1 TO A26 +41 13 1 TO A27 +41 13 1 TO A28 +41 13 1 TO A29 +41 13 1 TO A30 +41 13 1 TO A31 +41 13 1 TO A32 +41 13 1 TO A33 +41 13 1 TO A34 +41 13 1 TO A35 +41 13 1 TO A36 +41 13 1 TO A37 +41 13 1 TO A38 +41 13 1 TO A39 +41 13 1 TO A40 +41 13 1 TO B0 +41 13 1 TO B1 +41 13 1 TO B2 +41 13 1 TO B3 +41 13 1 TO B15 +41 13 1 TO B16 +41 13 1 TO B17 +41 13 1 TO B18 +41 13 1 TO B19 +41 13 1 TO B20 +41 13 1 TO B21 +41 13 1 TO B22 +41 13 1 TO B23 +41 13 1 TO B24 +41 13 1 TO B25 +41 13 1 TO B26 +41 13 1 TO B27 +41 13 1 TO B28 +41 13 1 TO B29 +41 13 1 TO B30 +41 13 1 TO B31 +41 13 1 TO B32 +41 13 1 TO B33 +41 13 1 TO B34 +41 13 1 TO B35 +41 13 1 TO B36 +41 13 1 TO B37 +41 13 2 OS I5 +41 13 2 OS I6 +41 13 2 OS I7 +41 13 2 OS I8 +41 13 2 OS I9 +41 13 2 OS I10 +41 13 2 OS I11 +41 13 2 OS I12 +41 13 2 OS I13 +41 13 2 OS I14 +41 13 2 OS I15 +41 13 2 OS I16 +41 13 2 OS I17 +41 13 2 OS I18 +41 13 2 OS J0 +41 13 2 OS J1 +41 13 2 OS J2 +41 13 2 OS J3 +41 13 2 OS J4 +41 13 2 OS J5 +41 13 2 OS J6 +41 13 2 OS J7 +41 13 2 OS J8 +41 13 2 OS J9 +41 13 2 OS J10 +41 13 2 OS J11 +41 13 2 OS J12 +41 13 2 OS J13 +41 13 2 OS J14 +41 13 2 OS J15 +41 13 2 OS J16 +41 13 2 OS J17 +41 13 2 OS J18 +41 13 2 OS J19 +41 13 2 OS J20 +41 13 2 OS J21 +41 13 2 OS J22 +41 13 2 OS J23 +41 13 2 OS J24 +41 13 2 OS J25 +41 13 2 OS J26 +41 13 2 OS J27 +41 13 2 OS J28 +41 13 2 OS J29 +41 13 2 OS J30 +41 13 2 OS J31 +41 13 2 OS J32 +41 13 2 OS J33 +41 13 2 OS J34 +41 13 2 OS J35 +41 13 2 OS J36 +41 13 2 OS J37 +41 13 2 OS J38 +41 13 2 OS J39 +41 13 2 OS J40 +41 13 3 SE G1 +41 13 4 SA D11 +41 13 5 SI F28 +41 13 6 SU F6 +41 14 1 TO A26 +41 14 2 OS J28 +41 14 3 SE G2 +41 14 4 SA C9 +41 14 5 SI F17 +41 14 6 WE G8 +41 14 7 SU E0 +41 14 7 SU F0 +41 14 7 SU G0 +41 14 7 SU H0 +41 15 1 TO A0 +41 15 1 TO A1 +41 15 1 TO A2 +41 15 1 TO A3 +41 15 1 TO A4 +41 15 1 TO A5 +41 15 1 TO A6 +41 15 1 TO A7 +41 15 1 TO A8 +41 15 1 TO A9 +41 15 1 TO A10 +41 15 1 TO A11 +41 15 1 TO A12 +41 15 1 TO A13 +41 15 1 TO A14 +41 15 1 TO A15 +41 15 1 TO A16 +41 15 1 TO A17 +41 15 1 TO A18 +41 15 1 TO A19 +41 15 1 TO A20 +41 15 1 TO A21 +41 15 1 TO A22 +41 15 1 TO A23 +41 15 1 TO A24 +41 15 1 TO A25 +41 15 1 TO A26 +41 15 1 TO A27 +41 15 1 TO A28 +41 15 1 TO A29 +41 15 1 TO A30 +41 15 1 TO A31 +41 15 1 TO A32 +41 15 1 TO A33 +41 15 1 TO A34 +41 15 1 TO A35 +41 15 1 TO A36 +41 15 1 TO A37 +41 15 1 TO A38 +41 15 1 TO A39 +41 15 1 TO A40 +41 15 1 TO B0 +41 15 1 TO B1 +41 15 1 TO B2 +41 15 1 TO B3 +41 15 1 TO B4 +41 15 1 TO B5 +41 15 1 TO B6 +41 15 1 TO B7 +41 15 1 TO B8 +41 15 1 TO B16 +41 15 1 TO B17 +41 15 1 TO B18 +41 15 1 TO B19 +41 15 1 TO B20 +41 15 1 TO B21 +41 15 1 TO B22 +41 15 1 TO B23 +41 15 1 TO B24 +41 15 1 TO B25 +41 15 1 TO B26 +41 15 1 TO B27 +41 15 1 TO B28 +41 15 1 TO B29 +41 15 1 TO B30 +41 15 1 TO B31 +41 15 1 TO B32 +41 15 1 TO B33 +41 15 1 TO B34 +41 15 1 TO B35 +41 15 1 TO B36 +41 15 1 TO B37 +41 15 1 TO B38 +41 15 1 TO B39 +41 15 1 TO B40 +41 15 2 OS I5 +41 15 2 OS I6 +41 15 2 OS I7 +41 15 2 OS I8 +41 15 2 OS I9 +41 15 2 OS I10 +41 15 2 OS I11 +41 15 2 OS I12 +41 15 2 OS I13 +41 15 2 OS I14 +41 15 2 OS I15 +41 15 2 OS I16 +41 15 2 OS I17 +41 15 2 OS I18 +41 15 2 OS I19 +41 15 2 OS I20 +41 15 2 OS I21 +41 15 2 OS I22 +41 15 2 OS I23 +41 15 2 OS I24 +41 15 2 OS I25 +41 15 2 OS I26 +41 15 2 OS I27 +41 15 2 OS I28 +41 15 2 OS I29 +41 15 2 OS I30 +41 15 2 OS I31 +41 15 2 OS I32 +41 15 2 OS I33 +41 15 2 OS I34 +41 15 2 OS I35 +41 15 2 OS I36 +41 15 2 OS I37 +41 15 2 OS I38 +41 15 2 OS I39 +41 15 2 OS I40 +41 15 2 OS J0 +41 15 2 OS J1 +41 15 2 OS J2 +41 15 2 OS J3 +41 15 2 OS J4 +41 15 2 OS J5 +41 15 2 OS J6 +41 15 2 OS J7 +41 15 2 OS J8 +41 15 2 OS J9 +41 15 2 OS J10 +41 15 2 OS J11 +41 15 2 OS J12 +41 15 2 OS J13 +41 15 2 OS J14 +41 15 2 OS J15 +41 15 2 OS J16 +41 15 2 OS J17 +41 15 2 OS J18 +41 15 2 OS J19 +41 15 2 OS J20 +41 15 2 OS J21 +41 15 2 OS J22 +41 15 2 OS J23 +41 15 2 OS J24 +41 15 2 OS J25 +41 15 2 OS J26 +41 15 2 OS J27 +41 15 2 OS J28 +41 15 2 OS J29 +41 15 2 OS J30 +41 15 2 OS J31 +41 15 2 OS J32 +41 15 2 OS J33 +41 15 2 OS J34 +41 15 2 OS J35 +41 15 2 OS J36 +41 15 2 OS J37 +41 15 2 OS J38 +41 15 2 OS J39 +41 15 2 OS J40 +41 15 3 SE G4 +41 15 4 SA C10 +41 15 5 SI E19 +41 15 6 SU H6 +41 15 7 MO G33 +41 16 1 TO A0 +41 16 1 TO A1 +41 16 1 TO A2 +41 16 1 TO A3 +41 16 1 TO A4 +41 16 1 TO A5 +41 16 1 TO A6 +41 16 1 TO A7 +41 16 1 TO A8 +41 16 1 TO A9 +41 16 1 TO A10 +41 16 1 TO A11 +41 16 1 TO A12 +41 16 1 TO A13 +41 16 1 TO A14 +41 16 1 TO A15 +41 16 1 TO A16 +41 16 1 TO A17 +41 16 1 TO A18 +41 16 1 TO A19 +41 16 1 TO A20 +41 16 1 TO A21 +41 16 1 TO A22 +41 16 1 TO A23 +41 16 1 TO A24 +41 16 1 TO A25 +41 16 1 TO A26 +41 16 1 TO A27 +41 16 1 TO A28 +41 16 1 TO A29 +41 16 1 TO A30 +41 16 1 TO A31 +41 16 1 TO A32 +41 16 1 TO A33 +41 16 1 TO A34 +41 16 1 TO A35 +41 16 1 TO A36 +41 16 1 TO A37 +41 16 1 TO A38 +41 16 1 TO A39 +41 16 1 TO A40 +41 16 1 TO B0 +41 16 2 OS J0 +41 16 2 OS J1 +41 16 2 OS J2 +41 16 2 OS J3 +41 16 2 OS J4 +41 16 2 OS J5 +41 16 2 OS J6 +41 16 2 OS J7 +41 16 2 OS J8 +41 16 2 OS J9 +41 16 2 OS J10 +41 16 2 OS J11 +41 16 2 OS J12 +41 16 2 OS J13 +41 16 2 OS J14 +41 16 2 OS J15 +41 16 2 OS J16 +41 16 2 OS J17 +41 16 2 OS J18 +41 16 2 OS J19 +41 16 2 OS J20 +41 16 2 OS J21 +41 16 2 OS J22 +41 16 2 OS J23 +41 16 2 OS J24 +41 16 2 OS J25 +41 16 2 OS J26 +41 16 2 OS J27 +41 16 2 OS J28 +41 16 2 OS J29 +41 16 2 OS J30 +41 16 2 OS J31 +41 16 2 OS J32 +41 16 2 OS J33 +41 16 2 OS J34 +41 16 2 OS J35 +41 16 2 OS J36 +41 16 2 OS J37 +41 16 2 OS J38 +41 16 2 OS J39 +41 16 2 OS J40 +41 16 3 SE G3 +41 16 4 SA C10 +41 16 5 SI E17 +41 16 6 WA B38 +41 16 7 CO B3 +41 16 7 CO B38 +41 17 1 TO A0 +41 17 1 TO A1 +41 17 1 TO A2 +41 17 1 TO A3 +41 17 1 TO A4 +41 17 1 TO A5 +41 17 1 TO A6 +41 17 1 TO A7 +41 17 1 TO A8 +41 17 1 TO A9 +41 17 1 TO A10 +41 17 1 TO A11 +41 17 1 TO A12 +41 17 1 TO A13 +41 17 1 TO A14 +41 17 1 TO A15 +41 17 1 TO A16 +41 17 1 TO A17 +41 17 1 TO A18 +41 17 1 TO A19 +41 17 1 TO A20 +41 17 1 TO A21 +41 17 1 TO A22 +41 17 1 TO A23 +41 17 1 TO A24 +41 17 1 TO A25 +41 17 1 TO A26 +41 17 1 TO A27 +41 17 1 TO A28 +41 17 1 TO A29 +41 17 1 TO A30 +41 17 1 TO A31 +41 17 1 TO A32 +41 17 1 TO A33 +41 17 1 TO A34 +41 17 1 TO A35 +41 17 1 TO A36 +41 17 1 TO A37 +41 17 1 TO A38 +41 17 1 TO A39 +41 17 1 TO A40 +41 17 2 OS I0 +41 17 2 OS J0 +41 17 2 OS J1 +41 17 2 OS J2 +41 17 2 OS J3 +41 17 2 OS J4 +41 17 2 OS J5 +41 17 2 OS J6 +41 17 2 OS J7 +41 17 2 OS J8 +41 17 2 OS J9 +41 17 2 OS J10 +41 17 2 OS J11 +41 17 2 OS J12 +41 17 2 OS J13 +41 17 2 OS J14 +41 17 2 OS J15 +41 17 2 OS J16 +41 17 2 OS J17 +41 17 2 OS J18 +41 17 2 OS J19 +41 17 2 OS J20 +41 17 2 OS J21 +41 17 2 OS J22 +41 17 2 OS J23 +41 17 2 OS J24 +41 17 2 OS J25 +41 17 2 OS J26 +41 17 2 OS J27 +41 17 2 OS J28 +41 17 2 OS J29 +41 17 2 OS J30 +41 17 2 OS J31 +41 17 2 OS J32 +41 17 2 OS J33 +41 17 2 OS J34 +41 17 2 OS J35 +41 17 2 OS J36 +41 17 2 OS J37 +41 17 2 OS J38 +41 17 2 OS J39 +41 17 2 OS J40 +41 17 3 SE F2 +41 17 4 SA C8 +41 17 5 SI F20 +41 17 6 SU H7 +41 18 1 TO A0 +41 18 1 TO A1 +41 18 1 TO A2 +41 18 1 TO A3 +41 18 1 TO A4 +41 18 1 TO A5 +41 18 1 TO A6 +41 18 1 TO A7 +41 18 1 TO A8 +41 18 1 TO A9 +41 18 1 TO A10 +41 18 1 TO A11 +41 18 1 TO A12 +41 18 1 TO A13 +41 18 1 TO A14 +41 18 1 TO A15 +41 18 1 TO A16 +41 18 1 TO A17 +41 18 1 TO A18 +41 18 1 TO A19 +41 18 1 TO A20 +41 18 1 TO A21 +41 18 1 TO A22 +41 18 1 TO A23 +41 18 1 TO A24 +41 18 1 TO A25 +41 18 1 TO A26 +41 18 1 TO A27 +41 18 1 TO A28 +41 18 1 TO A29 +41 18 1 TO A30 +41 18 1 TO A31 +41 18 1 TO A32 +41 18 1 TO A33 +41 18 1 TO A34 +41 18 1 TO A35 +41 18 1 TO A36 +41 18 1 TO A37 +41 18 1 TO A38 +41 18 1 TO A39 +41 18 1 TO A40 +41 18 2 OS J0 +41 18 2 OS J1 +41 18 2 OS J2 +41 18 2 OS J3 +41 18 2 OS J4 +41 18 2 OS J5 +41 18 2 OS J6 +41 18 2 OS J7 +41 18 2 OS J8 +41 18 2 OS J9 +41 18 2 OS J10 +41 18 2 OS J11 +41 18 2 OS J12 +41 18 2 OS J13 +41 18 2 OS J14 +41 18 2 OS J15 +41 18 2 OS J16 +41 18 2 OS J17 +41 18 2 OS J18 +41 18 2 OS J19 +41 18 2 OS J20 +41 18 2 OS J21 +41 18 2 OS J22 +41 18 2 OS J23 +41 18 2 OS J24 +41 18 2 OS J25 +41 18 2 OS J26 +41 18 2 OS J27 +41 18 2 OS J28 +41 18 2 OS J29 +41 18 2 OS J30 +41 18 2 OS J31 +41 18 2 OS J32 +41 18 2 OS J33 +41 18 2 OS J34 +41 18 2 OS J35 +41 18 2 OS J36 +41 18 2 OS J37 +41 18 2 OS J38 +41 18 2 OS J39 +41 18 2 OS J40 +41 18 3 SE I2 +41 18 4 SA C9 +41 18 5 SI G19 +41 18 6 CO H6 +41 18 7 MO C0 +41 18 7 MO D0 +41 18 7 MO E0 +41 19 1 TO A0 +41 19 1 TO A1 +41 19 1 TO A2 +41 19 1 TO A3 +41 19 1 TO A4 +41 19 1 TO A5 +41 19 1 TO A6 +41 19 1 TO A7 +41 19 1 TO A8 +41 19 1 TO A9 +41 19 1 TO A10 +41 19 1 TO A11 +41 19 1 TO A12 +41 19 1 TO A13 +41 19 1 TO A14 +41 19 1 TO A15 +41 19 1 TO A16 +41 19 1 TO A17 +41 19 1 TO A18 +41 19 1 TO A19 +41 19 1 TO A20 +41 19 1 TO A21 +41 19 1 TO A22 +41 19 1 TO A23 +41 19 1 TO A24 +41 19 1 TO A25 +41 19 1 TO A26 +41 19 1 TO A27 +41 19 1 TO A28 +41 19 1 TO A29 +41 19 1 TO A30 +41 19 1 TO A31 +41 19 1 TO A32 +41 19 1 TO A33 +41 19 1 TO A34 +41 19 1 TO A35 +41 19 1 TO A36 +41 19 1 TO A37 +41 19 1 TO A38 +41 19 1 TO A39 +41 19 1 TO A40 +41 19 2 OS J0 +41 19 2 OS J1 +41 19 2 OS J2 +41 19 2 OS J3 +41 19 2 OS J4 +41 19 2 OS J5 +41 19 2 OS J6 +41 19 2 OS J7 +41 19 2 OS J8 +41 19 2 OS J9 +41 19 2 OS J10 +41 19 2 OS J11 +41 19 2 OS J12 +41 19 2 OS J13 +41 19 2 OS J14 +41 19 2 OS J15 +41 19 2 OS J16 +41 19 2 OS J17 +41 19 2 OS J18 +41 19 2 OS J19 +41 19 2 OS J20 +41 19 2 OS J21 +41 19 2 OS J22 +41 19 2 OS J23 +41 19 2 OS J24 +41 19 2 OS J25 +41 19 2 OS J26 +41 19 2 OS J27 +41 19 2 OS J28 +41 19 2 OS J29 +41 19 2 OS J30 +41 19 2 OS J31 +41 19 2 OS J32 +41 19 2 OS J33 +41 19 2 OS J34 +41 19 2 OS J35 +41 19 2 OS J36 +41 19 2 OS J37 +41 19 2 OS J38 +41 19 2 OS J39 +41 19 2 OS J40 +41 19 3 SE G3 +41 19 4 SA C9 +41 19 5 SI F17 +41 19 6 WA D10 +41 19 7 CO E10 +41 20 1 TO A0 +41 20 1 TO A1 +41 20 1 TO A2 +41 20 1 TO A3 +41 20 1 TO A4 +41 20 1 TO A5 +41 20 1 TO A6 +41 20 1 TO A7 +41 20 1 TO A8 +41 20 1 TO A9 +41 20 1 TO A10 +41 20 1 TO A11 +41 20 1 TO A12 +41 20 1 TO A13 +41 20 1 TO A14 +41 20 1 TO A15 +41 20 1 TO A16 +41 20 1 TO A17 +41 20 1 TO A18 +41 20 1 TO A19 +41 20 1 TO A20 +41 20 1 TO A21 +41 20 1 TO A22 +41 20 1 TO A23 +41 20 1 TO A24 +41 20 1 TO A25 +41 20 1 TO A26 +41 20 1 TO A27 +41 20 1 TO A28 +41 20 1 TO A29 +41 20 1 TO A30 +41 20 1 TO A31 +41 20 1 TO A32 +41 20 1 TO A33 +41 20 1 TO A34 +41 20 1 TO A35 +41 20 1 TO A36 +41 20 1 TO A37 +41 20 1 TO A38 +41 20 1 TO A39 +41 20 1 TO A40 +41 20 1 TO B0 +41 20 1 TO B1 +41 20 1 TO B2 +41 20 1 TO B3 +41 20 1 TO B4 +41 20 1 TO B5 +41 20 1 TO B6 +41 20 1 TO B7 +41 20 1 TO B8 +41 20 1 TO B9 +41 20 1 TO B10 +41 20 1 TO B11 +41 20 1 TO B12 +41 20 1 TO B13 +41 20 1 TO B14 +41 20 1 TO B15 +41 20 1 TO B16 +41 20 1 TO B17 +41 20 1 TO B18 +41 20 1 TO B19 +41 20 1 TO B20 +41 20 1 TO B21 +41 20 1 TO B22 +41 20 1 TO B23 +41 20 1 TO B24 +41 20 1 TO B25 +41 20 1 TO B26 +41 20 1 TO B27 +41 20 1 TO B28 +41 20 1 TO B29 +41 20 1 TO B30 +41 20 1 TO B31 +41 20 1 TO B32 +41 20 1 TO B33 +41 20 1 TO B34 +41 20 1 TO B35 +41 20 1 TO B36 +41 20 1 TO B37 +41 20 1 TO B38 +41 20 1 TO B39 +41 20 1 TO B40 +41 20 2 OS I0 +41 20 2 OS I1 +41 20 2 OS I2 +41 20 2 OS I3 +41 20 2 OS I4 +41 20 2 OS I5 +41 20 2 OS I6 +41 20 2 OS I7 +41 20 2 OS I8 +41 20 2 OS I9 +41 20 2 OS I10 +41 20 2 OS I11 +41 20 2 OS I12 +41 20 2 OS I13 +41 20 2 OS I14 +41 20 2 OS I15 +41 20 2 OS I16 +41 20 2 OS I17 +41 20 2 OS I18 +41 20 2 OS I19 +41 20 2 OS I20 +41 20 2 OS I21 +41 20 2 OS I22 +41 20 2 OS I23 +41 20 2 OS I24 +41 20 2 OS I25 +41 20 2 OS I26 +41 20 2 OS I27 +41 20 2 OS I28 +41 20 2 OS I29 +41 20 2 OS I30 +41 20 2 OS I31 +41 20 2 OS I32 +41 20 2 OS I33 +41 20 2 OS I34 +41 20 2 OS I35 +41 20 2 OS I36 +41 20 2 OS I37 +41 20 2 OS I38 +41 20 2 OS I39 +41 20 2 OS I40 +41 20 2 OS J0 +41 20 2 OS J1 +41 20 2 OS J2 +41 20 2 OS J3 +41 20 2 OS J4 +41 20 2 OS J5 +41 20 2 OS J6 +41 20 2 OS J7 +41 20 2 OS J8 +41 20 2 OS J9 +41 20 2 OS J10 +41 20 2 OS J11 +41 20 2 OS J12 +41 20 2 OS J13 +41 20 2 OS J14 +41 20 2 OS J15 +41 20 2 OS J16 +41 20 2 OS J17 +41 20 2 OS J18 +41 20 2 OS J19 +41 20 2 OS J20 +41 20 2 OS J21 +41 20 2 OS J22 +41 20 2 OS J23 +41 20 2 OS J24 +41 20 2 OS J25 +41 20 2 OS J26 +41 20 2 OS J27 +41 20 2 OS J28 +41 20 2 OS J29 +41 20 2 OS J30 +41 20 2 OS J31 +41 20 2 OS J32 +41 20 2 OS J33 +41 20 2 OS J34 +41 20 2 OS J35 +41 20 2 OS J36 +41 20 2 OS J37 +41 20 2 OS J38 +41 20 2 OS J39 +41 20 2 OS J40 +41 20 3 SE G40 +41 20 4 SA C10 +41 20 5 SI F19 +41 20 6 SU G7 +41 21 1 TO A0 +41 21 1 TO A1 +41 21 1 TO A2 +41 21 1 TO A3 +41 21 1 TO A4 +41 21 1 TO A5 +41 21 1 TO A6 +41 21 1 TO A7 +41 21 1 TO A8 +41 21 1 TO A9 +41 21 1 TO A10 +41 21 1 TO A11 +41 21 1 TO A12 +41 21 1 TO A13 +41 21 1 TO A14 +41 21 1 TO A15 +41 21 1 TO A16 +41 21 1 TO A17 +41 21 1 TO A18 +41 21 1 TO A19 +41 21 1 TO A20 +41 21 1 TO A21 +41 21 1 TO A22 +41 21 1 TO A23 +41 21 1 TO A24 +41 21 1 TO A25 +41 21 1 TO A26 +41 21 1 TO A27 +41 21 1 TO A28 +41 21 1 TO A29 +41 21 1 TO A30 +41 21 1 TO A31 +41 21 1 TO A32 +41 21 1 TO A33 +41 21 1 TO A34 +41 21 1 TO A35 +41 21 1 TO A36 +41 21 1 TO A37 +41 21 1 TO A38 +41 21 1 TO A39 +41 21 1 TO A40 +41 21 1 TO B0 +41 21 2 OS I0 +41 21 2 OS J0 +41 21 2 OS J1 +41 21 2 OS J2 +41 21 2 OS J3 +41 21 2 OS J4 +41 21 2 OS J5 +41 21 2 OS J6 +41 21 2 OS J7 +41 21 2 OS J8 +41 21 2 OS J9 +41 21 2 OS J10 +41 21 2 OS J11 +41 21 2 OS J12 +41 21 2 OS J13 +41 21 2 OS J14 +41 21 2 OS J15 +41 21 2 OS J16 +41 21 2 OS J17 +41 21 2 OS J18 +41 21 2 OS J19 +41 21 2 OS J20 +41 21 2 OS J21 +41 21 2 OS J22 +41 21 2 OS J23 +41 21 2 OS J24 +41 21 2 OS J25 +41 21 2 OS J26 +41 21 2 OS J27 +41 21 2 OS J28 +41 21 2 OS J29 +41 21 2 OS J30 +41 21 2 OS J31 +41 21 2 OS J32 +41 21 2 OS J33 +41 21 2 OS J34 +41 21 2 OS J35 +41 21 2 OS J36 +41 21 2 OS J37 +41 21 2 OS J38 +41 21 2 OS J39 +41 21 2 OS J40 +41 21 3 SE G3 +41 21 4 SA C9 +41 21 5 SI F17 +41 21 6 WE H0 +41 22 1 TO A0 +41 22 1 TO A1 +41 22 1 TO A2 +41 22 1 TO A3 +41 22 1 TO A4 +41 22 1 TO A5 +41 22 1 TO A6 +41 22 1 TO A7 +41 22 1 TO A8 +41 22 1 TO A9 +41 22 1 TO A10 +41 22 1 TO A11 +41 22 1 TO A12 +41 22 1 TO A13 +41 22 1 TO A14 +41 22 1 TO A15 +41 22 1 TO A16 +41 22 1 TO A17 +41 22 1 TO A18 +41 22 1 TO A19 +41 22 1 TO A20 +41 22 1 TO A21 +41 22 1 TO A22 +41 22 1 TO A23 +41 22 1 TO A24 +41 22 1 TO A25 +41 22 1 TO A26 +41 22 1 TO A27 +41 22 1 TO A28 +41 22 1 TO A29 +41 22 1 TO A30 +41 22 1 TO A31 +41 22 1 TO A32 +41 22 1 TO A33 +41 22 1 TO A34 +41 22 1 TO A35 +41 22 1 TO A36 +41 22 1 TO A37 +41 22 1 TO A38 +41 22 1 TO A39 +41 22 1 TO A40 +41 22 2 OS J0 +41 22 2 OS J1 +41 22 2 OS J2 +41 22 2 OS J3 +41 22 2 OS J4 +41 22 2 OS J5 +41 22 2 OS J6 +41 22 2 OS J7 +41 22 2 OS J8 +41 22 2 OS J9 +41 22 2 OS J10 +41 22 2 OS J11 +41 22 2 OS J12 +41 22 2 OS J13 +41 22 2 OS J14 +41 22 2 OS J15 +41 22 2 OS J16 +41 22 2 OS J17 +41 22 2 OS J18 +41 22 2 OS J19 +41 22 2 OS J20 +41 22 2 OS J21 +41 22 2 OS J22 +41 22 2 OS J23 +41 22 2 OS J24 +41 22 2 OS J25 +41 22 2 OS J26 +41 22 2 OS J27 +41 22 2 OS J28 +41 22 2 OS J29 +41 22 2 OS J30 +41 22 2 OS J31 +41 22 2 OS J32 +41 22 2 OS J33 +41 22 2 OS J34 +41 22 2 OS J35 +41 22 2 OS J36 +41 22 2 OS J37 +41 22 2 OS J38 +41 22 2 OS J39 +41 22 2 OS J40 +41 22 3 SE F2 +41 22 3 SE F3 +41 22 4 SA C8 +41 22 5 SI E20 +41 22 5 SI F20 +41 22 6 MO G0 +41 22 7 CO G9 +41 23 1 TO A0 +41 23 1 TO A1 +41 23 1 TO A2 +41 23 1 TO A3 +41 23 1 TO A4 +41 23 1 TO A5 +41 23 1 TO A6 +41 23 1 TO A7 +41 23 1 TO A8 +41 23 1 TO A9 +41 23 1 TO A10 +41 23 1 TO A11 +41 23 1 TO A12 +41 23 1 TO A13 +41 23 1 TO A14 +41 23 1 TO A15 +41 23 1 TO A16 +41 23 1 TO A17 +41 23 1 TO A18 +41 23 1 TO A19 +41 23 1 TO A20 +41 23 1 TO A21 +41 23 1 TO A22 +41 23 1 TO A23 +41 23 1 TO A24 +41 23 1 TO A25 +41 23 1 TO A26 +41 23 1 TO A27 +41 23 1 TO A28 +41 23 1 TO A29 +41 23 1 TO A30 +41 23 1 TO A31 +41 23 1 TO A32 +41 23 1 TO A33 +41 23 1 TO A34 +41 23 1 TO A35 +41 23 1 TO A36 +41 23 1 TO A37 +41 23 1 TO A38 +41 23 1 TO A39 +41 23 1 TO A40 +41 23 2 OS J0 +41 23 2 OS J1 +41 23 2 OS J2 +41 23 2 OS J3 +41 23 2 OS J4 +41 23 2 OS J5 +41 23 2 OS J6 +41 23 2 OS J7 +41 23 2 OS J8 +41 23 2 OS J9 +41 23 2 OS J10 +41 23 2 OS J11 +41 23 2 OS J12 +41 23 2 OS J13 +41 23 2 OS J14 +41 23 2 OS J15 +41 23 2 OS J16 +41 23 2 OS J17 +41 23 2 OS J18 +41 23 2 OS J19 +41 23 2 OS J20 +41 23 2 OS J21 +41 23 2 OS J22 +41 23 2 OS J23 +41 23 2 OS J24 +41 23 2 OS J25 +41 23 2 OS J26 +41 23 2 OS J27 +41 23 2 OS J28 +41 23 2 OS J29 +41 23 2 OS J30 +41 23 2 OS J31 +41 23 2 OS J32 +41 23 2 OS J33 +41 23 2 OS J34 +41 23 2 OS J35 +41 23 2 OS J36 +41 23 2 OS J37 +41 23 2 OS J38 +41 23 2 OS J39 +41 23 2 OS J40 +41 23 3 SE G1 +41 23 4 SA C9 +41 23 5 SI G18 +41 23 5 SI G29 +41 23 6 SU I6 +41 23 7 WE F9 +41 24 1 TO A0 +41 24 1 TO A1 +41 24 1 TO A2 +41 24 1 TO A3 +41 24 1 TO A4 +41 24 1 TO A5 +41 24 1 TO A6 +41 24 1 TO A7 +41 24 1 TO A8 +41 24 1 TO A9 +41 24 1 TO A10 +41 24 1 TO A11 +41 24 1 TO A12 +41 24 1 TO A13 +41 24 1 TO A14 +41 24 1 TO A15 +41 24 1 TO A16 +41 24 1 TO A17 +41 24 1 TO A18 +41 24 1 TO A19 +41 24 1 TO A20 +41 24 1 TO A21 +41 24 1 TO A22 +41 24 1 TO A23 +41 24 1 TO A24 +41 24 1 TO A25 +41 24 1 TO A26 +41 24 1 TO A27 +41 24 1 TO A28 +41 24 1 TO A29 +41 24 1 TO A30 +41 24 1 TO A31 +41 24 1 TO A32 +41 24 1 TO A33 +41 24 1 TO A34 +41 24 1 TO A35 +41 24 1 TO A36 +41 24 1 TO A37 +41 24 1 TO A38 +41 24 1 TO A39 +41 24 1 TO A40 +41 24 2 OS J0 +41 24 2 OS J1 +41 24 2 OS J2 +41 24 2 OS J3 +41 24 2 OS J4 +41 24 2 OS J5 +41 24 2 OS J6 +41 24 2 OS J7 +41 24 2 OS J8 +41 24 2 OS J9 +41 24 2 OS J10 +41 24 2 OS J11 +41 24 2 OS J12 +41 24 2 OS J13 +41 24 2 OS J14 +41 24 2 OS J15 +41 24 2 OS J16 +41 24 2 OS J17 +41 24 2 OS J18 +41 24 2 OS J19 +41 24 2 OS J20 +41 24 2 OS J21 +41 24 2 OS J22 +41 24 2 OS J23 +41 24 2 OS J24 +41 24 2 OS J25 +41 24 2 OS J26 +41 24 2 OS J27 +41 24 2 OS J28 +41 24 2 OS J29 +41 24 2 OS J30 +41 24 2 OS J31 +41 24 2 OS J32 +41 24 2 OS J33 +41 24 2 OS J34 +41 24 2 OS J35 +41 24 2 OS J36 +41 24 2 OS J37 +41 24 2 OS J38 +41 24 2 OS J39 +41 24 2 OS J40 +41 24 3 SE H1 +41 24 4 SA D8 +41 24 5 SI H27 +41 24 6 SU H7 +41 25 1 TO A0 +41 25 1 TO A1 +41 25 1 TO A2 +41 25 1 TO A3 +41 25 1 TO A4 +41 25 1 TO A5 +41 25 1 TO A6 +41 25 1 TO A7 +41 25 1 TO A8 +41 25 1 TO A9 +41 25 1 TO A10 +41 25 1 TO A11 +41 25 1 TO A12 +41 25 1 TO A13 +41 25 1 TO A14 +41 25 1 TO A15 +41 25 1 TO A16 +41 25 1 TO A17 +41 25 1 TO A18 +41 25 1 TO A19 +41 25 1 TO A20 +41 25 1 TO A21 +41 25 1 TO A22 +41 25 1 TO A23 +41 25 1 TO A24 +41 25 1 TO A25 +41 25 1 TO A26 +41 25 1 TO A27 +41 25 1 TO A28 +41 25 1 TO A29 +41 25 1 TO A30 +41 25 1 TO A31 +41 25 1 TO A32 +41 25 1 TO A33 +41 25 1 TO A34 +41 25 1 TO A35 +41 25 1 TO A36 +41 25 1 TO A37 +41 25 1 TO A38 +41 25 1 TO A39 +41 25 1 TO A40 +41 25 1 TO B0 +41 25 1 TO B1 +41 25 1 TO B2 +41 25 1 TO B3 +41 25 1 TO B4 +41 25 1 TO B5 +41 25 1 TO B6 +41 25 1 TO B7 +41 25 1 TO B8 +41 25 1 TO B9 +41 25 1 TO B10 +41 25 1 TO B11 +41 25 1 TO B12 +41 25 1 TO B13 +41 25 1 TO B14 +41 25 1 TO B15 +41 25 1 TO B16 +41 25 1 TO B17 +41 25 1 TO B18 +41 25 1 TO B19 +41 25 1 TO B20 +41 25 1 TO B21 +41 25 1 TO B22 +41 25 1 TO B23 +41 25 1 TO B24 +41 25 1 TO B25 +41 25 1 TO B26 +41 25 1 TO B27 +41 25 1 TO B28 +41 25 1 TO B29 +41 25 1 TO B30 +41 25 1 TO B31 +41 25 1 TO B32 +41 25 1 TO B33 +41 25 1 TO B34 +41 25 1 TO B35 +41 25 1 TO B36 +41 25 1 TO B37 +41 25 1 TO B38 +41 25 1 TO B39 +41 25 1 TO B40 +41 25 2 OS I0 +41 25 2 OS J0 +41 25 2 OS J1 +41 25 2 OS J2 +41 25 2 OS J3 +41 25 2 OS J4 +41 25 2 OS J5 +41 25 2 OS J6 +41 25 2 OS J7 +41 25 2 OS J8 +41 25 2 OS J9 +41 25 2 OS J10 +41 25 2 OS J11 +41 25 2 OS J12 +41 25 2 OS J13 +41 25 2 OS J14 +41 25 2 OS J15 +41 25 2 OS J16 +41 25 2 OS J17 +41 25 2 OS J18 +41 25 2 OS J19 +41 25 2 OS J20 +41 25 2 OS J21 +41 25 2 OS J22 +41 25 2 OS J23 +41 25 2 OS J24 +41 25 2 OS J25 +41 25 2 OS J26 +41 25 2 OS J27 +41 25 2 OS J28 +41 25 2 OS J29 +41 25 2 OS J30 +41 25 2 OS J31 +41 25 2 OS J32 +41 25 2 OS J33 +41 25 2 OS J34 +41 25 2 OS J35 +41 25 2 OS J36 +41 25 2 OS J37 +41 25 2 OS J38 +41 25 2 OS J39 +41 25 2 OS J40 +41 25 3 SE G40 +41 25 4 SU C9 +41 25 5 SI G20 +41 25 5 SI H18 +41 25 6 WE I12 +42 1 1 T F32 +42 1 2 K C2 +42 1 3 B B3 +42 1 4 S H16 +42 1 5 N G2 +42 1 6 D C12 +42 2 1 T F39 +42 2 2 K G33 +42 2 3 B F28 +42 2 4 S C11 +42 2 5 N A19 +42 2 6 D J17 +42 2 7 I D15 +42 3 1 T F3 +42 3 2 K F38 +42 3 3 B G27 +42 3 4 S C8 +42 3 5 N A20 +42 4 1 T G3 +42 4 2 K E14 +42 4 3 B F28 +42 4 4 S B12 +42 4 5 N A26 +42 4 6 D J30 +42 4 7 W D6 +42 4 8 G J4 +42 5 1 T F4 +42 5 2 K G18 +42 5 3 B G30 +42 5 4 S C10 +42 5 5 N A0 +42 5 5 N A1 +42 5 5 N A2 +42 5 5 N A3 +42 5 5 N A4 +42 5 5 N A5 +42 5 5 N A6 +42 5 5 N A7 +42 5 5 N A8 +42 5 5 N A9 +42 5 5 N A10 +42 5 5 N A11 +42 5 5 N A12 +42 5 5 N A13 +42 5 5 N A14 +42 5 5 N A15 +42 5 5 N A16 +42 5 5 N A17 +42 5 5 N A18 +42 5 5 N A19 +42 5 5 N A20 +42 5 5 N A21 +42 5 5 N A22 +42 5 5 N A23 +42 5 5 N A24 +42 5 5 N A25 +42 5 5 N A26 +42 5 5 N A27 +42 5 5 N A28 +42 5 5 N A29 +42 5 5 N A30 +42 5 5 N A31 +42 5 5 N A32 +42 5 5 N A33 +42 5 5 N A34 +42 5 5 N A35 +42 5 5 N A36 +42 5 5 N A37 +42 5 5 N A38 +42 5 5 N A39 +42 5 5 N A40 +42 5 6 D J0 +42 5 6 D J1 +42 5 6 D J2 +42 5 6 D J3 +42 5 6 D J4 +42 5 6 D J5 +42 5 6 D J6 +42 5 6 D J7 +42 5 6 D J8 +42 5 6 D J9 +42 5 6 D J10 +42 5 6 D J11 +42 5 6 D J12 +42 5 6 D J13 +42 5 6 D J14 +42 5 6 D J15 +42 5 6 D J16 +42 5 6 D J17 +42 5 6 D J18 +42 5 6 D J19 +42 5 6 D J20 +42 5 6 D J21 +42 5 6 D J22 +42 5 6 D J23 +42 5 6 D J24 +42 5 6 D J25 +42 5 6 D J26 +42 5 6 D J27 +42 5 6 D J28 +42 5 6 D J29 +42 5 6 D J30 +42 5 6 D J31 +42 5 6 D J32 +42 5 6 D J33 +42 5 6 D J34 +42 5 6 D J35 +42 5 6 D J36 +42 5 6 D J37 +42 5 6 D J38 +42 5 6 D J39 +42 5 6 D J40 +42 5 7 W C2 +42 6 1 T H39 +42 6 2 K F17 +42 6 3 B G30 +42 6 4 S C10 +42 6 5 N A0 +42 6 5 N A1 +42 6 6 D J0 +42 6 6 D J1 +42 6 6 D J2 +42 6 7 W D2 +42 6 8 M I18 +42 7 1 T G3 +42 7 2 K F15 +42 7 3 B F33 +42 7 4 S C9 +42 7 5 N A4 +42 7 6 D J10 +42 7 7 W D6 +42 7 8 U C18 +42 8 1 T G3 +42 8 2 K E16 +42 8 3 B I29 +42 8 4 S C9 +42 8 5 N A13 +42 8 6 D J22 +42 8 7 W C39 +42 8 8 U E0 +42 8 9 G B4 +42 8 10 O C6 +42 8 11 R I34 +42 8 12 NA D6 +42 8 13 DM D2 +42 9 1 T F4 +42 9 2 K F16 +42 9 3 B E16 +42 9 4 S C9 +42 9 5 N A10 +42 9 6 D J19 +42 9 7 M E17 +42 9 8 G E31 +42 10 1 T F2 +42 10 2 K G20 +42 10 3 B F30 +42 10 4 S C8 +42 10 5 N A0 +42 10 5 N A1 +42 10 5 N A2 +42 10 5 N A3 +42 10 5 N A4 +42 10 5 N A5 +42 10 5 N A6 +42 10 5 N A7 +42 10 6 W D11 +42 10 7 M G34 +42 11 1 T G2 +42 11 2 K F17 +42 11 3 B G22 +42 11 4 S C13 +42 11 5 N C0 +42 11 6 D J0 +42 11 7 W F2 +42 11 8 U G0 +42 12 1 T E1 +42 12 2 K C21 +42 12 3 B F27 +42 12 4 S C19 +42 12 5 N A0 +42 12 5 N A1 +42 12 5 N A2 +42 12 5 N A3 +42 12 5 N A4 +42 12 5 N A5 +42 12 5 N A6 +42 12 5 N A7 +42 12 5 N A8 +42 12 5 N A9 +42 12 5 N A10 +42 12 5 N A11 +42 12 5 N A12 +42 12 5 N A13 +42 12 5 N A14 +42 12 5 N A15 +42 12 5 N A16 +42 12 5 N A17 +42 12 5 N A18 +42 12 5 N A19 +42 12 5 N A20 +42 12 5 N A21 +42 12 5 N A22 +42 12 5 N A23 +42 12 5 N A24 +42 12 5 N A25 +42 12 5 N A26 +42 12 5 N A27 +42 12 5 N A28 +42 12 5 N A29 +42 12 5 N A30 +42 12 5 N A31 +42 12 5 N A32 +42 12 5 N A33 +42 12 5 N A34 +42 12 5 N A35 +42 12 5 N A36 +42 12 5 N A37 +42 12 5 N A38 +42 12 5 N A39 +42 12 5 N A40 +42 12 6 D F25 +42 13 1 T F4 +42 13 2 K F21 +42 13 3 B G29 +42 13 4 S C9 +42 13 5 N A1 +42 13 6 D J1 +42 13 7 W C29 +42 13 8 I C19 +42 14 1 T G2 +42 14 2 K C3 +42 14 3 B F29 +42 14 4 S C9 +42 14 5 N A4 +42 14 6 D J4 +42 14 7 U I10 +42 14 8 M E14 +42 14 9 G G0 +42 15 1 T F3 +42 15 2 K F38 +42 15 3 B F19 +42 15 4 S C10 +42 15 5 N A12 +42 15 6 D J23 +42 15 7 W C5 +42 15 8 U I9 +42 16 1 T G38 +42 16 2 K F16 +42 16 3 B G18 +42 16 4 S C10 +42 16 5 D J0 +42 16 6 W C11 +42 16 7 U I8 +42 16 8 M E4 +42 16 9 O I7 +42 16 10 NK C7 +42 16 11 OB H17 +42 16 12 DA G1 +42 17 1 T G3 +42 17 2 K F16 +42 17 3 B G29 +42 17 4 S C9 +42 17 5 N A0 +42 17 5 N A1 +42 17 5 N A2 +42 17 5 N A3 +42 17 5 N A4 +42 17 5 N A5 +42 17 5 N A6 +42 17 5 N A7 +42 17 5 N A8 +42 17 5 N A9 +42 17 5 N A10 +42 17 5 N A11 +42 17 5 N A12 +42 17 5 N A13 +42 17 5 N A14 +42 17 5 N A15 +42 17 5 N A16 +42 17 5 N A17 +42 17 5 N A18 +42 17 5 N A19 +42 17 5 N A20 +42 17 5 N A21 +42 17 5 N A22 +42 17 5 N A23 +42 17 5 N A24 +42 17 5 N A25 +42 17 5 N A26 +42 17 5 N A27 +42 17 5 N A28 +42 17 5 N A29 +42 17 5 N A30 +42 17 5 N A31 +42 17 5 N A32 +42 17 5 N A33 +42 17 5 N A34 +42 17 5 N A35 +42 17 5 N A36 +42 17 5 N A37 +42 17 5 N A38 +42 17 5 N A39 +42 17 5 N A40 +42 17 6 D J0 +42 17 6 D J1 +42 17 6 D J2 +42 17 6 D J3 +42 17 6 D J4 +42 17 6 D J5 +42 17 6 D J6 +42 17 6 D J7 +42 17 6 D J8 +42 17 6 D J9 +42 17 6 D J10 +42 17 6 D J11 +42 17 6 D J12 +42 17 6 D J13 +42 17 6 D J14 +42 17 6 D J15 +42 17 6 D J16 +42 17 6 D J17 +42 17 6 D J18 +42 17 6 D J19 +42 17 6 D J20 +42 17 6 D J21 +42 17 6 D J22 +42 17 6 D J23 +42 17 6 D J24 +42 17 6 D J25 +42 17 6 D J26 +42 17 6 D J27 +42 17 6 D J28 +42 17 6 D J29 +42 17 6 D J30 +42 17 6 D J31 +42 17 6 D J32 +42 17 6 D J33 +42 17 6 D J34 +42 17 6 D J35 +42 17 6 D J36 +42 17 6 D J37 +42 17 6 D J38 +42 17 6 D J39 +42 17 6 D J40 +42 17 7 O D2 +42 17 8 NR D30 +42 17 9 UT D38 +42 18 1 T G1 +42 18 2 K F17 +42 18 3 B G30 +42 18 4 S B12 +42 18 5 N A18 +42 18 6 D J20 +42 18 7 U F31 +42 18 8 M C22 +42 18 9 G C31 +42 18 10 O G32 +42 19 1 T G2 +42 19 2 K F16 +42 19 3 B H29 +42 19 4 S C8 +42 19 5 N A32 +42 19 6 D J25 +42 19 7 W B13 +42 19 8 O D0 +42 20 1 K G18 +42 20 2 B H29 +42 20 3 S C10 +42 20 4 N A0 +42 20 4 N A1 +42 20 4 N A2 +42 20 4 N A3 +42 20 4 N A4 +42 20 4 N A5 +42 20 4 N A6 +42 20 4 N A7 +42 20 4 N A8 +42 20 4 N A9 +42 20 4 N A10 +42 20 4 N A11 +42 20 4 N A12 +42 20 4 N A13 +42 20 4 N A14 +42 20 4 N A15 +42 20 4 N A16 +42 20 4 N A17 +42 20 4 N A18 +42 20 4 N A19 +42 20 4 N A20 +42 20 4 N A21 +42 20 4 N A22 +42 20 4 N A23 +42 20 4 N A24 +42 20 4 N A25 +42 20 4 N A26 +42 20 4 N A27 +42 20 4 N A28 +42 20 4 N A29 +42 20 4 N A30 +42 20 4 N A31 +42 20 4 N A32 +42 20 4 N A33 +42 20 4 N A34 +42 20 4 N A35 +42 20 4 N A36 +42 20 4 N A37 +42 20 4 N A38 +42 20 4 N A39 +42 20 4 N A40 +42 20 5 D J0 +42 20 5 D J1 +42 20 5 D J2 +42 20 5 D J3 +42 20 5 D J4 +42 20 5 D J5 +42 20 5 D J6 +42 20 5 D J7 +42 20 5 D J8 +42 20 5 D J9 +42 20 5 D J10 +42 20 5 D J11 +42 20 5 D J12 +42 20 5 D J13 +42 20 5 D J14 +42 20 5 D J15 +42 20 5 D J16 +42 20 5 D J17 +42 20 5 D J18 +42 20 5 D J19 +42 20 5 D J20 +42 20 5 D J21 +42 20 5 D J22 +42 20 5 D J23 +42 20 5 D J24 +42 20 5 D J25 +42 20 5 D J26 +42 20 5 D J27 +42 20 5 D J28 +42 20 5 D J29 +42 20 5 D J30 +42 20 5 D J31 +42 20 5 D J32 +42 20 5 D J33 +42 20 5 D J34 +42 20 5 D J35 +42 20 5 D J36 +42 20 5 D J37 +42 20 5 D J38 +42 20 5 D J39 +42 20 5 D J40 +42 20 6 W E5 +42 20 7 U I9 +42 20 8 O C5 +42 20 9 KO I5 +42 20 10 MO I33 +42 21 1 T G3 +42 21 2 K F17 +42 21 3 B H33 +42 21 4 S C11 +42 21 5 N A6 +42 21 6 D J16 +42 21 7 W G1 +42 21 8 M G34 +42 21 9 I C10 +42 21 10 OR I4 +42 22 1 T G2 +42 22 2 K H18 +42 22 3 B H29 +42 22 4 S B11 +42 22 5 N A8 +42 22 6 D J28 +42 22 7 W F38 +42 22 8 U D24 +42 22 9 M D20 +42 22 10 G H0 +42 22 11 TO H3 +42 23 1 T F10 +42 23 2 K D29 +42 23 3 B G27 +42 23 4 S C12 +42 23 5 N A11 +42 23 6 D J0 +42 23 6 D J1 +42 23 6 D J2 +42 23 6 D J3 +42 23 6 D J4 +42 23 6 D J5 +42 23 6 D J6 +42 23 6 D J7 +42 23 6 D J8 +42 23 6 D J9 +42 23 6 D J10 +42 23 6 D J11 +42 23 6 D J12 +42 23 6 D J13 +42 23 6 D J14 +42 23 6 D J15 +42 23 6 D J16 +42 23 6 D J17 +42 23 6 D J18 +42 23 6 D J19 +42 23 6 D J20 +42 23 6 D J21 +42 23 6 D J22 +42 23 6 D J23 +42 23 6 D J24 +42 23 6 D J25 +42 23 6 D J26 +42 23 6 D J27 +42 23 6 D J28 +42 23 6 D J29 +42 23 6 D J30 +42 23 6 D J31 +42 23 6 D J32 +42 23 6 D J33 +42 23 6 D J34 +42 23 6 D J35 +42 23 6 D J36 +42 23 6 D J37 +42 23 6 D J38 +42 23 6 D J39 +42 23 6 D J40 +42 24 1 T G1 +42 24 2 K F17 +42 24 3 B H30 +42 24 4 S C11 +42 24 5 N A40 +42 24 6 D J38 +42 24 7 M I31 +42 24 8 G E33 +42 24 9 O G0 +42 24 10 DK I39 +42 25 1 T F40 +42 25 2 K G18 +42 25 3 B G28 +42 25 4 S C9 +42 25 5 N A40 +42 25 6 D J31 +42 25 7 W D7 +42 25 8 M G31 +42 25 9 O B9 +42 25 10 I G40 +42 25 11 KO I2 +43 1 1 BA A0 +43 1 1 BA A1 +43 1 1 BA A2 +43 1 1 BA A3 +43 1 1 BA A4 +43 1 1 BA A5 +43 1 1 BA A6 +43 1 1 BA A7 +43 1 1 BA A8 +43 1 1 BA A9 +43 1 1 BA A10 +43 1 1 BA A11 +43 1 1 BA A12 +43 1 1 BA A13 +43 1 1 BA A14 +43 1 1 BA A15 +43 1 1 BA A16 +43 1 1 BA A17 +43 1 1 BA A18 +43 1 1 BA A19 +43 1 1 BA A20 +43 1 1 BA A21 +43 1 1 BA A22 +43 1 1 BA A23 +43 1 1 BA A24 +43 1 1 BA A25 +43 1 1 BA A26 +43 1 1 BA A27 +43 1 1 BA A28 +43 1 1 BA A29 +43 1 1 BA A30 +43 1 1 BA A31 +43 1 1 BA A32 +43 1 1 BA A33 +43 1 1 BA A34 +43 1 1 BA A35 +43 1 1 BA A36 +43 1 1 BA A37 +43 1 1 BA A38 +43 1 1 BA A39 +43 1 1 BA A40 +43 1 2 FD J0 +43 1 2 FD J1 +43 1 2 FD J2 +43 1 2 FD J3 +43 1 2 FD J4 +43 1 2 FD J5 +43 1 2 FD J6 +43 1 2 FD J7 +43 1 2 FD J8 +43 1 2 FD J9 +43 1 2 FD J10 +43 1 2 FD J11 +43 1 2 FD J12 +43 1 2 FD J13 +43 1 2 FD J14 +43 1 2 FD J15 +43 1 2 FD J16 +43 1 2 FD J17 +43 1 2 FD J18 +43 1 2 FD J19 +43 1 2 FD J20 +43 1 2 FD J21 +43 1 2 FD J22 +43 1 2 FD J23 +43 1 2 FD J24 +43 1 2 FD J25 +43 1 2 FD J26 +43 1 2 FD J27 +43 1 2 FD J28 +43 1 2 FD J29 +43 1 2 FD J30 +43 1 2 FD J31 +43 1 2 FD J32 +43 1 2 FD J33 +43 1 2 FD J34 +43 1 2 FD J35 +43 1 2 FD J36 +43 1 2 FD J37 +43 1 2 FD J38 +43 1 2 FD J39 +43 1 2 FD J40 +43 1 3 GA G2 +43 1 3 GA G3 +43 1 4 BF E22 +43 2 1 BA A0 +43 2 1 BA A1 +43 2 1 BA A2 +43 2 1 BA A3 +43 2 1 BA A4 +43 2 1 BA A5 +43 2 1 BA A6 +43 2 1 BA A7 +43 2 1 BA A8 +43 2 1 BA A9 +43 2 1 BA A10 +43 2 1 BA A11 +43 2 1 BA A12 +43 2 1 BA A13 +43 2 1 BA A14 +43 2 1 BA A15 +43 2 1 BA A16 +43 2 1 BA A17 +43 2 1 BA A18 +43 2 1 BA A19 +43 2 1 BA A20 +43 2 1 BA A21 +43 2 1 BA A22 +43 2 1 BA A23 +43 2 1 BA A24 +43 2 1 BA A25 +43 2 1 BA A26 +43 2 1 BA A27 +43 2 1 BA A28 +43 2 1 BA A29 +43 2 1 BA A30 +43 2 1 BA A31 +43 2 1 BA A32 +43 2 1 BA A33 +43 2 1 BA A34 +43 2 1 BA A35 +43 2 1 BA A36 +43 2 1 BA A37 +43 2 1 BA A38 +43 2 1 BA A39 +43 2 1 BA A40 +43 2 2 FD J0 +43 2 2 FD J1 +43 2 2 FD J2 +43 2 2 FD J3 +43 2 2 FD J4 +43 2 2 FD J5 +43 2 2 FD J6 +43 2 2 FD J7 +43 2 2 FD J8 +43 2 2 FD J9 +43 2 2 FD J10 +43 2 2 FD J11 +43 2 2 FD J12 +43 2 2 FD J13 +43 2 2 FD J14 +43 2 2 FD J15 +43 2 2 FD J16 +43 2 2 FD J17 +43 2 2 FD J18 +43 2 2 FD J19 +43 2 2 FD J20 +43 2 2 FD J21 +43 2 2 FD J22 +43 2 2 FD J23 +43 2 2 FD J24 +43 2 2 FD J25 +43 2 2 FD J26 +43 2 2 FD J27 +43 2 2 FD J28 +43 2 2 FD J29 +43 2 2 FD J30 +43 2 2 FD J31 +43 2 2 FD J32 +43 2 2 FD J33 +43 2 2 FD J34 +43 2 2 FD J35 +43 2 2 FD J36 +43 2 2 FD J37 +43 2 2 FD J38 +43 2 2 FD J39 +43 2 2 FD J40 +43 2 3 BE G40 +43 2 4 GS C3 +43 2 4 GS C4 +43 2 5 GE C10 +43 2 6 AT B22 +43 2 7 BF H29 +43 2 8 GE I34 +43 3 1 BA A0 +43 3 1 BA A1 +43 3 1 BA A2 +43 3 1 BA A3 +43 3 1 BA A4 +43 3 1 BA A5 +43 3 1 BA A6 +43 3 1 BA A7 +43 3 1 BA A8 +43 3 1 BA A9 +43 3 1 BA A10 +43 3 1 BA A11 +43 3 1 BA A12 +43 3 1 BA A13 +43 3 1 BA A14 +43 3 1 BA A15 +43 3 1 BA A16 +43 3 1 BA A17 +43 3 1 BA A18 +43 3 1 BA A19 +43 3 1 BA A20 +43 3 1 BA A21 +43 3 1 BA A22 +43 3 1 BA A23 +43 3 1 BA A24 +43 3 1 BA A25 +43 3 1 BA A26 +43 3 1 BA A27 +43 3 1 BA A28 +43 3 1 BA A29 +43 3 1 BA A30 +43 3 1 BA A31 +43 3 1 BA A32 +43 3 1 BA A33 +43 3 1 BA A34 +43 3 1 BA A35 +43 3 1 BA A36 +43 3 1 BA A37 +43 3 1 BA A38 +43 3 1 BA A39 +43 3 1 BA A40 +43 3 2 GG J0 +43 3 2 GG J1 +43 3 2 GG J2 +43 3 2 GG J3 +43 3 2 GG J4 +43 3 2 GG J5 +43 3 2 GG J6 +43 3 2 GG J7 +43 3 2 GG J8 +43 3 2 GG J9 +43 3 2 GG J10 +43 3 2 GG J11 +43 3 2 GG J12 +43 3 2 GG J13 +43 3 2 GG J14 +43 3 2 GG J15 +43 3 2 GG J16 +43 3 2 GG J17 +43 3 2 GG J18 +43 3 2 GG J19 +43 3 2 GG J20 +43 3 2 GG J21 +43 3 2 GG J22 +43 3 2 GG J23 +43 3 2 GG J24 +43 3 2 GG J25 +43 3 2 GG J26 +43 3 2 GG J27 +43 3 2 GG J28 +43 3 2 GG J29 +43 3 2 GG J30 +43 3 2 GG J31 +43 3 2 GG J32 +43 3 2 GG J33 +43 3 2 GG J34 +43 3 2 GG J35 +43 3 2 GG J36 +43 3 2 GG J37 +43 3 2 GG J38 +43 3 2 GG J39 +43 3 2 GG J40 +43 3 3 GA G40 +43 3 4 BF H30 +43 4 1 BA A0 +43 4 1 BA A1 +43 4 1 BA A2 +43 4 1 BA A3 +43 4 1 BA A4 +43 4 1 BA A5 +43 4 1 BA A6 +43 4 1 BA A7 +43 4 1 BA A8 +43 4 1 BA A9 +43 4 1 BA A10 +43 4 1 BA A11 +43 4 1 BA A12 +43 4 1 BA A13 +43 4 1 BA A14 +43 4 1 BA A15 +43 4 1 BA A16 +43 4 1 BA A17 +43 4 1 BA A18 +43 4 1 BA A19 +43 4 1 BA A20 +43 4 1 BA A21 +43 4 1 BA A22 +43 4 1 BA A23 +43 4 1 BA A24 +43 4 1 BA A25 +43 4 1 BA A26 +43 4 1 BA A27 +43 4 1 BA A28 +43 4 1 BA A29 +43 4 1 BA A30 +43 4 1 BA A31 +43 4 1 BA A32 +43 4 1 BA A33 +43 4 1 BA A34 +43 4 1 BA A35 +43 4 1 BA A36 +43 4 1 BA A37 +43 4 1 BA A38 +43 4 1 BA A39 +43 4 1 BA A40 +43 4 2 FD J0 +43 4 2 FD J1 +43 4 2 FD J2 +43 4 2 FD J3 +43 4 2 FD J4 +43 4 2 FD J5 +43 4 2 FD J6 +43 4 2 FD J7 +43 4 2 FD J8 +43 4 2 FD J9 +43 4 2 FD J10 +43 4 2 FD J11 +43 4 2 FD J12 +43 4 2 FD J13 +43 4 2 FD J14 +43 4 2 FD J15 +43 4 2 FD J16 +43 4 2 FD J17 +43 4 2 FD J18 +43 4 2 FD J19 +43 4 2 FD J20 +43 4 2 FD J21 +43 4 2 FD J22 +43 4 2 FD J23 +43 4 2 FD J24 +43 4 2 FD J25 +43 4 2 FD J26 +43 4 2 FD J27 +43 4 2 FD J28 +43 4 2 FD J29 +43 4 2 FD J30 +43 4 2 FD J31 +43 4 2 FD J32 +43 4 2 FD J33 +43 4 2 FD J34 +43 4 2 FD J35 +43 4 2 FD J36 +43 4 2 FD J37 +43 4 2 FD J38 +43 4 2 FD J39 +43 4 2 FD J40 +43 4 3 GA F1 +43 4 3 GA F2 +43 4 4 GE C11 +43 4 5 AG F16 +43 4 5 AG F17 +43 4 6 BF G28 +43 4 7 TA H33 +43 5 1 BA A0 +43 5 1 BA A1 +43 5 1 BA A2 +43 5 1 BA A3 +43 5 1 BA A4 +43 5 1 BA A5 +43 5 1 BA A6 +43 5 1 BA A7 +43 5 1 BA A8 +43 5 1 BA A9 +43 5 1 BA A10 +43 5 1 BA A11 +43 5 1 BA A12 +43 5 1 BA A13 +43 5 1 BA A14 +43 5 1 BA A15 +43 5 1 BA A16 +43 5 1 BA A17 +43 5 1 BA A18 +43 5 1 BA A19 +43 5 1 BA A20 +43 5 1 BA A21 +43 5 1 BA A22 +43 5 1 BA A23 +43 5 1 BA A24 +43 5 1 BA A25 +43 5 1 BA A26 +43 5 1 BA A27 +43 5 1 BA A28 +43 5 1 BA A29 +43 5 1 BA A30 +43 5 1 BA A31 +43 5 1 BA A32 +43 5 1 BA A33 +43 5 1 BA A34 +43 5 1 BA A35 +43 5 1 BA A36 +43 5 1 BA A37 +43 5 1 BA A38 +43 5 1 BA A39 +43 5 1 BA A40 +43 5 2 GG J0 +43 5 2 GG J1 +43 5 2 GG J2 +43 5 2 GG J3 +43 5 2 GG J4 +43 5 2 GG J5 +43 5 2 GG J6 +43 5 2 GG J7 +43 5 2 GG J8 +43 5 2 GG J9 +43 5 2 GG J10 +43 5 2 GG J11 +43 5 2 GG J12 +43 5 2 GG J13 +43 5 2 GG J14 +43 5 2 GG J15 +43 5 2 GG J16 +43 5 2 GG J17 +43 5 2 GG J18 +43 5 2 GG J19 +43 5 2 GG J20 +43 5 2 GG J21 +43 5 2 GG J22 +43 5 2 GG J23 +43 5 2 GG J24 +43 5 2 GG J25 +43 5 2 GG J26 +43 5 2 GG J27 +43 5 2 GG J28 +43 5 2 GG J29 +43 5 2 GG J30 +43 5 2 GG J31 +43 5 2 GG J32 +43 5 2 GG J33 +43 5 2 GG J34 +43 5 2 GG J35 +43 5 2 GG J36 +43 5 2 GG J37 +43 5 2 GG J38 +43 5 2 GG J39 +43 5 2 GG J40 +43 5 3 GA F0 +43 5 3 GA F1 +43 5 3 GA F2 +43 5 4 BE G0 +43 5 4 BE G1 +43 5 4 BE G2 +43 5 4 BE G3 +43 6 1 BA A0 +43 6 1 BA A1 +43 6 1 BA A2 +43 6 1 BA A3 +43 6 1 BA A4 +43 6 1 BA A5 +43 6 1 BA A6 +43 6 1 BA A7 +43 6 1 BA A8 +43 6 1 BA A9 +43 6 1 BA A10 +43 6 1 BA A11 +43 6 1 BA A12 +43 6 1 BA A13 +43 6 1 BA A14 +43 6 1 BA A15 +43 6 1 BA A16 +43 6 1 BA A17 +43 6 1 BA A18 +43 6 1 BA A19 +43 6 1 BA A20 +43 6 1 BA A21 +43 6 1 BA A22 +43 6 1 BA A23 +43 6 1 BA A24 +43 6 1 BA A25 +43 6 1 BA A26 +43 6 1 BA A27 +43 6 1 BA A28 +43 6 1 BA A29 +43 6 1 BA A30 +43 6 1 BA A31 +43 6 1 BA A32 +43 6 1 BA A33 +43 6 1 BA A34 +43 6 1 BA A35 +43 6 1 BA A36 +43 6 1 BA A37 +43 6 1 BA A38 +43 6 1 BA A39 +43 6 1 BA A40 +43 6 2 GG J0 +43 6 2 GG J1 +43 6 2 GG J2 +43 6 2 GG J3 +43 6 2 GG J4 +43 6 2 GG J5 +43 6 2 GG J6 +43 6 2 GG J7 +43 6 2 GG J8 +43 6 2 GG J9 +43 6 2 GG J10 +43 6 2 GG J11 +43 6 2 GG J12 +43 6 2 GG J13 +43 6 2 GG J14 +43 6 2 GG J15 +43 6 2 GG J16 +43 6 2 GG J17 +43 6 2 GG J18 +43 6 2 GG J19 +43 6 2 GG J20 +43 6 2 GG J21 +43 6 2 GG J22 +43 6 2 GG J23 +43 6 2 GG J24 +43 6 2 GG J25 +43 6 2 GG J26 +43 6 2 GG J27 +43 6 2 GG J28 +43 6 2 GG J29 +43 6 2 GG J30 +43 6 2 GG J31 +43 6 2 GG J32 +43 6 2 GG J33 +43 6 2 GG J34 +43 6 2 GG J35 +43 6 2 GG J36 +43 6 2 GG J37 +43 6 2 GG J38 +43 6 2 GG J39 +43 6 2 GG J40 +43 6 3 GA G1 +43 6 4 BF F29 +43 7 1 BA A0 +43 7 1 BA A1 +43 7 1 BA A2 +43 7 1 BA A3 +43 7 1 BA A4 +43 7 1 BA A5 +43 7 1 BA A6 +43 7 1 BA A7 +43 7 1 BA A8 +43 7 1 BA A9 +43 7 1 BA A10 +43 7 1 BA A11 +43 7 1 BA A12 +43 7 1 BA A13 +43 7 1 BA A14 +43 7 1 BA A15 +43 7 1 BA A16 +43 7 1 BA A17 +43 7 1 BA A18 +43 7 1 BA A19 +43 7 1 BA A20 +43 7 1 BA A21 +43 7 1 BA A22 +43 7 1 BA A23 +43 7 1 BA A24 +43 7 1 BA A25 +43 7 1 BA A26 +43 7 1 BA A27 +43 7 1 BA A28 +43 7 1 BA A29 +43 7 1 BA A30 +43 7 1 BA A31 +43 7 1 BA A32 +43 7 1 BA A33 +43 7 1 BA A34 +43 7 1 BA A35 +43 7 1 BA A36 +43 7 1 BA A37 +43 7 1 BA A38 +43 7 1 BA A39 +43 7 1 BA A40 +43 7 2 FD J0 +43 7 2 FD J1 +43 7 2 FD J2 +43 7 2 FD J3 +43 7 2 FD J4 +43 7 2 FD J5 +43 7 2 FD J6 +43 7 2 FD J7 +43 7 2 FD J8 +43 7 2 FD J9 +43 7 2 FD J10 +43 7 2 FD J11 +43 7 2 FD J12 +43 7 2 FD J13 +43 7 2 FD J14 +43 7 2 FD J15 +43 7 2 FD J16 +43 7 2 FD J17 +43 7 2 FD J18 +43 7 2 FD J19 +43 7 2 FD J20 +43 7 2 FD J21 +43 7 2 FD J22 +43 7 2 FD J23 +43 7 2 FD J24 +43 7 2 FD J25 +43 7 2 FD J26 +43 7 2 FD J27 +43 7 2 FD J28 +43 7 2 FD J29 +43 7 2 FD J30 +43 7 2 FD J31 +43 7 2 FD J32 +43 7 2 FD J33 +43 7 2 FD J34 +43 7 2 FD J35 +43 7 2 FD J36 +43 7 2 FD J37 +43 7 2 FD J38 +43 7 2 FD J39 +43 7 2 FD J40 +43 7 3 GA G1 +43 7 4 GE C10 +43 7 4 GE C11 +43 7 5 AG F16 +43 7 6 AT B24 +43 7 7 BF G29 +43 7 7 BF G30 +43 7 8 TA H37 +43 8 1 BA A0 +43 8 1 BA A1 +43 8 1 BA A2 +43 8 1 BA A3 +43 8 1 BA A4 +43 8 1 BA A5 +43 8 1 BA A6 +43 8 1 BA A7 +43 8 1 BA A8 +43 8 1 BA A9 +43 8 1 BA A10 +43 8 1 BA A11 +43 8 1 BA A12 +43 8 1 BA A13 +43 8 1 BA A14 +43 8 1 BA A15 +43 8 1 BA A16 +43 8 1 BA A17 +43 8 1 BA A18 +43 8 1 BA A19 +43 8 1 BA A20 +43 8 1 BA A21 +43 8 1 BA A22 +43 8 1 BA A23 +43 8 1 BA A24 +43 8 1 BA A25 +43 8 1 BA A26 +43 8 1 BA A27 +43 8 1 BA A28 +43 8 1 BA A29 +43 8 1 BA A30 +43 8 1 BA A31 +43 8 1 BA A32 +43 8 1 BA A33 +43 8 1 BA A34 +43 8 1 BA A35 +43 8 1 BA A36 +43 8 1 BA A37 +43 8 1 BA A38 +43 8 1 BA A39 +43 8 1 BA A40 +43 8 2 FD J0 +43 8 2 FD J1 +43 8 2 FD J2 +43 8 2 FD J3 +43 8 2 FD J4 +43 8 2 FD J5 +43 8 2 FD J6 +43 8 2 FD J7 +43 8 2 FD J8 +43 8 2 FD J9 +43 8 2 FD J10 +43 8 2 FD J11 +43 8 2 FD J12 +43 8 2 FD J13 +43 8 2 FD J14 +43 8 2 FD J15 +43 8 2 FD J16 +43 8 2 FD J17 +43 8 2 FD J18 +43 8 2 FD J19 +43 8 2 FD J20 +43 8 2 FD J21 +43 8 2 FD J22 +43 8 2 FD J23 +43 8 2 FD J24 +43 8 2 FD J25 +43 8 2 FD J26 +43 8 2 FD J27 +43 8 2 FD J28 +43 8 2 FD J29 +43 8 2 FD J30 +43 8 2 FD J31 +43 8 2 FD J32 +43 8 2 FD J33 +43 8 2 FD J34 +43 8 2 FD J35 +43 8 2 FD J36 +43 8 2 FD J37 +43 8 2 FD J38 +43 8 2 FD J39 +43 8 2 FD J40 +43 8 3 GA G1 +43 8 4 GE C8 +43 8 4 GE C9 +43 8 5 AG F16 +43 8 5 AG F17 +43 8 6 BF G30 +43 9 1 BA A0 +43 9 1 BA A1 +43 9 1 BA A2 +43 9 1 BA A3 +43 9 1 BA A4 +43 9 1 BA A5 +43 9 1 BA A6 +43 9 1 BA A7 +43 9 1 BA A8 +43 9 1 BA A9 +43 9 1 BA A10 +43 9 1 BA A11 +43 9 1 BA A12 +43 9 1 BA A13 +43 9 1 BA A14 +43 9 1 BA A15 +43 9 1 BA A16 +43 9 1 BA A17 +43 9 1 BA A18 +43 9 1 BA A19 +43 9 1 BA A20 +43 9 1 BA A21 +43 9 1 BA A22 +43 9 1 BA A23 +43 9 1 BA A24 +43 9 1 BA A25 +43 9 1 BA A26 +43 9 1 BA A27 +43 9 1 BA A28 +43 9 1 BA A29 +43 9 1 BA A30 +43 9 1 BA A31 +43 9 1 BA A32 +43 9 1 BA A33 +43 9 1 BA A34 +43 9 1 BA A35 +43 9 1 BA A36 +43 9 1 BA A37 +43 9 1 BA A38 +43 9 1 BA A39 +43 9 1 BA A40 +43 9 2 GG J0 +43 9 2 GG J1 +43 9 2 GG J2 +43 9 2 GG J3 +43 9 2 GG J4 +43 9 2 GG J5 +43 9 2 GG J6 +43 9 2 GG J7 +43 9 2 GG J8 +43 9 2 GG J9 +43 9 2 GG J10 +43 9 2 GG J11 +43 9 2 GG J12 +43 9 2 GG J13 +43 9 2 GG J14 +43 9 2 GG J15 +43 9 2 GG J16 +43 9 2 GG J17 +43 9 2 GG J18 +43 9 2 GG J19 +43 9 2 GG J20 +43 9 2 GG J21 +43 9 2 GG J22 +43 9 2 GG J23 +43 9 2 GG J24 +43 9 2 GG J25 +43 9 2 GG J26 +43 9 2 GG J27 +43 9 2 GG J28 +43 9 2 GG J29 +43 9 2 GG J30 +43 9 2 GG J31 +43 9 2 GG J32 +43 9 2 GG J33 +43 9 2 GG J34 +43 9 2 GG J35 +43 9 2 GG J36 +43 9 2 GG J37 +43 9 2 GG J38 +43 9 2 GG J39 +43 9 2 GG J40 +43 9 3 GA D1 +43 9 3 GA D2 +43 9 3 GA D3 +43 9 3 GA D4 +43 9 3 GA D5 +43 9 3 GA D6 +43 9 3 GA E1 +43 9 3 GA E2 +43 9 3 GA E3 +43 9 3 GA E4 +43 9 3 GA E5 +43 9 3 GA E6 +43 9 3 GA F1 +43 9 3 GA F2 +43 9 3 GA F3 +43 9 3 GA F4 +43 9 4 FD I0 +43 9 4 FD I1 +43 9 4 FD I2 +43 9 4 FD I3 +43 9 4 FD I4 +43 9 4 FD I5 +43 9 4 FD I6 +43 9 4 FD I7 +43 9 4 FD I8 +43 9 4 FD I9 +43 9 4 FD I10 +43 9 4 FD I11 +43 9 4 FD I12 +43 9 4 FD I13 +43 9 4 FD I14 +43 9 4 FD I15 +43 9 4 FD I16 +43 9 4 FD I17 +43 9 4 FD I18 +43 9 4 FD I19 +43 9 4 FD I20 +43 9 4 FD I21 +43 9 4 FD I22 +43 9 4 FD I23 +43 9 4 FD I24 +43 9 4 FD I25 +43 9 4 FD I26 +43 9 4 FD I27 +43 9 4 FD I28 +43 9 4 FD I29 +43 9 4 FD I30 +43 9 4 FD I31 +43 9 4 FD I32 +43 9 4 FD I33 +43 9 4 FD I34 +43 9 4 FD I35 +43 9 4 FD I36 +43 9 4 FD I37 +43 9 4 FD I38 +43 9 4 FD I39 +43 9 4 FD I40 +43 10 1 BA A0 +43 10 1 BA A1 +43 10 1 BA A2 +43 10 1 BA A3 +43 10 1 BA A4 +43 10 1 BA A5 +43 10 1 BA A6 +43 10 1 BA A7 +43 10 1 BA A8 +43 10 1 BA A9 +43 10 1 BA A10 +43 10 1 BA A11 +43 10 1 BA A12 +43 10 1 BA A13 +43 10 1 BA A14 +43 10 1 BA A15 +43 10 1 BA A16 +43 10 1 BA A17 +43 10 1 BA A18 +43 10 1 BA A19 +43 10 1 BA A20 +43 10 1 BA A21 +43 10 1 BA A22 +43 10 1 BA A23 +43 10 1 BA A24 +43 10 1 BA A25 +43 10 1 BA A26 +43 10 1 BA A27 +43 10 1 BA A28 +43 10 1 BA A29 +43 10 1 BA A30 +43 10 1 BA A31 +43 10 1 BA A32 +43 10 1 BA A33 +43 10 1 BA A34 +43 10 1 BA A35 +43 10 1 BA A36 +43 10 1 BA A37 +43 10 1 BA A38 +43 10 1 BA A39 +43 10 1 BA A40 +43 10 2 FD J0 +43 10 2 FD J1 +43 10 2 FD J2 +43 10 2 FD J3 +43 10 2 FD J4 +43 10 2 FD J5 +43 10 2 FD J6 +43 10 2 FD J7 +43 10 2 FD J8 +43 10 2 FD J9 +43 10 2 FD J10 +43 10 2 FD J11 +43 10 2 FD J12 +43 10 2 FD J13 +43 10 2 FD J14 +43 10 2 FD J15 +43 10 2 FD J16 +43 10 2 FD J17 +43 10 2 FD J18 +43 10 2 FD J19 +43 10 2 FD J20 +43 10 2 FD J21 +43 10 2 FD J22 +43 10 2 FD J23 +43 10 2 FD J24 +43 10 2 FD J25 +43 10 2 FD J26 +43 10 2 FD J27 +43 10 2 FD J28 +43 10 2 FD J29 +43 10 2 FD J30 +43 10 2 FD J31 +43 10 2 FD J32 +43 10 2 FD J33 +43 10 2 FD J34 +43 10 2 FD J35 +43 10 2 FD J36 +43 10 2 FD J37 +43 10 2 FD J38 +43 10 2 FD J39 +43 10 2 FD J40 +43 10 3 GA H3 +43 10 4 GE C10 +43 10 4 GE C11 +43 10 5 AT B25 +43 10 6 BF H29 +43 10 6 BF H30 +43 11 1 BA A0 +43 11 1 BA A1 +43 11 1 BA A2 +43 11 1 BA A3 +43 11 1 BA A4 +43 11 1 BA A5 +43 11 1 BA A6 +43 11 1 BA A7 +43 11 1 BA A8 +43 11 1 BA A9 +43 11 1 BA A10 +43 11 1 BA A11 +43 11 1 BA A12 +43 11 1 BA A13 +43 11 1 BA A14 +43 11 1 BA A15 +43 11 1 BA A16 +43 11 1 BA A17 +43 11 1 BA A18 +43 11 1 BA A19 +43 11 1 BA A20 +43 11 1 BA A21 +43 11 1 BA A22 +43 11 1 BA A23 +43 11 1 BA A24 +43 11 1 BA A25 +43 11 1 BA A26 +43 11 1 BA A27 +43 11 1 BA A28 +43 11 1 BA A29 +43 11 1 BA A30 +43 11 1 BA A31 +43 11 1 BA A32 +43 11 1 BA A33 +43 11 1 BA A34 +43 11 1 BA A35 +43 11 1 BA A36 +43 11 1 BA A37 +43 11 1 BA A38 +43 11 1 BA A39 +43 11 1 BA A40 +43 11 2 FD J0 +43 11 2 FD J1 +43 11 2 FD J2 +43 11 2 FD J3 +43 11 2 FD J4 +43 11 2 FD J5 +43 11 2 FD J6 +43 11 2 FD J7 +43 11 2 FD J8 +43 11 2 FD J9 +43 11 2 FD J10 +43 11 2 FD J11 +43 11 2 FD J12 +43 11 2 FD J13 +43 11 2 FD J14 +43 11 2 FD J15 +43 11 2 FD J16 +43 11 2 FD J17 +43 11 2 FD J18 +43 11 2 FD J19 +43 11 2 FD J20 +43 11 2 FD J21 +43 11 2 FD J22 +43 11 2 FD J23 +43 11 2 FD J24 +43 11 2 FD J25 +43 11 2 FD J26 +43 11 2 FD J27 +43 11 2 FD J28 +43 11 2 FD J29 +43 11 2 FD J30 +43 11 2 FD J31 +43 11 2 FD J32 +43 11 2 FD J33 +43 11 2 FD J34 +43 11 2 FD J35 +43 11 2 FD J36 +43 11 2 FD J37 +43 11 2 FD J38 +43 11 2 FD J39 +43 11 2 FD J40 +43 11 3 GA E1 +43 11 3 GA E2 +43 11 3 GA E3 +43 11 3 GA E4 +43 11 3 GA F1 +43 11 3 GA F2 +43 11 3 GA F3 +43 11 3 GA F4 +43 11 4 BE G1 +43 11 4 BE G2 +43 11 4 BE H1 +43 11 4 BE H2 +43 11 5 BF F27 +43 11 5 BF F28 +43 11 5 BF F29 +43 11 5 BF F30 +43 11 5 BF F31 +43 11 5 BF G27 +43 11 5 BF G28 +43 11 5 BF G29 +43 11 5 BF G30 +43 11 5 BF G31 +43 11 5 BF H27 +43 11 5 BF H28 +43 11 5 BF H29 +43 11 5 BF H30 +43 11 5 BF H31 +43 12 1 BA A0 +43 12 1 BA A1 +43 12 1 BA A2 +43 12 1 BA A3 +43 12 1 BA A4 +43 12 1 BA A5 +43 12 1 BA A6 +43 12 1 BA A7 +43 12 1 BA A8 +43 12 1 BA A9 +43 12 1 BA A10 +43 12 1 BA A11 +43 12 1 BA A12 +43 12 1 BA A13 +43 12 1 BA A14 +43 12 1 BA A15 +43 12 1 BA A16 +43 12 1 BA A17 +43 12 1 BA A18 +43 12 1 BA A19 +43 12 1 BA A20 +43 12 1 BA A21 +43 12 1 BA A22 +43 12 1 BA A23 +43 12 1 BA A24 +43 12 1 BA A25 +43 12 1 BA A26 +43 12 1 BA A27 +43 12 1 BA A28 +43 12 1 BA A29 +43 12 1 BA A30 +43 12 1 BA A31 +43 12 1 BA A32 +43 12 1 BA A33 +43 12 1 BA A34 +43 12 1 BA A35 +43 12 1 BA A36 +43 12 1 BA A37 +43 12 1 BA A38 +43 12 1 BA A39 +43 12 1 BA A40 +43 12 2 FD J0 +43 12 2 FD J1 +43 12 2 FD J2 +43 12 2 FD J3 +43 12 2 FD J4 +43 12 2 FD J5 +43 12 2 FD J6 +43 12 2 FD J7 +43 12 2 FD J8 +43 12 2 FD J9 +43 12 2 FD J10 +43 12 2 FD J11 +43 12 2 FD J12 +43 12 2 FD J13 +43 12 2 FD J14 +43 12 2 FD J15 +43 12 2 FD J16 +43 12 2 FD J17 +43 12 2 FD J18 +43 12 2 FD J19 +43 12 2 FD J20 +43 12 2 FD J21 +43 12 2 FD J22 +43 12 2 FD J23 +43 12 2 FD J24 +43 12 2 FD J25 +43 12 2 FD J26 +43 12 2 FD J27 +43 12 2 FD J28 +43 12 2 FD J29 +43 12 2 FD J30 +43 12 2 FD J31 +43 12 2 FD J32 +43 12 2 FD J33 +43 12 2 FD J34 +43 12 2 FD J35 +43 12 2 FD J36 +43 12 2 FD J37 +43 12 2 FD J38 +43 12 2 FD J39 +43 12 2 FD J40 +43 12 3 AN C12 +43 12 4 BE F14 +43 12 5 BF H30 +43 13 1 BA A0 +43 13 1 BA A1 +43 13 1 BA A2 +43 13 1 BA A3 +43 13 1 BA A4 +43 13 1 BA A5 +43 13 1 BA A6 +43 13 1 BA A7 +43 13 1 BA A8 +43 13 1 BA A9 +43 13 1 BA A10 +43 13 1 BA A11 +43 13 1 BA A12 +43 13 1 BA A13 +43 13 1 BA A14 +43 13 1 BA A15 +43 13 1 BA A16 +43 13 1 BA A17 +43 13 1 BA A18 +43 13 1 BA A19 +43 13 1 BA A20 +43 13 1 BA A21 +43 13 1 BA A22 +43 13 1 BA A23 +43 13 1 BA A24 +43 13 1 BA A25 +43 13 1 BA A26 +43 13 1 BA A27 +43 13 1 BA A28 +43 13 1 BA A29 +43 13 1 BA A30 +43 13 1 BA A31 +43 13 1 BA A32 +43 13 1 BA A33 +43 13 1 BA A34 +43 13 1 BA A35 +43 13 1 BA A36 +43 13 1 BA A37 +43 13 1 BA A38 +43 13 1 BA A39 +43 13 1 BA A40 +43 13 2 FD J0 +43 13 2 FD J1 +43 13 2 FD J2 +43 13 2 FD J3 +43 13 2 FD J4 +43 13 2 FD J5 +43 13 2 FD J6 +43 13 2 FD J7 +43 13 2 FD J8 +43 13 2 FD J9 +43 13 2 FD J10 +43 13 2 FD J11 +43 13 2 FD J12 +43 13 2 FD J13 +43 13 2 FD J14 +43 13 2 FD J15 +43 13 2 FD J16 +43 13 2 FD J17 +43 13 2 FD J18 +43 13 2 FD J19 +43 13 2 FD J20 +43 13 2 FD J21 +43 13 2 FD J22 +43 13 2 FD J23 +43 13 2 FD J24 +43 13 2 FD J25 +43 13 2 FD J26 +43 13 2 FD J27 +43 13 2 FD J28 +43 13 2 FD J29 +43 13 2 FD J30 +43 13 2 FD J31 +43 13 2 FD J32 +43 13 2 FD J33 +43 13 2 FD J34 +43 13 2 FD J35 +43 13 2 FD J36 +43 13 2 FD J37 +43 13 2 FD J38 +43 13 2 FD J39 +43 13 2 FD J40 +43 13 3 GA F1 +43 13 4 BJ F17 +43 13 5 BF H31 +43 13 6 AN C9 +43 14 1 FD J0 +43 14 1 FD J1 +43 14 1 FD J2 +43 14 1 FD J3 +43 14 1 FD J4 +43 14 1 FD J5 +43 14 1 FD J6 +43 14 1 FD J7 +43 14 1 FD J8 +43 14 1 FD J9 +43 14 1 FD J10 +43 14 1 FD J11 +43 14 1 FD J12 +43 14 1 FD J13 +43 14 1 FD J14 +43 14 1 FD J15 +43 14 1 FD J16 +43 14 1 FD J17 +43 14 1 FD J18 +43 14 1 FD J19 +43 14 1 FD J20 +43 14 1 FD J21 +43 14 1 FD J22 +43 14 1 FD J23 +43 14 1 FD J24 +43 14 1 FD J25 +43 14 1 FD J26 +43 14 1 FD J27 +43 14 1 FD J28 +43 14 1 FD J29 +43 14 1 FD J30 +43 14 1 FD J31 +43 14 1 FD J32 +43 14 1 FD J33 +43 14 1 FD J34 +43 14 1 FD J35 +43 14 1 FD J36 +43 14 1 FD J37 +43 14 1 FD J38 +43 14 1 FD J39 +43 14 1 FD J40 +43 14 2 GA F2 +43 14 2 GA F3 +43 14 2 GA F4 +43 14 3 GD C6 +43 14 4 EE G17 +43 14 5 SA E21 +43 14 6 AD C29 +43 14 7 BF G28 +43 14 7 BF G29 +43 15 1 BA A0 +43 15 1 BA A1 +43 15 1 BA A2 +43 15 1 BA A3 +43 15 1 BA A4 +43 15 1 BA A5 +43 15 1 BA A6 +43 15 1 BA A7 +43 15 1 BA A8 +43 15 1 BA A9 +43 15 1 BA A10 +43 15 1 BA A11 +43 15 1 BA A12 +43 15 1 BA A13 +43 15 1 BA A14 +43 15 1 BA A15 +43 15 1 BA A16 +43 15 1 BA A17 +43 15 1 BA A18 +43 15 1 BA A19 +43 15 1 BA A20 +43 15 1 BA A21 +43 15 1 BA A22 +43 15 1 BA A23 +43 15 1 BA A24 +43 15 1 BA A25 +43 15 1 BA A26 +43 15 1 BA A27 +43 15 1 BA A28 +43 15 1 BA A29 +43 15 1 BA A30 +43 15 1 BA A31 +43 15 1 BA A32 +43 15 1 BA A33 +43 15 1 BA A34 +43 15 1 BA A35 +43 15 1 BA A36 +43 15 1 BA A37 +43 15 1 BA A38 +43 15 1 BA A39 +43 15 1 BA A40 +43 15 2 BF F25 +43 15 3 GA F1 +43 15 4 FD J0 +43 15 4 FD J1 +43 15 4 FD J2 +43 15 4 FD J3 +43 15 4 FD J4 +43 15 4 FD J5 +43 15 4 FD J6 +43 15 4 FD J7 +43 15 4 FD J8 +43 15 4 FD J9 +43 15 4 FD J10 +43 15 4 FD J11 +43 15 4 FD J12 +43 15 4 FD J13 +43 15 4 FD J14 +43 15 4 FD J15 +43 15 4 FD J16 +43 15 4 FD J17 +43 15 4 FD J18 +43 15 4 FD J19 +43 15 4 FD J20 +43 15 4 FD J21 +43 15 4 FD J22 +43 15 4 FD J23 +43 15 4 FD J24 +43 15 4 FD J25 +43 15 4 FD J26 +43 15 4 FD J27 +43 15 4 FD J28 +43 15 4 FD J29 +43 15 4 FD J30 +43 15 4 FD J31 +43 15 4 FD J32 +43 15 4 FD J33 +43 15 4 FD J34 +43 15 4 FD J35 +43 15 4 FD J36 +43 15 4 FD J37 +43 15 4 FD J38 +43 15 4 FD J39 +43 15 4 FD J40 +43 16 1 BA A0 +43 16 1 BA A1 +43 16 1 BA A2 +43 16 1 BA A3 +43 16 1 BA A4 +43 16 1 BA A5 +43 16 1 BA A6 +43 16 1 BA A7 +43 16 1 BA A8 +43 16 1 BA A9 +43 16 1 BA A10 +43 16 1 BA A11 +43 16 1 BA A12 +43 16 1 BA A13 +43 16 1 BA A14 +43 16 1 BA A15 +43 16 1 BA A16 +43 16 1 BA A17 +43 16 1 BA A18 +43 16 1 BA A19 +43 16 1 BA A20 +43 16 1 BA A21 +43 16 1 BA A22 +43 16 1 BA A23 +43 16 1 BA A24 +43 16 1 BA A25 +43 16 1 BA A26 +43 16 1 BA A27 +43 16 1 BA A28 +43 16 1 BA A29 +43 16 1 BA A30 +43 16 1 BA A31 +43 16 1 BA A32 +43 16 1 BA A33 +43 16 1 BA A34 +43 16 1 BA A35 +43 16 1 BA A36 +43 16 1 BA A37 +43 16 1 BA A38 +43 16 1 BA A39 +43 16 1 BA A40 +43 16 2 FD J0 +43 16 2 FD J1 +43 16 2 FD J2 +43 16 2 FD J3 +43 16 2 FD J4 +43 16 2 FD J5 +43 16 2 FD J6 +43 16 2 FD J7 +43 16 2 FD J8 +43 16 2 FD J9 +43 16 2 FD J10 +43 16 2 FD J11 +43 16 2 FD J12 +43 16 2 FD J13 +43 16 2 FD J14 +43 16 2 FD J15 +43 16 2 FD J16 +43 16 2 FD J17 +43 16 2 FD J18 +43 16 2 FD J19 +43 16 2 FD J20 +43 16 2 FD J21 +43 16 2 FD J22 +43 16 2 FD J23 +43 16 2 FD J24 +43 16 2 FD J25 +43 16 2 FD J26 +43 16 2 FD J27 +43 16 2 FD J28 +43 16 2 FD J29 +43 16 2 FD J30 +43 16 2 FD J31 +43 16 2 FD J32 +43 16 2 FD J33 +43 16 2 FD J34 +43 16 2 FD J35 +43 16 2 FD J36 +43 16 2 FD J37 +43 16 2 FD J38 +43 16 2 FD J39 +43 16 2 FD J40 +43 16 3 BE F4 +43 16 4 AN C8 +43 16 4 AN C9 +43 16 5 GT F16 +43 16 5 GT F17 +43 17 1 BA A0 +43 17 1 BA A1 +43 17 1 BA A2 +43 17 1 BA A3 +43 17 1 BA A4 +43 17 1 BA A5 +43 17 1 BA A6 +43 17 1 BA A7 +43 17 1 BA A8 +43 17 1 BA A9 +43 17 1 BA A10 +43 17 1 BA A11 +43 17 1 BA A12 +43 17 1 BA A13 +43 17 1 BA A14 +43 17 1 BA A15 +43 17 1 BA A16 +43 17 1 BA A17 +43 17 1 BA A18 +43 17 1 BA A19 +43 17 1 BA A20 +43 17 1 BA A21 +43 17 1 BA A22 +43 17 1 BA A23 +43 17 1 BA A24 +43 17 1 BA A25 +43 17 1 BA A26 +43 17 1 BA A27 +43 17 1 BA A28 +43 17 1 BA A29 +43 17 1 BA A30 +43 17 1 BA A31 +43 17 1 BA A32 +43 17 1 BA A33 +43 17 1 BA A34 +43 17 1 BA A35 +43 17 1 BA A36 +43 17 1 BA A37 +43 17 1 BA A38 +43 17 1 BA A39 +43 17 1 BA A40 +43 17 2 FD J0 +43 17 2 FD J1 +43 17 2 FD J2 +43 17 2 FD J3 +43 17 2 FD J4 +43 17 2 FD J5 +43 17 2 FD J6 +43 17 2 FD J7 +43 17 2 FD J8 +43 17 2 FD J9 +43 17 2 FD J10 +43 17 2 FD J11 +43 17 2 FD J12 +43 17 2 FD J13 +43 17 2 FD J14 +43 17 2 FD J15 +43 17 2 FD J16 +43 17 2 FD J17 +43 17 2 FD J18 +43 17 2 FD J19 +43 17 2 FD J20 +43 17 2 FD J21 +43 17 2 FD J22 +43 17 2 FD J23 +43 17 2 FD J24 +43 17 2 FD J25 +43 17 2 FD J26 +43 17 2 FD J27 +43 17 2 FD J28 +43 17 2 FD J29 +43 17 2 FD J30 +43 17 2 FD J31 +43 17 2 FD J32 +43 17 2 FD J33 +43 17 2 FD J34 +43 17 2 FD J35 +43 17 2 FD J36 +43 17 2 FD J37 +43 17 2 FD J38 +43 17 2 FD J39 +43 17 2 FD J40 +43 17 3 GA F3 +43 17 4 MB B6 +43 17 5 AN C8 +43 17 5 AN C9 +43 17 6 SA F14 +43 17 7 BF H29 +43 17 7 BF H30 +43 18 1 BA A0 +43 18 1 BA A1 +43 18 1 BA A2 +43 18 1 BA A3 +43 18 1 BA A4 +43 18 1 BA A5 +43 18 1 BA A6 +43 18 1 BA A7 +43 18 1 BA A8 +43 18 1 BA A9 +43 18 1 BA A10 +43 18 1 BA A11 +43 18 1 BA A12 +43 18 1 BA A13 +43 18 1 BA A14 +43 18 1 BA A15 +43 18 1 BA A16 +43 18 1 BA A17 +43 18 1 BA A18 +43 18 1 BA A19 +43 18 1 BA A20 +43 18 1 BA A21 +43 18 1 BA A22 +43 18 1 BA A23 +43 18 1 BA A24 +43 18 1 BA A25 +43 18 1 BA A26 +43 18 1 BA A27 +43 18 1 BA A28 +43 18 1 BA A29 +43 18 1 BA A30 +43 18 1 BA A31 +43 18 1 BA A32 +43 18 1 BA A33 +43 18 1 BA A34 +43 18 1 BA A35 +43 18 1 BA A36 +43 18 1 BA A37 +43 18 1 BA A38 +43 18 1 BA A39 +43 18 1 BA A40 +43 18 2 GG J0 +43 18 2 GG J1 +43 18 2 GG J2 +43 18 2 GG J3 +43 18 2 GG J4 +43 18 2 GG J5 +43 18 2 GG J6 +43 18 2 GG J7 +43 18 2 GG J8 +43 18 2 GG J9 +43 18 2 GG J10 +43 18 2 GG J11 +43 18 2 GG J12 +43 18 2 GG J13 +43 18 2 GG J14 +43 18 2 GG J15 +43 18 2 GG J16 +43 18 2 GG J17 +43 18 2 GG J18 +43 18 2 GG J19 +43 18 2 GG J20 +43 18 2 GG J21 +43 18 2 GG J22 +43 18 2 GG J23 +43 18 2 GG J24 +43 18 2 GG J25 +43 18 2 GG J26 +43 18 2 GG J27 +43 18 2 GG J28 +43 18 2 GG J29 +43 18 2 GG J30 +43 18 2 GG J31 +43 18 2 GG J32 +43 18 2 GG J33 +43 18 2 GG J34 +43 18 2 GG J35 +43 18 2 GG J36 +43 18 2 GG J37 +43 18 2 GG J38 +43 18 2 GG J39 +43 18 2 GG J40 +43 18 3 GA F0 +43 19 1 BA A0 +43 19 1 BA A1 +43 19 1 BA A2 +43 19 1 BA A3 +43 19 1 BA A4 +43 19 1 BA A5 +43 19 1 BA A6 +43 19 1 BA A7 +43 19 1 BA A8 +43 19 1 BA A9 +43 19 1 BA A10 +43 19 1 BA A11 +43 19 1 BA A12 +43 19 1 BA A13 +43 19 1 BA A14 +43 19 1 BA A15 +43 19 1 BA A16 +43 19 1 BA A17 +43 19 1 BA A18 +43 19 1 BA A19 +43 19 1 BA A20 +43 19 1 BA A21 +43 19 1 BA A22 +43 19 1 BA A23 +43 19 1 BA A24 +43 19 1 BA A25 +43 19 1 BA A26 +43 19 1 BA A27 +43 19 1 BA A28 +43 19 1 BA A29 +43 19 1 BA A30 +43 19 1 BA A31 +43 19 1 BA A32 +43 19 1 BA A33 +43 19 1 BA A34 +43 19 1 BA A35 +43 19 1 BA A36 +43 19 1 BA A37 +43 19 1 BA A38 +43 19 1 BA A39 +43 19 1 BA A40 +43 19 2 FD J0 +43 19 2 FD J1 +43 19 2 FD J2 +43 19 2 FD J3 +43 19 2 FD J4 +43 19 2 FD J5 +43 19 2 FD J6 +43 19 2 FD J7 +43 19 2 FD J8 +43 19 2 FD J9 +43 19 2 FD J10 +43 19 2 FD J11 +43 19 2 FD J12 +43 19 2 FD J13 +43 19 2 FD J14 +43 19 2 FD J15 +43 19 2 FD J16 +43 19 2 FD J17 +43 19 2 FD J18 +43 19 2 FD J19 +43 19 2 FD J20 +43 19 2 FD J21 +43 19 2 FD J22 +43 19 2 FD J23 +43 19 2 FD J24 +43 19 2 FD J25 +43 19 2 FD J26 +43 19 2 FD J27 +43 19 2 FD J28 +43 19 2 FD J29 +43 19 2 FD J30 +43 19 2 FD J31 +43 19 2 FD J32 +43 19 2 FD J33 +43 19 2 FD J34 +43 19 2 FD J35 +43 19 2 FD J36 +43 19 2 FD J37 +43 19 2 FD J38 +43 19 2 FD J39 +43 19 2 FD J40 +43 19 3 BE E37 +43 19 3 BE E38 +43 19 3 BE E39 +43 19 3 BE E40 +43 19 3 BE F37 +43 19 3 BE F38 +43 19 3 BE F39 +43 19 3 BE F40 +43 19 3 BE G37 +43 19 3 BE G38 +43 19 3 BE G39 +43 19 3 BE G40 +43 19 3 BE H37 +43 19 3 BE H38 +43 19 3 BE H39 +43 19 3 BE H40 +43 19 3 BE I37 +43 19 3 BE I38 +43 19 3 BE I39 +43 19 3 BE I40 +43 20 1 BA A0 +43 20 1 BA A1 +43 20 1 BA A2 +43 20 1 BA A3 +43 20 1 BA A4 +43 20 1 BA A5 +43 20 1 BA A6 +43 20 1 BA A7 +43 20 1 BA A8 +43 20 1 BA A9 +43 20 1 BA A10 +43 20 1 BA A11 +43 20 1 BA A12 +43 20 1 BA A13 +43 20 1 BA A14 +43 20 1 BA A15 +43 20 1 BA A16 +43 20 1 BA A17 +43 20 1 BA A18 +43 20 1 BA A19 +43 20 1 BA A20 +43 20 1 BA A21 +43 20 1 BA A22 +43 20 1 BA A23 +43 20 1 BA A24 +43 20 1 BA A25 +43 20 1 BA A26 +43 20 1 BA A27 +43 20 1 BA A28 +43 20 1 BA A29 +43 20 1 BA A30 +43 20 1 BA A31 +43 20 1 BA A32 +43 20 1 BA A33 +43 20 1 BA A34 +43 20 1 BA A35 +43 20 1 BA A36 +43 20 1 BA A37 +43 20 1 BA A38 +43 20 1 BA A39 +43 20 1 BA A40 +43 20 2 FD J0 +43 20 2 FD J1 +43 20 2 FD J2 +43 20 2 FD J3 +43 20 2 FD J4 +43 20 2 FD J5 +43 20 2 FD J6 +43 20 2 FD J7 +43 20 2 FD J8 +43 20 2 FD J9 +43 20 2 FD J10 +43 20 2 FD J11 +43 20 2 FD J12 +43 20 2 FD J13 +43 20 2 FD J14 +43 20 2 FD J15 +43 20 2 FD J16 +43 20 2 FD J17 +43 20 2 FD J18 +43 20 2 FD J19 +43 20 2 FD J20 +43 20 2 FD J21 +43 20 2 FD J22 +43 20 2 FD J23 +43 20 2 FD J24 +43 20 2 FD J25 +43 20 2 FD J26 +43 20 2 FD J27 +43 20 2 FD J28 +43 20 2 FD J29 +43 20 2 FD J30 +43 20 2 FD J31 +43 20 2 FD J32 +43 20 2 FD J33 +43 20 2 FD J34 +43 20 2 FD J35 +43 20 2 FD J36 +43 20 2 FD J37 +43 20 2 FD J38 +43 20 2 FD J39 +43 20 2 FD J40 +43 20 3 GE C10 +43 20 4 GA F40 +43 20 5 BF H29 +43 20 6 AG E15 +43 21 1 BA A0 +43 21 1 BA A1 +43 21 1 BA A2 +43 21 1 BA A3 +43 21 1 BA A4 +43 21 1 BA A5 +43 21 1 BA A6 +43 21 1 BA A7 +43 21 1 BA A8 +43 21 1 BA A9 +43 21 1 BA A10 +43 21 1 BA A11 +43 21 1 BA A12 +43 21 1 BA A13 +43 21 1 BA A14 +43 21 1 BA A15 +43 21 1 BA A16 +43 21 1 BA A17 +43 21 1 BA A18 +43 21 1 BA A19 +43 21 1 BA A20 +43 21 1 BA A21 +43 21 1 BA A22 +43 21 1 BA A23 +43 21 1 BA A24 +43 21 1 BA A25 +43 21 1 BA A26 +43 21 1 BA A27 +43 21 1 BA A28 +43 21 1 BA A29 +43 21 1 BA A30 +43 21 1 BA A31 +43 21 1 BA A32 +43 21 1 BA A33 +43 21 1 BA A34 +43 21 1 BA A35 +43 21 1 BA A36 +43 21 1 BA A37 +43 21 1 BA A38 +43 21 1 BA A39 +43 21 1 BA A40 +43 21 2 FD J0 +43 21 2 FD J1 +43 21 2 FD J2 +43 21 2 FD J3 +43 21 2 FD J4 +43 21 2 FD J5 +43 21 2 FD J6 +43 21 2 FD J7 +43 21 2 FD J8 +43 21 2 FD J9 +43 21 2 FD J10 +43 21 2 FD J11 +43 21 2 FD J12 +43 21 2 FD J13 +43 21 2 FD J14 +43 21 2 FD J15 +43 21 2 FD J16 +43 21 2 FD J17 +43 21 2 FD J18 +43 21 2 FD J19 +43 21 2 FD J20 +43 21 2 FD J21 +43 21 2 FD J22 +43 21 2 FD J23 +43 21 2 FD J24 +43 21 2 FD J25 +43 21 2 FD J26 +43 21 2 FD J27 +43 21 2 FD J28 +43 21 2 FD J29 +43 21 2 FD J30 +43 21 2 FD J31 +43 21 2 FD J32 +43 21 2 FD J33 +43 21 2 FD J34 +43 21 2 FD J35 +43 21 2 FD J36 +43 21 2 FD J37 +43 21 2 FD J38 +43 21 2 FD J39 +43 21 2 FD J40 +43 21 3 GA G1 +43 21 3 GA G2 +43 21 4 MN H1 +43 21 5 GD D8 +43 21 6 AD D28 +43 21 6 AD D29 +43 21 7 EE H19 +43 21 8 SA H20 +43 21 9 BF G29 +43 21 9 BF H29 +43 21 10 GI H33 +43 22 1 BA A0 +43 22 1 BA A1 +43 22 1 BA A2 +43 22 1 BA A3 +43 22 1 BA A4 +43 22 1 BA A5 +43 22 1 BA A6 +43 22 1 BA A7 +43 22 1 BA A8 +43 22 1 BA A9 +43 22 1 BA A10 +43 22 1 BA A11 +43 22 1 BA A12 +43 22 1 BA A13 +43 22 1 BA A14 +43 22 1 BA A15 +43 22 1 BA A16 +43 22 1 BA A17 +43 22 1 BA A18 +43 22 1 BA A19 +43 22 1 BA A20 +43 22 1 BA A21 +43 22 1 BA A22 +43 22 1 BA A23 +43 22 1 BA A24 +43 22 1 BA A25 +43 22 1 BA A26 +43 22 1 BA A27 +43 22 1 BA A28 +43 22 1 BA A29 +43 22 1 BA A30 +43 22 1 BA A31 +43 22 1 BA A32 +43 22 1 BA A33 +43 22 1 BA A34 +43 22 1 BA A35 +43 22 1 BA A36 +43 22 1 BA A37 +43 22 1 BA A38 +43 22 1 BA A39 +43 22 1 BA A40 +43 22 2 FD J0 +43 22 2 FD J1 +43 22 2 FD J2 +43 22 2 FD J3 +43 22 2 FD J4 +43 22 2 FD J5 +43 22 2 FD J6 +43 22 2 FD J7 +43 22 2 FD J8 +43 22 2 FD J9 +43 22 2 FD J10 +43 22 2 FD J11 +43 22 2 FD J12 +43 22 2 FD J13 +43 22 2 FD J14 +43 22 2 FD J15 +43 22 2 FD J16 +43 22 2 FD J17 +43 22 2 FD J18 +43 22 2 FD J19 +43 22 2 FD J20 +43 22 2 FD J21 +43 22 2 FD J22 +43 22 2 FD J23 +43 22 2 FD J24 +43 22 2 FD J25 +43 22 2 FD J26 +43 22 2 FD J27 +43 22 2 FD J28 +43 22 2 FD J29 +43 22 2 FD J30 +43 22 2 FD J31 +43 22 2 FD J32 +43 22 2 FD J33 +43 22 2 FD J34 +43 22 2 FD J35 +43 22 2 FD J36 +43 22 2 FD J37 +43 22 2 FD J38 +43 22 2 FD J39 +43 22 2 FD J40 +43 22 3 GA G1 +43 22 4 GS C1 +43 22 5 GE C9 +43 22 6 AT B24 +43 22 7 BF G28 +43 22 8 TA I34 +43 23 1 BA A0 +43 23 1 BA A1 +43 23 1 BA A2 +43 23 1 BA A3 +43 23 1 BA A4 +43 23 1 BA A5 +43 23 1 BA A6 +43 23 1 BA A7 +43 23 1 BA A8 +43 23 1 BA A9 +43 23 1 BA A10 +43 23 1 BA A11 +43 23 1 BA A12 +43 23 1 BA A13 +43 23 1 BA A14 +43 23 1 BA A15 +43 23 1 BA A16 +43 23 1 BA A17 +43 23 1 BA A18 +43 23 1 BA A19 +43 23 1 BA A20 +43 23 1 BA A21 +43 23 1 BA A22 +43 23 1 BA A23 +43 23 1 BA A24 +43 23 1 BA A25 +43 23 1 BA A26 +43 23 1 BA A27 +43 23 1 BA A28 +43 23 1 BA A29 +43 23 1 BA A30 +43 23 1 BA A31 +43 23 1 BA A32 +43 23 1 BA A33 +43 23 1 BA A34 +43 23 1 BA A35 +43 23 1 BA A36 +43 23 1 BA A37 +43 23 1 BA A38 +43 23 1 BA A39 +43 23 1 BA A40 +43 23 2 GG J0 +43 23 2 GG J1 +43 23 2 GG J2 +43 23 2 GG J3 +43 23 2 GG J4 +43 23 2 GG J5 +43 23 2 GG J6 +43 23 2 GG J7 +43 23 2 GG J8 +43 23 2 GG J9 +43 23 2 GG J10 +43 23 2 GG J11 +43 23 2 GG J12 +43 23 2 GG J13 +43 23 2 GG J14 +43 23 2 GG J15 +43 23 2 GG J16 +43 23 2 GG J17 +43 23 2 GG J18 +43 23 2 GG J19 +43 23 2 GG J20 +43 23 2 GG J21 +43 23 2 GG J22 +43 23 2 GG J23 +43 23 2 GG J24 +43 23 2 GG J25 +43 23 2 GG J26 +43 23 2 GG J27 +43 23 2 GG J28 +43 23 2 GG J29 +43 23 2 GG J30 +43 23 2 GG J31 +43 23 2 GG J32 +43 23 2 GG J33 +43 23 2 GG J34 +43 23 2 GG J35 +43 23 2 GG J36 +43 23 2 GG J37 +43 23 2 GG J38 +43 23 2 GG J39 +43 23 2 GG J40 +43 23 3 GA E1 +43 23 3 GA E2 +43 23 3 GA E3 +43 23 3 GA E4 +43 23 3 GA E5 +43 23 3 GA F1 +43 23 3 GA F2 +43 23 3 GA F3 +43 23 3 GA F4 +43 23 3 GA G1 +43 23 3 GA G2 +43 23 3 GA G3 +43 23 3 GA G4 +43 23 3 GA H1 +43 23 3 GA H2 +43 23 3 GA H3 +43 23 3 GA H4 +43 24 1 BA A0 +43 24 1 BA A1 +43 24 1 BA A2 +43 24 1 BA A3 +43 24 1 BA A4 +43 24 1 BA A5 +43 24 1 BA A6 +43 24 1 BA A7 +43 24 1 BA A8 +43 24 1 BA A9 +43 24 1 BA A10 +43 24 1 BA A11 +43 24 1 BA A12 +43 24 1 BA A13 +43 24 1 BA A14 +43 24 1 BA A15 +43 24 1 BA A16 +43 24 1 BA A17 +43 24 1 BA A18 +43 24 1 BA A19 +43 24 1 BA A20 +43 24 1 BA A21 +43 24 1 BA A22 +43 24 1 BA A23 +43 24 1 BA A24 +43 24 1 BA A25 +43 24 1 BA A26 +43 24 1 BA A27 +43 24 1 BA A28 +43 24 1 BA A29 +43 24 1 BA A30 +43 24 1 BA A31 +43 24 1 BA A32 +43 24 1 BA A33 +43 24 1 BA A34 +43 24 1 BA A35 +43 24 1 BA A36 +43 24 1 BA A37 +43 24 1 BA A38 +43 24 1 BA A39 +43 24 1 BA A40 +43 24 2 FD J0 +43 24 2 FD J1 +43 24 2 FD J2 +43 24 2 FD J3 +43 24 2 FD J4 +43 24 2 FD J5 +43 24 2 FD J6 +43 24 2 FD J7 +43 24 2 FD J8 +43 24 2 FD J9 +43 24 2 FD J10 +43 24 2 FD J11 +43 24 2 FD J12 +43 24 2 FD J13 +43 24 2 FD J14 +43 24 2 FD J15 +43 24 2 FD J16 +43 24 2 FD J17 +43 24 2 FD J18 +43 24 2 FD J19 +43 24 2 FD J20 +43 24 2 FD J21 +43 24 2 FD J22 +43 24 2 FD J23 +43 24 2 FD J24 +43 24 2 FD J25 +43 24 2 FD J26 +43 24 2 FD J27 +43 24 2 FD J28 +43 24 2 FD J29 +43 24 2 FD J30 +43 24 2 FD J31 +43 24 2 FD J32 +43 24 2 FD J33 +43 24 2 FD J34 +43 24 2 FD J35 +43 24 2 FD J36 +43 24 2 FD J37 +43 24 2 FD J38 +43 24 2 FD J39 +43 24 2 FD J40 +43 24 3 BB G0 +43 24 4 AD D0 +43 24 4 AD E0 +43 24 5 DB D1 +43 24 5 DB D2 +43 24 6 BE G1 +43 24 6 BE G2 +43 24 6 BE G3 +43 24 7 GD G5 +43 24 7 GD G6 +43 24 8 NG H5 +43 24 8 NG H6 +43 24 9 TS I9 +43 24 9 TS I10 +43 24 9 TS I11 +43 24 9 TS I12 +43 24 10 AN B11 +43 24 10 AN C9 +43 24 10 AN C10 +43 24 10 AN C11 +43 24 11 BJ G12 +43 24 11 BJ G13 +43 24 11 BJ G14 +43 24 11 BJ H12 +43 24 11 BJ H13 +43 24 11 BJ H14 +43 24 12 SA C20 +43 24 12 SA C21 +43 24 12 SA D20 +43 24 12 SA D21 +43 24 13 BF H30 +43 24 13 BF H31 +43 24 13 BF H32 +43 24 14 TN I36 +43 24 14 TN I37 +43 24 14 TN I38 +43 24 15 GA F39 +43 24 15 GA F40 +43 25 1 BA A0 +43 25 1 BA A1 +43 25 1 BA A2 +43 25 1 BA A3 +43 25 1 BA A4 +43 25 1 BA A5 +43 25 1 BA A6 +43 25 1 BA A7 +43 25 1 BA A8 +43 25 1 BA A9 +43 25 1 BA A10 +43 25 1 BA A11 +43 25 1 BA A12 +43 25 1 BA A13 +43 25 1 BA A14 +43 25 1 BA A15 +43 25 1 BA A16 +43 25 1 BA A17 +43 25 1 BA A18 +43 25 1 BA A19 +43 25 1 BA A20 +43 25 1 BA A21 +43 25 1 BA A22 +43 25 1 BA A23 +43 25 1 BA A24 +43 25 1 BA A25 +43 25 1 BA A26 +43 25 1 BA A27 +43 25 1 BA A28 +43 25 1 BA A29 +43 25 1 BA A30 +43 25 1 BA A31 +43 25 1 BA A32 +43 25 1 BA A33 +43 25 1 BA A34 +43 25 1 BA A35 +43 25 1 BA A36 +43 25 1 BA A37 +43 25 1 BA A38 +43 25 1 BA A39 +43 25 1 BA A40 +43 25 2 GG J0 +43 25 2 GG J1 +43 25 2 GG J2 +43 25 2 GG J3 +43 25 2 GG J4 +43 25 2 GG J5 +43 25 2 GG J6 +43 25 2 GG J7 +43 25 2 GG J8 +43 25 2 GG J9 +43 25 2 GG J10 +43 25 2 GG J11 +43 25 2 GG J12 +43 25 2 GG J13 +43 25 2 GG J14 +43 25 2 GG J15 +43 25 2 GG J16 +43 25 2 GG J17 +43 25 2 GG J18 +43 25 2 GG J19 +43 25 2 GG J20 +43 25 2 GG J21 +43 25 2 GG J22 +43 25 2 GG J23 +43 25 2 GG J24 +43 25 2 GG J25 +43 25 2 GG J26 +43 25 2 GG J27 +43 25 2 GG J28 +43 25 2 GG J29 +43 25 2 GG J30 +43 25 2 GG J31 +43 25 2 GG J32 +43 25 2 GG J33 +43 25 2 GG J34 +43 25 2 GG J35 +43 25 2 GG J36 +43 25 2 GG J37 +43 25 2 GG J38 +43 25 2 GG J39 +43 25 2 GG J40 +43 25 3 GA G3 +43 25 4 BF G28 +44 1 1 RE F4 +44 1 2 PO A0 +44 1 2 PO A1 +44 1 2 PO A2 +44 1 2 PO A3 +44 1 2 PO A4 +44 1 2 PO A5 +44 1 2 PO A6 +44 1 2 PO A7 +44 1 2 PO A8 +44 1 2 PO A9 +44 1 2 PO A10 +44 1 2 PO A11 +44 1 2 PO A12 +44 1 2 PO A13 +44 1 2 PO A14 +44 1 2 PO A15 +44 1 2 PO A16 +44 1 2 PO A17 +44 1 2 PO A18 +44 1 2 PO A19 +44 1 2 PO A20 +44 1 2 PO A21 +44 1 2 PO A22 +44 1 2 PO A23 +44 1 2 PO A24 +44 1 2 PO A25 +44 1 2 PO A26 +44 1 2 PO A27 +44 1 2 PO A28 +44 1 2 PO A29 +44 1 2 PO A30 +44 1 2 PO A31 +44 1 2 PO A32 +44 1 2 PO A33 +44 1 2 PO A34 +44 1 2 PO A35 +44 1 2 PO A36 +44 1 2 PO A37 +44 1 2 PO A38 +44 1 2 PO A39 +44 1 2 PO A40 +44 1 3 HE C12 +44 1 4 DH I6 +44 1 4 DH I7 +44 1 4 DH I8 +44 1 4 DH I9 +44 1 4 DH I10 +44 1 4 DH I11 +44 1 4 DH I12 +44 1 4 DH I13 +44 1 4 DH I14 +44 1 4 DH I15 +44 1 4 DH I16 +44 1 4 DH I17 +44 1 5 NA H27 +44 1 6 KE J0 +44 1 6 KE J1 +44 1 6 KE J2 +44 1 6 KE J3 +44 1 6 KE J4 +44 1 6 KE J5 +44 1 6 KE J6 +44 1 6 KE J7 +44 1 6 KE J8 +44 1 6 KE J9 +44 1 6 KE J10 +44 1 6 KE J11 +44 1 6 KE J12 +44 1 6 KE J13 +44 1 6 KE J14 +44 1 6 KE J15 +44 1 6 KE J16 +44 1 6 KE J17 +44 1 6 KE J18 +44 1 6 KE J19 +44 1 6 KE J20 +44 1 6 KE J21 +44 1 6 KE J22 +44 1 6 KE J23 +44 1 6 KE J24 +44 1 6 KE J25 +44 1 6 KE J26 +44 1 6 KE J27 +44 1 6 KE J28 +44 1 6 KE J29 +44 1 6 KE J30 +44 1 6 KE J31 +44 1 6 KE J32 +44 1 6 KE J33 +44 1 6 KE J34 +44 1 6 KE J35 +44 1 6 KE J36 +44 1 6 KE J37 +44 1 6 KE J38 +44 1 6 KE J39 +44 1 6 KE J40 +44 2 1 RE G1 +44 2 2 PO B1 +44 2 3 HE D7 +44 2 4 DH F13 +44 2 5 KE J4 +44 2 6 NA F16 +44 3 1 HE C9 +44 3 2 KE J6 +44 3 3 NA G18 +44 3 4 PO A19 +44 4 1 PO A6 +44 4 2 HE C11 +44 4 2 HE D11 +44 4 3 RE G3 +44 4 3 RE H3 +44 4 4 DH I3 +44 4 5 KE J3 +44 4 6 NA F18 +44 4 6 NA G18 +44 5 1 PO A14 +44 5 2 RE F1 +44 5 3 DH I11 +44 5 4 KE J16 +44 5 4 KE J17 +44 5 4 KE J18 +44 5 5 NA F30 +44 5 5 NA G30 +44 6 1 PO A0 +44 6 1 PO A1 +44 6 1 PO A2 +44 6 1 PO A3 +44 6 1 PO A4 +44 6 1 PO A5 +44 6 1 PO A6 +44 6 1 PO A7 +44 6 1 PO A8 +44 6 1 PO A9 +44 6 1 PO A10 +44 6 1 PO A11 +44 6 1 PO A12 +44 6 1 PO A13 +44 6 1 PO A14 +44 6 1 PO A15 +44 6 1 PO A16 +44 6 1 PO A17 +44 6 1 PO A18 +44 6 1 PO A19 +44 6 1 PO A20 +44 6 1 PO A21 +44 6 1 PO A22 +44 6 1 PO A23 +44 6 1 PO A24 +44 6 1 PO A25 +44 6 1 PO A26 +44 6 1 PO A27 +44 6 1 PO A28 +44 6 1 PO A29 +44 6 1 PO A30 +44 6 1 PO A31 +44 6 1 PO A32 +44 6 1 PO A33 +44 6 1 PO A34 +44 6 1 PO A35 +44 6 1 PO A36 +44 6 1 PO A37 +44 6 1 PO A38 +44 6 1 PO A39 +44 6 1 PO A40 +44 6 2 HE C11 +44 6 3 DH F12 +44 6 4 KE J12 +44 6 5 NA G29 +44 6 6 RE G40 +44 7 1 RE G2 +44 7 2 HE D6 +44 7 3 KE J13 +44 7 4 PO A21 +44 7 5 NA G28 +44 8 1 HE E6 +44 8 2 PO A11 +44 8 2 PO A34 +44 8 3 NA G27 +44 8 4 KE J35 +44 8 5 LA G38 +44 9 1 LA F4 +44 9 2 PO A17 +44 9 3 NA J28 +44 10 1 RE G3 +44 10 2 DH J3 +44 10 3 PO A6 +44 10 4 HE D6 +44 10 5 KE J16 +44 10 6 NA D20 +44 11 1 RE G1 +44 11 2 PO A1 +44 11 3 HE C9 +44 11 4 KE J1 +44 11 5 NA F29 +44 12 1 HE F6 +44 12 2 RE G3 +44 12 3 PO A15 +44 12 4 KE J10 +44 12 5 NA G18 +44 13 1 HE C9 +44 13 2 PO A6 +44 13 3 DH B11 +44 13 4 RE G4 +44 13 5 KE H17 +44 13 6 NA E20 +44 14 1 KO H10 +44 14 2 DH I9 +44 14 3 SA B34 +44 14 4 LA I38 +44 14 5 KE J33 +44 14 6 NA H30 +44 15 1 SA A38 +44 15 2 LA F40 +44 15 3 KE J37 +44 15 4 PI G34 +44 15 5 NA I29 +44 16 1 HE C8 +44 16 2 PO A13 +44 16 3 RE F4 +44 16 4 DH I13 +44 16 5 KE J7 +44 16 6 NA I31 +44 17 1 HE C12 +44 17 2 PO A0 +44 17 2 PO A1 +44 17 2 PO A2 +44 17 2 PO A3 +44 17 2 PO A4 +44 17 2 PO A5 +44 17 2 PO A6 +44 17 2 PO A7 +44 17 2 PO A8 +44 17 2 PO A9 +44 17 2 PO A10 +44 17 2 PO A11 +44 17 2 PO A12 +44 17 2 PO A13 +44 17 2 PO A14 +44 17 2 PO A15 +44 17 2 PO A16 +44 17 2 PO A17 +44 17 2 PO A18 +44 17 2 PO A19 +44 17 2 PO A20 +44 17 2 PO A21 +44 17 2 PO A22 +44 17 2 PO A23 +44 17 2 PO A24 +44 17 2 PO A25 +44 17 2 PO A26 +44 17 2 PO A27 +44 17 2 PO A28 +44 17 2 PO A29 +44 17 2 PO A30 +44 17 2 PO A31 +44 17 2 PO A32 +44 17 2 PO A33 +44 17 2 PO A34 +44 17 2 PO A35 +44 17 2 PO A36 +44 17 2 PO A37 +44 17 2 PO A38 +44 17 2 PO A39 +44 17 2 PO A40 +44 17 3 NA F29 +44 17 4 KE J0 +44 17 4 KE J1 +44 17 4 KE J2 +44 17 4 KE J3 +44 17 4 KE J4 +44 17 4 KE J5 +44 17 4 KE J6 +44 17 4 KE J7 +44 17 4 KE J8 +44 17 4 KE J9 +44 17 4 KE J10 +44 17 4 KE J11 +44 17 4 KE J12 +44 17 4 KE J13 +44 17 4 KE J14 +44 17 4 KE J15 +44 17 4 KE J16 +44 17 4 KE J17 +44 17 4 KE J18 +44 17 4 KE J19 +44 17 4 KE J20 +44 17 4 KE J21 +44 17 4 KE J22 +44 17 4 KE J23 +44 17 4 KE J24 +44 17 4 KE J25 +44 17 4 KE J26 +44 17 4 KE J27 +44 17 4 KE J28 +44 17 4 KE J29 +44 17 4 KE J30 +44 17 4 KE J31 +44 17 4 KE J32 +44 17 4 KE J33 +44 17 4 KE J34 +44 17 4 KE J35 +44 17 4 KE J36 +44 17 4 KE J37 +44 17 4 KE J38 +44 17 4 KE J39 +44 17 4 KE J40 +44 17 5 DH H9 +44 17 6 LA I3 +44 18 1 LA H3 +44 18 2 HE C9 +44 18 3 PO A12 +44 18 4 KE J9 +44 18 5 NA I31 +44 18 6 DH F31 +44 18 7 CU H34 +44 19 1 HE C8 +44 19 1 HE C9 +44 19 1 HE C10 +44 19 1 HE C11 +44 19 1 HE C12 +44 19 1 HE C13 +44 19 1 HE C14 +44 19 2 PO A0 +44 19 2 PO A1 +44 19 2 PO A2 +44 19 2 PO A3 +44 19 2 PO A4 +44 19 2 PO A5 +44 19 2 PO A6 +44 19 2 PO A7 +44 19 2 PO A8 +44 19 2 PO A9 +44 19 2 PO A10 +44 19 2 PO A11 +44 19 2 PO A12 +44 19 2 PO A13 +44 19 2 PO A14 +44 19 2 PO A15 +44 19 2 PO A16 +44 19 2 PO A17 +44 19 2 PO A18 +44 19 2 PO A19 +44 19 2 PO A20 +44 19 2 PO A21 +44 19 2 PO A22 +44 19 2 PO A23 +44 19 2 PO A24 +44 19 2 PO A25 +44 19 2 PO A26 +44 19 2 PO A27 +44 19 2 PO A28 +44 19 2 PO A29 +44 19 2 PO A30 +44 19 2 PO A31 +44 19 2 PO A32 +44 19 2 PO A33 +44 19 2 PO A34 +44 19 2 PO A35 +44 19 2 PO A36 +44 19 2 PO A37 +44 19 2 PO A38 +44 19 2 PO A39 +44 19 2 PO A40 +44 19 3 LA G1 +44 19 3 LA G2 +44 19 3 LA G3 +44 19 3 LA G4 +44 19 3 LA G5 +44 19 3 LA G6 +44 19 3 LA G7 +44 19 3 LA G8 +44 19 4 NA G20 +44 19 5 DH I5 +44 19 5 DH I6 +44 19 5 DH I7 +44 19 5 DH I8 +44 19 5 DH I9 +44 19 5 DH I10 +44 19 5 DH I11 +44 19 5 DH I12 +44 19 5 DH I13 +44 19 5 DH I14 +44 19 5 DH I15 +44 19 5 DH I16 +44 19 5 DH I17 +44 19 6 KE J0 +44 19 6 KE J1 +44 19 6 KE J2 +44 19 6 KE J3 +44 19 6 KE J4 +44 19 6 KE J5 +44 19 6 KE J6 +44 19 6 KE J7 +44 19 6 KE J8 +44 19 6 KE J9 +44 19 6 KE J10 +44 19 6 KE J11 +44 19 6 KE J12 +44 19 6 KE J13 +44 19 6 KE J14 +44 19 6 KE J15 +44 19 6 KE J16 +44 19 6 KE J17 +44 19 6 KE J18 +44 19 6 KE J19 +44 19 6 KE J20 +44 19 6 KE J21 +44 19 6 KE J22 +44 19 6 KE J23 +44 19 6 KE J24 +44 19 6 KE J25 +44 19 6 KE J26 +44 19 6 KE J27 +44 19 6 KE J28 +44 19 6 KE J29 +44 19 6 KE J30 +44 19 6 KE J31 +44 19 6 KE J32 +44 19 6 KE J33 +44 19 6 KE J34 +44 19 6 KE J35 +44 19 6 KE J36 +44 19 6 KE J37 +44 19 6 KE J38 +44 19 6 KE J39 +44 19 6 KE J40 +44 20 1 PO A1 +44 20 2 HE C9 +44 20 3 LA C1 +44 20 4 DH F0 +44 20 5 KE J2 +44 20 6 NA F28 +44 21 1 PO A0 +44 21 1 PO A1 +44 21 1 PO A2 +44 21 1 PO A3 +44 21 1 PO A4 +44 21 1 PO A5 +44 21 1 PO A6 +44 21 1 PO A7 +44 21 1 PO A8 +44 21 1 PO A9 +44 21 1 PO A10 +44 21 1 PO A11 +44 21 1 PO A12 +44 21 1 PO A13 +44 21 1 PO A14 +44 21 1 PO A15 +44 21 1 PO A16 +44 21 1 PO A17 +44 21 1 PO A18 +44 21 1 PO A19 +44 21 1 PO A20 +44 21 1 PO A21 +44 21 1 PO A22 +44 21 1 PO A23 +44 21 1 PO A24 +44 21 1 PO A25 +44 21 1 PO A26 +44 21 1 PO A27 +44 21 1 PO A28 +44 21 1 PO A29 +44 21 1 PO A30 +44 21 1 PO A31 +44 21 1 PO A32 +44 21 1 PO A33 +44 21 1 PO A34 +44 21 1 PO A35 +44 21 1 PO A36 +44 21 1 PO A37 +44 21 1 PO A38 +44 21 1 PO A39 +44 21 1 PO A40 +44 21 2 HE D7 +44 21 3 RE G40 +44 21 4 NA F28 +44 21 5 DH I27 +44 21 6 KE J0 +44 21 6 KE J1 +44 21 6 KE J2 +44 21 6 KE J3 +44 21 6 KE J4 +44 21 6 KE J5 +44 21 6 KE J6 +44 21 6 KE J7 +44 21 6 KE J8 +44 21 6 KE J9 +44 21 6 KE J10 +44 21 6 KE J11 +44 21 6 KE J12 +44 21 6 KE J13 +44 21 6 KE J14 +44 21 6 KE J15 +44 21 6 KE J16 +44 21 6 KE J17 +44 21 6 KE J18 +44 21 6 KE J19 +44 21 6 KE J20 +44 21 6 KE J21 +44 21 6 KE J22 +44 21 6 KE J23 +44 21 6 KE J24 +44 21 6 KE J25 +44 21 6 KE J26 +44 21 6 KE J27 +44 21 6 KE J28 +44 21 6 KE J29 +44 21 6 KE J30 +44 21 6 KE J31 +44 21 6 KE J32 +44 21 6 KE J33 +44 21 6 KE J34 +44 21 6 KE J35 +44 21 6 KE J36 +44 21 6 KE J37 +44 21 6 KE J38 +44 21 6 KE J39 +44 21 6 KE J40 +44 22 1 SA A0 +44 22 1 SA A1 +44 22 1 SA A2 +44 22 1 SA A3 +44 22 1 SA A4 +44 22 1 SA A5 +44 22 1 SA A6 +44 22 1 SA A7 +44 22 1 SA A8 +44 22 1 SA A9 +44 22 1 SA A10 +44 22 1 SA A11 +44 22 1 SA A12 +44 22 1 SA A13 +44 22 1 SA A14 +44 22 1 SA A15 +44 22 1 SA A16 +44 22 1 SA A17 +44 22 1 SA A18 +44 22 1 SA A19 +44 22 1 SA A20 +44 22 1 SA A21 +44 22 1 SA A22 +44 22 1 SA A23 +44 22 1 SA A24 +44 22 1 SA A25 +44 22 1 SA A26 +44 22 1 SA A27 +44 22 1 SA A28 +44 22 1 SA A29 +44 22 1 SA A30 +44 22 1 SA A31 +44 22 1 SA A32 +44 22 1 SA A33 +44 22 1 SA A34 +44 22 1 SA A35 +44 22 1 SA A36 +44 22 1 SA A37 +44 22 1 SA A38 +44 22 1 SA A39 +44 22 1 SA A40 +44 22 2 HA D16 +44 22 3 HE C9 +44 22 4 KE J0 +44 22 4 KE J1 +44 22 4 KE J2 +44 22 4 KE J3 +44 22 4 KE J4 +44 22 4 KE J5 +44 22 4 KE J6 +44 22 4 KE J7 +44 22 4 KE J8 +44 22 4 KE J9 +44 22 4 KE J10 +44 22 4 KE J11 +44 22 4 KE J12 +44 22 4 KE J13 +44 22 4 KE J14 +44 22 4 KE J15 +44 22 4 KE J16 +44 22 4 KE J17 +44 22 4 KE J18 +44 22 4 KE J19 +44 22 4 KE J20 +44 22 4 KE J21 +44 22 4 KE J22 +44 22 4 KE J23 +44 22 4 KE J24 +44 22 4 KE J25 +44 22 4 KE J26 +44 22 4 KE J27 +44 22 4 KE J28 +44 22 4 KE J29 +44 22 4 KE J30 +44 22 4 KE J31 +44 22 4 KE J32 +44 22 4 KE J33 +44 22 4 KE J34 +44 22 4 KE J35 +44 22 4 KE J36 +44 22 4 KE J37 +44 22 4 KE J38 +44 22 4 KE J39 +44 22 4 KE J40 +44 22 5 NA H29 +44 22 6 LA G40 +44 23 1 PO A14 +44 23 2 DH B18 +44 23 3 HE C11 +44 23 4 RE F4 +44 23 5 KE J20 +44 23 6 NA G28 +44 23 7 LA F40 +44 24 1 PO A0 +44 24 2 RE G40 +44 24 3 KE J40 +44 24 4 NA F16 +44 25 1 SA A0 +44 25 2 LA F1 +44 25 3 NA E21 +44 25 4 KE J0 +44 25 4 KE J1 +44 25 4 KE J2 +44 25 4 KE J3 +44 25 4 KE J4 +44 25 4 KE J5 +44 25 4 KE J6 +44 25 4 KE J7 +44 25 4 KE J8 +44 25 4 KE J9 +44 25 4 KE J10 +44 25 4 KE J11 +44 25 4 KE J12 +44 25 4 KE J13 +44 25 4 KE J14 +44 25 4 KE J15 +44 25 4 KE J16 +44 25 4 KE J17 +44 25 4 KE J18 +44 25 4 KE J19 +44 25 4 KE J20 +44 25 4 KE J21 +44 25 4 KE J22 +44 25 4 KE J23 +44 25 4 KE J24 +44 25 4 KE J25 +44 25 4 KE J26 +44 25 4 KE J27 +44 25 4 KE J28 +44 25 4 KE J29 +44 25 4 KE J30 +44 25 4 KE J31 +44 25 4 KE J32 +44 25 4 KE J33 +44 25 4 KE J34 +44 25 4 KE J35 +44 25 4 KE J36 +44 25 4 KE J37 +44 25 4 KE J38 +44 25 4 KE J39 +44 25 4 KE J40 +45 1 1 O A0 +45 1 2 M C8 +45 1 3 TSA I2 +45 1 4 TSO I7 +45 1 5 T J0 +45 1 6 Y I19 +45 1 7 A H27 +45 1 8 I H32 +45 2 1 O A0 +45 2 2 M C10 +45 2 3 I C37 +45 2 4 MO H32 +45 2 5 A F28 +45 2 6 T J0 +45 2 7 Y G18 +45 2 8 TSO G9 +45 2 9 TSA G3 +45 3 1 O A0 +45 3 2 M B13 +45 3 3 I C38 +45 3 4 MO I33 +45 3 5 A H29 +45 3 6 Y H21 +45 3 7 T J0 +45 3 8 TSO G8 +45 3 9 TSA G3 +45 4 1 O A0 +45 4 2 M C11 +45 4 3 I C36 +45 4 4 MO H33 +45 4 5 A H29 +45 4 6 Y G20 +45 4 7 T J0 +45 4 8 TSO H8 +45 4 9 TSA G2 +45 5 1 O A0 +45 5 2 M C12 +45 5 3 I D39 +45 5 4 MO G33 +45 5 5 A F29 +45 5 6 Y G22 +45 5 7 T J0 +45 5 8 TSO G9 +45 5 9 TSA G3 +45 6 1 O A0 +45 6 2 M C10 +45 6 3 I C37 +45 6 4 MO G32 +45 6 5 Y E16 +45 6 6 TSO E8 +45 6 7 T J0 +45 6 8 TSA G1 +45 7 1 O A0 +45 7 2 M C11 +45 7 3 MO H33 +45 7 4 A F28 +45 7 5 T J0 +45 7 6 Y F17 +45 7 7 TSO G10 +45 7 8 TSA F2 +45 8 1 O A0 +45 8 2 M C8 +45 8 3 MO I32 +45 8 4 A F30 +45 8 5 T J0 +45 8 6 Y F20 +45 8 7 TSO G8 +45 8 8 TSA H4 +45 9 1 O A0 +45 9 2 M C8 +45 9 3 MO I33 +45 9 4 A H29 +45 9 5 T J0 +45 9 6 Y H17 +45 9 7 TSO H8 +45 9 8 TSA H3 +45 10 1 O A0 +45 10 2 M C11 +45 10 3 MO I35 +45 10 4 A F29 +45 10 5 Y H20 +45 10 6 T J0 +45 10 7 TSO I5 +45 10 8 TSA G2 +45 11 1 O A0 +45 11 2 M C9 +45 11 3 Y F17 +45 11 4 MO G33 +45 11 5 T J0 +45 11 6 TSO H6 +45 11 7 TSA G2 +45 12 1 O A0 +45 12 2 M D9 +45 12 3 Y F29 +45 12 4 TSA F40 +45 12 5 MO G34 +45 12 6 T J0 +45 12 7 TSO H7 +45 13 1 O A0 +45 13 2 M C8 +45 13 3 TSO E8 +45 13 4 MO H37 +45 13 5 T J0 +45 13 6 Y G18 +45 13 7 TSA F4 +45 14 1 O A0 +45 14 2 M C9 +45 14 3 MO I31 +45 14 4 T J0 +45 14 5 Y F20 +45 14 6 TSO F9 +45 14 7 TSA F1 +45 15 1 O A0 +45 15 2 M D6 +45 15 3 MU H36 +45 15 4 Y F16 +45 15 5 T J0 +45 15 6 TSO G8 +45 15 7 TSA F1 +45 16 1 O A0 +45 16 2 M C10 +45 16 3 TO F32 +45 16 4 T J0 +45 16 5 Y F17 +45 16 6 TSO G8 +45 16 7 TSA H1 +45 17 1 O A0 +45 17 2 M B10 +45 17 3 Y E16 +45 17 4 TO E32 +45 17 5 TSO G9 +45 17 6 T J0 +45 17 7 TSA G1 +45 18 1 O A0 +45 18 2 M B11 +45 18 3 MU I32 +45 18 4 Y H15 +45 18 5 T J0 +45 18 6 TSO I5 +45 18 7 TSA H3 +45 19 1 O A0 +45 19 2 M C10 +45 19 3 MU H36 +45 19 4 T J0 +45 19 5 Y F17 +45 19 6 TSO G8 +45 19 7 TSA G4 +45 20 1 O A0 +45 20 2 M C10 +45 20 3 TSA F40 +45 20 4 MU G33 +45 20 5 Y F18 +45 20 6 TSO F9 +45 20 7 T J0 +45 21 1 O A0 +45 21 2 M C8 +45 21 3 Y E16 +45 21 4 MU G34 +45 21 5 T J0 +45 21 6 TSO H8 +45 21 7 TSA G1 +45 22 1 O A0 +45 22 2 M C9 +45 22 3 TSA F40 +45 22 4 MU H33 +45 22 5 A H29 +45 22 6 Y H22 +45 22 7 T J0 +45 22 8 TSO F8 +45 23 1 O A0 +45 23 2 M C8 +45 23 3 TSA G40 +45 23 4 MU H33 +45 23 5 A G30 +45 23 6 Y G21 +45 23 7 T J0 +45 23 8 TSO F9 +45 24 1 O A0 +45 24 2 M C8 +45 24 3 MO I36 +45 24 4 T J0 +45 24 5 Y I20 +45 24 6 TSO H6 +45 24 7 TSA H2 +45 25 1 O A0 +45 25 2 M C11 +45 25 3 MO I37 +45 25 4 T J0 +45 25 5 Y H18 +45 25 6 TSO H8 +45 25 7 TSA G2 +46 1 1 RA A0 +46 1 1 RA A1 +46 1 1 RA A2 +46 1 1 RA A3 +46 1 1 RA A4 +46 1 1 RA A5 +46 1 1 RA A6 +46 1 1 RA A7 +46 1 1 RA A8 +46 1 1 RA A9 +46 1 1 RA A10 +46 1 1 RA A11 +46 1 1 RA A12 +46 1 1 RA A13 +46 1 1 RA A14 +46 1 1 RA A15 +46 1 1 RA A16 +46 1 1 RA A17 +46 1 1 RA A18 +46 1 1 RA A19 +46 1 1 RA A20 +46 1 1 RA A21 +46 1 1 RA A22 +46 1 1 RA A23 +46 1 1 RA A24 +46 1 1 RA A25 +46 1 1 RA A26 +46 1 1 RA A27 +46 1 1 RA A28 +46 1 1 RA A29 +46 1 1 RA A30 +46 1 1 RA A31 +46 1 1 RA A32 +46 1 1 RA A33 +46 1 1 RA A34 +46 1 1 RA A35 +46 1 1 RA A36 +46 1 1 RA A37 +46 1 1 RA A38 +46 1 1 RA A39 +46 1 1 RA A40 +46 1 2 MB J0 +46 1 2 MB J1 +46 1 2 MB J2 +46 1 2 MB J3 +46 1 2 MB J4 +46 1 2 MB J5 +46 1 2 MB J6 +46 1 2 MB J7 +46 1 2 MB J8 +46 1 2 MB J9 +46 1 2 MB J10 +46 1 2 MB J11 +46 1 2 MB J12 +46 1 2 MB J13 +46 1 2 MB J14 +46 1 2 MB J15 +46 1 2 MB J16 +46 1 2 MB J17 +46 1 2 MB J18 +46 1 2 MB J19 +46 1 2 MB J20 +46 1 2 MB J21 +46 1 2 MB J22 +46 1 2 MB J23 +46 1 2 MB J24 +46 1 2 MB J25 +46 1 2 MB J26 +46 1 2 MB J27 +46 1 2 MB J28 +46 1 2 MB J29 +46 1 2 MB J30 +46 1 2 MB J31 +46 1 2 MB J32 +46 1 2 MB J33 +46 1 2 MB J34 +46 1 2 MB J35 +46 1 2 MB J36 +46 1 2 MB J37 +46 1 2 MB J38 +46 1 2 MB J39 +46 1 2 MB J40 +46 1 3 NC G2 +46 1 4 ML C9 +46 1 5 NT F17 +46 1 6 AZ F29 +46 1 7 MR I32 +46 1 8 CH H8 +46 1 9 CF I10 +46 1 10 RO D2 +46 2 1 RA A0 +46 2 1 RA A1 +46 2 1 RA A2 +46 2 1 RA A3 +46 2 1 RA A4 +46 2 1 RA A5 +46 2 1 RA A6 +46 2 1 RA A7 +46 2 1 RA A8 +46 2 1 RA A9 +46 2 1 RA A10 +46 2 1 RA A11 +46 2 1 RA A12 +46 2 1 RA A13 +46 2 1 RA A14 +46 2 1 RA A15 +46 2 1 RA A16 +46 2 1 RA A17 +46 2 1 RA A18 +46 2 1 RA A19 +46 2 1 RA A20 +46 2 1 RA A21 +46 2 1 RA A22 +46 2 1 RA A23 +46 2 1 RA A24 +46 2 1 RA A25 +46 2 1 RA A26 +46 2 1 RA A27 +46 2 1 RA A28 +46 2 1 RA A29 +46 2 1 RA A30 +46 2 1 RA A31 +46 2 1 RA A32 +46 2 1 RA A33 +46 2 1 RA A34 +46 2 1 RA A35 +46 2 1 RA A36 +46 2 1 RA A37 +46 2 1 RA A38 +46 2 1 RA A39 +46 2 1 RA A40 +46 2 2 MB J0 +46 2 2 MB J1 +46 2 2 MB J2 +46 2 2 MB J3 +46 2 2 MB J4 +46 2 2 MB J5 +46 2 2 MB J6 +46 2 2 MB J7 +46 2 2 MB J8 +46 2 2 MB J9 +46 2 2 MB J10 +46 2 2 MB J11 +46 2 2 MB J12 +46 2 2 MB J13 +46 2 2 MB J14 +46 2 2 MB J15 +46 2 2 MB J16 +46 2 2 MB J17 +46 2 2 MB J18 +46 2 2 MB J19 +46 2 2 MB J20 +46 2 2 MB J21 +46 2 2 MB J22 +46 2 2 MB J23 +46 2 2 MB J24 +46 2 2 MB J25 +46 2 2 MB J26 +46 2 2 MB J27 +46 2 2 MB J28 +46 2 2 MB J29 +46 2 2 MB J30 +46 2 2 MB J31 +46 2 2 MB J32 +46 2 2 MB J33 +46 2 2 MB J34 +46 2 2 MB J35 +46 2 2 MB J36 +46 2 2 MB J37 +46 2 2 MB J38 +46 2 2 MB J39 +46 2 2 MB J40 +46 2 3 VN I1 +46 2 4 NC H1 +46 2 5 NT I20 +46 2 6 AZ G31 +46 2 7 MR H34 +46 2 8 CH B2 +46 2 9 RO E1 +46 2 10 IT F0 +46 3 1 RA A0 +46 3 1 RA A1 +46 3 1 RA A2 +46 3 1 RA A3 +46 3 1 RA A4 +46 3 1 RA A5 +46 3 1 RA A6 +46 3 1 RA A7 +46 3 1 RA A8 +46 3 1 RA A9 +46 3 1 RA A10 +46 3 1 RA A11 +46 3 1 RA A12 +46 3 1 RA A13 +46 3 1 RA A14 +46 3 1 RA A15 +46 3 1 RA A16 +46 3 1 RA A17 +46 3 1 RA A18 +46 3 1 RA A19 +46 3 1 RA A20 +46 3 1 RA A21 +46 3 1 RA A22 +46 3 1 RA A23 +46 3 1 RA A24 +46 3 1 RA A25 +46 3 1 RA A26 +46 3 1 RA A27 +46 3 1 RA A28 +46 3 1 RA A29 +46 3 1 RA A30 +46 3 1 RA A31 +46 3 1 RA A32 +46 3 1 RA A33 +46 3 1 RA A34 +46 3 1 RA A35 +46 3 1 RA A36 +46 3 1 RA A37 +46 3 1 RA A38 +46 3 1 RA A39 +46 3 1 RA A40 +46 3 2 MB J0 +46 3 2 MB J1 +46 3 2 MB J2 +46 3 2 MB J3 +46 3 2 MB J4 +46 3 2 MB J5 +46 3 2 MB J6 +46 3 2 MB J7 +46 3 2 MB J8 +46 3 2 MB J9 +46 3 2 MB J10 +46 3 2 MB J11 +46 3 2 MB J12 +46 3 2 MB J13 +46 3 2 MB J14 +46 3 2 MB J15 +46 3 2 MB J16 +46 3 2 MB J17 +46 3 2 MB J18 +46 3 2 MB J19 +46 3 2 MB J20 +46 3 2 MB J21 +46 3 2 MB J22 +46 3 2 MB J23 +46 3 2 MB J24 +46 3 2 MB J25 +46 3 2 MB J26 +46 3 2 MB J27 +46 3 2 MB J28 +46 3 2 MB J29 +46 3 2 MB J30 +46 3 2 MB J31 +46 3 2 MB J32 +46 3 2 MB J33 +46 3 2 MB J34 +46 3 2 MB J35 +46 3 2 MB J36 +46 3 2 MB J37 +46 3 2 MB J38 +46 3 2 MB J39 +46 3 2 MB J40 +46 3 3 NC H1 +46 3 3 NC H2 +46 3 3 NC H3 +46 3 3 NC H4 +46 3 4 ML C10 +46 3 4 ML C11 +46 3 5 NT H17 +46 3 5 NT H18 +46 3 5 NT H19 +46 3 5 NT H20 +46 3 6 MR H35 +46 3 6 MR H36 +46 3 7 CH G9 +46 3 7 CH G10 +46 3 8 CF I7 +46 3 8 CF I8 +46 3 9 RO F39 +46 3 9 RO F40 +46 3 10 IT E0 +46 3 10 IT F0 +46 4 1 RA A0 +46 4 1 RA A1 +46 4 1 RA A2 +46 4 1 RA A3 +46 4 1 RA A4 +46 4 1 RA A5 +46 4 1 RA A6 +46 4 1 RA A7 +46 4 1 RA A8 +46 4 1 RA A9 +46 4 1 RA A10 +46 4 1 RA A11 +46 4 1 RA A12 +46 4 1 RA A13 +46 4 1 RA A14 +46 4 1 RA A15 +46 4 1 RA A16 +46 4 1 RA A17 +46 4 1 RA A18 +46 4 1 RA A19 +46 4 1 RA A20 +46 4 1 RA A21 +46 4 1 RA A22 +46 4 1 RA A23 +46 4 1 RA A24 +46 4 1 RA A25 +46 4 1 RA A26 +46 4 1 RA A27 +46 4 1 RA A28 +46 4 1 RA A29 +46 4 1 RA A30 +46 4 1 RA A31 +46 4 1 RA A32 +46 4 1 RA A33 +46 4 1 RA A34 +46 4 1 RA A35 +46 4 1 RA A36 +46 4 1 RA A37 +46 4 1 RA A38 +46 4 1 RA A39 +46 4 1 RA A40 +46 4 2 MB J0 +46 4 2 MB J1 +46 4 2 MB J2 +46 4 2 MB J3 +46 4 2 MB J4 +46 4 2 MB J5 +46 4 2 MB J6 +46 4 2 MB J7 +46 4 2 MB J8 +46 4 2 MB J9 +46 4 2 MB J10 +46 4 2 MB J11 +46 4 2 MB J12 +46 4 2 MB J13 +46 4 2 MB J14 +46 4 2 MB J15 +46 4 2 MB J16 +46 4 2 MB J17 +46 4 2 MB J18 +46 4 2 MB J19 +46 4 2 MB J20 +46 4 2 MB J21 +46 4 2 MB J22 +46 4 2 MB J23 +46 4 2 MB J24 +46 4 2 MB J25 +46 4 2 MB J26 +46 4 2 MB J27 +46 4 2 MB J28 +46 4 2 MB J29 +46 4 2 MB J30 +46 4 2 MB J31 +46 4 2 MB J32 +46 4 2 MB J33 +46 4 2 MB J34 +46 4 2 MB J35 +46 4 2 MB J36 +46 4 2 MB J37 +46 4 2 MB J38 +46 4 2 MB J39 +46 4 2 MB J40 +46 4 3 NC F4 +46 4 4 ML C9 +46 4 5 NT F17 +46 4 6 AZ F29 +46 4 7 CR H33 +46 4 8 RO E39 +46 5 1 RA A0 +46 5 1 RA A1 +46 5 1 RA A2 +46 5 1 RA A3 +46 5 1 RA A4 +46 5 1 RA A5 +46 5 1 RA A6 +46 5 1 RA A7 +46 5 1 RA A8 +46 5 1 RA A9 +46 5 1 RA A10 +46 5 1 RA A11 +46 5 1 RA A12 +46 5 1 RA A13 +46 5 1 RA A14 +46 5 1 RA A15 +46 5 1 RA A16 +46 5 1 RA A17 +46 5 1 RA A18 +46 5 1 RA A19 +46 5 1 RA A20 +46 5 1 RA A21 +46 5 1 RA A22 +46 5 1 RA A23 +46 5 1 RA A24 +46 5 1 RA A25 +46 5 1 RA A26 +46 5 1 RA A27 +46 5 1 RA A28 +46 5 1 RA A29 +46 5 1 RA A30 +46 5 1 RA A31 +46 5 1 RA A32 +46 5 1 RA A33 +46 5 1 RA A34 +46 5 1 RA A35 +46 5 1 RA A36 +46 5 1 RA A37 +46 5 1 RA A38 +46 5 1 RA A39 +46 5 1 RA A40 +46 5 2 MB J0 +46 5 2 MB J1 +46 5 2 MB J2 +46 5 2 MB J3 +46 5 2 MB J4 +46 5 2 MB J5 +46 5 2 MB J6 +46 5 2 MB J7 +46 5 2 MB J8 +46 5 2 MB J9 +46 5 2 MB J10 +46 5 2 MB J11 +46 5 2 MB J12 +46 5 2 MB J13 +46 5 2 MB J14 +46 5 2 MB J15 +46 5 2 MB J16 +46 5 2 MB J17 +46 5 2 MB J18 +46 5 2 MB J19 +46 5 2 MB J20 +46 5 2 MB J21 +46 5 2 MB J22 +46 5 2 MB J23 +46 5 2 MB J24 +46 5 2 MB J25 +46 5 2 MB J26 +46 5 2 MB J27 +46 5 2 MB J28 +46 5 2 MB J29 +46 5 2 MB J30 +46 5 2 MB J31 +46 5 2 MB J32 +46 5 2 MB J33 +46 5 2 MB J34 +46 5 2 MB J35 +46 5 2 MB J36 +46 5 2 MB J37 +46 5 2 MB J38 +46 5 2 MB J39 +46 5 2 MB J40 +46 5 3 NC G3 +46 5 4 AZ G30 +46 5 5 CH G9 +46 5 6 CF G9 +46 5 7 RO E38 +46 5 8 NA F6 +46 5 9 IT H0 +46 6 1 MB A0 +46 6 1 MB A1 +46 6 1 MB A2 +46 6 1 MB A3 +46 6 1 MB A4 +46 6 1 MB A5 +46 6 1 MB A6 +46 6 1 MB A7 +46 6 1 MB A8 +46 6 1 MB A9 +46 6 1 MB A10 +46 6 1 MB A11 +46 6 1 MB A12 +46 6 1 MB A13 +46 6 1 MB A14 +46 6 1 MB A15 +46 6 1 MB A16 +46 6 1 MB A17 +46 6 1 MB A18 +46 6 1 MB A19 +46 6 1 MB A20 +46 6 1 MB A21 +46 6 1 MB A22 +46 6 1 MB A23 +46 6 1 MB A24 +46 6 1 MB A25 +46 6 1 MB A26 +46 6 1 MB A27 +46 6 1 MB A28 +46 6 1 MB A29 +46 6 1 MB A30 +46 6 1 MB A31 +46 6 1 MB A32 +46 6 1 MB A33 +46 6 1 MB A34 +46 6 1 MB A35 +46 6 1 MB A36 +46 6 1 MB A37 +46 6 1 MB A38 +46 6 1 MB A39 +46 6 1 MB A40 +46 6 1 MB J0 +46 6 1 MB J1 +46 6 1 MB J2 +46 6 1 MB J3 +46 6 1 MB J4 +46 6 1 MB J5 +46 6 1 MB J6 +46 6 1 MB J7 +46 6 1 MB J8 +46 6 1 MB J9 +46 6 1 MB J10 +46 6 1 MB J11 +46 6 1 MB J12 +46 6 1 MB J13 +46 6 1 MB J14 +46 6 1 MB J15 +46 6 1 MB J16 +46 6 1 MB J17 +46 6 1 MB J18 +46 6 1 MB J19 +46 6 1 MB J20 +46 6 1 MB J21 +46 6 1 MB J22 +46 6 1 MB J23 +46 6 1 MB J24 +46 6 1 MB J25 +46 6 1 MB J26 +46 6 1 MB J27 +46 6 1 MB J28 +46 6 1 MB J29 +46 6 1 MB J30 +46 6 1 MB J31 +46 6 1 MB J32 +46 6 1 MB J33 +46 6 1 MB J34 +46 6 1 MB J35 +46 6 1 MB J36 +46 6 1 MB J37 +46 6 1 MB J38 +46 6 1 MB J39 +46 6 1 MB J40 +46 6 2 VN I2 +46 6 3 NC H2 +46 6 4 ML C9 +46 6 5 NT H20 +46 6 6 AZ I30 +46 6 7 MR H34 +46 6 8 CH H7 +46 6 9 RO E39 +46 7 1 RA A0 +46 7 1 RA A1 +46 7 1 RA A2 +46 7 1 RA A3 +46 7 1 RA A4 +46 7 1 RA A5 +46 7 1 RA A6 +46 7 1 RA A7 +46 7 1 RA A8 +46 7 1 RA A9 +46 7 1 RA A10 +46 7 1 RA A11 +46 7 1 RA A12 +46 7 1 RA A13 +46 7 1 RA A14 +46 7 1 RA A15 +46 7 1 RA A16 +46 7 1 RA A17 +46 7 1 RA A18 +46 7 1 RA A19 +46 7 1 RA A20 +46 7 1 RA A21 +46 7 1 RA A22 +46 7 1 RA A23 +46 7 1 RA A24 +46 7 1 RA A25 +46 7 1 RA A26 +46 7 1 RA A27 +46 7 1 RA A28 +46 7 1 RA A29 +46 7 1 RA A30 +46 7 1 RA A31 +46 7 1 RA A32 +46 7 1 RA A33 +46 7 1 RA A34 +46 7 1 RA A35 +46 7 1 RA A36 +46 7 1 RA A37 +46 7 1 RA A38 +46 7 1 RA A39 +46 7 1 RA A40 +46 7 2 MB J0 +46 7 2 MB J1 +46 7 2 MB J2 +46 7 2 MB J3 +46 7 2 MB J4 +46 7 2 MB J5 +46 7 2 MB J6 +46 7 2 MB J7 +46 7 2 MB J8 +46 7 2 MB J9 +46 7 2 MB J10 +46 7 2 MB J11 +46 7 2 MB J12 +46 7 2 MB J13 +46 7 2 MB J14 +46 7 2 MB J15 +46 7 2 MB J16 +46 7 2 MB J17 +46 7 2 MB J18 +46 7 2 MB J19 +46 7 2 MB J20 +46 7 2 MB J21 +46 7 2 MB J22 +46 7 2 MB J23 +46 7 2 MB J24 +46 7 2 MB J25 +46 7 2 MB J26 +46 7 2 MB J27 +46 7 2 MB J28 +46 7 2 MB J29 +46 7 2 MB J30 +46 7 2 MB J31 +46 7 2 MB J32 +46 7 2 MB J33 +46 7 2 MB J34 +46 7 2 MB J35 +46 7 2 MB J36 +46 7 2 MB J37 +46 7 2 MB J38 +46 7 2 MB J39 +46 7 2 MB J40 +46 7 3 NC G1 +46 7 4 ML C9 +46 7 5 NT F16 +46 7 6 AZ G28 +46 7 7 MR H36 +46 7 8 CR H32 +46 7 9 CH G8 +46 7 10 RO F39 +46 7 11 IT I0 +46 8 1 RA A0 +46 8 1 RA A1 +46 8 1 RA A2 +46 8 1 RA A3 +46 8 1 RA A4 +46 8 1 RA A5 +46 8 1 RA A6 +46 8 1 RA A7 +46 8 1 RA A8 +46 8 1 RA A9 +46 8 1 RA A10 +46 8 1 RA A11 +46 8 1 RA A12 +46 8 1 RA A13 +46 8 1 RA A14 +46 8 1 RA A15 +46 8 1 RA A16 +46 8 1 RA A17 +46 8 1 RA A18 +46 8 1 RA A19 +46 8 1 RA A20 +46 8 1 RA A21 +46 8 1 RA A22 +46 8 1 RA A23 +46 8 1 RA A24 +46 8 1 RA A25 +46 8 1 RA A26 +46 8 1 RA A27 +46 8 1 RA A28 +46 8 1 RA A29 +46 8 1 RA A30 +46 8 1 RA A31 +46 8 1 RA A32 +46 8 1 RA A33 +46 8 1 RA A34 +46 8 1 RA A35 +46 8 1 RA A36 +46 8 1 RA A37 +46 8 1 RA A38 +46 8 1 RA A39 +46 8 1 RA A40 +46 8 2 MB J0 +46 8 2 MB J1 +46 8 2 MB J2 +46 8 2 MB J3 +46 8 2 MB J4 +46 8 2 MB J5 +46 8 2 MB J6 +46 8 2 MB J7 +46 8 2 MB J8 +46 8 2 MB J9 +46 8 2 MB J10 +46 8 2 MB J11 +46 8 2 MB J12 +46 8 2 MB J13 +46 8 2 MB J14 +46 8 2 MB J15 +46 8 2 MB J16 +46 8 2 MB J17 +46 8 2 MB J18 +46 8 2 MB J19 +46 8 2 MB J20 +46 8 2 MB J21 +46 8 2 MB J22 +46 8 2 MB J23 +46 8 2 MB J24 +46 8 2 MB J25 +46 8 2 MB J26 +46 8 2 MB J27 +46 8 2 MB J28 +46 8 2 MB J29 +46 8 2 MB J30 +46 8 2 MB J31 +46 8 2 MB J32 +46 8 2 MB J33 +46 8 2 MB J34 +46 8 2 MB J35 +46 8 2 MB J36 +46 8 2 MB J37 +46 8 2 MB J38 +46 8 2 MB J39 +46 8 2 MB J40 +46 8 3 NC G2 +46 8 4 ML D8 +46 8 5 NT F16 +46 8 6 AZ F28 +46 8 7 MR H33 +46 8 8 RO D40 +46 8 9 NA D5 +46 9 1 RA A0 +46 9 1 RA A1 +46 9 1 RA A2 +46 9 1 RA A3 +46 9 1 RA A4 +46 9 1 RA A5 +46 9 1 RA A6 +46 9 1 RA A7 +46 9 1 RA A8 +46 9 1 RA A9 +46 9 1 RA A10 +46 9 1 RA A11 +46 9 1 RA A12 +46 9 1 RA A13 +46 9 1 RA A14 +46 9 1 RA A15 +46 9 1 RA A16 +46 9 1 RA A17 +46 9 1 RA A18 +46 9 1 RA A19 +46 9 1 RA A20 +46 9 1 RA A21 +46 9 1 RA A22 +46 9 1 RA A23 +46 9 1 RA A24 +46 9 1 RA A25 +46 9 1 RA A26 +46 9 1 RA A27 +46 9 1 RA A28 +46 9 1 RA A29 +46 9 1 RA A30 +46 9 1 RA A31 +46 9 1 RA A32 +46 9 1 RA A33 +46 9 1 RA A34 +46 9 1 RA A35 +46 9 1 RA A36 +46 9 1 RA A37 +46 9 1 RA A38 +46 9 1 RA A39 +46 9 1 RA A40 +46 9 2 MB J0 +46 9 2 MB J1 +46 9 2 MB J2 +46 9 2 MB J3 +46 9 2 MB J4 +46 9 2 MB J5 +46 9 2 MB J6 +46 9 2 MB J7 +46 9 2 MB J8 +46 9 2 MB J9 +46 9 2 MB J10 +46 9 2 MB J11 +46 9 2 MB J12 +46 9 2 MB J13 +46 9 2 MB J14 +46 9 2 MB J15 +46 9 2 MB J16 +46 9 2 MB J17 +46 9 2 MB J18 +46 9 2 MB J19 +46 9 2 MB J20 +46 9 2 MB J21 +46 9 2 MB J22 +46 9 2 MB J23 +46 9 2 MB J24 +46 9 2 MB J25 +46 9 2 MB J26 +46 9 2 MB J27 +46 9 2 MB J28 +46 9 2 MB J29 +46 9 2 MB J30 +46 9 2 MB J31 +46 9 2 MB J32 +46 9 2 MB J33 +46 9 2 MB J34 +46 9 2 MB J35 +46 9 2 MB J36 +46 9 2 MB J37 +46 9 2 MB J38 +46 9 2 MB J39 +46 9 2 MB J40 +46 9 3 NC H4 +46 9 4 ML C9 +46 9 5 NT G17 +46 9 6 AZ I31 +46 9 7 CH H18 +46 9 8 RO E37 +46 10 1 RA A0 +46 10 1 RA A1 +46 10 1 RA A2 +46 10 1 RA A3 +46 10 1 RA A4 +46 10 1 RA A5 +46 10 1 RA A6 +46 10 1 RA A7 +46 10 1 RA A8 +46 10 1 RA A9 +46 10 1 RA A10 +46 10 1 RA A11 +46 10 1 RA A12 +46 10 1 RA A13 +46 10 1 RA A14 +46 10 1 RA A15 +46 10 1 RA A16 +46 10 1 RA A17 +46 10 1 RA A18 +46 10 1 RA A19 +46 10 1 RA A20 +46 10 1 RA A21 +46 10 1 RA A22 +46 10 1 RA A23 +46 10 1 RA A24 +46 10 1 RA A25 +46 10 1 RA A26 +46 10 1 RA A27 +46 10 1 RA A28 +46 10 1 RA A29 +46 10 1 RA A30 +46 10 1 RA A31 +46 10 1 RA A32 +46 10 1 RA A33 +46 10 1 RA A34 +46 10 1 RA A35 +46 10 1 RA A36 +46 10 1 RA A37 +46 10 1 RA A38 +46 10 1 RA A39 +46 10 1 RA A40 +46 10 2 MB J0 +46 10 2 MB J1 +46 10 2 MB J2 +46 10 2 MB J3 +46 10 2 MB J4 +46 10 2 MB J5 +46 10 2 MB J6 +46 10 2 MB J7 +46 10 2 MB J8 +46 10 2 MB J9 +46 10 2 MB J10 +46 10 2 MB J11 +46 10 2 MB J12 +46 10 2 MB J13 +46 10 2 MB J14 +46 10 2 MB J15 +46 10 2 MB J16 +46 10 2 MB J17 +46 10 2 MB J18 +46 10 2 MB J19 +46 10 2 MB J20 +46 10 2 MB J21 +46 10 2 MB J22 +46 10 2 MB J23 +46 10 2 MB J24 +46 10 2 MB J25 +46 10 2 MB J26 +46 10 2 MB J27 +46 10 2 MB J28 +46 10 2 MB J29 +46 10 2 MB J30 +46 10 2 MB J31 +46 10 2 MB J32 +46 10 2 MB J33 +46 10 2 MB J34 +46 10 2 MB J35 +46 10 2 MB J36 +46 10 2 MB J37 +46 10 2 MB J38 +46 10 2 MB J39 +46 10 2 MB J40 +46 10 3 NC G3 +46 10 4 ML C11 +46 10 5 NT H19 +46 10 6 AZ H29 +46 10 7 MR F32 +46 10 8 CH H7 +46 10 9 RO C37 +46 10 9 RO C38 +46 10 10 NA D5 +46 10 11 IT G0 +46 11 1 RA A0 +46 11 1 RA A1 +46 11 1 RA A2 +46 11 1 RA A3 +46 11 1 RA A4 +46 11 1 RA A5 +46 11 1 RA A6 +46 11 1 RA A7 +46 11 1 RA A8 +46 11 1 RA A9 +46 11 1 RA A10 +46 11 1 RA A11 +46 11 1 RA A12 +46 11 1 RA A13 +46 11 1 RA A14 +46 11 1 RA A15 +46 11 1 RA A16 +46 11 1 RA A17 +46 11 1 RA A18 +46 11 1 RA A19 +46 11 1 RA A20 +46 11 1 RA A21 +46 11 1 RA A22 +46 11 1 RA A23 +46 11 1 RA A24 +46 11 1 RA A25 +46 11 1 RA A26 +46 11 1 RA A27 +46 11 1 RA A28 +46 11 1 RA A29 +46 11 1 RA A30 +46 11 1 RA A31 +46 11 1 RA A32 +46 11 1 RA A33 +46 11 1 RA A34 +46 11 1 RA A35 +46 11 1 RA A36 +46 11 1 RA A37 +46 11 1 RA A38 +46 11 1 RA A39 +46 11 1 RA A40 +46 11 2 MB J0 +46 11 2 MB J1 +46 11 2 MB J2 +46 11 2 MB J3 +46 11 2 MB J4 +46 11 2 MB J5 +46 11 2 MB J6 +46 11 2 MB J7 +46 11 2 MB J8 +46 11 2 MB J9 +46 11 2 MB J10 +46 11 2 MB J11 +46 11 2 MB J12 +46 11 2 MB J13 +46 11 2 MB J14 +46 11 2 MB J15 +46 11 2 MB J16 +46 11 2 MB J17 +46 11 2 MB J18 +46 11 2 MB J19 +46 11 2 MB J20 +46 11 2 MB J21 +46 11 2 MB J22 +46 11 2 MB J23 +46 11 2 MB J24 +46 11 2 MB J25 +46 11 2 MB J26 +46 11 2 MB J27 +46 11 2 MB J28 +46 11 2 MB J29 +46 11 2 MB J30 +46 11 2 MB J31 +46 11 2 MB J32 +46 11 2 MB J33 +46 11 2 MB J34 +46 11 2 MB J35 +46 11 2 MB J36 +46 11 2 MB J37 +46 11 2 MB J38 +46 11 2 MB J39 +46 11 2 MB J40 +46 11 3 NC F3 +46 11 3 NC G3 +46 11 4 ML C11 +46 11 4 ML C12 +46 11 5 NT H18 +46 11 5 NT H19 +46 11 6 AZ I29 +46 11 6 AZ I30 +46 11 7 MR H31 +46 11 7 MR I31 +46 11 8 CH H6 +46 11 8 CH H7 +46 11 9 RO C39 +46 11 9 RO C40 +46 11 10 IT E0 +46 11 10 IT F0 +46 11 10 IT G0 +46 12 1 RA A0 +46 12 1 RA A1 +46 12 1 RA A2 +46 12 1 RA A3 +46 12 1 RA A4 +46 12 1 RA A5 +46 12 1 RA A6 +46 12 1 RA A7 +46 12 1 RA A8 +46 12 1 RA A9 +46 12 1 RA A10 +46 12 1 RA A11 +46 12 1 RA A12 +46 12 1 RA A13 +46 12 1 RA A14 +46 12 1 RA A15 +46 12 1 RA A16 +46 12 1 RA A17 +46 12 1 RA A18 +46 12 1 RA A19 +46 12 1 RA A20 +46 12 1 RA A21 +46 12 1 RA A22 +46 12 1 RA A23 +46 12 1 RA A24 +46 12 1 RA A25 +46 12 1 RA A26 +46 12 1 RA A27 +46 12 1 RA A28 +46 12 1 RA A29 +46 12 1 RA A30 +46 12 1 RA A31 +46 12 1 RA A32 +46 12 1 RA A33 +46 12 1 RA A34 +46 12 1 RA A35 +46 12 1 RA A36 +46 12 1 RA A37 +46 12 1 RA A38 +46 12 1 RA A39 +46 12 1 RA A40 +46 12 2 MB J0 +46 12 2 MB J1 +46 12 2 MB J2 +46 12 2 MB J3 +46 12 2 MB J4 +46 12 2 MB J5 +46 12 2 MB J6 +46 12 2 MB J7 +46 12 2 MB J8 +46 12 2 MB J9 +46 12 2 MB J10 +46 12 2 MB J11 +46 12 2 MB J12 +46 12 2 MB J13 +46 12 2 MB J14 +46 12 2 MB J15 +46 12 2 MB J16 +46 12 2 MB J17 +46 12 2 MB J18 +46 12 2 MB J19 +46 12 2 MB J20 +46 12 2 MB J21 +46 12 2 MB J22 +46 12 2 MB J23 +46 12 2 MB J24 +46 12 2 MB J25 +46 12 2 MB J26 +46 12 2 MB J27 +46 12 2 MB J28 +46 12 2 MB J29 +46 12 2 MB J30 +46 12 2 MB J31 +46 12 2 MB J32 +46 12 2 MB J33 +46 12 2 MB J34 +46 12 2 MB J35 +46 12 2 MB J36 +46 12 2 MB J37 +46 12 2 MB J38 +46 12 2 MB J39 +46 12 2 MB J40 +46 12 3 NC G2 +46 12 4 ML C11 +46 12 5 AZ G29 +46 12 6 MR H33 +46 12 7 CF G9 +46 12 8 RO F40 +46 12 9 IT H10 +46 13 1 RA A29 +46 13 2 MB J0 +46 13 2 MB J1 +46 13 2 MB J2 +46 13 2 MB J3 +46 13 2 MB J4 +46 13 2 MB J5 +46 13 2 MB J6 +46 13 2 MB J7 +46 13 2 MB J8 +46 13 2 MB J9 +46 13 2 MB J10 +46 13 2 MB J11 +46 13 2 MB J12 +46 13 2 MB J13 +46 13 2 MB J14 +46 13 2 MB J15 +46 13 2 MB J16 +46 13 2 MB J17 +46 13 2 MB J18 +46 13 2 MB J19 +46 13 2 MB J20 +46 13 2 MB J21 +46 13 2 MB J22 +46 13 2 MB J23 +46 13 2 MB J24 +46 13 2 MB J25 +46 13 2 MB J26 +46 13 2 MB J27 +46 13 2 MB J28 +46 13 2 MB J29 +46 13 2 MB J30 +46 13 2 MB J31 +46 13 2 MB J32 +46 13 2 MB J33 +46 13 2 MB J34 +46 13 2 MB J35 +46 13 2 MB J36 +46 13 2 MB J37 +46 13 2 MB J38 +46 13 2 MB J39 +46 13 2 MB J40 +46 13 3 NC G3 +46 13 4 ML D8 +46 13 5 NT H19 +46 13 6 AZ G28 +46 13 7 MR I33 +46 13 8 CH G8 +46 14 1 RA A0 +46 14 1 RA A1 +46 14 1 RA A2 +46 14 1 RA A3 +46 14 1 RA A4 +46 14 1 RA A5 +46 14 1 RA A6 +46 14 1 RA A7 +46 14 1 RA A8 +46 14 1 RA A9 +46 14 1 RA A10 +46 14 1 RA A11 +46 14 1 RA A12 +46 14 1 RA A13 +46 14 1 RA A14 +46 14 1 RA A15 +46 14 1 RA A16 +46 14 1 RA A17 +46 14 1 RA A18 +46 14 1 RA A19 +46 14 1 RA A20 +46 14 1 RA A21 +46 14 1 RA A22 +46 14 1 RA A23 +46 14 1 RA A24 +46 14 1 RA A25 +46 14 1 RA A26 +46 14 1 RA A27 +46 14 1 RA A28 +46 14 1 RA A29 +46 14 1 RA A30 +46 14 1 RA A31 +46 14 1 RA A32 +46 14 1 RA A33 +46 14 1 RA A34 +46 14 1 RA A35 +46 14 1 RA A36 +46 14 1 RA A37 +46 14 1 RA A38 +46 14 1 RA A39 +46 14 1 RA A40 +46 14 2 NJ B37 +46 14 3 MB I0 +46 14 3 MB J0 +46 14 3 MB J1 +46 14 3 MB J2 +46 14 3 MB J3 +46 14 3 MB J4 +46 14 3 MB J5 +46 14 3 MB J6 +46 14 3 MB J7 +46 14 3 MB J8 +46 14 3 MB J9 +46 14 3 MB J10 +46 14 3 MB J11 +46 14 3 MB J12 +46 14 3 MB J13 +46 14 3 MB J14 +46 14 3 MB J15 +46 14 3 MB J16 +46 14 3 MB J17 +46 14 3 MB J18 +46 14 3 MB J19 +46 14 3 MB J20 +46 14 3 MB J21 +46 14 3 MB J22 +46 14 3 MB J23 +46 14 3 MB J24 +46 14 3 MB J25 +46 14 3 MB J26 +46 14 3 MB J27 +46 14 3 MB J28 +46 14 3 MB J29 +46 14 3 MB J30 +46 14 3 MB J31 +46 14 3 MB J32 +46 14 3 MB J33 +46 14 3 MB J34 +46 14 3 MB J35 +46 14 3 MB J36 +46 14 3 MB J37 +46 14 3 MB J38 +46 14 3 MB J39 +46 14 3 MB J40 +46 14 4 NC G3 +46 14 5 ML C8 +46 14 6 NT F21 +46 14 7 AZ F29 +46 14 8 MR G35 +46 14 9 CH B9 +46 14 10 RO C2 +46 15 1 RA A0 +46 15 1 RA A1 +46 15 1 RA A2 +46 15 1 RA A3 +46 15 1 RA A4 +46 15 1 RA A5 +46 15 1 RA A6 +46 15 1 RA A7 +46 15 1 RA A8 +46 15 1 RA A9 +46 15 1 RA A10 +46 15 1 RA A11 +46 15 1 RA A12 +46 15 1 RA A13 +46 15 1 RA A14 +46 15 1 RA A15 +46 15 1 RA A16 +46 15 1 RA A17 +46 15 1 RA A18 +46 15 1 RA A19 +46 15 1 RA A20 +46 15 1 RA A21 +46 15 1 RA A22 +46 15 1 RA A23 +46 15 1 RA A24 +46 15 1 RA A25 +46 15 1 RA A26 +46 15 1 RA A27 +46 15 1 RA A28 +46 15 1 RA A29 +46 15 1 RA A30 +46 15 1 RA A31 +46 15 1 RA A32 +46 15 1 RA A33 +46 15 1 RA A34 +46 15 1 RA A35 +46 15 1 RA A36 +46 15 1 RA A37 +46 15 1 RA A38 +46 15 1 RA A39 +46 15 1 RA A40 +46 15 2 MB J0 +46 15 2 MB J1 +46 15 2 MB J2 +46 15 2 MB J3 +46 15 2 MB J4 +46 15 2 MB J5 +46 15 2 MB J6 +46 15 2 MB J7 +46 15 2 MB J8 +46 15 2 MB J9 +46 15 2 MB J10 +46 15 2 MB J11 +46 15 2 MB J12 +46 15 2 MB J13 +46 15 2 MB J14 +46 15 2 MB J15 +46 15 2 MB J16 +46 15 2 MB J17 +46 15 2 MB J18 +46 15 2 MB J19 +46 15 2 MB J20 +46 15 2 MB J21 +46 15 2 MB J22 +46 15 2 MB J23 +46 15 2 MB J24 +46 15 2 MB J25 +46 15 2 MB J26 +46 15 2 MB J27 +46 15 2 MB J28 +46 15 2 MB J29 +46 15 2 MB J30 +46 15 2 MB J31 +46 15 2 MB J32 +46 15 2 MB J33 +46 15 2 MB J34 +46 15 2 MB J35 +46 15 2 MB J36 +46 15 2 MB J37 +46 15 2 MB J38 +46 15 2 MB J39 +46 15 2 MB J40 +46 15 3 NC G6 +46 15 4 ML C9 +46 15 5 NT I16 +46 15 6 AZ G30 +46 15 7 MR H34 +46 15 8 RO E35 +46 16 1 RA A0 +46 16 1 RA A1 +46 16 1 RA A2 +46 16 1 RA A3 +46 16 1 RA A4 +46 16 1 RA A5 +46 16 1 RA A6 +46 16 1 RA A7 +46 16 1 RA A8 +46 16 1 RA A9 +46 16 1 RA A10 +46 16 1 RA A11 +46 16 1 RA A12 +46 16 1 RA A13 +46 16 1 RA A14 +46 16 1 RA A15 +46 16 1 RA A16 +46 16 1 RA A17 +46 16 1 RA A18 +46 16 1 RA A19 +46 16 1 RA A20 +46 16 1 RA A21 +46 16 1 RA A22 +46 16 1 RA A23 +46 16 1 RA A24 +46 16 1 RA A25 +46 16 1 RA A26 +46 16 1 RA A27 +46 16 1 RA A28 +46 16 1 RA A29 +46 16 1 RA A30 +46 16 1 RA A31 +46 16 1 RA A32 +46 16 1 RA A33 +46 16 1 RA A34 +46 16 1 RA A35 +46 16 1 RA A36 +46 16 1 RA A37 +46 16 1 RA A38 +46 16 1 RA A39 +46 16 1 RA A40 +46 16 2 MB J0 +46 16 2 MB J1 +46 16 2 MB J2 +46 16 2 MB J3 +46 16 2 MB J4 +46 16 2 MB J5 +46 16 2 MB J6 +46 16 2 MB J7 +46 16 2 MB J8 +46 16 2 MB J9 +46 16 2 MB J10 +46 16 2 MB J11 +46 16 2 MB J12 +46 16 2 MB J13 +46 16 2 MB J14 +46 16 2 MB J15 +46 16 2 MB J16 +46 16 2 MB J17 +46 16 2 MB J18 +46 16 2 MB J19 +46 16 2 MB J20 +46 16 2 MB J21 +46 16 2 MB J22 +46 16 2 MB J23 +46 16 2 MB J24 +46 16 2 MB J25 +46 16 2 MB J26 +46 16 2 MB J27 +46 16 2 MB J28 +46 16 2 MB J29 +46 16 2 MB J30 +46 16 2 MB J31 +46 16 2 MB J32 +46 16 2 MB J33 +46 16 2 MB J34 +46 16 2 MB J35 +46 16 2 MB J36 +46 16 2 MB J37 +46 16 2 MB J38 +46 16 2 MB J39 +46 16 2 MB J40 +46 16 3 NC G1 +46 16 4 ML C10 +46 16 5 NT G17 +46 16 6 AZ G29 +46 16 7 MR H32 +46 16 8 CH F10 +46 16 9 CF G9 +46 16 10 RO D38 +46 16 11 IT G0 +46 17 1 RA A0 +46 17 1 RA A1 +46 17 1 RA A2 +46 17 1 RA A3 +46 17 1 RA A4 +46 17 1 RA A5 +46 17 1 RA A6 +46 17 1 RA A7 +46 17 1 RA A8 +46 17 1 RA A9 +46 17 1 RA A10 +46 17 1 RA A11 +46 17 1 RA A12 +46 17 1 RA A13 +46 17 1 RA A14 +46 17 1 RA A15 +46 17 1 RA A16 +46 17 1 RA A17 +46 17 1 RA A18 +46 17 1 RA A19 +46 17 1 RA A20 +46 17 1 RA A21 +46 17 1 RA A22 +46 17 1 RA A23 +46 17 1 RA A24 +46 17 1 RA A25 +46 17 1 RA A26 +46 17 1 RA A27 +46 17 1 RA A28 +46 17 1 RA A29 +46 17 1 RA A30 +46 17 1 RA A31 +46 17 1 RA A32 +46 17 1 RA A33 +46 17 1 RA A34 +46 17 1 RA A35 +46 17 1 RA A36 +46 17 1 RA A37 +46 17 1 RA A38 +46 17 1 RA A39 +46 17 1 RA A40 +46 17 2 MB J0 +46 17 2 MB J1 +46 17 2 MB J2 +46 17 2 MB J3 +46 17 2 MB J4 +46 17 2 MB J5 +46 17 2 MB J6 +46 17 2 MB J7 +46 17 2 MB J8 +46 17 2 MB J9 +46 17 2 MB J10 +46 17 2 MB J11 +46 17 2 MB J12 +46 17 2 MB J13 +46 17 2 MB J14 +46 17 2 MB J15 +46 17 2 MB J16 +46 17 2 MB J17 +46 17 2 MB J18 +46 17 2 MB J19 +46 17 2 MB J20 +46 17 2 MB J21 +46 17 2 MB J22 +46 17 2 MB J23 +46 17 2 MB J24 +46 17 2 MB J25 +46 17 2 MB J26 +46 17 2 MB J27 +46 17 2 MB J28 +46 17 2 MB J29 +46 17 2 MB J30 +46 17 2 MB J31 +46 17 2 MB J32 +46 17 2 MB J33 +46 17 2 MB J34 +46 17 2 MB J35 +46 17 2 MB J36 +46 17 2 MB J37 +46 17 2 MB J38 +46 17 2 MB J39 +46 17 2 MB J40 +46 17 3 NC E4 +46 17 4 ML C9 +46 17 5 NT F17 +46 17 6 AZ F27 +46 17 7 MR H34 +46 17 8 CH G9 +46 17 9 RO D2 +46 17 10 IT H8 +46 18 1 RA A0 +46 18 1 RA A1 +46 18 1 RA A2 +46 18 1 RA A3 +46 18 1 RA A4 +46 18 1 RA A5 +46 18 1 RA A6 +46 18 1 RA A7 +46 18 1 RA A8 +46 18 1 RA A9 +46 18 1 RA A10 +46 18 1 RA A11 +46 18 1 RA A12 +46 18 1 RA A13 +46 18 1 RA A14 +46 18 1 RA A15 +46 18 1 RA A16 +46 18 1 RA A17 +46 18 1 RA A18 +46 18 1 RA A19 +46 18 1 RA A20 +46 18 1 RA A21 +46 18 1 RA A22 +46 18 1 RA A23 +46 18 1 RA A24 +46 18 1 RA A25 +46 18 1 RA A26 +46 18 1 RA A27 +46 18 1 RA A28 +46 18 1 RA A29 +46 18 1 RA A30 +46 18 1 RA A31 +46 18 1 RA A32 +46 18 1 RA A33 +46 18 1 RA A34 +46 18 1 RA A35 +46 18 1 RA A36 +46 18 1 RA A37 +46 18 1 RA A38 +46 18 1 RA A39 +46 18 1 RA A40 +46 18 2 NJ B33 +46 18 2 NJ B34 +46 18 3 MB J0 +46 18 3 MB J1 +46 18 3 MB J2 +46 18 3 MB J3 +46 18 3 MB J4 +46 18 3 MB J5 +46 18 3 MB J6 +46 18 3 MB J7 +46 18 3 MB J8 +46 18 3 MB J9 +46 18 3 MB J10 +46 18 3 MB J11 +46 18 3 MB J12 +46 18 3 MB J13 +46 18 3 MB J14 +46 18 3 MB J15 +46 18 3 MB J16 +46 18 3 MB J17 +46 18 3 MB J18 +46 18 3 MB J19 +46 18 3 MB J20 +46 18 3 MB J21 +46 18 3 MB J22 +46 18 3 MB J23 +46 18 3 MB J24 +46 18 3 MB J25 +46 18 3 MB J26 +46 18 3 MB J27 +46 18 3 MB J28 +46 18 3 MB J29 +46 18 3 MB J30 +46 18 3 MB J31 +46 18 3 MB J32 +46 18 3 MB J33 +46 18 3 MB J34 +46 18 3 MB J35 +46 18 3 MB J36 +46 18 3 MB J37 +46 18 3 MB J38 +46 18 3 MB J39 +46 18 3 MB J40 +46 18 4 NC G1 +46 18 4 NC G2 +46 18 5 ML C10 +46 18 6 NT H17 +46 18 6 NT H18 +46 18 6 NT H19 +46 18 7 AZ H29 +46 18 8 MR H35 +46 18 9 CR H33 +46 18 10 CH F6 +46 18 11 CF G6 +46 18 12 RO F39 +46 18 12 RO F40 +46 18 13 IT G0 +46 19 1 RA A0 +46 19 1 RA A1 +46 19 1 RA A2 +46 19 1 RA A3 +46 19 1 RA A4 +46 19 1 RA A5 +46 19 1 RA A6 +46 19 1 RA A7 +46 19 1 RA A8 +46 19 1 RA A9 +46 19 1 RA A10 +46 19 1 RA A11 +46 19 1 RA A12 +46 19 1 RA A13 +46 19 1 RA A14 +46 19 1 RA A15 +46 19 1 RA A16 +46 19 1 RA A17 +46 19 1 RA A18 +46 19 1 RA A19 +46 19 1 RA A20 +46 19 1 RA A21 +46 19 1 RA A22 +46 19 1 RA A23 +46 19 1 RA A24 +46 19 1 RA A25 +46 19 1 RA A26 +46 19 1 RA A27 +46 19 1 RA A28 +46 19 1 RA A29 +46 19 1 RA A30 +46 19 1 RA A31 +46 19 1 RA A32 +46 19 1 RA A33 +46 19 1 RA A34 +46 19 1 RA A35 +46 19 1 RA A36 +46 19 1 RA A37 +46 19 1 RA A38 +46 19 1 RA A39 +46 19 1 RA A40 +46 19 1 RA B0 +46 19 2 MB I0 +46 19 2 MB J0 +46 19 2 MB J1 +46 19 2 MB J2 +46 19 2 MB J3 +46 19 2 MB J4 +46 19 2 MB J5 +46 19 2 MB J6 +46 19 2 MB J7 +46 19 2 MB J8 +46 19 2 MB J9 +46 19 2 MB J10 +46 19 2 MB J11 +46 19 2 MB J12 +46 19 2 MB J13 +46 19 2 MB J14 +46 19 2 MB J15 +46 19 2 MB J16 +46 19 2 MB J17 +46 19 2 MB J18 +46 19 2 MB J19 +46 19 2 MB J20 +46 19 2 MB J21 +46 19 2 MB J22 +46 19 2 MB J23 +46 19 2 MB J24 +46 19 2 MB J25 +46 19 2 MB J26 +46 19 2 MB J27 +46 19 2 MB J28 +46 19 2 MB J29 +46 19 2 MB J30 +46 19 2 MB J31 +46 19 2 MB J32 +46 19 2 MB J33 +46 19 2 MB J34 +46 19 2 MB J35 +46 19 2 MB J36 +46 19 2 MB J37 +46 19 2 MB J38 +46 19 2 MB J39 +46 19 2 MB J40 +46 19 3 NC H1 +46 19 3 NC H2 +46 19 3 NC H3 +46 19 4 ML C8 +46 19 4 ML D8 +46 19 5 NT H17 +46 19 5 NT H18 +46 19 6 AZ G29 +46 19 6 AZ G30 +46 19 7 MR I31 +46 19 7 MR I32 +46 19 8 CR H31 +46 19 8 CR H32 +46 19 9 CH G6 +46 19 9 CH G7 +46 19 10 CF H7 +46 19 10 CF H8 +46 19 11 IT E0 +46 19 11 IT F0 +46 20 1 RA A0 +46 20 1 RA A1 +46 20 1 RA A2 +46 20 1 RA A3 +46 20 1 RA A4 +46 20 1 RA A5 +46 20 1 RA A6 +46 20 1 RA A7 +46 20 1 RA A8 +46 20 1 RA A9 +46 20 1 RA A10 +46 20 1 RA A11 +46 20 1 RA A12 +46 20 1 RA A13 +46 20 1 RA A14 +46 20 1 RA A15 +46 20 1 RA A16 +46 20 1 RA A17 +46 20 1 RA A18 +46 20 1 RA A19 +46 20 1 RA A20 +46 20 1 RA A21 +46 20 1 RA A22 +46 20 1 RA A23 +46 20 1 RA A24 +46 20 1 RA A25 +46 20 1 RA A26 +46 20 1 RA A27 +46 20 1 RA A28 +46 20 1 RA A29 +46 20 1 RA A30 +46 20 1 RA A31 +46 20 1 RA A32 +46 20 1 RA A33 +46 20 1 RA A34 +46 20 1 RA A35 +46 20 1 RA A36 +46 20 1 RA A37 +46 20 1 RA A38 +46 20 1 RA A39 +46 20 1 RA A40 +46 20 2 MB J0 +46 20 2 MB J1 +46 20 2 MB J2 +46 20 2 MB J3 +46 20 2 MB J4 +46 20 2 MB J5 +46 20 2 MB J6 +46 20 2 MB J7 +46 20 2 MB J8 +46 20 2 MB J9 +46 20 2 MB J10 +46 20 2 MB J11 +46 20 2 MB J12 +46 20 2 MB J13 +46 20 2 MB J14 +46 20 2 MB J15 +46 20 2 MB J16 +46 20 2 MB J17 +46 20 2 MB J18 +46 20 2 MB J19 +46 20 2 MB J20 +46 20 2 MB J21 +46 20 2 MB J22 +46 20 2 MB J23 +46 20 2 MB J24 +46 20 2 MB J25 +46 20 2 MB J26 +46 20 2 MB J27 +46 20 2 MB J28 +46 20 2 MB J29 +46 20 2 MB J30 +46 20 2 MB J31 +46 20 2 MB J32 +46 20 2 MB J33 +46 20 2 MB J34 +46 20 2 MB J35 +46 20 2 MB J36 +46 20 2 MB J37 +46 20 2 MB J38 +46 20 2 MB J39 +46 20 2 MB J40 +46 20 3 NC F3 +46 20 4 ML C8 +46 20 5 NT F17 +46 20 6 AZ H28 +46 20 7 MR H34 +46 20 8 CR G34 +46 20 9 CH E9 +46 20 10 IT E0 +46 21 1 RA A0 +46 21 1 RA A1 +46 21 1 RA A2 +46 21 1 RA A3 +46 21 1 RA A4 +46 21 1 RA A5 +46 21 1 RA A6 +46 21 1 RA A7 +46 21 1 RA A8 +46 21 1 RA A9 +46 21 1 RA A10 +46 21 1 RA A11 +46 21 1 RA A12 +46 21 1 RA A13 +46 21 1 RA A14 +46 21 1 RA A15 +46 21 1 RA A16 +46 21 1 RA A17 +46 21 1 RA A18 +46 21 1 RA A19 +46 21 1 RA A20 +46 21 1 RA A21 +46 21 1 RA A22 +46 21 1 RA A23 +46 21 1 RA A24 +46 21 1 RA A25 +46 21 1 RA A26 +46 21 1 RA A27 +46 21 1 RA A28 +46 21 1 RA A29 +46 21 1 RA A30 +46 21 1 RA A31 +46 21 1 RA A32 +46 21 1 RA A33 +46 21 1 RA A34 +46 21 1 RA A35 +46 21 1 RA A36 +46 21 1 RA A37 +46 21 1 RA A38 +46 21 1 RA A39 +46 21 1 RA A40 +46 21 2 MB J0 +46 21 2 MB J1 +46 21 2 MB J2 +46 21 2 MB J3 +46 21 2 MB J4 +46 21 2 MB J5 +46 21 2 MB J6 +46 21 2 MB J7 +46 21 2 MB J8 +46 21 2 MB J9 +46 21 2 MB J10 +46 21 2 MB J11 +46 21 2 MB J12 +46 21 2 MB J13 +46 21 2 MB J14 +46 21 2 MB J15 +46 21 2 MB J16 +46 21 2 MB J17 +46 21 2 MB J18 +46 21 2 MB J19 +46 21 2 MB J20 +46 21 2 MB J21 +46 21 2 MB J22 +46 21 2 MB J23 +46 21 2 MB J24 +46 21 2 MB J25 +46 21 2 MB J26 +46 21 2 MB J27 +46 21 2 MB J28 +46 21 2 MB J29 +46 21 2 MB J30 +46 21 2 MB J31 +46 21 2 MB J32 +46 21 2 MB J33 +46 21 2 MB J34 +46 21 2 MB J35 +46 21 2 MB J36 +46 21 2 MB J37 +46 21 2 MB J38 +46 21 2 MB J39 +46 21 2 MB J40 +46 21 3 NC F4 +46 21 4 ML C10 +46 21 5 NT F18 +46 21 6 AZ F29 +46 21 7 MR G34 +46 21 8 CH G6 +46 21 9 RO D37 +46 21 10 IT F0 +46 22 1 RA A0 +46 22 1 RA A1 +46 22 1 RA A2 +46 22 1 RA A3 +46 22 1 RA A4 +46 22 1 RA A5 +46 22 1 RA A6 +46 22 1 RA A7 +46 22 1 RA A8 +46 22 1 RA A9 +46 22 1 RA A10 +46 22 1 RA A11 +46 22 1 RA A12 +46 22 1 RA A13 +46 22 1 RA A14 +46 22 1 RA A15 +46 22 1 RA A16 +46 22 1 RA A17 +46 22 1 RA A18 +46 22 1 RA A19 +46 22 1 RA A20 +46 22 1 RA A21 +46 22 1 RA A22 +46 22 1 RA A23 +46 22 1 RA A24 +46 22 1 RA A25 +46 22 1 RA A26 +46 22 1 RA A27 +46 22 1 RA A28 +46 22 1 RA A29 +46 22 1 RA A30 +46 22 1 RA A31 +46 22 1 RA A32 +46 22 1 RA A33 +46 22 1 RA A34 +46 22 1 RA A35 +46 22 1 RA A36 +46 22 1 RA A37 +46 22 1 RA A38 +46 22 1 RA A39 +46 22 1 RA A40 +46 22 2 MB J0 +46 22 2 MB J1 +46 22 2 MB J2 +46 22 2 MB J3 +46 22 2 MB J4 +46 22 2 MB J5 +46 22 2 MB J6 +46 22 2 MB J7 +46 22 2 MB J8 +46 22 2 MB J9 +46 22 2 MB J10 +46 22 2 MB J11 +46 22 2 MB J12 +46 22 2 MB J13 +46 22 2 MB J14 +46 22 2 MB J15 +46 22 2 MB J16 +46 22 2 MB J17 +46 22 2 MB J18 +46 22 2 MB J19 +46 22 2 MB J20 +46 22 2 MB J21 +46 22 2 MB J22 +46 22 2 MB J23 +46 22 2 MB J24 +46 22 2 MB J25 +46 22 2 MB J26 +46 22 2 MB J27 +46 22 2 MB J28 +46 22 2 MB J29 +46 22 2 MB J30 +46 22 2 MB J31 +46 22 2 MB J32 +46 22 2 MB J33 +46 22 2 MB J34 +46 22 2 MB J35 +46 22 2 MB J36 +46 22 2 MB J37 +46 22 2 MB J38 +46 22 2 MB J39 +46 22 2 MB J40 +46 22 3 NC E39 +46 22 4 ML C12 +46 22 5 NT F21 +46 22 6 AZ E29 +46 22 7 MR F33 +46 22 8 CR E35 +46 22 9 CH G8 +46 22 10 RO D40 +46 22 11 NA C13 +46 22 12 IT E0 +46 23 1 RA A0 +46 23 1 RA A1 +46 23 1 RA A2 +46 23 1 RA A3 +46 23 1 RA A4 +46 23 1 RA A5 +46 23 1 RA A6 +46 23 1 RA A7 +46 23 1 RA A8 +46 23 1 RA A9 +46 23 1 RA A10 +46 23 1 RA A11 +46 23 1 RA A12 +46 23 1 RA A13 +46 23 1 RA A14 +46 23 1 RA A15 +46 23 1 RA A16 +46 23 1 RA A17 +46 23 1 RA A18 +46 23 1 RA A19 +46 23 1 RA A20 +46 23 1 RA A21 +46 23 1 RA A22 +46 23 1 RA A23 +46 23 1 RA A24 +46 23 1 RA A25 +46 23 1 RA A26 +46 23 1 RA A27 +46 23 1 RA A28 +46 23 1 RA A29 +46 23 1 RA A30 +46 23 1 RA A31 +46 23 1 RA A32 +46 23 1 RA A33 +46 23 1 RA A34 +46 23 1 RA A35 +46 23 1 RA A36 +46 23 1 RA A37 +46 23 1 RA A38 +46 23 1 RA A39 +46 23 1 RA A40 +46 23 2 MB I0 +46 23 2 MB J0 +46 23 2 MB J1 +46 23 2 MB J2 +46 23 2 MB J3 +46 23 2 MB J4 +46 23 2 MB J5 +46 23 2 MB J6 +46 23 2 MB J7 +46 23 2 MB J8 +46 23 2 MB J9 +46 23 2 MB J10 +46 23 2 MB J11 +46 23 2 MB J12 +46 23 2 MB J13 +46 23 2 MB J14 +46 23 2 MB J15 +46 23 2 MB J16 +46 23 2 MB J17 +46 23 2 MB J18 +46 23 2 MB J19 +46 23 2 MB J20 +46 23 2 MB J21 +46 23 2 MB J22 +46 23 2 MB J23 +46 23 2 MB J24 +46 23 2 MB J25 +46 23 2 MB J26 +46 23 2 MB J27 +46 23 2 MB J28 +46 23 2 MB J29 +46 23 2 MB J30 +46 23 2 MB J31 +46 23 2 MB J32 +46 23 2 MB J33 +46 23 2 MB J34 +46 23 2 MB J35 +46 23 2 MB J36 +46 23 2 MB J37 +46 23 2 MB J38 +46 23 2 MB J39 +46 23 2 MB J40 +46 23 3 VN I1 +46 23 4 NC G1 +46 23 5 ML C9 +46 23 6 NT F17 +46 23 7 AZ G30 +46 23 8 MR G34 +46 23 9 CR H34 +46 23 10 CH C5 +46 23 11 CF G7 +46 23 12 IT G0 +46 24 1 RA A0 +46 24 1 RA A1 +46 24 1 RA A2 +46 24 1 RA A3 +46 24 1 RA A4 +46 24 1 RA A5 +46 24 1 RA A6 +46 24 1 RA A7 +46 24 1 RA A8 +46 24 1 RA A9 +46 24 1 RA A10 +46 24 1 RA A11 +46 24 1 RA A12 +46 24 1 RA A13 +46 24 1 RA A14 +46 24 1 RA A15 +46 24 1 RA A16 +46 24 1 RA A17 +46 24 1 RA A18 +46 24 1 RA A19 +46 24 1 RA A20 +46 24 1 RA A21 +46 24 1 RA A22 +46 24 1 RA A23 +46 24 1 RA A24 +46 24 1 RA A25 +46 24 1 RA A26 +46 24 1 RA A27 +46 24 1 RA A28 +46 24 1 RA A29 +46 24 1 RA A30 +46 24 1 RA A31 +46 24 1 RA A32 +46 24 1 RA A33 +46 24 1 RA A34 +46 24 1 RA A35 +46 24 1 RA A36 +46 24 1 RA A37 +46 24 1 RA A38 +46 24 1 RA A39 +46 24 1 RA A40 +46 24 2 MB J0 +46 24 2 MB J1 +46 24 2 MB J2 +46 24 2 MB J3 +46 24 2 MB J4 +46 24 2 MB J5 +46 24 2 MB J6 +46 24 2 MB J7 +46 24 2 MB J8 +46 24 2 MB J9 +46 24 2 MB J10 +46 24 2 MB J11 +46 24 2 MB J12 +46 24 2 MB J13 +46 24 2 MB J14 +46 24 2 MB J15 +46 24 2 MB J16 +46 24 2 MB J17 +46 24 2 MB J18 +46 24 2 MB J19 +46 24 2 MB J20 +46 24 2 MB J21 +46 24 2 MB J22 +46 24 2 MB J23 +46 24 2 MB J24 +46 24 2 MB J25 +46 24 2 MB J26 +46 24 2 MB J27 +46 24 2 MB J28 +46 24 2 MB J29 +46 24 2 MB J30 +46 24 2 MB J31 +46 24 2 MB J32 +46 24 2 MB J33 +46 24 2 MB J34 +46 24 2 MB J35 +46 24 2 MB J36 +46 24 2 MB J37 +46 24 2 MB J38 +46 24 2 MB J39 +46 24 2 MB J40 +46 24 3 NC F40 +46 24 4 ML C9 +46 24 5 NT F18 +46 24 6 AZ G28 +46 24 7 MR F33 +46 24 8 CH F7 +46 24 9 RO D39 +46 24 10 IT H0 +46 25 1 RA A0 +46 25 1 RA A1 +46 25 1 RA A2 +46 25 1 RA A3 +46 25 1 RA A4 +46 25 1 RA A5 +46 25 1 RA A6 +46 25 1 RA A7 +46 25 1 RA A8 +46 25 1 RA A9 +46 25 1 RA A10 +46 25 1 RA A11 +46 25 1 RA A12 +46 25 1 RA A13 +46 25 1 RA A14 +46 25 1 RA A15 +46 25 1 RA A16 +46 25 1 RA A17 +46 25 1 RA A18 +46 25 1 RA A19 +46 25 1 RA A20 +46 25 1 RA A21 +46 25 1 RA A22 +46 25 1 RA A23 +46 25 1 RA A24 +46 25 1 RA A25 +46 25 1 RA A26 +46 25 1 RA A27 +46 25 1 RA A28 +46 25 1 RA A29 +46 25 1 RA A30 +46 25 1 RA A31 +46 25 1 RA A32 +46 25 1 RA A33 +46 25 1 RA A34 +46 25 1 RA A35 +46 25 1 RA A36 +46 25 1 RA A37 +46 25 1 RA A38 +46 25 1 RA A39 +46 25 1 RA A40 +46 25 2 MB I0 +46 25 2 MB J0 +46 25 2 MB J1 +46 25 2 MB J2 +46 25 2 MB J3 +46 25 2 MB J4 +46 25 2 MB J5 +46 25 2 MB J6 +46 25 2 MB J7 +46 25 2 MB J8 +46 25 2 MB J9 +46 25 2 MB J10 +46 25 2 MB J11 +46 25 2 MB J12 +46 25 2 MB J13 +46 25 2 MB J14 +46 25 2 MB J15 +46 25 2 MB J16 +46 25 2 MB J17 +46 25 2 MB J18 +46 25 2 MB J19 +46 25 2 MB J20 +46 25 2 MB J21 +46 25 2 MB J22 +46 25 2 MB J23 +46 25 2 MB J24 +46 25 2 MB J25 +46 25 2 MB J26 +46 25 2 MB J27 +46 25 2 MB J28 +46 25 2 MB J29 +46 25 2 MB J30 +46 25 2 MB J31 +46 25 2 MB J32 +46 25 2 MB J33 +46 25 2 MB J34 +46 25 2 MB J35 +46 25 2 MB J36 +46 25 2 MB J37 +46 25 2 MB J38 +46 25 2 MB J39 +46 25 2 MB J40 +46 25 3 NC F3 +46 25 4 ML C10 +46 25 5 NT F20 +46 25 6 AZ G39 +46 25 7 MR H35 +46 25 7 MR H36 +46 25 8 CF G8 +46 25 9 RO F39 +46 25 10 IT F0 +47 1 1 KW A10 +47 1 2 KU J31 +47 1 3 YB G2 +47 1 4 YG C9 +47 1 5 MA G19 +47 1 6 BW I4 +47 2 1 KW A0 +47 2 1 KW A1 +47 2 1 KW A2 +47 2 1 KW A3 +47 2 1 KW A4 +47 2 1 KW A5 +47 2 1 KW A6 +47 2 1 KW A7 +47 2 1 KW A8 +47 2 1 KW A9 +47 2 1 KW A10 +47 2 1 KW A11 +47 2 1 KW A12 +47 2 1 KW A13 +47 2 1 KW A14 +47 2 1 KW A15 +47 2 1 KW A16 +47 2 1 KW A17 +47 2 1 KW A18 +47 2 1 KW A19 +47 2 1 KW A20 +47 2 1 KW A21 +47 2 1 KW A22 +47 2 1 KW A23 +47 2 1 KW A24 +47 2 1 KW A25 +47 2 1 KW A26 +47 2 1 KW A27 +47 2 1 KW A28 +47 2 1 KW A29 +47 2 1 KW A30 +47 2 1 KW A31 +47 2 1 KW A32 +47 2 1 KW A33 +47 2 1 KW A34 +47 2 1 KW A35 +47 2 1 KW A36 +47 2 1 KW A37 +47 2 1 KW A38 +47 2 1 KW A39 +47 2 1 KW A40 +47 2 2 KU J0 +47 2 2 KU J1 +47 2 2 KU J2 +47 2 2 KU J3 +47 2 2 KU J4 +47 2 2 KU J5 +47 2 2 KU J6 +47 2 2 KU J7 +47 2 2 KU J8 +47 2 2 KU J9 +47 2 2 KU J10 +47 2 2 KU J11 +47 2 2 KU J12 +47 2 2 KU J13 +47 2 2 KU J14 +47 2 2 KU J15 +47 2 2 KU J16 +47 2 2 KU J17 +47 2 2 KU J18 +47 2 2 KU J19 +47 2 2 KU J20 +47 2 2 KU J21 +47 2 2 KU J22 +47 2 2 KU J23 +47 2 2 KU J24 +47 2 2 KU J25 +47 2 2 KU J26 +47 2 2 KU J27 +47 2 2 KU J28 +47 2 2 KU J29 +47 2 2 KU J30 +47 2 2 KU J31 +47 2 2 KU J32 +47 2 2 KU J33 +47 2 2 KU J34 +47 2 2 KU J35 +47 2 2 KU J36 +47 2 2 KU J37 +47 2 2 KU J38 +47 2 2 KU J39 +47 2 2 KU J40 +47 2 3 YB F40 +47 2 4 YG C11 +47 2 5 MA G20 +47 2 6 BW G7 +47 2 7 LI I1 +47 3 1 KW A16 +47 3 2 KU J14 +47 3 3 YB G2 +47 3 4 YG C9 +47 3 5 MA E16 +47 4 1 KW A0 +47 4 1 KW A1 +47 4 1 KW A2 +47 4 1 KW A3 +47 4 1 KW A4 +47 4 1 KW A5 +47 4 1 KW A6 +47 4 1 KW A7 +47 4 1 KW A8 +47 4 1 KW A9 +47 4 1 KW A10 +47 4 1 KW A11 +47 4 1 KW A12 +47 4 1 KW A13 +47 4 1 KW A14 +47 4 1 KW A15 +47 4 1 KW A16 +47 4 1 KW A17 +47 4 1 KW A18 +47 4 1 KW A19 +47 4 1 KW A20 +47 4 1 KW A21 +47 4 1 KW A22 +47 4 1 KW A23 +47 4 1 KW A24 +47 4 1 KW A25 +47 4 1 KW A26 +47 4 1 KW A27 +47 4 1 KW A28 +47 4 1 KW A29 +47 4 1 KW A30 +47 4 1 KW A31 +47 4 1 KW A32 +47 4 1 KW A33 +47 4 1 KW A34 +47 4 1 KW A35 +47 4 1 KW A36 +47 4 1 KW A37 +47 4 1 KW A38 +47 4 1 KW A39 +47 4 1 KW A40 +47 4 2 KU J0 +47 4 2 KU J1 +47 4 2 KU J2 +47 4 2 KU J3 +47 4 2 KU J4 +47 4 2 KU J5 +47 4 2 KU J6 +47 4 2 KU J7 +47 4 2 KU J8 +47 4 2 KU J9 +47 4 2 KU J10 +47 4 2 KU J11 +47 4 2 KU J12 +47 4 2 KU J13 +47 4 2 KU J14 +47 4 2 KU J15 +47 4 2 KU J16 +47 4 2 KU J17 +47 4 2 KU J18 +47 4 2 KU J19 +47 4 2 KU J20 +47 4 2 KU J21 +47 4 2 KU J22 +47 4 2 KU J23 +47 4 2 KU J24 +47 4 2 KU J25 +47 4 2 KU J26 +47 4 2 KU J27 +47 4 2 KU J28 +47 4 2 KU J29 +47 4 2 KU J30 +47 4 2 KU J31 +47 4 2 KU J32 +47 4 2 KU J33 +47 4 2 KU J34 +47 4 2 KU J35 +47 4 2 KU J36 +47 4 2 KU J37 +47 4 2 KU J38 +47 4 2 KU J39 +47 4 2 KU J40 +47 4 3 YB G40 +47 4 4 YG C9 +47 4 5 MA F17 +47 4 6 BW I0 +47 5 1 KW A0 +47 5 1 KW A1 +47 5 1 KW A2 +47 5 1 KW A3 +47 5 1 KW A4 +47 5 1 KW A5 +47 5 1 KW A6 +47 5 1 KW A7 +47 5 1 KW A8 +47 5 1 KW A9 +47 5 1 KW A10 +47 5 1 KW A11 +47 5 1 KW A12 +47 5 1 KW A13 +47 5 1 KW A14 +47 5 1 KW A15 +47 5 1 KW A16 +47 5 1 KW A17 +47 5 1 KW A18 +47 5 1 KW A19 +47 5 1 KW A20 +47 5 1 KW A21 +47 5 1 KW A22 +47 5 1 KW A23 +47 5 1 KW A24 +47 5 1 KW A25 +47 5 1 KW A26 +47 5 1 KW A27 +47 5 1 KW A28 +47 5 1 KW A29 +47 5 1 KW A30 +47 5 1 KW A31 +47 5 1 KW A32 +47 5 1 KW A33 +47 5 1 KW A34 +47 5 1 KW A35 +47 5 1 KW A36 +47 5 1 KW A37 +47 5 1 KW A38 +47 5 1 KW A39 +47 5 1 KW A40 +47 5 2 KU J0 +47 5 2 KU J1 +47 5 2 KU J2 +47 5 2 KU J3 +47 5 2 KU J4 +47 5 2 KU J5 +47 5 2 KU J6 +47 5 2 KU J7 +47 5 2 KU J8 +47 5 2 KU J9 +47 5 2 KU J10 +47 5 2 KU J11 +47 5 2 KU J12 +47 5 2 KU J13 +47 5 2 KU J14 +47 5 2 KU J15 +47 5 2 KU J16 +47 5 2 KU J17 +47 5 2 KU J18 +47 5 2 KU J19 +47 5 2 KU J20 +47 5 2 KU J21 +47 5 2 KU J22 +47 5 2 KU J23 +47 5 2 KU J24 +47 5 2 KU J25 +47 5 2 KU J26 +47 5 2 KU J27 +47 5 2 KU J28 +47 5 2 KU J29 +47 5 2 KU J30 +47 5 2 KU J31 +47 5 2 KU J32 +47 5 2 KU J33 +47 5 2 KU J34 +47 5 2 KU J35 +47 5 2 KU J36 +47 5 2 KU J37 +47 5 2 KU J38 +47 5 2 KU J39 +47 5 2 KU J40 +47 5 3 YB G1 +47 5 4 YG C9 +47 5 5 MA E19 +47 6 1 KW A1 +47 6 2 KU J3 +47 6 3 YB F3 +47 6 4 YG D7 +47 6 5 MA F19 +47 7 1 KW A38 +47 7 2 KU H31 +47 7 3 YB G1 +47 7 4 YG C9 +47 7 5 MA G28 +47 8 1 KW A0 +47 8 1 KW A1 +47 8 1 KW A2 +47 8 1 KW A3 +47 8 1 KW A4 +47 8 1 KW A5 +47 8 1 KW A6 +47 8 1 KW A7 +47 8 1 KW A8 +47 8 1 KW A9 +47 8 1 KW A10 +47 8 1 KW A11 +47 8 1 KW A12 +47 8 1 KW A13 +47 8 1 KW A14 +47 8 1 KW A15 +47 8 1 KW A16 +47 8 1 KW A17 +47 8 1 KW A18 +47 8 1 KW A19 +47 8 1 KW A20 +47 8 1 KW A21 +47 8 1 KW A22 +47 8 1 KW A23 +47 8 1 KW A24 +47 8 1 KW A25 +47 8 1 KW A26 +47 8 1 KW A27 +47 8 1 KW A28 +47 8 1 KW A29 +47 8 1 KW A30 +47 8 1 KW A31 +47 8 1 KW A32 +47 8 1 KW A33 +47 8 1 KW A34 +47 8 1 KW A35 +47 8 1 KW A36 +47 8 1 KW A37 +47 8 1 KW A38 +47 8 1 KW A39 +47 8 1 KW A40 +47 8 2 UU J0 +47 8 2 UU J1 +47 8 2 UU J2 +47 8 2 UU J3 +47 8 2 UU J4 +47 8 2 UU J5 +47 8 2 UU J6 +47 8 2 UU J7 +47 8 2 UU J8 +47 8 2 UU J9 +47 8 2 UU J10 +47 8 2 UU J11 +47 8 2 UU J12 +47 8 2 UU J13 +47 8 2 UU J14 +47 8 2 UU J15 +47 8 2 UU J16 +47 8 2 UU J17 +47 8 2 UU J18 +47 8 2 UU J19 +47 8 2 UU J20 +47 8 2 UU J21 +47 8 2 UU J22 +47 8 2 UU J23 +47 8 2 UU J24 +47 8 2 UU J25 +47 8 2 UU J26 +47 8 2 UU J27 +47 8 2 UU J28 +47 8 2 UU J29 +47 8 2 UU J30 +47 8 2 UU J31 +47 8 2 UU J32 +47 8 2 UU J33 +47 8 2 UU J34 +47 8 2 UU J35 +47 8 2 UU J36 +47 8 2 UU J37 +47 8 2 UU J38 +47 8 2 UU J39 +47 8 2 UU J40 +47 8 3 YB G1 +47 8 4 YG D6 +47 8 5 MA G21 +47 8 6 BW I34 +47 9 1 KW A13 +47 9 2 KU J32 +47 9 3 YB G2 +47 9 4 YG C13 +47 9 5 MA G20 +47 10 1 KW A0 +47 10 1 KW A1 +47 10 1 KW A2 +47 10 1 KW A3 +47 10 1 KW A4 +47 10 1 KW A5 +47 10 1 KW A6 +47 10 1 KW A7 +47 10 1 KW A8 +47 10 1 KW A9 +47 10 1 KW A10 +47 10 1 KW A11 +47 10 1 KW A12 +47 10 1 KW A13 +47 10 1 KW A14 +47 10 1 KW A15 +47 10 1 KW A16 +47 10 1 KW A17 +47 10 1 KW A18 +47 10 1 KW A19 +47 10 1 KW A20 +47 10 1 KW A21 +47 10 1 KW A22 +47 10 1 KW A23 +47 10 1 KW A24 +47 10 1 KW A25 +47 10 1 KW A26 +47 10 1 KW A27 +47 10 1 KW A28 +47 10 1 KW A29 +47 10 1 KW A30 +47 10 1 KW A31 +47 10 1 KW A32 +47 10 1 KW A33 +47 10 1 KW A34 +47 10 1 KW A35 +47 10 1 KW A36 +47 10 1 KW A37 +47 10 1 KW A38 +47 10 1 KW A39 +47 10 1 KW A40 +47 10 2 KU J0 +47 10 2 KU J1 +47 10 2 KU J2 +47 10 2 KU J3 +47 10 2 KU J4 +47 10 2 KU J5 +47 10 2 KU J6 +47 10 2 KU J7 +47 10 2 KU J8 +47 10 2 KU J9 +47 10 2 KU J10 +47 10 2 KU J11 +47 10 2 KU J12 +47 10 2 KU J13 +47 10 2 KU J14 +47 10 2 KU J15 +47 10 2 KU J16 +47 10 2 KU J17 +47 10 2 KU J18 +47 10 2 KU J19 +47 10 2 KU J20 +47 10 2 KU J21 +47 10 2 KU J22 +47 10 2 KU J23 +47 10 2 KU J24 +47 10 2 KU J25 +47 10 2 KU J26 +47 10 2 KU J27 +47 10 2 KU J28 +47 10 2 KU J29 +47 10 2 KU J30 +47 10 2 KU J31 +47 10 2 KU J32 +47 10 2 KU J33 +47 10 2 KU J34 +47 10 2 KU J35 +47 10 2 KU J36 +47 10 2 KU J37 +47 10 2 KU J38 +47 10 2 KU J39 +47 10 2 KU J40 +47 10 3 YB F40 +47 10 4 YG E6 +47 10 5 MA E20 +47 11 1 KW A30 +47 11 2 KU J13 +47 11 3 YB G40 +47 11 4 YG C9 +47 11 5 MA G19 +47 12 1 KW A0 +47 12 1 KW A1 +47 12 1 KW A2 +47 12 1 KW A3 +47 12 1 KW A4 +47 12 1 KW A5 +47 12 1 KW A6 +47 12 1 KW A7 +47 12 1 KW A8 +47 12 1 KW A9 +47 12 1 KW A10 +47 12 1 KW A11 +47 12 1 KW A12 +47 12 1 KW A13 +47 12 1 KW A14 +47 12 1 KW A15 +47 12 1 KW A16 +47 12 1 KW A17 +47 12 1 KW A18 +47 12 1 KW A19 +47 12 1 KW A20 +47 12 1 KW A21 +47 12 1 KW A22 +47 12 1 KW A23 +47 12 1 KW A24 +47 12 1 KW A25 +47 12 1 KW A26 +47 12 1 KW A27 +47 12 1 KW A28 +47 12 1 KW A29 +47 12 1 KW A30 +47 12 1 KW A31 +47 12 1 KW A32 +47 12 1 KW A33 +47 12 1 KW A34 +47 12 1 KW A35 +47 12 1 KW A36 +47 12 1 KW A37 +47 12 1 KW A38 +47 12 1 KW A39 +47 12 1 KW A40 +47 12 2 KU J0 +47 12 2 KU J1 +47 12 2 KU J2 +47 12 2 KU J3 +47 12 2 KU J4 +47 12 2 KU J5 +47 12 2 KU J6 +47 12 2 KU J7 +47 12 2 KU J8 +47 12 2 KU J9 +47 12 2 KU J10 +47 12 2 KU J11 +47 12 2 KU J12 +47 12 2 KU J13 +47 12 2 KU J14 +47 12 2 KU J15 +47 12 2 KU J16 +47 12 2 KU J17 +47 12 2 KU J18 +47 12 2 KU J19 +47 12 2 KU J20 +47 12 2 KU J21 +47 12 2 KU J22 +47 12 2 KU J23 +47 12 2 KU J24 +47 12 2 KU J25 +47 12 2 KU J26 +47 12 2 KU J27 +47 12 2 KU J28 +47 12 2 KU J29 +47 12 2 KU J30 +47 12 2 KU J31 +47 12 2 KU J32 +47 12 2 KU J33 +47 12 2 KU J34 +47 12 2 KU J35 +47 12 2 KU J36 +47 12 2 KU J37 +47 12 2 KU J38 +47 12 2 KU J39 +47 12 2 KU J40 +47 12 3 YB G40 +47 12 4 YG C9 +47 12 5 MA G30 +47 12 6 UU I0 +47 12 7 BW I9 +47 13 1 KW A0 +47 13 1 KW A1 +47 13 1 KW A2 +47 13 1 KW A3 +47 13 1 KW A4 +47 13 1 KW A5 +47 13 1 KW A6 +47 13 1 KW A7 +47 13 1 KW A8 +47 13 1 KW A9 +47 13 1 KW A10 +47 13 1 KW A11 +47 13 1 KW A12 +47 13 1 KW A13 +47 13 1 KW A14 +47 13 1 KW A15 +47 13 1 KW A16 +47 13 1 KW A17 +47 13 1 KW A18 +47 13 1 KW A19 +47 13 1 KW A20 +47 13 1 KW A21 +47 13 1 KW A22 +47 13 1 KW A23 +47 13 1 KW A24 +47 13 1 KW A25 +47 13 1 KW A26 +47 13 1 KW A27 +47 13 1 KW A28 +47 13 1 KW A29 +47 13 1 KW A30 +47 13 1 KW A31 +47 13 1 KW A32 +47 13 1 KW A33 +47 13 1 KW A34 +47 13 1 KW A35 +47 13 1 KW A36 +47 13 1 KW A37 +47 13 1 KW A38 +47 13 1 KW A39 +47 13 1 KW A40 +47 13 2 KU J0 +47 13 2 KU J1 +47 13 2 KU J2 +47 13 2 KU J3 +47 13 2 KU J4 +47 13 2 KU J5 +47 13 2 KU J6 +47 13 2 KU J7 +47 13 2 KU J8 +47 13 2 KU J9 +47 13 2 KU J10 +47 13 2 KU J11 +47 13 2 KU J12 +47 13 2 KU J13 +47 13 2 KU J14 +47 13 2 KU J15 +47 13 2 KU J16 +47 13 2 KU J17 +47 13 2 KU J18 +47 13 2 KU J19 +47 13 2 KU J20 +47 13 2 KU J21 +47 13 2 KU J22 +47 13 2 KU J23 +47 13 2 KU J24 +47 13 2 KU J25 +47 13 2 KU J26 +47 13 2 KU J27 +47 13 2 KU J28 +47 13 2 KU J29 +47 13 2 KU J30 +47 13 2 KU J31 +47 13 2 KU J32 +47 13 2 KU J33 +47 13 2 KU J34 +47 13 2 KU J35 +47 13 2 KU J36 +47 13 2 KU J37 +47 13 2 KU J38 +47 13 2 KU J39 +47 13 2 KU J40 +47 13 3 YB G1 +47 13 4 YG C8 +47 13 5 MA H20 +47 13 6 BW H8 +47 14 1 KW A0 +47 14 1 KW A1 +47 14 1 KW A2 +47 14 1 KW A3 +47 14 1 KW A4 +47 14 1 KW A5 +47 14 1 KW A6 +47 14 1 KW A7 +47 14 1 KW A8 +47 14 1 KW A9 +47 14 1 KW A10 +47 14 1 KW A11 +47 14 1 KW A12 +47 14 1 KW A13 +47 14 1 KW A14 +47 14 1 KW A15 +47 14 1 KW A16 +47 14 1 KW A17 +47 14 1 KW A18 +47 14 1 KW A19 +47 14 1 KW A20 +47 14 1 KW A21 +47 14 1 KW A22 +47 14 1 KW A23 +47 14 1 KW A24 +47 14 1 KW A25 +47 14 1 KW A26 +47 14 1 KW A27 +47 14 1 KW A28 +47 14 1 KW A29 +47 14 1 KW A30 +47 14 1 KW A31 +47 14 1 KW A32 +47 14 1 KW A33 +47 14 1 KW A34 +47 14 1 KW A35 +47 14 1 KW A36 +47 14 1 KW A37 +47 14 1 KW A38 +47 14 1 KW A39 +47 14 1 KW A40 +47 14 2 KU J0 +47 14 3 YB G1 +47 14 4 YG C8 +47 14 5 MA G17 +47 14 6 BW H0 +47 14 6 BW I12 +47 15 1 KW A0 +47 15 1 KW A1 +47 15 1 KW A2 +47 15 1 KW A3 +47 15 1 KW A4 +47 15 1 KW A5 +47 15 1 KW A6 +47 15 1 KW A7 +47 15 1 KW A8 +47 15 1 KW A9 +47 15 1 KW A10 +47 15 1 KW A11 +47 15 1 KW A12 +47 15 1 KW A13 +47 15 1 KW A14 +47 15 1 KW A15 +47 15 1 KW A16 +47 15 1 KW A17 +47 15 1 KW A18 +47 15 1 KW A19 +47 15 1 KW A20 +47 15 1 KW A21 +47 15 1 KW A22 +47 15 1 KW A23 +47 15 1 KW A24 +47 15 1 KW A25 +47 15 1 KW A26 +47 15 1 KW A27 +47 15 1 KW A28 +47 15 1 KW A29 +47 15 1 KW A30 +47 15 1 KW A31 +47 15 1 KW A32 +47 15 1 KW A33 +47 15 1 KW A34 +47 15 1 KW A35 +47 15 1 KW A36 +47 15 1 KW A37 +47 15 1 KW A38 +47 15 1 KW A39 +47 15 1 KW A40 +47 15 2 KU J0 +47 15 2 KU J1 +47 15 2 KU J2 +47 15 2 KU J3 +47 15 2 KU J4 +47 15 2 KU J5 +47 15 2 KU J6 +47 15 2 KU J7 +47 15 2 KU J8 +47 15 2 KU J9 +47 15 2 KU J10 +47 15 2 KU J11 +47 15 2 KU J12 +47 15 2 KU J13 +47 15 2 KU J14 +47 15 2 KU J15 +47 15 2 KU J16 +47 15 2 KU J17 +47 15 2 KU J18 +47 15 2 KU J19 +47 15 2 KU J20 +47 15 2 KU J21 +47 15 2 KU J22 +47 15 2 KU J23 +47 15 2 KU J24 +47 15 2 KU J25 +47 15 2 KU J26 +47 15 2 KU J27 +47 15 2 KU J28 +47 15 2 KU J29 +47 15 2 KU J30 +47 15 2 KU J31 +47 15 2 KU J32 +47 15 2 KU J33 +47 15 2 KU J34 +47 15 2 KU J35 +47 15 2 KU J36 +47 15 2 KU J37 +47 15 2 KU J38 +47 15 2 KU J39 +47 15 2 KU J40 +47 15 3 YB G2 +47 15 4 YG D7 +47 15 4 YG H7 +47 15 5 MA G28 +47 16 1 KW A0 +47 16 1 KW A1 +47 16 1 KW A2 +47 16 1 KW A3 +47 16 1 KW A4 +47 16 1 KW A5 +47 16 1 KW A6 +47 16 1 KW A7 +47 16 1 KW A8 +47 16 1 KW A9 +47 16 1 KW A10 +47 16 1 KW A11 +47 16 1 KW A12 +47 16 1 KW A13 +47 16 1 KW A14 +47 16 1 KW A15 +47 16 1 KW A16 +47 16 1 KW A17 +47 16 1 KW A18 +47 16 1 KW A19 +47 16 1 KW A20 +47 16 1 KW A21 +47 16 1 KW A22 +47 16 1 KW A23 +47 16 1 KW A24 +47 16 1 KW A25 +47 16 1 KW A26 +47 16 1 KW A27 +47 16 1 KW A28 +47 16 1 KW A29 +47 16 1 KW A30 +47 16 1 KW A31 +47 16 1 KW A32 +47 16 1 KW A33 +47 16 1 KW A34 +47 16 1 KW A35 +47 16 1 KW A36 +47 16 1 KW A37 +47 16 1 KW A38 +47 16 1 KW A39 +47 16 1 KW A40 +47 16 2 KU J6 +47 16 3 YB G2 +47 16 4 YG C9 +47 16 5 MA E27 +47 16 7 UU I7 +47 16 9 BW I6 +47 17 1 KW A0 +47 17 1 KW A1 +47 17 1 KW A2 +47 17 1 KW A3 +47 17 1 KW A4 +47 17 1 KW A5 +47 17 1 KW A6 +47 17 1 KW A7 +47 17 1 KW A8 +47 17 1 KW A9 +47 17 1 KW A10 +47 17 1 KW A11 +47 17 1 KW A12 +47 17 1 KW A13 +47 17 1 KW A14 +47 17 1 KW A15 +47 17 1 KW A16 +47 17 1 KW A17 +47 17 1 KW A18 +47 17 1 KW A19 +47 17 1 KW A20 +47 17 1 KW A21 +47 17 1 KW A22 +47 17 1 KW A23 +47 17 1 KW A24 +47 17 1 KW A25 +47 17 1 KW A26 +47 17 1 KW A27 +47 17 1 KW A28 +47 17 1 KW A29 +47 17 1 KW A30 +47 17 1 KW A31 +47 17 1 KW A32 +47 17 1 KW A33 +47 17 1 KW A34 +47 17 1 KW A35 +47 17 1 KW A36 +47 17 1 KW A37 +47 17 1 KW A38 +47 17 1 KW A39 +47 17 1 KW A40 +47 17 2 KU J2 +47 17 3 YB G0 +47 17 4 YG C11 +47 17 5 MA E28 +47 18 1 KW A0 +47 18 1 KW A1 +47 18 1 KW A2 +47 18 1 KW A3 +47 18 1 KW A4 +47 18 1 KW A5 +47 18 1 KW A6 +47 18 1 KW A7 +47 18 1 KW A8 +47 18 1 KW A9 +47 18 1 KW A10 +47 18 1 KW A11 +47 18 1 KW A12 +47 18 1 KW A13 +47 18 1 KW A14 +47 18 1 KW A15 +47 18 1 KW A16 +47 18 1 KW A17 +47 18 1 KW A18 +47 18 1 KW A19 +47 18 1 KW A20 +47 18 1 KW A21 +47 18 1 KW A22 +47 18 1 KW A23 +47 18 1 KW A24 +47 18 1 KW A25 +47 18 1 KW A26 +47 18 1 KW A27 +47 18 1 KW A28 +47 18 1 KW A29 +47 18 1 KW A30 +47 18 1 KW A31 +47 18 1 KW A32 +47 18 1 KW A33 +47 18 1 KW A34 +47 18 1 KW A35 +47 18 1 KW A36 +47 18 1 KW A37 +47 18 1 KW A38 +47 18 1 KW A39 +47 18 1 KW A40 +47 18 2 KU J0 +47 18 2 KU J1 +47 18 2 KU J2 +47 18 2 KU J3 +47 18 2 KU J4 +47 18 2 KU J5 +47 18 2 KU J6 +47 18 2 KU J7 +47 18 2 KU J8 +47 18 2 KU J9 +47 18 2 KU J10 +47 18 2 KU J11 +47 18 2 KU J12 +47 18 2 KU J13 +47 18 2 KU J14 +47 18 2 KU J15 +47 18 2 KU J16 +47 18 2 KU J17 +47 18 2 KU J18 +47 18 2 KU J19 +47 18 2 KU J20 +47 18 2 KU J21 +47 18 2 KU J22 +47 18 2 KU J23 +47 18 2 KU J24 +47 18 2 KU J25 +47 18 2 KU J26 +47 18 2 KU J27 +47 18 2 KU J28 +47 18 2 KU J29 +47 18 2 KU J30 +47 18 2 KU J31 +47 18 2 KU J32 +47 18 2 KU J33 +47 18 2 KU J34 +47 18 2 KU J35 +47 18 2 KU J36 +47 18 2 KU J37 +47 18 2 KU J38 +47 18 2 KU J39 +47 18 2 KU J40 +47 18 3 YB G2 +47 18 4 YG C9 +47 18 5 MA G29 +47 19 1 KW A0 +47 19 1 KW A1 +47 19 1 KW A2 +47 19 1 KW A3 +47 19 1 KW A4 +47 19 1 KW A5 +47 19 1 KW A6 +47 19 1 KW A7 +47 19 1 KW A8 +47 19 1 KW A9 +47 19 1 KW A10 +47 19 1 KW A11 +47 19 1 KW A12 +47 19 1 KW A13 +47 19 1 KW A14 +47 19 1 KW A15 +47 19 1 KW A16 +47 19 1 KW A17 +47 19 1 KW A18 +47 19 1 KW A19 +47 19 1 KW A20 +47 19 1 KW A21 +47 19 1 KW A22 +47 19 1 KW A23 +47 19 1 KW A24 +47 19 1 KW A25 +47 19 1 KW A26 +47 19 1 KW A27 +47 19 1 KW A28 +47 19 1 KW A29 +47 19 1 KW A30 +47 19 1 KW A31 +47 19 1 KW A32 +47 19 1 KW A33 +47 19 1 KW A34 +47 19 1 KW A35 +47 19 1 KW A36 +47 19 1 KW A37 +47 19 1 KW A38 +47 19 1 KW A39 +47 19 1 KW A40 +47 19 2 UU J40 +47 19 3 YB F1 +47 19 4 YG C10 +47 19 5 MA H29 +47 19 6 BW I10 +47 20 1 KW A0 +47 20 1 KW A1 +47 20 1 KW A2 +47 20 1 KW A3 +47 20 1 KW A4 +47 20 1 KW A5 +47 20 1 KW A6 +47 20 1 KW A7 +47 20 1 KW A8 +47 20 1 KW A9 +47 20 1 KW A10 +47 20 1 KW A11 +47 20 1 KW A12 +47 20 1 KW A13 +47 20 1 KW A14 +47 20 1 KW A15 +47 20 1 KW A16 +47 20 1 KW A17 +47 20 1 KW A18 +47 20 1 KW A19 +47 20 1 KW A20 +47 20 1 KW A21 +47 20 1 KW A22 +47 20 1 KW A23 +47 20 1 KW A24 +47 20 1 KW A25 +47 20 1 KW A26 +47 20 1 KW A27 +47 20 1 KW A28 +47 20 1 KW A29 +47 20 1 KW A30 +47 20 1 KW A31 +47 20 1 KW A32 +47 20 1 KW A33 +47 20 1 KW A34 +47 20 1 KW A35 +47 20 1 KW A36 +47 20 1 KW A37 +47 20 1 KW A38 +47 20 1 KW A39 +47 20 1 KW A40 +47 20 2 KW J0 +47 20 2 KW J1 +47 20 2 KW J2 +47 20 2 KW J3 +47 20 2 KW J4 +47 20 2 KW J5 +47 20 2 KW J6 +47 20 2 KW J7 +47 20 2 KW J8 +47 20 2 KW J9 +47 20 2 KW J10 +47 20 2 KW J11 +47 20 2 KW J12 +47 20 2 KW J13 +47 20 2 KW J14 +47 20 2 KW J15 +47 20 2 KW J16 +47 20 2 KW J17 +47 20 2 KW J18 +47 20 2 KW J19 +47 20 2 KW J20 +47 20 2 KW J21 +47 20 2 KW J22 +47 20 2 KW J23 +47 20 2 KW J24 +47 20 2 KW J25 +47 20 2 KW J26 +47 20 2 KW J27 +47 20 2 KW J28 +47 20 2 KW J29 +47 20 2 KW J30 +47 20 2 KW J31 +47 20 2 KW J32 +47 20 2 KW J33 +47 20 2 KW J34 +47 20 2 KW J35 +47 20 2 KW J36 +47 20 2 KW J37 +47 20 2 KW J38 +47 20 2 KW J39 +47 20 2 KW J40 +47 20 3 YB G2 +47 20 4 YG D6 +47 20 5 MA F16 +47 20 6 BW F13 +47 20 7 LI F28 +47 21 1 KW A0 +47 21 1 KW A1 +47 21 1 KW A2 +47 21 1 KW A3 +47 21 1 KW A4 +47 21 1 KW A5 +47 21 1 KW A6 +47 21 1 KW A7 +47 21 1 KW A8 +47 21 1 KW A9 +47 21 1 KW A10 +47 21 1 KW A11 +47 21 1 KW A12 +47 21 1 KW A13 +47 21 1 KW A14 +47 21 1 KW A15 +47 21 1 KW A16 +47 21 1 KW A17 +47 21 1 KW A18 +47 21 1 KW A19 +47 21 1 KW A20 +47 21 1 KW A21 +47 21 1 KW A22 +47 21 1 KW A23 +47 21 1 KW A24 +47 21 1 KW A25 +47 21 1 KW A26 +47 21 1 KW A27 +47 21 1 KW A28 +47 21 1 KW A29 +47 21 1 KW A30 +47 21 1 KW A31 +47 21 1 KW A32 +47 21 1 KW A33 +47 21 1 KW A34 +47 21 1 KW A35 +47 21 1 KW A36 +47 21 1 KW A37 +47 21 1 KW A38 +47 21 1 KW A39 +47 21 1 KW A40 +47 21 2 KU J6 +47 21 3 YB F40 +47 21 4 YG C8 +47 21 5 MA F28 +47 21 6 BW F7 +47 22 1 KW A0 +47 22 1 KW A1 +47 22 1 KW A2 +47 22 1 KW A3 +47 22 1 KW A4 +47 22 1 KW A5 +47 22 1 KW A6 +47 22 1 KW A7 +47 22 1 KW A8 +47 22 1 KW A9 +47 22 1 KW A10 +47 22 1 KW A11 +47 22 1 KW A12 +47 22 1 KW A13 +47 22 1 KW A14 +47 22 1 KW A15 +47 22 1 KW A16 +47 22 1 KW A17 +47 22 1 KW A18 +47 22 1 KW A19 +47 22 1 KW A20 +47 22 1 KW A21 +47 22 1 KW A22 +47 22 1 KW A23 +47 22 1 KW A24 +47 22 1 KW A25 +47 22 1 KW A26 +47 22 1 KW A27 +47 22 1 KW A28 +47 22 1 KW A29 +47 22 1 KW A30 +47 22 1 KW A31 +47 22 1 KW A32 +47 22 1 KW A33 +47 22 1 KW A34 +47 22 1 KW A35 +47 22 1 KW A36 +47 22 1 KW A37 +47 22 1 KW A38 +47 22 1 KW A39 +47 22 1 KW A40 +47 22 2 KU J0 +47 22 2 KU J1 +47 22 2 KU J2 +47 22 2 KU J3 +47 22 2 KU J4 +47 22 2 KU J5 +47 22 2 KU J6 +47 22 2 KU J7 +47 22 2 KU J8 +47 22 2 KU J9 +47 22 2 KU J10 +47 22 2 KU J11 +47 22 2 KU J12 +47 22 2 KU J13 +47 22 2 KU J14 +47 22 2 KU J15 +47 22 2 KU J16 +47 22 2 KU J17 +47 22 2 KU J18 +47 22 2 KU J19 +47 22 2 KU J20 +47 22 2 KU J21 +47 22 2 KU J22 +47 22 2 KU J23 +47 22 2 KU J24 +47 22 2 KU J25 +47 22 2 KU J26 +47 22 2 KU J27 +47 22 2 KU J28 +47 22 2 KU J29 +47 22 2 KU J30 +47 22 2 KU J31 +47 22 2 KU J32 +47 22 2 KU J33 +47 22 2 KU J34 +47 22 2 KU J35 +47 22 2 KU J36 +47 22 2 KU J37 +47 22 2 KU J38 +47 22 2 KU J39 +47 22 2 KU J40 +47 22 3 YB G1 +47 22 4 YG C8 +47 22 5 MA F17 +47 23 1 KW A9 +47 23 2 KU J6 +47 23 3 YB G2 +47 23 4 YG C9 +47 23 5 MA G20 +47 24 1 KW A0 +47 24 1 KW A1 +47 24 1 KW A2 +47 24 1 KW A3 +47 24 1 KW A4 +47 24 1 KW A5 +47 24 1 KW A6 +47 24 1 KW A7 +47 24 1 KW A8 +47 24 1 KW A9 +47 24 1 KW A10 +47 24 1 KW A11 +47 24 1 KW A12 +47 24 1 KW A13 +47 24 1 KW A14 +47 24 1 KW A15 +47 24 1 KW A16 +47 24 1 KW A17 +47 24 1 KW A18 +47 24 1 KW A19 +47 24 1 KW A20 +47 24 1 KW A21 +47 24 1 KW A22 +47 24 1 KW A23 +47 24 1 KW A24 +47 24 1 KW A25 +47 24 1 KW A26 +47 24 1 KW A27 +47 24 1 KW A28 +47 24 1 KW A29 +47 24 1 KW A30 +47 24 1 KW A31 +47 24 1 KW A32 +47 24 1 KW A33 +47 24 1 KW A34 +47 24 1 KW A35 +47 24 1 KW A36 +47 24 1 KW A37 +47 24 1 KW A38 +47 24 1 KW A39 +47 24 1 KW A40 +47 24 2 KU J0 +47 24 2 KU J1 +47 24 2 KU J2 +47 24 2 KU J3 +47 24 2 KU J4 +47 24 2 KU J5 +47 24 2 KU J6 +47 24 2 KU J7 +47 24 2 KU J8 +47 24 2 KU J9 +47 24 2 KU J10 +47 24 2 KU J11 +47 24 2 KU J12 +47 24 2 KU J13 +47 24 2 KU J14 +47 24 2 KU J15 +47 24 2 KU J16 +47 24 2 KU J17 +47 24 2 KU J18 +47 24 2 KU J19 +47 24 2 KU J20 +47 24 2 KU J21 +47 24 2 KU J22 +47 24 2 KU J23 +47 24 2 KU J24 +47 24 2 KU J25 +47 24 2 KU J26 +47 24 2 KU J27 +47 24 2 KU J28 +47 24 2 KU J29 +47 24 2 KU J30 +47 24 2 KU J31 +47 24 2 KU J32 +47 24 2 KU J33 +47 24 2 KU J34 +47 24 2 KU J35 +47 24 2 KU J36 +47 24 2 KU J37 +47 24 2 KU J38 +47 24 2 KU J39 +47 24 2 KU J40 +47 24 3 YB F1 +47 24 4 YG B10 +47 24 5 MA F29 +47 25 1 KW A0 +47 25 1 KW A1 +47 25 1 KW A2 +47 25 1 KW A3 +47 25 1 KW A4 +47 25 1 KW A5 +47 25 1 KW A6 +47 25 1 KW A7 +47 25 1 KW A8 +47 25 1 KW A9 +47 25 1 KW A10 +47 25 1 KW A11 +47 25 1 KW A12 +47 25 1 KW A13 +47 25 1 KW A14 +47 25 1 KW A15 +47 25 1 KW A16 +47 25 1 KW A17 +47 25 1 KW A18 +47 25 1 KW A19 +47 25 1 KW A20 +47 25 1 KW A21 +47 25 1 KW A22 +47 25 1 KW A23 +47 25 1 KW A24 +47 25 1 KW A25 +47 25 1 KW A26 +47 25 1 KW A27 +47 25 1 KW A28 +47 25 1 KW A29 +47 25 1 KW A30 +47 25 1 KW A31 +47 25 1 KW A32 +47 25 1 KW A33 +47 25 1 KW A34 +47 25 1 KW A35 +47 25 1 KW A36 +47 25 1 KW A37 +47 25 1 KW A38 +47 25 1 KW A39 +47 25 1 KW A40 +47 25 2 KU J0 +47 25 2 KU J1 +47 25 2 KU J2 +47 25 2 KU J3 +47 25 2 KU J4 +47 25 2 KU J5 +47 25 2 KU J6 +47 25 2 KU J7 +47 25 2 KU J8 +47 25 2 KU J9 +47 25 2 KU J10 +47 25 2 KU J11 +47 25 2 KU J12 +47 25 2 KU J13 +47 25 2 KU J14 +47 25 2 KU J15 +47 25 2 KU J16 +47 25 2 KU J17 +47 25 2 KU J18 +47 25 2 KU J19 +47 25 2 KU J20 +47 25 2 KU J21 +47 25 2 KU J22 +47 25 2 KU J23 +47 25 2 KU J24 +47 25 2 KU J25 +47 25 2 KU J26 +47 25 2 KU J27 +47 25 2 KU J28 +47 25 2 KU J29 +47 25 2 KU J30 +47 25 2 KU J31 +47 25 2 KU J32 +47 25 2 KU J33 +47 25 2 KU J34 +47 25 2 KU J35 +47 25 2 KU J36 +47 25 2 KU J37 +47 25 2 KU J38 +47 25 2 KU J39 +47 25 2 KU J40 +47 25 3 YB G1 +47 25 4 YG C8 +47 25 5 MA F17 +47 25 6 LI I28 +47 25 7 BW I0 +48 1 1 MA A0 +48 1 1 MA A1 +48 1 1 MA A2 +48 1 1 MA A3 +48 1 1 MA A4 +48 1 1 MA A5 +48 1 1 MA A6 +48 1 1 MA A7 +48 1 1 MA A8 +48 1 1 MA A9 +48 1 1 MA A10 +48 1 1 MA A11 +48 1 1 MA A12 +48 1 1 MA A13 +48 1 1 MA A14 +48 1 1 MA A15 +48 1 1 MA A16 +48 1 1 MA A17 +48 1 1 MA A18 +48 1 1 MA A19 +48 1 1 MA A20 +48 1 1 MA A21 +48 1 1 MA A22 +48 1 1 MA A23 +48 1 1 MA A24 +48 1 1 MA A25 +48 1 1 MA A26 +48 1 1 MA A27 +48 1 1 MA A28 +48 1 1 MA A29 +48 1 1 MA A30 +48 1 1 MA A31 +48 1 1 MA A32 +48 1 1 MA A33 +48 1 1 MA A34 +48 1 1 MA A35 +48 1 1 MA A36 +48 1 1 MA A37 +48 1 1 MA A38 +48 1 1 MA A39 +48 1 1 MA A40 +48 1 2 AN J0 +48 1 2 AN J1 +48 1 2 AN J2 +48 1 2 AN J3 +48 1 2 AN J4 +48 1 2 AN J5 +48 1 2 AN J6 +48 1 2 AN J7 +48 1 2 AN J8 +48 1 2 AN J9 +48 1 2 AN J10 +48 1 2 AN J11 +48 1 2 AN J12 +48 1 2 AN J13 +48 1 2 AN J14 +48 1 2 AN J15 +48 1 2 AN J16 +48 1 2 AN J17 +48 1 2 AN J18 +48 1 2 AN J19 +48 1 2 AN J20 +48 1 2 AN J21 +48 1 2 AN J22 +48 1 2 AN J23 +48 1 2 AN J24 +48 1 2 AN J25 +48 1 2 AN J26 +48 1 2 AN J27 +48 1 2 AN J28 +48 1 2 AN J29 +48 1 2 AN J30 +48 1 2 AN J31 +48 1 2 AN J32 +48 1 2 AN J33 +48 1 2 AN J34 +48 1 2 AN J35 +48 1 2 AN J36 +48 1 2 AN J37 +48 1 2 AN J38 +48 1 2 AN J39 +48 1 2 AN J40 +48 1 3 MD G3 +48 1 4 ML C10 +48 1 5 EM E16 +48 2 1 MA A0 +48 2 1 MA A1 +48 2 1 MA A2 +48 2 1 MA A3 +48 2 1 MA A4 +48 2 1 MA A5 +48 2 1 MA A6 +48 2 1 MA A7 +48 2 1 MA A8 +48 2 1 MA A9 +48 2 1 MA A10 +48 2 1 MA A11 +48 2 1 MA A12 +48 2 1 MA A13 +48 2 1 MA A14 +48 2 1 MA A15 +48 2 1 MA A16 +48 2 1 MA A17 +48 2 1 MA A18 +48 2 1 MA A19 +48 2 1 MA A20 +48 2 1 MA A21 +48 2 1 MA A22 +48 2 1 MA A23 +48 2 1 MA A24 +48 2 1 MA A25 +48 2 1 MA A26 +48 2 1 MA A27 +48 2 1 MA A28 +48 2 1 MA A29 +48 2 1 MA A30 +48 2 1 MA A31 +48 2 1 MA A32 +48 2 1 MA A33 +48 2 1 MA A34 +48 2 1 MA A35 +48 2 1 MA A36 +48 2 1 MA A37 +48 2 1 MA A38 +48 2 1 MA A39 +48 2 1 MA A40 +48 2 2 AN J0 +48 2 2 AN J1 +48 2 2 AN J2 +48 2 2 AN J3 +48 2 2 AN J4 +48 2 2 AN J5 +48 2 2 AN J6 +48 2 2 AN J7 +48 2 2 AN J8 +48 2 2 AN J9 +48 2 2 AN J10 +48 2 2 AN J11 +48 2 2 AN J12 +48 2 2 AN J13 +48 2 2 AN J14 +48 2 2 AN J15 +48 2 2 AN J16 +48 2 2 AN J17 +48 2 2 AN J18 +48 2 2 AN J19 +48 2 2 AN J20 +48 2 2 AN J21 +48 2 2 AN J22 +48 2 2 AN J23 +48 2 2 AN J24 +48 2 2 AN J25 +48 2 2 AN J26 +48 2 2 AN J27 +48 2 2 AN J28 +48 2 2 AN J29 +48 2 2 AN J30 +48 2 2 AN J31 +48 2 2 AN J32 +48 2 2 AN J33 +48 2 2 AN J34 +48 2 2 AN J35 +48 2 2 AN J36 +48 2 2 AN J37 +48 2 2 AN J38 +48 2 2 AN J39 +48 2 2 AN J40 +48 2 3 MD F4 +48 2 4 ML C9 +48 3 1 MA A0 +48 3 1 MA A1 +48 3 1 MA A2 +48 3 1 MA A3 +48 3 1 MA A4 +48 3 1 MA A5 +48 3 1 MA A6 +48 3 1 MA A7 +48 3 1 MA A8 +48 3 1 MA A9 +48 3 1 MA A10 +48 3 1 MA A11 +48 3 1 MA A12 +48 3 1 MA A13 +48 3 1 MA A14 +48 3 1 MA A15 +48 3 1 MA A16 +48 3 1 MA A17 +48 3 1 MA A18 +48 3 1 MA A19 +48 3 1 MA A20 +48 3 1 MA A21 +48 3 1 MA A22 +48 3 1 MA A23 +48 3 1 MA A24 +48 3 1 MA A25 +48 3 1 MA A26 +48 3 1 MA A27 +48 3 1 MA A28 +48 3 1 MA A29 +48 3 1 MA A30 +48 3 1 MA A31 +48 3 1 MA A32 +48 3 1 MA A33 +48 3 1 MA A34 +48 3 1 MA A35 +48 3 1 MA A36 +48 3 1 MA A37 +48 3 1 MA A38 +48 3 1 MA A39 +48 3 1 MA A40 +48 3 2 AN J0 +48 3 2 AN J1 +48 3 2 AN J2 +48 3 2 AN J3 +48 3 2 AN J4 +48 3 2 AN J5 +48 3 2 AN J6 +48 3 2 AN J7 +48 3 2 AN J8 +48 3 2 AN J9 +48 3 2 AN J10 +48 3 2 AN J11 +48 3 2 AN J12 +48 3 2 AN J13 +48 3 2 AN J14 +48 3 2 AN J15 +48 3 2 AN J16 +48 3 2 AN J17 +48 3 2 AN J18 +48 3 2 AN J19 +48 3 2 AN J20 +48 3 2 AN J21 +48 3 2 AN J22 +48 3 2 AN J23 +48 3 2 AN J24 +48 3 2 AN J25 +48 3 2 AN J26 +48 3 2 AN J27 +48 3 2 AN J28 +48 3 2 AN J29 +48 3 2 AN J30 +48 3 2 AN J31 +48 3 2 AN J32 +48 3 2 AN J33 +48 3 2 AN J34 +48 3 2 AN J35 +48 3 2 AN J36 +48 3 2 AN J37 +48 3 2 AN J38 +48 3 2 AN J39 +48 3 2 AN J40 +48 3 3 MD E37 +48 3 4 ML C11 +48 3 5 KI B10 +48 3 5 KI B11 +48 3 6 BG D15 +48 3 7 BL D28 +48 4 1 MA A0 +48 4 1 MA A1 +48 4 1 MA A2 +48 4 1 MA A3 +48 4 1 MA A4 +48 4 1 MA A5 +48 4 1 MA A6 +48 4 1 MA A7 +48 4 1 MA A8 +48 4 1 MA A9 +48 4 1 MA A10 +48 4 1 MA A11 +48 4 1 MA A12 +48 4 1 MA A13 +48 4 1 MA A14 +48 4 1 MA A15 +48 4 1 MA A16 +48 4 1 MA A17 +48 4 1 MA A18 +48 4 1 MA A19 +48 4 1 MA A20 +48 4 1 MA A21 +48 4 1 MA A22 +48 4 1 MA A23 +48 4 1 MA A24 +48 4 1 MA A25 +48 4 1 MA A26 +48 4 1 MA A27 +48 4 1 MA A28 +48 4 1 MA A29 +48 4 1 MA A30 +48 4 1 MA A31 +48 4 1 MA A32 +48 4 1 MA A33 +48 4 1 MA A34 +48 4 1 MA A35 +48 4 1 MA A36 +48 4 1 MA A37 +48 4 1 MA A38 +48 4 1 MA A39 +48 4 1 MA A40 +48 4 2 AN J0 +48 4 2 AN J1 +48 4 2 AN J2 +48 4 2 AN J3 +48 4 2 AN J4 +48 4 2 AN J5 +48 4 2 AN J6 +48 4 2 AN J7 +48 4 2 AN J8 +48 4 2 AN J9 +48 4 2 AN J10 +48 4 2 AN J11 +48 4 2 AN J12 +48 4 2 AN J13 +48 4 2 AN J14 +48 4 2 AN J15 +48 4 2 AN J16 +48 4 2 AN J17 +48 4 2 AN J18 +48 4 2 AN J19 +48 4 2 AN J20 +48 4 2 AN J21 +48 4 2 AN J22 +48 4 2 AN J23 +48 4 2 AN J24 +48 4 2 AN J25 +48 4 2 AN J26 +48 4 2 AN J27 +48 4 2 AN J28 +48 4 2 AN J29 +48 4 2 AN J30 +48 4 2 AN J31 +48 4 2 AN J32 +48 4 2 AN J33 +48 4 2 AN J34 +48 4 2 AN J35 +48 4 2 AN J36 +48 4 2 AN J37 +48 4 2 AN J38 +48 4 2 AN J39 +48 4 2 AN J40 +48 4 3 MD F4 +48 4 4 KI C9 +48 4 5 BG F17 +48 5 1 MA A0 +48 5 1 MA A1 +48 5 1 MA A2 +48 5 1 MA A3 +48 5 1 MA A4 +48 5 1 MA A5 +48 5 1 MA A6 +48 5 1 MA A7 +48 5 1 MA A8 +48 5 1 MA A9 +48 5 1 MA A10 +48 5 1 MA A11 +48 5 1 MA A12 +48 5 1 MA A13 +48 5 1 MA A14 +48 5 1 MA A15 +48 5 1 MA A16 +48 5 1 MA A17 +48 5 1 MA A18 +48 5 1 MA A19 +48 5 1 MA A20 +48 5 1 MA A21 +48 5 1 MA A22 +48 5 1 MA A23 +48 5 1 MA A24 +48 5 1 MA A25 +48 5 1 MA A26 +48 5 1 MA A27 +48 5 1 MA A28 +48 5 1 MA A29 +48 5 1 MA A30 +48 5 1 MA A31 +48 5 1 MA A32 +48 5 1 MA A33 +48 5 1 MA A34 +48 5 1 MA A35 +48 5 1 MA A36 +48 5 1 MA A37 +48 5 1 MA A38 +48 5 1 MA A39 +48 5 1 MA A40 +48 5 2 AN J0 +48 5 2 AN J1 +48 5 2 AN J2 +48 5 2 AN J3 +48 5 2 AN J4 +48 5 2 AN J5 +48 5 2 AN J6 +48 5 2 AN J7 +48 5 2 AN J8 +48 5 2 AN J9 +48 5 2 AN J10 +48 5 2 AN J11 +48 5 2 AN J12 +48 5 2 AN J13 +48 5 2 AN J14 +48 5 2 AN J15 +48 5 2 AN J16 +48 5 2 AN J17 +48 5 2 AN J18 +48 5 2 AN J19 +48 5 2 AN J20 +48 5 2 AN J21 +48 5 2 AN J22 +48 5 2 AN J23 +48 5 2 AN J24 +48 5 2 AN J25 +48 5 2 AN J26 +48 5 2 AN J27 +48 5 2 AN J28 +48 5 2 AN J29 +48 5 2 AN J30 +48 5 2 AN J31 +48 5 2 AN J32 +48 5 2 AN J33 +48 5 2 AN J34 +48 5 2 AN J35 +48 5 2 AN J36 +48 5 2 AN J37 +48 5 2 AN J38 +48 5 2 AN J39 +48 5 2 AN J40 +48 5 3 MD G1 +48 5 4 KI C12 +48 5 5 KN C9 +48 5 6 EM E16 +48 5 7 BG D15 +48 6 1 MA A0 +48 6 1 MA A1 +48 6 1 MA A2 +48 6 1 MA A3 +48 6 1 MA A4 +48 6 1 MA A5 +48 6 1 MA A6 +48 6 1 MA A7 +48 6 1 MA A8 +48 6 1 MA A9 +48 6 1 MA A10 +48 6 1 MA A11 +48 6 1 MA A12 +48 6 1 MA A13 +48 6 1 MA A14 +48 6 1 MA A15 +48 6 1 MA A16 +48 6 1 MA A17 +48 6 1 MA A18 +48 6 1 MA A19 +48 6 1 MA A20 +48 6 1 MA A21 +48 6 1 MA A22 +48 6 1 MA A23 +48 6 1 MA A24 +48 6 1 MA A25 +48 6 1 MA A26 +48 6 1 MA A27 +48 6 1 MA A28 +48 6 1 MA A29 +48 6 1 MA A30 +48 6 1 MA A31 +48 6 1 MA A32 +48 6 1 MA A33 +48 6 1 MA A34 +48 6 1 MA A35 +48 6 1 MA A36 +48 6 1 MA A37 +48 6 1 MA A38 +48 6 1 MA A39 +48 6 1 MA A40 +48 6 2 AN J0 +48 6 2 AN J1 +48 6 2 AN J2 +48 6 2 AN J3 +48 6 2 AN J4 +48 6 2 AN J5 +48 6 2 AN J6 +48 6 2 AN J7 +48 6 2 AN J8 +48 6 2 AN J9 +48 6 2 AN J10 +48 6 2 AN J11 +48 6 2 AN J12 +48 6 2 AN J13 +48 6 2 AN J14 +48 6 2 AN J15 +48 6 2 AN J16 +48 6 2 AN J17 +48 6 2 AN J18 +48 6 2 AN J19 +48 6 2 AN J20 +48 6 2 AN J21 +48 6 2 AN J22 +48 6 2 AN J23 +48 6 2 AN J24 +48 6 2 AN J25 +48 6 2 AN J26 +48 6 2 AN J27 +48 6 2 AN J28 +48 6 2 AN J29 +48 6 2 AN J30 +48 6 2 AN J31 +48 6 2 AN J32 +48 6 2 AN J33 +48 6 2 AN J34 +48 6 2 AN J35 +48 6 2 AN J36 +48 6 2 AN J37 +48 6 2 AN J38 +48 6 2 AN J39 +48 6 2 AN J40 +48 6 3 MD G2 +48 6 4 BA H1 +48 6 5 ML C9 +48 6 6 BG F19 +48 6 7 BL F29 +48 6 8 NN D3 +48 7 1 MA A0 +48 7 1 MA A1 +48 7 1 MA A2 +48 7 1 MA A3 +48 7 1 MA A4 +48 7 1 MA A5 +48 7 1 MA A6 +48 7 1 MA A7 +48 7 1 MA A8 +48 7 1 MA A9 +48 7 1 MA A10 +48 7 1 MA A11 +48 7 1 MA A12 +48 7 1 MA A13 +48 7 1 MA A14 +48 7 1 MA A15 +48 7 1 MA A16 +48 7 1 MA A17 +48 7 1 MA A18 +48 7 1 MA A19 +48 7 1 MA A20 +48 7 1 MA A21 +48 7 1 MA A22 +48 7 1 MA A23 +48 7 1 MA A24 +48 7 1 MA A25 +48 7 1 MA A26 +48 7 1 MA A27 +48 7 1 MA A28 +48 7 1 MA A29 +48 7 1 MA A30 +48 7 1 MA A31 +48 7 1 MA A32 +48 7 1 MA A33 +48 7 1 MA A34 +48 7 1 MA A35 +48 7 1 MA A36 +48 7 1 MA A37 +48 7 1 MA A38 +48 7 1 MA A39 +48 7 1 MA A40 +48 7 2 AN J0 +48 7 2 AN J1 +48 7 2 AN J2 +48 7 2 AN J3 +48 7 2 AN J4 +48 7 2 AN J5 +48 7 2 AN J6 +48 7 2 AN J7 +48 7 2 AN J8 +48 7 2 AN J9 +48 7 2 AN J10 +48 7 2 AN J11 +48 7 2 AN J12 +48 7 2 AN J13 +48 7 2 AN J14 +48 7 2 AN J15 +48 7 2 AN J16 +48 7 2 AN J17 +48 7 2 AN J18 +48 7 2 AN J19 +48 7 2 AN J20 +48 7 2 AN J21 +48 7 2 AN J22 +48 7 2 AN J23 +48 7 2 AN J24 +48 7 2 AN J25 +48 7 2 AN J26 +48 7 2 AN J27 +48 7 2 AN J28 +48 7 2 AN J29 +48 7 2 AN J30 +48 7 2 AN J31 +48 7 2 AN J32 +48 7 2 AN J33 +48 7 2 AN J34 +48 7 2 AN J35 +48 7 2 AN J36 +48 7 2 AN J37 +48 7 2 AN J38 +48 7 2 AN J39 +48 7 2 AN J40 +48 7 3 MD G1 +48 7 4 ML C8 +48 7 5 BG G17 +48 7 6 BA E1 +48 8 1 MA A0 +48 8 1 MA A1 +48 8 1 MA A2 +48 8 1 MA A3 +48 8 1 MA A4 +48 8 1 MA A5 +48 8 1 MA A6 +48 8 1 MA A7 +48 8 1 MA A8 +48 8 1 MA A9 +48 8 1 MA A10 +48 8 1 MA A11 +48 8 1 MA A12 +48 8 1 MA A13 +48 8 1 MA A14 +48 8 1 MA A15 +48 8 1 MA A16 +48 8 1 MA A17 +48 8 1 MA A18 +48 8 1 MA A19 +48 8 1 MA A20 +48 8 1 MA A21 +48 8 1 MA A22 +48 8 1 MA A23 +48 8 1 MA A24 +48 8 1 MA A25 +48 8 1 MA A26 +48 8 1 MA A27 +48 8 1 MA A28 +48 8 1 MA A29 +48 8 1 MA A30 +48 8 1 MA A31 +48 8 1 MA A32 +48 8 1 MA A33 +48 8 1 MA A34 +48 8 1 MA A35 +48 8 1 MA A36 +48 8 1 MA A37 +48 8 1 MA A38 +48 8 1 MA A39 +48 8 1 MA A40 +48 8 2 AN J0 +48 8 2 AN J1 +48 8 2 AN J2 +48 8 2 AN J3 +48 8 2 AN J4 +48 8 2 AN J5 +48 8 2 AN J6 +48 8 2 AN J7 +48 8 2 AN J8 +48 8 2 AN J9 +48 8 2 AN J10 +48 8 2 AN J11 +48 8 2 AN J12 +48 8 2 AN J13 +48 8 2 AN J14 +48 8 2 AN J15 +48 8 2 AN J16 +48 8 2 AN J17 +48 8 2 AN J18 +48 8 2 AN J19 +48 8 2 AN J20 +48 8 2 AN J21 +48 8 2 AN J22 +48 8 2 AN J23 +48 8 2 AN J24 +48 8 2 AN J25 +48 8 2 AN J26 +48 8 2 AN J27 +48 8 2 AN J28 +48 8 2 AN J29 +48 8 2 AN J30 +48 8 2 AN J31 +48 8 2 AN J32 +48 8 2 AN J33 +48 8 2 AN J34 +48 8 2 AN J35 +48 8 2 AN J36 +48 8 2 AN J37 +48 8 2 AN J38 +48 8 2 AN J39 +48 8 2 AN J40 +48 8 3 EM G40 +48 8 4 ML B8 +48 8 5 KI C11 +48 8 6 BG E15 +48 8 7 HN F4 +48 9 1 MA A0 +48 9 1 MA A1 +48 9 1 MA A2 +48 9 1 MA A3 +48 9 1 MA A4 +48 9 1 MA A5 +48 9 1 MA A6 +48 9 1 MA A7 +48 9 1 MA A8 +48 9 1 MA A9 +48 9 1 MA A10 +48 9 1 MA A11 +48 9 1 MA A12 +48 9 1 MA A13 +48 9 1 MA A14 +48 9 1 MA A15 +48 9 1 MA A16 +48 9 1 MA A17 +48 9 1 MA A18 +48 9 1 MA A19 +48 9 1 MA A20 +48 9 1 MA A21 +48 9 1 MA A22 +48 9 1 MA A23 +48 9 1 MA A24 +48 9 1 MA A25 +48 9 1 MA A26 +48 9 1 MA A27 +48 9 1 MA A28 +48 9 1 MA A29 +48 9 1 MA A30 +48 9 1 MA A31 +48 9 1 MA A32 +48 9 1 MA A33 +48 9 1 MA A34 +48 9 1 MA A35 +48 9 1 MA A36 +48 9 1 MA A37 +48 9 1 MA A38 +48 9 1 MA A39 +48 9 1 MA A40 +48 9 2 AN J0 +48 9 2 AN J1 +48 9 2 AN J2 +48 9 2 AN J3 +48 9 2 AN J4 +48 9 2 AN J5 +48 9 2 AN J6 +48 9 2 AN J7 +48 9 2 AN J8 +48 9 2 AN J9 +48 9 2 AN J10 +48 9 2 AN J11 +48 9 2 AN J12 +48 9 2 AN J13 +48 9 2 AN J14 +48 9 2 AN J15 +48 9 2 AN J16 +48 9 2 AN J17 +48 9 2 AN J18 +48 9 2 AN J19 +48 9 2 AN J20 +48 9 2 AN J21 +48 9 2 AN J22 +48 9 2 AN J23 +48 9 2 AN J24 +48 9 2 AN J25 +48 9 2 AN J26 +48 9 2 AN J27 +48 9 2 AN J28 +48 9 2 AN J29 +48 9 2 AN J30 +48 9 2 AN J31 +48 9 2 AN J32 +48 9 2 AN J33 +48 9 2 AN J34 +48 9 2 AN J35 +48 9 2 AN J36 +48 9 2 AN J37 +48 9 2 AN J38 +48 9 2 AN J39 +48 9 2 AN J40 +48 9 3 MD G2 +48 9 4 ML D8 +48 9 5 KI C8 +48 9 6 BG G17 +48 10 1 MA A0 +48 10 1 MA A1 +48 10 1 MA A2 +48 10 1 MA A3 +48 10 1 MA A4 +48 10 1 MA A5 +48 10 1 MA A6 +48 10 1 MA A7 +48 10 1 MA A8 +48 10 1 MA A9 +48 10 1 MA A10 +48 10 1 MA A11 +48 10 1 MA A12 +48 10 1 MA A13 +48 10 1 MA A14 +48 10 1 MA A15 +48 10 1 MA A16 +48 10 1 MA A17 +48 10 1 MA A18 +48 10 1 MA A19 +48 10 1 MA A20 +48 10 1 MA A21 +48 10 1 MA A22 +48 10 1 MA A23 +48 10 1 MA A24 +48 10 1 MA A25 +48 10 1 MA A26 +48 10 1 MA A27 +48 10 1 MA A28 +48 10 1 MA A29 +48 10 1 MA A30 +48 10 1 MA A31 +48 10 1 MA A32 +48 10 1 MA A33 +48 10 1 MA A34 +48 10 1 MA A35 +48 10 1 MA A36 +48 10 1 MA A37 +48 10 1 MA A38 +48 10 1 MA A39 +48 10 1 MA A40 +48 10 2 AN J0 +48 10 2 AN J1 +48 10 2 AN J2 +48 10 2 AN J3 +48 10 2 AN J4 +48 10 2 AN J5 +48 10 2 AN J6 +48 10 2 AN J7 +48 10 2 AN J8 +48 10 2 AN J9 +48 10 2 AN J10 +48 10 2 AN J11 +48 10 2 AN J12 +48 10 2 AN J13 +48 10 2 AN J14 +48 10 2 AN J15 +48 10 2 AN J16 +48 10 2 AN J17 +48 10 2 AN J18 +48 10 2 AN J19 +48 10 2 AN J20 +48 10 2 AN J21 +48 10 2 AN J22 +48 10 2 AN J23 +48 10 2 AN J24 +48 10 2 AN J25 +48 10 2 AN J26 +48 10 2 AN J27 +48 10 2 AN J28 +48 10 2 AN J29 +48 10 2 AN J30 +48 10 2 AN J31 +48 10 2 AN J32 +48 10 2 AN J33 +48 10 2 AN J34 +48 10 2 AN J35 +48 10 2 AN J36 +48 10 2 AN J37 +48 10 2 AN J38 +48 10 2 AN J39 +48 10 2 AN J40 +48 10 3 MD G2 +48 10 4 ML C8 +48 10 5 BG F20 +48 10 6 BI G29 +48 10 7 NN C5 +48 10 8 AM B18 +48 10 9 BA D39 +48 11 1 MA A0 +48 11 1 MA A1 +48 11 1 MA A2 +48 11 1 MA A3 +48 11 1 MA A4 +48 11 1 MA A5 +48 11 1 MA A6 +48 11 1 MA A7 +48 11 1 MA A8 +48 11 1 MA A9 +48 11 1 MA A10 +48 11 1 MA A11 +48 11 1 MA A12 +48 11 1 MA A13 +48 11 1 MA A14 +48 11 1 MA A15 +48 11 1 MA A16 +48 11 1 MA A17 +48 11 1 MA A18 +48 11 1 MA A19 +48 11 1 MA A20 +48 11 1 MA A21 +48 11 1 MA A22 +48 11 1 MA A23 +48 11 1 MA A24 +48 11 1 MA A25 +48 11 1 MA A26 +48 11 1 MA A27 +48 11 1 MA A28 +48 11 1 MA A29 +48 11 1 MA A30 +48 11 1 MA A31 +48 11 1 MA A32 +48 11 1 MA A33 +48 11 1 MA A34 +48 11 1 MA A35 +48 11 1 MA A36 +48 11 1 MA A37 +48 11 1 MA A38 +48 11 1 MA A39 +48 11 1 MA A40 +48 11 2 AN F18 +48 11 3 MD E1 +48 12 1 MA A0 +48 12 1 MA A1 +48 12 1 MA A2 +48 12 1 MA A3 +48 12 1 MA A4 +48 12 1 MA A5 +48 12 1 MA A6 +48 12 1 MA A7 +48 12 1 MA A8 +48 12 1 MA A9 +48 12 1 MA A10 +48 12 1 MA A11 +48 12 1 MA A12 +48 12 1 MA A13 +48 12 1 MA A14 +48 12 1 MA A15 +48 12 1 MA A16 +48 12 1 MA A17 +48 12 1 MA A18 +48 12 1 MA A19 +48 12 1 MA A20 +48 12 1 MA A21 +48 12 1 MA A22 +48 12 1 MA A23 +48 12 1 MA A24 +48 12 1 MA A25 +48 12 1 MA A26 +48 12 1 MA A27 +48 12 1 MA A28 +48 12 1 MA A29 +48 12 1 MA A30 +48 12 1 MA A31 +48 12 1 MA A32 +48 12 1 MA A33 +48 12 1 MA A34 +48 12 1 MA A35 +48 12 1 MA A36 +48 12 1 MA A37 +48 12 1 MA A38 +48 12 1 MA A39 +48 12 1 MA A40 +48 12 2 AN J0 +48 12 2 AN J1 +48 12 2 AN J2 +48 12 2 AN J3 +48 12 2 AN J4 +48 12 2 AN J5 +48 12 2 AN J6 +48 12 2 AN J7 +48 12 2 AN J8 +48 12 2 AN J9 +48 12 2 AN J10 +48 12 2 AN J11 +48 12 2 AN J12 +48 12 2 AN J13 +48 12 2 AN J14 +48 12 2 AN J15 +48 12 2 AN J16 +48 12 2 AN J17 +48 12 2 AN J18 +48 12 2 AN J19 +48 12 2 AN J20 +48 12 2 AN J21 +48 12 2 AN J22 +48 12 2 AN J23 +48 12 2 AN J24 +48 12 2 AN J25 +48 12 2 AN J26 +48 12 2 AN J27 +48 12 2 AN J28 +48 12 2 AN J29 +48 12 2 AN J30 +48 12 2 AN J31 +48 12 2 AN J32 +48 12 2 AN J33 +48 12 2 AN J34 +48 12 2 AN J35 +48 12 2 AN J36 +48 12 2 AN J37 +48 12 2 AN J38 +48 12 2 AN J39 +48 12 2 AN J40 +48 12 3 MD G2 +48 12 4 EM E18 +48 12 5 BG F16 +48 12 6 MN C0 +48 13 1 MA A0 +48 13 1 MA A1 +48 13 1 MA A2 +48 13 1 MA A3 +48 13 1 MA A4 +48 13 1 MA A5 +48 13 1 MA A6 +48 13 1 MA A7 +48 13 1 MA A8 +48 13 1 MA A9 +48 13 1 MA A10 +48 13 1 MA A11 +48 13 1 MA A12 +48 13 1 MA A13 +48 13 1 MA A14 +48 13 1 MA A15 +48 13 1 MA A16 +48 13 1 MA A17 +48 13 1 MA A18 +48 13 1 MA A19 +48 13 1 MA A20 +48 13 1 MA A21 +48 13 1 MA A22 +48 13 1 MA A23 +48 13 1 MA A24 +48 13 1 MA A25 +48 13 1 MA A26 +48 13 1 MA A27 +48 13 1 MA A28 +48 13 1 MA A29 +48 13 1 MA A30 +48 13 1 MA A31 +48 13 1 MA A32 +48 13 1 MA A33 +48 13 1 MA A34 +48 13 1 MA A35 +48 13 1 MA A36 +48 13 1 MA A37 +48 13 1 MA A38 +48 13 1 MA A39 +48 13 1 MA A40 +48 13 2 AN J0 +48 13 2 AN J1 +48 13 2 AN J2 +48 13 2 AN J3 +48 13 2 AN J4 +48 13 2 AN J5 +48 13 2 AN J6 +48 13 2 AN J7 +48 13 2 AN J8 +48 13 2 AN J9 +48 13 2 AN J10 +48 13 2 AN J11 +48 13 2 AN J12 +48 13 2 AN J13 +48 13 2 AN J14 +48 13 2 AN J15 +48 13 2 AN J16 +48 13 2 AN J17 +48 13 2 AN J18 +48 13 2 AN J19 +48 13 2 AN J20 +48 13 2 AN J21 +48 13 2 AN J22 +48 13 2 AN J23 +48 13 2 AN J24 +48 13 2 AN J25 +48 13 2 AN J26 +48 13 2 AN J27 +48 13 2 AN J28 +48 13 2 AN J29 +48 13 2 AN J30 +48 13 2 AN J31 +48 13 2 AN J32 +48 13 2 AN J33 +48 13 2 AN J34 +48 13 2 AN J35 +48 13 2 AN J36 +48 13 2 AN J37 +48 13 2 AN J38 +48 13 2 AN J39 +48 13 2 AN J40 +48 13 3 MD G2 +48 13 4 KI C8 +48 13 5 BG D15 +48 13 5 BG D16 +48 14 1 MA A0 +48 14 1 MA A1 +48 14 1 MA A2 +48 14 1 MA A3 +48 14 1 MA A4 +48 14 1 MA A5 +48 14 1 MA A6 +48 14 1 MA A7 +48 14 1 MA A8 +48 14 1 MA A9 +48 14 1 MA A10 +48 14 1 MA A11 +48 14 1 MA A12 +48 14 1 MA A13 +48 14 1 MA A14 +48 14 1 MA A15 +48 14 1 MA A16 +48 14 1 MA A17 +48 14 1 MA A18 +48 14 1 MA A19 +48 14 1 MA A20 +48 14 1 MA A21 +48 14 1 MA A22 +48 14 1 MA A23 +48 14 1 MA A24 +48 14 1 MA A25 +48 14 1 MA A26 +48 14 1 MA A27 +48 14 1 MA A28 +48 14 1 MA A29 +48 14 1 MA A30 +48 14 1 MA A31 +48 14 1 MA A32 +48 14 1 MA A33 +48 14 1 MA A34 +48 14 1 MA A35 +48 14 1 MA A36 +48 14 1 MA A37 +48 14 1 MA A38 +48 14 1 MA A39 +48 14 1 MA A40 +48 14 2 AN J0 +48 14 2 AN J1 +48 14 2 AN J2 +48 14 2 AN J3 +48 14 2 AN J4 +48 14 2 AN J5 +48 14 2 AN J6 +48 14 2 AN J7 +48 14 2 AN J8 +48 14 2 AN J9 +48 14 2 AN J10 +48 14 2 AN J11 +48 14 2 AN J12 +48 14 2 AN J13 +48 14 2 AN J14 +48 14 2 AN J15 +48 14 2 AN J16 +48 14 2 AN J17 +48 14 2 AN J18 +48 14 2 AN J19 +48 14 2 AN J20 +48 14 2 AN J21 +48 14 2 AN J22 +48 14 2 AN J23 +48 14 2 AN J24 +48 14 2 AN J25 +48 14 2 AN J26 +48 14 2 AN J27 +48 14 2 AN J28 +48 14 2 AN J29 +48 14 2 AN J30 +48 14 2 AN J31 +48 14 2 AN J32 +48 14 2 AN J33 +48 14 2 AN J34 +48 14 2 AN J35 +48 14 2 AN J36 +48 14 2 AN J37 +48 14 2 AN J38 +48 14 2 AN J39 +48 14 2 AN J40 +48 14 3 MD G2 +48 14 4 ML C12 +48 14 5 EM F17 +48 14 6 BL F29 +48 15 1 MA A0 +48 15 1 MA A1 +48 15 1 MA A2 +48 15 1 MA A3 +48 15 1 MA A4 +48 15 1 MA A5 +48 15 1 MA A6 +48 15 1 MA A7 +48 15 1 MA A8 +48 15 1 MA A9 +48 15 1 MA A10 +48 15 1 MA A11 +48 15 1 MA A12 +48 15 1 MA A13 +48 15 1 MA A14 +48 15 1 MA A15 +48 15 1 MA A16 +48 15 1 MA A17 +48 15 1 MA A18 +48 15 1 MA A19 +48 15 1 MA A20 +48 15 1 MA A21 +48 15 1 MA A22 +48 15 1 MA A23 +48 15 1 MA A24 +48 15 1 MA A25 +48 15 1 MA A26 +48 15 1 MA A27 +48 15 1 MA A28 +48 15 1 MA A29 +48 15 1 MA A30 +48 15 1 MA A31 +48 15 1 MA A32 +48 15 1 MA A33 +48 15 1 MA A34 +48 15 1 MA A35 +48 15 1 MA A36 +48 15 1 MA A37 +48 15 1 MA A38 +48 15 1 MA A39 +48 15 1 MA A40 +48 15 2 AN J0 +48 15 2 AN J1 +48 15 2 AN J2 +48 15 2 AN J3 +48 15 2 AN J4 +48 15 2 AN J5 +48 15 2 AN J6 +48 15 2 AN J7 +48 15 2 AN J8 +48 15 2 AN J9 +48 15 2 AN J10 +48 15 2 AN J11 +48 15 2 AN J12 +48 15 2 AN J13 +48 15 2 AN J14 +48 15 2 AN J15 +48 15 2 AN J16 +48 15 2 AN J17 +48 15 2 AN J18 +48 15 2 AN J19 +48 15 2 AN J20 +48 15 2 AN J21 +48 15 2 AN J22 +48 15 2 AN J23 +48 15 2 AN J24 +48 15 2 AN J25 +48 15 2 AN J26 +48 15 2 AN J27 +48 15 2 AN J28 +48 15 2 AN J29 +48 15 2 AN J30 +48 15 2 AN J31 +48 15 2 AN J32 +48 15 2 AN J33 +48 15 2 AN J34 +48 15 2 AN J35 +48 15 2 AN J36 +48 15 2 AN J37 +48 15 2 AN J38 +48 15 2 AN J39 +48 15 2 AN J40 +48 15 3 MD I3 +48 15 4 KI C9 +48 15 5 EM G20 +48 15 6 BL G30 +48 16 1 MA A0 +48 16 1 MA A1 +48 16 1 MA A2 +48 16 1 MA A3 +48 16 1 MA A4 +48 16 1 MA A5 +48 16 1 MA A6 +48 16 1 MA A7 +48 16 1 MA A8 +48 16 1 MA A9 +48 16 1 MA A10 +48 16 1 MA A11 +48 16 1 MA A12 +48 16 1 MA A13 +48 16 1 MA A14 +48 16 1 MA A15 +48 16 1 MA A16 +48 16 1 MA A17 +48 16 1 MA A18 +48 16 1 MA A19 +48 16 1 MA A20 +48 16 1 MA A21 +48 16 1 MA A22 +48 16 1 MA A23 +48 16 1 MA A24 +48 16 1 MA A25 +48 16 1 MA A26 +48 16 1 MA A27 +48 16 1 MA A28 +48 16 1 MA A29 +48 16 1 MA A30 +48 16 1 MA A31 +48 16 1 MA A32 +48 16 1 MA A33 +48 16 1 MA A34 +48 16 1 MA A35 +48 16 1 MA A36 +48 16 1 MA A37 +48 16 1 MA A38 +48 16 1 MA A39 +48 16 1 MA A40 +48 16 2 AN J0 +48 16 2 AN J1 +48 16 2 AN J2 +48 16 2 AN J3 +48 16 2 AN J4 +48 16 2 AN J5 +48 16 2 AN J6 +48 16 2 AN J7 +48 16 2 AN J8 +48 16 2 AN J9 +48 16 2 AN J10 +48 16 2 AN J11 +48 16 2 AN J12 +48 16 2 AN J13 +48 16 2 AN J14 +48 16 2 AN J15 +48 16 2 AN J16 +48 16 2 AN J17 +48 16 2 AN J18 +48 16 2 AN J19 +48 16 2 AN J20 +48 16 2 AN J21 +48 16 2 AN J22 +48 16 2 AN J23 +48 16 2 AN J24 +48 16 2 AN J25 +48 16 2 AN J26 +48 16 2 AN J27 +48 16 2 AN J28 +48 16 2 AN J29 +48 16 2 AN J30 +48 16 2 AN J31 +48 16 2 AN J32 +48 16 2 AN J33 +48 16 2 AN J34 +48 16 2 AN J35 +48 16 2 AN J36 +48 16 2 AN J37 +48 16 2 AN J38 +48 16 2 AN J39 +48 16 2 AN J40 +48 16 3 MD F4 +48 16 4 ML C11 +48 16 5 EM F13 +48 16 5 EM F17 +48 16 6 MD G1 +48 16 7 KM E11 +48 17 1 MA A0 +48 17 1 MA A1 +48 17 1 MA A2 +48 17 1 MA A3 +48 17 1 MA A4 +48 17 1 MA A5 +48 17 1 MA A6 +48 17 1 MA A7 +48 17 1 MA A8 +48 17 1 MA A9 +48 17 1 MA A10 +48 17 1 MA A11 +48 17 1 MA A12 +48 17 1 MA A13 +48 17 1 MA A14 +48 17 1 MA A15 +48 17 1 MA A16 +48 17 1 MA A17 +48 17 1 MA A18 +48 17 1 MA A19 +48 17 1 MA A20 +48 17 1 MA A21 +48 17 1 MA A22 +48 17 1 MA A23 +48 17 1 MA A24 +48 17 1 MA A25 +48 17 1 MA A26 +48 17 1 MA A27 +48 17 1 MA A28 +48 17 1 MA A29 +48 17 1 MA A30 +48 17 1 MA A31 +48 17 1 MA A32 +48 17 1 MA A33 +48 17 1 MA A34 +48 17 1 MA A35 +48 17 1 MA A36 +48 17 1 MA A37 +48 17 1 MA A38 +48 17 1 MA A39 +48 17 1 MA A40 +48 17 2 AN J0 +48 17 2 AN J1 +48 17 2 AN J2 +48 17 2 AN J3 +48 17 2 AN J4 +48 17 2 AN J5 +48 17 2 AN J6 +48 17 2 AN J7 +48 17 2 AN J8 +48 17 2 AN J9 +48 17 2 AN J10 +48 17 2 AN J11 +48 17 2 AN J12 +48 17 2 AN J13 +48 17 2 AN J14 +48 17 2 AN J15 +48 17 2 AN J16 +48 17 2 AN J17 +48 17 2 AN J18 +48 17 2 AN J19 +48 17 2 AN J20 +48 17 2 AN J21 +48 17 2 AN J22 +48 17 2 AN J23 +48 17 2 AN J24 +48 17 2 AN J25 +48 17 2 AN J26 +48 17 2 AN J27 +48 17 2 AN J28 +48 17 2 AN J29 +48 17 2 AN J30 +48 17 2 AN J31 +48 17 2 AN J32 +48 17 2 AN J33 +48 17 2 AN J34 +48 17 2 AN J35 +48 17 2 AN J36 +48 17 2 AN J37 +48 17 2 AN J38 +48 17 2 AN J39 +48 17 2 AN J40 +48 17 3 MD G40 +48 17 4 KN C12 +48 17 5 EM F17 +48 17 6 BG G14 +48 17 7 BL G28 +48 18 1 MA A0 +48 18 1 MA A1 +48 18 1 MA A2 +48 18 1 MA A3 +48 18 1 MA A4 +48 18 1 MA A5 +48 18 1 MA A6 +48 18 1 MA A7 +48 18 1 MA A8 +48 18 1 MA A9 +48 18 1 MA A10 +48 18 1 MA A11 +48 18 1 MA A12 +48 18 1 MA A13 +48 18 1 MA A14 +48 18 1 MA A15 +48 18 1 MA A16 +48 18 1 MA A17 +48 18 1 MA A18 +48 18 1 MA A19 +48 18 1 MA A20 +48 18 1 MA A21 +48 18 1 MA A22 +48 18 1 MA A23 +48 18 1 MA A24 +48 18 1 MA A25 +48 18 1 MA A26 +48 18 1 MA A27 +48 18 1 MA A28 +48 18 1 MA A29 +48 18 1 MA A30 +48 18 1 MA A31 +48 18 1 MA A32 +48 18 1 MA A33 +48 18 1 MA A34 +48 18 1 MA A35 +48 18 1 MA A36 +48 18 1 MA A37 +48 18 1 MA A38 +48 18 1 MA A39 +48 18 1 MA A40 +48 18 2 AN J0 +48 18 2 AN J1 +48 18 2 AN J2 +48 18 2 AN J3 +48 18 2 AN J4 +48 18 2 AN J5 +48 18 2 AN J6 +48 18 2 AN J7 +48 18 2 AN J8 +48 18 2 AN J9 +48 18 2 AN J10 +48 18 2 AN J11 +48 18 2 AN J12 +48 18 2 AN J13 +48 18 2 AN J14 +48 18 2 AN J15 +48 18 2 AN J16 +48 18 2 AN J17 +48 18 2 AN J18 +48 18 2 AN J19 +48 18 2 AN J20 +48 18 2 AN J21 +48 18 2 AN J22 +48 18 2 AN J23 +48 18 2 AN J24 +48 18 2 AN J25 +48 18 2 AN J26 +48 18 2 AN J27 +48 18 2 AN J28 +48 18 2 AN J29 +48 18 2 AN J30 +48 18 2 AN J31 +48 18 2 AN J32 +48 18 2 AN J33 +48 18 2 AN J34 +48 18 2 AN J35 +48 18 2 AN J36 +48 18 2 AN J37 +48 18 2 AN J38 +48 18 2 AN J39 +48 18 2 AN J40 +48 18 3 MD G1 +48 18 3 MD G2 +48 19 1 MA A0 +48 19 1 MA A1 +48 19 1 MA A2 +48 19 1 MA A3 +48 19 1 MA A4 +48 19 1 MA A5 +48 19 1 MA A6 +48 19 1 MA A7 +48 19 1 MA A8 +48 19 1 MA A9 +48 19 1 MA A10 +48 19 1 MA A11 +48 19 1 MA A12 +48 19 1 MA A13 +48 19 1 MA A14 +48 19 1 MA A15 +48 19 1 MA A16 +48 19 1 MA A17 +48 19 1 MA A18 +48 19 1 MA A19 +48 19 1 MA A20 +48 19 1 MA A21 +48 19 1 MA A22 +48 19 1 MA A23 +48 19 1 MA A24 +48 19 1 MA A25 +48 19 1 MA A26 +48 19 1 MA A27 +48 19 1 MA A28 +48 19 1 MA A29 +48 19 1 MA A30 +48 19 1 MA A31 +48 19 1 MA A32 +48 19 1 MA A33 +48 19 1 MA A34 +48 19 1 MA A35 +48 19 1 MA A36 +48 19 1 MA A37 +48 19 1 MA A38 +48 19 1 MA A39 +48 19 1 MA A40 +48 19 2 AN J0 +48 19 2 AN J1 +48 19 2 AN J2 +48 19 2 AN J3 +48 19 2 AN J4 +48 19 2 AN J5 +48 19 2 AN J6 +48 19 2 AN J7 +48 19 2 AN J8 +48 19 2 AN J9 +48 19 2 AN J10 +48 19 2 AN J11 +48 19 2 AN J12 +48 19 2 AN J13 +48 19 2 AN J14 +48 19 2 AN J15 +48 19 2 AN J16 +48 19 2 AN J17 +48 19 2 AN J18 +48 19 2 AN J19 +48 19 2 AN J20 +48 19 2 AN J21 +48 19 2 AN J22 +48 19 2 AN J23 +48 19 2 AN J24 +48 19 2 AN J25 +48 19 2 AN J26 +48 19 2 AN J27 +48 19 2 AN J28 +48 19 2 AN J29 +48 19 2 AN J30 +48 19 2 AN J31 +48 19 2 AN J32 +48 19 2 AN J33 +48 19 2 AN J34 +48 19 2 AN J35 +48 19 2 AN J36 +48 19 2 AN J37 +48 19 2 AN J38 +48 19 2 AN J39 +48 19 2 AN J40 +48 19 3 MD G2 +48 19 4 MG C10 +48 20 1 MA A0 +48 20 1 MA A1 +48 20 1 MA A2 +48 20 1 MA A3 +48 20 1 MA A4 +48 20 1 MA A5 +48 20 1 MA A6 +48 20 1 MA A7 +48 20 1 MA A8 +48 20 1 MA A9 +48 20 1 MA A10 +48 20 1 MA A11 +48 20 1 MA A12 +48 20 1 MA A13 +48 20 1 MA A14 +48 20 1 MA A15 +48 20 1 MA A16 +48 20 1 MA A17 +48 20 1 MA A18 +48 20 1 MA A19 +48 20 1 MA A20 +48 20 1 MA A21 +48 20 1 MA A22 +48 20 1 MA A23 +48 20 1 MA A24 +48 20 1 MA A25 +48 20 1 MA A26 +48 20 1 MA A27 +48 20 1 MA A28 +48 20 1 MA A29 +48 20 1 MA A30 +48 20 1 MA A31 +48 20 1 MA A32 +48 20 1 MA A33 +48 20 1 MA A34 +48 20 1 MA A35 +48 20 1 MA A36 +48 20 1 MA A37 +48 20 1 MA A38 +48 20 1 MA A39 +48 20 1 MA A40 +48 20 2 AN J0 +48 20 2 AN J1 +48 20 2 AN J2 +48 20 2 AN J3 +48 20 2 AN J4 +48 20 2 AN J5 +48 20 2 AN J6 +48 20 2 AN J7 +48 20 2 AN J8 +48 20 2 AN J9 +48 20 2 AN J10 +48 20 2 AN J11 +48 20 2 AN J12 +48 20 2 AN J13 +48 20 2 AN J14 +48 20 2 AN J15 +48 20 2 AN J16 +48 20 2 AN J17 +48 20 2 AN J18 +48 20 2 AN J19 +48 20 2 AN J20 +48 20 2 AN J21 +48 20 2 AN J22 +48 20 2 AN J23 +48 20 2 AN J24 +48 20 2 AN J25 +48 20 2 AN J26 +48 20 2 AN J27 +48 20 2 AN J28 +48 20 2 AN J29 +48 20 2 AN J30 +48 20 2 AN J31 +48 20 2 AN J32 +48 20 2 AN J33 +48 20 2 AN J34 +48 20 2 AN J35 +48 20 2 AN J36 +48 20 2 AN J37 +48 20 2 AN J38 +48 20 2 AN J39 +48 20 2 AN J40 +48 20 3 MD F4 +48 20 3 MD G2 +48 20 4 KI C9 +48 20 5 BG E17 +48 20 6 EM F17 +48 20 7 AM G28 +48 21 1 MA A0 +48 21 1 MA A1 +48 21 1 MA A2 +48 21 1 MA A3 +48 21 1 MA A4 +48 21 1 MA A5 +48 21 1 MA A6 +48 21 1 MA A7 +48 21 1 MA A8 +48 21 1 MA A9 +48 21 1 MA A10 +48 21 1 MA A11 +48 21 1 MA A12 +48 21 1 MA A13 +48 21 1 MA A14 +48 21 1 MA A15 +48 21 1 MA A16 +48 21 1 MA A17 +48 21 1 MA A18 +48 21 1 MA A19 +48 21 1 MA A20 +48 21 1 MA A21 +48 21 1 MA A22 +48 21 1 MA A23 +48 21 1 MA A24 +48 21 1 MA A25 +48 21 1 MA A26 +48 21 1 MA A27 +48 21 1 MA A28 +48 21 1 MA A29 +48 21 1 MA A30 +48 21 1 MA A31 +48 21 1 MA A32 +48 21 1 MA A33 +48 21 1 MA A34 +48 21 1 MA A35 +48 21 1 MA A36 +48 21 1 MA A37 +48 21 1 MA A38 +48 21 1 MA A39 +48 21 1 MA A40 +48 21 2 AN J0 +48 21 2 AN J1 +48 21 2 AN J2 +48 21 2 AN J3 +48 21 2 AN J4 +48 21 2 AN J5 +48 21 2 AN J6 +48 21 2 AN J7 +48 21 2 AN J8 +48 21 2 AN J9 +48 21 2 AN J10 +48 21 2 AN J11 +48 21 2 AN J12 +48 21 2 AN J13 +48 21 2 AN J14 +48 21 2 AN J15 +48 21 2 AN J16 +48 21 2 AN J17 +48 21 2 AN J18 +48 21 2 AN J19 +48 21 2 AN J20 +48 21 2 AN J21 +48 21 2 AN J22 +48 21 2 AN J23 +48 21 2 AN J24 +48 21 2 AN J25 +48 21 2 AN J26 +48 21 2 AN J27 +48 21 2 AN J28 +48 21 2 AN J29 +48 21 2 AN J30 +48 21 2 AN J31 +48 21 2 AN J32 +48 21 2 AN J33 +48 21 2 AN J34 +48 21 2 AN J35 +48 21 2 AN J36 +48 21 2 AN J37 +48 21 2 AN J38 +48 21 2 AN J39 +48 21 2 AN J40 +48 21 3 MD G2 +48 21 4 KN C8 +48 21 5 EM G17 +48 22 1 MA A0 +48 22 1 MA A1 +48 22 1 MA A2 +48 22 1 MA A3 +48 22 1 MA A4 +48 22 1 MA A5 +48 22 1 MA A6 +48 22 1 MA A7 +48 22 1 MA A8 +48 22 1 MA A9 +48 22 1 MA A10 +48 22 1 MA A11 +48 22 1 MA A12 +48 22 1 MA A13 +48 22 1 MA A14 +48 22 1 MA A15 +48 22 1 MA A16 +48 22 1 MA A17 +48 22 1 MA A18 +48 22 1 MA A19 +48 22 1 MA A20 +48 22 1 MA A21 +48 22 1 MA A22 +48 22 1 MA A23 +48 22 1 MA A24 +48 22 1 MA A25 +48 22 1 MA A26 +48 22 1 MA A27 +48 22 1 MA A28 +48 22 1 MA A29 +48 22 1 MA A30 +48 22 1 MA A31 +48 22 1 MA A32 +48 22 1 MA A33 +48 22 1 MA A34 +48 22 1 MA A35 +48 22 1 MA A36 +48 22 1 MA A37 +48 22 1 MA A38 +48 22 1 MA A39 +48 22 1 MA A40 +48 22 2 AN J0 +48 22 2 AN J1 +48 22 2 AN J2 +48 22 2 AN J3 +48 22 2 AN J4 +48 22 2 AN J5 +48 22 2 AN J6 +48 22 2 AN J7 +48 22 2 AN J8 +48 22 2 AN J9 +48 22 2 AN J10 +48 22 2 AN J11 +48 22 2 AN J12 +48 22 2 AN J13 +48 22 2 AN J14 +48 22 2 AN J15 +48 22 2 AN J16 +48 22 2 AN J17 +48 22 2 AN J18 +48 22 2 AN J19 +48 22 2 AN J20 +48 22 2 AN J21 +48 22 2 AN J22 +48 22 2 AN J23 +48 22 2 AN J24 +48 22 2 AN J25 +48 22 2 AN J26 +48 22 2 AN J27 +48 22 2 AN J28 +48 22 2 AN J29 +48 22 2 AN J30 +48 22 2 AN J31 +48 22 2 AN J32 +48 22 2 AN J33 +48 22 2 AN J34 +48 22 2 AN J35 +48 22 2 AN J36 +48 22 2 AN J37 +48 22 2 AN J38 +48 22 2 AN J39 +48 22 2 AN J40 +48 22 3 MD G1 +48 22 4 KI C9 +48 22 5 EM F17 +48 22 6 BG C19 +48 22 6 BG D19 +48 22 7 MN F0 +48 22 8 BA D1 +48 23 1 MA A0 +48 23 1 MA A1 +48 23 1 MA A2 +48 23 1 MA A3 +48 23 1 MA A4 +48 23 1 MA A5 +48 23 1 MA A6 +48 23 1 MA A7 +48 23 1 MA A8 +48 23 1 MA A9 +48 23 1 MA A10 +48 23 1 MA A11 +48 23 1 MA A12 +48 23 1 MA A13 +48 23 1 MA A14 +48 23 1 MA A15 +48 23 1 MA A16 +48 23 1 MA A17 +48 23 1 MA A18 +48 23 1 MA A19 +48 23 1 MA A20 +48 23 1 MA A21 +48 23 1 MA A22 +48 23 1 MA A23 +48 23 1 MA A24 +48 23 1 MA A25 +48 23 1 MA A26 +48 23 1 MA A27 +48 23 1 MA A28 +48 23 1 MA A29 +48 23 1 MA A30 +48 23 1 MA A31 +48 23 1 MA A32 +48 23 1 MA A33 +48 23 1 MA A34 +48 23 1 MA A35 +48 23 1 MA A36 +48 23 1 MA A37 +48 23 1 MA A38 +48 23 1 MA A39 +48 23 1 MA A40 +48 23 2 AN J0 +48 23 2 AN J1 +48 23 2 AN J2 +48 23 2 AN J3 +48 23 2 AN J4 +48 23 2 AN J5 +48 23 2 AN J6 +48 23 2 AN J7 +48 23 2 AN J8 +48 23 2 AN J9 +48 23 2 AN J10 +48 23 2 AN J11 +48 23 2 AN J12 +48 23 2 AN J13 +48 23 2 AN J14 +48 23 2 AN J15 +48 23 2 AN J16 +48 23 2 AN J17 +48 23 2 AN J18 +48 23 2 AN J19 +48 23 2 AN J20 +48 23 2 AN J21 +48 23 2 AN J22 +48 23 2 AN J23 +48 23 2 AN J24 +48 23 2 AN J25 +48 23 2 AN J26 +48 23 2 AN J27 +48 23 2 AN J28 +48 23 2 AN J29 +48 23 2 AN J30 +48 23 2 AN J31 +48 23 2 AN J32 +48 23 2 AN J33 +48 23 2 AN J34 +48 23 2 AN J35 +48 23 2 AN J36 +48 23 2 AN J37 +48 23 2 AN J38 +48 23 2 AN J39 +48 23 2 AN J40 +48 23 3 MD G2 +48 23 4 ML C9 +48 23 5 EM G18 +48 24 1 MA A0 +48 24 1 MA A1 +48 24 1 MA A2 +48 24 1 MA A3 +48 24 1 MA A4 +48 24 1 MA A5 +48 24 1 MA A6 +48 24 1 MA A7 +48 24 1 MA A8 +48 24 1 MA A9 +48 24 1 MA A10 +48 24 1 MA A11 +48 24 1 MA A12 +48 24 1 MA A13 +48 24 1 MA A14 +48 24 1 MA A15 +48 24 1 MA A16 +48 24 1 MA A17 +48 24 1 MA A18 +48 24 1 MA A19 +48 24 1 MA A20 +48 24 1 MA A21 +48 24 1 MA A22 +48 24 1 MA A23 +48 24 1 MA A24 +48 24 1 MA A25 +48 24 1 MA A26 +48 24 1 MA A27 +48 24 1 MA A28 +48 24 1 MA A29 +48 24 1 MA A30 +48 24 1 MA A31 +48 24 1 MA A32 +48 24 1 MA A33 +48 24 1 MA A34 +48 24 1 MA A35 +48 24 1 MA A36 +48 24 1 MA A37 +48 24 1 MA A38 +48 24 1 MA A39 +48 24 1 MA A40 +48 24 1 MA B2 +48 24 2 AN J0 +48 24 2 AN J1 +48 24 2 AN J2 +48 24 2 AN J3 +48 24 2 AN J4 +48 24 2 AN J5 +48 24 2 AN J6 +48 24 2 AN J7 +48 24 2 AN J8 +48 24 2 AN J9 +48 24 2 AN J10 +48 24 2 AN J11 +48 24 2 AN J12 +48 24 2 AN J13 +48 24 2 AN J14 +48 24 2 AN J15 +48 24 2 AN J16 +48 24 2 AN J17 +48 24 2 AN J18 +48 24 2 AN J19 +48 24 2 AN J20 +48 24 2 AN J21 +48 24 2 AN J22 +48 24 2 AN J23 +48 24 2 AN J24 +48 24 2 AN J25 +48 24 2 AN J26 +48 24 2 AN J27 +48 24 2 AN J28 +48 24 2 AN J29 +48 24 2 AN J30 +48 24 2 AN J31 +48 24 2 AN J32 +48 24 2 AN J33 +48 24 2 AN J34 +48 24 2 AN J35 +48 24 2 AN J36 +48 24 2 AN J37 +48 24 2 AN J38 +48 24 2 AN J39 +48 24 2 AN J40 +48 24 3 MD F1 +48 24 4 ML C9 +48 24 5 BG I22 +48 25 1 MA A0 +48 25 1 MA A1 +48 25 1 MA A2 +48 25 1 MA A3 +48 25 1 MA A4 +48 25 1 MA A5 +48 25 1 MA A6 +48 25 1 MA A7 +48 25 1 MA A8 +48 25 1 MA A9 +48 25 1 MA A10 +48 25 1 MA A11 +48 25 1 MA A12 +48 25 1 MA A13 +48 25 1 MA A14 +48 25 1 MA A15 +48 25 1 MA A16 +48 25 1 MA A17 +48 25 1 MA A18 +48 25 1 MA A19 +48 25 1 MA A20 +48 25 1 MA A21 +48 25 1 MA A22 +48 25 1 MA A23 +48 25 1 MA A24 +48 25 1 MA A25 +48 25 1 MA A26 +48 25 1 MA A27 +48 25 1 MA A28 +48 25 1 MA A29 +48 25 1 MA A30 +48 25 1 MA A31 +48 25 1 MA A32 +48 25 1 MA A33 +48 25 1 MA A34 +48 25 1 MA A35 +48 25 1 MA A36 +48 25 1 MA A37 +48 25 1 MA A38 +48 25 1 MA A39 +48 25 1 MA A40 +48 25 2 AN J0 +48 25 2 AN J1 +48 25 2 AN J2 +48 25 2 AN J3 +48 25 2 AN J4 +48 25 2 AN J5 +48 25 2 AN J6 +48 25 2 AN J7 +48 25 2 AN J8 +48 25 2 AN J9 +48 25 2 AN J10 +48 25 2 AN J11 +48 25 2 AN J12 +48 25 2 AN J13 +48 25 2 AN J14 +48 25 2 AN J15 +48 25 2 AN J16 +48 25 2 AN J17 +48 25 2 AN J18 +48 25 2 AN J19 +48 25 2 AN J20 +48 25 2 AN J21 +48 25 2 AN J22 +48 25 2 AN J23 +48 25 2 AN J24 +48 25 2 AN J25 +48 25 2 AN J26 +48 25 2 AN J27 +48 25 2 AN J28 +48 25 2 AN J29 +48 25 2 AN J30 +48 25 2 AN J31 +48 25 2 AN J32 +48 25 2 AN J33 +48 25 2 AN J34 +48 25 2 AN J35 +48 25 2 AN J36 +48 25 2 AN J37 +48 25 2 AN J38 +48 25 2 AN J39 +48 25 2 AN J40 +48 25 3 MD I40 +48 25 4 KI C11 +48 25 5 BG F16 +48 25 6 EM F18 +49 1 1 WH A0 +49 1 1 WH A1 +49 1 1 WH A2 +49 1 1 WH A3 +49 1 1 WH A4 +49 1 1 WH A5 +49 1 1 WH A6 +49 1 1 WH A7 +49 1 1 WH A8 +49 1 1 WH A9 +49 1 1 WH A10 +49 1 1 WH A11 +49 1 1 WH A12 +49 1 1 WH A13 +49 1 1 WH A14 +49 1 1 WH A15 +49 1 1 WH A16 +49 1 1 WH A17 +49 1 1 WH A18 +49 1 1 WH A19 +49 1 1 WH A20 +49 1 1 WH A21 +49 1 1 WH A22 +49 1 1 WH A23 +49 1 1 WH A24 +49 1 1 WH A25 +49 1 1 WH A26 +49 1 1 WH A27 +49 1 1 WH A28 +49 1 1 WH A29 +49 1 1 WH A30 +49 1 1 WH A31 +49 1 1 WH A32 +49 1 1 WH A33 +49 1 1 WH A34 +49 1 1 WH A35 +49 1 1 WH A36 +49 1 1 WH A37 +49 1 1 WH A38 +49 1 1 WH A39 +49 1 1 WH A40 +49 1 2 YW J0 +49 1 2 YW J1 +49 1 2 YW J2 +49 1 2 YW J3 +49 1 2 YW J4 +49 1 2 YW J5 +49 1 2 YW J6 +49 1 2 YW J7 +49 1 2 YW J8 +49 1 2 YW J9 +49 1 2 YW J10 +49 1 2 YW J11 +49 1 2 YW J12 +49 1 2 YW J13 +49 1 2 YW J14 +49 1 2 YW J15 +49 1 2 YW J16 +49 1 2 YW J17 +49 1 2 YW J18 +49 1 2 YW J19 +49 1 2 YW J20 +49 1 2 YW J21 +49 1 2 YW J22 +49 1 2 YW J23 +49 1 2 YW J24 +49 1 2 YW J25 +49 1 2 YW J26 +49 1 2 YW J27 +49 1 2 YW J28 +49 1 2 YW J29 +49 1 2 YW J30 +49 1 2 YW J31 +49 1 2 YW J32 +49 1 2 YW J33 +49 1 2 YW J34 +49 1 2 YW J35 +49 1 2 YW J36 +49 1 2 YW J37 +49 1 2 YW J38 +49 1 2 YW J39 +49 1 2 YW J40 +49 1 3 PA F40 +49 1 4 WI C9 +49 1 4 WI D2 +49 1 5 PR F15 +49 1 6 WA B38 +49 2 1 WH A0 +49 2 1 WH A1 +49 2 1 WH A2 +49 2 1 WH A3 +49 2 1 WH A4 +49 2 1 WH A5 +49 2 1 WH A6 +49 2 1 WH A7 +49 2 1 WH A8 +49 2 1 WH A9 +49 2 1 WH A10 +49 2 1 WH A11 +49 2 1 WH A12 +49 2 1 WH A13 +49 2 1 WH A14 +49 2 1 WH A15 +49 2 1 WH A16 +49 2 1 WH A17 +49 2 1 WH A18 +49 2 1 WH A19 +49 2 1 WH A20 +49 2 1 WH A21 +49 2 1 WH A22 +49 2 1 WH A23 +49 2 1 WH A24 +49 2 1 WH A25 +49 2 1 WH A26 +49 2 1 WH A27 +49 2 1 WH A28 +49 2 1 WH A29 +49 2 1 WH A30 +49 2 1 WH A31 +49 2 1 WH A32 +49 2 1 WH A33 +49 2 1 WH A34 +49 2 1 WH A35 +49 2 1 WH A36 +49 2 1 WH A37 +49 2 1 WH A38 +49 2 1 WH A39 +49 2 1 WH A40 +49 2 2 YW J0 +49 2 2 YW J1 +49 2 2 YW J2 +49 2 2 YW J3 +49 2 2 YW J4 +49 2 2 YW J5 +49 2 2 YW J6 +49 2 2 YW J7 +49 2 2 YW J8 +49 2 2 YW J9 +49 2 2 YW J10 +49 2 2 YW J11 +49 2 2 YW J12 +49 2 2 YW J13 +49 2 2 YW J14 +49 2 2 YW J15 +49 2 2 YW J16 +49 2 2 YW J17 +49 2 2 YW J18 +49 2 2 YW J19 +49 2 2 YW J20 +49 2 2 YW J21 +49 2 2 YW J22 +49 2 2 YW J23 +49 2 2 YW J24 +49 2 2 YW J25 +49 2 2 YW J26 +49 2 2 YW J27 +49 2 2 YW J28 +49 2 2 YW J29 +49 2 2 YW J30 +49 2 2 YW J31 +49 2 2 YW J32 +49 2 2 YW J33 +49 2 2 YW J34 +49 2 2 YW J35 +49 2 2 YW J36 +49 2 2 YW J37 +49 2 2 YW J38 +49 2 2 YW J39 +49 2 2 YW J40 +49 2 3 PA G1 +49 2 4 WI G11 +49 2 5 PR F17 +49 2 6 OP C6 +49 3 1 WH A0 +49 3 1 WH A1 +49 3 1 WH A2 +49 3 1 WH A3 +49 3 1 WH A4 +49 3 1 WH A5 +49 3 1 WH A6 +49 3 1 WH A7 +49 3 1 WH A8 +49 3 1 WH A9 +49 3 1 WH A10 +49 3 1 WH A11 +49 3 1 WH A12 +49 3 1 WH A13 +49 3 1 WH A14 +49 3 1 WH A15 +49 3 1 WH A16 +49 3 1 WH A17 +49 3 1 WH A18 +49 3 1 WH A19 +49 3 1 WH A20 +49 3 1 WH A21 +49 3 1 WH A22 +49 3 1 WH A23 +49 3 1 WH A24 +49 3 1 WH A25 +49 3 1 WH A26 +49 3 1 WH A27 +49 3 1 WH A28 +49 3 1 WH A29 +49 3 1 WH A30 +49 3 1 WH A31 +49 3 1 WH A32 +49 3 1 WH A33 +49 3 1 WH A34 +49 3 1 WH A35 +49 3 1 WH A36 +49 3 1 WH A37 +49 3 1 WH A38 +49 3 1 WH A39 +49 3 1 WH A40 +49 3 2 YW J0 +49 3 2 YW J1 +49 3 2 YW J2 +49 3 2 YW J3 +49 3 2 YW J4 +49 3 2 YW J5 +49 3 2 YW J6 +49 3 2 YW J7 +49 3 2 YW J8 +49 3 2 YW J9 +49 3 2 YW J10 +49 3 2 YW J11 +49 3 2 YW J12 +49 3 2 YW J13 +49 3 2 YW J14 +49 3 2 YW J15 +49 3 2 YW J16 +49 3 2 YW J17 +49 3 2 YW J18 +49 3 2 YW J19 +49 3 2 YW J20 +49 3 2 YW J21 +49 3 2 YW J22 +49 3 2 YW J23 +49 3 2 YW J24 +49 3 2 YW J25 +49 3 2 YW J26 +49 3 2 YW J27 +49 3 2 YW J28 +49 3 2 YW J29 +49 3 2 YW J30 +49 3 2 YW J31 +49 3 2 YW J32 +49 3 2 YW J33 +49 3 2 YW J34 +49 3 2 YW J35 +49 3 2 YW J36 +49 3 2 YW J37 +49 3 2 YW J38 +49 3 2 YW J39 +49 3 2 YW J40 +49 3 3 PA H3 +49 3 4 WI G12 +49 3 5 PR G19 +49 3 6 OP D2 +49 3 7 WA B38 +49 4 1 WH A0 +49 4 1 WH A1 +49 4 1 WH A2 +49 4 1 WH A3 +49 4 1 WH A4 +49 4 1 WH A5 +49 4 1 WH A6 +49 4 1 WH A7 +49 4 1 WH A8 +49 4 1 WH A9 +49 4 1 WH A10 +49 4 1 WH A11 +49 4 1 WH A12 +49 4 1 WH A13 +49 4 1 WH A14 +49 4 1 WH A15 +49 4 1 WH A16 +49 4 1 WH A17 +49 4 1 WH A18 +49 4 1 WH A19 +49 4 1 WH A20 +49 4 1 WH A21 +49 4 1 WH A22 +49 4 1 WH A23 +49 4 1 WH A24 +49 4 1 WH A25 +49 4 1 WH A26 +49 4 1 WH A27 +49 4 1 WH A28 +49 4 1 WH A29 +49 4 1 WH A30 +49 4 1 WH A31 +49 4 1 WH A32 +49 4 1 WH A33 +49 4 1 WH A34 +49 4 1 WH A35 +49 4 1 WH A36 +49 4 1 WH A37 +49 4 1 WH A38 +49 4 1 WH A39 +49 4 1 WH A40 +49 4 2 YW J0 +49 4 2 YW J1 +49 4 2 YW J2 +49 4 2 YW J3 +49 4 2 YW J4 +49 4 2 YW J5 +49 4 2 YW J6 +49 4 2 YW J7 +49 4 2 YW J8 +49 4 2 YW J9 +49 4 2 YW J10 +49 4 2 YW J11 +49 4 2 YW J12 +49 4 2 YW J13 +49 4 2 YW J14 +49 4 2 YW J15 +49 4 2 YW J16 +49 4 2 YW J17 +49 4 2 YW J18 +49 4 2 YW J19 +49 4 2 YW J20 +49 4 2 YW J21 +49 4 2 YW J22 +49 4 2 YW J23 +49 4 2 YW J24 +49 4 2 YW J25 +49 4 2 YW J26 +49 4 2 YW J27 +49 4 2 YW J28 +49 4 2 YW J29 +49 4 2 YW J30 +49 4 2 YW J31 +49 4 2 YW J32 +49 4 2 YW J33 +49 4 2 YW J34 +49 4 2 YW J35 +49 4 2 YW J36 +49 4 2 YW J37 +49 4 2 YW J38 +49 4 2 YW J39 +49 4 2 YW J40 +49 4 3 PA G3 +49 4 4 WI C9 +49 4 5 PR C20 +49 4 6 OP D2 +49 4 7 WA B31 +49 5 1 WH A0 +49 5 1 WH A1 +49 5 1 WH A2 +49 5 1 WH A3 +49 5 1 WH A4 +49 5 1 WH A5 +49 5 1 WH A6 +49 5 1 WH A7 +49 5 1 WH A8 +49 5 1 WH A9 +49 5 1 WH A10 +49 5 1 WH A11 +49 5 1 WH A12 +49 5 1 WH A13 +49 5 1 WH A14 +49 5 1 WH A15 +49 5 1 WH A16 +49 5 1 WH A17 +49 5 1 WH A18 +49 5 1 WH A19 +49 5 1 WH A20 +49 5 1 WH A21 +49 5 1 WH A22 +49 5 1 WH A23 +49 5 1 WH A24 +49 5 1 WH A25 +49 5 1 WH A26 +49 5 1 WH A27 +49 5 1 WH A28 +49 5 1 WH A29 +49 5 1 WH A30 +49 5 1 WH A31 +49 5 1 WH A32 +49 5 1 WH A33 +49 5 1 WH A34 +49 5 1 WH A35 +49 5 1 WH A36 +49 5 1 WH A37 +49 5 1 WH A38 +49 5 1 WH A39 +49 5 1 WH A40 +49 5 2 YW J0 +49 5 2 YW J1 +49 5 2 YW J2 +49 5 2 YW J3 +49 5 2 YW J4 +49 5 2 YW J5 +49 5 2 YW J6 +49 5 2 YW J7 +49 5 2 YW J8 +49 5 2 YW J9 +49 5 2 YW J10 +49 5 2 YW J11 +49 5 2 YW J12 +49 5 2 YW J13 +49 5 2 YW J14 +49 5 2 YW J15 +49 5 2 YW J16 +49 5 2 YW J17 +49 5 2 YW J18 +49 5 2 YW J19 +49 5 2 YW J20 +49 5 2 YW J21 +49 5 2 YW J22 +49 5 2 YW J23 +49 5 2 YW J24 +49 5 2 YW J25 +49 5 2 YW J26 +49 5 2 YW J27 +49 5 2 YW J28 +49 5 2 YW J29 +49 5 2 YW J30 +49 5 2 YW J31 +49 5 2 YW J32 +49 5 2 YW J33 +49 5 2 YW J34 +49 5 2 YW J35 +49 5 2 YW J36 +49 5 2 YW J37 +49 5 2 YW J38 +49 5 2 YW J39 +49 5 2 YW J40 +49 5 3 PA G3 +49 5 4 WI C12 +49 5 5 PR F17 +49 6 1 WH A0 +49 6 1 WH A1 +49 6 1 WH A2 +49 6 1 WH A3 +49 6 1 WH A4 +49 6 1 WH A5 +49 6 1 WH A6 +49 6 1 WH A7 +49 6 1 WH A8 +49 6 1 WH A9 +49 6 1 WH A10 +49 6 1 WH A11 +49 6 1 WH A12 +49 6 1 WH A13 +49 6 1 WH A14 +49 6 1 WH A15 +49 6 1 WH A16 +49 6 1 WH A17 +49 6 1 WH A18 +49 6 1 WH A19 +49 6 1 WH A20 +49 6 1 WH A21 +49 6 1 WH A22 +49 6 1 WH A23 +49 6 1 WH A24 +49 6 1 WH A25 +49 6 1 WH A26 +49 6 1 WH A27 +49 6 1 WH A28 +49 6 1 WH A29 +49 6 1 WH A30 +49 6 1 WH A31 +49 6 1 WH A32 +49 6 1 WH A33 +49 6 1 WH A34 +49 6 1 WH A35 +49 6 1 WH A36 +49 6 1 WH A37 +49 6 1 WH A38 +49 6 1 WH A39 +49 6 1 WH A40 +49 6 2 YW J0 +49 6 2 YW J1 +49 6 2 YW J2 +49 6 2 YW J3 +49 6 2 YW J4 +49 6 2 YW J5 +49 6 2 YW J6 +49 6 2 YW J7 +49 6 2 YW J8 +49 6 2 YW J9 +49 6 2 YW J10 +49 6 2 YW J11 +49 6 2 YW J12 +49 6 2 YW J13 +49 6 2 YW J14 +49 6 2 YW J15 +49 6 2 YW J16 +49 6 2 YW J17 +49 6 2 YW J18 +49 6 2 YW J19 +49 6 2 YW J20 +49 6 2 YW J21 +49 6 2 YW J22 +49 6 2 YW J23 +49 6 2 YW J24 +49 6 2 YW J25 +49 6 2 YW J26 +49 6 2 YW J27 +49 6 2 YW J28 +49 6 2 YW J29 +49 6 2 YW J30 +49 6 2 YW J31 +49 6 2 YW J32 +49 6 2 YW J33 +49 6 2 YW J34 +49 6 2 YW J35 +49 6 2 YW J36 +49 6 2 YW J37 +49 6 2 YW J38 +49 6 2 YW J39 +49 6 2 YW J40 +49 6 3 PA G3 +49 6 4 WI G8 +49 6 5 PR H20 +49 6 6 OP G1 +49 7 1 PR A0 +49 7 1 PR A1 +49 7 1 PR A2 +49 7 1 PR A3 +49 7 1 PR A4 +49 7 1 PR A5 +49 7 1 PR A6 +49 7 1 PR A7 +49 7 1 PR A8 +49 7 1 PR A9 +49 7 1 PR A10 +49 7 1 PR A11 +49 7 1 PR A12 +49 7 1 PR A13 +49 7 1 PR A14 +49 7 1 PR A15 +49 7 1 PR A16 +49 7 1 PR A17 +49 7 1 PR A18 +49 7 1 PR A19 +49 7 1 PR A20 +49 7 1 PR A21 +49 7 1 PR A22 +49 7 1 PR A23 +49 7 1 PR A24 +49 7 1 PR A25 +49 7 1 PR A26 +49 7 1 PR A27 +49 7 1 PR A28 +49 7 1 PR A29 +49 7 1 PR A30 +49 7 1 PR A31 +49 7 1 PR A32 +49 7 1 PR A33 +49 7 1 PR A34 +49 7 1 PR A35 +49 7 1 PR A36 +49 7 1 PR A37 +49 7 1 PR A38 +49 7 1 PR A39 +49 7 1 PR A40 +49 7 2 YW J0 +49 7 2 YW J1 +49 7 2 YW J2 +49 7 2 YW J3 +49 7 2 YW J4 +49 7 2 YW J5 +49 7 2 YW J6 +49 7 2 YW J7 +49 7 2 YW J8 +49 7 2 YW J9 +49 7 2 YW J10 +49 7 2 YW J11 +49 7 2 YW J12 +49 7 2 YW J13 +49 7 2 YW J14 +49 7 2 YW J15 +49 7 2 YW J16 +49 7 2 YW J17 +49 7 2 YW J18 +49 7 2 YW J19 +49 7 2 YW J20 +49 7 2 YW J21 +49 7 2 YW J22 +49 7 2 YW J23 +49 7 2 YW J24 +49 7 2 YW J25 +49 7 2 YW J26 +49 7 2 YW J27 +49 7 2 YW J28 +49 7 2 YW J29 +49 7 2 YW J30 +49 7 2 YW J31 +49 7 2 YW J32 +49 7 2 YW J33 +49 7 2 YW J34 +49 7 2 YW J35 +49 7 2 YW J36 +49 7 2 YW J37 +49 7 2 YW J38 +49 7 2 YW J39 +49 7 2 YW J40 +49 7 3 PA I1 +49 7 4 WI D8 +49 7 5 PR F16 +49 8 1 WH A0 +49 8 1 WH A1 +49 8 1 WH A2 +49 8 1 WH A3 +49 8 1 WH A4 +49 8 1 WH A5 +49 8 1 WH A6 +49 8 1 WH A7 +49 8 1 WH A8 +49 8 1 WH A9 +49 8 1 WH A10 +49 8 1 WH A11 +49 8 1 WH A12 +49 8 1 WH A13 +49 8 1 WH A14 +49 8 1 WH A15 +49 8 1 WH A16 +49 8 1 WH A17 +49 8 1 WH A18 +49 8 1 WH A19 +49 8 1 WH A20 +49 8 1 WH A21 +49 8 1 WH A22 +49 8 1 WH A23 +49 8 1 WH A24 +49 8 1 WH A25 +49 8 1 WH A26 +49 8 1 WH A27 +49 8 1 WH A28 +49 8 1 WH A29 +49 8 1 WH A30 +49 8 1 WH A31 +49 8 1 WH A32 +49 8 1 WH A33 +49 8 1 WH A34 +49 8 1 WH A35 +49 8 1 WH A36 +49 8 1 WH A37 +49 8 1 WH A38 +49 8 1 WH A39 +49 8 1 WH A40 +49 8 2 YW J0 +49 8 2 YW J1 +49 8 2 YW J2 +49 8 2 YW J3 +49 8 2 YW J4 +49 8 2 YW J5 +49 8 2 YW J6 +49 8 2 YW J7 +49 8 2 YW J8 +49 8 2 YW J9 +49 8 2 YW J10 +49 8 2 YW J11 +49 8 2 YW J12 +49 8 2 YW J13 +49 8 2 YW J14 +49 8 2 YW J15 +49 8 2 YW J16 +49 8 2 YW J17 +49 8 2 YW J18 +49 8 2 YW J19 +49 8 2 YW J20 +49 8 2 YW J21 +49 8 2 YW J22 +49 8 2 YW J23 +49 8 2 YW J24 +49 8 2 YW J25 +49 8 2 YW J26 +49 8 2 YW J27 +49 8 2 YW J28 +49 8 2 YW J29 +49 8 2 YW J30 +49 8 2 YW J31 +49 8 2 YW J32 +49 8 2 YW J33 +49 8 2 YW J34 +49 8 2 YW J35 +49 8 2 YW J36 +49 8 2 YW J37 +49 8 2 YW J38 +49 8 2 YW J39 +49 8 2 YW J40 +49 8 3 PA H4 +49 8 4 WI C11 +49 8 5 PR F18 +49 8 6 OP C4 +49 8 7 WA B37 +49 9 1 WH A0 +49 9 1 WH A1 +49 9 1 WH A2 +49 9 1 WH A3 +49 9 1 WH A4 +49 9 1 WH A5 +49 9 1 WH A6 +49 9 1 WH A7 +49 9 1 WH A8 +49 9 1 WH A9 +49 9 1 WH A10 +49 9 1 WH A11 +49 9 1 WH A12 +49 9 1 WH A13 +49 9 1 WH A14 +49 9 1 WH A15 +49 9 1 WH A16 +49 9 1 WH A17 +49 9 1 WH A18 +49 9 1 WH A19 +49 9 1 WH A20 +49 9 1 WH A21 +49 9 1 WH A22 +49 9 1 WH A23 +49 9 1 WH A24 +49 9 1 WH A25 +49 9 1 WH A26 +49 9 1 WH A27 +49 9 1 WH A28 +49 9 1 WH A29 +49 9 1 WH A30 +49 9 1 WH A31 +49 9 1 WH A32 +49 9 1 WH A33 +49 9 1 WH A34 +49 9 1 WH A35 +49 9 1 WH A36 +49 9 1 WH A37 +49 9 1 WH A38 +49 9 1 WH A39 +49 9 1 WH A40 +49 10 1 WH A0 +49 10 1 WH A1 +49 10 1 WH A2 +49 10 1 WH A3 +49 10 1 WH A4 +49 10 1 WH A5 +49 10 1 WH A6 +49 10 1 WH A7 +49 10 1 WH A8 +49 10 1 WH A9 +49 10 1 WH A10 +49 10 1 WH A11 +49 10 1 WH A12 +49 10 1 WH A13 +49 10 1 WH A14 +49 10 1 WH A15 +49 10 1 WH A16 +49 10 1 WH A17 +49 10 1 WH A18 +49 10 1 WH A19 +49 10 1 WH A20 +49 10 1 WH A21 +49 10 1 WH A22 +49 10 1 WH A23 +49 10 1 WH A24 +49 10 1 WH A25 +49 10 1 WH A26 +49 10 1 WH A27 +49 10 1 WH A28 +49 10 1 WH A29 +49 10 1 WH A30 +49 10 1 WH A31 +49 10 1 WH A32 +49 10 1 WH A33 +49 10 1 WH A34 +49 10 1 WH A35 +49 10 1 WH A36 +49 10 1 WH A37 +49 10 1 WH A38 +49 10 1 WH A39 +49 10 1 WH A40 +49 10 2 YW J0 +49 10 2 YW J1 +49 10 2 YW J2 +49 10 2 YW J3 +49 10 2 YW J4 +49 10 2 YW J5 +49 10 2 YW J6 +49 10 2 YW J7 +49 10 2 YW J8 +49 10 2 YW J9 +49 10 2 YW J10 +49 10 2 YW J11 +49 10 2 YW J12 +49 10 2 YW J13 +49 10 2 YW J14 +49 10 2 YW J15 +49 10 2 YW J16 +49 10 2 YW J17 +49 10 2 YW J18 +49 10 2 YW J19 +49 10 2 YW J20 +49 10 2 YW J21 +49 10 2 YW J22 +49 10 2 YW J23 +49 10 2 YW J24 +49 10 2 YW J25 +49 10 2 YW J26 +49 10 2 YW J27 +49 10 2 YW J28 +49 10 2 YW J29 +49 10 2 YW J30 +49 10 2 YW J31 +49 10 2 YW J32 +49 10 2 YW J33 +49 10 2 YW J34 +49 10 2 YW J35 +49 10 2 YW J36 +49 10 2 YW J37 +49 10 2 YW J38 +49 10 2 YW J39 +49 10 2 YW J40 +49 10 3 PA G2 +49 10 4 WI C10 +49 10 5 PR D16 +49 10 6 OP C1 +49 11 1 WH A0 +49 11 1 WH A1 +49 11 1 WH A2 +49 11 1 WH A3 +49 11 1 WH A4 +49 11 1 WH A5 +49 11 1 WH A6 +49 11 1 WH A7 +49 11 1 WH A8 +49 11 1 WH A9 +49 11 1 WH A10 +49 11 1 WH A11 +49 11 1 WH A12 +49 11 1 WH A13 +49 11 1 WH A14 +49 11 1 WH A15 +49 11 1 WH A16 +49 11 1 WH A17 +49 11 1 WH A18 +49 11 1 WH A19 +49 11 1 WH A20 +49 11 1 WH A21 +49 11 1 WH A22 +49 11 1 WH A23 +49 11 1 WH A24 +49 11 1 WH A25 +49 11 1 WH A26 +49 11 1 WH A27 +49 11 1 WH A28 +49 11 1 WH A29 +49 11 1 WH A30 +49 11 1 WH A31 +49 11 1 WH A32 +49 11 1 WH A33 +49 11 1 WH A34 +49 11 1 WH A35 +49 11 1 WH A36 +49 11 1 WH A37 +49 11 1 WH A38 +49 11 1 WH A39 +49 11 1 WH A40 +49 11 2 YW J0 +49 11 2 YW J1 +49 11 2 YW J2 +49 11 2 YW J3 +49 11 2 YW J4 +49 11 2 YW J5 +49 11 2 YW J6 +49 11 2 YW J7 +49 11 2 YW J8 +49 11 2 YW J9 +49 11 2 YW J10 +49 11 2 YW J11 +49 11 2 YW J12 +49 11 2 YW J13 +49 11 2 YW J14 +49 11 2 YW J15 +49 11 2 YW J16 +49 11 2 YW J17 +49 11 2 YW J18 +49 11 2 YW J19 +49 11 2 YW J20 +49 11 2 YW J21 +49 11 2 YW J22 +49 11 2 YW J23 +49 11 2 YW J24 +49 11 2 YW J25 +49 11 2 YW J26 +49 11 2 YW J27 +49 11 2 YW J28 +49 11 2 YW J29 +49 11 2 YW J30 +49 11 2 YW J31 +49 11 2 YW J32 +49 11 2 YW J33 +49 11 2 YW J34 +49 11 2 YW J35 +49 11 2 YW J36 +49 11 2 YW J37 +49 11 2 YW J38 +49 11 2 YW J39 +49 11 2 YW J40 +49 11 3 PA G2 +49 11 4 WI C8 +49 11 5 PR E16 +49 11 6 OP D2 +49 11 7 WA C5 +49 12 1 WH A0 +49 12 1 WH A1 +49 12 1 WH A2 +49 12 1 WH A3 +49 12 1 WH A4 +49 12 1 WH A5 +49 12 1 WH A6 +49 12 1 WH A7 +49 12 1 WH A8 +49 12 1 WH A9 +49 12 1 WH A10 +49 12 1 WH A11 +49 12 1 WH A12 +49 12 1 WH A13 +49 12 1 WH A14 +49 12 1 WH A15 +49 12 1 WH A16 +49 12 1 WH A17 +49 12 1 WH A18 +49 12 1 WH A19 +49 12 1 WH A20 +49 12 1 WH A21 +49 12 1 WH A22 +49 12 1 WH A23 +49 12 1 WH A24 +49 12 1 WH A25 +49 12 1 WH A26 +49 12 1 WH A27 +49 12 1 WH A28 +49 12 1 WH A29 +49 12 1 WH A30 +49 12 1 WH A31 +49 12 1 WH A32 +49 12 1 WH A33 +49 12 1 WH A34 +49 12 1 WH A35 +49 12 1 WH A36 +49 12 1 WH A37 +49 12 1 WH A38 +49 12 1 WH A39 +49 12 1 WH A40 +49 12 2 YW J0 +49 12 2 YW J1 +49 12 2 YW J2 +49 12 2 YW J3 +49 12 2 YW J4 +49 12 2 YW J5 +49 12 2 YW J6 +49 12 2 YW J7 +49 12 2 YW J8 +49 12 2 YW J9 +49 12 2 YW J10 +49 12 2 YW J11 +49 12 2 YW J12 +49 12 2 YW J13 +49 12 2 YW J14 +49 12 2 YW J15 +49 12 2 YW J16 +49 12 2 YW J17 +49 12 2 YW J18 +49 12 2 YW J19 +49 12 2 YW J20 +49 12 2 YW J21 +49 12 2 YW J22 +49 12 2 YW J23 +49 12 2 YW J24 +49 12 2 YW J25 +49 12 2 YW J26 +49 12 2 YW J27 +49 12 2 YW J28 +49 12 2 YW J29 +49 12 2 YW J30 +49 12 2 YW J31 +49 12 2 YW J32 +49 12 2 YW J33 +49 12 2 YW J34 +49 12 2 YW J35 +49 12 2 YW J36 +49 12 2 YW J37 +49 12 2 YW J38 +49 12 2 YW J39 +49 12 2 YW J40 +49 12 3 PA I2 +49 12 4 WI C10 +49 12 5 PR F21 +49 12 6 OP C3 +49 12 7 WA B5 +49 13 1 WH A0 +49 13 1 WH A1 +49 13 1 WH A2 +49 13 1 WH A3 +49 13 1 WH A4 +49 13 1 WH A5 +49 13 1 WH A6 +49 13 1 WH A7 +49 13 1 WH A8 +49 13 1 WH A9 +49 13 1 WH A10 +49 13 1 WH A11 +49 13 1 WH A12 +49 13 1 WH A13 +49 13 1 WH A14 +49 13 1 WH A15 +49 13 1 WH A16 +49 13 1 WH A17 +49 13 1 WH A18 +49 13 1 WH A19 +49 13 1 WH A20 +49 13 1 WH A21 +49 13 1 WH A22 +49 13 1 WH A23 +49 13 1 WH A24 +49 13 1 WH A25 +49 13 1 WH A26 +49 13 1 WH A27 +49 13 1 WH A28 +49 13 1 WH A29 +49 13 1 WH A30 +49 13 1 WH A31 +49 13 1 WH A32 +49 13 1 WH A33 +49 13 1 WH A34 +49 13 1 WH A35 +49 13 1 WH A36 +49 13 1 WH A37 +49 13 1 WH A38 +49 13 1 WH A39 +49 13 1 WH A40 +49 13 2 YW J0 +49 13 2 YW J1 +49 13 2 YW J2 +49 13 2 YW J3 +49 13 2 YW J4 +49 13 2 YW J5 +49 13 2 YW J6 +49 13 2 YW J7 +49 13 2 YW J8 +49 13 2 YW J9 +49 13 2 YW J10 +49 13 2 YW J11 +49 13 2 YW J12 +49 13 2 YW J13 +49 13 2 YW J14 +49 13 2 YW J15 +49 13 2 YW J16 +49 13 2 YW J17 +49 13 2 YW J18 +49 13 2 YW J19 +49 13 2 YW J20 +49 13 2 YW J21 +49 13 2 YW J22 +49 13 2 YW J23 +49 13 2 YW J24 +49 13 2 YW J25 +49 13 2 YW J26 +49 13 2 YW J27 +49 13 2 YW J28 +49 13 2 YW J29 +49 13 2 YW J30 +49 13 2 YW J31 +49 13 2 YW J32 +49 13 2 YW J33 +49 13 2 YW J34 +49 13 2 YW J35 +49 13 2 YW J36 +49 13 2 YW J37 +49 13 2 YW J38 +49 13 2 YW J39 +49 13 2 YW J40 +49 13 3 PA H39 +49 13 4 WI C9 +49 13 5 PR G17 +49 13 6 OP B10 +49 14 1 WH A0 +49 14 1 WH A1 +49 14 1 WH A2 +49 14 1 WH A3 +49 14 1 WH A4 +49 14 1 WH A5 +49 14 1 WH A6 +49 14 1 WH A7 +49 14 1 WH A8 +49 14 1 WH A9 +49 14 1 WH A10 +49 14 1 WH A11 +49 14 1 WH A12 +49 14 1 WH A13 +49 14 1 WH A14 +49 14 1 WH A15 +49 14 1 WH A16 +49 14 1 WH A17 +49 14 1 WH A18 +49 14 1 WH A19 +49 14 1 WH A20 +49 14 1 WH A21 +49 14 1 WH A22 +49 14 1 WH A23 +49 14 1 WH A24 +49 14 1 WH A25 +49 14 1 WH A26 +49 14 1 WH A27 +49 14 1 WH A28 +49 14 1 WH A29 +49 14 1 WH A30 +49 14 1 WH A31 +49 14 1 WH A32 +49 14 1 WH A33 +49 14 1 WH A34 +49 14 1 WH A35 +49 14 1 WH A36 +49 14 1 WH A37 +49 14 1 WH A38 +49 14 1 WH A39 +49 14 1 WH A40 +49 14 2 YW J0 +49 14 2 YW J1 +49 14 2 YW J2 +49 14 2 YW J3 +49 14 2 YW J4 +49 14 2 YW J5 +49 14 2 YW J6 +49 14 2 YW J7 +49 14 2 YW J8 +49 14 2 YW J9 +49 14 2 YW J10 +49 14 2 YW J11 +49 14 2 YW J12 +49 14 2 YW J13 +49 14 2 YW J14 +49 14 2 YW J15 +49 14 2 YW J16 +49 14 2 YW J17 +49 14 2 YW J18 +49 14 2 YW J19 +49 14 2 YW J20 +49 14 2 YW J21 +49 14 2 YW J22 +49 14 2 YW J23 +49 14 2 YW J24 +49 14 2 YW J25 +49 14 2 YW J26 +49 14 2 YW J27 +49 14 2 YW J28 +49 14 2 YW J29 +49 14 2 YW J30 +49 14 2 YW J31 +49 14 2 YW J32 +49 14 2 YW J33 +49 14 2 YW J34 +49 14 2 YW J35 +49 14 2 YW J36 +49 14 2 YW J37 +49 14 2 YW J38 +49 14 2 YW J39 +49 14 2 YW J40 +49 14 3 PA H2 +49 14 4 WI C8 +49 14 5 PR E16 +49 14 6 OP C0 +49 14 7 WA C4 +49 15 1 WH A0 +49 15 1 WH A1 +49 15 1 WH A2 +49 15 1 WH A3 +49 15 1 WH A4 +49 15 1 WH A5 +49 15 1 WH A6 +49 15 1 WH A7 +49 15 1 WH A8 +49 15 1 WH A9 +49 15 1 WH A10 +49 15 1 WH A11 +49 15 1 WH A12 +49 15 1 WH A13 +49 15 1 WH A14 +49 15 1 WH A15 +49 15 1 WH A16 +49 15 1 WH A17 +49 15 1 WH A18 +49 15 1 WH A19 +49 15 1 WH A20 +49 15 1 WH A21 +49 15 1 WH A22 +49 15 1 WH A23 +49 15 1 WH A24 +49 15 1 WH A25 +49 15 1 WH A26 +49 15 1 WH A27 +49 15 1 WH A28 +49 15 1 WH A29 +49 15 1 WH A30 +49 15 1 WH A31 +49 15 1 WH A32 +49 15 1 WH A33 +49 15 1 WH A34 +49 15 1 WH A35 +49 15 1 WH A36 +49 15 1 WH A37 +49 15 1 WH A38 +49 15 1 WH A39 +49 15 1 WH A40 +49 15 2 YW J0 +49 15 2 YW J1 +49 15 2 YW J2 +49 15 2 YW J3 +49 15 2 YW J4 +49 15 2 YW J5 +49 15 2 YW J6 +49 15 2 YW J7 +49 15 2 YW J8 +49 15 2 YW J9 +49 15 2 YW J10 +49 15 2 YW J11 +49 15 2 YW J12 +49 15 2 YW J13 +49 15 2 YW J14 +49 15 2 YW J15 +49 15 2 YW J16 +49 15 2 YW J17 +49 15 2 YW J18 +49 15 2 YW J19 +49 15 2 YW J20 +49 15 2 YW J21 +49 15 2 YW J22 +49 15 2 YW J23 +49 15 2 YW J24 +49 15 2 YW J25 +49 15 2 YW J26 +49 15 2 YW J27 +49 15 2 YW J28 +49 15 2 YW J29 +49 15 2 YW J30 +49 15 2 YW J31 +49 15 2 YW J32 +49 15 2 YW J33 +49 15 2 YW J34 +49 15 2 YW J35 +49 15 2 YW J36 +49 15 2 YW J37 +49 15 2 YW J38 +49 15 2 YW J39 +49 15 2 YW J40 +49 15 3 PA G1 +49 15 4 WI C12 +49 15 5 PR F17 +49 15 6 OP E5 +49 15 7 WI C12 +49 16 1 WH A0 +49 16 1 WH A1 +49 16 1 WH A2 +49 16 1 WH A3 +49 16 1 WH A4 +49 16 1 WH A5 +49 16 1 WH A6 +49 16 1 WH A7 +49 16 1 WH A8 +49 16 1 WH A9 +49 16 1 WH A10 +49 16 1 WH A11 +49 16 1 WH A12 +49 16 1 WH A13 +49 16 1 WH A14 +49 16 1 WH A15 +49 16 1 WH A16 +49 16 1 WH A17 +49 16 1 WH A18 +49 16 1 WH A19 +49 16 1 WH A20 +49 16 1 WH A21 +49 16 1 WH A22 +49 16 1 WH A23 +49 16 1 WH A24 +49 16 1 WH A25 +49 16 1 WH A26 +49 16 1 WH A27 +49 16 1 WH A28 +49 16 1 WH A29 +49 16 1 WH A30 +49 16 1 WH A31 +49 16 1 WH A32 +49 16 1 WH A33 +49 16 1 WH A34 +49 16 1 WH A35 +49 16 1 WH A36 +49 16 1 WH A37 +49 16 1 WH A38 +49 16 1 WH A39 +49 16 1 WH A40 +49 16 2 YW J0 +49 16 2 YW J1 +49 16 2 YW J2 +49 16 2 YW J3 +49 16 2 YW J4 +49 16 2 YW J5 +49 16 2 YW J6 +49 16 2 YW J7 +49 16 2 YW J8 +49 16 2 YW J9 +49 16 2 YW J10 +49 16 2 YW J11 +49 16 2 YW J12 +49 16 2 YW J13 +49 16 2 YW J14 +49 16 2 YW J15 +49 16 2 YW J16 +49 16 2 YW J17 +49 16 2 YW J18 +49 16 2 YW J19 +49 16 2 YW J20 +49 16 2 YW J21 +49 16 2 YW J22 +49 16 2 YW J23 +49 16 2 YW J24 +49 16 2 YW J25 +49 16 2 YW J26 +49 16 2 YW J27 +49 16 2 YW J28 +49 16 2 YW J29 +49 16 2 YW J30 +49 16 2 YW J31 +49 16 2 YW J32 +49 16 2 YW J33 +49 16 2 YW J34 +49 16 2 YW J35 +49 16 2 YW J36 +49 16 2 YW J37 +49 16 2 YW J38 +49 16 2 YW J39 +49 16 2 YW J40 +49 16 3 PA H40 +49 16 4 WI B12 +49 16 5 PR F19 +49 16 6 OP B4 +49 17 1 WH A0 +49 17 1 WH A1 +49 17 1 WH A2 +49 17 1 WH A3 +49 17 1 WH A4 +49 17 1 WH A5 +49 17 1 WH A6 +49 17 1 WH A7 +49 17 1 WH A8 +49 17 1 WH A9 +49 17 1 WH A10 +49 17 1 WH A11 +49 17 1 WH A12 +49 17 1 WH A13 +49 17 1 WH A14 +49 17 1 WH A15 +49 17 1 WH A16 +49 17 1 WH A17 +49 17 1 WH A18 +49 17 1 WH A19 +49 17 1 WH A20 +49 17 1 WH A21 +49 17 1 WH A22 +49 17 1 WH A23 +49 17 1 WH A24 +49 17 1 WH A25 +49 17 1 WH A26 +49 17 1 WH A27 +49 17 1 WH A28 +49 17 1 WH A29 +49 17 1 WH A30 +49 17 1 WH A31 +49 17 1 WH A32 +49 17 1 WH A33 +49 17 1 WH A34 +49 17 1 WH A35 +49 17 1 WH A36 +49 17 1 WH A37 +49 17 1 WH A38 +49 17 1 WH A39 +49 17 1 WH A40 +49 17 2 YW J0 +49 17 2 YW J1 +49 17 2 YW J2 +49 17 2 YW J3 +49 17 2 YW J4 +49 17 2 YW J5 +49 17 2 YW J6 +49 17 2 YW J7 +49 17 2 YW J8 +49 17 2 YW J9 +49 17 2 YW J10 +49 17 2 YW J11 +49 17 2 YW J12 +49 17 2 YW J13 +49 17 2 YW J14 +49 17 2 YW J15 +49 17 2 YW J16 +49 17 2 YW J17 +49 17 2 YW J18 +49 17 2 YW J19 +49 17 2 YW J20 +49 17 2 YW J21 +49 17 2 YW J22 +49 17 2 YW J23 +49 17 2 YW J24 +49 17 2 YW J25 +49 17 2 YW J26 +49 17 2 YW J27 +49 17 2 YW J28 +49 17 2 YW J29 +49 17 2 YW J30 +49 17 2 YW J31 +49 17 2 YW J32 +49 17 2 YW J33 +49 17 2 YW J34 +49 17 2 YW J35 +49 17 2 YW J36 +49 17 2 YW J37 +49 17 2 YW J38 +49 17 2 YW J39 +49 17 2 YW J40 +49 17 3 PA G3 +49 17 4 WI B12 +49 17 5 PR G18 +49 17 6 OP B8 +49 17 7 WA C5 +49 18 1 WH A0 +49 18 1 WH A1 +49 18 1 WH A2 +49 18 1 WH A3 +49 18 1 WH A4 +49 18 1 WH A5 +49 18 1 WH A6 +49 18 1 WH A7 +49 18 1 WH A8 +49 18 1 WH A9 +49 18 1 WH A10 +49 18 1 WH A11 +49 18 1 WH A12 +49 18 1 WH A13 +49 18 1 WH A14 +49 18 1 WH A15 +49 18 1 WH A16 +49 18 1 WH A17 +49 18 1 WH A18 +49 18 1 WH A19 +49 18 1 WH A20 +49 18 1 WH A21 +49 18 1 WH A22 +49 18 1 WH A23 +49 18 1 WH A24 +49 18 1 WH A25 +49 18 1 WH A26 +49 18 1 WH A27 +49 18 1 WH A28 +49 18 1 WH A29 +49 18 1 WH A30 +49 18 1 WH A31 +49 18 1 WH A32 +49 18 1 WH A33 +49 18 1 WH A34 +49 18 1 WH A35 +49 18 1 WH A36 +49 18 1 WH A37 +49 18 1 WH A38 +49 18 1 WH A39 +49 18 1 WH A40 +49 18 2 YW J0 +49 18 2 YW J1 +49 18 2 YW J2 +49 18 2 YW J3 +49 18 2 YW J4 +49 18 2 YW J5 +49 18 2 YW J6 +49 18 2 YW J7 +49 18 2 YW J8 +49 18 2 YW J9 +49 18 2 YW J10 +49 18 2 YW J11 +49 18 2 YW J12 +49 18 2 YW J13 +49 18 2 YW J14 +49 18 2 YW J15 +49 18 2 YW J16 +49 18 2 YW J17 +49 18 2 YW J18 +49 18 2 YW J19 +49 18 2 YW J20 +49 18 2 YW J21 +49 18 2 YW J22 +49 18 2 YW J23 +49 18 2 YW J24 +49 18 2 YW J25 +49 18 2 YW J26 +49 18 2 YW J27 +49 18 2 YW J28 +49 18 2 YW J29 +49 18 2 YW J30 +49 18 2 YW J31 +49 18 2 YW J32 +49 18 2 YW J33 +49 18 2 YW J34 +49 18 2 YW J35 +49 18 2 YW J36 +49 18 2 YW J37 +49 18 2 YW J38 +49 18 2 YW J39 +49 18 2 YW J40 +49 18 3 PA H2 +49 18 4 WI C10 +49 18 5 PR F20 +49 18 6 OP B4 +49 18 7 SI C7 +49 18 8 WA B2 +49 19 1 WH A0 +49 19 1 WH A1 +49 19 1 WH A2 +49 19 1 WH A3 +49 19 1 WH A4 +49 19 1 WH A5 +49 19 1 WH A6 +49 19 1 WH A7 +49 19 1 WH A8 +49 19 1 WH A9 +49 19 1 WH A10 +49 19 1 WH A11 +49 19 1 WH A12 +49 19 1 WH A13 +49 19 1 WH A14 +49 19 1 WH A15 +49 19 1 WH A16 +49 19 1 WH A17 +49 19 1 WH A18 +49 19 1 WH A19 +49 19 1 WH A20 +49 19 1 WH A21 +49 19 1 WH A22 +49 19 1 WH A23 +49 19 1 WH A24 +49 19 1 WH A25 +49 19 1 WH A26 +49 19 1 WH A27 +49 19 1 WH A28 +49 19 1 WH A29 +49 19 1 WH A30 +49 19 1 WH A31 +49 19 1 WH A32 +49 19 1 WH A33 +49 19 1 WH A34 +49 19 1 WH A35 +49 19 1 WH A36 +49 19 1 WH A37 +49 19 1 WH A38 +49 19 1 WH A39 +49 19 1 WH A40 +49 19 2 YW J0 +49 19 2 YW J1 +49 19 2 YW J2 +49 19 2 YW J3 +49 19 2 YW J4 +49 19 2 YW J5 +49 19 2 YW J6 +49 19 2 YW J7 +49 19 2 YW J8 +49 19 2 YW J9 +49 19 2 YW J10 +49 19 2 YW J11 +49 19 2 YW J12 +49 19 2 YW J13 +49 19 2 YW J14 +49 19 2 YW J15 +49 19 2 YW J16 +49 19 2 YW J17 +49 19 2 YW J18 +49 19 2 YW J19 +49 19 2 YW J20 +49 19 2 YW J21 +49 19 2 YW J22 +49 19 2 YW J23 +49 19 2 YW J24 +49 19 2 YW J25 +49 19 2 YW J26 +49 19 2 YW J27 +49 19 2 YW J28 +49 19 2 YW J29 +49 19 2 YW J30 +49 19 2 YW J31 +49 19 2 YW J32 +49 19 2 YW J33 +49 19 2 YW J34 +49 19 2 YW J35 +49 19 2 YW J36 +49 19 2 YW J37 +49 19 2 YW J38 +49 19 2 YW J39 +49 19 2 YW J40 +49 19 3 PA H4 +49 19 4 WI C9 +49 19 5 PR F23 +49 19 6 OP D38 +49 20 1 WH A0 +49 20 1 WH A1 +49 20 1 WH A2 +49 20 1 WH A3 +49 20 1 WH A4 +49 20 1 WH A5 +49 20 1 WH A6 +49 20 1 WH A7 +49 20 1 WH A8 +49 20 1 WH A9 +49 20 1 WH A10 +49 20 1 WH A11 +49 20 1 WH A12 +49 20 1 WH A13 +49 20 1 WH A14 +49 20 1 WH A15 +49 20 1 WH A16 +49 20 1 WH A17 +49 20 1 WH A18 +49 20 1 WH A19 +49 20 1 WH A20 +49 20 1 WH A21 +49 20 1 WH A22 +49 20 1 WH A23 +49 20 1 WH A24 +49 20 1 WH A25 +49 20 1 WH A26 +49 20 1 WH A27 +49 20 1 WH A28 +49 20 1 WH A29 +49 20 1 WH A30 +49 20 1 WH A31 +49 20 1 WH A32 +49 20 1 WH A33 +49 20 1 WH A34 +49 20 1 WH A35 +49 20 1 WH A36 +49 20 1 WH A37 +49 20 1 WH A38 +49 20 1 WH A39 +49 20 1 WH A40 +49 20 2 YW J0 +49 20 2 YW J1 +49 20 2 YW J2 +49 20 2 YW J3 +49 20 2 YW J4 +49 20 2 YW J5 +49 20 2 YW J6 +49 20 2 YW J7 +49 20 2 YW J8 +49 20 2 YW J9 +49 20 2 YW J10 +49 20 2 YW J11 +49 20 2 YW J12 +49 20 2 YW J13 +49 20 2 YW J14 +49 20 2 YW J15 +49 20 2 YW J16 +49 20 2 YW J17 +49 20 2 YW J18 +49 20 2 YW J19 +49 20 2 YW J20 +49 20 2 YW J21 +49 20 2 YW J22 +49 20 2 YW J23 +49 20 2 YW J24 +49 20 2 YW J25 +49 20 2 YW J26 +49 20 2 YW J27 +49 20 2 YW J28 +49 20 2 YW J29 +49 20 2 YW J30 +49 20 2 YW J31 +49 20 2 YW J32 +49 20 2 YW J33 +49 20 2 YW J34 +49 20 2 YW J35 +49 20 2 YW J36 +49 20 2 YW J37 +49 20 2 YW J38 +49 20 2 YW J39 +49 20 2 YW J40 +49 20 3 PA F2 +49 20 4 WI C10 +49 20 5 PR E27 +49 20 6 SU D6 +49 21 1 WH A0 +49 21 1 WH A1 +49 21 1 WH A2 +49 21 1 WH A3 +49 21 1 WH A4 +49 21 1 WH A5 +49 21 1 WH A6 +49 21 1 WH A7 +49 21 1 WH A8 +49 21 1 WH A9 +49 21 1 WH A10 +49 21 1 WH A11 +49 21 1 WH A12 +49 21 1 WH A13 +49 21 1 WH A14 +49 21 1 WH A15 +49 21 1 WH A16 +49 21 1 WH A17 +49 21 1 WH A18 +49 21 1 WH A19 +49 21 1 WH A20 +49 21 1 WH A21 +49 21 1 WH A22 +49 21 1 WH A23 +49 21 1 WH A24 +49 21 1 WH A25 +49 21 1 WH A26 +49 21 1 WH A27 +49 21 1 WH A28 +49 21 1 WH A29 +49 21 1 WH A30 +49 21 1 WH A31 +49 21 1 WH A32 +49 21 1 WH A33 +49 21 1 WH A34 +49 21 1 WH A35 +49 21 1 WH A36 +49 21 1 WH A37 +49 21 1 WH A38 +49 21 1 WH A39 +49 21 1 WH A40 +49 21 2 YW J0 +49 21 2 YW J1 +49 21 2 YW J2 +49 21 2 YW J3 +49 21 2 YW J4 +49 21 2 YW J5 +49 21 2 YW J6 +49 21 2 YW J7 +49 21 2 YW J8 +49 21 2 YW J9 +49 21 2 YW J10 +49 21 2 YW J11 +49 21 2 YW J12 +49 21 2 YW J13 +49 21 2 YW J14 +49 21 2 YW J15 +49 21 2 YW J16 +49 21 2 YW J17 +49 21 2 YW J18 +49 21 2 YW J19 +49 21 2 YW J20 +49 21 2 YW J21 +49 21 2 YW J22 +49 21 2 YW J23 +49 21 2 YW J24 +49 21 2 YW J25 +49 21 2 YW J26 +49 21 2 YW J27 +49 21 2 YW J28 +49 21 2 YW J29 +49 21 2 YW J30 +49 21 2 YW J31 +49 21 2 YW J32 +49 21 2 YW J33 +49 21 2 YW J34 +49 21 2 YW J35 +49 21 2 YW J36 +49 21 2 YW J37 +49 21 2 YW J38 +49 21 2 YW J39 +49 21 2 YW J40 +49 21 3 PA F4 +49 21 3 PA H38 +49 21 4 WI C9 +49 21 5 PR E27 +49 21 6 OP B6 +49 21 7 WA B38 +49 22 1 WH A0 +49 22 1 WH A1 +49 22 1 WH A2 +49 22 1 WH A3 +49 22 1 WH A4 +49 22 1 WH A5 +49 22 1 WH A6 +49 22 1 WH A7 +49 22 1 WH A8 +49 22 1 WH A9 +49 22 1 WH A10 +49 22 1 WH A11 +49 22 1 WH A12 +49 22 1 WH A13 +49 22 1 WH A14 +49 22 1 WH A15 +49 22 1 WH A16 +49 22 1 WH A17 +49 22 1 WH A18 +49 22 1 WH A19 +49 22 1 WH A20 +49 22 1 WH A21 +49 22 1 WH A22 +49 22 1 WH A23 +49 22 1 WH A24 +49 22 1 WH A25 +49 22 1 WH A26 +49 22 1 WH A27 +49 22 1 WH A28 +49 22 1 WH A29 +49 22 1 WH A30 +49 22 1 WH A31 +49 22 1 WH A32 +49 22 1 WH A33 +49 22 1 WH A34 +49 22 1 WH A35 +49 22 1 WH A36 +49 22 1 WH A37 +49 22 1 WH A38 +49 22 1 WH A39 +49 22 1 WH A40 +49 22 2 YW J0 +49 22 2 YW J1 +49 22 2 YW J2 +49 22 2 YW J3 +49 22 2 YW J4 +49 22 2 YW J5 +49 22 2 YW J6 +49 22 2 YW J7 +49 22 2 YW J8 +49 22 2 YW J9 +49 22 2 YW J10 +49 22 2 YW J11 +49 22 2 YW J12 +49 22 2 YW J13 +49 22 2 YW J14 +49 22 2 YW J15 +49 22 2 YW J16 +49 22 2 YW J17 +49 22 2 YW J18 +49 22 2 YW J19 +49 22 2 YW J20 +49 22 2 YW J21 +49 22 2 YW J22 +49 22 2 YW J23 +49 22 2 YW J24 +49 22 2 YW J25 +49 22 2 YW J26 +49 22 2 YW J27 +49 22 2 YW J28 +49 22 2 YW J29 +49 22 2 YW J30 +49 22 2 YW J31 +49 22 2 YW J32 +49 22 2 YW J33 +49 22 2 YW J34 +49 22 2 YW J35 +49 22 2 YW J36 +49 22 2 YW J37 +49 22 2 YW J38 +49 22 2 YW J39 +49 22 2 YW J40 +49 22 3 PA G4 +49 22 4 WI C10 +49 22 5 PR F20 +49 22 6 OP B27 +49 22 7 SI C2 +49 23 1 WH A0 +49 23 1 WH A1 +49 23 1 WH A2 +49 23 1 WH A3 +49 23 1 WH A4 +49 23 1 WH A5 +49 23 1 WH A6 +49 23 1 WH A7 +49 23 1 WH A8 +49 23 1 WH A9 +49 23 1 WH A10 +49 23 1 WH A11 +49 23 1 WH A12 +49 23 1 WH A13 +49 23 1 WH A14 +49 23 1 WH A15 +49 23 1 WH A16 +49 23 1 WH A17 +49 23 1 WH A18 +49 23 1 WH A19 +49 23 1 WH A20 +49 23 1 WH A21 +49 23 1 WH A22 +49 23 1 WH A23 +49 23 1 WH A24 +49 23 1 WH A25 +49 23 1 WH A26 +49 23 1 WH A27 +49 23 1 WH A28 +49 23 1 WH A29 +49 23 1 WH A30 +49 23 1 WH A31 +49 23 1 WH A32 +49 23 1 WH A33 +49 23 1 WH A34 +49 23 1 WH A35 +49 23 1 WH A36 +49 23 1 WH A37 +49 23 1 WH A38 +49 23 1 WH A39 +49 23 1 WH A40 +49 23 2 YW J0 +49 23 2 YW J1 +49 23 2 YW J2 +49 23 2 YW J3 +49 23 2 YW J4 +49 23 2 YW J5 +49 23 2 YW J6 +49 23 2 YW J7 +49 23 2 YW J8 +49 23 2 YW J9 +49 23 2 YW J10 +49 23 2 YW J11 +49 23 2 YW J12 +49 23 2 YW J13 +49 23 2 YW J14 +49 23 2 YW J15 +49 23 2 YW J16 +49 23 2 YW J17 +49 23 2 YW J18 +49 23 2 YW J19 +49 23 2 YW J20 +49 23 2 YW J21 +49 23 2 YW J22 +49 23 2 YW J23 +49 23 2 YW J24 +49 23 2 YW J25 +49 23 2 YW J26 +49 23 2 YW J27 +49 23 2 YW J28 +49 23 2 YW J29 +49 23 2 YW J30 +49 23 2 YW J31 +49 23 2 YW J32 +49 23 2 YW J33 +49 23 2 YW J34 +49 23 2 YW J35 +49 23 2 YW J36 +49 23 2 YW J37 +49 23 2 YW J38 +49 23 2 YW J39 +49 23 2 YW J40 +49 23 3 PA G40 +49 23 4 WI C8 +49 23 5 PR F29 +49 23 6 OP C3 +49 24 1 WH A0 +49 24 1 WH A1 +49 24 1 WH A2 +49 24 1 WH A3 +49 24 1 WH A4 +49 24 1 WH A5 +49 24 1 WH A6 +49 24 1 WH A7 +49 24 1 WH A8 +49 24 1 WH A9 +49 24 1 WH A10 +49 24 1 WH A11 +49 24 1 WH A12 +49 24 1 WH A13 +49 24 1 WH A14 +49 24 1 WH A15 +49 24 1 WH A16 +49 24 1 WH A17 +49 24 1 WH A18 +49 24 1 WH A19 +49 24 1 WH A20 +49 24 1 WH A21 +49 24 1 WH A22 +49 24 1 WH A23 +49 24 1 WH A24 +49 24 1 WH A25 +49 24 1 WH A26 +49 24 1 WH A27 +49 24 1 WH A28 +49 24 1 WH A29 +49 24 1 WH A30 +49 24 1 WH A31 +49 24 1 WH A32 +49 24 1 WH A33 +49 24 1 WH A34 +49 24 1 WH A35 +49 24 1 WH A36 +49 24 1 WH A37 +49 24 1 WH A38 +49 24 1 WH A39 +49 24 1 WH A40 +49 24 2 YW J0 +49 24 2 YW J1 +49 24 2 YW J2 +49 24 2 YW J3 +49 24 2 YW J4 +49 24 2 YW J5 +49 24 2 YW J6 +49 24 2 YW J7 +49 24 2 YW J8 +49 24 2 YW J9 +49 24 2 YW J10 +49 24 2 YW J11 +49 24 2 YW J12 +49 24 2 YW J13 +49 24 2 YW J14 +49 24 2 YW J15 +49 24 2 YW J16 +49 24 2 YW J17 +49 24 2 YW J18 +49 24 2 YW J19 +49 24 2 YW J20 +49 24 2 YW J21 +49 24 2 YW J22 +49 24 2 YW J23 +49 24 2 YW J24 +49 24 2 YW J25 +49 24 2 YW J26 +49 24 2 YW J27 +49 24 2 YW J28 +49 24 2 YW J29 +49 24 2 YW J30 +49 24 2 YW J31 +49 24 2 YW J32 +49 24 2 YW J33 +49 24 2 YW J34 +49 24 2 YW J35 +49 24 2 YW J36 +49 24 2 YW J37 +49 24 2 YW J38 +49 24 2 YW J39 +49 24 2 YW J40 +49 24 3 PA G1 +49 24 4 SH D8 +49 24 5 WI D9 +49 24 6 PR F17 +49 24 7 OP C13 +49 24 8 WA B29 +49 25 1 WH A0 +49 25 1 WH A1 +49 25 1 WH A2 +49 25 1 WH A3 +49 25 1 WH A4 +49 25 1 WH A5 +49 25 1 WH A6 +49 25 1 WH A7 +49 25 1 WH A8 +49 25 1 WH A9 +49 25 1 WH A10 +49 25 1 WH A11 +49 25 1 WH A12 +49 25 1 WH A13 +49 25 1 WH A14 +49 25 1 WH A15 +49 25 1 WH A16 +49 25 1 WH A17 +49 25 1 WH A18 +49 25 1 WH A19 +49 25 1 WH A20 +49 25 1 WH A21 +49 25 1 WH A22 +49 25 1 WH A23 +49 25 1 WH A24 +49 25 1 WH A25 +49 25 1 WH A26 +49 25 1 WH A27 +49 25 1 WH A28 +49 25 1 WH A29 +49 25 1 WH A30 +49 25 1 WH A31 +49 25 1 WH A32 +49 25 1 WH A33 +49 25 1 WH A34 +49 25 1 WH A35 +49 25 1 WH A36 +49 25 1 WH A37 +49 25 1 WH A38 +49 25 1 WH A39 +49 25 1 WH A40 +49 25 2 YW J0 +49 25 2 YW J1 +49 25 2 YW J2 +49 25 2 YW J3 +49 25 2 YW J4 +49 25 2 YW J5 +49 25 2 YW J6 +49 25 2 YW J7 +49 25 2 YW J8 +49 25 2 YW J9 +49 25 2 YW J10 +49 25 2 YW J11 +49 25 2 YW J12 +49 25 2 YW J13 +49 25 2 YW J14 +49 25 2 YW J15 +49 25 2 YW J16 +49 25 2 YW J17 +49 25 2 YW J18 +49 25 2 YW J19 +49 25 2 YW J20 +49 25 2 YW J21 +49 25 2 YW J22 +49 25 2 YW J23 +49 25 2 YW J24 +49 25 2 YW J25 +49 25 2 YW J26 +49 25 2 YW J27 +49 25 2 YW J28 +49 25 2 YW J29 +49 25 2 YW J30 +49 25 2 YW J31 +49 25 2 YW J32 +49 25 2 YW J33 +49 25 2 YW J34 +49 25 2 YW J35 +49 25 2 YW J36 +49 25 2 YW J37 +49 25 2 YW J38 +49 25 2 YW J39 +49 25 2 YW J40 +49 25 3 PA F39 +49 25 4 WI C8 +49 25 5 PR F20 +49 25 6 OP G5 +49 25 7 WA B23 +50 1 1 J G3 +50 1 2 L E8 +50 1 3 S G17 +50 1 4 P A0 +50 1 4 P A1 +50 1 4 P A2 +50 1 4 P A3 +50 1 4 P A4 +50 1 4 P A5 +50 1 4 P A6 +50 1 4 P A7 +50 1 4 P A8 +50 1 4 P A9 +50 1 4 P A10 +50 1 4 P A11 +50 1 4 P A12 +50 1 4 P A13 +50 1 4 P A14 +50 1 4 P A15 +50 1 4 P A16 +50 1 4 P A17 +50 1 4 P A18 +50 1 4 P A19 +50 1 4 P A20 +50 1 4 P A21 +50 1 4 P A22 +50 1 4 P A23 +50 1 4 P A24 +50 1 4 P A25 +50 1 4 P A26 +50 1 4 P A27 +50 1 4 P A28 +50 1 4 P A29 +50 1 4 P A30 +50 1 4 P A31 +50 1 4 P A32 +50 1 4 P A33 +50 1 4 P A34 +50 1 4 P A35 +50 1 4 P A36 +50 1 4 P A37 +50 1 4 P A38 +50 1 4 P A39 +50 1 4 P A40 +50 1 5 E J0 +50 1 5 E J1 +50 1 5 E J2 +50 1 5 E J3 +50 1 5 E J4 +50 1 5 E J5 +50 1 5 E J6 +50 1 5 E J7 +50 1 5 E J8 +50 1 5 E J9 +50 1 5 E J10 +50 1 5 E J11 +50 1 5 E J12 +50 1 5 E J13 +50 1 5 E J14 +50 1 5 E J15 +50 1 5 E J16 +50 1 5 E J17 +50 1 5 E J18 +50 1 5 E J19 +50 1 5 E J20 +50 1 5 E J21 +50 1 5 E J22 +50 1 5 E J23 +50 1 5 E J24 +50 1 5 E J25 +50 1 5 E J26 +50 1 5 E J27 +50 1 5 E J28 +50 1 5 E J29 +50 1 5 E J30 +50 1 5 E J31 +50 1 5 E J32 +50 1 5 E J33 +50 1 5 E J34 +50 1 5 E J35 +50 1 5 E J36 +50 1 5 E J37 +50 1 5 E J38 +50 1 5 E J39 +50 1 5 E J40 +50 2 1 J G3 +50 2 2 L C8 +50 2 2 L C9 +50 2 3 P A0 +50 2 3 P A1 +50 2 3 P A2 +50 2 3 P A3 +50 2 3 P A4 +50 2 3 P A5 +50 2 3 P A6 +50 2 3 P A7 +50 2 3 P A8 +50 2 3 P A9 +50 2 3 P A10 +50 2 3 P A11 +50 2 3 P A12 +50 2 3 P A13 +50 2 3 P A14 +50 2 3 P A15 +50 2 3 P A16 +50 2 3 P A17 +50 2 3 P A18 +50 2 3 P A19 +50 2 3 P A20 +50 2 3 P A21 +50 2 3 P A22 +50 2 3 P A23 +50 2 3 P A24 +50 2 3 P A25 +50 2 3 P A26 +50 2 3 P A27 +50 2 3 P A28 +50 2 3 P A29 +50 2 3 P A30 +50 2 3 P A31 +50 2 3 P A32 +50 2 3 P A33 +50 2 3 P A34 +50 2 3 P A35 +50 2 3 P A36 +50 2 3 P A37 +50 2 3 P A38 +50 2 3 P A39 +50 2 3 P A40 +50 2 4 S D18 +50 2 4 S D19 +50 2 4 S D20 +50 2 4 S D21 +50 2 4 S D22 +50 2 4 S D23 +50 2 4 S D24 +50 2 4 S D25 +50 2 4 S D26 +50 2 4 S D27 +50 2 4 S D28 +50 2 4 S D29 +50 2 4 S D30 +50 2 4 S D31 +50 2 4 S E18 +50 2 4 S E19 +50 2 4 S E20 +50 2 4 S E21 +50 2 4 S E22 +50 2 4 S E23 +50 2 4 S E24 +50 2 4 S E25 +50 2 4 S E26 +50 2 4 S E27 +50 2 4 S E28 +50 2 4 S E29 +50 2 4 S E30 +50 2 4 S E31 +50 2 4 S F18 +50 2 4 S F19 +50 2 4 S F20 +50 2 4 S F21 +50 2 4 S F22 +50 2 4 S F23 +50 2 4 S F24 +50 2 4 S F25 +50 2 4 S F26 +50 2 4 S F27 +50 2 4 S F28 +50 2 4 S F29 +50 2 4 S F30 +50 2 4 S F31 +50 2 4 S G18 +50 2 4 S G19 +50 2 4 S G20 +50 2 4 S G21 +50 2 4 S G22 +50 2 4 S G23 +50 2 4 S G24 +50 2 4 S G25 +50 2 4 S G26 +50 2 4 S G27 +50 2 4 S G28 +50 2 4 S G29 +50 2 4 S G30 +50 2 4 S G31 +50 2 5 E J0 +50 2 5 E J1 +50 2 5 E J2 +50 2 5 E J3 +50 2 5 E J4 +50 2 5 E J5 +50 2 5 E J6 +50 2 5 E J7 +50 2 5 E J8 +50 2 5 E J9 +50 2 5 E J10 +50 2 5 E J11 +50 2 5 E J12 +50 2 5 E J13 +50 2 5 E J14 +50 2 5 E J15 +50 2 5 E J16 +50 2 5 E J17 +50 2 5 E J18 +50 2 5 E J19 +50 2 5 E J20 +50 2 5 E J21 +50 2 5 E J22 +50 2 5 E J23 +50 2 5 E J24 +50 2 5 E J25 +50 2 5 E J26 +50 2 5 E J27 +50 2 5 E J28 +50 2 5 E J29 +50 2 5 E J30 +50 2 5 E J31 +50 2 5 E J32 +50 2 5 E J33 +50 2 5 E J34 +50 2 5 E J35 +50 2 5 E J36 +50 2 5 E J37 +50 2 5 E J38 +50 2 5 E J39 +50 2 5 E J40 +50 3 1 J F4 +50 3 2 L D6 +50 3 3 P A0 +50 3 3 P A1 +50 3 3 P A2 +50 3 3 P A3 +50 3 3 P A4 +50 3 3 P A5 +50 3 3 P A6 +50 3 3 P A7 +50 3 3 P A8 +50 3 3 P A9 +50 3 3 P A10 +50 3 3 P A11 +50 3 3 P A12 +50 3 3 P A13 +50 3 3 P A14 +50 3 3 P A15 +50 3 3 P A16 +50 3 3 P A17 +50 3 3 P A18 +50 3 3 P A19 +50 3 3 P A20 +50 3 3 P A21 +50 3 3 P A22 +50 3 3 P A23 +50 3 3 P A24 +50 3 3 P A25 +50 3 3 P A26 +50 3 3 P A27 +50 3 3 P A28 +50 3 3 P A29 +50 3 3 P A30 +50 3 3 P A31 +50 3 3 P A32 +50 3 3 P A33 +50 3 3 P A34 +50 3 3 P A35 +50 3 3 P A36 +50 3 3 P A37 +50 3 3 P A38 +50 3 3 P A39 +50 3 3 P A40 +50 3 4 S E17 +50 3 4 S E18 +50 3 4 S E19 +50 3 4 S E20 +50 3 4 S E21 +50 3 4 S E22 +50 3 4 S E23 +50 3 4 S E24 +50 3 4 S E25 +50 3 4 S E26 +50 3 4 S E27 +50 3 4 S E28 +50 3 4 S E29 +50 3 4 S E30 +50 3 4 S F17 +50 3 4 S F18 +50 3 4 S F19 +50 3 4 S F20 +50 3 4 S F21 +50 3 4 S F22 +50 3 4 S F23 +50 3 4 S F24 +50 3 4 S F25 +50 3 4 S F26 +50 3 4 S F27 +50 3 4 S F28 +50 3 4 S F29 +50 3 4 S F30 +50 3 4 S G17 +50 3 4 S G18 +50 3 4 S G19 +50 3 4 S G20 +50 3 4 S G21 +50 3 4 S G22 +50 3 4 S G23 +50 3 4 S G24 +50 3 4 S G25 +50 3 4 S G26 +50 3 4 S G27 +50 3 4 S G28 +50 3 4 S G29 +50 3 4 S G30 +50 3 4 S H17 +50 3 4 S H18 +50 3 4 S H19 +50 3 4 S H20 +50 3 4 S H21 +50 3 4 S H22 +50 3 4 S H23 +50 3 4 S H24 +50 3 4 S H25 +50 3 4 S H26 +50 3 4 S H27 +50 3 4 S H28 +50 3 4 S H29 +50 3 4 S H30 +50 3 5 E J0 +50 3 5 E J1 +50 3 5 E J2 +50 3 5 E J3 +50 3 5 E J4 +50 3 5 E J5 +50 3 5 E J6 +50 3 5 E J7 +50 3 5 E J8 +50 3 5 E J9 +50 3 5 E J10 +50 3 5 E J11 +50 3 5 E J12 +50 3 5 E J13 +50 3 5 E J14 +50 3 5 E J15 +50 3 5 E J16 +50 3 5 E J17 +50 3 5 E J18 +50 3 5 E J19 +50 3 5 E J20 +50 3 5 E J21 +50 3 5 E J22 +50 3 5 E J23 +50 3 5 E J24 +50 3 5 E J25 +50 3 5 E J26 +50 3 5 E J27 +50 3 5 E J28 +50 3 5 E J29 +50 3 5 E J30 +50 3 5 E J31 +50 3 5 E J32 +50 3 5 E J33 +50 3 5 E J34 +50 3 5 E J35 +50 3 5 E J36 +50 3 5 E J37 +50 3 5 E J38 +50 3 5 E J39 +50 3 5 E J40 +50 4 1 J G3 +50 4 2 P A0 +50 4 2 P A1 +50 4 2 P A2 +50 4 2 P A3 +50 4 2 P A4 +50 4 2 P A5 +50 4 2 P A6 +50 4 2 P A7 +50 4 2 P A8 +50 4 2 P A9 +50 4 2 P A10 +50 4 2 P A11 +50 4 2 P A12 +50 4 2 P A13 +50 4 2 P A14 +50 4 2 P A15 +50 4 2 P A16 +50 4 2 P A17 +50 4 2 P A18 +50 4 2 P A19 +50 4 2 P A20 +50 4 2 P A21 +50 4 2 P A22 +50 4 2 P A23 +50 4 2 P A24 +50 4 2 P A25 +50 4 2 P A26 +50 4 2 P A27 +50 4 2 P A28 +50 4 2 P A29 +50 4 2 P A30 +50 4 2 P A31 +50 4 2 P A32 +50 4 2 P A33 +50 4 2 P A34 +50 4 2 P A35 +50 4 2 P A36 +50 4 2 P A37 +50 4 2 P A38 +50 4 2 P A39 +50 4 2 P A40 +50 4 3 L C9 +50 4 4 S F29 +50 4 5 E J0 +50 4 5 E J1 +50 4 5 E J2 +50 4 5 E J3 +50 4 5 E J4 +50 4 5 E J5 +50 4 5 E J6 +50 4 5 E J7 +50 4 5 E J8 +50 4 5 E J9 +50 4 5 E J10 +50 4 5 E J11 +50 4 5 E J12 +50 4 5 E J13 +50 4 5 E J14 +50 4 5 E J15 +50 4 5 E J16 +50 4 5 E J17 +50 4 5 E J18 +50 4 5 E J19 +50 4 5 E J20 +50 4 5 E J21 +50 4 5 E J22 +50 4 5 E J23 +50 4 5 E J24 +50 4 5 E J25 +50 4 5 E J26 +50 4 5 E J27 +50 4 5 E J28 +50 4 5 E J29 +50 4 5 E J30 +50 4 5 E J31 +50 4 5 E J32 +50 4 5 E J33 +50 4 5 E J34 +50 4 5 E J35 +50 4 5 E J36 +50 4 5 E J37 +50 4 5 E J38 +50 4 5 E J39 +50 4 5 E J40 +50 5 1 J G2 +50 5 2 P A8 +50 5 3 L C13 +50 5 4 S H19 +50 5 5 E J6 +50 5 6 T I10 +50 6 1 J G2 +50 6 2 L F10 +50 6 3 S G23 +50 6 4 P A0 +50 6 4 P A1 +50 6 4 P A2 +50 6 4 P A3 +50 6 4 P A4 +50 6 4 P A5 +50 6 4 P A6 +50 6 4 P A7 +50 6 4 P A8 +50 6 4 P A9 +50 6 4 P A10 +50 6 4 P A11 +50 6 4 P A12 +50 6 4 P A13 +50 6 4 P A14 +50 6 4 P A15 +50 6 4 P A16 +50 6 4 P A17 +50 6 4 P A18 +50 6 4 P A19 +50 6 4 P A20 +50 6 4 P A21 +50 6 4 P A22 +50 6 4 P A23 +50 6 4 P A24 +50 6 4 P A25 +50 6 4 P A26 +50 6 4 P A27 +50 6 4 P A28 +50 6 4 P A29 +50 6 4 P A30 +50 6 4 P A31 +50 6 4 P A32 +50 6 4 P A33 +50 6 4 P A34 +50 6 4 P A35 +50 6 4 P A36 +50 6 4 P A37 +50 6 4 P A38 +50 6 4 P A39 +50 6 4 P A40 +50 6 5 E J0 +50 7 1 J F13 +50 7 1 J H1 +50 7 1 J H2 +50 7 1 J H3 +50 7 2 P A0 +50 7 2 P A1 +50 7 2 P A2 +50 7 2 P A3 +50 7 2 P A4 +50 7 2 P A5 +50 7 2 P A6 +50 7 2 P A7 +50 7 2 P A8 +50 7 2 P A9 +50 7 2 P A10 +50 7 2 P A11 +50 7 2 P A12 +50 7 2 P A13 +50 7 2 P A14 +50 7 2 P A15 +50 7 2 P A16 +50 7 2 P A17 +50 7 2 P A18 +50 7 2 P A19 +50 7 2 P A20 +50 7 2 P A21 +50 7 2 P A22 +50 7 2 P A23 +50 7 2 P A24 +50 7 2 P A25 +50 7 2 P A26 +50 7 2 P A27 +50 7 2 P A28 +50 7 2 P A29 +50 7 2 P A30 +50 7 2 P A31 +50 7 2 P A32 +50 7 2 P A33 +50 7 2 P A34 +50 7 2 P A35 +50 7 2 P A36 +50 7 2 P A37 +50 7 2 P A38 +50 7 2 P A39 +50 7 2 P A40 +50 7 3 L C12 +50 7 3 L C13 +50 7 3 L C14 +50 7 3 L C15 +50 7 3 L D12 +50 7 3 L D13 +50 7 3 L D14 +50 7 3 L D15 +50 7 4 S F28 +50 7 4 S F29 +50 7 4 S G28 +50 7 4 S G29 +50 7 5 JA H12 +50 7 5 JA H13 +50 7 5 JA H14 +50 7 5 JA H15 +50 7 6 E J0 +50 7 6 E J1 +50 7 6 E J2 +50 7 6 E J3 +50 7 6 E J4 +50 7 6 E J5 +50 7 6 E J6 +50 7 6 E J7 +50 7 6 E J8 +50 7 6 E J9 +50 7 6 E J10 +50 7 6 E J11 +50 7 6 E J12 +50 7 6 E J13 +50 7 6 E J14 +50 7 6 E J15 +50 7 6 E J16 +50 7 6 E J17 +50 7 6 E J18 +50 7 6 E J19 +50 7 6 E J20 +50 7 6 E J21 +50 7 6 E J22 +50 7 6 E J23 +50 7 6 E J24 +50 7 6 E J25 +50 7 6 E J26 +50 7 6 E J27 +50 7 6 E J28 +50 7 6 E J29 +50 7 6 E J30 +50 7 6 E J31 +50 7 6 E J32 +50 7 6 E J33 +50 7 6 E J34 +50 7 6 E J35 +50 7 6 E J36 +50 7 6 E J37 +50 7 6 E J38 +50 7 6 E J39 +50 7 6 E J40 +50 7 7 T E0 +50 7 7 T F0 +50 7 7 T G0 +50 7 7 T H0 +50 8 1 J G2 +50 8 2 P A0 +50 8 2 P A1 +50 8 2 P A2 +50 8 2 P A3 +50 8 2 P A4 +50 8 2 P A5 +50 8 2 P A6 +50 8 2 P A7 +50 8 2 P A8 +50 8 2 P A9 +50 8 2 P A10 +50 8 2 P A11 +50 8 2 P A12 +50 8 2 P A13 +50 8 2 P A14 +50 8 2 P A15 +50 8 2 P A16 +50 8 2 P A17 +50 8 2 P A18 +50 8 2 P A19 +50 8 2 P A20 +50 8 2 P A21 +50 8 2 P A22 +50 8 2 P A23 +50 8 2 P A24 +50 8 2 P A25 +50 8 2 P A26 +50 8 2 P A27 +50 8 2 P A28 +50 8 2 P A29 +50 8 2 P A30 +50 8 2 P A31 +50 8 2 P A32 +50 8 2 P A33 +50 8 2 P A34 +50 8 2 P A35 +50 8 2 P A36 +50 8 2 P A37 +50 8 2 P A38 +50 8 2 P A39 +50 8 2 P A40 +50 8 3 L D6 +50 8 4 S H27 +50 8 5 E J0 +50 8 5 E J1 +50 8 5 E J2 +50 8 5 E J3 +50 8 5 E J4 +50 8 5 E J5 +50 8 5 E J6 +50 8 5 E J7 +50 8 5 E J8 +50 8 5 E J9 +50 8 5 E J10 +50 8 5 E J11 +50 8 5 E J12 +50 8 5 E J13 +50 8 5 E J14 +50 8 5 E J15 +50 8 5 E J16 +50 8 5 E J17 +50 8 5 E J18 +50 8 5 E J19 +50 8 5 E J20 +50 8 5 E J21 +50 8 5 E J22 +50 8 5 E J23 +50 8 5 E J24 +50 8 5 E J25 +50 8 5 E J26 +50 8 5 E J27 +50 8 5 E J28 +50 8 5 E J29 +50 8 5 E J30 +50 8 5 E J31 +50 8 5 E J32 +50 8 5 E J33 +50 8 5 E J34 +50 8 5 E J35 +50 8 5 E J36 +50 8 5 E J37 +50 8 5 E J38 +50 8 5 E J39 +50 8 5 E J40 +50 9 1 J H3 +50 9 2 L E8 +50 9 3 P A17 +50 9 3 P A18 +50 9 4 S G19 +50 9 5 T H32 +50 9 6 E J12 +50 9 7 U E0 +50 10 1 J F1 +50 10 1 J F2 +50 10 1 J F3 +50 10 1 J G1 +50 10 1 J G2 +50 10 1 J G3 +50 10 2 P A0 +50 10 2 P A1 +50 10 2 P A2 +50 10 2 P A3 +50 10 2 P A4 +50 10 2 P A5 +50 10 2 P A6 +50 10 2 P A7 +50 10 2 P A8 +50 10 2 P A9 +50 10 2 P A10 +50 10 2 P A11 +50 10 2 P A12 +50 10 2 P A13 +50 10 2 P A14 +50 10 2 P A15 +50 10 2 P A16 +50 10 2 P A17 +50 10 2 P A18 +50 10 2 P A19 +50 10 2 P A20 +50 10 2 P A21 +50 10 2 P A22 +50 10 2 P A23 +50 10 2 P A24 +50 10 2 P A25 +50 10 2 P A26 +50 10 2 P A27 +50 10 2 P A28 +50 10 2 P A29 +50 10 2 P A30 +50 10 2 P A31 +50 10 2 P A32 +50 10 2 P A33 +50 10 2 P A34 +50 10 2 P A35 +50 10 2 P A36 +50 10 2 P A37 +50 10 2 P A38 +50 10 2 P A39 +50 10 2 P A40 +50 10 3 S H27 +50 10 4 L E34 +50 10 4 L E35 +50 10 4 L E36 +50 10 4 L E37 +50 10 4 L E38 +50 10 4 L E39 +50 10 4 L E40 +50 10 4 L F34 +50 10 4 L F35 +50 10 4 L F36 +50 10 5 E J0 +50 10 5 E J1 +50 10 5 E J2 +50 10 5 E J3 +50 10 5 E J4 +50 10 5 E J5 +50 10 5 E J6 +50 10 5 E J7 +50 10 5 E J8 +50 10 5 E J9 +50 10 5 E J10 +50 10 5 E J11 +50 10 5 E J12 +50 10 5 E J13 +50 10 5 E J14 +50 10 5 E J15 +50 10 5 E J16 +50 10 5 E J17 +50 10 5 E J18 +50 10 5 E J19 +50 10 5 E J20 +50 10 5 E J21 +50 10 5 E J22 +50 10 5 E J23 +50 10 5 E J24 +50 10 5 E J25 +50 10 5 E J26 +50 10 5 E J27 +50 10 5 E J28 +50 10 5 E J29 +50 10 5 E J30 +50 10 5 E J31 +50 10 5 E J32 +50 10 5 E J33 +50 10 5 E J34 +50 10 5 E J35 +50 10 5 E J36 +50 10 5 E J37 +50 10 5 E J38 +50 10 5 E J39 +50 10 5 E J40 +51 1 1 T A0 +51 1 1 T A1 +51 1 1 T A2 +51 1 1 T A3 +51 1 1 T A4 +51 1 1 T A5 +51 1 1 T A6 +51 1 1 T A7 +51 1 1 T A8 +51 1 1 T A9 +51 1 1 T A10 +51 1 1 T A11 +51 1 1 T A12 +51 1 1 T A13 +51 1 1 T A14 +51 1 1 T A15 +51 1 1 T A16 +51 1 1 T A17 +51 1 1 T A18 +51 1 1 T A19 +51 1 1 T A20 +51 1 1 T A21 +51 1 1 T A22 +51 1 1 T A23 +51 1 1 T A24 +51 1 1 T A25 +51 1 1 T A26 +51 1 1 T A27 +51 1 1 T A28 +51 1 1 T A29 +51 1 1 T A30 +51 1 1 T A31 +51 1 1 T A32 +51 1 1 T A33 +51 1 1 T A34 +51 1 1 T A35 +51 1 1 T A36 +51 1 1 T A37 +51 1 1 T A38 +51 1 1 T A39 +51 1 1 T A40 +51 1 2 W B8 +51 1 2 W B9 +51 1 2 W B10 +51 1 2 W B11 +51 1 2 W B12 +51 1 2 W B13 +51 1 2 W C8 +51 1 2 W C9 +51 1 2 W C10 +51 1 2 W C11 +51 1 2 W C12 +51 1 2 W C13 +51 1 2 W D8 +51 1 2 W D9 +51 1 2 W D10 +51 1 2 W D11 +51 1 2 W D12 +51 1 2 W D13 +51 1 3 K D15 +51 1 3 K D16 +51 1 3 K D17 +51 1 3 K D18 +51 1 3 K D19 +51 1 3 K D20 +51 1 3 K E15 +51 1 3 K E16 +51 1 3 K E17 +51 1 3 K E18 +51 1 3 K E19 +51 1 3 K E20 +51 1 3 K F15 +51 1 3 K F16 +51 1 3 K F17 +51 1 3 K F18 +51 1 3 K F19 +51 1 3 K F20 +51 1 4 L F36 +51 1 4 L F37 +51 1 4 L F38 +51 1 4 L F39 +51 1 4 L F40 +51 1 4 L G37 +51 1 4 L G38 +51 1 4 L G39 +51 1 4 L G40 +51 1 4 L H37 +51 1 4 L H38 +51 1 4 L H39 +51 1 4 L H40 +51 1 5 M E25 +51 1 5 M E26 +51 1 5 M E27 +51 1 5 M F26 +51 1 5 M F27 +51 1 5 M F28 +51 1 5 M F29 +51 1 5 M F30 +51 1 5 M G26 +51 1 5 M G27 +51 1 5 M G28 +51 1 5 M G29 +51 1 6 S J0 +51 1 6 S J1 +51 1 6 S J2 +51 1 6 S J3 +51 1 6 S J4 +51 1 6 S J5 +51 1 6 S J6 +51 1 6 S J7 +51 1 6 S J8 +51 1 6 S J9 +51 1 6 S J10 +51 1 6 S J11 +51 1 6 S J12 +51 1 6 S J13 +51 1 6 S J14 +51 1 6 S J15 +51 1 6 S J16 +51 1 6 S J17 +51 1 6 S J18 +51 1 6 S J19 +51 1 6 S J20 +51 1 6 S J21 +51 1 6 S J22 +51 1 6 S J23 +51 1 6 S J24 +51 1 6 S J25 +51 1 6 S J26 +51 1 6 S J27 +51 1 6 S J28 +51 1 6 S J29 +51 1 6 S J30 +51 1 6 S J31 +51 1 6 S J32 +51 1 6 S J33 +51 1 6 S J34 +51 1 6 S J35 +51 1 6 S J36 +51 1 6 S J37 +51 1 6 S J38 +51 1 6 S J39 +51 1 6 S J40 +51 1 7 G F0 +51 1 7 G G0 +51 1 7 G H0 +51 1 7 G I0 +51 1 7 G J0 +51 1 7 G J1 +51 1 7 G J2 +51 1 7 G J3 +51 1 7 G J4 +51 1 7 G J5 +51 1 7 G J6 +51 1 7 G J7 +51 1 7 G J8 +51 1 7 G J9 +51 1 7 G J10 +51 1 7 G J11 +51 1 7 G J12 +51 1 7 G J13 +51 1 7 G J14 +51 1 7 G J15 +51 1 7 G J16 +51 1 7 G J17 +51 1 7 G J18 +51 1 7 G J19 +51 1 7 G J20 +51 1 7 G J21 +51 1 7 G J22 +51 1 7 G J23 +51 1 7 G J24 +51 1 7 G J25 +51 1 7 G J26 +51 1 7 G J27 +51 1 7 G J28 +51 1 7 G J29 +51 1 7 G J30 +51 1 7 G J31 +51 1 7 G J32 +51 1 7 G J33 +51 1 7 G J34 +51 1 7 G J35 +51 1 7 G J36 +51 1 7 G J37 +51 1 7 G J38 +51 1 7 G J39 +51 1 7 G J40 +51 2 1 Q E0 +51 2 2 W C7 +51 2 2 W C8 +51 2 3 T A14 +51 2 4 K E16 +51 2 5 L G1 +51 2 6 B G17 +51 2 7 M H29 +51 2 8 S J1 +51 3 1 Q C2 +51 3 2 B C11 +51 3 3 W C12 +51 3 4 K E16 +51 3 5 M E18 +51 3 6 V E18 +51 3 7 T A23 +51 3 8 U G33 +51 3 9 S J29 +51 3 10 L G2 +51 4 1 W C9 +51 4 2 K F13 +51 4 3 T A16 +51 4 4 Y E20 +51 4 5 O I26 +51 4 6 M G29 +51 4 7 G I27 +51 4 8 S J22 +51 4 9 L H4 +51 4 10 E H2 +51 5 1 L G1 +51 5 2 Q C3 +51 5 2 Q C4 +51 5 3 W C7 +51 5 4 B E4 +51 5 4 B E5 +51 5 4 B E6 +51 5 4 B E7 +51 5 4 B E8 +51 5 4 B E9 +51 5 4 B E10 +51 5 4 B E11 +51 5 4 B E12 +51 5 4 B E13 +51 5 4 B E14 +51 5 5 K E15 +51 5 5 K F16 +51 5 6 M H29 +51 5 7 T A0 +51 5 7 T A1 +51 5 7 T A2 +51 5 7 T A3 +51 5 7 T A4 +51 5 7 T A5 +51 5 7 T A6 +51 5 7 T A7 +51 5 7 T A8 +51 5 7 T A9 +51 5 7 T A10 +51 5 7 T A11 +51 5 7 T A12 +51 5 7 T A13 +51 5 7 T A14 +51 5 7 T A15 +51 5 7 T A16 +51 5 7 T A17 +51 5 7 T A18 +51 5 7 T A19 +51 5 7 T A20 +51 5 7 T A21 +51 5 7 T A22 +51 5 7 T A23 +51 5 7 T A24 +51 5 7 T A25 +51 5 7 T A26 +51 5 7 T A27 +51 5 7 T A28 +51 5 7 T A29 +51 5 7 T A30 +51 5 7 T A31 +51 5 7 T A32 +51 5 7 T A33 +51 5 7 T A34 +51 5 7 T A35 +51 5 7 T A36 +51 5 7 T A37 +51 5 7 T A38 +51 5 7 T A39 +51 5 7 T A40 +51 5 8 S J0 +51 5 8 S J1 +51 5 8 S J2 +51 5 8 S J3 +51 5 8 S J4 +51 5 8 S J5 +51 5 8 S J6 +51 5 8 S J7 +51 5 8 S J8 +51 5 8 S J9 +51 5 8 S J10 +51 5 8 S J11 +51 5 8 S J12 +51 5 8 S J13 +51 5 8 S J14 +51 5 8 S J15 +51 5 8 S J16 +51 5 8 S J17 +51 5 8 S J18 +51 5 8 S J19 +51 5 8 S J20 +51 5 8 S J21 +51 5 8 S J22 +51 5 8 S J23 +51 5 8 S J24 +51 5 8 S J25 +51 5 8 S J26 +51 5 8 S J27 +51 5 8 S J28 +51 5 8 S J29 +51 5 8 S J30 +51 5 8 S J31 +51 5 8 S J32 +51 5 8 S J33 +51 5 8 S J34 +51 5 8 S J35 +51 5 8 S J36 +51 5 8 S J37 +51 5 8 S J38 +51 5 8 S J39 +51 5 8 S J40 +51 6 1 W B8 +51 6 1 W B9 +51 6 1 W B10 +51 6 1 W B11 +51 6 1 W B12 +51 6 1 W B13 +51 6 1 W B14 +51 6 1 W C8 +51 6 1 W C9 +51 6 1 W C10 +51 6 1 W C11 +51 6 1 W C12 +51 6 1 W C13 +51 6 1 W C14 +51 6 2 K D16 +51 6 2 K D17 +51 6 2 K D18 +51 6 2 K D19 +51 6 2 K D20 +51 6 2 K D21 +51 6 2 K D22 +51 6 3 M F25 +51 6 3 M F26 +51 6 3 M F27 +51 6 3 M F28 +51 6 3 M F29 +51 6 3 M G25 +51 6 3 M G26 +51 6 3 M G27 +51 6 3 M G28 +51 6 3 M G29 +51 6 4 T A0 +51 6 4 T A1 +51 6 4 T A2 +51 6 4 T A3 +51 6 4 T A4 +51 6 4 T A5 +51 6 4 T A6 +51 6 4 T A7 +51 6 4 T A8 +51 6 4 T A9 +51 6 4 T A10 +51 6 4 T A11 +51 6 4 T A12 +51 6 4 T A13 +51 6 4 T A14 +51 6 4 T A15 +51 6 4 T A16 +51 6 4 T A17 +51 6 4 T A18 +51 6 4 T A19 +51 6 4 T A20 +51 6 4 T A21 +51 6 4 T A22 +51 6 4 T A23 +51 6 4 T A24 +51 6 4 T A25 +51 6 4 T A26 +51 6 4 T A27 +51 6 4 T A28 +51 6 4 T A29 +51 6 4 T A30 +51 6 4 T A31 +51 6 4 T A32 +51 6 4 T A33 +51 6 4 T A34 +51 6 4 T A35 +51 6 4 T A36 +51 6 4 T A37 +51 6 4 T A38 +51 6 4 T A39 +51 6 4 T A40 +51 6 4 T B20 +51 6 4 T B21 +51 6 4 T B22 +51 6 4 T B23 +51 6 4 T B24 +51 6 4 T B25 +51 6 4 T B26 +51 6 4 T B27 +51 6 4 T B28 +51 6 4 T B29 +51 6 4 T B30 +51 6 4 T B31 +51 6 4 T B32 +51 6 4 T B33 +51 6 4 T B34 +51 6 4 T B35 +51 6 4 T B36 +51 6 4 T B37 +51 6 4 T B38 +51 6 4 T B39 +51 6 4 T B40 +51 6 5 G J0 +51 6 5 G J1 +51 6 5 G J2 +51 6 5 G J3 +51 6 5 G J4 +51 6 5 G J5 +51 6 5 G J6 +51 6 5 G J7 +51 6 5 G J8 +51 6 5 G J9 +51 6 5 G J10 +51 6 5 G J11 +51 6 5 G J12 +51 6 5 G J13 +51 6 5 G J14 +51 6 5 G J15 +51 6 5 G J16 +51 6 5 G J17 +51 6 5 G J18 +51 6 5 G J19 +51 6 5 G J20 +51 6 5 G J21 +51 6 5 G J22 +51 6 5 G J23 +51 6 5 G J24 +51 6 5 G J25 +51 6 5 G J26 +51 6 5 G J27 +51 6 5 G J28 +51 6 5 G J29 +51 6 5 G J30 +51 6 5 G J31 +51 6 5 G J32 +51 6 5 G J33 +51 6 5 G J34 +51 6 5 G J35 +51 6 5 G J36 +51 6 5 G J37 +51 6 5 G J38 +51 6 5 G J39 +51 6 5 G J40 +51 6 6 GG C0 +51 6 6 GG C1 +51 6 6 GG C2 +51 6 6 GG C3 +51 6 6 GG C4 +51 6 6 GG C5 +51 6 6 GG C6 +51 6 6 GG C7 +51 7 1 Q D2 +51 7 2 T A15 +51 7 3 M G28 +51 7 4 K G20 +51 7 5 L G1 +51 8 1 T A0 +51 8 1 T A1 +51 8 1 T A2 +51 8 1 T A3 +51 8 1 T A4 +51 8 1 T A5 +51 8 1 T A6 +51 8 1 T A7 +51 8 1 T A8 +51 8 1 T A9 +51 8 1 T A10 +51 8 1 T A11 +51 8 1 T A12 +51 8 1 T A13 +51 8 1 T A14 +51 8 1 T A15 +51 8 1 T A16 +51 8 1 T A17 +51 8 1 T A18 +51 8 1 T A19 +51 8 1 T A20 +51 8 1 T A21 +51 8 1 T A22 +51 8 1 T A23 +51 8 1 T A24 +51 8 1 T A25 +51 8 1 T A26 +51 8 1 T A27 +51 8 1 T A28 +51 8 1 T A29 +51 8 1 T A30 +51 8 1 T A31 +51 8 1 T A32 +51 8 1 T A33 +51 8 1 T A34 +51 8 1 T A35 +51 8 1 T A36 +51 8 1 T A37 +51 8 1 T A38 +51 8 1 T A39 +51 8 1 T A40 +51 8 2 W C7 +51 8 2 W C8 +51 8 2 W C9 +51 8 2 W C10 +51 8 2 W C11 +51 8 2 W C12 +51 8 2 W C13 +51 8 3 M E15 +51 8 3 M E16 +51 8 3 M E17 +51 8 3 M E18 +51 8 3 M E19 +51 8 3 M E20 +51 8 3 M E21 +51 8 3 M E22 +51 8 3 M E23 +51 8 3 M E24 +51 8 3 M E25 +51 8 3 M E26 +51 8 3 M E27 +51 8 3 M E28 +51 8 3 M E29 +51 8 3 M E30 +51 8 4 Y G19 +51 8 4 Y G20 +51 8 4 Y G21 +51 8 4 Y G22 +51 8 4 Y G23 +51 8 4 Y G24 +51 8 4 Y G25 +51 8 4 Y G26 +51 8 4 Y G27 +51 8 4 Y G28 +51 8 4 Y G29 +51 8 5 K D16 +51 8 5 K D17 +51 8 5 K D18 +51 8 5 K D19 +51 8 5 K D20 +51 8 5 K E16 +51 8 5 K E17 +51 8 5 K E18 +51 8 5 K E19 +51 8 5 K E20 +51 8 5 K F16 +51 8 5 K F17 +51 8 5 K F18 +51 8 5 K F19 +51 8 5 K F20 +51 8 5 K G16 +51 8 5 K G17 +51 8 5 K G18 +51 8 5 K G19 +51 8 5 K G20 +51 8 5 K H16 +51 8 5 K H17 +51 8 5 K H18 +51 8 5 K H19 +51 8 5 K H20 +51 8 6 S J0 +51 8 6 S J1 +51 8 6 S J2 +51 8 6 S J3 +51 8 6 S J4 +51 8 6 S J5 +51 8 6 S J6 +51 8 6 S J7 +51 8 6 S J8 +51 8 6 S J9 +51 8 6 S J10 +51 8 6 S J11 +51 8 6 S J12 +51 8 6 S J13 +51 8 6 S J14 +51 8 6 S J15 +51 8 6 S J16 +51 8 6 S J17 +51 8 6 S J18 +51 8 6 S J19 +51 8 6 S J20 +51 8 6 S J21 +51 8 6 S J22 +51 8 6 S J23 +51 8 6 S J24 +51 8 6 S J25 +51 8 6 S J26 +51 8 6 S J27 +51 8 6 S J28 +51 8 6 S J29 +51 8 6 S J30 +51 8 6 S J31 +51 8 6 S J32 +51 8 6 S J33 +51 8 6 S J34 +51 8 6 S J35 +51 8 6 S J36 +51 8 6 S J37 +51 8 6 S J38 +51 8 6 S J39 +51 8 6 S J40 +51 8 7 L C0 +51 8 7 L C1 +51 8 7 L C2 +51 8 7 L C3 +51 8 7 L C4 +51 8 7 L C5 +51 8 7 L D0 +51 8 7 L D1 +51 8 7 L D2 +51 8 7 L D3 +51 8 7 L D4 +51 8 7 L D5 +51 8 7 L E0 +51 8 7 L E1 +51 8 7 L E2 +51 8 7 L E3 +51 8 7 L E4 +51 8 7 L E5 +51 8 7 L F0 +51 8 7 L F1 +51 8 7 L F2 +51 8 7 L F3 +51 8 7 L F4 +51 8 7 L F5 +51 8 7 L G0 +51 8 7 L G1 +51 8 7 L G2 +51 8 7 L G3 +51 8 7 L G4 +51 8 7 L G5 +51 8 7 L H0 +51 8 7 L H1 +51 8 7 L H2 +51 8 7 L H3 +51 8 7 L H4 +51 8 7 L H5 +51 8 7 L I0 +51 8 7 L I1 +51 8 7 L I2 +51 8 7 L I3 +51 8 7 L I4 +51 8 7 L I5 +51 9 1 L H2 +51 9 2 T A0 +51 9 2 T A1 +51 9 2 T A2 +51 9 2 T A3 +51 9 2 T A4 +51 9 2 T A5 +51 9 2 T A6 +51 9 2 T A7 +51 9 2 T A8 +51 9 2 T A9 +51 9 2 T A10 +51 9 2 T A11 +51 9 2 T A12 +51 9 2 T A13 +51 9 2 T A14 +51 9 2 T A15 +51 9 2 T A16 +51 9 2 T A17 +51 9 2 T A18 +51 9 2 T A19 +51 9 2 T A20 +51 9 2 T A21 +51 9 2 T A22 +51 9 2 T A23 +51 9 2 T A24 +51 9 2 T A25 +51 9 2 T A26 +51 9 2 T A27 +51 9 2 T A28 +51 9 2 T A29 +51 9 2 T A30 +51 9 2 T A31 +51 9 2 T A32 +51 9 2 T A33 +51 9 2 T A34 +51 9 2 T A35 +51 9 2 T A36 +51 9 2 T A37 +51 9 2 T A38 +51 9 2 T A39 +51 9 2 T A40 +51 9 3 W C11 +51 9 4 K G18 +51 9 5 M G26 +51 9 6 H E17 +51 9 7 S J0 +51 9 7 S J1 +51 9 7 S J2 +51 9 7 S J3 +51 9 7 S J4 +51 9 7 S J5 +51 9 7 S J6 +51 9 7 S J7 +51 9 7 S J8 +51 9 7 S J9 +51 9 7 S J10 +51 9 7 S J11 +51 9 7 S J12 +51 9 7 S J13 +51 9 7 S J14 +51 9 7 S J15 +51 9 7 S J16 +51 9 7 S J17 +51 9 7 S J18 +51 9 7 S J19 +51 9 7 S J20 +51 9 7 S J21 +51 9 7 S J22 +51 9 7 S J23 +51 9 7 S J24 +51 9 7 S J25 +51 9 7 S J26 +51 9 7 S J27 +51 9 7 S J28 +51 9 7 S J29 +51 9 7 S J30 +51 9 7 S J31 +51 9 7 S J32 +51 9 7 S J33 +51 9 7 S J34 +51 9 7 S J35 +51 9 7 S J36 +51 9 7 S J37 +51 9 7 S J38 +51 9 7 S J39 +51 9 7 S J40 +51 10 1 T A0 +51 10 1 T A1 +51 10 1 T A2 +51 10 1 T A3 +51 10 1 T A4 +51 10 1 T A5 +51 10 1 T A6 +51 10 1 T A7 +51 10 1 T A8 +51 10 1 T A9 +51 10 1 T A10 +51 10 1 T A11 +51 10 1 T A12 +51 10 1 T A13 +51 10 1 T A14 +51 10 1 T A15 +51 10 1 T A16 +51 10 1 T A17 +51 10 1 T A18 +51 10 1 T A19 +51 10 1 T A20 +51 10 1 T A21 +51 10 1 T A22 +51 10 1 T A23 +51 10 1 T A24 +51 10 1 T A25 +51 10 1 T A26 +51 10 1 T A27 +51 10 1 T A28 +51 10 1 T A29 +51 10 1 T A30 +51 10 1 T A31 +51 10 1 T A32 +51 10 1 T A33 +51 10 1 T A34 +51 10 1 T A35 +51 10 1 T A36 +51 10 1 T A37 +51 10 1 T A38 +51 10 1 T A39 +51 10 1 T A40 +51 10 2 N C8 +51 10 2 N C9 +51 10 2 N C10 +51 10 2 N D8 +51 10 2 N D9 +51 10 2 N D10 +51 10 3 W D9 +51 10 4 B D16 +51 10 4 B D17 +51 10 4 B E16 +51 10 4 B E17 +51 10 4 B F16 +51 10 4 B F17 +51 10 5 K F16 +51 10 6 M F23 +51 10 6 M F24 +51 10 6 M F25 +51 10 6 M F26 +51 10 6 M F27 +51 10 7 Y H29 +51 10 7 Y I28 +51 10 8 L H3 +51 10 9 S J0 +51 10 9 S J1 +51 10 9 S J2 +51 10 9 S J3 +51 10 9 S J4 +51 10 9 S J5 +51 10 9 S J6 +51 10 9 S J7 +51 10 9 S J8 +51 10 9 S J9 +51 10 9 S J10 +51 10 9 S J11 +51 10 9 S J12 +51 10 9 S J13 +51 10 9 S J14 +51 10 9 S J15 +51 10 9 S J16 +51 10 9 S J17 +51 10 9 S J18 +51 10 9 S J19 +51 10 9 S J20 +51 10 9 S J21 +51 10 9 S J22 +51 10 9 S J23 +51 10 9 S J24 +51 10 9 S J25 +51 10 9 S J26 +51 10 9 S J27 +51 10 9 S J28 +51 10 9 S J29 +51 10 9 S J30 +51 10 9 S J31 +51 10 9 S J32 +51 10 9 S J33 +51 10 9 S J34 +51 10 9 S J35 +51 10 9 S J36 +51 10 9 S J37 +51 10 9 S J38 +51 10 9 S J39 +51 10 9 S J40 +51 11 1 T A0 +51 11 1 T A1 +51 11 1 T A2 +51 11 1 T A3 +51 11 1 T A4 +51 11 1 T A5 +51 11 1 T A6 +51 11 1 T A7 +51 11 1 T A8 +51 11 1 T A9 +51 11 1 T A10 +51 11 1 T A11 +51 11 1 T A12 +51 11 1 T A13 +51 11 1 T A14 +51 11 1 T A15 +51 11 1 T A16 +51 11 1 T A17 +51 11 1 T A18 +51 11 1 T A19 +51 11 1 T A20 +51 11 1 T A21 +51 11 1 T A22 +51 11 1 T A23 +51 11 1 T A24 +51 11 1 T A25 +51 11 1 T A26 +51 11 1 T A27 +51 11 1 T A28 +51 11 1 T A29 +51 11 1 T A30 +51 11 2 L E1 +51 11 2 L E2 +51 11 2 L E3 +51 11 2 L E4 +51 11 2 L E5 +51 11 2 L E6 +51 11 2 L E7 +51 11 3 Y D18 +51 11 3 Y D19 +51 11 3 Y D20 +51 11 3 Y D21 +51 11 3 Y D22 +51 11 3 Y D23 +51 11 3 Y D24 +51 11 3 Y D25 +51 11 3 Y D26 +51 11 3 Y D27 +51 11 4 W B14 +51 11 4 W B15 +51 11 4 W B16 +51 11 4 W B17 +51 11 4 W B18 +51 11 4 W B19 +51 11 4 W B20 +51 11 4 W B21 +51 11 4 W B22 +51 11 4 W B23 +51 11 4 W B24 +51 11 4 W B25 +51 11 5 M G25 +51 11 6 S F9 +51 11 6 S F10 +51 11 6 S F11 +51 11 6 S F12 +51 11 6 S F13 +51 11 6 S F14 +51 11 6 S F15 +51 11 7 J I1 +51 11 7 J I2 +51 11 7 J I3 +51 11 7 J I4 +51 12 1 T A0 +51 12 1 T A1 +51 12 1 T A2 +51 12 1 T A3 +51 12 1 T A4 +51 12 1 T A5 +51 12 1 T A6 +51 12 1 T A7 +51 12 1 T A8 +51 12 1 T A9 +51 12 1 T A10 +51 12 1 T A11 +51 12 1 T A12 +51 12 1 T A13 +51 12 1 T A14 +51 12 1 T A15 +51 12 1 T A16 +51 12 1 T A17 +51 12 1 T A18 +51 12 1 T A19 +51 12 1 T A20 +51 12 1 T A21 +51 12 1 T A22 +51 12 1 T A23 +51 12 1 T A24 +51 12 1 T A25 +51 12 1 T A26 +51 12 1 T A27 +51 12 1 T A28 +51 12 1 T A29 +51 12 1 T A30 +51 12 1 T A31 +51 12 1 T A32 +51 12 1 T A33 +51 12 1 T A34 +51 12 1 T A35 +51 12 1 T A36 +51 12 1 T A37 +51 12 1 T A38 +51 12 1 T A39 +51 12 1 T A40 +51 12 1 T B0 +51 12 1 T B1 +51 12 1 T B2 +51 12 1 T B3 +51 12 1 T B4 +51 12 2 W C8 +51 12 2 W C9 +51 12 2 W C10 +51 12 2 W C11 +51 12 2 W D8 +51 12 2 W D9 +51 12 2 W D10 +51 12 2 W D11 +51 12 2 W E8 +51 12 2 W E9 +51 12 2 W E10 +51 12 3 E C1 +51 12 3 E C2 +51 12 3 E C3 +51 12 3 E C4 +51 12 3 E C5 +51 12 3 E D1 +51 12 3 E D2 +51 12 3 E D3 +51 12 3 E D4 +51 12 3 E D5 +51 12 3 E D35 +51 12 3 E D36 +51 12 3 E D37 +51 12 3 E D38 +51 12 3 E D39 +51 12 3 E D40 +51 12 3 E E1 +51 12 3 E E2 +51 12 3 E E3 +51 12 3 E E4 +51 12 3 E E5 +51 12 3 E E35 +51 12 3 E E36 +51 12 3 E E37 +51 12 3 E E38 +51 12 3 E E39 +51 12 3 E E40 +51 12 3 E F1 +51 12 3 E F2 +51 12 3 E F3 +51 12 3 E F4 +51 12 3 E F5 +51 12 3 E F35 +51 12 3 E F36 +51 12 3 E F37 +51 12 3 E F38 +51 12 3 E F39 +51 12 3 E F40 +51 12 3 E G1 +51 12 3 E G2 +51 12 3 E G3 +51 12 3 E G4 +51 12 3 E G5 +51 12 3 E G35 +51 12 3 E G36 +51 12 3 E G37 +51 12 3 E G38 +51 12 3 E G39 +51 12 3 E G40 +51 12 3 E H1 +51 12 3 E H2 +51 12 3 E H3 +51 12 3 E H4 +51 12 3 E H5 +51 12 3 E H35 +51 12 3 E H36 +51 12 3 E H37 +51 12 3 E H38 +51 12 3 E H39 +51 12 3 E H40 +51 12 3 E I35 +51 12 3 E I36 +51 12 3 E I37 +51 12 3 E I38 +51 12 3 E I39 +51 12 3 E I40 +51 12 4 M D22 +51 12 4 M D23 +51 12 4 M D24 +51 12 4 M D25 +51 12 4 M D26 +51 12 4 M D27 +51 12 4 M D28 +51 12 4 M D29 +51 12 4 M D30 +51 12 4 M E22 +51 12 4 M E23 +51 12 4 M E24 +51 12 4 M E25 +51 12 4 M E26 +51 12 4 M E27 +51 12 4 M E28 +51 12 4 M E29 +51 12 4 M E30 +51 12 4 M F22 +51 12 4 M F23 +51 12 4 M F24 +51 12 4 M F25 +51 12 4 M F26 +51 12 4 M F27 +51 12 4 M F28 +51 12 4 M F29 +51 12 4 M F30 +51 12 4 M G22 +51 12 4 M G23 +51 12 4 M G24 +51 12 4 M G25 +51 12 4 M G26 +51 12 4 M G27 +51 12 4 M G28 +51 12 4 M G29 +51 12 4 M G30 +51 12 4 M H22 +51 12 4 M H23 +51 12 4 M H24 +51 12 4 M H25 +51 12 4 M H26 +51 12 4 M H27 +51 12 4 M H28 +51 12 4 M H29 +51 12 4 M H30 +51 12 4 M I22 +51 12 4 M I23 +51 12 4 M I24 +51 12 4 M I25 +51 12 4 M I26 +51 12 4 M I27 +51 12 4 M I28 +51 12 4 M I29 +51 12 4 M I30 +51 12 5 K F17 +51 12 5 K F18 +51 12 5 K F19 +51 12 5 K F20 +51 12 5 K F21 +51 12 5 K G17 +51 12 5 K G18 +51 12 5 K G19 +51 12 5 K G20 +51 12 5 K G21 +51 12 5 K H17 +51 12 5 K H18 +51 12 5 K H19 +51 12 5 K H20 +51 12 5 K H21 +51 12 6 G E0 +51 12 6 G F0 +51 12 6 G G0 +51 12 6 G H0 +51 12 6 G I0 +51 12 6 G J0 +51 12 6 G J1 +51 12 6 G J2 +51 12 6 G J3 +51 12 6 G J4 +51 12 6 G J5 +51 12 6 G J6 +51 12 6 G J7 +51 12 6 G J8 +51 12 6 G J9 +51 12 6 G J10 +51 12 6 G J11 +51 12 6 G J12 +51 12 6 G J13 +51 12 6 G J14 +51 12 6 G J15 +51 12 6 G J16 +51 12 6 G J17 +51 12 6 G J18 +51 12 6 G J19 +51 12 6 G J20 +51 12 6 G J21 +51 12 6 G J22 +51 12 6 G J23 +51 12 6 G J24 +51 12 6 G J25 +51 12 6 G J26 +51 12 6 G J27 +51 12 6 G J28 +51 12 6 G J29 +51 12 6 G J30 +51 12 6 G J31 +51 12 6 G J32 +51 12 6 G J33 +51 12 6 G J34 +51 12 6 G J35 +51 12 6 G J36 +51 12 6 G J37 +51 12 6 G J38 +51 12 6 G J39 +51 12 6 G J40 +51 13 1 L G2 +51 13 2 W C9 +51 13 3 T A10 +51 13 4 K G18 +51 13 5 M G29 +51 13 6 I J8 +51 14 1 L F1 +51 14 2 W C10 +51 14 3 M G28 +51 14 4 KY B22 +51 14 5 K E16 +51 14 6 A E34 +51 14 7 T A30 +51 14 8 S J12 +51 15 1 T A0 +51 15 1 T A1 +51 15 1 T A2 +51 15 1 T A3 +51 15 1 T A4 +51 15 1 T A5 +51 15 1 T A6 +51 15 1 T A7 +51 15 1 T A8 +51 15 1 T A9 +51 15 1 T A10 +51 15 1 T A11 +51 15 1 T A12 +51 15 1 T A13 +51 15 1 T A14 +51 15 1 T A15 +51 15 1 T A16 +51 15 1 T A17 +51 15 1 T A18 +51 15 1 T A19 +51 15 1 T A20 +51 15 1 T A21 +51 15 1 T A22 +51 15 1 T A23 +51 15 1 T A24 +51 15 1 T A25 +51 15 1 T A26 +51 15 1 T A27 +51 15 1 T A28 +51 15 1 T A29 +51 15 1 T A30 +51 15 1 T A31 +51 15 1 T A32 +51 15 1 T A33 +51 15 1 T A34 +51 15 1 T A35 +51 15 1 T A36 +51 15 1 T A37 +51 15 1 T A38 +51 15 1 T A39 +51 15 1 T A40 +51 15 2 W D11 +51 15 3 K D18 +51 15 4 Y E28 +51 15 4 Y E29 +51 15 5 L G1 +51 15 5 L G38 +51 15 6 M H29 +51 16 1 T A0 +51 16 1 T A1 +51 16 1 T A2 +51 16 1 T A3 +51 16 1 T A4 +51 16 1 T A5 +51 16 1 T A6 +51 16 1 T A7 +51 16 1 T A8 +51 16 1 T A9 +51 16 1 T A10 +51 16 1 T A11 +51 16 1 T A12 +51 16 1 T A13 +51 16 1 T A14 +51 16 1 T A15 +51 16 1 T A16 +51 16 1 T A17 +51 16 1 T A18 +51 16 1 T A19 +51 16 1 T A20 +51 16 1 T A21 +51 16 1 T A22 +51 16 1 T A23 +51 16 1 T A24 +51 16 1 T A25 +51 16 1 T A26 +51 16 1 T A27 +51 16 1 T A28 +51 16 1 T A29 +51 16 1 T A30 +51 16 1 T A31 +51 16 1 T A32 +51 16 1 T A33 +51 16 1 T A34 +51 16 1 T A35 +51 16 1 T A36 +51 16 1 T A37 +51 16 1 T A38 +51 16 1 T A39 +51 16 1 T A40 +51 16 2 W C11 +51 16 2 W C12 +51 16 2 W D8 +51 16 3 K E15 +51 16 3 K E16 +51 16 3 K F15 +51 16 3 K F16 +51 16 4 Q D0 +51 16 4 Q D1 +51 16 4 Q D2 +51 16 4 Q D3 +51 16 4 Q D37 +51 16 4 Q D38 +51 16 4 Q D39 +51 16 4 Q D40 +51 16 5 M I15 +51 16 5 M I16 +51 16 5 M I17 +51 16 5 M I18 +51 16 5 M I19 +51 16 5 M I20 +51 16 5 M I21 +51 16 5 M I22 +51 16 5 M I23 +51 16 5 M I24 +51 16 5 M I25 +51 16 5 M I26 +51 16 5 M I27 +51 16 5 M I28 +51 16 5 M I29 +51 16 5 M I30 +51 16 5 M I31 +51 16 6 S J0 +51 16 6 S J1 +51 16 6 S J2 +51 16 6 S J3 +51 16 6 S J4 +51 16 6 S J5 +51 16 6 S J6 +51 16 6 S J7 +51 16 6 S J8 +51 16 6 S J9 +51 16 6 S J10 +51 16 6 S J11 +51 16 6 S J12 +51 16 6 S J13 +51 16 6 S J14 +51 16 6 S J15 +51 16 6 S J16 +51 16 6 S J17 +51 16 6 S J18 +51 16 6 S J19 +51 16 6 S J20 +51 16 6 S J21 +51 16 6 S J22 +51 16 6 S J23 +51 16 6 S J24 +51 16 6 S J25 +51 16 6 S J26 +51 16 6 S J27 +51 16 6 S J28 +51 16 6 S J29 +51 16 6 S J30 +51 16 6 S J31 +51 16 6 S J32 +51 16 6 S J33 +51 16 6 S J34 +51 16 6 S J35 +51 16 6 S J36 +51 16 6 S J37 +51 16 6 S J38 +51 16 6 S J39 +51 16 6 S J40 +51 16 7 L G0 +51 16 7 L G1 +51 16 7 L G2 +51 16 7 L H2 +51 16 7 L H3 +51 16 7 L H4 +51 17 1 L G2 +51 17 2 W C9 +51 17 3 K D17 +51 17 4 M H25 +51 17 5 A E38 +51 17 6 Y F23 +51 17 7 T A28 +51 17 8 S J12 +51 18 1 T A0 +51 18 1 T A1 +51 18 1 T A2 +51 18 1 T A3 +51 18 1 T A4 +51 18 1 T A5 +51 18 1 T A6 +51 18 1 T A7 +51 18 1 T A8 +51 18 1 T A9 +51 18 1 T A10 +51 18 1 T A11 +51 18 1 T A12 +51 18 1 T A13 +51 18 1 T A14 +51 18 1 T A15 +51 18 1 T A16 +51 18 1 T A17 +51 18 1 T A18 +51 18 1 T A19 +51 18 1 T A20 +51 18 1 T A21 +51 18 1 T A22 +51 18 1 T A23 +51 18 1 T A24 +51 18 1 T A25 +51 18 1 T A26 +51 18 1 T A27 +51 18 1 T A28 +51 18 1 T A29 +51 18 1 T A30 +51 18 1 T A31 +51 18 1 T A32 +51 18 1 T A33 +51 18 1 T A34 +51 18 1 T A35 +51 18 1 T A36 +51 18 1 T A37 +51 18 1 T A38 +51 18 1 T A39 +51 18 1 T A40 +51 18 1 T B0 +51 18 2 PK D1 +51 18 2 PK D2 +51 18 2 PK D3 +51 18 2 PK D4 +51 18 2 PK D5 +51 18 2 PK D6 +51 18 3 W C7 +51 18 3 W C8 +51 18 3 W C9 +51 18 3 W C10 +51 18 4 B C13 +51 18 4 B C14 +51 18 4 B C15 +51 18 4 B C16 +51 18 4 B C17 +51 18 4 B C18 +51 18 4 B C19 +51 18 4 B C20 +51 18 4 B C21 +51 18 4 B D13 +51 18 4 B D14 +51 18 4 B D15 +51 18 4 B D17 +51 18 4 B D18 +51 18 4 B D19 +51 18 4 B D20 +51 18 4 B E17 +51 18 4 B E18 +51 18 4 B E19 +51 18 4 B E20 +51 18 5 K F14 +51 18 5 K F15 +51 18 5 K F16 +51 18 5 K F17 +51 18 5 K F18 +51 18 5 K F19 +51 18 5 K F20 +51 18 5 K F21 +51 18 6 A I33 +51 18 6 A I34 +51 18 6 A I35 +51 18 6 A I36 +51 18 6 A I37 +51 18 6 A I38 +51 18 6 A I39 +51 18 6 A I40 +51 18 7 Y H28 +51 18 7 Y H29 +51 18 7 Y H30 +51 18 7 Y H31 +51 18 8 S I10 +51 18 8 S I11 +51 18 8 S I12 +51 18 8 S I13 +51 18 8 S I14 +51 18 8 S I15 +51 18 8 S I16 +51 18 8 S I17 +51 18 8 S I18 +51 18 8 S I19 +51 18 8 S I20 +51 18 8 S I21 +51 18 8 S I22 +51 18 8 S I23 +51 18 8 S I24 +51 18 8 S I25 +51 18 8 S I26 +51 18 9 KG E16 +51 18 10 L G1 +51 18 10 L G2 +51 18 10 L G3 +51 18 10 L H1 +51 18 10 L H2 +51 18 10 L H3 +51 19 1 T A0 +51 19 1 T A1 +51 19 1 T A2 +51 19 1 T A3 +51 19 1 T A4 +51 19 1 T A5 +51 19 1 T A6 +51 19 1 T A7 +51 19 1 T A8 +51 19 1 T A9 +51 19 1 T A10 +51 19 1 T A11 +51 19 1 T A12 +51 19 1 T A13 +51 19 1 T A14 +51 19 1 T A15 +51 19 1 T A16 +51 19 1 T A17 +51 19 1 T A18 +51 19 1 T A19 +51 19 1 T A20 +51 19 1 T A21 +51 19 1 T A22 +51 19 1 T A23 +51 19 1 T A24 +51 19 1 T A25 +51 19 1 T A26 +51 19 1 T A27 +51 19 1 T A28 +51 19 1 T A29 +51 19 1 T A30 +51 19 1 T A31 +51 19 1 T A32 +51 19 1 T A33 +51 19 1 T A34 +51 19 1 T A35 +51 19 1 T A36 +51 19 1 T A37 +51 19 1 T A38 +51 19 1 T A39 +51 19 1 T A40 +51 19 2 W C8 +51 19 3 K E15 +51 19 4 B D21 +51 19 5 KA G30 +51 19 6 O H37 +51 19 7 A H33 +51 19 8 M H29 +51 19 9 G F8 +51 19 10 E G1 +51 20 1 L G1 +51 20 2 W D8 +51 20 3 T A13 +51 20 4 K F16 +51 20 5 B F17 +51 20 5 B G17 +51 20 5 B G18 +51 20 6 M H22 +51 20 7 A G32 +51 20 7 A G33 +51 20 8 SI H8 +51 20 8 SI H9 +51 20 8 SI H10 +51 21 1 L F4 +51 21 2 W C12 +51 21 3 T A20 +51 21 3 T A21 +51 21 4 M H29 +51 21 4 M H30 +51 21 5 Y G27 +51 21 5 Y G28 +51 21 6 K H22 +51 21 6 K H23 +51 21 6 K H24 +51 21 7 S J19 +51 21 7 S J20 +51 22 1 L G2 +51 22 2 W D7 +51 22 3 K C15 +51 22 4 I E0 +51 22 5 T A17 +51 22 6 M H23 +51 22 7 B E28 +51 22 8 H F25 +51 23 1 MA B4 +51 23 2 T A0 +51 23 2 T A1 +51 23 2 T A2 +51 23 2 T A3 +51 23 2 T A4 +51 23 2 T A5 +51 23 2 T A6 +51 23 2 T A7 +51 23 2 T A8 +51 23 2 T A9 +51 23 2 T A10 +51 23 2 T A11 +51 23 2 T A12 +51 23 2 T A13 +51 23 2 T A14 +51 23 2 T A15 +51 23 2 T A16 +51 23 2 T A17 +51 23 2 T A18 +51 23 2 T A19 +51 23 2 T A20 +51 23 2 T A21 +51 23 2 T A22 +51 23 2 T A23 +51 23 2 T A24 +51 23 2 T A25 +51 23 2 T A26 +51 23 2 T A27 +51 23 2 T A28 +51 23 2 T A29 +51 23 2 T A30 +51 23 2 T A31 +51 23 2 T A32 +51 23 2 T A33 +51 23 2 T A34 +51 23 2 T A35 +51 23 2 T A36 +51 23 2 T A37 +51 23 2 T A38 +51 23 2 T A39 +51 23 2 T A40 +51 23 3 TS B7 +51 23 4 YO C9 +51 23 5 TN B1 +51 23 5 TN B2 +51 23 5 TN B3 +51 23 5 TN B4 +51 23 5 TN B5 +51 23 5 TN B6 +51 23 5 TN B7 +51 23 5 TN B8 +51 23 5 TN B9 +51 23 5 TN B10 +51 23 5 TN B11 +51 23 5 TN B12 +51 23 5 TN B13 +51 23 5 TN B14 +51 23 5 TN B15 +51 23 5 TN B16 +51 23 5 TN B17 +51 23 5 TN B18 +51 23 5 TN B19 +51 23 5 TN B20 +51 23 5 TN B21 +51 23 5 TN B22 +51 23 5 TN B23 +51 23 5 TN B24 +51 23 5 TN B25 +51 23 5 TN B26 +51 23 6 H E18 +51 23 6 H F18 +51 23 7 M F28 +51 23 8 NI J0 +51 23 8 NI J1 +51 23 8 NI J2 +51 23 8 NI J3 +51 23 8 NI J4 +51 23 8 NI J5 +51 23 8 NI J6 +51 23 8 NI J7 +51 23 8 NI J8 +51 23 8 NI J9 +51 23 8 NI J10 +51 23 8 NI J11 +51 23 8 NI J12 +51 23 8 NI J13 +51 23 8 NI J14 +51 23 8 NI J15 +51 23 8 NI J16 +51 23 8 NI J17 +51 23 8 NI J18 +51 23 8 NI J19 +51 23 8 NI J20 +51 23 8 NI J21 +51 23 8 NI J22 +51 23 8 NI J23 +51 23 8 NI J24 +51 23 8 NI J25 +51 23 8 NI J26 +51 23 8 NI J27 +51 23 8 NI J28 +51 23 8 NI J29 +51 23 8 NI J30 +51 23 8 NI J31 +51 23 8 NI J32 +51 23 8 NI J33 +51 23 8 NI J34 +51 23 8 NI J35 +51 23 8 NI J36 +51 23 8 NI J37 +51 23 8 NI J38 +51 23 8 NI J39 +51 23 8 NI J40 +51 23 9 K F17 +51 23 10 NO F5 +51 23 10 NO F6 +51 23 10 NO F7 +51 23 10 NO F8 +51 23 10 NO F9 +51 23 10 NO F10 +51 23 10 NO F11 +51 23 10 NO F12 +51 23 10 NO G7 +51 23 10 NO G8 +51 23 10 NO G9 +51 23 10 NO G10 +51 23 10 NO G11 +51 23 10 NO G12 +51 23 10 NO H7 +51 23 10 NO H8 +51 23 10 NO H9 +51 23 10 NO H10 +51 23 10 NO H11 +51 23 10 NO H12 +51 23 11 W C1 +51 23 11 W C2 +51 23 11 W C3 +51 23 11 W C4 +51 23 11 W C5 +51 23 11 W C6 +51 23 11 W C7 +51 23 11 W C8 +51 23 11 W C9 +51 23 11 W C10 +51 23 11 W C11 +51 23 11 W C12 +51 23 11 W C13 +51 23 11 W C14 +51 23 11 W D9 +51 23 11 W D10 +51 23 11 W D11 +51 23 11 W D12 +51 23 11 W D13 +51 23 11 W D14 +51 23 11 W E9 +51 23 11 W E10 +51 23 11 W E11 +51 23 11 W E12 +51 23 11 W E13 +51 23 11 W E14 +51 23 12 L G3 +51 24 1 W C8 +51 24 1 W C9 +51 24 1 W D6 +51 24 2 T A0 +51 24 2 T A1 +51 24 2 T A2 +51 24 2 T A3 +51 24 2 T A4 +51 24 2 T A5 +51 24 2 T A6 +51 24 2 T A7 +51 24 2 T A8 +51 24 2 T A9 +51 24 2 T A10 +51 24 2 T A11 +51 24 2 T A12 +51 24 2 T A13 +51 24 2 T A14 +51 24 2 T A15 +51 24 2 T A16 +51 24 2 T A17 +51 24 2 T A18 +51 24 2 T A19 +51 24 2 T A20 +51 24 2 T A21 +51 24 2 T A22 +51 24 2 T A23 +51 24 2 T A24 +51 24 2 T A25 +51 24 2 T A26 +51 24 2 T A27 +51 24 2 T A28 +51 24 2 T A29 +51 24 2 T A30 +51 24 2 T A31 +51 24 2 T A32 +51 24 2 T A33 +51 24 2 T A34 +51 24 2 T A35 +51 24 2 T A36 +51 24 2 T A37 +51 24 2 T A38 +51 24 2 T A39 +51 24 2 T A40 +51 24 3 M H29 +51 24 3 M I29 +51 24 4 K F17 +51 24 4 K G17 +51 24 5 MM F9 +51 24 5 MM G9 +51 24 6 E G1 +51 24 7 S J0 +51 24 7 S J1 +51 24 7 S J2 +51 24 7 S J3 +51 24 7 S J4 +51 24 7 S J5 +51 24 7 S J6 +51 24 7 S J7 +51 24 7 S J8 +51 24 7 S J9 +51 24 7 S J10 +51 24 7 S J11 +51 24 7 S J12 +51 24 7 S J13 +51 24 7 S J14 +51 24 7 S J15 +51 24 7 S J16 +51 24 7 S J17 +51 24 7 S J18 +51 24 7 S J19 +51 24 7 S J20 +51 24 7 S J21 +51 24 7 S J22 +51 24 7 S J23 +51 24 7 S J24 +51 24 7 S J25 +51 24 7 S J26 +51 24 7 S J27 +51 24 7 S J28 +51 24 7 S J29 +51 24 7 S J30 +51 24 7 S J31 +51 24 7 S J32 +51 24 7 S J33 +51 24 7 S J34 +51 24 7 S J35 +51 24 7 S J36 +51 24 7 S J37 +51 24 7 S J38 +51 24 7 S J39 +51 24 7 S J40 +51 24 8 PK F1 +51 25 1 T A0 +51 25 1 T A1 +51 25 1 T A2 +51 25 1 T A3 +51 25 1 T A4 +51 25 1 T A5 +51 25 1 T A6 +51 25 1 T A7 +51 25 1 T A8 +51 25 1 T A9 +51 25 1 T A10 +51 25 1 T A11 +51 25 1 T A12 +51 25 1 T A13 +51 25 1 T A14 +51 25 1 T A15 +51 25 1 T A16 +51 25 1 T A17 +51 25 1 T A18 +51 25 1 T A19 +51 25 1 T A20 +51 25 1 T A21 +51 25 1 T A22 +51 25 1 T A23 +51 25 1 T A24 +51 25 1 T A25 +51 25 1 T A26 +51 25 1 T A27 +51 25 1 T A28 +51 25 1 T A29 +51 25 1 T A30 +51 25 1 T A31 +51 25 1 T A32 +51 25 1 T A33 +51 25 1 T A34 +51 25 1 T A35 +51 25 1 T A36 +51 25 1 T A37 +51 25 1 T A38 +51 25 1 T A39 +51 25 1 T A40 +51 25 2 M E25 +51 25 2 M E26 +51 25 2 M F25 +51 25 2 M F26 +51 25 3 Y F23 +51 25 3 Y F24 +51 25 4 K F20 +51 25 4 K G20 +51 25 5 B E17 +51 25 5 B F17 +51 25 6 W C11 +51 25 6 W D11 +51 25 6 W E11 +51 25 6 W F11 +51 25 7 J F4 +51 25 8 L F2 +51 25 8 L F3 +52 1 1 EF A0 +52 1 2 KR E3 +52 1 3 HA J0 +52 1 4 KO G3 +52 1 5 OS H11 +52 1 6 YA G18 +52 1 7 MO F29 +52 1 8 KU C26 +52 1 9 KA C10 +52 1 10 HG B5 +52 2 1 EF A0 +52 2 2 HG D30 +52 2 3 KO G40 +52 2 4 MO G28 +52 2 5 HO I21 +52 2 6 YA G20 +52 2 7 HA J0 +52 2 8 KA D8 +52 3 1 EF A0 +52 3 2 KA D8 +52 3 3 YA F19 +52 3 4 MO F30 +52 3 5 HO J0 +52 3 6 KO F40 +52 4 1 EF A0 +52 4 2 HA J0 +52 4 3 MO G27 +52 4 3 MO G28 +52 4 3 MO G29 +52 4 3 MO G30 +52 4 3 MO H27 +52 4 3 MO H28 +52 4 3 MO H29 +52 4 3 MO H30 +52 4 4 KA C7 +52 4 4 KA C8 +52 4 4 KA C9 +52 4 4 KA C10 +52 4 4 KA C11 +52 4 4 KA C12 +52 4 4 KA D7 +52 4 4 KA D8 +52 4 4 KA D9 +52 4 4 KA D10 +52 4 4 KA D11 +52 4 4 KA D12 +52 4 4 KA E7 +52 4 4 KA E8 +52 4 4 KA E9 +52 4 4 KA E10 +52 4 4 KA E11 +52 4 4 KA E12 +52 4 5 YA F17 +52 4 5 YA F18 +52 4 5 YA F19 +52 4 5 YA F20 +52 4 5 YA F21 +52 4 5 YA G17 +52 4 5 YA G18 +52 4 5 YA G19 +52 4 5 YA G20 +52 4 5 YA G21 +52 4 6 KO F1 +52 4 6 KO F2 +52 4 6 KO G1 +52 4 6 KO G2 +52 5 1 HG B1 +52 5 1 HG B2 +52 5 1 HG B3 +52 5 1 HG B4 +52 5 1 HG B5 +52 5 1 HG B6 +52 5 1 HG B7 +52 5 1 HG B8 +52 5 1 HG B9 +52 5 1 HG B10 +52 5 1 HG B11 +52 5 1 HG B12 +52 5 1 HG B13 +52 5 1 HG B14 +52 5 1 HG B15 +52 5 1 HG B16 +52 5 1 HG B17 +52 5 1 HG B18 +52 5 1 HG B19 +52 5 1 HG B20 +52 5 1 HG B21 +52 5 1 HG B22 +52 5 1 HG B23 +52 5 1 HG B24 +52 5 1 HG B25 +52 5 1 HG B26 +52 5 1 HG B27 +52 5 1 HG B28 +52 5 1 HG B29 +52 5 1 HG B30 +52 5 1 HG B31 +52 5 1 HG B32 +52 5 1 HG B33 +52 5 1 HG B34 +52 5 1 HG B35 +52 5 1 HG B36 +52 5 1 HG B37 +52 5 1 HG B38 +52 5 1 HG B39 +52 5 1 HG B40 +52 5 2 MS C24 +52 5 2 MS C25 +52 5 2 MS C26 +52 5 3 MO H31 +52 5 3 MO H32 +52 5 3 MO H33 +52 5 3 MO H34 +52 5 3 MO H35 +52 5 3 MO H36 +52 5 3 MO I31 +52 5 3 MO I32 +52 5 3 MO I33 +52 5 3 MO I34 +52 5 3 MO I35 +52 5 3 MO I36 +52 5 4 KO F1 +52 5 4 KO F2 +52 5 4 KO G1 +52 5 4 KO G2 +52 5 4 KO H1 +52 5 4 KO H2 +52 5 4 KO I1 +52 5 4 KO I2 +52 5 5 HI J0 +52 5 6 YA F17 +52 5 6 YA F18 +52 5 6 YA F19 +52 5 6 YA F20 +52 5 6 YA G17 +52 5 6 YA G18 +52 5 6 YA G19 +52 5 6 YA G20 +52 5 7 KA B9 +52 5 7 KA B10 +52 5 7 KA B11 +52 5 7 KA B12 +52 5 7 KA B13 +52 5 7 KA B14 +52 5 7 KA C9 +52 5 7 KA C10 +52 5 7 KA C11 +52 5 7 KA C12 +52 5 7 KA C13 +52 5 8 HO G27 +52 5 8 HO G28 +52 5 8 HO G29 +52 5 8 HO G30 +52 5 8 HO G31 +52 5 8 HO H28 +52 5 8 HO H29 +52 5 8 HO H30 +52 5 8 HO H31 +52 5 8 HO I28 +52 5 8 HO I29 +52 5 8 HO I30 +52 5 8 HO I31 +52 6 1 EF A0 +52 6 2 HG B1 +52 6 2 HG B2 +52 6 2 HG B3 +52 6 2 HG B4 +52 6 2 HG B5 +52 6 2 HG B6 +52 6 2 HG B7 +52 6 2 HG B8 +52 6 2 HG B15 +52 6 2 HG B16 +52 6 2 HG B17 +52 6 2 HG B18 +52 6 2 HG B19 +52 6 2 HG B20 +52 6 2 HG B21 +52 6 2 HG B22 +52 6 2 HG B23 +52 6 2 HG B24 +52 6 2 HG B25 +52 6 2 HG B26 +52 6 2 HG B27 +52 6 2 HG B28 +52 6 2 HG B29 +52 6 2 HG B30 +52 6 2 HG B31 +52 6 2 HG B32 +52 6 2 HG B33 +52 6 2 HG B34 +52 6 2 HG B35 +52 6 2 HG B36 +52 6 2 HG B37 +52 6 2 HG B38 +52 6 2 HG B39 +52 6 2 HG B40 +52 6 3 KA C8 +52 6 3 KA C9 +52 6 3 KA D8 +52 6 4 HO H31 +52 6 4 HO H32 +52 6 4 HO I31 +52 6 4 HO I32 +52 6 5 MO E27 +52 6 5 MO E28 +52 6 5 MO E29 +52 6 6 YA F17 +52 6 6 YA G17 +52 6 6 YA G18 +52 6 7 KO G1 +52 6 7 KO G2 +52 6 8 HA J0 +52 7 1 TA B1 +52 7 1 TA B2 +52 7 1 TA B3 +52 7 1 TA B4 +52 7 1 TA B5 +52 7 1 TA B6 +52 7 2 KN E5 +52 7 3 KA C8 +52 7 4 EF A0 +52 7 5 YA F17 +52 7 6 AG D6 +52 7 7 AV C29 +52 7 8 HG D29 +52 7 9 MS B37 +52 7 9 MS B38 +52 7 9 MS B39 +52 7 9 MS B40 +52 7 10 KO G40 +52 7 11 HO J0 +52 7 12 HI J0 +52 7 13 MO H29 +52 8 1 EF A0 +52 8 2 HG G11 +52 8 2 HG G12 +52 8 2 HG H11 +52 8 2 HG H12 +52 8 3 MO F28 +52 8 3 MO F29 +52 8 4 HO J0 +52 8 5 KO G38 +52 8 5 KO G39 +52 8 5 KO G40 +52 8 6 KA C8 +52 8 6 KA C9 +52 8 7 YA E15 +52 8 7 YA E16 +52 8 7 YA F15 +52 8 7 YA F16 +52 9 1 KO F1 +52 9 2 MS D15 +52 9 2 MS D16 +52 9 2 MS E15 +52 9 2 MS E16 +52 9 3 HO J0 +52 9 4 HA J0 +52 9 5 HI J0 +52 9 6 EF A0 +52 9 7 MO E29 +52 9 8 HG D27 +52 9 9 TA A0 +52 9 10 KA C10 +52 9 10 KA C11 +52 9 10 KA C12 +52 9 11 AG F10 +52 9 12 YA E20 +52 9 12 YA F17 +52 9 12 YA F18 +52 9 12 YA G17 +52 10 1 KA B10 +52 10 2 MO G28 +52 10 3 HI J0 +52 10 4 KO F40 +52 10 5 KU F28 +52 10 6 HG B25 +52 10 7 EF A0 +52 10 8 YA E16 +52 11 1 EF A0 +52 11 2 HG C1 +52 11 2 HG C2 +52 11 2 HG C3 +52 11 2 HG C4 +52 11 2 HG C5 +52 11 3 HA H0 +52 11 3 HA I0 +52 11 3 HA J0 +52 11 4 KA C9 +52 11 5 TV F9 +52 11 5 TV F10 +52 11 5 TV F11 +52 11 5 TV G9 +52 11 5 TV G10 +52 11 5 TV G11 +52 11 5 TV H9 +52 11 5 TV H10 +52 11 5 TV H11 +52 11 6 MO F29 +52 11 7 NU G36 +52 11 7 NU G37 +52 11 7 NU H36 +52 11 7 NU H37 +52 11 8 KO F39 +52 11 8 KO F40 +52 11 8 KO G39 +52 11 8 KO G40 +52 11 9 YA F17 +52 11 10 HI H0 +52 11 10 HI I0 +52 11 10 HI J0 +52 12 1 EF A0 +52 12 2 KA C9 +52 12 3 KO F3 +52 12 4 YA F17 +52 12 5 HA J0 +52 12 6 MO F30 +52 12 7 NU G39 +52 13 1 EF A0 +52 13 2 KR E5 +52 13 3 HA J0 +52 13 4 KF F18 +52 13 4 KF G18 +52 13 5 FI H39 +52 13 6 KO F39 +52 13 7 KA C8 +52 13 8 KU E30 +52 13 9 YA E21 +52 13 10 AG C12 +52 13 11 TP B39 +52 13 11 TP B40 +52 14 1 EF A0 +52 14 2 TA A0 +52 14 3 FI E2 +52 14 3 FI E3 +52 14 3 FI E4 +52 14 3 FI F3 +52 14 3 FI F4 +52 14 4 HG B1 +52 14 4 HG C1 +52 14 5 KO F1 +52 14 5 KO G1 +52 14 5 KO G2 +52 14 6 YA F18 +52 14 6 YA F19 +52 14 6 YA F20 +52 14 6 YA F21 +52 14 6 YA G18 +52 14 6 YA G19 +52 14 6 YA G20 +52 14 6 YA G21 +52 14 7 HA J0 +52 14 8 MO G28 +52 14 8 MO G29 +52 14 8 MO G30 +52 14 8 MO H28 +52 14 8 MO H29 +52 14 8 MO H30 +52 14 9 HO H31 +52 14 9 HO H32 +52 14 9 HO I31 +52 14 9 HO I32 +52 14 10 PS E38 +52 14 10 PS E39 +52 14 10 PS E40 +52 14 10 PS F38 +52 14 10 PS F39 +52 14 10 PS F40 +52 14 10 PS G38 +52 14 10 PS G39 +52 14 10 PS G40 +52 14 11 KA C7 +52 14 11 KA C8 +52 14 11 KA C9 +52 14 11 KA D6 +52 14 11 KA D7 +52 14 11 KA D8 +52 14 11 KA D9 +52 15 1 EF A0 +52 15 2 FI E1 +52 15 2 FI E2 +52 15 2 FI E3 +52 15 2 FI E4 +52 15 3 KO F1 +52 15 3 KO F2 +52 15 3 KO F3 +52 15 3 KO F4 +52 15 3 KO G1 +52 15 3 KO G2 +52 15 3 KO G3 +52 15 3 KO G4 +52 15 4 HA J0 +52 15 5 YA F17 +52 15 5 YA F18 +52 15 5 YA G17 +52 15 5 YA G18 +52 15 5 YA H17 +52 15 5 YA H18 +52 15 6 MO F28 +52 15 6 MO F29 +52 15 6 MO F30 +52 15 6 MO G28 +52 15 6 MO G29 +52 15 6 MO G30 +52 15 6 MO H27 +52 15 6 MO H28 +52 15 6 MO H29 +52 15 6 MO H30 +52 15 7 KU E26 +52 15 7 KU E27 +52 15 7 KU E28 +52 15 7 KU E29 +52 15 7 KU E30 +52 15 7 KU E31 +52 15 7 KU F26 +52 15 7 KU F27 +52 15 7 KU G26 +52 15 7 KU G27 +52 15 8 KF D15 +52 15 8 KF D16 +52 15 8 KF E15 +52 15 8 KF E16 +52 15 8 KF F15 +52 15 8 KF F16 +52 15 9 HG B15 +52 15 9 HG B16 +52 15 9 HG B17 +52 15 9 HG B18 +52 15 9 HG B19 +52 15 9 HG B20 +52 15 9 HG B21 +52 15 9 HG B22 +52 15 9 HG B23 +52 15 9 HG B24 +52 15 9 HG B25 +52 15 9 HG B26 +52 15 9 HG B27 +52 15 9 HG B28 +52 15 9 HG B29 +52 15 9 HG B30 +52 15 9 HG B31 +52 15 9 HG B32 +52 15 9 HG B33 +52 15 9 HG B34 +52 15 9 HG B35 +52 15 9 HG B36 +52 15 9 HG B37 +52 15 9 HG B38 +52 15 9 HG B39 +52 15 9 HG B40 +52 15 10 AG B10 +52 15 10 AG B11 +52 15 10 AG B12 +52 15 10 AG B13 +52 15 10 AG B14 +52 15 11 KA C8 +52 15 11 KA C9 +52 15 11 KA C10 +52 15 11 KA C11 +52 15 11 KA C12 +52 16 1 EF A0 +52 16 2 MS B0 +52 16 2 MS B1 +52 16 2 MS B2 +52 16 2 MS B3 +52 16 2 MS B4 +52 16 2 MS B5 +52 16 2 MS B6 +52 16 2 MS B7 +52 16 2 MS B8 +52 16 2 MS B9 +52 16 2 MS B10 +52 16 2 MS B11 +52 16 2 MS B12 +52 16 2 MS B13 +52 16 2 MS B14 +52 16 2 MS B15 +52 16 2 MS B16 +52 16 2 MS B17 +52 16 2 MS B18 +52 16 2 MS B19 +52 16 2 MS B20 +52 16 2 MS B21 +52 16 2 MS B22 +52 16 2 MS B23 +52 16 2 MS B24 +52 16 2 MS B25 +52 16 2 MS B26 +52 16 2 MS B27 +52 16 2 MS B28 +52 16 2 MS B29 +52 16 2 MS B30 +52 16 2 MS B31 +52 16 2 MS B32 +52 16 2 MS B33 +52 16 2 MS B34 +52 16 2 MS B35 +52 16 2 MS B36 +52 16 2 MS B37 +52 16 2 MS B38 +52 16 2 MS B39 +52 16 2 MS B40 +52 16 3 PS F1 +52 16 4 KO G3 +52 16 5 KI H34 +52 16 5 KI H35 +52 16 5 KI H36 +52 16 5 KI H37 +52 16 5 KI H38 +52 16 5 KI I0 +52 16 6 HA J0 +52 16 7 KE G6 +52 16 7 KE G7 +52 16 8 YA F17 +52 16 9 MO F29 +52 16 10 KU D27 +52 16 10 KU D28 +52 16 11 KA C9 +52 17 1 EF A0 +52 17 2 KA C8 +52 17 3 HO J0 +52 17 4 HA J0 +52 17 5 FI F39 +52 17 6 MO E28 +52 17 7 YA D21 +52 17 8 KO F40 +52 18 1 KA C9 +52 18 2 HG B11 +52 18 3 EF A0 +52 18 4 KO F3 +52 18 5 YA G20 +52 18 6 MO F29 +52 18 7 HO I31 +52 18 8 HA J0 +52 19 1 KA B11 +52 19 2 EF A0 +52 19 3 KO G3 +52 19 4 HA J0 +52 19 5 MO H28 +52 19 6 YA G20 +52 20 1 EF A0 +52 20 2 KA C8 +52 20 3 KO F4 +52 20 4 HA J0 +52 20 5 YA F17 +52 20 6 MO G29 +52 21 1 EF A0 +52 21 2 MS B0 +52 21 2 MS B1 +52 21 2 MS B2 +52 21 2 MS B3 +52 21 2 MS B4 +52 21 2 MS B5 +52 21 2 MS B6 +52 21 2 MS B7 +52 21 2 MS B8 +52 21 2 MS B9 +52 21 2 MS B10 +52 21 2 MS B11 +52 21 2 MS B12 +52 21 2 MS B13 +52 21 2 MS B14 +52 21 2 MS B15 +52 21 2 MS B16 +52 21 2 MS B17 +52 21 2 MS B18 +52 21 2 MS B19 +52 21 2 MS B20 +52 21 2 MS B21 +52 21 2 MS B22 +52 21 2 MS B23 +52 21 2 MS B24 +52 21 2 MS B25 +52 21 2 MS B26 +52 21 2 MS B27 +52 21 2 MS B28 +52 21 2 MS B29 +52 21 2 MS B30 +52 21 2 MS B31 +52 21 2 MS B32 +52 21 2 MS B33 +52 21 2 MS B34 +52 21 2 MS B35 +52 21 2 MS B36 +52 21 2 MS B37 +52 21 2 MS B38 +52 21 2 MS B39 +52 21 2 MS B40 +52 21 3 FU C0 +52 21 3 FU C1 +52 21 3 FU C2 +52 21 3 FU C3 +52 21 3 FU C4 +52 21 3 FU C5 +52 21 3 FU C6 +52 21 3 FU C7 +52 21 3 FU C8 +52 21 3 FU C9 +52 21 3 FU C10 +52 21 3 FU C11 +52 21 3 FU C12 +52 21 3 FU C13 +52 21 3 FU C14 +52 21 3 FU C15 +52 21 3 FU C16 +52 21 3 FU C17 +52 21 3 FU C18 +52 21 3 FU C19 +52 21 3 FU C20 +52 21 3 FU C21 +52 21 3 FU C22 +52 21 3 FU C23 +52 21 3 FU C24 +52 21 3 FU C25 +52 21 3 FU C26 +52 21 3 FU C27 +52 21 3 FU C28 +52 21 3 FU C29 +52 21 3 FU C30 +52 21 3 FU C31 +52 21 3 FU C32 +52 21 3 FU C33 +52 21 3 FU C34 +52 21 3 FU C35 +52 21 3 FU C36 +52 21 3 FU C37 +52 21 3 FU C38 +52 21 3 FU C39 +52 21 3 FU C40 +52 21 4 KA C9 +52 21 5 KG E7 +52 21 6 KO F4 +52 21 7 HA J0 +52 21 8 NU G36 +52 21 9 MO H30 +52 21 10 HO H32 +52 21 11 YA H17 +52 22 1 EF A0 +52 22 2 KO G1 +52 22 3 HA I0 +52 22 4 MO F29 +52 22 5 HO H31 +52 22 6 NU D38 +52 22 7 YA E16 +52 22 8 KA C9 +52 23 1 EF A0 +52 23 2 KO G1 +52 23 2 KO G2 +52 23 2 KO G3 +52 23 3 KA C9 +52 23 3 KA D9 +52 23 4 MO E28 +52 23 4 MO F28 +52 23 4 MO G28 +52 23 5 KU E32 +52 23 5 KU F32 +52 23 5 KU G32 +52 23 5 KU H32 +52 23 6 NU H37 +52 23 6 NU H38 +52 23 6 NU H39 +52 23 6 NU H40 +52 23 7 HO J0 +52 23 8 HA J0 +52 23 9 HG C33 +52 23 9 HG D33 +52 23 9 HG E33 +52 23 10 YA F17 +52 23 10 YA G17 +52 23 10 YA H17 +52 24 1 EF A0 +52 24 2 HA J0 +52 24 3 KO F4 +52 24 4 YA G18 +52 24 5 MO G28 +52 24 6 HO I31 +52 24 7 KU H32 +52 24 7 KU H33 +52 24 7 KU I32 +52 24 7 KU I33 +52 24 8 NU F39 +52 24 9 HG D32 +52 24 10 KA C9 +52 25 1 KA C8 +52 25 1 KA C9 +52 25 2 EF A0 +52 25 3 YA G17 +52 25 3 YA G18 +52 25 3 YA G19 +52 25 4 HG B33 +52 25 4 HG B34 +52 25 4 HG B35 +52 25 4 HG B36 +52 25 4 HG B37 +52 25 4 HG B38 +52 25 4 HG B39 +52 25 4 HG B40 +52 25 5 PS F1 +52 25 5 PS F2 +52 25 6 KO G1 +52 25 6 KO G2 +52 25 7 KU F26 +52 25 7 KU F27 +52 25 7 KU F28 +52 25 7 KU F29 +52 25 7 KU F30 +52 25 8 HI J0 +52 25 9 HA J0 +52 25 10 MO H29 +52 25 10 MO H30 +52 25 10 MO H31 +52 25 10 MO H32 +52 25 10 MO H33 +52 25 10 MO H34 +53 1 1 T F24 +53 1 2 I H2 +53 1 2 I H3 +53 1 2 I H4 +53 1 2 I I2 +53 1 2 I I3 +53 1 2 I I4 +53 1 3 Q B3 +53 1 3 Q B4 +53 1 3 Q B5 +53 1 3 Q C3 +53 1 3 Q C4 +53 1 3 Q C5 +53 1 3 Q D3 +53 1 3 Q D4 +53 1 3 Q D5 +53 2 1 T F26 +53 2 1 T F27 +53 2 2 I G3 +53 3 1 T C9 +53 3 1 T C10 +53 3 1 T C11 +53 3 1 T C12 +53 3 1 T C13 +53 3 1 T C14 +53 3 2 I H3 +53 4 1 T F25 +53 4 2 I G2 +53 4 2 I G3 +53 5 1 T D16 +53 5 1 T D17 +53 5 1 T D18 +53 5 1 T D19 +53 5 1 T E17 +53 5 1 T E18 +53 5 1 T E19 +53 5 1 T E20 +53 5 1 T E21 +53 5 1 T E22 +53 5 1 T E23 +53 5 1 T E24 +53 5 1 T E25 +53 5 2 I G3 +53 5 2 I G4 +53 6 1 T E27 +53 6 1 T F27 +53 6 1 T G27 +53 6 2 I H4 +53 6 2 I H5 +53 6 2 I I4 +53 6 2 I I5 +53 7 1 T C10 +53 7 1 T C11 +53 7 2 Q C5 +53 7 3 I H4 +53 7 3 I I4 +53 8 1 T C14 +53 8 1 T D15 +53 8 1 T D16 +53 8 1 T D17 +53 8 1 T E18 +53 8 1 T E19 +53 8 1 T E20 +53 8 1 T E21 +53 8 1 T E22 +53 8 1 T E23 +53 8 1 T E24 +53 8 1 T E25 +53 8 1 T E26 +53 8 1 T E27 +53 8 2 Q C5 +53 8 3 I G2 +53 8 3 I H2 +53 8 3 I I2 +53 9 1 T C14 +53 9 1 T C15 +53 9 1 T C16 +53 9 1 T C17 +53 9 1 T C18 +53 9 1 T D14 +53 9 1 T D15 +53 9 1 T D16 +53 9 1 T D17 +53 9 1 T D18 +53 9 1 T D19 +53 9 1 T D20 +53 9 1 T D21 +53 9 1 T E16 +53 9 1 T E17 +53 9 1 T E18 +53 9 1 T E19 +53 9 1 T E20 +53 9 1 T E21 +53 9 1 T E22 +53 9 1 T E23 +53 9 1 T E24 +53 9 1 T E25 +53 9 1 T E26 +53 9 1 T F20 +53 9 1 T F21 +53 9 1 T F22 +53 9 1 T F23 +53 9 1 T F24 +53 9 1 T F25 +53 9 1 T F26 +53 9 1 T F27 +53 9 1 T F28 +53 9 1 T F29 +53 9 1 T G25 +53 9 1 T G26 +53 9 1 T G27 +53 9 1 T G28 +53 9 1 T G29 +53 9 2 I F3 +53 9 2 I F4 +53 9 2 I F5 +53 9 2 I G3 +53 9 2 I G4 +53 9 2 I G5 +53 9 2 I H3 +53 9 2 I H4 +53 9 2 I H5 +53 10 1 T D15 +53 10 1 T D16 +53 10 1 T E17 +53 10 1 T E18 +53 10 1 T E19 +53 10 1 T E20 +53 10 1 T E21 +53 10 1 T F21 +53 10 1 T F22 +53 10 1 T F23 +53 10 1 T F24 +53 10 1 T F25 +53 10 1 T F26 +53 10 2 I H3 +53 10 2 I H4 +53 10 2 I I3 +53 10 2 I I4 +53 11 1 T D15 +53 11 1 T E16 +53 11 1 T E17 +53 11 1 T E18 +53 11 1 T E19 +53 11 1 T F18 +53 11 1 T F19 +53 11 1 T F20 +53 11 1 T F21 +53 11 1 T F22 +53 11 1 T F23 +53 11 2 I G3 +53 11 2 I G4 +53 12 1 T G26 +53 12 2 I H3 +53 13 1 T C20 +53 13 1 T C21 +53 13 1 T C22 +53 13 1 T C23 +53 13 1 T C24 +53 13 1 T C25 +53 13 1 T C26 +53 13 1 T D20 +53 13 1 T D21 +53 13 1 T D22 +53 13 1 T D23 +53 13 1 T D24 +53 13 1 T D25 +53 13 1 T D26 +53 13 2 I G3 +53 13 2 I G4 +53 13 2 I G5 +53 13 2 I H3 +53 13 2 I H4 +53 13 2 I H5 +53 13 2 I I3 +53 13 2 I I4 +53 13 2 I I5 +53 14 1 T C18 +53 14 1 T C19 +53 14 1 T D19 +53 14 1 T D20 +53 14 1 T D21 +53 14 1 T D22 +53 14 1 T E23 +53 14 1 T E24 +53 14 1 T E25 +53 14 1 T E26 +53 14 1 T E27 +53 14 1 T E28 +53 14 2 I G3 +53 14 2 I G4 +53 15 1 T E22 +53 15 1 T E23 +53 15 1 T E24 +53 15 1 T G24 +53 15 1 T G25 +53 15 1 T G26 +53 15 1 T G27 +53 15 1 T G28 +53 15 1 T G29 +53 15 2 I G3 +53 15 2 I G4 +53 15 2 I H3 +53 15 2 I H4 +53 16 1 T D16 +53 16 1 T D17 +53 16 1 T E18 +53 16 1 T E19 +53 16 1 T E20 +53 16 1 T E21 +53 16 1 T F22 +53 16 1 T F23 +53 16 1 T F24 +53 16 1 T F25 +53 16 1 T F26 +53 16 2 I G3 +53 16 2 I G4 +53 16 2 I G5 +53 16 2 I H3 +53 16 2 I H4 +53 16 2 I H5 +53 17 1 T D19 +53 17 1 T D20 +53 17 1 T E21 +53 17 1 T E22 +53 17 1 T E23 +53 17 1 T E24 +53 17 1 T E25 +53 17 1 T E26 +53 17 2 I G3 +53 17 2 I G4 +53 18 1 T C18 +53 18 1 T C19 +53 18 1 T C20 +53 18 1 T D18 +53 18 1 T D19 +53 18 1 T D20 +53 18 1 T D21 +53 18 1 T D22 +53 18 1 T D23 +53 18 1 T D24 +53 18 1 T D25 +53 18 1 T E22 +53 18 1 T E23 +53 18 1 T E24 +53 18 1 T E25 +53 18 1 T E26 +53 18 1 T E27 +53 18 1 T E28 +53 18 1 T E29 +53 18 1 T F27 +53 18 1 T F28 +53 18 1 T F29 +53 18 2 I H4 +53 18 2 I H5 +53 19 1 T D16 +53 19 1 T D17 +53 19 1 T D18 +53 19 1 T D19 +53 19 1 T D20 +53 19 1 T E21 +53 19 1 T E22 +53 19 1 T E23 +53 19 1 T E24 +53 19 1 T E25 +53 19 1 T E26 +53 19 2 I G3 +53 19 2 I G4 +53 19 2 I H3 +53 19 2 I H4 +54 1 1 KL A1 +54 1 2 SG J19 +54 1 3 JJ C11 +54 1 4 KK F19 +54 1 5 BB F40 +54 2 1 KL A25 +54 2 2 SG J4 +54 2 3 JJ C12 +54 2 4 DS D16 +54 2 5 KK E20 +54 2 6 BB G40 +54 2 7 KN F1 +54 3 1 KL A0 +54 3 1 KL A1 +54 3 1 KL A2 +54 3 1 KL A3 +54 3 1 KL A4 +54 3 1 KL A5 +54 3 1 KL A6 +54 3 1 KL A7 +54 3 1 KL A8 +54 3 1 KL A9 +54 3 1 KL A10 +54 3 1 KL A11 +54 3 1 KL A12 +54 3 1 KL A13 +54 3 1 KL A14 +54 3 1 KL A15 +54 3 1 KL A16 +54 3 1 KL A17 +54 3 1 KL A18 +54 3 1 KL A19 +54 3 1 KL A20 +54 3 1 KL A21 +54 3 1 KL A22 +54 3 1 KL A23 +54 3 1 KL A24 +54 3 1 KL A25 +54 3 1 KL A26 +54 3 1 KL A27 +54 3 1 KL A28 +54 3 1 KL A29 +54 3 1 KL A30 +54 3 1 KL A31 +54 3 1 KL A32 +54 3 1 KL A33 +54 3 1 KL A34 +54 3 1 KL A35 +54 3 1 KL A36 +54 3 1 KL A37 +54 3 1 KL A38 +54 3 1 KL A39 +54 3 1 KL A40 +54 3 2 SG J0 +54 3 2 SG J1 +54 3 2 SG J2 +54 3 2 SG J3 +54 3 2 SG J4 +54 3 2 SG J5 +54 3 2 SG J6 +54 3 2 SG J7 +54 3 2 SG J8 +54 3 2 SG J9 +54 3 2 SG J10 +54 3 2 SG J11 +54 3 2 SG J12 +54 3 2 SG J13 +54 3 2 SG J14 +54 3 2 SG J15 +54 3 2 SG J16 +54 3 2 SG J17 +54 3 2 SG J18 +54 3 2 SG J19 +54 3 2 SG J20 +54 3 2 SG J21 +54 3 2 SG J22 +54 3 2 SG J23 +54 3 2 SG J24 +54 3 2 SG J25 +54 3 2 SG J26 +54 3 2 SG J27 +54 3 2 SG J28 +54 3 2 SG J29 +54 3 2 SG J30 +54 3 2 SG J31 +54 3 2 SG J32 +54 3 2 SG J33 +54 3 2 SG J34 +54 3 2 SG J35 +54 3 2 SG J36 +54 3 2 SG J37 +54 3 2 SG J38 +54 3 2 SG J39 +54 3 2 SG J40 +54 3 3 KN H3 +54 3 4 JJ B12 +54 3 5 JJ B13 +54 3 6 KK H17 +54 3 7 KK I18 +54 3 8 DS H21 +54 3 9 BB H39 +54 3 10 KN F4 +54 3 11 KL B15 +54 3 11 KL B16 +54 3 11 KL B17 +54 3 11 KL B18 +54 3 11 KL B19 +54 3 11 KL B20 +54 3 11 KL B21 +54 3 11 KL B22 +54 3 11 KL B23 +54 3 11 KL B24 +54 3 11 KL B25 +54 3 11 KL B26 +54 3 11 KL B27 +54 3 11 KL B28 +54 3 11 KL B29 +54 3 11 KL B30 +54 3 11 KL B31 +54 3 11 KL B32 +54 3 11 KL B33 +54 3 11 KL B34 +54 3 11 KL B35 +54 3 11 KL B36 +54 3 11 KL B37 +54 3 11 KL B38 +54 3 11 KL B39 +54 3 11 KL B40 +54 4 1 KL A0 +54 4 1 KL A1 +54 4 1 KL A2 +54 4 1 KL A3 +54 4 1 KL A4 +54 4 1 KL A5 +54 4 1 KL A6 +54 4 1 KL A7 +54 4 1 KL A8 +54 4 1 KL A9 +54 4 1 KL A10 +54 4 1 KL A11 +54 4 1 KL A12 +54 4 1 KL A13 +54 4 1 KL A14 +54 4 1 KL A15 +54 4 1 KL A16 +54 4 1 KL A17 +54 4 1 KL A18 +54 4 1 KL A19 +54 4 1 KL A20 +54 4 1 KL A21 +54 4 1 KL A22 +54 4 1 KL A23 +54 4 1 KL A24 +54 4 1 KL A25 +54 4 1 KL A26 +54 4 1 KL A27 +54 4 1 KL A28 +54 4 1 KL A29 +54 4 1 KL A30 +54 4 1 KL A31 +54 4 1 KL A32 +54 4 1 KL A33 +54 4 1 KL A34 +54 4 1 KL A35 +54 4 1 KL A36 +54 4 1 KL A37 +54 4 1 KL A38 +54 4 1 KL A39 +54 4 1 KL A40 +54 4 2 SG J0 +54 4 2 SG J1 +54 4 2 SG J2 +54 4 2 SG J3 +54 4 2 SG J4 +54 4 2 SG J5 +54 4 2 SG J6 +54 4 2 SG J7 +54 4 2 SG J8 +54 4 2 SG J9 +54 4 2 SG J10 +54 4 2 SG J11 +54 4 2 SG J12 +54 4 2 SG J13 +54 4 2 SG J14 +54 4 2 SG J15 +54 4 2 SG J16 +54 4 2 SG J17 +54 4 2 SG J18 +54 4 2 SG J19 +54 4 2 SG J20 +54 4 2 SG J21 +54 4 2 SG J22 +54 4 2 SG J23 +54 4 2 SG J24 +54 4 2 SG J25 +54 4 2 SG J26 +54 4 2 SG J27 +54 4 2 SG J28 +54 4 2 SG J29 +54 4 2 SG J30 +54 4 2 SG J31 +54 4 2 SG J32 +54 4 2 SG J33 +54 4 2 SG J34 +54 4 2 SG J35 +54 4 2 SG J36 +54 4 2 SG J37 +54 4 2 SG J38 +54 4 2 SG J39 +54 4 2 SG J40 +54 4 3 KN F1 +54 4 4 JJ C10 +54 4 5 KK F16 +54 4 6 DS H29 +54 4 7 SU C30 +54 4 8 BL E7 +54 5 1 KL A22 +54 5 2 SG J13 +54 5 3 KN G2 +54 5 4 JJ C10 +54 5 5 DS G18 +54 5 6 NE F33 +54 5 7 BB I39 +54 6 1 KL A0 +54 6 2 SG J12 +54 6 3 KN G40 +54 6 4 JJ C9 +54 6 5 KK E16 +54 7 1 KL A0 +54 7 2 SG J34 +54 7 3 BB F1 +54 7 4 KN F40 +54 7 5 JJ B11 +54 7 6 DS D17 +54 8 1 KL A26 +54 8 2 SG J7 +54 8 3 KN G40 +54 8 4 JJ C9 +54 8 5 DS H18 +54 8 6 KK E25 +54 9 1 KL A0 +54 9 1 KL A1 +54 9 1 KL A2 +54 9 1 KL A3 +54 9 1 KL A4 +54 9 1 KL A5 +54 9 1 KL A6 +54 9 1 KL A7 +54 9 1 KL A8 +54 9 1 KL A9 +54 9 1 KL A10 +54 9 1 KL A11 +54 9 1 KL A12 +54 9 1 KL A13 +54 9 1 KL A14 +54 9 1 KL A15 +54 9 1 KL A16 +54 9 1 KL A17 +54 9 1 KL A18 +54 9 1 KL A19 +54 9 1 KL A20 +54 9 1 KL A21 +54 9 1 KL A22 +54 9 1 KL A23 +54 9 1 KL A24 +54 9 1 KL A25 +54 9 1 KL A26 +54 9 1 KL A27 +54 9 1 KL A28 +54 9 1 KL A29 +54 9 1 KL A30 +54 9 1 KL A31 +54 9 1 KL A32 +54 9 1 KL A33 +54 9 1 KL A34 +54 9 1 KL A35 +54 9 1 KL A36 +54 9 1 KL A37 +54 9 1 KL A38 +54 9 1 KL A39 +54 9 1 KL A40 +54 9 2 SG J0 +54 9 2 SG J1 +54 9 2 SG J2 +54 9 2 SG J3 +54 9 2 SG J4 +54 9 2 SG J5 +54 9 2 SG J6 +54 9 2 SG J7 +54 9 2 SG J8 +54 9 2 SG J9 +54 9 2 SG J10 +54 9 2 SG J11 +54 9 2 SG J12 +54 9 2 SG J13 +54 9 2 SG J14 +54 9 2 SG J15 +54 9 2 SG J16 +54 9 2 SG J17 +54 9 2 SG J18 +54 9 2 SG J19 +54 9 2 SG J20 +54 9 2 SG J21 +54 9 2 SG J22 +54 9 2 SG J23 +54 9 2 SG J24 +54 9 2 SG J25 +54 9 2 SG J26 +54 9 2 SG J27 +54 9 2 SG J28 +54 9 2 SG J29 +54 9 2 SG J30 +54 9 2 SG J31 +54 9 2 SG J32 +54 9 2 SG J33 +54 9 2 SG J34 +54 9 2 SG J35 +54 9 2 SG J36 +54 9 2 SG J37 +54 9 2 SG J38 +54 9 2 SG J39 +54 9 2 SG J40 +54 9 3 KN F3 +54 9 4 JJ D8 +54 9 5 DS F17 +54 9 6 WO H8 +54 10 1 KL A18 +54 10 2 SG J1 +54 10 3 KN G1 +54 10 4 JJ C9 +54 10 5 DS F16 +54 10 6 KK F17 +54 10 7 BB G40 +54 10 8 IR E0 +54 11 1 KL A1 +54 11 2 SG J15 +54 11 3 KN F3 +54 11 4 JJ C12 +54 11 5 KK E16 +54 12 1 KL A0 +54 12 1 KL A1 +54 12 1 KL A2 +54 12 1 KL A3 +54 12 1 KL A4 +54 12 1 KL A5 +54 12 1 KL A6 +54 12 1 KL A7 +54 12 1 KL A8 +54 12 1 KL A9 +54 12 1 KL A10 +54 12 1 KL A11 +54 12 1 KL A12 +54 12 1 KL A13 +54 12 1 KL A14 +54 12 1 KL A15 +54 12 1 KL A16 +54 12 1 KL A17 +54 12 1 KL A18 +54 12 1 KL A19 +54 12 1 KL A20 +54 12 1 KL A21 +54 12 1 KL A22 +54 12 1 KL A23 +54 12 1 KL A24 +54 12 1 KL A25 +54 12 1 KL A26 +54 12 1 KL A27 +54 12 1 KL A28 +54 12 1 KL A29 +54 12 1 KL A30 +54 12 1 KL A31 +54 12 1 KL A32 +54 12 1 KL A33 +54 12 1 KL A34 +54 12 1 KL A35 +54 12 1 KL A36 +54 12 1 KL A37 +54 12 1 KL A38 +54 12 1 KL A39 +54 12 1 KL A40 +54 12 1 KL B3 +54 12 2 SG I0 +54 12 2 SG J0 +54 12 2 SG J1 +54 12 2 SG J2 +54 12 2 SG J3 +54 12 2 SG J4 +54 12 2 SG J5 +54 12 2 SG J6 +54 12 2 SG J7 +54 12 2 SG J8 +54 12 2 SG J9 +54 12 2 SG J10 +54 12 2 SG J11 +54 12 2 SG J12 +54 12 2 SG J13 +54 12 2 SG J14 +54 12 2 SG J15 +54 12 2 SG J16 +54 12 2 SG J17 +54 12 2 SG J18 +54 12 2 SG J19 +54 12 2 SG J20 +54 12 2 SG J21 +54 12 2 SG J22 +54 12 2 SG J23 +54 12 2 SG J24 +54 12 2 SG J25 +54 12 2 SG J26 +54 12 2 SG J27 +54 12 2 SG J28 +54 12 2 SG J29 +54 12 2 SG J30 +54 12 2 SG J31 +54 12 2 SG J32 +54 12 2 SG J33 +54 12 2 SG J34 +54 12 2 SG J35 +54 12 2 SG J36 +54 12 2 SG J37 +54 12 2 SG J38 +54 12 2 SG J39 +54 12 2 SG J40 +54 12 3 KN F2 +54 12 3 KN H2 +54 12 4 JJ B10 +54 12 4 JJ C8 +54 12 5 DS H15 +54 12 5 DS I15 +54 12 6 KK G20 +54 12 6 KK H20 +54 12 7 BB G28 +54 12 7 BB I27 +54 13 1 KL A0 +54 13 1 KL A1 +54 13 1 KL A2 +54 13 1 KL A3 +54 13 1 KL A4 +54 13 1 KL A5 +54 13 1 KL A6 +54 13 1 KL A7 +54 13 1 KL A8 +54 13 1 KL A9 +54 13 1 KL A10 +54 13 1 KL A11 +54 13 1 KL A12 +54 13 1 KL A13 +54 13 1 KL A14 +54 13 1 KL A15 +54 13 1 KL A16 +54 13 1 KL A17 +54 13 1 KL A18 +54 13 1 KL A19 +54 13 1 KL A20 +54 13 1 KL A21 +54 13 1 KL A22 +54 13 1 KL A23 +54 13 1 KL A24 +54 13 1 KL A25 +54 13 1 KL A26 +54 13 1 KL A27 +54 13 1 KL A28 +54 13 1 KL A29 +54 13 1 KL A30 +54 13 1 KL A31 +54 13 1 KL A32 +54 13 1 KL A33 +54 13 1 KL A34 +54 13 1 KL A35 +54 13 1 KL A36 +54 13 1 KL A37 +54 13 1 KL A38 +54 13 1 KL A39 +54 13 1 KL A40 +54 13 2 KN G1 +54 13 3 JJ C9 +54 13 4 KK F17 +54 13 5 DS H17 +54 13 6 UT H27 +54 13 7 BB I1 +54 13 8 WE E31 +54 13 9 UN C1 +54 14 1 KL A0 +54 14 2 SG J0 +54 14 3 KN F1 +54 14 4 BB F1 +54 14 5 JJ C9 +54 14 6 DS F17 +54 15 1 KL A38 +54 15 2 SG J0 +54 15 2 SG J1 +54 15 2 SG J2 +54 15 2 SG J3 +54 15 2 SG J4 +54 15 2 SG J5 +54 15 2 SG J6 +54 15 2 SG J7 +54 15 2 SG J8 +54 15 2 SG J9 +54 15 2 SG J10 +54 15 2 SG J11 +54 15 2 SG J12 +54 15 2 SG J13 +54 15 2 SG J14 +54 15 2 SG J15 +54 15 2 SG J16 +54 15 2 SG J17 +54 15 2 SG J18 +54 15 2 SG J19 +54 15 2 SG J20 +54 15 2 SG J21 +54 15 2 SG J22 +54 15 2 SG J23 +54 15 2 SG J24 +54 15 2 SG J25 +54 15 2 SG J26 +54 15 2 SG J27 +54 15 2 SG J28 +54 15 2 SG J29 +54 15 2 SG J30 +54 15 2 SG J31 +54 15 2 SG J32 +54 15 2 SG J33 +54 15 2 SG J34 +54 15 2 SG J35 +54 15 2 SG J36 +54 15 2 SG J37 +54 15 2 SG J38 +54 15 2 SG J39 +54 15 2 SG J40 +54 15 3 KN G1 +54 15 4 JJ D7 +54 15 5 BL C11 +54 15 6 DS G17 +54 15 7 KK G18 +54 15 8 BB F39 +54 16 1 KL A40 +54 16 2 SG J40 +54 16 3 KN F1 +54 16 4 JJ C21 +54 16 5 DS E20 +54 16 6 KK G20 +54 17 1 KL A0 +54 17 2 SG J0 +54 17 3 KN G1 +54 17 4 JJ C10 +54 17 5 DS E18 +54 17 6 KK C18 +54 17 7 NE E29 +54 17 8 BB E1 +54 18 1 KL A40 +54 18 2 SG J40 +54 18 3 KN G40 +54 18 4 JJ D11 +54 18 5 DS F19 +54 18 6 KK F20 +54 19 1 KL A0 +54 19 1 KL A1 +54 19 1 KL A2 +54 19 1 KL A3 +54 19 1 KL A4 +54 19 1 KL A5 +54 19 1 KL A6 +54 19 1 KL A7 +54 19 1 KL A8 +54 19 1 KL A9 +54 19 1 KL A10 +54 19 1 KL A11 +54 19 1 KL A12 +54 19 1 KL A13 +54 19 1 KL A14 +54 19 1 KL A15 +54 19 1 KL A16 +54 19 1 KL A17 +54 19 1 KL A18 +54 19 1 KL A19 +54 19 1 KL A20 +54 19 1 KL A21 +54 19 1 KL A22 +54 19 1 KL A23 +54 19 1 KL A24 +54 19 1 KL A25 +54 19 1 KL A26 +54 19 1 KL A27 +54 19 1 KL A28 +54 19 1 KL A29 +54 19 1 KL A30 +54 19 1 KL A31 +54 19 1 KL A32 +54 19 1 KL A33 +54 19 1 KL A34 +54 19 1 KL A35 +54 19 1 KL A36 +54 19 1 KL A37 +54 19 1 KL A38 +54 19 1 KL A39 +54 19 1 KL A40 +54 19 2 KN F2 +54 19 3 JJ C15 +54 19 4 LU D25 +54 19 5 SG F28 +54 20 1 KL A0 +54 20 1 KL A1 +54 20 1 KL A2 +54 20 1 KL A3 +54 20 1 KL A4 +54 20 1 KL A5 +54 20 1 KL A6 +54 20 1 KL A7 +54 20 1 KL A8 +54 20 1 KL A9 +54 20 1 KL A10 +54 20 1 KL A11 +54 20 1 KL A12 +54 20 1 KL A13 +54 20 1 KL A14 +54 20 1 KL A15 +54 20 1 KL A16 +54 20 1 KL A17 +54 20 1 KL A18 +54 20 1 KL A19 +54 20 1 KL A20 +54 20 1 KL A21 +54 20 1 KL A22 +54 20 1 KL A23 +54 20 1 KL A24 +54 20 1 KL A25 +54 20 1 KL A26 +54 20 1 KL A27 +54 20 1 KL A28 +54 20 1 KL A29 +54 20 1 KL A30 +54 20 1 KL A31 +54 20 1 KL A32 +54 20 1 KL A33 +54 20 1 KL A34 +54 20 1 KL A35 +54 20 1 KL A36 +54 20 1 KL A37 +54 20 1 KL A38 +54 20 1 KL A39 +54 20 1 KL A40 +54 20 2 SG J0 +54 20 2 SG J1 +54 20 2 SG J2 +54 20 2 SG J3 +54 20 2 SG J4 +54 20 2 SG J5 +54 20 2 SG J6 +54 20 2 SG J7 +54 20 2 SG J8 +54 20 2 SG J9 +54 20 2 SG J10 +54 20 2 SG J11 +54 20 2 SG J12 +54 20 2 SG J13 +54 20 2 SG J14 +54 20 2 SG J15 +54 20 2 SG J16 +54 20 2 SG J17 +54 20 2 SG J18 +54 20 2 SG J19 +54 20 2 SG J20 +54 20 2 SG J21 +54 20 2 SG J22 +54 20 2 SG J23 +54 20 2 SG J24 +54 20 2 SG J25 +54 20 2 SG J26 +54 20 2 SG J27 +54 20 2 SG J28 +54 20 2 SG J29 +54 20 2 SG J30 +54 20 2 SG J31 +54 20 2 SG J32 +54 20 2 SG J33 +54 20 2 SG J34 +54 20 2 SG J35 +54 20 2 SG J36 +54 20 2 SG J37 +54 20 2 SG J38 +54 20 2 SG J39 +54 20 2 SG J40 +54 20 3 KN F3 +54 20 4 JJ C9 +54 20 5 DS D17 +54 20 6 UU I23 +54 20 7 NE F27 +54 21 1 KL A0 +54 21 1 KL A1 +54 21 1 KL A2 +54 21 1 KL A3 +54 21 1 KL A4 +54 21 1 KL A5 +54 21 1 KL A6 +54 21 1 KL A7 +54 21 1 KL A8 +54 21 1 KL A9 +54 21 1 KL A10 +54 21 1 KL A11 +54 21 1 KL A12 +54 21 1 KL A13 +54 21 1 KL A14 +54 21 1 KL A15 +54 21 1 KL A16 +54 21 1 KL A17 +54 21 1 KL A18 +54 21 1 KL A19 +54 21 1 KL A20 +54 21 1 KL A21 +54 21 1 KL A22 +54 21 1 KL A23 +54 21 1 KL A24 +54 21 1 KL A25 +54 21 1 KL A26 +54 21 1 KL A27 +54 21 1 KL A28 +54 21 1 KL A29 +54 21 1 KL A30 +54 21 1 KL A31 +54 21 1 KL A32 +54 21 1 KL A33 +54 21 1 KL A34 +54 21 1 KL A35 +54 21 1 KL A36 +54 21 1 KL A37 +54 21 1 KL A38 +54 21 1 KL A39 +54 21 1 KL A40 +54 21 2 SG J0 +54 21 2 SG J1 +54 21 2 SG J2 +54 21 2 SG J3 +54 21 2 SG J4 +54 21 2 SG J5 +54 21 2 SG J6 +54 21 2 SG J7 +54 21 2 SG J8 +54 21 2 SG J9 +54 21 2 SG J10 +54 21 2 SG J11 +54 21 2 SG J12 +54 21 2 SG J13 +54 21 2 SG J14 +54 21 2 SG J15 +54 21 2 SG J16 +54 21 2 SG J17 +54 21 2 SG J18 +54 21 2 SG J19 +54 21 2 SG J20 +54 21 2 SG J21 +54 21 2 SG J22 +54 21 2 SG J23 +54 21 2 SG J24 +54 21 2 SG J25 +54 21 2 SG J26 +54 21 2 SG J27 +54 21 2 SG J28 +54 21 2 SG J29 +54 21 2 SG J30 +54 21 2 SG J31 +54 21 2 SG J32 +54 21 2 SG J33 +54 21 2 SG J34 +54 21 2 SG J35 +54 21 2 SG J36 +54 21 2 SG J37 +54 21 2 SG J38 +54 21 2 SG J39 +54 21 2 SG J40 +54 21 3 KN G1 +54 21 4 JJ C9 +54 21 5 DS F18 +54 22 1 KL A0 +54 22 1 KL A1 +54 22 1 KL A2 +54 22 1 KL A3 +54 22 1 KL A4 +54 22 1 KL A5 +54 22 1 KL A6 +54 22 1 KL A7 +54 22 1 KL A8 +54 22 1 KL A9 +54 22 1 KL A10 +54 22 1 KL A11 +54 22 1 KL A12 +54 22 1 KL A13 +54 22 1 KL A14 +54 22 1 KL A15 +54 22 1 KL A16 +54 22 1 KL A17 +54 22 1 KL A18 +54 22 1 KL A19 +54 22 1 KL A20 +54 22 1 KL A21 +54 22 1 KL A22 +54 22 1 KL A23 +54 22 1 KL A24 +54 22 1 KL A25 +54 22 1 KL A26 +54 22 1 KL A27 +54 22 1 KL A28 +54 22 1 KL A29 +54 22 1 KL A30 +54 22 1 KL A31 +54 22 1 KL A32 +54 22 1 KL A33 +54 22 1 KL A34 +54 22 1 KL A35 +54 22 1 KL A36 +54 22 1 KL A37 +54 22 1 KL A38 +54 22 1 KL A39 +54 22 1 KL A40 +54 22 2 KU J0 +54 22 2 KU J1 +54 22 2 KU J2 +54 22 2 KU J3 +54 22 2 KU J4 +54 22 2 KU J5 +54 22 2 KU J6 +54 22 2 KU J7 +54 22 2 KU J8 +54 22 2 KU J9 +54 22 2 KU J10 +54 22 2 KU J11 +54 22 2 KU J12 +54 22 2 KU J13 +54 22 2 KU J14 +54 22 2 KU J15 +54 22 2 KU J16 +54 22 2 KU J17 +54 22 2 KU J18 +54 22 2 KU J19 +54 22 2 KU J20 +54 22 2 KU J21 +54 22 2 KU J22 +54 22 2 KU J23 +54 22 2 KU J24 +54 22 2 KU J25 +54 22 2 KU J26 +54 22 2 KU J27 +54 22 2 KU J28 +54 22 2 KU J29 +54 22 2 KU J30 +54 22 2 KU J31 +54 22 2 KU J32 +54 22 2 KU J33 +54 22 2 KU J34 +54 22 2 KU J35 +54 22 2 KU J36 +54 22 2 KU J37 +54 22 2 KU J38 +54 22 2 KU J39 +54 22 2 KU J40 +54 22 3 KN F4 +54 22 4 BB D6 +54 22 5 JJ C12 +54 22 6 DS F18 +54 22 7 KK G22 +54 22 8 WE G30 +54 22 9 NG H0 +54 23 1 KL A0 +54 23 1 KL A1 +54 23 1 KL A2 +54 23 1 KL A3 +54 23 1 KL A4 +54 23 1 KL A5 +54 23 1 KL A6 +54 23 1 KL A7 +54 23 1 KL A8 +54 23 1 KL A9 +54 23 1 KL A10 +54 23 1 KL A11 +54 23 1 KL A12 +54 23 1 KL A13 +54 23 1 KL A14 +54 23 1 KL A15 +54 23 1 KL A16 +54 23 1 KL A17 +54 23 1 KL A18 +54 23 1 KL A19 +54 23 1 KL A20 +54 23 1 KL A21 +54 23 1 KL A22 +54 23 1 KL A23 +54 23 1 KL A24 +54 23 1 KL A25 +54 23 1 KL A26 +54 23 1 KL A27 +54 23 1 KL A28 +54 23 1 KL A29 +54 23 1 KL A30 +54 23 1 KL A31 +54 23 1 KL A32 +54 23 1 KL A33 +54 23 1 KL A34 +54 23 1 KL A35 +54 23 1 KL A36 +54 23 1 KL A37 +54 23 1 KL A38 +54 23 1 KL A39 +54 23 1 KL A40 +54 23 2 SG J0 +54 23 2 SG J1 +54 23 2 SG J2 +54 23 2 SG J3 +54 23 2 SG J4 +54 23 2 SG J5 +54 23 2 SG J6 +54 23 2 SG J7 +54 23 2 SG J8 +54 23 2 SG J9 +54 23 2 SG J10 +54 23 2 SG J11 +54 23 2 SG J12 +54 23 2 SG J13 +54 23 2 SG J14 +54 23 2 SG J15 +54 23 2 SG J16 +54 23 2 SG J17 +54 23 2 SG J18 +54 23 2 SG J19 +54 23 2 SG J20 +54 23 2 SG J21 +54 23 2 SG J22 +54 23 2 SG J23 +54 23 2 SG J24 +54 23 2 SG J25 +54 23 2 SG J26 +54 23 2 SG J27 +54 23 2 SG J28 +54 23 2 SG J29 +54 23 2 SG J30 +54 23 2 SG J31 +54 23 2 SG J32 +54 23 2 SG J33 +54 23 2 SG J34 +54 23 2 SG J35 +54 23 2 SG J36 +54 23 2 SG J37 +54 23 2 SG J38 +54 23 2 SG J39 +54 23 2 SG J40 +54 23 3 KN E1 +54 23 3 KN G1 +54 23 4 JJ C9 +54 23 5 KK E18 +54 23 6 LU C24 +54 24 1 KL A0 +54 24 2 SG J13 +54 24 3 KN G39 +54 24 4 JJ C8 +54 24 5 KK F16 +54 24 6 DS F17 +54 24 7 BB F5 +54 25 1 KL A0 +54 25 1 KL A1 +54 25 1 KL A2 +54 25 1 KL A3 +54 25 1 KL A4 +54 25 1 KL A5 +54 25 1 KL A6 +54 25 1 KL A7 +54 25 1 KL A8 +54 25 1 KL A9 +54 25 1 KL A10 +54 25 1 KL A11 +54 25 1 KL A12 +54 25 1 KL A13 +54 25 1 KL A14 +54 25 1 KL A15 +54 25 1 KL A16 +54 25 1 KL A17 +54 25 1 KL A18 +54 25 1 KL A19 +54 25 1 KL A20 +54 25 1 KL A21 +54 25 1 KL A22 +54 25 1 KL A23 +54 25 1 KL A24 +54 25 1 KL A25 +54 25 1 KL A26 +54 25 1 KL A27 +54 25 1 KL A28 +54 25 1 KL A29 +54 25 1 KL A30 +54 25 1 KL A31 +54 25 1 KL A32 +54 25 1 KL A33 +54 25 1 KL A34 +54 25 1 KL A35 +54 25 1 KL A36 +54 25 1 KL A37 +54 25 1 KL A38 +54 25 1 KL A39 +54 25 1 KL A40 +54 25 2 SG J0 +54 25 2 SG J1 +54 25 2 SG J2 +54 25 2 SG J3 +54 25 2 SG J4 +54 25 2 SG J5 +54 25 2 SG J6 +54 25 2 SG J7 +54 25 2 SG J8 +54 25 2 SG J9 +54 25 2 SG J10 +54 25 2 SG J11 +54 25 2 SG J12 +54 25 2 SG J13 +54 25 2 SG J14 +54 25 2 SG J15 +54 25 2 SG J16 +54 25 2 SG J17 +54 25 2 SG J18 +54 25 2 SG J19 +54 25 2 SG J20 +54 25 2 SG J21 +54 25 2 SG J22 +54 25 2 SG J23 +54 25 2 SG J24 +54 25 2 SG J25 +54 25 2 SG J26 +54 25 2 SG J27 +54 25 2 SG J28 +54 25 2 SG J29 +54 25 2 SG J30 +54 25 2 SG J31 +54 25 2 SG J32 +54 25 2 SG J33 +54 25 2 SG J34 +54 25 2 SG J35 +54 25 2 SG J36 +54 25 2 SG J37 +54 25 2 SG J38 +54 25 2 SG J39 +54 25 2 SG J40 +54 25 3 KN F4 +54 25 3 KN I1 +54 25 4 JJ C11 +54 25 5 WO C8 +54 25 6 UT E13 +54 25 7 KK F16 +54 25 8 DS F19 +54 25 9 NE F21 +54 25 10 LU F29 +54 25 11 BB D2 +55 1 1 D A0 +55 1 1 D A1 +55 1 1 D A2 +55 1 1 D A3 +55 1 1 D A4 +55 1 1 D A5 +55 1 1 D A6 +55 1 1 D A7 +55 1 1 D A8 +55 1 1 D A9 +55 1 1 D A10 +55 1 1 D A11 +55 1 1 D A12 +55 1 1 D A13 +55 1 1 D A14 +55 1 1 D A15 +55 1 1 D A16 +55 1 1 D A17 +55 1 1 D A18 +55 1 1 D A19 +55 1 1 D A20 +55 1 1 D A21 +55 1 1 D A22 +55 1 1 D A23 +55 1 1 D A24 +55 1 1 D A25 +55 1 1 D A26 +55 1 1 D A27 +55 1 1 D A28 +55 1 1 D A29 +55 1 1 D A30 +55 1 1 D A31 +55 1 1 D A32 +55 1 1 D A33 +55 1 1 D A34 +55 1 1 D A35 +55 1 1 D A36 +55 1 1 D A37 +55 1 1 D A38 +55 1 1 D A39 +55 1 1 D A40 +55 1 2 T G10 +55 1 3 B B13 +55 1 4 G D1 +55 1 5 L G1 +55 1 6 J G30 +55 1 7 N H22 +55 1 8 R C38 +55 1 9 K J0 +55 1 10 P D9 +55 2 1 K J0 +55 2 2 P D7 +55 2 3 G F40 +55 2 4 J H30 +55 2 5 N H21 +55 2 6 T G9 +55 2 7 L G3 +55 2 8 D A0 +55 3 1 L F3 +55 3 2 P D7 +55 3 3 J F29 +55 3 4 N G17 +55 3 5 T H9 +55 3 6 D A0 +55 3 7 G G1 +55 3 8 K J0 +55 4 1 R C4 +55 4 2 P C8 +55 4 3 G G40 +55 4 4 J G28 +55 4 5 H H21 +55 4 6 N G18 +55 4 7 T I4 +55 4 8 D A0 +55 4 9 L G3 +55 4 10 K J0 +55 5 1 L F4 +55 5 2 P D7 +55 5 3 G F40 +55 5 4 T I40 +55 5 5 H H29 +55 5 6 N G28 +55 5 7 D A0 +55 5 8 K J0 +55 6 1 L G1 +55 6 2 P C10 +55 6 3 D A0 +55 6 4 N G18 +55 6 5 T I5 +55 6 6 K J0 +55 7 1 L G2 +55 7 2 P C9 +55 7 3 G G40 +55 7 4 N G17 +55 7 5 H F16 +55 7 6 T H9 +55 7 7 D A0 +55 7 8 K J0 +55 8 1 G E3 +55 8 2 B C5 +55 8 3 P C8 +55 8 4 J H29 +55 8 5 H F17 +55 8 6 N G17 +55 8 7 T G8 +55 8 8 D A0 +55 8 9 L H1 +55 8 10 K J0 +55 9 1 B C2 +55 9 2 P C9 +55 9 3 G G38 +55 9 4 J H28 +55 9 5 N F17 +55 9 6 T G6 +55 9 7 D A0 +55 9 8 L G2 +55 9 9 K J0 +55 10 1 B F4 +55 10 2 T D8 +55 10 3 P D9 +55 10 4 J H33 +55 10 5 N F17 +55 10 6 H G17 +55 10 7 L G3 +55 10 8 D A0 +55 10 9 K J0 +55 11 1 L E4 +55 11 2 P C8 +55 11 3 B G36 +55 11 4 J I31 +55 11 5 N G17 +55 11 6 D A0 +55 11 7 B I0 +55 11 8 K J0 +55 12 1 L G1 +55 12 2 P C9 +55 12 3 R B17 +55 12 4 G E38 +55 12 5 J F28 +55 12 6 H H17 +55 12 7 T G7 +55 12 8 D A0 +55 12 9 K J0 +55 13 1 L G2 +55 13 2 P C10 +55 13 3 R D35 +55 13 4 G F36 +55 13 5 B G33 +55 13 6 J G28 +55 13 7 N H20 +55 13 8 T F10 +55 13 9 D A0 +55 13 10 K J0 +55 14 1 L F4 +55 14 2 P C11 +55 14 3 B D15 +55 14 4 G G38 +55 14 5 J I31 +55 14 6 N H20 +55 14 7 T I4 +55 14 8 D A0 +55 14 9 K J0 +55 15 1 G G40 +55 15 2 P D8 +55 15 3 D A0 +55 15 4 B D3 +55 15 5 L G2 +55 15 6 K J0 +55 15 7 T I6 +55 15 8 N F19 +55 15 9 J H29 +55 16 1 P C8 +55 16 2 D A0 +55 16 3 L G3 +55 16 4 K J0 +55 16 5 T H7 +55 16 6 N H20 +55 16 7 J I33 +55 16 8 B E39 +55 16 9 G F39 +55 17 1 D A0 +55 17 2 P E9 +55 17 3 L G40 +55 17 4 G H39 +55 17 5 J H31 +55 17 6 H G28 +55 17 7 N G18 +55 17 8 T H5 +55 17 9 K J0 +55 18 1 L F1 +55 18 2 R B2 +55 18 3 P C8 +55 18 4 B C37 +55 18 5 G E38 +55 18 6 J G28 +55 18 7 N G20 +55 18 8 T F9 +55 18 9 D A0 +55 18 10 K J0 +55 19 1 B D4 +55 19 2 P C9 +55 19 3 G F40 +55 19 4 J H21 +55 19 5 N G18 +55 19 6 T F10 +55 19 7 L G1 +55 20 1 L G1 +55 20 2 P C8 +55 20 3 B F40 +55 20 4 G G38 +55 20 5 J I38 +55 20 6 D A0 +55 20 7 N G28 +55 20 8 T H9 +55 20 9 K J0 +55 21 1 L G1 +55 21 2 P D9 +55 21 3 B B22 +55 21 4 J H34 +55 21 5 N G20 +55 21 6 D A0 +55 21 7 K J0 +55 22 1 L G1 +55 22 2 P C8 +55 22 3 R D27 +55 22 4 J F29 +55 22 5 N F18 +55 22 6 D A0 +55 22 7 K J0 +55 23 1 D A0 +55 23 2 P D8 +55 23 3 R D25 +55 23 4 L G40 +55 23 5 J G28 +55 23 6 N H20 +55 23 7 K J0 +55 24 1 L G2 +55 24 2 P C8 +55 24 3 R B29 +55 24 4 J G28 +55 24 5 N H20 +55 24 6 D A0 +55 24 7 K J0 +55 25 1 L F3 +55 25 2 P C9 +55 25 3 B B23 +55 25 4 R C28 +55 25 5 J G28 +55 25 6 N H17 +55 25 7 D A0 +55 25 8 K J0 +56 1 1 TS A0 +56 1 1 TS A1 +56 1 1 TS A2 +56 1 1 TS A3 +56 1 1 TS A4 +56 1 1 TS A5 +56 1 1 TS A6 +56 1 1 TS A7 +56 1 1 TS A8 +56 1 1 TS A9 +56 1 1 TS A10 +56 1 1 TS A11 +56 1 1 TS A12 +56 1 1 TS A13 +56 1 1 TS A14 +56 1 1 TS A15 +56 1 1 TS A16 +56 1 1 TS A17 +56 1 1 TS A18 +56 1 1 TS A19 +56 1 1 TS A20 +56 1 1 TS A21 +56 1 1 TS A22 +56 1 1 TS A23 +56 1 1 TS A24 +56 1 1 TS A25 +56 1 1 TS A26 +56 1 1 TS A27 +56 1 1 TS A28 +56 1 1 TS A29 +56 1 1 TS A30 +56 1 1 TS A31 +56 1 1 TS A32 +56 1 1 TS A33 +56 1 1 TS A34 +56 1 1 TS A35 +56 1 1 TS A36 +56 1 1 TS A37 +56 1 1 TS A38 +56 1 1 TS A39 +56 1 1 TS A40 +56 1 2 BB J0 +56 1 2 BB J1 +56 1 2 BB J2 +56 1 2 BB J3 +56 1 2 BB J4 +56 1 2 BB J5 +56 1 2 BB J6 +56 1 2 BB J7 +56 1 2 BB J8 +56 1 2 BB J9 +56 1 2 BB J10 +56 1 2 BB J11 +56 1 2 BB J12 +56 1 2 BB J13 +56 1 2 BB J14 +56 1 2 BB J15 +56 1 2 BB J16 +56 1 2 BB J17 +56 1 2 BB J18 +56 1 2 BB J19 +56 1 2 BB J20 +56 1 2 BB J21 +56 1 2 BB J22 +56 1 2 BB J23 +56 1 2 BB J24 +56 1 2 BB J25 +56 1 2 BB J26 +56 1 2 BB J27 +56 1 2 BB J28 +56 1 2 BB J29 +56 1 2 BB J30 +56 1 2 BB J31 +56 1 2 BB J32 +56 1 2 BB J33 +56 1 2 BB J34 +56 1 2 BB J35 +56 1 2 BB J36 +56 1 2 BB J37 +56 1 2 BB J38 +56 1 2 BB J39 +56 1 2 BB J40 +56 1 3 AF F38 +56 2 1 TS A0 +56 2 1 TS A1 +56 2 1 TS A2 +56 2 1 TS A3 +56 2 1 TS A4 +56 2 1 TS A5 +56 2 1 TS A6 +56 2 1 TS A7 +56 2 1 TS A8 +56 2 1 TS A9 +56 2 1 TS A10 +56 2 1 TS A11 +56 2 1 TS A12 +56 2 1 TS A13 +56 2 1 TS A14 +56 2 1 TS A15 +56 2 1 TS A16 +56 2 1 TS A17 +56 2 1 TS A18 +56 2 1 TS A19 +56 2 1 TS A20 +56 2 1 TS A21 +56 2 1 TS A22 +56 2 1 TS A23 +56 2 1 TS A24 +56 2 1 TS A25 +56 2 1 TS A26 +56 2 1 TS A27 +56 2 1 TS A28 +56 2 1 TS A29 +56 2 1 TS A30 +56 2 1 TS A31 +56 2 1 TS A32 +56 2 1 TS A33 +56 2 1 TS A34 +56 2 1 TS A35 +56 2 1 TS A36 +56 2 1 TS A37 +56 2 1 TS A38 +56 2 1 TS A39 +56 2 1 TS A40 +56 2 2 BB J0 +56 2 2 BB J1 +56 2 2 BB J2 +56 2 2 BB J3 +56 2 2 BB J4 +56 2 2 BB J5 +56 2 2 BB J6 +56 2 2 BB J7 +56 2 2 BB J8 +56 2 2 BB J9 +56 2 2 BB J10 +56 2 2 BB J11 +56 2 2 BB J12 +56 2 2 BB J13 +56 2 2 BB J14 +56 2 2 BB J15 +56 2 2 BB J16 +56 2 2 BB J17 +56 2 2 BB J18 +56 2 2 BB J19 +56 2 2 BB J20 +56 2 2 BB J21 +56 2 2 BB J22 +56 2 2 BB J23 +56 2 2 BB J24 +56 2 2 BB J25 +56 2 2 BB J26 +56 2 2 BB J27 +56 2 2 BB J28 +56 2 2 BB J29 +56 2 2 BB J30 +56 2 2 BB J31 +56 2 2 BB J32 +56 2 2 BB J33 +56 2 2 BB J34 +56 2 2 BB J35 +56 2 2 BB J36 +56 2 2 BB J37 +56 2 2 BB J38 +56 2 2 BB J39 +56 2 2 BB J40 +56 2 3 TS B7 +56 2 4 AF H2 +56 2 5 GA E22 +56 3 1 TS A0 +56 3 1 TS A1 +56 3 1 TS A2 +56 3 1 TS A3 +56 3 1 TS A4 +56 3 1 TS A5 +56 3 1 TS A6 +56 3 1 TS A7 +56 3 1 TS A8 +56 3 1 TS A9 +56 3 1 TS A10 +56 3 1 TS A11 +56 3 1 TS A12 +56 3 1 TS A13 +56 3 1 TS A14 +56 3 1 TS A15 +56 3 1 TS A16 +56 3 1 TS A17 +56 3 1 TS A18 +56 3 1 TS A19 +56 3 1 TS A20 +56 3 1 TS A21 +56 3 1 TS A22 +56 3 1 TS A23 +56 3 1 TS A24 +56 3 1 TS A25 +56 3 1 TS A26 +56 3 1 TS A27 +56 3 1 TS A28 +56 3 1 TS A29 +56 3 1 TS A30 +56 3 1 TS A31 +56 3 1 TS A32 +56 3 1 TS A33 +56 3 1 TS A34 +56 3 1 TS A35 +56 3 1 TS A36 +56 3 1 TS A37 +56 3 1 TS A38 +56 3 1 TS A39 +56 3 1 TS A40 +56 3 2 BB J0 +56 3 2 BB J1 +56 3 2 BB J2 +56 3 2 BB J3 +56 3 2 BB J4 +56 3 2 BB J5 +56 3 2 BB J6 +56 3 2 BB J7 +56 3 2 BB J8 +56 3 2 BB J9 +56 3 2 BB J10 +56 3 2 BB J11 +56 3 2 BB J12 +56 3 2 BB J13 +56 3 2 BB J14 +56 3 2 BB J15 +56 3 2 BB J16 +56 3 2 BB J17 +56 3 2 BB J18 +56 3 2 BB J19 +56 3 2 BB J20 +56 3 2 BB J21 +56 3 2 BB J22 +56 3 2 BB J23 +56 3 2 BB J24 +56 3 2 BB J25 +56 3 2 BB J26 +56 3 2 BB J27 +56 3 2 BB J28 +56 3 2 BB J29 +56 3 2 BB J30 +56 3 2 BB J31 +56 3 2 BB J32 +56 3 2 BB J33 +56 3 2 BB J34 +56 3 2 BB J35 +56 3 2 BB J36 +56 3 2 BB J37 +56 3 2 BB J38 +56 3 2 BB J39 +56 3 2 BB J40 +56 3 3 BK F0 +56 3 4 AF G2 +56 3 5 GA D15 +56 3 6 CD C13 +56 4 1 TS A0 +56 4 1 TS A1 +56 4 1 TS A2 +56 4 1 TS A3 +56 4 1 TS A4 +56 4 1 TS A5 +56 4 1 TS A6 +56 4 1 TS A7 +56 4 1 TS A8 +56 4 1 TS A9 +56 4 1 TS A10 +56 4 1 TS A11 +56 4 1 TS A12 +56 4 1 TS A13 +56 4 1 TS A14 +56 4 1 TS A15 +56 4 1 TS A16 +56 4 1 TS A17 +56 4 1 TS A18 +56 4 1 TS A19 +56 4 1 TS A20 +56 4 1 TS A21 +56 4 1 TS A22 +56 4 1 TS A23 +56 4 1 TS A24 +56 4 1 TS A25 +56 4 1 TS A26 +56 4 1 TS A27 +56 4 1 TS A28 +56 4 1 TS A29 +56 4 1 TS A30 +56 4 1 TS A31 +56 4 1 TS A32 +56 4 1 TS A33 +56 4 1 TS A34 +56 4 1 TS A35 +56 4 1 TS A36 +56 4 1 TS A37 +56 4 1 TS A38 +56 4 1 TS A39 +56 4 1 TS A40 +56 4 2 BB J0 +56 4 2 BB J1 +56 4 2 BB J2 +56 4 2 BB J3 +56 4 2 BB J4 +56 4 2 BB J5 +56 4 2 BB J6 +56 4 2 BB J7 +56 4 2 BB J8 +56 4 2 BB J9 +56 4 2 BB J10 +56 4 2 BB J11 +56 4 2 BB J12 +56 4 2 BB J13 +56 4 2 BB J14 +56 4 2 BB J15 +56 4 2 BB J16 +56 4 2 BB J17 +56 4 2 BB J18 +56 4 2 BB J19 +56 4 2 BB J20 +56 4 2 BB J21 +56 4 2 BB J22 +56 4 2 BB J23 +56 4 2 BB J24 +56 4 2 BB J25 +56 4 2 BB J26 +56 4 2 BB J27 +56 4 2 BB J28 +56 4 2 BB J29 +56 4 2 BB J30 +56 4 2 BB J31 +56 4 2 BB J32 +56 4 2 BB J33 +56 4 2 BB J34 +56 4 2 BB J35 +56 4 2 BB J36 +56 4 2 BB J37 +56 4 2 BB J38 +56 4 2 BB J39 +56 4 2 BB J40 +56 4 3 AF F2 +56 4 4 GA E15 +56 5 1 TS A0 +56 5 1 TS A1 +56 5 1 TS A2 +56 5 1 TS A3 +56 5 1 TS A4 +56 5 1 TS A5 +56 5 1 TS A6 +56 5 1 TS A7 +56 5 1 TS A8 +56 5 1 TS A9 +56 5 1 TS A10 +56 5 1 TS A11 +56 5 1 TS A12 +56 5 1 TS A13 +56 5 1 TS A14 +56 5 1 TS A15 +56 5 1 TS A16 +56 5 1 TS A17 +56 5 1 TS A18 +56 5 1 TS A19 +56 5 1 TS A20 +56 5 1 TS A21 +56 5 1 TS A22 +56 5 1 TS A23 +56 5 1 TS A24 +56 5 1 TS A25 +56 5 1 TS A26 +56 5 1 TS A27 +56 5 1 TS A28 +56 5 1 TS A29 +56 5 1 TS A30 +56 5 1 TS A31 +56 5 1 TS A32 +56 5 1 TS A33 +56 5 1 TS A34 +56 5 1 TS A35 +56 5 1 TS A36 +56 5 1 TS A37 +56 5 1 TS A38 +56 5 1 TS A39 +56 5 1 TS A40 +56 5 2 BB J0 +56 5 2 BB J1 +56 5 2 BB J2 +56 5 2 BB J3 +56 5 2 BB J4 +56 5 2 BB J5 +56 5 2 BB J6 +56 5 2 BB J7 +56 5 2 BB J8 +56 5 2 BB J9 +56 5 2 BB J10 +56 5 2 BB J11 +56 5 2 BB J12 +56 5 2 BB J13 +56 5 2 BB J14 +56 5 2 BB J15 +56 5 2 BB J16 +56 5 2 BB J17 +56 5 2 BB J18 +56 5 2 BB J19 +56 5 2 BB J20 +56 5 2 BB J21 +56 5 2 BB J22 +56 5 2 BB J23 +56 5 2 BB J24 +56 5 2 BB J25 +56 5 2 BB J26 +56 5 2 BB J27 +56 5 2 BB J28 +56 5 2 BB J29 +56 5 2 BB J30 +56 5 2 BB J31 +56 5 2 BB J32 +56 5 2 BB J33 +56 5 2 BB J34 +56 5 2 BB J35 +56 5 2 BB J36 +56 5 2 BB J37 +56 5 2 BB J38 +56 5 2 BB J39 +56 5 2 BB J40 +56 5 3 DC C9 +56 5 4 GA F19 +56 5 5 AF F40 +56 6 1 TS A0 +56 6 1 TS A1 +56 6 1 TS A2 +56 6 1 TS A3 +56 6 1 TS A4 +56 6 1 TS A5 +56 6 1 TS A6 +56 6 1 TS A7 +56 6 1 TS A8 +56 6 1 TS A9 +56 6 1 TS A10 +56 6 1 TS A11 +56 6 1 TS A12 +56 6 1 TS A13 +56 6 1 TS A14 +56 6 1 TS A15 +56 6 1 TS A16 +56 6 1 TS A17 +56 6 1 TS A18 +56 6 1 TS A19 +56 6 1 TS A20 +56 6 1 TS A21 +56 6 1 TS A22 +56 6 1 TS A23 +56 6 1 TS A24 +56 6 1 TS A25 +56 6 1 TS A26 +56 6 1 TS A27 +56 6 1 TS A28 +56 6 1 TS A29 +56 6 1 TS A30 +56 6 1 TS A31 +56 6 1 TS A32 +56 6 1 TS A33 +56 6 1 TS A34 +56 6 1 TS A35 +56 6 1 TS A36 +56 6 1 TS A37 +56 6 1 TS A38 +56 6 1 TS A39 +56 6 1 TS A40 +56 6 2 BB J0 +56 6 2 BB J1 +56 6 2 BB J2 +56 6 2 BB J3 +56 6 2 BB J4 +56 6 2 BB J5 +56 6 2 BB J6 +56 6 2 BB J7 +56 6 2 BB J8 +56 6 2 BB J9 +56 6 2 BB J10 +56 6 2 BB J11 +56 6 2 BB J12 +56 6 2 BB J13 +56 6 2 BB J14 +56 6 2 BB J15 +56 6 2 BB J16 +56 6 2 BB J17 +56 6 2 BB J18 +56 6 2 BB J19 +56 6 2 BB J20 +56 6 2 BB J21 +56 6 2 BB J22 +56 6 2 BB J23 +56 6 2 BB J24 +56 6 2 BB J25 +56 6 2 BB J26 +56 6 2 BB J27 +56 6 2 BB J28 +56 6 2 BB J29 +56 6 2 BB J30 +56 6 2 BB J31 +56 6 2 BB J32 +56 6 2 BB J33 +56 6 2 BB J34 +56 6 2 BB J35 +56 6 2 BB J36 +56 6 2 BB J37 +56 6 2 BB J38 +56 6 2 BB J39 +56 6 2 BB J40 +56 6 3 GA D15 +56 6 4 AF G1 +56 7 1 TS A0 +56 7 1 TS A1 +56 7 1 TS A2 +56 7 1 TS A3 +56 7 1 TS A4 +56 7 1 TS A5 +56 7 1 TS A6 +56 7 1 TS A7 +56 7 1 TS A8 +56 7 1 TS A9 +56 7 1 TS A10 +56 7 1 TS A11 +56 7 1 TS A12 +56 7 1 TS A13 +56 7 1 TS A14 +56 7 1 TS A15 +56 7 1 TS A16 +56 7 1 TS A17 +56 7 1 TS A18 +56 7 1 TS A19 +56 7 1 TS A20 +56 7 1 TS A21 +56 7 1 TS A22 +56 7 1 TS A23 +56 7 1 TS A24 +56 7 1 TS A25 +56 7 1 TS A26 +56 7 1 TS A27 +56 7 1 TS A28 +56 7 1 TS A29 +56 7 1 TS A30 +56 7 1 TS A31 +56 7 1 TS A32 +56 7 1 TS A33 +56 7 1 TS A34 +56 7 1 TS A35 +56 7 1 TS A36 +56 7 1 TS A37 +56 7 1 TS A38 +56 7 1 TS A39 +56 7 1 TS A40 +56 7 2 TS B0 +56 7 3 BB I0 +56 7 4 AF F2 +56 7 5 DC C10 +56 7 6 GA F14 +56 7 7 SD I31 +56 8 1 TS A0 +56 8 1 TS A1 +56 8 1 TS A2 +56 8 1 TS A3 +56 8 1 TS A4 +56 8 1 TS A5 +56 8 1 TS A6 +56 8 1 TS A7 +56 8 1 TS A8 +56 8 1 TS A9 +56 8 1 TS A10 +56 8 1 TS A11 +56 8 1 TS A12 +56 8 1 TS A13 +56 8 1 TS A14 +56 8 1 TS A15 +56 8 1 TS A16 +56 8 1 TS A17 +56 8 1 TS A18 +56 8 1 TS A19 +56 8 1 TS A20 +56 8 1 TS A21 +56 8 1 TS A22 +56 8 1 TS A23 +56 8 1 TS A24 +56 8 1 TS A25 +56 8 1 TS A26 +56 8 1 TS A27 +56 8 1 TS A28 +56 8 1 TS A29 +56 8 1 TS A30 +56 8 1 TS A31 +56 8 1 TS A32 +56 8 1 TS A33 +56 8 1 TS A34 +56 8 1 TS A35 +56 8 1 TS A36 +56 8 1 TS A37 +56 8 1 TS A38 +56 8 1 TS A39 +56 8 1 TS A40 +56 8 2 BB J0 +56 8 2 BB J1 +56 8 2 BB J2 +56 8 2 BB J3 +56 8 2 BB J4 +56 8 2 BB J5 +56 8 2 BB J6 +56 8 2 BB J7 +56 8 2 BB J8 +56 8 2 BB J9 +56 8 2 BB J10 +56 8 2 BB J11 +56 8 2 BB J12 +56 8 2 BB J13 +56 8 2 BB J14 +56 8 2 BB J15 +56 8 2 BB J16 +56 8 2 BB J17 +56 8 2 BB J18 +56 8 2 BB J19 +56 8 2 BB J20 +56 8 2 BB J21 +56 8 2 BB J22 +56 8 2 BB J23 +56 8 2 BB J24 +56 8 2 BB J25 +56 8 2 BB J26 +56 8 2 BB J27 +56 8 2 BB J28 +56 8 2 BB J29 +56 8 2 BB J30 +56 8 2 BB J31 +56 8 2 BB J32 +56 8 2 BB J33 +56 8 2 BB J34 +56 8 2 BB J35 +56 8 2 BB J36 +56 8 2 BB J37 +56 8 2 BB J38 +56 8 2 BB J39 +56 8 2 BB J40 +56 8 3 AF F0 +56 8 4 DC B11 +56 8 5 GA E16 +56 8 6 SD F29 +56 9 1 TS A0 +56 9 1 TS A1 +56 9 1 TS A2 +56 9 1 TS A3 +56 9 1 TS A4 +56 9 1 TS A5 +56 9 1 TS A6 +56 9 1 TS A7 +56 9 1 TS A8 +56 9 1 TS A9 +56 9 1 TS A10 +56 9 1 TS A11 +56 9 1 TS A12 +56 9 1 TS A13 +56 9 1 TS A14 +56 9 1 TS A15 +56 9 1 TS A16 +56 9 1 TS A17 +56 9 1 TS A18 +56 9 1 TS A19 +56 9 1 TS A20 +56 9 1 TS A21 +56 9 1 TS A22 +56 9 1 TS A23 +56 9 1 TS A24 +56 9 1 TS A25 +56 9 1 TS A26 +56 9 1 TS A27 +56 9 1 TS A28 +56 9 1 TS A29 +56 9 1 TS A30 +56 9 1 TS A31 +56 9 1 TS A32 +56 9 1 TS A33 +56 9 1 TS A34 +56 9 1 TS A35 +56 9 1 TS A36 +56 9 1 TS A37 +56 9 1 TS A38 +56 9 1 TS A39 +56 9 1 TS A40 +56 9 2 BB J0 +56 9 2 BB J1 +56 9 2 BB J2 +56 9 2 BB J3 +56 9 2 BB J4 +56 9 2 BB J5 +56 9 2 BB J6 +56 9 2 BB J7 +56 9 2 BB J8 +56 9 2 BB J9 +56 9 2 BB J10 +56 9 2 BB J11 +56 9 2 BB J12 +56 9 2 BB J13 +56 9 2 BB J14 +56 9 2 BB J15 +56 9 2 BB J16 +56 9 2 BB J17 +56 9 2 BB J18 +56 9 2 BB J19 +56 9 2 BB J20 +56 9 2 BB J21 +56 9 2 BB J22 +56 9 2 BB J23 +56 9 2 BB J24 +56 9 2 BB J25 +56 9 2 BB J26 +56 9 2 BB J27 +56 9 2 BB J28 +56 9 2 BB J29 +56 9 2 BB J30 +56 9 2 BB J31 +56 9 2 BB J32 +56 9 2 BB J33 +56 9 2 BB J34 +56 9 2 BB J35 +56 9 2 BB J36 +56 9 2 BB J37 +56 9 2 BB J38 +56 9 2 BB J39 +56 9 2 BB J40 +56 9 3 AF G3 +56 9 4 GA E18 +56 10 1 TS A0 +56 10 1 TS A1 +56 10 1 TS A2 +56 10 1 TS A3 +56 10 1 TS A4 +56 10 1 TS A5 +56 10 1 TS A6 +56 10 1 TS A7 +56 10 1 TS A8 +56 10 1 TS A9 +56 10 1 TS A10 +56 10 1 TS A11 +56 10 1 TS A12 +56 10 1 TS A13 +56 10 1 TS A14 +56 10 1 TS A15 +56 10 1 TS A16 +56 10 1 TS A17 +56 10 1 TS A18 +56 10 1 TS A19 +56 10 1 TS A20 +56 10 1 TS A21 +56 10 1 TS A22 +56 10 1 TS A23 +56 10 1 TS A24 +56 10 1 TS A25 +56 10 1 TS A26 +56 10 1 TS A27 +56 10 1 TS A28 +56 10 1 TS A29 +56 10 1 TS A30 +56 10 1 TS A31 +56 10 1 TS A32 +56 10 1 TS A33 +56 10 1 TS A34 +56 10 1 TS A35 +56 10 1 TS A36 +56 10 1 TS A37 +56 10 1 TS A38 +56 10 1 TS A39 +56 10 1 TS A40 +56 10 2 BB H15 +56 10 3 AF E40 +56 10 4 DC C14 +56 10 5 GA E18 +56 11 1 TS A0 +56 11 1 TS A1 +56 11 1 TS A2 +56 11 1 TS A3 +56 11 1 TS A4 +56 11 1 TS A5 +56 11 1 TS A6 +56 11 1 TS A7 +56 11 1 TS A8 +56 11 1 TS A9 +56 11 1 TS A10 +56 11 1 TS A11 +56 11 1 TS A12 +56 11 1 TS A13 +56 11 1 TS A14 +56 11 1 TS A15 +56 11 1 TS A16 +56 11 1 TS A17 +56 11 1 TS A18 +56 11 1 TS A19 +56 11 1 TS A20 +56 11 1 TS A21 +56 11 1 TS A22 +56 11 1 TS A23 +56 11 1 TS A24 +56 11 1 TS A25 +56 11 1 TS A26 +56 11 1 TS A27 +56 11 1 TS A28 +56 11 1 TS A29 +56 11 1 TS A30 +56 11 1 TS A31 +56 11 1 TS A32 +56 11 1 TS A33 +56 11 1 TS A34 +56 11 1 TS A35 +56 11 1 TS A36 +56 11 1 TS A37 +56 11 1 TS A38 +56 11 1 TS A39 +56 11 1 TS A40 +56 11 2 BB J0 +56 11 2 BB J1 +56 11 2 BB J2 +56 11 2 BB J3 +56 11 2 BB J4 +56 11 2 BB J5 +56 11 2 BB J6 +56 11 2 BB J7 +56 11 2 BB J8 +56 11 2 BB J9 +56 11 2 BB J10 +56 11 2 BB J11 +56 11 2 BB J12 +56 11 2 BB J13 +56 11 2 BB J14 +56 11 2 BB J15 +56 11 2 BB J16 +56 11 2 BB J17 +56 11 2 BB J18 +56 11 2 BB J19 +56 11 2 BB J20 +56 11 2 BB J21 +56 11 2 BB J22 +56 11 2 BB J23 +56 11 2 BB J24 +56 11 2 BB J25 +56 11 2 BB J26 +56 11 2 BB J27 +56 11 2 BB J28 +56 11 2 BB J29 +56 11 2 BB J30 +56 11 2 BB J31 +56 11 2 BB J32 +56 11 2 BB J33 +56 11 2 BB J34 +56 11 2 BB J35 +56 11 2 BB J36 +56 11 2 BB J37 +56 11 2 BB J38 +56 11 2 BB J39 +56 11 2 BB J40 +56 11 3 AF G1 +56 11 4 DC C11 +56 11 5 WE C17 +56 12 1 TS A0 +56 12 1 TS A1 +56 12 1 TS A2 +56 12 1 TS A3 +56 12 1 TS A4 +56 12 1 TS A5 +56 12 1 TS A6 +56 12 1 TS A7 +56 12 1 TS A8 +56 12 1 TS A9 +56 12 1 TS A10 +56 12 1 TS A11 +56 12 1 TS A12 +56 12 1 TS A13 +56 12 1 TS A14 +56 12 1 TS A15 +56 12 1 TS A16 +56 12 1 TS A17 +56 12 1 TS A18 +56 12 1 TS A19 +56 12 1 TS A20 +56 12 1 TS A21 +56 12 1 TS A22 +56 12 1 TS A23 +56 12 1 TS A24 +56 12 1 TS A25 +56 12 1 TS A26 +56 12 1 TS A27 +56 12 1 TS A28 +56 12 1 TS A29 +56 12 1 TS A30 +56 12 1 TS A31 +56 12 1 TS A32 +56 12 1 TS A33 +56 12 1 TS A34 +56 12 1 TS A35 +56 12 1 TS A36 +56 12 1 TS A37 +56 12 1 TS A38 +56 12 1 TS A39 +56 12 1 TS A40 +56 12 2 BB J0 +56 12 2 BB J1 +56 12 2 BB J2 +56 12 2 BB J3 +56 12 2 BB J4 +56 12 2 BB J5 +56 12 2 BB J6 +56 12 2 BB J7 +56 12 2 BB J8 +56 12 2 BB J9 +56 12 2 BB J10 +56 12 2 BB J11 +56 12 2 BB J12 +56 12 2 BB J13 +56 12 2 BB J14 +56 12 2 BB J15 +56 12 2 BB J16 +56 12 2 BB J17 +56 12 2 BB J18 +56 12 2 BB J19 +56 12 2 BB J20 +56 12 2 BB J21 +56 12 2 BB J22 +56 12 2 BB J23 +56 12 2 BB J24 +56 12 2 BB J25 +56 12 2 BB J26 +56 12 2 BB J27 +56 12 2 BB J28 +56 12 2 BB J29 +56 12 2 BB J30 +56 12 2 BB J31 +56 12 2 BB J32 +56 12 2 BB J33 +56 12 2 BB J34 +56 12 2 BB J35 +56 12 2 BB J36 +56 12 2 BB J37 +56 12 2 BB J38 +56 12 2 BB J39 +56 12 2 BB J40 +56 12 3 AF G1 +56 12 4 GA E16 +56 13 1 TS A0 +56 13 1 TS A1 +56 13 1 TS A2 +56 13 1 TS A3 +56 13 1 TS A4 +56 13 1 TS A5 +56 13 1 TS A6 +56 13 1 TS A7 +56 13 1 TS A8 +56 13 1 TS A9 +56 13 1 TS A10 +56 13 1 TS A11 +56 13 1 TS A12 +56 13 1 TS A13 +56 13 1 TS A14 +56 13 1 TS A15 +56 13 1 TS A16 +56 13 1 TS A17 +56 13 1 TS A18 +56 13 1 TS A19 +56 13 1 TS A20 +56 13 1 TS A21 +56 13 1 TS A22 +56 13 1 TS A23 +56 13 1 TS A24 +56 13 1 TS A25 +56 13 1 TS A26 +56 13 1 TS A27 +56 13 1 TS A28 +56 13 1 TS A29 +56 13 1 TS A30 +56 13 1 TS A31 +56 13 1 TS A32 +56 13 1 TS A33 +56 13 1 TS A34 +56 13 1 TS A35 +56 13 1 TS A36 +56 13 1 TS A37 +56 13 1 TS A38 +56 13 1 TS A39 +56 13 1 TS A40 +56 13 2 BB J0 +56 13 2 BB J1 +56 13 2 BB J2 +56 13 2 BB J3 +56 13 2 BB J4 +56 13 2 BB J5 +56 13 2 BB J6 +56 13 2 BB J7 +56 13 2 BB J8 +56 13 2 BB J9 +56 13 2 BB J10 +56 13 2 BB J11 +56 13 2 BB J12 +56 13 2 BB J13 +56 13 2 BB J14 +56 13 2 BB J15 +56 13 2 BB J16 +56 13 2 BB J17 +56 13 2 BB J18 +56 13 2 BB J19 +56 13 2 BB J20 +56 13 2 BB J21 +56 13 2 BB J22 +56 13 2 BB J23 +56 13 2 BB J24 +56 13 2 BB J25 +56 13 2 BB J26 +56 13 2 BB J27 +56 13 2 BB J28 +56 13 2 BB J29 +56 13 2 BB J30 +56 13 2 BB J31 +56 13 2 BB J32 +56 13 2 BB J33 +56 13 2 BB J34 +56 13 2 BB J35 +56 13 2 BB J36 +56 13 2 BB J37 +56 13 2 BB J38 +56 13 2 BB J39 +56 13 2 BB J40 +56 13 3 AF G1 +56 13 4 PT C8 +56 13 5 GA C9 +56 14 1 TS A0 +56 14 1 TS A1 +56 14 1 TS A2 +56 14 1 TS A3 +56 14 1 TS A4 +56 14 1 TS A5 +56 14 1 TS A6 +56 14 1 TS A7 +56 14 1 TS A8 +56 14 1 TS A9 +56 14 1 TS A10 +56 14 1 TS A11 +56 14 1 TS A12 +56 14 1 TS A13 +56 14 1 TS A14 +56 14 1 TS A15 +56 14 1 TS A16 +56 14 1 TS A17 +56 14 1 TS A18 +56 14 1 TS A19 +56 14 1 TS A20 +56 14 1 TS A21 +56 14 1 TS A22 +56 14 1 TS A23 +56 14 1 TS A24 +56 14 1 TS A25 +56 14 1 TS A26 +56 14 1 TS A27 +56 14 1 TS A28 +56 14 1 TS A29 +56 14 1 TS A30 +56 14 1 TS A31 +56 14 1 TS A32 +56 14 1 TS A33 +56 14 1 TS A34 +56 14 1 TS A35 +56 14 1 TS A36 +56 14 1 TS A37 +56 14 1 TS A38 +56 14 1 TS A39 +56 14 1 TS A40 +56 14 2 BB I0 +56 14 3 AF G1 +56 14 4 GA H6 +56 15 1 TS A0 +56 15 1 TS A1 +56 15 1 TS A2 +56 15 1 TS A3 +56 15 1 TS A4 +56 15 1 TS A5 +56 15 1 TS A6 +56 15 1 TS A7 +56 15 1 TS A8 +56 15 1 TS A9 +56 15 1 TS A10 +56 15 1 TS A11 +56 15 1 TS A12 +56 15 1 TS A13 +56 15 1 TS A14 +56 15 1 TS A15 +56 15 1 TS A16 +56 15 1 TS A17 +56 15 1 TS A18 +56 15 1 TS A19 +56 15 1 TS A20 +56 15 1 TS A21 +56 15 1 TS A22 +56 15 1 TS A23 +56 15 1 TS A24 +56 15 1 TS A25 +56 15 1 TS A26 +56 15 1 TS A27 +56 15 1 TS A28 +56 15 1 TS A29 +56 15 1 TS A30 +56 15 1 TS A31 +56 15 1 TS A32 +56 15 1 TS A33 +56 15 1 TS A34 +56 15 1 TS A35 +56 15 1 TS A36 +56 15 1 TS A37 +56 15 1 TS A38 +56 15 1 TS A39 +56 15 1 TS A40 +56 15 2 BB J0 +56 15 2 BB J1 +56 15 2 BB J2 +56 15 2 BB J3 +56 15 2 BB J4 +56 15 2 BB J5 +56 15 2 BB J6 +56 15 2 BB J7 +56 15 2 BB J8 +56 15 2 BB J9 +56 15 2 BB J10 +56 15 2 BB J11 +56 15 2 BB J12 +56 15 2 BB J13 +56 15 2 BB J14 +56 15 2 BB J15 +56 15 2 BB J16 +56 15 2 BB J17 +56 15 2 BB J18 +56 15 2 BB J19 +56 15 2 BB J20 +56 15 2 BB J21 +56 15 2 BB J22 +56 15 2 BB J23 +56 15 2 BB J24 +56 15 2 BB J25 +56 15 2 BB J26 +56 15 2 BB J27 +56 15 2 BB J28 +56 15 2 BB J29 +56 15 2 BB J30 +56 15 2 BB J31 +56 15 2 BB J32 +56 15 2 BB J33 +56 15 2 BB J34 +56 15 2 BB J35 +56 15 2 BB J36 +56 15 2 BB J37 +56 15 2 BB J38 +56 15 2 BB J39 +56 15 2 BB J40 +56 15 3 TS B40 +56 15 4 AF G40 +56 15 5 BA C9 +56 16 1 TS A0 +56 16 1 TS A1 +56 16 1 TS A2 +56 16 1 TS A3 +56 16 1 TS A4 +56 16 1 TS A5 +56 16 1 TS A6 +56 16 1 TS A7 +56 16 1 TS A8 +56 16 1 TS A9 +56 16 1 TS A10 +56 16 1 TS A11 +56 16 1 TS A12 +56 16 1 TS A13 +56 16 1 TS A14 +56 16 1 TS A15 +56 16 1 TS A16 +56 16 1 TS A17 +56 16 1 TS A18 +56 16 1 TS A19 +56 16 1 TS A20 +56 16 1 TS A21 +56 16 1 TS A22 +56 16 1 TS A23 +56 16 1 TS A24 +56 16 1 TS A25 +56 16 1 TS A26 +56 16 1 TS A27 +56 16 1 TS A28 +56 16 1 TS A29 +56 16 1 TS A30 +56 16 1 TS A31 +56 16 1 TS A32 +56 16 1 TS A33 +56 16 1 TS A34 +56 16 1 TS A35 +56 16 1 TS A36 +56 16 1 TS A37 +56 16 1 TS A38 +56 16 1 TS A39 +56 16 1 TS A40 +56 16 2 BB J0 +56 16 2 BB J1 +56 16 2 BB J2 +56 16 2 BB J3 +56 16 2 BB J4 +56 16 2 BB J5 +56 16 2 BB J6 +56 16 2 BB J7 +56 16 2 BB J8 +56 16 2 BB J9 +56 16 2 BB J10 +56 16 2 BB J11 +56 16 2 BB J12 +56 16 2 BB J13 +56 16 2 BB J14 +56 16 2 BB J15 +56 16 2 BB J16 +56 16 2 BB J17 +56 16 2 BB J18 +56 16 2 BB J19 +56 16 2 BB J20 +56 16 2 BB J21 +56 16 2 BB J22 +56 16 2 BB J23 +56 16 2 BB J24 +56 16 2 BB J25 +56 16 2 BB J26 +56 16 2 BB J27 +56 16 2 BB J28 +56 16 2 BB J29 +56 16 2 BB J30 +56 16 2 BB J31 +56 16 2 BB J32 +56 16 2 BB J33 +56 16 2 BB J34 +56 16 2 BB J35 +56 16 2 BB J36 +56 16 2 BB J37 +56 16 2 BB J38 +56 16 2 BB J39 +56 16 2 BB J40 +56 16 3 AF F40 +56 17 1 TS A0 +56 17 1 TS A1 +56 17 1 TS A2 +56 17 1 TS A3 +56 17 1 TS A4 +56 17 1 TS A5 +56 17 1 TS A6 +56 17 1 TS A7 +56 17 1 TS A8 +56 17 1 TS A9 +56 17 1 TS A10 +56 17 1 TS A11 +56 17 1 TS A12 +56 17 1 TS A13 +56 17 1 TS A14 +56 17 1 TS A15 +56 17 1 TS A16 +56 17 1 TS A17 +56 17 1 TS A18 +56 17 1 TS A19 +56 17 1 TS A20 +56 17 1 TS A21 +56 17 1 TS A22 +56 17 1 TS A23 +56 17 1 TS A24 +56 17 1 TS A25 +56 17 1 TS A26 +56 17 1 TS A27 +56 17 1 TS A28 +56 17 1 TS A29 +56 17 1 TS A30 +56 17 1 TS A31 +56 17 1 TS A32 +56 17 1 TS A33 +56 17 1 TS A34 +56 17 1 TS A35 +56 17 1 TS A36 +56 17 1 TS A37 +56 17 1 TS A38 +56 17 1 TS A39 +56 17 1 TS A40 +56 17 2 BB J0 +56 17 2 BB J1 +56 17 2 BB J2 +56 17 2 BB J3 +56 17 2 BB J4 +56 17 2 BB J5 +56 17 2 BB J6 +56 17 2 BB J7 +56 17 2 BB J8 +56 17 2 BB J9 +56 17 2 BB J10 +56 17 2 BB J11 +56 17 2 BB J12 +56 17 2 BB J13 +56 17 2 BB J14 +56 17 2 BB J15 +56 17 2 BB J16 +56 17 2 BB J17 +56 17 2 BB J18 +56 17 2 BB J19 +56 17 2 BB J20 +56 17 2 BB J21 +56 17 2 BB J22 +56 17 2 BB J23 +56 17 2 BB J24 +56 17 2 BB J25 +56 17 2 BB J26 +56 17 2 BB J27 +56 17 2 BB J28 +56 17 2 BB J29 +56 17 2 BB J30 +56 17 2 BB J31 +56 17 2 BB J32 +56 17 2 BB J33 +56 17 2 BB J34 +56 17 2 BB J35 +56 17 2 BB J36 +56 17 2 BB J37 +56 17 2 BB J38 +56 17 2 BB J39 +56 17 2 BB J40 +56 17 3 AF F39 +56 17 4 SD G28 +56 17 5 GA F16 +56 18 1 TS B10 +56 18 2 BB I14 +56 18 3 AF G3 +56 18 4 KO C8 +56 18 5 WW C10 +56 18 6 GA F20 +56 18 7 SD H29 +56 19 1 TS A0 +56 19 1 TS A1 +56 19 1 TS A2 +56 19 1 TS A3 +56 19 1 TS A4 +56 19 1 TS A5 +56 19 1 TS A6 +56 19 1 TS A7 +56 19 1 TS A8 +56 19 1 TS A9 +56 19 1 TS A10 +56 19 1 TS A11 +56 19 1 TS A12 +56 19 1 TS A13 +56 19 1 TS A14 +56 19 1 TS A15 +56 19 1 TS A16 +56 19 1 TS A17 +56 19 1 TS A18 +56 19 1 TS A19 +56 19 1 TS A20 +56 19 1 TS A21 +56 19 1 TS A22 +56 19 1 TS A23 +56 19 1 TS A24 +56 19 1 TS A25 +56 19 1 TS A26 +56 19 1 TS A27 +56 19 1 TS A28 +56 19 1 TS A29 +56 19 1 TS A30 +56 19 1 TS A31 +56 19 1 TS A32 +56 19 1 TS A33 +56 19 1 TS A34 +56 19 1 TS A35 +56 19 1 TS A36 +56 19 1 TS A37 +56 19 1 TS A38 +56 19 1 TS A39 +56 19 1 TS A40 +56 19 2 BB G30 +56 19 3 DC D9 +56 19 4 KO D14 +56 19 5 AF F39 +56 19 5 PP C34 +56 20 1 TS A0 +56 20 1 TS A1 +56 20 1 TS A2 +56 20 1 TS A3 +56 20 1 TS A4 +56 20 1 TS A5 +56 20 1 TS A6 +56 20 1 TS A7 +56 20 1 TS A8 +56 20 1 TS A9 +56 20 1 TS A10 +56 20 1 TS A11 +56 20 1 TS A12 +56 20 1 TS A13 +56 20 1 TS A14 +56 20 1 TS A15 +56 20 1 TS A16 +56 20 1 TS A17 +56 20 1 TS A18 +56 20 1 TS A19 +56 20 1 TS A20 +56 20 1 TS A21 +56 20 1 TS A22 +56 20 1 TS A23 +56 20 1 TS A24 +56 20 1 TS A25 +56 20 1 TS A26 +56 20 1 TS A27 +56 20 1 TS A28 +56 20 1 TS A29 +56 20 1 TS A30 +56 20 1 TS A31 +56 20 1 TS A32 +56 20 1 TS A33 +56 20 1 TS A34 +56 20 1 TS A35 +56 20 1 TS A36 +56 20 1 TS A37 +56 20 1 TS A38 +56 20 1 TS A39 +56 20 1 TS A40 +56 20 2 BB J0 +56 20 2 BB J1 +56 20 2 BB J2 +56 20 2 BB J3 +56 20 2 BB J4 +56 20 2 BB J5 +56 20 2 BB J6 +56 20 2 BB J7 +56 20 2 BB J8 +56 20 2 BB J9 +56 20 2 BB J10 +56 20 2 BB J11 +56 20 2 BB J12 +56 20 2 BB J13 +56 20 2 BB J14 +56 20 2 BB J15 +56 20 2 BB J16 +56 20 2 BB J17 +56 20 2 BB J18 +56 20 2 BB J19 +56 20 2 BB J20 +56 20 2 BB J21 +56 20 2 BB J22 +56 20 2 BB J23 +56 20 2 BB J24 +56 20 2 BB J25 +56 20 2 BB J26 +56 20 2 BB J27 +56 20 2 BB J28 +56 20 2 BB J29 +56 20 2 BB J30 +56 20 2 BB J31 +56 20 2 BB J32 +56 20 2 BB J33 +56 20 2 BB J34 +56 20 2 BB J35 +56 20 2 BB J36 +56 20 2 BB J37 +56 20 2 BB J38 +56 20 2 BB J39 +56 20 2 BB J40 +56 20 3 AF G2 +56 20 4 TS B1 +56 20 5 KO D11 +56 20 6 SD F29 +56 20 7 GA E18 +56 21 1 TS A0 +56 21 1 TS A1 +56 21 1 TS A2 +56 21 1 TS A3 +56 21 1 TS A4 +56 21 1 TS A5 +56 21 1 TS A6 +56 21 1 TS A7 +56 21 1 TS A8 +56 21 1 TS A9 +56 21 1 TS A10 +56 21 1 TS A11 +56 21 1 TS A12 +56 21 1 TS A13 +56 21 1 TS A14 +56 21 1 TS A15 +56 21 1 TS A16 +56 21 1 TS A17 +56 21 1 TS A18 +56 21 1 TS A19 +56 21 1 TS A20 +56 21 1 TS A21 +56 21 1 TS A22 +56 21 1 TS A23 +56 21 1 TS A24 +56 21 1 TS A25 +56 21 1 TS A26 +56 21 1 TS A27 +56 21 1 TS A28 +56 21 1 TS A29 +56 21 1 TS A30 +56 21 1 TS A31 +56 21 1 TS A32 +56 21 1 TS A33 +56 21 1 TS A34 +56 21 1 TS A35 +56 21 1 TS A36 +56 21 1 TS A37 +56 21 1 TS A38 +56 21 1 TS A39 +56 21 1 TS A40 +56 21 2 BB J0 +56 21 2 BB J1 +56 21 2 BB J2 +56 21 2 BB J3 +56 21 2 BB J4 +56 21 2 BB J5 +56 21 2 BB J6 +56 21 2 BB J7 +56 21 2 BB J8 +56 21 2 BB J9 +56 21 2 BB J10 +56 21 2 BB J11 +56 21 2 BB J12 +56 21 2 BB J13 +56 21 2 BB J14 +56 21 2 BB J15 +56 21 2 BB J16 +56 21 2 BB J17 +56 21 2 BB J18 +56 21 2 BB J19 +56 21 2 BB J20 +56 21 2 BB J21 +56 21 2 BB J22 +56 21 2 BB J23 +56 21 2 BB J24 +56 21 2 BB J25 +56 21 2 BB J26 +56 21 2 BB J27 +56 21 2 BB J28 +56 21 2 BB J29 +56 21 2 BB J30 +56 21 2 BB J31 +56 21 2 BB J32 +56 21 2 BB J33 +56 21 2 BB J34 +56 21 2 BB J35 +56 21 2 BB J36 +56 21 2 BB J37 +56 21 2 BB J38 +56 21 2 BB J39 +56 21 2 BB J40 +56 21 3 KO E11 +56 21 4 DC C10 +56 21 5 WR D31 +56 21 6 AF G39 +56 22 1 TS A0 +56 22 1 TS A1 +56 22 1 TS A2 +56 22 1 TS A3 +56 22 1 TS A4 +56 22 1 TS A5 +56 22 1 TS A6 +56 22 1 TS A7 +56 22 1 TS A8 +56 22 1 TS A9 +56 22 1 TS A10 +56 22 1 TS A11 +56 22 1 TS A12 +56 22 1 TS A13 +56 22 1 TS A14 +56 22 1 TS A15 +56 22 1 TS A16 +56 22 1 TS A17 +56 22 1 TS A18 +56 22 1 TS A19 +56 22 1 TS A20 +56 22 1 TS A21 +56 22 1 TS A22 +56 22 1 TS A23 +56 22 1 TS A24 +56 22 1 TS A25 +56 22 1 TS A26 +56 22 1 TS A27 +56 22 1 TS A28 +56 22 1 TS A29 +56 22 1 TS A30 +56 22 1 TS A31 +56 22 1 TS A32 +56 22 1 TS A33 +56 22 1 TS A34 +56 22 1 TS A35 +56 22 1 TS A36 +56 22 1 TS A37 +56 22 1 TS A38 +56 22 1 TS A39 +56 22 1 TS A40 +56 22 2 BB J0 +56 22 2 BB J1 +56 22 2 BB J2 +56 22 2 BB J3 +56 22 2 BB J4 +56 22 2 BB J5 +56 22 2 BB J6 +56 22 2 BB J7 +56 22 2 BB J8 +56 22 2 BB J9 +56 22 2 BB J10 +56 22 2 BB J11 +56 22 2 BB J12 +56 22 2 BB J13 +56 22 2 BB J14 +56 22 2 BB J15 +56 22 2 BB J16 +56 22 2 BB J17 +56 22 2 BB J18 +56 22 2 BB J19 +56 22 2 BB J20 +56 22 2 BB J21 +56 22 2 BB J22 +56 22 2 BB J23 +56 22 2 BB J24 +56 22 2 BB J25 +56 22 2 BB J26 +56 22 2 BB J27 +56 22 2 BB J28 +56 22 2 BB J29 +56 22 2 BB J30 +56 22 2 BB J31 +56 22 2 BB J32 +56 22 2 BB J33 +56 22 2 BB J34 +56 22 2 BB J35 +56 22 2 BB J36 +56 22 2 BB J37 +56 22 2 BB J38 +56 22 2 BB J39 +56 22 2 BB J40 +56 22 3 WR B1 +56 22 3 WR B2 +56 22 3 WR B3 +56 22 4 GG C1 +56 22 5 AF G40 +56 22 6 GA G16 +56 23 1 TS A0 +56 23 1 TS A1 +56 23 1 TS A2 +56 23 1 TS A3 +56 23 1 TS A4 +56 23 1 TS A5 +56 23 1 TS A6 +56 23 1 TS A7 +56 23 1 TS A8 +56 23 1 TS A9 +56 23 1 TS A10 +56 23 1 TS A11 +56 23 1 TS A12 +56 23 1 TS A13 +56 23 1 TS A14 +56 23 1 TS A15 +56 23 1 TS A16 +56 23 1 TS A17 +56 23 1 TS A18 +56 23 1 TS A19 +56 23 1 TS A20 +56 23 1 TS A21 +56 23 1 TS A22 +56 23 1 TS A23 +56 23 1 TS A24 +56 23 1 TS A25 +56 23 1 TS A26 +56 23 1 TS A27 +56 23 1 TS A28 +56 23 1 TS A29 +56 23 1 TS A30 +56 23 1 TS A31 +56 23 1 TS A32 +56 23 1 TS A33 +56 23 1 TS A34 +56 23 1 TS A35 +56 23 1 TS A36 +56 23 1 TS A37 +56 23 1 TS A38 +56 23 1 TS A39 +56 23 1 TS A40 +56 23 2 BA J0 +56 23 2 BA J1 +56 23 2 BA J2 +56 23 2 BA J3 +56 23 2 BA J4 +56 23 2 BA J5 +56 23 2 BA J6 +56 23 2 BA J7 +56 23 2 BA J8 +56 23 2 BA J9 +56 23 2 BA J10 +56 23 2 BA J11 +56 23 2 BA J12 +56 23 2 BA J13 +56 23 2 BA J14 +56 23 2 BA J15 +56 23 2 BA J16 +56 23 2 BA J17 +56 23 2 BA J18 +56 23 2 BA J19 +56 23 2 BA J20 +56 23 2 BA J21 +56 23 2 BA J22 +56 23 2 BA J23 +56 23 2 BA J24 +56 23 2 BA J25 +56 23 2 BA J26 +56 23 2 BA J27 +56 23 2 BA J28 +56 23 2 BA J29 +56 23 2 BA J30 +56 23 2 BA J31 +56 23 2 BA J32 +56 23 2 BA J33 +56 23 2 BA J34 +56 23 2 BA J35 +56 23 2 BA J36 +56 23 2 BA J37 +56 23 2 BA J38 +56 23 2 BA J39 +56 23 2 BA J40 +56 23 3 AF D11 +56 23 4 TS B13 +56 23 5 GA F12 +56 24 1 TS A0 +56 24 1 TS A1 +56 24 1 TS A2 +56 24 1 TS A3 +56 24 1 TS A4 +56 24 1 TS A5 +56 24 1 TS A6 +56 24 1 TS A7 +56 24 1 TS A8 +56 24 1 TS A9 +56 24 1 TS A10 +56 24 1 TS A11 +56 24 1 TS A12 +56 24 1 TS A13 +56 24 1 TS A14 +56 24 1 TS A15 +56 24 1 TS A16 +56 24 1 TS A17 +56 24 1 TS A18 +56 24 1 TS A19 +56 24 1 TS A20 +56 24 1 TS A21 +56 24 1 TS A22 +56 24 1 TS A23 +56 24 1 TS A24 +56 24 1 TS A25 +56 24 1 TS A26 +56 24 1 TS A27 +56 24 1 TS A28 +56 24 1 TS A29 +56 24 1 TS A30 +56 24 1 TS A31 +56 24 1 TS A32 +56 24 1 TS A33 +56 24 1 TS A34 +56 24 1 TS A35 +56 24 1 TS A36 +56 24 1 TS A37 +56 24 1 TS A38 +56 24 1 TS A39 +56 24 1 TS A40 +56 24 2 BB J0 +56 24 2 BB J1 +56 24 2 BB J2 +56 24 2 BB J3 +56 24 2 BB J4 +56 24 2 BB J5 +56 24 2 BB J6 +56 24 2 BB J7 +56 24 2 BB J8 +56 24 2 BB J9 +56 24 2 BB J10 +56 24 2 BB J11 +56 24 2 BB J12 +56 24 2 BB J13 +56 24 2 BB J14 +56 24 2 BB J15 +56 24 2 BB J16 +56 24 2 BB J17 +56 24 2 BB J18 +56 24 2 BB J19 +56 24 2 BB J20 +56 24 2 BB J21 +56 24 2 BB J22 +56 24 2 BB J23 +56 24 2 BB J24 +56 24 2 BB J25 +56 24 2 BB J26 +56 24 2 BB J27 +56 24 2 BB J28 +56 24 2 BB J29 +56 24 2 BB J30 +56 24 2 BB J31 +56 24 2 BB J32 +56 24 2 BB J33 +56 24 2 BB J34 +56 24 2 BB J35 +56 24 2 BB J36 +56 24 2 BB J37 +56 24 2 BB J38 +56 24 2 BB J39 +56 24 2 BB J40 +56 24 3 DC D9 +56 24 4 GA F16 +56 24 5 SD H29 +56 24 6 AF F39 +56 24 7 TS B40 +56 25 1 TS A0 +56 25 1 TS A1 +56 25 1 TS A2 +56 25 1 TS A3 +56 25 1 TS A4 +56 25 1 TS A5 +56 25 1 TS A6 +56 25 1 TS A7 +56 25 1 TS A8 +56 25 1 TS A9 +56 25 1 TS A10 +56 25 1 TS A11 +56 25 1 TS A12 +56 25 1 TS A13 +56 25 1 TS A14 +56 25 1 TS A15 +56 25 1 TS A16 +56 25 1 TS A17 +56 25 1 TS A18 +56 25 1 TS A19 +56 25 1 TS A20 +56 25 1 TS A21 +56 25 1 TS A22 +56 25 1 TS A23 +56 25 1 TS A24 +56 25 1 TS A25 +56 25 1 TS A26 +56 25 1 TS A27 +56 25 1 TS A28 +56 25 1 TS A29 +56 25 1 TS A30 +56 25 1 TS A31 +56 25 1 TS A32 +56 25 1 TS A33 +56 25 1 TS A34 +56 25 1 TS A35 +56 25 1 TS A36 +56 25 1 TS A37 +56 25 1 TS A38 +56 25 1 TS A39 +56 25 1 TS A40 +56 25 2 TS B4 +56 25 3 WW C8 +56 25 4 AF D9 +56 25 5 WR C27 +56 25 5 WR E26 +56 25 6 SD E26 +56 25 7 BB H29 +57 1 1 P E1 +57 1 1 P E2 +57 1 1 P E3 +57 1 1 P E4 +57 1 2 GR C1 +57 1 2 GR C2 +57 1 2 GR C3 +57 1 2 GR C4 +57 1 2 GR C5 +57 1 3 Y C10 +57 1 3 Y C11 +57 1 3 Y C12 +57 1 3 Y C13 +57 1 4 W A0 +57 1 5 PP E35 +57 1 5 PP E36 +57 1 5 PP E37 +57 1 5 PP E38 +57 1 5 PP E39 +57 1 5 PP E40 +57 1 6 BL F28 +57 1 7 B H25 +57 1 7 B H26 +57 1 7 B H27 +57 1 7 B H28 +57 1 7 B H29 +57 1 8 G F17 +57 1 8 G F18 +57 1 8 G F19 +57 1 9 BR G7 +57 1 9 BR G8 +57 1 9 BR G9 +57 1 9 BR G10 +57 1 10 R F1 +57 1 10 R F2 +57 1 10 R F3 +57 1 10 R F4 +57 1 10 R G1 +57 1 10 R G2 +57 1 10 R G3 +57 1 10 R G4 +57 2 1 W A0 +57 2 2 O E5 +57 2 3 Y D10 +57 2 4 BL F26 +57 2 4 BL F29 +57 2 5 R G2 +57 2 6 PP G40 +57 2 7 G H18 +57 2 8 BR G7 +57 2 9 B J0 +57 2 10 GR E0 +57 2 11 P E1 +57 3 1 R F2 +57 3 2 BR F8 +57 3 3 Y B12 +57 3 4 W A0 +57 3 5 G G18 +57 3 6 BL F30 +57 3 7 D F35 +57 3 8 PP D40 +57 3 9 B J0 +57 3 10 P G3 +57 4 1 W A0 +57 4 2 BR G6 +57 4 2 BR G7 +57 4 2 BR G8 +57 4 2 BR H6 +57 4 2 BR H7 +57 4 2 BR H8 +57 4 2 BR I1 +57 4 2 BR I2 +57 4 2 BR I3 +57 4 2 BR I4 +57 4 2 BR I5 +57 4 2 BR I6 +57 4 2 BR I7 +57 4 2 BR I8 +57 4 3 Y B10 +57 4 3 Y B11 +57 4 3 Y B12 +57 4 3 Y C10 +57 4 3 Y C11 +57 4 3 Y C12 +57 4 4 BL E28 +57 4 4 BL F28 +57 4 4 BL G28 +57 4 4 BL H28 +57 4 5 R F38 +57 4 5 R F39 +57 4 5 R F40 +57 4 5 R G38 +57 4 5 R G39 +57 4 5 R G40 +57 4 5 R H38 +57 4 5 R H39 +57 4 5 R H40 +57 4 6 P F32 +57 4 6 P F33 +57 4 6 P F34 +57 4 6 P G32 +57 4 6 P G33 +57 4 6 P G34 +57 4 6 P H32 +57 4 6 P H33 +57 4 6 P H34 +57 4 7 G E16 +57 4 7 G E17 +57 4 7 G E18 +57 4 7 G E19 +57 4 7 G E20 +57 4 7 G E21 +57 4 7 G E22 +57 4 7 G F16 +57 4 7 G F17 +57 4 7 G F18 +57 4 7 G F19 +57 4 7 G F20 +57 4 7 G F21 +57 4 7 G F22 +57 4 8 O G4 +57 4 8 O G5 +57 4 9 PP F4 +57 4 9 PP F5 +57 4 10 B F0 +57 4 10 B G0 +57 4 10 B H0 +57 4 10 B H10 +57 4 10 B H11 +57 4 10 B H12 +57 4 10 B H13 +57 4 10 B H14 +57 4 10 B H15 +57 4 10 B H16 +57 4 10 B H17 +57 4 10 B H18 +57 4 10 B H19 +57 4 10 B H20 +57 4 10 B H21 +57 4 10 B H22 +57 4 10 B H23 +57 4 10 B H24 +57 4 10 B H25 +57 4 10 B H26 +57 4 10 B I0 +57 4 10 B I9 +57 4 10 B I10 +57 4 10 B I11 +57 4 10 B I12 +57 4 10 B I13 +57 4 10 B I14 +57 4 10 B I15 +57 4 10 B I16 +57 4 10 B I17 +57 4 10 B I18 +57 4 10 B I19 +57 4 10 B I20 +57 4 10 B I21 +57 4 10 B I22 +57 4 10 B I23 +57 4 10 B I24 +57 4 10 B I25 +57 4 10 B I26 +57 4 10 B I27 +57 4 10 B I28 +57 4 10 B J0 +57 5 1 Y C10 +57 5 1 Y C11 +57 5 1 Y C12 +57 5 2 P C38 +57 5 2 P C39 +57 5 2 P C40 +57 5 3 PP F36 +57 5 3 PP G36 +57 5 3 PP H36 +57 5 4 BL F30 +57 5 4 BL G30 +57 5 4 BL H30 +57 5 5 G F17 +57 5 5 G G17 +57 5 5 G H17 +57 5 6 BR I5 +57 5 6 BR I6 +57 5 6 BR I7 +57 5 7 B J0 +57 5 8 R G1 +57 5 8 R G2 +57 5 8 R G3 +57 5 9 GR C0 +57 6 1 W A0 +57 6 2 Y B10 +57 6 2 Y B11 +57 6 2 Y B12 +57 6 2 Y C10 +57 6 2 Y C11 +57 6 2 Y C12 +57 6 3 P D37 +57 6 3 P D38 +57 6 3 P D39 +57 6 3 P D40 +57 6 4 PP G32 +57 6 4 PP G33 +57 6 4 PP G34 +57 6 4 PP H32 +57 6 4 PP H33 +57 6 4 PP H34 +57 6 5 BL G28 +57 6 5 BL G29 +57 6 5 BL G30 +57 6 6 G F17 +57 6 6 G F18 +57 6 6 G F19 +57 6 7 R F1 +57 6 7 R F2 +57 6 7 R F3 +57 6 7 R F4 +57 6 7 R G1 +57 6 7 R G2 +57 6 7 R G3 +57 6 7 R G4 +57 6 8 B G0 +57 6 8 B H0 +57 6 8 B I0 +57 6 8 B J0 +57 7 1 GR B0 +57 7 1 GR B28 +57 7 1 GR B29 +57 7 1 GR B30 +57 7 1 GR B31 +57 7 1 GR B32 +57 7 1 GR B33 +57 7 1 GR B34 +57 7 1 GR B35 +57 7 1 GR B36 +57 7 1 GR B37 +57 7 1 GR B38 +57 7 1 GR B39 +57 7 1 GR B40 +57 7 1 GR C0 +57 7 1 GR D0 +57 7 1 GR E0 +57 7 1 GR F0 +57 7 2 P B1 +57 7 2 P B2 +57 7 2 P B3 +57 7 2 P B4 +57 7 2 P B5 +57 7 2 P B6 +57 7 3 O C8 +57 7 3 O C9 +57 7 3 O C10 +57 7 3 O C11 +57 7 4 Y C9 +57 7 4 Y C10 +57 7 4 Y C11 +57 7 4 Y C12 +57 7 4 Y D9 +57 7 4 Y D10 +57 7 4 Y D11 +57 7 4 Y D12 +57 7 5 R F39 +57 7 5 R F40 +57 7 5 R G39 +57 7 5 R G40 +57 7 6 BL F29 +57 7 6 BL F30 +57 7 6 BL G29 +57 7 6 BL G30 +57 7 7 G E17 +57 7 7 G E18 +57 7 7 G E19 +57 7 7 G E20 +57 7 7 G F17 +57 7 7 G F18 +57 7 7 G F19 +57 7 7 G F20 +57 7 7 G G17 +57 7 7 G G18 +57 7 7 G G19 +57 7 7 G G20 +57 7 8 B J0 +57 7 9 BR G0 +57 7 9 BR H0 +57 7 9 BR I0 +57 7 9 BR J0 +57 8 1 O D7 +57 8 2 Y C8 +57 8 3 W A0 +57 8 4 P F40 +57 8 5 PP H36 +57 8 6 B J0 +57 8 7 BL H30 +57 8 8 G H17 +57 8 9 BR H5 +57 8 10 R G3 +57 8 11 GR H0 +57 9 1 W A0 +57 9 2 B J0 +57 9 3 R F2 +57 10 1 R F2 +57 10 2 W A0 +57 10 3 Y C9 +57 10 4 B J0 +57 10 5 P F37 +57 10 6 PP H36 +57 10 7 BL H31 +57 10 8 G H20 +57 10 9 O D7 +57 10 10 BR H0 +57 10 11 GR E0 +57 11 1 O E5 +57 11 2 Y C8 +57 11 3 P E38 +57 11 4 PP G36 +57 11 5 BL G28 +57 11 6 G G20 +57 11 7 BR G7 +57 11 8 B J0 +57 11 9 R G1 +57 11 10 GR F0 +57 12 1 W A0 +57 12 1 W B0 +57 12 1 W B1 +57 12 1 W B2 +57 12 1 W B3 +57 12 1 W B4 +57 12 1 W B5 +57 12 1 W B6 +57 12 1 W B7 +57 12 1 W B8 +57 12 1 W B9 +57 12 2 Y C9 +57 12 2 Y C10 +57 12 2 Y D9 +57 12 2 Y D10 +57 12 3 R H40 +57 12 4 O G32 +57 12 4 O G33 +57 12 4 O H32 +57 12 4 O H33 +57 12 5 PP I30 +57 12 6 BL F30 +57 12 6 BL F31 +57 12 6 BL G30 +57 12 6 BL G31 +57 12 7 G G20 +57 12 7 G G21 +57 12 7 G H20 +57 12 7 G H21 +57 12 8 BR H9 +57 12 9 B J0 +57 13 1 O D7 +57 13 2 W A0 +57 13 3 Y C9 +57 13 4 P F35 +57 13 5 PP G36 +57 13 6 BL H29 +57 13 7 G F16 +57 13 8 BR G7 +57 13 9 B J0 +57 13 10 R G3 +57 13 11 GR F0 +57 14 1 W A0 +57 14 2 GR B2 +57 14 2 GR B40 +57 14 3 Y C12 +57 14 4 B J0 +57 14 5 PP I31 +57 14 6 BL F29 +57 14 7 G G17 +57 14 8 BR G7 +57 14 9 R F2 +57 14 10 P E1 +57 15 1 W A0 +57 15 2 O F4 +57 15 3 Y C11 +57 15 4 P E37 +57 15 5 PP G36 +57 15 6 BL H29 +57 15 7 G F16 +57 15 8 BR G5 +57 15 9 R G3 +57 15 10 B J0 +57 15 11 GR D0 +57 16 1 W A0 +57 16 2 O D7 +57 16 3 Y B11 +57 16 4 P C37 +57 16 4 P C38 +57 16 4 P C39 +57 16 4 P C40 +57 16 5 PP H32 +57 16 6 BL H30 +57 16 7 G F17 +57 16 8 BR G6 +57 16 9 B J0 +57 16 10 R F1 +57 17 1 O E5 +57 17 2 W A0 +57 17 3 Y C12 +57 17 4 P F36 +57 17 5 B J0 +57 17 6 PP I34 +57 17 7 BL I30 +57 17 8 G I20 +57 17 9 BR I7 +57 17 10 R H3 +57 17 11 GR F0 +57 18 1 BR H12 +57 18 2 Y C12 +57 18 3 G F17 +57 18 4 BL F27 +57 18 5 W A0 +57 18 6 GR B38 +57 18 6 GR B39 +57 18 6 GR B40 +57 18 7 R H40 +57 18 8 PP I40 +57 18 9 D J0 +57 18 10 P F12 +57 18 11 DJ I7 +57 18 12 SI E0 +57 19 1 W A0 +57 19 2 GR A0 +57 19 3 Y B3 +57 19 4 BR C5 +57 19 5 G B19 +57 19 6 BL D21 +57 19 7 K C40 +57 19 8 B J0 +57 19 9 D J0 +57 19 10 L E0 +57 19 11 R E1 +57 19 12 SI D0 +57 19 13 SA D0 +57 19 14 P C1 +57 20 1 G E17 +57 20 2 W A0 +57 20 3 BL E28 +57 20 4 O E39 +57 20 5 B J0 +57 20 6 D J0 +57 20 7 R F1 +57 21 1 W A0 +57 21 2 O D6 +57 21 3 Y C9 +57 21 4 PP G39 +57 21 5 P G35 +57 21 6 BL G28 +57 21 7 G F17 +57 21 8 BR G5 +57 21 9 R F4 +57 21 10 B J0 +57 21 11 GR F0 +57 21 12 SH E0 +57 22 1 W A0 +57 22 2 Y C8 +57 22 2 Y C9 +57 22 3 PP F34 +57 22 3 PP F35 +57 22 3 PP F36 +57 22 3 PP G34 +57 22 3 PP G35 +57 22 3 PP G36 +57 22 4 BL G28 +57 22 4 BL G29 +57 22 4 BL G30 +57 22 5 G E15 +57 22 5 G E16 +57 22 5 G F15 +57 22 5 G F16 +57 22 5 G G15 +57 22 5 G G16 +57 22 6 BR H7 +57 22 6 BR H8 +57 22 6 BR H9 +57 22 7 GR E0 +57 22 8 P C1 +57 22 8 P C2 +57 22 8 P C3 +57 22 8 P C4 +57 22 8 P C5 +57 22 8 P C6 +57 23 1 O E4 +57 23 2 Y B12 +57 23 3 PP E32 +57 23 4 W A0 +57 23 5 P C40 +57 23 6 R F39 +57 23 7 B J0 +57 23 8 BL F28 +57 23 9 G H20 +57 23 10 BR I1 +57 24 1 W A0 +57 24 2 O C8 +57 24 3 Y C8 +57 24 4 PP F32 +57 24 4 PP F33 +57 24 4 PP F34 +57 24 4 PP G32 +57 24 4 PP G33 +57 24 4 PP G34 +57 24 5 BL E28 +57 24 5 BL F28 +57 24 5 BL F29 +57 24 5 BL G29 +57 24 6 G E18 +57 24 6 G F18 +57 24 6 G G18 +57 24 6 G H18 +57 24 7 BR F8 +57 24 7 BR F9 +57 24 7 BR G8 +57 24 7 BR G9 +57 24 8 R G1 +57 24 8 R G2 +57 24 8 R G3 +57 24 8 R H1 +57 24 8 R H2 +57 24 8 R H3 +57 24 9 B J0 +57 25 1 W A0 +57 25 2 O F4 +57 25 3 Y D6 +57 25 4 PP H33 +57 25 5 P G40 +57 25 6 B J0 +57 25 7 BL H30 +57 25 8 G H20 +57 25 9 BR I7 +57 25 10 R G1 +57 25 11 GR D0 +58 1 1 I A0 +58 1 2 RK E0 +58 1 3 G J0 +58 1 4 N H2 +58 2 1 I A0 +58 2 2 N H3 +58 2 3 G J0 +58 2 4 L H0 +58 2 5 W H17 +58 2 6 A G27 +58 2 6 A H27 +58 2 6 A I27 +58 3 1 I A0 +58 3 2 N I1 +58 3 2 N I2 +58 3 2 N I3 +58 3 3 G J0 +58 3 4 RK I6 +58 4 1 U E4 +58 4 2 L E5 +58 4 3 W B14 +58 4 4 K F20 +58 4 5 RK D28 +58 4 6 I A0 +58 4 7 G J0 +58 4 8 N G40 +58 5 1 N F3 +58 5 2 I A0 +58 5 3 G J0 +58 6 1 A E29 +58 6 2 I A0 +58 6 3 N F1 +58 6 4 RK F0 +58 6 5 G J0 +58 7 1 RK D36 +58 7 2 I A0 +58 7 3 N G40 +58 7 4 G J0 +58 8 1 N F1 +58 8 1 N G1 +58 8 2 I A0 +58 8 3 G J0 +58 8 4 K H17 +58 8 4 K H18 +58 8 4 K H19 +58 8 4 K H20 +58 8 5 RK I30 +58 8 5 RK I31 +58 8 5 RK I32 +58 8 5 RK I33 +58 8 5 RK I34 +58 8 5 RK I35 +58 8 5 RK I36 +58 8 5 RK I37 +58 8 5 RK I38 +58 8 5 RK I39 +58 8 5 RK I40 +58 9 1 N G2 +58 9 1 N H2 +58 9 2 I A0 +58 9 3 G J0 +58 10 1 K F18 +58 10 2 G J0 +58 10 3 I A0 +58 10 4 N F1 +58 10 5 RK J0 +58 11 1 G J0 +58 11 2 RK G8 +58 11 3 N F1 +58 11 3 N G1 +58 11 4 I A0 +58 12 1 I A0 +58 12 2 G J0 +58 12 3 N G3 +58 12 4 L D9 +58 12 4 L E3 +58 12 5 K G19 +58 12 6 RK D34 +58 13 1 I A0 +58 13 2 G J0 +58 13 3 N F3 +58 13 4 K E17 +58 13 5 A F28 +58 13 6 L F36 +58 14 1 U C2 +58 14 2 J C2 +58 14 3 N G1 +58 14 4 L C8 +58 14 5 K G17 +58 14 6 A H28 +58 15 1 I A0 +58 15 2 N G1 +58 15 3 G J0 +58 15 4 K F18 +58 15 5 RK H26 +58 16 1 RK B12 +58 16 2 I A0 +58 16 3 G J0 +58 16 4 U F40 +58 16 4 U H2 +58 16 5 K F17 +58 17 1 K E15 +58 17 2 N G1 +58 17 3 G J0 +58 17 4 I A0 +58 17 5 L E1 +58 18 1 I A0 +58 18 2 G J0 +58 18 3 N F40 +58 19 1 I A0 +58 19 2 G J0 +58 19 3 N G1 +58 19 4 RK D12 +58 19 5 L C14 +58 19 6 A E17 +58 19 7 K D15 +58 19 8 M B11 +58 20 1 I A0 +58 20 2 N F1 +58 20 3 RK I1 +58 20 3 RK I2 +58 20 3 RK I3 +58 20 3 RK I4 +58 20 3 RK I5 +58 20 3 RK I6 +58 20 3 RK I7 +58 20 3 RK I8 +58 20 3 RK I9 +58 20 3 RK I10 +58 20 3 RK I11 +58 20 3 RK I12 +58 20 3 RK I13 +58 20 3 RK I14 +58 20 3 RK I15 +58 20 3 RK I16 +58 20 3 RK I17 +58 20 3 RK I18 +58 20 3 RK I19 +58 20 3 RK I20 +58 20 3 RK I21 +58 20 3 RK I22 +58 20 3 RK I23 +58 20 3 RK I24 +58 20 3 RK I25 +58 20 3 RK I26 +58 20 3 RK I27 +58 20 3 RK I28 +58 20 3 RK I29 +58 20 3 RK I30 +58 20 3 RK I31 +58 20 3 RK I32 +58 20 3 RK I33 +58 20 3 RK I34 +58 20 3 RK I35 +58 20 3 RK I36 +58 20 3 RK I37 +58 20 3 RK I38 +58 20 3 RK I39 +58 20 3 RK I40 +58 20 4 U H2 +58 20 5 D A0 +58 20 6 G J0 +59 1 1 CB A0 +59 1 1 CB A1 +59 1 1 CB A2 +59 1 1 CB A3 +59 1 1 CB A4 +59 1 1 CB A5 +59 1 1 CB A6 +59 1 1 CB A7 +59 1 1 CB A8 +59 1 1 CB A9 +59 1 1 CB A10 +59 1 1 CB A11 +59 1 1 CB A12 +59 1 1 CB A13 +59 1 1 CB A14 +59 1 1 CB A15 +59 1 1 CB A16 +59 1 1 CB A17 +59 1 1 CB A18 +59 1 1 CB A19 +59 1 1 CB A20 +59 1 1 CB A21 +59 1 1 CB A22 +59 1 1 CB A23 +59 1 1 CB A24 +59 1 1 CB A25 +59 1 1 CB A26 +59 1 1 CB A27 +59 1 1 CB A28 +59 1 1 CB A29 +59 1 1 CB A30 +59 1 1 CB A31 +59 1 1 CB A32 +59 1 1 CB A33 +59 1 1 CB A34 +59 1 1 CB A35 +59 1 1 CB A36 +59 1 1 CB A37 +59 1 1 CB A38 +59 1 1 CB A39 +59 1 1 CB A40 +59 1 2 CC J0 +59 1 2 CC J1 +59 1 2 CC J2 +59 1 2 CC J3 +59 1 2 CC J4 +59 1 2 CC J5 +59 1 2 CC J6 +59 1 2 CC J7 +59 1 2 CC J8 +59 1 2 CC J9 +59 1 2 CC J10 +59 1 2 CC J11 +59 1 2 CC J12 +59 1 2 CC J13 +59 1 2 CC J14 +59 1 2 CC J15 +59 1 2 CC J16 +59 1 2 CC J17 +59 1 2 CC J18 +59 1 2 CC J19 +59 1 2 CC J20 +59 1 2 CC J21 +59 1 2 CC J22 +59 1 2 CC J23 +59 1 2 CC J24 +59 1 2 CC J25 +59 1 2 CC J26 +59 1 2 CC J27 +59 1 2 CC J28 +59 1 2 CC J29 +59 1 2 CC J30 +59 1 2 CC J31 +59 1 2 CC J32 +59 1 2 CC J33 +59 1 2 CC J34 +59 1 2 CC J35 +59 1 2 CC J36 +59 1 2 CC J37 +59 1 2 CC J38 +59 1 2 CC J39 +59 1 2 CC J40 +59 1 3 GO C8 +59 1 4 AR H18 +59 1 4 AR I30 +59 1 5 GU G8 +59 1 6 GI G1 +59 1 6 GI H3 +59 1 7 GD E4 +59 1 8 DU C10 +59 1 9 BU H33 +59 2 1 CB A0 +59 2 1 CB A1 +59 2 1 CB A2 +59 2 1 CB A3 +59 2 1 CB A4 +59 2 1 CB A5 +59 2 1 CB A6 +59 2 1 CB A7 +59 2 1 CB A8 +59 2 1 CB A9 +59 2 1 CB A10 +59 2 1 CB A11 +59 2 1 CB A12 +59 2 1 CB A13 +59 2 1 CB A14 +59 2 1 CB A15 +59 2 1 CB A16 +59 2 1 CB A17 +59 2 1 CB A18 +59 2 1 CB A19 +59 2 1 CB A20 +59 2 1 CB A21 +59 2 1 CB A22 +59 2 1 CB A23 +59 2 1 CB A24 +59 2 1 CB A25 +59 2 1 CB A26 +59 2 1 CB A27 +59 2 1 CB A28 +59 2 1 CB A29 +59 2 1 CB A30 +59 2 1 CB A31 +59 2 1 CB A32 +59 2 1 CB A33 +59 2 1 CB A34 +59 2 1 CB A35 +59 2 1 CB A36 +59 2 1 CB A37 +59 2 1 CB A38 +59 2 1 CB A39 +59 2 1 CB A40 +59 2 2 CC J0 +59 2 2 CC J1 +59 2 2 CC J2 +59 2 2 CC J3 +59 2 2 CC J4 +59 2 2 CC J5 +59 2 2 CC J6 +59 2 2 CC J7 +59 2 2 CC J8 +59 2 2 CC J9 +59 2 2 CC J10 +59 2 2 CC J11 +59 2 2 CC J12 +59 2 2 CC J13 +59 2 2 CC J14 +59 2 2 CC J15 +59 2 2 CC J16 +59 2 2 CC J17 +59 2 2 CC J18 +59 2 2 CC J19 +59 2 2 CC J20 +59 2 2 CC J21 +59 2 2 CC J22 +59 2 2 CC J23 +59 2 2 CC J24 +59 2 2 CC J25 +59 2 2 CC J26 +59 2 2 CC J27 +59 2 2 CC J28 +59 2 2 CC J29 +59 2 2 CC J30 +59 2 2 CC J31 +59 2 2 CC J32 +59 2 2 CC J33 +59 2 2 CC J34 +59 2 2 CC J35 +59 2 2 CC J36 +59 2 2 CC J37 +59 2 2 CC J38 +59 2 2 CC J39 +59 2 2 CC J40 +59 2 3 GN G2 +59 2 4 GO C9 +59 2 5 AR G31 +59 2 5 AR H29 +59 2 6 GU I10 +59 2 7 GI G40 +59 2 8 SA F17 +59 2 9 AL C39 +59 3 1 CB A0 +59 3 1 CB A1 +59 3 1 CB A2 +59 3 1 CB A3 +59 3 1 CB A4 +59 3 1 CB A5 +59 3 1 CB A6 +59 3 1 CB A7 +59 3 1 CB A8 +59 3 1 CB A9 +59 3 1 CB A10 +59 3 1 CB A11 +59 3 1 CB A12 +59 3 1 CB A13 +59 3 1 CB A14 +59 3 1 CB A15 +59 3 1 CB A16 +59 3 1 CB A17 +59 3 1 CB A18 +59 3 1 CB A19 +59 3 1 CB A20 +59 3 1 CB A21 +59 3 1 CB A22 +59 3 1 CB A23 +59 3 1 CB A24 +59 3 1 CB A25 +59 3 1 CB A26 +59 3 1 CB A27 +59 3 1 CB A28 +59 3 1 CB A29 +59 3 1 CB A30 +59 3 1 CB A31 +59 3 1 CB A32 +59 3 1 CB A33 +59 3 1 CB A34 +59 3 1 CB A35 +59 3 1 CB A36 +59 3 1 CB A37 +59 3 1 CB A38 +59 3 1 CB A39 +59 3 1 CB A40 +59 3 2 CC J0 +59 3 2 CC J1 +59 3 2 CC J2 +59 3 2 CC J3 +59 3 2 CC J4 +59 3 2 CC J5 +59 3 2 CC J6 +59 3 2 CC J7 +59 3 2 CC J8 +59 3 2 CC J9 +59 3 2 CC J10 +59 3 2 CC J11 +59 3 2 CC J12 +59 3 2 CC J13 +59 3 2 CC J14 +59 3 2 CC J15 +59 3 2 CC J16 +59 3 2 CC J17 +59 3 2 CC J18 +59 3 2 CC J19 +59 3 2 CC J20 +59 3 2 CC J21 +59 3 2 CC J22 +59 3 2 CC J23 +59 3 2 CC J24 +59 3 2 CC J25 +59 3 2 CC J26 +59 3 2 CC J27 +59 3 2 CC J28 +59 3 2 CC J29 +59 3 2 CC J30 +59 3 2 CC J31 +59 3 2 CC J32 +59 3 2 CC J33 +59 3 2 CC J34 +59 3 2 CC J35 +59 3 2 CC J36 +59 3 2 CC J37 +59 3 2 CC J38 +59 3 2 CC J39 +59 3 2 CC J40 +59 3 3 GN H2 +59 3 4 GO D12 +59 3 5 GU G39 +59 3 6 RR I30 +59 3 7 BR E30 +59 3 8 AL D38 +59 4 1 CB A0 +59 4 1 CB A1 +59 4 1 CB A2 +59 4 1 CB A3 +59 4 1 CB A4 +59 4 1 CB A5 +59 4 1 CB A6 +59 4 1 CB A7 +59 4 1 CB A8 +59 4 1 CB A9 +59 4 1 CB A10 +59 4 1 CB A11 +59 4 1 CB A12 +59 4 1 CB A13 +59 4 1 CB A14 +59 4 1 CB A15 +59 4 1 CB A16 +59 4 1 CB A17 +59 4 1 CB A18 +59 4 1 CB A19 +59 4 1 CB A20 +59 4 1 CB A21 +59 4 1 CB A22 +59 4 1 CB A23 +59 4 1 CB A24 +59 4 1 CB A25 +59 4 1 CB A26 +59 4 1 CB A27 +59 4 1 CB A28 +59 4 1 CB A29 +59 4 1 CB A30 +59 4 1 CB A31 +59 4 1 CB A32 +59 4 1 CB A33 +59 4 1 CB A34 +59 4 1 CB A35 +59 4 1 CB A36 +59 4 1 CB A37 +59 4 1 CB A38 +59 4 1 CB A39 +59 4 1 CB A40 +59 4 2 CC J0 +59 4 2 CC J1 +59 4 2 CC J2 +59 4 2 CC J3 +59 4 2 CC J4 +59 4 2 CC J5 +59 4 2 CC J6 +59 4 2 CC J7 +59 4 2 CC J8 +59 4 2 CC J9 +59 4 2 CC J10 +59 4 2 CC J11 +59 4 2 CC J12 +59 4 2 CC J13 +59 4 2 CC J14 +59 4 2 CC J15 +59 4 2 CC J16 +59 4 2 CC J17 +59 4 2 CC J18 +59 4 2 CC J19 +59 4 2 CC J20 +59 4 2 CC J21 +59 4 2 CC J22 +59 4 2 CC J23 +59 4 2 CC J24 +59 4 2 CC J25 +59 4 2 CC J26 +59 4 2 CC J27 +59 4 2 CC J28 +59 4 2 CC J29 +59 4 2 CC J30 +59 4 2 CC J31 +59 4 2 CC J32 +59 4 2 CC J33 +59 4 2 CC J34 +59 4 2 CC J35 +59 4 2 CC J36 +59 4 2 CC J37 +59 4 2 CC J38 +59 4 2 CC J39 +59 4 2 CC J40 +59 4 3 GO C9 +59 4 4 RR F30 +59 4 5 AR H31 +59 4 6 BR F0 +59 4 7 GN G2 +59 4 8 GU H11 +59 4 9 GW F20 +59 4 11 CA H7 +59 5 1 CB A0 +59 5 1 CB A1 +59 5 1 CB A2 +59 5 1 CB A3 +59 5 1 CB A4 +59 5 1 CB A5 +59 5 1 CB A6 +59 5 1 CB A7 +59 5 1 CB A8 +59 5 1 CB A9 +59 5 1 CB A10 +59 5 1 CB A11 +59 5 1 CB A12 +59 5 1 CB A13 +59 5 1 CB A14 +59 5 1 CB A15 +59 5 1 CB A16 +59 5 1 CB A17 +59 5 1 CB A18 +59 5 1 CB A19 +59 5 1 CB A20 +59 5 1 CB A21 +59 5 1 CB A22 +59 5 1 CB A23 +59 5 1 CB A24 +59 5 1 CB A25 +59 5 1 CB A26 +59 5 1 CB A27 +59 5 1 CB A28 +59 5 1 CB A29 +59 5 1 CB A30 +59 5 1 CB A31 +59 5 1 CB A32 +59 5 1 CB A33 +59 5 1 CB A34 +59 5 1 CB A35 +59 5 1 CB A36 +59 5 1 CB A37 +59 5 1 CB A38 +59 5 1 CB A39 +59 5 1 CB A40 +59 5 2 CC J0 +59 5 2 CC J1 +59 5 2 CC J2 +59 5 2 CC J3 +59 5 2 CC J4 +59 5 2 CC J5 +59 5 2 CC J6 +59 5 2 CC J7 +59 5 2 CC J8 +59 5 2 CC J9 +59 5 2 CC J10 +59 5 2 CC J11 +59 5 2 CC J12 +59 5 2 CC J13 +59 5 2 CC J14 +59 5 2 CC J15 +59 5 2 CC J16 +59 5 2 CC J17 +59 5 2 CC J18 +59 5 2 CC J19 +59 5 2 CC J20 +59 5 2 CC J21 +59 5 2 CC J22 +59 5 2 CC J23 +59 5 2 CC J24 +59 5 2 CC J25 +59 5 2 CC J26 +59 5 2 CC J27 +59 5 2 CC J28 +59 5 2 CC J29 +59 5 2 CC J30 +59 5 2 CC J31 +59 5 2 CC J32 +59 5 2 CC J33 +59 5 2 CC J34 +59 5 2 CC J35 +59 5 2 CC J36 +59 5 2 CC J37 +59 5 2 CC J38 +59 5 2 CC J39 +59 5 2 CC J40 +59 5 3 GO C9 +59 5 4 RR F27 +59 5 5 GW F17 +59 5 6 AR G29 +59 5 7 BR C30 +59 5 8 BU F33 +59 5 9 GN H2 +59 5 10 GU I3 +59 5 11 AL D28 +59 5 12 GD C11 +59 5 13 CA G7 +59 6 1 CB A0 +59 6 1 CB A1 +59 6 1 CB A2 +59 6 1 CB A3 +59 6 1 CB A4 +59 6 1 CB A5 +59 6 1 CB A6 +59 6 1 CB A7 +59 6 1 CB A8 +59 6 1 CB A9 +59 6 1 CB A10 +59 6 1 CB A11 +59 6 1 CB A12 +59 6 1 CB A13 +59 6 1 CB A14 +59 6 1 CB A15 +59 6 1 CB A16 +59 6 1 CB A17 +59 6 1 CB A18 +59 6 1 CB A19 +59 6 1 CB A20 +59 6 1 CB A21 +59 6 1 CB A22 +59 6 1 CB A23 +59 6 1 CB A24 +59 6 1 CB A25 +59 6 1 CB A26 +59 6 1 CB A27 +59 6 1 CB A28 +59 6 1 CB A29 +59 6 1 CB A30 +59 6 1 CB A31 +59 6 1 CB A32 +59 6 1 CB A33 +59 6 1 CB A34 +59 6 1 CB A35 +59 6 1 CB A36 +59 6 1 CB A37 +59 6 1 CB A38 +59 6 1 CB A39 +59 6 1 CB A40 +59 6 2 CC J0 +59 6 2 CC J1 +59 6 2 CC J2 +59 6 2 CC J3 +59 6 2 CC J4 +59 6 2 CC J5 +59 6 2 CC J6 +59 6 2 CC J7 +59 6 2 CC J8 +59 6 2 CC J9 +59 6 2 CC J10 +59 6 2 CC J11 +59 6 2 CC J12 +59 6 2 CC J13 +59 6 2 CC J14 +59 6 2 CC J15 +59 6 2 CC J16 +59 6 2 CC J17 +59 6 2 CC J18 +59 6 2 CC J19 +59 6 2 CC J20 +59 6 2 CC J21 +59 6 2 CC J22 +59 6 2 CC J23 +59 6 2 CC J24 +59 6 2 CC J25 +59 6 2 CC J26 +59 6 2 CC J27 +59 6 2 CC J28 +59 6 2 CC J29 +59 6 2 CC J30 +59 6 2 CC J31 +59 6 2 CC J32 +59 6 2 CC J33 +59 6 2 CC J34 +59 6 2 CC J35 +59 6 2 CC J36 +59 6 2 CC J37 +59 6 2 CC J38 +59 6 2 CC J39 +59 6 2 CC J40 +59 6 3 GO E4 +59 6 4 AR H31 +59 6 5 BR D40 +59 6 6 GN G1 +59 6 7 GU H38 +59 7 1 CB A0 +59 7 1 CB A1 +59 7 1 CB A2 +59 7 1 CB A3 +59 7 1 CB A4 +59 7 1 CB A5 +59 7 1 CB A6 +59 7 1 CB A7 +59 7 1 CB A8 +59 7 1 CB A9 +59 7 1 CB A10 +59 7 1 CB A11 +59 7 1 CB A12 +59 7 1 CB A13 +59 7 1 CB A14 +59 7 1 CB A15 +59 7 1 CB A16 +59 7 1 CB A17 +59 7 1 CB A18 +59 7 1 CB A19 +59 7 1 CB A20 +59 7 1 CB A21 +59 7 1 CB A22 +59 7 1 CB A23 +59 7 1 CB A24 +59 7 1 CB A25 +59 7 1 CB A26 +59 7 1 CB A27 +59 7 1 CB A28 +59 7 1 CB A29 +59 7 1 CB A30 +59 7 1 CB A31 +59 7 1 CB A32 +59 7 1 CB A33 +59 7 1 CB A34 +59 7 1 CB A35 +59 7 1 CB A36 +59 7 1 CB A37 +59 7 1 CB A38 +59 7 1 CB A39 +59 7 1 CB A40 +59 7 2 CC J0 +59 7 2 CC J1 +59 7 2 CC J2 +59 7 2 CC J3 +59 7 2 CC J4 +59 7 2 CC J5 +59 7 2 CC J6 +59 7 2 CC J7 +59 7 2 CC J8 +59 7 2 CC J9 +59 7 2 CC J10 +59 7 2 CC J11 +59 7 2 CC J12 +59 7 2 CC J13 +59 7 2 CC J14 +59 7 2 CC J15 +59 7 2 CC J16 +59 7 2 CC J17 +59 7 2 CC J18 +59 7 2 CC J19 +59 7 2 CC J20 +59 7 2 CC J21 +59 7 2 CC J22 +59 7 2 CC J23 +59 7 2 CC J24 +59 7 2 CC J25 +59 7 2 CC J26 +59 7 2 CC J27 +59 7 2 CC J28 +59 7 2 CC J29 +59 7 2 CC J30 +59 7 2 CC J31 +59 7 2 CC J32 +59 7 2 CC J33 +59 7 2 CC J34 +59 7 2 CC J35 +59 7 2 CC J36 +59 7 2 CC J37 +59 7 2 CC J38 +59 7 2 CC J39 +59 7 2 CC J40 +59 7 3 GI F40 +59 7 4 GO E5 +59 7 4 GO F5 +59 7 5 GL C9 +59 7 6 DU C12 +59 7 7 RR E15 +59 7 7 RR H20 +59 7 8 GW G17 +59 7 9 AR I31 +59 7 10 BR E28 +59 7 11 GN G1 +59 7 12 CA I10 +59 7 13 GD E5 +59 7 13 GD F5 +59 8 1 CB A0 +59 8 1 CB A1 +59 8 1 CB A2 +59 8 1 CB A3 +59 8 1 CB A4 +59 8 1 CB A5 +59 8 1 CB A6 +59 8 1 CB A7 +59 8 1 CB A8 +59 8 1 CB A9 +59 8 1 CB A10 +59 8 1 CB A11 +59 8 1 CB A12 +59 8 1 CB A13 +59 8 1 CB A14 +59 8 1 CB A15 +59 8 1 CB A16 +59 8 1 CB A17 +59 8 1 CB A18 +59 8 1 CB A19 +59 8 1 CB A20 +59 8 1 CB A21 +59 8 1 CB A22 +59 8 1 CB A23 +59 8 1 CB A24 +59 8 1 CB A25 +59 8 1 CB A26 +59 8 1 CB A27 +59 8 1 CB A28 +59 8 1 CB A29 +59 8 1 CB A30 +59 8 1 CB A31 +59 8 1 CB A32 +59 8 1 CB A33 +59 8 1 CB A34 +59 8 1 CB A35 +59 8 1 CB A36 +59 8 1 CB A37 +59 8 1 CB A38 +59 8 1 CB A39 +59 8 1 CB A40 +59 8 2 CC J0 +59 8 2 CC J1 +59 8 2 CC J2 +59 8 2 CC J3 +59 8 2 CC J4 +59 8 2 CC J5 +59 8 2 CC J6 +59 8 2 CC J7 +59 8 2 CC J8 +59 8 2 CC J9 +59 8 2 CC J10 +59 8 2 CC J11 +59 8 2 CC J12 +59 8 2 CC J13 +59 8 2 CC J14 +59 8 2 CC J15 +59 8 2 CC J16 +59 8 2 CC J17 +59 8 2 CC J18 +59 8 2 CC J19 +59 8 2 CC J20 +59 8 2 CC J21 +59 8 2 CC J22 +59 8 2 CC J23 +59 8 2 CC J24 +59 8 2 CC J25 +59 8 2 CC J26 +59 8 2 CC J27 +59 8 2 CC J28 +59 8 2 CC J29 +59 8 2 CC J30 +59 8 2 CC J31 +59 8 2 CC J32 +59 8 2 CC J33 +59 8 2 CC J34 +59 8 2 CC J35 +59 8 2 CC J36 +59 8 2 CC J37 +59 8 2 CC J38 +59 8 2 CC J39 +59 8 2 CC J40 +59 8 3 GI C2 +59 8 4 GO D6 +59 8 5 GL D7 +59 8 6 DU C11 +59 8 7 AR H33 +59 8 8 GN F1 +59 8 9 GU I1 +59 9 1 CB A0 +59 9 1 CB A1 +59 9 1 CB A2 +59 9 1 CB A3 +59 9 1 CB A4 +59 9 1 CB A5 +59 9 1 CB A6 +59 9 1 CB A7 +59 9 1 CB A8 +59 9 1 CB A9 +59 9 1 CB A10 +59 9 1 CB A11 +59 9 1 CB A12 +59 9 1 CB A13 +59 9 1 CB A14 +59 9 1 CB A15 +59 9 1 CB A16 +59 9 1 CB A17 +59 9 1 CB A18 +59 9 1 CB A19 +59 9 1 CB A20 +59 9 1 CB A21 +59 9 1 CB A22 +59 9 1 CB A23 +59 9 1 CB A24 +59 9 1 CB A25 +59 9 1 CB A26 +59 9 1 CB A27 +59 9 1 CB A28 +59 9 1 CB A29 +59 9 1 CB A30 +59 9 1 CB A31 +59 9 1 CB A32 +59 9 1 CB A33 +59 9 1 CB A34 +59 9 1 CB A35 +59 9 1 CB A36 +59 9 1 CB A37 +59 9 1 CB A38 +59 9 1 CB A39 +59 9 1 CB A40 +59 9 2 CC J0 +59 9 2 CC J1 +59 9 2 CC J2 +59 9 2 CC J3 +59 9 2 CC J4 +59 9 2 CC J5 +59 9 2 CC J6 +59 9 2 CC J7 +59 9 2 CC J8 +59 9 2 CC J9 +59 9 2 CC J10 +59 9 2 CC J11 +59 9 2 CC J12 +59 9 2 CC J13 +59 9 2 CC J14 +59 9 2 CC J15 +59 9 2 CC J16 +59 9 2 CC J17 +59 9 2 CC J18 +59 9 2 CC J19 +59 9 2 CC J20 +59 9 2 CC J21 +59 9 2 CC J22 +59 9 2 CC J23 +59 9 2 CC J24 +59 9 2 CC J25 +59 9 2 CC J26 +59 9 2 CC J27 +59 9 2 CC J28 +59 9 2 CC J29 +59 9 2 CC J30 +59 9 2 CC J31 +59 9 2 CC J32 +59 9 2 CC J33 +59 9 2 CC J34 +59 9 2 CC J35 +59 9 2 CC J36 +59 9 2 CC J37 +59 9 2 CC J38 +59 9 2 CC J39 +59 9 2 CC J40 +59 9 3 GO D7 +59 9 4 AR H30 +59 9 5 GN G2 +59 9 6 GU G17 +59 10 1 CB A0 +59 10 1 CB A1 +59 10 1 CB A2 +59 10 1 CB A3 +59 10 1 CB A4 +59 10 1 CB A5 +59 10 1 CB A6 +59 10 1 CB A7 +59 10 1 CB A8 +59 10 1 CB A9 +59 10 1 CB A10 +59 10 1 CB A11 +59 10 1 CB A12 +59 10 1 CB A13 +59 10 1 CB A14 +59 10 1 CB A15 +59 10 1 CB A16 +59 10 1 CB A17 +59 10 1 CB A18 +59 10 1 CB A19 +59 10 1 CB A20 +59 10 1 CB A21 +59 10 1 CB A22 +59 10 1 CB A23 +59 10 1 CB A24 +59 10 1 CB A25 +59 10 1 CB A26 +59 10 1 CB A27 +59 10 1 CB A28 +59 10 1 CB A29 +59 10 1 CB A30 +59 10 1 CB A31 +59 10 1 CB A32 +59 10 1 CB A33 +59 10 1 CB A34 +59 10 1 CB A35 +59 10 1 CB A36 +59 10 1 CB A37 +59 10 1 CB A38 +59 10 1 CB A39 +59 10 1 CB A40 +59 10 2 CC J0 +59 10 2 CC J1 +59 10 2 CC J2 +59 10 2 CC J3 +59 10 2 CC J4 +59 10 2 CC J5 +59 10 2 CC J6 +59 10 2 CC J7 +59 10 2 CC J8 +59 10 2 CC J9 +59 10 2 CC J10 +59 10 2 CC J11 +59 10 2 CC J12 +59 10 2 CC J13 +59 10 2 CC J14 +59 10 2 CC J15 +59 10 2 CC J16 +59 10 2 CC J17 +59 10 2 CC J18 +59 10 2 CC J19 +59 10 2 CC J20 +59 10 2 CC J21 +59 10 2 CC J22 +59 10 2 CC J23 +59 10 2 CC J24 +59 10 2 CC J25 +59 10 2 CC J26 +59 10 2 CC J27 +59 10 2 CC J28 +59 10 2 CC J29 +59 10 2 CC J30 +59 10 2 CC J31 +59 10 2 CC J32 +59 10 2 CC J33 +59 10 2 CC J34 +59 10 2 CC J35 +59 10 2 CC J36 +59 10 2 CC J37 +59 10 2 CC J38 +59 10 2 CC J39 +59 10 2 CC J40 +59 10 3 GO D6 +59 10 4 DU C9 +59 10 5 RR G30 +59 10 6 AR E29 +59 10 7 BR C1 +59 10 8 GN G1 +59 10 9 GU G34 +59 10 10 AL F1 +59 11 1 CB A0 +59 11 1 CB A1 +59 11 1 CB A2 +59 11 1 CB A3 +59 11 1 CB A4 +59 11 1 CB A5 +59 11 1 CB A6 +59 11 1 CB A7 +59 11 1 CB A8 +59 11 1 CB A9 +59 11 1 CB A10 +59 11 1 CB A11 +59 11 1 CB A12 +59 11 1 CB A13 +59 11 1 CB A14 +59 11 1 CB A15 +59 11 1 CB A16 +59 11 1 CB A17 +59 11 1 CB A18 +59 11 1 CB A19 +59 11 1 CB A20 +59 11 1 CB A21 +59 11 1 CB A22 +59 11 1 CB A23 +59 11 1 CB A24 +59 11 1 CB A25 +59 11 1 CB A26 +59 11 1 CB A27 +59 11 1 CB A28 +59 11 1 CB A29 +59 11 1 CB A30 +59 11 1 CB A31 +59 11 1 CB A32 +59 11 1 CB A33 +59 11 1 CB A34 +59 11 1 CB A35 +59 11 1 CB A36 +59 11 1 CB A37 +59 11 1 CB A38 +59 11 1 CB A39 +59 11 1 CB A40 +59 11 2 CC J0 +59 11 2 CC J1 +59 11 2 CC J2 +59 11 2 CC J3 +59 11 2 CC J4 +59 11 2 CC J5 +59 11 2 CC J6 +59 11 2 CC J7 +59 11 2 CC J8 +59 11 2 CC J9 +59 11 2 CC J10 +59 11 2 CC J11 +59 11 2 CC J12 +59 11 2 CC J13 +59 11 2 CC J14 +59 11 2 CC J15 +59 11 2 CC J16 +59 11 2 CC J17 +59 11 2 CC J18 +59 11 2 CC J19 +59 11 2 CC J20 +59 11 2 CC J21 +59 11 2 CC J22 +59 11 2 CC J23 +59 11 2 CC J24 +59 11 2 CC J25 +59 11 2 CC J26 +59 11 2 CC J27 +59 11 2 CC J28 +59 11 2 CC J29 +59 11 2 CC J30 +59 11 2 CC J31 +59 11 2 CC J32 +59 11 2 CC J33 +59 11 2 CC J34 +59 11 2 CC J35 +59 11 2 CC J36 +59 11 2 CC J37 +59 11 2 CC J38 +59 11 2 CC J39 +59 11 2 CC J40 +59 11 3 GO C9 +59 11 4 GW F17 +59 11 5 DU C12 +59 11 6 AR F30 +59 11 6 AR I30 +59 11 7 GN G2 +59 11 8 GU I35 +59 11 9 CA H1 +59 11 10 AL C15 +59 12 1 CB A0 +59 12 1 CB A1 +59 12 1 CB A2 +59 12 1 CB A3 +59 12 1 CB A4 +59 12 1 CB A5 +59 12 1 CB A6 +59 12 1 CB A7 +59 12 1 CB A8 +59 12 1 CB A9 +59 12 1 CB A10 +59 12 1 CB A11 +59 12 1 CB A12 +59 12 1 CB A13 +59 12 1 CB A14 +59 12 1 CB A15 +59 12 1 CB A16 +59 12 1 CB A17 +59 12 1 CB A18 +59 12 1 CB A19 +59 12 1 CB A20 +59 12 1 CB A21 +59 12 1 CB A22 +59 12 1 CB A23 +59 12 1 CB A24 +59 12 1 CB A25 +59 12 1 CB A26 +59 12 1 CB A27 +59 12 1 CB A28 +59 12 1 CB A29 +59 12 1 CB A30 +59 12 1 CB A31 +59 12 1 CB A32 +59 12 1 CB A33 +59 12 1 CB A34 +59 12 1 CB A35 +59 12 1 CB A36 +59 12 1 CB A37 +59 12 1 CB A38 +59 12 1 CB A39 +59 12 1 CB A40 +59 12 2 CC J0 +59 12 2 CC J1 +59 12 2 CC J2 +59 12 2 CC J3 +59 12 2 CC J4 +59 12 2 CC J5 +59 12 2 CC J6 +59 12 2 CC J7 +59 12 2 CC J8 +59 12 2 CC J9 +59 12 2 CC J10 +59 12 2 CC J11 +59 12 2 CC J12 +59 12 2 CC J13 +59 12 2 CC J14 +59 12 2 CC J15 +59 12 2 CC J16 +59 12 2 CC J17 +59 12 2 CC J18 +59 12 2 CC J19 +59 12 2 CC J20 +59 12 2 CC J21 +59 12 2 CC J22 +59 12 2 CC J23 +59 12 2 CC J24 +59 12 2 CC J25 +59 12 2 CC J26 +59 12 2 CC J27 +59 12 2 CC J28 +59 12 2 CC J29 +59 12 2 CC J30 +59 12 2 CC J31 +59 12 2 CC J32 +59 12 2 CC J33 +59 12 2 CC J34 +59 12 2 CC J35 +59 12 2 CC J36 +59 12 2 CC J37 +59 12 2 CC J38 +59 12 2 CC J39 +59 12 2 CC J40 +59 12 3 GO E5 +59 12 4 RR H17 +59 12 5 AR H30 +59 12 6 BR F40 +59 12 7 GN G3 +59 12 8 GU I40 +59 12 9 AL D6 +59 13 1 CB A0 +59 13 1 CB A1 +59 13 1 CB A2 +59 13 1 CB A3 +59 13 1 CB A4 +59 13 1 CB A5 +59 13 1 CB A6 +59 13 1 CB A7 +59 13 1 CB A8 +59 13 1 CB A9 +59 13 1 CB A10 +59 13 1 CB A11 +59 13 1 CB A12 +59 13 1 CB A13 +59 13 1 CB A14 +59 13 1 CB A15 +59 13 1 CB A16 +59 13 1 CB A17 +59 13 1 CB A18 +59 13 1 CB A19 +59 13 1 CB A20 +59 13 1 CB A21 +59 13 1 CB A22 +59 13 1 CB A23 +59 13 1 CB A24 +59 13 1 CB A25 +59 13 1 CB A26 +59 13 1 CB A27 +59 13 1 CB A28 +59 13 1 CB A29 +59 13 1 CB A30 +59 13 1 CB A31 +59 13 1 CB A32 +59 13 1 CB A33 +59 13 1 CB A34 +59 13 1 CB A35 +59 13 1 CB A36 +59 13 1 CB A37 +59 13 1 CB A38 +59 13 1 CB A39 +59 13 1 CB A40 +59 13 2 CC J0 +59 13 2 CC J1 +59 13 2 CC J2 +59 13 2 CC J3 +59 13 2 CC J4 +59 13 2 CC J5 +59 13 2 CC J6 +59 13 2 CC J7 +59 13 2 CC J8 +59 13 2 CC J9 +59 13 2 CC J10 +59 13 2 CC J11 +59 13 2 CC J12 +59 13 2 CC J13 +59 13 2 CC J14 +59 13 2 CC J15 +59 13 2 CC J16 +59 13 2 CC J17 +59 13 2 CC J18 +59 13 2 CC J19 +59 13 2 CC J20 +59 13 2 CC J21 +59 13 2 CC J22 +59 13 2 CC J23 +59 13 2 CC J24 +59 13 2 CC J25 +59 13 2 CC J26 +59 13 2 CC J27 +59 13 2 CC J28 +59 13 2 CC J29 +59 13 2 CC J30 +59 13 2 CC J31 +59 13 2 CC J32 +59 13 2 CC J33 +59 13 2 CC J34 +59 13 2 CC J35 +59 13 2 CC J36 +59 13 2 CC J37 +59 13 2 CC J38 +59 13 2 CC J39 +59 13 2 CC J40 +59 13 3 GO D6 +59 13 4 RR F21 +59 13 5 AR F29 +59 13 6 GN G2 +59 13 7 GU H39 +59 14 1 CB A0 +59 14 1 CB A1 +59 14 1 CB A2 +59 14 1 CB A3 +59 14 1 CB A4 +59 14 1 CB A5 +59 14 1 CB A6 +59 14 1 CB A7 +59 14 1 CB A8 +59 14 1 CB A9 +59 14 1 CB A10 +59 14 1 CB A11 +59 14 1 CB A12 +59 14 1 CB A13 +59 14 1 CB A14 +59 14 1 CB A15 +59 14 1 CB A16 +59 14 1 CB A17 +59 14 1 CB A18 +59 14 1 CB A19 +59 14 1 CB A20 +59 14 1 CB A21 +59 14 1 CB A22 +59 14 1 CB A23 +59 14 1 CB A24 +59 14 1 CB A25 +59 14 1 CB A26 +59 14 1 CB A27 +59 14 1 CB A28 +59 14 1 CB A29 +59 14 1 CB A30 +59 14 1 CB A31 +59 14 1 CB A32 +59 14 1 CB A33 +59 14 1 CB A34 +59 14 1 CB A35 +59 14 1 CB A36 +59 14 1 CB A37 +59 14 1 CB A38 +59 14 1 CB A39 +59 14 1 CB A40 +59 14 2 CC J0 +59 14 2 CC J1 +59 14 2 CC J2 +59 14 2 CC J3 +59 14 2 CC J4 +59 14 2 CC J5 +59 14 2 CC J6 +59 14 2 CC J7 +59 14 2 CC J8 +59 14 2 CC J9 +59 14 2 CC J10 +59 14 2 CC J11 +59 14 2 CC J12 +59 14 2 CC J13 +59 14 2 CC J14 +59 14 2 CC J15 +59 14 2 CC J16 +59 14 2 CC J17 +59 14 2 CC J18 +59 14 2 CC J19 +59 14 2 CC J20 +59 14 2 CC J21 +59 14 2 CC J22 +59 14 2 CC J23 +59 14 2 CC J24 +59 14 2 CC J25 +59 14 2 CC J26 +59 14 2 CC J27 +59 14 2 CC J28 +59 14 2 CC J29 +59 14 2 CC J30 +59 14 2 CC J31 +59 14 2 CC J32 +59 14 2 CC J33 +59 14 2 CC J34 +59 14 2 CC J35 +59 14 2 CC J36 +59 14 2 CC J37 +59 14 2 CC J38 +59 14 2 CC J39 +59 14 2 CC J40 +59 14 3 GO C8 +59 14 4 SA E16 +59 14 5 AR H31 +59 14 6 BR D29 +59 14 7 GN G1 +59 14 8 GU H8 +59 14 9 AL D39 +59 15 1 CB A0 +59 15 1 CB A1 +59 15 1 CB A2 +59 15 1 CB A3 +59 15 1 CB A4 +59 15 1 CB A5 +59 15 1 CB A6 +59 15 1 CB A7 +59 15 1 CB A8 +59 15 1 CB A9 +59 15 1 CB A10 +59 15 1 CB A11 +59 15 1 CB A12 +59 15 1 CB A13 +59 15 1 CB A14 +59 15 1 CB A15 +59 15 1 CB A16 +59 15 1 CB A17 +59 15 1 CB A18 +59 15 1 CB A19 +59 15 1 CB A20 +59 15 1 CB A21 +59 15 1 CB A22 +59 15 1 CB A23 +59 15 1 CB A24 +59 15 1 CB A25 +59 15 1 CB A26 +59 15 1 CB A27 +59 15 1 CB A28 +59 15 1 CB A29 +59 15 1 CB A30 +59 15 1 CB A31 +59 15 1 CB A32 +59 15 1 CB A33 +59 15 1 CB A34 +59 15 1 CB A35 +59 15 1 CB A36 +59 15 1 CB A37 +59 15 1 CB A38 +59 15 1 CB A39 +59 15 1 CB A40 +59 15 2 CC J0 +59 15 2 CC J1 +59 15 2 CC J2 +59 15 2 CC J3 +59 15 2 CC J4 +59 15 2 CC J5 +59 15 2 CC J6 +59 15 2 CC J7 +59 15 2 CC J8 +59 15 2 CC J9 +59 15 2 CC J10 +59 15 2 CC J11 +59 15 2 CC J12 +59 15 2 CC J13 +59 15 2 CC J14 +59 15 2 CC J15 +59 15 2 CC J16 +59 15 2 CC J17 +59 15 2 CC J18 +59 15 2 CC J19 +59 15 2 CC J20 +59 15 2 CC J21 +59 15 2 CC J22 +59 15 2 CC J23 +59 15 2 CC J24 +59 15 2 CC J25 +59 15 2 CC J26 +59 15 2 CC J27 +59 15 2 CC J28 +59 15 2 CC J29 +59 15 2 CC J30 +59 15 2 CC J31 +59 15 2 CC J32 +59 15 2 CC J33 +59 15 2 CC J34 +59 15 2 CC J35 +59 15 2 CC J36 +59 15 2 CC J37 +59 15 2 CC J38 +59 15 2 CC J39 +59 15 2 CC J40 +59 15 3 GO C8 +59 15 4 AR I31 +59 15 5 BR D0 +59 15 6 BU I33 +59 15 7 GN G1 +59 15 8 AL E28 +59 16 1 CB A0 +59 16 1 CB A1 +59 16 1 CB A2 +59 16 1 CB A3 +59 16 1 CB A4 +59 16 1 CB A5 +59 16 1 CB A6 +59 16 1 CB A7 +59 16 1 CB A8 +59 16 1 CB A9 +59 16 1 CB A10 +59 16 1 CB A11 +59 16 1 CB A12 +59 16 1 CB A13 +59 16 1 CB A14 +59 16 1 CB A15 +59 16 1 CB A16 +59 16 1 CB A17 +59 16 1 CB A18 +59 16 1 CB A19 +59 16 1 CB A20 +59 16 1 CB A21 +59 16 1 CB A22 +59 16 1 CB A23 +59 16 1 CB A24 +59 16 1 CB A25 +59 16 1 CB A26 +59 16 1 CB A27 +59 16 1 CB A28 +59 16 1 CB A29 +59 16 1 CB A30 +59 16 1 CB A31 +59 16 1 CB A32 +59 16 1 CB A33 +59 16 1 CB A34 +59 16 1 CB A35 +59 16 1 CB A36 +59 16 1 CB A37 +59 16 1 CB A38 +59 16 1 CB A39 +59 16 1 CB A40 +59 16 2 CC J0 +59 16 2 CC J1 +59 16 2 CC J2 +59 16 2 CC J3 +59 16 2 CC J4 +59 16 2 CC J5 +59 16 2 CC J6 +59 16 2 CC J7 +59 16 2 CC J8 +59 16 2 CC J9 +59 16 2 CC J10 +59 16 2 CC J11 +59 16 2 CC J12 +59 16 2 CC J13 +59 16 2 CC J14 +59 16 2 CC J15 +59 16 2 CC J16 +59 16 2 CC J17 +59 16 2 CC J18 +59 16 2 CC J19 +59 16 2 CC J20 +59 16 2 CC J21 +59 16 2 CC J22 +59 16 2 CC J23 +59 16 2 CC J24 +59 16 2 CC J25 +59 16 2 CC J26 +59 16 2 CC J27 +59 16 2 CC J28 +59 16 2 CC J29 +59 16 2 CC J30 +59 16 2 CC J31 +59 16 2 CC J32 +59 16 2 CC J33 +59 16 2 CC J34 +59 16 2 CC J35 +59 16 2 CC J36 +59 16 2 CC J37 +59 16 2 CC J38 +59 16 2 CC J39 +59 16 2 CC J40 +59 16 3 GO C13 +59 16 4 SA D16 +59 16 5 AR F29 +59 16 6 BR C30 +59 16 7 GN G1 +59 17 1 CB A0 +59 17 1 CB A1 +59 17 1 CB A2 +59 17 1 CB A3 +59 17 1 CB A4 +59 17 1 CB A5 +59 17 1 CB A6 +59 17 1 CB A7 +59 17 1 CB A8 +59 17 1 CB A9 +59 17 1 CB A10 +59 17 1 CB A11 +59 17 1 CB A12 +59 17 1 CB A13 +59 17 1 CB A14 +59 17 1 CB A15 +59 17 1 CB A16 +59 17 1 CB A17 +59 17 1 CB A18 +59 17 1 CB A19 +59 17 1 CB A20 +59 17 1 CB A21 +59 17 1 CB A22 +59 17 1 CB A23 +59 17 1 CB A24 +59 17 1 CB A25 +59 17 1 CB A26 +59 17 1 CB A27 +59 17 1 CB A28 +59 17 1 CB A29 +59 17 1 CB A30 +59 17 1 CB A31 +59 17 1 CB A32 +59 17 1 CB A33 +59 17 1 CB A34 +59 17 1 CB A35 +59 17 1 CB A36 +59 17 1 CB A37 +59 17 1 CB A38 +59 17 1 CB A39 +59 17 1 CB A40 +59 17 2 CC J0 +59 17 2 CC J1 +59 17 2 CC J2 +59 17 2 CC J3 +59 17 2 CC J4 +59 17 2 CC J5 +59 17 2 CC J6 +59 17 2 CC J7 +59 17 2 CC J8 +59 17 2 CC J9 +59 17 2 CC J10 +59 17 2 CC J11 +59 17 2 CC J12 +59 17 2 CC J13 +59 17 2 CC J14 +59 17 2 CC J15 +59 17 2 CC J16 +59 17 2 CC J17 +59 17 2 CC J18 +59 17 2 CC J19 +59 17 2 CC J20 +59 17 2 CC J21 +59 17 2 CC J22 +59 17 2 CC J23 +59 17 2 CC J24 +59 17 2 CC J25 +59 17 2 CC J26 +59 17 2 CC J27 +59 17 2 CC J28 +59 17 2 CC J29 +59 17 2 CC J30 +59 17 2 CC J31 +59 17 2 CC J32 +59 17 2 CC J33 +59 17 2 CC J34 +59 17 2 CC J35 +59 17 2 CC J36 +59 17 2 CC J37 +59 17 2 CC J38 +59 17 2 CC J39 +59 17 2 CC J40 +59 17 3 GO C9 +59 17 4 SA E16 +59 17 5 AR H31 +59 17 6 BR C33 +59 17 7 GN G3 +59 17 8 GU G39 +59 17 9 AL E4 +59 18 1 CB A0 +59 18 1 CB A1 +59 18 1 CB A2 +59 18 1 CB A3 +59 18 1 CB A4 +59 18 1 CB A5 +59 18 1 CB A6 +59 18 1 CB A7 +59 18 1 CB A8 +59 18 1 CB A9 +59 18 1 CB A10 +59 18 1 CB A11 +59 18 1 CB A12 +59 18 1 CB A13 +59 18 1 CB A14 +59 18 1 CB A15 +59 18 1 CB A16 +59 18 1 CB A17 +59 18 1 CB A18 +59 18 1 CB A19 +59 18 1 CB A20 +59 18 1 CB A21 +59 18 1 CB A22 +59 18 1 CB A23 +59 18 1 CB A24 +59 18 1 CB A25 +59 18 1 CB A26 +59 18 1 CB A27 +59 18 1 CB A28 +59 18 1 CB A29 +59 18 1 CB A30 +59 18 1 CB A31 +59 18 1 CB A32 +59 18 1 CB A33 +59 18 1 CB A34 +59 18 1 CB A35 +59 18 1 CB A36 +59 18 1 CB A37 +59 18 1 CB A38 +59 18 1 CB A39 +59 18 1 CB A40 +59 18 2 CC J0 +59 18 2 CC J1 +59 18 2 CC J2 +59 18 2 CC J3 +59 18 2 CC J4 +59 18 2 CC J5 +59 18 2 CC J6 +59 18 2 CC J7 +59 18 2 CC J8 +59 18 2 CC J9 +59 18 2 CC J10 +59 18 2 CC J11 +59 18 2 CC J12 +59 18 2 CC J13 +59 18 2 CC J14 +59 18 2 CC J15 +59 18 2 CC J16 +59 18 2 CC J17 +59 18 2 CC J18 +59 18 2 CC J19 +59 18 2 CC J20 +59 18 2 CC J21 +59 18 2 CC J22 +59 18 2 CC J23 +59 18 2 CC J24 +59 18 2 CC J25 +59 18 2 CC J26 +59 18 2 CC J27 +59 18 2 CC J28 +59 18 2 CC J29 +59 18 2 CC J30 +59 18 2 CC J31 +59 18 2 CC J32 +59 18 2 CC J33 +59 18 2 CC J34 +59 18 2 CC J35 +59 18 2 CC J36 +59 18 2 CC J37 +59 18 2 CC J38 +59 18 2 CC J39 +59 18 2 CC J40 +59 18 3 GO C9 +59 18 4 SA F18 +59 18 5 AR H31 +59 18 6 BR C30 +59 18 7 BU I34 +59 18 8 GN G40 +59 18 9 GU I36 +59 18 10 CA I7 +59 18 11 AL F39 +59 19 1 CB A0 +59 19 1 CB A1 +59 19 1 CB A2 +59 19 1 CB A3 +59 19 1 CB A4 +59 19 1 CB A5 +59 19 1 CB A6 +59 19 1 CB A7 +59 19 1 CB A8 +59 19 1 CB A9 +59 19 1 CB A10 +59 19 1 CB A11 +59 19 1 CB A12 +59 19 1 CB A13 +59 19 1 CB A14 +59 19 1 CB A15 +59 19 1 CB A16 +59 19 1 CB A17 +59 19 1 CB A18 +59 19 1 CB A19 +59 19 1 CB A20 +59 19 1 CB A21 +59 19 1 CB A22 +59 19 1 CB A23 +59 19 1 CB A24 +59 19 1 CB A25 +59 19 1 CB A26 +59 19 1 CB A27 +59 19 1 CB A28 +59 19 1 CB A29 +59 19 1 CB A30 +59 19 1 CB A31 +59 19 1 CB A32 +59 19 1 CB A33 +59 19 1 CB A34 +59 19 1 CB A35 +59 19 1 CB A36 +59 19 1 CB A37 +59 19 1 CB A38 +59 19 1 CB A39 +59 19 1 CB A40 +59 19 2 CC J0 +59 19 2 CC J1 +59 19 2 CC J2 +59 19 2 CC J3 +59 19 2 CC J4 +59 19 2 CC J5 +59 19 2 CC J6 +59 19 2 CC J7 +59 19 2 CC J8 +59 19 2 CC J9 +59 19 2 CC J10 +59 19 2 CC J11 +59 19 2 CC J12 +59 19 2 CC J13 +59 19 2 CC J14 +59 19 2 CC J15 +59 19 2 CC J16 +59 19 2 CC J17 +59 19 2 CC J18 +59 19 2 CC J19 +59 19 2 CC J20 +59 19 2 CC J21 +59 19 2 CC J22 +59 19 2 CC J23 +59 19 2 CC J24 +59 19 2 CC J25 +59 19 2 CC J26 +59 19 2 CC J27 +59 19 2 CC J28 +59 19 2 CC J29 +59 19 2 CC J30 +59 19 2 CC J31 +59 19 2 CC J32 +59 19 2 CC J33 +59 19 2 CC J34 +59 19 2 CC J35 +59 19 2 CC J36 +59 19 2 CC J37 +59 19 2 CC J38 +59 19 2 CC J39 +59 19 2 CC J40 +59 19 3 GO C8 +59 19 4 RR G29 +59 19 6 SA I17 +59 19 6 SA I18 +59 19 7 AR I30 +59 19 8 BR B18 +59 19 9 BU I38 +59 19 10 GN H1 +59 19 11 GU I9 +59 19 12 CA I4 +59 20 1 CB A0 +59 20 1 CB A1 +59 20 1 CB A2 +59 20 1 CB A3 +59 20 1 CB A4 +59 20 1 CB A5 +59 20 1 CB A6 +59 20 1 CB A7 +59 20 1 CB A8 +59 20 1 CB A9 +59 20 1 CB A10 +59 20 1 CB A11 +59 20 1 CB A12 +59 20 1 CB A13 +59 20 1 CB A14 +59 20 1 CB A15 +59 20 1 CB A16 +59 20 1 CB A17 +59 20 1 CB A18 +59 20 1 CB A19 +59 20 1 CB A20 +59 20 1 CB A21 +59 20 1 CB A22 +59 20 1 CB A23 +59 20 1 CB A24 +59 20 1 CB A25 +59 20 1 CB A26 +59 20 1 CB A27 +59 20 1 CB A28 +59 20 1 CB A29 +59 20 1 CB A30 +59 20 1 CB A31 +59 20 1 CB A32 +59 20 1 CB A33 +59 20 1 CB A34 +59 20 1 CB A35 +59 20 1 CB A36 +59 20 1 CB A37 +59 20 1 CB A38 +59 20 1 CB A39 +59 20 1 CB A40 +59 20 2 CC J0 +59 20 2 CC J1 +59 20 2 CC J2 +59 20 2 CC J3 +59 20 2 CC J4 +59 20 2 CC J5 +59 20 2 CC J6 +59 20 2 CC J7 +59 20 2 CC J8 +59 20 2 CC J9 +59 20 2 CC J10 +59 20 2 CC J11 +59 20 2 CC J12 +59 20 2 CC J13 +59 20 2 CC J14 +59 20 2 CC J15 +59 20 2 CC J16 +59 20 2 CC J17 +59 20 2 CC J18 +59 20 2 CC J19 +59 20 2 CC J20 +59 20 2 CC J21 +59 20 2 CC J22 +59 20 2 CC J23 +59 20 2 CC J24 +59 20 2 CC J25 +59 20 2 CC J26 +59 20 2 CC J27 +59 20 2 CC J28 +59 20 2 CC J29 +59 20 2 CC J30 +59 20 2 CC J31 +59 20 2 CC J32 +59 20 2 CC J33 +59 20 2 CC J34 +59 20 2 CC J35 +59 20 2 CC J36 +59 20 2 CC J37 +59 20 2 CC J38 +59 20 2 CC J39 +59 20 2 CC J40 +59 20 3 AR F19 +59 20 4 GN G3 +59 21 1 CB A0 +59 21 1 CB A1 +59 21 1 CB A2 +59 21 1 CB A3 +59 21 1 CB A4 +59 21 1 CB A5 +59 21 1 CB A6 +59 21 1 CB A7 +59 21 1 CB A8 +59 21 1 CB A9 +59 21 1 CB A10 +59 21 1 CB A11 +59 21 1 CB A12 +59 21 1 CB A13 +59 21 1 CB A14 +59 21 1 CB A15 +59 21 1 CB A16 +59 21 1 CB A17 +59 21 1 CB A18 +59 21 1 CB A19 +59 21 1 CB A20 +59 21 1 CB A21 +59 21 1 CB A22 +59 21 1 CB A23 +59 21 1 CB A24 +59 21 1 CB A25 +59 21 1 CB A26 +59 21 1 CB A27 +59 21 1 CB A28 +59 21 1 CB A29 +59 21 1 CB A30 +59 21 1 CB A31 +59 21 1 CB A32 +59 21 1 CB A33 +59 21 1 CB A34 +59 21 1 CB A35 +59 21 1 CB A36 +59 21 1 CB A37 +59 21 1 CB A38 +59 21 1 CB A39 +59 21 1 CB A40 +59 21 2 CC J0 +59 21 2 CC J1 +59 21 2 CC J2 +59 21 2 CC J3 +59 21 2 CC J4 +59 21 2 CC J5 +59 21 2 CC J6 +59 21 2 CC J7 +59 21 2 CC J8 +59 21 2 CC J9 +59 21 2 CC J10 +59 21 2 CC J11 +59 21 2 CC J12 +59 21 2 CC J13 +59 21 2 CC J14 +59 21 2 CC J15 +59 21 2 CC J16 +59 21 2 CC J17 +59 21 2 CC J18 +59 21 2 CC J19 +59 21 2 CC J20 +59 21 2 CC J21 +59 21 2 CC J22 +59 21 2 CC J23 +59 21 2 CC J24 +59 21 2 CC J25 +59 21 2 CC J26 +59 21 2 CC J27 +59 21 2 CC J28 +59 21 2 CC J29 +59 21 2 CC J30 +59 21 2 CC J31 +59 21 2 CC J32 +59 21 2 CC J33 +59 21 2 CC J34 +59 21 2 CC J35 +59 21 2 CC J36 +59 21 2 CC J37 +59 21 2 CC J38 +59 21 2 CC J39 +59 21 2 CC J40 +59 21 3 GO C8 +59 21 4 AR G22 +59 21 5 GN G2 +59 22 1 CB A0 +59 22 1 CB A1 +59 22 1 CB A2 +59 22 1 CB A3 +59 22 1 CB A4 +59 22 1 CB A5 +59 22 1 CB A6 +59 22 1 CB A7 +59 22 1 CB A8 +59 22 1 CB A9 +59 22 1 CB A10 +59 22 1 CB A11 +59 22 1 CB A12 +59 22 1 CB A13 +59 22 1 CB A14 +59 22 1 CB A15 +59 22 1 CB A16 +59 22 1 CB A17 +59 22 1 CB A18 +59 22 1 CB A19 +59 22 1 CB A20 +59 22 1 CB A21 +59 22 1 CB A22 +59 22 1 CB A23 +59 22 1 CB A24 +59 22 1 CB A25 +59 22 1 CB A26 +59 22 1 CB A27 +59 22 1 CB A28 +59 22 1 CB A29 +59 22 1 CB A30 +59 22 1 CB A31 +59 22 1 CB A32 +59 22 1 CB A33 +59 22 1 CB A34 +59 22 1 CB A35 +59 22 1 CB A36 +59 22 1 CB A37 +59 22 1 CB A38 +59 22 1 CB A39 +59 22 1 CB A40 +59 22 2 CC J0 +59 22 2 CC J1 +59 22 2 CC J2 +59 22 2 CC J3 +59 22 2 CC J4 +59 22 2 CC J5 +59 22 2 CC J6 +59 22 2 CC J7 +59 22 2 CC J8 +59 22 2 CC J9 +59 22 2 CC J10 +59 22 2 CC J11 +59 22 2 CC J12 +59 22 2 CC J13 +59 22 2 CC J14 +59 22 2 CC J15 +59 22 2 CC J16 +59 22 2 CC J17 +59 22 2 CC J18 +59 22 2 CC J19 +59 22 2 CC J20 +59 22 2 CC J21 +59 22 2 CC J22 +59 22 2 CC J23 +59 22 2 CC J24 +59 22 2 CC J25 +59 22 2 CC J26 +59 22 2 CC J27 +59 22 2 CC J28 +59 22 2 CC J29 +59 22 2 CC J30 +59 22 2 CC J31 +59 22 2 CC J32 +59 22 2 CC J33 +59 22 2 CC J34 +59 22 2 CC J35 +59 22 2 CC J36 +59 22 2 CC J37 +59 22 2 CC J38 +59 22 2 CC J39 +59 22 2 CC J40 +59 22 3 GO C11 +59 22 4 SA E15 +59 22 5 AR F17 +59 22 6 BR C34 +59 22 7 BU F33 +59 22 8 GN G2 +59 22 9 AL E38 +59 23 1 CB A0 +59 23 1 CB A1 +59 23 1 CB A2 +59 23 1 CB A3 +59 23 1 CB A4 +59 23 1 CB A5 +59 23 1 CB A6 +59 23 1 CB A7 +59 23 1 CB A8 +59 23 1 CB A9 +59 23 1 CB A10 +59 23 1 CB A11 +59 23 1 CB A12 +59 23 1 CB A13 +59 23 1 CB A14 +59 23 1 CB A15 +59 23 1 CB A16 +59 23 1 CB A17 +59 23 1 CB A18 +59 23 1 CB A19 +59 23 1 CB A20 +59 23 1 CB A21 +59 23 1 CB A22 +59 23 1 CB A23 +59 23 1 CB A24 +59 23 1 CB A25 +59 23 1 CB A26 +59 23 1 CB A27 +59 23 1 CB A28 +59 23 1 CB A29 +59 23 1 CB A30 +59 23 1 CB A31 +59 23 1 CB A32 +59 23 1 CB A33 +59 23 1 CB A34 +59 23 1 CB A35 +59 23 1 CB A36 +59 23 1 CB A37 +59 23 1 CB A38 +59 23 1 CB A39 +59 23 1 CB A40 +59 23 2 CC J0 +59 23 2 CC J1 +59 23 2 CC J2 +59 23 2 CC J3 +59 23 2 CC J4 +59 23 2 CC J5 +59 23 2 CC J6 +59 23 2 CC J7 +59 23 2 CC J8 +59 23 2 CC J9 +59 23 2 CC J10 +59 23 2 CC J11 +59 23 2 CC J12 +59 23 2 CC J13 +59 23 2 CC J14 +59 23 2 CC J15 +59 23 2 CC J16 +59 23 2 CC J17 +59 23 2 CC J18 +59 23 2 CC J19 +59 23 2 CC J20 +59 23 2 CC J21 +59 23 2 CC J22 +59 23 2 CC J23 +59 23 2 CC J24 +59 23 2 CC J25 +59 23 2 CC J26 +59 23 2 CC J27 +59 23 2 CC J28 +59 23 2 CC J29 +59 23 2 CC J30 +59 23 2 CC J31 +59 23 2 CC J32 +59 23 2 CC J33 +59 23 2 CC J34 +59 23 2 CC J35 +59 23 2 CC J36 +59 23 2 CC J37 +59 23 2 CC J38 +59 23 2 CC J39 +59 23 2 CC J40 +59 23 3 GI E40 +59 23 4 GO E5 +59 23 5 GL H32 +59 23 6 DU C8 +59 23 7 RR F16 +59 23 8 GW F17 +59 23 8 GW F18 +59 23 9 AR H30 +59 23 10 BR C29 +59 23 11 GN G2 +59 23 12 CA G7 +59 23 13 GD E5 +59 24 1 CB A0 +59 24 1 CB A1 +59 24 1 CB A2 +59 24 1 CB A3 +59 24 1 CB A4 +59 24 1 CB A5 +59 24 1 CB A6 +59 24 1 CB A7 +59 24 1 CB A8 +59 24 1 CB A9 +59 24 1 CB A10 +59 24 1 CB A11 +59 24 1 CB A12 +59 24 1 CB A13 +59 24 1 CB A14 +59 24 1 CB A15 +59 24 1 CB A16 +59 24 1 CB A17 +59 24 1 CB A18 +59 24 1 CB A19 +59 24 1 CB A20 +59 24 1 CB A21 +59 24 1 CB A22 +59 24 1 CB A23 +59 24 1 CB A24 +59 24 1 CB A25 +59 24 1 CB A26 +59 24 1 CB A27 +59 24 1 CB A28 +59 24 1 CB A29 +59 24 1 CB A30 +59 24 1 CB A31 +59 24 1 CB A32 +59 24 1 CB A33 +59 24 1 CB A34 +59 24 1 CB A35 +59 24 1 CB A36 +59 24 1 CB A37 +59 24 1 CB A38 +59 24 1 CB A39 +59 24 1 CB A40 +59 24 2 CC J0 +59 24 2 CC J1 +59 24 2 CC J2 +59 24 2 CC J3 +59 24 2 CC J4 +59 24 2 CC J5 +59 24 2 CC J6 +59 24 2 CC J7 +59 24 2 CC J8 +59 24 2 CC J9 +59 24 2 CC J10 +59 24 2 CC J11 +59 24 2 CC J12 +59 24 2 CC J13 +59 24 2 CC J14 +59 24 2 CC J15 +59 24 2 CC J16 +59 24 2 CC J17 +59 24 2 CC J18 +59 24 2 CC J19 +59 24 2 CC J20 +59 24 2 CC J21 +59 24 2 CC J22 +59 24 2 CC J23 +59 24 2 CC J24 +59 24 2 CC J25 +59 24 2 CC J26 +59 24 2 CC J27 +59 24 2 CC J28 +59 24 2 CC J29 +59 24 2 CC J30 +59 24 2 CC J31 +59 24 2 CC J32 +59 24 2 CC J33 +59 24 2 CC J34 +59 24 2 CC J35 +59 24 2 CC J36 +59 24 2 CC J37 +59 24 2 CC J38 +59 24 2 CC J39 +59 24 2 CC J40 +59 24 3 GO C6 +59 24 4 RR D20 +59 24 5 AR G30 +59 24 6 BR I20 +59 24 7 BU I33 +59 24 8 GN F3 +59 24 9 AL I11 +59 25 1 CB A0 +59 25 1 CB A1 +59 25 1 CB A2 +59 25 1 CB A3 +59 25 1 CB A4 +59 25 1 CB A5 +59 25 1 CB A6 +59 25 1 CB A7 +59 25 1 CB A8 +59 25 1 CB A9 +59 25 1 CB A10 +59 25 1 CB A11 +59 25 1 CB A12 +59 25 1 CB A13 +59 25 1 CB A14 +59 25 1 CB A15 +59 25 1 CB A16 +59 25 1 CB A17 +59 25 1 CB A18 +59 25 1 CB A19 +59 25 1 CB A20 +59 25 1 CB A21 +59 25 1 CB A22 +59 25 1 CB A23 +59 25 1 CB A24 +59 25 1 CB A25 +59 25 1 CB A26 +59 25 1 CB A27 +59 25 1 CB A28 +59 25 1 CB A29 +59 25 1 CB A30 +59 25 1 CB A31 +59 25 1 CB A32 +59 25 1 CB A33 +59 25 1 CB A34 +59 25 1 CB A35 +59 25 1 CB A36 +59 25 1 CB A37 +59 25 1 CB A38 +59 25 1 CB A39 +59 25 1 CB A40 +59 25 2 CC J0 +59 25 2 CC J1 +59 25 2 CC J2 +59 25 2 CC J3 +59 25 2 CC J4 +59 25 2 CC J5 +59 25 2 CC J6 +59 25 2 CC J7 +59 25 2 CC J8 +59 25 2 CC J9 +59 25 2 CC J10 +59 25 2 CC J11 +59 25 2 CC J12 +59 25 2 CC J13 +59 25 2 CC J14 +59 25 2 CC J15 +59 25 2 CC J16 +59 25 2 CC J17 +59 25 2 CC J18 +59 25 2 CC J19 +59 25 2 CC J20 +59 25 2 CC J21 +59 25 2 CC J22 +59 25 2 CC J23 +59 25 2 CC J24 +59 25 2 CC J25 +59 25 2 CC J26 +59 25 2 CC J27 +59 25 2 CC J28 +59 25 2 CC J29 +59 25 2 CC J30 +59 25 2 CC J31 +59 25 2 CC J32 +59 25 2 CC J33 +59 25 2 CC J34 +59 25 2 CC J35 +59 25 2 CC J36 +59 25 2 CC J37 +59 25 2 CC J38 +59 25 2 CC J39 +59 25 2 CC J40 +59 25 3 GO D1 +59 25 4 SA G31 +59 25 5 AR F29 +59 25 6 GN F2 +60 1 1 IC J0 +60 1 2 NK F3 +60 1 3 KI C14 +60 1 4 AS E19 +60 1 5 KC B25 +60 1 6 MS H30 +60 2 1 AS A0 +60 2 2 NK F1 +60 2 3 KI D12 +60 2 4 IC J0 +60 3 1 AS A0 +60 3 2 NK G1 +60 3 3 IC J0 +60 4 1 AS A0 +60 4 2 KI C8 +60 4 3 NK I1 +60 4 4 IC J0 +60 5 1 AS A0 +60 5 2 AS A0 +60 5 3 NK E7 +60 5 4 KI D10 +60 5 5 IC J0 +60 6 1 KI D7 +60 6 2 AS A0 +60 6 3 NK F1 +60 6 4 KC H10 +60 6 5 IC H29 +60 6 6 KC J0 +60 6 7 MS I34 +60 6 8 KM E27 +60 7 1 IC C14 +60 7 2 NK E1 +60 7 3 AS A0 +60 8 1 IC J0 +60 8 2 KI C9 +60 8 3 AS A0 +60 8 4 NK F40 +60 8 4 NK G40 +60 9 1 MS F27 +60 9 2 KO E16 +60 9 3 KA D14 +60 9 4 KI C9 +60 9 5 AS A0 +60 9 6 NK F1 +60 9 7 US H18 +60 9 8 IC J0 +60 10 1 AS A0 +60 10 2 KI C9 +60 10 3 NK G1 +60 10 4 IC J0 +60 10 5 KO G18 +60 10 6 US I40 +60 11 1 NK G40 +60 11 2 IC J0 +60 11 3 MS F30 +60 11 4 KO F28 +60 11 5 KI C8 +60 11 6 KC C29 +60 11 7 IK E29 +60 11 8 AS A0 +60 13 1 NK I40 +60 13 2 KI C8 +60 13 3 IC J0 +60 13 4 AS A0 +60 14 1 AS A0 +60 14 2 AS A0 +60 14 3 IC J0 +60 14 4 NK G2 +60 14 4 NK G3 +60 14 4 NK H2 +60 14 4 NK H3 +60 15 1 KM F27 +60 15 2 MS H29 +60 15 3 AS A0 +60 15 4 KE C10 +60 15 5 KI C9 +60 15 6 NK H1 +60 15 7 IC J0 +60 16 1 NK B6 +60 16 2 IC J0 +60 16 3 SI I20 +60 16 4 AS F32 +60 17 1 IR F17 +60 17 2 NK G1 +60 17 3 KI C10 +60 17 4 IC J0 +60 17 5 AS A0 +60 17 6 KO F19 +60 17 7 IU F29 +60 18 1 AS A0 +60 18 2 KR B6 +60 18 3 IC J0 +60 18 4 NK I40 +60 19 1 KR D9 +60 19 2 KE C7 +60 19 3 IC J0 +60 19 4 NK F40 +60 19 5 AS A0 +60 20 1 KO D17 +60 20 2 AS A0 +60 20 3 AS C0 +60 20 3 AS D0 +60 20 4 TI G0 +60 20 5 IC J0 +60 20 6 NK H1 +60 21 1 AS A0 +60 21 2 NK F40 +60 21 2 NK G40 +60 21 3 IC J0 +60 22 1 AS A0 +60 22 2 IC J0 +60 22 3 NK G1 +60 22 4 EW D10 +60 23 1 AS A0 +60 23 2 KI C9 +60 23 3 NK G2 +60 23 4 KA F20 +60 23 5 IC H26 +60 24 1 AS A0 +60 24 2 AS B1 +60 24 3 NK C1 +60 24 4 IC J0 +60 25 1 AS A0 +60 25 2 IC J0 +60 25 3 NK F1 +60 25 3 NK F40 +61 1 1 DU J6 +61 1 2 RE A23 +61 1 3 WI G3 +61 1 4 LE E17 +61 2 1 DU J0 +61 2 2 RE A0 +61 2 3 WI G1 +61 2 4 LE C8 +61 2 5 SU B8 +61 2 6 ND C5 +61 3 1 DU J25 +61 3 2 RE A10 +61 3 3 WI F4 +61 3 4 LE C10 +61 3 5 SU C6 +61 3 6 ND C4 +61 4 1 DU J1 +61 4 1 DU J2 +61 4 1 DU J3 +61 4 1 DU J4 +61 4 1 DU J5 +61 4 1 DU J6 +61 4 1 DU J7 +61 4 1 DU J8 +61 4 1 DU J9 +61 4 1 DU J10 +61 4 1 DU J11 +61 4 1 DU J12 +61 4 1 DU J13 +61 4 1 DU J14 +61 4 1 DU J15 +61 4 1 DU J16 +61 4 1 DU J17 +61 4 1 DU J18 +61 4 1 DU J19 +61 4 1 DU J20 +61 4 1 DU J21 +61 4 1 DU J22 +61 4 1 DU J23 +61 4 1 DU J24 +61 4 1 DU J25 +61 4 1 DU J26 +61 4 1 DU J27 +61 4 1 DU J28 +61 4 1 DU J29 +61 4 1 DU J30 +61 4 1 DU J31 +61 4 1 DU J32 +61 4 1 DU J33 +61 4 1 DU J34 +61 4 1 DU J35 +61 4 1 DU J36 +61 4 1 DU J37 +61 4 1 DU J38 +61 4 1 DU J39 +61 4 1 DU J40 +61 4 2 RE A30 +61 4 3 WI G2 +61 4 4 LE F18 +61 4 5 BR A10 +61 5 1 DU J0 +61 5 1 DU J1 +61 5 1 DU J2 +61 5 1 DU J3 +61 5 1 DU J4 +61 5 1 DU J5 +61 5 1 DU J6 +61 5 1 DU J7 +61 5 1 DU J8 +61 5 1 DU J9 +61 5 1 DU J10 +61 5 1 DU J11 +61 5 1 DU J12 +61 5 1 DU J13 +61 5 1 DU J14 +61 5 1 DU J15 +61 5 1 DU J16 +61 5 1 DU J17 +61 5 1 DU J18 +61 5 1 DU J19 +61 5 1 DU J20 +61 5 1 DU J21 +61 5 1 DU J22 +61 5 1 DU J23 +61 5 1 DU J24 +61 5 1 DU J25 +61 5 1 DU J26 +61 5 1 DU J27 +61 5 1 DU J28 +61 5 1 DU J29 +61 5 1 DU J30 +61 5 1 DU J31 +61 5 1 DU J32 +61 5 1 DU J33 +61 5 1 DU J34 +61 5 1 DU J35 +61 5 1 DU J36 +61 5 1 DU J37 +61 5 1 DU J38 +61 5 1 DU J39 +61 5 1 DU J40 +61 5 2 RE A0 +61 5 2 RE A1 +61 5 2 RE A2 +61 5 2 RE A3 +61 5 2 RE A4 +61 5 2 RE A5 +61 5 2 RE A6 +61 5 2 RE A7 +61 5 2 RE A8 +61 5 2 RE A9 +61 5 2 RE A10 +61 5 2 RE A11 +61 5 2 RE A12 +61 5 2 RE A13 +61 5 2 RE A14 +61 5 2 RE A15 +61 5 2 RE A16 +61 5 2 RE A17 +61 5 2 RE A18 +61 5 2 RE A19 +61 5 2 RE A20 +61 5 2 RE A21 +61 5 2 RE A22 +61 5 2 RE A23 +61 5 2 RE A24 +61 5 2 RE A25 +61 5 2 RE A26 +61 5 2 RE A27 +61 5 2 RE A28 +61 5 2 RE A29 +61 5 2 RE A30 +61 5 2 RE A31 +61 5 2 RE A32 +61 5 2 RE A33 +61 5 2 RE A34 +61 5 2 RE A35 +61 5 2 RE A36 +61 5 2 RE A37 +61 5 2 RE A38 +61 5 2 RE A39 +61 5 2 RE A40 +61 5 3 WI G3 +61 5 4 LE E16 +61 6 1 DU J0 +61 6 1 DU J1 +61 6 1 DU J2 +61 6 1 DU J3 +61 6 1 DU J4 +61 6 1 DU J5 +61 6 1 DU J6 +61 6 1 DU J7 +61 6 1 DU J8 +61 6 1 DU J9 +61 6 1 DU J10 +61 6 1 DU J11 +61 6 1 DU J12 +61 6 1 DU J13 +61 6 1 DU J14 +61 6 1 DU J15 +61 6 1 DU J16 +61 6 1 DU J17 +61 6 1 DU J18 +61 6 1 DU J19 +61 6 1 DU J20 +61 6 1 DU J21 +61 6 1 DU J22 +61 6 1 DU J23 +61 6 1 DU J24 +61 6 1 DU J25 +61 6 1 DU J26 +61 6 1 DU J27 +61 6 1 DU J28 +61 6 1 DU J29 +61 6 1 DU J30 +61 6 1 DU J31 +61 6 1 DU J32 +61 6 1 DU J33 +61 6 1 DU J34 +61 6 1 DU J35 +61 6 1 DU J36 +61 6 1 DU J37 +61 6 1 DU J38 +61 6 1 DU J39 +61 6 1 DU J40 +61 6 2 RE A0 +61 6 2 RE A1 +61 6 2 RE A2 +61 6 2 RE A3 +61 6 2 RE A4 +61 6 2 RE A5 +61 6 2 RE A6 +61 6 2 RE A7 +61 6 2 RE A8 +61 6 2 RE A9 +61 6 2 RE A10 +61 6 2 RE A11 +61 6 2 RE A12 +61 6 2 RE A13 +61 6 2 RE A14 +61 6 2 RE A15 +61 6 2 RE A16 +61 6 2 RE A17 +61 6 2 RE A18 +61 6 2 RE A19 +61 6 2 RE A20 +61 6 2 RE A21 +61 6 2 RE A22 +61 6 2 RE A23 +61 6 2 RE A24 +61 6 2 RE A25 +61 6 2 RE A26 +61 6 2 RE A27 +61 6 2 RE A28 +61 6 2 RE A29 +61 6 2 RE A30 +61 6 2 RE A31 +61 6 2 RE A32 +61 6 2 RE A33 +61 6 2 RE A34 +61 6 2 RE A35 +61 6 2 RE A36 +61 6 2 RE A37 +61 6 2 RE A38 +61 6 2 RE A39 +61 6 2 RE A40 +61 6 3 WI E4 +61 6 3 WI F4 +61 6 4 LE C10 +61 6 4 LE C11 +61 7 1 DU I30 +61 7 2 RE A0 +61 7 2 RE A1 +61 7 2 RE A2 +61 7 2 RE A3 +61 7 2 RE A4 +61 7 2 RE A5 +61 7 2 RE A6 +61 7 2 RE A7 +61 7 2 RE A8 +61 7 2 RE A9 +61 7 2 RE A10 +61 7 2 RE A11 +61 7 2 RE A12 +61 7 2 RE A13 +61 7 2 RE A14 +61 7 2 RE A15 +61 7 2 RE A16 +61 7 2 RE A17 +61 7 2 RE A18 +61 7 2 RE A19 +61 7 2 RE A20 +61 7 2 RE A21 +61 7 2 RE A22 +61 7 2 RE A23 +61 7 2 RE A24 +61 7 2 RE A25 +61 7 2 RE A26 +61 7 2 RE A27 +61 7 2 RE A28 +61 7 2 RE A29 +61 7 2 RE A30 +61 7 2 RE A31 +61 7 2 RE A32 +61 7 2 RE A33 +61 7 2 RE A34 +61 7 2 RE A35 +61 7 2 RE A36 +61 7 2 RE A37 +61 7 2 RE A38 +61 7 2 RE A39 +61 7 2 RE A40 +61 7 3 WI G1 +61 7 4 LE E16 +61 7 5 ND F0 +61 7 6 BL E5 +61 7 7 DI F7 +61 7 8 YO J0 +61 7 8 YO J1 +61 7 8 YO J2 +61 7 8 YO J3 +61 7 8 YO J4 +61 7 8 YO J5 +61 7 8 YO J6 +61 7 8 YO J7 +61 7 8 YO J8 +61 7 8 YO J9 +61 7 8 YO J10 +61 7 8 YO J11 +61 7 8 YO J12 +61 7 8 YO J13 +61 7 8 YO J14 +61 7 8 YO J15 +61 7 8 YO J16 +61 7 8 YO J17 +61 7 8 YO J18 +61 7 8 YO J19 +61 7 8 YO J20 +61 7 8 YO J21 +61 7 8 YO J22 +61 7 8 YO J23 +61 7 8 YO J24 +61 7 8 YO J25 +61 7 8 YO J26 +61 7 8 YO J27 +61 7 8 YO J28 +61 7 8 YO J29 +61 7 8 YO J30 +61 7 8 YO J31 +61 7 8 YO J32 +61 7 8 YO J33 +61 7 8 YO J34 +61 7 8 YO J35 +61 7 8 YO J36 +61 7 8 YO J37 +61 7 8 YO J38 +61 7 8 YO J39 +61 7 8 YO J40 +61 8 1 DU J7 +61 8 2 RE A0 +61 8 3 WI F1 +61 8 4 LE G30 +61 8 5 ND C9 +61 9 1 DU J7 +61 9 2 RE A40 +61 9 3 WI G1 +61 9 4 LE G30 +61 9 5 ND B11 +61 9 6 JU I8 +61 9 7 RG H6 +61 10 1 DU J40 +61 10 2 RE A8 +61 10 3 WI G1 +61 10 4 LE G30 +61 10 5 ND C9 +61 10 6 JU I5 +61 10 7 RG I32 +61 10 8 BA C20 +61 11 1 DU J0 +61 11 2 RE A40 +61 11 3 WI G1 +61 11 4 LE G28 +61 11 5 ND C9 +61 11 6 JU G0 +61 11 7 RG I9 +61 11 8 MI J28 +61 11 9 TD H10 +61 11 10 DB I10 +61 12 1 DU J0 +61 12 1 DU J1 +61 12 1 DU J2 +61 12 1 DU J3 +61 12 1 DU J4 +61 12 1 DU J5 +61 12 1 DU J6 +61 12 1 DU J7 +61 12 1 DU J8 +61 12 1 DU J9 +61 12 1 DU J10 +61 12 1 DU J11 +61 12 1 DU J12 +61 12 1 DU J13 +61 12 1 DU J14 +61 12 1 DU J15 +61 12 1 DU J16 +61 12 1 DU J17 +61 12 1 DU J18 +61 12 1 DU J19 +61 12 1 DU J20 +61 12 1 DU J21 +61 12 1 DU J22 +61 12 1 DU J23 +61 12 1 DU J24 +61 12 1 DU J25 +61 12 1 DU J26 +61 12 1 DU J27 +61 12 1 DU J28 +61 12 1 DU J29 +61 12 1 DU J30 +61 12 1 DU J31 +61 12 1 DU J32 +61 12 1 DU J33 +61 12 1 DU J34 +61 12 1 DU J35 +61 12 1 DU J36 +61 12 1 DU J37 +61 12 1 DU J38 +61 12 1 DU J39 +61 12 1 DU J40 +61 12 2 RE A0 +61 12 2 RE A1 +61 12 2 RE A2 +61 12 2 RE A3 +61 12 2 RE A4 +61 12 2 RE A5 +61 12 2 RE A6 +61 12 2 RE A7 +61 12 2 RE A8 +61 12 2 RE A9 +61 12 2 RE A10 +61 12 2 RE A11 +61 12 2 RE A12 +61 12 2 RE A13 +61 12 2 RE A14 +61 12 2 RE A15 +61 12 2 RE A16 +61 12 2 RE A17 +61 12 2 RE A18 +61 12 2 RE A19 +61 12 2 RE A20 +61 12 2 RE A21 +61 12 2 RE A22 +61 12 2 RE A23 +61 12 2 RE A24 +61 12 2 RE A25 +61 12 2 RE A26 +61 12 2 RE A27 +61 12 2 RE A28 +61 12 2 RE A29 +61 12 2 RE A30 +61 12 2 RE A31 +61 12 2 RE A32 +61 12 2 RE A33 +61 12 2 RE A34 +61 12 2 RE A35 +61 12 2 RE A36 +61 12 2 RE A37 +61 12 2 RE A38 +61 12 2 RE A39 +61 12 2 RE A40 +61 12 3 WI G1 +61 12 4 LE E28 +61 13 1 DU J1 +61 13 2 RE A25 +61 13 3 WI G1 +61 13 4 LE G28 +61 13 5 ND C9 +61 14 1 DU J0 +61 14 1 DU J1 +61 14 1 DU J2 +61 14 1 DU J3 +61 14 1 DU J4 +61 14 1 DU J5 +61 14 1 DU J6 +61 14 1 DU J7 +61 14 1 DU J8 +61 14 1 DU J9 +61 14 1 DU J10 +61 14 1 DU J11 +61 14 1 DU J12 +61 14 1 DU J13 +61 14 1 DU J14 +61 14 1 DU J15 +61 14 1 DU J16 +61 14 1 DU J17 +61 14 1 DU J18 +61 14 1 DU J19 +61 14 1 DU J20 +61 14 1 DU J21 +61 14 1 DU J22 +61 14 1 DU J23 +61 14 1 DU J24 +61 14 1 DU J25 +61 14 1 DU J26 +61 14 1 DU J27 +61 14 1 DU J28 +61 14 1 DU J29 +61 14 1 DU J30 +61 14 1 DU J31 +61 14 1 DU J32 +61 14 1 DU J33 +61 14 1 DU J34 +61 14 1 DU J35 +61 14 1 DU J36 +61 14 1 DU J37 +61 14 1 DU J38 +61 14 1 DU J39 +61 14 1 DU J40 +61 14 2 RE A0 +61 14 2 RE A1 +61 14 2 RE A2 +61 14 2 RE A3 +61 14 2 RE A4 +61 14 2 RE A5 +61 14 2 RE A6 +61 14 2 RE A7 +61 14 2 RE A8 +61 14 2 RE A9 +61 14 2 RE A10 +61 14 2 RE A11 +61 14 2 RE A12 +61 14 2 RE A13 +61 14 2 RE A14 +61 14 2 RE A15 +61 14 2 RE A16 +61 14 2 RE A17 +61 14 2 RE A18 +61 14 2 RE A19 +61 14 2 RE A20 +61 14 2 RE A21 +61 14 2 RE A22 +61 14 2 RE A23 +61 14 2 RE A24 +61 14 2 RE A25 +61 14 2 RE A26 +61 14 2 RE A27 +61 14 2 RE A28 +61 14 2 RE A29 +61 14 2 RE A30 +61 14 2 RE A31 +61 14 2 RE A32 +61 14 2 RE A33 +61 14 2 RE A34 +61 14 2 RE A35 +61 14 2 RE A36 +61 14 2 RE A37 +61 14 2 RE A38 +61 14 2 RE A39 +61 14 2 RE A40 +61 14 3 WI G1 +61 14 4 LE E28 +62 1 1 PE A0 +62 1 2 SA J0 +62 1 3 ZE F2 +62 2 1 PE A12 +62 2 2 SA J0 +62 2 3 ZE G3 +62 2 4 GA H17 +62 2 5 PI D0 +62 2 6 FZ B0 +62 3 1 PE A0 +62 3 2 SA J0 +62 3 3 ZE H1 +62 3 4 GA E16 +62 3 5 PU I1 +62 4 1 PE A7 +62 4 2 SA J14 +62 4 3 ZE H4 +62 4 4 DO C9 +62 4 5 BU D17 +62 4 6 BI G18 +62 5 1 PE A4 +62 5 2 SA J14 +62 5 3 ZE F2 +62 5 4 WG E9 +62 5 5 BI H20 +62 5 6 FZ C31 +62 5 7 PU D34 +62 6 1 PE A11 +62 6 2 SA J7 +62 6 3 ZE G2 +62 6 4 DO B11 +62 6 5 BI G19 +62 6 6 BU G30 +62 6 7 PU F9 +62 7 1 PE A1 +62 7 2 SA J3 +62 7 3 ZE G1 +62 7 4 DO C9 +62 7 5 BI G22 +62 7 6 BU G30 +62 7 7 PT G0 +62 7 8 PU C1 +62 8 1 PE A0 +62 8 2 SA J1 +62 8 3 ZE G1 +62 8 4 WG D13 +62 8 5 GA F13 +62 8 6 BU H30 +62 9 1 PE B0 +62 9 2 SA J1 +62 9 3 ZE F2 +62 9 4 DO C8 +62 9 5 BU E30 +62 9 6 GA F12 +62 10 1 PE A0 +62 10 2 SA J40 +62 10 3 ZE F1 +62 10 4 DO C8 +62 10 5 BI G28 +62 10 6 SI H11 +62 10 7 PI B20 +62 11 1 PE A1 +62 11 2 SA J1 +62 11 3 ZE G1 +62 11 4 DO C14 +62 11 5 BU H30 +62 11 6 PI E0 +62 11 7 BI F14 +62 12 1 PE A40 +62 12 2 SA J33 +62 12 3 ZE G1 +62 12 4 DO B11 +62 12 5 BU H29 +62 12 6 DT I16 +62 12 7 PU B16 +62 12 8 KG G39 +62 12 9 WG D40 +62 12 10 PI B6 +62 13 1 PE A0 +62 13 2 SA J2 +62 13 3 ZE F1 +62 13 4 DO C9 +62 13 5 BI E16 +62 13 6 DA D24 +62 13 7 BU F26 +62 13 8 SI E0 +62 14 1 PE A8 +62 14 2 SA J7 +62 14 3 ZE F4 +62 14 4 WG H3 +62 14 5 DO B12 +62 14 6 BU G26 +62 14 7 PI B28 +62 14 8 PU C29 +62 15 1 PE A18 +62 15 2 SA J7 +62 15 3 ZE E40 +62 15 4 DO C12 +62 15 5 BU G29 +62 15 6 KG D12 +62 15 7 PE A18 +62 15 8 DT J21 +62 16 1 PE A16 +62 16 2 SA J14 +62 16 3 ZE G2 +62 16 4 DO C9 +62 16 5 BU G32 +62 16 6 GZ D8 +62 16 7 PI G0 +62 16 8 KG G40 +62 17 1 PE A0 +62 17 2 SA J4 +62 17 3 ZE F4 +62 17 4 BI D17 +62 17 5 BU E28 +62 18 1 PE A5 +62 18 2 SA I26 +62 18 3 ZE I1 +62 18 4 DO C9 +62 18 5 BI G27 +62 18 6 BU E27 +62 18 7 PU C37 +62 19 1 PE A21 +62 19 2 SA J16 +62 19 3 ZE H2 +62 19 4 DO C9 +62 19 5 BU F28 +62 19 6 BI G20 +62 20 1 PE A11 +62 20 2 SA J28 +62 20 3 ZE G2 +62 20 4 DO C9 +62 20 5 BU F28 +62 20 6 PI C26 +62 20 7 FZ D19 +62 21 1 PE A0 +62 21 2 SA H0 +62 21 3 ZE G2 +62 21 4 DO C9 +62 21 5 PU E24 +62 21 6 BU E16 +62 21 7 PU B15 +62 22 1 PE A40 +62 22 2 SA J40 +62 22 3 ZE G2 +62 22 4 BI E29 +62 22 5 ZK C13 +62 23 1 PE A3 +62 23 2 SA J40 +62 23 3 ZE G2 +62 23 4 DO C10 +62 23 5 BU H29 +62 23 6 BI F16 +62 23 7 PI C4 +62 23 7 PI H0 +62 24 1 PE A5 +62 24 2 SA G28 +62 24 2 SA J33 +62 24 3 ZE G2 +62 24 4 PU C32 +62 24 5 BI I30 +62 25 1 PE A32 +62 25 2 SA J22 +62 25 3 ZE G3 +62 25 4 DO C12 +62 25 5 BI G19 +62 25 7 PI F0 +62 25 7 PI G0 +63 1 1 GI J40 +63 1 2 AR A23 +63 1 3 ME G40 +63 1 4 SE C9 +63 1 4 SE C10 +63 1 4 SE C11 +63 1 4 SE C12 +63 1 4 SE C13 +63 1 4 SE D9 +63 1 4 SE D10 +63 1 4 SE D11 +63 1 4 SE D12 +63 1 4 SE D13 +63 1 4 SE E9 +63 1 4 SE E10 +63 1 4 SE E11 +63 1 4 SE E12 +63 1 4 SE E13 +63 1 5 BA A40 +63 2 1 AR A7 +63 2 2 ME G2 +63 2 3 SE D12 +63 2 4 GE E18 +63 2 5 MU G34 +63 2 6 BY F6 +63 3 1 GI J2 +63 3 1 GI J3 +63 3 1 GI J4 +63 3 1 GI J5 +63 3 1 GI J6 +63 3 1 GI J7 +63 3 1 GI J8 +63 3 1 GI J9 +63 3 1 GI J10 +63 3 1 GI J11 +63 3 1 GI J12 +63 3 1 GI J13 +63 3 1 GI J14 +63 3 1 GI J15 +63 3 2 AR C32 +63 3 2 AR C33 +63 3 2 AR C34 +63 3 2 AR C35 +63 3 2 AR D32 +63 3 2 AR D33 +63 3 2 AR D34 +63 3 2 AR D35 +63 3 3 ME F4 +63 3 4 SE C8 +63 3 4 SE C9 +63 3 4 SE C10 +63 3 4 SE C11 +63 3 4 SE C12 +63 3 4 SE D8 +63 3 4 SE D9 +63 3 4 SE D10 +63 3 4 SE D11 +63 3 4 SE D12 +63 3 4 SE E8 +63 3 4 SE E9 +63 3 4 SE E10 +63 3 4 SE E11 +63 3 4 SE E12 +63 3 4 SE F8 +63 3 4 SE F9 +63 3 4 SE F10 +63 3 4 SE F11 +63 3 4 SE F12 +63 3 5 GE D17 +63 3 5 GE D18 +63 3 5 GE D19 +63 3 5 GE D20 +63 3 5 GE D21 +63 3 5 GE E17 +63 3 5 GE E18 +63 3 5 GE E19 +63 3 5 GE E20 +63 3 5 GE E21 +63 3 5 GE F17 +63 3 5 GE F18 +63 3 5 GE F19 +63 3 5 GE F20 +63 3 5 GE F21 +63 3 6 MU G27 +63 3 7 BA A0 +63 3 7 BA A1 +63 3 7 BA A2 +63 3 7 BA A3 +63 3 7 BA A4 +63 3 7 BA A5 +63 3 7 BA A6 +63 3 7 BA A7 +63 3 7 BA A8 +63 3 7 BA A9 +63 3 7 BA A10 +63 3 7 BA A11 +63 3 7 BA A12 +63 3 7 BA A13 +63 3 7 BA A14 +63 3 7 BA A15 +63 3 7 BA A16 +63 3 7 BA A17 +63 3 7 BA A18 +63 3 7 BA A19 +63 3 7 BA A20 +63 3 7 BA A21 +63 3 7 BA A22 +63 3 7 BA A23 +63 3 7 BA A24 +63 3 7 BA A25 +63 3 7 BA A26 +63 3 7 BA A27 +63 3 7 BA A28 +63 3 7 BA A29 +63 3 7 BA A30 +63 3 7 BA A31 +63 3 7 BA A32 +63 3 7 BA A33 +63 3 7 BA A34 +63 3 7 BA A35 +63 3 7 BA A36 +63 3 7 BA A37 +63 3 7 BA A38 +63 3 7 BA A39 +63 3 7 BA A40 +63 3 7 BA B0 +63 3 7 BA B1 +63 3 7 BA B2 +63 3 7 BA B3 +63 3 7 BA B4 +63 3 7 BA B5 +63 3 7 BA B6 +63 3 7 BA B7 +63 3 7 BA B8 +63 3 7 BA B9 +63 3 7 BA B10 +63 3 7 BA B11 +63 3 7 BA B12 +63 3 7 BA B13 +63 3 7 BA B14 +63 3 7 BA B15 +63 3 7 BA B16 +63 3 7 BA B17 +63 3 7 BA B18 +63 3 7 BA B19 +63 3 7 BA B20 +63 3 7 BA B21 +63 3 7 BA B22 +63 3 7 BA B23 +63 3 7 BA B24 +63 3 7 BA B25 +63 3 7 BA B26 +63 3 7 BA B27 +63 3 7 BA B28 +63 3 7 BA B29 +63 3 7 BA B30 +63 3 7 BA B31 +63 3 7 BA B32 +63 3 7 BA B33 +63 3 7 BA B34 +63 3 7 BA B35 +63 3 7 BA B36 +63 3 7 BA B37 +63 3 7 BA B38 +63 3 7 BA B39 +63 3 7 BA B40 +63 3 8 PE A1 +63 3 9 KG D18 +63 4 1 GI E0 +63 4 1 GI E1 +63 4 1 GI E2 +63 4 1 GI E3 +63 4 1 GI E4 +63 4 1 GI E5 +63 4 1 GI E6 +63 4 1 GI E7 +63 4 1 GI E8 +63 4 1 GI E9 +63 4 1 GI E10 +63 4 1 GI E11 +63 4 1 GI E12 +63 4 1 GI E13 +63 4 1 GI E14 +63 4 1 GI E15 +63 4 1 GI E16 +63 4 1 GI E17 +63 4 1 GI E18 +63 4 1 GI E19 +63 4 1 GI E20 +63 4 1 GI E21 +63 4 1 GI E22 +63 4 1 GI E23 +63 4 1 GI E24 +63 4 1 GI E25 +63 4 1 GI E26 +63 4 1 GI E27 +63 4 1 GI E28 +63 4 1 GI E29 +63 4 1 GI E30 +63 4 1 GI E31 +63 4 1 GI E32 +63 4 1 GI E33 +63 4 1 GI E34 +63 4 1 GI E35 +63 4 1 GI E36 +63 4 1 GI E37 +63 4 1 GI E38 +63 4 1 GI E39 +63 4 1 GI E40 +63 4 2 AR C1 +63 4 2 AR C2 +63 4 2 AR C3 +63 4 2 AR C4 +63 4 2 AR C5 +63 4 2 AR C6 +63 4 2 AR C7 +63 4 2 AR C8 +63 4 2 AR C9 +63 4 2 AR C10 +63 4 2 AR C11 +63 4 2 AR C12 +63 4 2 AR C13 +63 4 2 AR C14 +63 4 2 AR C15 +63 4 2 AR C16 +63 4 2 AR C17 +63 4 2 AR C18 +63 4 2 AR C19 +63 4 2 AR C20 +63 4 2 AR C21 +63 4 2 AR C22 +63 4 2 AR C23 +63 4 2 AR C24 +63 4 2 AR C25 +63 4 2 AR C26 +63 4 2 AR C27 +63 4 2 AR C28 +63 4 2 AR C29 +63 4 2 AR C30 +63 4 2 AR C31 +63 4 2 AR C32 +63 4 2 AR C33 +63 4 2 AR C34 +63 4 2 AR C35 +63 4 2 AR C36 +63 4 2 AR C37 +63 4 2 AR C38 +63 4 2 AR C39 +63 4 2 AR C40 +63 4 3 ME G0 +63 4 3 ME G1 +63 4 3 ME G2 +63 4 3 ME G3 +63 4 3 ME G4 +63 4 3 ME G5 +63 4 3 ME G6 +63 4 3 ME G7 +63 4 3 ME G8 +63 4 3 ME G9 +63 4 3 ME G10 +63 4 3 ME G11 +63 4 3 ME G12 +63 4 3 ME G13 +63 4 3 ME G14 +63 4 3 ME G15 +63 4 3 ME G16 +63 4 3 ME G17 +63 4 3 ME G18 +63 4 3 ME G19 +63 4 3 ME G20 +63 4 3 ME G21 +63 4 3 ME G22 +63 4 3 ME G23 +63 4 3 ME G24 +63 4 3 ME G25 +63 4 3 ME G26 +63 4 3 ME G27 +63 4 3 ME G28 +63 4 3 ME G29 +63 4 3 ME G30 +63 4 3 ME G31 +63 4 3 ME G32 +63 4 3 ME G33 +63 4 3 ME G34 +63 4 3 ME G35 +63 4 3 ME G36 +63 4 3 ME G37 +63 4 3 ME G38 +63 4 3 ME G39 +63 4 3 ME G40 +63 4 4 GE I0 +63 4 4 GE I1 +63 4 4 GE I2 +63 4 4 GE I3 +63 4 4 GE I4 +63 4 4 GE I5 +63 4 4 GE I6 +63 4 4 GE I7 +63 4 4 GE I8 +63 4 4 GE I9 +63 4 4 GE I10 +63 4 4 GE I11 +63 4 4 GE I12 +63 4 4 GE I13 +63 4 4 GE I14 +63 4 4 GE I15 +63 4 4 GE I16 +63 4 4 GE I17 +63 4 4 GE I18 +63 4 4 GE I19 +63 4 4 GE I20 +63 4 4 GE I21 +63 4 4 GE I22 +63 4 4 GE I23 +63 4 4 GE I24 +63 4 4 GE I25 +63 4 4 GE I26 +63 4 4 GE I27 +63 4 4 GE I28 +63 4 4 GE I29 +63 4 4 GE I30 +63 4 4 GE I31 +63 4 4 GE I32 +63 4 4 GE I33 +63 4 4 GE I34 +63 4 4 GE I35 +63 4 4 GE I36 +63 4 4 GE I37 +63 4 4 GE I38 +63 4 4 GE I39 +63 4 4 GE I40 +63 4 5 MU J25 +63 4 5 MU J26 +63 4 5 MU J27 +63 4 5 MU J28 +63 4 5 MU J29 +63 4 5 MU J30 +63 4 5 MU J31 +63 4 5 MU J32 +63 4 5 MU J33 +63 4 5 MU J34 +63 4 5 MU J35 +63 4 5 MU J36 +63 4 5 MU J37 +63 4 5 MU J38 +63 4 5 MU J39 +63 4 5 MU J40 +63 4 6 BA B0 +63 4 6 BA B1 +63 4 6 BA B2 +63 4 6 BA B3 +63 4 6 BA B4 +63 4 6 BA B5 +63 4 6 BA B6 +63 4 6 BA B7 +63 4 6 BA B8 +63 4 6 BA B9 +63 4 6 BA B10 +63 4 6 BA B11 +63 4 6 BA B12 +63 4 6 BA B13 +63 4 6 BA B14 +63 4 6 BA B15 +63 4 6 BA B16 +63 4 6 BA B17 +63 4 6 BA B18 +63 4 6 BA B19 +63 4 6 BA B20 +63 4 6 BA B21 +63 4 6 BA B22 +63 4 6 BA B23 +63 4 6 BA B24 +63 4 6 BA B25 +63 4 6 BA B26 +63 4 6 BA B27 +63 4 6 BA B28 +63 4 6 BA B29 +63 4 6 BA B30 +63 4 6 BA B31 +63 4 6 BA B32 +63 4 6 BA B33 +63 4 6 BA B34 +63 4 6 BA B35 +63 4 6 BA B36 +63 4 6 BA B37 +63 4 6 BA B38 +63 4 6 BA B39 +63 4 6 BA B40 +63 4 6 BA C0 +63 4 7 PE D0 +63 4 7 PE D1 +63 4 7 PE D2 +63 4 7 PE D3 +63 4 7 PE D4 +63 4 7 PE D5 +63 4 7 PE D6 +63 4 7 PE D7 +63 4 7 PE D8 +63 4 7 PE D9 +63 4 7 PE D10 +63 4 7 PE D11 +63 4 7 PE D12 +63 4 7 PE D13 +63 4 7 PE D14 +63 4 7 PE D15 +63 4 7 PE D16 +63 4 7 PE D17 +63 4 7 PE D18 +63 4 7 PE D19 +63 4 7 PE D20 +63 4 7 PE D21 +63 4 7 PE D22 +63 4 7 PE D23 +63 4 7 PE D24 +63 4 7 PE D25 +63 4 7 PE D26 +63 4 7 PE D27 +63 4 7 PE D28 +63 4 7 PE D29 +63 4 7 PE D30 +63 4 7 PE D31 +63 4 7 PE D32 +63 4 7 PE D33 +63 4 7 PE D34 +63 4 7 PE D35 +63 4 7 PE D36 +63 4 7 PE D37 +63 4 7 PE D38 +63 4 7 PE D39 +63 4 7 PE D40 +63 5 1 GI J0 +63 5 1 GI J1 +63 5 1 GI J2 +63 5 1 GI J3 +63 5 1 GI J4 +63 5 1 GI J5 +63 5 1 GI J6 +63 5 1 GI J7 +63 5 1 GI J8 +63 5 1 GI J9 +63 5 1 GI J10 +63 5 1 GI J11 +63 5 1 GI J12 +63 5 1 GI J13 +63 5 1 GI J14 +63 5 1 GI J15 +63 5 1 GI J16 +63 5 1 GI J17 +63 5 1 GI J18 +63 5 1 GI J19 +63 5 1 GI J20 +63 5 1 GI J21 +63 5 1 GI J22 +63 5 1 GI J23 +63 5 1 GI J24 +63 5 1 GI J25 +63 5 1 GI J26 +63 5 1 GI J27 +63 5 1 GI J28 +63 5 1 GI J29 +63 5 1 GI J30 +63 5 1 GI J31 +63 5 1 GI J32 +63 5 1 GI J33 +63 5 1 GI J34 +63 5 1 GI J35 +63 5 1 GI J36 +63 5 1 GI J37 +63 5 1 GI J38 +63 5 1 GI J39 +63 5 1 GI J40 +63 5 2 AR A0 +63 5 2 AR A1 +63 5 2 AR A2 +63 5 2 AR A3 +63 5 2 AR A4 +63 5 2 AR A5 +63 5 2 AR A6 +63 5 2 AR A7 +63 5 2 AR A8 +63 5 2 AR A9 +63 5 2 AR A10 +63 5 2 AR A11 +63 5 2 AR A12 +63 5 2 AR A13 +63 5 2 AR A14 +63 5 2 AR A15 +63 5 2 AR A16 +63 5 2 AR A17 +63 5 2 AR A18 +63 5 2 AR A19 +63 5 2 AR A20 +63 5 2 AR A21 +63 5 2 AR A22 +63 5 2 AR A23 +63 5 2 AR A24 +63 5 2 AR A25 +63 5 2 AR A26 +63 5 2 AR A27 +63 5 2 AR A28 +63 5 2 AR A29 +63 5 2 AR A30 +63 5 2 AR A31 +63 5 2 AR A32 +63 5 2 AR A33 +63 5 2 AR A34 +63 5 2 AR A35 +63 5 2 AR A36 +63 5 2 AR A37 +63 5 2 AR A38 +63 5 2 AR A39 +63 5 2 AR A40 +63 5 3 ME F1 +63 5 3 ME F2 +63 5 3 ME F3 +63 5 4 BA C1 +63 5 4 BA C2 +63 5 4 BA C3 +63 6 1 GI J32 +63 6 2 AR A29 +63 6 3 ME G3 +63 6 4 SE C11 +63 6 4 SE C12 +63 6 5 MU E25 +63 6 6 BA A40 +63 6 7 PE B2 +63 6 8 GA F29 +63 6 9 KK C13 +63 6 10 KL H33 +63 7 1 GI J39 +63 7 1 GI J40 +63 7 2 AR A40 +63 7 3 ME F40 +63 7 3 ME G40 +63 7 4 SE C12 +63 7 4 SE D12 +63 7 5 GE F19 +63 7 6 MU D28 +63 7 6 MU D29 +63 7 6 MU D30 +63 7 6 MU D31 +63 7 6 MU E28 +63 7 6 MU E29 +63 7 6 MU E30 +63 7 6 MU E31 +63 7 6 MU F28 +63 7 6 MU F29 +63 7 6 MU F30 +63 7 6 MU F31 +63 7 6 MU G28 +63 7 6 MU G29 +63 7 6 MU G30 +63 7 6 MU G31 +63 7 7 PE B34 +63 7 8 GA G29 +63 7 8 GA G30 +63 8 1 GI J20 +63 8 2 AR A26 +63 8 3 ME E40 +63 8 4 GE C19 +63 9 1 AR A1 +63 9 1 AR A2 +63 9 2 ME E1 +63 9 2 ME E2 +63 9 2 ME E3 +63 9 2 ME E4 +63 9 3 SE C7 +63 9 3 SE C8 +63 9 3 SE C9 +63 9 3 SE C10 +63 9 3 SE C11 +63 9 3 SE C12 +63 9 3 SE C13 +63 9 3 SE C14 +63 9 4 GE C16 +63 9 4 GE D16 +63 9 4 GE E16 +63 9 4 GE F16 +63 9 4 GE G16 +63 9 4 GE H16 +63 9 4 GE I16 +63 9 5 MU E25 +63 9 5 MU E26 +63 9 5 MU E27 +63 9 5 MU F25 +63 9 5 MU F26 +63 9 5 MU F27 +63 9 5 MU G25 +63 9 5 MU G26 +63 9 5 MU G27 +63 9 5 MU H25 +63 9 5 MU H26 +63 9 5 MU H27 +63 9 6 BA A24 +63 9 6 BA A25 +63 9 6 BA A26 +63 9 6 BA A27 +63 9 6 BA A28 +63 9 6 BA A29 +63 9 6 BA A30 +63 9 6 BA A31 +63 9 7 PE C38 +63 9 7 PE C39 +63 9 7 PE D38 +63 9 7 PE D39 +63 9 7 PE E38 +63 9 7 PE E39 +63 9 7 PE F38 +63 9 7 PE F39 +63 9 7 PE G38 +63 9 7 PE G39 +63 9 8 GA G2 +63 9 9 PN D39 +63 9 9 PN E39 +63 9 9 PN F39 +63 9 9 PN G39 +63 9 9 PN H39 +63 9 9 PN I39 +63 9 10 KW E30 +63 9 10 KW F30 +63 9 10 KW G30 +63 9 10 KW H30 +63 9 11 KE F1 +63 9 11 KE F2 +63 9 11 KE F3 +63 9 11 KE F4 +63 9 11 KE F5 +63 10 1 GI J14 +63 10 1 GI J15 +63 10 2 ME F3 +63 10 3 SE C13 +63 10 4 GE A15 +63 10 5 MU D19 +63 10 5 MU E19 +63 10 6 BA A20 +63 10 7 PE C13 +63 10 8 GA G28 +63 10 9 KE E24 +63 10 9 KE E25 +63 10 9 KE E26 +63 10 9 KE E27 +63 10 9 KE E28 +63 10 9 KE E29 +63 11 1 GI J22 +63 11 2 AR A24 +63 11 3 SE D11 +63 11 4 MU F24 +63 11 5 BA A2 +63 11 5 BA A3 +63 11 6 PE A20 +63 11 7 GA F2 +63 11 7 GA F3 +63 11 7 GA G2 +63 11 7 GA G3 +63 11 7 GA H2 +63 11 7 GA H3 +63 11 8 KW J34 +63 11 9 KE G27 +63 12 1 GI J40 +63 12 2 AR B2 +63 12 3 ME G2 +63 12 4 SE C11 +63 12 5 MU E4 +63 12 6 BA A25 +63 12 6 BA A26 +63 12 6 BA A27 +63 12 6 BA A28 +63 12 6 BA A29 +63 12 6 BA A30 +63 12 6 BA A31 +63 12 6 BA A32 +63 12 6 BA A33 +63 12 7 PE A40 +63 12 8 KW F29 +63 13 1 GI J0 +63 13 2 AR A0 +63 13 2 AR A1 +63 13 2 AR A2 +63 13 2 AR A3 +63 13 2 AR A4 +63 13 2 AR A5 +63 13 2 AR A6 +63 13 2 AR A7 +63 13 2 AR A8 +63 13 2 AR A9 +63 13 2 AR A10 +63 13 2 AR A11 +63 13 2 AR A12 +63 13 2 AR A13 +63 13 2 AR A14 +63 13 2 AR A15 +63 13 2 AR A16 +63 13 2 AR A17 +63 13 2 AR A18 +63 13 2 AR A19 +63 13 2 AR A20 +63 13 2 AR A21 +63 13 2 AR A22 +63 13 2 AR A23 +63 13 2 AR A24 +63 13 2 AR A25 +63 13 2 AR A26 +63 13 2 AR A27 +63 13 2 AR A28 +63 13 2 AR A29 +63 13 2 AR A30 +63 13 2 AR A31 +63 13 2 AR A32 +63 13 2 AR A33 +63 13 2 AR A34 +63 13 2 AR A35 +63 13 2 AR A36 +63 13 2 AR A37 +63 13 2 AR A38 +63 13 2 AR A39 +63 13 2 AR A40 +63 13 3 ME I4 +63 13 3 ME I5 +63 13 3 ME I6 +63 13 4 SE B15 +63 13 4 SE B16 +63 13 4 SE B17 +63 13 4 SE B18 +63 13 4 SE B19 +63 13 4 SE B20 +63 13 4 SE B21 +63 13 4 SE B22 +63 13 5 GE G9 +63 13 6 MU H25 +63 13 7 BA A0 +63 13 7 BA A1 +63 13 7 BA A2 +63 13 7 BA A3 +63 13 7 BA A4 +63 13 7 BA A5 +63 13 7 BA A6 +63 13 7 BA A7 +63 13 7 BA A8 +63 13 7 BA A9 +63 13 7 BA A10 +63 13 7 BA A11 +63 13 7 BA A12 +63 13 7 BA A13 +63 13 7 BA A14 +63 13 7 BA A15 +63 13 7 BA A16 +63 13 7 BA A17 +63 13 7 BA A18 +63 13 7 BA A19 +63 13 7 BA A20 +63 13 7 BA A21 +63 13 7 BA A22 +63 13 7 BA A23 +63 13 7 BA A24 +63 13 7 BA A25 +63 13 7 BA A26 +63 13 7 BA A27 +63 13 7 BA A28 +63 13 7 BA A29 +63 13 7 BA A30 +63 13 7 BA A31 +63 13 7 BA A32 +63 13 7 BA A33 +63 13 7 BA A34 +63 13 7 BA A35 +63 13 7 BA A36 +63 13 7 BA A37 +63 13 7 BA A38 +63 13 7 BA A39 +63 13 7 BA A40 +63 13 8 SO H9 +63 13 9 GA F10 +63 13 10 KW D10 +63 14 1 GI J2 +63 14 2 AR A38 +63 14 2 AR B38 +63 14 3 ME F40 +63 14 3 ME G40 +63 14 4 GE F19 +63 14 5 MU F27 +63 14 6 PN C2 +63 14 6 PN D2 +63 15 1 GI J0 +63 15 1 GI J1 +63 15 1 GI J2 +63 15 1 GI J3 +63 15 1 GI J4 +63 15 1 GI J5 +63 15 1 GI J6 +63 15 1 GI J7 +63 15 1 GI J8 +63 15 1 GI J9 +63 15 1 GI J10 +63 15 1 GI J11 +63 15 1 GI J12 +63 15 1 GI J13 +63 15 1 GI J14 +63 15 1 GI J15 +63 15 1 GI J16 +63 15 1 GI J17 +63 15 1 GI J18 +63 15 1 GI J19 +63 15 1 GI J20 +63 15 1 GI J21 +63 15 1 GI J22 +63 15 1 GI J23 +63 15 1 GI J24 +63 15 1 GI J25 +63 15 1 GI J26 +63 15 1 GI J27 +63 15 1 GI J28 +63 15 1 GI J29 +63 15 1 GI J30 +63 15 1 GI J31 +63 15 1 GI J32 +63 15 1 GI J33 +63 15 1 GI J34 +63 15 1 GI J35 +63 15 1 GI J36 +63 15 1 GI J37 +63 15 1 GI J38 +63 15 1 GI J39 +63 15 1 GI J40 +63 15 2 AR A20 +63 15 2 AR A21 +63 15 2 AR A22 +63 15 2 AR A23 +63 15 2 AR A24 +63 15 2 AR A25 +63 15 2 AR A26 +63 15 2 AR A27 +63 15 2 AR A28 +63 15 2 AR A29 +63 15 2 AR A30 +63 15 3 ME E39 +63 15 3 ME E40 +63 15 3 ME F39 +63 15 3 ME F40 +63 15 4 SE B12 +63 15 4 SE B13 +63 15 4 SE C12 +63 15 4 SE C13 +63 15 5 GE H17 +63 15 6 MU F19 +63 15 6 MU F20 +63 15 7 BA C2 +63 15 8 PE C1 +63 15 8 PE C2 +63 15 8 PE C3 +63 15 8 PE C4 +63 15 8 PE C5 +63 15 8 PE C6 +63 15 9 MK G29 +63 15 10 KY F29 +63 16 1 GI G0 +63 16 1 GI H0 +63 16 1 GI I0 +63 16 1 GI J0 +63 16 1 GI J1 +63 16 1 GI J2 +63 16 1 GI J3 +63 16 1 GI J4 +63 16 1 GI J5 +63 16 1 GI J6 +63 16 1 GI J7 +63 16 1 GI J8 +63 16 1 GI J9 +63 16 1 GI J10 +63 16 1 GI J11 +63 16 1 GI J12 +63 16 1 GI J13 +63 16 1 GI J14 +63 16 1 GI J15 +63 16 1 GI J16 +63 16 1 GI J17 +63 16 1 GI J18 +63 16 1 GI J19 +63 16 1 GI J20 +63 16 1 GI J21 +63 16 1 GI J22 +63 16 1 GI J23 +63 16 1 GI J24 +63 16 1 GI J25 +63 16 1 GI J26 +63 16 1 GI J27 +63 16 1 GI J28 +63 16 1 GI J29 +63 16 1 GI J30 +63 16 1 GI J31 +63 16 1 GI J32 +63 16 1 GI J33 +63 16 1 GI J34 +63 16 1 GI J35 +63 16 1 GI J36 +63 16 1 GI J37 +63 16 1 GI J38 +63 16 1 GI J39 +63 16 1 GI J40 +63 16 2 AR A0 +63 16 2 AR A1 +63 16 2 AR A2 +63 16 2 AR A3 +63 16 2 AR A4 +63 16 2 AR A5 +63 16 2 AR A6 +63 16 2 AR A7 +63 16 2 AR A8 +63 16 2 AR A9 +63 16 2 AR A10 +63 16 2 AR A11 +63 16 2 AR A12 +63 16 2 AR A13 +63 16 2 AR A14 +63 16 2 AR A15 +63 16 2 AR A16 +63 16 2 AR A17 +63 16 2 AR A18 +63 16 2 AR A19 +63 16 2 AR A20 +63 16 2 AR A21 +63 16 2 AR A22 +63 16 2 AR A23 +63 16 2 AR A24 +63 16 2 AR A25 +63 16 2 AR A26 +63 16 2 AR A27 +63 16 2 AR A28 +63 16 2 AR A29 +63 16 2 AR A30 +63 16 2 AR A31 +63 16 2 AR A32 +63 16 2 AR A33 +63 16 2 AR A34 +63 16 2 AR A35 +63 16 2 AR A36 +63 16 2 AR A37 +63 16 2 AR A38 +63 16 2 AR A39 +63 16 2 AR A40 +63 16 3 ME F2 +63 16 4 SE C7 +63 16 4 SE C8 +63 16 4 SE C9 +63 16 4 SE C10 +63 16 4 SE C11 +63 16 5 GE G17 +63 16 6 MU F29 +63 16 7 BA A0 +63 16 7 BA A1 +63 16 7 BA A2 +63 16 7 BA A3 +63 16 7 BA A4 +63 16 7 BA A5 +63 16 7 BA A6 +63 16 7 BA A7 +63 16 7 BA A8 +63 16 7 BA A9 +63 16 7 BA A10 +63 16 7 BA A11 +63 16 7 BA A12 +63 16 7 BA A13 +63 16 7 BA A14 +63 16 7 BA A15 +63 16 7 BA A16 +63 16 7 BA A17 +63 16 7 BA A18 +63 16 7 BA A19 +63 16 7 BA A20 +63 16 7 BA A21 +63 16 7 BA A22 +63 16 7 BA A23 +63 16 7 BA A24 +63 16 7 BA A25 +63 16 7 BA A26 +63 16 7 BA A27 +63 16 7 BA A28 +63 16 7 BA A29 +63 16 7 BA A30 +63 16 7 BA A31 +63 16 7 BA A32 +63 16 7 BA A33 +63 16 7 BA A34 +63 16 7 BA A35 +63 16 7 BA A36 +63 16 7 BA A37 +63 16 7 BA A38 +63 16 7 BA A39 +63 16 7 BA A40 +63 16 8 KL D5 +63 17 1 GI J40 +63 17 2 AR A38 +63 17 2 AR A39 +63 17 3 ME C37 +63 17 3 ME E5 +63 17 3 ME E38 +63 17 3 ME E39 +63 17 3 ME F38 +63 17 3 ME F39 +63 17 3 ME F40 +63 17 3 ME G40 +63 17 4 SE C10 +63 17 5 GE D22 +63 17 6 MU F28 +63 17 6 MU F29 +63 17 6 MU G28 +63 17 6 MU G29 +63 17 6 MU H29 +63 17 6 MU I29 +63 17 7 BA A39 +63 17 7 BA A40 +63 17 8 PK C11 +63 17 9 PI B12 +63 17 9 PI B13 +63 17 9 PI C12 +63 17 9 PI C13 +63 17 9 PI D13 +63 17 10 PL A40 +63 17 11 KW D29 +63 17 11 KW G30 +63 17 11 KW H30 +63 17 12 RA E24 +63 17 12 RA F24 +63 18 1 GI J40 +63 18 2 AR A39 +63 18 3 ME G40 +63 18 4 GE G21 +63 18 5 MU H30 +63 18 6 BA B40 +63 18 7 PE A40 +63 19 1 GI J40 +63 19 2 AR B40 +63 19 3 ME B39 +63 19 4 GE C19 +63 19 4 GE C20 +63 19 5 MU E28 +63 19 6 BA A0 +63 19 7 PE B0 +63 19 8 PL A0 +63 19 8 PL A1 +63 19 8 PL A2 +63 19 8 PL A3 +63 19 8 PL A4 +63 19 8 PL A5 +63 19 8 PL A6 +63 19 8 PL A7 +63 19 8 PL A8 +63 19 8 PL A9 +63 19 8 PL A10 +63 19 8 PL A11 +63 19 8 PL A12 +63 19 8 PL A13 +63 19 8 PL A14 +63 19 8 PL A15 +63 19 8 PL A16 +63 19 8 PL A17 +63 19 8 PL A18 +63 19 8 PL A19 +63 19 8 PL A20 +63 19 8 PL A21 +63 19 8 PL A22 +63 19 8 PL A23 +63 19 8 PL A24 +63 19 8 PL A25 +63 19 8 PL A26 +63 19 8 PL A27 +63 19 8 PL A28 +63 19 8 PL A29 +63 19 8 PL A30 +63 19 8 PL A31 +63 19 8 PL A32 +63 19 8 PL A33 +63 19 8 PL A34 +63 19 8 PL A35 +63 19 8 PL A36 +63 19 8 PL A37 +63 19 8 PL A38 +63 19 8 PL A39 +63 19 8 PL A40 +63 20 1 GI J38 +63 20 1 GI J39 +63 20 1 GI J40 +63 20 2 AR A7 +63 20 3 ME F2 +63 20 4 SE C8 +63 20 5 MU F22 +63 20 6 SA A38 +63 20 6 SA A39 +63 20 6 SA A40 +63 20 7 KK D6 +63 20 7 KK D7 +63 20 8 KL F39 +63 20 8 KL F40 +63 21 1 GI B40 +63 21 2 AR A0 +63 21 3 SE D8 +63 21 4 GE E24 +63 21 5 MU H29 +63 21 6 BA B0 +63 21 7 PK J31 +63 21 8 GB C40 +63 21 9 PN G40 +63 21 10 KG D25 +63 21 11 KA H2 +63 22 1 GI J0 +63 22 1 GI J1 +63 22 1 GI J2 +63 22 1 GI J3 +63 22 1 GI J4 +63 22 1 GI J5 +63 22 1 GI J6 +63 22 1 GI J7 +63 22 1 GI J8 +63 22 1 GI J9 +63 22 1 GI J10 +63 22 1 GI J11 +63 22 1 GI J12 +63 22 1 GI J13 +63 22 1 GI J14 +63 22 1 GI J15 +63 22 1 GI J16 +63 22 1 GI J17 +63 22 1 GI J18 +63 22 1 GI J19 +63 22 1 GI J20 +63 22 1 GI J21 +63 22 1 GI J22 +63 22 1 GI J23 +63 22 1 GI J24 +63 22 1 GI J25 +63 22 1 GI J26 +63 22 1 GI J27 +63 22 1 GI J28 +63 22 1 GI J29 +63 22 1 GI J30 +63 22 1 GI J31 +63 22 1 GI J32 +63 22 1 GI J33 +63 22 1 GI J34 +63 22 1 GI J35 +63 22 1 GI J36 +63 22 1 GI J37 +63 22 1 GI J38 +63 22 1 GI J39 +63 22 1 GI J40 +63 22 2 AR A0 +63 22 2 AR A1 +63 22 2 AR A2 +63 22 2 AR A3 +63 22 2 AR A4 +63 22 2 AR A5 +63 22 2 AR A6 +63 22 2 AR A7 +63 22 2 AR A8 +63 22 2 AR A9 +63 22 2 AR A10 +63 22 2 AR A11 +63 22 2 AR A12 +63 22 2 AR A13 +63 22 2 AR A14 +63 22 2 AR A15 +63 22 2 AR A16 +63 22 2 AR A17 +63 22 2 AR A18 +63 22 2 AR A19 +63 22 2 AR A20 +63 22 2 AR A21 +63 22 2 AR A22 +63 22 2 AR A23 +63 22 2 AR A24 +63 22 2 AR A25 +63 22 2 AR A26 +63 22 2 AR A27 +63 22 2 AR A28 +63 22 2 AR A29 +63 22 2 AR A30 +63 22 2 AR A31 +63 22 2 AR A32 +63 22 2 AR A33 +63 22 2 AR A34 +63 22 2 AR A35 +63 22 2 AR A36 +63 22 2 AR A37 +63 22 2 AR A38 +63 22 2 AR A39 +63 22 2 AR A40 +63 22 3 ME D40 +63 22 4 SE D11 +63 22 5 GE E20 +63 22 6 MU G29 +63 22 7 BA B35 +63 22 7 BA B36 +63 22 7 BA B37 +63 22 7 BA B38 +63 22 7 BA B39 +63 22 7 BA B40 +63 22 8 GA G28 +63 22 9 PN G40 +63 22 10 KK I40 +63 23 1 GI I29 +63 23 2 AR A17 +63 23 3 ME F3 +63 23 4 GE C21 +63 23 5 MU G24 +63 24 1 GI J5 +63 24 2 AR A29 +63 24 3 ME G39 +63 24 4 SE C12 +63 24 5 GE F18 +63 24 6 MU I27 +63 24 7 BA A40 +63 24 8 PE A38 +63 24 9 MA F2 +63 24 9 MA F3 +63 24 10 MN G0 +63 24 11 RG F37 +63 24 12 RD D8 +63 24 13 BO H12 +63 24 14 BI F33 +63 25 1 GI J24 +63 25 2 AR B26 +63 25 2 AR B27 +63 25 3 ME F37 +63 25 3 ME F38 +63 25 4 SE E4 +63 25 4 SE E5 +63 25 5 MU E27 +63 25 5 MU E28 +63 25 6 BA B27 +63 25 6 BA B28 +63 25 7 SA A33 +63 25 7 SA A34 +63 25 8 KK C9 +63 25 9 KL E4 +63 25 9 KL E5 +64 1 1 K C4 +64 1 2 W A0 +64 1 2 W A1 +64 1 2 W A2 +64 1 2 W A3 +64 1 2 W A4 +64 1 2 W A5 +64 1 2 W A6 +64 1 2 W A7 +64 1 2 W A8 +64 1 2 W A9 +64 1 2 W A10 +64 1 2 W A11 +64 1 2 W A12 +64 1 2 W A13 +64 1 2 W A14 +64 1 2 W A15 +64 1 2 W A16 +64 1 2 W A17 +64 1 2 W A18 +64 1 2 W A19 +64 1 2 W A20 +64 1 2 W A21 +64 1 2 W A22 +64 1 2 W A23 +64 1 2 W A24 +64 1 2 W A25 +64 1 2 W A26 +64 1 2 W A27 +64 1 2 W A28 +64 1 2 W A29 +64 1 2 W A30 +64 1 2 W A31 +64 1 2 W A32 +64 1 2 W A33 +64 1 2 W A34 +64 1 2 W A35 +64 1 2 W A36 +64 1 2 W A37 +64 1 2 W A38 +64 1 2 W A39 +64 1 2 W A40 +64 1 3 P A0 +64 1 3 P A1 +64 1 3 P A2 +64 1 3 P A3 +64 1 3 P A4 +64 1 3 P A5 +64 1 3 P A6 +64 1 3 P A7 +64 1 3 P A8 +64 1 3 P A9 +64 1 3 P A10 +64 1 3 P A11 +64 1 3 P A12 +64 1 3 P A13 +64 1 3 P A14 +64 1 3 P A15 +64 1 3 P A16 +64 1 3 P A17 +64 1 3 P A18 +64 1 3 P A19 +64 1 3 P A20 +64 1 3 P A21 +64 1 3 P A22 +64 1 3 P A23 +64 1 3 P A24 +64 1 3 P A25 +64 1 3 P A26 +64 1 3 P A27 +64 1 3 P A28 +64 1 3 P A29 +64 1 3 P A30 +64 1 3 P A31 +64 1 3 P A32 +64 1 3 P A33 +64 1 3 P A34 +64 1 3 P A35 +64 1 3 P A36 +64 1 3 P A37 +64 1 3 P A38 +64 1 3 P A39 +64 1 3 P A40 +64 1 4 N D27 +64 1 5 U F40 +64 1 6 MU I28 +64 1 7 Y E16 +64 1 8 M J0 +64 1 8 M J1 +64 1 8 M J2 +64 1 8 M J3 +64 1 8 M J4 +64 1 8 M J5 +64 1 8 M J6 +64 1 8 M J7 +64 1 8 M J8 +64 1 8 M J9 +64 1 8 M J10 +64 1 8 M J11 +64 1 8 M J12 +64 1 8 M J13 +64 1 8 M J14 +64 1 8 M J15 +64 1 8 M J16 +64 1 8 M J17 +64 1 8 M J18 +64 1 8 M J19 +64 1 8 M J20 +64 1 8 M J21 +64 1 8 M J22 +64 1 8 M J23 +64 1 8 M J24 +64 1 8 M J25 +64 1 8 M J26 +64 1 8 M J27 +64 1 8 M J28 +64 1 8 M J29 +64 1 8 M J30 +64 1 8 M J31 +64 1 8 M J32 +64 1 8 M J33 +64 1 8 M J34 +64 1 8 M J35 +64 1 8 M J36 +64 1 8 M J37 +64 1 8 M J38 +64 1 8 M J39 +64 1 8 M J40 +64 1 9 A C5 +64 1 10 I F1 +64 1 11 KP D0 +64 2 1 P A0 +64 2 1 P A1 +64 2 1 P A2 +64 2 1 P A3 +64 2 1 P A4 +64 2 1 P A5 +64 2 1 P A6 +64 2 1 P A7 +64 2 1 P A8 +64 2 1 P A9 +64 2 1 P A10 +64 2 1 P A11 +64 2 1 P A12 +64 2 1 P A13 +64 2 1 P A14 +64 2 1 P A15 +64 2 1 P A16 +64 2 1 P A17 +64 2 1 P A18 +64 2 1 P A19 +64 2 1 P A20 +64 2 1 P A21 +64 2 1 P A22 +64 2 1 P A23 +64 2 1 P A24 +64 2 1 P A25 +64 2 1 P A26 +64 2 1 P A27 +64 2 1 P A28 +64 2 1 P A29 +64 2 1 P A30 +64 2 1 P A31 +64 2 1 P A32 +64 2 1 P A33 +64 2 1 P A34 +64 2 1 P A35 +64 2 1 P A36 +64 2 1 P A37 +64 2 1 P A38 +64 2 1 P A39 +64 2 1 P A40 +64 2 2 M J0 +64 2 2 M J1 +64 2 2 M J2 +64 2 2 M J3 +64 2 2 M J4 +64 2 2 M J5 +64 2 2 M J6 +64 2 2 M J7 +64 2 2 M J8 +64 2 2 M J9 +64 2 2 M J10 +64 2 2 M J11 +64 2 2 M J12 +64 2 2 M J13 +64 2 2 M J14 +64 2 2 M J15 +64 2 2 M J16 +64 2 2 M J17 +64 2 2 M J18 +64 2 2 M J19 +64 2 2 M J20 +64 2 2 M J21 +64 2 2 M J22 +64 2 2 M J23 +64 2 2 M J24 +64 2 2 M J25 +64 2 2 M J26 +64 2 2 M J27 +64 2 2 M J28 +64 2 2 M J29 +64 2 2 M J30 +64 2 2 M J31 +64 2 2 M J32 +64 2 2 M J33 +64 2 2 M J34 +64 2 2 M J35 +64 2 2 M J36 +64 2 2 M J37 +64 2 2 M J38 +64 2 2 M J39 +64 2 2 M J40 +64 2 3 Y D14 +64 2 3 Y D15 +64 2 3 Y D16 +64 2 3 Y E14 +64 2 3 Y E15 +64 2 3 Y E16 +64 2 3 Y F15 +64 2 3 Y F16 +64 2 4 I F1 +64 2 4 I F2 +64 2 4 I F3 +64 2 4 I F4 +64 2 4 I G1 +64 2 4 I G2 +64 2 4 I G3 +64 2 4 I G4 +64 2 4 I H1 +64 2 4 I H2 +64 2 4 I H3 +64 2 4 I H4 +64 3 1 P A0 +64 3 1 P A1 +64 3 1 P A2 +64 3 1 P A3 +64 3 1 P A4 +64 3 1 P A5 +64 3 1 P A6 +64 3 1 P A7 +64 3 1 P A8 +64 3 1 P A9 +64 3 1 P A10 +64 3 1 P A11 +64 3 1 P A12 +64 3 1 P A13 +64 3 1 P A14 +64 3 1 P A15 +64 3 1 P A16 +64 3 1 P A17 +64 3 1 P A18 +64 3 1 P A19 +64 3 1 P A20 +64 3 1 P A21 +64 3 1 P A22 +64 3 1 P A23 +64 3 1 P A24 +64 3 1 P A25 +64 3 1 P A26 +64 3 1 P A27 +64 3 1 P A28 +64 3 1 P A29 +64 3 1 P A30 +64 3 1 P A31 +64 3 1 P A32 +64 3 1 P A33 +64 3 1 P A34 +64 3 1 P A35 +64 3 1 P A36 +64 3 1 P A37 +64 3 1 P A38 +64 3 1 P A39 +64 3 1 P A40 +64 3 2 K C8 +64 3 3 Y E16 +64 3 4 M J0 +64 3 4 M J1 +64 3 4 M J2 +64 3 4 M J3 +64 3 4 M J4 +64 3 4 M J5 +64 3 4 M J6 +64 3 4 M J7 +64 3 4 M J8 +64 3 4 M J9 +64 3 4 M J10 +64 3 4 M J11 +64 3 4 M J12 +64 3 4 M J13 +64 3 4 M J14 +64 3 4 M J15 +64 3 4 M J16 +64 3 4 M J17 +64 3 4 M J18 +64 3 4 M J19 +64 3 4 M J20 +64 3 4 M J21 +64 3 4 M J22 +64 3 4 M J23 +64 3 4 M J24 +64 3 4 M J25 +64 3 4 M J26 +64 3 4 M J27 +64 3 4 M J28 +64 3 4 M J29 +64 3 4 M J30 +64 3 4 M J31 +64 3 4 M J32 +64 3 4 M J33 +64 3 4 M J34 +64 3 4 M J35 +64 3 4 M J36 +64 3 4 M J37 +64 3 4 M J38 +64 3 4 M J39 +64 3 4 M J40 +64 3 5 I G1 +64 3 6 A C1 +64 3 6 A C2 +64 3 6 A C3 +64 3 6 A C4 +64 3 6 A C5 +64 3 7 U C1 +64 4 1 P A0 +64 4 1 P A1 +64 4 1 P A2 +64 4 1 P A3 +64 4 1 P A4 +64 4 1 P A5 +64 4 1 P A6 +64 4 1 P A7 +64 4 1 P A8 +64 4 1 P A9 +64 4 1 P A10 +64 4 1 P A11 +64 4 1 P A12 +64 4 1 P A13 +64 4 1 P A14 +64 4 1 P A15 +64 4 1 P A16 +64 4 1 P A17 +64 4 1 P A18 +64 4 1 P A19 +64 4 1 P A20 +64 4 1 P A21 +64 4 1 P A22 +64 4 1 P A23 +64 4 1 P A24 +64 4 1 P A25 +64 4 1 P A26 +64 4 1 P A27 +64 4 1 P A28 +64 4 1 P A29 +64 4 1 P A30 +64 4 1 P A31 +64 4 1 P A32 +64 4 1 P A33 +64 4 1 P A34 +64 4 1 P A35 +64 4 1 P A36 +64 4 1 P A37 +64 4 1 P A38 +64 4 1 P A39 +64 4 1 P A40 +64 4 2 Y F15 +64 4 2 Y F16 +64 4 2 Y G15 +64 4 2 Y G16 +64 4 3 M J0 +64 4 3 M J1 +64 4 3 M J2 +64 4 3 M J3 +64 4 3 M J4 +64 4 3 M J5 +64 4 3 M J6 +64 4 3 M J7 +64 4 3 M J8 +64 4 3 M J9 +64 4 3 M J10 +64 4 3 M J11 +64 4 3 M J12 +64 4 3 M J13 +64 4 3 M J14 +64 4 3 M J15 +64 4 3 M J16 +64 4 3 M J17 +64 4 3 M J18 +64 4 3 M J19 +64 4 3 M J20 +64 4 3 M J21 +64 4 3 M J22 +64 4 3 M J23 +64 4 3 M J24 +64 4 3 M J25 +64 4 3 M J26 +64 4 3 M J27 +64 4 3 M J28 +64 4 3 M J29 +64 4 3 M J30 +64 4 3 M J31 +64 4 3 M J32 +64 4 3 M J33 +64 4 3 M J34 +64 4 3 M J35 +64 4 3 M J36 +64 4 3 M J37 +64 4 3 M J38 +64 4 3 M J39 +64 4 3 M J40 +64 4 4 I F1 +64 4 4 I F2 +64 4 4 I G1 +64 4 4 I G2 +64 5 1 T E5 +64 5 2 K D6 +64 5 3 Y F16 +64 5 4 A H6 +64 5 5 M J0 +64 5 5 M J1 +64 5 5 M J2 +64 5 5 M J3 +64 5 5 M J4 +64 5 5 M J5 +64 5 5 M J6 +64 5 5 M J7 +64 5 5 M J8 +64 5 5 M J9 +64 5 5 M J10 +64 5 5 M J11 +64 5 5 M J12 +64 5 5 M J13 +64 5 5 M J14 +64 5 5 M J15 +64 5 5 M J16 +64 5 5 M J17 +64 5 5 M J18 +64 5 5 M J19 +64 5 5 M J20 +64 5 5 M J21 +64 5 5 M J22 +64 5 5 M J23 +64 5 5 M J24 +64 5 5 M J25 +64 5 5 M J26 +64 5 5 M J27 +64 5 5 M J28 +64 5 5 M J29 +64 5 5 M J30 +64 5 5 M J31 +64 5 5 M J32 +64 5 5 M J33 +64 5 5 M J34 +64 5 5 M J35 +64 5 5 M J36 +64 5 5 M J37 +64 5 5 M J38 +64 5 5 M J39 +64 5 5 M J40 +64 5 6 MU J0 +64 5 6 MU J1 +64 5 6 MU J2 +64 5 6 MU J3 +64 5 6 MU J4 +64 5 6 MU J5 +64 5 6 MU J6 +64 5 6 MU J7 +64 5 6 MU J8 +64 5 6 MU J9 +64 5 6 MU J10 +64 5 6 MU J11 +64 5 6 MU J12 +64 5 6 MU J13 +64 5 6 MU J14 +64 5 6 MU J15 +64 5 6 MU J16 +64 5 6 MU J17 +64 5 6 MU J18 +64 5 6 MU J19 +64 5 6 MU J20 +64 5 6 MU J21 +64 5 6 MU J22 +64 5 6 MU J23 +64 5 6 MU J24 +64 5 6 MU J25 +64 5 6 MU J26 +64 5 6 MU J27 +64 5 6 MU J28 +64 5 6 MU J29 +64 5 6 MU J30 +64 5 6 MU J31 +64 5 6 MU J32 +64 5 6 MU J33 +64 5 6 MU J34 +64 5 6 MU J35 +64 5 6 MU J36 +64 5 6 MU J37 +64 5 6 MU J38 +64 5 6 MU J39 +64 5 6 MU J40 +64 5 7 I G1 +64 6 1 M J0 +64 6 1 M J1 +64 6 1 M J2 +64 6 1 M J3 +64 6 1 M J4 +64 6 1 M J5 +64 6 1 M J6 +64 6 1 M J7 +64 6 1 M J8 +64 6 1 M J9 +64 6 1 M J10 +64 6 1 M J11 +64 6 1 M J12 +64 6 1 M J13 +64 6 1 M J14 +64 6 1 M J15 +64 6 1 M J16 +64 6 1 M J17 +64 6 1 M J18 +64 6 1 M J19 +64 6 1 M J20 +64 6 1 M J21 +64 6 1 M J22 +64 6 1 M J23 +64 6 1 M J24 +64 6 1 M J25 +64 6 1 M J26 +64 6 1 M J27 +64 6 1 M J28 +64 6 1 M J29 +64 6 1 M J30 +64 6 1 M J31 +64 6 1 M J32 +64 6 1 M J33 +64 6 1 M J34 +64 6 1 M J35 +64 6 1 M J36 +64 6 1 M J37 +64 6 1 M J38 +64 6 1 M J39 +64 6 1 M J40 +64 6 2 I F1 +64 6 2 I F2 +64 6 2 I G1 +64 6 2 I G2 +64 7 1 P A0 +64 7 1 P A1 +64 7 1 P A2 +64 7 1 P A3 +64 7 1 P A4 +64 7 1 P A5 +64 7 1 P A6 +64 7 1 P A7 +64 7 1 P A8 +64 7 1 P A9 +64 7 1 P A10 +64 7 1 P A11 +64 7 1 P A12 +64 7 1 P A13 +64 7 1 P A14 +64 7 1 P A15 +64 7 1 P A16 +64 7 1 P A17 +64 7 1 P A18 +64 7 1 P A19 +64 7 1 P A20 +64 7 1 P A21 +64 7 1 P A22 +64 7 1 P A23 +64 7 1 P A24 +64 7 1 P A25 +64 7 1 P A26 +64 7 1 P A27 +64 7 1 P A28 +64 7 1 P A29 +64 7 1 P A30 +64 7 1 P A31 +64 7 1 P A32 +64 7 1 P A33 +64 7 1 P A34 +64 7 1 P A35 +64 7 1 P A36 +64 7 1 P A37 +64 7 1 P A38 +64 7 1 P A39 +64 7 1 P A40 +64 7 2 K C8 +64 7 3 Y D12 +64 7 4 A D4 +64 7 5 M I0 +64 7 5 M J0 +64 7 5 M J1 +64 7 5 M J2 +64 7 5 M J3 +64 7 5 M J4 +64 7 5 M J5 +64 7 5 M J6 +64 7 5 M J7 +64 7 5 M J8 +64 7 5 M J9 +64 7 5 M J10 +64 7 5 M J11 +64 7 5 M J12 +64 7 5 M J13 +64 7 5 M J14 +64 7 5 M J15 +64 7 5 M J16 +64 7 5 M J17 +64 7 5 M J18 +64 7 5 M J19 +64 7 5 M J20 +64 7 5 M J21 +64 7 5 M J22 +64 7 5 M J23 +64 7 5 M J24 +64 7 5 M J25 +64 7 5 M J26 +64 7 5 M J27 +64 7 5 M J28 +64 7 5 M J29 +64 7 5 M J30 +64 7 5 M J31 +64 7 5 M J32 +64 7 5 M J33 +64 7 5 M J34 +64 7 5 M J35 +64 7 5 M J36 +64 7 5 M J37 +64 7 5 M J38 +64 7 5 M J39 +64 7 5 M J40 +64 7 6 I G1 +64 8 1 P A0 +64 8 1 P A1 +64 8 1 P A2 +64 8 1 P A3 +64 8 1 P A4 +64 8 1 P A5 +64 8 1 P A6 +64 8 1 P A7 +64 8 1 P A8 +64 8 1 P A9 +64 8 1 P A10 +64 8 1 P A11 +64 8 1 P A12 +64 8 1 P A13 +64 8 1 P A14 +64 8 1 P A15 +64 8 1 P A16 +64 8 1 P A17 +64 8 1 P A18 +64 8 1 P A19 +64 8 1 P A20 +64 8 1 P A21 +64 8 1 P A22 +64 8 1 P A23 +64 8 1 P A24 +64 8 1 P A25 +64 8 1 P A26 +64 8 1 P A27 +64 8 1 P A28 +64 8 1 P A29 +64 8 1 P A30 +64 8 1 P A31 +64 8 1 P A32 +64 8 1 P A33 +64 8 1 P A34 +64 8 1 P A35 +64 8 1 P A36 +64 8 1 P A37 +64 8 1 P A38 +64 8 1 P A39 +64 8 1 P A40 +64 8 2 JT C3 +64 8 3 J D4 +64 8 3 J D5 +64 8 4 K C9 +64 8 5 T C19 +64 8 5 T C20 +64 8 6 Z C20 +64 8 7 YA B40 +64 8 8 I F39 +64 8 9 M J0 +64 8 9 M J1 +64 8 9 M J2 +64 8 9 M J3 +64 8 9 M J4 +64 8 9 M J5 +64 8 9 M J6 +64 8 9 M J7 +64 8 9 M J8 +64 8 9 M J9 +64 8 9 M J10 +64 8 9 M J11 +64 8 9 M J12 +64 8 9 M J13 +64 8 9 M J14 +64 8 9 M J15 +64 8 9 M J16 +64 8 9 M J17 +64 8 9 M J18 +64 8 9 M J19 +64 8 9 M J20 +64 8 9 M J21 +64 8 9 M J22 +64 8 9 M J23 +64 8 9 M J24 +64 8 9 M J25 +64 8 9 M J26 +64 8 9 M J27 +64 8 9 M J28 +64 8 9 M J29 +64 8 9 M J30 +64 8 9 M J31 +64 8 9 M J32 +64 8 9 M J33 +64 8 9 M J34 +64 8 9 M J35 +64 8 9 M J36 +64 8 9 M J37 +64 8 9 M J38 +64 8 9 M J39 +64 8 9 M J40 +64 8 10 Y E19 +64 8 10 Y F19 +64 8 10 Y G19 +64 9 1 P A0 +64 9 1 P A1 +64 9 1 P A2 +64 9 1 P A3 +64 9 1 P A4 +64 9 1 P A5 +64 9 1 P A6 +64 9 1 P A7 +64 9 1 P A8 +64 9 1 P A9 +64 9 1 P A10 +64 9 1 P A11 +64 9 1 P A12 +64 9 1 P A13 +64 9 1 P A14 +64 9 1 P A15 +64 9 1 P A16 +64 9 1 P A17 +64 9 1 P A18 +64 9 1 P A19 +64 9 1 P A20 +64 9 1 P A21 +64 9 1 P A22 +64 9 1 P A23 +64 9 1 P A24 +64 9 1 P A25 +64 9 1 P A26 +64 9 1 P A27 +64 9 1 P A28 +64 9 1 P A29 +64 9 1 P A30 +64 9 1 P A31 +64 9 1 P A32 +64 9 1 P A33 +64 9 1 P A34 +64 9 1 P A35 +64 9 1 P A36 +64 9 1 P A37 +64 9 1 P A38 +64 9 1 P A39 +64 9 1 P A40 +64 9 2 A C6 +64 9 2 A D6 +64 9 2 A E6 +64 9 2 A F6 +64 9 3 Y E18 +64 9 3 Y F18 +64 9 3 Y G18 +64 9 4 K C8 +64 9 4 K C9 +64 9 4 K D8 +64 9 4 K D9 +64 9 5 M J0 +64 9 5 M J1 +64 9 5 M J2 +64 9 5 M J3 +64 9 5 M J4 +64 9 5 M J5 +64 9 5 M J6 +64 9 5 M J7 +64 9 5 M J8 +64 9 5 M J9 +64 9 5 M J10 +64 9 5 M J11 +64 9 5 M J12 +64 9 5 M J13 +64 9 5 M J14 +64 9 5 M J15 +64 9 5 M J16 +64 9 5 M J17 +64 9 5 M J18 +64 9 5 M J19 +64 9 5 M J20 +64 9 5 M J21 +64 9 5 M J22 +64 9 5 M J23 +64 9 5 M J24 +64 9 5 M J25 +64 9 5 M J26 +64 9 5 M J27 +64 9 5 M J28 +64 9 5 M J29 +64 9 5 M J30 +64 9 5 M J31 +64 9 5 M J32 +64 9 5 M J33 +64 9 5 M J34 +64 9 5 M J35 +64 9 5 M J36 +64 9 5 M J37 +64 9 5 M J38 +64 9 5 M J39 +64 9 5 M J40 +64 9 6 I E1 +64 9 6 I E2 +64 9 6 I F1 +64 9 6 I F2 +64 9 6 I G1 +64 9 6 I G2 +64 10 1 Y F16 +64 10 2 M J0 +64 10 2 M J1 +64 10 2 M J2 +64 10 2 M J3 +64 10 2 M J4 +64 10 2 M J5 +64 10 2 M J6 +64 10 2 M J7 +64 10 2 M J8 +64 10 2 M J9 +64 10 2 M J10 +64 10 2 M J11 +64 10 2 M J12 +64 10 2 M J13 +64 10 2 M J14 +64 10 2 M J15 +64 10 2 M J16 +64 10 2 M J17 +64 10 2 M J18 +64 10 2 M J19 +64 10 2 M J20 +64 10 2 M J21 +64 10 2 M J22 +64 10 2 M J23 +64 10 2 M J24 +64 10 2 M J25 +64 10 2 M J26 +64 10 2 M J27 +64 10 2 M J28 +64 10 2 M J29 +64 10 2 M J30 +64 10 2 M J31 +64 10 2 M J32 +64 10 2 M J33 +64 10 2 M J34 +64 10 2 M J35 +64 10 2 M J36 +64 10 2 M J37 +64 10 2 M J38 +64 10 2 M J39 +64 10 2 M J40 +64 10 3 I G1 +64 11 1 P A0 +64 11 1 P A1 +64 11 1 P A2 +64 11 1 P A3 +64 11 1 P A4 +64 11 1 P A5 +64 11 1 P A6 +64 11 1 P A7 +64 11 1 P A8 +64 11 1 P A9 +64 11 1 P A10 +64 11 1 P A11 +64 11 1 P A12 +64 11 1 P A13 +64 11 1 P A14 +64 11 1 P A15 +64 11 1 P A16 +64 11 1 P A17 +64 11 1 P A18 +64 11 1 P A19 +64 11 1 P A20 +64 11 1 P A21 +64 11 1 P A22 +64 11 1 P A23 +64 11 1 P A24 +64 11 1 P A25 +64 11 1 P A26 +64 11 1 P A27 +64 11 1 P A28 +64 11 1 P A29 +64 11 1 P A30 +64 11 1 P A31 +64 11 1 P A32 +64 11 1 P A33 +64 11 1 P A34 +64 11 1 P A35 +64 11 1 P A36 +64 11 1 P A37 +64 11 1 P A38 +64 11 1 P A39 +64 11 1 P A40 +64 11 2 Y F16 +64 11 3 A D1 +64 11 3 A D2 +64 11 3 A D3 +64 11 3 A D4 +64 11 3 A D5 +64 11 4 M J0 +64 11 4 M J1 +64 11 4 M J2 +64 11 4 M J3 +64 11 4 M J4 +64 11 4 M J5 +64 11 4 M J6 +64 11 4 M J7 +64 11 4 M J8 +64 11 4 M J9 +64 11 4 M J10 +64 11 4 M J11 +64 11 4 M J12 +64 11 4 M J13 +64 11 4 M J14 +64 11 4 M J15 +64 11 4 M J16 +64 11 4 M J17 +64 11 4 M J18 +64 11 4 M J19 +64 11 4 M J20 +64 11 4 M J21 +64 11 4 M J22 +64 11 4 M J23 +64 11 4 M J24 +64 11 4 M J25 +64 11 4 M J26 +64 11 4 M J27 +64 11 4 M J28 +64 11 4 M J29 +64 11 4 M J30 +64 11 4 M J31 +64 11 4 M J32 +64 11 4 M J33 +64 11 4 M J34 +64 11 4 M J35 +64 11 4 M J36 +64 11 4 M J37 +64 11 4 M J38 +64 11 4 M J39 +64 11 4 M J40 +64 11 5 I F1 +64 11 5 I G1 +64 11 5 I H1 +64 12 1 P A0 +64 12 1 P A1 +64 12 1 P A2 +64 12 1 P A3 +64 12 1 P A4 +64 12 1 P A5 +64 12 1 P A6 +64 12 1 P A7 +64 12 1 P A8 +64 12 1 P A9 +64 12 1 P A10 +64 12 1 P A11 +64 12 1 P A12 +64 12 1 P A13 +64 12 1 P A14 +64 12 1 P A15 +64 12 1 P A16 +64 12 1 P A17 +64 12 1 P A18 +64 12 1 P A19 +64 12 1 P A20 +64 12 1 P A21 +64 12 1 P A22 +64 12 1 P A23 +64 12 1 P A24 +64 12 1 P A25 +64 12 1 P A26 +64 12 1 P A27 +64 12 1 P A28 +64 12 1 P A29 +64 12 1 P A30 +64 12 1 P A31 +64 12 1 P A32 +64 12 1 P A33 +64 12 1 P A34 +64 12 1 P A35 +64 12 1 P A36 +64 12 1 P A37 +64 12 1 P A38 +64 12 1 P A39 +64 12 1 P A40 +64 12 2 A B6 +64 12 2 A B7 +64 12 2 A B8 +64 12 3 K C8 +64 12 3 K C9 +64 12 4 Y E15 +64 12 4 Y E16 +64 12 4 Y F15 +64 12 4 Y F16 +64 12 5 I F1 +64 12 5 I F2 +64 12 5 I G1 +64 12 5 I G2 +64 12 6 M J0 +64 12 6 M J1 +64 12 6 M J2 +64 12 6 M J3 +64 12 6 M J4 +64 12 6 M J5 +64 12 6 M J6 +64 12 6 M J7 +64 12 6 M J8 +64 12 6 M J9 +64 12 6 M J10 +64 12 6 M J11 +64 12 6 M J12 +64 12 6 M J13 +64 12 6 M J14 +64 12 6 M J15 +64 12 6 M J16 +64 12 6 M J17 +64 12 6 M J18 +64 12 6 M J19 +64 12 6 M J20 +64 12 6 M J21 +64 12 6 M J22 +64 12 6 M J23 +64 12 6 M J24 +64 12 6 M J25 +64 12 6 M J26 +64 12 6 M J27 +64 12 6 M J28 +64 12 6 M J29 +64 12 6 M J30 +64 12 6 M J31 +64 12 6 M J32 +64 12 6 M J33 +64 12 6 M J34 +64 12 6 M J35 +64 12 6 M J36 +64 12 6 M J37 +64 12 6 M J38 +64 12 6 M J39 +64 12 6 M J40 +64 13 1 P A0 +64 13 1 P A1 +64 13 1 P A2 +64 13 1 P A3 +64 13 1 P A4 +64 13 1 P A5 +64 13 1 P A6 +64 13 1 P A7 +64 13 1 P A8 +64 13 1 P A9 +64 13 1 P A10 +64 13 1 P A11 +64 13 1 P A12 +64 13 1 P A13 +64 13 1 P A14 +64 13 1 P A15 +64 13 1 P A16 +64 13 1 P A17 +64 13 1 P A18 +64 13 1 P A19 +64 13 1 P A20 +64 13 1 P A21 +64 13 1 P A22 +64 13 1 P A23 +64 13 1 P A24 +64 13 1 P A25 +64 13 1 P A26 +64 13 1 P A27 +64 13 1 P A28 +64 13 1 P A29 +64 13 1 P A30 +64 13 1 P A31 +64 13 1 P A32 +64 13 1 P A33 +64 13 1 P A34 +64 13 1 P A35 +64 13 1 P A36 +64 13 1 P A37 +64 13 1 P A38 +64 13 1 P A39 +64 13 1 P A40 +64 13 2 K C9 +64 13 3 Y C12 +64 13 3 Y C13 +64 13 4 N D26 +64 13 4 N D27 +64 13 5 M J0 +64 13 5 M J1 +64 13 5 M J2 +64 13 5 M J3 +64 13 5 M J4 +64 13 5 M J5 +64 13 5 M J6 +64 13 5 M J7 +64 13 5 M J8 +64 13 5 M J9 +64 13 5 M J10 +64 13 5 M J11 +64 13 5 M J12 +64 13 5 M J13 +64 13 5 M J14 +64 13 5 M J15 +64 13 5 M J16 +64 13 5 M J17 +64 13 5 M J18 +64 13 5 M J19 +64 13 5 M J20 +64 13 5 M J21 +64 13 5 M J22 +64 13 5 M J23 +64 13 5 M J24 +64 13 5 M J25 +64 13 5 M J26 +64 13 5 M J27 +64 13 5 M J28 +64 13 5 M J29 +64 13 5 M J30 +64 13 5 M J31 +64 13 5 M J32 +64 13 5 M J33 +64 13 5 M J34 +64 13 5 M J35 +64 13 5 M J36 +64 13 5 M J37 +64 13 5 M J38 +64 13 5 M J39 +64 13 5 M J40 +64 13 6 I F1 +64 14 1 P A0 +64 14 1 P A1 +64 14 1 P A2 +64 14 1 P A3 +64 14 1 P A4 +64 14 1 P A5 +64 14 1 P A6 +64 14 1 P A7 +64 14 1 P A8 +64 14 1 P A9 +64 14 1 P A10 +64 14 1 P A11 +64 14 1 P A12 +64 14 1 P A13 +64 14 1 P A14 +64 14 1 P A15 +64 14 1 P A16 +64 14 1 P A17 +64 14 1 P A18 +64 14 1 P A19 +64 14 1 P A20 +64 14 1 P A21 +64 14 1 P A22 +64 14 1 P A23 +64 14 1 P A24 +64 14 1 P A25 +64 14 1 P A26 +64 14 1 P A27 +64 14 1 P A28 +64 14 1 P A29 +64 14 1 P A30 +64 14 1 P A31 +64 14 1 P A32 +64 14 1 P A33 +64 14 1 P A34 +64 14 1 P A35 +64 14 1 P A36 +64 14 1 P A37 +64 14 1 P A38 +64 14 1 P A39 +64 14 1 P A40 +64 14 2 I E1 +64 14 2 I F1 +64 14 3 M J0 +64 14 3 M J1 +64 14 3 M J2 +64 14 3 M J3 +64 14 3 M J4 +64 14 3 M J5 +64 14 3 M J6 +64 14 3 M J7 +64 14 3 M J8 +64 14 3 M J9 +64 14 3 M J10 +64 14 3 M J11 +64 14 3 M J12 +64 14 3 M J13 +64 14 3 M J14 +64 14 3 M J15 +64 14 3 M J16 +64 14 3 M J17 +64 14 3 M J18 +64 14 3 M J19 +64 14 3 M J20 +64 14 3 M J21 +64 14 3 M J22 +64 14 3 M J23 +64 14 3 M J24 +64 14 3 M J25 +64 14 3 M J26 +64 14 3 M J27 +64 14 3 M J28 +64 14 3 M J29 +64 14 3 M J30 +64 14 3 M J31 +64 14 3 M J32 +64 14 3 M J33 +64 14 3 M J34 +64 14 3 M J35 +64 14 3 M J36 +64 14 3 M J37 +64 14 3 M J38 +64 14 3 M J39 +64 14 3 M J40 +64 15 1 P A0 +64 15 1 P A1 +64 15 1 P A2 +64 15 1 P A3 +64 15 1 P A4 +64 15 1 P A5 +64 15 1 P A6 +64 15 1 P A7 +64 15 1 P A8 +64 15 1 P A9 +64 15 1 P A10 +64 15 1 P A11 +64 15 1 P A12 +64 15 1 P A13 +64 15 1 P A14 +64 15 1 P A15 +64 15 1 P A16 +64 15 1 P A17 +64 15 1 P A18 +64 15 1 P A19 +64 15 1 P A20 +64 15 1 P A21 +64 15 1 P A22 +64 15 1 P A23 +64 15 1 P A24 +64 15 1 P A25 +64 15 1 P A26 +64 15 1 P A27 +64 15 1 P A28 +64 15 1 P A29 +64 15 1 P A30 +64 15 1 P A31 +64 15 1 P A32 +64 15 1 P A33 +64 15 1 P A34 +64 15 1 P A35 +64 15 1 P A36 +64 15 1 P A37 +64 15 1 P A38 +64 15 1 P A39 +64 15 1 P A40 +64 15 2 I G3 +64 15 3 K C8 +64 15 4 Y D15 +64 15 5 Q F40 +64 15 6 N F29 +64 15 7 A F6 +64 15 8 M J0 +64 15 8 M J1 +64 15 8 M J2 +64 15 8 M J3 +64 15 8 M J4 +64 15 8 M J5 +64 15 8 M J6 +64 15 8 M J7 +64 15 8 M J8 +64 15 8 M J9 +64 15 8 M J10 +64 15 8 M J11 +64 15 8 M J12 +64 15 8 M J13 +64 15 8 M J14 +64 15 8 M J15 +64 15 8 M J16 +64 15 8 M J17 +64 15 8 M J18 +64 15 8 M J19 +64 15 8 M J20 +64 15 8 M J21 +64 15 8 M J22 +64 15 8 M J23 +64 15 8 M J24 +64 15 8 M J25 +64 15 8 M J26 +64 15 8 M J27 +64 15 8 M J28 +64 15 8 M J29 +64 15 8 M J30 +64 15 8 M J31 +64 15 8 M J32 +64 15 8 M J33 +64 15 8 M J34 +64 15 8 M J35 +64 15 8 M J36 +64 15 8 M J37 +64 15 8 M J38 +64 15 8 M J39 +64 15 8 M J40 +64 15 9 T G1 +64 16 1 I F1 +64 16 2 P A0 +64 16 2 P A1 +64 16 2 P A2 +64 16 2 P A3 +64 16 2 P A4 +64 16 2 P A5 +64 16 2 P A6 +64 16 2 P A7 +64 16 2 P A8 +64 16 2 P A9 +64 16 2 P A10 +64 16 2 P A11 +64 16 2 P A12 +64 16 2 P A13 +64 16 2 P A14 +64 16 2 P A15 +64 16 2 P A16 +64 16 2 P A17 +64 16 2 P A18 +64 16 2 P A19 +64 16 2 P A20 +64 16 2 P A21 +64 16 2 P A22 +64 16 2 P A23 +64 16 2 P A24 +64 16 2 P A25 +64 16 2 P A26 +64 16 2 P A27 +64 16 2 P A28 +64 16 2 P A29 +64 16 2 P A30 +64 16 2 P A31 +64 16 2 P A32 +64 16 2 P A33 +64 16 2 P A34 +64 16 2 P A35 +64 16 2 P A36 +64 16 2 P A37 +64 16 2 P A38 +64 16 2 P A39 +64 16 2 P A40 +64 16 3 X A0 +64 16 3 X A1 +64 16 3 X A2 +64 16 3 X A3 +64 16 3 X A4 +64 16 3 X A5 +64 16 3 X A6 +64 16 3 X A7 +64 16 3 X A8 +64 16 3 X A9 +64 16 3 X A10 +64 16 3 X A11 +64 16 3 X A12 +64 16 3 X A13 +64 16 3 X A14 +64 16 3 X A15 +64 16 3 X A16 +64 16 3 X A17 +64 16 3 X A18 +64 16 3 X A19 +64 16 3 X A20 +64 16 3 X A21 +64 16 3 X A22 +64 16 3 X A23 +64 16 3 X A24 +64 16 3 X A25 +64 16 3 X A26 +64 16 3 X A27 +64 16 3 X A28 +64 16 3 X A29 +64 16 3 X A30 +64 16 3 X A31 +64 16 3 X A32 +64 16 3 X A33 +64 16 3 X A34 +64 16 3 X A35 +64 16 3 X A36 +64 16 3 X A37 +64 16 3 X A38 +64 16 3 X A39 +64 16 3 X A40 +64 16 4 K C8 +64 16 4 K C9 +64 16 5 Y C15 +64 16 6 J D37 +64 16 6 J D38 +64 16 6 J D39 +64 16 6 J D40 +64 16 7 A C3 +64 16 7 A C4 +64 16 7 A D3 +64 16 7 A D4 +64 16 8 M J0 +64 16 8 M J1 +64 16 8 M J2 +64 16 8 M J3 +64 16 8 M J4 +64 16 8 M J5 +64 16 8 M J6 +64 16 8 M J7 +64 16 8 M J8 +64 16 8 M J9 +64 16 8 M J10 +64 16 8 M J11 +64 16 8 M J12 +64 16 8 M J13 +64 16 8 M J14 +64 16 8 M J15 +64 16 8 M J16 +64 16 8 M J17 +64 16 8 M J18 +64 16 8 M J19 +64 16 8 M J20 +64 16 8 M J21 +64 16 8 M J22 +64 16 8 M J23 +64 16 8 M J24 +64 16 8 M J25 +64 16 8 M J26 +64 16 8 M J27 +64 16 8 M J28 +64 16 8 M J29 +64 16 8 M J30 +64 16 8 M J31 +64 16 8 M J32 +64 16 8 M J33 +64 16 8 M J34 +64 16 8 M J35 +64 16 8 M J36 +64 16 8 M J37 +64 16 8 M J38 +64 16 8 M J39 +64 16 8 M J40 +64 17 1 P A0 +64 17 1 P A1 +64 17 1 P A2 +64 17 1 P A3 +64 17 1 P A4 +64 17 1 P A5 +64 17 1 P A6 +64 17 1 P A7 +64 17 1 P A8 +64 17 1 P A9 +64 17 1 P A10 +64 17 1 P A11 +64 17 1 P A12 +64 17 1 P A13 +64 17 1 P A14 +64 17 1 P A15 +64 17 1 P A16 +64 17 1 P A17 +64 17 1 P A18 +64 17 1 P A19 +64 17 1 P A20 +64 17 1 P A21 +64 17 1 P A22 +64 17 1 P A23 +64 17 1 P A24 +64 17 1 P A25 +64 17 1 P A26 +64 17 1 P A27 +64 17 1 P A28 +64 17 1 P A29 +64 17 1 P A30 +64 17 1 P A31 +64 17 1 P A32 +64 17 1 P A33 +64 17 1 P A34 +64 17 1 P A35 +64 17 1 P A36 +64 17 1 P A37 +64 17 1 P A38 +64 17 1 P A39 +64 17 1 P A40 +64 17 2 Y E16 +64 17 3 I F3 +64 17 4 M J0 +64 17 4 M J1 +64 17 4 M J2 +64 17 4 M J3 +64 17 4 M J4 +64 17 4 M J5 +64 17 4 M J6 +64 17 4 M J7 +64 17 4 M J8 +64 17 4 M J9 +64 17 4 M J10 +64 17 4 M J11 +64 17 4 M J12 +64 17 4 M J13 +64 17 4 M J14 +64 17 4 M J15 +64 17 4 M J16 +64 17 4 M J17 +64 17 4 M J18 +64 17 4 M J19 +64 17 4 M J20 +64 17 4 M J21 +64 17 4 M J22 +64 17 4 M J23 +64 17 4 M J24 +64 17 4 M J25 +64 17 4 M J26 +64 17 4 M J27 +64 17 4 M J28 +64 17 4 M J29 +64 17 4 M J30 +64 17 4 M J31 +64 17 4 M J32 +64 17 4 M J33 +64 17 4 M J34 +64 17 4 M J35 +64 17 4 M J36 +64 17 4 M J37 +64 17 4 M J38 +64 17 4 M J39 +64 17 4 M J40 +64 18 1 K A0 +64 18 1 K A1 +64 18 1 K A2 +64 18 1 K A3 +64 18 1 K A4 +64 18 1 K A5 +64 18 1 K A6 +64 18 1 K A7 +64 18 1 K A8 +64 18 1 K A9 +64 18 1 K A10 +64 18 1 K A11 +64 18 1 K A12 +64 18 1 K A13 +64 18 1 K A14 +64 18 1 K A15 +64 18 1 K A16 +64 18 1 K A17 +64 18 1 K A18 +64 18 1 K A19 +64 18 1 K A20 +64 18 1 K A21 +64 18 1 K A22 +64 18 1 K A23 +64 18 1 K A24 +64 18 1 K A25 +64 18 1 K A26 +64 18 1 K A27 +64 18 1 K A28 +64 18 1 K A29 +64 18 1 K A30 +64 18 1 K A31 +64 18 1 K A32 +64 18 1 K A33 +64 18 1 K A34 +64 18 1 K A35 +64 18 1 K A36 +64 18 1 K A37 +64 18 1 K A38 +64 18 1 K A39 +64 18 1 K A40 +64 18 2 Y E14 +64 18 2 Y E15 +64 18 3 M J0 +64 18 3 M J1 +64 18 3 M J2 +64 18 3 M J3 +64 18 3 M J4 +64 18 3 M J5 +64 18 3 M J6 +64 18 3 M J7 +64 18 3 M J8 +64 18 3 M J9 +64 18 3 M J10 +64 18 3 M J11 +64 18 3 M J12 +64 18 3 M J13 +64 18 3 M J14 +64 18 3 M J15 +64 18 3 M J16 +64 18 3 M J17 +64 18 3 M J18 +64 18 3 M J19 +64 18 3 M J20 +64 18 3 M J21 +64 18 3 M J22 +64 18 3 M J23 +64 18 3 M J24 +64 18 3 M J25 +64 18 3 M J26 +64 18 3 M J27 +64 18 3 M J28 +64 18 3 M J29 +64 18 3 M J30 +64 18 3 M J31 +64 18 3 M J32 +64 18 3 M J33 +64 18 3 M J34 +64 18 3 M J35 +64 18 3 M J36 +64 18 3 M J37 +64 18 3 M J38 +64 18 3 M J39 +64 18 3 M J40 +64 18 4 I F1 +64 18 4 I F2 +64 18 4 I G1 +64 18 4 I G2 +64 18 5 Q F1 +64 18 5 Q F2 +64 18 5 Q G1 +64 18 5 Q G2 +64 18 6 U F1 +64 18 6 U F2 +64 18 6 U G1 +64 18 6 U G2 +64 19 1 X A0 +64 19 1 X A1 +64 19 1 X A2 +64 19 1 X A3 +64 19 1 X A4 +64 19 1 X A5 +64 19 1 X A6 +64 19 1 X A7 +64 19 1 X A8 +64 19 1 X A9 +64 19 1 X A10 +64 19 1 X A11 +64 19 1 X A12 +64 19 1 X A13 +64 19 1 X A14 +64 19 1 X A15 +64 19 1 X A16 +64 19 1 X A17 +64 19 1 X A18 +64 19 1 X A19 +64 19 1 X A20 +64 19 1 X A21 +64 19 1 X A22 +64 19 1 X A23 +64 19 1 X A24 +64 19 1 X A25 +64 19 1 X A26 +64 19 1 X A27 +64 19 1 X A28 +64 19 1 X A29 +64 19 1 X A30 +64 19 1 X A31 +64 19 1 X A32 +64 19 1 X A33 +64 19 1 X A34 +64 19 1 X A35 +64 19 1 X A36 +64 19 1 X A37 +64 19 1 X A38 +64 19 1 X A39 +64 19 1 X A40 +64 19 2 U E1 +64 19 3 K C8 +64 19 4 Y E17 +64 19 4 Y E18 +64 19 4 Y E19 +64 19 5 PY E26 +64 19 5 PY E27 +64 19 5 PY F26 +64 19 5 PY F27 +64 19 6 V C35 +64 19 6 V C36 +64 19 7 J C37 +64 19 7 J C38 +64 19 8 B G2 +64 19 9 I G1 +64 19 10 M J0 +64 19 10 M J1 +64 19 10 M J2 +64 19 10 M J3 +64 19 10 M J4 +64 19 10 M J5 +64 19 10 M J6 +64 19 10 M J7 +64 19 10 M J8 +64 19 10 M J9 +64 19 10 M J10 +64 19 10 M J11 +64 19 10 M J12 +64 19 10 M J13 +64 19 10 M J14 +64 19 10 M J15 +64 19 10 M J16 +64 19 10 M J17 +64 19 10 M J18 +64 19 10 M J19 +64 19 10 M J20 +64 19 10 M J21 +64 19 10 M J22 +64 19 10 M J23 +64 19 10 M J24 +64 19 10 M J25 +64 19 10 M J26 +64 19 10 M J27 +64 19 10 M J28 +64 19 10 M J29 +64 19 10 M J30 +64 19 10 M J31 +64 19 10 M J32 +64 19 10 M J33 +64 19 10 M J34 +64 19 10 M J35 +64 19 10 M J36 +64 19 10 M J37 +64 19 10 M J38 +64 19 10 M J39 +64 19 10 M J40 +64 20 1 G A0 +64 20 1 G A1 +64 20 1 G A2 +64 20 1 G A3 +64 20 1 G A4 +64 20 1 G A5 +64 20 1 G A6 +64 20 1 G A7 +64 20 1 G A8 +64 20 1 G A9 +64 20 1 G A10 +64 20 1 G A11 +64 20 1 G A12 +64 20 1 G A13 +64 20 1 G A14 +64 20 1 G A15 +64 20 1 G A16 +64 20 1 G A17 +64 20 1 G A18 +64 20 1 G A19 +64 20 1 G A20 +64 20 1 G A21 +64 20 1 G A22 +64 20 1 G A23 +64 20 1 G A24 +64 20 1 G A25 +64 20 1 G A26 +64 20 1 G A27 +64 20 1 G A28 +64 20 1 G A29 +64 20 1 G A30 +64 20 1 G A31 +64 20 1 G A32 +64 20 1 G A33 +64 20 1 G A34 +64 20 1 G A35 +64 20 1 G A36 +64 20 1 G A37 +64 20 1 G A38 +64 20 1 G A39 +64 20 1 G A40 +64 20 2 K B10 +64 20 2 K B11 +64 20 3 S E38 +64 20 3 S E39 +64 20 3 S F38 +64 20 3 S F39 +64 20 4 P H36 +64 20 4 P H37 +64 20 4 P I36 +64 20 4 P I37 +64 20 5 PY H28 +64 20 5 PY H29 +64 20 6 Y E15 +64 20 6 Y E16 +64 20 6 Y E17 +64 20 6 Y F15 +64 20 6 Y F16 +64 20 6 Y F17 +64 20 7 M J0 +64 20 7 M J1 +64 20 7 M J2 +64 20 7 M J3 +64 20 7 M J4 +64 20 7 M J5 +64 20 7 M J6 +64 20 7 M J7 +64 20 7 M J8 +64 20 7 M J9 +64 20 7 M J10 +64 20 7 M J11 +64 20 7 M J12 +64 20 7 M J13 +64 20 7 M J14 +64 20 7 M J15 +64 20 7 M J16 +64 20 7 M J17 +64 20 7 M J18 +64 20 7 M J19 +64 20 7 M J20 +64 20 7 M J21 +64 20 7 M J22 +64 20 7 M J23 +64 20 7 M J24 +64 20 7 M J25 +64 20 7 M J26 +64 20 7 M J27 +64 20 7 M J28 +64 20 7 M J29 +64 20 7 M J30 +64 20 7 M J31 +64 20 7 M J32 +64 20 7 M J33 +64 20 7 M J34 +64 20 7 M J35 +64 20 7 M J36 +64 20 7 M J37 +64 20 7 M J38 +64 20 7 M J39 +64 20 7 M J40 +64 20 8 I G1 +64 20 8 I G2 +64 21 1 P A0 +64 21 1 P A1 +64 21 1 P A2 +64 21 1 P A3 +64 21 1 P A4 +64 21 1 P A5 +64 21 1 P A6 +64 21 1 P A7 +64 21 1 P A8 +64 21 1 P A9 +64 21 1 P A10 +64 21 1 P A11 +64 21 1 P A12 +64 21 1 P A13 +64 21 1 P A14 +64 21 1 P A15 +64 21 1 P A16 +64 21 1 P A17 +64 21 1 P A18 +64 21 1 P A19 +64 21 1 P A20 +64 21 1 P A21 +64 21 1 P A22 +64 21 1 P A23 +64 21 1 P A24 +64 21 1 P A25 +64 21 1 P A26 +64 21 1 P A27 +64 21 1 P A28 +64 21 1 P A29 +64 21 1 P A30 +64 21 1 P A31 +64 21 1 P A32 +64 21 1 P A33 +64 21 1 P A34 +64 21 1 P A35 +64 21 1 P A36 +64 21 1 P A37 +64 21 1 P A38 +64 21 1 P A39 +64 21 1 P A40 +64 21 1 P B0 +64 21 1 P B31 +64 21 1 P B32 +64 21 1 P B33 +64 21 1 P B34 +64 21 1 P B35 +64 21 1 P B36 +64 21 1 P B37 +64 21 1 P B38 +64 21 1 P B39 +64 21 1 P B40 +64 21 1 P C0 +64 21 1 P D0 +64 21 2 Y E15 +64 21 3 N E28 +64 21 4 M I0 +64 21 4 M I1 +64 21 4 M I2 +64 21 4 M I3 +64 21 4 M I4 +64 21 4 M I5 +64 21 4 M I6 +64 21 4 M I7 +64 21 4 M I8 +64 21 4 M I9 +64 21 4 M I10 +64 21 4 M I11 +64 21 4 M I12 +64 21 4 M I13 +64 21 4 M I14 +64 21 4 M I15 +64 21 4 M I16 +64 21 4 M I17 +64 21 4 M I18 +64 21 4 M I19 +64 21 4 M I20 +64 21 4 M I21 +64 21 4 M I22 +64 21 4 M I23 +64 21 4 M I24 +64 21 4 M I25 +64 21 4 M I26 +64 21 4 M I27 +64 21 4 M I28 +64 21 4 M I29 +64 21 4 M I30 +64 21 4 M I31 +64 21 4 M I32 +64 21 4 M I33 +64 21 4 M I34 +64 21 4 M I35 +64 21 4 M I36 +64 21 4 M I37 +64 21 4 M I38 +64 21 4 M I39 +64 21 4 M I40 +64 21 4 M J0 +64 21 4 M J1 +64 21 4 M J2 +64 21 4 M J3 +64 21 4 M J4 +64 21 4 M J5 +64 21 4 M J6 +64 21 4 M J7 +64 21 4 M J8 +64 21 4 M J9 +64 21 4 M J10 +64 21 4 M J11 +64 21 4 M J12 +64 21 4 M J13 +64 21 4 M J14 +64 21 4 M J15 +64 21 4 M J16 +64 21 4 M J17 +64 21 4 M J18 +64 21 4 M J19 +64 21 4 M J20 +64 21 4 M J21 +64 21 4 M J22 +64 21 4 M J23 +64 21 4 M J24 +64 21 4 M J25 +64 21 4 M J26 +64 21 4 M J27 +64 21 4 M J28 +64 21 4 M J29 +64 21 4 M J30 +64 21 4 M J31 +64 21 4 M J32 +64 21 4 M J33 +64 21 4 M J34 +64 21 4 M J35 +64 21 4 M J36 +64 21 4 M J37 +64 21 4 M J38 +64 21 4 M J39 +64 21 4 M J40 +64 21 5 I G1 +64 21 6 A G6 +64 22 1 P A0 +64 22 1 P A1 +64 22 1 P A2 +64 22 1 P A3 +64 22 1 P A4 +64 22 1 P A5 +64 22 1 P A6 +64 22 1 P A7 +64 22 1 P A8 +64 22 1 P A9 +64 22 1 P A10 +64 22 1 P A11 +64 22 1 P A12 +64 22 1 P A13 +64 22 1 P A14 +64 22 1 P A15 +64 22 1 P A16 +64 22 1 P A17 +64 22 1 P A18 +64 22 1 P A19 +64 22 1 P A20 +64 22 1 P A21 +64 22 1 P A22 +64 22 1 P A23 +64 22 1 P A24 +64 22 1 P A25 +64 22 1 P A26 +64 22 1 P A27 +64 22 1 P A28 +64 22 1 P A29 +64 22 1 P A30 +64 22 1 P A31 +64 22 1 P A32 +64 22 1 P A33 +64 22 1 P A34 +64 22 1 P A35 +64 22 1 P A36 +64 22 1 P A37 +64 22 1 P A38 +64 22 1 P A39 +64 22 1 P A40 +64 22 2 H C2 +64 22 3 KZ F29 +64 22 4 RR G37 +64 22 4 RR G38 +64 22 4 RR H37 +64 22 4 RR H38 +64 22 5 O G29 +64 22 6 KR G28 +64 22 7 N G21 +64 22 8 Y E13 +64 22 9 MU J0 +64 22 9 MU J1 +64 22 9 MU J2 +64 22 9 MU J3 +64 22 9 MU J4 +64 22 9 MU J5 +64 22 9 MU J6 +64 22 9 MU J7 +64 22 9 MU J8 +64 22 9 MU J9 +64 22 9 MU J10 +64 22 9 MU J11 +64 22 9 MU J12 +64 22 9 MU J13 +64 22 9 MU J14 +64 22 9 MU J15 +64 22 9 MU J16 +64 22 9 MU J17 +64 22 9 MU J18 +64 22 9 MU J19 +64 22 9 MU J20 +64 22 9 MU J21 +64 22 9 MU J22 +64 22 9 MU J23 +64 22 9 MU J24 +64 22 9 MU J25 +64 22 9 MU J26 +64 22 9 MU J27 +64 22 9 MU J28 +64 22 9 MU J29 +64 22 9 MU J30 +64 22 9 MU J31 +64 22 9 MU J32 +64 22 9 MU J33 +64 22 9 MU J34 +64 22 9 MU J35 +64 22 9 MU J36 +64 22 9 MU J37 +64 22 9 MU J38 +64 22 9 MU J39 +64 22 9 MU J40 +64 22 10 T F1 +64 22 11 D E1 +64 22 12 I G1 +64 22 13 C D1 +64 23 1 NI A0 +64 23 1 NI A1 +64 23 1 NI A2 +64 23 1 NI A3 +64 23 1 NI A4 +64 23 1 NI A5 +64 23 1 NI A6 +64 23 1 NI A7 +64 23 1 NI A8 +64 23 1 NI A9 +64 23 1 NI A10 +64 23 1 NI A11 +64 23 1 NI A12 +64 23 1 NI A13 +64 23 1 NI A14 +64 23 1 NI A15 +64 23 1 NI A16 +64 23 1 NI A17 +64 23 1 NI A18 +64 23 1 NI A19 +64 23 1 NI A20 +64 23 1 NI A21 +64 23 1 NI A22 +64 23 1 NI A23 +64 23 1 NI A24 +64 23 1 NI A25 +64 23 1 NI A26 +64 23 1 NI A27 +64 23 1 NI A28 +64 23 1 NI A29 +64 23 1 NI A30 +64 23 1 NI A31 +64 23 1 NI A32 +64 23 1 NI A33 +64 23 1 NI A34 +64 23 1 NI A35 +64 23 1 NI A36 +64 23 1 NI A37 +64 23 1 NI A38 +64 23 1 NI A39 +64 23 1 NI A40 +64 23 2 M J0 +64 23 2 M J1 +64 23 2 M J2 +64 23 2 M J3 +64 23 2 M J4 +64 23 2 M J5 +64 23 2 M J6 +64 23 2 M J7 +64 23 2 M J8 +64 23 2 M J9 +64 23 2 M J10 +64 23 2 M J11 +64 23 2 M J12 +64 23 2 M J13 +64 23 2 M J14 +64 23 2 M J15 +64 23 2 M J16 +64 23 2 M J17 +64 23 2 M J18 +64 23 2 M J19 +64 23 2 M J20 +64 23 2 M J21 +64 23 2 M J22 +64 23 2 M J23 +64 23 2 M J24 +64 23 2 M J25 +64 23 2 M J26 +64 23 2 M J27 +64 23 2 M J28 +64 23 2 M J29 +64 23 2 M J30 +64 23 2 M J31 +64 23 2 M J32 +64 23 2 M J33 +64 23 2 M J34 +64 23 2 M J35 +64 23 2 M J36 +64 23 2 M J37 +64 23 2 M J38 +64 23 2 M J39 +64 23 2 M J40 +64 23 3 Y D14 +64 23 4 I F2 +64 24 1 WR A0 +64 24 1 WR A1 +64 24 1 WR A2 +64 24 1 WR A3 +64 24 1 WR A4 +64 24 1 WR A5 +64 24 1 WR A6 +64 24 1 WR A7 +64 24 1 WR A8 +64 24 1 WR A9 +64 24 1 WR A10 +64 24 1 WR A11 +64 24 1 WR A12 +64 24 1 WR A13 +64 24 1 WR A14 +64 24 1 WR A15 +64 24 1 WR A16 +64 24 1 WR A17 +64 24 1 WR A18 +64 24 1 WR A19 +64 24 1 WR A20 +64 24 1 WR A21 +64 24 1 WR A22 +64 24 1 WR A23 +64 24 1 WR A24 +64 24 1 WR A25 +64 24 1 WR A26 +64 24 1 WR A27 +64 24 1 WR A28 +64 24 1 WR A29 +64 24 1 WR A30 +64 24 1 WR A31 +64 24 1 WR A32 +64 24 1 WR A33 +64 24 1 WR A34 +64 24 1 WR A35 +64 24 1 WR A36 +64 24 1 WR A37 +64 24 1 WR A38 +64 24 1 WR A39 +64 24 1 WR A40 +64 24 2 A G6 +64 24 3 K C9 +64 24 4 I G1 +64 24 5 R B29 +64 24 6 KL D28 +64 24 7 T F40 +64 24 8 M J0 +64 24 8 M J1 +64 24 8 M J2 +64 24 8 M J3 +64 24 8 M J4 +64 24 8 M J5 +64 24 8 M J6 +64 24 8 M J7 +64 24 8 M J8 +64 24 8 M J9 +64 24 8 M J10 +64 24 8 M J11 +64 24 8 M J12 +64 24 8 M J13 +64 24 8 M J14 +64 24 8 M J15 +64 24 8 M J16 +64 24 8 M J17 +64 24 8 M J18 +64 24 8 M J19 +64 24 8 M J20 +64 24 8 M J21 +64 24 8 M J22 +64 24 8 M J23 +64 24 8 M J24 +64 24 8 M J25 +64 24 8 M J26 +64 24 8 M J27 +64 24 8 M J28 +64 24 8 M J29 +64 24 8 M J30 +64 24 8 M J31 +64 24 8 M J32 +64 24 8 M J33 +64 24 8 M J34 +64 24 8 M J35 +64 24 8 M J36 +64 24 8 M J37 +64 24 8 M J38 +64 24 8 M J39 +64 24 8 M J40 +64 24 9 N F28 +64 24 10 Y F17 +64 24 11 NT C11 +64 24 12 RR F3 +64 25 1 WR A0 +64 25 1 WR A1 +64 25 1 WR A2 +64 25 1 WR A3 +64 25 1 WR A4 +64 25 1 WR A5 +64 25 1 WR A6 +64 25 1 WR A7 +64 25 1 WR A8 +64 25 1 WR A9 +64 25 1 WR A10 +64 25 1 WR A11 +64 25 1 WR A12 +64 25 1 WR A13 +64 25 1 WR A14 +64 25 1 WR A15 +64 25 1 WR A16 +64 25 1 WR A17 +64 25 1 WR A18 +64 25 1 WR A19 +64 25 1 WR A20 +64 25 1 WR A21 +64 25 1 WR A22 +64 25 1 WR A23 +64 25 1 WR A24 +64 25 1 WR A25 +64 25 1 WR A26 +64 25 1 WR A27 +64 25 1 WR A28 +64 25 1 WR A29 +64 25 1 WR A30 +64 25 1 WR A31 +64 25 1 WR A32 +64 25 1 WR A33 +64 25 1 WR A34 +64 25 1 WR A35 +64 25 1 WR A36 +64 25 1 WR A37 +64 25 1 WR A38 +64 25 1 WR A39 +64 25 1 WR A40 +64 25 2 P A0 +64 25 2 P A1 +64 25 2 P A2 +64 25 2 P A3 +64 25 2 P A4 +64 25 2 P A5 +64 25 2 P A6 +64 25 2 P A7 +64 25 2 P A8 +64 25 2 P A9 +64 25 2 P A10 +64 25 2 P A11 +64 25 2 P A12 +64 25 2 P A13 +64 25 2 P A14 +64 25 2 P A15 +64 25 2 P A16 +64 25 2 P A17 +64 25 2 P A18 +64 25 2 P A19 +64 25 2 P A20 +64 25 2 P A21 +64 25 2 P A22 +64 25 2 P A23 +64 25 2 P A24 +64 25 2 P A25 +64 25 2 P A26 +64 25 2 P A27 +64 25 2 P A28 +64 25 2 P A29 +64 25 2 P A30 +64 25 2 P A31 +64 25 2 P A32 +64 25 2 P A33 +64 25 2 P A34 +64 25 2 P A35 +64 25 2 P A36 +64 25 2 P A37 +64 25 2 P A38 +64 25 2 P A39 +64 25 2 P A40 +64 25 3 LA E7 +64 25 5 M J40 +64 25 6 MU G31 +64 25 7 N D28 +64 25 8 Y E15 +64 25 9 RR C8 +64 25 10 A E5 +64 25 11 I F3 +64 25 12 PJ F1 +65 1 1 R H7 +65 1 2 N H20 +65 1 3 J H35 +65 1 4 K J0 +65 1 5 U A0 +65 1 6 P C9 +65 1 7 F F1 +65 2 1 T I2 +65 2 2 N F17 +65 2 3 J G29 +65 2 4 K J0 +65 2 5 U A0 +65 2 6 R B12 +65 2 7 P C9 +65 2 8 F G3 +65 3 1 F G2 +65 3 2 R I8 +65 3 3 N F17 +65 3 4 K J0 +65 3 5 U A0 +65 3 6 P C8 +65 4 1 R B1 +65 4 2 G D1 +65 4 3 F G1 +65 4 4 T G8 +65 4 5 J G14 +65 4 6 N F16 +65 4 7 K J0 +65 4 8 U A0 +65 4 9 P C8 +65 5 1 R F12 +65 5 2 P D8 +65 5 3 F F2 +65 5 4 U A0 +65 5 5 K J0 +65 5 6 J F12 +65 5 7 N F17 +65 6 1 P B13 +65 6 2 F E5 +65 6 3 R F10 +65 6 4 N E20 +65 6 5 J I40 +65 6 6 G F40 +65 6 7 U A0 +65 6 8 K J0 +65 7 1 U A0 +65 7 2 K J0 +65 7 3 P C10 +65 7 4 R B7 +65 7 5 F G3 +65 7 6 N F18 +65 7 7 J H33 +65 8 1 U A0 +65 8 2 K J0 +65 8 3 N H20 +65 8 4 F G1 +65 8 5 R C6 +65 8 6 P C11 +65 9 1 P C9 +65 9 2 U A0 +65 9 3 K J0 +65 9 4 F G2 +65 9 5 N G19 +65 9 6 R G31 +65 9 7 J I38 +65 9 8 G D40 +65 10 1 N E29 +65 10 2 R C12 +65 10 3 P C13 +65 10 4 J E12 +65 10 5 U A0 +65 10 6 K J0 +65 10 7 F H4 +65 11 1 U A0 +65 11 2 K J0 +65 11 3 J G28 +65 11 4 N H17 +65 11 5 F G2 +65 11 6 G F3 +65 11 7 R D5 +65 11 8 P D8 +65 12 1 U A0 +65 12 2 K J0 +65 12 3 J H36 +65 12 4 N H17 +65 12 5 F G2 +65 12 6 P C8 +65 12 7 R B9 +65 13 1 U A0 +65 13 2 K J0 +65 13 3 G F40 +65 13 4 N F19 +65 13 5 J E16 +65 13 6 F G1 +65 14 1 F F4 +65 14 2 P D8 +65 14 3 R D10 +65 14 4 U A0 +65 14 5 G G40 +65 14 6 K J0 +65 14 7 J H33 +65 14 8 N F17 +65 15 1 U A0 +65 15 2 G G40 +65 15 3 K J0 +65 15 4 J I32 +65 15 5 N F28 +65 15 6 R H9 +65 15 7 T I5 +65 15 8 F G1 +65 15 9 P C9 +65 16 1 U A0 +65 16 2 K J0 +65 16 3 R G5 +65 16 4 N H20 +65 16 5 J H36 +65 16 6 F G40 +65 16 7 P C12 +65 17 1 R D9 +65 17 2 P E4 +65 17 3 U A0 +65 17 4 K J0 +65 17 5 F G1 +65 17 6 T E9 +65 17 7 N H20 +65 17 8 J F34 +65 18 1 P C8 +65 18 2 R C3 +65 18 3 U A0 +65 18 4 K J0 +65 18 5 N F19 +65 18 6 J E32 +65 18 7 F F40 +65 19 1 R C22 +65 19 2 P C9 +65 19 3 U A0 +65 19 4 F F2 +65 19 5 K J0 +65 19 6 N G18 +65 19 7 J G34 +65 20 1 F F40 +65 20 2 P C9 +65 20 3 R B5 +65 20 4 U A0 +65 20 5 K J0 +65 20 6 J H12 +65 20 7 N G26 +65 21 1 R E0 +65 21 2 F F2 +65 21 3 P D6 +65 21 4 N E17 +65 21 5 U A0 +65 21 6 K J0 +65 21 7 J G30 +65 22 1 F G2 +65 22 2 P D7 +65 22 3 U A0 +65 22 4 K J0 +65 22 5 J H24 +65 22 6 N H15 +65 22 7 R H8 +65 23 1 G F40 +65 23 2 N F17 +65 23 3 P C8 +65 23 4 T G5 +65 23 5 U A0 +65 23 6 K J0 +65 23 7 F G1 +65 23 8 R F7 +65 23 9 J F29 +65 24 1 R B40 +65 24 2 P C8 +65 24 3 U A0 +65 24 4 J C1 +65 24 5 F G1 +65 24 6 K J0 +65 24 7 N G20 +65 25 1 J I40 +65 25 2 R I37 +65 25 3 N F18 +65 25 4 K J0 +65 25 5 F G1 +65 25 6 U A0 +65 25 7 P C8 +66 1 1 US A0 +66 1 2 C J0 +66 1 3 P2 D6 +66 1 3 P2 D7 +66 1 3 P2 D8 +66 1 4 U2 E16 +66 1 4 U2 E17 +66 1 4 U2 E18 +66 1 4 U2 E19 +66 1 4 U2 E20 +66 1 4 U2 E21 +66 1 4 U2 E22 +66 1 4 U2 E23 +66 1 5 U E26 +66 1 5 U E27 +66 1 5 U E28 +66 1 5 U E29 +66 1 5 U E30 +66 1 6 P F39 +66 1 6 P F40 +66 2 1 US A0 +66 2 2 C J0 +66 2 3 US2 B0 +66 2 3 US2 B1 +66 2 3 US2 B2 +66 2 3 US2 B3 +66 2 3 US2 B4 +66 2 3 US2 B5 +66 2 3 US2 B6 +66 2 3 US2 B7 +66 2 3 US2 B8 +66 2 3 US2 B9 +66 2 4 P2 C8 +66 2 4 P2 C9 +66 2 5 U E15 +66 2 5 U E16 +66 2 5 U E17 +66 2 5 U E18 +66 2 5 U E19 +66 2 5 U E20 +66 2 5 U E21 +66 2 5 U E22 +66 2 5 U E23 +66 2 5 U E24 +66 2 5 U E25 +66 2 5 U E26 +66 2 5 U E27 +66 2 5 U E28 +66 2 5 U E29 +66 2 6 B E31 +66 2 6 B E32 +66 2 6 B E33 +66 2 6 B E34 +66 2 6 B E35 +66 2 7 P G37 +66 2 7 P G38 +66 2 7 P G39 +66 2 7 P G40 +66 2 8 C2 I23 +66 2 8 C2 I24 +66 2 8 C2 I25 +66 2 8 C2 I26 +66 2 8 C2 I27 +66 2 8 C2 I28 +66 2 8 C2 I29 +66 2 8 C2 I30 +66 2 9 U2 G17 +66 2 9 U2 G18 +66 2 9 U2 G19 +66 2 9 U2 G20 +66 2 9 U2 G21 +66 2 9 U2 G22 +66 2 9 U2 G23 +66 2 9 U2 G24 +66 2 9 U2 G25 +66 2 9 U2 G26 +66 2 9 U2 G27 +66 2 9 U2 G28 +66 2 9 U2 G29 +66 3 1 US A0 +66 3 2 C J0 +66 3 3 P E1 +66 3 3 P E2 +66 3 3 P E3 +66 3 3 P F1 +66 3 3 P F2 +66 3 3 P F3 +66 3 4 US2 B0 +66 3 4 US2 B40 +66 3 5 B C38 +66 3 5 B C39 +66 3 5 B C40 +66 3 5 B D38 +66 3 5 B D39 +66 3 5 B D40 +66 3 6 U2 E31 +66 3 6 U2 F31 +66 3 6 U2 G31 +66 3 6 U2 H31 +66 3 7 P2 G39 +66 3 7 P2 G40 +66 3 8 U G17 +66 3 8 U G18 +66 3 8 U G19 +66 3 8 U G20 +66 3 8 U G21 +66 3 8 U G22 +66 3 8 U G23 +66 3 8 U G24 +66 3 8 U G25 +66 3 8 U G26 +66 3 8 U G27 +66 4 1 US A0 +66 4 2 C J0 +66 4 3 P E1 +66 4 3 P F1 +66 4 3 P G1 +66 4 4 B D3 +66 4 4 B D4 +66 4 4 B D5 +66 4 5 P2 C8 +66 4 5 P2 C9 +66 4 5 P2 C10 +66 4 5 P2 D8 +66 4 5 P2 D9 +66 4 5 P2 D10 +66 4 6 U2 E10 +66 4 6 U2 E11 +66 4 6 U2 E12 +66 4 6 U2 E13 +66 4 6 U2 E14 +66 4 6 U2 E15 +66 4 6 U2 E16 +66 4 6 U2 E17 +66 4 7 US2 B14 +66 4 7 US2 B15 +66 4 7 US2 B16 +66 4 7 US2 B17 +66 4 7 US2 B18 +66 4 7 US2 B19 +66 4 7 US2 B20 +66 4 7 US2 B21 +66 4 7 US2 B22 +66 4 7 US2 B23 +66 4 7 US2 B24 +66 4 7 US2 B25 +66 4 7 US2 B26 +66 4 7 US2 B27 +66 4 7 US2 B28 +66 4 7 US2 B29 +66 4 7 US2 B30 +66 4 7 US2 B31 +66 4 7 US2 B32 +66 4 7 US2 B33 +66 4 7 US2 B34 +66 4 7 US2 B35 +66 4 7 US2 B36 +66 4 7 US2 B37 +66 4 7 US2 B38 +66 4 7 US2 B39 +66 4 7 US2 B40 +66 4 8 U G22 +66 4 8 U G23 +66 4 8 U G24 +66 4 8 U G25 +66 4 8 U G26 +66 4 8 U G27 +66 4 9 C2 I6 +66 4 9 C2 I7 +66 4 9 C2 I8 +66 4 9 C2 I9 +66 4 9 C2 I10 +66 4 9 C2 I11 +66 4 9 C2 I12 +66 4 9 C2 I13 +66 4 9 C2 I14 +66 5 1 US A0 +66 5 2 C J0 +66 5 3 P2 C8 +66 5 3 P2 C9 +66 5 3 P2 C10 +66 5 3 P2 C11 +66 5 3 P2 C12 +66 5 3 P2 C13 +66 5 3 P2 C14 +66 5 4 P F1 +66 5 4 P F2 +66 5 4 P G1 +66 5 4 P G2 +66 5 5 U2 E17 +66 5 5 U2 E18 +66 5 5 U2 E19 +66 5 5 U2 E20 +66 5 5 U2 E21 +66 5 5 U2 E22 +66 5 5 U2 E23 +66 5 5 U2 E24 +66 5 5 U2 E25 +66 5 6 U G26 +66 5 6 U G27 +66 5 6 U G28 +66 5 6 U G29 +66 5 6 U G30 +66 6 1 US A0 +66 6 2 C J0 +66 6 3 B C1 +66 6 3 B C2 +66 6 3 B C3 +66 6 3 B C4 +66 6 3 B C5 +66 6 3 B C6 +66 6 4 P F1 +66 6 4 P F2 +66 6 4 P F3 +66 6 4 P G1 +66 6 4 P G2 +66 6 4 P G3 +66 6 5 P2 D5 +66 6 5 P2 D6 +66 6 5 P2 D7 +66 6 5 P2 D8 +66 6 6 US2 B15 +66 6 6 US2 B16 +66 6 6 US2 B17 +66 6 6 US2 B18 +66 6 6 US2 B19 +66 6 6 US2 B20 +66 6 6 US2 B21 +66 6 6 US2 B22 +66 6 6 US2 B23 +66 6 6 US2 B24 +66 6 6 US2 B25 +66 6 6 US2 B26 +66 6 6 US2 B27 +66 6 6 US2 B28 +66 6 6 US2 B29 +66 6 6 US2 B30 +66 6 6 US2 B31 +66 6 6 US2 B32 +66 6 6 US2 B33 +66 6 6 US2 B34 +66 6 6 US2 B35 +66 6 6 US2 B36 +66 6 6 US2 B37 +66 6 6 US2 B38 +66 6 6 US2 B39 +66 6 6 US2 B40 +66 6 7 C2 I33 +66 6 7 C2 I34 +66 6 7 C2 I35 +66 6 7 C2 I36 +66 6 7 C2 I37 +66 6 7 C2 I38 +66 6 7 C2 I39 +66 6 7 C2 I40 +66 6 8 U2 F16 +66 6 8 U2 F17 +66 6 8 U2 F18 +66 6 8 U2 F19 +66 6 8 U2 F20 +66 6 8 U2 F21 +66 6 8 U2 F22 +66 6 8 U2 F23 +66 6 8 U2 F24 +66 6 8 U2 F25 +66 6 8 U2 F26 +66 6 8 U2 F27 +66 6 8 U2 F28 +66 6 8 U2 F29 +66 7 1 US A0 +66 7 2 B C1 +66 7 2 B C2 +66 7 2 B C3 +66 7 2 B C4 +66 7 2 B C5 +66 7 2 B C6 +66 7 3 U2 D14 +66 7 3 U2 D15 +66 7 3 U2 D16 +66 7 3 U2 D17 +66 7 3 U2 D18 +66 7 3 U2 D19 +66 7 3 U2 D20 +66 7 3 U2 D21 +66 7 3 U2 D22 +66 7 3 U2 D23 +66 7 3 U2 D24 +66 7 3 U2 D25 +66 7 3 U2 D26 +66 7 3 U2 D27 +66 7 3 U2 D28 +66 7 3 U2 D29 +66 7 3 U2 D30 +66 7 4 U F17 +66 7 4 U F18 +66 7 4 U F19 +66 7 4 U F20 +66 7 4 U F21 +66 7 4 U F22 +66 7 4 U F23 +66 7 4 U F24 +66 7 4 U F25 +66 7 4 U F26 +66 7 4 U F27 +66 7 4 U F28 +66 7 5 C J0 +66 7 6 P G1 +66 7 6 P G2 +66 8 1 US A0 +66 8 2 P2 D4 +66 8 2 P2 D5 +66 8 2 P2 D6 +66 8 2 P2 D7 +66 8 2 P2 D8 +66 8 3 U D17 +66 8 3 U D18 +66 8 3 U D19 +66 8 3 U D20 +66 8 3 U D21 +66 8 3 U D22 +66 8 3 U D23 +66 8 3 U D24 +66 8 3 U D25 +66 8 3 U D26 +66 8 3 U D27 +66 8 4 U2 B18 +66 8 4 U2 B19 +66 8 4 U2 B20 +66 8 4 U2 B21 +66 8 4 U2 B22 +66 8 4 U2 B23 +66 8 4 U2 B24 +66 8 4 U2 B25 +66 8 4 U2 B26 +66 8 4 U2 B27 +66 8 4 U2 B28 +66 8 4 U2 B29 +66 8 4 U2 B30 +66 8 4 U2 B31 +66 8 4 U2 B32 +66 8 4 U2 B33 +66 8 5 P D39 +66 8 5 P D40 +66 8 5 P E39 +66 8 5 P E40 +66 8 6 C J0 +66 8 7 US2 D0 +66 8 7 US2 E0 +66 8 7 US2 F0 +66 8 7 US2 G0 +66 8 7 US2 H0 +66 9 1 US A0 +66 9 2 U C17 +66 9 2 U C18 +66 9 2 U C19 +66 9 2 U C20 +66 9 2 U C21 +66 9 4 B F26 +66 9 4 B F27 +66 9 4 B F28 +66 9 4 B F29 +66 9 4 B F30 +66 9 4 B F31 +66 9 4 B F32 +66 9 4 B F33 +66 9 4 B F34 +66 9 4 B F35 +66 9 5 U2 F9 +66 9 5 U2 F10 +66 9 5 U2 F11 +66 9 5 U2 F12 +66 9 5 U2 F13 +66 9 5 U2 F14 +66 9 5 U2 F15 +66 9 5 U2 G9 +66 9 5 U2 G10 +66 9 5 U2 G11 +66 9 5 U2 G12 +66 9 5 U2 G13 +66 9 5 U2 G14 +66 9 5 U2 G15 +66 9 6 C J0 +66 9 7 P2 H1 +66 9 7 P2 H2 +66 9 7 P2 H3 +66 10 1 US A0 +66 10 2 P F1 +66 10 2 P F2 +66 10 2 P F3 +66 10 2 P F4 +66 10 3 P2 C7 +66 10 3 P2 C8 +66 10 3 P2 C9 +66 10 3 P2 C10 +66 10 3 P2 C11 +66 10 4 US2 B14 +66 10 4 US2 B15 +66 10 4 US2 B16 +66 10 4 US2 B17 +66 10 4 US2 B18 +66 10 4 US2 B19 +66 10 4 US2 B20 +66 10 4 US2 B21 +66 10 4 US2 B22 +66 10 4 US2 B23 +66 10 4 US2 B24 +66 10 4 US2 B25 +66 10 4 US2 B26 +66 10 4 US2 B27 +66 10 4 US2 B28 +66 10 4 US2 B29 +66 10 4 US2 B30 +66 10 4 US2 B31 +66 10 4 US2 B32 +66 10 4 US2 B33 +66 10 4 US2 B34 +66 10 4 US2 B35 +66 10 4 US2 B36 +66 10 4 US2 B37 +66 10 4 US2 B38 +66 10 4 US2 B39 +66 10 4 US2 B40 +66 10 5 B C37 +66 10 5 B C38 +66 10 5 B C39 +66 10 5 B C40 +66 10 6 U F18 +66 10 6 U F19 +66 10 6 U F20 +66 10 6 U F21 +66 10 6 U F22 +66 10 6 U F23 +66 10 6 U F24 +66 10 6 U F25 +66 10 6 U F26 +66 10 6 U F27 +66 10 6 U F28 +66 10 6 U F29 +66 10 7 C J0 +66 10 8 U2 F8 +66 10 8 U2 F9 +66 10 8 U2 F10 +66 10 8 U2 F11 +66 10 8 U2 F12 +66 10 8 U2 F13 +66 10 8 U2 F14 +66 10 8 U2 F15 +66 10 8 U2 F16 +66 10 8 U2 F17 +66 11 1 US A0 +66 11 2 P E1 +66 11 2 P E2 +66 11 2 P E3 +66 11 2 P E4 +66 11 2 P E5 +66 11 3 U E24 +66 11 3 U E25 +66 11 3 U E26 +66 11 3 U E27 +66 11 3 U E28 +66 11 3 U E29 +66 11 4 U2 I27 +66 11 4 U2 I28 +66 11 4 U2 I29 +66 11 4 U2 I30 +66 11 5 P2 H32 +66 11 5 P2 H33 +66 11 5 P2 H34 +66 11 5 P2 H35 +66 11 5 P2 H36 +66 11 5 P2 H37 +66 11 5 P2 H38 +66 11 5 P2 H39 +66 11 5 P2 H40 +66 11 6 C J0 +66 12 1 US A0 +66 12 2 C J0 +66 12 3 P E1 +66 12 3 P E2 +66 12 3 P E3 +66 12 3 P E4 +66 12 3 P E5 +66 12 4 P2 C8 +66 12 4 P2 C9 +66 12 5 U D16 +66 12 5 U D17 +66 12 5 U D18 +66 12 5 U D19 +66 12 5 U D20 +66 12 5 U D21 +66 12 5 U D22 +66 12 5 U D23 +66 12 5 U D24 +66 12 5 U D25 +66 12 5 U D26 +66 12 5 U D27 +66 12 5 U D28 +66 12 5 U D29 +66 12 6 U2 E9 +66 12 6 U2 E10 +66 12 6 U2 E11 +66 12 6 U2 E12 +66 12 6 U2 E13 +66 12 6 U2 E14 +66 12 6 U2 E15 +66 12 6 U2 E16 +66 13 1 US A0 +66 13 2 C J0 +66 13 3 P2 D6 +66 13 3 P2 D7 +66 13 3 P2 D8 +66 13 3 P2 D9 +66 13 3 P2 D10 +66 13 3 P2 D11 +66 13 3 P2 D12 +66 13 4 U2 H31 +66 13 4 U2 H32 +66 13 4 U2 H33 +66 13 4 U2 H34 +66 13 4 U2 H35 +66 13 4 U2 H36 +66 13 4 U2 H37 +66 13 5 U H17 +66 13 5 U H18 +66 13 5 U H19 +66 13 5 U H20 +66 13 5 U H21 +66 13 5 U H22 +66 13 5 U H23 +66 13 5 U H24 +66 13 5 U H25 +66 13 5 U H26 +66 13 5 U H27 +66 13 5 U H28 +66 13 5 U H29 +66 13 5 U H30 +66 13 6 P H1 +66 13 6 P H2 +66 13 6 P H3 +66 14 1 US A0 +66 14 2 P2 C8 +66 14 2 P2 C9 +66 14 3 U2 D13 +66 14 3 U2 D14 +66 14 3 U2 D15 +66 14 3 U2 D16 +66 14 3 U2 D17 +66 14 3 U2 D18 +66 14 3 U2 D19 +66 14 3 U2 D20 +66 14 3 U2 D21 +66 14 3 U2 D22 +66 14 3 U2 D23 +66 14 3 U2 D24 +66 14 3 U2 D25 +66 14 3 U2 D26 +66 14 3 U2 D27 +66 14 3 U2 D28 +66 14 3 U2 D29 +66 14 3 U2 D30 +66 14 4 P E38 +66 14 4 P E39 +66 14 4 P F38 +66 14 4 P F39 +66 14 4 P G38 +66 14 4 P G39 +66 14 5 U F17 +66 14 5 U F18 +66 14 5 U F19 +66 14 5 U F20 +66 14 5 U F21 +66 14 5 U F22 +66 14 5 U F23 +66 14 5 U F24 +66 14 5 U F25 +66 14 5 U F26 +66 14 5 U F27 +66 14 5 U F28 +66 14 5 U F29 +66 14 6 C J0 +66 15 1 US A0 +66 15 2 C J0 +66 15 3 U2 F15 +66 15 3 U2 F16 +66 15 3 U2 F17 +66 15 3 U2 F18 +66 15 3 U2 F19 +66 15 3 U2 F20 +66 15 3 U2 F21 +66 15 3 U2 F22 +66 15 3 U2 F23 +66 15 3 U2 F24 +66 15 3 U2 F25 +66 15 3 U2 F26 +66 15 3 U2 F27 +66 15 3 U2 F28 +66 15 3 U2 F29 +66 15 4 U H15 +66 15 4 U H16 +66 15 4 U H17 +66 15 4 U H18 +66 15 4 U H19 +66 15 4 U H20 +66 15 4 U H21 +66 15 4 U H22 +66 15 4 U H23 +66 15 4 U H24 +66 15 4 U H25 +66 15 4 U H26 +66 15 4 U H27 +66 15 4 U H28 +66 15 4 U H29 +66 15 4 U H30 +66 15 5 P F1 +66 15 5 P F2 +66 15 5 P F3 +66 15 5 P G1 +66 15 5 P G2 +66 15 5 P G3 +66 15 5 P H1 +66 15 5 P H2 +66 15 5 P H3 +66 15 6 P2 C38 +66 15 6 P2 C39 +66 15 6 P2 C40 +66 15 6 P2 D38 +66 15 6 P2 D39 +66 15 6 P2 D40 +66 15 6 P2 E38 +66 15 6 P2 E39 +66 15 6 P2 E40 +66 16 1 US A0 +66 16 2 C J0 +66 16 3 B C3 +66 16 3 B C4 +66 16 3 B C5 +66 16 3 B D3 +66 16 3 B D4 +66 16 3 B D5 +66 16 4 P2 C8 +66 16 4 P2 C9 +66 16 4 P2 C10 +66 16 5 U D16 +66 16 5 U D17 +66 16 5 U D18 +66 16 5 U D19 +66 16 5 U D20 +66 16 5 U D21 +66 16 5 U D22 +66 16 5 U D23 +66 16 5 U D24 +66 16 5 U D25 +66 16 5 U D26 +66 16 5 U D27 +66 16 5 U D28 +66 16 5 U D29 +66 16 6 P H32 +66 16 6 P H33 +66 16 6 P H34 +66 16 6 P H35 +66 16 6 P H36 +66 16 6 P H37 +66 16 6 P H38 +66 16 6 P H39 +66 16 6 P H40 +66 16 7 U2 F31 +66 16 7 U2 F32 +66 16 7 U2 F33 +66 16 7 U2 F34 +66 16 7 U2 F35 +66 16 7 U2 G31 +66 16 7 U2 G32 +66 16 7 U2 G34 +66 16 7 U2 G35 +66 17 1 US A0 +66 17 2 C J0 +66 17 3 P2 C8 +66 17 3 P2 C9 +66 17 4 U2 D16 +66 17 4 U2 D17 +66 17 4 U2 D18 +66 17 4 U2 D19 +66 17 4 U2 D20 +66 17 4 U2 D21 +66 17 4 U2 D22 +66 17 4 U2 D23 +66 17 4 U2 D24 +66 17 4 U2 D25 +66 17 4 U2 D26 +66 17 4 U2 D27 +66 17 4 U2 D28 +66 17 4 U2 D29 +66 17 4 U2 D30 +66 17 5 P D39 +66 17 5 P D40 +66 17 5 P E39 +66 17 5 P E40 +66 17 5 P F39 +66 17 5 P F40 +66 17 6 C2 I21 +66 17 6 C2 I22 +66 17 6 C2 I23 +66 17 6 C2 I24 +66 17 6 C2 I25 +66 17 6 C2 I26 +66 17 6 C2 I27 +66 17 6 C2 I28 +66 17 7 U H17 +66 17 7 U H18 +66 17 7 U H19 +66 17 7 U H20 +66 17 7 U H21 +66 17 7 U H22 +66 17 7 U H23 +66 17 7 U H24 +66 17 7 U H25 +66 17 7 U H26 +66 17 7 U H27 +66 17 7 U H28 +66 17 7 U H29 +66 17 7 U H30 +66 17 8 B F5 +66 17 8 B F6 +66 17 8 B F7 +66 17 8 B F8 +66 18 1 US A0 +66 18 2 P2 C8 +66 18 2 P2 C9 +66 18 2 P2 C10 +66 18 2 P2 C11 +66 18 3 C J0 +66 18 4 U2 D15 +66 18 4 U2 D16 +66 18 4 U2 D17 +66 18 4 U2 D18 +66 18 4 U2 D19 +66 18 4 U2 D20 +66 18 4 U2 D21 +66 18 4 U2 D22 +66 18 4 U2 D23 +66 18 4 U2 D24 +66 18 4 U2 D25 +66 18 4 U2 D26 +66 18 4 U2 D27 +66 18 4 U2 D28 +66 18 4 U2 D29 +66 18 4 U2 D30 +66 18 4 U2 D31 +66 18 4 U2 D32 +66 18 4 U2 D33 +66 18 4 U2 D34 +66 18 5 P E36 +66 18 5 P E37 +66 18 5 P E38 +66 18 5 P E39 +66 18 5 P E40 +66 18 5 P F36 +66 18 5 P F37 +66 18 5 P F38 +66 18 5 P F39 +66 18 5 P F40 +66 18 6 U H20 +66 18 6 U H21 +66 18 6 U H22 +66 18 6 U H23 +66 18 6 U H24 +66 18 6 U H25 +66 18 6 U H26 +66 18 6 U H27 +66 18 6 U H28 +66 18 7 C2 I0 +66 18 7 C2 I1 +66 18 7 C2 I2 +66 18 7 C2 I3 +66 18 7 C2 I4 +66 18 7 C2 I5 +66 18 7 C2 I6 +66 18 7 C2 I7 +66 18 7 C2 I8 +66 18 7 C2 I9 +66 18 7 C2 I10 +66 18 7 C2 I11 +66 18 7 C2 I12 +66 18 7 C2 I13 +66 18 7 C2 I14 +66 18 8 B C1 +66 18 8 B C2 +66 18 8 B C3 +66 18 8 B C4 +66 18 8 B C5 +66 18 8 B C6 +66 18 8 B D1 +66 18 8 B D2 +66 19 1 US A0 +66 19 2 C J0 +66 19 3 P E36 +66 19 3 P E37 +66 19 3 P E38 +66 19 3 P E39 +66 19 3 P E40 +66 19 3 P F36 +66 19 3 P F37 +66 19 3 P F38 +66 19 3 P F39 +66 19 3 P F40 +66 19 4 U2 G22 +66 19 4 U2 G23 +66 19 4 U2 G24 +66 19 4 U2 G25 +66 19 4 U2 G26 +66 19 4 U2 G27 +66 19 5 U E17 +66 19 5 U E18 +66 19 5 U F17 +66 19 5 U F18 +66 19 5 U G17 +66 19 5 U G18 +66 19 6 B C1 +66 19 6 B C2 +66 19 6 B D1 +66 19 6 B D2 +66 20 1 US A0 +66 20 2 C J0 +66 20 3 U D13 +66 20 3 U D14 +66 20 3 U D15 +66 20 3 U D16 +66 20 3 U D17 +66 20 3 U D18 +66 20 3 U D19 +66 20 3 U D20 +66 20 3 U D21 +66 20 3 U D22 +66 20 3 U D23 +66 20 3 U D24 +66 20 3 U D25 +66 20 3 U D26 +66 20 3 U D27 +66 20 3 U D28 +66 20 3 U D29 +66 20 3 U D30 +66 20 4 P2 C8 +66 20 4 P2 C9 +66 20 4 P2 C10 +66 20 4 P2 C11 +66 20 4 P2 C12 +66 20 4 P2 C13 +66 20 5 U2 E15 +66 20 5 U2 E16 +66 20 5 U2 E17 +66 20 5 U2 E18 +66 20 5 U2 E19 +66 20 5 U2 E20 +66 20 5 U2 E21 +66 20 5 U2 E22 +66 20 5 U2 E23 +66 20 5 U2 E24 +66 20 5 U2 E25 +66 20 5 U2 E26 +66 20 5 U2 E27 +66 20 5 U2 E28 +66 20 5 U2 E29 +66 20 5 U2 E30 +66 20 6 P E1 +66 20 6 P E2 +66 20 6 P F1 +66 20 6 P F2 +66 20 6 P G1 +66 20 6 P G2 +66 20 7 US2 C0 +66 20 7 US2 D0 +66 20 7 US2 E0 +66 21 1 US A0 +66 21 2 C J0 +66 21 3 P E38 +66 21 3 P E39 +66 21 3 P E40 +66 21 3 P F38 +66 21 3 P F39 +66 21 3 P F40 +66 21 4 U2 H19 +66 21 4 U2 H20 +66 21 4 U2 H21 +66 21 4 U2 H22 +66 21 4 U2 H23 +66 21 4 U2 H24 +66 21 4 U2 H25 +66 21 4 U2 H26 +66 21 4 U2 H27 +66 21 4 U2 H28 +66 21 4 U2 H29 +66 21 4 U2 H30 +66 21 4 U2 H31 +66 21 4 U2 H32 +66 21 4 U2 H33 +66 21 4 U2 H34 +66 21 4 U2 H35 +66 21 4 U2 H36 +66 21 5 U F18 +66 21 5 U F19 +66 21 5 U F20 +66 21 5 U F21 +66 21 5 U F22 +66 21 5 U F23 +66 21 5 U F24 +66 21 5 U F25 +66 21 6 B G4 +66 21 6 B G5 +66 21 6 B G6 +66 21 6 B G7 +66 21 6 B G8 +66 21 6 B G9 +66 22 1 US A0 +66 22 2 C J0 +66 22 3 P C8 +66 22 3 P C9 +66 22 3 P C10 +66 22 3 P C11 +66 22 3 P C12 +66 22 3 P C13 +66 22 3 P C14 +66 22 3 P C15 +66 22 3 P C16 +66 22 3 P C37 +66 22 3 P C38 +66 22 3 P C39 +66 22 3 P C40 +66 22 3 P G37 +66 22 3 P G38 +66 22 3 P G39 +66 22 3 P G40 +66 22 3 P H37 +66 22 3 P H38 +66 22 3 P H39 +66 22 3 P H40 +66 22 4 U E17 +66 22 4 U E18 +66 22 4 U E19 +66 22 4 U E20 +66 22 4 U E21 +66 22 4 U E22 +66 22 4 U E23 +66 22 4 U E24 +66 22 4 U E25 +66 22 4 U E26 +66 22 4 U E27 +66 22 5 B F6 +66 22 5 B F7 +66 22 5 B F8 +66 22 5 B F9 +66 22 5 B F10 +66 22 5 B F11 +66 22 5 B F12 +66 22 5 B F13 +66 22 5 B F14 +66 23 1 US A0 +66 23 2 C J0 +66 23 3 B C1 +66 23 3 B C2 +66 23 3 B C3 +66 23 4 P2 C8 +66 23 4 P2 C9 +66 23 5 US2 B15 +66 23 5 US2 B16 +66 23 5 US2 B17 +66 23 5 US2 B18 +66 23 5 US2 B19 +66 23 5 US2 B20 +66 23 5 US2 B21 +66 23 5 US2 B22 +66 23 5 US2 B23 +66 23 5 US2 B24 +66 23 5 US2 B25 +66 23 5 US2 B26 +66 23 5 US2 B27 +66 23 5 US2 B28 +66 23 5 US2 B29 +66 23 5 US2 B30 +66 23 5 US2 B31 +66 23 5 US2 B32 +66 23 5 US2 B33 +66 23 5 US2 B34 +66 23 5 US2 B35 +66 23 5 US2 B36 +66 23 5 US2 B37 +66 23 5 US2 B38 +66 23 5 US2 B39 +66 23 5 US2 B40 +66 23 6 U F20 +66 23 6 U F21 +66 23 6 U F22 +66 23 6 U F23 +66 23 6 U F24 +66 23 6 U F25 +66 23 6 U F26 +66 23 6 U F27 +66 23 6 U F28 +66 23 7 U2 G31 +66 23 7 U2 G32 +66 23 7 U2 G33 +66 23 7 U2 G34 +66 23 7 U2 G35 +66 23 8 C2 I1 +66 23 8 C2 I2 +66 23 8 C2 I3 +66 23 9 P G1 +66 24 1 US A0 +66 24 2 C J0 +66 24 3 P E1 +66 24 3 P E2 +66 24 3 P E3 +66 24 3 P E4 +66 24 3 P E5 +66 24 4 U D17 +66 24 4 U D18 +66 24 4 U D19 +66 24 4 U D20 +66 24 4 U D21 +66 24 4 U D22 +66 24 4 U D23 +66 24 4 U D24 +66 24 4 U D25 +66 24 4 U D26 +66 24 4 U D27 +66 24 4 U D28 +66 24 4 U D29 +66 24 4 U D30 +66 24 5 U2 E15 +66 24 5 U2 E16 +66 24 5 U2 E17 +66 24 5 U2 E18 +66 24 5 U2 E19 +66 24 5 U2 E20 +66 24 5 U2 E21 +66 24 5 U2 E22 +66 24 5 U2 E23 +66 24 5 U2 E24 +66 24 5 U2 E25 +66 24 5 U2 E26 +66 24 5 U2 E27 +66 24 5 U2 E28 +66 24 5 U2 E29 +66 24 5 U2 E30 +66 24 5 U2 E31 +66 24 5 U2 E32 +66 24 5 U2 E33 +66 24 5 U2 E34 +66 24 5 U2 E35 +66 24 6 P2 G1 +66 24 6 P2 G2 +66 24 6 P2 G3 +66 25 1 US A0 +66 25 2 B C1 +66 25 2 B C2 +66 25 2 B C3 +66 25 2 B C4 +66 25 2 B C5 +66 25 2 B C6 +66 25 3 P2 C8 +66 25 3 P2 C9 +66 25 3 P2 C10 +66 25 4 U2 H17 +66 25 4 U2 H18 +66 25 4 U2 H19 +66 25 4 U2 H20 +66 25 4 U2 H21 +66 25 4 U2 H22 +66 25 4 U2 H23 +66 25 4 U2 H24 +66 25 4 U2 H25 +66 25 4 U2 H26 +66 25 4 U2 H27 +66 25 4 U2 H28 +66 25 4 U2 H29 +66 25 4 U2 H30 +66 25 4 U2 H31 +66 25 4 U2 H32 +66 25 4 U2 H33 +66 25 4 U2 H34 +66 25 4 U2 H35 +66 25 4 U2 H36 +66 25 5 U E17 +66 25 5 U E18 +66 25 5 U E19 +66 25 5 U E20 +66 25 5 U E21 +66 25 5 U E22 +66 25 5 U E23 +66 25 5 U E24 +66 25 5 U E25 +66 25 5 U E26 +66 25 5 U E27 +66 25 5 U E28 +66 25 6 C2 G5 +66 25 6 C2 G6 +66 25 6 C2 G7 +66 25 6 C2 G8 +66 25 6 C2 G9 +66 25 6 C2 G10 +66 25 6 C2 G11 +66 25 6 C2 G12 +66 25 6 C2 G13 +66 25 6 C2 G14 +66 25 7 P G1 +66 25 7 P G2 +66 25 7 P G3 +66 25 8 C J0 +67 1 1 IX F40 +67 1 2 TX A0 +67 1 3 AL H29 +67 1 4 MZ G20 +67 1 5 CN H17 +67 1 6 VE H17 +67 1 7 LM E15 +67 1 7 LM F15 +67 1 7 LM G15 +67 1 8 CX C8 +67 1 9 NR D7 +67 1 10 MB F2 +67 1 11 CA I3 +67 1 12 PT J0 +67 1 13 MR H32 +67 2 1 AL G29 +67 2 2 CN F28 +67 2 3 VE G17 +67 2 4 CX C11 +67 2 5 TX A0 +67 2 6 IX F1 +67 2 7 MB G3 +67 2 8 CA H5 +67 2 9 PT J0 +67 2 10 LM F15 +67 2 11 MR H32 +67 3 1 RO C36 +67 3 2 AL F27 +67 3 3 VE F17 +67 3 4 CX D10 +67 3 5 XJ G8 +67 3 6 IT G1 +67 3 7 MB F4 +67 3 8 CA H7 +67 3 9 GU I1 +67 3 10 CP I10 +67 3 11 PT I20 +67 3 12 MR H40 +67 4 1 IX F39 +67 4 1 IX F40 +67 4 2 AL F30 +67 4 3 CN H27 +67 4 4 VE G18 +67 4 5 MZ H14 +67 4 6 CX C8 +67 4 7 NR E6 +67 4 8 TX A0 +67 4 9 CI F0 +67 4 10 MB H4 +67 4 11 CA I4 +67 4 11 CA I5 +67 4 12 PT J0 +67 4 13 LM E16 +67 4 14 MR H32 +67 4 15 GU I37 +67 4 15 GU I38 +67 4 15 GU I39 +67 4 15 GU I40 +67 5 1 AL H30 +67 5 2 CN I24 +67 5 3 VE G21 +67 5 4 TX A0 +67 5 5 CX C9 +67 5 6 IX G1 +67 5 7 MB H1 +67 5 8 CA I2 +67 5 9 PT J0 +67 5 10 MZ I19 +67 5 11 MR G36 +67 6 1 RO E39 +67 6 2 MR G36 +67 6 3 CN G29 +67 6 4 VE E16 +67 6 4 VE F15 +67 6 5 MZ E13 +67 6 5 MZ F13 +67 6 6 CX C9 +67 6 7 NR D2 +67 6 8 TX A0 +67 6 9 MB F4 +67 6 10 PT J0 +67 6 11 GU H38 +67 7 1 RO F40 +67 7 2 PT J0 +67 7 3 ZI H31 +67 7 4 MZ F16 +67 7 4 MZ G16 +67 7 5 CX C10 +67 7 6 CI E5 +67 7 7 MB H4 +67 7 8 IT I2 +67 7 8 IT I3 +67 7 8 IT I4 +67 7 9 LM G12 +67 7 10 CB D32 +67 7 11 MR I34 +67 7 11 MR I35 +67 7 11 MR I36 +67 7 12 TX A0 +67 8 1 TX A0 +67 8 2 LA F35 +67 8 3 AL G30 +67 8 4 VE F17 +67 8 5 LM E15 +67 8 5 LM E16 +67 8 6 CX D6 +67 8 7 NR E4 +67 8 7 NR F4 +67 8 8 CI F0 +67 8 8 CI G0 +67 8 9 GU H3 +67 8 10 CA I2 +67 8 11 PT J0 +67 8 12 MR H35 +67 8 12 MR H36 +67 8 13 RO F40 +67 8 14 IX F40 +67 9 1 TX A0 +67 9 2 CN G29 +67 9 2 CN G30 +67 9 3 MZ G14 +67 9 4 CX C9 +67 9 5 PX F0 +67 9 6 CA I5 +67 9 6 CA I6 +67 9 6 CA I7 +67 9 7 PT J0 +67 9 8 MR H34 +67 9 9 CP I40 +67 9 10 MB G40 +67 9 11 RO G40 +67 9 12 XP E40 +67 10 1 RO F39 +67 10 2 XJ B0 +67 10 2 XJ B1 +67 10 2 XJ B2 +67 10 2 XJ B3 +67 10 2 XJ B4 +67 10 2 XJ B5 +67 10 2 XJ B6 +67 10 2 XJ B7 +67 10 2 XJ B8 +67 10 2 XJ B9 +67 10 2 XJ B10 +67 10 2 XJ B11 +67 10 2 XJ B12 +67 10 2 XJ B13 +67 10 2 XJ B14 +67 10 2 XJ B15 +67 10 2 XJ B16 +67 10 2 XJ B17 +67 10 2 XJ B18 +67 10 2 XJ B19 +67 10 2 XJ B20 +67 10 2 XJ B21 +67 10 2 XJ B22 +67 10 2 XJ B23 +67 10 2 XJ B24 +67 10 2 XJ B25 +67 10 2 XJ B26 +67 10 2 XJ B27 +67 10 2 XJ B28 +67 10 2 XJ B29 +67 10 2 XJ B30 +67 10 2 XJ B31 +67 10 2 XJ B32 +67 10 2 XJ B33 +67 10 2 XJ B34 +67 10 2 XJ B35 +67 10 2 XJ B36 +67 10 2 XJ B37 +67 10 2 XJ B38 +67 10 2 XJ B39 +67 10 2 XJ B40 +67 10 3 ZI H28 +67 10 4 MZ H17 +67 10 5 CX C10 +67 10 6 TX A0 +67 10 7 IM D2 +67 10 8 CI E4 +67 10 9 MB G1 +67 10 10 CA H10 +67 10 11 PT J0 +67 10 12 IT I1 +67 10 13 LM F15 +67 10 14 MR H32 +67 10 15 CB H35 +67 11 1 RO F39 +67 11 2 AL H29 +67 11 3 VE H17 +67 11 4 TX A0 +67 11 5 CN E15 +67 11 6 LM E16 +67 11 6 LM F16 +67 11 7 CX B11 +67 11 8 NR E5 +67 11 9 MB F4 +67 11 10 IX F1 +67 11 11 CA H6 +67 11 12 PT J0 +67 11 13 MZ H14 +67 11 14 MR H32 +67 11 14 MR H33 +67 12 1 IX F40 +67 12 2 CN F29 +67 12 3 AL G28 +67 12 4 VE F17 +67 12 5 CX C8 +67 12 5 CX C9 +67 12 6 NR D6 +67 12 7 XP D4 +67 12 8 TX A0 +67 12 9 MB F4 +67 12 10 CA I7 +67 12 11 PT J0 +67 12 12 MZ E12 +67 12 13 MR F33 +67 13 1 IX F40 +67 13 1 IX G40 +67 13 2 CN H29 +67 13 3 MZ F17 +67 13 4 VE F17 +67 13 5 CX C10 +67 13 6 NR E7 +67 13 7 TX A0 +67 13 8 PL F0 +67 13 8 PL G0 +67 13 9 MB G3 +67 13 10 PX H0 +67 13 11 CA I3 +67 13 11 CA I4 +67 13 12 PT J0 +67 13 13 DY H6 +67 13 14 LM F16 +67 13 15 MR G32 +67 14 1 IX E40 +67 14 2 XP G40 +67 14 3 AL G30 +67 14 4 TX A0 +67 14 5 CN H19 +67 14 5 CN I20 +67 14 6 VE H19 +67 14 6 VE I20 +67 14 7 CX C9 +67 14 8 NR D6 +67 14 9 JX G0 +67 14 10 MB G1 +67 14 10 MB G2 +67 14 10 MB G3 +67 14 11 PT J0 +67 14 12 CP I1 +67 14 13 CA I9 +67 14 14 TA H29 +67 14 14 TA H30 +67 14 14 TA H31 +67 14 15 NG G32 +67 14 16 MR H36 +67 15 1 RO E36 +67 15 1 RO E37 +67 15 2 TX A0 +67 15 3 CN F24 +67 15 3 CN F25 +67 15 4 VE E18 +67 15 4 VE E19 +67 15 4 VE E20 +67 15 5 MZ F18 +67 15 5 MZ F19 +67 15 6 CX C8 +67 15 6 CX C9 +67 15 7 NR D7 +67 15 8 GR E0 +67 15 9 MB G1 +67 15 10 CP I0 +67 15 10 CP I1 +67 15 10 CP I2 +67 15 10 CP I3 +67 15 10 CP I4 +67 15 10 CP I5 +67 15 10 CP I6 +67 15 10 CP I7 +67 15 10 CP I8 +67 15 10 CP I9 +67 15 10 CP I10 +67 15 10 CP I11 +67 15 10 CP I12 +67 15 10 CP I13 +67 15 10 CP I14 +67 15 10 CP I15 +67 15 10 CP I16 +67 15 10 CP I17 +67 15 10 CP I18 +67 15 10 CP I19 +67 15 10 CP I20 +67 15 10 CP I21 +67 15 10 CP I22 +67 15 10 CP I23 +67 15 10 CP I24 +67 15 10 CP I25 +67 15 10 CP I26 +67 15 10 CP I27 +67 15 10 CP I28 +67 15 10 CP I29 +67 15 10 CP I30 +67 15 10 CP I31 +67 15 10 CP I32 +67 15 10 CP I33 +67 15 10 CP I34 +67 15 10 CP I35 +67 15 10 CP I36 +67 15 10 CP I37 +67 15 10 CP I38 +67 15 10 CP I39 +67 15 10 CP I40 +67 15 11 PT J0 +67 15 12 MR F33 +67 15 12 MR F34 +67 15 13 LA F35 +67 15 13 LA F36 +67 15 14 CA I15 +67 16 1 CP H38 +67 16 1 CP H39 +67 16 1 CP H40 +67 16 1 CP I38 +67 16 1 CP I39 +67 16 1 CP I40 +67 16 2 XP D39 +67 16 2 XP D40 +67 16 3 TX A0 +67 16 4 MR F32 +67 16 4 MR G32 +67 16 5 CN F28 +67 16 5 CN G28 +67 16 5 CN H28 +67 16 6 VE G21 +67 16 6 VE G22 +67 16 7 LM E13 +67 16 7 LM E14 +67 16 8 MB H3 +67 16 9 JX G8 +67 16 9 JX H8 +67 17 1 IX F38 +67 17 2 CN G29 +67 17 3 TS B1 +67 17 3 TS B2 +67 17 3 TS B3 +67 17 3 TS B4 +67 17 3 TS B5 +67 17 3 TS B6 +67 17 3 TS B7 +67 17 3 TS B8 +67 17 3 TS B23 +67 17 3 TS B24 +67 17 3 TS B25 +67 17 3 TS B26 +67 17 3 TS B27 +67 17 3 TS B28 +67 17 3 TS B29 +67 17 4 MZ H17 +67 17 4 MZ H18 +67 17 4 MZ H19 +67 17 5 CX C9 +67 17 6 TX A0 +67 17 7 MB G1 +67 17 7 MB G2 +67 17 7 MB G3 +67 17 8 PS H0 +67 17 9 PX J0 +67 17 10 PT J0 +67 18 1 IX E38 +67 18 2 JR E28 +67 18 3 CN F27 +67 18 4 MZ H19 +67 18 5 CX C9 +67 18 6 TX A0 +67 18 7 DY E7 +67 18 7 DY F8 +67 18 8 PX F0 +67 18 9 MB G3 +67 18 10 CA I6 +67 18 11 PT J0 +67 19 1 IX F40 +67 19 2 CN I30 +67 19 3 MZ F16 +67 19 4 CX C11 +67 19 5 TX A0 +67 19 6 PX D0 +67 19 6 PX E0 +67 19 7 DY E4 +67 19 8 MB F1 +67 19 9 CA H8 +67 19 10 MR H35 +67 19 11 PT J0 +67 20 1 IX E38 +67 20 2 AL F29 +67 20 3 CN H20 +67 20 4 MZ H17 +67 20 5 CX C8 +67 20 6 NR E5 +67 20 7 TX A0 +67 20 8 XJ E0 +67 20 9 MB H2 +67 20 10 CA H8 +67 20 11 PT J0 +67 20 12 CP H34 +67 20 13 MR H38 +67 21 1 XP E38 +67 21 2 JX B30 +67 21 3 CN G28 +67 21 4 CN F17 +67 21 5 CX C11 +67 21 6 CI E9 +67 21 7 TX A0 +67 21 8 MB G3 +67 21 9 CA H9 +67 21 10 PT J0 +67 21 11 CP H35 +67 22 1 IX F39 +67 22 2 AL G30 +67 22 3 CN F16 +67 22 4 LM C13 +67 22 5 CX C9 +67 22 6 NR D5 +67 22 7 TX A0 +67 22 8 MB G3 +67 22 9 CA H6 +67 22 10 PT J0 +67 22 11 PX I9 +67 22 12 MZ G12 +67 22 13 CP H34 +67 23 1 XP F36 +67 23 2 RO D37 +67 23 3 IM C35 +67 23 4 AL F29 +67 23 4 AL F30 +67 23 5 CN G17 +67 23 5 CN G18 +67 23 5 CN G19 +67 23 6 CX C8 +67 23 6 CX C9 +67 23 7 NR D6 +67 23 8 TX A0 +67 23 9 MB G1 +67 23 9 MB G2 +67 23 10 CA I7 +67 23 11 PX I10 +67 23 11 PX I11 +67 23 12 LA G32 +67 23 12 LA G33 +67 23 13 MR G33 +67 23 13 MR G34 +67 24 1 IX G39 +67 24 2 JX D34 +67 24 3 CN E27 +67 24 4 MZ F16 +67 24 5 TX A0 +67 24 6 CX D9 +67 24 7 NR E7 +67 24 8 MB G3 +67 24 9 CA I2 +67 24 10 MR I3 +67 24 11 PT J0 +67 24 12 LM E14 +67 24 13 CP I16 +67 25 1 AL G28 +67 25 2 CN E18 +67 25 2 CN F17 +67 25 3 VE E18 +67 25 3 VE F17 +67 25 4 CI F17 +67 25 5 JX G10 +67 25 6 CX C9 +67 25 7 NR D6 +67 25 8 TX A0 +67 25 9 RO D1 +67 25 10 CA I10 +67 25 11 CP I1 +67 25 11 CP I2 +67 25 12 MR I1 +67 25 12 MR I2 +67 25 13 PT J0 +68 1 1 SI D6 +68 1 2 RO E1 +68 1 3 HI F0 +68 1 4 HA G2 +68 1 5 CH H8 +68 1 6 VE F17 +68 1 7 AL G28 +68 1 8 MO I35 +68 1 9 JM J0 +68 1 10 TI A0 +68 1 11 SU C25 +68 2 1 HI E0 +68 2 2 RO G2 +68 2 3 HA H2 +68 2 4 VE G18 +68 2 5 JM J0 +68 2 6 SU I28 +68 2 7 MO G32 +68 2 8 AL E28 +68 2 9 SI C8 +68 2 10 TI A0 +68 3 1 TI A0 +68 3 2 HI F0 +68 3 3 RO F1 +68 3 4 JM J0 +68 3 5 HA H3 +68 3 6 CH H7 +68 3 7 SU G22 +68 3 7 SU H29 +68 3 8 MO I34 +68 3 9 SI C8 +68 4 1 TI A0 +68 4 2 RO G1 +68 4 3 HI I0 +68 4 4 JM J0 +68 4 5 HA H4 +68 4 6 CH G8 +68 4 7 AL H30 +68 4 8 MO H34 +68 4 9 YD H39 +68 4 10 VE E18 +68 4 11 SI B9 +68 5 1 TI A0 +68 5 2 HI G0 +68 5 3 HA G1 +68 5 4 CH G9 +68 5 5 JM J0 +68 5 6 SU H22 +68 5 7 MO F33 +68 5 8 SI B10 +68 6 1 TI A0 +68 6 2 HA G2 +68 6 3 JM J0 +68 6 4 VE H15 +68 6 5 AL H30 +68 6 6 MO I31 +68 6 7 RO C40 +68 6 8 SI B11 +68 6 9 CH F7 +68 7 1 SI D8 +68 7 2 HA G3 +68 7 3 JM J0 +68 7 4 AL H30 +68 7 5 MO G33 +68 7 6 CF I38 +68 7 7 RO D39 +68 7 8 HI D32 +68 7 9 TI A0 +68 7 10 VE E17 +68 7 11 SU D16 +68 8 1 RO C2 +68 8 2 HA F3 +68 8 3 CH G6 +68 8 4 JM J0 +68 8 5 AL G31 +68 8 6 MO G33 +68 8 7 SU F27 +68 8 8 TI A0 +68 8 9 SI D8 +68 9 1 TI A0 +68 9 2 HI E0 +68 9 3 HA G3 +68 9 4 JM J0 +68 9 5 SI C9 +68 9 6 VE G17 +68 9 7 AL F29 +68 9 8 MO G33 +68 9 9 CH H7 +68 9 9 CH H8 +68 9 9 CH H9 +68 9 10 SU E27 +68 9 11 RO E40 +68 10 1 TI A0 +68 10 2 RO E2 +68 10 3 JM J0 +68 10 4 CF F9 +68 10 5 SU H30 +68 10 6 MO H32 +68 10 7 VE E16 +68 10 8 SI C9 +68 10 9 HA F5 +68 11 1 HA F2 +68 11 2 CF I7 +68 11 3 VE G19 +68 11 4 CH C5 +68 11 5 MO F33 +68 11 6 RO F40 +68 11 7 SI B11 +68 11 8 AL G29 +68 12 1 SI C9 +68 12 2 HI E0 +68 12 3 TI A0 +68 12 4 CH H7 +68 12 5 VE H17 +68 12 6 SU I31 +68 12 7 MO I34 +68 12 8 JM J0 +68 12 9 RO F40 +68 12 10 HA H1 +68 13 1 TI A0 +68 13 2 JM J0 +68 14 1 SI C9 +68 14 2 TI A0 +68 14 3 RO D1 +68 14 4 HA G1 +68 14 5 JM J0 +68 14 6 YD I34 +68 14 7 VE G17 +68 14 8 SU G29 +68 14 9 MO G32 +68 14 10 CH G7 +68 15 1 RO D1 +68 15 2 PL F0 +68 15 3 HA G4 +68 15 4 YD I5 +68 15 5 JM J0 +68 15 6 VE F16 +68 15 7 SU G28 +68 15 8 AL G28 +68 15 9 MO H32 +68 15 10 TI A0 +68 15 11 SI B11 +68 15 12 CH F8 +68 16 1 SI C8 +68 16 2 RO F1 +68 16 3 HA G1 +68 16 4 CH I1 +68 16 5 VE F19 +68 16 6 MO G30 +68 16 7 CF I36 +68 16 8 JM J0 +68 16 9 TI A0 +68 16 10 SU F29 +68 16 11 AL F29 +68 17 1 TI A0 +68 17 2 HI E0 +68 17 3 HA G1 +68 17 4 CH H6 +68 17 5 AL F28 +68 17 6 MO F33 +68 17 7 JM J0 +68 17 8 RO E39 +68 17 9 VE F16 +68 17 10 SI C10 +68 18 1 TI A0 +68 18 2 CH E0 +68 18 3 HA G1 +68 18 4 JM J0 +68 18 5 SU F16 +68 18 6 SI D1 +68 19 1 TI A0 +68 19 2 HA F1 +68 19 3 JM J0 +68 19 4 CH G10 +68 19 5 SU F15 +68 19 6 MO H36 +68 19 7 HI B14 +68 19 8 SI C11 +68 20 1 TI A0 +68 20 2 HI G0 +68 20 3 HA G3 +68 20 4 JM J0 +68 20 5 CH G8 +68 20 6 VE G20 +68 20 7 AL H29 +68 20 8 MO H33 +68 20 9 RO G40 +68 20 10 SI C9 +68 21 1 SI C11 +68 21 2 RO D1 +68 21 3 HA H1 +68 21 4 MO I1 +68 21 5 SU G17 +68 21 6 JM J0 +68 21 7 AL G28 +68 21 8 TI A0 +68 22 1 SI C8 +68 22 2 HA G2 +68 22 3 CF G6 +68 22 4 VE F16 +68 22 5 JM J0 +68 22 6 AL H29 +68 22 7 SU G30 +68 22 8 MO H33 +68 22 9 RO F37 +68 22 10 TI A0 +68 23 1 TI A0 +68 23 2 HA G3 +68 23 3 CH G7 +68 23 4 JM J0 +68 23 5 MO I33 +68 23 6 RO F40 +68 23 7 SU F22 +68 23 8 SI C10 +68 24 1 TI A0 +68 24 2 RO E1 +68 24 3 HI F0 +68 24 4 HA G2 +68 24 5 JM J0 +68 24 6 CH H7 +68 24 7 SI B12 +68 24 8 MO G32 +68 24 9 SU F16 +68 24 9 SU G30 +68 25 1 CH A7 +68 25 2 HI F0 +68 25 3 HA H3 +68 25 4 JM J0 +68 25 5 SU G25 +68 25 6 TI A0 +68 25 7 SI D8 +69 1 1 KP A0 +69 1 1 KP A1 +69 1 1 KP A2 +69 1 1 KP A3 +69 1 1 KP A4 +69 1 1 KP A5 +69 1 1 KP A6 +69 1 1 KP A7 +69 1 1 KP A8 +69 1 1 KP A9 +69 1 1 KP A10 +69 1 1 KP A11 +69 1 1 KP A12 +69 1 1 KP A13 +69 1 1 KP A14 +69 1 1 KP A15 +69 1 1 KP A16 +69 1 1 KP A17 +69 1 1 KP A18 +69 1 1 KP A19 +69 1 1 KP A20 +69 1 1 KP A21 +69 1 1 KP A22 +69 1 1 KP A23 +69 1 1 KP A24 +69 1 1 KP A25 +69 1 1 KP A26 +69 1 1 KP A27 +69 1 1 KP A28 +69 1 1 KP A29 +69 1 1 KP A30 +69 1 1 KP A31 +69 1 1 KP A32 +69 1 1 KP A33 +69 1 1 KP A34 +69 1 1 KP A35 +69 1 1 KP A36 +69 1 1 KP A37 +69 1 1 KP A38 +69 1 1 KP A39 +69 1 1 KP A40 +69 1 2 HI J0 +69 1 2 HI J1 +69 1 2 HI J2 +69 1 2 HI J3 +69 1 2 HI J4 +69 1 2 HI J5 +69 1 2 HI J6 +69 1 2 HI J7 +69 1 2 HI J8 +69 1 2 HI J9 +69 1 2 HI J10 +69 1 2 HI J11 +69 1 2 HI J12 +69 1 2 HI J13 +69 1 2 HI J14 +69 1 2 HI J15 +69 1 2 HI J16 +69 1 2 HI J17 +69 1 2 HI J18 +69 1 2 HI J19 +69 1 2 HI J20 +69 1 2 HI J21 +69 1 2 HI J22 +69 1 2 HI J23 +69 1 2 HI J24 +69 1 2 HI J25 +69 1 2 HI J26 +69 1 2 HI J27 +69 1 2 HI J28 +69 1 2 HI J29 +69 1 2 HI J30 +69 1 2 HI J31 +69 1 2 HI J32 +69 1 2 HI J33 +69 1 2 HI J34 +69 1 2 HI J35 +69 1 2 HI J36 +69 1 2 HI J37 +69 1 2 HI J38 +69 1 2 HI J39 +69 1 2 HI J40 +69 1 3 AG G1 +69 1 4 HW C9 +69 1 5 HT F14 +69 1 6 HO H29 +69 2 1 KP A17 +69 2 2 HI J0 +69 2 3 AG G2 +69 2 4 HW G26 +69 2 5 WQ G19 +69 2 6 IP I33 +69 2 7 HO F20 +69 3 1 KP A11 +69 3 2 HI J25 +69 3 3 AG G1 +69 3 4 HW D9 +69 3 5 WQ C9 +69 3 6 IP G36 +69 3 7 HT H6 +69 3 8 HO G18 +69 4 1 KP B0 +69 4 2 HI F0 +69 4 3 AG H3 +69 4 4 WQ C9 +69 4 5 IP B8 +69 4 6 HO F17 +69 5 1 KP A0 +69 5 2 HI F0 +69 5 3 AG F2 +69 5 4 HW B12 +69 5 5 WQ C9 +69 5 6 IP C8 +69 5 7 HO E16 +69 6 1 KP A33 +69 6 2 HI J4 +69 6 3 AG H1 +69 6 4 HW D11 +69 6 5 WQ D7 +69 6 6 IP H38 +69 6 7 HT I34 +69 6 8 HO H17 +69 7 1 KP A0 +69 7 1 KP A1 +69 7 1 KP A2 +69 7 1 KP A3 +69 7 1 KP A4 +69 7 1 KP A5 +69 7 1 KP A6 +69 7 1 KP A7 +69 7 1 KP A8 +69 7 1 KP A9 +69 7 1 KP A10 +69 7 1 KP A11 +69 7 1 KP A12 +69 7 1 KP A13 +69 7 1 KP A14 +69 7 1 KP A15 +69 7 1 KP A16 +69 7 1 KP A17 +69 7 1 KP A18 +69 7 1 KP A19 +69 7 1 KP A20 +69 7 1 KP A21 +69 7 1 KP A22 +69 7 1 KP A23 +69 7 1 KP A24 +69 7 1 KP A25 +69 7 1 KP A26 +69 7 1 KP A27 +69 7 1 KP A28 +69 7 1 KP A29 +69 7 1 KP A30 +69 7 1 KP A31 +69 7 1 KP A32 +69 7 1 KP A33 +69 7 1 KP A34 +69 7 1 KP A35 +69 7 1 KP A36 +69 7 1 KP A37 +69 7 1 KP A38 +69 7 1 KP A39 +69 7 1 KP A40 +69 7 2 HI J0 +69 7 2 HI J1 +69 7 2 HI J2 +69 7 2 HI J3 +69 7 2 HI J4 +69 7 2 HI J5 +69 7 2 HI J6 +69 7 2 HI J7 +69 7 2 HI J8 +69 7 2 HI J9 +69 7 2 HI J10 +69 7 2 HI J11 +69 7 2 HI J12 +69 7 2 HI J13 +69 7 2 HI J14 +69 7 2 HI J15 +69 7 2 HI J16 +69 7 2 HI J17 +69 7 2 HI J18 +69 7 2 HI J19 +69 7 2 HI J20 +69 7 2 HI J21 +69 7 2 HI J22 +69 7 2 HI J23 +69 7 2 HI J24 +69 7 2 HI J25 +69 7 2 HI J26 +69 7 2 HI J27 +69 7 2 HI J28 +69 7 2 HI J29 +69 7 2 HI J30 +69 7 2 HI J31 +69 7 2 HI J32 +69 7 2 HI J33 +69 7 2 HI J34 +69 7 2 HI J35 +69 7 2 HI J36 +69 7 2 HI J37 +69 7 2 HI J38 +69 7 2 HI J39 +69 7 2 HI J40 +69 7 3 AG F2 +69 7 4 WQ C12 +69 7 5 IP G32 +69 7 6 HT E8 +69 7 7 HO F22 +69 8 1 KP A26 +69 8 2 HI J33 +69 8 3 AG F1 +69 8 4 WQ C10 +69 8 5 IP D36 +69 8 6 HT G33 +69 8 7 HO D17 +69 9 1 KP A0 +69 9 1 KP A1 +69 9 1 KP A2 +69 9 1 KP A3 +69 9 1 KP A4 +69 9 1 KP A5 +69 9 1 KP A6 +69 9 1 KP A7 +69 9 1 KP A8 +69 9 1 KP A9 +69 9 1 KP A10 +69 9 1 KP A11 +69 9 1 KP A12 +69 9 1 KP A13 +69 9 1 KP A14 +69 9 1 KP A15 +69 9 1 KP A16 +69 9 1 KP A17 +69 9 1 KP A18 +69 9 1 KP A19 +69 9 1 KP A20 +69 9 1 KP A21 +69 9 1 KP A22 +69 9 1 KP A23 +69 9 1 KP A24 +69 9 1 KP A25 +69 9 1 KP A26 +69 9 1 KP A27 +69 9 1 KP A28 +69 9 1 KP A29 +69 9 1 KP A30 +69 9 1 KP A31 +69 9 1 KP A32 +69 9 1 KP A33 +69 9 1 KP A34 +69 9 1 KP A35 +69 9 1 KP A36 +69 9 1 KP A37 +69 9 1 KP A38 +69 9 1 KP A39 +69 9 1 KP A40 +69 9 2 HI J0 +69 9 2 HI J1 +69 9 2 HI J2 +69 9 2 HI J3 +69 9 2 HI J4 +69 9 2 HI J5 +69 9 2 HI J6 +69 9 2 HI J7 +69 9 2 HI J8 +69 9 2 HI J9 +69 9 2 HI J10 +69 9 2 HI J11 +69 9 2 HI J12 +69 9 2 HI J13 +69 9 2 HI J14 +69 9 2 HI J15 +69 9 2 HI J16 +69 9 2 HI J17 +69 9 2 HI J18 +69 9 2 HI J19 +69 9 2 HI J20 +69 9 2 HI J21 +69 9 2 HI J22 +69 9 2 HI J23 +69 9 2 HI J24 +69 9 2 HI J25 +69 9 2 HI J26 +69 9 2 HI J27 +69 9 2 HI J28 +69 9 2 HI J29 +69 9 2 HI J30 +69 9 2 HI J31 +69 9 2 HI J32 +69 9 2 HI J33 +69 9 2 HI J34 +69 9 2 HI J35 +69 9 2 HI J36 +69 9 2 HI J37 +69 9 2 HI J38 +69 9 2 HI J39 +69 9 2 HI J40 +69 9 3 AG G2 +69 9 4 WQ C9 +69 9 5 IP H36 +69 9 6 HT D12 +69 9 7 HO F18 +69 10 1 KP A0 +69 10 2 HI J0 +69 10 3 AG H1 +69 10 4 WQ C12 +69 10 5 HT D11 +69 10 6 HO E16 +69 11 1 KP A0 +69 11 1 KP A1 +69 11 1 KP A2 +69 11 1 KP A3 +69 11 1 KP A4 +69 11 1 KP A5 +69 11 1 KP A6 +69 11 1 KP A7 +69 11 1 KP A8 +69 11 1 KP A9 +69 11 1 KP A10 +69 11 1 KP A11 +69 11 1 KP A12 +69 11 1 KP A13 +69 11 1 KP A14 +69 11 1 KP A15 +69 11 1 KP A16 +69 11 1 KP A17 +69 11 1 KP A18 +69 11 1 KP A19 +69 11 1 KP A20 +69 11 1 KP A21 +69 11 1 KP A22 +69 11 1 KP A23 +69 11 1 KP A24 +69 11 1 KP A25 +69 11 1 KP A26 +69 11 1 KP A27 +69 11 1 KP A28 +69 11 1 KP A29 +69 11 1 KP A30 +69 11 1 KP A31 +69 11 1 KP A32 +69 11 1 KP A33 +69 11 1 KP A34 +69 11 1 KP A35 +69 11 1 KP A36 +69 11 1 KP A37 +69 11 1 KP A38 +69 11 1 KP A39 +69 11 1 KP A40 +69 11 2 HI J0 +69 11 2 HI J1 +69 11 2 HI J2 +69 11 2 HI J3 +69 11 2 HI J4 +69 11 2 HI J5 +69 11 2 HI J6 +69 11 2 HI J7 +69 11 2 HI J8 +69 11 2 HI J9 +69 11 2 HI J10 +69 11 2 HI J11 +69 11 2 HI J12 +69 11 2 HI J13 +69 11 2 HI J14 +69 11 2 HI J15 +69 11 2 HI J16 +69 11 2 HI J17 +69 11 2 HI J18 +69 11 2 HI J19 +69 11 2 HI J20 +69 11 2 HI J21 +69 11 2 HI J22 +69 11 2 HI J23 +69 11 2 HI J24 +69 11 2 HI J25 +69 11 2 HI J26 +69 11 2 HI J27 +69 11 2 HI J28 +69 11 2 HI J29 +69 11 2 HI J30 +69 11 2 HI J31 +69 11 2 HI J32 +69 11 2 HI J33 +69 11 2 HI J34 +69 11 2 HI J35 +69 11 2 HI J36 +69 11 2 HI J37 +69 11 2 HI J38 +69 11 2 HI J39 +69 11 2 HI J40 +69 11 3 AG F4 +69 11 4 WQ C9 +69 11 5 IP H37 +69 12 1 KP A0 +69 12 1 KP A1 +69 12 1 KP A2 +69 12 1 KP A3 +69 12 1 KP A4 +69 12 1 KP A5 +69 12 1 KP A6 +69 12 1 KP A7 +69 12 1 KP A8 +69 12 1 KP A9 +69 12 1 KP A10 +69 12 1 KP A11 +69 12 1 KP A12 +69 12 1 KP A13 +69 12 1 KP A14 +69 12 1 KP A15 +69 12 1 KP A16 +69 12 1 KP A17 +69 12 1 KP A18 +69 12 1 KP A19 +69 12 1 KP A20 +69 12 1 KP A21 +69 12 1 KP A22 +69 12 1 KP A23 +69 12 1 KP A24 +69 12 1 KP A25 +69 12 1 KP A26 +69 12 1 KP A27 +69 12 1 KP A28 +69 12 1 KP A29 +69 12 1 KP A30 +69 12 1 KP A31 +69 12 1 KP A32 +69 12 1 KP A33 +69 12 1 KP A34 +69 12 1 KP A35 +69 12 1 KP A36 +69 12 1 KP A37 +69 12 1 KP A38 +69 12 1 KP A39 +69 12 1 KP A40 +69 12 2 HI J0 +69 12 2 HI J1 +69 12 2 HI J2 +69 12 2 HI J3 +69 12 2 HI J4 +69 12 2 HI J5 +69 12 2 HI J6 +69 12 2 HI J7 +69 12 2 HI J8 +69 12 2 HI J9 +69 12 2 HI J10 +69 12 2 HI J11 +69 12 2 HI J12 +69 12 2 HI J13 +69 12 2 HI J14 +69 12 2 HI J15 +69 12 2 HI J16 +69 12 2 HI J17 +69 12 2 HI J18 +69 12 2 HI J19 +69 12 2 HI J20 +69 12 2 HI J21 +69 12 2 HI J22 +69 12 2 HI J23 +69 12 2 HI J24 +69 12 2 HI J25 +69 12 2 HI J26 +69 12 2 HI J27 +69 12 2 HI J28 +69 12 2 HI J29 +69 12 2 HI J30 +69 12 2 HI J31 +69 12 2 HI J32 +69 12 2 HI J33 +69 12 2 HI J34 +69 12 2 HI J35 +69 12 2 HI J36 +69 12 2 HI J37 +69 12 2 HI J38 +69 12 2 HI J39 +69 12 2 HI J40 +69 12 3 AG F1 +69 12 4 WQ C8 +69 12 5 IP H35 +69 12 6 HO C20 +69 13 1 KP A0 +69 13 2 HI J5 +69 13 3 AG F1 +69 13 4 EG I29 +69 13 5 YA D7 +69 13 6 HO I19 +69 14 1 KP A8 +69 14 2 HI J40 +69 14 3 AG F3 +69 14 4 HW B11 +69 14 5 WQ C10 +69 14 6 IP I39 +69 14 7 EN H40 +69 14 8 KU B6 +69 14 9 HO E17 +69 15 1 KP A0 +69 15 1 KP A1 +69 15 1 KP A2 +69 15 1 KP A3 +69 15 1 KP A4 +69 15 1 KP A5 +69 15 1 KP A6 +69 15 1 KP A7 +69 15 1 KP A8 +69 15 1 KP A9 +69 15 1 KP A10 +69 15 1 KP A11 +69 15 1 KP A12 +69 15 1 KP A13 +69 15 1 KP A14 +69 15 1 KP A15 +69 15 1 KP A16 +69 15 1 KP A17 +69 15 1 KP A18 +69 15 1 KP A19 +69 15 1 KP A20 +69 15 1 KP A21 +69 15 1 KP A22 +69 15 1 KP A23 +69 15 1 KP A24 +69 15 1 KP A25 +69 15 1 KP A26 +69 15 1 KP A27 +69 15 1 KP A28 +69 15 1 KP A29 +69 15 1 KP A30 +69 15 1 KP A31 +69 15 1 KP A32 +69 15 1 KP A33 +69 15 1 KP A34 +69 15 1 KP A35 +69 15 1 KP A36 +69 15 1 KP A37 +69 15 1 KP A38 +69 15 1 KP A39 +69 15 1 KP A40 +69 15 2 HI J0 +69 15 2 HI J1 +69 15 2 HI J2 +69 15 2 HI J3 +69 15 2 HI J4 +69 15 2 HI J5 +69 15 2 HI J6 +69 15 2 HI J7 +69 15 2 HI J8 +69 15 2 HI J9 +69 15 2 HI J10 +69 15 2 HI J11 +69 15 2 HI J12 +69 15 2 HI J13 +69 15 2 HI J14 +69 15 2 HI J15 +69 15 2 HI J16 +69 15 2 HI J17 +69 15 2 HI J18 +69 15 2 HI J19 +69 15 2 HI J20 +69 15 2 HI J21 +69 15 2 HI J22 +69 15 2 HI J23 +69 15 2 HI J24 +69 15 2 HI J25 +69 15 2 HI J26 +69 15 2 HI J27 +69 15 2 HI J28 +69 15 2 HI J29 +69 15 2 HI J30 +69 15 2 HI J31 +69 15 2 HI J32 +69 15 2 HI J33 +69 15 2 HI J34 +69 15 2 HI J35 +69 15 2 HI J36 +69 15 2 HI J37 +69 15 2 HI J38 +69 15 2 HI J39 +69 15 2 HI J40 +69 15 3 AG G3 +69 15 4 HW B12 +69 15 5 EG I31 +69 15 6 HO H20 +69 16 1 KP A0 +69 16 1 KP A1 +69 16 1 KP A2 +69 16 1 KP A3 +69 16 1 KP A4 +69 16 1 KP A5 +69 16 1 KP A6 +69 16 1 KP A7 +69 16 1 KP A8 +69 16 1 KP A9 +69 16 1 KP A10 +69 16 1 KP A11 +69 16 1 KP A12 +69 16 1 KP A13 +69 16 1 KP A14 +69 16 1 KP A15 +69 16 1 KP A16 +69 16 1 KP A17 +69 16 1 KP A18 +69 16 1 KP A19 +69 16 1 KP A20 +69 16 1 KP A21 +69 16 1 KP A22 +69 16 1 KP A23 +69 16 1 KP A24 +69 16 1 KP A25 +69 16 1 KP A26 +69 16 1 KP A27 +69 16 1 KP A28 +69 16 1 KP A29 +69 16 1 KP A30 +69 16 1 KP A31 +69 16 1 KP A32 +69 16 1 KP A33 +69 16 1 KP A34 +69 16 1 KP A35 +69 16 1 KP A36 +69 16 1 KP A37 +69 16 1 KP A38 +69 16 1 KP A39 +69 16 1 KP A40 +69 16 2 HI J0 +69 16 2 HI J1 +69 16 2 HI J2 +69 16 2 HI J3 +69 16 2 HI J4 +69 16 2 HI J5 +69 16 2 HI J6 +69 16 2 HI J7 +69 16 2 HI J8 +69 16 2 HI J9 +69 16 2 HI J10 +69 16 2 HI J11 +69 16 2 HI J12 +69 16 2 HI J13 +69 16 2 HI J14 +69 16 2 HI J15 +69 16 2 HI J16 +69 16 2 HI J17 +69 16 2 HI J18 +69 16 2 HI J19 +69 16 2 HI J20 +69 16 2 HI J21 +69 16 2 HI J22 +69 16 2 HI J23 +69 16 2 HI J24 +69 16 2 HI J25 +69 16 2 HI J26 +69 16 2 HI J27 +69 16 2 HI J28 +69 16 2 HI J29 +69 16 2 HI J30 +69 16 2 HI J31 +69 16 2 HI J32 +69 16 2 HI J33 +69 16 2 HI J34 +69 16 2 HI J35 +69 16 2 HI J36 +69 16 2 HI J37 +69 16 2 HI J38 +69 16 2 HI J39 +69 16 2 HI J40 +69 16 3 AG F1 +69 16 3 AG F2 +69 16 3 AG F3 +69 16 3 AG F4 +69 16 4 HW D6 +69 16 4 HW D7 +69 16 4 HW D8 +69 16 4 HW D9 +69 16 4 HW D10 +69 16 4 HW D11 +69 16 4 HW D12 +69 16 4 HW D13 +69 16 4 HW D14 +69 16 5 WQ C6 +69 16 5 WQ C7 +69 16 5 WQ C8 +69 16 5 WQ C9 +69 16 5 WQ C10 +69 16 5 WQ C11 +69 16 5 WQ C12 +69 16 5 WQ C13 +69 16 5 WQ C14 +69 16 6 IP F33 +69 16 6 IP F34 +69 16 6 IP F35 +69 16 7 AY C17 +69 16 7 AY C18 +69 16 7 AY C19 +69 16 8 EN G33 +69 16 8 EN G34 +69 16 8 EN G35 +69 16 9 HO E15 +69 16 9 HO E16 +69 16 9 HO E17 +69 16 9 HO E18 +69 16 9 HO E19 +69 17 1 KP A0 +69 17 2 HI J0 +69 17 3 AG F1 +69 17 4 WQ C9 +69 17 5 HT D40 +69 17 6 EG I31 +69 17 7 YQ F17 +69 17 8 PT C5 +69 17 9 TG G28 +69 17 10 HO H18 +69 18 1 KP A0 +69 18 1 KP A1 +69 18 1 KP A2 +69 18 1 KP A3 +69 18 1 KP A4 +69 18 1 KP A5 +69 18 1 KP A6 +69 18 1 KP A7 +69 18 1 KP A8 +69 18 1 KP A9 +69 18 1 KP A10 +69 18 1 KP A11 +69 18 1 KP A12 +69 18 1 KP A13 +69 18 1 KP A14 +69 18 1 KP A15 +69 18 1 KP A16 +69 18 1 KP A17 +69 18 1 KP A18 +69 18 1 KP A19 +69 18 1 KP A20 +69 18 1 KP A21 +69 18 1 KP A22 +69 18 1 KP A23 +69 18 1 KP A24 +69 18 1 KP A25 +69 18 1 KP A26 +69 18 1 KP A27 +69 18 1 KP A28 +69 18 1 KP A29 +69 18 1 KP A30 +69 18 1 KP A31 +69 18 1 KP A32 +69 18 1 KP A33 +69 18 1 KP A34 +69 18 1 KP A35 +69 18 1 KP A36 +69 18 1 KP A37 +69 18 1 KP A38 +69 18 1 KP A39 +69 18 1 KP A40 +69 18 2 HI J0 +69 18 2 HI J1 +69 18 2 HI J2 +69 18 2 HI J3 +69 18 2 HI J4 +69 18 2 HI J5 +69 18 2 HI J6 +69 18 2 HI J7 +69 18 2 HI J8 +69 18 2 HI J9 +69 18 2 HI J10 +69 18 2 HI J11 +69 18 2 HI J12 +69 18 2 HI J13 +69 18 2 HI J14 +69 18 2 HI J15 +69 18 2 HI J16 +69 18 2 HI J17 +69 18 2 HI J18 +69 18 2 HI J19 +69 18 2 HI J20 +69 18 2 HI J21 +69 18 2 HI J22 +69 18 2 HI J23 +69 18 2 HI J24 +69 18 2 HI J25 +69 18 2 HI J26 +69 18 2 HI J27 +69 18 2 HI J28 +69 18 2 HI J29 +69 18 2 HI J30 +69 18 2 HI J31 +69 18 2 HI J32 +69 18 2 HI J33 +69 18 2 HI J34 +69 18 2 HI J35 +69 18 2 HI J36 +69 18 2 HI J37 +69 18 2 HI J38 +69 18 2 HI J39 +69 18 2 HI J40 +69 18 3 AG F0 +69 18 3 AG F1 +69 18 3 AG F2 +69 18 3 AG F3 +69 18 4 HW C10 +69 18 5 WQ B11 +69 18 6 IP H40 +69 18 7 HT E5 +69 18 8 AY F8 +69 18 9 KU B8 +69 18 10 HO E18 +69 19 1 KP A0 +69 19 1 KP A1 +69 19 1 KP A2 +69 19 1 KP A3 +69 19 1 KP A4 +69 19 1 KP A5 +69 19 1 KP A6 +69 19 1 KP A7 +69 19 1 KP A8 +69 19 1 KP A9 +69 19 1 KP A10 +69 19 1 KP A11 +69 19 1 KP A12 +69 19 1 KP A13 +69 19 1 KP A14 +69 19 1 KP A15 +69 19 1 KP A16 +69 19 1 KP A17 +69 19 1 KP A18 +69 19 1 KP A19 +69 19 1 KP A20 +69 19 1 KP A21 +69 19 1 KP A22 +69 19 1 KP A23 +69 19 1 KP A24 +69 19 1 KP A25 +69 19 1 KP A26 +69 19 1 KP A27 +69 19 1 KP A28 +69 19 1 KP A29 +69 19 1 KP A30 +69 19 1 KP A31 +69 19 1 KP A32 +69 19 1 KP A33 +69 19 1 KP A34 +69 19 1 KP A35 +69 19 1 KP A36 +69 19 1 KP A37 +69 19 1 KP A38 +69 19 1 KP A39 +69 19 1 KP A40 +69 19 2 HI J0 +69 19 2 HI J1 +69 19 2 HI J2 +69 19 2 HI J3 +69 19 2 HI J4 +69 19 2 HI J5 +69 19 2 HI J6 +69 19 2 HI J7 +69 19 2 HI J8 +69 19 2 HI J9 +69 19 2 HI J10 +69 19 2 HI J11 +69 19 2 HI J12 +69 19 2 HI J13 +69 19 2 HI J14 +69 19 2 HI J15 +69 19 2 HI J16 +69 19 2 HI J17 +69 19 2 HI J18 +69 19 2 HI J19 +69 19 2 HI J20 +69 19 2 HI J21 +69 19 2 HI J22 +69 19 2 HI J23 +69 19 2 HI J24 +69 19 2 HI J25 +69 19 2 HI J26 +69 19 2 HI J27 +69 19 2 HI J28 +69 19 2 HI J29 +69 19 2 HI J30 +69 19 2 HI J31 +69 19 2 HI J32 +69 19 2 HI J33 +69 19 2 HI J34 +69 19 2 HI J35 +69 19 2 HI J36 +69 19 2 HI J37 +69 19 2 HI J38 +69 19 2 HI J39 +69 19 2 HI J40 +69 19 3 AG F3 +69 19 4 HW C9 +69 19 5 WQ C8 +69 19 6 IP G30 +69 19 7 HT B7 +69 19 8 EN G38 +69 19 9 KU B35 +69 19 10 YQ D15 +69 19 11 HO G17 +69 20 1 KP A6 +69 20 2 HI J8 +69 20 3 AG E4 +69 20 4 HW C8 +69 20 5 WQ C9 +69 20 6 IP G5 +69 20 7 KU B6 +69 20 8 HO G15 +69 21 1 KP A0 +69 21 2 HI J0 +69 21 3 AG H2 +69 21 4 HW D6 +69 21 5 WQ D8 +69 21 6 EG I2 +69 21 7 HO F18 +69 22 1 KP A0 +69 22 1 KP A1 +69 22 1 KP A2 +69 22 1 KP A3 +69 22 1 KP A4 +69 22 1 KP A5 +69 22 1 KP A6 +69 22 1 KP A7 +69 22 1 KP A8 +69 22 1 KP A9 +69 22 1 KP A10 +69 22 1 KP A11 +69 22 1 KP A12 +69 22 1 KP A13 +69 22 1 KP A14 +69 22 1 KP A15 +69 22 1 KP A16 +69 22 1 KP A17 +69 22 1 KP A18 +69 22 1 KP A19 +69 22 1 KP A20 +69 22 1 KP A21 +69 22 1 KP A22 +69 22 1 KP A23 +69 22 1 KP A24 +69 22 1 KP A25 +69 22 1 KP A26 +69 22 1 KP A27 +69 22 1 KP A28 +69 22 1 KP A29 +69 22 1 KP A30 +69 22 1 KP A31 +69 22 1 KP A32 +69 22 1 KP A33 +69 22 1 KP A34 +69 22 1 KP A35 +69 22 1 KP A36 +69 22 1 KP A37 +69 22 1 KP A38 +69 22 1 KP A39 +69 22 1 KP A40 +69 22 2 HI J0 +69 22 3 AG E4 +69 22 4 WQ C11 +69 22 5 HT C9 +69 22 6 HO E19 +69 23 1 KP A0 +69 23 1 KP A1 +69 23 1 KP A2 +69 23 1 KP A3 +69 23 1 KP A4 +69 23 1 KP A5 +69 23 1 KP A6 +69 23 1 KP A7 +69 23 1 KP A8 +69 23 1 KP A9 +69 23 1 KP A10 +69 23 1 KP A11 +69 23 1 KP A12 +69 23 1 KP A13 +69 23 1 KP A14 +69 23 1 KP A15 +69 23 1 KP A16 +69 23 1 KP A17 +69 23 1 KP A18 +69 23 1 KP A19 +69 23 1 KP A20 +69 23 1 KP A21 +69 23 1 KP A22 +69 23 1 KP A23 +69 23 1 KP A24 +69 23 1 KP A25 +69 23 1 KP A26 +69 23 1 KP A27 +69 23 1 KP A28 +69 23 1 KP A29 +69 23 1 KP A30 +69 23 1 KP A31 +69 23 1 KP A32 +69 23 1 KP A33 +69 23 1 KP A34 +69 23 1 KP A35 +69 23 1 KP A36 +69 23 1 KP A37 +69 23 1 KP A38 +69 23 1 KP A39 +69 23 1 KP A40 +69 23 2 AG G3 +69 23 3 HW C9 +69 23 4 WQ C14 +69 23 5 HO F17 +69 24 1 KP A0 +69 24 1 KP A1 +69 24 1 KP A2 +69 24 1 KP A3 +69 24 1 KP A4 +69 24 1 KP A5 +69 24 1 KP A6 +69 24 1 KP A7 +69 24 1 KP A8 +69 24 1 KP A9 +69 24 1 KP A10 +69 24 1 KP A11 +69 24 1 KP A12 +69 24 1 KP A13 +69 24 1 KP A14 +69 24 1 KP A15 +69 24 1 KP A16 +69 24 1 KP A17 +69 24 1 KP A18 +69 24 1 KP A19 +69 24 1 KP A20 +69 24 1 KP A21 +69 24 1 KP A22 +69 24 1 KP A23 +69 24 1 KP A24 +69 24 1 KP A25 +69 24 1 KP A26 +69 24 1 KP A27 +69 24 1 KP A28 +69 24 1 KP A29 +69 24 1 KP A30 +69 24 1 KP A31 +69 24 1 KP A32 +69 24 1 KP A33 +69 24 1 KP A34 +69 24 1 KP A35 +69 24 1 KP A36 +69 24 1 KP A37 +69 24 1 KP A38 +69 24 1 KP A39 +69 24 1 KP A40 +69 24 2 HI J0 +69 24 2 HI J1 +69 24 2 HI J2 +69 24 2 HI J3 +69 24 2 HI J4 +69 24 2 HI J5 +69 24 2 HI J6 +69 24 2 HI J7 +69 24 2 HI J8 +69 24 2 HI J9 +69 24 2 HI J10 +69 24 2 HI J11 +69 24 2 HI J12 +69 24 2 HI J13 +69 24 2 HI J14 +69 24 2 HI J15 +69 24 2 HI J16 +69 24 2 HI J17 +69 24 2 HI J18 +69 24 2 HI J19 +69 24 2 HI J20 +69 24 2 HI J21 +69 24 2 HI J22 +69 24 2 HI J23 +69 24 2 HI J24 +69 24 2 HI J25 +69 24 2 HI J26 +69 24 2 HI J27 +69 24 2 HI J28 +69 24 2 HI J29 +69 24 2 HI J30 +69 24 2 HI J31 +69 24 2 HI J32 +69 24 2 HI J33 +69 24 2 HI J34 +69 24 2 HI J35 +69 24 2 HI J36 +69 24 2 HI J37 +69 24 2 HI J38 +69 24 2 HI J39 +69 24 2 HI J40 +69 24 3 AG G2 +69 24 4 HW C11 +69 24 5 WQ C8 +69 24 6 IP I38 +69 24 7 HT D33 +69 24 8 EN F36 +69 24 9 KU B4 +69 24 10 YQ D18 +69 24 11 HO F20 +69 25 1 KP A15 +69 25 2 HI J15 +69 25 3 AG H3 +69 25 4 WQ C9 +69 25 5 HO E25 +70 1 1 W A0 +70 1 1 W A1 +70 1 1 W A2 +70 1 1 W A3 +70 1 1 W A4 +70 1 1 W A5 +70 1 1 W A6 +70 1 1 W A7 +70 1 1 W A8 +70 1 1 W A9 +70 1 1 W A10 +70 1 1 W A11 +70 1 1 W A12 +70 1 1 W A13 +70 1 1 W A14 +70 1 1 W A15 +70 1 1 W A16 +70 1 1 W A17 +70 1 1 W A18 +70 1 1 W A19 +70 1 1 W A20 +70 1 1 W A21 +70 1 1 W A22 +70 1 1 W A23 +70 1 1 W A24 +70 1 1 W A25 +70 1 1 W A26 +70 1 1 W A27 +70 1 1 W A28 +70 1 1 W A29 +70 1 1 W A30 +70 1 1 W A31 +70 1 1 W A32 +70 1 1 W A33 +70 1 1 W A34 +70 1 1 W A35 +70 1 1 W A36 +70 1 1 W A37 +70 1 1 W A38 +70 1 1 W A39 +70 1 1 W A40 +70 1 2 I C9 +70 1 3 E E28 +70 1 4 G J0 +70 1 4 G J1 +70 1 4 G J2 +70 1 4 G J3 +70 1 4 G J4 +70 1 4 G J5 +70 1 4 G J6 +70 1 4 G J7 +70 1 4 G J8 +70 1 4 G J9 +70 1 4 G J10 +70 1 4 G J11 +70 1 4 G J12 +70 1 4 G J13 +70 1 4 G J14 +70 1 4 G J15 +70 1 4 G J16 +70 1 4 G J17 +70 1 4 G J18 +70 1 4 G J19 +70 1 4 G J20 +70 1 4 G J21 +70 1 4 G J22 +70 1 4 G J23 +70 1 4 G J24 +70 1 4 G J25 +70 1 4 G J26 +70 1 4 G J27 +70 1 4 G J28 +70 1 4 G J29 +70 1 4 G J30 +70 1 4 G J31 +70 1 4 G J32 +70 1 4 G J33 +70 1 4 G J34 +70 1 4 G J35 +70 1 4 G J36 +70 1 4 G J37 +70 1 4 G J38 +70 1 4 G J39 +70 1 4 G J40 +70 1 5 S G17 +70 1 6 M G1 +70 2 1 W A0 +70 2 1 W A1 +70 2 1 W A2 +70 2 1 W A3 +70 2 1 W A4 +70 2 1 W A5 +70 2 1 W A6 +70 2 1 W A7 +70 2 1 W A8 +70 2 1 W A9 +70 2 1 W A10 +70 2 1 W A11 +70 2 1 W A12 +70 2 1 W A13 +70 2 1 W A14 +70 2 1 W A15 +70 2 1 W A16 +70 2 1 W A17 +70 2 1 W A18 +70 2 1 W A19 +70 2 1 W A20 +70 2 1 W A21 +70 2 1 W A22 +70 2 1 W A23 +70 2 1 W A24 +70 2 1 W A25 +70 2 1 W A26 +70 2 1 W A27 +70 2 1 W A28 +70 2 1 W A29 +70 2 1 W A30 +70 2 1 W A31 +70 2 1 W A32 +70 2 1 W A33 +70 2 1 W A34 +70 2 1 W A35 +70 2 1 W A36 +70 2 1 W A37 +70 2 1 W A38 +70 2 1 W A39 +70 2 1 W A40 +70 2 2 I C9 +70 2 3 E F27 +70 2 4 MU F39 +70 2 5 E G29 +70 2 6 M G1 +70 2 7 WU B0 +70 3 1 T C8 +70 3 2 E F29 +70 3 3 W A0 +70 3 3 W A1 +70 3 3 W A2 +70 3 3 W A3 +70 3 3 W A4 +70 3 3 W A5 +70 3 3 W A6 +70 3 3 W A7 +70 3 3 W A8 +70 3 3 W A9 +70 3 3 W A10 +70 3 3 W A11 +70 3 3 W A12 +70 3 3 W A13 +70 3 3 W A14 +70 3 3 W A15 +70 3 3 W A16 +70 3 3 W A17 +70 3 3 W A18 +70 3 3 W A19 +70 3 3 W A20 +70 3 3 W A21 +70 3 3 W A22 +70 3 3 W A23 +70 3 3 W A24 +70 3 3 W A25 +70 3 3 W A26 +70 3 3 W A27 +70 3 3 W A28 +70 3 3 W A29 +70 3 3 W A30 +70 3 3 W A31 +70 3 3 W A32 +70 3 3 W A33 +70 3 3 W A34 +70 3 3 W A35 +70 3 3 W A36 +70 3 3 W A37 +70 3 3 W A38 +70 3 3 W A39 +70 3 3 W A40 +70 3 4 G J0 +70 3 4 G J1 +70 3 4 G J2 +70 3 4 G J3 +70 3 4 G J4 +70 3 4 G J5 +70 3 4 G J6 +70 3 4 G J7 +70 3 4 G J8 +70 3 4 G J9 +70 3 4 G J10 +70 3 4 G J11 +70 3 4 G J12 +70 3 4 G J13 +70 3 4 G J14 +70 3 4 G J15 +70 3 4 G J16 +70 3 4 G J17 +70 3 4 G J18 +70 3 4 G J19 +70 3 4 G J20 +70 3 4 G J21 +70 3 4 G J22 +70 3 4 G J23 +70 3 4 G J24 +70 3 4 G J25 +70 3 4 G J26 +70 3 4 G J27 +70 3 4 G J28 +70 3 4 G J29 +70 3 4 G J30 +70 3 4 G J31 +70 3 4 G J32 +70 3 4 G J33 +70 3 4 G J34 +70 3 4 G J35 +70 3 4 G J36 +70 3 4 G J37 +70 3 4 G J38 +70 3 4 G J39 +70 3 4 G J40 +70 3 5 S H15 +70 3 6 J H7 +70 3 7 I H6 +70 3 8 M G2 +70 4 1 T B10 +70 4 2 E D29 +70 4 3 W A0 +70 4 3 W A1 +70 4 3 W A2 +70 4 3 W A3 +70 4 3 W A4 +70 4 3 W A5 +70 4 3 W A6 +70 4 3 W A7 +70 4 3 W A8 +70 4 3 W A9 +70 4 3 W A10 +70 4 3 W A11 +70 4 3 W A12 +70 4 3 W A13 +70 4 3 W A14 +70 4 3 W A15 +70 4 3 W A16 +70 4 3 W A17 +70 4 3 W A18 +70 4 3 W A19 +70 4 3 W A20 +70 4 3 W A21 +70 4 3 W A22 +70 4 3 W A23 +70 4 3 W A24 +70 4 3 W A25 +70 4 3 W A26 +70 4 3 W A27 +70 4 3 W A28 +70 4 3 W A29 +70 4 3 W A30 +70 4 3 W A31 +70 4 3 W A32 +70 4 3 W A33 +70 4 3 W A34 +70 4 3 W A35 +70 4 3 W A36 +70 4 3 W A37 +70 4 3 W A38 +70 4 3 W A39 +70 4 3 W A40 +70 4 4 G J0 +70 4 4 G J1 +70 4 4 G J2 +70 4 4 G J3 +70 4 4 G J4 +70 4 4 G J5 +70 4 4 G J6 +70 4 4 G J7 +70 4 4 G J8 +70 4 4 G J9 +70 4 4 G J10 +70 4 4 G J11 +70 4 4 G J12 +70 4 4 G J13 +70 4 4 G J14 +70 4 4 G J15 +70 4 4 G J16 +70 4 4 G J17 +70 4 4 G J18 +70 4 4 G J19 +70 4 4 G J20 +70 4 4 G J21 +70 4 4 G J22 +70 4 4 G J23 +70 4 4 G J24 +70 4 4 G J25 +70 4 4 G J26 +70 4 4 G J27 +70 4 4 G J28 +70 4 4 G J29 +70 4 4 G J30 +70 4 4 G J31 +70 4 4 G J32 +70 4 4 G J33 +70 4 4 G J34 +70 4 4 G J35 +70 4 4 G J36 +70 4 4 G J37 +70 4 4 G J38 +70 4 4 G J39 +70 4 4 G J40 +70 4 5 S H18 +70 4 6 M G3 +70 5 1 W A0 +70 5 1 W A1 +70 5 1 W A2 +70 5 1 W A3 +70 5 1 W A4 +70 5 1 W A5 +70 5 1 W A6 +70 5 1 W A7 +70 5 1 W A8 +70 5 1 W A9 +70 5 1 W A10 +70 5 1 W A11 +70 5 1 W A12 +70 5 1 W A13 +70 5 1 W A14 +70 5 1 W A15 +70 5 1 W A16 +70 5 1 W A17 +70 5 1 W A18 +70 5 1 W A19 +70 5 1 W A20 +70 5 1 W A21 +70 5 1 W A22 +70 5 1 W A23 +70 5 1 W A24 +70 5 1 W A25 +70 5 1 W A26 +70 5 1 W A27 +70 5 1 W A28 +70 5 1 W A29 +70 5 1 W A30 +70 5 1 W A31 +70 5 1 W A32 +70 5 1 W A33 +70 5 1 W A34 +70 5 1 W A35 +70 5 1 W A36 +70 5 1 W A37 +70 5 1 W A38 +70 5 1 W A39 +70 5 1 W A40 +70 5 2 T C9 +70 5 3 E D29 +70 5 4 S G15 +70 5 5 I D8 +70 5 6 M G2 +70 5 7 G J0 +70 5 7 G J1 +70 5 7 G J2 +70 5 7 G J3 +70 5 7 G J4 +70 5 7 G J5 +70 5 7 G J6 +70 5 7 G J7 +70 5 7 G J8 +70 5 7 G J9 +70 5 7 G J10 +70 5 7 G J11 +70 5 7 G J12 +70 5 7 G J13 +70 5 7 G J14 +70 5 7 G J15 +70 5 7 G J16 +70 5 7 G J17 +70 5 7 G J18 +70 5 7 G J19 +70 5 7 G J20 +70 5 7 G J21 +70 5 7 G J22 +70 5 7 G J23 +70 5 7 G J24 +70 5 7 G J25 +70 5 7 G J26 +70 5 7 G J27 +70 5 7 G J28 +70 5 7 G J29 +70 5 7 G J30 +70 5 7 G J31 +70 5 7 G J32 +70 5 7 G J33 +70 5 7 G J34 +70 5 7 G J35 +70 5 7 G J36 +70 5 7 G J37 +70 5 7 G J38 +70 5 7 G J39 +70 5 7 G J40 +70 6 1 T C9 +70 6 2 S E17 +70 6 3 W A0 +70 6 3 W A1 +70 6 3 W A2 +70 6 3 W A3 +70 6 3 W A4 +70 6 3 W A5 +70 6 3 W A6 +70 6 3 W A7 +70 6 3 W A8 +70 6 3 W A9 +70 6 3 W A10 +70 6 3 W A11 +70 6 3 W A12 +70 6 3 W A13 +70 6 3 W A14 +70 6 3 W A15 +70 6 3 W A16 +70 6 3 W A17 +70 6 3 W A18 +70 6 3 W A19 +70 6 3 W A20 +70 6 3 W A21 +70 6 3 W A22 +70 6 3 W A23 +70 6 3 W A24 +70 6 3 W A25 +70 6 3 W A26 +70 6 3 W A27 +70 6 3 W A28 +70 6 3 W A29 +70 6 3 W A30 +70 6 3 W A31 +70 6 3 W A32 +70 6 3 W A33 +70 6 3 W A34 +70 6 3 W A35 +70 6 3 W A36 +70 6 3 W A37 +70 6 3 W A38 +70 6 3 W A39 +70 6 3 W A40 +70 6 4 G J0 +70 6 4 G J1 +70 6 4 G J2 +70 6 4 G J3 +70 6 4 G J4 +70 6 4 G J5 +70 6 4 G J6 +70 6 4 G J7 +70 6 4 G J8 +70 6 4 G J9 +70 6 4 G J10 +70 6 4 G J11 +70 6 4 G J12 +70 6 4 G J13 +70 6 4 G J14 +70 6 4 G J15 +70 6 4 G J16 +70 6 4 G J17 +70 6 4 G J18 +70 6 4 G J19 +70 6 4 G J20 +70 6 4 G J21 +70 6 4 G J22 +70 6 4 G J23 +70 6 4 G J24 +70 6 4 G J25 +70 6 4 G J26 +70 6 4 G J27 +70 6 4 G J28 +70 6 4 G J29 +70 6 4 G J30 +70 6 4 G J31 +70 6 4 G J32 +70 6 4 G J33 +70 6 4 G J34 +70 6 4 G J35 +70 6 4 G J36 +70 6 4 G J37 +70 6 4 G J38 +70 6 4 G J39 +70 6 4 G J40 +70 6 5 E G30 +70 6 6 I E7 +70 6 7 M G1 +70 7 1 W A0 +70 7 1 W A1 +70 7 1 W A2 +70 7 1 W A3 +70 7 1 W A4 +70 7 1 W A5 +70 7 1 W A6 +70 7 1 W A7 +70 7 1 W A8 +70 7 1 W A9 +70 7 1 W A10 +70 7 1 W A11 +70 7 1 W A12 +70 7 1 W A13 +70 7 1 W A14 +70 7 1 W A15 +70 7 1 W A16 +70 7 1 W A17 +70 7 1 W A18 +70 7 1 W A19 +70 7 1 W A20 +70 7 1 W A21 +70 7 1 W A22 +70 7 1 W A23 +70 7 1 W A24 +70 7 1 W A25 +70 7 1 W A26 +70 7 1 W A27 +70 7 1 W A28 +70 7 1 W A29 +70 7 1 W A30 +70 7 1 W A31 +70 7 1 W A32 +70 7 1 W A33 +70 7 1 W A34 +70 7 1 W A35 +70 7 1 W A36 +70 7 1 W A37 +70 7 1 W A38 +70 7 1 W A39 +70 7 1 W A40 +70 7 2 T C9 +70 7 3 E F29 +70 7 4 S F11 +70 7 5 I F7 +70 7 6 M H1 +70 7 7 G J0 +70 7 7 G J1 +70 7 7 G J2 +70 7 7 G J3 +70 7 7 G J4 +70 7 7 G J5 +70 7 7 G J6 +70 7 7 G J7 +70 7 7 G J8 +70 7 7 G J9 +70 7 7 G J10 +70 7 7 G J11 +70 7 7 G J12 +70 7 7 G J13 +70 7 7 G J14 +70 7 7 G J15 +70 7 7 G J16 +70 7 7 G J17 +70 7 7 G J18 +70 7 7 G J19 +70 7 7 G J20 +70 7 7 G J21 +70 7 7 G J22 +70 7 7 G J23 +70 7 7 G J24 +70 7 7 G J25 +70 7 7 G J26 +70 7 7 G J27 +70 7 7 G J28 +70 7 7 G J29 +70 7 7 G J30 +70 7 7 G J31 +70 7 7 G J32 +70 7 7 G J33 +70 7 7 G J34 +70 7 7 G J35 +70 7 7 G J36 +70 7 7 G J37 +70 7 7 G J38 +70 7 7 G J39 +70 7 7 G J40 +70 8 1 I C7 +70 8 2 W A0 +70 8 2 W A1 +70 8 2 W A2 +70 8 2 W A3 +70 8 2 W A4 +70 8 2 W A5 +70 8 2 W A6 +70 8 2 W A7 +70 8 2 W A8 +70 8 2 W A9 +70 8 2 W A10 +70 8 2 W A11 +70 8 2 W A12 +70 8 2 W A13 +70 8 2 W A14 +70 8 2 W A15 +70 8 2 W A16 +70 8 2 W A17 +70 8 2 W A18 +70 8 2 W A19 +70 8 2 W A20 +70 8 2 W A21 +70 8 2 W A22 +70 8 2 W A23 +70 8 2 W A24 +70 8 2 W A25 +70 8 2 W A26 +70 8 2 W A27 +70 8 2 W A28 +70 8 2 W A29 +70 8 2 W A30 +70 8 2 W A31 +70 8 2 W A32 +70 8 2 W A33 +70 8 2 W A34 +70 8 2 W A35 +70 8 2 W A36 +70 8 2 W A37 +70 8 2 W A38 +70 8 2 W A39 +70 8 2 W A40 +70 8 3 G J0 +70 8 3 G J1 +70 8 3 G J2 +70 8 3 G J3 +70 8 3 G J4 +70 8 3 G J5 +70 8 3 G J6 +70 8 3 G J7 +70 8 3 G J8 +70 8 3 G J9 +70 8 3 G J10 +70 8 3 G J11 +70 8 3 G J12 +70 8 3 G J13 +70 8 3 G J14 +70 8 3 G J15 +70 8 3 G J16 +70 8 3 G J17 +70 8 3 G J18 +70 8 3 G J19 +70 8 3 G J20 +70 8 3 G J21 +70 8 3 G J22 +70 8 3 G J23 +70 8 3 G J24 +70 8 3 G J25 +70 8 3 G J26 +70 8 3 G J27 +70 8 3 G J28 +70 8 3 G J29 +70 8 3 G J30 +70 8 3 G J31 +70 8 3 G J32 +70 8 3 G J33 +70 8 3 G J34 +70 8 3 G J35 +70 8 3 G J36 +70 8 3 G J37 +70 8 3 G J38 +70 8 3 G J39 +70 8 3 G J40 +70 8 4 E F29 +70 8 5 S F18 +70 8 6 I H6 +70 8 7 M G1 +70 9 1 T C10 +70 9 2 W A0 +70 9 2 W A1 +70 9 2 W A2 +70 9 2 W A3 +70 9 2 W A4 +70 9 2 W A5 +70 9 2 W A6 +70 9 2 W A7 +70 9 2 W A8 +70 9 2 W A9 +70 9 2 W A10 +70 9 2 W A11 +70 9 2 W A12 +70 9 2 W A13 +70 9 2 W A14 +70 9 2 W A15 +70 9 2 W A16 +70 9 2 W A17 +70 9 2 W A18 +70 9 2 W A19 +70 9 2 W A20 +70 9 2 W A21 +70 9 2 W A22 +70 9 2 W A23 +70 9 2 W A24 +70 9 2 W A25 +70 9 2 W A26 +70 9 2 W A27 +70 9 2 W A28 +70 9 2 W A29 +70 9 2 W A30 +70 9 2 W A31 +70 9 2 W A32 +70 9 2 W A33 +70 9 2 W A34 +70 9 2 W A35 +70 9 2 W A36 +70 9 2 W A37 +70 9 2 W A38 +70 9 2 W A39 +70 9 2 W A40 +70 9 3 E E29 +70 9 4 S H17 +70 9 5 I H7 +70 9 6 M H2 +70 9 7 G J0 +70 9 7 G J1 +70 9 7 G J2 +70 9 7 G J3 +70 9 7 G J4 +70 9 7 G J5 +70 9 7 G J6 +70 9 7 G J7 +70 9 7 G J8 +70 9 7 G J9 +70 9 7 G J10 +70 9 7 G J11 +70 9 7 G J12 +70 9 7 G J13 +70 9 7 G J14 +70 9 7 G J15 +70 9 7 G J16 +70 9 7 G J17 +70 9 7 G J18 +70 9 7 G J19 +70 9 7 G J20 +70 9 7 G J21 +70 9 7 G J22 +70 9 7 G J23 +70 9 7 G J24 +70 9 7 G J25 +70 9 7 G J26 +70 9 7 G J27 +70 9 7 G J28 +70 9 7 G J29 +70 9 7 G J30 +70 9 7 G J31 +70 9 7 G J32 +70 9 7 G J33 +70 9 7 G J34 +70 9 7 G J35 +70 9 7 G J36 +70 9 7 G J37 +70 9 7 G J38 +70 9 7 G J39 +70 9 7 G J40 +70 10 1 W A0 +70 10 1 W A1 +70 10 1 W A2 +70 10 1 W A3 +70 10 1 W A4 +70 10 1 W A5 +70 10 1 W A6 +70 10 1 W A7 +70 10 1 W A8 +70 10 1 W A9 +70 10 1 W A10 +70 10 1 W A11 +70 10 1 W A12 +70 10 1 W A13 +70 10 1 W A14 +70 10 1 W A15 +70 10 1 W A16 +70 10 1 W A17 +70 10 1 W A18 +70 10 1 W A19 +70 10 1 W A20 +70 10 1 W A21 +70 10 1 W A22 +70 10 1 W A23 +70 10 1 W A24 +70 10 1 W A25 +70 10 1 W A26 +70 10 1 W A27 +70 10 1 W A28 +70 10 1 W A29 +70 10 1 W A30 +70 10 1 W A31 +70 10 1 W A32 +70 10 1 W A33 +70 10 1 W A34 +70 10 1 W A35 +70 10 1 W A36 +70 10 1 W A37 +70 10 1 W A38 +70 10 1 W A39 +70 10 1 W A40 +70 10 2 M F2 +70 10 3 Z C11 +70 10 4 E H23 +70 10 5 G J0 +70 10 5 G J1 +70 10 5 G J2 +70 10 5 G J3 +70 10 5 G J4 +70 10 5 G J5 +70 10 5 G J6 +70 10 5 G J7 +70 10 5 G J8 +70 10 5 G J9 +70 10 5 G J10 +70 10 5 G J11 +70 10 5 G J12 +70 10 5 G J13 +70 10 5 G J14 +70 10 5 G J15 +70 10 5 G J16 +70 10 5 G J17 +70 10 5 G J18 +70 10 5 G J19 +70 10 5 G J20 +70 10 5 G J21 +70 10 5 G J22 +70 10 5 G J23 +70 10 5 G J24 +70 10 5 G J25 +70 10 5 G J26 +70 10 5 G J27 +70 10 5 G J28 +70 10 5 G J29 +70 10 5 G J30 +70 10 5 G J31 +70 10 5 G J32 +70 10 5 G J33 +70 10 5 G J34 +70 10 5 G J35 +70 10 5 G J36 +70 10 5 G J37 +70 10 5 G J38 +70 10 5 G J39 +70 10 5 G J40 +70 10 6 S E14 +70 11 1 T C11 +70 11 2 S E16 +70 11 3 E G28 +70 11 4 I E8 +70 11 5 M G2 +70 11 6 W A0 +70 11 6 W A1 +70 11 6 W A2 +70 11 6 W A3 +70 11 6 W A4 +70 11 6 W A5 +70 11 6 W A6 +70 11 6 W A7 +70 11 6 W A8 +70 11 6 W A9 +70 11 6 W A10 +70 11 6 W A11 +70 11 6 W A12 +70 11 6 W A13 +70 11 6 W A14 +70 11 6 W A15 +70 11 6 W A16 +70 11 6 W A17 +70 11 6 W A18 +70 11 6 W A19 +70 11 6 W A20 +70 11 6 W A21 +70 11 6 W A22 +70 11 6 W A23 +70 11 6 W A24 +70 11 6 W A25 +70 11 6 W A26 +70 11 6 W A27 +70 11 6 W A28 +70 11 6 W A29 +70 11 6 W A30 +70 11 6 W A31 +70 11 6 W A32 +70 11 6 W A33 +70 11 6 W A34 +70 11 6 W A35 +70 11 6 W A36 +70 11 6 W A37 +70 11 6 W A38 +70 11 6 W A39 +70 11 6 W A40 +70 11 7 G J0 +70 11 7 G J1 +70 11 7 G J2 +70 11 7 G J3 +70 11 7 G J4 +70 11 7 G J5 +70 11 7 G J6 +70 11 7 G J7 +70 11 7 G J8 +70 11 7 G J9 +70 11 7 G J10 +70 11 7 G J11 +70 11 7 G J12 +70 11 7 G J13 +70 11 7 G J14 +70 11 7 G J15 +70 11 7 G J16 +70 11 7 G J17 +70 11 7 G J18 +70 11 7 G J19 +70 11 7 G J20 +70 11 7 G J21 +70 11 7 G J22 +70 11 7 G J23 +70 11 7 G J24 +70 11 7 G J25 +70 11 7 G J26 +70 11 7 G J27 +70 11 7 G J28 +70 11 7 G J29 +70 11 7 G J30 +70 11 7 G J31 +70 11 7 G J32 +70 11 7 G J33 +70 11 7 G J34 +70 11 7 G J35 +70 11 7 G J36 +70 11 7 G J37 +70 11 7 G J38 +70 11 7 G J39 +70 11 7 G J40 +70 12 1 W A0 +70 12 1 W A1 +70 12 1 W A2 +70 12 1 W A3 +70 12 1 W A4 +70 12 1 W A5 +70 12 1 W A6 +70 12 1 W A7 +70 12 1 W A8 +70 12 1 W A9 +70 12 1 W A10 +70 12 1 W A11 +70 12 1 W A12 +70 12 1 W A13 +70 12 1 W A14 +70 12 1 W A15 +70 12 1 W A16 +70 12 1 W A17 +70 12 1 W A18 +70 12 1 W A19 +70 12 1 W A20 +70 12 1 W A21 +70 12 1 W A22 +70 12 1 W A23 +70 12 1 W A24 +70 12 1 W A25 +70 12 1 W A26 +70 12 1 W A27 +70 12 1 W A28 +70 12 1 W A29 +70 12 1 W A30 +70 12 1 W A31 +70 12 1 W A32 +70 12 1 W A33 +70 12 1 W A34 +70 12 1 W A35 +70 12 1 W A36 +70 12 1 W A37 +70 12 1 W A38 +70 12 1 W A39 +70 12 1 W A40 +70 12 2 T C9 +70 12 3 E F28 +70 12 4 S G17 +70 12 5 I E6 +70 12 6 M G3 +70 12 7 G J0 +70 12 7 G J1 +70 12 7 G J2 +70 12 7 G J3 +70 12 7 G J4 +70 12 7 G J5 +70 12 7 G J6 +70 12 7 G J7 +70 12 7 G J8 +70 12 7 G J9 +70 12 7 G J10 +70 12 7 G J11 +70 12 7 G J12 +70 12 7 G J13 +70 12 7 G J14 +70 12 7 G J15 +70 12 7 G J16 +70 12 7 G J17 +70 12 7 G J18 +70 12 7 G J19 +70 12 7 G J20 +70 12 7 G J21 +70 12 7 G J22 +70 12 7 G J23 +70 12 7 G J24 +70 12 7 G J25 +70 12 7 G J26 +70 12 7 G J27 +70 12 7 G J28 +70 12 7 G J29 +70 12 7 G J30 +70 12 7 G J31 +70 12 7 G J32 +70 12 7 G J33 +70 12 7 G J34 +70 12 7 G J35 +70 12 7 G J36 +70 12 7 G J37 +70 12 7 G J38 +70 12 7 G J39 +70 12 7 G J40 +70 13 1 I C10 +70 13 2 T C11 +70 13 3 W A0 +70 13 3 W A1 +70 13 3 W A2 +70 13 3 W A3 +70 13 3 W A4 +70 13 3 W A5 +70 13 3 W A6 +70 13 3 W A7 +70 13 3 W A8 +70 13 3 W A9 +70 13 3 W A10 +70 13 3 W A11 +70 13 3 W A12 +70 13 3 W A13 +70 13 3 W A14 +70 13 3 W A15 +70 13 3 W A16 +70 13 3 W A17 +70 13 3 W A18 +70 13 3 W A19 +70 13 3 W A20 +70 13 3 W A21 +70 13 3 W A22 +70 13 3 W A23 +70 13 3 W A24 +70 13 3 W A25 +70 13 3 W A26 +70 13 3 W A27 +70 13 3 W A28 +70 13 3 W A29 +70 13 3 W A30 +70 13 3 W A31 +70 13 3 W A32 +70 13 3 W A33 +70 13 3 W A34 +70 13 3 W A35 +70 13 3 W A36 +70 13 3 W A37 +70 13 3 W A38 +70 13 3 W A39 +70 13 3 W A40 +70 13 4 E F28 +70 13 5 S G16 +70 13 6 M G2 +70 13 7 G J0 +70 13 7 G J1 +70 13 7 G J2 +70 13 7 G J3 +70 13 7 G J4 +70 13 7 G J5 +70 13 7 G J6 +70 13 7 G J7 +70 13 7 G J8 +70 13 7 G J9 +70 13 7 G J10 +70 13 7 G J11 +70 13 7 G J12 +70 13 7 G J13 +70 13 7 G J14 +70 13 7 G J15 +70 13 7 G J16 +70 13 7 G J17 +70 13 7 G J18 +70 13 7 G J19 +70 13 7 G J20 +70 13 7 G J21 +70 13 7 G J22 +70 13 7 G J23 +70 13 7 G J24 +70 13 7 G J25 +70 13 7 G J26 +70 13 7 G J27 +70 13 7 G J28 +70 13 7 G J29 +70 13 7 G J30 +70 13 7 G J31 +70 13 7 G J32 +70 13 7 G J33 +70 13 7 G J34 +70 13 7 G J35 +70 13 7 G J36 +70 13 7 G J37 +70 13 7 G J38 +70 13 7 G J39 +70 13 7 G J40 +70 14 1 M G3 +70 14 2 I C9 +70 14 3 T B32 +70 14 4 W A0 +70 14 4 W A1 +70 14 4 W A2 +70 14 4 W A3 +70 14 4 W A4 +70 14 4 W A5 +70 14 4 W A6 +70 14 4 W A7 +70 14 4 W A8 +70 14 4 W A9 +70 14 4 W A10 +70 14 4 W A11 +70 14 4 W A12 +70 14 4 W A13 +70 14 4 W A14 +70 14 4 W A15 +70 14 4 W A16 +70 14 4 W A17 +70 14 4 W A18 +70 14 4 W A19 +70 14 4 W A20 +70 14 4 W A21 +70 14 4 W A22 +70 14 4 W A23 +70 14 4 W A24 +70 14 4 W A25 +70 14 4 W A26 +70 14 4 W A27 +70 14 4 W A28 +70 14 4 W A29 +70 14 4 W A30 +70 14 4 W A31 +70 14 4 W A32 +70 14 4 W A33 +70 14 4 W A34 +70 14 4 W A35 +70 14 4 W A36 +70 14 4 W A37 +70 14 4 W A38 +70 14 4 W A39 +70 14 4 W A40 +70 14 5 G J0 +70 14 5 G J1 +70 14 5 G J2 +70 14 5 G J3 +70 14 5 G J4 +70 14 5 G J5 +70 14 5 G J6 +70 14 5 G J7 +70 14 5 G J8 +70 14 5 G J9 +70 14 5 G J10 +70 14 5 G J11 +70 14 5 G J12 +70 14 5 G J13 +70 14 5 G J14 +70 14 5 G J15 +70 14 5 G J16 +70 14 5 G J17 +70 14 5 G J18 +70 14 5 G J19 +70 14 5 G J20 +70 14 5 G J21 +70 14 5 G J22 +70 14 5 G J23 +70 14 5 G J24 +70 14 5 G J25 +70 14 5 G J26 +70 14 5 G J27 +70 14 5 G J28 +70 14 5 G J29 +70 14 5 G J30 +70 14 5 G J31 +70 14 5 G J32 +70 14 5 G J33 +70 14 5 G J34 +70 14 5 G J35 +70 14 5 G J36 +70 14 5 G J37 +70 14 5 G J38 +70 14 5 G J39 +70 14 5 G J40 +70 14 6 E F30 +70 14 7 S F19 +70 15 1 W A0 +70 15 1 W A1 +70 15 1 W A2 +70 15 1 W A3 +70 15 1 W A4 +70 15 1 W A5 +70 15 1 W A6 +70 15 1 W A7 +70 15 1 W A8 +70 15 1 W A9 +70 15 1 W A10 +70 15 1 W A11 +70 15 1 W A12 +70 15 1 W A13 +70 15 1 W A14 +70 15 1 W A15 +70 15 1 W A16 +70 15 1 W A17 +70 15 1 W A18 +70 15 1 W A19 +70 15 1 W A20 +70 15 1 W A21 +70 15 1 W A22 +70 15 1 W A23 +70 15 1 W A24 +70 15 1 W A25 +70 15 1 W A26 +70 15 1 W A27 +70 15 1 W A28 +70 15 1 W A29 +70 15 1 W A30 +70 15 1 W A31 +70 15 1 W A32 +70 15 1 W A33 +70 15 1 W A34 +70 15 1 W A35 +70 15 1 W A36 +70 15 1 W A37 +70 15 1 W A38 +70 15 1 W A39 +70 15 1 W A40 +70 15 2 T C9 +70 15 3 G J0 +70 15 3 G J1 +70 15 3 G J2 +70 15 3 G J3 +70 15 3 G J4 +70 15 3 G J5 +70 15 3 G J6 +70 15 3 G J7 +70 15 3 G J8 +70 15 3 G J9 +70 15 3 G J10 +70 15 3 G J11 +70 15 3 G J12 +70 15 3 G J13 +70 15 3 G J14 +70 15 3 G J15 +70 15 3 G J16 +70 15 3 G J17 +70 15 3 G J18 +70 15 3 G J19 +70 15 3 G J20 +70 15 3 G J21 +70 15 3 G J22 +70 15 3 G J23 +70 15 3 G J24 +70 15 3 G J25 +70 15 3 G J26 +70 15 3 G J27 +70 15 3 G J28 +70 15 3 G J29 +70 15 3 G J30 +70 15 3 G J31 +70 15 3 G J32 +70 15 3 G J33 +70 15 3 G J34 +70 15 3 G J35 +70 15 3 G J36 +70 15 3 G J37 +70 15 3 G J38 +70 15 3 G J39 +70 15 3 G J40 +70 15 4 E H29 +70 15 5 S I17 +70 15 6 I G7 +70 15 7 M G1 +70 16 1 T C9 +70 16 2 I C10 +70 16 3 E F29 +70 16 4 W A0 +70 16 4 W A1 +70 16 4 W A2 +70 16 4 W A3 +70 16 4 W A4 +70 16 4 W A5 +70 16 4 W A6 +70 16 4 W A7 +70 16 4 W A8 +70 16 4 W A9 +70 16 4 W A10 +70 16 4 W A11 +70 16 4 W A12 +70 16 4 W A13 +70 16 4 W A14 +70 16 4 W A15 +70 16 4 W A16 +70 16 4 W A17 +70 16 4 W A18 +70 16 4 W A19 +70 16 4 W A20 +70 16 4 W A21 +70 16 4 W A22 +70 16 4 W A23 +70 16 4 W A24 +70 16 4 W A25 +70 16 4 W A26 +70 16 4 W A27 +70 16 4 W A28 +70 16 4 W A29 +70 16 4 W A30 +70 16 4 W A31 +70 16 4 W A32 +70 16 4 W A33 +70 16 4 W A34 +70 16 4 W A35 +70 16 4 W A36 +70 16 4 W A37 +70 16 4 W A38 +70 16 4 W A39 +70 16 4 W A40 +70 16 5 G J0 +70 16 5 G J1 +70 16 5 G J2 +70 16 5 G J3 +70 16 5 G J4 +70 16 5 G J5 +70 16 5 G J6 +70 16 5 G J7 +70 16 5 G J8 +70 16 5 G J9 +70 16 5 G J10 +70 16 5 G J11 +70 16 5 G J12 +70 16 5 G J13 +70 16 5 G J14 +70 16 5 G J15 +70 16 5 G J16 +70 16 5 G J17 +70 16 5 G J18 +70 16 5 G J19 +70 16 5 G J20 +70 16 5 G J21 +70 16 5 G J22 +70 16 5 G J23 +70 16 5 G J24 +70 16 5 G J25 +70 16 5 G J26 +70 16 5 G J27 +70 16 5 G J28 +70 16 5 G J29 +70 16 5 G J30 +70 16 5 G J31 +70 16 5 G J32 +70 16 5 G J33 +70 16 5 G J34 +70 16 5 G J35 +70 16 5 G J36 +70 16 5 G J37 +70 16 5 G J38 +70 16 5 G J39 +70 16 5 G J40 +70 16 6 S G18 +70 16 7 M G0 +70 17 1 W A0 +70 17 1 W A1 +70 17 1 W A2 +70 17 1 W A3 +70 17 1 W A4 +70 17 1 W A5 +70 17 1 W A6 +70 17 1 W A7 +70 17 1 W A8 +70 17 1 W A9 +70 17 1 W A10 +70 17 1 W A11 +70 17 1 W A12 +70 17 1 W A13 +70 17 1 W A14 +70 17 1 W A15 +70 17 1 W A16 +70 17 1 W A17 +70 17 1 W A18 +70 17 1 W A19 +70 17 1 W A20 +70 17 1 W A21 +70 17 1 W A22 +70 17 1 W A23 +70 17 1 W A24 +70 17 1 W A25 +70 17 1 W A26 +70 17 1 W A27 +70 17 1 W A28 +70 17 1 W A29 +70 17 1 W A30 +70 17 1 W A31 +70 17 1 W A32 +70 17 1 W A33 +70 17 1 W A34 +70 17 1 W A35 +70 17 1 W A36 +70 17 1 W A37 +70 17 1 W A38 +70 17 1 W A39 +70 17 1 W A40 +70 17 2 M G40 +70 17 3 E E28 +70 17 4 G J0 +70 17 4 G J1 +70 17 4 G J2 +70 17 4 G J3 +70 17 4 G J4 +70 17 4 G J5 +70 17 4 G J6 +70 17 4 G J7 +70 17 4 G J8 +70 17 4 G J9 +70 17 4 G J10 +70 17 4 G J11 +70 17 4 G J12 +70 17 4 G J13 +70 17 4 G J14 +70 17 4 G J15 +70 17 4 G J16 +70 17 4 G J17 +70 17 4 G J18 +70 17 4 G J19 +70 17 4 G J20 +70 17 4 G J21 +70 17 4 G J22 +70 17 4 G J23 +70 17 4 G J24 +70 17 4 G J25 +70 17 4 G J26 +70 17 4 G J27 +70 17 4 G J28 +70 17 4 G J29 +70 17 4 G J30 +70 17 4 G J31 +70 17 4 G J32 +70 17 4 G J33 +70 17 4 G J34 +70 17 4 G J35 +70 17 4 G J36 +70 17 4 G J37 +70 17 4 G J38 +70 17 4 G J39 +70 17 4 G J40 +70 17 5 I F7 +70 18 1 W A0 +70 18 1 W A1 +70 18 1 W A2 +70 18 1 W A3 +70 18 1 W A4 +70 18 1 W A5 +70 18 1 W A6 +70 18 1 W A7 +70 18 1 W A8 +70 18 1 W A9 +70 18 1 W A10 +70 18 1 W A11 +70 18 1 W A12 +70 18 1 W A13 +70 18 1 W A14 +70 18 1 W A15 +70 18 1 W A16 +70 18 1 W A17 +70 18 1 W A18 +70 18 1 W A19 +70 18 1 W A20 +70 18 1 W A21 +70 18 1 W A22 +70 18 1 W A23 +70 18 1 W A24 +70 18 1 W A25 +70 18 1 W A26 +70 18 1 W A27 +70 18 1 W A28 +70 18 1 W A29 +70 18 1 W A30 +70 18 1 W A31 +70 18 1 W A32 +70 18 1 W A33 +70 18 1 W A34 +70 18 1 W A35 +70 18 1 W A36 +70 18 1 W A37 +70 18 1 W A38 +70 18 1 W A39 +70 18 1 W A40 +70 18 2 T C9 +70 18 3 S E16 +70 18 4 E G30 +70 18 5 I E9 +70 18 6 G J0 +70 18 6 G J1 +70 18 6 G J2 +70 18 6 G J3 +70 18 6 G J4 +70 18 6 G J5 +70 18 6 G J6 +70 18 6 G J7 +70 18 6 G J8 +70 18 6 G J9 +70 18 6 G J10 +70 18 6 G J11 +70 18 6 G J12 +70 18 6 G J13 +70 18 6 G J14 +70 18 6 G J15 +70 18 6 G J16 +70 18 6 G J17 +70 18 6 G J18 +70 18 6 G J19 +70 18 6 G J20 +70 18 6 G J21 +70 18 6 G J22 +70 18 6 G J23 +70 18 6 G J24 +70 18 6 G J25 +70 18 6 G J26 +70 18 6 G J27 +70 18 6 G J28 +70 18 6 G J29 +70 18 6 G J30 +70 18 6 G J31 +70 18 6 G J32 +70 18 6 G J33 +70 18 6 G J34 +70 18 6 G J35 +70 18 6 G J36 +70 18 6 G J37 +70 18 6 G J38 +70 18 6 G J39 +70 18 6 G J40 +70 18 7 M G1 +70 19 1 W A0 +70 19 1 W A1 +70 19 1 W A2 +70 19 1 W A3 +70 19 1 W A4 +70 19 1 W A5 +70 19 1 W A6 +70 19 1 W A7 +70 19 1 W A8 +70 19 1 W A9 +70 19 1 W A10 +70 19 1 W A11 +70 19 1 W A12 +70 19 1 W A13 +70 19 1 W A14 +70 19 1 W A15 +70 19 1 W A16 +70 19 1 W A17 +70 19 1 W A18 +70 19 1 W A19 +70 19 1 W A20 +70 19 1 W A21 +70 19 1 W A22 +70 19 1 W A23 +70 19 1 W A24 +70 19 1 W A25 +70 19 1 W A26 +70 19 1 W A27 +70 19 1 W A28 +70 19 1 W A29 +70 19 1 W A30 +70 19 1 W A31 +70 19 1 W A32 +70 19 1 W A33 +70 19 1 W A34 +70 19 1 W A35 +70 19 1 W A36 +70 19 1 W A37 +70 19 1 W A38 +70 19 1 W A39 +70 19 1 W A40 +70 19 2 T C9 +70 19 3 E F25 +70 19 4 S G18 +70 19 5 I E9 +70 19 6 M G2 +70 19 7 G J0 +70 19 7 G J1 +70 19 7 G J2 +70 19 7 G J3 +70 19 7 G J4 +70 19 7 G J5 +70 19 7 G J6 +70 19 7 G J7 +70 19 7 G J8 +70 19 7 G J9 +70 19 7 G J10 +70 19 7 G J11 +70 19 7 G J12 +70 19 7 G J13 +70 19 7 G J14 +70 19 7 G J15 +70 19 7 G J16 +70 19 7 G J17 +70 19 7 G J18 +70 19 7 G J19 +70 19 7 G J20 +70 19 7 G J21 +70 19 7 G J22 +70 19 7 G J23 +70 19 7 G J24 +70 19 7 G J25 +70 19 7 G J26 +70 19 7 G J27 +70 19 7 G J28 +70 19 7 G J29 +70 19 7 G J30 +70 19 7 G J31 +70 19 7 G J32 +70 19 7 G J33 +70 19 7 G J34 +70 19 7 G J35 +70 19 7 G J36 +70 19 7 G J37 +70 19 7 G J38 +70 19 7 G J39 +70 19 7 G J40 +70 19 8 W A0 +70 19 8 W A1 +70 19 8 W A2 +70 19 8 W A3 +70 19 8 W A4 +70 19 8 W A5 +70 19 8 W A6 +70 19 8 W A7 +70 19 8 W A8 +70 19 8 W A9 +70 19 8 W A10 +70 19 8 W A11 +70 19 8 W A12 +70 19 8 W A13 +70 19 8 W A14 +70 19 8 W A15 +70 19 8 W A16 +70 19 8 W A17 +70 19 8 W A18 +70 19 8 W A19 +70 19 8 W A20 +70 19 8 W A21 +70 19 8 W A22 +70 19 8 W A23 +70 19 8 W A24 +70 19 8 W A25 +70 19 8 W A26 +70 19 8 W A27 +70 19 8 W A28 +70 19 8 W A29 +70 19 8 W A30 +70 19 8 W A31 +70 19 8 W A32 +70 19 8 W A33 +70 19 8 W A34 +70 19 8 W A35 +70 19 8 W A36 +70 19 8 W A37 +70 19 8 W A38 +70 19 8 W A39 +70 19 8 W A40 +70 20 1 W A0 +70 20 1 W A1 +70 20 1 W A2 +70 20 1 W A3 +70 20 1 W A4 +70 20 1 W A5 +70 20 1 W A6 +70 20 1 W A7 +70 20 1 W A8 +70 20 1 W A9 +70 20 1 W A10 +70 20 1 W A11 +70 20 1 W A12 +70 20 1 W A13 +70 20 1 W A14 +70 20 1 W A15 +70 20 1 W A16 +70 20 1 W A17 +70 20 1 W A18 +70 20 1 W A19 +70 20 1 W A20 +70 20 1 W A21 +70 20 1 W A22 +70 20 1 W A23 +70 20 1 W A24 +70 20 1 W A25 +70 20 1 W A26 +70 20 1 W A27 +70 20 1 W A28 +70 20 1 W A29 +70 20 1 W A30 +70 20 1 W A31 +70 20 1 W A32 +70 20 1 W A33 +70 20 1 W A34 +70 20 1 W A35 +70 20 1 W A36 +70 20 1 W A37 +70 20 1 W A38 +70 20 1 W A39 +70 20 1 W A40 +70 20 2 T B0 +70 20 2 T B1 +70 20 2 T C0 +70 20 2 T C1 +70 20 3 E D17 +70 20 3 E D18 +70 20 3 E D19 +70 20 4 G J0 +70 20 4 G J1 +70 20 4 G J2 +70 20 4 G J3 +70 20 4 G J4 +70 20 4 G J5 +70 20 4 G J6 +70 20 4 G J7 +70 20 4 G J8 +70 20 4 G J9 +70 20 4 G J10 +70 20 4 G J11 +70 20 4 G J12 +70 20 4 G J13 +70 20 4 G J14 +70 20 4 G J15 +70 20 4 G J16 +70 20 4 G J17 +70 20 4 G J18 +70 20 4 G J19 +70 20 4 G J20 +70 20 4 G J21 +70 20 4 G J22 +70 20 4 G J23 +70 20 4 G J24 +70 20 4 G J25 +70 20 4 G J26 +70 20 4 G J27 +70 20 4 G J28 +70 20 4 G J29 +70 20 4 G J30 +70 20 4 G J31 +70 20 4 G J32 +70 20 4 G J33 +70 20 4 G J34 +70 20 4 G J35 +70 20 4 G J36 +70 20 4 G J37 +70 20 4 G J38 +70 20 4 G J39 +70 20 4 G J40 +70 20 5 M F1 +70 20 5 M F2 +70 20 5 M F3 +70 21 1 T C10 +70 21 2 S E19 +70 21 3 W A0 +70 21 3 W A1 +70 21 3 W A2 +70 21 3 W A3 +70 21 3 W A4 +70 21 3 W A5 +70 21 3 W A6 +70 21 3 W A7 +70 21 3 W A8 +70 21 3 W A9 +70 21 3 W A10 +70 21 3 W A11 +70 21 3 W A12 +70 21 3 W A13 +70 21 3 W A14 +70 21 3 W A15 +70 21 3 W A16 +70 21 3 W A17 +70 21 3 W A18 +70 21 3 W A19 +70 21 3 W A20 +70 21 3 W A21 +70 21 3 W A22 +70 21 3 W A23 +70 21 3 W A24 +70 21 3 W A25 +70 21 3 W A26 +70 21 3 W A27 +70 21 3 W A28 +70 21 3 W A29 +70 21 3 W A30 +70 21 3 W A31 +70 21 3 W A32 +70 21 3 W A33 +70 21 3 W A34 +70 21 3 W A35 +70 21 3 W A36 +70 21 3 W A37 +70 21 3 W A38 +70 21 3 W A39 +70 21 3 W A40 +70 21 4 E F29 +70 21 5 I D12 +70 21 6 M G3 +70 21 7 G J0 +70 21 7 G J1 +70 21 7 G J2 +70 21 7 G J3 +70 21 7 G J4 +70 21 7 G J5 +70 21 7 G J6 +70 21 7 G J7 +70 21 7 G J8 +70 21 7 G J9 +70 21 7 G J10 +70 21 7 G J11 +70 21 7 G J12 +70 21 7 G J13 +70 21 7 G J14 +70 21 7 G J15 +70 21 7 G J16 +70 21 7 G J17 +70 21 7 G J18 +70 21 7 G J19 +70 21 7 G J20 +70 21 7 G J21 +70 21 7 G J22 +70 21 7 G J23 +70 21 7 G J24 +70 21 7 G J25 +70 21 7 G J26 +70 21 7 G J27 +70 21 7 G J28 +70 21 7 G J29 +70 21 7 G J30 +70 21 7 G J31 +70 21 7 G J32 +70 21 7 G J33 +70 21 7 G J34 +70 21 7 G J35 +70 21 7 G J36 +70 21 7 G J37 +70 21 7 G J38 +70 21 7 G J39 +70 21 7 G J40 +70 22 1 T B11 +70 22 2 E D20 +70 22 3 W A0 +70 22 3 W A1 +70 22 3 W A2 +70 22 3 W A3 +70 22 3 W A4 +70 22 3 W A5 +70 22 3 W A6 +70 22 3 W A7 +70 22 3 W A8 +70 22 3 W A9 +70 22 3 W A10 +70 22 3 W A11 +70 22 3 W A12 +70 22 3 W A13 +70 22 3 W A14 +70 22 3 W A15 +70 22 3 W A16 +70 22 3 W A17 +70 22 3 W A18 +70 22 3 W A19 +70 22 3 W A20 +70 22 3 W A21 +70 22 3 W A22 +70 22 3 W A23 +70 22 3 W A24 +70 22 3 W A25 +70 22 3 W A26 +70 22 3 W A27 +70 22 3 W A28 +70 22 3 W A29 +70 22 3 W A30 +70 22 3 W A31 +70 22 3 W A32 +70 22 3 W A33 +70 22 3 W A34 +70 22 3 W A35 +70 22 3 W A36 +70 22 3 W A37 +70 22 3 W A38 +70 22 3 W A39 +70 22 3 W A40 +70 22 4 G J0 +70 22 4 G J1 +70 22 4 G J2 +70 22 4 G J3 +70 22 4 G J4 +70 22 4 G J5 +70 22 4 G J6 +70 22 4 G J7 +70 22 4 G J8 +70 22 4 G J9 +70 22 4 G J10 +70 22 4 G J11 +70 22 4 G J12 +70 22 4 G J13 +70 22 4 G J14 +70 22 4 G J15 +70 22 4 G J16 +70 22 4 G J17 +70 22 4 G J18 +70 22 4 G J19 +70 22 4 G J20 +70 22 4 G J21 +70 22 4 G J22 +70 22 4 G J23 +70 22 4 G J24 +70 22 4 G J25 +70 22 4 G J26 +70 22 4 G J27 +70 22 4 G J28 +70 22 4 G J29 +70 22 4 G J30 +70 22 4 G J31 +70 22 4 G J32 +70 22 4 G J33 +70 22 4 G J34 +70 22 4 G J35 +70 22 4 G J36 +70 22 4 G J37 +70 22 4 G J38 +70 22 4 G J39 +70 22 4 G J40 +70 22 5 S G19 +70 22 6 M G2 +70 23 1 W A0 +70 23 1 W A1 +70 23 1 W A2 +70 23 1 W A3 +70 23 1 W A4 +70 23 1 W A5 +70 23 1 W A6 +70 23 1 W A7 +70 23 1 W A8 +70 23 1 W A9 +70 23 1 W A10 +70 23 1 W A11 +70 23 1 W A12 +70 23 1 W A13 +70 23 1 W A14 +70 23 1 W A15 +70 23 1 W A16 +70 23 1 W A17 +70 23 1 W A18 +70 23 1 W A19 +70 23 1 W A20 +70 23 1 W A21 +70 23 1 W A22 +70 23 1 W A23 +70 23 1 W A24 +70 23 1 W A25 +70 23 1 W A26 +70 23 1 W A27 +70 23 1 W A28 +70 23 1 W A29 +70 23 1 W A30 +70 23 1 W A31 +70 23 1 W A32 +70 23 1 W A33 +70 23 1 W A34 +70 23 1 W A35 +70 23 1 W A36 +70 23 1 W A37 +70 23 1 W A38 +70 23 1 W A39 +70 23 1 W A40 +70 23 2 T D7 +70 23 3 G J0 +70 23 3 G J1 +70 23 3 G J2 +70 23 3 G J3 +70 23 3 G J4 +70 23 3 G J5 +70 23 3 G J6 +70 23 3 G J7 +70 23 3 G J8 +70 23 3 G J9 +70 23 3 G J10 +70 23 3 G J11 +70 23 3 G J12 +70 23 3 G J13 +70 23 3 G J14 +70 23 3 G J15 +70 23 3 G J16 +70 23 3 G J17 +70 23 3 G J18 +70 23 3 G J19 +70 23 3 G J20 +70 23 3 G J21 +70 23 3 G J22 +70 23 3 G J23 +70 23 3 G J24 +70 23 3 G J25 +70 23 3 G J26 +70 23 3 G J27 +70 23 3 G J28 +70 23 3 G J29 +70 23 3 G J30 +70 23 3 G J31 +70 23 3 G J32 +70 23 3 G J33 +70 23 3 G J34 +70 23 3 G J35 +70 23 3 G J36 +70 23 3 G J37 +70 23 3 G J38 +70 23 3 G J39 +70 23 3 G J40 +70 23 4 E G29 +70 23 5 S H17 +70 23 6 I D9 +70 23 7 M G3 +70 24 1 W A0 +70 24 1 W A1 +70 24 1 W A2 +70 24 1 W A3 +70 24 1 W A4 +70 24 1 W A5 +70 24 1 W A6 +70 24 1 W A7 +70 24 1 W A8 +70 24 1 W A9 +70 24 1 W A10 +70 24 1 W A11 +70 24 1 W A12 +70 24 1 W A13 +70 24 1 W A14 +70 24 1 W A15 +70 24 1 W A16 +70 24 1 W A17 +70 24 1 W A18 +70 24 1 W A19 +70 24 1 W A20 +70 24 1 W A21 +70 24 1 W A22 +70 24 1 W A23 +70 24 1 W A24 +70 24 1 W A25 +70 24 1 W A26 +70 24 1 W A27 +70 24 1 W A28 +70 24 1 W A29 +70 24 1 W A30 +70 24 1 W A31 +70 24 1 W A32 +70 24 1 W A33 +70 24 1 W A34 +70 24 1 W A35 +70 24 1 W A36 +70 24 1 W A37 +70 24 1 W A38 +70 24 1 W A39 +70 24 1 W A40 +70 24 2 I D8 +70 24 3 T C11 +70 24 4 E F29 +70 24 5 M H40 +70 24 6 G J0 +70 24 6 G J1 +70 24 6 G J2 +70 24 6 G J3 +70 24 6 G J4 +70 24 6 G J5 +70 24 6 G J6 +70 24 6 G J7 +70 24 6 G J8 +70 24 6 G J9 +70 24 6 G J10 +70 24 6 G J11 +70 24 6 G J12 +70 24 6 G J13 +70 24 6 G J14 +70 24 6 G J15 +70 24 6 G J16 +70 24 6 G J17 +70 24 6 G J18 +70 24 6 G J19 +70 24 6 G J20 +70 24 6 G J21 +70 24 6 G J22 +70 24 6 G J23 +70 24 6 G J24 +70 24 6 G J25 +70 24 6 G J26 +70 24 6 G J27 +70 24 6 G J28 +70 24 6 G J29 +70 24 6 G J30 +70 24 6 G J31 +70 24 6 G J32 +70 24 6 G J33 +70 24 6 G J34 +70 24 6 G J35 +70 24 6 G J36 +70 24 6 G J37 +70 24 6 G J38 +70 24 6 G J39 +70 24 6 G J40 +70 25 1 W A0 +70 25 1 W A1 +70 25 1 W A2 +70 25 1 W A3 +70 25 1 W A4 +70 25 1 W A5 +70 25 1 W A6 +70 25 1 W A7 +70 25 1 W A8 +70 25 1 W A9 +70 25 1 W A10 +70 25 1 W A11 +70 25 1 W A12 +70 25 1 W A13 +70 25 1 W A14 +70 25 1 W A15 +70 25 1 W A16 +70 25 1 W A17 +70 25 1 W A18 +70 25 1 W A19 +70 25 1 W A20 +70 25 1 W A21 +70 25 1 W A22 +70 25 1 W A23 +70 25 1 W A24 +70 25 1 W A25 +70 25 1 W A26 +70 25 1 W A27 +70 25 1 W A28 +70 25 1 W A29 +70 25 1 W A30 +70 25 1 W A31 +70 25 1 W A32 +70 25 1 W A33 +70 25 1 W A34 +70 25 1 W A35 +70 25 1 W A36 +70 25 1 W A37 +70 25 1 W A38 +70 25 1 W A39 +70 25 1 W A40 +70 25 2 T C7 +70 25 3 G J0 +70 25 3 G J1 +70 25 3 G J2 +70 25 3 G J3 +70 25 3 G J4 +70 25 3 G J5 +70 25 3 G J6 +70 25 3 G J7 +70 25 3 G J8 +70 25 3 G J9 +70 25 3 G J10 +70 25 3 G J11 +70 25 3 G J12 +70 25 3 G J13 +70 25 3 G J14 +70 25 3 G J15 +70 25 3 G J16 +70 25 3 G J17 +70 25 3 G J18 +70 25 3 G J19 +70 25 3 G J20 +70 25 3 G J21 +70 25 3 G J22 +70 25 3 G J23 +70 25 3 G J24 +70 25 3 G J25 +70 25 3 G J26 +70 25 3 G J27 +70 25 3 G J28 +70 25 3 G J29 +70 25 3 G J30 +70 25 3 G J31 +70 25 3 G J32 +70 25 3 G J33 +70 25 3 G J34 +70 25 3 G J35 +70 25 3 G J36 +70 25 3 G J37 +70 25 3 G J38 +70 25 3 G J39 +70 25 3 G J40 +70 25 4 I H7 +70 25 5 M F4 +70 25 6 E F27 +71 1 1 HA A0 +71 1 1 HA A1 +71 1 1 HA A2 +71 1 1 HA A3 +71 1 1 HA A4 +71 1 1 HA A5 +71 1 1 HA A6 +71 1 1 HA A7 +71 1 1 HA A8 +71 1 1 HA A9 +71 1 1 HA A10 +71 1 1 HA A11 +71 1 1 HA A12 +71 1 1 HA A13 +71 1 1 HA A14 +71 1 1 HA A15 +71 1 1 HA A16 +71 1 1 HA A17 +71 1 1 HA A18 +71 1 1 HA A19 +71 1 1 HA A20 +71 1 1 HA A21 +71 1 1 HA A22 +71 1 1 HA A23 +71 1 1 HA A24 +71 1 1 HA A25 +71 1 1 HA A26 +71 1 1 HA A27 +71 1 1 HA A28 +71 1 1 HA A29 +71 1 1 HA A30 +71 1 1 HA A31 +71 1 1 HA A32 +71 1 1 HA A33 +71 1 1 HA A34 +71 1 1 HA A35 +71 1 1 HA A36 +71 1 1 HA A37 +71 1 1 HA A38 +71 1 1 HA A39 +71 1 1 HA A40 +71 1 2 LO J0 +71 1 2 LO J1 +71 1 2 LO J2 +71 1 2 LO J3 +71 1 2 LO J4 +71 1 2 LO J5 +71 1 2 LO J6 +71 1 2 LO J7 +71 1 2 LO J8 +71 1 2 LO J9 +71 1 2 LO J10 +71 1 2 LO J11 +71 1 2 LO J12 +71 1 2 LO J13 +71 1 2 LO J14 +71 1 2 LO J15 +71 1 2 LO J16 +71 1 2 LO J17 +71 1 2 LO J18 +71 1 2 LO J19 +71 1 2 LO J20 +71 1 2 LO J21 +71 1 2 LO J22 +71 1 2 LO J23 +71 1 2 LO J24 +71 1 2 LO J25 +71 1 2 LO J26 +71 1 2 LO J27 +71 1 2 LO J28 +71 1 2 LO J29 +71 1 2 LO J30 +71 1 2 LO J31 +71 1 2 LO J32 +71 1 2 LO J33 +71 1 2 LO J34 +71 1 2 LO J35 +71 1 2 LO J36 +71 1 2 LO J37 +71 1 2 LO J38 +71 1 2 LO J39 +71 1 2 LO J40 +71 1 3 KI G2 +71 1 4 LA C10 +71 1 5 HO G30 +71 1 6 BA H33 +71 1 7 CA I6 +71 1 8 SO D0 +71 2 1 HA A40 +71 2 2 LO J0 +71 2 2 LO J1 +71 2 2 LO J2 +71 2 2 LO J3 +71 2 2 LO J4 +71 2 2 LO J5 +71 2 2 LO J6 +71 2 2 LO J7 +71 2 2 LO J8 +71 2 2 LO J9 +71 2 2 LO J10 +71 2 2 LO J11 +71 2 2 LO J12 +71 2 2 LO J13 +71 2 2 LO J14 +71 2 2 LO J15 +71 2 2 LO J16 +71 2 2 LO J17 +71 2 2 LO J18 +71 2 2 LO J19 +71 2 2 LO J20 +71 2 2 LO J21 +71 2 2 LO J22 +71 2 2 LO J23 +71 2 2 LO J24 +71 2 2 LO J25 +71 2 2 LO J26 +71 2 2 LO J27 +71 2 2 LO J28 +71 2 2 LO J29 +71 2 2 LO J30 +71 2 2 LO J31 +71 2 2 LO J32 +71 2 2 LO J33 +71 2 2 LO J34 +71 2 2 LO J35 +71 2 2 LO J36 +71 2 2 LO J37 +71 2 2 LO J38 +71 2 2 LO J39 +71 2 2 LO J40 +71 2 3 KI H3 +71 2 4 LA C9 +71 2 5 OK G18 +71 2 6 HO F29 +71 2 7 BA G33 +71 2 8 CA I6 +71 2 9 YA E3 +71 2 10 SO D0 +71 3 1 HA A0 +71 3 1 HA A1 +71 3 1 HA A2 +71 3 1 HA A3 +71 3 1 HA A4 +71 3 1 HA A5 +71 3 1 HA A6 +71 3 1 HA A7 +71 3 1 HA A8 +71 3 1 HA A9 +71 3 1 HA A10 +71 3 1 HA A11 +71 3 1 HA A12 +71 3 1 HA A13 +71 3 1 HA A14 +71 3 1 HA A15 +71 3 1 HA A16 +71 3 1 HA A17 +71 3 1 HA A18 +71 3 1 HA A19 +71 3 1 HA A20 +71 3 1 HA A21 +71 3 1 HA A22 +71 3 1 HA A23 +71 3 1 HA A24 +71 3 1 HA A25 +71 3 1 HA A26 +71 3 1 HA A27 +71 3 1 HA A28 +71 3 1 HA A29 +71 3 1 HA A30 +71 3 1 HA A31 +71 3 1 HA A32 +71 3 1 HA A33 +71 3 1 HA A34 +71 3 1 HA A35 +71 3 1 HA A36 +71 3 1 HA A37 +71 3 1 HA A38 +71 3 1 HA A39 +71 3 1 HA A40 +71 3 2 LO J0 +71 3 2 LO J1 +71 3 2 LO J2 +71 3 2 LO J3 +71 3 2 LO J4 +71 3 2 LO J5 +71 3 2 LO J6 +71 3 2 LO J7 +71 3 2 LO J8 +71 3 2 LO J9 +71 3 2 LO J10 +71 3 2 LO J11 +71 3 2 LO J12 +71 3 2 LO J13 +71 3 2 LO J14 +71 3 2 LO J15 +71 3 2 LO J16 +71 3 2 LO J17 +71 3 2 LO J18 +71 3 2 LO J19 +71 3 2 LO J20 +71 3 2 LO J21 +71 3 2 LO J22 +71 3 2 LO J23 +71 3 2 LO J24 +71 3 2 LO J25 +71 3 2 LO J26 +71 3 2 LO J27 +71 3 2 LO J28 +71 3 2 LO J29 +71 3 2 LO J30 +71 3 2 LO J31 +71 3 2 LO J32 +71 3 2 LO J33 +71 3 2 LO J34 +71 3 2 LO J35 +71 3 2 LO J36 +71 3 2 LO J37 +71 3 2 LO J38 +71 3 2 LO J39 +71 3 2 LO J40 +71 3 3 KI H3 +71 3 4 LA C9 +71 3 5 OK G17 +71 3 6 HO G30 +71 3 7 BA H33 +71 3 8 CA H6 +71 3 9 YA F4 +71 3 10 SO G0 +71 4 1 HA A0 +71 4 1 HA A1 +71 4 1 HA A2 +71 4 1 HA A3 +71 4 1 HA A4 +71 4 1 HA A5 +71 4 1 HA A6 +71 4 1 HA A7 +71 4 1 HA A8 +71 4 1 HA A9 +71 4 1 HA A10 +71 4 1 HA A11 +71 4 1 HA A12 +71 4 1 HA A13 +71 4 1 HA A14 +71 4 1 HA A15 +71 4 1 HA A16 +71 4 1 HA A17 +71 4 1 HA A18 +71 4 1 HA A19 +71 4 1 HA A20 +71 4 1 HA A21 +71 4 1 HA A22 +71 4 1 HA A23 +71 4 1 HA A24 +71 4 1 HA A25 +71 4 1 HA A26 +71 4 1 HA A27 +71 4 1 HA A28 +71 4 1 HA A29 +71 4 1 HA A30 +71 4 1 HA A31 +71 4 1 HA A32 +71 4 1 HA A33 +71 4 1 HA A34 +71 4 1 HA A35 +71 4 1 HA A36 +71 4 1 HA A37 +71 4 1 HA A38 +71 4 1 HA A39 +71 4 1 HA A40 +71 4 2 LO A0 +71 4 2 LO A1 +71 4 2 LO A2 +71 4 2 LO A3 +71 4 2 LO A4 +71 4 2 LO A5 +71 4 2 LO A6 +71 4 2 LO A7 +71 4 2 LO A8 +71 4 2 LO A9 +71 4 2 LO A10 +71 4 2 LO A11 +71 4 2 LO A12 +71 4 2 LO A13 +71 4 2 LO A14 +71 4 2 LO A15 +71 4 2 LO A16 +71 4 2 LO A17 +71 4 2 LO A18 +71 4 2 LO A19 +71 4 2 LO A20 +71 4 2 LO A21 +71 4 2 LO A22 +71 4 2 LO A23 +71 4 2 LO A24 +71 4 2 LO A25 +71 4 2 LO A26 +71 4 2 LO A27 +71 4 2 LO A28 +71 4 2 LO A29 +71 4 2 LO A30 +71 4 2 LO A31 +71 4 2 LO A32 +71 4 2 LO A33 +71 4 2 LO A34 +71 4 2 LO A35 +71 4 2 LO A36 +71 4 2 LO A37 +71 4 2 LO A38 +71 4 2 LO A39 +71 4 2 LO A40 +71 4 3 KI G2 +71 4 4 LA C9 +71 4 5 OK G17 +71 4 6 HO G29 +71 4 7 BA H34 +71 4 8 CA I5 +71 4 9 SO D0 +71 5 1 HA A0 +71 5 2 LO J0 +71 5 2 LO J1 +71 5 2 LO J2 +71 5 2 LO J3 +71 5 2 LO J4 +71 5 2 LO J5 +71 5 2 LO J6 +71 5 2 LO J7 +71 5 2 LO J8 +71 5 2 LO J9 +71 5 2 LO J10 +71 5 2 LO J11 +71 5 2 LO J12 +71 5 2 LO J13 +71 5 2 LO J14 +71 5 2 LO J15 +71 5 2 LO J16 +71 5 2 LO J17 +71 5 2 LO J18 +71 5 2 LO J19 +71 5 2 LO J20 +71 5 2 LO J21 +71 5 2 LO J22 +71 5 2 LO J23 +71 5 2 LO J24 +71 5 2 LO J25 +71 5 2 LO J26 +71 5 2 LO J27 +71 5 2 LO J28 +71 5 2 LO J29 +71 5 2 LO J30 +71 5 2 LO J31 +71 5 2 LO J32 +71 5 2 LO J33 +71 5 2 LO J34 +71 5 2 LO J35 +71 5 2 LO J36 +71 5 2 LO J37 +71 5 2 LO J38 +71 5 2 LO J39 +71 5 2 LO J40 +71 5 3 KI G3 +71 5 4 LA B8 +71 5 5 HO H29 +71 5 6 BA I32 +71 5 7 CA I6 +71 5 8 YA E4 +71 5 9 SO E0 +71 6 1 HA A0 +71 6 1 HA A1 +71 6 1 HA A2 +71 6 1 HA A3 +71 6 1 HA A4 +71 6 1 HA A5 +71 6 1 HA A6 +71 6 1 HA A7 +71 6 1 HA A8 +71 6 1 HA A9 +71 6 1 HA A10 +71 6 1 HA A11 +71 6 1 HA A12 +71 6 1 HA A13 +71 6 1 HA A14 +71 6 1 HA A15 +71 6 1 HA A16 +71 6 1 HA A17 +71 6 1 HA A18 +71 6 1 HA A19 +71 6 1 HA A20 +71 6 1 HA A21 +71 6 1 HA A22 +71 6 1 HA A23 +71 6 1 HA A24 +71 6 1 HA A25 +71 6 1 HA A26 +71 6 1 HA A27 +71 6 1 HA A28 +71 6 1 HA A29 +71 6 1 HA A30 +71 6 1 HA A31 +71 6 1 HA A32 +71 6 1 HA A33 +71 6 1 HA A34 +71 6 1 HA A35 +71 6 1 HA A36 +71 6 1 HA A37 +71 6 1 HA A38 +71 6 1 HA A39 +71 6 1 HA A40 +71 6 2 LO J0 +71 6 2 LO J1 +71 6 2 LO J2 +71 6 2 LO J3 +71 6 2 LO J4 +71 6 2 LO J5 +71 6 2 LO J6 +71 6 2 LO J7 +71 6 2 LO J8 +71 6 2 LO J9 +71 6 2 LO J10 +71 6 2 LO J11 +71 6 2 LO J12 +71 6 2 LO J13 +71 6 2 LO J14 +71 6 2 LO J15 +71 6 2 LO J16 +71 6 2 LO J17 +71 6 2 LO J18 +71 6 2 LO J19 +71 6 2 LO J20 +71 6 2 LO J21 +71 6 2 LO J22 +71 6 2 LO J23 +71 6 2 LO J24 +71 6 2 LO J25 +71 6 2 LO J26 +71 6 2 LO J27 +71 6 2 LO J28 +71 6 2 LO J29 +71 6 2 LO J30 +71 6 2 LO J31 +71 6 2 LO J32 +71 6 2 LO J33 +71 6 2 LO J34 +71 6 2 LO J35 +71 6 2 LO J36 +71 6 2 LO J37 +71 6 2 LO J38 +71 6 2 LO J39 +71 6 2 LO J40 +71 6 3 KI F2 +71 6 4 LA C9 +71 6 5 HO E17 +71 6 6 BA G34 +71 6 7 CA H6 +71 6 7 CA H7 +71 6 8 YA E5 +71 6 9 SO F0 +71 7 1 HA A0 +71 7 1 HA A1 +71 7 1 HA A2 +71 7 1 HA A3 +71 7 1 HA A4 +71 7 1 HA A5 +71 7 1 HA A6 +71 7 1 HA A7 +71 7 1 HA A8 +71 7 1 HA A9 +71 7 1 HA A10 +71 7 1 HA A11 +71 7 1 HA A12 +71 7 1 HA A13 +71 7 1 HA A14 +71 7 1 HA A15 +71 7 1 HA A16 +71 7 1 HA A17 +71 7 1 HA A18 +71 7 1 HA A19 +71 7 1 HA A20 +71 7 1 HA A21 +71 7 1 HA A22 +71 7 1 HA A23 +71 7 1 HA A24 +71 7 1 HA A25 +71 7 1 HA A26 +71 7 1 HA A27 +71 7 1 HA A28 +71 7 1 HA A29 +71 7 1 HA A30 +71 7 1 HA A31 +71 7 1 HA A32 +71 7 1 HA A33 +71 7 1 HA A34 +71 7 1 HA A35 +71 7 1 HA A36 +71 7 1 HA A37 +71 7 1 HA A38 +71 7 1 HA A39 +71 7 1 HA A40 +71 7 2 LO J0 +71 7 2 LO J1 +71 7 2 LO J2 +71 7 2 LO J3 +71 7 2 LO J4 +71 7 2 LO J5 +71 7 2 LO J6 +71 7 2 LO J7 +71 7 2 LO J8 +71 7 2 LO J9 +71 7 2 LO J10 +71 7 2 LO J11 +71 7 2 LO J12 +71 7 2 LO J13 +71 7 2 LO J14 +71 7 2 LO J15 +71 7 2 LO J16 +71 7 2 LO J17 +71 7 2 LO J18 +71 7 2 LO J19 +71 7 2 LO J20 +71 7 2 LO J21 +71 7 2 LO J22 +71 7 2 LO J23 +71 7 2 LO J24 +71 7 2 LO J25 +71 7 2 LO J26 +71 7 2 LO J27 +71 7 2 LO J28 +71 7 2 LO J29 +71 7 2 LO J30 +71 7 2 LO J31 +71 7 2 LO J32 +71 7 2 LO J33 +71 7 2 LO J34 +71 7 2 LO J35 +71 7 2 LO J36 +71 7 2 LO J37 +71 7 2 LO J38 +71 7 2 LO J39 +71 7 2 LO J40 +71 7 3 KI G2 +71 7 4 LA B10 +71 7 5 HO G19 +71 7 6 BA G33 +71 7 7 CA H8 +71 7 8 SO C29 +71 8 1 HA A0 +71 8 1 HA A1 +71 8 1 HA A2 +71 8 1 HA A3 +71 8 1 HA A4 +71 8 1 HA A5 +71 8 1 HA A6 +71 8 1 HA A7 +71 8 1 HA A8 +71 8 1 HA A9 +71 8 1 HA A10 +71 8 1 HA A11 +71 8 1 HA A12 +71 8 1 HA A13 +71 8 1 HA A14 +71 8 1 HA A15 +71 8 1 HA A16 +71 8 1 HA A17 +71 8 1 HA A18 +71 8 1 HA A19 +71 8 1 HA A20 +71 8 1 HA A21 +71 8 1 HA A22 +71 8 1 HA A23 +71 8 1 HA A24 +71 8 1 HA A25 +71 8 1 HA A26 +71 8 1 HA A27 +71 8 1 HA A28 +71 8 1 HA A29 +71 8 1 HA A30 +71 8 1 HA A31 +71 8 1 HA A32 +71 8 1 HA A33 +71 8 1 HA A34 +71 8 1 HA A35 +71 8 1 HA A36 +71 8 1 HA A37 +71 8 1 HA A38 +71 8 1 HA A39 +71 8 1 HA A40 +71 8 2 LO J0 +71 8 2 LO J1 +71 8 2 LO J2 +71 8 2 LO J3 +71 8 2 LO J4 +71 8 2 LO J5 +71 8 2 LO J6 +71 8 2 LO J7 +71 8 2 LO J8 +71 8 2 LO J9 +71 8 2 LO J10 +71 8 2 LO J11 +71 8 2 LO J12 +71 8 2 LO J13 +71 8 2 LO J14 +71 8 2 LO J15 +71 8 2 LO J16 +71 8 2 LO J17 +71 8 2 LO J18 +71 8 2 LO J19 +71 8 2 LO J20 +71 8 2 LO J21 +71 8 2 LO J22 +71 8 2 LO J23 +71 8 2 LO J24 +71 8 2 LO J25 +71 8 2 LO J26 +71 8 2 LO J27 +71 8 2 LO J28 +71 8 2 LO J29 +71 8 2 LO J30 +71 8 2 LO J31 +71 8 2 LO J32 +71 8 2 LO J33 +71 8 2 LO J34 +71 8 2 LO J35 +71 8 2 LO J36 +71 8 2 LO J37 +71 8 2 LO J38 +71 8 2 LO J39 +71 8 2 LO J40 +71 8 3 KI G1 +71 8 4 LA C8 +71 8 5 OK C15 +71 8 5 OK D15 +71 8 6 HO F29 +71 8 7 BA H32 +71 8 8 CA I6 +71 8 9 SO E0 +71 9 1 HA A0 +71 9 1 HA A1 +71 9 1 HA A2 +71 9 1 HA A3 +71 9 1 HA A4 +71 9 1 HA A5 +71 9 1 HA A6 +71 9 1 HA A7 +71 9 1 HA A8 +71 9 1 HA A9 +71 9 1 HA A10 +71 9 1 HA A11 +71 9 1 HA A12 +71 9 1 HA A13 +71 9 1 HA A14 +71 9 1 HA A15 +71 9 1 HA A16 +71 9 1 HA A17 +71 9 1 HA A18 +71 9 1 HA A19 +71 9 1 HA A20 +71 9 1 HA A21 +71 9 1 HA A22 +71 9 1 HA A23 +71 9 1 HA A24 +71 9 1 HA A25 +71 9 1 HA A26 +71 9 1 HA A27 +71 9 1 HA A28 +71 9 1 HA A29 +71 9 1 HA A30 +71 9 1 HA A31 +71 9 1 HA A32 +71 9 1 HA A33 +71 9 1 HA A34 +71 9 1 HA A35 +71 9 1 HA A36 +71 9 1 HA A37 +71 9 1 HA A38 +71 9 1 HA A39 +71 9 1 HA A40 +71 9 2 LO J0 +71 9 2 LO J1 +71 9 2 LO J2 +71 9 2 LO J3 +71 9 2 LO J4 +71 9 2 LO J5 +71 9 2 LO J6 +71 9 2 LO J7 +71 9 2 LO J8 +71 9 2 LO J9 +71 9 2 LO J10 +71 9 2 LO J11 +71 9 2 LO J12 +71 9 2 LO J13 +71 9 2 LO J14 +71 9 2 LO J15 +71 9 2 LO J16 +71 9 2 LO J17 +71 9 2 LO J18 +71 9 2 LO J19 +71 9 2 LO J20 +71 9 2 LO J21 +71 9 2 LO J22 +71 9 2 LO J23 +71 9 2 LO J24 +71 9 2 LO J25 +71 9 2 LO J26 +71 9 2 LO J27 +71 9 2 LO J28 +71 9 2 LO J29 +71 9 2 LO J30 +71 9 2 LO J31 +71 9 2 LO J32 +71 9 2 LO J33 +71 9 2 LO J34 +71 9 2 LO J35 +71 9 2 LO J36 +71 9 2 LO J37 +71 9 2 LO J38 +71 9 2 LO J39 +71 9 2 LO J40 +71 9 3 KI G1 +71 9 4 LA C10 +71 9 5 HO F19 +71 9 6 BA H34 +71 9 7 SO E0 +71 10 1 HA A0 +71 10 2 LO J0 +71 10 2 LO J1 +71 10 2 LO J2 +71 10 2 LO J3 +71 10 2 LO J4 +71 10 2 LO J5 +71 10 2 LO J6 +71 10 2 LO J7 +71 10 2 LO J8 +71 10 2 LO J9 +71 10 2 LO J10 +71 10 2 LO J11 +71 10 2 LO J12 +71 10 2 LO J13 +71 10 2 LO J14 +71 10 2 LO J15 +71 10 2 LO J16 +71 10 2 LO J17 +71 10 2 LO J18 +71 10 2 LO J19 +71 10 2 LO J20 +71 10 2 LO J21 +71 10 2 LO J22 +71 10 2 LO J23 +71 10 2 LO J24 +71 10 2 LO J25 +71 10 2 LO J26 +71 10 2 LO J27 +71 10 2 LO J28 +71 10 2 LO J29 +71 10 2 LO J30 +71 10 2 LO J31 +71 10 2 LO J32 +71 10 2 LO J33 +71 10 2 LO J34 +71 10 2 LO J35 +71 10 2 LO J36 +71 10 2 LO J37 +71 10 2 LO J38 +71 10 2 LO J39 +71 10 2 LO J40 +71 10 3 KI G1 +71 10 4 LA C8 +71 10 5 HO G28 +71 10 6 BA I36 +71 10 7 KO I38 +71 10 8 YA D6 +71 10 9 SO D28 +71 11 1 HA A0 +71 11 1 HA A1 +71 11 1 HA A2 +71 11 1 HA A3 +71 11 1 HA A4 +71 11 1 HA A5 +71 11 1 HA A6 +71 11 1 HA A7 +71 11 1 HA A8 +71 11 1 HA A9 +71 11 1 HA A10 +71 11 1 HA A11 +71 11 1 HA A12 +71 11 1 HA A13 +71 11 1 HA A14 +71 11 1 HA A15 +71 11 1 HA A16 +71 11 1 HA A17 +71 11 1 HA A18 +71 11 1 HA A19 +71 11 1 HA A20 +71 11 1 HA A21 +71 11 1 HA A22 +71 11 1 HA A23 +71 11 1 HA A24 +71 11 1 HA A25 +71 11 1 HA A26 +71 11 1 HA A27 +71 11 1 HA A28 +71 11 1 HA A29 +71 11 1 HA A30 +71 11 1 HA A31 +71 11 1 HA A32 +71 11 1 HA A33 +71 11 1 HA A34 +71 11 1 HA A35 +71 11 1 HA A36 +71 11 1 HA A37 +71 11 1 HA A38 +71 11 1 HA A39 +71 11 1 HA A40 +71 11 2 LO J0 +71 11 2 LO J1 +71 11 2 LO J2 +71 11 2 LO J3 +71 11 2 LO J4 +71 11 2 LO J5 +71 11 2 LO J6 +71 11 2 LO J7 +71 11 2 LO J8 +71 11 2 LO J9 +71 11 2 LO J10 +71 11 2 LO J11 +71 11 2 LO J12 +71 11 2 LO J13 +71 11 2 LO J14 +71 11 2 LO J15 +71 11 2 LO J16 +71 11 2 LO J17 +71 11 2 LO J18 +71 11 2 LO J19 +71 11 2 LO J20 +71 11 2 LO J21 +71 11 2 LO J22 +71 11 2 LO J23 +71 11 2 LO J24 +71 11 2 LO J25 +71 11 2 LO J26 +71 11 2 LO J27 +71 11 2 LO J28 +71 11 2 LO J29 +71 11 2 LO J30 +71 11 2 LO J31 +71 11 2 LO J32 +71 11 2 LO J33 +71 11 2 LO J34 +71 11 2 LO J35 +71 11 2 LO J36 +71 11 2 LO J37 +71 11 2 LO J38 +71 11 2 LO J39 +71 11 2 LO J40 +71 11 3 KI G1 +71 11 4 LA B12 +71 11 5 HO F26 +71 11 6 BA F33 +71 11 7 CA I10 +71 11 8 YA E4 +71 12 1 HA A0 +71 12 1 HA A1 +71 12 1 HA A2 +71 12 1 HA A3 +71 12 1 HA A4 +71 12 1 HA A5 +71 12 1 HA A6 +71 12 1 HA A7 +71 12 1 HA A8 +71 12 1 HA A9 +71 12 1 HA A10 +71 12 1 HA A11 +71 12 1 HA A12 +71 12 1 HA A13 +71 12 1 HA A14 +71 12 1 HA A15 +71 12 1 HA A16 +71 12 1 HA A17 +71 12 1 HA A18 +71 12 1 HA A19 +71 12 1 HA A20 +71 12 1 HA A21 +71 12 1 HA A22 +71 12 1 HA A23 +71 12 1 HA A24 +71 12 1 HA A25 +71 12 1 HA A26 +71 12 1 HA A27 +71 12 1 HA A28 +71 12 1 HA A29 +71 12 1 HA A30 +71 12 1 HA A31 +71 12 1 HA A32 +71 12 1 HA A33 +71 12 1 HA A34 +71 12 1 HA A35 +71 12 1 HA A36 +71 12 1 HA A37 +71 12 1 HA A38 +71 12 1 HA A39 +71 12 1 HA A40 +71 12 2 LO J0 +71 12 2 LO J1 +71 12 2 LO J2 +71 12 2 LO J3 +71 12 2 LO J4 +71 12 2 LO J5 +71 12 2 LO J6 +71 12 2 LO J7 +71 12 2 LO J8 +71 12 2 LO J9 +71 12 2 LO J10 +71 12 2 LO J11 +71 12 2 LO J12 +71 12 2 LO J13 +71 12 2 LO J14 +71 12 2 LO J15 +71 12 2 LO J16 +71 12 2 LO J17 +71 12 2 LO J18 +71 12 2 LO J19 +71 12 2 LO J20 +71 12 2 LO J21 +71 12 2 LO J22 +71 12 2 LO J23 +71 12 2 LO J24 +71 12 2 LO J25 +71 12 2 LO J26 +71 12 2 LO J27 +71 12 2 LO J28 +71 12 2 LO J29 +71 12 2 LO J30 +71 12 2 LO J31 +71 12 2 LO J32 +71 12 2 LO J33 +71 12 2 LO J34 +71 12 2 LO J35 +71 12 2 LO J36 +71 12 2 LO J37 +71 12 2 LO J38 +71 12 2 LO J39 +71 12 2 LO J40 +71 12 3 KI G1 +71 12 4 LA C11 +71 12 5 LI C15 +71 12 6 HO H29 +71 12 7 BA H33 +71 12 8 SO C28 +71 13 1 HA A0 +71 13 1 HA A1 +71 13 1 HA A2 +71 13 1 HA A3 +71 13 1 HA A4 +71 13 1 HA A5 +71 13 1 HA A6 +71 13 1 HA A7 +71 13 1 HA A8 +71 13 1 HA A9 +71 13 1 HA A10 +71 13 1 HA A11 +71 13 1 HA A12 +71 13 1 HA A13 +71 13 1 HA A14 +71 13 1 HA A15 +71 13 1 HA A16 +71 13 1 HA A17 +71 13 1 HA A18 +71 13 1 HA A19 +71 13 1 HA A20 +71 13 1 HA A21 +71 13 1 HA A22 +71 13 1 HA A23 +71 13 1 HA A24 +71 13 1 HA A25 +71 13 1 HA A26 +71 13 1 HA A27 +71 13 1 HA A28 +71 13 1 HA A29 +71 13 1 HA A30 +71 13 1 HA A31 +71 13 1 HA A32 +71 13 1 HA A33 +71 13 1 HA A34 +71 13 1 HA A35 +71 13 1 HA A36 +71 13 1 HA A37 +71 13 1 HA A38 +71 13 1 HA A39 +71 13 1 HA A40 +71 13 2 LO J0 +71 13 2 LO J1 +71 13 2 LO J2 +71 13 2 LO J3 +71 13 2 LO J4 +71 13 2 LO J5 +71 13 2 LO J6 +71 13 2 LO J7 +71 13 2 LO J8 +71 13 2 LO J9 +71 13 2 LO J10 +71 13 2 LO J11 +71 13 2 LO J12 +71 13 2 LO J13 +71 13 2 LO J14 +71 13 2 LO J15 +71 13 2 LO J16 +71 13 2 LO J17 +71 13 2 LO J18 +71 13 2 LO J19 +71 13 2 LO J20 +71 13 2 LO J21 +71 13 2 LO J22 +71 13 2 LO J23 +71 13 2 LO J24 +71 13 2 LO J25 +71 13 2 LO J26 +71 13 2 LO J27 +71 13 2 LO J28 +71 13 2 LO J29 +71 13 2 LO J30 +71 13 2 LO J31 +71 13 2 LO J32 +71 13 2 LO J33 +71 13 2 LO J34 +71 13 2 LO J35 +71 13 2 LO J36 +71 13 2 LO J37 +71 13 2 LO J38 +71 13 2 LO J39 +71 13 2 LO J40 +71 13 3 KI G3 +71 13 4 LA C9 +71 13 5 OK F19 +71 13 6 HO F29 +71 13 7 BA G32 +71 13 8 SO E30 +71 14 1 HA A40 +71 14 2 LO J39 +71 14 3 KI G40 +71 14 4 LA C9 +71 14 5 OK F17 +71 14 6 HO G28 +71 14 7 BA H36 +71 14 8 SO D0 +71 15 1 HA A0 +71 15 1 HA A1 +71 15 1 HA A2 +71 15 1 HA A3 +71 15 1 HA A4 +71 15 1 HA A5 +71 15 1 HA A6 +71 15 1 HA A7 +71 15 1 HA A8 +71 15 1 HA A9 +71 15 1 HA A10 +71 15 1 HA A11 +71 15 1 HA A12 +71 15 1 HA A13 +71 15 1 HA A14 +71 15 1 HA A15 +71 15 1 HA A16 +71 15 1 HA A17 +71 15 1 HA A18 +71 15 1 HA A19 +71 15 1 HA A20 +71 15 1 HA A21 +71 15 1 HA A22 +71 15 1 HA A23 +71 15 1 HA A24 +71 15 1 HA A25 +71 15 1 HA A26 +71 15 1 HA A27 +71 15 1 HA A28 +71 15 1 HA A29 +71 15 1 HA A30 +71 15 1 HA A31 +71 15 1 HA A32 +71 15 1 HA A33 +71 15 1 HA A34 +71 15 1 HA A35 +71 15 1 HA A36 +71 15 1 HA A37 +71 15 1 HA A38 +71 15 1 HA A39 +71 15 1 HA A40 +71 15 2 LO J0 +71 15 2 LO J1 +71 15 2 LO J2 +71 15 2 LO J3 +71 15 2 LO J4 +71 15 2 LO J5 +71 15 2 LO J6 +71 15 2 LO J7 +71 15 2 LO J8 +71 15 2 LO J9 +71 15 2 LO J10 +71 15 2 LO J11 +71 15 2 LO J12 +71 15 2 LO J13 +71 15 2 LO J14 +71 15 2 LO J15 +71 15 2 LO J16 +71 15 2 LO J17 +71 15 2 LO J18 +71 15 2 LO J19 +71 15 2 LO J20 +71 15 2 LO J21 +71 15 2 LO J22 +71 15 2 LO J23 +71 15 2 LO J24 +71 15 2 LO J25 +71 15 2 LO J26 +71 15 2 LO J27 +71 15 2 LO J28 +71 15 2 LO J29 +71 15 2 LO J30 +71 15 2 LO J31 +71 15 2 LO J32 +71 15 2 LO J33 +71 15 2 LO J34 +71 15 2 LO J35 +71 15 2 LO J36 +71 15 2 LO J37 +71 15 2 LO J38 +71 15 2 LO J39 +71 15 2 LO J40 +71 15 3 KI F2 +71 15 4 LA C9 +71 15 5 HO F29 +71 15 6 BA I33 +71 15 7 SO C29 +71 16 1 HA A0 +71 16 1 HA A1 +71 16 1 HA A2 +71 16 1 HA A3 +71 16 1 HA A4 +71 16 1 HA A5 +71 16 1 HA A6 +71 16 1 HA A7 +71 16 1 HA A8 +71 16 1 HA A9 +71 16 1 HA A10 +71 16 1 HA A11 +71 16 1 HA A12 +71 16 1 HA A13 +71 16 1 HA A14 +71 16 1 HA A15 +71 16 1 HA A16 +71 16 1 HA A17 +71 16 1 HA A18 +71 16 1 HA A19 +71 16 1 HA A20 +71 16 1 HA A21 +71 16 1 HA A22 +71 16 1 HA A23 +71 16 1 HA A24 +71 16 1 HA A25 +71 16 1 HA A26 +71 16 1 HA A27 +71 16 1 HA A28 +71 16 1 HA A29 +71 16 1 HA A30 +71 16 1 HA A31 +71 16 1 HA A32 +71 16 1 HA A33 +71 16 1 HA A34 +71 16 1 HA A35 +71 16 1 HA A36 +71 16 1 HA A37 +71 16 1 HA A38 +71 16 1 HA A39 +71 16 1 HA A40 +71 16 2 LO J5 +71 16 3 KI G1 +71 16 4 LA C11 +71 16 5 HO G29 +71 16 6 BA H33 +71 16 7 SO D29 +71 17 1 HA A0 +71 17 1 HA A1 +71 17 1 HA A2 +71 17 1 HA A3 +71 17 1 HA A4 +71 17 1 HA A5 +71 17 1 HA A6 +71 17 1 HA A7 +71 17 1 HA A8 +71 17 1 HA A9 +71 17 1 HA A10 +71 17 1 HA A11 +71 17 1 HA A12 +71 17 1 HA A13 +71 17 1 HA A14 +71 17 1 HA A15 +71 17 1 HA A16 +71 17 1 HA A17 +71 17 1 HA A18 +71 17 1 HA A19 +71 17 1 HA A20 +71 17 1 HA A21 +71 17 1 HA A22 +71 17 1 HA A23 +71 17 1 HA A24 +71 17 1 HA A25 +71 17 1 HA A26 +71 17 1 HA A27 +71 17 1 HA A28 +71 17 1 HA A29 +71 17 1 HA A30 +71 17 1 HA A31 +71 17 1 HA A32 +71 17 1 HA A33 +71 17 1 HA A34 +71 17 1 HA A35 +71 17 1 HA A36 +71 17 1 HA A37 +71 17 1 HA A38 +71 17 1 HA A39 +71 17 1 HA A40 +71 17 2 LO J11 +71 17 3 KI F1 +71 17 4 LA C9 +71 17 5 HO E19 +71 17 6 BA E34 +71 17 7 CA I6 +71 17 8 SO C31 +71 18 1 HA A40 +71 18 2 LO J0 +71 18 2 LO J1 +71 18 2 LO J2 +71 18 2 LO J3 +71 18 2 LO J4 +71 18 2 LO J5 +71 18 2 LO J6 +71 18 2 LO J7 +71 18 2 LO J8 +71 18 2 LO J9 +71 18 2 LO J10 +71 18 2 LO J11 +71 18 2 LO J12 +71 18 2 LO J13 +71 18 2 LO J14 +71 18 2 LO J15 +71 18 2 LO J16 +71 18 2 LO J17 +71 18 2 LO J18 +71 18 2 LO J19 +71 18 2 LO J20 +71 18 2 LO J21 +71 18 2 LO J22 +71 18 2 LO J23 +71 18 2 LO J24 +71 18 2 LO J25 +71 18 2 LO J26 +71 18 2 LO J27 +71 18 2 LO J28 +71 18 2 LO J29 +71 18 2 LO J30 +71 18 2 LO J31 +71 18 2 LO J32 +71 18 2 LO J33 +71 18 2 LO J34 +71 18 2 LO J35 +71 18 2 LO J36 +71 18 2 LO J37 +71 18 2 LO J38 +71 18 2 LO J39 +71 18 2 LO J40 +71 18 3 KI G40 +71 18 4 LA C9 +71 18 5 OK E18 +71 18 6 HO F29 +71 18 7 BA I34 +71 18 8 CA I6 +71 18 9 YA D6 +71 18 10 SO C26 +71 19 1 HA A11 +71 19 2 LO J39 +71 19 3 KI G1 +71 19 4 LA C9 +71 19 5 HO F17 +71 19 6 BA H34 +71 19 7 CA H7 +71 19 8 SO E0 +71 20 1 HA A0 +71 20 1 HA A40 +71 20 2 LO J0 +71 20 2 LO J1 +71 20 2 LO J2 +71 20 2 LO J3 +71 20 2 LO J4 +71 20 2 LO J5 +71 20 2 LO J6 +71 20 2 LO J7 +71 20 2 LO J8 +71 20 2 LO J9 +71 20 2 LO J10 +71 20 2 LO J11 +71 20 2 LO J12 +71 20 2 LO J13 +71 20 2 LO J14 +71 20 2 LO J15 +71 20 2 LO J16 +71 20 2 LO J17 +71 20 2 LO J18 +71 20 2 LO J19 +71 20 2 LO J20 +71 20 2 LO J21 +71 20 2 LO J22 +71 20 2 LO J23 +71 20 2 LO J24 +71 20 2 LO J25 +71 20 2 LO J26 +71 20 2 LO J27 +71 20 2 LO J28 +71 20 2 LO J29 +71 20 2 LO J30 +71 20 2 LO J31 +71 20 2 LO J32 +71 20 2 LO J33 +71 20 2 LO J34 +71 20 2 LO J35 +71 20 2 LO J36 +71 20 2 LO J37 +71 20 2 LO J38 +71 20 2 LO J39 +71 20 2 LO J40 +71 20 3 KI G3 +71 20 4 LA C9 +71 20 5 LI E15 +71 20 6 HO H29 +71 20 7 BA H32 +71 20 8 CA H7 +71 20 9 YA D6 +71 20 10 SO C0 +71 21 1 HA A40 +71 21 2 LO J14 +71 21 3 KI G40 +71 21 4 LA C9 +71 21 5 HO F17 +71 21 6 SO B37 +71 22 1 HA A36 +71 22 1 HA A37 +71 22 1 HA A38 +71 22 1 HA A39 +71 22 1 HA A40 +71 22 2 LO J0 +71 22 2 LO J1 +71 22 2 LO J2 +71 22 2 LO J3 +71 22 2 LO J4 +71 22 2 LO J5 +71 22 2 LO J6 +71 22 2 LO J7 +71 22 2 LO J8 +71 22 2 LO J9 +71 22 2 LO J10 +71 22 2 LO J11 +71 22 2 LO J12 +71 22 2 LO J13 +71 22 2 LO J14 +71 22 2 LO J15 +71 22 2 LO J16 +71 22 2 LO J17 +71 22 2 LO J18 +71 22 2 LO J19 +71 22 2 LO J20 +71 22 2 LO J21 +71 22 2 LO J22 +71 22 2 LO J23 +71 22 2 LO J24 +71 22 2 LO J25 +71 22 2 LO J26 +71 22 2 LO J27 +71 22 2 LO J28 +71 22 2 LO J29 +71 22 2 LO J30 +71 22 2 LO J31 +71 22 2 LO J32 +71 22 2 LO J33 +71 22 2 LO J34 +71 22 2 LO J35 +71 22 2 LO J36 +71 22 2 LO J37 +71 22 2 LO J38 +71 22 2 LO J39 +71 22 2 LO J40 +71 22 3 KI G1 +71 22 4 LA C9 +71 22 5 OK F17 +71 22 6 HO G30 +71 22 7 BA I33 +71 22 8 KO H40 +71 22 9 CA G7 +71 22 10 SO E0 +71 23 1 HA A40 +71 23 2 LO J0 +71 23 3 KI H40 +71 23 4 LA C11 +71 23 5 OK F17 +71 23 6 HO H30 +71 23 7 BA H33 +71 23 8 CA I5 +71 23 9 YA D8 +71 23 10 SO D0 +71 24 1 HA A40 +71 24 2 LO J0 +71 24 2 LO J1 +71 24 2 LO J2 +71 24 2 LO J3 +71 24 2 LO J4 +71 24 2 LO J5 +71 24 2 LO J6 +71 24 2 LO J7 +71 24 2 LO J8 +71 24 2 LO J9 +71 24 2 LO J10 +71 24 2 LO J11 +71 24 2 LO J12 +71 24 2 LO J13 +71 24 2 LO J14 +71 24 2 LO J15 +71 24 2 LO J16 +71 24 2 LO J17 +71 24 2 LO J18 +71 24 2 LO J19 +71 24 2 LO J20 +71 24 2 LO J21 +71 24 2 LO J22 +71 24 2 LO J23 +71 24 2 LO J24 +71 24 2 LO J25 +71 24 2 LO J26 +71 24 2 LO J27 +71 24 2 LO J28 +71 24 2 LO J29 +71 24 2 LO J30 +71 24 2 LO J31 +71 24 2 LO J32 +71 24 2 LO J33 +71 24 2 LO J34 +71 24 2 LO J35 +71 24 2 LO J36 +71 24 2 LO J37 +71 24 2 LO J38 +71 24 2 LO J39 +71 24 2 LO J40 +71 24 3 KI G1 +71 24 4 LA C9 +71 24 5 LI D16 +71 24 6 HO G18 +71 24 7 BA G33 +71 24 8 YA D6 +71 24 9 SO C25 +71 25 1 HA A40 +71 25 2 LO J15 +71 25 3 KI G1 +71 25 4 LA C8 +71 25 5 HO G30 +71 25 6 BA I38 +71 25 7 KO H36 +71 25 8 CA H5 +71 25 9 YA D6 +71 25 10 SO E0 +72 1 1 3 A0 +72 1 1 3 A1 +72 1 1 3 A2 +72 1 1 3 A3 +72 1 1 3 A4 +72 1 1 3 A5 +72 1 1 3 A6 +72 1 1 3 A7 +72 1 1 3 A8 +72 1 1 3 A9 +72 1 1 3 A10 +72 1 1 3 A11 +72 1 1 3 A12 +72 1 1 3 A13 +72 1 1 3 A14 +72 1 1 3 A15 +72 1 1 3 A16 +72 1 1 3 A17 +72 1 1 3 A18 +72 1 1 3 A19 +72 1 1 3 A20 +72 1 1 3 A21 +72 1 1 3 A22 +72 1 1 3 A23 +72 1 1 3 A24 +72 1 1 3 A25 +72 1 1 3 A26 +72 1 1 3 A27 +72 1 1 3 A28 +72 1 1 3 A29 +72 1 1 3 A30 +72 1 1 3 A31 +72 1 1 3 A32 +72 1 1 3 A33 +72 1 1 3 A34 +72 1 1 3 A35 +72 1 1 3 A36 +72 1 1 3 A37 +72 1 1 3 A38 +72 1 1 3 A39 +72 1 1 3 A40 +72 1 2 2 C9 +72 1 3 1 G28 +72 1 4 6 H34 +72 1 5 4 J0 +72 1 5 4 J1 +72 1 5 4 J2 +72 1 5 4 J3 +72 1 5 4 J4 +72 1 5 4 J5 +72 1 5 4 J6 +72 1 5 4 J7 +72 1 5 4 J8 +72 1 5 4 J9 +72 1 5 4 J10 +72 1 5 4 J11 +72 1 5 4 J12 +72 1 5 4 J13 +72 1 5 4 J14 +72 1 5 4 J15 +72 1 5 4 J16 +72 1 5 4 J17 +72 1 5 4 J18 +72 1 5 4 J19 +72 1 5 4 J20 +72 1 5 4 J21 +72 1 5 4 J22 +72 1 5 4 J23 +72 1 5 4 J24 +72 1 5 4 J25 +72 1 5 4 J26 +72 1 5 4 J27 +72 1 5 4 J28 +72 1 5 4 J29 +72 1 5 4 J30 +72 1 5 4 J31 +72 1 5 4 J32 +72 1 5 4 J33 +72 1 5 4 J34 +72 1 5 4 J35 +72 1 5 4 J36 +72 1 5 4 J37 +72 1 5 4 J38 +72 1 5 4 J39 +72 1 5 4 J40 +72 1 6 7 H7 +72 1 7 5 H3 +72 2 1 2 C11 +72 2 2 3 A0 +72 2 2 3 A1 +72 2 2 3 A2 +72 2 2 3 A3 +72 2 2 3 A4 +72 2 2 3 A5 +72 2 2 3 A6 +72 2 2 3 A7 +72 2 2 3 A8 +72 2 2 3 A9 +72 2 2 3 A10 +72 2 2 3 A11 +72 2 2 3 A12 +72 2 2 3 A13 +72 2 2 3 A14 +72 2 2 3 A15 +72 2 2 3 A16 +72 2 2 3 A17 +72 2 2 3 A18 +72 2 2 3 A19 +72 2 2 3 A20 +72 2 2 3 A21 +72 2 2 3 A22 +72 2 2 3 A23 +72 2 2 3 A24 +72 2 2 3 A25 +72 2 2 3 A26 +72 2 2 3 A27 +72 2 2 3 A28 +72 2 2 3 A29 +72 2 2 3 A30 +72 2 2 3 A31 +72 2 2 3 A32 +72 2 2 3 A33 +72 2 2 3 A34 +72 2 2 3 A35 +72 2 2 3 A36 +72 2 2 3 A37 +72 2 2 3 A38 +72 2 2 3 A39 +72 2 2 3 A40 +72 2 3 1 F21 +72 2 4 9 C40 +72 2 5 6 G40 +72 2 6 4 J0 +72 2 6 4 J1 +72 2 6 4 J2 +72 2 6 4 J3 +72 2 6 4 J4 +72 2 6 4 J5 +72 2 6 4 J6 +72 2 6 4 J7 +72 2 6 4 J8 +72 2 6 4 J9 +72 2 6 4 J10 +72 2 6 4 J11 +72 2 6 4 J12 +72 2 6 4 J13 +72 2 6 4 J14 +72 2 6 4 J15 +72 2 6 4 J16 +72 2 6 4 J17 +72 2 6 4 J18 +72 2 6 4 J19 +72 2 6 4 J20 +72 2 6 4 J21 +72 2 6 4 J22 +72 2 6 4 J23 +72 2 6 4 J24 +72 2 6 4 J25 +72 2 6 4 J26 +72 2 6 4 J27 +72 2 6 4 J28 +72 2 6 4 J29 +72 2 6 4 J30 +72 2 6 4 J31 +72 2 6 4 J32 +72 2 6 4 J33 +72 2 6 4 J34 +72 2 6 4 J35 +72 2 6 4 J36 +72 2 6 4 J37 +72 2 6 4 J38 +72 2 6 4 J39 +72 2 6 4 J40 +72 2 7 7 J0 +72 2 7 7 J1 +72 2 7 7 J2 +72 2 7 7 J3 +72 2 7 7 J4 +72 2 7 7 J5 +72 2 7 7 J6 +72 2 7 7 J7 +72 2 7 7 J8 +72 2 7 7 J9 +72 2 7 7 J10 +72 2 7 7 J11 +72 2 7 7 J12 +72 2 7 7 J13 +72 2 7 7 J14 +72 2 7 7 J15 +72 2 7 7 J16 +72 2 7 7 J17 +72 2 7 7 J18 +72 2 7 7 J19 +72 2 7 7 J20 +72 2 7 7 J21 +72 2 7 7 J22 +72 2 7 7 J23 +72 2 7 7 J24 +72 2 7 7 J25 +72 2 7 7 J26 +72 2 7 7 J27 +72 2 7 7 J28 +72 2 7 7 J29 +72 2 7 7 J30 +72 2 7 7 J31 +72 2 7 7 J32 +72 2 7 7 J33 +72 2 7 7 J34 +72 2 7 7 J35 +72 2 7 7 J36 +72 2 7 7 J37 +72 2 7 7 J38 +72 2 7 7 J39 +72 2 7 7 J40 +72 2 8 5 G1 +72 3 1 3 A0 +72 3 1 3 A1 +72 3 1 3 A2 +72 3 1 3 A3 +72 3 1 3 A4 +72 3 1 3 A5 +72 3 1 3 A6 +72 3 1 3 A7 +72 3 1 3 A8 +72 3 1 3 A9 +72 3 1 3 A10 +72 3 1 3 A11 +72 3 1 3 A12 +72 3 1 3 A13 +72 3 1 3 A14 +72 3 1 3 A15 +72 3 1 3 A16 +72 3 1 3 A17 +72 3 1 3 A18 +72 3 1 3 A19 +72 3 1 3 A20 +72 3 1 3 A21 +72 3 1 3 A22 +72 3 1 3 A23 +72 3 1 3 A24 +72 3 1 3 A25 +72 3 1 3 A26 +72 3 1 3 A27 +72 3 1 3 A28 +72 3 1 3 A29 +72 3 1 3 A30 +72 3 1 3 A31 +72 3 1 3 A32 +72 3 1 3 A33 +72 3 1 3 A34 +72 3 1 3 A35 +72 3 1 3 A36 +72 3 1 3 A37 +72 3 1 3 A38 +72 3 1 3 A39 +72 3 1 3 A40 +72 3 2 2 D6 +72 3 3 9 F9 +72 3 4 1 G20 +72 3 5 10 E39 +72 3 6 11 I10 +72 3 6 11 I11 +72 3 7 7 I7 +72 3 8 6 I2 +72 3 9 4 J0 +72 3 9 4 J1 +72 3 9 4 J2 +72 3 9 4 J3 +72 3 9 4 J4 +72 3 9 4 J5 +72 3 9 4 J6 +72 3 9 4 J7 +72 3 9 4 J8 +72 3 9 4 J9 +72 3 9 4 J10 +72 3 9 4 J11 +72 3 9 4 J12 +72 3 9 4 J13 +72 3 9 4 J14 +72 3 9 4 J15 +72 3 9 4 J16 +72 3 9 4 J17 +72 3 9 4 J18 +72 3 9 4 J19 +72 3 9 4 J20 +72 3 9 4 J21 +72 3 9 4 J22 +72 3 9 4 J23 +72 3 9 4 J24 +72 3 9 4 J25 +72 3 9 4 J26 +72 3 9 4 J27 +72 3 9 4 J28 +72 3 9 4 J29 +72 3 9 4 J30 +72 3 9 4 J31 +72 3 9 4 J32 +72 3 9 4 J33 +72 3 9 4 J34 +72 3 9 4 J35 +72 3 9 4 J36 +72 3 9 4 J37 +72 3 9 4 J38 +72 3 9 4 J39 +72 3 9 4 J40 +72 3 10 5 G0 +72 3 11 8 B1 +72 4 1 2 D6 +72 4 2 1 F15 +72 4 3 6 I38 +72 4 3 6 I39 +72 4 3 6 I40 +72 4 4 11 I8 +72 4 4 11 I9 +72 4 4 11 I10 +72 4 4 11 I11 +72 4 4 11 I12 +72 4 4 11 I13 +72 4 4 11 I14 +72 4 4 11 I15 +72 4 5 7 I5 +72 4 6 4 J0 +72 4 6 4 J1 +72 4 6 4 J2 +72 4 6 4 J3 +72 4 6 4 J4 +72 4 6 4 J5 +72 4 6 4 J6 +72 4 6 4 J7 +72 4 6 4 J8 +72 4 6 4 J9 +72 4 6 4 J10 +72 4 6 4 J11 +72 4 6 4 J12 +72 4 6 4 J13 +72 4 6 4 J14 +72 4 6 4 J15 +72 4 6 4 J16 +72 4 6 4 J17 +72 4 6 4 J18 +72 4 6 4 J19 +72 4 6 4 J20 +72 4 6 4 J21 +72 4 6 4 J22 +72 4 6 4 J23 +72 4 6 4 J24 +72 4 6 4 J25 +72 4 6 4 J26 +72 4 6 4 J27 +72 4 6 4 J28 +72 4 6 4 J29 +72 4 6 4 J30 +72 4 6 4 J31 +72 4 6 4 J32 +72 4 6 4 J33 +72 4 6 4 J34 +72 4 6 4 J35 +72 4 6 4 J36 +72 4 6 4 J37 +72 4 6 4 J38 +72 4 6 4 J39 +72 4 6 4 J40 +72 4 7 6 I0 +72 4 7 6 I1 +72 4 7 6 I2 +72 4 8 10 F2 +72 4 8 10 G2 +72 4 9 5 F4 +72 4 10 8 B3 +72 4 10 8 C2 +72 4 11 3 A0 +72 4 11 3 A1 +72 4 11 3 A2 +72 4 11 3 A3 +72 4 11 3 A4 +72 4 11 3 A5 +72 4 11 3 A6 +72 4 11 3 A7 +72 4 11 3 A8 +72 4 11 3 A9 +72 4 11 3 A10 +72 4 11 3 A11 +72 4 11 3 A12 +72 4 11 3 A13 +72 4 11 3 A14 +72 4 11 3 A15 +72 4 11 3 A16 +72 4 11 3 A17 +72 4 11 3 A18 +72 4 11 3 A19 +72 4 11 3 A20 +72 4 11 3 A21 +72 4 11 3 A22 +72 4 11 3 A23 +72 4 11 3 A24 +72 4 11 3 A25 +72 4 11 3 A26 +72 4 11 3 A27 +72 4 11 3 A28 +72 4 11 3 A29 +72 4 11 3 A30 +72 4 11 3 A31 +72 4 11 3 A32 +72 4 11 3 A33 +72 4 11 3 A34 +72 4 11 3 A35 +72 4 11 3 A36 +72 4 11 3 A37 +72 4 11 3 A38 +72 4 11 3 A39 +72 4 11 3 A40 +72 5 1 2 D6 +72 5 1 2 E5 +72 5 2 1 F16 +72 5 2 1 F17 +72 5 2 1 F18 +72 5 3 6 I1 +72 5 3 6 I2 +72 5 3 6 I3 +72 5 3 6 I38 +72 5 3 6 I39 +72 5 3 6 I40 +72 5 4 9 G5 +72 5 4 9 G6 +72 5 4 9 G7 +72 5 4 9 G8 +72 5 5 7 H6 +72 5 6 4 J0 +72 5 6 4 J1 +72 5 6 4 J2 +72 5 6 4 J3 +72 5 6 4 J4 +72 5 6 4 J5 +72 5 6 4 J6 +72 5 6 4 J7 +72 5 6 4 J8 +72 5 6 4 J9 +72 5 6 4 J10 +72 5 6 4 J11 +72 5 6 4 J12 +72 5 6 4 J13 +72 5 6 4 J14 +72 5 6 4 J15 +72 5 6 4 J16 +72 5 6 4 J17 +72 5 6 4 J18 +72 5 6 4 J19 +72 5 6 4 J20 +72 5 6 4 J21 +72 5 6 4 J22 +72 5 6 4 J23 +72 5 6 4 J24 +72 5 6 4 J25 +72 5 6 4 J26 +72 5 6 4 J27 +72 5 6 4 J28 +72 5 6 4 J29 +72 5 6 4 J30 +72 5 6 4 J31 +72 5 6 4 J32 +72 5 6 4 J33 +72 5 6 4 J34 +72 5 6 4 J35 +72 5 6 4 J36 +72 5 6 4 J37 +72 5 6 4 J38 +72 5 6 4 J39 +72 5 6 4 J40 +72 5 7 5 F3 +72 5 7 5 F4 +72 5 8 10 C1 +72 5 8 10 D1 +72 5 9 8 C0 +72 5 9 8 C1 +72 5 9 8 C2 +72 5 9 8 C3 +72 5 9 8 C4 +72 5 9 8 C5 +72 5 9 8 C6 +72 5 9 8 C7 +72 5 9 8 C8 +72 5 9 8 C9 +72 5 9 8 C10 +72 5 9 8 C11 +72 5 9 8 C12 +72 5 9 8 C13 +72 5 9 8 C14 +72 5 9 8 C15 +72 5 9 8 C16 +72 5 9 8 C17 +72 5 9 8 C18 +72 5 9 8 C19 +72 5 9 8 C20 +72 5 9 8 C21 +72 5 9 8 C22 +72 5 9 8 C23 +72 5 9 8 C24 +72 5 9 8 C25 +72 5 9 8 C26 +72 5 9 8 C27 +72 5 9 8 C28 +72 5 9 8 C29 +72 5 9 8 C30 +72 5 9 8 C31 +72 5 9 8 C32 +72 5 9 8 C33 +72 5 9 8 C34 +72 5 9 8 C35 +72 5 9 8 C36 +72 5 9 8 C37 +72 5 9 8 C38 +72 5 9 8 C39 +72 5 9 8 C40 +72 5 10 3 A0 +72 5 10 3 A1 +72 5 10 3 A2 +72 5 10 3 A3 +72 5 10 3 A4 +72 5 10 3 A5 +72 5 10 3 A6 +72 5 10 3 A7 +72 5 10 3 A8 +72 5 10 3 A9 +72 5 10 3 A10 +72 5 10 3 A11 +72 5 10 3 A12 +72 5 10 3 A13 +72 5 10 3 A14 +72 5 10 3 A15 +72 5 10 3 A16 +72 5 10 3 A17 +72 5 10 3 A18 +72 5 10 3 A19 +72 5 10 3 A20 +72 5 10 3 A21 +72 5 10 3 A22 +72 5 10 3 A23 +72 5 10 3 A24 +72 5 10 3 A25 +72 5 10 3 A26 +72 5 10 3 A27 +72 5 10 3 A28 +72 5 10 3 A29 +72 5 10 3 A30 +72 5 10 3 A31 +72 5 10 3 A32 +72 5 10 3 A33 +72 5 10 3 A34 +72 5 10 3 A35 +72 5 10 3 A36 +72 5 10 3 A37 +72 5 10 3 A38 +72 5 10 3 A39 +72 5 10 3 A40 +72 6 1 3 A0 +72 6 1 3 A1 +72 6 1 3 A2 +72 6 1 3 A3 +72 6 1 3 A4 +72 6 1 3 A5 +72 6 1 3 A6 +72 6 1 3 A7 +72 6 1 3 A8 +72 6 1 3 A9 +72 6 1 3 A10 +72 6 1 3 A11 +72 6 1 3 A12 +72 6 1 3 A13 +72 6 1 3 A14 +72 6 1 3 A15 +72 6 1 3 A16 +72 6 1 3 A17 +72 6 1 3 A18 +72 6 1 3 A19 +72 6 1 3 A20 +72 6 1 3 A21 +72 6 1 3 A22 +72 6 1 3 A23 +72 6 1 3 A24 +72 6 1 3 A25 +72 6 1 3 A26 +72 6 1 3 A27 +72 6 1 3 A28 +72 6 1 3 A29 +72 6 1 3 A30 +72 6 1 3 A31 +72 6 1 3 A32 +72 6 1 3 A33 +72 6 1 3 A34 +72 6 1 3 A35 +72 6 1 3 A36 +72 6 1 3 A37 +72 6 1 3 A38 +72 6 1 3 A39 +72 6 1 3 A40 +72 6 2 2 C9 +72 6 3 1 F18 +72 6 4 10 C37 +72 6 4 10 C38 +72 6 4 10 C39 +72 6 4 10 C40 +72 6 4 10 D37 +72 6 4 10 D38 +72 6 4 10 D39 +72 6 4 10 D40 +72 6 5 6 I32 +72 6 5 6 I33 +72 6 5 6 I34 +72 6 5 6 I35 +72 6 5 6 I36 +72 6 5 6 I37 +72 6 5 6 I38 +72 6 5 6 I39 +72 6 5 6 I40 +72 6 6 7 G6 +72 6 6 7 G7 +72 6 6 7 G8 +72 6 6 7 G9 +72 6 7 4 J0 +72 6 7 4 J1 +72 6 7 4 J2 +72 6 7 4 J3 +72 6 7 4 J4 +72 6 7 4 J5 +72 6 7 4 J6 +72 6 7 4 J7 +72 6 7 4 J8 +72 6 7 4 J9 +72 6 7 4 J10 +72 6 7 4 J11 +72 6 7 4 J12 +72 6 7 4 J13 +72 6 7 4 J14 +72 6 7 4 J15 +72 6 7 4 J16 +72 6 7 4 J17 +72 6 7 4 J18 +72 6 7 4 J19 +72 6 7 4 J20 +72 6 7 4 J21 +72 6 7 4 J22 +72 6 7 4 J23 +72 6 7 4 J24 +72 6 7 4 J25 +72 6 7 4 J26 +72 6 7 4 J27 +72 6 7 4 J28 +72 6 7 4 J29 +72 6 7 4 J30 +72 6 7 4 J31 +72 6 7 4 J32 +72 6 7 4 J33 +72 6 7 4 J34 +72 6 7 4 J35 +72 6 7 4 J36 +72 6 7 4 J37 +72 6 7 4 J38 +72 6 7 4 J39 +72 6 7 4 J40 +72 6 8 8 D0 +72 6 8 8 E0 +72 6 8 8 F0 +72 6 8 8 G0 +72 6 8 8 H0 +72 6 8 8 I0 +72 6 9 5 F3 +72 6 9 5 G3 +72 7 1 3 A0 +72 7 1 3 A1 +72 7 1 3 A2 +72 7 1 3 A3 +72 7 1 3 A4 +72 7 1 3 A5 +72 7 1 3 A6 +72 7 1 3 A7 +72 7 1 3 A8 +72 7 1 3 A9 +72 7 1 3 A10 +72 7 1 3 A11 +72 7 1 3 A12 +72 7 1 3 A13 +72 7 1 3 A14 +72 7 1 3 A15 +72 7 1 3 A16 +72 7 1 3 A17 +72 7 1 3 A18 +72 7 1 3 A19 +72 7 1 3 A20 +72 7 1 3 A21 +72 7 1 3 A22 +72 7 1 3 A23 +72 7 1 3 A24 +72 7 1 3 A25 +72 7 1 3 A26 +72 7 1 3 A27 +72 7 1 3 A28 +72 7 1 3 A29 +72 7 1 3 A30 +72 7 1 3 A31 +72 7 1 3 A32 +72 7 1 3 A33 +72 7 1 3 A34 +72 7 1 3 A35 +72 7 1 3 A36 +72 7 1 3 A37 +72 7 1 3 A38 +72 7 1 3 A39 +72 7 1 3 A40 +72 7 2 2 D6 +72 7 3 1 F28 +72 7 3 1 G28 +72 7 4 10 H32 +72 7 4 10 H33 +72 7 4 10 H34 +72 7 4 10 H35 +72 7 4 10 H36 +72 7 4 10 H37 +72 7 4 10 H38 +72 7 4 10 H39 +72 7 4 10 H40 +72 7 5 6 I32 +72 7 5 6 I33 +72 7 5 6 I34 +72 7 5 6 I35 +72 7 5 6 I36 +72 7 5 6 I37 +72 7 5 6 I38 +72 7 5 6 I39 +72 7 5 6 I40 +72 7 6 7 H7 +72 7 6 7 H8 +72 7 6 7 H9 +72 7 6 7 H10 +72 7 6 7 H11 +72 7 6 7 H12 +72 7 6 7 H13 +72 7 6 7 H14 +72 7 7 4 J0 +72 7 7 4 J1 +72 7 7 4 J2 +72 7 7 4 J3 +72 7 7 4 J4 +72 7 7 4 J5 +72 7 7 4 J6 +72 7 7 4 J7 +72 7 7 4 J8 +72 7 7 4 J9 +72 7 7 4 J10 +72 7 7 4 J11 +72 7 7 4 J12 +72 7 7 4 J13 +72 7 7 4 J14 +72 7 7 4 J15 +72 7 7 4 J16 +72 7 7 4 J17 +72 7 7 4 J18 +72 7 7 4 J19 +72 7 7 4 J20 +72 7 7 4 J21 +72 7 7 4 J22 +72 7 7 4 J23 +72 7 7 4 J24 +72 7 7 4 J25 +72 7 7 4 J26 +72 7 7 4 J27 +72 7 7 4 J28 +72 7 7 4 J29 +72 7 7 4 J30 +72 7 7 4 J31 +72 7 7 4 J32 +72 7 7 4 J33 +72 7 7 4 J34 +72 7 7 4 J35 +72 7 7 4 J36 +72 7 7 4 J37 +72 7 7 4 J38 +72 7 7 4 J39 +72 7 7 4 J40 +72 7 8 5 G0 +72 7 8 5 G1 +72 7 8 5 G2 +72 7 8 5 G3 +72 7 8 5 G4 +72 7 8 5 H0 +72 7 8 5 H1 +72 7 8 5 H2 +72 7 8 5 H3 +72 7 8 5 H4 +72 8 1 3 A0 +72 8 1 3 A1 +72 8 1 3 A2 +72 8 1 3 A3 +72 8 1 3 A4 +72 8 1 3 A5 +72 8 1 3 A6 +72 8 1 3 A7 +72 8 1 3 A8 +72 8 1 3 A9 +72 8 1 3 A10 +72 8 1 3 A11 +72 8 1 3 A12 +72 8 1 3 A13 +72 8 1 3 A14 +72 8 1 3 A15 +72 8 1 3 A16 +72 8 1 3 A17 +72 8 1 3 A18 +72 8 1 3 A19 +72 8 1 3 A20 +72 8 1 3 A21 +72 8 1 3 A22 +72 8 1 3 A23 +72 8 1 3 A24 +72 8 1 3 A25 +72 8 1 3 A26 +72 8 1 3 A27 +72 8 1 3 A28 +72 8 1 3 A29 +72 8 1 3 A30 +72 8 1 3 A31 +72 8 1 3 A32 +72 8 1 3 A33 +72 8 1 3 A34 +72 8 1 3 A35 +72 8 1 3 A36 +72 8 1 3 A37 +72 8 1 3 A38 +72 8 1 3 A39 +72 8 1 3 A40 +72 8 2 1 H28 +72 8 3 6 H35 +72 8 4 8 D36 +72 8 5 10 H37 +72 8 6 5 G40 +72 8 7 4 J0 +72 8 7 4 J1 +72 8 7 4 J2 +72 8 7 4 J3 +72 8 7 4 J4 +72 8 7 4 J5 +72 8 7 4 J6 +72 8 7 4 J7 +72 8 7 4 J8 +72 8 7 4 J9 +72 8 7 4 J10 +72 8 7 4 J11 +72 8 7 4 J12 +72 8 7 4 J13 +72 8 7 4 J14 +72 8 7 4 J15 +72 8 7 4 J16 +72 8 7 4 J17 +72 8 7 4 J18 +72 8 7 4 J19 +72 8 7 4 J20 +72 8 7 4 J21 +72 8 7 4 J22 +72 8 7 4 J23 +72 8 7 4 J24 +72 8 7 4 J25 +72 8 7 4 J26 +72 8 7 4 J27 +72 8 7 4 J28 +72 8 7 4 J29 +72 8 7 4 J30 +72 8 7 4 J31 +72 8 7 4 J32 +72 8 7 4 J33 +72 8 7 4 J34 +72 8 7 4 J35 +72 8 7 4 J36 +72 8 7 4 J37 +72 8 7 4 J38 +72 8 7 4 J39 +72 8 7 4 J40 +72 8 8 7 I36 +72 8 9 2 E6 +72 8 9 2 F6 +72 9 1 3 A0 +72 9 1 3 A1 +72 9 1 3 A2 +72 9 1 3 A3 +72 9 1 3 A4 +72 9 1 3 A5 +72 9 1 3 A6 +72 9 1 3 A7 +72 9 1 3 A8 +72 9 1 3 A9 +72 9 1 3 A10 +72 9 1 3 A11 +72 9 1 3 A12 +72 9 1 3 A13 +72 9 1 3 A14 +72 9 1 3 A15 +72 9 1 3 A16 +72 9 1 3 A17 +72 9 1 3 A18 +72 9 1 3 A19 +72 9 1 3 A20 +72 9 1 3 A21 +72 9 1 3 A22 +72 9 1 3 A23 +72 9 1 3 A24 +72 9 1 3 A25 +72 9 1 3 A26 +72 9 1 3 A27 +72 9 1 3 A28 +72 9 1 3 A29 +72 9 1 3 A30 +72 9 1 3 A31 +72 9 1 3 A32 +72 9 1 3 A33 +72 9 1 3 A34 +72 9 1 3 A35 +72 9 1 3 A36 +72 9 1 3 A37 +72 9 1 3 A38 +72 9 1 3 A39 +72 9 1 3 A40 +72 9 2 2 B10 +72 9 3 1 F16 +72 9 4 5 F40 +72 9 5 6 G36 +72 9 6 4 J0 +72 9 6 4 J1 +72 9 6 4 J2 +72 9 6 4 J3 +72 9 6 4 J4 +72 9 6 4 J5 +72 9 6 4 J6 +72 9 6 4 J7 +72 9 6 4 J8 +72 9 6 4 J9 +72 9 6 4 J10 +72 9 6 4 J11 +72 9 6 4 J12 +72 9 6 4 J13 +72 9 6 4 J14 +72 9 6 4 J15 +72 9 6 4 J16 +72 9 6 4 J17 +72 9 6 4 J18 +72 9 6 4 J19 +72 9 6 4 J20 +72 9 6 4 J21 +72 9 6 4 J22 +72 9 6 4 J23 +72 9 6 4 J24 +72 9 6 4 J25 +72 9 6 4 J26 +72 9 6 4 J27 +72 9 6 4 J28 +72 9 6 4 J29 +72 9 6 4 J30 +72 9 6 4 J31 +72 9 6 4 J32 +72 9 6 4 J33 +72 9 6 4 J34 +72 9 6 4 J35 +72 9 6 4 J36 +72 9 6 4 J37 +72 9 6 4 J38 +72 9 6 4 J39 +72 9 6 4 J40 +72 9 7 9 I1 +72 9 8 7 F0 +72 10 1 3 A0 +72 10 1 3 A1 +72 10 1 3 A2 +72 10 1 3 A3 +72 10 1 3 A4 +72 10 1 3 A5 +72 10 1 3 A6 +72 10 1 3 A7 +72 10 1 3 A8 +72 10 1 3 A9 +72 10 1 3 A10 +72 10 1 3 A11 +72 10 1 3 A12 +72 10 1 3 A13 +72 10 1 3 A14 +72 10 1 3 A15 +72 10 1 3 A16 +72 10 1 3 A17 +72 10 1 3 A18 +72 10 1 3 A19 +72 10 1 3 A20 +72 10 1 3 A21 +72 10 1 3 A22 +72 10 1 3 A23 +72 10 1 3 A24 +72 10 1 3 A25 +72 10 1 3 A26 +72 10 1 3 A27 +72 10 1 3 A28 +72 10 1 3 A29 +72 10 1 3 A30 +72 10 1 3 A31 +72 10 1 3 A32 +72 10 1 3 A33 +72 10 1 3 A34 +72 10 1 3 A35 +72 10 1 3 A36 +72 10 1 3 A37 +72 10 1 3 A38 +72 10 1 3 A39 +72 10 1 3 A40 +72 10 2 8 B7 +72 10 3 5 F1 +72 10 3 5 F2 +72 10 3 5 G1 +72 10 3 5 G2 +72 10 3 5 H1 +72 10 3 5 H2 +72 10 4 1 G15 +72 10 5 12 F33 +72 10 5 12 G33 +72 10 5 12 H29 +72 10 5 12 H33 +72 10 6 2 C12 +72 10 6 2 H30 +72 10 7 7 H7 +72 10 7 7 H8 +72 10 7 7 I7 +72 10 7 7 I8 +72 10 8 9 F7 +72 10 8 9 F8 +72 10 8 9 G7 +72 10 9 4 J0 +72 10 9 4 J1 +72 10 9 4 J2 +72 10 9 4 J3 +72 10 9 4 J4 +72 10 9 4 J5 +72 10 9 4 J6 +72 10 9 4 J7 +72 10 9 4 J8 +72 10 9 4 J9 +72 10 9 4 J10 +72 10 9 4 J11 +72 10 9 4 J12 +72 10 9 4 J13 +72 10 9 4 J14 +72 10 9 4 J15 +72 10 9 4 J16 +72 10 9 4 J17 +72 10 9 4 J18 +72 10 9 4 J19 +72 10 9 4 J20 +72 10 9 4 J21 +72 10 9 4 J22 +72 10 9 4 J23 +72 10 9 4 J24 +72 10 9 4 J25 +72 10 9 4 J26 +72 10 9 4 J27 +72 10 9 4 J28 +72 10 9 4 J29 +72 10 9 4 J30 +72 10 9 4 J31 +72 10 9 4 J32 +72 10 9 4 J33 +72 10 9 4 J34 +72 10 9 4 J35 +72 10 9 4 J36 +72 10 9 4 J37 +72 10 9 4 J38 +72 10 9 4 J39 +72 10 9 4 J40 +72 10 10 11 J0 +72 10 10 11 J1 +72 10 10 11 J2 +72 10 10 11 J3 +72 10 10 11 J4 +72 10 10 11 J5 +72 10 10 11 J6 +72 10 10 11 J7 +72 10 10 11 J8 +72 10 10 11 J9 +72 10 10 11 J10 +72 10 10 11 J11 +72 10 10 11 J12 +72 10 10 11 J13 +72 10 10 11 J14 +72 10 10 11 J15 +72 10 10 11 J16 +72 10 10 11 J17 +72 10 10 11 J18 +72 10 10 11 J19 +72 10 10 11 J20 +72 10 10 11 J21 +72 10 10 11 J22 +72 10 10 11 J23 +72 10 10 11 J24 +72 10 10 11 J25 +72 10 10 11 J26 +72 10 10 11 J27 +72 10 10 11 J28 +72 10 10 11 J29 +72 10 10 11 J30 +72 10 10 11 J31 +72 10 10 11 J32 +72 10 10 11 J33 +72 10 10 11 J34 +72 10 10 11 J35 +72 10 10 11 J36 +72 10 10 11 J37 +72 10 10 11 J38 +72 10 10 11 J39 +72 10 10 11 J40 +72 11 1 2 D8 +72 11 2 8 B24 +72 11 3 3 A0 +72 11 3 3 A1 +72 11 3 3 A2 +72 11 3 3 A3 +72 11 3 3 A4 +72 11 3 3 A5 +72 11 3 3 A6 +72 11 3 3 A7 +72 11 3 3 A8 +72 11 3 3 A9 +72 11 3 3 A10 +72 11 3 3 A11 +72 11 3 3 A12 +72 11 3 3 A13 +72 11 3 3 A14 +72 11 3 3 A15 +72 11 3 3 A16 +72 11 3 3 A17 +72 11 3 3 A18 +72 11 3 3 A19 +72 11 3 3 A20 +72 11 3 3 A21 +72 11 3 3 A22 +72 11 3 3 A23 +72 11 3 3 A24 +72 11 3 3 A25 +72 11 3 3 A26 +72 11 3 3 A27 +72 11 3 3 A28 +72 11 3 3 A29 +72 11 3 3 A30 +72 11 3 3 A31 +72 11 3 3 A32 +72 11 3 3 A33 +72 11 3 3 A34 +72 11 3 3 A35 +72 11 3 3 A36 +72 11 3 3 A37 +72 11 3 3 A38 +72 11 3 3 A39 +72 11 3 3 A40 +72 11 4 10 F39 +72 11 4 10 G38 +72 11 5 6 F39 +72 11 5 6 G38 +72 11 6 12 H29 +72 11 7 4 J0 +72 11 7 4 J1 +72 11 7 4 J2 +72 11 7 4 J3 +72 11 7 4 J4 +72 11 7 4 J5 +72 11 7 4 J6 +72 11 7 4 J7 +72 11 7 4 J8 +72 11 7 4 J9 +72 11 7 4 J10 +72 11 7 4 J11 +72 11 7 4 J12 +72 11 7 4 J13 +72 11 7 4 J14 +72 11 7 4 J15 +72 11 7 4 J16 +72 11 7 4 J17 +72 11 7 4 J18 +72 11 7 4 J19 +72 11 7 4 J20 +72 11 7 4 J21 +72 11 7 4 J22 +72 11 7 4 J23 +72 11 7 4 J24 +72 11 7 4 J25 +72 11 7 4 J26 +72 11 7 4 J27 +72 11 7 4 J28 +72 11 7 4 J29 +72 11 7 4 J30 +72 11 7 4 J31 +72 11 7 4 J32 +72 11 7 4 J33 +72 11 7 4 J34 +72 11 7 4 J35 +72 11 7 4 J36 +72 11 7 4 J37 +72 11 7 4 J38 +72 11 7 4 J39 +72 11 7 4 J40 +72 11 8 15 I25 +72 11 9 11 I22 +72 11 10 1 G20 +72 11 11 7 H8 +72 11 11 7 H9 +72 11 12 9 F7 +72 11 13 5 F3 +72 11 13 5 G2 +72 11 14 19 F0 +72 12 1 3 A0 +72 12 1 3 A1 +72 12 1 3 A2 +72 12 1 3 A3 +72 12 1 3 A4 +72 12 1 3 A5 +72 12 1 3 A6 +72 12 1 3 A7 +72 12 1 3 A8 +72 12 1 3 A9 +72 12 1 3 A10 +72 12 1 3 A11 +72 12 1 3 A12 +72 12 1 3 A13 +72 12 1 3 A14 +72 12 1 3 A15 +72 12 1 3 A16 +72 12 1 3 A17 +72 12 1 3 A18 +72 12 1 3 A19 +72 12 1 3 A20 +72 12 1 3 A21 +72 12 1 3 A22 +72 12 1 3 A23 +72 12 1 3 A24 +72 12 1 3 A25 +72 12 1 3 A26 +72 12 1 3 A27 +72 12 1 3 A28 +72 12 1 3 A29 +72 12 1 3 A30 +72 12 1 3 A31 +72 12 1 3 A32 +72 12 1 3 A33 +72 12 1 3 A34 +72 12 1 3 A35 +72 12 1 3 A36 +72 12 1 3 A37 +72 12 1 3 A38 +72 12 1 3 A39 +72 12 1 3 A40 +72 12 2 2 C9 +72 12 3 8 B38 +72 12 4 6 H36 +72 12 5 15 H29 +72 12 6 1 G20 +72 12 6 1 H29 +72 12 7 7 H6 +72 12 8 4 J0 +72 12 8 4 J1 +72 12 8 4 J2 +72 12 8 4 J3 +72 12 8 4 J4 +72 12 8 4 J5 +72 12 8 4 J6 +72 12 8 4 J7 +72 12 8 4 J8 +72 12 8 4 J9 +72 12 8 4 J10 +72 12 8 4 J11 +72 12 8 4 J12 +72 12 8 4 J13 +72 12 8 4 J14 +72 12 8 4 J15 +72 12 8 4 J16 +72 12 8 4 J17 +72 12 8 4 J18 +72 12 8 4 J19 +72 12 8 4 J20 +72 12 8 4 J21 +72 12 8 4 J22 +72 12 8 4 J23 +72 12 8 4 J24 +72 12 8 4 J25 +72 12 8 4 J26 +72 12 8 4 J27 +72 12 8 4 J28 +72 12 8 4 J29 +72 12 8 4 J30 +72 12 8 4 J31 +72 12 8 4 J32 +72 12 8 4 J33 +72 12 8 4 J34 +72 12 8 4 J35 +72 12 8 4 J36 +72 12 8 4 J37 +72 12 8 4 J38 +72 12 8 4 J39 +72 12 8 4 J40 +72 12 9 19 H0 +72 12 10 5 G1 +72 13 1 3 A0 +72 13 1 3 A1 +72 13 1 3 A2 +72 13 1 3 A3 +72 13 1 3 A4 +72 13 1 3 A5 +72 13 1 3 A6 +72 13 1 3 A7 +72 13 1 3 A8 +72 13 1 3 A9 +72 13 1 3 A10 +72 13 1 3 A11 +72 13 1 3 A12 +72 13 1 3 A13 +72 13 1 3 A14 +72 13 1 3 A15 +72 13 1 3 A16 +72 13 1 3 A17 +72 13 1 3 A18 +72 13 1 3 A19 +72 13 1 3 A20 +72 13 1 3 A21 +72 13 1 3 A22 +72 13 1 3 A23 +72 13 1 3 A24 +72 13 1 3 A25 +72 13 1 3 A26 +72 13 1 3 A27 +72 13 1 3 A28 +72 13 1 3 A29 +72 13 1 3 A30 +72 13 1 3 A31 +72 13 1 3 A32 +72 13 1 3 A33 +72 13 1 3 A34 +72 13 1 3 A35 +72 13 1 3 A36 +72 13 1 3 A37 +72 13 1 3 A38 +72 13 1 3 A39 +72 13 1 3 A40 +72 13 2 2 C8 +72 13 3 1 E18 +72 13 4 12 H33 +72 13 5 8 H7 +72 13 6 9 H7 +72 13 7 4 J0 +72 13 7 4 J1 +72 13 7 4 J2 +72 13 7 4 J3 +72 13 7 4 J4 +72 13 7 4 J5 +72 13 7 4 J6 +72 13 7 4 J7 +72 13 7 4 J8 +72 13 7 4 J9 +72 13 7 4 J10 +72 13 7 4 J11 +72 13 7 4 J12 +72 13 7 4 J13 +72 13 7 4 J14 +72 13 7 4 J15 +72 13 7 4 J16 +72 13 7 4 J17 +72 13 7 4 J18 +72 13 7 4 J19 +72 13 7 4 J20 +72 13 7 4 J21 +72 13 7 4 J22 +72 13 7 4 J23 +72 13 7 4 J24 +72 13 7 4 J25 +72 13 7 4 J26 +72 13 7 4 J27 +72 13 7 4 J28 +72 13 7 4 J29 +72 13 7 4 J30 +72 13 7 4 J31 +72 13 7 4 J32 +72 13 7 4 J33 +72 13 7 4 J34 +72 13 7 4 J35 +72 13 7 4 J36 +72 13 7 4 J37 +72 13 7 4 J38 +72 13 7 4 J39 +72 13 7 4 J40 +72 13 8 5 G2 +72 13 9 10 D2 +72 14 1 2 C8 +72 14 2 3 A0 +72 14 2 3 A1 +72 14 2 3 A2 +72 14 2 3 A3 +72 14 2 3 A4 +72 14 2 3 A5 +72 14 2 3 A6 +72 14 2 3 A7 +72 14 2 3 A8 +72 14 2 3 A9 +72 14 2 3 A10 +72 14 2 3 A11 +72 14 2 3 A12 +72 14 2 3 A13 +72 14 2 3 A14 +72 14 2 3 A15 +72 14 2 3 A16 +72 14 2 3 A17 +72 14 2 3 A18 +72 14 2 3 A19 +72 14 2 3 A20 +72 14 2 3 A21 +72 14 2 3 A22 +72 14 2 3 A23 +72 14 2 3 A24 +72 14 2 3 A25 +72 14 2 3 A26 +72 14 2 3 A27 +72 14 2 3 A28 +72 14 2 3 A29 +72 14 2 3 A30 +72 14 2 3 A31 +72 14 2 3 A32 +72 14 2 3 A33 +72 14 2 3 A34 +72 14 2 3 A35 +72 14 2 3 A36 +72 14 2 3 A37 +72 14 2 3 A38 +72 14 2 3 A39 +72 14 2 3 A40 +72 14 3 1 F18 +72 14 4 6 I31 +72 14 5 12 H29 +72 14 6 4 J0 +72 14 6 4 J1 +72 14 6 4 J2 +72 14 6 4 J3 +72 14 6 4 J4 +72 14 6 4 J5 +72 14 6 4 J6 +72 14 6 4 J7 +72 14 6 4 J8 +72 14 6 4 J9 +72 14 6 4 J10 +72 14 6 4 J11 +72 14 6 4 J12 +72 14 6 4 J13 +72 14 6 4 J14 +72 14 6 4 J15 +72 14 6 4 J16 +72 14 6 4 J17 +72 14 6 4 J18 +72 14 6 4 J19 +72 14 6 4 J20 +72 14 6 4 J21 +72 14 6 4 J22 +72 14 6 4 J23 +72 14 6 4 J24 +72 14 6 4 J25 +72 14 6 4 J26 +72 14 6 4 J27 +72 14 6 4 J28 +72 14 6 4 J29 +72 14 6 4 J30 +72 14 6 4 J31 +72 14 6 4 J32 +72 14 6 4 J33 +72 14 6 4 J34 +72 14 6 4 J35 +72 14 6 4 J36 +72 14 6 4 J37 +72 14 6 4 J38 +72 14 6 4 J39 +72 14 6 4 J40 +72 14 7 7 I7 +72 14 8 5 H1 +72 14 9 19 G0 +72 15 1 2 C8 +72 15 2 3 A0 +72 15 2 3 A1 +72 15 2 3 A2 +72 15 2 3 A3 +72 15 2 3 A4 +72 15 2 3 A5 +72 15 2 3 A6 +72 15 2 3 A7 +72 15 2 3 A8 +72 15 2 3 A9 +72 15 2 3 A10 +72 15 2 3 A11 +72 15 2 3 A12 +72 15 2 3 A13 +72 15 2 3 A14 +72 15 2 3 A15 +72 15 2 3 A16 +72 15 2 3 A17 +72 15 2 3 A18 +72 15 2 3 A19 +72 15 2 3 A20 +72 15 2 3 A21 +72 15 2 3 A22 +72 15 2 3 A23 +72 15 2 3 A24 +72 15 2 3 A25 +72 15 2 3 A26 +72 15 2 3 A27 +72 15 2 3 A28 +72 15 2 3 A29 +72 15 2 3 A30 +72 15 2 3 A31 +72 15 2 3 A32 +72 15 2 3 A33 +72 15 2 3 A34 +72 15 2 3 A35 +72 15 2 3 A36 +72 15 2 3 A37 +72 15 2 3 A38 +72 15 2 3 A39 +72 15 2 3 A40 +72 15 3 18 C13 +72 15 4 20 C13 +72 15 5 1 F20 +72 15 6 8 B31 +72 15 7 10 D37 +72 15 8 17 G40 +72 15 9 15 G31 +72 15 10 7 I3 +72 15 11 4 J0 +72 15 11 4 J1 +72 15 11 4 J2 +72 15 11 4 J3 +72 15 11 4 J4 +72 15 11 4 J5 +72 15 11 4 J6 +72 15 11 4 J7 +72 15 11 4 J8 +72 15 11 4 J9 +72 15 11 4 J10 +72 15 11 4 J11 +72 15 11 4 J12 +72 15 11 4 J13 +72 15 11 4 J14 +72 15 11 4 J15 +72 15 11 4 J16 +72 15 11 4 J17 +72 15 11 4 J18 +72 15 11 4 J19 +72 15 11 4 J20 +72 15 11 4 J21 +72 15 11 4 J22 +72 15 11 4 J23 +72 15 11 4 J24 +72 15 11 4 J25 +72 15 11 4 J26 +72 15 11 4 J27 +72 15 11 4 J28 +72 15 11 4 J29 +72 15 11 4 J30 +72 15 11 4 J31 +72 15 11 4 J32 +72 15 11 4 J33 +72 15 11 4 J34 +72 15 11 4 J35 +72 15 11 4 J36 +72 15 11 4 J37 +72 15 11 4 J38 +72 15 11 4 J39 +72 15 11 4 J40 +72 15 12 5 G3 +72 16 1 3 A0 +72 16 1 3 A1 +72 16 1 3 A2 +72 16 1 3 A3 +72 16 1 3 A4 +72 16 1 3 A5 +72 16 1 3 A6 +72 16 1 3 A7 +72 16 1 3 A8 +72 16 1 3 A9 +72 16 1 3 A10 +72 16 1 3 A11 +72 16 1 3 A12 +72 16 1 3 A13 +72 16 1 3 A14 +72 16 1 3 A15 +72 16 1 3 A16 +72 16 1 3 A17 +72 16 1 3 A18 +72 16 1 3 A19 +72 16 1 3 A20 +72 16 1 3 A21 +72 16 1 3 A22 +72 16 1 3 A23 +72 16 1 3 A24 +72 16 1 3 A25 +72 16 1 3 A26 +72 16 1 3 A27 +72 16 1 3 A28 +72 16 1 3 A29 +72 16 1 3 A30 +72 16 1 3 A31 +72 16 1 3 A32 +72 16 1 3 A33 +72 16 1 3 A34 +72 16 1 3 A35 +72 16 1 3 A36 +72 16 1 3 A37 +72 16 1 3 A38 +72 16 1 3 A39 +72 16 1 3 A40 +72 16 2 2 C9 +72 16 3 1 C17 +72 16 4 7 G8 +72 16 4 7 G9 +72 16 5 4 J0 +72 16 5 4 J1 +72 16 5 4 J2 +72 16 5 4 J3 +72 16 5 4 J4 +72 16 5 4 J5 +72 16 5 4 J6 +72 16 5 4 J7 +72 16 5 4 J8 +72 16 5 4 J9 +72 16 5 4 J10 +72 16 5 4 J11 +72 16 5 4 J12 +72 16 5 4 J13 +72 16 5 4 J14 +72 16 5 4 J15 +72 16 5 4 J16 +72 16 5 4 J17 +72 16 5 4 J18 +72 16 5 4 J19 +72 16 5 4 J20 +72 16 5 4 J21 +72 16 5 4 J22 +72 16 5 4 J23 +72 16 5 4 J24 +72 16 5 4 J25 +72 16 5 4 J26 +72 16 5 4 J27 +72 16 5 4 J28 +72 16 5 4 J29 +72 16 5 4 J30 +72 16 5 4 J31 +72 16 5 4 J32 +72 16 5 4 J33 +72 16 5 4 J34 +72 16 5 4 J35 +72 16 5 4 J36 +72 16 5 4 J37 +72 16 5 4 J38 +72 16 5 4 J39 +72 16 5 4 J40 +72 16 6 5 F4 +72 17 1 3 A0 +72 17 1 3 A1 +72 17 1 3 A2 +72 17 1 3 A3 +72 17 1 3 A4 +72 17 1 3 A5 +72 17 1 3 A6 +72 17 1 3 A7 +72 17 1 3 A8 +72 17 1 3 A9 +72 17 1 3 A10 +72 17 1 3 A11 +72 17 1 3 A12 +72 17 1 3 A13 +72 17 1 3 A14 +72 17 1 3 A15 +72 17 1 3 A16 +72 17 1 3 A17 +72 17 1 3 A18 +72 17 1 3 A19 +72 17 1 3 A20 +72 17 1 3 A21 +72 17 1 3 A22 +72 17 1 3 A23 +72 17 1 3 A24 +72 17 1 3 A25 +72 17 1 3 A26 +72 17 1 3 A27 +72 17 1 3 A28 +72 17 1 3 A29 +72 17 1 3 A30 +72 17 1 3 A31 +72 17 1 3 A32 +72 17 1 3 A33 +72 17 1 3 A34 +72 17 1 3 A35 +72 17 1 3 A36 +72 17 1 3 A37 +72 17 1 3 A38 +72 17 1 3 A39 +72 17 1 3 A40 +72 17 2 2 C11 +72 17 3 1 F17 +72 17 4 6 E38 +72 17 5 10 F40 +72 17 6 4 J0 +72 17 6 4 J1 +72 17 6 4 J2 +72 17 6 4 J3 +72 17 6 4 J4 +72 17 6 4 J5 +72 17 6 4 J6 +72 17 6 4 J7 +72 17 6 4 J8 +72 17 6 4 J9 +72 17 6 4 J10 +72 17 6 4 J11 +72 17 6 4 J12 +72 17 6 4 J13 +72 17 6 4 J14 +72 17 6 4 J15 +72 17 6 4 J16 +72 17 6 4 J17 +72 17 6 4 J18 +72 17 6 4 J19 +72 17 6 4 J20 +72 17 6 4 J21 +72 17 6 4 J22 +72 17 6 4 J23 +72 17 6 4 J24 +72 17 6 4 J25 +72 17 6 4 J26 +72 17 6 4 J27 +72 17 6 4 J28 +72 17 6 4 J29 +72 17 6 4 J30 +72 17 6 4 J31 +72 17 6 4 J32 +72 17 6 4 J33 +72 17 6 4 J34 +72 17 6 4 J35 +72 17 6 4 J36 +72 17 6 4 J37 +72 17 6 4 J38 +72 17 6 4 J39 +72 17 6 4 J40 +72 17 7 11 J0 +72 17 7 11 J1 +72 17 7 11 J2 +72 17 7 11 J3 +72 17 7 11 J4 +72 17 7 11 J5 +72 17 7 11 J6 +72 17 7 11 J7 +72 17 7 11 J8 +72 17 7 11 J9 +72 17 7 11 J10 +72 17 7 11 J11 +72 17 7 11 J12 +72 17 7 11 J13 +72 17 7 11 J14 +72 17 7 11 J15 +72 17 7 11 J16 +72 17 7 11 J17 +72 17 7 11 J18 +72 17 7 11 J19 +72 17 7 11 J20 +72 17 7 11 J21 +72 17 7 11 J22 +72 17 7 11 J23 +72 17 7 11 J24 +72 17 7 11 J25 +72 17 7 11 J26 +72 17 7 11 J27 +72 17 7 11 J28 +72 17 7 11 J29 +72 17 7 11 J30 +72 17 7 11 J31 +72 17 7 11 J32 +72 17 7 11 J33 +72 17 7 11 J34 +72 17 7 11 J35 +72 17 7 11 J36 +72 17 7 11 J37 +72 17 7 11 J38 +72 17 7 11 J39 +72 17 7 11 J40 +72 17 8 5 G2 +72 18 1 3 A0 +72 18 1 3 A1 +72 18 1 3 A2 +72 18 1 3 A3 +72 18 1 3 A4 +72 18 1 3 A5 +72 18 1 3 A6 +72 18 1 3 A7 +72 18 1 3 A8 +72 18 1 3 A9 +72 18 1 3 A10 +72 18 1 3 A11 +72 18 1 3 A12 +72 18 1 3 A13 +72 18 1 3 A14 +72 18 1 3 A15 +72 18 1 3 A16 +72 18 1 3 A17 +72 18 1 3 A18 +72 18 1 3 A19 +72 18 1 3 A20 +72 18 1 3 A21 +72 18 1 3 A22 +72 18 1 3 A23 +72 18 1 3 A24 +72 18 1 3 A25 +72 18 1 3 A26 +72 18 1 3 A27 +72 18 1 3 A28 +72 18 1 3 A29 +72 18 1 3 A30 +72 18 1 3 A31 +72 18 1 3 A32 +72 18 1 3 A33 +72 18 1 3 A34 +72 18 1 3 A35 +72 18 1 3 A36 +72 18 1 3 A37 +72 18 1 3 A38 +72 18 1 3 A39 +72 18 1 3 A40 +72 18 2 2 D5 +72 18 2 2 D6 +72 18 2 2 D7 +72 18 3 1 F17 +72 18 3 1 G17 +72 18 3 1 H17 +72 18 4 8 B1 +72 18 4 8 B2 +72 18 4 8 B3 +72 18 4 8 B4 +72 18 4 8 B5 +72 18 4 8 B6 +72 18 4 8 B7 +72 18 4 8 B8 +72 18 4 8 B31 +72 18 4 8 B32 +72 18 4 8 B33 +72 18 4 8 B34 +72 18 4 8 B35 +72 18 4 8 B36 +72 18 4 8 B37 +72 18 4 8 B38 +72 18 4 8 B39 +72 18 4 8 B40 +72 18 5 15 G32 +72 18 5 15 G33 +72 18 5 15 G34 +72 18 5 15 G35 +72 18 6 6 H33 +72 18 7 7 H6 +72 18 7 7 H7 +72 18 7 7 H8 +72 18 7 7 H9 +72 18 7 7 H10 +72 18 7 7 H11 +72 18 8 9 F6 +72 18 8 9 F7 +72 18 8 9 F8 +72 18 8 9 F9 +72 18 8 9 F10 +72 18 8 9 F11 +72 18 8 9 F12 +72 18 9 5 G4 +72 18 9 5 H4 +72 18 10 4 J0 +72 18 10 4 J1 +72 18 10 4 J2 +72 18 10 4 J3 +72 18 10 4 J4 +72 18 10 4 J5 +72 18 10 4 J6 +72 18 10 4 J7 +72 18 10 4 J8 +72 18 10 4 J9 +72 18 10 4 J10 +72 18 10 4 J11 +72 18 10 4 J12 +72 18 10 4 J13 +72 18 10 4 J14 +72 18 10 4 J15 +72 18 10 4 J16 +72 18 10 4 J17 +72 18 10 4 J18 +72 18 10 4 J19 +72 18 10 4 J20 +72 18 10 4 J21 +72 18 10 4 J22 +72 18 10 4 J23 +72 18 10 4 J24 +72 18 10 4 J25 +72 18 10 4 J26 +72 18 10 4 J27 +72 18 10 4 J28 +72 18 10 4 J29 +72 18 10 4 J30 +72 18 10 4 J31 +72 18 10 4 J32 +72 18 10 4 J33 +72 18 10 4 J34 +72 18 10 4 J35 +72 18 10 4 J36 +72 18 10 4 J37 +72 18 10 4 J38 +72 18 10 4 J39 +72 18 10 4 J40 +72 19 1 3 A0 +72 19 1 3 A1 +72 19 1 3 A2 +72 19 1 3 A3 +72 19 1 3 A4 +72 19 1 3 A5 +72 19 1 3 A6 +72 19 1 3 A7 +72 19 1 3 A8 +72 19 1 3 A9 +72 19 1 3 A10 +72 19 1 3 A11 +72 19 1 3 A12 +72 19 1 3 A13 +72 19 1 3 A14 +72 19 1 3 A15 +72 19 1 3 A16 +72 19 1 3 A17 +72 19 1 3 A18 +72 19 1 3 A19 +72 19 1 3 A20 +72 19 1 3 A21 +72 19 1 3 A22 +72 19 1 3 A23 +72 19 1 3 A24 +72 19 1 3 A25 +72 19 1 3 A26 +72 19 1 3 A27 +72 19 1 3 A28 +72 19 1 3 A29 +72 19 1 3 A30 +72 19 1 3 A31 +72 19 1 3 A32 +72 19 1 3 A33 +72 19 1 3 A34 +72 19 1 3 A35 +72 19 1 3 A36 +72 19 1 3 A37 +72 19 1 3 A38 +72 19 1 3 A39 +72 19 1 3 A40 +72 19 1 3 B0 +72 19 1 3 C0 +72 19 1 3 D0 +72 19 2 2 D6 +72 19 2 2 D7 +72 19 3 1 F26 +72 19 4 10 D35 +72 19 4 10 D36 +72 19 4 10 D37 +72 19 4 10 D38 +72 19 4 10 D39 +72 19 4 10 D40 +72 19 5 6 G33 +72 19 5 6 G34 +72 19 5 6 G35 +72 19 5 6 G36 +72 19 6 4 H0 +72 19 6 4 I0 +72 19 6 4 J0 +72 19 6 4 J1 +72 19 6 4 J2 +72 19 6 4 J3 +72 19 6 4 J4 +72 19 6 4 J5 +72 19 6 4 J6 +72 19 6 4 J7 +72 19 6 4 J8 +72 19 6 4 J9 +72 19 6 4 J10 +72 19 6 4 J11 +72 19 6 4 J12 +72 19 6 4 J13 +72 19 6 4 J14 +72 19 6 4 J15 +72 19 6 4 J16 +72 19 6 4 J17 +72 19 6 4 J18 +72 19 6 4 J19 +72 19 6 4 J20 +72 19 6 4 J21 +72 19 6 4 J22 +72 19 6 4 J23 +72 19 6 4 J24 +72 19 6 4 J25 +72 19 6 4 J26 +72 19 6 4 J27 +72 19 6 4 J28 +72 19 6 4 J29 +72 19 6 4 J30 +72 19 6 4 J31 +72 19 6 4 J32 +72 19 6 4 J33 +72 19 6 4 J34 +72 19 6 4 J35 +72 19 6 4 J36 +72 19 6 4 J37 +72 19 6 4 J38 +72 19 6 4 J39 +72 19 6 4 J40 +72 19 7 5 G1 +72 19 7 5 H1 +72 19 8 8 E0 +72 19 8 8 F0 +72 19 8 8 G0 +72 20 1 8 C2 +72 20 2 3 A0 +72 20 2 3 A1 +72 20 2 3 A2 +72 20 2 3 A3 +72 20 2 3 A4 +72 20 2 3 A5 +72 20 2 3 A6 +72 20 2 3 A7 +72 20 2 3 A8 +72 20 2 3 A9 +72 20 2 3 A10 +72 20 2 3 A11 +72 20 2 3 A12 +72 20 2 3 A13 +72 20 2 3 A14 +72 20 2 3 A15 +72 20 2 3 A16 +72 20 2 3 A17 +72 20 2 3 A18 +72 20 2 3 A19 +72 20 2 3 A20 +72 20 2 3 A21 +72 20 2 3 A22 +72 20 2 3 A23 +72 20 2 3 A24 +72 20 2 3 A25 +72 20 2 3 A26 +72 20 2 3 A27 +72 20 2 3 A28 +72 20 2 3 A29 +72 20 2 3 A30 +72 20 2 3 A31 +72 20 2 3 A32 +72 20 2 3 A33 +72 20 2 3 A34 +72 20 2 3 A35 +72 20 2 3 A36 +72 20 2 3 A37 +72 20 2 3 A38 +72 20 2 3 A39 +72 20 2 3 A40 +72 20 3 2 C10 +72 20 4 1 G17 +72 20 4 1 H18 +72 20 5 6 E38 +72 20 6 15 F28 +72 20 7 4 J0 +72 20 7 4 J1 +72 20 7 4 J2 +72 20 7 4 J3 +72 20 7 4 J4 +72 20 7 4 J5 +72 20 7 4 J6 +72 20 7 4 J7 +72 20 7 4 J8 +72 20 7 4 J9 +72 20 7 4 J10 +72 20 7 4 J11 +72 20 7 4 J12 +72 20 7 4 J13 +72 20 7 4 J14 +72 20 7 4 J15 +72 20 7 4 J16 +72 20 7 4 J17 +72 20 7 4 J18 +72 20 7 4 J19 +72 20 7 4 J20 +72 20 7 4 J21 +72 20 7 4 J22 +72 20 7 4 J23 +72 20 7 4 J24 +72 20 7 4 J25 +72 20 7 4 J26 +72 20 7 4 J27 +72 20 7 4 J28 +72 20 7 4 J29 +72 20 7 4 J30 +72 20 7 4 J31 +72 20 7 4 J32 +72 20 7 4 J33 +72 20 7 4 J34 +72 20 7 4 J35 +72 20 7 4 J36 +72 20 7 4 J37 +72 20 7 4 J38 +72 20 7 4 J39 +72 20 7 4 J40 +72 20 8 7 H8 +72 20 9 11 H0 +72 20 10 5 F4 +72 21 1 3 A0 +72 21 1 3 A1 +72 21 1 3 A2 +72 21 1 3 A3 +72 21 1 3 A4 +72 21 1 3 A5 +72 21 1 3 A6 +72 21 1 3 A7 +72 21 1 3 A8 +72 21 1 3 A9 +72 21 1 3 A10 +72 21 1 3 A11 +72 21 1 3 A12 +72 21 1 3 A13 +72 21 1 3 A14 +72 21 1 3 A15 +72 21 1 3 A16 +72 21 1 3 A17 +72 21 1 3 A18 +72 21 1 3 A19 +72 21 1 3 A20 +72 21 1 3 A21 +72 21 1 3 A22 +72 21 1 3 A23 +72 21 1 3 A24 +72 21 1 3 A25 +72 21 1 3 A26 +72 21 1 3 A27 +72 21 1 3 A28 +72 21 1 3 A29 +72 21 1 3 A30 +72 21 1 3 A31 +72 21 1 3 A32 +72 21 1 3 A33 +72 21 1 3 A34 +72 21 1 3 A35 +72 21 1 3 A36 +72 21 1 3 A37 +72 21 1 3 A38 +72 21 1 3 A39 +72 21 1 3 A40 +72 21 2 2 C11 +72 21 3 15 D15 +72 21 4 1 G21 +72 21 5 6 C38 +72 21 6 4 J0 +72 21 6 4 J1 +72 21 6 4 J2 +72 21 6 4 J3 +72 21 6 4 J4 +72 21 6 4 J5 +72 21 6 4 J6 +72 21 6 4 J7 +72 21 6 4 J8 +72 21 6 4 J9 +72 21 6 4 J10 +72 21 6 4 J11 +72 21 6 4 J12 +72 21 6 4 J13 +72 21 6 4 J14 +72 21 6 4 J15 +72 21 6 4 J16 +72 21 6 4 J17 +72 21 6 4 J18 +72 21 6 4 J19 +72 21 6 4 J20 +72 21 6 4 J21 +72 21 6 4 J22 +72 21 6 4 J23 +72 21 6 4 J24 +72 21 6 4 J25 +72 21 6 4 J26 +72 21 6 4 J27 +72 21 6 4 J28 +72 21 6 4 J29 +72 21 6 4 J30 +72 21 6 4 J31 +72 21 6 4 J32 +72 21 6 4 J33 +72 21 6 4 J34 +72 21 6 4 J35 +72 21 6 4 J36 +72 21 6 4 J37 +72 21 6 4 J38 +72 21 6 4 J39 +72 21 6 4 J40 +72 21 7 7 G6 +72 21 8 5 F2 +72 22 1 8 C3 +72 22 2 3 A0 +72 22 2 3 A1 +72 22 2 3 A2 +72 22 2 3 A3 +72 22 2 3 A4 +72 22 2 3 A5 +72 22 2 3 A6 +72 22 2 3 A7 +72 22 2 3 A8 +72 22 2 3 A9 +72 22 2 3 A10 +72 22 2 3 A11 +72 22 2 3 A12 +72 22 2 3 A13 +72 22 2 3 A14 +72 22 2 3 A15 +72 22 2 3 A16 +72 22 2 3 A17 +72 22 2 3 A18 +72 22 2 3 A19 +72 22 2 3 A20 +72 22 2 3 A21 +72 22 2 3 A22 +72 22 2 3 A23 +72 22 2 3 A24 +72 22 2 3 A25 +72 22 2 3 A26 +72 22 2 3 A27 +72 22 2 3 A28 +72 22 2 3 A29 +72 22 2 3 A30 +72 22 2 3 A31 +72 22 2 3 A32 +72 22 2 3 A33 +72 22 2 3 A34 +72 22 2 3 A35 +72 22 2 3 A36 +72 22 2 3 A37 +72 22 2 3 A38 +72 22 2 3 A39 +72 22 2 3 A40 +72 22 3 2 C10 +72 22 4 1 F19 +72 22 5 6 H35 +72 22 6 15 G18 +72 22 7 4 J0 +72 22 7 4 J1 +72 22 7 4 J2 +72 22 7 4 J3 +72 22 7 4 J4 +72 22 7 4 J5 +72 22 7 4 J6 +72 22 7 4 J7 +72 22 7 4 J8 +72 22 7 4 J9 +72 22 7 4 J10 +72 22 7 4 J11 +72 22 7 4 J12 +72 22 7 4 J13 +72 22 7 4 J14 +72 22 7 4 J15 +72 22 7 4 J16 +72 22 7 4 J17 +72 22 7 4 J18 +72 22 7 4 J19 +72 22 7 4 J20 +72 22 7 4 J21 +72 22 7 4 J22 +72 22 7 4 J23 +72 22 7 4 J24 +72 22 7 4 J25 +72 22 7 4 J26 +72 22 7 4 J27 +72 22 7 4 J28 +72 22 7 4 J29 +72 22 7 4 J30 +72 22 7 4 J31 +72 22 7 4 J32 +72 22 7 4 J33 +72 22 7 4 J34 +72 22 7 4 J35 +72 22 7 4 J36 +72 22 7 4 J37 +72 22 7 4 J38 +72 22 7 4 J39 +72 22 7 4 J40 +72 22 8 11 I5 +72 22 9 7 H5 +72 22 10 5 G1 +72 23 1 8 B5 +72 23 2 5 F11 +72 23 3 3 A0 +72 23 3 3 A1 +72 23 3 3 A2 +72 23 3 3 A3 +72 23 3 3 A4 +72 23 3 3 A5 +72 23 3 3 A6 +72 23 3 3 A7 +72 23 3 3 A8 +72 23 3 3 A9 +72 23 3 3 A10 +72 23 3 3 A11 +72 23 3 3 A12 +72 23 3 3 A13 +72 23 3 3 A14 +72 23 3 3 A15 +72 23 3 3 A16 +72 23 3 3 A17 +72 23 3 3 A18 +72 23 3 3 A19 +72 23 3 3 A20 +72 23 3 3 A21 +72 23 3 3 A22 +72 23 3 3 A23 +72 23 3 3 A24 +72 23 3 3 A25 +72 23 3 3 A26 +72 23 3 3 A27 +72 23 3 3 A28 +72 23 3 3 A29 +72 23 3 3 A30 +72 23 3 3 A31 +72 23 3 3 A32 +72 23 3 3 A33 +72 23 3 3 A34 +72 23 3 3 A35 +72 23 3 3 A36 +72 23 3 3 A37 +72 23 3 3 A38 +72 23 3 3 A39 +72 23 3 3 A40 +72 23 4 2 C12 +72 23 5 1 D17 +72 23 6 12 G39 +72 23 7 15 H31 +72 23 8 4 J0 +72 23 8 4 J1 +72 23 8 4 J2 +72 23 8 4 J3 +72 23 8 4 J4 +72 23 8 4 J5 +72 23 8 4 J6 +72 23 8 4 J7 +72 23 8 4 J8 +72 23 8 4 J9 +72 23 8 4 J10 +72 23 8 4 J11 +72 23 8 4 J12 +72 23 8 4 J13 +72 23 8 4 J14 +72 23 8 4 J15 +72 23 8 4 J16 +72 23 8 4 J17 +72 23 8 4 J18 +72 23 8 4 J19 +72 23 8 4 J20 +72 23 8 4 J21 +72 23 8 4 J22 +72 23 8 4 J23 +72 23 8 4 J24 +72 23 8 4 J25 +72 23 8 4 J26 +72 23 8 4 J27 +72 23 8 4 J28 +72 23 8 4 J29 +72 23 8 4 J30 +72 23 8 4 J31 +72 23 8 4 J32 +72 23 8 4 J33 +72 23 8 4 J34 +72 23 8 4 J35 +72 23 8 4 J36 +72 23 8 4 J37 +72 23 8 4 J38 +72 23 8 4 J39 +72 23 8 4 J40 +72 24 1 3 A0 +72 24 1 3 A1 +72 24 1 3 A2 +72 24 1 3 A3 +72 24 1 3 A4 +72 24 1 3 A5 +72 24 1 3 A6 +72 24 1 3 A7 +72 24 1 3 A8 +72 24 1 3 A9 +72 24 1 3 A10 +72 24 1 3 A11 +72 24 1 3 A12 +72 24 1 3 A13 +72 24 1 3 A14 +72 24 1 3 A15 +72 24 1 3 A16 +72 24 1 3 A17 +72 24 1 3 A18 +72 24 1 3 A19 +72 24 1 3 A20 +72 24 1 3 A21 +72 24 1 3 A22 +72 24 1 3 A23 +72 24 1 3 A24 +72 24 1 3 A25 +72 24 1 3 A26 +72 24 1 3 A27 +72 24 1 3 A28 +72 24 1 3 A29 +72 24 1 3 A30 +72 24 1 3 A31 +72 24 1 3 A32 +72 24 1 3 A33 +72 24 1 3 A34 +72 24 1 3 A35 +72 24 1 3 A36 +72 24 1 3 A37 +72 24 1 3 A38 +72 24 1 3 A39 +72 24 1 3 A40 +72 24 2 2 D9 +72 24 2 2 D10 +72 24 3 1 H17 +72 24 4 21 F34 +72 24 5 10 F39 +72 24 6 6 H34 +72 24 6 6 I34 +72 24 7 12 I22 +72 24 8 7 H6 +72 24 9 11 J0 +72 24 9 11 J1 +72 24 9 11 J2 +72 24 9 11 J3 +72 24 9 11 J4 +72 24 9 11 J5 +72 24 9 11 J6 +72 24 9 11 J7 +72 24 9 11 J8 +72 24 9 11 J9 +72 24 9 11 J10 +72 24 9 11 J11 +72 24 9 11 J12 +72 24 9 11 J13 +72 24 9 11 J14 +72 24 9 11 J15 +72 24 9 11 J16 +72 24 9 11 J17 +72 24 9 11 J18 +72 24 9 11 J19 +72 24 9 11 J20 +72 24 9 11 J21 +72 24 9 11 J22 +72 24 9 11 J23 +72 24 9 11 J24 +72 24 9 11 J25 +72 24 9 11 J26 +72 24 9 11 J27 +72 24 9 11 J28 +72 24 9 11 J29 +72 24 9 11 J30 +72 24 9 11 J31 +72 24 9 11 J32 +72 24 9 11 J33 +72 24 9 11 J34 +72 24 9 11 J35 +72 24 9 11 J36 +72 24 9 11 J37 +72 24 9 11 J38 +72 24 9 11 J39 +72 24 9 11 J40 +72 24 10 4 J0 +72 24 10 4 J1 +72 24 10 4 J2 +72 24 10 4 J3 +72 24 10 4 J4 +72 24 10 4 J5 +72 24 10 4 J6 +72 24 10 4 J7 +72 24 10 4 J8 +72 24 10 4 J9 +72 24 10 4 J10 +72 24 10 4 J11 +72 24 10 4 J12 +72 24 10 4 J13 +72 24 10 4 J14 +72 24 10 4 J15 +72 24 10 4 J16 +72 24 10 4 J17 +72 24 10 4 J18 +72 24 10 4 J19 +72 24 10 4 J20 +72 24 10 4 J21 +72 24 10 4 J22 +72 24 10 4 J23 +72 24 10 4 J24 +72 24 10 4 J25 +72 24 10 4 J26 +72 24 10 4 J27 +72 24 10 4 J28 +72 24 10 4 J29 +72 24 10 4 J30 +72 24 10 4 J31 +72 24 10 4 J32 +72 24 10 4 J33 +72 24 10 4 J34 +72 24 10 4 J35 +72 24 10 4 J36 +72 24 10 4 J37 +72 24 10 4 J38 +72 24 10 4 J39 +72 24 10 4 J40 +72 24 11 5 H1 +72 24 12 9 G0 +72 24 13 8 C0 +72 24 13 8 D0 +72 25 1 3 A0 +72 25 1 3 A1 +72 25 1 3 A2 +72 25 1 3 A3 +72 25 1 3 A4 +72 25 1 3 A5 +72 25 1 3 A6 +72 25 1 3 A7 +72 25 1 3 A8 +72 25 1 3 A9 +72 25 1 3 A10 +72 25 1 3 A11 +72 25 1 3 A12 +72 25 1 3 A13 +72 25 1 3 A14 +72 25 1 3 A15 +72 25 1 3 A16 +72 25 1 3 A17 +72 25 1 3 A18 +72 25 1 3 A19 +72 25 1 3 A20 +72 25 1 3 A21 +72 25 1 3 A22 +72 25 1 3 A23 +72 25 1 3 A24 +72 25 1 3 A25 +72 25 1 3 A26 +72 25 1 3 A27 +72 25 1 3 A28 +72 25 1 3 A29 +72 25 1 3 A30 +72 25 1 3 A31 +72 25 1 3 A32 +72 25 1 3 A33 +72 25 1 3 A34 +72 25 1 3 A35 +72 25 1 3 A36 +72 25 1 3 A37 +72 25 1 3 A38 +72 25 1 3 A39 +72 25 1 3 A40 +72 25 2 2 C8 +72 25 2 2 C9 +72 25 3 1 E19 +72 25 3 1 E20 +72 25 4 8 C34 +72 25 4 8 C35 +72 25 5 10 D35 +72 25 6 6 F36 +72 25 6 6 F37 +72 25 7 5 G39 +72 25 7 5 G40 +72 25 8 11 J0 +72 25 8 11 J1 +72 25 8 11 J2 +72 25 8 11 J3 +72 25 8 11 J4 +72 25 8 11 J5 +72 25 8 11 J6 +72 25 8 11 J7 +72 25 8 11 J8 +72 25 8 11 J9 +72 25 8 11 J10 +72 25 8 11 J11 +72 25 8 11 J12 +72 25 8 11 J13 +72 25 8 11 J14 +72 25 8 11 J15 +72 25 8 11 J16 +72 25 8 11 J17 +72 25 8 11 J18 +72 25 8 11 J19 +72 25 8 11 J20 +72 25 8 11 J21 +72 25 8 11 J22 +72 25 8 11 J23 +72 25 8 11 J24 +72 25 8 11 J25 +72 25 8 11 J26 +72 25 8 11 J27 +72 25 8 11 J28 +72 25 8 11 J29 +72 25 8 11 J30 +72 25 8 11 J31 +72 25 8 11 J32 +72 25 8 11 J33 +72 25 8 11 J34 +72 25 8 11 J35 +72 25 8 11 J36 +72 25 8 11 J37 +72 25 8 11 J38 +72 25 8 11 J39 +72 25 8 11 J40 +72 25 9 4 J0 +72 25 9 4 J1 +72 25 9 4 J2 +72 25 9 4 J3 +72 25 9 4 J4 +72 25 9 4 J5 +72 25 9 4 J6 +72 25 9 4 J7 +72 25 9 4 J8 +72 25 9 4 J9 +72 25 9 4 J10 +72 25 9 4 J11 +72 25 9 4 J12 +72 25 9 4 J13 +72 25 9 4 J14 +72 25 9 4 J15 +72 25 9 4 J16 +72 25 9 4 J17 +72 25 9 4 J18 +72 25 9 4 J19 +72 25 9 4 J20 +72 25 9 4 J21 +72 25 9 4 J22 +72 25 9 4 J23 +72 25 9 4 J24 +72 25 9 4 J25 +72 25 9 4 J26 +72 25 9 4 J27 +72 25 9 4 J28 +72 25 9 4 J29 +72 25 9 4 J30 +72 25 9 4 J31 +72 25 9 4 J32 +72 25 9 4 J33 +72 25 9 4 J34 +72 25 9 4 J35 +72 25 9 4 J36 +72 25 9 4 J37 +72 25 9 4 J38 +72 25 9 4 J39 +72 25 9 4 J40 +72 25 10 11 I5 +72 25 10 11 I6 +72 25 11 7 I5 +72 25 11 7 I6 +72 25 12 22 J0 +72 25 12 22 J1 +72 25 12 22 J2 +72 25 12 22 J3 +72 25 12 22 J4 +72 25 12 22 J5 +72 25 12 22 J6 +72 25 12 22 J7 +72 25 12 22 J8 +72 25 12 22 J9 +72 25 12 22 J10 +72 25 12 22 J11 +72 25 12 22 J12 +72 25 12 22 J13 +72 25 12 22 J14 +72 25 12 22 J15 +72 25 12 22 J16 +72 25 12 22 J17 +72 25 12 22 J18 +72 25 12 22 J19 +72 25 12 22 J20 +72 25 12 22 J21 +72 25 12 22 J22 +72 25 12 22 J23 +72 25 12 22 J24 +72 25 12 22 J25 +72 25 12 22 J26 +72 25 12 22 J27 +72 25 12 22 J28 +72 25 12 22 J29 +72 25 12 22 J30 +72 25 12 22 J31 +72 25 12 22 J32 +72 25 12 22 J33 +72 25 12 22 J34 +72 25 12 22 J35 +72 25 12 22 J36 +72 25 12 22 J37 +72 25 12 22 J38 +72 25 12 22 J39 +72 25 12 22 J40 +73 1 1 S E18 +73 1 2 I H31 +73 1 3 N G40 +73 1 4 U A0 +73 2 1 S E17 +73 2 2 N F1 +73 2 3 I J0 +73 2 4 U A0 +73 3 1 D G2 +73 3 2 I J0 +73 3 3 S I17 +73 3 4 U A0 +73 4 1 U A0 +73 4 2 N D1 +73 4 3 D F2 +73 4 4 Z D4 +73 4 5 T B7 +73 4 6 S F18 +73 4 7 M F26 +73 4 8 I J0 +73 4 9 A D25 +73 5 1 N F39 +73 5 2 I J0 +73 5 3 B E5 +73 5 4 D F2 +73 5 5 S D20 +73 5 6 U A0 +73 6 1 S H32 +73 6 2 I J0 +73 6 3 N H40 +73 6 4 U A0 +73 7 1 R E4 +73 7 2 U A0 +73 7 3 G C8 +73 7 4 S D17 +73 7 4 S E27 +73 7 5 I H31 +73 7 6 D F40 +73 8 1 U A0 +73 8 2 I J0 +73 8 3 D G1 +73 8 4 G C9 +73 8 5 S F20 +73 9 1 S D15 +73 9 2 U A0 +73 9 3 I J0 +73 9 4 D F2 +73 10 1 S D16 +73 10 2 U A0 +73 10 3 I J0 +73 10 4 D G1 +73 11 1 N F1 +73 11 1 N I2 +73 11 2 D G1 +73 11 3 U A0 +73 11 4 I J0 +73 11 5 M I35 +73 11 6 S D15 +73 11 7 G C8 +73 12 1 B G0 +73 12 2 G F4 +73 12 3 U A0 +73 12 4 D F40 +73 12 5 R H30 +73 12 6 I G26 +73 12 7 M H26 +73 12 8 S E18 +73 13 1 U A0 +73 13 2 I J0 +73 13 3 S E27 +73 13 4 D F4 +73 14 1 U A0 +73 14 2 S D12 +73 14 3 N E4 +73 14 4 I J0 +73 15 1 N F39 +73 15 2 T C11 +73 15 3 I J0 +73 15 4 S B11 +73 15 4 S B12 +73 15 4 S C12 +73 15 5 X A0 +73 15 5 X I16 +73 16 1 U A0 +73 16 2 N F1 +73 16 3 S F33 +73 16 4 I J0 +73 17 1 S C37 +73 17 2 I J0 +73 17 3 N E40 +73 17 4 X A0 +73 18 1 G C11 +73 18 2 D G2 +73 18 3 I J0 +73 18 4 U A0 +73 18 5 S D14 +74 1 1 A G17 +74 1 2 B G40 +74 1 3 BI J0 +74 1 4 K B0 +74 2 1 A G19 +74 2 2 B F39 +74 2 3 BI J0 +74 2 4 K A0 +74 3 1 A F17 +74 3 2 B F1 +74 3 3 BI J0 +74 3 4 K A0 +74 4 1 A E18 +74 4 2 B G2 +74 4 3 BI J0 +74 4 4 K A0 +74 5 1 A G20 +74 5 2 B F39 +74 5 3 BI J0 +74 5 4 K A0 +74 6 1 A G20 +74 6 2 B G1 +74 6 3 BI J0 +74 6 4 K A0 +74 7 1 A G18 +74 7 2 B F1 +74 7 3 BI J0 +74 7 4 K A0 +74 8 1 A G19 +74 8 2 B G3 +74 8 3 BI J0 +74 8 4 K A0 +74 9 1 A G19 +74 9 2 B H3 +74 9 3 BI J0 +74 9 4 K A0 +74 10 1 A F22 +74 10 2 B G3 +74 10 3 BI J0 +74 10 4 K A0 +74 11 1 A F18 +74 11 2 B G3 +74 11 3 BI J0 +74 11 4 K A0 +74 12 1 A G18 +74 12 2 B F3 +74 12 3 BI J0 +74 12 4 K A0 +74 13 1 A F16 +74 13 2 B G2 +74 13 3 BI J0 +74 13 4 K A0 +74 14 1 A G18 +74 14 2 B F39 +74 14 3 BI J0 +74 14 4 K A0 +74 15 1 A G20 +74 15 2 B G40 +74 15 3 BI J0 +74 15 4 K A0 +74 16 1 A F20 +74 16 2 B F39 +74 16 3 BI I0 +74 16 4 K C0 +74 17 1 A F16 +74 17 2 B G2 +74 17 3 BI J0 +74 17 4 K A0 +74 18 1 A F17 +74 18 2 B G1 +74 18 3 BI J0 +74 18 4 K A0 +74 19 1 A H28 +74 19 2 B F2 +74 19 3 BI J0 +74 19 4 K A0 +74 20 1 A F19 +74 20 2 B F2 +74 20 3 BI J0 +74 20 4 K A0 +74 21 1 A E20 +74 21 2 B F38 +74 21 3 BI J0 +74 21 4 K A0 +74 22 1 A F21 +74 22 2 B F4 +74 22 3 BI J0 +74 22 4 K A0 +74 23 1 A F15 +74 23 2 B G2 +74 23 3 BI J0 +74 23 4 K A0 +74 24 1 A G22 +74 24 2 B G40 +74 24 3 BI J0 +74 24 4 K A0 +74 25 1 A F22 +74 25 2 B G2 +74 25 3 BI J0 +74 25 4 K A0 +75 1 1 V A0 +75 1 2 R E1 +75 1 3 ME G4 +75 1 4 MA D7 +75 1 5 C F16 +75 1 6 G H31 +75 1 7 K J0 +75 2 1 V A0 +75 2 2 ME F4 +75 2 3 MA C10 +75 2 4 G I11 +75 2 5 C E18 +75 2 6 R C40 +75 2 7 K J0 +75 3 1 V A0 +75 3 2 ME G2 +75 3 3 G F8 +75 3 4 MA B11 +75 3 5 C E21 +75 3 6 R H40 +75 3 7 K J0 +75 4 1 V A0 +75 4 2 G F0 +75 4 3 ME G1 +75 4 4 MA B10 +75 4 5 C F17 +75 4 6 R E38 +75 4 7 K J0 +75 5 1 V A0 +75 5 2 ME C1 +75 5 3 MA E1 +75 5 4 G I3 +75 5 5 R D6 +75 5 6 C C20 +75 5 7 K J0 +75 6 1 V A0 +75 6 2 ME E4 +75 6 3 MA C11 +75 6 4 G G13 +75 6 5 C D18 +75 6 6 NY D26 +75 6 7 Z H26 +75 6 8 J G30 +75 6 9 R D37 +75 6 10 K J0 +75 7 1 V A0 +75 7 2 G D0 +75 7 3 Z F0 +75 7 4 MA C1 +75 7 5 ME G2 +75 7 6 C F28 +75 7 7 R E33 +75 7 8 K J0 +75 8 1 V A0 +75 8 2 Z C0 +75 8 3 G F0 +75 8 4 ME F4 +75 8 5 MA C9 +75 8 6 C E20 +75 8 7 R C36 +75 8 8 K J0 +75 9 1 V A0 +75 9 2 Z D0 +75 9 3 G E0 +75 9 4 ME G1 +75 9 5 MA C8 +75 9 6 C F18 +75 9 7 R E34 +75 9 8 K J0 +75 10 1 V A11 +75 10 2 MA B10 +75 10 3 ME F2 +75 10 4 G H0 +75 10 5 C E16 +75 10 6 N D28 +75 10 7 R E36 +75 10 8 K J12 +75 11 1 V A0 +75 11 2 R D2 +75 11 3 ME G2 +75 11 4 MA C11 +75 11 5 C D17 +75 11 6 N D26 +75 11 7 G I14 +75 11 8 K J0 +75 12 1 V A0 +75 12 2 ME F4 +75 12 3 MA C8 +75 12 4 G H10 +75 12 5 C C17 +75 12 6 R F33 +75 12 7 K J0 +75 13 1 V A0 +75 13 2 ME F3 +75 13 3 MA C10 +75 13 4 G I10 +75 13 5 C F18 +75 13 6 N D29 +75 13 7 R C39 +75 13 8 K J0 +75 14 1 V A0 +75 14 2 Z D0 +75 14 3 ME G1 +75 14 4 R B6 +75 14 5 MA C8 +75 14 6 C C16 +75 14 7 G C34 +75 14 8 K J0 +75 15 1 V A0 +75 15 2 G G0 +75 15 3 ME G2 +75 15 4 MA C12 +75 15 5 C E23 +75 15 6 R E40 +75 15 7 K J0 +75 16 1 V A0 +75 16 2 ME F3 +75 16 3 G H9 +75 16 4 MA C11 +75 16 5 C E18 +75 16 6 R D35 +75 16 7 K J0 +75 17 1 V A0 +75 17 2 G F0 +75 17 3 ME G1 +75 17 4 MA C8 +75 17 5 C F17 +75 17 6 R D39 +75 17 7 K J0 +75 18 1 V A0 +75 18 2 Z H8 +75 18 3 G F9 +75 18 4 K J0 +75 18 5 C E25 +75 18 6 R D33 +75 18 7 ME F40 +75 18 8 MA C9 +75 19 1 V A0 +75 19 2 ME F4 +75 19 3 MA C9 +75 19 4 C E17 +75 19 5 G J24 +75 19 6 N F29 +75 19 7 R D40 +75 19 8 K J0 +75 20 1 V A0 +75 20 2 G G0 +75 20 3 R B1 +75 20 4 K J1 +75 20 5 MA C10 +75 20 6 C D16 +75 20 7 N C26 +75 20 8 J G30 +75 20 9 ME G38 +75 21 1 V A0 +75 21 2 Z F0 +75 21 3 ME F1 +75 21 4 G G7 +75 21 5 MA C9 +75 21 6 C G28 +75 21 7 K J0 +75 21 8 R F37 +75 22 1 V A0 +75 22 2 Z F0 +75 22 3 ME G1 +75 22 4 G I4 +75 22 5 MA B12 +75 22 6 C G19 +75 22 7 R D36 +75 22 8 K J0 +75 23 1 V A0 +75 23 2 Z E0 +75 23 3 G H0 +75 23 4 ME G1 +75 23 5 MA C9 +75 23 6 C F16 +75 23 7 R E38 +75 23 8 K J0 +75 24 1 V A0 +75 24 2 G F0 +75 24 3 ME F2 +75 24 4 MA C13 +75 24 5 C F21 +75 24 6 D E33 +75 24 7 L I33 +75 24 8 R C39 +75 24 9 K J0 +75 25 1 V A0 +75 25 2 ME D5 +75 25 3 MA C12 +75 25 4 C C16 +75 25 5 K J22 +75 25 6 G E23 +75 25 7 R C37 +76 1 1 W E6 +76 1 2 C B3 +76 1 3 A A0 +76 1 3 A A1 +76 1 3 A A2 +76 1 3 A A3 +76 1 3 A A4 +76 1 3 A A5 +76 1 3 A A6 +76 1 3 A A7 +76 1 3 A A8 +76 1 3 A A9 +76 1 3 A A10 +76 1 3 A A11 +76 1 3 A A12 +76 1 3 A A13 +76 1 3 A A14 +76 1 3 A A15 +76 1 3 A A16 +76 1 3 A A17 +76 1 3 A A18 +76 1 3 A A19 +76 1 3 A A20 +76 1 3 A A21 +76 1 3 A A22 +76 1 3 A A23 +76 1 3 A A24 +76 1 3 A A25 +76 1 3 A A26 +76 1 3 A A27 +76 1 3 A A28 +76 1 3 A A29 +76 1 3 A A30 +76 1 3 A A31 +76 1 3 A A32 +76 1 3 A A33 +76 1 3 A A34 +76 1 3 A A35 +76 1 3 A A36 +76 1 3 A A37 +76 1 3 A A38 +76 1 3 A A39 +76 1 3 A A40 +76 1 4 N C12 +76 1 5 T H25 +76 1 6 5 F13 +76 1 7 X I14 +76 1 8 H J0 +76 1 8 H J1 +76 1 8 H J2 +76 1 8 H J3 +76 1 8 H J4 +76 1 8 H J5 +76 1 8 H J6 +76 1 8 H J7 +76 1 8 H J8 +76 1 8 H J9 +76 1 8 H J10 +76 1 8 H J11 +76 1 8 H J12 +76 1 8 H J13 +76 1 8 H J14 +76 1 8 H J15 +76 1 8 H J16 +76 1 8 H J17 +76 1 8 H J18 +76 1 8 H J19 +76 1 8 H J20 +76 1 8 H J21 +76 1 8 H J22 +76 1 8 H J23 +76 1 8 H J24 +76 1 8 H J25 +76 1 8 H J26 +76 1 8 H J27 +76 1 8 H J28 +76 1 8 H J29 +76 1 8 H J30 +76 1 8 H J31 +76 1 8 H J32 +76 1 8 H J33 +76 1 8 H J34 +76 1 8 H J35 +76 1 8 H J36 +76 1 8 H J37 +76 1 8 H J38 +76 1 8 H J39 +76 1 8 H J40 +76 1 9 U H3 +76 1 10 3 G2 +76 2 1 A A0 +76 2 1 A A1 +76 2 1 A A2 +76 2 1 A A3 +76 2 1 A A4 +76 2 1 A A5 +76 2 1 A A6 +76 2 1 A A7 +76 2 1 A A8 +76 2 1 A A9 +76 2 1 A A10 +76 2 1 A A11 +76 2 1 A A12 +76 2 1 A A13 +76 2 1 A A14 +76 2 1 A A15 +76 2 1 A A16 +76 2 1 A A17 +76 2 1 A A18 +76 2 1 A A19 +76 2 1 A A20 +76 2 1 A A21 +76 2 1 A A22 +76 2 1 A A23 +76 2 1 A A24 +76 2 1 A A25 +76 2 1 A A26 +76 2 1 A A27 +76 2 1 A A28 +76 2 1 A A29 +76 2 1 A A30 +76 2 1 A A31 +76 2 1 A A32 +76 2 1 A A33 +76 2 1 A A34 +76 2 1 A A35 +76 2 1 A A36 +76 2 1 A A37 +76 2 1 A A38 +76 2 1 A A39 +76 2 1 A A40 +76 2 2 U C5 +76 2 3 N C12 +76 2 4 T C28 +76 2 5 W F9 +76 2 6 H J0 +76 2 6 H J1 +76 2 6 H J2 +76 2 6 H J3 +76 2 6 H J4 +76 2 6 H J5 +76 2 6 H J6 +76 2 6 H J7 +76 2 6 H J8 +76 2 6 H J9 +76 2 6 H J10 +76 2 6 H J11 +76 3 1 DA D6 +76 3 2 W C10 +76 3 3 A A0 +76 3 3 A A1 +76 3 3 A A2 +76 3 3 A A3 +76 3 3 A A4 +76 3 3 A A5 +76 3 3 A A6 +76 3 3 A A7 +76 3 3 A A8 +76 3 3 A A9 +76 3 3 A A10 +76 3 3 A A11 +76 3 3 A A12 +76 3 3 A A13 +76 3 3 A A14 +76 3 3 A A15 +76 3 3 A A16 +76 3 3 A A17 +76 3 3 A A18 +76 3 3 A A19 +76 3 3 A A20 +76 3 3 A A21 +76 3 3 A A22 +76 3 3 A A23 +76 3 3 A A24 +76 3 3 A A25 +76 3 3 A A26 +76 3 3 A A27 +76 3 3 A A28 +76 3 3 A A29 +76 3 3 A A30 +76 3 3 A A31 +76 3 3 A A32 +76 3 3 A A33 +76 3 3 A A34 +76 3 3 A A35 +76 3 3 A A36 +76 3 3 A A37 +76 3 3 A A38 +76 3 3 A A39 +76 3 3 A A40 +76 3 4 C B37 +76 3 5 U E3 +76 3 6 H J0 +76 3 6 H J1 +76 3 6 H J2 +76 3 6 H J3 +76 3 6 H J4 +76 3 6 H J5 +76 3 6 H J6 +76 3 6 H J7 +76 3 6 H J8 +76 3 6 H J9 +76 3 6 H J10 +76 3 6 H J11 +76 3 6 H J12 +76 3 6 H J13 +76 3 6 H J14 +76 3 6 H J15 +76 3 6 H J16 +76 3 6 H J17 +76 3 6 H J18 +76 3 6 H J19 +76 3 6 H J20 +76 3 6 H J21 +76 3 6 H J22 +76 3 6 H J23 +76 3 6 H J24 +76 3 6 H J25 +76 3 6 H J26 +76 3 6 H J27 +76 3 6 H J28 +76 3 6 H J29 +76 3 6 H J30 +76 3 6 H J31 +76 3 6 H J32 +76 3 6 H J33 +76 3 6 H J34 +76 3 6 H J35 +76 3 6 H J36 +76 3 6 H J37 +76 3 6 H J38 +76 3 6 H J39 +76 3 6 H J40 +76 3 7 T G28 +76 3 8 N E16 +76 3 9 I I9 +76 3 10 3 F2 +76 3 11 TP F37 +76 4 1 A A0 +76 4 1 A A1 +76 4 1 A A2 +76 4 1 A A3 +76 4 1 A A4 +76 4 1 A A5 +76 4 1 A A6 +76 4 1 A A7 +76 4 1 A A8 +76 4 1 A A9 +76 4 1 A A10 +76 4 1 A A11 +76 4 1 A A12 +76 4 1 A A13 +76 4 1 A A14 +76 4 1 A A15 +76 4 1 A A16 +76 4 1 A A17 +76 4 1 A A18 +76 4 1 A A19 +76 4 1 A A20 +76 4 1 A A21 +76 4 1 A A22 +76 4 1 A A23 +76 4 1 A A24 +76 4 1 A A25 +76 4 1 A A26 +76 4 1 A A27 +76 4 1 A A28 +76 4 1 A A29 +76 4 1 A A30 +76 4 1 A A31 +76 4 1 A A32 +76 4 1 A A33 +76 4 1 A A34 +76 4 1 A A35 +76 4 1 A A36 +76 4 1 A A37 +76 4 1 A A38 +76 4 1 A A39 +76 4 1 A A40 +76 4 2 M D10 +76 4 3 N D8 +76 4 4 W E19 +76 4 5 T E34 +76 4 6 I H6 +76 4 7 G F4 +76 4 8 H J0 +76 4 8 H J1 +76 4 8 H J2 +76 4 8 H J3 +76 4 8 H J4 +76 4 8 H J5 +76 4 8 H J6 +76 4 8 H J7 +76 4 8 H J8 +76 4 8 H J9 +76 4 8 H J10 +76 4 8 H J11 +76 4 8 H J12 +76 4 8 H J13 +76 4 8 H J14 +76 4 8 H J15 +76 4 8 H J16 +76 4 8 H J17 +76 4 8 H J18 +76 4 8 H J19 +76 4 8 H J20 +76 4 8 H J21 +76 4 8 H J22 +76 4 8 H J23 +76 4 8 H J24 +76 4 8 H J25 +76 4 8 H J26 +76 4 8 H J27 +76 4 8 H J28 +76 4 8 H J29 +76 4 8 H J30 +76 4 8 H J31 +76 4 8 H J32 +76 4 8 H J33 +76 4 8 H J34 +76 4 8 H J35 +76 4 8 H J36 +76 4 8 H J37 +76 4 8 H J38 +76 4 8 H J39 +76 4 8 H J40 +76 4 9 U G1 +76 5 1 A A0 +76 5 1 A A1 +76 5 1 A A2 +76 5 1 A A3 +76 5 1 A A4 +76 5 1 A A5 +76 5 2 U C3 +76 5 3 W C12 +76 5 4 5 G22 +76 5 5 WY H26 +76 5 6 L D10 +76 5 7 H J0 +76 5 7 H J1 +76 5 7 H J2 +76 5 7 H J3 +76 5 7 H J4 +76 5 7 H J5 +76 5 7 H J6 +76 5 7 H J7 +76 5 7 H J8 +76 5 7 H J9 +76 5 7 H J10 +76 5 7 H J11 +76 5 7 H J12 +76 5 7 H J13 +76 5 7 H J14 +76 5 7 H J15 +76 5 7 H J16 +76 5 7 H J17 +76 5 7 H J18 +76 5 7 H J19 +76 5 7 H J20 +76 5 7 H J21 +76 5 7 H J22 +76 5 7 H J23 +76 5 7 H J24 +76 5 8 I D7 +76 6 1 I D4 +76 6 2 N D6 +76 6 3 T F15 +76 6 4 A A0 +76 6 4 A A1 +76 6 4 A A2 +76 6 4 A A3 +76 6 4 A A4 +76 6 4 A A5 +76 6 4 A A6 +76 6 4 A A7 +76 6 4 A A8 +76 6 4 A A9 +76 6 4 A A10 +76 6 4 A A11 +76 6 4 A A12 +76 6 4 A A13 +76 6 4 A A14 +76 6 4 A A15 +76 6 4 A A16 +76 6 4 A A17 +76 6 4 A A18 +76 6 4 A A19 +76 6 4 A A20 +76 6 4 A A21 +76 6 4 A A22 +76 6 4 A A23 +76 6 4 A A24 +76 6 4 A A25 +76 6 4 A A26 +76 6 4 A A27 +76 6 4 A A28 +76 6 4 A A29 +76 6 4 A A30 +76 6 4 A A31 +76 6 4 A A32 +76 6 4 A A33 +76 6 4 A A34 +76 6 4 A A35 +76 6 4 A A36 +76 6 4 A A37 +76 6 4 A A38 +76 6 4 A A39 +76 6 4 A A40 +76 6 5 W F37 +76 6 6 H J0 +76 6 6 H J1 +76 6 6 H J2 +76 6 6 H J3 +76 6 6 H J4 +76 6 6 H J5 +76 6 6 H J6 +76 6 6 H J7 +76 6 6 H J8 +76 6 6 H J9 +76 6 6 H J10 +76 6 6 H J11 +76 6 6 H J12 +76 6 6 H J13 +76 6 6 H J14 +76 6 6 H J15 +76 6 6 H J16 +76 6 6 H J17 +76 6 6 H J18 +76 6 6 H J19 +76 6 6 H J20 +76 6 6 H J21 +76 6 6 H J22 +76 6 6 H J23 +76 6 6 H J24 +76 6 6 H J25 +76 6 6 H J26 +76 6 6 H J27 +76 6 6 H J28 +76 6 6 H J29 +76 6 6 H J30 +76 6 6 H J31 +76 6 6 H J32 +76 6 6 H J33 +76 6 6 H J34 +76 6 6 H J35 +76 6 6 H J36 +76 6 6 H J37 +76 6 6 H J38 +76 6 6 H J39 +76 6 6 H J40 +76 6 7 G H3 +76 6 8 U G1 +76 7 1 A A0 +76 7 1 A A1 +76 7 1 A A2 +76 7 1 A A3 +76 7 1 A A4 +76 7 1 A A5 +76 7 1 A A6 +76 7 1 A A7 +76 7 1 A A8 +76 7 2 N C8 +76 7 3 W G18 +76 7 4 T I38 +76 7 5 H J25 +76 7 5 H J26 +76 7 5 H J27 +76 7 5 H J28 +76 7 5 H J29 +76 7 5 H J30 +76 7 5 H J31 +76 7 5 H J32 +76 7 5 H J33 +76 7 5 H J34 +76 7 5 H J35 +76 7 5 H J36 +76 7 5 H J37 +76 7 5 H J38 +76 7 5 H J39 +76 7 5 H J40 +76 7 6 U G1 +76 8 1 A A0 +76 8 1 A A1 +76 8 1 A A2 +76 8 1 A A3 +76 8 1 A A4 +76 8 1 A A5 +76 8 1 A A6 +76 8 1 A A7 +76 8 1 A A8 +76 8 1 A A9 +76 8 1 A A10 +76 8 1 A A11 +76 8 1 A A12 +76 8 1 A A13 +76 8 1 A A14 +76 8 1 A A15 +76 8 1 A A16 +76 8 1 A A17 +76 8 1 A A18 +76 8 1 A A19 +76 8 1 A A20 +76 8 1 A A21 +76 8 1 A A22 +76 8 1 A A23 +76 8 1 A A24 +76 8 1 A A25 +76 8 1 A A26 +76 8 1 A A27 +76 8 1 A A28 +76 8 1 A A29 +76 8 1 A A30 +76 8 1 A A31 +76 8 1 A A32 +76 8 1 A A33 +76 8 1 A A34 +76 8 1 A A35 +76 8 1 A A36 +76 8 1 A A37 +76 8 1 A A38 +76 8 1 A A39 +76 8 1 A A40 +76 8 2 H J0 +76 8 2 H J1 +76 8 2 H J2 +76 8 2 H J3 +76 8 2 H J4 +76 8 2 H J5 +76 8 2 H J6 +76 8 2 H J7 +76 8 2 H J8 +76 8 2 H J9 +76 8 2 H J10 +76 8 2 H J11 +76 8 2 H J12 +76 8 2 H J13 +76 8 2 H J14 +76 8 2 H J15 +76 8 2 H J16 +76 8 2 H J17 +76 8 2 H J18 +76 8 2 H J19 +76 8 2 H J20 +76 8 2 H J21 +76 8 2 H J22 +76 8 2 H J23 +76 8 2 H J24 +76 8 2 H J25 +76 8 2 H J26 +76 8 2 H J27 +76 8 2 H J28 +76 8 2 H J29 +76 8 2 H J30 +76 8 2 H J31 +76 8 2 H J32 +76 8 2 H J33 +76 8 2 H J34 +76 8 2 H J35 +76 8 2 H J36 +76 8 2 H J37 +76 8 2 H J38 +76 8 2 H J39 +76 8 2 H J40 +76 8 3 U F3 +76 9 1 D B3 +76 9 2 A A0 +76 9 2 A A1 +76 9 2 A A2 +76 9 2 A A3 +76 9 2 A A4 +76 9 2 A A5 +76 9 2 A A6 +76 9 2 A A7 +76 9 2 A A8 +76 9 2 A A9 +76 9 2 A A10 +76 9 2 A A11 +76 9 2 A A12 +76 9 2 A A13 +76 9 2 A A14 +76 9 2 A A15 +76 9 2 A A16 +76 9 2 A A17 +76 9 2 A A18 +76 9 2 A A19 +76 9 2 A A20 +76 9 2 A A21 +76 9 2 A A22 +76 9 2 A A23 +76 9 2 A A24 +76 9 2 A A25 +76 9 2 A A26 +76 9 2 A A27 +76 9 2 A A28 +76 9 2 A A29 +76 9 2 A A30 +76 9 2 A A31 +76 9 2 A A32 +76 9 2 A A33 +76 9 2 A A34 +76 9 2 A A35 +76 9 2 A A36 +76 9 2 A A37 +76 9 2 A A38 +76 9 2 A A39 +76 9 2 A A40 +76 9 3 N C10 +76 9 4 U G40 +76 9 5 T H38 +76 9 6 H J0 +76 9 6 H J1 +76 9 6 H J2 +76 9 6 H J3 +76 9 6 H J4 +76 9 6 H J5 +76 9 6 H J6 +76 9 6 H J7 +76 9 6 H J8 +76 9 6 H J9 +76 9 6 H J10 +76 9 6 H J11 +76 9 6 H J12 +76 9 6 H J13 +76 9 6 H J14 +76 9 6 H J15 +76 9 6 H J16 +76 9 6 H J17 +76 9 6 H J18 +76 9 6 H J19 +76 9 6 H J20 +76 9 6 H J21 +76 9 6 H J22 +76 9 6 H J23 +76 9 6 H J24 +76 9 6 H J25 +76 9 6 H J26 +76 9 6 H J27 +76 9 6 H J28 +76 9 6 H J29 +76 9 6 H J30 +76 9 6 H J31 +76 9 6 H J32 +76 9 6 H J33 +76 9 6 H J34 +76 9 6 H J35 +76 9 6 H J36 +76 9 6 H J37 +76 9 6 H J38 +76 9 6 H J39 +76 9 6 H J40 +76 9 7 W D3 +76 9 8 L G1 +76 9 9 R E0 +76 10 1 A A0 +76 10 1 A A1 +76 10 1 A A2 +76 10 1 A A3 +76 10 1 A A4 +76 10 1 A A5 +76 10 1 A A6 +76 10 1 A A7 +76 10 1 A A8 +76 10 1 A A9 +76 10 1 A A10 +76 10 1 A A11 +76 10 1 A A12 +76 10 1 A A13 +76 10 1 A A14 +76 10 1 A A15 +76 10 1 A A16 +76 10 1 A A17 +76 10 1 A A18 +76 10 1 A A19 +76 10 1 A A20 +76 10 1 A A21 +76 10 1 A A22 +76 10 1 A A23 +76 10 1 A A24 +76 10 1 A A25 +76 10 1 A A26 +76 10 1 A A27 +76 10 1 A A28 +76 10 1 A A29 +76 10 1 A A30 +76 10 1 A A31 +76 10 1 A A32 +76 10 1 A A33 +76 10 1 A A34 +76 10 1 A A35 +76 10 1 A A36 +76 10 1 A A37 +76 10 1 A A38 +76 10 1 A A39 +76 10 1 A A40 +76 10 2 N C9 +76 10 3 W C12 +76 10 4 T F28 +76 10 5 H J0 +76 10 5 H J1 +76 10 5 H J2 +76 10 5 H J3 +76 10 5 H J4 +76 10 5 H J5 +76 10 5 H J6 +76 10 5 H J7 +76 10 5 H J8 +76 10 5 H J9 +76 10 5 H J10 +76 10 5 H J11 +76 10 5 H J12 +76 10 5 H J13 +76 10 5 H J14 +76 10 5 H J15 +76 10 5 H J16 +76 10 5 H J17 +76 10 5 H J18 +76 10 5 H J19 +76 10 5 H J20 +76 10 5 H J21 +76 10 5 H J22 +76 10 5 H J23 +76 10 5 H J24 +76 10 5 H J25 +76 10 5 H J26 +76 10 5 H J27 +76 10 5 H J28 +76 10 5 H J29 +76 10 5 H J30 +76 10 5 H J31 +76 10 5 H J32 +76 10 5 H J33 +76 10 5 H J34 +76 10 5 H J35 +76 10 5 H J36 +76 10 5 H J37 +76 10 5 H J38 +76 10 5 H J39 +76 10 5 H J40 +76 10 6 I F7 +76 10 7 U G2 +76 11 1 A A0 +76 11 1 A A1 +76 11 1 A A2 +76 11 1 A A3 +76 11 1 A A4 +76 11 1 A A5 +76 11 1 A A6 +76 11 1 A A7 +76 11 1 A A8 +76 11 1 A A9 +76 11 1 A A10 +76 11 1 A A11 +76 11 1 A A12 +76 11 1 A A13 +76 11 1 A A14 +76 11 1 A A15 +76 11 1 A A16 +76 11 1 A A17 +76 11 1 A A18 +76 11 1 A A19 +76 11 1 A A20 +76 11 1 A A21 +76 11 1 A A22 +76 11 1 A A23 +76 11 1 A A24 +76 11 1 A A25 +76 11 1 A A26 +76 11 1 A A27 +76 11 1 A A28 +76 11 1 A A29 +76 11 1 A A30 +76 11 1 A A31 +76 11 1 A A32 +76 11 1 A A33 +76 11 1 A A34 +76 11 1 A A35 +76 11 1 A A36 +76 11 1 A A37 +76 11 1 A A38 +76 11 1 A A39 +76 11 1 A A40 +76 11 2 I C12 +76 11 3 T C16 +76 11 4 W D16 +76 11 5 H J0 +76 11 5 H J1 +76 11 5 H J2 +76 11 5 H J3 +76 11 5 H J4 +76 11 5 H J5 +76 11 5 H J6 +76 11 5 H J7 +76 11 5 H J8 +76 11 5 H J9 +76 11 5 H J10 +76 11 5 H J11 +76 11 5 H J12 +76 11 5 H J13 +76 11 5 H J14 +76 11 5 H J15 +76 11 5 H J16 +76 11 5 H J17 +76 11 5 H J18 +76 11 5 H J19 +76 11 5 H J20 +76 11 5 H J21 +76 11 5 H J22 +76 11 5 H J23 +76 11 5 H J24 +76 11 5 H J25 +76 11 5 H J26 +76 11 5 H J27 +76 11 5 H J28 +76 11 5 H J29 +76 11 5 H J30 +76 11 5 H J31 +76 11 5 H J32 +76 11 5 H J33 +76 11 5 H J34 +76 11 5 H J35 +76 11 5 H J36 +76 11 5 H J37 +76 11 5 H J38 +76 11 5 H J39 +76 11 5 H J40 +76 11 6 U F4 +76 12 1 R B1 +76 12 2 W E5 +76 12 3 I C8 +76 12 4 A A0 +76 12 4 A A1 +76 12 4 A A2 +76 12 4 A A3 +76 12 4 A A4 +76 12 4 A A5 +76 12 4 A A6 +76 12 4 A A7 +76 12 4 A A8 +76 12 4 A A9 +76 12 4 A A10 +76 12 4 A A11 +76 12 4 A A12 +76 12 4 A A13 +76 12 4 A A14 +76 12 4 A A15 +76 12 4 A A16 +76 12 4 A A17 +76 12 4 A A18 +76 12 4 A A19 +76 12 4 A A20 +76 12 4 A A21 +76 12 4 A A22 +76 12 4 A A23 +76 12 4 A A24 +76 12 4 A A25 +76 12 4 A A26 +76 12 4 A A27 +76 12 4 A A28 +76 12 4 A A29 +76 12 4 A A30 +76 12 4 A A31 +76 12 4 A A32 +76 12 4 A A33 +76 12 4 A A34 +76 12 4 A A35 +76 12 4 A A36 +76 12 4 A A37 +76 12 4 A A38 +76 12 4 A A39 +76 12 4 A A40 +76 12 5 T F29 +76 12 6 H J0 +76 12 6 H J1 +76 12 6 H J2 +76 12 6 H J3 +76 12 6 H J4 +76 12 6 H J5 +76 12 6 H J6 +76 12 6 H J7 +76 12 6 H J8 +76 12 6 H J9 +76 12 6 H J10 +76 12 6 H J11 +76 12 6 H J12 +76 12 6 H J13 +76 12 6 H J14 +76 12 6 H J15 +76 12 6 H J16 +76 12 6 H J17 +76 12 6 H J18 +76 12 6 H J19 +76 12 6 H J20 +76 12 6 H J21 +76 12 6 H J22 +76 12 6 H J23 +76 12 6 H J24 +76 12 6 H J25 +76 12 6 H J26 +76 12 6 H J27 +76 12 6 H J28 +76 12 6 H J29 +76 12 6 H J30 +76 12 6 H J31 +76 12 6 H J32 +76 12 6 H J33 +76 12 6 H J34 +76 12 6 H J35 +76 12 6 H J36 +76 12 6 H J37 +76 12 6 H J38 +76 12 6 H J39 +76 12 6 H J40 +76 12 7 U G0 +76 12 8 M D1 +76 13 1 N D11 +76 13 2 R E15 +76 13 3 W I38 +76 13 4 A A14 +76 13 4 A A15 +76 13 4 A A16 +76 13 4 A A17 +76 13 4 A A18 +76 13 4 A A19 +76 13 4 A A20 +76 13 4 A A21 +76 13 4 A A22 +76 13 4 A A23 +76 13 4 A A24 +76 13 4 A A25 +76 13 4 A A26 +76 13 4 A A27 +76 13 4 A A28 +76 13 4 A A29 +76 13 4 A A30 +76 13 4 A A31 +76 13 4 A A32 +76 13 4 A A33 +76 13 4 A A34 +76 13 4 A A35 +76 13 4 A A36 +76 13 4 A A37 +76 13 4 A A38 +76 13 4 A A39 +76 13 4 A A40 +76 13 5 H J23 +76 13 5 H J24 +76 13 5 H J25 +76 13 5 H J26 +76 13 5 H J27 +76 13 5 H J28 +76 13 5 H J29 +76 13 5 H J30 +76 13 5 H J31 +76 13 5 H J32 +76 13 5 H J33 +76 13 5 H J34 +76 13 5 H J35 +76 13 5 H J36 +76 13 5 H J37 +76 13 5 H J38 +76 13 5 H J39 +76 13 5 H J40 +76 13 6 O I6 +76 13 7 U F2 +76 14 1 A A0 +76 14 1 A A1 +76 14 1 A A2 +76 14 1 A A3 +76 14 1 A A4 +76 14 1 A A5 +76 14 1 A A6 +76 14 1 A A7 +76 14 1 A A8 +76 14 1 A A9 +76 14 1 A A10 +76 14 1 A A11 +76 14 1 A A12 +76 14 1 A A13 +76 14 1 A A14 +76 14 1 A A15 +76 14 1 A A16 +76 14 1 A A17 +76 14 1 A A18 +76 14 1 A A19 +76 14 1 A A20 +76 14 1 A A21 +76 14 1 A A22 +76 14 1 A A23 +76 14 1 A A24 +76 14 1 A A25 +76 14 1 A A26 +76 14 1 A A27 +76 14 1 A A28 +76 14 1 A A29 +76 14 1 A A30 +76 14 1 A A31 +76 14 1 A A32 +76 14 1 A A33 +76 14 1 A A34 +76 14 1 A A35 +76 14 1 A A36 +76 14 1 A A37 +76 14 1 A A38 +76 14 1 A A39 +76 14 1 A A40 +76 14 2 W D8 +76 14 3 N D14 +76 14 4 H J0 +76 14 4 H J1 +76 14 4 H J2 +76 14 4 H J3 +76 14 4 H J4 +76 14 4 H J5 +76 14 4 H J6 +76 14 4 H J7 +76 14 4 H J8 +76 14 4 H J9 +76 14 4 H J10 +76 14 4 H J11 +76 14 4 H J12 +76 14 4 H J13 +76 14 4 H J14 +76 14 4 H J15 +76 14 4 H J16 +76 14 4 H J17 +76 14 4 H J18 +76 14 4 H J19 +76 14 4 H J20 +76 14 4 H J21 +76 14 4 H J22 +76 14 4 H J23 +76 14 4 H J24 +76 14 4 H J25 +76 14 4 H J26 +76 14 4 H J27 +76 14 4 H J28 +76 14 4 H J29 +76 14 4 H J30 +76 14 4 H J31 +76 14 4 H J32 +76 14 4 H J33 +76 14 4 H J34 +76 14 4 H J35 +76 14 4 H J36 +76 14 4 H J37 +76 14 4 H J38 +76 14 4 H J39 +76 14 4 H J40 +76 14 5 U G1 +76 15 1 A A0 +76 15 1 A A1 +76 15 1 A A2 +76 15 1 A A3 +76 15 1 A A4 +76 15 1 A A5 +76 15 1 A A6 +76 15 1 A A7 +76 15 1 A A8 +76 15 1 A A9 +76 15 1 A A10 +76 15 1 A A11 +76 15 1 A A12 +76 15 1 A A13 +76 15 1 A A14 +76 15 1 A A15 +76 15 1 A A16 +76 15 1 A A17 +76 15 2 N C9 +76 15 3 K B10 +76 15 4 R D19 +76 15 5 W E10 +76 15 6 Y C32 +76 15 7 C B34 +76 15 8 U F38 +76 15 9 H J22 +76 15 9 H J23 +76 15 9 H J24 +76 15 9 H J25 +76 15 9 H J26 +76 15 9 H J27 +76 15 9 H J28 +76 15 9 H J29 +76 15 9 H J30 +76 15 9 H J31 +76 15 9 H J32 +76 15 9 H J33 +76 15 9 H J34 +76 15 9 H J35 +76 15 9 H J36 +76 15 9 H J37 +76 15 9 H J38 +76 15 9 H J39 +76 15 9 H J40 +76 15 10 Q I27 +76 15 11 S E25 +76 15 12 L F20 +76 15 13 DA D17 +76 15 14 T G12 +76 16 1 E C5 +76 16 2 A A0 +76 16 2 A A1 +76 16 2 A A2 +76 16 2 A A3 +76 16 2 A A4 +76 16 2 A A5 +76 16 2 A A6 +76 16 2 A A7 +76 16 2 A A8 +76 16 2 A A9 +76 16 2 A A10 +76 16 2 A A11 +76 16 2 A A12 +76 16 2 A A13 +76 16 2 A A14 +76 16 2 A A15 +76 16 2 A A16 +76 16 2 A A17 +76 16 2 A A18 +76 16 2 A A19 +76 16 2 A A20 +76 16 2 A A21 +76 16 2 A A22 +76 16 2 A A23 +76 16 2 A A24 +76 16 2 A A25 +76 16 2 A A26 +76 16 2 A A27 +76 16 2 A A28 +76 16 2 A A29 +76 16 2 A A30 +76 16 2 A A31 +76 16 2 A A32 +76 16 2 A A33 +76 16 2 A A34 +76 16 2 A A35 +76 16 2 A A36 +76 16 2 A A37 +76 16 2 A A38 +76 16 2 A A39 +76 16 2 A A40 +76 16 3 N C8 +76 16 4 F D13 +76 16 5 M C16 +76 16 6 W D16 +76 16 7 T H29 +76 16 8 H J0 +76 16 8 H J1 +76 16 8 H J2 +76 16 8 H J3 +76 16 8 H J4 +76 16 8 H J5 +76 16 8 H J6 +76 16 8 H J7 +76 16 8 H J8 +76 16 8 H J9 +76 16 8 H J10 +76 16 8 H J11 +76 16 8 H J12 +76 16 8 H J13 +76 16 8 H J14 +76 16 8 H J15 +76 16 8 H J16 +76 16 8 H J17 +76 16 8 H J18 +76 16 8 H J19 +76 16 8 H J20 +76 16 8 H J21 +76 16 8 H J22 +76 16 8 H J23 +76 16 8 H J24 +76 16 8 H J25 +76 16 8 H J26 +76 16 8 H J27 +76 16 8 H J28 +76 16 8 H J29 +76 16 8 H J30 +76 16 8 H J31 +76 16 8 H J32 +76 16 8 H J33 +76 16 8 H J34 +76 16 8 H J35 +76 16 8 H J36 +76 16 8 H J37 +76 16 8 H J38 +76 16 8 H J39 +76 16 8 H J40 +76 16 9 I E9 +76 16 10 U G1 +76 16 11 G E4 +76 17 1 P E2 +76 17 2 A A0 +76 17 2 A A1 +76 17 2 A A2 +76 17 2 A A3 +76 17 2 A A4 +76 17 2 A A5 +76 17 2 A A6 +76 17 2 A A7 +76 17 2 A A8 +76 17 2 A A9 +76 17 2 A A10 +76 17 2 A A11 +76 17 2 A A12 +76 17 2 A A13 +76 17 2 A A14 +76 17 2 A A15 +76 17 2 A A16 +76 17 2 A A17 +76 17 2 A A18 +76 17 2 A A19 +76 17 2 A A20 +76 17 2 A A21 +76 17 2 A A22 +76 17 2 A A23 +76 17 2 A A24 +76 17 2 A A25 +76 17 2 A A26 +76 17 2 A A27 +76 17 2 A A28 +76 17 2 A A29 +76 17 2 A A30 +76 17 2 A A31 +76 17 2 A A32 +76 17 2 A A33 +76 17 2 A A34 +76 17 2 A A35 +76 17 2 A A36 +76 17 2 A A37 +76 17 2 A A38 +76 17 2 A A39 +76 17 2 A A40 +76 17 3 K C9 +76 17 4 W C9 +76 17 5 N F16 +76 17 6 T G28 +76 17 7 E F13 +76 17 8 I F8 +76 17 9 H J0 +76 17 9 H J1 +76 17 9 H J2 +76 17 9 H J3 +76 17 9 H J4 +76 17 9 H J5 +76 17 9 H J6 +76 17 9 H J7 +76 17 9 H J8 +76 17 9 H J9 +76 17 9 H J10 +76 17 9 H J11 +76 17 9 H J12 +76 17 9 H J13 +76 17 9 H J14 +76 17 9 H J15 +76 17 9 H J16 +76 17 9 H J17 +76 17 9 H J18 +76 17 9 H J19 +76 17 9 H J20 +76 17 9 H J21 +76 17 9 H J22 +76 17 9 H J23 +76 17 9 H J24 +76 17 9 H J25 +76 17 9 H J26 +76 17 9 H J27 +76 17 9 H J28 +76 17 9 H J29 +76 17 9 H J30 +76 17 9 H J31 +76 17 9 H J32 +76 17 9 H J33 +76 17 9 H J34 +76 17 9 H J35 +76 17 9 H J36 +76 17 9 H J37 +76 17 9 H J38 +76 17 9 H J39 +76 17 9 H J40 +76 17 10 U G1 +76 17 11 G F4 +76 18 1 K C4 +76 18 2 C C0 +76 18 3 N C9 +76 18 4 A A0 +76 18 4 A A1 +76 18 4 A A2 +76 18 4 A A3 +76 18 4 A A4 +76 18 4 A A5 +76 18 4 A A6 +76 18 4 A A7 +76 18 4 A A8 +76 18 4 A A9 +76 18 4 A A10 +76 18 4 A A11 +76 18 4 A A12 +76 18 4 A A13 +76 18 4 A A14 +76 18 4 A A15 +76 18 4 A A16 +76 18 4 A A17 +76 18 4 A A18 +76 18 4 A A19 +76 18 4 A A20 +76 18 4 A A21 +76 18 4 A A22 +76 18 4 A A23 +76 18 4 A A24 +76 18 4 A A25 +76 18 4 A A26 +76 18 4 A A27 +76 18 4 A A28 +76 18 4 A A29 +76 18 4 A A30 +76 18 4 A A31 +76 18 4 A A32 +76 18 4 A A33 +76 18 4 A A34 +76 18 4 A A35 +76 18 4 A A36 +76 18 4 A A37 +76 18 4 A A38 +76 18 4 A A39 +76 18 4 A A40 +76 18 5 L D12 +76 18 6 W D17 +76 18 7 T D29 +76 18 8 DA D38 +76 18 9 F H38 +76 18 10 M F36 +76 18 11 5 I35 +76 18 12 R G13 +76 18 13 E F11 +76 18 14 H J0 +76 18 14 H J1 +76 18 14 H J2 +76 18 14 H J3 +76 18 14 H J4 +76 18 14 H J5 +76 18 14 H J6 +76 18 14 H J7 +76 18 14 H J8 +76 18 14 H J9 +76 18 14 H J10 +76 18 14 H J11 +76 18 14 H J12 +76 18 14 H J13 +76 18 14 H J14 +76 18 14 H J15 +76 18 14 H J16 +76 18 14 H J17 +76 18 14 H J18 +76 18 14 H J19 +76 18 14 H J20 +76 18 14 H J21 +76 18 14 H J22 +76 18 14 H J23 +76 18 14 H J24 +76 18 14 H J25 +76 18 14 H J26 +76 18 14 H J27 +76 18 14 H J28 +76 18 14 H J29 +76 18 14 H J30 +76 18 14 H J31 +76 18 14 H J32 +76 18 14 H J33 +76 18 14 H J34 +76 18 14 H J35 +76 18 14 H J36 +76 18 14 H J37 +76 18 14 H J38 +76 18 14 H J39 +76 18 14 H J40 +76 18 15 X I8 +76 18 16 U G1 +76 18 17 3 H2 +76 18 18 I I6 +76 18 19 O F10 +76 19 1 A A0 +76 19 1 A A1 +76 19 1 A A2 +76 19 1 A A3 +76 19 1 A A4 +76 19 1 A A5 +76 19 1 A A6 +76 19 1 A A7 +76 19 1 A A8 +76 19 1 A A9 +76 19 1 A A10 +76 19 1 A A11 +76 19 1 A A12 +76 19 1 A A13 +76 19 1 A A14 +76 19 1 A A15 +76 19 1 A A16 +76 19 1 A A17 +76 19 1 A A18 +76 19 1 A A19 +76 19 1 A A20 +76 19 1 A A21 +76 19 1 A A22 +76 19 1 A A23 +76 19 1 A A24 +76 19 1 A A25 +76 19 1 A A26 +76 19 1 A A27 +76 19 1 A A28 +76 19 1 A A29 +76 19 1 A A30 +76 19 1 A A31 +76 19 1 A A32 +76 19 1 A A33 +76 19 1 A A34 +76 19 1 A A35 +76 19 1 A A36 +76 19 1 A A37 +76 19 1 A A38 +76 19 1 A A39 +76 19 1 A A40 +76 19 2 GU E21 +76 19 3 M D40 +76 19 4 W F38 +76 19 5 N G18 +76 19 6 H J0 +76 19 6 H J1 +76 19 6 H J2 +76 19 6 H J3 +76 19 6 H J4 +76 19 6 H J5 +76 19 6 H J6 +76 19 6 H J7 +76 19 6 H J8 +76 19 6 H J9 +76 19 6 H J10 +76 19 6 H J11 +76 19 6 H J12 +76 19 6 H J13 +76 19 6 H J14 +76 19 6 H J15 +76 19 6 H J16 +76 19 6 H J17 +76 19 6 H J18 +76 19 6 H J19 +76 19 6 H J20 +76 19 6 H J21 +76 19 6 H J22 +76 19 6 H J23 +76 19 6 H J24 +76 19 6 H J25 +76 19 6 H J26 +76 19 6 H J27 +76 19 6 H J28 +76 19 6 H J29 +76 19 6 H J30 +76 19 6 H J31 +76 19 6 H J32 +76 19 6 H J33 +76 19 6 H J34 +76 19 6 H J35 +76 19 6 H J36 +76 19 6 H J37 +76 19 6 H J38 +76 19 6 H J39 +76 19 6 H J40 +76 19 7 U G2 +76 20 1 A A0 +76 20 1 A A1 +76 20 1 A A2 +76 20 1 A A3 +76 20 1 A A4 +76 20 1 A A5 +76 20 1 A A6 +76 20 1 A A7 +76 20 1 A A8 +76 20 1 A A9 +76 20 1 A A10 +76 20 1 A A11 +76 20 1 A A12 +76 20 1 A A13 +76 20 1 A A14 +76 20 1 A A15 +76 20 1 A A16 +76 20 1 A A17 +76 20 1 A A18 +76 20 1 A A19 +76 20 1 A A20 +76 20 1 A A21 +76 20 1 A A22 +76 20 1 A A23 +76 20 1 A A24 +76 20 1 A A25 +76 20 1 A A26 +76 20 1 A A27 +76 20 1 A A28 +76 20 1 A A29 +76 20 1 A A30 +76 20 1 A A31 +76 20 1 A A32 +76 20 1 A A33 +76 20 1 A A34 +76 20 1 A A35 +76 20 1 A A36 +76 20 1 A A37 +76 20 1 A A38 +76 20 1 A A39 +76 20 1 A A40 +76 20 2 V E40 +76 20 3 M H40 +76 20 4 Z I40 +76 20 5 W G40 +76 20 6 U F40 +76 20 7 H J0 +76 20 7 H J1 +76 20 7 H J2 +76 20 7 H J3 +76 20 7 H J4 +76 20 7 H J5 +76 20 7 H J6 +76 20 7 H J7 +76 20 7 H J8 +76 20 7 H J9 +76 20 7 H J10 +76 20 7 H J11 +76 20 7 H J12 +76 20 7 H J13 +76 20 7 H J14 +76 20 7 H J15 +76 20 7 H J16 +76 20 7 H J17 +76 20 7 H J18 +76 20 7 H J19 +76 20 7 H J20 +76 20 7 H J21 +76 20 7 H J22 +76 20 7 H J23 +76 20 7 H J24 +76 20 7 H J25 +76 20 7 H J26 +76 20 7 H J27 +76 20 7 H J28 +76 20 7 H J29 +76 20 7 H J30 +76 20 7 H J31 +76 20 7 H J32 +76 20 7 H J33 +76 20 7 H J34 +76 20 7 H J35 +76 20 7 H J36 +76 20 7 H J37 +76 20 7 H J38 +76 20 7 H J39 +76 20 7 H J40 +76 21 1 U F2 +76 21 2 G D2 +76 21 3 N C9 +76 21 4 A A0 +76 21 4 A A1 +76 21 4 A A2 +76 21 4 A A3 +76 21 4 A A4 +76 21 4 A A5 +76 21 4 A A6 +76 21 4 A A7 +76 21 4 A A8 +76 21 4 A A9 +76 21 4 A A10 +76 21 4 A A11 +76 21 4 A A12 +76 21 4 A A13 +76 21 4 A A14 +76 21 4 A A15 +76 21 4 A A16 +76 21 4 A A17 +76 21 4 A A18 +76 21 4 A A19 +76 21 4 A A20 +76 21 4 A A21 +76 21 4 A A22 +76 21 4 A A23 +76 21 4 A A24 +76 21 4 A A25 +76 21 4 A A26 +76 21 4 A A27 +76 21 4 A A28 +76 21 4 A A29 +76 21 4 A A30 +76 21 4 A A31 +76 21 4 A A32 +76 21 4 A A33 +76 21 4 A A34 +76 21 4 A A35 +76 21 4 A A36 +76 21 4 A A37 +76 21 4 A A38 +76 21 4 A A39 +76 21 4 A A40 +76 21 5 W G17 +76 21 6 T F12 +76 21 7 H J0 +76 21 7 H J1 +76 21 7 H J2 +76 21 7 H J3 +76 21 7 H J4 +76 21 7 H J5 +76 21 7 H J6 +76 21 7 H J7 +76 21 7 H J8 +76 21 7 H J9 +76 21 7 H J10 +76 21 7 H J11 +76 21 7 H J12 +76 21 7 H J13 +76 21 7 H J14 +76 21 7 H J15 +76 21 7 H J16 +76 21 7 H J17 +76 21 7 H J18 +76 21 7 H J19 +76 21 7 H J20 +76 21 7 H J21 +76 21 7 H J22 +76 21 7 H J23 +76 21 7 H J24 +76 21 7 H J25 +76 21 7 H J26 +76 21 7 H J27 +76 21 7 H J28 +76 21 7 H J29 +76 21 7 H J30 +76 21 7 H J31 +76 21 7 H J32 +76 21 7 H J33 +76 21 7 H J34 +76 21 7 H J35 +76 21 7 H J36 +76 21 7 H J37 +76 21 7 H J38 +76 21 7 H J39 +76 21 7 H J40 +76 21 8 E F8 +76 21 9 I H2 +76 21 10 U F2 +76 22 1 Q C5 +76 22 2 A A0 +76 22 2 A A1 +76 22 2 A A2 +76 22 2 A A3 +76 22 2 A A4 +76 22 2 A A5 +76 22 2 A A6 +76 22 2 A A7 +76 22 2 A A8 +76 22 2 A A9 +76 22 2 A A10 +76 22 2 A A11 +76 22 2 A A12 +76 22 2 A A13 +76 22 2 A A14 +76 22 2 A A15 +76 22 2 A A16 +76 22 2 A A17 +76 22 2 A A18 +76 22 2 A A19 +76 22 2 A A20 +76 22 2 A A21 +76 22 2 A A22 +76 22 2 A A23 +76 22 2 A A24 +76 22 2 A A25 +76 22 2 A A26 +76 22 2 A A27 +76 22 2 A A28 +76 22 2 A A29 +76 22 2 A A30 +76 22 2 A A31 +76 22 2 A A32 +76 22 2 A A33 +76 22 2 A A34 +76 22 2 A A35 +76 22 2 A A36 +76 22 2 A A37 +76 22 2 A A38 +76 22 2 A A39 +76 22 2 A A40 +76 22 3 R D7 +76 22 4 DR I10 +76 22 5 H J0 +76 22 5 H J1 +76 22 5 H J2 +76 22 5 H J3 +76 22 5 H J4 +76 22 5 H J5 +76 22 5 H J6 +76 22 5 H J7 +76 22 5 H J8 +76 22 5 H J9 +76 22 5 H J10 +76 22 5 H J11 +76 22 5 H J12 +76 22 5 H J13 +76 22 5 H J14 +76 22 5 H J15 +76 22 5 H J16 +76 22 5 H J17 +76 22 5 H J18 +76 22 5 H J19 +76 22 5 H J20 +76 22 5 H J21 +76 22 5 H J22 +76 22 5 H J23 +76 22 5 H J24 +76 22 5 H J25 +76 22 5 H J26 +76 22 5 H J27 +76 22 5 H J28 +76 22 5 H J29 +76 22 5 H J30 +76 22 5 H J31 +76 22 5 H J32 +76 22 5 H J33 +76 22 5 H J34 +76 22 5 H J35 +76 22 5 H J36 +76 22 5 H J37 +76 22 5 H J38 +76 22 5 H J39 +76 22 5 H J40 +76 22 6 U F7 +76 22 7 W F5 +76 22 8 N E6 +76 23 1 N D12 +76 23 2 A A0 +76 23 2 A A1 +76 23 2 A A2 +76 23 2 A A3 +76 23 2 A A4 +76 23 2 A A5 +76 23 2 A A6 +76 23 2 A A7 +76 23 2 A A8 +76 23 2 A A9 +76 23 2 A A10 +76 23 2 A A11 +76 23 2 A A12 +76 23 2 A A13 +76 23 2 A A14 +76 23 2 A A15 +76 23 2 A A16 +76 23 2 A A17 +76 23 2 A A18 +76 23 2 A A19 +76 23 2 A A20 +76 23 2 A A21 +76 23 2 A A22 +76 23 2 A A23 +76 23 2 A A24 +76 23 2 A A25 +76 23 2 A A26 +76 23 2 A A27 +76 23 2 A A28 +76 23 2 A A29 +76 23 2 A A30 +76 23 2 A A31 +76 23 2 A A32 +76 23 2 A A33 +76 23 2 A A34 +76 23 2 A A35 +76 23 2 A A36 +76 23 2 A A37 +76 23 2 A A38 +76 23 2 A A39 +76 23 2 A A40 +76 23 3 G H39 +76 23 4 W F39 +76 23 5 I H37 +76 23 6 T H28 +76 23 7 H J0 +76 23 7 H J1 +76 23 7 H J2 +76 23 7 H J3 +76 23 7 H J4 +76 23 7 H J5 +76 23 7 H J6 +76 23 7 H J7 +76 23 7 H J8 +76 23 7 H J9 +76 23 7 H J10 +76 23 7 H J11 +76 23 7 H J12 +76 23 7 H J13 +76 23 7 H J14 +76 23 7 H J15 +76 23 7 H J16 +76 23 7 H J17 +76 23 7 H J18 +76 23 7 H J19 +76 23 7 H J20 +76 23 7 H J21 +76 23 7 H J22 +76 23 7 H J23 +76 23 7 H J24 +76 23 7 H J25 +76 23 7 H J26 +76 23 7 H J27 +76 23 7 H J28 +76 23 7 H J29 +76 23 7 H J30 +76 23 7 H J31 +76 23 7 H J32 +76 23 7 H J33 +76 23 7 H J34 +76 23 7 H J35 +76 23 7 H J36 +76 23 7 H J37 +76 23 7 H J38 +76 23 7 H J39 +76 23 7 H J40 +76 23 8 U G2 +76 24 1 N C9 +76 24 2 A A0 +76 24 2 A A1 +76 24 2 A A2 +76 24 2 A A3 +76 24 2 A A4 +76 24 2 A A5 +76 24 2 A A6 +76 24 2 A A7 +76 24 2 A A8 +76 24 2 A A9 +76 24 2 A A10 +76 24 2 A A11 +76 24 2 A A12 +76 24 2 A A13 +76 24 2 A A14 +76 24 2 A A15 +76 24 2 A A16 +76 24 2 A A17 +76 24 2 A A18 +76 24 2 A A19 +76 24 2 A A20 +76 24 2 A A21 +76 24 2 A A22 +76 24 2 A A23 +76 24 2 A A24 +76 24 2 A A25 +76 24 2 A A26 +76 24 2 A A27 +76 24 2 A A28 +76 24 2 A A29 +76 24 2 A A30 +76 24 2 A A31 +76 24 2 A A32 +76 24 2 A A33 +76 24 2 A A34 +76 24 2 A A35 +76 24 2 A A36 +76 24 2 A A37 +76 24 2 A A38 +76 24 2 A A39 +76 24 2 A A40 +76 24 3 W D40 +76 24 4 U F40 +76 24 5 M E40 +76 24 6 R I17 +76 24 7 H J0 +76 24 7 H J1 +76 24 7 H J2 +76 24 7 H J3 +76 24 7 H J4 +76 24 7 H J5 +76 24 7 H J6 +76 24 7 H J7 +76 24 7 H J8 +76 24 7 H J9 +76 24 7 H J10 +76 24 7 H J11 +76 24 7 H J12 +76 24 7 H J13 +76 24 7 H J14 +76 24 7 H J15 +76 24 7 H J16 +76 24 7 H J17 +76 24 7 H J18 +76 24 7 H J19 +76 24 7 H J20 +76 24 7 H J21 +76 24 7 H J22 +76 24 7 H J23 +76 24 7 H J24 +76 24 7 H J25 +76 24 7 H J26 +76 24 7 H J27 +76 24 7 H J28 +76 24 7 H J29 +76 24 7 H J30 +76 24 7 H J31 +76 24 7 H J32 +76 24 7 H J33 +76 24 7 H J34 +76 24 7 H J35 +76 24 7 H J36 +76 24 7 H J37 +76 24 7 H J38 +76 24 7 H J39 +76 24 7 H J40 +76 24 8 T H6 +76 24 9 I F6 +76 25 1 G D4 +76 25 2 I D4 +76 25 3 N C9 +76 25 4 K C9 +76 25 5 T E19 +76 25 6 A A0 +76 25 6 A A1 +76 25 6 A A2 +76 25 6 A A3 +76 25 6 A A4 +76 25 6 A A5 +76 25 6 A A6 +76 25 6 A A7 +76 25 6 A A8 +76 25 6 A A9 +76 25 6 A A10 +76 25 6 A A11 +76 25 6 A A12 +76 25 6 A A13 +76 25 6 A A14 +76 25 6 A A15 +76 25 6 A A16 +76 25 6 A A17 +76 25 6 A A18 +76 25 6 A A19 +76 25 6 A A20 +76 25 6 A A21 +76 25 6 A A22 +76 25 6 A A23 +76 25 6 A A24 +76 25 6 A A25 +76 25 6 A A26 +76 25 6 A A27 +76 25 6 A A28 +76 25 6 A A29 +76 25 6 A A30 +76 25 6 A A31 +76 25 6 A A32 +76 25 6 A A33 +76 25 6 A A34 +76 25 6 A A35 +76 25 6 A A36 +76 25 6 A A37 +76 25 6 A A38 +76 25 6 A A39 +76 25 6 A A40 +76 25 7 H J0 +76 25 7 H J1 +76 25 7 H J2 +76 25 7 H J3 +76 25 7 H J4 +76 25 7 H J5 +76 25 7 H J6 +76 25 7 H J7 +76 25 7 H J8 +76 25 7 H J9 +76 25 7 H J10 +76 25 7 H J11 +76 25 7 H J12 +76 25 7 H J13 +76 25 7 H J14 +76 25 7 H J15 +76 25 7 H J16 +76 25 7 H J17 +76 25 7 H J18 +76 25 7 H J19 +76 25 7 H J20 +76 25 7 H J21 +76 25 7 H J22 +76 25 7 H J23 +76 25 7 H J24 +76 25 7 H J25 +76 25 7 H J26 +76 25 7 H J27 +76 25 7 H J28 +76 25 7 H J29 +76 25 7 H J30 +76 25 7 H J31 +76 25 7 H J32 +76 25 7 H J33 +76 25 7 H J34 +76 25 7 H J35 +76 25 7 H J36 +76 25 7 H J37 +76 25 7 H J38 +76 25 7 H J39 +76 25 7 H J40 +76 25 8 U G3 +77 1 1 W J0 +77 1 2 F A0 +77 1 3 N G36 +77 1 3 N G37 +77 1 3 N G38 +77 1 3 N G39 +77 1 3 N G40 +77 2 1 W J0 +77 2 2 F A0 +77 2 3 N F40 +77 3 1 F A0 +77 3 2 W J0 +77 3 3 N E38 +77 3 3 N E39 +77 3 3 N E40 +77 4 1 F A0 +77 4 2 W J0 +77 4 3 N C5 +77 4 3 N C6 +77 4 3 N C7 +77 5 1 F A0 +77 5 2 W J0 +77 5 3 N G35 +77 5 3 N G36 +77 5 3 N G37 +77 5 3 N G38 +77 5 3 N G39 +77 5 3 N G40 +77 6 1 F A0 +77 6 2 W J0 +77 6 3 N G35 +77 6 3 N G36 +77 6 3 N G37 +77 6 3 N G38 +77 6 3 N G39 +77 6 3 N G40 +77 7 1 F B0 +77 7 1 F B1 +77 7 2 W J0 +77 7 3 N H1 +77 7 3 N H2 +77 8 1 F A0 +77 8 2 W J0 +77 8 3 N C1 +77 8 3 N C2 +77 8 3 N C3 +77 9 1 F A0 +77 9 2 W J0 +77 9 3 N G1 +77 10 1 F A0 +77 10 2 W J0 +77 10 3 N G36 +77 10 3 N G37 +77 10 3 N G38 +77 10 3 N G39 +77 10 3 N G40 +77 10 4 B C30 +77 10 4 B C31 +77 10 4 B C32 +77 10 4 B C33 +77 10 4 B C34 +77 11 1 F A0 +77 11 2 W J0 +77 11 3 N G40 +77 12 1 F A0 +77 12 2 W J0 +77 12 3 N C11 +77 12 3 N C12 +77 13 1 F A0 +77 13 2 W J0 +77 13 3 N I38 +77 13 3 N I39 +77 13 3 N I40 +77 13 4 B C32 +77 13 4 B C33 +77 13 4 B C34 +77 14 1 F A0 +77 14 2 W J0 +77 14 3 N H1 +77 14 3 N H2 +77 14 3 N H3 +77 14 4 B D0 +77 15 1 F A0 +77 15 2 W J0 +77 15 3 N G1 +77 15 3 N G2 +77 15 4 B E0 +77 16 1 F A0 +77 16 2 W J0 +77 16 3 N C1 +77 16 3 N C2 +77 16 3 N C3 +77 16 3 N C4 +77 16 3 N C5 +77 16 3 N C6 +77 16 4 B D0 +77 17 1 F A0 +77 17 2 W J0 +77 17 3 N E38 +77 17 3 N E39 +77 17 3 N E40 +77 17 4 B C0 +77 18 1 F A0 +77 18 2 W J0 +77 18 3 N F1 +77 18 3 N F2 +77 18 4 B C32 +77 18 4 B C33 +77 19 1 F A0 +77 19 2 W J0 +77 19 3 N G1 +77 19 3 N G2 +77 19 3 N G3 +77 19 3 N G4 +77 19 3 N G5 +77 20 1 F A0 +77 20 2 W J0 +77 20 3 N F39 +77 20 3 N F40 +77 20 4 B C31 +77 20 4 B C32 +77 20 4 B C33 +77 20 4 B C34 +77 20 4 B C35 +77 21 1 F A0 +77 21 2 W J0 +77 21 3 N G38 +77 21 3 N G39 +77 21 3 N G40 +77 22 1 F A0 +77 22 2 W J0 +77 22 3 N G36 +77 22 3 N G37 +77 22 3 N G38 +77 22 3 N G39 +77 22 3 N G40 +77 23 1 F B0 +77 23 2 W J0 +77 23 3 N E1 +77 23 3 N E2 +77 23 3 N E3 +77 23 3 N E4 +77 24 1 F A0 +77 24 2 W J0 +77 24 3 N H1 +77 25 1 F A0 +77 25 2 W J0 +77 25 3 N E1 +77 25 3 N E2 +77 25 3 N E3 +77 25 3 N E4 +77 25 3 N E5 +77 26 1 F A0 +77 26 2 W J0 +77 26 3 N H1 +77 26 3 N H2 +77 26 4 B C31 +77 26 4 B C32 +77 26 4 B C33 +77 26 4 B C34 +77 26 4 B C35 +77 27 1 F A0 +77 27 2 W J0 +77 27 3 N D37 +77 27 3 N D38 +77 27 3 N D39 +77 27 3 N D40 +77 28 1 F A0 +77 28 2 W J0 +77 28 3 N G38 +77 28 3 N G39 +77 28 3 N G40 +77 28 4 B C31 +77 28 4 B C32 +77 28 4 B C33 +77 28 4 B C34 +77 28 4 B C35 +77 29 1 F A0 +77 29 2 W J0 +77 29 3 N C7 +77 29 3 N C8 +77 29 3 N C9 +77 29 3 N C10 +77 29 3 N C11 +77 29 4 B C0 +78 1 1 CI H1 +78 1 2 KO D8 +78 1 3 SO F17 +78 1 4 NE F29 +78 1 5 TE F33 +78 2 1 TE D0 +78 2 2 CI G2 +78 2 3 TL G7 +78 2 4 KO C9 +78 2 5 SO G19 +78 2 6 NE G28 +78 2 7 MO H33 +78 3 1 TE G0 +78 3 2 CI H2 +78 3 3 KA I5 +78 3 4 SO H21 +78 3 5 NE H28 +78 3 6 MO G32 +78 3 7 R D38 +78 4 1 TE E1 +78 4 2 CI G2 +78 4 3 KO C8 +78 4 4 KC G10 +78 4 5 SO G18 +78 4 6 NE F27 +78 4 7 MO G34 +78 5 1 CI G2 +78 5 2 KO C11 +78 5 3 SO H19 +78 5 4 NE F28 +78 6 1 CI G0 +78 6 2 KA G6 +78 6 3 KO C9 +78 6 4 SO F17 +78 6 5 NE G28 +78 6 6 MO E33 +79 1 1 B C8 +79 1 2 F A0 +79 1 2 F A1 +79 1 2 F A2 +79 1 2 F A3 +79 1 2 F A4 +79 1 2 F A5 +79 1 2 F A6 +79 1 2 F A7 +79 1 2 F A8 +79 1 2 F A9 +79 1 2 F A10 +79 1 2 F A11 +79 1 2 F A12 +79 1 2 F A13 +79 1 2 F A14 +79 1 2 F A15 +79 1 2 F A16 +79 1 2 F A17 +79 1 2 F A18 +79 1 2 F A19 +79 1 2 F A20 +79 1 2 F A21 +79 1 2 F A22 +79 1 2 F A23 +79 1 2 F A24 +79 1 2 F A25 +79 1 2 F A26 +79 1 2 F A27 +79 1 2 F A28 +79 1 2 F A29 +79 1 2 F A30 +79 1 2 F A31 +79 1 2 F A32 +79 1 2 F A33 +79 1 2 F A34 +79 1 2 F A35 +79 1 2 F A36 +79 1 2 F A37 +79 1 2 F A38 +79 1 2 F A39 +79 1 2 F A40 +79 1 3 J F16 +79 1 4 J J0 +79 1 4 J J1 +79 1 4 J J2 +79 1 4 J J3 +79 1 4 J J4 +79 1 4 J J5 +79 1 4 J J6 +79 1 4 J J7 +79 1 4 J J8 +79 1 4 J J9 +79 1 4 J J10 +79 1 4 J J11 +79 1 4 J J12 +79 1 4 J J13 +79 1 4 J J14 +79 1 4 J J15 +79 1 4 J J16 +79 1 4 J J17 +79 1 4 J J18 +79 1 4 J J19 +79 1 4 J J20 +79 1 4 J J21 +79 1 4 J J22 +79 1 4 J J23 +79 1 4 J J24 +79 1 4 J J25 +79 1 4 J J26 +79 1 4 J J27 +79 1 4 J J28 +79 1 4 J J29 +79 1 4 J J30 +79 1 4 J J31 +79 1 4 J J32 +79 1 4 J J33 +79 1 4 J J34 +79 1 4 J J35 +79 1 4 J J36 +79 1 4 J J37 +79 1 4 J J38 +79 1 4 J J39 +79 1 4 J J40 +79 1 5 M H29 +79 1 6 S G1 +79 1 7 T H33 +79 2 1 B C10 +79 2 2 F A0 +79 2 2 F A1 +79 2 2 F A2 +79 2 2 F A3 +79 2 2 F A4 +79 2 2 F A5 +79 2 2 F A6 +79 2 2 F A7 +79 2 2 F A8 +79 2 2 F A9 +79 2 2 F A10 +79 2 2 F A11 +79 2 2 F A12 +79 2 2 F A13 +79 2 2 F A14 +79 2 2 F A15 +79 2 2 F A16 +79 2 2 F A17 +79 2 2 F A18 +79 2 2 F A19 +79 2 2 F A20 +79 2 2 F A21 +79 2 2 F A22 +79 2 2 F A23 +79 2 2 F A24 +79 2 2 F A25 +79 2 2 F A26 +79 2 2 F A27 +79 2 2 F A28 +79 2 2 F A29 +79 2 2 F A30 +79 2 2 F A31 +79 2 2 F A32 +79 2 2 F A33 +79 2 2 F A34 +79 2 2 F A35 +79 2 2 F A36 +79 2 2 F A37 +79 2 2 F A38 +79 2 2 F A39 +79 2 2 F A40 +79 2 3 J J0 +79 2 3 J J1 +79 2 3 J J2 +79 2 3 J J3 +79 2 3 J J4 +79 2 3 J J5 +79 2 3 J J6 +79 2 3 J J7 +79 2 3 J J8 +79 2 3 J J9 +79 2 3 J J10 +79 2 3 J J11 +79 2 3 J J12 +79 2 3 J J13 +79 2 3 J J14 +79 2 3 J J15 +79 2 3 J J16 +79 2 3 J J17 +79 2 3 J J18 +79 2 3 J J19 +79 2 3 J J20 +79 2 3 J J21 +79 2 3 J J22 +79 2 3 J J23 +79 2 3 J J24 +79 2 3 J J25 +79 2 3 J J26 +79 2 3 J J27 +79 2 3 J J28 +79 2 3 J J29 +79 2 3 J J30 +79 2 3 J J31 +79 2 3 J J32 +79 2 3 J J33 +79 2 3 J J34 +79 2 3 J J35 +79 2 3 J J36 +79 2 3 J J37 +79 2 3 J J38 +79 2 3 J J39 +79 2 3 J J40 +79 2 4 M F19 +79 2 5 S G2 +79 2 6 T H37 +79 3 1 B C10 +79 3 2 M G17 +79 3 3 S G2 +79 3 4 T G38 +79 4 1 B C9 +79 4 2 F A0 +79 4 2 F A1 +79 4 2 F A2 +79 4 2 F A3 +79 4 2 F A4 +79 4 2 F A5 +79 4 2 F A6 +79 4 2 F A7 +79 4 2 F A8 +79 4 2 F A9 +79 4 2 F A10 +79 4 2 F A11 +79 4 2 F A12 +79 4 2 F A13 +79 4 2 F A14 +79 4 2 F A15 +79 4 2 F A16 +79 4 2 F A17 +79 4 2 F A18 +79 4 2 F A19 +79 4 2 F A20 +79 4 2 F A21 +79 4 2 F A22 +79 4 2 F A23 +79 4 2 F A24 +79 4 2 F A25 +79 4 2 F A26 +79 4 2 F A27 +79 4 2 F A28 +79 4 2 F A29 +79 4 2 F A30 +79 4 2 F A31 +79 4 2 F A32 +79 4 2 F A33 +79 4 2 F A34 +79 4 2 F A35 +79 4 2 F A36 +79 4 2 F A37 +79 4 2 F A38 +79 4 2 F A39 +79 4 2 F A40 +79 4 3 J J0 +79 4 3 J J1 +79 4 3 J J2 +79 4 3 J J3 +79 4 3 J J4 +79 4 3 J J5 +79 4 3 J J6 +79 4 3 J J7 +79 4 3 J J8 +79 4 3 J J9 +79 4 3 J J10 +79 4 3 J J11 +79 4 3 J J12 +79 4 3 J J13 +79 4 3 J J14 +79 4 3 J J15 +79 4 3 J J16 +79 4 3 J J17 +79 4 3 J J18 +79 4 3 J J19 +79 4 3 J J20 +79 4 3 J J21 +79 4 3 J J22 +79 4 3 J J23 +79 4 3 J J24 +79 4 3 J J25 +79 4 3 J J26 +79 4 3 J J27 +79 4 3 J J28 +79 4 3 J J29 +79 4 3 J J30 +79 4 3 J J31 +79 4 3 J J32 +79 4 3 J J33 +79 4 3 J J34 +79 4 3 J J35 +79 4 3 J J36 +79 4 3 J J37 +79 4 3 J J38 +79 4 3 J J39 +79 4 3 J J40 +79 4 4 M H29 +79 4 5 S G1 +79 5 1 B C9 +79 5 2 F A0 +79 5 2 F A1 +79 5 2 F A2 +79 5 2 F A3 +79 5 2 F A4 +79 5 2 F A5 +79 5 2 F A6 +79 5 2 F A7 +79 5 2 F A8 +79 5 2 F A9 +79 5 2 F A10 +79 5 2 F A11 +79 5 2 F A12 +79 5 2 F A13 +79 5 2 F A14 +79 5 2 F A15 +79 5 2 F A16 +79 5 2 F A17 +79 5 2 F A18 +79 5 2 F A19 +79 5 2 F A20 +79 5 2 F A21 +79 5 2 F A22 +79 5 2 F A23 +79 5 2 F A24 +79 5 2 F A25 +79 5 2 F A26 +79 5 2 F A27 +79 5 2 F A28 +79 5 2 F A29 +79 5 2 F A30 +79 5 2 F A31 +79 5 2 F A32 +79 5 2 F A33 +79 5 2 F A34 +79 5 2 F A35 +79 5 2 F A36 +79 5 2 F A37 +79 5 2 F A38 +79 5 2 F A39 +79 5 2 F A40 +79 5 3 J G16 +79 5 4 J J0 +79 5 4 J J1 +79 5 4 J J2 +79 5 4 J J3 +79 5 4 J J4 +79 5 4 J J5 +79 5 4 J J6 +79 5 4 J J7 +79 5 4 J J8 +79 5 4 J J9 +79 5 4 J J10 +79 5 4 J J11 +79 5 4 J J12 +79 5 4 J J13 +79 5 4 J J14 +79 5 4 J J15 +79 5 4 J J16 +79 5 4 J J17 +79 5 4 J J18 +79 5 4 J J19 +79 5 4 J J20 +79 5 4 J J21 +79 5 4 J J22 +79 5 4 J J23 +79 5 4 J J24 +79 5 4 J J25 +79 5 4 J J26 +79 5 4 J J27 +79 5 4 J J28 +79 5 4 J J29 +79 5 4 J J30 +79 5 4 J J31 +79 5 4 J J32 +79 5 4 J J33 +79 5 4 J J34 +79 5 4 J J35 +79 5 4 J J36 +79 5 4 J J37 +79 5 4 J J38 +79 5 4 J J39 +79 5 4 J J40 +79 5 5 M H31 +79 5 6 S F4 +79 5 7 T I34 +79 5 8 U I5 +79 6 1 B C11 +79 6 2 F A0 +79 6 2 F A1 +79 6 2 F A2 +79 6 2 F A3 +79 6 2 F A4 +79 6 2 F A5 +79 6 2 F A6 +79 6 2 F A7 +79 6 2 F A8 +79 6 2 F A9 +79 6 2 F A10 +79 6 2 F A11 +79 6 2 F A12 +79 6 2 F A13 +79 6 2 F A14 +79 6 2 F A15 +79 6 2 F A16 +79 6 2 F A17 +79 6 2 F A18 +79 6 2 F A19 +79 6 2 F A20 +79 6 2 F A21 +79 6 2 F A22 +79 6 2 F A23 +79 6 2 F A24 +79 6 2 F A25 +79 6 2 F A26 +79 6 2 F A27 +79 6 2 F A28 +79 6 2 F A29 +79 6 2 F A30 +79 6 2 F A31 +79 6 2 F A32 +79 6 2 F A33 +79 6 2 F A34 +79 6 2 F A35 +79 6 2 F A36 +79 6 2 F A37 +79 6 2 F A38 +79 6 2 F A39 +79 6 2 F A40 +79 6 3 J J0 +79 6 3 J J1 +79 6 3 J J2 +79 6 3 J J3 +79 6 3 J J4 +79 6 3 J J5 +79 6 3 J J6 +79 6 3 J J7 +79 6 3 J J8 +79 6 3 J J9 +79 6 3 J J10 +79 6 3 J J11 +79 6 3 J J12 +79 6 3 J J13 +79 6 3 J J14 +79 6 3 J J15 +79 6 3 J J16 +79 6 3 J J17 +79 6 3 J J18 +79 6 3 J J19 +79 6 3 J J20 +79 6 3 J J21 +79 6 3 J J22 +79 6 3 J J23 +79 6 3 J J24 +79 6 3 J J25 +79 6 3 J J26 +79 6 3 J J27 +79 6 3 J J28 +79 6 3 J J29 +79 6 3 J J30 +79 6 3 J J31 +79 6 3 J J32 +79 6 3 J J33 +79 6 3 J J34 +79 6 3 J J35 +79 6 3 J J36 +79 6 3 J J37 +79 6 3 J J38 +79 6 3 J J39 +79 6 3 J J40 +79 6 4 M H17 +79 6 5 S G2 +79 6 6 T G37 +79 7 1 B C9 +79 7 2 F A0 +79 7 2 F A1 +79 7 2 F A2 +79 7 2 F A3 +79 7 2 F A4 +79 7 2 F A5 +79 7 2 F A6 +79 7 2 F A7 +79 7 2 F A8 +79 7 2 F A9 +79 7 2 F A10 +79 7 2 F A11 +79 7 2 F A12 +79 7 2 F A13 +79 7 2 F A14 +79 7 2 F A15 +79 7 2 F A16 +79 7 2 F A17 +79 7 2 F A18 +79 7 2 F A19 +79 7 2 F A20 +79 7 2 F A21 +79 7 2 F A22 +79 7 2 F A23 +79 7 2 F A24 +79 7 2 F A25 +79 7 2 F A26 +79 7 2 F A27 +79 7 2 F A28 +79 7 2 F A29 +79 7 2 F A30 +79 7 2 F A31 +79 7 2 F A32 +79 7 2 F A33 +79 7 2 F A34 +79 7 2 F A35 +79 7 2 F A36 +79 7 2 F A37 +79 7 2 F A38 +79 7 2 F A39 +79 7 2 F A40 +79 7 3 J J0 +79 7 3 J J1 +79 7 3 J J2 +79 7 3 J J3 +79 7 3 J J4 +79 7 3 J J5 +79 7 3 J J6 +79 7 3 J J7 +79 7 3 J J8 +79 7 3 J J9 +79 7 3 J J10 +79 7 3 J J11 +79 7 3 J J12 +79 7 3 J J13 +79 7 3 J J14 +79 7 3 J J15 +79 7 3 J J16 +79 7 3 J J17 +79 7 3 J J18 +79 7 3 J J19 +79 7 3 J J20 +79 7 3 J J21 +79 7 3 J J22 +79 7 3 J J23 +79 7 3 J J24 +79 7 3 J J25 +79 7 3 J J26 +79 7 3 J J27 +79 7 3 J J28 +79 7 3 J J29 +79 7 3 J J30 +79 7 3 J J31 +79 7 3 J J32 +79 7 3 J J33 +79 7 3 J J34 +79 7 3 J J35 +79 7 3 J J36 +79 7 3 J J37 +79 7 3 J J38 +79 7 3 J J39 +79 7 3 J J40 +79 7 4 M F17 +79 7 5 S G2 +79 7 6 T H34 +79 8 1 B C9 +79 8 2 F A0 +79 8 2 F A1 +79 8 2 F A2 +79 8 2 F A3 +79 8 2 F A4 +79 8 2 F A5 +79 8 2 F A6 +79 8 2 F A7 +79 8 2 F A8 +79 8 2 F A9 +79 8 2 F A10 +79 8 2 F A11 +79 8 2 F A12 +79 8 2 F A13 +79 8 2 F A14 +79 8 2 F A15 +79 8 2 F A16 +79 8 2 F A17 +79 8 2 F A18 +79 8 2 F A19 +79 8 2 F A20 +79 8 2 F A21 +79 8 2 F A22 +79 8 2 F A23 +79 8 2 F A24 +79 8 2 F A25 +79 8 2 F A26 +79 8 2 F A27 +79 8 2 F A28 +79 8 2 F A29 +79 8 2 F A30 +79 8 2 F A31 +79 8 2 F A32 +79 8 2 F A33 +79 8 2 F A34 +79 8 2 F A35 +79 8 2 F A36 +79 8 2 F A37 +79 8 2 F A38 +79 8 2 F A39 +79 8 2 F A40 +79 8 3 J J0 +79 8 3 J J1 +79 8 3 J J2 +79 8 3 J J3 +79 8 3 J J4 +79 8 3 J J5 +79 8 3 J J6 +79 8 3 J J7 +79 8 3 J J8 +79 8 3 J J9 +79 8 3 J J10 +79 8 3 J J11 +79 8 3 J J12 +79 8 3 J J13 +79 8 3 J J14 +79 8 3 J J15 +79 8 3 J J16 +79 8 3 J J17 +79 8 3 J J18 +79 8 3 J J19 +79 8 3 J J20 +79 8 3 J J21 +79 8 3 J J22 +79 8 3 J J23 +79 8 3 J J24 +79 8 3 J J25 +79 8 3 J J26 +79 8 3 J J27 +79 8 3 J J28 +79 8 3 J J29 +79 8 3 J J30 +79 8 3 J J31 +79 8 3 J J32 +79 8 3 J J33 +79 8 3 J J34 +79 8 3 J J35 +79 8 3 J J36 +79 8 3 J J37 +79 8 3 J J38 +79 8 3 J J39 +79 8 3 J J40 +79 8 4 M F29 +79 8 5 S G1 +79 8 6 T H32 +79 9 1 B C9 +79 9 2 F A0 +79 9 2 F A1 +79 9 2 F A2 +79 9 2 F A3 +79 9 2 F A4 +79 9 2 F A5 +79 9 2 F A6 +79 9 2 F A7 +79 9 2 F A8 +79 9 2 F A9 +79 9 2 F A10 +79 9 2 F A11 +79 9 2 F A12 +79 9 2 F A13 +79 9 2 F A14 +79 9 2 F A15 +79 9 2 F A16 +79 9 2 F A17 +79 9 2 F A18 +79 9 2 F A19 +79 9 2 F A20 +79 9 2 F A21 +79 9 2 F A22 +79 9 2 F A23 +79 9 2 F A24 +79 9 2 F A25 +79 9 2 F A26 +79 9 2 F A27 +79 9 2 F A28 +79 9 2 F A29 +79 9 2 F A30 +79 9 2 F A31 +79 9 2 F A32 +79 9 2 F A33 +79 9 2 F A34 +79 9 2 F A35 +79 9 2 F A36 +79 9 2 F A37 +79 9 2 F A38 +79 9 2 F A39 +79 9 2 F A40 +79 9 3 J F14 +79 9 4 J J0 +79 9 4 J J1 +79 9 4 J J2 +79 9 4 J J3 +79 9 4 J J4 +79 9 4 J J5 +79 9 4 J J6 +79 9 4 J J7 +79 9 4 J J8 +79 9 4 J J9 +79 9 4 J J10 +79 9 4 J J11 +79 9 4 J J12 +79 9 4 J J13 +79 9 4 J J14 +79 9 4 J J15 +79 9 4 J J16 +79 9 4 J J17 +79 9 4 J J18 +79 9 4 J J19 +79 9 4 J J20 +79 9 4 J J21 +79 9 4 J J22 +79 9 4 J J23 +79 9 4 J J24 +79 9 4 J J25 +79 9 4 J J26 +79 9 4 J J27 +79 9 4 J J28 +79 9 4 J J29 +79 9 4 J J30 +79 9 4 J J31 +79 9 4 J J32 +79 9 4 J J33 +79 9 4 J J34 +79 9 4 J J35 +79 9 4 J J36 +79 9 4 J J37 +79 9 4 J J38 +79 9 4 J J39 +79 9 4 J J40 +79 9 5 M G28 +79 9 6 S G3 +79 9 7 T I38 +79 10 1 B B9 +79 10 2 F A0 +79 10 2 F A1 +79 10 2 F A2 +79 10 2 F A3 +79 10 2 F A4 +79 10 2 F A5 +79 10 2 F A6 +79 10 2 F A7 +79 10 2 F A8 +79 10 2 F A9 +79 10 2 F A10 +79 10 2 F A11 +79 10 2 F A12 +79 10 2 F A13 +79 10 2 F A14 +79 10 2 F A15 +79 10 2 F A16 +79 10 2 F A17 +79 10 2 F A18 +79 10 2 F A19 +79 10 2 F A20 +79 10 2 F A21 +79 10 2 F A22 +79 10 2 F A23 +79 10 2 F A24 +79 10 2 F A25 +79 10 2 F A26 +79 10 2 F A27 +79 10 2 F A28 +79 10 2 F A29 +79 10 2 F A30 +79 10 2 F A31 +79 10 2 F A32 +79 10 2 F A33 +79 10 2 F A34 +79 10 2 F A35 +79 10 2 F A36 +79 10 2 F A37 +79 10 2 F A38 +79 10 2 F A39 +79 10 2 F A40 +79 10 3 J J0 +79 10 3 J J1 +79 10 3 J J2 +79 10 3 J J3 +79 10 3 J J4 +79 10 3 J J5 +79 10 3 J J6 +79 10 3 J J7 +79 10 3 J J8 +79 10 3 J J9 +79 10 3 J J10 +79 10 3 J J11 +79 10 3 J J12 +79 10 3 J J13 +79 10 3 J J14 +79 10 3 J J15 +79 10 3 J J16 +79 10 3 J J17 +79 10 3 J J18 +79 10 3 J J19 +79 10 3 J J20 +79 10 3 J J21 +79 10 3 J J22 +79 10 3 J J23 +79 10 3 J J24 +79 10 3 J J25 +79 10 3 J J26 +79 10 3 J J27 +79 10 3 J J28 +79 10 3 J J29 +79 10 3 J J30 +79 10 3 J J31 +79 10 3 J J32 +79 10 3 J J33 +79 10 3 J J34 +79 10 3 J J35 +79 10 3 J J36 +79 10 3 J J37 +79 10 3 J J38 +79 10 3 J J39 +79 10 3 J J40 +79 10 4 M F17 +79 10 5 M G17 +79 10 6 M H17 +79 10 7 O B20 +79 10 8 S G1 +79 10 9 T D33 +79 11 1 B C10 +79 11 2 F A0 +79 11 2 F A1 +79 11 2 F A2 +79 11 2 F A3 +79 11 2 F A4 +79 11 2 F A5 +79 11 2 F A6 +79 11 2 F A7 +79 11 2 F A8 +79 11 2 F A9 +79 11 2 F A10 +79 11 2 F A11 +79 11 2 F A12 +79 11 2 F A13 +79 11 2 F A14 +79 11 2 F A15 +79 11 2 F A16 +79 11 2 F A17 +79 11 2 F A18 +79 11 2 F A19 +79 11 2 F A20 +79 11 2 F A21 +79 11 2 F A22 +79 11 2 F A23 +79 11 2 F A24 +79 11 2 F A25 +79 11 2 F A26 +79 11 2 F A27 +79 11 2 F A28 +79 11 2 F A29 +79 11 2 F A30 +79 11 2 F A31 +79 11 2 F A32 +79 11 2 F A33 +79 11 2 F A34 +79 11 2 F A35 +79 11 2 F A36 +79 11 2 F A37 +79 11 2 F A38 +79 11 2 F A39 +79 11 2 F A40 +79 11 3 J J0 +79 11 3 J J1 +79 11 3 J J2 +79 11 3 J J3 +79 11 3 J J4 +79 11 3 J J5 +79 11 3 J J6 +79 11 3 J J7 +79 11 3 J J8 +79 11 3 J J9 +79 11 3 J J10 +79 11 3 J J11 +79 11 3 J J12 +79 11 3 J J13 +79 11 3 J J14 +79 11 3 J J15 +79 11 3 J J16 +79 11 3 J J17 +79 11 3 J J18 +79 11 3 J J19 +79 11 3 J J20 +79 11 3 J J21 +79 11 3 J J22 +79 11 3 J J23 +79 11 3 J J24 +79 11 3 J J25 +79 11 3 J J26 +79 11 3 J J27 +79 11 3 J J28 +79 11 3 J J29 +79 11 3 J J30 +79 11 3 J J31 +79 11 3 J J32 +79 11 3 J J33 +79 11 3 J J34 +79 11 3 J J35 +79 11 3 J J36 +79 11 3 J J37 +79 11 3 J J38 +79 11 3 J J39 +79 11 3 J J40 +79 11 4 M G17 +79 11 5 S G1 +79 11 6 T I33 +79 12 1 B C7 +79 12 2 F A0 +79 12 2 F A1 +79 12 2 F A2 +79 12 2 F A3 +79 12 2 F A4 +79 12 2 F A5 +79 12 2 F A6 +79 12 2 F A7 +79 12 2 F A8 +79 12 2 F A9 +79 12 2 F A10 +79 12 2 F A11 +79 12 2 F A12 +79 12 2 F A13 +79 12 2 F A14 +79 12 2 F A15 +79 12 2 F A16 +79 12 2 F A17 +79 12 2 F A18 +79 12 2 F A19 +79 12 2 F A20 +79 12 2 F A21 +79 12 2 F A22 +79 12 2 F A23 +79 12 2 F A24 +79 12 2 F A25 +79 12 2 F A26 +79 12 2 F A27 +79 12 2 F A28 +79 12 2 F A29 +79 12 2 F A30 +79 12 2 F A31 +79 12 2 F A32 +79 12 2 F A33 +79 12 2 F A34 +79 12 2 F A35 +79 12 2 F A36 +79 12 2 F A37 +79 12 2 F A38 +79 12 2 F A39 +79 12 2 F A40 +79 12 3 J J0 +79 12 3 J J1 +79 12 3 J J2 +79 12 3 J J3 +79 12 3 J J4 +79 12 3 J J5 +79 12 3 J J6 +79 12 3 J J7 +79 12 3 J J8 +79 12 3 J J9 +79 12 3 J J10 +79 12 3 J J11 +79 12 3 J J12 +79 12 3 J J13 +79 12 3 J J14 +79 12 3 J J15 +79 12 3 J J16 +79 12 3 J J17 +79 12 3 J J18 +79 12 3 J J19 +79 12 3 J J20 +79 12 3 J J21 +79 12 3 J J22 +79 12 3 J J23 +79 12 3 J J24 +79 12 3 J J25 +79 12 3 J J26 +79 12 3 J J27 +79 12 3 J J28 +79 12 3 J J29 +79 12 3 J J30 +79 12 3 J J31 +79 12 3 J J32 +79 12 3 J J33 +79 12 3 J J34 +79 12 3 J J35 +79 12 3 J J36 +79 12 3 J J37 +79 12 3 J J38 +79 12 3 J J39 +79 12 3 J J40 +79 12 4 M G30 +79 12 5 S G1 +79 12 6 T H34 +79 13 1 B D8 +79 13 2 F A0 +79 13 2 F A1 +79 13 2 F A2 +79 13 2 F A3 +79 13 2 F A4 +79 13 2 F A5 +79 13 2 F A6 +79 13 2 F A7 +79 13 2 F A8 +79 13 2 F A9 +79 13 2 F A10 +79 13 2 F A11 +79 13 2 F A12 +79 13 2 F A13 +79 13 2 F A14 +79 13 2 F A15 +79 13 2 F A16 +79 13 2 F A17 +79 13 2 F A18 +79 13 2 F A19 +79 13 2 F A20 +79 13 2 F A21 +79 13 2 F A22 +79 13 2 F A23 +79 13 2 F A24 +79 13 2 F A25 +79 13 2 F A26 +79 13 2 F A27 +79 13 2 F A28 +79 13 2 F A29 +79 13 2 F A30 +79 13 2 F A31 +79 13 2 F A32 +79 13 2 F A33 +79 13 2 F A34 +79 13 2 F A35 +79 13 2 F A36 +79 13 2 F A37 +79 13 2 F A38 +79 13 2 F A39 +79 13 2 F A40 +79 13 3 J J0 +79 13 3 J J1 +79 13 3 J J2 +79 13 3 J J3 +79 13 3 J J4 +79 13 3 J J5 +79 13 3 J J6 +79 13 3 J J7 +79 13 3 J J8 +79 13 3 J J9 +79 13 3 J J10 +79 13 3 J J11 +79 13 3 J J12 +79 13 3 J J13 +79 13 3 J J14 +79 13 3 J J15 +79 13 3 J J16 +79 13 3 J J17 +79 13 3 J J18 +79 13 3 J J19 +79 13 3 J J20 +79 13 3 J J21 +79 13 3 J J22 +79 13 3 J J23 +79 13 3 J J24 +79 13 3 J J25 +79 13 3 J J26 +79 13 3 J J27 +79 13 3 J J28 +79 13 3 J J29 +79 13 3 J J30 +79 13 3 J J31 +79 13 3 J J32 +79 13 3 J J33 +79 13 3 J J34 +79 13 3 J J35 +79 13 3 J J36 +79 13 3 J J37 +79 13 3 J J38 +79 13 3 J J39 +79 13 3 J J40 +79 13 4 M D16 +79 13 5 S H1 +79 13 6 T F32 +79 14 1 B C6 +79 14 1 B C7 +79 14 1 B C8 +79 14 1 B C9 +79 14 1 B C10 +79 14 1 B C11 +79 14 1 B C12 +79 14 2 F A0 +79 14 2 F A1 +79 14 2 F A2 +79 14 2 F A3 +79 14 2 F A4 +79 14 2 F A5 +79 14 2 F A6 +79 14 2 F A7 +79 14 2 F A8 +79 14 2 F A9 +79 14 2 F A10 +79 14 2 F A11 +79 14 2 F A12 +79 14 2 F A13 +79 14 2 F A14 +79 14 2 F A15 +79 14 2 F A16 +79 14 2 F A17 +79 14 2 F A18 +79 14 2 F A19 +79 14 2 F A20 +79 14 2 F A21 +79 14 2 F A22 +79 14 2 F A23 +79 14 2 F A24 +79 14 2 F A25 +79 14 2 F A26 +79 14 2 F A27 +79 14 2 F A28 +79 14 2 F A29 +79 14 2 F A30 +79 14 2 F A31 +79 14 2 F A32 +79 14 2 F A33 +79 14 2 F A34 +79 14 2 F A35 +79 14 2 F A36 +79 14 2 F A37 +79 14 2 F A38 +79 14 2 F A39 +79 14 2 F A40 +79 14 3 J G10 +79 14 3 J G11 +79 14 4 J J0 +79 14 4 J J1 +79 14 4 J J2 +79 14 4 J J3 +79 14 4 J J4 +79 14 4 J J5 +79 14 4 J J6 +79 14 4 J J7 +79 14 4 J J8 +79 14 4 J J9 +79 14 4 J J10 +79 14 4 J J11 +79 14 4 J J12 +79 14 4 J J13 +79 14 4 J J14 +79 14 4 J J15 +79 14 4 J J16 +79 14 4 J J17 +79 14 4 J J18 +79 14 4 J J19 +79 14 4 J J20 +79 14 4 J J21 +79 14 4 J J22 +79 14 4 J J23 +79 14 4 J J24 +79 14 4 J J25 +79 14 4 J J26 +79 14 4 J J27 +79 14 4 J J28 +79 14 4 J J29 +79 14 4 J J30 +79 14 4 J J31 +79 14 4 J J32 +79 14 4 J J33 +79 14 4 J J34 +79 14 4 J J35 +79 14 4 J J36 +79 14 4 J J37 +79 14 4 J J38 +79 14 4 J J39 +79 14 4 J J40 +79 14 5 M F18 +79 14 5 M F19 +79 14 6 M G18 +79 14 6 M G19 +79 14 7 S G2 +79 14 7 S G3 +79 14 8 S H2 +79 14 8 S H3 +79 14 9 T H36 +79 14 9 T H37 +79 14 10 T I36 +79 14 10 T I37 +79 15 1 B D8 +79 15 2 M F17 +79 15 3 M G29 +79 15 4 S C2 +79 15 5 T H33 +79 16 1 B F14 +79 16 2 F A0 +79 16 2 F A1 +79 16 2 F A2 +79 16 2 F A3 +79 16 2 F A4 +79 16 2 F A5 +79 16 2 F A6 +79 16 2 F A7 +79 16 2 F A8 +79 16 2 F A9 +79 16 2 F A10 +79 16 2 F A11 +79 16 2 F A12 +79 16 2 F A13 +79 16 2 F A14 +79 16 2 F A15 +79 16 2 F A16 +79 16 2 F A17 +79 16 2 F A18 +79 16 2 F A19 +79 16 2 F A20 +79 16 2 F A21 +79 16 2 F A22 +79 16 2 F A23 +79 16 2 F A24 +79 16 2 F A25 +79 16 2 F A26 +79 16 2 F A27 +79 16 2 F A28 +79 16 2 F A29 +79 16 2 F A30 +79 16 2 F A31 +79 16 2 F A32 +79 16 2 F A33 +79 16 2 F A34 +79 16 2 F A35 +79 16 2 F A36 +79 16 2 F A37 +79 16 2 F A38 +79 16 2 F A39 +79 16 2 F A40 +79 16 3 J J0 +79 16 3 J J1 +79 16 3 J J2 +79 16 3 J J3 +79 16 3 J J4 +79 16 3 J J5 +79 16 3 J J6 +79 16 3 J J7 +79 16 3 J J8 +79 16 3 J J9 +79 16 3 J J10 +79 16 3 J J11 +79 16 3 J J12 +79 16 3 J J13 +79 16 3 J J14 +79 16 3 J J15 +79 16 3 J J16 +79 16 3 J J17 +79 16 3 J J18 +79 16 3 J J19 +79 16 3 J J20 +79 16 3 J J21 +79 16 3 J J22 +79 16 3 J J23 +79 16 3 J J24 +79 16 3 J J25 +79 16 3 J J26 +79 16 3 J J27 +79 16 3 J J28 +79 16 3 J J29 +79 16 3 J J30 +79 16 3 J J31 +79 16 3 J J32 +79 16 3 J J33 +79 16 3 J J34 +79 16 3 J J35 +79 16 3 J J36 +79 16 3 J J37 +79 16 3 J J38 +79 16 3 J J39 +79 16 3 J J40 +79 16 4 M G18 +79 16 5 S G1 +79 17 1 B C9 +79 17 2 F A0 +79 17 2 F A1 +79 17 2 F A2 +79 17 2 F A3 +79 17 2 F A4 +79 17 2 F A5 +79 17 2 F A6 +79 17 2 F A7 +79 17 2 F A8 +79 17 2 F A9 +79 17 2 F A10 +79 17 2 F A11 +79 17 2 F A12 +79 17 2 F A13 +79 17 2 F A14 +79 17 2 F A15 +79 17 2 F A16 +79 17 2 F A17 +79 17 2 F A18 +79 17 2 F A19 +79 17 2 F A20 +79 17 2 F A21 +79 17 2 F A22 +79 17 2 F A23 +79 17 2 F A24 +79 17 2 F A25 +79 17 2 F A26 +79 17 2 F A27 +79 17 2 F A28 +79 17 2 F A29 +79 17 2 F A30 +79 17 2 F A31 +79 17 2 F A32 +79 17 2 F A33 +79 17 2 F A34 +79 17 2 F A35 +79 17 2 F A36 +79 17 2 F A37 +79 17 2 F A38 +79 17 2 F A39 +79 17 2 F A40 +79 17 3 J H18 +79 17 4 J J0 +79 17 4 J J1 +79 17 4 J J2 +79 17 4 J J3 +79 17 4 J J4 +79 17 4 J J5 +79 17 4 J J6 +79 17 4 J J7 +79 17 4 J J8 +79 17 4 J J9 +79 17 4 J J10 +79 17 4 J J11 +79 17 4 J J12 +79 17 4 J J13 +79 17 4 J J14 +79 17 4 J J15 +79 17 4 J J16 +79 17 4 J J17 +79 17 4 J J18 +79 17 4 J J19 +79 17 4 J J20 +79 17 4 J J21 +79 17 4 J J22 +79 17 4 J J23 +79 17 4 J J24 +79 17 4 J J25 +79 17 4 J J26 +79 17 4 J J27 +79 17 4 J J28 +79 17 4 J J29 +79 17 4 J J30 +79 17 4 J J31 +79 17 4 J J32 +79 17 4 J J33 +79 17 4 J J34 +79 17 4 J J35 +79 17 4 J J36 +79 17 4 J J37 +79 17 4 J J38 +79 17 4 J J39 +79 17 4 J J40 +79 17 5 M F16 +79 17 6 S G1 +79 17 7 S H1 +79 17 8 T I34 +79 18 1 B C9 +79 18 2 F A0 +79 18 2 F A1 +79 18 2 F A2 +79 18 2 F A3 +79 18 2 F A4 +79 18 2 F A5 +79 18 2 F A6 +79 18 2 F A7 +79 18 2 F A8 +79 18 2 F A9 +79 18 2 F A10 +79 18 2 F A11 +79 18 2 F A12 +79 18 2 F A13 +79 18 2 F A14 +79 18 2 F A15 +79 18 2 F A16 +79 18 2 F A17 +79 18 2 F A18 +79 18 2 F A19 +79 18 2 F A20 +79 18 2 F A21 +79 18 2 F A22 +79 18 2 F A23 +79 18 2 F A24 +79 18 2 F A25 +79 18 2 F A26 +79 18 2 F A27 +79 18 2 F A28 +79 18 2 F A29 +79 18 2 F A30 +79 18 2 F A31 +79 18 2 F A32 +79 18 2 F A33 +79 18 2 F A34 +79 18 2 F A35 +79 18 2 F A36 +79 18 2 F A37 +79 18 2 F A38 +79 18 2 F A39 +79 18 2 F A40 +79 18 3 J J0 +79 18 3 J J1 +79 18 3 J J2 +79 18 3 J J3 +79 18 3 J J4 +79 18 3 J J5 +79 18 3 J J6 +79 18 3 J J7 +79 18 3 J J8 +79 18 3 J J9 +79 18 3 J J10 +79 18 3 J J11 +79 18 3 J J12 +79 18 3 J J13 +79 18 3 J J14 +79 18 3 J J15 +79 18 3 J J16 +79 18 3 J J17 +79 18 3 J J18 +79 18 3 J J19 +79 18 3 J J20 +79 18 3 J J21 +79 18 3 J J22 +79 18 3 J J23 +79 18 3 J J24 +79 18 3 J J25 +79 18 3 J J26 +79 18 3 J J27 +79 18 3 J J28 +79 18 3 J J29 +79 18 3 J J30 +79 18 3 J J31 +79 18 3 J J32 +79 18 3 J J33 +79 18 3 J J34 +79 18 3 J J35 +79 18 3 J J36 +79 18 3 J J37 +79 18 3 J J38 +79 18 3 J J39 +79 18 3 J J40 +79 18 4 M F19 +79 18 5 S G1 +79 18 6 T I36 +79 19 1 B D9 +79 19 2 F A0 +79 19 2 F A1 +79 19 2 F A2 +79 19 2 F A3 +79 19 2 F A4 +79 19 2 F A5 +79 19 2 F A6 +79 19 2 F A7 +79 19 2 F A8 +79 19 2 F A9 +79 19 2 F A10 +79 19 2 F A11 +79 19 2 F A12 +79 19 2 F A13 +79 19 2 F A14 +79 19 2 F A15 +79 19 2 F A16 +79 19 2 F A17 +79 19 2 F A18 +79 19 2 F A19 +79 19 2 F A20 +79 19 2 F A21 +79 19 2 F A22 +79 19 2 F A23 +79 19 2 F A24 +79 19 2 F A25 +79 19 2 F A26 +79 19 2 F A27 +79 19 2 F A28 +79 19 2 F A29 +79 19 2 F A30 +79 19 2 F A31 +79 19 2 F A32 +79 19 2 F A33 +79 19 2 F A34 +79 19 2 F A35 +79 19 2 F A36 +79 19 2 F A37 +79 19 2 F A38 +79 19 2 F A39 +79 19 2 F A40 +79 19 3 J J0 +79 19 3 J J1 +79 19 3 J J2 +79 19 3 J J3 +79 19 3 J J4 +79 19 3 J J5 +79 19 3 J J6 +79 19 3 J J7 +79 19 3 J J8 +79 19 3 J J9 +79 19 3 J J10 +79 19 3 J J11 +79 19 3 J J12 +79 19 3 J J13 +79 19 3 J J14 +79 19 3 J J15 +79 19 3 J J16 +79 19 3 J J17 +79 19 3 J J18 +79 19 3 J J19 +79 19 3 J J20 +79 19 3 J J21 +79 19 3 J J22 +79 19 3 J J23 +79 19 3 J J24 +79 19 3 J J25 +79 19 3 J J26 +79 19 3 J J27 +79 19 3 J J28 +79 19 3 J J29 +79 19 3 J J30 +79 19 3 J J31 +79 19 3 J J32 +79 19 3 J J33 +79 19 3 J J34 +79 19 3 J J35 +79 19 3 J J36 +79 19 3 J J37 +79 19 3 J J38 +79 19 3 J J39 +79 19 3 J J40 +79 19 4 M F19 +79 19 5 S H2 +79 19 6 T I40 +79 20 1 B D6 +79 20 1 B D7 +79 20 2 B E6 +79 20 2 B E7 +79 20 2 B E8 +79 20 3 J H19 +79 20 3 J H20 +79 20 3 J H21 +79 20 4 M H29 +79 20 5 S G1 +79 20 5 S G2 +79 20 5 S G3 +79 20 6 T H33 +79 21 1 B C11 +79 21 2 F A0 +79 21 2 F A1 +79 21 2 F A2 +79 21 2 F A3 +79 21 2 F A4 +79 21 2 F A5 +79 21 2 F A6 +79 21 2 F A7 +79 21 2 F A8 +79 21 2 F A9 +79 21 2 F A10 +79 21 2 F A11 +79 21 2 F A12 +79 21 2 F A13 +79 21 2 F A14 +79 21 2 F A15 +79 21 2 F A16 +79 21 2 F A17 +79 21 2 F A18 +79 21 2 F A19 +79 21 2 F A20 +79 21 2 F A21 +79 21 2 F A22 +79 21 2 F A23 +79 21 2 F A24 +79 21 2 F A25 +79 21 2 F A26 +79 21 2 F A27 +79 21 2 F A28 +79 21 2 F A29 +79 21 2 F A30 +79 21 2 F A31 +79 21 2 F A32 +79 21 2 F A33 +79 21 2 F A34 +79 21 2 F A35 +79 21 2 F A36 +79 21 2 F A37 +79 21 2 F A38 +79 21 2 F A39 +79 21 2 F A40 +79 21 3 J G19 +79 21 4 J J0 +79 21 4 J J1 +79 21 4 J J2 +79 21 4 J J3 +79 21 4 J J4 +79 21 4 J J5 +79 21 4 J J6 +79 21 4 J J7 +79 21 4 J J8 +79 21 4 J J9 +79 21 4 J J10 +79 21 4 J J11 +79 21 4 J J12 +79 21 4 J J13 +79 21 4 J J14 +79 21 4 J J15 +79 21 4 J J16 +79 21 4 J J17 +79 21 4 J J18 +79 21 4 J J19 +79 21 4 J J20 +79 21 4 J J21 +79 21 4 J J22 +79 21 4 J J23 +79 21 4 J J24 +79 21 4 J J25 +79 21 4 J J26 +79 21 4 J J27 +79 21 4 J J28 +79 21 4 J J29 +79 21 4 J J30 +79 21 4 J J31 +79 21 4 J J32 +79 21 4 J J33 +79 21 4 J J34 +79 21 4 J J35 +79 21 4 J J36 +79 21 4 J J37 +79 21 4 J J38 +79 21 4 J J39 +79 21 4 J J40 +79 21 5 M F28 +79 21 6 S G40 +79 21 7 T F34 +79 21 8 U I40 +79 22 1 B C9 +79 22 2 F A0 +79 22 2 F A1 +79 22 2 F A2 +79 22 2 F A3 +79 22 2 F A4 +79 22 2 F A5 +79 22 2 F A6 +79 22 2 F A7 +79 22 2 F A8 +79 22 2 F A9 +79 22 2 F A10 +79 22 2 F A11 +79 22 2 F A12 +79 22 2 F A13 +79 22 2 F A14 +79 22 2 F A15 +79 22 2 F A16 +79 22 2 F A17 +79 22 2 F A18 +79 22 2 F A19 +79 22 2 F A20 +79 22 2 F A21 +79 22 2 F A22 +79 22 2 F A23 +79 22 2 F A24 +79 22 2 F A25 +79 22 2 F A26 +79 22 2 F A27 +79 22 2 F A28 +79 22 2 F A29 +79 22 2 F A30 +79 22 2 F A31 +79 22 2 F A32 +79 22 2 F A33 +79 22 2 F A34 +79 22 2 F A35 +79 22 2 F A36 +79 22 2 F A37 +79 22 2 F A38 +79 22 2 F A39 +79 22 2 F A40 +79 22 3 J J0 +79 22 3 J J1 +79 22 3 J J2 +79 22 3 J J3 +79 22 3 J J4 +79 22 3 J J5 +79 22 3 J J6 +79 22 3 J J7 +79 22 3 J J8 +79 22 3 J J9 +79 22 3 J J10 +79 22 3 J J11 +79 22 3 J J12 +79 22 3 J J13 +79 22 3 J J14 +79 22 3 J J15 +79 22 3 J J16 +79 22 3 J J17 +79 22 3 J J18 +79 22 3 J J19 +79 22 3 J J20 +79 22 3 J J21 +79 22 3 J J22 +79 22 3 J J23 +79 22 3 J J24 +79 22 3 J J25 +79 22 3 J J26 +79 22 3 J J27 +79 22 3 J J28 +79 22 3 J J29 +79 22 3 J J30 +79 22 3 J J31 +79 22 3 J J32 +79 22 3 J J33 +79 22 3 J J34 +79 22 3 J J35 +79 22 3 J J36 +79 22 3 J J37 +79 22 3 J J38 +79 22 3 J J39 +79 22 3 J J40 +79 22 4 M G29 +79 22 5 S F2 +79 22 6 T G36 +79 23 1 B D6 +79 23 1 B D7 +79 23 1 B D8 +79 23 2 F A0 +79 23 2 F A1 +79 23 2 F A2 +79 23 2 F A3 +79 23 2 F A4 +79 23 2 F A5 +79 23 2 F A6 +79 23 2 F A7 +79 23 2 F A8 +79 23 2 F A9 +79 23 2 F A10 +79 23 2 F A11 +79 23 2 F A12 +79 23 2 F A13 +79 23 2 F A14 +79 23 2 F A15 +79 23 2 F A16 +79 23 2 F A17 +79 23 2 F A18 +79 23 2 F A19 +79 23 2 F A20 +79 23 2 F A21 +79 23 2 F A22 +79 23 2 F A23 +79 23 2 F A24 +79 23 2 F A25 +79 23 2 F A26 +79 23 2 F A27 +79 23 2 F A28 +79 23 2 F A29 +79 23 2 F A30 +79 23 2 F A31 +79 23 2 F A32 +79 23 2 F A33 +79 23 2 F A34 +79 23 2 F A35 +79 23 2 F A36 +79 23 2 F A37 +79 23 2 F A38 +79 23 2 F A39 +79 23 2 F A40 +79 23 3 J H16 +79 23 3 J H17 +79 23 4 J J0 +79 23 4 J J1 +79 23 4 J J2 +79 23 4 J J3 +79 23 4 J J4 +79 23 4 J J5 +79 23 4 J J6 +79 23 4 J J7 +79 23 4 J J8 +79 23 4 J J9 +79 23 4 J J10 +79 23 4 J J11 +79 23 4 J J12 +79 23 4 J J13 +79 23 4 J J14 +79 23 4 J J15 +79 23 4 J J16 +79 23 4 J J17 +79 23 4 J J18 +79 23 4 J J19 +79 23 4 J J20 +79 23 4 J J21 +79 23 4 J J22 +79 23 4 J J23 +79 23 4 J J24 +79 23 4 J J25 +79 23 4 J J26 +79 23 4 J J27 +79 23 4 J J28 +79 23 4 J J29 +79 23 4 J J30 +79 23 4 J J31 +79 23 4 J J32 +79 23 4 J J33 +79 23 4 J J34 +79 23 4 J J35 +79 23 4 J J36 +79 23 4 J J37 +79 23 4 J J38 +79 23 4 J J39 +79 23 4 J J40 +79 23 5 M G17 +79 23 5 M G18 +79 23 5 M G19 +79 23 6 O B29 +79 23 6 O B30 +79 23 7 O C29 +79 23 7 O C30 +79 23 8 S G1 +79 23 9 T H36 +79 23 10 U I4 +79 23 10 U I5 +79 24 1 B C8 +79 24 2 F A0 +79 24 2 F A1 +79 24 2 F A2 +79 24 2 F A3 +79 24 2 F A4 +79 24 2 F A5 +79 24 2 F A6 +79 24 2 F A7 +79 24 2 F A8 +79 24 2 F A9 +79 24 2 F A10 +79 24 2 F A11 +79 24 2 F A12 +79 24 2 F A13 +79 24 2 F A14 +79 24 2 F A15 +79 24 2 F A16 +79 24 2 F A17 +79 24 2 F A18 +79 24 2 F A19 +79 24 2 F A20 +79 24 2 F A21 +79 24 2 F A22 +79 24 2 F A23 +79 24 2 F A24 +79 24 2 F A25 +79 24 2 F A26 +79 24 2 F A27 +79 24 2 F A28 +79 24 2 F A29 +79 24 2 F A30 +79 24 2 F A31 +79 24 2 F A32 +79 24 2 F A33 +79 24 2 F A34 +79 24 2 F A35 +79 24 2 F A36 +79 24 2 F A37 +79 24 2 F A38 +79 24 2 F A39 +79 24 2 F A40 +79 24 3 J J0 +79 24 3 J J1 +79 24 3 J J2 +79 24 3 J J3 +79 24 3 J J4 +79 24 3 J J5 +79 24 3 J J6 +79 24 3 J J7 +79 24 3 J J8 +79 24 3 J J9 +79 24 3 J J10 +79 24 3 J J11 +79 24 3 J J12 +79 24 3 J J13 +79 24 3 J J14 +79 24 3 J J15 +79 24 3 J J16 +79 24 3 J J17 +79 24 3 J J18 +79 24 3 J J19 +79 24 3 J J20 +79 24 3 J J21 +79 24 3 J J22 +79 24 3 J J23 +79 24 3 J J24 +79 24 3 J J25 +79 24 3 J J26 +79 24 3 J J27 +79 24 3 J J28 +79 24 3 J J29 +79 24 3 J J30 +79 24 3 J J31 +79 24 3 J J32 +79 24 3 J J33 +79 24 3 J J34 +79 24 3 J J35 +79 24 3 J J36 +79 24 3 J J37 +79 24 3 J J38 +79 24 3 J J39 +79 24 3 J J40 +79 24 4 M G18 +79 24 5 S G3 +79 24 6 T G34 +79 25 1 B C9 +79 25 2 F A0 +79 25 2 F A1 +79 25 2 F A2 +79 25 2 F A3 +79 25 2 F A4 +79 25 2 F A5 +79 25 2 F A6 +79 25 2 F A7 +79 25 2 F A8 +79 25 2 F A9 +79 25 2 F A10 +79 25 2 F A11 +79 25 2 F A12 +79 25 2 F A13 +79 25 2 F A14 +79 25 2 F A15 +79 25 2 F A16 +79 25 2 F A17 +79 25 2 F A18 +79 25 2 F A19 +79 25 2 F A20 +79 25 2 F A21 +79 25 2 F A22 +79 25 2 F A23 +79 25 2 F A24 +79 25 2 F A25 +79 25 2 F A26 +79 25 2 F A27 +79 25 2 F A28 +79 25 2 F A29 +79 25 2 F A30 +79 25 2 F A31 +79 25 2 F A32 +79 25 2 F A33 +79 25 2 F A34 +79 25 2 F A35 +79 25 2 F A36 +79 25 2 F A37 +79 25 2 F A38 +79 25 2 F A39 +79 25 2 F A40 +79 25 3 J J0 +79 25 3 J J1 +79 25 3 J J2 +79 25 3 J J3 +79 25 3 J J4 +79 25 3 J J5 +79 25 3 J J6 +79 25 3 J J7 +79 25 3 J J8 +79 25 3 J J9 +79 25 3 J J10 +79 25 3 J J11 +79 25 3 J J12 +79 25 3 J J13 +79 25 3 J J14 +79 25 3 J J15 +79 25 3 J J16 +79 25 3 J J17 +79 25 3 J J18 +79 25 3 J J19 +79 25 3 J J20 +79 25 3 J J21 +79 25 3 J J22 +79 25 3 J J23 +79 25 3 J J24 +79 25 3 J J25 +79 25 3 J J26 +79 25 3 J J27 +79 25 3 J J28 +79 25 3 J J29 +79 25 3 J J30 +79 25 3 J J31 +79 25 3 J J32 +79 25 3 J J33 +79 25 3 J J34 +79 25 3 J J35 +79 25 3 J J36 +79 25 3 J J37 +79 25 3 J J38 +79 25 3 J J39 +79 25 3 J J40 +79 25 4 M F19 +79 25 5 S H2 +80 1 1 T A0 +80 1 1 T A1 +80 1 1 T A2 +80 1 1 T A3 +80 1 1 T A4 +80 1 1 T A5 +80 1 1 T A6 +80 1 1 T A7 +80 1 1 T A8 +80 1 1 T A9 +80 1 1 T A10 +80 1 1 T A11 +80 1 1 T A12 +80 1 1 T A13 +80 1 1 T A14 +80 1 1 T A15 +80 1 1 T A16 +80 1 1 T A17 +80 1 1 T A18 +80 1 1 T A19 +80 1 1 T A20 +80 1 1 T A21 +80 1 1 T A22 +80 1 1 T A23 +80 1 1 T A24 +80 1 1 T A25 +80 1 1 T A26 +80 1 1 T A27 +80 1 1 T A28 +80 1 1 T A29 +80 1 1 T A30 +80 1 1 T A31 +80 1 1 T A32 +80 1 1 T A33 +80 1 1 T A34 +80 1 1 T A35 +80 1 1 T A36 +80 1 1 T A37 +80 1 1 T A38 +80 1 1 T A39 +80 1 1 T A40 +80 1 1 T B0 +80 1 1 T B30 +80 1 1 T B31 +80 1 1 T B32 +80 1 1 T B33 +80 1 2 O C10 +80 1 2 O C11 +80 1 2 O C12 +80 1 3 C E16 +80 1 3 C E17 +80 1 3 C E18 +80 1 3 C E19 +80 1 3 C E20 +80 1 4 W G36 +80 1 4 W G37 +80 1 4 W G38 +80 1 4 W G39 +80 1 4 W G40 +80 1 5 U I0 +80 1 5 U J0 +80 1 5 U J1 +80 1 5 U J2 +80 1 5 U J3 +80 1 5 U J4 +80 1 5 U J5 +80 1 5 U J6 +80 1 5 U J7 +80 1 5 U J8 +80 1 5 U J9 +80 1 5 U J10 +80 1 5 U J11 +80 1 5 U J12 +80 1 5 U J13 +80 1 5 U J14 +80 1 5 U J15 +80 1 5 U J16 +80 1 5 U J17 +80 1 5 U J18 +80 1 5 U J19 +80 1 5 U J20 +80 1 5 U J21 +80 1 5 U J22 +80 1 5 U J23 +80 1 5 U J24 +80 1 5 U J25 +80 1 5 U J26 +80 1 5 U J27 +80 1 5 U J28 +80 1 5 U J29 +80 1 5 U J30 +80 1 5 U J31 +80 1 5 U J32 +80 1 5 U J33 +80 1 5 U J34 +80 1 5 U J35 +80 1 5 U J36 +80 1 5 U J37 +80 1 5 U J38 +80 1 5 U J39 +80 1 5 U J40 +80 2 1 T A0 +80 2 1 T A1 +80 2 1 T A2 +80 2 1 T A3 +80 2 1 T A4 +80 2 1 T A5 +80 2 1 T A6 +80 2 1 T A7 +80 2 1 T A8 +80 2 1 T A9 +80 2 1 T A10 +80 2 1 T A11 +80 2 1 T A12 +80 2 1 T A13 +80 2 1 T A14 +80 2 1 T A15 +80 2 1 T A16 +80 2 1 T A17 +80 2 1 T A18 +80 2 1 T A19 +80 2 1 T A20 +80 2 1 T A21 +80 2 1 T A22 +80 2 1 T A23 +80 2 1 T A24 +80 2 1 T A25 +80 2 1 T A26 +80 2 1 T A27 +80 2 1 T A28 +80 2 1 T A29 +80 2 1 T A30 +80 2 1 T A31 +80 2 1 T A32 +80 2 1 T A33 +80 2 1 T A34 +80 2 1 T A35 +80 2 1 T A36 +80 2 1 T A37 +80 2 1 T A38 +80 2 1 T A39 +80 2 1 T A40 +80 2 2 O C8 +80 2 2 O C9 +80 2 2 O C10 +80 2 3 C F17 +80 2 3 C F18 +80 2 3 C F19 +80 2 3 C F20 +80 2 4 U J0 +80 2 4 U J1 +80 2 4 U J2 +80 2 4 U J3 +80 2 4 U J4 +80 2 4 U J5 +80 2 4 U J6 +80 2 4 U J7 +80 2 4 U J8 +80 2 4 U J9 +80 2 4 U J10 +80 2 4 U J11 +80 2 4 U J12 +80 2 4 U J13 +80 2 4 U J14 +80 2 4 U J15 +80 2 4 U J16 +80 2 4 U J17 +80 2 4 U J18 +80 2 4 U J19 +80 2 4 U J20 +80 2 4 U J21 +80 2 4 U J22 +80 2 4 U J23 +80 2 4 U J24 +80 2 4 U J25 +80 2 4 U J26 +80 2 4 U J27 +80 2 4 U J28 +80 2 4 U J29 +80 2 4 U J30 +80 2 4 U J31 +80 2 4 U J32 +80 2 4 U J33 +80 2 4 U J34 +80 2 4 U J35 +80 2 4 U J36 +80 2 4 U J37 +80 2 4 U J38 +80 2 4 U J39 +80 2 4 U J40 +80 2 5 W H1 +80 2 5 W H2 +80 2 5 W H3 +80 3 1 T A0 +80 3 1 T A1 +80 3 1 T A2 +80 3 1 T A3 +80 3 1 T A4 +80 3 1 T A5 +80 3 1 T A6 +80 3 1 T A7 +80 3 1 T A8 +80 3 1 T A9 +80 3 1 T A10 +80 3 1 T A11 +80 3 1 T A12 +80 3 1 T A13 +80 3 1 T A14 +80 3 1 T A15 +80 3 1 T A16 +80 3 1 T A17 +80 3 1 T A18 +80 3 1 T A19 +80 3 1 T A20 +80 3 1 T A21 +80 3 1 T A22 +80 3 1 T A23 +80 3 1 T A24 +80 3 1 T A25 +80 3 1 T A26 +80 3 1 T A27 +80 3 1 T A28 +80 3 1 T A29 +80 3 1 T A30 +80 3 1 T A31 +80 3 1 T A32 +80 3 1 T A33 +80 3 1 T A34 +80 3 1 T A35 +80 3 1 T A36 +80 3 1 T A37 +80 3 1 T A38 +80 3 1 T A39 +80 3 1 T A40 +80 3 1 T B0 +80 3 1 T B1 +80 3 1 T B2 +80 3 1 T B3 +80 3 1 T B4 +80 3 1 T B5 +80 3 1 T B6 +80 3 1 T B7 +80 3 1 T B33 +80 3 1 T B34 +80 3 1 T B35 +80 3 2 O C9 +80 3 3 C E19 +80 3 4 I F33 +80 3 5 W H2 +80 3 6 U I0 +80 3 6 U J0 +80 3 6 U J1 +80 3 6 U J2 +80 3 6 U J3 +80 3 6 U J4 +80 3 6 U J5 +80 3 6 U J6 +80 3 6 U J7 +80 3 6 U J8 +80 3 6 U J9 +80 3 6 U J10 +80 3 6 U J11 +80 3 6 U J12 +80 3 6 U J13 +80 3 6 U J14 +80 3 6 U J15 +80 3 6 U J16 +80 3 6 U J17 +80 3 6 U J18 +80 3 6 U J19 +80 3 6 U J20 +80 3 6 U J21 +80 3 6 U J22 +80 3 6 U J23 +80 3 6 U J24 +80 3 6 U J25 +80 3 6 U J26 +80 3 6 U J27 +80 3 6 U J28 +80 3 6 U J29 +80 3 6 U J30 +80 3 6 U J31 +80 3 6 U J32 +80 3 6 U J33 +80 3 6 U J34 +80 3 6 U J35 +80 3 6 U J36 +80 3 6 U J37 +80 3 6 U J38 +80 3 6 U J39 +80 3 6 U J40 +80 4 1 T A0 +80 4 1 T A1 +80 4 1 T A2 +80 4 1 T A3 +80 4 1 T A4 +80 4 1 T A5 +80 4 1 T A6 +80 4 1 T A7 +80 4 1 T A8 +80 4 1 T A9 +80 4 1 T A10 +80 4 1 T A11 +80 4 1 T A12 +80 4 1 T A13 +80 4 1 T A14 +80 4 1 T A15 +80 4 1 T A16 +80 4 1 T A17 +80 4 1 T A18 +80 4 1 T A19 +80 4 1 T A20 +80 4 1 T A21 +80 4 1 T A22 +80 4 1 T A23 +80 4 1 T A24 +80 4 1 T A25 +80 4 1 T A26 +80 4 1 T A27 +80 4 1 T A28 +80 4 1 T A29 +80 4 1 T A30 +80 4 1 T A31 +80 4 1 T A32 +80 4 1 T A33 +80 4 1 T A34 +80 4 1 T A35 +80 4 1 T A36 +80 4 1 T A37 +80 4 1 T A38 +80 4 1 T A39 +80 4 1 T A40 +80 4 1 T B0 +80 4 2 O G8 +80 4 3 W G36 +80 4 4 I G31 +80 4 5 C G21 +80 4 6 U I0 +80 4 6 U I9 +80 4 6 U I10 +80 4 6 U I11 +80 4 6 U I12 +80 4 6 U I13 +80 4 6 U I14 +80 4 6 U I15 +80 4 6 U I16 +80 4 6 U I17 +80 4 6 U I18 +80 4 6 U I19 +80 4 6 U I20 +80 4 6 U I21 +80 4 6 U I22 +80 4 6 U I23 +80 4 6 U I24 +80 4 6 U I25 +80 4 6 U I26 +80 4 6 U I27 +80 4 6 U I28 +80 4 6 U I29 +80 4 6 U I30 +80 4 6 U I31 +80 4 6 U I32 +80 4 6 U I33 +80 4 6 U J0 +80 4 6 U J1 +80 4 6 U J2 +80 4 6 U J3 +80 4 6 U J4 +80 4 6 U J5 +80 4 6 U J6 +80 4 6 U J7 +80 4 6 U J8 +80 4 6 U J9 +80 4 6 U J10 +80 4 6 U J11 +80 4 6 U J12 +80 4 6 U J13 +80 4 6 U J14 +80 4 6 U J15 +80 4 6 U J16 +80 4 6 U J17 +80 4 6 U J18 +80 4 6 U J19 +80 4 6 U J20 +80 4 6 U J21 +80 4 6 U J22 +80 4 6 U J23 +80 4 6 U J24 +80 4 6 U J25 +80 4 6 U J26 +80 4 6 U J27 +80 4 6 U J28 +80 4 6 U J29 +80 4 6 U J30 +80 4 6 U J31 +80 4 6 U J32 +80 4 6 U J33 +80 4 6 U J34 +80 4 6 U J35 +80 4 6 U J36 +80 4 6 U J37 +80 4 6 U J38 +80 4 6 U J39 +80 4 6 U J40 +80 5 1 O C10 +80 5 2 C E20 +80 5 3 T A7 +80 5 3 T A8 +80 5 3 T A9 +80 5 3 T A10 +80 5 3 T A11 +80 5 3 T A12 +80 5 3 T A13 +80 5 3 T A14 +80 5 3 T A15 +80 5 3 T A16 +80 5 3 T A17 +80 5 3 T A18 +80 5 3 T A19 +80 5 3 T A20 +80 5 3 T A21 +80 5 3 T A22 +80 5 3 T A23 +80 5 3 T A24 +80 5 3 T A25 +80 5 3 T A26 +80 5 3 T A27 +80 5 3 T A28 +80 5 3 T A29 +80 5 3 T A30 +80 5 3 T A31 +80 5 3 T A32 +80 5 3 T A33 +80 5 3 T A34 +80 5 3 T A35 +80 5 3 T A36 +80 5 3 T A37 +80 5 3 T A38 +80 5 3 T A39 +80 5 3 T A40 +80 5 4 W G39 +80 5 5 U J18 +80 5 5 U J19 +80 5 5 U J20 +80 5 5 U J21 +80 5 5 U J22 +80 5 5 U J23 +80 5 5 U J24 +80 5 5 U J25 +80 5 5 U J26 +80 5 5 U J27 +80 5 5 U J28 +80 5 5 U J29 +80 5 5 U J30 +80 5 5 U J31 +80 5 5 U J32 +80 5 5 U J33 +80 5 5 U J34 +80 5 5 U J35 +80 5 5 U J36 +80 5 5 U J37 +80 5 5 U J38 +80 5 5 U J39 +80 5 5 U J40 +80 6 1 T A0 +80 6 1 T A1 +80 6 1 T A2 +80 6 1 T A3 +80 6 1 T A4 +80 6 1 T A5 +80 6 1 T A6 +80 6 1 T A7 +80 6 1 T A8 +80 6 1 T A9 +80 6 1 T A10 +80 6 1 T A11 +80 6 1 T A12 +80 6 1 T A13 +80 6 1 T A14 +80 6 1 T A15 +80 6 1 T A16 +80 6 1 T A17 +80 6 1 T A18 +80 6 1 T A19 +80 6 1 T A20 +80 6 1 T A21 +80 6 1 T A22 +80 6 1 T A23 +80 6 1 T A24 +80 6 1 T A25 +80 6 1 T A26 +80 6 1 T A27 +80 6 1 T A28 +80 6 1 T A29 +80 6 1 T A30 +80 6 1 T A31 +80 6 1 T A32 +80 6 1 T A33 +80 6 1 T A34 +80 6 1 T A35 +80 6 1 T A36 +80 6 1 T A37 +80 6 1 T A38 +80 6 1 T A39 +80 6 1 T A40 +80 6 2 O C9 +80 6 3 C F15 +80 6 4 U I0 +80 6 4 U I5 +80 6 4 U I6 +80 6 4 U I7 +80 6 4 U I8 +80 6 4 U I9 +80 6 4 U I10 +80 6 4 U I11 +80 6 4 U I12 +80 6 4 U I13 +80 6 4 U I14 +80 6 4 U I15 +80 6 4 U I16 +80 6 4 U I17 +80 6 4 U I18 +80 6 4 U I19 +80 6 4 U I20 +80 6 4 U I21 +80 6 4 U I22 +80 6 4 U I23 +80 6 4 U I24 +80 6 4 U I25 +80 6 4 U I26 +80 6 4 U I27 +80 6 4 U I28 +80 6 4 U I29 +80 6 4 U I30 +80 6 4 U I31 +80 6 4 U I32 +80 6 4 U I33 +80 6 4 U J0 +80 6 4 U J1 +80 6 4 U J2 +80 6 4 U J3 +80 6 4 U J4 +80 6 4 U J5 +80 6 4 U J6 +80 6 4 U J7 +80 6 4 U J8 +80 6 4 U J9 +80 6 4 U J10 +80 6 4 U J11 +80 6 4 U J12 +80 6 4 U J13 +80 6 4 U J14 +80 6 4 U J15 +80 6 4 U J16 +80 6 4 U J17 +80 6 4 U J18 +80 6 4 U J19 +80 6 4 U J20 +80 6 4 U J21 +80 6 4 U J22 +80 6 4 U J23 +80 6 4 U J24 +80 6 4 U J25 +80 6 4 U J26 +80 6 4 U J27 +80 6 4 U J28 +80 6 4 U J29 +80 6 4 U J30 +80 6 4 U J31 +80 6 4 U J32 +80 6 4 U J33 +80 6 4 U J34 +80 6 4 U J35 +80 6 4 U J36 +80 6 4 U J37 +80 6 4 U J38 +80 6 4 U J39 +80 6 4 U J40 +80 6 5 W G1 +80 7 1 T A0 +80 7 1 T A1 +80 7 1 T A2 +80 7 1 T A3 +80 7 1 T A4 +80 7 1 T A5 +80 7 1 T A6 +80 7 1 T A7 +80 7 1 T A8 +80 7 1 T A9 +80 7 1 T A10 +80 7 1 T A11 +80 7 1 T A12 +80 7 1 T A13 +80 7 1 T A14 +80 7 1 T A15 +80 7 1 T A16 +80 7 1 T A17 +80 7 1 T A18 +80 7 1 T A19 +80 7 1 T A20 +80 7 1 T A21 +80 7 1 T A22 +80 7 1 T A23 +80 7 1 T A24 +80 7 1 T A25 +80 7 1 T A26 +80 7 1 T A27 +80 7 1 T A28 +80 7 1 T A29 +80 7 1 T A30 +80 7 1 T A31 +80 7 1 T A32 +80 7 1 T A33 +80 7 1 T A34 +80 7 1 T A35 +80 7 1 T A36 +80 7 1 T A37 +80 7 1 T A38 +80 7 1 T A39 +80 7 1 T A40 +80 7 1 T B0 +80 7 2 O C9 +80 7 3 I H38 +80 7 4 C G23 +80 7 5 M G7 +80 7 6 W G1 +80 7 7 U I0 +80 7 7 U J0 +80 7 7 U J1 +80 7 7 U J2 +80 7 7 U J3 +80 7 7 U J4 +80 7 7 U J5 +80 7 7 U J6 +80 7 7 U J7 +80 7 7 U J8 +80 7 7 U J9 +80 7 7 U J10 +80 7 7 U J11 +80 7 7 U J12 +80 7 7 U J13 +80 7 7 U J14 +80 7 7 U J15 +80 7 7 U J16 +80 7 7 U J17 +80 7 7 U J18 +80 7 7 U J19 +80 7 7 U J20 +80 7 7 U J21 +80 7 7 U J22 +80 7 7 U J23 +80 7 7 U J24 +80 7 7 U J25 +80 7 7 U J26 +80 7 7 U J27 +80 7 7 U J28 +80 7 7 U J29 +80 7 7 U J30 +80 7 7 U J31 +80 7 7 U J32 +80 7 7 U J33 +80 7 7 U J34 +80 7 7 U J35 +80 7 7 U J36 +80 7 7 U J37 +80 7 7 U J38 +80 7 7 U J39 +80 7 7 U J40 +80 8 1 W C4 +80 8 2 T A0 +80 8 2 T A1 +80 8 2 T A2 +80 8 2 T A3 +80 8 2 T A4 +80 8 2 T A5 +80 8 2 T A6 +80 8 2 T A7 +80 8 2 T A8 +80 8 2 T A9 +80 8 2 T A10 +80 8 2 T A11 +80 8 2 T A12 +80 8 2 T A13 +80 8 2 T A14 +80 8 2 T A15 +80 8 2 T A16 +80 8 2 T A17 +80 8 2 T A18 +80 8 2 T A19 +80 8 2 T A20 +80 8 2 T A21 +80 8 2 T A22 +80 8 2 T A23 +80 8 2 T A24 +80 8 2 T A25 +80 8 2 T A26 +80 8 2 T A27 +80 8 2 T A28 +80 8 2 T A29 +80 8 2 T A30 +80 8 2 T A31 +80 8 2 T A32 +80 8 2 T A33 +80 8 2 T A34 +80 8 2 T A35 +80 8 2 T A36 +80 8 2 T A37 +80 8 2 T A38 +80 8 2 T A39 +80 8 2 T A40 +80 8 2 T B0 +80 8 3 U I0 +80 8 3 U J0 +80 8 3 U J1 +80 8 3 U J2 +80 8 3 U J3 +80 8 3 U J4 +80 8 3 U J5 +80 8 3 U J6 +80 8 3 U J7 +80 8 3 U J8 +80 8 3 U J9 +80 8 3 U J10 +80 8 3 U J11 +80 8 3 U J12 +80 8 3 U J13 +80 8 3 U J14 +80 8 3 U J15 +80 8 3 U J16 +80 8 3 U J17 +80 8 3 U J18 +80 8 3 U J19 +80 8 3 U J20 +80 8 3 U J21 +80 8 3 U J22 +80 8 3 U J23 +80 8 3 U J24 +80 8 3 U J25 +80 8 3 U J26 +80 8 3 U J27 +80 8 3 U J28 +80 8 3 U J29 +80 8 3 U J30 +80 8 3 U J31 +80 8 3 U J32 +80 8 3 U J33 +80 8 3 U J34 +80 8 3 U J35 +80 8 3 U J36 +80 8 3 U J37 +80 8 3 U J38 +80 8 3 U J39 +80 8 3 U J40 +80 8 4 C F24 +80 8 5 O E6 +80 9 1 T A0 +80 9 1 T A1 +80 9 1 T A2 +80 9 1 T A3 +80 9 1 T A4 +80 9 1 T A5 +80 9 1 T A6 +80 9 1 T A7 +80 9 1 T A8 +80 9 1 T A9 +80 9 1 T A10 +80 9 1 T A11 +80 9 1 T A12 +80 9 1 T A13 +80 9 1 T A14 +80 9 1 T A15 +80 9 1 T A16 +80 9 1 T A17 +80 9 1 T A18 +80 9 1 T A19 +80 9 1 T A20 +80 9 1 T A21 +80 9 1 T A22 +80 9 1 T A23 +80 9 1 T A24 +80 9 1 T A25 +80 9 1 T A26 +80 9 1 T A27 +80 9 1 T A28 +80 9 1 T A29 +80 9 1 T A30 +80 9 1 T A31 +80 9 1 T A32 +80 9 1 T A33 +80 9 1 T A34 +80 9 1 T A35 +80 9 1 T A36 +80 9 1 T A37 +80 9 1 T A38 +80 9 1 T A39 +80 9 1 T A40 +80 9 1 T B0 +80 9 2 W G39 +80 9 3 U I0 +80 9 3 U J0 +80 9 3 U J1 +80 9 3 U J2 +80 9 3 U J3 +80 9 3 U J4 +80 9 3 U J5 +80 9 3 U J6 +80 9 3 U J7 +80 9 3 U J8 +80 9 3 U J9 +80 9 3 U J10 +80 9 3 U J11 +80 9 3 U J12 +80 9 3 U J13 +80 9 3 U J14 +80 9 3 U J15 +80 9 3 U J16 +80 9 3 U J17 +80 9 3 U J18 +80 9 3 U J19 +80 9 3 U J20 +80 9 3 U J21 +80 9 3 U J22 +80 9 3 U J23 +80 9 3 U J24 +80 9 3 U J25 +80 9 3 U J26 +80 9 3 U J27 +80 9 3 U J28 +80 9 3 U J29 +80 9 3 U J30 +80 9 3 U J31 +80 9 3 U J32 +80 9 3 U J33 +80 9 3 U J34 +80 9 3 U J35 +80 9 3 U J36 +80 9 3 U J37 +80 9 3 U J38 +80 9 3 U J39 +80 9 3 U J40 +80 9 4 C G21 +80 9 4 C G29 +80 9 5 O E6 +80 10 1 T A0 +80 10 1 T A1 +80 10 1 T A2 +80 10 1 T A3 +80 10 1 T A4 +80 10 1 T A5 +80 10 1 T A6 +80 10 1 T A7 +80 10 1 T A8 +80 10 1 T A9 +80 10 1 T A10 +80 10 1 T A11 +80 10 1 T A12 +80 10 1 T A13 +80 10 1 T A14 +80 10 1 T A15 +80 10 1 T A16 +80 10 1 T A17 +80 10 1 T A18 +80 10 1 T A19 +80 10 1 T A20 +80 10 1 T A21 +80 10 1 T A22 +80 10 1 T A23 +80 10 1 T A24 +80 10 1 T A25 +80 10 1 T A26 +80 10 1 T A27 +80 10 1 T A28 +80 10 1 T A29 +80 10 1 T A30 +80 10 1 T A31 +80 10 1 T A32 +80 10 1 T A33 +80 10 1 T A34 +80 10 1 T A35 +80 10 1 T A36 +80 10 1 T A37 +80 10 1 T A38 +80 10 1 T A39 +80 10 1 T A40 +80 10 1 T B0 +80 10 1 T B28 +80 10 1 T B29 +80 10 1 T B30 +80 10 1 T B31 +80 10 1 T B32 +80 10 1 T B33 +80 10 1 T B34 +80 10 1 T B35 +80 10 1 T B36 +80 10 1 T B37 +80 10 1 T B38 +80 10 1 T B39 +80 10 1 T B40 +80 10 2 O C9 +80 10 3 C F23 +80 10 3 C F24 +80 10 3 C F25 +80 10 3 C F26 +80 10 4 I G33 +80 10 5 W H1 +80 10 5 W H2 +80 10 6 U J0 +80 10 6 U J1 +80 10 6 U J2 +80 10 6 U J3 +80 10 6 U J4 +80 10 6 U J5 +80 10 6 U J6 +80 10 6 U J7 +80 10 6 U J8 +80 10 6 U J9 +80 10 6 U J10 +80 10 6 U J11 +80 10 6 U J12 +80 10 6 U J13 +80 10 6 U J14 +80 10 6 U J15 +80 10 6 U J16 +80 10 6 U J17 +80 10 6 U J18 +80 10 6 U J19 +80 10 6 U J20 +80 10 6 U J21 +80 10 6 U J22 +80 10 6 U J23 +80 10 6 U J24 +80 10 6 U J25 +80 10 6 U J26 +80 10 6 U J27 +80 10 6 U J28 +80 10 6 U J29 +80 10 6 U J30 +80 10 6 U J31 +80 10 6 U J32 +80 10 6 U J33 +80 10 6 U J34 +80 10 6 U J35 +80 10 6 U J36 +80 10 6 U J37 +80 10 6 U J38 +80 10 6 U J39 +80 10 6 U J40 +80 11 1 T A0 +80 11 1 T A1 +80 11 1 T A2 +80 11 1 T A3 +80 11 1 T A4 +80 11 1 T A5 +80 11 1 T A6 +80 11 1 T A7 +80 11 1 T A8 +80 11 1 T A9 +80 11 1 T A10 +80 11 1 T A11 +80 11 1 T A12 +80 11 1 T A13 +80 11 1 T A14 +80 11 1 T A15 +80 11 1 T A16 +80 11 1 T A17 +80 11 1 T A18 +80 11 1 T A19 +80 11 1 T A20 +80 11 1 T A21 +80 11 1 T A22 +80 11 1 T A23 +80 11 1 T A24 +80 11 1 T A25 +80 11 1 T A26 +80 11 1 T A27 +80 11 1 T A28 +80 11 1 T A29 +80 11 1 T A30 +80 11 1 T A31 +80 11 1 T A32 +80 11 1 T A33 +80 11 1 T A34 +80 11 1 T A35 +80 11 1 T A36 +80 11 1 T A37 +80 11 1 T A38 +80 11 1 T A39 +80 11 1 T A40 +80 11 1 T B0 +80 11 1 T B29 +80 11 1 T B30 +80 11 1 T B31 +80 11 1 T B32 +80 11 1 T B33 +80 11 1 T B34 +80 11 1 T B35 +80 11 1 T B36 +80 11 1 T B37 +80 11 1 T B38 +80 11 1 T B39 +80 11 1 T B40 +80 11 2 O C8 +80 11 3 C C15 +80 11 4 I F33 +80 11 5 U I0 +80 11 5 U I10 +80 11 5 U I11 +80 11 5 U I12 +80 11 5 U I13 +80 11 5 U I14 +80 11 5 U J0 +80 11 5 U J1 +80 11 5 U J2 +80 11 5 U J3 +80 11 5 U J4 +80 11 5 U J5 +80 11 5 U J6 +80 11 5 U J7 +80 11 5 U J8 +80 11 5 U J9 +80 11 5 U J10 +80 11 5 U J11 +80 11 5 U J12 +80 11 5 U J13 +80 11 5 U J14 +80 11 5 U J15 +80 11 5 U J16 +80 11 5 U J17 +80 11 5 U J18 +80 11 5 U J19 +80 11 5 U J20 +80 11 5 U J21 +80 11 5 U J22 +80 11 5 U J23 +80 11 5 U J24 +80 11 5 U J25 +80 11 5 U J26 +80 11 5 U J27 +80 11 5 U J28 +80 11 5 U J29 +80 11 5 U J30 +80 11 5 U J31 +80 11 5 U J32 +80 11 5 U J33 +80 11 5 U J34 +80 11 5 U J35 +80 11 5 U J36 +80 11 5 U J37 +80 11 5 U J38 +80 11 5 U J39 +80 11 5 U J40 +80 12 1 T A0 +80 12 1 T A1 +80 12 1 T A2 +80 12 1 T A3 +80 12 1 T A4 +80 12 1 T A5 +80 12 1 T A6 +80 12 1 T A7 +80 12 1 T A8 +80 12 1 T A9 +80 12 1 T A10 +80 12 1 T A11 +80 12 1 T A12 +80 12 1 T A13 +80 12 1 T A14 +80 12 1 T A15 +80 12 1 T A16 +80 12 1 T A17 +80 12 1 T A18 +80 12 1 T A19 +80 12 1 T A20 +80 12 1 T A21 +80 12 1 T A22 +80 12 1 T A23 +80 12 1 T A24 +80 12 1 T A25 +80 12 1 T A26 +80 12 1 T A27 +80 12 1 T A28 +80 12 1 T A29 +80 12 1 T A30 +80 12 1 T A31 +80 12 1 T A32 +80 12 1 T A33 +80 12 1 T A34 +80 12 1 T A35 +80 12 1 T A36 +80 12 1 T A37 +80 12 1 T A38 +80 12 1 T A39 +80 12 1 T A40 +80 12 2 U J0 +80 12 2 U J1 +80 12 2 U J2 +80 12 2 U J3 +80 12 2 U J4 +80 12 2 U J5 +80 12 2 U J6 +80 12 2 U J7 +80 12 2 U J8 +80 12 2 U J9 +80 12 2 U J10 +80 12 2 U J11 +80 12 2 U J32 +80 12 2 U J33 +80 12 2 U J34 +80 12 2 U J35 +80 12 2 U J36 +80 12 2 U J37 +80 12 2 U J38 +80 12 2 U J39 +80 12 2 U J40 +80 12 3 C H18 +80 12 4 O C8 +80 12 5 W H1 +80 13 1 O D1 +80 13 2 T A0 +80 13 2 T A1 +80 13 2 T A2 +80 13 2 T A3 +80 13 2 T A4 +80 13 2 T A5 +80 13 2 T A6 +80 13 2 T A7 +80 13 2 T A8 +80 13 2 T A9 +80 13 2 T A10 +80 13 2 T A11 +80 13 2 T A12 +80 13 2 T A13 +80 13 2 T A14 +80 13 2 T A15 +80 13 2 T A16 +80 13 2 T A17 +80 13 2 T A18 +80 13 2 T A19 +80 13 2 T A20 +80 13 2 T A21 +80 13 2 T A22 +80 13 2 T A23 +80 13 2 T A24 +80 13 2 T A25 +80 13 2 T A26 +80 13 2 T A27 +80 13 2 T A28 +80 13 2 T A29 +80 13 2 T A30 +80 13 2 T A31 +80 13 2 T A32 +80 13 2 T A33 +80 13 2 T A34 +80 13 2 T A35 +80 13 2 T A36 +80 13 2 T A37 +80 13 2 T A38 +80 13 2 T A39 +80 13 2 T A40 +80 13 3 C F29 +80 13 4 W H1 +80 13 5 U I0 +80 13 5 U I9 +80 13 5 U I29 +80 13 5 U J0 +80 13 5 U J1 +80 13 5 U J2 +80 13 5 U J3 +80 13 5 U J4 +80 13 5 U J5 +80 13 5 U J6 +80 13 5 U J7 +80 13 5 U J8 +80 13 5 U J9 +80 13 5 U J10 +80 13 5 U J11 +80 13 5 U J12 +80 13 5 U J13 +80 13 5 U J14 +80 13 5 U J15 +80 13 5 U J16 +80 13 5 U J17 +80 13 5 U J18 +80 13 5 U J19 +80 13 5 U J20 +80 13 5 U J21 +80 13 5 U J22 +80 13 5 U J23 +80 13 5 U J24 +80 13 5 U J25 +80 13 5 U J26 +80 13 5 U J27 +80 13 5 U J28 +80 13 5 U J29 +80 13 5 U J30 +80 13 5 U J31 +80 13 5 U J32 +80 13 5 U J33 +80 13 5 U J34 +80 13 5 U J35 +80 13 5 U J36 +80 13 5 U J37 +80 13 5 U J38 +80 13 5 U J39 +80 13 5 U J40 +80 14 1 T A0 +80 14 1 T A1 +80 14 1 T A2 +80 14 1 T A3 +80 14 1 T A4 +80 14 1 T A5 +80 14 1 T A6 +80 14 1 T A7 +80 14 1 T A8 +80 14 1 T A9 +80 14 1 T A10 +80 14 1 T A11 +80 14 1 T A12 +80 14 1 T A13 +80 14 1 T A14 +80 14 1 T A15 +80 14 1 T A16 +80 14 1 T A17 +80 14 1 T A18 +80 14 1 T A19 +80 14 1 T A20 +80 14 1 T A21 +80 14 1 T A22 +80 14 1 T A23 +80 14 1 T A24 +80 14 1 T A25 +80 14 1 T A26 +80 14 1 T A27 +80 14 1 T A28 +80 14 1 T A29 +80 14 1 T A30 +80 14 1 T A31 +80 14 1 T A32 +80 14 1 T A33 +80 14 1 T A34 +80 14 1 T A35 +80 14 1 T A36 +80 14 1 T A37 +80 14 1 T A38 +80 14 1 T A39 +80 14 1 T A40 +80 14 1 T B0 +80 14 2 O C9 +80 14 3 C E19 +80 14 4 W G40 +80 14 5 I H32 +80 14 6 I H32 +80 14 7 A G28 +80 14 8 U H0 +80 14 8 U I0 +80 14 8 U I11 +80 14 8 U I12 +80 14 8 U I13 +80 14 8 U I14 +80 14 8 U J0 +80 14 8 U J1 +80 14 8 U J2 +80 14 8 U J3 +80 14 8 U J4 +80 14 8 U J5 +80 14 8 U J6 +80 14 8 U J7 +80 14 8 U J8 +80 14 8 U J9 +80 14 8 U J10 +80 14 8 U J11 +80 14 8 U J12 +80 14 8 U J13 +80 14 8 U J14 +80 14 8 U J15 +80 14 8 U J16 +80 14 8 U J17 +80 14 8 U J18 +80 14 8 U J19 +80 14 8 U J20 +80 14 8 U J21 +80 14 8 U J22 +80 14 8 U J23 +80 14 8 U J24 +80 14 8 U J25 +80 14 8 U J26 +80 14 8 U J27 +80 14 8 U J28 +80 14 8 U J29 +80 14 8 U J30 +80 14 8 U J31 +80 14 8 U J32 +80 14 8 U J33 +80 14 8 U J34 +80 14 8 U J35 +80 14 8 U J36 +80 14 8 U J37 +80 14 8 U J38 +80 14 8 U J39 +80 14 8 U J40 +80 15 1 T A0 +80 15 1 T A1 +80 15 1 T A2 +80 15 1 T A3 +80 15 1 T A4 +80 15 1 T A5 +80 15 1 T A6 +80 15 1 T A7 +80 15 1 T A8 +80 15 1 T A9 +80 15 1 T A10 +80 15 1 T A11 +80 15 1 T A12 +80 15 1 T A13 +80 15 1 T A14 +80 15 1 T A15 +80 15 1 T A16 +80 15 1 T A17 +80 15 1 T A18 +80 15 1 T A19 +80 15 1 T A20 +80 15 1 T A21 +80 15 1 T A22 +80 15 1 T A23 +80 15 1 T A24 +80 15 1 T A25 +80 15 1 T A26 +80 15 1 T A27 +80 15 1 T A28 +80 15 1 T A29 +80 15 1 T A30 +80 15 1 T A31 +80 15 1 T A32 +80 15 1 T A33 +80 15 1 T A34 +80 15 1 T A35 +80 15 1 T A36 +80 15 1 T A37 +80 15 1 T A38 +80 15 1 T A39 +80 15 1 T A40 +80 15 2 O C9 +80 15 3 W G40 +80 15 4 C F29 +80 15 5 U I0 +80 15 5 U J0 +80 15 5 U J1 +80 15 5 U J2 +80 15 5 U J3 +80 15 5 U J4 +80 15 5 U J5 +80 15 5 U J6 +80 15 5 U J7 +80 15 5 U J8 +80 15 5 U J9 +80 15 5 U J10 +80 15 5 U J11 +80 15 5 U J12 +80 15 5 U J13 +80 15 5 U J14 +80 15 5 U J15 +80 15 5 U J16 +80 15 5 U J17 +80 15 5 U J18 +80 15 5 U J19 +80 15 5 U J20 +80 15 5 U J21 +80 15 5 U J22 +80 15 5 U J23 +80 15 5 U J24 +80 15 5 U J25 +80 15 5 U J26 +80 15 5 U J27 +80 15 5 U J28 +80 15 5 U J29 +80 15 5 U J30 +80 15 5 U J31 +80 15 5 U J32 +80 15 5 U J33 +80 15 5 U J34 +80 15 5 U J35 +80 15 5 U J36 +80 15 5 U J37 +80 15 5 U J38 +80 15 5 U J39 +80 15 5 U J40 +80 16 1 T A0 +80 16 1 T A1 +80 16 1 T A2 +80 16 1 T A3 +80 16 1 T A4 +80 16 1 T A5 +80 16 1 T A6 +80 16 1 T A7 +80 16 1 T A8 +80 16 1 T A9 +80 16 1 T A10 +80 16 1 T A11 +80 16 1 T A12 +80 16 1 T A13 +80 16 1 T A14 +80 16 1 T A15 +80 16 1 T A16 +80 16 1 T A17 +80 16 1 T A18 +80 16 1 T A19 +80 16 1 T A20 +80 16 1 T A21 +80 16 1 T A22 +80 16 1 T A23 +80 16 1 T A24 +80 16 1 T A25 +80 16 1 T A26 +80 16 1 T A27 +80 16 1 T A28 +80 16 1 T A29 +80 16 1 T A30 +80 16 1 T A31 +80 16 1 T A32 +80 16 1 T A33 +80 16 1 T A34 +80 16 1 T A35 +80 16 1 T A36 +80 16 1 T A37 +80 16 1 T A38 +80 16 1 T A39 +80 16 1 T A40 +80 16 2 O D7 +80 16 3 C H28 +80 16 4 U J0 +80 16 4 U J1 +80 16 4 U J2 +80 16 4 U J3 +80 16 4 U J4 +80 16 4 U J5 +80 16 4 U J6 +80 16 4 U J7 +80 16 4 U J8 +80 16 4 U J9 +80 16 4 U J10 +80 16 4 U J11 +80 16 4 U J12 +80 16 4 U J13 +80 16 4 U J14 +80 16 4 U J15 +80 16 4 U J16 +80 16 4 U J17 +80 16 4 U J18 +80 16 4 U J19 +80 16 4 U J20 +80 16 4 U J21 +80 16 4 U J22 +80 16 4 U J23 +80 16 4 U J24 +80 16 4 U J25 +80 16 4 U J26 +80 16 4 U J27 +80 16 4 U J28 +80 16 4 U J29 +80 16 4 U J30 +80 16 4 U J31 +80 16 4 U J32 +80 16 4 U J33 +80 16 4 U J34 +80 16 4 U J35 +80 16 4 U J36 +80 16 4 U J37 +80 16 4 U J38 +80 16 4 U J39 +80 16 4 U J40 +80 16 5 W H1 +80 17 1 T A0 +80 17 1 T A1 +80 17 1 T A2 +80 17 1 T A3 +80 17 1 T A4 +80 17 1 T A5 +80 17 1 T A6 +80 17 1 T A7 +80 17 1 T A8 +80 17 1 T A9 +80 17 1 T A10 +80 17 1 T A11 +80 17 1 T A12 +80 17 1 T A13 +80 17 1 T A14 +80 17 1 T A15 +80 17 1 T A16 +80 17 1 T A17 +80 17 1 T A18 +80 17 1 T A19 +80 17 1 T A20 +80 17 1 T A21 +80 17 1 T A22 +80 17 1 T A23 +80 17 1 T A24 +80 17 1 T A25 +80 17 1 T A26 +80 17 1 T A27 +80 17 1 T A28 +80 17 1 T A29 +80 17 1 T A30 +80 17 1 T A31 +80 17 1 T A32 +80 17 1 T A33 +80 17 1 T A34 +80 17 1 T A35 +80 17 1 T A36 +80 17 1 T A37 +80 17 1 T A38 +80 17 1 T A39 +80 17 1 T A40 +80 17 1 T B0 +80 17 2 I H38 +80 17 2 I H39 +80 17 2 I H40 +80 17 3 C H28 +80 17 3 C H29 +80 17 3 C H30 +80 17 4 O G6 +80 17 4 O G7 +80 17 5 W H1 +80 17 5 W H2 +80 17 5 W H3 +80 17 6 U I0 +80 17 6 U J0 +80 17 6 U J1 +80 17 6 U J2 +80 17 6 U J3 +80 17 6 U J4 +80 17 6 U J5 +80 17 6 U J6 +80 17 6 U J7 +80 17 6 U J8 +80 17 6 U J9 +80 17 6 U J10 +80 17 6 U J11 +80 17 6 U J12 +80 17 6 U J13 +80 17 6 U J14 +80 17 6 U J15 +80 17 6 U J16 +80 17 6 U J17 +80 17 6 U J18 +80 17 6 U J19 +80 17 6 U J20 +80 17 6 U J21 +80 17 6 U J22 +80 17 6 U J23 +80 17 6 U J24 +80 17 6 U J25 +80 17 6 U J26 +80 17 6 U J27 +80 17 6 U J28 +80 17 6 U J29 +80 17 6 U J30 +80 17 6 U J31 +80 17 6 U J32 +80 17 6 U J33 +80 17 6 U J34 +80 17 6 U J35 +80 17 6 U J36 +80 17 6 U J37 +80 17 6 U J38 +80 17 6 U J39 +80 17 6 U J40 +80 18 1 T A0 +80 18 1 T A1 +80 18 1 T A2 +80 18 1 T A3 +80 18 1 T A4 +80 18 1 T A5 +80 18 1 T A6 +80 18 1 T A7 +80 18 1 T A8 +80 18 1 T A9 +80 18 1 T A10 +80 18 1 T A11 +80 18 1 T A12 +80 18 1 T A13 +80 18 1 T A14 +80 18 1 T A15 +80 18 1 T A16 +80 18 1 T A17 +80 18 1 T A18 +80 18 1 T A19 +80 18 1 T A20 +80 18 1 T A21 +80 18 1 T A22 +80 18 1 T A23 +80 18 1 T A24 +80 18 1 T A25 +80 18 1 T A26 +80 18 1 T A27 +80 18 1 T A28 +80 18 1 T A29 +80 18 1 T A30 +80 18 1 T A31 +80 18 1 T A32 +80 18 1 T A33 +80 18 1 T A34 +80 18 1 T A35 +80 18 1 T A36 +80 18 1 T A37 +80 18 1 T A38 +80 18 1 T A39 +80 18 1 T A40 +80 18 1 T B0 +80 18 1 T B1 +80 18 1 T B2 +80 18 1 T B3 +80 18 1 T B4 +80 18 1 T B5 +80 18 1 T B6 +80 18 1 T B7 +80 18 1 T B8 +80 18 1 T B15 +80 18 1 T B16 +80 18 1 T B17 +80 18 1 T B18 +80 18 1 T B19 +80 18 1 T B20 +80 18 1 T B21 +80 18 1 T B22 +80 18 1 T B23 +80 18 1 T B24 +80 18 1 T B25 +80 18 1 T B26 +80 18 1 T B27 +80 18 1 T B28 +80 18 1 T B29 +80 18 1 T B30 +80 18 1 T B31 +80 18 1 T B32 +80 18 1 T B33 +80 18 1 T B34 +80 18 1 T B35 +80 18 1 T B36 +80 18 1 T B37 +80 18 1 T B38 +80 18 1 T B39 +80 18 1 T B40 +80 18 2 O E5 +80 18 3 C F17 +80 18 4 U I0 +80 18 4 U I7 +80 18 4 U I8 +80 18 4 U I9 +80 18 4 U I10 +80 18 4 U I11 +80 18 4 U I12 +80 18 4 U I13 +80 18 4 U I14 +80 18 4 U I15 +80 18 4 U I16 +80 18 4 U I17 +80 18 4 U I18 +80 18 4 U I19 +80 18 4 U I20 +80 18 4 U I21 +80 18 4 U I22 +80 18 4 U I23 +80 18 4 U I24 +80 18 4 U J0 +80 18 4 U J1 +80 18 4 U J2 +80 18 4 U J3 +80 18 4 U J4 +80 18 4 U J5 +80 18 4 U J6 +80 18 4 U J7 +80 18 4 U J8 +80 18 4 U J9 +80 18 4 U J10 +80 18 4 U J11 +80 18 4 U J12 +80 18 4 U J13 +80 18 4 U J14 +80 18 4 U J15 +80 18 4 U J16 +80 18 4 U J17 +80 18 4 U J18 +80 18 4 U J19 +80 18 4 U J20 +80 18 4 U J21 +80 18 4 U J22 +80 18 4 U J23 +80 18 4 U J24 +80 18 4 U J25 +80 18 4 U J26 +80 18 4 U J27 +80 18 4 U J28 +80 18 4 U J29 +80 18 4 U J30 +80 18 4 U J31 +80 18 4 U J32 +80 18 4 U J33 +80 18 4 U J34 +80 18 4 U J35 +80 18 4 U J36 +80 18 4 U J37 +80 18 4 U J38 +80 18 4 U J39 +80 18 4 U J40 +80 18 5 W H2 +80 19 1 T A0 +80 19 1 T A1 +80 19 1 T A2 +80 19 1 T A3 +80 19 1 T A4 +80 19 1 T A5 +80 19 1 T A6 +80 19 1 T A7 +80 19 1 T A8 +80 19 1 T A9 +80 19 1 T A10 +80 19 1 T A11 +80 19 1 T A12 +80 19 1 T A13 +80 19 1 T A14 +80 19 1 T A15 +80 19 1 T A16 +80 19 1 T A17 +80 19 1 T A18 +80 19 1 T A19 +80 19 1 T A20 +80 19 1 T A21 +80 19 1 T A22 +80 19 1 T A23 +80 19 1 T A24 +80 19 1 T A25 +80 19 1 T A26 +80 19 1 T A27 +80 19 1 T A28 +80 19 1 T A29 +80 19 1 T A30 +80 19 1 T A31 +80 19 1 T A32 +80 19 1 T A33 +80 19 1 T A34 +80 19 1 T A35 +80 19 1 T A36 +80 19 1 T A37 +80 19 1 T A38 +80 19 1 T A39 +80 19 1 T A40 +80 19 2 O C8 +80 19 3 C F27 +80 19 4 U I0 +80 19 4 U J0 +80 19 4 U J1 +80 19 4 U J2 +80 19 4 U J3 +80 19 4 U J4 +80 19 4 U J5 +80 19 4 U J6 +80 19 4 U J7 +80 19 4 U J8 +80 19 4 U J9 +80 19 4 U J10 +80 19 4 U J11 +80 19 4 U J12 +80 19 4 U J13 +80 19 4 U J14 +80 19 4 U J15 +80 19 4 U J16 +80 19 4 U J17 +80 19 4 U J18 +80 19 4 U J19 +80 19 4 U J20 +80 19 4 U J21 +80 19 4 U J22 +80 19 4 U J23 +80 19 4 U J24 +80 19 4 U J25 +80 19 4 U J26 +80 19 4 U J27 +80 19 4 U J28 +80 19 4 U J29 +80 19 4 U J30 +80 19 4 U J31 +80 19 4 U J32 +80 19 4 U J33 +80 19 4 U J34 +80 19 4 U J35 +80 19 4 U J36 +80 19 4 U J37 +80 19 4 U J38 +80 19 4 U J39 +80 19 4 U J40 +80 19 5 W G1 +80 20 1 T A0 +80 20 1 T A1 +80 20 1 T A2 +80 20 1 T A3 +80 20 1 T A4 +80 20 1 T A5 +80 20 1 T A6 +80 20 1 T A7 +80 20 1 T A8 +80 20 1 T A9 +80 20 1 T A10 +80 20 1 T A11 +80 20 1 T A12 +80 20 1 T A13 +80 20 1 T A14 +80 20 1 T A15 +80 20 1 T A16 +80 20 1 T A17 +80 20 1 T A18 +80 20 1 T A19 +80 20 1 T A20 +80 20 1 T A21 +80 20 1 T A22 +80 20 1 T A23 +80 20 1 T A24 +80 20 1 T A25 +80 20 1 T A26 +80 20 1 T A27 +80 20 1 T A28 +80 20 1 T A29 +80 20 1 T A30 +80 20 1 T A31 +80 20 1 T A32 +80 20 1 T A33 +80 20 1 T A34 +80 20 1 T A35 +80 20 1 T A36 +80 20 1 T A37 +80 20 1 T A38 +80 20 1 T A39 +80 20 1 T A40 +80 20 1 T B0 +80 20 2 O E10 +80 20 3 C H28 +80 20 4 W H3 +80 20 5 U I8 +80 20 5 U I9 +80 20 5 U I10 +80 20 5 U I11 +80 20 5 U I12 +80 20 5 U I13 +80 20 5 U I14 +80 20 5 U I15 +80 20 5 U J0 +80 20 5 U J1 +80 20 5 U J2 +80 20 5 U J3 +80 20 5 U J4 +80 20 5 U J5 +80 20 5 U J6 +80 20 5 U J7 +80 20 5 U J8 +80 20 5 U J9 +80 20 5 U J10 +80 20 5 U J11 +80 20 5 U J12 +80 20 5 U J13 +80 20 5 U J14 +80 20 5 U J15 +80 20 5 U J16 +80 20 5 U J17 +80 20 5 U J18 +80 20 5 U J19 +80 20 5 U J20 +80 20 5 U J21 +80 20 5 U J22 +80 20 5 U J23 +80 20 5 U J24 +80 20 5 U J25 +80 20 5 U J26 +80 20 5 U J27 +80 20 5 U J28 +80 20 5 U J29 +80 20 5 U J30 +80 20 5 U J31 +80 20 5 U J32 +80 20 5 U J33 +80 20 5 U J34 +80 20 5 U J35 +80 20 5 U J36 +80 20 5 U J37 +80 20 5 U J38 +80 20 5 U J39 +80 20 5 U J40 +80 21 1 T A1 +80 21 1 T A2 +80 21 1 T A10 +80 21 1 T A11 +80 21 1 T A12 +80 21 1 T A13 +80 21 1 T A14 +80 21 1 T A15 +80 21 1 T A16 +80 21 1 T A17 +80 21 1 T A18 +80 21 1 T A19 +80 21 1 T A20 +80 21 1 T A21 +80 21 1 T A22 +80 21 1 T A23 +80 21 1 T A24 +80 21 1 T A25 +80 21 1 T A26 +80 21 1 T A27 +80 21 1 T A28 +80 21 1 T A29 +80 21 1 T A30 +80 21 1 T A31 +80 21 1 T A32 +80 21 1 T A33 +80 21 1 T A34 +80 21 1 T A35 +80 21 1 T A36 +80 21 1 T A37 +80 21 1 T A38 +80 21 1 T A39 +80 21 1 T A40 +80 21 2 O B11 +80 21 3 C E19 +80 21 4 I E32 +80 21 5 W G3 +80 21 6 U I0 +80 21 6 U J0 +80 21 6 U J1 +80 21 6 U J2 +80 21 6 U J3 +80 21 6 U J4 +80 21 6 U J5 +80 21 6 U J6 +80 21 6 U J7 +80 21 6 U J8 +80 21 6 U J9 +80 21 6 U J10 +80 21 6 U J11 +80 21 6 U J12 +80 21 6 U J13 +80 21 6 U J14 +80 21 6 U J15 +80 21 6 U J16 +80 21 6 U J17 +80 21 6 U J18 +80 21 6 U J19 +80 21 6 U J20 +80 21 6 U J21 +80 21 6 U J22 +80 21 6 U J23 +80 21 6 U J24 +80 21 6 U J25 +80 21 6 U J26 +80 21 6 U J27 +80 21 6 U J28 +80 21 6 U J29 +80 21 6 U J30 +80 21 6 U J31 +80 21 6 U J32 +80 21 6 U J33 +80 21 6 U J34 +80 21 6 U J35 +80 21 6 U J36 +80 21 6 U J37 +80 21 6 U J38 +80 21 6 U J39 +80 21 6 U J40 +80 22 1 O C9 +80 22 2 C E15 +80 22 3 T A0 +80 22 3 T A1 +80 22 3 T A2 +80 22 3 T A3 +80 22 3 T A4 +80 22 3 T A5 +80 22 3 T A6 +80 22 3 T A7 +80 22 3 T A8 +80 22 3 T A9 +80 22 3 T A10 +80 22 3 T A11 +80 22 3 T A12 +80 22 3 T A13 +80 22 3 T A14 +80 22 3 T A15 +80 22 3 T A16 +80 22 3 T A17 +80 22 3 T A18 +80 22 3 T A19 +80 22 3 T A20 +80 22 3 T A21 +80 22 3 T A22 +80 22 3 T A23 +80 22 3 T A24 +80 22 3 T A25 +80 22 3 T A26 +80 22 3 T A27 +80 22 3 T A28 +80 22 3 T A29 +80 22 3 T A30 +80 22 3 T A31 +80 22 3 T A32 +80 22 3 T A33 +80 22 3 T A34 +80 22 3 T A35 +80 22 3 T A36 +80 22 3 T A37 +80 22 3 T A38 +80 22 3 T A39 +80 22 3 T A40 +80 22 3 T B15 +80 22 3 T B16 +80 22 3 T B17 +80 22 3 T B18 +80 22 3 T B19 +80 22 3 T B20 +80 22 3 T B21 +80 22 3 T B22 +80 22 3 T B23 +80 22 3 T B24 +80 22 3 T B25 +80 22 3 T B26 +80 22 3 T B27 +80 22 3 T B28 +80 22 3 T B29 +80 22 3 T B30 +80 22 3 T B31 +80 22 3 T B32 +80 22 4 W G3 +80 22 5 U I0 +80 22 5 U I5 +80 22 5 U I6 +80 22 5 U I7 +80 22 5 U I8 +80 22 5 U I9 +80 22 5 U I10 +80 22 5 U I11 +80 22 5 U I12 +80 22 5 U I13 +80 22 5 U I14 +80 22 5 U I15 +80 22 5 U I16 +80 22 5 U I17 +80 22 5 U I18 +80 22 5 U I19 +80 22 5 U I20 +80 22 5 U I21 +80 22 5 U I22 +80 22 5 U I23 +80 22 5 U I24 +80 22 5 U I25 +80 22 5 U I26 +80 22 5 U I27 +80 22 5 U I28 +80 22 5 U I29 +80 22 5 U I30 +80 22 5 U I31 +80 22 5 U I32 +80 22 5 U I33 +80 22 5 U I34 +80 22 5 U J0 +80 22 5 U J1 +80 22 5 U J2 +80 22 5 U J3 +80 22 5 U J4 +80 22 5 U J5 +80 22 5 U J6 +80 22 5 U J7 +80 22 5 U J8 +80 22 5 U J9 +80 22 5 U J10 +80 22 5 U J11 +80 22 5 U J12 +80 22 5 U J13 +80 22 5 U J14 +80 22 5 U J15 +80 22 5 U J16 +80 22 5 U J17 +80 22 5 U J18 +80 22 5 U J19 +80 22 5 U J20 +80 22 5 U J21 +80 22 5 U J22 +80 22 5 U J23 +80 22 5 U J24 +80 22 5 U J25 +80 22 5 U J26 +80 22 5 U J27 +80 22 5 U J28 +80 22 5 U J29 +80 22 5 U J30 +80 22 5 U J31 +80 22 5 U J32 +80 22 5 U J33 +80 22 5 U J34 +80 22 5 U J35 +80 22 5 U J36 +80 22 5 U J37 +80 22 5 U J38 +80 22 5 U J39 +80 22 5 U J40 +80 23 1 O C9 +80 23 1 O E4 +80 23 2 C G18 +80 23 2 C G29 +80 23 3 T A0 +80 23 3 T A1 +80 23 3 T A2 +80 23 3 T A3 +80 23 3 T A4 +80 23 3 T A5 +80 23 3 T A6 +80 23 3 T A7 +80 23 3 T A8 +80 23 3 T A9 +80 23 3 T A10 +80 23 3 T A11 +80 23 3 T A12 +80 23 3 T A13 +80 23 3 T A14 +80 23 3 T A15 +80 23 3 T A16 +80 23 3 T A17 +80 23 3 T A18 +80 23 3 T A19 +80 23 3 T A20 +80 23 3 T A21 +80 23 3 T A22 +80 23 3 T A23 +80 23 3 T A24 +80 23 3 T A25 +80 23 3 T A26 +80 23 3 T A27 +80 23 3 T A28 +80 23 3 T A29 +80 23 3 T A30 +80 23 3 T A31 +80 23 3 T A32 +80 23 3 T A33 +80 23 3 T A34 +80 23 3 T A35 +80 23 3 T A36 +80 23 3 T A37 +80 23 3 T A38 +80 23 3 T A39 +80 23 3 T A40 +80 23 3 T B0 +80 23 3 T B29 +80 23 3 T B30 +80 23 3 T B31 +80 23 3 T B32 +80 23 3 T B33 +80 23 3 T B34 +80 23 4 I H33 +80 23 5 U I0 +80 23 5 U I11 +80 23 5 U I12 +80 23 5 U I13 +80 23 5 U I14 +80 23 5 U J0 +80 23 5 U J1 +80 23 5 U J2 +80 23 5 U J3 +80 23 5 U J4 +80 23 5 U J5 +80 23 5 U J6 +80 23 5 U J7 +80 23 5 U J8 +80 23 5 U J9 +80 23 5 U J10 +80 23 5 U J11 +80 23 5 U J12 +80 23 5 U J13 +80 23 5 U J14 +80 23 5 U J15 +80 23 5 U J16 +80 23 5 U J17 +80 23 5 U J18 +80 23 5 U J19 +80 23 5 U J20 +80 23 5 U J21 +80 23 5 U J22 +80 23 5 U J23 +80 23 5 U J24 +80 23 5 U J25 +80 23 5 U J26 +80 23 5 U J27 +80 23 5 U J28 +80 23 5 U J29 +80 23 5 U J30 +80 23 5 U J31 +80 23 5 U J32 +80 23 5 U J33 +80 23 5 U J34 +80 23 5 U J35 +80 23 5 U J36 +80 23 5 U J37 +80 23 5 U J38 +80 23 5 U J39 +80 23 5 U J40 +80 23 6 W G1 +80 24 1 T A0 +80 24 1 T A1 +80 24 1 T A2 +80 24 1 T A3 +80 24 1 T A4 +80 24 1 T A5 +80 24 1 T A6 +80 24 1 T A7 +80 24 1 T A8 +80 24 1 T A9 +80 24 1 T A10 +80 24 1 T A11 +80 24 1 T A12 +80 24 1 T A13 +80 24 1 T A14 +80 24 1 T A15 +80 24 1 T A16 +80 24 1 T A17 +80 24 1 T A18 +80 24 1 T A19 +80 24 1 T A20 +80 24 1 T A21 +80 24 1 T A22 +80 24 1 T A23 +80 24 1 T A24 +80 24 1 T A25 +80 24 1 T A26 +80 24 1 T A27 +80 24 1 T A28 +80 24 1 T A29 +80 24 1 T A30 +80 24 1 T A31 +80 24 1 T A32 +80 24 1 T A33 +80 24 1 T A34 +80 24 1 T A35 +80 24 1 T A36 +80 24 1 T A37 +80 24 1 T A38 +80 24 1 T A39 +80 24 1 T A40 +80 24 1 T B0 +80 24 2 O C9 +80 24 3 C E16 +80 24 4 I D38 +80 24 5 W G1 +80 24 6 M H8 +80 24 7 U I0 +80 24 7 U J0 +80 24 7 U J1 +80 24 7 U J2 +80 24 7 U J3 +80 24 7 U J4 +80 24 7 U J5 +80 24 7 U J6 +80 24 7 U J7 +80 24 7 U J8 +80 24 7 U J9 +80 24 7 U J10 +80 24 7 U J11 +80 24 7 U J12 +80 24 7 U J13 +80 24 7 U J14 +80 24 7 U J15 +80 24 7 U J16 +80 24 7 U J17 +80 24 7 U J18 +80 24 7 U J19 +80 24 7 U J20 +80 24 7 U J21 +80 24 7 U J22 +80 24 7 U J23 +80 24 7 U J24 +80 24 7 U J25 +80 24 7 U J26 +80 24 7 U J27 +80 24 7 U J28 +80 24 7 U J29 +80 24 7 U J30 +80 24 7 U J31 +80 24 7 U J32 +80 24 7 U J33 +80 24 7 U J34 +80 24 7 U J35 +80 24 7 U J36 +80 24 7 U J37 +80 24 7 U J38 +80 24 7 U J39 +80 24 7 U J40 +80 25 1 T A0 +80 25 1 T A1 +80 25 1 T A2 +80 25 1 T A3 +80 25 1 T A4 +80 25 1 T A5 +80 25 1 T A6 +80 25 1 T A7 +80 25 1 T A8 +80 25 1 T A9 +80 25 1 T A10 +80 25 1 T A11 +80 25 1 T A12 +80 25 1 T A13 +80 25 1 T A14 +80 25 1 T A15 +80 25 1 T A16 +80 25 1 T A17 +80 25 1 T A18 +80 25 1 T A19 +80 25 1 T A20 +80 25 1 T A21 +80 25 1 T A22 +80 25 1 T A23 +80 25 1 T A24 +80 25 1 T A25 +80 25 1 T A26 +80 25 1 T A27 +80 25 1 T A28 +80 25 1 T A29 +80 25 1 T A30 +80 25 1 T A31 +80 25 1 T A32 +80 25 1 T A33 +80 25 1 T A34 +80 25 1 T A35 +80 25 1 T A36 +80 25 1 T A37 +80 25 1 T A38 +80 25 1 T A39 +80 25 1 T A40 +80 25 1 T B0 +80 25 2 O C8 +80 25 3 C G29 +80 25 4 W H2 +80 25 5 U I0 +80 25 5 U J0 +80 25 5 U J1 +80 25 5 U J2 +80 25 5 U J3 +80 25 5 U J4 +80 25 5 U J5 +80 25 5 U J6 +80 25 5 U J7 +80 25 5 U J8 +80 25 5 U J9 +80 25 5 U J10 +80 25 5 U J11 +80 25 5 U J12 +80 25 5 U J13 +80 25 5 U J14 +80 25 5 U J15 +80 25 5 U J16 +80 25 5 U J17 +80 25 5 U J18 +80 25 5 U J19 +80 25 5 U J20 +80 25 5 U J21 +80 25 5 U J22 +80 25 5 U J23 +80 25 5 U J24 +80 25 5 U J25 +80 25 5 U J26 +80 25 5 U J27 +80 25 5 U J28 +80 25 5 U J29 +80 25 5 U J30 +80 25 5 U J31 +80 25 5 U J32 +81 1 1 K A0 +81 1 2 HI G3 +81 1 3 Z B13 +81 1 4 N F16 +81 1 5 V J0 +81 2 1 K A0 +81 2 2 Z C8 +81 2 3 HI G1 +81 2 4 M I4 +81 2 5 N E20 +81 2 6 V J0 +81 3 1 K A0 +81 3 2 Z D6 +81 3 3 HI G1 +81 3 4 N F17 +81 3 5 V J0 +81 4 1 K A0 +81 4 2 Z C8 +81 4 3 HI G1 +81 4 4 V J0 +81 4 5 N F17 +81 4 6 B H31 +81 5 1 K A0 +81 5 2 Z B12 +81 5 3 HI G2 +81 5 4 V J0 +81 5 5 N F17 +81 5 6 B H34 +81 5 6 B H35 +81 6 1 K A0 +81 6 2 HI F2 +81 6 2 HI F3 +81 6 3 Z B11 +81 6 3 Z B12 +81 6 4 N C22 +81 6 5 V J0 +81 7 1 K A0 +81 7 2 HI G2 +81 7 3 Z C8 +81 7 4 P C26 +81 7 5 B H29 +81 7 6 V J0 +81 7 7 N F17 +81 8 1 K A0 +81 8 2 Z C8 +81 8 3 HI G1 +81 8 4 N H19 +81 8 4 N H21 +81 8 5 B I30 +81 8 5 B I31 +81 8 6 V J0 +81 9 1 K A0 +81 9 2 Z C8 +81 9 3 N F16 +81 9 4 HI G1 +81 9 5 V J0 +81 9 6 NI D17 +81 10 1 K A0 +81 10 2 Z C8 +81 10 2 Z C9 +81 10 3 HI G1 +81 10 4 N F17 +81 10 5 B G28 +81 10 6 V J0 +81 11 1 K A0 +81 11 2 Z C9 +81 11 3 N D17 +81 11 4 HI G2 +81 11 5 V J0 +81 12 1 K A0 +81 12 2 Z C10 +81 12 3 N G28 +81 12 4 HI G40 +81 13 1 K A0 +81 13 2 Z C9 +81 13 3 B H20 +81 13 4 N G18 +81 13 5 V J0 +81 13 6 HI F40 +81 14 1 K A0 +81 14 2 Z C9 +81 14 3 N E18 +81 14 4 P E28 +81 14 5 B F27 +81 14 6 HI I40 +81 14 7 V J0 +81 15 1 K A0 +81 15 2 Z B11 +81 15 3 HI F2 +81 15 4 V J0 +81 15 5 B G29 +81 15 6 N D17 +81 16 1 K A0 +81 16 2 Z C9 +81 16 3 P C24 +81 16 4 B H29 +81 16 5 N F17 +81 16 6 HI G1 +81 16 7 V J0 +81 17 1 K A0 +81 17 2 Z C8 +81 17 3 N F17 +81 17 4 B H29 +81 17 5 HI F40 +81 17 6 V J0 +81 18 1 K A0 +81 18 2 Z C9 +81 18 3 N C17 +81 18 4 B D28 +81 18 5 V J0 +81 18 6 HI F3 +81 19 1 K A0 +81 19 2 N G19 +81 19 3 Z B12 +81 19 4 B G30 +81 19 5 V J0 +81 19 6 HI G1 +81 20 1 K A0 +81 20 2 M D2 +81 20 3 HI G2 +81 20 4 N G27 +81 20 5 V J0 +81 20 6 Z C11 +81 21 1 K A0 +81 21 2 HI F3 +81 21 3 Z C8 +81 21 4 V J0 +81 21 5 N F17 +81 21 6 B F29 +81 23 1 K A0 +81 23 2 Z C9 +81 23 2 Z C13 +81 23 3 V J0 +81 23 4 N F19 +81 23 4 N F25 +81 23 5 G F38 +81 23 5 G F40 +81 24 1 K A0 +81 24 2 Z C8 +81 24 3 HI G1 +81 24 4 N E26 +81 24 5 MT F34 +81 24 6 V J0 +82 1 1 P G1 +82 1 2 E C9 +82 1 3 K A10 +82 1 3 K A11 +82 1 3 K A12 +82 1 4 R G34 +82 1 5 WA G20 +82 2 1 E C12 +82 2 2 SJ B13 +82 2 3 WA F19 +82 2 4 W E26 +82 2 5 R D30 +82 2 6 K A32 +82 2 7 J C40 +82 2 8 P G40 +82 2 9 O J28 +82 2 10 A F16 +82 3 1 K A5 +82 3 2 E C8 +82 3 2 E C9 +82 3 3 P F40 +82 3 4 W H30 +82 3 5 O J19 +82 3 6 WA G18 +82 3 7 A F16 +82 4 1 P H3 +82 4 2 E C9 +82 4 3 R E13 +82 4 4 K A0 +82 4 4 K A1 +82 4 4 K A2 +82 4 4 K A3 +82 4 4 K A4 +82 4 4 K A5 +82 4 4 K A6 +82 4 4 K A7 +82 4 4 K A8 +82 4 4 K A9 +82 4 4 K A10 +82 4 4 K A11 +82 4 4 K A12 +82 4 4 K A13 +82 4 4 K A14 +82 4 4 K A15 +82 4 4 K A16 +82 4 4 K A17 +82 4 4 K A18 +82 4 4 K A19 +82 4 4 K A20 +82 4 4 K A21 +82 4 4 K A22 +82 4 4 K A23 +82 4 4 K A24 +82 4 4 K A25 +82 4 4 K A26 +82 4 4 K A27 +82 4 4 K A28 +82 4 4 K A29 +82 4 4 K A30 +82 4 4 K A31 +82 4 4 K A32 +82 4 4 K A33 +82 4 4 K A34 +82 4 4 K A35 +82 4 4 K A36 +82 4 4 K A37 +82 4 4 K A38 +82 4 4 K A39 +82 4 4 K A40 +82 4 5 W F29 +82 4 6 O J0 +82 4 6 O J1 +82 4 6 O J2 +82 4 6 O J3 +82 4 6 O J4 +82 4 6 O J5 +82 4 6 O J6 +82 4 6 O J7 +82 4 6 O J8 +82 4 6 O J9 +82 4 6 O J10 +82 4 6 O J11 +82 4 6 O J12 +82 4 6 O J13 +82 4 6 O J14 +82 4 6 O J15 +82 4 6 O J16 +82 4 6 O J17 +82 4 6 O J18 +82 4 6 O J19 +82 4 6 O J20 +82 4 6 O J21 +82 4 6 O J22 +82 4 6 O J23 +82 4 6 O J24 +82 4 6 O J25 +82 4 6 O J26 +82 4 6 O J27 +82 4 6 O J28 +82 4 6 O J29 +82 4 6 O J30 +82 4 6 O J31 +82 4 6 O J32 +82 4 6 O J33 +82 4 6 O J34 +82 4 6 O J35 +82 4 6 O J36 +82 4 6 O J37 +82 4 6 O J38 +82 4 6 O J39 +82 4 6 O J40 +82 5 1 K A0 +82 5 2 E C9 +82 5 2 E C10 +82 5 3 SJ C12 +82 5 4 A F18 +82 5 4 A F19 +82 5 5 B C27 +82 5 6 O J40 +82 5 7 W G28 +82 5 8 P G1 +82 6 1 K A0 +82 6 1 K A1 +82 6 1 K A2 +82 6 1 K A3 +82 6 1 K A4 +82 6 1 K A5 +82 6 1 K A6 +82 6 1 K A7 +82 6 1 K A8 +82 6 1 K A9 +82 6 1 K A10 +82 6 1 K A11 +82 6 1 K A12 +82 6 1 K A13 +82 6 1 K A14 +82 6 1 K A15 +82 6 1 K A16 +82 6 1 K A17 +82 6 1 K A18 +82 6 1 K A19 +82 6 1 K A20 +82 6 1 K A21 +82 6 1 K A22 +82 6 1 K A23 +82 6 1 K A24 +82 6 1 K A25 +82 6 1 K A26 +82 6 1 K A27 +82 6 1 K A28 +82 6 1 K A29 +82 6 1 K A30 +82 6 1 K A31 +82 6 1 K A32 +82 6 1 K A33 +82 6 1 K A34 +82 6 1 K A35 +82 6 1 K A36 +82 6 1 K A37 +82 6 1 K A38 +82 6 1 K A39 +82 6 1 K A40 +82 6 2 E C8 +82 6 3 W E24 +82 6 4 P I40 +82 6 5 O J0 +82 6 5 O J1 +82 6 5 O J2 +82 6 5 O J3 +82 6 5 O J4 +82 6 5 O J5 +82 6 5 O J6 +82 6 5 O J7 +82 6 5 O J8 +82 6 5 O J9 +82 6 5 O J10 +82 6 5 O J11 +82 6 5 O J12 +82 6 5 O J13 +82 6 5 O J14 +82 6 5 O J15 +82 6 5 O J16 +82 6 5 O J17 +82 6 5 O J18 +82 6 5 O J19 +82 6 5 O J20 +82 6 5 O J21 +82 6 5 O J22 +82 6 5 O J23 +82 6 5 O J24 +82 6 5 O J25 +82 6 5 O J26 +82 6 5 O J27 +82 6 5 O J28 +82 6 5 O J29 +82 6 5 O J30 +82 6 5 O J31 +82 6 5 O J32 +82 6 5 O J33 +82 6 5 O J34 +82 6 5 O J35 +82 6 5 O J36 +82 6 5 O J37 +82 6 5 O J38 +82 6 5 O J39 +82 6 5 O J40 +82 7 1 K A0 +82 7 1 K A1 +82 7 1 K A2 +82 7 1 K A3 +82 7 1 K A4 +82 7 1 K A5 +82 7 1 K A6 +82 7 1 K A7 +82 7 1 K A8 +82 7 1 K A9 +82 7 1 K A10 +82 7 1 K A11 +82 7 1 K A12 +82 7 1 K A13 +82 7 1 K A14 +82 7 1 K A15 +82 7 1 K A16 +82 7 1 K A17 +82 7 1 K A18 +82 7 1 K A19 +82 7 1 K A20 +82 7 1 K A21 +82 7 1 K A22 +82 7 1 K A23 +82 7 1 K A24 +82 7 1 K A25 +82 7 1 K A26 +82 7 1 K A27 +82 7 1 K A28 +82 7 1 K A29 +82 7 1 K A30 +82 7 1 K A31 +82 7 1 K A32 +82 7 1 K A33 +82 7 1 K A34 +82 7 1 K A35 +82 7 1 K A36 +82 7 1 K A37 +82 7 1 K A38 +82 7 1 K A39 +82 7 1 K A40 +82 7 2 E C17 +82 7 3 W E30 +82 7 4 P G40 +82 7 5 O J0 +82 7 5 O J1 +82 7 5 O J2 +82 7 5 O J3 +82 7 5 O J4 +82 7 5 O J5 +82 7 5 O J6 +82 7 5 O J7 +82 7 5 O J8 +82 7 5 O J9 +82 7 5 O J10 +82 7 5 O J11 +82 7 5 O J12 +82 7 5 O J13 +82 7 5 O J14 +82 7 5 O J15 +82 7 5 O J16 +82 7 5 O J17 +82 7 5 O J18 +82 7 5 O J19 +82 7 5 O J20 +82 7 5 O J21 +82 7 5 O J22 +82 7 5 O J23 +82 7 5 O J24 +82 7 5 O J25 +82 7 5 O J26 +82 7 5 O J27 +82 7 5 O J28 +82 7 5 O J29 +82 7 5 O J30 +82 7 5 O J31 +82 7 5 O J32 +82 7 5 O J33 +82 7 5 O J34 +82 7 5 O J35 +82 7 5 O J36 +82 7 5 O J37 +82 7 5 O J38 +82 7 5 O J39 +82 7 5 O J40 +82 8 1 K A0 +82 8 1 K A1 +82 8 1 K A2 +82 8 1 K A3 +82 8 1 K A4 +82 8 1 K A5 +82 8 1 K A6 +82 8 1 K A7 +82 8 1 K A8 +82 8 1 K A9 +82 8 1 K A10 +82 8 1 K A11 +82 8 1 K A12 +82 8 1 K A13 +82 8 1 K A14 +82 8 1 K A15 +82 8 1 K A16 +82 8 1 K A17 +82 8 1 K A18 +82 8 1 K A19 +82 8 1 K A20 +82 8 1 K A21 +82 8 1 K A22 +82 8 1 K A23 +82 8 1 K A24 +82 8 1 K A25 +82 8 1 K A26 +82 8 1 K A27 +82 8 1 K A28 +82 8 1 K A29 +82 8 1 K A30 +82 8 1 K A31 +82 8 1 K A32 +82 8 1 K A33 +82 8 1 K A34 +82 8 1 K A35 +82 8 1 K A36 +82 8 1 K A37 +82 8 1 K A38 +82 8 1 K A39 +82 8 1 K A40 +82 8 2 E C10 +82 8 3 BR C14 +82 8 4 W G18 +82 8 5 M G35 +82 8 6 A G20 +82 8 7 O J1 +82 8 7 O J2 +82 8 7 O J3 +82 8 7 O J4 +82 8 7 O J5 +82 8 7 O J6 +82 8 7 O J7 +82 8 7 O J8 +82 8 7 O J9 +82 8 7 O J10 +82 8 7 O J11 +82 8 7 O J12 +82 8 7 O J13 +82 8 7 O J14 +82 8 7 O J15 +82 8 7 O J16 +82 8 7 O J17 +82 8 7 O J18 +82 8 7 O J19 +82 8 7 O J20 +82 8 7 O J21 +82 8 7 O J22 +82 8 7 O J23 +82 8 7 O J24 +82 8 7 O J25 +82 8 7 O J26 +82 8 7 O J27 +82 8 7 O J28 +82 8 7 O J29 +82 8 7 O J30 +82 8 7 O J31 +82 8 7 O J32 +82 8 7 O J33 +82 8 7 O J34 +82 8 7 O J35 +82 8 7 O J36 +82 8 7 O J37 +82 8 7 O J38 +82 8 7 O J39 +82 8 7 O J40 +82 8 8 P G1 +82 9 1 K A0 +82 9 1 K A1 +82 9 1 K A2 +82 9 1 K A3 +82 9 1 K A4 +82 9 1 K A5 +82 9 1 K A6 +82 9 1 K A7 +82 9 1 K A8 +82 9 1 K A9 +82 9 1 K A10 +82 9 1 K A11 +82 9 1 K A12 +82 9 1 K A13 +82 9 1 K A14 +82 9 1 K A15 +82 9 1 K A16 +82 9 1 K A17 +82 9 1 K A18 +82 9 1 K A19 +82 9 1 K A20 +82 9 1 K A21 +82 9 1 K A22 +82 9 1 K A23 +82 9 1 K A24 +82 9 1 K A25 +82 9 1 K A26 +82 9 1 K A27 +82 9 1 K A28 +82 9 1 K A29 +82 9 1 K A30 +82 9 1 K A31 +82 9 1 K A32 +82 9 1 K A33 +82 9 1 K A34 +82 9 1 K A35 +82 9 1 K A36 +82 9 1 K A37 +82 9 1 K A38 +82 9 1 K A39 +82 9 1 K A40 +82 9 2 A E18 +82 9 3 W F29 +82 9 4 O J0 +82 9 4 O J1 +82 9 4 O J2 +82 9 4 O J3 +82 9 4 O J4 +82 9 4 O J5 +82 9 4 O J6 +82 9 4 O J7 +82 9 4 O J8 +82 9 4 O J9 +82 9 4 O J10 +82 9 4 O J11 +82 9 4 O J12 +82 9 4 O J13 +82 9 4 O J14 +82 9 4 O J15 +82 9 4 O J16 +82 9 4 O J17 +82 9 4 O J18 +82 9 4 O J19 +82 9 4 O J20 +82 9 4 O J21 +82 9 4 O J22 +82 9 4 O J23 +82 9 4 O J24 +82 9 4 O J25 +82 9 4 O J26 +82 9 4 O J27 +82 9 4 O J28 +82 9 4 O J29 +82 9 4 O J30 +82 9 4 O J31 +82 9 4 O J32 +82 9 4 O J33 +82 9 4 O J34 +82 9 4 O J35 +82 9 4 O J36 +82 9 4 O J37 +82 9 4 O J38 +82 9 4 O J39 +82 9 4 O J40 +82 9 5 P H3 +82 10 1 E D6 +82 10 2 K A19 +82 10 3 W G18 +82 10 4 A H19 +82 10 5 O J15 +82 10 6 P F1 +82 11 1 K A0 +82 11 1 K A1 +82 11 1 K A2 +82 11 1 K A3 +82 11 1 K A4 +82 11 1 K A5 +82 11 1 K A6 +82 11 1 K A7 +82 11 1 K A8 +82 11 1 K A9 +82 11 1 K A10 +82 11 1 K A11 +82 11 1 K A12 +82 11 1 K A13 +82 11 1 K A14 +82 11 1 K A15 +82 11 1 K A16 +82 11 1 K A17 +82 11 1 K A18 +82 11 1 K A19 +82 11 1 K A20 +82 11 1 K A21 +82 11 1 K A22 +82 11 1 K A23 +82 11 1 K A24 +82 11 1 K A25 +82 11 1 K A26 +82 11 1 K A27 +82 11 1 K A28 +82 11 1 K A29 +82 11 1 K A30 +82 11 1 K A31 +82 11 1 K A32 +82 11 1 K A33 +82 11 1 K A34 +82 11 1 K A35 +82 11 1 K A36 +82 11 1 K A37 +82 11 1 K A38 +82 11 1 K A39 +82 11 1 K A40 +82 11 2 E D6 +82 11 3 B B23 +82 11 4 W H23 +82 11 4 W H24 +82 11 5 P G1 +82 11 6 O I0 +82 12 1 P G3 +82 12 2 E C9 +82 12 3 K A16 +82 12 4 BO D29 +82 12 5 W G30 +82 12 6 O J5 +82 13 1 BR C2 +82 13 2 E C9 +82 13 3 K A14 +82 13 3 K A15 +82 13 3 K A16 +82 13 3 K A17 +82 13 3 K A18 +82 13 3 K A19 +82 13 3 K A20 +82 13 3 K A21 +82 13 3 K A22 +82 13 3 K A23 +82 13 3 K A24 +82 13 3 K A25 +82 13 4 W F19 +82 13 4 W G19 +82 13 5 O J6 +82 13 5 O J7 +82 13 5 O J8 +82 13 5 O J9 +82 13 5 O J10 +82 13 5 O J11 +82 13 5 O J12 +82 13 5 O J13 +82 13 5 O J14 +82 13 5 O J15 +82 13 5 O J16 +82 13 5 O J17 +82 13 5 O J18 +82 13 6 P I1 +82 14 1 P G1 +82 14 2 E C9 +82 14 3 K A14 +82 14 3 K A15 +82 14 3 K A16 +82 14 3 K A17 +82 14 3 K A18 +82 14 3 K A19 +82 14 3 K A20 +82 14 3 K A21 +82 14 3 K A22 +82 14 3 K A23 +82 14 4 W H19 +82 14 5 O J3 +82 14 5 O J4 +82 14 5 O J5 +82 14 5 O J6 +82 14 5 O J7 +82 14 5 O J8 +82 14 5 O J9 +82 14 5 O J10 +82 14 5 O J11 +82 14 5 O J12 +82 15 1 K A0 +82 15 1 K A1 +82 15 1 K A2 +82 15 1 K A3 +82 15 1 K A4 +82 15 1 K A5 +82 15 1 K A6 +82 15 1 K A7 +82 15 1 K A8 +82 15 1 K A9 +82 15 1 K A10 +82 15 1 K A11 +82 15 1 K A12 +82 15 1 K A13 +82 15 1 K A14 +82 15 1 K A15 +82 15 1 K A16 +82 15 1 K A17 +82 15 1 K A18 +82 15 1 K A19 +82 15 1 K A20 +82 15 1 K A21 +82 15 1 K A22 +82 15 1 K A23 +82 15 1 K A24 +82 15 1 K A25 +82 15 1 K A26 +82 15 1 K A27 +82 15 1 K A28 +82 15 1 K A29 +82 15 1 K A30 +82 15 1 K A31 +82 15 1 K A32 +82 15 1 K A33 +82 15 1 K A34 +82 15 1 K A35 +82 15 1 K A36 +82 15 1 K A37 +82 15 1 K A38 +82 15 1 K A39 +82 15 1 K A40 +82 15 2 E C11 +82 15 3 R E16 +82 15 4 BR C25 +82 15 5 B C29 +82 15 6 P G40 +82 15 7 O J29 +82 15 7 O J30 +82 15 7 O J31 +82 15 8 W H28 +82 15 9 S I24 +82 15 10 A H18 +82 16 1 K A6 +82 16 2 E C8 +82 16 3 W G26 +82 16 4 O J1 +82 16 5 P H1 +82 17 1 K A1 +82 17 2 PO C2 +82 17 3 E C8 +82 17 4 A E18 +82 17 5 W G21 +82 17 6 O J0 +82 17 7 P F1 +82 18 1 P G3 +82 18 2 E C8 +82 18 3 WA B9 +82 18 4 B C25 +82 18 5 K A28 +82 18 6 W I29 +82 18 7 A I19 +82 18 8 O J7 +82 19 1 E C9 +82 19 2 K A0 +82 19 2 K A1 +82 19 2 K A2 +82 19 2 K A3 +82 19 2 K A4 +82 19 2 K A5 +82 19 2 K A6 +82 19 2 K A7 +82 19 2 K A8 +82 19 2 K A9 +82 19 2 K A10 +82 19 2 K A11 +82 19 2 K A12 +82 19 2 K A13 +82 19 2 K A14 +82 19 2 K A15 +82 19 2 K A16 +82 19 2 K A17 +82 19 2 K A18 +82 19 2 K A19 +82 19 2 K A20 +82 19 2 K A21 +82 19 2 K A22 +82 19 2 K A23 +82 19 2 K A24 +82 19 2 K A25 +82 19 2 K A26 +82 19 2 K A27 +82 19 2 K A28 +82 19 2 K A29 +82 19 2 K A30 +82 19 2 K A31 +82 19 2 K A32 +82 19 2 K A33 +82 19 2 K A34 +82 19 2 K A35 +82 19 2 K A36 +82 19 2 K A37 +82 19 2 K A38 +82 19 2 K A39 +82 19 3 P G40 +82 19 4 O J40 +82 19 5 W G22 +83 1 1 DE A0 +83 1 1 DE A1 +83 1 1 DE A2 +83 1 1 DE A3 +83 1 1 DE A4 +83 1 1 DE A5 +83 1 1 DE A6 +83 1 1 DE A7 +83 1 1 DE A8 +83 1 1 DE A9 +83 1 1 DE A10 +83 1 1 DE A11 +83 1 1 DE A12 +83 1 1 DE A13 +83 1 1 DE A14 +83 1 1 DE A15 +83 1 1 DE A16 +83 1 1 DE A17 +83 1 1 DE A18 +83 1 1 DE A19 +83 1 1 DE A20 +83 1 1 DE A21 +83 1 1 DE A22 +83 1 1 DE A23 +83 1 1 DE A24 +83 1 1 DE A25 +83 1 1 DE A26 +83 1 1 DE A27 +83 1 1 DE A28 +83 1 1 DE A29 +83 1 1 DE A30 +83 1 1 DE A31 +83 1 1 DE A32 +83 1 1 DE A33 +83 1 1 DE A34 +83 1 1 DE A35 +83 1 1 DE A36 +83 1 1 DE A37 +83 1 1 DE A38 +83 1 1 DE A39 +83 1 1 DE A40 +83 1 2 SA G3 +83 1 3 PE B4 +83 1 4 HU I6 +83 1 5 HS C9 +83 1 6 SE I1 +83 1 7 TK H4 +83 1 8 HW D6 +83 1 9 SK F29 +83 1 10 DD J0 +83 1 10 DD J1 +83 1 10 DD J2 +83 1 10 DD J3 +83 1 10 DD J4 +83 1 10 DD J5 +83 1 10 DD J6 +83 1 10 DD J7 +83 1 10 DD J8 +83 1 10 DD J9 +83 1 10 DD J10 +83 1 10 DD J11 +83 1 10 DD J12 +83 1 10 DD J13 +83 1 10 DD J14 +83 1 10 DD J15 +83 1 10 DD J16 +83 1 10 DD J17 +83 1 10 DD J18 +83 1 10 DD J19 +83 1 10 DD J20 +83 1 10 DD J21 +83 1 10 DD J22 +83 1 10 DD J23 +83 1 10 DD J24 +83 1 10 DD J25 +83 1 10 DD J26 +83 1 10 DD J27 +83 1 10 DD J28 +83 1 10 DD J29 +83 1 10 DD J30 +83 1 10 DD J31 +83 1 10 DD J32 +83 1 10 DD J33 +83 1 10 DD J34 +83 1 10 DD J35 +83 1 10 DD J36 +83 1 10 DD J37 +83 1 10 DD J38 +83 1 10 DD J39 +83 1 10 DD J40 +83 2 1 DE A0 +83 2 1 DE A1 +83 2 1 DE A2 +83 2 1 DE A3 +83 2 1 DE A4 +83 2 1 DE A5 +83 2 1 DE A6 +83 2 1 DE A7 +83 2 1 DE A8 +83 2 1 DE A9 +83 2 1 DE A10 +83 2 1 DE A11 +83 2 1 DE A12 +83 2 1 DE A13 +83 2 1 DE A14 +83 2 1 DE A15 +83 2 1 DE A16 +83 2 1 DE A17 +83 2 1 DE A18 +83 2 1 DE A19 +83 2 1 DE A20 +83 2 1 DE A21 +83 2 1 DE A22 +83 2 1 DE A23 +83 2 1 DE A24 +83 2 1 DE A25 +83 2 1 DE A26 +83 2 1 DE A27 +83 2 1 DE A28 +83 2 1 DE A29 +83 2 1 DE A30 +83 2 1 DE A31 +83 2 1 DE A32 +83 2 1 DE A33 +83 2 1 DE A34 +83 2 1 DE A35 +83 2 1 DE A36 +83 2 1 DE A37 +83 2 1 DE A38 +83 2 1 DE A39 +83 2 1 DE A40 +83 2 2 HW G8 +83 2 3 HS D15 +83 2 4 SA F21 +83 2 5 TK D28 +83 2 6 SK I19 +83 2 7 DD J0 +83 2 7 DD J1 +83 2 7 DD J2 +83 2 7 DD J3 +83 2 7 DD J4 +83 2 7 DD J5 +83 2 7 DD J6 +83 2 7 DD J7 +83 2 7 DD J8 +83 2 7 DD J9 +83 2 7 DD J10 +83 2 7 DD J11 +83 2 7 DD J12 +83 2 7 DD J13 +83 2 7 DD J14 +83 2 7 DD J15 +83 2 7 DD J16 +83 2 7 DD J17 +83 2 7 DD J18 +83 2 7 DD J19 +83 2 7 DD J20 +83 2 7 DD J21 +83 2 7 DD J22 +83 2 7 DD J23 +83 2 7 DD J24 +83 2 7 DD J25 +83 2 7 DD J26 +83 2 7 DD J27 +83 2 7 DD J28 +83 2 7 DD J29 +83 2 7 DD J30 +83 2 7 DD J31 +83 2 7 DD J32 +83 2 7 DD J33 +83 2 7 DD J34 +83 2 7 DD J35 +83 2 7 DD J36 +83 2 7 DD J37 +83 2 7 DD J38 +83 2 7 DD J39 +83 2 7 DD J40 +83 3 1 SA F4 +83 3 2 DE A0 +83 3 2 DE A1 +83 3 2 DE A2 +83 3 2 DE A3 +83 3 2 DE A4 +83 3 2 DE A5 +83 3 2 DE A6 +83 3 2 DE A7 +83 3 2 DE A8 +83 3 2 DE A9 +83 3 2 DE A10 +83 3 2 DE A11 +83 3 2 DE A12 +83 3 2 DE A13 +83 3 2 DE A14 +83 3 2 DE A15 +83 3 2 DE A16 +83 3 2 DE A17 +83 3 2 DE A18 +83 3 2 DE A19 +83 3 2 DE A20 +83 3 2 DE A21 +83 3 2 DE A22 +83 3 2 DE A23 +83 3 2 DE A24 +83 3 2 DE A25 +83 3 2 DE A26 +83 3 2 DE A27 +83 3 2 DE A28 +83 3 2 DE A29 +83 3 2 DE A30 +83 3 2 DE A31 +83 3 2 DE A32 +83 3 2 DE A33 +83 3 2 DE A34 +83 3 2 DE A35 +83 3 2 DE A36 +83 3 2 DE A37 +83 3 2 DE A38 +83 3 2 DE A39 +83 3 2 DE A40 +83 3 3 HW C11 +83 3 4 HS E14 +83 3 5 SK F27 +83 3 6 DD J0 +83 3 6 DD J1 +83 3 6 DD J2 +83 3 6 DD J3 +83 3 6 DD J4 +83 3 6 DD J5 +83 3 6 DD J6 +83 3 6 DD J7 +83 3 6 DD J8 +83 3 6 DD J9 +83 3 6 DD J10 +83 3 6 DD J11 +83 3 6 DD J12 +83 3 6 DD J13 +83 3 6 DD J14 +83 3 6 DD J15 +83 3 6 DD J16 +83 3 6 DD J17 +83 3 6 DD J18 +83 3 6 DD J19 +83 3 6 DD J20 +83 3 6 DD J21 +83 3 6 DD J22 +83 3 6 DD J23 +83 3 6 DD J24 +83 3 6 DD J25 +83 3 6 DD J26 +83 3 6 DD J27 +83 3 6 DD J28 +83 3 6 DD J29 +83 3 6 DD J30 +83 3 6 DD J31 +83 3 6 DD J32 +83 3 6 DD J33 +83 3 6 DD J34 +83 3 6 DD J35 +83 3 6 DD J36 +83 3 6 DD J37 +83 3 6 DD J38 +83 3 6 DD J39 +83 3 6 DD J40 +83 4 1 DE A0 +83 4 1 DE A1 +83 4 1 DE A2 +83 4 1 DE A3 +83 4 1 DE A4 +83 4 1 DE A5 +83 4 1 DE A6 +83 4 1 DE A7 +83 4 1 DE A8 +83 4 1 DE A9 +83 4 1 DE A10 +83 4 1 DE A11 +83 4 1 DE A12 +83 4 1 DE A13 +83 4 1 DE A14 +83 4 1 DE A15 +83 4 1 DE A16 +83 4 1 DE A17 +83 4 1 DE A18 +83 4 1 DE A19 +83 4 1 DE A20 +83 4 1 DE A21 +83 4 1 DE A22 +83 4 1 DE A23 +83 4 1 DE A24 +83 4 1 DE A25 +83 4 1 DE A26 +83 4 1 DE A27 +83 4 1 DE A28 +83 4 1 DE A29 +83 4 1 DE A30 +83 4 1 DE A31 +83 4 1 DE A32 +83 4 1 DE A33 +83 4 1 DE A34 +83 4 1 DE A35 +83 4 1 DE A36 +83 4 1 DE A37 +83 4 1 DE A38 +83 4 1 DE A39 +83 4 1 DE A40 +83 4 2 HS C8 +83 4 3 HW C10 +83 4 4 TK E13 +83 4 5 SK E17 +83 4 6 DD J0 +83 4 6 DD J1 +83 4 6 DD J2 +83 4 6 DD J3 +83 4 6 DD J4 +83 4 6 DD J5 +83 4 6 DD J6 +83 4 6 DD J7 +83 4 6 DD J8 +83 4 6 DD J9 +83 4 6 DD J10 +83 4 6 DD J11 +83 4 6 DD J12 +83 4 6 DD J13 +83 4 6 DD J14 +83 4 6 DD J15 +83 4 6 DD J16 +83 4 6 DD J17 +83 4 6 DD J18 +83 4 6 DD J19 +83 4 6 DD J20 +83 4 6 DD J21 +83 4 6 DD J22 +83 4 6 DD J23 +83 4 6 DD J24 +83 4 6 DD J25 +83 4 6 DD J26 +83 4 6 DD J27 +83 4 6 DD J28 +83 4 6 DD J29 +83 4 6 DD J30 +83 4 6 DD J31 +83 4 6 DD J32 +83 4 6 DD J33 +83 4 6 DD J34 +83 4 6 DD J35 +83 4 6 DD J36 +83 4 6 DD J37 +83 4 6 DD J38 +83 4 6 DD J39 +83 4 6 DD J40 +83 4 7 PE B32 +83 4 8 SA G40 +83 5 1 SE G1 +83 5 2 SA G2 +83 5 3 DE A0 +83 5 3 DE A1 +83 5 3 DE A2 +83 5 3 DE A3 +83 5 3 DE A4 +83 5 3 DE A5 +83 5 3 DE A6 +83 5 3 DE A7 +83 5 3 DE A8 +83 5 3 DE A9 +83 5 3 DE A10 +83 5 3 DE A11 +83 5 3 DE A12 +83 5 3 DE A13 +83 5 3 DE A14 +83 5 3 DE A15 +83 5 3 DE A16 +83 5 3 DE A17 +83 5 3 DE A18 +83 5 3 DE A19 +83 5 3 DE A20 +83 5 3 DE A21 +83 5 3 DE A22 +83 5 3 DE A23 +83 5 3 DE A24 +83 5 3 DE A25 +83 5 3 DE A26 +83 5 3 DE A27 +83 5 3 DE A28 +83 5 3 DE A29 +83 5 3 DE A30 +83 5 3 DE A31 +83 5 3 DE A32 +83 5 3 DE A33 +83 5 3 DE A34 +83 5 3 DE A35 +83 5 3 DE A36 +83 5 3 DE A37 +83 5 3 DE A38 +83 5 3 DE A39 +83 5 3 DE A40 +83 5 4 HS C13 +83 5 5 TK F17 +83 5 6 PE A19 +83 5 7 DK E23 +83 5 8 SK G28 +83 5 9 HO E39 +83 5 10 DD J0 +83 5 10 DD J1 +83 5 10 DD J2 +83 5 10 DD J3 +83 5 10 DD J4 +83 5 10 DD J5 +83 5 10 DD J6 +83 5 10 DD J7 +83 5 10 DD J8 +83 5 10 DD J9 +83 5 10 DD J10 +83 5 10 DD J11 +83 5 10 DD J12 +83 5 10 DD J13 +83 5 10 DD J14 +83 5 10 DD J15 +83 5 10 DD J16 +83 5 10 DD J17 +83 5 10 DD J18 +83 5 10 DD J19 +83 5 10 DD J20 +83 5 10 DD J21 +83 5 10 DD J22 +83 5 10 DD J23 +83 5 10 DD J24 +83 5 10 DD J25 +83 5 10 DD J26 +83 5 10 DD J27 +83 5 10 DD J28 +83 5 10 DD J29 +83 5 10 DD J30 +83 5 10 DD J31 +83 5 10 DD J32 +83 5 10 DD J33 +83 5 10 DD J34 +83 5 10 DD J35 +83 5 10 DD J36 +83 5 10 DD J37 +83 5 10 DD J38 +83 5 10 DD J39 +83 5 10 DD J40 +83 6 1 DE A0 +83 6 1 DE A1 +83 6 1 DE A2 +83 6 1 DE A3 +83 6 1 DE A4 +83 6 1 DE A5 +83 6 1 DE A6 +83 6 1 DE A7 +83 6 1 DE A8 +83 6 1 DE A9 +83 6 1 DE A10 +83 6 1 DE A11 +83 6 1 DE A12 +83 6 1 DE A13 +83 6 1 DE A14 +83 6 1 DE A15 +83 6 1 DE A16 +83 6 1 DE A17 +83 6 1 DE A18 +83 6 1 DE A19 +83 6 1 DE A20 +83 6 1 DE A21 +83 6 1 DE A22 +83 6 1 DE A23 +83 6 1 DE A24 +83 6 1 DE A25 +83 6 1 DE A26 +83 6 1 DE A27 +83 6 1 DE A28 +83 6 1 DE A29 +83 6 1 DE A30 +83 6 1 DE A31 +83 6 1 DE A32 +83 6 1 DE A33 +83 6 1 DE A34 +83 6 1 DE A35 +83 6 1 DE A36 +83 6 1 DE A37 +83 6 1 DE A38 +83 6 1 DE A39 +83 6 1 DE A40 +83 6 2 HS B11 +83 6 3 SA B1 +83 6 3 SA B2 +83 6 3 SA B3 +83 6 3 SA B4 +83 6 3 SA C1 +83 6 3 SA C2 +83 6 3 SA C3 +83 6 3 SA C4 +83 6 3 SA D1 +83 6 3 SA D2 +83 6 3 SA D3 +83 6 3 SA D4 +83 6 3 SA E1 +83 6 3 SA E2 +83 6 3 SA E3 +83 6 3 SA E4 +83 6 3 SA F1 +83 6 3 SA F2 +83 6 3 SA F3 +83 6 3 SA F4 +83 6 3 SA G1 +83 6 3 SA G2 +83 6 3 SA G3 +83 6 3 SA G4 +83 6 3 SA H1 +83 6 3 SA H2 +83 6 3 SA H3 +83 6 3 SA H4 +83 6 3 SA I1 +83 6 3 SA I2 +83 6 3 SA I3 +83 6 3 SA I4 +83 6 4 DD J0 +83 6 4 DD J1 +83 6 4 DD J2 +83 6 4 DD J3 +83 6 4 DD J4 +83 6 4 DD J5 +83 6 4 DD J6 +83 6 4 DD J7 +83 6 4 DD J8 +83 6 4 DD J9 +83 6 4 DD J10 +83 6 4 DD J11 +83 6 4 DD J12 +83 6 4 DD J13 +83 6 4 DD J14 +83 6 4 DD J15 +83 6 4 DD J16 +83 6 4 DD J17 +83 6 4 DD J18 +83 6 4 DD J19 +83 6 4 DD J20 +83 6 4 DD J21 +83 6 4 DD J22 +83 6 4 DD J23 +83 6 4 DD J24 +83 6 4 DD J25 +83 6 4 DD J26 +83 6 4 DD J27 +83 6 4 DD J28 +83 6 4 DD J29 +83 6 4 DD J30 +83 6 4 DD J31 +83 6 4 DD J32 +83 6 4 DD J33 +83 6 4 DD J34 +83 6 4 DD J35 +83 6 4 DD J36 +83 6 4 DD J37 +83 6 4 DD J38 +83 6 4 DD J39 +83 6 4 DD J40 +83 6 5 PE B40 +83 7 1 DE A0 +83 7 1 DE A1 +83 7 1 DE A2 +83 7 1 DE A3 +83 7 1 DE A4 +83 7 1 DE A5 +83 7 1 DE A6 +83 7 1 DE A7 +83 7 1 DE A8 +83 7 1 DE A9 +83 7 1 DE A10 +83 7 1 DE A11 +83 7 1 DE A12 +83 7 1 DE A13 +83 7 1 DE A14 +83 7 1 DE A15 +83 7 1 DE A16 +83 7 1 DE A17 +83 7 1 DE A18 +83 7 1 DE A19 +83 7 1 DE A20 +83 7 1 DE A21 +83 7 1 DE A22 +83 7 1 DE A23 +83 7 1 DE A24 +83 7 1 DE A25 +83 7 1 DE A26 +83 7 1 DE A27 +83 7 1 DE A28 +83 7 1 DE A29 +83 7 1 DE A30 +83 7 1 DE A31 +83 7 1 DE A32 +83 7 1 DE A33 +83 7 1 DE A34 +83 7 1 DE A35 +83 7 1 DE A36 +83 7 1 DE A37 +83 7 1 DE A38 +83 7 1 DE A39 +83 7 1 DE A40 +83 7 2 HS C11 +83 7 3 DD J0 +83 7 3 DD J1 +83 7 3 DD J2 +83 7 3 DD J3 +83 7 3 DD J4 +83 7 3 DD J5 +83 7 3 DD J6 +83 7 3 DD J7 +83 7 3 DD J8 +83 7 3 DD J9 +83 7 3 DD J10 +83 7 3 DD J11 +83 7 3 DD J12 +83 7 3 DD J13 +83 7 3 DD J14 +83 7 3 DD J15 +83 7 3 DD J16 +83 7 3 DD J17 +83 7 3 DD J18 +83 7 3 DD J19 +83 7 3 DD J20 +83 7 3 DD J21 +83 7 3 DD J22 +83 7 3 DD J23 +83 7 3 DD J24 +83 7 3 DD J25 +83 7 3 DD J26 +83 7 3 DD J27 +83 7 3 DD J28 +83 7 3 DD J29 +83 7 3 DD J30 +83 7 3 DD J31 +83 7 3 DD J32 +83 7 3 DD J33 +83 7 3 DD J34 +83 7 3 DD J35 +83 7 3 DD J36 +83 7 3 DD J37 +83 7 3 DD J38 +83 7 3 DD J39 +83 7 3 DD J40 +83 7 4 PE G15 +83 7 5 SA G2 +83 8 1 HW C8 +83 8 2 DE A0 +83 8 2 DE A1 +83 8 2 DE A2 +83 8 2 DE A3 +83 8 2 DE A4 +83 8 2 DE A5 +83 8 2 DE A6 +83 8 2 DE A7 +83 8 2 DE A8 +83 8 2 DE A9 +83 8 2 DE A10 +83 8 2 DE A11 +83 8 2 DE A12 +83 8 2 DE A13 +83 8 2 DE A14 +83 8 2 DE A15 +83 8 2 DE A16 +83 8 2 DE A17 +83 8 2 DE A18 +83 8 2 DE A19 +83 8 2 DE A20 +83 8 2 DE A21 +83 8 2 DE A22 +83 8 2 DE A23 +83 8 2 DE A24 +83 8 2 DE A25 +83 8 2 DE A26 +83 8 2 DE A27 +83 8 2 DE A28 +83 8 2 DE A29 +83 8 2 DE A30 +83 8 2 DE A31 +83 8 2 DE A32 +83 8 2 DE A33 +83 8 2 DE A34 +83 8 2 DE A35 +83 8 2 DE A36 +83 8 2 DE A37 +83 8 2 DE A38 +83 8 2 DE A39 +83 8 2 DE A40 +83 8 3 HS C9 +83 8 4 HO E8 +83 8 5 SK G29 +83 8 6 SA G1 +83 8 7 DD J0 +83 8 7 DD J1 +83 8 7 DD J2 +83 8 7 DD J3 +83 8 7 DD J4 +83 8 7 DD J5 +83 8 7 DD J6 +83 8 7 DD J7 +83 8 7 DD J8 +83 8 7 DD J9 +83 8 7 DD J10 +83 8 7 DD J11 +83 8 7 DD J12 +83 8 7 DD J13 +83 8 7 DD J14 +83 8 7 DD J15 +83 8 7 DD J16 +83 8 7 DD J17 +83 8 7 DD J18 +83 8 7 DD J19 +83 8 7 DD J20 +83 8 7 DD J21 +83 8 7 DD J22 +83 8 7 DD J23 +83 8 7 DD J24 +83 8 7 DD J25 +83 8 7 DD J26 +83 8 7 DD J27 +83 8 7 DD J28 +83 8 7 DD J29 +83 8 7 DD J30 +83 8 7 DD J31 +83 8 7 DD J32 +83 8 7 DD J33 +83 8 7 DD J34 +83 8 7 DD J35 +83 8 7 DD J36 +83 8 7 DD J37 +83 8 7 DD J38 +83 8 7 DD J39 +83 8 7 DD J40 +83 8 8 HU J0 +83 8 8 HU J1 +83 8 8 HU J2 +83 8 8 HU J3 +83 8 8 HU J4 +83 8 8 HU J5 +83 8 8 HU J6 +83 8 8 HU J7 +83 8 8 HU J8 +83 8 8 HU J9 +83 8 8 HU J10 +83 8 8 HU J11 +83 8 8 HU J12 +83 8 8 HU J13 +83 8 8 HU J14 +83 8 8 HU J15 +83 8 8 HU J16 +83 8 8 HU J17 +83 8 8 HU J18 +83 8 8 HU J19 +83 8 8 HU J20 +83 8 8 HU J21 +83 8 8 HU J22 +83 8 8 HU J23 +83 8 8 HU J24 +83 8 8 HU J25 +83 8 8 HU J26 +83 8 8 HU J27 +83 8 8 HU J28 +83 8 8 HU J29 +83 8 8 HU J30 +83 8 8 HU J31 +83 8 8 HU J32 +83 8 8 HU J33 +83 8 8 HU J34 +83 8 8 HU J35 +83 8 8 HU J36 +83 8 8 HU J37 +83 8 8 HU J38 +83 8 8 HU J39 +83 8 8 HU J40 +83 9 1 DE A0 +83 9 1 DE A1 +83 9 1 DE A2 +83 9 1 DE A3 +83 9 1 DE A4 +83 9 1 DE A5 +83 9 1 DE A6 +83 9 1 DE A7 +83 9 1 DE A8 +83 9 1 DE A9 +83 9 1 DE A10 +83 9 1 DE A11 +83 9 1 DE A12 +83 9 1 DE A13 +83 9 1 DE A14 +83 9 1 DE A15 +83 9 1 DE A16 +83 9 1 DE A17 +83 9 1 DE A18 +83 9 1 DE A19 +83 9 1 DE A20 +83 9 1 DE A21 +83 9 1 DE A22 +83 9 1 DE A23 +83 9 1 DE A24 +83 9 1 DE A25 +83 9 1 DE A26 +83 9 1 DE A27 +83 9 1 DE A28 +83 9 1 DE A29 +83 9 1 DE A30 +83 9 1 DE A31 +83 9 1 DE A32 +83 9 1 DE A33 +83 9 1 DE A34 +83 9 1 DE A35 +83 9 1 DE A36 +83 9 1 DE A37 +83 9 1 DE A38 +83 9 1 DE A39 +83 9 1 DE A40 +83 9 2 SA F4 +83 9 3 HW C9 +83 9 4 HS C10 +83 9 5 TK B39 +83 9 6 DD J0 +83 9 6 DD J1 +83 9 6 DD J2 +83 9 6 DD J3 +83 9 6 DD J4 +83 9 6 DD J5 +83 9 6 DD J6 +83 9 6 DD J7 +83 9 6 DD J8 +83 9 6 DD J9 +83 9 6 DD J10 +83 9 6 DD J11 +83 9 6 DD J12 +83 9 6 DD J13 +83 9 6 DD J14 +83 9 6 DD J15 +83 9 6 DD J16 +83 9 6 DD J17 +83 9 6 DD J18 +83 9 6 DD J19 +83 9 6 DD J20 +83 9 6 DD J21 +83 9 6 DD J22 +83 9 6 DD J23 +83 9 6 DD J24 +83 9 6 DD J25 +83 9 6 DD J26 +83 9 6 DD J27 +83 9 6 DD J28 +83 9 6 DD J29 +83 9 6 DD J30 +83 9 6 DD J31 +83 9 6 DD J32 +83 9 6 DD J33 +83 9 6 DD J34 +83 9 6 DD J35 +83 9 6 DD J36 +83 9 6 DD J37 +83 9 6 DD J38 +83 9 6 DD J39 +83 9 6 DD J40 +83 10 1 DE A0 +83 10 1 DE A1 +83 10 1 DE A2 +83 10 1 DE A3 +83 10 1 DE A4 +83 10 1 DE A5 +83 10 1 DE A6 +83 10 1 DE A7 +83 10 1 DE A8 +83 10 1 DE A9 +83 10 1 DE A10 +83 10 1 DE A11 +83 10 1 DE A12 +83 10 1 DE A13 +83 10 1 DE A14 +83 10 1 DE A15 +83 10 1 DE A16 +83 10 1 DE A17 +83 10 1 DE A18 +83 10 1 DE A19 +83 10 1 DE A20 +83 10 1 DE A21 +83 10 1 DE A22 +83 10 1 DE A23 +83 10 1 DE A24 +83 10 1 DE A25 +83 10 1 DE A26 +83 10 1 DE A27 +83 10 1 DE A28 +83 10 1 DE A29 +83 10 1 DE A30 +83 10 1 DE A31 +83 10 1 DE A32 +83 10 1 DE A33 +83 10 1 DE A34 +83 10 1 DE A35 +83 10 1 DE A36 +83 10 1 DE A37 +83 10 1 DE A38 +83 10 1 DE A39 +83 10 1 DE A40 +83 10 2 HS C9 +83 10 3 PE B10 +83 10 4 SK E28 +83 10 5 SA F38 +83 10 6 DD H28 +83 10 7 U H29 +83 11 1 TK B5 +83 11 2 HO D6 +83 11 3 PE D7 +83 11 4 HW C9 +83 11 5 DE A0 +83 11 5 DE A1 +83 11 5 DE A2 +83 11 5 DE A3 +83 11 5 DE A4 +83 11 5 DE A5 +83 11 5 DE A6 +83 11 5 DE A7 +83 11 5 DE A8 +83 11 5 DE A9 +83 11 5 DE A10 +83 11 5 DE A11 +83 11 5 DE A12 +83 11 5 DE A13 +83 11 5 DE A14 +83 11 5 DE A15 +83 11 5 DE A16 +83 11 5 DE A17 +83 11 5 DE A18 +83 11 5 DE A19 +83 11 5 DE A20 +83 11 5 DE A21 +83 11 5 DE A22 +83 11 5 DE A23 +83 11 5 DE A24 +83 11 5 DE A25 +83 11 5 DE A26 +83 11 5 DE A27 +83 11 5 DE A28 +83 11 5 DE A29 +83 11 5 DE A30 +83 11 5 DE A31 +83 11 5 DE A32 +83 11 5 DE A33 +83 11 5 DE A34 +83 11 5 DE A35 +83 11 5 DE A36 +83 11 5 DE A37 +83 11 5 DE A38 +83 11 5 DE A39 +83 11 5 DE A40 +83 11 6 DD J0 +83 11 6 DD J1 +83 11 6 DD J2 +83 11 6 DD J3 +83 11 6 DD J4 +83 11 6 DD J5 +83 11 6 DD J6 +83 11 6 DD J7 +83 11 6 DD J8 +83 11 6 DD J9 +83 11 6 DD J10 +83 11 6 DD J11 +83 11 6 DD J12 +83 11 6 DD J13 +83 11 6 DD J14 +83 11 6 DD J15 +83 11 6 DD J16 +83 11 6 DD J17 +83 11 6 DD J18 +83 11 6 DD J19 +83 11 6 DD J20 +83 11 6 DD J21 +83 11 6 DD J22 +83 11 6 DD J23 +83 11 6 DD J24 +83 11 6 DD J25 +83 11 6 DD J26 +83 11 6 DD J27 +83 11 6 DD J28 +83 11 6 DD J29 +83 11 6 DD J30 +83 11 6 DD J31 +83 11 6 DD J32 +83 11 6 DD J33 +83 11 6 DD J34 +83 11 6 DD J35 +83 11 6 DD J36 +83 11 6 DD J37 +83 11 6 DD J38 +83 11 6 DD J39 +83 11 6 DD J40 +83 11 7 SA G1 +83 11 8 SK H29 +83 11 9 M G35 +83 12 1 TK D7 +83 12 2 HW C8 +83 12 3 HS C11 +83 12 4 DE A0 +83 12 4 DE A1 +83 12 4 DE A2 +83 12 4 DE A3 +83 12 4 DE A4 +83 12 4 DE A5 +83 12 4 DE A6 +83 12 4 DE A7 +83 12 4 DE A8 +83 12 4 DE A9 +83 12 4 DE A10 +83 12 4 DE A11 +83 12 4 DE A12 +83 12 4 DE A13 +83 12 4 DE A14 +83 12 4 DE A15 +83 12 4 DE A16 +83 12 4 DE A17 +83 12 4 DE A18 +83 12 4 DE A19 +83 12 4 DE A20 +83 12 4 DE A21 +83 12 4 DE A22 +83 12 4 DE A23 +83 12 4 DE A24 +83 12 4 DE A25 +83 12 4 DE A26 +83 12 4 DE A27 +83 12 4 DE A28 +83 12 4 DE A29 +83 12 4 DE A30 +83 12 4 DE A31 +83 12 4 DE A32 +83 12 4 DE A33 +83 12 4 DE A34 +83 12 4 DE A35 +83 12 4 DE A36 +83 12 4 DE A37 +83 12 4 DE A38 +83 12 4 DE A39 +83 12 4 DE A40 +83 12 5 DK C19 +83 12 6 SK E27 +83 12 7 DD J0 +83 12 7 DD J1 +83 12 7 DD J2 +83 12 7 DD J3 +83 12 7 DD J4 +83 12 7 DD J5 +83 12 7 DD J6 +83 12 7 DD J7 +83 12 7 DD J8 +83 12 7 DD J9 +83 12 7 DD J10 +83 12 7 DD J11 +83 12 7 DD J12 +83 12 7 DD J13 +83 12 7 DD J14 +83 12 7 DD J15 +83 12 7 DD J16 +83 12 7 DD J17 +83 12 7 DD J18 +83 12 7 DD J19 +83 12 7 DD J20 +83 12 7 DD J21 +83 12 7 DD J22 +83 12 7 DD J23 +83 12 7 DD J24 +83 12 7 DD J25 +83 12 7 DD J26 +83 12 7 DD J27 +83 12 7 DD J28 +83 12 7 DD J29 +83 12 7 DD J30 +83 12 7 DD J31 +83 12 7 DD J32 +83 12 7 DD J33 +83 12 7 DD J34 +83 12 7 DD J35 +83 12 7 DD J36 +83 12 7 DD J37 +83 12 7 DD J38 +83 12 7 DD J39 +83 12 7 DD J40 +83 12 8 HU G9 +83 12 9 SA F3 +83 13 1 DE A0 +83 13 1 DE A1 +83 13 1 DE A2 +83 13 1 DE A3 +83 13 1 DE A4 +83 13 1 DE A5 +83 13 1 DE A6 +83 13 1 DE A7 +83 13 1 DE A8 +83 13 1 DE A9 +83 13 1 DE A10 +83 13 1 DE A11 +83 13 1 DE A12 +83 13 1 DE A13 +83 13 1 DE A14 +83 13 1 DE A15 +83 13 1 DE A16 +83 13 1 DE A17 +83 13 1 DE A18 +83 13 1 DE A19 +83 13 1 DE A20 +83 13 1 DE A21 +83 13 1 DE A22 +83 13 1 DE A23 +83 13 1 DE A24 +83 13 1 DE A25 +83 13 1 DE A26 +83 13 1 DE A27 +83 13 1 DE A28 +83 13 1 DE A29 +83 13 1 DE A30 +83 13 1 DE A31 +83 13 1 DE A32 +83 13 1 DE A33 +83 13 1 DE A34 +83 13 1 DE A35 +83 13 1 DE A36 +83 13 1 DE A37 +83 13 1 DE A38 +83 13 1 DE A39 +83 13 1 DE A40 +83 13 2 HS C10 +83 13 3 HW B12 +83 13 4 PE B1 +83 13 4 PE B2 +83 13 4 PE B3 +83 13 4 PE B4 +83 13 4 PE B5 +83 13 4 PE B6 +83 13 4 PE B7 +83 13 4 PE B8 +83 13 4 PE B9 +83 13 4 PE B10 +83 13 4 PE B11 +83 13 4 PE B12 +83 13 4 PE B13 +83 13 4 PE B14 +83 13 4 PE B15 +83 13 4 PE B16 +83 13 4 PE B17 +83 13 4 PE B18 +83 13 4 PE B19 +83 13 4 PE B20 +83 13 4 PE B21 +83 13 4 PE B22 +83 13 4 PE B23 +83 13 4 PE B24 +83 13 4 PE B25 +83 13 4 PE B26 +83 13 4 PE B27 +83 13 4 PE B28 +83 13 4 PE B29 +83 13 4 PE B30 +83 13 4 PE B31 +83 13 4 PE B32 +83 13 4 PE B33 +83 13 4 PE B34 +83 13 4 PE B35 +83 13 4 PE B36 +83 13 4 PE B37 +83 13 4 PE B38 +83 13 4 PE B39 +83 13 4 PE B40 +83 13 5 SA G1 +83 13 6 DD J0 +83 13 6 DD J1 +83 13 6 DD J2 +83 13 6 DD J3 +83 13 6 DD J4 +83 13 6 DD J5 +83 13 6 DD J6 +83 13 6 DD J7 +83 13 6 DD J8 +83 13 6 DD J9 +83 13 6 DD J10 +83 13 6 DD J11 +83 13 6 DD J12 +83 13 6 DD J13 +83 13 6 DD J14 +83 13 6 DD J15 +83 13 6 DD J16 +83 13 6 DD J17 +83 13 6 DD J18 +83 13 6 DD J19 +83 13 6 DD J20 +83 13 6 DD J21 +83 13 6 DD J22 +83 13 6 DD J23 +83 13 6 DD J24 +83 13 6 DD J25 +83 13 6 DD J26 +83 13 6 DD J27 +83 13 6 DD J28 +83 13 6 DD J29 +83 13 6 DD J30 +83 13 6 DD J31 +83 13 6 DD J32 +83 13 6 DD J33 +83 13 6 DD J34 +83 13 6 DD J35 +83 13 6 DD J36 +83 13 6 DD J37 +83 13 6 DD J38 +83 13 6 DD J39 +83 13 6 DD J40 +84 1 1 DN E39 +84 1 2 MF E26 +84 1 3 FK C10 +84 1 4 KO C10 +84 1 5 WE A0 +84 1 6 BE G1 +84 1 7 BK J0 +84 1 8 GU G18 +84 1 9 NW G32 +84 1 10 BA I32 +84 2 1 KL G29 +84 2 2 BA E29 +84 2 3 WE A0 +84 2 4 KO C9 +84 2 5 DN C8 +84 2 6 BE E4 +84 2 7 BK J0 +84 3 1 WE A0 +84 3 2 GU E16 +84 3 3 KO C11 +84 3 4 FO E5 +84 3 5 BE G3 +84 3 6 SU H7 +84 3 7 BK J0 +84 3 8 BA G28 +84 3 9 JF H32 +84 4 1 GA E27 +84 4 1 GA E28 +84 4 1 GA E29 +84 4 1 GA E30 +84 4 2 GU G17 +84 4 2 GU G18 +84 4 2 GU G19 +84 4 2 GU G20 +84 4 2 GU H17 +84 4 2 GU H18 +84 4 2 GU H19 +84 4 2 GU H20 +84 4 3 MF E18 +84 4 3 MF E19 +84 4 3 MF E20 +84 4 3 MF E21 +84 4 3 MF E22 +84 4 4 KO C8 +84 4 4 KO C9 +84 4 5 PF E6 +84 4 6 WE A0 +84 4 7 FO E4 +84 4 7 FO E5 +84 4 7 FO F4 +84 4 8 BE G1 +84 4 8 BE G2 +84 4 8 BE G3 +84 4 9 PO I1 +84 4 9 PO I2 +84 4 9 PO I3 +84 4 9 PO I4 +84 4 10 BK J0 +84 4 11 MK H29 +84 4 11 MK H30 +84 4 12 JF H32 +84 4 12 JF H33 +84 4 12 JF H34 +84 5 1 PF C38 +84 5 1 PF C39 +84 5 1 PF C40 +84 5 2 AL G30 +84 5 2 AL G31 +84 5 3 AG H29 +84 5 4 MF F29 +84 5 5 GU H18 +84 5 5 GU H19 +84 5 5 GU H20 +84 5 6 KO C8 +84 5 6 KO C9 +84 5 6 KO C10 +84 5 7 AM D6 +84 5 7 AM D7 +84 5 8 FO D6 +84 5 8 FO D7 +84 5 9 GS D2 +84 5 10 WE A0 +84 5 11 BE G1 +84 5 11 BE G2 +84 5 12 BK J0 +84 5 13 SU I3 +84 5 14 PO I3 +84 6 1 WE A0 +84 6 2 DT E6 +84 6 3 KO C9 +84 6 4 FO F4 +84 6 5 KB E5 +84 6 6 SU I1 +84 6 7 BE G2 +84 6 8 GS I2 +84 6 9 PO I4 +84 6 10 KG G17 +84 6 11 BK J0 +84 6 12 GU H28 +84 6 13 JF H35 +84 7 1 PS G33 +84 7 2 BA I30 +84 7 3 GU G17 +84 7 4 BR G11 +84 7 5 KO C11 +84 7 6 BE G2 +84 7 7 WE A0 +84 7 8 BK J0 +84 8 1 JF G35 +84 8 2 BA G30 +84 8 3 BK J0 +84 8 4 SU H9 +84 8 5 BE G1 +84 8 6 AM F4 +84 8 7 FO E4 +84 8 8 WE A0 +84 8 9 KO C9 +84 8 10 GU E17 +84 9 1 WE A0 +84 9 2 BK J0 +84 10 1 PO H40 +84 10 1 PO I40 +84 10 2 BE G39 +84 10 2 BE G40 +84 10 3 PF E37 +84 10 3 PF E38 +84 10 3 PF E39 +84 10 3 PF E40 +84 10 4 JF F34 +84 10 4 JF F35 +84 10 4 JF G34 +84 10 4 JF G35 +84 10 5 BA G28 +84 10 5 BA G29 +84 10 5 BA H28 +84 10 5 BA H29 +84 10 6 GU F18 +84 10 6 GU F19 +84 10 7 KO C8 +84 10 7 KO C9 +84 10 8 AM E6 +84 10 8 AM E7 +84 10 8 AM E8 +84 10 9 WE A0 +84 10 10 BE G1 +84 10 10 BE G2 +84 11 1 PF F40 +84 11 2 WE A0 +84 11 3 KG E15 +84 11 4 KO C9 +84 11 5 FK D6 +84 11 6 AM E5 +84 11 6 AM F5 +84 11 7 BE G1 +84 11 8 GS I31 +84 11 9 JF H35 +84 11 10 BK J0 +84 11 11 PO I40 +84 12 1 PF D37 +84 12 2 WE A0 +84 12 3 KO D7 +84 12 4 AM F4 +84 12 5 BE H2 +84 12 6 PO I3 +84 12 7 BK J0 +84 12 8 GU G17 +84 12 9 BA G29 +84 12 10 JF I32 +84 13 1 BK J0 +84 13 2 BE H39 +84 13 3 JF G36 +84 13 4 GU E28 +84 13 5 KO C1 +84 13 6 WE A0 +84 13 7 FO F1 +84 14 1 BA H30 +84 14 2 TP G31 +84 14 3 JF F33 +84 14 3 JF F34 +84 14 4 PF D31 +84 14 4 PF D32 +84 14 4 PF E31 +84 14 4 PF E32 +84 14 5 AG F25 +84 14 5 AG F26 +84 14 5 AG F27 +84 14 5 AG F28 +84 14 5 AG F29 +84 14 5 AG F30 +84 14 6 FO E2 +84 14 6 FO E3 +84 14 6 FO E4 +84 14 7 WE A0 +84 14 8 KG E16 +84 14 9 KO C10 +84 14 10 BE G2 +84 14 11 BK J0 +84 15 1 GS I38 +84 15 2 SU I40 +84 15 3 NO G36 +84 15 4 BA I29 +84 15 5 GU F17 +84 15 6 KO C9 +84 15 7 WE A0 +84 15 8 FO E5 +84 15 9 BE G1 +84 15 10 BK J0 +84 16 1 BK J0 +84 16 2 KG F17 +84 16 3 JF E35 +84 16 4 GA E31 +84 16 4 GA G31 +84 16 5 SU H6 +84 16 6 MF E30 +84 16 7 AL G28 +84 16 8 BA I29 +84 16 9 PF H34 +84 16 10 WE A0 +84 16 11 FO C10 +84 16 12 KO D8 +84 16 13 DF F7 +84 16 14 BE G3 +84 16 15 GS I37 +84 17 1 JF I34 +84 17 2 BA F29 +84 17 3 GA D28 +84 17 4 KG F17 +84 17 5 KO C10 +84 17 6 FO D6 +84 17 7 BE G2 +84 17 8 FO E4 +84 17 9 GS D2 +84 17 10 WE A0 +84 17 11 BK J0 +84 17 12 GU H17 +84 18 1 BA H33 +84 18 2 GU G28 +84 18 3 GU G19 +84 18 4 WE A0 +84 18 5 KO C12 +84 18 6 FO E5 +84 18 7 BE G1 +84 18 8 SU I6 +84 18 9 BK J0 +84 18 10 PF D36 +84 18 11 JF F33 +84 19 1 JF H35 +84 19 2 BK J0 +84 19 3 BA H31 +84 19 4 GU G18 +84 19 5 KO B12 +84 19 5 KO B13 +84 19 6 FO E5 +84 19 7 WE A0 +84 19 8 BE G1 +84 19 9 GS H36 +84 20 1 JF H32 +84 20 2 BA I31 +84 20 3 GU F16 +84 20 4 KO C8 +84 20 5 BE F3 +84 20 6 FO E5 +84 20 7 AM G1 +84 20 8 WE A0 +84 20 9 SU I1 +84 20 10 BK J0 +84 21 1 JF H32 +84 21 2 KO C9 +84 21 3 SU G7 +84 21 4 WE A0 +84 21 5 DG H0 +84 21 5 DG I0 +84 21 6 BK J0 +84 21 7 BE G2 +84 21 8 FO F4 +84 21 9 GU F17 +84 21 10 BA G30 +84 22 1 JF I40 +84 22 2 PF G40 +84 22 3 WE A0 +84 22 4 BA G31 +84 22 4 BA H31 +84 22 5 GS H29 +84 22 6 AG H26 +84 22 6 AG H27 +84 22 7 GU H20 +84 22 8 KO C8 +84 22 8 KO C9 +84 22 9 FO F4 +84 22 10 BE G2 +84 22 11 SU I5 +84 22 11 SU I6 +84 22 11 SU I7 +84 22 11 SU I8 +84 22 12 BK J0 +84 23 1 WE A0 +84 23 2 KG E16 +84 23 3 GA G16 +84 23 3 GA H16 +84 23 4 PF D11 +84 23 5 FO E8 +84 23 6 KO D6 +84 23 7 AM E4 +84 23 8 SN F0 +84 23 9 BE I1 +84 23 10 GU H17 +84 23 11 BA I29 +84 23 12 JF I32 +84 23 13 BK J0 +84 24 1 SU G38 +84 24 2 GS F36 +84 24 3 GU F29 +84 24 4 KG D17 +84 24 5 FK C8 +84 24 6 KB D6 +84 24 7 WE A0 +84 24 8 SN C1 +84 24 9 BE F1 +84 24 10 BA H30 +84 24 11 NW G36 +84 24 12 BK J0 +84 25 1 GS G40 +84 25 2 FO E38 +84 25 3 AL D28 +84 25 4 GU E27 +84 25 4 GU F27 +84 25 5 BA E26 +84 25 6 KG D21 +84 25 7 WE A0 +84 25 8 KO E3 +84 25 9 BE G3 +84 25 10 BK J0 +85 1 1 E G2 +85 1 2 I H29 +85 1 3 S C11 +85 1 4 O A0 +85 1 5 P J0 +85 1 6 X H6 +85 1 7 WT G0 +85 1 8 WW D2 +85 2 1 E F2 +85 2 2 I G18 +85 2 3 S C13 +85 2 4 O A40 +85 2 5 P J39 +85 2 6 X G0 +85 3 1 E G1 +85 3 2 I H17 +85 3 3 S C11 +85 3 4 P J1 +85 3 5 X H10 +85 3 6 WT F39 +85 3 7 O A32 +85 4 1 O A0 +85 4 2 P I0 +85 4 3 WL D6 +85 4 4 X H10 +85 4 5 S C12 +85 4 6 I H21 +85 4 7 WP E37 +85 4 8 WT G40 +85 4 9 E G3 +85 5 1 X E0 +85 5 2 P J0 +85 5 3 E G1 +85 5 4 WL F4 +85 5 5 S C8 +85 5 6 I H29 +85 5 7 WT H36 +85 5 8 O A40 +85 5 9 WW E40 +85 6 1 X E0 +85 6 2 P J0 +85 6 2 P J1 +85 6 2 P J2 +85 6 2 P J3 +85 6 2 P J4 +85 6 2 P J5 +85 6 2 P J6 +85 6 2 P J7 +85 6 2 P J8 +85 6 2 P J9 +85 6 2 P J10 +85 6 2 P J11 +85 6 2 P J12 +85 6 2 P J13 +85 6 2 P J14 +85 6 2 P J15 +85 6 2 P J16 +85 6 2 P J17 +85 6 2 P J18 +85 6 2 P J19 +85 6 2 P J20 +85 6 2 P J21 +85 6 2 P J22 +85 6 2 P J23 +85 6 2 P J24 +85 6 2 P J25 +85 6 2 P J26 +85 6 2 P J27 +85 6 2 P J28 +85 6 2 P J29 +85 6 2 P J30 +85 6 2 P J31 +85 6 2 P J32 +85 6 2 P J33 +85 6 2 P J34 +85 6 2 P J35 +85 6 2 P J36 +85 6 2 P J37 +85 6 2 P J38 +85 6 2 P J39 +85 6 2 P J40 +85 6 3 E G2 +85 6 4 WL C8 +85 6 5 S C10 +85 6 6 I H29 +85 6 7 WT H35 +85 6 8 O A37 +85 6 9 WW D37 +85 7 1 X H0 +85 7 2 E G2 +85 7 3 S C10 +85 7 4 I G30 +85 7 5 O A32 +85 7 6 P J39 +85 7 7 WT G40 +85 8 1 X G0 +85 8 2 P J0 +85 8 2 P J1 +85 8 2 P J2 +85 8 2 P J3 +85 8 2 P J4 +85 8 2 P J5 +85 8 2 P J6 +85 8 2 P J7 +85 8 2 P J8 +85 8 2 P J9 +85 8 2 P J10 +85 8 2 P J11 +85 8 2 P J12 +85 8 2 P J13 +85 8 2 P J14 +85 8 2 P J15 +85 8 2 P J16 +85 8 2 P J17 +85 8 2 P J18 +85 8 2 P J19 +85 8 2 P J20 +85 8 2 P J21 +85 8 2 P J22 +85 8 2 P J23 +85 8 2 P J24 +85 8 2 P J25 +85 8 2 P J26 +85 8 2 P J27 +85 8 2 P J28 +85 8 2 P J29 +85 8 2 P J30 +85 8 2 P J31 +85 8 2 P J32 +85 8 2 P J33 +85 8 2 P J34 +85 8 2 P J35 +85 8 2 P J36 +85 8 2 P J37 +85 8 2 P J38 +85 8 2 P J39 +85 8 2 P J40 +85 8 3 E G2 +85 8 4 O A0 +85 8 4 O A1 +85 8 4 O A2 +85 8 4 O A3 +85 8 4 O A4 +85 8 4 O A5 +85 8 4 O A6 +85 8 4 O A7 +85 8 4 O A8 +85 8 4 O A9 +85 8 4 O A10 +85 8 4 O A11 +85 8 4 O A12 +85 8 4 O A13 +85 8 4 O A14 +85 8 4 O A15 +85 8 4 O A16 +85 8 4 O A17 +85 8 4 O A18 +85 8 4 O A19 +85 8 4 O A20 +85 8 4 O A21 +85 8 4 O A22 +85 8 4 O A23 +85 8 4 O A24 +85 8 4 O A25 +85 8 4 O A26 +85 8 4 O A27 +85 8 4 O A28 +85 8 4 O A29 +85 8 4 O A30 +85 8 4 O A31 +85 8 4 O A32 +85 8 4 O A33 +85 8 4 O A34 +85 8 4 O A35 +85 8 4 O A36 +85 8 4 O A37 +85 8 4 O A38 +85 8 4 O A39 +85 8 4 O A40 +85 8 5 S C9 +85 8 6 I H31 +85 8 7 WT F36 +85 9 1 X E0 +85 9 2 P J0 +85 9 2 P J1 +85 9 2 P J2 +85 9 2 P J3 +85 9 2 P J4 +85 9 2 P J5 +85 9 2 P J6 +85 9 2 P J7 +85 9 2 P J8 +85 9 2 P J9 +85 9 2 P J10 +85 9 2 P J11 +85 9 2 P J12 +85 9 2 P J13 +85 9 2 P J14 +85 9 2 P J15 +85 9 2 P J16 +85 9 2 P J17 +85 9 2 P J18 +85 9 2 P J19 +85 9 2 P J20 +85 9 2 P J21 +85 9 2 P J22 +85 9 2 P J23 +85 9 2 P J24 +85 9 2 P J25 +85 9 2 P J26 +85 9 2 P J27 +85 9 2 P J28 +85 9 2 P J29 +85 9 2 P J30 +85 9 2 P J31 +85 9 2 P J32 +85 9 2 P J33 +85 9 2 P J34 +85 9 2 P J35 +85 9 2 P J36 +85 9 2 P J37 +85 9 2 P J38 +85 9 2 P J39 +85 9 2 P J40 +85 9 3 E H3 +85 9 4 S D8 +85 9 5 I I18 +85 9 6 O A34 +85 9 7 WT I40 +85 10 1 E G3 +85 10 2 S C8 +85 10 3 X I9 +85 10 4 I H18 +85 10 5 O A24 +85 10 6 P J28 +85 10 7 WW D40 +85 11 1 X E0 +85 11 2 WP C2 +85 11 3 E H2 +85 11 4 S C10 +85 11 5 O A18 +85 11 6 I G17 +85 11 7 WT F39 +85 12 1 WT G0 +85 12 2 E G2 +85 12 3 WW C1 +85 12 4 O A3 +85 12 5 WL E5 +85 12 6 S C9 +85 12 7 P J5 +85 12 8 X G8 +85 12 9 I H17 +85 13 1 E G1 +85 13 2 P J1 +85 13 3 WL D6 +85 13 4 S C12 +85 13 5 X H10 +85 13 6 I H17 +85 13 7 WP D36 +85 13 8 O A40 +85 13 9 WT G40 +85 14 1 X E0 +85 14 1 X F0 +85 14 2 E G1 +85 14 3 S C9 +85 14 4 O A25 +85 14 5 I H31 +85 14 6 P J37 +85 15 1 X E0 +85 15 2 O A3 +85 15 3 E G3 +85 15 4 S C9 +85 15 5 I H17 +85 15 6 WT E38 +85 15 7 WW C39 +85 15 8 P J40 +85 16 1 E G2 +85 16 2 WL E5 +85 16 3 X I10 +85 16 4 O A15 +85 16 5 I H18 +85 16 6 P J35 +85 16 7 WT F40 +85 16 8 S C11 +85 17 1 O A0 +85 17 1 O A1 +85 17 1 O A2 +85 17 1 O A3 +85 17 1 O A4 +85 17 1 O A5 +85 17 1 O A6 +85 17 1 O A7 +85 17 1 O A8 +85 17 1 O A9 +85 17 1 O A10 +85 17 1 O A11 +85 17 1 O A12 +85 17 1 O A13 +85 17 1 O A14 +85 17 1 O A15 +85 17 1 O A16 +85 17 1 O A17 +85 17 1 O A18 +85 17 1 O A19 +85 17 1 O A20 +85 17 1 O A21 +85 17 1 O A22 +85 17 1 O A23 +85 17 1 O A24 +85 17 1 O A25 +85 17 1 O A26 +85 17 1 O A27 +85 17 1 O A28 +85 17 1 O A29 +85 17 1 O A30 +85 17 1 O A31 +85 17 1 O A32 +85 17 1 O A33 +85 17 1 O A34 +85 17 1 O A35 +85 17 1 O A36 +85 17 1 O A37 +85 17 1 O A38 +85 17 1 O A39 +85 17 1 O A40 +85 17 2 P J0 +85 17 2 P J1 +85 17 2 P J2 +85 17 2 P J3 +85 17 2 P J4 +85 17 2 P J5 +85 17 2 P J6 +85 17 2 P J7 +85 17 2 P J8 +85 17 2 P J9 +85 17 2 P J10 +85 17 2 P J11 +85 17 2 P J12 +85 17 2 P J13 +85 17 2 P J14 +85 17 2 P J15 +85 17 2 P J16 +85 17 2 P J17 +85 17 2 P J18 +85 17 2 P J19 +85 17 2 P J20 +85 17 2 P J21 +85 17 2 P J22 +85 17 2 P J23 +85 17 2 P J24 +85 17 2 P J25 +85 17 2 P J26 +85 17 2 P J27 +85 17 2 P J28 +85 17 2 P J29 +85 17 2 P J30 +85 17 2 P J31 +85 17 2 P J32 +85 17 2 P J33 +85 17 2 P J34 +85 17 2 P J35 +85 17 2 P J36 +85 17 2 P J37 +85 17 2 P J38 +85 17 2 P J39 +85 17 2 P J40 +85 17 3 WL D6 +85 17 3 WL D7 +85 17 4 S C8 +85 17 4 S C9 +85 17 5 X H6 +85 17 5 X H7 +85 17 6 E G2 +85 17 6 E G3 +85 17 7 I H19 +85 17 7 I H20 +85 17 8 WT F40 +85 17 8 WT G40 +85 18 1 O A1 +85 18 2 X F0 +85 18 3 E G1 +85 18 4 P J1 +85 18 5 S C8 +85 18 6 WW D37 +85 18 7 I I30 +85 18 8 WT F39 +85 19 1 X E0 +85 19 2 E G3 +85 19 3 S C9 +85 19 4 P J30 +85 19 5 WT F40 +85 19 6 O A5 +85 19 7 I I30 +85 19 8 WW C39 +85 20 1 O A0 +85 20 1 O A1 +85 20 1 O A2 +85 20 1 O A3 +85 20 1 O A4 +85 20 1 O A5 +85 20 1 O A6 +85 20 1 O A7 +85 20 1 O A8 +85 20 1 O A9 +85 20 1 O A10 +85 20 1 O A11 +85 20 1 O A12 +85 20 1 O A13 +85 20 1 O A14 +85 20 1 O A15 +85 20 1 O A16 +85 20 1 O A17 +85 20 1 O A18 +85 20 1 O A19 +85 20 1 O A20 +85 20 1 O A21 +85 20 1 O A22 +85 20 1 O A23 +85 20 1 O A24 +85 20 1 O A25 +85 20 1 O A26 +85 20 1 O A27 +85 20 1 O A28 +85 20 1 O A29 +85 20 1 O A30 +85 20 1 O A31 +85 20 1 O A32 +85 20 1 O A33 +85 20 1 O A34 +85 20 1 O A35 +85 20 1 O A36 +85 20 1 O A37 +85 20 1 O A38 +85 20 1 O A39 +85 20 1 O A40 +85 20 2 E G0 +85 20 2 E G1 +85 20 2 E G2 +85 20 3 X C5 +85 20 3 X C6 +85 20 4 S B11 +85 20 5 I H30 +85 20 6 P J40 +85 21 1 WL E5 +85 21 2 E H2 +85 21 3 S C11 +85 21 4 O A30 +85 21 5 I H28 +85 21 6 P J40 +85 22 1 E F4 +85 22 2 WW D3 +85 22 3 WL E5 +85 22 4 P J0 +85 22 4 P J1 +85 22 4 P J2 +85 22 4 P J3 +85 22 4 P J4 +85 22 4 P J5 +85 22 4 P J6 +85 22 4 P J7 +85 22 4 P J8 +85 22 4 P J9 +85 22 4 P J10 +85 22 4 P J11 +85 22 4 P J12 +85 22 4 P J13 +85 22 4 P J14 +85 22 4 P J15 +85 22 4 P J16 +85 22 4 P J17 +85 22 4 P J18 +85 22 4 P J19 +85 22 4 P J20 +85 22 4 P J21 +85 22 4 P J22 +85 22 4 P J23 +85 22 4 P J24 +85 22 4 P J25 +85 22 4 P J26 +85 22 4 P J27 +85 22 4 P J28 +85 22 4 P J29 +85 22 4 P J30 +85 22 4 P J31 +85 22 4 P J32 +85 22 4 P J33 +85 22 4 P J34 +85 22 4 P J35 +85 22 4 P J36 +85 22 4 P J37 +85 22 4 P J38 +85 22 4 P J39 +85 22 4 P J40 +85 22 5 X G7 +85 22 6 S C10 +85 22 7 I H19 +85 22 8 O A29 +85 22 9 WT G40 +85 23 1 O A0 +85 23 1 O A1 +85 23 1 O A2 +85 23 1 O A3 +85 23 1 O A4 +85 23 1 O A5 +85 23 1 O A6 +85 23 1 O A7 +85 23 1 O A8 +85 23 1 O A9 +85 23 1 O A10 +85 23 1 O A11 +85 23 1 O A12 +85 23 1 O A13 +85 23 1 O A14 +85 23 1 O A15 +85 23 1 O A16 +85 23 1 O A17 +85 23 1 O A18 +85 23 1 O A19 +85 23 1 O A20 +85 23 1 O A21 +85 23 1 O A22 +85 23 1 O A23 +85 23 1 O A24 +85 23 1 O A25 +85 23 1 O A26 +85 23 1 O A27 +85 23 1 O A28 +85 23 1 O A29 +85 23 1 O A30 +85 23 1 O A31 +85 23 1 O A32 +85 23 1 O A33 +85 23 1 O A34 +85 23 1 O A35 +85 23 1 O A36 +85 23 1 O A37 +85 23 1 O A38 +85 23 1 O A39 +85 23 1 O A40 +85 23 2 X E0 +85 23 2 X F0 +85 23 2 X G0 +85 23 3 WW D3 +85 23 4 E F4 +85 23 5 WL D6 +85 23 5 WL D7 +85 23 5 WL D8 +85 23 6 S C9 +85 23 7 I I30 +85 23 8 P J0 +85 23 8 P J1 +85 23 8 P J2 +85 23 8 P J3 +85 23 8 P J4 +85 23 8 P J5 +85 23 8 P J6 +85 23 8 P J7 +85 23 8 P J8 +85 23 8 P J9 +85 23 8 P J10 +85 23 8 P J11 +85 23 8 P J12 +85 23 8 P J13 +85 23 8 P J14 +85 23 8 P J15 +85 23 8 P J16 +85 23 8 P J17 +85 23 8 P J18 +85 23 8 P J19 +85 23 8 P J20 +85 23 8 P J21 +85 23 8 P J22 +85 23 8 P J23 +85 23 8 P J24 +85 23 8 P J25 +85 23 8 P J26 +85 23 8 P J27 +85 23 8 P J28 +85 23 8 P J29 +85 23 8 P J30 +85 23 8 P J31 +85 23 8 P J32 +85 23 8 P J33 +85 23 8 P J34 +85 23 8 P J35 +85 23 8 P J36 +85 23 8 P J37 +85 23 8 P J38 +85 23 8 P J39 +85 23 8 P J40 +85 23 9 WT H38 +85 23 9 WT H39 +85 23 9 WT H40 +85 24 1 O A0 +85 24 1 O A1 +85 24 1 O A2 +85 24 1 O A3 +85 24 1 O A4 +85 24 1 O A5 +85 24 1 O A6 +85 24 1 O A7 +85 24 1 O A8 +85 24 1 O A9 +85 24 1 O A10 +85 24 1 O A11 +85 24 1 O A12 +85 24 1 O A13 +85 24 1 O A14 +85 24 1 O A15 +85 24 1 O A16 +85 24 1 O A17 +85 24 1 O A18 +85 24 1 O A19 +85 24 1 O A20 +85 24 1 O A21 +85 24 1 O A22 +85 24 1 O A23 +85 24 1 O A24 +85 24 1 O A25 +85 24 1 O A26 +85 24 1 O A27 +85 24 1 O A28 +85 24 1 O A29 +85 24 1 O A30 +85 24 1 O A31 +85 24 1 O A32 +85 24 1 O A33 +85 24 1 O A34 +85 24 1 O A35 +85 24 1 O A36 +85 24 1 O A37 +85 24 1 O A38 +85 24 1 O A39 +85 24 1 O A40 +85 24 2 X I0 +85 24 3 E H1 +85 24 4 WL E7 +85 24 5 S D10 +85 24 6 I F30 +85 24 7 P J32 +85 24 8 WT G38 +85 24 9 WW E40 +85 25 1 E G1 +85 25 2 P J3 +85 25 3 X H7 +85 25 4 S C11 +85 25 5 I G21 +85 25 6 O A36 +86 1 1 FS G1 +86 1 1 FS G2 +86 1 1 FS G3 +86 1 2 FE C6 +86 1 2 FE C7 +86 1 3 AS C38 +86 1 3 AS C39 +86 1 3 AS C40 +86 1 4 BA E15 +86 1 4 BA E16 +86 1 5 AM F32 +86 1 5 AM F33 +86 2 1 FS G1 +86 2 1 FS G2 +86 2 1 FS G3 +86 2 2 FE C8 +86 2 2 FE C9 +86 2 2 FE C10 +86 2 3 CA F19 +86 2 3 CA F20 +86 2 3 CA F21 +86 2 3 CA G19 +86 2 3 CA G20 +86 2 3 CA G21 +86 2 4 AS C4 +86 2 4 AS C5 +86 2 4 AS C6 +86 2 5 MA E38 +86 2 5 MA E39 +86 2 5 MA E40 +86 3 1 FS G1 +86 3 1 FS G2 +86 3 1 FS G3 +86 3 2 FE C8 +86 3 2 FE C9 +86 3 3 CA H29 +86 3 3 CA H30 +86 3 3 CA H31 +86 3 4 BA H18 +86 3 4 BA H19 +86 3 4 BA H20 +86 3 5 MA E39 +86 3 5 MA E40 +86 4 1 FS G1 +86 4 1 FS G2 +86 4 1 FS G3 +86 4 2 FE C9 +86 4 2 FE C10 +86 4 2 FE C11 +86 4 3 CA G18 +86 4 3 CA G19 +86 4 3 CA G20 +86 4 4 MA C38 +86 4 4 MA C39 +86 4 4 MA C40 +86 5 1 FS G1 +86 5 1 FS G2 +86 5 1 FS G3 +86 5 2 XS I12 +86 5 2 XS I13 +86 5 2 XS I14 +86 5 3 GA A0 +86 5 3 GA A1 +86 5 3 GA A2 +86 5 3 GA A3 +86 6 1 FS G1 +86 6 1 FS G2 +86 6 1 FS G3 +86 6 2 FE C8 +86 6 2 FE C9 +86 6 3 CA H29 +86 6 3 CA H30 +86 6 3 CA H31 +86 6 4 BA G17 +86 6 4 BA G18 +86 6 4 BA G19 +86 6 4 BA G20 +86 6 5 MA C38 +86 6 5 MA C39 +86 6 5 MA C40 +86 7 1 FS G1 +86 7 1 FS G2 +86 7 1 FS G3 +86 7 2 FE C8 +86 7 2 FE C9 +86 7 2 FE C10 +86 7 3 MA C38 +86 7 3 MA C39 +86 7 3 MA C40 +86 7 4 CE H29 +86 7 4 CE H30 +86 7 4 CE H31 +86 8 1 FE C8 +86 8 1 FE C9 +86 8 2 TA G0 +86 8 3 AS C35 +86 8 3 AS C36 +86 8 3 AS C37 +86 8 4 XS H8 +86 8 4 XS H9 +86 8 4 XS H10 +86 8 5 HU J0 +86 8 5 HU J1 +86 8 5 HU J2 +86 8 5 HU J3 +86 8 5 HU J4 +86 8 5 HU J5 +86 8 5 HU J6 +86 8 5 HU J7 +86 8 5 HU J8 +86 8 5 HU J9 +86 8 5 HU J10 +86 8 5 HU J11 +86 8 5 HU J12 +86 8 5 HU J13 +86 8 5 HU J14 +86 8 5 HU J15 +86 8 5 HU J16 +86 8 5 HU J17 +86 8 5 HU J18 +86 8 5 HU J19 +86 8 5 HU J20 +86 8 5 HU J21 +86 8 5 HU J22 +86 8 5 HU J23 +86 8 5 HU J24 +86 8 5 HU J25 +86 8 5 HU J26 +86 8 5 HU J27 +86 8 5 HU J28 +86 8 5 HU J29 +86 8 5 HU J30 +86 8 5 HU J31 +86 8 5 HU J32 +86 8 5 HU J33 +86 8 5 HU J34 +86 8 5 HU J35 +86 8 5 HU J36 +86 8 5 HU J37 +86 8 5 HU J38 +86 8 5 HU J39 +86 8 5 HU J40 +86 9 1 FS G1 +86 9 1 FS G2 +86 9 1 FS G3 +86 9 2 FE C8 +86 9 2 FE C9 +86 9 3 CA G28 +86 9 3 CA G29 +86 9 3 CA G30 +86 9 4 MA D38 +86 9 4 MA D39 +86 9 4 MA D40 +86 10 1 FS G1 +86 10 1 FS G2 +86 10 1 FS G3 +86 10 2 FE C8 +86 10 2 FE C9 +86 10 2 FE C10 +86 10 3 CA H29 +86 10 3 CA H30 +86 10 3 CA H31 +86 10 4 AM G33 +86 10 4 AM G34 +86 10 4 AM G35 +86 10 4 AM H33 +86 10 4 AM H34 +86 10 4 AM H35 +86 11 1 FE C8 +86 11 1 FE C9 +86 11 2 TA G0 +86 11 3 AS C35 +86 11 3 AS C36 +86 11 3 AS C37 +86 11 4 XS H8 +86 11 4 XS H9 +86 11 4 XS H10 +86 11 5 HU J0 +86 11 5 HU J1 +86 11 5 HU J2 +86 11 5 HU J3 +86 11 5 HU J4 +86 11 5 HU J5 +86 11 5 HU J6 +86 11 5 HU J7 +86 11 5 HU J8 +86 11 5 HU J9 +86 11 5 HU J10 +86 11 5 HU J11 +86 11 5 HU J12 +86 11 5 HU J13 +86 11 5 HU J14 +86 11 5 HU J15 +86 11 5 HU J16 +86 11 5 HU J17 +86 11 5 HU J18 +86 11 5 HU J19 +86 11 5 HU J20 +86 11 5 HU J21 +86 11 5 HU J22 +86 11 5 HU J23 +86 11 5 HU J24 +86 11 5 HU J25 +86 11 5 HU J26 +86 11 5 HU J27 +86 11 5 HU J28 +86 11 5 HU J29 +86 11 5 HU J30 +86 11 5 HU J31 +86 11 5 HU J32 +86 11 5 HU J33 +86 11 5 HU J34 +86 11 5 HU J35 +86 11 5 HU J36 +86 11 5 HU J37 +86 11 5 HU J38 +86 11 5 HU J39 +86 11 5 HU J40 +86 12 1 FS G1 +86 12 1 FS G2 +86 12 1 FS G3 +86 12 2 FE C8 +86 12 2 FE C9 +86 12 3 CA H29 +86 12 3 CA H30 +86 12 3 CA H31 +86 12 4 MA C38 +86 12 4 MA C39 +86 12 4 MA C40 +86 13 1 FS G1 +86 13 1 FS G2 +86 13 1 FS G3 +86 13 2 FE C8 +86 13 2 FE C9 +86 13 3 TA I22 +86 13 3 TA I23 +86 13 3 TA I24 +86 13 4 AS D23 +86 13 4 AS D24 +86 13 4 AS D25 +86 13 4 AS D26 +86 14 1 FS G1 +86 14 1 FS G2 +86 14 1 FS G3 +86 14 2 FE C10 +86 14 2 FE C11 +86 14 2 FE C12 +86 14 3 CA F26 +86 14 3 CA F27 +86 14 3 CA F28 +86 14 3 CA F29 +86 14 3 CA G26 +86 14 3 CA G27 +86 14 3 CA G28 +86 14 3 CA G29 +86 14 4 AM H33 +86 14 4 AM H34 +86 14 4 AM H35 +86 14 4 AM H36 +86 15 1 FS G1 +86 15 1 FS G2 +86 15 1 FS G3 +86 15 2 FE C8 +86 15 2 FE C9 +86 15 3 TA I39 +86 15 3 TA I40 +86 15 4 AS D23 +86 15 4 AS D24 +86 15 4 AS D25 +86 15 4 AS D26 +86 16 1 FE C8 +86 16 1 FE C9 +86 16 2 TA G0 +86 16 3 AS C35 +86 16 3 AS C36 +86 16 3 AS C37 +86 16 4 XS H8 +86 16 4 XS H9 +86 16 4 XS H10 +86 16 5 HU J0 +86 16 5 HU J1 +86 16 5 HU J2 +86 16 5 HU J3 +86 16 5 HU J4 +86 16 5 HU J5 +86 16 5 HU J6 +86 16 5 HU J7 +86 16 5 HU J8 +86 16 5 HU J9 +86 16 5 HU J10 +86 16 5 HU J11 +86 16 5 HU J12 +86 16 5 HU J13 +86 16 5 HU J14 +86 16 5 HU J15 +86 16 5 HU J16 +86 16 5 HU J17 +86 16 5 HU J18 +86 16 5 HU J19 +86 16 5 HU J20 +86 16 5 HU J21 +86 16 5 HU J22 +86 16 5 HU J23 +86 16 5 HU J24 +86 16 5 HU J25 +86 16 5 HU J26 +86 16 5 HU J27 +86 16 5 HU J28 +86 16 5 HU J29 +86 16 5 HU J30 +86 16 5 HU J31 +86 16 5 HU J32 +86 16 5 HU J33 +86 16 5 HU J34 +86 16 5 HU J35 +86 16 5 HU J36 +86 16 5 HU J37 +86 16 5 HU J38 +86 16 5 HU J39 +86 16 5 HU J40 +86 17 1 FS G1 +86 17 1 FS G2 +86 17 1 FS G3 +86 17 2 FE C8 +86 17 2 FE C9 +86 17 2 FE C10 +86 17 3 CA H29 +86 17 3 CA H30 +86 17 3 CA H31 +86 17 4 MA C38 +86 17 4 MA C39 +86 17 4 MA C40 +86 18 1 FS G1 +86 18 1 FS G2 +86 18 1 FS G3 +86 18 2 FE C6 +86 18 2 FE C7 +86 18 3 AS C38 +86 18 3 AS C39 +86 18 3 AS C40 +86 18 4 BA E15 +86 18 4 BA E16 +86 18 5 AM F32 +86 18 5 AM F33 +86 18 5 AM F34 +86 19 1 FS G1 +86 19 1 FS G2 +86 19 1 FS G3 +86 19 2 FE C8 +86 19 2 FE C9 +86 19 2 FE C10 +86 19 3 CA H29 +86 19 3 CA H30 +86 19 3 CA H31 +86 19 4 MA C38 +86 19 4 MA C39 +86 19 4 MA C40 +86 20 1 FS G1 +86 20 1 FS G2 +86 20 1 FS G3 +86 20 2 FE C8 +86 20 2 FE C9 +86 20 3 BA G17 +86 20 3 BA G18 +86 20 3 BA G19 +86 20 4 MA C38 +86 20 4 MA C39 +86 20 4 MA C40 +86 21 1 FS G1 +86 21 1 FS G2 +86 21 1 FS G3 +86 21 2 FE C8 +86 21 2 FE C9 +86 21 2 FE C10 +86 21 3 CA H29 +86 21 3 CA H30 +86 21 3 CA H31 +86 21 4 AS C38 +86 21 4 AS C39 +86 21 4 AS C40 +86 22 1 FS G1 +86 22 1 FS G2 +86 22 1 FS G3 +86 22 2 FE C8 +86 22 2 FE C9 +86 22 3 CA H29 +86 22 3 CA H30 +86 22 3 CA H31 +86 22 4 BA G17 +86 22 4 BA G18 +86 22 4 BA G19 +86 22 4 BA G20 +86 22 5 MA C38 +86 22 5 MA C39 +86 22 5 MA C40 +86 23 1 FS G1 +86 23 1 FS G2 +86 23 1 FS G3 +86 23 2 FE C8 +86 23 2 FE C9 +86 23 3 TA I39 +86 23 3 TA I40 +86 23 4 AS D23 +86 23 4 AS D24 +86 23 4 AS D25 +86 23 4 AS D26 +86 24 1 FS G1 +86 24 1 FS G2 +86 24 1 FS G3 +86 24 2 FE C8 +86 24 2 FE C9 +86 24 2 FE C10 +86 24 3 CA G33 +86 24 3 CA G34 +86 24 3 CA G35 +86 24 3 CA H33 +86 24 3 CA H34 +86 24 3 CA H35 +86 24 4 BA E15 +86 24 4 BA E16 +86 24 5 MA C38 +86 24 5 MA C39 +86 24 5 MA C40 +86 25 1 FS G1 +86 25 1 FS G2 +86 25 1 FS G3 +86 25 2 FE C6 +86 25 2 FE C7 +86 25 3 AS C38 +86 25 3 AS C39 +86 25 3 AS C40 +86 25 4 BA E15 +86 25 4 BA E16 +86 25 5 AM F32 +86 25 5 AM F33 +86 25 5 AM F34 +87 1 1 S A0 +87 1 2 O J0 +87 1 3 I H1 +87 1 4 B I7 +87 1 5 C B13 +87 1 6 R E28 +87 1 7 N H33 +87 2 1 O J0 +87 2 2 S A0 +87 2 3 I H1 +87 2 4 C C11 +87 2 5 A H20 +87 2 6 R F29 +87 2 7 T H32 +87 3 1 S A0 +87 3 2 O J0 +87 3 3 I G1 +87 3 4 C C9 +87 3 5 A F17 +87 3 6 R F28 +87 3 7 N I30 +87 4 1 O J0 +87 4 2 S A0 +87 4 3 C C12 +87 4 4 A H17 +87 4 5 R F30 +87 4 6 N H32 +87 4 7 I G40 +87 5 1 O J0 +87 5 2 S A0 +87 5 3 I E4 +87 5 4 C C13 +87 5 5 R E15 +87 5 6 A E29 +87 6 1 S A0 +87 6 2 O J0 +87 6 3 I F4 +87 6 4 C B12 +87 6 5 A F17 +87 6 6 R E26 +87 7 1 S A0 +87 7 2 O J0 +87 7 3 I G1 +87 7 4 C C12 +87 7 5 R F29 +87 7 6 N F30 +87 8 1 S A0 +87 8 2 N G30 +87 8 3 O J0 +87 8 4 C C13 +87 8 5 R F29 +87 8 6 I F1 +87 8 6 I F2 +87 8 6 I F3 +87 8 6 I F4 +87 8 6 I G1 +87 8 6 I G2 +87 8 6 I G3 +87 8 6 I G4 +87 9 1 I F2 +87 9 2 C C9 +87 9 3 N G17 +87 9 4 R F17 +87 9 5 S A0 +87 9 6 O J0 +87 10 1 I E40 +87 10 2 C C8 +87 10 3 R C15 +87 10 4 S A26 +87 10 5 O J0 +87 11 1 I I1 +87 11 2 C C10 +87 11 3 R I17 +87 11 4 S A1 +87 11 5 O J6 +87 12 1 I G40 +87 12 2 A F17 +87 12 3 R F29 +87 12 4 N G33 +87 12 5 C C9 +87 12 6 U B12 +87 12 7 S A0 +87 12 8 O J0 +87 13 1 I H1 +87 13 1 I H2 +87 13 1 I H3 +87 13 2 C C11 +87 13 3 R C16 +87 13 4 N F16 +87 13 5 S A0 +87 13 6 O J0 +87 14 1 I H40 +87 14 2 C D18 +87 14 3 R F29 +87 14 4 N E26 +87 14 5 S A0 +87 14 6 O F22 +87 14 6 O F23 +87 14 6 O F24 +87 14 6 O F25 +87 14 6 O F26 +87 14 6 O F27 +87 14 6 O F28 +87 14 6 O F29 +87 14 6 O G22 +87 14 6 O G23 +87 14 6 O G24 +87 14 6 O G25 +87 14 6 O G26 +87 14 6 O G27 +87 14 6 O G28 +87 14 6 O G29 +87 15 1 S A0 +87 15 2 C D11 +87 15 3 R F16 +87 15 4 O J0 +87 15 5 I E40 +87 15 5 I F40 +87 15 5 I G40 +87 16 1 I G1 +87 16 2 C E16 +87 16 3 N F20 +87 16 4 R E23 +87 16 5 O G29 +87 16 6 S A13 +87 17 1 S A0 +87 17 2 O I26 +87 17 3 Q D3 +87 17 4 I F2 +87 17 5 U D6 +87 17 6 C C7 +87 17 7 A E17 +87 17 8 R F24 +87 18 1 S A3 +87 18 2 C C5 +87 18 3 R E25 +87 18 4 O G28 +87 18 5 T D32 +87 18 6 I E39 +87 19 1 S A0 +87 19 2 O J0 +87 19 3 I F1 +87 19 4 C E12 +87 19 5 N F21 +87 19 6 R E29 +87 20 1 C C10 +87 20 2 R E28 +87 20 3 T F33 +87 20 4 S A40 +87 20 5 I G40 +87 20 6 O J40 +87 21 1 C E15 +87 21 2 N H17 +87 21 3 A F18 +87 21 4 R G25 +87 21 5 S A40 +87 21 6 I F39 +87 21 7 O J40 +87 22 1 I G1 +87 22 2 C C8 +87 22 3 O J0 +87 22 4 S A0 +87 22 5 R G17 +87 22 6 N G21 +87 23 1 S A0 +87 23 2 O J0 +87 23 3 C C8 +87 23 4 A F17 +87 23 5 R F29 +87 23 6 I G40 +87 24 1 O J0 +87 24 2 S A0 +87 24 3 C B13 +87 24 4 A G20 +87 24 5 R G30 +87 24 6 I G40 +87 24 7 T G33 +87 25 1 I F4 +87 25 2 O J0 +87 25 3 C C9 +87 25 4 A E15 +87 25 5 R G17 +87 25 6 N H28 +87 25 7 T G32 +87 25 8 S A0 +88 1 1 EK A40 +88 1 2 EN J0 +88 1 3 IM E0 +88 1 4 ET F0 +88 1 5 EP B10 +88 1 6 TO E15 +88 1 7 IT F29 +88 1 8 ZZ E38 +88 2 1 EK A0 +88 2 1 EK A1 +88 2 1 EK A2 +88 2 1 EK A3 +88 2 1 EK A4 +88 2 1 EK A5 +88 2 1 EK A6 +88 2 1 EK A7 +88 2 1 EK A8 +88 2 1 EK A9 +88 2 1 EK A10 +88 2 1 EK A11 +88 2 1 EK A12 +88 2 1 EK A13 +88 2 1 EK A14 +88 2 1 EK A15 +88 2 1 EK A16 +88 2 1 EK A17 +88 2 1 EK A18 +88 2 1 EK A19 +88 2 1 EK A20 +88 2 1 EK A21 +88 2 1 EK A22 +88 2 1 EK A23 +88 2 1 EK A24 +88 2 1 EK A25 +88 2 1 EK A26 +88 2 1 EK A27 +88 2 1 EK A28 +88 2 1 EK A29 +88 2 1 EK A30 +88 2 1 EK A31 +88 2 1 EK A32 +88 2 1 EK A33 +88 2 1 EK A34 +88 2 1 EK A35 +88 2 1 EK A36 +88 2 1 EK A37 +88 2 1 EK A38 +88 2 1 EK A39 +88 2 1 EK A40 +88 2 2 EN J0 +88 2 2 EN J1 +88 2 2 EN J2 +88 2 2 EN J3 +88 2 2 EN J4 +88 2 2 EN J5 +88 2 2 EN J6 +88 2 2 EN J7 +88 2 2 EN J8 +88 2 2 EN J9 +88 2 2 EN J10 +88 2 2 EN J11 +88 2 2 EN J12 +88 2 2 EN J13 +88 2 2 EN J14 +88 2 2 EN J15 +88 2 2 EN J16 +88 2 2 EN J17 +88 2 2 EN J18 +88 2 2 EN J19 +88 2 2 EN J20 +88 2 2 EN J21 +88 2 2 EN J22 +88 2 2 EN J23 +88 2 2 EN J24 +88 2 2 EN J25 +88 2 2 EN J26 +88 2 2 EN J27 +88 2 2 EN J28 +88 2 2 EN J29 +88 2 2 EN J30 +88 2 2 EN J31 +88 2 2 EN J32 +88 2 2 EN J33 +88 2 2 EN J34 +88 2 2 EN J35 +88 2 2 EN J36 +88 2 2 EN J37 +88 2 2 EN J38 +88 2 2 EN J39 +88 2 2 EN J40 +88 2 3 IT G30 +88 2 4 IM D0 +88 2 5 ET G1 +88 2 6 TO H17 +88 2 7 EP C10 +88 3 1 EK A11 +88 3 2 EN J0 +88 3 3 ET G2 +88 3 4 EP D6 +88 3 5 TO G16 +88 3 6 IT H29 +88 3 7 IM F0 +88 3 8 ZZ F39 +88 4 1 EK A0 +88 4 1 EK A1 +88 4 1 EK A2 +88 4 1 EK A3 +88 4 1 EK A4 +88 4 1 EK A5 +88 4 1 EK A6 +88 4 1 EK A7 +88 4 1 EK A8 +88 4 1 EK A9 +88 4 1 EK A10 +88 4 1 EK A11 +88 4 1 EK A12 +88 4 1 EK A13 +88 4 1 EK A14 +88 4 1 EK A15 +88 4 1 EK A16 +88 4 1 EK A17 +88 4 1 EK A18 +88 4 1 EK A19 +88 4 1 EK A20 +88 4 1 EK A21 +88 4 1 EK A22 +88 4 1 EK A23 +88 4 1 EK A24 +88 4 1 EK A25 +88 4 1 EK A26 +88 4 1 EK A27 +88 4 1 EK A28 +88 4 1 EK A29 +88 4 1 EK A30 +88 4 1 EK A31 +88 4 1 EK A32 +88 4 1 EK A33 +88 4 1 EK A34 +88 4 1 EK A35 +88 4 1 EK A36 +88 4 1 EK A37 +88 4 1 EK A38 +88 4 1 EK A39 +88 4 1 EK A40 +88 4 1 EK B0 +88 4 2 EN J0 +88 4 2 EN J1 +88 4 2 EN J2 +88 4 2 EN J3 +88 4 2 EN J4 +88 4 2 EN J5 +88 4 2 EN J6 +88 4 2 EN J7 +88 4 2 EN J8 +88 4 2 EN J9 +88 4 2 EN J10 +88 4 2 EN J11 +88 4 2 EN J12 +88 4 2 EN J13 +88 4 2 EN J14 +88 4 2 EN J15 +88 4 2 EN J16 +88 4 2 EN J17 +88 4 2 EN J18 +88 4 2 EN J19 +88 4 2 EN J20 +88 4 2 EN J21 +88 4 2 EN J22 +88 4 2 EN J23 +88 4 2 EN J24 +88 4 2 EN J25 +88 4 2 EN J26 +88 4 2 EN J27 +88 4 2 EN J28 +88 4 2 EN J29 +88 4 2 EN J30 +88 4 2 EN J31 +88 4 2 EN J32 +88 4 2 EN J33 +88 4 2 EN J34 +88 4 2 EN J35 +88 4 2 EN J36 +88 4 2 EN J37 +88 4 2 EN J38 +88 4 2 EN J39 +88 4 2 EN J40 +88 4 3 IM E0 +88 4 4 ET G1 +88 4 4 ET G2 +88 4 4 ET G3 +88 4 5 EP C8 +88 4 5 EP C9 +88 4 6 TO F16 +88 4 7 IT F29 +88 4 8 ZZ G40 +88 5 1 EK A0 +88 5 1 EK A1 +88 5 1 EK A2 +88 5 1 EK A3 +88 5 1 EK A4 +88 5 1 EK A5 +88 5 1 EK A6 +88 5 1 EK A7 +88 5 1 EK A8 +88 5 1 EK A9 +88 5 1 EK A10 +88 5 1 EK A11 +88 5 1 EK A12 +88 5 1 EK A13 +88 5 1 EK A14 +88 5 1 EK A15 +88 5 1 EK A16 +88 5 1 EK A17 +88 5 1 EK A18 +88 5 1 EK A19 +88 5 1 EK A20 +88 5 1 EK A21 +88 5 1 EK A22 +88 5 1 EK A23 +88 5 1 EK A24 +88 5 1 EK A25 +88 5 1 EK A26 +88 5 1 EK A27 +88 5 1 EK A28 +88 5 1 EK A29 +88 5 1 EK A30 +88 5 1 EK A31 +88 5 1 EK A32 +88 5 1 EK A33 +88 5 1 EK A34 +88 5 1 EK A35 +88 5 1 EK A36 +88 5 1 EK A37 +88 5 1 EK A38 +88 5 1 EK A39 +88 5 1 EK A40 +88 5 1 EK B0 +88 5 2 EN J0 +88 5 2 EN J1 +88 5 2 EN J2 +88 5 2 EN J3 +88 5 2 EN J4 +88 5 2 EN J5 +88 5 2 EN J6 +88 5 2 EN J7 +88 5 2 EN J8 +88 5 2 EN J9 +88 5 2 EN J10 +88 5 2 EN J11 +88 5 2 EN J12 +88 5 2 EN J13 +88 5 2 EN J14 +88 5 2 EN J15 +88 5 2 EN J16 +88 5 2 EN J17 +88 5 2 EN J18 +88 5 2 EN J19 +88 5 2 EN J20 +88 5 2 EN J21 +88 5 2 EN J22 +88 5 2 EN J23 +88 5 2 EN J24 +88 5 2 EN J25 +88 5 2 EN J26 +88 5 2 EN J27 +88 5 2 EN J28 +88 5 2 EN J29 +88 5 2 EN J30 +88 5 2 EN J31 +88 5 2 EN J32 +88 5 2 EN J33 +88 5 2 EN J34 +88 5 2 EN J35 +88 5 2 EN J36 +88 5 2 EN J37 +88 5 2 EN J38 +88 5 2 EN J39 +88 5 2 EN J40 +88 5 3 ET D12 +88 5 4 TO E18 +88 5 5 IT G30 +88 5 6 IM C33 +88 5 7 ZZ E35 +88 5 8 TO G40 +88 6 1 EK A0 +88 6 2 EN J40 +88 6 3 ET G1 +88 6 4 EP C9 +88 6 5 IT F16 +88 6 6 IM F29 +88 6 7 TO F32 +88 6 8 ZZ C38 +88 7 1 EK A0 +88 7 1 EK A1 +88 7 1 EK A2 +88 7 1 EK A3 +88 7 1 EK A4 +88 7 1 EK A5 +88 7 1 EK A6 +88 7 1 EK A7 +88 7 1 EK A8 +88 7 1 EK A9 +88 7 1 EK A10 +88 7 1 EK A11 +88 7 1 EK A12 +88 7 1 EK A13 +88 7 1 EK A14 +88 7 1 EK A15 +88 7 1 EK A16 +88 7 1 EK A17 +88 7 1 EK A18 +88 7 1 EK A19 +88 7 1 EK A20 +88 7 1 EK A21 +88 7 1 EK A22 +88 7 1 EK A23 +88 7 1 EK A24 +88 7 1 EK A25 +88 7 1 EK A26 +88 7 1 EK A27 +88 7 1 EK A28 +88 7 1 EK A29 +88 7 1 EK A30 +88 7 1 EK A31 +88 7 1 EK A32 +88 7 1 EK A33 +88 7 1 EK A34 +88 7 1 EK A35 +88 7 1 EK A36 +88 7 1 EK A37 +88 7 1 EK A38 +88 7 1 EK A39 +88 7 1 EK A40 +88 7 1 EK B0 +88 7 1 EK B1 +88 7 1 EK B2 +88 7 1 EK B3 +88 7 1 EK B4 +88 7 1 EK B5 +88 7 1 EK B6 +88 7 1 EK B7 +88 7 1 EK B8 +88 7 2 EN I0 +88 7 2 EN I1 +88 7 2 EN I2 +88 7 2 EN I3 +88 7 2 EN I4 +88 7 2 EN I5 +88 7 2 EN I6 +88 7 2 EN I7 +88 7 2 EN I8 +88 7 2 EN I9 +88 7 2 EN I10 +88 7 2 EN I11 +88 7 2 EN I12 +88 7 2 EN J0 +88 7 2 EN J1 +88 7 2 EN J2 +88 7 2 EN J3 +88 7 2 EN J4 +88 7 2 EN J5 +88 7 2 EN J6 +88 7 2 EN J7 +88 7 2 EN J8 +88 7 2 EN J9 +88 7 2 EN J10 +88 7 2 EN J11 +88 7 2 EN J12 +88 7 2 EN J13 +88 7 2 EN J14 +88 7 2 EN J15 +88 7 2 EN J16 +88 7 2 EN J17 +88 7 2 EN J18 +88 7 2 EN J19 +88 7 2 EN J20 +88 7 2 EN J21 +88 7 2 EN J22 +88 7 2 EN J23 +88 7 2 EN J24 +88 7 2 EN J25 +88 7 2 EN J26 +88 7 2 EN J27 +88 7 2 EN J28 +88 7 2 EN J29 +88 7 2 EN J30 +88 7 2 EN J31 +88 7 2 EN J32 +88 7 2 EN J33 +88 7 2 EN J34 +88 7 2 EN J35 +88 7 2 EN J36 +88 7 2 EN J37 +88 7 2 EN J38 +88 7 2 EN J39 +88 7 2 EN J40 +88 7 3 EP C10 +88 7 4 ET F6 +88 7 5 TO C11 +88 7 6 IM E22 +88 7 7 IT H30 +88 8 1 EK A1 +88 8 2 EN J15 +88 8 3 ET G2 +88 8 4 EP D6 +88 8 5 TO G16 +88 8 6 IT H34 +88 8 7 ZZ G40 +88 8 8 IM F0 +88 9 1 EK A0 +88 9 1 EK A1 +88 9 1 EK A2 +88 9 1 EK A3 +88 9 1 EK A4 +88 9 1 EK A5 +88 9 1 EK A6 +88 9 1 EK A7 +88 9 1 EK A8 +88 9 1 EK A9 +88 9 1 EK A10 +88 9 1 EK A11 +88 9 1 EK A12 +88 9 1 EK A13 +88 9 1 EK A14 +88 9 1 EK A15 +88 9 1 EK A16 +88 9 1 EK A17 +88 9 1 EK A18 +88 9 1 EK A19 +88 9 1 EK A20 +88 9 1 EK A21 +88 9 1 EK A22 +88 9 1 EK A23 +88 9 1 EK A24 +88 9 1 EK A25 +88 9 1 EK A26 +88 9 1 EK A27 +88 9 1 EK A28 +88 9 1 EK A29 +88 9 1 EK A30 +88 9 1 EK A31 +88 9 1 EK A32 +88 9 1 EK A33 +88 9 1 EK A34 +88 9 1 EK A35 +88 9 1 EK A36 +88 9 1 EK A37 +88 9 1 EK A38 +88 9 1 EK A39 +88 9 1 EK A40 +88 9 2 EN J0 +88 9 2 EN J1 +88 9 2 EN J2 +88 9 2 EN J3 +88 9 2 EN J4 +88 9 2 EN J5 +88 9 2 EN J6 +88 9 2 EN J7 +88 9 2 EN J8 +88 9 2 EN J9 +88 9 2 EN J10 +88 9 2 EN J11 +88 9 2 EN J12 +88 9 2 EN J13 +88 9 2 EN J14 +88 9 2 EN J15 +88 9 2 EN J16 +88 9 2 EN J17 +88 9 2 EN J18 +88 9 2 EN J19 +88 9 2 EN J20 +88 9 2 EN J21 +88 9 2 EN J22 +88 9 2 EN J23 +88 9 2 EN J24 +88 9 2 EN J25 +88 9 2 EN J26 +88 9 2 EN J27 +88 9 2 EN J28 +88 9 2 EN J29 +88 9 2 EN J30 +88 9 2 EN J31 +88 9 2 EN J32 +88 9 2 EN J33 +88 9 2 EN J34 +88 9 2 EN J35 +88 9 2 EN J36 +88 9 2 EN J37 +88 9 2 EN J38 +88 9 2 EN J39 +88 9 2 EN J40 +88 9 3 ET G2 +88 9 4 EP C8 +88 9 5 IT H30 +88 9 6 ZZ F38 +88 9 7 IM D0 +88 10 1 EK A0 +88 10 1 EK A1 +88 10 1 EK A2 +88 10 1 EK A3 +88 10 1 EK A4 +88 10 1 EK A5 +88 10 1 EK A6 +88 10 1 EK A7 +88 10 1 EK A8 +88 10 1 EK A9 +88 10 1 EK A10 +88 10 1 EK A11 +88 10 1 EK A12 +88 10 1 EK A13 +88 10 1 EK A14 +88 10 1 EK A15 +88 10 1 EK A16 +88 10 1 EK A17 +88 10 1 EK A18 +88 10 1 EK A19 +88 10 1 EK A20 +88 10 1 EK A21 +88 10 1 EK A22 +88 10 1 EK A23 +88 10 1 EK A24 +88 10 1 EK A25 +88 10 1 EK A26 +88 10 1 EK A27 +88 10 1 EK A28 +88 10 1 EK A29 +88 10 1 EK A30 +88 10 1 EK A31 +88 10 1 EK A32 +88 10 1 EK A33 +88 10 1 EK A34 +88 10 1 EK A35 +88 10 1 EK A36 +88 10 1 EK A37 +88 10 1 EK A38 +88 10 1 EK A39 +88 10 1 EK A40 +88 10 2 EN J0 +88 10 2 EN J1 +88 10 2 EN J2 +88 10 2 EN J3 +88 10 2 EN J4 +88 10 2 EN J5 +88 10 2 EN J6 +88 10 2 EN J7 +88 10 2 EN J8 +88 10 2 EN J9 +88 10 2 EN J10 +88 10 2 EN J11 +88 10 2 EN J12 +88 10 2 EN J13 +88 10 2 EN J14 +88 10 2 EN J15 +88 10 2 EN J16 +88 10 2 EN J17 +88 10 2 EN J18 +88 10 2 EN J19 +88 10 2 EN J20 +88 10 2 EN J21 +88 10 2 EN J22 +88 10 2 EN J23 +88 10 2 EN J24 +88 10 2 EN J25 +88 10 2 EN J26 +88 10 2 EN J27 +88 10 2 EN J28 +88 10 2 EN J29 +88 10 2 EN J30 +88 10 2 EN J31 +88 10 2 EN J32 +88 10 2 EN J33 +88 10 2 EN J34 +88 10 2 EN J35 +88 10 2 EN J36 +88 10 2 EN J37 +88 10 2 EN J38 +88 10 2 EN J39 +88 10 2 EN J40 +88 10 3 IM E0 +88 10 4 ET F1 +88 10 5 EP C8 +88 10 6 TO G16 +88 10 6 TO H32 +88 10 7 IT F28 +88 10 8 ZZ C1 +88 11 1 EK A0 +88 11 1 EK A1 +88 11 1 EK A2 +88 11 1 EK A3 +88 11 1 EK A4 +88 11 1 EK A5 +88 11 1 EK A6 +88 11 1 EK A7 +88 11 1 EK A8 +88 11 1 EK A9 +88 11 1 EK A10 +88 11 1 EK A11 +88 11 1 EK A12 +88 11 1 EK A13 +88 11 1 EK A14 +88 11 1 EK A15 +88 11 1 EK A16 +88 11 1 EK A17 +88 11 1 EK A18 +88 11 1 EK A19 +88 11 1 EK A20 +88 11 1 EK A21 +88 11 1 EK A22 +88 11 1 EK A23 +88 11 1 EK A24 +88 11 1 EK A25 +88 11 1 EK A26 +88 11 1 EK A27 +88 11 1 EK A28 +88 11 1 EK A29 +88 11 1 EK A30 +88 11 1 EK A31 +88 11 1 EK A32 +88 11 1 EK A33 +88 11 1 EK A34 +88 11 1 EK A35 +88 11 1 EK A36 +88 11 1 EK A37 +88 11 1 EK A38 +88 11 1 EK A39 +88 11 1 EK A40 +88 11 2 EN J0 +88 11 2 EN J1 +88 11 2 EN J2 +88 11 2 EN J3 +88 11 2 EN J4 +88 11 2 EN J5 +88 11 2 EN J6 +88 11 2 EN J7 +88 11 2 EN J8 +88 11 2 EN J9 +88 11 2 EN J10 +88 11 2 EN J11 +88 11 2 EN J12 +88 11 2 EN J13 +88 11 2 EN J14 +88 11 2 EN J15 +88 11 2 EN J16 +88 11 2 EN J17 +88 11 2 EN J18 +88 11 2 EN J19 +88 11 2 EN J20 +88 11 2 EN J21 +88 11 2 EN J22 +88 11 2 EN J23 +88 11 2 EN J24 +88 11 2 EN J25 +88 11 2 EN J26 +88 11 2 EN J27 +88 11 2 EN J28 +88 11 2 EN J29 +88 11 2 EN J30 +88 11 2 EN J31 +88 11 2 EN J32 +88 11 2 EN J33 +88 11 2 EN J34 +88 11 2 EN J35 +88 11 2 EN J36 +88 11 2 EN J37 +88 11 2 EN J38 +88 11 2 EN J39 +88 11 2 EN J40 +88 11 3 ET G2 +88 11 4 EP C9 +88 11 5 IT F28 +88 11 6 IM C31 +88 11 7 ZZ D35 +88 11 8 TO F37 +88 12 1 IT G28 +88 12 2 ET C38 +88 12 2 ET D6 +88 12 2 ET G1 +88 12 2 ET G4 +88 12 2 ET H34 +88 12 3 TO D15 +88 12 3 TO H15 +88 12 4 EN I0 +88 12 5 EP B11 +88 12 5 EP F9 +88 12 6 EK A0 +88 12 7 IM F0 +88 13 1 IT E27 +88 13 1 IT H28 +88 13 1 IT I30 +88 13 2 ET E5 +88 13 3 ZZ E34 +88 13 3 ZZ G35 +88 13 4 TO D18 +88 13 4 TO I20 +88 13 5 EK A0 +88 13 6 IM I4 +88 13 7 EN E0 +88 13 7 EN J0 +88 13 8 EP C10 +88 14 1 IT F28 +88 14 2 JT E33 +88 14 2 JT I38 +88 14 3 KK G2 +88 14 3 KK H4 +88 14 4 DE B10 +88 14 5 TO D18 +88 14 5 TO F17 +88 14 5 TO G15 +88 14 6 DE B10 +88 14 7 EB G7 +88 14 8 EZ I20 +88 14 8 EZ J20 +88 14 9 ZZ C1 +88 14 10 EK A20 +88 15 1 IT E29 +88 15 2 EK A15 +88 15 3 EB H6 +88 15 4 DE C10 +88 15 5 TO F17 +88 15 6 EZ J17 +88 15 7 ZZ F40 +88 15 8 KK F4 +88 15 9 JT H38 +88 15 10 TS F28 +88 16 1 EK G1 +88 16 2 EZ J1 +88 16 3 TO F17 +88 16 4 EB H6 +88 16 5 ZZ G38 +88 16 6 OI C9 +88 16 7 EK A0 +88 16 8 JT H33 +88 16 9 IT H29 +88 17 1 IT G29 +88 17 2 TS C25 +88 17 3 ET G3 +88 17 4 EK A40 +88 17 5 TO E15 +88 17 6 EN J19 +88 17 7 EP C8 +88 17 8 ZZ E40 +88 18 1 EK A0 +88 18 1 EK A1 +88 18 1 EK A2 +88 18 1 EK A3 +88 18 1 EK A4 +88 18 1 EK A5 +88 18 1 EK A6 +88 18 1 EK A7 +88 18 1 EK A8 +88 18 1 EK A9 +88 18 1 EK A10 +88 18 1 EK A11 +88 18 1 EK A12 +88 18 1 EK A13 +88 18 1 EK A14 +88 18 1 EK A15 +88 18 1 EK A16 +88 18 1 EK A17 +88 18 1 EK A18 +88 18 1 EK A19 +88 18 1 EK A20 +88 18 1 EK A21 +88 18 1 EK A22 +88 18 1 EK A23 +88 18 1 EK A24 +88 18 1 EK A25 +88 18 1 EK A26 +88 18 1 EK A27 +88 18 1 EK A28 +88 18 1 EK A29 +88 18 1 EK A30 +88 18 1 EK A31 +88 18 1 EK A32 +88 18 1 EK A33 +88 18 1 EK A34 +88 18 1 EK A35 +88 18 1 EK A36 +88 18 1 EK A37 +88 18 1 EK A38 +88 18 1 EK A39 +88 18 1 EK A40 +88 18 2 EN J0 +88 18 2 EN J1 +88 18 2 EN J2 +88 18 2 EN J3 +88 18 2 EN J4 +88 18 2 EN J5 +88 18 2 EN J6 +88 18 2 EN J7 +88 18 2 EN J8 +88 18 2 EN J9 +88 18 2 EN J10 +88 18 2 EN J11 +88 18 2 EN J12 +88 18 2 EN J13 +88 18 2 EN J14 +88 18 2 EN J15 +88 18 2 EN J16 +88 18 2 EN J17 +88 18 2 EN J18 +88 18 2 EN J19 +88 18 2 EN J20 +88 18 2 EN J21 +88 18 2 EN J22 +88 18 2 EN J23 +88 18 2 EN J24 +88 18 2 EN J25 +88 18 2 EN J26 +88 18 2 EN J27 +88 18 2 EN J28 +88 18 2 EN J29 +88 18 2 EN J30 +88 18 2 EN J31 +88 18 2 EN J32 +88 18 2 EN J33 +88 18 2 EN J34 +88 18 2 EN J35 +88 18 2 EN J36 +88 18 2 EN J37 +88 18 2 EN J38 +88 18 2 EN J39 +88 18 2 EN J40 +88 18 3 EP C8 +88 18 4 EN H33 +88 18 5 ED B15 +88 18 5 ED D3 +88 18 5 ED F3 +88 18 6 TO D20 +88 18 7 IT G30 +88 19 1 EK A0 +88 19 1 EK A1 +88 19 1 EK A2 +88 19 1 EK A3 +88 19 1 EK A4 +88 19 1 EK A5 +88 19 1 EK A6 +88 19 1 EK A7 +88 19 1 EK A8 +88 19 1 EK A9 +88 19 1 EK A10 +88 19 1 EK A11 +88 19 1 EK A12 +88 19 1 EK A13 +88 19 1 EK A14 +88 19 1 EK A15 +88 19 1 EK A16 +88 19 1 EK A17 +88 19 1 EK A18 +88 19 1 EK A19 +88 19 1 EK A20 +88 19 1 EK A21 +88 19 1 EK A22 +88 19 1 EK A23 +88 19 1 EK A24 +88 19 1 EK A25 +88 19 1 EK A26 +88 19 1 EK A27 +88 19 1 EK A28 +88 19 1 EK A29 +88 19 1 EK A30 +88 19 1 EK A31 +88 19 1 EK A32 +88 19 1 EK A33 +88 19 1 EK A34 +88 19 1 EK A35 +88 19 1 EK A36 +88 19 1 EK A37 +88 19 1 EK A38 +88 19 1 EK A39 +88 19 1 EK A40 +88 19 2 EN J0 +88 19 2 EN J1 +88 19 2 EN J2 +88 19 2 EN J3 +88 19 2 EN J4 +88 19 2 EN J5 +88 19 2 EN J6 +88 19 2 EN J7 +88 19 2 EN J8 +88 19 2 EN J9 +88 19 2 EN J10 +88 19 2 EN J11 +88 19 2 EN J12 +88 19 2 EN J13 +88 19 2 EN J14 +88 19 2 EN J15 +88 19 2 EN J16 +88 19 2 EN J17 +88 19 2 EN J18 +88 19 2 EN J19 +88 19 2 EN J20 +88 19 2 EN J21 +88 19 2 EN J22 +88 19 2 EN J23 +88 19 2 EN J24 +88 19 2 EN J25 +88 19 2 EN J26 +88 19 2 EN J27 +88 19 2 EN J28 +88 19 2 EN J29 +88 19 2 EN J30 +88 19 2 EN J31 +88 19 2 EN J32 +88 19 2 EN J33 +88 19 2 EN J34 +88 19 2 EN J35 +88 19 2 EN J36 +88 19 2 EN J37 +88 19 2 EN J38 +88 19 2 EN J39 +88 19 2 EN J40 +88 19 3 ET B13 +88 19 3 ET G3 +88 19 4 TO E18 +88 19 5 IT F29 +88 19 6 ZZ D38 +88 19 7 IM I8 +88 20 1 EK A0 +88 20 1 EK A1 +88 20 1 EK A2 +88 20 1 EK A3 +88 20 1 EK A4 +88 20 1 EK A5 +88 20 1 EK A6 +88 20 1 EK A7 +88 20 1 EK A8 +88 20 1 EK A9 +88 20 1 EK A10 +88 20 1 EK A11 +88 20 1 EK A12 +88 20 1 EK A13 +88 20 1 EK A14 +88 20 1 EK A15 +88 20 1 EK A16 +88 20 1 EK A17 +88 20 1 EK A18 +88 20 1 EK A19 +88 20 1 EK A20 +88 20 1 EK A21 +88 20 1 EK A22 +88 20 1 EK A23 +88 20 1 EK A24 +88 20 1 EK A25 +88 20 1 EK A26 +88 20 1 EK A27 +88 20 1 EK A28 +88 20 1 EK A29 +88 20 1 EK A30 +88 20 1 EK A31 +88 20 1 EK A32 +88 20 1 EK A33 +88 20 1 EK A34 +88 20 1 EK A35 +88 20 1 EK A36 +88 20 1 EK A37 +88 20 1 EK A38 +88 20 1 EK A39 +88 20 1 EK A40 +88 20 2 EN J0 +88 20 2 EN J1 +88 20 2 EN J2 +88 20 2 EN J3 +88 20 2 EN J4 +88 20 2 EN J5 +88 20 2 EN J6 +88 20 2 EN J7 +88 20 2 EN J8 +88 20 2 EN J9 +88 20 2 EN J10 +88 20 2 EN J11 +88 20 2 EN J12 +88 20 2 EN J13 +88 20 2 EN J14 +88 20 2 EN J15 +88 20 2 EN J16 +88 20 2 EN J17 +88 20 2 EN J18 +88 20 2 EN J19 +88 20 2 EN J20 +88 20 2 EN J21 +88 20 2 EN J22 +88 20 2 EN J23 +88 20 2 EN J24 +88 20 2 EN J25 +88 20 2 EN J26 +88 20 2 EN J27 +88 20 2 EN J28 +88 20 2 EN J29 +88 20 2 EN J30 +88 20 2 EN J31 +88 20 2 EN J32 +88 20 2 EN J33 +88 20 2 EN J34 +88 20 2 EN J35 +88 20 2 EN J36 +88 20 2 EN J37 +88 20 2 EN J38 +88 20 2 EN J39 +88 20 2 EN J40 +88 20 3 IM F0 +88 20 4 ET G2 +88 20 5 EP C9 +88 20 6 TO H20 +88 20 7 IT H30 +88 20 8 JT I36 +88 20 9 JI I7 +88 20 10 ZZ D2 +88 21 1 EK A0 +88 21 1 EK A1 +88 21 1 EK A2 +88 21 1 EK A3 +88 21 1 EK A4 +88 21 1 EK A5 +88 21 1 EK A6 +88 21 1 EK A7 +88 21 1 EK A8 +88 21 1 EK A9 +88 21 1 EK A10 +88 21 1 EK A11 +88 21 1 EK A12 +88 21 1 EK A13 +88 21 1 EK A14 +88 21 1 EK A15 +88 21 1 EK A16 +88 21 1 EK A17 +88 21 1 EK A18 +88 21 1 EK A19 +88 21 1 EK A20 +88 21 1 EK A21 +88 21 1 EK A22 +88 21 1 EK A23 +88 21 1 EK A24 +88 21 1 EK A25 +88 21 1 EK A26 +88 21 1 EK A27 +88 21 1 EK A28 +88 21 1 EK A29 +88 21 1 EK A30 +88 21 1 EK A31 +88 21 1 EK A32 +88 21 1 EK A33 +88 21 1 EK A34 +88 21 1 EK A35 +88 21 1 EK A36 +88 21 1 EK A37 +88 21 1 EK A38 +88 21 1 EK A39 +88 21 1 EK A40 +88 21 2 EN J0 +88 21 2 EN J1 +88 21 2 EN J2 +88 21 2 EN J3 +88 21 2 EN J4 +88 21 2 EN J5 +88 21 2 EN J6 +88 21 2 EN J7 +88 21 2 EN J8 +88 21 2 EN J9 +88 21 2 EN J10 +88 21 2 EN J11 +88 21 2 EN J12 +88 21 2 EN J13 +88 21 2 EN J14 +88 21 2 EN J15 +88 21 2 EN J16 +88 21 2 EN J17 +88 21 2 EN J18 +88 21 2 EN J19 +88 21 2 EN J20 +88 21 2 EN J21 +88 21 2 EN J22 +88 21 2 EN J23 +88 21 2 EN J24 +88 21 2 EN J25 +88 21 2 EN J26 +88 21 2 EN J27 +88 21 2 EN J28 +88 21 2 EN J29 +88 21 2 EN J30 +88 21 2 EN J31 +88 21 2 EN J32 +88 21 2 EN J33 +88 21 2 EN J34 +88 21 2 EN J35 +88 21 2 EN J36 +88 21 2 EN J37 +88 21 2 EN J38 +88 21 2 EN J39 +88 21 2 EN J40 +88 21 3 ED G1 +88 21 4 EP C10 +88 21 5 NE I29 +88 21 6 EB H6 +88 22 1 EK A0 +88 22 1 EK A1 +88 22 1 EK A2 +88 22 1 EK A3 +88 22 1 EK A4 +88 22 1 EK A5 +88 22 1 EK A6 +88 22 1 EK A7 +88 22 1 EK A8 +88 22 1 EK A9 +88 22 1 EK A10 +88 22 1 EK A11 +88 22 1 EK A12 +88 22 1 EK A13 +88 22 1 EK A14 +88 22 1 EK A15 +88 22 1 EK A16 +88 22 1 EK A17 +88 22 1 EK A18 +88 22 1 EK A19 +88 22 1 EK A20 +88 22 1 EK A21 +88 22 1 EK A22 +88 22 1 EK A23 +88 22 1 EK A24 +88 22 1 EK A25 +88 22 1 EK A26 +88 22 1 EK A27 +88 22 1 EK A28 +88 22 1 EK A29 +88 22 1 EK A30 +88 22 1 EK A31 +88 22 1 EK A32 +88 22 1 EK A33 +88 22 1 EK A34 +88 22 1 EK A35 +88 22 1 EK A36 +88 22 1 EK A37 +88 22 1 EK A38 +88 22 1 EK A39 +88 22 1 EK A40 +88 22 2 EN J0 +88 22 2 EN J1 +88 22 2 EN J2 +88 22 2 EN J3 +88 22 2 EN J4 +88 22 2 EN J5 +88 22 2 EN J6 +88 22 2 EN J7 +88 22 2 EN J8 +88 22 2 EN J9 +88 22 2 EN J10 +88 22 2 EN J11 +88 22 2 EN J12 +88 22 2 EN J13 +88 22 2 EN J14 +88 22 2 EN J15 +88 22 2 EN J16 +88 22 2 EN J17 +88 22 2 EN J18 +88 22 2 EN J19 +88 22 2 EN J20 +88 22 2 EN J21 +88 22 2 EN J22 +88 22 2 EN J23 +88 22 2 EN J24 +88 22 2 EN J25 +88 22 2 EN J26 +88 22 2 EN J27 +88 22 2 EN J28 +88 22 2 EN J29 +88 22 2 EN J30 +88 22 2 EN J31 +88 22 2 EN J32 +88 22 2 EN J33 +88 22 2 EN J34 +88 22 2 EN J35 +88 22 2 EN J36 +88 22 2 EN J37 +88 22 2 EN J38 +88 22 2 EN J39 +88 22 2 EN J40 +88 22 3 IT H28 +88 22 3 IT H29 +88 22 4 ET H2 +88 22 5 EP C10 +88 22 5 EP C11 +88 22 6 IM H7 +88 22 7 ZZ G39 +88 22 7 ZZ G40 +88 23 1 EK A0 +88 23 1 EK A1 +88 23 1 EK A2 +88 23 1 EK A3 +88 23 1 EK A4 +88 23 1 EK A5 +88 23 1 EK A6 +88 23 1 EK A7 +88 23 1 EK A8 +88 23 1 EK A9 +88 23 1 EK A10 +88 23 1 EK A11 +88 23 1 EK A12 +88 23 1 EK A13 +88 23 1 EK A14 +88 23 1 EK A15 +88 23 1 EK A16 +88 23 1 EK A17 +88 23 1 EK A18 +88 23 1 EK A19 +88 23 1 EK A20 +88 23 1 EK A21 +88 23 1 EK A22 +88 23 1 EK A23 +88 23 1 EK A24 +88 23 1 EK A25 +88 23 1 EK A26 +88 23 1 EK A27 +88 23 1 EK A28 +88 23 1 EK A29 +88 23 1 EK A30 +88 23 1 EK A31 +88 23 1 EK A32 +88 23 1 EK A33 +88 23 1 EK A34 +88 23 1 EK A35 +88 23 1 EK A36 +88 23 1 EK A37 +88 23 1 EK A38 +88 23 1 EK A39 +88 23 1 EK A40 +88 23 2 EN J0 +88 23 2 EN J1 +88 23 2 EN J2 +88 23 2 EN J3 +88 23 2 EN J4 +88 23 2 EN J5 +88 23 2 EN J6 +88 23 2 EN J7 +88 23 2 EN J8 +88 23 2 EN J9 +88 23 2 EN J10 +88 23 2 EN J11 +88 23 2 EN J12 +88 23 2 EN J13 +88 23 2 EN J14 +88 23 2 EN J15 +88 23 2 EN J16 +88 23 2 EN J17 +88 23 2 EN J18 +88 23 2 EN J19 +88 23 2 EN J20 +88 23 2 EN J21 +88 23 2 EN J22 +88 23 2 EN J23 +88 23 2 EN J24 +88 23 2 EN J25 +88 23 2 EN J26 +88 23 2 EN J27 +88 23 2 EN J28 +88 23 2 EN J29 +88 23 2 EN J30 +88 23 2 EN J31 +88 23 2 EN J32 +88 23 2 EN J33 +88 23 2 EN J34 +88 23 2 EN J35 +88 23 2 EN J36 +88 23 2 EN J37 +88 23 2 EN J38 +88 23 2 EN J39 +88 23 2 EN J40 +88 23 3 EP C8 +88 23 4 ET G40 +88 23 5 TO D16 +88 23 6 IT F28 +88 23 7 ZZ E36 +88 24 1 ET A0 +88 24 1 ET A1 +88 24 1 ET A2 +88 24 1 ET A3 +88 24 1 ET A4 +88 24 1 ET A5 +88 24 1 ET A6 +88 24 1 ET A7 +88 24 1 ET A8 +88 24 1 ET A9 +88 24 1 ET A10 +88 24 1 ET A11 +88 24 1 ET A12 +88 24 1 ET A13 +88 24 1 ET A14 +88 24 1 ET A15 +88 24 1 ET A16 +88 24 1 ET A17 +88 24 1 ET A18 +88 24 1 ET A19 +88 24 1 ET A20 +88 24 1 ET A21 +88 24 1 ET A22 +88 24 1 ET A23 +88 24 1 ET A24 +88 24 1 ET A25 +88 24 1 ET A26 +88 24 1 ET A27 +88 24 1 ET A28 +88 24 1 ET A29 +88 24 1 ET A30 +88 24 1 ET A31 +88 24 1 ET A32 +88 24 1 ET A33 +88 24 1 ET A34 +88 24 1 ET A35 +88 24 1 ET A36 +88 24 1 ET A37 +88 24 1 ET A38 +88 24 1 ET A39 +88 24 1 ET A40 +88 24 2 EN J0 +88 24 2 EN J1 +88 24 2 EN J2 +88 24 2 EN J3 +88 24 2 EN J4 +88 24 2 EN J5 +88 24 2 EN J6 +88 24 2 EN J7 +88 24 2 EN J8 +88 24 2 EN J9 +88 24 2 EN J10 +88 24 2 EN J11 +88 24 2 EN J12 +88 24 2 EN J13 +88 24 2 EN J14 +88 24 2 EN J15 +88 24 2 EN J16 +88 24 2 EN J17 +88 24 2 EN J18 +88 24 2 EN J19 +88 24 2 EN J20 +88 24 2 EN J21 +88 24 2 EN J22 +88 24 2 EN J23 +88 24 2 EN J24 +88 24 2 EN J25 +88 24 2 EN J26 +88 24 2 EN J27 +88 24 2 EN J28 +88 24 2 EN J29 +88 24 2 EN J30 +88 24 2 EN J31 +88 24 2 EN J32 +88 24 2 EN J33 +88 24 2 EN J34 +88 24 2 EN J35 +88 24 2 EN J36 +88 24 2 EN J37 +88 24 2 EN J38 +88 24 2 EN J39 +88 24 2 EN J40 +88 24 3 EP D6 +88 24 4 ET H1 +88 24 5 IM F0 +88 24 6 ZZ F39 +88 24 7 TO G17 +88 24 8 IT H29 +89 1 1 B A6 +89 1 2 K C9 +89 1 3 M F24 +89 1 4 G H6 +89 1 5 L I4 +89 1 6 S I3 +89 1 7 N J1 +89 1 8 R G3 +89 2 1 K C9 +89 2 2 M F29 +89 2 3 B A40 +89 2 4 S H40 +89 2 5 N J32 +89 2 6 L I31 +89 2 7 G H9 +89 2 8 R G1 +89 3 1 K C11 +89 3 2 M E16 +89 3 3 B A27 +89 3 4 N J38 +89 3 5 R F5 +89 4 1 B A0 +89 4 2 K C11 +89 4 3 M E28 +89 4 4 S H33 +89 4 5 N J32 +89 4 6 L H18 +89 4 7 G F10 +89 4 8 R G1 +89 5 1 K D7 +89 5 2 P E22 +89 5 3 B A27 +89 5 4 L I30 +89 5 5 M G27 +89 5 6 N J14 +89 5 7 A F13 +89 5 8 R G2 +89 6 1 B A9 +89 6 2 K E9 +89 6 3 M E16 +89 6 4 N J6 +89 6 5 R F2 +89 7 1 B A0 +89 7 1 B A1 +89 7 1 B A2 +89 7 1 B A3 +89 7 1 B A4 +89 7 1 B A5 +89 7 1 B A6 +89 7 1 B A7 +89 7 1 B A8 +89 7 1 B A9 +89 7 1 B A10 +89 7 1 B A11 +89 7 1 B A12 +89 7 1 B A13 +89 7 1 B A14 +89 7 1 B A15 +89 7 1 B A16 +89 7 1 B A17 +89 7 1 B A18 +89 7 1 B A19 +89 7 1 B A20 +89 7 1 B A21 +89 7 1 B A22 +89 7 1 B A23 +89 7 1 B A24 +89 7 1 B A25 +89 7 1 B A26 +89 7 1 B A27 +89 7 1 B A28 +89 7 1 B A29 +89 7 1 B A30 +89 7 1 B A31 +89 7 1 B A32 +89 7 1 B A33 +89 7 1 B A34 +89 7 1 B A35 +89 7 1 B A36 +89 7 1 B A37 +89 7 1 B A38 +89 7 1 B A39 +89 7 1 B A40 +89 7 2 K C11 +89 7 3 P C21 +89 7 4 M F29 +89 7 5 R H3 +89 7 6 N J0 +89 7 6 N J1 +89 7 6 N J2 +89 7 6 N J3 +89 7 6 N J4 +89 7 6 N J5 +89 7 6 N J6 +89 7 6 N J7 +89 7 6 N J8 +89 7 6 N J9 +89 7 6 N J10 +89 7 6 N J11 +89 7 6 N J12 +89 7 6 N J13 +89 7 6 N J14 +89 7 6 N J15 +89 7 6 N J16 +89 7 6 N J17 +89 7 6 N J18 +89 7 6 N J19 +89 7 6 N J20 +89 7 6 N J21 +89 7 6 N J22 +89 7 6 N J23 +89 7 6 N J24 +89 7 6 N J25 +89 7 6 N J26 +89 7 6 N J27 +89 7 6 N J28 +89 7 6 N J29 +89 7 6 N J30 +89 7 6 N J31 +89 7 6 N J32 +89 7 6 N J33 +89 7 6 N J34 +89 7 6 N J35 +89 7 6 N J36 +89 7 6 N J37 +89 7 6 N J38 +89 7 6 N J39 +89 7 6 N J40 +89 8 1 B A0 +89 8 1 B A1 +89 8 1 B A2 +89 8 1 B A3 +89 8 1 B A4 +89 8 1 B A5 +89 8 1 B A6 +89 8 1 B A7 +89 8 1 B A8 +89 8 1 B A9 +89 8 1 B A10 +89 8 1 B A11 +89 8 1 B A12 +89 8 1 B A13 +89 8 1 B A14 +89 8 1 B A15 +89 8 1 B A16 +89 8 1 B A17 +89 8 1 B A18 +89 8 1 B A19 +89 8 1 B A20 +89 8 1 B A21 +89 8 1 B A22 +89 8 1 B A23 +89 8 1 B A24 +89 8 1 B A25 +89 8 1 B A26 +89 8 1 B A27 +89 8 1 B A28 +89 8 1 B A29 +89 8 1 B A30 +89 8 1 B A31 +89 8 1 B A32 +89 8 1 B A33 +89 8 1 B A34 +89 8 1 B A35 +89 8 1 B A36 +89 8 1 B A37 +89 8 1 B A38 +89 8 1 B A39 +89 8 1 B A40 +89 8 2 K D8 +89 8 2 K D9 +89 8 2 K D10 +89 8 2 K D11 +89 8 3 S H36 +89 8 3 S H37 +89 8 3 S H38 +89 8 3 S I36 +89 8 3 S I37 +89 8 3 S I38 +89 8 3 S I39 +89 8 3 S I40 +89 8 4 M G17 +89 8 4 M G18 +89 8 4 M G19 +89 8 4 M G20 +89 8 4 M G21 +89 8 4 M G22 +89 8 5 N J0 +89 8 5 N J1 +89 8 5 N J2 +89 8 5 N J3 +89 8 5 N J4 +89 8 5 N J5 +89 8 5 N J6 +89 8 5 N J7 +89 8 5 N J8 +89 8 5 N J9 +89 8 5 N J10 +89 8 5 N J11 +89 8 5 N J12 +89 8 5 N J13 +89 8 5 N J14 +89 8 5 N J15 +89 8 5 N J16 +89 8 5 N J17 +89 8 5 N J18 +89 8 5 N J19 +89 8 5 N J20 +89 8 5 N J21 +89 8 5 N J22 +89 8 5 N J23 +89 8 5 N J24 +89 8 5 N J25 +89 8 5 N J26 +89 8 5 N J27 +89 8 5 N J28 +89 8 5 N J29 +89 8 5 N J30 +89 8 5 N J31 +89 8 5 N J32 +89 8 5 N J33 +89 8 5 N J34 +89 8 5 N J35 +89 8 5 N J36 +89 8 5 N J37 +89 8 5 N J38 +89 8 5 N J39 +89 8 5 N J40 +89 8 6 R G1 +89 8 7 I D0 +89 8 7 I E0 +89 8 7 I F0 +89 9 1 B A0 +89 9 1 B A1 +89 9 1 B A2 +89 9 1 B A3 +89 9 1 B A4 +89 9 1 B A5 +89 9 1 B A6 +89 9 1 B A7 +89 9 1 B A8 +89 9 1 B A9 +89 9 1 B A10 +89 9 1 B A11 +89 9 1 B A12 +89 9 1 B A13 +89 9 1 B A14 +89 9 1 B A15 +89 9 1 B A16 +89 9 1 B A17 +89 9 1 B A18 +89 9 1 B A19 +89 9 1 B A20 +89 9 1 B A21 +89 9 1 B A22 +89 9 1 B A23 +89 9 1 B A24 +89 9 1 B A25 +89 9 1 B A26 +89 9 1 B A27 +89 9 1 B A28 +89 9 1 B A29 +89 9 1 B A30 +89 9 1 B A31 +89 9 1 B A32 +89 9 1 B A33 +89 9 1 B A34 +89 9 1 B A35 +89 9 1 B A36 +89 9 1 B A37 +89 9 1 B A38 +89 9 1 B A39 +89 9 1 B A40 +89 9 2 R E3 +89 9 3 K C11 +89 9 4 M E25 +89 9 5 N J0 +89 9 5 N J1 +89 9 5 N J2 +89 9 5 N J3 +89 9 5 N J4 +89 9 5 N J5 +89 9 5 N J6 +89 9 5 N J7 +89 9 5 N J8 +89 9 5 N J9 +89 9 5 N J10 +89 9 5 N J11 +89 9 5 N J12 +89 9 5 N J13 +89 9 5 N J14 +89 9 5 N J15 +89 9 5 N J16 +89 9 5 N J17 +89 9 5 N J18 +89 9 5 N J19 +89 9 5 N J20 +89 9 5 N J21 +89 9 5 N J22 +89 9 5 N J23 +89 9 5 N J24 +89 9 5 N J25 +89 9 5 N J26 +89 9 5 N J27 +89 9 5 N J28 +89 9 5 N J29 +89 9 5 N J30 +89 9 5 N J31 +89 9 5 N J32 +89 9 5 N J33 +89 9 5 N J34 +89 9 5 N J35 +89 9 5 N J36 +89 9 5 N J37 +89 9 5 N J38 +89 9 5 N J39 +89 9 5 N J40 +89 10 1 B A0 +89 10 2 P B2 +89 10 3 K C9 +89 10 4 G F8 +89 10 5 S H36 +89 10 6 M H30 +89 10 7 N J3 +89 10 8 R G1 +89 11 1 K C8 +89 11 2 B A20 +89 11 3 M G27 +89 11 4 N J0 +89 11 5 R F1 +89 12 1 K C11 +89 12 2 B A10 +89 12 3 P B21 +89 12 4 M C20 +89 12 5 S H37 +89 12 6 N J31 +89 12 7 R G3 +89 13 1 B A1 +89 13 2 K C8 +89 13 3 M G30 +89 13 4 R F4 +89 13 5 S H2 +89 13 6 N J1 +89 14 1 A D3 +89 14 2 K C9 +89 14 3 B A38 +89 14 4 S G37 +89 14 5 R H39 +89 14 6 N J36 +89 14 7 M G29 +89 15 1 K B13 +89 15 2 B A21 +89 15 3 M E28 +89 15 4 S D38 +89 15 5 N J0 +89 15 5 N J1 +89 15 5 N J2 +89 15 5 N J3 +89 15 5 N J4 +89 15 5 N J5 +89 15 5 N J6 +89 15 5 N J7 +89 15 5 N J8 +89 15 5 N J9 +89 15 5 N J10 +89 15 5 N J11 +89 15 5 N J12 +89 15 5 N J13 +89 15 5 N J14 +89 15 5 N J15 +89 15 5 N J16 +89 15 5 N J17 +89 15 5 N J18 +89 15 5 N J19 +89 15 5 N J20 +89 15 5 N J21 +89 15 5 N J22 +89 15 5 N J23 +89 15 5 N J24 +89 15 5 N J25 +89 15 5 N J26 +89 15 5 N J27 +89 15 5 N J28 +89 15 5 N J29 +89 15 5 N J30 +89 15 5 N J31 +89 15 5 N J32 +89 15 5 N J33 +89 15 5 N J34 +89 15 5 N J35 +89 15 5 N J36 +89 15 5 N J37 +89 15 5 N J38 +89 15 5 N J39 +89 15 5 N J40 +89 15 6 R F4 +89 16 1 B A0 +89 16 1 B A1 +89 16 1 B A2 +89 16 1 B A3 +89 16 1 B A4 +89 16 1 B A5 +89 16 1 B A6 +89 16 1 B A7 +89 16 1 B A8 +89 16 1 B A9 +89 16 1 B A10 +89 16 1 B A11 +89 16 1 B A12 +89 16 1 B A13 +89 16 1 B A14 +89 16 1 B A15 +89 16 1 B A16 +89 16 1 B A17 +89 16 1 B A18 +89 16 1 B A19 +89 16 1 B A20 +89 16 1 B A21 +89 16 1 B A22 +89 16 1 B A23 +89 16 1 B A24 +89 16 1 B A25 +89 16 1 B A26 +89 16 1 B A27 +89 16 1 B A28 +89 16 1 B A29 +89 16 1 B A30 +89 16 1 B A31 +89 16 1 B A32 +89 16 1 B A33 +89 16 1 B A34 +89 16 1 B A35 +89 16 1 B A36 +89 16 1 B A37 +89 16 1 B A38 +89 16 1 B A39 +89 16 1 B A40 +89 16 2 K C9 +89 16 3 P H36 +89 16 4 M G18 +89 16 5 N J0 +89 16 5 N J1 +89 16 5 N J2 +89 16 5 N J3 +89 16 5 N J4 +89 16 5 N J5 +89 16 5 N J6 +89 16 5 N J7 +89 16 5 N J8 +89 16 5 N J9 +89 16 5 N J10 +89 16 5 N J11 +89 16 5 N J12 +89 16 5 N J13 +89 16 5 N J14 +89 16 5 N J15 +89 16 5 N J16 +89 16 5 N J17 +89 16 5 N J18 +89 16 5 N J19 +89 16 5 N J20 +89 16 5 N J21 +89 16 5 N J22 +89 16 5 N J23 +89 16 5 N J24 +89 16 5 N J25 +89 16 5 N J26 +89 16 5 N J27 +89 16 5 N J28 +89 16 5 N J29 +89 16 5 N J30 +89 16 5 N J31 +89 16 5 N J32 +89 16 5 N J33 +89 16 5 N J34 +89 16 5 N J35 +89 16 5 N J36 +89 16 5 N J37 +89 16 5 N J38 +89 16 5 N J39 +89 16 5 N J40 +89 16 6 I I0 +89 16 7 S H1 +89 16 8 R F1 +89 17 1 K C10 +89 17 2 B A29 +89 17 3 L I39 +89 17 4 N J30 +89 17 5 M H29 +89 17 6 P I2 +89 17 7 S I1 +89 17 8 R G3 +89 18 1 K C10 +89 18 2 B A14 +89 18 3 S H38 +89 18 4 M G26 +89 18 5 L I20 +89 18 6 N J1 +89 18 7 G G0 +89 18 8 R G1 +89 18 9 A E0 +89 19 1 B A0 +89 19 2 G C4 +89 19 3 A C9 +89 19 4 K C13 +89 19 5 S F37 +89 19 6 L I31 +89 19 7 M E25 +89 19 8 N J24 +89 19 9 R F2 +89 20 1 K C8 +89 20 2 M B15 +89 20 3 B A37 +89 20 4 S E38 +89 20 5 N J40 +89 20 6 P H36 +89 20 7 R E2 +89 21 1 B A8 +89 21 2 K B11 +89 21 3 R F40 +89 21 4 S I36 +89 21 5 M G30 +89 21 6 N J0 +89 22 1 K C11 +89 22 2 B A20 +89 22 3 N J39 +89 22 4 R G39 +89 22 5 S I38 +89 22 6 P H31 +89 22 7 M G28 +89 23 1 K B13 +89 23 2 M F28 +89 23 3 B A40 +89 23 4 R F40 +89 23 5 P I40 +89 23 6 N J40 +89 24 1 B A1 +89 24 2 K D8 +89 24 3 R F40 +89 24 4 S I40 +89 24 5 M G29 +89 24 6 A I9 +89 24 7 N J0 +89 24 7 N J1 +89 24 7 N J2 +89 24 7 N J3 +89 24 7 N J4 +89 24 7 N J5 +89 24 7 N J6 +89 24 7 N J7 +89 24 7 N J8 +89 24 7 N J9 +89 24 7 N J10 +89 24 7 N J11 +89 24 7 N J12 +89 24 7 N J13 +89 24 7 N J14 +89 24 7 N J15 +89 24 7 N J16 +89 24 7 N J17 +89 24 7 N J18 +89 24 7 N J19 +89 24 7 N J20 +89 24 7 N J21 +89 24 7 N J22 +89 24 7 N J23 +89 24 7 N J24 +89 24 7 N J25 +89 24 7 N J26 +89 24 7 N J27 +89 24 7 N J28 +89 24 7 N J29 +89 24 7 N J30 +89 24 7 N J31 +89 24 7 N J32 +89 24 7 N J33 +89 24 7 N J34 +89 24 7 N J35 +89 24 7 N J36 +89 24 7 N J37 +89 24 7 N J38 +89 24 7 N J39 +89 24 7 N J40 +89 25 1 K C11 +89 25 2 B A14 +89 25 3 M E19 +89 25 4 N J19 +89 25 5 R G1 +89 26 1 B A0 +89 26 1 B A1 +89 26 1 B A2 +89 26 1 B A3 +89 26 1 B A4 +89 26 1 B A5 +89 26 1 B A6 +89 26 1 B A7 +89 26 1 B A8 +89 26 1 B A9 +89 26 1 B A10 +89 26 1 B A11 +89 26 1 B A12 +89 26 1 B A13 +89 26 1 B A14 +89 26 1 B A15 +89 26 1 B A16 +89 26 1 B A17 +89 26 1 B A18 +89 26 1 B A19 +89 26 1 B A20 +89 26 1 B A21 +89 26 1 B A22 +89 26 1 B A23 +89 26 1 B A24 +89 26 1 B A25 +89 26 1 B A26 +89 26 1 B A27 +89 26 1 B A28 +89 26 1 B A29 +89 26 1 B A30 +89 26 1 B A31 +89 26 1 B A32 +89 26 1 B A33 +89 26 1 B A34 +89 26 1 B A35 +89 26 1 B A36 +89 26 1 B A37 +89 26 1 B A38 +89 26 1 B A39 +89 26 1 B A40 +89 26 2 R G1 +89 26 3 M G30 +89 26 4 G H5 +89 26 5 S H2 +89 26 6 N J0 +89 26 6 N J1 +89 26 6 N J2 +89 26 6 N J3 +89 26 6 N J4 +89 26 6 N J5 +89 26 6 N J6 +89 26 6 N J7 +89 26 6 N J8 +89 26 6 N J9 +89 26 6 N J10 +89 26 6 N J11 +89 26 6 N J12 +89 26 6 N J13 +89 26 6 N J14 +89 26 6 N J15 +89 26 6 N J16 +89 26 6 N J17 +89 26 6 N J18 +89 26 6 N J19 +89 26 6 N J20 +89 26 6 N J21 +89 26 6 N J22 +89 26 6 N J23 +89 26 6 N J24 +89 26 6 N J25 +89 26 6 N J26 +89 26 6 N J27 +89 26 6 N J28 +89 26 6 N J29 +89 26 6 N J30 +89 26 6 N J31 +89 26 6 N J32 +89 26 6 N J33 +89 26 6 N J34 +89 26 6 N J35 +89 26 6 N J36 +89 26 6 N J37 +89 26 6 N J38 +89 26 6 N J39 +89 26 6 N J40 +89 26 7 K C11 +90 1 1 K A0 +90 1 2 S F7 +90 1 3 N I3 +90 1 3 N I4 +90 1 3 N I5 +90 1 3 N I6 +90 1 3 N I7 +90 1 3 N I8 +90 1 3 N I9 +90 1 3 N I10 +90 1 3 N I11 +90 1 4 I F12 +90 1 5 E G28 +90 1 6 Y C11 +90 2 1 E E27 +90 2 2 N J0 +90 2 3 I H2 +90 2 4 S E6 +90 2 5 A D0 +90 2 6 Y D6 +90 2 7 K A0 +90 3 1 Y C8 +90 3 2 N J0 +90 3 3 I H3 +90 3 4 E H30 +90 3 5 K A0 +90 3 6 A B40 +90 4 1 K A0 +90 4 2 S D4 +90 4 3 I H3 +90 4 4 N J0 +90 4 5 E G21 +90 4 6 Y C9 +90 5 1 S C4 +90 5 2 Y C10 +90 5 3 I F4 +90 5 4 N J0 +90 5 5 E H31 +90 5 6 K A0 +90 6 1 K A0 +90 6 2 I G3 +90 6 3 S G5 +90 6 4 E G18 +90 6 5 N J0 +90 6 6 Y C10 +90 7 1 Y C9 +90 7 2 K A0 +90 7 3 N J0 +90 7 4 E F29 +90 7 5 I F40 +90 8 1 S C4 +90 8 2 Y D7 +90 8 3 N J0 +90 8 4 E G18 +90 8 5 I G40 +90 8 6 A B21 +90 8 7 K A0 +90 9 1 Y C9 +90 9 2 K A0 +90 9 3 I F40 +90 9 4 E G18 +90 9 5 N J0 +90 10 1 A B1 +90 10 2 Y C8 +90 10 3 E F20 +90 10 4 N J0 +90 10 5 I G40 +90 10 6 S E40 +90 10 7 K A0 +90 11 1 Y D8 +90 11 2 N J0 +90 11 3 E G18 +90 11 4 I G40 +90 11 5 K A0 +90 12 1 K A0 +90 12 2 N J0 +90 12 3 S D40 +90 12 4 I G40 +90 12 5 E F29 +90 12 6 Y C10 +90 13 1 N J0 +90 13 2 K A0 +90 13 3 S D3 +90 13 4 I G39 +90 13 5 E E24 +90 13 6 Y C13 +90 14 1 K A0 +90 14 2 N J0 +90 14 3 E F27 +90 14 4 S G40 +90 14 5 I F40 +90 14 6 Y C11 +90 15 1 K A0 +90 15 2 N J0 +90 15 3 S G3 +90 15 4 I F2 +90 15 5 E F17 +90 15 6 Y C10 +90 16 1 K A0 +90 16 2 N J0 +90 16 3 I G40 +90 16 4 E F19 +90 16 5 A C0 +90 16 6 S D7 +90 16 7 Y C9 +90 17 1 K A0 +90 17 2 N J0 +90 17 3 S E39 +90 17 4 E F29 +90 17 5 I G1 +90 17 6 Y C9 +90 17 7 A B20 +90 18 1 K A0 +90 18 2 N J0 +90 18 3 S C38 +90 18 4 I F39 +90 18 5 E D16 +90 18 6 Y C10 +90 19 1 K A0 +90 19 2 N J0 +90 19 3 S F40 +90 19 4 E G19 +90 19 5 I F1 +90 19 6 Y C8 +90 20 1 N J0 +90 20 2 K A0 +90 20 3 S E5 +90 20 4 Y D9 +90 20 5 E G23 +90 20 6 A B17 +90 20 6 A B18 +90 20 6 A B19 +90 20 6 A B20 +90 20 7 I H40 +90 21 1 Y D7 +90 21 2 S F3 +90 21 3 I G3 +90 21 4 N J0 +90 21 5 E H30 +90 21 6 A B23 +90 21 7 K A0 +90 22 1 K A0 +90 22 2 A C39 +90 22 2 A C40 +90 22 3 S E40 +90 22 4 I G2 +90 22 5 N J0 +90 22 6 E F27 +90 22 7 Y C9 +90 23 1 A B3 +90 23 1 A B4 +90 23 1 A B5 +90 23 2 S D4 +90 23 3 Y C9 +90 23 4 E E17 +90 23 5 K A0 +90 23 6 N J0 +90 23 7 I F4 +90 24 1 A B22 +90 24 1 A B23 +90 24 1 A B24 +90 24 2 S F4 +90 24 3 N J0 +90 24 4 E H29 +90 24 5 I G39 +90 24 6 K A0 +90 24 7 Y C8 +90 25 1 N J0 +90 25 2 K A0 +90 25 3 S E7 +90 25 4 Y C9 +90 25 5 E G22 +90 25 6 I G3 +90 25 7 A C31 +91 1 1 PS A0 +91 1 1 PS A1 +91 1 1 PS A2 +91 1 1 PS A3 +91 1 1 PS A4 +91 1 1 PS A5 +91 1 1 PS A6 +91 1 1 PS A7 +91 1 1 PS A8 +91 1 1 PS A9 +91 1 1 PS A10 +91 1 1 PS A11 +91 1 1 PS A12 +91 1 1 PS A13 +91 1 1 PS A14 +91 1 1 PS A15 +91 1 1 PS A16 +91 1 1 PS A17 +91 1 1 PS A18 +91 1 1 PS A19 +91 1 1 PS A20 +91 1 1 PS A21 +91 1 1 PS A22 +91 1 1 PS A23 +91 1 1 PS A24 +91 1 1 PS A25 +91 1 1 PS A26 +91 1 1 PS A27 +91 1 1 PS A28 +91 1 1 PS A29 +91 1 1 PS A30 +91 1 1 PS A31 +91 1 1 PS A32 +91 1 1 PS A33 +91 1 1 PS A34 +91 1 1 PS A35 +91 1 1 PS A36 +91 1 1 PS A37 +91 1 1 PS A38 +91 1 1 PS A39 +91 1 1 PS A40 +91 1 2 SH D40 +91 1 3 DR G40 +91 1 4 ID I35 +91 1 5 UD H30 +91 1 6 UR F28 +91 1 7 DA I18 +91 1 8 DB J0 +91 1 8 DB J1 +91 1 8 DB J2 +91 1 8 DB J3 +91 1 8 DB J4 +91 1 8 DB J5 +91 1 8 DB J6 +91 1 8 DB J7 +91 1 8 DB J8 +91 1 8 DB J9 +91 1 8 DB J10 +91 1 8 DB J11 +91 1 8 DB J12 +91 1 8 DB J13 +91 1 8 DB J14 +91 1 8 DB J15 +91 1 8 DB J16 +91 1 8 DB J17 +91 1 8 DB J18 +91 1 8 DB J19 +91 1 8 DB J20 +91 1 8 DB J21 +91 1 8 DB J22 +91 1 8 DB J23 +91 1 8 DB J24 +91 1 8 DB J25 +91 1 8 DB J26 +91 1 8 DB J27 +91 1 8 DB J28 +91 1 8 DB J29 +91 1 8 DB J30 +91 1 8 DB J31 +91 1 8 DB J32 +91 1 8 DB J33 +91 1 8 DB J34 +91 1 8 DB J35 +91 1 8 DB J36 +91 1 8 DB J37 +91 1 8 DB J38 +91 1 8 DB J39 +91 1 8 DB J40 +91 1 9 CZ G6 +91 1 10 BU E2 +91 1 11 MA E5 +91 1 12 TD C8 +91 3 1 PS A0 +91 3 1 PS A1 +91 3 1 PS A2 +91 3 1 PS A3 +91 3 1 PS A4 +91 3 1 PS A5 +91 3 1 PS A6 +91 3 1 PS A7 +91 3 1 PS A8 +91 3 1 PS A9 +91 3 1 PS A10 +91 3 1 PS A11 +91 3 1 PS A12 +91 3 1 PS A13 +91 3 1 PS A14 +91 3 1 PS A15 +91 3 1 PS A16 +91 3 1 PS A17 +91 3 1 PS A18 +91 3 1 PS A19 +91 3 1 PS A20 +91 3 1 PS A21 +91 3 1 PS A22 +91 3 1 PS A23 +91 3 1 PS A24 +91 3 1 PS A25 +91 3 1 PS A26 +91 3 1 PS A27 +91 3 1 PS A28 +91 3 1 PS A29 +91 3 1 PS A30 +91 3 1 PS A31 +91 3 1 PS A32 +91 3 1 PS A33 +91 3 1 PS A34 +91 3 1 PS A35 +91 3 1 PS A36 +91 3 1 PS A37 +91 3 1 PS A38 +91 3 1 PS A39 +91 3 1 PS A40 +91 3 2 DB J0 +91 3 2 DB J1 +91 3 2 DB J2 +91 3 2 DB J3 +91 3 2 DB J4 +91 3 2 DB J5 +91 3 2 DB J6 +91 3 2 DB J7 +91 3 2 DB J8 +91 3 2 DB J9 +91 3 2 DB J10 +91 3 2 DB J11 +91 3 2 DB J12 +91 3 2 DB J13 +91 3 2 DB J14 +91 3 2 DB J15 +91 3 2 DB J16 +91 3 2 DB J17 +91 3 2 DB J18 +91 3 2 DB J19 +91 3 2 DB J20 +91 3 2 DB J21 +91 3 2 DB J22 +91 3 2 DB J23 +91 3 2 DB J24 +91 3 2 DB J25 +91 3 2 DB J26 +91 3 2 DB J27 +91 3 2 DB J28 +91 3 2 DB J29 +91 3 2 DB J30 +91 3 2 DB J31 +91 3 2 DB J32 +91 3 2 DB J33 +91 3 2 DB J34 +91 3 2 DB J35 +91 3 2 DB J36 +91 3 2 DB J37 +91 3 2 DB J38 +91 3 2 DB J39 +91 3 2 DB J40 +91 3 3 DA G18 +91 3 4 ID I4 +91 3 5 DE J0 +91 3 6 SH I1 +91 3 7 DR G1 +91 3 8 SH B9 +91 3 9 TD C10 +91 4 1 PS A0 +91 4 1 PS A1 +91 4 1 PS A2 +91 4 1 PS A3 +91 4 1 PS A4 +91 4 1 PS A5 +91 4 1 PS A6 +91 4 1 PS A7 +91 4 1 PS A8 +91 4 1 PS A9 +91 4 1 PS A10 +91 4 1 PS A11 +91 4 1 PS A12 +91 4 1 PS A13 +91 4 1 PS A14 +91 4 1 PS A15 +91 4 1 PS A16 +91 4 1 PS A17 +91 4 1 PS A18 +91 4 1 PS A19 +91 4 1 PS A20 +91 4 1 PS A21 +91 4 1 PS A22 +91 4 1 PS A23 +91 4 1 PS A24 +91 4 1 PS A25 +91 4 1 PS A26 +91 4 1 PS A27 +91 4 1 PS A28 +91 4 1 PS A29 +91 4 1 PS A30 +91 4 1 PS A31 +91 4 1 PS A32 +91 4 1 PS A33 +91 4 1 PS A34 +91 4 1 PS A35 +91 4 1 PS A36 +91 4 1 PS A37 +91 4 1 PS A38 +91 4 1 PS A39 +91 4 1 PS A40 +91 4 2 ID E40 +91 4 3 DB J0 +91 4 3 DB J1 +91 4 3 DB J2 +91 4 3 DB J3 +91 4 3 DB J4 +91 4 3 DB J5 +91 4 3 DB J6 +91 4 3 DB J7 +91 4 3 DB J8 +91 4 3 DB J9 +91 4 3 DB J10 +91 4 3 DB J11 +91 4 3 DB J12 +91 4 3 DB J13 +91 4 3 DB J14 +91 4 3 DB J15 +91 4 3 DB J16 +91 4 3 DB J17 +91 4 3 DB J18 +91 4 3 DB J19 +91 4 3 DB J20 +91 4 3 DB J21 +91 4 3 DB J22 +91 4 3 DB J23 +91 4 3 DB J24 +91 4 3 DB J25 +91 4 3 DB J26 +91 4 3 DB J27 +91 4 3 DB J28 +91 4 3 DB J29 +91 4 3 DB J30 +91 4 3 DB J31 +91 4 3 DB J32 +91 4 3 DB J33 +91 4 3 DB J34 +91 4 3 DB J35 +91 4 3 DB J36 +91 4 3 DB J37 +91 4 3 DB J38 +91 4 3 DB J39 +91 4 3 DB J40 +91 4 4 DE H32 +91 4 5 UD I30 +91 4 6 DA H18 +91 4 7 SH G3 +91 4 8 MD D6 +91 4 9 TD C9 +91 5 1 PS A0 +91 5 1 PS A1 +91 5 1 PS A2 +91 5 1 PS A3 +91 5 1 PS A4 +91 5 1 PS A5 +91 5 1 PS A6 +91 5 1 PS A7 +91 5 1 PS A8 +91 5 1 PS A9 +91 5 1 PS A10 +91 5 1 PS A11 +91 5 1 PS A12 +91 5 1 PS A13 +91 5 1 PS A14 +91 5 1 PS A15 +91 5 1 PS A16 +91 5 1 PS A17 +91 5 1 PS A18 +91 5 1 PS A19 +91 5 1 PS A20 +91 5 1 PS A21 +91 5 1 PS A22 +91 5 1 PS A23 +91 5 1 PS A24 +91 5 1 PS A25 +91 5 1 PS A26 +91 5 1 PS A27 +91 5 1 PS A28 +91 5 1 PS A29 +91 5 1 PS A30 +91 5 1 PS A31 +91 5 1 PS A32 +91 5 1 PS A33 +91 5 1 PS A34 +91 5 1 PS A35 +91 5 1 PS A36 +91 5 1 PS A37 +91 5 1 PS A38 +91 5 1 PS A39 +91 5 1 PS A40 +91 5 2 DR H40 +91 5 3 UD I31 +91 5 4 DA H15 +91 5 5 DB J0 +91 5 5 DB J1 +91 5 5 DB J2 +91 5 5 DB J3 +91 5 5 DB J4 +91 5 5 DB J5 +91 5 5 DB J6 +91 5 5 DB J7 +91 5 5 DB J8 +91 5 5 DB J9 +91 5 5 DB J10 +91 5 5 DB J11 +91 5 5 DB J12 +91 5 5 DB J13 +91 5 5 DB J14 +91 5 5 DB J15 +91 5 5 DB J16 +91 5 5 DB J17 +91 5 5 DB J18 +91 5 5 DB J19 +91 5 5 DB J20 +91 5 5 DB J21 +91 5 5 DB J22 +91 5 5 DB J23 +91 5 5 DB J24 +91 5 5 DB J25 +91 5 5 DB J26 +91 5 5 DB J27 +91 5 5 DB J28 +91 5 5 DB J29 +91 5 5 DB J30 +91 5 5 DB J31 +91 5 5 DB J32 +91 5 5 DB J33 +91 5 5 DB J34 +91 5 5 DB J35 +91 5 5 DB J36 +91 5 5 DB J37 +91 5 5 DB J38 +91 5 5 DB J39 +91 5 5 DB J40 +91 5 6 SH F6 +91 5 7 TD C8 +91 6 1 PS A0 +91 6 1 PS A1 +91 6 1 PS A2 +91 6 1 PS A3 +91 6 1 PS A4 +91 6 1 PS A5 +91 6 1 PS A6 +91 6 1 PS A7 +91 6 1 PS A8 +91 6 1 PS A9 +91 6 1 PS A10 +91 6 1 PS A11 +91 6 1 PS A12 +91 6 1 PS A13 +91 6 1 PS A14 +91 6 1 PS A15 +91 6 1 PS A16 +91 6 1 PS A17 +91 6 1 PS A18 +91 6 1 PS A19 +91 6 1 PS A20 +91 6 1 PS A21 +91 6 1 PS A22 +91 6 1 PS A23 +91 6 1 PS A24 +91 6 1 PS A25 +91 6 1 PS A26 +91 6 1 PS A27 +91 6 1 PS A28 +91 6 1 PS A29 +91 6 1 PS A30 +91 6 1 PS A31 +91 6 1 PS A32 +91 6 1 PS A33 +91 6 1 PS A34 +91 6 1 PS A35 +91 6 1 PS A36 +91 6 1 PS A37 +91 6 1 PS A38 +91 6 1 PS A39 +91 6 1 PS A40 +91 6 2 UD F40 +91 6 3 ID G40 +91 6 4 DB J0 +91 6 4 DB J1 +91 6 4 DB J2 +91 6 4 DB J3 +91 6 4 DB J4 +91 6 4 DB J5 +91 6 4 DB J6 +91 6 4 DB J7 +91 6 4 DB J8 +91 6 4 DB J9 +91 6 4 DB J10 +91 6 4 DB J11 +91 6 4 DB J12 +91 6 4 DB J13 +91 6 4 DB J14 +91 6 4 DB J15 +91 6 4 DB J16 +91 6 4 DB J17 +91 6 4 DB J18 +91 6 4 DB J19 +91 6 4 DB J20 +91 6 4 DB J21 +91 6 4 DB J22 +91 6 4 DB J23 +91 6 4 DB J24 +91 6 4 DB J25 +91 6 4 DB J26 +91 6 4 DB J27 +91 6 4 DB J28 +91 6 4 DB J29 +91 6 4 DB J30 +91 6 4 DB J31 +91 6 4 DB J32 +91 6 4 DB J33 +91 6 4 DB J34 +91 6 4 DB J35 +91 6 4 DB J36 +91 6 4 DB J37 +91 6 4 DB J38 +91 6 4 DB J39 +91 6 4 DB J40 +91 6 5 DE I11 +91 6 6 CZ H7 +91 6 7 DR F0 +91 6 7 DR F1 +91 6 8 TD C8 +91 6 9 DA E30 +91 6 10 SH E7 +91 7 1 PS A0 +91 7 1 PS A1 +91 7 1 PS A2 +91 7 1 PS A3 +91 7 1 PS A4 +91 7 1 PS A5 +91 7 1 PS A6 +91 7 1 PS A7 +91 7 1 PS A8 +91 7 1 PS A9 +91 7 1 PS A10 +91 7 1 PS A11 +91 7 1 PS A12 +91 7 1 PS A13 +91 7 1 PS A14 +91 7 1 PS A15 +91 7 1 PS A16 +91 7 1 PS A17 +91 7 1 PS A18 +91 7 1 PS A19 +91 7 1 PS A20 +91 7 1 PS A21 +91 7 1 PS A22 +91 7 1 PS A23 +91 7 1 PS A24 +91 7 1 PS A25 +91 7 1 PS A26 +91 7 1 PS A27 +91 7 1 PS A28 +91 7 1 PS A29 +91 7 1 PS A30 +91 7 1 PS A31 +91 7 1 PS A32 +91 7 1 PS A33 +91 7 1 PS A34 +91 7 1 PS A35 +91 7 1 PS A36 +91 7 1 PS A37 +91 7 1 PS A38 +91 7 1 PS A39 +91 7 1 PS A40 +91 7 2 MA C9 +91 7 3 SH C10 +91 7 4 DE G1 +91 7 5 DA F17 +91 7 6 ID H33 +91 7 7 DB J0 +91 7 7 DB J1 +91 7 7 DB J2 +91 7 7 DB J3 +91 7 7 DB J4 +91 7 7 DB J5 +91 7 7 DB J6 +91 7 7 DB J7 +91 7 7 DB J8 +91 7 7 DB J9 +91 7 7 DB J10 +91 7 7 DB J11 +91 7 7 DB J12 +91 7 7 DB J13 +91 7 7 DB J14 +91 7 7 DB J15 +91 7 7 DB J16 +91 7 7 DB J17 +91 7 7 DB J18 +91 7 7 DB J19 +91 7 7 DB J20 +91 7 7 DB J21 +91 7 7 DB J22 +91 7 7 DB J23 +91 7 7 DB J24 +91 7 7 DB J25 +91 7 7 DB J26 +91 7 7 DB J27 +91 7 7 DB J28 +91 7 7 DB J29 +91 7 7 DB J30 +91 7 7 DB J31 +91 7 7 DB J32 +91 7 7 DB J33 +91 7 7 DB J34 +91 7 7 DB J35 +91 7 7 DB J36 +91 7 7 DB J37 +91 7 7 DB J38 +91 7 7 DB J39 +91 7 7 DB J40 +91 7 8 DE H28 +91 8 1 PS A0 +91 8 1 PS A1 +91 8 1 PS A2 +91 8 1 PS A3 +91 8 1 PS A4 +91 8 1 PS A5 +91 8 1 PS A6 +91 8 1 PS A7 +91 8 1 PS A8 +91 8 1 PS A9 +91 8 1 PS A10 +91 8 1 PS A11 +91 8 1 PS A12 +91 8 1 PS A13 +91 8 1 PS A14 +91 8 1 PS A15 +91 8 1 PS A16 +91 8 1 PS A17 +91 8 1 PS A18 +91 8 1 PS A19 +91 8 1 PS A20 +91 8 1 PS A21 +91 8 1 PS A22 +91 8 1 PS A23 +91 8 1 PS A24 +91 8 1 PS A25 +91 8 1 PS A26 +91 8 1 PS A27 +91 8 1 PS A28 +91 8 1 PS A29 +91 8 1 PS A30 +91 8 1 PS A31 +91 8 1 PS A32 +91 8 1 PS A33 +91 8 1 PS A34 +91 8 1 PS A35 +91 8 1 PS A36 +91 8 1 PS A37 +91 8 1 PS A38 +91 8 1 PS A39 +91 8 1 PS A40 +91 8 2 ID H37 +91 8 3 DB J0 +91 8 3 DB J1 +91 8 3 DB J2 +91 8 3 DB J3 +91 8 3 DB J4 +91 8 3 DB J5 +91 8 3 DB J6 +91 8 3 DB J7 +91 8 3 DB J8 +91 8 3 DB J9 +91 8 3 DB J10 +91 8 3 DB J11 +91 8 3 DB J12 +91 8 3 DB J13 +91 8 3 DB J14 +91 8 3 DB J15 +91 8 3 DB J16 +91 8 3 DB J17 +91 8 3 DB J18 +91 8 3 DB J19 +91 8 3 DB J20 +91 8 3 DB J21 +91 8 3 DB J22 +91 8 3 DB J23 +91 8 3 DB J24 +91 8 3 DB J25 +91 8 3 DB J26 +91 8 3 DB J27 +91 8 3 DB J28 +91 8 3 DB J29 +91 8 3 DB J30 +91 8 3 DB J31 +91 8 3 DB J32 +91 8 3 DB J33 +91 8 3 DB J34 +91 8 3 DB J35 +91 8 3 DB J36 +91 8 3 DB J37 +91 8 3 DB J38 +91 8 3 DB J39 +91 8 3 DB J40 +91 8 4 DE I23 +91 8 5 DA F16 +91 8 6 DE I14 +91 8 7 SH I2 +91 8 8 DR G2 +91 8 9 CZ F7 +91 8 10 TD C10 +91 8 11 UD G28 +92 1 1 RS A12 +92 1 1 RS A13 +92 1 1 RS A14 +92 1 2 CC J0 +92 1 3 SS F1 +92 1 4 SA C11 +92 1 5 ST F18 +92 1 6 FF D6 +92 2 1 RS A0 +92 2 1 RS A1 +92 2 1 RS A2 +92 2 1 RS A3 +92 2 1 RS A4 +92 2 1 RS A5 +92 2 1 RS A6 +92 2 1 RS A7 +92 2 1 RS A8 +92 2 1 RS A9 +92 2 1 RS A10 +92 2 1 RS A11 +92 2 1 RS A12 +92 2 1 RS A13 +92 2 1 RS A14 +92 2 1 RS A15 +92 2 1 RS A16 +92 2 1 RS A17 +92 2 1 RS A18 +92 2 1 RS A19 +92 2 1 RS A20 +92 2 1 RS A21 +92 2 1 RS A22 +92 2 1 RS A23 +92 2 1 RS A24 +92 2 1 RS A25 +92 2 1 RS A26 +92 2 1 RS A27 +92 2 1 RS A28 +92 2 1 RS A29 +92 2 1 RS A30 +92 2 1 RS A31 +92 2 1 RS A32 +92 2 1 RS A33 +92 2 1 RS A34 +92 2 1 RS A35 +92 2 1 RS A36 +92 2 1 RS A37 +92 2 1 RS A38 +92 2 1 RS A39 +92 2 1 RS A40 +92 2 2 CC J0 +92 2 2 CC J1 +92 2 2 CC J2 +92 2 2 CC J3 +92 2 2 CC J4 +92 2 2 CC J5 +92 2 2 CC J6 +92 2 2 CC J7 +92 2 2 CC J8 +92 2 2 CC J9 +92 2 2 CC J10 +92 2 2 CC J11 +92 2 2 CC J12 +92 2 2 CC J13 +92 2 2 CC J14 +92 2 2 CC J15 +92 2 2 CC J16 +92 2 2 CC J17 +92 2 2 CC J18 +92 2 2 CC J19 +92 2 2 CC J20 +92 2 2 CC J21 +92 2 2 CC J22 +92 2 2 CC J23 +92 2 2 CC J24 +92 2 2 CC J25 +92 2 2 CC J26 +92 2 2 CC J27 +92 2 2 CC J28 +92 2 2 CC J29 +92 2 2 CC J30 +92 2 2 CC J31 +92 2 2 CC J32 +92 2 2 CC J33 +92 2 2 CC J34 +92 2 2 CC J35 +92 2 2 CC J36 +92 2 2 CC J37 +92 2 2 CC J38 +92 2 2 CC J39 +92 2 2 CC J40 +92 2 3 SS F39 +92 2 3 SS F40 +92 2 4 SA B9 +92 2 4 SA B10 +92 2 4 SA B11 +92 2 5 ST G20 +92 2 5 ST G21 +92 2 5 ST G22 +92 2 5 ST G23 +92 2 5 ST G24 +92 2 6 CC I2 +92 2 6 CC I3 +92 2 6 CC I4 +92 2 7 RS B1 +92 2 7 RS B2 +92 2 7 RS B3 +92 3 1 RS A6 +92 3 1 RS A7 +92 3 1 RS A8 +92 3 1 RS A9 +92 3 1 RS A10 +92 3 1 RS A11 +92 3 1 RS A12 +92 3 1 RS A13 +92 3 1 RS A14 +92 3 1 RS A15 +92 3 2 CC J2 +92 3 2 CC J3 +92 3 2 CC J4 +92 3 2 CC J5 +92 3 2 CC J6 +92 3 2 CC J7 +92 3 2 CC J8 +92 3 2 CC J9 +92 3 2 CC J10 +92 3 2 CC J11 +92 3 2 CC J12 +92 3 2 CC J13 +92 3 2 CC J14 +92 3 2 CC J15 +92 3 2 CC J16 +92 3 2 CC J17 +92 3 2 CC J18 +92 3 2 CC J19 +92 3 2 CC J20 +92 3 2 CC J21 +92 3 2 CC J22 +92 3 2 CC J23 +92 3 2 CC J24 +92 3 2 CC J25 +92 3 2 CC J26 +92 3 2 CC J27 +92 3 2 CC J28 +92 3 2 CC J29 +92 3 2 CC J30 +92 3 2 CC J31 +92 3 2 CC J32 +92 3 2 CC J33 +92 3 2 CC J34 +92 3 2 CC J35 +92 3 2 CC J36 +92 3 2 CC J37 +92 3 2 CC J38 +92 3 2 CC J39 +92 3 2 CC J40 +92 3 3 SS F2 +92 3 4 SA C8 +92 3 5 XX G13 +92 3 6 EE I40 +92 3 7 CC I1 +92 3 8 EE C39 +92 4 1 RS A14 +92 4 2 CC J0 +92 4 2 CC J1 +92 4 2 CC J2 +92 4 2 CC J3 +92 4 2 CC J4 +92 4 2 CC J5 +92 4 2 CC J6 +92 4 2 CC J7 +92 4 2 CC J8 +92 4 2 CC J9 +92 4 2 CC J10 +92 4 2 CC J11 +92 4 2 CC J12 +92 4 2 CC J13 +92 4 2 CC J14 +92 4 2 CC J15 +92 4 2 CC J16 +92 4 2 CC J17 +92 4 2 CC J18 +92 4 2 CC J19 +92 4 2 CC J20 +92 4 2 CC J21 +92 4 2 CC J22 +92 4 2 CC J23 +92 4 2 CC J24 +92 4 2 CC J25 +92 4 2 CC J26 +92 4 2 CC J27 +92 4 2 CC J28 +92 4 2 CC J29 +92 4 2 CC J30 +92 4 2 CC J31 +92 4 2 CC J32 +92 4 2 CC J33 +92 4 2 CC J34 +92 4 2 CC J35 +92 4 2 CC J36 +92 4 2 CC J37 +92 4 2 CC J38 +92 4 2 CC J39 +92 4 2 CC J40 +92 4 3 SS F1 +92 4 3 SS F2 +92 4 3 SS F3 +92 4 4 FF B10 +92 4 4 FF B11 +92 4 4 FF B12 +92 4 5 ST G26 +92 4 5 ST G27 +92 4 6 CC G33 +92 4 6 CC G34 +92 4 7 CC I1 +92 4 7 CC I2 +92 4 8 SA D5 +92 4 8 SA D6 +92 4 9 EE C1 +92 4 9 EE C2 +92 4 9 EE C3 +92 4 11 RS D37 +92 4 11 RS D38 +92 4 11 RS D39 +92 4 11 RS D40 +92 5 1 RS A28 +92 5 1 RS A29 +92 5 1 RS A30 +92 5 1 RS A31 +92 5 1 RS A32 +92 5 1 RS A33 +92 5 1 RS A34 +92 5 1 RS A35 +92 5 2 CC J6 +92 5 2 CC J7 +92 5 2 CC J8 +92 5 2 CC J9 +92 5 3 SS G1 +92 5 3 SS G40 +92 5 4 BA C8 +92 5 4 BA C9 +92 5 5 EE C10 +92 5 6 ST F29 +92 5 6 ST F30 +92 5 7 SA E4 +92 5 7 SA E5 +92 5 8 RS C1 +92 5 8 RS C40 +92 6 1 RS A3 +92 6 2 CC J18 +92 6 3 SS G2 +92 6 4 FF C9 +92 6 5 ST G20 +92 6 6 QQ H7 +92 6 7 BA F0 +92 7 1 RS A40 +92 7 2 CC J40 +92 7 3 SS G40 +92 7 4 SA B8 +92 7 5 ST G22 +92 7 6 VV D28 +92 7 7 EE I40 +92 7 8 RS C40 +92 8 1 RS A11 +92 8 2 CC J24 +92 8 3 SS H2 +92 8 4 FF C8 +92 8 4 FF C9 +92 8 4 FF C10 +92 8 5 RS B18 +92 8 5 RS B19 +92 8 6 CC I13 +92 8 6 CC I14 +92 8 7 ST H17 +92 8 8 XX G14 +92 9 1 RS A17 +92 9 1 RS A18 +92 9 1 RS A19 +92 9 2 CC J2 +92 9 2 CC J3 +92 9 2 CC J4 +92 9 3 SS F2 +92 9 3 SS F3 +92 9 3 SS F4 +92 9 4 FF D7 +92 9 5 ST G28 +92 9 6 SA D6 +92 9 7 RS C3 +92 9 7 RS C4 +93 1 1 RS A3 +93 1 2 CC J5 +93 1 3 SE F1 +93 1 4 SA C9 +93 1 5 ST G20 +93 1 6 RO G6 +93 1 7 UL D5 +93 2 1 RS A15 +93 2 2 CC J19 +93 2 3 SE H3 +93 2 4 SA C9 +93 2 5 RO E10 +93 2 6 UL F9 +93 2 7 ST G28 +93 3 1 RS A0 +93 3 1 RS A1 +93 3 1 RS A2 +93 3 1 RS A3 +93 3 1 RS A4 +93 3 1 RS A5 +93 3 1 RS A6 +93 3 1 RS A7 +93 3 1 RS A8 +93 3 1 RS A9 +93 3 1 RS A10 +93 3 1 RS A11 +93 3 1 RS A12 +93 3 1 RS A13 +93 3 1 RS A14 +93 3 1 RS A15 +93 3 1 RS A16 +93 3 1 RS A17 +93 3 1 RS A18 +93 3 1 RS A19 +93 3 1 RS A20 +93 3 1 RS A21 +93 3 1 RS A22 +93 3 1 RS A23 +93 3 1 RS A24 +93 3 1 RS A25 +93 3 1 RS A26 +93 3 1 RS A27 +93 3 1 RS A28 +93 3 1 RS A29 +93 3 1 RS A30 +93 3 1 RS A31 +93 3 1 RS A32 +93 3 1 RS A33 +93 3 1 RS A34 +93 3 1 RS A35 +93 3 1 RS A36 +93 3 1 RS A37 +93 3 1 RS A38 +93 3 1 RS A39 +93 3 1 RS A40 +93 3 2 CC J0 +93 3 2 CC J1 +93 3 2 CC J2 +93 3 2 CC J3 +93 3 2 CC J4 +93 3 2 CC J5 +93 3 2 CC J6 +93 3 2 CC J7 +93 3 2 CC J8 +93 3 2 CC J9 +93 3 2 CC J10 +93 3 2 CC J11 +93 3 2 CC J12 +93 3 2 CC J13 +93 3 2 CC J14 +93 3 2 CC J15 +93 3 2 CC J16 +93 3 2 CC J17 +93 3 2 CC J18 +93 3 2 CC J19 +93 3 2 CC J20 +93 3 2 CC J21 +93 3 2 CC J22 +93 3 2 CC J23 +93 3 2 CC J24 +93 3 2 CC J25 +93 3 2 CC J26 +93 3 2 CC J27 +93 3 2 CC J28 +93 3 2 CC J29 +93 3 2 CC J30 +93 3 2 CC J31 +93 3 2 CC J32 +93 3 2 CC J33 +93 3 2 CC J34 +93 3 2 CC J35 +93 3 2 CC J36 +93 3 2 CC J37 +93 3 2 CC J38 +93 3 2 CC J39 +93 3 2 CC J40 +93 3 3 SE G2 +93 3 4 ST G28 +93 3 5 SA E4 +93 4 1 RS A0 +93 4 1 RS A1 +93 4 1 RS A2 +93 4 1 RS A3 +93 4 1 RS A4 +93 4 1 RS A5 +93 4 1 RS A6 +93 4 1 RS A7 +93 4 1 RS A8 +93 4 1 RS A9 +93 4 1 RS A10 +93 4 1 RS A11 +93 4 1 RS A12 +93 4 1 RS A13 +93 4 1 RS A14 +93 4 1 RS A15 +93 4 1 RS A16 +93 4 1 RS A17 +93 4 1 RS A18 +93 4 1 RS A19 +93 4 1 RS A20 +93 4 1 RS A21 +93 4 1 RS A22 +93 4 1 RS A23 +93 4 1 RS A24 +93 4 1 RS A25 +93 4 1 RS A26 +93 4 1 RS A27 +93 4 1 RS A28 +93 4 1 RS A29 +93 4 1 RS A30 +93 4 1 RS A31 +93 4 1 RS A32 +93 4 1 RS A33 +93 4 1 RS A34 +93 4 1 RS A35 +93 4 1 RS A36 +93 4 1 RS A37 +93 4 1 RS A38 +93 4 1 RS A39 +93 4 1 RS A40 +93 4 2 CC J14 +93 4 3 SA C10 +93 4 4 UL D16 +93 4 5 ST F32 +93 4 6 SE F9 +93 4 7 RO C1 +93 4 7 RO C2 +93 4 7 RO C3 +93 5 1 RS A0 +93 5 1 RS A1 +93 5 1 RS A2 +93 5 1 RS A3 +93 5 1 RS A4 +93 5 1 RS A5 +93 5 1 RS A6 +93 5 1 RS A7 +93 5 1 RS A8 +93 5 1 RS A9 +93 5 1 RS A10 +93 5 1 RS A11 +93 5 1 RS A12 +93 5 1 RS A13 +93 5 1 RS A14 +93 5 1 RS A15 +93 5 1 RS A16 +93 5 1 RS A17 +93 5 1 RS A18 +93 5 1 RS A19 +93 5 1 RS A20 +93 5 1 RS A21 +93 5 1 RS A22 +93 5 1 RS A23 +93 5 1 RS A24 +93 5 1 RS A25 +93 5 1 RS A26 +93 5 1 RS A27 +93 5 1 RS A28 +93 5 1 RS A29 +93 5 1 RS A30 +93 5 1 RS A31 +93 5 1 RS A32 +93 5 1 RS A33 +93 5 1 RS A34 +93 5 1 RS A35 +93 5 1 RS A36 +93 5 1 RS A37 +93 5 1 RS A38 +93 5 1 RS A39 +93 5 1 RS A40 +93 5 2 CC J0 +93 5 2 CC J1 +93 5 2 CC J2 +93 5 2 CC J3 +93 5 2 CC J4 +93 5 2 CC J5 +93 5 2 CC J6 +93 5 2 CC J7 +93 5 2 CC J8 +93 5 2 CC J9 +93 5 2 CC J10 +93 5 2 CC J11 +93 5 2 CC J12 +93 5 2 CC J13 +93 5 2 CC J14 +93 5 2 CC J15 +93 5 2 CC J16 +93 5 2 CC J17 +93 5 2 CC J18 +93 5 2 CC J19 +93 5 2 CC J20 +93 5 2 CC J21 +93 5 2 CC J22 +93 5 2 CC J23 +93 5 2 CC J24 +93 5 2 CC J25 +93 5 2 CC J26 +93 5 2 CC J27 +93 5 2 CC J28 +93 5 2 CC J29 +93 5 2 CC J30 +93 5 2 CC J31 +93 5 2 CC J32 +93 5 2 CC J33 +93 5 2 CC J34 +93 5 2 CC J35 +93 5 2 CC J36 +93 5 2 CC J37 +93 5 2 CC J38 +93 5 2 CC J39 +93 5 2 CC J40 +93 5 3 SE F5 +93 5 4 SA B10 +93 5 4 SA B11 +93 5 4 SA B12 +93 5 5 ST G18 +93 5 6 UL F8 +93 6 1 RS A35 +93 6 2 CC J3 +93 6 3 SE G1 +93 6 4 SA B11 +93 6 5 ST F19 +93 7 1 RS A0 +93 7 1 RS A1 +93 7 1 RS A2 +93 7 1 RS A3 +93 7 1 RS A4 +93 7 1 RS A5 +93 7 1 RS A6 +93 7 1 RS A7 +93 7 1 RS A8 +93 7 1 RS A9 +93 7 1 RS A10 +93 7 1 RS A11 +93 7 1 RS A12 +93 7 2 CC J0 +93 7 2 CC J1 +93 7 2 CC J2 +93 7 2 CC J3 +93 7 2 CC J4 +93 7 2 CC J5 +93 7 2 CC J6 +93 7 2 CC J7 +93 7 2 CC J8 +93 7 2 CC J9 +93 7 2 CC J10 +93 7 2 CC J11 +93 7 2 CC J12 +93 7 2 CC J13 +93 7 2 CC J14 +93 7 2 CC J15 +93 7 3 SE E1 +93 7 3 SE E2 +93 7 3 SE E3 +93 7 3 SE E4 +93 7 3 SE E5 +93 7 4 SA C8 +93 7 4 SA C9 +93 7 4 SA C10 +93 7 5 UL B9 +93 7 5 UL B10 +93 7 5 UL B11 +93 7 5 UL B12 +93 7 5 UL B13 +93 7 6 ST F27 +93 7 6 ST F28 +93 7 6 ST F29 +93 7 6 ST F30 +93 7 7 TE H2 +93 7 7 TE H3 +93 7 7 TE H4 +93 7 7 TE H5 +93 7 7 TE H6 +93 7 7 TE H7 +93 7 8 BA C1 +93 7 8 BA C2 +93 7 8 BA C3 +93 8 1 RS A20 +93 8 2 CC J25 +93 8 3 SE F2 +93 8 4 SA B11 +93 8 5 UL D4 +93 8 5 UL D5 +93 8 5 UL D6 +93 8 6 ST G30 +94 1 1 K A0 +94 1 2 E C8 +94 1 3 U F1 +94 1 4 I J0 +94 1 5 L F19 +94 1 6 B G32 +94 2 1 E C9 +94 2 2 K A0 +94 2 3 U F1 +94 2 4 L F17 +94 2 5 I J0 +94 2 6 G H29 +94 3 1 E D8 +94 3 2 K A0 +94 3 3 U F4 +94 3 4 B F9 +94 3 5 L F19 +94 3 6 I J0 +94 4 1 E C11 +94 4 2 K A0 +94 4 3 U G1 +94 4 4 I J0 +94 4 5 L G21 +94 4 6 B E25 +94 5 1 E C12 +94 5 2 K A0 +94 5 3 U F1 +94 5 4 I J0 +94 5 5 L G17 +94 6 1 E C8 +94 6 2 K A0 +94 6 3 U H3 +94 6 4 B C5 +94 6 5 L G20 +94 6 6 I J0 +94 6 7 G I31 +94 7 1 E C8 +94 7 2 K A0 +94 7 3 G G28 +94 7 4 B D1 +94 7 5 I J0 +94 7 6 L G17 +94 7 7 U H1 +94 8 1 E C9 +94 8 2 U G1 +94 8 3 I J0 +94 8 4 L G20 +94 8 5 G I29 +94 8 6 K A0 +94 8 7 B B15 +94 9 1 E C9 +94 9 2 U G1 +94 9 3 I J0 +94 9 4 L F19 +94 9 5 B F33 +94 9 6 K A0 +94 10 1 E C9 +94 10 2 U H1 +94 10 3 I J0 +94 10 4 L F17 +94 10 5 G G29 +94 10 6 A E38 +94 10 7 K A0 +94 10 8 B C37 +94 10 9 T E28 +94 11 1 E C8 +94 11 2 U G2 +94 11 3 I J0 +94 11 4 L H20 +94 11 5 G H29 +94 11 6 B D36 +94 11 7 K A0 +94 12 1 E C8 +94 12 2 K A0 +94 12 3 B C1 +94 12 4 U G1 +94 12 5 I J0 +94 12 6 L F16 +94 12 7 G G30 +94 13 1 E C11 +94 13 2 L G18 +94 13 3 G H29 +94 13 4 I J0 +94 13 5 U H40 +94 13 6 K A0 +94 13 7 B D33 +94 14 1 E C11 +94 14 2 B C5 +94 14 3 K A0 +94 14 4 U F2 +94 14 5 I J0 +94 14 6 L F19 +94 15 1 E D6 +94 15 2 K A0 +94 15 3 U G1 +94 15 4 L H17 +94 15 5 I J0 +94 15 6 B E32 +94 16 1 E C9 +94 16 2 U G2 +94 16 3 I J0 +94 16 4 L G19 +94 16 5 K A0 +94 16 6 B B21 +94 17 1 E C8 +94 17 2 U H1 +94 17 3 I J0 +94 17 4 B D33 +94 17 5 L D17 +94 17 6 K A0 +94 18 1 E C9 +94 18 2 U F2 +94 18 3 L F18 +94 18 4 I J0 +94 18 5 B F34 +94 18 6 K A0 +94 19 1 E D9 +94 19 2 U G1 +94 19 3 I J0 +94 19 4 B E12 +94 19 5 L G17 +94 19 6 K A0 +94 20 1 B D15 +94 20 2 E C8 +94 20 3 K A0 +94 20 4 U G2 +94 20 5 L H17 +94 20 6 G I19 +94 20 7 I J0 +94 21 1 E C8 +94 21 2 K A0 +94 21 3 U G1 +94 21 4 I J0 +94 21 5 L F16 +94 22 1 E C9 +94 22 2 K A0 +94 22 3 U G1 +94 22 4 I J0 +94 22 5 L F18 +94 22 6 B D28 +94 23 1 E C9 +94 23 2 K A0 +94 23 3 U G2 +94 23 4 I J0 +94 23 5 L H17 +94 23 6 G H29 +94 23 7 T G31 +94 24 1 E C8 +94 24 2 K A0 +94 24 3 U G1 +94 24 4 I J0 +94 24 5 L F18 +94 24 6 G I30 +94 24 7 O F31 +94 24 8 B E33 +94 25 1 E D9 +94 25 2 B B9 +94 25 3 U G1 +94 25 4 I J0 +94 25 5 L E15 +94 25 6 K A0 +95 1 1 SR G1 +95 1 1 SR G2 +95 1 2 SH C12 +95 1 2 SH C13 +95 1 3 K C17 +95 1 3 K C18 +95 1 3 K D17 +95 1 3 K D18 +95 1 4 DD D27 +95 1 4 DD D28 +95 1 4 DD E27 +95 1 4 DD E28 +95 1 5 P A0 +95 1 5 P A1 +95 1 5 P A2 +95 1 5 P A3 +95 1 5 P A4 +95 1 5 P A5 +95 1 5 P A6 +95 1 5 P A7 +95 1 5 P A8 +95 1 5 P A9 +95 1 5 P A10 +95 1 5 P A11 +95 1 5 P A12 +95 1 5 P A13 +95 1 5 P A14 +95 1 5 P A15 +95 1 5 P A16 +95 1 5 P A17 +95 1 5 P A18 +95 1 5 P A19 +95 1 5 P A20 +95 1 5 P A21 +95 1 5 P A22 +95 1 5 P A23 +95 1 5 P A24 +95 1 5 P A25 +95 1 5 P A26 +95 1 5 P A27 +95 1 5 P A28 +95 1 5 P A29 +95 1 5 P A30 +95 1 5 P A31 +95 1 5 P A32 +95 1 5 P A33 +95 1 5 P A34 +95 1 5 P A35 +95 1 5 P A36 +95 1 5 P A37 +95 1 5 P A38 +95 1 5 P A39 +95 1 5 P A40 +95 1 6 KE H6 +95 1 6 KE H7 +95 1 7 S J0 +95 1 7 S J1 +95 1 7 S J2 +95 1 7 S J3 +95 1 7 S J4 +95 1 7 S J5 +95 1 7 S J6 +95 1 7 S J7 +95 1 7 S J8 +95 1 7 S J9 +95 1 7 S J10 +95 1 7 S J11 +95 1 7 S J12 +95 1 7 S J13 +95 1 7 S J14 +95 1 7 S J15 +95 1 7 S J16 +95 1 7 S J17 +95 1 7 S J18 +95 1 7 S J19 +95 1 7 S J20 +95 1 7 S J21 +95 1 7 S J22 +95 1 7 S J23 +95 1 7 S J24 +95 1 7 S J25 +95 1 7 S J26 +95 1 7 S J27 +95 1 7 S J28 +95 1 7 S J29 +95 1 7 S J30 +95 1 7 S J31 +95 1 7 S J32 +95 1 7 S J33 +95 1 7 S J34 +95 1 7 S J35 +95 1 7 S J36 +95 1 7 S J37 +95 1 7 S J38 +95 1 7 S J39 +95 1 7 S J40 +95 2 1 S J0 +95 2 1 S J1 +95 2 1 S J2 +95 2 1 S J3 +95 2 1 S J4 +95 2 1 S J5 +95 2 1 S J6 +95 2 1 S J7 +95 2 1 S J8 +95 2 1 S J9 +95 2 1 S J10 +95 2 1 S J11 +95 2 1 S J12 +95 2 1 S J13 +95 2 1 S J14 +95 2 1 S J15 +95 2 1 S J16 +95 2 1 S J17 +95 2 1 S J18 +95 2 1 S J19 +95 2 1 S J20 +95 2 1 S J21 +95 2 1 S J22 +95 2 1 S J23 +95 2 1 S J24 +95 2 1 S J25 +95 2 1 S J26 +95 2 1 S J27 +95 2 1 S J28 +95 2 1 S J29 +95 2 1 S J30 +95 2 1 S J31 +95 2 1 S J32 +95 2 1 S J33 +95 2 1 S J34 +95 2 1 S J35 +95 2 1 S J36 +95 2 1 S J37 +95 2 1 S J38 +95 2 1 S J39 +95 2 1 S J40 +95 2 2 SH C9 +95 2 3 P A0 +95 2 3 P A1 +95 2 3 P A2 +95 2 3 P A3 +95 2 3 P A4 +95 2 3 P A5 +95 2 3 P A6 +95 2 3 P A7 +95 2 3 P A8 +95 2 3 P A9 +95 2 3 P A10 +95 2 3 P A11 +95 2 3 P A12 +95 2 3 P A13 +95 2 3 P A14 +95 2 3 P A15 +95 2 3 P A16 +95 2 3 P A17 +95 2 3 P A18 +95 2 3 P A19 +95 2 3 P A20 +95 2 3 P A21 +95 2 3 P A22 +95 2 3 P A23 +95 2 3 P A24 +95 2 3 P A25 +95 2 3 P A26 +95 2 3 P A27 +95 2 3 P A28 +95 2 3 P A29 +95 2 3 P A30 +95 2 3 P A31 +95 2 3 P A32 +95 2 3 P A33 +95 2 3 P A34 +95 2 3 P A35 +95 2 3 P A36 +95 2 3 P A37 +95 2 3 P A38 +95 2 3 P A39 +95 2 3 P A40 +95 2 4 D G30 +95 2 4 D H30 +95 2 5 DD I29 +95 2 6 KE F7 +95 2 7 K F17 +95 2 8 KA H7 +95 2 9 SR H3 +95 3 1 SR F1 +95 3 1 SR F2 +95 3 2 SH C8 +95 3 2 SH C9 +95 3 3 K F17 +95 3 4 DD G30 +95 3 5 D H30 +95 3 6 P A0 +95 3 6 P A1 +95 3 6 P A2 +95 3 6 P A3 +95 3 6 P A4 +95 3 6 P A5 +95 3 6 P A6 +95 3 6 P A7 +95 3 6 P A8 +95 3 6 P A9 +95 3 6 P A10 +95 3 6 P A11 +95 3 6 P A12 +95 3 6 P A13 +95 3 6 P A14 +95 3 6 P A15 +95 3 6 P A16 +95 3 6 P A17 +95 3 6 P A18 +95 3 6 P A19 +95 3 6 P A20 +95 3 6 P A21 +95 3 6 P A22 +95 3 6 P A23 +95 3 6 P A24 +95 3 6 P A25 +95 3 6 P A26 +95 3 6 P A27 +95 3 6 P A28 +95 3 6 P A29 +95 3 6 P A30 +95 3 6 P A31 +95 3 6 P A32 +95 3 6 P A33 +95 3 6 P A34 +95 3 6 P A35 +95 3 6 P A36 +95 3 6 P A37 +95 3 6 P A38 +95 3 6 P A39 +95 3 6 P A40 +95 3 7 SW B1 +95 3 7 SW B2 +95 3 7 SW B3 +95 3 7 SW B4 +95 3 7 SW B5 +95 3 7 SW B6 +95 3 8 S J0 +95 3 8 S J1 +95 3 8 S J2 +95 3 8 S J3 +95 3 8 S J4 +95 3 8 S J5 +95 3 8 S J6 +95 3 8 S J7 +95 3 8 S J8 +95 3 8 S J9 +95 3 8 S J10 +95 3 8 S J11 +95 3 8 S J12 +95 3 8 S J13 +95 3 8 S J14 +95 3 8 S J15 +95 3 8 S J16 +95 3 8 S J17 +95 3 8 S J18 +95 3 8 S J19 +95 3 8 S J20 +95 3 8 S J21 +95 3 8 S J22 +95 3 8 S J23 +95 3 8 S J24 +95 3 8 S J25 +95 3 8 S J26 +95 3 8 S J27 +95 3 8 S J28 +95 3 8 S J29 +95 3 8 S J30 +95 3 8 S J31 +95 3 8 S J32 +95 3 8 S J33 +95 3 8 S J34 +95 3 8 S J35 +95 3 8 S J36 +95 3 8 S J37 +95 3 8 S J38 +95 3 8 S J39 +95 3 8 S J40 +95 4 1 P A0 +95 4 1 P A1 +95 4 1 P A2 +95 4 1 P A3 +95 4 1 P A4 +95 4 1 P A5 +95 4 1 P A6 +95 4 1 P A7 +95 4 1 P A8 +95 4 1 P A9 +95 4 1 P A10 +95 4 1 P A11 +95 4 1 P A12 +95 4 1 P A13 +95 4 1 P A14 +95 4 1 P A15 +95 4 1 P A16 +95 4 1 P A17 +95 4 1 P A18 +95 4 1 P A19 +95 4 1 P A20 +95 4 1 P A21 +95 4 1 P A22 +95 4 1 P A23 +95 4 1 P A24 +95 4 1 P A25 +95 4 1 P A26 +95 4 1 P A27 +95 4 1 P A28 +95 4 1 P A29 +95 4 1 P A30 +95 4 1 P A31 +95 4 1 P A32 +95 4 1 P A33 +95 4 1 P A34 +95 4 1 P A35 +95 4 1 P A36 +95 4 1 P A37 +95 4 1 P A38 +95 4 1 P A39 +95 4 1 P A40 +95 4 2 SU C1 +95 4 2 SU C2 +95 4 2 SU C3 +95 4 3 SH C10 +95 4 4 SK B17 +95 4 4 SK B18 +95 4 4 SK B19 +95 4 5 DD F29 +95 4 6 SR F40 +95 4 7 D G29 +95 4 8 K G18 +95 4 9 SW B10 +95 4 9 SW B11 +95 4 10 S J0 +95 4 10 S J1 +95 4 10 S J2 +95 4 10 S J3 +95 4 10 S J4 +95 4 10 S J5 +95 4 10 S J6 +95 4 10 S J7 +95 4 10 S J8 +95 4 10 S J9 +95 4 10 S J10 +95 4 10 S J11 +95 4 10 S J12 +95 4 10 S J13 +95 4 10 S J14 +95 4 10 S J15 +95 4 10 S J16 +95 4 10 S J17 +95 4 10 S J18 +95 4 10 S J19 +95 4 10 S J20 +95 4 10 S J21 +95 4 10 S J22 +95 4 10 S J23 +95 4 10 S J24 +95 4 10 S J25 +95 4 10 S J26 +95 4 10 S J27 +95 4 10 S J28 +95 4 10 S J29 +95 4 10 S J30 +95 4 10 S J31 +95 4 10 S J32 +95 4 10 S J33 +95 4 10 S J34 +95 4 10 S J35 +95 4 10 S J36 +95 4 10 S J37 +95 4 10 S J38 +95 4 10 S J39 +95 4 10 S J40 +95 4 11 SS H0 +95 4 11 SS I0 +95 5 1 P A0 +95 5 1 P A1 +95 5 1 P A2 +95 5 1 P A3 +95 5 1 P A4 +95 5 1 P A5 +95 5 1 P A6 +95 5 1 P A7 +95 5 1 P A8 +95 5 1 P A9 +95 5 1 P A10 +95 5 1 P A11 +95 5 1 P A12 +95 5 1 P A13 +95 5 1 P A14 +95 5 1 P A15 +95 5 1 P A16 +95 5 1 P A17 +95 5 1 P A18 +95 5 1 P A19 +95 5 1 P A20 +95 5 1 P A21 +95 5 1 P A22 +95 5 1 P A23 +95 5 1 P A24 +95 5 1 P A25 +95 5 1 P A26 +95 5 1 P A27 +95 5 1 P A28 +95 5 1 P A29 +95 5 1 P A30 +95 5 1 P A31 +95 5 1 P A32 +95 5 1 P A33 +95 5 1 P A34 +95 5 1 P A35 +95 5 1 P A36 +95 5 1 P A37 +95 5 1 P A38 +95 5 1 P A39 +95 5 1 P A40 +95 5 2 SH C8 +95 5 2 SH C9 +95 5 3 K F15 +95 5 3 K F16 +95 5 4 SW B31 +95 5 4 SW B32 +95 5 5 SU B37 +95 5 5 SU B38 +95 5 6 DD H30 +95 5 6 DD I30 +95 5 7 D H28 +95 5 7 D H29 +95 5 8 SS I13 +95 5 8 SS I14 +95 5 9 S J0 +95 5 9 S J1 +95 5 9 S J2 +95 5 9 S J3 +95 5 9 S J4 +95 5 9 S J5 +95 5 9 S J6 +95 5 9 S J7 +95 5 9 S J8 +95 5 9 S J9 +95 5 9 S J10 +95 5 9 S J11 +95 5 9 S J12 +95 5 9 S J13 +95 5 9 S J14 +95 5 9 S J15 +95 5 9 S J16 +95 5 9 S J17 +95 5 9 S J18 +95 5 9 S J19 +95 5 9 S J20 +95 5 9 S J21 +95 5 9 S J22 +95 5 9 S J23 +95 5 9 S J24 +95 5 9 S J25 +95 5 9 S J26 +95 5 9 S J27 +95 5 9 S J28 +95 5 9 S J29 +95 5 9 S J30 +95 5 9 S J31 +95 5 9 S J32 +95 5 9 S J33 +95 5 9 S J34 +95 5 9 S J35 +95 5 9 S J36 +95 5 9 S J37 +95 5 9 S J38 +95 5 9 S J39 +95 5 9 S J40 +95 5 10 SR G1 +95 5 10 SR G2 +95 6 1 SW C4 +95 6 1 SW C5 +95 6 1 SW C6 +95 6 2 SH C8 +95 6 3 SR G2 +95 6 4 SS I5 +95 6 4 SS I6 +95 6 4 SS I7 +95 6 4 SS I8 +95 6 4 SS I9 +95 6 4 SS I10 +95 6 4 SS I11 +95 6 4 SS I12 +95 6 4 SS I13 +95 6 4 SS I14 +95 6 4 SS I15 +95 6 5 DD G17 +95 6 5 DD G18 +95 6 5 DD G19 +95 6 5 DD G20 +95 6 5 DD G21 +95 6 6 S J0 +95 6 6 S J1 +95 6 6 S J2 +95 6 6 S J3 +95 6 6 S J4 +95 6 6 S J5 +95 6 6 S J6 +95 6 6 S J7 +95 6 6 S J8 +95 6 6 S J9 +95 6 6 S J10 +95 6 6 S J11 +95 6 6 S J12 +95 6 6 S J13 +95 6 6 S J14 +95 6 6 S J15 +95 6 6 S J16 +95 6 6 S J17 +95 6 6 S J18 +95 6 6 S J19 +95 6 6 S J20 +95 6 6 S J21 +95 6 6 S J22 +95 6 6 S J23 +95 6 6 S J24 +95 6 6 S J25 +95 6 6 S J26 +95 6 6 S J27 +95 6 6 S J28 +95 6 6 S J29 +95 6 6 S J30 +95 6 6 S J31 +95 6 6 S J32 +95 6 6 S J33 +95 6 6 S J34 +95 6 6 S J35 +95 6 6 S J36 +95 6 6 S J37 +95 6 6 S J38 +95 6 6 S J39 +95 6 6 S J40 +95 7 1 P A0 +95 7 1 P A1 +95 7 1 P A2 +95 7 1 P A3 +95 7 1 P A4 +95 7 1 P A5 +95 7 1 P A6 +95 7 1 P A7 +95 7 1 P A8 +95 7 1 P A9 +95 7 1 P A10 +95 7 1 P A11 +95 7 1 P A12 +95 7 1 P A13 +95 7 1 P A14 +95 7 1 P A15 +95 7 1 P A16 +95 7 1 P A17 +95 7 1 P A18 +95 7 1 P A19 +95 7 1 P A20 +95 7 1 P A21 +95 7 1 P A22 +95 7 1 P A23 +95 7 1 P A24 +95 7 1 P A25 +95 7 1 P A26 +95 7 1 P A27 +95 7 1 P A28 +95 7 1 P A29 +95 7 1 P A30 +95 7 1 P A31 +95 7 1 P A32 +95 7 1 P A33 +95 7 1 P A34 +95 7 1 P A35 +95 7 1 P A36 +95 7 1 P A37 +95 7 1 P A38 +95 7 1 P A39 +95 7 1 P A40 +95 7 2 SH C11 +95 7 3 SW B17 +95 7 4 DD H30 +95 7 5 D H29 +95 7 6 K G17 +95 7 7 SR G2 +95 7 8 S J0 +95 7 8 S J1 +95 7 8 S J2 +95 7 8 S J3 +95 7 8 S J4 +95 7 8 S J5 +95 7 8 S J6 +95 7 8 S J7 +95 7 8 S J8 +95 7 8 S J9 +95 7 8 S J10 +95 7 8 S J11 +95 7 8 S J12 +95 7 8 S J13 +95 7 8 S J14 +95 7 8 S J15 +95 7 8 S J16 +95 7 8 S J17 +95 7 8 S J18 +95 7 8 S J19 +95 7 8 S J20 +95 7 8 S J21 +95 7 8 S J22 +95 7 8 S J23 +95 7 8 S J24 +95 7 8 S J25 +95 7 8 S J26 +95 7 8 S J27 +95 7 8 S J28 +95 7 8 S J29 +95 7 8 S J30 +95 7 8 S J31 +95 7 8 S J32 +95 7 8 S J33 +95 7 8 S J34 +95 7 8 S J35 +95 7 8 S J36 +95 7 8 S J37 +95 7 8 S J38 +95 7 8 S J39 +95 7 8 S J40 +95 7 9 SS H0 +95 8 1 SH C9 +95 8 2 SW C10 +95 8 2 SW C11 +95 8 3 P A0 +95 8 3 P A1 +95 8 3 P A2 +95 8 3 P A3 +95 8 3 P A4 +95 8 3 P A5 +95 8 3 P A6 +95 8 3 P A7 +95 8 3 P A8 +95 8 3 P A9 +95 8 3 P A10 +95 8 3 P A11 +95 8 3 P A12 +95 8 3 P A13 +95 8 3 P A14 +95 8 3 P A15 +95 8 3 P A16 +95 8 3 P A17 +95 8 3 P A18 +95 8 3 P A19 +95 8 3 P A20 +95 8 3 P A21 +95 8 3 P A22 +95 8 3 P A23 +95 8 3 P A24 +95 8 3 P A25 +95 8 3 P A26 +95 8 3 P A27 +95 8 3 P A28 +95 8 3 P A29 +95 8 3 P A30 +95 8 3 P A31 +95 8 3 P A32 +95 8 3 P A33 +95 8 3 P A34 +95 8 3 P A35 +95 8 3 P A36 +95 8 3 P A37 +95 8 3 P A38 +95 8 3 P A39 +95 8 3 P A40 +95 8 4 DD F29 +95 8 5 SR G40 +95 8 6 S J0 +95 8 6 S J1 +95 8 6 S J2 +95 8 6 S J3 +95 8 6 S J4 +95 8 6 S J5 +95 8 6 S J6 +95 8 6 S J7 +95 8 6 S J8 +95 8 6 S J9 +95 8 6 S J10 +95 8 6 S J11 +95 8 6 S J12 +95 8 6 S J13 +95 8 6 S J14 +95 8 6 S J15 +95 8 6 S J16 +95 8 6 S J17 +95 8 6 S J18 +95 8 6 S J19 +95 8 6 S J20 +95 8 6 S J21 +95 8 6 S J22 +95 8 6 S J23 +95 8 6 S J24 +95 8 6 S J25 +95 8 6 S J26 +95 8 6 S J27 +95 8 6 S J28 +95 8 6 S J29 +95 8 6 S J30 +95 8 6 S J31 +95 8 6 S J32 +95 8 6 S J33 +95 8 6 S J34 +95 8 6 S J35 +95 8 6 S J36 +95 8 6 S J37 +95 8 6 S J38 +95 8 6 S J39 +95 8 6 S J40 +95 8 7 SS J0 +95 8 7 SS J1 +95 8 7 SS J2 +95 8 7 SS J3 +95 8 7 SS J4 +95 8 7 SS J5 +95 8 7 SS J6 +95 8 7 SS J7 +95 8 7 SS J8 +95 8 7 SS J9 +95 8 7 SS J10 +95 8 7 SS J11 +95 8 7 SS J12 +95 8 7 SS J13 +95 8 7 SS J14 +95 8 7 SS J15 +95 8 7 SS J16 +95 8 7 SS J17 +95 8 7 SS J18 +95 8 7 SS J19 +95 8 7 SS J20 +95 8 7 SS J21 +95 8 7 SS J22 +95 8 7 SS J23 +95 8 7 SS J24 +95 8 7 SS J25 +95 8 7 SS J26 +95 8 7 SS J27 +95 8 7 SS J28 +95 8 7 SS J29 +95 8 7 SS J30 +95 8 7 SS J31 +95 8 7 SS J32 +95 8 7 SS J33 +95 8 7 SS J34 +95 8 7 SS J35 +95 8 7 SS J36 +95 8 7 SS J37 +95 8 7 SS J38 +95 8 7 SS J39 +95 8 7 SS J40 +95 8 8 D G29 +95 8 9 K F17 +95 8 10 WW G14 +95 8 11 KE I5 +95 9 1 P A0 +95 9 1 P A1 +95 9 1 P A2 +95 9 1 P A3 +95 9 1 P A4 +95 9 1 P A5 +95 9 1 P A6 +95 9 1 P A7 +95 9 1 P A8 +95 9 1 P A9 +95 9 1 P A10 +95 9 1 P A11 +95 9 1 P A12 +95 9 1 P A13 +95 9 1 P A14 +95 9 1 P A15 +95 9 1 P A16 +95 9 1 P A17 +95 9 1 P A18 +95 9 1 P A19 +95 9 1 P A20 +95 9 1 P A21 +95 9 1 P A22 +95 9 1 P A23 +95 9 1 P A24 +95 9 1 P A25 +95 9 1 P A26 +95 9 1 P A27 +95 9 1 P A28 +95 9 1 P A29 +95 9 1 P A30 +95 9 1 P A31 +95 9 1 P A32 +95 9 1 P A33 +95 9 1 P A34 +95 9 1 P A35 +95 9 1 P A36 +95 9 1 P A37 +95 9 1 P A38 +95 9 1 P A39 +95 9 1 P A40 +95 9 2 SH D7 +95 9 2 SH D8 +95 9 3 DD E28 +95 9 4 D F30 +95 9 4 D G28 +95 9 4 D G29 +95 9 4 D G30 +95 9 5 K F16 +95 9 5 K F17 +95 9 6 KE G7 +95 9 7 SR H2 +95 9 8 S J0 +95 9 8 S J1 +95 9 8 S J2 +95 9 8 S J3 +95 9 8 S J4 +95 9 8 S J5 +95 9 8 S J6 +95 9 8 S J7 +95 9 8 S J8 +95 9 8 S J9 +95 9 8 S J10 +95 9 8 S J11 +95 9 8 S J12 +95 9 8 S J13 +95 9 8 S J14 +95 9 8 S J15 +95 9 8 S J16 +95 9 8 S J17 +95 9 8 S J18 +95 9 8 S J19 +95 9 8 S J20 +95 9 8 S J21 +95 9 8 S J22 +95 9 8 S J23 +95 9 8 S J24 +95 9 8 S J25 +95 9 8 S J26 +95 9 8 S J27 +95 9 8 S J28 +95 9 8 S J29 +95 9 8 S J30 +95 9 8 S J31 +95 9 8 S J32 +95 9 8 S J33 +95 9 8 S J34 +95 9 8 S J35 +95 9 8 S J36 +95 9 8 S J37 +95 9 8 S J38 +95 9 8 S J39 +95 9 8 S J40 +95 9 9 SW C1 +95 9 9 SW C2 +95 9 9 SW C3 +95 10 1 P A0 +95 10 1 P A1 +95 10 1 P A2 +95 10 1 P A3 +95 10 1 P A4 +95 10 1 P A5 +95 10 1 P A6 +95 10 1 P A7 +95 10 1 P A8 +95 10 1 P A9 +95 10 1 P A10 +95 10 1 P A11 +95 10 1 P A12 +95 10 1 P A13 +95 10 1 P A14 +95 10 1 P A15 +95 10 1 P A16 +95 10 1 P A17 +95 10 1 P A18 +95 10 1 P A19 +95 10 1 P A20 +95 10 1 P A21 +95 10 1 P A22 +95 10 1 P A23 +95 10 1 P A24 +95 10 1 P A25 +95 10 1 P A26 +95 10 1 P A27 +95 10 1 P A28 +95 10 1 P A29 +95 10 1 P A30 +95 10 1 P A31 +95 10 1 P A32 +95 10 1 P A33 +95 10 1 P A34 +95 10 1 P A35 +95 10 1 P A36 +95 10 1 P A37 +95 10 1 P A38 +95 10 1 P A39 +95 10 1 P A40 +95 10 2 SW B1 +95 10 2 SW B2 +95 10 2 SW B3 +95 10 2 SW B4 +95 10 2 SW B5 +95 10 2 SW B6 +95 10 2 SW B7 +95 10 2 SW B8 +95 10 3 SH C8 +95 10 3 SH C9 +95 10 3 SH C10 +95 10 3 SH C11 +95 10 3 SH C12 +95 10 4 D H27 +95 10 4 D H28 +95 10 4 D H29 +95 10 4 D H30 +95 10 4 D H31 +95 10 5 DD G26 +95 10 5 DD G27 +95 10 5 DD G28 +95 10 5 DD G29 +95 10 5 DD G30 +95 10 5 DD G31 +95 10 5 DD G32 +95 10 6 K H16 +95 10 6 K H17 +95 10 6 K H18 +95 10 6 K H19 +95 10 6 K H20 +95 10 6 K H21 +95 10 7 KA G8 +95 10 8 SR H4 +95 10 9 S J0 +95 10 9 S J1 +95 10 9 S J2 +95 10 9 S J3 +95 10 9 S J4 +95 10 9 S J5 +95 10 9 S J6 +95 10 9 S J7 +95 10 9 S J8 +95 10 9 S J9 +95 10 9 S J10 +95 10 9 S J11 +95 10 9 S J12 +95 10 9 S J13 +95 10 9 S J14 +95 10 9 S J15 +95 10 9 S J16 +95 10 9 S J17 +95 10 9 S J18 +95 10 9 S J19 +95 10 9 S J20 +95 10 9 S J21 +95 10 9 S J22 +95 10 9 S J23 +95 10 9 S J24 +95 10 9 S J25 +95 10 9 S J26 +95 10 9 S J27 +95 10 9 S J28 +95 10 9 S J29 +95 10 9 S J30 +95 10 9 S J31 +95 10 9 S J32 +95 10 9 S J33 +95 10 9 S J34 +95 10 9 S J35 +95 10 9 S J36 +95 10 9 S J37 +95 10 9 S J38 +95 10 9 S J39 +95 10 9 S J40 +95 11 1 P A0 +95 11 1 P A1 +95 11 1 P A2 +95 11 1 P A3 +95 11 1 P A4 +95 11 1 P A5 +95 11 1 P A6 +95 11 1 P A7 +95 11 1 P A8 +95 11 1 P A9 +95 11 1 P A10 +95 11 1 P A11 +95 11 1 P A12 +95 11 1 P A13 +95 11 1 P A14 +95 11 1 P A15 +95 11 1 P A16 +95 11 1 P A17 +95 11 1 P A18 +95 11 1 P A19 +95 11 1 P A20 +95 11 1 P A21 +95 11 1 P A22 +95 11 1 P A23 +95 11 1 P A24 +95 11 1 P A25 +95 11 1 P A26 +95 11 1 P A27 +95 11 1 P A28 +95 11 1 P A29 +95 11 1 P A30 +95 11 1 P A31 +95 11 1 P A32 +95 11 1 P A33 +95 11 1 P A34 +95 11 1 P A35 +95 11 1 P A36 +95 11 1 P A37 +95 11 1 P A38 +95 11 1 P A39 +95 11 1 P A40 +95 11 2 SH D7 +95 11 3 K E23 +95 11 4 SW C35 +95 11 4 SW C36 +95 11 4 SW C37 +95 11 4 SW C38 +95 11 4 SW C39 +95 11 4 SW C40 +95 11 5 SR F40 +95 11 6 DD F28 +95 12 1 P A0 +95 12 1 P A1 +95 12 1 P A2 +95 12 1 P A3 +95 12 1 P A4 +95 12 1 P A5 +95 12 1 P A6 +95 12 1 P A7 +95 12 1 P A8 +95 12 1 P A9 +95 12 1 P A10 +95 12 1 P A11 +95 12 1 P A12 +95 12 1 P A13 +95 12 1 P A14 +95 12 1 P A15 +95 12 1 P A16 +95 12 1 P A17 +95 12 1 P A18 +95 12 1 P A19 +95 12 1 P A20 +95 12 1 P A21 +95 12 1 P A22 +95 12 1 P A23 +95 12 1 P A24 +95 12 1 P A25 +95 12 1 P A26 +95 12 1 P A27 +95 12 1 P A28 +95 12 1 P A29 +95 12 1 P A30 +95 12 1 P A31 +95 12 1 P A32 +95 12 1 P A33 +95 12 1 P A34 +95 12 1 P A35 +95 12 1 P A36 +95 12 1 P A37 +95 12 1 P A38 +95 12 1 P A39 +95 12 1 P A40 +95 12 2 SH C8 +95 12 2 SH C9 +95 12 3 SW B15 +95 12 3 SW B16 +95 12 3 SW B17 +95 12 3 SW B18 +95 12 3 SW B19 +95 12 3 SW B20 +95 12 3 SW B21 +95 12 3 SW B22 +95 12 3 SW B23 +95 12 3 SW B24 +95 12 3 SW B25 +95 12 3 SW B26 +95 12 3 SW B27 +95 12 3 SW B28 +95 12 3 SW B29 +95 12 3 SW B30 +95 12 3 SW B31 +95 12 3 SW B32 +95 12 3 SW B33 +95 12 3 SW B34 +95 12 3 SW B35 +95 12 3 SW B36 +95 12 3 SW B37 +95 12 3 SW B38 +95 12 3 SW B39 +95 12 3 SW B40 +95 12 4 DD H28 +95 12 4 DD H29 +95 12 5 D H26 +95 12 5 D H27 +95 12 6 K H17 +95 12 6 K H18 +95 12 7 SS I10 +95 12 7 SS I11 +95 12 7 SS I12 +95 12 7 SS I13 +95 12 8 KE G8 +95 12 8 KE G9 +95 12 9 SR G1 +95 12 9 SR G2 +95 12 9 SR G3 +95 12 10 S J0 +95 12 10 S J1 +95 12 10 S J2 +95 12 10 S J3 +95 12 10 S J4 +95 12 10 S J5 +95 12 10 S J6 +95 12 10 S J7 +95 12 10 S J8 +95 12 10 S J9 +95 12 10 S J10 +95 12 10 S J11 +95 12 10 S J12 +95 12 10 S J13 +95 12 10 S J14 +95 12 10 S J15 +95 12 10 S J16 +95 12 10 S J17 +95 12 10 S J18 +95 12 10 S J19 +95 12 10 S J20 +95 12 10 S J21 +95 12 10 S J22 +95 12 10 S J23 +95 12 10 S J24 +95 12 10 S J25 +95 12 10 S J26 +95 12 10 S J27 +95 12 10 S J28 +95 12 10 S J29 +95 12 10 S J30 +95 12 10 S J31 +95 12 10 S J32 +95 12 10 S J33 +95 12 10 S J34 +95 12 10 S J35 +95 12 10 S J36 +95 12 10 S J37 +95 12 10 S J38 +95 12 10 S J39 +95 12 10 S J40 +95 13 1 P A0 +95 13 1 P A1 +95 13 1 P A2 +95 13 1 P A3 +95 13 1 P A4 +95 13 1 P A5 +95 13 1 P A6 +95 13 1 P A7 +95 13 1 P A8 +95 13 1 P A9 +95 13 1 P A10 +95 13 1 P A11 +95 13 1 P A12 +95 13 1 P A13 +95 13 1 P A14 +95 13 1 P A15 +95 13 1 P A16 +95 13 1 P A17 +95 13 1 P A18 +95 13 1 P A19 +95 13 1 P A20 +95 13 1 P A21 +95 13 1 P A22 +95 13 1 P A23 +95 13 1 P A24 +95 13 1 P A25 +95 13 1 P A26 +95 13 1 P A27 +95 13 1 P A28 +95 13 1 P A29 +95 13 1 P A30 +95 13 1 P A31 +95 13 1 P A32 +95 13 1 P A33 +95 13 1 P A34 +95 13 1 P A35 +95 13 1 P A36 +95 13 1 P A37 +95 13 1 P A38 +95 13 1 P A39 +95 13 1 P A40 +95 13 2 SW B10 +95 13 2 SW B11 +95 13 2 SW B12 +95 13 2 SW B13 +95 13 2 SW B14 +95 13 3 S J0 +95 13 3 S J1 +95 13 3 S J2 +95 13 3 S J3 +95 13 3 S J4 +95 13 3 S J5 +95 13 3 S J6 +95 13 3 S J7 +95 13 3 S J8 +95 13 3 S J9 +95 13 3 S J10 +95 13 3 S J11 +95 13 3 S J12 +95 13 3 S J13 +95 13 3 S J14 +95 13 3 S J15 +95 13 3 S J16 +95 13 3 S J17 +95 13 3 S J18 +95 13 3 S J19 +95 13 3 S J20 +95 13 3 S J21 +95 13 3 S J22 +95 13 3 S J23 +95 13 3 S J24 +95 13 3 S J25 +95 13 3 S J26 +95 13 3 S J27 +95 13 3 S J28 +95 13 3 S J29 +95 13 3 S J30 +95 13 3 S J31 +95 13 3 S J32 +95 13 3 S J33 +95 13 3 S J34 +95 13 3 S J35 +95 13 3 S J36 +95 13 3 S J37 +95 13 3 S J38 +95 13 3 S J39 +95 13 3 S J40 +95 13 4 DD I34 +95 13 4 DD I35 +95 13 4 DD I36 +95 13 5 D G26 +95 13 5 D G27 +95 13 5 D G28 +95 13 6 K G17 +95 13 6 K G18 +95 13 6 K G19 +95 13 6 K G20 +95 13 7 PU E10 +95 13 8 WI I6 +95 13 8 WI I7 +95 13 9 SH C8 +95 13 9 SH C9 +95 13 9 SH C10 +95 13 9 SH C11 +95 13 10 SR G1 +95 13 10 SR G2 +95 13 10 SR G3 +95 13 11 SS F0 +95 13 11 SS G0 +95 13 11 SS H0 +95 13 11 SS I0 +95 14 1 P A0 +95 14 1 P A1 +95 14 1 P A2 +95 14 1 P A3 +95 14 1 P A4 +95 14 1 P A5 +95 14 1 P A6 +95 14 1 P A7 +95 14 1 P A8 +95 14 1 P A9 +95 14 1 P A10 +95 14 1 P A11 +95 14 1 P A12 +95 14 1 P A13 +95 14 1 P A14 +95 14 1 P A15 +95 14 1 P A16 +95 14 1 P A17 +95 14 1 P A18 +95 14 1 P A19 +95 14 1 P A20 +95 14 1 P A21 +95 14 1 P A22 +95 14 1 P A23 +95 14 1 P A24 +95 14 1 P A25 +95 14 1 P A26 +95 14 1 P A27 +95 14 1 P A28 +95 14 1 P A29 +95 14 1 P A30 +95 14 1 P A31 +95 14 1 P A32 +95 14 1 P A33 +95 14 1 P A34 +95 14 1 P A35 +95 14 1 P A36 +95 14 1 P A37 +95 14 1 P A38 +95 14 1 P A39 +95 14 1 P A40 +95 14 2 SH C14 +95 14 3 SW B19 +95 14 4 DD H33 +95 14 5 K G20 +95 14 6 SR D14 +95 14 7 SO G3 +95 14 8 S J0 +95 14 8 S J1 +95 14 8 S J2 +95 14 8 S J3 +95 14 8 S J4 +95 14 8 S J5 +95 14 8 S J6 +95 14 8 S J7 +95 14 8 S J8 +95 14 8 S J9 +95 14 8 S J10 +95 14 8 S J11 +95 14 8 S J12 +95 14 8 S J13 +95 14 8 S J14 +95 14 8 S J15 +95 14 8 S J16 +95 14 8 S J17 +95 14 8 S J18 +95 14 8 S J19 +95 14 8 S J20 +95 14 8 S J21 +95 14 8 S J22 +95 14 8 S J23 +95 14 8 S J24 +95 14 8 S J25 +95 14 8 S J26 +95 14 8 S J27 +95 14 8 S J28 +95 14 8 S J29 +95 14 8 S J30 +95 14 8 S J31 +95 14 8 S J32 +95 14 8 S J33 +95 14 8 S J34 +95 14 8 S J35 +95 14 8 S J36 +95 14 8 S J37 +95 14 8 S J38 +95 14 8 S J39 +95 14 8 S J40 +95 15 1 P A0 +95 15 1 P A1 +95 15 1 P A2 +95 15 1 P A3 +95 15 1 P A4 +95 15 1 P A5 +95 15 1 P A6 +95 15 1 P A7 +95 15 1 P A8 +95 15 1 P A9 +95 15 1 P A10 +95 15 1 P A11 +95 15 1 P A12 +95 15 1 P A13 +95 15 1 P A14 +95 15 1 P A15 +95 15 1 P A16 +95 15 1 P A17 +95 15 1 P A18 +95 15 1 P A19 +95 15 1 P A20 +95 15 1 P A21 +95 15 1 P A22 +95 15 1 P A23 +95 15 1 P A24 +95 15 1 P A25 +95 15 1 P A26 +95 15 1 P A27 +95 15 1 P A28 +95 15 1 P A29 +95 15 1 P A30 +95 15 1 P A31 +95 15 1 P A32 +95 15 1 P A33 +95 15 1 P A34 +95 15 1 P A35 +95 15 1 P A36 +95 15 1 P A37 +95 15 1 P A38 +95 15 1 P A39 +95 15 1 P A40 +95 15 2 SH C8 +95 15 2 SH C9 +95 15 2 SH C10 +95 15 2 SH C11 +95 15 3 SW B28 +95 15 3 SW B29 +95 15 3 SW B30 +95 15 3 SW B31 +95 15 3 SW B32 +95 15 3 SW B33 +95 15 3 SW B34 +95 15 4 S J0 +95 15 4 S J1 +95 15 4 S J2 +95 15 4 S J3 +95 15 4 S J4 +95 15 4 S J5 +95 15 4 S J6 +95 15 4 S J7 +95 15 4 S J8 +95 15 4 S J9 +95 15 4 S J10 +95 15 4 S J11 +95 15 4 S J12 +95 15 4 S J13 +95 15 4 S J14 +95 15 4 S J15 +95 15 4 S J16 +95 15 4 S J17 +95 15 4 S J18 +95 15 4 S J19 +95 15 4 S J20 +95 15 4 S J21 +95 15 4 S J22 +95 15 4 S J23 +95 15 4 S J24 +95 15 4 S J25 +95 15 4 S J26 +95 15 4 S J27 +95 15 4 S J28 +95 15 4 S J29 +95 15 4 S J30 +95 15 4 S J31 +95 15 4 S J32 +95 15 4 S J33 +95 15 4 S J34 +95 15 4 S J35 +95 15 4 S J36 +95 15 4 S J37 +95 15 4 S J38 +95 15 4 S J39 +95 15 4 S J40 +95 15 5 D I30 +95 15 5 D I31 +95 15 6 DD G29 +95 15 6 DD G30 +95 15 6 DD G31 +95 15 7 K F17 +95 15 7 K G17 +95 15 7 K H17 +95 15 8 KE I6 +95 15 8 KE I7 +95 15 8 KE I8 +95 15 8 KE I9 +95 15 9 SS I0 +95 15 10 SR H1 +95 15 10 SR H2 +95 15 10 SR H3 +95 16 1 P A0 +95 16 1 P A1 +95 16 1 P A2 +95 16 1 P A3 +95 16 1 P A4 +95 16 1 P A5 +95 16 1 P A6 +95 16 1 P A7 +95 16 1 P A8 +95 16 1 P A9 +95 16 1 P A10 +95 16 1 P A11 +95 16 1 P A12 +95 16 1 P A13 +95 16 1 P A14 +95 16 1 P A15 +95 16 1 P A16 +95 16 1 P A17 +95 16 1 P A18 +95 16 1 P A19 +95 16 1 P A20 +95 16 1 P A21 +95 16 1 P A22 +95 16 1 P A23 +95 16 1 P A24 +95 16 1 P A25 +95 16 1 P A26 +95 16 1 P A27 +95 16 1 P A28 +95 16 1 P A29 +95 16 1 P A30 +95 16 1 P A31 +95 16 1 P A32 +95 16 1 P A33 +95 16 1 P A34 +95 16 1 P A35 +95 16 1 P A36 +95 16 1 P A37 +95 16 1 P A38 +95 16 1 P A39 +95 16 1 P A40 +95 16 2 SH C10 +95 16 3 SW B17 +95 16 3 SW B18 +95 16 3 SW B19 +95 16 3 SW B20 +95 16 3 SW B21 +95 16 3 SW B22 +95 16 3 SW B23 +95 16 3 SW B24 +95 16 3 SW B25 +95 16 3 SW B26 +95 16 3 SW B27 +95 16 3 SW B28 +95 16 3 SW B29 +95 16 3 SW B30 +95 16 4 S J0 +95 16 4 S J1 +95 16 4 S J2 +95 16 4 S J3 +95 16 4 S J4 +95 16 4 S J5 +95 16 4 S J6 +95 16 4 S J7 +95 16 4 S J8 +95 16 4 S J9 +95 16 4 S J10 +95 16 4 S J11 +95 16 4 S J12 +95 16 4 S J13 +95 16 4 S J14 +95 16 4 S J15 +95 16 4 S J16 +95 16 4 S J17 +95 16 4 S J18 +95 16 4 S J19 +95 16 4 S J20 +95 16 4 S J21 +95 16 4 S J22 +95 16 4 S J23 +95 16 4 S J24 +95 16 4 S J25 +95 16 4 S J26 +95 16 4 S J27 +95 16 4 S J28 +95 16 4 S J29 +95 16 4 S J30 +95 16 4 S J31 +95 16 4 S J32 +95 16 4 S J33 +95 16 4 S J34 +95 16 4 S J35 +95 16 4 S J36 +95 16 4 S J37 +95 16 4 S J38 +95 16 4 S J39 +95 16 4 S J40 +95 16 5 D H30 +95 16 6 DD G29 +95 16 7 K H19 +95 16 8 SR G2 +95 16 9 KE H0 +95 17 1 P A0 +95 17 1 P A1 +95 17 1 P A2 +95 17 1 P A3 +95 17 1 P A4 +95 17 1 P A5 +95 17 1 P A6 +95 17 1 P A7 +95 17 1 P A8 +95 17 1 P A9 +95 17 1 P A10 +95 17 1 P A11 +95 17 1 P A12 +95 17 1 P A13 +95 17 1 P A14 +95 17 1 P A15 +95 17 1 P A16 +95 17 1 P A17 +95 17 1 P A18 +95 17 1 P A19 +95 17 1 P A20 +95 17 1 P A21 +95 17 1 P A22 +95 17 1 P A23 +95 17 1 P A24 +95 17 1 P A25 +95 17 1 P A26 +95 17 1 P A27 +95 17 1 P A28 +95 17 1 P A29 +95 17 1 P A30 +95 17 1 P A31 +95 17 1 P A32 +95 17 1 P A33 +95 17 1 P A34 +95 17 1 P A35 +95 17 1 P A36 +95 17 1 P A37 +95 17 1 P A38 +95 17 1 P A39 +95 17 1 P A40 +95 17 2 G D8 +95 17 3 SH C10 +95 17 4 SW B40 +95 17 5 SR F40 +95 17 6 S J0 +95 17 6 S J1 +95 17 6 S J2 +95 17 6 S J3 +95 17 6 S J4 +95 17 6 S J5 +95 17 6 S J6 +95 17 6 S J7 +95 17 6 S J8 +95 17 6 S J9 +95 17 6 S J10 +95 17 6 S J11 +95 17 6 S J12 +95 17 6 S J13 +95 17 6 S J14 +95 17 6 S J15 +95 17 6 S J16 +95 17 6 S J17 +95 17 6 S J18 +95 17 6 S J19 +95 17 6 S J20 +95 17 6 S J21 +95 17 6 S J22 +95 17 6 S J23 +95 17 6 S J24 +95 17 6 S J25 +95 17 6 S J26 +95 17 6 S J27 +95 17 6 S J28 +95 17 6 S J29 +95 17 6 S J30 +95 17 6 S J31 +95 17 6 S J32 +95 17 6 S J33 +95 17 6 S J34 +95 17 6 S J35 +95 17 6 S J36 +95 17 6 S J37 +95 17 6 S J38 +95 17 6 S J39 +95 17 6 S J40 +95 17 7 K H29 +95 17 8 D H20 +95 17 9 DD I19 +95 17 10 KA H6 +95 17 11 WI I6 +95 17 12 SS H0 +95 17 13 SU B2 +95 18 1 P A0 +95 18 1 P A1 +95 18 1 P A2 +95 18 1 P A3 +95 18 1 P A4 +95 18 1 P A5 +95 18 1 P A6 +95 18 1 P A7 +95 18 1 P A8 +95 18 1 P A9 +95 18 1 P A10 +95 18 1 P A11 +95 18 1 P A12 +95 18 1 P A13 +95 18 1 P A14 +95 18 1 P A15 +95 18 1 P A16 +95 18 1 P A17 +95 18 1 P A18 +95 18 1 P A19 +95 18 1 P A20 +95 18 1 P A21 +95 18 1 P A22 +95 18 1 P A23 +95 18 1 P A24 +95 18 1 P A25 +95 18 1 P A26 +95 18 1 P A27 +95 18 1 P A28 +95 18 1 P A29 +95 18 1 P A30 +95 18 1 P A31 +95 18 1 P A32 +95 18 1 P A33 +95 18 1 P A34 +95 18 1 P A35 +95 18 1 P A36 +95 18 1 P A37 +95 18 1 P A38 +95 18 1 P A39 +95 18 1 P A40 +95 18 2 SH C8 +95 18 3 SW C22 +95 18 3 SW C23 +95 18 3 SW C24 +95 18 3 SW C25 +95 18 3 SW C26 +95 18 3 SW C27 +95 18 3 SW C28 +95 18 3 SW C29 +95 18 3 SW C30 +95 18 4 DD G27 +95 18 4 DD G28 +95 18 4 DD G29 +95 18 4 DD G30 +95 18 5 D H29 +95 18 5 D H30 +95 18 6 SS I26 +95 18 6 SS I27 +95 18 6 SS I28 +95 18 6 SS I29 +95 18 6 SS I30 +95 18 7 K G17 +95 18 7 K G18 +95 18 7 K G19 +95 18 8 KE H9 +95 18 9 SR F1 +95 18 9 SR F2 +95 18 9 SR F3 +95 18 9 SR F4 +95 19 1 P A0 +95 19 1 P A1 +95 19 1 P A2 +95 19 1 P A3 +95 19 1 P A4 +95 19 1 P A5 +95 19 1 P A6 +95 19 1 P A7 +95 19 1 P A8 +95 19 1 P A9 +95 19 1 P A10 +95 19 1 P A11 +95 19 1 P A12 +95 19 1 P A13 +95 19 1 P A14 +95 19 1 P A15 +95 19 1 P A16 +95 19 1 P A17 +95 19 1 P A18 +95 19 1 P A19 +95 19 1 P A20 +95 19 1 P A21 +95 19 1 P A22 +95 19 1 P A23 +95 19 1 P A24 +95 19 1 P A25 +95 19 1 P A26 +95 19 1 P A27 +95 19 1 P A28 +95 19 1 P A29 +95 19 1 P A30 +95 19 1 P A31 +95 19 1 P A32 +95 19 1 P A33 +95 19 1 P A34 +95 19 1 P A35 +95 19 1 P A36 +95 19 1 P A37 +95 19 1 P A38 +95 19 1 P A39 +95 19 1 P A40 +95 19 2 SH B11 +95 19 3 SU C26 +95 19 4 S J0 +95 19 4 S J1 +95 19 4 S J2 +95 19 4 S J3 +95 19 4 S J4 +95 19 4 S J5 +95 19 4 S J6 +95 19 4 S J7 +95 19 4 S J8 +95 19 4 S J9 +95 19 4 S J10 +95 19 4 S J11 +95 19 4 S J12 +95 19 4 S J13 +95 19 4 S J14 +95 19 4 S J15 +95 19 4 S J16 +95 19 4 S J17 +95 19 4 S J18 +95 19 4 S J19 +95 19 4 S J20 +95 19 4 S J21 +95 19 4 S J22 +95 19 4 S J23 +95 19 4 S J24 +95 19 4 S J25 +95 19 4 S J26 +95 19 4 S J27 +95 19 4 S J28 +95 19 4 S J29 +95 19 4 S J30 +95 19 4 S J31 +95 19 4 S J32 +95 19 4 S J33 +95 19 4 S J34 +95 19 4 S J35 +95 19 4 S J36 +95 19 4 S J37 +95 19 4 S J38 +95 19 4 S J39 +95 19 4 S J40 +95 19 5 DD F29 +95 19 6 K F17 +95 19 7 SR G2 +95 19 8 SS H0 +95 20 1 P A0 +95 20 1 P A1 +95 20 1 P A2 +95 20 1 P A3 +95 20 1 P A4 +95 20 1 P A5 +95 20 1 P A6 +95 20 1 P A7 +95 20 1 P A8 +95 20 1 P A9 +95 20 1 P A10 +95 20 1 P A11 +95 20 1 P A12 +95 20 1 P A13 +95 20 1 P A14 +95 20 1 P A15 +95 20 1 P A16 +95 20 1 P A17 +95 20 1 P A18 +95 20 1 P A19 +95 20 1 P A20 +95 20 1 P A21 +95 20 1 P A22 +95 20 1 P A23 +95 20 1 P A24 +95 20 1 P A25 +95 20 1 P A26 +95 20 1 P A27 +95 20 1 P A28 +95 20 1 P A29 +95 20 1 P A30 +95 20 1 P A31 +95 20 1 P A32 +95 20 1 P A33 +95 20 1 P A34 +95 20 1 P A35 +95 20 1 P A36 +95 20 1 P A37 +95 20 1 P A38 +95 20 1 P A39 +95 20 1 P A40 +95 20 2 SH B13 +95 20 3 SW B23 +95 20 4 S J0 +95 20 4 S J1 +95 20 4 S J2 +95 20 4 S J3 +95 20 4 S J4 +95 20 4 S J5 +95 20 4 S J6 +95 20 4 S J7 +95 20 4 S J8 +95 20 4 S J9 +95 20 4 S J10 +95 20 4 S J11 +95 20 4 S J12 +95 20 4 S J13 +95 20 4 S J14 +95 20 4 S J15 +95 20 4 S J16 +95 20 4 S J17 +95 20 4 S J18 +95 20 4 S J19 +95 20 4 S J20 +95 20 4 S J21 +95 20 4 S J22 +95 20 4 S J23 +95 20 4 S J24 +95 20 4 S J25 +95 20 4 S J26 +95 20 4 S J27 +95 20 4 S J28 +95 20 4 S J29 +95 20 4 S J30 +95 20 4 S J31 +95 20 4 S J32 +95 20 4 S J33 +95 20 4 S J34 +95 20 4 S J35 +95 20 4 S J36 +95 20 4 S J37 +95 20 4 S J38 +95 20 4 S J39 +95 20 4 S J40 +95 20 5 D I30 +95 20 6 DD G28 +95 20 7 K E16 +95 20 8 SS I10 +95 20 9 KA G6 +95 20 10 SR F1 +95 20 11 KE I0 +95 21 1 P A0 +95 21 1 P A1 +95 21 1 P A2 +95 21 1 P A3 +95 21 1 P A4 +95 21 1 P A5 +95 21 1 P A6 +95 21 1 P A7 +95 21 1 P A8 +95 21 1 P A9 +95 21 1 P A10 +95 21 1 P A11 +95 21 1 P A12 +95 21 1 P A13 +95 21 1 P A14 +95 21 1 P A15 +95 21 1 P A16 +95 21 1 P A17 +95 21 1 P A18 +95 21 1 P A19 +95 21 1 P A20 +95 21 1 P A21 +95 21 1 P A22 +95 21 1 P A23 +95 21 1 P A24 +95 21 1 P A25 +95 21 1 P A26 +95 21 1 P A27 +95 21 1 P A28 +95 21 1 P A29 +95 21 1 P A30 +95 21 1 P A31 +95 21 1 P A32 +95 21 1 P A33 +95 21 1 P A34 +95 21 1 P A35 +95 21 1 P A36 +95 21 1 P A37 +95 21 1 P A38 +95 21 1 P A39 +95 21 1 P A40 +95 21 2 SH C12 +95 21 3 SW G39 +95 21 4 S J0 +95 21 4 S J1 +95 21 4 S J2 +95 21 4 S J3 +95 21 4 S J4 +95 21 4 S J5 +95 21 4 S J6 +95 21 4 S J7 +95 21 4 S J8 +95 21 4 S J9 +95 21 4 S J10 +95 21 4 S J11 +95 21 4 S J12 +95 21 4 S J13 +95 21 4 S J14 +95 21 4 S J15 +95 21 4 S J16 +95 21 4 S J17 +95 21 4 S J18 +95 21 4 S J19 +95 21 4 S J20 +95 21 4 S J21 +95 21 4 S J22 +95 21 4 S J23 +95 21 4 S J24 +95 21 4 S J25 +95 21 4 S J26 +95 21 4 S J27 +95 21 4 S J28 +95 21 4 S J29 +95 21 4 S J30 +95 21 4 S J31 +95 21 4 S J32 +95 21 4 S J33 +95 21 4 S J34 +95 21 4 S J35 +95 21 4 S J36 +95 21 4 S J37 +95 21 4 S J38 +95 21 4 S J39 +95 21 4 S J40 +95 21 5 D F28 +95 21 6 DD F23 +95 21 7 K F17 +95 21 8 KE G7 +95 21 9 SS I5 +95 21 10 SR G2 +95 22 1 P A0 +95 22 1 P A1 +95 22 1 P A2 +95 22 1 P A3 +95 22 1 P A4 +95 22 1 P A5 +95 22 1 P A6 +95 22 1 P A7 +95 22 1 P A8 +95 22 1 P A9 +95 22 1 P A10 +95 22 1 P A11 +95 22 1 P A12 +95 22 1 P A13 +95 22 1 P A14 +95 22 1 P A15 +95 22 1 P A16 +95 22 1 P A17 +95 22 1 P A18 +95 22 1 P A19 +95 22 1 P A20 +95 22 1 P A21 +95 22 1 P A22 +95 22 1 P A23 +95 22 1 P A24 +95 22 1 P A25 +95 22 1 P A26 +95 22 1 P A27 +95 22 1 P A28 +95 22 1 P A29 +95 22 1 P A30 +95 22 1 P A31 +95 22 1 P A32 +95 22 1 P A33 +95 22 1 P A34 +95 22 1 P A35 +95 22 1 P A36 +95 22 1 P A37 +95 22 1 P A38 +95 22 1 P A39 +95 22 1 P A40 +95 22 2 SW B1 +95 22 2 SW B2 +95 22 2 SW B3 +95 22 2 SW B4 +95 22 2 SW B5 +95 22 2 SW B6 +95 22 2 SW B7 +95 22 2 SW B8 +95 22 3 SH C8 +95 22 3 SH C9 +95 22 4 S J0 +95 22 4 S J1 +95 22 4 S J2 +95 22 4 S J3 +95 22 4 S J4 +95 22 4 S J5 +95 22 4 S J6 +95 22 4 S J7 +95 22 4 S J8 +95 22 4 S J9 +95 22 4 S J10 +95 22 4 S J11 +95 22 4 S J12 +95 22 4 S J13 +95 22 4 S J14 +95 22 4 S J15 +95 22 4 S J16 +95 22 4 S J17 +95 22 4 S J18 +95 22 4 S J19 +95 22 4 S J20 +95 22 4 S J21 +95 22 4 S J22 +95 22 4 S J23 +95 22 4 S J24 +95 22 4 S J25 +95 22 4 S J26 +95 22 4 S J27 +95 22 4 S J28 +95 22 4 S J29 +95 22 4 S J30 +95 22 4 S J31 +95 22 4 S J32 +95 22 4 S J33 +95 22 4 S J34 +95 22 4 S J35 +95 22 4 S J36 +95 22 4 S J37 +95 22 4 S J38 +95 22 4 S J39 +95 22 4 S J40 +95 22 5 D I30 +95 22 5 D I31 +95 22 5 D I32 +95 22 6 DD F30 +95 22 6 DD G30 +95 22 6 DD H30 +95 22 7 K G17 +95 22 7 K G18 +95 22 7 K G19 +95 22 7 K G20 +95 22 8 SS I13 +95 22 9 KE H0 +95 22 9 KE H1 +95 22 10 SR F0 +95 22 10 SR F1 +95 22 10 SR G0 +95 22 10 SR G1 +95 23 1 P A0 +95 23 1 P A1 +95 23 1 P A2 +95 23 1 P A3 +95 23 1 P A4 +95 23 1 P A5 +95 23 1 P A6 +95 23 1 P A7 +95 23 1 P A8 +95 23 1 P A9 +95 23 1 P A10 +95 23 1 P A11 +95 23 1 P A12 +95 23 1 P A13 +95 23 1 P A14 +95 23 1 P A15 +95 23 1 P A16 +95 23 1 P A17 +95 23 1 P A18 +95 23 1 P A19 +95 23 1 P A20 +95 23 1 P A21 +95 23 1 P A22 +95 23 1 P A23 +95 23 1 P A24 +95 23 1 P A25 +95 23 1 P A26 +95 23 1 P A27 +95 23 1 P A28 +95 23 1 P A29 +95 23 1 P A30 +95 23 1 P A31 +95 23 1 P A32 +95 23 1 P A33 +95 23 1 P A34 +95 23 1 P A35 +95 23 1 P A36 +95 23 1 P A37 +95 23 1 P A38 +95 23 1 P A39 +95 23 1 P A40 +95 23 2 SH C8 +95 23 3 SW B11 +95 23 3 SW B12 +95 23 3 SW B13 +95 23 4 DD F28 +95 23 4 DD F29 +95 23 4 DD F30 +95 23 5 D H29 +95 23 5 D H30 +95 23 5 D H31 +95 23 6 K G18 +95 23 6 K G19 +95 23 6 K G20 +95 23 7 SS I13 +95 23 7 SS I14 +95 23 8 NN I9 +95 23 8 NN I10 +95 23 8 NN I11 +95 23 8 NN I12 +95 23 9 SR G1 +95 23 9 SR G2 +95 23 9 SR G3 +95 23 10 S J0 +95 23 10 S J1 +95 23 10 S J2 +95 23 10 S J3 +95 23 10 S J4 +95 23 10 S J5 +95 23 10 S J6 +95 23 10 S J7 +95 23 10 S J8 +95 23 10 S J9 +95 23 10 S J10 +95 23 10 S J11 +95 23 10 S J12 +95 23 10 S J13 +95 23 10 S J14 +95 23 10 S J15 +95 23 10 S J16 +95 23 10 S J17 +95 23 10 S J18 +95 23 10 S J19 +95 23 10 S J20 +95 23 10 S J21 +95 23 10 S J22 +95 23 10 S J23 +95 23 10 S J24 +95 23 10 S J25 +95 23 10 S J26 +95 23 10 S J27 +95 23 10 S J28 +95 23 10 S J29 +95 23 10 S J30 +95 23 10 S J31 +95 23 10 S J32 +95 23 10 S J33 +95 23 10 S J34 +95 23 10 S J35 +95 23 10 S J36 +95 23 10 S J37 +95 23 10 S J38 +95 23 10 S J39 +95 23 10 S J40 +95 24 1 P A0 +95 24 1 P A1 +95 24 1 P A2 +95 24 1 P A3 +95 24 1 P A4 +95 24 1 P A5 +95 24 1 P A6 +95 24 1 P A7 +95 24 1 P A8 +95 24 1 P A9 +95 24 1 P A10 +95 24 1 P A11 +95 24 1 P A12 +95 24 1 P A13 +95 24 1 P A14 +95 24 1 P A15 +95 24 1 P A16 +95 24 1 P A17 +95 24 1 P A18 +95 24 1 P A19 +95 24 1 P A20 +95 24 1 P A21 +95 24 1 P A22 +95 24 1 P A23 +95 24 1 P A24 +95 24 1 P A25 +95 24 1 P A26 +95 24 1 P A27 +95 24 1 P A28 +95 24 1 P A29 +95 24 1 P A30 +95 24 1 P A31 +95 24 1 P A32 +95 24 1 P A33 +95 24 1 P A34 +95 24 1 P A35 +95 24 1 P A36 +95 24 1 P A37 +95 24 1 P A38 +95 24 1 P A39 +95 24 1 P A40 +95 24 2 SH C11 +95 24 3 SW B12 +95 24 4 SU B36 +95 24 5 S J0 +95 24 5 S J1 +95 24 5 S J2 +95 24 5 S J3 +95 24 5 S J4 +95 24 5 S J5 +95 24 5 S J6 +95 24 5 S J7 +95 24 5 S J8 +95 24 5 S J9 +95 24 5 S J10 +95 24 5 S J11 +95 24 5 S J12 +95 24 5 S J13 +95 24 5 S J14 +95 24 5 S J15 +95 24 5 S J16 +95 24 5 S J17 +95 24 5 S J18 +95 24 5 S J19 +95 24 5 S J20 +95 24 5 S J21 +95 24 5 S J22 +95 24 5 S J23 +95 24 5 S J24 +95 24 5 S J25 +95 24 5 S J26 +95 24 5 S J27 +95 24 5 S J28 +95 24 5 S J29 +95 24 5 S J30 +95 24 5 S J31 +95 24 5 S J32 +95 24 5 S J33 +95 24 5 S J34 +95 24 5 S J35 +95 24 5 S J36 +95 24 5 S J37 +95 24 5 S J38 +95 24 5 S J39 +95 24 5 S J40 +95 24 6 DD H30 +95 24 7 D H29 +95 24 8 K G17 +95 24 9 SS J0 +95 24 9 SS J1 +95 24 9 SS J2 +95 24 9 SS J3 +95 24 9 SS J4 +95 24 9 SS J5 +95 24 9 SS J6 +95 24 9 SS J7 +95 24 9 SS J8 +95 24 9 SS J9 +95 24 9 SS J10 +95 24 9 SS J11 +95 24 9 SS J12 +95 24 9 SS J13 +95 24 9 SS J14 +95 24 9 SS J15 +95 24 9 SS J16 +95 24 9 SS J17 +95 24 9 SS J18 +95 24 9 SS J19 +95 24 9 SS J20 +95 24 9 SS J21 +95 24 9 SS J22 +95 24 9 SS J23 +95 24 9 SS J24 +95 24 9 SS J25 +95 24 9 SS J26 +95 24 9 SS J27 +95 24 9 SS J28 +95 24 9 SS J29 +95 24 9 SS J30 +95 24 9 SS J31 +95 24 9 SS J32 +95 24 9 SS J33 +95 24 9 SS J34 +95 24 9 SS J35 +95 24 9 SS J36 +95 24 9 SS J37 +95 24 9 SS J38 +95 24 9 SS J39 +95 24 9 SS J40 +95 24 10 SR F1 +95 25 1 P A0 +95 25 1 P A1 +95 25 1 P A2 +95 25 1 P A3 +95 25 1 P A4 +95 25 1 P A5 +95 25 1 P A6 +95 25 1 P A7 +95 25 1 P A8 +95 25 1 P A9 +95 25 1 P A10 +95 25 1 P A11 +95 25 1 P A12 +95 25 1 P A13 +95 25 1 P A14 +95 25 1 P A15 +95 25 1 P A16 +95 25 1 P A17 +95 25 1 P A18 +95 25 1 P A19 +95 25 1 P A20 +95 25 1 P A21 +95 25 1 P A22 +95 25 1 P A23 +95 25 1 P A24 +95 25 1 P A25 +95 25 1 P A26 +95 25 1 P A27 +95 25 1 P A28 +95 25 1 P A29 +95 25 1 P A30 +95 25 1 P A31 +95 25 1 P A32 +95 25 1 P A33 +95 25 1 P A34 +95 25 1 P A35 +95 25 1 P A36 +95 25 1 P A37 +95 25 1 P A38 +95 25 1 P A39 +95 25 1 P A40 +95 25 2 SH C11 +95 25 3 SW B15 +95 25 3 SW B16 +95 25 3 SW B17 +95 25 3 SW B18 +95 25 3 SW B19 +95 25 3 SW B20 +95 25 3 SW B21 +95 25 3 SW B22 +95 25 3 SW B23 +95 25 3 SW B24 +95 25 3 SW B25 +95 25 3 SW B26 +95 25 3 SW B27 +95 25 3 SW B28 +95 25 3 SW B29 +95 25 3 SW B30 +95 25 3 SW B31 +95 25 3 SW B32 +95 25 3 SW B33 +95 25 3 SW B34 +95 25 3 SW B35 +95 25 3 SW B36 +95 25 3 SW B37 +95 25 3 SW B38 +95 25 3 SW B39 +95 25 3 SW B40 +95 25 4 D H29 +95 25 5 DD G27 +95 25 6 SS I23 +95 25 7 K F19 +95 25 8 WI I8 +95 25 8 WI I9 +95 25 8 WI I10 +95 25 8 WI I11 +95 25 8 WI I12 +95 25 8 WI I13 +95 25 8 WI I14 +95 25 8 WI I15 +95 25 8 WI I16 +95 25 8 WI I17 +95 25 8 WI I18 +95 25 8 WI I19 +95 25 8 WI I20 +95 25 8 WI I21 +95 25 8 WI I22 +95 25 8 WI I23 +95 25 8 WI I24 +95 25 8 WI I25 +95 25 8 WI I26 +95 25 8 WI I27 +95 25 8 WI I28 +95 25 8 WI I29 +95 25 9 KE I7 +95 25 10 SR G2 +95 25 11 S J0 +95 25 11 S J1 +95 25 11 S J2 +95 25 11 S J3 +95 25 11 S J4 +95 25 11 S J5 +95 25 11 S J6 +95 25 11 S J7 +95 25 11 S J8 +95 25 11 S J9 +95 25 11 S J10 +95 25 11 S J11 +95 25 11 S J12 +95 25 11 S J13 +95 25 11 S J14 +95 25 11 S J15 +95 25 11 S J16 +95 25 11 S J17 +95 25 11 S J18 +95 25 11 S J19 +95 25 11 S J20 +95 25 11 S J21 +95 25 11 S J22 +95 25 11 S J23 +95 25 11 S J24 +95 25 11 S J25 +95 25 11 S J26 +95 25 11 S J27 +95 25 11 S J28 +95 25 11 S J29 +95 25 11 S J30 +95 25 11 S J31 +95 25 11 S J32 +95 25 11 S J33 +95 25 11 S J34 +95 25 11 S J35 +95 25 11 S J36 +95 25 11 S J37 +95 25 11 S J38 +95 25 11 S J39 +95 25 11 S J40 +96 1 1 CO A0 +96 1 1 CO A1 +96 1 1 CO A2 +96 1 1 CO A3 +96 1 1 CO A4 +96 1 1 CO A5 +96 1 1 CO A6 +96 1 1 CO A7 +96 1 1 CO A8 +96 1 1 CO A9 +96 1 1 CO A10 +96 1 1 CO A11 +96 1 1 CO A12 +96 1 1 CO A13 +96 1 1 CO A14 +96 1 1 CO A15 +96 1 1 CO A16 +96 1 1 CO A17 +96 1 1 CO A18 +96 1 1 CO A19 +96 1 1 CO A20 +96 1 1 CO A21 +96 1 1 CO A22 +96 1 1 CO A23 +96 1 1 CO A24 +96 1 1 CO A25 +96 1 1 CO A26 +96 1 1 CO A27 +96 1 1 CO A28 +96 1 1 CO A29 +96 1 1 CO A30 +96 1 1 CO A31 +96 1 1 CO A32 +96 1 1 CO A33 +96 1 1 CO A34 +96 1 1 CO A35 +96 1 1 CO A36 +96 1 1 CO A37 +96 1 1 CO A38 +96 1 1 CO A39 +96 1 1 CO A40 +96 1 2 DE C9 +96 1 3 YR D26 +96 1 4 YX H18 +96 1 5 WE J0 +96 1 5 WE J1 +96 1 5 WE J2 +96 1 5 WE J3 +96 1 5 WE J4 +96 1 5 WE J5 +96 1 5 WE J6 +96 1 5 WE J7 +96 1 5 WE J8 +96 1 5 WE J9 +96 1 5 WE J10 +96 1 5 WE J11 +96 1 5 WE J12 +96 1 5 WE J13 +96 1 5 WE J14 +96 1 5 WE J15 +96 1 5 WE J16 +96 1 5 WE J17 +96 1 5 WE J18 +96 1 5 WE J19 +96 1 5 WE J20 +96 1 5 WE J21 +96 1 5 WE J22 +96 1 5 WE J23 +96 1 5 WE J24 +96 1 5 WE J25 +96 1 5 WE J26 +96 1 5 WE J27 +96 1 5 WE J28 +96 1 5 WE J29 +96 1 5 WE J30 +96 1 5 WE J31 +96 1 5 WE J32 +96 1 5 WE J33 +96 1 5 WE J34 +96 1 5 WE J35 +96 1 5 WE J36 +96 1 5 WE J37 +96 1 5 WE J38 +96 1 5 WE J39 +96 1 5 WE J40 +96 1 6 DA G1 +96 2 1 CO A0 +96 2 1 CO A1 +96 2 1 CO A2 +96 2 1 CO A3 +96 2 1 CO A4 +96 2 1 CO A5 +96 2 1 CO A6 +96 2 1 CO A7 +96 2 1 CO A8 +96 2 1 CO A9 +96 2 1 CO A10 +96 2 1 CO A11 +96 2 1 CO A12 +96 2 1 CO A13 +96 2 1 CO A14 +96 2 1 CO A15 +96 2 1 CO A16 +96 2 1 CO A17 +96 2 1 CO A18 +96 2 1 CO A19 +96 2 1 CO A20 +96 2 1 CO A21 +96 2 1 CO A22 +96 2 1 CO A23 +96 2 1 CO A24 +96 2 1 CO A25 +96 2 1 CO A26 +96 2 1 CO A27 +96 2 1 CO A28 +96 2 1 CO A29 +96 2 1 CO A30 +96 2 1 CO A31 +96 2 1 CO A32 +96 2 1 CO A33 +96 2 1 CO A34 +96 2 1 CO A35 +96 2 1 CO A36 +96 2 1 CO A37 +96 2 1 CO A38 +96 2 1 CO A39 +96 2 1 CO A40 +96 2 2 DE D7 +96 2 3 YX F18 +96 2 4 YR C21 +96 2 5 WA J0 +96 2 5 WA J1 +96 2 5 WA J2 +96 2 5 WA J3 +96 2 5 WA J4 +96 2 5 WA J5 +96 2 5 WA J6 +96 2 5 WA J7 +96 2 5 WA J8 +96 2 5 WA J9 +96 2 5 WA J10 +96 2 5 WA J11 +96 2 5 WA J12 +96 2 5 WA J13 +96 2 5 WA J14 +96 2 5 WA J15 +96 2 5 WA J16 +96 2 5 WA J17 +96 2 5 WA J18 +96 2 5 WA J19 +96 2 5 WA J20 +96 2 5 WA J21 +96 2 5 WA J22 +96 2 5 WA J23 +96 2 5 WA J24 +96 2 5 WA J25 +96 2 5 WA J26 +96 2 5 WA J27 +96 2 5 WA J28 +96 2 5 WA J29 +96 2 5 WA J30 +96 2 5 WA J31 +96 2 5 WA J32 +96 2 5 WA J33 +96 2 5 WA J34 +96 2 5 WA J35 +96 2 5 WA J36 +96 2 5 WA J37 +96 2 5 WA J38 +96 2 5 WA J39 +96 2 5 WA J40 +96 2 6 DA G1 +96 3 1 CO A0 +96 3 1 CO A1 +96 3 1 CO A2 +96 3 1 CO A3 +96 3 1 CO A4 +96 3 1 CO A5 +96 3 1 CO A6 +96 3 1 CO A7 +96 3 1 CO A8 +96 3 1 CO A9 +96 3 1 CO A10 +96 3 1 CO A11 +96 3 1 CO A12 +96 3 1 CO A13 +96 3 1 CO A14 +96 3 1 CO A15 +96 3 1 CO A16 +96 3 1 CO A17 +96 3 1 CO A18 +96 3 1 CO A19 +96 3 1 CO A20 +96 3 1 CO A21 +96 3 1 CO A22 +96 3 1 CO A23 +96 3 1 CO A24 +96 3 1 CO A25 +96 3 1 CO A26 +96 3 1 CO A27 +96 3 1 CO A28 +96 3 1 CO A29 +96 3 1 CO A30 +96 3 1 CO A31 +96 3 1 CO A32 +96 3 1 CO A33 +96 3 1 CO A34 +96 3 1 CO A35 +96 3 1 CO A36 +96 3 1 CO A37 +96 3 1 CO A38 +96 3 1 CO A39 +96 3 1 CO A40 +96 3 2 WA J0 +96 3 2 WA J1 +96 3 2 WA J2 +96 3 2 WA J3 +96 3 2 WA J4 +96 3 2 WA J5 +96 3 2 WA J6 +96 3 2 WA J7 +96 3 2 WA J8 +96 3 2 WA J9 +96 3 2 WA J10 +96 3 2 WA J11 +96 3 2 WA J12 +96 3 2 WA J13 +96 3 2 WA J14 +96 3 2 WA J15 +96 3 2 WA J16 +96 3 2 WA J17 +96 3 2 WA J18 +96 3 2 WA J19 +96 3 2 WA J20 +96 3 2 WA J21 +96 3 2 WA J22 +96 3 2 WA J23 +96 3 2 WA J24 +96 3 2 WA J25 +96 3 2 WA J26 +96 3 2 WA J27 +96 3 2 WA J28 +96 3 2 WA J29 +96 3 2 WA J30 +96 3 2 WA J31 +96 3 2 WA J32 +96 3 2 WA J33 +96 3 2 WA J34 +96 3 2 WA J35 +96 3 2 WA J36 +96 3 2 WA J37 +96 3 2 WA J38 +96 3 2 WA J39 +96 3 2 WA J40 +96 3 3 DE C9 +96 3 4 YR D17 +96 3 5 YX F23 +96 3 6 JU H11 +96 3 7 DA H2 +96 4 1 CO A0 +96 4 1 CO A1 +96 4 1 CO A2 +96 4 1 CO A3 +96 4 1 CO A4 +96 4 1 CO A5 +96 4 1 CO A6 +96 4 1 CO A7 +96 4 1 CO A8 +96 4 1 CO A9 +96 4 1 CO A10 +96 4 1 CO A11 +96 4 1 CO A12 +96 4 1 CO A13 +96 4 1 CO A14 +96 4 1 CO A15 +96 4 1 CO A16 +96 4 1 CO A17 +96 4 1 CO A18 +96 4 1 CO A19 +96 4 1 CO A20 +96 4 1 CO A21 +96 4 1 CO A22 +96 4 1 CO A23 +96 4 1 CO A24 +96 4 1 CO A25 +96 4 1 CO A26 +96 4 1 CO A27 +96 4 1 CO A28 +96 4 1 CO A29 +96 4 1 CO A30 +96 4 1 CO A31 +96 4 1 CO A32 +96 4 1 CO A33 +96 4 1 CO A34 +96 4 1 CO A35 +96 4 1 CO A36 +96 4 1 CO A37 +96 4 1 CO A38 +96 4 1 CO A39 +96 4 1 CO A40 +96 4 2 WE J0 +96 4 2 WE J1 +96 4 2 WE J2 +96 4 2 WE J3 +96 4 2 WE J4 +96 4 2 WE J5 +96 4 2 WE J6 +96 4 2 WE J7 +96 4 2 WE J8 +96 4 2 WE J9 +96 4 2 WE J10 +96 4 2 WE J11 +96 4 2 WE J12 +96 4 2 WE J13 +96 4 2 WE J14 +96 4 2 WE J15 +96 4 2 WE J16 +96 4 2 WE J17 +96 4 2 WE J18 +96 4 2 WE J19 +96 4 2 WE J20 +96 4 2 WE J21 +96 4 2 WE J22 +96 4 2 WE J23 +96 4 2 WE J24 +96 4 2 WE J25 +96 4 2 WE J26 +96 4 2 WE J27 +96 4 2 WE J28 +96 4 2 WE J29 +96 4 2 WE J30 +96 4 2 WE J31 +96 4 2 WE J32 +96 4 2 WE J33 +96 4 2 WE J34 +96 4 2 WE J35 +96 4 2 WE J36 +96 4 2 WE J37 +96 4 2 WE J38 +96 4 2 WE J39 +96 4 2 WE J40 +96 4 3 DE C8 +96 4 4 YX G20 +96 4 5 YR D30 +96 4 6 JU G7 +96 4 7 DA F2 +96 5 1 CO A0 +96 5 1 CO A1 +96 5 1 CO A2 +96 5 1 CO A3 +96 5 1 CO A4 +96 5 1 CO A5 +96 5 1 CO A6 +96 5 1 CO A7 +96 5 1 CO A8 +96 5 1 CO A9 +96 5 1 CO A10 +96 5 1 CO A11 +96 5 1 CO A12 +96 5 1 CO A13 +96 5 1 CO A14 +96 5 1 CO A15 +96 5 1 CO A16 +96 5 1 CO A17 +96 5 1 CO A18 +96 5 1 CO A19 +96 5 1 CO A20 +96 5 1 CO A21 +96 5 1 CO A22 +96 5 1 CO A23 +96 5 1 CO A24 +96 5 1 CO A25 +96 5 1 CO A26 +96 5 1 CO A27 +96 5 1 CO A28 +96 5 1 CO A29 +96 5 1 CO A30 +96 5 1 CO A31 +96 5 1 CO A32 +96 5 1 CO A33 +96 5 1 CO A34 +96 5 1 CO A35 +96 5 1 CO A36 +96 5 1 CO A37 +96 5 1 CO A38 +96 5 1 CO A39 +96 5 1 CO A40 +96 5 2 WA J0 +96 5 2 WA J1 +96 5 2 WA J2 +96 5 2 WA J3 +96 5 2 WA J4 +96 5 2 WA J5 +96 5 2 WA J6 +96 5 2 WA J7 +96 5 2 WA J8 +96 5 2 WA J9 +96 5 2 WA J10 +96 5 2 WA J11 +96 5 2 WA J12 +96 5 2 WA J13 +96 5 2 WA J14 +96 5 2 WA J15 +96 5 2 WA J16 +96 5 2 WA J17 +96 5 2 WA J18 +96 5 2 WA J19 +96 5 2 WA J20 +96 5 2 WA J21 +96 5 2 WA J22 +96 5 2 WA J23 +96 5 2 WA J24 +96 5 2 WA J25 +96 5 2 WA J26 +96 5 2 WA J27 +96 5 2 WA J28 +96 5 2 WA J29 +96 5 2 WA J30 +96 5 2 WA J31 +96 5 2 WA J32 +96 5 2 WA J33 +96 5 2 WA J34 +96 5 2 WA J35 +96 5 2 WA J36 +96 5 2 WA J37 +96 5 2 WA J38 +96 5 2 WA J39 +96 5 2 WA J40 +96 5 3 DE C9 +96 5 4 YX F29 +96 5 5 YR E20 +96 5 6 JU H8 +96 5 7 DA G2 +96 6 1 CO A0 +96 6 1 CO A1 +96 6 1 CO A2 +96 6 1 CO A3 +96 6 1 CO A4 +96 6 1 CO A5 +96 6 1 CO A6 +96 6 1 CO A7 +96 6 1 CO A8 +96 6 1 CO A9 +96 6 1 CO A10 +96 6 1 CO A11 +96 6 1 CO A12 +96 6 1 CO A13 +96 6 1 CO A14 +96 6 1 CO A15 +96 6 1 CO A16 +96 6 1 CO A17 +96 6 1 CO A18 +96 6 1 CO A19 +96 6 1 CO A20 +96 6 1 CO A21 +96 6 1 CO A22 +96 6 1 CO A23 +96 6 1 CO A24 +96 6 1 CO A25 +96 6 1 CO A26 +96 6 1 CO A27 +96 6 1 CO A28 +96 6 1 CO A29 +96 6 1 CO A30 +96 6 1 CO A31 +96 6 1 CO A32 +96 6 1 CO A33 +96 6 1 CO A34 +96 6 1 CO A35 +96 6 1 CO A36 +96 6 1 CO A37 +96 6 1 CO A38 +96 6 1 CO A39 +96 6 1 CO A40 +96 6 2 WA J0 +96 6 2 WA J1 +96 6 2 WA J2 +96 6 2 WA J3 +96 6 2 WA J4 +96 6 2 WA J5 +96 6 2 WA J6 +96 6 2 WA J7 +96 6 2 WA J8 +96 6 2 WA J9 +96 6 2 WA J10 +96 6 2 WA J11 +96 6 2 WA J12 +96 6 2 WA J13 +96 6 2 WA J14 +96 6 2 WA J15 +96 6 2 WA J16 +96 6 2 WA J17 +96 6 2 WA J18 +96 6 2 WA J19 +96 6 2 WA J20 +96 6 2 WA J21 +96 6 2 WA J22 +96 6 2 WA J23 +96 6 2 WA J24 +96 6 2 WA J25 +96 6 2 WA J26 +96 6 2 WA J27 +96 6 2 WA J28 +96 6 2 WA J29 +96 6 2 WA J30 +96 6 2 WA J31 +96 6 2 WA J32 +96 6 2 WA J33 +96 6 2 WA J34 +96 6 2 WA J35 +96 6 2 WA J36 +96 6 2 WA J37 +96 6 2 WA J38 +96 6 2 WA J39 +96 6 2 WA J40 +96 6 3 DE C10 +96 6 4 YR B21 +96 6 5 YX F29 +96 6 6 JU I6 +96 6 7 DA G3 +96 7 1 CO A0 +96 7 1 CO A1 +96 7 1 CO A2 +96 7 1 CO A3 +96 7 1 CO A4 +96 7 1 CO A5 +96 7 1 CO A6 +96 7 1 CO A7 +96 7 1 CO A8 +96 7 1 CO A9 +96 7 1 CO A10 +96 7 1 CO A11 +96 7 1 CO A12 +96 7 1 CO A13 +96 7 1 CO A14 +96 7 1 CO A15 +96 7 1 CO A16 +96 7 1 CO A17 +96 7 1 CO A18 +96 7 1 CO A19 +96 7 1 CO A20 +96 7 1 CO A21 +96 7 1 CO A22 +96 7 1 CO A23 +96 7 1 CO A24 +96 7 1 CO A25 +96 7 1 CO A26 +96 7 1 CO A27 +96 7 1 CO A28 +96 7 1 CO A29 +96 7 1 CO A30 +96 7 1 CO A31 +96 7 1 CO A32 +96 7 1 CO A33 +96 7 1 CO A34 +96 7 1 CO A35 +96 7 1 CO A36 +96 7 1 CO A37 +96 7 1 CO A38 +96 7 1 CO A39 +96 7 1 CO A40 +96 7 2 WA J0 +96 7 2 WA J1 +96 7 2 WA J2 +96 7 2 WA J3 +96 7 2 WA J4 +96 7 2 WA J5 +96 7 2 WA J6 +96 7 2 WA J7 +96 7 2 WA J8 +96 7 2 WA J9 +96 7 2 WA J10 +96 7 2 WA J11 +96 7 2 WA J12 +96 7 2 WA J13 +96 7 2 WA J14 +96 7 2 WA J15 +96 7 2 WA J16 +96 7 2 WA J17 +96 7 2 WA J18 +96 7 2 WA J19 +96 7 2 WA J20 +96 7 2 WA J21 +96 7 2 WA J22 +96 7 2 WA J23 +96 7 2 WA J24 +96 7 2 WA J25 +96 7 2 WA J26 +96 7 2 WA J27 +96 7 2 WA J28 +96 7 2 WA J29 +96 7 2 WA J30 +96 7 2 WA J31 +96 7 2 WA J32 +96 7 2 WA J33 +96 7 2 WA J34 +96 7 2 WA J35 +96 7 2 WA J36 +96 7 2 WA J37 +96 7 2 WA J38 +96 7 2 WA J39 +96 7 2 WA J40 +96 7 3 DE C8 +96 7 4 YR D22 +96 7 5 YX G27 +96 7 6 JU I4 +96 7 7 DA G3 +96 8 1 CH A0 +96 8 1 CH A1 +96 8 1 CH A2 +96 8 1 CH A3 +96 8 1 CH A4 +96 8 1 CH A5 +96 8 1 CH A6 +96 8 1 CH A7 +96 8 1 CH A8 +96 8 1 CH A9 +96 8 1 CH A10 +96 8 1 CH A11 +96 8 1 CH A12 +96 8 1 CH A13 +96 8 1 CH A14 +96 8 1 CH A15 +96 8 1 CH A16 +96 8 1 CH A17 +96 8 1 CH A18 +96 8 1 CH A19 +96 8 1 CH A20 +96 8 1 CH A21 +96 8 1 CH A22 +96 8 1 CH A23 +96 8 1 CH A24 +96 8 1 CH A25 +96 8 1 CH A26 +96 8 1 CH A27 +96 8 1 CH A28 +96 8 1 CH A29 +96 8 1 CH A30 +96 8 1 CH A31 +96 8 1 CH A32 +96 8 1 CH A33 +96 8 1 CH A34 +96 8 1 CH A35 +96 8 1 CH A36 +96 8 1 CH A37 +96 8 1 CH A38 +96 8 1 CH A39 +96 8 1 CH A40 +96 8 2 WA J0 +96 8 2 WA J1 +96 8 2 WA J2 +96 8 2 WA J3 +96 8 2 WA J4 +96 8 2 WA J5 +96 8 2 WA J6 +96 8 2 WA J7 +96 8 2 WA J8 +96 8 2 WA J9 +96 8 2 WA J10 +96 8 2 WA J11 +96 8 2 WA J12 +96 8 2 WA J13 +96 8 2 WA J14 +96 8 2 WA J15 +96 8 2 WA J16 +96 8 2 WA J17 +96 8 2 WA J18 +96 8 2 WA J19 +96 8 2 WA J20 +96 8 2 WA J21 +96 8 2 WA J22 +96 8 2 WA J23 +96 8 2 WA J24 +96 8 2 WA J25 +96 8 2 WA J26 +96 8 2 WA J27 +96 8 2 WA J28 +96 8 2 WA J29 +96 8 2 WA J30 +96 8 2 WA J31 +96 8 2 WA J32 +96 8 2 WA J33 +96 8 2 WA J34 +96 8 2 WA J35 +96 8 2 WA J36 +96 8 2 WA J37 +96 8 2 WA J38 +96 8 2 WA J39 +96 8 2 WA J40 +96 8 3 DA G1 +96 8 4 DE C9 +96 8 5 YX G17 +96 8 6 YR F28 +96 8 7 JU H9 +96 9 1 CH A0 +96 9 1 CH A1 +96 9 1 CH A2 +96 9 1 CH A3 +96 9 1 CH A4 +96 9 1 CH A5 +96 9 1 CH A6 +96 9 1 CH A7 +96 9 1 CH A8 +96 9 1 CH A9 +96 9 1 CH A10 +96 9 1 CH A11 +96 9 1 CH A12 +96 9 1 CH A13 +96 9 1 CH A14 +96 9 1 CH A15 +96 9 1 CH A16 +96 9 1 CH A17 +96 9 1 CH A18 +96 9 1 CH A19 +96 9 1 CH A20 +96 9 1 CH A21 +96 9 1 CH A22 +96 9 1 CH A23 +96 9 1 CH A24 +96 9 1 CH A25 +96 9 1 CH A26 +96 9 1 CH A27 +96 9 1 CH A28 +96 9 1 CH A29 +96 9 1 CH A30 +96 9 1 CH A31 +96 9 1 CH A32 +96 9 1 CH A33 +96 9 1 CH A34 +96 9 1 CH A35 +96 9 1 CH A36 +96 9 1 CH A37 +96 9 1 CH A38 +96 9 1 CH A39 +96 9 1 CH A40 +96 9 2 WA J0 +96 9 2 WA J1 +96 9 2 WA J2 +96 9 2 WA J3 +96 9 2 WA J4 +96 9 2 WA J5 +96 9 2 WA J6 +96 9 2 WA J7 +96 9 2 WA J8 +96 9 2 WA J9 +96 9 2 WA J10 +96 9 2 WA J11 +96 9 2 WA J12 +96 9 2 WA J13 +96 9 2 WA J14 +96 9 2 WA J15 +96 9 2 WA J16 +96 9 2 WA J17 +96 9 2 WA J18 +96 9 2 WA J19 +96 9 2 WA J20 +96 9 2 WA J21 +96 9 2 WA J22 +96 9 2 WA J23 +96 9 2 WA J24 +96 9 2 WA J25 +96 9 2 WA J26 +96 9 2 WA J27 +96 9 2 WA J28 +96 9 2 WA J29 +96 9 2 WA J30 +96 9 2 WA J31 +96 9 2 WA J32 +96 9 2 WA J33 +96 9 2 WA J34 +96 9 2 WA J35 +96 9 2 WA J36 +96 9 2 WA J37 +96 9 2 WA J38 +96 9 2 WA J39 +96 9 2 WA J40 +96 9 3 DE C9 +96 9 4 YR D26 +96 9 5 YX F28 +96 9 6 JU I10 +96 9 7 DA G2 +96 10 1 CO A0 +96 10 1 CO A1 +96 10 1 CO A2 +96 10 1 CO A3 +96 10 1 CO A4 +96 10 1 CO A5 +96 10 1 CO A6 +96 10 1 CO A7 +96 10 1 CO A8 +96 10 1 CO A9 +96 10 1 CO A10 +96 10 1 CO A11 +96 10 1 CO A12 +96 10 1 CO A13 +96 10 1 CO A14 +96 10 1 CO A15 +96 10 1 CO A16 +96 10 1 CO A17 +96 10 1 CO A18 +96 10 1 CO A19 +96 10 1 CO A20 +96 10 1 CO A21 +96 10 1 CO A22 +96 10 1 CO A23 +96 10 1 CO A24 +96 10 1 CO A25 +96 10 1 CO A26 +96 10 1 CO A27 +96 10 1 CO A28 +96 10 1 CO A29 +96 10 1 CO A30 +96 10 1 CO A31 +96 10 1 CO A32 +96 10 1 CO A33 +96 10 1 CO A34 +96 10 1 CO A35 +96 10 1 CO A36 +96 10 1 CO A37 +96 10 1 CO A38 +96 10 1 CO A39 +96 10 1 CO A40 +96 10 2 WE J0 +96 10 2 WE J1 +96 10 2 WE J2 +96 10 2 WE J3 +96 10 2 WE J4 +96 10 2 WE J5 +96 10 2 WE J6 +96 10 2 WE J7 +96 10 2 WE J8 +96 10 2 WE J9 +96 10 2 WE J10 +96 10 2 WE J11 +96 10 2 WE J12 +96 10 2 WE J13 +96 10 2 WE J14 +96 10 2 WE J15 +96 10 2 WE J16 +96 10 2 WE J17 +96 10 2 WE J18 +96 10 2 WE J19 +96 10 2 WE J20 +96 10 2 WE J21 +96 10 2 WE J22 +96 10 2 WE J23 +96 10 2 WE J24 +96 10 2 WE J25 +96 10 2 WE J26 +96 10 2 WE J27 +96 10 2 WE J28 +96 10 2 WE J29 +96 10 2 WE J30 +96 10 2 WE J31 +96 10 2 WE J32 +96 10 2 WE J33 +96 10 2 WE J34 +96 10 2 WE J35 +96 10 2 WE J36 +96 10 2 WE J37 +96 10 2 WE J38 +96 10 2 WE J39 +96 10 2 WE J40 +96 10 3 DE C9 +96 10 4 YX G19 +96 10 5 YR D26 +96 10 6 DA G3 +96 11 1 CO A0 +96 11 1 CO A1 +96 11 1 CO A2 +96 11 1 CO A3 +96 11 1 CO A4 +96 11 1 CO A5 +96 11 1 CO A6 +96 11 1 CO A7 +96 11 1 CO A8 +96 11 1 CO A9 +96 11 1 CO A10 +96 11 1 CO A11 +96 11 1 CO A12 +96 11 1 CO A13 +96 11 1 CO A14 +96 11 1 CO A15 +96 11 1 CO A16 +96 11 1 CO A17 +96 11 1 CO A18 +96 11 1 CO A19 +96 11 1 CO A20 +96 11 1 CO A21 +96 11 1 CO A22 +96 11 1 CO A23 +96 11 1 CO A24 +96 11 1 CO A25 +96 11 1 CO A26 +96 11 1 CO A27 +96 11 1 CO A28 +96 11 1 CO A29 +96 11 1 CO A30 +96 11 1 CO A31 +96 11 1 CO A32 +96 11 1 CO A33 +96 11 1 CO A34 +96 11 1 CO A35 +96 11 1 CO A36 +96 11 1 CO A37 +96 11 1 CO A38 +96 11 1 CO A39 +96 11 1 CO A40 +96 11 2 WE J0 +96 11 2 WE J1 +96 11 2 WE J2 +96 11 2 WE J3 +96 11 2 WE J4 +96 11 2 WE J5 +96 11 2 WE J6 +96 11 2 WE J7 +96 11 2 WE J8 +96 11 2 WE J9 +96 11 2 WE J10 +96 11 2 WE J11 +96 11 2 WE J12 +96 11 2 WE J13 +96 11 2 WE J14 +96 11 2 WE J15 +96 11 2 WE J16 +96 11 2 WE J17 +96 11 2 WE J18 +96 11 2 WE J19 +96 11 2 WE J20 +96 11 2 WE J21 +96 11 2 WE J22 +96 11 2 WE J23 +96 11 2 WE J24 +96 11 2 WE J25 +96 11 2 WE J26 +96 11 2 WE J27 +96 11 2 WE J28 +96 11 2 WE J29 +96 11 2 WE J30 +96 11 2 WE J31 +96 11 2 WE J32 +96 11 2 WE J33 +96 11 2 WE J34 +96 11 2 WE J35 +96 11 2 WE J36 +96 11 2 WE J37 +96 11 2 WE J38 +96 11 2 WE J39 +96 11 2 WE J40 +96 11 3 DA G2 +96 11 4 DE D7 +96 11 5 YX G20 +96 11 6 YR E17 +96 11 7 JU H9 +96 12 1 CO A0 +96 12 1 CO A1 +96 12 1 CO A2 +96 12 1 CO A3 +96 12 1 CO A4 +96 12 1 CO A5 +96 12 1 CO A6 +96 12 1 CO A7 +96 12 1 CO A8 +96 12 1 CO A9 +96 12 1 CO A10 +96 12 1 CO A11 +96 12 1 CO A12 +96 12 1 CO A13 +96 12 1 CO A14 +96 12 1 CO A15 +96 12 1 CO A16 +96 12 1 CO A17 +96 12 1 CO A18 +96 12 1 CO A19 +96 12 1 CO A20 +96 12 1 CO A21 +96 12 1 CO A22 +96 12 1 CO A23 +96 12 1 CO A24 +96 12 1 CO A25 +96 12 1 CO A26 +96 12 1 CO A27 +96 12 1 CO A28 +96 12 1 CO A29 +96 12 1 CO A30 +96 12 1 CO A31 +96 12 1 CO A32 +96 12 1 CO A33 +96 12 1 CO A34 +96 12 1 CO A35 +96 12 1 CO A36 +96 12 1 CO A37 +96 12 1 CO A38 +96 12 1 CO A39 +96 12 1 CO A40 +96 12 2 WE J0 +96 12 2 WE J1 +96 12 2 WE J2 +96 12 2 WE J3 +96 12 2 WE J4 +96 12 2 WE J5 +96 12 2 WE J6 +96 12 2 WE J7 +96 12 2 WE J8 +96 12 2 WE J9 +96 12 2 WE J10 +96 12 2 WE J11 +96 12 2 WE J12 +96 12 2 WE J13 +96 12 2 WE J14 +96 12 2 WE J15 +96 12 2 WE J16 +96 12 2 WE J17 +96 12 2 WE J18 +96 12 2 WE J19 +96 12 2 WE J20 +96 12 2 WE J21 +96 12 2 WE J22 +96 12 2 WE J23 +96 12 2 WE J24 +96 12 2 WE J25 +96 12 2 WE J26 +96 12 2 WE J27 +96 12 2 WE J28 +96 12 2 WE J29 +96 12 2 WE J30 +96 12 2 WE J31 +96 12 2 WE J32 +96 12 2 WE J33 +96 12 2 WE J34 +96 12 2 WE J35 +96 12 2 WE J36 +96 12 2 WE J37 +96 12 2 WE J38 +96 12 2 WE J39 +96 12 2 WE J40 +96 12 3 JU G7 +96 12 4 DE C9 +96 12 5 YR D17 +96 12 6 YX G15 +96 12 7 DA G1 +96 13 1 CO A0 +96 13 1 CO A1 +96 13 1 CO A2 +96 13 1 CO A3 +96 13 1 CO A4 +96 13 1 CO A5 +96 13 1 CO A6 +96 13 1 CO A7 +96 13 1 CO A8 +96 13 1 CO A9 +96 13 1 CO A10 +96 13 1 CO A11 +96 13 1 CO A12 +96 13 1 CO A13 +96 13 1 CO A14 +96 13 1 CO A15 +96 13 1 CO A16 +96 13 1 CO A17 +96 13 1 CO A18 +96 13 1 CO A19 +96 13 1 CO A20 +96 13 1 CO A21 +96 13 1 CO A22 +96 13 1 CO A23 +96 13 1 CO A24 +96 13 1 CO A25 +96 13 1 CO A26 +96 13 1 CO A27 +96 13 1 CO A28 +96 13 1 CO A29 +96 13 1 CO A30 +96 13 1 CO A31 +96 13 1 CO A32 +96 13 1 CO A33 +96 13 1 CO A34 +96 13 1 CO A35 +96 13 1 CO A36 +96 13 1 CO A37 +96 13 1 CO A38 +96 13 1 CO A39 +96 13 1 CO A40 +96 13 2 WE J0 +96 13 2 WE J1 +96 13 2 WE J2 +96 13 2 WE J3 +96 13 2 WE J4 +96 13 2 WE J5 +96 13 2 WE J6 +96 13 2 WE J7 +96 13 2 WE J8 +96 13 2 WE J9 +96 13 2 WE J10 +96 13 2 WE J11 +96 13 2 WE J12 +96 13 2 WE J13 +96 13 2 WE J14 +96 13 2 WE J15 +96 13 2 WE J16 +96 13 2 WE J17 +96 13 2 WE J18 +96 13 2 WE J19 +96 13 2 WE J20 +96 13 2 WE J21 +96 13 2 WE J22 +96 13 2 WE J23 +96 13 2 WE J24 +96 13 2 WE J25 +96 13 2 WE J26 +96 13 2 WE J27 +96 13 2 WE J28 +96 13 2 WE J29 +96 13 2 WE J30 +96 13 2 WE J31 +96 13 2 WE J32 +96 13 2 WE J33 +96 13 2 WE J34 +96 13 2 WE J35 +96 13 2 WE J36 +96 13 2 WE J37 +96 13 2 WE J38 +96 13 2 WE J39 +96 13 2 WE J40 +96 13 3 DE C8 +96 13 4 YR E19 +96 13 5 YX G17 +96 13 6 DA G1 +96 14 1 CO A0 +96 14 1 CO A1 +96 14 1 CO A2 +96 14 1 CO A3 +96 14 1 CO A4 +96 14 1 CO A5 +96 14 1 CO A6 +96 14 1 CO A7 +96 14 1 CO A8 +96 14 1 CO A9 +96 14 1 CO A10 +96 14 1 CO A11 +96 14 1 CO A12 +96 14 1 CO A13 +96 14 1 CO A14 +96 14 1 CO A15 +96 14 1 CO A16 +96 14 1 CO A17 +96 14 1 CO A18 +96 14 1 CO A19 +96 14 1 CO A20 +96 14 1 CO A21 +96 14 1 CO A22 +96 14 1 CO A23 +96 14 1 CO A24 +96 14 1 CO A25 +96 14 1 CO A26 +96 14 1 CO A27 +96 14 1 CO A28 +96 14 1 CO A29 +96 14 1 CO A30 +96 14 1 CO A31 +96 14 1 CO A32 +96 14 1 CO A33 +96 14 1 CO A34 +96 14 1 CO A35 +96 14 1 CO A36 +96 14 1 CO A37 +96 14 1 CO A38 +96 14 1 CO A39 +96 14 1 CO A40 +96 14 2 WE J0 +96 14 2 WE J1 +96 14 2 WE J2 +96 14 2 WE J3 +96 14 2 WE J4 +96 14 2 WE J5 +96 14 2 WE J6 +96 14 2 WE J7 +96 14 2 WE J8 +96 14 2 WE J9 +96 14 2 WE J10 +96 14 2 WE J11 +96 14 2 WE J12 +96 14 2 WE J13 +96 14 2 WE J14 +96 14 2 WE J15 +96 14 2 WE J16 +96 14 2 WE J17 +96 14 2 WE J18 +96 14 2 WE J19 +96 14 2 WE J20 +96 14 2 WE J21 +96 14 2 WE J22 +96 14 2 WE J23 +96 14 2 WE J24 +96 14 2 WE J25 +96 14 2 WE J26 +96 14 2 WE J27 +96 14 2 WE J28 +96 14 2 WE J29 +96 14 2 WE J30 +96 14 2 WE J31 +96 14 2 WE J32 +96 14 2 WE J33 +96 14 2 WE J34 +96 14 2 WE J35 +96 14 2 WE J36 +96 14 2 WE J37 +96 14 2 WE J38 +96 14 2 WE J39 +96 14 2 WE J40 +96 14 3 DE B12 +96 14 4 YR D28 +96 14 5 YX G28 +96 14 6 JU H8 +96 14 7 DA G2 +96 15 1 CO A0 +96 15 1 CO A1 +96 15 1 CO A2 +96 15 1 CO A3 +96 15 1 CO A4 +96 15 1 CO A5 +96 15 1 CO A6 +96 15 1 CO A7 +96 15 1 CO A8 +96 15 1 CO A9 +96 15 1 CO A10 +96 15 1 CO A11 +96 15 1 CO A12 +96 15 1 CO A13 +96 15 1 CO A14 +96 15 1 CO A15 +96 15 1 CO A16 +96 15 1 CO A17 +96 15 1 CO A18 +96 15 1 CO A19 +96 15 1 CO A20 +96 15 1 CO A21 +96 15 1 CO A22 +96 15 1 CO A23 +96 15 1 CO A24 +96 15 1 CO A25 +96 15 1 CO A26 +96 15 1 CO A27 +96 15 1 CO A28 +96 15 1 CO A29 +96 15 1 CO A30 +96 15 1 CO A31 +96 15 1 CO A32 +96 15 1 CO A33 +96 15 1 CO A34 +96 15 1 CO A35 +96 15 1 CO A36 +96 15 1 CO A37 +96 15 1 CO A38 +96 15 1 CO A39 +96 15 1 CO A40 +96 15 2 WE J0 +96 15 2 WE J1 +96 15 2 WE J2 +96 15 2 WE J3 +96 15 2 WE J4 +96 15 2 WE J5 +96 15 2 WE J6 +96 15 2 WE J7 +96 15 2 WE J8 +96 15 2 WE J9 +96 15 2 WE J10 +96 15 2 WE J11 +96 15 2 WE J12 +96 15 2 WE J13 +96 15 2 WE J14 +96 15 2 WE J15 +96 15 2 WE J16 +96 15 2 WE J17 +96 15 2 WE J18 +96 15 2 WE J19 +96 15 2 WE J20 +96 15 2 WE J21 +96 15 2 WE J22 +96 15 2 WE J23 +96 15 2 WE J24 +96 15 2 WE J25 +96 15 2 WE J26 +96 15 2 WE J27 +96 15 2 WE J28 +96 15 2 WE J29 +96 15 2 WE J30 +96 15 2 WE J31 +96 15 2 WE J32 +96 15 2 WE J33 +96 15 2 WE J34 +96 15 2 WE J35 +96 15 2 WE J36 +96 15 2 WE J37 +96 15 2 WE J38 +96 15 2 WE J39 +96 15 2 WE J40 +96 15 3 DE D8 +96 15 4 YR G17 +96 15 5 JU H31 +96 15 6 YX H28 +96 15 7 DA G2 +96 16 1 CO A0 +96 16 1 CO A1 +96 16 1 CO A2 +96 16 1 CO A3 +96 16 1 CO A4 +96 16 1 CO A5 +96 16 1 CO A6 +96 16 1 CO A7 +96 16 1 CO A8 +96 16 1 CO A9 +96 16 1 CO A10 +96 16 1 CO A11 +96 16 1 CO A12 +96 16 1 CO A13 +96 16 1 CO A14 +96 16 1 CO A15 +96 16 1 CO A16 +96 16 1 CO A17 +96 16 1 CO A18 +96 16 1 CO A19 +96 16 1 CO A20 +96 16 1 CO A21 +96 16 1 CO A22 +96 16 1 CO A23 +96 16 1 CO A24 +96 16 1 CO A25 +96 16 1 CO A26 +96 16 1 CO A27 +96 16 1 CO A28 +96 16 1 CO A29 +96 16 1 CO A30 +96 16 1 CO A31 +96 16 1 CO A32 +96 16 1 CO A33 +96 16 1 CO A34 +96 16 1 CO A35 +96 16 1 CO A36 +96 16 1 CO A37 +96 16 1 CO A38 +96 16 1 CO A39 +96 16 1 CO A40 +96 16 2 WA J0 +96 16 2 WA J1 +96 16 2 WA J2 +96 16 2 WA J3 +96 16 2 WA J4 +96 16 2 WA J5 +96 16 2 WA J6 +96 16 2 WA J7 +96 16 2 WA J8 +96 16 2 WA J9 +96 16 2 WA J10 +96 16 2 WA J11 +96 16 2 WA J12 +96 16 2 WA J13 +96 16 2 WA J14 +96 16 2 WA J15 +96 16 2 WA J16 +96 16 2 WA J17 +96 16 2 WA J18 +96 16 2 WA J19 +96 16 2 WA J20 +96 16 2 WA J21 +96 16 2 WA J22 +96 16 2 WA J23 +96 16 2 WA J24 +96 16 2 WA J25 +96 16 2 WA J26 +96 16 2 WA J27 +96 16 2 WA J28 +96 16 2 WA J29 +96 16 2 WA J30 +96 16 2 WA J31 +96 16 2 WA J32 +96 16 2 WA J33 +96 16 2 WA J34 +96 16 2 WA J35 +96 16 2 WA J36 +96 16 2 WA J37 +96 16 2 WA J38 +96 16 2 WA J39 +96 16 2 WA J40 +96 16 3 DE C12 +96 16 4 YX G17 +96 16 5 JU H37 +96 16 6 YR H17 +96 16 7 DA G1 +96 17 1 CO A0 +96 17 1 CO A1 +96 17 1 CO A2 +96 17 1 CO A3 +96 17 1 CO A4 +96 17 1 CO A5 +96 17 1 CO A6 +96 17 1 CO A7 +96 17 1 CO A8 +96 17 1 CO A9 +96 17 1 CO A10 +96 17 1 CO A11 +96 17 1 CO A12 +96 17 1 CO A13 +96 17 1 CO A14 +96 17 1 CO A15 +96 17 1 CO A16 +96 17 1 CO A17 +96 17 1 CO A18 +96 17 1 CO A19 +96 17 1 CO A20 +96 17 1 CO A21 +96 17 1 CO A22 +96 17 1 CO A23 +96 17 1 CO A24 +96 17 1 CO A25 +96 17 1 CO A26 +96 17 1 CO A27 +96 17 1 CO A28 +96 17 1 CO A29 +96 17 1 CO A30 +96 17 1 CO A31 +96 17 1 CO A32 +96 17 1 CO A33 +96 17 1 CO A34 +96 17 1 CO A35 +96 17 1 CO A36 +96 17 1 CO A37 +96 17 1 CO A38 +96 17 1 CO A39 +96 17 1 CO A40 +96 17 2 WE J0 +96 17 2 WE J1 +96 17 2 WE J2 +96 17 2 WE J3 +96 17 2 WE J4 +96 17 2 WE J5 +96 17 2 WE J6 +96 17 2 WE J7 +96 17 2 WE J8 +96 17 2 WE J9 +96 17 2 WE J10 +96 17 2 WE J11 +96 17 2 WE J12 +96 17 2 WE J13 +96 17 2 WE J14 +96 17 2 WE J15 +96 17 2 WE J16 +96 17 2 WE J17 +96 17 2 WE J18 +96 17 2 WE J19 +96 17 2 WE J20 +96 17 2 WE J21 +96 17 2 WE J22 +96 17 2 WE J23 +96 17 2 WE J24 +96 17 2 WE J25 +96 17 2 WE J26 +96 17 2 WE J27 +96 17 2 WE J28 +96 17 2 WE J29 +96 17 2 WE J30 +96 17 2 WE J31 +96 17 2 WE J32 +96 17 2 WE J33 +96 17 2 WE J34 +96 17 2 WE J35 +96 17 2 WE J36 +96 17 2 WE J37 +96 17 2 WE J38 +96 17 2 WE J39 +96 17 2 WE J40 +96 17 3 DE D10 +96 17 4 YX F19 +96 17 5 YR F29 +96 17 6 JU G33 +96 17 7 DA F2 +96 18 1 CO A0 +96 18 1 CO A1 +96 18 1 CO A2 +96 18 1 CO A3 +96 18 1 CO A4 +96 18 1 CO A5 +96 18 1 CO A6 +96 18 1 CO A7 +96 18 1 CO A8 +96 18 1 CO A9 +96 18 1 CO A10 +96 18 1 CO A11 +96 18 1 CO A12 +96 18 1 CO A13 +96 18 1 CO A14 +96 18 1 CO A15 +96 18 1 CO A16 +96 18 1 CO A17 +96 18 1 CO A18 +96 18 1 CO A19 +96 18 1 CO A20 +96 18 1 CO A21 +96 18 1 CO A22 +96 18 1 CO A23 +96 18 1 CO A24 +96 18 1 CO A25 +96 18 1 CO A26 +96 18 1 CO A27 +96 18 1 CO A28 +96 18 1 CO A29 +96 18 1 CO A30 +96 18 1 CO A31 +96 18 1 CO A32 +96 18 1 CO A33 +96 18 1 CO A34 +96 18 1 CO A35 +96 18 1 CO A36 +96 18 1 CO A37 +96 18 1 CO A38 +96 18 1 CO A39 +96 18 1 CO A40 +96 18 2 WA J0 +96 18 2 WA J1 +96 18 2 WA J2 +96 18 2 WA J3 +96 18 2 WA J4 +96 18 2 WA J5 +96 18 2 WA J6 +96 18 2 WA J7 +96 18 2 WA J8 +96 18 2 WA J9 +96 18 2 WA J10 +96 18 2 WA J11 +96 18 2 WA J12 +96 18 2 WA J13 +96 18 2 WA J14 +96 18 2 WA J15 +96 18 2 WA J16 +96 18 2 WA J17 +96 18 2 WA J18 +96 18 2 WA J19 +96 18 2 WA J20 +96 18 2 WA J21 +96 18 2 WA J22 +96 18 2 WA J23 +96 18 2 WA J24 +96 18 2 WA J25 +96 18 2 WA J26 +96 18 2 WA J27 +96 18 2 WA J28 +96 18 2 WA J29 +96 18 2 WA J30 +96 18 2 WA J31 +96 18 2 WA J32 +96 18 2 WA J33 +96 18 2 WA J34 +96 18 2 WA J35 +96 18 2 WA J36 +96 18 2 WA J37 +96 18 2 WA J38 +96 18 2 WA J39 +96 18 2 WA J40 +96 18 3 DE C9 +96 18 4 YR C16 +96 18 5 YX G17 +96 18 6 JU B23 +96 18 7 DA H1 +96 19 1 CO A0 +96 19 1 CO A1 +96 19 1 CO A2 +96 19 1 CO A3 +96 19 1 CO A4 +96 19 1 CO A5 +96 19 1 CO A6 +96 19 1 CO A7 +96 19 1 CO A8 +96 19 1 CO A9 +96 19 1 CO A10 +96 19 1 CO A11 +96 19 1 CO A12 +96 19 1 CO A13 +96 19 1 CO A14 +96 19 1 CO A15 +96 19 1 CO A16 +96 19 1 CO A17 +96 19 1 CO A18 +96 19 1 CO A19 +96 19 1 CO A20 +96 19 1 CO A21 +96 19 1 CO A22 +96 19 1 CO A23 +96 19 1 CO A24 +96 19 1 CO A25 +96 19 1 CO A26 +96 19 1 CO A27 +96 19 1 CO A28 +96 19 1 CO A29 +96 19 1 CO A30 +96 19 1 CO A31 +96 19 1 CO A32 +96 19 1 CO A33 +96 19 1 CO A34 +96 19 1 CO A35 +96 19 1 CO A36 +96 19 1 CO A37 +96 19 1 CO A38 +96 19 1 CO A39 +96 19 1 CO A40 +96 19 2 WE J0 +96 19 2 WE J1 +96 19 2 WE J2 +96 19 2 WE J3 +96 19 2 WE J4 +96 19 2 WE J5 +96 19 2 WE J6 +96 19 2 WE J7 +96 19 2 WE J8 +96 19 2 WE J9 +96 19 2 WE J10 +96 19 2 WE J11 +96 19 2 WE J12 +96 19 2 WE J13 +96 19 2 WE J14 +96 19 2 WE J15 +96 19 2 WE J16 +96 19 2 WE J17 +96 19 2 WE J18 +96 19 2 WE J19 +96 19 2 WE J20 +96 19 2 WE J21 +96 19 2 WE J22 +96 19 2 WE J23 +96 19 2 WE J24 +96 19 2 WE J25 +96 19 2 WE J26 +96 19 2 WE J27 +96 19 2 WE J28 +96 19 2 WE J29 +96 19 2 WE J30 +96 19 2 WE J31 +96 19 2 WE J32 +96 19 2 WE J33 +96 19 2 WE J34 +96 19 2 WE J35 +96 19 2 WE J36 +96 19 2 WE J37 +96 19 2 WE J38 +96 19 2 WE J39 +96 19 2 WE J40 +96 19 3 DE D8 +96 19 4 YX F17 +96 19 5 YR E21 +96 19 6 JU G6 +96 19 7 DA G1 +96 20 1 CO A0 +96 20 1 CO A1 +96 20 1 CO A2 +96 20 1 CO A3 +96 20 1 CO A4 +96 20 1 CO A5 +96 20 1 CO A6 +96 20 1 CO A7 +96 20 1 CO A8 +96 20 1 CO A9 +96 20 1 CO A10 +96 20 1 CO A11 +96 20 1 CO A12 +96 20 1 CO A13 +96 20 1 CO A14 +96 20 1 CO A15 +96 20 1 CO A16 +96 20 1 CO A17 +96 20 1 CO A18 +96 20 1 CO A19 +96 20 1 CO A20 +96 20 1 CO A21 +96 20 1 CO A22 +96 20 1 CO A23 +96 20 1 CO A24 +96 20 1 CO A25 +96 20 1 CO A26 +96 20 1 CO A27 +96 20 1 CO A28 +96 20 1 CO A29 +96 20 1 CO A30 +96 20 1 CO A31 +96 20 1 CO A32 +96 20 1 CO A33 +96 20 1 CO A34 +96 20 1 CO A35 +96 20 1 CO A36 +96 20 1 CO A37 +96 20 1 CO A38 +96 20 1 CO A39 +96 20 1 CO A40 +96 20 2 WE J0 +96 20 2 WE J1 +96 20 2 WE J2 +96 20 2 WE J3 +96 20 2 WE J4 +96 20 2 WE J5 +96 20 2 WE J6 +96 20 2 WE J7 +96 20 2 WE J8 +96 20 2 WE J9 +96 20 2 WE J10 +96 20 2 WE J11 +96 20 2 WE J12 +96 20 2 WE J13 +96 20 2 WE J14 +96 20 2 WE J15 +96 20 2 WE J16 +96 20 2 WE J17 +96 20 2 WE J18 +96 20 2 WE J19 +96 20 2 WE J20 +96 20 2 WE J21 +96 20 2 WE J22 +96 20 2 WE J23 +96 20 2 WE J24 +96 20 2 WE J25 +96 20 2 WE J26 +96 20 2 WE J27 +96 20 2 WE J28 +96 20 2 WE J29 +96 20 2 WE J30 +96 20 2 WE J31 +96 20 2 WE J32 +96 20 2 WE J33 +96 20 2 WE J34 +96 20 2 WE J35 +96 20 2 WE J36 +96 20 2 WE J37 +96 20 2 WE J38 +96 20 2 WE J39 +96 20 2 WE J40 +96 20 3 DE C8 +96 20 4 YR E18 +96 20 5 YX H18 +96 20 6 JU I2 +96 20 7 DA G2 +96 21 1 CH A0 +96 21 1 CH A1 +96 21 1 CH A2 +96 21 1 CH A3 +96 21 1 CH A4 +96 21 1 CH A5 +96 21 1 CH A6 +96 21 1 CH A7 +96 21 1 CH A8 +96 21 1 CH A9 +96 21 1 CH A10 +96 21 1 CH A11 +96 21 1 CH A12 +96 21 1 CH A13 +96 21 1 CH A14 +96 21 1 CH A15 +96 21 1 CH A16 +96 21 1 CH A17 +96 21 1 CH A18 +96 21 1 CH A19 +96 21 1 CH A20 +96 21 1 CH A21 +96 21 1 CH A22 +96 21 1 CH A23 +96 21 1 CH A24 +96 21 1 CH A25 +96 21 1 CH A26 +96 21 1 CH A27 +96 21 1 CH A28 +96 21 1 CH A29 +96 21 1 CH A30 +96 21 1 CH A31 +96 21 1 CH A32 +96 21 1 CH A33 +96 21 1 CH A34 +96 21 1 CH A35 +96 21 1 CH A36 +96 21 1 CH A37 +96 21 1 CH A38 +96 21 1 CH A39 +96 21 1 CH A40 +96 21 2 WE J0 +96 21 2 WE J1 +96 21 2 WE J2 +96 21 2 WE J3 +96 21 2 WE J4 +96 21 2 WE J5 +96 21 2 WE J6 +96 21 2 WE J7 +96 21 2 WE J8 +96 21 2 WE J9 +96 21 2 WE J10 +96 21 2 WE J11 +96 21 2 WE J12 +96 21 2 WE J13 +96 21 2 WE J14 +96 21 2 WE J15 +96 21 2 WE J16 +96 21 2 WE J17 +96 21 2 WE J18 +96 21 2 WE J19 +96 21 2 WE J20 +96 21 2 WE J21 +96 21 2 WE J22 +96 21 2 WE J23 +96 21 2 WE J24 +96 21 2 WE J25 +96 21 2 WE J26 +96 21 2 WE J27 +96 21 2 WE J28 +96 21 2 WE J29 +96 21 2 WE J30 +96 21 2 WE J31 +96 21 2 WE J32 +96 21 2 WE J33 +96 21 2 WE J34 +96 21 2 WE J35 +96 21 2 WE J36 +96 21 2 WE J37 +96 21 2 WE J38 +96 21 2 WE J39 +96 21 2 WE J40 +96 21 3 DE C9 +96 21 4 YR D17 +96 21 5 YX H21 +96 21 6 JU H9 +96 21 7 DA F2 +96 22 1 CO A0 +96 22 1 CO A1 +96 22 1 CO A2 +96 22 1 CO A3 +96 22 1 CO A4 +96 22 1 CO A5 +96 22 1 CO A6 +96 22 1 CO A7 +96 22 1 CO A8 +96 22 1 CO A9 +96 22 1 CO A10 +96 22 1 CO A11 +96 22 1 CO A12 +96 22 1 CO A13 +96 22 1 CO A14 +96 22 1 CO A15 +96 22 1 CO A16 +96 22 1 CO A17 +96 22 1 CO A18 +96 22 1 CO A19 +96 22 1 CO A20 +96 22 1 CO A21 +96 22 1 CO A22 +96 22 1 CO A23 +96 22 1 CO A24 +96 22 1 CO A25 +96 22 1 CO A26 +96 22 1 CO A27 +96 22 1 CO A28 +96 22 1 CO A29 +96 22 1 CO A30 +96 22 1 CO A31 +96 22 1 CO A32 +96 22 1 CO A33 +96 22 1 CO A34 +96 22 1 CO A35 +96 22 1 CO A36 +96 22 1 CO A37 +96 22 1 CO A38 +96 22 1 CO A39 +96 22 1 CO A40 +96 22 2 WE J0 +96 22 2 WE J1 +96 22 2 WE J2 +96 22 2 WE J3 +96 22 2 WE J4 +96 22 2 WE J5 +96 22 2 WE J6 +96 22 2 WE J7 +96 22 2 WE J8 +96 22 2 WE J9 +96 22 2 WE J10 +96 22 2 WE J11 +96 22 2 WE J12 +96 22 2 WE J13 +96 22 2 WE J14 +96 22 2 WE J15 +96 22 2 WE J16 +96 22 2 WE J17 +96 22 2 WE J18 +96 22 2 WE J19 +96 22 2 WE J20 +96 22 2 WE J21 +96 22 2 WE J22 +96 22 2 WE J23 +96 22 2 WE J24 +96 22 2 WE J25 +96 22 2 WE J26 +96 22 2 WE J27 +96 22 2 WE J28 +96 22 2 WE J29 +96 22 2 WE J30 +96 22 2 WE J31 +96 22 2 WE J32 +96 22 2 WE J33 +96 22 2 WE J34 +96 22 2 WE J35 +96 22 2 WE J36 +96 22 2 WE J37 +96 22 2 WE J38 +96 22 2 WE J39 +96 22 2 WE J40 +96 22 3 DE C9 +96 22 4 YR D17 +96 22 5 YX G20 +96 22 6 JU H10 +96 22 7 DA G3 +96 23 1 CO A0 +96 23 1 CO A1 +96 23 1 CO A2 +96 23 1 CO A3 +96 23 1 CO A4 +96 23 1 CO A5 +96 23 1 CO A6 +96 23 1 CO A7 +96 23 1 CO A8 +96 23 1 CO A9 +96 23 1 CO A10 +96 23 1 CO A11 +96 23 1 CO A12 +96 23 1 CO A13 +96 23 1 CO A14 +96 23 1 CO A15 +96 23 1 CO A16 +96 23 1 CO A17 +96 23 1 CO A18 +96 23 1 CO A19 +96 23 1 CO A20 +96 23 1 CO A21 +96 23 1 CO A22 +96 23 1 CO A23 +96 23 1 CO A24 +96 23 1 CO A25 +96 23 1 CO A26 +96 23 1 CO A27 +96 23 1 CO A28 +96 23 1 CO A29 +96 23 1 CO A30 +96 23 1 CO A31 +96 23 1 CO A32 +96 23 1 CO A33 +96 23 1 CO A34 +96 23 1 CO A35 +96 23 1 CO A36 +96 23 1 CO A37 +96 23 1 CO A38 +96 23 1 CO A39 +96 23 1 CO A40 +96 23 2 WE J0 +96 23 2 WE J1 +96 23 2 WE J2 +96 23 2 WE J3 +96 23 2 WE J4 +96 23 2 WE J5 +96 23 2 WE J6 +96 23 2 WE J7 +96 23 2 WE J8 +96 23 2 WE J9 +96 23 2 WE J10 +96 23 2 WE J11 +96 23 2 WE J12 +96 23 2 WE J13 +96 23 2 WE J14 +96 23 2 WE J15 +96 23 2 WE J16 +96 23 2 WE J17 +96 23 2 WE J18 +96 23 2 WE J19 +96 23 2 WE J20 +96 23 2 WE J21 +96 23 2 WE J22 +96 23 2 WE J23 +96 23 2 WE J24 +96 23 2 WE J25 +96 23 2 WE J26 +96 23 2 WE J27 +96 23 2 WE J28 +96 23 2 WE J29 +96 23 2 WE J30 +96 23 2 WE J31 +96 23 2 WE J32 +96 23 2 WE J33 +96 23 2 WE J34 +96 23 2 WE J35 +96 23 2 WE J36 +96 23 2 WE J37 +96 23 2 WE J38 +96 23 2 WE J39 +96 23 2 WE J40 +96 23 3 DE C8 +96 23 4 YR F28 +96 23 5 JU I33 +96 23 6 YX G21 +96 23 7 DA G4 +96 24 1 CO A0 +96 24 1 CO A1 +96 24 1 CO A2 +96 24 1 CO A3 +96 24 1 CO A4 +96 24 1 CO A5 +96 24 1 CO A6 +96 24 1 CO A7 +96 24 1 CO A8 +96 24 1 CO A9 +96 24 1 CO A10 +96 24 1 CO A11 +96 24 1 CO A12 +96 24 1 CO A13 +96 24 1 CO A14 +96 24 1 CO A15 +96 24 1 CO A16 +96 24 1 CO A17 +96 24 1 CO A18 +96 24 1 CO A19 +96 24 1 CO A20 +96 24 1 CO A21 +96 24 1 CO A22 +96 24 1 CO A23 +96 24 1 CO A24 +96 24 1 CO A25 +96 24 1 CO A26 +96 24 1 CO A27 +96 24 1 CO A28 +96 24 1 CO A29 +96 24 1 CO A30 +96 24 1 CO A31 +96 24 1 CO A32 +96 24 1 CO A33 +96 24 1 CO A34 +96 24 1 CO A35 +96 24 1 CO A36 +96 24 1 CO A37 +96 24 1 CO A38 +96 24 1 CO A39 +96 24 1 CO A40 +96 24 2 WE J0 +96 24 2 WE J1 +96 24 2 WE J2 +96 24 2 WE J3 +96 24 2 WE J4 +96 24 2 WE J5 +96 24 2 WE J6 +96 24 2 WE J7 +96 24 2 WE J8 +96 24 2 WE J9 +96 24 2 WE J10 +96 24 2 WE J11 +96 24 2 WE J12 +96 24 2 WE J13 +96 24 2 WE J14 +96 24 2 WE J15 +96 24 2 WE J16 +96 24 2 WE J17 +96 24 2 WE J18 +96 24 2 WE J19 +96 24 2 WE J20 +96 24 2 WE J21 +96 24 2 WE J22 +96 24 2 WE J23 +96 24 2 WE J24 +96 24 2 WE J25 +96 24 2 WE J26 +96 24 2 WE J27 +96 24 2 WE J28 +96 24 2 WE J29 +96 24 2 WE J30 +96 24 2 WE J31 +96 24 2 WE J32 +96 24 2 WE J33 +96 24 2 WE J34 +96 24 2 WE J35 +96 24 2 WE J36 +96 24 2 WE J37 +96 24 2 WE J38 +96 24 2 WE J39 +96 24 2 WE J40 +96 24 3 DE C10 +96 24 4 YX G20 +96 24 5 YR E26 +96 24 6 DA G2 +96 25 1 CO A0 +96 25 1 CO A1 +96 25 1 CO A2 +96 25 1 CO A3 +96 25 1 CO A4 +96 25 1 CO A5 +96 25 1 CO A6 +96 25 1 CO A7 +96 25 1 CO A8 +96 25 1 CO A9 +96 25 1 CO A10 +96 25 1 CO A11 +96 25 1 CO A12 +96 25 1 CO A13 +96 25 1 CO A14 +96 25 1 CO A15 +96 25 1 CO A16 +96 25 1 CO A17 +96 25 1 CO A18 +96 25 1 CO A19 +96 25 1 CO A20 +96 25 1 CO A21 +96 25 1 CO A22 +96 25 1 CO A23 +96 25 1 CO A24 +96 25 1 CO A25 +96 25 1 CO A26 +96 25 1 CO A27 +96 25 1 CO A28 +96 25 1 CO A29 +96 25 1 CO A30 +96 25 1 CO A31 +96 25 1 CO A32 +96 25 1 CO A33 +96 25 1 CO A34 +96 25 1 CO A35 +96 25 1 CO A36 +96 25 1 CO A37 +96 25 1 CO A38 +96 25 1 CO A39 +96 25 1 CO A40 +96 25 2 WE J0 +96 25 2 WE J1 +96 25 2 WE J2 +96 25 2 WE J3 +96 25 2 WE J4 +96 25 2 WE J5 +96 25 2 WE J6 +96 25 2 WE J7 +96 25 2 WE J8 +96 25 2 WE J9 +96 25 2 WE J10 +96 25 2 WE J11 +96 25 2 WE J12 +96 25 2 WE J13 +96 25 2 WE J14 +96 25 2 WE J15 +96 25 2 WE J16 +96 25 2 WE J17 +96 25 2 WE J18 +96 25 2 WE J19 +96 25 2 WE J20 +96 25 2 WE J21 +96 25 2 WE J22 +96 25 2 WE J23 +96 25 2 WE J24 +96 25 2 WE J25 +96 25 2 WE J26 +96 25 2 WE J27 +96 25 2 WE J28 +96 25 2 WE J29 +96 25 2 WE J30 +96 25 2 WE J31 +96 25 2 WE J32 +96 25 2 WE J33 +96 25 2 WE J34 +96 25 2 WE J35 +96 25 2 WE J36 +96 25 2 WE J37 +96 25 2 WE J38 +96 25 2 WE J39 +96 25 2 WE J40 +96 25 3 DE C8 +96 25 4 YR E31 +96 25 5 YX G28 +96 25 6 JU G9 +96 25 7 DA H2 +97 1 1 NA A0 +97 1 1 NA A1 +97 1 1 NA A2 +97 1 1 NA A3 +97 1 1 NA A4 +97 1 1 NA A5 +97 1 1 NA A6 +97 1 1 NA A7 +97 1 1 NA A8 +97 1 1 NA A9 +97 1 1 NA A10 +97 1 1 NA A11 +97 1 1 NA A12 +97 1 1 NA A13 +97 1 1 NA A14 +97 1 1 NA A15 +97 1 1 NA A16 +97 1 1 NA A17 +97 1 1 NA A18 +97 1 1 NA A19 +97 1 1 NA A20 +97 1 1 NA A21 +97 1 1 NA A22 +97 1 1 NA A23 +97 1 1 NA A24 +97 1 1 NA A25 +97 1 1 NA A26 +97 1 1 NA A27 +97 1 1 NA A28 +97 1 1 NA A29 +97 1 1 NA A30 +97 1 1 NA A31 +97 1 1 NA A32 +97 1 1 NA A33 +97 1 1 NA A34 +97 1 1 NA A35 +97 1 1 NA A36 +97 1 1 NA A37 +97 1 1 NA A38 +97 1 1 NA A39 +97 1 1 NA A40 +97 1 2 DU J0 +97 1 2 DU J1 +97 1 2 DU J2 +97 1 2 DU J3 +97 1 2 DU J4 +97 1 2 DU J5 +97 1 2 DU J6 +97 1 2 DU J7 +97 1 2 DU J8 +97 1 2 DU J9 +97 1 2 DU J10 +97 1 2 DU J11 +97 1 2 DU J12 +97 1 2 DU J13 +97 1 2 DU J14 +97 1 2 DU J15 +97 1 2 DU J16 +97 1 2 DU J17 +97 1 2 DU J18 +97 1 2 DU J19 +97 1 2 DU J20 +97 1 2 DU J21 +97 1 2 DU J22 +97 1 2 DU J23 +97 1 2 DU J24 +97 1 2 DU J25 +97 1 2 DU J26 +97 1 2 DU J27 +97 1 2 DU J28 +97 1 2 DU J29 +97 1 2 DU J30 +97 1 2 DU J31 +97 1 2 DU J32 +97 1 2 DU J33 +97 1 2 DU J34 +97 1 2 DU J35 +97 1 2 DU J36 +97 1 2 DU J37 +97 1 2 DU J38 +97 1 2 DU J39 +97 1 2 DU J40 +97 1 3 FI F2 +97 1 3 FI F3 +97 1 3 FI G2 +97 1 3 FI G3 +97 1 4 MA B4 +97 1 4 MA B5 +97 1 5 TI E17 +97 2 1 NA A0 +97 2 1 NA A1 +97 2 1 NA A2 +97 2 1 NA A3 +97 2 1 NA A4 +97 2 1 NA A5 +97 2 1 NA A6 +97 2 1 NA A7 +97 2 1 NA A8 +97 2 1 NA A9 +97 2 1 NA A10 +97 2 1 NA A11 +97 2 1 NA A12 +97 2 1 NA A13 +97 2 1 NA A14 +97 2 1 NA A15 +97 2 1 NA A16 +97 2 1 NA A17 +97 2 1 NA A18 +97 2 1 NA A19 +97 2 1 NA A20 +97 2 1 NA A21 +97 2 1 NA A22 +97 2 1 NA A23 +97 2 1 NA A24 +97 2 1 NA A25 +97 2 1 NA A26 +97 2 1 NA A27 +97 2 1 NA A28 +97 2 1 NA A29 +97 2 1 NA A30 +97 2 1 NA A31 +97 2 1 NA A32 +97 2 1 NA A33 +97 2 1 NA A34 +97 2 1 NA A35 +97 2 1 NA A36 +97 2 1 NA A37 +97 2 1 NA A38 +97 2 1 NA A39 +97 2 1 NA A40 +97 2 2 DU J5 +97 2 3 FI F1 +97 2 3 FI F2 +97 2 3 FI F3 +97 2 3 FI F4 +97 2 3 FI G1 +97 2 3 FI G2 +97 2 3 FI G3 +97 2 3 FI G4 +97 2 4 MA B3 +97 2 4 MA B4 +97 2 5 TI C10 +97 2 5 TI C11 +97 3 1 MA A4 +97 3 2 DU J16 +97 3 3 KF G1 +97 3 4 TI C9 +97 3 5 DK F17 +97 4 1 MA A13 +97 4 2 DU J12 +97 4 3 IS F1 +97 4 3 IS G1 +97 4 4 TI B12 +97 4 4 TI B13 +97 4 4 TI C12 +97 4 4 TI C13 +97 4 5 MU B19 +97 5 1 MA A15 +97 5 1 MA A16 +97 5 1 MA A17 +97 5 1 MA A18 +97 5 1 MA A19 +97 5 1 MA A20 +97 5 1 MA A21 +97 5 1 MA A22 +97 5 1 MA A23 +97 5 1 MA A24 +97 5 1 MA A25 +97 5 2 DU J1 +97 5 2 DU J2 +97 5 2 DU J3 +97 5 2 DU J4 +97 5 2 DU J5 +97 5 2 DU J6 +97 5 2 DU J7 +97 5 3 IF F1 +97 5 3 IF F2 +97 5 3 IF F3 +97 5 4 AS F17 +97 5 4 AS F18 +97 5 4 AS F19 +97 5 5 TI C9 +97 5 5 TI C10 +97 5 6 MU B8 +97 5 6 MU B9 +97 6 1 NA A3 +97 6 1 NA B3 +97 6 1 NA C3 +97 6 2 DU J3 +97 6 3 MA H1 +97 6 4 MU B1 +97 6 4 MU C1 +97 6 5 IS G2 +97 6 5 IS G3 +97 6 5 IS H3 +97 6 6 ML J19 +97 7 1 NA A0 +97 7 1 NA A1 +97 7 1 NA A2 +97 7 1 NA A3 +97 7 1 NA A4 +97 7 1 NA A5 +97 7 1 NA A6 +97 7 1 NA A7 +97 7 1 NA A8 +97 7 1 NA A9 +97 7 1 NA A10 +97 7 1 NA A11 +97 7 1 NA A12 +97 7 1 NA A13 +97 7 1 NA A14 +97 7 1 NA A15 +97 7 1 NA A16 +97 7 1 NA A17 +97 7 1 NA A18 +97 7 1 NA A19 +97 7 1 NA A20 +97 7 1 NA A21 +97 7 1 NA A22 +97 7 1 NA A23 +97 7 1 NA A24 +97 7 1 NA A25 +97 7 1 NA A26 +97 7 1 NA A27 +97 7 1 NA A28 +97 7 1 NA A29 +97 7 1 NA A30 +97 7 1 NA A31 +97 7 1 NA A32 +97 7 1 NA A33 +97 7 1 NA A34 +97 7 1 NA A35 +97 7 1 NA A36 +97 7 1 NA A37 +97 7 1 NA A38 +97 7 1 NA A39 +97 7 1 NA A40 +97 7 2 DU J0 +97 7 2 DU J1 +97 7 2 DU J2 +97 7 2 DU J3 +97 7 2 DU J4 +97 7 2 DU J5 +97 7 2 DU J6 +97 7 2 DU J7 +97 7 2 DU J8 +97 7 2 DU J9 +97 7 2 DU J10 +97 7 2 DU J11 +97 7 2 DU J12 +97 7 2 DU J13 +97 7 2 DU J14 +97 7 2 DU J15 +97 7 2 DU J16 +97 7 2 DU J17 +97 7 2 DU J18 +97 7 2 DU J19 +97 7 2 DU J20 +97 7 2 DU J21 +97 7 2 DU J22 +97 7 2 DU J23 +97 7 2 DU J24 +97 7 2 DU J25 +97 7 2 DU J26 +97 7 2 DU J27 +97 7 2 DU J28 +97 7 2 DU J29 +97 7 2 DU J30 +97 7 2 DU J31 +97 7 2 DU J32 +97 7 2 DU J33 +97 7 2 DU J34 +97 7 2 DU J35 +97 7 2 DU J36 +97 7 2 DU J37 +97 7 2 DU J38 +97 7 2 DU J39 +97 7 2 DU J40 +97 7 3 FI F0 +97 7 3 FI G0 +97 7 3 FI G1 +97 7 4 TI E11 +97 7 4 TI F12 +97 8 1 NA A17 +97 8 1 NA A18 +97 8 2 DU J28 +97 8 3 IS F1 +97 8 4 TI C12 +97 8 5 KO E20 +97 8 6 AS G21 +97 8 7 DK E29 +97 9 1 NA A1 +97 9 1 NA A2 +97 9 1 NA A3 +97 9 1 NA A4 +97 9 1 NA A5 +97 9 1 NA A6 +97 9 1 NA A7 +97 9 2 DU J12 +97 9 2 DU J13 +97 9 2 DU J14 +97 9 2 DU J15 +97 9 2 DU J16 +97 9 3 TI G1 +97 9 3 TI G2 +97 9 3 TI G3 +97 9 4 TI D18 +97 9 4 TI D19 +97 9 4 TI D20 +97 9 4 TI E18 +97 9 4 TI E19 +97 9 4 TI E20 +97 10 1 MA A1 +97 10 2 ML J7 +97 10 3 TI E2 +97 10 4 TM F1 +97 11 1 NA A15 +97 11 2 DU J21 +97 11 2 DU J22 +97 11 2 DU J23 +97 11 2 DU J24 +97 11 2 DU J25 +97 11 2 DU J26 +97 11 2 DU J27 +97 11 2 DU J28 +97 11 2 DU J29 +97 11 2 DU J30 +97 11 2 DU J31 +97 11 2 DU J32 +97 11 2 DU J33 +97 11 2 DU J34 +97 11 2 DU J35 +97 11 2 DU J36 +97 11 2 DU J37 +97 11 2 DU J38 +97 11 2 DU J39 +97 11 2 DU J40 +97 11 3 TM G2 +97 11 3 TM G3 +97 11 4 YM F4 +97 11 5 TI C8 +97 11 5 TI C9 +97 11 5 TI D8 +97 11 5 TI D9 +97 12 1 MA A1 +97 12 1 MA A2 +97 12 1 NA A2 +97 12 2 DU J1 +97 12 2 DU J2 +97 12 2 YI J2 +97 12 3 IS E1 +97 12 3 IS F1 +97 12 3 IS F2 +97 12 3 IS F3 +97 12 3 IS G1 +97 12 3 IS G2 +97 12 3 IS G3 +97 12 4 TI C13 +97 12 4 TI C8 +97 12 4 TI D8 +97 14 1 NA B40 +97 14 2 DU J40 +97 14 3 FI G40 +97 14 4 KF F40 +97 14 5 YM E40 +97 15 1 NA A40 +97 15 2 DU J40 +97 15 3 FI F40 +97 15 4 TI C13 +97 16 1 MA A17 +97 16 2 TM F39 +97 16 3 AF B10 +97 16 4 TI D11 +97 17 1 MA A1 +97 17 2 DU J0 +97 17 3 TM G2 +97 17 4 TI B9 +97 18 1 NA A0 +97 18 2 MA B1 +97 18 3 DU J14 +97 18 4 TI D2 +97 18 5 TM E2 +97 18 6 FI F2 +97 19 1 NA A7 +97 19 2 MA A14 +97 19 3 ML J8 +97 19 3 ML J9 +97 19 3 ML J10 +97 19 3 ML J11 +97 19 3 ML J12 +97 19 3 ML J13 +97 19 3 ML J14 +97 19 3 ML J15 +97 19 3 ML J16 +97 19 3 ML J17 +97 19 3 ML J18 +97 19 3 ML J19 +97 19 3 ML J20 +97 19 3 ML J21 +97 19 3 ML J22 +97 19 3 ML J23 +97 19 3 ML J24 +97 19 3 ML J25 +97 19 4 DU J6 +97 19 5 KF H3 +97 19 6 TI C9 +97 20 1 MA A23 +97 20 2 DU J11 +97 20 3 TM G2 +97 20 4 YM D8 +97 20 5 TI C11 +97 21 1 NA A16 +97 21 1 NA A17 +97 21 1 NA A18 +97 21 1 NA A19 +97 21 1 NA A20 +97 21 2 MA B10 +97 21 2 MA B11 +97 21 3 DU J12 +97 21 3 DU J13 +97 21 3 DU J14 +97 21 3 DU J15 +97 21 3 DU J16 +97 21 3 DU J17 +97 21 3 DU J18 +97 21 3 DU J19 +97 21 4 IS F1 +97 21 4 IS F2 +97 21 4 IS F3 +97 21 4 IS F4 +97 21 4 IS G1 +97 21 4 IS G2 +97 21 4 IS G3 +97 21 4 IS G4 +97 21 5 TI E15 +97 21 5 TI E16 +97 21 5 TI E17 +97 21 5 TI F15 +97 21 5 TI F16 +97 21 5 TI F17 +97 22 1 NA A1 +97 22 2 MA B4 +97 22 3 DU J0 +97 22 4 YI J1 +97 22 5 KF G2 +97 22 6 IS I2 +97 22 7 TI D2 +97 23 1 MA A18 +97 23 2 NA A31 +97 23 3 DU J22 +97 23 4 TM F39 +97 23 5 TI E19 +97 24 1 MA B6 +97 24 2 DU J32 +97 24 2 DU J33 +97 24 2 DU J34 +97 24 3 YM C6 +97 24 3 YM D6 +97 24 4 TI E7 +97 24 5 TM G1 +97 24 5 TM G2 +97 25 1 MA A0 +97 25 2 DU I8 +97 25 2 DU I9 +97 25 2 DU J8 +97 25 2 DU J9 +97 25 3 TM F1 +97 25 3 TM F2 +97 25 3 TM G1 +97 25 3 TM G2 +97 25 4 TI D6 +97 25 5 YM C7 +97 25 5 YM D7 +97 25 6 DK G17 +98 1 1 X A0 +98 1 1 X A1 +98 1 1 X A2 +98 1 1 X A3 +98 1 1 X A4 +98 1 1 X A5 +98 1 1 X A6 +98 1 1 X A7 +98 1 1 X A8 +98 1 1 X A9 +98 1 1 X A10 +98 1 1 X A11 +98 1 1 X A12 +98 1 1 X A13 +98 1 1 X A14 +98 1 1 X A15 +98 1 1 X A16 +98 1 1 X A17 +98 1 1 X A18 +98 1 1 X A19 +98 1 1 X A20 +98 1 1 X A21 +98 1 1 X A22 +98 1 1 X A23 +98 1 1 X A24 +98 1 1 X A25 +98 1 1 X A26 +98 1 1 X A27 +98 1 1 X A28 +98 1 1 X A29 +98 1 1 X A30 +98 1 1 X A31 +98 1 1 X A32 +98 1 1 X A33 +98 1 1 X A34 +98 1 1 X A35 +98 1 1 X A36 +98 1 1 X A37 +98 1 1 X A38 +98 1 1 X A39 +98 1 1 X A40 +98 1 2 S J0 +98 1 2 S J1 +98 1 2 S J2 +98 1 2 S J3 +98 1 2 S J4 +98 1 2 S J5 +98 1 2 S J6 +98 1 2 S J7 +98 1 2 S J8 +98 1 2 S J9 +98 1 2 S J10 +98 1 2 S J11 +98 1 2 S J12 +98 1 2 S J13 +98 1 2 S J14 +98 1 2 S J15 +98 1 2 S J16 +98 1 2 S J17 +98 1 2 S J18 +98 1 2 S J19 +98 1 2 S J20 +98 1 2 S J21 +98 1 2 S J22 +98 1 2 S J23 +98 1 2 S J24 +98 1 2 S J25 +98 1 2 S J26 +98 1 2 S J27 +98 1 2 S J28 +98 1 2 S J29 +98 1 2 S J30 +98 1 2 S J31 +98 1 2 S J32 +98 1 2 S J33 +98 1 2 S J34 +98 1 2 S J35 +98 1 2 S J36 +98 1 2 S J37 +98 1 2 S J38 +98 1 2 S J39 +98 1 2 S J40 +98 1 3 D E0 +98 1 4 M H2 +98 1 4 M H3 +98 1 4 M H4 +98 1 5 N H6 +98 1 5 N H7 +98 1 5 N H8 +98 1 5 N H9 +98 1 6 A H17 +98 1 6 A H18 +98 1 6 A H19 +98 1 6 A H20 +98 1 7 U E31 +98 1 7 U E32 +98 1 7 U E33 +98 1 7 U E34 +98 1 8 G D37 +98 1 8 G D38 +98 1 8 G D39 +98 2 1 S J0 +98 2 1 S J1 +98 2 1 S J2 +98 2 1 S J3 +98 2 1 S J4 +98 2 1 S J5 +98 2 1 S J6 +98 2 1 S J7 +98 2 1 S J8 +98 2 1 S J9 +98 2 1 S J10 +98 2 1 S J11 +98 2 1 S J12 +98 2 1 S J13 +98 2 1 S J14 +98 2 1 S J15 +98 2 1 S J16 +98 2 1 S J17 +98 2 1 S J18 +98 2 1 S J19 +98 2 1 S J20 +98 2 1 S J21 +98 2 1 S J22 +98 2 1 S J23 +98 2 1 S J24 +98 2 1 S J25 +98 2 1 S J26 +98 2 1 S J27 +98 2 1 S J28 +98 2 1 S J29 +98 2 1 S J30 +98 2 1 S J31 +98 2 1 S J32 +98 2 1 S J33 +98 2 1 S J34 +98 2 1 S J35 +98 2 1 S J36 +98 2 1 S J37 +98 2 1 S J38 +98 2 1 S J39 +98 2 1 S J40 +98 2 2 X A0 +98 2 2 X A1 +98 2 2 X A2 +98 2 2 X A3 +98 2 2 X A4 +98 2 2 X A5 +98 2 2 X A6 +98 2 2 X A7 +98 2 2 X A8 +98 2 2 X A9 +98 2 2 X A10 +98 2 2 X A11 +98 2 2 X A12 +98 2 2 X A13 +98 2 2 X A14 +98 2 2 X A15 +98 2 2 X A16 +98 2 2 X A17 +98 2 2 X A18 +98 2 2 X A19 +98 2 2 X A20 +98 2 2 X A21 +98 2 2 X A22 +98 2 2 X A23 +98 2 2 X A24 +98 2 2 X A25 +98 2 2 X A26 +98 2 2 X A27 +98 2 2 X A28 +98 2 2 X A29 +98 2 2 X A30 +98 2 2 X A31 +98 2 2 X A32 +98 2 2 X A33 +98 2 2 X A34 +98 2 2 X A35 +98 2 2 X A36 +98 2 2 X A37 +98 2 2 X A38 +98 2 2 X A39 +98 2 2 X A40 +98 2 3 M H1 +98 2 3 M H2 +98 2 3 M H3 +98 2 3 M H4 +98 2 3 M I4 +98 2 4 K H5 +98 2 4 K H6 +98 2 4 K H7 +98 2 4 K H8 +98 2 4 K I5 +98 2 4 K I6 +98 2 4 K I7 +98 2 4 K I8 +98 2 5 N F6 +98 2 5 N F7 +98 2 5 N F8 +98 2 5 N G6 +98 2 5 N G7 +98 2 5 N G8 +98 2 6 O C8 +98 2 6 O C9 +98 2 6 O D8 +98 2 6 O D9 +98 2 7 A F17 +98 2 7 A F18 +98 2 7 A F19 +98 2 7 A F20 +98 2 7 A F21 +98 2 7 A F22 +98 2 7 A F23 +98 2 7 A F24 +98 2 7 A F25 +98 2 7 A F26 +98 2 7 A F27 +98 2 7 A F28 +98 2 7 A F29 +98 2 7 A F30 +98 2 7 A G17 +98 2 7 A G18 +98 2 7 A G19 +98 2 7 A G20 +98 2 7 A G21 +98 2 7 A G22 +98 2 7 A G23 +98 2 7 A G24 +98 2 7 A G25 +98 2 7 A G26 +98 2 7 A G27 +98 2 7 A G28 +98 2 7 A G29 +98 2 7 A G30 +98 2 8 U F33 +98 2 8 U F34 +98 2 8 U G33 +98 2 8 U G34 +98 2 9 G F37 +98 2 9 G F38 +98 2 9 G G37 +98 2 9 G G38 +98 2 9 G H37 +98 2 9 G H38 +98 2 10 D C21 +98 2 10 D C22 +98 2 10 D C23 +98 2 10 D C24 +98 2 10 D C25 +98 2 10 D C26 +98 2 10 D C27 +98 2 10 D C28 +98 2 10 D C29 +98 2 10 D D21 +98 2 10 D D22 +98 2 10 D D23 +98 2 10 D D24 +98 2 10 D D25 +98 2 10 D D26 +98 2 10 D D27 +98 2 10 D D28 +98 2 10 D D29 +98 2 10 D E0 +98 2 10 D F0 +98 3 1 X A0 +98 3 1 X A1 +98 3 1 X A2 +98 3 1 X A3 +98 3 1 X A4 +98 3 1 X A5 +98 3 1 X A6 +98 3 1 X A7 +98 3 1 X A8 +98 3 1 X A9 +98 3 1 X A10 +98 3 1 X A11 +98 3 1 X A12 +98 3 1 X A13 +98 3 1 X A14 +98 3 1 X A15 +98 3 1 X A16 +98 3 1 X A17 +98 3 1 X A18 +98 3 1 X A19 +98 3 1 X A20 +98 3 1 X A21 +98 3 1 X A22 +98 3 1 X A23 +98 3 1 X A24 +98 3 1 X A25 +98 3 1 X A26 +98 3 1 X A27 +98 3 1 X A28 +98 3 1 X A29 +98 3 1 X A30 +98 3 1 X A31 +98 3 1 X A32 +98 3 1 X A33 +98 3 1 X A34 +98 3 1 X A35 +98 3 1 X A36 +98 3 1 X A37 +98 3 1 X A38 +98 3 1 X A39 +98 3 1 X A40 +98 3 2 S I0 +98 3 2 S J0 +98 3 2 S J1 +98 3 2 S J2 +98 3 2 S J3 +98 3 2 S J4 +98 3 2 S J5 +98 3 2 S J6 +98 3 2 S J7 +98 3 2 S J8 +98 3 2 S J9 +98 3 2 S J10 +98 3 2 S J11 +98 3 2 S J12 +98 3 2 S J13 +98 3 2 S J14 +98 3 2 S J15 +98 3 2 S J16 +98 3 2 S J17 +98 3 2 S J18 +98 3 2 S J19 +98 3 2 S J20 +98 3 2 S J21 +98 3 2 S J22 +98 3 2 S J23 +98 3 2 S J24 +98 3 2 S J25 +98 3 2 S J26 +98 3 2 S J27 +98 3 2 S J28 +98 3 2 S J29 +98 3 2 S J30 +98 3 2 S J31 +98 3 2 S J32 +98 3 2 S J33 +98 3 2 S J34 +98 3 2 S J35 +98 3 2 S J36 +98 3 2 S J37 +98 3 2 S J38 +98 3 2 S J39 +98 3 2 S J40 +98 3 3 D B0 +98 3 3 D B1 +98 3 3 D B2 +98 3 3 D B3 +98 3 3 D B4 +98 3 3 D B5 +98 3 3 D B6 +98 3 3 D B7 +98 3 3 D B8 +98 3 3 D B9 +98 3 3 D B10 +98 3 3 D B11 +98 3 3 D B12 +98 3 3 D B13 +98 3 3 D B14 +98 3 3 D B15 +98 3 3 D B16 +98 3 3 D B17 +98 3 3 D B18 +98 3 3 D B19 +98 3 3 D B20 +98 3 3 D B21 +98 3 3 D B22 +98 3 3 D B23 +98 3 3 D B24 +98 3 3 D B25 +98 3 3 D B26 +98 3 3 D B27 +98 3 3 D B28 +98 3 3 D B29 +98 3 3 D B30 +98 3 3 D B31 +98 3 3 D B32 +98 3 3 D B33 +98 3 3 D B34 +98 3 3 D B35 +98 3 3 D B36 +98 3 3 D B37 +98 3 3 D B38 +98 3 3 D B39 +98 3 3 D B40 +98 3 3 D C0 +98 3 3 D D0 +98 3 3 D E0 +98 3 4 M G3 +98 3 5 N F7 +98 3 6 O C9 +98 3 7 K H12 +98 3 8 A G15 +98 3 9 U H29 +98 3 10 G H36 +98 4 1 X A1 +98 4 1 X A2 +98 4 1 X A3 +98 4 1 X A4 +98 4 1 X A5 +98 4 1 X A6 +98 4 1 X A7 +98 4 1 X A8 +98 4 1 X A9 +98 4 1 X A10 +98 4 1 X A11 +98 4 1 X A12 +98 4 1 X A13 +98 4 1 X A14 +98 4 1 X A15 +98 4 1 X A16 +98 4 1 X A17 +98 4 1 X A18 +98 4 1 X A19 +98 4 1 X A20 +98 4 1 X A21 +98 4 1 X A22 +98 4 1 X A23 +98 4 1 X A24 +98 4 1 X A25 +98 4 1 X A26 +98 4 1 X A27 +98 4 1 X A28 +98 4 1 X A29 +98 4 1 X A30 +98 4 1 X A31 +98 4 1 X A32 +98 4 1 X A33 +98 4 1 X A34 +98 4 1 X A35 +98 4 1 X A36 +98 4 1 X A37 +98 4 1 X A38 +98 4 1 X A39 +98 4 1 X A40 +98 4 2 S J0 +98 4 2 S J1 +98 4 2 S J2 +98 4 2 S J3 +98 4 2 S J4 +98 4 2 S J5 +98 4 2 S J6 +98 4 2 S J7 +98 4 2 S J8 +98 4 2 S J9 +98 4 2 S J10 +98 4 2 S J11 +98 4 2 S J12 +98 4 2 S J13 +98 4 2 S J14 +98 4 2 S J15 +98 4 2 S J16 +98 4 2 S J17 +98 4 2 S J18 +98 4 2 S J19 +98 4 2 S J20 +98 4 2 S J21 +98 4 2 S J22 +98 4 2 S J23 +98 4 2 S J24 +98 4 2 S J25 +98 4 2 S J26 +98 4 2 S J27 +98 4 2 S J28 +98 4 2 S J29 +98 4 2 S J30 +98 4 2 S J31 +98 4 2 S J32 +98 4 2 S J33 +98 4 2 S J34 +98 4 2 S J35 +98 4 2 S J36 +98 4 2 S J37 +98 4 2 S J38 +98 4 2 S J39 +98 4 2 S J40 +98 4 3 D G0 +98 4 4 K I1 +98 4 5 M H2 +98 4 6 O C9 +98 4 6 O D9 +98 4 7 A F19 +98 4 8 U F34 +98 4 9 G C38 +98 5 1 X A0 +98 5 1 X A1 +98 5 1 X A2 +98 5 1 X A3 +98 5 1 X A4 +98 5 1 X A5 +98 5 1 X A6 +98 5 1 X A7 +98 5 1 X A8 +98 5 1 X A9 +98 5 1 X A10 +98 5 1 X A11 +98 5 1 X A12 +98 5 1 X A13 +98 5 1 X A14 +98 5 1 X A15 +98 5 1 X A16 +98 5 1 X A17 +98 5 1 X A18 +98 5 1 X A19 +98 5 1 X A20 +98 5 1 X A21 +98 5 1 X A22 +98 5 1 X A23 +98 5 1 X A24 +98 5 1 X A25 +98 5 1 X A26 +98 5 1 X A27 +98 5 1 X A28 +98 5 1 X A29 +98 5 1 X A30 +98 5 1 X A31 +98 5 1 X A32 +98 5 1 X A33 +98 5 1 X A34 +98 5 1 X A35 +98 5 1 X A36 +98 5 1 X A37 +98 5 1 X A38 +98 5 1 X A39 +98 5 1 X A40 +98 5 2 S J0 +98 5 2 S J1 +98 5 2 S J2 +98 5 2 S J3 +98 5 2 S J4 +98 5 2 S J5 +98 5 2 S J6 +98 5 2 S J7 +98 5 2 S J8 +98 5 2 S J9 +98 5 2 S J10 +98 5 2 S J11 +98 5 2 S J12 +98 5 2 S J13 +98 5 2 S J14 +98 5 2 S J15 +98 5 2 S J16 +98 5 2 S J17 +98 5 2 S J18 +98 5 2 S J19 +98 5 2 S J20 +98 5 2 S J21 +98 5 2 S J22 +98 5 2 S J23 +98 5 2 S J24 +98 5 2 S J25 +98 5 2 S J26 +98 5 2 S J27 +98 5 2 S J28 +98 5 2 S J29 +98 5 2 S J30 +98 5 2 S J31 +98 5 2 S J32 +98 5 2 S J33 +98 5 2 S J34 +98 5 2 S J35 +98 5 2 S J36 +98 5 2 S J37 +98 5 2 S J38 +98 5 2 S J39 +98 5 2 S J40 +98 5 3 G C0 +98 5 3 G C40 +98 5 4 M G1 +98 5 4 M G2 +98 5 4 M G3 +98 5 4 M G4 +98 5 5 O B10 +98 5 6 N H9 +98 5 7 D H12 +98 5 8 A G20 +98 5 9 U H39 +98 6 1 X A0 +98 6 1 X A1 +98 6 1 X A2 +98 6 1 X A3 +98 6 1 X A4 +98 6 1 X A5 +98 6 1 X A6 +98 6 1 X A7 +98 6 1 X A8 +98 6 1 X A9 +98 6 1 X A10 +98 6 1 X A11 +98 6 1 X A12 +98 6 1 X A13 +98 6 1 X A14 +98 6 1 X A15 +98 6 1 X A16 +98 6 1 X A17 +98 6 1 X A18 +98 6 1 X A19 +98 6 1 X A20 +98 6 1 X A21 +98 6 1 X A22 +98 6 1 X A23 +98 6 1 X A24 +98 6 1 X A25 +98 6 1 X A26 +98 6 1 X A27 +98 6 1 X A28 +98 6 1 X A29 +98 6 1 X A30 +98 6 1 X A31 +98 6 1 X A32 +98 6 1 X A33 +98 6 1 X A34 +98 6 1 X A35 +98 6 1 X A36 +98 6 1 X A37 +98 6 1 X A38 +98 6 1 X A39 +98 6 1 X A40 +98 6 2 S J0 +98 6 2 S J1 +98 6 2 S J2 +98 6 2 S J3 +98 6 2 S J4 +98 6 2 S J5 +98 6 2 S J6 +98 6 2 S J7 +98 6 2 S J8 +98 6 2 S J9 +98 6 2 S J10 +98 6 2 S J11 +98 6 2 S J12 +98 6 2 S J13 +98 6 2 S J14 +98 6 2 S J15 +98 6 2 S J16 +98 6 2 S J17 +98 6 2 S J18 +98 6 2 S J19 +98 6 2 S J20 +98 6 2 S J21 +98 6 2 S J22 +98 6 2 S J23 +98 6 2 S J24 +98 6 2 S J25 +98 6 2 S J26 +98 6 2 S J27 +98 6 2 S J28 +98 6 2 S J29 +98 6 2 S J30 +98 6 2 S J31 +98 6 2 S J32 +98 6 2 S J33 +98 6 2 S J34 +98 6 2 S J35 +98 6 2 S J36 +98 6 2 S J37 +98 6 2 S J38 +98 6 2 S J39 +98 6 2 S J40 +98 6 3 M G2 +98 6 4 D F0 +98 6 5 O C9 +98 6 6 N H9 +98 6 7 K H13 +98 6 8 A F17 +98 6 9 G E38 +98 6 10 U H36 +98 7 1 X A0 +98 7 1 X A1 +98 7 1 X A2 +98 7 1 X A3 +98 7 1 X A4 +98 7 1 X A5 +98 7 1 X A6 +98 7 1 X A7 +98 7 1 X A8 +98 7 1 X A9 +98 7 1 X A10 +98 7 1 X A11 +98 7 1 X A12 +98 7 1 X A13 +98 7 1 X A14 +98 7 1 X A15 +98 7 1 X A16 +98 7 1 X A17 +98 7 1 X A18 +98 7 1 X A19 +98 7 1 X A20 +98 7 1 X A21 +98 7 1 X A22 +98 7 1 X A23 +98 7 1 X A24 +98 7 1 X A25 +98 7 1 X A26 +98 7 1 X A27 +98 7 1 X A28 +98 7 1 X A29 +98 7 1 X A30 +98 7 1 X A31 +98 7 1 X A32 +98 7 1 X A33 +98 7 1 X A34 +98 7 1 X A35 +98 7 1 X A36 +98 7 1 X A37 +98 7 1 X A38 +98 7 1 X A39 +98 7 1 X A40 +98 7 2 S J0 +98 7 2 S J1 +98 7 2 S J2 +98 7 2 S J3 +98 7 2 S J4 +98 7 2 S J5 +98 7 2 S J6 +98 7 2 S J7 +98 7 2 S J8 +98 7 2 S J9 +98 7 2 S J10 +98 7 2 S J11 +98 7 2 S J12 +98 7 2 S J13 +98 7 2 S J14 +98 7 2 S J15 +98 7 2 S J16 +98 7 2 S J17 +98 7 2 S J18 +98 7 2 S J19 +98 7 2 S J20 +98 7 2 S J21 +98 7 2 S J22 +98 7 2 S J23 +98 7 2 S J24 +98 7 2 S J25 +98 7 2 S J26 +98 7 2 S J27 +98 7 2 S J28 +98 7 2 S J29 +98 7 2 S J30 +98 7 2 S J31 +98 7 2 S J32 +98 7 2 S J33 +98 7 2 S J34 +98 7 2 S J35 +98 7 2 S J36 +98 7 2 S J37 +98 7 2 S J38 +98 7 2 S J39 +98 7 2 S J40 +98 7 3 D F0 +98 7 3 D G0 +98 7 3 D H0 +98 7 4 M I2 +98 7 5 N I5 +98 7 5 N I6 +98 7 5 N I7 +98 7 5 N I8 +98 7 6 O E5 +98 7 7 A H17 +98 7 7 A H18 +98 7 7 A H19 +98 7 7 A H20 +98 7 7 A I17 +98 7 7 A I18 +98 7 7 A I19 +98 7 7 A I20 +98 7 8 U I31 +98 7 9 G H32 +98 7 9 G H33 +98 8 1 X A0 +98 8 1 X A1 +98 8 1 X A2 +98 8 1 X A3 +98 8 1 X A4 +98 8 1 X A5 +98 8 1 X A6 +98 8 1 X A7 +98 8 1 X A8 +98 8 1 X A9 +98 8 1 X A10 +98 8 1 X A11 +98 8 1 X A12 +98 8 1 X A13 +98 8 1 X A14 +98 8 1 X A15 +98 8 1 X A16 +98 8 1 X A17 +98 8 1 X A18 +98 8 1 X A19 +98 8 1 X A20 +98 8 1 X A21 +98 8 1 X A22 +98 8 1 X A23 +98 8 1 X A24 +98 8 1 X A25 +98 8 1 X A26 +98 8 1 X A27 +98 8 1 X A28 +98 8 1 X A29 +98 8 1 X A30 +98 8 1 X A31 +98 8 1 X A32 +98 8 1 X A33 +98 8 1 X A34 +98 8 1 X A35 +98 8 1 X A36 +98 8 1 X A37 +98 8 1 X A38 +98 8 1 X A39 +98 8 1 X A40 +98 8 2 S J0 +98 8 2 S J1 +98 8 2 S J2 +98 8 2 S J3 +98 8 2 S J4 +98 8 2 S J5 +98 8 2 S J6 +98 8 2 S J7 +98 8 2 S J8 +98 8 2 S J9 +98 8 2 S J10 +98 8 2 S J11 +98 8 2 S J12 +98 8 2 S J13 +98 8 2 S J14 +98 8 2 S J15 +98 8 2 S J16 +98 8 2 S J17 +98 8 2 S J18 +98 8 2 S J19 +98 8 2 S J20 +98 8 2 S J21 +98 8 2 S J22 +98 8 2 S J23 +98 8 2 S J24 +98 8 2 S J25 +98 8 2 S J26 +98 8 2 S J27 +98 8 2 S J28 +98 8 2 S J29 +98 8 2 S J30 +98 8 2 S J31 +98 8 2 S J32 +98 8 2 S J33 +98 8 2 S J34 +98 8 2 S J35 +98 8 2 S J36 +98 8 2 S J37 +98 8 2 S J38 +98 8 2 S J39 +98 8 2 S J40 +98 8 3 CH B10 +98 8 3 CH B11 +98 8 3 CH B12 +98 8 3 CH B13 +98 8 3 CH B14 +98 8 3 CH B15 +98 8 3 CH C0 +98 8 3 CH C1 +98 8 3 CH C2 +98 8 3 CH C3 +98 8 3 CH C4 +98 8 3 CH C5 +98 8 3 CH C6 +98 8 3 CH C22 +98 8 3 CH C23 +98 8 3 CH C24 +98 8 3 CH C25 +98 8 3 CH C26 +98 8 3 CH C37 +98 8 3 CH C38 +98 8 3 CH C39 +98 8 3 CH C40 +98 8 3 CH D37 +98 8 3 CH D38 +98 8 3 CH D39 +98 8 3 CH D40 +98 8 4 O C8 +98 8 5 D C0 +98 8 5 D D0 +98 8 6 M I2 +98 8 7 N H7 +98 8 7 N H8 +98 8 7 N I4 +98 8 7 N I5 +98 8 7 N I6 +98 8 7 N I7 +98 8 7 N I8 +98 8 8 K G9 +98 8 9 A E15 +98 8 10 U H34 +98 8 11 G D33 +98 8 11 G D34 +98 8 11 G E33 +98 8 11 G E34 +98 9 1 X A0 +98 9 1 X A1 +98 9 1 X A2 +98 9 1 X A3 +98 9 1 X A4 +98 9 1 X A5 +98 9 1 X A6 +98 9 1 X A7 +98 9 1 X A8 +98 9 1 X A9 +98 9 1 X A10 +98 9 1 X A11 +98 9 1 X A12 +98 9 1 X A13 +98 9 1 X A14 +98 9 1 X A15 +98 9 1 X A16 +98 9 1 X A17 +98 9 1 X A18 +98 9 1 X A19 +98 9 1 X A20 +98 9 1 X A21 +98 9 1 X A22 +98 9 1 X A23 +98 9 1 X A24 +98 9 1 X A25 +98 9 1 X A26 +98 9 1 X A27 +98 9 1 X A28 +98 9 1 X A29 +98 9 1 X A30 +98 9 1 X A31 +98 9 1 X A32 +98 9 1 X A33 +98 9 1 X A34 +98 9 1 X A35 +98 9 1 X A36 +98 9 1 X A37 +98 9 1 X A38 +98 9 1 X A39 +98 9 1 X A40 +98 9 2 S J0 +98 9 2 S J1 +98 9 2 S J2 +98 9 2 S J3 +98 9 2 S J4 +98 9 2 S J5 +98 9 2 S J6 +98 9 2 S J7 +98 9 2 S J8 +98 9 2 S J9 +98 9 2 S J10 +98 9 2 S J11 +98 9 2 S J12 +98 9 2 S J13 +98 9 2 S J14 +98 9 2 S J15 +98 9 2 S J16 +98 9 2 S J17 +98 9 2 S J18 +98 9 2 S J19 +98 9 2 S J20 +98 9 2 S J21 +98 9 2 S J22 +98 9 2 S J23 +98 9 2 S J24 +98 9 2 S J25 +98 9 2 S J26 +98 9 2 S J27 +98 9 2 S J28 +98 9 2 S J29 +98 9 2 S J30 +98 9 2 S J31 +98 9 2 S J32 +98 9 2 S J33 +98 9 2 S J34 +98 9 2 S J35 +98 9 2 S J36 +98 9 2 S J37 +98 9 2 S J38 +98 9 2 S J39 +98 9 2 S J40 +98 9 3 M G2 +98 9 4 D H0 +98 9 5 N H6 +98 9 6 O D7 +98 9 7 A H19 +98 9 8 U H33 +98 9 9 CH C35 +98 9 9 CH C36 +98 9 9 CH C37 +98 9 9 CH C38 +98 9 9 CH C39 +98 10 1 X A0 +98 10 1 X A1 +98 10 1 X A2 +98 10 1 X A3 +98 10 1 X A4 +98 10 1 X A5 +98 10 1 X A6 +98 10 1 X A7 +98 10 1 X A8 +98 10 1 X A9 +98 10 1 X A10 +98 10 1 X A11 +98 10 1 X A12 +98 10 1 X A13 +98 10 1 X A14 +98 10 1 X A15 +98 10 1 X A16 +98 10 1 X A17 +98 10 1 X A18 +98 10 1 X A19 +98 10 1 X A20 +98 10 1 X A21 +98 10 1 X A22 +98 10 1 X A23 +98 10 1 X A24 +98 10 1 X A25 +98 10 1 X A26 +98 10 1 X A27 +98 10 1 X A28 +98 10 1 X A29 +98 10 1 X A30 +98 10 1 X A31 +98 10 1 X A32 +98 10 1 X A33 +98 10 1 X A34 +98 10 1 X A35 +98 10 1 X A36 +98 10 1 X A37 +98 10 1 X A38 +98 10 1 X A39 +98 10 1 X A40 +98 10 2 S J0 +98 10 2 S J1 +98 10 2 S J2 +98 10 2 S J3 +98 10 2 S J4 +98 10 2 S J5 +98 10 2 S J6 +98 10 2 S J7 +98 10 2 S J8 +98 10 2 S J9 +98 10 2 S J10 +98 10 2 S J11 +98 10 2 S J12 +98 10 2 S J13 +98 10 2 S J14 +98 10 2 S J15 +98 10 2 S J16 +98 10 2 S J17 +98 10 2 S J18 +98 10 2 S J19 +98 10 2 S J20 +98 10 2 S J21 +98 10 2 S J22 +98 10 2 S J23 +98 10 2 S J24 +98 10 2 S J25 +98 10 2 S J26 +98 10 2 S J27 +98 10 2 S J28 +98 10 2 S J29 +98 10 2 S J30 +98 10 2 S J31 +98 10 2 S J32 +98 10 2 S J33 +98 10 2 S J34 +98 10 2 S J35 +98 10 2 S J36 +98 10 2 S J37 +98 10 2 S J38 +98 10 2 S J39 +98 10 2 S J40 +98 10 3 D D0 +98 10 4 M G1 +98 10 4 M G2 +98 10 4 M G3 +98 10 5 K I0 +98 10 6 CH B4 +98 10 6 CH B5 +98 10 6 CH B6 +98 10 6 CH B30 +98 10 6 CH B31 +98 10 6 CH B32 +98 10 6 CH B33 +98 10 6 CH B34 +98 10 6 CH B35 +98 10 7 N I8 +98 10 8 A F16 +98 10 9 U H33 +98 10 10 G D1 +98 10 11 O C9 +98 11 1 X A0 +98 11 1 X A1 +98 11 1 X A2 +98 11 1 X A3 +98 11 1 X A4 +98 11 1 X A5 +98 11 1 X A6 +98 11 1 X A7 +98 11 1 X A8 +98 11 1 X A9 +98 11 1 X A10 +98 11 1 X A11 +98 11 1 X A12 +98 11 1 X A13 +98 11 1 X A14 +98 11 1 X A15 +98 11 1 X A16 +98 11 1 X A17 +98 11 1 X A18 +98 11 1 X A19 +98 11 1 X A20 +98 11 1 X A21 +98 11 1 X A22 +98 11 1 X A23 +98 11 1 X A24 +98 11 1 X A25 +98 11 1 X A26 +98 11 1 X A27 +98 11 1 X A28 +98 11 1 X A29 +98 11 1 X A30 +98 11 1 X A31 +98 11 1 X A32 +98 11 1 X A33 +98 11 1 X A34 +98 11 1 X A35 +98 11 1 X A36 +98 11 1 X A37 +98 11 1 X A38 +98 11 1 X A39 +98 11 1 X A40 +98 11 2 S J0 +98 11 2 S J1 +98 11 2 S J2 +98 11 2 S J3 +98 11 2 S J4 +98 11 2 S J5 +98 11 2 S J6 +98 11 2 S J7 +98 11 2 S J8 +98 11 2 S J9 +98 11 2 S J10 +98 11 2 S J11 +98 11 2 S J12 +98 11 2 S J13 +98 11 2 S J14 +98 11 2 S J15 +98 11 2 S J16 +98 11 2 S J17 +98 11 2 S J18 +98 11 2 S J19 +98 11 2 S J20 +98 11 2 S J21 +98 11 2 S J22 +98 11 2 S J23 +98 11 2 S J24 +98 11 2 S J25 +98 11 2 S J26 +98 11 2 S J27 +98 11 2 S J28 +98 11 2 S J29 +98 11 2 S J30 +98 11 2 S J31 +98 11 2 S J32 +98 11 2 S J33 +98 11 2 S J34 +98 11 2 S J35 +98 11 2 S J36 +98 11 2 S J37 +98 11 2 S J38 +98 11 2 S J39 +98 11 2 S J40 +98 11 3 D E0 +98 11 4 K H0 +98 11 5 M G1 +98 11 6 O C13 +98 11 7 A F18 +98 11 8 G E33 +98 12 1 X A0 +98 12 1 X A1 +98 12 1 X A2 +98 12 1 X A3 +98 12 1 X A4 +98 12 1 X A5 +98 12 1 X A6 +98 12 1 X A7 +98 12 1 X A8 +98 12 1 X A9 +98 12 1 X A10 +98 12 1 X A11 +98 12 1 X A12 +98 12 1 X A13 +98 12 1 X A14 +98 12 1 X A15 +98 12 1 X A16 +98 12 1 X A17 +98 12 1 X A18 +98 12 1 X A19 +98 12 1 X A20 +98 12 1 X A21 +98 12 1 X A22 +98 12 1 X A23 +98 12 1 X A24 +98 12 1 X A25 +98 12 1 X A26 +98 12 1 X A27 +98 12 1 X A28 +98 12 1 X A29 +98 12 1 X A30 +98 12 1 X A31 +98 12 1 X A32 +98 12 1 X A33 +98 12 1 X A34 +98 12 1 X A35 +98 12 1 X A36 +98 12 1 X A37 +98 12 1 X A38 +98 12 1 X A39 +98 12 1 X A40 +98 12 2 S J0 +98 12 2 S J1 +98 12 2 S J2 +98 12 2 S J3 +98 12 2 S J4 +98 12 2 S J5 +98 12 2 S J6 +98 12 2 S J7 +98 12 2 S J8 +98 12 2 S J9 +98 12 2 S J10 +98 12 2 S J11 +98 12 2 S J12 +98 12 2 S J13 +98 12 2 S J14 +98 12 2 S J15 +98 12 2 S J16 +98 12 2 S J17 +98 12 2 S J18 +98 12 2 S J19 +98 12 2 S J20 +98 12 2 S J21 +98 12 2 S J22 +98 12 2 S J23 +98 12 2 S J24 +98 12 2 S J25 +98 12 2 S J26 +98 12 2 S J27 +98 12 2 S J28 +98 12 2 S J29 +98 12 2 S J30 +98 12 2 S J31 +98 12 2 S J32 +98 12 2 S J33 +98 12 2 S J34 +98 12 2 S J35 +98 12 2 S J36 +98 12 2 S J37 +98 12 2 S J38 +98 12 2 S J39 +98 12 2 S J40 +98 12 3 D E0 +98 12 4 M F3 +98 12 5 O D6 +98 12 5 O D7 +98 12 6 A F16 +98 12 7 G D35 +98 12 8 U F32 +98 12 9 N I8 +98 13 1 X A0 +98 13 1 X A1 +98 13 1 X A2 +98 13 1 X A3 +98 13 1 X A4 +98 13 1 X A5 +98 13 1 X A6 +98 13 1 X A7 +98 13 1 X A8 +98 13 1 X A9 +98 13 1 X A10 +98 13 1 X A11 +98 13 1 X A12 +98 13 1 X A13 +98 13 1 X A14 +98 13 1 X A15 +98 13 1 X A16 +98 13 1 X A17 +98 13 1 X A18 +98 13 1 X A19 +98 13 1 X A20 +98 13 1 X A21 +98 13 1 X A22 +98 13 1 X A23 +98 13 1 X A24 +98 13 1 X A25 +98 13 1 X A26 +98 13 1 X A27 +98 13 1 X A28 +98 13 1 X A29 +98 13 1 X A30 +98 13 1 X A31 +98 13 1 X A32 +98 13 1 X A33 +98 13 1 X A34 +98 13 1 X A35 +98 13 1 X A36 +98 13 1 X A37 +98 13 1 X A38 +98 13 1 X A39 +98 13 1 X A40 +98 13 2 S J0 +98 13 2 S J1 +98 13 2 S J2 +98 13 2 S J3 +98 13 2 S J4 +98 13 2 S J5 +98 13 2 S J6 +98 13 2 S J7 +98 13 2 S J8 +98 13 2 S J9 +98 13 2 S J10 +98 13 2 S J11 +98 13 2 S J12 +98 13 2 S J13 +98 13 2 S J14 +98 13 2 S J15 +98 13 2 S J16 +98 13 2 S J17 +98 13 2 S J18 +98 13 2 S J19 +98 13 2 S J20 +98 13 2 S J21 +98 13 2 S J22 +98 13 2 S J23 +98 13 2 S J24 +98 13 2 S J25 +98 13 2 S J26 +98 13 2 S J27 +98 13 2 S J28 +98 13 2 S J29 +98 13 2 S J30 +98 13 2 S J31 +98 13 2 S J32 +98 13 2 S J33 +98 13 2 S J34 +98 13 2 S J35 +98 13 2 S J36 +98 13 2 S J37 +98 13 2 S J38 +98 13 2 S J39 +98 13 2 S J40 +98 13 3 D E0 +98 13 4 U I32 +98 13 5 O C12 +98 13 6 M I1 +98 13 7 N F12 +98 13 8 A I20 +98 13 8 A I21 +98 13 8 A I22 +98 14 1 X A0 +98 14 1 X A1 +98 14 1 X A2 +98 14 1 X A3 +98 14 1 X A4 +98 14 1 X A5 +98 14 1 X A6 +98 14 1 X A7 +98 14 1 X A8 +98 14 1 X A9 +98 14 1 X A10 +98 14 1 X A11 +98 14 1 X A12 +98 14 1 X A13 +98 14 1 X A14 +98 14 1 X A15 +98 14 1 X A16 +98 14 1 X A17 +98 14 1 X A18 +98 14 1 X A19 +98 14 1 X A20 +98 14 1 X A21 +98 14 1 X A22 +98 14 1 X A23 +98 14 1 X A24 +98 14 1 X A25 +98 14 1 X A26 +98 14 1 X A27 +98 14 1 X A28 +98 14 1 X A29 +98 14 1 X A30 +98 14 1 X A31 +98 14 1 X A32 +98 14 1 X A33 +98 14 1 X A34 +98 14 1 X A35 +98 14 1 X A36 +98 14 1 X A37 +98 14 1 X A38 +98 14 1 X A39 +98 14 1 X A40 +98 14 2 S J0 +98 14 2 S J1 +98 14 2 S J2 +98 14 2 S J3 +98 14 2 S J4 +98 14 2 S J5 +98 14 2 S J6 +98 14 2 S J7 +98 14 2 S J8 +98 14 2 S J9 +98 14 2 S J10 +98 14 2 S J11 +98 14 2 S J12 +98 14 2 S J13 +98 14 2 S J14 +98 14 2 S J15 +98 14 2 S J16 +98 14 2 S J17 +98 14 2 S J18 +98 14 2 S J19 +98 14 2 S J20 +98 14 2 S J21 +98 14 2 S J22 +98 14 2 S J23 +98 14 2 S J24 +98 14 2 S J25 +98 14 2 S J26 +98 14 2 S J27 +98 14 2 S J28 +98 14 2 S J29 +98 14 2 S J30 +98 14 2 S J31 +98 14 2 S J32 +98 14 2 S J33 +98 14 2 S J34 +98 14 2 S J35 +98 14 2 S J36 +98 14 2 S J37 +98 14 2 S J38 +98 14 2 S J39 +98 14 2 S J40 +98 14 3 D F0 +98 14 4 M G2 +98 14 5 0 C9 +98 14 6 N I5 +98 14 6 N I6 +98 14 7 A F17 +98 14 7 A G17 +98 14 8 U G36 +98 15 1 X A0 +98 15 1 X A1 +98 15 1 X A2 +98 15 1 X A3 +98 15 1 X A4 +98 15 1 X A5 +98 15 1 X A6 +98 15 1 X A7 +98 15 1 X A8 +98 15 1 X A9 +98 15 1 X A10 +98 15 1 X A11 +98 15 1 X A12 +98 15 1 X A13 +98 15 1 X A14 +98 15 1 X A15 +98 15 1 X A16 +98 15 1 X A17 +98 15 1 X A18 +98 15 1 X A19 +98 15 1 X A20 +98 15 1 X A21 +98 15 1 X A22 +98 15 1 X A23 +98 15 1 X A24 +98 15 1 X A25 +98 15 1 X A26 +98 15 1 X A27 +98 15 1 X A28 +98 15 1 X A29 +98 15 1 X A30 +98 15 1 X A31 +98 15 1 X A32 +98 15 1 X A33 +98 15 1 X A34 +98 15 1 X A35 +98 15 1 X A36 +98 15 1 X A37 +98 15 1 X A38 +98 15 1 X A39 +98 15 1 X A40 +98 15 2 S J0 +98 15 2 S J1 +98 15 2 S J2 +98 15 2 S J3 +98 15 2 S J4 +98 15 2 S J5 +98 15 2 S J6 +98 15 2 S J7 +98 15 2 S J8 +98 15 2 S J9 +98 15 2 S J10 +98 15 2 S J11 +98 15 2 S J12 +98 15 2 S J13 +98 15 2 S J14 +98 15 2 S J15 +98 15 2 S J16 +98 15 2 S J17 +98 15 2 S J18 +98 15 2 S J19 +98 15 2 S J20 +98 15 2 S J21 +98 15 2 S J22 +98 15 2 S J23 +98 15 2 S J24 +98 15 2 S J25 +98 15 2 S J26 +98 15 2 S J27 +98 15 2 S J28 +98 15 2 S J29 +98 15 2 S J30 +98 15 2 S J31 +98 15 2 S J32 +98 15 2 S J33 +98 15 2 S J34 +98 15 2 S J35 +98 15 2 S J36 +98 15 2 S J37 +98 15 2 S J38 +98 15 2 S J39 +98 15 2 S J40 +98 15 3 D D0 +98 15 4 M G2 +98 15 5 O E4 +98 15 6 N F7 +98 15 7 K G9 +98 15 8 A H18 +98 15 9 U H36 +98 15 10 G F38 +98 16 1 X A0 +98 16 1 X A1 +98 16 1 X A2 +98 16 1 X A3 +98 16 1 X A4 +98 16 1 X A5 +98 16 1 X A6 +98 16 1 X A7 +98 16 1 X A8 +98 16 1 X A9 +98 16 1 X A10 +98 16 1 X A11 +98 16 1 X A12 +98 16 1 X A13 +98 16 1 X A14 +98 16 1 X A15 +98 16 1 X A16 +98 16 1 X A17 +98 16 1 X A18 +98 16 1 X A19 +98 16 1 X A20 +98 16 1 X A21 +98 16 1 X A22 +98 16 1 X A23 +98 16 1 X A24 +98 16 1 X A25 +98 16 1 X A26 +98 16 1 X A27 +98 16 1 X A28 +98 16 1 X A29 +98 16 1 X A30 +98 16 1 X A31 +98 16 1 X A32 +98 16 1 X A33 +98 16 1 X A34 +98 16 1 X A35 +98 16 1 X A36 +98 16 1 X A37 +98 16 1 X A38 +98 16 1 X A39 +98 16 1 X A40 +98 16 2 S J0 +98 16 2 S J1 +98 16 2 S J2 +98 16 2 S J3 +98 16 2 S J4 +98 16 2 S J5 +98 16 2 S J6 +98 16 2 S J7 +98 16 2 S J8 +98 16 2 S J9 +98 16 2 S J10 +98 16 2 S J11 +98 16 2 S J12 +98 16 2 S J13 +98 16 2 S J14 +98 16 2 S J15 +98 16 2 S J16 +98 16 2 S J17 +98 16 2 S J18 +98 16 2 S J19 +98 16 2 S J20 +98 16 2 S J21 +98 16 2 S J22 +98 16 2 S J23 +98 16 2 S J24 +98 16 2 S J25 +98 16 2 S J26 +98 16 2 S J27 +98 16 2 S J28 +98 16 2 S J29 +98 16 2 S J30 +98 16 2 S J31 +98 16 2 S J32 +98 16 2 S J33 +98 16 2 S J34 +98 16 2 S J35 +98 16 2 S J36 +98 16 2 S J37 +98 16 2 S J38 +98 16 2 S J39 +98 16 2 S J40 +98 16 3 M F2 +98 16 3 M F3 +98 16 3 M F4 +98 16 3 M G2 +98 16 3 M G3 +98 16 3 M G4 +98 16 4 O C8 +98 16 4 O D7 +98 16 4 O D8 +98 16 5 N F11 +98 16 6 A F17 +98 16 6 A F18 +98 16 6 A F19 +98 16 6 A F20 +98 16 6 A F21 +98 16 6 A F22 +98 16 6 A F23 +98 16 6 A F24 +98 16 6 A F25 +98 16 6 A F26 +98 16 6 A F27 +98 16 6 A F28 +98 16 6 A G17 +98 16 6 A G18 +98 16 6 A G19 +98 16 6 A G20 +98 16 6 A G21 +98 16 6 A G22 +98 16 6 A G23 +98 16 6 A G24 +98 16 6 A G25 +98 16 6 A G26 +98 16 6 A G27 +98 16 6 A G28 +98 16 7 D B15 +98 16 7 D B16 +98 16 7 D B17 +98 16 7 D B18 +98 16 7 D B19 +98 16 7 D B20 +98 16 7 D B21 +98 16 7 D B22 +98 16 7 D B23 +98 16 7 D B24 +98 16 7 D B25 +98 16 7 D B26 +98 16 7 D B27 +98 16 7 D B28 +98 16 7 D B29 +98 16 7 D B30 +98 16 7 D B31 +98 16 7 D B32 +98 16 7 D B33 +98 16 7 D B34 +98 16 7 D B35 +98 16 7 D B36 +98 16 7 D B37 +98 16 7 D B38 +98 16 7 D B39 +98 16 7 D B40 +98 16 8 U G34 +98 17 1 X A0 +98 17 1 X A1 +98 17 1 X A2 +98 17 1 X A3 +98 17 1 X A4 +98 17 1 X A5 +98 17 1 X A6 +98 17 1 X A7 +98 17 1 X A8 +98 17 1 X A9 +98 17 1 X A10 +98 17 1 X A11 +98 17 1 X A12 +98 17 1 X A13 +98 17 1 X A14 +98 17 1 X A15 +98 17 1 X A16 +98 17 1 X A17 +98 17 1 X A18 +98 17 1 X A19 +98 17 1 X A20 +98 17 1 X A21 +98 17 1 X A22 +98 17 1 X A23 +98 17 1 X A24 +98 17 1 X A25 +98 17 1 X A26 +98 17 1 X A27 +98 17 1 X A28 +98 17 1 X A29 +98 17 1 X A30 +98 17 1 X A31 +98 17 1 X A32 +98 17 1 X A33 +98 17 1 X A34 +98 17 1 X A35 +98 17 1 X A36 +98 17 1 X A37 +98 17 1 X A38 +98 17 1 X A39 +98 17 1 X A40 +98 17 2 S J0 +98 17 2 S J1 +98 17 2 S J2 +98 17 2 S J3 +98 17 2 S J4 +98 17 2 S J5 +98 17 2 S J6 +98 17 2 S J7 +98 17 2 S J8 +98 17 2 S J9 +98 17 2 S J10 +98 17 2 S J11 +98 17 2 S J12 +98 17 2 S J13 +98 17 2 S J14 +98 17 2 S J15 +98 17 2 S J16 +98 17 2 S J17 +98 17 2 S J18 +98 17 2 S J19 +98 17 2 S J20 +98 17 2 S J21 +98 17 2 S J22 +98 17 2 S J23 +98 17 2 S J24 +98 17 2 S J25 +98 17 2 S J26 +98 17 2 S J27 +98 17 2 S J28 +98 17 2 S J29 +98 17 2 S J30 +98 17 2 S J31 +98 17 2 S J32 +98 17 2 S J33 +98 17 2 S J34 +98 17 2 S J35 +98 17 2 S J36 +98 17 2 S J37 +98 17 2 S J38 +98 17 2 S J39 +98 17 2 S J40 +98 17 3 D C0 +98 17 4 K E0 +98 17 4 K F0 +98 17 5 M F1 +98 17 5 M F2 +98 17 5 M F3 +98 17 5 M F4 +98 17 6 N E11 +98 17 7 A F16 +98 17 8 U F32 +98 17 9 O C8 +98 17 9 O C9 +98 18 1 X A0 +98 18 1 X A1 +98 18 1 X A2 +98 18 1 X A3 +98 18 1 X A4 +98 18 1 X A5 +98 18 1 X A6 +98 18 1 X A7 +98 18 1 X A8 +98 18 1 X A9 +98 18 1 X A10 +98 18 1 X A11 +98 18 1 X A12 +98 18 1 X A13 +98 18 1 X A14 +98 18 1 X A15 +98 18 1 X A16 +98 18 1 X A17 +98 18 1 X A18 +98 18 1 X A19 +98 18 1 X A20 +98 18 1 X A21 +98 18 1 X A22 +98 18 1 X A23 +98 18 1 X A24 +98 18 1 X A25 +98 18 1 X A26 +98 18 1 X A27 +98 18 1 X A28 +98 18 1 X A29 +98 18 1 X A30 +98 18 1 X A31 +98 18 1 X A32 +98 18 1 X A33 +98 18 1 X A34 +98 18 1 X A35 +98 18 1 X A36 +98 18 1 X A37 +98 18 1 X A38 +98 18 1 X A39 +98 18 1 X A40 +98 18 2 S J0 +98 18 2 S J1 +98 18 2 S J2 +98 18 2 S J3 +98 18 2 S J4 +98 18 2 S J5 +98 18 2 S J6 +98 18 2 S J7 +98 18 2 S J8 +98 18 2 S J9 +98 18 2 S J10 +98 18 2 S J11 +98 18 2 S J12 +98 18 2 S J13 +98 18 2 S J14 +98 18 2 S J15 +98 18 2 S J16 +98 18 2 S J17 +98 18 2 S J18 +98 18 2 S J19 +98 18 2 S J20 +98 18 2 S J21 +98 18 2 S J22 +98 18 2 S J23 +98 18 2 S J24 +98 18 2 S J25 +98 18 2 S J26 +98 18 2 S J27 +98 18 2 S J28 +98 18 2 S J29 +98 18 2 S J30 +98 18 2 S J31 +98 18 2 S J32 +98 18 2 S J33 +98 18 2 S J34 +98 18 2 S J35 +98 18 2 S J36 +98 18 2 S J37 +98 18 2 S J38 +98 18 2 S J39 +98 18 2 S J40 +98 18 3 D E0 +98 18 4 M G1 +98 18 4 M G2 +98 18 4 M G3 +98 18 5 G D2 +98 18 6 N F8 +98 18 7 O D6 +98 18 7 O D7 +98 18 7 O D8 +98 18 8 A E16 +98 18 9 U F33 +98 18 9 U F34 +98 19 1 X A0 +98 19 1 X A1 +98 19 1 X A2 +98 19 1 X A3 +98 19 1 X A4 +98 19 1 X A5 +98 19 1 X A6 +98 19 1 X A7 +98 19 1 X A8 +98 19 1 X A9 +98 19 1 X A10 +98 19 1 X A11 +98 19 1 X A12 +98 19 1 X A13 +98 19 1 X A14 +98 19 1 X A15 +98 19 1 X A16 +98 19 1 X A17 +98 19 1 X A18 +98 19 1 X A19 +98 19 1 X A20 +98 19 1 X A21 +98 19 1 X A22 +98 19 1 X A23 +98 19 1 X A24 +98 19 1 X A25 +98 19 1 X A26 +98 19 1 X A27 +98 19 1 X A28 +98 19 1 X A29 +98 19 1 X A30 +98 19 1 X A31 +98 19 1 X A32 +98 19 1 X A33 +98 19 1 X A34 +98 19 1 X A35 +98 19 1 X A36 +98 19 1 X A37 +98 19 1 X A38 +98 19 1 X A39 +98 19 1 X A40 +98 19 2 S J0 +98 19 2 S J1 +98 19 2 S J2 +98 19 2 S J3 +98 19 2 S J4 +98 19 2 S J5 +98 19 2 S J6 +98 19 2 S J7 +98 19 2 S J8 +98 19 2 S J9 +98 19 2 S J10 +98 19 2 S J11 +98 19 2 S J12 +98 19 2 S J13 +98 19 2 S J14 +98 19 2 S J15 +98 19 2 S J16 +98 19 2 S J17 +98 19 2 S J18 +98 19 2 S J19 +98 19 2 S J20 +98 19 2 S J21 +98 19 2 S J22 +98 19 2 S J23 +98 19 2 S J24 +98 19 2 S J25 +98 19 2 S J26 +98 19 2 S J27 +98 19 2 S J28 +98 19 2 S J29 +98 19 2 S J30 +98 19 2 S J31 +98 19 2 S J32 +98 19 2 S J33 +98 19 2 S J34 +98 19 2 S J35 +98 19 2 S J36 +98 19 2 S J37 +98 19 2 S J38 +98 19 2 S J39 +98 19 2 S J40 +98 19 3 D B2 +98 19 3 D B3 +98 19 3 D B4 +98 19 3 D B5 +98 19 3 D B6 +98 19 3 D B7 +98 19 3 D B8 +98 19 4 O C8 +98 19 4 O C9 +98 19 5 M H1 +98 19 5 M H2 +98 19 5 M H3 +98 19 5 M I1 +98 19 5 M I2 +98 19 5 M I3 +98 19 6 N F7 +98 19 7 A F17 +98 19 7 A F18 +98 19 7 A F19 +98 19 7 A F20 +98 19 7 A F21 +98 19 7 A F22 +98 19 7 A F23 +98 19 7 A F24 +98 19 7 A F25 +98 19 7 A F26 +98 19 7 A F27 +98 19 7 A F28 +98 19 7 A G17 +98 19 7 A G18 +98 19 7 A G19 +98 19 7 A G20 +98 19 7 A G21 +98 19 7 A G22 +98 19 7 A G23 +98 19 7 A G24 +98 19 7 A G25 +98 19 7 A G26 +98 19 7 A G27 +98 19 7 A G28 +98 19 8 U G29 +98 19 8 U G30 +98 19 8 U H29 +98 19 8 U H30 +98 19 9 G E36 +98 19 9 G E37 +98 19 9 G F36 +98 19 9 G F37 +98 20 1 X A0 +98 20 1 X A1 +98 20 1 X A2 +98 20 1 X A3 +98 20 1 X A4 +98 20 1 X A5 +98 20 1 X A6 +98 20 1 X A7 +98 20 1 X A8 +98 20 1 X A9 +98 20 1 X A10 +98 20 1 X A11 +98 20 1 X A12 +98 20 1 X A13 +98 20 1 X A14 +98 20 1 X A15 +98 20 1 X A16 +98 20 1 X A17 +98 20 1 X A18 +98 20 1 X A19 +98 20 1 X A20 +98 20 1 X A21 +98 20 1 X A22 +98 20 1 X A23 +98 20 1 X A24 +98 20 1 X A25 +98 20 1 X A26 +98 20 1 X A27 +98 20 1 X A28 +98 20 1 X A29 +98 20 1 X A30 +98 20 1 X A31 +98 20 1 X A32 +98 20 1 X A33 +98 20 1 X A34 +98 20 1 X A35 +98 20 1 X A36 +98 20 1 X A37 +98 20 1 X A38 +98 20 1 X A39 +98 20 1 X A40 +98 20 2 S J0 +98 20 2 S J1 +98 20 2 S J2 +98 20 2 S J3 +98 20 2 S J4 +98 20 2 S J5 +98 20 2 S J6 +98 20 2 S J7 +98 20 2 S J8 +98 20 2 S J9 +98 20 2 S J10 +98 20 2 S J11 +98 20 2 S J12 +98 20 2 S J13 +98 20 2 S J14 +98 20 2 S J15 +98 20 2 S J16 +98 20 2 S J17 +98 20 2 S J18 +98 20 2 S J19 +98 20 2 S J20 +98 20 2 S J21 +98 20 2 S J22 +98 20 2 S J23 +98 20 2 S J24 +98 20 2 S J25 +98 20 2 S J26 +98 20 2 S J27 +98 20 2 S J28 +98 20 2 S J29 +98 20 2 S J30 +98 20 2 S J31 +98 20 2 S J32 +98 20 2 S J33 +98 20 2 S J34 +98 20 2 S J35 +98 20 2 S J36 +98 20 2 S J37 +98 20 2 S J38 +98 20 2 S J39 +98 20 2 S J40 +98 20 3 D G0 +98 20 4 M H2 +98 20 5 O C9 +98 20 6 N G6 +98 20 7 B F9 +98 20 8 A G17 +98 20 9 U H34 +98 21 1 A F17 +98 21 2 X A0 +98 21 2 X A1 +98 21 2 X A2 +98 21 2 X A3 +98 21 2 X A4 +98 21 2 X A5 +98 21 2 X A6 +98 21 2 X A7 +98 21 2 X A8 +98 21 2 X A9 +98 21 2 X A10 +98 21 2 X A11 +98 21 2 X A12 +98 21 2 X A13 +98 21 2 X A14 +98 21 2 X A15 +98 21 2 X A16 +98 21 2 X A17 +98 21 2 X A18 +98 21 2 X A19 +98 21 2 X A20 +98 21 2 X A21 +98 21 2 X A22 +98 21 2 X A23 +98 21 2 X A24 +98 21 2 X A25 +98 21 2 X A26 +98 21 2 X A27 +98 21 2 X A28 +98 21 2 X A29 +98 21 2 X A30 +98 21 2 X A31 +98 21 2 X A32 +98 21 2 X A33 +98 21 2 X A34 +98 21 2 X A35 +98 21 2 X A36 +98 21 2 X A37 +98 21 2 X A38 +98 21 2 X A39 +98 21 2 X A40 +98 21 3 S J0 +98 21 3 S J1 +98 21 3 S J2 +98 21 3 S J3 +98 21 3 S J4 +98 21 3 S J5 +98 21 3 S J6 +98 21 3 S J7 +98 21 3 S J8 +98 21 3 S J9 +98 21 3 S J10 +98 21 3 S J11 +98 21 3 S J12 +98 21 3 S J13 +98 21 3 S J14 +98 21 3 S J15 +98 21 3 S J16 +98 21 3 S J17 +98 21 3 S J18 +98 21 3 S J19 +98 21 3 S J20 +98 21 3 S J21 +98 21 3 S J22 +98 21 3 S J23 +98 21 3 S J24 +98 21 3 S J25 +98 21 3 S J26 +98 21 3 S J27 +98 21 3 S J28 +98 21 3 S J29 +98 21 3 S J30 +98 21 3 S J31 +98 21 3 S J32 +98 21 3 S J33 +98 21 3 S J34 +98 21 3 S J35 +98 21 3 S J36 +98 21 3 S J37 +98 21 3 S J38 +98 21 3 S J39 +98 21 3 S J40 +98 21 4 D C23 +98 21 4 D C24 +98 21 4 D C25 +98 21 4 D C26 +98 21 4 D C27 +98 21 4 D C28 +98 21 4 D C29 +98 21 4 D C30 +98 21 4 D C31 +98 21 4 D D0 +98 21 4 D E33 +98 21 4 D E34 +98 21 5 B F0 +98 21 5 B H5 +98 21 6 M G2 +98 21 7 N G7 +98 21 8 C H8 +98 21 9 O C8 +98 21 9 O C9 +98 21 10 U H31 +98 22 1 X A0 +98 22 1 X A1 +98 22 1 X A2 +98 22 1 X A3 +98 22 1 X A4 +98 22 1 X A5 +98 22 1 X A6 +98 22 1 X A7 +98 22 1 X A8 +98 22 1 X A9 +98 22 1 X A10 +98 22 1 X A11 +98 22 1 X A12 +98 22 1 X A13 +98 22 1 X A14 +98 22 1 X A15 +98 22 1 X A16 +98 22 1 X A17 +98 22 1 X A18 +98 22 1 X A19 +98 22 1 X A20 +98 22 1 X A21 +98 22 1 X A22 +98 22 1 X A23 +98 22 1 X A24 +98 22 1 X A25 +98 22 1 X A26 +98 22 1 X A27 +98 22 1 X A28 +98 22 1 X A29 +98 22 1 X A30 +98 22 1 X A31 +98 22 1 X A32 +98 22 1 X A33 +98 22 1 X A34 +98 22 1 X A35 +98 22 1 X A36 +98 22 1 X A37 +98 22 1 X A38 +98 22 1 X A39 +98 22 1 X A40 +98 22 2 S J0 +98 22 2 S J1 +98 22 2 S J2 +98 22 2 S J3 +98 22 2 S J4 +98 22 2 S J5 +98 22 2 S J6 +98 22 2 S J7 +98 22 2 S J8 +98 22 2 S J9 +98 22 2 S J10 +98 22 2 S J11 +98 22 2 S J12 +98 22 2 S J13 +98 22 2 S J14 +98 22 2 S J15 +98 22 2 S J16 +98 22 2 S J17 +98 22 2 S J18 +98 22 2 S J19 +98 22 2 S J20 +98 22 2 S J21 +98 22 2 S J22 +98 22 2 S J23 +98 22 2 S J24 +98 22 2 S J25 +98 22 2 S J26 +98 22 2 S J27 +98 22 2 S J28 +98 22 2 S J29 +98 22 2 S J30 +98 22 2 S J31 +98 22 2 S J32 +98 22 2 S J33 +98 22 2 S J34 +98 22 2 S J35 +98 22 2 S J36 +98 22 2 S J37 +98 22 2 S J38 +98 22 2 S J39 +98 22 2 S J40 +98 22 3 N H0 +98 22 4 M G2 +98 22 5 O C9 +98 22 6 A G18 +98 22 7 D C35 +98 22 7 D C36 +98 22 7 D C37 +98 22 7 D C38 +98 22 7 D C39 +98 22 7 D C40 +98 22 8 U H39 +98 22 8 U H40 +98 22 8 U I39 +98 22 8 U I40 +98 23 1 X A0 +98 23 1 X A1 +98 23 1 X A2 +98 23 1 X A3 +98 23 1 X A4 +98 23 1 X A5 +98 23 1 X A6 +98 23 1 X A7 +98 23 1 X A8 +98 23 1 X A9 +98 23 1 X A10 +98 23 1 X A11 +98 23 1 X A12 +98 23 1 X A13 +98 23 1 X A14 +98 23 1 X A15 +98 23 1 X A16 +98 23 1 X A17 +98 23 1 X A18 +98 23 1 X A19 +98 23 1 X A20 +98 23 1 X A21 +98 23 1 X A22 +98 23 1 X A23 +98 23 1 X A24 +98 23 1 X A25 +98 23 1 X A26 +98 23 1 X A27 +98 23 1 X A28 +98 23 1 X A29 +98 23 1 X A30 +98 23 1 X A31 +98 23 1 X A32 +98 23 1 X A33 +98 23 1 X A34 +98 23 1 X A35 +98 23 1 X A36 +98 23 1 X A37 +98 23 1 X A38 +98 23 1 X A39 +98 23 1 X A40 +98 23 2 S J0 +98 23 2 S J1 +98 23 2 S J2 +98 23 2 S J3 +98 23 2 S J4 +98 23 2 S J5 +98 23 2 S J6 +98 23 2 S J7 +98 23 2 S J8 +98 23 2 S J9 +98 23 2 S J10 +98 23 2 S J11 +98 23 2 S J12 +98 23 2 S J13 +98 23 2 S J14 +98 23 2 S J15 +98 23 2 S J16 +98 23 2 S J17 +98 23 2 S J18 +98 23 2 S J19 +98 23 2 S J20 +98 23 2 S J21 +98 23 2 S J22 +98 23 2 S J23 +98 23 2 S J24 +98 23 2 S J25 +98 23 2 S J26 +98 23 2 S J27 +98 23 2 S J28 +98 23 2 S J29 +98 23 2 S J30 +98 23 2 S J31 +98 23 2 S J32 +98 23 2 S J33 +98 23 2 S J34 +98 23 2 S J35 +98 23 2 S J36 +98 23 2 S J37 +98 23 2 S J38 +98 23 2 S J39 +98 23 2 S J40 +98 23 3 D E0 +98 23 4 K G0 +98 23 5 M G1 +98 23 6 O B11 +98 23 7 A G18 +98 23 8 U H32 +98 24 1 X A0 +98 24 1 X A1 +98 24 1 X A2 +98 24 1 X A3 +98 24 1 X A4 +98 24 1 X A5 +98 24 1 X A6 +98 24 1 X A7 +98 24 1 X A8 +98 24 1 X A9 +98 24 1 X A10 +98 24 1 X A11 +98 24 1 X A12 +98 24 1 X A13 +98 24 1 X A14 +98 24 1 X A15 +98 24 1 X A16 +98 24 1 X A17 +98 24 1 X A18 +98 24 1 X A19 +98 24 1 X A20 +98 24 1 X A21 +98 24 1 X A22 +98 24 1 X A23 +98 24 1 X A24 +98 24 1 X A25 +98 24 1 X A26 +98 24 1 X A27 +98 24 1 X A28 +98 24 1 X A29 +98 24 1 X A30 +98 24 1 X A31 +98 24 1 X A32 +98 24 1 X A33 +98 24 1 X A34 +98 24 1 X A35 +98 24 1 X A36 +98 24 1 X A37 +98 24 1 X A38 +98 24 1 X A39 +98 24 1 X A40 +98 24 2 S J0 +98 24 2 S J1 +98 24 2 S J2 +98 24 2 S J3 +98 24 2 S J4 +98 24 2 S J5 +98 24 2 S J6 +98 24 2 S J7 +98 24 2 S J8 +98 24 2 S J9 +98 24 2 S J10 +98 24 2 S J11 +98 24 2 S J12 +98 24 2 S J13 +98 24 2 S J14 +98 24 2 S J15 +98 24 2 S J16 +98 24 2 S J17 +98 24 2 S J18 +98 24 2 S J19 +98 24 2 S J20 +98 24 2 S J21 +98 24 2 S J22 +98 24 2 S J23 +98 24 2 S J24 +98 24 2 S J25 +98 24 2 S J26 +98 24 2 S J27 +98 24 2 S J28 +98 24 2 S J29 +98 24 2 S J30 +98 24 2 S J31 +98 24 2 S J32 +98 24 2 S J33 +98 24 2 S J34 +98 24 2 S J35 +98 24 2 S J36 +98 24 2 S J37 +98 24 2 S J38 +98 24 2 S J39 +98 24 2 S J40 +98 24 3 M I1 +98 24 4 O F2 +98 24 5 C H7 +98 24 6 N E8 +98 24 7 A G13 +98 24 7 A G14 +98 24 8 U F31 +98 25 1 X A0 +98 25 1 X A1 +98 25 1 X A2 +98 25 1 X A3 +98 25 1 X A4 +98 25 1 X A5 +98 25 1 X A6 +98 25 1 X A7 +98 25 1 X A8 +98 25 1 X A9 +98 25 1 X A10 +98 25 1 X A11 +98 25 1 X A12 +98 25 1 X A13 +98 25 1 X A14 +98 25 1 X A15 +98 25 1 X A16 +98 25 1 X A17 +98 25 1 X A18 +98 25 1 X A19 +98 25 1 X A20 +98 25 1 X A21 +98 25 1 X A22 +98 25 1 X A23 +98 25 1 X A24 +98 25 1 X A25 +98 25 1 X A26 +98 25 1 X A27 +98 25 1 X A28 +98 25 1 X A29 +98 25 1 X A30 +98 25 1 X A31 +98 25 1 X A32 +98 25 1 X A33 +98 25 1 X A34 +98 25 1 X A35 +98 25 1 X A36 +98 25 1 X A37 +98 25 1 X A38 +98 25 1 X A39 +98 25 1 X A40 +98 25 2 S J0 +98 25 2 S J1 +98 25 2 S J2 +98 25 2 S J3 +98 25 2 S J4 +98 25 2 S J5 +98 25 2 S J6 +98 25 2 S J7 +98 25 2 S J8 +98 25 2 S J9 +98 25 2 S J10 +98 25 2 S J11 +98 25 2 S J12 +98 25 2 S J13 +98 25 2 S J14 +98 25 2 S J15 +98 25 2 S J16 +98 25 2 S J17 +98 25 2 S J18 +98 25 2 S J19 +98 25 2 S J20 +98 25 2 S J21 +98 25 2 S J22 +98 25 2 S J23 +98 25 2 S J24 +98 25 2 S J25 +98 25 2 S J26 +98 25 2 S J27 +98 25 2 S J28 +98 25 2 S J29 +98 25 2 S J30 +98 25 2 S J31 +98 25 2 S J32 +98 25 2 S J33 +98 25 2 S J34 +98 25 2 S J35 +98 25 2 S J36 +98 25 2 S J37 +98 25 2 S J38 +98 25 2 S J39 +98 25 2 S J40 +98 25 3 D E0 +98 25 3 D F0 +98 25 4 M G1 +98 25 5 B F10 +98 25 6 O D12 +98 25 7 A F17 +98 25 8 U D32 +98 25 8 U E32 +99 1 1 BA A0 +99 1 2 NA J0 +99 1 3 BU F0 +99 1 4 SA G3 +99 1 5 YA H18 +99 2 1 BA A0 +99 2 2 EA C12 +99 2 3 SA G2 +99 2 4 YA G17 +99 2 5 NA J0 +99 3 1 EA C8 +99 3 2 BA A0 +99 3 3 NA J0 +99 3 4 SA G2 +99 3 5 BU I6 +99 3 6 YA G17 +99 4 1 BA A0 +99 4 2 EA C9 +99 4 3 BU E0 +99 4 4 SA F1 +99 4 5 YA G17 +99 4 6 NA J0 +99 5 1 BA A0 +99 5 2 YA F18 +99 5 3 EA B11 +99 5 4 SA G2 +99 5 5 BU G6 +99 5 6 NA J0 +99 6 1 YA F17 +99 6 2 EA C8 +99 6 3 BA A0 +99 6 4 BU G0 +99 6 5 NA J0 +99 6 6 SA F4 +99 7 1 BA A0 +99 7 2 SA G1 +99 7 3 NA J0 +99 7 4 BU H7 +99 7 5 YA H17 +99 7 6 EA C9 +99 8 1 BA A0 +99 8 2 EA C9 +99 8 3 SA F4 +99 8 4 NA J0 +99 8 5 YA F29 +99 9 1 BA A0 +99 9 2 EA C8 +99 9 3 BU G0 +99 9 4 NA J0 +99 9 5 SA G2 +99 9 6 YA H19 +99 10 1 BA A0 +99 10 2 YA G30 +99 10 3 BO B12 +99 10 4 EA C10 +99 10 5 SA G2 +99 10 6 NA J0 +99 11 1 BA A0 +99 11 2 BU C0 +99 11 3 SA G3 +99 11 4 NA J0 +99 11 5 YA F17 +99 12 1 BA A0 +99 12 2 EA C9 +99 12 3 NA J0 +99 12 4 SA F3 +99 12 5 YA H20 +99 12 6 BU H27 +99 13 1 BA A0 +99 13 2 EA C8 +99 13 3 BU E0 +99 13 4 NA J0 +99 13 5 SA G1 +99 13 6 YA G20 +99 14 1 BA A0 +99 14 2 BU C28 +99 14 3 EA C9 +99 14 4 SA G1 +99 14 5 YA G19 +99 14 6 NA J0 +99 15 1 BA A0 +99 15 2 SA F3 +99 15 3 BU H7 +99 15 4 YA H18 +99 15 5 NA J0 +99 16 1 BA B30 +99 16 2 SA F29 +99 16 3 YA E17 +99 16 4 NA J0 +99 17 1 BA A0 +99 17 2 EA C9 +99 17 3 SA H3 +99 17 4 BU I9 +99 17 5 NA J0 +99 17 6 YA H30 +99 18 1 BA A0 +99 18 2 EA B10 +99 18 3 SA G1 +99 18 4 NA J0 +99 18 5 YA G28 +99 19 1 NA J0 +99 19 2 YA G30 +99 19 3 BO F33 +99 19 4 EA C9 +99 19 5 BA A0 +99 19 6 BU D0 +99 19 7 SA G1 +99 20 1 YA F19 +99 20 2 EA C9 +99 20 3 BA A0 +99 20 4 SA G2 +99 20 5 NA J0 +99 20 6 NB I28 +99 21 1 BA A0 +99 21 2 EA C9 +99 21 3 BO F0 +99 21 4 SA G2 +99 21 5 NA J0 +99 21 6 YA F17 +99 22 1 BA A0 +99 22 2 YA E27 +99 22 3 BU I23 +99 22 4 NA J0 +99 22 5 SA G3 +99 23 1 SA G1 +99 23 2 YA H19 +99 23 3 NA J0 +99 23 4 BA A0 +99 23 5 EA C9 +99 24 1 EA C12 +99 24 2 BA A0 +99 24 3 SA F1 +99 24 4 BU F9 +99 24 5 YA F27 +99 24 6 NA I10 +99 25 1 BA A0 +99 25 2 YA E17 +99 25 3 SA E1 +99 25 4 BU H13 +99 25 5 NA H16 +100 1 1 U B32 +100 1 2 S C10 +100 1 3 K G19 +100 1 4 L H31 +100 1 5 R J0 +100 1 6 A F40 +100 2 1 U A0 +100 2 2 A G2 +100 2 3 R J0 +100 2 4 K G18 +100 2 5 L G29 +100 2 6 S C13 +100 3 1 L G30 +100 3 2 K F16 +100 3 3 S C8 +100 3 4 U A0 +100 3 5 A F1 +100 3 6 R J0 +100 4 1 U A0 +100 4 2 A G40 +100 4 3 R J0 +100 4 4 S B12 +100 5 1 K E16 +100 5 2 S C12 +100 5 3 A G1 +100 5 4 L H30 +100 5 5 R J0 +100 5 6 U A0 +100 6 1 K F18 +100 6 2 S C9 +100 6 3 U A0 +100 6 4 A G2 +100 6 5 R J0 +100 6 6 L H28 +100 7 1 R J0 +100 7 2 A G39 +100 7 3 L E29 +100 7 4 K F20 +100 7 5 S C14 +100 7 6 U A0 +100 8 1 R J0 +100 8 2 K E16 +100 8 3 U A0 +100 8 4 S C9 +100 8 5 A H1 +100 8 6 L I31 +100 9 1 L G28 +100 9 2 R J0 +100 9 3 A G2 +100 9 4 U A0 +100 9 5 S C11 +100 9 6 K E16 +100 10 1 R J0 +100 10 2 U A0 +100 10 3 K F17 +100 10 4 S B11 +100 10 5 A F2 +100 11 1 L H30 +100 11 2 K D16 +100 11 3 S B10 +100 11 4 U A0 +100 11 5 A G2 +100 11 6 R J0 +100 12 1 U A0 +100 12 2 A G1 +100 12 3 K G15 +100 12 4 R J0 +100 12 5 S C10 +100 13 1 S C11 +100 13 2 U A0 +100 13 3 A F2 +100 13 4 K F20 +100 13 5 R J0 +100 14 1 L G30 +100 14 2 K E17 +100 14 3 S B10 +100 14 4 U A0 +100 14 5 A G2 +100 14 6 R J0 +100 15 1 L G29 +100 15 2 U A0 +100 15 3 K D15 +100 15 4 S B10 +100 15 5 R J0 +100 15 6 A G40 +100 16 1 R J0 +100 16 2 U A0 +100 16 3 K E15 +100 16 4 S C9 +100 16 5 A G2 +100 17 1 L H30 +100 17 2 R J0 +100 17 3 A G1 +100 17 4 U A0 +100 17 5 S C10 +100 17 6 K E17 +100 18 1 K F18 +100 18 2 U A0 +100 18 3 S C12 +100 18 4 A G2 +100 18 5 R J0 +100 18 6 L H30 +100 19 1 U A0 +100 19 2 L F28 +100 19 3 K F16 +100 19 4 S B10 +100 19 5 A F2 +100 19 6 R J0 +100 20 1 K F17 +100 20 2 S C11 +100 20 3 U A0 +100 20 4 A G2 +100 20 5 R J0 +100 20 6 L I31 +100 21 1 L H29 +100 21 2 K H19 +100 21 3 R H19 +100 21 4 A G2 +100 21 5 S B12 +100 21 6 U A0 +100 22 1 L F29 +100 22 2 K E18 +100 22 3 S B10 +100 22 4 U A0 +100 22 5 A G1 +100 22 6 R J0 +100 23 1 U A0 +100 23 2 S D14 +100 23 3 A F2 +100 23 4 K G21 +100 23 5 L G30 +100 23 6 R J0 +100 24 1 U A0 +100 24 2 S C11 +100 24 3 K F16 +100 24 4 R J0 +100 24 5 L H30 +100 24 6 A G39 +100 25 1 L G28 +100 25 2 R J0 +100 25 3 K D16 +100 25 4 A E1 +100 25 5 U A0 +100 25 6 S C11 +101 1 1 U A0 +101 1 2 P D6 +101 1 3 R G1 +101 1 4 T H6 +101 1 5 N G18 +101 1 6 J F26 +101 1 7 K J0 +101 2 1 U A0 +101 2 2 R H3 +101 2 3 P D8 +101 2 4 N F19 +101 2 5 J I24 +101 2 6 K J0 +101 3 1 U A0 +101 3 2 GO E3 +101 3 3 P D8 +101 3 4 N I25 +101 3 5 R F40 +101 3 6 K J0 +101 4 1 U A0 +101 4 2 BR C8 +101 4 3 P B12 +101 4 4 N F20 +101 4 5 R G40 +101 4 6 K J0 +101 5 1 U A0 +101 5 2 R G2 +101 5 3 P C11 +101 5 4 N G20 +101 5 5 J E26 +101 5 6 BR C31 +101 5 7 G E38 +101 5 8 K J0 +101 6 1 U A0 +101 6 2 GO F0 +101 6 3 P D6 +101 6 4 N H21 +101 6 5 J G32 +101 6 6 BR D33 +101 6 7 R G40 +101 6 8 K J0 +101 7 1 U A0 +101 7 2 R G2 +101 7 3 BR C6 +101 7 4 P D7 +101 7 5 N F17 +101 7 6 J I31 +101 7 7 G I38 +101 7 8 K J0 +101 8 1 U A0 +101 8 2 R F4 +101 8 3 P C11 +101 8 4 BR E11 +101 8 5 N F15 +101 8 6 J I31 +101 8 7 G F39 +101 8 8 K J0 +101 9 1 U A0 +101 9 2 P D6 +101 9 3 BR E11 +101 9 4 R G2 +101 9 5 N H20 +101 9 6 J G32 +101 9 7 G H39 +101 9 8 K J0 +101 10 1 U A0 +101 10 2 R G3 +101 10 3 P D8 +101 10 4 BR F15 +101 10 5 N G17 +101 10 6 J G32 +101 10 7 G E37 +101 10 8 K J0 +101 11 1 U A0 +101 11 2 R G3 +101 11 3 BR I4 +101 11 4 P D8 +101 11 5 N F17 +101 11 6 J I35 +101 11 7 G F36 +101 11 8 K J0 +101 12 1 U A0 +101 12 2 R F4 +101 12 3 BR H6 +101 12 4 P C11 +101 12 5 N F18 +101 12 6 K J0 +101 13 1 U A0 +101 13 2 P C11 +101 13 3 N F19 +101 13 4 J E25 +101 13 5 R F40 +101 13 6 K J0 +101 14 1 R F2 +101 14 2 P C8 +101 14 3 N F16 +101 14 4 J F29 +101 14 5 G F32 +101 14 6 K J0 +101 14 7 U A0 +101 15 1 U A0 +101 15 2 R H3 +101 15 3 P C9 +101 15 4 N G18 +101 15 5 J G31 +101 15 6 K J0 +101 16 1 U A0 +101 16 2 G C1 +101 16 3 R F3 +101 16 4 P D8 +101 16 5 N F17 +101 16 6 J D36 +101 16 7 K J0 +101 17 1 U A0 +101 17 2 R G2 +101 17 3 G E4 +101 17 4 P C12 +101 17 5 N G20 +101 17 6 J I38 +101 17 7 K J0 +101 18 1 U A0 +101 18 2 R H3 +101 18 3 P E8 +101 18 4 N F22 +101 18 5 J F31 +101 18 6 G F39 +101 18 7 K J0 +101 19 1 U A0 +101 19 2 R C3 +101 19 3 P C9 +101 19 4 N C17 +101 19 5 J H35 +101 19 6 K J0 +101 20 1 U A0 +101 20 2 R G2 +101 20 3 P C13 +101 20 4 N C18 +101 20 5 J G34 +101 20 6 K J0 +101 21 1 U A0 +101 21 2 R E4 +101 21 3 BR H6 +101 21 4 P C16 +101 21 5 J H30 +101 21 6 K J0 +101 21 7 N E20 +101 22 1 U A0 +101 22 2 R G2 +101 22 3 BR E8 +101 22 4 P C11 +101 22 5 N G20 +101 22 6 J D28 +101 22 7 K J0 +101 23 1 U A0 +101 23 2 R F2 +101 23 3 P C13 +101 23 4 N F20 +101 23 5 J H34 +101 23 6 G E37 +101 23 7 K J0 +101 24 1 U A0 +101 24 2 R G2 +101 24 3 G E4 +101 24 4 P D8 +101 24 5 BR B9 +101 24 6 N G19 +101 24 7 J E33 +101 24 8 K J0 +101 25 1 U A0 +101 25 2 R G3 +101 25 3 BR C6 +101 25 4 P C9 +101 25 5 N F17 +101 25 6 J F31 +101 25 7 G F39 +101 25 8 K J0 +102 1 1 N A19 +102 1 2 WA A19 +102 1 3 W F28 +102 1 4 O G4 +102 1 5 WT J13 +102 1 6 WG G18 +102 2 1 N A0 +102 2 2 W F28 +102 2 3 O G0 +102 2 3 O G40 +102 2 4 G I0 +102 2 4 G I40 +102 2 5 WT J0 +102 2 6 W F28 +102 3 1 NN F4 +102 3 2 GM G1 +102 3 3 M C9 +102 3 4 IC C14 +102 3 5 N A30 +102 3 6 O F40 +102 3 7 WT J35 +102 3 8 W F29 +102 3 9 WW G18 +102 4 1 WA A0 +102 4 2 NT B0 +102 4 2 NT B1 +102 4 2 NT B2 +102 4 2 NT B3 +102 4 2 NT B4 +102 4 2 NT B5 +102 4 2 NT B6 +102 4 2 NT B7 +102 4 2 NT B8 +102 4 2 NT B9 +102 4 2 NT B10 +102 4 2 NT B11 +102 4 2 NT B12 +102 4 2 NT B13 +102 4 2 NT B14 +102 4 2 NT B15 +102 4 2 NT B16 +102 4 2 NT B17 +102 4 2 NT B18 +102 4 2 NT B19 +102 4 2 NT B20 +102 4 2 NT B21 +102 4 2 NT B22 +102 4 2 NT B23 +102 4 2 NT B24 +102 4 2 NT B25 +102 4 2 NT B26 +102 4 2 NT B27 +102 4 2 NT B28 +102 4 2 NT B29 +102 4 2 NT B30 +102 4 2 NT B31 +102 4 2 NT B32 +102 4 2 NT B33 +102 4 2 NT B34 +102 4 2 NT B35 +102 4 2 NT B36 +102 4 2 NT B37 +102 4 2 NT B38 +102 4 2 NT B39 +102 4 2 NT B40 +102 4 3 WT J0 +102 4 4 W H30 +102 4 5 O G40 +102 5 1 N A28 +102 5 2 W D28 +102 5 3 O F40 +102 6 1 N A0 +102 6 2 NT B0 +102 6 2 NT B1 +102 6 2 NT B2 +102 6 2 NT B3 +102 6 2 NT B4 +102 6 2 NT B5 +102 6 2 NT B6 +102 6 2 NT B7 +102 6 2 NT B8 +102 6 2 NT B9 +102 6 2 NT B10 +102 6 2 NT B11 +102 6 2 NT B12 +102 6 2 NT B13 +102 6 2 NT B14 +102 6 2 NT B15 +102 6 2 NT B16 +102 6 2 NT B17 +102 6 2 NT B18 +102 6 2 NT B19 +102 6 2 NT B20 +102 6 2 NT B21 +102 6 2 NT B22 +102 6 2 NT B23 +102 6 2 NT B24 +102 6 2 NT B25 +102 6 2 NT B26 +102 6 2 NT B27 +102 6 2 NT B28 +102 6 2 NT B29 +102 6 2 NT B30 +102 6 2 NT B31 +102 6 2 NT B32 +102 6 2 NT B33 +102 6 2 NT B34 +102 6 2 NT B35 +102 6 2 NT B36 +102 6 2 NT B37 +102 6 2 NT B38 +102 6 2 NT B39 +102 6 2 NT B40 +102 6 3 O F4 +102 6 4 II D9 +102 6 5 WT J0 +102 6 6 W D29 +102 7 1 NM C8 +102 7 2 WA B37 +102 7 3 NT A38 +102 7 4 O F40 +102 7 5 W G30 +102 7 6 WT J40 +102 8 1 WA A0 +102 8 2 N A0 +102 8 3 W E28 +102 8 4 O F3 +102 8 5 WT J0 +102 9 1 N A0 +102 9 2 O G2 +102 9 3 WT J0 +102 9 4 W E28 +102 10 1 W C0 +102 10 2 NA B0 +102 10 2 NA B1 +102 10 2 NA B2 +102 10 2 NA B3 +102 10 2 NA B4 +102 10 2 NA B5 +102 10 2 NA B6 +102 10 2 NA B7 +102 10 2 NA B8 +102 10 2 NA B9 +102 10 2 NA B10 +102 10 2 NA B11 +102 10 2 NA B12 +102 10 2 NA B13 +102 10 2 NA B14 +102 10 2 NA B15 +102 10 2 NA B16 +102 10 2 NA B17 +102 10 2 NA B18 +102 10 2 NA B19 +102 10 2 NA B20 +102 10 2 NA B21 +102 10 2 NA B22 +102 10 2 NA B23 +102 10 2 NA B24 +102 10 2 NA B25 +102 10 2 NA B26 +102 10 2 NA B27 +102 10 2 NA B28 +102 10 2 NA B29 +102 10 2 NA B30 +102 10 2 NA B31 +102 10 2 NA B32 +102 10 2 NA B33 +102 10 2 NA B34 +102 10 2 NA B35 +102 10 2 NA B36 +102 10 2 NA B37 +102 10 2 NA B38 +102 10 2 NA B39 +102 10 2 NA B40 +102 10 3 N A0 +102 10 4 G E2 +102 10 4 G E37 +102 10 5 O G1 +102 10 6 WT J0 +102 10 7 NM C0 +102 10 7 NM C1 +102 10 7 NM C2 +102 10 7 NM C3 +102 10 7 NM C4 +102 10 7 NM C5 +102 10 7 NM C6 +102 10 7 NM C7 +102 10 7 NM C8 +102 10 7 NM C9 +102 10 7 NM C10 +102 10 7 NM C11 +102 10 7 NM C12 +102 10 7 NM C13 +102 10 7 NM C14 +102 10 7 NM C15 +102 10 7 NM C16 +102 10 7 NM C17 +102 10 7 NM C18 +102 10 7 NM C19 +102 10 7 NM C20 +102 10 7 NM C21 +102 10 7 NM C22 +102 10 7 NM C23 +102 10 7 NM C24 +102 10 7 NM C25 +102 10 7 NM C26 +102 10 7 NM C27 +102 10 7 NM C28 +102 10 7 NM C29 +102 10 7 NM C30 +102 10 7 NM C31 +102 10 7 NM C32 +102 10 7 NM C33 +102 10 7 NM C34 +102 10 7 NM C35 +102 10 7 NM C36 +102 10 7 NM C37 +102 10 7 NM C38 +102 10 7 NM C39 +102 10 7 NM C40 +102 10 8 NT D0 +102 10 8 NT D1 +102 10 8 NT D2 +102 10 8 NT D3 +102 10 8 NT D4 +102 10 8 NT D5 +102 10 8 NT D6 +102 10 8 NT D7 +102 10 8 NT D8 +102 10 8 NT D9 +102 10 8 NT D10 +102 10 8 NT D11 +102 10 8 NT D12 +102 10 8 NT D13 +102 10 8 NT D14 +102 10 8 NT D15 +102 10 8 NT D16 +102 10 8 NT D17 +102 10 8 NT D18 +102 10 8 NT D19 +102 10 8 NT D20 +102 10 8 NT D21 +102 10 8 NT D22 +102 10 8 NT D23 +102 10 8 NT D24 +102 10 8 NT D25 +102 10 8 NT D26 +102 10 8 NT D27 +102 10 8 NT D28 +102 10 8 NT D29 +102 10 8 NT D30 +102 10 8 NT D31 +102 10 8 NT D32 +102 10 8 NT D33 +102 10 8 NT D34 +102 10 8 NT D35 +102 10 8 NT D36 +102 10 8 NT D37 +102 10 8 NT D38 +102 10 8 NT D39 +102 10 8 NT D40 +102 11 1 N A0 +102 11 2 WA B0 +102 11 2 WA B1 +102 11 2 WA B2 +102 11 2 WA B3 +102 11 2 WA B4 +102 11 2 WA B5 +102 11 2 WA B6 +102 11 2 WA B7 +102 11 2 WA B8 +102 11 2 WA B9 +102 11 2 WA B10 +102 11 2 WA B11 +102 11 2 WA B12 +102 11 2 WA B13 +102 11 2 WA B14 +102 11 2 WA B15 +102 11 2 WA B16 +102 11 2 WA B17 +102 11 2 WA B18 +102 11 2 WA B19 +102 11 2 WA B20 +102 11 2 WA B21 +102 11 2 WA B22 +102 11 2 WA B23 +102 11 2 WA B24 +102 11 2 WA B25 +102 11 2 WA B26 +102 11 2 WA B27 +102 11 2 WA B28 +102 11 2 WA B29 +102 11 2 WA B30 +102 11 2 WA B31 +102 11 2 WA B32 +102 11 2 WA B33 +102 11 2 WA B34 +102 11 2 WA B35 +102 11 2 WA B36 +102 11 2 WA B37 +102 11 2 WA B38 +102 11 2 WA B39 +102 11 2 WA B40 +102 11 2 WA C0 +102 11 2 WA C1 +102 11 2 WA C2 +102 11 2 WA C3 +102 11 2 WA C4 +102 11 2 WA C5 +102 11 2 WA C6 +102 11 2 WA C7 +102 11 2 WA C8 +102 11 2 WA C9 +102 11 2 WA C10 +102 11 2 WA C11 +102 11 2 WA C12 +102 11 2 WA C13 +102 11 2 WA C14 +102 11 2 WA C15 +102 11 2 WA C16 +102 11 2 WA C17 +102 11 2 WA C18 +102 11 2 WA C19 +102 11 2 WA C20 +102 11 2 WA C21 +102 11 2 WA C22 +102 11 2 WA C23 +102 11 2 WA C24 +102 11 2 WA C25 +102 11 2 WA C26 +102 11 2 WA C27 +102 11 2 WA C28 +102 11 2 WA C29 +102 11 2 WA C30 +102 11 2 WA C31 +102 11 2 WA C32 +102 11 2 WA C33 +102 11 2 WA C34 +102 11 2 WA C35 +102 11 2 WA C36 +102 11 2 WA C37 +102 11 2 WA C38 +102 11 2 WA C39 +102 11 2 WA C40 +102 11 3 WT J0 +102 11 4 W H19 +102 11 5 NG G35 +102 11 6 O F40 +102 12 1 N A0 +102 12 2 W E19 +102 12 3 WT J0 +102 12 4 NG G38 +102 13 1 N A0 +102 13 2 O G1 +102 13 3 WT J0 +102 13 4 W H31 +102 14 1 N A0 +102 14 2 WA A0 +102 14 3 O G1 +102 14 4 WT J0 +102 14 5 W I31 +102 15 1 G B11 +102 15 2 N A0 +102 15 3 WT J0 +102 15 4 W H28 +102 15 5 O G39 +102 15 6 WN F34 +102 16 1 N A16 +102 16 1 N A17 +102 16 1 N A18 +102 16 1 N A19 +102 16 1 N A20 +102 16 1 N A21 +102 16 1 N A22 +102 16 1 N A23 +102 16 1 N A24 +102 16 1 N A25 +102 16 1 N A26 +102 16 1 N A27 +102 16 1 N A28 +102 16 1 N A29 +102 16 1 N A30 +102 16 1 N A31 +102 16 1 N A32 +102 16 1 N A33 +102 16 1 N A34 +102 16 2 WA A16 +102 16 2 WA A17 +102 16 2 WA A18 +102 16 2 WA A19 +102 16 2 WA A20 +102 16 2 WA A21 +102 16 2 WA A22 +102 16 2 WA A23 +102 16 2 WA A24 +102 16 2 WA A25 +102 16 2 WA A26 +102 16 2 WA A27 +102 16 2 WA A28 +102 16 2 WA A29 +102 16 2 WA A30 +102 16 2 WA A31 +102 16 2 WA A32 +102 16 2 WA A33 +102 16 2 WA A34 +102 16 3 O G40 +102 16 4 W G29 +102 16 5 WN G29 +102 16 6 WT J21 +102 16 6 WT J22 +102 16 6 WT J23 +102 16 6 WT J24 +102 16 6 WT J25 +102 16 6 WT J26 +102 16 6 WT J27 +102 16 6 WT J28 +102 16 6 WT J29 +102 16 6 WT J30 +102 16 6 WT J31 +102 16 6 WT J32 +102 16 6 WT J33 +102 16 6 WT J34 +102 16 6 WT J35 +102 16 6 WT J36 +102 16 6 WT J37 +102 16 6 WT J38 +102 16 6 WT J39 +102 16 6 WT J40 +102 17 1 A C7 +102 17 2 WA A0 +102 17 3 N A0 +102 17 4 WT J0 +102 17 5 W G26 +102 17 6 O F37 +102 18 1 G C8 +102 18 2 IP B13 +102 18 3 N A0 +102 18 4 WA A0 +102 18 5 NP F40 +102 18 6 WE F0 +102 18 6 WE H9 +102 18 7 WT J0 +102 18 8 W G30 +102 19 1 N B0 +102 19 1 N B1 +102 19 1 N B2 +102 19 1 N B3 +102 19 1 N B4 +102 19 1 N B5 +102 19 1 N B6 +102 19 1 N B7 +102 19 1 N B8 +102 19 1 N B9 +102 19 1 N B10 +102 19 1 N B11 +102 19 1 N B12 +102 19 1 N B13 +102 19 1 N B14 +102 19 1 N B15 +102 19 1 N B16 +102 19 1 N B17 +102 19 1 N B18 +102 19 1 N B19 +102 19 1 N B20 +102 19 1 N B21 +102 19 1 N B22 +102 19 1 N B23 +102 19 1 N B24 +102 19 1 N B25 +102 19 1 N B26 +102 19 1 N B27 +102 19 1 N B28 +102 19 1 N B29 +102 19 1 N B30 +102 19 1 N B31 +102 19 1 N B32 +102 19 1 N B33 +102 19 1 N B34 +102 19 1 N B35 +102 19 1 N B36 +102 19 1 N B37 +102 19 1 N B38 +102 19 1 N B39 +102 19 1 N B40 +102 19 2 WA A0 +102 19 3 O F1 +102 19 4 G G1 +102 19 5 WT J0 +102 19 6 W F27 +102 20 1 WA A0 +102 20 2 O G2 +102 20 3 WT J0 +102 20 4 W G22 +102 21 1 WA A0 +102 21 2 N A0 +102 21 3 WT J0 +102 21 4 W F30 +102 21 5 O G40 +102 22 1 WA A0 +102 22 2 N A0 +102 22 3 O G1 +102 22 4 WT J0 +102 22 5 W G30 +102 23 1 I C8 +102 23 2 N A0 +102 23 3 WT J0 +102 23 4 W G30 +102 23 5 O F39 +102 24 1 WA A0 +102 24 2 O E1 +102 24 3 W G28 +102 25 1 I C8 +102 25 2 N A0 +102 25 3 WA A0 +102 25 4 O G39 +102 25 5 W I31 +102 25 6 WT J0 +103 1 1 D A0 +103 1 1 D A1 +103 1 1 D A2 +103 1 1 D A3 +103 1 1 D A4 +103 1 1 D A5 +103 1 1 D A6 +103 1 1 D A7 +103 1 1 D A8 +103 1 1 D A9 +103 1 1 D A10 +103 1 1 D A11 +103 1 1 D A12 +103 1 1 D A13 +103 1 1 D A14 +103 1 1 D A15 +103 1 1 D A16 +103 1 1 D A17 +103 1 1 D A18 +103 1 1 D A19 +103 1 1 D A20 +103 1 1 D A21 +103 1 1 D A22 +103 1 1 D A23 +103 1 1 D A24 +103 1 1 D A25 +103 1 1 D A26 +103 1 1 D A27 +103 1 1 D A28 +103 1 1 D A29 +103 1 1 D A30 +103 1 1 D A31 +103 1 1 D A32 +103 1 1 D A33 +103 1 1 D A34 +103 1 1 D A35 +103 1 1 D A36 +103 1 1 D A37 +103 1 1 D A38 +103 1 1 D A39 +103 1 1 D A40 +103 1 2 W C5 +103 1 3 A C8 +103 1 4 K E16 +103 1 5 X A17 +103 1 6 P B20 +103 1 6 P B21 +103 1 7 U E29 +103 1 8 M J0 +103 1 8 M J1 +103 1 8 M J2 +103 1 8 M J3 +103 1 8 M J4 +103 1 8 M J5 +103 1 8 M J6 +103 1 8 M J7 +103 1 8 M J8 +103 1 8 M J9 +103 1 8 M J10 +103 1 8 M J11 +103 1 8 M J12 +103 1 8 M J13 +103 1 8 M J14 +103 1 8 M J15 +103 1 8 M J16 +103 1 8 M J17 +103 1 8 M J18 +103 1 8 M J19 +103 1 8 M J20 +103 1 8 M J21 +103 1 8 M J22 +103 1 8 M J23 +103 1 8 M J24 +103 1 8 M J25 +103 1 8 M J26 +103 1 8 M J27 +103 1 8 M J28 +103 1 8 M J29 +103 1 8 M J30 +103 1 8 M J31 +103 1 8 M J32 +103 1 8 M J33 +103 1 8 M J34 +103 1 8 M J35 +103 1 8 M J36 +103 1 8 M J37 +103 1 8 M J38 +103 1 8 M J39 +103 1 8 M J40 +103 1 9 Y F2 +103 2 1 YT A0 +103 2 1 YT A1 +103 2 1 YT A2 +103 2 1 YT A3 +103 2 1 YT A4 +103 2 1 YT A5 +103 2 1 YT A6 +103 2 1 YT A7 +103 2 1 YT A8 +103 2 1 YT A9 +103 2 1 YT A10 +103 2 1 YT A11 +103 2 1 YT A12 +103 2 1 YT A13 +103 2 1 YT A14 +103 2 1 YT A15 +103 2 1 YT A16 +103 2 1 YT A17 +103 2 1 YT A18 +103 2 1 YT A19 +103 2 1 YT A20 +103 2 1 YT A21 +103 2 1 YT A22 +103 2 1 YT A23 +103 2 1 YT A24 +103 2 1 YT A25 +103 2 1 YT A26 +103 2 1 YT A27 +103 2 1 YT A28 +103 2 1 YT A29 +103 2 1 YT A30 +103 2 1 YT A31 +103 2 1 YT A32 +103 2 1 YT A33 +103 2 1 YT A34 +103 2 1 YT A35 +103 2 1 YT A36 +103 2 1 YT A37 +103 2 1 YT A38 +103 2 1 YT A39 +103 2 1 YT A40 +103 2 2 D A0 +103 2 2 D A1 +103 2 2 D A2 +103 2 2 D A3 +103 2 2 D A4 +103 2 2 D A5 +103 2 2 D A6 +103 2 2 D A7 +103 2 2 D A8 +103 2 2 D A9 +103 2 2 D A10 +103 2 2 D A11 +103 2 2 D A12 +103 2 2 D A13 +103 2 2 D A14 +103 2 2 D A15 +103 2 2 D A16 +103 2 2 D A17 +103 2 2 D A18 +103 2 2 D A19 +103 2 2 D A20 +103 2 2 D A21 +103 2 2 D A22 +103 2 2 D A23 +103 2 2 D A24 +103 2 2 D A25 +103 2 2 D A26 +103 2 2 D A27 +103 2 2 D A28 +103 2 2 D A29 +103 2 2 D A30 +103 2 2 D A31 +103 2 2 D A32 +103 2 2 D A33 +103 2 2 D A34 +103 2 2 D A35 +103 2 2 D A36 +103 2 2 D A37 +103 2 2 D A38 +103 2 2 D A39 +103 2 2 D A40 +103 2 3 W F7 +103 2 3 W F8 +103 2 3 W G7 +103 2 3 W G8 +103 2 4 A C8 +103 2 4 A C9 +103 2 5 WJ F18 +103 2 6 U E29 +103 2 7 M J0 +103 2 7 M J1 +103 2 7 M J2 +103 2 7 M J3 +103 2 7 M J4 +103 2 7 M J5 +103 2 7 M J6 +103 2 7 M J7 +103 2 7 M J8 +103 2 7 M J9 +103 2 7 M J10 +103 2 7 M J11 +103 2 7 M J12 +103 2 7 M J13 +103 2 7 M J14 +103 2 7 M J15 +103 2 7 M J16 +103 2 7 M J17 +103 2 7 M J18 +103 2 7 M J19 +103 2 7 M J20 +103 2 7 M J21 +103 2 7 M J22 +103 2 7 M J23 +103 2 7 M J24 +103 2 7 M J25 +103 2 7 M J26 +103 2 7 M J27 +103 2 7 M J28 +103 2 7 M J29 +103 2 7 M J30 +103 2 7 M J31 +103 2 7 M J32 +103 2 7 M J33 +103 2 7 M J34 +103 2 7 M J35 +103 2 7 M J36 +103 2 7 M J37 +103 2 7 M J38 +103 2 7 M J39 +103 2 7 M J40 +103 2 8 Y F0 +103 3 1 A D8 +103 3 1 A D9 +103 3 2 A2 B10 +103 3 2 A2 B11 +103 3 2 A2 B12 +103 3 3 K F26 +103 3 3 K F27 +103 3 3 K F28 +103 3 4 T A0 +103 3 4 T A1 +103 3 4 T A2 +103 3 4 T A3 +103 3 4 T A4 +103 3 4 T A5 +103 3 4 T A6 +103 3 4 T A7 +103 3 4 T A8 +103 3 4 T A9 +103 3 4 T A10 +103 3 4 T A11 +103 3 4 T A12 +103 3 4 T A13 +103 3 4 T A14 +103 3 4 T A15 +103 3 4 T A16 +103 3 4 T A17 +103 3 4 T A18 +103 3 4 T A19 +103 3 4 T A20 +103 3 4 T A21 +103 3 4 T A22 +103 3 4 T A23 +103 3 4 T A24 +103 3 4 T A25 +103 3 4 T A26 +103 3 4 T A27 +103 3 4 T A28 +103 3 4 T A29 +103 3 4 T A30 +103 3 4 T A31 +103 3 4 T A32 +103 3 4 T A33 +103 3 4 T A34 +103 3 4 T A35 +103 3 4 T A36 +103 3 4 T A37 +103 3 4 T A38 +103 3 4 T A39 +103 3 4 T A40 +103 3 5 Y F36 +103 3 6 W H38 +103 3 6 W H39 +103 3 6 W H40 +103 3 7 M I38 +103 3 7 M I39 +103 3 7 M I40 +103 3 8 PL F34 +103 3 8 PL F35 +103 3 9 U E34 +103 3 9 U F34 +103 3 10 K2 G29 +103 3 10 K2 G30 +103 3 10 K2 G31 +103 3 11 WJ F29 +103 3 11 WJ F30 +103 4 1 D A0 +103 4 1 D A1 +103 4 1 D A2 +103 4 1 D A3 +103 4 1 D A4 +103 4 1 D A5 +103 4 1 D A6 +103 4 1 D A7 +103 4 1 D A8 +103 4 1 D A9 +103 4 1 D A10 +103 4 1 D A11 +103 4 1 D A12 +103 4 1 D A13 +103 4 1 D A14 +103 4 1 D A15 +103 4 1 D A16 +103 4 1 D A17 +103 4 1 D A18 +103 4 1 D A19 +103 4 1 D A20 +103 4 1 D A21 +103 4 1 D A22 +103 4 1 D A23 +103 4 1 D A24 +103 4 1 D A25 +103 4 1 D A26 +103 4 1 D A27 +103 4 1 D A28 +103 4 1 D A29 +103 4 1 D A30 +103 4 1 D A31 +103 4 1 D A32 +103 4 1 D A33 +103 4 1 D A34 +103 4 1 D A35 +103 4 1 D A36 +103 4 1 D A37 +103 4 1 D A38 +103 4 1 D A39 +103 4 1 D A40 +103 4 2 P B5 +103 4 2 P B6 +103 4 2 P B7 +103 4 3 A C8 +103 4 3 A C9 +103 4 3 A D8 +103 4 3 A D9 +103 4 4 K F17 +103 4 4 K F18 +103 4 4 K F19 +103 4 5 Y G40 +103 4 6 WI G34 +103 4 6 WI H34 +103 4 6 WI I34 +103 4 7 M J0 +103 4 7 M J1 +103 4 7 M J2 +103 4 7 M J3 +103 4 7 M J4 +103 4 7 M J5 +103 4 7 M J6 +103 4 7 M J7 +103 4 7 M J8 +103 4 7 M J9 +103 4 7 M J10 +103 4 7 M J11 +103 4 7 M J12 +103 4 7 M J13 +103 4 7 M J14 +103 4 7 M J15 +103 4 7 M J16 +103 4 7 M J17 +103 4 7 M J18 +103 4 7 M J19 +103 4 7 M J20 +103 4 7 M J21 +103 4 7 M J22 +103 4 7 M J23 +103 4 7 M J24 +103 4 7 M J25 +103 4 7 M J26 +103 4 7 M J27 +103 4 7 M J28 +103 4 7 M J29 +103 4 7 M J30 +103 4 7 M J31 +103 4 7 M J32 +103 4 7 M J33 +103 4 7 M J34 +103 4 7 M J35 +103 4 7 M J36 +103 4 7 M J37 +103 4 7 M J38 +103 4 7 M J39 +103 4 7 M J40 +103 4 8 W G8 +103 4 8 W H8 +103 5 1 WJ E12 +103 5 2 L B21 +103 5 2 L B22 +103 5 2 L B23 +103 5 3 M F28 +103 5 4 Y E38 +103 5 5 U H29 +103 5 6 MI G16 +103 5 7 WP I14 +103 5 7 WP I15 +103 5 8 O H11 +103 5 8 O H12 +103 5 9 W F11 +103 5 9 W G11 +103 5 10 NK J2 +103 5 10 NK J3 +103 6 1 W C5 +103 6 2 A C10 +103 6 3 WJ E16 +103 6 4 U E28 +103 6 5 D A30 +103 6 6 M H31 +103 6 7 L F29 +103 6 8 Y F3 +103 7 1 A C9 +103 7 2 K E17 +103 7 3 K E22 +103 7 4 WJ E22 +103 7 5 C D24 +103 7 6 D A29 +103 7 7 YR F29 +103 7 8 MI C35 +103 7 8 MI C36 +103 7 8 MI C37 +103 7 9 Y F40 +103 7 10 L I37 +103 7 11 NR G27 +103 8 1 A D6 +103 8 2 D A0 +103 8 2 D A1 +103 8 2 D A2 +103 8 2 D A3 +103 8 2 D A4 +103 8 2 D A5 +103 8 2 D A6 +103 8 2 D A7 +103 8 2 D A8 +103 8 2 D A9 +103 8 2 D A10 +103 8 2 D A11 +103 8 2 D A12 +103 8 2 D A13 +103 8 2 D A14 +103 8 2 D A15 +103 8 2 D A16 +103 8 2 D A17 +103 8 2 D A18 +103 8 2 D A19 +103 8 2 D A20 +103 8 2 D A21 +103 8 2 D A22 +103 8 2 D A23 +103 8 2 D A24 +103 8 2 D A25 +103 8 2 D A26 +103 8 2 D A27 +103 8 2 D A28 +103 8 2 D A29 +103 8 2 D A30 +103 8 2 D A31 +103 8 2 D A32 +103 8 2 D A33 +103 8 2 D A34 +103 8 2 D A35 +103 8 2 D A36 +103 8 2 D A37 +103 8 2 D A38 +103 8 2 D A39 +103 8 2 D A40 +103 8 3 K F18 +103 8 4 W I4 +103 8 4 W I5 +103 8 4 W I6 +103 8 5 M J0 +103 8 5 M J1 +103 8 5 M J2 +103 8 5 M J3 +103 8 5 M J4 +103 8 5 M J5 +103 8 5 M J6 +103 8 5 M J7 +103 8 5 M J8 +103 8 5 M J9 +103 8 5 M J10 +103 8 5 M J11 +103 8 5 M J12 +103 8 5 M J13 +103 8 5 M J14 +103 8 5 M J15 +103 8 5 M J16 +103 8 5 M J17 +103 8 5 M J18 +103 8 5 M J19 +103 8 5 M J20 +103 8 5 M J21 +103 8 5 M J22 +103 8 5 M J23 +103 8 5 M J24 +103 8 5 M J25 +103 8 5 M J26 +103 8 5 M J27 +103 8 5 M J28 +103 8 5 M J29 +103 8 5 M J30 +103 8 5 M J31 +103 8 5 M J32 +103 8 5 M J33 +103 8 5 M J34 +103 8 5 M J35 +103 8 5 M J36 +103 8 5 M J37 +103 8 5 M J38 +103 8 5 M J39 +103 8 5 M J40 +103 8 6 Y F1 +103 9 1 YP E0 +103 9 1 YP E1 +103 9 1 YP E2 +103 9 1 YP E3 +103 9 1 YP E4 +103 9 1 YP F0 +103 9 1 YP F1 +103 9 1 YP F2 +103 9 1 YP F3 +103 9 1 YP F4 +103 9 2 A A0 +103 9 2 A A1 +103 9 2 A A2 +103 9 2 A A3 +103 9 2 A A4 +103 9 2 A A5 +103 9 2 A A6 +103 9 2 A A7 +103 9 2 A A8 +103 9 2 A A9 +103 9 2 A A10 +103 9 2 A A11 +103 9 2 A A12 +103 9 2 A A13 +103 9 2 A A14 +103 9 2 A A15 +103 9 2 A A16 +103 9 2 A A17 +103 9 2 A A18 +103 9 2 A A19 +103 9 2 A A20 +103 9 2 A A21 +103 9 2 A A22 +103 9 2 A A23 +103 9 2 A A24 +103 9 2 A A25 +103 9 2 A A26 +103 9 2 A A27 +103 9 2 A A28 +103 9 2 A A29 +103 9 2 A A30 +103 9 2 A A31 +103 9 2 A A32 +103 9 2 A A33 +103 9 2 A A34 +103 9 2 A A35 +103 9 2 A A36 +103 9 2 A A37 +103 9 2 A A38 +103 9 2 A A39 +103 9 2 A A40 +103 9 3 N C26 +103 9 4 MG E28 +103 9 4 MG F28 +103 9 5 Y C38 +103 9 5 Y C39 +103 9 5 Y C40 +103 9 5 Y D38 +103 9 5 Y D39 +103 9 5 Y D40 +103 9 5 Y E38 +103 9 5 Y E39 +103 9 5 Y E40 +103 9 6 M I0 +103 9 6 M I1 +103 9 6 M I2 +103 9 6 M I3 +103 9 6 M I4 +103 9 6 M I5 +103 9 6 M I6 +103 9 6 M I7 +103 9 6 M I8 +103 9 6 M I9 +103 9 6 M I10 +103 9 6 M I11 +103 9 6 M I12 +103 9 6 M I13 +103 9 6 M I14 +103 9 6 M I15 +103 9 6 M I16 +103 9 6 M I17 +103 9 6 M I18 +103 9 6 M I19 +103 9 6 M I20 +103 9 6 M I21 +103 9 6 M I22 +103 9 6 M I23 +103 9 6 M I24 +103 9 6 M I25 +103 9 6 M I26 +103 9 6 M I27 +103 9 6 M I28 +103 9 6 M I29 +103 9 6 M I30 +103 9 6 M I31 +103 9 6 M I32 +103 9 6 M I33 +103 9 6 M I34 +103 9 6 M I35 +103 9 6 M I36 +103 9 6 M I37 +103 9 6 M I38 +103 9 6 M I39 +103 9 6 M I40 +103 9 6 M J0 +103 9 6 M J1 +103 9 6 M J2 +103 9 6 M J3 +103 9 6 M J4 +103 9 6 M J5 +103 9 6 M J6 +103 9 6 M J7 +103 9 6 M J8 +103 9 6 M J9 +103 9 6 M J10 +103 9 6 M J11 +103 9 6 M J12 +103 9 6 M J13 +103 9 6 M J14 +103 9 6 M J15 +103 9 6 M J16 +103 9 6 M J17 +103 9 6 M J18 +103 9 6 M J19 +103 9 6 M J20 +103 9 6 M J21 +103 9 6 M J22 +103 9 6 M J23 +103 9 6 M J24 +103 9 6 M J25 +103 9 6 M J26 +103 9 6 M J27 +103 9 6 M J28 +103 9 6 M J29 +103 9 6 M J30 +103 9 6 M J31 +103 9 6 M J32 +103 9 6 M J33 +103 9 6 M J34 +103 9 6 M J35 +103 9 6 M J36 +103 9 6 M J37 +103 9 6 M J38 +103 9 6 M J39 +103 9 6 M J40 +103 10 1 E D2 +103 10 2 Y G1 +103 10 3 D A0 +103 10 3 D A1 +103 10 3 D A2 +103 10 3 D A3 +103 10 3 D A4 +103 10 3 D A5 +103 10 3 D A6 +103 10 3 D A7 +103 10 3 D A8 +103 10 3 D A9 +103 10 3 D A10 +103 10 3 D A11 +103 10 3 D A12 +103 10 3 D A13 +103 10 3 D A14 +103 10 3 D A15 +103 10 3 D A16 +103 10 3 D A17 +103 10 3 D A18 +103 10 3 D A19 +103 10 3 D A20 +103 10 3 D A21 +103 10 3 D A22 +103 10 3 D A23 +103 10 3 D A24 +103 10 3 D A25 +103 10 3 D A26 +103 10 3 D A27 +103 10 3 D A28 +103 10 3 D A29 +103 10 3 D A30 +103 10 3 D A31 +103 10 3 D A32 +103 10 3 D A33 +103 10 3 D A34 +103 10 3 D A35 +103 10 3 D A36 +103 10 3 D A37 +103 10 3 D A38 +103 10 3 D A39 +103 10 3 D A40 +103 10 4 A D6 +103 10 5 MG E29 +103 10 6 M J0 +103 10 6 M J1 +103 10 6 M J2 +103 10 6 M J3 +103 10 6 M J4 +103 10 6 M J5 +103 10 6 M J6 +103 10 6 M J7 +103 10 6 M J8 +103 10 6 M J9 +103 10 6 M J10 +103 10 6 M J11 +103 10 6 M J12 +103 10 6 M J13 +103 10 6 M J14 +103 10 6 M J15 +103 10 6 M J16 +103 10 6 M J17 +103 10 6 M J18 +103 10 6 M J19 +103 10 6 M J20 +103 10 6 M J21 +103 10 6 M J22 +103 10 6 M J23 +103 10 6 M J24 +103 10 6 M J25 +103 10 6 M J26 +103 10 6 M J27 +103 10 6 M J28 +103 10 6 M J29 +103 10 6 M J30 +103 10 6 M J31 +103 10 6 M J32 +103 10 6 M J33 +103 10 6 M J34 +103 10 6 M J35 +103 10 6 M J36 +103 10 6 M J37 +103 10 6 M J38 +103 10 6 M J39 +103 10 6 M J40 +103 10 7 K F19 +103 10 8 W H7 +103 11 1 D A0 +103 11 1 D A1 +103 11 1 D A2 +103 11 1 D A3 +103 11 1 D A4 +103 11 1 D A5 +103 11 1 D A6 +103 11 1 D A7 +103 11 1 D A8 +103 11 1 D A9 +103 11 1 D A10 +103 11 1 D A11 +103 11 1 D A12 +103 11 1 D A13 +103 11 1 D A14 +103 11 1 D A15 +103 11 1 D A16 +103 11 1 D A17 +103 11 1 D A18 +103 11 1 D A19 +103 11 1 D A20 +103 11 1 D A21 +103 11 1 D A22 +103 11 1 D A23 +103 11 1 D A24 +103 11 1 D A25 +103 11 1 D A26 +103 11 1 D A27 +103 11 1 D A28 +103 11 1 D A29 +103 11 1 D A30 +103 11 1 D A31 +103 11 1 D A32 +103 11 1 D A33 +103 11 1 D A34 +103 11 1 D A35 +103 11 1 D A36 +103 11 1 D A37 +103 11 1 D A38 +103 11 1 D A39 +103 11 1 D A40 +103 11 2 A C8 +103 11 2 A C9 +103 11 3 K E16 +103 11 3 K E17 +103 11 4 U D29 +103 11 4 U D30 +103 11 5 NY J0 +103 11 5 NY J1 +103 11 5 NY J2 +103 11 5 NY J3 +103 11 5 NY J4 +103 11 5 NY J5 +103 11 5 NY J6 +103 11 5 NY J7 +103 11 5 NY J8 +103 11 5 NY J9 +103 11 5 NY J10 +103 11 5 NY J11 +103 11 5 NY J12 +103 11 5 NY J13 +103 11 5 NY J14 +103 11 5 NY J15 +103 11 5 NY J16 +103 11 5 NY J17 +103 11 5 NY J18 +103 11 5 NY J19 +103 11 5 NY J20 +103 11 5 NY J21 +103 11 5 NY J22 +103 11 5 NY J23 +103 11 5 NY J24 +103 11 5 NY J25 +103 11 5 NY J26 +103 11 5 NY J27 +103 11 5 NY J28 +103 11 5 NY J29 +103 11 5 NY J30 +103 11 5 NY J31 +103 11 5 NY J32 +103 11 5 NY J33 +103 11 5 NY J34 +103 11 5 NY J35 +103 11 5 NY J36 +103 11 5 NY J37 +103 11 5 NY J38 +103 11 5 NY J39 +103 11 5 NY J40 +103 11 6 M H7 +103 11 6 M H8 +103 11 7 W F6 +103 11 7 W F7 +103 11 7 W F8 +103 11 8 Y G2 +103 11 8 Y G3 +103 11 9 J E3 +103 11 9 J F3 +103 11 10 R D1 +103 11 10 R D2 +103 12 1 B A0 +103 12 2 W C7 +103 12 3 A C8 +103 12 4 K E15 +103 12 5 U C29 +103 12 6 R E40 +103 12 7 M J0 +103 12 7 M J1 +103 12 7 M J2 +103 12 7 M J3 +103 12 7 M J4 +103 12 7 M J5 +103 12 7 M J6 +103 12 7 M J7 +103 12 7 M J8 +103 12 7 M J9 +103 12 7 M J10 +103 12 7 M J11 +103 12 7 M J12 +103 12 7 M J13 +103 12 7 M J14 +103 12 7 M J15 +103 12 7 M J16 +103 12 7 M J17 +103 12 7 M J18 +103 12 7 M J19 +103 12 7 M J20 +103 12 7 M J21 +103 12 7 M J22 +103 12 7 M J23 +103 12 7 M J24 +103 12 7 M J25 +103 12 7 M J26 +103 12 7 M J27 +103 12 7 M J28 +103 12 7 M J29 +103 12 7 M J30 +103 12 7 M J31 +103 12 7 M J32 +103 12 7 M J33 +103 12 7 M J34 +103 12 7 M J35 +103 12 7 M J36 +103 12 7 M J37 +103 12 7 M J38 +103 12 7 M J39 +103 12 7 M J40 +103 12 8 Y F0 +103 12 8 Y F1 +103 12 8 Y F2 +103 12 8 Y F3 +103 12 8 Y F4 +103 12 8 Y F5 +103 12 9 N B1 +103 13 1 D A0 +103 13 2 A C9 +103 13 3 YD E16 +103 13 4 U F28 +103 13 5 W H40 +103 13 6 K G20 +103 13 7 I G17 +103 13 8 WI G16 +103 13 9 M J0 +103 13 10 YP H1 +103 13 11 Y G1 +103 14 1 B A0 +103 14 2 W E11 +103 14 3 A C12 +103 14 4 WK E18 +103 14 5 Y G1 +103 15 1 D A2 +103 15 2 A C9 +103 15 3 YP F40 +103 15 4 W G33 +103 15 5 PU F29 +103 15 6 K F16 +103 15 7 WJ F16 +103 15 8 K F4 +103 15 9 M J0 +103 16 1 T A0 +103 16 1 T A1 +103 16 1 T A2 +103 16 1 T A3 +103 16 1 T A4 +103 16 1 T A5 +103 16 1 T A6 +103 16 1 T A7 +103 16 1 T A8 +103 16 1 T A9 +103 16 1 T A10 +103 16 1 T A11 +103 16 1 T A12 +103 16 1 T A13 +103 16 1 T A14 +103 16 1 T A15 +103 16 1 T A16 +103 16 1 T A17 +103 16 1 T A18 +103 16 1 T A19 +103 16 1 T A20 +103 16 1 T A21 +103 16 1 T A22 +103 16 1 T A23 +103 16 1 T A24 +103 16 1 T A25 +103 16 1 T A26 +103 16 1 T A27 +103 16 1 T A28 +103 16 1 T A29 +103 16 1 T A30 +103 16 1 T A31 +103 16 1 T A32 +103 16 1 T A33 +103 16 1 T A34 +103 16 1 T A35 +103 16 1 T A36 +103 16 1 T A37 +103 16 1 T A38 +103 16 1 T A39 +103 16 1 T A40 +103 16 2 A C9 +103 16 3 W F9 +103 16 4 K F17 +103 16 5 U C31 +103 16 5 U C32 +103 16 5 U C33 +103 16 6 R C1 +103 16 6 R C40 +103 16 7 MW G29 +103 16 8 WI G20 +103 16 9 WN I19 +103 16 10 PR J9 +103 16 11 M J1 +103 16 11 M J2 +103 16 11 M J3 +103 16 11 M J4 +103 16 11 M J5 +103 16 11 M J6 +103 16 11 M J7 +103 16 11 M J8 +103 16 11 M J9 +103 16 11 M J10 +103 16 11 M J11 +103 16 11 M J12 +103 16 11 M J13 +103 16 11 M J14 +103 16 11 M J15 +103 16 11 M J16 +103 16 11 M J17 +103 16 11 M J18 +103 16 11 M J19 +103 16 11 M J20 +103 16 11 M J21 +103 16 11 M J22 +103 16 11 M J23 +103 16 11 M J24 +103 16 11 M J25 +103 16 11 M J26 +103 16 11 M J27 +103 16 11 M J28 +103 16 11 M J29 +103 16 11 M J30 +103 16 11 M J31 +103 16 11 M J32 +103 16 11 M J33 +103 16 11 M J34 +103 16 11 M J35 +103 16 11 M J36 +103 16 11 M J37 +103 16 11 M J38 +103 16 11 M J39 +103 16 11 M J40 +103 16 12 Y G1 +103 16 13 D B0 +103 17 1 T A0 +103 17 1 T A1 +103 17 1 T A2 +103 17 1 T A3 +103 17 1 T A4 +103 17 1 T A5 +103 17 1 T A6 +103 17 1 T A7 +103 17 1 T A8 +103 17 1 T A9 +103 17 1 T A10 +103 17 1 T A11 +103 17 1 T A12 +103 17 1 T A13 +103 17 1 T A14 +103 17 1 T A15 +103 17 1 T A16 +103 17 1 T A17 +103 17 1 T A18 +103 17 1 T A19 +103 17 1 T A20 +103 17 1 T A21 +103 17 1 T A22 +103 17 1 T A23 +103 17 1 T A24 +103 17 1 T A25 +103 17 1 T A26 +103 17 1 T A27 +103 17 1 T A28 +103 17 1 T A29 +103 17 1 T A30 +103 17 1 T A31 +103 17 1 T A32 +103 17 1 T A33 +103 17 1 T A34 +103 17 1 T A35 +103 17 1 T A36 +103 17 1 T A37 +103 17 1 T A38 +103 17 1 T A39 +103 17 1 T A40 +103 17 2 A D6 +103 17 2 A D7 +103 17 2 A E6 +103 17 2 A E7 +103 17 3 K F14 +103 17 3 K F15 +103 17 4 WJ H15 +103 17 4 WJ H16 +103 17 4 WJ H17 +103 17 4 WJ H18 +103 17 5 M J0 +103 17 5 M J1 +103 17 5 M J2 +103 17 5 M J3 +103 17 5 M J4 +103 17 5 M J5 +103 17 5 M J6 +103 17 5 M J7 +103 17 5 M J8 +103 17 5 M J9 +103 17 5 M J10 +103 17 5 M J11 +103 17 5 M J12 +103 17 5 M J13 +103 17 5 M J14 +103 17 5 M J15 +103 17 5 M J16 +103 17 5 M J17 +103 17 5 M J18 +103 17 5 M J19 +103 17 5 M J20 +103 17 5 M J21 +103 17 5 M J22 +103 17 5 M J23 +103 17 5 M J24 +103 17 5 M J25 +103 17 5 M J26 +103 17 5 M J27 +103 17 5 M J28 +103 17 5 M J29 +103 17 5 M J30 +103 17 5 M J31 +103 17 5 M J32 +103 17 5 M J33 +103 17 5 M J34 +103 17 5 M J35 +103 17 5 M J36 +103 17 5 M J37 +103 17 5 M J38 +103 17 5 M J39 +103 17 5 M J40 +103 17 6 Y I0 +103 17 7 YP I0 +103 18 1 A A0 +103 18 1 A A1 +103 18 1 A A2 +103 18 1 A A3 +103 18 1 A A4 +103 18 1 A A5 +103 18 1 A A6 +103 18 1 A A7 +103 18 1 A A8 +103 18 1 A A9 +103 18 1 A A10 +103 18 1 A A11 +103 18 1 A A12 +103 18 1 A A13 +103 18 1 A A14 +103 18 1 A A15 +103 18 1 A A16 +103 18 1 A A17 +103 18 1 A A18 +103 18 1 A A19 +103 18 1 A A20 +103 18 1 A A21 +103 18 1 A A22 +103 18 1 A A23 +103 18 1 A A24 +103 18 1 A A25 +103 18 1 A A26 +103 18 1 A A27 +103 18 1 A A28 +103 18 1 A A29 +103 18 1 A A30 +103 18 1 A A31 +103 18 1 A A32 +103 18 1 A A33 +103 18 1 A A34 +103 18 1 A A35 +103 18 1 A A36 +103 18 1 A A37 +103 18 1 A A38 +103 18 1 A A39 +103 18 1 A A40 +103 18 2 U C16 +103 18 2 U C17 +103 18 3 K E20 +103 18 4 M J0 +103 18 4 M J1 +103 18 4 M J2 +103 18 4 M J3 +103 18 4 M J4 +103 18 4 M J5 +103 18 4 M J6 +103 18 4 M J7 +103 18 4 M J8 +103 18 4 M J9 +103 18 4 M J10 +103 18 4 M J11 +103 18 4 M J12 +103 18 4 M J13 +103 18 4 M J14 +103 18 4 M J15 +103 18 4 M J16 +103 18 4 M J17 +103 18 4 M J18 +103 18 4 M J19 +103 18 4 M J20 +103 18 4 M J21 +103 18 4 M J22 +103 18 4 M J23 +103 18 4 M J24 +103 18 4 M J25 +103 18 4 M J26 +103 18 4 M J27 +103 18 4 M J28 +103 18 4 M J29 +103 18 4 M J30 +103 18 4 M J31 +103 18 4 M J32 +103 18 4 M J33 +103 18 4 M J34 +103 18 4 M J35 +103 18 4 M J36 +103 18 4 M J37 +103 18 4 M J38 +103 18 4 M J39 +103 18 4 M J40 +103 18 5 W2 I1 +103 18 5 W2 I2 +103 18 5 W2 I3 +103 18 5 W2 I4 +103 18 5 W2 I5 +103 18 5 W2 I6 +103 18 6 RT F3 +103 18 6 RT F4 +103 19 1 A E11 +103 19 2 WJ H35 +103 19 3 Y G28 +103 19 4 L F19 +103 20 1 RK A0 +103 20 1 RK A1 +103 20 1 RK A2 +103 20 1 RK A3 +103 20 1 RK A4 +103 20 1 RK A5 +103 20 1 RK A6 +103 20 1 RK A7 +103 20 1 RK A8 +103 20 1 RK A9 +103 20 1 RK A10 +103 20 1 RK A11 +103 20 1 RK A12 +103 20 1 RK A13 +103 20 1 RK A14 +103 20 1 RK A15 +103 20 1 RK A16 +103 20 1 RK A17 +103 20 1 RK A18 +103 20 1 RK A19 +103 20 1 RK A20 +103 20 1 RK A21 +103 20 1 RK A22 +103 20 1 RK A23 +103 20 1 RK A24 +103 20 1 RK A25 +103 20 1 RK A26 +103 20 1 RK A27 +103 20 1 RK A28 +103 20 1 RK A29 +103 20 1 RK A30 +103 20 1 RK A31 +103 20 1 RK A32 +103 20 1 RK A33 +103 20 1 RK A34 +103 20 1 RK A35 +103 20 1 RK A36 +103 20 1 RK A37 +103 20 1 RK A38 +103 20 1 RK A39 +103 20 1 RK A40 +103 20 2 Y F40 +103 20 3 X H39 +103 20 3 X H40 +103 20 3 X I39 +103 20 3 X I40 +103 20 4 M G30 +103 20 4 M G31 +103 20 4 M H30 +103 20 4 M H31 +103 21 1 A C11 +103 21 1 A C12 +103 21 1 A C13 +103 21 2 WU E18 +103 21 3 WK E24 +103 21 4 T A35 +103 21 4 T A36 +103 21 4 T A37 +103 21 4 T A38 +103 21 4 T A39 +103 21 4 T A40 +103 21 5 Q E37 +103 21 5 Q E38 +103 21 5 Q F37 +103 21 5 Q F38 +103 21 6 M I14 +103 21 6 M J14 +103 22 1 Y H1 +103 22 2 M E0 +103 22 3 P D0 +103 23 1 Y E38 +103 23 2 M J0 +104 1 1 S G1 +104 1 1 S G40 +104 2 1 S G1 +104 2 1 S G39 +104 3 1 S G1 +104 3 1 S G40 +104 4 1 S G2 +104 4 1 S G40 +104 5 1 S G2 +104 5 1 S G40 +104 6 1 S F1 +104 6 1 S F38 +104 6 2 D G28 +104 7 1 S F1 +104 7 1 S G40 +104 8 1 S F4 +104 8 1 S G40 +104 9 1 S F1 +104 9 1 S G40 +104 10 1 S G1 +104 10 1 S G40 +104 11 1 S F40 +104 11 1 S G1 +104 12 1 S G3 +104 12 1 S G40 +104 13 1 S F1 +104 13 1 S F40 +104 14 1 S F1 +104 14 1 S G40 +104 15 1 S G1 +104 15 1 S G40 +104 15 2 K J0 +104 15 3 L A0 +104 16 1 S G1 +104 16 1 S G40 +104 17 1 S F40 +104 17 1 S G1 +104 17 2 K J0 +104 17 3 L A0 +104 18 1 S G2 +104 18 1 S G39 +104 18 2 T D25 +104 19 1 S G1 +104 19 1 S G40 +104 19 1 S H2 +104 20 1 S G1 +104 20 1 S G40 +104 21 1 S G40 +104 21 1 S H1 +104 22 1 S G1 +104 22 1 S G40 +104 22 2 K J0 +104 22 3 L A0 +104 23 1 S G2 +104 23 1 S G40 +104 23 2 K J0 +104 23 3 L A0 +104 24 1 S G1 +104 24 1 S G40 +104 24 2 K J0 +104 24 3 L A0 +104 25 1 S G2 +104 25 1 S G40 +105 1 1 P A0 +105 1 2 T J0 +105 1 3 Z H3 +105 2 1 P A0 +105 2 1 P A1 +105 2 1 P A2 +105 2 1 P A3 +105 2 1 P A4 +105 2 1 P A5 +105 2 1 P A6 +105 2 1 P A7 +105 2 1 P A8 +105 2 1 P A9 +105 2 1 P A10 +105 2 1 P A11 +105 2 1 P A12 +105 2 1 P A13 +105 2 1 P A14 +105 2 1 P A15 +105 2 1 P A16 +105 2 1 P A17 +105 2 1 P A18 +105 2 1 P A19 +105 2 1 P A20 +105 2 1 P A21 +105 2 1 P A22 +105 2 1 P A23 +105 2 1 P A24 +105 2 1 P A25 +105 2 1 P A26 +105 2 1 P A27 +105 2 1 P A28 +105 2 1 P A29 +105 2 1 P A30 +105 2 1 P A31 +105 2 1 P A32 +105 2 1 P A33 +105 2 1 P A34 +105 2 1 P A35 +105 2 1 P A36 +105 2 1 P A37 +105 2 1 P A38 +105 2 1 P A39 +105 2 1 P A40 +105 2 2 Z G3 +105 2 3 T J0 +105 2 3 T J1 +105 2 3 T J2 +105 2 3 T J3 +105 2 3 T J4 +105 2 3 T J5 +105 2 3 T J6 +105 2 3 T J7 +105 2 3 T J8 +105 2 3 T J9 +105 2 3 T J10 +105 2 3 T J11 +105 2 3 T J12 +105 2 3 T J13 +105 2 3 T J14 +105 2 3 T J15 +105 2 3 T J16 +105 2 3 T J17 +105 2 3 T J18 +105 2 3 T J19 +105 2 3 T J20 +105 2 3 T J21 +105 2 3 T J22 +105 2 3 T J23 +105 2 3 T J24 +105 2 3 T J25 +105 2 3 T J26 +105 2 3 T J27 +105 2 3 T J28 +105 2 3 T J29 +105 2 3 T J30 +105 2 3 T J31 +105 2 3 T J32 +105 2 3 T J33 +105 2 3 T J34 +105 2 3 T J35 +105 2 3 T J36 +105 2 3 T J37 +105 2 3 T J38 +105 2 3 T J39 +105 2 3 T J40 +105 3 1 P A0 +105 3 2 Z H3 +105 3 3 T J0 +105 4 1 P A0 +105 4 2 Z F3 +105 4 3 T J0 +105 5 1 P A0 +105 5 2 Z G3 +105 5 3 T J0 +105 6 1 P A0 +105 6 2 Z G2 +105 6 3 T J0 +105 7 1 P A0 +105 7 2 Z G2 +105 7 3 T J0 +105 8 1 P A0 +105 8 2 Z G0 +105 8 3 T J0 +105 9 1 P A0 +105 9 2 Z G2 +105 9 3 T J0 +105 10 1 P A0 +105 10 2 Z G2 +105 10 3 T J0 +105 11 1 P A0 +105 11 2 Z G4 +105 11 3 T J0 +105 12 1 P A0 +105 12 2 Z G2 +105 12 3 T J0 +105 13 1 P A0 +105 13 2 Z G1 +105 13 3 T J0 +105 14 1 P A0 +105 14 2 Z G1 +105 14 3 T J0 +105 15 1 P A0 +105 15 2 Z G3 +105 15 3 T J0 +105 16 1 P A0 +105 16 2 Z G3 +105 16 3 T J0 +105 17 1 P A0 +105 17 2 Z G2 +105 17 3 T J0 +105 18 1 P A0 +105 18 2 Z G2 +105 18 3 T J0 +105 19 1 P A0 +105 19 2 Z G2 +105 19 3 T J0 +105 20 1 P A0 +105 20 2 Z G2 +105 20 3 T J0 +105 21 1 P A0 +105 21 2 Z H3 +105 21 3 T J0 +105 22 1 P A0 +105 22 2 Z G3 +105 22 3 T J0 +105 23 1 P A0 +105 23 2 Z G3 +105 23 3 T J0 +105 24 1 P A0 +105 24 2 Z G4 +105 24 3 T J0 +105 25 1 P A0 +105 25 2 Z G5 +105 25 3 T J0 +105 26 1 P A0 +105 26 2 Z G3 +105 26 3 T J0 +105 27 1 P A0 +105 27 2 Z G3 +105 27 3 T J0 +106 1 1 PO A0 +106 1 1 PO A1 +106 1 1 PO A2 +106 1 1 PO A3 +106 1 1 PO A4 +106 1 1 PO A5 +106 1 1 PO A6 +106 1 1 PO A7 +106 1 1 PO A8 +106 1 1 PO A9 +106 1 1 PO A10 +106 1 1 PO A11 +106 1 1 PO A12 +106 1 1 PO A13 +106 1 1 PO A14 +106 1 1 PO A15 +106 1 1 PO A16 +106 1 1 PO A17 +106 1 1 PO A18 +106 1 1 PO A19 +106 1 1 PO A20 +106 1 1 PO A21 +106 1 1 PO A22 +106 1 1 PO A23 +106 1 1 PO A24 +106 1 1 PO A25 +106 1 1 PO A26 +106 1 1 PO A27 +106 1 1 PO A28 +106 1 1 PO A29 +106 1 1 PO A30 +106 1 1 PO A31 +106 1 1 PO A32 +106 1 1 PO A33 +106 1 1 PO A34 +106 1 1 PO A35 +106 1 1 PO A36 +106 1 1 PO A37 +106 1 1 PO A38 +106 1 1 PO A39 +106 1 1 PO A40 +106 1 2 KU E5 +106 1 3 B D11 +106 1 4 K E38 +106 1 5 J H37 +106 1 6 T H32 +106 1 7 BI H31 +106 1 8 G H17 +106 1 8 G H18 +106 1 9 S I8 +106 1 10 I J0 +106 1 10 I J1 +106 1 10 I J2 +106 1 10 I J3 +106 1 10 I J4 +106 1 10 I J5 +106 1 10 I J6 +106 1 10 I J7 +106 1 10 I J8 +106 1 10 I J9 +106 1 10 I J10 +106 1 10 I J11 +106 1 10 I J12 +106 1 10 I J13 +106 1 10 I J14 +106 1 10 I J15 +106 1 10 I J16 +106 1 10 I J17 +106 1 10 I J18 +106 1 10 I J19 +106 1 10 I J20 +106 1 10 I J21 +106 1 10 I J22 +106 1 10 I J23 +106 1 10 I J24 +106 1 10 I J25 +106 1 10 I J26 +106 1 10 I J27 +106 1 10 I J28 +106 1 10 I J29 +106 1 10 I J30 +106 1 10 I J31 +106 1 10 I J32 +106 1 10 I J33 +106 1 10 I J34 +106 1 10 I J35 +106 1 10 I J36 +106 1 10 I J37 +106 1 10 I J38 +106 1 10 I J39 +106 1 10 I J40 +106 1 11 P G2 +106 2 1 PO A0 +106 2 1 PO A1 +106 2 1 PO A2 +106 2 1 PO A3 +106 2 1 PO A4 +106 2 1 PO A5 +106 2 1 PO A6 +106 2 1 PO A7 +106 2 1 PO A8 +106 2 1 PO A9 +106 2 1 PO A10 +106 2 1 PO A11 +106 2 1 PO A12 +106 2 1 PO A13 +106 2 1 PO A14 +106 2 1 PO A15 +106 2 1 PO A16 +106 2 1 PO A17 +106 2 1 PO A18 +106 2 1 PO A19 +106 2 1 PO A20 +106 2 1 PO A21 +106 2 1 PO A22 +106 2 1 PO A23 +106 2 1 PO A24 +106 2 1 PO A25 +106 2 1 PO A26 +106 2 1 PO A27 +106 2 1 PO A28 +106 2 1 PO A29 +106 2 1 PO A30 +106 2 1 PO A31 +106 2 1 PO A32 +106 2 1 PO A33 +106 2 1 PO A34 +106 2 1 PO A35 +106 2 1 PO A36 +106 2 1 PO A37 +106 2 1 PO A38 +106 2 1 PO A39 +106 2 1 PO A40 +106 2 2 K C5 +106 2 2 K C6 +106 2 3 B C8 +106 2 3 B C9 +106 2 4 J H38 +106 2 4 J H39 +106 2 4 J H40 +106 2 5 T G33 +106 2 5 T G34 +106 2 5 T H33 +106 2 5 T H34 +106 2 6 BI G28 +106 2 6 BI G29 +106 2 7 G F19 +106 2 7 G F20 +106 2 7 G G19 +106 2 7 G G20 +106 2 8 I J0 +106 2 8 I J1 +106 2 8 I J2 +106 2 8 I J3 +106 2 8 I J4 +106 2 8 I J5 +106 2 8 I J6 +106 2 8 I J7 +106 2 8 I J8 +106 2 8 I J9 +106 2 8 I J10 +106 2 8 I J11 +106 2 8 I J12 +106 2 8 I J13 +106 2 8 I J14 +106 2 8 I J15 +106 2 8 I J16 +106 2 8 I J17 +106 2 8 I J18 +106 2 8 I J19 +106 2 8 I J20 +106 2 8 I J21 +106 2 8 I J22 +106 2 8 I J23 +106 2 8 I J24 +106 2 8 I J25 +106 2 8 I J26 +106 2 8 I J27 +106 2 8 I J28 +106 2 8 I J29 +106 2 8 I J30 +106 2 8 I J31 +106 2 8 I J32 +106 2 8 I J33 +106 2 8 I J34 +106 2 8 I J35 +106 2 8 I J36 +106 2 8 I J37 +106 2 8 I J38 +106 2 8 I J39 +106 2 8 I J40 +106 2 9 P F1 +106 2 9 P F2 +106 2 9 P F3 +106 2 9 P F4 +106 3 1 PO A0 +106 3 1 PO A1 +106 3 1 PO A2 +106 3 1 PO A3 +106 3 1 PO A4 +106 3 1 PO A5 +106 3 1 PO A6 +106 3 1 PO A7 +106 3 1 PO A8 +106 3 1 PO A9 +106 3 1 PO A10 +106 3 1 PO A11 +106 3 1 PO A12 +106 3 1 PO A13 +106 3 1 PO A14 +106 3 1 PO A15 +106 3 1 PO A16 +106 3 1 PO A17 +106 3 1 PO A18 +106 3 1 PO A19 +106 3 1 PO A20 +106 3 1 PO A21 +106 3 1 PO A22 +106 3 1 PO A23 +106 3 1 PO A24 +106 3 1 PO A25 +106 3 1 PO A26 +106 3 1 PO A27 +106 3 1 PO A28 +106 3 1 PO A29 +106 3 1 PO A30 +106 3 1 PO A31 +106 3 1 PO A32 +106 3 1 PO A33 +106 3 1 PO A34 +106 3 1 PO A35 +106 3 1 PO A36 +106 3 1 PO A37 +106 3 1 PO A38 +106 3 1 PO A39 +106 3 1 PO A40 +106 3 2 K E1 +106 3 3 KU D6 +106 3 4 B C9 +106 3 5 J G40 +106 3 6 T I32 +106 3 7 BI I30 +106 3 8 G H17 +106 3 9 I J0 +106 3 9 I J1 +106 3 9 I J2 +106 3 9 I J3 +106 3 9 I J4 +106 3 9 I J5 +106 3 9 I J6 +106 3 9 I J7 +106 3 9 I J8 +106 3 9 I J9 +106 3 9 I J10 +106 3 9 I J11 +106 3 9 I J12 +106 3 9 I J13 +106 3 9 I J14 +106 3 9 I J15 +106 3 9 I J16 +106 3 9 I J17 +106 3 9 I J18 +106 3 9 I J19 +106 3 9 I J20 +106 3 9 I J21 +106 3 9 I J22 +106 3 9 I J23 +106 3 9 I J24 +106 3 9 I J25 +106 3 9 I J26 +106 3 9 I J27 +106 3 9 I J28 +106 3 9 I J29 +106 3 9 I J30 +106 3 9 I J31 +106 3 9 I J32 +106 3 9 I J33 +106 3 9 I J34 +106 3 9 I J35 +106 3 9 I J36 +106 3 9 I J37 +106 3 9 I J38 +106 3 9 I J39 +106 3 9 I J40 +106 3 10 S I2 +106 3 11 P G2 +106 3 12 A G0 +106 4 1 PO A0 +106 4 1 PO A1 +106 4 1 PO A2 +106 4 1 PO A3 +106 4 1 PO A4 +106 4 1 PO A5 +106 4 1 PO A6 +106 4 1 PO A7 +106 4 1 PO A8 +106 4 1 PO A9 +106 4 1 PO A10 +106 4 1 PO A11 +106 4 1 PO A12 +106 4 1 PO A13 +106 4 1 PO A14 +106 4 1 PO A15 +106 4 1 PO A16 +106 4 1 PO A17 +106 4 1 PO A18 +106 4 1 PO A19 +106 4 1 PO A20 +106 4 1 PO A21 +106 4 1 PO A22 +106 4 1 PO A23 +106 4 1 PO A24 +106 4 1 PO A25 +106 4 1 PO A26 +106 4 1 PO A27 +106 4 1 PO A28 +106 4 1 PO A29 +106 4 1 PO A30 +106 4 1 PO A31 +106 4 1 PO A32 +106 4 1 PO A33 +106 4 1 PO A34 +106 4 1 PO A35 +106 4 1 PO A36 +106 4 1 PO A37 +106 4 1 PO A38 +106 4 1 PO A39 +106 4 1 PO A40 +106 4 2 KU D3 +106 4 3 B B11 +106 4 4 T F34 +106 4 5 K D39 +106 4 6 P F40 +106 4 7 S I39 +106 4 8 BI H33 +106 4 9 G G18 +106 4 10 I J0 +106 4 10 I J1 +106 4 10 I J2 +106 4 10 I J3 +106 4 10 I J4 +106 4 10 I J5 +106 4 10 I J6 +106 4 10 I J7 +106 4 10 I J8 +106 4 10 I J9 +106 4 10 I J10 +106 4 10 I J11 +106 4 10 I J12 +106 4 10 I J13 +106 4 10 I J14 +106 4 10 I J15 +106 4 10 I J16 +106 4 10 I J17 +106 4 10 I J18 +106 4 10 I J19 +106 4 10 I J20 +106 4 10 I J21 +106 4 10 I J22 +106 4 10 I J23 +106 4 10 I J24 +106 4 10 I J25 +106 4 10 I J26 +106 4 10 I J27 +106 4 10 I J28 +106 4 10 I J29 +106 4 10 I J30 +106 4 10 I J31 +106 4 10 I J32 +106 4 10 I J33 +106 4 10 I J34 +106 4 10 I J35 +106 4 10 I J36 +106 4 10 I J37 +106 4 10 I J38 +106 4 10 I J39 +106 4 10 I J40 +106 5 1 PO A0 +106 5 1 PO A1 +106 5 1 PO A2 +106 5 1 PO A3 +106 5 1 PO A4 +106 5 1 PO A5 +106 5 1 PO A6 +106 5 1 PO A7 +106 5 1 PO A8 +106 5 1 PO A9 +106 5 1 PO A10 +106 5 1 PO A11 +106 5 1 PO A12 +106 5 1 PO A13 +106 5 1 PO A14 +106 5 1 PO A15 +106 5 1 PO A16 +106 5 1 PO A17 +106 5 1 PO A18 +106 5 1 PO A19 +106 5 1 PO A20 +106 5 1 PO A21 +106 5 1 PO A22 +106 5 1 PO A23 +106 5 1 PO A24 +106 5 1 PO A25 +106 5 1 PO A26 +106 5 1 PO A27 +106 5 1 PO A28 +106 5 1 PO A29 +106 5 1 PO A30 +106 5 1 PO A31 +106 5 1 PO A32 +106 5 1 PO A33 +106 5 1 PO A34 +106 5 1 PO A35 +106 5 1 PO A36 +106 5 1 PO A37 +106 5 1 PO A38 +106 5 1 PO A39 +106 5 1 PO A40 +106 5 2 B C12 +106 5 3 KU B12 +106 5 4 K C30 +106 5 5 T H31 +106 5 5 T H32 +106 5 6 BI F29 +106 5 7 G F17 +106 5 7 G F18 +106 5 7 G F19 +106 5 7 G F20 +106 5 8 I J0 +106 5 8 I J1 +106 5 8 I J2 +106 5 8 I J3 +106 5 8 I J4 +106 5 8 I J5 +106 5 8 I J6 +106 5 8 I J7 +106 5 8 I J8 +106 5 8 I J9 +106 5 8 I J10 +106 5 8 I J11 +106 5 8 I J12 +106 5 8 I J13 +106 5 8 I J14 +106 5 8 I J15 +106 5 8 I J16 +106 5 8 I J17 +106 5 8 I J18 +106 5 8 I J19 +106 5 8 I J20 +106 5 8 I J21 +106 5 8 I J22 +106 5 8 I J23 +106 5 8 I J24 +106 5 8 I J25 +106 5 8 I J26 +106 5 8 I J27 +106 5 8 I J28 +106 5 8 I J29 +106 5 8 I J30 +106 5 8 I J31 +106 5 8 I J32 +106 5 8 I J33 +106 5 8 I J34 +106 5 8 I J35 +106 5 8 I J36 +106 5 8 I J37 +106 5 8 I J38 +106 5 8 I J39 +106 5 8 I J40 +106 5 9 P F4 +106 6 1 PO A0 +106 6 1 PO A1 +106 6 1 PO A2 +106 6 1 PO A3 +106 6 1 PO A4 +106 6 1 PO A5 +106 6 1 PO A6 +106 6 1 PO A7 +106 6 1 PO A8 +106 6 1 PO A9 +106 6 1 PO A10 +106 6 1 PO A11 +106 6 1 PO A12 +106 6 1 PO A13 +106 6 1 PO A14 +106 6 1 PO A15 +106 6 1 PO A16 +106 6 1 PO A17 +106 6 1 PO A18 +106 6 1 PO A19 +106 6 1 PO A20 +106 6 1 PO A21 +106 6 1 PO A22 +106 6 1 PO A23 +106 6 1 PO A24 +106 6 1 PO A25 +106 6 1 PO A26 +106 6 1 PO A27 +106 6 1 PO A28 +106 6 1 PO A29 +106 6 1 PO A30 +106 6 1 PO A31 +106 6 1 PO A32 +106 6 1 PO A33 +106 6 1 PO A34 +106 6 1 PO A35 +106 6 1 PO A36 +106 6 1 PO A37 +106 6 1 PO A38 +106 6 1 PO A39 +106 6 1 PO A40 +106 6 2 K C2 +106 6 3 B B11 +106 6 4 J G38 +106 6 4 J G39 +106 6 5 BI G29 +106 6 6 S I2 +106 6 7 P G2 +106 6 8 I J0 +106 6 8 I J1 +106 6 8 I J2 +106 6 8 I J3 +106 6 8 I J4 +106 6 8 I J5 +106 6 8 I J6 +106 6 8 I J7 +106 6 8 I J8 +106 6 8 I J9 +106 6 8 I J10 +106 6 8 I J11 +106 6 8 I J12 +106 6 8 I J13 +106 6 8 I J14 +106 6 8 I J15 +106 6 8 I J16 +106 6 8 I J17 +106 6 8 I J18 +106 6 8 I J19 +106 6 8 I J20 +106 6 8 I J21 +106 6 8 I J22 +106 6 8 I J23 +106 6 8 I J24 +106 6 8 I J25 +106 6 8 I J26 +106 6 8 I J27 +106 6 8 I J28 +106 6 8 I J29 +106 6 8 I J30 +106 6 8 I J31 +106 6 8 I J32 +106 6 8 I J33 +106 6 8 I J34 +106 6 8 I J35 +106 6 8 I J36 +106 6 8 I J37 +106 6 8 I J38 +106 6 8 I J39 +106 6 8 I J40 +106 6 9 A E0 +106 6 10 G F19 +106 7 1 PO A0 +106 7 1 PO A1 +106 7 1 PO A2 +106 7 1 PO A3 +106 7 1 PO A4 +106 7 1 PO A5 +106 7 1 PO A6 +106 7 1 PO A7 +106 7 1 PO A8 +106 7 1 PO A9 +106 7 1 PO A10 +106 7 1 PO A11 +106 7 1 PO A12 +106 7 1 PO A13 +106 7 1 PO A14 +106 7 1 PO A15 +106 7 1 PO A16 +106 7 1 PO A17 +106 7 1 PO A18 +106 7 1 PO A19 +106 7 1 PO A20 +106 7 1 PO A21 +106 7 1 PO A22 +106 7 1 PO A23 +106 7 1 PO A24 +106 7 1 PO A25 +106 7 1 PO A26 +106 7 1 PO A27 +106 7 1 PO A28 +106 7 1 PO A29 +106 7 1 PO A30 +106 7 1 PO A31 +106 7 1 PO A32 +106 7 1 PO A33 +106 7 1 PO A34 +106 7 1 PO A35 +106 7 1 PO A36 +106 7 1 PO A37 +106 7 1 PO A38 +106 7 1 PO A39 +106 7 1 PO A40 +106 7 2 J D1 +106 7 3 KU E4 +106 7 4 B C9 +106 7 5 K D39 +106 7 6 T E37 +106 7 7 BI H30 +106 7 8 G G20 +106 7 9 S I5 +106 7 10 I J0 +106 7 10 I J1 +106 7 10 I J2 +106 7 10 I J3 +106 7 10 I J4 +106 7 10 I J5 +106 7 10 I J6 +106 7 10 I J7 +106 7 10 I J8 +106 7 10 I J9 +106 7 10 I J10 +106 7 10 I J11 +106 7 10 I J12 +106 7 10 I J13 +106 7 10 I J14 +106 7 10 I J15 +106 7 10 I J16 +106 7 10 I J17 +106 7 10 I J18 +106 7 10 I J19 +106 7 10 I J20 +106 7 10 I J21 +106 7 10 I J22 +106 7 10 I J23 +106 7 10 I J24 +106 7 10 I J25 +106 7 10 I J26 +106 7 10 I J27 +106 7 10 I J28 +106 7 10 I J29 +106 7 10 I J30 +106 7 10 I J31 +106 7 10 I J32 +106 7 10 I J33 +106 7 10 I J34 +106 7 10 I J35 +106 7 10 I J36 +106 7 10 I J37 +106 7 10 I J38 +106 7 10 I J39 +106 7 10 I J40 +106 7 11 P F1 +106 7 12 A F0 +106 8 1 PO A0 +106 8 1 PO A1 +106 8 1 PO A2 +106 8 1 PO A3 +106 8 1 PO A4 +106 8 1 PO A5 +106 8 1 PO A6 +106 8 1 PO A7 +106 8 1 PO A8 +106 8 1 PO A9 +106 8 1 PO A10 +106 8 1 PO A11 +106 8 1 PO A12 +106 8 1 PO A13 +106 8 1 PO A14 +106 8 1 PO A15 +106 8 1 PO A16 +106 8 1 PO A17 +106 8 1 PO A18 +106 8 1 PO A19 +106 8 1 PO A20 +106 8 1 PO A21 +106 8 1 PO A22 +106 8 1 PO A23 +106 8 1 PO A24 +106 8 1 PO A25 +106 8 1 PO A26 +106 8 1 PO A27 +106 8 1 PO A28 +106 8 1 PO A29 +106 8 1 PO A30 +106 8 1 PO A31 +106 8 1 PO A32 +106 8 1 PO A33 +106 8 1 PO A34 +106 8 1 PO A35 +106 8 1 PO A36 +106 8 1 PO A37 +106 8 1 PO A38 +106 8 1 PO A39 +106 8 1 PO A40 +106 8 2 A E0 +106 8 3 B B13 +106 8 4 J F36 +106 8 5 BI G31 +106 8 6 G F19 +106 8 7 P G1 +106 8 8 I J0 +106 8 8 I J1 +106 8 8 I J2 +106 8 8 I J3 +106 8 8 I J4 +106 8 8 I J5 +106 8 8 I J6 +106 8 8 I J7 +106 8 8 I J8 +106 8 8 I J9 +106 8 8 I J10 +106 8 8 I J11 +106 8 8 I J12 +106 8 8 I J13 +106 8 8 I J14 +106 8 8 I J15 +106 8 8 I J16 +106 8 8 I J17 +106 8 8 I J18 +106 8 8 I J19 +106 8 8 I J20 +106 8 8 I J21 +106 8 8 I J22 +106 8 8 I J23 +106 8 8 I J24 +106 8 8 I J25 +106 8 8 I J26 +106 8 8 I J27 +106 8 8 I J28 +106 8 8 I J29 +106 8 8 I J30 +106 8 8 I J31 +106 8 8 I J32 +106 8 8 I J33 +106 8 8 I J34 +106 8 8 I J35 +106 8 8 I J36 +106 8 8 I J37 +106 8 8 I J38 +106 8 8 I J39 +106 8 8 I J40 +106 8 9 S I1 +106 8 9 S I2 +106 8 10 KU C8 +106 9 1 PO A0 +106 9 1 PO A1 +106 9 1 PO A2 +106 9 1 PO A3 +106 9 1 PO A4 +106 9 1 PO A5 +106 9 1 PO A6 +106 9 1 PO A7 +106 9 1 PO A8 +106 9 1 PO A9 +106 9 1 PO A10 +106 9 1 PO A11 +106 9 1 PO A12 +106 9 1 PO A13 +106 9 1 PO A14 +106 9 1 PO A15 +106 9 1 PO A16 +106 9 1 PO A17 +106 9 1 PO A18 +106 9 1 PO A19 +106 9 1 PO A20 +106 9 1 PO A21 +106 9 1 PO A22 +106 9 1 PO A23 +106 9 1 PO A24 +106 9 1 PO A25 +106 9 1 PO A26 +106 9 1 PO A27 +106 9 1 PO A28 +106 9 1 PO A29 +106 9 1 PO A30 +106 9 1 PO A31 +106 9 1 PO A32 +106 9 1 PO A33 +106 9 1 PO A34 +106 9 1 PO A35 +106 9 1 PO A36 +106 9 1 PO A37 +106 9 1 PO A38 +106 9 1 PO A39 +106 9 1 PO A40 +106 9 2 KU E5 +106 9 3 B C10 +106 9 4 K D36 +106 9 5 J G36 +106 9 6 T H33 +106 9 7 BI G30 +106 9 8 I J0 +106 9 8 I J1 +106 9 8 I J2 +106 9 8 I J3 +106 9 8 I J4 +106 9 8 I J5 +106 9 8 I J6 +106 9 8 I J7 +106 9 8 I J8 +106 9 8 I J9 +106 9 8 I J10 +106 9 8 I J11 +106 9 8 I J12 +106 9 8 I J13 +106 9 8 I J14 +106 9 8 I J15 +106 9 8 I J16 +106 9 8 I J17 +106 9 8 I J18 +106 9 8 I J19 +106 9 8 I J20 +106 9 8 I J21 +106 9 8 I J22 +106 9 8 I J23 +106 9 8 I J24 +106 9 8 I J25 +106 9 8 I J26 +106 9 8 I J27 +106 9 8 I J28 +106 9 8 I J29 +106 9 8 I J30 +106 9 8 I J31 +106 9 8 I J32 +106 9 8 I J33 +106 9 8 I J34 +106 9 8 I J35 +106 9 8 I J36 +106 9 8 I J37 +106 9 8 I J38 +106 9 8 I J39 +106 9 8 I J40 +106 9 9 G F20 +106 9 10 P G3 +106 9 11 S I2 +106 9 12 A E0 +106 10 1 A E0 +106 10 2 K D2 +106 10 3 PO A0 +106 10 3 PO A1 +106 10 3 PO A2 +106 10 3 PO A3 +106 10 3 PO A4 +106 10 3 PO A5 +106 10 3 PO A6 +106 10 3 PO A7 +106 10 3 PO A8 +106 10 3 PO A9 +106 10 3 PO A10 +106 10 3 PO A11 +106 10 3 PO A12 +106 10 3 PO A13 +106 10 3 PO A14 +106 10 3 PO A15 +106 10 3 PO A16 +106 10 3 PO A17 +106 10 3 PO A18 +106 10 3 PO A19 +106 10 3 PO A20 +106 10 3 PO A21 +106 10 3 PO A22 +106 10 3 PO A23 +106 10 3 PO A24 +106 10 3 PO A25 +106 10 3 PO A26 +106 10 3 PO A27 +106 10 3 PO A28 +106 10 3 PO A29 +106 10 3 PO A30 +106 10 3 PO A31 +106 10 3 PO A32 +106 10 3 PO A33 +106 10 3 PO A34 +106 10 3 PO A35 +106 10 3 PO A36 +106 10 3 PO A37 +106 10 3 PO A38 +106 10 3 PO A39 +106 10 3 PO A40 +106 10 4 KU E5 +106 10 5 B C10 +106 10 6 T H34 +106 10 7 BI H30 +106 10 8 G H19 +106 10 9 S I6 +106 10 10 P G1 +106 10 11 I J0 +106 10 11 I J1 +106 10 11 I J2 +106 10 11 I J3 +106 10 11 I J4 +106 10 11 I J5 +106 10 11 I J6 +106 10 11 I J7 +106 10 11 I J8 +106 10 11 I J9 +106 10 11 I J10 +106 10 11 I J11 +106 10 11 I J12 +106 10 11 I J13 +106 10 11 I J14 +106 10 11 I J15 +106 10 11 I J16 +106 10 11 I J17 +106 10 11 I J18 +106 10 11 I J19 +106 10 11 I J20 +106 10 11 I J21 +106 10 11 I J22 +106 10 11 I J23 +106 10 11 I J24 +106 10 11 I J25 +106 10 11 I J26 +106 10 11 I J27 +106 10 11 I J28 +106 10 11 I J29 +106 10 11 I J30 +106 10 11 I J31 +106 10 11 I J32 +106 10 11 I J33 +106 10 11 I J34 +106 10 11 I J35 +106 10 11 I J36 +106 10 11 I J37 +106 10 11 I J38 +106 10 11 I J39 +106 10 11 I J40 +106 11 1 PO A0 +106 11 1 PO A1 +106 11 1 PO A2 +106 11 1 PO A3 +106 11 1 PO A4 +106 11 1 PO A5 +106 11 1 PO A6 +106 11 1 PO A7 +106 11 1 PO A8 +106 11 1 PO A9 +106 11 1 PO A10 +106 11 1 PO A11 +106 11 1 PO A12 +106 11 1 PO A13 +106 11 1 PO A14 +106 11 1 PO A15 +106 11 1 PO A16 +106 11 1 PO A17 +106 11 1 PO A18 +106 11 1 PO A19 +106 11 1 PO A20 +106 11 1 PO A21 +106 11 1 PO A22 +106 11 1 PO A23 +106 11 1 PO A24 +106 11 1 PO A25 +106 11 1 PO A26 +106 11 1 PO A27 +106 11 1 PO A28 +106 11 1 PO A29 +106 11 1 PO A30 +106 11 1 PO A31 +106 11 1 PO A32 +106 11 1 PO A33 +106 11 1 PO A34 +106 11 1 PO A35 +106 11 1 PO A36 +106 11 1 PO A37 +106 11 1 PO A38 +106 11 1 PO A39 +106 11 1 PO A40 +106 11 2 KU E5 +106 11 3 B C9 +106 11 4 K D38 +106 11 5 J G40 +106 11 6 T I33 +106 11 7 BI I31 +106 11 8 G H20 +106 11 9 S I2 +106 11 10 I J0 +106 11 10 I J1 +106 11 10 I J2 +106 11 10 I J3 +106 11 10 I J4 +106 11 10 I J5 +106 11 10 I J6 +106 11 10 I J7 +106 11 10 I J8 +106 11 10 I J9 +106 11 10 I J10 +106 11 10 I J11 +106 11 10 I J12 +106 11 10 I J13 +106 11 10 I J14 +106 11 10 I J15 +106 11 10 I J16 +106 11 10 I J17 +106 11 10 I J18 +106 11 10 I J19 +106 11 10 I J20 +106 11 10 I J21 +106 11 10 I J22 +106 11 10 I J23 +106 11 10 I J24 +106 11 10 I J25 +106 11 10 I J26 +106 11 10 I J27 +106 11 10 I J28 +106 11 10 I J29 +106 11 10 I J30 +106 11 10 I J31 +106 11 10 I J32 +106 11 10 I J33 +106 11 10 I J34 +106 11 10 I J35 +106 11 10 I J36 +106 11 10 I J37 +106 11 10 I J38 +106 11 10 I J39 +106 11 10 I J40 +106 11 11 P G1 +106 12 1 PO A0 +106 12 1 PO A1 +106 12 1 PO A2 +106 12 1 PO A3 +106 12 1 PO A4 +106 12 1 PO A5 +106 12 1 PO A6 +106 12 1 PO A7 +106 12 1 PO A8 +106 12 1 PO A9 +106 12 1 PO A10 +106 12 1 PO A11 +106 12 1 PO A12 +106 12 1 PO A13 +106 12 1 PO A14 +106 12 1 PO A15 +106 12 1 PO A16 +106 12 1 PO A17 +106 12 1 PO A18 +106 12 1 PO A19 +106 12 1 PO A20 +106 12 1 PO A21 +106 12 1 PO A22 +106 12 1 PO A23 +106 12 1 PO A24 +106 12 1 PO A25 +106 12 1 PO A26 +106 12 1 PO A27 +106 12 1 PO A28 +106 12 1 PO A29 +106 12 1 PO A30 +106 12 1 PO A31 +106 12 1 PO A32 +106 12 1 PO A33 +106 12 1 PO A34 +106 12 1 PO A35 +106 12 1 PO A36 +106 12 1 PO A37 +106 12 1 PO A38 +106 12 1 PO A39 +106 12 1 PO A40 +106 12 2 KU D6 +106 12 3 B C8 +106 12 4 K D37 +106 12 5 J F36 +106 12 6 T H34 +106 12 7 BI G30 +106 12 8 G H18 +106 12 9 S H6 +106 12 10 I J0 +106 12 10 I J1 +106 12 10 I J2 +106 12 10 I J3 +106 12 10 I J4 +106 12 10 I J5 +106 12 10 I J6 +106 12 10 I J7 +106 12 10 I J8 +106 12 10 I J9 +106 12 10 I J10 +106 12 10 I J11 +106 12 10 I J12 +106 12 10 I J13 +106 12 10 I J14 +106 12 10 I J15 +106 12 10 I J16 +106 12 10 I J17 +106 12 10 I J18 +106 12 10 I J19 +106 12 10 I J20 +106 12 10 I J21 +106 12 10 I J22 +106 12 10 I J23 +106 12 10 I J24 +106 12 10 I J25 +106 12 10 I J26 +106 12 10 I J27 +106 12 10 I J28 +106 12 10 I J29 +106 12 10 I J30 +106 12 10 I J31 +106 12 10 I J32 +106 12 10 I J33 +106 12 10 I J34 +106 12 10 I J35 +106 12 10 I J36 +106 12 10 I J37 +106 12 10 I J38 +106 12 10 I J39 +106 12 10 I J40 +106 12 11 P G1 +106 13 1 PO A0 +106 13 1 PO A1 +106 13 1 PO A2 +106 13 1 PO A3 +106 13 1 PO A4 +106 13 1 PO A5 +106 13 1 PO A6 +106 13 1 PO A7 +106 13 1 PO A8 +106 13 1 PO A9 +106 13 1 PO A10 +106 13 1 PO A11 +106 13 1 PO A12 +106 13 1 PO A13 +106 13 1 PO A14 +106 13 1 PO A15 +106 13 1 PO A16 +106 13 1 PO A17 +106 13 1 PO A18 +106 13 1 PO A19 +106 13 1 PO A20 +106 13 1 PO A21 +106 13 1 PO A22 +106 13 1 PO A23 +106 13 1 PO A24 +106 13 1 PO A25 +106 13 1 PO A26 +106 13 1 PO A27 +106 13 1 PO A28 +106 13 1 PO A29 +106 13 1 PO A30 +106 13 1 PO A31 +106 13 1 PO A32 +106 13 1 PO A33 +106 13 1 PO A34 +106 13 1 PO A35 +106 13 1 PO A36 +106 13 1 PO A37 +106 13 1 PO A38 +106 13 1 PO A39 +106 13 1 PO A40 +106 13 2 B B11 +106 13 2 B B12 +106 13 3 BI H28 +106 13 3 BI H29 +106 13 3 BI H30 +106 13 4 K C37 +106 13 5 T I32 +106 13 5 T I33 +106 13 6 G H19 +106 13 6 G H20 +106 13 6 G H21 +106 13 7 S H6 +106 13 7 S H7 +106 13 7 S H8 +106 13 8 I J0 +106 13 8 I J1 +106 13 8 I J2 +106 13 8 I J3 +106 13 8 I J4 +106 13 8 I J5 +106 13 8 I J6 +106 13 8 I J7 +106 13 8 I J8 +106 13 8 I J9 +106 13 8 I J10 +106 13 8 I J11 +106 13 8 I J12 +106 13 8 I J13 +106 13 8 I J14 +106 13 8 I J15 +106 13 8 I J16 +106 13 8 I J17 +106 13 8 I J18 +106 13 8 I J19 +106 13 8 I J20 +106 13 8 I J21 +106 13 8 I J22 +106 13 8 I J23 +106 13 8 I J24 +106 13 8 I J25 +106 13 8 I J26 +106 13 8 I J27 +106 13 8 I J28 +106 13 8 I J29 +106 13 8 I J30 +106 13 8 I J31 +106 13 8 I J32 +106 13 8 I J33 +106 13 8 I J34 +106 13 8 I J35 +106 13 8 I J36 +106 13 8 I J37 +106 13 8 I J38 +106 13 8 I J39 +106 13 8 I J40 +106 14 1 PO A0 +106 14 1 PO A1 +106 14 1 PO A2 +106 14 1 PO A3 +106 14 1 PO A4 +106 14 1 PO A5 +106 14 1 PO A6 +106 14 1 PO A7 +106 14 1 PO A8 +106 14 1 PO A9 +106 14 1 PO A10 +106 14 1 PO A11 +106 14 1 PO A12 +106 14 1 PO A13 +106 14 1 PO A14 +106 14 1 PO A15 +106 14 1 PO A16 +106 14 1 PO A17 +106 14 1 PO A18 +106 14 1 PO A19 +106 14 1 PO A20 +106 14 1 PO A21 +106 14 1 PO A22 +106 14 1 PO A23 +106 14 1 PO A24 +106 14 1 PO A25 +106 14 1 PO A26 +106 14 1 PO A27 +106 14 1 PO A28 +106 14 1 PO A29 +106 14 1 PO A30 +106 14 1 PO A31 +106 14 1 PO A32 +106 14 1 PO A33 +106 14 1 PO A34 +106 14 1 PO A35 +106 14 1 PO A36 +106 14 1 PO A37 +106 14 1 PO A38 +106 14 1 PO A39 +106 14 1 PO A40 +106 14 2 KU F6 +106 14 3 B B10 +106 14 4 G G20 +106 14 5 K C37 +106 14 5 K C38 +106 14 5 K C39 +106 14 5 K C40 +106 14 6 J H40 +106 14 7 T H36 +106 14 8 BI I30 +106 14 9 S I6 +106 14 9 S I7 +106 14 9 S I8 +106 14 9 S I9 +106 14 9 S I10 +106 14 9 S I11 +106 14 10 P H3 +106 14 11 I J0 +106 14 11 I J1 +106 14 11 I J2 +106 14 11 I J3 +106 14 11 I J4 +106 14 11 I J5 +106 14 11 I J6 +106 14 11 I J7 +106 14 11 I J8 +106 14 11 I J9 +106 14 11 I J10 +106 14 11 I J11 +106 14 11 I J12 +106 14 11 I J13 +106 14 11 I J14 +106 14 11 I J15 +106 14 11 I J16 +106 14 11 I J17 +106 14 11 I J18 +106 14 11 I J19 +106 14 11 I J20 +106 14 11 I J21 +106 14 11 I J22 +106 14 11 I J23 +106 14 11 I J24 +106 14 11 I J25 +106 14 11 I J26 +106 14 11 I J27 +106 14 11 I J28 +106 14 11 I J29 +106 14 11 I J30 +106 14 11 I J31 +106 14 11 I J32 +106 14 11 I J33 +106 14 11 I J34 +106 14 11 I J35 +106 14 11 I J36 +106 14 11 I J37 +106 14 11 I J38 +106 14 11 I J39 +106 14 11 I J40 +106 15 1 PO A0 +106 15 1 PO A1 +106 15 1 PO A2 +106 15 1 PO A3 +106 15 1 PO A4 +106 15 1 PO A5 +106 15 1 PO A6 +106 15 1 PO A7 +106 15 1 PO A8 +106 15 1 PO A9 +106 15 1 PO A10 +106 15 1 PO A11 +106 15 1 PO A12 +106 15 1 PO A13 +106 15 1 PO A14 +106 15 1 PO A15 +106 15 1 PO A16 +106 15 1 PO A17 +106 15 1 PO A18 +106 15 1 PO A19 +106 15 1 PO A20 +106 15 1 PO A21 +106 15 1 PO A22 +106 15 1 PO A23 +106 15 1 PO A24 +106 15 1 PO A25 +106 15 1 PO A26 +106 15 1 PO A27 +106 15 1 PO A28 +106 15 1 PO A29 +106 15 1 PO A30 +106 15 1 PO A31 +106 15 1 PO A32 +106 15 1 PO A33 +106 15 1 PO A34 +106 15 1 PO A35 +106 15 1 PO A36 +106 15 1 PO A37 +106 15 1 PO A38 +106 15 1 PO A39 +106 15 1 PO A40 +106 15 2 B C9 +106 15 3 G G19 +106 15 3 G G20 +106 15 4 BI F29 +106 15 5 KU E4 +106 15 5 KU E5 +106 15 6 P H3 +106 15 7 S I2 +106 15 8 I J0 +106 15 8 I J1 +106 15 8 I J2 +106 15 8 I J3 +106 15 8 I J4 +106 15 8 I J5 +106 15 8 I J6 +106 15 8 I J7 +106 15 8 I J8 +106 15 8 I J9 +106 15 8 I J10 +106 15 8 I J11 +106 15 8 I J12 +106 15 8 I J13 +106 15 8 I J14 +106 15 8 I J15 +106 15 8 I J16 +106 15 8 I J17 +106 15 8 I J18 +106 15 8 I J19 +106 15 8 I J20 +106 15 8 I J21 +106 15 8 I J22 +106 15 8 I J23 +106 15 8 I J24 +106 15 8 I J25 +106 15 8 I J26 +106 15 8 I J27 +106 15 8 I J28 +106 15 8 I J29 +106 15 8 I J30 +106 15 8 I J31 +106 15 8 I J32 +106 15 8 I J33 +106 15 8 I J34 +106 15 8 I J35 +106 15 8 I J36 +106 15 8 I J37 +106 15 8 I J38 +106 15 8 I J39 +106 15 8 I J40 +106 16 1 PO A0 +106 16 1 PO A1 +106 16 1 PO A2 +106 16 1 PO A3 +106 16 1 PO A4 +106 16 1 PO A5 +106 16 1 PO A6 +106 16 1 PO A7 +106 16 1 PO A8 +106 16 1 PO A9 +106 16 1 PO A10 +106 16 1 PO A11 +106 16 1 PO A12 +106 16 1 PO A13 +106 16 1 PO A14 +106 16 1 PO A15 +106 16 1 PO A16 +106 16 1 PO A17 +106 16 1 PO A18 +106 16 1 PO A19 +106 16 1 PO A20 +106 16 1 PO A21 +106 16 1 PO A22 +106 16 1 PO A23 +106 16 1 PO A24 +106 16 1 PO A25 +106 16 1 PO A26 +106 16 1 PO A27 +106 16 1 PO A28 +106 16 1 PO A29 +106 16 1 PO A30 +106 16 1 PO A31 +106 16 1 PO A32 +106 16 1 PO A33 +106 16 1 PO A34 +106 16 1 PO A35 +106 16 1 PO A36 +106 16 1 PO A37 +106 16 1 PO A38 +106 16 1 PO A39 +106 16 1 PO A40 +106 16 2 KU C8 +106 16 3 B B11 +106 16 3 B B12 +106 16 4 J E39 +106 16 5 K G38 +106 16 6 T F31 +106 16 7 BI G29 +106 16 8 G G20 +106 16 9 P G1 +106 16 10 I J0 +106 16 10 I J1 +106 16 10 I J2 +106 16 10 I J3 +106 16 10 I J4 +106 16 10 I J5 +106 16 10 I J6 +106 16 10 I J7 +106 16 10 I J8 +106 16 10 I J9 +106 16 10 I J10 +106 16 10 I J11 +106 16 10 I J12 +106 16 10 I J13 +106 16 10 I J14 +106 16 10 I J15 +106 16 10 I J16 +106 16 10 I J17 +106 16 10 I J18 +106 16 10 I J19 +106 16 10 I J20 +106 16 10 I J21 +106 16 10 I J22 +106 16 10 I J23 +106 16 10 I J24 +106 16 10 I J25 +106 16 10 I J26 +106 16 10 I J27 +106 16 10 I J28 +106 16 10 I J29 +106 16 10 I J30 +106 16 10 I J31 +106 16 10 I J32 +106 16 10 I J33 +106 16 10 I J34 +106 16 10 I J35 +106 16 10 I J36 +106 16 10 I J37 +106 16 10 I J38 +106 16 10 I J39 +106 16 10 I J40 +106 16 11 S I2 +106 17 1 KU E5 +106 17 2 B C9 +106 17 3 PO A0 +106 17 3 PO A1 +106 17 3 PO A2 +106 17 3 PO A3 +106 17 3 PO A4 +106 17 3 PO A5 +106 17 3 PO A6 +106 17 3 PO A7 +106 17 3 PO A8 +106 17 3 PO A9 +106 17 3 PO A10 +106 17 3 PO A11 +106 17 3 PO A12 +106 17 3 PO A13 +106 17 3 PO A14 +106 17 3 PO A15 +106 17 3 PO A16 +106 17 3 PO A17 +106 17 3 PO A18 +106 17 3 PO A19 +106 17 3 PO A20 +106 17 3 PO A21 +106 17 3 PO A22 +106 17 3 PO A23 +106 17 3 PO A24 +106 17 3 PO A25 +106 17 3 PO A26 +106 17 3 PO A27 +106 17 3 PO A28 +106 17 3 PO A29 +106 17 3 PO A30 +106 17 3 PO A31 +106 17 3 PO A32 +106 17 3 PO A33 +106 17 3 PO A34 +106 17 3 PO A35 +106 17 3 PO A36 +106 17 3 PO A37 +106 17 3 PO A38 +106 17 3 PO A39 +106 17 3 PO A40 +106 17 4 K D38 +106 17 5 J G40 +106 17 6 T I34 +106 17 7 I J0 +106 17 7 I J1 +106 17 7 I J2 +106 17 7 I J3 +106 17 7 I J4 +106 17 7 I J5 +106 17 7 I J6 +106 17 7 I J7 +106 17 7 I J8 +106 17 7 I J9 +106 17 7 I J10 +106 17 7 I J11 +106 17 7 I J12 +106 17 7 I J13 +106 17 7 I J14 +106 17 7 I J15 +106 17 7 I J16 +106 17 7 I J17 +106 17 7 I J18 +106 17 7 I J19 +106 17 7 I J20 +106 17 7 I J21 +106 17 7 I J22 +106 17 7 I J23 +106 17 7 I J24 +106 17 7 I J25 +106 17 7 I J26 +106 17 7 I J27 +106 17 7 I J28 +106 17 7 I J29 +106 17 7 I J30 +106 17 7 I J31 +106 17 7 I J32 +106 17 7 I J33 +106 17 7 I J34 +106 17 7 I J35 +106 17 7 I J36 +106 17 7 I J37 +106 17 7 I J38 +106 17 7 I J39 +106 17 7 I J40 +106 17 8 BI G28 +106 17 9 G H17 +106 17 10 S I5 +106 17 11 P G1 +106 18 1 PO A0 +106 18 1 PO A1 +106 18 1 PO A2 +106 18 1 PO A3 +106 18 1 PO A4 +106 18 1 PO A5 +106 18 1 PO A6 +106 18 1 PO A7 +106 18 1 PO A8 +106 18 1 PO A9 +106 18 1 PO A10 +106 18 1 PO A11 +106 18 1 PO A12 +106 18 1 PO A13 +106 18 1 PO A14 +106 18 1 PO A15 +106 18 1 PO A16 +106 18 1 PO A17 +106 18 1 PO A18 +106 18 1 PO A19 +106 18 1 PO A20 +106 18 1 PO A21 +106 18 1 PO A22 +106 18 1 PO A23 +106 18 1 PO A24 +106 18 1 PO A25 +106 18 1 PO A26 +106 18 1 PO A27 +106 18 1 PO A28 +106 18 1 PO A29 +106 18 1 PO A30 +106 18 1 PO A31 +106 18 1 PO A32 +106 18 1 PO A33 +106 18 1 PO A34 +106 18 1 PO A35 +106 18 1 PO A36 +106 18 1 PO A37 +106 18 1 PO A38 +106 18 1 PO A39 +106 18 1 PO A40 +106 18 2 KU C8 +106 18 3 B C11 +106 18 4 K D40 +106 18 5 T I39 +106 18 6 J H34 +106 18 7 BI H29 +106 18 8 G G15 +106 18 9 S G7 +106 18 10 P G2 +106 18 11 I J0 +106 18 11 I J1 +106 18 11 I J2 +106 18 11 I J3 +106 18 11 I J4 +106 18 11 I J5 +106 18 11 I J6 +106 18 11 I J7 +106 18 11 I J8 +106 18 11 I J9 +106 18 11 I J10 +106 18 11 I J11 +106 18 11 I J12 +106 18 11 I J13 +106 18 11 I J14 +106 18 11 I J15 +106 18 11 I J16 +106 18 11 I J17 +106 18 11 I J18 +106 18 11 I J19 +106 18 11 I J20 +106 18 11 I J21 +106 18 11 I J22 +106 18 11 I J23 +106 18 11 I J24 +106 18 11 I J25 +106 18 11 I J26 +106 18 11 I J27 +106 18 11 I J28 +106 18 11 I J29 +106 18 11 I J30 +106 18 11 I J31 +106 18 11 I J32 +106 18 11 I J33 +106 18 11 I J34 +106 18 11 I J35 +106 18 11 I J36 +106 18 11 I J37 +106 18 11 I J38 +106 18 11 I J39 +106 18 11 I J40 +106 18 12 A E0 +106 19 1 PO A0 +106 19 1 PO A1 +106 19 1 PO A2 +106 19 1 PO A3 +106 19 1 PO A4 +106 19 1 PO A5 +106 19 1 PO A6 +106 19 1 PO A7 +106 19 1 PO A8 +106 19 1 PO A9 +106 19 1 PO A10 +106 19 1 PO A11 +106 19 1 PO A12 +106 19 1 PO A13 +106 19 1 PO A14 +106 19 1 PO A15 +106 19 1 PO A16 +106 19 1 PO A17 +106 19 1 PO A18 +106 19 1 PO A19 +106 19 1 PO A20 +106 19 1 PO A21 +106 19 1 PO A22 +106 19 1 PO A23 +106 19 1 PO A24 +106 19 1 PO A25 +106 19 1 PO A26 +106 19 1 PO A27 +106 19 1 PO A28 +106 19 1 PO A29 +106 19 1 PO A30 +106 19 1 PO A31 +106 19 1 PO A32 +106 19 1 PO A33 +106 19 1 PO A34 +106 19 1 PO A35 +106 19 1 PO A36 +106 19 1 PO A37 +106 19 1 PO A38 +106 19 1 PO A39 +106 19 1 PO A40 +106 19 2 KU D6 +106 19 3 B C10 +106 19 4 K D40 +106 19 5 P F40 +106 19 5 P G40 +106 19 6 J H40 +106 19 7 T H33 +106 19 8 BI H31 +106 19 9 G H22 +106 19 10 S I1 +106 19 11 I J0 +106 19 11 I J1 +106 19 11 I J2 +106 19 11 I J3 +106 19 11 I J4 +106 19 11 I J5 +106 19 11 I J6 +106 19 11 I J7 +106 19 11 I J8 +106 19 11 I J9 +106 19 11 I J10 +106 19 11 I J11 +106 19 11 I J12 +106 19 11 I J13 +106 19 11 I J14 +106 19 11 I J15 +106 19 11 I J16 +106 19 11 I J17 +106 19 11 I J18 +106 19 11 I J19 +106 19 11 I J20 +106 19 11 I J21 +106 19 11 I J22 +106 19 11 I J23 +106 19 11 I J24 +106 19 11 I J25 +106 19 11 I J26 +106 19 11 I J27 +106 19 11 I J28 +106 19 11 I J29 +106 19 11 I J30 +106 19 11 I J31 +106 19 11 I J32 +106 19 11 I J33 +106 19 11 I J34 +106 19 11 I J35 +106 19 11 I J36 +106 19 11 I J37 +106 19 11 I J38 +106 19 11 I J39 +106 19 11 I J40 +106 19 12 A H0 +106 20 1 PO A0 +106 20 1 PO A1 +106 20 1 PO A2 +106 20 1 PO A3 +106 20 1 PO A4 +106 20 1 PO A5 +106 20 1 PO A6 +106 20 1 PO A7 +106 20 1 PO A8 +106 20 1 PO A9 +106 20 1 PO A10 +106 20 1 PO A11 +106 20 1 PO A12 +106 20 1 PO A13 +106 20 1 PO A14 +106 20 1 PO A15 +106 20 1 PO A16 +106 20 1 PO A17 +106 20 1 PO A18 +106 20 1 PO A19 +106 20 1 PO A20 +106 20 1 PO A21 +106 20 1 PO A22 +106 20 1 PO A23 +106 20 1 PO A24 +106 20 1 PO A25 +106 20 1 PO A26 +106 20 1 PO A27 +106 20 1 PO A28 +106 20 1 PO A29 +106 20 1 PO A30 +106 20 1 PO A31 +106 20 1 PO A32 +106 20 1 PO A33 +106 20 1 PO A34 +106 20 1 PO A35 +106 20 1 PO A36 +106 20 1 PO A37 +106 20 1 PO A38 +106 20 1 PO A39 +106 20 1 PO A40 +106 20 2 KU D4 +106 20 3 B C9 +106 20 4 J H39 +106 20 5 K G38 +106 20 6 T H33 +106 20 7 BI H30 +106 20 8 G H18 +106 20 9 S I8 +106 20 10 P G2 +106 20 11 A G0 +106 20 12 I J0 +106 20 12 I J1 +106 20 12 I J2 +106 20 12 I J3 +106 20 12 I J4 +106 20 12 I J5 +106 20 12 I J6 +106 20 12 I J7 +106 20 12 I J8 +106 20 12 I J9 +106 20 12 I J10 +106 20 12 I J11 +106 20 12 I J12 +106 20 12 I J13 +106 20 12 I J14 +106 20 12 I J15 +106 20 12 I J16 +106 20 12 I J17 +106 20 12 I J18 +106 20 12 I J19 +106 20 12 I J20 +106 20 12 I J21 +106 20 12 I J22 +106 20 12 I J23 +106 20 12 I J24 +106 20 12 I J25 +106 20 12 I J26 +106 20 12 I J27 +106 20 12 I J28 +106 20 12 I J29 +106 20 12 I J30 +106 20 12 I J31 +106 20 12 I J32 +106 20 12 I J33 +106 20 12 I J34 +106 20 12 I J35 +106 20 12 I J36 +106 20 12 I J37 +106 20 12 I J38 +106 20 12 I J39 +106 20 12 I J40 +106 21 1 PO A0 +106 21 1 PO A1 +106 21 1 PO A2 +106 21 1 PO A3 +106 21 1 PO A4 +106 21 1 PO A5 +106 21 1 PO A6 +106 21 1 PO A7 +106 21 1 PO A8 +106 21 1 PO A9 +106 21 1 PO A10 +106 21 1 PO A11 +106 21 1 PO A12 +106 21 1 PO A13 +106 21 1 PO A14 +106 21 1 PO A15 +106 21 1 PO A16 +106 21 1 PO A17 +106 21 1 PO A18 +106 21 1 PO A19 +106 21 1 PO A20 +106 21 1 PO A21 +106 21 1 PO A22 +106 21 1 PO A23 +106 21 1 PO A24 +106 21 1 PO A25 +106 21 1 PO A26 +106 21 1 PO A27 +106 21 1 PO A28 +106 21 1 PO A29 +106 21 1 PO A30 +106 21 1 PO A31 +106 21 1 PO A32 +106 21 1 PO A33 +106 21 1 PO A34 +106 21 1 PO A35 +106 21 1 PO A36 +106 21 1 PO A37 +106 21 1 PO A38 +106 21 1 PO A39 +106 21 1 PO A40 +106 21 2 KU C8 +106 21 2 KU C9 +106 21 3 B B10 +106 21 3 B B11 +106 21 3 B B12 +106 21 4 K E38 +106 21 4 K E39 +106 21 4 K E40 +106 21 5 J G37 +106 21 5 J G38 +106 21 5 J G39 +106 21 6 BI G31 +106 21 6 BI H31 +106 21 6 BI I31 +106 21 7 T G30 +106 21 7 T H30 +106 21 7 T I30 +106 21 8 G F17 +106 21 8 G G17 +106 21 9 P F3 +106 21 9 P G3 +106 21 9 P H3 +106 21 10 I J0 +106 21 10 I J1 +106 21 10 I J2 +106 21 10 I J3 +106 21 10 I J4 +106 21 10 I J5 +106 21 10 I J6 +106 21 10 I J7 +106 21 10 I J8 +106 21 10 I J9 +106 21 10 I J10 +106 21 10 I J11 +106 21 10 I J12 +106 21 10 I J13 +106 21 10 I J14 +106 21 10 I J15 +106 21 10 I J16 +106 21 10 I J17 +106 21 10 I J18 +106 21 10 I J19 +106 21 10 I J20 +106 21 10 I J21 +106 21 10 I J22 +106 21 10 I J23 +106 21 10 I J24 +106 21 10 I J25 +106 21 10 I J26 +106 21 10 I J27 +106 21 10 I J28 +106 21 10 I J29 +106 21 10 I J30 +106 21 10 I J31 +106 21 10 I J32 +106 21 10 I J33 +106 21 10 I J34 +106 21 10 I J35 +106 21 10 I J36 +106 21 10 I J37 +106 21 10 I J38 +106 21 10 I J39 +106 21 10 I J40 +106 21 11 S I1 +106 21 11 S I2 +106 21 11 S I3 +106 21 12 A F0 +106 22 1 PO A0 +106 22 1 PO A1 +106 22 1 PO A2 +106 22 1 PO A3 +106 22 1 PO A4 +106 22 1 PO A5 +106 22 1 PO A6 +106 22 1 PO A7 +106 22 1 PO A8 +106 22 1 PO A9 +106 22 1 PO A10 +106 22 1 PO A11 +106 22 1 PO A12 +106 22 1 PO A13 +106 22 1 PO A14 +106 22 1 PO A15 +106 22 1 PO A16 +106 22 1 PO A17 +106 22 1 PO A18 +106 22 1 PO A19 +106 22 1 PO A20 +106 22 1 PO A21 +106 22 1 PO A22 +106 22 1 PO A23 +106 22 1 PO A24 +106 22 1 PO A25 +106 22 1 PO A26 +106 22 1 PO A27 +106 22 1 PO A28 +106 22 1 PO A29 +106 22 1 PO A30 +106 22 1 PO A31 +106 22 1 PO A32 +106 22 1 PO A33 +106 22 1 PO A34 +106 22 1 PO A35 +106 22 1 PO A36 +106 22 1 PO A37 +106 22 1 PO A38 +106 22 1 PO A39 +106 22 1 PO A40 +106 22 2 KU D6 +106 22 2 KU D7 +106 22 3 B C11 +106 22 3 B C12 +106 22 3 B C13 +106 22 4 K D38 +106 22 4 K D39 +106 22 4 K D40 +106 22 5 J G40 +106 22 6 T G32 +106 22 6 T G33 +106 22 6 T G34 +106 22 7 BI G31 +106 22 7 BI H31 +106 22 7 BI I31 +106 22 8 G G18 +106 22 8 G G19 +106 22 8 G G20 +106 22 8 G G21 +106 22 9 I J0 +106 22 9 I J1 +106 22 9 I J2 +106 22 9 I J3 +106 22 9 I J4 +106 22 9 I J5 +106 22 9 I J6 +106 22 9 I J7 +106 22 9 I J8 +106 22 9 I J9 +106 22 9 I J10 +106 22 9 I J11 +106 22 9 I J12 +106 22 9 I J13 +106 22 9 I J14 +106 22 9 I J15 +106 22 9 I J16 +106 22 9 I J17 +106 22 9 I J18 +106 22 9 I J19 +106 22 9 I J20 +106 22 9 I J21 +106 22 9 I J22 +106 22 9 I J23 +106 22 9 I J24 +106 22 9 I J25 +106 22 9 I J26 +106 22 9 I J27 +106 22 9 I J28 +106 22 9 I J29 +106 22 9 I J30 +106 22 9 I J31 +106 22 9 I J32 +106 22 9 I J33 +106 22 9 I J34 +106 22 9 I J35 +106 22 9 I J36 +106 22 9 I J37 +106 22 9 I J38 +106 22 9 I J39 +106 22 9 I J40 +106 22 10 S I1 +106 22 10 S I2 +106 22 10 S I3 +106 22 11 P H1 +106 22 11 P H2 +106 22 11 P H3 +106 23 1 PO A0 +106 23 1 PO A1 +106 23 1 PO A2 +106 23 1 PO A3 +106 23 1 PO A4 +106 23 1 PO A5 +106 23 1 PO A6 +106 23 1 PO A7 +106 23 1 PO A8 +106 23 1 PO A9 +106 23 1 PO A10 +106 23 1 PO A11 +106 23 1 PO A12 +106 23 1 PO A13 +106 23 1 PO A14 +106 23 1 PO A15 +106 23 1 PO A16 +106 23 1 PO A17 +106 23 1 PO A18 +106 23 1 PO A19 +106 23 1 PO A20 +106 23 1 PO A21 +106 23 1 PO A22 +106 23 1 PO A23 +106 23 1 PO A24 +106 23 1 PO A25 +106 23 1 PO A26 +106 23 1 PO A27 +106 23 1 PO A28 +106 23 1 PO A29 +106 23 1 PO A30 +106 23 1 PO A31 +106 23 1 PO A32 +106 23 1 PO A33 +106 23 1 PO A34 +106 23 1 PO A35 +106 23 1 PO A36 +106 23 1 PO A37 +106 23 1 PO A38 +106 23 1 PO A39 +106 23 1 PO A40 +106 23 2 KU D6 +106 23 3 B C9 +106 23 4 K D40 +106 23 5 J F40 +106 23 6 T G35 +106 23 7 BI G31 +106 23 8 G G19 +106 23 9 S I3 +106 23 10 P G1 +106 23 10 P G2 +106 23 11 I J0 +106 23 11 I J1 +106 23 11 I J2 +106 23 11 I J3 +106 23 11 I J4 +106 23 11 I J5 +106 23 11 I J6 +106 23 11 I J7 +106 23 11 I J8 +106 23 11 I J9 +106 23 11 I J10 +106 23 11 I J11 +106 23 11 I J12 +106 23 11 I J13 +106 23 11 I J14 +106 23 11 I J15 +106 23 11 I J16 +106 23 11 I J17 +106 23 11 I J18 +106 23 11 I J19 +106 23 11 I J20 +106 23 11 I J21 +106 23 11 I J22 +106 23 11 I J23 +106 23 11 I J24 +106 23 11 I J25 +106 23 11 I J26 +106 23 11 I J27 +106 23 11 I J28 +106 23 11 I J29 +106 23 11 I J30 +106 23 11 I J31 +106 23 11 I J32 +106 23 11 I J33 +106 23 11 I J34 +106 23 11 I J35 +106 23 11 I J36 +106 23 11 I J37 +106 23 11 I J38 +106 23 11 I J39 +106 23 11 I J40 +106 23 12 A E0 +106 24 1 PO A0 +106 24 1 PO A1 +106 24 1 PO A2 +106 24 1 PO A3 +106 24 1 PO A4 +106 24 1 PO A5 +106 24 1 PO A6 +106 24 1 PO A7 +106 24 1 PO A8 +106 24 1 PO A9 +106 24 1 PO A10 +106 24 1 PO A11 +106 24 1 PO A12 +106 24 1 PO A13 +106 24 1 PO A14 +106 24 1 PO A15 +106 24 1 PO A16 +106 24 1 PO A17 +106 24 1 PO A18 +106 24 1 PO A19 +106 24 1 PO A20 +106 24 1 PO A21 +106 24 1 PO A22 +106 24 1 PO A23 +106 24 1 PO A24 +106 24 1 PO A25 +106 24 1 PO A26 +106 24 1 PO A27 +106 24 1 PO A28 +106 24 1 PO A29 +106 24 1 PO A30 +106 24 1 PO A31 +106 24 1 PO A32 +106 24 1 PO A33 +106 24 1 PO A34 +106 24 1 PO A35 +106 24 1 PO A36 +106 24 1 PO A37 +106 24 1 PO A38 +106 24 1 PO A39 +106 24 1 PO A40 +106 24 2 KU D7 +106 24 3 B D11 +106 24 3 B D12 +106 24 4 K E39 +106 24 4 K E40 +106 24 5 J G38 +106 24 6 T H33 +106 24 6 T H34 +106 24 7 BI G29 +106 24 8 G G19 +106 24 9 I J0 +106 24 9 I J1 +106 24 9 I J2 +106 24 9 I J3 +106 24 9 I J4 +106 24 9 I J5 +106 24 9 I J6 +106 24 9 I J7 +106 24 9 I J8 +106 24 9 I J9 +106 24 9 I J10 +106 24 9 I J11 +106 24 9 I J12 +106 24 9 I J13 +106 24 9 I J14 +106 24 9 I J15 +106 24 9 I J16 +106 24 9 I J17 +106 24 9 I J18 +106 24 9 I J19 +106 24 9 I J20 +106 24 9 I J21 +106 24 9 I J22 +106 24 9 I J23 +106 24 9 I J24 +106 24 9 I J25 +106 24 9 I J26 +106 24 9 I J27 +106 24 9 I J28 +106 24 9 I J29 +106 24 9 I J30 +106 24 9 I J31 +106 24 9 I J32 +106 24 9 I J33 +106 24 9 I J34 +106 24 9 I J35 +106 24 9 I J36 +106 24 9 I J37 +106 24 9 I J38 +106 24 9 I J39 +106 24 9 I J40 +106 24 10 S I3 +106 24 11 P G2 +106 24 11 P G3 +106 24 12 A F0 +106 25 1 PO A0 +106 25 1 PO A1 +106 25 1 PO A2 +106 25 1 PO A3 +106 25 1 PO A4 +106 25 1 PO A5 +106 25 1 PO A6 +106 25 1 PO A7 +106 25 1 PO A8 +106 25 1 PO A9 +106 25 1 PO A10 +106 25 1 PO A11 +106 25 1 PO A12 +106 25 1 PO A13 +106 25 1 PO A14 +106 25 1 PO A15 +106 25 1 PO A16 +106 25 1 PO A17 +106 25 1 PO A18 +106 25 1 PO A19 +106 25 1 PO A20 +106 25 1 PO A21 +106 25 1 PO A22 +106 25 1 PO A23 +106 25 1 PO A24 +106 25 1 PO A25 +106 25 1 PO A26 +106 25 1 PO A27 +106 25 1 PO A28 +106 25 1 PO A29 +106 25 1 PO A30 +106 25 1 PO A31 +106 25 1 PO A32 +106 25 1 PO A33 +106 25 1 PO A34 +106 25 1 PO A35 +106 25 1 PO A36 +106 25 1 PO A37 +106 25 1 PO A38 +106 25 1 PO A39 +106 25 1 PO A40 +106 25 2 KU E5 +106 25 3 B C9 +106 25 4 K E39 +106 25 5 T H34 +106 25 6 BI H29 +106 25 7 G G18 +106 25 8 S H6 +106 25 9 P H2 +106 25 10 I J0 +106 25 10 I J1 +106 25 10 I J2 +106 25 10 I J3 +106 25 10 I J4 +106 25 10 I J5 +106 25 10 I J6 +106 25 10 I J7 +106 25 10 I J8 +106 25 10 I J9 +106 25 10 I J10 +106 25 10 I J11 +106 25 10 I J12 +106 25 10 I J13 +106 25 10 I J14 +106 25 10 I J15 +106 25 10 I J16 +106 25 10 I J17 +106 25 10 I J18 +106 25 10 I J19 +106 25 10 I J20 +106 25 10 I J21 +106 25 10 I J22 +106 25 10 I J23 +106 25 10 I J24 +106 25 10 I J25 +106 25 10 I J26 +106 25 10 I J27 +106 25 10 I J28 +106 25 10 I J29 +106 25 10 I J30 +106 25 10 I J31 +106 25 10 I J32 +106 25 10 I J33 +106 25 10 I J34 +106 25 10 I J35 +106 25 10 I J36 +106 25 10 I J37 +106 25 10 I J38 +106 25 10 I J39 +106 25 10 I J40 +106 25 11 A F0 +107 1 1 OX A0 +107 1 2 OS G1 +107 1 3 PA C2 +107 1 4 CH B9 +107 1 4 CH B10 +107 1 5 FI J11 +107 1 5 FI J12 +107 1 6 DA E16 +107 1 7 KO D36 +107 2 1 OX A0 +107 2 1 OX A1 +107 2 1 OX A2 +107 2 1 OX A3 +107 2 1 OX A4 +107 2 1 OX A5 +107 2 1 OX A6 +107 2 1 OX A7 +107 2 1 OX A8 +107 2 1 OX A9 +107 2 1 OX A10 +107 2 1 OX A11 +107 2 1 OX A12 +107 2 1 OX A13 +107 2 1 OX A14 +107 2 1 OX A15 +107 2 1 OX A16 +107 2 1 OX A17 +107 2 1 OX A18 +107 2 1 OX A19 +107 2 1 OX A20 +107 2 1 OX A21 +107 2 1 OX A22 +107 2 1 OX A23 +107 2 1 OX A24 +107 2 1 OX A25 +107 2 1 OX A26 +107 2 1 OX A27 +107 2 1 OX A28 +107 2 1 OX A29 +107 2 1 OX A30 +107 2 1 OX A31 +107 2 1 OX A32 +107 2 1 OX A33 +107 2 1 OX A34 +107 2 1 OX A35 +107 2 1 OX A36 +107 2 1 OX A37 +107 2 1 OX A38 +107 2 1 OX A39 +107 2 1 OX A40 +107 2 2 CH C11 +107 2 2 CH D11 +107 2 3 PA C18 +107 2 3 PA C19 +107 2 3 PA C20 +107 2 3 PA C21 +107 2 3 PA C22 +107 2 3 PA C23 +107 2 3 PA D18 +107 2 3 PA D19 +107 2 3 PA D20 +107 2 3 PA D21 +107 2 3 PA D22 +107 2 3 PA D23 +107 2 4 DA E22 +107 2 4 DA E23 +107 2 4 DA E24 +107 2 4 DA E25 +107 2 4 DA E26 +107 2 5 OS F39 +107 2 5 OS F40 +107 2 6 FI J0 +107 2 6 FI J1 +107 2 6 FI J2 +107 2 6 FI J3 +107 2 6 FI J4 +107 2 6 FI J5 +107 2 6 FI J6 +107 2 6 FI J7 +107 2 6 FI J8 +107 2 6 FI J9 +107 2 6 FI J10 +107 2 6 FI J11 +107 2 6 FI J12 +107 2 6 FI J13 +107 2 6 FI J14 +107 2 6 FI J15 +107 2 6 FI J16 +107 2 6 FI J17 +107 2 6 FI J18 +107 2 6 FI J19 +107 2 6 FI J20 +107 2 6 FI J21 +107 2 6 FI J22 +107 2 6 FI J23 +107 2 6 FI J24 +107 2 6 FI J25 +107 2 6 FI J26 +107 2 6 FI J27 +107 2 6 FI J28 +107 2 6 FI J29 +107 2 6 FI J30 +107 2 6 FI J31 +107 2 6 FI J32 +107 2 6 FI J33 +107 2 6 FI J34 +107 2 6 FI J35 +107 2 6 FI J36 +107 2 6 FI J37 +107 2 6 FI J38 +107 2 6 FI J39 +107 2 6 FI J40 +107 3 1 OX A0 +107 3 1 OX A1 +107 3 1 OX A2 +107 3 1 OX A3 +107 3 1 OX A4 +107 3 1 OX A5 +107 3 1 OX A6 +107 3 1 OX A7 +107 3 1 OX A8 +107 3 1 OX A9 +107 3 1 OX A10 +107 3 1 OX A11 +107 3 1 OX A12 +107 3 1 OX A13 +107 3 1 OX A14 +107 3 1 OX A15 +107 3 1 OX A16 +107 3 1 OX A17 +107 3 1 OX A18 +107 3 1 OX A19 +107 3 1 OX A20 +107 3 1 OX A21 +107 3 1 OX A22 +107 3 1 OX A23 +107 3 1 OX A24 +107 3 1 OX A25 +107 3 1 OX A26 +107 3 1 OX A27 +107 3 1 OX A28 +107 3 1 OX A29 +107 3 1 OX A30 +107 3 1 OX A31 +107 3 1 OX A32 +107 3 1 OX A33 +107 3 1 OX A34 +107 3 1 OX A35 +107 3 1 OX A36 +107 3 1 OX A37 +107 3 1 OX A38 +107 3 1 OX A39 +107 3 1 OX A40 +107 3 2 OS G1 +107 3 3 CH D5 +107 3 3 CH E4 +107 3 3 CH E5 +107 3 4 PA C12 +107 3 5 DA H22 +107 3 6 FI J0 +107 3 6 FI J1 +107 3 6 FI J2 +107 3 6 FI J3 +107 3 6 FI J4 +107 3 6 FI J5 +107 3 6 FI J6 +107 3 6 FI J7 +107 3 6 FI J8 +107 3 6 FI J9 +107 3 6 FI J10 +107 3 6 FI J11 +107 3 6 FI J12 +107 3 6 FI J13 +107 3 6 FI J14 +107 3 6 FI J15 +107 3 6 FI J16 +107 3 6 FI J17 +107 3 6 FI J18 +107 3 6 FI J19 +107 3 6 FI J20 +107 3 6 FI J21 +107 3 6 FI J22 +107 3 6 FI J23 +107 3 6 FI J24 +107 3 6 FI J25 +107 3 6 FI J26 +107 3 6 FI J27 +107 3 6 FI J28 +107 3 6 FI J29 +107 3 6 FI J30 +107 3 6 FI J31 +107 3 6 FI J32 +107 3 6 FI J33 +107 3 6 FI J34 +107 3 6 FI J35 +107 3 6 FI J36 +107 3 6 FI J37 +107 3 6 FI J38 +107 3 6 FI J39 +107 3 6 FI J40 +107 4 1 OX A0 +107 4 1 OX A1 +107 4 1 OX A2 +107 4 1 OX A3 +107 4 1 OX A4 +107 4 1 OX A5 +107 4 1 OX A6 +107 4 1 OX A7 +107 4 1 OX A8 +107 4 1 OX A9 +107 4 1 OX A10 +107 4 1 OX A11 +107 4 1 OX A12 +107 4 1 OX A13 +107 4 1 OX A14 +107 4 1 OX A15 +107 4 1 OX A16 +107 4 1 OX A17 +107 4 1 OX A18 +107 4 1 OX A19 +107 4 1 OX A20 +107 4 1 OX A21 +107 4 1 OX A22 +107 4 1 OX A23 +107 4 1 OX A24 +107 4 1 OX A25 +107 4 1 OX A26 +107 4 1 OX A27 +107 4 1 OX A28 +107 4 1 OX A29 +107 4 1 OX A30 +107 4 1 OX A31 +107 4 1 OX A32 +107 4 1 OX A33 +107 4 1 OX A34 +107 4 1 OX A35 +107 4 1 OX A36 +107 4 1 OX A37 +107 4 1 OX A38 +107 4 1 OX A39 +107 4 1 OX A40 +107 4 2 OS F3 +107 4 3 DA C18 +107 4 4 CH E28 +107 4 5 FI J0 +107 4 5 FI J1 +107 4 5 FI J2 +107 4 5 FI J3 +107 4 5 FI J4 +107 4 5 FI J5 +107 4 5 FI J6 +107 4 5 FI J7 +107 4 5 FI J8 +107 4 5 FI J9 +107 4 5 FI J10 +107 4 5 FI J11 +107 4 5 FI J12 +107 4 5 FI J13 +107 4 5 FI J14 +107 4 5 FI J15 +107 4 5 FI J16 +107 4 5 FI J17 +107 4 5 FI J18 +107 4 5 FI J19 +107 4 5 FI J20 +107 4 5 FI J21 +107 4 5 FI J22 +107 4 5 FI J23 +107 4 5 FI J24 +107 4 5 FI J25 +107 4 5 FI J26 +107 4 5 FI J27 +107 4 5 FI J28 +107 4 5 FI J29 +107 4 5 FI J30 +107 4 5 FI J31 +107 4 5 FI J32 +107 4 5 FI J33 +107 4 5 FI J34 +107 4 5 FI J35 +107 4 5 FI J36 +107 4 5 FI J37 +107 4 5 FI J38 +107 4 5 FI J39 +107 4 5 FI J40 +107 5 1 OX A18 +107 5 1 OX A19 +107 5 2 OS G2 +107 5 3 CH C12 +107 5 4 DA E18 +107 5 5 FI J0 +107 5 5 FI J1 +107 5 5 FI J2 +107 5 5 FI J3 +107 5 5 FI J4 +107 5 5 FI J5 +107 5 5 FI J6 +107 5 5 FI J7 +107 5 5 FI J8 +107 5 5 FI J9 +107 5 5 FI J10 +107 5 5 FI J11 +107 5 5 FI J12 +107 5 5 FI J13 +107 5 5 FI J14 +107 5 5 FI J15 +107 5 5 FI J16 +107 5 5 FI J17 +107 5 5 FI J18 +107 5 5 FI J19 +107 5 5 FI J20 +107 5 5 FI J21 +107 5 5 FI J22 +107 5 5 FI J23 +107 5 5 FI J24 +107 5 5 FI J25 +107 5 5 FI J26 +107 5 5 FI J27 +107 5 5 FI J28 +107 5 5 FI J29 +107 5 5 FI J30 +107 5 5 FI J31 +107 5 5 FI J32 +107 5 5 FI J33 +107 5 5 FI J34 +107 5 5 FI J35 +107 5 5 FI J36 +107 5 5 FI J37 +107 5 5 FI J38 +107 5 5 FI J39 +107 5 5 FI J40 +107 6 1 OX A0 +107 6 1 OX A1 +107 6 1 OX A2 +107 6 1 OX A3 +107 6 1 OX A4 +107 6 1 OX A5 +107 6 1 OX A6 +107 6 1 OX A7 +107 6 1 OX A8 +107 6 1 OX A9 +107 6 1 OX A10 +107 6 1 OX A11 +107 6 1 OX A12 +107 6 1 OX A13 +107 6 1 OX A14 +107 6 1 OX A15 +107 6 1 OX A16 +107 6 1 OX A17 +107 6 1 OX A18 +107 6 1 OX A19 +107 6 1 OX A20 +107 6 1 OX A21 +107 6 1 OX A22 +107 6 1 OX A23 +107 6 1 OX A24 +107 6 1 OX A25 +107 6 1 OX A26 +107 6 1 OX A27 +107 6 1 OX A28 +107 6 1 OX A29 +107 6 1 OX A30 +107 6 1 OX A31 +107 6 1 OX A32 +107 6 1 OX A33 +107 6 1 OX A34 +107 6 1 OX A35 +107 6 1 OX A36 +107 6 1 OX A37 +107 6 1 OX A38 +107 6 1 OX A39 +107 6 1 OX A40 +107 6 2 OS F1 +107 6 2 OS G1 +107 6 3 PA E7 +107 6 4 CH D15 +107 6 5 DA E20 +107 6 6 KO F34 +107 6 6 KO F35 +107 6 7 FI J0 +107 6 7 FI J1 +107 6 7 FI J2 +107 6 7 FI J3 +107 6 7 FI J4 +107 6 7 FI J5 +107 6 7 FI J6 +107 6 7 FI J7 +107 6 7 FI J8 +107 6 7 FI J9 +107 6 7 FI J10 +107 6 7 FI J11 +107 6 7 FI J12 +107 6 7 FI J13 +107 6 7 FI J14 +107 6 7 FI J15 +107 6 7 FI J16 +107 6 7 FI J17 +107 6 7 FI J18 +107 6 7 FI J19 +107 6 7 FI J20 +107 6 7 FI J21 +107 6 7 FI J22 +107 6 7 FI J23 +107 6 7 FI J24 +107 6 7 FI J25 +107 6 7 FI J26 +107 6 7 FI J27 +107 6 7 FI J28 +107 6 7 FI J29 +107 6 7 FI J30 +107 6 7 FI J31 +107 6 7 FI J32 +107 6 7 FI J33 +107 6 7 FI J34 +107 6 7 FI J35 +107 6 7 FI J36 +107 6 7 FI J37 +107 6 7 FI J38 +107 6 7 FI J39 +107 6 7 FI J40 +107 7 1 OX A0 +107 7 1 OX A1 +107 7 1 OX A2 +107 7 1 OX A3 +107 7 1 OX A4 +107 7 1 OX A5 +107 7 1 OX A6 +107 7 1 OX A7 +107 7 1 OX A8 +107 7 1 OX A9 +107 7 1 OX A10 +107 7 1 OX A11 +107 7 1 OX A12 +107 7 1 OX A13 +107 7 1 OX A14 +107 7 1 OX A15 +107 7 1 OX A16 +107 7 1 OX A17 +107 7 1 OX A18 +107 7 1 OX A19 +107 7 1 OX A20 +107 7 1 OX A21 +107 7 1 OX A22 +107 7 1 OX A23 +107 7 1 OX A24 +107 7 1 OX A25 +107 7 1 OX A26 +107 7 1 OX A27 +107 7 1 OX A28 +107 7 1 OX A29 +107 7 1 OX A30 +107 7 1 OX A31 +107 7 1 OX A32 +107 7 1 OX A33 +107 7 1 OX A34 +107 7 1 OX A35 +107 7 1 OX A36 +107 7 1 OX A37 +107 7 1 OX A38 +107 7 1 OX A39 +107 7 1 OX A40 +107 7 2 OS F1 +107 7 3 CH E11 +107 7 4 DA G23 +107 7 5 FI J0 +107 7 5 FI J1 +107 7 5 FI J2 +107 7 5 FI J3 +107 7 5 FI J4 +107 7 5 FI J5 +107 7 5 FI J6 +107 7 5 FI J7 +107 7 5 FI J8 +107 7 5 FI J9 +107 7 5 FI J10 +107 7 5 FI J11 +107 7 5 FI J12 +107 7 5 FI J13 +107 7 5 FI J14 +107 7 5 FI J15 +107 7 5 FI J16 +107 7 5 FI J17 +107 7 5 FI J18 +107 7 5 FI J19 +107 7 5 FI J20 +107 7 5 FI J21 +107 7 5 FI J22 +107 7 5 FI J23 +107 7 5 FI J24 +107 7 5 FI J25 +107 7 5 FI J26 +107 7 5 FI J27 +107 7 5 FI J28 +107 7 5 FI J29 +107 7 5 FI J30 +107 7 5 FI J31 +107 7 5 FI J32 +107 7 5 FI J33 +107 7 5 FI J34 +107 7 5 FI J35 +107 7 5 FI J36 +107 7 5 FI J37 +107 7 5 FI J38 +107 7 5 FI J39 +107 7 5 FI J40 +107 8 1 OX A0 +107 8 1 OX A1 +107 8 1 OX A2 +107 8 1 OX A3 +107 8 1 OX A4 +107 8 1 OX A5 +107 8 1 OX A6 +107 8 1 OX A7 +107 8 1 OX A8 +107 8 1 OX A9 +107 8 1 OX A10 +107 8 1 OX A11 +107 8 1 OX A12 +107 8 1 OX A13 +107 8 1 OX A14 +107 8 1 OX A15 +107 8 1 OX A16 +107 8 1 OX A17 +107 8 1 OX A18 +107 8 1 OX A19 +107 8 1 OX A20 +107 8 1 OX A21 +107 8 1 OX A22 +107 8 1 OX A23 +107 8 1 OX A24 +107 8 1 OX A25 +107 8 1 OX A26 +107 8 1 OX A27 +107 8 1 OX A28 +107 8 1 OX A29 +107 8 1 OX A30 +107 8 1 OX A31 +107 8 1 OX A32 +107 8 1 OX A33 +107 8 1 OX A34 +107 8 1 OX A35 +107 8 1 OX A36 +107 8 1 OX A37 +107 8 1 OX A38 +107 8 1 OX A39 +107 8 1 OX A40 +107 8 2 OS E2 +107 8 2 OS E3 +107 8 2 OS E38 +107 8 2 OS E39 +107 8 2 OS F2 +107 8 2 OS F3 +107 8 2 OS F38 +107 8 2 OS F39 +107 8 2 OS G2 +107 8 2 OS G3 +107 8 3 CH C12 +107 8 3 CH D12 +107 8 3 CH E12 +107 8 4 DA D16 +107 8 4 DA D17 +107 8 4 DA D18 +107 8 4 DA F32 +107 8 4 DA G32 +107 8 4 DA H32 +107 8 4 DA I32 +107 8 5 FI J0 +107 8 5 FI J1 +107 8 5 FI J2 +107 8 5 FI J3 +107 8 5 FI J4 +107 8 5 FI J5 +107 8 5 FI J6 +107 8 5 FI J7 +107 8 5 FI J8 +107 8 5 FI J9 +107 8 5 FI J10 +107 8 5 FI J11 +107 8 5 FI J12 +107 8 5 FI J13 +107 8 5 FI J14 +107 8 5 FI J15 +107 8 5 FI J16 +107 8 5 FI J17 +107 8 5 FI J18 +107 8 5 FI J19 +107 8 5 FI J20 +107 8 5 FI J21 +107 8 5 FI J22 +107 8 5 FI J23 +107 8 5 FI J24 +107 8 5 FI J25 +107 8 5 FI J26 +107 8 5 FI J27 +107 8 5 FI J28 +107 8 5 FI J29 +107 8 5 FI J30 +107 8 5 FI J31 +107 8 5 FI J32 +107 8 5 FI J33 +107 8 5 FI J34 +107 8 5 FI J35 +107 8 5 FI J36 +107 8 5 FI J37 +107 8 5 FI J38 +107 8 5 FI J39 +107 8 5 FI J40 +107 9 1 OX A0 +107 9 1 OX A1 +107 9 1 OX A2 +107 9 1 OX A3 +107 9 1 OX A4 +107 9 1 OX A5 +107 9 1 OX A6 +107 9 1 OX A7 +107 9 1 OX A8 +107 9 1 OX A9 +107 9 1 OX A10 +107 9 1 OX A11 +107 9 1 OX A12 +107 9 1 OX A13 +107 9 1 OX A14 +107 9 1 OX A15 +107 9 1 OX A16 +107 9 1 OX A17 +107 9 1 OX A18 +107 9 1 OX A19 +107 9 1 OX A20 +107 9 1 OX A21 +107 9 1 OX A22 +107 9 1 OX A23 +107 9 1 OX A24 +107 9 1 OX A25 +107 9 1 OX A26 +107 9 1 OX A27 +107 9 1 OX A28 +107 9 1 OX A29 +107 9 1 OX A30 +107 9 1 OX A31 +107 9 1 OX A32 +107 9 1 OX A33 +107 9 1 OX A34 +107 9 1 OX A35 +107 9 1 OX A36 +107 9 1 OX A37 +107 9 1 OX A38 +107 9 1 OX A39 +107 9 1 OX A40 +107 9 2 PA A15 +107 9 3 OS E1 +107 9 3 OS E2 +107 9 3 OS E3 +107 9 3 OS E4 +107 9 4 KO F9 +107 9 5 CH C10 +107 9 6 DA E24 +107 9 6 DA E25 +107 9 6 DA E26 +107 9 6 DA E27 +107 9 6 DA E28 +107 9 7 FI J0 +107 9 7 FI J1 +107 9 7 FI J2 +107 9 7 FI J3 +107 9 7 FI J4 +107 9 7 FI J5 +107 9 7 FI J6 +107 9 7 FI J7 +107 9 7 FI J8 +107 9 7 FI J9 +107 9 7 FI J10 +107 9 7 FI J11 +107 9 7 FI J12 +107 9 7 FI J13 +107 9 7 FI J14 +107 9 7 FI J15 +107 9 7 FI J16 +107 9 7 FI J17 +107 9 7 FI J18 +107 9 7 FI J19 +107 9 7 FI J20 +107 9 7 FI J21 +107 9 7 FI J22 +107 9 7 FI J23 +107 9 7 FI J24 +107 9 7 FI J25 +107 9 7 FI J26 +107 9 7 FI J27 +107 9 7 FI J28 +107 9 7 FI J29 +107 9 7 FI J30 +107 9 7 FI J31 +107 9 7 FI J32 +107 9 7 FI J33 +107 9 7 FI J34 +107 9 7 FI J35 +107 9 7 FI J36 +107 9 7 FI J37 +107 9 7 FI J38 +107 9 7 FI J39 +107 9 7 FI J40 +107 10 1 OX A0 +107 10 1 OX A1 +107 10 1 OX A2 +107 10 1 OX A3 +107 10 1 OX A4 +107 10 1 OX A5 +107 10 1 OX A6 +107 10 1 OX A7 +107 10 1 OX A8 +107 10 1 OX A9 +107 10 1 OX A10 +107 10 1 OX A11 +107 10 1 OX A12 +107 10 1 OX A13 +107 10 1 OX A14 +107 10 1 OX A15 +107 10 1 OX A16 +107 10 1 OX A17 +107 10 1 OX A18 +107 10 1 OX A19 +107 10 1 OX A20 +107 10 1 OX A21 +107 10 1 OX A22 +107 10 1 OX A23 +107 10 1 OX A24 +107 10 1 OX A25 +107 10 1 OX A26 +107 10 1 OX A27 +107 10 1 OX A28 +107 10 1 OX A29 +107 10 1 OX A30 +107 10 1 OX A31 +107 10 1 OX A32 +107 10 1 OX A33 +107 10 1 OX A34 +107 10 1 OX A35 +107 10 1 OX A36 +107 10 1 OX A37 +107 10 1 OX A38 +107 10 1 OX A39 +107 10 1 OX A40 +107 10 2 OS G2 +107 10 3 CH B11 +107 10 4 DA E31 +107 10 5 FI J0 +107 10 5 FI J1 +107 10 5 FI J2 +107 10 5 FI J3 +107 10 5 FI J4 +107 10 5 FI J5 +107 10 5 FI J6 +107 10 5 FI J7 +107 10 5 FI J8 +107 10 5 FI J9 +107 10 5 FI J10 +107 10 5 FI J11 +107 10 5 FI J12 +107 10 5 FI J13 +107 10 5 FI J14 +107 10 5 FI J15 +107 10 5 FI J16 +107 10 5 FI J17 +107 10 5 FI J18 +107 10 5 FI J19 +107 10 5 FI J20 +107 10 5 FI J21 +107 10 5 FI J22 +107 10 5 FI J23 +107 10 5 FI J24 +107 10 5 FI J25 +107 10 5 FI J26 +107 10 5 FI J27 +107 10 5 FI J28 +107 10 5 FI J29 +107 10 5 FI J30 +107 10 5 FI J31 +107 10 5 FI J32 +107 10 5 FI J33 +107 10 5 FI J34 +107 10 5 FI J35 +107 10 5 FI J36 +107 10 5 FI J37 +107 10 5 FI J38 +107 10 5 FI J39 +107 10 5 FI J40 +107 11 1 OX A0 +107 11 1 OX A1 +107 11 1 OX A2 +107 11 1 OX A3 +107 11 1 OX A4 +107 11 1 OX A5 +107 11 1 OX A6 +107 11 1 OX A7 +107 11 1 OX A8 +107 11 1 OX A9 +107 11 1 OX A10 +107 11 1 OX A11 +107 11 1 OX A12 +107 11 1 OX A13 +107 11 1 OX A14 +107 11 1 OX A15 +107 11 1 OX A16 +107 11 1 OX A17 +107 11 1 OX A18 +107 11 1 OX A19 +107 11 1 OX A20 +107 11 1 OX A21 +107 11 1 OX A22 +107 11 1 OX A23 +107 11 1 OX A24 +107 11 1 OX A25 +107 11 1 OX A26 +107 11 1 OX A27 +107 11 1 OX A28 +107 11 1 OX A29 +107 11 1 OX A30 +107 11 1 OX A31 +107 11 1 OX A32 +107 11 1 OX A33 +107 11 1 OX A34 +107 11 1 OX A35 +107 11 1 OX A36 +107 11 1 OX A37 +107 11 1 OX A38 +107 11 1 OX A39 +107 11 1 OX A40 +107 11 2 PA C7 +107 11 2 PA C8 +107 11 3 OS F2 +107 11 3 OS I1 +107 11 4 CH C9 +107 11 5 DA F17 +107 11 5 DA F18 +107 11 5 DA F19 +107 11 6 FI J0 +107 11 6 FI J1 +107 11 6 FI J2 +107 11 6 FI J3 +107 11 6 FI J4 +107 11 6 FI J5 +107 11 6 FI J6 +107 11 6 FI J7 +107 11 6 FI J8 +107 11 6 FI J9 +107 11 6 FI J10 +107 11 6 FI J11 +107 11 6 FI J12 +107 11 6 FI J13 +107 11 6 FI J14 +107 11 6 FI J15 +107 11 6 FI J16 +107 11 6 FI J17 +107 11 6 FI J18 +107 11 6 FI J19 +107 11 6 FI J20 +107 11 6 FI J21 +107 11 6 FI J22 +107 11 6 FI J23 +107 11 6 FI J24 +107 11 6 FI J25 +107 11 6 FI J26 +107 11 6 FI J27 +107 11 6 FI J28 +107 11 6 FI J29 +107 11 6 FI J30 +107 11 6 FI J31 +107 11 6 FI J32 +107 11 6 FI J33 +107 11 6 FI J34 +107 11 6 FI J35 +107 11 6 FI J36 +107 11 6 FI J37 +107 11 6 FI J38 +107 11 6 FI J39 +107 11 6 FI J40 +107 12 1 OX A0 +107 12 1 OX A1 +107 12 1 OX A2 +107 12 1 OX A3 +107 12 1 OX A4 +107 12 1 OX A5 +107 12 1 OX A6 +107 12 1 OX A7 +107 12 1 OX A8 +107 12 1 OX A9 +107 12 1 OX A10 +107 12 1 OX A11 +107 12 1 OX A12 +107 12 1 OX A13 +107 12 1 OX A14 +107 12 1 OX A15 +107 12 1 OX A16 +107 12 1 OX A17 +107 12 1 OX A18 +107 12 1 OX A19 +107 12 1 OX A20 +107 12 1 OX A21 +107 12 1 OX A22 +107 12 1 OX A23 +107 12 1 OX A24 +107 12 1 OX A25 +107 12 1 OX A26 +107 12 1 OX A27 +107 12 1 OX A28 +107 12 1 OX A29 +107 12 1 OX A30 +107 12 1 OX A31 +107 12 1 OX A32 +107 12 1 OX A33 +107 12 1 OX A34 +107 12 1 OX A35 +107 12 1 OX A36 +107 12 1 OX A37 +107 12 1 OX A38 +107 12 1 OX A39 +107 12 1 OX A40 +107 12 2 CH C11 +107 12 2 CH C12 +107 12 3 DA E28 +107 12 4 OS G40 +107 12 5 FI J0 +107 12 5 FI J1 +107 12 5 FI J2 +107 12 5 FI J3 +107 12 5 FI J4 +107 12 5 FI J5 +107 12 5 FI J6 +107 12 5 FI J7 +107 12 5 FI J8 +107 12 5 FI J9 +107 12 5 FI J10 +107 12 5 FI J11 +107 12 5 FI J12 +107 12 5 FI J13 +107 12 5 FI J14 +107 12 5 FI J15 +107 12 5 FI J16 +107 12 5 FI J17 +107 12 5 FI J18 +107 12 5 FI J19 +107 12 5 FI J20 +107 12 5 FI J21 +107 12 5 FI J22 +107 12 5 FI J23 +107 12 5 FI J24 +107 12 5 FI J25 +107 12 5 FI J26 +107 12 5 FI J27 +107 12 5 FI J28 +107 12 5 FI J29 +107 12 5 FI J30 +107 12 5 FI J31 +107 12 5 FI J32 +107 12 5 FI J33 +107 12 5 FI J34 +107 12 5 FI J35 +107 12 5 FI J36 +107 12 5 FI J37 +107 12 5 FI J38 +107 12 5 FI J39 +107 12 5 FI J40 +107 13 1 OX A0 +107 13 1 OX A1 +107 13 1 OX A2 +107 13 1 OX A3 +107 13 1 OX A4 +107 13 1 OX A5 +107 13 1 OX A6 +107 13 1 OX A7 +107 13 1 OX A8 +107 13 1 OX A9 +107 13 1 OX A10 +107 13 1 OX A11 +107 13 1 OX A12 +107 13 1 OX A13 +107 13 1 OX A14 +107 13 1 OX A15 +107 13 1 OX A16 +107 13 1 OX A17 +107 13 1 OX A18 +107 13 1 OX A19 +107 13 1 OX A20 +107 13 1 OX A21 +107 13 1 OX A22 +107 13 1 OX A23 +107 13 1 OX A24 +107 13 1 OX A25 +107 13 1 OX A26 +107 13 1 OX A27 +107 13 1 OX A28 +107 13 1 OX A29 +107 13 1 OX A30 +107 13 1 OX A31 +107 13 1 OX A32 +107 13 1 OX A33 +107 13 1 OX A34 +107 13 1 OX A35 +107 13 1 OX A36 +107 13 1 OX A37 +107 13 1 OX A38 +107 13 1 OX A39 +107 13 1 OX A40 +107 13 1 OX B35 +107 13 1 OX B36 +107 13 1 OX B37 +107 13 1 OX B38 +107 13 1 OX B39 +107 13 1 OX B40 +107 13 2 CH C12 +107 13 2 CH C13 +107 13 3 DA D30 +107 13 4 OS F40 +107 13 4 OS G40 +107 13 4 OS H40 +107 13 4 OS I38 +107 13 4 OS I39 +107 13 4 OS I40 +107 13 5 FI J0 +107 13 5 FI J1 +107 13 5 FI J2 +107 13 5 FI J3 +107 13 5 FI J4 +107 13 5 FI J5 +107 13 5 FI J6 +107 13 5 FI J7 +107 13 5 FI J8 +107 13 5 FI J9 +107 13 5 FI J10 +107 13 5 FI J11 +107 13 5 FI J12 +107 13 5 FI J13 +107 13 5 FI J14 +107 13 5 FI J15 +107 13 5 FI J16 +107 13 5 FI J17 +107 13 5 FI J18 +107 13 5 FI J19 +107 13 5 FI J20 +107 13 5 FI J21 +107 13 5 FI J22 +107 13 5 FI J23 +107 13 5 FI J24 +107 13 5 FI J25 +107 13 5 FI J26 +107 13 5 FI J27 +107 13 5 FI J28 +107 13 5 FI J29 +107 13 5 FI J30 +107 13 5 FI J31 +107 13 5 FI J32 +107 13 5 FI J33 +107 13 5 FI J34 +107 13 5 FI J35 +107 13 5 FI J36 +107 13 5 FI J37 +107 13 5 FI J38 +107 13 5 FI J39 +107 13 5 FI J40 +107 14 1 OX A0 +107 14 1 OX A1 +107 14 1 OX A2 +107 14 1 OX A3 +107 14 1 OX A4 +107 14 1 OX A5 +107 14 1 OX A6 +107 14 1 OX A7 +107 14 1 OX A8 +107 14 1 OX A9 +107 14 1 OX A10 +107 14 1 OX A11 +107 14 1 OX A12 +107 14 1 OX A13 +107 14 1 OX A14 +107 14 1 OX A15 +107 14 1 OX A16 +107 14 1 OX A17 +107 14 1 OX A18 +107 14 1 OX A19 +107 14 1 OX A20 +107 14 1 OX A21 +107 14 1 OX A22 +107 14 1 OX A23 +107 14 1 OX A24 +107 14 1 OX A25 +107 14 1 OX A26 +107 14 1 OX A27 +107 14 1 OX A28 +107 14 1 OX A29 +107 14 1 OX A30 +107 14 1 OX A31 +107 14 1 OX A32 +107 14 1 OX A33 +107 14 1 OX A34 +107 14 1 OX A35 +107 14 1 OX A36 +107 14 1 OX A37 +107 14 1 OX A38 +107 14 1 OX A39 +107 14 1 OX A40 +107 14 2 OS G3 +107 14 3 KO G8 +107 14 4 PA B9 +107 14 5 CH C13 +107 14 6 DA F17 +107 14 7 FI J0 +107 14 7 FI J1 +107 14 7 FI J2 +107 14 7 FI J3 +107 14 7 FI J4 +107 14 7 FI J5 +107 14 7 FI J6 +107 14 7 FI J7 +107 14 7 FI J8 +107 14 7 FI J9 +107 14 7 FI J10 +107 14 7 FI J11 +107 14 7 FI J12 +107 14 7 FI J13 +107 14 7 FI J14 +107 14 7 FI J15 +107 14 7 FI J16 +107 14 7 FI J17 +107 14 7 FI J18 +107 14 7 FI J19 +107 14 7 FI J20 +107 14 7 FI J21 +107 14 7 FI J22 +107 14 7 FI J23 +107 14 7 FI J24 +107 14 7 FI J25 +107 14 7 FI J26 +107 14 7 FI J27 +107 14 7 FI J28 +107 14 7 FI J29 +107 14 7 FI J30 +107 14 7 FI J31 +107 14 7 FI J32 +107 14 7 FI J33 +107 14 7 FI J34 +107 14 7 FI J35 +107 14 7 FI J36 +107 14 7 FI J37 +107 14 7 FI J38 +107 14 7 FI J39 +107 14 7 FI J40 +107 15 1 OX A0 +107 15 1 OX A1 +107 15 1 OX A2 +107 15 1 OX A3 +107 15 1 OX A4 +107 15 1 OX A5 +107 15 1 OX A6 +107 15 1 OX A7 +107 15 1 OX A8 +107 15 1 OX A9 +107 15 1 OX A10 +107 15 1 OX A11 +107 15 1 OX A12 +107 15 1 OX A13 +107 15 1 OX A14 +107 15 1 OX A15 +107 15 1 OX A16 +107 15 1 OX A17 +107 15 1 OX A18 +107 15 1 OX A19 +107 15 1 OX A20 +107 15 1 OX A21 +107 15 1 OX A22 +107 15 1 OX A23 +107 15 1 OX A24 +107 15 1 OX A25 +107 15 1 OX A26 +107 15 1 OX A27 +107 15 1 OX A28 +107 15 1 OX A29 +107 15 1 OX A30 +107 15 1 OX A31 +107 15 1 OX A32 +107 15 1 OX A33 +107 15 1 OX A34 +107 15 1 OX A35 +107 15 1 OX A36 +107 15 1 OX A37 +107 15 1 OX A38 +107 15 1 OX A39 +107 15 1 OX A40 +107 15 2 KO E0 +107 15 3 OS F1 +107 15 3 OS G1 +107 15 3 OS G2 +107 15 4 CH E5 +107 15 5 PA C8 +107 15 5 PA D8 +107 15 6 DA H30 +107 15 6 DA H31 +107 15 7 FI J0 +107 15 7 FI J1 +107 15 7 FI J2 +107 15 7 FI J3 +107 15 7 FI J4 +107 15 7 FI J5 +107 15 7 FI J6 +107 15 7 FI J7 +107 15 7 FI J8 +107 15 7 FI J9 +107 15 7 FI J10 +107 15 7 FI J11 +107 15 7 FI J12 +107 15 7 FI J13 +107 15 7 FI J14 +107 15 7 FI J15 +107 15 7 FI J16 +107 15 7 FI J17 +107 15 7 FI J18 +107 15 7 FI J19 +107 15 7 FI J20 +107 15 7 FI J21 +107 15 7 FI J22 +107 15 7 FI J23 +107 15 7 FI J24 +107 15 7 FI J25 +107 15 7 FI J26 +107 15 7 FI J27 +107 15 7 FI J28 +107 15 7 FI J29 +107 15 7 FI J30 +107 15 7 FI J31 +107 15 7 FI J32 +107 15 7 FI J33 +107 15 7 FI J34 +107 15 7 FI J35 +107 15 7 FI J36 +107 15 7 FI J37 +107 15 7 FI J38 +107 15 7 FI J39 +107 15 7 FI J40 +107 16 1 CH C1 +107 16 2 OS F3 +107 16 2 OS G2 +107 16 3 FI J15 +107 16 4 DA D16 +107 16 5 OX A18 +107 17 1 OX A0 +107 17 1 OX A1 +107 17 1 OX A2 +107 17 1 OX A3 +107 17 1 OX A4 +107 17 1 OX A5 +107 17 1 OX A6 +107 17 1 OX A7 +107 17 1 OX A8 +107 17 1 OX A9 +107 17 1 OX A10 +107 17 1 OX A11 +107 17 1 OX A12 +107 17 1 OX A13 +107 17 1 OX A14 +107 17 1 OX A15 +107 17 1 OX A16 +107 17 1 OX A17 +107 17 1 OX A18 +107 17 1 OX A19 +107 17 1 OX A20 +107 17 1 OX A21 +107 17 1 OX A22 +107 17 1 OX A23 +107 17 1 OX A24 +107 17 1 OX A25 +107 17 1 OX A26 +107 17 1 OX A27 +107 17 1 OX A28 +107 17 1 OX A29 +107 17 1 OX A30 +107 17 1 OX A31 +107 17 1 OX A32 +107 17 1 OX A33 +107 17 1 OX A34 +107 17 1 OX A35 +107 17 1 OX A36 +107 17 1 OX A37 +107 17 1 OX A38 +107 17 1 OX A39 +107 17 1 OX A40 +107 17 2 XA E32 +107 17 2 XA E33 +107 17 2 XA E34 +107 17 3 OS H33 +107 17 3 OS H34 +107 17 3 OS H35 +107 17 3 OS H36 +107 17 3 OS H37 +107 17 4 CH I3 +107 17 5 FI J0 +107 17 5 FI J1 +107 17 5 FI J2 +107 17 5 FI J3 +107 17 5 FI J4 +107 17 5 FI J5 +107 17 5 FI J6 +107 17 5 FI J7 +107 17 5 FI J8 +107 17 5 FI J9 +107 17 5 FI J10 +107 17 5 FI J11 +107 17 5 FI J12 +107 17 5 FI J13 +107 17 5 FI J14 +107 17 5 FI J15 +107 17 5 FI J16 +107 17 5 FI J17 +107 17 5 FI J18 +107 17 5 FI J19 +107 17 5 FI J20 +107 17 5 FI J21 +107 17 5 FI J22 +107 17 5 FI J23 +107 17 5 FI J24 +107 17 5 FI J25 +107 17 5 FI J26 +107 17 5 FI J27 +107 17 5 FI J28 +107 17 5 FI J29 +107 17 5 FI J30 +107 17 5 FI J31 +107 17 5 FI J32 +107 17 5 FI J33 +107 17 5 FI J34 +107 17 5 FI J35 +107 17 5 FI J36 +107 17 5 FI J37 +107 17 5 FI J38 +107 17 5 FI J39 +107 17 5 FI J40 +107 18 1 OX A0 +107 18 1 OX A1 +107 18 1 OX A2 +107 18 1 OX A3 +107 18 1 OX A4 +107 18 1 OX A5 +107 18 1 OX A6 +107 18 1 OX A7 +107 18 1 OX A8 +107 18 1 OX A9 +107 18 1 OX A10 +107 18 1 OX A11 +107 18 1 OX A12 +107 18 1 OX A13 +107 18 1 OX A14 +107 18 1 OX A15 +107 18 1 OX A16 +107 18 1 OX A17 +107 18 1 OX A18 +107 18 1 OX A19 +107 18 1 OX A20 +107 18 1 OX A21 +107 18 1 OX A22 +107 18 1 OX A23 +107 18 1 OX A24 +107 18 1 OX A25 +107 18 1 OX A26 +107 18 1 OX A27 +107 18 1 OX A28 +107 18 1 OX A29 +107 18 1 OX A30 +107 18 1 OX A31 +107 18 1 OX A32 +107 18 1 OX A33 +107 18 1 OX A34 +107 18 1 OX A35 +107 18 1 OX A36 +107 18 1 OX A37 +107 18 1 OX A38 +107 18 1 OX A39 +107 18 1 OX A40 +107 18 2 CH D8 +107 18 3 OS F1 +107 18 4 DA F29 +107 18 5 FI J0 +107 18 5 FI J1 +107 18 5 FI J2 +107 18 5 FI J3 +107 18 5 FI J4 +107 18 5 FI J5 +107 18 5 FI J6 +107 18 5 FI J7 +107 18 5 FI J8 +107 18 5 FI J9 +107 18 5 FI J10 +107 18 5 FI J11 +107 18 5 FI J12 +107 18 5 FI J13 +107 18 5 FI J14 +107 18 5 FI J15 +107 18 5 FI J16 +107 18 5 FI J17 +107 18 5 FI J18 +107 18 5 FI J19 +107 18 5 FI J20 +107 18 5 FI J21 +107 18 5 FI J22 +107 18 5 FI J23 +107 18 5 FI J24 +107 18 5 FI J25 +107 18 5 FI J26 +107 18 5 FI J27 +107 18 5 FI J28 +107 18 5 FI J29 +107 18 5 FI J30 +107 18 5 FI J31 +107 18 5 FI J32 +107 18 5 FI J33 +107 18 5 FI J34 +107 18 5 FI J35 +107 18 5 FI J36 +107 18 5 FI J37 +107 18 5 FI J38 +107 18 5 FI J39 +107 18 5 FI J40 +107 19 1 OX A0 +107 19 1 OX A1 +107 19 1 OX A2 +107 19 1 OX A3 +107 19 1 OX A4 +107 19 1 OX A5 +107 19 1 OX A6 +107 19 1 OX A7 +107 19 1 OX A8 +107 19 1 OX A9 +107 19 1 OX A10 +107 19 1 OX A11 +107 19 1 OX A12 +107 19 1 OX A13 +107 19 1 OX A14 +107 19 1 OX A15 +107 19 1 OX A16 +107 19 1 OX A17 +107 19 1 OX A18 +107 19 1 OX A19 +107 19 1 OX A20 +107 19 1 OX A21 +107 19 1 OX A22 +107 19 1 OX A23 +107 19 1 OX A24 +107 19 1 OX A25 +107 19 1 OX A26 +107 19 1 OX A27 +107 19 1 OX A28 +107 19 1 OX A29 +107 19 1 OX A30 +107 19 1 OX A31 +107 19 1 OX A32 +107 19 1 OX A33 +107 19 1 OX A34 +107 19 1 OX A35 +107 19 1 OX A36 +107 19 1 OX A37 +107 19 1 OX A38 +107 19 1 OX A39 +107 19 1 OX A40 +107 19 2 CH C8 +107 19 3 DA G19 +107 19 4 KO F31 +107 19 5 OS G39 +107 19 6 FI J0 +107 19 6 FI J1 +107 19 6 FI J2 +107 19 6 FI J3 +107 19 6 FI J4 +107 19 6 FI J5 +107 19 6 FI J6 +107 19 6 FI J7 +107 19 6 FI J8 +107 19 6 FI J9 +107 19 6 FI J10 +107 19 6 FI J11 +107 19 6 FI J12 +107 19 6 FI J13 +107 19 6 FI J14 +107 19 6 FI J15 +107 19 6 FI J16 +107 19 6 FI J17 +107 19 6 FI J18 +107 19 6 FI J19 +107 19 6 FI J20 +107 19 6 FI J21 +107 19 6 FI J22 +107 19 6 FI J23 +107 19 6 FI J24 +107 19 6 FI J25 +107 19 6 FI J26 +107 19 6 FI J27 +107 19 6 FI J28 +107 19 6 FI J29 +107 19 6 FI J30 +107 19 6 FI J31 +107 19 6 FI J32 +107 19 6 FI J33 +107 19 6 FI J34 +107 19 6 FI J35 +107 19 6 FI J36 +107 19 6 FI J37 +107 19 6 FI J38 +107 19 6 FI J39 +107 19 6 FI J40 +107 20 1 OX A0 +107 20 1 OX A1 +107 20 1 OX A2 +107 20 1 OX A3 +107 20 1 OX A4 +107 20 1 OX A5 +107 20 1 OX A6 +107 20 1 OX A7 +107 20 1 OX A8 +107 20 1 OX A9 +107 20 1 OX A10 +107 20 1 OX A11 +107 20 1 OX A12 +107 20 1 OX A13 +107 20 1 OX A14 +107 20 1 OX A15 +107 20 1 OX A16 +107 20 1 OX A17 +107 20 1 OX A18 +107 20 1 OX A19 +107 20 1 OX A20 +107 20 1 OX A21 +107 20 1 OX A22 +107 20 1 OX A23 +107 20 1 OX A24 +107 20 1 OX A25 +107 20 1 OX A26 +107 20 1 OX A27 +107 20 1 OX A28 +107 20 1 OX A29 +107 20 1 OX A30 +107 20 1 OX A31 +107 20 1 OX A32 +107 20 1 OX A33 +107 20 1 OX A34 +107 20 1 OX A35 +107 20 1 OX A36 +107 20 1 OX A37 +107 20 1 OX A38 +107 20 1 OX A39 +107 20 1 OX A40 +107 20 2 PA C4 +107 20 2 PA C5 +107 20 3 CH C9 +107 20 4 KO E0 +107 20 5 OS F1 +107 20 6 DA H19 +107 20 7 FI J0 +107 20 7 FI J1 +107 20 7 FI J2 +107 20 7 FI J3 +107 20 7 FI J4 +107 20 7 FI J5 +107 20 7 FI J6 +107 20 7 FI J7 +107 20 7 FI J8 +107 20 7 FI J9 +107 20 7 FI J10 +107 20 7 FI J11 +107 20 7 FI J12 +107 20 7 FI J13 +107 20 7 FI J14 +107 20 7 FI J15 +107 20 7 FI J16 +107 20 7 FI J17 +107 20 7 FI J18 +107 20 7 FI J19 +107 20 7 FI J20 +107 20 7 FI J21 +107 20 7 FI J22 +107 20 7 FI J23 +107 20 7 FI J24 +107 20 7 FI J25 +107 20 7 FI J26 +107 20 7 FI J27 +107 20 7 FI J28 +107 20 7 FI J29 +107 20 7 FI J30 +107 20 7 FI J31 +107 20 7 FI J32 +107 20 7 FI J33 +107 20 7 FI J34 +107 20 7 FI J35 +107 20 7 FI J36 +107 20 7 FI J37 +107 20 7 FI J38 +107 20 7 FI J39 +107 20 7 FI J40 +107 21 1 OX A0 +107 21 1 OX A1 +107 21 1 OX A2 +107 21 1 OX A3 +107 21 1 OX A4 +107 21 1 OX A5 +107 21 1 OX A6 +107 21 1 OX A7 +107 21 1 OX A8 +107 21 1 OX A9 +107 21 1 OX A10 +107 21 1 OX A11 +107 21 1 OX A12 +107 21 1 OX A13 +107 21 1 OX A14 +107 21 1 OX A15 +107 21 1 OX A16 +107 21 1 OX A17 +107 21 1 OX A18 +107 21 1 OX A19 +107 21 1 OX A20 +107 21 1 OX A21 +107 21 1 OX A22 +107 21 1 OX A23 +107 21 1 OX A24 +107 21 1 OX A25 +107 21 1 OX A26 +107 21 1 OX A27 +107 21 1 OX A28 +107 21 1 OX A29 +107 21 1 OX A30 +107 21 1 OX A31 +107 21 1 OX A32 +107 21 1 OX A33 +107 21 1 OX A34 +107 21 1 OX A35 +107 21 1 OX A36 +107 21 1 OX A37 +107 21 1 OX A38 +107 21 1 OX A39 +107 21 1 OX A40 +107 21 2 OS E4 +107 21 2 OS E5 +107 21 3 CH D6 +107 21 3 CH D7 +107 21 3 CH G11 +107 21 3 CH G12 +107 21 4 PA B10 +107 21 4 PA B11 +107 21 5 DA C13 +107 21 6 FI J0 +107 21 6 FI J1 +107 21 6 FI J2 +107 21 6 FI J3 +107 21 6 FI J4 +107 21 6 FI J5 +107 21 6 FI J6 +107 21 6 FI J7 +107 21 6 FI J8 +107 21 6 FI J9 +107 21 6 FI J10 +107 21 6 FI J11 +107 21 6 FI J12 +107 21 6 FI J13 +107 21 6 FI J14 +107 21 6 FI J15 +107 21 6 FI J16 +107 21 6 FI J17 +107 21 6 FI J18 +107 21 6 FI J19 +107 21 6 FI J20 +107 21 6 FI J21 +107 21 6 FI J22 +107 21 6 FI J23 +107 21 6 FI J24 +107 21 6 FI J25 +107 21 6 FI J26 +107 21 6 FI J27 +107 21 6 FI J28 +107 21 6 FI J29 +107 21 6 FI J30 +107 21 6 FI J31 +107 21 6 FI J32 +107 21 6 FI J33 +107 21 6 FI J34 +107 21 6 FI J35 +107 21 6 FI J36 +107 21 6 FI J37 +107 21 6 FI J38 +107 21 6 FI J39 +107 21 6 FI J40 +107 22 1 OX A0 +107 22 1 OX A1 +107 22 1 OX A2 +107 22 1 OX A3 +107 22 1 OX A4 +107 22 1 OX A5 +107 22 1 OX A6 +107 22 1 OX A7 +107 22 1 OX A8 +107 22 1 OX A9 +107 22 1 OX A10 +107 22 1 OX A11 +107 22 1 OX A12 +107 22 1 OX A13 +107 22 1 OX A14 +107 22 1 OX A15 +107 22 1 OX A16 +107 22 1 OX A17 +107 22 1 OX A18 +107 22 1 OX A19 +107 22 1 OX A20 +107 22 1 OX A21 +107 22 1 OX A22 +107 22 1 OX A23 +107 22 1 OX A24 +107 22 1 OX A25 +107 22 1 OX A26 +107 22 1 OX A27 +107 22 1 OX A28 +107 22 1 OX A29 +107 22 1 OX A30 +107 22 1 OX A31 +107 22 1 OX A32 +107 22 1 OX A33 +107 22 1 OX A34 +107 22 1 OX A35 +107 22 1 OX A36 +107 22 1 OX A37 +107 22 1 OX A38 +107 22 1 OX A39 +107 22 1 OX A40 +107 22 2 OS F2 +107 22 3 CH E10 +107 22 4 DA E19 +107 22 5 FI J15 +107 23 1 OX A0 +107 23 1 OX A1 +107 23 1 OX A2 +107 23 1 OX A3 +107 23 1 OX A4 +107 23 1 OX A5 +107 23 1 OX A6 +107 23 1 OX A7 +107 23 1 OX A8 +107 23 1 OX A9 +107 23 1 OX A10 +107 23 1 OX A11 +107 23 1 OX A12 +107 23 1 OX A13 +107 23 1 OX A14 +107 23 1 OX A15 +107 23 1 OX A16 +107 23 1 OX A17 +107 23 1 OX A18 +107 23 1 OX A19 +107 23 1 OX A20 +107 23 1 OX A21 +107 23 1 OX A22 +107 23 1 OX A23 +107 23 1 OX A24 +107 23 1 OX A25 +107 23 1 OX A26 +107 23 1 OX A27 +107 23 1 OX A28 +107 23 1 OX A29 +107 23 1 OX A30 +107 23 1 OX A31 +107 23 1 OX A32 +107 23 1 OX A33 +107 23 1 OX A34 +107 23 1 OX A35 +107 23 1 OX A36 +107 23 1 OX A37 +107 23 1 OX A38 +107 23 1 OX A39 +107 23 1 OX A40 +107 23 2 OS F4 +107 23 3 CH E5 +107 23 4 PA C8 +107 23 4 PA C9 +107 23 5 DA E15 +107 23 5 DA E16 +107 23 6 FI J0 +107 23 6 FI J1 +107 23 6 FI J2 +107 23 6 FI J3 +107 23 6 FI J4 +107 23 6 FI J5 +107 23 6 FI J6 +107 23 6 FI J7 +107 23 6 FI J8 +107 23 6 FI J9 +107 23 6 FI J10 +107 23 6 FI J11 +107 23 6 FI J12 +107 23 6 FI J13 +107 23 6 FI J14 +107 23 6 FI J15 +107 23 6 FI J16 +107 23 6 FI J17 +107 23 6 FI J18 +107 23 6 FI J19 +107 23 6 FI J20 +107 23 6 FI J21 +107 23 6 FI J22 +107 23 6 FI J23 +107 23 6 FI J24 +107 23 6 FI J25 +107 23 6 FI J26 +107 23 6 FI J27 +107 23 6 FI J28 +107 23 6 FI J29 +107 23 6 FI J30 +107 23 6 FI J31 +107 23 6 FI J32 +107 23 6 FI J33 +107 23 6 FI J34 +107 23 6 FI J35 +107 23 6 FI J36 +107 23 6 FI J37 +107 23 6 FI J38 +107 23 6 FI J39 +107 23 6 FI J40 +107 24 1 OX A0 +107 24 1 OX A1 +107 24 1 OX A2 +107 24 1 OX A3 +107 24 1 OX A4 +107 24 1 OX A5 +107 24 1 OX A6 +107 24 1 OX A7 +107 24 1 OX A8 +107 24 1 OX A9 +107 24 1 OX A10 +107 24 1 OX A11 +107 24 1 OX A12 +107 24 1 OX A13 +107 24 1 OX A14 +107 24 1 OX A15 +107 24 1 OX A16 +107 24 1 OX A17 +107 24 1 OX A18 +107 24 1 OX A19 +107 24 1 OX A20 +107 24 1 OX A21 +107 24 1 OX A22 +107 24 1 OX A23 +107 24 1 OX A24 +107 24 1 OX A25 +107 24 1 OX A26 +107 24 1 OX A27 +107 24 1 OX A28 +107 24 1 OX A29 +107 24 1 OX A30 +107 24 1 OX A31 +107 24 1 OX A32 +107 24 1 OX A33 +107 24 1 OX A34 +107 24 1 OX A35 +107 24 1 OX A36 +107 24 1 OX A37 +107 24 1 OX A38 +107 24 1 OX A39 +107 24 1 OX A40 +107 24 2 OS E5 +107 24 3 CH E10 +107 24 4 RA C12 +107 24 5 KO C13 +107 24 6 DA E15 +107 24 7 FI J0 +107 24 7 FI J1 +107 24 7 FI J2 +107 24 7 FI J3 +107 24 7 FI J4 +107 24 7 FI J5 +107 24 7 FI J6 +107 24 7 FI J7 +107 24 7 FI J8 +107 24 7 FI J9 +107 24 7 FI J10 +107 24 7 FI J11 +107 24 7 FI J12 +107 24 7 FI J13 +107 24 7 FI J14 +107 24 7 FI J15 +107 24 7 FI J16 +107 24 7 FI J17 +107 24 7 FI J18 +107 24 7 FI J19 +107 24 7 FI J20 +107 24 7 FI J21 +107 24 7 FI J22 +107 24 7 FI J23 +107 24 7 FI J24 +107 24 7 FI J25 +107 24 7 FI J26 +107 24 7 FI J27 +107 24 7 FI J28 +107 24 7 FI J29 +107 24 7 FI J30 +107 24 7 FI J31 +107 24 7 FI J32 +107 24 7 FI J33 +107 24 7 FI J34 +107 24 7 FI J35 +107 24 7 FI J36 +107 24 7 FI J37 +107 24 7 FI J38 +107 24 7 FI J39 +107 24 7 FI J40 +107 25 1 OX A0 +107 25 1 OX A1 +107 25 1 OX A2 +107 25 1 OX A3 +107 25 1 OX A4 +107 25 1 OX A5 +107 25 1 OX A6 +107 25 1 OX A7 +107 25 1 OX A8 +107 25 1 OX A9 +107 25 1 OX A10 +107 25 1 OX A11 +107 25 1 OX A12 +107 25 1 OX A13 +107 25 1 OX A14 +107 25 1 OX A15 +107 25 1 OX A16 +107 25 1 OX A17 +107 25 1 OX A18 +107 25 1 OX A19 +107 25 1 OX A20 +107 25 1 OX A21 +107 25 1 OX A22 +107 25 1 OX A23 +107 25 1 OX A24 +107 25 1 OX A25 +107 25 1 OX A26 +107 25 1 OX A27 +107 25 1 OX A28 +107 25 1 OX A29 +107 25 1 OX A30 +107 25 1 OX A31 +107 25 1 OX A32 +107 25 1 OX A33 +107 25 1 OX A34 +107 25 1 OX A35 +107 25 1 OX A36 +107 25 1 OX A37 +107 25 1 OX A38 +107 25 1 OX A39 +107 25 1 OX A40 +107 25 2 OS E1 +107 25 2 OS F1 +107 25 3 DA F15 +107 25 3 DA F16 +107 25 3 DA F17 +107 25 3 DA F18 +107 25 3 DA F19 +107 25 3 DA F20 +107 25 3 DA F21 +107 25 3 DA F22 +107 25 3 DA F23 +107 25 3 DA F24 +107 25 3 DA F25 +107 25 3 DA F26 +107 25 3 DA F27 +107 25 3 DA F28 +107 25 3 DA F29 +107 25 3 DA F30 +107 25 4 RA E30 +107 25 4 RA F30 +107 25 5 FI H24 +107 25 5 FI H25 +107 25 5 FI J0 +107 25 5 FI J1 +107 25 5 FI J2 +107 25 5 FI J3 +107 25 5 FI J4 +107 25 5 FI J5 +107 25 5 FI J6 +107 25 5 FI J7 +107 25 5 FI J8 +107 25 5 FI J9 +107 25 5 FI J10 +107 25 5 FI J11 +107 25 5 FI J12 +107 25 5 FI J13 +107 25 5 FI J14 +107 25 5 FI J15 +107 25 5 FI J16 +107 25 5 FI J17 +107 25 5 FI J18 +107 25 5 FI J19 +107 25 5 FI J20 +107 25 5 FI J21 +107 25 5 FI J22 +107 25 5 FI J23 +107 25 5 FI J24 +107 25 5 FI J25 +107 25 5 FI J26 +107 25 5 FI J27 +107 25 5 FI J28 +107 25 5 FI J29 +107 25 5 FI J30 +107 25 5 FI J31 +107 25 5 FI J32 +107 25 5 FI J33 +107 25 5 FI J34 +107 25 5 FI J35 +107 25 5 FI J36 +107 25 5 FI J37 +107 25 5 FI J38 +107 25 5 FI J39 +107 25 5 FI J40 +108 1 1 QA G2 +108 1 2 JE C8 +108 1 3 IA G18 +108 1 4 QN I39 +108 2 1 QA G1 +108 2 2 JE C9 +108 2 3 IA E17 +108 2 4 IP G38 +108 3 1 JA A0 +108 3 1 JA A1 +108 3 1 JA A2 +108 3 1 JA A3 +108 3 1 JA A4 +108 3 1 JA A5 +108 3 1 JA A6 +108 3 1 JA A7 +108 3 1 JA A8 +108 3 1 JA A9 +108 3 1 JA A10 +108 3 1 JA A11 +108 3 1 JA A12 +108 3 1 JA A13 +108 3 1 JA A14 +108 3 1 JA A15 +108 3 1 JA A16 +108 3 1 JA A17 +108 3 1 JA A18 +108 3 1 JA A19 +108 3 1 JA A20 +108 3 1 JA A21 +108 3 1 JA A22 +108 3 1 JA A23 +108 3 1 JA A24 +108 3 1 JA A25 +108 3 1 JA A26 +108 3 1 JA A27 +108 3 1 JA A28 +108 3 1 JA A29 +108 3 1 JA A30 +108 3 1 JA A31 +108 3 1 JA A32 +108 3 1 JA A33 +108 3 1 JA A34 +108 3 1 JA A35 +108 3 1 JA A36 +108 3 1 JA A37 +108 3 1 JA A38 +108 3 1 JA A39 +108 3 1 JA A40 +108 3 2 CA J0 +108 3 2 CA J1 +108 3 2 CA J2 +108 3 2 CA J3 +108 3 2 CA J4 +108 3 2 CA J5 +108 3 2 CA J6 +108 3 2 CA J7 +108 3 2 CA J8 +108 3 2 CA J9 +108 3 2 CA J10 +108 3 2 CA J11 +108 3 2 CA J12 +108 3 2 CA J13 +108 3 2 CA J14 +108 3 2 CA J15 +108 3 2 CA J16 +108 3 2 CA J17 +108 3 2 CA J18 +108 3 2 CA J19 +108 3 2 CA J20 +108 3 2 CA J21 +108 3 2 CA J22 +108 3 2 CA J23 +108 3 2 CA J24 +108 3 2 CA J25 +108 3 2 CA J26 +108 3 2 CA J27 +108 3 2 CA J28 +108 3 2 CA J29 +108 3 2 CA J30 +108 3 2 CA J31 +108 3 2 CA J32 +108 3 2 CA J33 +108 3 2 CA J34 +108 3 2 CA J35 +108 3 2 CA J36 +108 3 2 CA J37 +108 3 2 CA J38 +108 3 2 CA J39 +108 3 2 CA J40 +108 3 3 QA G3 +108 3 4 JE C11 +108 3 5 IA H20 +108 4 1 JA A0 +108 4 1 JA A1 +108 4 1 JA A2 +108 4 1 JA A3 +108 4 1 JA A4 +108 4 1 JA A5 +108 4 1 JA A6 +108 4 1 JA A7 +108 4 1 JA A8 +108 4 1 JA A9 +108 4 1 JA A10 +108 4 1 JA A11 +108 4 1 JA A12 +108 4 1 JA A13 +108 4 1 JA A14 +108 4 1 JA A15 +108 4 1 JA A16 +108 4 1 JA A17 +108 4 1 JA A18 +108 4 1 JA A19 +108 4 1 JA A20 +108 4 1 JA A21 +108 4 1 JA A22 +108 4 1 JA A23 +108 4 1 JA A24 +108 4 1 JA A25 +108 4 1 JA A26 +108 4 1 JA A27 +108 4 1 JA A28 +108 4 1 JA A29 +108 4 1 JA A30 +108 4 1 JA A31 +108 4 1 JA A32 +108 4 1 JA A33 +108 4 1 JA A34 +108 4 1 JA A35 +108 4 1 JA A36 +108 4 1 JA A37 +108 4 1 JA A38 +108 4 1 JA A39 +108 4 1 JA A40 +108 4 2 CA J0 +108 4 2 CA J1 +108 4 2 CA J2 +108 4 2 CA J3 +108 4 2 CA J4 +108 4 2 CA J5 +108 4 2 CA J6 +108 4 2 CA J7 +108 4 2 CA J8 +108 4 2 CA J9 +108 4 2 CA J10 +108 4 2 CA J11 +108 4 2 CA J12 +108 4 2 CA J13 +108 4 2 CA J14 +108 4 2 CA J15 +108 4 2 CA J16 +108 4 2 CA J17 +108 4 2 CA J18 +108 4 2 CA J19 +108 4 2 CA J20 +108 4 2 CA J21 +108 4 2 CA J22 +108 4 2 CA J23 +108 4 2 CA J24 +108 4 2 CA J25 +108 4 2 CA J26 +108 4 2 CA J27 +108 4 2 CA J28 +108 4 2 CA J29 +108 4 2 CA J30 +108 4 2 CA J31 +108 4 2 CA J32 +108 4 2 CA J33 +108 4 2 CA J34 +108 4 2 CA J35 +108 4 2 CA J36 +108 4 2 CA J37 +108 4 2 CA J38 +108 4 2 CA J39 +108 4 2 CA J40 +108 4 3 QA H1 +108 4 4 JE C11 +108 4 5 IA I29 +108 5 1 QA G2 +108 5 2 JE D11 +108 5 3 IP E14 +108 5 4 IA F17 +108 6 1 IP E34 +108 6 2 QA G1 +108 6 3 CA J0 +108 6 3 CA J1 +108 6 3 CA J2 +108 6 3 CA J3 +108 6 3 CA J4 +108 6 3 CA J5 +108 6 3 CA J6 +108 6 3 CA J7 +108 6 3 CA J8 +108 6 3 CA J9 +108 6 3 CA J10 +108 6 3 CA J11 +108 6 3 CA J12 +108 6 3 CA J13 +108 6 3 CA J14 +108 6 3 CA J15 +108 6 3 CA J16 +108 6 3 CA J17 +108 6 3 CA J18 +108 6 3 CA J19 +108 6 3 CA J20 +108 6 3 CA J21 +108 6 3 CA J22 +108 6 3 CA J23 +108 6 3 CA J24 +108 6 3 CA J25 +108 6 3 CA J26 +108 6 3 CA J27 +108 6 3 CA J28 +108 6 3 CA J29 +108 6 3 CA J30 +108 6 3 CA J31 +108 6 3 CA J32 +108 6 3 CA J33 +108 6 3 CA J34 +108 6 3 CA J35 +108 6 3 CA J36 +108 6 3 CA J37 +108 6 3 CA J38 +108 6 3 CA J39 +108 6 3 CA J40 +108 6 4 JA A0 +108 6 4 JA A1 +108 6 4 JA A2 +108 6 4 JA A3 +108 6 4 JA A4 +108 6 4 JA A5 +108 6 4 JA A6 +108 6 4 JA A7 +108 6 4 JA A8 +108 6 4 JA A9 +108 6 4 JA A10 +108 6 4 JA A11 +108 6 4 JA A12 +108 6 4 JA A13 +108 6 4 JA A14 +108 6 4 JA A15 +108 6 4 JA A16 +108 6 4 JA A17 +108 6 4 JA A18 +108 6 4 JA A19 +108 6 4 JA A20 +108 6 4 JA A21 +108 6 4 JA A22 +108 6 4 JA A23 +108 6 4 JA A24 +108 6 4 JA A25 +108 6 4 JA A26 +108 6 4 JA A27 +108 6 4 JA A28 +108 6 4 JA A29 +108 6 4 JA A30 +108 6 4 JA A31 +108 6 4 JA A32 +108 6 4 JA A33 +108 6 4 JA A34 +108 6 4 JA A35 +108 6 4 JA A36 +108 6 4 JA A37 +108 6 4 JA A38 +108 6 4 JA A39 +108 6 4 JA A40 +108 6 5 JE C8 +108 6 6 IA F17 +108 7 1 JA A0 +108 7 1 JA A1 +108 7 1 JA A2 +108 7 1 JA A3 +108 7 1 JA A4 +108 7 1 JA A5 +108 7 1 JA A6 +108 7 1 JA A7 +108 7 1 JA A8 +108 7 1 JA A9 +108 7 1 JA A10 +108 7 1 JA A11 +108 7 1 JA A12 +108 7 1 JA A13 +108 7 1 JA A14 +108 7 1 JA A15 +108 7 1 JA A16 +108 7 1 JA A17 +108 7 1 JA A18 +108 7 1 JA A19 +108 7 1 JA A20 +108 7 1 JA A21 +108 7 1 JA A22 +108 7 1 JA A23 +108 7 1 JA A24 +108 7 1 JA A25 +108 7 1 JA A26 +108 7 1 JA A27 +108 7 1 JA A28 +108 7 1 JA A29 +108 7 1 JA A30 +108 7 1 JA A31 +108 7 1 JA A32 +108 7 1 JA A33 +108 7 1 JA A34 +108 7 1 JA A35 +108 7 1 JA A36 +108 7 1 JA A37 +108 7 1 JA A38 +108 7 1 JA A39 +108 7 1 JA A40 +108 7 2 CA J0 +108 7 2 CA J1 +108 7 2 CA J2 +108 7 2 CA J3 +108 7 2 CA J4 +108 7 2 CA J5 +108 7 2 CA J6 +108 7 2 CA J7 +108 7 2 CA J8 +108 7 2 CA J9 +108 7 2 CA J10 +108 7 2 CA J11 +108 7 2 CA J12 +108 7 2 CA J13 +108 7 2 CA J14 +108 7 2 CA J15 +108 7 2 CA J16 +108 7 2 CA J17 +108 7 2 CA J18 +108 7 2 CA J19 +108 7 2 CA J20 +108 7 2 CA J21 +108 7 2 CA J22 +108 7 2 CA J23 +108 7 2 CA J24 +108 7 2 CA J25 +108 7 2 CA J26 +108 7 2 CA J27 +108 7 2 CA J28 +108 7 2 CA J29 +108 7 2 CA J30 +108 7 2 CA J31 +108 7 2 CA J32 +108 7 2 CA J33 +108 7 2 CA J34 +108 7 2 CA J35 +108 7 2 CA J36 +108 7 2 CA J37 +108 7 2 CA J38 +108 7 2 CA J39 +108 7 2 CA J40 +108 7 3 QA H1 +108 7 4 JE C11 +108 7 5 IA F19 +108 7 6 IP G30 +108 8 1 JA A0 +108 8 1 JA A1 +108 8 1 JA A2 +108 8 1 JA A3 +108 8 1 JA A4 +108 8 1 JA A5 +108 8 1 JA A6 +108 8 1 JA A7 +108 8 1 JA A8 +108 8 1 JA A9 +108 8 1 JA A10 +108 8 1 JA A11 +108 8 1 JA A12 +108 8 1 JA A13 +108 8 1 JA A14 +108 8 1 JA A15 +108 8 1 JA A16 +108 8 1 JA A17 +108 8 1 JA A18 +108 8 1 JA A19 +108 8 1 JA A20 +108 8 1 JA A21 +108 8 1 JA A22 +108 8 1 JA A23 +108 8 1 JA A24 +108 8 1 JA A25 +108 8 1 JA A26 +108 8 1 JA A27 +108 8 1 JA A28 +108 8 1 JA A29 +108 8 1 JA A30 +108 8 1 JA A31 +108 8 1 JA A32 +108 8 1 JA A33 +108 8 1 JA A34 +108 8 1 JA A35 +108 8 1 JA A36 +108 8 1 JA A37 +108 8 1 JA A38 +108 8 1 JA A39 +108 8 1 JA A40 +108 8 2 CA J0 +108 8 2 CA J1 +108 8 2 CA J2 +108 8 2 CA J3 +108 8 2 CA J4 +108 8 2 CA J5 +108 8 2 CA J6 +108 8 2 CA J7 +108 8 2 CA J8 +108 8 2 CA J9 +108 8 2 CA J10 +108 8 2 CA J11 +108 8 2 CA J12 +108 8 2 CA J13 +108 8 2 CA J14 +108 8 2 CA J15 +108 8 2 CA J16 +108 8 2 CA J17 +108 8 2 CA J18 +108 8 2 CA J19 +108 8 2 CA J20 +108 8 2 CA J21 +108 8 2 CA J22 +108 8 2 CA J23 +108 8 2 CA J24 +108 8 2 CA J25 +108 8 2 CA J26 +108 8 2 CA J27 +108 8 2 CA J28 +108 8 2 CA J29 +108 8 2 CA J30 +108 8 2 CA J31 +108 8 2 CA J32 +108 8 2 CA J33 +108 8 2 CA J34 +108 8 2 CA J35 +108 8 2 CA J36 +108 8 2 CA J37 +108 8 2 CA J38 +108 8 2 CA J39 +108 8 2 CA J40 +108 8 3 QA F1 +108 8 4 JE C11 +108 8 5 IA F17 +108 8 6 IP H36 +108 9 1 JA A0 +108 9 1 JA A1 +108 9 1 JA A2 +108 9 1 JA A3 +108 9 1 JA A4 +108 9 1 JA A5 +108 9 1 JA A6 +108 9 1 JA A7 +108 9 1 JA A8 +108 9 1 JA A9 +108 9 1 JA A10 +108 9 1 JA A11 +108 9 1 JA A12 +108 9 1 JA A13 +108 9 1 JA A14 +108 9 1 JA A15 +108 9 1 JA A16 +108 9 1 JA A17 +108 9 1 JA A18 +108 9 1 JA A19 +108 9 1 JA A20 +108 9 1 JA A21 +108 9 1 JA A22 +108 9 1 JA A23 +108 9 1 JA A24 +108 9 1 JA A25 +108 9 1 JA A26 +108 9 1 JA A27 +108 9 1 JA A28 +108 9 1 JA A29 +108 9 1 JA A30 +108 9 1 JA A31 +108 9 1 JA A32 +108 9 1 JA A33 +108 9 1 JA A34 +108 9 1 JA A35 +108 9 1 JA A36 +108 9 1 JA A37 +108 9 1 JA A38 +108 9 1 JA A39 +108 9 1 JA A40 +108 9 2 CA J0 +108 9 2 CA J1 +108 9 2 CA J2 +108 9 2 CA J3 +108 9 2 CA J4 +108 9 2 CA J5 +108 9 2 CA J6 +108 9 2 CA J7 +108 9 2 CA J8 +108 9 2 CA J9 +108 9 2 CA J10 +108 9 2 CA J11 +108 9 2 CA J12 +108 9 2 CA J13 +108 9 2 CA J14 +108 9 2 CA J15 +108 9 2 CA J16 +108 9 2 CA J17 +108 9 2 CA J18 +108 9 2 CA J19 +108 9 2 CA J20 +108 9 2 CA J21 +108 9 2 CA J22 +108 9 2 CA J23 +108 9 2 CA J24 +108 9 2 CA J25 +108 9 2 CA J26 +108 9 2 CA J27 +108 9 2 CA J28 +108 9 2 CA J29 +108 9 2 CA J30 +108 9 2 CA J31 +108 9 2 CA J32 +108 9 2 CA J33 +108 9 2 CA J34 +108 9 2 CA J35 +108 9 2 CA J36 +108 9 2 CA J37 +108 9 2 CA J38 +108 9 2 CA J39 +108 9 2 CA J40 +108 9 3 JE C9 +108 9 4 IA G29 +108 9 5 QA G1 +108 9 6 IP F35 +108 10 1 JA A0 +108 10 1 JA A1 +108 10 1 JA A2 +108 10 1 JA A3 +108 10 1 JA A4 +108 10 1 JA A5 +108 10 1 JA A6 +108 10 1 JA A7 +108 10 1 JA A8 +108 10 1 JA A9 +108 10 1 JA A10 +108 10 1 JA A11 +108 10 1 JA A12 +108 10 1 JA A13 +108 10 1 JA A14 +108 10 1 JA A15 +108 10 1 JA A16 +108 10 1 JA A17 +108 10 1 JA A18 +108 10 1 JA A19 +108 10 1 JA A20 +108 10 1 JA A21 +108 10 1 JA A22 +108 10 1 JA A23 +108 10 1 JA A24 +108 10 1 JA A25 +108 10 1 JA A26 +108 10 1 JA A27 +108 10 1 JA A28 +108 10 1 JA A29 +108 10 1 JA A30 +108 10 1 JA A31 +108 10 1 JA A32 +108 10 1 JA A33 +108 10 1 JA A34 +108 10 1 JA A35 +108 10 1 JA A36 +108 10 1 JA A37 +108 10 1 JA A38 +108 10 1 JA A39 +108 10 1 JA A40 +108 10 2 CA J0 +108 10 2 CA J1 +108 10 2 CA J2 +108 10 2 CA J3 +108 10 2 CA J4 +108 10 2 CA J5 +108 10 2 CA J6 +108 10 2 CA J7 +108 10 2 CA J8 +108 10 2 CA J9 +108 10 2 CA J10 +108 10 2 CA J11 +108 10 2 CA J12 +108 10 2 CA J13 +108 10 2 CA J14 +108 10 2 CA J15 +108 10 2 CA J16 +108 10 2 CA J17 +108 10 2 CA J18 +108 10 2 CA J19 +108 10 2 CA J20 +108 10 2 CA J21 +108 10 2 CA J22 +108 10 2 CA J23 +108 10 2 CA J24 +108 10 2 CA J25 +108 10 2 CA J26 +108 10 2 CA J27 +108 10 2 CA J28 +108 10 2 CA J29 +108 10 2 CA J30 +108 10 2 CA J31 +108 10 2 CA J32 +108 10 2 CA J33 +108 10 2 CA J34 +108 10 2 CA J35 +108 10 2 CA J36 +108 10 2 CA J37 +108 10 2 CA J38 +108 10 2 CA J39 +108 10 2 CA J40 +108 10 3 QA G1 +108 10 4 JE C9 +108 10 5 IA F16 +108 10 6 IP I38 +108 11 1 QA G1 +108 11 2 JE C10 +108 11 3 IA G18 +108 11 4 IP I31 +108 12 1 QA G1 +108 12 2 JE B8 +108 12 3 IA D15 +108 12 4 IP I30 +108 13 1 QA D3 +108 13 2 JE B13 +108 13 3 IA C17 +108 13 4 IP F38 +108 14 1 QA G1 +108 14 2 JE C9 +108 14 3 IA F15 +108 14 4 IP I37 +108 15 1 QA G3 +108 15 2 JA A6 +108 15 3 JE C9 +108 15 4 IA G18 +108 15 5 IP F28 +108 16 1 QA F2 +108 16 2 JE C11 +108 16 3 IA F19 +108 16 4 IP E30 +108 17 1 QA G1 +108 17 2 JE C8 +108 17 3 IA F19 +108 17 4 IP H34 +108 18 1 QA G2 +108 18 2 JE C11 +108 18 3 IA F17 +108 18 4 IP H33 +108 19 1 QA G2 +108 19 2 JE C9 +108 19 3 IA F19 +108 19 4 IP H34 +108 20 1 QA F1 +108 20 2 JE C10 +108 20 3 IA F17 +108 20 4 IP H34 +108 21 1 QA F2 +108 21 2 JE C9 +108 21 3 IA F19 +108 21 4 IP H35 +108 22 1 QA G1 +108 22 2 JE C9 +108 22 3 IA G17 +108 22 4 IP G26 +108 23 1 QA E2 +108 23 2 JE D8 +108 23 3 IA F16 +108 23 4 IP H30 +108 24 1 QA F5 +108 24 2 JE C9 +108 24 3 IA F16 +108 24 4 IP H38 +108 25 1 JA A0 +108 25 1 JA A1 +108 25 1 JA A2 +108 25 1 JA A3 +108 25 1 JA A4 +108 25 1 JA A5 +108 25 1 JA A6 +108 25 1 JA A7 +108 25 1 JA A8 +108 25 1 JA A9 +108 25 1 JA A10 +108 25 1 JA A11 +108 25 1 JA A12 +108 25 1 JA A13 +108 25 1 JA A14 +108 25 1 JA A15 +108 25 1 JA A16 +108 25 1 JA A17 +108 25 1 JA A18 +108 25 1 JA A19 +108 25 1 JA A20 +108 25 1 JA A21 +108 25 1 JA A22 +108 25 1 JA A23 +108 25 1 JA A24 +108 25 1 JA A25 +108 25 1 JA A26 +108 25 1 JA A27 +108 25 1 JA A28 +108 25 1 JA A29 +108 25 1 JA A30 +108 25 1 JA A31 +108 25 1 JA A32 +108 25 1 JA A33 +108 25 1 JA A34 +108 25 1 JA A35 +108 25 1 JA A36 +108 25 1 JA A37 +108 25 1 JA A38 +108 25 1 JA A39 +108 25 1 JA A40 +108 25 2 CA J0 +108 25 2 CA J1 +108 25 2 CA J2 +108 25 2 CA J3 +108 25 2 CA J4 +108 25 2 CA J5 +108 25 2 CA J6 +108 25 2 CA J7 +108 25 2 CA J8 +108 25 2 CA J9 +108 25 2 CA J10 +108 25 2 CA J11 +108 25 2 CA J12 +108 25 2 CA J13 +108 25 2 CA J14 +108 25 2 CA J15 +108 25 2 CA J16 +108 25 2 CA J17 +108 25 2 CA J18 +108 25 2 CA J19 +108 25 2 CA J20 +108 25 2 CA J21 +108 25 2 CA J22 +108 25 2 CA J23 +108 25 2 CA J24 +108 25 2 CA J25 +108 25 2 CA J26 +108 25 2 CA J27 +108 25 2 CA J28 +108 25 2 CA J29 +108 25 2 CA J30 +108 25 2 CA J31 +108 25 2 CA J32 +108 25 2 CA J33 +108 25 2 CA J34 +108 25 2 CA J35 +108 25 2 CA J36 +108 25 2 CA J37 +108 25 2 CA J38 +108 25 2 CA J39 +108 25 2 CA J40 +108 25 3 QA F2 +108 25 4 JE C8 +108 25 5 IA F17 +108 25 6 IP G35 +109 1 1 Q A0 +109 1 2 Q B0 +109 1 3 Y C8 +109 1 3 Y C9 +109 1 4 S D30 +109 1 5 K F39 +109 1 5 K F40 +109 1 6 T J0 +109 1 7 T G0 +109 1 8 S E29 +109 1 9 Y B10 +109 1 9 Y B11 +109 1 10 S F29 +109 1 11 K G1 +109 1 12 T F0 +109 2 1 Q A0 +109 2 2 T G8 +109 2 3 Y C9 +109 2 4 M D14 +109 2 5 ES D27 +109 2 6 E F31 +109 2 7 S G30 +109 2 8 T J0 +109 2 9 T I0 +109 2 10 K G2 +109 2 11 T C0 +109 2 12 Q B0 +109 3 1 Q A0 +109 3 2 EG B2 +109 3 3 Y C9 +109 3 4 S C26 +109 3 5 K F39 +109 3 6 M F37 +109 3 6 M I38 +109 3 7 E I40 +109 3 8 M G38 +109 3 9 T J0 +109 3 10 S G26 +109 3 11 T I6 +109 3 12 T I5 +109 3 13 K G1 +109 3 14 K G1 +109 3 15 Q C0 +109 3 16 S E28 +109 4 1 Q A0 +109 4 1 Q B0 +109 4 2 K C2 +109 4 3 Y C9 +109 4 4 E E28 +109 4 5 Q A0 +109 4 6 T J0 +109 4 7 S G30 +109 4 8 M G21 +109 4 9 T G0 +109 4 10 K G1 +109 4 11 S C29 +109 4 12 E D33 +109 4 13 E H34 +109 5 1 Q B0 +109 5 2 Q A0 +109 5 3 K F5 +109 5 4 S F29 +109 5 5 E I40 +109 5 6 M G17 +109 5 7 T J0 +109 5 8 T I0 +109 5 9 T H0 +109 5 10 K G1 +109 5 11 K F1 +109 5 12 K B1 +109 5 13 M C10 +109 5 14 SK F30 +109 5 15 S G30 +109 6 1 Q B0 +109 6 2 Q A0 +109 6 3 NI B10 +109 6 4 S D15 +109 6 5 K B40 +109 6 6 K G40 +109 6 7 E I40 +109 6 8 T I37 +109 6 9 S J0 +109 6 10 T J0 +109 7 1 K F4 +109 7 2 Y C8 +109 7 3 Q A0 +109 7 4 K D39 +109 7 5 K G40 +109 7 6 E I40 +109 7 7 T J0 +109 7 8 S G30 +109 7 8 S H29 +109 7 9 M H17 +109 7 10 T H0 +109 7 11 K F1 +109 7 12 Q B0 +109 7 13 S F28 +109 8 1 Q C0 +109 8 2 Q A0 +109 8 3 T C8 +109 8 4 S E28 +109 8 5 K F39 +109 8 6 T J0 +109 8 7 E H1 +109 8 8 K G1 +109 9 1 K E4 +109 9 2 Y C9 +109 9 3 Q A0 +109 9 4 K H40 +109 9 5 S H18 +109 9 6 S H17 +109 9 7 T J0 +109 9 8 T J0 +109 9 9 T H0 +109 9 10 Q B0 +109 10 1 Q A0 +109 10 2 K D3 +109 10 3 Y C9 +109 10 4 S D16 +109 10 5 S E20 +109 10 5 S G18 +109 10 6 K G40 +109 10 7 E I37 +109 10 8 T J0 +109 10 9 T F0 +109 10 10 Q C0 +109 11 1 Y C9 +109 11 2 Q A0 +109 11 3 Q B34 +109 11 4 E H34 +109 11 5 S G30 +109 11 6 S D29 +109 11 7 M G16 +109 11 8 T I8 +109 11 9 T J0 +109 11 10 T H0 +109 11 11 K H2 +109 11 12 K G2 +109 12 1 Q A0 +109 12 2 Q B24 +109 12 3 K C40 +109 12 3 K D40 +109 12 4 K D39 +109 12 5 S D30 +109 12 6 S G30 +109 12 7 T I10 +109 12 8 E H5 +109 12 9 T J0 +109 12 10 K G0 +109 13 1 Q A0 +109 13 2 K D3 +109 13 3 Y C9 +109 13 4 Q D30 +109 13 5 S H28 +109 13 6 S E27 +109 13 7 K H3 +109 13 8 E I2 +109 13 9 T J0 +109 13 10 Q B0 +109 13 10 Q B1 +109 13 10 Q B2 +109 13 10 Q B3 +109 13 10 Q B4 +109 13 10 Q B5 +109 13 10 Q B6 +109 13 10 Q B7 +109 13 10 Q B8 +109 13 10 Q B9 +109 13 10 Q B10 +109 13 10 Q B11 +109 13 10 Q B12 +109 13 10 Q B13 +109 13 10 Q B14 +109 13 10 Q B15 +109 13 10 Q B16 +109 13 10 Q B17 +109 13 10 Q B18 +109 13 10 Q B19 +109 13 10 Q B20 +109 13 10 Q B21 +109 13 10 Q B22 +109 13 10 Q B23 +109 13 10 Q B24 +109 13 10 Q B25 +109 13 10 Q B26 +109 13 10 Q B27 +109 13 10 Q B28 +109 13 10 Q B29 +109 13 10 Q B30 +109 13 10 Q B31 +109 13 10 Q B32 +109 13 10 Q B33 +109 13 10 Q B34 +109 13 10 Q B35 +109 13 10 Q B36 +109 13 10 Q B37 +109 13 10 Q B38 +109 13 10 Q B39 +109 13 10 Q B40 +109 13 11 T H0 +109 14 1 Q A0 +109 14 2 K D1 +109 14 3 K D3 +109 14 4 Y B11 +109 14 5 M C27 +109 14 6 K D37 +109 14 7 E F35 +109 14 8 S J0 +109 14 9 T J0 +109 14 10 S H20 +109 14 11 T I9 +109 14 12 K G1 +109 14 13 T J0 +109 14 14 T G0 +109 14 15 Q C0 +109 15 1 Q A0 +109 15 1 Q B10 +109 15 2 K F1 +109 15 3 MA E9 +109 15 4 S B10 +109 15 5 S E14 +109 15 6 S F29 +109 15 7 K F4 +109 15 8 K G1 +109 15 9 E G0 +109 15 10 T J0 +109 15 11 T H0 +109 15 12 T F0 +109 15 13 Q B0 +109 16 1 Q A0 +109 16 2 Q B5 +109 16 3 Y B10 +109 16 4 Q B36 +109 16 5 K D40 +109 16 6 E I39 +109 16 7 S I29 +109 16 8 K E3 +109 16 9 K H1 +109 16 10 T J0 +109 16 11 T H0 +109 16 12 T E0 +109 16 13 K D1 +109 17 1 Q A0 +109 17 2 Y C10 +109 17 3 S E16 +109 17 4 S F26 +109 17 5 E H33 +109 17 6 K H6 +109 17 7 T J0 +109 17 8 T H0 +109 17 9 K G1 +109 17 10 Q C0 +109 18 1 Q B0 +109 18 2 Q C0 +109 18 3 Y C8 +109 18 4 Q A0 +109 18 5 K D40 +109 18 6 K E40 +109 18 7 K E39 +109 18 8 K E39 +109 18 9 K G40 +109 18 10 T J0 +109 18 11 T J0 +109 18 12 E G34 +109 18 13 E F33 +109 18 14 S H29 +109 18 15 S G15 +109 18 16 E I7 +109 18 17 K F1 +109 20 1 Q A0 +109 20 2 K D2 +109 20 3 MA D8 +109 20 4 S B13 +109 20 5 S C26 +109 20 6 Q B29 +109 20 7 K E40 +109 20 8 K F38 +109 20 9 E G6 +109 20 9 E G35 +109 20 9 E I7 +109 20 10 S H29 +109 20 11 M H16 +109 20 12 T J0 +109 20 13 K F2 +109 20 14 T I0 +109 20 15 T E0 +109 20 16 Q B0 +109 21 1 Q A0 +109 21 2 K E4 +109 21 3 Y B10 +109 21 4 S D19 +109 21 4 S D29 +109 21 5 E E34 +109 21 6 K E40 +109 21 7 K F40 +109 21 8 S F17 +109 21 8 S F29 +109 21 9 T H10 +109 21 10 T F10 +109 21 11 T J0 +109 21 12 K G1 +109 21 13 Q B0 +109 21 13 Q B1 +109 21 13 Q B2 +109 21 13 Q B3 +109 21 13 Q B4 +109 21 13 Q B5 +109 21 13 Q B6 +109 21 13 Q B7 +109 21 13 Q B8 +109 21 13 Q B9 +109 21 13 Q B10 +109 21 13 Q B11 +109 21 13 Q B12 +109 21 13 Q B13 +109 21 13 Q B14 +109 21 13 Q B15 +109 21 13 Q B16 +109 21 13 Q B17 +109 21 13 Q B18 +109 21 13 Q B19 +109 21 13 Q B20 +109 21 13 Q B21 +109 21 13 Q B22 +109 21 13 Q B23 +109 21 13 Q B24 +109 21 13 Q B25 +109 21 13 Q B26 +109 21 13 Q B27 +109 21 13 Q B28 +109 21 13 Q B29 +109 21 13 Q B30 +109 21 13 Q B31 +109 21 13 Q B32 +109 21 13 Q B33 +109 21 13 Q B34 +109 21 13 Q B35 +109 21 13 Q B36 +109 21 13 Q B37 +109 21 13 Q B38 +109 21 13 Q B39 +109 21 13 Q B40 +109 21 14 Q C0 +109 22 1 Q A0 +109 22 2 K G1 +109 22 3 K E4 +109 22 4 Y C8 +109 22 5 Q C37 +109 22 6 E H32 +109 22 7 S H30 +109 22 8 S G18 +109 22 9 T I6 +109 22 10 T J0 +109 23 1 Q A0 +109 23 2 Y C9 +109 23 3 M F15 +109 23 4 K D38 +109 23 5 S H31 +109 23 6 S D24 +109 23 7 U I7 +109 23 8 T J0 +109 23 9 T I0 +109 23 10 ML H0 +109 23 11 K G1 +109 23 12 T E0 +109 23 13 Q B0 +109 23 13 Q C0 +109 24 1 Q A0 +109 24 2 K C1 +109 24 3 K H3 +109 24 4 KE C6 +109 24 5 KK A0 +109 24 6 Y B12 +109 24 7 E H34 +109 24 8 S H29 +109 24 9 S G20 +109 24 10 T J0 +109 24 11 T H0 +109 24 12 Q B0 +109 25 1 Q B0 +109 25 2 K E5 +109 25 3 S C19 +109 25 4 S E20 +109 25 5 A E18 +109 25 6 A C27 +109 25 7 Q B32 +109 25 8 Q A0 +109 25 9 K H40 +109 25 10 K H36 +109 25 11 M G33 +109 25 12 E I32 +109 25 13 S2 F3 +109 25 14 T J0 +109 25 15 M H11 +110 1 1 Y C9 +110 1 2 W A0 +110 1 2 W A1 +110 1 2 W A2 +110 1 2 W A3 +110 1 2 W A4 +110 1 2 W A5 +110 1 2 W A6 +110 1 2 W A7 +110 1 2 W A8 +110 1 2 W A9 +110 1 2 W A10 +110 1 2 W A11 +110 1 2 W A12 +110 1 2 W A13 +110 1 2 W A14 +110 1 2 W A15 +110 1 2 W A16 +110 1 2 W A17 +110 1 2 W A18 +110 1 2 W A19 +110 1 2 W A20 +110 1 2 W A21 +110 1 2 W A22 +110 1 2 W A23 +110 1 2 W A24 +110 1 2 W A25 +110 1 2 W A26 +110 1 2 W A27 +110 1 2 W A28 +110 1 2 W A29 +110 1 2 W A30 +110 1 2 W A31 +110 1 2 W A32 +110 1 2 W A33 +110 1 2 W A34 +110 1 2 W A35 +110 1 2 W A36 +110 1 2 W A37 +110 1 2 W A38 +110 1 2 W A39 +110 1 2 W A40 +110 1 3 G E17 +110 1 4 BL I38 +110 1 5 P G33 +110 1 6 B J0 +110 1 6 B J1 +110 1 6 B J2 +110 1 6 B J3 +110 1 6 B J4 +110 1 6 B J5 +110 1 6 B J6 +110 1 6 B J7 +110 1 6 B J8 +110 1 6 B J9 +110 1 6 B J10 +110 1 6 B J11 +110 1 6 B J12 +110 1 6 B J13 +110 1 6 B J14 +110 1 6 B J15 +110 1 6 B J16 +110 1 6 B J17 +110 1 6 B J18 +110 1 6 B J19 +110 1 6 B J20 +110 1 6 B J21 +110 1 6 B J22 +110 1 6 B J23 +110 1 6 B J24 +110 1 6 B J25 +110 1 6 B J26 +110 1 6 B J27 +110 1 6 B J28 +110 1 6 B J29 +110 1 6 B J30 +110 1 6 B J31 +110 1 6 B J32 +110 1 6 B J33 +110 1 6 B J34 +110 1 6 B J35 +110 1 6 B J36 +110 1 6 B J37 +110 1 6 B J38 +110 1 6 B J39 +110 1 6 B J40 +110 1 7 R G2 +110 1 8 C I2 +110 2 1 Y C11 +110 2 2 W A0 +110 2 2 W A1 +110 2 2 W A2 +110 2 2 W A3 +110 2 2 W A4 +110 2 2 W A5 +110 2 2 W A6 +110 2 2 W A7 +110 2 2 W A8 +110 2 2 W A9 +110 2 2 W A10 +110 2 2 W A11 +110 2 2 W A12 +110 2 2 W A13 +110 2 2 W A14 +110 2 2 W A15 +110 2 2 W A16 +110 2 2 W A17 +110 2 2 W A18 +110 2 2 W A19 +110 2 2 W A20 +110 2 2 W A21 +110 2 2 W A22 +110 2 2 W A23 +110 2 2 W A24 +110 2 2 W A25 +110 2 2 W A26 +110 2 2 W A27 +110 2 2 W A28 +110 2 2 W A29 +110 2 2 W A30 +110 2 2 W A31 +110 2 2 W A32 +110 2 2 W A33 +110 2 2 W A34 +110 2 2 W A35 +110 2 2 W A36 +110 2 2 W A37 +110 2 2 W A38 +110 2 2 W A39 +110 2 2 W A40 +110 2 3 P H31 +110 2 4 BL H27 +110 2 5 G G17 +110 2 6 B J0 +110 2 6 B J1 +110 2 6 B J2 +110 2 6 B J3 +110 2 6 B J4 +110 2 6 B J5 +110 2 6 B J6 +110 2 6 B J7 +110 2 6 B J8 +110 2 6 B J9 +110 2 6 B J10 +110 2 6 B J11 +110 2 6 B J12 +110 2 6 B J13 +110 2 6 B J14 +110 2 6 B J15 +110 2 6 B J16 +110 2 6 B J17 +110 2 6 B J18 +110 2 6 B J19 +110 2 6 B J20 +110 2 6 B J21 +110 2 6 B J22 +110 2 6 B J23 +110 2 6 B J24 +110 2 6 B J25 +110 2 6 B J26 +110 2 6 B J27 +110 2 6 B J28 +110 2 6 B J29 +110 2 6 B J30 +110 2 6 B J31 +110 2 6 B J32 +110 2 6 B J33 +110 2 6 B J34 +110 2 6 B J35 +110 2 6 B J36 +110 2 6 B J37 +110 2 6 B J38 +110 2 6 B J39 +110 2 6 B J40 +110 2 7 C I5 +110 2 8 R F2 +110 3 1 Y C13 +110 3 2 W A0 +110 3 2 W A1 +110 3 2 W A2 +110 3 2 W A3 +110 3 2 W A4 +110 3 2 W A5 +110 3 2 W A6 +110 3 2 W A7 +110 3 2 W A8 +110 3 2 W A9 +110 3 2 W A10 +110 3 2 W A11 +110 3 2 W A12 +110 3 2 W A13 +110 3 2 W A14 +110 3 2 W A15 +110 3 2 W A16 +110 3 2 W A17 +110 3 2 W A18 +110 3 2 W A19 +110 3 2 W A20 +110 3 2 W A21 +110 3 2 W A22 +110 3 2 W A23 +110 3 2 W A24 +110 3 2 W A25 +110 3 2 W A26 +110 3 2 W A27 +110 3 2 W A28 +110 3 2 W A29 +110 3 2 W A30 +110 3 2 W A31 +110 3 2 W A32 +110 3 2 W A33 +110 3 2 W A34 +110 3 2 W A35 +110 3 2 W A36 +110 3 2 W A37 +110 3 2 W A38 +110 3 2 W A39 +110 3 2 W A40 +110 3 3 BL I35 +110 3 4 P H31 +110 3 5 G G18 +110 3 6 R H2 +110 3 7 B J0 +110 3 7 B J1 +110 3 7 B J2 +110 3 7 B J3 +110 3 7 B J4 +110 3 7 B J5 +110 3 7 B J6 +110 3 7 B J7 +110 3 7 B J8 +110 3 7 B J9 +110 3 7 B J10 +110 3 7 B J11 +110 3 7 B J12 +110 3 7 B J13 +110 3 7 B J14 +110 3 7 B J15 +110 3 7 B J16 +110 3 7 B J17 +110 3 7 B J18 +110 3 7 B J19 +110 3 7 B J20 +110 3 7 B J21 +110 3 7 B J22 +110 3 7 B J23 +110 3 7 B J24 +110 3 7 B J25 +110 3 7 B J26 +110 3 7 B J27 +110 3 7 B J28 +110 3 7 B J29 +110 3 7 B J30 +110 3 7 B J31 +110 3 7 B J32 +110 3 7 B J33 +110 3 7 B J34 +110 3 7 B J35 +110 3 7 B J36 +110 3 7 B J37 +110 3 7 B J38 +110 3 7 B J39 +110 3 7 B J40 +110 4 1 W A0 +110 4 1 W A1 +110 4 1 W A2 +110 4 1 W A3 +110 4 1 W A4 +110 4 1 W A5 +110 4 1 W A6 +110 4 1 W A7 +110 4 1 W A8 +110 4 1 W A9 +110 4 1 W A10 +110 4 1 W A11 +110 4 1 W A12 +110 4 1 W A13 +110 4 1 W A14 +110 4 1 W A15 +110 4 1 W A16 +110 4 1 W A17 +110 4 1 W A18 +110 4 1 W A19 +110 4 1 W A20 +110 4 1 W A21 +110 4 1 W A22 +110 4 1 W A23 +110 4 1 W A24 +110 4 1 W A25 +110 4 1 W A26 +110 4 1 W A27 +110 4 1 W A28 +110 4 1 W A29 +110 4 1 W A30 +110 4 1 W A31 +110 4 1 W A32 +110 4 1 W A33 +110 4 1 W A34 +110 4 1 W A35 +110 4 1 W A36 +110 4 1 W A37 +110 4 1 W A38 +110 4 1 W A39 +110 4 1 W A40 +110 4 2 Y C8 +110 4 2 Y C9 +110 4 3 P G32 +110 4 3 P G33 +110 4 3 P H32 +110 4 3 P H33 +110 4 4 BL I28 +110 4 4 BL I29 +110 4 4 BL I30 +110 4 5 G G17 +110 4 5 G G18 +110 4 5 G G19 +110 4 5 G G20 +110 4 5 G G21 +110 4 6 R H0 +110 4 6 R H1 +110 4 7 B J0 +110 4 7 B J1 +110 4 7 B J2 +110 4 7 B J3 +110 4 7 B J4 +110 4 7 B J5 +110 4 7 B J6 +110 4 7 B J7 +110 4 7 B J8 +110 4 7 B J9 +110 4 7 B J10 +110 4 7 B J11 +110 4 7 B J12 +110 4 7 B J13 +110 4 7 B J14 +110 4 7 B J15 +110 4 7 B J16 +110 4 7 B J17 +110 4 7 B J18 +110 4 7 B J19 +110 4 7 B J20 +110 4 7 B J21 +110 4 7 B J22 +110 4 7 B J23 +110 4 7 B J24 +110 4 7 B J25 +110 4 7 B J26 +110 4 7 B J27 +110 4 7 B J28 +110 4 7 B J29 +110 4 7 B J30 +110 4 7 B J31 +110 4 7 B J32 +110 4 7 B J33 +110 4 7 B J34 +110 4 7 B J35 +110 4 7 B J36 +110 4 7 B J37 +110 4 7 B J38 +110 4 7 B J39 +110 4 7 B J40 +110 5 1 W A0 +110 5 1 W A1 +110 5 1 W A2 +110 5 1 W A3 +110 5 1 W A4 +110 5 1 W A5 +110 5 1 W A6 +110 5 1 W A7 +110 5 1 W A8 +110 5 1 W A9 +110 5 1 W A10 +110 5 1 W A11 +110 5 1 W A12 +110 5 1 W A13 +110 5 1 W A14 +110 5 1 W A15 +110 5 1 W A16 +110 5 1 W A17 +110 5 1 W A18 +110 5 1 W A19 +110 5 1 W A20 +110 5 1 W A21 +110 5 1 W A22 +110 5 1 W A23 +110 5 1 W A24 +110 5 1 W A25 +110 5 1 W A26 +110 5 1 W A27 +110 5 1 W A28 +110 5 1 W A29 +110 5 1 W A30 +110 5 1 W A31 +110 5 1 W A32 +110 5 1 W A33 +110 5 1 W A34 +110 5 1 W A35 +110 5 1 W A36 +110 5 1 W A37 +110 5 1 W A38 +110 5 1 W A39 +110 5 1 W A40 +110 5 2 Y C12 +110 5 3 G F18 +110 5 4 P H35 +110 5 5 BL G30 +110 5 6 C I10 +110 5 7 CH I7 +110 5 8 R G3 +110 5 9 B J0 +110 5 9 B J1 +110 5 9 B J2 +110 5 9 B J3 +110 5 9 B J4 +110 5 9 B J5 +110 5 9 B J6 +110 5 9 B J7 +110 5 9 B J8 +110 5 9 B J9 +110 5 9 B J10 +110 5 9 B J11 +110 5 9 B J12 +110 5 9 B J13 +110 5 9 B J14 +110 5 9 B J15 +110 5 9 B J16 +110 5 9 B J17 +110 5 9 B J18 +110 5 9 B J19 +110 5 9 B J20 +110 5 9 B J21 +110 5 9 B J22 +110 5 9 B J23 +110 5 9 B J24 +110 5 9 B J25 +110 5 9 B J26 +110 5 9 B J27 +110 5 9 B J28 +110 5 9 B J29 +110 5 9 B J30 +110 5 9 B J31 +110 5 9 B J32 +110 5 9 B J33 +110 5 9 B J34 +110 5 9 B J35 +110 5 9 B J36 +110 5 9 B J37 +110 5 9 B J38 +110 5 9 B J39 +110 5 9 B J40 +110 6 1 Y C9 +110 6 2 W A0 +110 6 2 W A1 +110 6 2 W A2 +110 6 2 W A3 +110 6 2 W A4 +110 6 2 W A5 +110 6 2 W A6 +110 6 2 W A7 +110 6 2 W A8 +110 6 2 W A9 +110 6 2 W A10 +110 6 2 W A11 +110 6 2 W A12 +110 6 2 W A13 +110 6 2 W A14 +110 6 2 W A15 +110 6 2 W A16 +110 6 2 W A17 +110 6 2 W A18 +110 6 2 W A19 +110 6 2 W A20 +110 6 2 W A21 +110 6 2 W A22 +110 6 2 W A23 +110 6 2 W A24 +110 6 2 W A25 +110 6 2 W A26 +110 6 2 W A27 +110 6 2 W A28 +110 6 2 W A29 +110 6 2 W A30 +110 6 2 W A31 +110 6 2 W A32 +110 6 2 W A33 +110 6 2 W A34 +110 6 2 W A35 +110 6 2 W A36 +110 6 2 W A37 +110 6 2 W A38 +110 6 2 W A39 +110 6 2 W A40 +110 6 3 B J0 +110 6 3 B J1 +110 6 3 B J2 +110 6 3 B J3 +110 6 3 B J4 +110 6 3 B J5 +110 6 3 B J6 +110 6 3 B J7 +110 6 3 B J8 +110 6 3 B J9 +110 6 3 B J10 +110 6 3 B J11 +110 6 3 B J12 +110 6 3 B J13 +110 6 3 B J14 +110 6 3 B J15 +110 6 3 B J16 +110 6 3 B J17 +110 6 3 B J18 +110 6 3 B J19 +110 6 3 B J20 +110 6 3 B J21 +110 6 3 B J22 +110 6 3 B J23 +110 6 3 B J24 +110 6 3 B J25 +110 6 3 B J26 +110 6 3 B J27 +110 6 3 B J28 +110 6 3 B J29 +110 6 3 B J30 +110 6 3 B J31 +110 6 3 B J32 +110 6 3 B J33 +110 6 3 B J34 +110 6 3 B J35 +110 6 3 B J36 +110 6 3 B J37 +110 6 3 B J38 +110 6 3 B J39 +110 6 3 B J40 +110 6 4 C I37 +110 6 5 P I31 +110 6 6 BL I30 +110 6 7 G F17 +110 6 8 R G2 +110 7 1 W A0 +110 7 1 W A1 +110 7 1 W A2 +110 7 1 W A3 +110 7 1 W A4 +110 7 1 W A5 +110 7 1 W A6 +110 7 1 W A7 +110 7 1 W A8 +110 7 1 W A9 +110 7 1 W A10 +110 7 1 W A11 +110 7 1 W A12 +110 7 1 W A13 +110 7 1 W A14 +110 7 1 W A15 +110 7 1 W A16 +110 7 1 W A17 +110 7 1 W A18 +110 7 1 W A19 +110 7 1 W A20 +110 7 1 W A21 +110 7 1 W A22 +110 7 1 W A23 +110 7 1 W A24 +110 7 1 W A25 +110 7 1 W A26 +110 7 1 W A27 +110 7 1 W A28 +110 7 1 W A29 +110 7 1 W A30 +110 7 1 W A31 +110 7 1 W A32 +110 7 1 W A33 +110 7 1 W A34 +110 7 1 W A35 +110 7 1 W A36 +110 7 1 W A37 +110 7 1 W A38 +110 7 1 W A39 +110 7 1 W A40 +110 7 2 Y C9 +110 7 3 P F33 +110 7 4 G G17 +110 7 5 R G2 +110 7 6 B J0 +110 7 6 B J1 +110 7 6 B J2 +110 7 6 B J3 +110 7 6 B J4 +110 7 6 B J5 +110 7 6 B J6 +110 7 6 B J7 +110 7 6 B J8 +110 7 6 B J9 +110 7 6 B J10 +110 7 6 B J11 +110 7 6 B J12 +110 7 6 B J13 +110 7 6 B J14 +110 7 6 B J15 +110 7 6 B J16 +110 7 6 B J17 +110 7 6 B J18 +110 7 6 B J19 +110 7 6 B J20 +110 7 6 B J21 +110 7 6 B J22 +110 7 6 B J23 +110 7 6 B J24 +110 7 6 B J25 +110 7 6 B J26 +110 7 6 B J27 +110 7 6 B J28 +110 7 6 B J29 +110 7 6 B J30 +110 7 6 B J31 +110 7 6 B J32 +110 7 6 B J33 +110 7 6 B J34 +110 7 6 B J35 +110 7 6 B J36 +110 7 6 B J37 +110 7 6 B J38 +110 7 6 B J39 +110 7 6 B J40 +110 8 1 W A0 +110 8 1 W A1 +110 8 1 W A2 +110 8 1 W A3 +110 8 1 W A4 +110 8 1 W A5 +110 8 1 W A6 +110 8 1 W A7 +110 8 1 W A8 +110 8 1 W A9 +110 8 1 W A10 +110 8 1 W A11 +110 8 1 W A12 +110 8 1 W A13 +110 8 1 W A14 +110 8 1 W A15 +110 8 1 W A16 +110 8 1 W A17 +110 8 1 W A18 +110 8 1 W A19 +110 8 1 W A20 +110 8 1 W A21 +110 8 1 W A22 +110 8 1 W A23 +110 8 1 W A24 +110 8 1 W A25 +110 8 1 W A26 +110 8 1 W A27 +110 8 1 W A28 +110 8 1 W A29 +110 8 1 W A30 +110 8 1 W A31 +110 8 1 W A32 +110 8 1 W A33 +110 8 1 W A34 +110 8 1 W A35 +110 8 1 W A36 +110 8 1 W A37 +110 8 1 W A38 +110 8 1 W A39 +110 8 1 W A40 +110 8 2 Y B10 +110 8 3 BL G31 +110 8 3 BL G32 +110 8 4 P G36 +110 8 5 B I29 +110 8 6 G F26 +110 8 7 R F1 +110 9 1 W A0 +110 9 1 W A1 +110 9 1 W A2 +110 9 1 W A3 +110 9 1 W A4 +110 9 1 W A5 +110 9 1 W A6 +110 9 1 W A7 +110 9 1 W A8 +110 9 1 W A9 +110 9 1 W A10 +110 9 1 W A11 +110 9 1 W A12 +110 9 1 W A13 +110 9 1 W A14 +110 9 1 W A15 +110 9 1 W A16 +110 9 1 W A17 +110 9 1 W A18 +110 9 1 W A19 +110 9 1 W A20 +110 9 1 W A21 +110 9 1 W A22 +110 9 1 W A23 +110 9 1 W A24 +110 9 1 W A25 +110 9 1 W A26 +110 9 1 W A27 +110 9 1 W A28 +110 9 1 W A29 +110 9 1 W A30 +110 9 1 W A31 +110 9 1 W A32 +110 9 1 W A33 +110 9 1 W A34 +110 9 1 W A35 +110 9 1 W A36 +110 9 1 W A37 +110 9 1 W A38 +110 9 1 W A39 +110 9 1 W A40 +110 9 2 R F3 +110 9 3 Y C10 +110 9 3 Y C11 +110 9 4 G F18 +110 9 5 BL E26 +110 9 6 P F33 +110 9 7 M F32 +110 9 7 M F33 +110 9 8 C I7 +110 9 9 B J0 +110 9 9 B J1 +110 9 9 B J2 +110 9 9 B J3 +110 9 9 B J4 +110 9 9 B J5 +110 9 9 B J6 +110 9 9 B J7 +110 9 9 B J8 +110 9 9 B J9 +110 9 9 B J10 +110 9 9 B J11 +110 9 9 B J12 +110 9 9 B J13 +110 9 9 B J14 +110 9 9 B J15 +110 9 9 B J16 +110 9 9 B J17 +110 9 9 B J18 +110 9 9 B J19 +110 9 9 B J20 +110 9 9 B J21 +110 9 9 B J22 +110 9 9 B J23 +110 9 9 B J24 +110 9 9 B J25 +110 9 9 B J26 +110 9 9 B J27 +110 9 9 B J28 +110 9 9 B J29 +110 9 9 B J30 +110 9 9 B J31 +110 9 9 B J32 +110 9 9 B J33 +110 9 9 B J34 +110 9 9 B J35 +110 9 9 B J36 +110 9 9 B J37 +110 9 9 B J38 +110 9 9 B J39 +110 9 9 B J40 +110 10 1 Y D6 +110 10 2 W A0 +110 10 2 W A1 +110 10 2 W A2 +110 10 2 W A3 +110 10 2 W A4 +110 10 2 W A5 +110 10 2 W A6 +110 10 2 W A7 +110 10 2 W A8 +110 10 2 W A9 +110 10 2 W A10 +110 10 2 W A11 +110 10 2 W A12 +110 10 2 W A13 +110 10 2 W A14 +110 10 2 W A15 +110 10 2 W A16 +110 10 2 W A17 +110 10 2 W A18 +110 10 2 W A19 +110 10 2 W A20 +110 10 2 W A21 +110 10 2 W A22 +110 10 2 W A23 +110 10 2 W A24 +110 10 2 W A25 +110 10 2 W A26 +110 10 2 W A27 +110 10 2 W A28 +110 10 2 W A29 +110 10 2 W A30 +110 10 2 W A31 +110 10 2 W A32 +110 10 2 W A33 +110 10 2 W A34 +110 10 2 W A35 +110 10 2 W A36 +110 10 2 W A37 +110 10 2 W A38 +110 10 2 W A39 +110 10 2 W A40 +110 10 3 P H36 +110 10 4 B J0 +110 10 4 B J1 +110 10 4 B J2 +110 10 4 B J3 +110 10 4 B J4 +110 10 4 B J5 +110 10 4 B J6 +110 10 4 B J7 +110 10 4 B J8 +110 10 4 B J9 +110 10 4 B J10 +110 10 4 B J11 +110 10 4 B J12 +110 10 4 B J13 +110 10 4 B J14 +110 10 4 B J15 +110 10 4 B J16 +110 10 4 B J17 +110 10 4 B J18 +110 10 4 B J19 +110 10 4 B J20 +110 10 4 B J21 +110 10 4 B J22 +110 10 4 B J23 +110 10 4 B J24 +110 10 4 B J25 +110 10 4 B J26 +110 10 4 B J27 +110 10 4 B J28 +110 10 4 B J29 +110 10 4 B J30 +110 10 4 B J31 +110 10 4 B J32 +110 10 4 B J33 +110 10 4 B J34 +110 10 4 B J35 +110 10 4 B J36 +110 10 4 B J37 +110 10 4 B J38 +110 10 4 B J39 +110 10 4 B J40 +110 10 5 G G18 +110 10 6 R G2 +110 10 7 C I2 +110 11 1 Y B12 +110 11 2 W A0 +110 11 2 W A1 +110 11 2 W A2 +110 11 2 W A3 +110 11 2 W A4 +110 11 2 W A5 +110 11 2 W A6 +110 11 2 W A7 +110 11 2 W A8 +110 11 2 W A9 +110 11 2 W A10 +110 11 2 W A11 +110 11 2 W A12 +110 11 2 W A13 +110 11 2 W A14 +110 11 2 W A15 +110 11 2 W A16 +110 11 2 W A17 +110 11 2 W A18 +110 11 2 W A19 +110 11 2 W A20 +110 11 2 W A21 +110 11 2 W A22 +110 11 2 W A23 +110 11 2 W A24 +110 11 2 W A25 +110 11 2 W A26 +110 11 2 W A27 +110 11 2 W A28 +110 11 2 W A29 +110 11 2 W A30 +110 11 2 W A31 +110 11 2 W A32 +110 11 2 W A33 +110 11 2 W A34 +110 11 2 W A35 +110 11 2 W A36 +110 11 2 W A37 +110 11 2 W A38 +110 11 2 W A39 +110 11 2 W A40 +110 11 3 G E21 +110 11 4 P G33 +110 11 5 BL G29 +110 11 6 R H3 +110 11 7 C I2 +110 11 8 B I0 +110 12 1 W A0 +110 12 1 W A1 +110 12 1 W A2 +110 12 1 W A3 +110 12 1 W A4 +110 12 1 W A5 +110 12 1 W A6 +110 12 1 W A7 +110 12 1 W A8 +110 12 1 W A9 +110 12 1 W A10 +110 12 1 W A11 +110 12 1 W A12 +110 12 1 W A13 +110 12 1 W A14 +110 12 1 W A15 +110 12 1 W A16 +110 12 1 W A17 +110 12 1 W A18 +110 12 1 W A19 +110 12 1 W A20 +110 12 1 W A21 +110 12 1 W A22 +110 12 1 W A23 +110 12 1 W A24 +110 12 1 W A25 +110 12 1 W A26 +110 12 1 W A27 +110 12 1 W A28 +110 12 1 W A29 +110 12 1 W A30 +110 12 1 W A31 +110 12 1 W A32 +110 12 1 W A33 +110 12 1 W A34 +110 12 1 W A35 +110 12 1 W A36 +110 12 1 W A37 +110 12 1 W A38 +110 12 1 W A39 +110 12 1 W A40 +110 12 2 Y C13 +110 12 3 P H35 +110 12 4 BL H30 +110 12 5 G F21 +110 12 6 R G2 +110 12 7 C H2 +110 12 8 B J0 +110 12 8 B J1 +110 12 8 B J2 +110 12 8 B J3 +110 12 8 B J4 +110 12 8 B J5 +110 12 8 B J6 +110 12 8 B J7 +110 12 8 B J8 +110 12 8 B J9 +110 12 8 B J10 +110 12 8 B J11 +110 12 8 B J12 +110 12 8 B J13 +110 12 8 B J14 +110 12 8 B J15 +110 12 8 B J16 +110 12 8 B J17 +110 12 8 B J18 +110 12 8 B J19 +110 12 8 B J20 +110 12 8 B J21 +110 12 8 B J22 +110 12 8 B J23 +110 12 8 B J24 +110 12 8 B J25 +110 12 8 B J26 +110 12 8 B J27 +110 12 8 B J28 +110 12 8 B J29 +110 12 8 B J30 +110 12 8 B J31 +110 12 8 B J32 +110 12 8 B J33 +110 12 8 B J34 +110 12 8 B J35 +110 12 8 B J36 +110 12 8 B J37 +110 12 8 B J38 +110 12 8 B J39 +110 12 8 B J40 +110 13 1 Y C10 +110 13 2 W A0 +110 13 2 W A1 +110 13 2 W A2 +110 13 2 W A3 +110 13 2 W A4 +110 13 2 W A5 +110 13 2 W A6 +110 13 2 W A7 +110 13 2 W A8 +110 13 2 W A9 +110 13 2 W A10 +110 13 2 W A11 +110 13 2 W A12 +110 13 2 W A13 +110 13 2 W A14 +110 13 2 W A15 +110 13 2 W A16 +110 13 2 W A17 +110 13 2 W A18 +110 13 2 W A19 +110 13 2 W A20 +110 13 2 W A21 +110 13 2 W A22 +110 13 2 W A23 +110 13 2 W A24 +110 13 2 W A25 +110 13 2 W A26 +110 13 2 W A27 +110 13 2 W A28 +110 13 2 W A29 +110 13 2 W A30 +110 13 2 W A31 +110 13 2 W A32 +110 13 2 W A33 +110 13 2 W A34 +110 13 2 W A35 +110 13 2 W A36 +110 13 2 W A37 +110 13 2 W A38 +110 13 2 W A39 +110 13 2 W A40 +110 13 3 P G33 +110 13 4 BL F30 +110 13 5 B J0 +110 13 5 B J1 +110 13 5 B J2 +110 13 5 B J3 +110 13 5 B J4 +110 13 5 B J5 +110 13 5 B J6 +110 13 5 B J7 +110 13 5 B J8 +110 13 5 B J9 +110 13 5 B J10 +110 13 5 B J11 +110 13 5 B J12 +110 13 5 B J13 +110 13 5 B J14 +110 13 5 B J15 +110 13 5 B J16 +110 13 5 B J17 +110 13 5 B J18 +110 13 5 B J19 +110 13 5 B J20 +110 13 5 B J21 +110 13 5 B J22 +110 13 5 B J23 +110 13 5 B J24 +110 13 5 B J25 +110 13 5 B J26 +110 13 5 B J27 +110 13 5 B J28 +110 13 5 B J29 +110 13 5 B J30 +110 13 5 B J31 +110 13 5 B J32 +110 13 5 B J33 +110 13 5 B J34 +110 13 5 B J35 +110 13 5 B J36 +110 13 5 B J37 +110 13 5 B J38 +110 13 5 B J39 +110 13 5 B J40 +110 13 6 G E19 +110 13 7 R F3 +110 13 8 C I2 +110 14 1 Y D8 +110 14 2 W A0 +110 14 2 W A1 +110 14 2 W A2 +110 14 2 W A3 +110 14 2 W A4 +110 14 2 W A5 +110 14 2 W A6 +110 14 2 W A7 +110 14 2 W A8 +110 14 2 W A9 +110 14 2 W A10 +110 14 2 W A11 +110 14 2 W A12 +110 14 2 W A13 +110 14 2 W A14 +110 14 2 W A15 +110 14 2 W A16 +110 14 2 W A17 +110 14 2 W A18 +110 14 2 W A19 +110 14 2 W A20 +110 14 2 W A21 +110 14 2 W A22 +110 14 2 W A23 +110 14 2 W A24 +110 14 2 W A25 +110 14 2 W A26 +110 14 2 W A27 +110 14 2 W A28 +110 14 2 W A29 +110 14 2 W A30 +110 14 2 W A31 +110 14 2 W A32 +110 14 2 W A33 +110 14 2 W A34 +110 14 2 W A35 +110 14 2 W A36 +110 14 2 W A37 +110 14 2 W A38 +110 14 2 W A39 +110 14 2 W A40 +110 14 3 P H33 +110 14 4 B J0 +110 14 4 B J1 +110 14 4 B J2 +110 14 4 B J3 +110 14 4 B J4 +110 14 4 B J5 +110 14 4 B J6 +110 14 4 B J7 +110 14 4 B J8 +110 14 4 B J9 +110 14 4 B J10 +110 14 4 B J11 +110 14 4 B J12 +110 14 4 B J13 +110 14 4 B J14 +110 14 4 B J15 +110 14 4 B J16 +110 14 4 B J17 +110 14 4 B J18 +110 14 4 B J19 +110 14 4 B J20 +110 14 4 B J21 +110 14 4 B J22 +110 14 4 B J23 +110 14 4 B J24 +110 14 4 B J25 +110 14 4 B J26 +110 14 4 B J27 +110 14 4 B J28 +110 14 4 B J29 +110 14 4 B J30 +110 14 4 B J31 +110 14 4 B J32 +110 14 4 B J33 +110 14 4 B J34 +110 14 4 B J35 +110 14 4 B J36 +110 14 4 B J37 +110 14 4 B J38 +110 14 4 B J39 +110 14 4 B J40 +110 14 5 G E22 +110 14 6 RI I6 +110 14 7 R G2 +110 15 1 W A0 +110 15 1 W A1 +110 15 1 W A2 +110 15 1 W A3 +110 15 1 W A4 +110 15 1 W A5 +110 15 1 W A6 +110 15 1 W A7 +110 15 1 W A8 +110 15 1 W A9 +110 15 1 W A10 +110 15 1 W A11 +110 15 1 W A12 +110 15 1 W A13 +110 15 1 W A14 +110 15 1 W A15 +110 15 1 W A16 +110 15 1 W A17 +110 15 1 W A18 +110 15 1 W A19 +110 15 1 W A20 +110 15 1 W A21 +110 15 1 W A22 +110 15 1 W A23 +110 15 1 W A24 +110 15 1 W A25 +110 15 1 W A26 +110 15 1 W A27 +110 15 1 W A28 +110 15 1 W A29 +110 15 1 W A30 +110 15 1 W A31 +110 15 1 W A32 +110 15 1 W A33 +110 15 1 W A34 +110 15 1 W A35 +110 15 1 W A36 +110 15 1 W A37 +110 15 1 W A38 +110 15 1 W A39 +110 15 1 W A40 +110 15 2 Y C9 +110 15 3 P H35 +110 15 4 BL I29 +110 15 5 G G18 +110 15 6 C I2 +110 15 7 B J0 +110 15 7 B J1 +110 15 7 B J2 +110 15 7 B J3 +110 15 7 B J4 +110 15 7 B J5 +110 15 7 B J6 +110 15 7 B J7 +110 15 7 B J8 +110 15 7 B J9 +110 15 7 B J10 +110 15 7 B J11 +110 15 7 B J12 +110 15 7 B J13 +110 15 7 B J14 +110 15 7 B J15 +110 15 7 B J16 +110 15 7 B J17 +110 15 7 B J18 +110 15 7 B J19 +110 15 7 B J20 +110 15 7 B J21 +110 15 7 B J22 +110 15 7 B J23 +110 15 7 B J24 +110 15 7 B J25 +110 15 7 B J26 +110 15 7 B J27 +110 15 7 B J28 +110 15 7 B J29 +110 15 7 B J30 +110 15 7 B J31 +110 15 7 B J32 +110 15 7 B J33 +110 15 7 B J34 +110 15 7 B J35 +110 15 7 B J36 +110 15 7 B J37 +110 15 7 B J38 +110 15 7 B J39 +110 15 7 B J40 +110 15 8 R G0 +110 15 8 R G1 +110 15 8 R G2 +110 16 1 Y C9 +110 16 2 W A0 +110 16 2 W A1 +110 16 2 W A2 +110 16 2 W A3 +110 16 2 W A4 +110 16 2 W A5 +110 16 2 W A6 +110 16 2 W A7 +110 16 2 W A8 +110 16 2 W A9 +110 16 2 W A10 +110 16 2 W A11 +110 16 2 W A12 +110 16 2 W A13 +110 16 2 W A14 +110 16 2 W A15 +110 16 2 W A16 +110 16 2 W A17 +110 16 2 W A18 +110 16 2 W A19 +110 16 2 W A20 +110 16 2 W A21 +110 16 2 W A22 +110 16 2 W A23 +110 16 2 W A24 +110 16 2 W A25 +110 16 2 W A26 +110 16 2 W A27 +110 16 2 W A28 +110 16 2 W A29 +110 16 2 W A30 +110 16 2 W A31 +110 16 2 W A32 +110 16 2 W A33 +110 16 2 W A34 +110 16 2 W A35 +110 16 2 W A36 +110 16 2 W A37 +110 16 2 W A38 +110 16 2 W A39 +110 16 2 W A40 +110 16 3 C I39 +110 16 4 B J0 +110 16 4 B J1 +110 16 4 B J2 +110 16 4 B J3 +110 16 4 B J4 +110 16 4 B J5 +110 16 4 B J6 +110 16 4 B J7 +110 16 4 B J8 +110 16 4 B J9 +110 16 4 B J10 +110 16 4 B J11 +110 16 4 B J12 +110 16 4 B J13 +110 16 4 B J14 +110 16 4 B J15 +110 16 4 B J16 +110 16 4 B J17 +110 16 4 B J18 +110 16 4 B J19 +110 16 4 B J20 +110 16 4 B J21 +110 16 4 B J22 +110 16 4 B J23 +110 16 4 B J24 +110 16 4 B J25 +110 16 4 B J26 +110 16 4 B J27 +110 16 4 B J28 +110 16 4 B J29 +110 16 4 B J30 +110 16 4 B J31 +110 16 4 B J32 +110 16 4 B J33 +110 16 4 B J34 +110 16 4 B J35 +110 16 4 B J36 +110 16 4 B J37 +110 16 4 B J38 +110 16 4 B J39 +110 16 4 B J40 +110 16 5 P G33 +110 16 6 BL F27 +110 16 7 G F16 +110 16 8 R F3 +110 17 1 Y B12 +110 17 2 W A0 +110 17 2 W A1 +110 17 2 W A2 +110 17 2 W A3 +110 17 2 W A4 +110 17 2 W A5 +110 17 2 W A6 +110 17 2 W A7 +110 17 2 W A8 +110 17 2 W A9 +110 17 2 W A10 +110 17 2 W A11 +110 17 2 W A12 +110 17 2 W A13 +110 17 2 W A14 +110 17 2 W A15 +110 17 2 W A16 +110 17 2 W A17 +110 17 2 W A18 +110 17 2 W A19 +110 17 2 W A20 +110 17 2 W A21 +110 17 2 W A22 +110 17 2 W A23 +110 17 2 W A24 +110 17 2 W A25 +110 17 2 W A26 +110 17 2 W A27 +110 17 2 W A28 +110 17 2 W A29 +110 17 2 W A30 +110 17 2 W A31 +110 17 2 W A32 +110 17 2 W A33 +110 17 2 W A34 +110 17 2 W A35 +110 17 2 W A36 +110 17 2 W A37 +110 17 2 W A38 +110 17 2 W A39 +110 17 2 W A40 +110 17 3 P I35 +110 17 4 BL G29 +110 17 5 B J0 +110 17 5 B J1 +110 17 5 B J2 +110 17 5 B J3 +110 17 5 B J4 +110 17 5 B J5 +110 17 5 B J6 +110 17 5 B J7 +110 17 5 B J8 +110 17 5 B J9 +110 17 5 B J10 +110 17 5 B J11 +110 17 5 B J12 +110 17 5 B J13 +110 17 5 B J14 +110 17 5 B J15 +110 17 5 B J16 +110 17 5 B J17 +110 17 5 B J18 +110 17 5 B J19 +110 17 5 B J20 +110 17 5 B J21 +110 17 5 B J22 +110 17 5 B J23 +110 17 5 B J24 +110 17 5 B J25 +110 17 5 B J26 +110 17 5 B J27 +110 17 5 B J28 +110 17 5 B J29 +110 17 5 B J30 +110 17 5 B J31 +110 17 5 B J32 +110 17 5 B J33 +110 17 5 B J34 +110 17 5 B J35 +110 17 5 B J36 +110 17 5 B J37 +110 17 5 B J38 +110 17 5 B J39 +110 17 5 B J40 +110 17 6 G H18 +110 17 7 C I5 +110 17 8 R G2 +110 18 1 W A0 +110 18 1 W A1 +110 18 1 W A2 +110 18 1 W A3 +110 18 1 W A4 +110 18 1 W A5 +110 18 1 W A6 +110 18 1 W A7 +110 18 1 W A8 +110 18 1 W A9 +110 18 1 W A10 +110 18 1 W A11 +110 18 1 W A12 +110 18 1 W A13 +110 18 1 W A14 +110 18 1 W A15 +110 18 1 W A16 +110 18 1 W A17 +110 18 1 W A18 +110 18 1 W A19 +110 18 1 W A20 +110 18 1 W A21 +110 18 1 W A22 +110 18 1 W A23 +110 18 1 W A24 +110 18 1 W A25 +110 18 1 W A26 +110 18 1 W A27 +110 18 1 W A28 +110 18 1 W A29 +110 18 1 W A30 +110 18 1 W A31 +110 18 1 W A32 +110 18 1 W A33 +110 18 1 W A34 +110 18 1 W A35 +110 18 1 W A36 +110 18 1 W A37 +110 18 1 W A38 +110 18 1 W A39 +110 18 1 W A40 +110 18 2 Y D10 +110 18 3 C I40 +110 18 4 P F34 +110 18 4 P G34 +110 18 5 BL I30 +110 18 6 G H18 +110 18 7 R I2 +110 18 8 B J0 +110 18 8 B J1 +110 18 8 B J2 +110 18 8 B J3 +110 18 8 B J4 +110 18 8 B J5 +110 18 8 B J6 +110 18 8 B J7 +110 18 8 B J8 +110 18 8 B J9 +110 18 8 B J10 +110 18 8 B J11 +110 18 8 B J12 +110 18 8 B J13 +110 18 8 B J14 +110 18 8 B J15 +110 18 8 B J16 +110 18 8 B J17 +110 18 8 B J18 +110 18 8 B J19 +110 18 8 B J20 +110 18 8 B J21 +110 18 8 B J22 +110 18 8 B J23 +110 18 8 B J24 +110 18 8 B J25 +110 18 8 B J26 +110 18 8 B J27 +110 18 8 B J28 +110 18 8 B J29 +110 18 8 B J30 +110 18 8 B J31 +110 18 8 B J32 +110 18 8 B J33 +110 18 8 B J34 +110 18 8 B J35 +110 18 8 B J36 +110 18 8 B J37 +110 18 8 B J38 +110 18 8 B J39 +110 18 8 B J40 +110 19 1 W A0 +110 19 1 W A1 +110 19 1 W A2 +110 19 1 W A3 +110 19 1 W A4 +110 19 1 W A5 +110 19 1 W A6 +110 19 1 W A7 +110 19 1 W A8 +110 19 1 W A9 +110 19 1 W A10 +110 19 1 W A11 +110 19 1 W A12 +110 19 1 W A13 +110 19 1 W A14 +110 19 1 W A15 +110 19 1 W A16 +110 19 1 W A17 +110 19 1 W A18 +110 19 1 W A19 +110 19 1 W A20 +110 19 1 W A21 +110 19 1 W A22 +110 19 1 W A23 +110 19 1 W A24 +110 19 1 W A25 +110 19 1 W A26 +110 19 1 W A27 +110 19 1 W A28 +110 19 1 W A29 +110 19 1 W A30 +110 19 1 W A31 +110 19 1 W A32 +110 19 1 W A33 +110 19 1 W A34 +110 19 1 W A35 +110 19 1 W A36 +110 19 1 W A37 +110 19 1 W A38 +110 19 1 W A39 +110 19 1 W A40 +110 19 2 Y C10 +110 19 2 Y C11 +110 19 3 G F17 +110 19 3 G F18 +110 19 4 P H34 +110 19 5 BL H29 +110 19 6 CH H6 +110 19 6 CH H7 +110 19 7 B J0 +110 19 7 B J1 +110 19 7 B J2 +110 19 7 B J3 +110 19 7 B J4 +110 19 7 B J5 +110 19 7 B J6 +110 19 7 B J7 +110 19 7 B J8 +110 19 7 B J9 +110 19 7 B J10 +110 19 7 B J11 +110 19 7 B J12 +110 19 7 B J13 +110 19 7 B J14 +110 19 7 B J15 +110 19 7 B J16 +110 19 7 B J17 +110 19 7 B J18 +110 19 7 B J19 +110 19 7 B J20 +110 19 7 B J21 +110 19 7 B J22 +110 19 7 B J23 +110 19 7 B J24 +110 19 7 B J25 +110 19 7 B J26 +110 19 7 B J27 +110 19 7 B J28 +110 19 7 B J29 +110 19 7 B J30 +110 19 7 B J31 +110 19 7 B J32 +110 19 7 B J33 +110 19 7 B J34 +110 19 7 B J35 +110 19 7 B J36 +110 19 7 B J37 +110 19 7 B J38 +110 19 7 B J39 +110 19 7 B J40 +110 19 8 R F4 +110 19 9 S F0 +110 19 9 S G0 +110 20 1 W A0 +110 20 1 W A1 +110 20 1 W A2 +110 20 1 W A3 +110 20 1 W A4 +110 20 1 W A5 +110 20 1 W A6 +110 20 1 W A7 +110 20 1 W A8 +110 20 1 W A9 +110 20 1 W A10 +110 20 1 W A11 +110 20 1 W A12 +110 20 1 W A13 +110 20 1 W A14 +110 20 1 W A15 +110 20 1 W A16 +110 20 1 W A17 +110 20 1 W A18 +110 20 1 W A19 +110 20 1 W A20 +110 20 1 W A21 +110 20 1 W A22 +110 20 1 W A23 +110 20 1 W A24 +110 20 1 W A25 +110 20 1 W A26 +110 20 1 W A27 +110 20 1 W A28 +110 20 1 W A29 +110 20 1 W A30 +110 20 1 W A31 +110 20 1 W A32 +110 20 1 W A33 +110 20 1 W A34 +110 20 1 W A35 +110 20 1 W A36 +110 20 1 W A37 +110 20 1 W A38 +110 20 1 W A39 +110 20 1 W A40 +110 20 2 Y C9 +110 20 3 P I32 +110 20 4 BL H28 +110 20 5 G G18 +110 20 6 C H10 +110 20 7 R H2 +110 20 8 B J0 +110 20 8 B J1 +110 20 8 B J2 +110 20 8 B J3 +110 20 8 B J4 +110 20 8 B J5 +110 20 8 B J6 +110 20 8 B J7 +110 20 8 B J8 +110 20 8 B J9 +110 20 8 B J10 +110 20 8 B J11 +110 20 8 B J12 +110 20 8 B J13 +110 20 8 B J14 +110 20 8 B J15 +110 20 8 B J16 +110 20 8 B J17 +110 20 8 B J18 +110 20 8 B J19 +110 20 8 B J20 +110 20 8 B J21 +110 20 8 B J22 +110 20 8 B J23 +110 20 8 B J24 +110 20 8 B J25 +110 20 8 B J26 +110 20 8 B J27 +110 20 8 B J28 +110 20 8 B J29 +110 20 8 B J30 +110 20 8 B J31 +110 20 8 B J32 +110 20 8 B J33 +110 20 8 B J34 +110 20 8 B J35 +110 20 8 B J36 +110 20 8 B J37 +110 20 8 B J38 +110 20 8 B J39 +110 20 8 B J40 +110 21 1 W A0 +110 21 1 W A1 +110 21 1 W A2 +110 21 1 W A3 +110 21 1 W A4 +110 21 1 W A5 +110 21 1 W A6 +110 21 1 W A7 +110 21 1 W A8 +110 21 1 W A9 +110 21 1 W A10 +110 21 1 W A11 +110 21 1 W A12 +110 21 1 W A13 +110 21 1 W A14 +110 21 1 W A15 +110 21 1 W A16 +110 21 1 W A17 +110 21 1 W A18 +110 21 1 W A19 +110 21 1 W A20 +110 21 1 W A21 +110 21 1 W A22 +110 21 1 W A23 +110 21 1 W A24 +110 21 1 W A25 +110 21 1 W A26 +110 21 1 W A27 +110 21 1 W A28 +110 21 1 W A29 +110 21 1 W A30 +110 21 1 W A31 +110 21 1 W A32 +110 21 1 W A33 +110 21 1 W A34 +110 21 1 W A35 +110 21 1 W A36 +110 21 1 W A37 +110 21 1 W A38 +110 21 1 W A39 +110 21 1 W A40 +110 21 2 Y C8 +110 21 3 P G33 +110 21 4 BL F28 +110 21 5 B J0 +110 21 5 B J1 +110 21 5 B J2 +110 21 5 B J3 +110 21 5 B J4 +110 21 5 B J5 +110 21 5 B J6 +110 21 5 B J7 +110 21 5 B J8 +110 21 5 B J9 +110 21 5 B J10 +110 21 5 B J11 +110 21 5 B J12 +110 21 5 B J13 +110 21 5 B J14 +110 21 5 B J15 +110 21 5 B J16 +110 21 5 B J17 +110 21 5 B J18 +110 21 5 B J19 +110 21 5 B J20 +110 21 5 B J21 +110 21 5 B J22 +110 21 5 B J23 +110 21 5 B J24 +110 21 5 B J25 +110 21 5 B J26 +110 21 5 B J27 +110 21 5 B J28 +110 21 5 B J29 +110 21 5 B J30 +110 21 5 B J31 +110 21 5 B J32 +110 21 5 B J33 +110 21 5 B J34 +110 21 5 B J35 +110 21 5 B J36 +110 21 5 B J37 +110 21 5 B J38 +110 21 5 B J39 +110 21 5 B J40 +110 21 6 G G19 +110 21 7 R F2 +110 22 1 Y C9 +110 22 2 W A0 +110 22 2 W A1 +110 22 2 W A2 +110 22 2 W A3 +110 22 2 W A4 +110 22 2 W A5 +110 22 2 W A6 +110 22 2 W A7 +110 22 2 W A8 +110 22 2 W A9 +110 22 2 W A10 +110 22 2 W A11 +110 22 2 W A12 +110 22 2 W A13 +110 22 2 W A14 +110 22 2 W A15 +110 22 2 W A16 +110 22 2 W A17 +110 22 2 W A18 +110 22 2 W A19 +110 22 2 W A20 +110 22 2 W A21 +110 22 2 W A22 +110 22 2 W A23 +110 22 2 W A24 +110 22 2 W A25 +110 22 2 W A26 +110 22 2 W A27 +110 22 2 W A28 +110 22 2 W A29 +110 22 2 W A30 +110 22 2 W A31 +110 22 2 W A32 +110 22 2 W A33 +110 22 2 W A34 +110 22 2 W A35 +110 22 2 W A36 +110 22 2 W A37 +110 22 2 W A38 +110 22 2 W A39 +110 22 2 W A40 +110 22 3 P G33 +110 22 4 BL H29 +110 22 5 G F18 +110 22 6 C I7 +110 22 7 B J0 +110 22 7 B J1 +110 22 7 B J2 +110 22 7 B J3 +110 22 7 B J4 +110 22 7 B J5 +110 22 7 B J6 +110 22 7 B J7 +110 22 7 B J8 +110 22 7 B J9 +110 22 7 B J10 +110 22 7 B J11 +110 22 7 B J12 +110 22 7 B J13 +110 22 7 B J14 +110 22 7 B J15 +110 22 7 B J16 +110 22 7 B J17 +110 22 7 B J18 +110 22 7 B J19 +110 22 7 B J20 +110 22 7 B J21 +110 22 7 B J22 +110 22 7 B J23 +110 22 7 B J24 +110 22 7 B J25 +110 22 7 B J26 +110 22 7 B J27 +110 22 7 B J28 +110 22 7 B J29 +110 22 7 B J30 +110 22 7 B J31 +110 22 7 B J32 +110 22 7 B J33 +110 22 7 B J34 +110 22 7 B J35 +110 22 7 B J36 +110 22 7 B J37 +110 22 7 B J38 +110 22 7 B J39 +110 22 7 B J40 +110 22 8 R G2 +110 23 1 Y C10 +110 23 2 W A0 +110 23 2 W A1 +110 23 2 W A2 +110 23 2 W A3 +110 23 2 W A4 +110 23 2 W A5 +110 23 2 W A6 +110 23 2 W A7 +110 23 2 W A8 +110 23 2 W A9 +110 23 2 W A10 +110 23 2 W A11 +110 23 2 W A12 +110 23 2 W A13 +110 23 2 W A14 +110 23 2 W A15 +110 23 2 W A16 +110 23 2 W A17 +110 23 2 W A18 +110 23 2 W A19 +110 23 2 W A20 +110 23 2 W A21 +110 23 2 W A22 +110 23 2 W A23 +110 23 2 W A24 +110 23 2 W A25 +110 23 2 W A26 +110 23 2 W A27 +110 23 2 W A28 +110 23 2 W A29 +110 23 2 W A30 +110 23 2 W A31 +110 23 2 W A32 +110 23 2 W A33 +110 23 2 W A34 +110 23 2 W A35 +110 23 2 W A36 +110 23 2 W A37 +110 23 2 W A38 +110 23 2 W A39 +110 23 2 W A40 +110 23 3 P F33 +110 23 4 G F19 +110 23 5 C H2 +110 23 6 B J0 +110 23 6 B J1 +110 23 6 B J2 +110 23 6 B J3 +110 23 6 B J4 +110 23 6 B J5 +110 23 6 B J6 +110 23 6 B J7 +110 23 6 B J8 +110 23 6 B J9 +110 23 6 B J10 +110 23 6 B J11 +110 23 6 B J12 +110 23 6 B J13 +110 23 6 B J14 +110 23 6 B J15 +110 23 6 B J16 +110 23 6 B J17 +110 23 6 B J18 +110 23 6 B J19 +110 23 6 B J20 +110 23 6 B J21 +110 23 6 B J22 +110 23 6 B J23 +110 23 6 B J24 +110 23 6 B J25 +110 23 6 B J26 +110 23 6 B J27 +110 23 6 B J28 +110 23 6 B J29 +110 23 6 B J30 +110 23 6 B J31 +110 23 6 B J32 +110 23 6 B J33 +110 23 6 B J34 +110 23 6 B J35 +110 23 6 B J36 +110 23 6 B J37 +110 23 6 B J38 +110 23 6 B J39 +110 23 6 B J40 +110 23 7 R F1 +110 24 1 W A0 +110 24 1 W A1 +110 24 1 W A2 +110 24 1 W A3 +110 24 1 W A4 +110 24 1 W A5 +110 24 1 W A6 +110 24 1 W A7 +110 24 1 W A8 +110 24 1 W A9 +110 24 1 W A10 +110 24 1 W A11 +110 24 1 W A12 +110 24 1 W A13 +110 24 1 W A14 +110 24 1 W A15 +110 24 1 W A16 +110 24 1 W A17 +110 24 1 W A18 +110 24 1 W A19 +110 24 1 W A20 +110 24 1 W A21 +110 24 1 W A22 +110 24 1 W A23 +110 24 1 W A24 +110 24 1 W A25 +110 24 1 W A26 +110 24 1 W A27 +110 24 1 W A28 +110 24 1 W A29 +110 24 1 W A30 +110 24 1 W A31 +110 24 1 W A32 +110 24 1 W A33 +110 24 1 W A34 +110 24 1 W A35 +110 24 1 W A36 +110 24 1 W A37 +110 24 1 W A38 +110 24 1 W A39 +110 24 1 W A40 +110 24 2 Y C12 +110 24 3 G E16 +110 24 3 G F16 +110 24 4 P G34 +110 24 5 BL H33 +110 24 6 C I4 +110 24 7 B J0 +110 24 7 B J1 +110 24 7 B J2 +110 24 7 B J3 +110 24 7 B J4 +110 24 7 B J5 +110 24 7 B J6 +110 24 7 B J7 +110 24 7 B J8 +110 24 7 B J9 +110 24 7 B J10 +110 24 7 B J11 +110 24 7 B J12 +110 24 7 B J13 +110 24 7 B J14 +110 24 7 B J15 +110 24 7 B J16 +110 24 7 B J17 +110 24 7 B J18 +110 24 7 B J19 +110 24 7 B J20 +110 24 7 B J21 +110 24 7 B J22 +110 24 7 B J23 +110 24 7 B J24 +110 24 7 B J25 +110 24 7 B J26 +110 24 7 B J27 +110 24 7 B J28 +110 24 7 B J29 +110 24 7 B J30 +110 24 7 B J31 +110 24 7 B J32 +110 24 7 B J33 +110 24 7 B J34 +110 24 7 B J35 +110 24 7 B J36 +110 24 7 B J37 +110 24 7 B J38 +110 24 7 B J39 +110 24 7 B J40 +110 24 8 R G2 +110 25 1 Y C8 +110 25 2 W A0 +110 25 2 W A1 +110 25 2 W A2 +110 25 2 W A3 +110 25 2 W A4 +110 25 2 W A5 +110 25 2 W A6 +110 25 2 W A7 +110 25 2 W A8 +110 25 2 W A9 +110 25 2 W A10 +110 25 2 W A11 +110 25 2 W A12 +110 25 2 W A13 +110 25 2 W A14 +110 25 2 W A15 +110 25 2 W A16 +110 25 2 W A17 +110 25 2 W A18 +110 25 2 W A19 +110 25 2 W A20 +110 25 2 W A21 +110 25 2 W A22 +110 25 2 W A23 +110 25 2 W A24 +110 25 2 W A25 +110 25 2 W A26 +110 25 2 W A27 +110 25 2 W A28 +110 25 2 W A29 +110 25 2 W A30 +110 25 2 W A31 +110 25 2 W A32 +110 25 2 W A33 +110 25 2 W A34 +110 25 2 W A35 +110 25 2 W A36 +110 25 2 W A37 +110 25 2 W A38 +110 25 2 W A39 +110 25 2 W A40 +110 25 3 G E25 +110 25 4 BL E32 +110 25 5 P G33 +110 25 6 B J0 +110 25 6 B J1 +110 25 6 B J2 +110 25 6 B J3 +110 25 6 B J4 +110 25 6 B J5 +110 25 6 B J6 +110 25 6 B J7 +110 25 6 B J8 +110 25 6 B J9 +110 25 6 B J10 +110 25 6 B J11 +110 25 6 B J12 +110 25 6 B J13 +110 25 6 B J14 +110 25 6 B J15 +110 25 6 B J16 +110 25 6 B J17 +110 25 6 B J18 +110 25 6 B J19 +110 25 6 B J20 +110 25 6 B J21 +110 25 6 B J22 +110 25 6 B J23 +110 25 6 B J24 +110 25 6 B J25 +110 25 6 B J26 +110 25 6 B J27 +110 25 6 B J28 +110 25 6 B J29 +110 25 6 B J30 +110 25 6 B J31 +110 25 6 B J32 +110 25 6 B J33 +110 25 6 B J34 +110 25 6 B J35 +110 25 6 B J36 +110 25 6 B J37 +110 25 6 B J38 +110 25 6 B J39 +110 25 6 B J40 +110 25 7 R G1 diff --git a/src/examples/colors/data/foci.txt b/src/examples/colors/data/foci.txt new file mode 100644 index 00000000..faa3f78f --- /dev/null +++ b/src/examples/colors/data/foci.txt @@ -0,0 +1,18172 @@ +1 1 1 LF A0 +1 1 2 WK D9..12 +1 1 3 F D25 +1 1 4 LB J0 +1 1 5 G F17 +1 1 6 LE F1..3G1..3 +1 2 1 LF A0 +1 2 2 S C1..5 +1 2 3 WK E1 +1 2 4 LE G1,2 +1 2 5 LB J0 +1 2 6 G I29,30 +1 3 1 LF A0 +1 3 2 LE F1..3 +1 3 3 WK E3 +1 3 4 S D12I5 +1 3 5 F B20..23 +1 3 6 LB J0 +1 4 1 LF A0 +1 4 2 F B5 +1 4 3 WK E5 +1 4 4 LE G2 +1 4 5 LB J0 +1 5 1 LF A20 +1 5 2 WK C10 +1 5 3 F C13 +1 5 4 GB D13 +1 5 5 LE G2 +1 5 6 LB G27 +1 6 1 LF A0 +1 6 2 WK D2..5 +1 6 3 LE G1,2 +1 6 4 LB J0 +1 6 5 G F27,28 +1 6 6 F C37..39 +1 7 1 LF A0 +1 7 2 F C11 +1 7 3 WK B12 +1 7 4 G F29 +1 7 5 LB J0 +1 7 6 S H17 +1 7 7 LE I1 +1 8 1 LF A0 +1 8 2 S E4 +1 8 3 WK E2 +1 8 4 F B12 +1 8 5 G F26 +1 8 6 LB J0 +1 8 7 LE G2 +1 9 1 LF A0 +1 9 2 S C10 +1 9 3 WK C11 +1 9 4 F C35 +1 9 5 LE F1..4 +1 9 6 LB J0 +1 9 7 G H28 +1 10 1 LF A0 +1 10 2 F D31..33 +1 10 3 WK D38 +1 10 4 G G30 +1 10 5 LB J0 +1 10 6 LE G1 +1 11 1 LF A0 +1 11 2 WK C1..5 +1 11 3 F B1..7 +1 11 4 FU C25..28 +1 11 5 S E33..35 +1 11 6 G G27..29 +1 11 7 LB J0 +1 11 8 LE G1 +1 12 1 LF A0 +1 12 2 S D4..9 +1 12 3 F C1..3 +1 12 4 LE F1..3 +1 12 5 LB J0 +1 12 6 G F30 +1 13 1 LF A0 +1 13 2 WK D6,7 +1 13 3 S E23 +1 13 4 F C28..30 +1 13 5 FU D28..30 +1 13 6 G G30 +1 13 7 LB J19 +1 13 8 LE G2,3 +1 14 1 LF A0 +1 14 2 WK C4..6 +1 14 3 F B7..9 +1 14 4 LE G1..3 +1 14 5 G F30,31G30,31 +1 14 6 FU B35..40 +1 14 7 S D36..40 +1 14 8 LB J0 +1 15 1 LF A0 +1 15 2 LB J0 +1 15 3 F C1..5,35..40 +1 15 4 WK E38..40 +1 15 5 G F32 +1 15 6 LE G1 +1 16 1 LF A0 +1 16 2 WK B16 +1 16 3 F C20 +1 16 4 G E18 +1 16 5 S C27 +1 16 6 LB G31 +1 16 7 LE F1 +1 17 1 LF A0 +1 17 2 WK D8 +1 17 3 F D12E12 +1 17 4 LE F1,2G1,2 +1 17 5 LB J0 +1 17 6 G F28 +1 18 1 LF A0 +1 18 2 F C4 +1 18 3 WK D5 +1 18 4 S D25 +1 18 5 LE F2,3 +1 18 6 LB J0 +1 19 1 LF A0 +1 19 2 WK F6 +1 19 3 F B9..11 +1 19 4 G G29 +1 19 5 LE F1 +1 19 6 LB J0 +1 19 7 S H1 +1 20 1 LE F3 +1 20 2 F E14 +1 20 3 LF A23 +1 20 4 LB J24 +1 20 5 WK F35 +1 21 1 LF A0 +1 21 2 F B3..5 +1 21 3 WK F7,8 +1 21 4 S E9,10 +1 21 5 LE G1..3 +1 21 6 LB J0 +1 21 7 G G29 +1 22 1 LF A0 +1 22 2 WK E1 +1 22 3 LE G1 +1 22 4 LB J0 +1 22 5 F B20 +1 22 6 S C22 +1 22 7 G G30 +1 23 1 F B1..4 +1 23 2 WK C1 +1 23 3 G F30 +1 23 4 LE F1 +1 23 5 S F0 +1 23 6 LB J0 +1 24 1 LF A0B0 +1 24 2 WK C6,7 +1 24 3 F B10,11 +1 24 4 LB J0 +1 24 5 G H30 +1 24 6 S H33,34 +1 24 7 LE G1,2 +1 25 1 LF A0 +1 25 2 WK C3,4 +1 25 3 F B5,6 +1 25 4 LB J0 +1 25 5 G F29,30 +1 25 6 LE G3 +2 1 1 AA B12 +2 1 2 EP A0..40 +2 1 3 IT F28 +2 1 4 NR F39 +2 1 5 TK J0..40 +2 1 6 YN E19 +2 2 1 AA C11 +2 2 2 AT B6 +2 2 3 EP A28 +2 2 4 IT F29 +2 2 5 IR E27 +2 2 6 NR H38 +2 2 7 TK J28 +2 2 8 YN F17 +2 3 1 AA C9 +2 3 2 EP A0 +2 3 3 NR E2 +2 3 4 PN F30 +2 3 5 TK J0..2 +2 3 6 WT G13 +2 3 7 YN E19 +2 3 8 KW C2D4 +2 4 1 AA C12 +2 4 2 AT D4 +2 4 3 EP A17 +2 4 4 IT G26 +2 4 5 NR G2 +2 4 6 TK J31 +2 4 7 YN D17 +2 5 1 AA D14 +2 5 2 AW D23 +2 5 3 IT F29 +2 5 4 IO A17,28 +2 5 5 KR E34H36 +2 5 6 NR F40 +2 5 7 PH F40 +2 5 8 TK J0..40 +2 5 9 WT I10 +2 5 10 YN F21 +2 6 1 EP A0..40 +2 6 2 IT E24 +2 6 3 MP B10 +2 6 4 NR E35 +2 6 5 TK F30 +2 6 6 YN D17 +2 7 1 AA B12 +2 7 2 AT A6 +2 7 3 EP A29 +2 7 4 IT E29 +2 7 5 NR G1 +2 7 6 TK F29 +2 7 7 YN E20G20 +2 8 1 AA C14 +2 8 2 AW C15 +2 8 3 EP A0..40 +2 8 4 IT F29 +2 8 5 KR H40 +2 8 6 NR F40G40 +2 8 7 PH F2 +2 8 8 TK J0..40 +2 8 9 WT G8 +2 8 10 YN D21 +2 9 1 IO A0..40 +2 9 2 MP E10 +2 9 3 NR G38 +2 9 4 TK I28 +2 10 1 EP A0..40 +2 10 2 IT E22 +2 10 3 MP C13 +2 10 4 NR F38 +2 10 5 TK E27 +2 11 1 AA C8 +2 11 2 EP A0..40 +2 11 3 IT C15 +2 11 4 NR C1 +2 11 5 TK C19,20 +2 12 1 AA C8 +2 12 2 EP A0..2 +2 12 3 IT F26 +2 12 4 NR F39 +2 12 5 PH F2 +2 12 6 TK G25 +2 12 7 WT H6 +2 13 1 AA C10 +2 13 2 AT C2,3 +2 13 3 EP A0..40 +2 13 4 IT G29 +2 13 5 NR F2 +2 13 6 TK H29 +2 13 7 YN F17G17 +2 14 1 AA C9 +2 14 2 AW H19 +2 14 3 EP A14 +2 14 4 IR G31 +2 14 5 KM D1 +2 14 6 KU H29 +2 14 7 NR G40 +2 14 8 TK J0 +2 14 9 YN G20 +2 15 1 AA C8 +2 15 2 AT G0 +2 15 3 EP A36 +2 15 4 IT H28 +2 15 5 IO A21 +2 15 6 KA H0 +2 15 7 KM C5 +2 15 8 KR D40 +2 15 9 KT G28 +2 15 10 NR E4 +2 15 11 PN D29 +2 15 12 TK J25 +2 15 13 YN E32 +2 15 14 TO D9 +2 16 1 AT C7 +2 16 2 EP A4 +2 16 3 KR E6 +2 16 4 KT G27 +2 16 5 NR G3 +2 16 6 PN C20 +2 16 7 YN H17 +2 16 8 TO F40 +2 16 9 KH H10 +2 17 1 EP A0..40 +2 17 2 TK J0..40 +2 18 1 AA C12,13 +2 18 2 AT G6,7 +2 18 3 EP A0..40 +2 18 4 IT C29,30 +2 18 5 NR F1..3 +2 18 6 PN B14F32,33 +2 18 7 TK I0..40J0..40 +2 18 8 YN F22,23 +2 19 1 AA D6,7 +2 19 2 EP A0..40 +2 19 3 IT F31 +2 19 4 NR F39,40 +2 19 5 YN D18..20 +2 20 1 AA D7,35E7 +2 20 2 EP A27 +2 20 3 IT G21H21 +2 20 4 KR G8 +2 20 5 NR F1G1 +2 20 6 PH E2F2 +2 20 7 PN G31H31I31 +2 20 8 TK J0..40 +2 20 9 UN I3,4 +2 20 10 YN G28H28 +2 21 1 AA D8 +2 21 2 EP A0..40 +2 21 3 IT D24..26 +2 21 4 NR D40 +2 21 5 TK J0..40 +2 21 6 YN D16 +2 22 1 AA C14 +2 22 2 EP A0..40 +2 22 3 NR E4F4 +2 22 4 PN C17..19 +2 22 5 TK J0..40 +2 23 1 AA C12,13 +2 23 2 EP A0..40 +2 23 3 IT F27G27 +2 23 4 NR E40F40G40 +2 23 5 TK J0..40 +2 23 6 YN E16..18F16..18 +2 24 1 AA C2..6 +2 24 2 EP A0..40 +2 24 3 IT F26 +2 24 4 NR F3 +2 24 5 TK J24..27 +2 24 6 TU D13 +2 24 7 WT F13,14 +2 24 8 YN D17 +2 24 9 TI C14..16 +2 24 10 YR I19 +2 24 11 KW E5,6 +3 1 1 EL A0..40 +3 1 2 NG J0..40 +3 1 3 ED F3 +3 1 4 DA C9 +3 1 5 LU G18 +3 1 6 IN G27 +3 2 1 EL A0..40 +3 2 2 NG J0..40 +3 2 3 BA D1E1 +3 2 4 AA E16..19F15 +3 2 5 DA C3..5 +3 2 6 ED G1 +3 3 1 EL A0..40 +3 3 2 NG J0..40 +3 3 3 ED F1..3 +3 3 4 DA C9 +3 3 5 IN F17 +3 3 6 AA F20 +3 3 7 BA F29 +3 4 1 EL A0..40 +3 4 2 NG J0..40 +3 4 3 DA C11 +3 4 4 BA E16 +3 4 5 AA G28 +3 4 6 ED F40 +3 5 1 EL A0..40 +3 5 2 NG J0..40 +3 5 3 AT G1 +3 5 4 ED G2 +3 5 5 LU E20 +3 6 1 EL A0..40 +3 6 2 NG J0..40 +3 6 3 ED F1G1,2 +3 6 4 BA E19,20F19..21 +3 6 5 AA G29 +3 6 6 IN F33 +3 7 1 EL A0..40 +3 7 2 NG J0..40 +3 7 3 ED H1,2 +3 7 4 DA C9,10 +3 7 5 AA E18,19 +3 7 6 BA F28,29 +3 8 1 EL A0..40 +3 8 2 NG J0..40 +3 8 3 ED G2 +3 8 4 DA C8 +3 8 5 AA F18 +3 8 6 BA G30 +3 9 1 EL A0..40 +3 9 2 NG J0..40 +3 9 3 ED F2G2 +3 9 4 DA C8 +3 9 5 BA G18 +3 10 1 EL A0..40 +3 10 2 NG J0..40 +3 10 3 ED H1,2 +3 10 4 DA C8 +3 10 5 AA H18 +3 11 1 EL A0..40 +3 11 2 NG J0..40 +3 11 3 DA C8 +3 11 4 AT F1 +3 12 1 EL A0..40 +3 12 2 NG J0..40 +3 12 3 ED F3,4G3,4 +3 12 4 DA B17..25 +3 12 5 AA F15..25 +3 12 6 BA H18..22 +3 13 1 EL A0..40 +3 13 2 NG J0..40 +3 13 3 ED F1..3 +3 13 4 AT G1,2 +3 13 5 DA C8,9 +3 13 6 AA G29,30 +3 13 7 BA D39,40 +3 14 1 EL A0..40 +3 14 2 NG J0..40 +3 14 3 AT G1 +3 14 4 DA C9 +3 15 1 EL A0..40 +3 15 2 NG J0..40 +3 15 3 DA C9 +3 15 4 BA G28 +3 15 5 AT G40 +3 16 1 EL A0..40 +3 16 2 NG J0..40 +3 16 3 AT G2 +3 16 4 ED G1 +3 16 5 BA G20 +3 16 6 AA G29 +3 17 1 EL A0..40 +3 17 2 NG J0..40 +3 17 3 AT F1 +3 17 4 ED G2 +3 17 5 DA C10 +3 17 6 BA D22E18 +3 17 7 AA F29H30 +3 18 1 EL A0..40 +3 18 2 NG J0..40 +3 18 3 AT G1,2 +3 18 4 ED H3 +3 18 5 BA G28 +3 18 6 AA H30 +3 19 1 EL A0..40 +3 19 2 NG J0..40 +3 19 3 ED G1..3 +3 19 4 DA D8 +3 19 5 AA F19 +3 19 6 LU G19 +3 19 7 IN G28 +3 19 8 BA G30 +3 20 1 EL A0..40 +3 20 2 NG J0..40 +3 20 3 AT G1,2 +3 20 4 AA D6E5F6 +3 20 5 BA F29 +3 21 1 EL A0..40 +3 21 2 NG J0..40 +3 21 3 AT G3 +3 21 4 ED F1,2 +3 21 5 DA C10 +3 21 6 AA F27..29 +3 22 1 EL A0..40 +3 22 2 NG J0..40 +3 22 3 ED F1 +3 23 1 EL A0..40 +3 23 2 NG J0..40 +3 23 3 AT G1 +3 23 4 DA D7 +3 24 1 EL A0..40 +3 24 2 NG J0..40 +3 24 3 AT H1 +3 24 4 ED G1 +3 24 5 BA H17 +3 24 6 IN G23 +3 25 1 EL A0..40 +3 25 2 NG J0..40 +3 25 3 AT G3 +3 25 4 DA C17 +4 1 1 SA A0..40 +4 1 2 KE J0..40 +4 1 3 CY H1..3 +4 1 4 KA D10..12 +4 1 5 TA H17..20 +4 1 6 TX I32..34 +4 1 7 XE I26..29 +4 1 8 XK H6..8 +4 1 9 CE F25..28 +4 2 1 SA A0..40 +4 2 2 KE J0..40 +4 2 3 CY G2 +4 2 4 KA C11 +4 2 5 TA H18 +4 2 6 TX I0 +4 2 7 XE I33 +4 2 8 XK H7 +4 2 9 CE F28 +4 3 1 SA A0..40 +4 3 2 CY G1..3 +4 3 3 KA B9..12C9..12 +4 3 4 TA G18..21H18..21 +4 3 5 TX G31H31I26..31 +4 3 6 XE I32..37 +4 3 7 XK I1..4 +4 3 8 LA D6..8E6..8 +4 3 9 CE D25..29E25..29 +4 4 1 SA A0..40 +4 4 2 KE J0..40 +4 4 3 CY F3,4 +4 4 4 KA C10 +4 4 5 TA F16 +4 4 6 TX G31H31 +4 4 7 XK H7,8 +4 5 1 SA A0..40 +4 5 2 KE J0..40 +4 5 3 CY G1..3 +4 5 4 KA C8,9 +4 5 5 TA H17..20 +4 5 6 TX H38..40 +4 5 7 XE H27..29 +4 5 8 LA E4,5 +4 5 9 SP E27..29 +4 5 10 XT I21..23 +4 5 11 CH I18..20 +4 6 1 SA A0..40 +4 6 2 KE I26..31J0..40 +4 6 3 CY G3H3 +4 6 4 KA D11..13E13 +4 6 5 TA G17H17..19 +4 6 6 TX H33,34I33,34 +4 6 7 XK G7,8H7,8 +4 6 8 LA D6..8E6..8 +4 6 9 SW B4..7 +4 7 1 SA A0..40 +4 7 2 KE J0..40 +4 7 3 CY H1..3 +4 7 4 KA C8,9 +4 7 5 TA H16..20I16..20 +4 7 6 TX H32..36I32..36 +4 7 7 LA E4,5 +4 7 8 SP G26..30 +4 8 1 SA A0..40 +4 8 2 KE J0..40 +4 8 3 CY H1..4 +4 8 4 KA C8..10 +4 8 5 TA H18..21 +4 8 6 TX I33..36 +4 8 7 XE I29,30 +4 8 8 XK I2..4 +4 8 9 LA D6..8 +4 9 1 SA A0..40 +4 9 2 KE J0..40 +4 9 3 CY H1..3I1..3 +4 9 4 KA C10..12D10..12 +4 9 5 TA I18..20 +4 9 6 TX H29,30I29,30 +4 9 7 XK G6..8H6..8 +4 9 8 SP D27..30 +4 9 9 SW B0..8 +4 10 1 SA A0..40 +4 10 2 KE J0..40 +4 10 3 CY G1..3 +4 10 4 KA C8,9D8,9 +4 10 5 TA G17,18H17,18 +4 10 6 TX G29,30H29,30 +4 10 7 XK H7..9 +4 10 8 LA E6,7F6,7 +4 10 9 SP E0F0G0 +4 11 1 SA A0..40 +4 11 2 KE J0..40 +4 11 3 CY F1G1 +4 11 4 KA C8..10 +4 11 5 TA F17..19 +4 11 6 XE F28..30 +4 11 7 XK G6..9 +4 11 8 SW B9 +4 11 9 CE D27..30 +4 12 1 SA A0..40 +4 12 2 KE J0..40 +4 12 3 CY F1,2G1,2 +4 12 4 KA G7,8 +4 12 5 TA F17,18 +4 12 6 TX F31G31H31 +4 12 7 XE G29,30H29,30 +4 12 8 XK C8,9 +4 12 9 CH F17,18 +4 12 10 CE E29F29 +4 13 1 SA A0..40 +4 13 2 KE J0..40 +4 13 3 CY G1..3 +4 13 4 KA B10..13C10..12 +4 13 5 TA F17G17 +4 13 6 TX H26,27 +4 13 7 XE H28..30 +4 13 8 XK H6..8 +4 13 9 SW C0..3 +4 14 1 SA A0..40 +4 14 2 KE J0..40 +4 14 3 CY F1,2G1,2 +4 14 4 KA C8,9D8,9 +4 14 5 TA F18,19G18,19 +4 14 6 TX H33,34I33,34 +4 14 7 XE G29,30H29,30 +4 14 8 XK G10,11 +4 14 9 CE F27,28G27,28 +4 15 1 SA A0..40 +4 15 2 KE J0..40 +4 15 3 CY G0..2 +4 15 4 KA C8..10 +4 15 5 TA H16..18 +4 15 6 TX G31H31 +4 15 7 XE G30H30 +4 15 8 XK H5..7 +4 15 9 SW C5,6 +4 15 10 CE F28..30 +4 16 1 SA A0..40 +4 16 2 KE J0..40 +4 16 3 CY F1,2 +4 16 4 KA C8,9 +4 16 5 TA H17..20 +4 16 6 TX I21,22 +4 16 7 XE H21 +4 17 1 SA A0..40 +4 17 2 KE J0..40 +4 17 3 CY H1..3 +4 17 4 KA D6..9 +4 17 5 TA I18..20 +4 17 6 TX H30,31I30,31 +4 17 7 XK G5..8 +4 17 8 LA E4,5 +4 17 9 SP F26..29 +4 17 10 CA I36..40 +4 18 1 SA A0..40 +4 18 2 KE J0..40 +4 18 3 CY G3 +4 18 4 KA D8 +4 18 5 TA D16,17E16,17 +4 18 6 TX G32 +4 18 7 XE G30 +4 19 1 SA A33 +4 19 2 KE J32 +4 19 3 CY H33 +4 19 4 KA G9 +4 19 5 TA H18I13 +4 19 6 TX I34 +4 20 1 SA A0..40 +4 20 2 KE J0..40 +4 20 3 CY G1..3 +4 20 4 KA D5..7 +4 20 5 TA G19..21 +4 20 6 WR E0F0G0 +4 20 7 XK D5..7 +4 20 8 CE E21..24 +4 21 1 SA A0..40 +4 21 2 KE J0..40 +4 21 3 CY F2 +4 21 4 KA C8 +4 21 5 TA G17 +4 21 6 TX I33 +4 21 7 XE H30 +4 21 8 CE F29 +4 22 1 SA A0..40 +4 22 2 KE J0..40 +4 22 3 CY G3 +4 22 4 KA C13 +4 22 5 TA H19..21 +4 22 6 TX H28..30 +4 22 7 XK G6,7 +4 22 8 SW B7,8 +4 22 9 CE E24..27 +4 23 1 SA A0..40 +4 23 2 KE J0..40 +4 23 3 CY G1..3 +4 23 4 KA C8,9 +4 23 5 TA G16..19 +4 23 6 TX G31H31I31 +4 23 7 XK G6..8H6..8 +4 23 8 LA D6,7 +4 23 9 SP C28,29 +4 23 10 CH F15,16 +4 24 1 SA A0..40 +4 24 2 KE J0..40 +4 24 3 CY G1 +4 24 4 KA C14 +4 24 5 TA G17 +4 24 6 TX H29 +4 24 7 XE G29 +4 24 8 XK G9 +4 24 9 SW B14 +4 24 10 CE E26 +4 25 1 SA A0..40 +4 25 2 KE J0..40 +4 25 3 CY G1..3 +4 25 4 KA C8,9 +4 25 5 TA F17G17H17 +4 25 6 TX I27..30 +4 25 7 XK G6,7 +4 25 8 LA D6..8 +4 25 9 SP E25..28 +4 25 10 SW B0..8 +4 26 1 SA A0..40 +4 26 2 KE J0..40 +4 26 3 CY G2,3 +4 26 4 KA C8,9 +4 26 5 TA G17H17 +4 26 6 TX G31H31 +4 26 7 XE G28,29 +4 26 8 XK G10,11 +4 26 9 CE E28,29 +4 27 1 SA A0..40 +4 27 2 KE J0..40 +4 27 3 CY G1 +4 27 4 KA C9 +4 27 5 TA H17 +4 27 6 TX H32 +4 27 7 XE E30 +4 27 8 LA D6 +4 27 9 CE H8 +4 28 1 SA A0..40 +4 28 2 KE J0..40 +4 28 3 CY G4 +4 28 4 KA C9,10 +4 28 5 TA G18I6 +4 28 6 XE F33H30 +4 28 7 XX F9 +4 28 8 SP C8,35 +4 29 1 SA A0..40 +4 29 2 KE J0..40 +4 29 3 CY I40 +4 29 4 KA C12 +4 29 5 TA G31H31 +4 29 6 XE G37 +4 29 7 CE C40 +4 30 1 SA A0..40 +4 30 2 KE J0..40 +4 30 3 CY E4,5 +4 30 4 KA B10..13C10..12 +4 30 5 TA H17..20 +4 30 6 TX G30H30 +4 30 7 XK G6..9I5..7 +4 30 8 LA E4,5 +4 30 9 MU G0H0 +4 31 1 SA A0..40 +4 31 2 KE J0..40 +4 31 3 CY F1..4 +4 31 4 KA B9..13C7..9 +4 31 5 TA D13..16 +4 31 6 TX G32,33H32,33I32,33 +4 31 7 XE H24..28 +4 31 8 XK G6..8 +4 31 9 LA D5..7 +4 31 10 SW B16..26 +4 32 1 SA A14 +4 32 2 KE J23 +4 32 3 CY F3 +4 32 4 KA B12 +4 32 5 TA C18 +4 32 6 TX C33 +4 32 7 XE C28 +4 33 1 SA A0..40 +4 33 2 KE J0..40 +4 33 3 CY G1 +4 33 4 TA G29,30 +4 34 1 SA A0..40 +4 34 2 KE J0..40 +4 34 3 CY G2 +4 34 4 KA C12 +4 34 5 TA G29 +4 34 6 TX H29 +4 35 1 SA A0 +4 35 2 KE J0,1 +4 35 3 CY G1 +4 35 4 KA C9 +4 35 5 TX G32 +4 35 6 SP C35 +4 35 7 SI G13 +5 1 1 3 A0..40 +5 1 2 5 C8 +5 1 3 6 G35 +5 1 4 7 F29 +5 1 5 2 G18 +5 1 6 4 G2 +5 1 7 1 J0..40 +5 1 8 8 E0 +5 1 9 9 B0..40 +5 2 1 3 A0..40 +5 2 2 5 C10 +5 2 3 6 C32 +5 2 4 7 F29 +5 2 5 2 F17 +5 2 6 4 G3 +5 2 7 1 J0..40 +5 2 8 9 B0..40 +5 3 1 3 A0..40 +5 3 2 5 C10 +5 3 3 2 E18 +5 3 4 7 E25 +5 3 5 6 I10 +5 3 6 4 F1 +5 3 7 1 J0..40 +5 3 8 9 B0..40 +5 4 1 3 A0..40 +5 4 2 9 A0..40 +5 4 3 5 C8 +5 4 4 2 C18 +5 4 5 6 H35 +5 4 6 7 H18 +5 4 7 4 H1 +5 4 8 1 J0..40 +5 5 1 3 A0..40 +5 5 2 5 C9 +5 5 3 6 I39 +5 5 4 2 F28 +5 5 5 7 F18 +5 5 6 4 G2 +5 5 7 1 J0..40 +5 5 8 9 B0..40 +5 6 1 3 A0..40 +5 6 2 5 C9 +5 6 3 9 B15..40 +5 6 4 6 H32 +5 6 5 7 F18 +5 6 6 2 F17 +5 6 7 4 G1 +5 6 8 1 J0..40 +6 1 1 HA A0..40 +6 1 2 MO C9 +6 1 3 SA E18 +6 1 4 HO G2 +6 1 5 HN H3 +6 1 6 YA G18 +6 1 7 SI J0..40 +6 2 1 HA A0..40 +6 2 2 SA B5 +6 2 3 HS C9 +6 2 4 HT F0 +6 2 5 HN F3 +6 2 6 SN F18 +6 2 7 YA F27 +6 2 8 HJ I28 +6 2 9 SI J0..40 +6 3 1 HA A0..40 +6 3 2 HN C1..5 +6 3 3 HS B10..14 +6 3 4 SN E18..31 +6 3 5 HW F3 +6 3 6 YA F17G17 +6 3 7 HJ F25 +6 4 1 HA A0..40 +6 4 2 HF C4 +6 4 3 HS D6 +6 4 4 YA D16 +6 4 5 SN F18 +6 4 6 HN G0 +6 4 7 SI J0..40 +6 5 1 HA A0..40 +6 5 2 SA C2 +6 5 3 HS C11 +6 5 4 HH E2 +6 5 5 HN G1 +6 5 6 SN F16 +6 5 7 MM E21 +6 5 8 HJ E29 +6 5 9 YA E30 +6 5 10 SI J0..40 +6 6 1 HA A0..40 +6 6 2 HS C8,9 +6 6 3 MO D6,7 +6 6 4 HN E4 +6 6 5 HO F1 +6 6 6 IY G11 +6 6 7 YA G20 +6 6 8 SK H32 +6 6 9 SI J0..40 +6 7 1 HA A0..40 +6 7 2 HS C9 +6 7 3 SN E16 +6 7 4 HJ E30 +6 7 5 YA F28 +6 7 6 IY G28 +6 7 7 HN F40G40 +6 7 8 SI J0..40 +6 8 1 HA A0..40 +6 8 2 MO D7 +6 8 3 HS C9 +6 8 4 SN E16 +6 8 5 IY F17G17 +6 8 6 HO F1 +6 8 7 HN F3,4 +6 8 8 WO I8 +6 8 9 SK H30 +6 8 10 SI J0..40 +6 9 1 HF A0..40 +6 9 2 HA B18..24 +6 9 3 HS C9 +6 9 4 HN E3 +6 9 5 SA D37 +6 9 6 HO I2 +6 9 7 YA H15 +6 9 8 SN H21 +6 9 9 SI J0..40 +6 10 1 HA A0..40 +6 10 2 HS C11 +6 10 3 SN G18 +6 10 4 YA F28 +6 10 5 HN F40 +6 10 6 SI J0..40 +6 11 1 HF A0..40 +6 11 2 HS C9 +6 11 3 SN D18 +6 11 4 YA F24 +6 11 5 HN F3 +6 11 6 HH G6 +6 11 7 HJ H3 +6 11 8 SI J0..40 +6 12 1 HA A0..40 +6 12 2 SA C4 +6 12 3 HS C10 +6 12 4 SN C18 +6 12 5 HJ E34 +6 12 6 HN G1 +6 12 7 YA G18 +6 12 8 SI J0..40 +6 13 1 HA A0..40 +6 13 2 HS D6 +6 13 3 HO F1 +6 13 4 MO C8 +6 13 5 HU C8 +6 13 6 SA D8 +6 13 7 HM C12 +6 13 8 SN E17 +6 13 9 YA E28 +6 13 10 IJ F40 +6 13 11 MM H36 +6 13 12 WO I29 +6 13 13 SI J0..40 +6 14 1 HF A0..40 +6 14 2 HA A0..40 +6 14 3 HS C8 +6 14 4 SN E18 +6 14 5 YA F18 +6 14 6 HO G1 +6 14 7 SI J0..40 +6 15 1 HA A0..40 +6 15 2 HS C5,6 +6 15 3 HN E1F1G1 +6 15 4 HO E2F2G2 +6 15 5 YA D14E14F14 +6 15 6 SN D16..19 +6 15 7 SA C40D40E40F40 +6 15 8 SI J0..40 +6 16 1 HA A0..40 +6 16 2 SA B5 +6 16 3 HS C9 +6 16 4 HH C9 +6 16 5 MO C10 +6 16 6 SN E18F17 +6 16 7 AH E28F29 +6 16 8 SK F29 +6 16 9 WJ G29..31H31 +6 16 10 MM H32 +6 16 11 HO G40 +6 16 12 WO H19 +6 16 13 HN G1 +6 16 14 SI J0..40 +6 17 1 HA A0..40 +6 17 2 IN E4 +6 17 3 SA D5 +6 17 4 HH C9 +6 17 5 HS C9 +6 17 6 SN E16 +6 17 7 HN I4 +6 17 8 JY G9H9 +6 17 9 YA H17 +6 17 10 HT G29 +6 17 11 HJ H29 +6 17 12 JI I40 +6 17 13 SI J0..40 +6 17 14 KH E40 +6 18 1 HA A0..40 +6 18 2 HS C9 +6 18 3 HH D9 +6 18 4 HO F2,3 +6 18 5 HN G1,2 +6 18 6 SN E16 +6 18 7 YA D19 +6 18 8 WO I7..24 +6 18 9 SI J0..40 +6 19 1 HA A0..40 +6 19 2 HS C10 +6 19 3 HO G2 +6 19 4 SN F16 +6 19 5 YA F27 +6 19 6 MM G35 +6 19 7 WO I0..40 +6 19 8 SI J0..40 +6 20 1 HA A0..40 +6 20 2 HS C9 +6 20 3 HH D6 +6 20 4 HO E4 +6 20 5 HN F3 +6 20 6 SN E18 +6 20 7 YA F19 +6 20 8 HJ F29 +6 20 9 MM H29 +6 20 10 SI J0..40 +6 21 1 HA A0..40 +6 21 2 HS F4..6 +6 21 3 HO H2,3 +6 21 4 WO I4..6 +6 21 5 HN G40 +6 21 6 SI J0..40 +6 22 1 HA A0..40 +6 22 2 HN G1 +6 22 3 SA E7 +6 22 4 HS E10 +6 22 5 SN D19 +6 22 6 SI F29 +6 23 1 HA A0..40 +6 23 2 HN F3 +6 23 3 MO C8 +6 23 4 WO I10 +6 23 5 HS C12 +6 23 6 SN G18 +6 23 7 YA G20 +6 23 8 SI H28 +6 23 9 MM G32 +6 23 10 HO G39 +6 24 1 HA A0..40 +6 24 2 SA D1 +6 24 3 IT G1 +6 24 4 HS C9 +6 24 5 MO C11 +6 24 6 YA G20 +6 24 7 SN G24 +6 24 8 HF B27 +6 24 9 HJ G30 +6 24 10 HN F40 +6 24 11 SI J0..40 +6 25 1 HA A0..40 +6 25 2 HS C13 +6 25 3 IT F3 +6 25 4 HO F4 +6 25 5 YA F15 +6 25 6 HJ I20 +6 25 7 SN G24 +6 25 8 HN G40 +6 25 9 MM I39 +6 25 10 SI J0..40 +6 26 1 HF A0..40 +6 26 2 HA A0..40 +6 26 3 HS B13 +6 26 4 HH C12 +6 26 5 HN G1 +6 26 6 MI H1 +6 26 7 YA F20 +6 26 8 MM H24 +6 26 9 HJ H25 +6 26 10 WM F26..30 +6 26 11 HT E28..30F28..30 +6 26 12 SI E38 +6 26 13 IT G39 +6 27 1 HF A0..40 +6 27 2 HS C7..13 +6 27 3 SA D13..18 +6 27 4 YA E13 +6 27 5 HN F3,4 +6 27 6 IT F37..40 +6 27 7 SI J0..40 +7 1 1 J C8 +7 1 2 N A0 +7 1 3 TA G30 +7 1 4 CH G37 +7 1 5 TS I32,33 +7 1 6 C I20 +7 1 7 L G7 +7 1 8 NT J0 +7 1 9 WE G3 +7 2 1 N A0 +7 2 2 J C9 +7 2 3 TA E27 +7 2 4 CH F39,40 +7 2 5 T I32 +7 2 6 TS H32 +7 2 7 TJ H29 +7 2 8 C G20 +7 2 9 WE G0 +7 2 10 NT J0 +7 2 11 W G20 +7 3 1 N A0 +7 3 2 J C8 +7 3 3 TA E28 +7 3 4 CH G40 +7 3 5 TS H33 +7 3 6 TJ H30 +7 3 7 C H17 +7 3 8 WE G1 +7 4 1 J C8 +7 4 2 N A0 +7 4 3 TA F29 +7 4 4 CH E39 +7 4 5 TS H33 +7 4 6 TJ G30 +7 4 7 C G20 +7 4 8 NT J0 +7 4 9 L I3 +7 4 10 WE G2 +7 5 1 N A0 +7 5 2 J C10 +7 5 3 C F17 +7 5 4 TA E27 +7 5 5 CH G40 +7 5 6 TJ H34 +7 5 7 TS H31 +7 5 8 NT J0 +7 5 9 WE F4 +7 6 1 N A0 +7 6 2 J C9 +7 6 3 TA E27..29 +7 6 4 CH E39F39 +7 6 5 JU H8,9I35 +7 6 6 T H34 +7 6 7 TS I32,33 +7 6 8 C F17 +7 6 9 NT J0 +7 6 10 WE G3 +7 7 1 N A0 +7 7 2 J C11 +7 7 3 TA E28 +7 7 4 CH F40 +7 7 5 T H29,30 +7 7 6 C H20 +7 7 7 L H8 +7 7 8 NT J0 +7 7 9 WE G3 +7 8 1 N A0 +7 8 2 J B11 +7 8 3 C F17 +7 8 4 TA E28 +7 8 5 CH F39,40 +7 8 6 WE H0,40 +7 8 7 TS I38 +7 8 8 JU I38 +7 8 9 TJ I29 +7 8 10 W H12 +7 8 11 NT J0 +7 9 1 J C8 +7 9 2 N A0 +7 9 3 TA C26,27 +7 9 4 CH F40 +7 9 5 TJ G28 +7 9 6 C F19 +7 9 7 W F19 +7 9 8 NT J0 +7 9 9 WE G2 +7 10 1 N A0 +7 10 2 TA B0..40 +7 10 3 T1 E3..5 +7 10 4 J C10 +7 10 5 TJ H39 +7 10 6 T I34 +7 10 7 W H17 +7 10 8 C F16 +7 10 9 TC F16 +7 10 10 JU I4 +7 10 11 NT J0 +7 10 12 WE H3 +7 10 13 CH G1 +7 11 1 N A0 +7 11 2 L F7 +7 11 3 J C11 +7 11 4 NI E16 +7 11 5 TA E29 +7 11 6 CH F39,40 +7 11 7 T H34 +7 11 8 TS H34 +7 11 9 C F17 +7 11 10 JU I6 +7 11 11 NT J0 +7 11 12 WE G1 +7 12 1 J D7 +7 12 2 N A0 +7 12 3 T I36 +7 12 4 TS H34 +7 12 5 TA G28 +7 12 6 C G17 +7 12 7 W F16 +7 12 8 JU H7 +7 12 9 NT J0 +7 12 10 CH H2 +7 12 11 WE G1 +7 13 1 J D8 +7 13 2 N A0 +7 13 3 CH G37 +7 13 4 T H33 +7 13 5 TJ H29 +7 13 6 C G20 +7 13 7 NT J0 +7 13 8 WE H1 +7 14 1 J C9 +7 14 2 N A0 +7 14 3 TO C39,40 +7 14 4 CH H39,40 +7 14 5 TS H34 +7 14 6 TJ H30 +7 14 7 C F15 +7 14 8 NT J0 +7 14 9 JU I3 +7 14 10 WE G3 +7 14 11 X C0E0 +7 14 12 CN D7 +7 14 13 TA C0 +7 15 1 N A0 +7 15 2 J C8 +7 15 3 TA F28 +7 15 4 TS H31 +7 15 5 TJ G29 +7 15 6 C F17 +7 15 7 W F17 +7 15 8 JU I5 +7 15 9 NT J0 +7 15 10 CH G1 +7 15 11 WE G1 +7 15 12 CN E5 +7 16 1 J C8 +7 16 2 N A0 +7 16 3 TA F29 +7 16 4 LJ I38 +7 16 5 TJ H30 +7 16 6 W H18 +7 16 7 JU H7 +7 16 8 NT J0 +7 16 9 WE G1 +7 16 10 C H18 +7 17 1 N A0 +7 17 2 J C9 +7 17 3 TA F28..30 +7 17 4 CH G36 +7 17 5 TS H29 +7 17 6 TJ G29 +7 17 7 C F17 +7 17 8 NT J0 +7 17 9 WE G2 +7 17 10 W F17 +7 18 1 N A0 +7 18 2 J C9 +7 18 3 TA D28,29E28,29 +7 18 4 CH G38 +7 18 5 TS G32 +7 18 6 TJ H28 +7 18 7 C F17G17 +7 18 8 NT I0J0 +7 18 9 L F0G0 +7 18 10 WE G1 +7 19 1 J E5 +7 19 2 N A0 +7 19 3 TJ I30 +7 19 4 TA F28,29 +7 19 5 C H15 +7 19 6 NT J0 +7 19 7 L G6,7 +7 19 8 WE H2 +7 19 9 T I1 +7 19 10 CH F1 +7 20 1 J D6..8 +7 20 2 N A0 +7 20 3 CH G40 +7 20 4 T H34 +7 20 5 TJ I30 +7 20 6 TA H26 +7 20 7 C H17 +7 20 8 JU I4 +7 20 9 WE I1..3 +7 20 10 NT J0 +7 20 11 CN F4 +7 21 1 J C9 +7 21 2 N A0 +7 21 3 CH H38 +7 21 4 TJ G29 +7 21 5 TA D26..30E26..30F26..30G26..30H26..30 +7 21 6 C F17 +7 21 7 NT J0 +7 21 8 WE G4 +7 22 1 J D7 +7 22 2 TA C30 +7 22 3 N A0 +7 22 4 T1 C40 +7 22 5 CH G40 +7 22 6 NT J0 +7 22 7 T H31 +7 22 8 TS H29 +7 22 9 TJ H28 +7 22 10 C G17 +7 22 11 JU I1 +7 22 12 WE G1 +7 23 1 N A0 +7 23 2 J C8 +7 23 3 TA C26 +7 23 4 CH E40 +7 23 5 TS I32 +7 23 6 TJ G30 +7 23 7 C H17 +7 23 8 JU H6 +7 23 9 L G6,7 +7 23 10 NT J0 +7 23 11 WE G1 +7 24 1 N A0 +7 24 2 J C9 +7 24 3 TA E30 +7 24 4 CH G40 +7 24 5 T H34 +7 24 6 TJ G28 +7 24 7 C H17 +7 24 8 L I5 +7 24 9 NT J0 +7 24 10 WE G4 +7 25 1 N A0 +7 25 2 J C8 +7 25 3 TA E29 +7 25 4 T H35 +7 25 5 TJ H29 +7 25 6 C H19 +7 25 7 L G8 +7 25 8 NT J0 +7 25 9 WE H1 +7 25 10 CH F1 +8 1 1 KW A0 +8 1 2 I C9 +8 1 3 AM G3 +8 1 4 AH J0 +8 1 5 A H18 +8 1 6 K G30 +8 1 7 N I37 +8 1 8 KI E39 +8 1 9 NS F38 +8 2 1 KW A0 +8 2 2 KI C0 +8 2 3 AM F1 +8 2 4 AH J0 +8 2 5 I C11 +8 2 6 W C10 +8 2 7 A G20 +8 2 8 K F29 +8 2 9 NA A38 +8 3 1 AH J0 +8 3 2 KI C7 +8 3 3 N H2 +8 3 4 AM F3 +8 3 5 I C11 +8 3 6 A H18 +8 3 7 K G29 +8 3 8 KW A0 +8 4 1 KW A0 +8 4 2 KI B3 +8 4 3 W C11 +8 4 4 I B12 +8 4 5 AH J0 +8 4 6 AM E2 +8 4 7 A F19 +8 4 8 K G29 +8 5 1 KW A0 +8 5 2 AH J0 +8 5 3 AM F3 +8 5 4 I C11 +8 5 5 K F19 +8 5 6 A I21 +8 5 7 KI E29 +8 5 8 N I33 +8 6 1 AM G2 +8 6 2 I D10 +8 6 3 A F18 +8 6 4 K F28 +8 6 5 N E28 +8 7 1 KW A0 +8 7 2 AH J0 +8 7 3 AM F3 +8 7 4 I C12 +8 7 5 A E16 +8 7 6 K F29 +8 7 7 N H36 +8 8 1 KW A0 +8 8 2 AH J0 +8 8 3 AM F1 +8 8 4 I D9 +8 8 5 A F17 +8 8 6 K F29 +8 8 7 N H38 +8 9 1 KW A0 +8 9 2 AH J0 +8 9 3 AM F2 +8 9 4 I B11 +8 9 5 A G21 +8 9 6 K E26 +8 10 1 KW A0 +8 10 2 AH J0 +8 10 3 AM G3 +8 10 4 N I4 +8 10 5 A H17 +8 10 6 K G27 +8 10 7 I D11 +8 11 1 KW A0 +8 11 2 I C9 +8 11 3 AM F2 +8 11 4 A E19 +8 11 5 K F22 +8 11 6 NA F40 +8 11 7 AH J0 +8 12 1 KW A0 +8 12 2 AM G1 +8 12 3 AH J0 +8 12 4 I C9 +8 12 5 A G19 +8 12 6 K E26 +8 13 1 KW A0 +8 13 2 AH J0 +8 13 3 AM E4 +8 13 4 I C12 +8 13 5 A I16 +8 13 6 K E18 +8 13 7 N I39 +8 14 1 KW A0 +8 14 2 AH J0 +8 14 3 AM E3 +8 14 4 I C11 +8 14 5 A C19 +8 14 6 K E25 +8 14 7 NA B29 +8 14 8 N H29 +8 15 1 KW A0 +8 15 2 AH J0 +8 15 3 I C8 +8 15 4 A E18 +8 15 5 K G30 +8 15 6 N F34 +8 15 7 AM F40 +8 16 1 KW A0 +8 16 2 AH J0 +8 16 3 AM F1 +8 16 4 I D8 +8 16 5 K D19 +8 16 6 N H34 +8 17 1 KW A0 +8 17 2 AH J0 +8 17 3 AM F4 +8 17 4 I C8 +8 17 5 K F29 +8 18 1 KW A0 +8 18 2 AH J0 +8 18 3 AM G2 +8 18 4 I C9 +8 18 5 A D20 +8 18 6 K G26 +8 18 7 N H32 +8 19 1 KW A0 +8 19 2 AH J0 +8 19 3 AM F4 +8 19 4 I C11 +8 19 5 A G19 +8 19 6 K F29 +8 19 7 N H35 +8 19 8 NA H37 +8 20 1 KW A0 +8 20 2 AH J0 +8 20 3 I B10 +8 20 4 A B15 +8 20 5 K F30 +8 20 6 AM G40 +8 21 1 KW A0 +8 21 2 AH J0 +8 21 3 I C8 +8 21 4 A F19 +8 21 5 K F28 +8 21 6 N I27 +8 21 7 AM F39 +8 21 8 NA F39 +8 22 1 KW A0 +8 22 2 AH J0 +8 22 3 AM F2 +8 22 4 I C10 +8 22 5 A F21 +8 22 6 N I25 +8 23 1 KW A0 +8 23 2 I D11 +8 23 3 AM G2 +8 23 4 K H28 +8 23 5 NA F38 +8 23 6 AH J0 +8 24 1 KW A0 +8 24 2 I C8 +8 24 3 AM F3 +8 24 4 K C19 +8 24 5 A H20 +8 24 6 AH I22 +8 25 1 KW A0 +8 25 2 AH J0 +8 25 3 AM F2 +8 25 4 I C11 +8 25 5 K G28 +8 25 6 N H33 +9 1 1 AA A0..40 +9 1 2 TS J0..40 +9 1 3 ER F4 +9 2 1 AA A0..40 +9 2 2 TS J0..40 +9 2 3 ER G1 +9 2 4 BA D0 +9 2 5 RA C4 +9 2 6 GR F18 +9 3 1 ER F1 +9 3 2 RA D6 +9 3 3 GR G27 +9 4 1 RA D1 +9 4 2 KM G39 +9 5 1 RA D3 +9 5 2 ER H2 +9 5 3 GR E19 +9 5 4 FA J0..40 +9 6 1 ER E1 +9 6 2 RA D7,10 +9 6 3 GR E13..19 +9 6 4 BA F23..25 +9 6 5 FA I30 +9 7 1 ER G3 +9 7 2 GR E18 +9 7 3 FA H34 +9 7 4 RA E40 +9 8 1 RA D8 +9 8 2 GR E20,28 +9 8 3 FA I26J0..40 +9 8 4 ER E39 +9 9 1 RA C12 +9 9 2 ER F3 +9 9 3 FA H6 +9 9 4 GR G17 +9 10 1 RA C13D13 +9 10 2 ER G1 +9 10 3 FA H9 +9 10 4 GR F29 +9 11 1 RA E9 +9 11 2 ER G1 +9 12 1 ER F3 +9 12 2 BA F0 +9 12 3 GR E19 +9 12 4 TS J0..40 +9 12 5 RA B38 +9 13 1 ER H1 +9 14 1 FA H0 +9 14 2 ER E4 +9 14 3 RA C12 +9 14 4 GR E19 +9 14 5 BA D33 +9 14 6 TS J40 +9 15 1 ER G3 +9 15 2 RA D8 +9 15 3 FA H23,24 +9 15 4 GR F28 +9 17 1 ER G1 +9 17 2 RA D10 +9 17 3 GR F23 +9 17 4 BA C30 +9 17 5 FA I26 +9 18 1 ER G1 +9 18 2 RA D14 +9 18 3 GR F17 +9 18 4 FA G15 +9 18 5 BA B20 +9 19 1 RA D10 +9 19 2 FA G13 +9 19 3 GR F29 +9 19 4 ER G40 +9 19 5 TS J0..40 +9 20 1 TS J0..40 +9 20 2 FA H0 +9 20 3 ER F1 +9 20 4 RA C12 +9 20 5 GR E19 +9 21 1 ER E1..3 +9 21 2 RA E17..19 +9 21 3 GR E27..29 +9 22 1 FA H0 +9 22 2 ER F3 +9 22 3 RA C9 +9 22 4 GR E19 +9 23 1 BA F0 +9 23 2 ER F1 +9 23 3 RA C10 +9 23 4 GR F18 +9 23 5 FA I26 +9 24 1 ER G1 +9 24 2 GR G23 +9 24 3 RA G28 +9 24 4 BA F29 +9 25 1 BA F0 +9 25 2 RA D8 +9 25 3 GR G17 +9 25 4 FA H27..30 +9 25 5 ER G40 +9 26 1 ER H5 +9 26 2 RA C11 +9 26 3 GR F15 +9 26 4 FA G33 +9 26 5 BA C32 +9 27 1 RA C3 +9 27 2 GR C9 +9 27 3 ER G5 +9 27 4 BA B34 +9 28 1 ER G2 +9 28 2 GR F21 +9 28 3 FA I27 +9 28 4 RA E36 +9 29 1 RA E1 +9 29 2 GR B9 +9 29 3 ER G4 +9 29 4 BA F28 +9 29 5 FA I32 +9 29 6 AA A0..40 +9 29 7 TS J0..40 +9 30 1 ER F4 +9 30 2 BA H11 +9 30 3 GR H20 +9 30 4 FA J0..40 +9 30 5 RA F34 +10 1 1 MU J0..40 +10 1 2 CO A0..40 +10 1 3 NA F1 +10 1 4 NN E28 +10 1 5 NE F20G20 +10 1 6 PA F37..39 +10 1 7 MO E30 +10 1 8 TR B12 +10 2 1 MU J0..40 +10 2 2 CO A0..40 +10 2 3 NA F1..4G1..5,35..40H1..4,35..40I35..40 +10 2 4 NN G30..32H30..32 +10 2 5 NE G19..22H19..22 +10 2 6 PA B7..11C6..11,35..38D6..10 +10 2 7 RI B11..14C11..14 +10 2 8 MO F28,29 +10 2 9 TR B11..14C11..14 +10 3 1 MU J0 +10 3 2 CO A34 +10 3 3 NA G3 +10 3 4 PO C9 +10 3 5 NN G29 +10 3 6 NE I30 +10 3 7 PA D13 +10 3 8 TI H4 +10 4 1 MU J0..40 +10 4 2 CO A0..40 +10 4 3 NA G2 +10 4 4 PO D6 +10 4 5 NN G30 +10 4 6 NE I15 +10 4 7 PA C9F13 +10 4 8 TI B11 +10 5 1 CO A0..40 +10 5 2 NA D2E2F2G2H2 +10 5 3 PO C9..11 +10 5 4 NN F18..21G18..21 +10 5 5 PA E7..9F6..9 +10 5 6 NO D1,11..14E1F1G1 +10 6 1 MU J28,29 +10 6 2 CO A26 +10 6 3 NA F4 +10 6 4 NN F29 +10 6 5 NE E16 +10 6 6 PA C11 +10 6 7 TI C8D7E6 +10 6 8 MO E27 +10 6 9 MQ C0 +10 7 1 MU J0..40 +10 7 2 CO A0..40 +10 7 3 NA G1..5 +10 7 4 PO D10,11E11,12F12,13 +10 7 5 NN E27,28F27,28 +10 8 1 CO A0..40 +10 8 2 PO B11,12C11,12 +10 8 3 NN F29G29 +10 8 4 NE F18..20 +10 8 5 PA E32,33F32,33 +10 9 1 MU J0..40 +10 9 2 CO A0..40 +10 9 3 NA E1..3F1..3 +10 9 4 PO C11..13 +10 9 5 NN E25..27 +10 9 6 NE H20,21 +10 9 7 PA H38 +10 9 8 MO G23 +10 9 9 CA B15..40 +10 10 1 MU J0..40 +10 10 2 CO A0..40 +10 10 3 NA G2 +10 10 4 PO E4..8 +10 10 5 NN F28 +10 10 6 NE G28 +10 10 7 PA C11 +10 10 8 MQ B4..40C3,36..40 +10 11 1 MU J0..40 +10 11 2 CO A0..40 +10 11 3 NA G2 +10 11 4 PO C10 +10 11 5 NN E29F29G29 +10 11 6 NE I11,12 +10 11 7 PA G6,7 +10 11 8 TI G10..14 +10 11 9 RI C13,14G34 +10 11 10 NO D6,7 +10 12 1 MU J25 +10 12 2 CO A7 +10 12 3 NA G1 +10 12 4 PO C9 +10 12 5 NN F24 +10 12 6 NE G27 +10 12 7 TI C13 +10 13 1 MU J29 +10 13 2 CO A0 +10 13 3 NA G1 +10 13 4 PO E39 +10 13 5 NN E15 +10 13 6 PA C2 +10 14 1 MU J24 +10 14 2 CO A40 +10 14 3 NA G40 +10 14 4 PO C10 +10 14 5 NN F30 +10 15 1 MU J15..18 +10 15 2 CO A11..13 +10 15 3 NA F4 +10 15 4 PO C9 +10 15 5 NN E28 +10 15 6 NE G29 +10 15 7 PA C10 +10 15 8 MO D17 +10 16 1 CO A0..17 +10 16 2 NA G1 +10 16 3 PO C8,9 +10 16 4 NN E28 +10 16 5 PA C1..5 +10 16 6 MO D21E21F21G21H21 +10 16 7 MA B34..40C1..5 +10 17 1 MU J0..40 +10 17 2 CO A0..40 +10 17 3 NA G2 +10 17 4 PO B0..7C0..11 +10 17 5 NN G29 +10 17 6 NE D17E17,19,20F17,19,20G17 +10 17 7 MO E30 +10 17 8 MA B0..40C0D0E0F0G0H0I0 +10 17 9 SH D0E0,27F0G0H0I0 +10 17 10 QU D29..31E29..31F29..31 +10 18 1 MU J0..40 +10 18 2 CO A0..40 +10 18 3 NA F2 +10 18 4 PO C8 +10 18 5 NN F30 +10 18 6 NE F30 +10 18 7 TR F33 +10 19 1 MU J0..40 +10 19 2 CO A0..40 +10 19 3 NA G3 +10 19 4 PO C9 +10 19 5 NN F28 +10 19 6 NE F20 +10 19 7 PA D9E9 +10 20 1 MU G28,29 +10 20 2 CO A0..40 +10 20 3 NA G2 +10 20 4 PO C9 +10 20 5 NN F28 +10 20 6 NE E18 +10 20 7 PA F39 +10 21 1 MU J8 +10 21 2 CO A0..40 +10 21 3 NA H3 +10 21 4 PO C10 +10 21 5 NN H31 +10 21 6 NE I31 +10 21 7 PA B13 +10 21 8 TI D13 +10 22 1 MU H7..32I2..36J0..40 +10 22 2 CO A0..40 +10 23 1 MU I8..10J7..9 +10 23 2 CO A0..12,31..36 +10 23 3 NA D40E40F2G2 +10 23 4 NN B19,20C19,20E26..29F26..29 +10 23 5 NE E15..17F15..17 +10 24 1 MU J0..40 +10 24 2 CO A0..40 +10 24 3 NA H1 +10 24 4 PO C11 +10 24 5 NN H28 +10 24 6 NE C23 +10 24 7 PA G13 +10 24 8 TR B4 +10 25 1 MU J7..14 +10 25 2 CO A0..40 +10 25 3 NA G2 +10 25 4 PO C11 +10 25 5 NN G17 +10 25 6 NE G17 +10 25 7 PA F5 +10 25 8 TI E6 +10 25 9 MA H19 +11 1 1 G F28 +11 1 2 A A0 +11 1 3 H F4 +11 1 4 K J0 +11 1 5 M H4 +11 1 6 W C10 +11 1 7 N F18 +11 2 1 W E7 +11 2 2 H H3 +11 2 3 N G19 +11 2 4 G H29 +11 2 5 K J0 +11 2 6 E H36 +11 2 7 M E35 +11 2 8 A A0 +11 3 1 G E28 +11 3 2 A A0 +11 3 3 M E15 +11 3 4 W C11 +11 3 5 H F3 +11 3 6 N C5 +11 3 7 K J0 +11 3 8 G E28 +11 4 1 A A0 +11 4 2 I D13 +11 4 3 W C9 +11 4 4 N G18 +11 4 5 K J0 +11 4 6 G F28 +11 4 7 E D39 +11 4 8 H F38 +11 5 1 H G3 +11 5 2 K J0 +11 5 3 N E16 +11 5 4 G G28 +11 5 5 W C14 +11 5 6 A A0 +11 5 7 M D3 +11 6 1 G H29 +11 6 2 N F17 +11 6 3 K J0 +11 6 4 H G3 +11 6 5 W C10 +11 6 6 A A0 +11 7 1 A A0 +11 7 2 G E27 +11 7 3 N D16 +11 7 4 W D8 +11 7 5 M D4 +11 7 6 H F3 +11 7 7 K J0 +11 8 1 M C34..38 +11 8 2 G E27 +11 8 3 W C8..13 +11 8 4 A A0 +11 8 5 H G1..3 +11 8 6 K J0 +11 8 7 N G20 +11 9 1 M C40 +11 9 2 G F27 +11 9 3 N D16 +11 9 4 W B9 +11 9 5 A A0 +11 9 6 H F2 +11 9 7 K J0 +11 10 1 K J0 +11 10 2 N I21 +11 10 3 G G19 +11 10 4 M F7 +11 10 5 H G2 +11 10 6 W C13 +11 10 7 A A0 +11 11 1 G I31 +11 11 2 N G18 +11 11 3 H H3 +11 11 4 K J0 +11 11 5 A A0 +11 11 6 W C9 +11 11 7 M F39 +11 12 1 M C38 +11 12 2 W C14 +11 12 3 N B14 +11 12 4 A A0 +11 12 5 H G2 +11 12 6 K J0 +11 12 7 G F28 +11 12 8 E I28 +11 13 1 H E1 +11 13 2 M C3 +11 13 3 W D11 +11 13 4 N F14 +11 13 5 A A0 +11 13 6 G G30 +11 13 7 K J0 +11 14 1 A A0 +11 14 2 N C16 +11 14 3 W C8 +11 14 4 H F1 +11 14 5 K J0 +11 14 6 G F29 +11 15 1 M C3 +11 15 2 W C8 +11 15 3 N F17 +11 15 4 A A0 +11 15 5 G H26 +11 15 6 K J0 +11 15 7 H F1 +11 16 1 K J0 +11 16 2 M D27 +11 16 3 N F21 +11 16 4 H D7 +11 16 5 W D15 +11 16 6 G H19 +11 16 7 A J0 +11 17 1 K J0 +11 17 2 G H29 +11 17 3 N E16 +11 17 4 H F4 +11 17 5 M C6 +11 17 6 W C9 +11 17 7 A A0 +11 18 1 K J0 +11 18 2 G E24 +11 18 3 H E39 +11 18 4 N E17 +11 18 5 M E15 +11 18 6 W C13 +11 18 7 A A0 +11 19 1 H F3 +11 19 2 W C10 +11 19 3 N F18 +11 19 4 A A0 +11 19 5 M F40 +11 19 6 G G29 +11 19 7 K J0 +11 20 1 M C2 +11 20 2 H F2 +11 20 3 W C9 +11 20 4 I C9 +11 20 5 A A0 +11 20 6 E F29 +11 20 7 G F29 +11 20 8 K J0 +11 20 9 N E18 +11 20 10 T H12 +11 21 1 G G27 +11 21 2 K J0 +11 21 3 H G3 +11 21 4 M E1 +11 21 5 A A0 +11 21 6 W C10 +11 21 7 N E26 +11 22 1 K J0 +11 22 2 N G20 +11 22 3 W D8 +11 22 4 H G2 +11 22 5 A A0 +11 22 6 G F25 +11 22 7 M E39 +11 23 1 A J0 +11 23 2 N E17 +11 23 3 M C2 +11 23 4 H G3 +11 23 5 W D9 +11 23 6 G F27 +11 23 7 K A0 +11 24 1 M E27 +11 24 2 A A0 +11 24 3 W B12 +11 24 4 G D14 +11 24 5 H F3 +11 24 6 N G23 +11 24 7 K J0 +11 25 1 E F29 +11 25 2 A A0 +11 25 3 N C18 +11 25 4 M D2 +11 25 5 H G2 +11 25 6 W D9 +11 25 7 K J0 +11 25 8 G F29 +12 1 1 F A0 +12 1 2 GI J0 +12 1 3 H C8,9 +12 1 4 G F17..20 +12 1 5 B G1..3 +12 2 1 F A0 +12 2 2 GI J0 +12 2 3 H C8..12 +12 2 4 G F17 +12 2 5 B G40 +12 3 1 F A0 +12 3 2 GI J0 +12 3 3 H C9 +12 3 4 G F17 +12 3 5 B G1 +12 4 1 F A0 +12 4 2 GI J0 +12 4 3 H C0..13D0..13 +12 4 4 G F16..31 +12 4 5 B G0..4 +12 5 1 F A0 +12 5 2 GI J0 +12 5 3 G E16 +12 5 4 B F0..2G0..2 +12 6 1 F A0 +12 6 2 GI J0 +12 6 3 H C10 +12 6 4 G E17 +12 6 5 B F4 +12 7 1 F A0 +12 7 2 GI J0 +12 7 3 H C11 +12 7 4 G E29 +12 7 5 B G40 +12 8 1 F A0B0 +12 8 2 GI J0 +12 8 3 H C9 +12 8 4 M E32,33F32,33 +12 8 5 B G0..2,37..40 +12 8 6 G G17..30 +12 9 1 F A0 +12 9 2 GI J0 +12 9 3 H C7..9 +12 9 4 G E16..19 +12 9 5 B F0 +12 10 1 F A0 +12 10 2 GI J0 +12 10 3 H C13 +12 10 4 G F27 +12 10 5 B G2 +12 11 1 F A0 +12 11 2 GI J0 +12 11 3 B F39G2 +12 11 4 G G19,30 +12 11 5 H C9D8 +12 12 1 F A0 +12 12 2 GI J0 +12 12 3 G D19 +12 12 4 H B8 +12 12 5 B G1 +12 13 1 F A0 +12 13 2 GI J0 +12 13 3 B G4 +12 13 4 G F17 +12 13 5 H E8 +12 14 1 F A0 +12 14 2 GI J0 +12 14 3 H C2 +12 14 4 G E16 +12 14 5 B G1 +12 15 1 F A0 +12 15 2 GI I30J0 +12 15 3 B F3 +12 15 4 G F20 +12 15 5 H C13 +12 16 1 F A0 +12 16 2 GI J0 +12 16 3 B F2,39 +12 16 4 G E28 +12 17 1 F A0 +12 17 2 GI J0 +12 17 3 H C12 +12 17 4 G E19 +12 17 5 B F39 +12 18 1 F A0 +12 18 2 GI J0 +12 18 3 B F3G39 +12 18 4 H C12 +12 18 5 G F19 +12 19 1 F A0 +12 19 2 B F1 +12 19 3 H E8 +12 19 4 G E15,24 +12 19 5 GI J0 +12 20 1 F A0 +12 20 2 GI J0 +12 20 3 B F1,40 +12 20 4 G E29 +12 21 1 F A0 +12 21 2 GI J0 +12 21 3 B E4 +12 21 4 H C13 +12 21 5 G E29 +12 22 1 F A0 +12 22 2 GI J0 +12 22 3 B F1 +12 22 4 H C11 +12 22 5 G E16 +12 23 1 F A0 +12 23 2 GI J0 +12 23 3 B G1 +12 23 4 H E13 +12 23 5 G D21 +12 24 1 F A0 +12 24 2 GI J0 +12 24 3 B F39G3 +12 24 4 H C11 +12 24 5 G F26 +12 25 1 F A0 +12 25 2 GI J0 +12 25 3 B G3,39 +12 25 4 H C9 +12 25 5 G E15 +13 1 1 GE B0 +13 1 2 ER G1 +13 1 3 SE J0 +13 1 4 TI F17 +13 1 5 GU G20 +13 1 6 WL C10 +13 1 7 JA C8 +13 1 8 GO B4 +13 1 9 OR E2 +13 1 10 SI A0 +13 2 1 ER G2 +13 2 2 SE J0 +13 2 3 GU I12 +13 2 4 TI E16 +13 2 5 WL C12 +13 2 6 JA C9 +13 2 7 GO E2 +13 2 8 OR D1 +13 2 9 SI A0 +13 3 1 GE F0 +13 3 2 TK F0 +13 3 3 ER F3 +13 3 4 SE J0 +13 3 5 TI F17 +13 3 6 GU H28 +13 3 7 IB F28 +13 3 8 JA C11 +13 3 9 GO D4 +13 3 10 OR D6 +13 3 11 SI A0 +13 4 1 GE G11 +13 4 2 ER G1 +13 4 3 SE J0 +13 4 4 TI D21 +13 4 5 GU C13 +13 4 6 GS D26 +13 4 7 IB C14 +13 4 8 JA C8 +13 4 9 SI A0 +13 5 1 ER G2 +13 5 2 TI F17 +13 5 3 SE J0 +13 5 4 WL C9 +13 5 5 JA C9 +13 5 6 SI A0 +13 6 1 ER G1 +13 6 2 SE J0 +13 6 3 IB G28 +13 6 4 SN B25 +13 6 5 JA C9 +13 6 6 GO E1 +13 6 7 SI A0 +13 6 8 TI F18 +13 7 1 ER G2 +13 7 2 SE J0 +13 7 3 GU E27 +13 7 4 TI F18 +13 7 5 WL C9 +13 7 6 SI A0 +13 8 1 ER F1 +13 8 2 SE J0 +13 8 3 IB H28 +13 8 4 TI D21 +13 8 5 WL C12 +13 8 6 JA C10 +13 8 7 SI A0 +13 9 1 SE J0 +13 9 2 SI A0 +13 9 3 ER F40 +13 9 4 TI F20 +13 9 5 JA C9 +13 9 6 IB H23 +13 10 1 ER F3 +13 10 2 SE J0 +13 10 3 JA G26 +13 10 4 WL F18 +13 10 5 TI E17 +13 10 6 SE A0 +13 11 1 SI A0 +13 11 2 SE J0 +13 11 3 IB G18 +13 11 4 TI D15 +13 11 5 JA C9 +13 11 6 ER G1 +13 12 1 ER G40 +13 12 2 SI A0 +13 12 3 JA C9 +13 12 4 IB H30 +13 12 5 TI F17 +13 12 6 SE J0 +13 13 1 TU A21 +13 13 2 SI B20 +13 13 3 WL C11 +13 13 4 ER E4 +13 14 1 ER F1 +13 14 2 SE J0 +13 14 3 IB H18 +13 14 4 TI E18 +13 14 5 JA C9 +13 14 6 SI A0 +13 15 1 ER F4 +13 15 2 SE J0 +13 15 3 GU H28 +13 15 4 TI F17 +13 15 5 SI A0 +13 16 1 ER E4 +13 16 2 SE E27 +13 16 3 TI E24 +13 16 4 IB D20 +13 16 5 JA C14 +13 16 6 WL D17 +13 16 7 SI A0 +13 17 1 ER F1 +13 17 2 OR C1 +13 17 3 SE J0 +13 17 4 IB F17 +13 17 5 WL G19 +13 17 6 TI E17 +13 17 7 JA C11 +13 17 8 SI A0 +13 18 1 ER G40 +13 18 2 SE J0 +13 18 3 TI F18 +13 18 4 IB G20 +13 18 5 WL H35 +13 18 6 JA C10 +13 18 7 SI A0 +13 19 1 ER G1 +13 19 2 SE J0 +13 19 3 TI G18 +13 19 4 GU E15 +13 19 5 WL C11 +13 19 6 JA C9 +13 19 7 SI A0 +13 20 1 ER C39,40D1,38..40E1,2,38..40F1,2,39,40G1,40 +13 20 2 SE J0 +13 20 3 TI C14..26D14..28E15..28F18..25 +13 20 4 WL B9..13C10,11 +13 20 5 SI A0 +13 21 1 GE C0 +13 21 2 ER G2 +13 21 3 SE J0 +13 21 4 FT I6 +13 21 5 GU H20 +13 21 6 TI E17 +13 21 7 JA D8 +13 21 8 WL C8 +13 21 9 SN B6 +13 21 10 SI A0 +13 22 1 ER F4 +13 22 2 SE J0 +13 22 3 TI E17 +13 22 4 JA C9 +13 22 5 WL C12 +13 22 6 SI A0 +13 23 1 IY G30 +13 23 2 TM C6 +13 23 3 GW F28 +13 23 4 TS B25 +13 23 5 OR E4 +13 23 6 TI G16 +13 23 7 GE B10 +13 23 8 JA C9 +13 23 9 GO F5 +13 23 10 SI A0 +13 23 11 ER G40 +13 24 1 ER G2 +13 24 2 SE J0 +13 24 3 IB H19 +13 24 4 TI F16 +13 24 5 WL C14 +13 24 6 JA C8 +13 24 7 SI D0 +13 24 8 TU A12 +13 25 1 ER G40 +13 25 2 SE J0 +13 25 3 IB D16 +13 25 4 TI F17 +13 25 5 GO D40 +13 25 6 JA C11 +13 25 7 SI A0 +14 1 1 S B1 +14 1 2 Z G1 +14 1 3 K J2 +14 1 4 KW H7 +14 1 5 L C10 +14 1 6 BN B12 +14 1 7 KO B13 +14 1 8 G D21 +14 1 9 B D24 +14 1 10 F A38 +14 1 11 BL A40 +14 1 12 GW H40 +14 2 1 KW G0 +14 2 2 F A40 +14 2 3 Z G40 +14 2 4 K J40 +14 3 1 Z F4 +14 3 2 F A6 +14 3 3 O E12 +14 3 4 K J5 +14 4 1 F A1 +14 4 2 Z G2 +14 4 3 K I0 +14 5 1 F A0 +14 5 2 Z G1 +14 5 3 K J0 +14 5 4 G F30 +14 5 5 B E35 +14 6 1 F A1 +14 6 2 G C30 +14 6 3 B D27 +14 6 4 Z F2 +14 6 5 K J1 +14 7 1 F A0 +14 7 2 Z F3 +14 7 3 K J0 +14 8 1 Z G4 +14 8 2 F B29 +14 8 3 G E33 +14 8 4 K J30 +14 9 1 BI C10 +14 9 2 T D13 +14 9 3 F A29 +14 9 4 BA F27 +14 9 5 G F28 +14 9 6 B F29 +14 9 7 BU F30 +14 9 8 D E36 +14 9 9 Z F40 +14 9 10 E I40 +14 9 11 K J38 +14 10 1 Z G1 +14 10 2 F A4 +14 10 3 K J0 +14 10 4 G F22 +14 11 1 F A0 +14 11 2 Z F1 +14 11 3 K J0 +14 11 4 G F22 +14 12 1 F A40 +14 12 2 Z G40 +14 12 3 K J40 +14 13 1 Z F2 +14 13 2 F A17 +14 13 3 K J23 +14 14 1 F A40 +14 14 2 Z F39 +14 14 3 K J39 +14 15 1 F B0 +14 15 2 G G21 +14 15 3 Z G0 +14 15 4 K J1 +14 16 1 F A4 +14 16 2 Z F3 +14 16 3 K J3 +14 17 1 F A10 +14 17 2 Z G2 +14 17 3 K J7 +14 18 1 G F30 +14 18 2 F A40 +14 18 3 Z F40 +14 18 4 K J40 +14 19 1 F A10 +14 19 2 G D15 +14 19 3 Z G2 +14 19 4 K J8 +14 20 1 F A4 +14 20 2 Z F5 +14 20 3 K J15 +14 21 1 F A0 +14 21 2 K J0 +14 21 3 Z G40 +14 22 1 F A1 +14 22 2 Z G2 +14 22 3 K J4 +14 23 1 F A4 +14 23 2 Z F2 +14 23 3 K J0 +14 23 4 G C22 +14 24 1 F A0 +14 24 2 Z F3 +14 24 3 K J2 +14 24 4 G E14 +14 25 1 F A0 +14 25 2 Z E1 +14 25 3 DO F8 +14 25 4 O F10 +14 25 5 G E17 +14 25 6 K H20 +15 1 1 T A0 +15 1 2 K J0 +15 1 3 P I1 +15 1 4 R G3 +15 1 5 A C9 +15 1 6 N F17 +15 1 7 BR D40 +15 2 1 T A0 +15 2 2 K J0 +15 2 3 R F1 +15 2 4 BR D1 +15 2 5 P E4 +15 2 6 A C9 +15 2 7 N G18 +15 3 1 T A0 +15 3 2 P G2 +15 3 3 K J0 +15 3 4 BR C6 +15 3 5 A C9 +15 3 6 N H20 +15 3 7 R G40 +15 4 1 T A0 +15 4 2 R G2 +15 4 3 K J0 +15 4 4 A C9 +15 4 5 N G21 +15 4 6 J I36 +15 4 7 P G39 +15 4 8 BR D38 +15 5 1 T A0 +15 5 2 G D1 +15 5 3 P F2 +15 5 4 K J0 +15 5 5 BR C5 +15 5 6 A C9 +15 5 7 KH G9 +15 5 8 KT I10 +15 5 9 N G21 +15 5 10 J F28 +15 6 1 T A0 +15 6 2 P G1 +15 6 3 G H3 +15 6 4 A E7 +15 6 5 BR F9 +15 6 6 N F18 +15 6 7 J G35 +15 6 8 R F40 +15 7 1 T A0 +15 7 2 G D4 +15 7 3 P F3 +15 7 4 K J0 +15 7 5 N G16 +15 7 6 J H33 +15 8 1 T A0 +15 8 2 R F3 +15 8 3 K J0 +15 8 4 P C8 +15 8 5 A C9 +15 8 6 N F17 +15 8 7 G E38 +15 9 1 R H1 +15 9 2 BR C5 +15 9 3 A C9 +15 9 4 N G20 +15 9 5 G F40 +15 9 6 J I39 +15 10 1 T A0 +15 10 2 G E1 +15 10 3 K J0 +15 10 4 R H3 +15 10 5 BR F8 +15 10 6 N F20 +15 10 7 P C9 +15 11 1 P C8 +15 11 2 A C9 +15 11 3 N F22 +15 11 4 BR C35 +15 11 5 J E34 +15 11 6 T A0 +15 12 1 T A0 +15 12 2 R F3 +15 12 3 P F1 +15 12 4 K J0 +15 12 5 KH G9 +15 12 6 A C10 +15 12 7 N E17 +15 12 8 BR D35 +15 12 9 J F39 +15 13 1 T A0 +15 13 2 R G2 +15 13 3 K J0 +15 13 4 P D8 +15 13 5 KH H12 +15 13 6 N G20 +15 13 7 J I34 +15 13 8 BR C38 +15 14 1 T A0 +15 14 2 BR D2 +15 14 3 R G2 +15 14 4 K J0 +15 14 5 P I3 +15 14 6 A D8 +15 14 7 KH H10 +15 14 8 N F28 +15 14 9 J I36 +15 15 1 T A0 +15 15 2 BR C1 +15 15 3 K J0 +15 15 4 R H3 +15 15 5 KH G9 +15 15 6 KS E7 +15 15 7 P C9 +15 15 8 N F17 +15 15 9 J H36 +15 15 10 G F40 +15 16 1 T A0 +15 16 2 BR D1 +15 16 3 K J0 +15 16 4 A C9 +15 16 5 N G19 +15 16 6 J I32 +15 16 7 R G40 +15 17 1 T A0 +15 17 2 P F3 +15 17 3 R G3 +15 17 4 K J0 +15 17 5 A C9 +15 17 6 BR B11 +15 17 7 N G17 +15 18 1 T A0 +15 18 2 P G3 +15 18 3 K J0 +15 18 4 A C10 +15 18 5 N F17 +15 18 6 J I31 +15 18 7 BR C34 +15 18 8 R G40 +15 19 1 N F22 +15 19 2 BR D2 +15 19 3 R G3 +15 19 4 K J0 +15 19 5 A D8 +15 19 6 T A0 +15 20 1 T A0 +15 20 2 KS F4 +15 20 3 R G2 +15 20 4 K J0 +15 20 5 BR C11H7 +15 20 6 A C8 +15 20 7 N G19 +15 20 8 J I35 +15 20 9 G F40 +15 21 1 T A0 +15 21 2 G G2 +15 21 3 K J0 +15 21 4 P D7 +15 21 5 N E20 +15 21 6 BR E33 +15 21 7 J G34 +15 22 1 T A0 +15 22 2 G F2 +15 22 3 K J0 +15 22 4 P C11 +15 22 5 N G20 +15 22 6 BR C32 +15 22 7 J G34 +15 22 8 R G40 +15 23 1 T A0 +15 23 2 R F3 +15 23 3 K J0 +15 23 4 A B13 +15 23 5 N F20 +15 23 6 P F40 +15 24 1 T A0 +15 24 2 KS F2 +15 24 3 K J0 +15 24 4 R H2 +15 24 5 A E8 +15 24 6 BR C4 +15 24 7 P G10 +15 24 8 N G18 +15 24 9 J G29 +15 25 1 T A0 +15 25 2 P E5 +15 25 3 R F4 +15 25 4 K J0 +15 25 5 A C4 +15 25 6 N E24 +15 25 7 BR C29 +15 25 8 G F38 +16 1 1 M C9 +16 1 2 D C2..4 +16 1 3 L G18 +16 1 4 E F29 +16 2 1 E H29 +16 2 2 M D7 +16 2 3 J A0 +16 2 4 D G1 +16 2 5 R J0 +16 2 6 L F17 +16 3 1 M C9 +16 3 2 D F4 +16 3 3 L E16 +16 3 4 E F28 +16 4 1 L F20 +16 4 2 M C12 +16 4 3 J A0 +16 4 4 D G2 +16 4 5 R J0 +16 4 6 E G31 +16 5 1 M E1..5 +16 5 2 J A0 +16 5 3 D G1..3 +16 5 4 R J0 +16 5 5 L G19 +16 5 6 E G29 +16 6 1 M E40 +16 6 2 D G40 +16 6 3 E I40 +16 6 4 L F25 +16 6 5 J A0 +16 6 6 R J0 +16 7 1 E G29 +16 7 2 L F20 +16 7 3 M C8 +16 7 4 J A0 +16 7 5 D G1 +16 7 6 R J0 +16 8 1 E G29 +16 8 2 L F16 +16 8 3 R J0 +16 8 4 D E4 +16 8 5 J A0 +16 8 6 M C9 +16 9 1 M C11 +16 9 2 J A0 +16 9 3 D G1 +16 9 4 R J0 +16 9 5 L F16 +16 9 6 E G29 +16 10 1 M C9 +16 10 2 J A0 +16 10 3 D G3 +16 10 4 R J0 +16 10 5 L E16 +16 10 6 E F29 +16 11 1 K F34 +16 11 2 E F30 +16 11 3 L E17 +16 11 4 M E8 +16 11 5 J A0 +16 11 6 D H1 +16 11 7 R J0 +16 12 1 L F15..17 +16 12 2 M C9 +16 12 3 J A0 +16 12 4 D G2 +16 12 5 R J0 +16 12 6 E H29 +16 13 1 E I32 +16 13 2 L E17 +16 13 3 M D12 +16 13 4 J A0 +16 13 5 D G1 +16 13 6 R J0 +16 14 1 M D8 +16 14 2 J A0 +16 14 3 D G2 +16 14 4 R J0 +16 14 5 L F16 +16 14 6 E H31 +16 15 1 E F21 +16 15 2 L F16 +16 15 3 M D8 +16 15 4 J A0 +16 15 5 D G1 +16 15 6 R J0 +16 16 1 E G28 +16 16 2 L G17 +16 16 3 R J0 +16 16 4 D H2 +16 16 5 J A0 +16 16 6 M C8..10 +16 17 1 J A0 +16 17 2 M C8 +16 17 3 D G1 +16 17 4 L H20 +16 17 5 L F20 +16 17 6 E I28 +16 18 1 W C9 +16 18 2 J A0 +16 18 3 R J0 +16 18 4 L G18 +16 18 5 E G29 +16 18 6 D G40 +16 18 7 M E40 +16 19 1 L E15 +16 19 2 M C9 +16 19 3 J A0 +16 19 4 D G2 +16 19 5 R J0 +16 19 6 E G27 +16 20 1 E H30 +16 20 2 J A0 +16 20 3 D G2 +16 20 4 R J0 +16 20 5 L H20 +16 20 6 M C10 +16 21 1 L E16 +16 21 2 E I31 +16 21 3 M C9 +16 21 4 J A0 +16 21 5 D G3 +16 21 6 R J0 +16 22 1 L F16 +16 22 2 E I24 +16 22 3 M F4 +16 22 4 J A0 +16 22 5 D H1 +16 22 6 R J0 +16 23 1 M C9 +16 23 2 J A0 +16 23 3 D G2 +16 23 4 R J0 +16 23 5 L G18 +16 23 6 E G37 +16 24 1 M C9 +16 24 2 J A0 +16 24 3 D H1 +16 24 4 R J0 +16 24 5 L F17 +16 24 6 E H29 +16 25 1 L E25 +16 25 2 E I31 +16 25 3 R J0 +16 25 4 M F3 +16 25 5 D D7 +16 25 6 J A0 +17 1 1 SK A0..40 +17 1 2 KK D0E0F0G0H0I0J0..40 +17 1 3 QU D0..4E0..4 +17 1 4 KN C8..10D8,9 +17 1 5 RX D17..22E17..22F17..22G17..22 +17 1 6 CK G6..10H6..10I6,7 +17 2 1 SK A0..40 +17 2 2 KK J0..40 +17 2 3 QU G1 +17 2 4 KN B11 +17 2 5 RX F16 +17 2 6 CK F7 +17 2 7 PU D7 +17 3 1 SK A0..40 +17 3 2 KK A0..40 +17 3 3 QU H3 +17 3 4 RX H15 +17 3 5 CK G6 +17 4 1 SK A0..40 +17 4 2 KK J0..40 +17 4 3 QU H1..3 +17 4 4 KN C8..10 +17 4 5 MS H5..10 +17 4 6 RX D16,17E16,17F16,17H17..21I17..21 +17 4 7 AZ G26..29H26..29I26..29 +17 4 8 CL D25..28E25..28F25..28 +17 4 9 MO E33,34F33,34G33,34H33,34 +17 4 10 RO C1..4D1,2 +17 4 11 PU E4,5F4,5 +17 4 12 TZ C0D0E0F0G0H0 +17 4 13 CO I36..40 +17 5 1 SK A0..40 +17 5 2 KK B0C0D0E0F0G0H0I0J0..40 +17 5 3 QU F1..5G1..5 +17 5 4 KN B11,12 +17 5 5 RX C17..20D17..20E18..23F18..23G18..23 +17 5 6 AZ E26..31F26..31G26..31 +17 5 7 CK F7..10G7..10H7..10 +17 5 8 RO C1..6G35..40H35..40 +17 6 1 SK A0..40 +17 6 2 KK J0..40 +17 6 3 QU H3 +17 6 4 KN C9 +17 6 5 RX H17 +17 6 6 CK H7 +17 7 1 SK A0..40 +17 7 2 KK J0..40 +17 7 3 QU F0..4 +17 7 4 KN C9..11 +17 7 5 RX B15..28F15..19G15..19H15..19 +17 7 6 AZ F27..30G27..30H27..30 +17 7 7 CK G5..8H5..8 +17 7 8 RO B37..39C37..39 +17 7 9 PU D6..8 +17 7 10 LL E32..37F32..37 +17 7 11 PI G37..39H37..39 +17 8 1 SK A0..40 +17 8 2 KK J0..40 +17 8 3 QU F2,3 +17 8 4 KN C9 +17 8 5 RX F17 +17 8 6 AZ G29,30 +17 8 7 MO G33 +17 8 8 CA H6 +17 8 9 NA C8 +17 9 1 SK A0..40 +17 9 2 KK J0..40 +17 9 3 QU G3 +17 9 4 RX H17 +17 9 5 CK H6 +17 10 1 SK A0..40 +17 10 2 KK J0..40 +17 10 3 QU G1..3H3 +17 10 4 KN D6,7 +17 10 5 RX F17 +17 10 6 AZ I30 +17 10 7 CK G6,7 +17 10 8 PU D6,7 +17 11 1 SK A0..40B21..26C21..26 +17 11 2 KK I21..27J0..40 +17 11 3 QU G0..2,38..40H38..40I38..40 +17 11 4 KN C8,9 +17 11 5 RX C13..16D13..16E13..17,35..40F13..17,28..30,35..40G17,18,21..27 +17 11 6 CK G7,8 +17 11 7 PU D6,7 +17 11 8 RU D25..30G38..40 +17 12 1 SK A0..40 +17 12 2 KK J0..40 +17 12 3 QU H0..2 +17 12 4 KN B9..12C9,10D9,10 +17 12 5 MS E7..9F7..9 +17 12 6 RX C16..20D16..20E16..20F16..20G16..20 +17 12 7 AZ F31G31H31I31 +17 12 8 RO C0..6 +17 12 9 PU E3..5F3,4 +17 12 10 LL F33..35G33..35 +17 12 11 CR B0..8 +17 12 12 SI H24..27I24..27 +17 12 13 CO I0..2 +17 13 1 SK A0..40 +17 13 2 KK J0..40 +17 13 3 QU E1..4F1..4G1..4H1..4 +17 13 4 KN C7..13D7..13E7..13 +17 13 5 RX E15..20F15..20G15..20H15..20 +17 14 1 SK A0..40 +17 14 2 KK J0..40 +17 14 3 QU C39,40D39,40E39,40F39,40G39,40H39,40I39,40 +17 14 4 KN C8..14 +17 14 5 RX C16..19D16..19E16..19F16..19G16..19H16..19I16..19 +17 14 6 AZ D29,30E29,30F29,30G29,30H29,30I29,30 +17 14 7 MO C35..37D35..37E35..37F35..37G35..37H35..37 +17 14 8 CK D12,13E12,13F12,13G12,13H12,13I12,13 +17 14 9 NA E6..9F6..9 +17 14 10 PU D8..12 +17 14 11 TZ E0F0G0H0I0 +17 15 1 SK A0..40 +17 15 2 KK J0..40 +17 15 3 QU H3 +17 15 4 RX H20 +17 15 5 CK G7 +17 16 1 SK A0..40 +17 16 2 KK J0..40 +17 16 3 QU G2 +17 16 4 RX G17 +17 16 5 CK H6 +17 17 1 SK A0..40 +17 17 2 KK J0..40 +17 17 3 QU G1..4H1..4 +17 17 4 KN B10..13 +17 17 5 RX D16..22E16..22F16..22G16..22 +17 17 6 CL E26..30F26..30G26..30 +17 17 7 MO E31..40F31..40G31..40H31..40I31..40 +17 17 8 CK F8..14G8..14H8..14 +17 17 9 RO B0..7 +17 17 10 NA C8,9D6..9 +17 18 1 SK A0..40 +17 18 2 KK J0..40 +17 18 3 QU E2,3I0 +17 18 4 KN C11,12 +17 18 5 RX H15..18 +17 18 6 AZ G28,29 +17 18 7 CL F28,29 +17 18 8 MO H32,33 +17 18 9 RO C1..3 +17 18 10 PU D6,7 +17 19 1 SK A0..40 +17 19 2 KK J0..40 +17 19 3 QU G1..3H1..3 +17 19 4 KN D8..13 +17 19 5 AZ H21..32I16..30 +17 19 6 CL E17..31G16..32 +17 19 7 CK F5..9G5..9 +17 19 8 RO E36..40F36..40 +17 19 9 NA D1..5 +17 20 1 SK A0..40 +17 20 2 KK J6,7 +17 20 3 QU G1 +17 20 4 KN C10,11 +17 20 5 RX F16,17 +17 20 6 AZ H28,29 +17 20 7 CK G5,6 +17 20 8 GR E1F1 +17 21 1 SK A0..40 +17 21 2 KK J0..40 +17 21 3 QU G38..40 +17 21 4 KN D8..10 +17 21 5 RX D16..18 +17 21 6 AZ E25..29 +17 21 7 CK E9..12F9..12 +17 21 8 PU D1..5 +17 22 1 SK A0..40 +17 22 2 KK J0..40 +17 22 3 QU F2 +17 22 4 KN C12 +17 22 5 RX G18 +17 22 6 AZ F29 +17 22 7 CL C28 +17 22 8 MO G35 +17 22 9 CK F8 +17 22 10 CO H2 +17 23 1 SK A0..40 +17 23 2 KK C1D1E1F1G1 +17 23 3 QU F1..4G1..4H1..4I1..4 +17 23 4 KN C10..13D10..13 +17 23 5 RX B15..22C15..22D15..22E15..22F15..22G15..22 +17 23 6 AZ D25..30E25..30F25..30G25..30H25..30 +17 23 7 MO D33..40E33..40F33..40G33..40H33..40I33..40 +17 23 8 CK E10..14F10..14G10..14 +17 23 9 RO C35..40 +17 23 10 CR B1..7 +17 23 11 CH B24..30 +17 24 1 SK A0..40 +17 24 2 KK J0..40 +17 24 3 QU F0..2 +17 24 4 KN D5..7 +17 24 5 RX D16..19E16..19 +17 24 6 AZ G28,29H28,29 +17 24 7 MO F32..34G32..34 +17 24 8 CK G9,10H9,10 +17 24 9 RO B0..5C0..5 +17 24 10 PI G0..3 +17 25 1 SK A0..40 +17 25 2 KK J0..40 +17 25 3 QU H3 +17 25 4 RX G18 +17 25 5 CK F10 +17 26 1 SK A0..40 +17 26 2 KK J0..40 +17 26 3 QU D1..4 +17 26 4 KN C7..9D7..9 +17 26 5 RX D15..20E15..20F15..20 +17 26 6 CL D26..28E26..28 +17 26 7 MO E31..33F31..33G31..33 +17 26 8 CK G5..8 +17 26 9 PU E3..7 +17 26 10 TZ I6..10 +17 27 1 SK A0..40 +17 27 2 KK A0..40 +17 27 3 QU G1 +17 27 4 KN C11 +17 27 5 RX F17 +17 27 6 CK G10 +17 28 1 SK A0..40 +17 28 2 KK J0..40 +17 28 3 QU G40 +17 28 4 RX E17 +17 28 5 CK F8 +17 29 1 SK B14,15 +17 29 2 KK J0..40 +17 29 3 QU I1 +17 29 4 KN C7,8 +17 29 5 RX G13,14 +17 29 6 MO H34I34 +17 30 1 SK A0..40 +17 30 2 KK J0..40 +17 30 3 QU E1..4F1..4G1..4 +17 30 4 KN C9..14 +17 30 5 RX G18..22H18..22 +17 30 6 AZ G26..30H26..30I26..30 +17 30 7 CL B17..40C22..30 +17 30 8 MO H33..36I33..36 +17 30 9 CK F10..14G10..14H10..14 +17 30 10 RO C1..7,36..40D36..40 +17 30 11 CO H37..40I37..40 +18 1 1 TA A0..40B0..4,37..40 +18 1 2 CH J0..40 +18 1 3 PO F1..5G1..5 +18 1 4 SH C13,14 +18 1 5 KK E16..23 +18 1 6 RR E36..40F36..40 +18 1 7 PA G38H38 +18 2 1 TA A0..40 +18 2 2 CH J0..40 +18 2 3 PO F1..4G1..4 +18 2 4 TY F35..40G35..40 +18 2 5 PI G18..31 +18 2 6 KK B1..40 +18 3 1 TA A0..40 +18 3 2 CH J0..40 +18 3 3 TY G2 +18 3 4 PO E5 +18 3 5 KK C11 +18 3 6 PI E28 +18 4 1 TA A0..40 +18 4 2 CH J0..40 +18 4 3 TY F1..4G1..4 +18 4 4 SH C6..15D6..15 +18 4 5 PI E16..24F16..24 +18 4 6 KK E25..30F25..30 +18 4 7 AA C25..40 +18 4 8 SA E33..37F33..37 +18 4 9 RR H32..40I32..40 +18 5 1 TA A0..40 +18 5 2 CH J0..40 +18 5 3 KK B0..40 +18 5 4 TY E1..20 +18 5 5 PO E40F40G40H40 +18 6 1 TA A0..40 +18 6 2 CH J0..40 +18 6 3 TY F1..7 +18 6 4 KK C1..7 +18 6 5 FF D31E31F31 +18 7 1 TA A0..40 +18 7 2 CH J0..40 +18 7 3 VV G1 +18 7 4 EE C8,9 +18 7 5 SH C11,12 +18 7 6 KK B16..22 +18 7 7 SH G27 +18 7 8 RR H34 +18 7 9 SA I12..19 +18 7 10 TY F40G40 +18 8 1 TA A0..40 +18 8 2 CH J0..40 +18 8 3 TY F1 +18 8 4 EE D6..11 +18 8 5 AA I8..31 +18 8 6 SH D20E20F20G20 +18 8 7 PI F29 +18 8 8 SH D33E33F33G33 +18 9 1 TA A0..40 +18 9 2 CH J1 +18 9 3 AA H25 +18 9 4 SA J26 +18 9 5 TY I38 +18 9 6 PO G40 +18 9 7 KK F29 +18 10 1 TA A0..40 +18 10 2 CH J1 +18 10 3 PA F2 +18 10 4 PO E3 +18 10 5 SH C8..13 +18 10 6 PI E24 +18 10 7 KK B35..40 +18 10 8 TY E37..40F37..40 +18 10 9 SA J35..40 +18 11 1 TA A0..40 +18 11 2 CH J0..40 +18 11 3 TY E3,4F3 +18 11 4 PO C7D7E7 +18 11 5 PA D11 +18 12 1 TA A0..40 +18 12 2 CH J0..40 +18 12 3 TY E2 +18 12 4 PO E3 +18 12 5 KK B11 +18 13 1 TA A0..40 +18 13 2 CH J0..20 +18 13 3 TY F1G1 +18 13 4 PO E4F4G4 +18 13 5 SA J25..40 +18 13 6 PI F30G30H30 +18 13 7 RR F39G39H39 +18 14 1 TA A28 +18 14 2 CH J17..25 +18 14 3 AA I13 +18 14 4 SA I14,15 +18 14 5 TY E3F3,4 +18 15 1 TA B0 +18 15 2 CH J1 +18 15 3 AA I0 +18 15 4 TY G1 +18 15 5 RR G4 +18 15 6 NN B4 +18 15 7 KK A6 +18 16 1 TA A0..40 +18 16 2 CH J0..40 +18 16 3 TY C1..6D1..5E1..4 +18 16 4 PI D18..29E18..29F18..29 +18 16 5 PO E40F40G40H40 +18 17 1 TA A0..40 +18 17 2 CH J0..40 +18 17 3 AA B19..40 +18 17 4 TY E22..30 +18 17 5 PO F3G3 +18 18 1 TA A0..40 +18 18 2 CH J0..40 +18 18 3 TY G1 +18 18 4 KK E4 +18 18 5 EE C9 +18 18 6 PI F18 +18 18 7 AA B39 +18 19 1 TA A0..40 +18 19 2 CH J0..40 +18 19 3 KK I0..40 +18 19 4 PO D1..4E1..4F1..4 +18 19 5 PI C17..22D17..22E17..22 +18 19 6 TY C40D40E40F40G40 +18 20 1 TA A0..40 +18 20 2 CH J0..40 +18 20 3 PO H2 +18 20 4 AA F22G22 +18 20 5 TY G37,38H37,38 +18 21 1 TA A19 +18 21 2 CH J1 +18 21 3 SA J20 +18 21 4 PI H17 +18 21 5 TY E1 +18 21 6 PA F3 +18 21 7 PO B9 +18 21 8 KK D10 +18 21 9 AA E17 +18 22 1 TA A0..40 +18 22 2 CH J0..40 +18 22 3 AA F10..13G10..13 +18 22 4 SH B10..14C10..14 +18 22 5 PI E27..30F26..30 +18 22 6 TY C34..40D34..40 +18 23 1 TA A0..40 +18 23 2 CH J0..40 +18 23 3 TY C1..8D1..8 +18 23 4 NN C9 +18 23 5 AA H7..15I0..6 +18 23 6 SA I8..23 +18 23 7 PO F1..4G1..4 +18 23 8 FF H31 +18 24 1 TA A0..4 +18 24 2 SA G0H0 +18 24 3 CH E0 +18 24 4 PO F1G2 +18 24 5 TY G1 +18 24 6 KK F4 +18 25 1 TA A0..40B0..8 +18 25 2 KK B9..40 +18 25 3 TY C1..7D1..5 +18 25 4 CH J0..40 +18 25 5 AA H13..21 +19 1 1 FJ A0..40 +19 1 2 PI E39 +19 1 3 CA I38 +19 1 4 FC G29 +19 1 5 N G17 +19 1 6 TS C10 +19 1 7 CF I6 +19 1 8 B H2 +19 1 9 PL F0 +19 1 10 F J0..40 +19 2 1 FJ A0..40 +19 2 2 F J0..40 +19 2 3 FC I30 +19 2 4 A D28 +19 2 5 N H17 +19 2 6 TS C8 +19 2 7 CF H8 +19 2 8 B G3 +19 2 9 CE F0 +19 2 10 R I1 +19 2 11 M G3 +19 3 1 FJ A0..40 +19 3 2 CA I35 +19 3 3 FC I30 +19 3 4 N I19 +19 3 5 TS C12 +19 3 6 CF I6 +19 3 7 B H2 +19 3 8 R G1 +19 3 9 F J0..40 +19 4 1 FJ A0..40 +19 4 2 R E39 +19 4 3 CA H36 +19 4 4 FC H30 +19 4 5 N H20 +19 4 6 TS C8 +19 4 7 B G2 +19 4 8 SP G0 +19 5 1 FJ A0..40 +19 5 2 M G34 +19 5 3 FC H30 +19 5 4 N H20 +19 5 5 TS C8 +19 5 6 F J0..40 +19 5 7 R H1 +19 5 8 B H1 +19 5 9 PL F0 +19 5 10 CF H6 +19 6 1 FJ A0..40 +19 6 2 CA F32 +19 6 3 FC H29 +19 6 4 A E29 +19 6 5 N F16 +19 6 6 TS C9 +19 6 7 CF H5 +19 6 8 R G2 +19 6 9 B G2 +19 6 10 F J0..40 +19 7 1 FJ A0..40 +19 7 2 R G40 +19 7 3 M I31 +19 7 4 FC H29 +19 7 5 A F28 +19 7 6 N H19 +19 7 7 TS B10 +19 7 8 F J0..40 +19 7 9 B H3 +19 7 10 PL F0 +19 7 11 FJ C0 +19 7 12 CF H6 +19 8 1 P B2 +19 8 2 CA E35 +19 8 3 R F40 +19 8 4 F J0..40 +19 8 5 FC H30 +19 8 6 N G19 +19 8 7 TS C9 +19 8 8 CF G6 +19 8 9 T E5 +19 8 10 B G2 +19 8 11 PL E0 +19 8 12 M F34 +19 9 1 FJ A0..40 +19 9 2 R F40 +19 9 3 CA H38 +19 9 4 M I33 +19 9 5 FC I31 +19 9 6 A G30 +19 9 7 N H21 +19 9 8 TS C9 +19 9 9 CF H7 +19 9 10 T E4 +19 9 11 BT I1 +19 9 12 B G2 +19 9 13 BA F1 +19 9 14 J H0 +19 9 15 F J0..40 +19 9 16 FJ C0 +19 10 1 FJ A0..40 +19 10 2 CA H40 +19 10 3 F J0..40 +19 10 4 M H32 +19 10 5 FC H29 +19 10 6 N G17 +19 10 7 TS C10 +19 10 8 T D6 +19 10 9 CF I5 +19 10 10 B G2 +19 10 11 PL H0 +19 10 12 R E39 +19 11 1 R E38 +19 11 2 CA H38 +19 11 3 FC G30 +19 11 4 N F17 +19 11 5 TS C9 +19 11 6 CF H6 +19 11 7 CH G6 +19 11 8 B F4 +19 11 9 F J0..40 +19 11 10 P E0 +19 12 1 FJ A0..40 +19 12 2 R D37 +19 12 3 M G36 +19 12 4 FC F29 +19 12 5 N G21 +19 12 6 TS C9 +19 12 7 CF H7 +19 12 8 B G2 +19 12 9 P C2 +19 12 10 F J0..40 +19 13 1 R H38 +19 13 2 M H33 +19 13 3 FC H29 +19 13 4 N H20 +19 13 5 CF G8 +19 13 6 TS C8 +19 13 7 T D6 +19 13 8 B H2 +19 13 9 PL F0 +19 14 1 FJ A0..40 +19 14 2 R F40 +19 14 3 CA G40 +19 14 4 FC G28 +19 14 5 A E28 +19 14 6 N G16 +19 14 7 BA I9 +19 14 8 TS C9 +19 14 9 T D6 +19 14 10 B H3 +19 14 11 CE I0 +19 14 12 F J0..40 +19 15 1 FJ A0..40 +19 15 2 R E38 +19 15 3 CA G40 +19 15 4 M H35 +19 15 5 FC G28 +19 15 6 N F17 +19 15 7 TS C10 +19 15 8 CF H6 +19 15 9 P H0 +19 15 10 T D6 +19 15 11 B F4 +19 15 12 PI G3 +19 15 13 BA E0 +19 15 14 NA D7 +19 16 1 FJ A0..40 +19 16 2 R D38 +19 16 3 CA G34 +19 16 4 FC F28 +19 16 5 A E26 +19 16 6 N F17 +19 16 7 TS D11 +19 16 8 CH I8 +19 16 9 T H6 +19 16 10 B I1 +19 16 11 BA G0 +19 16 12 F J0..40 +19 17 1 FJ A0..40 +19 17 2 R E39 +19 17 3 M H33 +19 17 4 FC G28 +19 17 5 N G17 +19 17 6 BA I9 +19 17 7 TS C9 +19 17 8 CF H7 +19 17 9 T E5 +19 17 10 B G1 +19 17 11 F J0..40 +19 18 1 FJ A0..40 +19 18 2 CA I40 +19 18 3 R G40 +19 18 4 M I33 +19 18 5 A F29 +19 18 6 FC H29 +19 18 7 N H21 +19 18 8 TS C10 +19 18 9 CF I8 +19 18 10 B H4 +19 18 11 T F4 +19 18 12 F J0..40 +19 18 13 BA D0 +19 19 1 FJ A0..40 +19 19 2 M H33 +19 19 3 FC G28 +19 19 4 N F17 +19 19 5 TS C8 +19 19 6 F J0..40 +19 19 7 B F4 +19 19 8 R E1 +19 19 9 PL E0 +19 19 10 CF H7 +19 20 1 FJ A0..40 +19 20 2 R E40 +19 20 3 M I40 +19 20 4 CA G36 +19 20 5 FC G30 +19 20 6 N G20 +19 20 7 CF H5 +19 20 8 TS D6 +19 20 9 B F4 +19 20 10 PL F0 +19 20 11 F J0..40 +19 21 1 FJ A0..40 +19 21 2 M I40 +19 21 3 R G40 +19 21 4 CA H37 +19 21 5 A F29 +19 21 6 FC H28 +19 21 7 N G16 +19 21 8 TS C10 +19 21 9 CF F8 +19 21 10 T E5 +19 21 11 B G3 +19 21 12 PL G0 +19 21 13 F J0..40 +19 22 1 FJ A0..40 +19 22 2 CA E39 +19 22 3 T E37 +19 22 4 FC F29 +19 22 5 N F18 +19 22 6 TS E12 +19 22 7 CF E6 +19 22 8 B E1 +19 22 9 PL F0 +19 22 10 F J0..40 +19 23 1 FJ A0..40 +19 23 2 R F40 +19 23 3 M I40 +19 23 4 CA H37 +19 23 5 FC G30 +19 23 6 A E25 +19 23 7 N F19 +19 23 8 TS C10 +19 23 9 CF H7 +19 23 10 B G3 +19 23 11 PL F0 +19 23 12 F J0..40 +19 24 1 FJ A0..40 +19 24 2 R E39 +19 24 3 PL F0 +19 24 4 FC H30 +19 24 5 A F29 +19 24 6 N G19 +19 24 7 TS C11 +19 24 8 M I39 +19 24 9 BT I2 +19 24 10 B G2 +19 24 11 NA D6 +19 24 12 F J0..40 +19 24 13 CF H8 +19 25 1 FJ A0..40 +19 25 2 R E40 +19 25 3 M E36 +19 25 4 FC F29 +19 25 5 N G18 +19 25 6 TS C11 +19 25 7 CF G7 +19 25 8 NA E5 +19 25 9 B F3 +19 25 10 BT I1 +19 25 11 PL E0 +19 25 12 F J0..40 +20 1 1 B A0..40 +20 1 2 PZ B39,40 +20 1 3 KV C27..30 +20 1 4 P C8,9 +20 1 5 KN J0..40 +20 1 6 T I1..3 +20 1 7 C G1,2 +20 1 8 K G17..19 +20 2 1 P C9 +20 2 2 C F1..3 +20 2 3 KV F25 +20 2 4 B A0..40 +20 2 5 K F17 +20 3 1 PZ B0..7 +20 3 2 P C11,12 +20 3 3 C G1,2 +20 3 4 B A0..40 +20 3 5 KV G28..30 +20 3 6 T I37..40 +20 3 7 KN I0J0..40 +20 3 8 K G17..20 +20 4 1 B A0..40 +20 4 2 P B12 +20 4 3 K G18 +20 4 4 KV F20 +20 4 5 C F40 +20 4 6 KN J0..40 +20 5 1 P C8 +20 5 2 K G17 +20 5 3 KV F29 +20 5 4 B A0..40 +20 5 5 C G1,40 +20 5 6 KN J0..40 +20 6 1 P C9 +20 6 2 K G17 +20 6 3 KV G29 +20 6 4 B A0..40 +20 6 5 KN J0..40 +20 6 6 C G1 +20 7 1 P C8 +20 7 2 K F20 +20 7 3 KV H29 +20 7 4 B A0..40 +20 7 5 KN J0..40 +20 7 6 C G3 +20 8 1 B A0..40 +20 8 2 K F20 +20 8 3 PZ C27 +20 8 4 KV F29 +20 8 5 T I39 +20 8 6 KN J0..40 +20 8 7 C G1 +20 9 1 P C9 +20 9 2 PZ B10 +20 9 3 B A0..40 +20 9 4 K F17 +20 9 5 KV F28 +20 9 6 T I39 +20 9 7 KN J0..40 +20 9 8 C G1 +20 10 1 P B12 +20 10 2 KV E28 +20 10 3 B A0..40 +20 10 4 KN J0..40 +20 10 5 K H21 +20 10 6 C F2 +20 11 1 P C8 +20 11 2 K F19 +20 11 3 B A0..40 +20 11 4 KV G29 +20 11 5 KN J0..40 +20 11 6 C G1 +21 1 1 PJ A0 +21 1 2 SE J0 +21 1 3 JA C9 +21 1 4 SA F17 +21 1 5 PA B27 +21 1 6 PU G40 +21 2 1 PJ A0 +21 2 2 SE J0 +21 2 3 PA D0 +21 2 4 A G0 +21 2 5 JA B13 +21 2 6 SA F17 +21 2 7 PU F40 +21 3 1 SE J0 +21 3 2 PJ A0 +21 3 3 JA C8 +21 3 4 SA G18 +21 3 5 PU G40 +21 3 6 PA G9 +21 4 1 PJ A0 +21 4 2 SE J0 +21 4 3 PU F4 +21 4 4 JA C10 +21 4 5 SA F17 +21 4 6 A J0 +21 4 7 PA H7 +21 5 1 PJ A0 +21 5 2 SE J0 +21 5 3 PA C0 +21 5 4 PU G2 +21 5 5 A I0 +21 5 6 JA C11 +21 5 7 SA F17 +21 6 1 PJ A0 +21 6 2 SE J0 +21 6 3 JA C9 +21 6 4 PA B26 +21 6 5 SA F28 +21 6 6 PU F39 +21 7 1 PJ A0 +21 7 2 SE J0 +21 7 3 JA C9 +21 7 4 SA G20 +21 7 5 PA B28 +21 7 6 PU G40 +21 8 1 PA E0 +21 8 2 A I0 +21 8 3 PU F4 +21 8 4 JA C13 +21 8 5 SA H17 +21 8 6 SE J0 +21 8 7 PJ A0 +21 9 1 PJ A0 +21 9 2 JA B12 +21 9 3 SA F18 +21 9 4 PA D28 +21 9 5 PU F39 +21 9 6 SE J0 +21 9 7 A I14 +21 10 1 PU G1 +21 10 2 JA C12 +21 10 3 SA F18 +21 10 4 A H0 +21 10 5 PA D0 +21 10 6 PJ A0 +21 10 7 SE J0 +21 11 1 PA E0 +21 11 2 JA C10 +21 11 3 PJ A0 +21 11 4 SA F28 +21 11 5 SE J0 +21 11 6 A J0 +21 11 7 PU F3 +21 12 1 PJ A0 +21 12 2 JA C12 +21 12 3 PA B25 +21 12 4 SA F29 +21 12 5 PU G40 +21 12 6 SE H0 +21 13 1 PJ A0 +21 13 2 SE J0 +21 13 3 PA F0 +21 13 4 PU F2 +21 13 5 JA C8 +21 13 6 SA F19 +21 14 1 PU G2 +21 14 2 PJ A0 +21 14 3 JA C11 +21 14 4 SA G17 +21 14 5 SE J0 +21 14 6 PA I12 +21 15 1 PJ A0 +21 15 2 SE J0 +21 15 3 PA E0 +21 15 4 PU G1 +21 15 5 JA C12 +21 15 6 SA F16 +21 16 1 PJ A0 +21 16 2 A J0 +21 16 3 A J0 +21 16 4 PU F2 +21 16 5 PA G7 +21 16 6 JA B12 +21 16 7 SA E18 +21 17 1 PJ A0 +21 17 2 SE J0 +21 17 3 PA G0 +21 17 4 PU F2 +21 17 5 JA B11 +21 17 6 SA G20 +21 18 1 PJ A0 +21 18 2 SE J0 +21 18 3 PA E0 +21 18 4 PU E4 +21 18 5 JA C9 +21 18 6 SA E18 +21 19 1 PJ A0 +21 19 2 PA E0 +21 19 3 PU G1 +21 19 4 JA B11 +21 19 5 SA F17 +21 19 6 SE J0 +21 20 1 SE J0 +21 20 2 PJ A0 +21 20 3 PA F0 +21 20 4 PU F1 +21 20 5 CA F6 +21 20 6 JA B12 +21 20 7 CH H5 +21 20 8 SA F17 +21 21 1 SE J0 +21 21 2 PJ A0 +21 21 3 PA G0 +21 21 4 JA C8 +21 21 5 PU G1 +21 21 6 SA F17 +21 22 1 PJ A0 +21 22 2 SE J0 +21 22 3 PA C0 +21 22 4 JA C10 +21 22 5 SA F28 +21 22 6 PU F39 +21 23 1 PJ A0 +21 23 2 SE J0 +21 23 3 PA F0 +21 23 4 PU F1 +21 23 5 JA B12 +21 23 6 SA F29 +21 24 1 SE J0 +21 24 2 PJ A0 +21 24 3 PA E0 +21 24 4 PU G2 +21 24 5 JA C12 +21 24 6 SA H29 +21 25 1 PJ A0 +21 25 2 SE J0 +21 25 3 PA B0 +21 25 4 PU F3 +21 25 5 JA C10 +21 25 6 SA F17 +22 1 1 LU G19H29 +22 1 2 YA J23 +22 1 3 LA D10,11 +22 1 4 PA J6 +22 1 5 UN H2 +22 1 6 FI C26D3 +22 1 7 LA D11 +22 1 8 FI A32 +22 1 9 LA E8 +22 2 1 LU D16F21 +22 2 2 YA G11 +22 2 3 PA J0 +22 2 4 NN I1 +22 2 5 UN F1 +22 2 6 FI A0B5C1 +22 2 7 LA C8D6 +22 3 1 PA J0 +22 3 2 UN G1 +22 3 3 FI A0..40 +22 3 4 LA C13 +22 3 5 LU E20 +22 4 1 LU F21,29 +22 4 2 YA J3 +22 4 3 PA J1 +22 4 4 UN G2 +22 4 5 LL G1 +22 4 6 FI A1..3 +22 4 7 LA C8,9 +22 4 8 LU G17 +22 5 1 LU G20,29 +22 5 2 PA I10J4 +22 5 3 YA I8 +22 5 4 UN E1G1 +22 5 5 FI B3,20 +22 5 6 FI C32 +22 5 7 LA C11E12 +22 5 8 LU E25 +22 6 1 UN I40 +22 6 2 LU H31 +22 6 3 PA J1 +22 6 4 LA C9 +22 6 5 LA E29 +22 6 6 FI A32 +22 7 1 LU D17H19 +22 7 2 UN I2 +22 7 3 PA J0..40 +22 7 4 FI A0..40 +22 7 5 LA C11 +22 8 1 LA B12F40 +22 8 2 LU F28G21 +22 8 3 PA J18 +22 8 4 NN I7 +22 8 5 UN G1 +22 8 6 LL G3 +22 8 7 FI A0..40 +22 8 8 FI B7 +22 9 1 YA I38 +22 9 2 LU H17,28 +22 9 3 LU I28 +22 9 4 PA J10 +22 9 5 UN E4G3 +22 9 6 FI A0..40 +22 9 7 LA D6 +22 9 8 LA C10 +22 9 9 FI B34 +22 10 1 LU F17,18 +22 10 3 PA J2 +22 10 4 LL F3 +22 10 5 FI C2 +22 10 6 LA C11 +22 10 7 FI A18 +22 11 1 PA J40 +22 11 2 YA I33 +22 11 3 LU G17,29 +22 11 4 LU I29,30 +22 11 5 LL F1 +22 11 6 LA C9 +22 11 7 FI A40 +22 12 1 UN G40 +22 12 2 PA J0..40 +22 12 3 LU E26F17 +22 12 4 FI A0..40 +22 12 5 LA C12,13 +22 13 1 LU F29G17 +22 13 3 PA J0..40 +22 13 4 UN G3 +22 13 5 LA D8 +22 13 6 FI A16 +22 14 1 YA I35 +22 14 2 LU F17G18 +22 14 3 PA J0..40 +22 14 4 UN G1 +22 14 5 FI A0..40 +22 14 6 LA C11,13 +22 15 1 YA J37 +22 15 2 PA I32 +22 15 3 LU G21,29 +22 15 4 LL G2 +22 15 5 LA C9 +22 15 6 FI A36 +22 16 1 YA H36 +22 16 2 PA J0..40 +22 16 3 UN G1 +22 16 4 LA C9 +22 16 5 FI A0..40 +22 16 6 FI B22,37 +22 16 7 LU F26 +22 17 1 LU E21I21,29 +22 17 2 PA J19 +22 17 3 LA C13E15 +22 17 4 YA I12 +22 17 5 UN G3 +22 17 6 FI B3D14 +22 17 7 LA C10 +22 17 8 FI A21 +22 18 1 LU E19F19G27 +22 18 2 PA J0..40 +22 18 3 UN G1 +22 18 4 FI A0..40 +22 18 5 FI B7..14C38 +22 19 1 LL G40 +22 19 2 LU F16,21,28 +22 19 3 PA J1 +22 19 4 LA C8 +22 19 5 LA C9 +22 19 7 FI A38 +22 20 1 YA F34 +22 20 2 LA G40 +22 20 3 LU H20I21 +22 20 4 PA J16 +22 20 5 LL I2 +22 20 6 LA F2 +22 20 7 FI A5B5 +22 21 1 PA J0..40 +22 21 2 YA H32 +22 21 3 LU H18 +22 21 4 UN G3 +22 21 5 FI B4 +22 21 6 LA C9 +22 22 1 LU G18,28 +22 22 2 LL G3 +22 22 3 LA C8 +22 22 4 FI B14 +22 22 5 FI A17 +22 23 1 PA J40 +22 23 2 LU F25,29 +22 23 3 UN G2 +22 23 4 LA D8 +22 23 5 FI A24 +22 24 1 PA J0..40 +22 24 2 YA I36 +22 24 3 LU H20I29 +22 24 4 UN I1 +22 24 5 FI A7 +22 24 6 LA C11 +22 24 7 FI B22 +22 25 1 PA J0..40 +22 25 2 LU F18G30 +22 25 3 UN G1 +22 25 4 FI A0..40 +22 25 5 LA C11 +22 25 6 LA C13 +23 1 1 J A0..40 +23 1 2 C J0..40 +23 1 3 N D24 +23 1 4 S E40 +23 2 1 J A0..40 +23 2 2 C J0..40 +23 2 3 S F2 +23 2 4 N F29 +23 3 1 J A0..40 +23 3 2 C J0..40 +23 3 3 N G30 +23 3 4 S E40 +23 4 1 J A0..40 +23 4 2 C J0..40 +23 4 3 N F29 +23 4 4 S F39 +23 5 1 J A0..40 +23 5 2 C J0..40 +23 5 3 N G30 +23 5 4 S H40 +23 6 1 J A0..40 +23 6 2 C J0..40 +23 6 3 N G29 +23 6 4 S F4 +23 7 1 J A0..40 +23 7 2 C J0..40 +23 7 3 N F19 +23 7 4 S C40 +23 8 1 J A0..40 +23 8 2 C J0..40 +23 8 3 N E27 +23 8 4 S D36 +23 9 1 J A0J0..40 +23 9 2 N F21 +23 9 3 S G40 +23 10 1 J A0..40 +23 10 2 C J18 +23 10 3 N D18 +23 10 4 S E4 +23 11 1 J A0..40 +23 11 2 C J0..40 +23 11 3 N F30 +23 11 4 S E35 +23 12 1 J A0..40 +23 12 2 C F18,19G18,19H18,19I18,19J18,19 +23 12 3 N G30 +23 12 4 S G40 +23 13 1 N F20 +23 13 2 S G40 +23 14 1 J A40 +23 14 2 C J0..40 +23 14 3 N E28 +23 14 4 S F40 +23 15 1 J A28 +23 15 2 C J32 +23 15 3 N F26 +23 15 4 S F39 +23 16 1 N D30 +23 16 2 S E39 +23 17 1 J A0..40 +23 17 2 C J25 +23 17 3 N F24 +23 17 4 S F3 +23 18 1 J B30 +23 18 2 C H32 +23 18 3 N F30 +23 18 4 S F38 +23 19 1 J A0..40 +23 19 2 C J0..40 +23 19 3 N G29 +23 19 4 S F39 +23 20 1 J A38 +23 20 2 C J33 +23 20 3 N F29 +23 20 4 S F39 +23 20 5 T D18 +23 21 1 J A26 +23 21 2 C J21 +23 21 3 N E29 +23 21 4 S G40 +23 22 1 J A0..40 +23 22 2 C J0..40 +23 22 3 N G28 +23 22 4 S F3 +23 23 1 J A0..40 +23 23 2 C J0..40 +23 23 3 S C7 +23 23 4 N D23 +23 24 1 J A0..40 +23 24 2 C J0..40 +23 24 3 N F28 +23 24 4 S F3 +23 25 1 J A0..40 +23 25 2 C J0..40 +23 25 3 N G30 +23 25 4 S G2 +24 1 1 B A0 +24 1 2 N J0 +24 1 3 S E5 +24 1 4 C H3 +24 1 5 CH H6 +24 1 6 AM B10 +24 1 7 V H17 +24 1 8 A F29 +24 1 9 L H33 +24 2 1 B A12 +24 2 2 N J24 +24 2 3 S D1 +24 2 4 C G1 +24 2 5 G H4 +24 2 6 CH H6 +24 2 7 AM C8 +24 2 8 V E17 +24 2 9 A F29 +24 2 10 L H34 +24 3 1 B A0 +24 3 2 N J0 +24 3 3 CR C0 +24 3 4 R E1 +24 3 5 C G3 +24 3 6 S D6 +24 3 7 AM D7 +24 3 8 CH H8 +24 3 9 VI H33 +24 3 10 A F28 +24 3 11 V G16 +24 4 1 B B29 +24 4 2 N J5 +24 4 3 C F4 +24 4 4 S E6 +24 4 5 CH H7 +24 4 6 AM C10 +24 4 7 V H18 +24 4 8 A H30 +24 4 9 VI H38 +24 4 10 R F40 +24 5 1 B A10 +24 5 2 N J21 +24 5 3 R E1 +24 5 4 AM C8 +24 5 5 S F4 +24 5 6 C F1 +24 5 7 CH G6 +24 5 8 V F17 +24 5 9 A E28 +24 5 10 VI F33 +24 5 11 M G39 +24 6 1 B A0 +24 6 2 N J40 +24 6 3 M I3 +24 6 4 S C8 +24 6 5 AM C10 +24 6 6 CH G9 +24 6 7 V G18 +24 6 8 A F29 +24 6 9 L H34 +24 6 10 C G40 +24 6 11 R E39 +24 7 1 B A0 +24 7 2 N J24 +24 7 3 C H4 +24 7 4 S E8 +24 7 5 CH G9 +24 7 6 AM C13 +24 7 7 R D40 +24 7 8 G I16 +24 7 9 V G17 +24 7 10 A G31 +24 7 11 L I31 +24 7 12 CR B16 +24 8 1 B A0 +24 8 2 N J1 +24 8 3 R D1 +24 8 4 C H2 +24 8 5 S D5 +24 8 6 AM D8 +24 8 7 CH G9 +24 8 8 V F16 +24 8 9 A G29 +24 8 10 VI G32 +24 8 11 M H38 +24 9 1 B A23 +24 9 2 N J38 +24 9 3 R D2 +24 9 4 C G2 +24 9 5 LE B8 +24 9 6 AM C9 +24 9 7 CH H8 +24 9 8 V F16 +24 9 9 A H29 +24 9 10 L G35 +24 10 1 B A13 +24 10 2 N J34 +24 10 3 R E4 +24 10 4 C H3 +24 10 5 S G5 +24 10 6 CH I7 +24 10 7 AM C11 +24 10 8 V F17 +24 10 9 A I30 +24 10 10 VI I35 +24 11 1 B A38 +24 11 2 N J3 +24 11 3 C G1 +24 11 4 G E5 +24 11 5 CH I8 +24 11 6 AM C10 +24 11 7 V G17 +24 11 8 A H29 +24 11 9 VI G32 +24 12 1 B A7 +24 12 2 N J36 +24 12 3 C H1 +24 12 4 CH G6 +24 12 5 AM C9 +24 12 6 V G17 +24 12 7 A I28 +24 12 8 R F38 +24 13 1 B A1 +24 13 2 N J1 +24 13 3 G I1 +24 13 4 AM C10 +24 13 5 CH H7 +24 13 6 V F17 +24 13 7 A H30 +24 13 8 L D31 +24 13 9 R E40 +24 14 1 B A38 +24 14 2 N J38 +24 14 3 C G1 +24 14 4 G H1 +24 14 5 S E4 +24 14 6 CH I7 +24 14 7 AM C9 +24 14 8 V H16 +24 14 9 A E28 +24 14 10 L H33 +24 14 11 R E38 +24 15 1 B A40 +24 15 2 S D40 +24 15 3 N J40 +24 15 4 C F2 +24 15 5 CH G9 +24 15 6 AM B12 +24 15 7 V G20 +24 15 8 A G30 +24 15 9 VI G34 +24 15 10 L H35 +24 16 1 B A5 +24 16 2 N J18 +24 16 3 R E2 +24 16 4 C G1 +24 16 5 S D6 +24 16 6 CH I6 +24 16 7 AM C8 +24 16 8 V H17 +24 16 9 A F29 +24 16 10 L H35 +24 16 11 G H36 +24 17 1 B A7 +24 17 2 N J10 +24 17 3 S E1 +24 17 4 AM C9 +24 17 5 CH I8 +24 17 6 V G20 +24 17 7 A H29 +24 17 8 L G32 +24 18 1 B A12 +24 18 2 N J40 +24 18 3 G F0 +24 18 4 M I1 +24 18 5 C G2 +24 18 6 R F4 +24 18 7 AM C10 +24 18 8 CH G10 +24 18 9 V F18 +24 18 10 A G30 +24 18 11 L I37 +24 19 1 B A40 +24 19 2 N J0 +24 19 3 C F1 +24 19 4 S D3 +24 19 5 CH H7 +24 19 6 AM C9 +24 19 7 V F17 +24 19 8 A F29 +24 19 9 R D40 +24 19 10 L F32 +24 20 1 B A33 +24 20 2 N J33 +24 20 3 C G3 +24 20 4 CH H8 +24 20 5 S F8 +24 20 6 AM B12 +24 20 7 V G20 +24 20 8 A E29 +24 20 9 VI H33 +24 20 10 R F40 +24 21 1 B A0 +24 21 2 N J40 +24 21 3 S D6 +24 21 4 CH F9 +24 21 5 AM B10 +24 21 6 V E19 +24 21 7 A G31 +24 21 8 L G33 +24 21 9 M I38 +24 21 10 C F40 +24 21 11 R C40 +24 22 1 B A21 +24 22 2 N I0 +24 22 3 C G2 +24 22 4 S F4 +24 22 5 CH I5 +24 22 6 AM C8 +24 22 7 V H18 +24 22 8 A G30 +24 22 9 SI D31 +24 22 10 L G34 +24 22 11 R E39 +24 22 12 G J40 +24 23 1 B A9 +24 23 2 N J31 +24 23 3 R E1 +24 23 4 C G2 +24 23 5 CH G8 +24 23 6 AM C9 +24 23 7 V E16 +24 23 8 A H29 +24 23 9 L H34 +24 24 1 B A20 +24 24 2 N J24 +24 24 3 C G1 +24 24 4 CH H10 +24 24 5 AM B12 +24 24 6 V G16 +24 24 7 A G30 +24 24 8 VI G32 +24 24 9 R E38 +24 25 1 B A0 +24 25 2 N J40 +24 25 3 C G1 +24 25 4 S D3 +24 25 5 CH I11 +24 25 6 AM C13 +24 25 7 V F20 +24 25 8 A F29 +24 25 9 L F33 +24 25 10 G H39 +24 25 11 R D37 +25 1 1 H A0..40 +25 1 2 A D1 +25 1 3 S C8 +25 1 4 K F29 +25 1 5 R J0..40 +25 1 6 U G1 +25 1 7 E F0 +25 6 1 H A0..40 +25 6 2 E E0 +25 6 3 S C9 +25 6 4 K F28 +25 6 5 A E39 +25 6 6 U G3 +25 6 7 R J0..40 +25 8 1 H A0..40 +25 8 2 A C2 +25 8 3 S D8 +25 8 4 E G10 +25 8 5 K F28 +25 8 6 U G1 +25 8 7 R J0..40 +25 9 1 A D1 +25 9 2 H A0..40 +25 9 3 S C10 +25 9 4 K E27 +25 9 5 U G1 +25 9 6 R J0..40 +25 9 7 E D0 +25 10 1 H A0..40 +25 10 2 A C2 +25 10 3 S C9 +25 10 4 K E17 +25 10 5 E D31 +25 10 6 U G2 +25 10 7 R J0..40 +25 11 1 H A0..40 +25 11 2 S C9 +25 11 3 E F11 +25 11 4 A E36 +25 11 5 K H29 +25 11 6 R J0..40 +25 11 7 U F2 +25 12 1 H A0..40 +25 12 2 S C10 +25 12 3 K F29 +25 12 4 A F34 +25 12 5 E F0 +25 12 6 U G1 +25 12 7 R J0..40 +25 13 1 H A0..40 +25 13 2 S C8 +25 13 3 K G30 +25 13 4 A D35 +25 13 5 U G3 +25 13 6 E G0 +25 14 1 H A0 +25 14 2 S B12 +25 14 3 K F29 +25 14 4 A D40 +25 14 5 R J0 +25 14 6 U G2 +25 14 7 E E0 +25 17 1 H A0..40 +25 17 2 S C9 +25 17 3 K F29 +25 17 4 A E38 +25 17 5 U G2 +25 17 6 R J0..40 +25 17 7 E E0 +25 19 1 E E0 +25 19 2 S D9 +25 19 3 H A0..40 +25 19 4 A E36 +25 19 5 K G28 +25 19 6 R J0..40 +25 19 7 U G3 +25 22 1 H A0..40 +25 22 2 S D8 +25 22 3 K G30 +25 22 4 A F38 +25 22 5 U G3 +25 22 6 R J0..40 +25 22 7 E E0 +25 23 1 H A0..40 +25 23 2 S C8 +25 23 3 K F28 +25 23 4 E G6 +25 23 5 U G1 +25 23 6 R J0..40 +25 23 7 A D1 +26 1 1 TA A0..40 +26 1 2 NA C11 +26 1 3 RO F39 +26 1 4 CA I38 +26 1 5 MC H29 +26 1 6 RA G18 +26 1 7 LA J0..40 +26 1 8 GA G2 +26 2 1 TA A0..40 +26 2 2 NA D6 +26 2 3 RO F39 +26 2 4 MC H28 +26 2 5 RA H18 +26 2 6 CA G6 +26 2 7 LA J0..40 +26 2 8 GA G1 +26 3 1 TA A0..40 +26 3 2 NA C9 +26 3 3 RA F19 +26 3 4 RO E40 +26 3 5 MC I31 +26 3 6 H I30 +26 3 7 CA H8 +26 3 8 GA I2 +26 3 9 LA J0..40 +26 4 1 TA A0..40 +26 4 2 NA B12 +26 4 3 RA F18 +26 4 4 MC G31 +26 4 5 JG G7 +26 4 6 CA I2 +26 4 7 LA J0..40 +26 4 8 GA F3 +26 4 9 RO D3 +26 5 1 RO D2 +26 5 2 GA E4 +26 5 3 NA C10 +26 5 4 RA F18 +26 5 5 TA A0..40 +26 5 6 MC G30 +26 5 7 CA I6 +26 5 8 LA J0..40 +26 6 1 TA A0..40 +26 6 2 RO C3 +26 6 3 NA C10 +26 6 4 RA F19 +26 6 5 MC F35 +26 6 6 CA I5 +26 6 7 LA J0..40 +26 6 8 GA G2 +26 7 1 TA A0..40 +26 7 2 JG F7 +26 7 3 MC H30 +26 7 4 RA H19 +26 7 5 H I13 +26 7 6 CA I3 +26 7 7 LA J0..40 +26 7 8 RO G1 +26 7 9 GA G3 +26 7 10 NA E4 +26 8 1 TA A0..40 +26 8 2 NA C9 +26 8 3 RA G20 +26 8 4 CA I5 +26 8 5 LA J0..40 +26 8 6 MC I1 +26 8 7 GA G2 +26 8 8 RO E2 +26 9 1 TA A0..40 +26 9 2 NA D6 +26 9 3 MC F32 +26 9 4 RA F17 +26 9 5 LA J0..40 +26 9 6 CA I1 +26 9 7 GA G2 +26 9 8 RO F1 +26 10 1 TA A0..40 +26 10 2 NA C11 +26 10 3 RO D40 +26 10 4 MC G29 +26 10 5 RA G20 +26 10 6 CA H7 +26 10 7 GA G2 +26 11 1 TA A0..40 +26 11 2 NA D8 +26 11 3 RO C39 +26 11 4 MC F33 +26 11 5 RA G18 +26 11 6 CA H7 +26 11 7 LA J0..40 +26 11 8 GA G3 +26 12 1 TA A0..40 +26 12 2 T4 D27 +26 12 3 RO E39 +26 12 4 GA G40 +26 12 5 CA H38 +26 12 6 MC G32 +26 12 7 RA F17 +26 12 8 LA J0..40 +26 12 9 NA F3 +26 13 1 TA A0..40 +26 13 2 MC F27 +26 13 3 RA G19 +26 13 4 CA I2 +26 13 5 LA J0..40 +26 13 6 GA G3 +26 13 7 NA E6 +26 13 8 RO D1 +26 14 1 TA A0..40 +26 14 2 NA C9 +26 14 3 RO G39 +26 14 4 MC G28 +26 14 5 RA G17 +26 14 6 CA G5 +26 14 7 LA J0..40 +26 14 8 GA G1 +26 15 1 TA A0..40 +26 15 2 NA C9 +26 15 3 RO F39 +26 15 4 MC G29 +26 15 5 RA H18 +26 15 6 CA G7 +26 15 7 LA J0..40 +26 15 8 GA F4 +26 16 1 TA A0..40 +26 16 2 NA C9 +26 16 3 MC G33 +26 16 4 RA G18 +26 16 5 LA J0..40 +26 16 6 GA G2 +26 17 1 TA A0..40 +26 17 2 NA C9 +26 17 3 RO E40 +26 17 4 CA I39 +26 17 5 MC H28 +26 17 6 RA G21 +26 17 7 GA F2 +26 17 8 LA J0..40 +26 18 1 TA A0..40 +26 18 2 NA C9 +26 18 3 RO F39 +26 18 4 MC I39 +26 18 5 H G29 +26 18 6 RA F17 +26 18 7 JG F6 +26 18 8 CA G5 +26 18 9 LA J0..40 +26 18 10 GA G2 +26 19 1 TA A0..40 +26 19 2 NA C8 +26 19 3 HE F28 +26 19 4 RO F39 +26 19 5 MC I39 +26 19 6 RA H21 +26 19 7 CA H8 +26 19 8 LA J0..40 +26 19 9 GA H2 +26 20 1 TA A0..40 +26 20 2 NA C9,10 +26 20 3 RO F40 +26 20 4 MC G30 +26 20 5 RA G20 +26 20 6 JG I12 +26 20 7 CA H7 +26 20 8 LA J0..40 +26 20 9 GA G2 +26 21 1 TA A0..40 +26 21 2 NA C10 +26 21 3 RO D38 +26 21 4 MC H36 +26 21 5 RA G22 +26 21 6 CA I8 +26 21 7 LA J0..40 +26 21 8 GA G1 +26 22 1 TA A0..40 +26 22 2 RO D8 +26 22 3 NA H36 +26 22 4 CA I37 +26 22 5 RA I18 +26 22 6 GA I2 +26 22 7 LA J0..40 +26 23 1 TA A0..40 +26 23 2 NA D9 +26 23 3 RO E35 +26 23 4 MC G33 +26 23 5 RA G20 +26 23 6 CA I2 +26 23 7 LA J0..40 +26 23 8 GA F2 +26 24 1 TA A0..40 +26 24 2 NA C11 +26 24 3 RO F38 +26 24 4 RA G21 +26 24 5 CA H3 +26 24 6 GA H2 +26 24 7 LA J0..40 +26 25 1 TA A0..40 +26 25 2 NA C9 +26 25 3 RO F39 +26 25 4 MC I39 +26 25 5 CA I38 +26 25 6 RA G18 +26 25 7 GA H4 +26 25 8 LA J0..40 +27 1 1 CB J8 +27 1 2 CT G1 +27 1 3 CH I8 +27 1 4 CU H18 +27 1 5 AM C10 +27 1 6 AS H30 +27 1 7 VE H18 +27 1 8 MO G32 +27 1 9 PU A3 +27 1 10 NN E2 +27 1 11 RO D1 +27 1 12 CA I7 +27 1 13 CL F28 +27 1 14 IN H29 +27 4 1 CB J0 +27 4 2 CT G1 +27 4 3 CR D0 +27 4 4 CH H6 +27 4 5 AM C9 +27 4 6 AS G30 +27 4 7 NO C15 +27 4 8 VE H20 +27 4 9 MO H34 +27 4 10 PU A17 +27 4 11 GI F39 +27 4 12 RO C3 +27 4 13 SA A1 +27 4 14 CL E29 +27 4 15 NA E4 +27 4 16 TO J7 +27 4 17 AN B28 +27 5 1 CB J0 +27 5 2 CR G0 +27 5 3 CO F5 +27 5 4 CH H9 +27 5 5 CU I8 +27 5 6 AM C8 +27 5 7 AS H30 +27 5 8 NO F15 +27 5 9 VE H17 +27 5 10 MO I34 +27 5 11 PU A23 +27 5 12 GI F0 +27 5 13 NN F39 +27 5 14 SA C1 +27 5 15 CA H8 +27 5 16 CL G26 +27 5 17 AL H39 +27 6 1 CB J4 +27 6 2 CT G3 +27 6 3 CR D0 +27 6 4 CO E7 +27 6 5 CH G7 +27 6 6 CU H7 +27 6 7 AM C11 +27 6 8 AS G30 +27 6 9 NO D15 +27 6 10 VE H20 +27 6 11 MO H33 +27 6 12 PU A23 +27 6 13 CA H7 +27 6 14 CL F29 +27 6 15 NA E5 +27 6 16 TO I21 +27 7 1 CB J40 +27 7 2 CT F0 +27 7 3 CO E4 +27 7 4 CH H9 +27 7 5 AM C8 +27 7 6 AS F29 +27 7 7 AC C39 +27 7 8 NO C15 +27 7 9 VE G20 +27 7 10 MO I37 +27 7 11 PU A13 +27 7 12 NN B13 +27 7 13 CA G6 +27 7 14 CL E28 +27 7 15 NA D6 +27 7 16 AL E37 +27 7 17 NS F17 +27 7 18 PL D0 +27 7 19 UR E4 +27 7 20 VI C40 +27 7 21 PN A39 +27 7 22 TI E39 +27 8 1 AM C9 +27 8 2 NO E17 +27 8 3 RO F37 +27 8 4 CL D24 +27 8 5 CX H0 +27 8 6 BA F6 +27 9 1 CB J18 +27 9 2 CT G1 +27 9 3 CR D0 +27 9 4 CO D6 +27 9 5 CH H7 +27 9 6 CU E0 +27 9 7 AM C9 +27 9 8 AS H30 +27 9 9 NO E14 +27 9 10 VE G18 +27 9 11 MO H34 +27 9 12 PU A40 +27 9 13 GI G0 +27 9 14 MA H0 +27 9 15 CA H6 +27 9 16 CL D28 +27 9 17 NA E5 +27 10 1 CB J0 +27 10 2 CT F4 +27 10 3 CR E0 +27 10 4 CO E6 +27 10 5 CH G6 +27 10 6 AM D7 +27 10 7 AS I28 +27 10 8 NO E16 +27 10 9 VE G19 +27 10 10 MO I1 +27 10 11 PU A40 +27 10 12 GI F40 +27 10 13 NN D1 +27 10 14 SA B7 +27 10 15 MY F10 +27 10 16 CL F28 +27 10 17 AN E4 +27 11 1 CB J0 +27 11 2 CT E40 +27 11 3 AM C9 +27 11 4 AS E28 +27 11 5 MO G32 +27 11 6 PU A27 +27 12 1 CB J32 +27 12 2 CT G2 +27 12 3 AM C9 +27 12 4 AS I28 +27 12 5 VE H21 +27 12 6 MO I34 +27 12 7 PU A36 +27 12 8 RJ G2 +27 12 9 GI G40 +27 12 10 CA I7 +27 13 1 CB J0 +27 13 2 CT G1 +27 13 3 AM C8 +27 13 4 AS G30 +27 13 5 VE H17 +27 13 6 MO I40 +27 13 7 PU A0 +27 13 8 CA H5 +27 13 9 NS H12 +27 13 10 PL D0 +27 13 11 NX C9 +27 13 12 YA I13 +27 13 13 YU B9 +27 14 1 CB J0 +27 14 2 CT F4 +27 14 3 CH E9 +27 14 4 AM C9 +27 14 5 AS H28 +27 14 6 NO D15 +27 14 7 VE G17 +27 14 8 MO H33 +27 14 9 PU A0 +27 14 10 GI F39 +27 14 11 RO D37 +27 14 12 SA B8 +27 14 13 MY H6 +27 14 14 CA H8 +27 14 15 CL D28 +27 14 16 NA D6 +27 14 17 PL D0 +27 14 18 NI G9 +27 15 1 CB J24 +27 15 2 CT F4 +27 15 3 CH H8 +27 15 4 AM C8 +27 15 5 AS H29 +27 15 6 VE H20 +27 15 7 MO I33 +27 15 8 PU A34 +27 15 9 GI H39 +27 15 10 RO D38 +27 15 11 CA H7 +27 15 12 CL D28 +27 15 13 NA D6 +27 15 14 PL G0 +27 16 1 CB J40 +27 16 2 CT F1 +27 16 3 CH C6 +27 16 4 AM C10 +27 16 5 AS H29 +27 16 6 NO E15 +27 16 7 VE F18 +27 16 8 MO H32 +27 16 9 GI C40 +27 16 10 RO F4 +27 16 11 CA H6 +27 16 12 CL D28 +27 16 13 PL F0 +27 16 14 AN D3 +27 17 1 CT G1 +27 17 2 CR D0 +27 17 3 CH F9 +27 17 4 AM C11 +27 17 5 AS G21 +27 17 6 NO F17 +27 17 7 MO H34 +27 17 8 SA B5 +27 17 9 MY G9 +27 18 1 CB J40 +27 18 2 CT F5 +27 18 3 CR C0 +27 18 4 CO E4 +27 18 5 CH F6 +27 18 6 CU F0 +27 18 7 AM C8 +27 18 8 AS H29 +27 18 9 NO E16 +27 18 10 VE H17 +27 18 11 MO G33 +27 18 12 PU A0 +27 18 13 NN E39 +27 18 14 RO E1 +27 18 15 SA B33 +27 18 16 MY G9 +27 18 17 CA G7 +27 18 18 CL F28 +27 18 19 AL H1 +27 18 20 PL E0 +27 18 21 NE A24 +27 18 22 AN E5 +27 18 23 NZ I15 +27 19 1 CB J40 +27 19 2 CT H2 +27 19 3 CU F0 +27 19 4 AM C10 +27 19 5 AS F28 +27 19 6 VE H19 +27 19 7 MO G34 +27 19 8 PU A6 +27 19 9 NN C9 +27 19 10 RO F40 +27 19 11 CA H7 +27 19 12 CL E15 +27 19 13 NS H17 +27 19 14 PL J1 +27 19 15 CM F4 +27 20 1 CB J40 +27 20 2 CR E0 +27 20 3 CO F2 +27 20 4 CH H5 +27 20 5 AM C10 +27 20 6 VE G18 +27 20 7 MO H33 +27 20 8 PU A40 +27 20 9 GI G40 +27 20 10 NN F39 +27 20 11 RO D39 +27 20 12 CA H6 +27 20 13 CL D29 +27 20 14 AL G1 +27 20 15 NS G20 +27 20 16 UR F4 +27 21 1 CT G3 +27 21 2 CH G5 +27 21 3 CU H10 +27 21 4 AM C10 +27 21 5 AS G28 +27 21 6 VE G18 +27 21 7 MO H35 +27 21 8 PU A22 +27 21 9 GI G1 +27 21 10 CA I6 +27 21 11 CL E29 +27 21 12 NA E4 +27 21 13 PL E0 +27 22 1 CB J1 +27 22 2 CT F4 +27 22 3 CH F7 +27 22 4 CU E4 +27 22 5 AM C10 +27 22 6 AS F28 +27 22 7 VE G21 +27 22 8 MO H33 +27 22 9 PU A20 +27 22 10 GI F35 +27 22 11 RO D1 +27 22 12 CA H7 +27 22 13 CL E28 +27 22 14 AL F39 +27 22 15 PL F0 +27 23 1 CB J0 +27 23 2 CT G2 +27 23 3 CU I10 +27 23 4 AM C10 +27 23 5 AS G5 +27 23 6 AC C1 +27 23 7 NO G20 +27 23 8 MO I36 +27 23 9 PU A40 +27 24 1 CB J40 +27 24 2 CT F3 +27 24 3 CR D0 +27 24 4 CO D6 +27 24 5 CH H4 +27 24 6 AM C11 +27 24 7 AS H29 +27 24 8 NO E15 +27 24 9 VE H17 +27 24 10 MO F37 +27 24 11 PU A40 +27 24 12 GI G1 +27 24 13 RO E40 +27 24 14 CA H6 +27 24 15 CL E26 +27 25 1 CB J40 +27 25 2 CT D28 +27 25 3 CR B8 +27 25 4 CO E4 +27 25 5 CH I14 +27 25 6 CU B17 +27 25 7 AM C10 +27 25 8 AS H30 +27 25 9 NO H18 +27 25 10 VE E16 +27 25 11 MO I32 +27 25 12 PU A40 +27 25 13 GI G40 +27 25 14 NN D35 +27 25 15 CL D25 +27 25 16 NA E5 +27 25 17 TO I23 +27 25 18 NE B28 +28 1 1 FJ A36 +28 1 2 DZ J32 +28 1 3 PF G3 +28 1 4 KF C9 +28 1 5 BJ F17 +28 1 6 ES G8 +28 1 7 PA C2 +28 2 1 FJ A0..40 +28 2 2 DZ H30 +28 2 3 PF F3 +28 2 4 KF C9 +28 2 5 BJ G18 +28 2 6 LN F38 +28 2 7 PA C3 +28 3 1 FJ A0..40 +28 3 2 DZ J0..40 +28 3 3 PF G1 +28 3 4 KF C9 +28 3 5 BJ F19 +28 3 6 BL H30 +28 3 7 LN H35 +28 3 8 ES I4 +28 3 9 PA C38 +28 4 1 FJ A0..4 +28 4 2 DZ J0..4 +28 4 3 PF G1 +28 4 4 TF C9 +28 4 5 KF C11 +28 4 6 BJ G18 +28 4 7 SA B29 +28 4 8 BL F30 +28 4 9 NS B24 +28 4 10 LN G37 +28 4 11 EF F9 +28 4 12 KR F11 +28 4 13 KO H12 +28 4 14 PA C36 +28 4 15 DE F0 +28 5 1 FJ A0..40 +28 5 2 DZ J0..40 +28 5 3 PF G1 +28 5 4 KF C10 +28 5 5 BJ F19 +28 5 6 LN E32 +28 5 7 ES F9 +28 5 8 PA C36 +28 6 1 FJ A0..40 +28 6 2 DZ J0..40 +28 6 3 PF F1 +28 6 4 TF C10 +28 6 5 KF C12 +28 6 6 BJ F17 +28 6 7 BL E29 +28 6 8 LN E34 +28 6 9 PA D36 +28 7 1 FJ A0..40 +28 7 2 DZ J0..40 +28 7 3 PF G1 +28 7 4 TF C8 +28 7 5 KF C13 +28 7 6 BJ E17 +28 7 7 BL G26 +28 8 1 FJ A0..40 +28 8 2 DZ J0..40 +28 8 3 PF F3 +28 8 4 KF C10 +28 8 5 BJ F19 +28 8 6 BL G29 +28 8 7 LN F33 +28 8 8 ES I4 +28 8 9 PA C35 +28 9 1 FJ A0..40 +28 9 2 DZ J0..40 +28 9 3 PF G1 +28 9 4 NT C9,13 +28 9 5 KF C10 +28 9 6 BJ D16E16 +28 9 7 BL F26 +28 9 8 LN I32 +28 9 9 KM F8 +28 9 10 ES H8 +28 9 11 PA F34 +28 10 1 FJ A0..40 +28 10 2 DZ J0..40 +28 10 3 PF F4 +28 10 4 KF C13 +28 10 5 BJ F18 +28 10 6 BL H28 +28 10 7 LN G34 +28 10 8 PA F32 +28 11 1 FJ A0..40 +28 11 2 DZ J0..40 +28 11 3 PF F3 +28 11 4 NT C8 +28 11 5 KF C9 +28 11 6 BJ F17 +28 11 7 BL F30 +28 11 8 LN H36 +28 11 9 PA E35 +28 12 1 FJ A0..40 +28 12 2 DZ J0..40 +28 12 3 PF F3 +28 12 4 NT B11 +28 12 5 BJ C17 +28 12 5 KF C9 +28 12 6 BL E28 +28 12 7 LN I39 +28 12 8 KA B6 +28 13 1 FJ A0..40 +28 13 2 DZ J0..40 +28 13 3 PF F40 +28 13 4 KF F14 +28 13 5 BJ G16 +28 13 6 BL F17 +28 13 7 PA E36 +28 14 1 FJ A0..40 +28 14 2 DZ J0..40 +28 14 3 PF E4 +28 14 4 TF C10 +28 14 5 KF C12 +28 14 6 BJ F17 +28 14 7 BL F28 +28 14 8 LN H33 +28 15 1 FJ A0..40 +28 15 2 DZ J0..40 +28 15 3 PF E2 +28 15 4 KF C11 +28 15 5 BJ D15 +28 15 6 BL E28 +28 15 7 LN G33 +28 15 8 DF F9 +28 15 9 KU H8 +28 16 1 FJ A0..40 +28 16 2 DZ J0..40 +28 16 3 PF G2 +28 16 4 KF B11 +28 16 5 BJ G18 +28 16 6 LN G36 +28 16 7 ES H1 +28 16 8 PA C40 +28 17 1 FJ A0..40 +28 17 2 DZ J0..40 +28 17 3 PF G40 +28 17 4 KF C9 +28 17 5 BJ G18 +28 17 6 ES I5 +28 17 7 PA C4 +28 18 1 FJ A0..40 +28 18 2 DZ J0..40 +28 18 3 PF F2 +28 18 4 KK C9 +28 18 5 KF B11 +28 18 6 BJ F17 +28 18 7 BL H29 +28 18 8 LN H35 +28 18 9 ES I7 +28 18 10 PA C36 +28 19 1 FJ A0..40 +28 19 2 DZ J0..40 +28 19 3 PF G2 +28 19 4 ES C4 +28 19 5 KF C10 +28 19 6 BJ F20 +28 19 7 LN H34 +28 19 8 PA C37 +28 20 1 FJ A0..40 +28 20 2 DZ J0..40 +28 20 3 PF H39 +28 20 4 KF C14 +28 20 5 BJ E18 +28 20 6 BL F28 +28 20 7 LN H33 +28 20 8 PA E1 +28 21 1 FJ A0..40 +28 21 2 DZ J0..40 +28 21 3 PF G1 +28 21 4 KF C8 +28 21 5 BJ G19 +28 22 1 FJ A0..40 +28 22 2 DZ J0..40 +28 22 3 PF G2 +28 22 4 KF C8,9 +28 22 5 BJ H18 +28 22 6 LN H33 +28 22 7 DF H6 +28 23 1 FJ A0..40 +28 23 2 DZ J0..40 +28 23 3 PF H1 +28 23 4 BJ E17 +28 23 5 BJ E19 +28 23 6 LN E36 +28 23 7 ES E11 +28 23 8 PA D33 +28 24 1 FJ A0..40 +28 24 2 DZ J0..40 +28 24 3 PF F1 +28 24 4 KF C13 +28 24 5 BJ F20 +28 24 6 BL F29 +28 24 7 LN H40 +28 24 8 PA D39 +28 25 1 FJ A34 +28 25 2 DZ J26 +28 25 3 PF F1 +28 25 4 KF C9 +28 25 5 KI G17 +28 25 6 BJ G18 +28 25 7 BL F28 +28 25 8 LN F34 +28 25 9 ES G7 +28 25 10 PA H33 +29 1 1 C H3 +29 1 2 Q C11 +29 1 3 T A0 +29 1 4 S J0 +29 1 5 I G19 +29 1 6 Y I33 +29 2 1 C G3 +29 2 2 T A0 +29 2 3 S J0 +29 2 4 Q C8 +29 2 5 I G29 +29 2 6 G H32 +29 3 1 C F4 +29 3 2 S J0 +29 3 3 T A0 +29 3 4 Q C11 +29 3 5 I F29 +29 3 6 Y G35 +29 4 1 S J0 +29 4 2 T A0 +29 4 3 C G3 +29 4 4 Q C9 +29 4 5 I F28 +29 4 6 Y H36 +29 5 1 Q C8 +29 5 2 C G2 +29 5 3 S J0 +29 5 4 T A0 +29 5 5 G I1 +29 5 6 I G28 +29 5 7 Y I35 +29 6 1 C G2 +29 6 2 S J0 +29 6 3 T A0 +29 6 4 Q C9 +29 6 5 I G28 +29 6 6 G I34 +29 7 1 S J0 +29 7 2 T A0 +29 7 3 C G3 +29 7 4 Q C9 +29 7 5 I E29 +29 7 6 Y I38 +29 8 1 S J0 +29 8 2 T A0 +29 8 3 C G1 +29 8 4 I G16 +29 8 5 Q C9 +29 8 6 Y I40 +29 9 1 S J0 +29 9 2 T A0 +29 9 3 C G2 +29 9 4 Q C8 +29 9 5 Y I8 +29 9 6 I F28 +29 10 1 C G1 +29 10 2 S J0 +29 10 3 G C2 +29 10 4 T A0 +29 10 5 Q C9 +29 10 6 I F27 +29 10 7 Y H37 +29 11 1 S J0 +29 11 2 T A0 +29 11 3 C F2 +29 11 4 G I3 +29 11 5 Q C9 +29 11 6 I F19 +29 11 7 Y H34 +29 12 1 C G3 +29 12 2 I G17 +29 12 3 Q C8 +29 12 4 Y I37 +29 12 5 T A0 +29 12 6 S J0 +29 12 7 G I40 +29 13 1 C F3 +29 13 2 S J0 +29 13 3 T A0 +29 13 4 Q C11 +29 13 5 I F28 +29 13 6 Y I33 +29 13 7 G G40 +29 14 1 I H17 +29 14 2 T A0 +29 14 3 Q C8 +29 14 4 C G2 +29 14 5 Y I3 +29 14 6 S J0 +29 15 1 C G3 +29 15 2 S J0 +29 15 3 Q C9 +29 15 4 T A0 +29 15 5 G I38 +29 15 6 Y G34 +29 15 7 I G29 +29 16 1 S J0 +29 16 2 T A0 +29 16 3 C G1 +29 16 4 Q C8 +29 16 5 I F19 +29 16 6 Y H34 +29 16 7 G I34 +29 17 1 C G1 +29 17 2 T A0 +29 17 3 S J0 +29 17 4 Q C9 +29 17 5 I E28 +29 17 6 Y H35 +29 18 1 T A0 +29 18 2 S J0 +29 18 3 C G1 +29 18 4 Q C10 +29 18 5 I F25 +29 19 1 C G2 +29 19 2 S J0 +29 19 3 T A0 +29 19 4 Q C9 +29 19 5 I F29 +29 20 1 C G1 +29 20 2 T A0 +29 20 3 S J0 +29 20 4 Y I2 +29 20 5 G I3 +29 20 6 Q C9 +29 20 7 I F28 +29 21 1 T A0 +29 21 2 Y I35 +29 21 3 C G1 +29 21 4 Q C11 +29 21 5 I G25 +29 21 6 S J0 +29 22 1 C F3 +29 22 2 T A0 +29 22 3 S J0 +29 22 4 Q C9 +29 22 5 I F29 +29 22 6 Y G36 +29 23 1 C G1 +29 23 2 T A0 +29 23 3 S J0 +29 23 4 G I9 +29 23 5 Q C10 +29 23 6 I G17 +29 23 7 Y I30 +29 24 1 C G2 +29 24 2 S J0 +29 24 3 T A0 +29 24 4 Q C8 +29 24 5 I G17 +29 24 6 G I36 +29 24 7 Y H32 +29 25 1 C G3 +29 25 2 T A0 +29 25 3 S J0 +29 25 4 Q D6 +29 25 5 I G29 +29 25 6 Y H34 +29 25 7 G F32 +30 1 1 FI A0 +30 1 2 LU G1 +30 1 3 PA J0 +30 1 4 LA C9 +30 1 5 OS G30 +30 1 6 OP E32 +30 2 1 FI A0 +30 2 2 LA E6 +30 2 3 PA J0 +30 2 4 OS G20 +30 2 5 OP E24 +30 2 6 LU I39 +30 3 1 FI A0 +30 3 2 LU H2 +30 3 3 LA C9 +30 3 4 OS H19 +30 3 5 OP C29 +30 3 6 PA J0 +30 4 1 FI A0 +30 4 2 LU G1 +30 4 3 LA C9 +30 4 4 OS F28 +30 4 5 PA J0 +30 5 1 FI A0 +30 5 2 LU G1 +30 5 3 LA C10 +30 5 4 OS H18 +30 5 5 PA J0 +30 6 1 FI A0 +30 6 2 LA C12 +30 6 3 PA J0 +30 6 4 OS H19 +30 6 5 LU H40 +30 7 1 FI A0 +30 7 2 LU G1 +30 7 3 LA C9 +30 7 4 OS G17 +30 7 5 PA J0 +30 8 1 FI A0 +30 8 2 LU F4 +30 8 3 LA D6 +30 8 4 OS F16 +30 8 5 PA J0 +30 9 1 FI A0 +30 9 2 LU G3 +30 9 3 LA C8 +30 9 4 OS G17 +30 9 5 OP C27 +30 9 6 PA J0 +30 10 1 FI A0 +30 10 2 LU F3 +30 10 3 LA C8,9 +30 10 4 OS G17,18 +30 10 5 OP E27,28 +30 10 6 PA J0 +30 11 1 FI A0 +30 11 2 LU G3 +30 11 3 LA C9 +30 11 4 OS H17 +30 11 5 OP E28 +30 11 6 PA J0 +30 12 1 FI A0 +30 12 2 LU F4 +30 12 3 LA C9 +30 12 4 OS G19 +30 12 5 OP F29 +30 12 6 PA J0 +30 13 1 FI A0 +30 13 2 LU F2 +30 13 3 LA C11 +30 13 4 OS F19 +30 13 5 OP C28 +30 13 6 PA J0 +30 14 1 FI A0 +30 14 2 LU G2 +30 14 3 LA D10 +30 14 4 PA J0 +30 14 5 OP D27 +30 14 6 OS G19 +30 15 1 FI A0 +30 15 2 LA C8 +30 15 3 LU G2 +30 15 4 OP D17 +30 15 5 OS F19 +30 15 6 PA J0 +30 16 1 FI A0 +30 16 2 OP E0 +30 16 3 LU G2 +30 16 4 LA B11 +30 16 5 OS G28 +30 16 6 PA J0 +30 17 1 FI A0 +30 17 2 LU G2 +30 17 3 LA C12 +30 17 4 OS H20 +30 17 5 PA J0 +30 18 1 FI A0 +30 18 2 LU G4 +30 18 3 LA C13 +30 18 4 PA J0 +30 18 5 OP C24 +30 18 6 OS H17 +30 19 1 FI A0 +30 19 2 LU G2 +30 19 3 LA C9 +30 19 4 OS F16 +30 19 5 PA J0 +30 20 1 FI A0 +30 20 2 LU G2 +30 20 3 LA C10 +30 20 4 OS E17 +30 20 5 OP D28 +30 20 6 PA J0 +30 21 1 FI A0 +30 21 2 LU G4 +30 21 3 LA C8 +30 21 4 OS G17 +30 21 5 OP F26 +30 21 6 PA J0 +30 22 1 FI A0 +30 22 2 LU G1 +30 22 3 LA C8 +30 22 4 OS G17 +30 22 5 OP F29 +30 22 6 PA J0 +30 23 1 FI A0 +30 23 2 LU G1 +30 23 3 LA C11 +30 23 4 OS F17 +30 23 5 OP E28 +30 23 6 PA J0 +30 24 1 FI A0 +30 24 2 LU G1 +30 24 3 LA C6 +30 24 4 OS F17 +30 24 5 OP F29 +30 24 6 PA J0 +30 25 1 FI A0 +30 25 2 LU G1 +30 25 3 LA C8 +30 25 4 OS F16 +30 25 5 PA J0 +31 1 1 WP A0..40 +31 1 2 WI J0..40 +31 1 3 MU G1 +31 1 4 US D9 +31 1 5 EP H17 +31 1 6 WS G29 +31 2 1 WP A0..40B0 +31 2 2 WI G0H0I0J0..40 +31 2 3 MU E3 +31 2 4 US C10 +31 2 5 EP F27 +31 3 1 WP A0..40 +31 3 2 WI J0..40 +31 3 3 MU H3 +31 3 4 US C9 +31 3 5 EP F29 +31 4 1 WP A0..40 +31 4 2 WI J0..40 +31 4 3 MU G1 +31 4 4 US C8 +31 4 5 EP I30 +31 5 1 WP A0..40 +31 5 2 WI J0..40 +31 5 3 MU H1 +31 5 4 US C10 +31 5 5 EP I30 +31 6 1 WP A0..40 +31 6 2 WI J0..40 +31 6 3 MU G40 +31 6 4 US G20 +31 6 5 EP I31 +31 7 1 WP A0..40 +31 7 2 WI J0..40 +31 7 3 MU H3 +31 7 4 US C9 +31 7 5 EP G30 +31 8 1 WP A0..40 +31 8 2 WI J0..40 +31 8 3 MU F4 +31 8 4 US C9 +31 8 5 EP H30 +31 9 1 WP A0..40 +31 9 2 WI J0..40 +31 9 3 MU G2 +31 9 4 US F17 +31 9 5 EP H30 +31 9 6 WS G30 +31 10 1 WP A0..40B0 +31 10 2 WI G0H0I0J0..40 +31 10 3 MU E3 +31 10 4 US C10 +31 10 5 EP H29 +31 11 1 WP A0..40 +31 11 2 WI J0..40 +31 11 3 MU G1 +31 11 4 US F18 +31 11 5 EP H31 +31 12 1 WP A8 +31 12 2 WI J1 +31 12 3 MU G2 +31 12 4 US D7 +31 12 5 EP F29 +31 13 1 WP A0..40 +31 13 2 WI J0..40 +31 13 3 MU G1 +31 13 4 US E5 +31 13 5 EP G30 +31 14 1 WP A0..40 +31 14 2 WI J0..40 +31 14 3 MU G40 +31 14 4 US G17 +31 14 5 EP E29 +31 15 1 WP A0..40 +31 15 2 WI J0..40 +31 15 3 MU G1 +31 15 4 US C8 +31 15 5 WS F29 +31 15 6 EP G28 +31 16 1 WP A0..40 +31 16 2 WI J0..40 +31 16 3 MU G1 +31 16 4 US C8 +31 16 5 EP F29 +31 17 1 WP A0..40 +31 17 2 WI J0..40 +31 17 3 MU G1 +31 17 4 US D6 +31 17 5 EP I30 +31 18 1 WP A0..40 +31 18 2 WI J0..40 +31 18 3 MU G1 +31 18 4 US C9 +31 18 5 EP G28 +32 2 1 NI A1 +32 2 2 MI C1..5D1..5,35..40E1..5,35..40F1..5,35..40G1..5,35..40H1..5,35..40I1..5 +32 2 3 HI B8..12C8..12D8..12 +32 2 4 SI J11,12 +32 3 1 NI A0..40 +32 3 2 MH C1..10D1..10 +32 3 3 HI B10..13C10..13D10..13 +32 3 4 MI E1..4F1..4G1..4H1..4 +32 3 5 SI E16..23F16..23G16..23 +32 3 6 OB H6..9I6..9 +32 3 7 SI J0..40 +32 4 1 HI D10..13E10..13 +32 4 2 HI D27..32E27..32F27..32 +32 4 3 MH B35..40C35..40D35..40 +32 4 4 SI I0..40 +32 5 1 NI A0..40 +32 5 2 SX C7,8D7,8F13..17G28..30H28..30I28..30 +32 5 3 NN D0..7 +32 5 4 NN F0..6 +32 5 5 SP G1..5 +32 5 6 MI H1..5I1..5 +32 5 7 SI J0..40 +32 5 8 HI C32..40 +32 7 1 NN C5..9 +32 7 2 HA D8..10E8..10F8..10 +32 8 1 NI A0..40B0..2 +32 8 2 MI D37..40E37..40F1..3,37..40G1..3,37..40H1..3,37..40 +32 8 3 HI C15,16D15,16 +32 8 4 SI E27..30F27..30G27..30H27..30 +32 8 5 SI J0..40 +32 9 1 NI B0..40C0..8,12..40 +32 9 2 HI C9..11D9..11E9..11 +32 9 3 SX D16..22E16..22F16..22G16..22H16..22 +32 9 4 HI I15..33 +32 9 5 SI J1 +32 9 6 MI D1..4,38..40E1..4,38..40F1..4,38..40G1..4,38..40H1..4,38..40I1..4,38..40 +32 10 1 NI A0..40B14..40 +32 10 2 HI C6..15D6..15 +32 10 3 MI E1..5,37..40F1..5,37..40G1..5,37..40H1..5,37..40 +32 10 4 SI I6..40J0..40 +32 12 1 NI A0..40B0..12 +32 12 2 HI B13..40C20..40 +32 12 3 HI C30..38D30..38 +32 12 4 HI C36..40D36..40 +32 12 5 MI F1,36..40G1,36..40H1,36..40I1 +32 12 6 MI I35..40 +32 12 7 SI E23,24F23,24G23,24H23,24I23,24 +32 12 8 NN C8..12 +32 12 9 MH D6..13 +32 12 10 SI J0..40 +32 13 1 MI E1..4F1..4G1..4H1..4 +32 13 2 MI E1..5F1..5G1..5H1..5I1..5 +32 13 3 HI C8..15D8..15E8..15F8..15G8..15 +32 13 4 HI C11..15D11..15E11..15F11..15G11..15 +32 13 5 NI A0..40 +32 13 6 NI B28..40 +32 13 7 MI C35..40D35..40 +32 13 8 SI E18..26F18..26G18..26 +32 13 9 SI J0..40 +32 13 10 SI H6..12I6..12 +32 15 1 NI A0..40B1C1D1 +32 15 2 MI C1..5D1..5,37..40E1..5,37..40F1..5,37..40G1..5,37..40H37..40 +32 15 3 HI C1..11,15..24D7..11,15..24E7..11 +32 15 4 SI I0..13J0..40 +32 16 1 HI B10..14 +32 16 2 HI D16..21E16..21 +32 16 3 SI G15..31H15..31 +32 16 4 SI H33..38I33..38 +32 17 1 NI A0..40 +32 17 2 MI E1..4F1..4 +32 17 3 MI F1..3G1..3,38..40H1..3,38..40 +32 17 4 SI G0H0I0J0..40 +32 17 5 TA D7..11 +32 17 6 NN C7..14 +32 17 7 HI B10..14 +32 17 8 SI E19..22F19..22 +32 17 9 HI C18..30,36..40D18..30 +32 17 10 OR F29,30G29,30H29,30I16..30 +32 17 11 AM H33..38I33..40 +32 18 1 SJ E0F0G0H0 +32 18 2 JI E4,5F4,5 +32 18 3 MO C8,9D8,9 +32 18 4 BI E16..19F16..19 +32 18 5 NN D32..36E32..36F32..36 +32 18 6 OB H32..37I32..37 +32 19 1 HI C20..24D20..24E20..24 +32 19 2 NN F35..40G35..40H35..40I35..40 +32 20 1 NN D16,17E16,17 +32 20 2 SI D24..29 +32 21 1 NN C1..7D1..7 +32 21 2 MH I1..8 +32 22 1 NI A0..40B0..9,14..40 +32 22 2 HI B0..9C0..9 +32 22 3 MI C1..7,35..40D1..7,35..40E1..7,35..40F1..7,35..40G1..7,35..40H1..7 +32 22 4 SI E0F0G0H0I0..40J0..40 +32 22 5 MU F0G0,6..11H0,6..11I6..11 +32 22 6 MH C7..16D7..16E7..16F7..16G7..16H7..16 +32 22 7 SX C10..37D10..36E10..35F11..34G11..33 +32 23 1 MI D1..4E1..4F1..4G1..4 +32 23 2 MY C8..11D8..11 +32 23 3 SI J0..40 +32 23 4 NN C24..29D24..29 +32 23 5 JI G30,31H30,31 +32 24 1 NI A0..40 +32 24 2 MH C7..11D7..11 +32 24 3 MI F1..4,38..40G1..4,38..40H1..4,38..40 +32 24 4 SI G26..31 +32 24 5 SX H0..12 +32 24 6 OB I0..40 +32 24 7 SI I0..40 +32 25 1 MI D1..5E1..5F1..5G1..5 +32 25 2 MI C8..11D8..11E8..11 +32 25 3 MH B11..14C11..14D11..14 +32 25 4 MT B9..14 +32 25 5 SX E25..30F25..30 +32 25 6 MT F32..35G32..35H32..35 +33 1 1 O A0 +33 1 2 G G0 +33 1 3 H J0 +33 1 4 MN C10 +33 1 5 C F17 +33 1 6 R D38 +33 1 7 M G2 +33 2 1 O A0 +33 2 2 H J0 +33 2 3 G F0 +33 2 4 M G1 +33 2 5 MN C9 +33 2 6 C E17 +33 2 7 R D38 +33 3 1 O A0 +33 3 2 H J0 +33 3 3 M F2 +33 3 4 G G1 +33 3 5 MN C10 +33 3 6 C F17 +33 3 7 R C37 +33 4 1 O A0 +33 4 2 H J0 +33 4 3 M F2 +33 4 4 G G0 +33 4 5 MN C10 +33 4 6 C F17 +33 4 7 R C38 +33 5 1 O A0 +33 5 2 R C37 +33 5 3 H J0 +33 5 4 M F2 +33 5 5 G G0 +33 5 6 C F17 +33 5 7 MN C10 +33 6 1 O A0 +33 6 2 H J0 +33 6 3 G G0 +33 6 4 MN C9 +33 6 5 C F17 +33 6 6 R C37 +33 6 7 M F39 +33 7 1 O A0 +33 7 2 H J0 +33 7 3 G G0 +33 7 4 M F2 +33 7 5 MN C9 +33 7 6 C F16 +33 7 7 R C37 +33 8 1 O A0 +33 8 2 H J0 +33 8 3 G G0 +33 8 4 M F1 +33 8 5 R C37 +33 8 6 C F17 +33 8 7 MN C9 +33 9 1 O A0 +33 9 2 H J0 +33 9 3 G G0 +33 9 4 M F1 +33 9 5 MN C10 +33 9 6 C F17 +33 9 7 R C38 +33 10 1 O A0 +33 10 2 H J0 +33 10 3 G G0 +33 10 4 M F1 +33 10 5 MN C9 +33 10 6 C F17 +33 10 7 R C37 +33 11 1 R C38 +33 11 2 O A0 +33 11 3 H J0 +33 11 4 M F3 +33 11 5 MN C8 +33 11 6 G F7 +33 11 7 C F18 +33 12 1 O A0 +33 12 2 H J0 +33 12 3 G F0 +33 12 4 M G1 +33 12 5 MN C10 +33 12 6 C E17 +33 12 7 R D38 +33 13 1 O A0 +33 13 2 H J0 +33 13 3 G F0 +33 13 4 M G1 +33 13 5 MN C9 +33 13 6 C E17 +33 13 7 R D38 +33 14 1 O A0 +33 14 2 H J0 +33 14 3 G F0 +33 14 4 M G1 +33 14 5 MN C9 +33 14 6 C F17 +33 14 7 R C38 +33 15 1 O A0 +33 15 2 H J0 +33 15 3 G G0 +33 15 4 M F1 +33 15 5 MN C10 +33 15 6 C F17 +33 15 7 R C37 +33 16 1 O A0 +33 16 2 H J0 +33 16 3 G G0 +33 16 4 M F1 +33 16 5 C F17 +33 16 6 MN C9 +33 16 7 R C38 +33 17 1 O A0 +33 17 2 H J0 +33 17 3 G G0 +33 17 4 M F1 +33 17 5 MN C9 +33 17 6 C F17 +33 17 7 R D38 +33 18 1 O A0 +33 18 2 H J0 +33 18 3 M F1 +33 18 4 G G0 +33 18 5 MN C9 +33 18 6 C F17 +33 18 7 R C37 +33 19 1 O A0 +33 19 2 H J0 +33 19 3 G G0 +33 19 4 M F1 +33 19 5 MN C9 +33 19 6 C F17 +33 19 7 R C38 +33 20 1 O A0 +33 20 2 H J0 +33 20 3 G G0 +33 20 4 M F1 +33 20 5 MN C10 +33 20 6 C F17 +33 20 7 R C38 +33 21 1 O A0 +33 21 2 H J0 +33 21 3 G G0 +33 21 4 M F1 +33 21 5 MN C10 +33 21 6 C F16 +33 21 7 R D37 +33 22 1 O A0 +33 22 2 H J0 +33 22 3 M G1 +33 22 4 G F0 +33 22 5 MN C9 +33 22 6 C F17 +33 22 7 R C38 +33 23 1 O A0 +33 23 2 H J0 +33 23 3 G G0 +33 23 4 M F2 +33 23 5 MN C9 +33 23 6 C F17 +33 23 7 R C38 +33 24 1 O A0 +33 24 2 H J0 +33 24 3 M F2 +33 24 4 MN C10 +33 24 5 C F17 +33 24 6 R C37 +33 24 7 G G0 +33 25 1 O A0 +33 25 2 H J0 +33 25 3 G G0 +33 25 4 M F1 +33 25 5 MN C9 +33 25 6 C F17 +33 25 7 R C38 +34 1 1 W A0 +34 1 2 D D7 +34 1 3 T C9 +34 1 4 G F17 +34 1 5 B G28 +34 1 6 S G34 +34 1 7 F F39 +34 1 8 L F2 +34 2 1 X H36 +34 2 2 P H36 +34 2 3 K J0 +34 2 4 O F40 +34 2 5 J D40 +34 2 6 B H23 +34 2 7 F F27 +34 2 8 G E16 +34 2 9 T D8 +34 2 10 D C8 +34 2 11 W A0 +34 2 12 L G1 +34 3 1 I I34 +34 3 2 D D8 +34 3 3 O E5 +34 3 4 L F4 +34 3 5 S I5 +34 3 6 G F15 +34 3 7 J E25 +34 3 8 B I31 +34 3 9 T D8 +34 4 1 I H33 +34 4 2 B H29 +34 4 3 J D28 +34 4 4 T C8 +34 4 5 D C8 +34 4 6 O E4 +34 4 7 L G2 +34 4 8 S H7 +34 4 9 G G19 +34 5 1 B H29 +34 5 2 L F4G40 +34 5 3 G G18 +34 5 4 S H7 +34 5 5 K J0 +34 5 6 W A0 +34 5 7 D D7 +34 5 8 T C11 +34 5 9 B H29 +34 6 1 W A0 +34 6 2 K J0 +34 6 3 B H29 +34 6 4 G H17 +34 6 5 S I2 +34 6 6 L H2 +34 6 7 T B10 +34 7 1 F E29 +34 7 2 G F17 +34 7 3 T C9 +34 7 4 D C9 +34 7 5 L G1 +34 7 6 S I3 +34 7 7 B I29 +34 8 1 Z G40 +34 8 2 X I37 +34 8 3 B I29 +34 8 4 F F28 +34 8 5 G G16 +34 8 6 L G3 +34 8 7 O F4 +34 8 8 D C8 +34 8 9 T C9 +34 9 1 O D40 +34 9 2 E D36 +34 9 3 F D25 +34 9 4 B G29 +34 9 5 G F18 +34 9 6 L H2 +34 9 7 K J0 +34 9 8 W A0 +34 9 9 T C9 +34 9 10 I C14 +34 10 1 O D40 +34 10 2 X E40 +34 10 3 B H31 +34 10 4 J E33 +34 10 5 F E30 +34 10 6 T E5 +34 10 7 W A0 +34 10 8 K J0 +34 10 9 L G2 +34 10 10 G F16 +34 11 1 B H28 +34 11 2 G E16 +34 11 3 T C8 +34 11 4 W B0 +34 11 5 K J0 +34 11 6 L H1 +34 12 1 W A0 +34 12 2 K J0 +34 12 3 B G29 +34 12 4 G F17 +34 12 5 T C10 +34 12 6 L F1 +34 13 1 B I31 +34 13 2 T D7 +34 13 3 W A0 +34 13 4 K J0 +34 13 5 L H2 +34 13 6 S I5 +34 13 7 G H20 +34 14 1 W A0 +34 14 2 T C9 +34 14 3 L G1 +34 14 4 G F17 +34 14 5 B G28 +34 14 6 K J0 +34 15 1 T C40 +34 15 2 G E28 +34 15 3 B I28 +34 15 4 L F3 +34 15 5 K J0 +34 15 6 W A0 +34 16 1 R C33 +34 16 2 W A0 +34 16 3 O B12 +34 16 4 T C8 +34 16 5 L B1 +34 16 6 K J0 +34 16 7 S H10 +34 16 8 G H21 +34 16 9 J E27 +34 16 10 B J31 +34 17 1 T C9 +34 17 2 O E5 +34 17 3 A E1 +34 17 4 N H2 +34 17 5 L H2 +34 17 6 S I2 +34 17 7 G H21 +34 17 8 B G26 +34 17 9 K J0 +34 17 10 W A0 +34 17 11 J C26 +34 18 1 B E27 +34 18 2 A B6 +34 18 3 L H3 +34 18 4 K J0 +34 18 5 N D40 +34 18 6 W A0 +34 18 7 R C23 +34 18 8 J C22 +34 18 9 G E18 +34 18 10 T B12 +34 18 11 D B12 +34 18 12 E C10 +34 19 1 W A0 +34 19 2 K J0 +34 19 3 F I38 +34 19 4 J E28 +34 19 5 B G27 +34 19 6 G F17 +34 19 7 T C10 +34 19 8 D C8 +34 19 9 L E1 +34 19 10 S H2 +34 20 1 L H39 +34 20 2 B G27 +34 20 3 J H27 +34 20 4 G F19 +34 20 5 T C10 +34 20 6 D B11 +34 20 7 O C6 +34 20 8 W A0 +34 20 9 A E0 +34 20 10 K J0 +34 20 11 S I3 +34 21 1 K J0 +34 21 2 L F40 +34 21 3 W A0 +34 21 4 A C33 +34 21 5 J D27 +34 21 6 G E17 +34 21 7 T C9 +34 21 8 E C9 +34 21 9 D C8 +34 21 10 K H4 +34 21 11 S H6 +34 21 12 B I29 +34 22 1 D C9 +34 22 2 K J0 +34 22 3 J F29 +34 22 4 B G28 +34 22 5 G G19 +34 22 6 S F8 +34 22 7 L G1 +34 22 8 A E0 +34 22 9 E C1 +34 22 10 T C8 +34 22 11 W A0 +34 23 1 W A0 +34 23 2 A D1 +34 23 3 K J0 +34 23 4 L G2 +34 23 5 S H2 +34 23 6 T E5 +34 23 7 D E5 +34 23 8 G F18 +34 23 9 J F27 +34 23 10 B H29 +34 24 1 K J0 +34 24 2 L H39 +34 24 3 W A0 +34 24 4 B F29 +34 24 5 G F18 +34 24 6 T C8 +34 25 1 L G40 +34 25 2 A C40 +34 25 3 B H29 +34 25 4 J E27 +34 25 5 G G20 +34 25 6 W A0 +34 25 7 D C10 +34 25 8 T C2 +34 25 9 K J0 +34 25 10 V G2 +35 1 1 Y G2 +35 1 2 W J0 +35 1 3 N F19 +35 1 4 F A0 +35 1 5 B F26 +35 1 6 T F19 +35 1 7 M C11 +35 2 1 F A0 +35 2 2 T F18 +35 2 3 N F18 +35 2 4 M C9 +35 2 5 Y G3 +35 2 6 W J0 +35 2 7 B H29 +35 2 8 K G6 +35 3 1 F A0 +35 3 2 M C12 +35 3 3 Y G2 +35 3 4 W J0 +35 3 5 V H13 +35 3 6 N F19 +35 3 7 T F19 +35 3 8 B H34 +35 4 1 F A0 +35 4 2 L H19 +35 4 3 G C12 +35 4 4 M C10 +35 4 5 Y G3 +35 4 6 K H5 +35 4 7 T F18 +35 4 8 N F18 +35 4 9 B G28 +35 4 10 W J0 +35 5 1 B G30 +35 5 2 M B11 +35 5 3 F A0 +35 5 4 Y G1 +35 5 5 W J0 +35 6 1 F A0 +35 6 2 L D14 +35 6 3 G C12 +35 6 4 M C9 +35 6 5 Y G1 +35 6 6 K G5 +35 6 7 N E16 +35 6 8 T E16 +35 6 9 B F27 +35 6 10 W J0 +35 7 1 F A0 +35 7 2 V F13 +35 7 3 M C11 +35 7 4 Y G2 +35 7 5 W J0 +35 7 6 T G19 +35 7 7 N G19 +35 8 1 F A0 +35 8 2 T E20 +35 8 3 N E20 +35 8 4 M C9 +35 8 5 Y F4 +35 8 6 V G11 +35 8 7 B E28 +35 8 8 W J0 +35 9 1 F A0 +35 9 2 M C10 +35 9 3 Y G2 +35 9 4 W J0 +35 9 5 V H14 +35 9 6 T G17 +35 9 7 N G17 +35 9 8 B G29 +35 10 1 F A0 +35 10 2 M C10 +35 10 3 W J0 +35 10 4 Y F1 +35 10 5 T E16 +35 10 6 N E16 +35 10 7 K D1 +35 11 1 F A0 +35 11 2 N F17 +35 11 3 T F17 +35 11 4 Y H2 +35 11 5 M C9 +35 11 6 V E13 +35 11 7 B E28 +35 11 8 W J0 +35 12 1 F A0 +35 12 2 M C11 +35 12 3 W J0 +35 12 4 V G10 +35 12 5 N F16 +35 12 6 T F16 +35 12 7 Y G2 +35 13 1 F A0 +35 13 2 M C10 +35 13 3 Y G3 +35 13 4 W J0 +35 13 5 V H7 +35 13 6 N E17 +35 13 7 T E17 +35 14 1 F A0 +35 14 2 M D8 +35 14 3 Y G1 +35 14 4 W J0 +35 14 5 K F9 +35 14 6 T F17 +35 14 7 N F17 +35 14 8 B H28 +35 15 1 F A0 +35 15 2 M C9 +35 15 3 Y F3 +35 15 4 W J0 +35 15 5 V G13 +35 15 6 N E17 +35 15 7 T E17 +35 16 1 F A0 +35 16 2 V F17 +35 16 3 M C10 +35 16 4 Y G1 +35 16 5 W J0 +35 17 1 F A0 +35 17 2 B F28 +35 17 3 T E15 +35 17 4 N E15 +35 17 5 M C13 +35 17 6 Y F1 +35 17 7 W J0 +35 17 8 K F9 +35 17 9 V E32 +35 18 1 F A0 +35 18 2 M C9 +35 18 3 K F8 +35 18 4 Y F3 +35 18 5 V C4 +35 18 6 T F17 +35 18 7 N F17 +35 18 8 B F26 +35 18 9 W J0 +35 19 1 F A0 +35 19 2 T G20 +35 19 3 N G20 +35 19 4 Y G3 +35 19 5 K I6 +35 19 6 V I16 +35 19 7 B F29 +35 19 8 W J0 +35 20 1 F A0 +35 20 2 M C8 +35 20 3 E B6 +35 20 4 Y F3 +35 20 5 K F6 +35 20 6 T E16 +35 20 7 N E16 +35 20 8 B G29 +35 20 9 W J0 +35 21 1 F A0 +35 21 2 E B21 +35 21 3 T F17 +35 21 4 N F17 +35 21 5 Y F4 +35 21 6 K E13 +35 21 7 B F29 +35 21 8 W J0 +35 22 1 F A0 +35 22 2 M C9 +35 22 3 Y F4 +35 22 4 W J0 +35 23 1 F A0 +35 23 2 M C11 +35 23 3 Y E4 +35 23 4 W J0 +35 23 5 N F17 +35 23 6 T F17 +35 23 7 B E26 +35 23 8 V G33 +35 24 1 F A0 +35 24 2 M C8 +35 24 3 Y H3 +35 24 4 W J0 +35 25 1 F A0 +35 25 2 V E13 +35 25 3 M C8 +35 25 4 Y H3 +35 25 5 W J0 +36 1 1 B A0 +36 1 2 EO C8 +36 1 3 EB F0 +36 1 4 E J0 +36 2 1 B A0 +36 2 2 O C12 +36 2 3 EB G2 +36 2 4 E J0 +36 3 1 B A0 +36 3 2 EB F3 +36 3 3 E J0 +36 4 1 B A0 +36 4 2 EB F3 +36 4 3 E J0 +36 5 1 B A0 +36 5 2 EB H2 +36 5 3 E J0 +36 6 1 B A0 +36 6 2 EB E5 +36 6 3 E J0 +36 7 1 B A0 +36 7 2 EB G2 +36 7 3 E J0 +36 8 1 B A0 +36 8 2 E J0 +36 8 3 EB F2 +36 9 1 B A0 +36 9 2 EB F4 +36 9 3 E J0 +36 10 1 B A0 +36 10 2 EB F3 +36 10 3 E J0 +36 11 1 B A0 +36 11 2 EB F3 +36 11 3 E J0 +36 12 1 B A0 +36 12 2 EB F2 +36 12 3 E J0 +36 13 1 B A0 +36 13 2 EB F3 +36 13 3 E J0 +36 14 1 B A0 +36 14 2 EB F40 +36 14 3 E J0 +36 15 1 B A0 +36 15 2 EB G1 +36 15 3 E J0 +36 16 1 B A0 +36 16 2 EB G1 +36 16 3 E J0 +36 17 1 B A0 +36 17 2 EB G1 +36 17 3 E J0 +36 18 1 B A0 +36 18 2 EB G3 +36 18 3 E J0 +36 19 1 B A0 +36 19 2 EB H1 +36 19 3 E J0 +36 20 1 B A0 +36 20 2 EB G39 +36 20 3 E J0 +36 21 1 B A0 +36 21 2 EB F2 +36 21 3 E J0 +36 22 1 B A0 +36 22 2 EB G1 +36 22 3 E J0 +36 23 1 B A0 +36 23 2 EB G1 +36 23 3 E J0 +36 24 1 B A0 +36 24 2 EB F2 +36 24 3 E J0 +36 25 1 B A0 +36 25 2 EB G1 +36 25 3 E J0 +37 1 1 HU E4 +37 1 2 TE J0..40 +37 1 3 OS A0..40 +37 1 4 PO C32 +37 1 5 TA H18 +37 1 6 JA D13 +37 2 1 OS A0..40 +37 2 2 TE J0..40 +37 2 3 TA G21 +37 2 4 HU G1 +37 2 5 JA C10 +37 2 6 PO C27 +37 3 1 OS A1..40 +37 3 2 TA E17 +37 3 3 TE J1..40 +37 3 4 JA C10 +37 3 5 PO C3 +37 3 6 HU G3 +37 4 1 TA G20 +37 4 2 PO G8 +37 4 3 HU F1 +37 4 4 JA C10 +37 4 5 TE J0..40 +37 4 6 OS A0..40 +37 4 7 QU H33 +37 4 8 CH C40 +37 4 9 JE I2 +37 5 1 HU F1 +37 5 2 TE J0..40 +37 5 3 TA F17 +37 5 4 OS A0..40 +37 5 5 PO D0 +37 5 6 JA B12 +37 6 1 TE J0..40 +37 6 2 JA C10 +37 6 3 OS A0..40 +37 6 4 PO B6 +37 6 5 TA D18 +37 6 6 HU F2 +37 7 1 TA F17 +37 7 2 PO B2 +37 7 3 HU G1 +37 7 4 JA C12 +37 7 5 TE J0..40 +37 7 6 OS A0..40 +37 7 7 QU I3 +37 8 1 TA E26 +37 8 2 PO B21,22 +37 8 3 HU G1 +37 8 4 JA C12 +37 8 5 TE J0..40 +37 8 6 OS A0..40 +37 9 1 TA F18 +37 9 2 PO H13 +37 9 3 HU G3 +37 9 4 JA B13 +37 9 5 TE J0..40 +37 9 6 OS A0..40 +37 9 7 QU H30 +38 1 1 WU J6 +38 1 2 FU I1 +38 1 3 AM C8 +38 1 4 VE F17 +38 1 5 DI H29 +38 1 6 GU H32 +38 1 7 RO C40 +38 1 8 CH F9 +38 2 1 WU J6 +38 2 2 FU I1 +38 2 3 AM C8 +38 2 4 VE F17 +38 2 5 DI H29 +38 2 6 GU H32 +38 2 7 RO C40 +38 2 8 CH F9 +38 3 1 WU I0 +38 3 2 JA J1 +38 3 3 FU C1 +38 3 4 AM C9 +38 3 5 VE C15F16 +38 3 6 DI C27 +38 3 7 GU H32 +38 3 8 RO C40 +38 3 9 CH H5 +38 3 10 BE F0 +38 3 11 AR D6 +38 3 12 SA E3 +38 4 1 WU J25 +38 4 2 FU C2 +38 4 3 AM B11 +38 4 4 VE I18,19 +38 4 5 DI H30I30 +38 4 6 GU H32 +38 4 7 RO D3G1 +38 4 8 CH I7 +38 4 9 BE D0 +38 4 10 AR G4 +38 5 1 WU J0..40 +38 5 2 FU G2 +38 5 3 AM C10 +38 5 4 VE E21I18 +38 5 5 DI F30 +38 5 6 GU E31G34H7 +38 5 7 RO C1 +38 5 8 BE E1 +38 5 9 SA D6 +38 6 1 WU J0 +38 6 2 FU H2 +38 6 3 AM C10 +38 6 4 VE F17 +38 6 5 DI G28I29 +38 6 6 GU G34 +38 6 7 RO B40 +38 6 8 CH F7 +38 7 1 WU G0 +38 7 2 FU F1 +38 7 3 AM C10 +38 7 4 VE E15 +38 7 5 DI C27F30 +38 7 6 GU D33E32 +38 7 7 RO C1 +38 7 8 CH G8 +38 7 9 BE E0 +38 7 10 SA C4 +38 8 1 WU J5 +38 8 2 JA A36 +38 8 3 FU F3 +38 8 4 AM B10 +38 8 5 VE F15 +38 8 6 DI C25 +38 8 7 GU G32 +38 8 8 RO C38 +38 8 9 CH G6 +38 8 10 BE E0 +38 9 1 WU J17 +38 9 2 JA B0 +38 9 3 FU G1 +38 9 4 AM B10 +38 9 5 VE F18 +38 9 6 DI C28D29 +38 9 7 GU H32 +38 9 8 RO D39 +38 9 9 BE G0 +38 9 10 GA I5 +38 9 11 AR C8 +38 9 12 SA E5 +38 10 1 WU J1 +38 10 2 FU F2 +38 10 3 AM B10 +38 10 4 VE F17 +38 10 5 DI H30 +38 10 6 GU H32 +38 10 7 CH G8 +38 10 8 BE G0 +38 10 9 TG D6 +38 11 1 JA A0..40 +38 11 2 RO C35 +38 12 1 WU I24J0 +38 12 2 JA A17 +38 12 3 FU C2 +38 12 4 AM C11 +38 12 5 VE I18 +38 12 6 DI H30 +38 12 7 GU H32 +38 12 8 RO F39I17 +38 12 9 CH F7 +38 12 10 BE C0,3 +38 12 11 AR C8 +38 13 1 WU J0..40 +38 13 2 FU G2 +38 13 3 AM C10 +38 13 4 VE E21I18 +38 13 5 DI F30 +38 13 6 GU E31G34H7 +38 13 7 RO C1 +38 13 8 BE E1 +38 13 9 SA D6 +38 14 1 WU J20 +38 14 2 JA A30 +38 14 3 FU F1 +38 14 4 AM C9 +38 14 5 VE C15,20 +38 14 6 DI F30H27 +38 14 7 GU D32F33 +38 14 8 RO A40C37 +38 14 9 CH F8 +38 14 10 BE E0 +38 14 11 AR C8 +38 14 12 SA G4 +38 15 1 WU J0..40 +38 15 2 JA A0..40 +38 15 3 FU F2 +38 15 4 AM B10 +38 15 5 VE G18 +38 15 6 DI H29 +38 15 7 GU I32 +38 15 8 RO C39 +38 15 9 CH I5 +38 15 10 TG E5 +38 15 11 BA F0 +38 16 1 WU J0 +38 16 2 FU E2 +38 16 3 AM C8 +38 16 4 VE C14G17 +38 16 5 DI H26,28 +38 16 6 GU E33I33 +38 16 7 RO C39 +38 16 8 CH F7 +38 16 9 BE D0H0 +38 16 10 AR D6 +38 17 1 WU J13 +38 17 2 JA A1 +38 17 3 FU H3 +38 17 4 AM C9 +38 17 5 VE G18 +38 17 6 DI H28 +38 17 7 GU F33 +38 17 8 RO D2 +38 17 9 BE E0 +38 17 10 TG D6 +38 18 1 WU J34 +38 18 2 JA A40 +38 18 3 FU G3 +38 18 4 VE G18 +38 18 5 DI H29 +38 18 6 GU H34 +38 18 7 RO C3E1 +38 18 8 CH H10 +38 18 9 BE E0 +38 19 1 JA A5 +38 19 2 FU G1 +38 19 3 AM D10 +38 19 4 VE C14G15 +38 19 5 DI D26H24 +38 19 6 GU C32H31 +38 19 7 RO C3 +38 19 8 CH H5 +38 19 9 BE G0 +38 20 1 WU I0 +38 20 2 JA D4 +38 20 3 FU D2 +38 20 4 AM C10 +38 20 5 VE G16 +38 20 6 DI D29H25 +38 20 7 GU F31 +38 20 8 RO C37 +38 20 9 CH G6 +38 20 10 BE D0 +38 20 11 AR C8 +38 21 1 WU J14 +38 21 2 JA A1 +38 21 3 AM C9 +38 21 4 VE G18 +38 21 5 DI I28 +38 21 6 GU F33 +38 21 7 RO D2 +38 21 8 BE E0 +38 21 9 TG D6 +38 22 1 WU J0..40 +38 22 2 JA A0..40 +38 22 3 FU G1 +38 22 4 AM D6 +38 22 5 VE F18 +38 22 6 RO E39 +38 23 1 WU J0 +38 23 2 JA A3 +38 23 3 FU F2 +38 23 4 AM B10C8 +38 23 5 DI H29 +38 23 6 GU F32 +38 23 7 RO C40 +38 23 8 CH G6 +38 23 9 BE G0 +38 23 10 SA D7 +38 23 11 CR B12 +38 23 12 GR F32 +38 24 1 WU I0,25 +38 24 2 FU C2 +38 24 3 AM C9 +38 24 4 VE H18 +38 24 5 DI D29G30 +38 24 6 GU H32 +38 24 7 RO D1 +38 24 8 CH H4 +38 24 9 BE C0 +38 24 10 AR C8 +38 25 1 WU J5 +38 25 2 JA A5 +38 25 3 FU E3 +38 25 4 AM B11 +38 25 5 VE F17 +38 25 6 DI G26 +38 25 7 GU D34F32 +38 25 8 RO C2 +38 25 9 CH G6 +38 25 10 BE D0 +38 26 1 JA A1 +38 26 2 AM C9 +38 26 3 VE G18 +38 26 4 DI I28 +38 26 5 GU F33 +38 26 6 RO D2 +38 26 7 BE E0 +38 26 8 TG D6 +38 27 1 WU I25 +38 27 2 FU D2 +38 27 3 AM B11 +38 27 4 VE H18 +38 27 5 DI G30 +38 27 6 GU H32 +38 27 7 CH H7 +38 27 8 BE D0,3 +38 28 1 WU J0 +38 28 2 JA J1 +38 28 3 FU C1 +38 28 4 AM C9 +38 28 5 VE C15E16 +38 28 6 DI C27 +38 28 7 GU H32 +38 28 8 RO C40 +38 28 9 CH H5 +38 28 10 BE F0 +38 28 11 AR C6 +38 28 12 SA E3 +39 1 1 NI A26 +39 1 2 TA J31 +39 1 3 TO H40 +39 1 4 VA C11 +39 1 5 SE F27 +39 1 6 RA G17 +39 1 7 PA H7 +39 1 8 TE H15 +39 1 9 NA D2 +39 2 1 NI A18 +39 2 2 TA J12 +39 2 3 TO F2 +39 2 4 VA C11 +39 2 5 RA E20 +39 2 6 RJ F30 +39 2 7 TE H14 +39 2 8 PU F0 +39 3 1 NI B21 +39 3 2 TA J22 +39 3 3 TO G2 +39 3 4 VA D11 +39 3 5 RA F20 +39 3 6 RJ E26 +39 3 7 SE G28 +39 3 8 PA I29 +39 3 9 NA D3 +39 4 1 NI A10 +39 4 2 TA J4 +39 4 3 TO F4 +39 4 4 VA C9 +39 4 5 RA E16 +39 4 6 RJ G30 +39 4 7 TE H7 +39 4 8 NA B7 +39 5 1 NI A23 +39 5 2 TA J18 +39 5 3 TO G1 +39 5 4 VA C10 +39 5 5 RA F17 +39 5 6 RJ F28 +39 5 7 PA F32 +39 5 8 NA C40 +39 5 9 TE G0 +39 5 10 PU F0 +39 6 1 NI A14 +39 6 2 TA J35 +39 6 3 TO G1 +39 6 4 VA D8 +39 6 5 TE I8 +39 6 6 RA F17 +39 6 7 SE G29 +39 6 8 RJ G31 +39 6 9 TU G9 +39 6 10 PA I38 +39 6 11 CA G40 +39 7 1 NI A23 +39 7 2 TA J6 +39 7 3 TO G3 +39 7 4 RA F17 +39 7 5 VA C9 +39 7 6 PA I2 +39 7 7 TE G8 +39 7 8 RJ G29 +39 7 9 PU B28 +39 7 10 NA B21 +39 8 1 NI A6 +39 8 2 TA J19 +39 8 3 TO F3 +39 8 4 VA C9 +39 8 5 TE G10 +39 8 6 RA E19 +39 8 7 RJ F28 +39 8 8 SE E29 +39 8 9 PU H8 +39 9 1 NI A13 +39 9 2 TA J0 +39 9 3 TO G3 +39 9 4 VA C12 +39 9 5 NA B13 +39 9 6 SE F17 +39 9 7 RJ H31 +39 9 8 RA H34 +39 9 9 PU H8 +39 9 10 PA H3 +39 10 1 NI A14 +39 10 2 TA J5 +39 10 3 TO F4 +39 10 4 VA C10 +39 10 5 RA E26 +39 10 6 SE F31 +39 10 7 RJ G32 +39 10 8 TE J23 +39 10 9 TU D8 +39 11 1 NI A0..40 +39 11 2 TA J40 +39 11 3 TO F2 +39 11 4 VA D8 +39 11 5 RA F19 +39 11 6 RJ F30 +39 11 7 RO D37 +39 11 8 FO B39 +39 11 9 PA I40 +39 11 10 PU H11 +39 11 11 NA C1 +39 11 12 PU D0E0F0 +39 12 1 NI A5 +39 12 2 TA J23 +39 12 3 TO G1 +39 12 4 VA C8 +39 12 5 RA E19 +39 12 6 RJ G27 +39 12 7 SE G29 +39 12 8 TU F7 +39 12 9 PA I1 +39 12 10 TE F0 +39 12 11 NA B11 +39 13 1 NI A0..40 +39 13 2 TA J11 +39 13 3 TO G1 +39 13 4 VA C8 +39 13 5 RJ E29 +39 13 6 RA H29 +39 13 7 SE G28 +39 13 8 NA D40 +39 13 9 PU F0 +39 13 10 TE H0 +39 13 11 TU H6 +39 13 12 PA I8 +39 14 1 NI A40 +39 14 2 TA J0 +39 14 3 TO G1 +39 14 4 VA C8 +39 14 5 RA E16 +39 14 6 RJ H31 +39 14 7 SE H32 +39 14 8 PA H9 +39 14 9 TE F0 +39 14 10 PU E0 +39 14 11 NA B0..40 +39 15 1 NI A40 +39 15 2 TA I12 +39 15 3 TO G1 +39 15 4 VA C9 +39 15 5 RA G20 +39 15 6 RJ F29 +39 15 7 PA H33 +39 15 8 NA C19 +39 15 9 TE H9 +39 16 1 NI A21 +39 16 2 TA J18 +39 16 3 TO G1 +39 16 4 VA C9 +39 16 5 RA H19 +39 16 6 PA I36 +39 16 7 SE G29 +39 16 8 RJ H30 +39 16 9 PU G0 +39 16 10 SE I7 +39 16 11 TU F9 +39 17 1 NI A23 +39 17 2 TA J27 +39 17 3 TO G2 +39 17 4 VA C9 +39 17 5 RJ G17 +39 17 6 RA G20 +39 17 7 PU G9 +39 17 8 TE F0 +39 18 1 NI A11 +39 18 2 TA J26 +39 18 3 TO G40 +39 18 4 VA C10 +39 18 5 RJ F20 +39 18 6 RA F29 +39 18 7 SE H30 +39 18 8 TU F7 +39 18 9 TE G7 +39 18 10 NA C15 +39 19 1 NI A19 +39 19 2 TA J6 +39 19 3 TO G1 +39 19 4 VA C9 +39 19 5 RJ E16 +39 19 6 RA D17 +39 19 7 SE F29 +39 19 8 PA I38 +39 19 9 TO G1 +39 19 10 AN C5 +39 19 11 CA C8 +39 20 1 NI A0..40 +39 20 2 TA J0..40 +39 20 3 TO F1 +39 20 4 VA C9 +39 20 5 RA G20 +39 20 6 RJ H29 +39 20 7 SE G30 +39 20 8 NA B20 +39 20 9 PU I10 +39 20 10 TE H9 +39 21 1 NI A13 +39 21 2 TA J11 +39 21 3 TO E1 +39 21 4 VA C11 +39 21 5 RA E19 +39 22 1 NI A18 +39 22 2 TA J18 +39 22 3 TO F2 +39 22 4 VA C8 +39 22 5 RJ H30 +39 22 6 RA F17 +39 22 7 TE H7 +39 23 1 NI A1 +39 23 2 TA J1 +39 23 3 TO G1 +39 23 4 VA C9 +39 23 5 RJ G30 +39 23 6 RA G31 +39 23 7 PA I35 +39 23 8 SE G38 +39 23 9 TE I11 +39 23 10 PU H0 +39 24 1 NI A0..40 +39 24 2 TA J0..40 +39 24 3 TO G4 +39 24 4 VA D12 +39 24 5 RA H28 +39 24 6 RJ G31 +39 24 7 PA I38 +39 24 8 SE E28 +39 25 1 NI A0..40 +39 25 2 TA J20 +39 25 3 TO G2 +39 25 4 VA C8 +39 25 5 RA G20 +39 25 6 RJ H29 +39 25 7 SE F29 +39 25 8 NA C34 +39 25 9 FO B21 +39 25 10 PU I14 +39 25 11 PA I1 +39 25 12 CA D2 +39 25 13 TU H0 +40 1 1 U C8 +40 1 2 PO A0..40 +40 1 3 O D33 +40 1 4 PI G38 +40 1 5 C H17 +40 1 6 Y J0..40 +40 1 7 P G2 +40 2 1 U C9 +40 2 2 PO A0..40 +40 2 3 O C33 +40 2 4 PI G30 +40 2 5 C G20 +40 2 6 Y J0..40 +40 2 7 P G1 +40 3 1 U F4 +40 3 2 PO A0..40 +40 3 3 O E31 +40 3 4 PI G28 +40 3 5 C G19 +40 3 6 Y J0..40 +40 3 7 P G2 +40 4 1 U D11 +40 4 2 PO A0..40 +40 4 3 P G2 +40 4 4 PI F30 +40 4 5 C F19 +40 4 6 Y J0..40 +40 4 7 O C32G13 +40 5 1 PO A0..40 +40 5 2 U C10 +40 5 3 C F17 +40 5 4 O E31 +40 5 5 PI G30 +40 5 6 Y J0..40 +40 5 7 P G1 +40 6 1 U C9 +40 6 2 O D34 +40 6 3 PO A0..40 +40 6 4 P G40 +40 6 5 Y J0..40 +40 6 6 PI H20 +40 7 1 U C9 +40 7 2 O D32 +40 7 3 PO A0..40 +40 7 4 Y J0..40 +40 7 5 PI H30 +40 7 6 C I20 +40 7 7 P I2 +40 8 1 PO A0..40 +40 8 2 U C8 +40 8 3 P F40 +40 8 4 PI H29 +40 8 5 C I21 +40 8 6 Y J0..40 +40 8 7 O D0 +40 9 1 U E7 +40 9 2 O D28 +40 9 3 PO A0..40 +40 9 4 Y J0..40 +40 9 5 PI H27 +40 9 6 C G17 +40 10 1 U D8 +40 10 2 PO A0..40 +40 10 3 PI I29 +40 10 4 C F16 +40 10 5 Y J0..40 +40 10 6 P H3 +40 10 7 O G0 +40 11 1 U D7 +40 11 2 PO A0..40 +40 11 3 PI I30 +40 11 4 Y J0..40 +40 11 5 C H18 +40 11 6 P H3 +40 11 7 O F0 +40 12 1 PO A0..40 +40 12 2 U C11 +40 12 3 O D25 +40 12 4 Y J0..40 +40 12 5 PI I30 +40 12 6 C H17 +40 12 7 P H3 +40 13 1 U E16 +40 13 2 O D32 +40 13 3 PO A0..40 +40 13 4 Y J0..40 +40 13 5 PI I31 +40 13 6 C F18 +40 13 7 P G3 +40 14 1 PO A0..40 +40 14 2 U D6 +40 14 3 PI I30 +40 14 4 C I15 +40 14 5 Y J0..40 +40 14 6 P G1 +40 14 7 O F0 +40 15 1 PO A0..40 +40 15 2 U C8 +40 15 3 PI H29 +40 15 4 C F16 +40 15 5 CA G8 +40 15 6 Y J0..40 +40 15 7 P G1 +40 15 8 O F0 +40 16 1 U D8 +40 16 2 O B19 +40 16 3 PO A0..40 +40 16 4 PI H28 +40 16 5 Y J0..40 +40 16 6 C G19 +40 16 7 CA H8 +40 16 8 P H1 +40 17 1 PO A0..40 +40 17 2 U B11 +40 17 3 PI G29 +40 17 4 C H18 +40 17 5 CA I10 +40 17 6 Y J0..40 +40 17 7 P G1 +40 17 8 O F0 +40 18 1 U C10 +40 18 2 PO A0..40 +40 18 3 PI H31 +40 18 4 C F19 +40 18 5 CA I5 +40 18 6 P H2 +40 18 7 Y J0..40 +40 18 8 O G0 +40 19 1 PO A0..40 +40 19 2 U C10 +40 19 3 PI H30 +40 19 4 C F17 +40 19 5 P G3 +40 19 6 Y J0..40 +40 19 7 O E0 +40 20 1 PO A0..40 +40 20 2 U C8 +40 20 3 PI G30 +40 20 4 C F17 +40 20 5 CA H7 +40 20 6 P G3 +40 20 7 Y J0..40 +40 20 8 O F0 +40 21 1 U C9 +40 21 2 O C30 +40 21 3 PO A0..40 +40 21 4 Y J0..40 +40 21 5 P F1 +40 21 6 PI H30 +40 21 7 C G17 +40 21 8 CA I10 +40 22 1 O D0 +40 22 2 U C11 +40 22 3 C D15 +40 22 4 PO A0..40 +40 22 5 PI F17 +40 22 6 Y J0..40 +40 22 7 P F2 +40 23 1 O C0 +40 23 2 PO A0..40 +40 23 3 U C8 +40 23 4 PI G30 +40 23 5 C F16 +40 23 6 CA I7 +40 23 7 Y J0..40 +40 23 8 P F1 +40 24 1 PO A0..40 +40 24 2 U C9 +40 24 3 PI H29 +40 24 4 C H20 +40 24 5 CA H8 +40 24 6 Y J0..40 +40 24 7 P G1 +40 24 8 O E0 +40 25 1 PO A0..40 +40 25 2 U C9 +40 25 3 PI H30 +40 25 4 C H17 +40 25 5 CA H7 +40 25 6 Y J0..40 +40 25 7 O E0 +40 25 8 P F4 +40 26 1 O D0 +40 26 2 PO A0..40 +40 26 3 U D6 +40 26 4 C F16 +40 26 5 PI H17 +40 26 6 CA H7 +40 26 7 Y J0..40 +40 26 8 P H2 +40 27 1 PO A0..40 +40 27 2 U C9 +40 27 3 O C30 +40 27 4 PI I31 +40 27 5 C H17 +40 27 6 CA H8 +40 27 7 Y J0..40 +40 27 8 P G3 +41 1 1 TO A0..40B0..40 +41 1 2 OS H0I0J0..40 +41 1 3 SE F2 +41 1 4 SA C8 +41 1 5 SU I10 +41 1 6 SI F19 +41 2 1 TO A0..40 +41 2 2 OS J0..40 +41 2 3 SE G3 +41 2 4 SA C12 +41 2 5 SI F19 +41 2 6 SU G10 +41 3 1 OS J0..40 +41 3 2 SE G1 +41 3 3 SA C10 +41 3 4 SI F17 +41 3 5 SU I7 +41 3 6 MO F0 +41 4 1 TO A0..40B0..40 +41 4 2 OS I0..40J0..40 +41 4 3 SE G3 +41 4 4 SA D11 +41 4 5 SI F19 +41 4 6 SU F8 +41 5 1 TO A0..40 +41 5 2 OS J0..40 +41 5 3 SE F2 +41 5 4 SA C9 +41 5 5 SI G21 +41 5 6 SU I4 +41 6 1 TO A0..40 +41 6 2 OS J0..40 +41 6 3 SE F3 +41 6 4 SA C13 +41 6 5 SI E20H34 +41 6 6 SU F0 +41 7 1 TO A0..40 +41 7 2 OS J0..40 +41 7 3 SE G2 +41 7 4 SA C8 +41 7 5 SI F17 +41 7 6 SU G7 +41 8 1 TO A0..40 +41 8 2 OS J0..40 +41 8 3 SE G2 +41 8 4 SA C8 +41 8 5 SI F18 +41 8 6 MO H31 +41 8 7 SU G7 +41 9 1 TO A0..40B0..8,15..40 +41 9 2 MO I11..40J0..40 +41 9 3 SE G2 +41 9 4 SA C9 +41 9 5 SI F20 +41 9 6 SU I7 +41 10 1 TO A0..40B0..8,14..40 +41 10 2 OS J0..40 +41 10 3 SE F2H37 +41 10 4 SA C9 +41 10 5 SI F29 +41 10 6 WE G12 +41 11 1 TO A0..40B0..40 +41 11 2 OS I0..40J0..40 +41 11 3 SE F1 +41 11 4 SA C9 +41 11 5 SI F18 +41 11 6 SU G5 +41 12 1 TO A0..40 +41 12 2 OS J0..40 +41 12 3 SE F40 +41 12 4 SA C10 +41 12 5 SI F16 +41 12 6 HU H7 +41 13 1 TO A0..40B0..3,15..37 +41 13 2 OS I5..18J0..40 +41 13 3 SE G1 +41 13 4 SA D11 +41 13 5 SI F28 +41 13 6 SU F6 +41 14 1 TO A26 +41 14 2 OS J28 +41 14 3 SE G2 +41 14 4 SA C9 +41 14 5 SI F17 +41 14 6 WE G8 +41 14 7 SU E0F0G0H0 +41 15 1 TO A0..40B0..8,16..40 +41 15 2 OS I5..40J0..40 +41 15 3 SE G4 +41 15 4 SA C10 +41 15 5 SI E19 +41 15 6 SU H6 +41 15 7 MO G33 +41 16 1 TO A0..40B0 +41 16 2 OS J0..40 +41 16 3 SE G3 +41 16 4 SA C10 +41 16 5 SI E17 +41 16 6 WA B38 +41 16 7 CO B3,38 +41 17 1 TO A0..40 +41 17 2 OS I0J0..40 +41 17 3 SE F2 +41 17 4 SA C8 +41 17 5 SI F20 +41 17 6 SU H7 +41 18 1 TO A0..40 +41 18 2 OS J0..40 +41 18 3 SE I2 +41 18 4 SA C9 +41 18 5 SI G19 +41 18 6 CO H6 +41 18 7 MO C0D0E0 +41 19 1 TO A0..40 +41 19 2 OS J0..40 +41 19 3 SE G3 +41 19 4 SA C9 +41 19 5 SI F17 +41 19 6 WA D10 +41 19 7 CO E10 +41 20 1 TO A0..40B0..40 +41 20 2 OS I0..40J0..40 +41 20 3 SE G40 +41 20 4 SA C10 +41 20 5 SI F19 +41 20 6 SU G7 +41 21 1 TO A0..40B0 +41 21 2 OS I0J0..40 +41 21 3 SE G3 +41 21 4 SA C9 +41 21 5 SI F17 +41 21 6 WE H0 +41 22 1 TO A0..40 +41 22 2 OS J0..40 +41 22 3 SE F2,3 +41 22 4 SA C8 +41 22 5 SI E20F20 +41 22 6 MO G0 +41 22 7 CO G9 +41 23 1 TO A0..40 +41 23 2 OS J0..40 +41 23 3 SE G1 +41 23 4 SA C9 +41 23 5 SI G18,29 +41 23 6 SU I6 +41 23 7 WE F9 +41 24 1 TO A0..40 +41 24 2 OS J0..40 +41 24 3 SE H1 +41 24 4 SA D8 +41 24 5 SI H27 +41 24 6 SU H7 +41 25 1 TO A0..40B0..40 +41 25 2 OS I0J0..40 +41 25 3 SE G40 +41 25 4 SU C9 +41 25 5 SI G20H18 +41 25 6 WE I12 +42 1 1 T F32 +42 1 2 K C2 +42 1 3 B B3 +42 1 4 S H16 +42 1 5 N G2 +42 1 6 D C12 +42 2 1 T F39 +42 2 2 K G33 +42 2 3 B F28 +42 2 4 S C11 +42 2 5 N A19 +42 2 6 D J17 +42 2 7 I D15 +42 3 1 T F3 +42 3 2 K F38 +42 3 3 B G27 +42 3 4 S C8 +42 3 5 N A20 +42 4 1 T G3 +42 4 2 K E14 +42 4 3 B F28 +42 4 4 S B12 +42 4 5 N A26 +42 4 6 D J30 +42 4 7 W D6 +42 4 8 G J4 +42 5 1 T F4 +42 5 2 K G18 +42 5 3 B G30 +42 5 4 S C10 +42 5 5 N A0..40 +42 5 6 D J0..40 +42 5 7 W C2 +42 6 1 T H39 +42 6 2 K F17 +42 6 3 B G30 +42 6 4 S C10 +42 6 5 N A0,1 +42 6 6 D J0..2 +42 6 7 W D2 +42 6 8 M I18 +42 7 1 T G3 +42 7 2 K F15 +42 7 3 B F33 +42 7 4 S C9 +42 7 5 N A4 +42 7 6 D J10 +42 7 7 W D6 +42 7 8 U C18 +42 8 1 T G3 +42 8 2 K E16 +42 8 3 B I29 +42 8 4 S C9 +42 8 5 N A13 +42 8 6 D J22 +42 8 7 W C39 +42 8 8 U E0 +42 8 9 G B4 +42 8 10 O C6 +42 8 11 R I34 +42 8 12 NA D6 +42 8 13 DM D2 +42 9 1 T F4 +42 9 2 K F16 +42 9 3 B E16 +42 9 4 S C9 +42 9 5 N A10 +42 9 6 D J19 +42 9 7 M E17 +42 9 8 G E31 +42 10 1 T F2 +42 10 2 K G20 +42 10 3 B F30 +42 10 4 S C8 +42 10 5 N A0..7 +42 10 6 W D11 +42 10 7 M G34 +42 11 1 T G2 +42 11 2 K F17 +42 11 3 B G22 +42 11 4 S C13 +42 11 5 N C0 +42 11 6 D J0 +42 11 7 W F2 +42 11 8 U G0 +42 12 1 T E1 +42 12 2 K C21 +42 12 3 B F27 +42 12 4 S C19 +42 12 5 N A0..40 +42 12 6 D F25 +42 13 1 T F4 +42 13 2 K F21 +42 13 3 B G29 +42 13 4 S C9 +42 13 5 N A1 +42 13 6 D J1 +42 13 7 W C29 +42 13 8 I C19 +42 14 1 T G2 +42 14 2 K C3 +42 14 3 B F29 +42 14 4 S C9 +42 14 5 N A4 +42 14 6 D J4 +42 14 7 U I10 +42 14 8 M E14 +42 14 9 G G0 +42 15 1 T F3 +42 15 2 K F38 +42 15 3 B F19 +42 15 4 S C10 +42 15 5 N A12 +42 15 6 D J23 +42 15 7 W C5 +42 15 8 U I9 +42 16 1 T G38 +42 16 2 K F16 +42 16 3 B G18 +42 16 4 S C10 +42 16 5 D J0 +42 16 6 W C11 +42 16 7 U I8 +42 16 8 M E4 +42 16 9 O I7 +42 16 10 NK C7 +42 16 11 OB H17 +42 16 12 DA G1 +42 17 1 T G3 +42 17 2 K F16 +42 17 3 B G29 +42 17 4 S C9 +42 17 5 N A0..40 +42 17 6 D J0..40 +42 17 7 O D2 +42 17 8 NR D30 +42 17 9 UT D38 +42 18 1 T G1 +42 18 2 K F17 +42 18 3 B G30 +42 18 4 S B12 +42 18 5 N A18 +42 18 6 D J20 +42 18 7 U F31 +42 18 8 M C22 +42 18 9 G C31 +42 18 10 O G32 +42 19 1 T G2 +42 19 2 K F16 +42 19 3 B H29 +42 19 4 S C8 +42 19 5 N A32 +42 19 6 D J25 +42 19 7 W B13 +42 19 8 O D0 +42 20 1 K G18 +42 20 2 B H29 +42 20 3 S C10 +42 20 4 N A0..40 +42 20 5 D J0..40 +42 20 6 W E5 +42 20 7 U I9 +42 20 8 O C5 +42 20 9 KO I5 +42 20 10 MO I33 +42 21 1 T G3 +42 21 2 K F17 +42 21 3 B H33 +42 21 4 S C11 +42 21 5 N A6 +42 21 6 D J16 +42 21 7 W G1 +42 21 8 M G34 +42 21 9 I C10 +42 21 10 OR I4 +42 22 1 T G2 +42 22 2 K H18 +42 22 3 B H29 +42 22 4 S B11 +42 22 5 N A8 +42 22 6 D J28 +42 22 7 W F38 +42 22 8 U D24 +42 22 9 M D20 +42 22 10 G H0 +42 22 11 TO H3 +42 23 1 T F10 +42 23 2 K D29 +42 23 3 B G27 +42 23 4 S C12 +42 23 5 N A11 +42 23 6 D J0..40 +42 24 1 T G1 +42 24 2 K F17 +42 24 3 B H30 +42 24 4 S C11 +42 24 5 N A40 +42 24 6 D J38 +42 24 7 M I31 +42 24 8 G E33 +42 24 9 O G0 +42 24 10 DK I39 +42 25 1 T F40 +42 25 2 K G18 +42 25 3 B G28 +42 25 4 S C9 +42 25 5 N A40 +42 25 6 D J31 +42 25 7 W D7 +42 25 8 M G31 +42 25 9 O B9 +42 25 10 I G40 +42 25 11 KO I2 +43 1 1 BA A0..40 +43 1 2 FD J0..40 +43 1 3 GA G2,3 +43 1 4 BF E22 +43 2 1 BA A0..40 +43 2 2 FD J0..40 +43 2 3 BE G40 +43 2 4 GS C3,4 +43 2 5 GE C10 +43 2 6 AT B22 +43 2 7 BF H29 +43 2 8 GE I34 +43 3 1 BA A0..40 +43 3 2 GG J0..40 +43 3 3 GA G40 +43 3 4 BF H30 +43 4 1 BA A0..40 +43 4 2 FD J0..40 +43 4 3 GA F1,2 +43 4 4 GE C11 +43 4 5 AG F16,17 +43 4 6 BF G28 +43 4 7 TA H33 +43 5 1 BA A0..40 +43 5 2 GG J0..40 +43 5 3 GA F0..2 +43 5 4 BE G0..3 +43 6 1 BA A0..40 +43 6 2 GG J0..40 +43 6 3 GA G1 +43 6 4 BF F29 +43 7 1 BA A0..40 +43 7 2 FD J0..40 +43 7 3 GA G1 +43 7 4 GE C10,11 +43 7 5 AG F16 +43 7 6 AT B24 +43 7 7 BF G29,30 +43 7 8 TA H37 +43 8 1 BA A0..40 +43 8 2 FD J0..40 +43 8 3 GA G1 +43 8 4 GE C8,9 +43 8 5 AG F16,17 +43 8 6 BF G30 +43 9 1 BA A0..40 +43 9 2 GG J0..40 +43 9 3 GA D1..6E1..6F1..4 +43 9 4 FD I0..40 +43 10 1 BA A0..40 +43 10 2 FD J0..40 +43 10 3 GA H3 +43 10 4 GE C10,11 +43 10 5 AT B25 +43 10 6 BF H29,30 +43 11 1 BA A0..40 +43 11 2 FD J0..40 +43 11 3 GA E1..4F1..4 +43 11 4 BE G1,2H1,2 +43 11 5 BF F27..31G27..31H27..31 +43 12 1 BA A0..40 +43 12 2 FD J0..40 +43 12 3 AN C12 +43 12 4 BE F14 +43 12 5 BF H30 +43 13 1 BA A0..40 +43 13 2 FD J0..40 +43 13 3 GA F1 +43 13 4 BJ F17 +43 13 5 BF H31 +43 13 6 AN C9 +43 14 1 FD J0..40 +43 14 2 GA F2..4 +43 14 3 GD C6 +43 14 4 EE G17 +43 14 5 SA E21 +43 14 6 AD C29 +43 14 7 BF G28,29 +43 15 1 BA A0..40 +43 15 2 BF F25 +43 15 3 GA F1 +43 15 4 FD J0..40 +43 16 1 BA A0..40 +43 16 2 FD J0..40 +43 16 3 BE F4 +43 16 4 AN C8,9 +43 16 5 GT F16,17 +43 17 1 BA A0..40 +43 17 2 FD J0..40 +43 17 3 GA F3 +43 17 4 MB B6 +43 17 5 AN C8,9 +43 17 6 SA F14 +43 17 7 BF H29,30 +43 18 1 BA A0..40 +43 18 2 GG J0..40 +43 18 3 GA F0 +43 19 1 BA A0..40 +43 19 2 FD J0..40 +43 19 3 BE E37..40F37..40G37..40H37..40I37..40 +43 20 1 BA A0..40 +43 20 2 FD J0..40 +43 20 3 GE C10 +43 20 4 GA F40 +43 20 5 BF H29 +43 20 6 AG E15 +43 21 1 BA A0..40 +43 21 2 FD J0..40 +43 21 3 GA G1,2 +43 21 4 MN H1 +43 21 5 GD D8 +43 21 6 AD D28,29 +43 21 7 EE H19 +43 21 8 SA H20 +43 21 9 BF G29H29 +43 21 10 GI H33 +43 22 1 BA A0..40 +43 22 2 FD J0..40 +43 22 3 GA G1 +43 22 4 GS C1 +43 22 5 GE C9 +43 22 6 AT B24 +43 22 7 BF G28 +43 22 8 TA I34 +43 23 1 BA A0..40 +43 23 2 GG J0..40 +43 23 3 GA E1..5F1..4G1..4H1..4 +43 24 1 BA A0..40 +43 24 2 FD J0..40 +43 24 3 BB G0 +43 24 4 AD D0E0 +43 24 5 DB D1,2 +43 24 6 BE G1..3 +43 24 7 GD G5,6 +43 24 8 NG H5,6 +43 24 9 TS I9..12 +43 24 10 AN B11C9..11 +43 24 11 BJ G12..14H12..14 +43 24 12 SA C20,21D20,21 +43 24 13 BF H30..32 +43 24 14 TN I36..38 +43 24 15 GA F39,40 +43 25 1 BA A0..40 +43 25 2 GG J0..40 +43 25 3 GA G3 +43 25 4 BF G28 +44 1 1 RE F4 +44 1 2 PO A0..40 +44 1 3 HE C12 +44 1 4 DH I6..17 +44 1 5 NA H27 +44 1 6 KE J0..40 +44 2 1 RE G1 +44 2 2 PO B1 +44 2 3 HE D7 +44 2 4 DH F13 +44 2 5 KE J4 +44 2 6 NA F16 +44 3 1 HE C9 +44 3 2 KE J6 +44 3 3 NA G18 +44 3 4 PO A19 +44 4 1 PO A6 +44 4 2 HE C11D11 +44 4 3 RE G3H3 +44 4 4 DH I3 +44 4 5 KE J3 +44 4 6 NA F18G18 +44 5 1 PO A14 +44 5 2 RE F1 +44 5 3 DH I11 +44 5 4 KE J16..18 +44 5 5 NA F30G30 +44 6 1 PO A0..40 +44 6 2 HE C11 +44 6 3 DH F12 +44 6 4 KE J12 +44 6 5 NA G29 +44 6 6 RE G40 +44 7 1 RE G2 +44 7 2 HE D6 +44 7 3 KE J13 +44 7 4 PO A21 +44 7 5 NA G28 +44 8 1 HE E6 +44 8 2 PO A11,34 +44 8 3 NA G27 +44 8 4 KE J35 +44 8 5 LA G38 +44 9 1 LA F4 +44 9 2 PO A17 +44 9 3 NA J28 +44 10 1 RE G3 +44 10 2 DH J3 +44 10 3 PO A6 +44 10 4 HE D6 +44 10 5 KE J16 +44 10 6 NA D20 +44 11 1 RE G1 +44 11 2 PO A1 +44 11 3 HE C9 +44 11 4 KE J1 +44 11 5 NA F29 +44 12 1 HE F6 +44 12 2 RE G3 +44 12 3 PO A15 +44 12 4 KE J10 +44 12 5 NA G18 +44 13 1 HE C9 +44 13 2 PO A6 +44 13 3 DH B11 +44 13 4 RE G4 +44 13 5 KE H17 +44 13 6 NA E20 +44 14 1 KO H10 +44 14 2 DH I9 +44 14 3 SA B34 +44 14 4 LA I38 +44 14 5 KE J33 +44 14 6 NA H30 +44 15 1 SA A38 +44 15 2 LA F40 +44 15 3 KE J37 +44 15 4 PI G34 +44 15 5 NA I29 +44 16 1 HE C8 +44 16 2 PO A13 +44 16 3 RE F4 +44 16 4 DH I13 +44 16 5 KE J7 +44 16 6 NA I31 +44 17 1 HE C12 +44 17 2 PO A0..40 +44 17 3 NA F29 +44 17 4 KE J0..40 +44 17 5 DH H9 +44 17 6 LA I3 +44 18 1 LA H3 +44 18 2 HE C9 +44 18 3 PO A12 +44 18 4 KE J9 +44 18 5 NA I31 +44 18 6 DH F31 +44 18 7 CU H34 +44 19 1 HE C8..14 +44 19 2 PO A0..40 +44 19 3 LA G1..8 +44 19 4 NA G20 +44 19 5 DH I5..17 +44 19 6 KE J0..40 +44 20 1 PO A1 +44 20 2 HE C9 +44 20 3 LA C1 +44 20 4 DH F0 +44 20 5 KE J2 +44 20 6 NA F28 +44 21 1 PO A0..40 +44 21 2 HE D7 +44 21 3 RE G40 +44 21 4 NA F28 +44 21 5 DH I27 +44 21 6 KE J0..40 +44 22 1 SA A0..40 +44 22 2 HA D16 +44 22 3 HE C9 +44 22 4 KE J0..40 +44 22 5 NA H29 +44 22 6 LA G40 +44 23 1 PO A14 +44 23 2 DH B18 +44 23 3 HE C11 +44 23 4 RE F4 +44 23 5 KE J20 +44 23 6 NA G28 +44 23 7 LA F40 +44 24 1 PO A0 +44 24 2 RE G40 +44 24 3 KE J40 +44 24 4 NA F16 +44 25 1 SA A0 +44 25 2 LA F1 +44 25 3 NA E21 +44 25 4 KE J0..40 +45 1 1 O A0 +45 1 2 M C8 +45 1 3 TSA I2 +45 1 4 TSO I7 +45 1 5 T J0 +45 1 6 Y I19 +45 1 7 A H27 +45 1 8 I H32 +45 2 1 O A0 +45 2 2 M C10 +45 2 3 I C37 +45 2 4 MO H32 +45 2 5 A F28 +45 2 6 T J0 +45 2 7 Y G18 +45 2 8 TSO G9 +45 2 9 TSA G3 +45 3 1 O A0 +45 3 2 M B13 +45 3 3 I C38 +45 3 4 MO I33 +45 3 5 A H29 +45 3 6 Y H21 +45 3 7 T J0 +45 3 8 TSO G8 +45 3 9 TSA G3 +45 4 1 O A0 +45 4 2 M C11 +45 4 3 I C36 +45 4 4 MO H33 +45 4 5 A H29 +45 4 6 Y G20 +45 4 7 T J0 +45 4 8 TSO H8 +45 4 9 TSA G2 +45 5 1 O A0 +45 5 2 M C12 +45 5 3 I D39 +45 5 4 MO G33 +45 5 5 A F29 +45 5 6 Y G22 +45 5 7 T J0 +45 5 8 TSO G9 +45 5 9 TSA G3 +45 6 1 O A0 +45 6 2 M C10 +45 6 3 I C37 +45 6 4 MO G32 +45 6 5 Y E16 +45 6 6 TSO E8 +45 6 7 T J0 +45 6 8 TSA G1 +45 7 1 O A0 +45 7 2 M C11 +45 7 3 MO H33 +45 7 4 A F28 +45 7 5 T J0 +45 7 6 Y F17 +45 7 7 TSO G10 +45 7 8 TSA F2 +45 8 1 O A0 +45 8 2 M C8 +45 8 3 MO I32 +45 8 4 A F30 +45 8 5 T J0 +45 8 6 Y F20 +45 8 7 TSO G8 +45 8 8 TSA H4 +45 9 1 O A0 +45 9 2 M C8 +45 9 3 MO I33 +45 9 4 A H29 +45 9 5 T J0 +45 9 6 Y H17 +45 9 7 TSO H8 +45 9 8 TSA H3 +45 10 1 O A0 +45 10 2 M C11 +45 10 3 MO I35 +45 10 4 A F29 +45 10 5 Y H20 +45 10 6 T J0 +45 10 7 TSO I5 +45 10 8 TSA G2 +45 11 1 O A0 +45 11 2 M C9 +45 11 3 Y F17 +45 11 4 MO G33 +45 11 5 T J0 +45 11 6 TSO H6 +45 11 7 TSA G2 +45 12 1 O A0 +45 12 2 M D9 +45 12 3 Y F29 +45 12 4 TSA F40 +45 12 5 MO G34 +45 12 6 T J0 +45 12 7 TSO H7 +45 13 1 O A0 +45 13 2 M C8 +45 13 3 TSO E8 +45 13 4 MO H37 +45 13 5 T J0 +45 13 6 Y G18 +45 13 7 TSA F4 +45 14 1 O A0 +45 14 2 M C9 +45 14 3 MO I31 +45 14 4 T J0 +45 14 5 Y F20 +45 14 6 TSO F9 +45 14 7 TSA F1 +45 15 1 O A0 +45 15 2 M D6 +45 15 3 MU H36 +45 15 4 Y F16 +45 15 5 T J0 +45 15 6 TSO G8 +45 15 7 TSA F1 +45 16 1 O A0 +45 16 2 M C10 +45 16 3 TO F32 +45 16 4 T J0 +45 16 5 Y F17 +45 16 6 TSO G8 +45 16 7 TSA H1 +45 17 1 O A0 +45 17 2 M B10 +45 17 3 Y E16 +45 17 4 TO E32 +45 17 5 TSO G9 +45 17 6 T J0 +45 17 7 TSA G1 +45 18 1 O A0 +45 18 2 M B11 +45 18 3 MU I32 +45 18 4 Y H15 +45 18 5 T J0 +45 18 6 TSO I5 +45 18 7 TSA H3 +45 19 1 O A0 +45 19 2 M C10 +45 19 3 MU H36 +45 19 4 T J0 +45 19 5 Y F17 +45 19 6 TSO G8 +45 19 7 TSA G4 +45 20 1 O A0 +45 20 2 M C10 +45 20 3 TSA F40 +45 20 4 MU G33 +45 20 5 Y F18 +45 20 6 TSO F9 +45 20 7 T J0 +45 21 1 O A0 +45 21 2 M C8 +45 21 3 Y E16 +45 21 4 MU G34 +45 21 5 T J0 +45 21 6 TSO H8 +45 21 7 TSA G1 +45 22 1 O A0 +45 22 2 M C9 +45 22 3 TSA F40 +45 22 4 MU H33 +45 22 5 A H29 +45 22 6 Y H22 +45 22 7 T J0 +45 22 8 TSO F8 +45 23 1 O A0 +45 23 2 M C8 +45 23 3 TSA G40 +45 23 4 MU H33 +45 23 5 A G30 +45 23 6 Y G21 +45 23 7 T J0 +45 23 8 TSO F9 +45 24 1 O A0 +45 24 2 M C8 +45 24 3 MO I36 +45 24 4 T J0 +45 24 5 Y I20 +45 24 6 TSO H6 +45 24 7 TSA H2 +45 25 1 O A0 +45 25 2 M C11 +45 25 3 MO I37 +45 25 4 T J0 +45 25 5 Y H18 +45 25 6 TSO H8 +45 25 7 TSA G2 +46 1 1 RA A0..40 +46 1 2 MB J0..40 +46 1 3 NC G2 +46 1 4 ML C9 +46 1 5 NT F17 +46 1 6 AZ F29 +46 1 7 MR I32 +46 1 8 CH H8 +46 1 9 CF I10 +46 1 10 RO D2 +46 2 1 RA A0..40 +46 2 2 MB J0..40 +46 2 3 VN I1 +46 2 4 NC H1 +46 2 5 NT I20 +46 2 6 AZ G31 +46 2 7 MR H34 +46 2 8 CH B2 +46 2 9 RO E1 +46 2 10 IT F0 +46 3 1 RA A0..40 +46 3 2 MB J0..40 +46 3 3 NC H1..4 +46 3 4 ML C10,11 +46 3 5 NT H17..20 +46 3 6 MR H35,36 +46 3 7 CH G9,10 +46 3 8 CF I7,8 +46 3 9 RO F39,40 +46 3 10 IT E0F0 +46 4 1 RA A0..40 +46 4 2 MB J0..40 +46 4 3 NC F4 +46 4 4 ML C9 +46 4 5 NT F17 +46 4 6 AZ F29 +46 4 7 CR H33 +46 4 8 RO E39 +46 5 1 RA A0..40 +46 5 2 MB J0..40 +46 5 3 NC G3 +46 5 4 AZ G30 +46 5 5 CH G9 +46 5 6 CF G9 +46 5 7 RO E38 +46 5 8 NA F6 +46 5 9 IT H0 +46 6 1 MB A0..40J0..40 +46 6 2 VN I2 +46 6 3 NC H2 +46 6 4 ML C9 +46 6 5 NT H20 +46 6 6 AZ I30 +46 6 7 MR H34 +46 6 8 CH H7 +46 6 9 RO E39 +46 7 1 RA A0..40 +46 7 2 MB J0..40 +46 7 3 NC G1 +46 7 4 ML C9 +46 7 5 NT F16 +46 7 6 AZ G28 +46 7 7 MR H36 +46 7 8 CR H32 +46 7 9 CH G8 +46 7 10 RO F39 +46 7 11 IT I0 +46 8 1 RA A0..40 +46 8 2 MB J0..40 +46 8 3 NC G2 +46 8 4 ML D8 +46 8 5 NT F16 +46 8 6 AZ F28 +46 8 7 MR H33 +46 8 8 RO D40 +46 8 9 NA D5 +46 9 1 RA A0..40 +46 9 2 MB J0..40 +46 9 3 NC H4 +46 9 4 ML C9 +46 9 5 NT G17 +46 9 6 AZ I31 +46 9 7 CH H18 +46 9 8 RO E37 +46 10 1 RA A0..40 +46 10 2 MB J0..40 +46 10 3 NC G3 +46 10 4 ML C11 +46 10 5 NT H19 +46 10 6 AZ H29 +46 10 7 MR F32 +46 10 8 CH H7 +46 10 9 RO C37,38 +46 10 10 NA D5 +46 10 11 IT G0 +46 11 1 RA A0..40 +46 11 2 MB J0..40 +46 11 3 NC F3G3 +46 11 4 ML C11,12 +46 11 5 NT H18,19 +46 11 6 AZ I29,30 +46 11 7 MR H31I31 +46 11 8 CH H6,7 +46 11 9 RO C39,40 +46 11 10 IT E0F0G0 +46 12 1 RA A0..40 +46 12 2 MB J0..40 +46 12 3 NC G2 +46 12 4 ML C11 +46 12 5 AZ G29 +46 12 6 MR H33 +46 12 7 CF G9 +46 12 8 RO F40 +46 12 9 IT H10 +46 13 1 RA A29 +46 13 2 MB J0..40 +46 13 3 NC G3 +46 13 4 ML D8 +46 13 5 NT H19 +46 13 6 AZ G28 +46 13 7 MR I33 +46 13 8 CH G8 +46 14 1 RA A0..40 +46 14 2 NJ B37 +46 14 3 MB I0J0..40 +46 14 4 NC G3 +46 14 5 ML C8 +46 14 6 NT F21 +46 14 7 AZ F29 +46 14 8 MR G35 +46 14 9 CH B9 +46 14 10 RO C2 +46 15 1 RA A0..40 +46 15 2 MB J0..40 +46 15 3 NC G6 +46 15 4 ML C9 +46 15 5 NT I16 +46 15 6 AZ G30 +46 15 7 MR H34 +46 15 8 RO E35 +46 16 1 RA A0..40 +46 16 2 MB J0..40 +46 16 3 NC G1 +46 16 4 ML C10 +46 16 5 NT G17 +46 16 6 AZ G29 +46 16 7 MR H32 +46 16 8 CH F10 +46 16 9 CF G9 +46 16 10 RO D38 +46 16 11 IT G0 +46 17 1 RA A0..40 +46 17 2 MB J0..40 +46 17 3 NC E4 +46 17 4 ML C9 +46 17 5 NT F17 +46 17 6 AZ F27 +46 17 7 MR H34 +46 17 8 CH G9 +46 17 9 RO D2 +46 17 10 IT H8 +46 18 1 RA A0..40 +46 18 2 NJ B33,34 +46 18 3 MB J0..40 +46 18 4 NC G1,2 +46 18 5 ML C10 +46 18 6 NT H17..19 +46 18 7 AZ H29 +46 18 8 MR H35 +46 18 9 CR H33 +46 18 10 CH F6 +46 18 11 CF G6 +46 18 12 RO F39,40 +46 18 13 IT G0 +46 19 1 RA A0..40B0 +46 19 2 MB I0J0..40 +46 19 3 NC H1..3 +46 19 4 ML C8D8 +46 19 5 NT H17,18 +46 19 6 AZ G29,30 +46 19 7 MR I31,32 +46 19 8 CR H31,32 +46 19 9 CH G6,7 +46 19 10 CF H7,8 +46 19 11 IT E0F0 +46 20 1 RA A0..40 +46 20 2 MB J0..40 +46 20 3 NC F3 +46 20 4 ML C8 +46 20 5 NT F17 +46 20 6 AZ H28 +46 20 7 MR H34 +46 20 8 CR G34 +46 20 9 CH E9 +46 20 10 IT E0 +46 21 1 RA A0..40 +46 21 2 MB J0..40 +46 21 3 NC F4 +46 21 4 ML C10 +46 21 5 NT F18 +46 21 6 AZ F29 +46 21 7 MR G34 +46 21 8 CH G6 +46 21 9 RO D37 +46 21 10 IT F0 +46 22 1 RA A0..40 +46 22 2 MB J0..40 +46 22 3 NC E39 +46 22 4 ML C12 +46 22 5 NT F21 +46 22 6 AZ E29 +46 22 7 MR F33 +46 22 8 CR E35 +46 22 9 CH G8 +46 22 10 RO D40 +46 22 11 NA C13 +46 22 12 IT E0 +46 23 1 RA A0..40 +46 23 2 MB I0J0..40 +46 23 3 VN I1 +46 23 4 NC G1 +46 23 5 ML C9 +46 23 6 NT F17 +46 23 7 AZ G30 +46 23 8 MR G34 +46 23 9 CR H34 +46 23 10 CH C5 +46 23 11 CF G7 +46 23 12 IT G0 +46 24 1 RA A0..40 +46 24 2 MB J0..40 +46 24 3 NC F40 +46 24 4 ML C9 +46 24 5 NT F18 +46 24 6 AZ G28 +46 24 7 MR F33 +46 24 8 CH F7 +46 24 9 RO D39 +46 24 10 IT H0 +46 25 1 RA A0..40 +46 25 2 MB I0J0..40 +46 25 3 NC F3 +46 25 4 ML C10 +46 25 5 NT F20 +46 25 6 AZ G39 +46 25 7 MR H35,36 +46 25 8 CF G8 +46 25 9 RO F39 +46 25 10 IT F0 +47 1 1 KW A10 +47 1 2 KU J31 +47 1 3 YB G2 +47 1 4 YG C9 +47 1 5 MA G19 +47 1 6 BW I4 +47 2 1 KW A0..40 +47 2 2 KU J0..40 +47 2 3 YB F40 +47 2 4 YG C11 +47 2 5 MA G20 +47 2 6 BW G7 +47 2 7 LI I1 +47 3 1 KW A16 +47 3 2 KU J14 +47 3 3 YB G2 +47 3 4 YG C9 +47 3 5 MA E16 +47 4 1 KW A0..40 +47 4 2 KU J0..40 +47 4 3 YB G40 +47 4 4 YG C9 +47 4 5 MA F17 +47 4 6 BW I0 +47 5 1 KW A0..40 +47 5 2 KU J0..40 +47 5 3 YB G1 +47 5 4 YG C9 +47 5 5 MA E19 +47 6 1 KW A1 +47 6 2 KU J3 +47 6 3 YB F3 +47 6 4 YG D7 +47 6 5 MA F19 +47 7 1 KW A38 +47 7 2 KU H31 +47 7 3 YB G1 +47 7 4 YG C9 +47 7 5 MA G28 +47 8 1 KW A0..40 +47 8 2 UU J0..40 +47 8 3 YB G1 +47 8 4 YG D6 +47 8 5 MA G21 +47 8 6 BW I34 +47 9 1 KW A13 +47 9 2 KU J32 +47 9 3 YB G2 +47 9 4 YG C13 +47 9 5 MA G20 +47 10 1 KW A0..40 +47 10 2 KU J0..40 +47 10 3 YB F40 +47 10 4 YG E6 +47 10 5 MA E20 +47 11 1 KW A30 +47 11 2 KU J13 +47 11 3 YB G40 +47 11 4 YG C9 +47 11 5 MA G19 +47 12 1 KW A0..40 +47 12 2 KU J0..40 +47 12 3 YB G40 +47 12 4 YG C9 +47 12 5 MA G30 +47 12 6 UU I0 +47 12 7 BW I9 +47 13 1 KW A0..40 +47 13 2 KU J0..40 +47 13 3 YB G1 +47 13 4 YG C8 +47 13 5 MA H20 +47 13 6 BW H8 +47 14 1 KW A0..40 +47 14 2 KU J0 +47 14 3 YB G1 +47 14 4 YG C8 +47 14 5 MA G17 +47 14 6 BW H0I12 +47 15 1 KW A0..40 +47 15 2 KU J0..40 +47 15 3 YB G2 +47 15 4 YG D7H7 +47 15 5 MA G28 +47 16 1 KW A0..40 +47 16 2 KU J6 +47 16 3 YB G2 +47 16 4 YG C9 +47 16 5 MA E27 +47 16 7 UU I7 +47 16 9 BW I6 +47 17 1 KW A0..40 +47 17 2 KU J2 +47 17 3 YB G0 +47 17 4 YG C11 +47 17 5 MA E28 +47 18 1 KW A0..40 +47 18 2 KU J0..40 +47 18 3 YB G2 +47 18 4 YG C9 +47 18 5 MA G29 +47 19 1 KW A0..40 +47 19 2 UU J40 +47 19 3 YB F1 +47 19 4 YG C10 +47 19 5 MA H29 +47 19 6 BW I10 +47 20 1 KW A0..40 +47 20 2 KW J0..40 +47 20 3 YB G2 +47 20 4 YG D6 +47 20 5 MA F16 +47 20 6 BW F13 +47 20 7 LI F28 +47 21 1 KW A0..40 +47 21 2 KU J6 +47 21 3 YB F40 +47 21 4 YG C8 +47 21 5 MA F28 +47 21 6 BW F7 +47 22 1 KW A0..40 +47 22 2 KU J0..40 +47 22 3 YB G1 +47 22 4 YG C8 +47 22 5 MA F17 +47 23 1 KW A9 +47 23 2 KU J6 +47 23 3 YB G2 +47 23 4 YG C9 +47 23 5 MA G20 +47 24 1 KW A0..40 +47 24 2 KU J0..40 +47 24 3 YB F1 +47 24 4 YG B10 +47 24 5 MA F29 +47 25 1 KW A0..40 +47 25 2 KU J0..40 +47 25 3 YB G1 +47 25 4 YG C8 +47 25 5 MA F17 +47 25 6 LI I28 +47 25 7 BW I0 +48 1 1 MA A0..40 +48 1 2 AN J0..40 +48 1 3 MD G3 +48 1 4 ML C10 +48 1 5 EM E16 +48 2 1 MA A0..40 +48 2 2 AN J0..40 +48 2 3 MD F4 +48 2 4 ML C9 +48 3 1 MA A0..40 +48 3 2 AN J0..40 +48 3 3 MD E37 +48 3 4 ML C11 +48 3 5 KI B10,11 +48 3 6 BG D15 +48 3 7 BL D28 +48 4 1 MA A0..40 +48 4 2 AN J0..40 +48 4 3 MD F4 +48 4 4 KI C9 +48 4 5 BG F17 +48 5 1 MA A0..40 +48 5 2 AN J0..40 +48 5 3 MD G1 +48 5 4 KI C12 +48 5 5 KN C9 +48 5 6 EM E16 +48 5 7 BG D15 +48 6 1 MA A0..40 +48 6 2 AN J0..40 +48 6 3 MD G2 +48 6 4 BA H1 +48 6 5 ML C9 +48 6 6 BG F19 +48 6 7 BL F29 +48 6 8 NN D3 +48 7 1 MA A0..40 +48 7 2 AN J0..40 +48 7 3 MD G1 +48 7 4 ML C8 +48 7 5 BG G17 +48 7 6 BA E1 +48 8 1 MA A0..40 +48 8 2 AN J0..40 +48 8 3 EM G40 +48 8 4 ML B8 +48 8 5 KI C11 +48 8 6 BG E15 +48 8 7 HN F4 +48 9 1 MA A0..40 +48 9 2 AN J0..40 +48 9 3 MD G2 +48 9 4 ML D8 +48 9 5 KI C8 +48 9 6 BG G17 +48 10 1 MA A0..40 +48 10 2 AN J0..40 +48 10 3 MD G2 +48 10 4 ML C8 +48 10 5 BG F20 +48 10 6 BI G29 +48 10 7 NN C5 +48 10 8 AM B18 +48 10 9 BA D39 +48 11 1 MA A0..40 +48 11 2 AN F18 +48 11 3 MD E1 +48 12 1 MA A0..40 +48 12 2 AN J0..40 +48 12 3 MD G2 +48 12 4 EM E18 +48 12 5 BG F16 +48 12 6 MN C0 +48 13 1 MA A0..40 +48 13 2 AN J0..40 +48 13 3 MD G2 +48 13 4 KI C8 +48 13 5 BG D15,16 +48 14 1 MA A0..40 +48 14 2 AN J0..40 +48 14 3 MD G2 +48 14 4 ML C12 +48 14 5 EM F17 +48 14 6 BL F29 +48 15 1 MA A0..40 +48 15 2 AN J0..40 +48 15 3 MD I3 +48 15 4 KI C9 +48 15 5 EM G20 +48 15 6 BL G30 +48 16 1 MA A0..40 +48 16 2 AN J0..40 +48 16 3 MD F4 +48 16 4 ML C11 +48 16 5 EM F13,17 +48 16 6 MD G1 +48 16 7 KM E11 +48 17 1 MA A0..40 +48 17 2 AN J0..40 +48 17 3 MD G40 +48 17 4 KN C12 +48 17 5 EM F17 +48 17 6 BG G14 +48 17 7 BL G28 +48 18 1 MA A0..40 +48 18 2 AN J0..40 +48 18 3 MD G1,2 +48 19 1 MA A0..40 +48 19 2 AN J0..40 +48 19 3 MD G2 +48 19 4 MG C10 +48 20 1 MA A0..40 +48 20 2 AN J0..40 +48 20 3 MD F4G2 +48 20 4 KI C9 +48 20 5 BG E17 +48 20 6 EM F17 +48 20 7 AM G28 +48 21 1 MA A0..40 +48 21 2 AN J0..40 +48 21 3 MD G2 +48 21 4 KN C8 +48 21 5 EM G17 +48 22 1 MA A0..40 +48 22 2 AN J0..40 +48 22 3 MD G1 +48 22 4 KI C9 +48 22 5 EM F17 +48 22 6 BG C19D19 +48 22 7 MN F0 +48 22 8 BA D1 +48 23 1 MA A0..40 +48 23 2 AN J0..40 +48 23 3 MD G2 +48 23 4 ML C9 +48 23 5 EM G18 +48 24 1 MA A0..40B2 +48 24 2 AN J0..40 +48 24 3 MD F1 +48 24 4 ML C9 +48 24 5 BG I22 +48 25 1 MA A0..40 +48 25 2 AN J0..40 +48 25 3 MD I40 +48 25 4 KI C11 +48 25 5 BG F16 +48 25 6 EM F18 +49 1 1 WH A0..40 +49 1 2 YW J0..40 +49 1 3 PA F40 +49 1 4 WI C9D2 +49 1 5 PR F15 +49 1 6 WA B38 +49 2 1 WH A0..40 +49 2 2 YW J0..40 +49 2 3 PA G1 +49 2 4 WI G11 +49 2 5 PR F17 +49 2 6 OP C6 +49 3 1 WH A0..40 +49 3 2 YW J0..40 +49 3 3 PA H3 +49 3 4 WI G12 +49 3 5 PR G19 +49 3 6 OP D2 +49 3 7 WA B38 +49 4 1 WH A0..40 +49 4 2 YW J0..40 +49 4 3 PA G3 +49 4 4 WI C9 +49 4 5 PR C20 +49 4 6 OP D2 +49 4 7 WA B31 +49 5 1 WH A0..40 +49 5 2 YW J0..40 +49 5 3 PA G3 +49 5 4 WI C12 +49 5 5 PR F17 +49 6 1 WH A0..40 +49 6 2 YW J0..40 +49 6 3 PA G3 +49 6 4 WI G8 +49 6 5 PR H20 +49 6 6 OP G1 +49 7 1 PR A0..40 +49 7 2 YW J0..40 +49 7 3 PA I1 +49 7 4 WI D8 +49 7 5 PR F16 +49 8 1 WH A0..40 +49 8 2 YW J0..40 +49 8 3 PA H4 +49 8 4 WI C11 +49 8 5 PR F18 +49 8 6 OP C4 +49 8 7 WA B37 +49 9 1 WH A0..40 +49 10 1 WH A0..40 +49 10 2 YW J0..40 +49 10 3 PA G2 +49 10 4 WI C10 +49 10 5 PR D16 +49 10 6 OP C1 +49 11 1 WH A0..40 +49 11 2 YW J0..40 +49 11 3 PA G2 +49 11 4 WI C8 +49 11 5 PR E16 +49 11 6 OP D2 +49 11 7 WA C5 +49 12 1 WH A0..40 +49 12 2 YW J0..40 +49 12 3 PA I2 +49 12 4 WI C10 +49 12 5 PR F21 +49 12 6 OP C3 +49 12 7 WA B5 +49 13 1 WH A0..40 +49 13 2 YW J0..40 +49 13 3 PA H39 +49 13 4 WI C9 +49 13 5 PR G17 +49 13 6 OP B10 +49 14 1 WH A0..40 +49 14 2 YW J0..40 +49 14 3 PA H2 +49 14 4 WI C8 +49 14 5 PR E16 +49 14 6 OP C0 +49 14 7 WA C4 +49 15 1 WH A0..40 +49 15 2 YW J0..40 +49 15 3 PA G1 +49 15 4 WI C12 +49 15 5 PR F17 +49 15 6 OP E5 +49 15 7 WI C12 +49 16 1 WH A0..40 +49 16 2 YW J0..40 +49 16 3 PA H40 +49 16 4 WI B12 +49 16 5 PR F19 +49 16 6 OP B4 +49 17 1 WH A0..40 +49 17 2 YW J0..40 +49 17 3 PA G3 +49 17 4 WI B12 +49 17 5 PR G18 +49 17 6 OP B8 +49 17 7 WA C5 +49 18 1 WH A0..40 +49 18 2 YW J0..40 +49 18 3 PA H2 +49 18 4 WI C10 +49 18 5 PR F20 +49 18 6 OP B4 +49 18 7 SI C7 +49 18 8 WA B2 +49 19 1 WH A0..40 +49 19 2 YW J0..40 +49 19 3 PA H4 +49 19 4 WI C9 +49 19 5 PR F23 +49 19 6 OP D38 +49 20 1 WH A0..40 +49 20 2 YW J0..40 +49 20 3 PA F2 +49 20 4 WI C10 +49 20 5 PR E27 +49 20 6 SU D6 +49 21 1 WH A0..40 +49 21 2 YW J0..40 +49 21 3 PA F4H38 +49 21 4 WI C9 +49 21 5 PR E27 +49 21 6 OP B6 +49 21 7 WA B38 +49 22 1 WH A0..40 +49 22 2 YW J0..40 +49 22 3 PA G4 +49 22 4 WI C10 +49 22 5 PR F20 +49 22 6 OP B27 +49 22 7 SI C2 +49 23 1 WH A0..40 +49 23 2 YW J0..40 +49 23 3 PA G40 +49 23 4 WI C8 +49 23 5 PR F29 +49 23 6 OP C3 +49 24 1 WH A0..40 +49 24 2 YW J0..40 +49 24 3 PA G1 +49 24 4 SH D8 +49 24 5 WI D9 +49 24 6 PR F17 +49 24 7 OP C13 +49 24 8 WA B29 +49 25 1 WH A0..40 +49 25 2 YW J0..40 +49 25 3 PA F39 +49 25 4 WI C8 +49 25 5 PR F20 +49 25 6 OP G5 +49 25 7 WA B23 +50 1 1 J G3 +50 1 2 L E8 +50 1 3 S G17 +50 1 4 P A0..40 +50 1 5 E J0..40 +50 2 1 J G3 +50 2 2 L C8,9 +50 2 3 P A0..40 +50 2 4 S D18..31E18..31F18..31G18..31 +50 2 5 E J0..40 +50 3 1 J F4 +50 3 2 L D6 +50 3 3 P A0..40 +50 3 4 S E17..30F17..30G17..30H17..30 +50 3 5 E J0..40 +50 4 1 J G3 +50 4 2 P A0..40 +50 4 3 L C9 +50 4 4 S F29 +50 4 5 E J0..40 +50 5 1 J G2 +50 5 2 P A8 +50 5 3 L C13 +50 5 4 S H19 +50 5 5 E J6 +50 5 6 T I10 +50 6 1 J G2 +50 6 2 L F10 +50 6 3 S G23 +50 6 4 P A0..40 +50 6 5 E J0 +50 7 1 J F13H1..3 +50 7 2 P A0..40 +50 7 3 L C12..15D12..15 +50 7 4 S F28,29G28,29 +50 7 5 JA H12..15 +50 7 6 E J0..40 +50 7 7 T E0F0G0H0 +50 8 1 J G2 +50 8 2 P A0..40 +50 8 3 L D6 +50 8 4 S H27 +50 8 5 E J0..40 +50 9 1 J H3 +50 9 2 L E8 +50 9 3 P A17,18 +50 9 4 S G19 +50 9 5 T H32 +50 9 6 E J12 +50 9 7 U E0 +50 10 1 J F1..3G1..3 +50 10 2 P A0..40 +50 10 3 S H27 +50 10 4 L E34..40F34..36 +50 10 5 E J0..40 +51 1 1 T A0..40 +51 1 2 W B8..13C8..13D8..13 +51 1 3 K D15..20E15..20F15..20 +51 1 4 L F36..40G37..40H37..40 +51 1 5 M E25..27F26..30G26..29 +51 1 6 S J0..40 +51 1 7 G F0G0H0I0J0..40 +51 2 1 Q E0 +51 2 2 W C7,8 +51 2 3 T A14 +51 2 4 K E16 +51 2 5 L G1 +51 2 6 B G17 +51 2 7 M H29 +51 2 8 S J1 +51 3 1 Q C2 +51 3 2 B C11 +51 3 3 W C12 +51 3 4 K E16 +51 3 5 M E18 +51 3 6 V E18 +51 3 7 T A23 +51 3 8 U G33 +51 3 9 S J29 +51 3 10 L G2 +51 4 1 W C9 +51 4 2 K F13 +51 4 3 T A16 +51 4 4 Y E20 +51 4 5 O I26 +51 4 6 M G29 +51 4 7 G I27 +51 4 8 S J22 +51 4 9 L H4 +51 4 10 E H2 +51 5 1 L G1 +51 5 2 Q C3,4 +51 5 3 W C7 +51 5 4 B E4..14 +51 5 5 K E15F16 +51 5 6 M H29 +51 5 7 T A0..40 +51 5 8 S J0..40 +51 6 1 W B8..14C8..14 +51 6 2 K D16..22 +51 6 3 M F25..29G25..29 +51 6 4 T A0..40B20..40 +51 6 5 G J0..40 +51 6 6 GG C0..7 +51 7 1 Q D2 +51 7 2 T A15 +51 7 3 M G28 +51 7 4 K G20 +51 7 5 L G1 +51 8 1 T A0..40 +51 8 2 W C7..13 +51 8 3 M E15..30 +51 8 4 Y G19..29 +51 8 5 K D16..20E16..20F16..20G16..20H16..20 +51 8 6 S J0..40 +51 8 7 L C0..5D0..5E0..5F0..5G0..5H0..5I0..5 +51 9 1 L H2 +51 9 2 T A0..40 +51 9 3 W C11 +51 9 4 K G18 +51 9 5 M G26 +51 9 6 H E17 +51 9 7 S J0..40 +51 10 1 T A0..40 +51 10 2 N C8..10D8..10 +51 10 3 W D9 +51 10 4 B D16,17E16,17F16,17 +51 10 5 K F16 +51 10 6 M F23..27 +51 10 7 Y H29I28 +51 10 8 L H3 +51 10 9 S J0..40 +51 11 1 T A0..30 +51 11 2 L E1..7 +51 11 3 Y D18..27 +51 11 4 W B14..25 +51 11 5 M G25 +51 11 6 S F9..15 +51 11 7 J I1..4 +51 12 1 T A0..40B0..4 +51 12 2 W C8..11D8..11E8..10 +51 12 3 E C1..5D1..5,35..40E1..5,35..40F1..5,35..40G1..5,35..40H1..5,35..40I35..40 +51 12 4 M D22..30E22..30F22..30G22..30H22..30I22..30 +51 12 5 K F17..21G17..21H17..21 +51 12 6 G E0F0G0H0I0J0..40 +51 13 1 L G2 +51 13 2 W C9 +51 13 3 T A10 +51 13 4 K G18 +51 13 5 M G29 +51 13 6 I J8 +51 14 1 L F1 +51 14 2 W C10 +51 14 3 M G28 +51 14 4 KY B22 +51 14 5 K E16 +51 14 6 A E34 +51 14 7 T A30 +51 14 8 S J12 +51 15 1 T A0..40 +51 15 2 W D11 +51 15 3 K D18 +51 15 4 Y E28,29 +51 15 5 L G1,38 +51 15 6 M H29 +51 16 1 T A0..40 +51 16 2 W C11,12D8 +51 16 3 K E15,16F15,16 +51 16 4 Q D0..3,37..40 +51 16 5 M I15..31 +51 16 6 S J0..40 +51 16 7 L G0..2H2..4 +51 17 1 L G2 +51 17 2 W C9 +51 17 3 K D17 +51 17 4 M H25 +51 17 5 A E38 +51 17 6 Y F23 +51 17 7 T A28 +51 17 8 S J12 +51 18 1 T A0..40B0 +51 18 2 PK D1..6 +51 18 3 W C7..10 +51 18 4 B C13..21D13..15,17..20E17..20 +51 18 5 K F14..21 +51 18 6 A I33..40 +51 18 7 Y H28..31 +51 18 8 S I10..26 +51 18 9 KG E16 +51 18 10 L G1..3H1..3 +51 19 1 T A0..40 +51 19 2 W C8 +51 19 3 K E15 +51 19 4 B D21 +51 19 5 KA G30 +51 19 6 O H37 +51 19 7 A H33 +51 19 8 M H29 +51 19 9 G F8 +51 19 10 E G1 +51 20 1 L G1 +51 20 2 W D8 +51 20 3 T A13 +51 20 4 K F16 +51 20 5 B F17G17,18 +51 20 6 M H22 +51 20 7 A G32,33 +51 20 8 SI H8..10 +51 21 1 L F4 +51 21 2 W C12 +51 21 3 T A20,21 +51 21 4 M H29,30 +51 21 5 Y G27,28 +51 21 6 K H22..24 +51 21 7 S J19,20 +51 22 1 L G2 +51 22 2 W D7 +51 22 3 K C15 +51 22 4 I E0 +51 22 5 T A17 +51 22 6 M H23 +51 22 7 B E28 +51 22 8 H F25 +51 23 1 MA B4 +51 23 2 T A0..40 +51 23 3 TS B7 +51 23 4 YO C9 +51 23 5 TN B1..26 +51 23 6 H E18F18 +51 23 7 M F28 +51 23 8 NI J0..40 +51 23 9 K F17 +51 23 10 NO F5..12G7..12H7..12 +51 23 11 W C1..14D9..14E9..14 +51 23 12 L G3 +51 24 1 W C8,9D6 +51 24 2 T A0..40 +51 24 3 M H29I29 +51 24 4 K F17G17 +51 24 5 MM F9G9 +51 24 6 E G1 +51 24 7 S J0..40 +51 24 8 PK F1 +51 25 1 T A0..40 +51 25 2 M E25,26F25,26 +51 25 3 Y F23,24 +51 25 4 K F20G20 +51 25 5 B E17F17 +51 25 6 W C11D11E11F11 +51 25 7 J F4 +51 25 8 L F2,3 +52 1 1 EF A0 +52 1 2 KR E3 +52 1 3 HA J0 +52 1 4 KO G3 +52 1 5 OS H11 +52 1 6 YA G18 +52 1 7 MO F29 +52 1 8 KU C26 +52 1 9 KA C10 +52 1 10 HG B5 +52 2 1 EF A0 +52 2 2 HG D30 +52 2 3 KO G40 +52 2 4 MO G28 +52 2 5 HO I21 +52 2 6 YA G20 +52 2 7 HA J0 +52 2 8 KA D8 +52 3 1 EF A0 +52 3 2 KA D8 +52 3 3 YA F19 +52 3 4 MO F30 +52 3 5 HO J0 +52 3 6 KO F40 +52 4 1 EF A0 +52 4 2 HA J0 +52 4 3 MO G27..30H27..30 +52 4 4 KA C7..12D7..12E7..12 +52 4 5 YA F17..21G17..21 +52 4 6 KO F1,2G1,2 +52 5 1 HG B1..40 +52 5 2 MS C24..26 +52 5 3 MO H31..36I31..36 +52 5 4 KO F1,2G1,2H1,2I1,2 +52 5 5 HI J0 +52 5 6 YA F17..20G17..20 +52 5 7 KA B9..14C9..13 +52 5 8 HO G27..31H28..31I28..31 +52 6 1 EF A0 +52 6 2 HG B1..8,15..40 +52 6 3 KA C8,9D8 +52 6 4 HO H31,32I31,32 +52 6 5 MO E27..29 +52 6 6 YA F17G17,18 +52 6 7 KO G1,2 +52 6 8 HA J0 +52 7 1 TA B1..6 +52 7 2 KN E5 +52 7 3 KA C8 +52 7 4 EF A0 +52 7 5 YA F17 +52 7 6 AG D6 +52 7 7 AV C29 +52 7 8 HG D29 +52 7 9 MS B37..40 +52 7 10 KO G40 +52 7 11 HO J0 +52 7 12 HI J0 +52 7 13 MO H29 +52 8 1 EF A0 +52 8 2 HG G11,12H11,12 +52 8 3 MO F28,29 +52 8 4 HO J0 +52 8 5 KO G38..40 +52 8 6 KA C8,9 +52 8 7 YA E15,16F15,16 +52 9 1 KO F1 +52 9 2 MS D15,16E15,16 +52 9 3 HO J0 +52 9 4 HA J0 +52 9 5 HI J0 +52 9 6 EF A0 +52 9 7 MO E29 +52 9 8 HG D27 +52 9 9 TA A0 +52 9 10 KA C10..12 +52 9 11 AG F10 +52 9 12 YA E20F17,18G17 +52 10 1 KA B10 +52 10 2 MO G28 +52 10 3 HI J0 +52 10 4 KO F40 +52 10 5 KU F28 +52 10 6 HG B25 +52 10 7 EF A0 +52 10 8 YA E16 +52 11 1 EF A0 +52 11 2 HG C1..5 +52 11 3 HA H0I0J0 +52 11 4 KA C9 +52 11 5 TV F9..11G9..11H9..11 +52 11 6 MO F29 +52 11 7 NU G36,37H36,37 +52 11 8 KO F39,40G39,40 +52 11 9 YA F17 +52 11 10 HI H0I0J0 +52 12 1 EF A0 +52 12 2 KA C9 +52 12 3 KO F3 +52 12 4 YA F17 +52 12 5 HA J0 +52 12 6 MO F30 +52 12 7 NU G39 +52 13 1 EF A0 +52 13 2 KR E5 +52 13 3 HA J0 +52 13 4 KF F18G18 +52 13 5 FI H39 +52 13 6 KO F39 +52 13 7 KA C8 +52 13 8 KU E30 +52 13 9 YA E21 +52 13 10 AG C12 +52 13 11 TP B39,40 +52 14 1 EF A0 +52 14 2 TA A0 +52 14 3 FI E2..4F3,4 +52 14 4 HG B1C1 +52 14 5 KO F1G1,2 +52 14 6 YA F18..21G18..21 +52 14 7 HA J0 +52 14 8 MO G28..30H28..30 +52 14 9 HO H31,32I31,32 +52 14 10 PS E38..40F38..40G38..40 +52 14 11 KA C7..9D6..9 +52 15 1 EF A0 +52 15 2 FI E1..4 +52 15 3 KO F1..4G1..4 +52 15 4 HA J0 +52 15 5 YA F17,18G17,18H17,18 +52 15 6 MO F28..30G28..30H27..30 +52 15 7 KU E26..31F26,27G26,27 +52 15 8 KF D15,16E15,16F15,16 +52 15 9 HG B15..40 +52 15 10 AG B10..14 +52 15 11 KA C8..12 +52 16 1 EF A0 +52 16 2 MS B0..40 +52 16 3 PS F1 +52 16 4 KO G3 +52 16 5 KI H34..38I0 +52 16 6 HA J0 +52 16 7 KE G6,7 +52 16 8 YA F17 +52 16 9 MO F29 +52 16 10 KU D27,28 +52 16 11 KA C9 +52 17 1 EF A0 +52 17 2 KA C8 +52 17 3 HO J0 +52 17 4 HA J0 +52 17 5 FI F39 +52 17 6 MO E28 +52 17 7 YA D21 +52 17 8 KO F40 +52 18 1 KA C9 +52 18 2 HG B11 +52 18 3 EF A0 +52 18 4 KO F3 +52 18 5 YA G20 +52 18 6 MO F29 +52 18 7 HO I31 +52 18 8 HA J0 +52 19 1 KA B11 +52 19 2 EF A0 +52 19 3 KO G3 +52 19 4 HA J0 +52 19 5 MO H28 +52 19 6 YA G20 +52 20 1 EF A0 +52 20 2 KA C8 +52 20 3 KO F4 +52 20 4 HA J0 +52 20 5 YA F17 +52 20 6 MO G29 +52 21 1 EF A0 +52 21 2 MS B0..40 +52 21 3 FU C0..40 +52 21 4 KA C9 +52 21 5 KG E7 +52 21 6 KO F4 +52 21 7 HA J0 +52 21 8 NU G36 +52 21 9 MO H30 +52 21 10 HO H32 +52 21 11 YA H17 +52 22 1 EF A0 +52 22 2 KO G1 +52 22 3 HA I0 +52 22 4 MO F29 +52 22 5 HO H31 +52 22 6 NU D38 +52 22 7 YA E16 +52 22 8 KA C9 +52 23 1 EF A0 +52 23 2 KO G1..3 +52 23 3 KA C9D9 +52 23 4 MO E28F28G28 +52 23 5 KU E32F32G32H32 +52 23 6 NU H37..40 +52 23 7 HO J0 +52 23 8 HA J0 +52 23 9 HG C33D33E33 +52 23 10 YA F17G17H17 +52 24 1 EF A0 +52 24 2 HA J0 +52 24 3 KO F4 +52 24 4 YA G18 +52 24 5 MO G28 +52 24 6 HO I31 +52 24 7 KU H32,33I32,33 +52 24 8 NU F39 +52 24 9 HG D32 +52 24 10 KA C9 +52 25 1 KA C8,9 +52 25 2 EF A0 +52 25 3 YA G17..19 +52 25 4 HG B33..40 +52 25 5 PS F1,2 +52 25 6 KO G1,2 +52 25 7 KU F26..30 +52 25 8 HI J0 +52 25 9 HA J0 +52 25 10 MO H29..34 +53 1 1 T F24 +53 1 2 I H2..4I2..4 +53 1 3 Q B3..5C3..5D3..5 +53 2 1 T F26,27 +53 2 2 I G3 +53 3 1 T C9..14 +53 3 2 I H3 +53 4 1 T F25 +53 4 2 I G2,3 +53 5 1 T D16..19E17..25 +53 5 2 I G3,4 +53 6 1 T E27F27G27 +53 6 2 I H4,5I4,5 +53 7 1 T C10,11 +53 7 2 Q C5 +53 7 3 I H4I4 +53 8 1 T C14D15..17E18..27 +53 8 2 Q C5 +53 8 3 I G2H2I2 +53 9 1 T C14..18D14..21E16..26F20..29G25..29 +53 9 2 I F3..5G3..5H3..5 +53 10 1 T D15,16E17..21F21..26 +53 10 2 I H3,4I3,4 +53 11 1 T D15E16..19F18..23 +53 11 2 I G3,4 +53 12 1 T G26 +53 12 2 I H3 +53 13 1 T C20..26D20..26 +53 13 2 I G3..5H3..5I3..5 +53 14 1 T C18,19D19..22E23..28 +53 14 2 I G3,4 +53 15 1 T E22..24G24..29 +53 15 2 I G3,4H3,4 +53 16 1 T D16,17E18..21F22..26 +53 16 2 I G3..5H3..5 +53 17 1 T D19,20E21..26 +53 17 2 I G3,4 +53 18 1 T C18..20D18..25E22..29F27..29 +53 18 2 I H4,5 +53 19 1 T D16..20E21..26 +53 19 2 I G3,4H3,4 +54 1 1 KL A1 +54 1 2 SG J19 +54 1 3 JJ C11 +54 1 4 KK F19 +54 1 5 BB F40 +54 2 1 KL A25 +54 2 2 SG J4 +54 2 3 JJ C12 +54 2 4 DS D16 +54 2 5 KK E20 +54 2 6 BB G40 +54 2 7 KN F1 +54 3 1 KL A0..40 +54 3 2 SG J0..40 +54 3 3 KN H3 +54 3 4 JJ B12 +54 3 5 JJ B13 +54 3 6 KK H17 +54 3 7 KK I18 +54 3 8 DS H21 +54 3 9 BB H39 +54 3 10 KN F4 +54 3 11 KL B15..40 +54 4 1 KL A0..40 +54 4 2 SG J0..40 +54 4 3 KN F1 +54 4 4 JJ C10 +54 4 5 KK F16 +54 4 6 DS H29 +54 4 7 SU C30 +54 4 8 BL E7 +54 5 1 KL A22 +54 5 2 SG J13 +54 5 3 KN G2 +54 5 4 JJ C10 +54 5 5 DS G18 +54 5 6 NE F33 +54 5 7 BB I39 +54 6 1 KL A0 +54 6 2 SG J12 +54 6 3 KN G40 +54 6 4 JJ C9 +54 6 5 KK E16 +54 7 1 KL A0 +54 7 2 SG J34 +54 7 3 BB F1 +54 7 4 KN F40 +54 7 5 JJ B11 +54 7 6 DS D17 +54 8 1 KL A26 +54 8 2 SG J7 +54 8 3 KN G40 +54 8 4 JJ C9 +54 8 5 DS H18 +54 8 6 KK E25 +54 9 1 KL A0..40 +54 9 2 SG J0..40 +54 9 3 KN F3 +54 9 4 JJ D8 +54 9 5 DS F17 +54 9 6 WO H8 +54 10 1 KL A18 +54 10 2 SG J1 +54 10 3 KN G1 +54 10 4 JJ C9 +54 10 5 DS F16 +54 10 6 KK F17 +54 10 7 BB G40 +54 10 8 IR E0 +54 11 1 KL A1 +54 11 2 SG J15 +54 11 3 KN F3 +54 11 4 JJ C12 +54 11 5 KK E16 +54 12 1 KL A0..40B3 +54 12 2 SG I0J0..40 +54 12 3 KN F2H2 +54 12 4 JJ B10C8 +54 12 5 DS H15I15 +54 12 6 KK G20H20 +54 12 7 BB G28I27 +54 13 1 KL A0..40 +54 13 2 KN G1 +54 13 3 JJ C9 +54 13 4 KK F17 +54 13 5 DS H17 +54 13 6 UT H27 +54 13 7 BB I1 +54 13 8 WE E31 +54 13 9 UN C1 +54 14 1 KL A0 +54 14 2 SG J0 +54 14 3 KN F1 +54 14 4 BB F1 +54 14 5 JJ C9 +54 14 6 DS F17 +54 15 1 KL A38 +54 15 2 SG J0..40 +54 15 3 KN G1 +54 15 4 JJ D7 +54 15 5 BL C11 +54 15 6 DS G17 +54 15 7 KK G18 +54 15 8 BB F39 +54 16 1 KL A40 +54 16 2 SG J40 +54 16 3 KN F1 +54 16 4 JJ C21 +54 16 5 DS E20 +54 16 6 KK G20 +54 17 1 KL A0 +54 17 2 SG J0 +54 17 3 KN G1 +54 17 4 JJ C10 +54 17 5 DS E18 +54 17 6 KK C18 +54 17 7 NE E29 +54 17 8 BB E1 +54 18 1 KL A40 +54 18 2 SG J40 +54 18 3 KN G40 +54 18 4 JJ D11 +54 18 5 DS F19 +54 18 6 KK F20 +54 19 1 KL A0..40 +54 19 2 KN F2 +54 19 3 JJ C15 +54 19 4 LU D25 +54 19 5 SG F28 +54 20 1 KL A0..40 +54 20 2 SG J0..40 +54 20 3 KN F3 +54 20 4 JJ C9 +54 20 5 DS D17 +54 20 6 UU I23 +54 20 7 NE F27 +54 21 1 KL A0..40 +54 21 2 SG J0..40 +54 21 3 KN G1 +54 21 4 JJ C9 +54 21 5 DS F18 +54 22 1 KL A0..40 +54 22 2 KU J0..40 +54 22 3 KN F4 +54 22 4 BB D6 +54 22 5 JJ C12 +54 22 6 DS F18 +54 22 7 KK G22 +54 22 8 WE G30 +54 22 9 NG H0 +54 23 1 KL A0..40 +54 23 2 SG J0..40 +54 23 3 KN E1G1 +54 23 4 JJ C9 +54 23 5 KK E18 +54 23 6 LU C24 +54 24 1 KL A0 +54 24 2 SG J13 +54 24 3 KN G39 +54 24 4 JJ C8 +54 24 5 KK F16 +54 24 6 DS F17 +54 24 7 BB F5 +54 25 1 KL A0..40 +54 25 2 SG J0..40 +54 25 3 KN F4I1 +54 25 4 JJ C11 +54 25 5 WO C8 +54 25 6 UT E13 +54 25 7 KK F16 +54 25 8 DS F19 +54 25 9 NE F21 +54 25 10 LU F29 +54 25 11 BB D2 +55 1 1 D A0..40 +55 1 2 T G10 +55 1 3 B B13 +55 1 4 G D1 +55 1 5 L G1 +55 1 6 J G30 +55 1 7 N H22 +55 1 8 R C38 +55 1 9 K J0 +55 1 10 P D9 +55 2 1 K J0 +55 2 2 P D7 +55 2 3 G F40 +55 2 4 J H30 +55 2 5 N H21 +55 2 6 T G9 +55 2 7 L G3 +55 2 8 D A0 +55 3 1 L F3 +55 3 2 P D7 +55 3 3 J F29 +55 3 4 N G17 +55 3 5 T H9 +55 3 6 D A0 +55 3 7 G G1 +55 3 8 K J0 +55 4 1 R C4 +55 4 2 P C8 +55 4 3 G G40 +55 4 4 J G28 +55 4 5 H H21 +55 4 6 N G18 +55 4 7 T I4 +55 4 8 D A0 +55 4 9 L G3 +55 4 10 K J0 +55 5 1 L F4 +55 5 2 P D7 +55 5 3 G F40 +55 5 4 T I40 +55 5 5 H H29 +55 5 6 N G28 +55 5 7 D A0 +55 5 8 K J0 +55 6 1 L G1 +55 6 2 P C10 +55 6 3 D A0 +55 6 4 N G18 +55 6 5 T I5 +55 6 6 K J0 +55 7 1 L G2 +55 7 2 P C9 +55 7 3 G G40 +55 7 4 N G17 +55 7 5 H F16 +55 7 6 T H9 +55 7 7 D A0 +55 7 8 K J0 +55 8 1 G E3 +55 8 2 B C5 +55 8 3 P C8 +55 8 4 J H29 +55 8 5 H F17 +55 8 6 N G17 +55 8 7 T G8 +55 8 8 D A0 +55 8 9 L H1 +55 8 10 K J0 +55 9 1 B C2 +55 9 2 P C9 +55 9 3 G G38 +55 9 4 J H28 +55 9 5 N F17 +55 9 6 T G6 +55 9 7 D A0 +55 9 8 L G2 +55 9 9 K J0 +55 10 1 B F4 +55 10 2 T D8 +55 10 3 P D9 +55 10 4 J H33 +55 10 5 N F17 +55 10 6 H G17 +55 10 7 L G3 +55 10 8 D A0 +55 10 9 K J0 +55 11 1 L E4 +55 11 2 P C8 +55 11 3 B G36 +55 11 4 J I31 +55 11 5 N G17 +55 11 6 D A0 +55 11 7 B I0 +55 11 8 K J0 +55 12 1 L G1 +55 12 2 P C9 +55 12 3 R B17 +55 12 4 G E38 +55 12 5 J F28 +55 12 6 H H17 +55 12 7 T G7 +55 12 8 D A0 +55 12 9 K J0 +55 13 1 L G2 +55 13 2 P C10 +55 13 3 R D35 +55 13 4 G F36 +55 13 5 B G33 +55 13 6 J G28 +55 13 7 N H20 +55 13 8 T F10 +55 13 9 D A0 +55 13 10 K J0 +55 14 1 L F4 +55 14 2 P C11 +55 14 3 B D15 +55 14 4 G G38 +55 14 5 J I31 +55 14 6 N H20 +55 14 7 T I4 +55 14 8 D A0 +55 14 9 K J0 +55 15 1 G G40 +55 15 2 P D8 +55 15 3 D A0 +55 15 4 B D3 +55 15 5 L G2 +55 15 6 K J0 +55 15 7 T I6 +55 15 8 N F19 +55 15 9 J H29 +55 16 1 P C8 +55 16 2 D A0 +55 16 3 L G3 +55 16 4 K J0 +55 16 5 T H7 +55 16 6 N H20 +55 16 7 J I33 +55 16 8 B E39 +55 16 9 G F39 +55 17 1 D A0 +55 17 2 P E9 +55 17 3 L G40 +55 17 4 G H39 +55 17 5 J H31 +55 17 6 H G28 +55 17 7 N G18 +55 17 8 T H5 +55 17 9 K J0 +55 18 1 L F1 +55 18 2 R B2 +55 18 3 P C8 +55 18 4 B C37 +55 18 5 G E38 +55 18 6 J G28 +55 18 7 N G20 +55 18 8 T F9 +55 18 9 D A0 +55 18 10 K J0 +55 19 1 B D4 +55 19 2 P C9 +55 19 3 G F40 +55 19 4 J H21 +55 19 5 N G18 +55 19 6 T F10 +55 19 7 L G1 +55 20 1 L G1 +55 20 2 P C8 +55 20 3 B F40 +55 20 4 G G38 +55 20 5 J I38 +55 20 6 D A0 +55 20 7 N G28 +55 20 8 T H9 +55 20 9 K J0 +55 21 1 L G1 +55 21 2 P D9 +55 21 3 B B22 +55 21 4 J H34 +55 21 5 N G20 +55 21 6 D A0 +55 21 7 K J0 +55 22 1 L G1 +55 22 2 P C8 +55 22 3 R D27 +55 22 4 J F29 +55 22 5 N F18 +55 22 6 D A0 +55 22 7 K J0 +55 23 1 D A0 +55 23 2 P D8 +55 23 3 R D25 +55 23 4 L G40 +55 23 5 J G28 +55 23 6 N H20 +55 23 7 K J0 +55 24 1 L G2 +55 24 2 P C8 +55 24 3 R B29 +55 24 4 J G28 +55 24 5 N H20 +55 24 6 D A0 +55 24 7 K J0 +55 25 1 L F3 +55 25 2 P C9 +55 25 3 B B23 +55 25 4 R C28 +55 25 5 J G28 +55 25 6 N H17 +55 25 7 D A0 +55 25 8 K J0 +56 1 1 TS A0..40 +56 1 2 BB J0..40 +56 1 3 AF F38 +56 2 1 TS A0..40 +56 2 2 BB J0..40 +56 2 3 TS B7 +56 2 4 AF H2 +56 2 5 GA E22 +56 3 1 TS A0..40 +56 3 2 BB J0..40 +56 3 3 BK F0 +56 3 4 AF G2 +56 3 5 GA D15 +56 3 6 CD C13 +56 4 1 TS A0..40 +56 4 2 BB J0..40 +56 4 3 AF F2 +56 4 4 GA E15 +56 5 1 TS A0..40 +56 5 2 BB J0..40 +56 5 3 DC C9 +56 5 4 GA F19 +56 5 5 AF F40 +56 6 1 TS A0..40 +56 6 2 BB J0..40 +56 6 3 GA D15 +56 6 4 AF G1 +56 7 1 TS A0..40 +56 7 2 TS B0 +56 7 3 BB I0 +56 7 4 AF F2 +56 7 5 DC C10 +56 7 6 GA F14 +56 7 7 SD I31 +56 8 1 TS A0..40 +56 8 2 BB J0..40 +56 8 3 AF F0 +56 8 4 DC B11 +56 8 5 GA E16 +56 8 6 SD F29 +56 9 1 TS A0..40 +56 9 2 BB J0..40 +56 9 3 AF G3 +56 9 4 GA E18 +56 10 1 TS A0..40 +56 10 2 BB H15 +56 10 3 AF E40 +56 10 4 DC C14 +56 10 5 GA E18 +56 11 1 TS A0..40 +56 11 2 BB J0..40 +56 11 3 AF G1 +56 11 4 DC C11 +56 11 5 WE C17 +56 12 1 TS A0..40 +56 12 2 BB J0..40 +56 12 3 AF G1 +56 12 4 GA E16 +56 13 1 TS A0..40 +56 13 2 BB J0..40 +56 13 3 AF G1 +56 13 4 PT C8 +56 13 5 GA C9 +56 14 1 TS A0..40 +56 14 2 BB I0 +56 14 3 AF G1 +56 14 4 GA H6 +56 15 1 TS A0..40 +56 15 2 BB J0..40 +56 15 3 TS B40 +56 15 4 AF G40 +56 15 5 BA C9 +56 16 1 TS A0..40 +56 16 2 BB J0..40 +56 16 3 AF F40 +56 17 1 TS A0..40 +56 17 2 BB J0..40 +56 17 3 AF F39 +56 17 4 SD G28 +56 17 5 GA F16 +56 18 1 TS B10 +56 18 2 BB I14 +56 18 3 AF G3 +56 18 4 KO C8 +56 18 5 WW C10 +56 18 6 GA F20 +56 18 7 SD H29 +56 19 1 TS A0..40 +56 19 2 BB G30 +56 19 3 DC D9 +56 19 4 KO D14 +56 19 5 AF F39 +56 19 5 PP C34 +56 20 1 TS A0..40 +56 20 2 BB J0..40 +56 20 3 AF G2 +56 20 4 TS B1 +56 20 5 KO D11 +56 20 6 SD F29 +56 20 7 GA E18 +56 21 1 TS A0..40 +56 21 2 BB J0..40 +56 21 3 KO E11 +56 21 4 DC C10 +56 21 5 WR D31 +56 21 6 AF G39 +56 22 1 TS A0..40 +56 22 2 BB J0..40 +56 22 3 WR B1..3 +56 22 4 GG C1 +56 22 5 AF G40 +56 22 6 GA G16 +56 23 1 TS A0..40 +56 23 2 BA J0..40 +56 23 3 AF D11 +56 23 4 TS B13 +56 23 5 GA F12 +56 24 1 TS A0..40 +56 24 2 BB J0..40 +56 24 3 DC D9 +56 24 4 GA F16 +56 24 5 SD H29 +56 24 6 AF F39 +56 24 7 TS B40 +56 25 1 TS A0..40 +56 25 2 TS B4 +56 25 3 WW C8 +56 25 4 AF D9 +56 25 5 WR C27E26 +56 25 6 SD E26 +56 25 7 BB H29 +57 1 1 P E1..4 +57 1 2 GR C1..5 +57 1 3 Y C10..13 +57 1 4 W A0 +57 1 5 PP E35..40 +57 1 6 BL F28 +57 1 7 B H25..29 +57 1 8 G F17..19 +57 1 9 BR G7..10 +57 1 10 R F1..4G1..4 +57 2 1 W A0 +57 2 2 O E5 +57 2 3 Y D10 +57 2 4 BL F26,29 +57 2 5 R G2 +57 2 6 PP G40 +57 2 7 G H18 +57 2 8 BR G7 +57 2 9 B J0 +57 2 10 GR E0 +57 2 11 P E1 +57 3 1 R F2 +57 3 2 BR F8 +57 3 3 Y B12 +57 3 4 W A0 +57 3 5 G G18 +57 3 6 BL F30 +57 3 7 D F35 +57 3 8 PP D40 +57 3 9 B J0 +57 3 10 P G3 +57 4 1 W A0 +57 4 2 BR G6..8H6..8I1..8 +57 4 3 Y B10..12C10..12 +57 4 4 BL E28F28G28H28 +57 4 5 R F38..40G38..40H38..40 +57 4 6 P F32..34G32..34H32..34 +57 4 7 G E16..22F16..22 +57 4 8 O G4,5 +57 4 9 PP F4,5 +57 4 10 B F0G0H0,10..26I0,9..28J0 +57 5 1 Y C10..12 +57 5 2 P C38..40 +57 5 3 PP F36G36H36 +57 5 4 BL F30G30H30 +57 5 5 G F17G17H17 +57 5 6 BR I5..7 +57 5 7 B J0 +57 5 8 R G1..3 +57 5 9 GR C0 +57 6 1 W A0 +57 6 2 Y B10..12C10..12 +57 6 3 P D37..40 +57 6 4 PP G32..34H32..34 +57 6 5 BL G28..30 +57 6 6 G F17..19 +57 6 7 R F1..4G1..4 +57 6 8 B G0H0I0J0 +57 7 1 GR B0,28..40C0D0E0F0 +57 7 2 P B1..6 +57 7 3 O C8..11 +57 7 4 Y C9..12D9..12 +57 7 5 R F39,40G39,40 +57 7 6 BL F29,30G29,30 +57 7 7 G E17..20F17..20G17..20 +57 7 8 B J0 +57 7 9 BR G0H0I0J0 +57 8 1 O D7 +57 8 2 Y C8 +57 8 3 W A0 +57 8 4 P F40 +57 8 5 PP H36 +57 8 6 B J0 +57 8 7 BL H30 +57 8 8 G H17 +57 8 9 BR H5 +57 8 10 R G3 +57 8 11 GR H0 +57 9 1 W A0 +57 9 2 B J0 +57 9 3 R F2 +57 10 1 R F2 +57 10 2 W A0 +57 10 3 Y C9 +57 10 4 B J0 +57 10 5 P F37 +57 10 6 PP H36 +57 10 7 BL H31 +57 10 8 G H20 +57 10 9 O D7 +57 10 10 BR H0 +57 10 11 GR E0 +57 11 1 O E5 +57 11 2 Y C8 +57 11 3 P E38 +57 11 4 PP G36 +57 11 5 BL G28 +57 11 6 G G20 +57 11 7 BR G7 +57 11 8 B J0 +57 11 9 R G1 +57 11 10 GR F0 +57 12 1 W A0B0..9 +57 12 2 Y C9,10D9,10 +57 12 3 R H40 +57 12 4 O G32,33H32,33 +57 12 5 PP I30 +57 12 6 BL F30,31G30,31 +57 12 7 G G20,21H20,21 +57 12 8 BR H9 +57 12 9 B J0 +57 13 1 O D7 +57 13 2 W A0 +57 13 3 Y C9 +57 13 4 P F35 +57 13 5 PP G36 +57 13 6 BL H29 +57 13 7 G F16 +57 13 8 BR G7 +57 13 9 B J0 +57 13 10 R G3 +57 13 11 GR F0 +57 14 1 W A0 +57 14 2 GR B2,40 +57 14 3 Y C12 +57 14 4 B J0 +57 14 5 PP I31 +57 14 6 BL F29 +57 14 7 G G17 +57 14 8 BR G7 +57 14 9 R F2 +57 14 10 P E1 +57 15 1 W A0 +57 15 2 O F4 +57 15 3 Y C11 +57 15 4 P E37 +57 15 5 PP G36 +57 15 6 BL H29 +57 15 7 G F16 +57 15 8 BR G5 +57 15 9 R G3 +57 15 10 B J0 +57 15 11 GR D0 +57 16 1 W A0 +57 16 2 O D7 +57 16 3 Y B11 +57 16 4 P C37..40 +57 16 5 PP H32 +57 16 6 BL H30 +57 16 7 G F17 +57 16 8 BR G6 +57 16 9 B J0 +57 16 10 R F1 +57 17 1 O E5 +57 17 2 W A0 +57 17 3 Y C12 +57 17 4 P F36 +57 17 5 B J0 +57 17 6 PP I34 +57 17 7 BL I30 +57 17 8 G I20 +57 17 9 BR I7 +57 17 10 R H3 +57 17 11 GR F0 +57 18 1 BR H12 +57 18 2 Y C12 +57 18 3 G F17 +57 18 4 BL F27 +57 18 5 W A0 +57 18 6 GR B38..40 +57 18 7 R H40 +57 18 8 PP I40 +57 18 9 D J0 +57 18 10 P F12 +57 18 11 DJ I7 +57 18 12 SI E0 +57 19 1 W A0 +57 19 2 GR A0 +57 19 3 Y B3 +57 19 4 BR C5 +57 19 5 G B19 +57 19 6 BL D21 +57 19 7 K C40 +57 19 8 B J0 +57 19 9 D J0 +57 19 10 L E0 +57 19 11 R E1 +57 19 12 SI D0 +57 19 13 SA D0 +57 19 14 P C1 +57 20 1 G E17 +57 20 2 W A0 +57 20 3 BL E28 +57 20 4 O E39 +57 20 5 B J0 +57 20 6 D J0 +57 20 7 R F1 +57 21 1 W A0 +57 21 2 O D6 +57 21 3 Y C9 +57 21 4 PP G39 +57 21 5 P G35 +57 21 6 BL G28 +57 21 7 G F17 +57 21 8 BR G5 +57 21 9 R F4 +57 21 10 B J0 +57 21 11 GR F0 +57 21 12 SH E0 +57 22 1 W A0 +57 22 2 Y C8,9 +57 22 3 PP F34..36G34..36 +57 22 4 BL G28..30 +57 22 5 G E15,16F15,16G15,16 +57 22 6 BR H7..9 +57 22 7 GR E0 +57 22 8 P C1..6 +57 23 1 O E4 +57 23 2 Y B12 +57 23 3 PP E32 +57 23 4 W A0 +57 23 5 P C40 +57 23 6 R F39 +57 23 7 B J0 +57 23 8 BL F28 +57 23 9 G H20 +57 23 10 BR I1 +57 24 1 W A0 +57 24 2 O C8 +57 24 3 Y C8 +57 24 4 PP F32..34G32..34 +57 24 5 BL E28F28,29G29 +57 24 6 G E18F18G18H18 +57 24 7 BR F8,9G8,9 +57 24 8 R G1..3H1..3 +57 24 9 B J0 +57 25 1 W A0 +57 25 2 O F4 +57 25 3 Y D6 +57 25 4 PP H33 +57 25 5 P G40 +57 25 6 B J0 +57 25 7 BL H30 +57 25 8 G H20 +57 25 9 BR I7 +57 25 10 R G1 +57 25 11 GR D0 +58 1 1 I A0 +58 1 2 RK E0 +58 1 3 G J0 +58 1 4 N H2 +58 2 1 I A0 +58 2 2 N H3 +58 2 3 G J0 +58 2 4 L H0 +58 2 5 W H17 +58 2 6 A G27H27I27 +58 3 1 I A0 +58 3 2 N I1..3 +58 3 3 G J0 +58 3 4 RK I6 +58 4 1 U E4 +58 4 2 L E5 +58 4 3 W B14 +58 4 4 K F20 +58 4 5 RK D28 +58 4 6 I A0 +58 4 7 G J0 +58 4 8 N G40 +58 5 1 N F3 +58 5 2 I A0 +58 5 3 G J0 +58 6 1 A E29 +58 6 2 I A0 +58 6 3 N F1 +58 6 4 RK F0 +58 6 5 G J0 +58 7 1 RK D36 +58 7 2 I A0 +58 7 3 N G40 +58 7 4 G J0 +58 8 1 N F1G1 +58 8 2 I A0 +58 8 3 G J0 +58 8 4 K H17..20 +58 8 5 RK I30..40 +58 9 1 N G2H2 +58 9 2 I A0 +58 9 3 G J0 +58 10 1 K F18 +58 10 2 G J0 +58 10 3 I A0 +58 10 4 N F1 +58 10 5 RK J0 +58 11 1 G J0 +58 11 2 RK G8 +58 11 3 N F1G1 +58 11 4 I A0 +58 12 1 I A0 +58 12 2 G J0 +58 12 3 N G3 +58 12 4 L D9E3 +58 12 5 K G19 +58 12 6 RK D34 +58 13 1 I A0 +58 13 2 G J0 +58 13 3 N F3 +58 13 4 K E17 +58 13 5 A F28 +58 13 6 L F36 +58 14 1 U C2 +58 14 2 J C2 +58 14 3 N G1 +58 14 4 L C8 +58 14 5 K G17 +58 14 6 A H28 +58 15 1 I A0 +58 15 2 N G1 +58 15 3 G J0 +58 15 4 K F18 +58 15 5 RK H26 +58 16 1 RK B12 +58 16 2 I A0 +58 16 3 G J0 +58 16 4 U F40H2 +58 16 5 K F17 +58 17 1 K E15 +58 17 2 N G1 +58 17 3 G J0 +58 17 4 I A0 +58 17 5 L E1 +58 18 1 I A0 +58 18 2 G J0 +58 18 3 N F40 +58 19 1 I A0 +58 19 2 G J0 +58 19 3 N G1 +58 19 4 RK D12 +58 19 5 L C14 +58 19 6 A E17 +58 19 7 K D15 +58 19 8 M B11 +58 20 1 I A0 +58 20 2 N F1 +58 20 3 RK I1..40 +58 20 4 U H2 +58 20 5 D A0 +58 20 6 G J0 +59 1 1 CB A0..40 +59 1 2 CC J0..40 +59 1 3 GO C8 +59 1 4 AR H18I30 +59 1 5 GU G8 +59 1 6 GI G1H3 +59 1 7 GD E4 +59 1 8 DU C10 +59 1 9 BU H33 +59 2 1 CB A0..40 +59 2 2 CC J0..40 +59 2 3 GN G2 +59 2 4 GO C9 +59 2 5 AR G31H29 +59 2 6 GU I10 +59 2 7 GI G40 +59 2 8 SA F17 +59 2 9 AL C39 +59 3 1 CB A0..40 +59 3 2 CC J0..40 +59 3 3 GN H2 +59 3 4 GO D12 +59 3 5 GU G39 +59 3 6 RR I30 +59 3 7 BR E30 +59 3 8 AL D38 +59 4 1 CB A0..40 +59 4 2 CC J0..40 +59 4 3 GO C9 +59 4 4 RR F30 +59 4 5 AR H31 +59 4 6 BR F0 +59 4 7 GN G2 +59 4 8 GU H11 +59 4 9 GW F20 +59 4 11 CA H7 +59 5 1 CB A0..40 +59 5 2 CC J0..40 +59 5 3 GO C9 +59 5 4 RR F27 +59 5 5 GW F17 +59 5 6 AR G29 +59 5 7 BR C30 +59 5 8 BU F33 +59 5 9 GN H2 +59 5 10 GU I3 +59 5 11 AL D28 +59 5 12 GD C11 +59 5 13 CA G7 +59 6 1 CB A0..40 +59 6 2 CC J0..40 +59 6 3 GO E4 +59 6 4 AR H31 +59 6 5 BR D40 +59 6 6 GN G1 +59 6 7 GU H38 +59 7 1 CB A0..40 +59 7 2 CC J0..40 +59 7 3 GI F40 +59 7 4 GO E5F5 +59 7 5 GL C9 +59 7 6 DU C12 +59 7 7 RR E15H20 +59 7 8 GW G17 +59 7 9 AR I31 +59 7 10 BR E28 +59 7 11 GN G1 +59 7 12 CA I10 +59 7 13 GD E5F5 +59 8 1 CB A0..40 +59 8 2 CC J0..40 +59 8 3 GI C2 +59 8 4 GO D6 +59 8 5 GL D7 +59 8 6 DU C11 +59 8 7 AR H33 +59 8 8 GN F1 +59 8 9 GU I1 +59 9 1 CB A0..40 +59 9 2 CC J0..40 +59 9 3 GO D7 +59 9 4 AR H30 +59 9 5 GN G2 +59 9 6 GU G17 +59 10 1 CB A0..40 +59 10 2 CC J0..40 +59 10 3 GO D6 +59 10 4 DU C9 +59 10 5 RR G30 +59 10 6 AR E29 +59 10 7 BR C1 +59 10 8 GN G1 +59 10 9 GU G34 +59 10 10 AL F1 +59 11 1 CB A0..40 +59 11 2 CC J0..40 +59 11 3 GO C9 +59 11 4 GW F17 +59 11 5 DU C12 +59 11 6 AR F30I30 +59 11 7 GN G2 +59 11 8 GU I35 +59 11 9 CA H1 +59 11 10 AL C15 +59 12 1 CB A0..40 +59 12 2 CC J0..40 +59 12 3 GO E5 +59 12 4 RR H17 +59 12 5 AR H30 +59 12 6 BR F40 +59 12 7 GN G3 +59 12 8 GU I40 +59 12 9 AL D6 +59 13 1 CB A0..40 +59 13 2 CC J0..40 +59 13 3 GO D6 +59 13 4 RR F21 +59 13 5 AR F29 +59 13 6 GN G2 +59 13 7 GU H39 +59 14 1 CB A0..40 +59 14 2 CC J0..40 +59 14 3 GO C8 +59 14 4 SA E16 +59 14 5 AR H31 +59 14 6 BR D29 +59 14 7 GN G1 +59 14 8 GU H8 +59 14 9 AL D39 +59 15 1 CB A0..40 +59 15 2 CC J0..40 +59 15 3 GO C8 +59 15 4 AR I31 +59 15 5 BR D0 +59 15 6 BU I33 +59 15 7 GN G1 +59 15 8 AL E28 +59 16 1 CB A0..40 +59 16 2 CC J0..40 +59 16 3 GO C13 +59 16 4 SA D16 +59 16 5 AR F29 +59 16 6 BR C30 +59 16 7 GN G1 +59 17 1 CB A0..40 +59 17 2 CC J0..40 +59 17 3 GO C9 +59 17 4 SA E16 +59 17 5 AR H31 +59 17 6 BR C33 +59 17 7 GN G3 +59 17 8 GU G39 +59 17 9 AL E4 +59 18 1 CB A0..40 +59 18 2 CC J0..40 +59 18 3 GO C9 +59 18 4 SA F18 +59 18 5 AR H31 +59 18 6 BR C30 +59 18 7 BU I34 +59 18 8 GN G40 +59 18 9 GU I36 +59 18 10 CA I7 +59 18 11 AL F39 +59 19 1 CB A0..40 +59 19 2 CC J0..40 +59 19 3 GO C8 +59 19 4 RR G29 +59 19 6 SA I17,18 +59 19 7 AR I30 +59 19 8 BR B18 +59 19 9 BU I38 +59 19 10 GN H1 +59 19 11 GU I9 +59 19 12 CA I4 +59 20 1 CB A0..40 +59 20 2 CC J0..40 +59 20 3 AR F19 +59 20 4 GN G3 +59 21 1 CB A0..40 +59 21 2 CC J0..40 +59 21 3 GO C8 +59 21 4 AR G22 +59 21 5 GN G2 +59 22 1 CB A0..40 +59 22 2 CC J0..40 +59 22 3 GO C11 +59 22 4 SA E15 +59 22 5 AR F17 +59 22 6 BR C34 +59 22 7 BU F33 +59 22 8 GN G2 +59 22 9 AL E38 +59 23 1 CB A0..40 +59 23 2 CC J0..40 +59 23 3 GI E40 +59 23 4 GO E5 +59 23 5 GL H32 +59 23 6 DU C8 +59 23 7 RR F16 +59 23 8 GW F17,18 +59 23 9 AR H30 +59 23 10 BR C29 +59 23 11 GN G2 +59 23 12 CA G7 +59 23 13 GD E5 +59 24 1 CB A0..40 +59 24 2 CC J0..40 +59 24 3 GO C6 +59 24 4 RR D20 +59 24 5 AR G30 +59 24 6 BR I20 +59 24 7 BU I33 +59 24 8 GN F3 +59 24 9 AL I11 +59 25 1 CB A0..40 +59 25 2 CC J0..40 +59 25 3 GO D1 +59 25 4 SA G31 +59 25 5 AR F29 +59 25 6 GN F2 +60 1 1 IC J0 +60 1 2 NK F3 +60 1 3 KI C14 +60 1 4 AS E19 +60 1 5 KC B25 +60 1 6 MS H30 +60 2 1 AS A0 +60 2 2 NK F1 +60 2 3 KI D12 +60 2 4 IC J0 +60 3 1 AS A0 +60 3 2 NK G1 +60 3 3 IC J0 +60 4 1 AS A0 +60 4 2 KI C8 +60 4 3 NK I1 +60 4 4 IC J0 +60 5 1 AS A0 +60 5 2 AS A0 +60 5 3 NK E7 +60 5 4 KI D10 +60 5 5 IC J0 +60 6 1 KI D7 +60 6 2 AS A0 +60 6 3 NK F1 +60 6 4 KC H10 +60 6 5 IC H29 +60 6 6 KC J0 +60 6 7 MS I34 +60 6 8 KM E27 +60 7 1 IC C14 +60 7 2 NK E1 +60 7 3 AS A0 +60 8 1 IC J0 +60 8 2 KI C9 +60 8 3 AS A0 +60 8 4 NK F40G40 +60 9 1 MS F27 +60 9 2 KO E16 +60 9 3 KA D14 +60 9 4 KI C9 +60 9 5 AS A0 +60 9 6 NK F1 +60 9 7 US H18 +60 9 8 IC J0 +60 10 1 AS A0 +60 10 2 KI C9 +60 10 3 NK G1 +60 10 4 IC J0 +60 10 5 KO G18 +60 10 6 US I40 +60 11 1 NK G40 +60 11 2 IC J0 +60 11 3 MS F30 +60 11 4 KO F28 +60 11 5 KI C8 +60 11 6 KC C29 +60 11 7 IK E29 +60 11 8 AS A0 +60 13 1 NK I40 +60 13 2 KI C8 +60 13 3 IC J0 +60 13 4 AS A0 +60 14 1 AS A0 +60 14 2 AS A0 +60 14 3 IC J0 +60 14 4 NK G2,3H2,3 +60 15 1 KM F27 +60 15 2 MS H29 +60 15 3 AS A0 +60 15 4 KE C10 +60 15 5 KI C9 +60 15 6 NK H1 +60 15 7 IC J0 +60 16 1 NK B6 +60 16 2 IC J0 +60 16 3 SI I20 +60 16 4 AS F32 +60 17 1 IR F17 +60 17 2 NK G1 +60 17 3 KI C10 +60 17 4 IC J0 +60 17 5 AS A0 +60 17 6 KO F19 +60 17 7 IU F29 +60 18 1 AS A0 +60 18 2 KR B6 +60 18 3 IC J0 +60 18 4 NK I40 +60 19 1 KR D9 +60 19 2 KE C7 +60 19 3 IC J0 +60 19 4 NK F40 +60 19 5 AS A0 +60 20 1 KO D17 +60 20 2 AS A0 +60 20 3 AS C0D0 +60 20 4 TI G0 +60 20 5 IC J0 +60 20 6 NK H1 +60 21 1 AS A0 +60 21 2 NK F40G40 +60 21 3 IC J0 +60 22 1 AS A0 +60 22 2 IC J0 +60 22 3 NK G1 +60 22 4 EW D10 +60 23 1 AS A0 +60 23 2 KI C9 +60 23 3 NK G2 +60 23 4 KA F20 +60 23 5 IC H26 +60 24 1 AS A0 +60 24 2 AS B1 +60 24 3 NK C1 +60 24 4 IC J0 +60 25 1 AS A0 +60 25 2 IC J0 +60 25 3 NK F1,40 +61 1 1 DU J6 +61 1 2 RE A23 +61 1 3 WI G3 +61 1 4 LE E17 +61 2 1 DU J0 +61 2 2 RE A0 +61 2 3 WI G1 +61 2 4 LE C8 +61 2 5 SU B8 +61 2 6 ND C5 +61 3 1 DU J25 +61 3 2 RE A10 +61 3 3 WI F4 +61 3 4 LE C10 +61 3 5 SU C6 +61 3 6 ND C4 +61 4 1 DU J1..40 +61 4 2 RE A30 +61 4 3 WI G2 +61 4 4 LE F18 +61 4 5 BR A10 +61 5 1 DU J0..40 +61 5 2 RE A0..40 +61 5 3 WI G3 +61 5 4 LE E16 +61 6 1 DU J0..40 +61 6 2 RE A0..40 +61 6 3 WI E4F4 +61 6 4 LE C10,11 +61 7 1 DU I30 +61 7 2 RE A0..40 +61 7 3 WI G1 +61 7 4 LE E16 +61 7 5 ND F0 +61 7 6 BL E5 +61 7 7 DI F7 +61 7 8 YO J0..40 +61 8 1 DU J7 +61 8 2 RE A0 +61 8 3 WI F1 +61 8 4 LE G30 +61 8 5 ND C9 +61 9 1 DU J7 +61 9 2 RE A40 +61 9 3 WI G1 +61 9 4 LE G30 +61 9 5 ND B11 +61 9 6 JU I8 +61 9 7 RG H6 +61 10 1 DU J40 +61 10 2 RE A8 +61 10 3 WI G1 +61 10 4 LE G30 +61 10 5 ND C9 +61 10 6 JU I5 +61 10 7 RG I32 +61 10 8 BA C20 +61 11 1 DU J0 +61 11 2 RE A40 +61 11 3 WI G1 +61 11 4 LE G28 +61 11 5 ND C9 +61 11 6 JU G0 +61 11 7 RG I9 +61 11 8 MI J28 +61 11 9 TD H10 +61 11 10 DB I10 +61 12 1 DU J0..40 +61 12 2 RE A0..40 +61 12 3 WI G1 +61 12 4 LE E28 +61 13 1 DU J1 +61 13 2 RE A25 +61 13 3 WI G1 +61 13 4 LE G28 +61 13 5 ND C9 +61 14 1 DU J0..40 +61 14 2 RE A0..40 +61 14 3 WI G1 +61 14 4 LE E28 +62 1 1 PE A0 +62 1 2 SA J0 +62 1 3 ZE F2 +62 2 1 PE A12 +62 2 2 SA J0 +62 2 3 ZE G3 +62 2 4 GA H17 +62 2 5 PI D0 +62 2 6 FZ B0 +62 3 1 PE A0 +62 3 2 SA J0 +62 3 3 ZE H1 +62 3 4 GA E16 +62 3 5 PU I1 +62 4 1 PE A7 +62 4 2 SA J14 +62 4 3 ZE H4 +62 4 4 DO C9 +62 4 5 BU D17 +62 4 6 BI G18 +62 5 1 PE A4 +62 5 2 SA J14 +62 5 3 ZE F2 +62 5 4 WG E9 +62 5 5 BI H20 +62 5 6 FZ C31 +62 5 7 PU D34 +62 6 1 PE A11 +62 6 2 SA J7 +62 6 3 ZE G2 +62 6 4 DO B11 +62 6 5 BI G19 +62 6 6 BU G30 +62 6 7 PU F9 +62 7 1 PE A1 +62 7 2 SA J3 +62 7 3 ZE G1 +62 7 4 DO C9 +62 7 5 BI G22 +62 7 6 BU G30 +62 7 7 PT G0 +62 7 8 PU C1 +62 8 1 PE A0 +62 8 2 SA J1 +62 8 3 ZE G1 +62 8 4 WG D13 +62 8 5 GA F13 +62 8 6 BU H30 +62 9 1 PE B0 +62 9 2 SA J1 +62 9 3 ZE F2 +62 9 4 DO C8 +62 9 5 BU E30 +62 9 6 GA F12 +62 10 1 PE A0 +62 10 2 SA J40 +62 10 3 ZE F1 +62 10 4 DO C8 +62 10 5 BI G28 +62 10 6 SI H11 +62 10 7 PI B20 +62 11 1 PE A1 +62 11 2 SA J1 +62 11 3 ZE G1 +62 11 4 DO C14 +62 11 5 BU H30 +62 11 6 PI E0 +62 11 7 BI F14 +62 12 1 PE A40 +62 12 2 SA J33 +62 12 3 ZE G1 +62 12 4 DO B11 +62 12 5 BU H29 +62 12 6 DT I16 +62 12 7 PU B16 +62 12 8 KG G39 +62 12 9 WG D40 +62 12 10 PI B6 +62 13 1 PE A0 +62 13 2 SA J2 +62 13 3 ZE F1 +62 13 4 DO C9 +62 13 5 BI E16 +62 13 6 DA D24 +62 13 7 BU F26 +62 13 8 SI E0 +62 14 1 PE A8 +62 14 2 SA J7 +62 14 3 ZE F4 +62 14 4 WG H3 +62 14 5 DO B12 +62 14 6 BU G26 +62 14 7 PI B28 +62 14 8 PU C29 +62 15 1 PE A18 +62 15 2 SA J7 +62 15 3 ZE E40 +62 15 4 DO C12 +62 15 5 BU G29 +62 15 6 KG D12 +62 15 7 PE A18 +62 15 8 DT J21 +62 16 1 PE A16 +62 16 2 SA J14 +62 16 3 ZE G2 +62 16 4 DO C9 +62 16 5 BU G32 +62 16 6 GZ D8 +62 16 7 PI G0 +62 16 8 KG G40 +62 17 1 PE A0 +62 17 2 SA J4 +62 17 3 ZE F4 +62 17 4 BI D17 +62 17 5 BU E28 +62 18 1 PE A5 +62 18 2 SA I26 +62 18 3 ZE I1 +62 18 4 DO C9 +62 18 5 BI G27 +62 18 6 BU E27 +62 18 7 PU C37 +62 19 1 PE A21 +62 19 2 SA J16 +62 19 3 ZE H2 +62 19 4 DO C9 +62 19 5 BU F28 +62 19 6 BI G20 +62 20 1 PE A11 +62 20 2 SA J28 +62 20 3 ZE G2 +62 20 4 DO C9 +62 20 5 BU F28 +62 20 6 PI C26 +62 20 7 FZ D19 +62 21 1 PE A0 +62 21 2 SA H0 +62 21 3 ZE G2 +62 21 4 DO C9 +62 21 5 PU E24 +62 21 6 BU E16 +62 21 7 PU B15 +62 22 1 PE A40 +62 22 2 SA J40 +62 22 3 ZE G2 +62 22 4 BI E29 +62 22 5 ZK C13 +62 23 1 PE A3 +62 23 2 SA J40 +62 23 3 ZE G2 +62 23 4 DO C10 +62 23 5 BU H29 +62 23 6 BI F16 +62 23 7 PI C4H0 +62 24 1 PE A5 +62 24 2 SA G28J33 +62 24 3 ZE G2 +62 24 4 PU C32 +62 24 5 BI I30 +62 25 1 PE A32 +62 25 2 SA J22 +62 25 3 ZE G3 +62 25 4 DO C12 +62 25 5 BI G19 +62 25 7 PI F0G0 +63 1 1 GI J40 +63 1 2 AR A23 +63 1 3 ME G40 +63 1 4 SE C9..13D9..13E9..13 +63 1 5 BA A40 +63 2 1 AR A7 +63 2 2 ME G2 +63 2 3 SE D12 +63 2 4 GE E18 +63 2 5 MU G34 +63 2 6 BY F6 +63 3 1 GI J2..15 +63 3 2 AR C32..35D32..35 +63 3 3 ME F4 +63 3 4 SE C8..12D8..12E8..12F8..12 +63 3 5 GE D17..21E17..21F17..21 +63 3 6 MU G27 +63 3 7 BA A0..40B0..40 +63 3 8 PE A1 +63 3 9 KG D18 +63 4 1 GI E0..40 +63 4 2 AR C1..40 +63 4 3 ME G0..40 +63 4 4 GE I0..40 +63 4 5 MU J25..40 +63 4 6 BA B0..40C0 +63 4 7 PE D0..40 +63 5 1 GI J0..40 +63 5 2 AR A0..40 +63 5 3 ME F1..3 +63 5 4 BA C1..3 +63 6 1 GI J32 +63 6 2 AR A29 +63 6 3 ME G3 +63 6 4 SE C11,12 +63 6 5 MU E25 +63 6 6 BA A40 +63 6 7 PE B2 +63 6 8 GA F29 +63 6 9 KK C13 +63 6 10 KL H33 +63 7 1 GI J39,40 +63 7 2 AR A40 +63 7 3 ME F40G40 +63 7 4 SE C12D12 +63 7 5 GE F19 +63 7 6 MU D28..31E28..31F28..31G28..31 +63 7 7 PE B34 +63 7 8 GA G29,30 +63 8 1 GI J20 +63 8 2 AR A26 +63 8 3 ME E40 +63 8 4 GE C19 +63 9 1 AR A1,2 +63 9 2 ME E1..4 +63 9 3 SE C7..14 +63 9 4 GE C16D16E16F16G16H16I16 +63 9 5 MU E25..27F25..27G25..27H25..27 +63 9 6 BA A24..31 +63 9 7 PE C38,39D38,39E38,39F38,39G38,39 +63 9 8 GA G2 +63 9 9 PN D39E39F39G39H39I39 +63 9 10 KW E30F30G30H30 +63 9 11 KE F1..5 +63 10 1 GI J14,15 +63 10 2 ME F3 +63 10 3 SE C13 +63 10 4 GE A15 +63 10 5 MU D19E19 +63 10 6 BA A20 +63 10 7 PE C13 +63 10 8 GA G28 +63 10 9 KE E24..29 +63 11 1 GI J22 +63 11 2 AR A24 +63 11 3 SE D11 +63 11 4 MU F24 +63 11 5 BA A2,3 +63 11 6 PE A20 +63 11 7 GA F2,3G2,3H2,3 +63 11 8 KW J34 +63 11 9 KE G27 +63 12 1 GI J40 +63 12 2 AR B2 +63 12 3 ME G2 +63 12 4 SE C11 +63 12 5 MU E4 +63 12 6 BA A25..33 +63 12 7 PE A40 +63 12 8 KW F29 +63 13 1 GI J0 +63 13 2 AR A0..40 +63 13 3 ME I4..6 +63 13 4 SE B15..22 +63 13 5 GE G9 +63 13 6 MU H25 +63 13 7 BA A0..40 +63 13 8 SO H9 +63 13 9 GA F10 +63 13 10 KW D10 +63 14 1 GI J2 +63 14 2 AR A38B38 +63 14 3 ME F40G40 +63 14 4 GE F19 +63 14 5 MU F27 +63 14 6 PN C2D2 +63 15 1 GI J0..40 +63 15 2 AR A20..30 +63 15 3 ME E39,40F39,40 +63 15 4 SE B12,13C12,13 +63 15 5 GE H17 +63 15 6 MU F19,20 +63 15 7 BA C2 +63 15 8 PE C1..6 +63 15 9 MK G29 +63 15 10 KY F29 +63 16 1 GI G0H0I0J0..40 +63 16 2 AR A0..40 +63 16 3 ME F2 +63 16 4 SE C7..11 +63 16 5 GE G17 +63 16 6 MU F29 +63 16 7 BA A0..40 +63 16 8 KL D5 +63 17 1 GI J40 +63 17 2 AR A38,39 +63 17 3 ME C37E5,38,39F38..40G40 +63 17 4 SE C10 +63 17 5 GE D22 +63 17 6 MU F28,29G28,29H29I29 +63 17 7 BA A39,40 +63 17 8 PK C11 +63 17 9 PI B12,13C12,13D13 +63 17 10 PL A40 +63 17 11 KW D29G30H30 +63 17 12 RA E24F24 +63 18 1 GI J40 +63 18 2 AR A39 +63 18 3 ME G40 +63 18 4 GE G21 +63 18 5 MU H30 +63 18 6 BA B40 +63 18 7 PE A40 +63 19 1 GI J40 +63 19 2 AR B40 +63 19 3 ME B39 +63 19 4 GE C19,20 +63 19 5 MU E28 +63 19 6 BA A0 +63 19 7 PE B0 +63 19 8 PL A0..40 +63 20 1 GI J38..40 +63 20 2 AR A7 +63 20 3 ME F2 +63 20 4 SE C8 +63 20 5 MU F22 +63 20 6 SA A38..40 +63 20 7 KK D6,7 +63 20 8 KL F39,40 +63 21 1 GI B40 +63 21 2 AR A0 +63 21 3 SE D8 +63 21 4 GE E24 +63 21 5 MU H29 +63 21 6 BA B0 +63 21 7 PK J31 +63 21 8 GB C40 +63 21 9 PN G40 +63 21 10 KG D25 +63 21 11 KA H2 +63 22 1 GI J0..40 +63 22 2 AR A0..40 +63 22 3 ME D40 +63 22 4 SE D11 +63 22 5 GE E20 +63 22 6 MU G29 +63 22 7 BA B35..40 +63 22 8 GA G28 +63 22 9 PN G40 +63 22 10 KK I40 +63 23 1 GI I29 +63 23 2 AR A17 +63 23 3 ME F3 +63 23 4 GE C21 +63 23 5 MU G24 +63 24 1 GI J5 +63 24 2 AR A29 +63 24 3 ME G39 +63 24 4 SE C12 +63 24 5 GE F18 +63 24 6 MU I27 +63 24 7 BA A40 +63 24 8 PE A38 +63 24 9 MA F2,3 +63 24 10 MN G0 +63 24 11 RG F37 +63 24 12 RD D8 +63 24 13 BO H12 +63 24 14 BI F33 +63 25 1 GI J24 +63 25 2 AR B26,27 +63 25 3 ME F37,38 +63 25 4 SE E4,5 +63 25 5 MU E27,28 +63 25 6 BA B27,28 +63 25 7 SA A33,34 +63 25 8 KK C9 +63 25 9 KL E4,5 +64 1 1 K C4 +64 1 2 W A0..40 +64 1 3 P A0..40 +64 1 4 N D27 +64 1 5 U F40 +64 1 6 MU I28 +64 1 7 Y E16 +64 1 8 M J0..40 +64 1 9 A C5 +64 1 10 I F1 +64 1 11 KP D0 +64 2 1 P A0..40 +64 2 2 M J0..40 +64 2 3 Y D14..16E14..16F15,16 +64 2 4 I F1..4G1..4H1..4 +64 3 1 P A0..40 +64 3 2 K C8 +64 3 3 Y E16 +64 3 4 M J0..40 +64 3 5 I G1 +64 3 6 A C1..5 +64 3 7 U C1 +64 4 1 P A0..40 +64 4 2 Y F15,16G15,16 +64 4 3 M J0..40 +64 4 4 I F1,2G1,2 +64 5 1 T E5 +64 5 2 K D6 +64 5 3 Y F16 +64 5 4 A H6 +64 5 5 M J0..40 +64 5 6 MU J0..40 +64 5 7 I G1 +64 6 1 M J0..40 +64 6 2 I F1,2G1,2 +64 7 1 P A0..40 +64 7 2 K C8 +64 7 3 Y D12 +64 7 4 A D4 +64 7 5 M I0J0..40 +64 7 6 I G1 +64 8 1 P A0..40 +64 8 2 JT C3 +64 8 3 J D4,5 +64 8 4 K C9 +64 8 5 T C19,20 +64 8 6 Z C20 +64 8 7 YA B40 +64 8 8 I F39 +64 8 9 M J0..40 +64 8 10 Y E19F19G19 +64 9 1 P A0..40 +64 9 2 A C6D6E6F6 +64 9 3 Y E18F18G18 +64 9 4 K C8,9D8,9 +64 9 5 M J0..40 +64 9 6 I E1,2F1,2G1,2 +64 10 1 Y F16 +64 10 2 M J0..40 +64 10 3 I G1 +64 11 1 P A0..40 +64 11 2 Y F16 +64 11 3 A D1..5 +64 11 4 M J0..40 +64 11 5 I F1G1H1 +64 12 1 P A0..40 +64 12 2 A B6..8 +64 12 3 K C8,9 +64 12 4 Y E15,16F15,16 +64 12 5 I F1,2G1,2 +64 12 6 M J0..40 +64 13 1 P A0..40 +64 13 2 K C9 +64 13 3 Y C12,13 +64 13 4 N D26,27 +64 13 5 M J0..40 +64 13 6 I F1 +64 14 1 P A0..40 +64 14 2 I E1F1 +64 14 3 M J0..40 +64 15 1 P A0..40 +64 15 2 I G3 +64 15 3 K C8 +64 15 4 Y D15 +64 15 5 Q F40 +64 15 6 N F29 +64 15 7 A F6 +64 15 8 M J0..40 +64 15 9 T G1 +64 16 1 I F1 +64 16 2 P A0..40 +64 16 3 X A0..40 +64 16 4 K C8,9 +64 16 5 Y C15 +64 16 6 J D37..40 +64 16 7 A C3,4D3,4 +64 16 8 M J0..40 +64 17 1 P A0..40 +64 17 2 Y E16 +64 17 3 I F3 +64 17 4 M J0..40 +64 18 1 K A0..40 +64 18 2 Y E14,15 +64 18 3 M J0..40 +64 18 4 I F1,2G1,2 +64 18 5 Q F1,2G1,2 +64 18 6 U F1,2G1,2 +64 19 1 X A0..40 +64 19 2 U E1 +64 19 3 K C8 +64 19 4 Y E17..19 +64 19 5 PY E26,27F26,27 +64 19 6 V C35,36 +64 19 7 J C37,38 +64 19 8 B G2 +64 19 9 I G1 +64 19 10 M J0..40 +64 20 1 G A0..40 +64 20 2 K B10,11 +64 20 3 S E38,39F38,39 +64 20 4 P H36,37I36,37 +64 20 5 PY H28,29 +64 20 6 Y E15..17F15..17 +64 20 7 M J0..40 +64 20 8 I G1,2 +64 21 1 P A0..40B0,31..40C0D0 +64 21 2 Y E15 +64 21 3 N E28 +64 21 4 M I0..40J0..40 +64 21 5 I G1 +64 21 6 A G6 +64 22 1 P A0..40 +64 22 2 H C2 +64 22 3 KZ F29 +64 22 4 RR G37,38H37,38 +64 22 5 O G29 +64 22 6 KR G28 +64 22 7 N G21 +64 22 8 Y E13 +64 22 9 MU J0..40 +64 22 10 T F1 +64 22 11 D E1 +64 22 12 I G1 +64 22 13 C D1 +64 23 1 NI A0..40 +64 23 2 M J0..40 +64 23 3 Y D14 +64 23 4 I F2 +64 24 1 WR A0..40 +64 24 2 A G6 +64 24 3 K C9 +64 24 4 I G1 +64 24 5 R B29 +64 24 6 KL D28 +64 24 7 T F40 +64 24 8 M J0..40 +64 24 9 N F28 +64 24 10 Y F17 +64 24 11 NT C11 +64 24 12 RR F3 +64 25 1 WR A0..40 +64 25 2 P A0..40 +64 25 3 LA E7 +64 25 5 M J40 +64 25 6 MU G31 +64 25 7 N D28 +64 25 8 Y E15 +64 25 9 RR C8 +64 25 10 A E5 +64 25 11 I F3 +64 25 12 PJ F1 +65 1 1 R H7 +65 1 2 N H20 +65 1 3 J H35 +65 1 4 K J0 +65 1 5 U A0 +65 1 6 P C9 +65 1 7 F F1 +65 2 1 T I2 +65 2 2 N F17 +65 2 3 J G29 +65 2 4 K J0 +65 2 5 U A0 +65 2 6 R B12 +65 2 7 P C9 +65 2 8 F G3 +65 3 1 F G2 +65 3 2 R I8 +65 3 3 N F17 +65 3 4 K J0 +65 3 5 U A0 +65 3 6 P C8 +65 4 1 R B1 +65 4 2 G D1 +65 4 3 F G1 +65 4 4 T G8 +65 4 5 J G14 +65 4 6 N F16 +65 4 7 K J0 +65 4 8 U A0 +65 4 9 P C8 +65 5 1 R F12 +65 5 2 P D8 +65 5 3 F F2 +65 5 4 U A0 +65 5 5 K J0 +65 5 6 J F12 +65 5 7 N F17 +65 6 1 P B13 +65 6 2 F E5 +65 6 3 R F10 +65 6 4 N E20 +65 6 5 J I40 +65 6 6 G F40 +65 6 7 U A0 +65 6 8 K J0 +65 7 1 U A0 +65 7 2 K J0 +65 7 3 P C10 +65 7 4 R B7 +65 7 5 F G3 +65 7 6 N F18 +65 7 7 J H33 +65 8 1 U A0 +65 8 2 K J0 +65 8 3 N H20 +65 8 4 F G1 +65 8 5 R C6 +65 8 6 P C11 +65 9 1 P C9 +65 9 2 U A0 +65 9 3 K J0 +65 9 4 F G2 +65 9 5 N G19 +65 9 6 R G31 +65 9 7 J I38 +65 9 8 G D40 +65 10 1 N E29 +65 10 2 R C12 +65 10 3 P C13 +65 10 4 J E12 +65 10 5 U A0 +65 10 6 K J0 +65 10 7 F H4 +65 11 1 U A0 +65 11 2 K J0 +65 11 3 J G28 +65 11 4 N H17 +65 11 5 F G2 +65 11 6 G F3 +65 11 7 R D5 +65 11 8 P D8 +65 12 1 U A0 +65 12 2 K J0 +65 12 3 J H36 +65 12 4 N H17 +65 12 5 F G2 +65 12 6 P C8 +65 12 7 R B9 +65 13 1 U A0 +65 13 2 K J0 +65 13 3 G F40 +65 13 4 N F19 +65 13 5 J E16 +65 13 6 F G1 +65 14 1 F F4 +65 14 2 P D8 +65 14 3 R D10 +65 14 4 U A0 +65 14 5 G G40 +65 14 6 K J0 +65 14 7 J H33 +65 14 8 N F17 +65 15 1 U A0 +65 15 2 G G40 +65 15 3 K J0 +65 15 4 J I32 +65 15 5 N F28 +65 15 6 R H9 +65 15 7 T I5 +65 15 8 F G1 +65 15 9 P C9 +65 16 1 U A0 +65 16 2 K J0 +65 16 3 R G5 +65 16 4 N H20 +65 16 5 J H36 +65 16 6 F G40 +65 16 7 P C12 +65 17 1 R D9 +65 17 2 P E4 +65 17 3 U A0 +65 17 4 K J0 +65 17 5 F G1 +65 17 6 T E9 +65 17 7 N H20 +65 17 8 J F34 +65 18 1 P C8 +65 18 2 R C3 +65 18 3 U A0 +65 18 4 K J0 +65 18 5 N F19 +65 18 6 J E32 +65 18 7 F F40 +65 19 1 R C22 +65 19 2 P C9 +65 19 3 U A0 +65 19 4 F F2 +65 19 5 K J0 +65 19 6 N G18 +65 19 7 J G34 +65 20 1 F F40 +65 20 2 P C9 +65 20 3 R B5 +65 20 4 U A0 +65 20 5 K J0 +65 20 6 J H12 +65 20 7 N G26 +65 21 1 R E0 +65 21 2 F F2 +65 21 3 P D6 +65 21 4 N E17 +65 21 5 U A0 +65 21 6 K J0 +65 21 7 J G30 +65 22 1 F G2 +65 22 2 P D7 +65 22 3 U A0 +65 22 4 K J0 +65 22 5 J H24 +65 22 6 N H15 +65 22 7 R H8 +65 23 1 G F40 +65 23 2 N F17 +65 23 3 P C8 +65 23 4 T G5 +65 23 5 U A0 +65 23 6 K J0 +65 23 7 F G1 +65 23 8 R F7 +65 23 9 J F29 +65 24 1 R B40 +65 24 2 P C8 +65 24 3 U A0 +65 24 4 J C1 +65 24 5 F G1 +65 24 6 K J0 +65 24 7 N G20 +65 25 1 J I40 +65 25 2 R I37 +65 25 3 N F18 +65 25 4 K J0 +65 25 5 F G1 +65 25 6 U A0 +65 25 7 P C8 +66 1 1 US A0 +66 1 2 C J0 +66 1 3 P2 D6..8 +66 1 4 U2 E16..23 +66 1 5 U E26..30 +66 1 6 P F39,40 +66 2 1 US A0 +66 2 2 C J0 +66 2 3 US2 B0..9 +66 2 4 P2 C8,9 +66 2 5 U E15..29 +66 2 6 B E31..35 +66 2 7 P G37..40 +66 2 8 C2 I23..30 +66 2 9 U2 G17..29 +66 3 1 US A0 +66 3 2 C J0 +66 3 3 P E1..3F1..3 +66 3 4 US2 B0,40 +66 3 5 B C38..40D38..40 +66 3 6 U2 E31F31G31H31 +66 3 7 P2 G39,40 +66 3 8 U G17..27 +66 4 1 US A0 +66 4 2 C J0 +66 4 3 P E1F1G1 +66 4 4 B D3..5 +66 4 5 P2 C8..10D8..10 +66 4 6 U2 E10..17 +66 4 7 US2 B14..40 +66 4 8 U G22..27 +66 4 9 C2 I6..14 +66 5 1 US A0 +66 5 2 C J0 +66 5 3 P2 C8..14 +66 5 4 P F1,2G1,2 +66 5 5 U2 E17..25 +66 5 6 U G26..30 +66 6 1 US A0 +66 6 2 C J0 +66 6 3 B C1..6 +66 6 4 P F1..3G1..3 +66 6 5 P2 D5..8 +66 6 6 US2 B15..40 +66 6 7 C2 I33..40 +66 6 8 U2 F16..29 +66 7 1 US A0 +66 7 2 B C1..6 +66 7 3 U2 D14..30 +66 7 4 U F17..28 +66 7 5 C J0 +66 7 6 P G1,2 +66 8 1 US A0 +66 8 2 P2 D4..8 +66 8 3 U D17..27 +66 8 4 U2 B18..33 +66 8 5 P D39,40E39,40 +66 8 6 C J0 +66 8 7 US2 D0E0F0G0H0 +66 9 1 US A0 +66 9 2 U C17..21 +66 9 4 B F26..35 +66 9 5 U2 F9..15G9..15 +66 9 6 C J0 +66 9 7 P2 H1..3 +66 10 1 US A0 +66 10 2 P F1..4 +66 10 3 P2 C7..11 +66 10 4 US2 B14..40 +66 10 5 B C37..40 +66 10 6 U F18..29 +66 10 7 C J0 +66 10 8 U2 F8..17 +66 11 1 US A0 +66 11 2 P E1..5 +66 11 3 U E24..29 +66 11 4 U2 I27..30 +66 11 5 P2 H32..40 +66 11 6 C J0 +66 12 1 US A0 +66 12 2 C J0 +66 12 3 P E1..5 +66 12 4 P2 C8,9 +66 12 5 U D16..29 +66 12 6 U2 E9..16 +66 13 1 US A0 +66 13 2 C J0 +66 13 3 P2 D6..12 +66 13 4 U2 H31..37 +66 13 5 U H17..30 +66 13 6 P H1..3 +66 14 1 US A0 +66 14 2 P2 C8,9 +66 14 3 U2 D13..30 +66 14 4 P E38,39F38,39G38,39 +66 14 5 U F17..29 +66 14 6 C J0 +66 15 1 US A0 +66 15 2 C J0 +66 15 3 U2 F15..29 +66 15 4 U H15..30 +66 15 5 P F1..3G1..3H1..3 +66 15 6 P2 C38..40D38..40E38..40 +66 16 1 US A0 +66 16 2 C J0 +66 16 3 B C3..5D3..5 +66 16 4 P2 C8..10 +66 16 5 U D16..29 +66 16 6 P H32..40 +66 16 7 U2 F31..35G31,32,34,35 +66 17 1 US A0 +66 17 2 C J0 +66 17 3 P2 C8,9 +66 17 4 U2 D16..30 +66 17 5 P D39,40E39,40F39,40 +66 17 6 C2 I21..28 +66 17 7 U H17..30 +66 17 8 B F5..8 +66 18 1 US A0 +66 18 2 P2 C8..11 +66 18 3 C J0 +66 18 4 U2 D15..34 +66 18 5 P E36..40F36..40 +66 18 6 U H20..28 +66 18 7 C2 I0..14 +66 18 8 B C1..6D1,2 +66 19 1 US A0 +66 19 2 C J0 +66 19 3 P E36..40F36..40 +66 19 4 U2 G22..27 +66 19 5 U E17,18F17,18G17,18 +66 19 6 B C1,2D1,2 +66 20 1 US A0 +66 20 2 C J0 +66 20 3 U D13..30 +66 20 4 P2 C8..13 +66 20 5 U2 E15..30 +66 20 6 P E1,2F1,2G1,2 +66 20 7 US2 C0D0E0 +66 21 1 US A0 +66 21 2 C J0 +66 21 3 P E38..40F38..40 +66 21 4 U2 H19..36 +66 21 5 U F18..25 +66 21 6 B G4..9 +66 22 1 US A0 +66 22 2 C J0 +66 22 3 P C8..16,37..40G37..40H37..40 +66 22 4 U E17..27 +66 22 5 B F6..14 +66 23 1 US A0 +66 23 2 C J0 +66 23 3 B C1..3 +66 23 4 P2 C8,9 +66 23 5 US2 B15..40 +66 23 6 U F20..28 +66 23 7 U2 G31..35 +66 23 8 C2 I1..3 +66 23 9 P G1 +66 24 1 US A0 +66 24 2 C J0 +66 24 3 P E1..5 +66 24 4 U D17..30 +66 24 5 U2 E15..35 +66 24 6 P2 G1..3 +66 25 1 US A0 +66 25 2 B C1..6 +66 25 3 P2 C8..10 +66 25 4 U2 H17..36 +66 25 5 U E17..28 +66 25 6 C2 G5..14 +66 25 7 P G1..3 +66 25 8 C J0 +67 1 1 IX F40 +67 1 2 TX A0 +67 1 3 AL H29 +67 1 4 MZ G20 +67 1 5 CN H17 +67 1 6 VE H17 +67 1 7 LM E15F15G15 +67 1 8 CX C8 +67 1 9 NR D7 +67 1 10 MB F2 +67 1 11 CA I3 +67 1 12 PT J0 +67 1 13 MR H32 +67 2 1 AL G29 +67 2 2 CN F28 +67 2 3 VE G17 +67 2 4 CX C11 +67 2 5 TX A0 +67 2 6 IX F1 +67 2 7 MB G3 +67 2 8 CA H5 +67 2 9 PT J0 +67 2 10 LM F15 +67 2 11 MR H32 +67 3 1 RO C36 +67 3 2 AL F27 +67 3 3 VE F17 +67 3 4 CX D10 +67 3 5 XJ G8 +67 3 6 IT G1 +67 3 7 MB F4 +67 3 8 CA H7 +67 3 9 GU I1 +67 3 10 CP I10 +67 3 11 PT I20 +67 3 12 MR H40 +67 4 1 IX F39,40 +67 4 2 AL F30 +67 4 3 CN H27 +67 4 4 VE G18 +67 4 5 MZ H14 +67 4 6 CX C8 +67 4 7 NR E6 +67 4 8 TX A0 +67 4 9 CI F0 +67 4 10 MB H4 +67 4 11 CA I4,5 +67 4 12 PT J0 +67 4 13 LM E16 +67 4 14 MR H32 +67 4 15 GU I37..40 +67 5 1 AL H30 +67 5 2 CN I24 +67 5 3 VE G21 +67 5 4 TX A0 +67 5 5 CX C9 +67 5 6 IX G1 +67 5 7 MB H1 +67 5 8 CA I2 +67 5 9 PT J0 +67 5 10 MZ I19 +67 5 11 MR G36 +67 6 1 RO E39 +67 6 2 MR G36 +67 6 3 CN G29 +67 6 4 VE E16F15 +67 6 5 MZ E13F13 +67 6 6 CX C9 +67 6 7 NR D2 +67 6 8 TX A0 +67 6 9 MB F4 +67 6 10 PT J0 +67 6 11 GU H38 +67 7 1 RO F40 +67 7 2 PT J0 +67 7 3 ZI H31 +67 7 4 MZ F16G16 +67 7 5 CX C10 +67 7 6 CI E5 +67 7 7 MB H4 +67 7 8 IT I2..4 +67 7 9 LM G12 +67 7 10 CB D32 +67 7 11 MR I34..36 +67 7 12 TX A0 +67 8 1 TX A0 +67 8 2 LA F35 +67 8 3 AL G30 +67 8 4 VE F17 +67 8 5 LM E15,16 +67 8 6 CX D6 +67 8 7 NR E4F4 +67 8 8 CI F0G0 +67 8 9 GU H3 +67 8 10 CA I2 +67 8 11 PT J0 +67 8 12 MR H35,36 +67 8 13 RO F40 +67 8 14 IX F40 +67 9 1 TX A0 +67 9 2 CN G29,30 +67 9 3 MZ G14 +67 9 4 CX C9 +67 9 5 PX F0 +67 9 6 CA I5..7 +67 9 7 PT J0 +67 9 8 MR H34 +67 9 9 CP I40 +67 9 10 MB G40 +67 9 11 RO G40 +67 9 12 XP E40 +67 10 1 RO F39 +67 10 2 XJ B0..40 +67 10 3 ZI H28 +67 10 4 MZ H17 +67 10 5 CX C10 +67 10 6 TX A0 +67 10 7 IM D2 +67 10 8 CI E4 +67 10 9 MB G1 +67 10 10 CA H10 +67 10 11 PT J0 +67 10 12 IT I1 +67 10 13 LM F15 +67 10 14 MR H32 +67 10 15 CB H35 +67 11 1 RO F39 +67 11 2 AL H29 +67 11 3 VE H17 +67 11 4 TX A0 +67 11 5 CN E15 +67 11 6 LM E16F16 +67 11 7 CX B11 +67 11 8 NR E5 +67 11 9 MB F4 +67 11 10 IX F1 +67 11 11 CA H6 +67 11 12 PT J0 +67 11 13 MZ H14 +67 11 14 MR H32,33 +67 12 1 IX F40 +67 12 2 CN F29 +67 12 3 AL G28 +67 12 4 VE F17 +67 12 5 CX C8,9 +67 12 6 NR D6 +67 12 7 XP D4 +67 12 8 TX A0 +67 12 9 MB F4 +67 12 10 CA I7 +67 12 11 PT J0 +67 12 12 MZ E12 +67 12 13 MR F33 +67 13 1 IX F40G40 +67 13 2 CN H29 +67 13 3 MZ F17 +67 13 4 VE F17 +67 13 5 CX C10 +67 13 6 NR E7 +67 13 7 TX A0 +67 13 8 PL F0G0 +67 13 9 MB G3 +67 13 10 PX H0 +67 13 11 CA I3,4 +67 13 12 PT J0 +67 13 13 DY H6 +67 13 14 LM F16 +67 13 15 MR G32 +67 14 1 IX E40 +67 14 2 XP G40 +67 14 3 AL G30 +67 14 4 TX A0 +67 14 5 CN H19I20 +67 14 6 VE H19I20 +67 14 7 CX C9 +67 14 8 NR D6 +67 14 9 JX G0 +67 14 10 MB G1..3 +67 14 11 PT J0 +67 14 12 CP I1 +67 14 13 CA I9 +67 14 14 TA H29..31 +67 14 15 NG G32 +67 14 16 MR H36 +67 15 1 RO E36,37 +67 15 2 TX A0 +67 15 3 CN F24,25 +67 15 4 VE E18..20 +67 15 5 MZ F18,19 +67 15 6 CX C8,9 +67 15 7 NR D7 +67 15 8 GR E0 +67 15 9 MB G1 +67 15 10 CP I0..40 +67 15 11 PT J0 +67 15 12 MR F33,34 +67 15 13 LA F35,36 +67 15 14 CA I15 +67 16 1 CP H38..40I38..40 +67 16 2 XP D39,40 +67 16 3 TX A0 +67 16 4 MR F32G32 +67 16 5 CN F28G28H28 +67 16 6 VE G21,22 +67 16 7 LM E13,14 +67 16 8 MB H3 +67 16 9 JX G8H8 +67 17 1 IX F38 +67 17 2 CN G29 +67 17 3 TS B1..8,23..29 +67 17 4 MZ H17..19 +67 17 5 CX C9 +67 17 6 TX A0 +67 17 7 MB G1..3 +67 17 8 PS H0 +67 17 9 PX J0 +67 17 10 PT J0 +67 18 1 IX E38 +67 18 2 JR E28 +67 18 3 CN F27 +67 18 4 MZ H19 +67 18 5 CX C9 +67 18 6 TX A0 +67 18 7 DY E7F8 +67 18 8 PX F0 +67 18 9 MB G3 +67 18 10 CA I6 +67 18 11 PT J0 +67 19 1 IX F40 +67 19 2 CN I30 +67 19 3 MZ F16 +67 19 4 CX C11 +67 19 5 TX A0 +67 19 6 PX D0E0 +67 19 7 DY E4 +67 19 8 MB F1 +67 19 9 CA H8 +67 19 10 MR H35 +67 19 11 PT J0 +67 20 1 IX E38 +67 20 2 AL F29 +67 20 3 CN H20 +67 20 4 MZ H17 +67 20 5 CX C8 +67 20 6 NR E5 +67 20 7 TX A0 +67 20 8 XJ E0 +67 20 9 MB H2 +67 20 10 CA H8 +67 20 11 PT J0 +67 20 12 CP H34 +67 20 13 MR H38 +67 21 1 XP E38 +67 21 2 JX B30 +67 21 3 CN G28 +67 21 4 CN F17 +67 21 5 CX C11 +67 21 6 CI E9 +67 21 7 TX A0 +67 21 8 MB G3 +67 21 9 CA H9 +67 21 10 PT J0 +67 21 11 CP H35 +67 22 1 IX F39 +67 22 2 AL G30 +67 22 3 CN F16 +67 22 4 LM C13 +67 22 5 CX C9 +67 22 6 NR D5 +67 22 7 TX A0 +67 22 8 MB G3 +67 22 9 CA H6 +67 22 10 PT J0 +67 22 11 PX I9 +67 22 12 MZ G12 +67 22 13 CP H34 +67 23 1 XP F36 +67 23 2 RO D37 +67 23 3 IM C35 +67 23 4 AL F29,30 +67 23 5 CN G17..19 +67 23 6 CX C8,9 +67 23 7 NR D6 +67 23 8 TX A0 +67 23 9 MB G1,2 +67 23 10 CA I7 +67 23 11 PX I10,11 +67 23 12 LA G32,33 +67 23 13 MR G33,34 +67 24 1 IX G39 +67 24 2 JX D34 +67 24 3 CN E27 +67 24 4 MZ F16 +67 24 5 TX A0 +67 24 6 CX D9 +67 24 7 NR E7 +67 24 8 MB G3 +67 24 9 CA I2 +67 24 10 MR I3 +67 24 11 PT J0 +67 24 12 LM E14 +67 24 13 CP I16 +67 25 1 AL G28 +67 25 2 CN E18F17 +67 25 3 VE E18F17 +67 25 4 CI F17 +67 25 5 JX G10 +67 25 6 CX C9 +67 25 7 NR D6 +67 25 8 TX A0 +67 25 9 RO D1 +67 25 10 CA I10 +67 25 11 CP I1,2 +67 25 12 MR I1,2 +67 25 13 PT J0 +68 1 1 SI D6 +68 1 2 RO E1 +68 1 3 HI F0 +68 1 4 HA G2 +68 1 5 CH H8 +68 1 6 VE F17 +68 1 7 AL G28 +68 1 8 MO I35 +68 1 9 JM J0 +68 1 10 TI A0 +68 1 11 SU C25 +68 2 1 HI E0 +68 2 2 RO G2 +68 2 3 HA H2 +68 2 4 VE G18 +68 2 5 JM J0 +68 2 6 SU I28 +68 2 7 MO G32 +68 2 8 AL E28 +68 2 9 SI C8 +68 2 10 TI A0 +68 3 1 TI A0 +68 3 2 HI F0 +68 3 3 RO F1 +68 3 4 JM J0 +68 3 5 HA H3 +68 3 6 CH H7 +68 3 7 SU G22H29 +68 3 8 MO I34 +68 3 9 SI C8 +68 4 1 TI A0 +68 4 2 RO G1 +68 4 3 HI I0 +68 4 4 JM J0 +68 4 5 HA H4 +68 4 6 CH G8 +68 4 7 AL H30 +68 4 8 MO H34 +68 4 9 YD H39 +68 4 10 VE E18 +68 4 11 SI B9 +68 5 1 TI A0 +68 5 2 HI G0 +68 5 3 HA G1 +68 5 4 CH G9 +68 5 5 JM J0 +68 5 6 SU H22 +68 5 7 MO F33 +68 5 8 SI B10 +68 6 1 TI A0 +68 6 2 HA G2 +68 6 3 JM J0 +68 6 4 VE H15 +68 6 5 AL H30 +68 6 6 MO I31 +68 6 7 RO C40 +68 6 8 SI B11 +68 6 9 CH F7 +68 7 1 SI D8 +68 7 2 HA G3 +68 7 3 JM J0 +68 7 4 AL H30 +68 7 5 MO G33 +68 7 6 CF I38 +68 7 7 RO D39 +68 7 8 HI D32 +68 7 9 TI A0 +68 7 10 VE E17 +68 7 11 SU D16 +68 8 1 RO C2 +68 8 2 HA F3 +68 8 3 CH G6 +68 8 4 JM J0 +68 8 5 AL G31 +68 8 6 MO G33 +68 8 7 SU F27 +68 8 8 TI A0 +68 8 9 SI D8 +68 9 1 TI A0 +68 9 2 HI E0 +68 9 3 HA G3 +68 9 4 JM J0 +68 9 5 SI C9 +68 9 6 VE G17 +68 9 7 AL F29 +68 9 8 MO G33 +68 9 9 CH H7..9 +68 9 10 SU E27 +68 9 11 RO E40 +68 10 1 TI A0 +68 10 2 RO E2 +68 10 3 JM J0 +68 10 4 CF F9 +68 10 5 SU H30 +68 10 6 MO H32 +68 10 7 VE E16 +68 10 8 SI C9 +68 10 9 HA F5 +68 11 1 HA F2 +68 11 2 CF I7 +68 11 3 VE G19 +68 11 4 CH C5 +68 11 5 MO F33 +68 11 6 RO F40 +68 11 7 SI B11 +68 11 8 AL G29 +68 12 1 SI C9 +68 12 2 HI E0 +68 12 3 TI A0 +68 12 4 CH H7 +68 12 5 VE H17 +68 12 6 SU I31 +68 12 7 MO I34 +68 12 8 JM J0 +68 12 9 RO F40 +68 12 10 HA H1 +68 13 1 TI A0 +68 13 2 JM J0 +68 14 1 SI C9 +68 14 2 TI A0 +68 14 3 RO D1 +68 14 4 HA G1 +68 14 5 JM J0 +68 14 6 YD I34 +68 14 7 VE G17 +68 14 8 SU G29 +68 14 9 MO G32 +68 14 10 CH G7 +68 15 1 RO D1 +68 15 2 PL F0 +68 15 3 HA G4 +68 15 4 YD I5 +68 15 5 JM J0 +68 15 6 VE F16 +68 15 7 SU G28 +68 15 8 AL G28 +68 15 9 MO H32 +68 15 10 TI A0 +68 15 11 SI B11 +68 15 12 CH F8 +68 16 1 SI C8 +68 16 2 RO F1 +68 16 3 HA G1 +68 16 4 CH I1 +68 16 5 VE F19 +68 16 6 MO G30 +68 16 7 CF I36 +68 16 8 JM J0 +68 16 9 TI A0 +68 16 10 SU F29 +68 16 11 AL F29 +68 17 1 TI A0 +68 17 2 HI E0 +68 17 3 HA G1 +68 17 4 CH H6 +68 17 5 AL F28 +68 17 6 MO F33 +68 17 7 JM J0 +68 17 8 RO E39 +68 17 9 VE F16 +68 17 10 SI C10 +68 18 1 TI A0 +68 18 2 CH E0 +68 18 3 HA G1 +68 18 4 JM J0 +68 18 5 SU F16 +68 18 6 SI D1 +68 19 1 TI A0 +68 19 2 HA F1 +68 19 3 JM J0 +68 19 4 CH G10 +68 19 5 SU F15 +68 19 6 MO H36 +68 19 7 HI B14 +68 19 8 SI C11 +68 20 1 TI A0 +68 20 2 HI G0 +68 20 3 HA G3 +68 20 4 JM J0 +68 20 5 CH G8 +68 20 6 VE G20 +68 20 7 AL H29 +68 20 8 MO H33 +68 20 9 RO G40 +68 20 10 SI C9 +68 21 1 SI C11 +68 21 2 RO D1 +68 21 3 HA H1 +68 21 4 MO I1 +68 21 5 SU G17 +68 21 6 JM J0 +68 21 7 AL G28 +68 21 8 TI A0 +68 22 1 SI C8 +68 22 2 HA G2 +68 22 3 CF G6 +68 22 4 VE F16 +68 22 5 JM J0 +68 22 6 AL H29 +68 22 7 SU G30 +68 22 8 MO H33 +68 22 9 RO F37 +68 22 10 TI A0 +68 23 1 TI A0 +68 23 2 HA G3 +68 23 3 CH G7 +68 23 4 JM J0 +68 23 5 MO I33 +68 23 6 RO F40 +68 23 7 SU F22 +68 23 8 SI C10 +68 24 1 TI A0 +68 24 2 RO E1 +68 24 3 HI F0 +68 24 4 HA G2 +68 24 5 JM J0 +68 24 6 CH H7 +68 24 7 SI B12 +68 24 8 MO G32 +68 24 9 SU F16G30 +68 25 1 CH A7 +68 25 2 HI F0 +68 25 3 HA H3 +68 25 4 JM J0 +68 25 5 SU G25 +68 25 6 TI A0 +68 25 7 SI D8 +69 1 1 KP A0..40 +69 1 2 HI J0..40 +69 1 3 AG G1 +69 1 4 HW C9 +69 1 5 HT F14 +69 1 6 HO H29 +69 2 1 KP A17 +69 2 2 HI J0 +69 2 3 AG G2 +69 2 4 HW G26 +69 2 5 WQ G19 +69 2 6 IP I33 +69 2 7 HO F20 +69 3 1 KP A11 +69 3 2 HI J25 +69 3 3 AG G1 +69 3 4 HW D9 +69 3 5 WQ C9 +69 3 6 IP G36 +69 3 7 HT H6 +69 3 8 HO G18 +69 4 1 KP B0 +69 4 2 HI F0 +69 4 3 AG H3 +69 4 4 WQ C9 +69 4 5 IP B8 +69 4 6 HO F17 +69 5 1 KP A0 +69 5 2 HI F0 +69 5 3 AG F2 +69 5 4 HW B12 +69 5 5 WQ C9 +69 5 6 IP C8 +69 5 7 HO E16 +69 6 1 KP A33 +69 6 2 HI J4 +69 6 3 AG H1 +69 6 4 HW D11 +69 6 5 WQ D7 +69 6 6 IP H38 +69 6 7 HT I34 +69 6 8 HO H17 +69 7 1 KP A0..40 +69 7 2 HI J0..40 +69 7 3 AG F2 +69 7 4 WQ C12 +69 7 5 IP G32 +69 7 6 HT E8 +69 7 7 HO F22 +69 8 1 KP A26 +69 8 2 HI J33 +69 8 3 AG F1 +69 8 4 WQ C10 +69 8 5 IP D36 +69 8 6 HT G33 +69 8 7 HO D17 +69 9 1 KP A0..40 +69 9 2 HI J0..40 +69 9 3 AG G2 +69 9 4 WQ C9 +69 9 5 IP H36 +69 9 6 HT D12 +69 9 7 HO F18 +69 10 1 KP A0 +69 10 2 HI J0 +69 10 3 AG H1 +69 10 4 WQ C12 +69 10 5 HT D11 +69 10 6 HO E16 +69 11 1 KP A0..40 +69 11 2 HI J0..40 +69 11 3 AG F4 +69 11 4 WQ C9 +69 11 5 IP H37 +69 12 1 KP A0..40 +69 12 2 HI J0..40 +69 12 3 AG F1 +69 12 4 WQ C8 +69 12 5 IP H35 +69 12 6 HO C20 +69 13 1 KP A0 +69 13 2 HI J5 +69 13 3 AG F1 +69 13 4 EG I29 +69 13 5 YA D7 +69 13 6 HO I19 +69 14 1 KP A8 +69 14 2 HI J40 +69 14 3 AG F3 +69 14 4 HW B11 +69 14 5 WQ C10 +69 14 6 IP I39 +69 14 7 EN H40 +69 14 8 KU B6 +69 14 9 HO E17 +69 15 1 KP A0..40 +69 15 2 HI J0..40 +69 15 3 AG G3 +69 15 4 HW B12 +69 15 5 EG I31 +69 15 6 HO H20 +69 16 1 KP A0..40 +69 16 2 HI J0..40 +69 16 3 AG F1..4 +69 16 4 HW D6..14 +69 16 5 WQ C6..14 +69 16 6 IP F33..35 +69 16 7 AY C17..19 +69 16 8 EN G33..35 +69 16 9 HO E15..19 +69 17 1 KP A0 +69 17 2 HI J0 +69 17 3 AG F1 +69 17 4 WQ C9 +69 17 5 HT D40 +69 17 6 EG I31 +69 17 7 YQ F17 +69 17 8 PT C5 +69 17 9 TG G28 +69 17 10 HO H18 +69 18 1 KP A0..40 +69 18 2 HI J0..40 +69 18 3 AG F0..3 +69 18 4 HW C10 +69 18 5 WQ B11 +69 18 6 IP H40 +69 18 7 HT E5 +69 18 8 AY F8 +69 18 9 KU B8 +69 18 10 HO E18 +69 19 1 KP A0..40 +69 19 2 HI J0..40 +69 19 3 AG F3 +69 19 4 HW C9 +69 19 5 WQ C8 +69 19 6 IP G30 +69 19 7 HT B7 +69 19 8 EN G38 +69 19 9 KU B35 +69 19 10 YQ D15 +69 19 11 HO G17 +69 20 1 KP A6 +69 20 2 HI J8 +69 20 3 AG E4 +69 20 4 HW C8 +69 20 5 WQ C9 +69 20 6 IP G5 +69 20 7 KU B6 +69 20 8 HO G15 +69 21 1 KP A0 +69 21 2 HI J0 +69 21 3 AG H2 +69 21 4 HW D6 +69 21 5 WQ D8 +69 21 6 EG I2 +69 21 7 HO F18 +69 22 1 KP A0..40 +69 22 2 HI J0 +69 22 3 AG E4 +69 22 4 WQ C11 +69 22 5 HT C9 +69 22 6 HO E19 +69 23 1 KP A0..40 +69 23 2 AG G3 +69 23 3 HW C9 +69 23 4 WQ C14 +69 23 5 HO F17 +69 24 1 KP A0..40 +69 24 2 HI J0..40 +69 24 3 AG G2 +69 24 4 HW C11 +69 24 5 WQ C8 +69 24 6 IP I38 +69 24 7 HT D33 +69 24 8 EN F36 +69 24 9 KU B4 +69 24 10 YQ D18 +69 24 11 HO F20 +69 25 1 KP A15 +69 25 2 HI J15 +69 25 3 AG H3 +69 25 4 WQ C9 +69 25 5 HO E25 +70 1 1 W A0..40 +70 1 2 I C9 +70 1 3 E E28 +70 1 4 G J0..40 +70 1 5 S G17 +70 1 6 M G1 +70 2 1 W A0..40 +70 2 2 I C9 +70 2 3 E F27 +70 2 4 MU F39 +70 2 5 E G29 +70 2 6 M G1 +70 2 7 WU B0 +70 3 1 T C8 +70 3 2 E F29 +70 3 3 W A0..40 +70 3 4 G J0..40 +70 3 5 S H15 +70 3 6 J H7 +70 3 7 I H6 +70 3 8 M G2 +70 4 1 T B10 +70 4 2 E D29 +70 4 3 W A0..40 +70 4 4 G J0..40 +70 4 5 S H18 +70 4 6 M G3 +70 5 1 W A0..40 +70 5 2 T C9 +70 5 3 E D29 +70 5 4 S G15 +70 5 5 I D8 +70 5 6 M G2 +70 5 7 G J0..40 +70 6 1 T C9 +70 6 2 S E17 +70 6 3 W A0..40 +70 6 4 G J0..40 +70 6 5 E G30 +70 6 6 I E7 +70 6 7 M G1 +70 7 1 W A0..40 +70 7 2 T C9 +70 7 3 E F29 +70 7 4 S F11 +70 7 5 I F7 +70 7 6 M H1 +70 7 7 G J0..40 +70 8 1 I C7 +70 8 2 W A0..40 +70 8 3 G J0..40 +70 8 4 E F29 +70 8 5 S F18 +70 8 6 I H6 +70 8 7 M G1 +70 9 1 T C10 +70 9 2 W A0..40 +70 9 3 E E29 +70 9 4 S H17 +70 9 5 I H7 +70 9 6 M H2 +70 9 7 G J0..40 +70 10 1 W A0..40 +70 10 2 M F2 +70 10 3 Z C11 +70 10 4 E H23 +70 10 5 G J0..40 +70 10 6 S E14 +70 11 1 T C11 +70 11 2 S E16 +70 11 3 E G28 +70 11 4 I E8 +70 11 5 M G2 +70 11 6 W A0..40 +70 11 7 G J0..40 +70 12 1 W A0..40 +70 12 2 T C9 +70 12 3 E F28 +70 12 4 S G17 +70 12 5 I E6 +70 12 6 M G3 +70 12 7 G J0..40 +70 13 1 I C10 +70 13 2 T C11 +70 13 3 W A0..40 +70 13 4 E F28 +70 13 5 S G16 +70 13 6 M G2 +70 13 7 G J0..40 +70 14 1 M G3 +70 14 2 I C9 +70 14 3 T B32 +70 14 4 W A0..40 +70 14 5 G J0..40 +70 14 6 E F30 +70 14 7 S F19 +70 15 1 W A0..40 +70 15 2 T C9 +70 15 3 G J0..40 +70 15 4 E H29 +70 15 5 S I17 +70 15 6 I G7 +70 15 7 M G1 +70 16 1 T C9 +70 16 2 I C10 +70 16 3 E F29 +70 16 4 W A0..40 +70 16 5 G J0..40 +70 16 6 S G18 +70 16 7 M G0 +70 17 1 W A0..40 +70 17 2 M G40 +70 17 3 E E28 +70 17 4 G J0..40 +70 17 5 I F7 +70 18 1 W A0..40 +70 18 2 T C9 +70 18 3 S E16 +70 18 4 E G30 +70 18 5 I E9 +70 18 6 G J0..40 +70 18 7 M G1 +70 19 1 W A0..40 +70 19 2 T C9 +70 19 3 E F25 +70 19 4 S G18 +70 19 5 I E9 +70 19 6 M G2 +70 19 7 G J0..40 +70 19 8 W A0..40 +70 20 1 W A0..40 +70 20 2 T B0,1C0,1 +70 20 3 E D17..19 +70 20 4 G J0..40 +70 20 5 M F1..3 +70 21 1 T C10 +70 21 2 S E19 +70 21 3 W A0..40 +70 21 4 E F29 +70 21 5 I D12 +70 21 6 M G3 +70 21 7 G J0..40 +70 22 1 T B11 +70 22 2 E D20 +70 22 3 W A0..40 +70 22 4 G J0..40 +70 22 5 S G19 +70 22 6 M G2 +70 23 1 W A0..40 +70 23 2 T D7 +70 23 3 G J0..40 +70 23 4 E G29 +70 23 5 S H17 +70 23 6 I D9 +70 23 7 M G3 +70 24 1 W A0..40 +70 24 2 I D8 +70 24 3 T C11 +70 24 4 E F29 +70 24 5 M H40 +70 24 6 G J0..40 +70 25 1 W A0..40 +70 25 2 T C7 +70 25 3 G J0..40 +70 25 4 I H7 +70 25 5 M F4 +70 25 6 E F27 +71 1 1 HA A0..40 +71 1 2 LO J0..40 +71 1 3 KI G2 +71 1 4 LA C10 +71 1 5 HO G30 +71 1 6 BA H33 +71 1 7 CA I6 +71 1 8 SO D0 +71 2 1 HA A40 +71 2 2 LO J0..40 +71 2 3 KI H3 +71 2 4 LA C9 +71 2 5 OK G18 +71 2 6 HO F29 +71 2 7 BA G33 +71 2 8 CA I6 +71 2 9 YA E3 +71 2 10 SO D0 +71 3 1 HA A0..40 +71 3 2 LO J0..40 +71 3 3 KI H3 +71 3 4 LA C9 +71 3 5 OK G17 +71 3 6 HO G30 +71 3 7 BA H33 +71 3 8 CA H6 +71 3 9 YA F4 +71 3 10 SO G0 +71 4 1 HA A0..40 +71 4 2 LO A0..40 +71 4 3 KI G2 +71 4 4 LA C9 +71 4 5 OK G17 +71 4 6 HO G29 +71 4 7 BA H34 +71 4 8 CA I5 +71 4 9 SO D0 +71 5 1 HA A0 +71 5 2 LO J0..40 +71 5 3 KI G3 +71 5 4 LA B8 +71 5 5 HO H29 +71 5 6 BA I32 +71 5 7 CA I6 +71 5 8 YA E4 +71 5 9 SO E0 +71 6 1 HA A0..40 +71 6 2 LO J0..40 +71 6 3 KI F2 +71 6 4 LA C9 +71 6 5 HO E17 +71 6 6 BA G34 +71 6 7 CA H6,7 +71 6 8 YA E5 +71 6 9 SO F0 +71 7 1 HA A0..40 +71 7 2 LO J0..40 +71 7 3 KI G2 +71 7 4 LA B10 +71 7 5 HO G19 +71 7 6 BA G33 +71 7 7 CA H8 +71 7 8 SO C29 +71 8 1 HA A0..40 +71 8 2 LO J0..40 +71 8 3 KI G1 +71 8 4 LA C8 +71 8 5 OK C15D15 +71 8 6 HO F29 +71 8 7 BA H32 +71 8 8 CA I6 +71 8 9 SO E0 +71 9 1 HA A0..40 +71 9 2 LO J0..40 +71 9 3 KI G1 +71 9 4 LA C10 +71 9 5 HO F19 +71 9 6 BA H34 +71 9 7 SO E0 +71 10 1 HA A0 +71 10 2 LO J0..40 +71 10 3 KI G1 +71 10 4 LA C8 +71 10 5 HO G28 +71 10 6 BA I36 +71 10 7 KO I38 +71 10 8 YA D6 +71 10 9 SO D28 +71 11 1 HA A0..40 +71 11 2 LO J0..40 +71 11 3 KI G1 +71 11 4 LA B12 +71 11 5 HO F26 +71 11 6 BA F33 +71 11 7 CA I10 +71 11 8 YA E4 +71 12 1 HA A0..40 +71 12 2 LO J0..40 +71 12 3 KI G1 +71 12 4 LA C11 +71 12 5 LI C15 +71 12 6 HO H29 +71 12 7 BA H33 +71 12 8 SO C28 +71 13 1 HA A0..40 +71 13 2 LO J0..40 +71 13 3 KI G3 +71 13 4 LA C9 +71 13 5 OK F19 +71 13 6 HO F29 +71 13 7 BA G32 +71 13 8 SO E30 +71 14 1 HA A40 +71 14 2 LO J39 +71 14 3 KI G40 +71 14 4 LA C9 +71 14 5 OK F17 +71 14 6 HO G28 +71 14 7 BA H36 +71 14 8 SO D0 +71 15 1 HA A0..40 +71 15 2 LO J0..40 +71 15 3 KI F2 +71 15 4 LA C9 +71 15 5 HO F29 +71 15 6 BA I33 +71 15 7 SO C29 +71 16 1 HA A0..40 +71 16 2 LO J5 +71 16 3 KI G1 +71 16 4 LA C11 +71 16 5 HO G29 +71 16 6 BA H33 +71 16 7 SO D29 +71 17 1 HA A0..40 +71 17 2 LO J11 +71 17 3 KI F1 +71 17 4 LA C9 +71 17 5 HO E19 +71 17 6 BA E34 +71 17 7 CA I6 +71 17 8 SO C31 +71 18 1 HA A40 +71 18 2 LO J0..40 +71 18 3 KI G40 +71 18 4 LA C9 +71 18 5 OK E18 +71 18 6 HO F29 +71 18 7 BA I34 +71 18 8 CA I6 +71 18 9 YA D6 +71 18 10 SO C26 +71 19 1 HA A11 +71 19 2 LO J39 +71 19 3 KI G1 +71 19 4 LA C9 +71 19 5 HO F17 +71 19 6 BA H34 +71 19 7 CA H7 +71 19 8 SO E0 +71 20 1 HA A0,40 +71 20 2 LO J0..40 +71 20 3 KI G3 +71 20 4 LA C9 +71 20 5 LI E15 +71 20 6 HO H29 +71 20 7 BA H32 +71 20 8 CA H7 +71 20 9 YA D6 +71 20 10 SO C0 +71 21 1 HA A40 +71 21 2 LO J14 +71 21 3 KI G40 +71 21 4 LA C9 +71 21 5 HO F17 +71 21 6 SO B37 +71 22 1 HA A36..40 +71 22 2 LO J0..40 +71 22 3 KI G1 +71 22 4 LA C9 +71 22 5 OK F17 +71 22 6 HO G30 +71 22 7 BA I33 +71 22 8 KO H40 +71 22 9 CA G7 +71 22 10 SO E0 +71 23 1 HA A40 +71 23 2 LO J0 +71 23 3 KI H40 +71 23 4 LA C11 +71 23 5 OK F17 +71 23 6 HO H30 +71 23 7 BA H33 +71 23 8 CA I5 +71 23 9 YA D8 +71 23 10 SO D0 +71 24 1 HA A40 +71 24 2 LO J0..40 +71 24 3 KI G1 +71 24 4 LA C9 +71 24 5 LI D16 +71 24 6 HO G18 +71 24 7 BA G33 +71 24 8 YA D6 +71 24 9 SO C25 +71 25 1 HA A40 +71 25 2 LO J15 +71 25 3 KI G1 +71 25 4 LA C8 +71 25 5 HO G30 +71 25 6 BA I38 +71 25 7 KO H36 +71 25 8 CA H5 +71 25 9 YA D6 +71 25 10 SO E0 +72 1 1 3 A0..40 +72 1 2 2 C9 +72 1 3 1 G28 +72 1 4 6 H34 +72 1 5 4 J0..40 +72 1 6 7 H7 +72 1 7 5 H3 +72 2 1 2 C11 +72 2 2 3 A0..40 +72 2 3 1 F21 +72 2 4 9 C40 +72 2 5 6 G40 +72 2 6 4 J0..40 +72 2 7 7 J0..40 +72 2 8 5 G1 +72 3 1 3 A0..40 +72 3 2 2 D6 +72 3 3 9 F9 +72 3 4 1 G20 +72 3 5 10 E39 +72 3 6 11 I10,11 +72 3 7 7 I7 +72 3 8 6 I2 +72 3 9 4 J0..40 +72 3 10 5 G0 +72 3 11 8 B1 +72 4 1 2 D6 +72 4 2 1 F15 +72 4 3 6 I38..40 +72 4 4 11 I8..15 +72 4 5 7 I5 +72 4 6 4 J0..40 +72 4 7 6 I0..2 +72 4 8 10 F2G2 +72 4 9 5 F4 +72 4 10 8 B3C2 +72 4 11 3 A0..40 +72 5 1 2 D6E5 +72 5 2 1 F16..18 +72 5 3 6 I1..3,38..40 +72 5 4 9 G5..8 +72 5 5 7 H6 +72 5 6 4 J0..40 +72 5 7 5 F3,4 +72 5 8 10 C1D1 +72 5 9 8 C0..40 +72 5 10 3 A0..40 +72 6 1 3 A0..40 +72 6 2 2 C9 +72 6 3 1 F18 +72 6 4 10 C37..40D37..40 +72 6 5 6 I32..40 +72 6 6 7 G6..9 +72 6 7 4 J0..40 +72 6 8 8 D0E0F0G0H0I0 +72 6 9 5 F3G3 +72 7 1 3 A0..40 +72 7 2 2 D6 +72 7 3 1 F28G28 +72 7 4 10 H32..40 +72 7 5 6 I32..40 +72 7 6 7 H7..14 +72 7 7 4 J0..40 +72 7 8 5 G0..4H0..4 +72 8 1 3 A0..40 +72 8 2 1 H28 +72 8 3 6 H35 +72 8 4 8 D36 +72 8 5 10 H37 +72 8 6 5 G40 +72 8 7 4 J0..40 +72 8 8 7 I36 +72 8 9 2 E6F6 +72 9 1 3 A0..40 +72 9 2 2 B10 +72 9 3 1 F16 +72 9 4 5 F40 +72 9 5 6 G36 +72 9 6 4 J0..40 +72 9 7 9 I1 +72 9 8 7 F0 +72 10 1 3 A0..40 +72 10 2 8 B7 +72 10 3 5 F1,2G1,2H1,2 +72 10 4 1 G15 +72 10 5 12 F33G33H29,33 +72 10 6 2 C12H30 +72 10 7 7 H7,8I7,8 +72 10 8 9 F7,8G7 +72 10 9 4 J0..40 +72 10 10 11 J0..40 +72 11 1 2 D8 +72 11 2 8 B24 +72 11 3 3 A0..40 +72 11 4 10 F39G38 +72 11 5 6 F39G38 +72 11 6 12 H29 +72 11 7 4 J0..40 +72 11 8 15 I25 +72 11 9 11 I22 +72 11 10 1 G20 +72 11 11 7 H8,9 +72 11 12 9 F7 +72 11 13 5 F3G2 +72 11 14 19 F0 +72 12 1 3 A0..40 +72 12 2 2 C9 +72 12 3 8 B38 +72 12 4 6 H36 +72 12 5 15 H29 +72 12 6 1 G20H29 +72 12 7 7 H6 +72 12 8 4 J0..40 +72 12 9 19 H0 +72 12 10 5 G1 +72 13 1 3 A0..40 +72 13 2 2 C8 +72 13 3 1 E18 +72 13 4 12 H33 +72 13 5 8 H7 +72 13 6 9 H7 +72 13 7 4 J0..40 +72 13 8 5 G2 +72 13 9 10 D2 +72 14 1 2 C8 +72 14 2 3 A0..40 +72 14 3 1 F18 +72 14 4 6 I31 +72 14 5 12 H29 +72 14 6 4 J0..40 +72 14 7 7 I7 +72 14 8 5 H1 +72 14 9 19 G0 +72 15 1 2 C8 +72 15 2 3 A0..40 +72 15 3 18 C13 +72 15 4 20 C13 +72 15 5 1 F20 +72 15 6 8 B31 +72 15 7 10 D37 +72 15 8 17 G40 +72 15 9 15 G31 +72 15 10 7 I3 +72 15 11 4 J0..40 +72 15 12 5 G3 +72 16 1 3 A0..40 +72 16 2 2 C9 +72 16 3 1 C17 +72 16 4 7 G8,9 +72 16 5 4 J0..40 +72 16 6 5 F4 +72 17 1 3 A0..40 +72 17 2 2 C11 +72 17 3 1 F17 +72 17 4 6 E38 +72 17 5 10 F40 +72 17 6 4 J0..40 +72 17 7 11 J0..40 +72 17 8 5 G2 +72 18 1 3 A0..40 +72 18 2 2 D5..7 +72 18 3 1 F17G17H17 +72 18 4 8 B1..8,31..40 +72 18 5 15 G32..35 +72 18 6 6 H33 +72 18 7 7 H6..11 +72 18 8 9 F6..12 +72 18 9 5 G4H4 +72 18 10 4 J0..40 +72 19 1 3 A0..40B0C0D0 +72 19 2 2 D6,7 +72 19 3 1 F26 +72 19 4 10 D35..40 +72 19 5 6 G33..36 +72 19 6 4 H0I0J0..40 +72 19 7 5 G1H1 +72 19 8 8 E0F0G0 +72 20 1 8 C2 +72 20 2 3 A0..40 +72 20 3 2 C10 +72 20 4 1 G17H18 +72 20 5 6 E38 +72 20 6 15 F28 +72 20 7 4 J0..40 +72 20 8 7 H8 +72 20 9 11 H0 +72 20 10 5 F4 +72 21 1 3 A0..40 +72 21 2 2 C11 +72 21 3 15 D15 +72 21 4 1 G21 +72 21 5 6 C38 +72 21 6 4 J0..40 +72 21 7 7 G6 +72 21 8 5 F2 +72 22 1 8 C3 +72 22 2 3 A0..40 +72 22 3 2 C10 +72 22 4 1 F19 +72 22 5 6 H35 +72 22 6 15 G18 +72 22 7 4 J0..40 +72 22 8 11 I5 +72 22 9 7 H5 +72 22 10 5 G1 +72 23 1 8 B5 +72 23 2 5 F11 +72 23 3 3 A0..40 +72 23 4 2 C12 +72 23 5 1 D17 +72 23 6 12 G39 +72 23 7 15 H31 +72 23 8 4 J0..40 +72 24 1 3 A0..40 +72 24 2 2 D9,10 +72 24 3 1 H17 +72 24 4 21 F34 +72 24 5 10 F39 +72 24 6 6 H34I34 +72 24 7 12 I22 +72 24 8 7 H6 +72 24 9 11 J0..40 +72 24 10 4 J0..40 +72 24 11 5 H1 +72 24 12 9 G0 +72 24 13 8 C0D0 +72 25 1 3 A0..40 +72 25 2 2 C8,9 +72 25 3 1 E19,20 +72 25 4 8 C34,35 +72 25 5 10 D35 +72 25 6 6 F36,37 +72 25 7 5 G39,40 +72 25 8 11 J0..40 +72 25 9 4 J0..40 +72 25 10 11 I5,6 +72 25 11 7 I5,6 +72 25 12 22 J0..40 +73 1 1 S E18 +73 1 2 I H31 +73 1 3 N G40 +73 1 4 U A0 +73 2 1 S E17 +73 2 2 N F1 +73 2 3 I J0 +73 2 4 U A0 +73 3 1 D G2 +73 3 2 I J0 +73 3 3 S I17 +73 3 4 U A0 +73 4 1 U A0 +73 4 2 N D1 +73 4 3 D F2 +73 4 4 Z D4 +73 4 5 T B7 +73 4 6 S F18 +73 4 7 M F26 +73 4 8 I J0 +73 4 9 A D25 +73 5 1 N F39 +73 5 2 I J0 +73 5 3 B E5 +73 5 4 D F2 +73 5 5 S D20 +73 5 6 U A0 +73 6 1 S H32 +73 6 2 I J0 +73 6 3 N H40 +73 6 4 U A0 +73 7 1 R E4 +73 7 2 U A0 +73 7 3 G C8 +73 7 4 S D17E27 +73 7 5 I H31 +73 7 6 D F40 +73 8 1 U A0 +73 8 2 I J0 +73 8 3 D G1 +73 8 4 G C9 +73 8 5 S F20 +73 9 1 S D15 +73 9 2 U A0 +73 9 3 I J0 +73 9 4 D F2 +73 10 1 S D16 +73 10 2 U A0 +73 10 3 I J0 +73 10 4 D G1 +73 11 1 N F1I2 +73 11 2 D G1 +73 11 3 U A0 +73 11 4 I J0 +73 11 5 M I35 +73 11 6 S D15 +73 11 7 G C8 +73 12 1 B G0 +73 12 2 G F4 +73 12 3 U A0 +73 12 4 D F40 +73 12 5 R H30 +73 12 6 I G26 +73 12 7 M H26 +73 12 8 S E18 +73 13 1 U A0 +73 13 2 I J0 +73 13 3 S E27 +73 13 4 D F4 +73 14 1 U A0 +73 14 2 S D12 +73 14 3 N E4 +73 14 4 I J0 +73 15 1 N F39 +73 15 2 T C11 +73 15 3 I J0 +73 15 4 S B11,12C12 +73 15 5 X A0I16 +73 16 1 U A0 +73 16 2 N F1 +73 16 3 S F33 +73 16 4 I J0 +73 17 1 S C37 +73 17 2 I J0 +73 17 3 N E40 +73 17 4 X A0 +73 18 1 G C11 +73 18 2 D G2 +73 18 3 I J0 +73 18 4 U A0 +73 18 5 S D14 +74 1 1 A G17 +74 1 2 B G40 +74 1 3 BI J0 +74 1 4 K B0 +74 2 1 A G19 +74 2 2 B F39 +74 2 3 BI J0 +74 2 4 K A0 +74 3 1 A F17 +74 3 2 B F1 +74 3 3 BI J0 +74 3 4 K A0 +74 4 1 A E18 +74 4 2 B G2 +74 4 3 BI J0 +74 4 4 K A0 +74 5 1 A G20 +74 5 2 B F39 +74 5 3 BI J0 +74 5 4 K A0 +74 6 1 A G20 +74 6 2 B G1 +74 6 3 BI J0 +74 6 4 K A0 +74 7 1 A G18 +74 7 2 B F1 +74 7 3 BI J0 +74 7 4 K A0 +74 8 1 A G19 +74 8 2 B G3 +74 8 3 BI J0 +74 8 4 K A0 +74 9 1 A G19 +74 9 2 B H3 +74 9 3 BI J0 +74 9 4 K A0 +74 10 1 A F22 +74 10 2 B G3 +74 10 3 BI J0 +74 10 4 K A0 +74 11 1 A F18 +74 11 2 B G3 +74 11 3 BI J0 +74 11 4 K A0 +74 12 1 A G18 +74 12 2 B F3 +74 12 3 BI J0 +74 12 4 K A0 +74 13 1 A F16 +74 13 2 B G2 +74 13 3 BI J0 +74 13 4 K A0 +74 14 1 A G18 +74 14 2 B F39 +74 14 3 BI J0 +74 14 4 K A0 +74 15 1 A G20 +74 15 2 B G40 +74 15 3 BI J0 +74 15 4 K A0 +74 16 1 A F20 +74 16 2 B F39 +74 16 3 BI I0 +74 16 4 K C0 +74 17 1 A F16 +74 17 2 B G2 +74 17 3 BI J0 +74 17 4 K A0 +74 18 1 A F17 +74 18 2 B G1 +74 18 3 BI J0 +74 18 4 K A0 +74 19 1 A H28 +74 19 2 B F2 +74 19 3 BI J0 +74 19 4 K A0 +74 20 1 A F19 +74 20 2 B F2 +74 20 3 BI J0 +74 20 4 K A0 +74 21 1 A E20 +74 21 2 B F38 +74 21 3 BI J0 +74 21 4 K A0 +74 22 1 A F21 +74 22 2 B F4 +74 22 3 BI J0 +74 22 4 K A0 +74 23 1 A F15 +74 23 2 B G2 +74 23 3 BI J0 +74 23 4 K A0 +74 24 1 A G22 +74 24 2 B G40 +74 24 3 BI J0 +74 24 4 K A0 +74 25 1 A F22 +74 25 2 B G2 +74 25 3 BI J0 +74 25 4 K A0 +75 1 1 V A0 +75 1 2 R E1 +75 1 3 ME G4 +75 1 4 MA D7 +75 1 5 C F16 +75 1 6 G H31 +75 1 7 K J0 +75 2 1 V A0 +75 2 2 ME F4 +75 2 3 MA C10 +75 2 4 G I11 +75 2 5 C E18 +75 2 6 R C40 +75 2 7 K J0 +75 3 1 V A0 +75 3 2 ME G2 +75 3 3 G F8 +75 3 4 MA B11 +75 3 5 C E21 +75 3 6 R H40 +75 3 7 K J0 +75 4 1 V A0 +75 4 2 G F0 +75 4 3 ME G1 +75 4 4 MA B10 +75 4 5 C F17 +75 4 6 R E38 +75 4 7 K J0 +75 5 1 V A0 +75 5 2 ME C1 +75 5 3 MA E1 +75 5 4 G I3 +75 5 5 R D6 +75 5 6 C C20 +75 5 7 K J0 +75 6 1 V A0 +75 6 2 ME E4 +75 6 3 MA C11 +75 6 4 G G13 +75 6 5 C D18 +75 6 6 NY D26 +75 6 7 Z H26 +75 6 8 J G30 +75 6 9 R D37 +75 6 10 K J0 +75 7 1 V A0 +75 7 2 G D0 +75 7 3 Z F0 +75 7 4 MA C1 +75 7 5 ME G2 +75 7 6 C F28 +75 7 7 R E33 +75 7 8 K J0 +75 8 1 V A0 +75 8 2 Z C0 +75 8 3 G F0 +75 8 4 ME F4 +75 8 5 MA C9 +75 8 6 C E20 +75 8 7 R C36 +75 8 8 K J0 +75 9 1 V A0 +75 9 2 Z D0 +75 9 3 G E0 +75 9 4 ME G1 +75 9 5 MA C8 +75 9 6 C F18 +75 9 7 R E34 +75 9 8 K J0 +75 10 1 V A11 +75 10 2 MA B10 +75 10 3 ME F2 +75 10 4 G H0 +75 10 5 C E16 +75 10 6 N D28 +75 10 7 R E36 +75 10 8 K J12 +75 11 1 V A0 +75 11 2 R D2 +75 11 3 ME G2 +75 11 4 MA C11 +75 11 5 C D17 +75 11 6 N D26 +75 11 7 G I14 +75 11 8 K J0 +75 12 1 V A0 +75 12 2 ME F4 +75 12 3 MA C8 +75 12 4 G H10 +75 12 5 C C17 +75 12 6 R F33 +75 12 7 K J0 +75 13 1 V A0 +75 13 2 ME F3 +75 13 3 MA C10 +75 13 4 G I10 +75 13 5 C F18 +75 13 6 N D29 +75 13 7 R C39 +75 13 8 K J0 +75 14 1 V A0 +75 14 2 Z D0 +75 14 3 ME G1 +75 14 4 R B6 +75 14 5 MA C8 +75 14 6 C C16 +75 14 7 G C34 +75 14 8 K J0 +75 15 1 V A0 +75 15 2 G G0 +75 15 3 ME G2 +75 15 4 MA C12 +75 15 5 C E23 +75 15 6 R E40 +75 15 7 K J0 +75 16 1 V A0 +75 16 2 ME F3 +75 16 3 G H9 +75 16 4 MA C11 +75 16 5 C E18 +75 16 6 R D35 +75 16 7 K J0 +75 17 1 V A0 +75 17 2 G F0 +75 17 3 ME G1 +75 17 4 MA C8 +75 17 5 C F17 +75 17 6 R D39 +75 17 7 K J0 +75 18 1 V A0 +75 18 2 Z H8 +75 18 3 G F9 +75 18 4 K J0 +75 18 5 C E25 +75 18 6 R D33 +75 18 7 ME F40 +75 18 8 MA C9 +75 19 1 V A0 +75 19 2 ME F4 +75 19 3 MA C9 +75 19 4 C E17 +75 19 5 G J24 +75 19 6 N F29 +75 19 7 R D40 +75 19 8 K J0 +75 20 1 V A0 +75 20 2 G G0 +75 20 3 R B1 +75 20 4 K J1 +75 20 5 MA C10 +75 20 6 C D16 +75 20 7 N C26 +75 20 8 J G30 +75 20 9 ME G38 +75 21 1 V A0 +75 21 2 Z F0 +75 21 3 ME F1 +75 21 4 G G7 +75 21 5 MA C9 +75 21 6 C G28 +75 21 7 K J0 +75 21 8 R F37 +75 22 1 V A0 +75 22 2 Z F0 +75 22 3 ME G1 +75 22 4 G I4 +75 22 5 MA B12 +75 22 6 C G19 +75 22 7 R D36 +75 22 8 K J0 +75 23 1 V A0 +75 23 2 Z E0 +75 23 3 G H0 +75 23 4 ME G1 +75 23 5 MA C9 +75 23 6 C F16 +75 23 7 R E38 +75 23 8 K J0 +75 24 1 V A0 +75 24 2 G F0 +75 24 3 ME F2 +75 24 4 MA C13 +75 24 5 C F21 +75 24 6 D E33 +75 24 7 L I33 +75 24 8 R C39 +75 24 9 K J0 +75 25 1 V A0 +75 25 2 ME D5 +75 25 3 MA C12 +75 25 4 C C16 +75 25 5 K J22 +75 25 6 G E23 +75 25 7 R C37 +76 1 1 W E6 +76 1 2 C B3 +76 1 3 A A0..40 +76 1 4 N C12 +76 1 5 T H25 +76 1 6 5 F13 +76 1 7 X I14 +76 1 8 H J0..40 +76 1 9 U H3 +76 1 10 3 G2 +76 2 1 A A0..40 +76 2 2 U C5 +76 2 3 N C12 +76 2 4 T C28 +76 2 5 W F9 +76 2 6 H J0..11 +76 3 1 DA D6 +76 3 2 W C10 +76 3 3 A A0..40 +76 3 4 C B37 +76 3 5 U E3 +76 3 6 H J0..40 +76 3 7 T G28 +76 3 8 N E16 +76 3 9 I I9 +76 3 10 3 F2 +76 3 11 TP F37 +76 4 1 A A0..40 +76 4 2 M D10 +76 4 3 N D8 +76 4 4 W E19 +76 4 5 T E34 +76 4 6 I H6 +76 4 7 G F4 +76 4 8 H J0..40 +76 4 9 U G1 +76 5 1 A A0..5 +76 5 2 U C3 +76 5 3 W C12 +76 5 4 5 G22 +76 5 5 WY H26 +76 5 6 L D10 +76 5 7 H J0..24 +76 5 8 I D7 +76 6 1 I D4 +76 6 2 N D6 +76 6 3 T F15 +76 6 4 A A0..40 +76 6 5 W F37 +76 6 6 H J0..40 +76 6 7 G H3 +76 6 8 U G1 +76 7 1 A A0..8 +76 7 2 N C8 +76 7 3 W G18 +76 7 4 T I38 +76 7 5 H J25..40 +76 7 6 U G1 +76 8 1 A A0..40 +76 8 2 H J0..40 +76 8 3 U F3 +76 9 1 D B3 +76 9 2 A A0..40 +76 9 3 N C10 +76 9 4 U G40 +76 9 5 T H38 +76 9 6 H J0..40 +76 9 7 W D3 +76 9 8 L G1 +76 9 9 R E0 +76 10 1 A A0..40 +76 10 2 N C9 +76 10 3 W C12 +76 10 4 T F28 +76 10 5 H J0..40 +76 10 6 I F7 +76 10 7 U G2 +76 11 1 A A0..40 +76 11 2 I C12 +76 11 3 T C16 +76 11 4 W D16 +76 11 5 H J0..40 +76 11 6 U F4 +76 12 1 R B1 +76 12 2 W E5 +76 12 3 I C8 +76 12 4 A A0..40 +76 12 5 T F29 +76 12 6 H J0..40 +76 12 7 U G0 +76 12 8 M D1 +76 13 1 N D11 +76 13 2 R E15 +76 13 3 W I38 +76 13 4 A A14..40 +76 13 5 H J23..40 +76 13 6 O I6 +76 13 7 U F2 +76 14 1 A A0..40 +76 14 2 W D8 +76 14 3 N D14 +76 14 4 H J0..40 +76 14 5 U G1 +76 15 1 A A0..17 +76 15 2 N C9 +76 15 3 K B10 +76 15 4 R D19 +76 15 5 W E10 +76 15 6 Y C32 +76 15 7 C B34 +76 15 8 U F38 +76 15 9 H J22..40 +76 15 10 Q I27 +76 15 11 S E25 +76 15 12 L F20 +76 15 13 DA D17 +76 15 14 T G12 +76 16 1 E C5 +76 16 2 A A0..40 +76 16 3 N C8 +76 16 4 F D13 +76 16 5 M C16 +76 16 6 W D16 +76 16 7 T H29 +76 16 8 H J0..40 +76 16 9 I E9 +76 16 10 U G1 +76 16 11 G E4 +76 17 1 P E2 +76 17 2 A A0..40 +76 17 3 K C9 +76 17 4 W C9 +76 17 5 N F16 +76 17 6 T G28 +76 17 7 E F13 +76 17 8 I F8 +76 17 9 H J0..40 +76 17 10 U G1 +76 17 11 G F4 +76 18 1 K C4 +76 18 2 C C0 +76 18 3 N C9 +76 18 4 A A0..40 +76 18 5 L D12 +76 18 6 W D17 +76 18 7 T D29 +76 18 8 DA D38 +76 18 9 F H38 +76 18 10 M F36 +76 18 11 5 I35 +76 18 12 R G13 +76 18 13 E F11 +76 18 14 H J0..40 +76 18 15 X I8 +76 18 16 U G1 +76 18 17 3 H2 +76 18 18 I I6 +76 18 19 O F10 +76 19 1 A A0..40 +76 19 2 GU E21 +76 19 3 M D40 +76 19 4 W F38 +76 19 5 N G18 +76 19 6 H J0..40 +76 19 7 U G2 +76 20 1 A A0..40 +76 20 2 V E40 +76 20 3 M H40 +76 20 4 Z I40 +76 20 5 W G40 +76 20 6 U F40 +76 20 7 H J0..40 +76 21 1 U F2 +76 21 2 G D2 +76 21 3 N C9 +76 21 4 A A0..40 +76 21 5 W G17 +76 21 6 T F12 +76 21 7 H J0..40 +76 21 8 E F8 +76 21 9 I H2 +76 21 10 U F2 +76 22 1 Q C5 +76 22 2 A A0..40 +76 22 3 R D7 +76 22 4 DR I10 +76 22 5 H J0..40 +76 22 6 U F7 +76 22 7 W F5 +76 22 8 N E6 +76 23 1 N D12 +76 23 2 A A0..40 +76 23 3 G H39 +76 23 4 W F39 +76 23 5 I H37 +76 23 6 T H28 +76 23 7 H J0..40 +76 23 8 U G2 +76 24 1 N C9 +76 24 2 A A0..40 +76 24 3 W D40 +76 24 4 U F40 +76 24 5 M E40 +76 24 6 R I17 +76 24 7 H J0..40 +76 24 8 T H6 +76 24 9 I F6 +76 25 1 G D4 +76 25 2 I D4 +76 25 3 N C9 +76 25 4 K C9 +76 25 5 T E19 +76 25 6 A A0..40 +76 25 7 H J0..40 +76 25 8 U G3 +77 1 1 W J0 +77 1 2 F A0 +77 1 3 N G36..40 +77 2 1 W J0 +77 2 2 F A0 +77 2 3 N F40 +77 3 1 F A0 +77 3 2 W J0 +77 3 3 N E38..40 +77 4 1 F A0 +77 4 2 W J0 +77 4 3 N C5..7 +77 5 1 F A0 +77 5 2 W J0 +77 5 3 N G35..40 +77 6 1 F A0 +77 6 2 W J0 +77 6 3 N G35..40 +77 7 1 F B0,1 +77 7 2 W J0 +77 7 3 N H1,2 +77 8 1 F A0 +77 8 2 W J0 +77 8 3 N C1..3 +77 9 1 F A0 +77 9 2 W J0 +77 9 3 N G1 +77 10 1 F A0 +77 10 2 W J0 +77 10 3 N G36..40 +77 10 4 B C30..34 +77 11 1 F A0 +77 11 2 W J0 +77 11 3 N G40 +77 12 1 F A0 +77 12 2 W J0 +77 12 3 N C11,12 +77 13 1 F A0 +77 13 2 W J0 +77 13 3 N I38..40 +77 13 4 B C32..34 +77 14 1 F A0 +77 14 2 W J0 +77 14 3 N H1..3 +77 14 4 B D0 +77 15 1 F A0 +77 15 2 W J0 +77 15 3 N G1,2 +77 15 4 B E0 +77 16 1 F A0 +77 16 2 W J0 +77 16 3 N C1..6 +77 16 4 B D0 +77 17 1 F A0 +77 17 2 W J0 +77 17 3 N E38..40 +77 17 4 B C0 +77 18 1 F A0 +77 18 2 W J0 +77 18 3 N F1,2 +77 18 4 B C32,33 +77 19 1 F A0 +77 19 2 W J0 +77 19 3 N G1..5 +77 20 1 F A0 +77 20 2 W J0 +77 20 3 N F39,40 +77 20 4 B C31..35 +77 21 1 F A0 +77 21 2 W J0 +77 21 3 N G38..40 +77 22 1 F A0 +77 22 2 W J0 +77 22 3 N G36..40 +77 23 1 F B0 +77 23 2 W J0 +77 23 3 N E1..4 +77 24 1 F A0 +77 24 2 W J0 +77 24 3 N H1 +77 25 1 F A0 +77 25 2 W J0 +77 25 3 N E1..5 +77 26 1 F A0 +77 26 2 W J0 +77 26 3 N H1,2 +77 26 4 B C31..35 +77 27 1 F A0 +77 27 2 W J0 +77 27 3 N D37..40 +77 28 1 F A0 +77 28 2 W J0 +77 28 3 N G38..40 +77 28 4 B C31..35 +77 29 1 F A0 +77 29 2 W J0 +77 29 3 N C7..11 +77 29 4 B C0 +78 1 1 CI H1 +78 1 2 KO D8 +78 1 3 SO F17 +78 1 4 NE F29 +78 1 5 TE F33 +78 2 1 TE D0 +78 2 2 CI G2 +78 2 3 TL G7 +78 2 4 KO C9 +78 2 5 SO G19 +78 2 6 NE G28 +78 2 7 MO H33 +78 3 1 TE G0 +78 3 2 CI H2 +78 3 3 KA I5 +78 3 4 SO H21 +78 3 5 NE H28 +78 3 6 MO G32 +78 3 7 R D38 +78 4 1 TE E1 +78 4 2 CI G2 +78 4 3 KO C8 +78 4 4 KC G10 +78 4 5 SO G18 +78 4 6 NE F27 +78 4 7 MO G34 +78 5 1 CI G2 +78 5 2 KO C11 +78 5 3 SO H19 +78 5 4 NE F28 +78 6 1 CI G0 +78 6 2 KA G6 +78 6 3 KO C9 +78 6 4 SO F17 +78 6 5 NE G28 +78 6 6 MO E33 +79 1 1 B C8 +79 1 2 F A0..40 +79 1 3 J F16 +79 1 4 J J0..40 +79 1 5 M H29 +79 1 6 S G1 +79 1 7 T H33 +79 2 1 B C10 +79 2 2 F A0..40 +79 2 3 J J0..40 +79 2 4 M F19 +79 2 5 S G2 +79 2 6 T H37 +79 3 1 B C10 +79 3 2 M G17 +79 3 3 S G2 +79 3 4 T G38 +79 4 1 B C9 +79 4 2 F A0..40 +79 4 3 J J0..40 +79 4 4 M H29 +79 4 5 S G1 +79 5 1 B C9 +79 5 2 F A0..40 +79 5 3 J G16 +79 5 4 J J0..40 +79 5 5 M H31 +79 5 6 S F4 +79 5 7 T I34 +79 5 8 U I5 +79 6 1 B C11 +79 6 2 F A0..40 +79 6 3 J J0..40 +79 6 4 M H17 +79 6 5 S G2 +79 6 6 T G37 +79 7 1 B C9 +79 7 2 F A0..40 +79 7 3 J J0..40 +79 7 4 M F17 +79 7 5 S G2 +79 7 6 T H34 +79 8 1 B C9 +79 8 2 F A0..40 +79 8 3 J J0..40 +79 8 4 M F29 +79 8 5 S G1 +79 8 6 T H32 +79 9 1 B C9 +79 9 2 F A0..40 +79 9 3 J F14 +79 9 4 J J0..40 +79 9 5 M G28 +79 9 6 S G3 +79 9 7 T I38 +79 10 1 B B9 +79 10 2 F A0..40 +79 10 3 J J0..40 +79 10 4 M F17 +79 10 5 M G17 +79 10 6 M H17 +79 10 7 O B20 +79 10 8 S G1 +79 10 9 T D33 +79 11 1 B C10 +79 11 2 F A0..40 +79 11 3 J J0..40 +79 11 4 M G17 +79 11 5 S G1 +79 11 6 T I33 +79 12 1 B C7 +79 12 2 F A0..40 +79 12 3 J J0..40 +79 12 4 M G30 +79 12 5 S G1 +79 12 6 T H34 +79 13 1 B D8 +79 13 2 F A0..40 +79 13 3 J J0..40 +79 13 4 M D16 +79 13 5 S H1 +79 13 6 T F32 +79 14 1 B C6..12 +79 14 2 F A0..40 +79 14 3 J G10,11 +79 14 4 J J0..40 +79 14 5 M F18,19 +79 14 6 M G18,19 +79 14 7 S G2,3 +79 14 8 S H2,3 +79 14 9 T H36,37 +79 14 10 T I36,37 +79 15 1 B D8 +79 15 2 M F17 +79 15 3 M G29 +79 15 4 S C2 +79 15 5 T H33 +79 16 1 B F14 +79 16 2 F A0..40 +79 16 3 J J0..40 +79 16 4 M G18 +79 16 5 S G1 +79 17 1 B C9 +79 17 2 F A0..40 +79 17 3 J H18 +79 17 4 J J0..40 +79 17 5 M F16 +79 17 6 S G1 +79 17 7 S H1 +79 17 8 T I34 +79 18 1 B C9 +79 18 2 F A0..40 +79 18 3 J J0..40 +79 18 4 M F19 +79 18 5 S G1 +79 18 6 T I36 +79 19 1 B D9 +79 19 2 F A0..40 +79 19 3 J J0..40 +79 19 4 M F19 +79 19 5 S H2 +79 19 6 T I40 +79 20 1 B D6,7 +79 20 2 B E6..8 +79 20 3 J H19..21 +79 20 4 M H29 +79 20 5 S G1..3 +79 20 6 T H33 +79 21 1 B C11 +79 21 2 F A0..40 +79 21 3 J G19 +79 21 4 J J0..40 +79 21 5 M F28 +79 21 6 S G40 +79 21 7 T F34 +79 21 8 U I40 +79 22 1 B C9 +79 22 2 F A0..40 +79 22 3 J J0..40 +79 22 4 M G29 +79 22 5 S F2 +79 22 6 T G36 +79 23 1 B D6..8 +79 23 2 F A0..40 +79 23 3 J H16,17 +79 23 4 J J0..40 +79 23 5 M G17..19 +79 23 6 O B29,30 +79 23 7 O C29,30 +79 23 8 S G1 +79 23 9 T H36 +79 23 10 U I4,5 +79 24 1 B C8 +79 24 2 F A0..40 +79 24 3 J J0..40 +79 24 4 M G18 +79 24 5 S G3 +79 24 6 T G34 +79 25 1 B C9 +79 25 2 F A0..40 +79 25 3 J J0..40 +79 25 4 M F19 +79 25 5 S H2 +80 1 1 T A0..40B0,30..33 +80 1 2 O C10..12 +80 1 3 C E16..20 +80 1 4 W G36..40 +80 1 5 U I0J0..40 +80 2 1 T A0..40 +80 2 2 O C8..10 +80 2 3 C F17..20 +80 2 4 U J0..40 +80 2 5 W H1..3 +80 3 1 T A0..40B0..7,33..35 +80 3 2 O C9 +80 3 3 C E19 +80 3 4 I F33 +80 3 5 W H2 +80 3 6 U I0J0..40 +80 4 1 T A0..40B0 +80 4 2 O G8 +80 4 3 W G36 +80 4 4 I G31 +80 4 5 C G21 +80 4 6 U I0,9..33J0..40 +80 5 1 O C10 +80 5 2 C E20 +80 5 3 T A7..40 +80 5 4 W G39 +80 5 5 U J18..40 +80 6 1 T A0..40 +80 6 2 O C9 +80 6 3 C F15 +80 6 4 U I0,5..33J0..40 +80 6 5 W G1 +80 7 1 T A0..40B0 +80 7 2 O C9 +80 7 3 I H38 +80 7 4 C G23 +80 7 5 M G7 +80 7 6 W G1 +80 7 7 U I0J0..40 +80 8 1 W C4 +80 8 2 T A0..40B0 +80 8 3 U I0J0..40 +80 8 4 C F24 +80 8 5 O E6 +80 9 1 T A0..40B0 +80 9 2 W G39 +80 9 3 U I0J0..40 +80 9 4 C G21,29 +80 9 5 O E6 +80 10 1 T A0..40B0,28..40 +80 10 2 O C9 +80 10 3 C F23..26 +80 10 4 I G33 +80 10 5 W H1,2 +80 10 6 U J0..40 +80 11 1 T A0..40B0,29..40 +80 11 2 O C8 +80 11 3 C C15 +80 11 4 I F33 +80 11 5 U I0,10..14J0..40 +80 12 1 T A0..40 +80 12 2 U J0..11,32..40 +80 12 3 C H18 +80 12 4 O C8 +80 12 5 W H1 +80 13 1 O D1 +80 13 2 T A0..40 +80 13 3 C F29 +80 13 4 W H1 +80 13 5 U I0,9,29J0..40 +80 14 1 T A0..40B0 +80 14 2 O C9 +80 14 3 C E19 +80 14 4 W G40 +80 14 5 I H32 +80 14 6 I H32 +80 14 7 A G28 +80 14 8 U H0I0,11..14J0..40 +80 15 1 T A0..40 +80 15 2 O C9 +80 15 3 W G40 +80 15 4 C F29 +80 15 5 U I0J0..40 +80 16 1 T A0..40 +80 16 2 O D7 +80 16 3 C H28 +80 16 4 U J0..40 +80 16 5 W H1 +80 17 1 T A0..40B0 +80 17 2 I H38..40 +80 17 3 C H28..30 +80 17 4 O G6,7 +80 17 5 W H1..3 +80 17 6 U I0J0..40 +80 18 1 T A0..40B0..8,15..40 +80 18 2 O E5 +80 18 3 C F17 +80 18 4 U I0,7..24J0..40 +80 18 5 W H2 +80 19 1 T A0..40 +80 19 2 O C8 +80 19 3 C F27 +80 19 4 U I0J0..40 +80 19 5 W G1 +80 20 1 T A0..40B0 +80 20 2 O E10 +80 20 3 C H28 +80 20 4 W H3 +80 20 5 U I8..15J0..40 +80 21 1 T A1,2,10..40 +80 21 2 O B11 +80 21 3 C E19 +80 21 4 I E32 +80 21 5 W G3 +80 21 6 U I0J0..40 +80 22 1 O C9 +80 22 2 C E15 +80 22 3 T A0..40B15..32 +80 22 4 W G3 +80 22 5 U I0,5..34J0..40 +80 23 1 O C9E4 +80 23 2 C G18,29 +80 23 3 T A0..40B0,29..34 +80 23 4 I H33 +80 23 5 U I0,11..14J0..40 +80 23 6 W G1 +80 24 1 T A0..40B0 +80 24 2 O C9 +80 24 3 C E16 +80 24 4 I D38 +80 24 5 W G1 +80 24 6 M H8 +80 24 7 U I0J0..40 +80 25 1 T A0..40B0 +80 25 2 O C8 +80 25 3 C G29 +80 25 4 W H2 +80 25 5 U I0J0..32 +81 1 1 K A0 +81 1 2 HI G3 +81 1 3 Z B13 +81 1 4 N F16 +81 1 5 V J0 +81 2 1 K A0 +81 2 2 Z C8 +81 2 3 HI G1 +81 2 4 M I4 +81 2 5 N E20 +81 2 6 V J0 +81 3 1 K A0 +81 3 2 Z D6 +81 3 3 HI G1 +81 3 4 N F17 +81 3 5 V J0 +81 4 1 K A0 +81 4 2 Z C8 +81 4 3 HI G1 +81 4 4 V J0 +81 4 5 N F17 +81 4 6 B H31 +81 5 1 K A0 +81 5 2 Z B12 +81 5 3 HI G2 +81 5 4 V J0 +81 5 5 N F17 +81 5 6 B H34,35 +81 6 1 K A0 +81 6 2 HI F2,3 +81 6 3 Z B11,12 +81 6 4 N C22 +81 6 5 V J0 +81 7 1 K A0 +81 7 2 HI G2 +81 7 3 Z C8 +81 7 4 P C26 +81 7 5 B H29 +81 7 6 V J0 +81 7 7 N F17 +81 8 1 K A0 +81 8 2 Z C8 +81 8 3 HI G1 +81 8 4 N H19,21 +81 8 5 B I30,31 +81 8 6 V J0 +81 9 1 K A0 +81 9 2 Z C8 +81 9 3 N F16 +81 9 4 HI G1 +81 9 5 V J0 +81 9 6 NI D17 +81 10 1 K A0 +81 10 2 Z C8,9 +81 10 3 HI G1 +81 10 4 N F17 +81 10 5 B G28 +81 10 6 V J0 +81 11 1 K A0 +81 11 2 Z C9 +81 11 3 N D17 +81 11 4 HI G2 +81 11 5 V J0 +81 12 1 K A0 +81 12 2 Z C10 +81 12 3 N G28 +81 12 4 HI G40 +81 13 1 K A0 +81 13 2 Z C9 +81 13 3 B H20 +81 13 4 N G18 +81 13 5 V J0 +81 13 6 HI F40 +81 14 1 K A0 +81 14 2 Z C9 +81 14 3 N E18 +81 14 4 P E28 +81 14 5 B F27 +81 14 6 HI I40 +81 14 7 V J0 +81 15 1 K A0 +81 15 2 Z B11 +81 15 3 HI F2 +81 15 4 V J0 +81 15 5 B G29 +81 15 6 N D17 +81 16 1 K A0 +81 16 2 Z C9 +81 16 3 P C24 +81 16 4 B H29 +81 16 5 N F17 +81 16 6 HI G1 +81 16 7 V J0 +81 17 1 K A0 +81 17 2 Z C8 +81 17 3 N F17 +81 17 4 B H29 +81 17 5 HI F40 +81 17 6 V J0 +81 18 1 K A0 +81 18 2 Z C9 +81 18 3 N C17 +81 18 4 B D28 +81 18 5 V J0 +81 18 6 HI F3 +81 19 1 K A0 +81 19 2 N G19 +81 19 3 Z B12 +81 19 4 B G30 +81 19 5 V J0 +81 19 6 HI G1 +81 20 1 K A0 +81 20 2 M D2 +81 20 3 HI G2 +81 20 4 N G27 +81 20 5 V J0 +81 20 6 Z C11 +81 21 1 K A0 +81 21 2 HI F3 +81 21 3 Z C8 +81 21 4 V J0 +81 21 5 N F17 +81 21 6 B F29 +81 23 1 K A0 +81 23 2 Z C9,13 +81 23 3 V J0 +81 23 4 N F19,25 +81 23 5 G F38,40 +81 24 1 K A0 +81 24 2 Z C8 +81 24 3 HI G1 +81 24 4 N E26 +81 24 5 MT F34 +81 24 6 V J0 +82 1 1 P G1 +82 1 2 E C9 +82 1 3 K A10..12 +82 1 4 R G34 +82 1 5 WA G20 +82 2 1 E C12 +82 2 2 SJ B13 +82 2 3 WA F19 +82 2 4 W E26 +82 2 5 R D30 +82 2 6 K A32 +82 2 7 J C40 +82 2 8 P G40 +82 2 9 O J28 +82 2 10 A F16 +82 3 1 K A5 +82 3 2 E C8,9 +82 3 3 P F40 +82 3 4 W H30 +82 3 5 O J19 +82 3 6 WA G18 +82 3 7 A F16 +82 4 1 P H3 +82 4 2 E C9 +82 4 3 R E13 +82 4 4 K A0..40 +82 4 5 W F29 +82 4 6 O J0..40 +82 5 1 K A0 +82 5 2 E C9,10 +82 5 3 SJ C12 +82 5 4 A F18,19 +82 5 5 B C27 +82 5 6 O J40 +82 5 7 W G28 +82 5 8 P G1 +82 6 1 K A0..40 +82 6 2 E C8 +82 6 3 W E24 +82 6 4 P I40 +82 6 5 O J0..40 +82 7 1 K A0..40 +82 7 2 E C17 +82 7 3 W E30 +82 7 4 P G40 +82 7 5 O J0..40 +82 8 1 K A0..40 +82 8 2 E C10 +82 8 3 BR C14 +82 8 4 W G18 +82 8 5 M G35 +82 8 6 A G20 +82 8 7 O J1..40 +82 8 8 P G1 +82 9 1 K A0..40 +82 9 2 A E18 +82 9 3 W F29 +82 9 4 O J0..40 +82 9 5 P H3 +82 10 1 E D6 +82 10 2 K A19 +82 10 3 W G18 +82 10 4 A H19 +82 10 5 O J15 +82 10 6 P F1 +82 11 1 K A0..40 +82 11 2 E D6 +82 11 3 B B23 +82 11 4 W H23,24 +82 11 5 P G1 +82 11 6 O I0 +82 12 1 P G3 +82 12 2 E C9 +82 12 3 K A16 +82 12 4 BO D29 +82 12 5 W G30 +82 12 6 O J5 +82 13 1 BR C2 +82 13 2 E C9 +82 13 3 K A14..25 +82 13 4 W F19G19 +82 13 5 O J6..18 +82 13 6 P I1 +82 14 1 P G1 +82 14 2 E C9 +82 14 3 K A14..23 +82 14 4 W H19 +82 14 5 O J3..12 +82 15 1 K A0..40 +82 15 2 E C11 +82 15 3 R E16 +82 15 4 BR C25 +82 15 5 B C29 +82 15 6 P G40 +82 15 7 O J29..31 +82 15 8 W H28 +82 15 9 S I24 +82 15 10 A H18 +82 16 1 K A6 +82 16 2 E C8 +82 16 3 W G26 +82 16 4 O J1 +82 16 5 P H1 +82 17 1 K A1 +82 17 2 PO C2 +82 17 3 E C8 +82 17 4 A E18 +82 17 5 W G21 +82 17 6 O J0 +82 17 7 P F1 +82 18 1 P G3 +82 18 2 E C8 +82 18 3 WA B9 +82 18 4 B C25 +82 18 5 K A28 +82 18 6 W I29 +82 18 7 A I19 +82 18 8 O J7 +82 19 1 E C9 +82 19 2 K A0..39 +82 19 3 P G40 +82 19 4 O J40 +82 19 5 W G22 +83 1 1 DE A0..40 +83 1 2 SA G3 +83 1 3 PE B4 +83 1 4 HU I6 +83 1 5 HS C9 +83 1 6 SE I1 +83 1 7 TK H4 +83 1 8 HW D6 +83 1 9 SK F29 +83 1 10 DD J0..40 +83 2 1 DE A0..40 +83 2 2 HW G8 +83 2 3 HS D15 +83 2 4 SA F21 +83 2 5 TK D28 +83 2 6 SK I19 +83 2 7 DD J0..40 +83 3 1 SA F4 +83 3 2 DE A0..40 +83 3 3 HW C11 +83 3 4 HS E14 +83 3 5 SK F27 +83 3 6 DD J0..40 +83 4 1 DE A0..40 +83 4 2 HS C8 +83 4 3 HW C10 +83 4 4 TK E13 +83 4 5 SK E17 +83 4 6 DD J0..40 +83 4 7 PE B32 +83 4 8 SA G40 +83 5 1 SE G1 +83 5 2 SA G2 +83 5 3 DE A0..40 +83 5 4 HS C13 +83 5 5 TK F17 +83 5 6 PE A19 +83 5 7 DK E23 +83 5 8 SK G28 +83 5 9 HO E39 +83 5 10 DD J0..40 +83 6 1 DE A0..40 +83 6 2 HS B11 +83 6 3 SA B1..4C1..4D1..4E1..4F1..4G1..4H1..4I1..4 +83 6 4 DD J0..40 +83 6 5 PE B40 +83 7 1 DE A0..40 +83 7 2 HS C11 +83 7 3 DD J0..40 +83 7 4 PE G15 +83 7 5 SA G2 +83 8 1 HW C8 +83 8 2 DE A0..40 +83 8 3 HS C9 +83 8 4 HO E8 +83 8 5 SK G29 +83 8 6 SA G1 +83 8 7 DD J0..40 +83 8 8 HU J0..40 +83 9 1 DE A0..40 +83 9 2 SA F4 +83 9 3 HW C9 +83 9 4 HS C10 +83 9 5 TK B39 +83 9 6 DD J0..40 +83 10 1 DE A0..40 +83 10 2 HS C9 +83 10 3 PE B10 +83 10 4 SK E28 +83 10 5 SA F38 +83 10 6 DD H28 +83 10 7 U H29 +83 11 1 TK B5 +83 11 2 HO D6 +83 11 3 PE D7 +83 11 4 HW C9 +83 11 5 DE A0..40 +83 11 6 DD J0..40 +83 11 7 SA G1 +83 11 8 SK H29 +83 11 9 M G35 +83 12 1 TK D7 +83 12 2 HW C8 +83 12 3 HS C11 +83 12 4 DE A0..40 +83 12 5 DK C19 +83 12 6 SK E27 +83 12 7 DD J0..40 +83 12 8 HU G9 +83 12 9 SA F3 +83 13 1 DE A0..40 +83 13 2 HS C10 +83 13 3 HW B12 +83 13 4 PE B1..40 +83 13 5 SA G1 +83 13 6 DD J0..40 +84 1 1 DN E39 +84 1 2 MF E26 +84 1 3 FK C10 +84 1 4 KO C10 +84 1 5 WE A0 +84 1 6 BE G1 +84 1 7 BK J0 +84 1 8 GU G18 +84 1 9 NW G32 +84 1 10 BA I32 +84 2 1 KL G29 +84 2 2 BA E29 +84 2 3 WE A0 +84 2 4 KO C9 +84 2 5 DN C8 +84 2 6 BE E4 +84 2 7 BK J0 +84 3 1 WE A0 +84 3 2 GU E16 +84 3 3 KO C11 +84 3 4 FO E5 +84 3 5 BE G3 +84 3 6 SU H7 +84 3 7 BK J0 +84 3 8 BA G28 +84 3 9 JF H32 +84 4 1 GA E27..30 +84 4 2 GU G17..20H17..20 +84 4 3 MF E18..22 +84 4 4 KO C8,9 +84 4 5 PF E6 +84 4 6 WE A0 +84 4 7 FO E4,5F4 +84 4 8 BE G1..3 +84 4 9 PO I1..4 +84 4 10 BK J0 +84 4 11 MK H29,30 +84 4 12 JF H32..34 +84 5 1 PF C38..40 +84 5 2 AL G30,31 +84 5 3 AG H29 +84 5 4 MF F29 +84 5 5 GU H18..20 +84 5 6 KO C8..10 +84 5 7 AM D6,7 +84 5 8 FO D6,7 +84 5 9 GS D2 +84 5 10 WE A0 +84 5 11 BE G1,2 +84 5 12 BK J0 +84 5 13 SU I3 +84 5 14 PO I3 +84 6 1 WE A0 +84 6 2 DT E6 +84 6 3 KO C9 +84 6 4 FO F4 +84 6 5 KB E5 +84 6 6 SU I1 +84 6 7 BE G2 +84 6 8 GS I2 +84 6 9 PO I4 +84 6 10 KG G17 +84 6 11 BK J0 +84 6 12 GU H28 +84 6 13 JF H35 +84 7 1 PS G33 +84 7 2 BA I30 +84 7 3 GU G17 +84 7 4 BR G11 +84 7 5 KO C11 +84 7 6 BE G2 +84 7 7 WE A0 +84 7 8 BK J0 +84 8 1 JF G35 +84 8 2 BA G30 +84 8 3 BK J0 +84 8 4 SU H9 +84 8 5 BE G1 +84 8 6 AM F4 +84 8 7 FO E4 +84 8 8 WE A0 +84 8 9 KO C9 +84 8 10 GU E17 +84 9 1 WE A0 +84 9 2 BK J0 +84 10 1 PO H40I40 +84 10 2 BE G39,40 +84 10 3 PF E37..40 +84 10 4 JF F34,35G34,35 +84 10 5 BA G28,29H28,29 +84 10 6 GU F18,19 +84 10 7 KO C8,9 +84 10 8 AM E6..8 +84 10 9 WE A0 +84 10 10 BE G1,2 +84 11 1 PF F40 +84 11 2 WE A0 +84 11 3 KG E15 +84 11 4 KO C9 +84 11 5 FK D6 +84 11 6 AM E5F5 +84 11 7 BE G1 +84 11 8 GS I31 +84 11 9 JF H35 +84 11 10 BK J0 +84 11 11 PO I40 +84 12 1 PF D37 +84 12 2 WE A0 +84 12 3 KO D7 +84 12 4 AM F4 +84 12 5 BE H2 +84 12 6 PO I3 +84 12 7 BK J0 +84 12 8 GU G17 +84 12 9 BA G29 +84 12 10 JF I32 +84 13 1 BK J0 +84 13 2 BE H39 +84 13 3 JF G36 +84 13 4 GU E28 +84 13 5 KO C1 +84 13 6 WE A0 +84 13 7 FO F1 +84 14 1 BA H30 +84 14 2 TP G31 +84 14 3 JF F33,34 +84 14 4 PF D31,32E31,32 +84 14 5 AG F25..30 +84 14 6 FO E2..4 +84 14 7 WE A0 +84 14 8 KG E16 +84 14 9 KO C10 +84 14 10 BE G2 +84 14 11 BK J0 +84 15 1 GS I38 +84 15 2 SU I40 +84 15 3 NO G36 +84 15 4 BA I29 +84 15 5 GU F17 +84 15 6 KO C9 +84 15 7 WE A0 +84 15 8 FO E5 +84 15 9 BE G1 +84 15 10 BK J0 +84 16 1 BK J0 +84 16 2 KG F17 +84 16 3 JF E35 +84 16 4 GA E31G31 +84 16 5 SU H6 +84 16 6 MF E30 +84 16 7 AL G28 +84 16 8 BA I29 +84 16 9 PF H34 +84 16 10 WE A0 +84 16 11 FO C10 +84 16 12 KO D8 +84 16 13 DF F7 +84 16 14 BE G3 +84 16 15 GS I37 +84 17 1 JF I34 +84 17 2 BA F29 +84 17 3 GA D28 +84 17 4 KG F17 +84 17 5 KO C10 +84 17 6 FO D6 +84 17 7 BE G2 +84 17 8 FO E4 +84 17 9 GS D2 +84 17 10 WE A0 +84 17 11 BK J0 +84 17 12 GU H17 +84 18 1 BA H33 +84 18 2 GU G28 +84 18 3 GU G19 +84 18 4 WE A0 +84 18 5 KO C12 +84 18 6 FO E5 +84 18 7 BE G1 +84 18 8 SU I6 +84 18 9 BK J0 +84 18 10 PF D36 +84 18 11 JF F33 +84 19 1 JF H35 +84 19 2 BK J0 +84 19 3 BA H31 +84 19 4 GU G18 +84 19 5 KO B12,13 +84 19 6 FO E5 +84 19 7 WE A0 +84 19 8 BE G1 +84 19 9 GS H36 +84 20 1 JF H32 +84 20 2 BA I31 +84 20 3 GU F16 +84 20 4 KO C8 +84 20 5 BE F3 +84 20 6 FO E5 +84 20 7 AM G1 +84 20 8 WE A0 +84 20 9 SU I1 +84 20 10 BK J0 +84 21 1 JF H32 +84 21 2 KO C9 +84 21 3 SU G7 +84 21 4 WE A0 +84 21 5 DG H0I0 +84 21 6 BK J0 +84 21 7 BE G2 +84 21 8 FO F4 +84 21 9 GU F17 +84 21 10 BA G30 +84 22 1 JF I40 +84 22 2 PF G40 +84 22 3 WE A0 +84 22 4 BA G31H31 +84 22 5 GS H29 +84 22 6 AG H26,27 +84 22 7 GU H20 +84 22 8 KO C8,9 +84 22 9 FO F4 +84 22 10 BE G2 +84 22 11 SU I5..8 +84 22 12 BK J0 +84 23 1 WE A0 +84 23 2 KG E16 +84 23 3 GA G16H16 +84 23 4 PF D11 +84 23 5 FO E8 +84 23 6 KO D6 +84 23 7 AM E4 +84 23 8 SN F0 +84 23 9 BE I1 +84 23 10 GU H17 +84 23 11 BA I29 +84 23 12 JF I32 +84 23 13 BK J0 +84 24 1 SU G38 +84 24 2 GS F36 +84 24 3 GU F29 +84 24 4 KG D17 +84 24 5 FK C8 +84 24 6 KB D6 +84 24 7 WE A0 +84 24 8 SN C1 +84 24 9 BE F1 +84 24 10 BA H30 +84 24 11 NW G36 +84 24 12 BK J0 +84 25 1 GS G40 +84 25 2 FO E38 +84 25 3 AL D28 +84 25 4 GU E27F27 +84 25 5 BA E26 +84 25 6 KG D21 +84 25 7 WE A0 +84 25 8 KO E3 +84 25 9 BE G3 +84 25 10 BK J0 +85 1 1 E G2 +85 1 2 I H29 +85 1 3 S C11 +85 1 4 O A0 +85 1 5 P J0 +85 1 6 X H6 +85 1 7 WT G0 +85 1 8 WW D2 +85 2 1 E F2 +85 2 2 I G18 +85 2 3 S C13 +85 2 4 O A40 +85 2 5 P J39 +85 2 6 X G0 +85 3 1 E G1 +85 3 2 I H17 +85 3 3 S C11 +85 3 4 P J1 +85 3 5 X H10 +85 3 6 WT F39 +85 3 7 O A32 +85 4 1 O A0 +85 4 2 P I0 +85 4 3 WL D6 +85 4 4 X H10 +85 4 5 S C12 +85 4 6 I H21 +85 4 7 WP E37 +85 4 8 WT G40 +85 4 9 E G3 +85 5 1 X E0 +85 5 2 P J0 +85 5 3 E G1 +85 5 4 WL F4 +85 5 5 S C8 +85 5 6 I H29 +85 5 7 WT H36 +85 5 8 O A40 +85 5 9 WW E40 +85 6 1 X E0 +85 6 2 P J0..40 +85 6 3 E G2 +85 6 4 WL C8 +85 6 5 S C10 +85 6 6 I H29 +85 6 7 WT H35 +85 6 8 O A37 +85 6 9 WW D37 +85 7 1 X H0 +85 7 2 E G2 +85 7 3 S C10 +85 7 4 I G30 +85 7 5 O A32 +85 7 6 P J39 +85 7 7 WT G40 +85 8 1 X G0 +85 8 2 P J0..40 +85 8 3 E G2 +85 8 4 O A0..40 +85 8 5 S C9 +85 8 6 I H31 +85 8 7 WT F36 +85 9 1 X E0 +85 9 2 P J0..40 +85 9 3 E H3 +85 9 4 S D8 +85 9 5 I I18 +85 9 6 O A34 +85 9 7 WT I40 +85 10 1 E G3 +85 10 2 S C8 +85 10 3 X I9 +85 10 4 I H18 +85 10 5 O A24 +85 10 6 P J28 +85 10 7 WW D40 +85 11 1 X E0 +85 11 2 WP C2 +85 11 3 E H2 +85 11 4 S C10 +85 11 5 O A18 +85 11 6 I G17 +85 11 7 WT F39 +85 12 1 WT G0 +85 12 2 E G2 +85 12 3 WW C1 +85 12 4 O A3 +85 12 5 WL E5 +85 12 6 S C9 +85 12 7 P J5 +85 12 8 X G8 +85 12 9 I H17 +85 13 1 E G1 +85 13 2 P J1 +85 13 3 WL D6 +85 13 4 S C12 +85 13 5 X H10 +85 13 6 I H17 +85 13 7 WP D36 +85 13 8 O A40 +85 13 9 WT G40 +85 14 1 X E0F0 +85 14 2 E G1 +85 14 3 S C9 +85 14 4 O A25 +85 14 5 I H31 +85 14 6 P J37 +85 15 1 X E0 +85 15 2 O A3 +85 15 3 E G3 +85 15 4 S C9 +85 15 5 I H17 +85 15 6 WT E38 +85 15 7 WW C39 +85 15 8 P J40 +85 16 1 E G2 +85 16 2 WL E5 +85 16 3 X I10 +85 16 4 O A15 +85 16 5 I H18 +85 16 6 P J35 +85 16 7 WT F40 +85 16 8 S C11 +85 17 1 O A0..40 +85 17 2 P J0..40 +85 17 3 WL D6,7 +85 17 4 S C8,9 +85 17 5 X H6,7 +85 17 6 E G2,3 +85 17 7 I H19,20 +85 17 8 WT F40G40 +85 18 1 O A1 +85 18 2 X F0 +85 18 3 E G1 +85 18 4 P J1 +85 18 5 S C8 +85 18 6 WW D37 +85 18 7 I I30 +85 18 8 WT F39 +85 19 1 X E0 +85 19 2 E G3 +85 19 3 S C9 +85 19 4 P J30 +85 19 5 WT F40 +85 19 6 O A5 +85 19 7 I I30 +85 19 8 WW C39 +85 20 1 O A0..40 +85 20 2 E G0..2 +85 20 3 X C5,6 +85 20 4 S B11 +85 20 5 I H30 +85 20 6 P J40 +85 21 1 WL E5 +85 21 2 E H2 +85 21 3 S C11 +85 21 4 O A30 +85 21 5 I H28 +85 21 6 P J40 +85 22 1 E F4 +85 22 2 WW D3 +85 22 3 WL E5 +85 22 4 P J0..40 +85 22 5 X G7 +85 22 6 S C10 +85 22 7 I H19 +85 22 8 O A29 +85 22 9 WT G40 +85 23 1 O A0..40 +85 23 2 X E0F0G0 +85 23 3 WW D3 +85 23 4 E F4 +85 23 5 WL D6..8 +85 23 6 S C9 +85 23 7 I I30 +85 23 8 P J0..40 +85 23 9 WT H38..40 +85 24 1 O A0..40 +85 24 2 X I0 +85 24 3 E H1 +85 24 4 WL E7 +85 24 5 S D10 +85 24 6 I F30 +85 24 7 P J32 +85 24 8 WT G38 +85 24 9 WW E40 +85 25 1 E G1 +85 25 2 P J3 +85 25 3 X H7 +85 25 4 S C11 +85 25 5 I G21 +85 25 6 O A36 +86 1 1 FS G1..3 +86 1 2 FE C6,7 +86 1 3 AS C38..40 +86 1 4 BA E15,16 +86 1 5 AM F32,33 +86 2 1 FS G1..3 +86 2 2 FE C8..10 +86 2 3 CA F19..21G19..21 +86 2 4 AS C4..6 +86 2 5 MA E38..40 +86 3 1 FS G1..3 +86 3 2 FE C8,9 +86 3 3 CA H29..31 +86 3 4 BA H18..20 +86 3 5 MA E39,40 +86 4 1 FS G1..3 +86 4 2 FE C9..11 +86 4 3 CA G18..20 +86 4 4 MA C38..40 +86 5 1 FS G1..3 +86 5 2 XS I12..14 +86 5 3 GA A0..3 +86 6 1 FS G1..3 +86 6 2 FE C8,9 +86 6 3 CA H29..31 +86 6 4 BA G17..20 +86 6 5 MA C38..40 +86 7 1 FS G1..3 +86 7 2 FE C8..10 +86 7 3 MA C38..40 +86 7 4 CE H29..31 +86 8 1 FE C8,9 +86 8 2 TA G0 +86 8 3 AS C35..37 +86 8 4 XS H8..10 +86 8 5 HU J0..40 +86 9 1 FS G1..3 +86 9 2 FE C8,9 +86 9 3 CA G28..30 +86 9 4 MA D38..40 +86 10 1 FS G1..3 +86 10 2 FE C8..10 +86 10 3 CA H29..31 +86 10 4 AM G33..35H33..35 +86 11 1 FE C8,9 +86 11 2 TA G0 +86 11 3 AS C35..37 +86 11 4 XS H8..10 +86 11 5 HU J0..40 +86 12 1 FS G1..3 +86 12 2 FE C8,9 +86 12 3 CA H29..31 +86 12 4 MA C38..40 +86 13 1 FS G1..3 +86 13 2 FE C8,9 +86 13 3 TA I22..24 +86 13 4 AS D23..26 +86 14 1 FS G1..3 +86 14 2 FE C10..12 +86 14 3 CA F26..29G26..29 +86 14 4 AM H33..36 +86 15 1 FS G1..3 +86 15 2 FE C8,9 +86 15 3 TA I39,40 +86 15 4 AS D23..26 +86 16 1 FE C8,9 +86 16 2 TA G0 +86 16 3 AS C35..37 +86 16 4 XS H8..10 +86 16 5 HU J0..40 +86 17 1 FS G1..3 +86 17 2 FE C8..10 +86 17 3 CA H29..31 +86 17 4 MA C38..40 +86 18 1 FS G1..3 +86 18 2 FE C6,7 +86 18 3 AS C38..40 +86 18 4 BA E15,16 +86 18 5 AM F32..34 +86 19 1 FS G1..3 +86 19 2 FE C8..10 +86 19 3 CA H29..31 +86 19 4 MA C38..40 +86 20 1 FS G1..3 +86 20 2 FE C8,9 +86 20 3 BA G17..19 +86 20 4 MA C38..40 +86 21 1 FS G1..3 +86 21 2 FE C8..10 +86 21 3 CA H29..31 +86 21 4 AS C38..40 +86 22 1 FS G1..3 +86 22 2 FE C8,9 +86 22 3 CA H29..31 +86 22 4 BA G17..20 +86 22 5 MA C38..40 +86 23 1 FS G1..3 +86 23 2 FE C8,9 +86 23 3 TA I39,40 +86 23 4 AS D23..26 +86 24 1 FS G1..3 +86 24 2 FE C8..10 +86 24 3 CA G33..35H33..35 +86 24 4 BA E15,16 +86 24 5 MA C38..40 +86 25 1 FS G1..3 +86 25 2 FE C6,7 +86 25 3 AS C38..40 +86 25 4 BA E15,16 +86 25 5 AM F32..34 +87 1 1 S A0 +87 1 2 O J0 +87 1 3 I H1 +87 1 4 B I7 +87 1 5 C B13 +87 1 6 R E28 +87 1 7 N H33 +87 2 1 O J0 +87 2 2 S A0 +87 2 3 I H1 +87 2 4 C C11 +87 2 5 A H20 +87 2 6 R F29 +87 2 7 T H32 +87 3 1 S A0 +87 3 2 O J0 +87 3 3 I G1 +87 3 4 C C9 +87 3 5 A F17 +87 3 6 R F28 +87 3 7 N I30 +87 4 1 O J0 +87 4 2 S A0 +87 4 3 C C12 +87 4 4 A H17 +87 4 5 R F30 +87 4 6 N H32 +87 4 7 I G40 +87 5 1 O J0 +87 5 2 S A0 +87 5 3 I E4 +87 5 4 C C13 +87 5 5 R E15 +87 5 6 A E29 +87 6 1 S A0 +87 6 2 O J0 +87 6 3 I F4 +87 6 4 C B12 +87 6 5 A F17 +87 6 6 R E26 +87 7 1 S A0 +87 7 2 O J0 +87 7 3 I G1 +87 7 4 C C12 +87 7 5 R F29 +87 7 6 N F30 +87 8 1 S A0 +87 8 2 N G30 +87 8 3 O J0 +87 8 4 C C13 +87 8 5 R F29 +87 8 6 I F1..4G1..4 +87 9 1 I F2 +87 9 2 C C9 +87 9 3 N G17 +87 9 4 R F17 +87 9 5 S A0 +87 9 6 O J0 +87 10 1 I E40 +87 10 2 C C8 +87 10 3 R C15 +87 10 4 S A26 +87 10 5 O J0 +87 11 1 I I1 +87 11 2 C C10 +87 11 3 R I17 +87 11 4 S A1 +87 11 5 O J6 +87 12 1 I G40 +87 12 2 A F17 +87 12 3 R F29 +87 12 4 N G33 +87 12 5 C C9 +87 12 6 U B12 +87 12 7 S A0 +87 12 8 O J0 +87 13 1 I H1..3 +87 13 2 C C11 +87 13 3 R C16 +87 13 4 N F16 +87 13 5 S A0 +87 13 6 O J0 +87 14 1 I H40 +87 14 2 C D18 +87 14 3 R F29 +87 14 4 N E26 +87 14 5 S A0 +87 14 6 O F22..29G22..29 +87 15 1 S A0 +87 15 2 C D11 +87 15 3 R F16 +87 15 4 O J0 +87 15 5 I E40F40G40 +87 16 1 I G1 +87 16 2 C E16 +87 16 3 N F20 +87 16 4 R E23 +87 16 5 O G29 +87 16 6 S A13 +87 17 1 S A0 +87 17 2 O I26 +87 17 3 Q D3 +87 17 4 I F2 +87 17 5 U D6 +87 17 6 C C7 +87 17 7 A E17 +87 17 8 R F24 +87 18 1 S A3 +87 18 2 C C5 +87 18 3 R E25 +87 18 4 O G28 +87 18 5 T D32 +87 18 6 I E39 +87 19 1 S A0 +87 19 2 O J0 +87 19 3 I F1 +87 19 4 C E12 +87 19 5 N F21 +87 19 6 R E29 +87 20 1 C C10 +87 20 2 R E28 +87 20 3 T F33 +87 20 4 S A40 +87 20 5 I G40 +87 20 6 O J40 +87 21 1 C E15 +87 21 2 N H17 +87 21 3 A F18 +87 21 4 R G25 +87 21 5 S A40 +87 21 6 I F39 +87 21 7 O J40 +87 22 1 I G1 +87 22 2 C C8 +87 22 3 O J0 +87 22 4 S A0 +87 22 5 R G17 +87 22 6 N G21 +87 23 1 S A0 +87 23 2 O J0 +87 23 3 C C8 +87 23 4 A F17 +87 23 5 R F29 +87 23 6 I G40 +87 24 1 O J0 +87 24 2 S A0 +87 24 3 C B13 +87 24 4 A G20 +87 24 5 R G30 +87 24 6 I G40 +87 24 7 T G33 +87 25 1 I F4 +87 25 2 O J0 +87 25 3 C C9 +87 25 4 A E15 +87 25 5 R G17 +87 25 6 N H28 +87 25 7 T G32 +87 25 8 S A0 +88 1 1 EK A40 +88 1 2 EN J0 +88 1 3 IM E0 +88 1 4 ET F0 +88 1 5 EP B10 +88 1 6 TO E15 +88 1 7 IT F29 +88 1 8 ZZ E38 +88 2 1 EK A0..40 +88 2 2 EN J0..40 +88 2 3 IT G30 +88 2 4 IM D0 +88 2 5 ET G1 +88 2 6 TO H17 +88 2 7 EP C10 +88 3 1 EK A11 +88 3 2 EN J0 +88 3 3 ET G2 +88 3 4 EP D6 +88 3 5 TO G16 +88 3 6 IT H29 +88 3 7 IM F0 +88 3 8 ZZ F39 +88 4 1 EK A0..40B0 +88 4 2 EN J0..40 +88 4 3 IM E0 +88 4 4 ET G1..3 +88 4 5 EP C8,9 +88 4 6 TO F16 +88 4 7 IT F29 +88 4 8 ZZ G40 +88 5 1 EK A0..40B0 +88 5 2 EN J0..40 +88 5 3 ET D12 +88 5 4 TO E18 +88 5 5 IT G30 +88 5 6 IM C33 +88 5 7 ZZ E35 +88 5 8 TO G40 +88 6 1 EK A0 +88 6 2 EN J40 +88 6 3 ET G1 +88 6 4 EP C9 +88 6 5 IT F16 +88 6 6 IM F29 +88 6 7 TO F32 +88 6 8 ZZ C38 +88 7 1 EK A0..40B0..8 +88 7 2 EN I0..12J0..40 +88 7 3 EP C10 +88 7 4 ET F6 +88 7 5 TO C11 +88 7 6 IM E22 +88 7 7 IT H30 +88 8 1 EK A1 +88 8 2 EN J15 +88 8 3 ET G2 +88 8 4 EP D6 +88 8 5 TO G16 +88 8 6 IT H34 +88 8 7 ZZ G40 +88 8 8 IM F0 +88 9 1 EK A0..40 +88 9 2 EN J0..40 +88 9 3 ET G2 +88 9 4 EP C8 +88 9 5 IT H30 +88 9 6 ZZ F38 +88 9 7 IM D0 +88 10 1 EK A0..40 +88 10 2 EN J0..40 +88 10 3 IM E0 +88 10 4 ET F1 +88 10 5 EP C8 +88 10 6 TO G16H32 +88 10 7 IT F28 +88 10 8 ZZ C1 +88 11 1 EK A0..40 +88 11 2 EN J0..40 +88 11 3 ET G2 +88 11 4 EP C9 +88 11 5 IT F28 +88 11 6 IM C31 +88 11 7 ZZ D35 +88 11 8 TO F37 +88 12 1 IT G28 +88 12 2 ET C38D6G1,4H34 +88 12 3 TO D15H15 +88 12 4 EN I0 +88 12 5 EP B11F9 +88 12 6 EK A0 +88 12 7 IM F0 +88 13 1 IT E27H28I30 +88 13 2 ET E5 +88 13 3 ZZ E34G35 +88 13 4 TO D18I20 +88 13 5 EK A0 +88 13 6 IM I4 +88 13 7 EN E0J0 +88 13 8 EP C10 +88 14 1 IT F28 +88 14 2 JT E33I38 +88 14 3 KK G2H4 +88 14 4 DE B10 +88 14 5 TO D18F17G15 +88 14 6 DE B10 +88 14 7 EB G7 +88 14 8 EZ I20J20 +88 14 9 ZZ C1 +88 14 10 EK A20 +88 15 1 IT E29 +88 15 2 EK A15 +88 15 3 EB H6 +88 15 4 DE C10 +88 15 5 TO F17 +88 15 6 EZ J17 +88 15 7 ZZ F40 +88 15 8 KK F4 +88 15 9 JT H38 +88 15 10 TS F28 +88 16 1 EK G1 +88 16 2 EZ J1 +88 16 3 TO F17 +88 16 4 EB H6 +88 16 5 ZZ G38 +88 16 6 OI C9 +88 16 7 EK A0 +88 16 8 JT H33 +88 16 9 IT H29 +88 17 1 IT G29 +88 17 2 TS C25 +88 17 3 ET G3 +88 17 4 EK A40 +88 17 5 TO E15 +88 17 6 EN J19 +88 17 7 EP C8 +88 17 8 ZZ E40 +88 18 1 EK A0..40 +88 18 2 EN J0..40 +88 18 3 EP C8 +88 18 4 EN H33 +88 18 5 ED B15D3F3 +88 18 6 TO D20 +88 18 7 IT G30 +88 19 1 EK A0..40 +88 19 2 EN J0..40 +88 19 3 ET B13G3 +88 19 4 TO E18 +88 19 5 IT F29 +88 19 6 ZZ D38 +88 19 7 IM I8 +88 20 1 EK A0..40 +88 20 2 EN J0..40 +88 20 3 IM F0 +88 20 4 ET G2 +88 20 5 EP C9 +88 20 6 TO H20 +88 20 7 IT H30 +88 20 8 JT I36 +88 20 9 JI I7 +88 20 10 ZZ D2 +88 21 1 EK A0..40 +88 21 2 EN J0..40 +88 21 3 ED G1 +88 21 4 EP C10 +88 21 5 NE I29 +88 21 6 EB H6 +88 22 1 EK A0..40 +88 22 2 EN J0..40 +88 22 3 IT H28,29 +88 22 4 ET H2 +88 22 5 EP C10,11 +88 22 6 IM H7 +88 22 7 ZZ G39,40 +88 23 1 EK A0..40 +88 23 2 EN J0..40 +88 23 3 EP C8 +88 23 4 ET G40 +88 23 5 TO D16 +88 23 6 IT F28 +88 23 7 ZZ E36 +88 24 1 ET A0..40 +88 24 2 EN J0..40 +88 24 3 EP D6 +88 24 4 ET H1 +88 24 5 IM F0 +88 24 6 ZZ F39 +88 24 7 TO G17 +88 24 8 IT H29 +89 1 1 B A6 +89 1 2 K C9 +89 1 3 M F24 +89 1 4 G H6 +89 1 5 L I4 +89 1 6 S I3 +89 1 7 N J1 +89 1 8 R G3 +89 2 1 K C9 +89 2 2 M F29 +89 2 3 B A40 +89 2 4 S H40 +89 2 5 N J32 +89 2 6 L I31 +89 2 7 G H9 +89 2 8 R G1 +89 3 1 K C11 +89 3 2 M E16 +89 3 3 B A27 +89 3 4 N J38 +89 3 5 R F5 +89 4 1 B A0 +89 4 2 K C11 +89 4 3 M E28 +89 4 4 S H33 +89 4 5 N J32 +89 4 6 L H18 +89 4 7 G F10 +89 4 8 R G1 +89 5 1 K D7 +89 5 2 P E22 +89 5 3 B A27 +89 5 4 L I30 +89 5 5 M G27 +89 5 6 N J14 +89 5 7 A F13 +89 5 8 R G2 +89 6 1 B A9 +89 6 2 K E9 +89 6 3 M E16 +89 6 4 N J6 +89 6 5 R F2 +89 7 1 B A0..40 +89 7 2 K C11 +89 7 3 P C21 +89 7 4 M F29 +89 7 5 R H3 +89 7 6 N J0..40 +89 8 1 B A0..40 +89 8 2 K D8..11 +89 8 3 S H36..38I36..40 +89 8 4 M G17..22 +89 8 5 N J0..40 +89 8 6 R G1 +89 8 7 I D0E0F0 +89 9 1 B A0..40 +89 9 2 R E3 +89 9 3 K C11 +89 9 4 M E25 +89 9 5 N J0..40 +89 10 1 B A0 +89 10 2 P B2 +89 10 3 K C9 +89 10 4 G F8 +89 10 5 S H36 +89 10 6 M H30 +89 10 7 N J3 +89 10 8 R G1 +89 11 1 K C8 +89 11 2 B A20 +89 11 3 M G27 +89 11 4 N J0 +89 11 5 R F1 +89 12 1 K C11 +89 12 2 B A10 +89 12 3 P B21 +89 12 4 M C20 +89 12 5 S H37 +89 12 6 N J31 +89 12 7 R G3 +89 13 1 B A1 +89 13 2 K C8 +89 13 3 M G30 +89 13 4 R F4 +89 13 5 S H2 +89 13 6 N J1 +89 14 1 A D3 +89 14 2 K C9 +89 14 3 B A38 +89 14 4 S G37 +89 14 5 R H39 +89 14 6 N J36 +89 14 7 M G29 +89 15 1 K B13 +89 15 2 B A21 +89 15 3 M E28 +89 15 4 S D38 +89 15 5 N J0..40 +89 15 6 R F4 +89 16 1 B A0..40 +89 16 2 K C9 +89 16 3 P H36 +89 16 4 M G18 +89 16 5 N J0..40 +89 16 6 I I0 +89 16 7 S H1 +89 16 8 R F1 +89 17 1 K C10 +89 17 2 B A29 +89 17 3 L I39 +89 17 4 N J30 +89 17 5 M H29 +89 17 6 P I2 +89 17 7 S I1 +89 17 8 R G3 +89 18 1 K C10 +89 18 2 B A14 +89 18 3 S H38 +89 18 4 M G26 +89 18 5 L I20 +89 18 6 N J1 +89 18 7 G G0 +89 18 8 R G1 +89 18 9 A E0 +89 19 1 B A0 +89 19 2 G C4 +89 19 3 A C9 +89 19 4 K C13 +89 19 5 S F37 +89 19 6 L I31 +89 19 7 M E25 +89 19 8 N J24 +89 19 9 R F2 +89 20 1 K C8 +89 20 2 M B15 +89 20 3 B A37 +89 20 4 S E38 +89 20 5 N J40 +89 20 6 P H36 +89 20 7 R E2 +89 21 1 B A8 +89 21 2 K B11 +89 21 3 R F40 +89 21 4 S I36 +89 21 5 M G30 +89 21 6 N J0 +89 22 1 K C11 +89 22 2 B A20 +89 22 3 N J39 +89 22 4 R G39 +89 22 5 S I38 +89 22 6 P H31 +89 22 7 M G28 +89 23 1 K B13 +89 23 2 M F28 +89 23 3 B A40 +89 23 4 R F40 +89 23 5 P I40 +89 23 6 N J40 +89 24 1 B A1 +89 24 2 K D8 +89 24 3 R F40 +89 24 4 S I40 +89 24 5 M G29 +89 24 6 A I9 +89 24 7 N J0..40 +89 25 1 K C11 +89 25 2 B A14 +89 25 3 M E19 +89 25 4 N J19 +89 25 5 R G1 +89 26 1 B A0..40 +89 26 2 R G1 +89 26 3 M G30 +89 26 4 G H5 +89 26 5 S H2 +89 26 6 N J0..40 +89 26 7 K C11 +90 1 1 K A0 +90 1 2 S F7 +90 1 3 N I3..11 +90 1 4 I F12 +90 1 5 E G28 +90 1 6 Y C11 +90 2 1 E E27 +90 2 2 N J0 +90 2 3 I H2 +90 2 4 S E6 +90 2 5 A D0 +90 2 6 Y D6 +90 2 7 K A0 +90 3 1 Y C8 +90 3 2 N J0 +90 3 3 I H3 +90 3 4 E H30 +90 3 5 K A0 +90 3 6 A B40 +90 4 1 K A0 +90 4 2 S D4 +90 4 3 I H3 +90 4 4 N J0 +90 4 5 E G21 +90 4 6 Y C9 +90 5 1 S C4 +90 5 2 Y C10 +90 5 3 I F4 +90 5 4 N J0 +90 5 5 E H31 +90 5 6 K A0 +90 6 1 K A0 +90 6 2 I G3 +90 6 3 S G5 +90 6 4 E G18 +90 6 5 N J0 +90 6 6 Y C10 +90 7 1 Y C9 +90 7 2 K A0 +90 7 3 N J0 +90 7 4 E F29 +90 7 5 I F40 +90 8 1 S C4 +90 8 2 Y D7 +90 8 3 N J0 +90 8 4 E G18 +90 8 5 I G40 +90 8 6 A B21 +90 8 7 K A0 +90 9 1 Y C9 +90 9 2 K A0 +90 9 3 I F40 +90 9 4 E G18 +90 9 5 N J0 +90 10 1 A B1 +90 10 2 Y C8 +90 10 3 E F20 +90 10 4 N J0 +90 10 5 I G40 +90 10 6 S E40 +90 10 7 K A0 +90 11 1 Y D8 +90 11 2 N J0 +90 11 3 E G18 +90 11 4 I G40 +90 11 5 K A0 +90 12 1 K A0 +90 12 2 N J0 +90 12 3 S D40 +90 12 4 I G40 +90 12 5 E F29 +90 12 6 Y C10 +90 13 1 N J0 +90 13 2 K A0 +90 13 3 S D3 +90 13 4 I G39 +90 13 5 E E24 +90 13 6 Y C13 +90 14 1 K A0 +90 14 2 N J0 +90 14 3 E F27 +90 14 4 S G40 +90 14 5 I F40 +90 14 6 Y C11 +90 15 1 K A0 +90 15 2 N J0 +90 15 3 S G3 +90 15 4 I F2 +90 15 5 E F17 +90 15 6 Y C10 +90 16 1 K A0 +90 16 2 N J0 +90 16 3 I G40 +90 16 4 E F19 +90 16 5 A C0 +90 16 6 S D7 +90 16 7 Y C9 +90 17 1 K A0 +90 17 2 N J0 +90 17 3 S E39 +90 17 4 E F29 +90 17 5 I G1 +90 17 6 Y C9 +90 17 7 A B20 +90 18 1 K A0 +90 18 2 N J0 +90 18 3 S C38 +90 18 4 I F39 +90 18 5 E D16 +90 18 6 Y C10 +90 19 1 K A0 +90 19 2 N J0 +90 19 3 S F40 +90 19 4 E G19 +90 19 5 I F1 +90 19 6 Y C8 +90 20 1 N J0 +90 20 2 K A0 +90 20 3 S E5 +90 20 4 Y D9 +90 20 5 E G23 +90 20 6 A B17..20 +90 20 7 I H40 +90 21 1 Y D7 +90 21 2 S F3 +90 21 3 I G3 +90 21 4 N J0 +90 21 5 E H30 +90 21 6 A B23 +90 21 7 K A0 +90 22 1 K A0 +90 22 2 A C39,40 +90 22 3 S E40 +90 22 4 I G2 +90 22 5 N J0 +90 22 6 E F27 +90 22 7 Y C9 +90 23 1 A B3..5 +90 23 2 S D4 +90 23 3 Y C9 +90 23 4 E E17 +90 23 5 K A0 +90 23 6 N J0 +90 23 7 I F4 +90 24 1 A B22..24 +90 24 2 S F4 +90 24 3 N J0 +90 24 4 E H29 +90 24 5 I G39 +90 24 6 K A0 +90 24 7 Y C8 +90 25 1 N J0 +90 25 2 K A0 +90 25 3 S E7 +90 25 4 Y C9 +90 25 5 E G22 +90 25 6 I G3 +90 25 7 A C31 +91 1 1 PS A0..40 +91 1 2 SH D40 +91 1 3 DR G40 +91 1 4 ID I35 +91 1 5 UD H30 +91 1 6 UR F28 +91 1 7 DA I18 +91 1 8 DB J0..40 +91 1 9 CZ G6 +91 1 10 BU E2 +91 1 11 MA E5 +91 1 12 TD C8 +91 3 1 PS A0..40 +91 3 2 DB J0..40 +91 3 3 DA G18 +91 3 4 ID I4 +91 3 5 DE J0 +91 3 6 SH I1 +91 3 7 DR G1 +91 3 8 SH B9 +91 3 9 TD C10 +91 4 1 PS A0..40 +91 4 2 ID E40 +91 4 3 DB J0..40 +91 4 4 DE H32 +91 4 5 UD I30 +91 4 6 DA H18 +91 4 7 SH G3 +91 4 8 MD D6 +91 4 9 TD C9 +91 5 1 PS A0..40 +91 5 2 DR H40 +91 5 3 UD I31 +91 5 4 DA H15 +91 5 5 DB J0..40 +91 5 6 SH F6 +91 5 7 TD C8 +91 6 1 PS A0..40 +91 6 2 UD F40 +91 6 3 ID G40 +91 6 4 DB J0..40 +91 6 5 DE I11 +91 6 6 CZ H7 +91 6 7 DR F0,1 +91 6 8 TD C8 +91 6 9 DA E30 +91 6 10 SH E7 +91 7 1 PS A0..40 +91 7 2 MA C9 +91 7 3 SH C10 +91 7 4 DE G1 +91 7 5 DA F17 +91 7 6 ID H33 +91 7 7 DB J0..40 +91 7 8 DE H28 +91 8 1 PS A0..40 +91 8 2 ID H37 +91 8 3 DB J0..40 +91 8 4 DE I23 +91 8 5 DA F16 +91 8 6 DE I14 +91 8 7 SH I2 +91 8 8 DR G2 +91 8 9 CZ F7 +91 8 10 TD C10 +91 8 11 UD G28 +92 1 1 RS A12..14 +92 1 2 CC J0 +92 1 3 SS F1 +92 1 4 SA C11 +92 1 5 ST F18 +92 1 6 FF D6 +92 2 1 RS A0..40 +92 2 2 CC J0..40 +92 2 3 SS F39,40 +92 2 4 SA B9..11 +92 2 5 ST G20..24 +92 2 6 CC I2..4 +92 2 7 RS B1..3 +92 3 1 RS A6..15 +92 3 2 CC J2..40 +92 3 3 SS F2 +92 3 4 SA C8 +92 3 5 XX G13 +92 3 6 EE I40 +92 3 7 CC I1 +92 3 8 EE C39 +92 4 1 RS A14 +92 4 2 CC J0..40 +92 4 3 SS F1..3 +92 4 4 FF B10..12 +92 4 5 ST G26,27 +92 4 6 CC G33,34 +92 4 7 CC I1,2 +92 4 8 SA D5,6 +92 4 9 EE C1..3 +92 4 11 RS D37..40 +92 5 1 RS A28..35 +92 5 2 CC J6..9 +92 5 3 SS G1,40 +92 5 4 BA C8,9 +92 5 5 EE C10 +92 5 6 ST F29,30 +92 5 7 SA E4,5 +92 5 8 RS C1,40 +92 6 1 RS A3 +92 6 2 CC J18 +92 6 3 SS G2 +92 6 4 FF C9 +92 6 5 ST G20 +92 6 6 QQ H7 +92 6 7 BA F0 +92 7 1 RS A40 +92 7 2 CC J40 +92 7 3 SS G40 +92 7 4 SA B8 +92 7 5 ST G22 +92 7 6 VV D28 +92 7 7 EE I40 +92 7 8 RS C40 +92 8 1 RS A11 +92 8 2 CC J24 +92 8 3 SS H2 +92 8 4 FF C8..10 +92 8 5 RS B18,19 +92 8 6 CC I13,14 +92 8 7 ST H17 +92 8 8 XX G14 +92 9 1 RS A17..19 +92 9 2 CC J2..4 +92 9 3 SS F2..4 +92 9 4 FF D7 +92 9 5 ST G28 +92 9 6 SA D6 +92 9 7 RS C3,4 +93 1 1 RS A3 +93 1 2 CC J5 +93 1 3 SE F1 +93 1 4 SA C9 +93 1 5 ST G20 +93 1 6 RO G6 +93 1 7 UL D5 +93 2 1 RS A15 +93 2 2 CC J19 +93 2 3 SE H3 +93 2 4 SA C9 +93 2 5 RO E10 +93 2 6 UL F9 +93 2 7 ST G28 +93 3 1 RS A0..40 +93 3 2 CC J0..40 +93 3 3 SE G2 +93 3 4 ST G28 +93 3 5 SA E4 +93 4 1 RS A0..40 +93 4 2 CC J14 +93 4 3 SA C10 +93 4 4 UL D16 +93 4 5 ST F32 +93 4 6 SE F9 +93 4 7 RO C1..3 +93 5 1 RS A0..40 +93 5 2 CC J0..40 +93 5 3 SE F5 +93 5 4 SA B10..12 +93 5 5 ST G18 +93 5 6 UL F8 +93 6 1 RS A35 +93 6 2 CC J3 +93 6 3 SE G1 +93 6 4 SA B11 +93 6 5 ST F19 +93 7 1 RS A0..12 +93 7 2 CC J0..15 +93 7 3 SE E1..5 +93 7 4 SA C8..10 +93 7 5 UL B9..13 +93 7 6 ST F27..30 +93 7 7 TE H2..7 +93 7 8 BA C1..3 +93 8 1 RS A20 +93 8 2 CC J25 +93 8 3 SE F2 +93 8 4 SA B11 +93 8 5 UL D4..6 +93 8 6 ST G30 +94 1 1 K A0 +94 1 2 E C8 +94 1 3 U F1 +94 1 4 I J0 +94 1 5 L F19 +94 1 6 B G32 +94 2 1 E C9 +94 2 2 K A0 +94 2 3 U F1 +94 2 4 L F17 +94 2 5 I J0 +94 2 6 G H29 +94 3 1 E D8 +94 3 2 K A0 +94 3 3 U F4 +94 3 4 B F9 +94 3 5 L F19 +94 3 6 I J0 +94 4 1 E C11 +94 4 2 K A0 +94 4 3 U G1 +94 4 4 I J0 +94 4 5 L G21 +94 4 6 B E25 +94 5 1 E C12 +94 5 2 K A0 +94 5 3 U F1 +94 5 4 I J0 +94 5 5 L G17 +94 6 1 E C8 +94 6 2 K A0 +94 6 3 U H3 +94 6 4 B C5 +94 6 5 L G20 +94 6 6 I J0 +94 6 7 G I31 +94 7 1 E C8 +94 7 2 K A0 +94 7 3 G G28 +94 7 4 B D1 +94 7 5 I J0 +94 7 6 L G17 +94 7 7 U H1 +94 8 1 E C9 +94 8 2 U G1 +94 8 3 I J0 +94 8 4 L G20 +94 8 5 G I29 +94 8 6 K A0 +94 8 7 B B15 +94 9 1 E C9 +94 9 2 U G1 +94 9 3 I J0 +94 9 4 L F19 +94 9 5 B F33 +94 9 6 K A0 +94 10 1 E C9 +94 10 2 U H1 +94 10 3 I J0 +94 10 4 L F17 +94 10 5 G G29 +94 10 6 A E38 +94 10 7 K A0 +94 10 8 B C37 +94 10 9 T E28 +94 11 1 E C8 +94 11 2 U G2 +94 11 3 I J0 +94 11 4 L H20 +94 11 5 G H29 +94 11 6 B D36 +94 11 7 K A0 +94 12 1 E C8 +94 12 2 K A0 +94 12 3 B C1 +94 12 4 U G1 +94 12 5 I J0 +94 12 6 L F16 +94 12 7 G G30 +94 13 1 E C11 +94 13 2 L G18 +94 13 3 G H29 +94 13 4 I J0 +94 13 5 U H40 +94 13 6 K A0 +94 13 7 B D33 +94 14 1 E C11 +94 14 2 B C5 +94 14 3 K A0 +94 14 4 U F2 +94 14 5 I J0 +94 14 6 L F19 +94 15 1 E D6 +94 15 2 K A0 +94 15 3 U G1 +94 15 4 L H17 +94 15 5 I J0 +94 15 6 B E32 +94 16 1 E C9 +94 16 2 U G2 +94 16 3 I J0 +94 16 4 L G19 +94 16 5 K A0 +94 16 6 B B21 +94 17 1 E C8 +94 17 2 U H1 +94 17 3 I J0 +94 17 4 B D33 +94 17 5 L D17 +94 17 6 K A0 +94 18 1 E C9 +94 18 2 U F2 +94 18 3 L F18 +94 18 4 I J0 +94 18 5 B F34 +94 18 6 K A0 +94 19 1 E D9 +94 19 2 U G1 +94 19 3 I J0 +94 19 4 B E12 +94 19 5 L G17 +94 19 6 K A0 +94 20 1 B D15 +94 20 2 E C8 +94 20 3 K A0 +94 20 4 U G2 +94 20 5 L H17 +94 20 6 G I19 +94 20 7 I J0 +94 21 1 E C8 +94 21 2 K A0 +94 21 3 U G1 +94 21 4 I J0 +94 21 5 L F16 +94 22 1 E C9 +94 22 2 K A0 +94 22 3 U G1 +94 22 4 I J0 +94 22 5 L F18 +94 22 6 B D28 +94 23 1 E C9 +94 23 2 K A0 +94 23 3 U G2 +94 23 4 I J0 +94 23 5 L H17 +94 23 6 G H29 +94 23 7 T G31 +94 24 1 E C8 +94 24 2 K A0 +94 24 3 U G1 +94 24 4 I J0 +94 24 5 L F18 +94 24 6 G I30 +94 24 7 O F31 +94 24 8 B E33 +94 25 1 E D9 +94 25 2 B B9 +94 25 3 U G1 +94 25 4 I J0 +94 25 5 L E15 +94 25 6 K A0 +95 1 1 SR G1,2 +95 1 2 SH C12,13 +95 1 3 K C17,18D17,18 +95 1 4 DD D27,28E27,28 +95 1 5 P A0..40 +95 1 6 KE H6,7 +95 1 7 S J0..40 +95 2 1 S J0..40 +95 2 2 SH C9 +95 2 3 P A0..40 +95 2 4 D G30H30 +95 2 5 DD I29 +95 2 6 KE F7 +95 2 7 K F17 +95 2 8 KA H7 +95 2 9 SR H3 +95 3 1 SR F1,2 +95 3 2 SH C8,9 +95 3 3 K F17 +95 3 4 DD G30 +95 3 5 D H30 +95 3 6 P A0..40 +95 3 7 SW B1..6 +95 3 8 S J0..40 +95 4 1 P A0..40 +95 4 2 SU C1..3 +95 4 3 SH C10 +95 4 4 SK B17..19 +95 4 5 DD F29 +95 4 6 SR F40 +95 4 7 D G29 +95 4 8 K G18 +95 4 9 SW B10,11 +95 4 10 S J0..40 +95 4 11 SS H0I0 +95 5 1 P A0..40 +95 5 2 SH C8,9 +95 5 3 K F15,16 +95 5 4 SW B31,32 +95 5 5 SU B37,38 +95 5 6 DD H30I30 +95 5 7 D H28,29 +95 5 8 SS I13,14 +95 5 9 S J0..40 +95 5 10 SR G1,2 +95 6 1 SW C4..6 +95 6 2 SH C8 +95 6 3 SR G2 +95 6 4 SS I5..15 +95 6 5 DD G17..21 +95 6 6 S J0..40 +95 7 1 P A0..40 +95 7 2 SH C11 +95 7 3 SW B17 +95 7 4 DD H30 +95 7 5 D H29 +95 7 6 K G17 +95 7 7 SR G2 +95 7 8 S J0..40 +95 7 9 SS H0 +95 8 1 SH C9 +95 8 2 SW C10,11 +95 8 3 P A0..40 +95 8 4 DD F29 +95 8 5 SR G40 +95 8 6 S J0..40 +95 8 7 SS J0..40 +95 8 8 D G29 +95 8 9 K F17 +95 8 10 WW G14 +95 8 11 KE I5 +95 9 1 P A0..40 +95 9 2 SH D7,8 +95 9 3 DD E28 +95 9 4 D F30G28..30 +95 9 5 K F16,17 +95 9 6 KE G7 +95 9 7 SR H2 +95 9 8 S J0..40 +95 9 9 SW C1..3 +95 10 1 P A0..40 +95 10 2 SW B1..8 +95 10 3 SH C8..12 +95 10 4 D H27..31 +95 10 5 DD G26..32 +95 10 6 K H16..21 +95 10 7 KA G8 +95 10 8 SR H4 +95 10 9 S J0..40 +95 11 1 P A0..40 +95 11 2 SH D7 +95 11 3 K E23 +95 11 4 SW C35..40 +95 11 5 SR F40 +95 11 6 DD F28 +95 12 1 P A0..40 +95 12 2 SH C8,9 +95 12 3 SW B15..40 +95 12 4 DD H28,29 +95 12 5 D H26,27 +95 12 6 K H17,18 +95 12 7 SS I10..13 +95 12 8 KE G8,9 +95 12 9 SR G1..3 +95 12 10 S J0..40 +95 13 1 P A0..40 +95 13 2 SW B10..14 +95 13 3 S J0..40 +95 13 4 DD I34..36 +95 13 5 D G26..28 +95 13 6 K G17..20 +95 13 7 PU E10 +95 13 8 WI I6,7 +95 13 9 SH C8..11 +95 13 10 SR G1..3 +95 13 11 SS F0G0H0I0 +95 14 1 P A0..40 +95 14 2 SH C14 +95 14 3 SW B19 +95 14 4 DD H33 +95 14 5 K G20 +95 14 6 SR D14 +95 14 7 SO G3 +95 14 8 S J0..40 +95 15 1 P A0..40 +95 15 2 SH C8..11 +95 15 3 SW B28..34 +95 15 4 S J0..40 +95 15 5 D I30,31 +95 15 6 DD G29..31 +95 15 7 K F17G17H17 +95 15 8 KE I6..9 +95 15 9 SS I0 +95 15 10 SR H1..3 +95 16 1 P A0..40 +95 16 2 SH C10 +95 16 3 SW B17..30 +95 16 4 S J0..40 +95 16 5 D H30 +95 16 6 DD G29 +95 16 7 K H19 +95 16 8 SR G2 +95 16 9 KE H0 +95 17 1 P A0..40 +95 17 2 G D8 +95 17 3 SH C10 +95 17 4 SW B40 +95 17 5 SR F40 +95 17 6 S J0..40 +95 17 7 K H29 +95 17 8 D H20 +95 17 9 DD I19 +95 17 10 KA H6 +95 17 11 WI I6 +95 17 12 SS H0 +95 17 13 SU B2 +95 18 1 P A0..40 +95 18 2 SH C8 +95 18 3 SW C22..30 +95 18 4 DD G27..30 +95 18 5 D H29,30 +95 18 6 SS I26..30 +95 18 7 K G17..19 +95 18 8 KE H9 +95 18 9 SR F1..4 +95 19 1 P A0..40 +95 19 2 SH B11 +95 19 3 SU C26 +95 19 4 S J0..40 +95 19 5 DD F29 +95 19 6 K F17 +95 19 7 SR G2 +95 19 8 SS H0 +95 20 1 P A0..40 +95 20 2 SH B13 +95 20 3 SW B23 +95 20 4 S J0..40 +95 20 5 D I30 +95 20 6 DD G28 +95 20 7 K E16 +95 20 8 SS I10 +95 20 9 KA G6 +95 20 10 SR F1 +95 20 11 KE I0 +95 21 1 P A0..40 +95 21 2 SH C12 +95 21 3 SW G39 +95 21 4 S J0..40 +95 21 5 D F28 +95 21 6 DD F23 +95 21 7 K F17 +95 21 8 KE G7 +95 21 9 SS I5 +95 21 10 SR G2 +95 22 1 P A0..40 +95 22 2 SW B1..8 +95 22 3 SH C8,9 +95 22 4 S J0..40 +95 22 5 D I30..32 +95 22 6 DD F30G30H30 +95 22 7 K G17..20 +95 22 8 SS I13 +95 22 9 KE H0,1 +95 22 10 SR F0,1G0,1 +95 23 1 P A0..40 +95 23 2 SH C8 +95 23 3 SW B11..13 +95 23 4 DD F28..30 +95 23 5 D H29..31 +95 23 6 K G18..20 +95 23 7 SS I13,14 +95 23 8 NN I9..12 +95 23 9 SR G1..3 +95 23 10 S J0..40 +95 24 1 P A0..40 +95 24 2 SH C11 +95 24 3 SW B12 +95 24 4 SU B36 +95 24 5 S J0..40 +95 24 6 DD H30 +95 24 7 D H29 +95 24 8 K G17 +95 24 9 SS J0..40 +95 24 10 SR F1 +95 25 1 P A0..40 +95 25 2 SH C11 +95 25 3 SW B15..40 +95 25 4 D H29 +95 25 5 DD G27 +95 25 6 SS I23 +95 25 7 K F19 +95 25 8 WI I8..29 +95 25 9 KE I7 +95 25 10 SR G2 +95 25 11 S J0..40 +96 1 1 CO A0..40 +96 1 2 DE C9 +96 1 3 YR D26 +96 1 4 YX H18 +96 1 5 WE J0..40 +96 1 6 DA G1 +96 2 1 CO A0..40 +96 2 2 DE D7 +96 2 3 YX F18 +96 2 4 YR C21 +96 2 5 WA J0..40 +96 2 6 DA G1 +96 3 1 CO A0..40 +96 3 2 WA J0..40 +96 3 3 DE C9 +96 3 4 YR D17 +96 3 5 YX F23 +96 3 6 JU H11 +96 3 7 DA H2 +96 4 1 CO A0..40 +96 4 2 WE J0..40 +96 4 3 DE C8 +96 4 4 YX G20 +96 4 5 YR D30 +96 4 6 JU G7 +96 4 7 DA F2 +96 5 1 CO A0..40 +96 5 2 WA J0..40 +96 5 3 DE C9 +96 5 4 YX F29 +96 5 5 YR E20 +96 5 6 JU H8 +96 5 7 DA G2 +96 6 1 CO A0..40 +96 6 2 WA J0..40 +96 6 3 DE C10 +96 6 4 YR B21 +96 6 5 YX F29 +96 6 6 JU I6 +96 6 7 DA G3 +96 7 1 CO A0..40 +96 7 2 WA J0..40 +96 7 3 DE C8 +96 7 4 YR D22 +96 7 5 YX G27 +96 7 6 JU I4 +96 7 7 DA G3 +96 8 1 CH A0..40 +96 8 2 WA J0..40 +96 8 3 DA G1 +96 8 4 DE C9 +96 8 5 YX G17 +96 8 6 YR F28 +96 8 7 JU H9 +96 9 1 CH A0..40 +96 9 2 WA J0..40 +96 9 3 DE C9 +96 9 4 YR D26 +96 9 5 YX F28 +96 9 6 JU I10 +96 9 7 DA G2 +96 10 1 CO A0..40 +96 10 2 WE J0..40 +96 10 3 DE C9 +96 10 4 YX G19 +96 10 5 YR D26 +96 10 6 DA G3 +96 11 1 CO A0..40 +96 11 2 WE J0..40 +96 11 3 DA G2 +96 11 4 DE D7 +96 11 5 YX G20 +96 11 6 YR E17 +96 11 7 JU H9 +96 12 1 CO A0..40 +96 12 2 WE J0..40 +96 12 3 JU G7 +96 12 4 DE C9 +96 12 5 YR D17 +96 12 6 YX G15 +96 12 7 DA G1 +96 13 1 CO A0..40 +96 13 2 WE J0..40 +96 13 3 DE C8 +96 13 4 YR E19 +96 13 5 YX G17 +96 13 6 DA G1 +96 14 1 CO A0..40 +96 14 2 WE J0..40 +96 14 3 DE B12 +96 14 4 YR D28 +96 14 5 YX G28 +96 14 6 JU H8 +96 14 7 DA G2 +96 15 1 CO A0..40 +96 15 2 WE J0..40 +96 15 3 DE D8 +96 15 4 YR G17 +96 15 5 JU H31 +96 15 6 YX H28 +96 15 7 DA G2 +96 16 1 CO A0..40 +96 16 2 WA J0..40 +96 16 3 DE C12 +96 16 4 YX G17 +96 16 5 JU H37 +96 16 6 YR H17 +96 16 7 DA G1 +96 17 1 CO A0..40 +96 17 2 WE J0..40 +96 17 3 DE D10 +96 17 4 YX F19 +96 17 5 YR F29 +96 17 6 JU G33 +96 17 7 DA F2 +96 18 1 CO A0..40 +96 18 2 WA J0..40 +96 18 3 DE C9 +96 18 4 YR C16 +96 18 5 YX G17 +96 18 6 JU B23 +96 18 7 DA H1 +96 19 1 CO A0..40 +96 19 2 WE J0..40 +96 19 3 DE D8 +96 19 4 YX F17 +96 19 5 YR E21 +96 19 6 JU G6 +96 19 7 DA G1 +96 20 1 CO A0..40 +96 20 2 WE J0..40 +96 20 3 DE C8 +96 20 4 YR E18 +96 20 5 YX H18 +96 20 6 JU I2 +96 20 7 DA G2 +96 21 1 CH A0..40 +96 21 2 WE J0..40 +96 21 3 DE C9 +96 21 4 YR D17 +96 21 5 YX H21 +96 21 6 JU H9 +96 21 7 DA F2 +96 22 1 CO A0..40 +96 22 2 WE J0..40 +96 22 3 DE C9 +96 22 4 YR D17 +96 22 5 YX G20 +96 22 6 JU H10 +96 22 7 DA G3 +96 23 1 CO A0..40 +96 23 2 WE J0..40 +96 23 3 DE C8 +96 23 4 YR F28 +96 23 5 JU I33 +96 23 6 YX G21 +96 23 7 DA G4 +96 24 1 CO A0..40 +96 24 2 WE J0..40 +96 24 3 DE C10 +96 24 4 YX G20 +96 24 5 YR E26 +96 24 6 DA G2 +96 25 1 CO A0..40 +96 25 2 WE J0..40 +96 25 3 DE C8 +96 25 4 YR E31 +96 25 5 YX G28 +96 25 6 JU G9 +96 25 7 DA H2 +97 1 1 NA A0..40 +97 1 2 DU J0..40 +97 1 3 FI F2,3G2,3 +97 1 4 MA B4,5 +97 1 5 TI E17 +97 2 1 NA A0..40 +97 2 2 DU J5 +97 2 3 FI F1..4G1..4 +97 2 4 MA B3,4 +97 2 5 TI C10,11 +97 3 1 MA A4 +97 3 2 DU J16 +97 3 3 KF G1 +97 3 4 TI C9 +97 3 5 DK F17 +97 4 1 MA A13 +97 4 2 DU J12 +97 4 3 IS F1G1 +97 4 4 TI B12,13C12,13 +97 4 5 MU B19 +97 5 1 MA A15..25 +97 5 2 DU J1..7 +97 5 3 IF F1..3 +97 5 4 AS F17..19 +97 5 5 TI C9,10 +97 5 6 MU B8,9 +97 6 1 NA A3B3C3 +97 6 2 DU J3 +97 6 3 MA H1 +97 6 4 MU B1C1 +97 6 5 IS G2,3H3 +97 6 6 ML J19 +97 7 1 NA A0..40 +97 7 2 DU J0..40 +97 7 3 FI F0G0,1 +97 7 4 TI E11F12 +97 8 1 NA A17,18 +97 8 2 DU J28 +97 8 3 IS F1 +97 8 4 TI C12 +97 8 5 KO E20 +97 8 6 AS G21 +97 8 7 DK E29 +97 9 1 NA A1..7 +97 9 2 DU J12..16 +97 9 3 TI G1..3 +97 9 4 TI D18..20E18..20 +97 10 1 MA A1 +97 10 2 ML J7 +97 10 3 TI E2 +97 10 4 TM F1 +97 11 1 NA A15 +97 11 2 DU J21..40 +97 11 3 TM G2,3 +97 11 4 YM F4 +97 11 5 TI C8,9D8,9 +97 12 1 MA A1,2 +97 12 1 NA A2 +97 12 2 DU J1,2 +97 12 2 YI J2 +97 12 3 IS E1 +97 12 3 IS F1..3G1..3 +97 12 4 TI C13 +97 12 4 TI C8D8 +97 14 1 NA B40 +97 14 2 DU J40 +97 14 3 FI G40 +97 14 4 KF F40 +97 14 5 YM E40 +97 15 1 NA A40 +97 15 2 DU J40 +97 15 3 FI F40 +97 15 4 TI C13 +97 16 1 MA A17 +97 16 2 TM F39 +97 16 3 AF B10 +97 16 4 TI D11 +97 17 1 MA A1 +97 17 2 DU J0 +97 17 3 TM G2 +97 17 4 TI B9 +97 18 1 NA A0 +97 18 2 MA B1 +97 18 3 DU J14 +97 18 4 TI D2 +97 18 5 TM E2 +97 18 6 FI F2 +97 19 1 NA A7 +97 19 2 MA A14 +97 19 3 ML J8..25 +97 19 4 DU J6 +97 19 5 KF H3 +97 19 6 TI C9 +97 20 1 MA A23 +97 20 2 DU J11 +97 20 3 TM G2 +97 20 4 YM D8 +97 20 5 TI C11 +97 21 1 NA A16..20 +97 21 2 MA B10,11 +97 21 3 DU J12..19 +97 21 4 IS F1..4G1..4 +97 21 5 TI E15..17F15..17 +97 22 1 NA A1 +97 22 2 MA B4 +97 22 3 DU J0 +97 22 4 YI J1 +97 22 5 KF G2 +97 22 6 IS I2 +97 22 7 TI D2 +97 23 1 MA A18 +97 23 2 NA A31 +97 23 3 DU J22 +97 23 4 TM F39 +97 23 5 TI E19 +97 24 1 MA B6 +97 24 2 DU J32..34 +97 24 3 YM C6D6 +97 24 4 TI E7 +97 24 5 TM G1,2 +97 25 1 MA A0 +97 25 2 DU I8,9J8,9 +97 25 3 TM F1,2G1,2 +97 25 4 TI D6 +97 25 5 YM C7D7 +97 25 6 DK G17 +98 1 1 X A0..40 +98 1 2 S J0..40 +98 1 3 D E0 +98 1 4 M H2..4 +98 1 5 N H6..9 +98 1 6 A H17..20 +98 1 7 U E31..34 +98 1 8 G D37..39 +98 2 1 S J0..40 +98 2 2 X A0..40 +98 2 3 M H1..4I4 +98 2 4 K H5..8I5..8 +98 2 5 N F6..8G6..8 +98 2 6 O C8,9D8,9 +98 2 7 A F17..30G17..30 +98 2 8 U F33,34G33,34 +98 2 9 G F37,38G37,38H37,38 +98 2 10 D C21..29D21..29E0F0 +98 3 1 X A0..40 +98 3 2 S I0J0..40 +98 3 3 D B0..40C0D0E0 +98 3 4 M G3 +98 3 5 N F7 +98 3 6 O C9 +98 3 7 K H12 +98 3 8 A G15 +98 3 9 U H29 +98 3 10 G H36 +98 4 1 X A1..40 +98 4 2 S J0..40 +98 4 3 D G0 +98 4 4 K I1 +98 4 5 M H2 +98 4 6 O C9D9 +98 4 7 A F19 +98 4 8 U F34 +98 4 9 G C38 +98 5 1 X A0..40 +98 5 2 S J0..40 +98 5 3 G C0,40 +98 5 4 M G1..4 +98 5 5 O B10 +98 5 6 N H9 +98 5 7 D H12 +98 5 8 A G20 +98 5 9 U H39 +98 6 1 X A0..40 +98 6 2 S J0..40 +98 6 3 M G2 +98 6 4 D F0 +98 6 5 O C9 +98 6 6 N H9 +98 6 7 K H13 +98 6 8 A F17 +98 6 9 G E38 +98 6 10 U H36 +98 7 1 X A0..40 +98 7 2 S J0..40 +98 7 3 D F0G0H0 +98 7 4 M I2 +98 7 5 N I5..8 +98 7 6 O E5 +98 7 7 A H17..20I17..20 +98 7 8 U I31 +98 7 9 G H32,33 +98 8 1 X A0..40 +98 8 2 S J0..40 +98 8 3 CH B10..15C0..6,22..26,37..40D37..40 +98 8 4 O C8 +98 8 5 D C0D0 +98 8 6 M I2 +98 8 7 N H7,8I4..8 +98 8 8 K G9 +98 8 9 A E15 +98 8 10 U H34 +98 8 11 G D33,34E33,34 +98 9 1 X A0..40 +98 9 2 S J0..40 +98 9 3 M G2 +98 9 4 D H0 +98 9 5 N H6 +98 9 6 O D7 +98 9 7 A H19 +98 9 8 U H33 +98 9 9 CH C35..39 +98 10 1 X A0..40 +98 10 2 S J0..40 +98 10 3 D D0 +98 10 4 M G1..3 +98 10 5 K I0 +98 10 6 CH B4..6,30..35 +98 10 7 N I8 +98 10 8 A F16 +98 10 9 U H33 +98 10 10 G D1 +98 10 11 O C9 +98 11 1 X A0..40 +98 11 2 S J0..40 +98 11 3 D E0 +98 11 4 K H0 +98 11 5 M G1 +98 11 6 O C13 +98 11 7 A F18 +98 11 8 G E33 +98 12 1 X A0..40 +98 12 2 S J0..40 +98 12 3 D E0 +98 12 4 M F3 +98 12 5 O D6,7 +98 12 6 A F16 +98 12 7 G D35 +98 12 8 U F32 +98 12 9 N I8 +98 13 1 X A0..40 +98 13 2 S J0..40 +98 13 3 D E0 +98 13 4 U I32 +98 13 5 O C12 +98 13 6 M I1 +98 13 7 N F12 +98 13 8 A I20..22 +98 14 1 X A0..40 +98 14 2 S J0..40 +98 14 3 D F0 +98 14 4 M G2 +98 14 5 0 C9 +98 14 6 N I5,6 +98 14 7 A F17G17 +98 14 8 U G36 +98 15 1 X A0..40 +98 15 2 S J0..40 +98 15 3 D D0 +98 15 4 M G2 +98 15 5 O E4 +98 15 6 N F7 +98 15 7 K G9 +98 15 8 A H18 +98 15 9 U H36 +98 15 10 G F38 +98 16 1 X A0..40 +98 16 2 S J0..40 +98 16 3 M F2..4G2..4 +98 16 4 O C8D7,8 +98 16 5 N F11 +98 16 6 A F17..28G17..28 +98 16 7 D B15..40 +98 16 8 U G34 +98 17 1 X A0..40 +98 17 2 S J0..40 +98 17 3 D C0 +98 17 4 K E0F0 +98 17 5 M F1..4 +98 17 6 N E11 +98 17 7 A F16 +98 17 8 U F32 +98 17 9 O C8,9 +98 18 1 X A0..40 +98 18 2 S J0..40 +98 18 3 D E0 +98 18 4 M G1..3 +98 18 5 G D2 +98 18 6 N F8 +98 18 7 O D6..8 +98 18 8 A E16 +98 18 9 U F33,34 +98 19 1 X A0..40 +98 19 2 S J0..40 +98 19 3 D B2..8 +98 19 4 O C8,9 +98 19 5 M H1..3I1..3 +98 19 6 N F7 +98 19 7 A F17..28G17..28 +98 19 8 U G29,30H29,30 +98 19 9 G E36,37F36,37 +98 20 1 X A0..40 +98 20 2 S J0..40 +98 20 3 D G0 +98 20 4 M H2 +98 20 5 O C9 +98 20 6 N G6 +98 20 7 B F9 +98 20 8 A G17 +98 20 9 U H34 +98 21 1 A F17 +98 21 2 X A0..40 +98 21 3 S J0..40 +98 21 4 D C23..31D0E33,34 +98 21 5 B F0H5 +98 21 6 M G2 +98 21 7 N G7 +98 21 8 C H8 +98 21 9 O C8,9 +98 21 10 U H31 +98 22 1 X A0..40 +98 22 2 S J0..40 +98 22 3 N H0 +98 22 4 M G2 +98 22 5 O C9 +98 22 6 A G18 +98 22 7 D C35..40 +98 22 8 U H39,40I39,40 +98 23 1 X A0..40 +98 23 2 S J0..40 +98 23 3 D E0 +98 23 4 K G0 +98 23 5 M G1 +98 23 6 O B11 +98 23 7 A G18 +98 23 8 U H32 +98 24 1 X A0..40 +98 24 2 S J0..40 +98 24 3 M I1 +98 24 4 O F2 +98 24 5 C H7 +98 24 6 N E8 +98 24 7 A G13,14 +98 24 8 U F31 +98 25 1 X A0..40 +98 25 2 S J0..40 +98 25 3 D E0F0 +98 25 4 M G1 +98 25 5 B F10 +98 25 6 O D12 +98 25 7 A F17 +98 25 8 U D32E32 +99 1 1 BA A0 +99 1 2 NA J0 +99 1 3 BU F0 +99 1 4 SA G3 +99 1 5 YA H18 +99 2 1 BA A0 +99 2 2 EA C12 +99 2 3 SA G2 +99 2 4 YA G17 +99 2 5 NA J0 +99 3 1 EA C8 +99 3 2 BA A0 +99 3 3 NA J0 +99 3 4 SA G2 +99 3 5 BU I6 +99 3 6 YA G17 +99 4 1 BA A0 +99 4 2 EA C9 +99 4 3 BU E0 +99 4 4 SA F1 +99 4 5 YA G17 +99 4 6 NA J0 +99 5 1 BA A0 +99 5 2 YA F18 +99 5 3 EA B11 +99 5 4 SA G2 +99 5 5 BU G6 +99 5 6 NA J0 +99 6 1 YA F17 +99 6 2 EA C8 +99 6 3 BA A0 +99 6 4 BU G0 +99 6 5 NA J0 +99 6 6 SA F4 +99 7 1 BA A0 +99 7 2 SA G1 +99 7 3 NA J0 +99 7 4 BU H7 +99 7 5 YA H17 +99 7 6 EA C9 +99 8 1 BA A0 +99 8 2 EA C9 +99 8 3 SA F4 +99 8 4 NA J0 +99 8 5 YA F29 +99 9 1 BA A0 +99 9 2 EA C8 +99 9 3 BU G0 +99 9 4 NA J0 +99 9 5 SA G2 +99 9 6 YA H19 +99 10 1 BA A0 +99 10 2 YA G30 +99 10 3 BO B12 +99 10 4 EA C10 +99 10 5 SA G2 +99 10 6 NA J0 +99 11 1 BA A0 +99 11 2 BU C0 +99 11 3 SA G3 +99 11 4 NA J0 +99 11 5 YA F17 +99 12 1 BA A0 +99 12 2 EA C9 +99 12 3 NA J0 +99 12 4 SA F3 +99 12 5 YA H20 +99 12 6 BU H27 +99 13 1 BA A0 +99 13 2 EA C8 +99 13 3 BU E0 +99 13 4 NA J0 +99 13 5 SA G1 +99 13 6 YA G20 +99 14 1 BA A0 +99 14 2 BU C28 +99 14 3 EA C9 +99 14 4 SA G1 +99 14 5 YA G19 +99 14 6 NA J0 +99 15 1 BA A0 +99 15 2 SA F3 +99 15 3 BU H7 +99 15 4 YA H18 +99 15 5 NA J0 +99 16 1 BA B30 +99 16 2 SA F29 +99 16 3 YA E17 +99 16 4 NA J0 +99 17 1 BA A0 +99 17 2 EA C9 +99 17 3 SA H3 +99 17 4 BU I9 +99 17 5 NA J0 +99 17 6 YA H30 +99 18 1 BA A0 +99 18 2 EA B10 +99 18 3 SA G1 +99 18 4 NA J0 +99 18 5 YA G28 +99 19 1 NA J0 +99 19 2 YA G30 +99 19 3 BO F33 +99 19 4 EA C9 +99 19 5 BA A0 +99 19 6 BU D0 +99 19 7 SA G1 +99 20 1 YA F19 +99 20 2 EA C9 +99 20 3 BA A0 +99 20 4 SA G2 +99 20 5 NA J0 +99 20 6 NB I28 +99 21 1 BA A0 +99 21 2 EA C9 +99 21 3 BO F0 +99 21 4 SA G2 +99 21 5 NA J0 +99 21 6 YA F17 +99 22 1 BA A0 +99 22 2 YA E27 +99 22 3 BU I23 +99 22 4 NA J0 +99 22 5 SA G3 +99 23 1 SA G1 +99 23 2 YA H19 +99 23 3 NA J0 +99 23 4 BA A0 +99 23 5 EA C9 +99 24 1 EA C12 +99 24 2 BA A0 +99 24 3 SA F1 +99 24 4 BU F9 +99 24 5 YA F27 +99 24 6 NA I10 +99 25 1 BA A0 +99 25 2 YA E17 +99 25 3 SA E1 +99 25 4 BU H13 +99 25 5 NA H16 +100 1 1 U B32 +100 1 2 S C10 +100 1 3 K G19 +100 1 4 L H31 +100 1 5 R J0 +100 1 6 A F40 +100 2 1 U A0 +100 2 2 A G2 +100 2 3 R J0 +100 2 4 K G18 +100 2 5 L G29 +100 2 6 S C13 +100 3 1 L G30 +100 3 2 K F16 +100 3 3 S C8 +100 3 4 U A0 +100 3 5 A F1 +100 3 6 R J0 +100 4 1 U A0 +100 4 2 A G40 +100 4 3 R J0 +100 4 4 S B12 +100 5 1 K E16 +100 5 2 S C12 +100 5 3 A G1 +100 5 4 L H30 +100 5 5 R J0 +100 5 6 U A0 +100 6 1 K F18 +100 6 2 S C9 +100 6 3 U A0 +100 6 4 A G2 +100 6 5 R J0 +100 6 6 L H28 +100 7 1 R J0 +100 7 2 A G39 +100 7 3 L E29 +100 7 4 K F20 +100 7 5 S C14 +100 7 6 U A0 +100 8 1 R J0 +100 8 2 K E16 +100 8 3 U A0 +100 8 4 S C9 +100 8 5 A H1 +100 8 6 L I31 +100 9 1 L G28 +100 9 2 R J0 +100 9 3 A G2 +100 9 4 U A0 +100 9 5 S C11 +100 9 6 K E16 +100 10 1 R J0 +100 10 2 U A0 +100 10 3 K F17 +100 10 4 S B11 +100 10 5 A F2 +100 11 1 L H30 +100 11 2 K D16 +100 11 3 S B10 +100 11 4 U A0 +100 11 5 A G2 +100 11 6 R J0 +100 12 1 U A0 +100 12 2 A G1 +100 12 3 K G15 +100 12 4 R J0 +100 12 5 S C10 +100 13 1 S C11 +100 13 2 U A0 +100 13 3 A F2 +100 13 4 K F20 +100 13 5 R J0 +100 14 1 L G30 +100 14 2 K E17 +100 14 3 S B10 +100 14 4 U A0 +100 14 5 A G2 +100 14 6 R J0 +100 15 1 L G29 +100 15 2 U A0 +100 15 3 K D15 +100 15 4 S B10 +100 15 5 R J0 +100 15 6 A G40 +100 16 1 R J0 +100 16 2 U A0 +100 16 3 K E15 +100 16 4 S C9 +100 16 5 A G2 +100 17 1 L H30 +100 17 2 R J0 +100 17 3 A G1 +100 17 4 U A0 +100 17 5 S C10 +100 17 6 K E17 +100 18 1 K F18 +100 18 2 U A0 +100 18 3 S C12 +100 18 4 A G2 +100 18 5 R J0 +100 18 6 L H30 +100 19 1 U A0 +100 19 2 L F28 +100 19 3 K F16 +100 19 4 S B10 +100 19 5 A F2 +100 19 6 R J0 +100 20 1 K F17 +100 20 2 S C11 +100 20 3 U A0 +100 20 4 A G2 +100 20 5 R J0 +100 20 6 L I31 +100 21 1 L H29 +100 21 2 K H19 +100 21 3 R H19 +100 21 4 A G2 +100 21 5 S B12 +100 21 6 U A0 +100 22 1 L F29 +100 22 2 K E18 +100 22 3 S B10 +100 22 4 U A0 +100 22 5 A G1 +100 22 6 R J0 +100 23 1 U A0 +100 23 2 S D14 +100 23 3 A F2 +100 23 4 K G21 +100 23 5 L G30 +100 23 6 R J0 +100 24 1 U A0 +100 24 2 S C11 +100 24 3 K F16 +100 24 4 R J0 +100 24 5 L H30 +100 24 6 A G39 +100 25 1 L G28 +100 25 2 R J0 +100 25 3 K D16 +100 25 4 A E1 +100 25 5 U A0 +100 25 6 S C11 +101 1 1 U A0 +101 1 2 P D6 +101 1 3 R G1 +101 1 4 T H6 +101 1 5 N G18 +101 1 6 J F26 +101 1 7 K J0 +101 2 1 U A0 +101 2 2 R H3 +101 2 3 P D8 +101 2 4 N F19 +101 2 5 J I24 +101 2 6 K J0 +101 3 1 U A0 +101 3 2 GO E3 +101 3 3 P D8 +101 3 4 N I25 +101 3 5 R F40 +101 3 6 K J0 +101 4 1 U A0 +101 4 2 BR C8 +101 4 3 P B12 +101 4 4 N F20 +101 4 5 R G40 +101 4 6 K J0 +101 5 1 U A0 +101 5 2 R G2 +101 5 3 P C11 +101 5 4 N G20 +101 5 5 J E26 +101 5 6 BR C31 +101 5 7 G E38 +101 5 8 K J0 +101 6 1 U A0 +101 6 2 GO F0 +101 6 3 P D6 +101 6 4 N H21 +101 6 5 J G32 +101 6 6 BR D33 +101 6 7 R G40 +101 6 8 K J0 +101 7 1 U A0 +101 7 2 R G2 +101 7 3 BR C6 +101 7 4 P D7 +101 7 5 N F17 +101 7 6 J I31 +101 7 7 G I38 +101 7 8 K J0 +101 8 1 U A0 +101 8 2 R F4 +101 8 3 P C11 +101 8 4 BR E11 +101 8 5 N F15 +101 8 6 J I31 +101 8 7 G F39 +101 8 8 K J0 +101 9 1 U A0 +101 9 2 P D6 +101 9 3 BR E11 +101 9 4 R G2 +101 9 5 N H20 +101 9 6 J G32 +101 9 7 G H39 +101 9 8 K J0 +101 10 1 U A0 +101 10 2 R G3 +101 10 3 P D8 +101 10 4 BR F15 +101 10 5 N G17 +101 10 6 J G32 +101 10 7 G E37 +101 10 8 K J0 +101 11 1 U A0 +101 11 2 R G3 +101 11 3 BR I4 +101 11 4 P D8 +101 11 5 N F17 +101 11 6 J I35 +101 11 7 G F36 +101 11 8 K J0 +101 12 1 U A0 +101 12 2 R F4 +101 12 3 BR H6 +101 12 4 P C11 +101 12 5 N F18 +101 12 6 K J0 +101 13 1 U A0 +101 13 2 P C11 +101 13 3 N F19 +101 13 4 J E25 +101 13 5 R F40 +101 13 6 K J0 +101 14 1 R F2 +101 14 2 P C8 +101 14 3 N F16 +101 14 4 J F29 +101 14 5 G F32 +101 14 6 K J0 +101 14 7 U A0 +101 15 1 U A0 +101 15 2 R H3 +101 15 3 P C9 +101 15 4 N G18 +101 15 5 J G31 +101 15 6 K J0 +101 16 1 U A0 +101 16 2 G C1 +101 16 3 R F3 +101 16 4 P D8 +101 16 5 N F17 +101 16 6 J D36 +101 16 7 K J0 +101 17 1 U A0 +101 17 2 R G2 +101 17 3 G E4 +101 17 4 P C12 +101 17 5 N G20 +101 17 6 J I38 +101 17 7 K J0 +101 18 1 U A0 +101 18 2 R H3 +101 18 3 P E8 +101 18 4 N F22 +101 18 5 J F31 +101 18 6 G F39 +101 18 7 K J0 +101 19 1 U A0 +101 19 2 R C3 +101 19 3 P C9 +101 19 4 N C17 +101 19 5 J H35 +101 19 6 K J0 +101 20 1 U A0 +101 20 2 R G2 +101 20 3 P C13 +101 20 4 N C18 +101 20 5 J G34 +101 20 6 K J0 +101 21 1 U A0 +101 21 2 R E4 +101 21 3 BR H6 +101 21 4 P C16 +101 21 5 J H30 +101 21 6 K J0 +101 21 7 N E20 +101 22 1 U A0 +101 22 2 R G2 +101 22 3 BR E8 +101 22 4 P C11 +101 22 5 N G20 +101 22 6 J D28 +101 22 7 K J0 +101 23 1 U A0 +101 23 2 R F2 +101 23 3 P C13 +101 23 4 N F20 +101 23 5 J H34 +101 23 6 G E37 +101 23 7 K J0 +101 24 1 U A0 +101 24 2 R G2 +101 24 3 G E4 +101 24 4 P D8 +101 24 5 BR B9 +101 24 6 N G19 +101 24 7 J E33 +101 24 8 K J0 +101 25 1 U A0 +101 25 2 R G3 +101 25 3 BR C6 +101 25 4 P C9 +101 25 5 N F17 +101 25 6 J F31 +101 25 7 G F39 +101 25 8 K J0 +102 1 1 N A19 +102 1 2 WA A19 +102 1 3 W F28 +102 1 4 O G4 +102 1 5 WT J13 +102 1 6 WG G18 +102 2 1 N A0 +102 2 2 W F28 +102 2 3 O G0,40 +102 2 4 G I0,40 +102 2 5 WT J0 +102 2 6 W F28 +102 3 1 NN F4 +102 3 2 GM G1 +102 3 3 M C9 +102 3 4 IC C14 +102 3 5 N A30 +102 3 6 O F40 +102 3 7 WT J35 +102 3 8 W F29 +102 3 9 WW G18 +102 4 1 WA A0 +102 4 2 NT B0..40 +102 4 3 WT J0 +102 4 4 W H30 +102 4 5 O G40 +102 5 1 N A28 +102 5 2 W D28 +102 5 3 O F40 +102 6 1 N A0 +102 6 2 NT B0..40 +102 6 3 O F4 +102 6 4 II D9 +102 6 5 WT J0 +102 6 6 W D29 +102 7 1 NM C8 +102 7 2 WA B37 +102 7 3 NT A38 +102 7 4 O F40 +102 7 5 W G30 +102 7 6 WT J40 +102 8 1 WA A0 +102 8 2 N A0 +102 8 3 W E28 +102 8 4 O F3 +102 8 5 WT J0 +102 9 1 N A0 +102 9 2 O G2 +102 9 3 WT J0 +102 9 4 W E28 +102 10 1 W C0 +102 10 2 NA B0..40 +102 10 3 N A0 +102 10 4 G E2,37 +102 10 5 O G1 +102 10 6 WT J0 +102 10 7 NM C0..40 +102 10 8 NT D0..40 +102 11 1 N A0 +102 11 2 WA B0..40C0..40 +102 11 3 WT J0 +102 11 4 W H19 +102 11 5 NG G35 +102 11 6 O F40 +102 12 1 N A0 +102 12 2 W E19 +102 12 3 WT J0 +102 12 4 NG G38 +102 13 1 N A0 +102 13 2 O G1 +102 13 3 WT J0 +102 13 4 W H31 +102 14 1 N A0 +102 14 2 WA A0 +102 14 3 O G1 +102 14 4 WT J0 +102 14 5 W I31 +102 15 1 G B11 +102 15 2 N A0 +102 15 3 WT J0 +102 15 4 W H28 +102 15 5 O G39 +102 15 6 WN F34 +102 16 1 N A16..34 +102 16 2 WA A16..34 +102 16 3 O G40 +102 16 4 W G29 +102 16 5 WN G29 +102 16 6 WT J21..40 +102 17 1 A C7 +102 17 2 WA A0 +102 17 3 N A0 +102 17 4 WT J0 +102 17 5 W G26 +102 17 6 O F37 +102 18 1 G C8 +102 18 2 IP B13 +102 18 3 N A0 +102 18 4 WA A0 +102 18 5 NP F40 +102 18 6 WE F0H9 +102 18 7 WT J0 +102 18 8 W G30 +102 19 1 N B0..40 +102 19 2 WA A0 +102 19 3 O F1 +102 19 4 G G1 +102 19 5 WT J0 +102 19 6 W F27 +102 20 1 WA A0 +102 20 2 O G2 +102 20 3 WT J0 +102 20 4 W G22 +102 21 1 WA A0 +102 21 2 N A0 +102 21 3 WT J0 +102 21 4 W F30 +102 21 5 O G40 +102 22 1 WA A0 +102 22 2 N A0 +102 22 3 O G1 +102 22 4 WT J0 +102 22 5 W G30 +102 23 1 I C8 +102 23 2 N A0 +102 23 3 WT J0 +102 23 4 W G30 +102 23 5 O F39 +102 24 1 WA A0 +102 24 2 O E1 +102 24 3 W G28 +102 25 1 I C8 +102 25 2 N A0 +102 25 3 WA A0 +102 25 4 O G39 +102 25 5 W I31 +102 25 6 WT J0 +103 1 1 D A0..40 +103 1 2 W C5 +103 1 3 A C8 +103 1 4 K E16 +103 1 5 X A17 +103 1 6 P B20,21 +103 1 7 U E29 +103 1 8 M J0..40 +103 1 9 Y F2 +103 2 1 YT A0..40 +103 2 2 D A0..40 +103 2 3 W F7,8G7,8 +103 2 4 A C8,9 +103 2 5 WJ F18 +103 2 6 U E29 +103 2 7 M J0..40 +103 2 8 Y F0 +103 3 1 A D8,9 +103 3 2 A2 B10..12 +103 3 3 K F26..28 +103 3 4 T A0..40 +103 3 5 Y F36 +103 3 6 W H38..40 +103 3 7 M I38..40 +103 3 8 PL F34,35 +103 3 9 U E34F34 +103 3 10 K2 G29..31 +103 3 11 WJ F29,30 +103 4 1 D A0..40 +103 4 2 P B5..7 +103 4 3 A C8,9D8,9 +103 4 4 K F17..19 +103 4 5 Y G40 +103 4 6 WI G34H34I34 +103 4 7 M J0..40 +103 4 8 W G8H8 +103 5 1 WJ E12 +103 5 2 L B21..23 +103 5 3 M F28 +103 5 4 Y E38 +103 5 5 U H29 +103 5 6 MI G16 +103 5 7 WP I14,15 +103 5 8 O H11,12 +103 5 9 W F11G11 +103 5 10 NK J2,3 +103 6 1 W C5 +103 6 2 A C10 +103 6 3 WJ E16 +103 6 4 U E28 +103 6 5 D A30 +103 6 6 M H31 +103 6 7 L F29 +103 6 8 Y F3 +103 7 1 A C9 +103 7 2 K E17 +103 7 3 K E22 +103 7 4 WJ E22 +103 7 5 C D24 +103 7 6 D A29 +103 7 7 YR F29 +103 7 8 MI C35..37 +103 7 9 Y F40 +103 7 10 L I37 +103 7 11 NR G27 +103 8 1 A D6 +103 8 2 D A0..40 +103 8 3 K F18 +103 8 4 W I4..6 +103 8 5 M J0..40 +103 8 6 Y F1 +103 9 1 YP E0..4F0..4 +103 9 2 A A0..40 +103 9 3 N C26 +103 9 4 MG E28F28 +103 9 5 Y C38..40D38..40E38..40 +103 9 6 M I0..40J0..40 +103 10 1 E D2 +103 10 2 Y G1 +103 10 3 D A0..40 +103 10 4 A D6 +103 10 5 MG E29 +103 10 6 M J0..40 +103 10 7 K F19 +103 10 8 W H7 +103 11 1 D A0..40 +103 11 2 A C8,9 +103 11 3 K E16,17 +103 11 4 U D29,30 +103 11 5 NY J0..40 +103 11 6 M H7,8 +103 11 7 W F6..8 +103 11 8 Y G2,3 +103 11 9 J E3F3 +103 11 10 R D1,2 +103 12 1 B A0 +103 12 2 W C7 +103 12 3 A C8 +103 12 4 K E15 +103 12 5 U C29 +103 12 6 R E40 +103 12 7 M J0..40 +103 12 8 Y F0..5 +103 12 9 N B1 +103 13 1 D A0 +103 13 2 A C9 +103 13 3 YD E16 +103 13 4 U F28 +103 13 5 W H40 +103 13 6 K G20 +103 13 7 I G17 +103 13 8 WI G16 +103 13 9 M J0 +103 13 10 YP H1 +103 13 11 Y G1 +103 14 1 B A0 +103 14 2 W E11 +103 14 3 A C12 +103 14 4 WK E18 +103 14 5 Y G1 +103 15 1 D A2 +103 15 2 A C9 +103 15 3 YP F40 +103 15 4 W G33 +103 15 5 PU F29 +103 15 6 K F16 +103 15 7 WJ F16 +103 15 8 K F4 +103 15 9 M J0 +103 16 1 T A0..40 +103 16 2 A C9 +103 16 3 W F9 +103 16 4 K F17 +103 16 5 U C31..33 +103 16 6 R C1,40 +103 16 7 MW G29 +103 16 8 WI G20 +103 16 9 WN I19 +103 16 10 PR J9 +103 16 11 M J1..40 +103 16 12 Y G1 +103 16 13 D B0 +103 17 1 T A0..40 +103 17 2 A D6,7E6,7 +103 17 3 K F14,15 +103 17 4 WJ H15..18 +103 17 5 M J0..40 +103 17 6 Y I0 +103 17 7 YP I0 +103 18 1 A A0..40 +103 18 2 U C16,17 +103 18 3 K E20 +103 18 4 M J0..40 +103 18 5 W2 I1..6 +103 18 6 RT F3,4 +103 19 1 A E11 +103 19 2 WJ H35 +103 19 3 Y G28 +103 19 4 L F19 +103 20 1 RK A0..40 +103 20 2 Y F40 +103 20 3 X H39,40I39,40 +103 20 4 M G30,31H30,31 +103 21 1 A C11..13 +103 21 2 WU E18 +103 21 3 WK E24 +103 21 4 T A35..40 +103 21 5 Q E37,38F37,38 +103 21 6 M I14J14 +103 22 1 Y H1 +103 22 2 M E0 +103 22 3 P D0 +103 23 1 Y E38 +103 23 2 M J0 +104 1 1 S G1,40 +104 2 1 S G1,39 +104 3 1 S G1,40 +104 4 1 S G2,40 +104 5 1 S G2,40 +104 6 1 S F1,38 +104 6 2 D G28 +104 7 1 S F1G40 +104 8 1 S F4G40 +104 9 1 S F1G40 +104 10 1 S G1,40 +104 11 1 S F40G1 +104 12 1 S G3,40 +104 13 1 S F1,40 +104 14 1 S F1G40 +104 15 1 S G1,40 +104 15 2 K J0 +104 15 3 L A0 +104 16 1 S G1,40 +104 17 1 S F40G1 +104 17 2 K J0 +104 17 3 L A0 +104 18 1 S G2,39 +104 18 2 T D25 +104 19 1 S G1,40H2 +104 20 1 S G1,40 +104 21 1 S G40H1 +104 22 1 S G1,40 +104 22 2 K J0 +104 22 3 L A0 +104 23 1 S G2,40 +104 23 2 K J0 +104 23 3 L A0 +104 24 1 S G1,40 +104 24 2 K J0 +104 24 3 L A0 +104 25 1 S G2,40 +105 1 1 P A0 +105 1 2 T J0 +105 1 3 Z H3 +105 2 1 P A0..40 +105 2 2 Z G3 +105 2 3 T J0..40 +105 3 1 P A0 +105 3 2 Z H3 +105 3 3 T J0 +105 4 1 P A0 +105 4 2 Z F3 +105 4 3 T J0 +105 5 1 P A0 +105 5 2 Z G3 +105 5 3 T J0 +105 6 1 P A0 +105 6 2 Z G2 +105 6 3 T J0 +105 7 1 P A0 +105 7 2 Z G2 +105 7 3 T J0 +105 8 1 P A0 +105 8 2 Z G0 +105 8 3 T J0 +105 9 1 P A0 +105 9 2 Z G2 +105 9 3 T J0 +105 10 1 P A0 +105 10 2 Z G2 +105 10 3 T J0 +105 11 1 P A0 +105 11 2 Z G4 +105 11 3 T J0 +105 12 1 P A0 +105 12 2 Z G2 +105 12 3 T J0 +105 13 1 P A0 +105 13 2 Z G1 +105 13 3 T J0 +105 14 1 P A0 +105 14 2 Z G1 +105 14 3 T J0 +105 15 1 P A0 +105 15 2 Z G3 +105 15 3 T J0 +105 16 1 P A0 +105 16 2 Z G3 +105 16 3 T J0 +105 17 1 P A0 +105 17 2 Z G2 +105 17 3 T J0 +105 18 1 P A0 +105 18 2 Z G2 +105 18 3 T J0 +105 19 1 P A0 +105 19 2 Z G2 +105 19 3 T J0 +105 20 1 P A0 +105 20 2 Z G2 +105 20 3 T J0 +105 21 1 P A0 +105 21 2 Z H3 +105 21 3 T J0 +105 22 1 P A0 +105 22 2 Z G3 +105 22 3 T J0 +105 23 1 P A0 +105 23 2 Z G3 +105 23 3 T J0 +105 24 1 P A0 +105 24 2 Z G4 +105 24 3 T J0 +105 25 1 P A0 +105 25 2 Z G5 +105 25 3 T J0 +105 26 1 P A0 +105 26 2 Z G3 +105 26 3 T J0 +105 27 1 P A0 +105 27 2 Z G3 +105 27 3 T J0 +106 1 1 PO A0..40 +106 1 2 KU E5 +106 1 3 B D11 +106 1 4 K E38 +106 1 5 J H37 +106 1 6 T H32 +106 1 7 BI H31 +106 1 8 G H17,18 +106 1 9 S I8 +106 1 10 I J0..40 +106 1 11 P G2 +106 2 1 PO A0..40 +106 2 2 K C5,6 +106 2 3 B C8,9 +106 2 4 J H38..40 +106 2 5 T G33,34H33,34 +106 2 6 BI G28,29 +106 2 7 G F19,20G19,20 +106 2 8 I J0..40 +106 2 9 P F1..4 +106 3 1 PO A0..40 +106 3 2 K E1 +106 3 3 KU D6 +106 3 4 B C9 +106 3 5 J G40 +106 3 6 T I32 +106 3 7 BI I30 +106 3 8 G H17 +106 3 9 I J0..40 +106 3 10 S I2 +106 3 11 P G2 +106 3 12 A G0 +106 4 1 PO A0..40 +106 4 2 KU D3 +106 4 3 B B11 +106 4 4 T F34 +106 4 5 K D39 +106 4 6 P F40 +106 4 7 S I39 +106 4 8 BI H33 +106 4 9 G G18 +106 4 10 I J0..40 +106 5 1 PO A0..40 +106 5 2 B C12 +106 5 3 KU B12 +106 5 4 K C30 +106 5 5 T H31,32 +106 5 6 BI F29 +106 5 7 G F17..20 +106 5 8 I J0..40 +106 5 9 P F4 +106 6 1 PO A0..40 +106 6 2 K C2 +106 6 3 B B11 +106 6 4 J G38,39 +106 6 5 BI G29 +106 6 6 S I2 +106 6 7 P G2 +106 6 8 I J0..40 +106 6 9 A E0 +106 6 10 G F19 +106 7 1 PO A0..40 +106 7 2 J D1 +106 7 3 KU E4 +106 7 4 B C9 +106 7 5 K D39 +106 7 6 T E37 +106 7 7 BI H30 +106 7 8 G G20 +106 7 9 S I5 +106 7 10 I J0..40 +106 7 11 P F1 +106 7 12 A F0 +106 8 1 PO A0..40 +106 8 2 A E0 +106 8 3 B B13 +106 8 4 J F36 +106 8 5 BI G31 +106 8 6 G F19 +106 8 7 P G1 +106 8 8 I J0..40 +106 8 9 S I1,2 +106 8 10 KU C8 +106 9 1 PO A0..40 +106 9 2 KU E5 +106 9 3 B C10 +106 9 4 K D36 +106 9 5 J G36 +106 9 6 T H33 +106 9 7 BI G30 +106 9 8 I J0..40 +106 9 9 G F20 +106 9 10 P G3 +106 9 11 S I2 +106 9 12 A E0 +106 10 1 A E0 +106 10 2 K D2 +106 10 3 PO A0..40 +106 10 4 KU E5 +106 10 5 B C10 +106 10 6 T H34 +106 10 7 BI H30 +106 10 8 G H19 +106 10 9 S I6 +106 10 10 P G1 +106 10 11 I J0..40 +106 11 1 PO A0..40 +106 11 2 KU E5 +106 11 3 B C9 +106 11 4 K D38 +106 11 5 J G40 +106 11 6 T I33 +106 11 7 BI I31 +106 11 8 G H20 +106 11 9 S I2 +106 11 10 I J0..40 +106 11 11 P G1 +106 12 1 PO A0..40 +106 12 2 KU D6 +106 12 3 B C8 +106 12 4 K D37 +106 12 5 J F36 +106 12 6 T H34 +106 12 7 BI G30 +106 12 8 G H18 +106 12 9 S H6 +106 12 10 I J0..40 +106 12 11 P G1 +106 13 1 PO A0..40 +106 13 2 B B11,12 +106 13 3 BI H28..30 +106 13 4 K C37 +106 13 5 T I32,33 +106 13 6 G H19..21 +106 13 7 S H6..8 +106 13 8 I J0..40 +106 14 1 PO A0..40 +106 14 2 KU F6 +106 14 3 B B10 +106 14 4 G G20 +106 14 5 K C37..40 +106 14 6 J H40 +106 14 7 T H36 +106 14 8 BI I30 +106 14 9 S I6..11 +106 14 10 P H3 +106 14 11 I J0..40 +106 15 1 PO A0..40 +106 15 2 B C9 +106 15 3 G G19,20 +106 15 4 BI F29 +106 15 5 KU E4,5 +106 15 6 P H3 +106 15 7 S I2 +106 15 8 I J0..40 +106 16 1 PO A0..40 +106 16 2 KU C8 +106 16 3 B B11,12 +106 16 4 J E39 +106 16 5 K G38 +106 16 6 T F31 +106 16 7 BI G29 +106 16 8 G G20 +106 16 9 P G1 +106 16 10 I J0..40 +106 16 11 S I2 +106 17 1 KU E5 +106 17 2 B C9 +106 17 3 PO A0..40 +106 17 4 K D38 +106 17 5 J G40 +106 17 6 T I34 +106 17 7 I J0..40 +106 17 8 BI G28 +106 17 9 G H17 +106 17 10 S I5 +106 17 11 P G1 +106 18 1 PO A0..40 +106 18 2 KU C8 +106 18 3 B C11 +106 18 4 K D40 +106 18 5 T I39 +106 18 6 J H34 +106 18 7 BI H29 +106 18 8 G G15 +106 18 9 S G7 +106 18 10 P G2 +106 18 11 I J0..40 +106 18 12 A E0 +106 19 1 PO A0..40 +106 19 2 KU D6 +106 19 3 B C10 +106 19 4 K D40 +106 19 5 P F40G40 +106 19 6 J H40 +106 19 7 T H33 +106 19 8 BI H31 +106 19 9 G H22 +106 19 10 S I1 +106 19 11 I J0..40 +106 19 12 A H0 +106 20 1 PO A0..40 +106 20 2 KU D4 +106 20 3 B C9 +106 20 4 J H39 +106 20 5 K G38 +106 20 6 T H33 +106 20 7 BI H30 +106 20 8 G H18 +106 20 9 S I8 +106 20 10 P G2 +106 20 11 A G0 +106 20 12 I J0..40 +106 21 1 PO A0..40 +106 21 2 KU C8,9 +106 21 3 B B10..12 +106 21 4 K E38..40 +106 21 5 J G37..39 +106 21 6 BI G31H31I31 +106 21 7 T G30H30I30 +106 21 8 G F17G17 +106 21 9 P F3G3H3 +106 21 10 I J0..40 +106 21 11 S I1..3 +106 21 12 A F0 +106 22 1 PO A0..40 +106 22 2 KU D6,7 +106 22 3 B C11..13 +106 22 4 K D38..40 +106 22 5 J G40 +106 22 6 T G32..34 +106 22 7 BI G31H31I31 +106 22 8 G G18..21 +106 22 9 I J0..40 +106 22 10 S I1..3 +106 22 11 P H1..3 +106 23 1 PO A0..40 +106 23 2 KU D6 +106 23 3 B C9 +106 23 4 K D40 +106 23 5 J F40 +106 23 6 T G35 +106 23 7 BI G31 +106 23 8 G G19 +106 23 9 S I3 +106 23 10 P G1,2 +106 23 11 I J0..40 +106 23 12 A E0 +106 24 1 PO A0..40 +106 24 2 KU D7 +106 24 3 B D11,12 +106 24 4 K E39,40 +106 24 5 J G38 +106 24 6 T H33,34 +106 24 7 BI G29 +106 24 8 G G19 +106 24 9 I J0..40 +106 24 10 S I3 +106 24 11 P G2,3 +106 24 12 A F0 +106 25 1 PO A0..40 +106 25 2 KU E5 +106 25 3 B C9 +106 25 4 K E39 +106 25 5 T H34 +106 25 6 BI H29 +106 25 7 G G18 +106 25 8 S H6 +106 25 9 P H2 +106 25 10 I J0..40 +106 25 11 A F0 +107 1 1 OX A0 +107 1 2 OS G1 +107 1 3 PA C2 +107 1 4 CH B9,10 +107 1 5 FI J11,12 +107 1 6 DA E16 +107 1 7 KO D36 +107 2 1 OX A0..40 +107 2 2 CH C11D11 +107 2 3 PA C18..23D18..23 +107 2 4 DA E22..26 +107 2 5 OS F39,40 +107 2 6 FI J0..40 +107 3 1 OX A0..40 +107 3 2 OS G1 +107 3 3 CH D5E4,5 +107 3 4 PA C12 +107 3 5 DA H22 +107 3 6 FI J0..40 +107 4 1 OX A0..40 +107 4 2 OS F3 +107 4 3 DA C18 +107 4 4 CH E28 +107 4 5 FI J0..40 +107 5 1 OX A18,19 +107 5 2 OS G2 +107 5 3 CH C12 +107 5 4 DA E18 +107 5 5 FI J0..40 +107 6 1 OX A0..40 +107 6 2 OS F1G1 +107 6 3 PA E7 +107 6 4 CH D15 +107 6 5 DA E20 +107 6 6 KO F34,35 +107 6 7 FI J0..40 +107 7 1 OX A0..40 +107 7 2 OS F1 +107 7 3 CH E11 +107 7 4 DA G23 +107 7 5 FI J0..40 +107 8 1 OX A0..40 +107 8 2 OS E2,3,38,39F2,3,38,39G2,3 +107 8 3 CH C12D12E12 +107 8 4 DA D16..18F32G32H32I32 +107 8 5 FI J0..40 +107 9 1 OX A0..40 +107 9 2 PA A15 +107 9 3 OS E1..4 +107 9 4 KO F9 +107 9 5 CH C10 +107 9 6 DA E24..28 +107 9 7 FI J0..40 +107 10 1 OX A0..40 +107 10 2 OS G2 +107 10 3 CH B11 +107 10 4 DA E31 +107 10 5 FI J0..40 +107 11 1 OX A0..40 +107 11 2 PA C7,8 +107 11 3 OS F2I1 +107 11 4 CH C9 +107 11 5 DA F17..19 +107 11 6 FI J0..40 +107 12 1 OX A0..40 +107 12 2 CH C11,12 +107 12 3 DA E28 +107 12 4 OS G40 +107 12 5 FI J0..40 +107 13 1 OX A0..40B35..40 +107 13 2 CH C12,13 +107 13 3 DA D30 +107 13 4 OS F40G40H40I38..40 +107 13 5 FI J0..40 +107 14 1 OX A0..40 +107 14 2 OS G3 +107 14 3 KO G8 +107 14 4 PA B9 +107 14 5 CH C13 +107 14 6 DA F17 +107 14 7 FI J0..40 +107 15 1 OX A0..40 +107 15 2 KO E0 +107 15 3 OS F1G1,2 +107 15 4 CH E5 +107 15 5 PA C8D8 +107 15 6 DA H30,31 +107 15 7 FI J0..40 +107 16 1 CH C1 +107 16 2 OS F3G2 +107 16 3 FI J15 +107 16 4 DA D16 +107 16 5 OX A18 +107 17 1 OX A0..40 +107 17 2 XA E32..34 +107 17 3 OS H33..37 +107 17 4 CH I3 +107 17 5 FI J0..40 +107 18 1 OX A0..40 +107 18 2 CH D8 +107 18 3 OS F1 +107 18 4 DA F29 +107 18 5 FI J0..40 +107 19 1 OX A0..40 +107 19 2 CH C8 +107 19 3 DA G19 +107 19 4 KO F31 +107 19 5 OS G39 +107 19 6 FI J0..40 +107 20 1 OX A0..40 +107 20 2 PA C4,5 +107 20 3 CH C9 +107 20 4 KO E0 +107 20 5 OS F1 +107 20 6 DA H19 +107 20 7 FI J0..40 +107 21 1 OX A0..40 +107 21 2 OS E4,5 +107 21 3 CH D6,7G11,12 +107 21 4 PA B10,11 +107 21 5 DA C13 +107 21 6 FI J0..40 +107 22 1 OX A0..40 +107 22 2 OS F2 +107 22 3 CH E10 +107 22 4 DA E19 +107 22 5 FI J15 +107 23 1 OX A0..40 +107 23 2 OS F4 +107 23 3 CH E5 +107 23 4 PA C8,9 +107 23 5 DA E15,16 +107 23 6 FI J0..40 +107 24 1 OX A0..40 +107 24 2 OS E5 +107 24 3 CH E10 +107 24 4 RA C12 +107 24 5 KO C13 +107 24 6 DA E15 +107 24 7 FI J0..40 +107 25 1 OX A0..40 +107 25 2 OS E1F1 +107 25 3 DA F15..30 +107 25 4 RA E30F30 +107 25 5 FI H24,25J0..40 +108 1 1 QA G2 +108 1 2 JE C8 +108 1 3 IA G18 +108 1 4 QN I39 +108 2 1 QA G1 +108 2 2 JE C9 +108 2 3 IA E17 +108 2 4 IP G38 +108 3 1 JA A0..40 +108 3 2 CA J0..40 +108 3 3 QA G3 +108 3 4 JE C11 +108 3 5 IA H20 +108 4 1 JA A0..40 +108 4 2 CA J0..40 +108 4 3 QA H1 +108 4 4 JE C11 +108 4 5 IA I29 +108 5 1 QA G2 +108 5 2 JE D11 +108 5 3 IP E14 +108 5 4 IA F17 +108 6 1 IP E34 +108 6 2 QA G1 +108 6 3 CA J0..40 +108 6 4 JA A0..40 +108 6 5 JE C8 +108 6 6 IA F17 +108 7 1 JA A0..40 +108 7 2 CA J0..40 +108 7 3 QA H1 +108 7 4 JE C11 +108 7 5 IA F19 +108 7 6 IP G30 +108 8 1 JA A0..40 +108 8 2 CA J0..40 +108 8 3 QA F1 +108 8 4 JE C11 +108 8 5 IA F17 +108 8 6 IP H36 +108 9 1 JA A0..40 +108 9 2 CA J0..40 +108 9 3 JE C9 +108 9 4 IA G29 +108 9 5 QA G1 +108 9 6 IP F35 +108 10 1 JA A0..40 +108 10 2 CA J0..40 +108 10 3 QA G1 +108 10 4 JE C9 +108 10 5 IA F16 +108 10 6 IP I38 +108 11 1 QA G1 +108 11 2 JE C10 +108 11 3 IA G18 +108 11 4 IP I31 +108 12 1 QA G1 +108 12 2 JE B8 +108 12 3 IA D15 +108 12 4 IP I30 +108 13 1 QA D3 +108 13 2 JE B13 +108 13 3 IA C17 +108 13 4 IP F38 +108 14 1 QA G1 +108 14 2 JE C9 +108 14 3 IA F15 +108 14 4 IP I37 +108 15 1 QA G3 +108 15 2 JA A6 +108 15 3 JE C9 +108 15 4 IA G18 +108 15 5 IP F28 +108 16 1 QA F2 +108 16 2 JE C11 +108 16 3 IA F19 +108 16 4 IP E30 +108 17 1 QA G1 +108 17 2 JE C8 +108 17 3 IA F19 +108 17 4 IP H34 +108 18 1 QA G2 +108 18 2 JE C11 +108 18 3 IA F17 +108 18 4 IP H33 +108 19 1 QA G2 +108 19 2 JE C9 +108 19 3 IA F19 +108 19 4 IP H34 +108 20 1 QA F1 +108 20 2 JE C10 +108 20 3 IA F17 +108 20 4 IP H34 +108 21 1 QA F2 +108 21 2 JE C9 +108 21 3 IA F19 +108 21 4 IP H35 +108 22 1 QA G1 +108 22 2 JE C9 +108 22 3 IA G17 +108 22 4 IP G26 +108 23 1 QA E2 +108 23 2 JE D8 +108 23 3 IA F16 +108 23 4 IP H30 +108 24 1 QA F5 +108 24 2 JE C9 +108 24 3 IA F16 +108 24 4 IP H38 +108 25 1 JA A0..40 +108 25 2 CA J0..40 +108 25 3 QA F2 +108 25 4 JE C8 +108 25 5 IA F17 +108 25 6 IP G35 +109 1 1 Q A0 +109 1 2 Q B0 +109 1 3 Y C8,9 +109 1 4 S D30 +109 1 5 K F39,40 +109 1 6 T J0 +109 1 7 T G0 +109 1 8 S E29 +109 1 9 Y B10,11 +109 1 10 S F29 +109 1 11 K G1 +109 1 12 T F0 +109 2 1 Q A0 +109 2 2 T G8 +109 2 3 Y C9 +109 2 4 M D14 +109 2 5 ES D27 +109 2 6 E F31 +109 2 7 S G30 +109 2 8 T J0 +109 2 9 T I0 +109 2 10 K G2 +109 2 11 T C0 +109 2 12 Q B0 +109 3 1 Q A0 +109 3 2 EG B2 +109 3 3 Y C9 +109 3 4 S C26 +109 3 5 K F39 +109 3 6 M F37I38 +109 3 7 E I40 +109 3 8 M G38 +109 3 9 T J0 +109 3 10 S G26 +109 3 11 T I6 +109 3 12 T I5 +109 3 13 K G1 +109 3 14 K G1 +109 3 15 Q C0 +109 3 16 S E28 +109 4 1 Q A0B0 +109 4 2 K C2 +109 4 3 Y C9 +109 4 4 E E28 +109 4 5 Q A0 +109 4 6 T J0 +109 4 7 S G30 +109 4 8 M G21 +109 4 9 T G0 +109 4 10 K G1 +109 4 11 S C29 +109 4 12 E D33 +109 4 13 E H34 +109 5 1 Q B0 +109 5 2 Q A0 +109 5 3 K F5 +109 5 4 S F29 +109 5 5 E I40 +109 5 6 M G17 +109 5 7 T J0 +109 5 8 T I0 +109 5 9 T H0 +109 5 10 K G1 +109 5 11 K F1 +109 5 12 K B1 +109 5 13 M C10 +109 5 14 SK F30 +109 5 15 S G30 +109 6 1 Q B0 +109 6 2 Q A0 +109 6 3 NI B10 +109 6 4 S D15 +109 6 5 K B40 +109 6 6 K G40 +109 6 7 E I40 +109 6 8 T I37 +109 6 9 S J0 +109 6 10 T J0 +109 7 1 K F4 +109 7 2 Y C8 +109 7 3 Q A0 +109 7 4 K D39 +109 7 5 K G40 +109 7 6 E I40 +109 7 7 T J0 +109 7 8 S G30H29 +109 7 9 M H17 +109 7 10 T H0 +109 7 11 K F1 +109 7 12 Q B0 +109 7 13 S F28 +109 8 1 Q C0 +109 8 2 Q A0 +109 8 3 T C8 +109 8 4 S E28 +109 8 5 K F39 +109 8 6 T J0 +109 8 7 E H1 +109 8 8 K G1 +109 9 1 K E4 +109 9 2 Y C9 +109 9 3 Q A0 +109 9 4 K H40 +109 9 5 S H18 +109 9 6 S H17 +109 9 7 T J0 +109 9 8 T J0 +109 9 9 T H0 +109 9 10 Q B0 +109 10 1 Q A0 +109 10 2 K D3 +109 10 3 Y C9 +109 10 4 S D16 +109 10 5 S E20G18 +109 10 6 K G40 +109 10 7 E I37 +109 10 8 T J0 +109 10 9 T F0 +109 10 10 Q C0 +109 11 1 Y C9 +109 11 2 Q A0 +109 11 3 Q B34 +109 11 4 E H34 +109 11 5 S G30 +109 11 6 S D29 +109 11 7 M G16 +109 11 8 T I8 +109 11 9 T J0 +109 11 10 T H0 +109 11 11 K H2 +109 11 12 K G2 +109 12 1 Q A0 +109 12 2 Q B24 +109 12 3 K C40D40 +109 12 4 K D39 +109 12 5 S D30 +109 12 6 S G30 +109 12 7 T I10 +109 12 8 E H5 +109 12 9 T J0 +109 12 10 K G0 +109 13 1 Q A0 +109 13 2 K D3 +109 13 3 Y C9 +109 13 4 Q D30 +109 13 5 S H28 +109 13 6 S E27 +109 13 7 K H3 +109 13 8 E I2 +109 13 9 T J0 +109 13 10 Q B0..40 +109 13 11 T H0 +109 14 1 Q A0 +109 14 2 K D1 +109 14 3 K D3 +109 14 4 Y B11 +109 14 5 M C27 +109 14 6 K D37 +109 14 7 E F35 +109 14 8 S J0 +109 14 9 T J0 +109 14 10 S H20 +109 14 11 T I9 +109 14 12 K G1 +109 14 13 T J0 +109 14 14 T G0 +109 14 15 Q C0 +109 15 1 Q A0B10 +109 15 2 K F1 +109 15 3 MA E9 +109 15 4 S B10 +109 15 5 S E14 +109 15 6 S F29 +109 15 7 K F4 +109 15 8 K G1 +109 15 9 E G0 +109 15 10 T J0 +109 15 11 T H0 +109 15 12 T F0 +109 15 13 Q B0 +109 16 1 Q A0 +109 16 2 Q B5 +109 16 3 Y B10 +109 16 4 Q B36 +109 16 5 K D40 +109 16 6 E I39 +109 16 7 S I29 +109 16 8 K E3 +109 16 9 K H1 +109 16 10 T J0 +109 16 11 T H0 +109 16 12 T E0 +109 16 13 K D1 +109 17 1 Q A0 +109 17 2 Y C10 +109 17 3 S E16 +109 17 4 S F26 +109 17 5 E H33 +109 17 6 K H6 +109 17 7 T J0 +109 17 8 T H0 +109 17 9 K G1 +109 17 10 Q C0 +109 18 1 Q B0 +109 18 2 Q C0 +109 18 3 Y C8 +109 18 4 Q A0 +109 18 5 K D40 +109 18 6 K E40 +109 18 7 K E39 +109 18 8 K E39 +109 18 9 K G40 +109 18 10 T J0 +109 18 11 T J0 +109 18 12 E G34 +109 18 13 E F33 +109 18 14 S H29 +109 18 15 S G15 +109 18 16 E I7 +109 18 17 K F1 +109 20 1 Q A0 +109 20 2 K D2 +109 20 3 MA D8 +109 20 4 S B13 +109 20 5 S C26 +109 20 6 Q B29 +109 20 7 K E40 +109 20 8 K F38 +109 20 9 E G6,35I7 +109 20 10 S H29 +109 20 11 M H16 +109 20 12 T J0 +109 20 13 K F2 +109 20 14 T I0 +109 20 15 T E0 +109 20 16 Q B0 +109 21 1 Q A0 +109 21 2 K E4 +109 21 3 Y B10 +109 21 4 S D19,29 +109 21 5 E E34 +109 21 6 K E40 +109 21 7 K F40 +109 21 8 S F17,29 +109 21 9 T H10 +109 21 10 T F10 +109 21 11 T J0 +109 21 12 K G1 +109 21 13 Q B0..40 +109 21 14 Q C0 +109 22 1 Q A0 +109 22 2 K G1 +109 22 3 K E4 +109 22 4 Y C8 +109 22 5 Q C37 +109 22 6 E H32 +109 22 7 S H30 +109 22 8 S G18 +109 22 9 T I6 +109 22 10 T J0 +109 23 1 Q A0 +109 23 2 Y C9 +109 23 3 M F15 +109 23 4 K D38 +109 23 5 S H31 +109 23 6 S D24 +109 23 7 U I7 +109 23 8 T J0 +109 23 9 T I0 +109 23 10 ML H0 +109 23 11 K G1 +109 23 12 T E0 +109 23 13 Q B0C0 +109 24 1 Q A0 +109 24 2 K C1 +109 24 3 K H3 +109 24 4 KE C6 +109 24 5 KK A0 +109 24 6 Y B12 +109 24 7 E H34 +109 24 8 S H29 +109 24 9 S G20 +109 24 10 T J0 +109 24 11 T H0 +109 24 12 Q B0 +109 25 1 Q B0 +109 25 2 K E5 +109 25 3 S C19 +109 25 4 S E20 +109 25 5 A E18 +109 25 6 A C27 +109 25 7 Q B32 +109 25 8 Q A0 +109 25 9 K H40 +109 25 10 K H36 +109 25 11 M G33 +109 25 12 E I32 +109 25 13 S2 F3 +109 25 14 T J0 +109 25 15 M H11 +110 1 1 Y C9 +110 1 2 W A0..40 +110 1 3 G E17 +110 1 4 BL I38 +110 1 5 P G33 +110 1 6 B J0..40 +110 1 7 R G2 +110 1 8 C I2 +110 2 1 Y C11 +110 2 2 W A0..40 +110 2 3 P H31 +110 2 4 BL H27 +110 2 5 G G17 +110 2 6 B J0..40 +110 2 7 C I5 +110 2 8 R F2 +110 3 1 Y C13 +110 3 2 W A0..40 +110 3 3 BL I35 +110 3 4 P H31 +110 3 5 G G18 +110 3 6 R H2 +110 3 7 B J0..40 +110 4 1 W A0..40 +110 4 2 Y C8,9 +110 4 3 P G32,33H32,33 +110 4 4 BL I28..30 +110 4 5 G G17..21 +110 4 6 R H0,1 +110 4 7 B J0..40 +110 5 1 W A0..40 +110 5 2 Y C12 +110 5 3 G F18 +110 5 4 P H35 +110 5 5 BL G30 +110 5 6 C I10 +110 5 7 CH I7 +110 5 8 R G3 +110 5 9 B J0..40 +110 6 1 Y C9 +110 6 2 W A0..40 +110 6 3 B J0..40 +110 6 4 C I37 +110 6 5 P I31 +110 6 6 BL I30 +110 6 7 G F17 +110 6 8 R G2 +110 7 1 W A0..40 +110 7 2 Y C9 +110 7 3 P F33 +110 7 4 G G17 +110 7 5 R G2 +110 7 6 B J0..40 +110 8 1 W A0..40 +110 8 2 Y B10 +110 8 3 BL G31,32 +110 8 4 P G36 +110 8 5 B I29 +110 8 6 G F26 +110 8 7 R F1 +110 9 1 W A0..40 +110 9 2 R F3 +110 9 3 Y C10,11 +110 9 4 G F18 +110 9 5 BL E26 +110 9 6 P F33 +110 9 7 M F32,33 +110 9 8 C I7 +110 9 9 B J0..40 +110 10 1 Y D6 +110 10 2 W A0..40 +110 10 3 P H36 +110 10 4 B J0..40 +110 10 5 G G18 +110 10 6 R G2 +110 10 7 C I2 +110 11 1 Y B12 +110 11 2 W A0..40 +110 11 3 G E21 +110 11 4 P G33 +110 11 5 BL G29 +110 11 6 R H3 +110 11 7 C I2 +110 11 8 B I0 +110 12 1 W A0..40 +110 12 2 Y C13 +110 12 3 P H35 +110 12 4 BL H30 +110 12 5 G F21 +110 12 6 R G2 +110 12 7 C H2 +110 12 8 B J0..40 +110 13 1 Y C10 +110 13 2 W A0..40 +110 13 3 P G33 +110 13 4 BL F30 +110 13 5 B J0..40 +110 13 6 G E19 +110 13 7 R F3 +110 13 8 C I2 +110 14 1 Y D8 +110 14 2 W A0..40 +110 14 3 P H33 +110 14 4 B J0..40 +110 14 5 G E22 +110 14 6 RI I6 +110 14 7 R G2 +110 15 1 W A0..40 +110 15 2 Y C9 +110 15 3 P H35 +110 15 4 BL I29 +110 15 5 G G18 +110 15 6 C I2 +110 15 7 B J0..40 +110 15 8 R G0..2 +110 16 1 Y C9 +110 16 2 W A0..40 +110 16 3 C I39 +110 16 4 B J0..40 +110 16 5 P G33 +110 16 6 BL F27 +110 16 7 G F16 +110 16 8 R F3 +110 17 1 Y B12 +110 17 2 W A0..40 +110 17 3 P I35 +110 17 4 BL G29 +110 17 5 B J0..40 +110 17 6 G H18 +110 17 7 C I5 +110 17 8 R G2 +110 18 1 W A0..40 +110 18 2 Y D10 +110 18 3 C I40 +110 18 4 P F34G34 +110 18 5 BL I30 +110 18 6 G H18 +110 18 7 R I2 +110 18 8 B J0..40 +110 19 1 W A0..40 +110 19 2 Y C10,11 +110 19 3 G F17,18 +110 19 4 P H34 +110 19 5 BL H29 +110 19 6 CH H6,7 +110 19 7 B J0..40 +110 19 8 R F4 +110 19 9 S F0G0 +110 20 1 W A0..40 +110 20 2 Y C9 +110 20 3 P I32 +110 20 4 BL H28 +110 20 5 G G18 +110 20 6 C H10 +110 20 7 R H2 +110 20 8 B J0..40 +110 21 1 W A0..40 +110 21 2 Y C8 +110 21 3 P G33 +110 21 4 BL F28 +110 21 5 B J0..40 +110 21 6 G G19 +110 21 7 R F2 +110 22 1 Y C9 +110 22 2 W A0..40 +110 22 3 P G33 +110 22 4 BL H29 +110 22 5 G F18 +110 22 6 C I7 +110 22 7 B J0..40 +110 22 8 R G2 +110 23 1 Y C10 +110 23 2 W A0..40 +110 23 3 P F33 +110 23 4 G F19 +110 23 5 C H2 +110 23 6 B J0..40 +110 23 7 R F1 +110 24 1 W A0..40 +110 24 2 Y C12 +110 24 3 G E16F16 +110 24 4 P G34 +110 24 5 BL H33 +110 24 6 C I4 +110 24 7 B J0..40 +110 24 8 R G2 +110 25 1 Y C8 +110 25 2 W A0..40 +110 25 3 G E25 +110 25 4 BL E32 +110 25 5 P G33 +110 25 6 B J0..40 +110 25 7 R G1 diff --git a/src/examples/colors/data/lang.txt b/src/examples/colors/data/lang.txt new file mode 100644 index 00000000..cf4f5008 --- /dev/null +++ b/src/examples/colors/data/lang.txt @@ -0,0 +1,111 @@ +LNUM LNAME LGEO LFW +1 Abidji Ivory Coast * * * Abidji_DAT_new.txt new +2 Agarabi Papua New Guinea J. Goddard and L. Luff Scott Merrifield and Bruce Hansen Bruce Hansen Agarabi_DAT_new.txt new +3 Casiguran Agta Philippines Thomas N. Headland Jason D. Patent * Agta_DAT_new.txt new +4 Aguacateco Guatemala H S McArthur, Tino Ken Merrifield Ken Merrifield Aguacatec_DAT_new.txt new +5 Amarakaeri Peru * * * Amarakaeri_DAT_new.txt new +6 Ampeeli Papua New Guinea E. West Jason Patent * Ampeeli_DAT_new.txt new +7 Amuzgo * * * * Amuzgo_Brk_DAT_new.txt new +8 Angaatiha Papua New Guinea * * * Angaatiha_DAT_new.txt new +9 Apinaye Brazil June Morris Ken Merrifield Ken Merrifield Apinaye_DAT_new.txt new +10 Arabela Peru R. and B. Rich Jason Patent * Arabela_DAT_new.txt new +11 Bahinemo Papua New Guinea * * * Bahinemo_DAT_new.txt new +12 Bauzi * * * * Bauzi_DAT_new.txt new +13 Berik Indonesia * * * Berik_DAT_new.txt new +14 Bete * * * * Bete_DAT_new.txt new +15 Bhili India * * * Bhili_DAT_new.txt new +16 Buglere * * * * Buglere_DAT_new.txt new +17 Cakchiquel Guatemala J. Munson Scott Merrifield William R. Merrifield Cakchiquel_DAT_new.txt new +18 Ucayali Campa Peru Allene Heitzman Jason D. Patent * Campa_DAT_new.txt new +19 Camsa * * * * Camsa_DAT_new.txt new +20 Candoshi * * * * Candoshi_DAT_new.txt new +21 Cavine{\x96}a * * * * Cavinena_DAT_new.txt new +22 Cayapa Ecuador Neil Wiebe Scott Merrifield William R. Merrifield Cayapa_DAT_new.txt new +23 Ch{\x87}cobo * * * * Chacobo_DAT_new.txt new +24 Chavacano * * * * Chavacano_DAT_new.txt new +25 Chayahuita * * * * Chayahuita_DAT_new.txt new +26 Chinanteco Mexico Al & Jeff Anderson Jason D. Patent * Chinantec_DAT_new.txt new +27 Chiquitano Bolivia M. Kr{\x9F}si, L. Rodriguez, E. Lyn (?) Jason Patent * Chiquitano_DAT_new.txt new +28 Chumburu * Hansford Scott Merrifield William R. Merrifield Chumburu_DAT_new.txt new +29 Cof{\x87}n * * * * Cofan_DAT_new.txt new +30 Colorado * * * * Colorado_DAT_new.txt new +31 Eastern Cree Canada Lieselotte Bartlett Scott Merrifield William R. Merrifield Cree_DAT_new.txt new +32 Culina Peru, Brazil P. Adams and T. Fern{\x87}ndez Jason Patent * Culina_DAT_new.txt new +33 Didinga * * * * Didinga_DAT_new.txt new +34 Djuka * * * * Djuka_DAT_new.txt new +35 Dyimini * * * * Dyimini_DAT_new.txt new +36 Ejagam * * * * Ejagham_DAT_new.txt new +37 Ese Ejja Bolivia Kenneth and Joyce Prettol Scott Merrifield William R. Merrifield Ese-Ejja_DAT_new.txt new +38 Carib Guatemala Teodora Gamboa William R. Merrifield William R. Merrifield Garifuna_DAT_new.txt new +39 Guahibo Colombia Riena Kondo Kenneth J. Merrifield William R. Merrifield Guahibo_DAT_new.txt new +40 Guambiano * * * * Guambiano_DAT_new.txt new +41 Guarijio Mexico Ron and Sharon Stoltzfus Kenneth J. Merrifield William R. Merrifield Guarijio_DAT_new.txt new +42 Ng{\x8A}bere Panama Arosemena Patent, Jason * Guaymi_DAT_new.txt new +43 Gunu Cameroon D. Heath Ken Merrifield Ken Merrifield Gunu_DAT_new.txt new +44 Halbi India F. Woods and P. Hopple Jason Patent * Halbi_DAT_new.txt new +45 Huasteco * * * * Huastec_DAT_new.txt new +46 Huave Mexico G + E Stairs Scott Merrifield William R. Merrifield Huave_DAT_new.txt new +47 Iduna * Ramona Lucht Jason D. Patent * Iduna_DAT_new.txt new +48 Ifugao PHILIPPINES RICHARD AND LOU HOHULIN KENNETH MERRIFIELD WILLIAM R. MERRIFIELD Ifugao_DAT_new.txt new +49 Sepik Iwam Papua New Guinea Sailas Yaumor and Jona Yhombwan Kenneth J. Merrifield William R. Merrifield Iwam_DAT_new.txt new +50 Jicaque * * * * Jicaque_DAT_new.txt new +51 Kalam * * * * Kalam_DAT_new.txt new +52 Kamano-Kafe * * * * Kamano-Kafe_DAT_new.txt new +53 Karaja * * * * Karaja_DAT_new.txt new +54 Kemtuik Indonesia Jelly van de Wilden Scott Merrifield Scott Merrifield Kemtuik_DAT_new.txt new +55 Kokoni * * * * Kokni_DAT_new.txt new +56 Konkomba Ghana M. A. Langdon Ken Merrifield Ken Merrifield Konkomba_DAT_new.txt new +57 Kriol * * * * Kriol_DAT_new.txt new +58 Kuku-Yalanji * * * * Kuku-Yalanji_DAT_new.txt new +59 Long-haired Kuna Panama Forster Jason D. Patent * Kuna_DAT_new.txt new +60 Kwerba * * * * Kwerba_DAT_new.txt new +61 Lele CHAD Pam Simons and Salet Samuel William R. Merrifield William R. Merrifield Lele_DAT_new.txt new +62 Mampruli Ghana Naden Jason D. Patent * Mampruli_DAT_new.txt new +63 Maring Papua New Guinea S. Woodward Jason Patent * Maring_DAT_new.txt new +64 Martu Wangka * * * * MartuWangka_DAT_new.txt new +65 Mawchi * * * * Mawchi_DAT_new.txt new +66 Mayoruna * * * * Mayoruna_DAT_new.txt new +67 Mazahua * * * * Mazahua_DAT_new.txt new +68 Mazateco * * * * Mazatec_DAT_new.txt new +69 Menye Papua New Guinea Carl & Pat Whitehead Data Input Person Bill Merrifield Menya_DAT_new.txt new +70 Micmac * * * * Micmac_DAT_new.txt new +71 Mikasuki U S A David West Scott Merrifield Scott Merrifield Mikasuki_DAT_new.txt new +72 Mixteco * * * * Mixtec_DAT_new.txt new +73 Mundu * * * * Mundu_DAT_new.txt new +74 M{\x9C}ra Pirah{\x8B} * * * * Mura-Piraha_DAT_new.txt new +75 Murle * * * * Murle_DAT_new.txt new +76 Murinbata * * * * Murrinh-Patha_DAT_new.txt new +77 Nafaanra * * * * Nafaanra_DAT_new.txt new +78 N{\x87}huatl * * * * Nahuatl_DAT_new.txt new +79 Ocaina * * * * Ocaina_DAT_new.txt new +80 Papago * * * * Oodham_DAT_new.txt new +81 Patep * * * * Patep_DAT_new.txt new +82 Paya * * * * Paya_DAT_new.txt new +83 Podopa * * * * Podopa_DAT_new.txt new +84 Saramaccan * * * * Saramaccan_DAT_new.txt new +85 Seri * * * * Seri_DAT_new.txt new +86 Shipibo Peru Guillermo Ramirez Ken Merrifield Ken Merrifield Shipibo_DAT_new.txt new +87 Sirion{\x97} * * * * Siriono_DAT_new.txt new +88 Slave Canada Monus Jason D. Patent * Slave_DAT_new.txt new +89 Sursurunga * * * * Sursurunga_DAT_new.txt new +90 Tabla * * * * Tabla_DAT_new.txt new +91 Tacana Bolivia Ottaviano Jason D. Patent * Tacana_DAT_new.txt new +92 Central Tarahumara Mexico Don Burgess Scott Merrifield William R Merrifield Tarahumara-C_DAT_new.txt new +93 W. Tarahumara Mexico Don Burgess Jason D. Patent * Tarahumara-W_DAT_new.txt new +94 Tboli * * * * Tboli_DAT_new.txt new +95 Teribe * * * * Teribe_DAT_new.txt new +96 Ticuna * * * * Ticuna_DAT_new.txt new +97 Tifal Papua N. Guinea * Jason D. Patent * Tifal_DAT_new.txt new +98 Tlapaneco * * * * Tlapanec_DAT_new.txt new +99 Tucano Colombia * Jason D. Patent * Tucano_DAT_new.txt new +100 Vagla * * * * Vagla_DAT_new.txt new +101 Vasavi * * * * Vasavi_DAT_new.txt new +102 Waorani * * * * Waorani_DAT_new.txt new +103 Walpiri * * * * Warlpiri_DAT_new.txt new +104 Wobe * * * * Wobe_DAT_new.txt new +105 Yacouba * * * * Yacouba_DAT_new.txt new +106 Yakan * * * * Yakan_DAT_new.txt new +107 Yaminahua Peru L. Eakin and N. Faust Jason Patent * Yaminahua_DAT_new.txt new +108 Yucuna Colombia Schauer Jason D. Patent * Yucuna_DAT_new.txt new +109 Yupik * * * * Yupik_DAT_new.txt new +110 Zapoteco * * * * Zapotec_DAT_new.txt new diff --git a/src/examples/colors/data/spkr-lsas.txt b/src/examples/colors/data/spkr-lsas.txt new file mode 100644 index 00000000..e8776329 --- /dev/null +++ b/src/examples/colors/data/spkr-lsas.txt @@ -0,0 +1,2619 @@ +1 1 90 M +1 2 26 M +1 3 38 M +1 4 35 M +1 5 80 M +1 6 48 M +1 7 26 M +1 8 39 M +1 9 47 F +1 10 49 M +1 11 40 F +1 12 45 M +1 13 50 M +1 14 30 M +1 15 21 M +1 16 60 F +1 17 32 M +1 18 67 M +1 19 15 M +1 20 42 M +1 21 40 M +1 22 47 M +1 23 23 F +1 24 45 F +1 25 30 F +2 1 20 F +2 2 40 F +2 3 45 F +2 4 45 F +2 5 50 F +2 6 50 F +2 7 50 F +2 8 55 F +2 9 55 F +2 10 55 F +2 11 60 F +2 12 60 F +2 13 35 M +2 14 40 M +2 15 45 M +2 16 45 M +2 17 0 M +2 18 0 M +2 19 0 m +2 20 0 m +2 21 0 m +2 22 0 m +2 23 65 M +2 24 0 M +3 1 26 F +3 2 26 F +3 3 30 F +3 4 35 F +3 5 38 F +3 6 40 F +3 7 43 F +3 8 46 F +3 9 46 F +3 10 52 F +3 11 59 F +3 12 60 F +3 13 61 F +3 14 62 F +3 15 19 M +3 16 21 M +3 17 30 M +3 18 40 M +3 19 41 M +3 20 42 M +3 21 47 M +3 22 53 M +3 23 62 M +3 24 65 M +3 25 66 M +4 1 15 F +4 2 17 F +4 3 18 F +4 4 20 F +4 5 20 F +4 6 22 F +4 7 23 F +4 8 24 F +4 9 24 F +4 10 28 F +4 11 30 F +4 12 30 F +4 13 35 F +4 14 35 F +4 15 36 F +4 16 47 F +4 17 48 F +4 18 60 F +4 19 78 F +4 20 75 F +4 21 0 F +4 22 15 M +4 23 19 M +4 24 19 M +4 25 23 M +4 26 24 M +4 27 25 M +4 28 29 M +4 29 32 M +4 30 37 M +4 31 37 M +4 32 50 M +4 33 58 M +4 34 77 M +4 35 0 M +5 1 29 M +5 2 20 M +5 3 40 F +5 4 16 F +5 5 24 M +5 6 30 M +6 1 40 M +6 2 35 M +6 3 55 M +6 4 45 F +6 5 18 F +6 6 25 M +6 7 32 M +6 8 27 M +6 9 37 M +6 10 25 F +6 11 50 F +6 12 22 F +6 13 52 M +6 14 50 F +6 15 50 F +6 16 32 M +6 17 30 M +6 18 36 M +6 19 37 M +6 20 34 M +6 21 40 M +6 22 50 M +6 23 30 F +6 24 25 M +6 25 25 F +6 26 35 F +6 27 32 F +7 1 22 F +7 2 44 F +7 3 46 F +7 4 27 F +7 5 30 M +7 6 45 M +7 7 23 M +7 8 28 M +7 9 52 M +7 10 36 M +7 11 52 M +7 12 33 M +7 13 46 M +7 14 27 M +7 15 28 M +7 16 29 M +7 17 54 M +7 18 48 F +7 19 31 F +7 20 18 F +7 21 32 F +7 22 50 F +7 23 43 F +7 24 22 F +7 25 37 F +8 1 30 M +8 2 35 M +8 3 25 M +8 4 25 F +8 5 18 F +8 6 40 M +8 7 30 M +8 8 35 M +8 9 28 F +8 10 25 F +8 11 40 M +8 12 25 M +8 13 25 F +8 14 40 F +8 15 20 F +8 16 40 M +8 17 25 F +8 18 30 F +8 19 40 M +8 20 50 F +8 21 40 M +8 22 30 F +8 23 50 M +8 24 40 F +8 25 45 M +9 1 * F +9 2 * F +9 3 * F +9 4 * F +9 5 * F +9 6 * F +9 7 * F +9 8 * F +9 9 * F +9 10 * F +9 11 * F +9 12 * F +9 13 * F +9 14 * F +9 15 * F +9 16 * F +9 17 * M +9 18 * M +9 19 * M +9 20 * M +9 21 * M +9 22 * M +9 23 * M +9 24 * M +9 25 * M +9 26 * M +9 27 * M +9 28 * M +9 29 * M +9 30 * M +10 1 64 M +10 2 56 M +10 3 23 M +10 4 36 F +10 5 42 F +10 6 22 F +10 7 57 F +10 8 48 M +10 9 19 F +10 10 30 F +10 11 39 F +10 12 30 F +10 13 22 F +10 14 30 F +10 15 46 F +10 16 61 M +10 17 56 M +10 18 32 M +10 19 21 F +10 20 37 F +10 21 0 ? +10 22 76 M +10 23 71 F +10 24 20 M +10 25 30 M +11 1 17 F +11 2 25 F +11 3 25 F +11 4 25 F +11 5 26 F +11 6 38 F +11 7 38 F +11 8 40 F +11 9 50 F +11 10 20 M +11 11 23 M +11 12 M M +11 13 25 M +11 14 28 M +11 15 30 M +11 16 30 M +11 17 30 M +11 18 35 M +11 19 35 M +11 20 40 M +11 21 47 M +11 22 48 M +11 23 48 M +11 24 50 M +11 25 60 M +12 1 23 M +12 2 21 M +12 3 23 M +12 4 50 F +12 5 40 F +12 6 22 F +12 7 43 F +12 8 40 F +12 9 38 M +12 10 28 F +12 11 38 F +12 12 24 M +12 13 28 M +12 14 35 M +12 15 17 F +12 16 43 M +12 17 18 F +12 18 34 M +12 19 36 F +12 20 19 F +12 21 18 M +12 22 29 F +12 23 17 M +12 24 28 M +12 25 38 M +13 1 26 M +13 2 23 M +13 3 20 F +13 4 40 M +13 5 24 M +13 6 21 F +13 7 24 M +13 8 40 F +13 9 15 M +13 10 11 F +13 11 18 M +13 12 19 M +13 13 40 F +13 14 23 F +13 15 21 M +13 16 40 F +13 17 20 M +13 18 20 F +13 19 22 M +13 20 45 F +13 21 46 M +13 22 16 F +13 23 20 M +13 24 17 F +13 25 18 M +14 1 65 F +14 2 75 M +14 3 77 F +14 4 65 M +14 5 76 M +14 6 78 M +14 7 75 F +14 8 41 M +14 9 66 M +14 10 32 M +14 11 80 F +14 12 45 F +14 13 75 F +14 14 37 F +14 15 57 F +14 16 60 M +14 17 51 F +14 18 50 F +14 19 84 F +14 20 61 M +14 21 38 M +14 22 61 F +14 23 70 M +14 24 45 F +14 25 60 M +15 1 25 F +15 2 40 F +15 3 30 F +15 4 55 M +15 5 60 M +15 6 30 F +15 7 35 M +15 8 30 F +15 9 50 F +15 10 25 F +15 11 60 F +15 12 15 M +15 13 37 M +15 14 35 M +15 15 50 M +15 16 50 M +15 17 15 F +15 18 16 M +15 19 21 M +15 20 30 F +15 21 65 F +15 22 17 F +15 23 16 M +15 24 50 F +15 25 15 F +16 1 21 F +16 2 22 F +16 3 22 F +16 4 23 F +16 5 30 F +16 6 30 F +16 7 35 F +16 8 35 F +16 9 35 F +16 10 38 F +16 11 40 F +16 12 40 F +16 13 40 F +16 14 45 F +16 15 50 F +16 16 18 M +16 17 18 M +16 18 18 M +16 19 20 M +16 20 23 M +16 21 26 M +16 22 35 M +16 23 45 M +16 24 45 M +16 25 45 M +17 1 18 F +17 2 22 F +17 3 23 F +17 4 24 F +17 5 27 F +17 6 28 F +17 7 28 F +17 8 30 F +17 9 33 F +17 10 33 F +17 11 38 F +17 12 40 F +17 13 41 F +17 14 50 F +17 15 53 F +17 16 23 M +17 17 25 M +17 18 30 M +17 19 36 M +17 20 37 M +17 21 40 M +17 22 42 M +17 23 45 M +17 24 45 M +17 25 48 M +17 26 50 M +17 27 65 M +17 28 73 M +17 29 78 M +17 30 0 M +18 1 16 F +18 2 19 F +18 3 21 F +18 4 22 F +18 5 22 F +18 6 23 F +18 7 25 F +18 8 28 F +18 9 31 F +18 10 36 F +18 11 40 F +18 12 14 M +18 13 14 M +18 14 15 M +18 15 18 M +18 16 18 M +18 17 18 M +18 18 20 M +18 19 23 M +18 20 25 M +18 21 30 M +18 22 31 M +18 23 38 M +18 24 45 M +18 25 50 M +19 1 18 M +19 2 40 F +19 3 37 M +19 4 90 M +19 5 45 F +19 6 40 F +19 7 26 M +19 8 42 M +19 9 35 F +19 10 27 F +19 11 39 M +19 12 40 M +19 13 19 F +19 14 36 M +19 15 28 F +19 16 40 M +19 17 21 M +19 18 30 F +19 19 42 F +19 20 35 F +19 21 46 F +19 22 30 M +19 23 47 M +19 24 28 M +19 25 29 F +20 1 25 F +20 2 35 F +20 3 22 F +20 4 17 M +20 5 40 M +20 6 15 M +20 7 32 F +20 8 19 F +20 9 30 F +20 10 25 F +20 11 60 M +21 1 16 F +21 2 42 F +21 3 30 F +21 4 38 M +21 5 17 M +21 6 18 F +21 7 20 M +21 8 40 M +21 9 26 F +21 10 38 M +21 11 29 M +21 12 16 M +21 13 24 M +21 14 24 F +21 15 30 M +21 16 22 F +21 17 19 M +21 18 41 M +21 19 23 M +21 20 33 M +21 21 40 F +21 22 22 M +21 23 20 F +21 24 19 M +21 25 21 M +22 1 17 F +22 2 19 F +22 3 21 F +22 4 23 F +22 5 28 F +22 6 28 F +22 7 30 F +22 8 35 F +22 9 36 F +22 10 38 F +22 11 40 F +22 12 42 F +22 13 45 F +22 14 45 F +22 15 25 M +22 16 26 M +22 17 28 M +22 18 29 M +22 19 30 M +22 20 32 M +22 21 35 M +22 22 40 M +22 23 40 M +22 24 47 M +22 25 50 M +23 1 25 F +23 2 32 M +23 3 50 F +23 4 38 M +23 5 20 M +23 6 18 F +23 7 25 F +23 8 40 F +23 9 24 M +23 10 45 F +23 11 55 M +23 12 28 M +23 13 38 M +23 14 45 M +23 15 35 F +23 16 40 M +23 17 18 M +23 18 38 F +23 19 19 F +23 20 18 F +23 21 32 M +23 22 18 M +23 23 17 F +23 24 22 M +23 25 18 M +24 1 56 F +24 2 62 F +24 3 46 F +24 4 31 F +24 5 25 F +24 6 17 F +24 7 32 F +24 8 23 F +24 9 34 M +24 10 21 M +24 11 55 M +24 12 25 F +24 13 48 F +24 14 41 F +24 15 19 M +24 16 18 M +24 17 41 M +24 18 27 M +24 19 42 F +24 20 46 F +24 21 25 M +24 22 29 M +24 23 18 M +24 24 52 M +24 25 23 M +25 1 17 F +25 2 17 F +25 3 19 F +25 4 20 F +25 5 24 F +25 6 25 F +25 7 28 F +25 8 32 F +25 9 35 F +25 10 39 F +25 11 41 F +25 12 52 F +25 13 19 M +25 14 21 M +25 15 21 M +25 16 22 M +25 17 23 M +25 18 27 M +25 19 27 M +25 20 27 M +25 21 39 M +25 22 41 M +25 23 42 M +25 24 42 M +25 25 49 M +26 1 27 F +26 2 27 F +26 3 34 F +26 4 39 F +26 5 45 F +26 6 51 F +26 7 52 F +26 8 52 F +26 9 57 F +26 10 56 F +26 11 58 F +26 12 59 F +26 13 62 F +26 14 28 M +26 15 29 M +26 16 39 M +26 17 48 M +26 18 42 M +26 19 54 M +26 20 54 M +26 21 64 M +26 22 64 M +26 23 69 M +26 24 70 M +26 25 88 M +27 1 15 F +27 2 16 F +27 3 18 F +27 4 23 F +27 5 27 F +27 6 18 M +27 7 20 M +27 8 21 M +27 9 22 M +27 10 23 M +27 11 23 M +27 12 23 M +27 13 23 M +27 14 23 M +27 15 23 M +27 16 23 M +27 17 24 M +27 18 24 M +27 19 25 M +27 20 26 M +27 21 28 M +27 22 28 M +27 23 28 M +27 24 29 M +27 25 0 M +28 1 19 F +28 2 25 F +28 3 30 F +28 4 31 F +28 5 32+ F +28 6 37 F +28 7 30-40 F +28 8 30-40 F +28 9 about 40 F +28 10 40+ F +28 11 40-50 F +28 12 50-60 F +28 13 over 60 F +28 14 70+ F +28 15 70+ F +28 16 16 M +28 17 19 M +28 18 20 M +28 19 22 M +28 20 23 M +28 21 23 M +28 22 26 M +28 23 40 M +28 24 40 M +28 25 42 M +29 1 18 M +29 2 40 F +29 3 40 M +29 4 22 M +29 5 24 M +29 6 23 F +29 7 28 M +29 8 36 M +29 9 24 F +29 10 40 M +29 11 36 M +29 12 21 M +29 13 19 M +29 14 18 M +29 15 27 F +29 16 33 F +29 17 36 F +29 18 18 F +29 19 33 F +29 20 26 M +29 21 18 F +29 22 17 M +29 23 17 M +29 24 34 F +29 25 45 M +30 1 22 M +30 2 28 F +30 3 22 M +30 4 17 M +30 5 22 M +30 6 25 M +30 7 47 M +30 8 45 F +30 9 25 M +30 10 35 F +30 11 37 M +30 12 35 F +30 13 23 M +30 14 19 F +30 15 48 M +30 16 19 M +30 17 55 M +30 18 16 F +30 19 40 M +30 20 18 M +30 21 32 F +30 22 38 M +30 23 36 F +30 24 41 F +30 25 37 M +31 1 14 F +31 2 16 F +31 3 19 F +31 4 19 F +31 5 20 F +31 6 25 F +31 7 30 F +31 8 35 F +31 9 36 F +31 10 37 F +31 11 40 F +31 12 44 F +31 13 50 F +31 14 50 F +31 15 59 F +31 16 60 F +31 17 24 M +31 18 30 M +31 19 34 M +31 20 36 ? +31 21 48 M +31 22 50 M +31 23 50 M +31 24 61 M +31 25 68 M +32 1 16 F +32 2 17 F +32 3 20 F +32 4 21 F +32 5 23 F +32 6 23 F +32 7 32 F +32 8 38 F +32 9 38 F +32 10 42 F +32 11 49 F +32 12 50 F +32 13 20 M +32 14 21 M +32 15 21 M +32 16 24 M +32 17 27 M +32 18 29 M +32 19 36 M +32 20 43 M +32 21 49 M +32 22 51 M +32 23 62 M +32 24 62 M +32 25 72 M +33 1 29 F +33 2 38 M +33 3 28 M +33 4 33 M +33 5 30 F +33 6 32 F +33 7 35 F +33 8 27 M +33 9 38 M +33 10 26 F +33 11 25 F +33 12 23 F +33 13 37 M +33 14 30 M +33 15 41 M +33 16 29 M +33 17 32 F +33 18 36 F +33 19 33 M +33 20 30 F +33 21 38 M +33 22 34 F +33 23 28 M +33 24 41 M +33 25 27 F +34 1 16 F +34 2 18 F +34 3 18 F +34 4 20 F +34 5 23 F +34 6 23 F +34 7 25 F +34 8 25 F +34 9 25 F +34 10 28 F +34 11 30 F +34 12 45 F +34 13 50 F +34 14 70 F +34 15 75 F +34 16 23 M +34 17 25 M +34 18 25 M +34 19 25 M +34 20 25 M +34 21 40 M +34 22 40 M +34 23 45 M +34 24 60 M +34 25 60 M +35 1 25 F +35 2 29 F +35 3 30 F +35 4 32 F +35 5 37 F +35 6 40 F +35 7 54 F +35 8 54 F +35 9 55 F +35 10 56 F +35 11 57 F +35 12 58 F +35 13 78 F +35 14 80 F +35 15 82 F +35 16 91 F +35 17 15 M +35 18 15 M +35 19 20 M +35 20 21 M +35 21 24 M +35 22 24 M +35 23 35 M +35 24 54 M +35 25 56 M +36 1 70 M +36 2 80 M +36 3 80 M +36 4 75 M +36 5 65 M +36 6 70 M +36 7 56 F +36 8 45 F +36 9 45 F +36 10 50 F +36 11 65 F +36 12 45 F +36 13 80 F +36 14 65 F +36 15 42 M +36 16 30 M +36 17 60 M +36 18 40 F +36 19 19 M +36 20 30 F +36 21 22 F +36 22 18 F +36 23 70 M +36 24 35 F +36 25 40 M +37 1 12 F +37 2 12 F +37 3 14 F +37 4 18 F +37 5 22 F +37 6 25 F +37 7 25 F +37 8 25 F +37 9 9 M +37 10 11 M +37 11 11 M +37 12 17 M +37 13 17 M +37 14 20 M +37 15 20 M +37 16 25 M +37 17 26 M +37 18 26 M +37 19 26 M +37 20 29 M +37 21 34 M +37 22 36 M +37 23 38 M +37 24 42 M +37 25 50? M +38 1 14 F +38 2 15 F +38 3 15 F +38 4 16 F +38 5 16 F +38 6 18 F +38 7 18 F +38 8 20 F +38 9 21 F +38 10 21 F +38 11 23 F +38 12 28 F +38 13 34 F +38 14 35 F +38 15 38 F +38 16 46 F +38 17 46 F +38 18 53 F +38 19 56 F +38 20 78 F +38 21 11 M +38 22 15 M +38 23 17 M +38 24 20 M +38 25 24 M +38 26 32 M +38 27 34 M +38 28 63 M +39 1 18 F +39 2 19 F +39 3 20 F +39 4 20 F +39 5 27 F +39 6 28 F +39 7 35 F +39 8 38 F +39 9 40 F +39 10 40 F +39 11 48 F +39 12 60 F +39 13 19 M +39 14 20 M +39 15 21 M +39 16 21 M +39 17 22 M +39 18 26 M +39 19 27 M +39 20 34 M +39 21 35 M +39 22 35 M +39 23 40 M +39 24 50 M +39 25 52 M +40 1 16 F +40 2 20 F +40 3 23 M +40 4 15 F +40 5 53 M +40 6 60 M +40 7 34 M +40 8 58 M +40 9 42 F +40 10 21 F +40 11 25 M +40 12 58 M +40 13 28 F +40 14 35 M +40 15 35 M +40 16 60 F +40 17 15 F +40 18 24 M +40 19 26 F +40 20 26 M +40 21 21 M +40 22 25 M +40 23 48 F +40 24 26 M +40 25 53 M +40 26 28 M +40 27 23 F +41 1 13 F +41 2 15 F +41 3 17 F +41 4 19 F +41 5 20 F +41 6 20 F +41 7 20 F +41 8 35 F +41 9 40 F +41 10 50 F +41 11 50 F +41 12 50 F +41 13 55 F +41 14 21 M +41 15 21 M +41 16 23 M +41 17 25 M +41 18 26 M +41 19 35 M +41 20 38 M +41 21 48 M +41 22 48 M +41 23 50 M +41 24 55 M +41 25 ?? M +42 1 17 F +42 2 17 F +42 3 20 F +42 4 21 F +42 5 27 F +42 6 30 F +42 7 30 F +42 8 32 F +42 9 35 F +42 10 35 F +42 11 48 F +42 12 50 F +42 13 51 F +42 14 16 M +42 15 16 M +42 16 21 M +42 17 22 M +42 18 26 M +42 19 27 M +42 20 27 M +42 21 30 M +42 22 31 M +42 23 34 M +42 24 36 M +42 25 40 M +43 1 18 F +43 2 19 F +43 3 24 F +43 4 27 F +43 5 28 F +43 6 30 F +43 7 18 M +43 8 19 M +43 9 20 M +43 10 21 M +43 11 21 M +43 12 23 M +43 13 28 M +43 14 33 M +43 15 39 M +43 16 41 M +43 17 41 M +43 18 45 M +43 19 50 M +43 20 52 M +43 21 58 M +43 22 59 M +43 23 60 M +43 24 63 M +43 25 65 M +44 1 24 F +44 2 24 F +44 3 25 F +44 4 30 F +44 5 30 F +44 6 34 F +44 7 35 F +44 8 35 F +44 9 42 F +44 10 45 F +44 11 48 F +44 12 50 F +44 13 50+ F +44 14 16(approx) M +44 15 23 M +44 16 23 M +44 17 24 M +44 18 24 M +44 19 24 M +44 20 27 M +44 21 34 M +44 22 35 M +44 23 36 M +44 24 37 M +44 25 45 M +45 1 22 F +45 2 37 M +45 3 29 M +45 4 26 M +45 5 55 M +45 6 79 M +45 7 19 F +45 8 49 F +45 9 20 M +45 10 31 M +45 11 47 M +45 12 38 M +45 13 72 M +45 14 48 M +45 15 78 M +45 16 78 M +45 17 60 M +45 18 34 F +45 19 78 F +45 20 47 M +45 21 31 M +45 22 54 F +45 23 40 F +45 24 60 F +45 25 62 M +46 1 23 F +46 2 25 F +46 3 26 F +46 4 28 F +46 5 28 F +46 6 42 F +46 7 44 F +46 8 58 F +46 9 14 M +46 10 18 M +46 11 18 M +46 12 21 M +46 13 22 M +46 14 22 M +46 15 22 M +46 16 28 M +46 17 30 M +46 18 31 M +46 19 45 M +46 20 49 M +46 21 57 M +46 22 59 M +46 23 64 M +46 24 71 M +46 25 75 M +47 1 19 F +47 2 22 F +47 3 23 F +47 4 39 F +47 5 41 F +47 6 42 F +47 7 44 F +47 8 48 F +47 9 48 F +47 10 63 F +47 11 28 M +47 12 28 M +47 13 32 M +47 14 34 M +47 15 40 M +47 16 40 M +47 17 41 M +47 18 43 M +47 19 45 M +47 20 45 M +47 21 47 M +47 22 49 M +47 23 50 M +47 24 50 M +47 25 53 M +48 1 20 F +48 2 23 F +48 3 25 F +48 4 25 F +48 5 26 F +48 6 29 F +48 7 32 F +48 8 45 F +48 9 50 F +48 10 50 F +48 11 55 F +48 12 60 F +48 13 65 F +48 14 23 M +48 15 23 M +48 16 27 M +48 17 27 M +48 18 30 M +48 19 35 M +48 20 39 M +48 21 41 M +48 22 45 M +48 23 46 M +48 24 50 M +48 25 56 M +49 1 16 F +49 2 17 F +49 3 18 F +49 4 20 F +49 5 23 F +49 6 24 F +49 7 27 F +49 8 28 F +49 9 30 F +49 10 31 F +49 11 * F +49 12 * F +49 13 16 M +49 14 16 M +49 15 17 M +49 16 18 M +49 17 18 M +49 18 25 M +49 19 25 M +49 20 39 M +49 21 39 M +49 22 45 M +49 23 60 M +49 24 * M +49 25 * M +50 1 25 F +50 2 25 M +50 3 26 M +50 4 18 F +50 5 20 M +50 6 35 M +50 7 43 F +50 8 30 M +50 9 15 M +50 10 30 F +51 1 20 F +51 2 20 F +51 3 20 F +51 4 22 F +51 5 22 F +51 6 29 F +51 7 30 F +51 8 32 F +51 9 32 F +51 10 34 F +51 11 38 F +51 12 40 F +51 13 26 M +51 14 30 M +51 15 32 M +51 16 33 M +51 17 36 M +51 18 36 M +51 19 37 M +51 20 38 M +51 21 40 M +51 22 42 M +51 23 45 M +51 24 50 M +51 25 54 M +52 1 28 M +52 2 36 F +52 3 43 FA +52 4 40 F +52 5 45 F +52 6 32 M +52 7 28 M +52 8 31 F +52 9 28 F +52 10 28 F +52 11 50 M +52 12 35 M +52 13 45 M +52 14 30 M +52 15 40 F +52 16 45 M +52 17 55 M +52 18 35 M +52 19 23 M +52 20 35 F +52 21 58 M +52 22 39 F +52 23 33 F +52 24 27 F +52 25 35 M +53 1 16 F +53 2 16 F +53 3 18 F +53 4 19 F +53 5 20 F +53 6 20 F +53 7 20 F +53 8 23 F +53 9 24 F +53 10 26 M +53 11 28 M +53 12 29 M +53 13 29 M +53 14 32 M +53 15 32 M +53 16 34 M +53 17 35 M +53 18 37 M +53 19 38 M +54 1 16 F +54 2 18 F +54 3 20 F +54 4 25 F +54 5 28 F +54 6 29 F +54 7 30 F +54 8 30 F +54 9 35 F +54 10 40 F +54 11 45 F +54 12 20 M +54 13 22 M +54 14 25 M +54 15 29 M +54 16 30 M +54 17 30 M +54 18 40 M +54 19 40 M +54 20 43 M +54 21 45 M +54 22 47 M +54 23 50 M +54 24 52 M +54 25 53 M +55 1 40 F +55 2 16 F +55 3 40 M +55 4 20 M +55 5 18 M +55 6 22 M +55 7 28 M +55 8 30 M +55 9 50 M +55 10 35 M +55 11 40 F +55 12 38 F +55 13 37 F +55 14 60 F +55 15 35 F +55 16 20 F +55 17 50 M +55 18 50 M +55 19 60 M +55 20 30 M +55 21 50 M +55 22 25 F +55 23 35 M +55 24 48 M +55 25 17 F +56 1 15 F +56 2 15 F +56 3 30 F +56 4 35 F +56 5 35 F +56 6 35 F +56 7 45 F +56 8 50 F +56 9 50 F +56 10 50 F +56 11 55 F +56 12 60 F +56 13 85 F +56 14 15 M +56 15 15 M +56 16 17 M +56 17 18 M +56 18 19 M +56 19 20 M +56 20 21 M +56 21 25 M +56 22 28 M +56 23 32 M +56 24 35 M +56 25 50 M +57 1 47 F +57 2 55 F +57 3 50 F +57 4 50 F +57 5 25 F +57 6 30 M +57 7 50 M +57 8 27 F +57 9 20 F +57 10 27 M +57 11 45 F +57 12 50 F +57 13 35 M +57 14 34 M +57 15 18 M +57 16 35 F +57 17 31 M +57 18 57 M +57 19 65 M +57 20 55 M +57 21 55 M +57 22 38 F +57 23 30 M +57 24 65 F +57 25 55 F +58 1 30 F +58 2 31 F +58 3 32 F +58 4 35 F +58 5 35 F +58 6 37 F +58 7 50 F +58 8 50 F +58 9 60 F +58 10 65 F +58 11 65 F +58 12 30 M +58 13 30 M +58 14 44 M +58 15 45 M +58 16 45 M +58 17 50 M +58 18 55 M +58 19 60 M +58 20 70 M +59 1 18 F +59 2 ? F +59 3 21 F +59 4 25 F +59 5 30 F +59 6 33 F +59 7 * F +59 8 48 F +59 9 55 F +59 10 55 F +59 11 55 F +59 12 65 F +59 13 88 F +59 14 18 M +59 15 23 M +59 16 23 M +59 17 27 M +59 18 29 M +59 19 30 M +59 20 40 M +59 21 42 M +59 22 45 M +59 23 56 M +59 24 60 M +59 25 62 M +60 1 15 F +60 2 25 F +60 3 25 F +60 4 25 F +60 5 30 F +60 6 30 F +60 7 30 F +60 8 30 F +60 9 35 F +60 10 35 F +60 11 45 F +60 12 50 F +60 13 55 F +60 14 65 F +60 15 20 M +60 16 20 M +60 17 23 M +60 18 25 M +60 19 30 M +60 20 30 M +60 21 30 M +60 22 35 M +60 23 35 M +60 24 50 M +60 25 70 M +61 1 20 F +61 2 35 F +61 3 45 F +61 4 11 M +61 5 22 M +61 6 26 M +61 7 27 M +61 8 28 M +61 9 28 M +61 10 30 M +61 11 30 M +61 12 47 M +61 13 59 M +61 14 45 M +61 15 0 M +62 1 48 F +62 2 25 M +62 3 18 F +62 4 60 F +62 5 25 M +62 6 13 M +62 7 60 F +62 8 28 M +62 9 60 F +62 10 25 M +62 11 25 M +62 12 22 M +62 13 37 F +62 14 35 M +62 15 25 M +62 16 25 M +62 17 40 F +62 18 55 M +62 19 40 F +62 20 40 F +62 21 35 F +62 22 40 F +62 23 28 M +62 24 35 F +62 25 * M +63 1 16 F +63 2 25 F +63 3 25 F +63 4 25 F +63 5 30 F +63 6 30 F +63 7 35 F +63 8 35 F +63 9 40 F +63 10 45 F +63 11 50 F +63 12 25 M +63 13 35 M +63 14 35 M +63 15 35 M +63 16 35 M +63 17 35 M +63 18 40 M +63 19 40 M +63 20 40 M +63 21 45 M +63 22 45 M +63 23 50 M +63 24 50 M +63 25 55 M +64 1 30 M +64 2 65 M +64 3 60 F +64 4 58 F +64 5 19 M +64 6 60 F +64 7 60 F +64 8 60 M +64 9 50 M +64 10 19 M +64 11 50 F +64 12 60 M +64 13 30 F +64 14 65 F +64 15 40 F +64 16 60 F +64 17 60 M +64 18 60 F +64 19 40 M +64 20 60 M +64 21 30 F +64 22 60 M +64 23 65 F +64 24 50 F +64 25 28 M +65 1 30 F +65 2 40 F +65 3 50 F +65 4 60 F +65 5 75 F +65 6 17 M +65 7 18 M +65 8 20 M +65 9 25 M +65 10 25 M +65 11 25 M +65 12 25 M +65 13 28 M +65 14 30 M +65 15 30 M +65 16 40 M +65 17 40 M +65 18 45 M +65 19 45 M +65 20 45 M +65 21 50 M +65 22 50 M +65 23 50 M +65 24 50 M +65 25 70 M +66 1 X F +66 2 28 F +66 3 27 F +66 4 20 M +66 5 * M +66 6 * M +66 7 * M +66 8 * M +66 9 * M +66 10 * M +66 11 28 M +66 12 25 M +66 13 50 F +66 14 20 M +66 15 26 M +66 16 50 F +66 17 25 F +66 18 50 F +66 19 25 F +66 20 35 M +66 21 50 F +66 22 28 F +66 23 28 F +66 24 28 F +66 25 45 M +67 1 14 F +67 2 18 F +67 3 22 F +67 4 25 F +67 5 27 F +67 6 34 F +67 7 37 F +67 8 38 F +67 9 38 F +67 10 40 F +67 11 40 F +67 12 45 F +67 13 52 F +67 14 53 F +67 15 56 F +67 16 70 F +67 17 18 M +67 18 18 M +67 19 28 M +67 20 29 M +67 21 36 M +67 22 37 M +67 23 41 M +67 24 53 M +67 25 69 M +68 1 29 F +68 2 22 F +68 3 34 F +68 4 27 M +68 5 64 F +68 6 50 F +68 7 28 M +68 8 30 F +68 9 35 F +68 10 35 M +68 11 39 M +68 12 49 M +68 13 60 F +68 14 50 F +68 15 38 F +68 16 35 F +68 17 38 F +68 18 45 M +68 19 61 M +68 20 33 M +68 21 40 M +68 22 35 M +68 23 48 F +68 24 40 M +68 25 60 M +69 1 15 F +69 2 15 f +69 3 15 F +69 4 15 F +69 5 20 F +69 6 25 F +69 7 25 F +69 8 25 F +69 9 30 F +69 10 35 F +69 11 40 F +69 12 50 F +69 13 50 F +69 14 50 F +69 15 20 M +69 16 20 M +69 17 20 M +69 18 30 M +69 19 30 M +69 20 30 M +69 21 35 M +69 22 40 M +69 23 40 M +69 24 40 M +69 25 45 M +70 1 * F +70 2 * F +70 3 38 F +70 4 42 F +70 5 47 F +70 6 55 F +70 7 60 F +70 8 65 F +70 9 63 F +70 10 65 F +70 11 67 F +70 12 68 F +70 13 71 F +70 14 * M +70 15 54 M +70 16 57 M +70 17 58 M +70 18 59 M +70 19 64 M +70 20 68 M +70 21 68 M +70 22 71 M +70 23 72 M +70 24 81 M +70 25 82 M +71 1 26 F +71 2 26 F +71 3 29 F +71 4 30 F +71 5 31 F +71 6 32 F +71 7 35 F +71 8 37 F +71 9 44 F +71 10 45 F +71 11 45 F +71 12 47 F +71 13 55 F +71 14 55 F +71 15 56 F +71 16 59 F +71 17 70 F +71 18 70 F +71 19 40 M +71 20 42 M +71 21 43 M +71 22 53 M +71 23 53 M +71 24 53 M +71 25 73 M +72 1 45 M +72 2 45 M +72 3 41 M +72 4 40 F +72 5 40 F +72 6 32 F +72 7 20 F +72 8 72 M +72 9 28 M +72 10 45 F +72 11 59 F +72 12 47 F +72 13 55 M +72 14 36 F +72 15 29 M +72 16 50 F +72 17 55 M +72 18 77 F +72 19 80 F +72 20 22 F +72 21 27 M +72 22 47 M +72 23 34 M +72 24 38 F +72 25 64 M +73 1 50 M +73 2 20 F +73 3 60 M +73 4 60 M +73 5 50 M +73 6 60 M +73 7 40 F +73 8 20 F +73 9 25 M +73 10 30 F +73 11 45 M +73 12 50 F +73 13 60 F +73 14 50 F +73 15 60 M +73 16 60 M +73 17 25 M +73 18 35 M +74 1 55 F +74 2 30 F +74 3 35 F +74 4 40 * +74 5 19 F +74 6 22 F +74 7 45 F +74 8 29 F +74 9 33 F +74 10 19 F +74 11 30 F +74 12 43 F +74 13 17 M +74 14 23 M +74 15 26 M +74 16 29 M +74 17 32 M +74 18 40 M +74 19 39 M +74 20 40 M +74 21 55 M +74 22 35 M +74 23 28 M +74 24 19 M +74 25 22 M +75 1 35 M +75 2 30 M +75 3 50 M +75 4 30 M +75 5 16 F +75 6 18 F +75 7 16 M +75 8 30 F +75 9 55 M +75 10 45 F +75 11 14 F +75 12 30 M +75 13 25 F +75 14 60 M +75 15 15 M +75 16 22 M +75 17 26 M +75 18 17 M +75 19 25 F +75 20 20 F +75 21 28 M +75 22 21 M +75 23 30 M +75 24 35 F +75 25 40 F +76 1 35 F +76 2 35 F +76 3 36 F +76 4 37 F +76 5 40 F +76 6 49 F +76 7 50 F +76 8 52 F +76 9 53 F +76 10 58 F +76 11 60 F +76 12 62 F +76 13 62 F +76 14 64 F +76 15 65 F +76 16 40 M +76 17 41 M +76 18 41 M +76 19 51 M +76 20 58 M +76 21 60 M +76 22 60 M +76 23 66 M +76 24 68 M +76 25 75 M +77 1 25 M +77 2 19 M +77 3 21 M +77 4 17 M +77 5 17 M +77 6 18 M +77 7 51 F +77 8 18 F +77 9 24 F +77 10 15 F +77 11 38 F +77 12 30 F +77 13 41 F +77 14 21 M +77 15 18 F +77 16 39 F +77 17 * M +77 18 45 F +77 19 41 F +77 20 21 F +77 21 19 M +77 22 19 F +77 23 20 M +77 24 21 M +77 25 17 M +77 26 24 M +77 27 19 F +77 28 20 M +77 29 18 M +78 1 35 M +78 2 39 M +78 3 24 M +78 4 21 M +78 5 48 F +78 6 30 M +79 1 25 M +79 2 35 F +79 3 55 F +79 4 60 M +79 5 43 F +79 6 21 M +79 7 24 M +79 8 36 M +79 9 30 M +79 10 45 M +79 11 33 F +79 12 29 M +79 13 45 M +79 14 57 M +79 15 55 F +79 16 65 F +79 17 55 F +79 18 27 F +79 19 29 F +79 20 29 M +79 21 55 M +79 22 24 F +79 23 42 M +79 24 32 F +79 25 55 F +80 1 59 F +80 2 61 F +80 3 68 F +80 4 68 F +80 5 61 F +80 6 66 M +80 7 38 F +80 8 78 M +80 9 58 F +80 10 80 F +80 11 65 F +80 12 43 F +80 13 77 F +80 14 42 M +80 15 62 F +80 16 51 F +80 17 57 F +80 18 76 M +80 19 57 M +80 20 47 M +80 21 63 M +80 22 65 F +80 23 62 F +80 24 62 M +80 25 62 F +81 1 30 M +81 2 35 M +81 3 65 M +81 4 32 F +81 5 35 F +81 6 65 M +81 7 20 M +81 8 30 F +81 9 55 M +81 10 32 F +81 11 65 F +81 12 50 M +81 13 55 F +81 14 20 M +81 15 30 F +81 16 22 M +81 17 35 F +81 18 65 F +81 19 18 M +81 20 55 F +81 21 55 F +81 22 70 M +81 23 70 M +81 24 50 M +82 1 40 M +82 2 41 M +82 3 23 M +82 4 33 M +82 5 54 M +82 6 48 M +82 7 40 M +82 8 31 M +82 9 77 M +82 10 24 M +82 11 77 F +82 12 22 F +82 13 46 F +82 14 17 F +82 15 32 F +82 16 23 F +82 17 43 F +82 18 19 F +82 19 36 F +82 20 15 F +83 1 40 M +83 2 20 M +83 3 25 M +83 4 13 F +83 5 16 F +83 6 22 M +83 7 38 F +83 8 15 F +83 9 25 M +83 10 20 F +83 11 47 M +83 12 14 M +83 13 20 M +83 14 15 F +84 1 15 F +84 2 16 F +84 3 21 F +84 4 23 F +84 5 23 F +84 6 27 F +84 7 35 F +84 8 42 F +84 9 45 F +84 10 45 F +84 11 50 F +84 12 50 F +84 13 54 F +84 14 65 F +84 15 20 M +84 16 20 M +84 17 21 M +84 18 24 M +84 19 26 M +84 20 27 M +84 21 31 M +84 22 40 M +84 23 50 M +84 24 54 M +84 25 60 M +85 1 21 F +85 2 34 F +85 3 34 F +85 4 17 F +85 5 26 F +85 6 61 M +85 7 48 M +85 8 52 M +85 9 60 M +85 10 28 M +85 11 25 F +85 12 38 F +85 13 17 F +85 14 60 F +85 15 50 F +85 16 21 F +85 17 38 F +85 18 48 F +85 19 24 F +85 20 65 F +85 21 58 F +85 22 24 F +85 23 63 F +85 24 50 F +85 25 34 M +86 1 20 F +86 2 20 F +86 3 21 F +86 4 28 F +86 5 42 F +86 6 42 F +86 7 42 F +86 8 43 F +86 9 45 F +86 10 45 F +86 11 51 F +86 12 52 F +86 13 54 F +86 14 57 F +86 15 24 M +86 16 24 M +86 17 28 M +86 18 35 M +86 19 39 M +86 20 43 M +86 21 45 M +86 22 52 M +86 23 54 M +86 24 55 M +86 25 62 M +87 1 19 M +87 2 13 M +87 3 38 M +87 4 17 M +87 5 70 M +87 6 27 M +87 7 60 M +87 8 50 F +87 9 30 F +87 10 65 F +87 11 20 F +87 12 35 M +87 13 60 F +87 14 55 M +87 15 55 F +87 16 45 F +87 17 60 M +87 18 50 F +87 19 60 F +87 20 40 F +87 21 31 F +87 22 45 F +87 23 16 M +87 24 33 M +87 25 16 M +88 1 70 M +88 2 30 M +88 3 55 M +88 4 70 M +88 5 68 M +88 6 35 M +88 7 75 M +88 8 50 M +88 9 40 M +88 10 65 M +88 11 45 M +88 12 22 M +88 13 22 M +88 14 20 M +88 15 30 F +88 16 24 F +88 17 27 M +88 18 70 M +88 19 60 M +88 20 26 M +88 21 35 F +88 22 70 F +88 23 60 M +88 24 75 M +88 25 20 M +89 1 20 M +89 2 40 M +89 3 20 F +89 4 20 F +89 5 40 M +89 6 60 F +89 7 40 F +89 8 40 F +89 9 20 F +89 10 40 F +89 11 37 F +89 12 70 M +89 13 40 M +89 14 40 M +89 15 40 F +89 16 24 F +89 17 20 F +89 18 40 M +89 19 60 M +89 20 70 F +89 21 25 F +89 22 40 F +89 23 39 M +89 24 40 M +89 25 40 F +89 26 20 M +90 1 55 M +90 2 28 F +90 3 21 M +90 4 51 M +90 5 36 M +90 6 48 F +90 7 58 F +90 8 44 F +90 9 60 F +90 10 51 M +90 11 48 F +90 12 55 M +90 13 50 F +90 14 44 M +90 15 50 F +90 16 40 M +90 17 60 M +90 18 53 F +90 19 30 F +90 20 34 F +90 21 55 M +90 22 42 M +90 23 43 F +90 24 21 M +90 25 31 M +91 1 25 F +91 2 26 F +91 3 37 F +91 4 19 M +91 5 19 M +91 6 21 M +91 7 29 M +91 8 40 M +92 1 24 F +92 2 25 F +92 3 28 F +92 4 38 F +92 5 65 F +92 6 28 M +92 7 30 M +92 8 33 M +92 9 60 M +93 1 15 F +93 2 20 F +93 3 28 F +93 4 17 M +93 5 18 M +93 6 31 M +93 7 40 M +93 8 48 M +94 1 16 F +94 2 22 F +94 3 25 F +94 4 25 F +94 5 26 F +94 6 27 F +94 7 27 F +94 8 29 F +94 9 33 F +94 10 35 F +94 11 37 F +94 12 50 F +94 13 60 F +94 14 16 M +94 15 27 M +94 16 27 M +94 17 27 M +94 18 28 M +94 19 30 M +94 20 34 M +94 21 36 M +94 22 36 M +94 23 45 M +94 24 50 M +94 25 55 M +95 1 25 M +95 2 26 M +95 3 21 F +95 4 47 M +95 5 19 M +95 6 29 F +95 7 28 M +95 8 53 M +95 9 34 F +95 10 26 M +95 11 60 F +95 12 43 F +95 13 40 M +95 14 25 M +95 15 32 F +95 16 23 F +95 17 24 F +95 18 33 F +95 19 17 F +95 20 32 M +95 21 36 F +95 22 18 M +95 23 47 M +95 24 40 F +95 25 44 M +96 1 33 M +96 2 30 F +96 3 22 F +96 4 20 F +96 5 27 M +96 6 26 M +96 7 37 M +96 8 26 F +96 9 34 F +96 10 26 M +96 11 60 M +96 12 28 F +96 13 48 M +96 14 47 M +96 15 35 M +96 16 54 M +96 17 29 F +96 18 28 F +96 19 37 M +96 20 32 M +96 21 34 M +96 22 34 M +96 23 27 F +96 24 35 F +96 25 13 M +97 1 16 F +97 2 16 F +97 3 18 F +97 4 25 F +97 5 25 F +97 6 28 F +97 7 28 F +97 8 30 F +97 9 30 F +97 10 32 F +97 11 32 F +97 12 48 F +97 12 19 M +97 14 20 M +97 15 23 M +97 16 24 M +97 17 25 M +97 18 25 M +97 19 28 M +97 20 28 M +97 21 30 M +97 22 30 M +97 23 34 M +97 24 38 M +97 25 45 M +98 1 65 F +98 2 60 F +98 3 60 M +98 4 26 M +98 5 18 M +98 6 15 F +98 7 21 M +98 8 50 F +98 9 20 M +98 10 34 F +98 11 50 F +98 12 50 M +98 13 22 M +98 14 50 F +98 15 29 F +98 16 55 M +98 17 68 F +98 18 44 F +98 19 60 F +98 20 25 F +98 21 70 F +98 22 53 F +98 23 44 M +98 24 30 M +98 25 45 F +99 1 17 F +99 2 18 F +99 3 19 F +99 4 20 F +99 5 25 F +99 6 30 F +99 7 32 F +99 8 32 F +99 9 32 F +99 10 36 F +99 11 14 M +99 12 22 M +99 13 23 M +99 14 24 M +99 15 26 M +99 16 32 M +99 17 34 M +99 18 36 M +99 19 36 M +99 20 38 M +99 21 41 M +99 22 47 M +99 23 55 M +99 24 65 M +99 25 70 M +100 1 28 F +100 2 11 F +100 3 40 F +100 4 55 F +100 5 25 F +100 6 16 F +100 7 50 F +100 8 22 M +100 9 18 M +100 10 30 M +100 11 20 M +100 12 28 M +100 13 30 M +100 14 45 M +100 15 16 M +100 16 45 M +100 17 30 M +100 18 17 M +100 19 17 M +100 20 19 M +100 21 * M +100 22 30 F +100 23 30 F +100 24 20 F +100 25 10 F +101 1 45 F +101 2 25 M +101 3 40 M +101 4 18 M +101 5 20 F +101 6 35 M +101 7 50 M +101 8 60 M +101 9 30 M +101 10 20 M +101 11 30 M +101 12 21 M +101 13 18 M +101 14 40 M +101 15 28 M +101 16 35 F +101 17 22 M +101 18 25 M +101 19 30 F +101 20 30 F +101 21 25 M +101 22 40 M +101 23 25 M +101 24 50 M +101 25 23 M +102 1 27 M +102 2 20 M +102 3 18 M +102 4 32 M +102 5 36 M +102 6 46 M +102 7 22 M +102 8 28 M +102 9 48 M +102 10 17 M +102 11 19 F +102 12 52 M +102 13 26 M +102 14 28 M +102 15 * F +102 16 61 F +102 17 64 F +102 18 45 F +102 19 26 F +102 20 32 F +102 21 51 F +102 22 33 F +102 23 40 F +102 24 37 F +102 25 42 F +103 1 30 F +103 2 37 F +103 3 40 F +103 4 40 F +103 5 40 F +103 6 45 F +103 7 50 F +103 8 60 F +103 9 65 F +103 10 30 M +103 11 30 M +103 12 33 M +103 13 40 M +103 14 40 M +103 15 43 M +103 16 45 M +103 17 55 M +103 18 60 M +103 19 65 M +103 20 65 M +103 21 65 M +103 22 70 M +103 23 70 M +104 1 27 F +104 2 30 F +104 3 25 F +104 4 22 F +104 5 23 F +104 6 17 M +104 7 34 M +104 8 46 M +104 9 28 M +104 10 17 M +104 11 75 M +104 12 75 M +104 13 13 M +104 14 56 M +104 15 49 M +104 16 20 M +104 17 50 M +104 18 45 F +104 19 33 M +104 20 18 F +104 21 18 M +104 22 46 F +104 23 39 F +104 24 52 M +104 25 15 M +105 1 20 M +105 2 24 M +105 3 20 M +105 4 16 M +105 5 15 M +105 6 20 M +105 7 21 F +105 8 16 M +105 9 15 F +105 10 26 M +105 11 35 F +105 12 53 M +105 13 16 F +105 14 18 F +105 15 18 F +105 16 17 F +105 17 29 F +105 18 18 F +105 19 25 F +105 20 27 F +105 21 16 M +105 22 17 M +105 23 17 F +105 24 15 F +105 25 17 F +105 26 17 M +105 27 17 M +106 1 21 F +106 2 40 M +106 3 20 F +106 4 65 M +106 5 57 M +106 6 20 M +106 7 22 F +106 8 39 F +106 9 48 M +106 10 22 M +106 11 25 M +106 12 58 F +106 13 21 M +106 14 20 M +106 15 44 M +106 16 45 F +106 17 21 M +106 18 18 M +106 19 19 F +106 20 18 M +106 21 19 F +106 22 36 F +106 23 22 F +106 24 37 F +106 25 17 F +107 1 15-16 F +107 2 16? F +107 3 16? F +107 4 17 F +107 5 20-22 F +107 6 22 F +107 7 ?? F +107 8 30? F +107 9 33-34? F +107 10 40 F +107 11 40+ F +107 12 40-45 F +107 13 50? F +107 14 17 M +107 15 20 M +107 16 20 M +107 17 22? M +107 18 23 M +107 19 25? M +107 20 26-28? M +107 21 35? M +107 22 35? M +107 23 40+ M +107 24 53? M +107 25 55? M +108 1 27 F +108 2 31 F +108 3 25 F +108 4 52 F +108 5 * * +108 6 14 F +108 7 * * +108 8 25 F +108 9 20 M +108 10 28 M +108 11 38 M +108 12 39 M +108 13 27 M +108 14 28 M +108 15 22 F +108 16 59 F +108 17 38 F +108 18 25 F +108 19 16 F +108 20 24 F +108 21 18 F +108 22 26 F +108 23 35 F +108 24 16 F +108 25 30 F +109 1 65 M +109 2 60 M +109 3 49 F +109 4 56 F +109 5 73 F +109 6 48 M +109 7 42 F +109 8 64 M +109 9 61 M +109 10 44 M +109 11 28 M +109 12 76 M +109 13 36 F +109 14 30 F +109 15 71 F +109 16 29 F +109 17 32 F +109 18 54 F +109 19 72 M +109 20 56 F +109 21 58 F +109 22 25 F +109 23 63 M +109 24 43 F +109 25 76 F +110 1 36 M +110 2 21 M +110 3 35 M +110 4 26 M +110 5 29 M +110 6 29 M +110 7 23 M +110 8 60 M +110 9 55 M +110 10 43 M +110 11 22 M +110 12 42 M +110 13 25 F +110 14 50 F +110 15 40 F +110 16 18 F +110 17 27 F +110 18 22 F +110 19 29 F +110 20 23 F +110 21 29 F +110 22 22 F +110 23 40 F +110 24 57 F +110 25 30 M diff --git a/src/examples/colors/data/term.txt b/src/examples/colors/data/term.txt new file mode 100644 index 00000000..ef9b6eba --- /dev/null +++ b/src/examples/colors/data/term.txt @@ -0,0 +1,863280 @@ +1 1 1 LB +1 1 2 LB +1 1 3 LE +1 1 4 WK +1 1 5 LF +1 1 6 LE +1 1 7 F +1 1 8 LE +1 1 9 LE +1 1 10 LB +1 1 11 LB +1 1 12 F +1 1 13 LB +1 1 14 LB +1 1 15 LF +1 1 16 LF +1 1 17 LE +1 1 18 LB +1 1 19 LF +1 1 20 LB +1 1 21 LE +1 1 22 LF +1 1 23 LF +1 1 24 LB +1 1 25 LB +1 1 26 LB +1 1 27 LB +1 1 28 LF +1 1 29 LE +1 1 30 LB +1 1 31 LE +1 1 32 LF +1 1 33 LE +1 1 34 LB +1 1 35 LB +1 1 36 LE +1 1 37 LB +1 1 38 LB +1 1 39 LE +1 1 40 LB +1 1 41 LB +1 1 42 LE +1 1 43 F +1 1 44 LB +1 1 45 LF +1 1 46 LB +1 1 47 LF +1 1 48 LB +1 1 49 LE +1 1 50 LB +1 1 51 F +1 1 52 LF +1 1 53 LE +1 1 54 LB +1 1 55 LB +1 1 56 LE +1 1 57 LB +1 1 58 F +1 1 59 LF +1 1 60 LB +1 1 61 LE +1 1 62 F +1 1 63 LE +1 1 64 LB +1 1 65 LE +1 1 66 LF +1 1 67 F +1 1 68 LE +1 1 69 F +1 1 70 LF +1 1 71 F +1 1 72 F +1 1 73 F +1 1 74 LF +1 1 75 LB +1 1 76 LE +1 1 77 LB +1 1 78 LF +1 1 79 F +1 1 80 LB +1 1 81 F +1 1 82 LB +1 1 83 LF +1 1 84 LE +1 1 85 LB +1 1 86 LE +1 1 87 LB +1 1 88 LE +1 1 89 LB +1 1 90 LB +1 1 91 F +1 1 92 LF +1 1 93 LB +1 1 94 LB +1 1 95 LF +1 1 96 LE +1 1 97 LB +1 1 98 LE +1 1 99 LF +1 1 100 LF +1 1 101 LE +1 1 102 LF +1 1 103 F +1 1 104 F +1 1 105 LE +1 1 106 LE +1 1 107 LF +1 1 108 LF +1 1 109 LB +1 1 110 LE +1 1 111 LB +1 1 112 LE +1 1 113 LB +1 1 114 LB +1 1 115 LE +1 1 116 LF +1 1 117 LB +1 1 118 LE +1 1 119 F +1 1 120 LF +1 1 121 LE +1 1 122 LB +1 1 123 LB +1 1 124 F +1 1 125 LE +1 1 126 LE +1 1 127 LB +1 1 128 F +1 1 129 LF +1 1 130 LB +1 1 131 LE +1 1 132 LE +1 1 133 LB +1 1 134 F +1 1 135 LE +1 1 136 LB +1 1 137 F +1 1 138 LF +1 1 139 LF +1 1 140 LB +1 1 141 LF +1 1 142 LF +1 1 143 F +1 1 144 F +1 1 145 F +1 1 146 LE +1 1 147 F +1 1 148 LE +1 1 149 F +1 1 150 LE +1 1 151 LE +1 1 152 LE +1 1 153 F +1 1 154 F +1 1 155 F +1 1 156 LB +1 1 157 F +1 1 158 LF +1 1 159 LE +1 1 160 LE +1 1 161 F +1 1 162 LE +1 1 163 LB +1 1 164 G +1 1 165 F +1 1 166 LB +1 1 167 LF +1 1 168 LB +1 1 169 LB +1 1 170 LB +1 1 171 WK +1 1 172 LF +1 1 173 LE +1 1 174 LE +1 1 175 LF +1 1 176 LE +1 1 177 LF +1 1 178 LB +1 1 179 WK +1 1 180 G +1 1 181 WK +1 1 182 G +1 1 183 WK +1 1 184 G +1 1 185 WK +1 1 186 G +1 1 187 LE +1 1 188 LB +1 1 189 LF +1 1 190 LE +1 1 191 LB +1 1 192 G +1 1 193 WK +1 1 194 G +1 1 195 G +1 1 196 LF +1 1 197 WK +1 1 198 LB +1 1 199 LF +1 1 200 G +1 1 201 LE +1 1 202 LB +1 1 203 LE +1 1 204 WK +1 1 205 G +1 1 206 LF +1 1 207 LE +1 1 208 LE +1 1 209 LB +1 1 210 F +1 1 211 LB +1 1 212 LE +1 1 213 F +1 1 214 F +1 1 215 LE +1 1 216 LB +1 1 217 LE +1 1 218 F +1 1 219 LF +1 1 220 G +1 1 221 LF +1 1 222 F +1 1 223 LB +1 1 224 LF +1 1 225 G +1 1 226 LB +1 1 227 G +1 1 228 LB +1 1 229 LF +1 1 230 LF +1 1 231 LE +1 1 232 F +1 1 233 WK +1 1 234 G +1 1 235 LB +1 1 236 F +1 1 237 LE +1 1 238 G +1 1 239 LE +1 1 240 WK +1 1 241 LF +1 1 242 LF +1 1 243 G +1 1 244 LF +1 1 245 LE +1 1 246 LB +1 1 247 G +1 1 248 G +1 1 249 G +1 1 250 WK +1 1 251 WK +1 1 252 LF +1 1 253 LB +1 1 254 F +1 1 255 WK +1 1 256 LE +1 1 257 LB +1 1 258 F +1 1 259 LE +1 1 260 F +1 1 261 LE +1 1 262 LF +1 1 263 F +1 1 264 LF +1 1 265 G +1 1 266 LE +1 1 267 G +1 1 268 WK +1 1 269 LE +1 1 270 LE +1 1 271 LB +1 1 272 LF +1 1 273 G +1 1 274 LF +1 1 275 WK +1 1 276 LE +1 1 277 LB +1 1 278 LE +1 1 279 LB +1 1 280 G +1 1 281 G +1 1 282 G +1 1 283 WK +1 1 284 LF +1 1 285 LE +1 1 286 LF +1 1 287 WK +1 1 288 LE +1 1 289 LB +1 1 290 LF +1 1 291 LB +1 1 292 LE +1 1 293 LF +1 1 294 LF +1 1 295 WK +1 1 296 G +1 1 297 LE +1 1 298 LE +1 1 299 G +1 1 300 LF +1 1 301 G +1 1 302 LF +1 1 303 LF +1 1 304 G +1 1 305 WK +1 1 306 G +1 1 307 F +1 1 308 G +1 1 309 F +1 1 310 G +1 1 311 LB +1 1 312 F +1 1 313 G +1 1 314 LF +1 1 315 G +1 1 316 G +1 1 317 LE +1 1 318 LE +1 1 319 LF +1 1 320 WK +1 1 321 LE +1 1 322 G +1 1 323 G +1 1 324 LF +1 1 325 WK +1 1 326 WK +1 1 327 LF +1 1 328 G +1 1 329 WK +1 1 330 LF +1 2 1 LB +1 2 2 F +1 2 3 LE +1 2 4 WK +1 2 5 F +1 2 6 WK +1 2 7 F +1 2 8 LE +1 2 9 WK +1 2 10 G +1 2 11 LB +1 2 12 F +1 2 13 LB +1 2 14 LB +1 2 15 F +1 2 16 LF +1 2 17 LE +1 2 18 LB +1 2 19 F +1 2 20 F +1 2 21 LE +1 2 22 F +1 2 23 WK +1 2 24 WK +1 2 25 LB +1 2 26 G +1 2 27 F +1 2 28 LE +1 2 29 LB +1 2 30 WK +1 2 31 F +1 2 32 WK +1 2 33 LB +1 2 34 G +1 2 35 F +1 2 36 LB +1 2 37 LB +1 2 38 LE +1 2 39 LB +1 2 40 LB +1 2 41 LE +1 2 42 WK +1 2 43 G +1 2 44 F +1 2 45 LB +1 2 46 F +1 2 47 LB +1 2 48 WK +1 2 49 F +1 2 50 F +1 2 51 WK +1 2 52 F +1 2 53 LE +1 2 54 LB +1 2 55 F +1 2 56 WK +1 2 57 LB +1 2 58 WK +1 2 59 F +1 2 60 LB +1 2 61 LE +1 2 62 F +1 2 63 F +1 2 64 LB +1 2 65 LE +1 2 66 F +1 2 67 F +1 2 68 WK +1 2 69 WK +1 2 70 F +1 2 71 LE +1 2 72 LB +1 2 73 WK +1 2 74 F +1 2 75 LB +1 2 76 LE +1 2 77 LB +1 2 78 F +1 2 79 LB +1 2 80 G +1 2 81 F +1 2 82 F +1 2 83 F +1 2 84 F +1 2 85 LB +1 2 86 WK +1 2 87 LB +1 2 88 WK +1 2 89 LB +1 2 90 LB +1 2 91 F +1 2 92 F +1 2 93 G +1 2 94 LB +1 2 95 F +1 2 96 WK +1 2 97 S +1 2 98 LE +1 2 99 F +1 2 100 F +1 2 101 LE +1 2 102 S +1 2 103 F +1 2 104 F +1 2 105 S +1 2 106 F +1 2 107 F +1 2 108 F +1 2 109 G +1 2 110 S +1 2 111 LB +1 2 112 LE +1 2 113 LB +1 2 114 LB +1 2 115 LE +1 2 116 F +1 2 117 WK +1 2 118 WK +1 2 119 LB +1 2 120 LF +1 2 121 LE +1 2 122 LB +1 2 123 LB +1 2 124 F +1 2 125 LE +1 2 126 WK +1 2 127 LB +1 2 128 F +1 2 129 F +1 2 130 LB +1 2 131 WK +1 2 132 LE +1 2 133 LB +1 2 134 WK +1 2 135 WK +1 2 136 LB +1 2 137 LB +1 2 138 LB +1 2 139 F +1 2 140 G +1 2 141 LF +1 2 142 F +1 2 143 LB +1 2 144 LB +1 2 145 LB +1 2 146 WK +1 2 147 LB +1 2 148 LE +1 2 149 LB +1 2 150 WK +1 2 151 S +1 2 152 F +1 2 153 LB +1 2 154 LB +1 2 155 LB +1 2 156 LB +1 2 157 WK +1 2 158 LF +1 2 159 F +1 2 160 F +1 2 161 LB +1 2 162 LE +1 2 163 LB +1 2 164 G +1 2 165 S +1 2 166 G +1 2 167 F +1 2 168 LB +1 2 169 LB +1 2 170 LB +1 2 171 F +1 2 172 LF +1 2 173 LE +1 2 174 WK +1 2 175 F +1 2 176 LE +1 2 177 F +1 2 178 G +1 2 179 LE +1 2 180 LB +1 2 181 WK +1 2 182 WK +1 2 183 S +1 2 184 F +1 2 185 WK +1 2 186 F +1 2 187 WK +1 2 188 LB +1 2 189 F +1 2 190 S +1 2 191 LB +1 2 192 S +1 2 193 F +1 2 194 LE +1 2 195 LB +1 2 196 F +1 2 197 S +1 2 198 LB +1 2 199 F +1 2 200 LB +1 2 201 WK +1 2 202 LB +1 2 203 WK +1 2 204 LB +1 2 205 LB +1 2 206 F +1 2 207 LE +1 2 208 WK +1 2 209 LB +1 2 210 WK +1 2 211 LB +1 2 212 WK +1 2 213 F +1 2 214 LB +1 2 215 WK +1 2 216 LB +1 2 217 WK +1 2 218 LB +1 2 219 F +1 2 220 G +1 2 221 F +1 2 222 WK +1 2 223 LB +1 2 224 F +1 2 225 WK +1 2 226 LB +1 2 227 LB +1 2 228 G +1 2 229 F +1 2 230 WK +1 2 231 WK +1 2 232 WK +1 2 233 F +1 2 234 LB +1 2 235 G +1 2 236 F +1 2 237 WK +1 2 238 LB +1 2 239 WK +1 2 240 LE +1 2 241 LF +1 2 242 S +1 2 243 LE +1 2 244 F +1 2 245 LE +1 2 246 LB +1 2 247 WK +1 2 248 LB +1 2 249 LB +1 2 250 LB +1 2 251 F +1 2 252 F +1 2 253 LB +1 2 254 F +1 2 255 LB +1 2 256 LE +1 2 257 LB +1 2 258 WK +1 2 259 LE +1 2 260 F +1 2 261 WK +1 2 262 LF +1 2 263 F +1 2 264 F +1 2 265 LB +1 2 266 WK +1 2 267 LB +1 2 268 LB +1 2 269 WK +1 2 270 WK +1 2 271 LB +1 2 272 F +1 2 273 WK +1 2 274 LF +1 2 275 F +1 2 276 LE +1 2 277 G +1 2 278 WK +1 2 279 G +1 2 280 LB +1 2 281 LB +1 2 282 LB +1 2 283 WK +1 2 284 F +1 2 285 WK +1 2 286 LF +1 2 287 WK +1 2 288 LE +1 2 289 S +1 2 290 LF +1 2 291 G +1 2 292 WK +1 2 293 F +1 2 294 LF +1 2 295 WK +1 2 296 WK +1 2 297 WK +1 2 298 LE +1 2 299 LB +1 2 300 S +1 2 301 LB +1 2 302 F +1 2 303 F +1 2 304 LB +1 2 305 WK +1 2 306 LB +1 2 307 G +1 2 308 WK +1 2 309 LB +1 2 310 LB +1 2 311 G +1 2 312 LB +1 2 313 LB +1 2 314 LF +1 2 315 LB +1 2 316 LB +1 2 317 LE +1 2 318 WK +1 2 319 LF +1 2 320 LB +1 2 321 LE +1 2 322 F +1 2 323 LB +1 2 324 LF +1 2 325 LE +1 2 326 WK +1 2 327 F +1 2 328 LB +1 2 329 WK +1 2 330 F +1 3 1 F +1 3 2 F +1 3 3 WK +1 3 4 LB +1 3 5 F +1 3 6 WK +1 3 7 S +1 3 8 F +1 3 9 S +1 3 10 LB +1 3 11 LB +1 3 12 WK +1 3 13 LB +1 3 14 LB +1 3 15 F +1 3 16 S +1 3 17 LE +1 3 18 LB +1 3 19 WK +1 3 20 S +1 3 21 LE +1 3 22 WK +1 3 23 S +1 3 24 LB +1 3 25 LB +1 3 26 LB +1 3 27 WK +1 3 28 LE +1 3 29 S +1 3 30 WK +1 3 31 S +1 3 32 WK +1 3 33 F +1 3 34 LB +1 3 35 WK +1 3 36 S +1 3 37 S +1 3 38 WK +1 3 39 LB +1 3 40 LB +1 3 41 LE +1 3 42 WK +1 3 43 LB +1 3 44 F +1 3 45 LB +1 3 46 S +1 3 47 LB +1 3 48 WK +1 3 49 F +1 3 50 S +1 3 51 LB +1 3 52 WK +1 3 53 LE +1 3 54 LB +1 3 55 LB +1 3 56 WK +1 3 57 LB +1 3 58 WK +1 3 59 F +1 3 60 LB +1 3 61 WK +1 3 62 LB +1 3 63 F +1 3 64 LB +1 3 65 LE +1 3 66 WK +1 3 67 F +1 3 68 LE +1 3 69 LB +1 3 70 F +1 3 71 WK +1 3 72 LB +1 3 73 WK +1 3 74 F +1 3 75 LB +1 3 76 LE +1 3 77 LB +1 3 78 WK +1 3 79 LB +1 3 80 LB +1 3 81 WK +1 3 82 LB +1 3 83 F +1 3 84 LE +1 3 85 LB +1 3 86 WK +1 3 87 LB +1 3 88 F +1 3 89 LB +1 3 90 LB +1 3 91 WK +1 3 92 F +1 3 93 LB +1 3 94 LB +1 3 95 F +1 3 96 WK +1 3 97 LB +1 3 98 LE +1 3 99 WK +1 3 100 LB +1 3 101 WK +1 3 102 F +1 3 103 LB +1 3 104 LB +1 3 105 WK +1 3 106 F +1 3 107 F +1 3 108 F +1 3 109 LB +1 3 110 WK +1 3 111 LB +1 3 112 LE +1 3 113 LB +1 3 114 LB +1 3 115 LE +1 3 116 F +1 3 117 LB +1 3 118 WK +1 3 119 LB +1 3 120 F +1 3 121 LE +1 3 122 LB +1 3 123 LB +1 3 124 WK +1 3 125 LE +1 3 126 F +1 3 127 LB +1 3 128 F +1 3 129 F +1 3 130 LB +1 3 131 F +1 3 132 LE +1 3 133 LB +1 3 134 LB +1 3 135 LE +1 3 136 LB +1 3 137 LB +1 3 138 LB +1 3 139 F +1 3 140 LB +1 3 141 WK +1 3 142 F +1 3 143 WK +1 3 144 LB +1 3 145 LB +1 3 146 WK +1 3 147 LB +1 3 148 LE +1 3 149 F +1 3 150 LB +1 3 151 F +1 3 152 WK +1 3 153 LB +1 3 154 LB +1 3 155 LB +1 3 156 LB +1 3 157 WK +1 3 158 F +1 3 159 LE +1 3 160 WK +1 3 161 LB +1 3 162 LE +1 3 163 LB +1 3 164 LB +1 3 165 LB +1 3 166 LB +1 3 167 F +1 3 168 LB +1 3 169 LB +1 3 170 LB +1 3 171 LB +1 3 172 F +1 3 173 LE +1 3 174 WK +1 3 175 F +1 3 176 LE +1 3 177 F +1 3 178 LB +1 3 179 WK +1 3 180 LB +1 3 181 WK +1 3 182 LB +1 3 183 LB +1 3 184 LB +1 3 185 WK +1 3 186 LB +1 3 187 LE +1 3 188 LB +1 3 189 LB +1 3 190 LE +1 3 191 LB +1 3 192 LB +1 3 193 F +1 3 194 LE +1 3 195 LB +1 3 196 F +1 3 197 LE +1 3 198 LB +1 3 199 F +1 3 200 LB +1 3 201 LE +1 3 202 LB +1 3 203 LE +1 3 204 LB +1 3 205 LB +1 3 206 F +1 3 207 LE +1 3 208 WK +1 3 209 LB +1 3 210 LB +1 3 211 LB +1 3 212 LE +1 3 213 F +1 3 214 WK +1 3 215 WK +1 3 216 LB +1 3 217 WK +1 3 218 LB +1 3 219 F +1 3 220 LB +1 3 221 F +1 3 222 LB +1 3 223 LB +1 3 224 F +1 3 225 WK +1 3 226 LB +1 3 227 LB +1 3 228 LB +1 3 229 LB +1 3 230 WK +1 3 231 WK +1 3 232 LB +1 3 233 LB +1 3 234 LB +1 3 235 LB +1 3 236 WK +1 3 237 LE +1 3 238 LB +1 3 239 WK +1 3 240 WK +1 3 241 F +1 3 242 WK +1 3 243 LB +1 3 244 F +1 3 245 LE +1 3 246 LB +1 3 247 LB +1 3 248 LB +1 3 249 LB +1 3 250 LB +1 3 251 F +1 3 252 F +1 3 253 LB +1 3 254 LB +1 3 255 LB +1 3 256 LE +1 3 257 LB +1 3 258 WK +1 3 259 LE +1 3 260 F +1 3 261 LE +1 3 262 F +1 3 263 LB +1 3 264 F +1 3 265 LB +1 3 266 WK +1 3 267 LE +1 3 268 LB +1 3 269 LE +1 3 270 LE +1 3 271 LB +1 3 272 F +1 3 273 WK +1 3 274 LF +1 3 275 WK +1 3 276 LE +1 3 277 LB +1 3 278 LE +1 3 279 LB +1 3 280 LB +1 3 281 LB +1 3 282 LB +1 3 283 WK +1 3 284 LF +1 3 285 LE +1 3 286 LF +1 3 287 S +1 3 288 LE +1 3 289 LB +1 3 290 LF +1 3 291 LB +1 3 292 WK +1 3 293 LF +1 3 294 LF +1 3 295 S +1 3 296 LB +1 3 297 LE +1 3 298 LE +1 3 299 LB +1 3 300 S +1 3 301 LB +1 3 302 LF +1 3 303 S +1 3 304 LB +1 3 305 S +1 3 306 LB +1 3 307 LB +1 3 308 S +1 3 309 LB +1 3 310 LB +1 3 311 LB +1 3 312 S +1 3 313 LB +1 3 314 LF +1 3 315 F +1 3 316 LB +1 3 317 LE +1 3 318 LE +1 3 319 F +1 3 320 S +1 3 321 LE +1 3 322 LB +1 3 323 LB +1 3 324 F +1 3 325 S +1 3 326 LE +1 3 327 LF +1 3 328 S +1 3 329 F +1 3 330 LF +1 4 1 LB +1 4 2 LF +1 4 3 LE +1 4 4 WK +1 4 5 LF +1 4 6 F +1 4 7 F +1 4 8 LE +1 4 9 F +1 4 10 LB +1 4 11 WK +1 4 12 WK +1 4 13 LB +1 4 14 LB +1 4 15 WK +1 4 16 LF +1 4 17 LE +1 4 18 LB +1 4 19 WK +1 4 20 F +1 4 21 LE +1 4 22 LE +1 4 23 F +1 4 24 LB +1 4 25 LB +1 4 26 LB +1 4 27 F +1 4 28 LE +1 4 29 F +1 4 30 LE +1 4 31 LF +1 4 32 LE +1 4 33 WK +1 4 34 LB +1 4 35 WK +1 4 36 LB +1 4 37 WK +1 4 38 LE +1 4 39 LB +1 4 40 LF +1 4 41 LE +1 4 42 WK +1 4 43 LB +1 4 44 LF +1 4 45 WK +1 4 46 WK +1 4 47 LB +1 4 48 LE +1 4 49 LF +1 4 50 LB +1 4 51 LE +1 4 52 LF +1 4 53 LE +1 4 54 LB +1 4 55 F +1 4 56 LE +1 4 57 LB +1 4 58 WK +1 4 59 LF +1 4 60 LB +1 4 61 LE +1 4 62 F +1 4 63 LE +1 4 64 LB +1 4 65 LE +1 4 66 LF +1 4 67 WK +1 4 68 LE +1 4 69 WK +1 4 70 LF +1 4 71 F +1 4 72 LB +1 4 73 F +1 4 74 LF +1 4 75 LB +1 4 76 LE +1 4 77 LB +1 4 78 LE +1 4 79 LB +1 4 80 LB +1 4 81 F +1 4 82 F +1 4 83 LF +1 4 84 LE +1 4 85 LB +1 4 86 WK +1 4 87 LB +1 4 88 WK +1 4 89 LB +1 4 90 LB +1 4 91 WK +1 4 92 LF +1 4 93 LB +1 4 94 LB +1 4 95 LF +1 4 96 LE +1 4 97 LB +1 4 98 LE +1 4 99 F +1 4 100 LF +1 4 101 LE +1 4 102 LF +1 4 103 WK +1 4 104 LF +1 4 105 LE +1 4 106 LF +1 4 107 LF +1 4 108 LF +1 4 109 LB +1 4 110 LE +1 4 111 LB +1 4 112 LB +1 4 113 LB +1 4 114 LB +1 4 115 LE +1 4 116 LF +1 4 117 LB +1 4 118 LE +1 4 119 LB +1 4 120 LF +1 4 121 LE +1 4 122 LB +1 4 123 LB +1 4 124 LE +1 4 125 LE +1 4 126 LE +1 4 127 LB +1 4 128 LF +1 4 129 LF +1 4 130 LB +1 4 131 S +1 4 132 LE +1 4 133 LB +1 4 134 S +1 4 135 LE +1 4 136 LB +1 4 137 LB +1 4 138 LF +1 4 139 LF +1 4 140 LB +1 4 141 LF +1 4 142 LF +1 4 143 S +1 4 144 LB +1 4 145 WK +1 4 146 LE +1 4 147 LB +1 4 148 LE +1 4 149 LF +1 4 150 LB +1 4 151 LE +1 4 152 WK +1 4 153 LB +1 4 154 LB +1 4 155 LB +1 4 156 WK +1 4 157 WK +1 4 158 LF +1 4 159 LE +1 4 160 WK +1 4 161 WK +1 4 162 LE +1 4 163 LB +1 4 164 LB +1 4 165 WK +1 4 166 LB +1 4 167 F +1 4 168 LB +1 4 169 LB +1 4 170 LB +1 4 171 WK +1 4 172 LF +1 4 173 LE +1 4 174 WK +1 4 175 LF +1 4 176 LE +1 4 177 LF +1 4 178 LB +1 4 179 WK +1 4 180 LB +1 4 181 WK +1 4 182 LE +1 4 183 WK +1 4 184 LB +1 4 185 LE +1 4 186 LF +1 4 187 LE +1 4 188 LB +1 4 189 LF +1 4 190 WK +1 4 191 LB +1 4 192 WK +1 4 193 WK +1 4 194 LE +1 4 195 WK +1 4 196 LF +1 4 197 F +1 4 198 LB +1 4 199 LF +1 4 200 F +1 4 201 LE +1 4 202 WK +1 4 203 LE +1 4 204 LB +1 4 205 WK +1 4 206 LF +1 4 207 LE +1 4 208 WK +1 4 209 LB +1 4 210 WK +1 4 211 LB +1 4 212 LE +1 4 213 LF +1 4 214 WK +1 4 215 LE +1 4 216 LB +1 4 217 LE +1 4 218 WK +1 4 219 LF +1 4 220 LB +1 4 221 LF +1 4 222 WK +1 4 223 LB +1 4 224 LF +1 4 225 WK +1 4 226 LB +1 4 227 LB +1 4 228 LB +1 4 229 LF +1 4 230 LF +1 4 231 WK +1 4 232 WK +1 4 233 WK +1 4 234 LB +1 4 235 LB +1 4 236 WK +1 4 237 LE +1 4 238 LB +1 4 239 LE +1 4 240 LB +1 4 241 LF +1 4 242 LF +1 4 243 WK +1 4 244 LF +1 4 245 LE +1 4 246 LB +1 4 247 WK +1 4 248 LB +1 4 249 LB +1 4 250 WK +1 4 251 LF +1 4 252 LF +1 4 253 F +1 4 254 F +1 4 255 LB +1 4 256 LE +1 4 257 LB +1 4 258 LE +1 4 259 LE +1 4 260 LF +1 4 261 LE +1 4 262 LF +1 4 263 WK +1 4 264 LF +1 4 265 LB +1 4 266 WK +1 4 267 LE +1 4 268 LB +1 4 269 LE +1 4 270 LE +1 4 271 LB +1 4 272 LF +1 4 273 LE +1 4 274 LF +1 4 275 WK +1 4 276 LE +1 4 277 LB +1 4 278 LE +1 4 279 LB +1 4 280 WK +1 4 281 LB +1 4 282 WK +1 4 283 LE +1 4 284 LF +1 4 285 WK +1 4 286 LF +1 4 287 LE +1 4 288 LE +1 4 289 LB +1 4 290 LF +1 4 291 LB +1 4 292 LE +1 4 293 LF +1 4 294 LF +1 4 295 WK +1 4 296 LB +1 4 297 LE +1 4 298 LE +1 4 299 LB +1 4 300 LF +1 4 301 LB +1 4 302 LF +1 4 303 WK +1 4 304 WK +1 4 305 LE +1 4 306 LF +1 4 307 LB +1 4 308 LB +1 4 309 LB +1 4 310 WK +1 4 311 LB +1 4 312 LB +1 4 313 LB +1 4 314 LF +1 4 315 WK +1 4 316 WK +1 4 317 LE +1 4 318 LE +1 4 319 LF +1 4 320 WK +1 4 321 LE +1 4 322 LF +1 4 323 LB +1 4 324 LF +1 4 325 LE +1 4 326 LE +1 4 327 LF +1 4 328 LB +1 4 329 WK +1 4 330 LF +1 5 1 LF +1 5 2 F +1 5 3 LE +1 5 4 WK +1 5 5 LF +1 5 6 LE +1 5 7 F +1 5 8 LE +1 5 9 WK +1 5 10 LB +1 5 11 F +1 5 12 LE +1 5 13 F +1 5 14 LB +1 5 15 F +1 5 16 LF +1 5 17 LE +1 5 18 WK +1 5 19 LF +1 5 20 F +1 5 21 LE +1 5 22 LF +1 5 23 WK +1 5 24 F +1 5 25 F +1 5 26 LB +1 5 27 LF +1 5 28 LE +1 5 29 LF +1 5 30 LE +1 5 31 LF +1 5 32 LE +1 5 33 F +1 5 34 WK +1 5 35 LE +1 5 36 F +1 5 37 WK +1 5 38 LE +1 5 39 F +1 5 40 LF +1 5 41 LE +1 5 42 F +1 5 43 LB +1 5 44 LF +1 5 45 LF +1 5 46 F +1 5 47 WK +1 5 48 F +1 5 49 LF +1 5 50 WK +1 5 51 F +1 5 52 LF +1 5 53 LE +1 5 54 F +1 5 55 LF +1 5 56 LE +1 5 57 F +1 5 58 GB +1 5 59 LF +1 5 60 LB +1 5 61 LE +1 5 62 F +1 5 63 LE +1 5 64 F +1 5 65 LE +1 5 66 LF +1 5 67 LF +1 5 68 LE +1 5 69 F +1 5 70 LF +1 5 71 LE +1 5 72 LF +1 5 73 F +1 5 74 LF +1 5 75 LB +1 5 76 LE +1 5 77 F +1 5 78 LF +1 5 79 LB +1 5 80 F +1 5 81 GB +1 5 82 LF +1 5 83 LF +1 5 84 LE +1 5 85 F +1 5 86 LE +1 5 87 LB +1 5 88 LE +1 5 89 LB +1 5 90 LB +1 5 91 F +1 5 92 LF +1 5 93 LF +1 5 94 LB +1 5 95 LF +1 5 96 LE +1 5 97 F +1 5 98 LE +1 5 99 LF +1 5 100 LF +1 5 101 LE +1 5 102 LF +1 5 103 F +1 5 104 LF +1 5 105 LE +1 5 106 LF +1 5 107 LF +1 5 108 LF +1 5 109 GB +1 5 110 LE +1 5 111 F +1 5 112 LE +1 5 113 LB +1 5 114 F +1 5 115 LE +1 5 116 LF +1 5 117 F +1 5 118 LE +1 5 119 LF +1 5 120 LF +1 5 121 LE +1 5 122 F +1 5 123 F +1 5 124 F +1 5 125 LE +1 5 126 LE +1 5 127 LB +1 5 128 LF +1 5 129 LF +1 5 130 F +1 5 131 GB +1 5 132 LE +1 5 133 LF +1 5 134 F +1 5 135 LE +1 5 136 LF +1 5 137 F +1 5 138 LF +1 5 139 LF +1 5 140 LF +1 5 141 LF +1 5 142 LF +1 5 143 F +1 5 144 LB +1 5 145 F +1 5 146 LF +1 5 147 F +1 5 148 LE +1 5 149 LF +1 5 150 F +1 5 151 LE +1 5 152 LE +1 5 153 LF +1 5 154 LB +1 5 155 F +1 5 156 GB +1 5 157 LE +1 5 158 LF +1 5 159 LE +1 5 160 LE +1 5 161 F +1 5 162 LE +1 5 163 F +1 5 164 LB +1 5 165 GB +1 5 166 LB +1 5 167 F +1 5 168 F +1 5 169 LB +1 5 170 LB +1 5 171 F +1 5 172 LF +1 5 173 LE +1 5 174 LE +1 5 175 LF +1 5 176 LE +1 5 177 LF +1 5 178 F +1 5 179 LE +1 5 180 F +1 5 181 LE +1 5 182 LE +1 5 183 F +1 5 184 LB +1 5 185 LE +1 5 186 LF +1 5 187 LE +1 5 188 G +1 5 189 LF +1 5 190 LE +1 5 191 G +1 5 192 F +1 5 193 GB +1 5 194 LE +1 5 195 F +1 5 196 LF +1 5 197 F +1 5 198 LB +1 5 199 LF +1 5 200 LF +1 5 201 LE +1 5 202 F +1 5 203 LE +1 5 204 LB +1 5 205 WK +1 5 206 LF +1 5 207 LE +1 5 208 LE +1 5 209 LB +1 5 210 LE +1 5 211 LB +1 5 212 LE +1 5 213 LF +1 5 214 WK +1 5 215 LE +1 5 216 LB +1 5 217 LE +1 5 218 F +1 5 219 LF +1 5 220 LB +1 5 221 LF +1 5 222 LE +1 5 223 LB +1 5 224 LF +1 5 225 F +1 5 226 LB +1 5 227 GB +1 5 228 GB +1 5 229 LF +1 5 230 LF +1 5 231 LE +1 5 232 WK +1 5 233 F +1 5 234 LB +1 5 235 LB +1 5 236 GB +1 5 237 LE +1 5 238 LB +1 5 239 LE +1 5 240 LE +1 5 241 LF +1 5 242 F +1 5 243 LE +1 5 244 LF +1 5 245 LE +1 5 246 GB +1 5 247 F +1 5 248 LB +1 5 249 LB +1 5 250 F +1 5 251 LF +1 5 252 LF +1 5 253 WK +1 5 254 LF +1 5 255 LB +1 5 256 LE +1 5 257 GB +1 5 258 F +1 5 259 LE +1 5 260 LF +1 5 261 LE +1 5 262 LF +1 5 263 F +1 5 264 F +1 5 265 GB +1 5 266 LE +1 5 267 WK +1 5 268 LF +1 5 269 LE +1 5 270 LE +1 5 271 F +1 5 272 LF +1 5 273 LE +1 5 274 LF +1 5 275 WK +1 5 276 LE +1 5 277 F +1 5 278 LE +1 5 279 LB +1 5 280 F +1 5 281 LB +1 5 282 F +1 5 283 LE +1 5 284 LF +1 5 285 LE +1 5 286 LF +1 5 287 F +1 5 288 LE +1 5 289 LF +1 5 290 LF +1 5 291 LB +1 5 292 LE +1 5 293 LF +1 5 294 LF +1 5 295 GB +1 5 296 LB +1 5 297 LE +1 5 298 LE +1 5 299 LB +1 5 300 LF +1 5 301 F +1 5 302 LF +1 5 303 LF +1 5 304 LB +1 5 305 GB +1 5 306 LF +1 5 307 LB +1 5 308 F +1 5 309 LB +1 5 310 LB +1 5 311 LB +1 5 312 LB +1 5 313 LB +1 5 314 LF +1 5 315 F +1 5 316 GB +1 5 317 LE +1 5 318 LE +1 5 319 LF +1 5 320 GB +1 5 321 LE +1 5 322 LF +1 5 323 F +1 5 324 LF +1 5 325 LE +1 5 326 LE +1 5 327 LF +1 5 328 LB +1 5 329 LE +1 5 330 LF +1 6 1 G +1 6 2 F +1 6 3 LE +1 6 4 WK +1 6 5 F +1 6 6 WK +1 6 7 LB +1 6 8 WK +1 6 9 F +1 6 10 G +1 6 11 LB +1 6 12 WK +1 6 13 LB +1 6 14 LB +1 6 15 F +1 6 16 LF +1 6 17 LE +1 6 18 LB +1 6 19 G +1 6 20 LB +1 6 21 WK +1 6 22 F +1 6 23 WK +1 6 24 LB +1 6 25 G +1 6 26 G +1 6 27 F +1 6 28 LE +1 6 29 F +1 6 30 WK +1 6 31 LF +1 6 32 WK +1 6 33 F +1 6 34 LB +1 6 35 WK +1 6 36 LB +1 6 37 G +1 6 38 LE +1 6 39 LB +1 6 40 F +1 6 41 LE +1 6 42 WK +1 6 43 G +1 6 44 F +1 6 45 G +1 6 46 LF +1 6 47 LB +1 6 48 WK +1 6 49 LF +1 6 50 WK +1 6 51 F +1 6 52 LF +1 6 53 LE +1 6 54 LB +1 6 55 G +1 6 56 WK +1 6 57 LB +1 6 58 WK +1 6 59 LF +1 6 60 LB +1 6 61 LE +1 6 62 F +1 6 63 WK +1 6 64 G +1 6 65 LE +1 6 66 F +1 6 67 F +1 6 68 WK +1 6 69 LB +1 6 70 LF +1 6 71 LE +1 6 72 G +1 6 73 WK +1 6 74 LF +1 6 75 LB +1 6 76 LE +1 6 77 G +1 6 78 F +1 6 79 LB +1 6 80 LB +1 6 81 LB +1 6 82 G +1 6 83 F +1 6 84 WK +1 6 85 G +1 6 86 WK +1 6 87 LB +1 6 88 LE +1 6 89 LB +1 6 90 LB +1 6 91 F +1 6 92 LF +1 6 93 G +1 6 94 LB +1 6 95 LF +1 6 96 WK +1 6 97 G +1 6 98 LE +1 6 99 F +1 6 100 LF +1 6 101 LE +1 6 102 F +1 6 103 LB +1 6 104 G +1 6 105 WK +1 6 106 F +1 6 107 LF +1 6 108 LF +1 6 109 G +1 6 110 LE +1 6 111 LB +1 6 112 LE +1 6 113 LB +1 6 114 G +1 6 115 LE +1 6 116 LF +1 6 117 LB +1 6 118 WK +1 6 119 G +1 6 120 LF +1 6 121 LE +1 6 122 G +1 6 123 LB +1 6 124 F +1 6 125 LE +1 6 126 WK +1 6 127 LB +1 6 128 F +1 6 129 LF +1 6 130 LB +1 6 131 WK +1 6 132 LE +1 6 133 G +1 6 134 LB +1 6 135 WK +1 6 136 G +1 6 137 G +1 6 138 F +1 6 139 LF +1 6 140 LB +1 6 141 LF +1 6 142 LF +1 6 143 F +1 6 144 LB +1 6 145 F +1 6 146 WK +1 6 147 G +1 6 148 LE +1 6 149 F +1 6 150 LB +1 6 151 F +1 6 152 F +1 6 153 G +1 6 154 LB +1 6 155 LB +1 6 156 G +1 6 157 LB +1 6 158 LF +1 6 159 WK +1 6 160 F +1 6 161 G +1 6 162 LE +1 6 163 G +1 6 164 G +1 6 165 LB +1 6 166 LB +1 6 167 F +1 6 168 LB +1 6 169 G +1 6 170 LB +1 6 171 LB +1 6 172 LF +1 6 173 LE +1 6 174 WK +1 6 175 G +1 6 176 LE +1 6 177 F +1 6 178 LB +1 6 179 LE +1 6 180 G +1 6 181 WK +1 6 182 LE +1 6 183 F +1 6 184 F +1 6 185 LE +1 6 186 G +1 6 187 WK +1 6 188 G +1 6 189 LF +1 6 190 F +1 6 191 LB +1 6 192 F +1 6 193 F +1 6 194 LE +1 6 195 G +1 6 196 LF +1 6 197 F +1 6 198 LB +1 6 199 LF +1 6 200 G +1 6 201 WK +1 6 202 LB +1 6 203 LE +1 6 204 LB +1 6 205 G +1 6 206 LF +1 6 207 LE +1 6 208 LE +1 6 209 LB +1 6 210 LE +1 6 211 G +1 6 212 LE +1 6 213 F +1 6 214 WK +1 6 215 F +1 6 216 LB +1 6 217 WK +1 6 218 LB +1 6 219 LF +1 6 220 G +1 6 221 LF +1 6 222 LE +1 6 223 G +1 6 224 LF +1 6 225 WK +1 6 226 LB +1 6 227 LB +1 6 228 G +1 6 229 F +1 6 230 F +1 6 231 WK +1 6 232 WK +1 6 233 G +1 6 234 G +1 6 235 G +1 6 236 WK +1 6 237 WK +1 6 238 LB +1 6 239 WK +1 6 240 LE +1 6 241 F +1 6 242 WK +1 6 243 LE +1 6 244 LF +1 6 245 LE +1 6 246 G +1 6 247 G +1 6 248 LB +1 6 249 LB +1 6 250 G +1 6 251 F +1 6 252 F +1 6 253 G +1 6 254 G +1 6 255 LB +1 6 256 LE +1 6 257 LB +1 6 258 WK +1 6 259 LE +1 6 260 F +1 6 261 WK +1 6 262 LF +1 6 263 LF +1 6 264 F +1 6 265 LB +1 6 266 LE +1 6 267 LE +1 6 268 G +1 6 269 WK +1 6 270 WK +1 6 271 LB +1 6 272 LF +1 6 273 WK +1 6 274 LF +1 6 275 WK +1 6 276 LE +1 6 277 LB +1 6 278 LE +1 6 279 LB +1 6 280 LB +1 6 281 LB +1 6 282 G +1 6 283 LE +1 6 284 LF +1 6 285 WK +1 6 286 LF +1 6 287 WK +1 6 288 LE +1 6 289 G +1 6 290 F +1 6 291 G +1 6 292 WK +1 6 293 LF +1 6 294 LF +1 6 295 LB +1 6 296 G +1 6 297 WK +1 6 298 LE +1 6 299 G +1 6 300 LF +1 6 301 G +1 6 302 F +1 6 303 F +1 6 304 LB +1 6 305 LE +1 6 306 G +1 6 307 LB +1 6 308 F +1 6 309 LB +1 6 310 G +1 6 311 LB +1 6 312 LB +1 6 313 G +1 6 314 LF +1 6 315 G +1 6 316 G +1 6 317 LE +1 6 318 WK +1 6 319 LF +1 6 320 LB +1 6 321 LE +1 6 322 G +1 6 323 LB +1 6 324 F +1 6 325 LE +1 6 326 WK +1 6 327 LF +1 6 328 LB +1 6 329 LE +1 6 330 LF +1 7 1 G +1 7 2 G +1 7 3 LE +1 7 4 S +1 7 5 G +1 7 6 WK +1 7 7 G +1 7 8 LE +1 7 9 S +1 7 10 G +1 7 11 S +1 7 12 F +1 7 13 LB +1 7 14 LB +1 7 15 F +1 7 16 LF +1 7 17 LE +1 7 18 LB +1 7 19 G +1 7 20 LB +1 7 21 LE +1 7 22 F +1 7 23 S +1 7 24 S +1 7 25 G +1 7 26 G +1 7 27 LF +1 7 28 LE +1 7 29 LB +1 7 30 WK +1 7 31 G +1 7 32 F +1 7 33 LB +1 7 34 G +1 7 35 F +1 7 36 LB +1 7 37 G +1 7 38 LE +1 7 39 LB +1 7 40 G +1 7 41 LE +1 7 42 F +1 7 43 G +1 7 44 LF +1 7 45 LB +1 7 46 S +1 7 47 LB +1 7 48 WK +1 7 49 G +1 7 50 LB +1 7 51 WK +1 7 52 G +1 7 53 LE +1 7 54 LB +1 7 55 G +1 7 56 F +1 7 57 G +1 7 58 WK +1 7 59 WK +1 7 60 LB +1 7 61 LE +1 7 62 G +1 7 63 WK +1 7 64 G +1 7 65 LE +1 7 66 S +1 7 67 G +1 7 68 WK +1 7 69 LB +1 7 70 LF +1 7 71 LB +1 7 72 LB +1 7 73 G +1 7 74 G +1 7 75 G +1 7 76 WK +1 7 77 G +1 7 78 F +1 7 79 LB +1 7 80 G +1 7 81 WK +1 7 82 WK +1 7 83 WK +1 7 84 WK +1 7 85 LB +1 7 86 WK +1 7 87 LB +1 7 88 F +1 7 89 LB +1 7 90 LB +1 7 91 F +1 7 92 F +1 7 93 G +1 7 94 LB +1 7 95 F +1 7 96 WK +1 7 97 LB +1 7 98 LE +1 7 99 LB +1 7 100 G +1 7 101 LE +1 7 102 G +1 7 103 LB +1 7 104 G +1 7 105 F +1 7 106 F +1 7 107 LF +1 7 108 G +1 7 109 G +1 7 110 F +1 7 111 LB +1 7 112 LE +1 7 113 LB +1 7 114 LB +1 7 115 LE +1 7 116 G +1 7 117 LB +1 7 118 WK +1 7 119 G +1 7 120 LF +1 7 121 WK +1 7 122 LB +1 7 123 LB +1 7 124 F +1 7 125 WK +1 7 126 WK +1 7 127 LB +1 7 128 F +1 7 129 LF +1 7 130 S +1 7 131 LB +1 7 132 WK +1 7 133 LB +1 7 134 S +1 7 135 F +1 7 136 F +1 7 137 S +1 7 138 G +1 7 139 LF +1 7 140 G +1 7 141 LF +1 7 142 LF +1 7 143 F +1 7 144 S +1 7 145 S +1 7 146 F +1 7 147 LB +1 7 148 LE +1 7 149 F +1 7 150 LB +1 7 151 F +1 7 152 F +1 7 153 G +1 7 154 S +1 7 155 S +1 7 156 LB +1 7 157 S +1 7 158 LF +1 7 159 F +1 7 160 F +1 7 161 LB +1 7 162 LE +1 7 163 LB +1 7 164 G +1 7 165 S +1 7 166 G +1 7 167 F +1 7 168 LB +1 7 169 G +1 7 170 S +1 7 171 WK +1 7 172 LF +1 7 173 F +1 7 174 F +1 7 175 G +1 7 176 F +1 7 177 F +1 7 178 G +1 7 179 F +1 7 180 LB +1 7 181 WK +1 7 182 LB +1 7 183 F +1 7 184 F +1 7 185 F +1 7 186 G +1 7 187 WK +1 7 188 G +1 7 189 G +1 7 190 WK +1 7 191 LB +1 7 192 F +1 7 193 WK +1 7 194 LB +1 7 195 LB +1 7 196 F +1 7 197 F +1 7 198 LB +1 7 199 LF +1 7 200 G +1 7 201 WK +1 7 202 LB +1 7 203 LB +1 7 204 LB +1 7 205 S +1 7 206 F +1 7 207 LE +1 7 208 F +1 7 209 LB +1 7 210 LB +1 7 211 G +1 7 212 WK +1 7 213 WK +1 7 214 F +1 7 215 WK +1 7 216 S +1 7 217 WK +1 7 218 WK +1 7 219 LF +1 7 220 G +1 7 221 LF +1 7 222 S +1 7 223 LB +1 7 224 WK +1 7 225 WK +1 7 226 G +1 7 227 LB +1 7 228 S +1 7 229 F +1 7 230 WK +1 7 231 WK +1 7 232 S +1 7 233 G +1 7 234 LB +1 7 235 G +1 7 236 WK +1 7 237 F +1 7 238 LB +1 7 239 WK +1 7 240 S +1 7 241 LF +1 7 242 WK +1 7 243 LE +1 7 244 LF +1 7 245 LE +1 7 246 LB +1 7 247 WK +1 7 248 LB +1 7 249 LB +1 7 250 S +1 7 251 LB +1 7 252 WK +1 7 253 LB +1 7 254 G +1 7 255 LB +1 7 256 LE +1 7 257 G +1 7 258 WK +1 7 259 LE +1 7 260 WK +1 7 261 F +1 7 262 LF +1 7 263 LB +1 7 264 G +1 7 265 LB +1 7 266 WK +1 7 267 WK +1 7 268 LB +1 7 269 LE +1 7 270 F +1 7 271 LB +1 7 272 LF +1 7 273 LE +1 7 274 LF +1 7 275 WK +1 7 276 LE +1 7 277 G +1 7 278 WK +1 7 279 LB +1 7 280 LB +1 7 281 LB +1 7 282 LB +1 7 283 WK +1 7 284 LF +1 7 285 F +1 7 286 LF +1 7 287 WK +1 7 288 LE +1 7 289 LB +1 7 290 WK +1 7 291 G +1 7 292 F +1 7 293 F +1 7 294 LF +1 7 295 S +1 7 296 S +1 7 297 F +1 7 298 LE +1 7 299 LB +1 7 300 LF +1 7 301 LB +1 7 302 F +1 7 303 G +1 7 304 LB +1 7 305 S +1 7 306 LB +1 7 307 G +1 7 308 F +1 7 309 S +1 7 310 LB +1 7 311 G +1 7 312 LB +1 7 313 S +1 7 314 F +1 7 315 LB +1 7 316 LB +1 7 317 LE +1 7 318 WK +1 7 319 LF +1 7 320 WK +1 7 321 LE +1 7 322 G +1 7 323 LB +1 7 324 LF +1 7 325 S +1 7 326 F +1 7 327 G +1 7 328 LB +1 7 329 S +1 7 330 LF +1 8 1 G +1 8 2 WK +1 8 3 LE +1 8 4 WK +1 8 5 F +1 8 6 F +1 8 7 WK +1 8 8 LE +1 8 9 F +1 8 10 LB +1 8 11 LB +1 8 12 F +1 8 13 LB +1 8 14 LB +1 8 15 F +1 8 16 LF +1 8 17 LE +1 8 18 LB +1 8 19 F +1 8 20 F +1 8 21 LE +1 8 22 F +1 8 23 F +1 8 24 LB +1 8 25 LB +1 8 26 F +1 8 27 F +1 8 28 LE +1 8 29 F +1 8 30 LE +1 8 31 F +1 8 32 F +1 8 33 F +1 8 34 LB +1 8 35 LE +1 8 36 LB +1 8 37 WK +1 8 38 LE +1 8 39 WK +1 8 40 LB +1 8 41 LE +1 8 42 F +1 8 43 LB +1 8 44 LF +1 8 45 LB +1 8 46 LB +1 8 47 LB +1 8 48 F +1 8 49 LB +1 8 50 WK +1 8 51 F +1 8 52 LF +1 8 53 LE +1 8 54 WK +1 8 55 S +1 8 56 F +1 8 57 G +1 8 58 WK +1 8 59 F +1 8 60 LB +1 8 61 LE +1 8 62 S +1 8 63 F +1 8 64 G +1 8 65 LE +1 8 66 LF +1 8 67 S +1 8 68 WK +1 8 69 S +1 8 70 LF +1 8 71 WK +1 8 72 G +1 8 73 S +1 8 74 F +1 8 75 LB +1 8 76 WK +1 8 77 G +1 8 78 F +1 8 79 LB +1 8 80 S +1 8 81 S +1 8 82 G +1 8 83 F +1 8 84 S +1 8 85 G +1 8 86 S +1 8 87 LB +1 8 88 WK +1 8 89 LB +1 8 90 LB +1 8 91 WK +1 8 92 S +1 8 93 G +1 8 94 LB +1 8 95 LF +1 8 96 WK +1 8 97 S +1 8 98 LE +1 8 99 WK +1 8 100 F +1 8 101 S +1 8 102 F +1 8 103 S +1 8 104 G +1 8 105 S +1 8 106 WK +1 8 107 LF +1 8 108 F +1 8 109 G +1 8 110 WK +1 8 111 S +1 8 112 LE +1 8 113 LB +1 8 114 G +1 8 115 S +1 8 116 G +1 8 117 S +1 8 118 WK +1 8 119 G +1 8 120 LF +1 8 121 LE +1 8 122 G +1 8 123 G +1 8 124 WK +1 8 125 LE +1 8 126 WK +1 8 127 LB +1 8 128 S +1 8 129 LF +1 8 130 LB +1 8 131 WK +1 8 132 LE +1 8 133 G +1 8 134 S +1 8 135 WK +1 8 136 G +1 8 137 LB +1 8 138 G +1 8 139 LF +1 8 140 LB +1 8 141 LF +1 8 142 LF +1 8 143 S +1 8 144 LB +1 8 145 G +1 8 146 WK +1 8 147 LB +1 8 148 LE +1 8 149 S +1 8 150 LB +1 8 151 WK +1 8 152 F +1 8 153 G +1 8 154 LB +1 8 155 LB +1 8 156 G +1 8 157 S +1 8 158 LF +1 8 159 WK +1 8 160 F +1 8 161 G +1 8 162 LE +1 8 163 G +1 8 164 G +1 8 165 S +1 8 166 LB +1 8 167 F +1 8 168 LB +1 8 169 G +1 8 170 LB +1 8 171 S +1 8 172 LF +1 8 173 LE +1 8 174 WK +1 8 175 F +1 8 176 LE +1 8 177 F +1 8 178 G +1 8 179 S +1 8 180 G +1 8 181 S +1 8 182 WK +1 8 183 LB +1 8 184 S +1 8 185 S +1 8 186 G +1 8 187 S +1 8 188 G +1 8 189 F +1 8 190 S +1 8 191 G +1 8 192 S +1 8 193 F +1 8 194 S +1 8 195 G +1 8 196 G +1 8 197 S +1 8 198 LB +1 8 199 LF +1 8 200 G +1 8 201 F +1 8 202 G +1 8 203 S +1 8 204 LB +1 8 205 S +1 8 206 LF +1 8 207 LE +1 8 208 S +1 8 209 G +1 8 210 S +1 8 211 G +1 8 212 S +1 8 213 F +1 8 214 S +1 8 215 F +1 8 216 LB +1 8 217 F +1 8 218 S +1 8 219 LF +1 8 220 G +1 8 221 LF +1 8 222 S +1 8 223 G +1 8 224 F +1 8 225 S +1 8 226 LB +1 8 227 LB +1 8 228 G +1 8 229 F +1 8 230 F +1 8 231 S +1 8 232 S +1 8 233 G +1 8 234 G +1 8 235 G +1 8 236 S +1 8 237 F +1 8 238 G +1 8 239 S +1 8 240 S +1 8 241 LF +1 8 242 F +1 8 243 S +1 8 244 LF +1 8 245 LE +1 8 246 G +1 8 247 S +1 8 248 LB +1 8 249 G +1 8 250 S +1 8 251 F +1 8 252 LF +1 8 253 G +1 8 254 F +1 8 255 LB +1 8 256 LE +1 8 257 G +1 8 258 S +1 8 259 S +1 8 260 F +1 8 261 S +1 8 262 LF +1 8 263 LB +1 8 264 F +1 8 265 G +1 8 266 S +1 8 267 S +1 8 268 G +1 8 269 S +1 8 270 S +1 8 271 LB +1 8 272 LF +1 8 273 S +1 8 274 LF +1 8 275 S +1 8 276 LE +1 8 277 LB +1 8 278 S +1 8 279 G +1 8 280 G +1 8 281 G +1 8 282 G +1 8 283 S +1 8 284 LF +1 8 285 F +1 8 286 LF +1 8 287 S +1 8 288 LE +1 8 289 G +1 8 290 F +1 8 291 G +1 8 292 F +1 8 293 F +1 8 294 LF +1 8 295 S +1 8 296 S +1 8 297 WK +1 8 298 LE +1 8 299 G +1 8 300 F +1 8 301 G +1 8 302 LF +1 8 303 S +1 8 304 WK +1 8 305 S +1 8 306 F +1 8 307 G +1 8 308 S +1 8 309 LB +1 8 310 G +1 8 311 G +1 8 312 LB +1 8 313 G +1 8 314 LF +1 8 315 WK +1 8 316 G +1 8 317 S +1 8 318 WK +1 8 319 LF +1 8 320 S +1 8 321 LE +1 8 322 G +1 8 323 G +1 8 324 LF +1 8 325 WK +1 8 326 WK +1 8 327 F +1 8 328 G +1 8 329 WK +1 8 330 F +1 9 1 G +1 9 2 F +1 9 3 LE +1 9 4 LB +1 9 5 F +1 9 6 LF +1 9 7 S +1 9 8 LE +1 9 9 S +1 9 10 G +1 9 11 S +1 9 12 F +1 9 13 LF +1 9 14 LB +1 9 15 F +1 9 16 LF +1 9 17 LE +1 9 18 LB +1 9 19 F +1 9 20 LB +1 9 21 LE +1 9 22 F +1 9 23 WK +1 9 24 LB +1 9 25 WK +1 9 26 G +1 9 27 LF +1 9 28 LE +1 9 29 F +1 9 30 LE +1 9 31 F +1 9 32 S +1 9 33 F +1 9 34 G +1 9 35 WK +1 9 36 LB +1 9 37 F +1 9 38 LE +1 9 39 LB +1 9 40 G +1 9 41 LE +1 9 42 F +1 9 43 LB +1 9 44 LF +1 9 45 LB +1 9 46 LF +1 9 47 LB +1 9 48 F +1 9 49 S +1 9 50 WK +1 9 51 LB +1 9 52 LF +1 9 53 LE +1 9 54 LB +1 9 55 F +1 9 56 F +1 9 57 LB +1 9 58 S +1 9 59 F +1 9 60 LB +1 9 61 LE +1 9 62 G +1 9 63 S +1 9 64 LB +1 9 65 LE +1 9 66 LF +1 9 67 F +1 9 68 LE +1 9 69 LB +1 9 70 LF +1 9 71 LE +1 9 72 LB +1 9 73 F +1 9 74 LF +1 9 75 LB +1 9 76 LE +1 9 77 G +1 9 78 F +1 9 79 LB +1 9 80 G +1 9 81 F +1 9 82 LF +1 9 83 LF +1 9 84 F +1 9 85 LB +1 9 86 F +1 9 87 LB +1 9 88 LE +1 9 89 LB +1 9 90 LB +1 9 91 F +1 9 92 LF +1 9 93 G +1 9 94 LB +1 9 95 LF +1 9 96 F +1 9 97 G +1 9 98 LE +1 9 99 F +1 9 100 WK +1 9 101 LE +1 9 102 F +1 9 103 LB +1 9 104 F +1 9 105 WK +1 9 106 F +1 9 107 LF +1 9 108 F +1 9 109 G +1 9 110 LE +1 9 111 LB +1 9 112 LE +1 9 113 LB +1 9 114 LB +1 9 115 LE +1 9 116 F +1 9 117 LB +1 9 118 F +1 9 119 G +1 9 120 LF +1 9 121 LE +1 9 122 LB +1 9 123 F +1 9 124 F +1 9 125 LE +1 9 126 F +1 9 127 LB +1 9 128 F +1 9 129 LF +1 9 130 LB +1 9 131 G +1 9 132 WK +1 9 133 LB +1 9 134 WK +1 9 135 F +1 9 136 G +1 9 137 LB +1 9 138 G +1 9 139 LF +1 9 140 G +1 9 141 LF +1 9 142 F +1 9 143 S +1 9 144 G +1 9 145 F +1 9 146 WK +1 9 147 G +1 9 148 LE +1 9 149 F +1 9 150 G +1 9 151 WK +1 9 152 F +1 9 153 G +1 9 154 LB +1 9 155 LB +1 9 156 G +1 9 157 LB +1 9 158 LF +1 9 159 F +1 9 160 F +1 9 161 S +1 9 162 LE +1 9 163 G +1 9 164 G +1 9 165 LF +1 9 166 WK +1 9 167 F +1 9 168 S +1 9 169 G +1 9 170 LB +1 9 171 S +1 9 172 LF +1 9 173 LE +1 9 174 LE +1 9 175 S +1 9 176 LE +1 9 177 F +1 9 178 G +1 9 179 S +1 9 180 F +1 9 181 S +1 9 182 S +1 9 183 LB +1 9 184 G +1 9 185 S +1 9 186 F +1 9 187 LE +1 9 188 G +1 9 189 LF +1 9 190 F +1 9 191 LB +1 9 192 F +1 9 193 S +1 9 194 S +1 9 195 LB +1 9 196 F +1 9 197 WK +1 9 198 LB +1 9 199 LF +1 9 200 S +1 9 201 S +1 9 202 LB +1 9 203 WK +1 9 204 LB +1 9 205 F +1 9 206 LF +1 9 207 LE +1 9 208 S +1 9 209 G +1 9 210 WK +1 9 211 F +1 9 212 LE +1 9 213 F +1 9 214 WK +1 9 215 S +1 9 216 LB +1 9 217 S +1 9 218 F +1 9 219 LF +1 9 220 G +1 9 221 F +1 9 222 G +1 9 223 S +1 9 224 LF +1 9 225 S +1 9 226 S +1 9 227 LB +1 9 228 G +1 9 229 F +1 9 230 S +1 9 231 WK +1 9 232 S +1 9 233 G +1 9 234 G +1 9 235 G +1 9 236 S +1 9 237 WK +1 9 238 S +1 9 239 F +1 9 240 S +1 9 241 LF +1 9 242 F +1 9 243 S +1 9 244 LF +1 9 245 LE +1 9 246 WK +1 9 247 G +1 9 248 LB +1 9 249 LB +1 9 250 G +1 9 251 S +1 9 252 LF +1 9 253 F +1 9 254 G +1 9 255 LB +1 9 256 LE +1 9 257 G +1 9 258 F +1 9 259 S +1 9 260 F +1 9 261 S +1 9 262 LF +1 9 263 F +1 9 264 LF +1 9 265 F +1 9 266 F +1 9 267 WK +1 9 268 LF +1 9 269 WK +1 9 270 LE +1 9 271 LB +1 9 272 LF +1 9 273 F +1 9 274 LF +1 9 275 S +1 9 276 LE +1 9 277 G +1 9 278 WK +1 9 279 G +1 9 280 S +1 9 281 G +1 9 282 S +1 9 283 F +1 9 284 LF +1 9 285 S +1 9 286 LF +1 9 287 WK +1 9 288 LE +1 9 289 F +1 9 290 LF +1 9 291 G +1 9 292 WK +1 9 293 F +1 9 294 LF +1 9 295 WK +1 9 296 G +1 9 297 F +1 9 298 LE +1 9 299 G +1 9 300 LF +1 9 301 G +1 9 302 LF +1 9 303 G +1 9 304 LB +1 9 305 WK +1 9 306 S +1 9 307 F +1 9 308 S +1 9 309 LB +1 9 310 G +1 9 311 G +1 9 312 LB +1 9 313 G +1 9 314 LF +1 9 315 S +1 9 316 WK +1 9 317 LE +1 9 318 LE +1 9 319 LF +1 9 320 S +1 9 321 LE +1 9 322 F +1 9 323 S +1 9 324 LF +1 9 325 F +1 9 326 S +1 9 327 LF +1 9 328 S +1 9 329 WK +1 9 330 F +1 10 1 G +1 10 2 F +1 10 3 LE +1 10 4 S +1 10 5 F +1 10 6 F +1 10 7 S +1 10 8 LE +1 10 9 F +1 10 10 G +1 10 11 G +1 10 12 WK +1 10 13 LB +1 10 14 LB +1 10 15 F +1 10 16 LF +1 10 17 LE +1 10 18 LB +1 10 19 F +1 10 20 F +1 10 21 LE +1 10 22 WK +1 10 23 G +1 10 24 LB +1 10 25 LB +1 10 26 G +1 10 27 F +1 10 28 LE +1 10 29 LB +1 10 30 F +1 10 31 LB +1 10 32 WK +1 10 33 LB +1 10 34 G +1 10 35 LE +1 10 36 LB +1 10 37 LB +1 10 38 LE +1 10 39 LB +1 10 40 G +1 10 41 LE +1 10 42 WK +1 10 43 G +1 10 44 LF +1 10 45 LB +1 10 46 LB +1 10 47 LB +1 10 48 F +1 10 49 F +1 10 50 LB +1 10 51 LB +1 10 52 LF +1 10 53 LE +1 10 54 F +1 10 55 LB +1 10 56 WK +1 10 57 LB +1 10 58 WK +1 10 59 F +1 10 60 LB +1 10 61 LE +1 10 62 LB +1 10 63 LE +1 10 64 LB +1 10 65 LE +1 10 66 F +1 10 67 LB +1 10 68 LE +1 10 69 LB +1 10 70 F +1 10 71 WK +1 10 72 LB +1 10 73 G +1 10 74 LB +1 10 75 LB +1 10 76 LE +1 10 77 LB +1 10 78 WK +1 10 79 LB +1 10 80 LB +1 10 81 WK +1 10 82 F +1 10 83 LF +1 10 84 WK +1 10 85 LB +1 10 86 LE +1 10 87 LB +1 10 88 WK +1 10 89 LB +1 10 90 LB +1 10 91 WK +1 10 92 F +1 10 93 LB +1 10 94 LB +1 10 95 LF +1 10 96 WK +1 10 97 G +1 10 98 LE +1 10 99 F +1 10 100 F +1 10 101 WK +1 10 102 LB +1 10 103 F +1 10 104 LB +1 10 105 WK +1 10 106 F +1 10 107 F +1 10 108 LF +1 10 109 LB +1 10 110 LE +1 10 111 LB +1 10 112 LE +1 10 113 LB +1 10 114 LB +1 10 115 LE +1 10 116 LB +1 10 117 LB +1 10 118 F +1 10 119 G +1 10 120 F +1 10 121 LE +1 10 122 LB +1 10 123 LB +1 10 124 WK +1 10 125 LE +1 10 126 WK +1 10 127 LB +1 10 128 WK +1 10 129 F +1 10 130 LB +1 10 131 G +1 10 132 LE +1 10 133 LB +1 10 134 LB +1 10 135 LE +1 10 136 LB +1 10 137 LB +1 10 138 F +1 10 139 F +1 10 140 LB +1 10 141 LF +1 10 142 LB +1 10 143 WK +1 10 144 G +1 10 145 F +1 10 146 F +1 10 147 G +1 10 148 LE +1 10 149 F +1 10 150 LB +1 10 151 WK +1 10 152 WK +1 10 153 LB +1 10 154 LB +1 10 155 LB +1 10 156 F +1 10 157 LB +1 10 158 LB +1 10 159 WK +1 10 160 WK +1 10 161 LB +1 10 162 LE +1 10 163 LB +1 10 164 G +1 10 165 LB +1 10 166 LB +1 10 167 WK +1 10 168 LB +1 10 169 LB +1 10 170 LB +1 10 171 LB +1 10 172 LF +1 10 173 LE +1 10 174 LE +1 10 175 F +1 10 176 LE +1 10 177 F +1 10 178 LB +1 10 179 F +1 10 180 LB +1 10 181 WK +1 10 182 LB +1 10 183 LB +1 10 184 G +1 10 185 WK +1 10 186 F +1 10 187 LE +1 10 188 LB +1 10 189 G +1 10 190 WK +1 10 191 LB +1 10 192 G +1 10 193 F +1 10 194 LB +1 10 195 LB +1 10 196 F +1 10 197 WK +1 10 198 LB +1 10 199 LF +1 10 200 LB +1 10 201 LE +1 10 202 LB +1 10 203 LE +1 10 204 LB +1 10 205 G +1 10 206 F +1 10 207 LE +1 10 208 WK +1 10 209 LB +1 10 210 LB +1 10 211 G +1 10 212 WK +1 10 213 G +1 10 214 F +1 10 215 WK +1 10 216 LB +1 10 217 WK +1 10 218 F +1 10 219 LF +1 10 220 G +1 10 221 LB +1 10 222 G +1 10 223 LB +1 10 224 F +1 10 225 F +1 10 226 LB +1 10 227 LB +1 10 228 LB +1 10 229 F +1 10 230 WK +1 10 231 LB +1 10 232 LB +1 10 233 G +1 10 234 LB +1 10 235 LB +1 10 236 F +1 10 237 WK +1 10 238 LB +1 10 239 LE +1 10 240 LB +1 10 241 WK +1 10 242 F +1 10 243 LB +1 10 244 LF +1 10 245 LE +1 10 246 LB +1 10 247 LB +1 10 248 G +1 10 249 LB +1 10 250 G +1 10 251 LF +1 10 252 WK +1 10 253 G +1 10 254 LB +1 10 255 LB +1 10 256 LE +1 10 257 LB +1 10 258 F +1 10 259 LE +1 10 260 LF +1 10 261 WK +1 10 262 LF +1 10 263 LB +1 10 264 LB +1 10 265 LB +1 10 266 WK +1 10 267 LB +1 10 268 F +1 10 269 WK +1 10 270 F +1 10 271 LB +1 10 272 LF +1 10 273 F +1 10 274 LF +1 10 275 WK +1 10 276 LE +1 10 277 LB +1 10 278 WK +1 10 279 LB +1 10 280 F +1 10 281 LB +1 10 282 F +1 10 283 LB +1 10 284 LF +1 10 285 WK +1 10 286 LF +1 10 287 F +1 10 288 LE +1 10 289 LB +1 10 290 LF +1 10 291 LB +1 10 292 WK +1 10 293 F +1 10 294 F +1 10 295 WK +1 10 296 G +1 10 297 WK +1 10 298 LE +1 10 299 LB +1 10 300 F +1 10 301 LB +1 10 302 LF +1 10 303 LB +1 10 304 F +1 10 305 G +1 10 306 LF +1 10 307 LB +1 10 308 G +1 10 309 LB +1 10 310 F +1 10 311 LB +1 10 312 LB +1 10 313 G +1 10 314 LF +1 10 315 F +1 10 316 LB +1 10 317 LE +1 10 318 F +1 10 319 LF +1 10 320 F +1 10 321 LE +1 10 322 LB +1 10 323 LB +1 10 324 LF +1 10 325 G +1 10 326 WK +1 10 327 LF +1 10 328 LB +1 10 329 F +1 10 330 LF +1 11 1 F +1 11 2 FU +1 11 3 LE +1 11 4 WK +1 11 5 LF +1 11 6 LE +1 11 7 G +1 11 8 LE +1 11 9 LB +1 11 10 G +1 11 11 G +1 11 12 LF +1 11 13 LB +1 11 14 LB +1 11 15 LF +1 11 16 LF +1 11 17 LE +1 11 18 F +1 11 19 G +1 11 20 LF +1 11 21 LE +1 11 22 LF +1 11 23 FU +1 11 24 WK +1 11 25 G +1 11 26 G +1 11 27 LF +1 11 28 LE +1 11 29 FU +1 11 30 WK +1 11 31 LF +1 11 32 LE +1 11 33 FU +1 11 34 G +1 11 35 LE +1 11 36 LB +1 11 37 G +1 11 38 LE +1 11 39 F +1 11 40 G +1 11 41 LE +1 11 42 F +1 11 43 G +1 11 44 F +1 11 45 FU +1 11 46 S +1 11 47 LB +1 11 48 WK +1 11 49 LF +1 11 50 WK +1 11 51 F +1 11 52 LF +1 11 53 LE +1 11 54 S +1 11 55 G +1 11 56 LF +1 11 57 LB +1 11 58 FU +1 11 59 LF +1 11 60 LB +1 11 61 LE +1 11 62 F +1 11 63 LE +1 11 64 G +1 11 65 LE +1 11 66 LF +1 11 67 FU +1 11 68 LE +1 11 69 FU +1 11 70 LF +1 11 71 F +1 11 72 S +1 11 73 F +1 11 74 LF +1 11 75 LB +1 11 76 LE +1 11 77 G +1 11 78 LF +1 11 79 LB +1 11 80 G +1 11 81 F +1 11 82 LF +1 11 83 LF +1 11 84 LE +1 11 85 F +1 11 86 LE +1 11 87 LB +1 11 88 LE +1 11 89 LB +1 11 90 LB +1 11 91 FU +1 11 92 LF +1 11 93 G +1 11 94 LB +1 11 95 LF +1 11 96 F +1 11 97 FU +1 11 98 LE +1 11 99 LF +1 11 100 LF +1 11 101 LE +1 11 102 WK +1 11 103 F +1 11 104 G +1 11 105 LE +1 11 106 LF +1 11 107 FU +1 11 108 LF +1 11 109 G +1 11 110 WK +1 11 111 LB +1 11 112 LE +1 11 113 LB +1 11 114 G +1 11 115 LE +1 11 116 LF +1 11 117 LB +1 11 118 LE +1 11 119 FU +1 11 120 LF +1 11 121 LE +1 11 122 F +1 11 123 G +1 11 124 F +1 11 125 LE +1 11 126 F +1 11 127 LB +1 11 128 FU +1 11 129 LF +1 11 130 LB +1 11 131 WK +1 11 132 LE +1 11 133 G +1 11 134 F +1 11 135 LE +1 11 136 G +1 11 137 LB +1 11 138 LF +1 11 139 LF +1 11 140 G +1 11 141 LF +1 11 142 FU +1 11 143 F +1 11 144 LB +1 11 145 FU +1 11 146 FU +1 11 147 G +1 11 148 LE +1 11 149 LF +1 11 150 WK +1 11 151 LF +1 11 152 WK +1 11 153 G +1 11 154 LB +1 11 155 LB +1 11 156 G +1 11 157 LB +1 11 158 LF +1 11 159 LE +1 11 160 FU +1 11 161 F +1 11 162 LE +1 11 163 FU +1 11 164 LB +1 11 165 FU +1 11 166 LB +1 11 167 LF +1 11 168 G +1 11 169 LB +1 11 170 LB +1 11 171 FU +1 11 172 LF +1 11 173 LE +1 11 174 F +1 11 175 WK +1 11 176 LE +1 11 177 F +1 11 178 LB +1 11 179 F +1 11 180 G +1 11 181 FU +1 11 182 WK +1 11 183 F +1 11 184 WK +1 11 185 FU +1 11 186 G +1 11 187 LE +1 11 188 G +1 11 189 LF +1 11 190 LE +1 11 191 LB +1 11 192 FU +1 11 193 F +1 11 194 WK +1 11 195 FU +1 11 196 LF +1 11 197 F +1 11 198 LB +1 11 199 LF +1 11 200 LB +1 11 201 LE +1 11 202 G +1 11 203 LE +1 11 204 LB +1 11 205 FU +1 11 206 LF +1 11 207 LE +1 11 208 FU +1 11 209 LB +1 11 210 F +1 11 211 G +1 11 212 LE +1 11 213 FU +1 11 214 WK +1 11 215 FU +1 11 216 LB +1 11 217 F +1 11 218 WK +1 11 219 LF +1 11 220 LB +1 11 221 LF +1 11 222 FU +1 11 223 G +1 11 224 LF +1 11 225 F +1 11 226 LB +1 11 227 LB +1 11 228 G +1 11 229 F +1 11 230 LF +1 11 231 WK +1 11 232 FU +1 11 233 F +1 11 234 S +1 11 235 LB +1 11 236 FU +1 11 237 LE +1 11 238 LB +1 11 239 LE +1 11 240 LB +1 11 241 LF +1 11 242 FU +1 11 243 LB +1 11 244 LF +1 11 245 LE +1 11 246 G +1 11 247 LB +1 11 248 LB +1 11 249 LB +1 11 250 LB +1 11 251 F +1 11 252 LF +1 11 253 G +1 11 254 F +1 11 255 LB +1 11 256 LE +1 11 257 LB +1 11 258 FU +1 11 259 LE +1 11 260 LF +1 11 261 FU +1 11 262 LF +1 11 263 F +1 11 264 F +1 11 265 G +1 11 266 LE +1 11 267 LB +1 11 268 F +1 11 269 LE +1 11 270 S +1 11 271 LB +1 11 272 LF +1 11 273 F +1 11 274 LF +1 11 275 F +1 11 276 LE +1 11 277 LB +1 11 278 LE +1 11 279 G +1 11 280 FU +1 11 281 G +1 11 282 FU +1 11 283 S +1 11 284 LF +1 11 285 FU +1 11 286 LF +1 11 287 S +1 11 288 LE +1 11 289 G +1 11 290 LF +1 11 291 G +1 11 292 S +1 11 293 LF +1 11 294 LF +1 11 295 S +1 11 296 WK +1 11 297 F +1 11 298 LE +1 11 299 S +1 11 300 FU +1 11 301 G +1 11 302 LF +1 11 303 FU +1 11 304 S +1 11 305 WK +1 11 306 FU +1 11 307 G +1 11 308 WK +1 11 309 LB +1 11 310 FU +1 11 311 F +1 11 312 LB +1 11 313 LB +1 11 314 LF +1 11 315 FU +1 11 316 G +1 11 317 LE +1 11 318 F +1 11 319 LF +1 11 320 S +1 11 321 LE +1 11 322 G +1 11 323 LB +1 11 324 LF +1 11 325 LE +1 11 326 WK +1 11 327 LF +1 11 328 LB +1 11 329 S +1 11 330 LF +1 12 1 LB +1 12 2 LF +1 12 3 LE +1 12 4 F +1 12 5 LF +1 12 6 S +1 12 7 LB +1 12 8 LE +1 12 9 LB +1 12 10 LB +1 12 11 LB +1 12 12 F +1 12 13 LB +1 12 14 LB +1 12 15 LF +1 12 16 LF +1 12 17 LE +1 12 18 LB +1 12 19 LB +1 12 20 S +1 12 21 LE +1 12 22 LF +1 12 23 F +1 12 24 LB +1 12 25 F +1 12 26 G +1 12 27 LF +1 12 28 LE +1 12 29 F +1 12 30 S +1 12 31 LF +1 12 32 S +1 12 33 F +1 12 34 G +1 12 35 LE +1 12 36 LB +1 12 37 G +1 12 38 LE +1 12 39 LB +1 12 40 G +1 12 41 LE +1 12 42 S +1 12 43 LB +1 12 44 LF +1 12 45 F +1 12 46 LB +1 12 47 LB +1 12 48 S +1 12 49 G +1 12 50 LB +1 12 51 LB +1 12 52 LF +1 12 53 LE +1 12 54 LB +1 12 55 G +1 12 56 LF +1 12 57 LB +1 12 58 S +1 12 59 LF +1 12 60 LB +1 12 61 LE +1 12 62 G +1 12 63 LE +1 12 64 G +1 12 65 LE +1 12 66 LF +1 12 67 LF +1 12 68 LE +1 12 69 LB +1 12 70 LF +1 12 71 LB +1 12 72 LB +1 12 73 F +1 12 74 LF +1 12 75 LB +1 12 76 LE +1 12 77 G +1 12 78 LF +1 12 79 LB +1 12 80 LB +1 12 81 F +1 12 82 G +1 12 83 LF +1 12 84 F +1 12 85 G +1 12 86 LE +1 12 87 LB +1 12 88 LE +1 12 89 LB +1 12 90 LB +1 12 91 F +1 12 92 LF +1 12 93 LB +1 12 94 LB +1 12 95 LF +1 12 96 LE +1 12 97 G +1 12 98 LE +1 12 99 F +1 12 100 F +1 12 101 F +1 12 102 LF +1 12 103 LB +1 12 104 LF +1 12 105 F +1 12 106 LF +1 12 107 LF +1 12 108 LF +1 12 109 G +1 12 110 LE +1 12 111 LB +1 12 112 LE +1 12 113 LB +1 12 114 LB +1 12 115 LE +1 12 116 LF +1 12 117 LB +1 12 118 F +1 12 119 G +1 12 120 LF +1 12 121 LE +1 12 122 G +1 12 123 LB +1 12 124 F +1 12 125 LE +1 12 126 LE +1 12 127 LB +1 12 128 F +1 12 129 LF +1 12 130 LB +1 12 131 G +1 12 132 LE +1 12 133 LB +1 12 134 LB +1 12 135 LE +1 12 136 G +1 12 137 LB +1 12 138 LF +1 12 139 LF +1 12 140 G +1 12 141 LF +1 12 142 LF +1 12 143 F +1 12 144 G +1 12 145 G +1 12 146 LE +1 12 147 G +1 12 148 LE +1 12 149 LF +1 12 150 G +1 12 151 LE +1 12 152 LF +1 12 153 G +1 12 154 LB +1 12 155 LB +1 12 156 G +1 12 157 LB +1 12 158 LF +1 12 159 F +1 12 160 F +1 12 161 G +1 12 162 LE +1 12 163 LB +1 12 164 G +1 12 165 LB +1 12 166 LB +1 12 167 LF +1 12 168 LB +1 12 169 G +1 12 170 LB +1 12 171 LB +1 12 172 LF +1 12 173 LE +1 12 174 LE +1 12 175 LF +1 12 176 LE +1 12 177 LF +1 12 178 LB +1 12 179 LB +1 12 180 G +1 12 181 F +1 12 182 LB +1 12 183 LB +1 12 184 G +1 12 185 LE +1 12 186 G +1 12 187 LE +1 12 188 G +1 12 189 LF +1 12 190 F +1 12 191 LB +1 12 192 F +1 12 193 F +1 12 194 LB +1 12 195 LB +1 12 196 LF +1 12 197 F +1 12 198 LB +1 12 199 LF +1 12 200 G +1 12 201 LE +1 12 202 LB +1 12 203 LE +1 12 204 LB +1 12 205 G +1 12 206 LF +1 12 207 LE +1 12 208 LB +1 12 209 LB +1 12 210 LB +1 12 211 F +1 12 212 LE +1 12 213 F +1 12 214 F +1 12 215 F +1 12 216 LB +1 12 217 F +1 12 218 F +1 12 219 LF +1 12 220 G +1 12 221 LF +1 12 222 G +1 12 223 G +1 12 224 LF +1 12 225 F +1 12 226 LB +1 12 227 LB +1 12 228 LB +1 12 229 LF +1 12 230 LF +1 12 231 F +1 12 232 LB +1 12 233 LF +1 12 234 LB +1 12 235 LB +1 12 236 F +1 12 237 F +1 12 238 G +1 12 239 LE +1 12 240 LB +1 12 241 LF +1 12 242 LF +1 12 243 LE +1 12 244 LF +1 12 245 LE +1 12 246 G +1 12 247 S +1 12 248 LB +1 12 249 S +1 12 250 LB +1 12 251 F +1 12 252 LF +1 12 253 S +1 12 254 G +1 12 255 LB +1 12 256 LE +1 12 257 LB +1 12 258 S +1 12 259 LE +1 12 260 LF +1 12 261 LE +1 12 262 LF +1 12 263 LB +1 12 264 LF +1 12 265 LB +1 12 266 LE +1 12 267 S +1 12 268 F +1 12 269 LE +1 12 270 LE +1 12 271 LB +1 12 272 LF +1 12 273 S +1 12 274 LF +1 12 275 S +1 12 276 LE +1 12 277 LB +1 12 278 LE +1 12 279 G +1 12 280 S +1 12 281 S +1 12 282 S +1 12 283 LB +1 12 284 LF +1 12 285 LF +1 12 286 LF +1 12 287 LB +1 12 288 LB +1 12 289 G +1 12 290 LF +1 12 291 G +1 12 292 LF +1 12 293 LF +1 12 294 LF +1 12 295 LB +1 12 296 G +1 12 297 LE +1 12 298 LE +1 12 299 S +1 12 300 LF +1 12 301 S +1 12 302 LF +1 12 303 LF +1 12 304 S +1 12 305 LB +1 12 306 S +1 12 307 S +1 12 308 LF +1 12 309 LB +1 12 310 S +1 12 311 G +1 12 312 LB +1 12 313 G +1 12 314 LF +1 12 315 S +1 12 316 G +1 12 317 LE +1 12 318 LE +1 12 319 LF +1 12 320 S +1 12 321 LE +1 12 322 LF +1 12 323 LB +1 12 324 LF +1 12 325 LB +1 12 326 S +1 12 327 LF +1 12 328 LB +1 12 329 LB +1 12 330 LF +1 13 1 G +1 13 2 F +1 13 3 LE +1 13 4 LB +1 13 5 F +1 13 6 F +1 13 7 F +1 13 8 F +1 13 9 WK +1 13 10 G +1 13 11 G +1 13 12 LE +1 13 13 LB +1 13 14 G +1 13 15 WK +1 13 16 LF +1 13 17 LE +1 13 18 LB +1 13 19 G +1 13 20 G +1 13 21 LE +1 13 22 LE +1 13 23 WK +1 13 24 LB +1 13 25 LB +1 13 26 G +1 13 27 LF +1 13 28 LE +1 13 29 G +1 13 30 LE +1 13 31 G +1 13 32 G +1 13 33 WK +1 13 34 G +1 13 35 LE +1 13 36 LB +1 13 37 G +1 13 38 LE +1 13 39 S +1 13 40 S +1 13 41 LE +1 13 42 S +1 13 43 LB +1 13 44 LF +1 13 45 S +1 13 46 LB +1 13 47 LB +1 13 48 LE +1 13 49 S +1 13 50 WK +1 13 51 LB +1 13 52 S +1 13 53 LE +1 13 54 S +1 13 55 LB +1 13 56 LE +1 13 57 G +1 13 58 S +1 13 59 WK +1 13 60 LB +1 13 61 LE +1 13 62 G +1 13 63 S +1 13 64 LB +1 13 65 S +1 13 66 LF +1 13 67 S +1 13 68 S +1 13 69 WK +1 13 70 S +1 13 71 F +1 13 72 S +1 13 73 WK +1 13 74 F +1 13 75 LB +1 13 76 LE +1 13 77 G +1 13 78 F +1 13 79 LB +1 13 80 G +1 13 81 F +1 13 82 G +1 13 83 WK +1 13 84 WK +1 13 85 S +1 13 86 LE +1 13 87 G +1 13 88 S +1 13 89 LB +1 13 90 LB +1 13 91 S +1 13 92 LF +1 13 93 G +1 13 94 LB +1 13 95 LF +1 13 96 LE +1 13 97 G +1 13 98 LE +1 13 99 F +1 13 100 F +1 13 101 WK +1 13 102 F +1 13 103 S +1 13 104 F +1 13 105 S +1 13 106 WK +1 13 107 LF +1 13 108 F +1 13 109 G +1 13 110 LE +1 13 111 G +1 13 112 LE +1 13 113 LB +1 13 114 LB +1 13 115 LE +1 13 116 S +1 13 117 LB +1 13 118 WK +1 13 119 S +1 13 120 LF +1 13 121 LE +1 13 122 S +1 13 123 LB +1 13 124 WK +1 13 125 LE +1 13 126 WK +1 13 127 G +1 13 128 WK +1 13 129 LF +1 13 130 LB +1 13 131 WK +1 13 132 LE +1 13 133 G +1 13 134 S +1 13 135 WK +1 13 136 G +1 13 137 S +1 13 138 WK +1 13 139 S +1 13 140 LB +1 13 141 LF +1 13 142 S +1 13 143 WK +1 13 144 LB +1 13 145 S +1 13 146 WK +1 13 147 LB +1 13 148 LE +1 13 149 WK +1 13 150 LB +1 13 151 S +1 13 152 WK +1 13 153 G +1 13 154 LB +1 13 155 LB +1 13 156 S +1 13 157 LB +1 13 158 LF +1 13 159 LE +1 13 160 WK +1 13 161 S +1 13 162 LE +1 13 163 LB +1 13 164 G +1 13 165 LB +1 13 166 G +1 13 167 S +1 13 168 S +1 13 169 G +1 13 170 LB +1 13 171 FU +1 13 172 LF +1 13 173 LE +1 13 174 LE +1 13 175 F +1 13 176 LE +1 13 177 F +1 13 178 G +1 13 179 F +1 13 180 F +1 13 181 WK +1 13 182 F +1 13 183 WK +1 13 184 G +1 13 185 WK +1 13 186 F +1 13 187 LE +1 13 188 G +1 13 189 F +1 13 190 WK +1 13 191 LB +1 13 192 F +1 13 193 WK +1 13 194 FU +1 13 195 G +1 13 196 F +1 13 197 WK +1 13 198 LB +1 13 199 LF +1 13 200 G +1 13 201 WK +1 13 202 LB +1 13 203 WK +1 13 204 LB +1 13 205 G +1 13 206 LF +1 13 207 LE +1 13 208 LE +1 13 209 LB +1 13 210 FU +1 13 211 G +1 13 212 LE +1 13 213 G +1 13 214 WK +1 13 215 WK +1 13 216 LB +1 13 217 WK +1 13 218 WK +1 13 219 LF +1 13 220 G +1 13 221 LF +1 13 222 G +1 13 223 F +1 13 224 F +1 13 225 WK +1 13 226 G +1 13 227 LB +1 13 228 G +1 13 229 F +1 13 230 F +1 13 231 WK +1 13 232 WK +1 13 233 G +1 13 234 F +1 13 235 G +1 13 236 WK +1 13 237 WK +1 13 238 G +1 13 239 LE +1 13 240 WK +1 13 241 LF +1 13 242 WK +1 13 243 LE +1 13 244 LF +1 13 245 LE +1 13 246 F +1 13 247 G +1 13 248 LB +1 13 249 F +1 13 250 G +1 13 251 F +1 13 252 LF +1 13 253 F +1 13 254 G +1 13 255 LB +1 13 256 LE +1 13 257 G +1 13 258 WK +1 13 259 LE +1 13 260 LF +1 13 261 WK +1 13 262 LF +1 13 263 LB +1 13 264 LF +1 13 265 LB +1 13 266 WK +1 13 267 WK +1 13 268 F +1 13 269 WK +1 13 270 LE +1 13 271 LB +1 13 272 LF +1 13 273 WK +1 13 274 LF +1 13 275 WK +1 13 276 WK +1 13 277 LB +1 13 278 LE +1 13 279 LB +1 13 280 F +1 13 281 G +1 13 282 WK +1 13 283 FU +1 13 284 LF +1 13 285 F +1 13 286 LF +1 13 287 WK +1 13 288 LE +1 13 289 G +1 13 290 LF +1 13 291 G +1 13 292 WK +1 13 293 F +1 13 294 LF +1 13 295 WK +1 13 296 G +1 13 297 LE +1 13 298 LE +1 13 299 G +1 13 300 F +1 13 301 G +1 13 302 LF +1 13 303 F +1 13 304 WK +1 13 305 G +1 13 306 F +1 13 307 G +1 13 308 F +1 13 309 LB +1 13 310 F +1 13 311 G +1 13 312 LB +1 13 313 G +1 13 314 LF +1 13 315 F +1 13 316 G +1 13 317 WK +1 13 318 LE +1 13 319 LF +1 13 320 WK +1 13 321 LB +1 13 322 G +1 13 323 G +1 13 324 LF +1 13 325 WK +1 13 326 LE +1 13 327 LF +1 13 328 G +1 13 329 WK +1 13 330 LF +1 14 1 G +1 14 2 FU +1 14 3 LE +1 14 4 G +1 14 5 F +1 14 6 S +1 14 7 F +1 14 8 LE +1 14 9 S +1 14 10 G +1 14 11 LB +1 14 12 S +1 14 13 LB +1 14 14 LB +1 14 15 WK +1 14 16 FU +1 14 17 LE +1 14 18 LB +1 14 19 G +1 14 20 F +1 14 21 LE +1 14 22 S +1 14 23 G +1 14 24 LB +1 14 25 LB +1 14 26 G +1 14 27 F +1 14 28 LE +1 14 29 F +1 14 30 WK +1 14 31 F +1 14 32 S +1 14 33 F +1 14 34 G +1 14 35 LE +1 14 36 LB +1 14 37 G +1 14 38 LE +1 14 39 LB +1 14 40 F +1 14 41 LE +1 14 42 S +1 14 43 LB +1 14 44 F +1 14 45 F +1 14 46 LB +1 14 47 LB +1 14 48 WK +1 14 49 FU +1 14 50 LE +1 14 51 LB +1 14 52 LF +1 14 53 LE +1 14 54 LB +1 14 55 FU +1 14 56 S +1 14 57 LB +1 14 58 FU +1 14 59 S +1 14 60 LB +1 14 61 LE +1 14 62 FU +1 14 63 LE +1 14 64 G +1 14 65 LE +1 14 66 FU +1 14 67 F +1 14 68 LE +1 14 69 LB +1 14 70 FU +1 14 71 LE +1 14 72 LB +1 14 73 LE +1 14 74 FU +1 14 75 LB +1 14 76 S +1 14 77 LB +1 14 78 FU +1 14 79 LB +1 14 80 G +1 14 81 FU +1 14 82 FU +1 14 83 S +1 14 84 WK +1 14 85 LB +1 14 86 LE +1 14 87 LB +1 14 88 S +1 14 89 LB +1 14 90 LB +1 14 91 FU +1 14 92 FU +1 14 93 G +1 14 94 LB +1 14 95 FU +1 14 96 LE +1 14 97 G +1 14 98 LE +1 14 99 FU +1 14 100 F +1 14 101 S +1 14 102 FU +1 14 103 LB +1 14 104 G +1 14 105 S +1 14 106 FU +1 14 107 F +1 14 108 FU +1 14 109 G +1 14 110 LE +1 14 111 LB +1 14 112 LE +1 14 113 LB +1 14 114 LB +1 14 115 FU +1 14 116 FU +1 14 117 LB +1 14 118 S +1 14 119 LB +1 14 120 F +1 14 121 LE +1 14 122 LB +1 14 123 LB +1 14 124 F +1 14 125 LE +1 14 126 S +1 14 127 LB +1 14 128 FU +1 14 129 FU +1 14 130 LB +1 14 131 S +1 14 132 FU +1 14 133 LB +1 14 134 LB +1 14 135 LE +1 14 136 LB +1 14 137 LB +1 14 138 G +1 14 139 FU +1 14 140 G +1 14 141 LF +1 14 142 F +1 14 143 LB +1 14 144 LB +1 14 145 S +1 14 146 LE +1 14 147 FU +1 14 148 LE +1 14 149 FU +1 14 150 S +1 14 151 F +1 14 152 FU +1 14 153 G +1 14 154 LB +1 14 155 LB +1 14 156 LB +1 14 157 LB +1 14 158 LF +1 14 159 S +1 14 160 WK +1 14 161 FU +1 14 162 LE +1 14 163 LB +1 14 164 G +1 14 165 LB +1 14 166 LB +1 14 167 FU +1 14 168 LB +1 14 169 G +1 14 170 LB +1 14 171 LB +1 14 172 LF +1 14 173 LE +1 14 174 F +1 14 175 FU +1 14 176 LE +1 14 177 FU +1 14 178 G +1 14 179 S +1 14 180 FU +1 14 181 F +1 14 182 LE +1 14 183 LB +1 14 184 G +1 14 185 LE +1 14 186 FU +1 14 187 LE +1 14 188 G +1 14 189 F +1 14 190 WK +1 14 191 LB +1 14 192 LB +1 14 193 FU +1 14 194 LB +1 14 195 LB +1 14 196 F +1 14 197 WK +1 14 198 LB +1 14 199 LF +1 14 200 G +1 14 201 FU +1 14 202 LB +1 14 203 S +1 14 204 LB +1 14 205 G +1 14 206 F +1 14 207 LE +1 14 208 LB +1 14 209 LB +1 14 210 LB +1 14 211 FU +1 14 212 LE +1 14 213 G +1 14 214 F +1 14 215 WK +1 14 216 LB +1 14 217 FU +1 14 218 LB +1 14 219 LF +1 14 220 G +1 14 221 LF +1 14 222 WK +1 14 223 F +1 14 224 LF +1 14 225 LB +1 14 226 LB +1 14 227 LB +1 14 228 G +1 14 229 F +1 14 230 FU +1 14 231 WK +1 14 232 LB +1 14 233 G +1 14 234 LB +1 14 235 G +1 14 236 F +1 14 237 F +1 14 238 LB +1 14 239 LE +1 14 240 LB +1 14 241 LF +1 14 242 S +1 14 243 LE +1 14 244 LF +1 14 245 LE +1 14 246 F +1 14 247 S +1 14 248 LB +1 14 249 LB +1 14 250 S +1 14 251 F +1 14 252 LF +1 14 253 F +1 14 254 G +1 14 255 LB +1 14 256 LE +1 14 257 LB +1 14 258 S +1 14 259 LE +1 14 260 F +1 14 261 S +1 14 262 FU +1 14 263 F +1 14 264 G +1 14 265 LB +1 14 266 LE +1 14 267 LE +1 14 268 FU +1 14 269 LE +1 14 270 LE +1 14 271 LB +1 14 272 LF +1 14 273 S +1 14 274 LF +1 14 275 LB +1 14 276 LE +1 14 277 LB +1 14 278 LE +1 14 279 G +1 14 280 LB +1 14 281 LB +1 14 282 F +1 14 283 S +1 14 284 F +1 14 285 S +1 14 286 LF +1 14 287 LE +1 14 288 LE +1 14 289 FU +1 14 290 FU +1 14 291 G +1 14 292 LE +1 14 293 FU +1 14 294 FU +1 14 295 LB +1 14 296 G +1 14 297 F +1 14 298 LE +1 14 299 LB +1 14 300 F +1 14 301 LB +1 14 302 S +1 14 303 F +1 14 304 LB +1 14 305 LB +1 14 306 F +1 14 307 G +1 14 308 G +1 14 309 LB +1 14 310 F +1 14 311 G +1 14 312 LB +1 14 313 G +1 14 314 FU +1 14 315 FU +1 14 316 S +1 14 317 LE +1 14 318 LE +1 14 319 FU +1 14 320 LB +1 14 321 LE +1 14 322 G +1 14 323 LB +1 14 324 F +1 14 325 LE +1 14 326 FU +1 14 327 LF +1 14 328 LB +1 14 329 FU +1 14 330 LF +1 15 1 G +1 15 2 F +1 15 3 LE +1 15 4 F +1 15 5 F +1 15 6 WK +1 15 7 LB +1 15 8 F +1 15 9 F +1 15 10 G +1 15 11 F +1 15 12 WK +1 15 13 G +1 15 14 G +1 15 15 F +1 15 16 LB +1 15 17 LE +1 15 18 G +1 15 19 LB +1 15 20 LB +1 15 21 LE +1 15 22 F +1 15 23 F +1 15 24 LB +1 15 25 G +1 15 26 G +1 15 27 F +1 15 28 LE +1 15 29 LB +1 15 30 F +1 15 31 LB +1 15 32 F +1 15 33 LB +1 15 34 G +1 15 35 WK +1 15 36 G +1 15 37 G +1 15 38 F +1 15 39 LB +1 15 40 LB +1 15 41 F +1 15 42 LB +1 15 43 G +1 15 44 F +1 15 45 LB +1 15 46 G +1 15 47 G +1 15 48 F +1 15 49 LB +1 15 50 G +1 15 51 F +1 15 52 LB +1 15 53 LE +1 15 54 LB +1 15 55 LB +1 15 56 F +1 15 57 G +1 15 58 F +1 15 59 F +1 15 60 G +1 15 61 LE +1 15 62 G +1 15 63 F +1 15 64 G +1 15 65 LE +1 15 66 F +1 15 67 LB +1 15 68 WK +1 15 69 LB +1 15 70 F +1 15 71 F +1 15 72 G +1 15 73 F +1 15 74 G +1 15 75 LB +1 15 76 WK +1 15 77 LB +1 15 78 F +1 15 79 G +1 15 80 LB +1 15 81 LB +1 15 82 LB +1 15 83 F +1 15 84 F +1 15 85 LB +1 15 86 F +1 15 87 G +1 15 88 WK +1 15 89 G +1 15 90 LB +1 15 91 F +1 15 92 F +1 15 93 G +1 15 94 LB +1 15 95 F +1 15 96 F +1 15 97 G +1 15 98 LE +1 15 99 G +1 15 100 F +1 15 101 LE +1 15 102 G +1 15 103 LB +1 15 104 LB +1 15 105 WK +1 15 106 F +1 15 107 F +1 15 108 F +1 15 109 G +1 15 110 LE +1 15 111 G +1 15 112 LE +1 15 113 LB +1 15 114 G +1 15 115 WK +1 15 116 LB +1 15 117 LB +1 15 118 F +1 15 119 LB +1 15 120 F +1 15 121 LE +1 15 122 LB +1 15 123 G +1 15 124 F +1 15 125 LE +1 15 126 F +1 15 127 G +1 15 128 F +1 15 129 F +1 15 130 G +1 15 131 WK +1 15 132 LE +1 15 133 LB +1 15 134 LB +1 15 135 WK +1 15 136 LB +1 15 137 G +1 15 138 F +1 15 139 F +1 15 140 G +1 15 141 F +1 15 142 F +1 15 143 LB +1 15 144 G +1 15 145 LB +1 15 146 F +1 15 147 LB +1 15 148 LE +1 15 149 LB +1 15 150 LB +1 15 151 LF +1 15 152 F +1 15 153 LB +1 15 154 G +1 15 155 LB +1 15 156 LB +1 15 157 WK +1 15 158 LF +1 15 159 LF +1 15 160 F +1 15 161 LB +1 15 162 LE +1 15 163 G +1 15 164 LB +1 15 165 LB +1 15 166 G +1 15 167 F +1 15 168 LB +1 15 169 LB +1 15 170 G +1 15 171 LB +1 15 172 LF +1 15 173 LE +1 15 174 F +1 15 175 G +1 15 176 LE +1 15 177 F +1 15 178 G +1 15 179 WK +1 15 180 LB +1 15 181 F +1 15 182 WK +1 15 183 F +1 15 184 G +1 15 185 WK +1 15 186 LB +1 15 187 WK +1 15 188 LB +1 15 189 G +1 15 190 F +1 15 191 G +1 15 192 G +1 15 193 LB +1 15 194 WK +1 15 195 LB +1 15 196 LB +1 15 197 F +1 15 198 LB +1 15 199 F +1 15 200 LB +1 15 201 WK +1 15 202 LB +1 15 203 WK +1 15 204 LB +1 15 205 G +1 15 206 F +1 15 207 LE +1 15 208 F +1 15 209 G +1 15 210 WK +1 15 211 LB +1 15 212 LE +1 15 213 G +1 15 214 LB +1 15 215 F +1 15 216 LB +1 15 217 F +1 15 218 LB +1 15 219 F +1 15 220 G +1 15 221 F +1 15 222 G +1 15 223 LB +1 15 224 LF +1 15 225 F +1 15 226 LB +1 15 227 LB +1 15 228 G +1 15 229 F +1 15 230 LF +1 15 231 WK +1 15 232 F +1 15 233 G +1 15 234 LB +1 15 235 G +1 15 236 F +1 15 237 F +1 15 238 LB +1 15 239 F +1 15 240 WK +1 15 241 LF +1 15 242 F +1 15 243 WK +1 15 244 LB +1 15 245 LE +1 15 246 LB +1 15 247 G +1 15 248 LB +1 15 249 LB +1 15 250 G +1 15 251 LB +1 15 252 F +1 15 253 LB +1 15 254 G +1 15 255 LB +1 15 256 LE +1 15 257 G +1 15 258 F +1 15 259 WK +1 15 260 F +1 15 261 LE +1 15 262 LF +1 15 263 G +1 15 264 LB +1 15 265 LB +1 15 266 WK +1 15 267 F +1 15 268 LB +1 15 269 WK +1 15 270 F +1 15 271 G +1 15 272 LF +1 15 273 WK +1 15 274 LF +1 15 275 F +1 15 276 LE +1 15 277 G +1 15 278 F +1 15 279 G +1 15 280 LB +1 15 281 LB +1 15 282 LB +1 15 283 WK +1 15 284 F +1 15 285 F +1 15 286 LF +1 15 287 F +1 15 288 LE +1 15 289 LB +1 15 290 F +1 15 291 G +1 15 292 F +1 15 293 F +1 15 294 LF +1 15 295 WK +1 15 296 F +1 15 297 F +1 15 298 LE +1 15 299 LB +1 15 300 F +1 15 301 LB +1 15 302 F +1 15 303 G +1 15 304 LB +1 15 305 F +1 15 306 LB +1 15 307 LB +1 15 308 F +1 15 309 LB +1 15 310 LB +1 15 311 LB +1 15 312 LB +1 15 313 G +1 15 314 F +1 15 315 LB +1 15 316 LB +1 15 317 LE +1 15 318 LE +1 15 319 LF +1 15 320 F +1 15 321 LE +1 15 322 G +1 15 323 LB +1 15 324 F +1 15 325 WK +1 15 326 F +1 15 327 LB +1 15 328 LB +1 15 329 WK +1 15 330 LB +1 16 1 LB +1 16 2 F +1 16 3 LE +1 16 4 WK +1 16 5 F +1 16 6 LF +1 16 7 LB +1 16 8 WK +1 16 9 F +1 16 10 LB +1 16 11 F +1 16 12 S +1 16 13 LB +1 16 14 WK +1 16 15 F +1 16 16 LF +1 16 17 LE +1 16 18 LB +1 16 19 F +1 16 20 WK +1 16 21 LE +1 16 22 S +1 16 23 F +1 16 24 S +1 16 25 LB +1 16 26 LB +1 16 27 LF +1 16 28 LE +1 16 29 LB +1 16 30 WK +1 16 31 S +1 16 32 F +1 16 33 WK +1 16 34 LB +1 16 35 S +1 16 36 LB +1 16 37 F +1 16 38 LE +1 16 39 LB +1 16 40 F +1 16 41 LE +1 16 42 WK +1 16 43 LB +1 16 44 LF +1 16 45 S +1 16 46 WK +1 16 47 LB +1 16 48 S +1 16 49 WK +1 16 50 S +1 16 51 F +1 16 52 LF +1 16 53 LE +1 16 54 WK +1 16 55 S +1 16 56 F +1 16 57 LB +1 16 58 WK +1 16 59 LF +1 16 60 LB +1 16 61 LE +1 16 62 S +1 16 63 F +1 16 64 LB +1 16 65 LE +1 16 66 LF +1 16 67 WK +1 16 68 LE +1 16 69 S +1 16 70 LF +1 16 71 WK +1 16 72 LB +1 16 73 S +1 16 74 LF +1 16 75 LB +1 16 76 LE +1 16 77 LB +1 16 78 F +1 16 79 WK +1 16 80 G +1 16 81 S +1 16 82 G +1 16 83 F +1 16 84 LE +1 16 85 LB +1 16 86 LE +1 16 87 LB +1 16 88 LE +1 16 89 G +1 16 90 LB +1 16 91 F +1 16 92 WK +1 16 93 LB +1 16 94 LF +1 16 95 LF +1 16 96 LE +1 16 97 G +1 16 98 LE +1 16 99 F +1 16 100 WK +1 16 101 F +1 16 102 LF +1 16 103 WK +1 16 104 LB +1 16 105 LE +1 16 106 F +1 16 107 LF +1 16 108 F +1 16 109 G +1 16 110 S +1 16 111 LB +1 16 112 LE +1 16 113 LF +1 16 114 LB +1 16 115 LE +1 16 116 LF +1 16 117 WK +1 16 118 LE +1 16 119 G +1 16 120 LF +1 16 121 LE +1 16 122 LB +1 16 123 S +1 16 124 WK +1 16 125 LE +1 16 126 S +1 16 127 LB +1 16 128 F +1 16 129 LF +1 16 130 WK +1 16 131 S +1 16 132 LE +1 16 133 LB +1 16 134 F +1 16 135 LE +1 16 136 LB +1 16 137 G +1 16 138 F +1 16 139 LF +1 16 140 G +1 16 141 LF +1 16 142 F +1 16 143 S +1 16 144 G +1 16 145 WK +1 16 146 S +1 16 147 LB +1 16 148 LE +1 16 149 F +1 16 150 WK +1 16 151 S +1 16 152 F +1 16 153 LB +1 16 154 LF +1 16 155 S +1 16 156 G +1 16 157 LF +1 16 158 LF +1 16 159 F +1 16 160 S +1 16 161 LB +1 16 162 LE +1 16 163 G +1 16 164 G +1 16 165 WK +1 16 166 LB +1 16 167 F +1 16 168 S +1 16 169 LB +1 16 170 LB +1 16 171 F +1 16 172 LF +1 16 173 LE +1 16 174 S +1 16 175 LF +1 16 176 LE +1 16 177 F +1 16 178 G +1 16 179 S +1 16 180 WK +1 16 181 S +1 16 182 LE +1 16 183 F +1 16 184 S +1 16 185 WK +1 16 186 F +1 16 187 LE +1 16 188 LB +1 16 189 F +1 16 190 S +1 16 191 LB +1 16 192 WK +1 16 193 S +1 16 194 F +1 16 195 LB +1 16 196 F +1 16 197 S +1 16 198 LB +1 16 199 LF +1 16 200 F +1 16 201 S +1 16 202 LB +1 16 203 LE +1 16 204 LB +1 16 205 G +1 16 206 LF +1 16 207 LE +1 16 208 S +1 16 209 LB +1 16 210 WK +1 16 211 LB +1 16 212 LE +1 16 213 S +1 16 214 S +1 16 215 LE +1 16 216 LB +1 16 217 WK +1 16 218 S +1 16 219 LF +1 16 220 LB +1 16 221 LF +1 16 222 G +1 16 223 G +1 16 224 LF +1 16 225 LB +1 16 226 G +1 16 227 LB +1 16 228 LB +1 16 229 F +1 16 230 LF +1 16 231 LE +1 16 232 LB +1 16 233 LB +1 16 234 G +1 16 235 LB +1 16 236 F +1 16 237 WK +1 16 238 LB +1 16 239 S +1 16 240 LB +1 16 241 LF +1 16 242 F +1 16 243 LB +1 16 244 LF +1 16 245 LE +1 16 246 LB +1 16 247 WK +1 16 248 LB +1 16 249 G +1 16 250 F +1 16 251 LF +1 16 252 LF +1 16 253 LB +1 16 254 F +1 16 255 LB +1 16 256 LE +1 16 257 LB +1 16 258 F +1 16 259 LB +1 16 260 LF +1 16 261 WK +1 16 262 LF +1 16 263 S +1 16 264 LB +1 16 265 LB +1 16 266 LE +1 16 267 LB +1 16 268 F +1 16 269 LB +1 16 270 S +1 16 271 LB +1 16 272 LF +1 16 273 LB +1 16 274 LF +1 16 275 S +1 16 276 LE +1 16 277 LB +1 16 278 LE +1 16 279 LB +1 16 280 LB +1 16 281 G +1 16 282 WK +1 16 283 F +1 16 284 LF +1 16 285 S +1 16 286 LF +1 16 287 LB +1 16 288 LE +1 16 289 F +1 16 290 LB +1 16 291 G +1 16 292 F +1 16 293 LF +1 16 294 LF +1 16 295 LB +1 16 296 LB +1 16 297 LE +1 16 298 LE +1 16 299 LB +1 16 300 F +1 16 301 LB +1 16 302 LF +1 16 303 F +1 16 304 LB +1 16 305 LB +1 16 306 F +1 16 307 LB +1 16 308 LB +1 16 309 LB +1 16 310 F +1 16 311 G +1 16 312 LB +1 16 313 LB +1 16 314 LF +1 16 315 LB +1 16 316 LB +1 16 317 LE +1 16 318 LE +1 16 319 LF +1 16 320 LB +1 16 321 LE +1 16 322 LB +1 16 323 LB +1 16 324 LF +1 16 325 LB +1 16 326 LB +1 16 327 LF +1 16 328 G +1 16 329 S +1 16 330 LF +1 17 1 G +1 17 2 F +1 17 3 LE +1 17 4 LB +1 17 5 F +1 17 6 F +1 17 7 F +1 17 8 LE +1 17 9 F +1 17 10 LB +1 17 11 LB +1 17 12 WK +1 17 13 LB +1 17 14 LB +1 17 15 F +1 17 16 LF +1 17 17 LE +1 17 18 LB +1 17 19 F +1 17 20 F +1 17 21 LF +1 17 22 F +1 17 23 LB +1 17 24 LB +1 17 25 LB +1 17 26 LB +1 17 27 F +1 17 28 LE +1 17 29 LB +1 17 30 LE +1 17 31 F +1 17 32 F +1 17 33 F +1 17 34 LB +1 17 35 LE +1 17 36 LB +1 17 37 LB +1 17 38 LE +1 17 39 LB +1 17 40 F +1 17 41 LE +1 17 42 F +1 17 43 LB +1 17 44 F +1 17 45 F +1 17 46 LB +1 17 47 LB +1 17 48 F +1 17 49 F +1 17 50 LB +1 17 51 LB +1 17 52 LF +1 17 53 LE +1 17 54 LB +1 17 55 LB +1 17 56 F +1 17 57 LB +1 17 58 LB +1 17 59 F +1 17 60 LB +1 17 61 LE +1 17 62 LB +1 17 63 LE +1 17 64 LB +1 17 65 LE +1 17 66 LF +1 17 67 F +1 17 68 F +1 17 69 LB +1 17 70 LF +1 17 71 LB +1 17 72 LB +1 17 73 LB +1 17 74 F +1 17 75 LB +1 17 76 LE +1 17 77 LB +1 17 78 F +1 17 79 LB +1 17 80 LB +1 17 81 F +1 17 82 F +1 17 83 F +1 17 84 LE +1 17 85 LB +1 17 86 LE +1 17 87 LB +1 17 88 WK +1 17 89 LB +1 17 90 LB +1 17 91 F +1 17 92 LF +1 17 93 LB +1 17 94 LB +1 17 95 LF +1 17 96 WK +1 17 97 LB +1 17 98 LE +1 17 99 F +1 17 100 F +1 17 101 WK +1 17 102 F +1 17 103 LB +1 17 104 F +1 17 105 WK +1 17 106 F +1 17 107 LF +1 17 108 F +1 17 109 LB +1 17 110 WK +1 17 111 LB +1 17 112 LE +1 17 113 LB +1 17 114 LB +1 17 115 WK +1 17 116 LF +1 17 117 LB +1 17 118 F +1 17 119 F +1 17 120 LF +1 17 121 LE +1 17 122 LB +1 17 123 LB +1 17 124 F +1 17 125 LE +1 17 126 F +1 17 127 LB +1 17 128 F +1 17 129 LF +1 17 130 LB +1 17 131 LB +1 17 132 LE +1 17 133 LB +1 17 134 LB +1 17 135 S +1 17 136 LB +1 17 137 LB +1 17 138 F +1 17 139 LF +1 17 140 LB +1 17 141 LF +1 17 142 LF +1 17 143 F +1 17 144 LB +1 17 145 F +1 17 146 LE +1 17 147 F +1 17 148 LE +1 17 149 F +1 17 150 WK +1 17 151 LE +1 17 152 F +1 17 153 LB +1 17 154 LB +1 17 155 LB +1 17 156 LB +1 17 157 LB +1 17 158 LF +1 17 159 F +1 17 160 F +1 17 161 LB +1 17 162 LE +1 17 163 LB +1 17 164 LB +1 17 165 LB +1 17 166 LB +1 17 167 F +1 17 168 LB +1 17 169 G +1 17 170 LB +1 17 171 LB +1 17 172 LF +1 17 173 LE +1 17 174 WK +1 17 175 F +1 17 176 LE +1 17 177 F +1 17 178 LB +1 17 179 LB +1 17 180 F +1 17 181 F +1 17 182 LB +1 17 183 LB +1 17 184 LB +1 17 185 LE +1 17 186 F +1 17 187 LE +1 17 188 LB +1 17 189 LF +1 17 190 WK +1 17 191 G +1 17 192 LB +1 17 193 F +1 17 194 LB +1 17 195 F +1 17 196 F +1 17 197 LB +1 17 198 LB +1 17 199 LF +1 17 200 LB +1 17 201 WK +1 17 202 LB +1 17 203 LE +1 17 204 LB +1 17 205 LB +1 17 206 LF +1 17 207 LE +1 17 208 WK +1 17 209 LB +1 17 210 LB +1 17 211 F +1 17 212 LE +1 17 213 F +1 17 214 F +1 17 215 F +1 17 216 LB +1 17 217 F +1 17 218 LB +1 17 219 LF +1 17 220 G +1 17 221 LF +1 17 222 G +1 17 223 LB +1 17 224 LF +1 17 225 LB +1 17 226 LB +1 17 227 LB +1 17 228 LB +1 17 229 F +1 17 230 LF +1 17 231 G +1 17 232 LB +1 17 233 F +1 17 234 F +1 17 235 F +1 17 236 F +1 17 237 LF +1 17 238 LB +1 17 239 LE +1 17 240 LB +1 17 241 LF +1 17 242 LF +1 17 243 LB +1 17 244 LF +1 17 245 LE +1 17 246 LB +1 17 247 LB +1 17 248 LB +1 17 249 LB +1 17 250 G +1 17 251 F +1 17 252 LF +1 17 253 F +1 17 254 F +1 17 255 LB +1 17 256 LE +1 17 257 LB +1 17 258 F +1 17 259 WK +1 17 260 LF +1 17 261 WK +1 17 262 LF +1 17 263 F +1 17 264 F +1 17 265 LB +1 17 266 WK +1 17 267 WK +1 17 268 LB +1 17 269 WK +1 17 270 LE +1 17 271 LB +1 17 272 LF +1 17 273 F +1 17 274 LF +1 17 275 F +1 17 276 LE +1 17 277 LB +1 17 278 LE +1 17 279 LB +1 17 280 F +1 17 281 F +1 17 282 F +1 17 283 LB +1 17 284 LF +1 17 285 F +1 17 286 LF +1 17 287 WK +1 17 288 LE +1 17 289 F +1 17 290 LF +1 17 291 LB +1 17 292 F +1 17 293 LF +1 17 294 LF +1 17 295 LB +1 17 296 G +1 17 297 WK +1 17 298 LE +1 17 299 F +1 17 300 F +1 17 301 LB +1 17 302 LF +1 17 303 LF +1 17 304 LB +1 17 305 LB +1 17 306 F +1 17 307 G +1 17 308 WK +1 17 309 LB +1 17 310 LB +1 17 311 G +1 17 312 LB +1 17 313 LB +1 17 314 LF +1 17 315 F +1 17 316 F +1 17 317 WK +1 17 318 WK +1 17 319 LF +1 17 320 LB +1 17 321 LE +1 17 322 F +1 17 323 LB +1 17 324 LF +1 17 325 LB +1 17 326 F +1 17 327 LF +1 17 328 LB +1 17 329 WK +1 17 330 LF +1 18 1 LB +1 18 2 LB +1 18 3 LE +1 18 4 S +1 18 5 LB +1 18 6 LE +1 18 7 LB +1 18 8 LE +1 18 9 S +1 18 10 LB +1 18 11 LB +1 18 12 LE +1 18 13 LB +1 18 14 LB +1 18 15 LE +1 18 16 S +1 18 17 LE +1 18 18 LB +1 18 19 LB +1 18 20 LB +1 18 21 LE +1 18 22 S +1 18 23 LE +1 18 24 LB +1 18 25 LB +1 18 26 LB +1 18 27 S +1 18 28 LE +1 18 29 S +1 18 30 LE +1 18 31 LB +1 18 32 LE +1 18 33 S +1 18 34 LB +1 18 35 LE +1 18 36 LB +1 18 37 LB +1 18 38 LE +1 18 39 LB +1 18 40 LB +1 18 41 LE +1 18 42 S +1 18 43 LB +1 18 44 F +1 18 45 LB +1 18 46 F +1 18 47 LB +1 18 48 S +1 18 49 LB +1 18 50 S +1 18 51 S +1 18 52 F +1 18 53 LE +1 18 54 S +1 18 55 S +1 18 56 F +1 18 57 LB +1 18 58 S +1 18 59 S +1 18 60 LB +1 18 61 LE +1 18 62 S +1 18 63 LE +1 18 64 LB +1 18 65 LE +1 18 66 F +1 18 67 LB +1 18 68 LE +1 18 69 LB +1 18 70 S +1 18 71 F +1 18 72 LB +1 18 73 F +1 18 74 LB +1 18 75 LB +1 18 76 LE +1 18 77 S +1 18 78 LE +1 18 79 LB +1 18 80 LB +1 18 81 F +1 18 82 F +1 18 83 LE +1 18 84 LE +1 18 85 F +1 18 86 LE +1 18 87 LB +1 18 88 F +1 18 89 LB +1 18 90 LB +1 18 91 F +1 18 92 S +1 18 93 LB +1 18 94 LB +1 18 95 S +1 18 96 LE +1 18 97 S +1 18 98 LE +1 18 99 F +1 18 100 F +1 18 101 S +1 18 102 LF +1 18 103 WK +1 18 104 S +1 18 105 LE +1 18 106 LE +1 18 107 S +1 18 108 S +1 18 109 LB +1 18 110 LE +1 18 111 S +1 18 112 LE +1 18 113 LB +1 18 114 LB +1 18 115 LE +1 18 116 LF +1 18 117 S +1 18 118 LE +1 18 119 LB +1 18 120 S +1 18 121 LE +1 18 122 LB +1 18 123 LB +1 18 124 S +1 18 125 LE +1 18 126 S +1 18 127 LB +1 18 128 S +1 18 129 LF +1 18 130 LB +1 18 131 S +1 18 132 LE +1 18 133 LB +1 18 134 S +1 18 135 LE +1 18 136 LB +1 18 137 LB +1 18 138 S +1 18 139 LF +1 18 140 LB +1 18 141 LF +1 18 142 LF +1 18 143 S +1 18 144 LB +1 18 145 S +1 18 146 LE +1 18 147 LB +1 18 148 LE +1 18 149 LF +1 18 150 S +1 18 151 S +1 18 152 S +1 18 153 LB +1 18 154 S +1 18 155 LB +1 18 156 LB +1 18 157 S +1 18 158 LF +1 18 159 WK +1 18 160 WK +1 18 161 S +1 18 162 LE +1 18 163 LB +1 18 164 LB +1 18 165 S +1 18 166 LB +1 18 167 S +1 18 168 LB +1 18 169 LB +1 18 170 LB +1 18 171 S +1 18 172 LF +1 18 173 LE +1 18 174 LE +1 18 175 S +1 18 176 LE +1 18 177 S +1 18 178 LB +1 18 179 S +1 18 180 LB +1 18 181 WK +1 18 182 LE +1 18 183 S +1 18 184 S +1 18 185 LE +1 18 186 LB +1 18 187 LE +1 18 188 LB +1 18 189 LB +1 18 190 S +1 18 191 LB +1 18 192 S +1 18 193 S +1 18 194 LE +1 18 195 LB +1 18 196 LB +1 18 197 LE +1 18 198 LB +1 18 199 S +1 18 200 LF +1 18 201 LE +1 18 202 LB +1 18 203 LE +1 18 204 LB +1 18 205 S +1 18 206 LF +1 18 207 LE +1 18 208 LE +1 18 209 LB +1 18 210 S +1 18 211 LB +1 18 212 LE +1 18 213 S +1 18 214 LE +1 18 215 LE +1 18 216 S +1 18 217 LE +1 18 218 S +1 18 219 LF +1 18 220 S +1 18 221 LF +1 18 222 LB +1 18 223 LB +1 18 224 S +1 18 225 S +1 18 226 LB +1 18 227 S +1 18 228 LB +1 18 229 LB +1 18 230 LE +1 18 231 LE +1 18 232 LB +1 18 233 LF +1 18 234 LB +1 18 235 LB +1 18 236 LE +1 18 237 LE +1 18 238 LB +1 18 239 LE +1 18 240 S +1 18 241 LF +1 18 242 LE +1 18 243 S +1 18 244 LF +1 18 245 LE +1 18 246 S +1 18 247 LB +1 18 248 LB +1 18 249 LB +1 18 250 S +1 18 251 WK +1 18 252 LF +1 18 253 LB +1 18 254 LB +1 18 255 LB +1 18 256 LE +1 18 257 S +1 18 258 LE +1 18 259 LE +1 18 260 WK +1 18 261 LE +1 18 262 LF +1 18 263 LF +1 18 264 LF +1 18 265 LB +1 18 266 LE +1 18 267 WK +1 18 268 S +1 18 269 LE +1 18 270 LE +1 18 271 LB +1 18 272 LF +1 18 273 LE +1 18 274 LF +1 18 275 S +1 18 276 LE +1 18 277 LB +1 18 278 LE +1 18 279 LB +1 18 280 S +1 18 281 LB +1 18 282 S +1 18 283 F +1 18 284 LF +1 18 285 LE +1 18 286 LF +1 18 287 F +1 18 288 LE +1 18 289 LB +1 18 290 F +1 18 291 LB +1 18 292 LE +1 18 293 F +1 18 294 F +1 18 295 S +1 18 296 LB +1 18 297 LE +1 18 298 LE +1 18 299 LB +1 18 300 F +1 18 301 LB +1 18 302 LF +1 18 303 LF +1 18 304 S +1 18 305 LB +1 18 306 S +1 18 307 LB +1 18 308 S +1 18 309 LB +1 18 310 LB +1 18 311 LB +1 18 312 LB +1 18 313 LB +1 18 314 LF +1 18 315 LB +1 18 316 LB +1 18 317 LE +1 18 318 LE +1 18 319 F +1 18 320 S +1 18 321 LE +1 18 322 LB +1 18 323 LB +1 18 324 LF +1 18 325 LE +1 18 326 LE +1 18 327 LF +1 18 328 LB +1 18 329 F +1 18 330 LF +1 19 1 G +1 19 2 LF +1 19 3 LE +1 19 4 LB +1 19 5 F +1 19 6 WK +1 19 7 LB +1 19 8 LE +1 19 9 F +1 19 10 LB +1 19 11 LB +1 19 12 WK +1 19 13 LB +1 19 14 LB +1 19 15 F +1 19 16 LF +1 19 17 LE +1 19 18 LB +1 19 19 G +1 19 20 LB +1 19 21 LE +1 19 22 WK +1 19 23 LB +1 19 24 LB +1 19 25 G +1 19 26 G +1 19 27 LF +1 19 28 LE +1 19 29 F +1 19 30 LE +1 19 31 LF +1 19 32 LE +1 19 33 F +1 19 34 G +1 19 35 LE +1 19 36 LB +1 19 37 LB +1 19 38 LE +1 19 39 LB +1 19 40 LF +1 19 41 LE +1 19 42 WK +1 19 43 LB +1 19 44 LF +1 19 45 WK +1 19 46 LB +1 19 47 LB +1 19 48 LF +1 19 49 F +1 19 50 LB +1 19 51 WK +1 19 52 LF +1 19 53 LE +1 19 54 LB +1 19 55 G +1 19 56 F +1 19 57 LB +1 19 58 WK +1 19 59 WK +1 19 60 LB +1 19 61 LE +1 19 62 WK +1 19 63 LF +1 19 64 LB +1 19 65 LE +1 19 66 LF +1 19 67 F +1 19 68 F +1 19 69 LB +1 19 70 F +1 19 71 WK +1 19 72 LB +1 19 73 LB +1 19 74 LF +1 19 75 LB +1 19 76 WK +1 19 77 LB +1 19 78 F +1 19 79 LB +1 19 80 LB +1 19 81 F +1 19 82 G +1 19 83 LF +1 19 84 WK +1 19 85 LB +1 19 86 F +1 19 87 LB +1 19 88 F +1 19 89 LB +1 19 90 LB +1 19 91 WK +1 19 92 LF +1 19 93 LB +1 19 94 LB +1 19 95 LF +1 19 96 WK +1 19 97 LB +1 19 98 LE +1 19 99 F +1 19 100 LF +1 19 101 LE +1 19 102 F +1 19 103 F +1 19 104 G +1 19 105 LE +1 19 106 LE +1 19 107 LF +1 19 108 LF +1 19 109 LB +1 19 110 LE +1 19 111 LB +1 19 112 LE +1 19 113 LB +1 19 114 LB +1 19 115 LE +1 19 116 LF +1 19 117 LB +1 19 118 F +1 19 119 G +1 19 120 F +1 19 121 LE +1 19 122 LB +1 19 123 LB +1 19 124 F +1 19 125 LE +1 19 126 F +1 19 127 LB +1 19 128 F +1 19 129 LF +1 19 130 LB +1 19 131 WK +1 19 132 LE +1 19 133 LB +1 19 134 LB +1 19 135 LB +1 19 136 G +1 19 137 F +1 19 138 G +1 19 139 LF +1 19 140 LB +1 19 141 LF +1 19 142 LF +1 19 143 WK +1 19 144 LB +1 19 145 F +1 19 146 WK +1 19 147 G +1 19 148 LE +1 19 149 F +1 19 150 LB +1 19 151 F +1 19 152 F +1 19 153 G +1 19 154 LB +1 19 155 LB +1 19 156 G +1 19 157 LB +1 19 158 LF +1 19 159 F +1 19 160 F +1 19 161 G +1 19 162 LE +1 19 163 LB +1 19 164 G +1 19 165 F +1 19 166 LB +1 19 167 F +1 19 168 WK +1 19 169 G +1 19 170 G +1 19 171 WK +1 19 172 LF +1 19 173 LE +1 19 174 WK +1 19 175 LF +1 19 176 LE +1 19 177 F +1 19 178 LB +1 19 179 F +1 19 180 LB +1 19 181 WK +1 19 182 WK +1 19 183 F +1 19 184 WK +1 19 185 LE +1 19 186 G +1 19 187 WK +1 19 188 G +1 19 189 F +1 19 190 F +1 19 191 LB +1 19 192 F +1 19 193 WK +1 19 194 G +1 19 195 F +1 19 196 LF +1 19 197 WK +1 19 198 LB +1 19 199 LF +1 19 200 G +1 19 201 F +1 19 202 F +1 19 203 LE +1 19 204 LB +1 19 205 WK +1 19 206 LF +1 19 207 LE +1 19 208 WK +1 19 209 G +1 19 210 F +1 19 211 G +1 19 212 F +1 19 213 LF +1 19 214 WK +1 19 215 F +1 19 216 LB +1 19 217 F +1 19 218 F +1 19 219 LF +1 19 220 LB +1 19 221 LF +1 19 222 F +1 19 223 G +1 19 224 F +1 19 225 LF +1 19 226 LB +1 19 227 LB +1 19 228 G +1 19 229 S +1 19 230 F +1 19 231 WK +1 19 232 F +1 19 233 S +1 19 234 LB +1 19 235 G +1 19 236 F +1 19 237 S +1 19 238 G +1 19 239 F +1 19 240 F +1 19 241 LF +1 19 242 S +1 19 243 F +1 19 244 LF +1 19 245 LB +1 19 246 F +1 19 247 LB +1 19 248 LB +1 19 249 F +1 19 250 WK +1 19 251 LF +1 19 252 F +1 19 253 G +1 19 254 G +1 19 255 LB +1 19 256 LE +1 19 257 G +1 19 258 WK +1 19 259 LE +1 19 260 S +1 19 261 F +1 19 262 S +1 19 263 S +1 19 264 S +1 19 265 LB +1 19 266 F +1 19 267 F +1 19 268 LB +1 19 269 LE +1 19 270 F +1 19 271 LB +1 19 272 LF +1 19 273 F +1 19 274 LF +1 19 275 S +1 19 276 LE +1 19 277 G +1 19 278 S +1 19 279 G +1 19 280 F +1 19 281 G +1 19 282 G +1 19 283 LB +1 19 284 LF +1 19 285 F +1 19 286 LF +1 19 287 WK +1 19 288 LE +1 19 289 F +1 19 290 S +1 19 291 G +1 19 292 S +1 19 293 F +1 19 294 F +1 19 295 WK +1 19 296 F +1 19 297 WK +1 19 298 LE +1 19 299 LB +1 19 300 LF +1 19 301 LB +1 19 302 LF +1 19 303 F +1 19 304 F +1 19 305 S +1 19 306 F +1 19 307 G +1 19 308 F +1 19 309 LB +1 19 310 F +1 19 311 G +1 19 312 LB +1 19 313 S +1 19 314 F +1 19 315 F +1 19 316 G +1 19 317 S +1 19 318 F +1 19 319 LF +1 19 320 WK +1 19 321 LE +1 19 322 G +1 19 323 LB +1 19 324 LF +1 19 325 S +1 19 326 WK +1 19 327 F +1 19 328 LB +1 19 329 S +1 19 330 LF +1 20 1 LB +1 20 2 F +1 20 3 LE +1 20 4 WK +1 20 5 F +1 20 6 WK +1 20 7 F +1 20 8 LE +1 20 9 F +1 20 10 LB +1 20 11 LB +1 20 12 LE +1 20 13 LB +1 20 14 LB +1 20 15 LE +1 20 16 LF +1 20 17 LE +1 20 18 LB +1 20 19 LB +1 20 20 LB +1 20 21 LE +1 20 22 WK +1 20 23 WK +1 20 24 LB +1 20 25 WK +1 20 26 LB +1 20 27 WK +1 20 28 LE +1 20 29 LB +1 20 30 LE +1 20 31 WK +1 20 32 WK +1 20 33 WK +1 20 34 LB +1 20 35 LE +1 20 36 LB +1 20 37 LB +1 20 38 LE +1 20 39 WK +1 20 40 WK +1 20 41 LE +1 20 42 F +1 20 43 LB +1 20 44 WK +1 20 45 WK +1 20 46 LB +1 20 47 LB +1 20 48 LE +1 20 49 WK +1 20 50 WK +1 20 51 LB +1 20 52 LF +1 20 53 LE +1 20 54 WK +1 20 55 F +1 20 56 LE +1 20 57 LB +1 20 58 F +1 20 59 WK +1 20 60 LB +1 20 61 LE +1 20 62 WK +1 20 63 LE +1 20 64 LB +1 20 65 LE +1 20 66 LF +1 20 67 F +1 20 68 LE +1 20 69 WK +1 20 70 LF +1 20 71 LE +1 20 72 F +1 20 73 F +1 20 74 LF +1 20 75 LB +1 20 76 LE +1 20 77 LB +1 20 78 F +1 20 79 LB +1 20 80 LB +1 20 81 WK +1 20 82 WK +1 20 83 F +1 20 84 F +1 20 85 LB +1 20 86 LE +1 20 87 LB +1 20 88 F +1 20 89 LB +1 20 90 LB +1 20 91 WK +1 20 92 LF +1 20 93 LB +1 20 94 LB +1 20 95 LF +1 20 96 LE +1 20 97 F +1 20 98 LE +1 20 99 F +1 20 100 LF +1 20 101 LE +1 20 102 LF +1 20 103 LB +1 20 104 F +1 20 105 WK +1 20 106 LE +1 20 107 LF +1 20 108 LF +1 20 109 LB +1 20 110 LE +1 20 111 LB +1 20 112 LE +1 20 113 LB +1 20 114 LB +1 20 115 LE +1 20 116 LF +1 20 117 LB +1 20 118 WK +1 20 119 F +1 20 120 LF +1 20 121 LE +1 20 122 F +1 20 123 LB +1 20 124 F +1 20 125 LE +1 20 126 WK +1 20 127 LB +1 20 128 WK +1 20 129 F +1 20 130 LB +1 20 131 F +1 20 132 LE +1 20 133 LB +1 20 134 LB +1 20 135 LE +1 20 136 F +1 20 137 LB +1 20 138 F +1 20 139 WK +1 20 140 LB +1 20 141 LF +1 20 142 LF +1 20 143 WK +1 20 144 LB +1 20 145 WK +1 20 146 LE +1 20 147 WK +1 20 148 LE +1 20 149 F +1 20 150 WK +1 20 151 LE +1 20 152 WK +1 20 153 LB +1 20 154 LB +1 20 155 LB +1 20 156 WK +1 20 157 LB +1 20 158 LF +1 20 159 LE +1 20 160 WK +1 20 161 WK +1 20 162 LE +1 20 163 LB +1 20 164 LB +1 20 165 F +1 20 166 LB +1 20 167 F +1 20 168 LB +1 20 169 LB +1 20 170 LB +1 20 171 F +1 20 172 LF +1 20 173 LE +1 20 174 F +1 20 175 LF +1 20 176 LE +1 20 177 F +1 20 178 LB +1 20 179 WK +1 20 180 F +1 20 181 F +1 20 182 F +1 20 183 WK +1 20 184 F +1 20 185 WK +1 20 186 F +1 20 187 LE +1 20 188 LB +1 20 189 LB +1 20 190 LE +1 20 191 F +1 20 192 WK +1 20 193 F +1 20 194 WK +1 20 195 F +1 20 196 F +1 20 197 WK +1 20 198 LB +1 20 199 LF +1 20 200 F +1 20 201 LE +1 20 202 F +1 20 203 LE +1 20 204 LB +1 20 205 WK +1 20 206 LF +1 20 207 LE +1 20 208 WK +1 20 209 LB +1 20 210 F +1 20 211 LB +1 20 212 LE +1 20 213 WK +1 20 214 F +1 20 215 LE +1 20 216 LB +1 20 217 F +1 20 218 F +1 20 219 LF +1 20 220 LB +1 20 221 LF +1 20 222 F +1 20 223 WK +1 20 224 LF +1 20 225 F +1 20 226 LB +1 20 227 LB +1 20 228 LB +1 20 229 F +1 20 230 WK +1 20 231 LE +1 20 232 LB +1 20 233 F +1 20 234 WK +1 20 235 LB +1 20 236 F +1 20 237 WK +1 20 238 LB +1 20 239 WK +1 20 240 F +1 20 241 LF +1 20 242 WK +1 20 243 WK +1 20 244 LF +1 20 245 LE +1 20 246 F +1 20 247 WK +1 20 248 LB +1 20 249 F +1 20 250 WK +1 20 251 F +1 20 252 F +1 20 253 F +1 20 254 WK +1 20 255 LB +1 20 256 LE +1 20 257 LB +1 20 258 WK +1 20 259 WK +1 20 260 WK +1 20 261 LE +1 20 262 LF +1 20 263 LF +1 20 264 LF +1 20 265 LB +1 20 266 LE +1 20 267 LE +1 20 268 F +1 20 269 LE +1 20 270 F +1 20 271 LB +1 20 272 LF +1 20 273 WK +1 20 274 LF +1 20 275 WK +1 20 276 LE +1 20 277 LB +1 20 278 WK +1 20 279 LB +1 20 280 F +1 20 281 LB +1 20 282 F +1 20 283 LB +1 20 284 LF +1 20 285 WK +1 20 286 LF +1 20 287 WK +1 20 288 LE +1 20 289 WK +1 20 290 LF +1 20 291 LB +1 20 292 WK +1 20 293 LF +1 20 294 LF +1 20 295 WK +1 20 296 WK +1 20 297 LE +1 20 298 LE +1 20 299 WK +1 20 300 LF +1 20 301 WK +1 20 302 LF +1 20 303 LF +1 20 304 WK +1 20 305 WK +1 20 306 WK +1 20 307 LB +1 20 308 WK +1 20 309 LB +1 20 310 WK +1 20 311 LB +1 20 312 LB +1 20 313 WK +1 20 314 LF +1 20 315 WK +1 20 316 LB +1 20 317 WK +1 20 318 LE +1 20 319 LF +1 20 320 WK +1 20 321 LE +1 20 322 LF +1 20 323 WK +1 20 324 LF +1 20 325 WK +1 20 326 LB +1 20 327 LF +1 20 328 WK +1 20 329 WK +1 20 330 LF +1 21 1 G +1 21 2 F +1 21 3 LE +1 21 4 LB +1 21 5 G +1 21 6 WK +1 21 7 LF +1 21 8 S +1 21 9 F +1 21 10 LB +1 21 11 LB +1 21 12 F +1 21 13 G +1 21 14 LB +1 21 15 G +1 21 16 LF +1 21 17 LE +1 21 18 LB +1 21 19 G +1 21 20 S +1 21 21 LE +1 21 22 F +1 21 23 WK +1 21 24 LB +1 21 25 G +1 21 26 G +1 21 27 LF +1 21 28 LE +1 21 29 WK +1 21 30 LE +1 21 31 G +1 21 32 LE +1 21 33 G +1 21 34 LB +1 21 35 WK +1 21 36 F +1 21 37 LB +1 21 38 LE +1 21 39 WK +1 21 40 G +1 21 41 LE +1 21 42 WK +1 21 43 LB +1 21 44 F +1 21 45 G +1 21 46 F +1 21 47 LB +1 21 48 WK +1 21 49 G +1 21 50 G +1 21 51 WK +1 21 52 F +1 21 53 LE +1 21 54 WK +1 21 55 G +1 21 56 F +1 21 57 LB +1 21 58 G +1 21 59 F +1 21 60 LB +1 21 61 LE +1 21 62 G +1 21 63 WK +1 21 64 G +1 21 65 LE +1 21 66 F +1 21 67 G +1 21 68 LE +1 21 69 WK +1 21 70 F +1 21 71 WK +1 21 72 G +1 21 73 LE +1 21 74 F +1 21 75 LB +1 21 76 WK +1 21 77 G +1 21 78 F +1 21 79 LB +1 21 80 G +1 21 81 WK +1 21 82 G +1 21 83 F +1 21 84 S +1 21 85 G +1 21 86 LE +1 21 87 LB +1 21 88 LE +1 21 89 LB +1 21 90 LB +1 21 91 WK +1 21 92 F +1 21 93 G +1 21 94 LB +1 21 95 F +1 21 96 S +1 21 97 G +1 21 98 LE +1 21 99 WK +1 21 100 G +1 21 101 LE +1 21 102 WK +1 21 103 LB +1 21 104 G +1 21 105 LE +1 21 106 F +1 21 107 F +1 21 108 LF +1 21 109 G +1 21 110 WK +1 21 111 LB +1 21 112 LE +1 21 113 LB +1 21 114 G +1 21 115 LE +1 21 116 LF +1 21 117 LB +1 21 118 LE +1 21 119 G +1 21 120 LF +1 21 121 LE +1 21 122 G +1 21 123 G +1 21 124 WK +1 21 125 LE +1 21 126 WK +1 21 127 LB +1 21 128 G +1 21 129 F +1 21 130 WK +1 21 131 G +1 21 132 LE +1 21 133 G +1 21 134 LB +1 21 135 LE +1 21 136 G +1 21 137 LB +1 21 138 G +1 21 139 F +1 21 140 G +1 21 141 LF +1 21 142 F +1 21 143 WK +1 21 144 G +1 21 145 WK +1 21 146 WK +1 21 147 G +1 21 148 LE +1 21 149 WK +1 21 150 G +1 21 151 F +1 21 152 LE +1 21 153 LB +1 21 154 LB +1 21 155 LB +1 21 156 G +1 21 157 WK +1 21 158 F +1 21 159 WK +1 21 160 LE +1 21 161 G +1 21 162 LE +1 21 163 WK +1 21 164 G +1 21 165 WK +1 21 166 LB +1 21 167 WK +1 21 168 G +1 21 169 G +1 21 170 LB +1 21 171 G +1 21 172 F +1 21 173 LE +1 21 174 WK +1 21 175 G +1 21 176 LE +1 21 177 WK +1 21 178 G +1 21 179 S +1 21 180 WK +1 21 181 WK +1 21 182 S +1 21 183 LB +1 21 184 S +1 21 185 WK +1 21 186 G +1 21 187 WK +1 21 188 G +1 21 189 S +1 21 190 WK +1 21 191 G +1 21 192 S +1 21 193 WK +1 21 194 G +1 21 195 WK +1 21 196 G +1 21 197 LE +1 21 198 LB +1 21 199 F +1 21 200 G +1 21 201 LE +1 21 202 G +1 21 203 LE +1 21 204 LB +1 21 205 WK +1 21 206 F +1 21 207 LE +1 21 208 WK +1 21 209 G +1 21 210 WK +1 21 211 G +1 21 212 WK +1 21 213 G +1 21 214 WK +1 21 215 LE +1 21 216 LB +1 21 217 G +1 21 218 WK +1 21 219 F +1 21 220 G +1 21 221 F +1 21 222 G +1 21 223 WK +1 21 224 F +1 21 225 WK +1 21 226 G +1 21 227 LB +1 21 228 LB +1 21 229 WK +1 21 230 F +1 21 231 LE +1 21 232 WK +1 21 233 G +1 21 234 LB +1 21 235 G +1 21 236 WK +1 21 237 WK +1 21 238 G +1 21 239 LE +1 21 240 WK +1 21 241 F +1 21 242 WK +1 21 243 LE +1 21 244 F +1 21 245 LE +1 21 246 G +1 21 247 LB +1 21 248 LB +1 21 249 WK +1 21 250 WK +1 21 251 G +1 21 252 F +1 21 253 G +1 21 254 F +1 21 255 LB +1 21 256 LE +1 21 257 G +1 21 258 WK +1 21 259 LE +1 21 260 F +1 21 261 WK +1 21 262 F +1 21 263 WK +1 21 264 G +1 21 265 WK +1 21 266 LB +1 21 267 LE +1 21 268 WK +1 21 269 LE +1 21 270 WK +1 21 271 G +1 21 272 F +1 21 273 G +1 21 274 LF +1 21 275 WK +1 21 276 LE +1 21 277 G +1 21 278 LE +1 21 279 G +1 21 280 WK +1 21 281 G +1 21 282 WK +1 21 283 WK +1 21 284 LF +1 21 285 LE +1 21 286 F +1 21 287 WK +1 21 288 LE +1 21 289 G +1 21 290 F +1 21 291 G +1 21 292 LE +1 21 293 F +1 21 294 LF +1 21 295 WK +1 21 296 G +1 21 297 S +1 21 298 LE +1 21 299 G +1 21 300 F +1 21 301 G +1 21 302 LF +1 21 303 LB +1 21 304 WK +1 21 305 LE +1 21 306 WK +1 21 307 G +1 21 308 WK +1 21 309 LB +1 21 310 G +1 21 311 G +1 21 312 LB +1 21 313 G +1 21 314 F +1 21 315 S +1 21 316 G +1 21 317 LE +1 21 318 LE +1 21 319 F +1 21 320 WK +1 21 321 LE +1 21 322 G +1 21 323 G +1 21 324 F +1 21 325 LE +1 21 326 WK +1 21 327 LF +1 21 328 WK +1 21 329 WK +1 21 330 LF +1 22 1 G +1 22 2 F +1 22 3 LE +1 22 4 WK +1 22 5 F +1 22 6 WK +1 22 7 G +1 22 8 LE +1 22 9 S +1 22 10 G +1 22 11 LB +1 22 12 WK +1 22 13 LB +1 22 14 LB +1 22 15 F +1 22 16 LF +1 22 17 LE +1 22 18 LB +1 22 19 G +1 22 20 WK +1 22 21 LE +1 22 22 F +1 22 23 WK +1 22 24 LB +1 22 25 G +1 22 26 G +1 22 27 F +1 22 28 LE +1 22 29 S +1 22 30 WK +1 22 31 F +1 22 32 S +1 22 33 G +1 22 34 LB +1 22 35 F +1 22 36 LB +1 22 37 G +1 22 38 LE +1 22 39 G +1 22 40 S +1 22 41 LE +1 22 42 S +1 22 43 G +1 22 44 F +1 22 45 G +1 22 46 F +1 22 47 LB +1 22 48 S +1 22 49 F +1 22 50 WK +1 22 51 S +1 22 52 LF +1 22 53 LE +1 22 54 G +1 22 55 S +1 22 56 F +1 22 57 G +1 22 58 S +1 22 59 F +1 22 60 LB +1 22 61 LE +1 22 62 S +1 22 63 WK +1 22 64 G +1 22 65 LE +1 22 66 F +1 22 67 S +1 22 68 WK +1 22 69 S +1 22 70 F +1 22 71 LE +1 22 72 G +1 22 73 S +1 22 74 F +1 22 75 LB +1 22 76 LE +1 22 77 G +1 22 78 F +1 22 79 LB +1 22 80 G +1 22 81 S +1 22 82 F +1 22 83 S +1 22 84 F +1 22 85 G +1 22 86 S +1 22 87 LB +1 22 88 WK +1 22 89 LB +1 22 90 LB +1 22 91 S +1 22 92 F +1 22 93 G +1 22 94 LB +1 22 95 F +1 22 96 S +1 22 97 G +1 22 98 LE +1 22 99 F +1 22 100 S +1 22 101 LE +1 22 102 F +1 22 103 S +1 22 104 F +1 22 105 LE +1 22 106 F +1 22 107 LF +1 22 108 F +1 22 109 G +1 22 110 WK +1 22 111 LB +1 22 112 LE +1 22 113 LB +1 22 114 G +1 22 115 LE +1 22 116 F +1 22 117 S +1 22 118 WK +1 22 119 G +1 22 120 LF +1 22 121 LE +1 22 122 G +1 22 123 G +1 22 124 S +1 22 125 LE +1 22 126 WK +1 22 127 LB +1 22 128 S +1 22 129 F +1 22 130 LB +1 22 131 S +1 22 132 LE +1 22 133 G +1 22 134 S +1 22 135 LE +1 22 136 G +1 22 137 G +1 22 138 F +1 22 139 LF +1 22 140 G +1 22 141 LF +1 22 142 LF +1 22 143 G +1 22 144 WK +1 22 145 S +1 22 146 WK +1 22 147 G +1 22 148 LE +1 22 149 S +1 22 150 WK +1 22 151 S +1 22 152 F +1 22 153 G +1 22 154 S +1 22 155 LB +1 22 156 G +1 22 157 S +1 22 158 LF +1 22 159 WK +1 22 160 S +1 22 161 G +1 22 162 LE +1 22 163 G +1 22 164 G +1 22 165 S +1 22 166 LB +1 22 167 F +1 22 168 G +1 22 169 G +1 22 170 LB +1 22 171 G +1 22 172 LF +1 22 173 LE +1 22 174 WK +1 22 175 F +1 22 176 LE +1 22 177 S +1 22 178 G +1 22 179 LE +1 22 180 G +1 22 181 S +1 22 182 LE +1 22 183 F +1 22 184 S +1 22 185 F +1 22 186 S +1 22 187 WK +1 22 188 G +1 22 189 F +1 22 190 WK +1 22 191 G +1 22 192 S +1 22 193 WK +1 22 194 LE +1 22 195 G +1 22 196 F +1 22 197 WK +1 22 198 LB +1 22 199 F +1 22 200 S +1 22 201 F +1 22 202 G +1 22 203 LE +1 22 204 LB +1 22 205 G +1 22 206 F +1 22 207 LE +1 22 208 WK +1 22 209 G +1 22 210 WK +1 22 211 G +1 22 212 LE +1 22 213 F +1 22 214 S +1 22 215 F +1 22 216 WK +1 22 217 F +1 22 218 WK +1 22 219 LF +1 22 220 G +1 22 221 LF +1 22 222 G +1 22 223 G +1 22 224 F +1 22 225 S +1 22 226 G +1 22 227 LB +1 22 228 G +1 22 229 F +1 22 230 LF +1 22 231 S +1 22 232 WK +1 22 233 F +1 22 234 G +1 22 235 G +1 22 236 WK +1 22 237 S +1 22 238 G +1 22 239 S +1 22 240 WK +1 22 241 LF +1 22 242 F +1 22 243 LE +1 22 244 LF +1 22 245 LE +1 22 246 G +1 22 247 S +1 22 248 LB +1 22 249 G +1 22 250 S +1 22 251 F +1 22 252 LF +1 22 253 F +1 22 254 S +1 22 255 LB +1 22 256 LE +1 22 257 G +1 22 258 WK +1 22 259 LE +1 22 260 F +1 22 261 WK +1 22 262 LF +1 22 263 S +1 22 264 F +1 22 265 G +1 22 266 LE +1 22 267 WK +1 22 268 G +1 22 269 WK +1 22 270 S +1 22 271 G +1 22 272 LF +1 22 273 S +1 22 274 LF +1 22 275 WK +1 22 276 LE +1 22 277 G +1 22 278 WK +1 22 279 G +1 22 280 G +1 22 281 G +1 22 282 WK +1 22 283 S +1 22 284 LF +1 22 285 F +1 22 286 LF +1 22 287 S +1 22 288 LE +1 22 289 F +1 22 290 F +1 22 291 G +1 22 292 F +1 22 293 LF +1 22 294 LF +1 22 295 WK +1 22 296 G +1 22 297 WK +1 22 298 LE +1 22 299 G +1 22 300 LF +1 22 301 G +1 22 302 LF +1 22 303 F +1 22 304 WK +1 22 305 LE +1 22 306 WK +1 22 307 G +1 22 308 F +1 22 309 LB +1 22 310 G +1 22 311 G +1 22 312 LB +1 22 313 G +1 22 314 F +1 22 315 G +1 22 316 G +1 22 317 LE +1 22 318 WK +1 22 319 LF +1 22 320 S +1 22 321 LE +1 22 322 F +1 22 323 G +1 22 324 F +1 22 325 G +1 22 326 S +1 22 327 LF +1 22 328 G +1 22 329 S +1 22 330 LF +1 23 1 G +1 23 2 F +1 23 3 LE +1 23 4 S +1 23 5 F +1 23 6 WK +1 23 7 S +1 23 8 S +1 23 9 S +1 23 10 LB +1 23 11 LB +1 23 12 F +1 23 13 S +1 23 14 S +1 23 15 F +1 23 16 F +1 23 17 LE +1 23 18 LB +1 23 19 G +1 23 20 S +1 23 21 WK +1 23 22 F +1 23 23 S +1 23 24 LB +1 23 25 S +1 23 26 S +1 23 27 F +1 23 28 LE +1 23 29 F +1 23 30 WK +1 23 31 F +1 23 32 S +1 23 33 S +1 23 34 G +1 23 35 WK +1 23 36 S +1 23 37 S +1 23 38 WK +1 23 39 S +1 23 40 S +1 23 41 S +1 23 42 F +1 23 43 S +1 23 44 F +1 23 45 S +1 23 46 S +1 23 47 S +1 23 48 WK +1 23 49 G +1 23 50 S +1 23 51 S +1 23 52 F +1 23 53 LE +1 23 54 S +1 23 55 G +1 23 56 F +1 23 57 G +1 23 58 S +1 23 59 S +1 23 60 LB +1 23 61 LE +1 23 62 S +1 23 63 F +1 23 64 G +1 23 65 LE +1 23 66 F +1 23 67 F +1 23 68 S +1 23 69 S +1 23 70 S +1 23 71 S +1 23 72 S +1 23 73 S +1 23 74 F +1 23 75 S +1 23 76 LE +1 23 77 S +1 23 78 F +1 23 79 LB +1 23 80 LB +1 23 81 S +1 23 82 S +1 23 83 F +1 23 84 F +1 23 85 LB +1 23 86 F +1 23 87 LB +1 23 88 S +1 23 89 LB +1 23 90 S +1 23 91 F +1 23 92 F +1 23 93 G +1 23 94 LB +1 23 95 F +1 23 96 WK +1 23 97 S +1 23 98 LE +1 23 99 F +1 23 100 S +1 23 101 S +1 23 102 F +1 23 103 S +1 23 104 F +1 23 105 S +1 23 106 F +1 23 107 F +1 23 108 F +1 23 109 G +1 23 110 LE +1 23 111 LB +1 23 112 LE +1 23 113 LB +1 23 114 S +1 23 115 LE +1 23 116 F +1 23 117 S +1 23 118 LE +1 23 119 LB +1 23 120 F +1 23 121 LE +1 23 122 LB +1 23 123 G +1 23 124 S +1 23 125 LE +1 23 126 F +1 23 127 LB +1 23 128 F +1 23 129 F +1 23 130 LB +1 23 131 S +1 23 132 LE +1 23 133 LB +1 23 134 S +1 23 135 S +1 23 136 G +1 23 137 S +1 23 138 G +1 23 139 F +1 23 140 G +1 23 141 F +1 23 142 F +1 23 143 LB +1 23 144 S +1 23 145 F +1 23 146 S +1 23 147 S +1 23 148 LE +1 23 149 F +1 23 150 S +1 23 151 F +1 23 152 S +1 23 153 G +1 23 154 LB +1 23 155 LB +1 23 156 LB +1 23 157 S +1 23 158 F +1 23 159 WK +1 23 160 F +1 23 161 F +1 23 162 LE +1 23 163 G +1 23 164 G +1 23 165 S +1 23 166 G +1 23 167 F +1 23 168 LB +1 23 169 G +1 23 170 LB +1 23 171 S +1 23 172 F +1 23 173 LE +1 23 174 WK +1 23 175 S +1 23 176 LE +1 23 177 F +1 23 178 G +1 23 179 S +1 23 180 LB +1 23 181 S +1 23 182 S +1 23 183 S +1 23 184 S +1 23 185 F +1 23 186 F +1 23 187 WK +1 23 188 G +1 23 189 F +1 23 190 F +1 23 191 LB +1 23 192 F +1 23 193 S +1 23 194 S +1 23 195 LB +1 23 196 F +1 23 197 S +1 23 198 LB +1 23 199 F +1 23 200 S +1 23 201 WK +1 23 202 LB +1 23 203 WK +1 23 204 LB +1 23 205 S +1 23 206 F +1 23 207 LE +1 23 208 S +1 23 209 LB +1 23 210 S +1 23 211 G +1 23 212 LE +1 23 213 S +1 23 214 F +1 23 215 F +1 23 216 LB +1 23 217 F +1 23 218 S +1 23 219 F +1 23 220 G +1 23 221 F +1 23 222 LB +1 23 223 LB +1 23 224 F +1 23 225 S +1 23 226 G +1 23 227 LB +1 23 228 LB +1 23 229 F +1 23 230 F +1 23 231 S +1 23 232 S +1 23 233 S +1 23 234 LB +1 23 235 LB +1 23 236 S +1 23 237 WK +1 23 238 G +1 23 239 F +1 23 240 S +1 23 241 F +1 23 242 F +1 23 243 S +1 23 244 F +1 23 245 LE +1 23 246 LB +1 23 247 S +1 23 248 LB +1 23 249 LB +1 23 250 S +1 23 251 F +1 23 252 F +1 23 253 LB +1 23 254 F +1 23 255 LB +1 23 256 LE +1 23 257 LB +1 23 258 S +1 23 259 S +1 23 260 F +1 23 261 LE +1 23 262 F +1 23 263 F +1 23 264 G +1 23 265 LB +1 23 266 S +1 23 267 S +1 23 268 LB +1 23 269 S +1 23 270 WK +1 23 271 LB +1 23 272 F +1 23 273 S +1 23 274 F +1 23 275 S +1 23 276 S +1 23 277 G +1 23 278 LE +1 23 279 G +1 23 280 S +1 23 281 LB +1 23 282 LB +1 23 283 S +1 23 284 F +1 23 285 F +1 23 286 F +1 23 287 S +1 23 288 LE +1 23 289 LB +1 23 290 F +1 23 291 G +1 23 292 F +1 23 293 F +1 23 294 F +1 23 295 S +1 23 296 S +1 23 297 WK +1 23 298 LE +1 23 299 LB +1 23 300 F +1 23 301 LB +1 23 302 F +1 23 303 F +1 23 304 S +1 23 305 S +1 23 306 F +1 23 307 G +1 23 308 F +1 23 309 LB +1 23 310 F +1 23 311 G +1 23 312 LB +1 23 313 LB +1 23 314 F +1 23 315 F +1 23 316 LB +1 23 317 S +1 23 318 WK +1 23 319 F +1 23 320 S +1 23 321 LE +1 23 322 G +1 23 323 LB +1 23 324 F +1 23 325 S +1 23 326 F +1 23 327 F +1 23 328 LB +1 23 329 S +1 23 330 F +1 24 1 LB +1 24 2 F +1 24 3 LE +1 24 4 S +1 24 5 F +1 24 6 WK +1 24 7 G +1 24 8 LE +1 24 9 S +1 24 10 G +1 24 11 LB +1 24 12 F +1 24 13 LB +1 24 14 S +1 24 15 F +1 24 16 LF +1 24 17 LE +1 24 18 LB +1 24 19 G +1 24 20 LB +1 24 21 F +1 24 22 F +1 24 23 LB +1 24 24 LB +1 24 25 G +1 24 26 G +1 24 27 WK +1 24 28 LE +1 24 29 LB +1 24 30 WK +1 24 31 F +1 24 32 F +1 24 33 G +1 24 34 G +1 24 35 WK +1 24 36 G +1 24 37 F +1 24 38 LE +1 24 39 LB +1 24 40 LB +1 24 41 LE +1 24 42 F +1 24 43 G +1 24 44 WK +1 24 45 G +1 24 46 F +1 24 47 LB +1 24 48 WK +1 24 49 F +1 24 50 S +1 24 51 WK +1 24 52 F +1 24 53 LE +1 24 54 LB +1 24 55 G +1 24 56 WK +1 24 57 G +1 24 58 WK +1 24 59 F +1 24 60 LB +1 24 61 LE +1 24 62 G +1 24 63 F +1 24 64 G +1 24 65 LE +1 24 66 F +1 24 67 WK +1 24 68 F +1 24 69 F +1 24 70 S +1 24 71 WK +1 24 72 G +1 24 73 G +1 24 74 S +1 24 75 S +1 24 76 WK +1 24 77 G +1 24 78 WK +1 24 79 LB +1 24 80 G +1 24 81 F +1 24 82 G +1 24 83 WK +1 24 84 WK +1 24 85 G +1 24 86 F +1 24 87 LB +1 24 88 F +1 24 89 LB +1 24 90 G +1 24 91 F +1 24 92 WK +1 24 93 G +1 24 94 LB +1 24 95 F +1 24 96 WK +1 24 97 LB +1 24 98 LE +1 24 99 F +1 24 100 F +1 24 101 LE +1 24 102 S +1 24 103 S +1 24 104 G +1 24 105 F +1 24 106 F +1 24 107 S +1 24 108 S +1 24 109 G +1 24 110 WK +1 24 111 S +1 24 112 LE +1 24 113 LB +1 24 114 G +1 24 115 LE +1 24 116 S +1 24 117 S +1 24 118 WK +1 24 119 G +1 24 120 LF +1 24 121 LE +1 24 122 LB +1 24 123 S +1 24 124 S +1 24 125 LE +1 24 126 WK +1 24 127 S +1 24 128 WK +1 24 129 F +1 24 130 F +1 24 131 F +1 24 132 LE +1 24 133 G +1 24 134 F +1 24 135 LE +1 24 136 G +1 24 137 S +1 24 138 G +1 24 139 F +1 24 140 G +1 24 141 LF +1 24 142 F +1 24 143 WK +1 24 144 G +1 24 145 F +1 24 146 WK +1 24 147 S +1 24 148 LE +1 24 149 F +1 24 150 G +1 24 151 WK +1 24 152 F +1 24 153 G +1 24 154 LB +1 24 155 LB +1 24 156 G +1 24 157 F +1 24 158 LF +1 24 159 WK +1 24 160 WK +1 24 161 F +1 24 162 LE +1 24 163 G +1 24 164 G +1 24 165 F +1 24 166 LB +1 24 167 S +1 24 168 LB +1 24 169 G +1 24 170 S +1 24 171 S +1 24 172 LF +1 24 173 LE +1 24 174 WK +1 24 175 F +1 24 176 LE +1 24 177 F +1 24 178 G +1 24 179 LE +1 24 180 G +1 24 181 WK +1 24 182 F +1 24 183 F +1 24 184 G +1 24 185 F +1 24 186 F +1 24 187 WK +1 24 188 LB +1 24 189 G +1 24 190 WK +1 24 191 S +1 24 192 G +1 24 193 F +1 24 194 F +1 24 195 G +1 24 196 S +1 24 197 S +1 24 198 LB +1 24 199 S +1 24 200 S +1 24 201 WK +1 24 202 G +1 24 203 LE +1 24 204 LB +1 24 205 G +1 24 206 S +1 24 207 LE +1 24 208 WK +1 24 209 S +1 24 210 S +1 24 211 G +1 24 212 LE +1 24 213 S +1 24 214 S +1 24 215 S +1 24 216 S +1 24 217 WK +1 24 218 F +1 24 219 F +1 24 220 G +1 24 221 S +1 24 222 G +1 24 223 G +1 24 224 F +1 24 225 S +1 24 226 G +1 24 227 LB +1 24 228 LB +1 24 229 S +1 24 230 WK +1 24 231 S +1 24 232 S +1 24 233 S +1 24 234 G +1 24 235 G +1 24 236 F +1 24 237 WK +1 24 238 F +1 24 239 WK +1 24 240 F +1 24 241 F +1 24 242 F +1 24 243 LE +1 24 244 S +1 24 245 LE +1 24 246 S +1 24 247 S +1 24 248 LB +1 24 249 G +1 24 250 G +1 24 251 F +1 24 252 F +1 24 253 G +1 24 254 G +1 24 255 LB +1 24 256 WK +1 24 257 S +1 24 258 WK +1 24 259 LE +1 24 260 F +1 24 261 F +1 24 262 F +1 24 263 LB +1 24 264 S +1 24 265 LB +1 24 266 S +1 24 267 S +1 24 268 G +1 24 269 S +1 24 270 WK +1 24 271 S +1 24 272 LF +1 24 273 F +1 24 274 LF +1 24 275 F +1 24 276 LE +1 24 277 S +1 24 278 WK +1 24 279 G +1 24 280 S +1 24 281 G +1 24 282 G +1 24 283 S +1 24 284 F +1 24 285 F +1 24 286 LF +1 24 287 WK +1 24 288 LE +1 24 289 S +1 24 290 WK +1 24 291 G +1 24 292 WK +1 24 293 S +1 24 294 S +1 24 295 S +1 24 296 G +1 24 297 WK +1 24 298 LE +1 24 299 G +1 24 300 S +1 24 301 G +1 24 302 F +1 24 303 F +1 24 304 F +1 24 305 F +1 24 306 S +1 24 307 G +1 24 308 F +1 24 309 LB +1 24 310 G +1 24 311 G +1 24 312 LB +1 24 313 G +1 24 314 S +1 24 315 LB +1 24 316 G +1 24 317 LE +1 24 318 WK +1 24 319 F +1 24 320 S +1 24 321 LE +1 24 322 LB +1 24 323 S +1 24 324 F +1 24 325 S +1 24 326 WK +1 24 327 S +1 24 328 LB +1 24 329 S +1 24 330 F +1 25 1 LB +1 25 2 LB +1 25 3 LE +1 25 4 LB +1 25 5 F +1 25 6 WK +1 25 7 G +1 25 8 LE +1 25 9 LB +1 25 10 G +1 25 11 LB +1 25 12 F +1 25 13 LB +1 25 14 LB +1 25 15 F +1 25 16 LF +1 25 17 LE +1 25 18 LB +1 25 19 G +1 25 20 F +1 25 21 LE +1 25 22 F +1 25 23 G +1 25 24 LB +1 25 25 G +1 25 26 G +1 25 27 F +1 25 28 LE +1 25 29 F +1 25 30 LE +1 25 31 F +1 25 32 LE +1 25 33 F +1 25 34 LB +1 25 35 LE +1 25 36 LB +1 25 37 G +1 25 38 LE +1 25 39 G +1 25 40 G +1 25 41 LE +1 25 42 F +1 25 43 LB +1 25 44 LF +1 25 45 G +1 25 46 LB +1 25 47 G +1 25 48 LE +1 25 49 LB +1 25 50 LB +1 25 51 LB +1 25 52 F +1 25 53 LE +1 25 54 LB +1 25 55 G +1 25 56 LE +1 25 57 LB +1 25 58 LB +1 25 59 F +1 25 60 LB +1 25 61 LE +1 25 62 LB +1 25 63 LE +1 25 64 G +1 25 65 LE +1 25 66 F +1 25 67 G +1 25 68 LE +1 25 69 LB +1 25 70 F +1 25 71 LB +1 25 72 G +1 25 73 LB +1 25 74 G +1 25 75 LB +1 25 76 LE +1 25 77 LB +1 25 78 F +1 25 79 LB +1 25 80 G +1 25 81 LB +1 25 82 G +1 25 83 F +1 25 84 LE +1 25 85 LB +1 25 86 LE +1 25 87 LB +1 25 88 LE +1 25 89 LB +1 25 90 G +1 25 91 F +1 25 92 F +1 25 93 G +1 25 94 LB +1 25 95 F +1 25 96 LE +1 25 97 G +1 25 98 LE +1 25 99 F +1 25 100 G +1 25 101 LE +1 25 102 G +1 25 103 LB +1 25 104 G +1 25 105 LE +1 25 106 F +1 25 107 F +1 25 108 F +1 25 109 F +1 25 110 WK +1 25 111 LB +1 25 112 LE +1 25 113 LB +1 25 114 G +1 25 115 LE +1 25 116 G +1 25 117 LB +1 25 118 LE +1 25 119 G +1 25 120 F +1 25 121 LE +1 25 122 G +1 25 123 G +1 25 124 WK +1 25 125 LE +1 25 126 WK +1 25 127 LB +1 25 128 WK +1 25 129 F +1 25 130 LB +1 25 131 LE +1 25 132 LE +1 25 133 LB +1 25 134 LB +1 25 135 LE +1 25 136 G +1 25 137 LB +1 25 138 G +1 25 139 F +1 25 140 G +1 25 141 LF +1 25 142 LF +1 25 143 LB +1 25 144 LB +1 25 145 LB +1 25 146 LE +1 25 147 G +1 25 148 LE +1 25 149 LB +1 25 150 G +1 25 151 WK +1 25 152 WK +1 25 153 G +1 25 154 LB +1 25 155 LB +1 25 156 LB +1 25 157 LB +1 25 158 LF +1 25 159 WK +1 25 160 WK +1 25 161 LB +1 25 162 LE +1 25 163 G +1 25 164 G +1 25 165 LB +1 25 166 G +1 25 167 WK +1 25 168 G +1 25 169 G +1 25 170 G +1 25 171 LB +1 25 172 LF +1 25 173 LE +1 25 174 F +1 25 175 F +1 25 176 LE +1 25 177 F +1 25 178 G +1 25 179 LB +1 25 180 F +1 25 181 LB +1 25 182 LB +1 25 183 LB +1 25 184 WK +1 25 185 LB +1 25 186 G +1 25 187 F +1 25 188 G +1 25 189 G +1 25 190 WK +1 25 191 G +1 25 192 G +1 25 193 F +1 25 194 LB +1 25 195 F +1 25 196 F +1 25 197 F +1 25 198 LB +1 25 199 F +1 25 200 G +1 25 201 WK +1 25 202 G +1 25 203 LE +1 25 204 LB +1 25 205 G +1 25 206 F +1 25 207 LE +1 25 208 LB +1 25 209 G +1 25 210 LB +1 25 211 G +1 25 212 LE +1 25 213 G +1 25 214 F +1 25 215 WK +1 25 216 LB +1 25 217 WK +1 25 218 F +1 25 219 F +1 25 220 G +1 25 221 F +1 25 222 G +1 25 223 F +1 25 224 WK +1 25 225 LB +1 25 226 G +1 25 227 LB +1 25 228 G +1 25 229 F +1 25 230 F +1 25 231 LE +1 25 232 LB +1 25 233 G +1 25 234 F +1 25 235 G +1 25 236 F +1 25 237 WK +1 25 238 G +1 25 239 WK +1 25 240 LB +1 25 241 F +1 25 242 F +1 25 243 LB +1 25 244 F +1 25 245 LE +1 25 246 LB +1 25 247 G +1 25 248 LB +1 25 249 LB +1 25 250 LB +1 25 251 F +1 25 252 F +1 25 253 F +1 25 254 G +1 25 255 LB +1 25 256 LE +1 25 257 G +1 25 258 F +1 25 259 LE +1 25 260 F +1 25 261 LE +1 25 262 F +1 25 263 LB +1 25 264 F +1 25 265 LB +1 25 266 LE +1 25 267 LB +1 25 268 F +1 25 269 LE +1 25 270 F +1 25 271 LB +1 25 272 LF +1 25 273 F +1 25 274 LF +1 25 275 F +1 25 276 LE +1 25 277 G +1 25 278 WK +1 25 279 G +1 25 280 F +1 25 281 G +1 25 282 F +1 25 283 LB +1 25 284 F +1 25 285 WK +1 25 286 LF +1 25 287 F +1 25 288 LE +1 25 289 F +1 25 290 WK +1 25 291 LB +1 25 292 WK +1 25 293 F +1 25 294 F +1 25 295 LB +1 25 296 G +1 25 297 F +1 25 298 LE +1 25 299 G +1 25 300 F +1 25 301 G +1 25 302 F +1 25 303 G +1 25 304 LB +1 25 305 LB +1 25 306 F +1 25 307 LB +1 25 308 LB +1 25 309 LB +1 25 310 G +1 25 311 G +1 25 312 LB +1 25 313 G +1 25 314 F +1 25 315 F +1 25 316 G +1 25 317 LE +1 25 318 WK +1 25 319 F +1 25 320 LB +1 25 321 LE +1 25 322 G +1 25 323 G +1 25 324 F +1 25 325 G +1 25 326 F +1 25 327 F +1 25 328 LB +1 25 329 LB +1 25 330 F +2 1 1 YN +2 1 2 YN +2 1 3 NR +2 1 4 TK +2 1 5 YN +2 1 6 EP +2 1 7 YN +2 1 8 NR +2 1 9 KA +2 1 10 TK +2 1 11 YN +2 1 12 AA +2 1 13 YN +2 1 14 TK +2 1 15 EP +2 1 16 EP +2 1 17 NR +2 1 18 TK +2 1 19 YN +2 1 20 YN +2 1 21 NR +2 1 22 EP +2 1 23 KA +2 1 24 TK +2 1 25 YN +2 1 26 EP +2 1 27 TK +2 1 28 NR +2 1 29 YN +2 1 30 NR +2 1 31 YN +2 1 32 NR +2 1 33 YN +2 1 34 TK +2 1 35 NR +2 1 36 YN +2 1 37 YN +2 1 38 NR +2 1 39 IT +2 1 40 TK +2 1 41 NR +2 1 42 AA +2 1 43 TK +2 1 44 KA +2 1 45 YN +2 1 46 KA +2 1 47 YN +2 1 48 AA +2 1 49 IT +2 1 50 TK +2 1 51 KA +2 1 52 KA +2 1 53 NR +2 1 54 YN +2 1 55 IT +2 1 56 KA +2 1 57 IT +2 1 58 AA +2 1 59 EP +2 1 60 IT +2 1 61 NR +2 1 62 EP +2 1 63 NR +2 1 64 IT +2 1 65 NR +2 1 66 EP +2 1 67 YN +2 1 68 NR +2 1 69 TK +2 1 70 EP +2 1 71 NR +2 1 72 YN +2 1 73 TK +2 1 74 EP +2 1 75 YN +2 1 76 NR +2 1 77 IT +2 1 78 EP +2 1 79 TK +2 1 80 IT +2 1 81 YN +2 1 82 YN +2 1 83 EP +2 1 84 NR +2 1 85 YN +2 1 86 NR +2 1 87 TK +2 1 88 TK +2 1 89 TK +2 1 90 YN +2 1 91 YN +2 1 92 EP +2 1 93 IT +2 1 94 TK +2 1 95 EP +2 1 96 AA +2 1 97 IT +2 1 98 NR +2 1 99 EP +2 1 100 IT +2 1 101 NR +2 1 102 EP +2 1 103 KA +2 1 104 IT +2 1 105 NR +2 1 106 AA +2 1 107 EP +2 1 108 EP +2 1 109 TK +2 1 110 KA +2 1 111 YN +2 1 112 NR +2 1 113 TK +2 1 114 YN +2 1 115 NR +2 1 116 EP +2 1 117 KA +2 1 118 NR +2 1 119 YN +2 1 120 EP +2 1 121 NR +2 1 122 YN +2 1 123 YN +2 1 124 YN +2 1 125 NR +2 1 126 NR +2 1 127 YN +2 1 128 AA +2 1 129 EP +2 1 130 KA +2 1 131 TK +2 1 132 NR +2 1 133 YN +2 1 134 KA +2 1 135 NR +2 1 136 YN +2 1 137 YN +2 1 138 IT +2 1 139 EP +2 1 140 * +2 1 141 EP +2 1 142 EP +2 1 143 YN +2 1 144 TK +2 1 145 YN +2 1 146 AA +2 1 147 YN +2 1 148 NR +2 1 149 YN +2 1 150 TK +2 1 151 EP +2 1 152 EP +2 1 153 * +2 1 154 TK +2 1 155 KA +2 1 156 YN +2 1 157 KA +2 1 158 EP +2 1 159 KA +2 1 160 EP +2 1 161 YN +2 1 162 NR +2 1 163 YN +2 1 164 * +2 1 165 YN +2 1 166 * +2 1 167 EP +2 1 168 YN +2 1 169 IT +2 1 170 TK +2 1 171 YN +2 1 172 EP +2 1 173 NR +2 1 174 YN +2 1 175 * +2 1 176 NR +2 1 177 YN +2 1 178 IT +2 1 179 TK +2 1 180 IT +2 1 181 AA +2 1 182 TK +2 1 183 AA +2 1 184 IT +2 1 185 AA +2 1 186 YN +2 1 187 AA +2 1 188 YN +2 1 189 EP +2 1 190 EP +2 1 191 YN +2 1 192 TK +2 1 193 KA +2 1 194 TK +2 1 195 YN +2 1 196 KA +2 1 197 TK +2 1 198 TK +2 1 199 EP +2 1 200 TK +2 1 201 AA +2 1 202 YN +2 1 203 NR +2 1 204 TK +2 1 205 * +2 1 206 EP +2 1 207 NR +2 1 208 KA +2 1 209 YN +2 1 210 KA +2 1 211 IT +2 1 212 NR +2 1 213 EP +2 1 214 YN +2 1 215 TK +2 1 216 TK +2 1 217 EP +2 1 218 KA +2 1 219 EP +2 1 220 IT +2 1 221 EP +2 1 222 TK +2 1 223 YN +2 1 224 EP +2 1 225 AA +2 1 226 KA +2 1 227 TK +2 1 228 IT +2 1 229 YN +2 1 230 EP +2 1 231 TK +2 1 232 KA +2 1 233 IT +2 1 234 YN +2 1 235 * +2 1 236 YN +2 1 237 EP +2 1 238 YN +2 1 239 NR +2 1 240 KA +2 1 241 EP +2 1 242 AA +2 1 243 TK +2 1 244 EP +2 1 245 NR +2 1 246 YN +2 1 247 * +2 1 248 TK +2 1 249 YN +2 1 250 IT +2 1 251 YN +2 1 252 EP +2 1 253 YN +2 1 254 IT +2 1 255 TK +2 1 256 NR +2 1 257 IT +2 1 258 AA +2 1 259 NR +2 1 260 EP +2 1 261 NR +2 1 262 EP +2 1 263 EP +2 1 264 YN +2 1 265 YN +2 1 266 NR +2 1 267 TK +2 1 268 YN +2 1 269 NR +2 1 270 KA +2 1 271 YN +2 1 272 EP +2 1 273 NR +2 1 274 EP +2 1 275 KA +2 1 276 NR +2 1 277 * +2 1 278 NR +2 1 279 * +2 1 280 YN +2 1 281 * +2 1 282 YN +2 1 283 KA +2 1 284 EP +2 1 285 EP +2 1 286 EP +2 1 287 KA +2 1 288 NR +2 1 289 YN +2 1 290 EP +2 1 291 IT +2 1 292 KA +2 1 293 EP +2 1 294 EP +2 1 295 AA +2 1 296 IT +2 1 297 AA +2 1 298 NR +2 1 299 YN +2 1 300 EP +2 1 301 YN +2 1 302 EP +2 1 303 * +2 1 304 KA +2 1 305 TK +2 1 306 YN +2 1 307 IT +2 1 308 TK +2 1 309 TK +2 1 310 YN +2 1 311 IT +2 1 312 TK +2 1 313 IT +2 1 314 EP +2 1 315 YN +2 1 316 YN +2 1 317 NR +2 1 318 AA +2 1 319 EP +2 1 320 KA +2 1 321 NR +2 1 322 IT +2 1 323 YN +2 1 324 EP +2 1 325 TK +2 1 326 AA +2 1 327 EP +2 1 328 YN +2 1 329 KA +2 1 330 EP +2 2 1 IT +2 2 2 AT +2 2 3 NR +2 2 4 IR +2 2 5 YN +2 2 6 AT +2 2 7 YN +2 2 8 NR +2 2 9 AT +2 2 10 IR +2 2 11 YN +2 2 12 AA +2 2 13 AW +2 2 14 IR +2 2 15 AT +2 2 16 EP +2 2 17 NR +2 2 18 KA +2 2 19 IR +2 2 20 YN +2 2 21 NR +2 2 22 AT +2 2 23 IR +2 2 24 AT +2 2 25 YN +2 2 26 IR +2 2 27 AT +2 2 28 NR +2 2 29 YN +2 2 30 AT +2 2 31 IR +2 2 32 NR +2 2 33 YN +2 2 34 IR +2 2 35 NR +2 2 36 YN +2 2 37 IR +2 2 38 NR +2 2 39 YN +2 2 40 IR +2 2 41 NR +2 2 42 AT +2 2 43 IR +2 2 44 EP +2 2 45 YN +2 2 46 TK +2 2 47 TK +2 2 48 AA +2 2 49 YN +2 2 50 NR +2 2 51 KA +2 2 52 EP +2 2 53 NR +2 2 54 YN +2 2 55 IR +2 2 56 NR +2 2 57 YN +2 2 58 KA +2 2 59 EP +2 2 60 IR +2 2 61 NR +2 2 62 IR +2 2 63 NR +2 2 64 IR +2 2 65 NR +2 2 66 EP +2 2 67 YN +2 2 68 NR +2 2 69 KA +2 2 70 EP +2 2 71 NR +2 2 72 YN +2 2 73 IR +2 2 74 EP +2 2 75 YN +2 2 76 NR +2 2 77 YN +2 2 78 NR +2 2 79 KA +2 2 80 IR +2 2 81 YN +2 2 82 YN +2 2 83 EP +2 2 84 NR +2 2 85 YN +2 2 86 NR +2 2 87 AT +2 2 88 NR +2 2 89 TK +2 2 90 YN +2 2 91 AA +2 2 92 EP +2 2 93 IR +2 2 94 AT +2 2 95 EP +2 2 96 AA +2 2 97 IR +2 2 98 NR +2 2 99 EP +2 2 100 YN +2 2 101 NR +2 2 102 EP +2 2 103 AT +2 2 104 IR +2 2 105 NR +2 2 106 EP +2 2 107 EP +2 2 108 EP +2 2 109 IR +2 2 110 AA +2 2 111 TK +2 2 112 NR +2 2 113 TK +2 2 114 YN +2 2 115 NR +2 2 116 EP +2 2 117 TK +2 2 118 NR +2 2 119 YN +2 2 120 EP +2 2 121 NR +2 2 122 YN +2 2 123 TK +2 2 124 YN +2 2 125 NR +2 2 126 NR +2 2 127 TK +2 2 128 AA +2 2 129 EP +2 2 130 TK +2 2 131 IR +2 2 132 NR +2 2 133 YN +2 2 134 TK +2 2 135 NR +2 2 136 YN +2 2 137 YN +2 2 138 IR +2 2 139 EP +2 2 140 IR +2 2 141 EP +2 2 142 EP +2 2 143 YN +2 2 144 IR +2 2 145 YN +2 2 146 AA +2 2 147 YN +2 2 148 NR +2 2 149 YN +2 2 150 IR +2 2 151 NR +2 2 152 IR +2 2 153 IT +2 2 154 TK +2 2 155 TK +2 2 156 YN +2 2 157 TK +2 2 158 EP +2 2 159 AT +2 2 160 NR +2 2 161 YN +2 2 162 NR +2 2 163 YN +2 2 164 IT +2 2 165 AT +2 2 166 TK +2 2 167 EP +2 2 168 YN +2 2 169 IT +2 2 170 TK +2 2 171 YN +2 2 172 EP +2 2 173 NR +2 2 174 AA +2 2 175 EP +2 2 176 NR +2 2 177 AT +2 2 178 IR +2 2 179 TK +2 2 180 YN +2 2 181 AT +2 2 182 TK +2 2 183 TK +2 2 184 IR +2 2 185 AT +2 2 186 YN +2 2 187 AA +2 2 188 YN +2 2 189 EP +2 2 190 NR +2 2 191 YN +2 2 192 IR +2 2 193 AT +2 2 194 TK +2 2 195 YN +2 2 196 YN +2 2 197 IR +2 2 198 TK +2 2 199 EP +2 2 200 YN +2 2 201 NR +2 2 202 YN +2 2 203 NR +2 2 204 TK +2 2 205 TK +2 2 206 EP +2 2 207 NR +2 2 208 AT +2 2 209 YN +2 2 210 TK +2 2 211 IR +2 2 212 AA +2 2 213 EP +2 2 214 YN +2 2 215 NR +2 2 216 TK +2 2 217 NR +2 2 218 AA +2 2 219 EP +2 2 220 IR +2 2 221 EP +2 2 222 TK +2 2 223 YN +2 2 224 EP +2 2 225 AA +2 2 226 YN +2 2 227 TK +2 2 228 IR +2 2 229 YN +2 2 230 EP +2 2 231 NR +2 2 232 AT +2 2 233 IR +2 2 234 YN +2 2 235 IR +2 2 236 AA +2 2 237 NR +2 2 238 YN +2 2 239 NR +2 2 240 TK +2 2 241 EP +2 2 242 AA +2 2 243 NR +2 2 244 EP +2 2 245 NR +2 2 246 YN +2 2 247 IR +2 2 248 TK +2 2 249 YN +2 2 250 IR +2 2 251 YN +2 2 252 EP +2 2 253 YN +2 2 254 EP +2 2 255 TK +2 2 256 NR +2 2 257 TK +2 2 258 AA +2 2 259 NR +2 2 260 EP +2 2 261 AA +2 2 262 EP +2 2 263 TK +2 2 264 EP +2 2 265 YN +2 2 266 NR +2 2 267 NR +2 2 268 YN +2 2 269 NR +2 2 270 AA +2 2 271 YN +2 2 272 EP +2 2 273 NR +2 2 274 EP +2 2 275 AA +2 2 276 NR +2 2 277 IR +2 2 278 AA +2 2 279 IR +2 2 280 YN +2 2 281 YN +2 2 282 YN +2 2 283 AT +2 2 284 EP +2 2 285 NR +2 2 286 EP +2 2 287 AA +2 2 288 NR +2 2 289 YN +2 2 290 EP +2 2 291 IR +2 2 292 NR +2 2 293 EP +2 2 294 EP +2 2 295 TK +2 2 296 IR +2 2 297 AA +2 2 298 NR +2 2 299 YN +2 2 300 EP +2 2 301 YN +2 2 302 EP +2 2 303 EP +2 2 304 YN +2 2 305 IR +2 2 306 YN +2 2 307 YN +2 2 308 IR +2 2 309 TK +2 2 310 YN +2 2 311 IR +2 2 312 TK +2 2 313 IR +2 2 314 EP +2 2 315 YN +2 2 316 YN +2 2 317 NR +2 2 318 AA +2 2 319 EP +2 2 320 AT +2 2 321 NR +2 2 322 IR +2 2 323 YN +2 2 324 EP +2 2 325 NR +2 2 326 AA +2 2 327 EP +2 2 328 YN +2 2 329 AT +2 2 330 EP +2 3 1 PN +2 3 2 PN +2 3 3 NR +2 3 4 PN +2 3 5 YN +2 3 6 EP +2 3 7 YN +2 3 8 KW +2 3 9 KW +2 3 10 PN +2 3 11 YN +2 3 12 AA +2 3 13 YN +2 3 14 TK +2 3 15 EP +2 3 16 EP +2 3 17 NR +2 3 18 TK +2 3 19 PN +2 3 20 YN +2 3 21 NR +2 3 22 AA +2 3 23 TK +2 3 24 TK +2 3 25 YN +2 3 26 EP +2 3 27 PN +2 3 28 NR +2 3 29 YN +2 3 30 AA +2 3 31 PN +2 3 32 KW +2 3 33 YN +2 3 34 PN +2 3 35 KW +2 3 36 YN +2 3 37 PN +2 3 38 NR +2 3 39 YN +2 3 40 PN +2 3 41 NR +2 3 42 AA +2 3 43 PN +2 3 44 EP +2 3 45 YN +2 3 46 EP +2 3 47 YN +2 3 48 AA +2 3 49 PN +2 3 50 TK +2 3 51 EP +2 3 52 PN +2 3 53 NR +2 3 54 YN +2 3 55 PN +2 3 56 EP +2 3 57 PN +2 3 58 YN +2 3 59 EP +2 3 60 TK +2 3 61 NR +2 3 62 EP +2 3 63 KW +2 3 64 PN +2 3 65 NR +2 3 66 EP +2 3 67 PN +2 3 68 KW +2 3 69 YN +2 3 70 EP +2 3 71 KW +2 3 72 YN +2 3 73 PN +2 3 74 EP +2 3 75 WT +2 3 76 KW +2 3 77 PN +2 3 78 EP +2 3 79 TK +2 3 80 PN +2 3 81 WT +2 3 82 PN +2 3 83 AA +2 3 84 KW +2 3 85 YN +2 3 86 KW +2 3 87 TK +2 3 88 NR +2 3 89 TK +2 3 90 YN +2 3 91 YN +2 3 92 EP +2 3 93 PN +2 3 94 TK +2 3 95 EP +2 3 96 AA +2 3 97 PN +2 3 98 NR +2 3 99 EP +2 3 100 YN +2 3 101 KW +2 3 102 EP +2 3 103 TK +2 3 104 PN +2 3 105 KW +2 3 106 AA +2 3 107 EP +2 3 108 EP +2 3 109 PN +2 3 110 AA +2 3 111 WT +2 3 112 NR +2 3 113 TK +2 3 114 PN +2 3 115 NR +2 3 116 EP +2 3 117 TK +2 3 118 KW +2 3 119 YN +2 3 120 EP +2 3 121 KW +2 3 122 YN +2 3 123 PN +2 3 124 WT +2 3 125 KW +2 3 126 KW +2 3 127 TK +2 3 128 WT +2 3 129 EP +2 3 130 TK +2 3 131 KW +2 3 132 KW +2 3 133 YN +2 3 134 TK +2 3 135 KW +2 3 136 YN +2 3 137 WT +2 3 138 PN +2 3 139 EP +2 3 140 PN +2 3 141 EP +2 3 142 EP +2 3 143 YN +2 3 144 TK +2 3 145 WT +2 3 146 AA +2 3 147 YN +2 3 148 NR +2 3 149 YN +2 3 150 PN +2 3 151 KW +2 3 152 PN +2 3 153 PN +2 3 154 TK +2 3 155 TK +2 3 156 YN +2 3 157 TK +2 3 158 EP +2 3 159 AA +2 3 160 EP +2 3 161 YN +2 3 162 NR +2 3 163 WT +2 3 164 PN +2 3 165 WT +2 3 166 TK +2 3 167 EP +2 3 168 WT +2 3 169 PN +2 3 170 TK +2 3 171 WT +2 3 172 EP +2 3 173 KW +2 3 174 AA +2 3 175 PN +2 3 176 KW +2 3 177 AA +2 3 178 PN +2 3 179 KW +2 3 180 YN +2 3 181 AA +2 3 182 KW +2 3 183 WT +2 3 184 PN +2 3 185 AA +2 3 186 PN +2 3 187 AA +2 3 188 PN +2 3 189 EP +2 3 190 EP +2 3 191 WT +2 3 192 PN +2 3 193 AA +2 3 194 KW +2 3 195 YN +2 3 196 PN +2 3 197 EP +2 3 198 TK +2 3 199 WT +2 3 200 PN +2 3 201 EP +2 3 202 YN +2 3 203 NR +2 3 204 TK +2 3 205 PN +2 3 206 EP +2 3 207 NR +2 3 208 AA +2 3 209 TK +2 3 210 TK +2 3 211 PN +2 3 212 AA +2 3 213 EP +2 3 214 WT +2 3 215 EP +2 3 216 TK +2 3 217 EP +2 3 218 WT +2 3 219 EP +2 3 220 PN +2 3 221 EP +2 3 222 PN +2 3 223 YN +2 3 224 EP +2 3 225 WT +2 3 226 PN +2 3 227 TK +2 3 228 PN +2 3 229 YN +2 3 230 EP +2 3 231 KW +2 3 232 WT +2 3 233 PN +2 3 234 YN +2 3 235 PN +2 3 236 WT +2 3 237 KW +2 3 238 YN +2 3 239 KW +2 3 240 WT +2 3 241 EP +2 3 242 AA +2 3 243 KW +2 3 244 EP +2 3 245 KW +2 3 246 YN +2 3 247 PN +2 3 248 WT +2 3 249 YN +2 3 250 PN +2 3 251 YN +2 3 252 EP +2 3 253 YN +2 3 254 PN +2 3 255 TK +2 3 256 NR +2 3 257 PN +2 3 258 AA +2 3 259 KW +2 3 260 EP +2 3 261 KW +2 3 262 EP +2 3 263 TK +2 3 264 IT +2 3 265 YN +2 3 266 KW +2 3 267 PN +2 3 268 YN +2 3 269 NR +2 3 270 AA +2 3 271 WT +2 3 272 EP +2 3 273 EP +2 3 274 EP +2 3 275 WT +2 3 276 NR +2 3 277 TK +2 3 278 KW +2 3 279 PN +2 3 280 YN +2 3 281 YN +2 3 282 YN +2 3 283 TK +2 3 284 EP +2 3 285 KW +2 3 286 EP +2 3 287 WT +2 3 288 NR +2 3 289 PN +2 3 290 EP +2 3 291 PN +2 3 292 EP +2 3 293 WT +2 3 294 EP +2 3 295 WT +2 3 296 PN +2 3 297 AA +2 3 298 NR +2 3 299 YN +2 3 300 EP +2 3 301 YN +2 3 302 EP +2 3 303 PN +2 3 304 WT +2 3 305 KW +2 3 306 YN +2 3 307 PN +2 3 308 EP +2 3 309 TK +2 3 310 YN +2 3 311 PN +2 3 312 TK +2 3 313 PN +2 3 314 EP +2 3 315 YN +2 3 316 YN +2 3 317 NR +2 3 318 AA +2 3 319 EP +2 3 320 WT +2 3 321 NR +2 3 322 PN +2 3 323 YN +2 3 324 EP +2 3 325 KW +2 3 326 AA +2 3 327 EP +2 3 328 YN +2 3 329 TK +2 3 330 EP +2 4 1 IT +2 4 2 EP +2 4 3 NR +2 4 4 TK +2 4 5 IT +2 4 6 AA +2 4 7 IT +2 4 8 NR +2 4 9 AA +2 4 10 IT +2 4 11 TK +2 4 12 AA +2 4 13 YN +2 4 14 TK +2 4 15 EP +2 4 16 EP +2 4 17 NR +2 4 18 TK +2 4 19 IT +2 4 20 IT +2 4 21 NR +2 4 22 EP +2 4 23 IT +2 4 24 TK +2 4 25 IT +2 4 26 IT +2 4 27 EP +2 4 28 NR +2 4 29 IT +2 4 30 NR +2 4 31 EP +2 4 32 NR +2 4 33 IT +2 4 34 IT +2 4 35 NR +2 4 36 TK +2 4 37 IT +2 4 38 NR +2 4 39 AW +2 4 40 IT +2 4 41 NR +2 4 42 AA +2 4 43 TK +2 4 44 EP +2 4 45 IT +2 4 46 EP +2 4 47 TK +2 4 48 AA +2 4 49 IT +2 4 50 TK +2 4 51 AT +2 4 52 EP +2 4 53 NR +2 4 54 YN +2 4 55 IT +2 4 56 AA +2 4 57 IT +2 4 58 AA +2 4 59 EP +2 4 60 TK +2 4 61 NR +2 4 62 EP +2 4 63 NR +2 4 64 IT +2 4 65 NR +2 4 66 EP +2 4 67 YN +2 4 68 NR +2 4 69 AA +2 4 70 EP +2 4 71 NR +2 4 72 IT +2 4 73 NR +2 4 74 EP +2 4 75 TK +2 4 76 NR +2 4 77 IT +2 4 78 EP +2 4 79 TK +2 4 80 YN +2 4 81 YN +2 4 82 IT +2 4 83 EP +2 4 84 NR +2 4 85 IT +2 4 86 NR +2 4 87 TK +2 4 88 NR +2 4 89 TK +2 4 90 IT +2 4 91 AA +2 4 92 EP +2 4 93 IT +2 4 94 TK +2 4 95 EP +2 4 96 AA +2 4 97 IT +2 4 98 NR +2 4 99 AT +2 4 100 IT +2 4 101 NR +2 4 102 EP +2 4 103 TK +2 4 104 YN +2 4 105 NR +2 4 106 AA +2 4 107 EP +2 4 108 EP +2 4 109 IT +2 4 110 AA +2 4 111 TK +2 4 112 NR +2 4 113 TK +2 4 114 IT +2 4 115 NR +2 4 116 EP +2 4 117 NR +2 4 118 NR +2 4 119 IT +2 4 120 EP +2 4 121 NR +2 4 122 YN +2 4 123 IT +2 4 124 AA +2 4 125 NR +2 4 126 NR +2 4 127 IT +2 4 128 AA +2 4 129 EP +2 4 130 TK +2 4 131 NR +2 4 132 NR +2 4 133 IT +2 4 134 TK +2 4 135 NR +2 4 136 YN +2 4 137 IT +2 4 138 EP +2 4 139 EP +2 4 140 IT +2 4 141 EP +2 4 142 EP +2 4 143 IT +2 4 144 IT +2 4 145 IT +2 4 146 AA +2 4 147 YN +2 4 148 NR +2 4 149 YN +2 4 150 TK +2 4 151 NR +2 4 152 IT +2 4 153 YN +2 4 154 TK +2 4 155 TK +2 4 156 IT +2 4 157 AA +2 4 158 EP +2 4 159 AA +2 4 160 NR +2 4 161 IT +2 4 162 NR +2 4 163 YN +2 4 164 IT +2 4 165 TK +2 4 166 IT +2 4 167 EP +2 4 168 IT +2 4 169 YN +2 4 170 IT +2 4 171 AA +2 4 172 EP +2 4 173 NR +2 4 174 AA +2 4 175 IT +2 4 176 NR +2 4 177 AA +2 4 178 YN +2 4 179 NR +2 4 180 YN +2 4 181 AA +2 4 182 NR +2 4 183 AT +2 4 184 NR +2 4 185 AT +2 4 186 IT +2 4 187 AA +2 4 188 IT +2 4 189 EP +2 4 190 NR +2 4 191 YN +2 4 192 TK +2 4 193 AA +2 4 194 NR +2 4 195 IT +2 4 196 YN +2 4 197 NR +2 4 198 TK +2 4 199 EP +2 4 200 YN +2 4 201 NR +2 4 202 YN +2 4 203 NR +2 4 204 TK +2 4 205 IT +2 4 206 EP +2 4 207 NR +2 4 208 AA +2 4 209 IT +2 4 210 NR +2 4 211 YN +2 4 212 NR +2 4 213 EP +2 4 214 AA +2 4 215 NR +2 4 216 TK +2 4 217 NR +2 4 218 AA +2 4 219 EP +2 4 220 IT +2 4 221 EP +2 4 222 IT +2 4 223 YN +2 4 224 EP +2 4 225 AA +2 4 226 YN +2 4 227 TK +2 4 228 IT +2 4 229 YN +2 4 230 EP +2 4 231 NR +2 4 232 AA +2 4 233 IT +2 4 234 YN +2 4 235 IT +2 4 236 AA +2 4 237 NR +2 4 238 YN +2 4 239 NR +2 4 240 NR +2 4 241 EP +2 4 242 AA +2 4 243 NR +2 4 244 EP +2 4 245 NR +2 4 246 YN +2 4 247 IT +2 4 248 TK +2 4 249 YN +2 4 250 TK +2 4 251 YN +2 4 252 EP +2 4 253 YN +2 4 254 IT +2 4 255 TK +2 4 256 NR +2 4 257 YN +2 4 258 AA +2 4 259 NR +2 4 260 EP +2 4 261 NR +2 4 262 EP +2 4 263 EP +2 4 264 YN +2 4 265 YN +2 4 266 NR +2 4 267 NR +2 4 268 YN +2 4 269 NR +2 4 270 AA +2 4 271 TK +2 4 272 EP +2 4 273 NR +2 4 274 EP +2 4 275 AA +2 4 276 NR +2 4 277 YN +2 4 278 NR +2 4 279 IT +2 4 280 AA +2 4 281 YN +2 4 282 YN +2 4 283 NR +2 4 284 EP +2 4 285 NR +2 4 286 EP +2 4 287 AA +2 4 288 NR +2 4 289 IT +2 4 290 EP +2 4 291 IT +2 4 292 NR +2 4 293 EP +2 4 294 EP +2 4 295 AA +2 4 296 TK +2 4 297 AA +2 4 298 NR +2 4 299 YN +2 4 300 EP +2 4 301 YN +2 4 302 EP +2 4 303 EP +2 4 304 AA +2 4 305 NR +2 4 306 AA +2 4 307 IT +2 4 308 IT +2 4 309 AA +2 4 310 YN +2 4 311 TK +2 4 312 TK +2 4 313 IT +2 4 314 EP +2 4 315 IT +2 4 316 YN +2 4 317 NR +2 4 318 NR +2 4 319 EP +2 4 320 AA +2 4 321 NR +2 4 322 IT +2 4 323 YN +2 4 324 EP +2 4 325 NR +2 4 326 AA +2 4 327 EP +2 4 328 YN +2 4 329 AA +2 4 330 EP +2 5 1 IT +2 5 2 YN +2 5 3 NR +2 5 4 TK +2 5 5 IT +2 5 6 EP +2 5 7 AW +2 5 8 AW +2 5 9 * +2 5 10 TK +2 5 11 IT +2 5 12 KR +2 5 13 IT +2 5 14 TK +2 5 15 KR +2 5 16 EP +2 5 17 NR +2 5 18 TK +2 5 19 IT +2 5 20 YN +2 5 21 NR +2 5 22 AA +2 5 23 PN +2 5 24 * +2 5 25 PN +2 5 26 EP +2 5 27 TK +2 5 28 NR +2 5 29 YN +2 5 30 KW +2 5 31 IT +2 5 32 NR +2 5 33 YN +2 5 34 TK +2 5 35 NR +2 5 36 YN +2 5 37 IT +2 5 38 NR +2 5 39 YN +2 5 40 IT +2 5 41 NR +2 5 42 AA +2 5 43 TK +2 5 44 EP +2 5 45 YN +2 5 46 EP +2 5 47 YN +2 5 48 AA +2 5 49 IT +2 5 50 TK +2 5 51 EP +2 5 52 EP +2 5 53 NR +2 5 54 YN +2 5 55 TK +2 5 56 EP +2 5 57 YN +2 5 58 AA +2 5 59 EP +2 5 60 TK +2 5 61 NR +2 5 62 IT +2 5 63 NR +2 5 64 IT +2 5 65 NR +2 5 66 EP +2 5 67 YN +2 5 68 NR +2 5 69 WT +2 5 70 EP +2 5 71 NR +2 5 72 YN +2 5 73 KR +2 5 74 IT +2 5 75 WT +2 5 76 NR +2 5 77 YN +2 5 78 EP +2 5 79 IO +2 5 80 IT +2 5 81 AW +2 5 82 IT +2 5 83 EP +2 5 84 * +2 5 85 TK +2 5 86 PH +2 5 87 WT +2 5 88 PH +2 5 89 TK +2 5 90 AW +2 5 91 AA +2 5 92 EP +2 5 93 IT +2 5 94 IO +2 5 95 EP +2 5 96 AA +2 5 97 TK +2 5 98 NR +2 5 99 IO +2 5 100 YN +2 5 101 KR +2 5 102 IO +2 5 103 WT +2 5 104 YN +2 5 105 KR +2 5 106 AA +2 5 107 EP +2 5 108 YN +2 5 109 TK +2 5 110 AA +2 5 111 WT +2 5 112 NR +2 5 113 WT +2 5 114 TK +2 5 115 PH +2 5 116 EP +2 5 117 WT +2 5 118 KR +2 5 119 YN +2 5 120 EP +2 5 121 NR +2 5 122 YN +2 5 123 IT +2 5 124 AW +2 5 125 PH +2 5 126 KR +2 5 127 YN +2 5 128 AA +2 5 129 IO +2 5 130 WT +2 5 131 NR +2 5 132 NR +2 5 133 YN +2 5 134 WT +2 5 135 NR +2 5 136 IT +2 5 137 YN +2 5 138 IT +2 5 139 IO +2 5 140 IT +2 5 141 IO +2 5 142 EP +2 5 143 AW +2 5 144 TK +2 5 145 YN +2 5 146 AA +2 5 147 IT +2 5 148 NR +2 5 149 YN +2 5 150 TK +2 5 151 IO +2 5 152 EP +2 5 153 IT +2 5 154 IO +2 5 155 WT +2 5 156 YN +2 5 157 WT +2 5 158 IO +2 5 159 AA +2 5 160 KR +2 5 161 YN +2 5 162 NR +2 5 163 IT +2 5 164 TK +2 5 165 WT +2 5 166 IT +2 5 167 IO +2 5 168 YN +2 5 169 IT +2 5 170 YN +2 5 171 WT +2 5 172 EP +2 5 173 NR +2 5 174 AA +2 5 175 IT +2 5 176 NR +2 5 177 AA +2 5 178 TK +2 5 179 NR +2 5 180 YN +2 5 181 WT +2 5 182 PH +2 5 183 WT +2 5 184 TK +2 5 185 WT +2 5 186 IT +2 5 187 KR +2 5 188 IT +2 5 189 EP +2 5 190 KR +2 5 191 TK +2 5 192 KR +2 5 193 AA +2 5 194 PH +2 5 195 AW +2 5 196 IT +2 5 197 TU +2 5 198 EP +2 5 199 IO +2 5 200 TK +2 5 201 NR +2 5 202 YN +2 5 203 PH +2 5 204 WT +2 5 205 TK +2 5 206 EP +2 5 207 NR +2 5 208 WT +2 5 209 TK +2 5 210 WT +2 5 211 IT +2 5 212 AA +2 5 213 IO +2 5 214 AW +2 5 215 KR +2 5 216 WT +2 5 217 NR +2 5 218 AW +2 5 219 EP +2 5 220 TK +2 5 221 IO +2 5 222 IT +2 5 223 YN +2 5 224 IO +2 5 225 WT +2 5 226 IT +2 5 227 WT +2 5 228 TK +2 5 229 YN +2 5 230 IO +2 5 231 KR +2 5 232 WT +2 5 233 TK +2 5 234 YN +2 5 235 TK +2 5 236 WT +2 5 237 IO +2 5 238 YN +2 5 239 NR +2 5 240 WT +2 5 241 IO +2 5 242 AA +2 5 243 NR +2 5 244 IO +2 5 245 NR +2 5 246 IT +2 5 247 KR +2 5 248 WT +2 5 249 YN +2 5 250 KR +2 5 251 YN +2 5 252 IO +2 5 253 YN +2 5 254 IT +2 5 255 WT +2 5 256 NR +2 5 257 IT +2 5 258 AA +2 5 259 * +2 5 260 IO +2 5 261 AA +2 5 262 IO +2 5 263 IO +2 5 264 IT +2 5 265 YN +2 5 266 NR +2 5 267 KR +2 5 268 YN +2 5 269 KR +2 5 270 AA +2 5 271 AW +2 5 272 EP +2 5 273 KR +2 5 274 IO +2 5 275 WT +2 5 276 NR +2 5 277 IT +2 5 278 KR +2 5 279 TK +2 5 280 AW +2 5 281 YN +2 5 282 AW +2 5 283 WT +2 5 284 EP +2 5 285 KR +2 5 286 EP +2 5 287 WT +2 5 288 NR +2 5 289 IT +2 5 290 IO +2 5 291 TK +2 5 292 KR +2 5 293 EP +2 5 294 EP +2 5 295 WT +2 5 296 TK +2 5 297 AA +2 5 298 NR +2 5 299 IT +2 5 300 IO +2 5 301 YN +2 5 302 IO +2 5 303 TK +2 5 304 AW +2 5 305 KR +2 5 306 AW +2 5 307 IT +2 5 308 KR +2 5 309 WT +2 5 310 IT +2 5 311 TK +2 5 312 TK +2 5 313 TK +2 5 314 IO +2 5 315 YN +2 5 316 IT +2 5 317 NR +2 5 318 KR +2 5 319 IO +2 5 320 WT +2 5 321 NR +2 5 322 TK +2 5 323 YN +2 5 324 EP +2 5 325 KR +2 5 326 AA +2 5 327 EP +2 5 328 AW +2 5 329 WT +2 5 330 EP +2 6 1 IT +2 6 2 YN +2 6 3 NR +2 6 4 TK +2 6 5 YN +2 6 6 NR +2 6 7 YN +2 6 8 IT +2 6 9 MP +2 6 10 IT +2 6 11 YN +2 6 12 MP +2 6 13 IT +2 6 14 YN +2 6 15 IT +2 6 16 EP +2 6 17 NR +2 6 18 TK +2 6 19 IT +2 6 20 YN +2 6 21 NR +2 6 22 MP +2 6 23 TK +2 6 24 YN +2 6 25 YN +2 6 26 IT +2 6 27 EP +2 6 28 NR +2 6 29 YN +2 6 30 NR +2 6 31 IT +2 6 32 NR +2 6 33 YN +2 6 34 IT +2 6 35 NR +2 6 36 TK +2 6 37 TK +2 6 38 NR +2 6 39 YN +2 6 40 IT +2 6 41 NR +2 6 42 MP +2 6 43 IT +2 6 44 EP +2 6 45 YN +2 6 46 EP +2 6 47 YN +2 6 48 MP +2 6 49 IT +2 6 50 IT +2 6 51 MP +2 6 52 IT +2 6 53 NR +2 6 54 YN +2 6 55 IT +2 6 56 MP +2 6 57 YN +2 6 58 EP +2 6 59 EP +2 6 60 YN +2 6 61 NR +2 6 62 IT +2 6 63 NR +2 6 64 IT +2 6 65 NR +2 6 66 EP +2 6 67 YN +2 6 68 NR +2 6 69 YN +2 6 70 EP +2 6 71 NR +2 6 72 YN +2 6 73 IT +2 6 74 YN +2 6 75 TK +2 6 76 NR +2 6 77 IT +2 6 78 NR +2 6 79 YN +2 6 80 IT +2 6 81 YN +2 6 82 YN +2 6 83 MP +2 6 84 NR +2 6 85 YN +2 6 86 NR +2 6 87 YN +2 6 88 NR +2 6 89 YN +2 6 90 TK +2 6 91 YN +2 6 92 EP +2 6 93 IT +2 6 94 YN +2 6 95 YN +2 6 96 MP +2 6 97 TK +2 6 98 NR +2 6 99 TK +2 6 100 YN +2 6 101 NR +2 6 102 IT +2 6 103 YN +2 6 104 IT +2 6 105 NR +2 6 106 MP +2 6 107 EP +2 6 108 YN +2 6 109 IT +2 6 110 MP +2 6 111 YN +2 6 112 NR +2 6 113 TK +2 6 114 YN +2 6 115 NR +2 6 116 YN +2 6 117 TK +2 6 118 NR +2 6 119 YN +2 6 120 EP +2 6 121 NR +2 6 122 YN +2 6 123 IT +2 6 124 TK +2 6 125 NR +2 6 126 NR +2 6 127 TK +2 6 128 MP +2 6 129 EP +2 6 130 YN +2 6 131 IT +2 6 132 NR +2 6 133 YN +2 6 134 TK +2 6 135 NR +2 6 136 YN +2 6 137 YN +2 6 138 IT +2 6 139 EP +2 6 140 IT +2 6 141 EP +2 6 142 EP +2 6 143 YN +2 6 144 IT +2 6 145 YN +2 6 146 MP +2 6 147 IT +2 6 148 NR +2 6 149 YN +2 6 150 * +2 6 151 NR +2 6 152 NR +2 6 153 IT +2 6 154 YN +2 6 155 YN +2 6 156 IT +2 6 157 YN +2 6 158 EP +2 6 159 MP +2 6 160 NR +2 6 161 YN +2 6 162 NR +2 6 163 YN +2 6 164 IT +2 6 165 YN +2 6 166 TK +2 6 167 NR +2 6 168 YN +2 6 169 YN +2 6 170 YN +2 6 171 YN +2 6 172 EP +2 6 173 NR +2 6 174 MP +2 6 175 YN +2 6 176 NR +2 6 177 MP +2 6 178 IT +2 6 179 NR +2 6 180 YN +2 6 181 MP +2 6 182 NR +2 6 183 YN +2 6 184 TK +2 6 185 MP +2 6 186 YN +2 6 187 NR +2 6 188 IT +2 6 189 YN +2 6 190 NR +2 6 191 YN +2 6 192 IT +2 6 193 MP +2 6 194 YN +2 6 195 YN +2 6 196 YN +2 6 197 NR +2 6 198 YN +2 6 199 YN +2 6 200 IT +2 6 201 NR +2 6 202 YN +2 6 203 NR +2 6 204 YN +2 6 205 IT +2 6 206 YN +2 6 207 NR +2 6 208 MP +2 6 209 YN +2 6 210 YN +2 6 211 TK +2 6 212 NR +2 6 213 IT +2 6 214 YN +2 6 215 NR +2 6 216 TK +2 6 217 NR +2 6 218 YN +2 6 219 YN +2 6 220 IT +2 6 221 YN +2 6 222 NR +2 6 223 YN +2 6 224 EP +2 6 225 MP +2 6 226 YN +2 6 227 TK +2 6 228 TK +2 6 229 YN +2 6 230 EP +2 6 231 NR +2 6 232 YN +2 6 233 IT +2 6 234 YN +2 6 235 IT +2 6 236 YN +2 6 237 NR +2 6 238 YN +2 6 239 NR +2 6 240 NR +2 6 241 EP +2 6 242 MP +2 6 243 NR +2 6 244 YN +2 6 245 NR +2 6 246 YN +2 6 247 IT +2 6 248 YN +2 6 249 YN +2 6 250 IT +2 6 251 YN +2 6 252 EP +2 6 253 YN +2 6 254 TK +2 6 255 YN +2 6 256 NR +2 6 257 YN +2 6 258 MP +2 6 259 NR +2 6 260 YN +2 6 261 NR +2 6 262 EP +2 6 263 YN +2 6 264 YN +2 6 265 YN +2 6 266 NR +2 6 267 TK +2 6 268 YN +2 6 269 NR +2 6 270 MP +2 6 271 YN +2 6 272 EP +2 6 273 NR +2 6 274 EP +2 6 275 YN +2 6 276 NR +2 6 277 YN +2 6 278 NR +2 6 279 IT +2 6 280 YN +2 6 281 YN +2 6 282 YN +2 6 283 MP +2 6 284 EP +2 6 285 NR +2 6 286 EP +2 6 287 MP +2 6 288 NR +2 6 289 YN +2 6 290 EP +2 6 291 IT +2 6 292 NR +2 6 293 YN +2 6 294 EP +2 6 295 YN +2 6 296 YN +2 6 297 MP +2 6 298 NR +2 6 299 YN +2 6 300 EP +2 6 301 YN +2 6 302 EP +2 6 303 IT +2 6 304 YN +2 6 305 IT +2 6 306 YN +2 6 307 IT +2 6 308 TK +2 6 309 YN +2 6 310 YN +2 6 311 IT +2 6 312 TK +2 6 313 TK +2 6 314 EP +2 6 315 YN +2 6 316 YN +2 6 317 TK +2 6 318 NR +2 6 319 EP +2 6 320 YN +2 6 321 NR +2 6 322 IT +2 6 323 YN +2 6 324 EP +2 6 325 IT +2 6 326 MP +2 6 327 TK +2 6 328 YN +2 6 329 YN +2 6 330 IT +2 7 1 TK +2 7 2 EP +2 7 3 NR +2 7 4 IT +2 7 5 IT +2 7 6 EP +2 7 7 YN +2 7 8 NR +2 7 9 * +2 7 10 IT +2 7 11 IT +2 7 12 YN +2 7 13 IT +2 7 14 YN +2 7 15 EP +2 7 16 EP +2 7 17 NR +2 7 18 YN +2 7 19 IT +2 7 20 IT +2 7 21 NR +2 7 22 EP +2 7 23 IT +2 7 24 YN +2 7 25 YN +2 7 26 YN +2 7 27 EP +2 7 28 NR +2 7 29 IT +2 7 30 EP +2 7 31 IT +2 7 32 YN +2 7 33 YN +2 7 34 IT +2 7 35 EP +2 7 36 YN +2 7 37 YN +2 7 38 EP +2 7 39 YN +2 7 40 YN +2 7 41 EP +2 7 42 YN +2 7 43 TK +2 7 44 EP +2 7 45 YN +2 7 46 EP +2 7 47 YN +2 7 48 EP +2 7 49 YN +2 7 50 IT +2 7 51 EP +2 7 52 EP +2 7 53 NR +2 7 54 YN +2 7 55 IT +2 7 56 EP +2 7 57 YN +2 7 58 EP +2 7 59 EP +2 7 60 YN +2 7 61 NR +2 7 62 IT +2 7 63 NR +2 7 64 IT +2 7 65 NR +2 7 66 EP +2 7 67 IT +2 7 68 NR +2 7 69 YN +2 7 70 EP +2 7 71 IT +2 7 72 YN +2 7 73 IT +2 7 74 EP +2 7 75 YN +2 7 76 IT +2 7 77 YN +2 7 78 EP +2 7 79 KT +2 7 80 IT +2 7 81 YN +2 7 82 YN +2 7 83 EP +2 7 84 EP +2 7 85 YN +2 7 86 NR +2 7 87 TK +2 7 88 NR +2 7 89 IT +2 7 90 IT +2 7 91 YN +2 7 92 EP +2 7 93 YN +2 7 94 TK +2 7 95 EP +2 7 96 AA +2 7 97 IT +2 7 98 NR +2 7 99 TK +2 7 100 EP +2 7 101 NR +2 7 102 IT +2 7 103 IT +2 7 104 YN +2 7 105 IT +2 7 106 EP +2 7 107 EP +2 7 108 IT +2 7 109 YN +2 7 110 AA +2 7 111 TK +2 7 112 NR +2 7 113 TK +2 7 114 IT +2 7 115 NR +2 7 116 EP +2 7 117 IR +2 7 118 NR +2 7 119 YN +2 7 120 EP +2 7 121 NR +2 7 122 YN +2 7 123 YN +2 7 124 EP +2 7 125 NR +2 7 126 NR +2 7 127 YN +2 7 128 EP +2 7 129 EP +2 7 130 IT +2 7 131 YN +2 7 132 NR +2 7 133 YN +2 7 134 IT +2 7 135 NR +2 7 136 YN +2 7 137 YN +2 7 138 EP +2 7 139 EP +2 7 140 YN +2 7 141 EP +2 7 142 EP +2 7 143 YN +2 7 144 IT +2 7 145 YN +2 7 146 AA +2 7 147 YN +2 7 148 NR +2 7 149 YN +2 7 150 IT +2 7 151 EP +2 7 152 YN +2 7 153 YN +2 7 154 EP +2 7 155 * +2 7 156 YN +2 7 157 EP +2 7 158 EP +2 7 159 * +2 7 160 EP +2 7 161 YN +2 7 162 NR +2 7 163 YN +2 7 164 YN +2 7 165 IR +2 7 166 YN +2 7 167 EP +2 7 168 YN +2 7 169 YN +2 7 170 YN +2 7 171 AT +2 7 172 EP +2 7 173 NR +2 7 174 AA +2 7 175 YN +2 7 176 NR +2 7 177 AA +2 7 178 YN +2 7 179 NR +2 7 180 YN +2 7 181 AA +2 7 182 NR +2 7 183 AA +2 7 184 IT +2 7 185 AA +2 7 186 IT +2 7 187 AA +2 7 188 IT +2 7 189 EP +2 7 190 AA +2 7 191 YN +2 7 192 IT +2 7 193 AA +2 7 194 NR +2 7 195 YN +2 7 196 YN +2 7 197 IT +2 7 198 EP +2 7 199 YN +2 7 200 YN +2 7 201 EP +2 7 202 YN +2 7 203 NR +2 7 204 AA +2 7 205 TK +2 7 206 EP +2 7 207 NR +2 7 208 EP +2 7 209 TK +2 7 210 EP +2 7 211 IT +2 7 212 AA +2 7 213 IT +2 7 214 YN +2 7 215 NR +2 7 216 EP +2 7 217 NR +2 7 218 YN +2 7 219 EP +2 7 220 IT +2 7 221 EP +2 7 222 IT +2 7 223 YN +2 7 224 EP +2 7 225 YN +2 7 226 IT +2 7 227 IT +2 7 228 YN +2 7 229 YN +2 7 230 EP +2 7 231 TK +2 7 232 AA +2 7 233 YN +2 7 234 IT +2 7 235 IT +2 7 236 AA +2 7 237 EP +2 7 238 YN +2 7 239 EP +2 7 240 AA +2 7 241 EP +2 7 242 EP +2 7 243 NR +2 7 244 EP +2 7 245 NR +2 7 246 YN +2 7 247 IT +2 7 248 IT +2 7 249 YN +2 7 250 TK +2 7 251 YN +2 7 252 EP +2 7 253 YN +2 7 254 IT +2 7 255 AA +2 7 256 NR +2 7 257 IT +2 7 258 AA +2 7 259 NR +2 7 260 EP +2 7 261 NR +2 7 262 EP +2 7 263 EP +2 7 264 YN +2 7 265 YN +2 7 266 AA +2 7 267 NR +2 7 268 YN +2 7 269 NR +2 7 270 AA +2 7 271 YN +2 7 272 EP +2 7 273 IT +2 7 274 EP +2 7 275 AA +2 7 276 NR +2 7 277 IT +2 7 278 EP +2 7 279 YN +2 7 280 IT +2 7 281 YN +2 7 282 YN +2 7 283 AA +2 7 284 EP +2 7 285 AA +2 7 286 EP +2 7 287 YN +2 7 288 NR +2 7 289 YN +2 7 290 EP +2 7 291 YN +2 7 292 EP +2 7 293 YN +2 7 294 EP +2 7 295 AA +2 7 296 YN +2 7 297 EP +2 7 298 NR +2 7 299 YN +2 7 300 EP +2 7 301 YN +2 7 302 EP +2 7 303 AT +2 7 304 YN +2 7 305 NR +2 7 306 YN +2 7 307 YN +2 7 308 EP +2 7 309 YN +2 7 310 IT +2 7 311 IT +2 7 312 AT +2 7 313 YN +2 7 314 EP +2 7 315 YN +2 7 316 YN +2 7 317 NR +2 7 318 AA +2 7 319 EP +2 7 320 YN +2 7 321 NR +2 7 322 YN +2 7 323 YN +2 7 324 EP +2 7 325 NR +2 7 326 AA +2 7 327 EP +2 7 328 IT +2 7 329 NR +2 7 330 YN +2 8 1 IT +2 8 2 YN +2 8 3 NR +2 8 4 KR +2 8 5 IT +2 8 6 EP +2 8 7 AW +2 8 8 KR +2 8 9 * +2 8 10 TK +2 8 11 IT +2 8 12 KR +2 8 13 YN +2 8 14 TK +2 8 15 KR +2 8 16 EP +2 8 17 NR +2 8 18 TU +2 8 19 IT +2 8 20 YN +2 8 21 TU +2 8 22 AA +2 8 23 PN +2 8 24 * +2 8 25 * +2 8 26 EP +2 8 27 TK +2 8 28 KR +2 8 29 YN +2 8 30 * +2 8 31 IT +2 8 32 KW +2 8 33 YN +2 8 34 TK +2 8 35 NR +2 8 36 YN +2 8 37 IT +2 8 38 NR +2 8 39 YN +2 8 40 IT +2 8 41 NR +2 8 42 AA +2 8 43 TK +2 8 44 EP +2 8 45 IT +2 8 46 EP +2 8 47 YN +2 8 48 KR +2 8 49 IT +2 8 50 KR +2 8 51 EP +2 8 52 EP +2 8 53 NR +2 8 54 YN +2 8 55 TK +2 8 56 EP +2 8 57 YN +2 8 58 AA +2 8 59 EP +2 8 60 TK +2 8 61 NR +2 8 62 IT +2 8 63 NR +2 8 64 IT +2 8 65 NR +2 8 66 EP +2 8 67 YN +2 8 68 NR +2 8 69 WT +2 8 70 EP +2 8 71 NR +2 8 72 YN +2 8 73 KR +2 8 74 IT +2 8 75 WT +2 8 76 NR +2 8 77 YN +2 8 78 EP +2 8 79 IO +2 8 80 IT +2 8 81 AW +2 8 82 IT +2 8 83 EP +2 8 84 * +2 8 85 TK +2 8 86 PH +2 8 87 WT +2 8 88 PH +2 8 89 TK +2 8 90 AW +2 8 91 AA +2 8 92 EP +2 8 93 IT +2 8 94 IO +2 8 95 EP +2 8 96 AA +2 8 97 TU +2 8 98 NR +2 8 99 IO +2 8 100 YN +2 8 101 KR +2 8 102 IO +2 8 103 WT +2 8 104 TK +2 8 105 KR +2 8 106 AA +2 8 107 IO +2 8 108 YN +2 8 109 TK +2 8 110 AA +2 8 111 WT +2 8 112 NR +2 8 113 WT +2 8 114 TK +2 8 115 PH +2 8 116 EP +2 8 117 WT +2 8 118 KR +2 8 119 IT +2 8 120 IO +2 8 121 NR +2 8 122 YN +2 8 123 IT +2 8 124 AW +2 8 125 PH +2 8 126 KR +2 8 127 YN +2 8 128 AA +2 8 129 IO +2 8 130 WT +2 8 131 NR +2 8 132 PH +2 8 133 YN +2 8 134 WT +2 8 135 TU +2 8 136 IT +2 8 137 YN +2 8 138 IT +2 8 139 IO +2 8 140 IT +2 8 141 IO +2 8 142 EP +2 8 143 AW +2 8 144 TK +2 8 145 YN +2 8 146 AA +2 8 147 IT +2 8 148 NR +2 8 149 YN +2 8 150 TK +2 8 151 IO +2 8 152 EP +2 8 153 IT +2 8 154 IO +2 8 155 WT +2 8 156 YN +2 8 157 WT +2 8 158 IO +2 8 159 AA +2 8 160 KR +2 8 161 YN +2 8 162 NR +2 8 163 IT +2 8 164 TK +2 8 165 WT +2 8 166 IT +2 8 167 IO +2 8 168 YN +2 8 169 IT +2 8 170 YN +2 8 171 WT +2 8 172 IO +2 8 173 NR +2 8 174 AA +2 8 175 IT +2 8 176 * +2 8 177 AA +2 8 178 TK +2 8 179 NR +2 8 180 YN +2 8 181 WT +2 8 182 PH +2 8 183 WT +2 8 184 TK +2 8 185 WT +2 8 186 IT +2 8 187 AA +2 8 188 IT +2 8 189 EP +2 8 190 KR +2 8 191 YN +2 8 192 KR +2 8 193 AA +2 8 194 PH +2 8 195 AW +2 8 196 IT +2 8 197 TU +2 8 198 EP +2 8 199 IO +2 8 200 TK +2 8 201 NR +2 8 202 YN +2 8 203 PH +2 8 204 WT +2 8 205 TK +2 8 206 EP +2 8 207 NR +2 8 208 WT +2 8 209 TK +2 8 210 WT +2 8 211 IT +2 8 212 AA +2 8 213 IO +2 8 214 AW +2 8 215 KR +2 8 216 WT +2 8 217 NR +2 8 218 AW +2 8 219 EP +2 8 220 TK +2 8 221 IO +2 8 222 KR +2 8 223 YN +2 8 224 IO +2 8 225 WT +2 8 226 IT +2 8 227 WT +2 8 228 TK +2 8 229 YN +2 8 230 IO +2 8 231 TU +2 8 232 WT +2 8 233 TK +2 8 234 YN +2 8 235 TK +2 8 236 WT +2 8 237 IO +2 8 238 YN +2 8 239 NR +2 8 240 WT +2 8 241 IO +2 8 242 AA +2 8 243 NR +2 8 244 IO +2 8 245 NR +2 8 246 IT +2 8 247 KR +2 8 248 WT +2 8 249 YN +2 8 250 KR +2 8 251 YN +2 8 252 IO +2 8 253 YN +2 8 254 IT +2 8 255 WT +2 8 256 NR +2 8 257 IT +2 8 258 AA +2 8 259 * +2 8 260 EP +2 8 261 AA +2 8 262 IO +2 8 263 IO +2 8 264 IT +2 8 265 YN +2 8 266 NR +2 8 267 KR +2 8 268 YN +2 8 269 KR +2 8 270 AA +2 8 271 AW +2 8 272 EP +2 8 273 KR +2 8 274 EP +2 8 275 WT +2 8 276 NR +2 8 277 IT +2 8 278 KR +2 8 279 TK +2 8 280 AW +2 8 281 YN +2 8 282 AW +2 8 283 WT +2 8 284 EP +2 8 285 TU +2 8 286 EP +2 8 287 WT +2 8 288 NR +2 8 289 IT +2 8 290 IO +2 8 291 TK +2 8 292 KR +2 8 293 IT +2 8 294 EP +2 8 295 WT +2 8 296 TK +2 8 297 AA +2 8 298 NR +2 8 299 IT +2 8 300 IO +2 8 301 YN +2 8 302 IO +2 8 303 TK +2 8 304 AW +2 8 305 KR +2 8 306 AW +2 8 307 IT +2 8 308 TU +2 8 309 WT +2 8 310 IT +2 8 311 TK +2 8 312 WT +2 8 313 TK +2 8 314 IO +2 8 315 YN +2 8 316 IT +2 8 317 NR +2 8 318 KR +2 8 319 IO +2 8 320 WT +2 8 321 NR +2 8 322 TK +2 8 323 YN +2 8 324 EP +2 8 325 KR +2 8 326 AA +2 8 327 EP +2 8 328 AW +2 8 329 WT +2 8 330 EP +2 9 1 YN +2 9 2 MP +2 9 3 NR +2 9 4 TK +2 9 5 TK +2 9 6 MP +2 9 7 TK +2 9 8 NR +2 9 9 KR +2 9 10 TK +2 9 11 TK +2 9 12 MP +2 9 13 TK +2 9 14 TK +2 9 15 MP +2 9 16 IO +2 9 17 NR +2 9 18 TK +2 9 19 TK +2 9 20 TK +2 9 21 NR +2 9 22 MP +2 9 23 TK +2 9 24 KR +2 9 25 TK +2 9 26 TK +2 9 27 IO +2 9 28 TK +2 9 29 NR +2 9 30 KR +2 9 31 TK +2 9 32 NR +2 9 33 TK +2 9 34 TK +2 9 35 NR +2 9 36 TK +2 9 37 TK +2 9 38 NR +2 9 39 TK +2 9 40 TK +2 9 41 NR +2 9 42 IO +2 9 43 TK +2 9 44 IO +2 9 45 TK +2 9 46 IO +2 9 47 TK +2 9 48 NR +2 9 49 TK +2 9 50 TK +2 9 51 IO +2 9 52 IO +2 9 53 TK +2 9 54 TK +2 9 55 TK +2 9 56 IO +2 9 57 IO +2 9 58 IO +2 9 59 IO +2 9 60 TK +2 9 61 NR +2 9 62 TK +2 9 63 NR +2 9 64 TK +2 9 65 NR +2 9 66 * +2 9 67 IO +2 9 68 NR +2 9 69 IO +2 9 70 IO +2 9 71 NR +2 9 72 TK +2 9 73 NR +2 9 74 TK +2 9 75 TK +2 9 76 NR +2 9 77 TK +2 9 78 IO +2 9 79 TK +2 9 80 TK +2 9 81 IO +2 9 82 TK +2 9 83 IO +2 9 84 PH +2 9 85 IO +2 9 86 PH +2 9 87 TK +2 9 88 NR +2 9 89 TK +2 9 90 TK +2 9 91 TK +2 9 92 IO +2 9 93 TK +2 9 94 TK +2 9 95 IO +2 9 96 TK +2 9 97 TK +2 9 98 NR +2 9 99 IO +2 9 100 TK +2 9 101 NR +2 9 102 IO +2 9 103 TK +2 9 104 TK +2 9 105 NR +2 9 106 IO +2 9 107 IO +2 9 108 IO +2 9 109 TK +2 9 110 MP +2 9 111 TK +2 9 112 NR +2 9 113 TK +2 9 114 TK +2 9 115 NR +2 9 116 TK +2 9 117 TK +2 9 118 NR +2 9 119 TK +2 9 120 IO +2 9 121 NR +2 9 122 TK +2 9 123 TK +2 9 124 IO +2 9 125 NR +2 9 126 NR +2 9 127 TK +2 9 128 IO +2 9 129 IO +2 9 130 TK +2 9 131 NR +2 9 132 NR +2 9 133 TK +2 9 134 TK +2 9 135 NR +2 9 136 TK +2 9 137 TK +2 9 138 TK +2 9 139 IO +2 9 140 TK +2 9 141 IO +2 9 142 IO +2 9 143 TK +2 9 144 TK +2 9 145 TK +2 9 146 NR +2 9 147 TK +2 9 148 NR +2 9 149 TK +2 9 150 TK +2 9 151 NR +2 9 152 NR +2 9 153 TK +2 9 154 TK +2 9 155 TK +2 9 156 TK +2 9 157 IO +2 9 158 IO +2 9 159 IO +2 9 160 NR +2 9 161 TK +2 9 162 NR +2 9 163 TK +2 9 164 IO +2 9 165 TK +2 9 166 TK +2 9 167 IO +2 9 168 TK +2 9 169 TK +2 9 170 TK +2 9 171 TK +2 9 172 IO +2 9 173 NR +2 9 174 IO +2 9 175 TK +2 9 176 NR +2 9 177 IO +2 9 178 TK +2 9 179 NR +2 9 180 TK +2 9 181 TK +2 9 182 NR +2 9 183 TK +2 9 184 NR +2 9 185 IO +2 9 186 TK +2 9 187 NR +2 9 188 IO +2 9 189 TK +2 9 190 NR +2 9 191 TK +2 9 192 TK +2 9 193 IO +2 9 194 NR +2 9 195 TK +2 9 196 TK +2 9 197 TK +2 9 198 TK +2 9 199 IO +2 9 200 TK +2 9 201 IO +2 9 202 TK +2 9 203 NR +2 9 204 IO +2 9 205 TK +2 9 206 IO +2 9 207 NR +2 9 208 IO +2 9 209 TK +2 9 210 NR +2 9 211 TK +2 9 212 NR +2 9 213 IO +2 9 214 TK +2 9 215 NR +2 9 216 TK +2 9 217 IO +2 9 218 IO +2 9 219 IO +2 9 220 * +2 9 221 IO +2 9 222 NR +2 9 223 IO +2 9 224 IO +2 9 225 IO +2 9 226 TK +2 9 227 IO +2 9 228 IO +2 9 229 TK +2 9 230 IO +2 9 231 NR +2 9 232 TK +2 9 233 TK +2 9 234 TK +2 9 235 IO +2 9 236 IO +2 9 237 IO +2 9 238 TK +2 9 239 NR +2 9 240 TK +2 9 241 IO +2 9 242 IO +2 9 243 NR +2 9 244 TK +2 9 245 NR +2 9 246 TK +2 9 247 TK +2 9 248 TK +2 9 249 TK +2 9 250 TK +2 9 251 TK +2 9 252 IO +2 9 253 TK +2 9 254 IO +2 9 255 TK +2 9 256 NR +2 9 257 TK +2 9 258 TK +2 9 259 NR +2 9 260 IO +2 9 261 NR +2 9 262 TK +2 9 263 IO +2 9 264 TK +2 9 265 TK +2 9 266 NR +2 9 267 IO +2 9 268 TK +2 9 269 TK +2 9 270 NR +2 9 271 TK +2 9 272 IO +2 9 273 TK +2 9 274 IO +2 9 275 TK +2 9 276 NR +2 9 277 TK +2 9 278 MP +2 9 279 TK +2 9 280 TK +2 9 281 TK +2 9 282 TK +2 9 283 MP +2 9 284 IO +2 9 285 NR +2 9 286 IO +2 9 287 MP +2 9 288 NR +2 9 289 TK +2 9 290 IO +2 9 291 TK +2 9 292 NR +2 9 293 TK +2 9 294 IO +2 9 295 TK +2 9 296 TK +2 9 297 IO +2 9 298 NR +2 9 299 TK +2 9 300 IO +2 9 301 TK +2 9 302 IO +2 9 303 TK +2 9 304 TK +2 9 305 TK +2 9 306 IO +2 9 307 TK +2 9 308 TK +2 9 309 TK +2 9 310 TK +2 9 311 TK +2 9 312 TK +2 9 313 TK +2 9 314 IO +2 9 315 TK +2 9 316 TK +2 9 317 NR +2 9 318 NR +2 9 319 IO +2 9 320 IO +2 9 321 NR +2 9 322 TK +2 9 323 TK +2 9 324 IO +2 9 325 TK +2 9 326 IO +2 9 327 IO +2 9 328 TK +2 9 329 TK +2 9 330 TK +2 10 1 IT +2 10 2 IT +2 10 3 NR +2 10 4 NR +2 10 5 IT +2 10 6 NR +2 10 7 IT +2 10 8 NR +2 10 9 NR +2 10 10 TK +2 10 11 TK +2 10 12 MP +2 10 13 TK +2 10 14 TK +2 10 15 EP +2 10 16 EP +2 10 17 NR +2 10 18 TK +2 10 19 IT +2 10 20 IT +2 10 21 NR +2 10 22 MP +2 10 23 NR +2 10 24 TK +2 10 25 IT +2 10 26 IT +2 10 27 EP +2 10 28 NR +2 10 29 IT +2 10 30 NR +2 10 31 IT +2 10 32 NR +2 10 33 IT +2 10 34 TK +2 10 35 NR +2 10 36 TK +2 10 37 IT +2 10 38 NR +2 10 39 IT +2 10 40 IT +2 10 41 NR +2 10 42 MP +2 10 43 TK +2 10 44 EP +2 10 45 IT +2 10 46 TK +2 10 47 TK +2 10 48 NR +2 10 49 IT +2 10 50 NR +2 10 51 NR +2 10 52 EP +2 10 53 NR +2 10 54 IT +2 10 55 IT +2 10 56 NR +2 10 57 IT +2 10 58 MP +2 10 59 EP +2 10 60 TK +2 10 61 NR +2 10 62 IT +2 10 63 NR +2 10 64 TK +2 10 65 NR +2 10 66 EP +2 10 67 IT +2 10 68 NR +2 10 69 MP +2 10 70 EP +2 10 71 NR +2 10 72 TK +2 10 73 NR +2 10 74 IT +2 10 75 TK +2 10 76 NR +2 10 77 TK +2 10 78 EP +2 10 79 TK +2 10 80 TK +2 10 81 MP +2 10 82 IT +2 10 83 EP +2 10 84 NR +2 10 85 IT +2 10 86 NR +2 10 87 TK +2 10 88 NR +2 10 89 TK +2 10 90 IT +2 10 91 MP +2 10 92 EP +2 10 93 IT +2 10 94 TK +2 10 95 EP +2 10 96 MP +2 10 97 TK +2 10 98 NR +2 10 99 EP +2 10 100 IT +2 10 101 NR +2 10 102 EP +2 10 103 MP +2 10 104 IT +2 10 105 NR +2 10 106 MP +2 10 107 EP +2 10 108 IT +2 10 109 TK +2 10 110 MP +2 10 111 YN +2 10 112 NR +2 10 113 TK +2 10 114 IT +2 10 115 NR +2 10 116 IT +2 10 117 NR +2 10 118 NR +2 10 119 IT +2 10 120 EP +2 10 121 NR +2 10 122 IT +2 10 123 TK +2 10 124 MP +2 10 125 NR +2 10 126 NR +2 10 127 TK +2 10 128 MP +2 10 129 EP +2 10 130 IT +2 10 131 NR +2 10 132 NR +2 10 133 TK +2 10 134 NR +2 10 135 NR +2 10 136 IT +2 10 137 YN +2 10 138 IT +2 10 139 EP +2 10 140 TK +2 10 141 EP +2 10 142 EP +2 10 143 MP +2 10 144 TK +2 10 145 IT +2 10 146 MP +2 10 147 IT +2 10 148 NR +2 10 149 YN +2 10 150 TK +2 10 151 NR +2 10 152 NR +2 10 153 IT +2 10 154 TK +2 10 155 TK +2 10 156 YN +2 10 157 NR +2 10 158 EP +2 10 159 NR +2 10 160 NR +2 10 161 IT +2 10 162 NR +2 10 163 IT +2 10 164 TK +2 10 165 MP +2 10 166 TK +2 10 167 EP +2 10 168 YN +2 10 169 IT +2 10 170 TK +2 10 171 YN +2 10 172 EP +2 10 173 NR +2 10 174 MP +2 10 175 IT +2 10 176 NR +2 10 177 MP +2 10 178 TK +2 10 179 NR +2 10 180 IT +2 10 181 MP +2 10 182 NR +2 10 183 MP +2 10 184 IT +2 10 185 MP +2 10 186 IT +2 10 187 NR +2 10 188 TK +2 10 189 EP +2 10 190 NR +2 10 191 TK +2 10 192 NR +2 10 193 MP +2 10 194 NR +2 10 195 YN +2 10 196 IT +2 10 197 IT +2 10 198 TK +2 10 199 EP +2 10 200 IT +2 10 201 NR +2 10 202 IT +2 10 203 NR +2 10 204 TK +2 10 205 TK +2 10 206 YN +2 10 207 NR +2 10 208 MP +2 10 209 IT +2 10 210 TK +2 10 211 IT +2 10 212 NR +2 10 213 EP +2 10 214 MP +2 10 215 NR +2 10 216 YN +2 10 217 NR +2 10 218 YN +2 10 219 EP +2 10 220 TK +2 10 221 YN +2 10 222 TK +2 10 223 IT +2 10 224 EP +2 10 225 YN +2 10 226 TK +2 10 227 TK +2 10 228 IT +2 10 229 MP +2 10 230 EP +2 10 231 NR +2 10 232 YN +2 10 233 IT +2 10 234 IT +2 10 235 TK +2 10 236 MP +2 10 237 NR +2 10 238 TK +2 10 239 NR +2 10 240 NR +2 10 241 EP +2 10 242 MP +2 10 243 NR +2 10 244 EP +2 10 245 NR +2 10 246 IT +2 10 247 TK +2 10 248 YN +2 10 249 IT +2 10 250 TK +2 10 251 YN +2 10 252 EP +2 10 253 YN +2 10 254 TK +2 10 255 TK +2 10 256 NR +2 10 257 YN +2 10 258 MP +2 10 259 NR +2 10 260 YN +2 10 261 NR +2 10 262 EP +2 10 263 EP +2 10 264 EP +2 10 265 YN +2 10 266 NR +2 10 267 TK +2 10 268 IT +2 10 269 NR +2 10 270 MP +2 10 271 TK +2 10 272 EP +2 10 273 NR +2 10 274 EP +2 10 275 MP +2 10 276 NR +2 10 277 IT +2 10 278 NR +2 10 279 TK +2 10 280 IT +2 10 281 IT +2 10 282 IT +2 10 283 NR +2 10 284 EP +2 10 285 NR +2 10 286 EP +2 10 287 YN +2 10 288 NR +2 10 289 IT +2 10 290 EP +2 10 291 TK +2 10 292 NR +2 10 293 MP +2 10 294 EP +2 10 295 MP +2 10 296 TK +2 10 297 MP +2 10 298 NR +2 10 299 IT +2 10 300 EP +2 10 301 TK +2 10 302 EP +2 10 303 TK +2 10 304 MP +2 10 305 TK +2 10 306 IT +2 10 307 TK +2 10 308 TK +2 10 309 IT +2 10 310 IT +2 10 311 TK +2 10 312 TK +2 10 313 TK +2 10 314 EP +2 10 315 IT +2 10 316 IT +2 10 317 NR +2 10 318 NR +2 10 319 EP +2 10 320 IT +2 10 321 NR +2 10 322 IT +2 10 323 TK +2 10 324 EP +2 10 325 NR +2 10 326 MP +2 10 327 EP +2 10 328 TK +2 10 329 MP +2 10 330 YN +2 11 1 IT +2 11 2 TK +2 11 3 NR +2 11 4 AA +2 11 5 IT +2 11 6 AA +2 11 7 IT +2 11 8 NR +2 11 9 AA +2 11 10 TK +2 11 11 IT +2 11 12 AA +2 11 13 IT +2 11 14 TK +2 11 15 NR +2 11 16 EP +2 11 17 NR +2 11 18 IT +2 11 19 TK +2 11 20 TK +2 11 21 NR +2 11 22 AA +2 11 23 NR +2 11 24 AA +2 11 25 IT +2 11 26 TK +2 11 27 AA +2 11 28 NR +2 11 29 IT +2 11 30 AA +2 11 31 TK +2 11 32 NR +2 11 33 IT +2 11 34 TK +2 11 35 NR +2 11 36 TK +2 11 37 IT +2 11 38 NR +2 11 39 IT +2 11 40 TK +2 11 41 NR +2 11 42 AA +2 11 43 TK +2 11 44 AA +2 11 45 IT +2 11 46 TK +2 11 47 IT +2 11 48 AA +2 11 49 TK +2 11 50 IT +2 11 51 TK +2 11 52 AA +2 11 53 NR +2 11 54 IT +2 11 55 IT +2 11 56 AA +2 11 57 TK +2 11 58 AA +2 11 59 IT +2 11 60 TK +2 11 61 NR +2 11 62 IT +2 11 63 NR +2 11 64 TK +2 11 65 NR +2 11 66 AA +2 11 67 IT +2 11 68 NR +2 11 69 IT +2 11 70 IT +2 11 71 NR +2 11 72 IT +2 11 73 NR +2 11 74 TK +2 11 75 IT +2 11 76 NR +2 11 77 TK +2 11 78 NR +2 11 79 IT +2 11 80 TK +2 11 81 TK +2 11 82 IT +2 11 83 AA +2 11 84 NR +2 11 85 TK +2 11 86 NR +2 11 87 IT +2 11 88 NR +2 11 89 TK +2 11 90 IT +2 11 91 AA +2 11 92 IT +2 11 93 TK +2 11 94 IT +2 11 95 IT +2 11 96 AA +2 11 97 TK +2 11 98 NR +2 11 99 IT +2 11 100 TK +2 11 101 NR +2 11 102 IT +2 11 103 IT +2 11 104 TK +2 11 105 NR +2 11 106 AA +2 11 107 EP +2 11 108 IT +2 11 109 IT +2 11 110 AA +2 11 111 IT +2 11 112 NR +2 11 113 IT +2 11 114 TK +2 11 115 NR +2 11 116 IT +2 11 117 IT +2 11 118 NR +2 11 119 TK +2 11 120 EP +2 11 121 NR +2 11 122 TK +2 11 123 TK +2 11 124 IT +2 11 125 NR +2 11 126 NR +2 11 127 IT +2 11 128 IT +2 11 129 EP +2 11 130 IT +2 11 131 NR +2 11 132 NR +2 11 133 IT +2 11 134 IT +2 11 135 NR +2 11 136 TK +2 11 137 IT +2 11 138 IT +2 11 139 TK +2 11 140 IT +2 11 141 EP +2 11 142 EP +2 11 143 IT +2 11 144 IT +2 11 145 TK +2 11 146 AA +2 11 147 IT +2 11 148 NR +2 11 149 TK +2 11 150 NR +2 11 151 NR +2 11 152 NR +2 11 153 TK +2 11 154 IT +2 11 155 IT +2 11 156 TK +2 11 157 IT +2 11 158 EP +2 11 159 AA +2 11 160 NR +2 11 161 TK +2 11 162 NR +2 11 163 TK +2 11 164 IT +2 11 165 TK +2 11 166 TK +2 11 167 IT +2 11 168 IT +2 11 169 TK +2 11 170 TK +2 11 171 TK +2 11 172 EP +2 11 173 NR +2 11 174 AA +2 11 175 IT +2 11 176 NR +2 11 177 EP +2 11 178 TK +2 11 179 NR +2 11 180 TK +2 11 181 AA +2 11 182 NR +2 11 183 IT +2 11 184 NR +2 11 185 NR +2 11 186 TK +2 11 187 AA +2 11 188 IT +2 11 189 IT +2 11 190 NR +2 11 191 TK +2 11 192 NR +2 11 193 AA +2 11 194 NR +2 11 195 TK +2 11 196 TK +2 11 197 NR +2 11 198 IT +2 11 199 EP +2 11 200 IT +2 11 201 NR +2 11 202 IT +2 11 203 NR +2 11 204 IT +2 11 205 IT +2 11 206 EP +2 11 207 NR +2 11 208 AA +2 11 209 IT +2 11 210 NR +2 11 211 TK +2 11 212 NR +2 11 213 IT +2 11 214 TK +2 11 215 NR +2 11 216 IT +2 11 217 NR +2 11 218 IT +2 11 219 IT +2 11 220 IT +2 11 221 IT +2 11 222 IT +2 11 223 TK +2 11 224 EP +2 11 225 IT +2 11 226 TK +2 11 227 IT +2 11 228 TK +2 11 229 TK +2 11 230 EP +2 11 231 NR +2 11 232 TK +2 11 233 IT +2 11 234 TK +2 11 235 IT +2 11 236 TK +2 11 237 NR +2 11 238 TK +2 11 239 NR +2 11 240 IT +2 11 241 EP +2 11 242 AA +2 11 243 IT +2 11 244 EP +2 11 245 NR +2 11 246 IT +2 11 247 IT +2 11 248 IT +2 11 249 IT +2 11 250 IT +2 11 251 TK +2 11 252 EP +2 11 253 TK +2 11 254 TK +2 11 255 IT +2 11 256 NR +2 11 257 IT +2 11 258 AA +2 11 259 IT +2 11 260 EP +2 11 261 NR +2 11 262 EP +2 11 263 EP +2 11 264 IT +2 11 265 TK +2 11 266 NR +2 11 267 IT +2 11 268 IT +2 11 269 NR +2 11 270 AA +2 11 271 IT +2 11 272 EP +2 11 273 NR +2 11 274 EP +2 11 275 EP +2 11 276 NR +2 11 277 TK +2 11 278 NR +2 11 279 TK +2 11 280 TK +2 11 281 TK +2 11 282 TK +2 11 283 NR +2 11 284 EP +2 11 285 NR +2 11 286 EP +2 11 287 IT +2 11 288 NR +2 11 289 IT +2 11 290 EP +2 11 291 TK +2 11 292 NR +2 11 293 EP +2 11 294 EP +2 11 295 NR +2 11 296 IT +2 11 297 AA +2 11 298 NR +2 11 299 TK +2 11 300 EP +2 11 301 TK +2 11 302 EP +2 11 303 EP +2 11 304 IT +2 11 305 NR +2 11 306 TK +2 11 307 TK +2 11 308 NR +2 11 309 IT +2 11 310 TK +2 11 311 TK +2 11 312 IT +2 11 313 IT +2 11 314 EP +2 11 315 TK +2 11 316 TK +2 11 317 NR +2 11 318 NR +2 11 319 EP +2 11 320 TK +2 11 321 NR +2 11 322 TK +2 11 323 TK +2 11 324 EP +2 11 325 NR +2 11 326 EP +2 11 327 EP +2 11 328 TK +2 11 329 TK +2 11 330 EP +2 12 1 TK +2 12 2 IT +2 12 3 NR +2 12 4 PH +2 12 5 IT +2 12 6 EP +2 12 7 IT +2 12 8 NR +2 12 9 NR +2 12 10 TK +2 12 11 TK +2 12 12 EP +2 12 13 IT +2 12 14 TK +2 12 15 EP +2 12 16 EP +2 12 17 NR +2 12 18 WT +2 12 19 IT +2 12 20 IT +2 12 21 PH +2 12 22 EP +2 12 23 PH +2 12 24 WT +2 12 25 IT +2 12 26 EP +2 12 27 TK +2 12 28 NR +2 12 29 IT +2 12 30 NR +2 12 31 EP +2 12 32 PH +2 12 33 EP +2 12 34 TK +2 12 35 NR +2 12 36 TK +2 12 37 EP +2 12 38 NR +2 12 39 IT +2 12 40 IT +2 12 41 NR +2 12 42 EP +2 12 43 TK +2 12 44 EP +2 12 45 IT +2 12 46 EP +2 12 47 TK +2 12 48 NR +2 12 49 IT +2 12 50 PH +2 12 51 * +2 12 52 EP +2 12 53 NR +2 12 54 IT +2 12 55 IT +2 12 56 EP +2 12 57 TK +2 12 58 EP +2 12 59 EP +2 12 60 TK +2 12 61 NR +2 12 62 NR +2 12 63 PH +2 12 64 TK +2 12 65 NR +2 12 66 EP +2 12 67 IT +2 12 68 NR +2 12 69 * +2 12 70 EP +2 12 71 PH +2 12 72 IT +2 12 73 PH +2 12 74 EP +2 12 75 TK +2 12 76 NR +2 12 77 TK +2 12 78 EP +2 12 79 WT +2 12 80 TK +2 12 81 IT +2 12 82 IT +2 12 83 EP +2 12 84 NR +2 12 85 IT +2 12 86 PH +2 12 87 * +2 12 88 PH +2 12 89 TK +2 12 90 IT +2 12 91 WT +2 12 92 EP +2 12 93 TK +2 12 94 * +2 12 95 EP +2 12 96 EP +2 12 97 PH +2 12 98 PH +2 12 99 EP +2 12 100 IT +2 12 101 PH +2 12 102 EP +2 12 103 * +2 12 104 IT +2 12 105 PH +2 12 106 EP +2 12 107 EP +2 12 108 EP +2 12 109 TK +2 12 110 AA +2 12 111 * +2 12 112 * +2 12 113 WT +2 12 114 IT +2 12 115 * +2 12 116 EP +2 12 117 WT +2 12 118 NR +2 12 119 IT +2 12 120 EP +2 12 121 NR +2 12 122 IT +2 12 123 IT +2 12 124 WT +2 12 125 NR +2 12 126 NR +2 12 127 TK +2 12 128 WT +2 12 129 EP +2 12 130 WT +2 12 131 TK +2 12 132 NR +2 12 133 IT +2 12 134 TK +2 12 135 NR +2 12 136 IT +2 12 137 WT +2 12 138 TK +2 12 139 EP +2 12 140 TK +2 12 141 EP +2 12 142 EP +2 12 143 IT +2 12 144 TK +2 12 145 IT +2 12 146 EP +2 12 147 IT +2 12 148 NR +2 12 149 IT +2 12 150 TK +2 12 151 NR +2 12 152 PH +2 12 153 IT +2 12 154 WT +2 12 155 WT +2 12 156 IT +2 12 157 WT +2 12 158 EP +2 12 159 NR +2 12 160 NR +2 12 161 IT +2 12 162 NR +2 12 163 IT +2 12 164 TK +2 12 165 WT +2 12 166 TK +2 12 167 AA +2 12 168 IT +2 12 169 IT +2 12 170 TK +2 12 171 IT +2 12 172 EP +2 12 173 NR +2 12 174 WT +2 12 175 TK +2 12 176 NR +2 12 177 EP +2 12 178 TK +2 12 179 PH +2 12 180 IT +2 12 181 AA +2 12 182 NR +2 12 183 WT +2 12 184 TK +2 12 185 AA +2 12 186 IT +2 12 187 PH +2 12 188 IT +2 12 189 EP +2 12 190 PH +2 12 191 TK +2 12 192 PH +2 12 193 AA +2 12 194 PH +2 12 195 IT +2 12 196 IT +2 12 197 PH +2 12 198 WT +2 12 199 EP +2 12 200 IT +2 12 201 PH +2 12 202 IT +2 12 203 PH +2 12 204 WT +2 12 205 TK +2 12 206 EP +2 12 207 NR +2 12 208 AA +2 12 209 TK +2 12 210 WT +2 12 211 IT +2 12 212 PH +2 12 213 EP +2 12 214 AA +2 12 215 WT +2 12 216 WT +2 12 217 AA +2 12 218 AA +2 12 219 IT +2 12 220 TK +2 12 221 EP +2 12 222 TK +2 12 223 IT +2 12 224 EP +2 12 225 WT +2 12 226 IT +2 12 227 WT +2 12 228 TK +2 12 229 IT +2 12 230 EP +2 12 231 PH +2 12 232 WT +2 12 233 IT +2 12 234 TK +2 12 235 TK +2 12 236 WT +2 12 237 EP +2 12 238 TK +2 12 239 NR +2 12 240 NR +2 12 241 EP +2 12 242 EP +2 12 243 NR +2 12 244 EP +2 12 245 NR +2 12 246 IT +2 12 247 WT +2 12 248 WT +2 12 249 TK +2 12 250 TK +2 12 251 IT +2 12 252 EP +2 12 253 IT +2 12 254 TK +2 12 255 WT +2 12 256 NR +2 12 257 TK +2 12 258 AA +2 12 259 PH +2 12 260 EP +2 12 261 NR +2 12 262 EP +2 12 263 WT +2 12 264 EP +2 12 265 TK +2 12 266 NR +2 12 267 PH +2 12 268 IT +2 12 269 PH +2 12 270 AA +2 12 271 TK +2 12 272 EP +2 12 273 PH +2 12 274 EP +2 12 275 WT +2 12 276 PH +2 12 277 TK +2 12 278 PH +2 12 279 TK +2 12 280 WT +2 12 281 TK +2 12 282 IT +2 12 283 WT +2 12 284 EP +2 12 285 AA +2 12 286 EP +2 12 287 WT +2 12 288 PH +2 12 289 IT +2 12 290 EP +2 12 291 TK +2 12 292 AA +2 12 293 EP +2 12 294 EP +2 12 295 WT +2 12 296 TK +2 12 297 AA +2 12 298 * +2 12 299 IT +2 12 300 EP +2 12 301 IT +2 12 302 EP +2 12 303 IT +2 12 304 WT +2 12 305 PH +2 12 306 EP +2 12 307 IT +2 12 308 PH +2 12 309 WT +2 12 310 IT +2 12 311 TK +2 12 312 WT +2 12 313 TK +2 12 314 EP +2 12 315 IT +2 12 316 IT +2 12 317 PH +2 12 318 NR +2 12 319 EP +2 12 320 WT +2 12 321 PH +2 12 322 IT +2 12 323 TK +2 12 324 EP +2 12 325 PH +2 12 326 AA +2 12 327 EP +2 12 328 TK +2 12 329 AA +2 12 330 EP +2 13 1 IT +2 13 2 IT +2 13 3 NR +2 13 4 NR +2 13 5 IT +2 13 6 NR +2 13 7 IT +2 13 8 KW +2 13 9 NR +2 13 10 IT +2 13 11 YN +2 13 12 AA +2 13 13 IT +2 13 14 TK +2 13 15 EP +2 13 16 EP +2 13 17 NR +2 13 18 * +2 13 19 IT +2 13 20 YN +2 13 21 NR +2 13 22 AA +2 13 23 NR +2 13 24 AT +2 13 25 IT +2 13 26 YN +2 13 27 EP +2 13 28 NR +2 13 29 YN +2 13 30 NR +2 13 31 IT +2 13 32 NR +2 13 33 YN +2 13 34 IT +2 13 35 NR +2 13 36 IT +2 13 37 IT +2 13 38 NR +2 13 39 YN +2 13 40 IT +2 13 41 NR +2 13 42 YN +2 13 43 TK +2 13 44 EP +2 13 45 YN +2 13 46 AT +2 13 47 YN +2 13 48 AA +2 13 49 IT +2 13 50 NR +2 13 51 AT +2 13 52 EP +2 13 53 NR +2 13 54 YN +2 13 55 YN +2 13 56 AT +2 13 57 IT +2 13 58 AA +2 13 59 EP +2 13 60 IT +2 13 61 NR +2 13 62 EP +2 13 63 NR +2 13 64 IT +2 13 65 NR +2 13 66 EP +2 13 67 YN +2 13 68 NR +2 13 69 AT +2 13 70 EP +2 13 71 NR +2 13 72 YN +2 13 73 NR +2 13 74 EP +2 13 75 YN +2 13 76 NR +2 13 77 IT +2 13 78 AT +2 13 79 TK +2 13 80 IT +2 13 81 YN +2 13 82 YN +2 13 83 AT +2 13 84 NR +2 13 85 YN +2 13 86 NR +2 13 87 AT +2 13 88 NR +2 13 89 TK +2 13 90 YN +2 13 91 AA +2 13 92 EP +2 13 93 IT +2 13 94 AT +2 13 95 EP +2 13 96 AA +2 13 97 IT +2 13 98 NR +2 13 99 AT +2 13 100 YN +2 13 101 NR +2 13 102 AT +2 13 103 AT +2 13 104 EP +2 13 105 NR +2 13 106 AA +2 13 107 EP +2 13 108 EP +2 13 109 TK +2 13 110 AA +2 13 111 YN +2 13 112 NR +2 13 113 AT +2 13 114 IT +2 13 115 NR +2 13 116 EP +2 13 117 NR +2 13 118 NR +2 13 119 YN +2 13 120 EP +2 13 121 NR +2 13 122 YN +2 13 123 YN +2 13 124 AA +2 13 125 NR +2 13 126 NR +2 13 127 YN +2 13 128 AA +2 13 129 EP +2 13 130 AT +2 13 131 NR +2 13 132 NR +2 13 133 YN +2 13 134 NR +2 13 135 NR +2 13 136 YN +2 13 137 YN +2 13 138 EP +2 13 139 EP +2 13 140 IT +2 13 141 EP +2 13 142 EP +2 13 143 YN +2 13 144 IT +2 13 145 YN +2 13 146 AA +2 13 147 YN +2 13 148 NR +2 13 149 YN +2 13 150 NR +2 13 151 NR +2 13 152 EP +2 13 153 YN +2 13 154 AT +2 13 155 AT +2 13 156 YN +2 13 157 NR +2 13 158 EP +2 13 159 AA +2 13 160 EP +2 13 161 YN +2 13 162 NR +2 13 163 YN +2 13 164 IT +2 13 165 YN +2 13 166 IT +2 13 167 EP +2 13 168 YN +2 13 169 IT +2 13 170 YN +2 13 171 YN +2 13 172 EP +2 13 173 NR +2 13 174 AA +2 13 175 EP +2 13 176 NR +2 13 177 AA +2 13 178 IT +2 13 179 NR +2 13 180 YN +2 13 181 AA +2 13 182 NR +2 13 183 AT +2 13 184 IT +2 13 185 NR +2 13 186 YN +2 13 187 AA +2 13 188 YN +2 13 189 EP +2 13 190 NR +2 13 191 YN +2 13 192 IT +2 13 193 AA +2 13 194 NR +2 13 195 YN +2 13 196 YN +2 13 197 NR +2 13 198 AT +2 13 199 EP +2 13 200 EP +2 13 201 NR +2 13 202 YN +2 13 203 NR +2 13 204 AT +2 13 205 IT +2 13 206 EP +2 13 207 NR +2 13 208 AA +2 13 209 YN +2 13 210 NR +2 13 211 YN +2 13 212 AA +2 13 213 EP +2 13 214 AA +2 13 215 NR +2 13 216 AT +2 13 217 EP +2 13 218 AA +2 13 219 EP +2 13 220 IT +2 13 221 EP +2 13 222 TK +2 13 223 YN +2 13 224 EP +2 13 225 AA +2 13 226 TK +2 13 227 AT +2 13 228 TK +2 13 229 YN +2 13 230 EP +2 13 231 NR +2 13 232 AA +2 13 233 EP +2 13 234 YN +2 13 235 IT +2 13 236 YN +2 13 237 EP +2 13 238 YN +2 13 239 NR +2 13 240 NR +2 13 241 EP +2 13 242 AA +2 13 243 NR +2 13 244 EP +2 13 245 NR +2 13 246 YN +2 13 247 EP +2 13 248 YN +2 13 249 YN +2 13 250 IT +2 13 251 YN +2 13 252 EP +2 13 253 YN +2 13 254 EP +2 13 255 AT +2 13 256 NR +2 13 257 IT +2 13 258 AA +2 13 259 NR +2 13 260 EP +2 13 261 NR +2 13 262 EP +2 13 263 AT +2 13 264 EP +2 13 265 YN +2 13 266 NR +2 13 267 NR +2 13 268 YN +2 13 269 NR +2 13 270 AA +2 13 271 YN +2 13 272 EP +2 13 273 NR +2 13 274 EP +2 13 275 AA +2 13 276 NR +2 13 277 IT +2 13 278 NR +2 13 279 IT +2 13 280 YN +2 13 281 YN +2 13 282 YN +2 13 283 AT +2 13 284 EP +2 13 285 EP +2 13 286 EP +2 13 287 AA +2 13 288 NR +2 13 289 YN +2 13 290 EP +2 13 291 IT +2 13 292 NR +2 13 293 EP +2 13 294 EP +2 13 295 AT +2 13 296 IT +2 13 297 AA +2 13 298 NR +2 13 299 YN +2 13 300 AT +2 13 301 YN +2 13 302 EP +2 13 303 EP +2 13 304 YN +2 13 305 NR +2 13 306 YN +2 13 307 IT +2 13 308 EP +2 13 309 AT +2 13 310 YN +2 13 311 IT +2 13 312 AT +2 13 313 TK +2 13 314 EP +2 13 315 YN +2 13 316 YN +2 13 317 NR +2 13 318 NR +2 13 319 EP +2 13 320 YN +2 13 321 NR +2 13 322 IT +2 13 323 YN +2 13 324 EP +2 13 325 NR +2 13 326 AA +2 13 327 EP +2 13 328 YN +2 13 329 NR +2 13 330 EP +2 14 1 IR +2 14 2 YN +2 14 3 NR +2 14 4 TK +2 14 5 AW +2 14 6 KM +2 14 7 YN +2 14 8 NR +2 14 9 KM +2 14 10 IR +2 14 11 AW +2 14 12 MP +2 14 13 AW +2 14 14 KU +2 14 15 EP +2 14 16 EP +2 14 17 NR +2 14 18 TK +2 14 19 IR +2 14 20 YN +2 14 21 NR +2 14 22 KM +2 14 23 IR +2 14 24 YN +2 14 25 YN +2 14 26 IT +2 14 27 EP +2 14 28 NR +2 14 29 YN +2 14 30 KM +2 14 31 IR +2 14 32 NR +2 14 33 YN +2 14 34 IR +2 14 35 KM +2 14 36 AW +2 14 37 IR +2 14 38 NR +2 14 39 AW +2 14 40 IR +2 14 41 NR +2 14 42 KM +2 14 43 KU +2 14 44 EP +2 14 45 YN +2 14 46 KM +2 14 47 AW +2 14 48 KM +2 14 49 IR +2 14 50 KU +2 14 51 KM +2 14 52 EP +2 14 53 NR +2 14 54 YN +2 14 55 IR +2 14 56 KM +2 14 57 YN +2 14 58 KM +2 14 59 EP +2 14 60 AW +2 14 61 NR +2 14 62 IR +2 14 63 KM +2 14 64 KU +2 14 65 NR +2 14 66 KM +2 14 67 IR +2 14 68 NR +2 14 69 KM +2 14 70 EP +2 14 71 NR +2 14 72 AW +2 14 73 KU +2 14 74 EP +2 14 75 YN +2 14 76 KM +2 14 77 IR +2 14 78 KM +2 14 79 TK +2 14 80 KU +2 14 81 KM +2 14 82 YN +2 14 83 KM +2 14 84 KM +2 14 85 YN +2 14 86 NR +2 14 87 KM +2 14 88 NR +2 14 89 TK +2 14 90 YN +2 14 91 KM +2 14 92 EP +2 14 93 KU +2 14 94 KM +2 14 95 EP +2 14 96 KM +2 14 97 KU +2 14 98 NR +2 14 99 IR +2 14 100 IR +2 14 101 NR +2 14 102 IR +2 14 103 KM +2 14 104 IR +2 14 105 NR +2 14 106 EP +2 14 107 EP +2 14 108 IR +2 14 109 KU +2 14 110 AA +2 14 111 AW +2 14 112 NR +2 14 113 TK +2 14 114 AW +2 14 115 NR +2 14 116 IR +2 14 117 TK +2 14 118 NR +2 14 119 AW +2 14 120 EP +2 14 121 NR +2 14 122 AW +2 14 123 IR +2 14 124 KM +2 14 125 AA +2 14 126 NR +2 14 127 AW +2 14 128 KM +2 14 129 EP +2 14 130 AW +2 14 131 NR +2 14 132 NR +2 14 133 AW +2 14 134 KM +2 14 135 KM +2 14 136 IR +2 14 137 YN +2 14 138 IR +2 14 139 EP +2 14 140 KU +2 14 141 EP +2 14 142 EP +2 14 143 AA +2 14 144 KU +2 14 145 IR +2 14 146 AA +2 14 147 IR +2 14 148 NR +2 14 149 IR +2 14 150 KU +2 14 151 NR +2 14 152 KM +2 14 153 IR +2 14 154 TK +2 14 155 KM +2 14 156 AW +2 14 157 KM +2 14 158 EP +2 14 159 KM +2 14 160 NR +2 14 161 IR +2 14 162 NR +2 14 163 AW +2 14 164 IR +2 14 165 KM +2 14 166 KU +2 14 167 IR +2 14 168 AW +2 14 169 IR +2 14 170 AW +2 14 171 AW +2 14 172 EP +2 14 173 NR +2 14 174 AA +2 14 175 IR +2 14 176 NR +2 14 177 KM +2 14 178 KU +2 14 179 NR +2 14 180 YN +2 14 181 KM +2 14 182 NR +2 14 183 KM +2 14 184 KU +2 14 185 KM +2 14 186 IR +2 14 187 KM +2 14 188 IR +2 14 189 EP +2 14 190 NR +2 14 191 AW +2 14 192 IR +2 14 193 KM +2 14 194 NR +2 14 195 YN +2 14 196 IR +2 14 197 IR +2 14 198 TK +2 14 199 EP +2 14 200 IR +2 14 201 NR +2 14 202 YN +2 14 203 NR +2 14 204 TK +2 14 205 IR +2 14 206 EP +2 14 207 NR +2 14 208 KM +2 14 209 AW +2 14 210 KM +2 14 211 IR +2 14 212 AA +2 14 213 IR +2 14 214 AA +2 14 215 NR +2 14 216 AW +2 14 217 NR +2 14 218 KM +2 14 219 EP +2 14 220 IR +2 14 221 EP +2 14 222 KU +2 14 223 YN +2 14 224 EP +2 14 225 KM +2 14 226 AW +2 14 227 TK +2 14 228 IR +2 14 229 IR +2 14 230 EP +2 14 231 IR +2 14 232 KM +2 14 233 IR +2 14 234 AW +2 14 235 IR +2 14 236 KM +2 14 237 EP +2 14 238 YN +2 14 239 NR +2 14 240 KM +2 14 241 EP +2 14 242 KM +2 14 243 NR +2 14 244 EP +2 14 245 NR +2 14 246 IR +2 14 247 IR +2 14 248 AW +2 14 249 AW +2 14 250 KU +2 14 251 IR +2 14 252 EP +2 14 253 IR +2 14 254 IR +2 14 255 TK +2 14 256 NR +2 14 257 KU +2 14 258 KM +2 14 259 NR +2 14 260 EP +2 14 261 KM +2 14 262 EP +2 14 263 EP +2 14 264 IR +2 14 265 AW +2 14 266 KM +2 14 267 TK +2 14 268 YN +2 14 269 NR +2 14 270 KM +2 14 271 AW +2 14 272 EP +2 14 273 IR +2 14 274 EP +2 14 275 KM +2 14 276 NR +2 14 277 AW +2 14 278 AA +2 14 279 KU +2 14 280 YN +2 14 281 AW +2 14 282 AW +2 14 283 TK +2 14 284 EP +2 14 285 NR +2 14 286 EP +2 14 287 KM +2 14 288 NR +2 14 289 IR +2 14 290 EP +2 14 291 IR +2 14 292 AA +2 14 293 IR +2 14 294 EP +2 14 295 KM +2 14 296 KU +2 14 297 AA +2 14 298 NR +2 14 299 YN +2 14 300 IR +2 14 301 AW +2 14 302 EP +2 14 303 EP +2 14 304 AW +2 14 305 KU +2 14 306 IR +2 14 307 YN +2 14 308 IR +2 14 309 KM +2 14 310 AW +2 14 311 IR +2 14 312 TK +2 14 313 KU +2 14 314 EP +2 14 315 IR +2 14 316 AW +2 14 317 NR +2 14 318 AA +2 14 319 EP +2 14 320 KM +2 14 321 NR +2 14 322 IR +2 14 323 AW +2 14 324 EP +2 14 325 NR +2 14 326 AA +2 14 327 EP +2 14 328 AW +2 14 329 KM +2 14 330 EP +2 15 1 IT +2 15 2 YN +2 15 3 NR +2 15 4 TK +2 15 5 YN +2 15 6 KA +2 15 7 YN +2 15 8 KR +2 15 9 AT +2 15 10 IT +2 15 11 KT +2 15 12 AA +2 15 13 YN +2 15 14 KT +2 15 15 AT +2 15 16 IO +2 15 17 NR +2 15 18 TK +2 15 19 IT +2 15 20 YN +2 15 21 NR +2 15 22 AT +2 15 23 PN +2 15 24 KA +2 15 25 IT +2 15 26 IT +2 15 27 AT +2 15 28 NR +2 15 29 IT +2 15 30 AT +2 15 31 KT +2 15 32 KA +2 15 33 YN +2 15 34 PN +2 15 35 AT +2 15 36 TK +2 15 37 KT +2 15 38 NR +2 15 39 YN +2 15 40 IT +2 15 41 NR +2 15 42 YN +2 15 43 KT +2 15 44 EP +2 15 45 YN +2 15 46 AT +2 15 47 YN +2 15 48 AA +2 15 49 IT +2 15 50 TK +2 15 51 KA +2 15 52 EP +2 15 53 NR +2 15 54 YN +2 15 55 IT +2 15 56 AT +2 15 57 KT +2 15 58 AT +2 15 59 KR +2 15 60 KT +2 15 61 NR +2 15 62 KR +2 15 63 AT +2 15 64 IT +2 15 65 NR +2 15 66 EP +2 15 67 YN +2 15 68 KR +2 15 69 AT +2 15 70 EP +2 15 71 NR +2 15 72 YN +2 15 73 IO +2 15 74 AT +2 15 75 YN +2 15 76 NR +2 15 77 YN +2 15 78 AT +2 15 79 KA +2 15 80 IT +2 15 81 IT +2 15 82 IT +2 15 83 AT +2 15 84 KR +2 15 85 YN +2 15 86 KR +2 15 87 TK +2 15 88 IT +2 15 89 TK +2 15 90 KT +2 15 91 AA +2 15 92 EP +2 15 93 IT +2 15 94 KA +2 15 95 EP +2 15 96 AA +2 15 97 KT +2 15 98 NR +2 15 99 * +2 15 100 YN +2 15 101 NR +2 15 102 KR +2 15 103 KA +2 15 104 IT +2 15 105 NR +2 15 106 AA +2 15 107 EP +2 15 108 KT +2 15 109 KT +2 15 110 AA +2 15 111 KA +2 15 112 NR +2 15 113 KA +2 15 114 YN +2 15 115 NR +2 15 116 KR +2 15 117 KA +2 15 118 * +2 15 119 YN +2 15 120 EP +2 15 121 NR +2 15 122 YN +2 15 123 KT +2 15 124 AT +2 15 125 NR +2 15 126 KR +2 15 127 KT +2 15 128 AA +2 15 129 EP +2 15 130 KA +2 15 131 PN +2 15 132 NR +2 15 133 YN +2 15 134 KA +2 15 135 * +2 15 136 IT +2 15 137 YN +2 15 138 PN +2 15 139 KA +2 15 140 IT +2 15 141 EP +2 15 142 EP +2 15 143 YN +2 15 144 KU +2 15 145 IT +2 15 146 AA +2 15 147 YN +2 15 148 NR +2 15 149 PN +2 15 150 IT +2 15 151 KR +2 15 152 AT +2 15 153 IT +2 15 154 KA +2 15 155 AT +2 15 156 IT +2 15 157 KA +2 15 158 EP +2 15 159 AT +2 15 160 KM +2 15 161 PN +2 15 162 NR +2 15 163 KT +2 15 164 IT +2 15 165 AT +2 15 166 KT +2 15 167 AT +2 15 168 YN +2 15 169 IT +2 15 170 KT +2 15 171 AT +2 15 172 EP +2 15 173 NR +2 15 174 AA +2 15 175 YN +2 15 176 NR +2 15 177 AT +2 15 178 KT +2 15 179 KA +2 15 180 YN +2 15 181 AT +2 15 182 NR +2 15 183 KA +2 15 184 IT +2 15 185 KA +2 15 186 YN +2 15 187 AA +2 15 188 KT +2 15 189 KR +2 15 190 KM +2 15 191 YN +2 15 192 PN +2 15 193 AA +2 15 194 KA +2 15 195 YN +2 15 196 PN +2 15 197 KR +2 15 198 KA +2 15 199 * +2 15 200 YN +2 15 201 TO +2 15 202 YN +2 15 203 KR +2 15 204 KA +2 15 205 PN +2 15 206 EP +2 15 207 NR +2 15 208 AA +2 15 209 KT +2 15 210 KA +2 15 211 IT +2 15 212 * +2 15 213 AT +2 15 214 TI +2 15 215 KA +2 15 216 KT +2 15 217 TO +2 15 218 * +2 15 219 EP +2 15 220 KT +2 15 221 EP +2 15 222 PN +2 15 223 YN +2 15 224 AT +2 15 225 KA +2 15 226 KT +2 15 227 KA +2 15 228 PN +2 15 229 YN +2 15 230 AT +2 15 231 KR +2 15 232 KA +2 15 233 PN +2 15 234 YN +2 15 235 PN +2 15 236 YN +2 15 237 TO +2 15 238 IT +2 15 239 TO +2 15 240 KA +2 15 241 EP +2 15 242 AA +2 15 243 KR +2 15 244 EP +2 15 245 NR +2 15 246 YN +2 15 247 PN +2 15 248 YN +2 15 249 KT +2 15 250 KM +2 15 251 YN +2 15 252 AT +2 15 253 YN +2 15 254 PN +2 15 255 KA +2 15 256 NR +2 15 257 KT +2 15 258 AA +2 15 259 KR +2 15 260 EP +2 15 261 * +2 15 262 EP +2 15 263 KA +2 15 264 PN +2 15 265 YN +2 15 266 KR +2 15 267 PN +2 15 268 YN +2 15 269 KR +2 15 270 AA +2 15 271 KT +2 15 272 EP +2 15 273 KR +2 15 274 EP +2 15 275 AA +2 15 276 NR +2 15 277 KT +2 15 278 * +2 15 279 KT +2 15 280 YN +2 15 281 YN +2 15 282 YN +2 15 283 KA +2 15 284 EP +2 15 285 * +2 15 286 EP +2 15 287 KA +2 15 288 NR +2 15 289 YN +2 15 290 AT +2 15 291 KT +2 15 292 * +2 15 293 KM +2 15 294 KM +2 15 295 KA +2 15 296 PN +2 15 297 AA +2 15 298 NR +2 15 299 YN +2 15 300 AT +2 15 301 YN +2 15 302 TO +2 15 303 EP +2 15 304 KA +2 15 305 KR +2 15 306 YN +2 15 307 KT +2 15 308 KR +2 15 309 KA +2 15 310 YN +2 15 311 PN +2 15 312 KA +2 15 313 PN +2 15 314 EP +2 15 315 YN +2 15 316 PN +2 15 317 NR +2 15 318 * +2 15 319 AT +2 15 320 KA +2 15 321 NR +2 15 322 PN +2 15 323 YN +2 15 324 AT +2 15 325 PN +2 15 326 AA +2 15 327 EP +2 15 328 YN +2 15 329 KA +2 15 330 EP +2 16 1 PN +2 16 2 EP +2 16 3 NR +2 16 4 PN +2 16 5 YN +2 16 6 * +2 16 7 YN +2 16 8 NR +2 16 9 KA +2 16 10 KT +2 16 11 YN +2 16 12 AA +2 16 13 YN +2 16 14 KT +2 16 15 KM +2 16 16 EP +2 16 17 NR +2 16 18 KH +2 16 19 PN +2 16 20 YN +2 16 21 NR +2 16 22 AT +2 16 23 PN +2 16 24 KH +2 16 25 KT +2 16 26 KT +2 16 27 AT +2 16 28 NR +2 16 29 YN +2 16 30 AA +2 16 31 PN +2 16 32 KR +2 16 33 YN +2 16 34 KT +2 16 35 * +2 16 36 YN +2 16 37 PN +2 16 38 NR +2 16 39 YN +2 16 40 PN +2 16 41 NR +2 16 42 NR +2 16 43 KT +2 16 44 AT +2 16 45 YN +2 16 46 KH +2 16 47 KT +2 16 48 * +2 16 49 PN +2 16 50 KR +2 16 51 KH +2 16 52 EP +2 16 53 NR +2 16 54 YN +2 16 55 PN +2 16 56 * +2 16 57 YN +2 16 58 KH +2 16 59 EP +2 16 60 KT +2 16 61 NR +2 16 62 PN +2 16 63 TO +2 16 64 KT +2 16 65 NR +2 16 66 AT +2 16 67 YN +2 16 68 TO +2 16 69 KH +2 16 70 EP +2 16 71 NR +2 16 72 YN +2 16 73 PN +2 16 74 KR +2 16 75 YN +2 16 76 NR +2 16 77 KT +2 16 78 PN +2 16 79 KH +2 16 80 KT +2 16 81 YN +2 16 82 YN +2 16 83 AT +2 16 84 TO +2 16 85 YN +2 16 86 TO +2 16 87 KH +2 16 88 PN +2 16 89 KH +2 16 90 YN +2 16 91 TI +2 16 92 AT +2 16 93 KR +2 16 94 KH +2 16 95 EP +2 16 96 * +2 16 97 KT +2 16 98 NR +2 16 99 EP +2 16 100 YN +2 16 101 NR +2 16 102 KT +2 16 103 KA +2 16 104 PN +2 16 105 TO +2 16 106 AT +2 16 107 EP +2 16 108 EP +2 16 109 KT +2 16 110 AA +2 16 111 KH +2 16 112 NR +2 16 113 KH +2 16 114 YN +2 16 115 NR +2 16 116 PN +2 16 117 KH +2 16 118 TO +2 16 119 YN +2 16 120 EP +2 16 121 NR +2 16 122 YN +2 16 123 YN +2 16 124 YN +2 16 125 * +2 16 126 TO +2 16 127 KT +2 16 128 YN +2 16 129 EP +2 16 130 KH +2 16 131 PN +2 16 132 NR +2 16 133 YN +2 16 134 KH +2 16 135 NR +2 16 136 YN +2 16 137 YN +2 16 138 PN +2 16 139 KH +2 16 140 KT +2 16 141 EP +2 16 142 EP +2 16 143 YN +2 16 144 PN +2 16 145 YN +2 16 146 * +2 16 147 PN +2 16 148 NR +2 16 149 YN +2 16 150 PN +2 16 151 KR +2 16 152 TO +2 16 153 PN +2 16 154 KH +2 16 155 KH +2 16 156 YN +2 16 157 KH +2 16 158 EP +2 16 159 * +2 16 160 TO +2 16 161 YN +2 16 162 NR +2 16 163 YN +2 16 164 PN +2 16 165 KH +2 16 166 PN +2 16 167 EP +2 16 168 YN +2 16 169 PN +2 16 170 KT +2 16 171 KH +2 16 172 EP +2 16 173 NR +2 16 174 * +2 16 175 PN +2 16 176 NR +2 16 177 AT +2 16 178 KT +2 16 179 TO +2 16 180 YN +2 16 181 * +2 16 182 PN +2 16 183 KH +2 16 184 PN +2 16 185 KR +2 16 186 YN +2 16 187 * +2 16 188 PN +2 16 189 EP +2 16 190 KR +2 16 191 YN +2 16 192 PN +2 16 193 * +2 16 194 TO +2 16 195 YN +2 16 196 PN +2 16 197 KM +2 16 198 KH +2 16 199 EP +2 16 200 PN +2 16 201 TO +2 16 202 YN +2 16 203 NR +2 16 204 KH +2 16 205 PN +2 16 206 EP +2 16 207 NR +2 16 208 * +2 16 209 YN +2 16 210 KR +2 16 211 PN +2 16 212 * +2 16 213 PN +2 16 214 YN +2 16 215 TO +2 16 216 KH +2 16 217 TO +2 16 218 YN +2 16 219 EP +2 16 220 PN +2 16 221 EP +2 16 222 PN +2 16 223 YN +2 16 224 EP +2 16 225 KH +2 16 226 KT +2 16 227 KH +2 16 228 PN +2 16 229 YN +2 16 230 EP +2 16 231 TO +2 16 232 KH +2 16 233 PN +2 16 234 YN +2 16 235 PN +2 16 236 YN +2 16 237 * +2 16 238 KT +2 16 239 TO +2 16 240 KH +2 16 241 EP +2 16 242 AT +2 16 243 NR +2 16 244 NR +2 16 245 NR +2 16 246 YN +2 16 247 PN +2 16 248 YN +2 16 249 YN +2 16 250 KT +2 16 251 YN +2 16 252 EP +2 16 253 YN +2 16 254 PN +2 16 255 KH +2 16 256 NR +2 16 257 PN +2 16 258 * +2 16 259 NR +2 16 260 EP +2 16 261 * +2 16 262 EP +2 16 263 KH +2 16 264 EP +2 16 265 YN +2 16 266 TO +2 16 267 KR +2 16 268 YN +2 16 269 TO +2 16 270 * +2 16 271 KT +2 16 272 EP +2 16 273 PN +2 16 274 EP +2 16 275 KM +2 16 276 NR +2 16 277 KT +2 16 278 * +2 16 279 KH +2 16 280 YN +2 16 281 YN +2 16 282 YN +2 16 283 KH +2 16 284 EP +2 16 285 TO +2 16 286 EP +2 16 287 KH +2 16 288 NR +2 16 289 PN +2 16 290 EP +2 16 291 PN +2 16 292 KR +2 16 293 EP +2 16 294 EP +2 16 295 KH +2 16 296 PN +2 16 297 * +2 16 298 NR +2 16 299 YN +2 16 300 EP +2 16 301 YN +2 16 302 EP +2 16 303 PN +2 16 304 KH +2 16 305 PN +2 16 306 YN +2 16 307 PN +2 16 308 KT +2 16 309 KH +2 16 310 YN +2 16 311 PN +2 16 312 KT +2 16 313 PN +2 16 314 EP +2 16 315 YN +2 16 316 YN +2 16 317 TO +2 16 318 * +2 16 319 EP +2 16 320 KH +2 16 321 NR +2 16 322 PN +2 16 323 YN +2 16 324 EP +2 16 325 TO +2 16 326 * +2 16 327 EP +2 16 328 YN +2 16 329 KH +2 16 330 EP +2 17 1 YN +2 17 2 AA +2 17 3 NR +2 17 4 * +2 17 5 IT +2 17 6 AA +2 17 7 YN +2 17 8 AA +2 17 9 KA +2 17 10 IT +2 17 11 YN +2 17 12 AA +2 17 13 YN +2 17 14 IT +2 17 15 AT +2 17 16 EP +2 17 17 AA +2 17 18 KA +2 17 19 YN +2 17 20 IT +2 17 21 AA +2 17 22 MP +2 17 23 IT +2 17 24 KA +2 17 25 IT +2 17 26 TK +2 17 27 AT +2 17 28 AA +2 17 29 YN +2 17 30 AA +2 17 31 IT +2 17 32 AA +2 17 33 * +2 17 34 IT +2 17 35 KA +2 17 36 IT +2 17 37 TK +2 17 38 * +2 17 39 IT +2 17 40 YN +2 17 41 AA +2 17 42 KA +2 17 43 TK +2 17 44 EP +2 17 45 IT +2 17 46 KA +2 17 47 AA +2 17 48 YN +2 17 49 IT +2 17 50 TK +2 17 51 AA +2 17 52 EP +2 17 53 NR +2 17 54 MP +2 17 55 IT +2 17 56 AT +2 17 57 YN +2 17 58 KA +2 17 59 EP +2 17 60 TK +2 17 61 NR +2 17 62 IT +2 17 63 AA +2 17 64 YN +2 17 65 NR +2 17 66 EP +2 17 67 EP +2 17 68 IT +2 17 69 NR +2 17 70 EP +2 17 71 IT +2 17 72 TK +2 17 73 IT +2 17 74 AT +2 17 75 YN +2 17 76 AA +2 17 77 IT +2 17 78 AT +2 17 79 KA +2 17 80 YN +2 17 81 AA +2 17 82 IT +2 17 83 EP +2 17 84 AT +2 17 85 AA +2 17 86 YN +2 17 87 KA +2 17 88 IT +2 17 89 KA +2 17 90 YN +2 17 91 AA +2 17 92 AT +2 17 93 IT +2 17 94 KA +2 17 95 AT +2 17 96 AA +2 17 97 IT +2 17 98 AA +2 17 99 KA +2 17 100 AT +2 17 101 AA +2 17 102 AT +2 17 103 AA +2 17 104 IT +2 17 105 TK +2 17 106 AA +2 17 107 EP +2 17 108 AT +2 17 109 IT +2 17 110 AA +2 17 111 KA +2 17 112 NR +2 17 113 KA +2 17 114 YN +2 17 115 NR +2 17 116 AT +2 17 117 KA +2 17 118 AA +2 17 119 IT +2 17 120 EP +2 17 121 AA +2 17 122 YN +2 17 123 TK +2 17 124 AT +2 17 125 MP +2 17 126 AA +2 17 127 IT +2 17 128 AA +2 17 129 EP +2 17 130 KA +2 17 131 TK +2 17 132 NR +2 17 133 IT +2 17 134 KA +2 17 135 AA +2 17 136 IT +2 17 137 AA +2 17 138 AT +2 17 139 EP +2 17 140 TK +2 17 141 EP +2 17 142 EP +2 17 143 AA +2 17 144 IT +2 17 145 AA +2 17 146 AA +2 17 147 IT +2 17 148 NR +2 17 149 AA +2 17 150 YN +2 17 151 EP +2 17 152 AA +2 17 153 YN +2 17 154 KA +2 17 155 KA +2 17 156 IT +2 17 157 KA +2 17 158 EP +2 17 159 AA +2 17 160 AA +2 17 161 YN +2 17 162 NR +2 17 163 IT +2 17 164 TK +2 17 165 AA +2 17 166 YN +2 17 167 EP +2 17 168 IT +2 17 169 YN +2 17 170 TK +2 17 171 AA +2 17 172 EP +2 17 173 NR +2 17 174 AA +2 17 175 YN +2 17 176 NR +2 17 177 AA +2 17 178 TK +2 17 179 AA +2 17 180 YN +2 17 181 IT +2 17 182 * +2 17 183 KA +2 17 184 YN +2 17 185 KA +2 17 186 IT +2 17 187 AA +2 17 188 YN +2 17 189 EP +2 17 190 AA +2 17 191 TK +2 17 192 KA +2 17 193 AA +2 17 194 NR +2 17 195 YN +2 17 196 AT +2 17 197 AA +2 17 198 KA +2 17 199 AA +2 17 200 IT +2 17 201 AA +2 17 202 YN +2 17 203 AA +2 17 204 KA +2 17 205 IT +2 17 206 EP +2 17 207 AA +2 17 208 AT +2 17 209 TK +2 17 210 KA +2 17 211 YN +2 17 212 AA +2 17 213 YN +2 17 214 AA +2 17 215 MP +2 17 216 KA +2 17 217 AA +2 17 218 AA +2 17 219 KA +2 17 220 IT +2 17 221 AT +2 17 222 TK +2 17 223 YN +2 17 224 EP +2 17 225 AA +2 17 226 YN +2 17 227 KA +2 17 228 TK +2 17 229 AA +2 17 230 EP +2 17 231 AA +2 17 232 KA +2 17 233 AA +2 17 234 TK +2 17 235 IT +2 17 236 AA +2 17 237 AT +2 17 238 IT +2 17 239 AA +2 17 240 KA +2 17 241 EP +2 17 242 AA +2 17 243 NR +2 17 244 AT +2 17 245 NR +2 17 246 IT +2 17 247 YN +2 17 248 KA +2 17 249 TK +2 17 250 AA +2 17 251 AA +2 17 252 EP +2 17 253 MP +2 17 254 YN +2 17 255 KA +2 17 256 NR +2 17 257 IT +2 17 258 AA +2 17 259 * +2 17 260 EP +2 17 261 AA +2 17 262 EP +2 17 263 AT +2 17 264 EP +2 17 265 IT +2 17 266 AA +2 17 267 KM +2 17 268 AA +2 17 269 NR +2 17 270 KM +2 17 271 IT +2 17 272 EP +2 17 273 AA +2 17 274 EP +2 17 275 AA +2 17 276 NR +2 17 277 IT +2 17 278 AA +2 17 279 IT +2 17 280 YN +2 17 281 YN +2 17 282 IT +2 17 283 KA +2 17 284 EP +2 17 285 AA +2 17 286 EP +2 17 287 AA +2 17 288 NR +2 17 289 IT +2 17 290 EP +2 17 291 TK +2 17 292 AA +2 17 293 EP +2 17 294 AT +2 17 295 KA +2 17 296 YN +2 17 297 AA +2 17 298 NR +2 17 299 YN +2 17 300 AT +2 17 301 YN +2 17 302 AT +2 17 303 EP +2 17 304 KM +2 17 305 TK +2 17 306 AA +2 17 307 YN +2 17 308 AT +2 17 309 KA +2 17 310 YN +2 17 311 IT +2 17 312 KA +2 17 313 IT +2 17 314 EP +2 17 315 AA +2 17 316 YN +2 17 317 NR +2 17 318 AA +2 17 319 EP +2 17 320 AA +2 17 321 NR +2 17 322 IT +2 17 323 YN +2 17 324 EP +2 17 325 AA +2 17 326 AA +2 17 327 IT +2 17 328 YN +2 17 329 TK +2 17 330 EP +2 18 1 YN +2 18 2 YN +2 18 3 NR +2 18 4 IT +2 18 5 YN +2 18 6 AT +2 18 7 YN +2 18 8 NR +2 18 9 AT +2 18 10 TK +2 18 11 TK +2 18 12 AA +2 18 13 YN +2 18 14 TK +2 18 15 PN +2 18 16 EP +2 18 17 NR +2 18 18 TK +2 18 19 IT +2 18 20 YN +2 18 21 NR +2 18 22 AA +2 18 23 IT +2 18 24 AT +2 18 25 YN +2 18 26 TK +2 18 27 EP +2 18 28 NR +2 18 29 PN +2 18 30 AT +2 18 31 IT +2 18 32 PN +2 18 33 YN +2 18 34 TK +2 18 35 NR +2 18 36 TK +2 18 37 IT +2 18 38 NR +2 18 39 PN +2 18 40 IT +2 18 41 NR +2 18 42 AT +2 18 43 TK +2 18 44 EP +2 18 45 IT +2 18 46 AT +2 18 47 TK +2 18 48 AA +2 18 49 IT +2 18 50 TK +2 18 51 AT +2 18 52 EP +2 18 53 NR +2 18 54 IT +2 18 55 YN +2 18 56 AA +2 18 57 TK +2 18 58 AT +2 18 59 EP +2 18 60 TK +2 18 61 NR +2 18 62 PN +2 18 63 NR +2 18 64 TK +2 18 65 NR +2 18 66 EP +2 18 67 IT +2 18 68 NR +2 18 69 AT +2 18 70 EP +2 18 71 AT +2 18 72 IT +2 18 73 TK +2 18 74 EP +2 18 75 AT +2 18 76 NR +2 18 77 YN +2 18 78 IT +2 18 79 AT +2 18 80 TK +2 18 81 PN +2 18 82 IT +2 18 83 EP +2 18 84 AA +2 18 85 YN +2 18 86 NR +2 18 87 AT +2 18 88 IT +2 18 89 TK +2 18 90 TK +2 18 91 IT +2 18 92 EP +2 18 93 YN +2 18 94 AT +2 18 95 EP +2 18 96 AA +2 18 97 TK +2 18 98 NR +2 18 99 PN +2 18 100 YN +2 18 101 NR +2 18 102 AT +2 18 103 AT +2 18 104 YN +2 18 105 IT +2 18 106 EP +2 18 107 EP +2 18 108 EP +2 18 109 TK +2 18 110 NR +2 18 111 AT +2 18 112 NR +2 18 113 TK +2 18 114 YN +2 18 115 NR +2 18 116 EP +2 18 117 AT +2 18 118 NR +2 18 119 YN +2 18 120 EP +2 18 121 NR +2 18 122 YN +2 18 123 YN +2 18 124 IT +2 18 125 NR +2 18 126 NR +2 18 127 TK +2 18 128 AA +2 18 129 EP +2 18 130 AT +2 18 131 IT +2 18 132 NR +2 18 133 YN +2 18 134 AT +2 18 135 IT +2 18 136 YN +2 18 137 YN +2 18 138 IT +2 18 139 EP +2 18 140 YN +2 18 141 EP +2 18 142 EP +2 18 143 AA +2 18 144 TK +2 18 145 YN +2 18 146 AA +2 18 147 YN +2 18 148 NR +2 18 149 YN +2 18 150 TK +2 18 151 NR +2 18 152 NR +2 18 153 PN +2 18 154 AT +2 18 155 AT +2 18 156 TK +2 18 157 AT +2 18 158 EP +2 18 159 AA +2 18 160 AA +2 18 161 YN +2 18 162 NR +2 18 163 TK +2 18 164 TK +2 18 165 AT +2 18 166 TK +2 18 167 PN +2 18 168 YN +2 18 169 YN +2 18 170 TK +2 18 171 YN +2 18 172 EP +2 18 173 NR +2 18 174 AA +2 18 175 YN +2 18 176 NR +2 18 177 EP +2 18 178 TK +2 18 179 AT +2 18 180 YN +2 18 181 AT +2 18 182 NR +2 18 183 IT +2 18 184 AT +2 18 185 IT +2 18 186 YN +2 18 187 NR +2 18 188 TK +2 18 189 EP +2 18 190 AA +2 18 191 YN +2 18 192 IT +2 18 193 AA +2 18 194 AT +2 18 195 YN +2 18 196 IT +2 18 197 AA +2 18 198 TK +2 18 199 EP +2 18 200 IT +2 18 201 NR +2 18 202 YN +2 18 203 NR +2 18 204 AT +2 18 205 IT +2 18 206 EP +2 18 207 NR +2 18 208 AT +2 18 209 YN +2 18 210 AT +2 18 211 YN +2 18 212 NR +2 18 213 AT +2 18 214 IT +2 18 215 NR +2 18 216 AT +2 18 217 NR +2 18 218 AT +2 18 219 YN +2 18 220 TK +2 18 221 EP +2 18 222 IT +2 18 223 YN +2 18 224 EP +2 18 225 AT +2 18 226 TK +2 18 227 AT +2 18 228 TK +2 18 229 IT +2 18 230 EP +2 18 231 AA +2 18 232 AT +2 18 233 IT +2 18 234 YN +2 18 235 TK +2 18 236 PN +2 18 237 NR +2 18 238 YN +2 18 239 NR +2 18 240 AT +2 18 241 EP +2 18 242 AA +2 18 243 AT +2 18 244 EP +2 18 245 NR +2 18 246 IT +2 18 247 PN +2 18 248 TK +2 18 249 YN +2 18 250 TK +2 18 251 YN +2 18 252 EP +2 18 253 YN +2 18 254 IT +2 18 255 AT +2 18 256 NR +2 18 257 TK +2 18 258 AA +2 18 259 NR +2 18 260 EP +2 18 261 NR +2 18 262 EP +2 18 263 AT +2 18 264 PN +2 18 265 YN +2 18 266 AT +2 18 267 AT +2 18 268 YN +2 18 269 NR +2 18 270 AA +2 18 271 TK +2 18 272 EP +2 18 273 IT +2 18 274 EP +2 18 275 AA +2 18 276 NR +2 18 277 TK +2 18 278 NR +2 18 279 TK +2 18 280 YN +2 18 281 YN +2 18 282 YN +2 18 283 AT +2 18 284 EP +2 18 285 NR +2 18 286 EP +2 18 287 AT +2 18 288 NR +2 18 289 YN +2 18 290 EP +2 18 291 TK +2 18 292 NR +2 18 293 EP +2 18 294 EP +2 18 295 AT +2 18 296 IT +2 18 297 AA +2 18 298 NR +2 18 299 YN +2 18 300 EP +2 18 301 YN +2 18 302 EP +2 18 303 EP +2 18 304 YN +2 18 305 IT +2 18 306 YN +2 18 307 YN +2 18 308 IT +2 18 309 AT +2 18 310 YN +2 18 311 YN +2 18 312 TK +2 18 313 TK +2 18 314 EP +2 18 315 YN +2 18 316 YN +2 18 317 NR +2 18 318 NR +2 18 319 EP +2 18 320 IT +2 18 321 NR +2 18 322 PN +2 18 323 YN +2 18 324 EP +2 18 325 PN +2 18 326 AA +2 18 327 EP +2 18 328 YN +2 18 329 AT +2 18 330 EP +2 19 1 IT +2 19 2 YN +2 19 3 NR +2 19 4 TK +2 19 5 IT +2 19 6 * +2 19 7 YN +2 19 8 NR +2 19 9 AT +2 19 10 IT +2 19 11 TK +2 19 12 AA +2 19 13 TK +2 19 14 IT +2 19 15 * +2 19 16 AT +2 19 17 NR +2 19 18 TK +2 19 19 IT +2 19 20 YN +2 19 21 * +2 19 22 AA +2 19 23 TK +2 19 24 AT +2 19 25 IT +2 19 26 IT +2 19 27 AT +2 19 28 * +2 19 29 YN +2 19 30 AA +2 19 31 IT +2 19 32 * +2 19 33 YN +2 19 34 IT +2 19 35 AT +2 19 36 YN +2 19 37 IT +2 19 38 NR +2 19 39 YN +2 19 40 YN +2 19 41 NR +2 19 42 AA +2 19 43 IT +2 19 44 AT +2 19 45 YN +2 19 46 AT +2 19 47 TK +2 19 48 AA +2 19 49 IT +2 19 50 TK +2 19 51 AT +2 19 52 EP +2 19 53 NR +2 19 54 YN +2 19 55 IT +2 19 56 AT +2 19 57 IT +2 19 58 AA +2 19 59 AT +2 19 60 TK +2 19 61 NR +2 19 62 TK +2 19 63 * +2 19 64 TK +2 19 65 NR +2 19 66 AT +2 19 67 IT +2 19 68 * +2 19 69 AT +2 19 70 EP +2 19 71 NR +2 19 72 YN +2 19 73 TK +2 19 74 YN +2 19 75 TK +2 19 76 AA +2 19 77 IT +2 19 78 * +2 19 79 TK +2 19 80 IT +2 19 81 YN +2 19 82 YN +2 19 83 AA +2 19 84 * +2 19 85 YN +2 19 86 * +2 19 87 TK +2 19 88 * +2 19 89 TK +2 19 90 TK +2 19 91 AA +2 19 92 EP +2 19 93 YN +2 19 94 TK +2 19 95 EP +2 19 96 AA +2 19 97 TK +2 19 98 NR +2 19 99 * +2 19 100 IT +2 19 101 NR +2 19 102 AT +2 19 103 TK +2 19 104 IT +2 19 105 * +2 19 106 AA +2 19 107 EP +2 19 108 IT +2 19 109 TK +2 19 110 AA +2 19 111 AT +2 19 112 NR +2 19 113 AT +2 19 114 IT +2 19 115 NR +2 19 116 IT +2 19 117 AT +2 19 118 * +2 19 119 YN +2 19 120 EP +2 19 121 AA +2 19 122 YN +2 19 123 IT +2 19 124 AA +2 19 125 AA +2 19 126 * +2 19 127 TK +2 19 128 AA +2 19 129 EP +2 19 130 AT +2 19 131 TK +2 19 132 NR +2 19 133 YN +2 19 134 AT +2 19 135 * +2 19 136 IT +2 19 137 IT +2 19 138 YN +2 19 139 EP +2 19 140 TK +2 19 141 EP +2 19 142 EP +2 19 143 YN +2 19 144 TK +2 19 145 IT +2 19 146 AA +2 19 147 IT +2 19 148 NR +2 19 149 IT +2 19 150 TK +2 19 151 * +2 19 152 * +2 19 153 IT +2 19 154 AT +2 19 155 AT +2 19 156 YN +2 19 157 AT +2 19 158 EP +2 19 159 AA +2 19 160 * +2 19 161 YN +2 19 162 NR +2 19 163 IT +2 19 164 YN +2 19 165 TK +2 19 166 * +2 19 167 YN +2 19 168 YN +2 19 169 TK +2 19 170 AA +2 19 171 EP +2 19 172 EP +2 19 173 * +2 19 174 AA +2 19 175 YN +2 19 176 NR +2 19 177 AA +2 19 178 IT +2 19 179 * +2 19 180 YN +2 19 181 AA +2 19 182 * +2 19 183 AT +2 19 184 IT +2 19 185 AA +2 19 186 IT +2 19 187 AA +2 19 188 YN +2 19 189 * +2 19 190 * +2 19 191 TK +2 19 192 * +2 19 193 AA +2 19 194 NR +2 19 195 YN +2 19 196 IT +2 19 197 * +2 19 198 TK +2 19 199 EP +2 19 200 IT +2 19 201 AA +2 19 202 YN +2 19 203 * +2 19 204 AT +2 19 205 TK +2 19 206 EP +2 19 207 NR +2 19 208 AA +2 19 209 YN +2 19 210 TK +2 19 211 IT +2 19 212 AA +2 19 213 AT +2 19 214 AA +2 19 215 * +2 19 216 TK +2 19 217 AA +2 19 218 AA +2 19 219 IT +2 19 220 TK +2 19 221 AT +2 19 222 TK +2 19 223 YN +2 19 224 EP +2 19 225 AA +2 19 226 TK +2 19 227 AT +2 19 228 IT +2 19 229 YN +2 19 230 EP +2 19 231 * +2 19 232 AT +2 19 233 * +2 19 234 YN +2 19 235 TK +2 19 236 AA +2 19 237 AA +2 19 238 YN +2 19 239 * +2 19 240 TK +2 19 241 EP +2 19 242 AA +2 19 243 NR +2 19 244 EP +2 19 245 NR +2 19 246 YN +2 19 247 IT +2 19 248 TK +2 19 249 IT +2 19 250 TK +2 19 251 YN +2 19 252 EP +2 19 253 IT +2 19 254 TK +2 19 255 TK +2 19 256 NR +2 19 257 TK +2 19 258 AA +2 19 259 NR +2 19 260 EP +2 19 261 AA +2 19 262 EP +2 19 263 AT +2 19 264 IT +2 19 265 TK +2 19 266 AA +2 19 267 TK +2 19 268 YN +2 19 269 * +2 19 270 AA +2 19 271 TK +2 19 272 EP +2 19 273 * +2 19 274 EP +2 19 275 AA +2 19 276 NR +2 19 277 TK +2 19 278 AA +2 19 279 IT +2 19 280 YN +2 19 281 YN +2 19 282 IT +2 19 283 AT +2 19 284 EP +2 19 285 * +2 19 286 EP +2 19 287 * +2 19 288 AA +2 19 289 IT +2 19 290 EP +2 19 291 YN +2 19 292 AA +2 19 293 EP +2 19 294 EP +2 19 295 AT +2 19 296 TK +2 19 297 AA +2 19 298 NR +2 19 299 YN +2 19 300 EP +2 19 301 IT +2 19 302 EP +2 19 303 EP +2 19 304 AT +2 19 305 TK +2 19 306 YN +2 19 307 IT +2 19 308 * +2 19 309 AT +2 19 310 IT +2 19 311 TK +2 19 312 AT +2 19 313 TK +2 19 314 EP +2 19 315 YN +2 19 316 IT +2 19 317 NR +2 19 318 AA +2 19 319 EP +2 19 320 AT +2 19 321 NR +2 19 322 IT +2 19 323 IT +2 19 324 EP +2 19 325 NR +2 19 326 AA +2 19 327 EP +2 19 328 YN +2 19 329 AA +2 19 330 EP +2 20 1 TK +2 20 2 IO +2 20 3 NR +2 20 4 * +2 20 5 EP +2 20 6 * +2 20 7 YN +2 20 8 NR +2 20 9 PN +2 20 10 TK +2 20 11 YN +2 20 12 KR +2 20 13 TK +2 20 14 TK +2 20 15 KR +2 20 16 EP +2 20 17 NR +2 20 18 * +2 20 19 YN +2 20 20 TK +2 20 21 NR +2 20 22 EP +2 20 23 KR +2 20 24 * +2 20 25 TK +2 20 26 TK +2 20 27 EP +2 20 28 PH +2 20 29 YN +2 20 30 * +2 20 31 TK +2 20 32 PH +2 20 33 YN +2 20 34 TK +2 20 35 PH +2 20 36 TK +2 20 37 KR +2 20 38 PH +2 20 39 YN +2 20 40 TK +2 20 41 PH +2 20 42 AA +2 20 43 TK +2 20 44 EP +2 20 45 TK +2 20 46 PN +2 20 47 PN +2 20 48 KR +2 20 49 TK +2 20 50 * +2 20 51 * +2 20 52 EP +2 20 53 PH +2 20 54 YN +2 20 55 TK +2 20 56 UN +2 20 57 TK +2 20 58 UN +2 20 59 AA +2 20 60 YN +2 20 61 PH +2 20 62 UN +2 20 63 UN +2 20 64 TK +2 20 65 PH +2 20 66 EP +2 20 67 TK +2 20 68 NR +2 20 69 UN +2 20 70 IO +2 20 71 UN +2 20 72 TK +2 20 73 UN +2 20 74 YN +2 20 75 PN +2 20 76 PH +2 20 77 TK +2 20 78 UN +2 20 79 PN +2 20 80 TK +2 20 81 AA +2 20 82 TK +2 20 83 EP +2 20 84 UN +2 20 85 YN +2 20 86 PH +2 20 87 PN +2 20 88 PH +2 20 89 TK +2 20 90 PN +2 20 91 AA +2 20 92 EP +2 20 93 TK +2 20 94 PN +2 20 95 EP +2 20 96 AA +2 20 97 TK +2 20 98 PH +2 20 99 PN +2 20 100 YN +2 20 101 PH +2 20 102 EP +2 20 103 YN +2 20 104 PN +2 20 105 PH +2 20 106 KR +2 20 107 EP +2 20 108 KR +2 20 109 TK +2 20 110 AA +2 20 111 PN +2 20 112 PH +2 20 113 PN +2 20 114 TK +2 20 115 NR +2 20 116 PN +2 20 117 PN +2 20 118 NR +2 20 119 YN +2 20 120 EP +2 20 121 NR +2 20 122 TK +2 20 123 TK +2 20 124 YN +2 20 125 YN +2 20 126 AA +2 20 127 TK +2 20 128 YN +2 20 129 EP +2 20 130 PN +2 20 131 UN +2 20 132 PH +2 20 133 TK +2 20 134 PN +2 20 135 NR +2 20 136 TK +2 20 137 TK +2 20 138 PN +2 20 139 EP +2 20 140 TK +2 20 141 EP +2 20 142 * +2 20 143 YN +2 20 144 * +2 20 145 TK +2 20 146 AA +2 20 147 TK +2 20 148 NR +2 20 149 PN +2 20 150 UN +2 20 151 PH +2 20 152 * +2 20 153 TK +2 20 154 PN +2 20 155 PN +2 20 156 TK +2 20 157 UN +2 20 158 EP +2 20 159 AA +2 20 160 PH +2 20 161 YN +2 20 162 NR +2 20 163 TK +2 20 164 TK +2 20 165 PN +2 20 166 YN +2 20 167 UN +2 20 168 YN +2 20 169 TK +2 20 170 TK +2 20 171 PN +2 20 172 EP +2 20 173 PH +2 20 174 AA +2 20 175 PN +2 20 176 PH +2 20 177 AA +2 20 178 TK +2 20 179 PN +2 20 180 YN +2 20 181 PN +2 20 182 PN +2 20 183 PN +2 20 184 PH +2 20 185 AA +2 20 186 YN +2 20 187 AA +2 20 188 TK +2 20 189 EP +2 20 190 AA +2 20 191 TK +2 20 192 PN +2 20 193 AA +2 20 194 PN +2 20 195 YN +2 20 196 YN +2 20 197 PN +2 20 198 PN +2 20 199 EP +2 20 200 TK +2 20 201 NR +2 20 202 YN +2 20 203 NR +2 20 204 PN +2 20 205 YN +2 20 206 EP +2 20 207 PH +2 20 208 AA +2 20 209 YN +2 20 210 PN +2 20 211 TK +2 20 212 AA +2 20 213 UN +2 20 214 AA +2 20 215 PH +2 20 216 PN +2 20 217 AA +2 20 218 AA +2 20 219 EP +2 20 220 YN +2 20 221 EP +2 20 222 PH +2 20 223 YN +2 20 224 EP +2 20 225 AA +2 20 226 TK +2 20 227 PN +2 20 228 TK +2 20 229 YN +2 20 230 EP +2 20 231 NR +2 20 232 PN +2 20 233 PN +2 20 234 YN +2 20 235 TK +2 20 236 PN +2 20 237 PH +2 20 238 TK +2 20 239 PH +2 20 240 PN +2 20 241 EP +2 20 242 AA +2 20 243 NR +2 20 244 EP +2 20 245 PH +2 20 246 TK +2 20 247 PN +2 20 248 YN +2 20 249 TK +2 20 250 UN +2 20 251 YN +2 20 252 EP +2 20 253 YN +2 20 254 PN +2 20 255 UN +2 20 256 NR +2 20 257 YN +2 20 258 AA +2 20 259 UN +2 20 260 EP +2 20 261 PH +2 20 262 EP +2 20 263 UN +2 20 264 PN +2 20 265 TK +2 20 266 PH +2 20 267 PN +2 20 268 YN +2 20 269 NR +2 20 270 PN +2 20 271 TK +2 20 272 EP +2 20 273 NR +2 20 274 EP +2 20 275 AA +2 20 276 NR +2 20 277 TK +2 20 278 AA +2 20 279 TK +2 20 280 YN +2 20 281 YN +2 20 282 IT +2 20 283 UN +2 20 284 EP +2 20 285 NR +2 20 286 EP +2 20 287 UN +2 20 288 PH +2 20 289 TK +2 20 290 UN +2 20 291 IT +2 20 292 PH +2 20 293 EP +2 20 294 EP +2 20 295 UN +2 20 296 IT +2 20 297 AA +2 20 298 NR +2 20 299 TK +2 20 300 EP +2 20 301 YN +2 20 302 EP +2 20 303 IT +2 20 304 IT +2 20 305 PH +2 20 306 PN +2 20 307 YN +2 20 308 PN +2 20 309 UN +2 20 310 TK +2 20 311 IT +2 20 312 UN +2 20 313 TK +2 20 314 EP +2 20 315 YN +2 20 316 YN +2 20 317 NR +2 20 318 AA +2 20 319 EP +2 20 320 IT +2 20 321 NR +2 20 322 IT +2 20 323 IT +2 20 324 EP +2 20 325 PH +2 20 326 AA +2 20 327 EP +2 20 328 YN +2 20 329 UN +2 20 330 EP +2 21 1 YN +2 21 2 YN +2 21 3 NR +2 21 4 TK +2 21 5 YN +2 21 6 * +2 21 7 YN +2 21 8 NR +2 21 9 AT +2 21 10 PN +2 21 11 IT +2 21 12 * +2 21 13 YN +2 21 14 YN +2 21 15 EP +2 21 16 EP +2 21 17 NR +2 21 18 IT +2 21 19 YN +2 21 20 YN +2 21 21 NR +2 21 22 EP +2 21 23 NR +2 21 24 * +2 21 25 YN +2 21 26 TK +2 21 27 EP +2 21 28 NR +2 21 29 YN +2 21 30 NR +2 21 31 YN +2 21 32 NR +2 21 33 YN +2 21 34 TK +2 21 35 NR +2 21 36 PN +2 21 37 YN +2 21 38 NR +2 21 39 YN +2 21 40 PN +2 21 41 NR +2 21 42 AA +2 21 43 YN +2 21 44 AA +2 21 45 PN +2 21 46 TK +2 21 47 TK +2 21 48 AA +2 21 49 YN +2 21 50 TK +2 21 51 PN +2 21 52 EP +2 21 53 NR +2 21 54 YN +2 21 55 YN +2 21 56 PN +2 21 57 TK +2 21 58 AA +2 21 59 EP +2 21 60 TK +2 21 61 NR +2 21 62 EP +2 21 63 NR +2 21 64 YN +2 21 65 NR +2 21 66 EP +2 21 67 YN +2 21 68 NR +2 21 69 PN +2 21 70 EP +2 21 71 NR +2 21 72 YN +2 21 73 TK +2 21 74 EP +2 21 75 TK +2 21 76 NR +2 21 77 YN +2 21 78 PN +2 21 79 TK +2 21 80 YN +2 21 81 YN +2 21 82 YN +2 21 83 AT +2 21 84 NR +2 21 85 PN +2 21 86 NR +2 21 87 TK +2 21 88 NR +2 21 89 PN +2 21 90 YN +2 21 91 AA +2 21 92 EP +2 21 93 PN +2 21 94 TK +2 21 95 EP +2 21 96 AA +2 21 97 PN +2 21 98 NR +2 21 99 EP +2 21 100 YN +2 21 101 NR +2 21 102 EP +2 21 103 TK +2 21 104 PN +2 21 105 NR +2 21 106 EP +2 21 107 EP +2 21 108 EP +2 21 109 TK +2 21 110 AA +2 21 111 TK +2 21 112 NR +2 21 113 TK +2 21 114 YN +2 21 115 NR +2 21 116 EP +2 21 117 TK +2 21 118 NR +2 21 119 YN +2 21 120 EP +2 21 121 NR +2 21 122 YN +2 21 123 YN +2 21 124 AA +2 21 125 NR +2 21 126 NR +2 21 127 YN +2 21 128 AA +2 21 129 EP +2 21 130 TK +2 21 131 NR +2 21 132 NR +2 21 133 YN +2 21 134 TK +2 21 135 NR +2 21 136 YN +2 21 137 YN +2 21 138 YN +2 21 139 EP +2 21 140 YN +2 21 141 EP +2 21 142 EP +2 21 143 EP +2 21 144 IT +2 21 145 YN +2 21 146 AA +2 21 147 YN +2 21 148 NR +2 21 149 YN +2 21 150 PN +2 21 151 AA +2 21 152 TK +2 21 153 YN +2 21 154 TK +2 21 155 TK +2 21 156 YN +2 21 157 TK +2 21 158 EP +2 21 159 TI +2 21 160 NR +2 21 161 YN +2 21 162 NR +2 21 163 YN +2 21 164 YN +2 21 165 TK +2 21 166 PN +2 21 167 IT +2 21 168 YN +2 21 169 YN +2 21 170 YN +2 21 171 TK +2 21 172 EP +2 21 173 NR +2 21 174 AA +2 21 175 IT +2 21 176 NR +2 21 177 AA +2 21 178 YN +2 21 179 PN +2 21 180 IT +2 21 181 PN +2 21 182 NR +2 21 183 TK +2 21 184 PN +2 21 185 AA +2 21 186 YN +2 21 187 AA +2 21 188 YN +2 21 189 EP +2 21 190 TK +2 21 191 YN +2 21 192 * +2 21 193 YN +2 21 194 PN +2 21 195 YN +2 21 196 IT +2 21 197 TK +2 21 198 TK +2 21 199 EP +2 21 200 YN +2 21 201 NR +2 21 202 YN +2 21 203 NR +2 21 204 TK +2 21 205 YN +2 21 206 EP +2 21 207 NR +2 21 208 TK +2 21 209 YN +2 21 210 TK +2 21 211 YN +2 21 212 NR +2 21 213 EP +2 21 214 YN +2 21 215 NR +2 21 216 TK +2 21 217 EP +2 21 218 YN +2 21 219 EP +2 21 220 IT +2 21 221 EP +2 21 222 IT +2 21 223 YN +2 21 224 EP +2 21 225 TK +2 21 226 IT +2 21 227 TK +2 21 228 IT +2 21 229 YN +2 21 230 EP +2 21 231 NR +2 21 232 TK +2 21 233 TK +2 21 234 PN +2 21 235 YN +2 21 236 PN +2 21 237 NR +2 21 238 IT +2 21 239 NR +2 21 240 TU +2 21 241 EP +2 21 242 AA +2 21 243 NR +2 21 244 EP +2 21 245 NR +2 21 246 YN +2 21 247 PN +2 21 248 TK +2 21 249 YN +2 21 250 TK +2 21 251 YN +2 21 252 EP +2 21 253 YN +2 21 254 EP +2 21 255 TK +2 21 256 NR +2 21 257 YN +2 21 258 AA +2 21 259 NR +2 21 260 EP +2 21 261 AA +2 21 262 EP +2 21 263 TK +2 21 264 TK +2 21 265 YN +2 21 266 NR +2 21 267 NR +2 21 268 YN +2 21 269 NR +2 21 270 AA +2 21 271 YN +2 21 272 EP +2 21 273 NR +2 21 274 EP +2 21 275 YN +2 21 276 NR +2 21 277 YN +2 21 278 NR +2 21 279 TK +2 21 280 TK +2 21 281 YN +2 21 282 YN +2 21 283 TK +2 21 284 EP +2 21 285 NR +2 21 286 EP +2 21 287 * +2 21 288 NR +2 21 289 YN +2 21 290 EP +2 21 291 YN +2 21 292 * +2 21 293 EP +2 21 294 EP +2 21 295 TK +2 21 296 TK +2 21 297 * +2 21 298 NR +2 21 299 YN +2 21 300 EP +2 21 301 YN +2 21 302 EP +2 21 303 EP +2 21 304 YN +2 21 305 TK +2 21 306 YN +2 21 307 IT +2 21 308 YN +2 21 309 TK +2 21 310 YN +2 21 311 YN +2 21 312 TK +2 21 313 YN +2 21 314 EP +2 21 315 YN +2 21 316 IT +2 21 317 NR +2 21 318 * +2 21 319 EP +2 21 320 YN +2 21 321 NR +2 21 322 EP +2 21 323 YN +2 21 324 EP +2 21 325 NR +2 21 326 AA +2 21 327 EP +2 21 328 YN +2 21 329 TK +2 21 330 EP +2 22 1 * +2 22 2 EP +2 22 3 NR +2 22 4 TK +2 22 5 AA +2 22 6 EP +2 22 7 PN +2 22 8 NR +2 22 9 WT +2 22 10 TK +2 22 11 TK +2 22 12 AA +2 22 13 TK +2 22 14 TK +2 22 15 EP +2 22 16 EP +2 22 17 AA +2 22 18 TK +2 22 19 YN +2 22 20 PN +2 22 21 NR +2 22 22 EP +2 22 23 TK +2 22 24 WT +2 22 25 PN +2 22 26 TK +2 22 27 EP +2 22 28 NR +2 22 29 PN +2 22 30 AA +2 22 31 EP +2 22 32 EP +2 22 33 PN +2 22 34 TK +2 22 35 EP +2 22 36 TK +2 22 37 YN +2 22 38 NR +2 22 39 YN +2 22 40 TK +2 22 41 NR +2 22 42 PN +2 22 43 TK +2 22 44 EP +2 22 45 PN +2 22 46 EP +2 22 47 TK +2 22 48 AA +2 22 49 TK +2 22 50 PN +2 22 51 PN +2 22 52 EP +2 22 53 NR +2 22 54 AA +2 22 55 TK +2 22 56 EP +2 22 57 TK +2 22 58 PN +2 22 59 EP +2 22 60 TK +2 22 61 AA +2 22 62 TK +2 22 63 AA +2 22 64 TK +2 22 65 NR +2 22 66 EP +2 22 67 YN +2 22 68 AA +2 22 69 PN +2 22 70 EP +2 22 71 PN +2 22 72 YN +2 22 73 TK +2 22 74 EP +2 22 75 TK +2 22 76 AA +2 22 77 TK +2 22 78 EP +2 22 79 TK +2 22 80 PN +2 22 81 AA +2 22 82 PN +2 22 83 EP +2 22 84 EP +2 22 85 TK +2 22 86 AA +2 22 87 TK +2 22 88 PN +2 22 89 TK +2 22 90 TK +2 22 91 AA +2 22 92 EP +2 22 93 TK +2 22 94 TK +2 22 95 EP +2 22 96 AA +2 22 97 TK +2 22 98 NR +2 22 99 EP +2 22 100 EP +2 22 101 PN +2 22 102 EP +2 22 103 TK +2 22 104 EP +2 22 105 TK +2 22 106 EP +2 22 107 EP +2 22 108 EP +2 22 109 TK +2 22 110 NR +2 22 111 TK +2 22 112 NR +2 22 113 TK +2 22 114 TK +2 22 115 NR +2 22 116 EP +2 22 117 TK +2 22 118 NR +2 22 119 TK +2 22 120 EP +2 22 121 AA +2 22 122 TK +2 22 123 TK +2 22 124 AA +2 22 125 NR +2 22 126 EP +2 22 127 TK +2 22 128 AA +2 22 129 EP +2 22 130 TK +2 22 131 TK +2 22 132 NR +2 22 133 TK +2 22 134 TK +2 22 135 NR +2 22 136 PN +2 22 137 TK +2 22 138 EP +2 22 139 EP +2 22 140 TK +2 22 141 EP +2 22 142 EP +2 22 143 AA +2 22 144 TK +2 22 145 PN +2 22 146 AA +2 22 147 YN +2 22 148 NR +2 22 149 TK +2 22 150 TK +2 22 151 EP +2 22 152 EP +2 22 153 EP +2 22 154 TK +2 22 155 TK +2 22 156 PN +2 22 157 AA +2 22 158 EP +2 22 159 EP +2 22 160 EP +2 22 161 PN +2 22 162 NR +2 22 163 TK +2 22 164 TK +2 22 165 TK +2 22 166 TK +2 22 167 EP +2 22 168 TK +2 22 169 TK +2 22 170 TK +2 22 171 PN +2 22 172 EP +2 22 173 AA +2 22 174 AA +2 22 175 EP +2 22 176 AA +2 22 177 EP +2 22 178 TK +2 22 179 AA +2 22 180 TK +2 22 181 EP +2 22 182 TK +2 22 183 TK +2 22 184 TK +2 22 185 AA +2 22 186 YN +2 22 187 EP +2 22 188 TK +2 22 189 EP +2 22 190 AA +2 22 191 TK +2 22 192 TK +2 22 193 AA +2 22 194 TK +2 22 195 TK +2 22 196 EP +2 22 197 EP +2 22 198 TK +2 22 199 EP +2 22 200 TK +2 22 201 AA +2 22 202 TK +2 22 203 NR +2 22 204 TK +2 22 205 TK +2 22 206 EP +2 22 207 NR +2 22 208 AA +2 22 209 TK +2 22 210 TK +2 22 211 AA +2 22 212 AA +2 22 213 EP +2 22 214 EP +2 22 215 NR +2 22 216 TK +2 22 217 EP +2 22 218 AA +2 22 219 EP +2 22 220 TK +2 22 221 EP +2 22 222 TK +2 22 223 TK +2 22 224 EP +2 22 225 AA +2 22 226 TK +2 22 227 TK +2 22 228 TK +2 22 229 EP +2 22 230 EP +2 22 231 TK +2 22 232 AA +2 22 233 EP +2 22 234 TK +2 22 235 TK +2 22 236 AA +2 22 237 EP +2 22 238 TK +2 22 239 NR +2 22 240 PN +2 22 241 EP +2 22 242 EP +2 22 243 NR +2 22 244 EP +2 22 245 NR +2 22 246 TK +2 22 247 TK +2 22 248 PN +2 22 249 PN +2 22 250 TK +2 22 251 EP +2 22 252 EP +2 22 253 EP +2 22 254 TK +2 22 255 TK +2 22 256 NR +2 22 257 TK +2 22 258 AA +2 22 259 AA +2 22 260 EP +2 22 261 AA +2 22 262 EP +2 22 263 EP +2 22 264 EP +2 22 265 TK +2 22 266 AA +2 22 267 AA +2 22 268 EP +2 22 269 EP +2 22 270 AA +2 22 271 TK +2 22 272 EP +2 22 273 TK +2 22 274 EP +2 22 275 AA +2 22 276 NR +2 22 277 TK +2 22 278 EP +2 22 279 TK +2 22 280 AA +2 22 281 TK +2 22 282 TK +2 22 283 TK +2 22 284 EP +2 22 285 EP +2 22 286 EP +2 22 287 AA +2 22 288 NR +2 22 289 TK +2 22 290 EP +2 22 291 TK +2 22 292 EP +2 22 293 EP +2 22 294 EP +2 22 295 AA +2 22 296 TK +2 22 297 AA +2 22 298 NR +2 22 299 TK +2 22 300 EP +2 22 301 TK +2 22 302 EP +2 22 303 EP +2 22 304 AA +2 22 305 TK +2 22 306 EP +2 22 307 TK +2 22 308 TK +2 22 309 TK +2 22 310 TK +2 22 311 TK +2 22 312 TK +2 22 313 TK +2 22 314 EP +2 22 315 AA +2 22 316 AA +2 22 317 NR +2 22 318 NR +2 22 319 EP +2 22 320 AA +2 22 321 NR +2 22 322 EP +2 22 323 TK +2 22 324 EP +2 22 325 AA +2 22 326 AA +2 22 327 EP +2 22 328 TK +2 22 329 PN +2 22 330 EP +2 23 1 TK +2 23 2 EP +2 23 3 NR +2 23 4 TK +2 23 5 IT +2 23 6 EP +2 23 7 YN +2 23 8 NR +2 23 9 AI +2 23 10 IT +2 23 11 YN +2 23 12 AA +2 23 13 YN +2 23 14 IT +2 23 15 AI +2 23 16 EP +2 23 17 NR +2 23 18 TK +2 23 19 IT +2 23 20 YN +2 23 21 NR +2 23 22 EP +2 23 23 AI +2 23 24 * +2 23 25 IT +2 23 26 TK +2 23 27 EP +2 23 28 NR +2 23 29 IT +2 23 30 NR +2 23 31 IT +2 23 32 AI +2 23 33 YN +2 23 34 IT +2 23 35 NR +2 23 36 YN +2 23 37 IT +2 23 38 NR +2 23 39 YN +2 23 40 IT +2 23 41 NR +2 23 42 AI +2 23 43 IT +2 23 44 EP +2 23 45 YN +2 23 46 * +2 23 47 YN +2 23 48 AI +2 23 49 IT +2 23 50 AI +2 23 51 AI +2 23 52 EP +2 23 53 NR +2 23 54 YN +2 23 55 IT +2 23 56 * +2 23 57 TK +2 23 58 AI +2 23 59 EP +2 23 60 YN +2 23 61 NR +2 23 62 * +2 23 63 NR +2 23 64 TK +2 23 65 NR +2 23 66 EP +2 23 67 YN +2 23 68 AI +2 23 69 * +2 23 70 EP +2 23 71 NR +2 23 72 IT +2 23 73 * +2 23 74 EP +2 23 75 YN +2 23 76 NR +2 23 77 IT +2 23 78 AI +2 23 79 * +2 23 80 IT +2 23 81 AI +2 23 82 IT +2 23 83 EP +2 23 84 * +2 23 85 TK +2 23 86 NR +2 23 87 AI +2 23 88 NR +2 23 89 TK +2 23 90 TK +2 23 91 AA +2 23 92 EP +2 23 93 IT +2 23 94 AI +2 23 95 EP +2 23 96 AA +2 23 97 TK +2 23 98 NR +2 23 99 * +2 23 100 YN +2 23 101 NR +2 23 102 * +2 23 103 AI +2 23 104 IT +2 23 105 NR +2 23 106 EP +2 23 107 EP +2 23 108 EP +2 23 109 YN +2 23 110 * +2 23 111 TK +2 23 112 NR +2 23 113 AI +2 23 114 TK +2 23 115 NR +2 23 116 * +2 23 117 AI +2 23 118 NR +2 23 119 TK +2 23 120 EP +2 23 121 NR +2 23 122 YN +2 23 123 TK +2 23 124 * +2 23 125 NR +2 23 126 NR +2 23 127 TK +2 23 128 EP +2 23 129 EP +2 23 130 * +2 23 131 AI +2 23 132 NR +2 23 133 TK +2 23 134 * +2 23 135 NR +2 23 136 IT +2 23 137 TK +2 23 138 IT +2 23 139 EP +2 23 140 TK +2 23 141 EP +2 23 142 EP +2 23 143 AI +2 23 144 TK +2 23 145 IT +2 23 146 * +2 23 147 IT +2 23 148 NR +2 23 149 * +2 23 150 TK +2 23 151 * +2 23 152 * +2 23 153 IT +2 23 154 AI +2 23 155 AI +2 23 156 TK +2 23 157 * +2 23 158 EP +2 23 159 * +2 23 160 * +2 23 161 IT +2 23 162 NR +2 23 163 TK +2 23 164 TK +2 23 165 AI +2 23 166 IT +2 23 167 * +2 23 168 TK +2 23 169 TK +2 23 170 TK +2 23 171 AI +2 23 172 EP +2 23 173 NR +2 23 174 NR +2 23 175 YN +2 23 176 NR +2 23 177 * +2 23 178 TK +2 23 179 NR +2 23 180 YN +2 23 181 * +2 23 182 NR +2 23 183 AI +2 23 184 * +2 23 185 * +2 23 186 IT +2 23 187 * +2 23 188 YN +2 23 189 YN +2 23 190 * +2 23 191 TK +2 23 192 AI +2 23 193 * +2 23 194 * +2 23 195 YN +2 23 196 IT +2 23 197 * +2 23 198 YN +2 23 199 EP +2 23 200 IT +2 23 201 NR +2 23 202 TK +2 23 203 TK +2 23 204 AI +2 23 205 TK +2 23 206 EP +2 23 207 NR +2 23 208 AI +2 23 209 TK +2 23 210 * +2 23 211 IT +2 23 212 NR +2 23 213 * +2 23 214 AA +2 23 215 * +2 23 216 AI +2 23 217 * +2 23 218 AI +2 23 219 EP +2 23 220 TK +2 23 221 EP +2 23 222 AI +2 23 223 TK +2 23 224 EP +2 23 225 AI +2 23 226 TK +2 23 227 AI +2 23 228 TK +2 23 229 IT +2 23 230 EP +2 23 231 * +2 23 232 AI +2 23 233 YN +2 23 234 TK +2 23 235 IT +2 23 236 * +2 23 237 NR +2 23 238 IT +2 23 239 NR +2 23 240 AI +2 23 241 EP +2 23 242 EP +2 23 243 NR +2 23 244 EP +2 23 245 NR +2 23 246 YN +2 23 247 * +2 23 248 YN +2 23 249 TK +2 23 250 * +2 23 251 IT +2 23 252 EP +2 23 253 IT +2 23 254 * +2 23 255 AI +2 23 256 NR +2 23 257 TK +2 23 258 AA +2 23 259 NR +2 23 260 EP +2 23 261 NR +2 23 262 EP +2 23 263 * +2 23 264 YN +2 23 265 TK +2 23 266 NR +2 23 267 NR +2 23 268 IT +2 23 269 NR +2 23 270 * +2 23 271 YN +2 23 272 EP +2 23 273 * +2 23 274 EP +2 23 275 AI +2 23 276 NR +2 23 277 IT +2 23 278 NR +2 23 279 TK +2 23 280 * +2 23 281 TK +2 23 282 IT +2 23 283 AI +2 23 284 EP +2 23 285 * +2 23 286 EP +2 23 287 AI +2 23 288 NR +2 23 289 YN +2 23 290 EP +2 23 291 IT +2 23 292 NR +2 23 293 EP +2 23 294 EP +2 23 295 AI +2 23 296 TK +2 23 297 AA +2 23 298 NR +2 23 299 TK +2 23 300 * +2 23 301 IT +2 23 302 EP +2 23 303 * +2 23 304 AI +2 23 305 NR +2 23 306 * +2 23 307 IT +2 23 308 * +2 23 309 AI +2 23 310 IT +2 23 311 TK +2 23 312 * +2 23 313 TK +2 23 314 EP +2 23 315 YN +2 23 316 TK +2 23 317 NR +2 23 318 NR +2 23 319 EP +2 23 320 AI +2 23 321 NR +2 23 322 IT +2 23 323 YN +2 23 324 EP +2 23 325 NR +2 23 326 * +2 23 327 EP +2 23 328 TK +2 23 329 * +2 23 330 EP +2 24 1 IT +2 24 2 YN +2 24 3 NR +2 24 4 TU +2 24 5 YN +2 24 6 AA +2 24 7 WT +2 24 8 NR +2 24 9 WT +2 24 10 IT +2 24 11 YN +2 24 12 TI +2 24 13 YN +2 24 14 YN +2 24 15 WT +2 24 16 EP +2 24 17 NR +2 24 18 WT +2 24 19 YN +2 24 20 IT +2 24 21 MP +2 24 22 TI +2 24 23 TU +2 24 24 YR +2 24 25 IT +2 24 26 IT +2 24 27 AA +2 24 28 NR +2 24 29 YN +2 24 30 WT +2 24 31 IT +2 24 32 WT +2 24 33 YN +2 24 34 IT +2 24 35 TU +2 24 36 YN +2 24 37 IT +2 24 38 NR +2 24 39 YN +2 24 40 IT +2 24 41 NR +2 24 42 WT +2 24 43 IT +2 24 44 EP +2 24 45 YN +2 24 46 WT +2 24 47 YN +2 24 48 TI +2 24 49 IT +2 24 50 YR +2 24 51 EP +2 24 52 TU +2 24 53 YR +2 24 54 YN +2 24 55 IT +2 24 56 AA +2 24 57 IT +2 24 58 YR +2 24 59 EP +2 24 60 YN +2 24 61 NR +2 24 62 * +2 24 63 TI +2 24 64 YN +2 24 65 NR +2 24 66 EP +2 24 67 YN +2 24 68 TU +2 24 69 YR +2 24 70 EP +2 24 71 YR +2 24 72 YN +2 24 73 TU +2 24 74 YN +2 24 75 YR +2 24 76 TI +2 24 77 IT +2 24 78 * +2 24 79 YR +2 24 80 IT +2 24 81 * +2 24 82 YN +2 24 83 AA +2 24 84 TU +2 24 85 YN +2 24 86 TU +2 24 87 * +2 24 88 TU +2 24 89 TK +2 24 90 TK +2 24 91 YN +2 24 92 EP +2 24 93 IT +2 24 94 * +2 24 95 AA +2 24 96 TU +2 24 97 TK +2 24 98 NR +2 24 99 * +2 24 100 YN +2 24 101 NR +2 24 102 EP +2 24 103 YR +2 24 104 IT +2 24 105 TU +2 24 106 AA +2 24 107 EP +2 24 108 YN +2 24 109 IT +2 24 110 TI +2 24 111 YR +2 24 112 NR +2 24 113 * +2 24 114 YN +2 24 115 NR +2 24 116 * +2 24 117 YR +2 24 118 TU +2 24 119 YN +2 24 120 EP +2 24 121 NR +2 24 122 YN +2 24 123 IT +2 24 124 TU +2 24 125 NR +2 24 126 TU +2 24 127 IT +2 24 128 AA +2 24 129 EP +2 24 130 YR +2 24 131 TU +2 24 132 KW +2 24 133 YN +2 24 134 YR +2 24 135 TU +2 24 136 YN +2 24 137 YN +2 24 138 IT +2 24 139 EP +2 24 140 IT +2 24 141 EP +2 24 142 EP +2 24 143 * +2 24 144 TK +2 24 145 YN +2 24 146 TI +2 24 147 YN +2 24 148 NR +2 24 149 YN +2 24 150 TU +2 24 151 TU +2 24 152 AA +2 24 153 IT +2 24 154 YR +2 24 155 * +2 24 156 YN +2 24 157 YR +2 24 158 EP +2 24 159 TI +2 24 160 AA +2 24 161 YN +2 24 162 NR +2 24 163 IT +2 24 164 IT +2 24 165 * +2 24 166 TK +2 24 167 AA +2 24 168 YN +2 24 169 IT +2 24 170 YR +2 24 171 TI +2 24 172 EP +2 24 173 NR +2 24 174 TI +2 24 175 YN +2 24 176 NR +2 24 177 TI +2 24 178 TK +2 24 179 KW +2 24 180 YN +2 24 181 TI +2 24 182 TU +2 24 183 YR +2 24 184 TU +2 24 185 TI +2 24 186 YN +2 24 187 TI +2 24 188 IT +2 24 189 * +2 24 190 TU +2 24 191 TK +2 24 192 TU +2 24 193 YN +2 24 194 TI +2 24 195 YN +2 24 196 YN +2 24 197 TU +2 24 198 YR +2 24 199 TU +2 24 200 YN +2 24 201 TI +2 24 202 YN +2 24 203 TU +2 24 204 * +2 24 205 TK +2 24 206 AA +2 24 207 NR +2 24 208 TI +2 24 209 YN +2 24 210 YR +2 24 211 IT +2 24 212 TI +2 24 213 * +2 24 214 TI +2 24 215 YR +2 24 216 TK +2 24 217 TI +2 24 218 YR +2 24 219 TU +2 24 220 TK +2 24 221 YN +2 24 222 TU +2 24 223 YN +2 24 224 EP +2 24 225 YR +2 24 226 TK +2 24 227 * +2 24 228 YN +2 24 229 * +2 24 230 EP +2 24 231 TU +2 24 232 YR +2 24 233 IT +2 24 234 YN +2 24 235 IT +2 24 236 TU +2 24 237 TI +2 24 238 YN +2 24 239 TU +2 24 240 YR +2 24 241 EP +2 24 242 TI +2 24 243 TU +2 24 244 * +2 24 245 NR +2 24 246 YN +2 24 247 YR +2 24 248 * +2 24 249 YN +2 24 250 TU +2 24 251 YN +2 24 252 AA +2 24 253 YN +2 24 254 IT +2 24 255 YR +2 24 256 NR +2 24 257 YN +2 24 258 TI +2 24 259 KW +2 24 260 TI +2 24 261 NR +2 24 262 EP +2 24 263 EP +2 24 264 YN +2 24 265 IT +2 24 266 NR +2 24 267 TU +2 24 268 YN +2 24 269 TU +2 24 270 TI +2 24 271 TK +2 24 272 EP +2 24 273 TU +2 24 274 EP +2 24 275 TI +2 24 276 NR +2 24 277 IT +2 24 278 TU +2 24 279 IT +2 24 280 YN +2 24 281 IT +2 24 282 YN +2 24 283 YR +2 24 284 EP +2 24 285 TI +2 24 286 EP +2 24 287 YR +2 24 288 NR +2 24 289 YN +2 24 290 EP +2 24 291 IT +2 24 292 TI +2 24 293 EP +2 24 294 EP +2 24 295 YR +2 24 296 TU +2 24 297 TI +2 24 298 NR +2 24 299 YN +2 24 300 * +2 24 301 IT +2 24 302 EP +2 24 303 EP +2 24 304 TI +2 24 305 TU +2 24 306 TI +2 24 307 IT +2 24 308 TU +2 24 309 YR +2 24 310 YN +2 24 311 IT +2 24 312 YR +2 24 313 TK +2 24 314 EP +2 24 315 YN +2 24 316 IT +2 24 317 NR +2 24 318 TI +2 24 319 EP +2 24 320 TI +2 24 321 NR +2 24 322 IT +2 24 323 IT +2 24 324 EP +2 24 325 TU +2 24 326 TI +2 24 327 EP +2 24 328 YN +2 24 329 YR +2 24 330 EP +3 1 1 * +3 1 2 * +3 1 3 ED +3 1 4 * +3 1 5 * +3 1 6 * +3 1 7 IN +3 1 8 * +3 1 9 * +3 1 10 LU +3 1 11 * +3 1 12 DA +3 1 13 * +3 1 14 * +3 1 15 EL +3 1 16 ED +3 1 17 NG +3 1 18 LU +3 1 19 * +3 1 20 * +3 1 21 ED +3 1 22 DA +3 1 23 * +3 1 24 * +3 1 25 LU +3 1 26 * +3 1 27 EL +3 1 28 ED +3 1 29 * +3 1 30 IN +3 1 31 * +3 1 32 * +3 1 33 DA +3 1 34 * +3 1 35 DA +3 1 36 IN +3 1 37 LU +3 1 38 ED +3 1 39 IN +3 1 40 IN +3 1 41 ED +3 1 42 DA +3 1 43 * +3 1 44 EL +3 1 45 * +3 1 46 * +3 1 47 NG +3 1 48 DA +3 1 49 IN +3 1 50 * +3 1 51 * +3 1 52 EL +3 1 53 ED +3 1 54 IN +3 1 55 IN +3 1 56 DA +3 1 57 IN +3 1 58 * +3 1 59 EL +3 1 60 * +3 1 61 ED +3 1 62 * +3 1 63 ED +3 1 64 IN +3 1 65 ED +3 1 66 EL +3 1 67 * +3 1 68 * +3 1 69 * +3 1 70 EL +3 1 71 LU +3 1 72 IN +3 1 73 * +3 1 74 EL +3 1 75 NG +3 1 76 ED +3 1 77 LU +3 1 78 EL +3 1 79 NG +3 1 80 * +3 1 81 DA +3 1 82 DA +3 1 83 EL +3 1 84 EL +3 1 85 LU +3 1 86 ED +3 1 87 NG +3 1 88 * +3 1 89 NG +3 1 90 NG +3 1 91 DA +3 1 92 EL +3 1 93 LU +3 1 94 NG +3 1 95 EL +3 1 96 IN +3 1 97 * +3 1 98 ED +3 1 99 * +3 1 100 * +3 1 101 ED +3 1 102 EL +3 1 103 * +3 1 104 LU +3 1 105 IN +3 1 106 DA +3 1 107 EL +3 1 108 EL +3 1 109 RA +3 1 110 DA +3 1 111 NG +3 1 112 ED +3 1 113 NG +3 1 114 NG +3 1 115 ED +3 1 116 EL +3 1 117 NG +3 1 118 DA +3 1 119 RA +3 1 120 EL +3 1 121 ED +3 1 122 LU +3 1 123 * +3 1 124 DA +3 1 125 ED +3 1 126 * +3 1 127 NG +3 1 128 DA +3 1 129 EL +3 1 130 NG +3 1 131 LU +3 1 132 ED +3 1 133 * +3 1 134 * +3 1 135 ED +3 1 136 RA +3 1 137 NG +3 1 138 LU +3 1 139 EL +3 1 140 LU +3 1 141 EL +3 1 142 EL +3 1 143 RA +3 1 144 LU +3 1 145 IN +3 1 146 DA +3 1 147 RA +3 1 148 ED +3 1 149 LU +3 1 150 NG +3 1 151 DA +3 1 152 DA +3 1 153 IN +3 1 154 NG +3 1 155 NG +3 1 156 LU +3 1 157 NG +3 1 158 EL +3 1 159 DA +3 1 160 * +3 1 161 IN +3 1 162 ED +3 1 163 LU +3 1 164 * +3 1 165 * +3 1 166 * +3 1 167 LU +3 1 168 IN +3 1 169 IN +3 1 170 NG +3 1 171 NG +3 1 172 EL +3 1 173 ED +3 1 174 DA +3 1 175 LU +3 1 176 ED +3 1 177 DA +3 1 178 NG +3 1 179 ED +3 1 180 LU +3 1 181 RA +3 1 182 ED +3 1 183 * +3 1 184 LU +3 1 185 * +3 1 186 LU +3 1 187 DA +3 1 188 IN +3 1 189 EL +3 1 190 * +3 1 191 LU +3 1 192 * +3 1 193 DA +3 1 194 ED +3 1 195 LU +3 1 196 LU +3 1 197 LU +3 1 198 NG +3 1 199 LU +3 1 200 LU +3 1 201 ED +3 1 202 LU +3 1 203 ED +3 1 204 NG +3 1 205 NG +3 1 206 EL +3 1 207 ED +3 1 208 * +3 1 209 NG +3 1 210 ED +3 1 211 LU +3 1 212 DA +3 1 213 * +3 1 214 IN +3 1 215 * +3 1 216 NG +3 1 217 DA +3 1 218 RA +3 1 219 EL +3 1 220 IN +3 1 221 EL +3 1 222 * +3 1 223 LU +3 1 224 EL +3 1 225 LU +3 1 226 * +3 1 227 NG +3 1 228 NG +3 1 229 LU +3 1 230 EL +3 1 231 IN +3 1 232 NG +3 1 233 NG +3 1 234 LU +3 1 235 * +3 1 236 * +3 1 237 * +3 1 238 LU +3 1 239 ED +3 1 240 ED +3 1 241 EL +3 1 242 DA +3 1 243 NG +3 1 244 EL +3 1 245 ED +3 1 246 LU +3 1 247 * +3 1 248 NG +3 1 249 NG +3 1 250 IN +3 1 251 LU +3 1 252 EL +3 1 253 LU +3 1 254 * +3 1 255 NG +3 1 256 ED +3 1 257 * +3 1 258 DA +3 1 259 ED +3 1 260 EL +3 1 261 * +3 1 262 EL +3 1 263 * +3 1 264 LU +3 1 265 IN +3 1 266 ED +3 1 267 * +3 1 268 LU +3 1 269 * +3 1 270 DA +3 1 271 NG +3 1 272 EL +3 1 273 IN +3 1 274 EL +3 1 275 * +3 1 276 ED +3 1 277 LU +3 1 278 ED +3 1 279 * +3 1 280 LU +3 1 281 LU +3 1 282 LU +3 1 283 NG +3 1 284 EL +3 1 285 * +3 1 286 EL +3 1 287 * +3 1 288 ED +3 1 289 LU +3 1 290 EL +3 1 291 IN +3 1 292 ED +3 1 293 EL +3 1 294 EL +3 1 295 NG +3 1 296 LU +3 1 297 DA +3 1 298 ED +3 1 299 LU +3 1 300 EL +3 1 301 LU +3 1 302 EL +3 1 303 EL +3 1 304 IN +3 1 305 * +3 1 306 * +3 1 307 LU +3 1 308 IN +3 1 309 NG +3 1 310 LU +3 1 311 * +3 1 312 NG +3 1 313 NG +3 1 314 EL +3 1 315 LU +3 1 316 IN +3 1 317 ED +3 1 318 DA +3 1 319 EL +3 1 320 * +3 1 321 ED +3 1 322 * +3 1 323 LU +3 1 324 EL +3 1 325 * +3 1 326 DA +3 1 327 EL +3 1 328 IN +3 1 329 * +3 1 330 EL +3 2 1 ID +3 2 2 EL +3 2 3 AA +3 2 4 NG +3 2 5 ID +3 2 6 EL +3 2 7 ED +3 2 8 AA +3 2 9 NG +3 2 10 PA +3 2 11 NG +3 2 12 BA +3 2 13 NG +3 2 14 ID +3 2 15 EL +3 2 16 EL +3 2 17 AT +3 2 18 NG +3 2 19 GA +3 2 20 AA +3 2 21 ED +3 2 22 EL +3 2 23 PA +3 2 24 NG +3 2 25 AA +3 2 26 NG +3 2 27 EL +3 2 28 AA +3 2 29 BA +3 2 30 NG +3 2 31 AA +3 2 32 ED +3 2 33 AA +3 2 34 ID +3 2 35 EL +3 2 36 NG +3 2 37 AA +3 2 38 AT +3 2 39 AA +3 2 40 ID +3 2 41 ED +3 2 42 EL +3 2 43 NG +3 2 44 EL +3 2 45 AA +3 2 46 NG +3 2 47 NG +3 2 48 EL +3 2 49 AA +3 2 50 NG +3 2 51 NG +3 2 52 EL +3 2 53 ID +3 2 54 NG +3 2 55 AA +3 2 56 EL +3 2 57 AA +3 2 58 NG +3 2 59 EL +3 2 60 NG +3 2 61 AA +3 2 62 EL +3 2 63 DA +3 2 64 AA +3 2 65 AT +3 2 66 EL +3 2 67 ID +3 2 68 EL +3 2 69 NG +3 2 70 EL +3 2 71 NG +3 2 72 AA +3 2 73 AA +3 2 74 EL +3 2 75 NG +3 2 76 AA +3 2 77 DA +3 2 78 EL +3 2 79 NG +3 2 80 AA +3 2 81 DA +3 2 82 AA +3 2 83 EL +3 2 84 EL +3 2 85 AA +3 2 86 EL +3 2 87 NG +3 2 88 AA +3 2 89 NG +3 2 90 NG +3 2 91 DA +3 2 92 EL +3 2 93 NG +3 2 94 NG +3 2 95 EL +3 2 96 EL +3 2 97 NG +3 2 98 AT +3 2 99 EL +3 2 100 EL +3 2 101 AA +3 2 102 EL +3 2 103 EL +3 2 104 DA +3 2 105 AA +3 2 106 EL +3 2 107 EL +3 2 108 DA +3 2 109 BA +3 2 110 AT +3 2 111 NG +3 2 112 AT +3 2 113 NG +3 2 114 AA +3 2 115 BA +3 2 116 EL +3 2 117 NG +3 2 118 EL +3 2 119 AA +3 2 120 EL +3 2 121 AT +3 2 122 AA +3 2 123 AA +3 2 124 DA +3 2 125 AT +3 2 126 DA +3 2 127 NG +3 2 128 EL +3 2 129 EL +3 2 130 NG +3 2 131 AA +3 2 132 DA +3 2 133 AA +3 2 134 NG +3 2 135 DA +3 2 136 EL +3 2 137 AA +3 2 138 BA +3 2 139 EL +3 2 140 NG +3 2 141 EL +3 2 142 EL +3 2 143 AA +3 2 144 NG +3 2 145 EL +3 2 146 EL +3 2 147 AA +3 2 148 AT +3 2 149 AA +3 2 150 AA +3 2 151 EL +3 2 152 AA +3 2 153 EL +3 2 154 NG +3 2 155 NG +3 2 156 DA +3 2 157 NG +3 2 158 EL +3 2 159 EL +3 2 160 EL +3 2 161 DA +3 2 162 AT +3 2 163 AA +3 2 164 AA +3 2 165 NG +3 2 166 NG +3 2 167 EL +3 2 168 AA +3 2 169 AA +3 2 170 NG +3 2 171 AA +3 2 172 EL +3 2 173 AT +3 2 174 ED +3 2 175 EL +3 2 176 AT +3 2 177 EL +3 2 178 BA +3 2 179 AA +3 2 180 DA +3 2 181 EL +3 2 182 AA +3 2 183 NG +3 2 184 AA +3 2 185 DA +3 2 186 AA +3 2 187 ED +3 2 188 DA +3 2 189 EL +3 2 190 AA +3 2 191 BA +3 2 192 AA +3 2 193 DA +3 2 194 NG +3 2 195 AA +3 2 196 EL +3 2 197 AA +3 2 198 NG +3 2 199 EL +3 2 200 AA +3 2 201 EL +3 2 202 DA +3 2 203 BA +3 2 204 NG +3 2 205 BA +3 2 206 EL +3 2 207 AA +3 2 208 EL +3 2 209 AA +3 2 210 NG +3 2 211 AA +3 2 212 AT +3 2 213 AA +3 2 214 DA +3 2 215 BA +3 2 216 NG +3 2 217 EL +3 2 218 AA +3 2 219 EL +3 2 220 NG +3 2 221 EL +3 2 222 AA +3 2 223 DA +3 2 224 EL +3 2 225 AA +3 2 226 NG +3 2 227 NG +3 2 228 AA +3 2 229 DA +3 2 230 EL +3 2 231 AA +3 2 232 BA +3 2 233 EL +3 2 234 AA +3 2 235 BA +3 2 236 DA +3 2 237 EL +3 2 238 AA +3 2 239 EL +3 2 240 NG +3 2 241 EL +3 2 242 AA +3 2 243 DA +3 2 244 EL +3 2 245 AT +3 2 246 AA +3 2 247 AA +3 2 248 NG +3 2 249 NG +3 2 250 AA +3 2 251 EL +3 2 252 EL +3 2 253 AA +3 2 254 DA +3 2 255 NG +3 2 256 AT +3 2 257 AA +3 2 258 BA +3 2 259 DA +3 2 260 EL +3 2 261 AA +3 2 262 EL +3 2 263 EL +3 2 264 AA +3 2 265 BA +3 2 266 NG +3 2 267 NG +3 2 268 AA +3 2 269 AT +3 2 270 BA +3 2 271 AA +3 2 272 EL +3 2 273 DA +3 2 274 EL +3 2 275 AA +3 2 276 ED +3 2 277 NG +3 2 278 EL +3 2 279 AA +3 2 280 DA +3 2 281 AA +3 2 282 DA +3 2 283 NG +3 2 284 EL +3 2 285 DA +3 2 286 EL +3 2 287 DA +3 2 288 AT +3 2 289 DA +3 2 290 EL +3 2 291 AA +3 2 292 DA +3 2 293 EL +3 2 294 EL +3 2 295 NG +3 2 296 DA +3 2 297 EL +3 2 298 AT +3 2 299 AA +3 2 300 EL +3 2 301 AA +3 2 302 EL +3 2 303 EL +3 2 304 AA +3 2 305 AA +3 2 306 EL +3 2 307 AA +3 2 308 DA +3 2 309 NG +3 2 310 DA +3 2 311 NG +3 2 312 NG +3 2 313 AA +3 2 314 EL +3 2 315 AA +3 2 316 AA +3 2 317 AA +3 2 318 ED +3 2 319 EL +3 2 320 AA +3 2 321 AT +3 2 322 EL +3 2 323 AA +3 2 324 EL +3 2 325 DA +3 2 326 AT +3 2 327 EL +3 2 328 AA +3 2 329 NG +3 2 330 EL +3 3 1 AA +3 3 2 * +3 3 3 AT +3 3 4 PA +3 3 5 BA +3 3 6 BU +3 3 7 AA +3 3 8 AT +3 3 9 BU +3 3 10 AA +3 3 11 NG +3 3 12 DA +3 3 13 NG +3 3 14 NG +3 3 15 AY +3 3 16 EL +3 3 17 AT +3 3 18 NG +3 3 19 AA +3 3 20 NG +3 3 21 AT +3 3 22 AY +3 3 23 NG +3 3 24 NG +3 3 25 NG +3 3 26 AA +3 3 27 EL +3 3 28 AT +3 3 29 NG +3 3 30 BU +3 3 31 AA +3 3 32 AT +3 3 33 NG +3 3 34 AA +3 3 35 AT +3 3 36 NG +3 3 37 AA +3 3 38 AT +3 3 39 NG +3 3 40 NG +3 3 41 AT +3 3 42 BU +3 3 43 NG +3 3 44 BU +3 3 45 AA +3 3 46 NG +3 3 47 NG +3 3 48 AY +3 3 49 NG +3 3 50 PA +3 3 51 BU +3 3 52 EL +3 3 53 AT +3 3 54 NG +3 3 55 AA +3 3 56 EL +3 3 57 NG +3 3 58 BU +3 3 59 BU +3 3 60 NG +3 3 61 AT +3 3 62 AA +3 3 63 AT +3 3 64 AA +3 3 65 AT +3 3 66 BU +3 3 67 BA +3 3 68 AT +3 3 69 BU +3 3 70 BU +3 3 71 NG +3 3 72 AA +3 3 73 AT +3 3 74 BU +3 3 75 NG +3 3 76 AT +3 3 77 BA +3 3 78 BU +3 3 79 NG +3 3 80 NG +3 3 81 BU +3 3 82 AA +3 3 83 BU +3 3 84 BU +3 3 85 AA +3 3 86 AT +3 3 87 NG +3 3 88 NG +3 3 89 NG +3 3 90 NG +3 3 91 BU +3 3 92 EL +3 3 93 NG +3 3 94 NG +3 3 95 EL +3 3 96 DA +3 3 97 BA +3 3 98 AT +3 3 99 BU +3 3 100 BU +3 3 101 NG +3 3 102 BU +3 3 103 BU +3 3 104 BU +3 3 105 AT +3 3 106 EL +3 3 107 EL +3 3 108 EL +3 3 109 NG +3 3 110 AY +3 3 111 NG +3 3 112 AT +3 3 113 NG +3 3 114 NG +3 3 115 AT +3 3 116 BU +3 3 117 NG +3 3 118 AT +3 3 119 BA +3 3 120 BU +3 3 121 AT +3 3 122 NG +3 3 123 NG +3 3 124 EL +3 3 125 AT +3 3 126 EL +3 3 127 NG +3 3 128 AY +3 3 129 EL +3 3 130 NG +3 3 131 NG +3 3 132 AT +3 3 133 AA +3 3 134 NG +3 3 135 AT +3 3 136 AA +3 3 137 NG +3 3 138 AA +3 3 139 EL +3 3 140 NG +3 3 141 EL +3 3 142 EL +3 3 143 BA +3 3 144 NG +3 3 145 AA +3 3 146 AY +3 3 147 AA +3 3 148 AT +3 3 149 AA +3 3 150 NG +3 3 151 EL +3 3 152 EL +3 3 153 NG +3 3 154 NG +3 3 155 NG +3 3 156 BA +3 3 157 NG +3 3 158 EL +3 3 159 AY +3 3 160 EL +3 3 161 BA +3 3 162 AT +3 3 163 NG +3 3 164 NG +3 3 165 NG +3 3 166 NG +3 3 167 EL +3 3 168 NG +3 3 169 BA +3 3 170 NG +3 3 171 NG +3 3 172 EL +3 3 173 AT +3 3 174 AY +3 3 175 EL +3 3 176 AT +3 3 177 AY +3 3 178 AA +3 3 179 NG +3 3 180 BA +3 3 181 DA +3 3 182 NG +3 3 183 NG +3 3 184 BA +3 3 185 DA +3 3 186 EL +3 3 187 DA +3 3 188 NG +3 3 189 EL +3 3 190 EL +3 3 191 AA +3 3 192 PA +3 3 193 DA +3 3 194 NG +3 3 195 BA +3 3 196 EL +3 3 197 PA +3 3 198 NG +3 3 199 EL +3 3 200 BA +3 3 201 EL +3 3 202 BA +3 3 203 AT +3 3 204 NG +3 3 205 PA +3 3 206 EL +3 3 207 AT +3 3 208 DA +3 3 209 NG +3 3 210 NG +3 3 211 AA +3 3 212 DA +3 3 213 EL +3 3 214 DA +3 3 215 EL +3 3 216 NG +3 3 217 EL +3 3 218 EL +3 3 219 EL +3 3 220 PA +3 3 221 EL +3 3 222 PA +3 3 223 IN +3 3 224 EL +3 3 225 BU +3 3 226 NG +3 3 227 NG +3 3 228 NG +3 3 229 BU +3 3 230 EL +3 3 231 AT +3 3 232 NG +3 3 233 BU +3 3 234 IN +3 3 235 PA +3 3 236 BU +3 3 237 EL +3 3 238 IN +3 3 239 AT +3 3 240 NG +3 3 241 EL +3 3 242 DA +3 3 243 BA +3 3 244 EL +3 3 245 AT +3 3 246 PA +3 3 247 PA +3 3 248 NG +3 3 249 NG +3 3 250 AA +3 3 251 BU +3 3 252 EL +3 3 253 AA +3 3 254 PA +3 3 255 NG +3 3 256 AT +3 3 257 PA +3 3 258 DA +3 3 259 AT +3 3 260 DA +3 3 261 DA +3 3 262 EL +3 3 263 BU +3 3 264 EL +3 3 265 NG +3 3 266 BU +3 3 267 PA +3 3 268 NG +3 3 269 PA +3 3 270 DA +3 3 271 NG +3 3 272 EL +3 3 273 PA +3 3 274 EL +3 3 275 DA +3 3 276 AT +3 3 277 IN +3 3 278 DA +3 3 279 PA +3 3 280 BU +3 3 281 PA +3 3 282 AA +3 3 283 BU +3 3 284 EL +3 3 285 EL +3 3 286 EL +3 3 287 BU +3 3 288 AT +3 3 289 BA +3 3 290 EL +3 3 291 PA +3 3 292 EL +3 3 293 EL +3 3 294 EL +3 3 295 NG +3 3 296 PA +3 3 297 DA +3 3 298 AT +3 3 299 PA +3 3 300 EL +3 3 301 IN +3 3 302 EL +3 3 303 BU +3 3 304 NG +3 3 305 PA +3 3 306 DA +3 3 307 IN +3 3 308 PA +3 3 309 NG +3 3 310 IN +3 3 311 PA +3 3 312 NG +3 3 313 PA +3 3 314 EL +3 3 315 AA +3 3 316 PA +3 3 317 AT +3 3 318 DA +3 3 319 EL +3 3 320 BU +3 3 321 AT +3 3 322 PA +3 3 323 IN +3 3 324 EL +3 3 325 PA +3 3 326 DA +3 3 327 EL +3 3 328 NG +3 3 329 NG +3 3 330 EL +3 4 1 BA +3 4 2 AA +3 4 3 AT +3 4 4 NG +3 4 5 AA +3 4 6 BU +3 4 7 BA +3 4 8 NG +3 4 9 NG +3 4 10 NG +3 4 11 AA +3 4 12 DA +3 4 13 NG +3 4 14 NG +3 4 15 BA +3 4 16 EL +3 4 17 AT +3 4 18 NG +3 4 19 BA +3 4 20 AA +3 4 21 ED +3 4 22 DA +3 4 23 BA +3 4 24 NG +3 4 25 AA +3 4 26 BA +3 4 27 EL +3 4 28 AT +3 4 29 AA +3 4 30 * +3 4 31 AA +3 4 32 BA +3 4 33 AA +3 4 34 BA +3 4 35 * +3 4 36 NG +3 4 37 BA +3 4 38 AT +3 4 39 AA +3 4 40 BA +3 4 41 AT +3 4 42 * +3 4 43 NG +3 4 44 EL +3 4 45 BA +3 4 46 NG +3 4 47 NG +3 4 48 * +3 4 49 BA +3 4 50 AA +3 4 51 NG +3 4 52 EL +3 4 53 * +3 4 54 BA +3 4 55 AA +3 4 56 * +3 4 57 BA +3 4 58 NG +3 4 59 EL +3 4 60 NG +3 4 61 AT +3 4 62 AA +3 4 63 * +3 4 64 AA +3 4 65 AT +3 4 66 EL +3 4 67 AA +3 4 68 AT +3 4 69 NG +3 4 70 EL +3 4 71 BA +3 4 72 AA +3 4 73 * +3 4 74 EL +3 4 75 NG +3 4 76 AT +3 4 77 AA +3 4 78 EL +3 4 79 NG +3 4 80 AA +3 4 81 BA +3 4 82 AA +3 4 83 EL +3 4 84 * +3 4 85 AA +3 4 86 EL +3 4 87 NG +3 4 88 BA +3 4 89 NG +3 4 90 AA +3 4 91 BA +3 4 92 EL +3 4 93 BA +3 4 94 NG +3 4 95 EL +3 4 96 DA +3 4 97 BA +3 4 98 AT +3 4 99 AA +3 4 100 * +3 4 101 * +3 4 102 EL +3 4 103 NG +3 4 104 AA +3 4 105 BA +3 4 106 DA +3 4 107 EL +3 4 108 * +3 4 109 AA +3 4 110 DA +3 4 111 NG +3 4 112 AT +3 4 113 NG +3 4 114 AA +3 4 115 AT +3 4 116 AA +3 4 117 NG +3 4 118 BA +3 4 119 AA +3 4 120 EL +3 4 121 AT +3 4 122 AA +3 4 123 BA +3 4 124 * +3 4 125 AT +3 4 126 IN +3 4 127 NG +3 4 128 DA +3 4 129 EL +3 4 130 NG +3 4 131 AA +3 4 132 ED +3 4 133 BA +3 4 134 NG +3 4 135 AA +3 4 136 * +3 4 137 NG +3 4 138 AA +3 4 139 EL +3 4 140 BA +3 4 141 EL +3 4 142 EL +3 4 143 AA +3 4 144 NG +3 4 145 AA +3 4 146 DA +3 4 147 AA +3 4 148 AT +3 4 149 AA +3 4 150 NG +3 4 151 BA +3 4 152 AA +3 4 153 BA +3 4 154 NG +3 4 155 NG +3 4 156 AA +3 4 157 NG +3 4 158 EL +3 4 159 DA +3 4 160 * +3 4 161 AA +3 4 162 AT +3 4 163 AA +3 4 164 BA +3 4 165 NG +3 4 166 NG +3 4 167 AA +3 4 168 BA +3 4 169 AA +3 4 170 NG +3 4 171 * +3 4 172 EL +3 4 173 AT +3 4 174 DA +3 4 175 EL +3 4 176 AT +3 4 177 DA +3 4 178 BA +3 4 179 NG +3 4 180 BA +3 4 181 DA +3 4 182 NG +3 4 183 NG +3 4 184 AA +3 4 185 * +3 4 186 BA +3 4 187 DA +3 4 188 * +3 4 189 EL +3 4 190 * +3 4 191 BA +3 4 192 NG +3 4 193 DA +3 4 194 NG +3 4 195 BA +3 4 196 EL +3 4 197 NG +3 4 198 NG +3 4 199 EL +3 4 200 BA +3 4 201 * +3 4 202 BA +3 4 203 AT +3 4 204 NG +3 4 205 AA +3 4 206 EL +3 4 207 AT +3 4 208 * +3 4 209 IN +3 4 210 NG +3 4 211 BA +3 4 212 AT +3 4 213 AA +3 4 214 DA +3 4 215 * +3 4 216 NG +3 4 217 * +3 4 218 DA +3 4 219 EL +3 4 220 IN +3 4 221 EL +3 4 222 NG +3 4 223 AA +3 4 224 EL +3 4 225 * +3 4 226 BA +3 4 227 NG +3 4 228 NG +3 4 229 AA +3 4 230 EL +3 4 231 BA +3 4 232 NG +3 4 233 AA +3 4 234 * +3 4 235 AA +3 4 236 DA +3 4 237 * +3 4 238 AA +3 4 239 AT +3 4 240 NG +3 4 241 EL +3 4 242 DA +3 4 243 NG +3 4 244 EL +3 4 245 AT +3 4 246 AA +3 4 247 NG +3 4 248 NG +3 4 249 AA +3 4 250 BA +3 4 251 AA +3 4 252 EL +3 4 253 BA +3 4 254 BA +3 4 255 NG +3 4 256 AT +3 4 257 NG +3 4 258 DA +3 4 259 NG +3 4 260 EL +3 4 261 AT +3 4 262 EL +3 4 263 NG +3 4 264 AA +3 4 265 NG +3 4 266 NG +3 4 267 NG +3 4 268 AA +3 4 269 BA +3 4 270 DA +3 4 271 NG +3 4 272 EL +3 4 273 AA +3 4 274 EL +3 4 275 NG +3 4 276 AT +3 4 277 AA +3 4 278 DA +3 4 279 BA +3 4 280 AA +3 4 281 AA +3 4 282 BA +3 4 283 NG +3 4 284 EL +3 4 285 AA +3 4 286 EL +3 4 287 NG +3 4 288 AT +3 4 289 BA +3 4 290 EL +3 4 291 NG +3 4 292 AA +3 4 293 EL +3 4 294 EL +3 4 295 NG +3 4 296 NG +3 4 297 DA +3 4 298 AT +3 4 299 AA +3 4 300 NG +3 4 301 AA +3 4 302 EL +3 4 303 EL +3 4 304 BA +3 4 305 NG +3 4 306 AA +3 4 307 BA +3 4 308 BA +3 4 309 NG +3 4 310 AA +3 4 311 NG +3 4 312 NG +3 4 313 AA +3 4 314 EL +3 4 315 BA +3 4 316 AA +3 4 317 NG +3 4 318 DA +3 4 319 EL +3 4 320 NG +3 4 321 AT +3 4 322 AA +3 4 323 BA +3 4 324 EL +3 4 325 NG +3 4 326 DA +3 4 327 EL +3 4 328 AA +3 4 329 NG +3 4 330 EL +3 5 1 LU +3 5 2 EL +3 5 3 AT +3 5 4 NG +3 5 5 GA +3 5 6 AY +3 5 7 RA +3 5 8 AT +3 5 9 AY +3 5 10 NG +3 5 11 LU +3 5 12 AY +3 5 13 GA +3 5 14 NG +3 5 15 AY +3 5 16 EL +3 5 17 AT +3 5 18 NG +3 5 19 NG +3 5 20 LU +3 5 21 ED +3 5 22 AY +3 5 23 NG +3 5 24 NG +3 5 25 NG +3 5 26 BA +3 5 27 EL +3 5 28 ED +3 5 29 LU +3 5 30 AY +3 5 31 EL +3 5 32 EL +3 5 33 LU +3 5 34 NG +3 5 35 ED +3 5 36 GA +3 5 37 NG +3 5 38 AT +3 5 39 NG +3 5 40 GA +3 5 41 AT +3 5 42 NG +3 5 43 NG +3 5 44 EL +3 5 45 NG +3 5 46 NG +3 5 47 NG +3 5 48 AY +3 5 49 EL +3 5 50 NG +3 5 51 AY +3 5 52 EL +3 5 53 NG +3 5 54 LU +3 5 55 NG +3 5 56 AY +3 5 57 NG +3 5 58 AY +3 5 59 EL +3 5 60 NG +3 5 61 ED +3 5 62 LU +3 5 63 AY +3 5 64 NG +3 5 65 ED +3 5 66 EL +3 5 67 LU +3 5 68 ED +3 5 69 NG +3 5 70 EL +3 5 71 AY +3 5 72 NG +3 5 73 AY +3 5 74 EL +3 5 75 GA +3 5 76 ED +3 5 77 NG +3 5 78 AY +3 5 79 NG +3 5 80 NG +3 5 81 GA +3 5 82 NG +3 5 83 AY +3 5 84 LU +3 5 85 NG +3 5 86 AY +3 5 87 NG +3 5 88 ED +3 5 89 NG +3 5 90 GA +3 5 91 AY +3 5 92 EL +3 5 93 NG +3 5 94 NG +3 5 95 EL +3 5 96 AY +3 5 97 NG +3 5 98 ED +3 5 99 NG +3 5 100 EL +3 5 101 ED +3 5 102 EL +3 5 103 NG +3 5 104 LU +3 5 105 ED +3 5 106 EL +3 5 107 EL +3 5 108 EL +3 5 109 NG +3 5 110 AY +3 5 111 NG +3 5 112 ED +3 5 113 NG +3 5 114 NG +3 5 115 ED +3 5 116 EL +3 5 117 NG +3 5 118 AY +3 5 119 GA +3 5 120 EL +3 5 121 ED +3 5 122 NG +3 5 123 NG +3 5 124 GA +3 5 125 ED +3 5 126 AY +3 5 127 NG +3 5 128 AY +3 5 129 EL +3 5 130 NG +3 5 131 NG +3 5 132 AY +3 5 133 NG +3 5 134 NG +3 5 135 NG +3 5 136 LU +3 5 137 NG +3 5 138 GA +3 5 139 EL +3 5 140 NG +3 5 141 EL +3 5 142 NG +3 5 143 AY +3 5 144 NG +3 5 145 GA +3 5 146 AY +3 5 147 GA +3 5 148 ED +3 5 149 GA +3 5 150 NG +3 5 151 AY +3 5 152 NG +3 5 153 NG +3 5 154 NG +3 5 155 NG +3 5 156 NG +3 5 157 AY +3 5 158 EL +3 5 159 AY +3 5 160 AY +3 5 161 GA +3 5 162 ED +3 5 163 NG +3 5 164 IT +3 5 165 NG +3 5 166 NG +3 5 167 EL +3 5 168 NG +3 5 169 NG +3 5 170 NG +3 5 171 AY +3 5 172 EL +3 5 173 ED +3 5 174 AY +3 5 175 EL +3 5 176 ED +3 5 177 EL +3 5 178 NG +3 5 179 NG +3 5 180 NG +3 5 181 AY +3 5 182 NG +3 5 183 NG +3 5 184 NG +3 5 185 AY +3 5 186 GA +3 5 187 AY +3 5 188 NG +3 5 189 EL +3 5 190 AY +3 5 191 NG +3 5 192 NG +3 5 193 IT +3 5 194 NG +3 5 195 NG +3 5 196 EL +3 5 197 NG +3 5 198 NG +3 5 199 EL +3 5 200 IT +3 5 201 AY +3 5 202 NG +3 5 203 ED +3 5 204 NG +3 5 205 PA +3 5 206 EL +3 5 207 AY +3 5 208 NG +3 5 209 NG +3 5 210 NG +3 5 211 GA +3 5 212 ED +3 5 213 EL +3 5 214 IT +3 5 215 ED +3 5 216 NG +3 5 217 AY +3 5 218 NG +3 5 219 EL +3 5 220 NG +3 5 221 EL +3 5 222 NG +3 5 223 NG +3 5 224 EL +3 5 225 NG +3 5 226 NG +3 5 227 NG +3 5 228 NG +3 5 229 IT +3 5 230 AY +3 5 231 NG +3 5 232 NG +3 5 233 GA +3 5 234 NG +3 5 235 NG +3 5 236 AY +3 5 237 AY +3 5 238 NG +3 5 239 ED +3 5 240 NG +3 5 241 EL +3 5 242 AY +3 5 243 NG +3 5 244 EL +3 5 245 ED +3 5 246 NG +3 5 247 PA +3 5 248 NG +3 5 249 NG +3 5 250 NG +3 5 251 AY +3 5 252 AY +3 5 253 AY +3 5 254 NG +3 5 255 NG +3 5 256 ED +3 5 257 NG +3 5 258 AY +3 5 259 NG +3 5 260 EL +3 5 261 AY +3 5 262 EL +3 5 263 NG +3 5 264 EL +3 5 265 NG +3 5 266 AY +3 5 267 NG +3 5 268 AY +3 5 269 ED +3 5 270 AY +3 5 271 NG +3 5 272 EL +3 5 273 AY +3 5 274 EL +3 5 275 NG +3 5 276 ED +3 5 277 NG +3 5 278 AY +3 5 279 NG +3 5 280 GA +3 5 281 NG +3 5 282 NG +3 5 283 NG +3 5 284 EL +3 5 285 AY +3 5 286 EL +3 5 287 NG +3 5 288 ED +3 5 289 GA +3 5 290 AY +3 5 291 NG +3 5 292 AY +3 5 293 EL +3 5 294 EL +3 5 295 NG +3 5 296 NG +3 5 297 AY +3 5 298 ED +3 5 299 NG +3 5 300 EL +3 5 301 NG +3 5 302 AY +3 5 303 EL +3 5 304 NG +3 5 305 NG +3 5 306 AY +3 5 307 NG +3 5 308 AY +3 5 309 NG +3 5 310 GA +3 5 311 NG +3 5 312 NG +3 5 313 NG +3 5 314 EL +3 5 315 AY +3 5 316 NG +3 5 317 ED +3 5 318 AY +3 5 319 EL +3 5 320 AY +3 5 321 ED +3 5 322 EL +3 5 323 NG +3 5 324 EL +3 5 325 NG +3 5 326 AY +3 5 327 EL +3 5 328 NG +3 5 329 NG +3 5 330 EL +3 6 1 AA +3 6 2 BA +3 6 3 AT +3 6 4 IN +3 6 5 AA +3 6 6 AY +3 6 7 ET +3 6 8 IN +3 6 9 PG +3 6 10 NG +3 6 11 ID +3 6 12 AW +3 6 13 NG +3 6 14 NG +3 6 15 IN +3 6 16 EL +3 6 17 ED +3 6 18 ID +3 6 19 IS +3 6 20 ID +3 6 21 ED +3 6 22 AY +3 6 23 IN +3 6 24 NG +3 6 25 ID +3 6 26 NG +3 6 27 TA +3 6 28 ED +3 6 29 ID +3 6 30 PG +3 6 31 AP +3 6 32 IN +3 6 33 ID +3 6 34 DI +3 6 35 * +3 6 36 ID +3 6 37 IN +3 6 38 AT +3 6 39 ID +3 6 40 * +3 6 41 KA +3 6 42 KA +3 6 43 NG +3 6 44 TA +3 6 45 ID +3 6 46 NG +3 6 47 NG +3 6 48 KA +3 6 49 IN +3 6 50 NG +3 6 51 PG +3 6 52 EL +3 6 53 KA +3 6 54 ID +3 6 55 AA +3 6 56 PG +3 6 57 AA +3 6 58 PG +3 6 59 TA +3 6 60 NG +3 6 61 AT +3 6 62 BA +3 6 63 * +3 6 64 NG +3 6 65 AN +3 6 66 EL +3 6 67 AA +3 6 68 AT +3 6 69 KA +3 6 70 EL +3 6 71 * +3 6 72 ID +3 6 73 IN +3 6 74 IS +3 6 75 NG +3 6 76 AY +3 6 77 AA +3 6 78 * +3 6 79 NG +3 6 80 AA +3 6 81 KA +3 6 82 AP +3 6 83 EL +3 6 84 * +3 6 85 IN +3 6 86 AT +3 6 87 NG +3 6 88 AA +3 6 89 NG +3 6 90 NG +3 6 91 * +3 6 92 EL +3 6 93 AA +3 6 94 NG +3 6 95 EL +3 6 96 AY +3 6 97 AA +3 6 98 AN +3 6 99 IN +3 6 100 ET +3 6 101 ED +3 6 102 AA +3 6 103 KA +3 6 104 AA +3 6 105 KA +3 6 106 AW +3 6 107 EL +3 6 108 EL +3 6 109 AA +3 6 110 AY +3 6 111 NG +3 6 112 AT +3 6 113 NG +3 6 114 AA +3 6 115 BA +3 6 116 EL +3 6 117 NG +3 6 118 * +3 6 119 BA +3 6 120 EL +3 6 121 AT +3 6 122 ET +3 6 123 AA +3 6 124 * +3 6 125 AT +3 6 126 KA +3 6 127 NG +3 6 128 * +3 6 129 EL +3 6 130 NG +3 6 131 AA +3 6 132 ED +3 6 133 AA +3 6 134 NG +3 6 135 ED +3 6 136 BA +3 6 137 BA +3 6 138 BA +3 6 139 EL +3 6 140 NG +3 6 141 EL +3 6 142 EL +3 6 143 BA +3 6 144 NG +3 6 145 BA +3 6 146 AY +3 6 147 ID +3 6 148 AT +3 6 149 ID +3 6 150 NG +3 6 151 IN +3 6 152 IN +3 6 153 AA +3 6 154 NG +3 6 155 NG +3 6 156 ID +3 6 157 PG +3 6 158 EL +3 6 159 AW +3 6 160 * +3 6 161 LU +3 6 162 AT +3 6 163 LU +3 6 164 NG +3 6 165 PG +3 6 166 NG +3 6 167 AA +3 6 168 LU +3 6 169 AA +3 6 170 NG +3 6 171 KA +3 6 172 EL +3 6 173 AT +3 6 174 AY +3 6 175 EL +3 6 176 ED +3 6 177 EL +3 6 178 NG +3 6 179 AA +3 6 180 BA +3 6 181 KA +3 6 182 ON +3 6 183 KA +3 6 184 IN +3 6 185 AW +3 6 186 IN +3 6 187 AY +3 6 188 NG +3 6 189 EL +3 6 190 IS +3 6 191 AA +3 6 192 IN +3 6 193 ID +3 6 194 PG +3 6 195 ID +3 6 196 * +3 6 197 AA +3 6 198 NG +3 6 199 EL +3 6 200 AA +3 6 201 ED +3 6 202 ID +3 6 203 AT +3 6 204 NG +3 6 205 AA +3 6 206 EL +3 6 207 ED +3 6 208 KA +3 6 209 AA +3 6 210 KA +3 6 211 * +3 6 212 ED +3 6 213 AA +3 6 214 AW +3 6 215 IN +3 6 216 NG +3 6 217 IN +3 6 218 KA +3 6 219 EL +3 6 220 AA +3 6 221 EL +3 6 222 AA +3 6 223 ID +3 6 224 EL +3 6 225 KA +3 6 226 NG +3 6 227 NG +3 6 228 AA +3 6 229 BA +3 6 230 EL +3 6 231 ED +3 6 232 KA +3 6 233 AA +3 6 234 MD +3 6 235 AA +3 6 236 ID +3 6 237 IN +3 6 238 AA +3 6 239 AT +3 6 240 KA +3 6 241 EL +3 6 242 AY +3 6 243 AA +3 6 244 EL +3 6 245 ED +3 6 246 AA +3 6 247 AA +3 6 248 NG +3 6 249 ID +3 6 250 AA +3 6 251 * +3 6 252 EL +3 6 253 LU +3 6 254 AA +3 6 255 NG +3 6 256 AT +3 6 257 NG +3 6 258 AY +3 6 259 ED +3 6 260 EL +3 6 261 BA +3 6 262 EL +3 6 263 EL +3 6 264 EL +3 6 265 BA +3 6 266 KA +3 6 267 BA +3 6 268 EL +3 6 269 BA +3 6 270 KA +3 6 271 NG +3 6 272 EL +3 6 273 BA +3 6 274 EL +3 6 275 KA +3 6 276 AT +3 6 277 AA +3 6 278 AT +3 6 279 AA +3 6 280 IN +3 6 281 BA +3 6 282 BA +3 6 283 KA +3 6 284 EL +3 6 285 ED +3 6 286 EL +3 6 287 KA +3 6 288 ED +3 6 289 ET +3 6 290 TA +3 6 291 NG +3 6 292 IN +3 6 293 EL +3 6 294 EL +3 6 295 KA +3 6 296 AA +3 6 297 AY +3 6 298 AT +3 6 299 AA +3 6 300 EL +3 6 301 AA +3 6 302 EL +3 6 303 EL +3 6 304 BA +3 6 305 AA +3 6 306 EL +3 6 307 BA +3 6 308 AA +3 6 309 NG +3 6 310 BA +3 6 311 BA +3 6 312 NG +3 6 313 BA +3 6 314 EL +3 6 315 AA +3 6 316 BA +3 6 317 AT +3 6 318 AY +3 6 319 EL +3 6 320 KA +3 6 321 AT +3 6 322 AA +3 6 323 BA +3 6 324 EL +3 6 325 BA +3 6 326 MG +3 6 327 EL +3 6 328 ET +3 6 329 KA +3 6 330 EL +3 7 1 BA +3 7 2 ID +3 7 3 ED +3 7 4 PA +3 7 5 * +3 7 6 DA +3 7 7 * +3 7 8 * +3 7 9 * +3 7 10 PA +3 7 11 * +3 7 12 DA +3 7 13 * +3 7 14 PA +3 7 15 * +3 7 16 * +3 7 17 ED +3 7 18 * +3 7 19 ID +3 7 20 AA +3 7 21 ED +3 7 22 DA +3 7 23 PA +3 7 24 NG +3 7 25 AA +3 7 26 BA +3 7 27 DA +3 7 28 ED +3 7 29 BA +3 7 30 * +3 7 31 BA +3 7 32 * +3 7 33 BA +3 7 34 BA +3 7 35 * +3 7 36 NG +3 7 37 PA +3 7 38 * +3 7 39 BA +3 7 40 AA +3 7 41 * +3 7 42 DA +3 7 43 NG +3 7 44 DA +3 7 45 BA +3 7 46 NG +3 7 47 BA +3 7 48 DA +3 7 49 AA +3 7 50 PA +3 7 51 * +3 7 52 EL +3 7 53 RA +3 7 54 BA +3 7 55 BA +3 7 56 DA +3 7 57 PA +3 7 58 ID +3 7 59 AA +3 7 60 NG +3 7 61 ED +3 7 62 PA +3 7 63 ED +3 7 64 AA +3 7 65 ED +3 7 66 EL +3 7 67 BA +3 7 68 AA +3 7 69 ID +3 7 70 EL +3 7 71 PA +3 7 72 BA +3 7 73 PA +3 7 74 * +3 7 75 NG +3 7 76 ED +3 7 77 BA +3 7 78 * +3 7 79 NG +3 7 80 BA +3 7 81 ID +3 7 82 AA +3 7 83 DA +3 7 84 DA +3 7 85 BA +3 7 86 AA +3 7 87 NG +3 7 88 PA +3 7 89 NG +3 7 90 AA +3 7 91 DA +3 7 92 EL +3 7 93 BA +3 7 94 NG +3 7 95 EL +3 7 96 DA +3 7 97 PA +3 7 98 ED +3 7 99 EL +3 7 100 AA +3 7 101 PA +3 7 102 BA +3 7 103 ID +3 7 104 AA +3 7 105 PA +3 7 106 DA +3 7 107 EL +3 7 108 EL +3 7 109 PA +3 7 110 DA +3 7 111 NG +3 7 112 * +3 7 113 NG +3 7 114 BA +3 7 115 ED +3 7 116 EL +3 7 117 NG +3 7 118 * +3 7 119 AA +3 7 120 EL +3 7 121 ED +3 7 122 BA +3 7 123 BA +3 7 124 DA +3 7 125 ED +3 7 126 * +3 7 127 NG +3 7 128 DA +3 7 129 EL +3 7 130 ID +3 7 131 PA +3 7 132 ED +3 7 133 BA +3 7 134 NG +3 7 135 * +3 7 136 BA +3 7 137 ID +3 7 138 AA +3 7 139 EL +3 7 140 BA +3 7 141 EL +3 7 142 EL +3 7 143 * +3 7 144 PA +3 7 145 AA +3 7 146 DA +3 7 147 BA +3 7 148 ED +3 7 149 * +3 7 150 PA +3 7 151 * +3 7 152 * +3 7 153 AA +3 7 154 NG +3 7 155 ID +3 7 156 BA +3 7 157 ID +3 7 158 EL +3 7 159 DA +3 7 160 * +3 7 161 AA +3 7 162 * +3 7 163 BA +3 7 164 AA +3 7 165 ID +3 7 166 NG +3 7 167 EL +3 7 168 BA +3 7 169 BA +3 7 170 NG +3 7 171 ID +3 7 172 EL +3 7 173 ED +3 7 174 DA +3 7 175 AA +3 7 176 ED +3 7 177 DA +3 7 178 AA +3 7 179 PA +3 7 180 BA +3 7 181 DA +3 7 182 PA +3 7 183 ID +3 7 184 PA +3 7 185 ID +3 7 186 BA +3 7 187 DA +3 7 188 AA +3 7 189 EL +3 7 190 * +3 7 191 BA +3 7 192 PA +3 7 193 DA +3 7 194 NG +3 7 195 AA +3 7 196 BA +3 7 197 PA +3 7 198 UG +3 7 199 EL +3 7 200 BA +3 7 201 * +3 7 202 AA +3 7 203 * +3 7 204 UG +3 7 205 PA +3 7 206 EL +3 7 207 * +3 7 208 ID +3 7 209 BA +3 7 210 * +3 7 211 AA +3 7 212 DA +3 7 213 PA +3 7 214 DA +3 7 215 * +3 7 216 NG +3 7 217 * +3 7 218 * +3 7 219 EL +3 7 220 PA +3 7 221 EL +3 7 222 PA +3 7 223 AA +3 7 224 EL +3 7 225 ID +3 7 226 BA +3 7 227 NG +3 7 228 AA +3 7 229 * +3 7 230 EL +3 7 231 PA +3 7 232 ID +3 7 233 PA +3 7 234 AA +3 7 235 BA +3 7 236 DA +3 7 237 * +3 7 238 BA +3 7 239 * +3 7 240 * +3 7 241 EL +3 7 242 DA +3 7 243 PA +3 7 244 EL +3 7 245 ED +3 7 246 BA +3 7 247 PA +3 7 248 NG +3 7 249 AA +3 7 250 PA +3 7 251 BA +3 7 252 EL +3 7 253 AA +3 7 254 BA +3 7 255 NG +3 7 256 ED +3 7 257 AA +3 7 258 DA +3 7 259 ID +3 7 260 DA +3 7 261 * +3 7 262 EL +3 7 263 EL +3 7 264 EL +3 7 265 BA +3 7 266 ED +3 7 267 PA +3 7 268 AA +3 7 269 PA +3 7 270 DA +3 7 271 NG +3 7 272 EL +3 7 273 PA +3 7 274 EL +3 7 275 DA +3 7 276 ED +3 7 277 AA +3 7 278 * +3 7 279 BA +3 7 280 ID +3 7 281 BA +3 7 282 AA +3 7 283 ID +3 7 284 EL +3 7 285 * +3 7 286 EL +3 7 287 ID +3 7 288 ED +3 7 289 BA +3 7 290 EL +3 7 291 AA +3 7 292 * +3 7 293 EL +3 7 294 EL +3 7 295 ID +3 7 296 PA +3 7 297 DA +3 7 298 ED +3 7 299 AA +3 7 300 EL +3 7 301 BA +3 7 302 EL +3 7 303 EL +3 7 304 ID +3 7 305 PA +3 7 306 * +3 7 307 AA +3 7 308 PA +3 7 309 ID +3 7 310 AA +3 7 311 BA +3 7 312 NG +3 7 313 PA +3 7 314 EL +3 7 315 BA +3 7 316 AA +3 7 317 PA +3 7 318 DA +3 7 319 EL +3 7 320 ID +3 7 321 ED +3 7 322 AA +3 7 323 * +3 7 324 EL +3 7 325 PA +3 7 326 DA +3 7 327 EL +3 7 328 ID +3 7 329 * +3 7 330 EL +3 8 1 AA +3 8 2 ID +3 8 3 AT +3 8 4 BA +3 8 5 IN +3 8 6 KA +3 8 7 AA +3 8 8 * +3 8 9 LA +3 8 10 GA +3 8 11 ID +3 8 12 DA +3 8 13 BU +3 8 14 IN +3 8 15 * +3 8 16 PU +3 8 17 AT +3 8 18 NG +3 8 19 BA +3 8 20 AA +3 8 21 ED +3 8 22 DA +3 8 23 PA +3 8 24 BU +3 8 25 AA +3 8 26 IN +3 8 27 EL +3 8 28 LO +3 8 29 ID +3 8 30 ED +3 8 31 ML +3 8 32 BA +3 8 33 DA +3 8 34 IN +3 8 35 AA +3 8 36 * +3 8 37 MP +3 8 38 MD +3 8 39 ID +3 8 40 BA +3 8 41 AT +3 8 42 PG +3 8 43 NG +3 8 44 EL +3 8 45 IN +3 8 46 ML +3 8 47 * +3 8 48 DA +3 8 49 AA +3 8 50 IN +3 8 51 AK +3 8 52 EL +3 8 53 ED +3 8 54 ID +3 8 55 HN +3 8 56 DA +3 8 57 GA +3 8 58 KY +3 8 59 * +3 8 60 LT +3 8 61 ED +3 8 62 AP +3 8 63 DA +3 8 64 AA +3 8 65 AT +3 8 66 EL +3 8 67 IN +3 8 68 * +3 8 69 ID +3 8 70 EL +3 8 71 AA +3 8 72 BA +3 8 73 IN +3 8 74 ID +3 8 75 GU +3 8 76 DA +3 8 77 GA +3 8 78 * +3 8 79 MK +3 8 80 AA +3 8 81 ID +3 8 82 * +3 8 83 DA +3 8 84 * +3 8 85 BA +3 8 86 * +3 8 87 GU +3 8 88 BA +3 8 89 NG +3 8 90 AA +3 8 91 DA +3 8 92 EL +3 8 93 IN +3 8 94 * +3 8 95 ML +3 8 96 AY +3 8 97 PA +3 8 98 AT +3 8 99 * +3 8 100 BA +3 8 101 * +3 8 102 * +3 8 103 * +3 8 104 BA +3 8 105 AA +3 8 106 PG +3 8 107 EL +3 8 108 LO +3 8 109 HN +3 8 110 IN +3 8 111 MK +3 8 112 ED +3 8 113 ME +3 8 114 BA +3 8 115 ED +3 8 116 GA +3 8 117 * +3 8 118 * +3 8 119 BA +3 8 120 EL +3 8 121 ED +3 8 122 AA +3 8 123 ID +3 8 124 DA +3 8 125 * +3 8 126 * +3 8 127 NG +3 8 128 DA +3 8 129 EL +3 8 130 ML +3 8 131 HN +3 8 132 * +3 8 133 ID +3 8 134 * +3 8 135 * +3 8 136 AA +3 8 137 * +3 8 138 HN +3 8 139 EL +3 8 140 AA +3 8 141 EL +3 8 142 * +3 8 143 DA +3 8 144 PA +3 8 145 * +3 8 146 DA +3 8 147 BA +3 8 148 AT +3 8 149 DA +3 8 150 PA +3 8 151 PG +3 8 152 * +3 8 153 AA +3 8 154 MK +3 8 155 * +3 8 156 BA +3 8 157 * +3 8 158 EL +3 8 159 PG +3 8 160 * +3 8 161 IN +3 8 162 AT +3 8 163 AA +3 8 164 BA +3 8 165 ID +3 8 166 NG +3 8 167 LO +3 8 168 * +3 8 169 AA +3 8 170 ID +3 8 171 ID +3 8 172 EL +3 8 173 ED +3 8 174 DA +3 8 175 BA +3 8 176 * +3 8 177 PG +3 8 178 AA +3 8 179 * +3 8 180 * +3 8 181 * +3 8 182 AA +3 8 183 * +3 8 184 AA +3 8 185 * +3 8 186 IN +3 8 187 DA +3 8 188 GA +3 8 189 KN +3 8 190 * +3 8 191 * +3 8 192 * +3 8 193 DA +3 8 194 KY +3 8 195 ID +3 8 196 * +3 8 197 LA +3 8 198 NG +3 8 199 EL +3 8 200 BA +3 8 201 * +3 8 202 AA +3 8 203 IN +3 8 204 NG +3 8 205 BA +3 8 206 EL +3 8 207 * +3 8 208 * +3 8 209 GA +3 8 210 MK +3 8 211 HN +3 8 212 DA +3 8 213 ML +3 8 214 DA +3 8 215 * +3 8 216 MK +3 8 217 * +3 8 218 * +3 8 219 EL +3 8 220 PA +3 8 221 EL +3 8 222 HN +3 8 223 AA +3 8 224 EL +3 8 225 ID +3 8 226 AP +3 8 227 NG +3 8 228 BA +3 8 229 * +3 8 230 EL +3 8 231 * +3 8 232 ML +3 8 233 HN +3 8 234 AA +3 8 235 IN +3 8 236 IN +3 8 237 LO +3 8 238 * +3 8 239 * +3 8 240 KY +3 8 241 EL +3 8 242 DA +3 8 243 BA +3 8 244 EL +3 8 245 AT +3 8 246 BA +3 8 247 HN +3 8 248 MK +3 8 249 GA +3 8 250 * +3 8 251 AA +3 8 252 EL +3 8 253 * +3 8 254 ID +3 8 255 NG +3 8 256 * +3 8 257 BA +3 8 258 DA +3 8 259 * +3 8 260 EL +3 8 261 * +3 8 262 EL +3 8 263 BU +3 8 264 * +3 8 265 IN +3 8 266 * +3 8 267 * +3 8 268 BA +3 8 269 AA +3 8 270 DA +3 8 271 IT +3 8 272 EL +3 8 273 * +3 8 274 EL +3 8 275 DA +3 8 276 AT +3 8 277 HN +3 8 278 * +3 8 279 PA +3 8 280 ID +3 8 281 * +3 8 282 AA +3 8 283 ML +3 8 284 EL +3 8 285 PG +3 8 286 EL +3 8 287 * +3 8 288 AT +3 8 289 BA +3 8 290 EL +3 8 291 AA +3 8 292 * +3 8 293 * +3 8 294 EL +3 8 295 ID +3 8 296 AA +3 8 297 DA +3 8 298 AT +3 8 299 AA +3 8 300 ML +3 8 301 AA +3 8 302 EL +3 8 303 BA +3 8 304 * +3 8 305 * +3 8 306 BA +3 8 307 AA +3 8 308 * +3 8 309 MK +3 8 310 * +3 8 311 AA +3 8 312 MK +3 8 313 GA +3 8 314 EL +3 8 315 * +3 8 316 ID +3 8 317 MD +3 8 318 DA +3 8 319 EL +3 8 320 * +3 8 321 AT +3 8 322 BA +3 8 323 KY +3 8 324 EL +3 8 325 * +3 8 326 AY +3 8 327 EL +3 8 328 * +3 8 329 * +3 8 330 EL +3 9 1 BA +3 9 2 EL +3 9 3 AT +3 9 4 NG +3 9 5 AA +3 9 6 BU +3 9 7 BA +3 9 8 AT +3 9 9 BU +3 9 10 NG +3 9 11 BA +3 9 12 DA +3 9 13 BA +3 9 14 NG +3 9 15 EL +3 9 16 EL +3 9 17 AT +3 9 18 NG +3 9 19 BU +3 9 20 BA +3 9 21 AT +3 9 22 DA +3 9 23 BU +3 9 24 BU +3 9 25 BA +3 9 26 NG +3 9 27 EL +3 9 28 AT +3 9 29 BA +3 9 30 AY +3 9 31 EL +3 9 32 AT +3 9 33 BA +3 9 34 NG +3 9 35 AT +3 9 36 BU +3 9 37 DA +3 9 38 AT +3 9 39 BU +3 9 40 BA +3 9 41 AT +3 9 42 AY +3 9 43 NG +3 9 44 EL +3 9 45 BA +3 9 46 BU +3 9 47 NG +3 9 48 DA +3 9 49 BU +3 9 50 NG +3 9 51 KA +3 9 52 EL +3 9 53 AT +3 9 54 BA +3 9 55 BA +3 9 56 BU +3 9 57 NG +3 9 58 BU +3 9 59 EL +3 9 60 NG +3 9 61 AT +3 9 62 BU +3 9 63 DA +3 9 64 NG +3 9 65 AT +3 9 66 EL +3 9 67 BU +3 9 68 AT +3 9 69 BU +3 9 70 EL +3 9 71 AT +3 9 72 BU +3 9 73 AT +3 9 74 EL +3 9 75 BA +3 9 76 AT +3 9 77 KA +3 9 78 EL +3 9 79 NG +3 9 80 BA +3 9 81 BA +3 9 82 BA +3 9 83 EL +3 9 84 BU +3 9 85 BA +3 9 86 AT +3 9 87 NG +3 9 88 AT +3 9 89 NG +3 9 90 BU +3 9 91 DA +3 9 92 EL +3 9 93 BA +3 9 94 NG +3 9 95 EL +3 9 96 DA +3 9 97 NG +3 9 98 AT +3 9 99 BU +3 9 100 BU +3 9 101 AT +3 9 102 EL +3 9 103 BU +3 9 104 KA +3 9 105 AT +3 9 106 DA +3 9 107 EL +3 9 108 EL +3 9 109 KA +3 9 110 DA +3 9 111 BA +3 9 112 AT +3 9 113 KA +3 9 114 BA +3 9 115 AT +3 9 116 EL +3 9 117 KA +3 9 118 AT +3 9 119 BA +3 9 120 EL +3 9 121 AT +3 9 122 KA +3 9 123 NG +3 9 124 DA +3 9 125 AT +3 9 126 DA +3 9 127 NG +3 9 128 DA +3 9 129 EL +3 9 130 KA +3 9 131 AT +3 9 132 AT +3 9 133 KA +3 9 134 BU +3 9 135 AT +3 9 136 BA +3 9 137 BA +3 9 138 BA +3 9 139 EL +3 9 140 BA +3 9 141 EL +3 9 142 EL +3 9 143 BA +3 9 144 NG +3 9 145 BA +3 9 146 DA +3 9 147 BA +3 9 148 AT +3 9 149 DA +3 9 150 AT +3 9 151 AT +3 9 152 BA +3 9 153 BU +3 9 154 BU +3 9 155 BU +3 9 156 BA +3 9 157 KA +3 9 158 EL +3 9 159 DA +3 9 160 EL +3 9 161 BA +3 9 162 AT +3 9 163 KA +3 9 164 KA +3 9 165 KA +3 9 166 NG +3 9 167 EL +3 9 168 BA +3 9 169 BU +3 9 170 NG +3 9 171 BU +3 9 172 EL +3 9 173 AT +3 9 174 DA +3 9 175 EL +3 9 176 AT +3 9 177 DA +3 9 178 NG +3 9 179 AT +3 9 180 KA +3 9 181 DA +3 9 182 AT +3 9 183 KA +3 9 184 AT +3 9 185 KA +3 9 186 BA +3 9 187 DA +3 9 188 BA +3 9 189 EL +3 9 190 EL +3 9 191 BA +3 9 192 BU +3 9 193 DA +3 9 194 AT +3 9 195 KA +3 9 196 EL +3 9 197 AT +3 9 198 NG +3 9 199 EL +3 9 200 KA +3 9 201 DA +3 9 202 BA +3 9 203 AT +3 9 204 NG +3 9 205 NG +3 9 206 EL +3 9 207 AT +3 9 208 DA +3 9 209 BA +3 9 210 BU +3 9 211 BA +3 9 212 DA +3 9 213 EL +3 9 214 DA +3 9 215 EL +3 9 216 NG +3 9 217 DA +3 9 218 DA +3 9 219 EL +3 9 220 NG +3 9 221 EL +3 9 222 NG +3 9 223 BA +3 9 224 EL +3 9 225 BA +3 9 226 BA +3 9 227 NG +3 9 228 BA +3 9 229 DA +3 9 230 EL +3 9 231 AT +3 9 232 NG +3 9 233 BA +3 9 234 BA +3 9 235 NG +3 9 236 DA +3 9 237 EL +3 9 238 BA +3 9 239 AT +3 9 240 DA +3 9 241 EL +3 9 242 DA +3 9 243 AT +3 9 244 EL +3 9 245 AT +3 9 246 BA +3 9 247 NG +3 9 248 BA +3 9 249 BU +3 9 250 NG +3 9 251 BA +3 9 252 EL +3 9 253 BA +3 9 254 BU +3 9 255 NG +3 9 256 AT +3 9 257 BU +3 9 258 DA +3 9 259 AT +3 9 260 DA +3 9 261 DA +3 9 262 EL +3 9 263 NG +3 9 264 EL +3 9 265 BA +3 9 266 DA +3 9 267 AT +3 9 268 BA +3 9 269 AT +3 9 270 DA +3 9 271 NG +3 9 272 EL +3 9 273 BU +3 9 274 EL +3 9 275 AY +3 9 276 AT +3 9 277 BU +3 9 278 DA +3 9 279 NG +3 9 280 BU +3 9 281 BA +3 9 282 BA +3 9 283 BU +3 9 284 EL +3 9 285 EL +3 9 286 EL +3 9 287 DA +3 9 288 AT +3 9 289 BA +3 9 290 EL +3 9 291 BA +3 9 292 DA +3 9 293 EL +3 9 294 EL +3 9 295 KA +3 9 296 AT +3 9 297 DA +3 9 298 AT +3 9 299 BA +3 9 300 EL +3 9 301 BA +3 9 302 EL +3 9 303 EL +3 9 304 BA +3 9 305 AT +3 9 306 BA +3 9 307 BU +3 9 308 BU +3 9 309 KA +3 9 310 BA +3 9 311 BA +3 9 312 NG +3 9 313 NG +3 9 314 EL +3 9 315 BA +3 9 316 BA +3 9 317 AT +3 9 318 DA +3 9 319 EL +3 9 320 KA +3 9 321 AT +3 9 322 EL +3 9 323 KA +3 9 324 EL +3 9 325 AT +3 9 326 DA +3 9 327 EL +3 9 328 BA +3 9 329 KA +3 9 330 EL +3 10 1 AA +3 10 2 ID +3 10 3 AT +3 10 4 NG +3 10 5 ID +3 10 6 DA +3 10 7 AA +3 10 8 AT +3 10 9 KA +3 10 10 NG +3 10 11 NG +3 10 12 DA +3 10 13 NG +3 10 14 NG +3 10 15 BU +3 10 16 EL +3 10 17 AT +3 10 18 NG +3 10 19 AA +3 10 20 ID +3 10 21 AT +3 10 22 DA +3 10 23 PA +3 10 24 NG +3 10 25 AA +3 10 26 AA +3 10 27 BU +3 10 28 ED +3 10 29 AA +3 10 30 KA +3 10 31 AA +3 10 32 * +3 10 33 ID +3 10 34 AA +3 10 35 KA +3 10 36 NG +3 10 37 AA +3 10 38 AT +3 10 39 ID +3 10 40 AA +3 10 41 AT +3 10 42 DA +3 10 43 NG +3 10 44 BU +3 10 45 AA +3 10 46 NG +3 10 47 NG +3 10 48 KA +3 10 49 AA +3 10 50 PA +3 10 51 NG +3 10 52 EL +3 10 53 AT +3 10 54 ID +3 10 55 AA +3 10 56 BU +3 10 57 AA +3 10 58 BU +3 10 59 BU +3 10 60 AA +3 10 61 AT +3 10 62 * +3 10 63 KA +3 10 64 AA +3 10 65 AT +3 10 66 EL +3 10 67 AA +3 10 68 * +3 10 69 NG +3 10 70 BU +3 10 71 AT +3 10 72 AA +3 10 73 * +3 10 74 EL +3 10 75 NG +3 10 76 KA +3 10 77 AA +3 10 78 AS +3 10 79 NG +3 10 80 AA +3 10 81 ID +3 10 82 ID +3 10 83 EL +3 10 84 AS +3 10 85 AA +3 10 86 ED +3 10 87 NG +3 10 88 AT +3 10 89 NG +3 10 90 NG +3 10 91 * +3 10 92 EL +3 10 93 AA +3 10 94 NG +3 10 95 EL +3 10 96 DA +3 10 97 PA +3 10 98 AT +3 10 99 AS +3 10 100 EL +3 10 101 AT +3 10 102 AS +3 10 103 * +3 10 104 AA +3 10 105 AT +3 10 106 EL +3 10 107 EL +3 10 108 EL +3 10 109 AA +3 10 110 DA +3 10 111 NG +3 10 112 AT +3 10 113 NG +3 10 114 AA +3 10 115 AT +3 10 116 EL +3 10 117 NG +3 10 118 AS +3 10 119 AA +3 10 120 EL +3 10 121 AT +3 10 122 AA +3 10 123 AA +3 10 124 * +3 10 125 AT +3 10 126 AS +3 10 127 NG +3 10 128 DA +3 10 129 EL +3 10 130 NG +3 10 131 AT +3 10 132 AT +3 10 133 AA +3 10 134 NG +3 10 135 AT +3 10 136 AA +3 10 137 NG +3 10 138 AA +3 10 139 EL +3 10 140 AA +3 10 141 EL +3 10 142 AS +3 10 143 BA +3 10 144 PA +3 10 145 AA +3 10 146 AS +3 10 147 AA +3 10 148 AT +3 10 149 * +3 10 150 PA +3 10 151 DA +3 10 152 EL +3 10 153 AA +3 10 154 NG +3 10 155 NG +3 10 156 AA +3 10 157 KA +3 10 158 EL +3 10 159 DA +3 10 160 AS +3 10 161 AA +3 10 162 AT +3 10 163 AA +3 10 164 PA +3 10 165 ID +3 10 166 AA +3 10 167 AS +3 10 168 AA +3 10 169 AA +3 10 170 NG +3 10 171 NG +3 10 172 EL +3 10 173 AT +3 10 174 DA +3 10 175 AS +3 10 176 AT +3 10 177 AS +3 10 178 AA +3 10 179 AT +3 10 180 AA +3 10 181 AS +3 10 182 AT +3 10 183 NG +3 10 184 AT +3 10 185 KA +3 10 186 AA +3 10 187 DA +3 10 188 AA +3 10 189 AS +3 10 190 AS +3 10 191 AA +3 10 192 PA +3 10 193 DA +3 10 194 AT +3 10 195 AA +3 10 196 * +3 10 197 * +3 10 198 NG +3 10 199 AS +3 10 200 AA +3 10 201 AS +3 10 202 AA +3 10 203 AT +3 10 204 NG +3 10 205 PA +3 10 206 AS +3 10 207 AT +3 10 208 KA +3 10 209 AA +3 10 210 NG +3 10 211 AA +3 10 212 DA +3 10 213 AS +3 10 214 DA +3 10 215 * +3 10 216 NG +3 10 217 AS +3 10 218 AA +3 10 219 EL +3 10 220 AA +3 10 221 EL +3 10 222 AT +3 10 223 AA +3 10 224 EL +3 10 225 ID +3 10 226 AA +3 10 227 NG +3 10 228 AA +3 10 229 EL +3 10 230 EL +3 10 231 PA +3 10 232 NG +3 10 233 PA +3 10 234 AA +3 10 235 AA +3 10 236 DA +3 10 237 DA +3 10 238 AA +3 10 239 AS +3 10 240 NG +3 10 241 EL +3 10 242 DA +3 10 243 NG +3 10 244 EL +3 10 245 AT +3 10 246 AA +3 10 247 PA +3 10 248 NG +3 10 249 NG +3 10 250 PA +3 10 251 ID +3 10 252 EL +3 10 253 AA +3 10 254 PA +3 10 255 NG +3 10 256 DA +3 10 257 PA +3 10 258 DA +3 10 259 AT +3 10 260 EL +3 10 261 DA +3 10 262 EL +3 10 263 KA +3 10 264 EL +3 10 265 AA +3 10 266 KA +3 10 267 AT +3 10 268 AA +3 10 269 AT +3 10 270 DA +3 10 271 NG +3 10 272 NG +3 10 273 BU +3 10 274 EL +3 10 275 DA +3 10 276 AT +3 10 277 NG +3 10 278 DA +3 10 279 PA +3 10 280 ID +3 10 281 AA +3 10 282 AA +3 10 283 NG +3 10 284 EL +3 10 285 AS +3 10 286 EL +3 10 287 DA +3 10 288 AT +3 10 289 AA +3 10 290 EL +3 10 291 AA +3 10 292 EL +3 10 293 EL +3 10 294 EL +3 10 295 KA +3 10 296 AA +3 10 297 DA +3 10 298 AT +3 10 299 AA +3 10 300 AS +3 10 301 AA +3 10 302 EL +3 10 303 PA +3 10 304 ID +3 10 305 PA +3 10 306 DA +3 10 307 AA +3 10 308 * +3 10 309 NG +3 10 310 AA +3 10 311 AA +3 10 312 NG +3 10 313 PA +3 10 314 EL +3 10 315 AA +3 10 316 AA +3 10 317 AT +3 10 318 DA +3 10 319 EL +3 10 320 ID +3 10 321 AT +3 10 322 AA +3 10 323 AA +3 10 324 EL +3 10 325 AT +3 10 326 DA +3 10 327 EL +3 10 328 ID +3 10 329 KA +3 10 330 EL +3 11 1 NG +3 11 2 DA +3 11 3 AT +3 11 4 NG +3 11 5 DA +3 11 6 DA +3 11 7 DA +3 11 8 NG +3 11 9 DA +3 11 10 NG +3 11 11 NG +3 11 12 DA +3 11 13 NG +3 11 14 NG +3 11 15 DA +3 11 16 EL +3 11 17 DA +3 11 18 NG +3 11 19 DA +3 11 20 DA +3 11 21 AT +3 11 22 DA +3 11 23 DA +3 11 24 NG +3 11 25 NG +3 11 26 NG +3 11 27 EL +3 11 28 DA +3 11 29 DA +3 11 30 DA +3 11 31 EL +3 11 32 DA +3 11 33 DA +3 11 34 NG +3 11 35 DA +3 11 36 NG +3 11 37 DA +3 11 38 DA +3 11 39 NG +3 11 40 DA +3 11 41 NG +3 11 42 NG +3 11 43 NG +3 11 44 EL +3 11 45 NG +3 11 46 NG +3 11 47 NG +3 11 48 DA +3 11 49 DA +3 11 50 NG +3 11 51 DA +3 11 52 EL +3 11 53 DA +3 11 54 NG +3 11 55 DA +3 11 56 EL +3 11 57 NG +3 11 58 NG +3 11 59 EL +3 11 60 NG +3 11 61 NG +3 11 62 EL +3 11 63 EL +3 11 64 NG +3 11 65 AT +3 11 66 EL +3 11 67 EL +3 11 68 EL +3 11 69 NG +3 11 70 EL +3 11 71 NG +3 11 72 NG +3 11 73 NG +3 11 74 EL +3 11 75 NG +3 11 76 DA +3 11 77 NG +3 11 78 EL +3 11 79 NG +3 11 80 NG +3 11 81 DA +3 11 82 DA +3 11 83 EL +3 11 84 EL +3 11 85 NG +3 11 86 NG +3 11 87 NG +3 11 88 DA +3 11 89 NG +3 11 90 NG +3 11 91 DA +3 11 92 EL +3 11 93 NG +3 11 94 NG +3 11 95 EL +3 11 96 DA +3 11 97 NG +3 11 98 AT +3 11 99 NG +3 11 100 DA +3 11 101 NG +3 11 102 EL +3 11 103 DA +3 11 104 EL +3 11 105 DA +3 11 106 EL +3 11 107 EL +3 11 108 EL +3 11 109 NG +3 11 110 DA +3 11 111 NG +3 11 112 AT +3 11 113 NG +3 11 114 NG +3 11 115 NG +3 11 116 EL +3 11 117 NG +3 11 118 DA +3 11 119 NG +3 11 120 EL +3 11 121 DA +3 11 122 DA +3 11 123 NG +3 11 124 DA +3 11 125 DA +3 11 126 NG +3 11 127 NG +3 11 128 DA +3 11 129 EL +3 11 130 NG +3 11 131 NG +3 11 132 NG +3 11 133 NG +3 11 134 NG +3 11 135 DA +3 11 136 DA +3 11 137 NG +3 11 138 EL +3 11 139 EL +3 11 140 NG +3 11 141 EL +3 11 142 EL +3 11 143 DA +3 11 144 NG +3 11 145 DA +3 11 146 DA +3 11 147 NG +3 11 148 DA +3 11 149 DA +3 11 150 NG +3 11 151 DA +3 11 152 DA +3 11 153 NG +3 11 154 NG +3 11 155 NG +3 11 156 NG +3 11 157 DA +3 11 158 EL +3 11 159 DA +3 11 160 DA +3 11 161 NG +3 11 162 AT +3 11 163 NG +3 11 164 NG +3 11 165 NG +3 11 166 NG +3 11 167 EL +3 11 168 NG +3 11 169 NG +3 11 170 NG +3 11 171 NG +3 11 172 EL +3 11 173 AT +3 11 174 DA +3 11 175 DA +3 11 176 AT +3 11 177 DA +3 11 178 NG +3 11 179 NG +3 11 180 DA +3 11 181 NG +3 11 182 NG +3 11 183 NG +3 11 184 DA +3 11 185 NG +3 11 186 DA +3 11 187 DA +3 11 188 NG +3 11 189 EL +3 11 190 DA +3 11 191 NG +3 11 192 NG +3 11 193 DA +3 11 194 NG +3 11 195 DA +3 11 196 NG +3 11 197 DA +3 11 198 NG +3 11 199 EL +3 11 200 NG +3 11 201 DA +3 11 202 DA +3 11 203 DA +3 11 204 NG +3 11 205 NG +3 11 206 EL +3 11 207 DA +3 11 208 NG +3 11 209 NG +3 11 210 NG +3 11 211 DA +3 11 212 DA +3 11 213 NG +3 11 214 DA +3 11 215 NG +3 11 216 NG +3 11 217 DA +3 11 218 NG +3 11 219 DA +3 11 220 DA +3 11 221 EL +3 11 222 NG +3 11 223 NG +3 11 224 EL +3 11 225 NG +3 11 226 NG +3 11 227 NG +3 11 228 NG +3 11 229 DA +3 11 230 EL +3 11 231 DA +3 11 232 NG +3 11 233 DA +3 11 234 DA +3 11 235 DA +3 11 236 NG +3 11 237 DA +3 11 238 DA +3 11 239 DA +3 11 240 NG +3 11 241 EL +3 11 242 DA +3 11 243 NG +3 11 244 EL +3 11 245 AT +3 11 246 DA +3 11 247 DA +3 11 248 NG +3 11 249 DA +3 11 250 NG +3 11 251 EL +3 11 252 EL +3 11 253 DA +3 11 254 DA +3 11 255 NG +3 11 256 DA +3 11 257 NG +3 11 258 DA +3 11 259 NG +3 11 260 EL +3 11 261 DA +3 11 262 EL +3 11 263 DA +3 11 264 EL +3 11 265 DA +3 11 266 DA +3 11 267 DA +3 11 268 DA +3 11 269 DA +3 11 270 DA +3 11 271 NG +3 11 272 EL +3 11 273 DA +3 11 274 EL +3 11 275 DA +3 11 276 AT +3 11 277 DA +3 11 278 DA +3 11 279 NG +3 11 280 DA +3 11 281 DA +3 11 282 DA +3 11 283 NG +3 11 284 EL +3 11 285 DA +3 11 286 EL +3 11 287 NG +3 11 288 AT +3 11 289 DA +3 11 290 EL +3 11 291 DA +3 11 292 DA +3 11 293 EL +3 11 294 EL +3 11 295 DA +3 11 296 NG +3 11 297 DA +3 11 298 AT +3 11 299 DA +3 11 300 EL +3 11 301 DA +3 11 302 EL +3 11 303 EL +3 11 304 DA +3 11 305 NG +3 11 306 DA +3 11 307 DA +3 11 308 DA +3 11 309 NG +3 11 310 DA +3 11 311 DA +3 11 312 NG +3 11 313 DA +3 11 314 EL +3 11 315 DA +3 11 316 NG +3 11 317 DA +3 11 318 AT +3 11 319 EL +3 11 320 NG +3 11 321 AT +3 11 322 EL +3 11 323 NG +3 11 324 EL +3 11 325 AT +3 11 326 DA +3 11 327 EL +3 11 328 NG +3 11 329 NG +3 11 330 EL +3 12 1 BA +3 12 2 AA +3 12 3 AT +3 12 4 PA +3 12 5 AA +3 12 6 AY +3 12 7 AA +3 12 8 AA +3 12 9 * +3 12 10 AA +3 12 11 * +3 12 12 * +3 12 13 NG +3 12 14 * +3 12 15 AA +3 12 16 EL +3 12 17 AT +3 12 18 NG +3 12 19 AA +3 12 20 ID +3 12 21 AT +3 12 22 DA +3 12 23 * +3 12 24 * +3 12 25 NG +3 12 26 PA +3 12 27 EL +3 12 28 AT +3 12 29 ID +3 12 30 * +3 12 31 AA +3 12 32 PA +3 12 33 ID +3 12 34 DA +3 12 35 AT +3 12 36 NG +3 12 37 AA +3 12 38 BA +3 12 39 ID +3 12 40 * +3 12 41 AT +3 12 42 BA +3 12 43 NG +3 12 44 EL +3 12 45 ID +3 12 46 AA +3 12 47 NG +3 12 48 BA +3 12 49 AA +3 12 50 PA +3 12 51 * +3 12 52 BA +3 12 53 AA +3 12 54 ID +3 12 55 BA +3 12 56 DA +3 12 57 ID +3 12 58 BA +3 12 59 EL +3 12 60 NG +3 12 61 AN +3 12 62 PA +3 12 63 BA +3 12 64 ID +3 12 65 AT +3 12 66 EL +3 12 67 NG +3 12 68 BA +3 12 69 * +3 12 70 EL +3 12 71 BA +3 12 72 ID +3 12 73 PA +3 12 74 BA +3 12 75 NG +3 12 76 BA +3 12 77 ID +3 12 78 BA +3 12 79 NG +3 12 80 BA +3 12 81 NG +3 12 82 ID +3 12 83 EL +3 12 84 BA +3 12 85 NG +3 12 86 BA +3 12 87 NG +3 12 88 BA +3 12 89 NG +3 12 90 NG +3 12 91 BA +3 12 92 EL +3 12 93 NG +3 12 94 NG +3 12 95 BA +3 12 96 * +3 12 97 PA +3 12 98 AT +3 12 99 BA +3 12 100 BA +3 12 101 PA +3 12 102 AA +3 12 103 * +3 12 104 BA +3 12 105 PA +3 12 106 BA +3 12 107 EL +3 12 108 AA +3 12 109 PA +3 12 110 * +3 12 111 NG +3 12 112 AT +3 12 113 NG +3 12 114 BA +3 12 115 AT +3 12 116 BA +3 12 117 NG +3 12 118 BA +3 12 119 ID +3 12 120 EL +3 12 121 AT +3 12 122 BA +3 12 123 BA +3 12 124 * +3 12 125 AT +3 12 126 BA +3 12 127 NG +3 12 128 BA +3 12 129 EL +3 12 130 NG +3 12 131 BA +3 12 132 * +3 12 133 ID +3 12 134 NG +3 12 135 BA +3 12 136 ID +3 12 137 NG +3 12 138 BA +3 12 139 EL +3 12 140 ID +3 12 141 EL +3 12 142 EL +3 12 143 AA +3 12 144 PA +3 12 145 AA +3 12 146 BA +3 12 147 AA +3 12 148 AT +3 12 149 BA +3 12 150 PA +3 12 151 AA +3 12 152 BA +3 12 153 * +3 12 154 NG +3 12 155 NG +3 12 156 BA +3 12 157 * +3 12 158 EL +3 12 159 BA +3 12 160 AA +3 12 161 ID +3 12 162 AT +3 12 163 AA +3 12 164 AA +3 12 165 BA +3 12 166 BA +3 12 167 AA +3 12 168 ID +3 12 169 ID +3 12 170 NG +3 12 171 AA +3 12 172 EL +3 12 173 AT +3 12 174 BA +3 12 175 AA +3 12 176 AT +3 12 177 BA +3 12 178 ID +3 12 179 BA +3 12 180 ID +3 12 181 BA +3 12 182 PA +3 12 183 * +3 12 184 PA +3 12 185 BA +3 12 186 ID +3 12 187 BA +3 12 188 ID +3 12 189 BA +3 12 190 * +3 12 191 ID +3 12 192 BA +3 12 193 BA +3 12 194 NG +3 12 195 NG +3 12 196 AA +3 12 197 BA +3 12 198 NG +3 12 199 DA +3 12 200 ID +3 12 201 * +3 12 202 ID +3 12 203 PA +3 12 204 NG +3 12 205 PA +3 12 206 BA +3 12 207 AT +3 12 208 BA +3 12 209 NG +3 12 210 DA +3 12 211 NG +3 12 212 BA +3 12 213 AA +3 12 214 BA +3 12 215 PA +3 12 216 NG +3 12 217 BA +3 12 218 AA +3 12 219 BA +3 12 220 PA +3 12 221 AA +3 12 222 PA +3 12 223 BA +3 12 224 EL +3 12 225 BA +3 12 226 NG +3 12 227 NG +3 12 228 NG +3 12 229 BA +3 12 230 EL +3 12 231 PA +3 12 232 BA +3 12 233 * +3 12 234 NG +3 12 235 BA +3 12 236 BA +3 12 237 UT +3 12 238 ID +3 12 239 PA +3 12 240 * +3 12 241 EL +3 12 242 BA +3 12 243 PA +3 12 244 BA +3 12 245 AT +3 12 246 ID +3 12 247 PA +3 12 248 NG +3 12 249 ID +3 12 250 PA +3 12 251 BA +3 12 252 EL +3 12 253 BA +3 12 254 BA +3 12 255 NG +3 12 256 AT +3 12 257 ID +3 12 258 BA +3 12 259 * +3 12 260 BA +3 12 261 AA +3 12 262 EL +3 12 263 BA +3 12 264 AA +3 12 265 ID +3 12 266 BA +3 12 267 PA +3 12 268 ID +3 12 269 PA +3 12 270 * +3 12 271 NG +3 12 272 EL +3 12 273 PA +3 12 274 EL +3 12 275 BA +3 12 276 PA +3 12 277 BA +3 12 278 UT +3 12 279 PA +3 12 280 ID +3 12 281 ID +3 12 282 ID +3 12 283 BA +3 12 284 EL +3 12 285 UT +3 12 286 EL +3 12 287 BA +3 12 288 AT +3 12 289 BA +3 12 290 UT +3 12 291 BA +3 12 292 BA +3 12 293 UT +3 12 294 UT +3 12 295 BA +3 12 296 PA +3 12 297 * +3 12 298 AT +3 12 299 BA +3 12 300 EL +3 12 301 ID +3 12 302 EL +3 12 303 BA +3 12 304 ID +3 12 305 PA +3 12 306 UT +3 12 307 BA +3 12 308 PA +3 12 309 UT +3 12 310 BA +3 12 311 ID +3 12 312 NG +3 12 313 PA +3 12 314 EL +3 12 315 ID +3 12 316 BA +3 12 317 PA +3 12 318 BA +3 12 319 EL +3 12 320 BA +3 12 321 AT +3 12 322 BA +3 12 323 ID +3 12 324 EL +3 12 325 PA +3 12 326 BA +3 12 327 EL +3 12 328 BA +3 12 329 BA +3 12 330 AA +3 13 1 * +3 13 2 ID +3 13 3 AT +3 13 4 AA +3 13 5 ID +3 13 6 DA +3 13 7 ID +3 13 8 AT +3 13 9 * +3 13 10 PA +3 13 11 ID +3 13 12 DA +3 13 13 ID +3 13 14 AA +3 13 15 AT +3 13 16 BU +3 13 17 AT +3 13 18 NG +3 13 19 AA +3 13 20 ID +3 13 21 AT +3 13 22 DA +3 13 23 AA +3 13 24 EL +3 13 25 ID +3 13 26 AA +3 13 27 EL +3 13 28 AT +3 13 29 ID +3 13 30 AT +3 13 31 AA +3 13 32 * +3 13 33 ID +3 13 34 AA +3 13 35 AT +3 13 36 NG +3 13 37 AA +3 13 38 ED +3 13 39 ID +3 13 40 AA +3 13 41 AT +3 13 42 BU +3 13 43 NG +3 13 44 EL +3 13 45 ID +3 13 46 NG +3 13 47 NG +3 13 48 DA +3 13 49 AA +3 13 50 NG +3 13 51 NG +3 13 52 EL +3 13 53 ED +3 13 54 AA +3 13 55 AA +3 13 56 ED +3 13 57 AA +3 13 58 BU +3 13 59 EL +3 13 60 NG +3 13 61 AT +3 13 62 PA +3 13 63 AT +3 13 64 AA +3 13 65 AT +3 13 66 EL +3 13 67 ID +3 13 68 ED +3 13 69 ID +3 13 70 EL +3 13 71 NG +3 13 72 ID +3 13 73 PA +3 13 74 UT +3 13 75 NG +3 13 76 AT +3 13 77 AA +3 13 78 EL +3 13 79 NG +3 13 80 AA +3 13 81 ID +3 13 82 AA +3 13 83 UT +3 13 84 AT +3 13 85 ID +3 13 86 ED +3 13 87 NG +3 13 88 AA +3 13 89 NG +3 13 90 NG +3 13 91 ID +3 13 92 EL +3 13 93 AA +3 13 94 NG +3 13 95 UT +3 13 96 DA +3 13 97 PA +3 13 98 AT +3 13 99 BU +3 13 100 AA +3 13 101 BA +3 13 102 UT +3 13 103 BU +3 13 104 AA +3 13 105 AA +3 13 106 DA +3 13 107 EL +3 13 108 BU +3 13 109 AA +3 13 110 DA +3 13 111 ID +3 13 112 AT +3 13 113 NG +3 13 114 AA +3 13 115 ED +3 13 116 UT +3 13 117 NG +3 13 118 ED +3 13 119 ID +3 13 120 EL +3 13 121 AT +3 13 122 AA +3 13 123 ID +3 13 124 DA +3 13 125 ED +3 13 126 AT +3 13 127 NG +3 13 128 DA +3 13 129 EL +3 13 130 NG +3 13 131 AA +3 13 132 AT +3 13 133 ID +3 13 134 NG +3 13 135 ED +3 13 136 ID +3 13 137 AA +3 13 138 BA +3 13 139 EL +3 13 140 AA +3 13 141 EL +3 13 142 BU +3 13 143 IN +3 13 144 PA +3 13 145 AA +3 13 146 DA +3 13 147 AA +3 13 148 AT +3 13 149 ID +3 13 150 BA +3 13 151 ED +3 13 152 BU +3 13 153 AA +3 13 154 EL +3 13 155 BU +3 13 156 ID +3 13 157 BU +3 13 158 EL +3 13 159 DA +3 13 160 ED +3 13 161 ID +3 13 162 AT +3 13 163 AA +3 13 164 AA +3 13 165 BU +3 13 166 NG +3 13 167 BU +3 13 168 AA +3 13 169 AA +3 13 170 NG +3 13 171 UT +3 13 172 EL +3 13 173 AT +3 13 174 DA +3 13 175 BU +3 13 176 AT +3 13 177 DA +3 13 178 PA +3 13 179 AT +3 13 180 ID +3 13 181 BU +3 13 182 AT +3 13 183 BU +3 13 184 AA +3 13 185 DA +3 13 186 ID +3 13 187 DA +3 13 188 AA +3 13 189 UT +3 13 190 ED +3 13 191 ID +3 13 192 * +3 13 193 ID +3 13 194 AT +3 13 195 ID +3 13 196 ID +3 13 197 BU +3 13 198 NG +3 13 199 EL +3 13 200 ID +3 13 201 ED +3 13 202 ID +3 13 203 ED +3 13 204 NG +3 13 205 AA +3 13 206 EL +3 13 207 ED +3 13 208 BU +3 13 209 AA +3 13 210 BU +3 13 211 AA +3 13 212 DA +3 13 213 BU +3 13 214 AA +3 13 215 AT +3 13 216 NG +3 13 217 AT +3 13 218 AA +3 13 219 UT +3 13 220 PA +3 13 221 EL +3 13 222 PA +3 13 223 ID +3 13 224 EL +3 13 225 BU +3 13 226 UT +3 13 227 NG +3 13 228 NG +3 13 229 ID +3 13 230 EL +3 13 231 BA +3 13 232 BU +3 13 233 BU +3 13 234 ID +3 13 235 PA +3 13 236 ID +3 13 237 ED +3 13 238 AA +3 13 239 AT +3 13 240 NG +3 13 241 EL +3 13 242 DA +3 13 243 ED +3 13 244 EL +3 13 245 AT +3 13 246 AA +3 13 247 PA +3 13 248 NG +3 13 249 AA +3 13 250 AA +3 13 251 ID +3 13 252 EL +3 13 253 ID +3 13 254 PA +3 13 255 NG +3 13 256 AT +3 13 257 PA +3 13 258 DA +3 13 259 AT +3 13 260 EL +3 13 261 ED +3 13 262 EL +3 13 263 BU +3 13 264 BA +3 13 265 ID +3 13 266 AT +3 13 267 BA +3 13 268 ID +3 13 269 AT +3 13 270 DA +3 13 271 NG +3 13 272 EL +3 13 273 AA +3 13 274 EL +3 13 275 ID +3 13 276 AT +3 13 277 NG +3 13 278 ED +3 13 279 PA +3 13 280 ID +3 13 281 AA +3 13 282 ID +3 13 283 BU +3 13 284 EL +3 13 285 BA +3 13 286 EL +3 13 287 UT +3 13 288 AT +3 13 289 AA +3 13 290 EL +3 13 291 PA +3 13 292 AT +3 13 293 EL +3 13 294 EL +3 13 295 BU +3 13 296 PA +3 13 297 DA +3 13 298 AT +3 13 299 ID +3 13 300 BU +3 13 301 IN +3 13 302 EL +3 13 303 BU +3 13 304 ID +3 13 305 PA +3 13 306 ID +3 13 307 ID +3 13 308 BU +3 13 309 NG +3 13 310 ID +3 13 311 PA +3 13 312 NG +3 13 313 PA +3 13 314 EL +3 13 315 ID +3 13 316 ID +3 13 317 ED +3 13 318 AT +3 13 319 EL +3 13 320 BU +3 13 321 AT +3 13 322 AA +3 13 323 ID +3 13 324 EL +3 13 325 PA +3 13 326 DA +3 13 327 EL +3 13 328 ID +3 13 329 BU +3 13 330 EL +3 14 1 NG +3 14 2 EL +3 14 3 AT +3 14 4 NG +3 14 5 EL +3 14 6 DA +3 14 7 EL +3 14 8 NG +3 14 9 DA +3 14 10 NG +3 14 11 EL +3 14 12 DA +3 14 13 NG +3 14 14 NG +3 14 15 EL +3 14 16 EL +3 14 17 AT +3 14 18 NG +3 14 19 EL +3 14 20 NG +3 14 21 AT +3 14 22 EL +3 14 23 NG +3 14 24 NG +3 14 25 DA +3 14 26 NG +3 14 27 EL +3 14 28 EL +3 14 29 NG +3 14 30 NG +3 14 31 EL +3 14 32 EL +3 14 33 NG +3 14 34 NG +3 14 35 AT +3 14 36 NG +3 14 37 EL +3 14 38 NG +3 14 39 EL +3 14 40 NG +3 14 41 AT +3 14 42 DA +3 14 43 NG +3 14 44 EL +3 14 45 NG +3 14 46 NG +3 14 47 NG +3 14 48 EL +3 14 49 DA +3 14 50 NG +3 14 51 NG +3 14 52 EL +3 14 53 NG +3 14 54 NG +3 14 55 EL +3 14 56 EL +3 14 57 NG +3 14 58 EL +3 14 59 EL +3 14 60 NG +3 14 61 AT +3 14 62 EL +3 14 63 NG +3 14 64 NG +3 14 65 AT +3 14 66 EL +3 14 67 EL +3 14 68 AT +3 14 69 NG +3 14 70 EL +3 14 71 NG +3 14 72 DA +3 14 73 NG +3 14 74 EL +3 14 75 NG +3 14 76 AT +3 14 77 NG +3 14 78 EL +3 14 79 NG +3 14 80 NG +3 14 81 DA +3 14 82 DA +3 14 83 EL +3 14 84 EL +3 14 85 NG +3 14 86 AT +3 14 87 NG +3 14 88 AT +3 14 89 NG +3 14 90 NG +3 14 91 EL +3 14 92 EL +3 14 93 NG +3 14 94 NG +3 14 95 EL +3 14 96 DA +3 14 97 NG +3 14 98 AT +3 14 99 EL +3 14 100 EL +3 14 101 AT +3 14 102 EL +3 14 103 NG +3 14 104 EL +3 14 105 AT +3 14 106 DA +3 14 107 EL +3 14 108 EL +3 14 109 AT +3 14 110 DA +3 14 111 NG +3 14 112 AT +3 14 113 NG +3 14 114 EL +3 14 115 AT +3 14 116 EL +3 14 117 NG +3 14 118 AT +3 14 119 EL +3 14 120 EL +3 14 121 AT +3 14 122 NG +3 14 123 NG +3 14 124 DA +3 14 125 AT +3 14 126 EL +3 14 127 NG +3 14 128 DA +3 14 129 EL +3 14 130 NG +3 14 131 EL +3 14 132 AT +3 14 133 EL +3 14 134 NG +3 14 135 AT +3 14 136 AT +3 14 137 NG +3 14 138 EL +3 14 139 EL +3 14 140 NG +3 14 141 EL +3 14 142 EL +3 14 143 NG +3 14 144 NG +3 14 145 EL +3 14 146 DA +3 14 147 EL +3 14 148 AT +3 14 149 NG +3 14 150 NG +3 14 151 EL +3 14 152 EL +3 14 153 NG +3 14 154 NG +3 14 155 NG +3 14 156 EL +3 14 157 NG +3 14 158 EL +3 14 159 EL +3 14 160 EL +3 14 161 EL +3 14 162 AT +3 14 163 NG +3 14 164 NG +3 14 165 NG +3 14 166 NG +3 14 167 EL +3 14 168 NG +3 14 169 EL +3 14 170 NG +3 14 171 NG +3 14 172 EL +3 14 173 AT +3 14 174 DA +3 14 175 EL +3 14 176 AT +3 14 177 DA +3 14 178 NG +3 14 179 AT +3 14 180 EL +3 14 181 DA +3 14 182 NG +3 14 183 NG +3 14 184 NG +3 14 185 DA +3 14 186 EL +3 14 187 DA +3 14 188 NG +3 14 189 EL +3 14 190 EL +3 14 191 NG +3 14 192 NG +3 14 193 DA +3 14 194 NG +3 14 195 NG +3 14 196 EL +3 14 197 NG +3 14 198 NG +3 14 199 EL +3 14 200 EL +3 14 201 EL +3 14 202 DA +3 14 203 DA +3 14 204 NG +3 14 205 NG +3 14 206 EL +3 14 207 AT +3 14 208 NG +3 14 209 NG +3 14 210 NG +3 14 211 EL +3 14 212 DA +3 14 213 EL +3 14 214 DA +3 14 215 EL +3 14 216 NG +3 14 217 EL +3 14 218 DA +3 14 219 EL +3 14 220 NG +3 14 221 EL +3 14 222 DA +3 14 223 NG +3 14 224 EL +3 14 225 NG +3 14 226 NG +3 14 227 NG +3 14 228 NG +3 14 229 EL +3 14 230 EL +3 14 231 NG +3 14 232 NG +3 14 233 DA +3 14 234 NG +3 14 235 DA +3 14 236 NG +3 14 237 EL +3 14 238 EL +3 14 239 EL +3 14 240 NG +3 14 241 EL +3 14 242 EL +3 14 243 AT +3 14 244 EL +3 14 245 AT +3 14 246 EL +3 14 247 NG +3 14 248 NG +3 14 249 NG +3 14 250 NG +3 14 251 EL +3 14 252 EL +3 14 253 DA +3 14 254 NG +3 14 255 NG +3 14 256 AT +3 14 257 NG +3 14 258 DA +3 14 259 AT +3 14 260 EL +3 14 261 AT +3 14 262 EL +3 14 263 EL +3 14 264 EL +3 14 265 NG +3 14 266 AT +3 14 267 AT +3 14 268 EL +3 14 269 AT +3 14 270 DA +3 14 271 NG +3 14 272 EL +3 14 273 EL +3 14 274 EL +3 14 275 NG +3 14 276 AT +3 14 277 NG +3 14 278 DA +3 14 279 NG +3 14 280 NG +3 14 281 NG +3 14 282 NG +3 14 283 NG +3 14 284 EL +3 14 285 AT +3 14 286 EL +3 14 287 NG +3 14 288 AT +3 14 289 EL +3 14 290 EL +3 14 291 NG +3 14 292 EL +3 14 293 EL +3 14 294 EL +3 14 295 NG +3 14 296 NG +3 14 297 DA +3 14 298 AT +3 14 299 NG +3 14 300 EL +3 14 301 NG +3 14 302 EL +3 14 303 EL +3 14 304 NG +3 14 305 AT +3 14 306 NG +3 14 307 DA +3 14 308 NG +3 14 309 NG +3 14 310 EL +3 14 311 AT +3 14 312 NG +3 14 313 NG +3 14 314 EL +3 14 315 NG +3 14 316 NG +3 14 317 AT +3 14 318 DA +3 14 319 EL +3 14 320 NG +3 14 321 AT +3 14 322 EL +3 14 323 NG +3 14 324 EL +3 14 325 AT +3 14 326 DA +3 14 327 EL +3 14 328 NG +3 14 329 NG +3 14 330 EL +3 15 1 ID +3 15 2 BU +3 15 3 AT +3 15 4 PA +3 15 5 BU +3 15 6 AS +3 15 7 ID +3 15 8 AT +3 15 9 KA +3 15 10 GA +3 15 11 NG +3 15 12 DA +3 15 13 NG +3 15 14 ID +3 15 15 AS +3 15 16 BU +3 15 17 AT +3 15 18 NG +3 15 19 ID +3 15 20 GA +3 15 21 AT +3 15 22 DA +3 15 23 GA +3 15 24 NG +3 15 25 ID +3 15 26 NG +3 15 27 BU +3 15 28 AT +3 15 29 ID +3 15 30 KA +3 15 31 BU +3 15 32 GA +3 15 33 ID +3 15 34 PA +3 15 35 AT +3 15 36 NG +3 15 37 GA +3 15 38 AT +3 15 39 ID +3 15 40 DI +3 15 41 AT +3 15 42 DA +3 15 43 NG +3 15 44 AS +3 15 45 DI +3 15 46 NG +3 15 47 NG +3 15 48 DA +3 15 49 ID +3 15 50 NG +3 15 51 NG +3 15 52 BU +3 15 53 AT +3 15 54 ID +3 15 55 GA +3 15 56 AS +3 15 57 PA +3 15 58 KA +3 15 59 AS +3 15 60 NG +3 15 61 AT +3 15 62 AS +3 15 63 AT +3 15 64 DI +3 15 65 AT +3 15 66 AS +3 15 67 ID +3 15 68 AT +3 15 69 KA +3 15 70 BU +3 15 71 AT +3 15 72 ID +3 15 73 PA +3 15 74 AS +3 15 75 NG +3 15 76 AT +3 15 77 ID +3 15 78 AS +3 15 79 NG +3 15 80 DI +3 15 81 ID +3 15 82 ID +3 15 83 AS +3 15 84 AS +3 15 85 ID +3 15 86 AT +3 15 87 NG +3 15 88 AT +3 15 89 NG +3 15 90 NG +3 15 91 ID +3 15 92 BU +3 15 93 DI +3 15 94 NG +3 15 95 AS +3 15 96 DA +3 15 97 DI +3 15 98 AT +3 15 99 AS +3 15 100 BU +3 15 101 AT +3 15 102 AS +3 15 103 KA +3 15 104 GA +3 15 105 PA +3 15 106 AS +3 15 107 BU +3 15 108 AS +3 15 109 PA +3 15 110 DA +3 15 111 NG +3 15 112 AT +3 15 113 NG +3 15 114 DI +3 15 115 AT +3 15 116 AS +3 15 117 KA +3 15 118 AT +3 15 119 ID +3 15 120 BU +3 15 121 AT +3 15 122 ID +3 15 123 BA +3 15 124 ID +3 15 125 DZ +3 15 126 AT +3 15 127 NG +3 15 128 DA +3 15 129 BU +3 15 130 NG +3 15 131 PA +3 15 132 AT +3 15 133 BA +3 15 134 KA +3 15 135 AT +3 15 136 BA +3 15 137 NG +3 15 138 AS +3 15 139 EL +3 15 140 BA +3 15 141 EL +3 15 142 EL +3 15 143 ID +3 15 144 PA +3 15 145 ID +3 15 146 DA +3 15 147 ID +3 15 148 AT +3 15 149 ID +3 15 150 PA +3 15 151 AT +3 15 152 AT +3 15 153 BA +3 15 154 NG +3 15 155 KA +3 15 156 ID +3 15 157 KA +3 15 158 EL +3 15 159 KA +3 15 160 AT +3 15 161 ID +3 15 162 AT +3 15 163 BA +3 15 164 BA +3 15 165 KA +3 15 166 PA +3 15 167 EL +3 15 168 ID +3 15 169 BA +3 15 170 NG +3 15 171 ID +3 15 172 EL +3 15 173 AT +3 15 174 DA +3 15 175 EL +3 15 176 AT +3 15 177 BU +3 15 178 BA +3 15 179 KA +3 15 180 ID +3 15 181 KA +3 15 182 PA +3 15 183 KA +3 15 184 PA +3 15 185 KA +3 15 186 BA +3 15 187 DA +3 15 188 ID +3 15 189 EL +3 15 190 EL +3 15 191 ID +3 15 192 PA +3 15 193 EL +3 15 194 KL +3 15 195 ID +3 15 196 EL +3 15 197 PA +3 15 198 NG +3 15 199 EL +3 15 200 ID +3 15 201 EL +3 15 202 ID +3 15 203 AT +3 15 204 NG +3 15 205 PA +3 15 206 EL +3 15 207 AT +3 15 208 KL +3 15 209 BA +3 15 210 KL +3 15 211 ID +3 15 212 DZ +3 15 213 EL +3 15 214 ID +3 15 215 EL +3 15 216 NG +3 15 217 AS +3 15 218 ID +3 15 219 EL +3 15 220 PA +3 15 221 EL +3 15 222 PA +3 15 223 ID +3 15 224 EL +3 15 225 KL +3 15 226 PA +3 15 227 NG +3 15 228 NG +3 15 229 EL +3 15 230 EL +3 15 231 PA +3 15 232 NG +3 15 233 EL +3 15 234 ID +3 15 235 PA +3 15 236 ID +3 15 237 EL +3 15 238 ID +3 15 239 EL +3 15 240 KL +3 15 241 EL +3 15 242 EL +3 15 243 KL +3 15 244 EL +3 15 245 AT +3 15 246 ID +3 15 247 PA +3 15 248 NG +3 15 249 ID +3 15 250 PA +3 15 251 EL +3 15 252 EL +3 15 253 ID +3 15 254 EL +3 15 255 NG +3 15 256 AT +3 15 257 PA +3 15 258 DA +3 15 259 KL +3 15 260 EL +3 15 261 DA +3 15 262 EL +3 15 263 EL +3 15 264 EL +3 15 265 ID +3 15 266 KL +3 15 267 PA +3 15 268 ID +3 15 269 AT +3 15 270 DA +3 15 271 NG +3 15 272 EL +3 15 273 PA +3 15 274 EL +3 15 275 DA +3 15 276 AT +3 15 277 NG +3 15 278 DZ +3 15 279 PA +3 15 280 ID +3 15 281 ID +3 15 282 ID +3 15 283 KA +3 15 284 EL +3 15 285 EL +3 15 286 EL +3 15 287 KL +3 15 288 AT +3 15 289 EL +3 15 290 EL +3 15 291 PA +3 15 292 EL +3 15 293 EL +3 15 294 EL +3 15 295 NG +3 15 296 PA +3 15 297 DA +3 15 298 AT +3 15 299 ID +3 15 300 EL +3 15 301 ID +3 15 302 EL +3 15 303 EL +3 15 304 ID +3 15 305 PA +3 15 306 ID +3 15 307 BA +3 15 308 EL +3 15 309 NG +3 15 310 ID +3 15 311 PA +3 15 312 NG +3 15 313 PA +3 15 314 EL +3 15 315 ID +3 15 316 BA +3 15 317 AT +3 15 318 DZ +3 15 319 EL +3 15 320 KL +3 15 321 AT +3 15 322 EL +3 15 323 ID +3 15 324 EL +3 15 325 PA +3 15 326 DA +3 15 327 EL +3 15 328 ID +3 15 329 KL +3 15 330 EL +3 16 1 GA +3 16 2 LT +3 16 3 AT +3 16 4 PA +3 16 5 ID +3 16 6 AZ +3 16 7 ID +3 16 8 AT +3 16 9 KL +3 16 10 NG +3 16 11 BA +3 16 12 DA +3 16 13 BA +3 16 14 BA +3 16 15 RA +3 16 16 EL +3 16 17 ED +3 16 18 BU +3 16 19 BA +3 16 20 ID +3 16 21 ED +3 16 22 DA +3 16 23 BE +3 16 24 BU +3 16 25 BA +3 16 26 AA +3 16 27 EL +3 16 28 AT +3 16 29 IN +3 16 30 AT +3 16 31 AA +3 16 32 BE +3 16 33 ID +3 16 34 BA +3 16 35 AT +3 16 36 BA +3 16 37 DI +3 16 38 AT +3 16 39 BA +3 16 40 GA +3 16 41 AT +3 16 42 DA +3 16 43 NG +3 16 44 EL +3 16 45 ID +3 16 46 KN +3 16 47 ID +3 16 48 DA +3 16 49 DI +3 16 50 BE +3 16 51 NG +3 16 52 EL +3 16 53 PA +3 16 54 ID +3 16 55 DI +3 16 56 RA +3 16 57 NG +3 16 58 NG +3 16 59 BU +3 16 60 BA +3 16 61 AT +3 16 62 PA +3 16 63 AT +3 16 64 DI +3 16 65 AT +3 16 66 EL +3 16 67 ID +3 16 68 AT +3 16 69 OT +3 16 70 EL +3 16 71 PA +3 16 72 ID +3 16 73 BE +3 16 74 EL +3 16 75 ID +3 16 76 AT +3 16 77 BA +3 16 78 EL +3 16 79 NG +3 16 80 DI +3 16 81 ID +3 16 82 DI +3 16 83 EL +3 16 84 DA +3 16 85 BA +3 16 86 BE +3 16 87 NG +3 16 88 PA +3 16 89 NG +3 16 90 NG +3 16 91 ID +3 16 92 EL +3 16 93 DI +3 16 94 NG +3 16 95 EL +3 16 96 DA +3 16 97 PA +3 16 98 AT +3 16 99 BU +3 16 100 BA +3 16 101 PA +3 16 102 AP +3 16 103 NG +3 16 104 DI +3 16 105 PA +3 16 106 DA +3 16 107 EL +3 16 108 EL +3 16 109 NG +3 16 110 DA +3 16 111 ID +3 16 112 AT +3 16 113 NG +3 16 114 ID +3 16 115 PA +3 16 116 EL +3 16 117 NG +3 16 118 RA +3 16 119 BA +3 16 120 EL +3 16 121 RA +3 16 122 BA +3 16 123 NG +3 16 124 DA +3 16 125 RA +3 16 126 ED +3 16 127 NG +3 16 128 DA +3 16 129 EL +3 16 130 NG +3 16 131 PA +3 16 132 AT +3 16 133 ID +3 16 134 NG +3 16 135 BE +3 16 136 DI +3 16 137 ID +3 16 138 AA +3 16 139 EL +3 16 140 NG +3 16 141 EL +3 16 142 EL +3 16 143 ID +3 16 144 NG +3 16 145 DI +3 16 146 DA +3 16 147 ID +3 16 148 AT +3 16 149 BA +3 16 150 NG +3 16 151 RA +3 16 152 BE +3 16 153 DI +3 16 154 NG +3 16 155 NG +3 16 156 BA +3 16 157 NG +3 16 158 EL +3 16 159 DA +3 16 160 RA +3 16 161 ID +3 16 162 AT +3 16 163 DI +3 16 164 DI +3 16 165 NG +3 16 166 NG +3 16 167 BU +3 16 168 NG +3 16 169 BA +3 16 170 NG +3 16 171 NG +3 16 172 EL +3 16 173 RA +3 16 174 DA +3 16 175 EL +3 16 176 RA +3 16 177 DA +3 16 178 NG +3 16 179 BE +3 16 180 BA +3 16 181 DA +3 16 182 PA +3 16 183 NG +3 16 184 PA +3 16 185 DA +3 16 186 BA +3 16 187 DA +3 16 188 AA +3 16 189 EL +3 16 190 RA +3 16 191 BA +3 16 192 BE +3 16 193 DA +3 16 194 PA +3 16 195 BA +3 16 196 BA +3 16 197 BE +3 16 198 NG +3 16 199 EL +3 16 200 DI +3 16 201 RA +3 16 202 BA +3 16 203 PA +3 16 204 NG +3 16 205 NG +3 16 206 EL +3 16 207 RA +3 16 208 DA +3 16 209 NG +3 16 210 BE +3 16 211 BA +3 16 212 RA +3 16 213 AP +3 16 214 DA +3 16 215 RA +3 16 216 NG +3 16 217 RA +3 16 218 BA +3 16 219 EL +3 16 220 NG +3 16 221 EL +3 16 222 PA +3 16 223 BA +3 16 224 EL +3 16 225 NG +3 16 226 NG +3 16 227 NG +3 16 228 BA +3 16 229 AA +3 16 230 EL +3 16 231 BE +3 16 232 NG +3 16 233 BU +3 16 234 BA +3 16 235 DI +3 16 236 NG +3 16 237 RA +3 16 238 BA +3 16 239 RA +3 16 240 KA +3 16 241 EL +3 16 242 EL +3 16 243 PA +3 16 244 EL +3 16 245 AT +3 16 246 BA +3 16 247 BE +3 16 248 NG +3 16 249 NG +3 16 250 BE +3 16 251 BA +3 16 252 EL +3 16 253 BA +3 16 254 NG +3 16 255 NG +3 16 256 RA +3 16 257 NG +3 16 258 DA +3 16 259 BE +3 16 260 EL +3 16 261 RA +3 16 262 EL +3 16 263 BU +3 16 264 EL +3 16 265 BA +3 16 266 KL +3 16 267 BE +3 16 268 BA +3 16 269 PA +3 16 270 ED +3 16 271 NG +3 16 272 EL +3 16 273 BE +3 16 274 EL +3 16 275 NG +3 16 276 PA +3 16 277 NG +3 16 278 RA +3 16 279 NG +3 16 280 ID +3 16 281 BA +3 16 282 BA +3 16 283 NG +3 16 284 EL +3 16 285 RA +3 16 286 EL +3 16 287 NG +3 16 288 AT +3 16 289 DI +3 16 290 EL +3 16 291 BA +3 16 292 RA +3 16 293 EL +3 16 294 EL +3 16 295 NG +3 16 296 PA +3 16 297 DA +3 16 298 AT +3 16 299 BA +3 16 300 BU +3 16 301 BA +3 16 302 EL +3 16 303 BU +3 16 304 NG +3 16 305 PA +3 16 306 BA +3 16 307 GA +3 16 308 PA +3 16 309 NG +3 16 310 BA +3 16 311 GA +3 16 312 NG +3 16 313 NG +3 16 314 EL +3 16 315 BA +3 16 316 ID +3 16 317 PA +3 16 318 RA +3 16 319 EL +3 16 320 DA +3 16 321 AT +3 16 322 AA +3 16 323 NG +3 16 324 EL +3 16 325 PA +3 16 326 DA +3 16 327 EL +3 16 328 NG +3 16 329 KL +3 16 330 EL +3 17 1 AA +3 17 2 BA +3 17 3 AT +3 17 4 PA +3 17 5 BA +3 17 6 BU +3 17 7 ID +3 17 8 AT +3 17 9 * +3 17 10 AA +3 17 11 BA +3 17 12 DA +3 17 13 ID +3 17 14 BA +3 17 15 * +3 17 16 EL +3 17 17 AT +3 17 18 NG +3 17 19 AA +3 17 20 ID +3 17 21 AT +3 17 22 DA +3 17 23 PA +3 17 24 NG +3 17 25 AA +3 17 26 BA +3 17 27 EL +3 17 28 AT +3 17 29 ID +3 17 30 KA +3 17 31 BA +3 17 32 * +3 17 33 ID +3 17 34 AA +3 17 35 * +3 17 36 BA +3 17 37 AA +3 17 38 ED +3 17 39 AA +3 17 40 BA +3 17 41 AT +3 17 42 * +3 17 43 BA +3 17 44 BU +3 17 45 BA +3 17 46 BU +3 17 47 ID +3 17 48 * +3 17 49 BA +3 17 50 PA +3 17 51 BU +3 17 52 EL +3 17 53 PA +3 17 54 AA +3 17 55 BA +3 17 56 * +3 17 57 BA +3 17 58 * +3 17 59 BU +3 17 60 BA +3 17 61 AT +3 17 62 AA +3 17 63 * +3 17 64 AA +3 17 65 AT +3 17 66 BU +3 17 67 BA +3 17 68 AT +3 17 69 ID +3 17 70 BU +3 17 71 AT +3 17 72 AA +3 17 73 PA +3 17 74 BA +3 17 75 NG +3 17 76 AT +3 17 77 AA +3 17 78 BU +3 17 79 NG +3 17 80 AA +3 17 81 ID +3 17 82 BA +3 17 83 EL +3 17 84 * +3 17 85 AA +3 17 86 ED +3 17 87 NG +3 17 88 PA +3 17 89 NG +3 17 90 ID +3 17 91 DA +3 17 92 BU +3 17 93 AA +3 17 94 NG +3 17 95 ID +3 17 96 DA +3 17 97 PA +3 17 98 AT +3 17 99 BU +3 17 100 AA +3 17 101 PA +3 17 102 AA +3 17 103 * +3 17 104 AA +3 17 105 PA +3 17 106 DA +3 17 107 EL +3 17 108 AA +3 17 109 BA +3 17 110 AY +3 17 111 NG +3 17 112 AT +3 17 113 NG +3 17 114 AA +3 17 115 AT +3 17 116 AA +3 17 117 NG +3 17 118 DA +3 17 119 AA +3 17 120 EL +3 17 121 AT +3 17 122 AA +3 17 123 BA +3 17 124 ID +3 17 125 AT +3 17 126 * +3 17 127 NG +3 17 128 DA +3 17 129 EL +3 17 130 NG +3 17 131 PA +3 17 132 AT +3 17 133 AA +3 17 134 NG +3 17 135 PA +3 17 136 BA +3 17 137 ID +3 17 138 BA +3 17 139 BU +3 17 140 AA +3 17 141 EL +3 17 142 BU +3 17 143 ID +3 17 144 PA +3 17 145 AA +3 17 146 DA +3 17 147 AA +3 17 148 AT +3 17 149 ID +3 17 150 PA +3 17 151 AY +3 17 152 AA +3 17 153 BA +3 17 154 NG +3 17 155 NG +3 17 156 AA +3 17 157 NG +3 17 158 EL +3 17 159 DA +3 17 160 * +3 17 161 AA +3 17 162 AT +3 17 163 AA +3 17 164 BA +3 17 165 ID +3 17 166 AA +3 17 167 BU +3 17 168 AA +3 17 169 AA +3 17 170 NG +3 17 171 ID +3 17 172 EL +3 17 173 AT +3 17 174 DA +3 17 175 AA +3 17 176 ED +3 17 177 DA +3 17 178 BA +3 17 179 * +3 17 180 AA +3 17 181 * +3 17 182 PA +3 17 183 BU +3 17 184 PA +3 17 185 * +3 17 186 AA +3 17 187 DA +3 17 188 AA +3 17 189 AA +3 17 190 * +3 17 191 AA +3 17 192 PA +3 17 193 ID +3 17 194 NG +3 17 195 BA +3 17 196 AA +3 17 197 PA +3 17 198 NG +3 17 199 BU +3 17 200 AA +3 17 201 DA +3 17 202 AA +3 17 203 PA +3 17 204 NG +3 17 205 BA +3 17 206 EL +3 17 207 ED +3 17 208 DA +3 17 209 AA +3 17 210 NG +3 17 211 BA +3 17 212 DA +3 17 213 BU +3 17 214 DA +3 17 215 AT +3 17 216 NG +3 17 217 DA +3 17 218 ID +3 17 219 BU +3 17 220 PA +3 17 221 ID +3 17 222 PA +3 17 223 AA +3 17 224 EL +3 17 225 ID +3 17 226 AA +3 17 227 NG +3 17 228 BA +3 17 229 AA +3 17 230 EL +3 17 231 PA +3 17 232 NG +3 17 233 AA +3 17 234 BA +3 17 235 AA +3 17 236 ID +3 17 237 * +3 17 238 AA +3 17 239 ED +3 17 240 BU +3 17 241 EL +3 17 242 DA +3 17 243 PA +3 17 244 EL +3 17 245 AT +3 17 246 AA +3 17 247 PA +3 17 248 NG +3 17 249 AA +3 17 250 PA +3 17 251 AA +3 17 252 EL +3 17 253 BA +3 17 254 AA +3 17 255 NG +3 17 256 AT +3 17 257 AA +3 17 258 DA +3 17 259 AT +3 17 260 EL +3 17 261 AT +3 17 262 EL +3 17 263 NG +3 17 264 AA +3 17 265 BA +3 17 266 ED +3 17 267 PA +3 17 268 AA +3 17 269 PA +3 17 270 * +3 17 271 BA +3 17 272 EL +3 17 273 PA +3 17 274 EL +3 17 275 ID +3 17 276 ED +3 17 277 AA +3 17 278 AT +3 17 279 AA +3 17 280 BA +3 17 281 AA +3 17 282 BA +3 17 283 NG +3 17 284 EL +3 17 285 * +3 17 286 EL +3 17 287 DA +3 17 288 AT +3 17 289 BA +3 17 290 EL +3 17 291 AA +3 17 292 * +3 17 293 AA +3 17 294 EL +3 17 295 NG +3 17 296 PA +3 17 297 DA +3 17 298 AT +3 17 299 AA +3 17 300 BU +3 17 301 AA +3 17 302 BU +3 17 303 AA +3 17 304 ID +3 17 305 PA +3 17 306 ID +3 17 307 AA +3 17 308 PA +3 17 309 NG +3 17 310 AA +3 17 311 BA +3 17 312 NG +3 17 313 AA +3 17 314 EL +3 17 315 BA +3 17 316 AA +3 17 317 PA +3 17 318 ED +3 17 319 EL +3 17 320 ID +3 17 321 AT +3 17 322 AA +3 17 323 BA +3 17 324 BU +3 17 325 PA +3 17 326 DA +3 17 327 AA +3 17 328 BA +3 17 329 * +3 17 330 EL +3 18 1 AA +3 18 2 BU +3 18 3 AT +3 18 4 PA +3 18 5 ID +3 18 6 AY +3 18 7 ID +3 18 8 ED +3 18 9 BU +3 18 10 LT +3 18 11 GU +3 18 12 DA +3 18 13 * +3 18 14 AA +3 18 15 BU +3 18 16 EL +3 18 17 AT +3 18 18 NG +3 18 19 AA +3 18 20 IN +3 18 21 AT +3 18 22 DA +3 18 23 PA +3 18 24 MK +3 18 25 AA +3 18 26 NG +3 18 27 BU +3 18 28 ED +3 18 29 IN +3 18 30 DA +3 18 31 EL +3 18 32 AT +3 18 33 BA +3 18 34 MK +3 18 35 BU +3 18 36 MK +3 18 37 PA +3 18 38 AT +3 18 39 ID +3 18 40 BA +3 18 41 AT +3 18 42 DA +3 18 43 NG +3 18 44 BU +3 18 45 IN +3 18 46 BU +3 18 47 MK +3 18 48 DA +3 18 49 BA +3 18 50 NG +3 18 51 GU +3 18 52 EL +3 18 53 AT +3 18 54 ID +3 18 55 AA +3 18 56 BU +3 18 57 MK +3 18 58 DA +3 18 59 BU +3 18 60 NG +3 18 61 AT +3 18 62 PA +3 18 63 BU +3 18 64 AA +3 18 65 AT +3 18 66 BU +3 18 67 LU +3 18 68 ED +3 18 69 ID +3 18 70 KN +3 18 71 NG +3 18 72 BA +3 18 73 PA +3 18 74 EL +3 18 75 MK +3 18 76 DA +3 18 77 AA +3 18 78 BU +3 18 79 NG +3 18 80 AA +3 18 81 BA +3 18 82 LU +3 18 83 BU +3 18 84 BU +3 18 85 IN +3 18 86 ED +3 18 87 NG +3 18 88 PA +3 18 89 NG +3 18 90 MK +3 18 91 DA +3 18 92 EL +3 18 93 AA +3 18 94 NG +3 18 95 EL +3 18 96 DA +3 18 97 PA +3 18 98 AT +3 18 99 BU +3 18 100 BA +3 18 101 ED +3 18 102 NG +3 18 103 NG +3 18 104 IN +3 18 105 PA +3 18 106 DA +3 18 107 BU +3 18 108 ID +3 18 109 NG +3 18 110 DA +3 18 111 MK +3 18 112 AT +3 18 113 NG +3 18 114 BA +3 18 115 AT +3 18 116 ID +3 18 117 NG +3 18 118 DA +3 18 119 AA +3 18 120 EL +3 18 121 ED +3 18 122 BA +3 18 123 AA +3 18 124 DA +3 18 125 AT +3 18 126 BU +3 18 127 MK +3 18 128 DA +3 18 129 BU +3 18 130 MK +3 18 131 PA +3 18 132 ED +3 18 133 BA +3 18 134 NG +3 18 135 PA +3 18 136 IN +3 18 137 NG +3 18 138 AA +3 18 139 BU +3 18 140 IN +3 18 141 EL +3 18 142 BU +3 18 143 DA +3 18 144 PA +3 18 145 AA +3 18 146 DA +3 18 147 ID +3 18 148 AT +3 18 149 ID +3 18 150 PA +3 18 151 BU +3 18 152 PA +3 18 153 AA +3 18 154 NG +3 18 155 BU +3 18 156 BA +3 18 157 NG +3 18 158 EL +3 18 159 DA +3 18 160 BU +3 18 161 DA +3 18 162 AT +3 18 163 IN +3 18 164 AA +3 18 165 GU +3 18 166 MK +3 18 167 BU +3 18 168 LU +3 18 169 AA +3 18 170 MK +3 18 171 NG +3 18 172 EL +3 18 173 ED +3 18 174 DA +3 18 175 AA +3 18 176 ED +3 18 177 DA +3 18 178 IN +3 18 179 ED +3 18 180 ID +3 18 181 DA +3 18 182 PA +3 18 183 BU +3 18 184 PA +3 18 185 DA +3 18 186 AA +3 18 187 DA +3 18 188 ID +3 18 189 EL +3 18 190 BU +3 18 191 ID +3 18 192 PA +3 18 193 DA +3 18 194 NG +3 18 195 BA +3 18 196 LU +3 18 197 PA +3 18 198 MK +3 18 199 EL +3 18 200 IN +3 18 201 BU +3 18 202 ID +3 18 203 PA +3 18 204 MK +3 18 205 PA +3 18 206 EL +3 18 207 ED +3 18 208 BU +3 18 209 IN +3 18 210 NG +3 18 211 AA +3 18 212 DA +3 18 213 PA +3 18 214 DA +3 18 215 PA +3 18 216 MK +3 18 217 BU +3 18 218 ID +3 18 219 AA +3 18 220 PA +3 18 221 EL +3 18 222 PA +3 18 223 IN +3 18 224 BU +3 18 225 GU +3 18 226 IN +3 18 227 NG +3 18 228 PA +3 18 229 DA +3 18 230 BU +3 18 231 PA +3 18 232 * +3 18 233 PA +3 18 234 IN +3 18 235 BA +3 18 236 DA +3 18 237 BU +3 18 238 IN +3 18 239 BU +3 18 240 MK +3 18 241 EL +3 18 242 DA +3 18 243 PA +3 18 244 EL +3 18 245 AT +3 18 246 AA +3 18 247 PA +3 18 248 LU +3 18 249 LU +3 18 250 PA +3 18 251 DA +3 18 252 EL +3 18 253 LU +3 18 254 NG +3 18 255 NG +3 18 256 AT +3 18 257 NG +3 18 258 DA +3 18 259 ED +3 18 260 EL +3 18 261 DA +3 18 262 EL +3 18 263 MK +3 18 264 ID +3 18 265 LU +3 18 266 ED +3 18 267 PA +3 18 268 ID +3 18 269 ED +3 18 270 DA +3 18 271 NG +3 18 272 EL +3 18 273 PA +3 18 274 EL +3 18 275 BU +3 18 276 AT +3 18 277 AA +3 18 278 DA +3 18 279 PA +3 18 280 ID +3 18 281 IN +3 18 282 DA +3 18 283 BU +3 18 284 EL +3 18 285 BU +3 18 286 EL +3 18 287 ID +3 18 288 AT +3 18 289 AA +3 18 290 BU +3 18 291 PA +3 18 292 BU +3 18 293 ID +3 18 294 EL +3 18 295 BU +3 18 296 PA +3 18 297 DA +3 18 298 AT +3 18 299 AA +3 18 300 BU +3 18 301 IN +3 18 302 BU +3 18 303 * +3 18 304 ID +3 18 305 PA +3 18 306 DA +3 18 307 IN +3 18 308 PA +3 18 309 BU +3 18 310 AA +3 18 311 IN +3 18 312 NG +3 18 313 PA +3 18 314 EL +3 18 315 ID +3 18 316 LU +3 18 317 PA +3 18 318 DA +3 18 319 EL +3 18 320 ID +3 18 321 AT +3 18 322 BA +3 18 323 ID +3 18 324 EL +3 18 325 PA +3 18 326 DA +3 18 327 EL +3 18 328 ID +3 18 329 * +3 18 330 EL +3 19 1 AA +3 19 2 ID +3 19 3 ED +3 19 4 KA +3 19 5 AA +3 19 6 * +3 19 7 AA +3 19 8 AT +3 19 9 UA +3 19 10 PA +3 19 11 AA +3 19 12 BN +3 19 13 AA +3 19 14 AA +3 19 15 EL +3 19 16 BU +3 19 17 ED +3 19 18 BB +3 19 19 AA +3 19 20 BA +3 19 21 AT +3 19 22 ID +3 19 23 BA +3 19 24 * +3 19 25 AA +3 19 26 BA +3 19 27 EL +3 19 28 AT +3 19 29 AA +3 19 30 ED +3 19 31 EL +3 19 32 ED +3 19 33 ID +3 19 34 BA +3 19 35 AT +3 19 36 AA +3 19 37 BA +3 19 38 AT +3 19 39 BA +3 19 40 AA +3 19 41 AT +3 19 42 LU +3 19 43 AA +3 19 44 EL +3 19 45 ID +3 19 46 BU +3 19 47 AA +3 19 48 * +3 19 49 AA +3 19 50 PA +3 19 51 KA +3 19 52 EL +3 19 53 ED +3 19 54 AA +3 19 55 BA +3 19 56 * +3 19 57 BA +3 19 58 KA +3 19 59 EL +3 19 60 AA +3 19 61 AT +3 19 62 IN +3 19 63 ED +3 19 64 AA +3 19 65 AT +3 19 66 EL +3 19 67 ID +3 19 68 AT +3 19 69 ID +3 19 70 EL +3 19 71 AT +3 19 72 BA +3 19 73 ED +3 19 74 EL +3 19 75 AA +3 19 76 ED +3 19 77 BA +3 19 78 BU +3 19 79 BB +3 19 80 AA +3 19 81 ID +3 19 82 BA +3 19 83 BU +3 19 84 EL +3 19 85 AA +3 19 86 EL +3 19 87 BB +3 19 88 ED +3 19 89 BB +3 19 90 AA +3 19 91 EL +3 19 92 EL +3 19 93 AA +3 19 94 NG +3 19 95 EL +3 19 96 BN +3 19 97 BA +3 19 98 ED +3 19 99 EL +3 19 100 EL +3 19 101 ED +3 19 102 EL +3 19 103 KA +3 19 104 BA +3 19 105 PA +3 19 106 EL +3 19 107 EL +3 19 108 EL +3 19 109 AA +3 19 110 ED +3 19 111 NG +3 19 112 ED +3 19 113 EL +3 19 114 AA +3 19 115 AT +3 19 116 EL +3 19 117 NG +3 19 118 ED +3 19 119 BA +3 19 120 EL +3 19 121 ED +3 19 122 AA +3 19 123 NG +3 19 124 DA +3 19 125 ED +3 19 126 EL +3 19 127 AA +3 19 128 * +3 19 129 EL +3 19 130 NG +3 19 131 ED +3 19 132 ED +3 19 133 AA +3 19 134 NG +3 19 135 AT +3 19 136 AA +3 19 137 NG +3 19 138 ID +3 19 139 BU +3 19 140 BA +3 19 141 EL +3 19 142 EL +3 19 143 ID +3 19 144 NG +3 19 145 AA +3 19 146 DA +3 19 147 BA +3 19 148 AT +3 19 149 ID +3 19 150 BA +3 19 151 TI +3 19 152 EL +3 19 153 BA +3 19 154 NG +3 19 155 NG +3 19 156 AA +3 19 157 KA +3 19 158 EL +3 19 159 ID +3 19 160 EL +3 19 161 BA +3 19 162 ED +3 19 163 BA +3 19 164 AA +3 19 165 NG +3 19 166 AA +3 19 167 BU +3 19 168 AA +3 19 169 AA +3 19 170 NG +3 19 171 LU +3 19 172 EL +3 19 173 AT +3 19 174 BN +3 19 175 EL +3 19 176 ED +3 19 177 EL +3 19 178 AA +3 19 179 ED +3 19 180 BA +3 19 181 KA +3 19 182 ED +3 19 183 KA +3 19 184 EL +3 19 185 KA +3 19 186 AA +3 19 187 ED +3 19 188 BA +3 19 189 EL +3 19 190 EL +3 19 191 AA +3 19 192 PA +3 19 193 EL +3 19 194 ED +3 19 195 AA +3 19 196 BA +3 19 197 EL +3 19 198 NG +3 19 199 EL +3 19 200 AA +3 19 201 * +3 19 202 IN +3 19 203 ED +3 19 204 NG +3 19 205 PA +3 19 206 EL +3 19 207 ED +3 19 208 KA +3 19 209 AA +3 19 210 UA +3 19 211 BA +3 19 212 ED +3 19 213 BU +3 19 214 DA +3 19 215 EL +3 19 216 NG +3 19 217 EL +3 19 218 LU +3 19 219 EL +3 19 220 BA +3 19 221 EL +3 19 222 PA +3 19 223 AA +3 19 224 EL +3 19 225 ID +3 19 226 AA +3 19 227 NG +3 19 228 BA +3 19 229 EL +3 19 230 EL +3 19 231 LU +3 19 232 KA +3 19 233 IN +3 19 234 AA +3 19 235 PA +3 19 236 DA +3 19 237 EL +3 19 238 AA +3 19 239 LU +3 19 240 KA +3 19 241 EL +3 19 242 EL +3 19 243 ED +3 19 244 EL +3 19 245 ED +3 19 246 IN +3 19 247 PA +3 19 248 IN +3 19 249 AA +3 19 250 PA +3 19 251 EL +3 19 252 EL +3 19 253 AA +3 19 254 AA +3 19 255 NG +3 19 256 AT +3 19 257 BA +3 19 258 DA +3 19 259 ED +3 19 260 EL +3 19 261 DA +3 19 262 EL +3 19 263 BU +3 19 264 EL +3 19 265 BA +3 19 266 KA +3 19 267 DA +3 19 268 AA +3 19 269 ED +3 19 270 ED +3 19 271 BA +3 19 272 EL +3 19 273 ID +3 19 274 EL +3 19 275 KA +3 19 276 ED +3 19 277 AA +3 19 278 DA +3 19 279 PA +3 19 280 BA +3 19 281 AA +3 19 282 BA +3 19 283 KA +3 19 284 EL +3 19 285 EL +3 19 286 EL +3 19 287 KA +3 19 288 ED +3 19 289 BA +3 19 290 EL +3 19 291 AA +3 19 292 LU +3 19 293 EL +3 19 294 EL +3 19 295 KA +3 19 296 PA +3 19 297 DA +3 19 298 ED +3 19 299 BA +3 19 300 BU +3 19 301 BA +3 19 302 EL +3 19 303 EL +3 19 304 ID +3 19 305 ED +3 19 306 BA +3 19 307 AA +3 19 308 ED +3 19 309 NG +3 19 310 IN +3 19 311 AA +3 19 312 NG +3 19 313 PA +3 19 314 EL +3 19 315 BA +3 19 316 AA +3 19 317 ED +3 19 318 AT +3 19 319 EL +3 19 320 ID +3 19 321 ED +3 19 322 AA +3 19 323 BA +3 19 324 EL +3 19 325 ED +3 19 326 BN +3 19 327 EL +3 19 328 AA +3 19 329 KA +3 19 330 EL +3 20 1 BA +3 20 2 DY +3 20 3 AT +3 20 4 AA +3 20 5 UT +3 20 6 ID +3 20 7 ID +3 20 8 MD +3 20 9 AA +3 20 10 DI +3 20 11 ID +3 20 12 SW +3 20 13 NG +3 20 14 NG +3 20 15 EL +3 20 16 EL +3 20 17 AT +3 20 18 NG +3 20 19 BA +3 20 20 AA +3 20 21 MD +3 20 22 MD +3 20 23 NG +3 20 24 NG +3 20 25 BA +3 20 26 PA +3 20 27 EL +3 20 28 MD +3 20 29 AA +3 20 30 ID +3 20 31 BA +3 20 32 NG +3 20 33 BA +3 20 34 BA +3 20 35 AT +3 20 36 NG +3 20 37 AA +3 20 38 AT +3 20 39 BA +3 20 40 BA +3 20 41 AT +3 20 42 SW +3 20 43 NG +3 20 44 EL +3 20 45 BA +3 20 46 NG +3 20 47 NG +3 20 48 ID +3 20 49 BA +3 20 50 NG +3 20 51 NG +3 20 52 EL +3 20 53 AT +3 20 54 NG +3 20 55 BA +3 20 56 ID +3 20 57 NG +3 20 58 NG +3 20 59 EL +3 20 60 NG +3 20 61 AT +3 20 62 NG +3 20 63 AT +3 20 64 BA +3 20 65 AT +3 20 66 EL +3 20 67 BA +3 20 68 AT +3 20 69 NG +3 20 70 EL +3 20 71 NG +3 20 72 BA +3 20 73 NG +3 20 74 BA +3 20 75 NG +3 20 76 AT +3 20 77 BA +3 20 78 EL +3 20 79 NG +3 20 80 BA +3 20 81 IG +3 20 82 BA +3 20 83 EL +3 20 84 MD +3 20 85 BA +3 20 86 AT +3 20 87 NG +3 20 88 MD +3 20 89 NG +3 20 90 NG +3 20 91 IG +3 20 92 EL +3 20 93 BA +3 20 94 NG +3 20 95 BA +3 20 96 SW +3 20 97 ID +3 20 98 AT +3 20 99 UT +3 20 100 BA +3 20 101 MD +3 20 102 EL +3 20 103 NG +3 20 104 BA +3 20 105 MD +3 20 106 SW +3 20 107 EL +3 20 108 BA +3 20 109 BA +3 20 110 EL +3 20 111 NG +3 20 112 AT +3 20 113 NG +3 20 114 BA +3 20 115 AT +3 20 116 BA +3 20 117 NG +3 20 118 AT +3 20 119 BA +3 20 120 EL +3 20 121 AT +3 20 122 BA +3 20 123 ID +3 20 124 SW +3 20 125 AT +3 20 126 MD +3 20 127 NG +3 20 128 SW +3 20 129 EL +3 20 130 NG +3 20 131 NG +3 20 132 AT +3 20 133 BA +3 20 134 NG +3 20 135 MD +3 20 136 BA +3 20 137 NG +3 20 138 BA +3 20 139 EL +3 20 140 NG +3 20 141 EL +3 20 142 EL +3 20 143 BA +3 20 144 NG +3 20 145 BA +3 20 146 SW +3 20 147 BA +3 20 148 AT +3 20 149 BA +3 20 150 NG +3 20 151 MD +3 20 152 NG +3 20 153 BA +3 20 154 NG +3 20 155 NG +3 20 156 BA +3 20 157 NG +3 20 158 EL +3 20 159 MD +3 20 160 AT +3 20 161 BA +3 20 162 AT +3 20 163 BA +3 20 164 AA +3 20 165 NG +3 20 166 NG +3 20 167 AA +3 20 168 BA +3 20 169 BA +3 20 170 NG +3 20 171 NG +3 20 172 EL +3 20 173 AT +3 20 174 SW +3 20 175 BA +3 20 176 AT +3 20 177 SW +3 20 178 BA +3 20 179 NG +3 20 180 BA +3 20 181 SW +3 20 182 NG +3 20 183 NG +3 20 184 NG +3 20 185 NG +3 20 186 BA +3 20 187 SW +3 20 188 BA +3 20 189 BA +3 20 190 MD +3 20 191 BA +3 20 192 MD +3 20 193 AA +3 20 194 NG +3 20 195 BA +3 20 196 BA +3 20 197 NG +3 20 198 NG +3 20 199 BA +3 20 200 BA +3 20 201 MD +3 20 202 BA +3 20 203 AT +3 20 204 NG +3 20 205 AA +3 20 206 EL +3 20 207 AT +3 20 208 NG +3 20 209 BA +3 20 210 NG +3 20 211 BA +3 20 212 SW +3 20 213 NG +3 20 214 SW +3 20 215 DA +3 20 216 NG +3 20 217 DA +3 20 218 IG +3 20 219 EL +3 20 220 PA +3 20 221 EL +3 20 222 NG +3 20 223 BA +3 20 224 EL +3 20 225 IG +3 20 226 BA +3 20 227 NG +3 20 228 BA +3 20 229 BA +3 20 230 EL +3 20 231 AT +3 20 232 NG +3 20 233 NG +3 20 234 BA +3 20 235 AA +3 20 236 IG +3 20 237 MD +3 20 238 BA +3 20 239 MD +3 20 240 NG +3 20 241 EL +3 20 242 SW +3 20 243 NG +3 20 244 EL +3 20 245 AT +3 20 246 BA +3 20 247 EL +3 20 248 NG +3 20 249 NG +3 20 250 NG +3 20 251 BA +3 20 252 EL +3 20 253 BA +3 20 254 EL +3 20 255 NG +3 20 256 AT +3 20 257 BA +3 20 258 SW +3 20 259 AT +3 20 260 EL +3 20 261 AT +3 20 262 EL +3 20 263 EL +3 20 264 BA +3 20 265 BA +3 20 266 MD +3 20 267 NG +3 20 268 BA +3 20 269 MD +3 20 270 NG +3 20 271 NG +3 20 272 EL +3 20 273 NG +3 20 274 EL +3 20 275 SW +3 20 276 AT +3 20 277 BA +3 20 278 MD +3 20 279 NG +3 20 280 BA +3 20 281 BA +3 20 282 BA +3 20 283 NG +3 20 284 EL +3 20 285 SW +3 20 286 EL +3 20 287 MD +3 20 288 AT +3 20 289 BA +3 20 290 EL +3 20 291 PA +3 20 292 MD +3 20 293 EL +3 20 294 EL +3 20 295 NG +3 20 296 NG +3 20 297 SW +3 20 298 AT +3 20 299 BA +3 20 300 NG +3 20 301 BA +3 20 302 EL +3 20 303 BA +3 20 304 NG +3 20 305 MD +3 20 306 UT +3 20 307 BA +3 20 308 NG +3 20 309 NG +3 20 310 BA +3 20 311 BA +3 20 312 NG +3 20 313 AA +3 20 314 EL +3 20 315 BA +3 20 316 BA +3 20 317 AT +3 20 318 AT +3 20 319 EL +3 20 320 IG +3 20 321 AT +3 20 322 BA +3 20 323 BA +3 20 324 EL +3 20 325 MD +3 20 326 SW +3 20 327 EL +3 20 328 NG +3 20 329 NG +3 20 330 EL +3 21 1 AA +3 21 2 ID +3 21 3 AT +3 21 4 * +3 21 5 ID +3 21 6 * +3 21 7 ID +3 21 8 AA +3 21 9 KA +3 21 10 NG +3 21 11 KN +3 21 12 LO +3 21 13 ID +3 21 14 LU +3 21 15 AS +3 21 16 EL +3 21 17 ED +3 21 18 NG +3 21 19 IN +3 21 20 BA +3 21 21 ED +3 21 22 DA +3 21 23 SK +3 21 24 * +3 21 25 KN +3 21 26 AA +3 21 27 EL +3 21 28 AT +3 21 29 ID +3 21 30 MD +3 21 31 BU +3 21 32 * +3 21 33 ID +3 21 34 DI +3 21 35 DA +3 21 36 ID +3 21 37 * +3 21 38 MD +3 21 39 ID +3 21 40 AA +3 21 41 ED +3 21 42 DA +3 21 43 AA +3 21 44 UT +3 21 45 ID +3 21 46 OG +3 21 47 MK +3 21 48 DA +3 21 49 ID +3 21 50 * +3 21 51 PG +3 21 52 UT +3 21 53 MD +3 21 54 ID +3 21 55 AA +3 21 56 UT +3 21 57 ID +3 21 58 BU +3 21 59 UT +3 21 60 NG +3 21 61 AT +3 21 62 MW +3 21 63 DA +3 21 64 * +3 21 65 ED +3 21 66 UT +3 21 67 ID +3 21 68 * +3 21 69 OG +3 21 70 UT +3 21 71 NG +3 21 72 ID +3 21 73 * +3 21 74 UT +3 21 75 MK +3 21 76 DA +3 21 77 UT +3 21 78 UT +3 21 79 NG +3 21 80 UT +3 21 81 ID +3 21 82 IN +3 21 83 DA +3 21 84 DA +3 21 85 ID +3 21 86 MD +3 21 87 NG +3 21 88 UT +3 21 89 NG +3 21 90 ID +3 21 91 DA +3 21 92 UT +3 21 93 NG +3 21 94 NG +3 21 95 UT +3 21 96 DA +3 21 97 AA +3 21 98 AT +3 21 99 UT +3 21 100 ID +3 21 101 UT +3 21 102 PG +3 21 103 BU +3 21 104 UT +3 21 105 UT +3 21 106 DA +3 21 107 EL +3 21 108 EL +3 21 109 AA +3 21 110 DA +3 21 111 NG +3 21 112 ED +3 21 113 NG +3 21 114 ID +3 21 115 ED +3 21 116 UT +3 21 117 NG +3 21 118 DA +3 21 119 ID +3 21 120 EL +3 21 121 ED +3 21 122 ID +3 21 123 UT +3 21 124 DA +3 21 125 ED +3 21 126 DA +3 21 127 NG +3 21 128 DA +3 21 129 EL +3 21 130 ID +3 21 131 * +3 21 132 AT +3 21 133 ID +3 21 134 AA +3 21 135 UT +3 21 136 ID +3 21 137 ID +3 21 138 UT +3 21 139 EL +3 21 140 AA +3 21 141 EL +3 21 142 UT +3 21 143 ID +3 21 144 PA +3 21 145 ID +3 21 146 DA +3 21 147 ID +3 21 148 AT +3 21 149 ID +3 21 150 UT +3 21 151 AT +3 21 152 UT +3 21 153 AA +3 21 154 NG +3 21 155 NG +3 21 156 ID +3 21 157 PG +3 21 158 EL +3 21 159 DA +3 21 160 ED +3 21 161 ID +3 21 162 AT +3 21 163 UT +3 21 164 AA +3 21 165 PG +3 21 166 AA +3 21 167 OG +3 21 168 ID +3 21 169 AA +3 21 170 NG +3 21 171 UT +3 21 172 EL +3 21 173 ED +3 21 174 DA +3 21 175 AA +3 21 176 ED +3 21 177 DA +3 21 178 AA +3 21 179 ED +3 21 180 ID +3 21 181 DA +3 21 182 AA +3 21 183 PG +3 21 184 BU +3 21 185 DA +3 21 186 AA +3 21 187 ED +3 21 188 AA +3 21 189 UT +3 21 190 DA +3 21 191 AA +3 21 192 ID +3 21 193 DA +3 21 194 NG +3 21 195 ID +3 21 196 UT +3 21 197 OG +3 21 198 NG +3 21 199 EL +3 21 200 ID +3 21 201 UT +3 21 202 ID +3 21 203 AA +3 21 204 NG +3 21 205 UT +3 21 206 EL +3 21 207 AT +3 21 208 ED +3 21 209 ID +3 21 210 OG +3 21 211 UT +3 21 212 ED +3 21 213 UT +3 21 214 ID +3 21 215 UT +3 21 216 AA +3 21 217 DA +3 21 218 ID +3 21 219 EL +3 21 220 NG +3 21 221 EL +3 21 222 AA +3 21 223 ID +3 21 224 EL +3 21 225 UT +3 21 226 ID +3 21 227 NG +3 21 228 AA +3 21 229 ID +3 21 230 EL +3 21 231 AA +3 21 232 OG +3 21 233 ID +3 21 234 AA +3 21 235 ID +3 21 236 ID +3 21 237 DA +3 21 238 AA +3 21 239 ED +3 21 240 PG +3 21 241 EL +3 21 242 DA +3 21 243 MD +3 21 244 EL +3 21 245 AT +3 21 246 UT +3 21 247 AA +3 21 248 NG +3 21 249 ID +3 21 250 UT +3 21 251 ID +3 21 252 EL +3 21 253 ID +3 21 254 ID +3 21 255 NG +3 21 256 ED +3 21 257 AA +3 21 258 DA +3 21 259 KA +3 21 260 DA +3 21 261 AT +3 21 262 EL +3 21 263 UT +3 21 264 AA +3 21 265 ID +3 21 266 PG +3 21 267 ID +3 21 268 ID +3 21 269 AA +3 21 270 DA +3 21 271 NG +3 21 272 EL +3 21 273 UT +3 21 274 EL +3 21 275 LO +3 21 276 AT +3 21 277 UT +3 21 278 DA +3 21 279 AA +3 21 280 ID +3 21 281 ID +3 21 282 ID +3 21 283 PG +3 21 284 EL +3 21 285 UT +3 21 286 EL +3 21 287 UT +3 21 288 ED +3 21 289 ID +3 21 290 EL +3 21 291 AA +3 21 292 UT +3 21 293 EL +3 21 294 EL +3 21 295 OG +3 21 296 ID +3 21 297 DA +3 21 298 AT +3 21 299 ID +3 21 300 EL +3 21 301 AA +3 21 302 EL +3 21 303 MD +3 21 304 ID +3 21 305 * +3 21 306 ID +3 21 307 UT +3 21 308 UT +3 21 309 NG +3 21 310 ID +3 21 311 MD +3 21 312 NG +3 21 313 UT +3 21 314 EL +3 21 315 ID +3 21 316 EL +3 21 317 MD +3 21 318 DA +3 21 319 EL +3 21 320 ID +3 21 321 AT +3 21 322 UT +3 21 323 AA +3 21 324 EL +3 21 325 * +3 21 326 DA +3 21 327 EL +3 21 328 ID +3 21 329 PG +3 21 330 EL +3 22 1 AA +3 22 2 AA +3 22 3 ED +3 22 4 PA +3 22 5 * +3 22 6 LB +3 22 7 * +3 22 8 ED +3 22 9 KA +3 22 10 * +3 22 11 * +3 22 12 * +3 22 13 * +3 22 14 * +3 22 15 * +3 22 16 EL +3 22 17 ED +3 22 18 NG +3 22 19 * +3 22 20 ID +3 22 21 ED +3 22 22 * +3 22 23 * +3 22 24 * +3 22 25 * +3 22 26 * +3 22 27 EL +3 22 28 ED +3 22 29 * +3 22 30 * +3 22 31 EL +3 22 32 * +3 22 33 * +3 22 34 * +3 22 35 ED +3 22 36 ID +3 22 37 * +3 22 38 ED +3 22 39 * +3 22 40 * +3 22 41 ED +3 22 42 * +3 22 43 * +3 22 44 EL +3 22 45 * +3 22 46 BU +3 22 47 * +3 22 48 * +3 22 49 * +3 22 50 * +3 22 51 * +3 22 52 EL +3 22 53 * +3 22 54 * +3 22 55 * +3 22 56 LB +3 22 57 * +3 22 58 BU +3 22 59 EL +3 22 60 * +3 22 61 ED +3 22 62 AA +3 22 63 LB +3 22 64 * +3 22 65 ED +3 22 66 EL +3 22 67 * +3 22 68 * +3 22 69 BU +3 22 70 EL +3 22 71 MD +3 22 72 * +3 22 73 PA +3 22 74 EL +3 22 75 * +3 22 76 ED +3 22 77 * +3 22 78 EL +3 22 79 BU +3 22 80 * +3 22 81 ID +3 22 82 * +3 22 83 EL +3 22 84 * +3 22 85 * +3 22 86 * +3 22 87 NG +3 22 88 PA +3 22 89 NG +3 22 90 LT +3 22 91 LO +3 22 92 EL +3 22 93 * +3 22 94 NG +3 22 95 EL +3 22 96 LB +3 22 97 PA +3 22 98 ED +3 22 99 EL +3 22 100 EL +3 22 101 ED +3 22 102 EL +3 22 103 * +3 22 104 * +3 22 105 * +3 22 106 * +3 22 107 EL +3 22 108 EL +3 22 109 * +3 22 110 LB +3 22 111 BU +3 22 112 ED +3 22 113 BU +3 22 114 * +3 22 115 ED +3 22 116 EL +3 22 117 * +3 22 118 * +3 22 119 * +3 22 120 EL +3 22 121 ED +3 22 122 * +3 22 123 * +3 22 124 * +3 22 125 ED +3 22 126 LB +3 22 127 NG +3 22 128 * +3 22 129 EL +3 22 130 BU +3 22 131 PA +3 22 132 ED +3 22 133 * +3 22 134 BR +3 22 135 * +3 22 136 * +3 22 137 * +3 22 138 * +3 22 139 EL +3 22 140 * +3 22 141 EL +3 22 142 EL +3 22 143 ID +3 22 144 * +3 22 145 * +3 22 146 LB +3 22 147 * +3 22 148 ED +3 22 149 * +3 22 150 PA +3 22 151 SK +3 22 152 * +3 22 153 * +3 22 154 BU +3 22 155 BU +3 22 156 * +3 22 157 SK +3 22 158 EL +3 22 159 LB +3 22 160 * +3 22 161 * +3 22 162 ED +3 22 163 * +3 22 164 * +3 22 165 * +3 22 166 * +3 22 167 * +3 22 168 * +3 22 169 * +3 22 170 * +3 22 171 * +3 22 172 EL +3 22 173 ED +3 22 174 LB +3 22 175 * +3 22 176 ED +3 22 177 * +3 22 178 * +3 22 179 ED +3 22 180 * +3 22 181 KA +3 22 182 ED +3 22 183 KA +3 22 184 * +3 22 185 KA +3 22 186 * +3 22 187 LB +3 22 188 * +3 22 189 * +3 22 190 * +3 22 191 * +3 22 192 PA +3 22 193 * +3 22 194 DI +3 22 195 * +3 22 196 * +3 22 197 * +3 22 198 NG +3 22 199 EL +3 22 200 * +3 22 201 SK +3 22 202 * +3 22 203 * +3 22 204 NG +3 22 205 * +3 22 206 EL +3 22 207 ED +3 22 208 KA +3 22 209 * +3 22 210 KA +3 22 211 * +3 22 212 LB +3 22 213 * +3 22 214 SB +3 22 215 SK +3 22 216 BU +3 22 217 SK +3 22 218 * +3 22 219 EL +3 22 220 PA +3 22 221 EL +3 22 222 PA +3 22 223 * +3 22 224 EL +3 22 225 * +3 22 226 * +3 22 227 NG +3 22 228 * +3 22 229 EL +3 22 230 EL +3 22 231 SK +3 22 232 * +3 22 233 * +3 22 234 * +3 22 235 * +3 22 236 * +3 22 237 SK +3 22 238 * +3 22 239 SK +3 22 240 KA +3 22 241 EL +3 22 242 LB +3 22 243 DI +3 22 244 EL +3 22 245 ED +3 22 246 * +3 22 247 PA +3 22 248 NG +3 22 249 * +3 22 250 PA +3 22 251 * +3 22 252 EL +3 22 253 * +3 22 254 * +3 22 255 NG +3 22 256 ED +3 22 257 * +3 22 258 LB +3 22 259 ED +3 22 260 EL +3 22 261 KA +3 22 262 EL +3 22 263 BU +3 22 264 * +3 22 265 * +3 22 266 KA +3 22 267 PA +3 22 268 * +3 22 269 SK +3 22 270 DZ +3 22 271 BU +3 22 272 EL +3 22 273 * +3 22 274 EL +3 22 275 * +3 22 276 ED +3 22 277 * +3 22 278 * +3 22 279 PA +3 22 280 * +3 22 281 * +3 22 282 * +3 22 283 * +3 22 284 EL +3 22 285 * +3 22 286 EL +3 22 287 * +3 22 288 ED +3 22 289 * +3 22 290 * +3 22 291 PA +3 22 292 * +3 22 293 EL +3 22 294 EL +3 22 295 * +3 22 296 PA +3 22 297 LB +3 22 298 ED +3 22 299 * +3 22 300 BU +3 22 301 PA +3 22 302 * +3 22 303 * +3 22 304 * +3 22 305 DI +3 22 306 * +3 22 307 * +3 22 308 * +3 22 309 * +3 22 310 PA +3 22 311 * +3 22 312 NG +3 22 313 PA +3 22 314 EL +3 22 315 * +3 22 316 * +3 22 317 DI +3 22 318 LB +3 22 319 EL +3 22 320 * +3 22 321 ED +3 22 322 * +3 22 323 PA +3 22 324 EL +3 22 325 PA +3 22 326 LB +3 22 327 EL +3 22 328 * +3 22 329 KA +3 22 330 EL +3 23 1 ID +3 23 2 EL +3 23 3 AT +3 23 4 PA +3 23 5 ID +3 23 6 DA +3 23 7 ID +3 23 8 AT +3 23 9 EL +3 23 10 PA +3 23 11 NG +3 23 12 DA +3 23 13 ID +3 23 14 NG +3 23 15 KL +3 23 16 EL +3 23 17 AT +3 23 18 NG +3 23 19 PA +3 23 20 ID +3 23 21 AT +3 23 22 BT +3 23 23 PA +3 23 24 NG +3 23 25 ID +3 23 26 PA +3 23 27 KL +3 23 28 AT +3 23 29 ID +3 23 30 KL +3 23 31 * +3 23 32 KL +3 23 33 ID +3 23 34 ID +3 23 35 * +3 23 36 NG +3 23 37 ID +3 23 38 KL +3 23 39 ID +3 23 40 ID +3 23 41 AT +3 23 42 * +3 23 43 NG +3 23 44 EL +3 23 45 ID +3 23 46 NG +3 23 47 ID +3 23 48 * +3 23 49 ID +3 23 50 NG +3 23 51 EL +3 23 52 * +3 23 53 AT +3 23 54 ID +3 23 55 ID +3 23 56 KL +3 23 57 ID +3 23 58 * +3 23 59 PA +3 23 60 NG +3 23 61 AT +3 23 62 PA +3 23 63 * +3 23 64 ID +3 23 65 AT +3 23 66 EL +3 23 67 ID +3 23 68 PA +3 23 69 NG +3 23 70 EL +3 23 71 PA +3 23 72 ID +3 23 73 PA +3 23 74 EL +3 23 75 ID +3 23 76 AT +3 23 77 ID +3 23 78 KL +3 23 79 NG +3 23 80 ID +3 23 81 ID +3 23 82 ID +3 23 83 KL +3 23 84 * +3 23 85 ID +3 23 86 * +3 23 87 NG +3 23 88 PA +3 23 89 NG +3 23 90 NG +3 23 91 ID +3 23 92 AS +3 23 93 ID +3 23 94 NG +3 23 95 * +3 23 96 DA +3 23 97 NG +3 23 98 AT +3 23 99 PA +3 23 100 ID +3 23 101 PA +3 23 102 PA +3 23 103 * +3 23 104 ID +3 23 105 PA +3 23 106 DA +3 23 107 EL +3 23 108 * +3 23 109 PA +3 23 110 DA +3 23 111 PA +3 23 112 AT +3 23 113 NG +3 23 114 ID +3 23 115 AT +3 23 116 EL +3 23 117 EL +3 23 118 AT +3 23 119 ID +3 23 120 EL +3 23 121 AT +3 23 122 ID +3 23 123 ID +3 23 124 PA +3 23 125 AT +3 23 126 EL +3 23 127 NG +3 23 128 DA +3 23 129 EL +3 23 130 NG +3 23 131 PA +3 23 132 AT +3 23 133 ID +3 23 134 EL +3 23 135 AT +3 23 136 ID +3 23 137 ID +3 23 138 ID +3 23 139 EL +3 23 140 PA +3 23 141 EL +3 23 142 EL +3 23 143 ID +3 23 144 PA +3 23 145 ID +3 23 146 * +3 23 147 ID +3 23 148 AT +3 23 149 ID +3 23 150 PA +3 23 151 AS +3 23 152 * +3 23 153 ID +3 23 154 NG +3 23 155 NG +3 23 156 ID +3 23 157 EL +3 23 158 EL +3 23 159 AS +3 23 160 * +3 23 161 ID +3 23 162 AT +3 23 163 ID +3 23 164 ID +3 23 165 NG +3 23 166 NG +3 23 167 * +3 23 168 ID +3 23 169 ID +3 23 170 NG +3 23 171 ID +3 23 172 EL +3 23 173 AT +3 23 174 AW +3 23 175 ID +3 23 176 AT +3 23 177 * +3 23 178 ID +3 23 179 SK +3 23 180 ID +3 23 181 EL +3 23 182 PA +3 23 183 EL +3 23 184 PA +3 23 185 EL +3 23 186 ID +3 23 187 AW +3 23 188 ID +3 23 189 EL +3 23 190 KL +3 23 191 ID +3 23 192 PA +3 23 193 ID +3 23 194 * +3 23 195 ID +3 23 196 ID +3 23 197 PA +3 23 198 NG +3 23 199 EL +3 23 200 ID +3 23 201 KL +3 23 202 ID +3 23 203 * +3 23 204 EL +3 23 205 PA +3 23 206 EL +3 23 207 AT +3 23 208 KL +3 23 209 ID +3 23 210 KL +3 23 211 ID +3 23 212 DA +3 23 213 * +3 23 214 PA +3 23 215 KL +3 23 216 * +3 23 217 AS +3 23 218 ID +3 23 219 EL +3 23 220 PA +3 23 221 EL +3 23 222 PA +3 23 223 ID +3 23 224 EL +3 23 225 * +3 23 226 ID +3 23 227 NG +3 23 228 ID +3 23 229 ID +3 23 230 EL +3 23 231 PA +3 23 232 NG +3 23 233 PA +3 23 234 ID +3 23 235 PA +3 23 236 ID +3 23 237 AS +3 23 238 ID +3 23 239 AS +3 23 240 NG +3 23 241 EL +3 23 242 * +3 23 243 PA +3 23 244 EL +3 23 245 AT +3 23 246 ID +3 23 247 PA +3 23 248 NG +3 23 249 ID +3 23 250 PA +3 23 251 ID +3 23 252 EL +3 23 253 ID +3 23 254 PA +3 23 255 NG +3 23 256 AT +3 23 257 ID +3 23 258 DA +3 23 259 AT +3 23 260 * +3 23 261 AS +3 23 262 EL +3 23 263 EL +3 23 264 EL +3 23 265 ID +3 23 266 EL +3 23 267 PA +3 23 268 ID +3 23 269 AT +3 23 270 KL +3 23 271 EL +3 23 272 EL +3 23 273 PA +3 23 274 EL +3 23 275 ID +3 23 276 AT +3 23 277 PA +3 23 278 AS +3 23 279 PA +3 23 280 ID +3 23 281 ID +3 23 282 ID +3 23 283 NG +3 23 284 EL +3 23 285 LB +3 23 286 EL +3 23 287 EL +3 23 288 AT +3 23 289 ID +3 23 290 EL +3 23 291 ID +3 23 292 AS +3 23 293 EL +3 23 294 EL +3 23 295 AS +3 23 296 PA +3 23 297 DA +3 23 298 AT +3 23 299 ID +3 23 300 EL +3 23 301 ID +3 23 302 EL +3 23 303 EL +3 23 304 ID +3 23 305 PA +3 23 306 DA +3 23 307 ID +3 23 308 PA +3 23 309 NG +3 23 310 ID +3 23 311 ID +3 23 312 NG +3 23 313 PA +3 23 314 EL +3 23 315 ID +3 23 316 ID +3 23 317 AT +3 23 318 AS +3 23 319 EL +3 23 320 * +3 23 321 AT +3 23 322 PA +3 23 323 ID +3 23 324 EL +3 23 325 PA +3 23 326 DA +3 23 327 EL +3 23 328 ID +3 23 329 AS +3 23 330 EL +3 24 1 BA +3 24 2 ID +3 24 3 AT +3 24 4 SI +3 24 5 ON +3 24 6 * +3 24 7 BA +3 24 8 AN +3 24 9 SI +3 24 10 LT +3 24 11 DI +3 24 12 LB +3 24 13 BU +3 24 14 * +3 24 15 SI +3 24 16 BU +3 24 17 AN +3 24 18 NG +3 24 19 ON +3 24 20 ID +3 24 21 * +3 24 22 * +3 24 23 ON +3 24 24 BU +3 24 25 * +3 24 26 * +3 24 27 EL +3 24 28 AT +3 24 29 BA +3 24 30 * +3 24 31 AA +3 24 32 BA +3 24 33 ID +3 24 34 NG +3 24 35 SI +3 24 36 ON +3 24 37 ON +3 24 38 AN +3 24 39 ID +3 24 40 ID +3 24 41 SI +3 24 42 BU +3 24 43 * +3 24 44 EL +3 24 45 ON +3 24 46 BU +3 24 47 * +3 24 48 BE +3 24 49 * +3 24 50 * +3 24 51 * +3 24 52 EL +3 24 53 AT +3 24 54 UT +3 24 55 * +3 24 56 OK +3 24 57 ON +3 24 58 BU +3 24 59 EL +3 24 60 * +3 24 61 AT +3 24 62 BA +3 24 63 SI +3 24 64 BA +3 24 65 AT +3 24 66 EL +3 24 67 ID +3 24 68 AT +3 24 69 * +3 24 70 OK +3 24 71 AN +3 24 72 ON +3 24 73 * +3 24 74 * +3 24 75 ID +3 24 76 * +3 24 77 ON +3 24 78 BU +3 24 79 UG +3 24 80 ON +3 24 81 ID +3 24 82 IN +3 24 83 EL +3 24 84 ED +3 24 85 * +3 24 86 SI +3 24 87 NG +3 24 88 ED +3 24 89 NG +3 24 90 * +3 24 91 * +3 24 92 EL +3 24 93 ON +3 24 94 NG +3 24 95 UT +3 24 96 AY +3 24 97 * +3 24 98 AN +3 24 99 BU +3 24 100 ID +3 24 101 ED +3 24 102 BU +3 24 103 * +3 24 104 ON +3 24 105 * +3 24 106 EL +3 24 107 EL +3 24 108 SI +3 24 109 * +3 24 110 AT +3 24 111 BU +3 24 112 AT +3 24 113 BU +3 24 114 ON +3 24 115 ED +3 24 116 * +3 24 117 NG +3 24 118 * +3 24 119 ID +3 24 120 EL +3 24 121 AT +3 24 122 ID +3 24 123 ID +3 24 124 * +3 24 125 * +3 24 126 * +3 24 127 NG +3 24 128 UT +3 24 129 EL +3 24 130 NG +3 24 131 UT +3 24 132 ED +3 24 133 ID +3 24 134 OK +3 24 135 * +3 24 136 ID +3 24 137 BU +3 24 138 ID +3 24 139 EL +3 24 140 NG +3 24 141 EL +3 24 142 BU +3 24 143 ID +3 24 144 SI +3 24 145 ID +3 24 146 * +3 24 147 ID +3 24 148 AT +3 24 149 BA +3 24 150 OL +3 24 151 SI +3 24 152 * +3 24 153 ON +3 24 154 NG +3 24 155 NG +3 24 156 ID +3 24 157 * +3 24 158 EL +3 24 159 LB +3 24 160 * +3 24 161 ID +3 24 162 AT +3 24 163 ID +3 24 164 ON +3 24 165 BU +3 24 166 OK +3 24 167 * +3 24 168 ON +3 24 169 * +3 24 170 NG +3 24 171 * +3 24 172 EL +3 24 173 ED +3 24 174 UT +3 24 175 BA +3 24 176 AT +3 24 177 EL +3 24 178 ON +3 24 179 * +3 24 180 ID +3 24 181 OK +3 24 182 * +3 24 183 BU +3 24 184 LO +3 24 185 UT +3 24 186 ID +3 24 187 LO +3 24 188 ID +3 24 189 UT +3 24 190 * +3 24 191 UT +3 24 192 * +3 24 193 * +3 24 194 UT +3 24 195 ID +3 24 196 ID +3 24 197 * +3 24 198 NG +3 24 199 EL +3 24 200 ON +3 24 201 DZ +3 24 202 ID +3 24 203 AT +3 24 204 NG +3 24 205 * +3 24 206 EL +3 24 207 AT +3 24 208 BA +3 24 209 ON +3 24 210 * +3 24 211 MA +3 24 212 BE +3 24 213 MA +3 24 214 * +3 24 215 MA +3 24 216 NG +3 24 217 * +3 24 218 IN +3 24 219 EL +3 24 220 * +3 24 221 EL +3 24 222 AT +3 24 223 BA +3 24 224 EL +3 24 225 BU +3 24 226 IN +3 24 227 NG +3 24 228 NG +3 24 229 IN +3 24 230 EL +3 24 231 AT +3 24 232 UT +3 24 233 * +3 24 234 IN +3 24 235 WA +3 24 236 * +3 24 237 EL +3 24 238 NG +3 24 239 ED +3 24 240 BU +3 24 241 EL +3 24 242 SI +3 24 243 AT +3 24 244 EL +3 24 245 AT +3 24 246 IN +3 24 247 * +3 24 248 NG +3 24 249 BA +3 24 250 * +3 24 251 * +3 24 252 EL +3 24 253 BA +3 24 254 * +3 24 255 NG +3 24 256 AT +3 24 257 NG +3 24 258 UT +3 24 259 ED +3 24 260 EL +3 24 261 ED +3 24 262 EL +3 24 263 BU +3 24 264 EL +3 24 265 BA +3 24 266 * +3 24 267 NG +3 24 268 IN +3 24 269 ED +3 24 270 UT +3 24 271 MW +3 24 272 EL +3 24 273 IN +3 24 274 EL +3 24 275 BU +3 24 276 AT +3 24 277 IN +3 24 278 ED +3 24 279 IN +3 24 280 ID +3 24 281 IN +3 24 282 BT +3 24 283 NG +3 24 284 EL +3 24 285 WA +3 24 286 EL +3 24 287 * +3 24 288 AT +3 24 289 IN +3 24 290 EL +3 24 291 ON +3 24 292 * +3 24 293 EL +3 24 294 EL +3 24 295 NG +3 24 296 SI +3 24 297 LO +3 24 298 AN +3 24 299 IN +3 24 300 UT +3 24 301 ED +3 24 302 EL +3 24 303 ED +3 24 304 ID +3 24 305 * +3 24 306 ID +3 24 307 * +3 24 308 WA +3 24 309 NG +3 24 310 BA +3 24 311 ON +3 24 312 NG +3 24 313 SI +3 24 314 EL +3 24 315 IN +3 24 316 ON +3 24 317 ED +3 24 318 UT +3 24 319 EL +3 24 320 BU +3 24 321 AN +3 24 322 OK +3 24 323 IN +3 24 324 EL +3 24 325 ED +3 24 326 * +3 24 327 UT +3 24 328 IN +3 24 329 * +3 24 330 EL +3 25 1 ET +3 25 2 DA +3 25 3 AT +3 25 4 NG +3 25 5 DA +3 25 6 KN +3 25 7 MD +3 25 8 MD +3 25 9 UT +3 25 10 NG +3 25 11 ET +3 25 12 TK +3 25 13 LT +3 25 14 NG +3 25 15 MD +3 25 16 EL +3 25 17 AN +3 25 18 BU +3 25 19 DA +3 25 20 MD +3 25 21 MD +3 25 22 UT +3 25 23 ET +3 25 24 BU +3 25 25 DA +3 25 26 NG +3 25 27 DA +3 25 28 MD +3 25 29 KN +3 25 30 * +3 25 31 MD +3 25 32 * +3 25 33 DA +3 25 34 NG +3 25 35 DA +3 25 36 LT +3 25 37 KN +3 25 38 MD +3 25 39 LT +3 25 40 DA +3 25 41 MD +3 25 42 DA +3 25 43 NG +3 25 44 EL +3 25 45 LT +3 25 46 BU +3 25 47 NG +3 25 48 DA +3 25 49 DA +3 25 50 NG +3 25 51 MD +3 25 52 EL +3 25 53 MD +3 25 54 LT +3 25 55 KN +3 25 56 UT +3 25 57 NG +3 25 58 DA +3 25 59 EL +3 25 60 MD +3 25 61 MD +3 25 62 LT +3 25 63 UT +3 25 64 NG +3 25 65 MD +3 25 66 EL +3 25 67 NG +3 25 68 MD +3 25 69 NG +3 25 70 EL +3 25 71 MD +3 25 72 NG +3 25 73 UT +3 25 74 EL +3 25 75 MD +3 25 76 KN +3 25 77 NG +3 25 78 UT +3 25 79 BU +3 25 80 NG +3 25 81 UT +3 25 82 LT +3 25 83 EL +3 25 84 MD +3 25 85 LT +3 25 86 LL +3 25 87 BU +3 25 88 MD +3 25 89 NG +3 25 90 LT +3 25 91 KN +3 25 92 EL +3 25 93 LT +3 25 94 NG +3 25 95 KN +3 25 96 TK +3 25 97 NG +3 25 98 AN +3 25 99 UT +3 25 100 LT +3 25 101 LL +3 25 102 UT +3 25 103 BU +3 25 104 MD +3 25 105 GU +3 25 106 EL +3 25 107 EL +3 25 108 MD +3 25 109 NG +3 25 110 MG +3 25 111 NG +3 25 112 AT +3 25 113 BU +3 25 114 MD +3 25 115 LL +3 25 116 UT +3 25 117 MG +3 25 118 MD +3 25 119 UT +3 25 120 EL +3 25 121 AT +3 25 122 MD +3 25 123 LT +3 25 124 UT +3 25 125 AT +3 25 126 UT +3 25 127 BU +3 25 128 TK +3 25 129 EL +3 25 130 BU +3 25 131 MD +3 25 132 LL +3 25 133 MD +3 25 134 BU +3 25 135 MG +3 25 136 LT +3 25 137 LT +3 25 138 UT +3 25 139 EL +3 25 140 NG +3 25 141 EL +3 25 142 LT +3 25 143 MD +3 25 144 NG +3 25 145 UT +3 25 146 TK +3 25 147 MD +3 25 148 AT +3 25 149 UT +3 25 150 NG +3 25 151 UT +3 25 152 LT +3 25 153 MG +3 25 154 BU +3 25 155 KA +3 25 156 NG +3 25 157 KA +3 25 158 EL +3 25 159 MG +3 25 160 UT +3 25 161 LT +3 25 162 AT +3 25 163 MD +3 25 164 LT +3 25 165 DA +3 25 166 NG +3 25 167 UT +3 25 168 NG +3 25 169 NG +3 25 170 UG +3 25 171 MD +3 25 172 EL +3 25 173 UT +3 25 174 DA +3 25 175 UT +3 25 176 DA +3 25 177 DA +3 25 178 NG +3 25 179 LL +3 25 180 MD +3 25 181 LT +3 25 182 NG +3 25 183 KA +3 25 184 NG +3 25 185 KA +3 25 186 UT +3 25 187 DA +3 25 188 NG +3 25 189 BU +3 25 190 DA +3 25 191 NG +3 25 192 MD +3 25 193 UT +3 25 194 MD +3 25 195 DA +3 25 196 EL +3 25 197 MD +3 25 198 KA +3 25 199 DA +3 25 200 MD +3 25 201 UT +3 25 202 MD +3 25 203 AT +3 25 204 KA +3 25 205 NG +3 25 206 UT +3 25 207 AT +3 25 208 KA +3 25 209 NG +3 25 210 BU +3 25 211 MG +3 25 212 TK +3 25 213 BU +3 25 214 MD +3 25 215 BU +3 25 216 KA +3 25 217 UT +3 25 218 KA +3 25 219 KN +3 25 220 MD +3 25 221 LT +3 25 222 MD +3 25 223 MG +3 25 224 LT +3 25 225 KA +3 25 226 MD +3 25 227 KA +3 25 228 MD +3 25 229 UT +3 25 230 EL +3 25 231 MD +3 25 232 KA +3 25 233 NG +3 25 234 UT +3 25 235 HN +3 25 236 UT +3 25 237 MD +3 25 238 NG +3 25 239 UT +3 25 240 KA +3 25 241 UT +3 25 242 MD +3 25 243 AT +3 25 244 EL +3 25 245 AT +3 25 246 UT +3 25 247 NG +3 25 248 KA +3 25 249 LT +3 25 250 NG +3 25 251 UT +3 25 252 EL +3 25 253 LT +3 25 254 MD +3 25 255 NG +3 25 256 AT +3 25 257 NG +3 25 258 MG +3 25 259 MK +3 25 260 UT +3 25 261 MD +3 25 262 EL +3 25 263 BU +3 25 264 LT +3 25 265 NG +3 25 266 MD +3 25 267 NG +3 25 268 UT +3 25 269 MD +3 25 270 KN +3 25 271 MD +3 25 272 EL +3 25 273 NG +3 25 274 EL +3 25 275 MG +3 25 276 MD +3 25 277 UT +3 25 278 KN +3 25 279 NG +3 25 280 KA +3 25 281 MD +3 25 282 MD +3 25 283 KA +3 25 284 EL +3 25 285 UT +3 25 286 EL +3 25 287 MD +3 25 288 AT +3 25 289 NG +3 25 290 UT +3 25 291 HN +3 25 292 UT +3 25 293 DA +3 25 294 DA +3 25 295 KA +3 25 296 NG +3 25 297 DA +3 25 298 AT +3 25 299 LT +3 25 300 BU +3 25 301 LT +3 25 302 EL +3 25 303 MD +3 25 304 KA +3 25 305 NG +3 25 306 UT +3 25 307 HN +3 25 308 MD +3 25 309 KA +3 25 310 MD +3 25 311 LT +3 25 312 NG +3 25 313 ET +3 25 314 EL +3 25 315 KN +3 25 316 LT +3 25 317 MD +3 25 318 UT +3 25 319 EL +3 25 320 KA +3 25 321 AT +3 25 322 HN +3 25 323 MG +3 25 324 EL +3 25 325 NG +3 25 326 UT +3 25 327 EL +3 25 328 MD +3 25 329 KA +3 25 330 EL +4 1 1 CE +4 1 2 TA +4 1 3 CY +4 1 4 TX +4 1 5 TA +4 1 6 CY +4 1 7 TA +4 1 8 TX +4 1 9 XK +4 1 10 XE +4 1 11 KA +4 1 12 KA +4 1 13 TA +4 1 14 KE +4 1 15 SA +4 1 16 SA +4 1 17 CY +4 1 18 KE +4 1 19 TA +4 1 20 TA +4 1 21 CY +4 1 22 KA +4 1 23 XE +4 1 24 KE +4 1 25 XK +4 1 26 XE +4 1 27 SA +4 1 28 CY +4 1 29 TA +4 1 30 CY +4 1 31 SA +4 1 32 CY +4 1 33 TA +4 1 34 XE +4 1 35 CY +4 1 36 KE +4 1 37 XE +4 1 38 CY +4 1 39 TA +4 1 40 SA +4 1 41 CY +4 1 42 KA +4 1 43 XE +4 1 44 SA +4 1 45 TA +4 1 46 SA +4 1 47 KE +4 1 48 KA +4 1 49 SA +4 1 50 TX +4 1 51 KE +4 1 52 SA +4 1 53 CY +4 1 54 TA +4 1 55 SA +4 1 56 CY +4 1 57 KE +4 1 58 KE +4 1 59 SA +4 1 60 TX +4 1 61 CY +4 1 62 SA +4 1 63 CY +4 1 64 XE +4 1 65 CY +4 1 66 SA +4 1 67 TA +4 1 68 SA +4 1 69 KE +4 1 70 SA +4 1 71 CY +4 1 72 TA +4 1 73 TX +4 1 74 SA +4 1 75 KE +4 1 76 CY +4 1 77 TA +4 1 78 SA +4 1 79 KE +4 1 80 XE +4 1 81 TA +4 1 82 SA +4 1 83 KA +4 1 84 CY +4 1 85 TA +4 1 86 CY +4 1 87 KE +4 1 88 TX +4 1 89 KE +4 1 90 KA +4 1 91 TA +4 1 92 SA +4 1 93 TA +4 1 94 XK +4 1 95 SA +4 1 96 KA +4 1 97 TX +4 1 98 CY +4 1 99 SA +4 1 100 SA +4 1 101 TX +4 1 102 SA +4 1 103 KE +4 1 104 TA +4 1 105 TX +4 1 106 KA +4 1 107 SA +4 1 108 SA +4 1 109 XE +4 1 110 CY +4 1 111 KE +4 1 112 CY +4 1 113 KE +4 1 114 KE +4 1 115 CY +4 1 116 SA +4 1 117 XK +4 1 118 SA +4 1 119 TA +4 1 120 SA +4 1 121 CY +4 1 122 TA +4 1 123 XE +4 1 124 KA +4 1 125 CY +4 1 126 SA +4 1 127 KE +4 1 128 KA +4 1 129 SA +4 1 130 TX +4 1 131 TX +4 1 132 CY +4 1 133 SA +4 1 134 TA +4 1 135 SA +4 1 136 SA +4 1 137 TX +4 1 138 SA +4 1 139 SA +4 1 140 TX +4 1 141 SA +4 1 142 SA +4 1 143 KA +4 1 144 XK +4 1 145 TA +4 1 146 KA +4 1 147 TA +4 1 148 CY +4 1 149 SA +4 1 150 TX +4 1 151 SA +4 1 152 SA +4 1 153 XE +4 1 154 KE +4 1 155 KE +4 1 156 TA +4 1 157 XK +4 1 158 SA +4 1 159 KA +4 1 160 SA +4 1 161 TA +4 1 162 CY +4 1 163 TX +4 1 164 SA +4 1 165 TA +4 1 166 SA +4 1 167 SA +4 1 168 TA +4 1 169 TA +4 1 170 KE +4 1 171 TA +4 1 172 SA +4 1 173 CY +4 1 174 KA +4 1 175 TX +4 1 176 CY +4 1 177 TX +4 1 178 KA +4 1 179 TX +4 1 180 TA +4 1 181 XE +4 1 182 TX +4 1 183 XK +4 1 184 TX +4 1 185 KA +4 1 186 SA +4 1 187 KA +4 1 188 XE +4 1 189 SA +4 1 190 SA +4 1 191 TA +4 1 192 TX +4 1 193 KA +4 1 194 TX +4 1 195 TA +4 1 196 SA +4 1 197 SA +4 1 198 KE +4 1 199 SA +4 1 200 SA +4 1 201 CY +4 1 202 TA +4 1 203 TX +4 1 204 XK +4 1 205 TX +4 1 206 SA +4 1 207 CY +4 1 208 XK +4 1 209 TA +4 1 210 KA +4 1 211 SA +4 1 212 CY +4 1 213 SA +4 1 214 KA +4 1 215 SA +4 1 216 KE +4 1 217 SA +4 1 218 TA +4 1 219 SA +4 1 220 XE +4 1 221 SA +4 1 222 TX +4 1 223 TA +4 1 224 SA +4 1 225 TA +4 1 226 XE +4 1 227 KE +4 1 228 KE +4 1 229 SA +4 1 230 SA +4 1 231 TX +4 1 232 XK +4 1 233 TA +4 1 234 XE +4 1 235 KA +4 1 236 TA +4 1 237 SA +4 1 238 TA +4 1 239 CY +4 1 240 TX +4 1 241 SA +4 1 242 KA +4 1 243 TX +4 1 244 SA +4 1 245 CY +4 1 246 TA +4 1 247 XE +4 1 248 KE +4 1 249 TA +4 1 250 TX +4 1 251 TA +4 1 252 SA +4 1 253 TA +4 1 254 SA +4 1 255 KE +4 1 256 CY +4 1 257 XE +4 1 258 KA +4 1 259 CY +4 1 260 SA +4 1 261 CY +4 1 262 SA +4 1 263 SA +4 1 264 SA +4 1 265 TA +4 1 266 CY +4 1 267 TX +4 1 268 TA +4 1 269 SA +4 1 270 KE +4 1 271 SA +4 1 272 XK +4 1 273 CY +4 1 274 SA +4 1 275 KA +4 1 276 CY +4 1 277 KE +4 1 278 CY +4 1 279 XE +4 1 280 TA +4 1 281 TA +4 1 282 TA +4 1 283 XK +4 1 284 SA +4 1 285 SA +4 1 286 SA +4 1 287 KA +4 1 288 CY +4 1 289 SA +4 1 290 TA +4 1 291 KA +4 1 292 CY +4 1 293 SA +4 1 294 SA +4 1 295 XK +4 1 296 TX +4 1 297 KA +4 1 298 CY +4 1 299 TA +4 1 300 SA +4 1 301 TA +4 1 302 SA +4 1 303 SA +4 1 304 TA +4 1 305 TX +4 1 306 TA +4 1 307 XE +4 1 308 SA +4 1 309 XK +4 1 310 TA +4 1 311 TA +4 1 312 KA +4 1 313 XE +4 1 314 SA +4 1 315 TA +4 1 316 TA +4 1 317 TX +4 1 318 CY +4 1 319 SA +4 1 320 XK +4 1 321 CY +4 1 322 SA +4 1 323 TA +4 1 324 SA +4 1 325 TX +4 1 326 KA +4 1 327 SA +4 1 328 TA +4 1 329 XE +4 1 330 SA +4 2 1 CE +4 2 2 SA +4 2 3 KA +4 2 4 TX +4 2 5 SA +4 2 6 KA +4 2 7 XE +4 2 8 TA +4 2 9 XK +4 2 10 KE +4 2 11 TA +4 2 12 KA +4 2 13 TA +4 2 14 KE +4 2 15 SA +4 2 16 SA +4 2 17 CY +4 2 18 KE +4 2 19 SA +4 2 20 TA +4 2 21 CY +4 2 22 KA +4 2 23 XE +4 2 24 KE +4 2 25 SA +4 2 26 KE +4 2 27 SA +4 2 28 CY +4 2 29 TA +4 2 30 SA +4 2 31 SA +4 2 32 TX +4 2 33 TA +4 2 34 KE +4 2 35 CY +4 2 36 TA +4 2 37 KE +4 2 38 CY +4 2 39 TA +4 2 40 SA +4 2 41 CY +4 2 42 KA +4 2 43 KE +4 2 44 SA +4 2 45 TA +4 2 46 SA +4 2 47 TA +4 2 48 KA +4 2 49 SA +4 2 50 TX +4 2 51 XK +4 2 52 SA +4 2 53 CY +4 2 54 TA +4 2 55 SA +4 2 56 KA +4 2 57 KE +4 2 58 SA +4 2 59 SA +4 2 60 KE +4 2 61 CY +4 2 62 TX +4 2 63 CY +4 2 64 KA +4 2 65 CY +4 2 66 SA +4 2 67 TA +4 2 68 CY +4 2 69 TA +4 2 70 SA +4 2 71 TX +4 2 72 TA +4 2 73 XE +4 2 74 SA +4 2 75 TA +4 2 76 KA +4 2 77 SA +4 2 78 SA +4 2 79 KE +4 2 80 TA +4 2 81 TA +4 2 82 SA +4 2 83 KA +4 2 84 SA +4 2 85 TA +4 2 86 SA +4 2 87 KE +4 2 88 TX +4 2 89 KE +4 2 90 TA +4 2 91 SA +4 2 92 TA +4 2 93 KA +4 2 94 TA +4 2 95 SA +4 2 96 KA +4 2 97 TA +4 2 98 CY +4 2 99 SA +4 2 100 TA +4 2 101 CY +4 2 102 SA +4 2 103 TA +4 2 104 KA +4 2 105 TA +4 2 106 KA +4 2 107 SA +4 2 108 KA +4 2 109 KE +4 2 110 KA +4 2 111 TA +4 2 112 CY +4 2 113 KE +4 2 114 TA +4 2 115 CY +4 2 116 SA +4 2 117 TX +4 2 118 KA +4 2 119 TA +4 2 120 SA +4 2 121 CY +4 2 122 TA +4 2 123 KE +4 2 124 TA +4 2 125 CY +4 2 126 SA +4 2 127 TA +4 2 128 KA +4 2 129 SA +4 2 130 TA +4 2 131 TX +4 2 132 CY +4 2 133 TA +4 2 134 TX +4 2 135 CY +4 2 136 SA +4 2 137 TA +4 2 138 SA +4 2 139 KA +4 2 140 KE +4 2 141 SA +4 2 142 KA +4 2 143 TA +4 2 144 TX +4 2 145 TA +4 2 146 KA +4 2 147 TA +4 2 148 CY +4 2 149 TA +4 2 150 TX +4 2 151 KA +4 2 152 SA +4 2 153 SA +4 2 154 KE +4 2 155 XK +4 2 156 TA +4 2 157 XE +4 2 158 SA +4 2 159 KA +4 2 160 CY +4 2 161 TA +4 2 162 CY +4 2 163 TA +4 2 164 CY +4 2 165 TA +4 2 166 CY +4 2 167 SA +4 2 168 TA +4 2 169 SA +4 2 170 KA +4 2 171 TA +4 2 172 SA +4 2 173 CY +4 2 174 KA +4 2 175 SA +4 2 176 CY +4 2 177 KA +4 2 178 KE +4 2 179 TX +4 2 180 TA +4 2 181 KA +4 2 182 XK +4 2 183 TA +4 2 184 TX +4 2 185 CY +4 2 186 TA +4 2 187 KA +4 2 188 SA +4 2 189 KE +4 2 190 SA +4 2 191 TA +4 2 192 CY +4 2 193 TA +4 2 194 TX +4 2 195 TA +4 2 196 SA +4 2 197 KA +4 2 198 KE +4 2 199 SA +4 2 200 KA +4 2 201 SA +4 2 202 TA +4 2 203 CY +4 2 204 XK +4 2 205 KE +4 2 206 SA +4 2 207 CY +4 2 208 KA +4 2 209 TA +4 2 210 TX +4 2 211 SA +4 2 212 KA +4 2 213 SA +4 2 214 TA +4 2 215 SA +4 2 216 TA +4 2 217 SA +4 2 218 TA +4 2 219 SA +4 2 220 KE +4 2 221 SA +4 2 222 TX +4 2 223 TA +4 2 224 SA +4 2 225 TA +4 2 226 KE +4 2 227 KE +4 2 228 KE +4 2 229 SA +4 2 230 SA +4 2 231 TX +4 2 232 TA +4 2 233 SA +4 2 234 TA +4 2 235 KE +4 2 236 TA +4 2 237 KE +4 2 238 TA +4 2 239 CY +4 2 240 CY +4 2 241 SA +4 2 242 KA +4 2 243 TX +4 2 244 SA +4 2 245 CY +4 2 246 TA +4 2 247 KE +4 2 248 TA +4 2 249 TA +4 2 250 TX +4 2 251 TA +4 2 252 SA +4 2 253 TA +4 2 254 KE +4 2 255 KE +4 2 256 CY +4 2 257 KE +4 2 258 KA +4 2 259 CY +4 2 260 SA +4 2 261 KA +4 2 262 SA +4 2 263 CY +4 2 264 SA +4 2 265 TA +4 2 266 CY +4 2 267 TX +4 2 268 TA +4 2 269 CY +4 2 270 KA +4 2 271 TA +4 2 272 SA +4 2 273 SA +4 2 274 SA +4 2 275 KA +4 2 276 CY +4 2 277 KE +4 2 278 KA +4 2 279 KE +4 2 280 TA +4 2 281 TA +4 2 282 TA +4 2 283 XE +4 2 284 SA +4 2 285 TX +4 2 286 SA +4 2 287 XK +4 2 288 CY +4 2 289 TA +4 2 290 SA +4 2 291 KE +4 2 292 CY +4 2 293 SA +4 2 294 TA +4 2 295 XK +4 2 296 TX +4 2 297 KA +4 2 298 CY +4 2 299 TA +4 2 300 SA +4 2 301 TA +4 2 302 SA +4 2 303 TA +4 2 304 TA +4 2 305 TX +4 2 306 TA +4 2 307 KE +4 2 308 KA +4 2 309 XK +4 2 310 TA +4 2 311 KE +4 2 312 KE +4 2 313 KE +4 2 314 SA +4 2 315 TA +4 2 316 TA +4 2 317 CY +4 2 318 KA +4 2 319 SA +4 2 320 TA +4 2 321 CY +4 2 322 SA +4 2 323 TA +4 2 324 SA +4 2 325 TX +4 2 326 KA +4 2 327 SA +4 2 328 TA +4 2 329 XK +4 2 330 SA +4 3 1 TX +4 3 2 SA +4 3 3 CY +4 3 4 TX +4 3 5 TA +4 3 6 CY +4 3 7 TA +4 3 8 XK +4 3 9 CY +4 3 10 TX +4 3 11 TA +4 3 12 KA +4 3 13 TA +4 3 14 TX +4 3 15 CY +4 3 16 SA +4 3 17 CY +4 3 18 KE +4 3 19 CE +4 3 20 TA +4 3 21 CY +4 3 22 KA +4 3 23 TX +4 3 24 KE +4 3 25 TA +4 3 26 TX +4 3 27 SA +4 3 28 CY +4 3 29 TA +4 3 30 CY +4 3 31 SA +4 3 32 CY +4 3 33 TA +4 3 34 TX +4 3 35 CY +4 3 36 TA +4 3 37 TX +4 3 38 CY +4 3 39 TA +4 3 40 CE +4 3 41 CY +4 3 42 KA +4 3 43 TX +4 3 44 SA +4 3 45 TA +4 3 46 KE +4 3 47 KE +4 3 48 KA +4 3 49 CE +4 3 50 TX +4 3 51 CY +4 3 52 SA +4 3 53 CE +4 3 54 TA +4 3 55 CE +4 3 56 * +4 3 57 TX +4 3 58 KA +4 3 59 SA +4 3 60 TX +4 3 61 CY +4 3 62 TA +4 3 63 CY +4 3 64 KE +4 3 65 CY +4 3 66 SA +4 3 67 TA +4 3 68 CY +4 3 69 TA +4 3 70 SA +4 3 71 KE +4 3 72 TA +4 3 73 TX +4 3 74 CE +4 3 75 TA +4 3 76 KA +4 3 77 TX +4 3 78 SA +4 3 79 KE +4 3 80 TX +4 3 81 TA +4 3 82 TA +4 3 83 SA +4 3 84 SA +4 3 85 TA +4 3 86 CY +4 3 87 KE +4 3 88 CY +4 3 89 KE +4 3 90 KE +4 3 91 KA +4 3 92 SA +4 3 93 TX +4 3 94 KE +4 3 95 SA +4 3 96 KA +4 3 97 TX +4 3 98 CY +4 3 99 SA +4 3 100 CE +4 3 101 TX +4 3 102 SA +4 3 103 TA +4 3 104 CE +4 3 105 TX +4 3 106 KA +4 3 107 SA +4 3 108 CE +4 3 109 TX +4 3 110 KA +4 3 111 TA +4 3 112 CY +4 3 113 KE +4 3 114 TA +4 3 115 CY +4 3 116 CE +4 3 117 KE +4 3 118 CY +4 3 119 TA +4 3 120 SA +4 3 121 CY +4 3 122 TA +4 3 123 TX +4 3 124 KA +4 3 125 CY +4 3 126 SA +4 3 127 KE +4 3 128 KA +4 3 129 SA +4 3 130 KE +4 3 131 TX +4 3 132 CY +4 3 133 TA +4 3 134 XK +4 3 135 CY +4 3 136 CE +4 3 137 TA +4 3 138 CE +4 3 139 SA +4 3 140 TX +4 3 141 SA +4 3 142 SA +4 3 143 TA +4 3 144 TX +4 3 145 TA +4 3 146 KA +4 3 147 TA +4 3 148 CY +4 3 149 TA +4 3 150 TX +4 3 151 CY +4 3 152 CY +4 3 153 CE +4 3 154 KE +4 3 155 KE +4 3 156 TA +4 3 157 KE +4 3 158 SA +4 3 159 KA +4 3 160 KA +4 3 161 TA +4 3 162 TX +4 3 163 TA +4 3 164 TX +4 3 165 TA +4 3 166 XE +4 3 167 SA +4 3 168 TA +4 3 169 TX +4 3 170 KE +4 3 171 TA +4 3 172 SA +4 3 173 CY +4 3 174 KA +4 3 175 CE +4 3 176 CY +4 3 177 KA +4 3 178 XE +4 3 179 XK +4 3 180 TA +4 3 181 KA +4 3 182 CY +4 3 183 KA +4 3 184 TX +4 3 185 KA +4 3 186 CE +4 3 187 KA +4 3 188 CE +4 3 189 CE +4 3 190 SA +4 3 191 TA +4 3 192 TX +4 3 193 KA +4 3 194 CY +4 3 195 TA +4 3 196 CE +4 3 197 TX +4 3 198 KE +4 3 199 CE +4 3 200 CE +4 3 201 CY +4 3 202 TA +4 3 203 CY +4 3 204 KE +4 3 205 TX +4 3 206 SA +4 3 207 CY +4 3 208 KA +4 3 209 TX +4 3 210 XK +4 3 211 CE +4 3 212 KA +4 3 213 SA +4 3 214 KA +4 3 215 CY +4 3 216 KE +4 3 217 SA +4 3 218 TA +4 3 219 CE +4 3 220 TX +4 3 221 CE +4 3 222 TX +4 3 223 TA +4 3 224 SA +4 3 225 KA +4 3 226 TX +4 3 227 KE +4 3 228 XE +4 3 229 CE +4 3 230 SA +4 3 231 TX +4 3 232 KA +4 3 233 TX +4 3 234 TA +4 3 235 TX +4 3 236 KA +4 3 237 SA +4 3 238 CE +4 3 239 CY +4 3 240 KE +4 3 241 SA +4 3 242 KA +4 3 243 CY +4 3 244 SA +4 3 245 CY +4 3 246 TA +4 3 247 TX +4 3 248 KE +4 3 249 TA +4 3 250 TX +4 3 251 TA +4 3 252 SA +4 3 253 TA +4 3 254 CE +4 3 255 KE +4 3 256 CY +4 3 257 KE +4 3 258 KA +4 3 259 CY +4 3 260 KA +4 3 261 KA +4 3 262 SA +4 3 263 SA +4 3 264 CE +4 3 265 TA +4 3 266 CY +4 3 267 TX +4 3 268 TA +4 3 269 CY +4 3 270 KA +4 3 271 TA +4 3 272 CE +4 3 273 CY +4 3 274 SA +4 3 275 KA +4 3 276 CY +4 3 277 TX +4 3 278 CY +4 3 279 XE +4 3 280 TA +4 3 281 TA +4 3 282 TA +4 3 283 KE +4 3 284 SA +4 3 285 SA +4 3 286 SA +4 3 287 KE +4 3 288 CY +4 3 289 CE +4 3 290 SA +4 3 291 KE +4 3 292 SA +4 3 293 SA +4 3 294 TX +4 3 295 KE +4 3 296 TX +4 3 297 KA +4 3 298 CY +4 3 299 TA +4 3 300 SA +4 3 301 TA +4 3 302 SA +4 3 303 TX +4 3 304 TA +4 3 305 TX +4 3 306 TA +4 3 307 TA +4 3 308 XE +4 3 309 KE +4 3 310 TA +4 3 311 TX +4 3 312 KE +4 3 313 TX +4 3 314 SA +4 3 315 TA +4 3 316 TX +4 3 317 KE +4 3 318 KA +4 3 319 SA +4 3 320 KE +4 3 321 CY +4 3 322 CE +4 3 323 TA +4 3 324 SA +4 3 325 TX +4 3 326 KA +4 3 327 SA +4 3 328 TA +4 3 329 XK +4 3 330 SA +4 4 1 CE +4 4 2 TA +4 4 3 CY +4 4 4 TX +4 4 5 TA +4 4 6 KA +4 4 7 TA +4 4 8 TX +4 4 9 XK +4 4 10 TA +4 4 11 TA +4 4 12 KA +4 4 13 TA +4 4 14 TA +4 4 15 KA +4 4 16 SA +4 4 17 CY +4 4 18 KE +4 4 19 TA +4 4 20 TA +4 4 21 CY +4 4 22 KA +4 4 23 CY +4 4 24 TA +4 4 25 TA +4 4 26 TA +4 4 27 SA +4 4 28 CY +4 4 29 TA +4 4 30 CY +4 4 31 TA +4 4 32 CY +4 4 33 TA +4 4 34 TA +4 4 35 CY +4 4 36 TA +4 4 37 TA +4 4 38 CY +4 4 39 TA +4 4 40 TA +4 4 41 CY +4 4 42 KA +4 4 43 TA +4 4 44 SA +4 4 45 TA +4 4 46 KA +4 4 47 TA +4 4 48 KA +4 4 49 TA +4 4 50 TX +4 4 51 XK +4 4 52 SA +4 4 53 CY +4 4 54 TA +4 4 55 TA +4 4 56 CY +4 4 57 TA +4 4 58 KA +4 4 59 CY +4 4 60 TA +4 4 61 CY +4 4 62 CY +4 4 63 KA +4 4 64 TA +4 4 65 CY +4 4 66 SA +4 4 67 TA +4 4 68 CY +4 4 69 TA +4 4 70 SA +4 4 71 CY +4 4 72 TA +4 4 73 TX +4 4 74 TA +4 4 75 TA +4 4 76 CY +4 4 77 TA +4 4 78 CY +4 4 79 SA +4 4 80 TA +4 4 81 TA +4 4 82 TA +4 4 83 SA +4 4 84 CY +4 4 85 TA +4 4 86 CY +4 4 87 TA +4 4 88 CY +4 4 89 TA +4 4 90 TA +4 4 91 TA +4 4 92 SA +4 4 93 TA +4 4 94 TA +4 4 95 TA +4 4 96 KA +4 4 97 TX +4 4 98 CY +4 4 99 CY +4 4 100 TA +4 4 101 CY +4 4 102 SA +4 4 103 TA +4 4 104 TA +4 4 105 TX +4 4 106 SA +4 4 107 SA +4 4 108 TA +4 4 109 TA +4 4 110 KE +4 4 111 TA +4 4 112 CY +4 4 113 TA +4 4 114 TA +4 4 115 CY +4 4 116 TA +4 4 117 TX +4 4 118 CY +4 4 119 TA +4 4 120 SA +4 4 121 CY +4 4 122 TA +4 4 123 TA +4 4 124 TA +4 4 125 CY +4 4 126 CY +4 4 127 TA +4 4 128 KA +4 4 129 SA +4 4 130 TA +4 4 131 TX +4 4 132 CY +4 4 133 TA +4 4 134 TX +4 4 135 CY +4 4 136 TA +4 4 137 TA +4 4 138 TA +4 4 139 SA +4 4 140 TA +4 4 141 SA +4 4 142 SA +4 4 143 TA +4 4 144 TX +4 4 145 TA +4 4 146 KA +4 4 147 TA +4 4 148 CY +4 4 149 TA +4 4 150 TX +4 4 151 CY +4 4 152 CY +4 4 153 TA +4 4 154 SA +4 4 155 SA +4 4 156 TA +4 4 157 TX +4 4 158 SA +4 4 159 KA +4 4 160 CY +4 4 161 TA +4 4 162 CY +4 4 163 TA +4 4 164 TA +4 4 165 SA +4 4 166 TA +4 4 167 CY +4 4 168 TA +4 4 169 TA +4 4 170 TA +4 4 171 TA +4 4 172 SA +4 4 173 CY +4 4 174 KA +4 4 175 TA +4 4 176 CY +4 4 177 TA +4 4 178 TA +4 4 179 TX +4 4 180 TA +4 4 181 KA +4 4 182 TX +4 4 183 SA +4 4 184 CY +4 4 185 TX +4 4 186 TA +4 4 187 KA +4 4 188 TA +4 4 189 TA +4 4 190 CY +4 4 191 TA +4 4 192 CY +4 4 193 KA +4 4 194 TX +4 4 195 TA +4 4 196 TA +4 4 197 KA +4 4 198 SA +4 4 199 SA +4 4 200 TA +4 4 201 CY +4 4 202 TA +4 4 203 CY +4 4 204 SA +4 4 205 SA +4 4 206 SA +4 4 207 CY +4 4 208 KA +4 4 209 TA +4 4 210 TX +4 4 211 TA +4 4 212 KA +4 4 213 SA +4 4 214 KA +4 4 215 CY +4 4 216 SA +4 4 217 CY +4 4 218 TA +4 4 219 TA +4 4 220 SA +4 4 221 TA +4 4 222 TX +4 4 223 TA +4 4 224 SA +4 4 225 SA +4 4 226 TA +4 4 227 TA +4 4 228 TA +4 4 229 TA +4 4 230 SA +4 4 231 TX +4 4 232 TA +4 4 233 SA +4 4 234 TA +4 4 235 TA +4 4 236 TA +4 4 237 KA +4 4 238 TA +4 4 239 KA +4 4 240 XK +4 4 241 SA +4 4 242 KA +4 4 243 TX +4 4 244 TA +4 4 245 CY +4 4 246 TA +4 4 247 TA +4 4 248 TA +4 4 249 CE +4 4 250 TX +4 4 251 TA +4 4 252 SA +4 4 253 TA +4 4 254 CE +4 4 255 KA +4 4 256 CY +4 4 257 TX +4 4 258 KA +4 4 259 XK +4 4 260 SA +4 4 261 CY +4 4 262 SA +4 4 263 SA +4 4 264 TA +4 4 265 TA +4 4 266 XK +4 4 267 TX +4 4 268 TA +4 4 269 TX +4 4 270 KA +4 4 271 TA +4 4 272 SA +4 4 273 CY +4 4 274 SA +4 4 275 TA +4 4 276 CY +4 4 277 TX +4 4 278 CY +4 4 279 TA +4 4 280 TA +4 4 281 TA +4 4 282 TA +4 4 283 TA +4 4 284 XK +4 4 285 SA +4 4 286 CY +4 4 287 SA +4 4 288 KA +4 4 289 TA +4 4 290 SA +4 4 291 TA +4 4 292 CY +4 4 293 TA +4 4 294 TA +4 4 295 XK +4 4 296 TX +4 4 297 CY +4 4 298 KA +4 4 299 TA +4 4 300 SA +4 4 301 TA +4 4 302 SA +4 4 303 SA +4 4 304 TA +4 4 305 TX +4 4 306 TA +4 4 307 TA +4 4 308 CY +4 4 309 TA +4 4 310 TA +4 4 311 TA +4 4 312 SA +4 4 313 TX +4 4 314 SA +4 4 315 TA +4 4 316 TA +4 4 317 CY +4 4 318 * +4 4 319 SA +4 4 320 TA +4 4 321 CY +4 4 322 CE +4 4 323 TA +4 4 324 SA +4 4 325 TX +4 4 326 KA +4 4 327 TA +4 4 328 TA +4 4 329 XK +4 4 330 CE +4 5 1 SP +4 5 2 SW +4 5 3 KA +4 5 4 CY +4 5 5 SA +4 5 6 SA +4 5 7 TA +4 5 8 CY +4 5 9 XK +4 5 10 TA +4 5 11 KE +4 5 12 SA +4 5 13 TA +4 5 14 TA +4 5 15 SA +4 5 16 SA +4 5 17 CY +4 5 18 KE +4 5 19 SP +4 5 20 TA +4 5 21 CY +4 5 22 KA +4 5 23 KA +4 5 24 XK +4 5 25 TA +4 5 26 KA +4 5 27 SA +4 5 28 CY +4 5 29 TA +4 5 30 KA +4 5 31 TA +4 5 32 KA +4 5 33 SA +4 5 34 SP +4 5 35 CY +4 5 36 TA +4 5 37 SP +4 5 38 CY +4 5 39 TA +4 5 40 SP +4 5 41 CY +4 5 42 KA +4 5 43 KE +4 5 44 SA +4 5 45 TA +4 5 46 SA +4 5 47 TA +4 5 48 KA +4 5 49 SP +4 5 50 XE +4 5 51 XK +4 5 52 SA +4 5 53 CY +4 5 54 TA +4 5 55 SP +4 5 56 KE +4 5 57 KE +4 5 58 TA +4 5 59 KA +4 5 60 SA +4 5 61 TA +4 5 62 CY +4 5 63 SA +4 5 64 CY +4 5 65 SP +4 5 66 SA +4 5 67 KA +4 5 68 CY +4 5 69 XE +4 5 70 SA +4 5 71 CY +4 5 72 TA +4 5 73 TX +4 5 74 SA +4 5 75 TA +4 5 76 CY +4 5 77 SP +4 5 78 KA +4 5 79 KA +4 5 80 SP +4 5 81 TA +4 5 82 SP +4 5 83 SA +4 5 84 KA +4 5 85 TA +4 5 86 SA +4 5 87 KE +4 5 88 XE +4 5 89 KE +4 5 90 KE +4 5 91 KA +4 5 92 SA +4 5 93 SP +4 5 94 KE +4 5 95 SA +4 5 96 KA +4 5 97 KE +4 5 98 CY +4 5 99 SA +4 5 100 SA +4 5 101 CY +4 5 102 SA +4 5 103 TA +4 5 104 SP +4 5 105 TX +4 5 106 SA +4 5 107 SA +4 5 108 SP +4 5 109 XE +4 5 110 KA +4 5 111 SA +4 5 112 CY +4 5 113 KE +4 5 114 TA +4 5 115 CY +4 5 116 SP +4 5 117 XK +4 5 118 SA +4 5 119 SP +4 5 120 SA +4 5 121 CY +4 5 122 TA +4 5 123 SP +4 5 124 SA +4 5 125 CY +4 5 126 SA +4 5 127 TA +4 5 128 KA +4 5 129 SA +4 5 130 XT +4 5 131 TX +4 5 132 CY +4 5 133 TA +4 5 134 XK +4 5 135 CY +4 5 136 SP +4 5 137 TA +4 5 138 SP +4 5 139 SA +4 5 140 KE +4 5 141 SA +4 5 142 SA +4 5 143 KA +4 5 144 TX +4 5 145 TA +4 5 146 KA +4 5 147 SP +4 5 148 CY +4 5 149 SA +4 5 150 TX +4 5 151 KA +4 5 152 SA +4 5 153 SP +4 5 154 KE +4 5 155 XK +4 5 156 TA +4 5 157 XK +4 5 158 SA +4 5 159 KA +4 5 160 SA +4 5 161 SP +4 5 162 CY +4 5 163 XE +4 5 164 SP +4 5 165 XT +4 5 166 XE +4 5 167 SA +4 5 168 TA +4 5 169 SP +4 5 170 XE +4 5 171 CH +4 5 172 SA +4 5 173 CY +4 5 174 KA +4 5 175 SP +4 5 176 CY +4 5 177 SA +4 5 178 KE +4 5 179 CY +4 5 180 SA +4 5 181 KA +4 5 182 CY +4 5 183 XK +4 5 184 CY +4 5 185 XE +4 5 186 SP +4 5 187 KA +4 5 188 SP +4 5 189 SA +4 5 190 SA +4 5 191 TA +4 5 192 CY +4 5 193 KA +4 5 194 CY +4 5 195 TA +4 5 196 SA +4 5 197 SA +4 5 198 XT +4 5 199 SA +4 5 200 SP +4 5 201 CY +4 5 202 TA +4 5 203 CY +4 5 204 XK +4 5 205 KE +4 5 206 SA +4 5 207 CY +4 5 208 XK +4 5 209 TA +4 5 210 CY +4 5 211 SP +4 5 212 LA +4 5 213 SA +4 5 214 KA +4 5 215 CY +4 5 216 CH +4 5 217 SA +4 5 218 TA +4 5 219 SA +4 5 220 KE +4 5 221 SA +4 5 222 TX +4 5 223 TA +4 5 224 SA +4 5 225 KA +4 5 226 KE +4 5 227 KE +4 5 228 TA +4 5 229 SA +4 5 230 SA +4 5 231 CY +4 5 232 XE +4 5 233 SA +4 5 234 TA +4 5 235 TA +4 5 236 KA +4 5 237 SA +4 5 238 SP +4 5 239 SA +4 5 240 XE +4 5 241 SA +4 5 242 KA +4 5 243 CY +4 5 244 SA +4 5 245 CY +4 5 246 SP +4 5 247 KE +4 5 248 XE +4 5 249 TA +4 5 250 KE +4 5 251 TA +4 5 252 SA +4 5 253 SP +4 5 254 SA +4 5 255 KE +4 5 256 CY +4 5 257 KE +4 5 258 KA +4 5 259 CY +4 5 260 SA +4 5 261 LA +4 5 262 SA +4 5 263 XT +4 5 264 TA +4 5 265 SA +4 5 266 XE +4 5 267 TX +4 5 268 SA +4 5 269 CY +4 5 270 LA +4 5 271 TA +4 5 272 SA +4 5 273 CY +4 5 274 SA +4 5 275 KA +4 5 276 TX +4 5 277 TA +4 5 278 SA +4 5 279 KE +4 5 280 TA +4 5 281 TA +4 5 282 CH +4 5 283 KA +4 5 284 SA +4 5 285 CY +4 5 286 SA +4 5 287 XK +4 5 288 CY +4 5 289 SP +4 5 290 SA +4 5 291 KE +4 5 292 CY +4 5 293 SA +4 5 294 SA +4 5 295 XK +4 5 296 TX +4 5 297 CY +4 5 298 KA +4 5 299 TA +4 5 300 SA +4 5 301 TA +4 5 302 SA +4 5 303 TA +4 5 304 CH +4 5 305 TX +4 5 306 TA +4 5 307 SP +4 5 308 KE +4 5 309 XT +4 5 310 TA +4 5 311 KE +4 5 312 KE +4 5 313 TA +4 5 314 SA +4 5 315 TA +4 5 316 TA +4 5 317 TX +4 5 318 LA +4 5 319 SA +4 5 320 TA +4 5 321 CY +4 5 322 SA +4 5 323 TA +4 5 324 SA +4 5 325 TX +4 5 326 KA +4 5 327 SA +4 5 328 TA +4 5 329 KA +4 5 330 SP +4 6 1 CE +4 6 2 SA +4 6 3 CY +4 6 4 TX +4 6 5 KA +4 6 6 XK +4 6 7 TA +4 6 8 CY +4 6 9 XK +4 6 10 KE +4 6 11 TA +4 6 12 KA +4 6 13 TA +4 6 14 KE +4 6 15 KA +4 6 16 SA +4 6 17 CY +4 6 18 KE +4 6 19 CE +4 6 20 TA +4 6 21 CY +4 6 22 SA +4 6 23 KA +4 6 24 XK +4 6 25 CE +4 6 26 KE +4 6 27 SA +4 6 28 SA +4 6 29 TA +4 6 30 CY +4 6 31 CE +4 6 32 CY +4 6 33 TA +4 6 34 CE +4 6 35 CY +4 6 36 TA +4 6 37 CE +4 6 38 CY +4 6 39 TA +4 6 40 CE +4 6 41 CY +4 6 42 KA +4 6 43 KE +4 6 44 SA +4 6 45 TA +4 6 46 KE +4 6 47 TA +4 6 48 LA +4 6 49 CE +4 6 50 TX +4 6 51 XK +4 6 52 SA +4 6 53 CY +4 6 54 TA +4 6 55 CE +4 6 56 SA +4 6 57 SA +4 6 58 KA +4 6 59 SA +4 6 60 KE +4 6 61 CY +4 6 62 TX +4 6 63 SA +4 6 64 CE +4 6 65 CY +4 6 66 SA +4 6 67 TA +4 6 68 SA +4 6 69 TA +4 6 70 SA +4 6 71 CY +4 6 72 TA +4 6 73 TX +4 6 74 CE +4 6 75 TA +4 6 76 KA +4 6 77 CE +4 6 78 SA +4 6 79 KE +4 6 80 CE +4 6 81 SA +4 6 82 CE +4 6 83 SA +4 6 84 SA +4 6 85 TA +4 6 86 SA +4 6 87 TA +4 6 88 TX +4 6 89 TA +4 6 90 KE +4 6 91 KA +4 6 92 SA +4 6 93 CE +4 6 94 XK +4 6 95 SA +4 6 96 KA +4 6 97 KE +4 6 98 CE +4 6 99 SA +4 6 100 CE +4 6 101 CY +4 6 102 SA +4 6 103 TA +4 6 104 CE +4 6 105 TX +4 6 106 KA +4 6 107 SA +4 6 108 SA +4 6 109 KE +4 6 110 LA +4 6 111 TA +4 6 112 CY +4 6 113 KE +4 6 114 TA +4 6 115 CY +4 6 116 CE +4 6 117 XK +4 6 118 SA +4 6 119 TA +4 6 120 SA +4 6 121 CY +4 6 122 TA +4 6 123 CE +4 6 124 SA +4 6 125 LA +4 6 126 SA +4 6 127 TA +4 6 128 KA +4 6 129 SA +4 6 130 TA +4 6 131 TX +4 6 132 CY +4 6 133 TA +4 6 134 XK +4 6 135 CY +4 6 136 CE +4 6 137 TA +4 6 138 CE +4 6 139 SA +4 6 140 KE +4 6 141 SA +4 6 142 SA +4 6 143 TA +4 6 144 KE +4 6 145 CE +4 6 146 KA +4 6 147 CE +4 6 148 CY +4 6 149 SA +4 6 150 TX +4 6 151 SA +4 6 152 SA +4 6 153 CE +4 6 154 KE +4 6 155 XK +4 6 156 TA +4 6 157 XK +4 6 158 SA +4 6 159 KA +4 6 160 SA +4 6 161 TA +4 6 162 CY +4 6 163 TA +4 6 164 CE +4 6 165 TA +4 6 166 KE +4 6 167 CY +4 6 168 TA +4 6 169 CE +4 6 170 KE +4 6 171 TA +4 6 172 SA +4 6 173 CY +4 6 174 KA +4 6 175 CE +4 6 176 CY +4 6 177 KA +4 6 178 TX +4 6 179 CY +4 6 180 TA +4 6 181 KA +4 6 182 CY +4 6 183 XK +4 6 184 TX +4 6 185 LA +4 6 186 CE +4 6 187 LA +4 6 188 CE +4 6 189 SA +4 6 190 SA +4 6 191 TA +4 6 192 TX +4 6 193 KA +4 6 194 CY +4 6 195 TA +4 6 196 SA +4 6 197 TX +4 6 198 KE +4 6 199 SA +4 6 200 CE +4 6 201 SA +4 6 202 TA +4 6 203 CY +4 6 204 SA +4 6 205 TX +4 6 206 SA +4 6 207 CY +4 6 208 KA +4 6 209 TA +4 6 210 XK +4 6 211 CE +4 6 212 LA +4 6 213 SA +4 6 214 TA +4 6 215 SA +4 6 216 TA +4 6 217 SA +4 6 218 TA +4 6 219 SA +4 6 220 TX +4 6 221 SA +4 6 222 TX +4 6 223 TA +4 6 224 SA +4 6 225 TA +4 6 226 TA +4 6 227 TA +4 6 228 KE +4 6 229 CE +4 6 230 SA +4 6 231 TX +4 6 232 XK +4 6 233 KE +4 6 234 TA +4 6 235 KE +4 6 236 SA +4 6 237 CE +4 6 238 CE +4 6 239 SA +4 6 240 XK +4 6 241 SA +4 6 242 KA +4 6 243 TX +4 6 244 SA +4 6 245 CY +4 6 246 CY +4 6 247 TX +4 6 248 TA +4 6 249 TA +4 6 250 KE +4 6 251 TA +4 6 252 SA +4 6 253 CE +4 6 254 KE +4 6 255 KE +4 6 256 CY +4 6 257 KE +4 6 258 KA +4 6 259 CY +4 6 260 KA +4 6 261 LA +4 6 262 SA +4 6 263 KE +4 6 264 TA +4 6 265 SA +4 6 266 XK +4 6 267 TX +4 6 268 TA +4 6 269 TX +4 6 270 LA +4 6 271 TA +4 6 272 SA +4 6 273 CY +4 6 274 SA +4 6 275 TA +4 6 276 CY +4 6 277 KE +4 6 278 CY +4 6 279 KE +4 6 280 TA +4 6 281 TA +4 6 282 TA +4 6 283 XK +4 6 284 SA +4 6 285 SA +4 6 286 SA +4 6 287 XK +4 6 288 CY +4 6 289 CE +4 6 290 SA +4 6 291 KE +4 6 292 CY +4 6 293 SA +4 6 294 SA +4 6 295 XK +4 6 296 TX +4 6 297 CY +4 6 298 KA +4 6 299 TA +4 6 300 SA +4 6 301 TA +4 6 302 SA +4 6 303 SA +4 6 304 TA +4 6 305 TX +4 6 306 TA +4 6 307 CE +4 6 308 SA +4 6 309 TA +4 6 310 CE +4 6 311 KE +4 6 312 KE +4 6 313 KE +4 6 314 SA +4 6 315 TA +4 6 316 TA +4 6 317 TX +4 6 318 XK +4 6 319 SA +4 6 320 TA +4 6 321 CY +4 6 322 CE +4 6 323 TA +4 6 324 SA +4 6 325 TX +4 6 326 KE +4 6 327 TA +4 6 328 TA +4 6 329 XK +4 6 330 SA +4 7 1 SP +4 7 2 KA +4 7 3 LA +4 7 4 TX +4 7 5 KA +4 7 6 SA +4 7 7 KA +4 7 8 CY +4 7 9 KA +4 7 10 TA +4 7 11 KE +4 7 12 KA +4 7 13 TA +4 7 14 KE +4 7 15 SA +4 7 16 SA +4 7 17 CY +4 7 18 KE +4 7 19 SP +4 7 20 TA +4 7 21 CY +4 7 22 KE +4 7 23 TX +4 7 24 WR +4 7 25 KE +4 7 26 KE +4 7 27 SA +4 7 28 SA +4 7 29 TA +4 7 30 LA +4 7 31 SA +4 7 32 TX +4 7 33 TA +4 7 34 SP +4 7 35 CY +4 7 36 TA +4 7 37 TA +4 7 38 CY +4 7 39 TA +4 7 40 SP +4 7 41 CY +4 7 42 KA +4 7 43 KE +4 7 44 SA +4 7 45 TA +4 7 46 WR +4 7 47 TA +4 7 48 KA +4 7 49 TA +4 7 50 TX +4 7 51 WR +4 7 52 SA +4 7 53 CY +4 7 54 TA +4 7 55 SP +4 7 56 SA +4 7 57 KE +4 7 58 KA +4 7 59 SA +4 7 60 TA +4 7 61 CY +4 7 62 SA +4 7 63 KA +4 7 64 KA +4 7 65 CY +4 7 66 SA +4 7 67 TA +4 7 68 CY +4 7 69 TA +4 7 70 SA +4 7 71 CY +4 7 72 TA +4 7 73 TX +4 7 74 SA +4 7 75 KE +4 7 76 KA +4 7 77 TA +4 7 78 CY +4 7 79 KE +4 7 80 SP +4 7 81 KA +4 7 82 TA +4 7 83 KA +4 7 84 CY +4 7 85 TA +4 7 86 CY +4 7 87 KE +4 7 88 TX +4 7 89 KE +4 7 90 KE +4 7 91 TA +4 7 92 SA +4 7 93 SP +4 7 94 LA +4 7 95 SA +4 7 96 KA +4 7 97 TX +4 7 98 CY +4 7 99 KE +4 7 100 TA +4 7 101 CY +4 7 102 SA +4 7 103 TA +4 7 104 TA +4 7 105 TX +4 7 106 KA +4 7 107 SA +4 7 108 SA +4 7 109 KE +4 7 110 KA +4 7 111 TA +4 7 112 CY +4 7 113 WR +4 7 114 TA +4 7 115 CY +4 7 116 SA +4 7 117 KE +4 7 118 CY +4 7 119 TA +4 7 120 SA +4 7 121 LA +4 7 122 TA +4 7 123 SP +4 7 124 SA +4 7 125 LA +4 7 126 SA +4 7 127 TA +4 7 128 KA +4 7 129 SA +4 7 130 KA +4 7 131 TX +4 7 132 CY +4 7 133 KA +4 7 134 KE +4 7 135 CY +4 7 136 SP +4 7 137 TA +4 7 138 SP +4 7 139 SA +4 7 140 SP +4 7 141 SA +4 7 142 WR +4 7 143 TA +4 7 144 TX +4 7 145 TA +4 7 146 KA +4 7 147 TA +4 7 148 TX +4 7 149 CY +4 7 150 SA +4 7 151 SP +4 7 152 WR +4 7 153 KE +4 7 154 WR +4 7 155 KE +4 7 156 TA +4 7 157 KE +4 7 158 SA +4 7 159 KA +4 7 160 CY +4 7 161 TA +4 7 162 CY +4 7 163 TA +4 7 164 SP +4 7 165 KA +4 7 166 KE +4 7 167 KE +4 7 168 TA +4 7 169 SP +4 7 170 KE +4 7 171 TA +4 7 172 SA +4 7 173 CY +4 7 174 KE +4 7 175 SA +4 7 176 CY +4 7 177 KA +4 7 178 KE +4 7 179 CY +4 7 180 TA +4 7 181 KA +4 7 182 TX +4 7 183 KA +4 7 184 TX +4 7 185 KA +4 7 186 TA +4 7 187 KA +4 7 188 SP +4 7 189 SA +4 7 190 CY +4 7 191 TA +4 7 192 TX +4 7 193 KA +4 7 194 CY +4 7 195 TA +4 7 196 TA +4 7 197 SA +4 7 198 KE +4 7 199 SA +4 7 200 TA +4 7 201 KA +4 7 202 TA +4 7 203 TX +4 7 204 KE +4 7 205 TX +4 7 206 SA +4 7 207 CY +4 7 208 KA +4 7 209 TA +4 7 210 KE +4 7 211 SP +4 7 212 LA +4 7 213 KE +4 7 214 TA +4 7 215 CY +4 7 216 TA +4 7 217 CY +4 7 218 KA +4 7 219 TA +4 7 220 KE +4 7 221 SA +4 7 222 TX +4 7 223 TA +4 7 224 SA +4 7 225 KA +4 7 226 TA +4 7 227 KE +4 7 228 KE +4 7 229 SA +4 7 230 SA +4 7 231 TX +4 7 232 KE +4 7 233 SA +4 7 234 TA +4 7 235 KE +4 7 236 TA +4 7 237 KA +4 7 238 TA +4 7 239 CY +4 7 240 CY +4 7 241 SA +4 7 242 KA +4 7 243 TX +4 7 244 TA +4 7 245 CY +4 7 246 TA +4 7 247 TX +4 7 248 TA +4 7 249 TA +4 7 250 TX +4 7 251 TA +4 7 252 SA +4 7 253 TA +4 7 254 SA +4 7 255 KE +4 7 256 CY +4 7 257 KE +4 7 258 KA +4 7 259 CY +4 7 260 SA +4 7 261 LA +4 7 262 SA +4 7 263 SA +4 7 264 TA +4 7 265 SA +4 7 266 CY +4 7 267 TX +4 7 268 TA +4 7 269 KE +4 7 270 LA +4 7 271 TA +4 7 272 SA +4 7 273 TX +4 7 274 SA +4 7 275 SA +4 7 276 CY +4 7 277 KE +4 7 278 CY +4 7 279 KE +4 7 280 TA +4 7 281 TA +4 7 282 TA +4 7 283 KE +4 7 284 SA +4 7 285 CY +4 7 286 SA +4 7 287 KA +4 7 288 CY +4 7 289 TA +4 7 290 SA +4 7 291 KE +4 7 292 CY +4 7 293 SA +4 7 294 SA +4 7 295 KA +4 7 296 TX +4 7 297 CY +4 7 298 KA +4 7 299 TA +4 7 300 SA +4 7 301 TA +4 7 302 SA +4 7 303 SA +4 7 304 TA +4 7 305 TX +4 7 306 TA +4 7 307 SP +4 7 308 KE +4 7 309 KA +4 7 310 TA +4 7 311 SP +4 7 312 KE +4 7 313 KE +4 7 314 SA +4 7 315 TA +4 7 316 TA +4 7 317 TX +4 7 318 KA +4 7 319 SA +4 7 320 TA +4 7 321 CY +4 7 322 TA +4 7 323 TA +4 7 324 SA +4 7 325 TX +4 7 326 KA +4 7 327 TA +4 7 328 TA +4 7 329 KA +4 7 330 SP +4 8 1 XE +4 8 2 SA +4 8 3 CY +4 8 4 TX +4 8 5 SA +4 8 6 SA +4 8 7 TA +4 8 8 CY +4 8 9 XK +4 8 10 KE +4 8 11 TA +4 8 12 KA +4 8 13 TA +4 8 14 XE +4 8 15 SA +4 8 16 SA +4 8 17 CY +4 8 18 KE +4 8 19 CE +4 8 20 TA +4 8 21 CY +4 8 22 KE +4 8 23 TA +4 8 24 KE +4 8 25 SA +4 8 26 XE +4 8 27 SA +4 8 28 CY +4 8 29 SA +4 8 30 LA +4 8 31 SA +4 8 32 TX +4 8 33 SA +4 8 34 XE +4 8 35 KA +4 8 36 KE +4 8 37 XE +4 8 38 CY +4 8 39 TA +4 8 40 SA +4 8 41 SA +4 8 42 KA +4 8 43 KE +4 8 44 SA +4 8 45 TA +4 8 46 KE +4 8 47 KE +4 8 48 KA +4 8 49 CE +4 8 50 TX +4 8 51 KE +4 8 52 SA +4 8 53 CY +4 8 54 TA +4 8 55 CE +4 8 56 CY +4 8 57 SA +4 8 58 KA +4 8 59 TX +4 8 60 TA +4 8 61 XK +4 8 62 TX +4 8 63 SA +4 8 64 XE +4 8 65 CY +4 8 66 KA +4 8 67 SA +4 8 68 CY +4 8 69 TA +4 8 70 SA +4 8 71 SA +4 8 72 TA +4 8 73 TX +4 8 74 SA +4 8 75 TA +4 8 76 KA +4 8 77 CE +4 8 78 CY +4 8 79 KE +4 8 80 XE +4 8 81 SA +4 8 82 SA +4 8 83 KA +4 8 84 CY +4 8 85 TA +4 8 86 SA +4 8 87 KE +4 8 88 CY +4 8 89 KE +4 8 90 TA +4 8 91 KA +4 8 92 SA +4 8 93 TA +4 8 94 KE +4 8 95 SA +4 8 96 KA +4 8 97 TX +4 8 98 CY +4 8 99 TX +4 8 100 SA +4 8 101 CY +4 8 102 TX +4 8 103 TA +4 8 104 CE +4 8 105 TX +4 8 106 KA +4 8 107 SA +4 8 108 TA +4 8 109 XE +4 8 110 KA +4 8 111 TA +4 8 112 CY +4 8 113 KE +4 8 114 TA +4 8 115 CY +4 8 116 TA +4 8 117 CY +4 8 118 CY +4 8 119 TA +4 8 120 SA +4 8 121 CY +4 8 122 TA +4 8 123 KE +4 8 124 KA +4 8 125 LA +4 8 126 CY +4 8 127 KE +4 8 128 KA +4 8 129 SA +4 8 130 KE +4 8 131 TX +4 8 132 CY +4 8 133 TA +4 8 134 KE +4 8 135 TX +4 8 136 CE +4 8 137 TA +4 8 138 CE +4 8 139 SA +4 8 140 XE +4 8 141 SA +4 8 142 SA +4 8 143 SA +4 8 144 TX +4 8 145 SA +4 8 146 SA +4 8 147 TA +4 8 148 CY +4 8 149 SA +4 8 150 TX +4 8 151 SA +4 8 152 TX +4 8 153 CE +4 8 154 KE +4 8 155 XK +4 8 156 TA +4 8 157 XK +4 8 158 SA +4 8 159 KA +4 8 160 CY +4 8 161 TA +4 8 162 CY +4 8 163 TA +4 8 164 TX +4 8 165 SA +4 8 166 KE +4 8 167 TX +4 8 168 TA +4 8 169 SA +4 8 170 SA +4 8 171 TA +4 8 172 SA +4 8 173 SA +4 8 174 KA +4 8 175 SA +4 8 176 CY +4 8 177 KA +4 8 178 XE +4 8 179 XK +4 8 180 SA +4 8 181 KA +4 8 182 XK +4 8 183 KE +4 8 184 TX +4 8 185 KA +4 8 186 CE +4 8 187 LA +4 8 188 CE +4 8 189 SA +4 8 190 SA +4 8 191 TA +4 8 192 TX +4 8 193 SA +4 8 194 CY +4 8 195 TA +4 8 196 SA +4 8 197 TX +4 8 198 KE +4 8 199 SA +4 8 200 CE +4 8 201 SA +4 8 202 TA +4 8 203 CY +4 8 204 KE +4 8 205 TX +4 8 206 SA +4 8 207 CY +4 8 208 SA +4 8 209 KE +4 8 210 XK +4 8 211 CE +4 8 212 LA +4 8 213 TX +4 8 214 TA +4 8 215 SA +4 8 216 TA +4 8 217 CY +4 8 218 TA +4 8 219 SA +4 8 220 XE +4 8 221 SA +4 8 222 TX +4 8 223 TA +4 8 224 SA +4 8 225 SA +4 8 226 KE +4 8 227 KE +4 8 228 KE +4 8 229 SA +4 8 230 SA +4 8 231 TX +4 8 232 KE +4 8 233 XE +4 8 234 TA +4 8 235 XE +4 8 236 SA +4 8 237 SA +4 8 238 TA +4 8 239 CY +4 8 240 XK +4 8 241 SA +4 8 242 SA +4 8 243 CY +4 8 244 SA +4 8 245 CY +4 8 246 SA +4 8 247 TX +4 8 248 TA +4 8 249 TA +4 8 250 TX +4 8 251 SA +4 8 252 SA +4 8 253 SA +4 8 254 TX +4 8 255 KE +4 8 256 CY +4 8 257 XE +4 8 258 KE +4 8 259 XK +4 8 260 SA +4 8 261 CY +4 8 262 SA +4 8 263 TA +4 8 264 CE +4 8 265 TA +4 8 266 XK +4 8 267 TX +4 8 268 TA +4 8 269 CY +4 8 270 KA +4 8 271 TA +4 8 272 SA +4 8 273 TX +4 8 274 SA +4 8 275 SA +4 8 276 CY +4 8 277 TA +4 8 278 KA +4 8 279 XE +4 8 280 TA +4 8 281 TA +4 8 282 SA +4 8 283 XE +4 8 284 SA +4 8 285 SA +4 8 286 SA +4 8 287 XK +4 8 288 CY +4 8 289 SA +4 8 290 SA +4 8 291 XE +4 8 292 SA +4 8 293 TA +4 8 294 SA +4 8 295 XK +4 8 296 TX +4 8 297 CY +4 8 298 SA +4 8 299 TA +4 8 300 SA +4 8 301 TA +4 8 302 SA +4 8 303 SA +4 8 304 TA +4 8 305 CY +4 8 306 TA +4 8 307 CE +4 8 308 TX +4 8 309 KE +4 8 310 TA +4 8 311 XE +4 8 312 XE +4 8 313 TX +4 8 314 SA +4 8 315 TA +4 8 316 TA +4 8 317 CY +4 8 318 LA +4 8 319 SA +4 8 320 TA +4 8 321 CY +4 8 322 CE +4 8 323 TA +4 8 324 SA +4 8 325 TX +4 8 326 KA +4 8 327 SA +4 8 328 TA +4 8 329 XK +4 8 330 CE +4 9 1 SP +4 9 2 SA +4 9 3 LA +4 9 4 KE +4 9 5 SA +4 9 6 KA +4 9 7 TA +4 9 8 CY +4 9 9 KA +4 9 10 SA +4 9 11 KA +4 9 12 TA +4 9 13 TX +4 9 14 SA +4 9 15 SA +4 9 16 CY +4 9 17 KE +4 9 18 SP +4 9 19 TA +4 9 20 CY +4 9 21 KA +4 9 22 SA +4 9 23 KE +4 9 24 SP +4 9 25 TX +4 9 26 SA +4 9 27 CY +4 9 28 TA +4 9 29 LA +4 9 30 TA +4 9 31 CY +4 9 32 SA +4 9 33 SP +4 9 34 CY +4 9 35 CY +4 9 36 TA +4 9 37 SP +4 9 38 CY +4 9 39 TA +4 9 40 SP +4 9 41 CY +4 9 42 KA +4 9 43 TX +4 9 44 SA +4 9 45 SA +4 9 46 KE +4 9 47 TA +4 9 48 KA +4 9 49 SP +4 9 50 KE +4 9 51 KA +4 9 52 SA +4 9 53 CY +4 9 54 TA +4 9 55 SP +4 9 56 SA +4 9 57 KE +4 9 58 KA +4 9 59 SA +4 9 60 KE +4 9 61 CY +4 9 62 SA +4 9 63 CY +4 9 64 TX +4 9 65 CY +4 9 66 SA +4 9 67 SP +4 9 68 CY +4 9 69 TA +4 9 70 SA +4 9 71 CY +4 9 72 TA +4 9 73 KE +4 9 74 SP +4 9 75 TA +4 9 76 LA +4 9 77 SP +4 9 78 SA +4 9 79 KE +4 9 80 SP +4 9 81 TA +4 9 82 SA +4 9 83 SA +4 9 84 CY +4 9 85 TA +4 9 86 CY +4 9 87 KE +4 9 88 CY +4 9 89 KE +4 9 90 KE +4 9 91 KA +4 9 92 SA +4 9 93 SA +4 9 94 KE +4 9 95 SA +4 9 96 KA +4 9 97 KE +4 9 98 CY +4 9 99 SA +4 9 100 SP +4 9 101 CY +4 9 102 SA +4 9 103 KE +4 9 104 SA +4 9 105 KE +4 9 106 KA +4 9 107 SA +4 9 108 SP +4 9 109 TX +4 9 110 LA +4 9 111 KE +4 9 112 CY +4 9 113 KE +4 9 114 SA +4 9 115 CY +4 9 116 SP +4 9 117 XK +4 9 118 CY +4 9 119 TA +4 9 120 SA +4 9 121 LA +4 9 122 TA +4 9 123 SA +4 9 124 KA +4 9 125 LA +4 9 126 CY +4 9 127 TA +4 9 128 KA +4 9 129 SA +4 9 130 KE +4 9 131 CY +4 9 132 LA +4 9 133 TA +4 9 134 XK +4 9 135 CY +4 9 136 SP +4 9 137 TA +4 9 138 SP +4 9 139 SA +4 9 140 KE +4 9 141 SA +4 9 142 SA +4 9 143 SA +4 9 144 KE +4 9 145 TA +4 9 146 SA +4 9 147 SP +4 9 148 CY +4 9 149 SA +4 9 150 KE +4 9 151 SA +4 9 152 CY +4 9 153 SA +4 9 154 KE +4 9 155 XK +4 9 156 TA +4 9 157 XK +4 9 158 SA +4 9 159 KA +4 9 160 CY +4 9 161 SA +4 9 162 CY +4 9 163 SA +4 9 164 TX +4 9 165 TA +4 9 166 TX +4 9 167 SA +4 9 168 TA +4 9 169 TX +4 9 170 KE +4 9 171 KE +4 9 172 SA +4 9 173 CY +4 9 174 KA +4 9 175 SA +4 9 176 CY +4 9 177 KA +4 9 178 TX +4 9 179 CY +4 9 180 TA +4 9 181 KA +4 9 182 CY +4 9 183 XK +4 9 184 KE +4 9 185 SA +4 9 186 SP +4 9 187 SA +4 9 188 SP +4 9 189 SA +4 9 190 CY +4 9 191 TA +4 9 192 KE +4 9 193 KA +4 9 194 CY +4 9 195 TA +4 9 196 SA +4 9 197 KA +4 9 198 KE +4 9 199 SA +4 9 200 SP +4 9 201 SA +4 9 202 TA +4 9 203 CY +4 9 204 XK +4 9 205 KE +4 9 206 SA +4 9 207 CY +4 9 208 KA +4 9 209 TA +4 9 210 KE +4 9 211 SP +4 9 212 LA +4 9 213 SA +4 9 214 KA +4 9 215 CY +4 9 216 KE +4 9 217 SA +4 9 218 KA +4 9 219 SA +4 9 220 XE +4 9 221 SA +4 9 222 KE +4 9 223 TA +4 9 224 SA +4 9 225 KA +4 9 226 XE +4 9 227 KE +4 9 228 TX +4 9 229 SP +4 9 230 SA +4 9 231 CY +4 9 232 KA +4 9 233 TA +4 9 234 KE +4 9 235 TX +4 9 236 KA +4 9 237 SA +4 9 238 TX +4 9 239 CY +4 9 240 XK +4 9 241 SA +4 9 242 SA +4 9 243 CY +4 9 244 SA +4 9 245 CY +4 9 246 SA +4 9 247 KE +4 9 248 TA +4 9 249 TA +4 9 250 KE +4 9 251 SA +4 9 252 SA +4 9 253 SP +4 9 254 SP +4 9 255 KE +4 9 256 CY +4 9 257 KE +4 9 258 KA +4 9 259 CY +4 9 260 SA +4 9 261 LA +4 9 262 SA +4 9 263 KE +4 9 264 SP +4 9 265 TA +4 9 266 XK +4 9 267 CY +4 9 268 TA +4 9 269 CY +4 9 270 KA +4 9 271 TA +4 9 272 SA +4 9 273 KE +4 9 274 SA +4 9 275 SA +4 9 276 CY +4 9 277 TX +4 9 278 LA +4 9 279 TX +4 9 280 TA +4 9 281 TA +4 9 282 TA +4 9 283 XK +4 9 284 SA +4 9 285 SP +4 9 286 SA +4 9 287 KA +4 9 288 CY +4 9 289 SP +4 9 290 SA +4 9 291 TX +4 9 292 SA +4 9 293 SP +4 9 294 SA +4 9 295 XK +4 9 296 KE +4 9 297 CY +4 9 298 SA +4 9 299 TA +4 9 300 SA +4 9 301 TA +4 9 302 SA +4 9 303 SP +4 9 304 TA +4 9 305 KE +4 9 306 TA +4 9 307 SP +4 9 308 KE +4 9 309 XK +4 9 310 SA +4 9 311 TX +4 9 312 KE +4 9 313 TX +4 9 314 SA +4 9 315 TA +4 9 316 SP +4 9 317 CY +4 9 318 LA +4 9 319 SA +4 9 320 XK +4 9 321 CY +4 9 322 SP +4 9 323 TA +4 9 324 SA +4 9 325 CY +4 9 326 SA +4 9 327 SP +4 9 328 TA +4 9 329 XK +4 9 330 SA +4 10 1 CE +4 10 2 SA +4 10 3 CY +4 10 4 TX +4 10 5 TA +4 10 6 SP +4 10 7 TA +4 10 8 CY +4 10 9 XK +4 10 10 TX +4 10 11 TA +4 10 12 KA +4 10 13 TA +4 10 14 TA +4 10 15 SA +4 10 16 SA +4 10 17 CY +4 10 18 KE +4 10 19 CE +4 10 20 TA +4 10 21 CY +4 10 22 KA +4 10 23 KA +4 10 24 TA +4 10 25 KE +4 10 26 TX +4 10 27 SA +4 10 28 CY +4 10 29 TA +4 10 30 KE +4 10 31 CE +4 10 32 CY +4 10 33 TA +4 10 34 TX +4 10 35 CY +4 10 36 KE +4 10 37 CE +4 10 38 CY +4 10 39 TA +4 10 40 CE +4 10 41 CY +4 10 42 KA +4 10 43 KE +4 10 44 SA +4 10 45 TA +4 10 46 SA +4 10 47 KE +4 10 48 KA +4 10 49 CE +4 10 50 KE +4 10 51 KE +4 10 52 SA +4 10 53 CY +4 10 54 TA +4 10 55 CE +4 10 56 SA +4 10 57 KE +4 10 58 KA +4 10 59 SA +4 10 60 TA +4 10 61 CY +4 10 62 SA +4 10 63 CY +4 10 64 TX +4 10 65 CY +4 10 66 SA +4 10 67 TA +4 10 68 CY +4 10 69 KE +4 10 70 SA +4 10 71 CY +4 10 72 TA +4 10 73 KE +4 10 74 SA +4 10 75 CY +4 10 76 TA +4 10 77 KE +4 10 78 SA +4 10 79 TA +4 10 80 CY +4 10 81 TA +4 10 82 SA +4 10 83 SA +4 10 84 CY +4 10 85 TA +4 10 86 CY +4 10 87 KE +4 10 88 CY +4 10 89 KE +4 10 90 TA +4 10 91 KA +4 10 92 SA +4 10 93 TA +4 10 94 KE +4 10 95 SA +4 10 96 KA +4 10 97 KE +4 10 98 CY +4 10 99 SA +4 10 100 TA +4 10 101 CY +4 10 102 SA +4 10 103 TA +4 10 104 TA +4 10 105 CY +4 10 106 KA +4 10 107 SA +4 10 108 SA +4 10 109 TX +4 10 110 KA +4 10 111 TA +4 10 112 CY +4 10 113 KE +4 10 114 TA +4 10 115 CY +4 10 116 SA +4 10 117 KE +4 10 118 CY +4 10 119 TA +4 10 120 SA +4 10 121 CY +4 10 122 TA +4 10 123 TA +4 10 124 KA +4 10 125 CY +4 10 126 CY +4 10 127 TA +4 10 128 KA +4 10 129 SA +4 10 130 KE +4 10 131 CY +4 10 132 CY +4 10 133 TA +4 10 134 KE +4 10 135 CY +4 10 136 CE +4 10 137 TA +4 10 138 CE +4 10 139 SA +4 10 140 TA +4 10 141 SA +4 10 142 SA +4 10 143 TA +4 10 144 KE +4 10 145 TA +4 10 146 KA +4 10 147 TA +4 10 148 CY +4 10 149 TA +4 10 150 TX +4 10 151 CY +4 10 152 SA +4 10 153 TX +4 10 154 KE +4 10 155 KE +4 10 156 TA +4 10 157 KA +4 10 158 SA +4 10 159 KA +4 10 160 CY +4 10 161 TA +4 10 162 TA +4 10 163 TX +4 10 164 KE +4 10 165 KE +4 10 166 SA +4 10 167 SA +4 10 168 TA +4 10 169 CE +4 10 170 KE +4 10 171 TA +4 10 172 SA +4 10 173 CY +4 10 174 KA +4 10 175 SA +4 10 176 CY +4 10 177 SA +4 10 178 TX +4 10 179 XK +4 10 180 TA +4 10 181 KA +4 10 182 KE +4 10 183 XK +4 10 184 KE +4 10 185 KA +4 10 186 CE +4 10 187 KA +4 10 188 CE +4 10 189 SA +4 10 190 SA +4 10 191 TA +4 10 192 KE +4 10 193 KA +4 10 194 KE +4 10 195 TA +4 10 196 TA +4 10 197 KE +4 10 198 TX +4 10 199 SA +4 10 200 TA +4 10 201 CY +4 10 202 TA +4 10 203 CY +4 10 204 KE +4 10 205 XK +4 10 206 SA +4 10 207 CY +4 10 208 XK +4 10 209 TA +4 10 210 KE +4 10 211 SA +4 10 212 KA +4 10 213 TX +4 10 214 KA +4 10 215 CY +4 10 216 KA +4 10 217 CY +4 10 218 TA +4 10 219 SA +4 10 220 TX +4 10 221 SA +4 10 222 KE +4 10 223 TA +4 10 224 SA +4 10 225 TA +4 10 226 TX +4 10 227 XK +4 10 228 TA +4 10 229 SA +4 10 230 SA +4 10 231 CY +4 10 232 KE +4 10 233 TA +4 10 234 TA +4 10 235 TX +4 10 236 TX +4 10 237 SA +4 10 238 TA +4 10 239 CY +4 10 240 KE +4 10 241 SA +4 10 242 KA +4 10 243 TA +4 10 244 SA +4 10 245 CY +4 10 246 TA +4 10 247 KE +4 10 248 KE +4 10 249 TA +4 10 250 KE +4 10 251 SA +4 10 252 SA +4 10 253 TA +4 10 254 TX +4 10 255 KE +4 10 256 CY +4 10 257 TA +4 10 258 KA +4 10 259 CY +4 10 260 SA +4 10 261 KA +4 10 262 SA +4 10 263 KE +4 10 264 SA +4 10 265 TA +4 10 266 CY +4 10 267 KE +4 10 268 TA +4 10 269 KE +4 10 270 TX +4 10 271 KE +4 10 272 SA +4 10 273 CY +4 10 274 SA +4 10 275 KE +4 10 276 CY +4 10 277 TA +4 10 278 CY +4 10 279 TX +4 10 280 TA +4 10 281 TA +4 10 282 TA +4 10 283 KE +4 10 284 SA +4 10 285 CY +4 10 286 SA +4 10 287 KE +4 10 288 CY +4 10 289 TA +4 10 290 SA +4 10 291 TX +4 10 292 CY +4 10 293 SA +4 10 294 SA +4 10 295 XK +4 10 296 KE +4 10 297 KA +4 10 298 CY +4 10 299 TA +4 10 300 SA +4 10 301 TA +4 10 302 SA +4 10 303 SA +4 10 304 XK +4 10 305 CY +4 10 306 TA +4 10 307 CE +4 10 308 TX +4 10 309 KE +4 10 310 TA +4 10 311 TX +4 10 312 KE +4 10 313 TX +4 10 314 SA +4 10 315 TA +4 10 316 TA +4 10 317 CY +4 10 318 KA +4 10 319 SA +4 10 320 TX +4 10 321 XK +4 10 322 CY +4 10 323 TA +4 10 324 SA +4 10 325 CY +4 10 326 KA +4 10 327 SA +4 10 328 KE +4 10 329 XK +4 10 330 SA +4 11 1 CE +4 11 2 TA +4 11 3 CY +4 11 4 TX +4 11 5 TA +4 11 6 CY +4 11 7 TA +4 11 8 CY +4 11 9 XK +4 11 10 TX +4 11 11 XE +4 11 12 TA +4 11 13 KA +4 11 14 TA +4 11 15 CY +4 11 16 SA +4 11 17 CY +4 11 18 KE +4 11 19 CE +4 11 20 TA +4 11 21 CY +4 11 22 KE +4 11 23 TX +4 11 24 XK +4 11 25 CE +4 11 26 TX +4 11 27 SW +4 11 28 CY +4 11 29 SA +4 11 30 XK +4 11 31 TA +4 11 32 CY +4 11 33 TA +4 11 34 CE +4 11 35 CY +4 11 36 TA +4 11 37 CE +4 11 38 CY +4 11 39 TA +4 11 40 CE +4 11 41 CY +4 11 42 KA +4 11 43 XE +4 11 44 CY +4 11 45 TA +4 11 46 KE +4 11 47 TA +4 11 48 CY +4 11 49 CE +4 11 50 XE +4 11 51 KE +4 11 52 SA +4 11 53 CY +4 11 54 TA +4 11 55 CE +4 11 56 CY +4 11 57 XE +4 11 58 KE +4 11 59 CY +4 11 60 TA +4 11 61 CY +4 11 62 TX +4 11 63 CY +4 11 64 XE +4 11 65 CY +4 11 66 SA +4 11 67 TA +4 11 68 CY +4 11 69 SA +4 11 70 CE +4 11 71 CY +4 11 72 TX +4 11 73 TX +4 11 74 SA +4 11 75 TA +4 11 76 CY +4 11 77 CE +4 11 78 CY +4 11 79 KE +4 11 80 TX +4 11 81 TA +4 11 82 CE +4 11 83 KA +4 11 84 CY +4 11 85 TA +4 11 86 CY +4 11 87 KE +4 11 88 CY +4 11 89 KE +4 11 90 TA +4 11 91 KE +4 11 92 SA +4 11 93 CE +4 11 94 KE +4 11 95 SA +4 11 96 KE +4 11 97 TX +4 11 98 CY +4 11 99 TA +4 11 100 CE +4 11 101 CY +4 11 102 SA +4 11 103 TA +4 11 104 CE +4 11 105 TX +4 11 106 KE +4 11 107 SA +4 11 108 SA +4 11 109 XE +4 11 110 KA +4 11 111 KE +4 11 112 CY +4 11 113 KE +4 11 114 TA +4 11 115 CY +4 11 116 CE +4 11 117 XK +4 11 118 CY +4 11 119 TA +4 11 120 SA +4 11 121 CY +4 11 122 TA +4 11 123 TX +4 11 124 SA +4 11 125 CY +4 11 126 SA +4 11 127 TA +4 11 128 SA +4 11 129 SA +4 11 130 TA +4 11 131 TX +4 11 132 CY +4 11 133 TA +4 11 134 KE +4 11 135 CY +4 11 136 CE +4 11 137 TA +4 11 138 CE +4 11 139 SA +4 11 140 XE +4 11 141 SA +4 11 142 SA +4 11 143 SA +4 11 144 TX +4 11 145 TA +4 11 146 SA +4 11 147 TA +4 11 148 CY +4 11 149 SA +4 11 150 TX +4 11 151 CY +4 11 152 CY +4 11 153 CE +4 11 154 KE +4 11 155 KE +4 11 156 TA +4 11 157 XK +4 11 158 CE +4 11 159 KA +4 11 160 CY +4 11 161 TA +4 11 162 CY +4 11 163 TA +4 11 164 CE +4 11 165 TA +4 11 166 XE +4 11 167 TA +4 11 168 TA +4 11 169 CE +4 11 170 TA +4 11 171 TA +4 11 172 SA +4 11 173 CY +4 11 174 KA +4 11 175 SA +4 11 176 CY +4 11 177 KA +4 11 178 CE +4 11 179 CY +4 11 180 TA +4 11 181 XE +4 11 182 CY +4 11 183 KA +4 11 184 TX +4 11 185 KA +4 11 186 CE +4 11 187 KA +4 11 188 CE +4 11 189 CE +4 11 190 CY +4 11 191 TA +4 11 192 TX +4 11 193 SA +4 11 194 CY +4 11 195 TA +4 11 196 CE +4 11 197 TX +4 11 198 KE +4 11 199 SA +4 11 200 TA +4 11 201 CY +4 11 202 TA +4 11 203 CY +4 11 204 KE +4 11 205 TX +4 11 206 SA +4 11 207 CY +4 11 208 SA +4 11 209 TA +4 11 210 KE +4 11 211 CE +4 11 212 XE +4 11 213 CE +4 11 214 SA +4 11 215 CY +4 11 216 TA +4 11 217 CY +4 11 218 SA +4 11 219 CE +4 11 220 XE +4 11 221 SA +4 11 222 TX +4 11 223 TA +4 11 224 SA +4 11 225 TA +4 11 226 TX +4 11 227 KE +4 11 228 XE +4 11 229 CE +4 11 230 SA +4 11 231 CY +4 11 232 SA +4 11 233 CE +4 11 234 TA +4 11 235 CE +4 11 236 SA +4 11 237 CY +4 11 238 TA +4 11 239 CY +4 11 240 KE +4 11 241 SA +4 11 242 SA +4 11 243 CY +4 11 244 CE +4 11 245 CY +4 11 246 TA +4 11 247 TX +4 11 248 TA +4 11 249 TA +4 11 250 TX +4 11 251 TA +4 11 252 SA +4 11 253 CE +4 11 254 SA +4 11 255 KE +4 11 256 CY +4 11 257 XE +4 11 258 SA +4 11 259 CY +4 11 260 SA +4 11 261 XX +4 11 262 SA +4 11 263 SA +4 11 264 TA +4 11 265 CE +4 11 266 CY +4 11 267 TX +4 11 268 TA +4 11 269 CY +4 11 270 XX +4 11 271 TA +4 11 272 SA +4 11 273 TX +4 11 274 SA +4 11 275 SA +4 11 276 CY +4 11 277 TA +4 11 278 CY +4 11 279 TX +4 11 280 TA +4 11 281 TA +4 11 282 TA +4 11 283 KE +4 11 284 SA +4 11 285 CY +4 11 286 CE +4 11 287 KA +4 11 288 CY +4 11 289 CE +4 11 290 SA +4 11 291 XE +4 11 292 CY +4 11 293 SA +4 11 294 CE +4 11 295 KE +4 11 296 TX +4 11 297 CY +4 11 298 KE +4 11 299 TA +4 11 300 SA +4 11 301 TA +4 11 302 SA +4 11 303 CE +4 11 304 TA +4 11 305 TX +4 11 306 TA +4 11 307 CE +4 11 308 TX +4 11 309 TA +4 11 310 TA +4 11 311 XE +4 11 312 KE +4 11 313 TX +4 11 314 SA +4 11 315 TA +4 11 316 XE +4 11 317 CY +4 11 318 XX +4 11 319 SA +4 11 320 SA +4 11 321 CY +4 11 322 CE +4 11 323 TA +4 11 324 SA +4 11 325 TX +4 11 326 SA +4 11 327 CE +4 11 328 TA +4 11 329 XE +4 11 330 CE +4 12 1 CE +4 12 2 TA +4 12 3 CY +4 12 4 TW +4 12 5 TA +4 12 6 CY +4 12 7 TA +4 12 8 CY +4 12 9 XK +4 12 10 XE +4 12 11 CH +4 12 12 KA +4 12 13 TA +4 12 14 XE +4 12 15 CY +4 12 16 SA +4 12 17 CY +4 12 18 KE +4 12 19 CE +4 12 20 TA +4 12 21 CY +4 12 22 KA +4 12 23 TX +4 12 24 KE +4 12 25 TA +4 12 26 XE +4 12 27 SA +4 12 28 CY +4 12 29 TA +4 12 30 KE +4 12 31 TA +4 12 32 CY +4 12 33 TA +4 12 34 XE +4 12 35 CY +4 12 36 KE +4 12 37 TA +4 12 38 CY +4 12 39 TA +4 12 40 TA +4 12 41 CY +4 12 42 KA +4 12 43 KE +4 12 44 SA +4 12 45 TA +4 12 46 KE +4 12 47 KE +4 12 48 KA +4 12 49 TA +4 12 50 KE +4 12 51 XK +4 12 52 SA +4 12 53 CY +4 12 54 TA +4 12 55 CE +4 12 56 CY +4 12 57 TA +4 12 58 KA +4 12 59 CY +4 12 60 TA +4 12 61 CY +4 12 62 SA +4 12 63 CY +4 12 64 TA +4 12 65 CY +4 12 66 SA +4 12 67 TA +4 12 68 CY +4 12 69 XK +4 12 70 CY +4 12 71 CY +4 12 72 TA +4 12 73 CY +4 12 74 TA +4 12 75 KE +4 12 76 KA +4 12 77 TA +4 12 78 CY +4 12 79 KE +4 12 80 KE +4 12 81 TA +4 12 82 TA +4 12 83 KA +4 12 84 CY +4 12 85 TA +4 12 86 CY +4 12 87 KE +4 12 88 CY +4 12 89 KE +4 12 90 KE +4 12 91 KA +4 12 92 SA +4 12 93 KE +4 12 94 KE +4 12 95 SA +4 12 96 KA +4 12 97 KE +4 12 98 CY +4 12 99 SA +4 12 100 TA +4 12 101 CY +4 12 102 TA +4 12 103 KE +4 12 104 TA +4 12 105 CY +4 12 106 KA +4 12 107 SA +4 12 108 TA +4 12 109 XE +4 12 110 KA +4 12 111 KE +4 12 112 CY +4 12 113 KE +4 12 114 CY +4 12 115 TA +4 12 116 KE +4 12 117 CY +4 12 118 TA +4 12 119 SA +4 12 120 CY +4 12 121 CY +4 12 122 TA +4 12 123 TA +4 12 124 KA +4 12 125 CY +4 12 126 CY +4 12 127 KE +4 12 128 KA +4 12 129 SA +4 12 130 KE +4 12 131 KE +4 12 132 CY +4 12 133 KE +4 12 134 XK +4 12 135 CY +4 12 136 TA +4 12 137 TA +4 12 138 CE +4 12 139 SA +4 12 140 TA +4 12 141 SA +4 12 142 SA +4 12 143 TA +4 12 144 KE +4 12 145 TA +4 12 146 KA +4 12 147 TA +4 12 148 CY +4 12 149 TA +4 12 150 KE +4 12 151 CY +4 12 152 CY +4 12 153 TA +4 12 154 KE +4 12 155 KE +4 12 156 TA +4 12 157 XK +4 12 158 SA +4 12 159 KA +4 12 160 CY +4 12 161 TA +4 12 162 CY +4 12 163 TA +4 12 164 TA +4 12 165 TA +4 12 166 KE +4 12 167 SA +4 12 168 SA +4 12 169 TA +4 12 170 KE +4 12 171 TA +4 12 172 SA +4 12 173 CY +4 12 174 KA +4 12 175 TA +4 12 176 CY +4 12 177 KA +4 12 178 KE +4 12 179 CY +4 12 180 TA +4 12 181 KA +4 12 182 CY +4 12 183 XK +4 12 184 CY +4 12 185 CY +4 12 186 TA +4 12 187 KA +4 12 188 TA +4 12 189 TA +4 12 190 CY +4 12 191 TA +4 12 192 CY +4 12 193 KA +4 12 194 CY +4 12 195 TA +4 12 196 TA +4 12 197 CY +4 12 198 KE +4 12 199 SA +4 12 200 TA +4 12 201 CY +4 12 202 TA +4 12 203 CY +4 12 204 KE +4 12 205 KE +4 12 206 SA +4 12 207 CY +4 12 208 XK +4 12 209 TA +4 12 210 KE +4 12 211 TA +4 12 212 KA +4 12 213 TA +4 12 214 KA +4 12 215 CY +4 12 216 KE +4 12 217 CY +4 12 218 KA +4 12 219 SA +4 12 220 KE +4 12 221 SA +4 12 222 KE +4 12 223 TA +4 12 224 SA +4 12 225 KA +4 12 226 KE +4 12 227 KE +4 12 228 XE +4 12 229 TA +4 12 230 SA +4 12 231 CY +4 12 232 KE +4 12 233 KE +4 12 234 TA +4 12 235 KE +4 12 236 KA +4 12 237 CY +4 12 238 TA +4 12 239 CY +4 12 240 XK +4 12 241 SA +4 12 242 KA +4 12 243 TA +4 12 244 SA +4 12 245 CY +4 12 246 TA +4 12 247 XE +4 12 248 KE +4 12 249 TA +4 12 250 KE +4 12 251 TA +4 12 252 SA +4 12 253 TA +4 12 254 SA +4 12 255 KE +4 12 256 CY +4 12 257 KE +4 12 258 KA +4 12 259 CY +4 12 260 SA +4 12 261 CY +4 12 262 SA +4 12 263 KE +4 12 264 SA +4 12 265 TA +4 12 266 XK +4 12 267 CY +4 12 268 TA +4 12 269 KA +4 12 270 KA +4 12 271 TA +4 12 272 SA +4 12 273 CY +4 12 274 SA +4 12 275 KA +4 12 276 CY +4 12 277 TA +4 12 278 CY +4 12 279 KE +4 12 280 TA +4 12 281 TA +4 12 282 TA +4 12 283 XK +4 12 284 SA +4 12 285 CY +4 12 286 SA +4 12 287 XK +4 12 288 SA +4 12 289 TA +4 12 290 SA +4 12 291 KE +4 12 292 CY +4 12 293 SA +4 12 294 SA +4 12 295 XK +4 12 296 KE +4 12 297 KA +4 12 298 CY +4 12 299 TA +4 12 300 SA +4 12 301 TA +4 12 302 SA +4 12 303 SA +4 12 304 TA +4 12 305 CY +4 12 306 TA +4 12 307 KE +4 12 308 CY +4 12 309 KE +4 12 310 TA +4 12 311 TA +4 12 312 KE +4 12 313 KE +4 12 314 SA +4 12 315 TA +4 12 316 TA +4 12 317 CY +4 12 318 CY +4 12 319 SA +4 12 320 TA +4 12 321 CY +4 12 322 SA +4 12 323 TA +4 12 324 SA +4 12 325 CY +4 12 326 KA +4 12 327 SA +4 12 328 TA +4 12 329 XK +4 12 330 SA +4 13 1 CE +4 13 2 TA +4 13 3 CY +4 13 4 TX +4 13 5 TA +4 13 6 CY +4 13 7 TA +4 13 8 CY +4 13 9 XK +4 13 10 TA +4 13 11 XE +4 13 12 KA +4 13 13 TA +4 13 14 KE +4 13 15 KA +4 13 16 SA +4 13 17 CY +4 13 18 KE +4 13 19 CE +4 13 20 TA +4 13 21 CY +4 13 22 KA +4 13 23 CY +4 13 24 KE +4 13 25 TA +4 13 26 XE +4 13 27 SA +4 13 28 KA +4 13 29 TA +4 13 30 XK +4 13 31 TA +4 13 32 CY +4 13 33 TA +4 13 34 CE +4 13 35 CY +4 13 36 KE +4 13 37 CE +4 13 38 CY +4 13 39 TA +4 13 40 CE +4 13 41 CY +4 13 42 LA +4 13 43 XE +4 13 44 SA +4 13 45 TA +4 13 46 CE +4 13 47 XE +4 13 48 KA +4 13 49 CE +4 13 50 TA +4 13 51 XK +4 13 52 SA +4 13 53 CY +4 13 54 TA +4 13 55 CE +4 13 56 KA +4 13 57 TA +4 13 58 XK +4 13 59 SA +4 13 60 TA +4 13 61 CY +4 13 62 CE +4 13 63 KA +4 13 64 XE +4 13 65 CY +4 13 66 SA +4 13 67 TA +4 13 68 CY +4 13 69 TA +4 13 70 SA +4 13 71 CY +4 13 72 TA +4 13 73 TA +4 13 74 CE +4 13 75 TA +4 13 76 CY +4 13 77 TA +4 13 78 CY +4 13 79 CE +4 13 80 KA +4 13 81 KE +4 13 82 XE +4 13 83 TA +4 13 84 TA +4 13 85 SA +4 13 86 CY +4 13 87 TA +4 13 88 CY +4 13 89 KE +4 13 90 CY +4 13 91 KE +4 13 92 TA +4 13 93 KA +4 13 94 KE +4 13 95 CE +4 13 96 KA +4 13 97 XE +4 13 98 CY +4 13 99 SA +4 13 100 CE +4 13 101 CY +4 13 102 TA +4 13 103 TA +4 13 104 CE +4 13 105 TX +4 13 106 KA +4 13 107 SA +4 13 108 CE +4 13 109 XE +4 13 110 KA +4 13 111 TA +4 13 112 CY +4 13 113 KA +4 13 114 TA +4 13 115 CY +4 13 116 CE +4 13 117 XK +4 13 118 CY +4 13 119 TA +4 13 120 SA +4 13 121 CY +4 13 122 TA +4 13 123 XE +4 13 124 KA +4 13 125 LA +4 13 126 KA +4 13 127 KE +4 13 128 KA +4 13 129 SA +4 13 130 TA +4 13 131 TX +4 13 132 CY +4 13 133 TA +4 13 134 XK +4 13 135 CY +4 13 136 XE +4 13 137 TA +4 13 138 CE +4 13 139 SA +4 13 140 XE +4 13 141 SA +4 13 142 SA +4 13 143 KA +4 13 144 XE +4 13 145 TA +4 13 146 KA +4 13 147 TA +4 13 148 CY +4 13 149 CE +4 13 150 TX +4 13 151 CY +4 13 152 CY +4 13 153 CE +4 13 154 KE +4 13 155 KE +4 13 156 TA +4 13 157 XK +4 13 158 SA +4 13 159 KA +4 13 160 KA +4 13 161 TA +4 13 162 CY +4 13 163 CE +4 13 164 XE +4 13 165 TA +4 13 166 KE +4 13 167 KA +4 13 168 TA +4 13 169 CE +4 13 170 KE +4 13 171 TA +4 13 172 SA +4 13 173 CY +4 13 174 KA +4 13 175 TA +4 13 176 CY +4 13 177 KA +4 13 178 XE +4 13 179 CY +4 13 180 TA +4 13 181 LA +4 13 182 CY +4 13 183 XK +4 13 184 TX +4 13 185 XK +4 13 186 CE +4 13 187 LA +4 13 188 CE +4 13 189 CE +4 13 190 KA +4 13 191 TA +4 13 192 TA +4 13 193 KA +4 13 194 CY +4 13 195 TA +4 13 196 CE +4 13 197 LA +4 13 198 KE +4 13 199 CE +4 13 200 CE +4 13 201 KA +4 13 202 TA +4 13 203 CY +4 13 204 KE +4 13 205 XE +4 13 206 SA +4 13 207 CY +4 13 208 XK +4 13 209 TA +4 13 210 KE +4 13 211 CE +4 13 212 LA +4 13 213 TA +4 13 214 KA +4 13 215 CY +4 13 216 TA +4 13 217 KA +4 13 218 KA +4 13 219 CE +4 13 220 XE +4 13 221 CE +4 13 222 TA +4 13 223 TA +4 13 224 SA +4 13 225 TA +4 13 226 XE +4 13 227 KE +4 13 228 XE +4 13 229 TA +4 13 230 SA +4 13 231 CY +4 13 232 TA +4 13 233 CE +4 13 234 TA +4 13 235 XE +4 13 236 TA +4 13 237 KA +4 13 238 TA +4 13 239 CY +4 13 240 CY +4 13 241 SA +4 13 242 KA +4 13 243 CY +4 13 244 CE +4 13 245 CY +4 13 246 CE +4 13 247 XE +4 13 248 KE +4 13 249 TA +4 13 250 TA +4 13 251 CE +4 13 252 SA +4 13 253 TA +4 13 254 CE +4 13 255 KE +4 13 256 CY +4 13 257 XE +4 13 258 KE +4 13 259 CY +4 13 260 KA +4 13 261 CY +4 13 262 KA +4 13 263 LA +4 13 264 SA +4 13 265 TA +4 13 266 TA +4 13 267 CE +4 13 268 CY +4 13 269 CY +4 13 270 TA +4 13 271 KA +4 13 272 LA +4 13 273 TA +4 13 274 CE +4 13 275 CY +4 13 276 SA +4 13 277 KA +4 13 278 CY +4 13 279 XE +4 13 280 TA +4 13 281 TA +4 13 282 TA +4 13 283 XK +4 13 284 CE +4 13 285 KA +4 13 286 SA +4 13 287 XK +4 13 288 CY +4 13 289 CE +4 13 290 SA +4 13 291 XE +4 13 292 KA +4 13 293 CE +4 13 294 CE +4 13 295 XK +4 13 296 XE +4 13 297 CY +4 13 298 KA +4 13 299 TA +4 13 300 CE +4 13 301 TA +4 13 302 SA +4 13 303 CE +4 13 304 TA +4 13 305 TA +4 13 306 TA +4 13 307 CE +4 13 308 XE +4 13 309 KE +4 13 310 TA +4 13 311 CE +4 13 312 KE +4 13 313 XE +4 13 314 SA +4 13 315 TA +4 13 316 TA +4 13 317 CY +4 13 318 KA +4 13 319 SA +4 13 320 TA +4 13 321 CY +4 13 322 CE +4 13 323 TA +4 13 324 SA +4 13 325 CY +4 13 326 KA +4 13 327 CE +4 13 328 TA +4 13 329 XK +4 13 330 CE +4 14 1 CE +4 14 2 TA +4 14 3 CY +4 14 4 * +4 14 5 TA +4 14 6 * +4 14 7 TA +4 14 8 CY +4 14 9 * +4 14 10 XE +4 14 11 TA +4 14 12 * +4 14 13 TA +4 14 14 XE +4 14 15 SA +4 14 16 * +4 14 17 CY +4 14 18 KE +4 14 19 CE +4 14 20 TA +4 14 21 CY +4 14 22 KA +4 14 23 TX +4 14 24 KA +4 14 25 TA +4 14 26 XE +4 14 27 SA +4 14 28 CY +4 14 29 CE +4 14 30 KA +4 14 31 CE +4 14 32 CY +4 14 33 TA +4 14 34 CE +4 14 35 CY +4 14 36 TA +4 14 37 XE +4 14 38 CY +4 14 39 TA +4 14 40 CE +4 14 41 CY +4 14 42 KA +4 14 43 XE +4 14 44 SA +4 14 45 TA +4 14 46 SA +4 14 47 TA +4 14 48 KA +4 14 49 CE +4 14 50 TX +4 14 51 XK +4 14 52 SA +4 14 53 CY +4 14 54 TA +4 14 55 CE +4 14 56 CY +4 14 57 TA +4 14 58 XK +4 14 59 SA +4 14 60 KE +4 14 61 CY +4 14 62 TX +4 14 63 CY +4 14 64 XE +4 14 65 CY +4 14 66 SA +4 14 67 TA +4 14 68 CY +4 14 69 XK +4 14 70 SA +4 14 71 CY +4 14 72 TA +4 14 73 TX +4 14 74 TA +4 14 75 TA +4 14 76 KA +4 14 77 CE +4 14 78 CY +4 14 79 KE +4 14 80 CE +4 14 81 KA +4 14 82 CE +4 14 83 SA +4 14 84 CY +4 14 85 TA +4 14 86 CY +4 14 87 XK +4 14 88 TX +4 14 89 KE +4 14 90 TA +4 14 91 KA +4 14 92 SA +4 14 93 CE +4 14 94 XK +4 14 95 SA +4 14 96 KA +4 14 97 TX +4 14 98 CY +4 14 99 XK +4 14 100 TA +4 14 101 CY +4 14 102 XE +4 14 103 XK +4 14 104 CE +4 14 105 TX +4 14 106 KA +4 14 107 SA +4 14 108 SA +4 14 109 XE +4 14 110 KA +4 14 111 XK +4 14 112 CY +4 14 113 XK +4 14 114 TA +4 14 115 CY +4 14 116 SA +4 14 117 XK +4 14 118 CY +4 14 119 TA +4 14 120 SA +4 14 121 CY +4 14 122 TA +4 14 123 TA +4 14 124 KA +4 14 125 KA +4 14 126 CY +4 14 127 TA +4 14 128 KA +4 14 129 SA +4 14 130 XK +4 14 131 TX +4 14 132 CY +4 14 133 TA +4 14 134 XK +4 14 135 CY +4 14 136 CE +4 14 137 TA +4 14 138 SA +4 14 139 SA +4 14 140 XE +4 14 141 SA +4 14 142 SA +4 14 143 KA +4 14 144 TX +4 14 145 TA +4 14 146 KA +4 14 147 TA +4 14 148 CY +4 14 149 KA +4 14 150 TX +4 14 151 CY +4 14 152 SA +4 14 153 CE +4 14 154 KE +4 14 155 XK +4 14 156 TA +4 14 157 XK +4 14 158 SA +4 14 159 KA +4 14 160 CY +4 14 161 TA +4 14 162 CY +4 14 163 TA +4 14 164 XE +4 14 165 XK +4 14 166 XE +4 14 167 SA +4 14 168 TA +4 14 169 CE +4 14 170 KA +4 14 171 TA +4 14 172 SA +4 14 173 CY +4 14 174 KA +4 14 175 TA +4 14 176 CY +4 14 177 KA +4 14 178 XE +4 14 179 XK +4 14 180 XE +4 14 181 XK +4 14 182 TA +4 14 183 XK +4 14 184 TX +4 14 185 KA +4 14 186 CE +4 14 187 KA +4 14 188 CE +4 14 189 SA +4 14 190 CY +4 14 191 TA +4 14 192 TX +4 14 193 KA +4 14 194 CY +4 14 195 TA +4 14 196 TA +4 14 197 CY +4 14 198 KE +4 14 199 SA +4 14 200 CE +4 14 201 CY +4 14 202 TA +4 14 203 CY +4 14 204 XK +4 14 205 TX +4 14 206 KA +4 14 207 CY +4 14 208 XK +4 14 209 TA +4 14 210 XK +4 14 211 CE +4 14 212 KA +4 14 213 SA +4 14 214 KA +4 14 215 CY +4 14 216 XK +4 14 217 CY +4 14 218 KA +4 14 219 SA +4 14 220 XE +4 14 221 SA +4 14 222 TX +4 14 223 TA +4 14 224 SA +4 14 225 KA +4 14 226 XE +4 14 227 XK +4 14 228 XE +4 14 229 TA +4 14 230 CY +4 14 231 TX +4 14 232 XK +4 14 233 XE +4 14 234 TA +4 14 235 XE +4 14 236 KA +4 14 237 CY +4 14 238 TA +4 14 239 CY +4 14 240 XK +4 14 241 SA +4 14 242 KA +4 14 243 TX +4 14 244 SA +4 14 245 CY +4 14 246 TA +4 14 247 TX +4 14 248 XK +4 14 249 TA +4 14 250 XK +4 14 251 TA +4 14 252 SA +4 14 253 TA +4 14 254 XE +4 14 255 KE +4 14 256 CY +4 14 257 XE +4 14 258 KA +4 14 259 CY +4 14 260 SA +4 14 261 KA +4 14 262 SA +4 14 263 SA +4 14 264 SA +4 14 265 TA +4 14 266 CY +4 14 267 TX +4 14 268 TA +4 14 269 TX +4 14 270 KA +4 14 271 TA +4 14 272 SA +4 14 273 TX +4 14 274 SA +4 14 275 KA +4 14 276 CY +4 14 277 XE +4 14 278 CY +4 14 279 XE +4 14 280 TA +4 14 281 TA +4 14 282 TA +4 14 283 XK +4 14 284 SA +4 14 285 CY +4 14 286 SA +4 14 287 KA +4 14 288 CY +4 14 289 CE +4 14 290 SA +4 14 291 XE +4 14 292 CY +4 14 293 TA +4 14 294 SA +4 14 295 XK +4 14 296 TX +4 14 297 KA +4 14 298 CY +4 14 299 TA +4 14 300 SA +4 14 301 TA +4 14 302 SA +4 14 303 XE +4 14 304 TA +4 14 305 TX +4 14 306 TA +4 14 307 CE +4 14 308 TX +4 14 309 XK +4 14 310 TA +4 14 311 XE +4 14 312 KE +4 14 313 TX +4 14 314 SA +4 14 315 TA +4 14 316 TA +4 14 317 TX +4 14 318 CY +4 14 319 SA +4 14 320 TA +4 14 321 CY +4 14 322 CE +4 14 323 TA +4 14 324 SA +4 14 325 TX +4 14 326 KE +4 14 327 TA +4 14 328 TA +4 14 329 XK +4 14 330 TA +4 15 1 CE +4 15 2 TA +4 15 3 CY +4 15 4 TX +4 15 5 TA +4 15 6 KA +4 15 7 TA +4 15 8 CY +4 15 9 XK +4 15 10 KA +4 15 11 TA +4 15 12 KA +4 15 13 TA +4 15 14 TA +4 15 15 CY +4 15 16 SA +4 15 17 CY +4 15 18 KE +4 15 19 CE +4 15 20 TA +4 15 21 CY +4 15 22 KA +4 15 23 TX +4 15 24 XK +4 15 25 TA +4 15 26 KE +4 15 27 SA +4 15 28 CY +4 15 29 KA +4 15 30 KA +4 15 31 CE +4 15 32 CY +4 15 33 TA +4 15 34 CE +4 15 35 CY +4 15 36 TA +4 15 37 CE +4 15 38 CY +4 15 39 TA +4 15 40 CE +4 15 41 CY +4 15 42 KA +4 15 43 TX +4 15 44 SA +4 15 45 TA +4 15 46 KE +4 15 47 TA +4 15 48 KA +4 15 49 CE +4 15 50 TX +4 15 51 XK +4 15 52 SA +4 15 53 CY +4 15 54 TA +4 15 55 CE +4 15 56 KA +4 15 57 TA +4 15 58 XK +4 15 59 SA +4 15 60 TA +4 15 61 CY +4 15 62 TX +4 15 63 CY +4 15 64 CE +4 15 65 CY +4 15 66 SA +4 15 67 TA +4 15 68 CY +4 15 69 * +4 15 70 XK +4 15 71 SA +4 15 72 TA +4 15 73 TX +4 15 74 CE +4 15 75 XK +4 15 76 KA +4 15 77 CE +4 15 78 SA +4 15 79 KE +4 15 80 CE +4 15 81 KA +4 15 82 CE +4 15 83 SA +4 15 84 CY +4 15 85 TA +4 15 86 CY +4 15 87 KE +4 15 88 CY +4 15 89 KE +4 15 90 TA +4 15 91 KA +4 15 92 SA +4 15 93 CE +4 15 94 KE +4 15 95 SA +4 15 96 KA +4 15 97 KE +4 15 98 CY +4 15 99 SA +4 15 100 CE +4 15 101 CY +4 15 102 SA +4 15 103 XK +4 15 104 CE +4 15 105 CY +4 15 106 KA +4 15 107 SA +4 15 108 CE +4 15 109 KE +4 15 110 KA +4 15 111 XK +4 15 112 CY +4 15 113 KE +4 15 114 TA +4 15 115 CY +4 15 116 CE +4 15 117 XK +4 15 118 CY +4 15 119 TA +4 15 120 SA +4 15 121 KA +4 15 122 TA +4 15 123 CE +4 15 124 KA +4 15 125 KA +4 15 126 CY +4 15 127 TA +4 15 128 KA +4 15 129 SA +4 15 130 XK +4 15 131 CY +4 15 132 KA +4 15 133 TA +4 15 134 XK +4 15 135 CY +4 15 136 CE +4 15 137 TA +4 15 138 CE +4 15 139 SA +4 15 140 CE +4 15 141 SA +4 15 142 SA +4 15 143 KA +4 15 144 KE +4 15 145 CE +4 15 146 KA +4 15 147 CE +4 15 148 CY +4 15 149 KA +4 15 150 TX +4 15 151 CY +4 15 152 SA +4 15 153 CE +4 15 154 KE +4 15 155 XK +4 15 156 TA +4 15 157 XK +4 15 158 SA +4 15 159 KA +4 15 160 CY +4 15 161 TA +4 15 162 CY +4 15 163 TA +4 15 164 CE +4 15 165 XK +4 15 166 TA +4 15 167 TA +4 15 168 TA +4 15 169 CE +4 15 170 TA +4 15 171 XK +4 15 172 SA +4 15 173 CY +4 15 174 KA +4 15 175 CE +4 15 176 CY +4 15 177 KA +4 15 178 TA +4 15 179 CY +4 15 180 TA +4 15 181 KA +4 15 182 CY +4 15 183 XK +4 15 184 CY +4 15 185 KA +4 15 186 CE +4 15 187 KA +4 15 188 CE +4 15 189 CE +4 15 190 CY +4 15 191 TA +4 15 192 TX +4 15 193 KA +4 15 194 CY +4 15 195 TA +4 15 196 CE +4 15 197 CY +4 15 198 XK +4 15 199 KA +4 15 200 CE +4 15 201 CY +4 15 202 TA +4 15 203 CY +4 15 204 XK +4 15 205 KE +4 15 206 SA +4 15 207 CY +4 15 208 KA +4 15 209 TA +4 15 210 CY +4 15 211 CE +4 15 212 KA +4 15 213 XE +4 15 214 KA +4 15 215 CY +4 15 216 XK +4 15 217 SA +4 15 218 KA +4 15 219 CE +4 15 220 TX +4 15 221 SA +4 15 222 TX +4 15 223 TA +4 15 224 SA +4 15 225 XK +4 15 226 TA +4 15 227 XK +4 15 228 TA +4 15 229 TA +4 15 230 SA +4 15 231 CY +4 15 232 XK +4 15 233 TX +4 15 234 TA +4 15 235 CE +4 15 236 KA +4 15 237 KA +4 15 238 CE +4 15 239 CY +4 15 240 XK +4 15 241 SA +4 15 242 KA +4 15 243 CY +4 15 244 SA +4 15 245 CY +4 15 246 CE +4 15 247 TX +4 15 248 XK +4 15 249 TA +4 15 250 TX +4 15 251 TA +4 15 252 SA +4 15 253 TA +4 15 254 KE +4 15 255 KE +4 15 256 CY +4 15 257 CE +4 15 258 KA +4 15 259 CY +4 15 260 KA +4 15 261 KA +4 15 262 SA +4 15 263 SA +4 15 264 SA +4 15 265 TA +4 15 266 KA +4 15 267 CY +4 15 268 TA +4 15 269 CY +4 15 270 KA +4 15 271 TA +4 15 272 SA +4 15 273 CY +4 15 274 SA +4 15 275 KA +4 15 276 CY +4 15 277 CE +4 15 278 KA +4 15 279 TX +4 15 280 KA +4 15 281 TA +4 15 282 TA +4 15 283 XK +4 15 284 SA +4 15 285 CY +4 15 286 SA +4 15 287 XK +4 15 288 CY +4 15 289 CE +4 15 290 SA +4 15 291 CE +4 15 292 CY +4 15 293 SA +4 15 294 SA +4 15 295 XK +4 15 296 TX +4 15 297 KA +4 15 298 CY +4 15 299 TA +4 15 300 SA +4 15 301 TA +4 15 302 SA +4 15 303 SA +4 15 304 TA +4 15 305 TX +4 15 306 KA +4 15 307 CE +4 15 308 TX +4 15 309 XK +4 15 310 TA +4 15 311 CE +4 15 312 KE +4 15 313 TX +4 15 314 SA +4 15 315 KA +4 15 316 TA +4 15 317 CY +4 15 318 KA +4 15 319 SA +4 15 320 XK +4 15 321 CY +4 15 322 CE +4 15 323 TA +4 15 324 SA +4 15 325 CY +4 15 326 KA +4 15 327 SA +4 15 328 TA +4 15 329 XK +4 15 330 SA +4 16 1 CE +4 16 2 SA +4 16 3 CY +4 16 4 TX +4 16 5 TA +4 16 6 CY +4 16 7 TA +4 16 8 CY +4 16 9 XK +4 16 10 TX +4 16 11 TA +4 16 12 KA +4 16 13 TA +4 16 14 TA +4 16 15 SA +4 16 16 KA +4 16 17 CY +4 16 18 SA +4 16 19 TA +4 16 20 TA +4 16 21 CY +4 16 22 KA +4 16 23 TX +4 16 24 XK +4 16 25 TA +4 16 26 TX +4 16 27 KA +4 16 28 CY +4 16 29 TA +4 16 30 XK +4 16 31 SA +4 16 32 CY +4 16 33 TA +4 16 34 XE +4 16 35 CY +4 16 36 TA +4 16 37 TX +4 16 38 CY +4 16 39 TA +4 16 40 TA +4 16 41 CY +4 16 42 KA +4 16 43 XE +4 16 44 SA +4 16 45 TA +4 16 46 SA +4 16 47 TA +4 16 48 KA +4 16 49 TX +4 16 50 XE +4 16 51 XK +4 16 52 SA +4 16 53 CY +4 16 54 TA +4 16 55 TA +4 16 56 CY +4 16 57 TA +4 16 58 XK +4 16 59 TX +4 16 60 TA +4 16 61 CY +4 16 62 XE +4 16 63 CY +4 16 64 TA +4 16 65 CY +4 16 66 CY +4 16 67 TA +4 16 68 CY +4 16 69 TA +4 16 70 SA +4 16 71 CY +4 16 72 TA +4 16 73 TX +4 16 74 TA +4 16 75 TA +4 16 76 KA +4 16 77 XE +4 16 78 TX +4 16 79 SA +4 16 80 XE +4 16 81 TA +4 16 82 TA +4 16 83 KA +4 16 84 CY +4 16 85 TA +4 16 86 TX +4 16 87 SA +4 16 88 TX +4 16 89 SA +4 16 90 TA +4 16 91 KA +4 16 92 SA +4 16 93 TA +4 16 94 SA +4 16 95 TA +4 16 96 KA +4 16 97 TX +4 16 98 CY +4 16 99 TX +4 16 100 TA +4 16 101 XE +4 16 102 XE +4 16 103 XK +4 16 104 TA +4 16 105 TX +4 16 106 KA +4 16 107 SA +4 16 108 TA +4 16 109 TX +4 16 110 KA +4 16 111 TA +4 16 112 CY +4 16 113 SA +4 16 114 TA +4 16 115 CY +4 16 116 XE +4 16 117 SA +4 16 118 CY +4 16 119 TA +4 16 120 SA +4 16 121 CY +4 16 122 TA +4 16 123 TX +4 16 124 KA +4 16 125 CY +4 16 126 CY +4 16 127 TA +4 16 128 KA +4 16 129 SA +4 16 130 TA +4 16 131 TX +4 16 132 CY +4 16 133 TA +4 16 134 SA +4 16 135 TX +4 16 136 TA +4 16 137 TA +4 16 138 TX +4 16 139 SA +4 16 140 TA +4 16 141 SA +4 16 142 SA +4 16 143 KA +4 16 144 TX +4 16 145 TA +4 16 146 KA +4 16 147 TA +4 16 148 CY +4 16 149 TA +4 16 150 TX +4 16 151 CY +4 16 152 XE +4 16 153 TX +4 16 154 SA +4 16 155 SA +4 16 156 TA +4 16 157 SA +4 16 158 SA +4 16 159 KA +4 16 160 TX +4 16 161 TA +4 16 162 CY +4 16 163 TA +4 16 164 TX +4 16 165 TA +4 16 166 XE +4 16 167 TX +4 16 168 TA +4 16 169 XE +4 16 170 TA +4 16 171 TA +4 16 172 SA +4 16 173 CY +4 16 174 KA +4 16 175 TA +4 16 176 CY +4 16 177 KA +4 16 178 TX +4 16 179 CY +4 16 180 TA +4 16 181 XK +4 16 182 CY +4 16 183 XK +4 16 184 TX +4 16 185 XK +4 16 186 XE +4 16 187 KA +4 16 188 XE +4 16 189 TA +4 16 190 KA +4 16 191 TA +4 16 192 XE +4 16 193 KA +4 16 194 CY +4 16 195 TA +4 16 196 TX +4 16 197 CY +4 16 198 SA +4 16 199 KA +4 16 200 TX +4 16 201 CY +4 16 202 TA +4 16 203 CY +4 16 204 SA +4 16 205 TX +4 16 206 KA +4 16 207 CY +4 16 208 XK +4 16 209 TA +4 16 210 SA +4 16 211 TA +4 16 212 KA +4 16 213 TX +4 16 214 KA +4 16 215 XE +4 16 216 TA +4 16 217 CY +4 16 218 TA +4 16 219 KA +4 16 220 TX +4 16 221 KA +4 16 222 TX +4 16 223 TA +4 16 224 SA +4 16 225 TA +4 16 226 TA +4 16 227 TA +4 16 228 TX +4 16 229 XE +4 16 230 KA +4 16 231 TX +4 16 232 XK +4 16 233 TA +4 16 234 TA +4 16 235 XE +4 16 236 TA +4 16 237 KA +4 16 238 TA +4 16 239 CY +4 16 240 XK +4 16 241 SA +4 16 242 KA +4 16 243 CY +4 16 244 KA +4 16 245 CY +4 16 246 TA +4 16 247 XE +4 16 248 TA +4 16 249 TA +4 16 250 TX +4 16 251 TA +4 16 252 SA +4 16 253 TA +4 16 254 TX +4 16 255 SA +4 16 256 CY +4 16 257 TA +4 16 258 KA +4 16 259 CY +4 16 260 KA +4 16 261 KA +4 16 262 SA +4 16 263 SA +4 16 264 TX +4 16 265 TA +4 16 266 KA +4 16 267 TX +4 16 268 TA +4 16 269 CE +4 16 270 XK +4 16 271 TA +4 16 272 SA +4 16 273 TX +4 16 274 SA +4 16 275 KA +4 16 276 CY +4 16 277 TA +4 16 278 KA +4 16 279 TA +4 16 280 TA +4 16 281 TA +4 16 282 TA +4 16 283 XK +4 16 284 SA +4 16 285 CY +4 16 286 SA +4 16 287 XK +4 16 288 CY +4 16 289 TA +4 16 290 SA +4 16 291 XE +4 16 292 CY +4 16 293 TA +4 16 294 TA +4 16 295 XE +4 16 296 TX +4 16 297 KA +4 16 298 CY +4 16 299 TA +4 16 300 SA +4 16 301 TA +4 16 302 SA +4 16 303 SA +4 16 304 TA +4 16 305 XE +4 16 306 TA +4 16 307 TX +4 16 308 XE +4 16 309 TA +4 16 310 TA +4 16 311 TX +4 16 312 SA +4 16 313 TX +4 16 314 SA +4 16 315 TA +4 16 316 TA +4 16 317 TX +4 16 318 KA +4 16 319 SA +4 16 320 TA +4 16 321 CY +4 16 322 TA +4 16 323 TA +4 16 324 SA +4 16 325 TX +4 16 326 KA +4 16 327 TA +4 16 328 TA +4 16 329 XK +4 16 330 KA +4 17 1 SP +4 17 2 TA +4 17 3 CY +4 17 4 TX +4 17 5 TA +4 17 6 SA +4 17 7 TA +4 17 8 CY +4 17 9 XK +4 17 10 KE +4 17 11 TA +4 17 12 KA +4 17 13 TA +4 17 14 TA +4 17 15 SA +4 17 16 SA +4 17 17 CY +4 17 18 KE +4 17 19 SP +4 17 20 TA +4 17 21 CY +4 17 22 KA +4 17 23 TX +4 17 24 XK +4 17 25 TA +4 17 26 KE +4 17 27 SA +4 17 28 CY +4 17 29 TA +4 17 30 KE +4 17 31 TA +4 17 32 TX +4 17 33 TA +4 17 34 SP +4 17 35 KA +4 17 36 TA +4 17 37 TA +4 17 38 CY +4 17 39 TA +4 17 40 TA +4 17 41 CY +4 17 42 KA +4 17 43 KE +4 17 44 SA +4 17 45 TA +4 17 46 WR +4 17 47 TA +4 17 48 LA +4 17 49 SP +4 17 50 TX +4 17 51 MU +4 17 52 SA +4 17 53 CY +4 17 54 TA +4 17 55 SP +4 17 56 SA +4 17 57 TA +4 17 58 XK +4 17 59 SA +4 17 60 TA +4 17 61 CY +4 17 62 TX +4 17 63 CY +4 17 64 SA +4 17 65 CY +4 17 66 SA +4 17 67 TA +4 17 68 CY +4 17 69 TA +4 17 70 SA +4 17 71 CA +4 17 72 TA +4 17 73 TX +4 17 74 SA +4 17 75 TA +4 17 76 LA +4 17 77 SP +4 17 78 CY +4 17 79 KE +4 17 80 SP +4 17 81 TA +4 17 82 TA +4 17 83 SA +4 17 84 CY +4 17 85 TA +4 17 86 CY +4 17 87 KE +4 17 88 CA +4 17 89 KE +4 17 90 TA +4 17 91 TA +4 17 92 SA +4 17 93 SP +4 17 94 KE +4 17 95 TA +4 17 96 KA +4 17 97 TX +4 17 98 CY +4 17 99 SA +4 17 100 TA +4 17 101 CA +4 17 102 SA +4 17 103 XK +4 17 104 SP +4 17 105 CA +4 17 106 KA +4 17 107 SA +4 17 108 TA +4 17 109 KE +4 17 110 KA +4 17 111 TA +4 17 112 CY +4 17 113 KE +4 17 114 TA +4 17 115 CY +4 17 116 SA +4 17 117 XK +4 17 118 CY +4 17 119 TA +4 17 120 SA +4 17 121 KA +4 17 122 TA +4 17 123 SP +4 17 124 TA +4 17 125 KA +4 17 126 CY +4 17 127 TA +4 17 128 KA +4 17 129 SA +4 17 130 TA +4 17 131 CA +4 17 132 KA +4 17 133 TA +4 17 134 XK +4 17 135 CA +4 17 136 SP +4 17 137 TA +4 17 138 SP +4 17 139 SA +4 17 140 SP +4 17 141 SA +4 17 142 SA +4 17 143 TA +4 17 144 TX +4 17 145 TA +4 17 146 KA +4 17 147 TA +4 17 148 CY +4 17 149 TA +4 17 150 CA +4 17 151 CY +4 17 152 CY +4 17 153 SP +4 17 154 KE +4 17 155 XK +4 17 156 TA +4 17 157 XK +4 17 158 SA +4 17 159 SA +4 17 160 CY +4 17 161 TA +4 17 162 CY +4 17 163 TA +4 17 164 SP +4 17 165 TA +4 17 166 TA +4 17 167 SA +4 17 168 TA +4 17 169 SP +4 17 170 TA +4 17 171 KA +4 17 172 SA +4 17 173 CY +4 17 174 LA +4 17 175 SA +4 17 176 CY +4 17 177 KA +4 17 178 SP +4 17 179 CY +4 17 180 TA +4 17 181 XK +4 17 182 CA +4 17 183 * +4 17 184 CA +4 17 185 XK +4 17 186 TA +4 17 187 KA +4 17 188 TA +4 17 189 SA +4 17 190 CY +4 17 191 TA +4 17 192 CA +4 17 193 KA +4 17 194 CY +4 17 195 TA +4 17 196 SA +4 17 197 CA +4 17 198 TA +4 17 199 SA +4 17 200 SP +4 17 201 CY +4 17 202 TA +4 17 203 CA +4 17 204 XK +4 17 205 TX +4 17 206 SA +4 17 207 CY +4 17 208 XK +4 17 209 TA +4 17 210 XK +4 17 211 SP +4 17 212 KA +4 17 213 SA +4 17 214 KA +4 17 215 CA +4 17 216 TA +4 17 217 SA +4 17 218 TA +4 17 219 SA +4 17 220 TX +4 17 221 TA +4 17 222 TX +4 17 223 TA +4 17 224 SA +4 17 225 KA +4 17 226 TA +4 17 227 TA +4 17 228 SP +4 17 229 TA +4 17 230 SA +4 17 231 CA +4 17 232 XK +4 17 233 TX +4 17 234 TA +4 17 235 SP +4 17 236 TA +4 17 237 SA +4 17 238 TA +4 17 239 CY +4 17 240 XK +4 17 241 SA +4 17 242 KA +4 17 243 CA +4 17 244 SA +4 17 245 CY +4 17 246 TA +4 17 247 TX +4 17 248 TA +4 17 249 TA +4 17 250 TX +4 17 251 TA +4 17 252 SA +4 17 253 TA +4 17 254 SA +4 17 255 KE +4 17 256 CY +4 17 257 SP +4 17 258 KA +4 17 259 CY +4 17 260 KA +4 17 261 LA +4 17 262 SA +4 17 263 SA +4 17 264 SA +4 17 265 TA +4 17 266 XK +4 17 267 CA +4 17 268 TA +4 17 269 CA +4 17 270 KA +4 17 271 TA +4 17 272 SA +4 17 273 CA +4 17 274 SA +4 17 275 KA +4 17 276 CA +4 17 277 SP +4 17 278 KA +4 17 279 KE +4 17 280 TA +4 17 281 TA +4 17 282 TA +4 17 283 XK +4 17 284 SA +4 17 285 CY +4 17 286 SA +4 17 287 XK +4 17 288 KA +4 17 289 SP +4 17 290 SA +4 17 291 SP +4 17 292 CY +4 17 293 SA +4 17 294 SA +4 17 295 XK +4 17 296 TX +4 17 297 CY +4 17 298 KA +4 17 299 TA +4 17 300 SA +4 17 301 TA +4 17 302 SA +4 17 303 SA +4 17 304 TA +4 17 305 CA +4 17 306 TA +4 17 307 SP +4 17 308 TX +4 17 309 KE +4 17 310 TA +4 17 311 SP +4 17 312 KE +4 17 313 KE +4 17 314 SA +4 17 315 TA +4 17 316 TA +4 17 317 CA +4 17 318 KA +4 17 319 SA +4 17 320 TA +4 17 321 CY +4 17 322 SA +4 17 323 TA +4 17 324 SA +4 17 325 CA +4 17 326 KA +4 17 327 SA +4 17 328 TA +4 17 329 KA +4 17 330 SA +4 18 1 TX +4 18 2 TX +4 18 3 CY +4 18 4 TX +4 18 5 TX +4 18 6 KA +4 18 7 TX +4 18 8 TX +4 18 9 KA +4 18 10 TX +4 18 11 TX +4 18 12 KA +4 18 13 TX +4 18 14 TX +4 18 15 CY +4 18 16 SA +4 18 17 CY +4 18 18 KE +4 18 19 TX +4 18 20 TX +4 18 21 CY +4 18 22 KA +4 18 23 TX +4 18 24 XK +4 18 25 TX +4 18 26 TX +4 18 27 SA +4 18 28 CY +4 18 29 TX +4 18 30 KA +4 18 31 TX +4 18 32 CY +4 18 33 TX +4 18 34 TX +4 18 35 CY +4 18 36 TX +4 18 37 TX +4 18 38 CY +4 18 39 TX +4 18 40 TX +4 18 41 CY +4 18 42 KA +4 18 43 KE +4 18 44 SA +4 18 45 TX +4 18 46 SA +4 18 47 TX +4 18 48 KA +4 18 49 TX +4 18 50 CY +4 18 51 KA +4 18 52 SA +4 18 53 CY +4 18 54 TX +4 18 55 TX +4 18 56 CY +4 18 57 TX +4 18 58 KA +4 18 59 SA +4 18 60 TX +4 18 61 CY +4 18 62 SA +4 18 63 CY +4 18 64 TX +4 18 65 CY +4 18 66 SA +4 18 67 TX +4 18 68 CY +4 18 69 TX +4 18 70 SA +4 18 71 CY +4 18 72 TX +4 18 73 CY +4 18 74 TX +4 18 75 TX +4 18 76 KA +4 18 77 TX +4 18 78 CY +4 18 79 KE +4 18 80 TX +4 18 81 TX +4 18 82 TX +4 18 83 SA +4 18 84 CY +4 18 85 TX +4 18 86 CY +4 18 87 KE +4 18 88 CY +4 18 89 KE +4 18 90 TX +4 18 91 KA +4 18 92 SA +4 18 93 TX +4 18 94 KE +4 18 95 SA +4 18 96 KA +4 18 97 TX +4 18 98 CY +4 18 99 CY +4 18 100 TX +4 18 101 CY +4 18 102 SA +4 18 103 KA +4 18 104 TX +4 18 105 CY +4 18 106 KA +4 18 107 SA +4 18 108 SA +4 18 109 TX +4 18 110 KA +4 18 111 TX +4 18 112 CY +4 18 113 KE +4 18 114 TX +4 18 115 CY +4 18 116 SA +4 18 117 KE +4 18 118 CY +4 18 119 TX +4 18 120 SA +4 18 121 CY +4 18 122 TX +4 18 123 TX +4 18 124 KA +4 18 125 CY +4 18 126 CY +4 18 127 KE +4 18 128 KA +4 18 129 SA +4 18 130 KA +4 18 131 CY +4 18 132 TX +4 18 133 TX +4 18 134 CY +4 18 135 TX +4 18 136 TX +4 18 137 SA +4 18 138 CY +4 18 139 SA +4 18 140 TX +4 18 141 SA +4 18 142 SA +4 18 143 KA +4 18 144 TX +4 18 145 TX +4 18 146 KA +4 18 147 TX +4 18 148 CY +4 18 149 TX +4 18 150 KA +4 18 151 CY +4 18 152 CY +4 18 153 TX +4 18 154 KE +4 18 155 KE +4 18 156 TX +4 18 157 XK +4 18 158 SA +4 18 159 KA +4 18 160 CY +4 18 161 TX +4 18 162 CY +4 18 163 TX +4 18 164 TX +4 18 165 KA +4 18 166 TX +4 18 167 XY +4 18 168 TX +4 18 169 TX +4 18 170 TX +4 18 171 TX +4 18 172 SA +4 18 173 CY +4 18 174 KA +4 18 175 SA +4 18 176 CY +4 18 177 KA +4 18 178 TX +4 18 179 CY +4 18 180 TX +4 18 181 KA +4 18 182 CY +4 18 183 KA +4 18 184 CY +4 18 185 KA +4 18 186 TX +4 18 187 KA +4 18 188 TX +4 18 189 SA +4 18 190 KA +4 18 191 TX +4 18 192 KA +4 18 193 KA +4 18 194 CY +4 18 195 TX +4 18 196 TX +4 18 197 CY +4 18 198 KE +4 18 199 SA +4 18 200 TX +4 18 201 CY +4 18 202 TX +4 18 203 CY +4 18 204 KE +4 18 205 TX +4 18 206 SA +4 18 207 CY +4 18 208 KA +4 18 209 TX +4 18 210 CY +4 18 211 TX +4 18 212 KA +4 18 213 SA +4 18 214 KA +4 18 215 CY +4 18 216 TX +4 18 217 CY +4 18 218 KA +4 18 219 SA +4 18 220 TX +4 18 221 SA +4 18 222 TX +4 18 223 TX +4 18 224 SA +4 18 225 KA +4 18 226 TX +4 18 227 KE +4 18 228 TX +4 18 229 TX +4 18 230 SA +4 18 231 CY +4 18 232 KA +4 18 233 XE +4 18 234 TX +4 18 235 TX +4 18 236 KA +4 18 237 CY +4 18 238 TX +4 18 239 CY +4 18 240 CY +4 18 241 SA +4 18 242 SA +4 18 243 CY +4 18 244 SA +4 18 245 CY +4 18 246 TX +4 18 247 XE +4 18 248 TX +4 18 249 TX +4 18 250 CY +4 18 251 TX +4 18 252 SA +4 18 253 TX +4 18 254 XE +4 18 255 KE +4 18 256 CY +4 18 257 TX +4 18 258 KA +4 18 259 CY +4 18 260 SA +4 18 261 KA +4 18 262 SA +4 18 263 KE +4 18 264 SA +4 18 265 TX +4 18 266 CY +4 18 267 TX +4 18 268 TX +4 18 269 CY +4 18 270 KA +4 18 271 TX +4 18 272 SA +4 18 273 CY +4 18 274 SA +4 18 275 KA +4 18 276 CY +4 18 277 CY +4 18 278 * +4 18 279 TX +4 18 280 TX +4 18 281 TX +4 18 282 TX +4 18 283 XK +4 18 284 SA +4 18 285 CY +4 18 286 SA +4 18 287 KA +4 18 288 CY +4 18 289 SA +4 18 290 SA +4 18 291 TX +4 18 292 XY +4 18 293 SA +4 18 294 SA +4 18 295 XK +4 18 296 TX +4 18 297 KA +4 18 298 CY +4 18 299 TX +4 18 300 SA +4 18 301 TX +4 18 302 SA +4 18 303 SA +4 18 304 TX +4 18 305 TX +4 18 306 TX +4 18 307 TX +4 18 308 TX +4 18 309 KA +4 18 310 TX +4 18 311 XE +4 18 312 KE +4 18 313 TX +4 18 314 SA +4 18 315 TX +4 18 316 TX +4 18 317 CY +4 18 318 CY +4 18 319 SA +4 18 320 KA +4 18 321 CY +4 18 322 TX +4 18 323 TX +4 18 324 SA +4 18 325 TX +4 18 326 KA +4 18 327 SA +4 18 328 TX +4 18 329 KA +4 18 330 SA +4 19 1 TA +4 19 2 TA +4 19 3 KA +4 19 4 TX +4 19 5 TA +4 19 6 KA +4 19 7 TA +4 19 8 CY +4 19 9 CY +4 19 10 TX +4 19 11 TA +4 19 12 KA +4 19 13 XE +4 19 14 XE +4 19 15 KA +4 19 16 SA +4 19 17 CY +4 19 18 TA +4 19 19 TA +4 19 20 TA +4 19 21 CY +4 19 22 SA +4 19 23 CY +4 19 24 SW +4 19 25 TA +4 19 26 TA +4 19 27 SA +4 19 28 CY +4 19 29 TA +4 19 30 CY +4 19 31 SA +4 19 32 SW +4 19 33 XE +4 19 34 TA +4 19 35 CY +4 19 36 XE +4 19 37 SW +4 19 38 CY +4 19 39 TX +4 19 40 TX +4 19 41 CY +4 19 42 SW +4 19 43 TA +4 19 44 KA +4 19 45 TA +4 19 46 SW +4 19 47 SW +4 19 48 CY +4 19 49 TA +4 19 50 XE +4 19 51 XE +4 19 52 SA +4 19 53 CY +4 19 54 TA +4 19 55 TA +4 19 56 CY +4 19 57 TA +4 19 58 TA +4 19 59 SA +4 19 60 TA +4 19 61 CY +4 19 62 SW +4 19 63 CY +4 19 64 TA +4 19 65 CY +4 19 66 SA +4 19 67 XE +4 19 68 CY +4 19 69 TX +4 19 70 SA +4 19 71 SW +4 19 72 TA +4 19 73 SW +4 19 74 SA +4 19 75 XE +4 19 76 CY +4 19 77 TA +4 19 78 SW +4 19 79 KA +4 19 80 XE +4 19 81 TA +4 19 82 TA +4 19 83 KA +4 19 84 KA +4 19 85 TA +4 19 86 CY +4 19 87 KE +4 19 88 CY +4 19 89 KE +4 19 90 KE +4 19 91 KA +4 19 92 SA +4 19 93 TA +4 19 94 KE +4 19 95 SA +4 19 96 KA +4 19 97 TX +4 19 98 CY +4 19 99 TX +4 19 100 TA +4 19 101 CY +4 19 102 TA +4 19 103 TA +4 19 104 TA +4 19 105 TX +4 19 106 KA +4 19 107 SA +4 19 108 SA +4 19 109 TX +4 19 110 KA +4 19 111 TA +4 19 112 CY +4 19 113 KE +4 19 114 TA +4 19 115 CY +4 19 116 SA +4 19 117 KE +4 19 118 CY +4 19 119 TA +4 19 120 SA +4 19 121 CY +4 19 122 TA +4 19 123 TA +4 19 124 KA +4 19 125 CY +4 19 126 CY +4 19 127 KE +4 19 128 KA +4 19 129 SA +4 19 130 TA +4 19 131 TX +4 19 132 CY +4 19 133 TA +4 19 134 KE +4 19 135 CY +4 19 136 TA +4 19 137 TA +4 19 138 TA +4 19 139 SA +4 19 140 TA +4 19 141 SA +4 19 142 SA +4 19 143 TA +4 19 144 TX +4 19 145 TA +4 19 146 KA +4 19 147 TA +4 19 148 CY +4 19 149 TA +4 19 150 TX +4 19 151 CY +4 19 152 TX +4 19 153 TA +4 19 154 CY +4 19 155 TA +4 19 156 TA +4 19 157 KE +4 19 158 SA +4 19 159 KA +4 19 160 CY +4 19 161 TA +4 19 162 CY +4 19 163 TA +4 19 164 TX +4 19 165 TA +4 19 166 KE +4 19 167 TX +4 19 168 TA +4 19 169 TA +4 19 170 KE +4 19 171 TA +4 19 172 SA +4 19 173 CY +4 19 174 KA +4 19 175 TA +4 19 176 CY +4 19 177 KA +4 19 178 XE +4 19 179 CY +4 19 180 TA +4 19 181 KA +4 19 182 TX +4 19 183 TA +4 19 184 TX +4 19 185 KA +4 19 186 TA +4 19 187 KA +4 19 188 TA +4 19 189 SA +4 19 190 CY +4 19 191 TA +4 19 192 TX +4 19 193 KA +4 19 194 CY +4 19 195 TA +4 19 196 TA +4 19 197 TX +4 19 198 KE +4 19 199 SA +4 19 200 TA +4 19 201 CY +4 19 202 TA +4 19 203 CY +4 19 204 KE +4 19 205 TX +4 19 206 SA +4 19 207 CY +4 19 208 KA +4 19 209 TA +4 19 210 CY +4 19 211 TA +4 19 212 KA +4 19 213 TX +4 19 214 KA +4 19 215 CY +4 19 216 TA +4 19 217 CY +4 19 218 TA +4 19 219 SA +4 19 220 XE +4 19 221 SA +4 19 222 XE +4 19 223 TA +4 19 224 SA +4 19 225 TA +4 19 226 TA +4 19 227 KE +4 19 228 XE +4 19 229 TA +4 19 230 SA +4 19 231 TX +4 19 232 TA +4 19 233 TX +4 19 234 TA +4 19 235 XE +4 19 236 TA +4 19 237 KA +4 19 238 TA +4 19 239 CY +4 19 240 CY +4 19 241 SA +4 19 242 KA +4 19 243 CY +4 19 244 SA +4 19 245 CY +4 19 246 TA +4 19 247 XE +4 19 248 TA +4 19 249 TA +4 19 250 XE +4 19 251 TA +4 19 252 SA +4 19 253 TA +4 19 254 TX +4 19 255 KE +4 19 256 CY +4 19 257 TA +4 19 258 KA +4 19 259 CY +4 19 260 SA +4 19 261 KA +4 19 262 SA +4 19 263 KE +4 19 264 TA +4 19 265 TA +4 19 266 CY +4 19 267 XE +4 19 268 TX +4 19 269 TA +4 19 270 CY +4 19 271 KA +4 19 272 KE +4 19 273 SA +4 19 274 CY +4 19 275 KA +4 19 276 KA +4 19 277 CY +4 19 278 * +4 19 279 CY +4 19 280 TX +4 19 281 TA +4 19 282 TA +4 19 283 TA +4 19 284 CY +4 19 285 SA +4 19 286 CY +4 19 287 SA +4 19 288 KA +4 19 289 TA +4 19 290 SA +4 19 291 TX +4 19 292 CY +4 19 293 SA +4 19 294 SA +4 19 295 CY +4 19 296 TX +4 19 297 KA +4 19 298 CY +4 19 299 TA +4 19 300 SA +4 19 301 TA +4 19 302 SA +4 19 303 SA +4 19 304 TA +4 19 305 TX +4 19 306 TA +4 19 307 TA +4 19 308 TX +4 19 309 KE +4 19 310 TA +4 19 311 TA +4 19 312 KE +4 19 313 XE +4 19 314 SA +4 19 315 TA +4 19 316 TA +4 19 317 CY +4 19 318 KA +4 19 319 SA +4 19 320 TA +4 19 321 CY +4 19 322 TA +4 19 323 TA +4 19 324 SA +4 19 325 TX +4 19 326 KA +4 19 327 SA +4 19 328 TA +4 19 329 KA +4 19 330 SA +4 20 1 CE +4 20 2 KA +4 20 3 CY +4 20 4 CY +4 20 5 TA +4 20 6 KA +4 20 7 TA +4 20 8 CY +4 20 9 XK +4 20 10 KE +4 20 11 KE +4 20 12 KA +4 20 13 TA +4 20 14 TA +4 20 15 KA +4 20 16 SA +4 20 17 CY +4 20 18 KE +4 20 19 TA +4 20 20 TA +4 20 21 CY +4 20 22 KA +4 20 23 SW +4 20 24 WR +4 20 25 TA +4 20 26 TA +4 20 27 KA +4 20 28 CY +4 20 29 TA +4 20 30 KA +4 20 31 CE +4 20 32 CY +4 20 33 KA +4 20 34 CE +4 20 35 KA +4 20 36 KE +4 20 37 TA +4 20 38 CY +4 20 39 KA +4 20 40 TA +4 20 41 CY +4 20 42 KA +4 20 43 KE +4 20 44 SA +4 20 45 KA +4 20 46 XK +4 20 47 TA +4 20 48 KA +4 20 49 TA +4 20 50 KE +4 20 51 XK +4 20 52 SA +4 20 53 CY +4 20 54 SA +4 20 55 * +4 20 56 * +4 20 57 CE +4 20 58 KA +4 20 59 CE +4 20 60 WR +4 20 61 SA +4 20 62 KE +4 20 63 CY +4 20 64 CE +4 20 65 CY +4 20 66 SA +4 20 67 KA +4 20 68 CY +4 20 69 WR +4 20 70 SA +4 20 71 CY +4 20 72 TA +4 20 73 CY +4 20 74 CE +4 20 75 WR +4 20 76 CY +4 20 77 TA +4 20 78 KA +4 20 79 WR +4 20 80 TA +4 20 81 KA +4 20 82 TA +4 20 83 KA +4 20 84 KA +4 20 85 TA +4 20 86 KA +4 20 87 WR +4 20 88 CY +4 20 89 KE +4 20 90 KE +4 20 91 KA +4 20 92 SA +4 20 93 TA +4 20 94 KE +4 20 95 TA +4 20 96 KA +4 20 97 KE +4 20 98 CY +4 20 99 KA +4 20 100 CE +4 20 101 CY +4 20 102 SA +4 20 103 XK +4 20 104 TA +4 20 105 CY +4 20 106 KA +4 20 107 SA +4 20 108 KA +4 20 109 TA +4 20 110 KA +4 20 111 SW +4 20 112 CY +4 20 113 KE +4 20 114 TA +4 20 115 CY +4 20 116 SA +4 20 117 KE +4 20 118 CY +4 20 119 TA +4 20 120 CY +4 20 121 TA +4 20 122 TA +4 20 123 TA +4 20 124 KA +4 20 125 CY +4 20 126 KA +4 20 127 KE +4 20 128 KA +4 20 129 SA +4 20 130 KE +4 20 131 KE +4 20 132 CY +4 20 133 TA +4 20 134 CY +4 20 135 CY +4 20 136 TA +4 20 137 KE +4 20 138 CE +4 20 139 SA +4 20 140 KE +4 20 141 SA +4 20 142 SA +4 20 143 KA +4 20 144 KE +4 20 145 TA +4 20 146 KA +4 20 147 TA +4 20 148 CY +4 20 149 KA +4 20 150 KE +4 20 151 KA +4 20 152 CY +4 20 153 TA +4 20 154 KE +4 20 155 KE +4 20 156 TA +4 20 157 KE +4 20 158 SA +4 20 159 KA +4 20 160 KA +4 20 161 TA +4 20 162 CY +4 20 163 TA +4 20 164 TA +4 20 165 KE +4 20 166 KE +4 20 167 SA +4 20 168 KE +4 20 169 TA +4 20 170 KE +4 20 171 TA +4 20 172 SA +4 20 173 CY +4 20 174 KA +4 20 175 CE +4 20 176 CY +4 20 177 KA +4 20 178 TA +4 20 179 CY +4 20 180 TA +4 20 181 KA +4 20 182 CY +4 20 183 KE +4 20 184 CY +4 20 185 KA +4 20 186 TA +4 20 187 KA +4 20 188 TA +4 20 189 SA +4 20 190 KA +4 20 191 TA +4 20 192 CY +4 20 193 KA +4 20 194 CY +4 20 195 TA +4 20 196 CE +4 20 197 CY +4 20 198 KE +4 20 199 KA +4 20 200 CE +4 20 201 KA +4 20 202 TA +4 20 203 CY +4 20 204 KE +4 20 205 KE +4 20 206 SA +4 20 207 CY +4 20 208 XK +4 20 209 KE +4 20 210 CY +4 20 211 TA +4 20 212 KA +4 20 213 SW +4 20 214 KA +4 20 215 CY +4 20 216 KE +4 20 217 KA +4 20 218 KA +4 20 219 SA +4 20 220 KE +4 20 221 SA +4 20 222 CY +4 20 223 TA +4 20 224 TA +4 20 225 KA +4 20 226 TA +4 20 227 KE +4 20 228 KE +4 20 229 KA +4 20 230 SA +4 20 231 CY +4 20 232 KE +4 20 233 KA +4 20 234 TA +4 20 235 TA +4 20 236 KA +4 20 237 KA +4 20 238 TA +4 20 239 KA +4 20 240 KE +4 20 241 SA +4 20 242 KA +4 20 243 CY +4 20 244 SA +4 20 245 CY +4 20 246 TA +4 20 247 KE +4 20 248 KE +4 20 249 TA +4 20 250 KE +4 20 251 KA +4 20 252 SA +4 20 253 TA +4 20 254 KA +4 20 255 KE +4 20 256 CY +4 20 257 KE +4 20 258 KA +4 20 259 CY +4 20 260 SA +4 20 261 KA +4 20 262 SA +4 20 263 WR +4 20 264 SA +4 20 265 KE +4 20 266 KA +4 20 267 CY +4 20 268 TA +4 20 269 CY +4 20 270 KA +4 20 271 KE +4 20 272 SA +4 20 273 KA +4 20 274 SA +4 20 275 KA +4 20 276 CY +4 20 277 KE +4 20 278 KA +4 20 279 KE +4 20 280 KA +4 20 281 TA +4 20 282 KA +4 20 283 KE +4 20 284 SA +4 20 285 KA +4 20 286 SA +4 20 287 KA +4 20 288 CE +4 20 289 SA +4 20 290 TA +4 20 291 KA +4 20 292 SA +4 20 293 SA +4 20 294 KA +4 20 295 KA +4 20 296 KA +4 20 297 KA +4 20 298 CY +4 20 299 TA +4 20 300 SA +4 20 301 TA +4 20 302 SA +4 20 303 SA +4 20 304 KA +4 20 305 KE +4 20 306 KA +4 20 307 CE +4 20 308 KA +4 20 309 KE +4 20 310 TA +4 20 311 CE +4 20 312 KE +4 20 313 TA +4 20 314 SA +4 20 315 KA +4 20 316 TA +4 20 317 CY +4 20 318 KA +4 20 319 SA +4 20 320 KA +4 20 321 CY +4 20 322 CE +4 20 323 KE +4 20 324 SA +4 20 325 CY +4 20 326 KA +4 20 327 SA +4 20 328 KE +4 20 329 XK +4 20 330 SA +4 21 1 CE +4 21 2 TA +4 21 3 CY +4 21 4 TA +4 21 5 TX +4 21 6 KA +4 21 7 TA +4 21 8 CY +4 21 9 KA +4 21 10 KE +4 21 11 KE +4 21 12 KA +4 21 13 TA +4 21 14 KE +4 21 15 CY +4 21 16 SA +4 21 17 CY +4 21 18 KE +4 21 19 CE +4 21 20 TA +4 21 21 CY +4 21 22 KA +4 21 23 TA +4 21 24 KE +4 21 25 CE +4 21 26 KE +4 21 27 SA +4 21 28 CY +4 21 29 TA +4 21 30 KA +4 21 31 CE +4 21 32 CY +4 21 33 TA +4 21 34 CE +4 21 35 CY +4 21 36 TA +4 21 37 CE +4 21 38 CY +4 21 39 TA +4 21 40 CE +4 21 41 CY +4 21 42 KA +4 21 43 KE +4 21 44 SA +4 21 45 TA +4 21 46 KE +4 21 47 KE +4 21 48 KA +4 21 49 CE +4 21 50 TX +4 21 51 KA +4 21 52 SA +4 21 53 CY +4 21 54 TA +4 21 55 CE +4 21 56 KA +4 21 57 CE +4 21 58 KA +4 21 59 SA +4 21 60 KE +4 21 61 CY +4 21 62 TX +4 21 63 CY +4 21 64 CE +4 21 65 CY +4 21 66 SA +4 21 67 TA +4 21 68 CY +4 21 69 KE +4 21 70 SA +4 21 71 KE +4 21 72 TA +4 21 73 TX +4 21 74 SA +4 21 75 KE +4 21 76 CY +4 21 77 CE +4 21 78 CY +4 21 79 KE +4 21 80 CE +4 21 81 TA +4 21 82 CE +4 21 83 KA +4 21 84 CY +4 21 85 TA +4 21 86 CY +4 21 87 KE +4 21 88 TX +4 21 89 KE +4 21 90 KE +4 21 91 KA +4 21 92 SA +4 21 93 CE +4 21 94 KE +4 21 95 SA +4 21 96 KA +4 21 97 TX +4 21 98 CY +4 21 99 KE +4 21 100 CE +4 21 101 KE +4 21 102 CE +4 21 103 KE +4 21 104 CE +4 21 105 TX +4 21 106 KA +4 21 107 SA +4 21 108 SA +4 21 109 TX +4 21 110 KA +4 21 111 KE +4 21 112 CY +4 21 113 KE +4 21 114 TA +4 21 115 CY +4 21 116 SA +4 21 117 KE +4 21 118 CY +4 21 119 TA +4 21 120 SA +4 21 121 CY +4 21 122 TA +4 21 123 KE +4 21 124 KA +4 21 125 KA +4 21 126 CY +4 21 127 KE +4 21 128 KA +4 21 129 SA +4 21 130 KE +4 21 131 TX +4 21 132 KA +4 21 133 SA +4 21 134 KE +4 21 135 TX +4 21 136 CE +4 21 137 KE +4 21 138 CE +4 21 139 SA +4 21 140 CE +4 21 141 SA +4 21 142 SA +4 21 143 KA +4 21 144 TX +4 21 145 CE +4 21 146 KA +4 21 147 TA +4 21 148 CY +4 21 149 TA +4 21 150 TX +4 21 151 CY +4 21 152 TX +4 21 153 CE +4 21 154 KE +4 21 155 KE +4 21 156 TA +4 21 157 KA +4 21 158 SA +4 21 159 KA +4 21 160 CY +4 21 161 TA +4 21 162 CY +4 21 163 CE +4 21 164 CE +4 21 165 TA +4 21 166 CE +4 21 167 SA +4 21 168 TA +4 21 169 CE +4 21 170 KE +4 21 171 KA +4 21 172 SA +4 21 173 CY +4 21 174 KA +4 21 175 CE +4 21 176 CY +4 21 177 KA +4 21 178 CE +4 21 179 CY +4 21 180 TA +4 21 181 KA +4 21 182 CY +4 21 183 KA +4 21 184 TX +4 21 185 KA +4 21 186 CE +4 21 187 KA +4 21 188 CE +4 21 189 SA +4 21 190 CY +4 21 191 TA +4 21 192 TX +4 21 193 KA +4 21 194 KE +4 21 195 TA +4 21 196 CE +4 21 197 TX +4 21 198 KE +4 21 199 SA +4 21 200 CE +4 21 201 CY +4 21 202 TA +4 21 203 CY +4 21 204 KE +4 21 205 TX +4 21 206 SA +4 21 207 CY +4 21 208 KA +4 21 209 TA +4 21 210 KE +4 21 211 CE +4 21 212 KA +4 21 213 SA +4 21 214 KA +4 21 215 CY +4 21 216 KE +4 21 217 KA +4 21 218 KA +4 21 219 SA +4 21 220 CE +4 21 221 SA +4 21 222 TX +4 21 223 TA +4 21 224 SA +4 21 225 KA +4 21 226 CE +4 21 227 KE +4 21 228 CE +4 21 229 CE +4 21 230 SA +4 21 231 TX +4 21 232 KA +4 21 233 CE +4 21 234 TA +4 21 235 CE +4 21 236 KA +4 21 237 SA +4 21 238 CE +4 21 239 CY +4 21 240 KE +4 21 241 SA +4 21 242 KA +4 21 243 KE +4 21 244 SA +4 21 245 CY +4 21 246 CE +4 21 247 TX +4 21 248 KE +4 21 249 TA +4 21 250 TX +4 21 251 TA +4 21 252 SA +4 21 253 TA +4 21 254 CE +4 21 255 KE +4 21 256 CY +4 21 257 CE +4 21 258 KA +4 21 259 CY +4 21 260 SA +4 21 261 KA +4 21 262 SA +4 21 263 SA +4 21 264 CE +4 21 265 TA +4 21 266 KA +4 21 267 CE +4 21 268 TX +4 21 269 TA +4 21 270 TX +4 21 271 KA +4 21 272 TA +4 21 273 TX +4 21 274 SA +4 21 275 KA +4 21 276 CY +4 21 277 * +4 21 278 KA +4 21 279 CE +4 21 280 TA +4 21 281 TA +4 21 282 TA +4 21 283 KE +4 21 284 SA +4 21 285 KA +4 21 286 SA +4 21 287 KA +4 21 288 CY +4 21 289 CE +4 21 290 CE +4 21 291 SA +4 21 292 KA +4 21 293 SA +4 21 294 SA +4 21 295 KA +4 21 296 TX +4 21 297 KA +4 21 298 CY +4 21 299 TA +4 21 300 SA +4 21 301 TA +4 21 302 SA +4 21 303 CE +4 21 304 KA +4 21 305 TX +4 21 306 KA +4 21 307 CE +4 21 308 TX +4 21 309 KE +4 21 310 TA +4 21 311 CE +4 21 312 KE +4 21 313 TX +4 21 314 SA +4 21 315 TA +4 21 316 CE +4 21 317 CY +4 21 318 KA +4 21 319 SA +4 21 320 KA +4 21 321 CY +4 21 322 CE +4 21 323 TA +4 21 324 SA +4 21 325 TX +4 21 326 KA +4 21 327 SA +4 21 328 TA +4 21 329 KA +4 21 330 SA +4 22 1 CE +4 22 2 TA +4 22 3 CY +4 22 4 TX +4 22 5 XE +4 22 6 CY +4 22 7 XE +4 22 8 XK +4 22 9 CY +4 22 10 TX +4 22 11 XE +4 22 12 KA +4 22 13 TA +4 22 14 TA +4 22 15 CY +4 22 16 SA +4 22 17 CY +4 22 18 KE +4 22 19 TX +4 22 20 TA +4 22 21 CY +4 22 22 KE +4 22 23 TX +4 22 24 XK +4 22 25 TA +4 22 26 TX +4 22 27 SA +4 22 28 CY +4 22 29 TA +4 22 30 XK +4 22 31 TA +4 22 32 CY +4 22 33 TA +4 22 34 TX +4 22 35 CY +4 22 36 TA +4 22 37 TX +4 22 38 CY +4 22 39 TA +4 22 40 CE +4 22 41 CY +4 22 42 KA +4 22 43 TX +4 22 44 SA +4 22 45 TA +4 22 46 SA +4 22 47 TA +4 22 48 KA +4 22 49 CE +4 22 50 CY +4 22 51 XK +4 22 52 SA +4 22 53 CY +4 22 54 XE +4 22 55 CE +4 22 56 KA +4 22 57 TA +4 22 58 KA +4 22 59 SA +4 22 60 TA +4 22 61 CY +4 22 62 TX +4 22 63 CY +4 22 64 TX +4 22 65 CY +4 22 66 SW +4 22 67 TA +4 22 68 CY +4 22 69 KA +4 22 70 SA +4 22 71 CY +4 22 72 TA +4 22 73 CY +4 22 74 SA +4 22 75 TA +4 22 76 CY +4 22 77 TX +4 22 78 CY +4 22 79 KE +4 22 80 TX +4 22 81 KA +4 22 82 CE +4 22 83 SW +4 22 84 CY +4 22 85 TA +4 22 86 CY +4 22 87 KE +4 22 88 CY +4 22 89 KE +4 22 90 TA +4 22 91 KA +4 22 92 SW +4 22 93 CE +4 22 94 XK +4 22 95 SA +4 22 96 KA +4 22 97 TX +4 22 98 CY +4 22 99 TX +4 22 100 CE +4 22 101 CY +4 22 102 TX +4 22 103 KA +4 22 104 CE +4 22 105 CY +4 22 106 KA +4 22 107 SA +4 22 108 CE +4 22 109 TX +4 22 110 KA +4 22 111 TA +4 22 112 CY +4 22 113 KE +4 22 114 TA +4 22 115 CY +4 22 116 CE +4 22 117 XK +4 22 118 CY +4 22 119 TA +4 22 120 SA +4 22 121 CY +4 22 122 TA +4 22 123 TX +4 22 124 KA +4 22 125 CY +4 22 126 CY +4 22 127 TA +4 22 128 KA +4 22 129 SA +4 22 130 TA +4 22 131 CY +4 22 132 CY +4 22 133 TA +4 22 134 XK +4 22 135 CY +4 22 136 CE +4 22 137 TA +4 22 138 CE +4 22 139 SA +4 22 140 TX +4 22 141 SW +4 22 142 SA +4 22 143 KA +4 22 144 TX +4 22 145 CE +4 22 146 KA +4 22 147 CE +4 22 148 CY +4 22 149 TA +4 22 150 TX +4 22 151 CY +4 22 152 TX +4 22 153 CE +4 22 154 KE +4 22 155 XK +4 22 156 TA +4 22 157 XK +4 22 158 SA +4 22 159 KA +4 22 160 CY +4 22 161 CE +4 22 162 CY +4 22 163 TX +4 22 164 TX +4 22 165 KA +4 22 166 TX +4 22 167 CY +4 22 168 XE +4 22 169 CE +4 22 170 TA +4 22 171 TA +4 22 172 SA +4 22 173 CY +4 22 174 KA +4 22 175 CE +4 22 176 CY +4 22 177 KA +4 22 178 TX +4 22 179 CY +4 22 180 TA +4 22 181 KA +4 22 182 TX +4 22 183 XK +4 22 184 TX +4 22 185 KA +4 22 186 CE +4 22 187 KA +4 22 188 CE +4 22 189 CE +4 22 190 CY +4 22 191 TA +4 22 192 TX +4 22 193 KA +4 22 194 CY +4 22 195 TA +4 22 196 CE +4 22 197 CY +4 22 198 KE +4 22 199 CE +4 22 200 CE +4 22 201 CY +4 22 202 TA +4 22 203 CY +4 22 204 XK +4 22 205 TX +4 22 206 SA +4 22 207 CY +4 22 208 XK +4 22 209 TA +4 22 210 CY +4 22 211 CE +4 22 212 KA +4 22 213 TX +4 22 214 SA +4 22 215 CY +4 22 216 TA +4 22 217 CY +4 22 218 KA +4 22 219 CE +4 22 220 TX +4 22 221 CE +4 22 222 TX +4 22 223 TA +4 22 224 SA +4 22 225 KA +4 22 226 TA +4 22 227 KE +4 22 228 TX +4 22 229 CE +4 22 230 SW +4 22 231 CY +4 22 232 KE +4 22 233 TX +4 22 234 TA +4 22 235 TX +4 22 236 KE +4 22 237 CY +4 22 238 CE +4 22 239 CY +4 22 240 CY +4 22 241 SA +4 22 242 KA +4 22 243 CY +4 22 244 CE +4 22 245 CY +4 22 246 CE +4 22 247 TX +4 22 248 TA +4 22 249 TA +4 22 250 TX +4 22 251 CE +4 22 252 SA +4 22 253 CE +4 22 254 CE +4 22 255 KE +4 22 256 CY +4 22 257 TX +4 22 258 KA +4 22 259 CY +4 22 260 SW +4 22 261 KA +4 22 262 SA +4 22 263 SW +4 22 264 CE +4 22 265 TA +4 22 266 CY +4 22 267 CY +4 22 268 CE +4 22 269 CY +4 22 270 KA +4 22 271 TA +4 22 272 SW +4 22 273 CY +4 22 274 SW +4 22 275 KA +4 22 276 CY +4 22 277 TX +4 22 278 CY +4 22 279 TX +4 22 280 TA +4 22 281 CE +4 22 282 TA +4 22 283 XK +4 22 284 SA +4 22 285 CY +4 22 286 SA +4 22 287 KA +4 22 288 CY +4 22 289 CE +4 22 290 SW +4 22 291 TX +4 22 292 CY +4 22 293 CE +4 22 294 SA +4 22 295 XK +4 22 296 TX +4 22 297 KA +4 22 298 CY +4 22 299 TA +4 22 300 SW +4 22 301 TA +4 22 302 SA +4 22 303 CE +4 22 304 TA +4 22 305 CY +4 22 306 KA +4 22 307 CE +4 22 308 TX +4 22 309 KE +4 22 310 CE +4 22 311 TX +4 22 312 KE +4 22 313 TX +4 22 314 SW +4 22 315 TA +4 22 316 CE +4 22 317 CY +4 22 318 CY +4 22 319 SW +4 22 320 KA +4 22 321 CY +4 22 322 CE +4 22 323 TA +4 22 324 SA +4 22 325 CY +4 22 326 KA +4 22 327 CE +4 22 328 TA +4 22 329 XK +4 22 330 CE +4 23 1 TX +4 23 2 SA +4 23 3 CY +4 23 4 TX +4 23 5 SP +4 23 6 SP +4 23 7 TA +4 23 8 TX +4 23 9 XK +4 23 10 TX +4 23 11 TA +4 23 12 KA +4 23 13 TA +4 23 14 TX +4 23 15 SP +4 23 16 SA +4 23 17 CY +4 23 18 KE +4 23 19 SP +4 23 20 CH +4 23 21 CY +4 23 22 SA +4 23 23 TX +4 23 24 KE +4 23 25 TA +4 23 26 TX +4 23 27 SA +4 23 28 CY +4 23 29 SP +4 23 30 XK +4 23 31 SP +4 23 32 CY +4 23 33 CH +4 23 34 TX +4 23 35 CY +4 23 36 TA +4 23 37 SP +4 23 38 CY +4 23 39 TA +4 23 40 TX +4 23 41 SP +4 23 42 XK +4 23 43 TX +4 23 44 SA +4 23 45 TX +4 23 46 KA +4 23 47 TA +4 23 48 XK +4 23 49 SP +4 23 50 TX +4 23 51 KE +4 23 52 SA +4 23 53 TX +4 23 54 TA +4 23 55 SP +4 23 56 SA +4 23 57 TA +4 23 58 XK +4 23 59 SA +4 23 60 TX +4 23 61 CY +4 23 62 SP +4 23 63 SP +4 23 64 TX +4 23 65 CY +4 23 66 SA +4 23 67 SP +4 23 68 CY +4 23 69 KE +4 23 70 SA +4 23 71 TX +4 23 72 TA +4 23 73 TX +4 23 74 SA +4 23 75 TA +4 23 76 SP +4 23 77 TX +4 23 78 SP +4 23 79 KE +4 23 80 TX +4 23 81 CH +4 23 82 SP +4 23 83 SA +4 23 84 SP +4 23 85 TX +4 23 86 CY +4 23 87 KE +4 23 88 CY +4 23 89 KE +4 23 90 TA +4 23 91 CH +4 23 92 SA +4 23 93 TX +4 23 94 KE +4 23 95 SP +4 23 96 KA +4 23 97 TX +4 23 98 CY +4 23 99 SP +4 23 100 SP +4 23 101 CY +4 23 102 SP +4 23 103 XK +4 23 104 SP +4 23 105 TX +4 23 106 KA +4 23 107 SA +4 23 108 SP +4 23 109 TX +4 23 110 LA +4 23 111 TA +4 23 112 CY +4 23 113 KE +4 23 114 TA +4 23 115 CY +4 23 116 SP +4 23 117 XK +4 23 118 SA +4 23 119 TA +4 23 120 SA +4 23 121 CY +4 23 122 TX +4 23 123 TA +4 23 124 KE +4 23 125 LA +4 23 126 SA +4 23 127 TA +4 23 128 CH +4 23 129 SA +4 23 130 XK +4 23 131 TX +4 23 132 CY +4 23 133 TA +4 23 134 XK +4 23 135 CY +4 23 136 SP +4 23 137 TA +4 23 138 SP +4 23 139 SA +4 23 140 TX +4 23 141 SA +4 23 142 SA +4 23 143 CH +4 23 144 KE +4 23 145 SP +4 23 146 KA +4 23 147 SP +4 23 148 CY +4 23 149 SP +4 23 150 TX +4 23 151 SP +4 23 152 SP +4 23 153 TX +4 23 154 KE +4 23 155 XK +4 23 156 TA +4 23 157 XK +4 23 158 SA +4 23 159 KA +4 23 160 SP +4 23 161 TX +4 23 162 CY +4 23 163 TA +4 23 164 TX +4 23 165 XK +4 23 166 TX +4 23 167 SA +4 23 168 TA +4 23 169 SP +4 23 170 TA +4 23 171 XK +4 23 172 SA +4 23 173 CY +4 23 174 KA +4 23 175 SP +4 23 176 CY +4 23 177 KA +4 23 178 TX +4 23 179 XK +4 23 180 SP +4 23 181 XK +4 23 182 TX +4 23 183 XK +4 23 184 TX +4 23 185 XK +4 23 186 SP +4 23 187 LA +4 23 188 TX +4 23 189 SA +4 23 190 SP +4 23 191 TA +4 23 192 TX +4 23 193 CH +4 23 194 TX +4 23 195 TA +4 23 196 SP +4 23 197 SP +4 23 198 KE +4 23 199 SA +4 23 200 SP +4 23 201 CY +4 23 202 TX +4 23 203 TX +4 23 204 XK +4 23 205 SP +4 23 206 SA +4 23 207 CY +4 23 208 XK +4 23 209 TA +4 23 210 SP +4 23 211 TX +4 23 212 LA +4 23 213 SP +4 23 214 CH +4 23 215 SP +4 23 216 TA +4 23 217 SP +4 23 218 CH +4 23 219 SA +4 23 220 TX +4 23 221 SP +4 23 222 TX +4 23 223 TA +4 23 224 SA +4 23 225 XK +4 23 226 TX +4 23 227 KE +4 23 228 TA +4 23 229 SP +4 23 230 SA +4 23 231 SP +4 23 232 XK +4 23 233 SP +4 23 234 TA +4 23 235 TX +4 23 236 CH +4 23 237 CY +4 23 238 TA +4 23 239 CY +4 23 240 XK +4 23 241 SA +4 23 242 KA +4 23 243 TX +4 23 244 SA +4 23 245 CY +4 23 246 SP +4 23 247 SP +4 23 248 TA +4 23 249 TA +4 23 250 TX +4 23 251 SP +4 23 252 SA +4 23 253 TX +4 23 254 SP +4 23 255 KE +4 23 256 CY +4 23 257 TX +4 23 258 CH +4 23 259 XK +4 23 260 SA +4 23 261 XK +4 23 262 SA +4 23 263 KE +4 23 264 SP +4 23 265 TA +4 23 266 XK +4 23 267 TX +4 23 268 SP +4 23 269 TX +4 23 270 LA +4 23 271 TA +4 23 272 SA +4 23 273 TA +4 23 274 SA +4 23 275 CH +4 23 276 SP +4 23 277 TA +4 23 278 CY +4 23 279 TA +4 23 280 TA +4 23 281 TA +4 23 282 SP +4 23 283 XK +4 23 284 SA +4 23 285 SP +4 23 286 SA +4 23 287 KA +4 23 288 CY +4 23 289 SP +4 23 290 SA +4 23 291 SP +4 23 292 SP +4 23 293 SP +4 23 294 SP +4 23 295 XK +4 23 296 TX +4 23 297 KA +4 23 298 CY +4 23 299 TA +4 23 300 SP +4 23 301 TA +4 23 302 SA +4 23 303 SP +4 23 304 CH +4 23 305 TX +4 23 306 SP +4 23 307 TX +4 23 308 SP +4 23 309 XK +4 23 310 TX +4 23 311 TA +4 23 312 KE +4 23 313 TX +4 23 314 SA +4 23 315 CH +4 23 316 SP +4 23 317 TX +4 23 318 LA +4 23 319 SA +4 23 320 XK +4 23 321 CY +4 23 322 TX +4 23 323 TA +4 23 324 SA +4 23 325 SP +4 23 326 LA +4 23 327 SP +4 23 328 TA +4 23 329 XK +4 23 330 SP +4 24 1 CE +4 24 2 SA +4 24 3 KA +4 24 4 KE +4 24 5 TA +4 24 6 SA +4 24 7 KE +4 24 8 TA +4 24 9 CP +4 24 10 TX +4 24 11 TA +4 24 12 KA +4 24 13 TA +4 24 14 TX +4 24 15 KA +4 24 16 SA +4 24 17 CY +4 24 18 KE +4 24 19 TX +4 24 20 TA +4 24 21 CY +4 24 22 KA +4 24 23 XE +4 24 24 KE +4 24 25 TA +4 24 26 XE +4 24 27 SA +4 24 28 CY +4 24 29 TA +4 24 30 KA +4 24 31 CE +4 24 32 TX +4 24 33 TA +4 24 34 TA +4 24 35 CY +4 24 36 TA +4 24 37 CE +4 24 38 CY +4 24 39 TA +4 24 40 CE +4 24 41 CY +4 24 42 KA +4 24 43 CE +4 24 44 SA +4 24 45 TA +4 24 46 KE +4 24 47 TA +4 24 48 KA +4 24 49 TA +4 24 50 XE +4 24 51 CP +4 24 52 KA +4 24 53 CY +4 24 54 TA +4 24 55 TA +4 24 56 KA +4 24 57 TA +4 24 58 KA +4 24 59 SA +4 24 60 TX +4 24 61 CY +4 24 62 XE +4 24 63 CY +4 24 64 TA +4 24 65 CY +4 24 66 SA +4 24 67 TA +4 24 68 CY +4 24 69 KE +4 24 70 SA +4 24 71 CY +4 24 72 TA +4 24 73 XE +4 24 74 TA +4 24 75 TA +4 24 76 CY +4 24 77 TA +4 24 78 SA +4 24 79 KE +4 24 80 TA +4 24 81 TA +4 24 82 TA +4 24 83 SA +4 24 84 CY +4 24 85 TA +4 24 86 CY +4 24 87 KE +4 24 88 TA +4 24 89 KE +4 24 90 TA +4 24 91 KA +4 24 92 SA +4 24 93 TA +4 24 94 KA +4 24 95 SA +4 24 96 KA +4 24 97 XE +4 24 98 CY +4 24 99 XE +4 24 100 TA +4 24 101 CY +4 24 102 XE +4 24 103 KE +4 24 104 TA +4 24 105 CY +4 24 106 KA +4 24 107 SA +4 24 108 SA +4 24 109 XE +4 24 110 KA +4 24 111 TA +4 24 112 CY +4 24 113 KE +4 24 114 TA +4 24 115 CY +4 24 116 SA +4 24 117 CP +4 24 118 CY +4 24 119 TA +4 24 120 SA +4 24 121 CY +4 24 122 TA +4 24 123 XE +4 24 124 KA +4 24 125 CY +4 24 126 CY +4 24 127 TA +4 24 128 KA +4 24 129 SA +4 24 130 TA +4 24 131 CY +4 24 132 CY +4 24 133 TA +4 24 134 CP +4 24 135 CY +4 24 136 XE +4 24 137 TA +4 24 138 TA +4 24 139 SA +4 24 140 TA +4 24 141 SA +4 24 142 SA +4 24 143 KA +4 24 144 XE +4 24 145 TA +4 24 146 KA +4 24 147 TA +4 24 148 CY +4 24 149 KA +4 24 150 CY +4 24 151 KA +4 24 152 XE +4 24 153 KE +4 24 154 KE +4 24 155 KE +4 24 156 SA +4 24 157 CP +4 24 158 SA +4 24 159 KA +4 24 160 CY +4 24 161 TA +4 24 162 CY +4 24 163 XE +4 24 164 XE +4 24 165 TA +4 24 166 XE +4 24 167 SA +4 24 168 TA +4 24 169 XE +4 24 170 KE +4 24 171 TA +4 24 172 SA +4 24 173 CY +4 24 174 KA +4 24 175 CE +4 24 176 CY +4 24 177 KA +4 24 178 TA +4 24 179 CY +4 24 180 TA +4 24 181 KA +4 24 182 CY +4 24 183 KA +4 24 184 TX +4 24 185 KA +4 24 186 CE +4 24 187 KA +4 24 188 TA +4 24 189 SA +4 24 190 CY +4 24 191 TA +4 24 192 CY +4 24 193 KA +4 24 194 CY +4 24 195 TA +4 24 196 CE +4 24 197 KA +4 24 198 KA +4 24 199 SA +4 24 200 CE +4 24 201 KA +4 24 202 TA +4 24 203 SA +4 24 204 CP +4 24 205 TX +4 24 206 KA +4 24 207 CY +4 24 208 KA +4 24 209 TA +4 24 210 CY +4 24 211 TA +4 24 212 KA +4 24 213 XE +4 24 214 KA +4 24 215 CY +4 24 216 TA +4 24 217 CY +4 24 218 TA +4 24 219 SA +4 24 220 XE +4 24 221 SA +4 24 222 XE +4 24 223 TA +4 24 224 SA +4 24 225 TA +4 24 226 TA +4 24 227 KA +4 24 228 TA +4 24 229 KA +4 24 230 SA +4 24 231 XE +4 24 232 KA +4 24 233 XE +4 24 234 TA +4 24 235 CE +4 24 236 TA +4 24 237 CY +4 24 238 TA +4 24 239 CY +4 24 240 CY +4 24 241 SA +4 24 242 KA +4 24 243 CY +4 24 244 SA +4 24 245 CY +4 24 246 TA +4 24 247 CE +4 24 248 TA +4 24 249 TA +4 24 250 XE +4 24 251 TA +4 24 252 SA +4 24 253 TA +4 24 254 XE +4 24 255 KE +4 24 256 CY +4 24 257 XE +4 24 258 KA +4 24 259 CY +4 24 260 KA +4 24 261 KA +4 24 262 SA +4 24 263 SA +4 24 264 XE +4 24 265 TA +4 24 266 CY +4 24 267 CY +4 24 268 TA +4 24 269 CY +4 24 270 KA +4 24 271 TA +4 24 272 SA +4 24 273 XE +4 24 274 SA +4 24 275 KA +4 24 276 CY +4 24 277 TA +4 24 278 CY +4 24 279 XE +4 24 280 TA +4 24 281 TA +4 24 282 TA +4 24 283 CP +4 24 284 SA +4 24 285 KA +4 24 286 SA +4 24 287 KA +4 24 288 CY +4 24 289 TA +4 24 290 SA +4 24 291 XE +4 24 292 CY +4 24 293 SA +4 24 294 SA +4 24 295 KE +4 24 296 TA +4 24 297 KA +4 24 298 CY +4 24 299 TA +4 24 300 SA +4 24 301 TA +4 24 302 SA +4 24 303 CE +4 24 304 TA +4 24 305 CY +4 24 306 TA +4 24 307 TA +4 24 308 XE +4 24 309 TA +4 24 310 TA +4 24 311 CE +4 24 312 KE +4 24 313 XE +4 24 314 SA +4 24 315 TA +4 24 316 TA +4 24 317 CY +4 24 318 KA +4 24 319 SA +4 24 320 KA +4 24 321 CY +4 24 322 CE +4 24 323 TA +4 24 324 SA +4 24 325 CY +4 24 326 KA +4 24 327 SA +4 24 328 TA +4 24 329 KA +4 24 330 SA +4 25 1 TX +4 25 2 TA +4 25 3 LA +4 25 4 KE +4 25 5 TA +4 25 6 KA +4 25 7 CH +4 25 8 CY +4 25 9 XK +4 25 10 TX +4 25 11 TA +4 25 12 KA +4 25 13 TA +4 25 14 TX +4 25 15 SA +4 25 16 SA +4 25 17 LA +4 25 18 KE +4 25 19 SP +4 25 20 CH +4 25 21 CY +4 25 22 KA +4 25 23 CY +4 25 24 KE +4 25 25 SP +4 25 26 TX +4 25 27 SA +4 25 28 CY +4 25 29 SP +4 25 30 XK +4 25 31 SP +4 25 32 CY +4 25 33 CH +4 25 34 TX +4 25 35 CY +4 25 36 TA +4 25 37 SP +4 25 38 CY +4 25 39 CH +4 25 40 SP +4 25 41 CY +4 25 42 KA +4 25 43 KA +4 25 44 SA +4 25 45 TA +4 25 46 KE +4 25 47 XE +4 25 48 KA +4 25 49 SP +4 25 50 TX +4 25 51 XK +4 25 52 SA +4 25 53 CY +4 25 54 CH +4 25 55 SP +4 25 56 SA +4 25 57 TX +4 25 58 KA +4 25 59 SA +4 25 60 TX +4 25 61 CY +4 25 62 CY +4 25 63 CY +4 25 64 TX +4 25 65 CY +4 25 66 SA +4 25 67 SP +4 25 68 CY +4 25 69 TA +4 25 70 SA +4 25 71 CY +4 25 72 TA +4 25 73 CY +4 25 74 SA +4 25 75 TA +4 25 76 LA +4 25 77 SP +4 25 78 CY +4 25 79 KE +4 25 80 TX +4 25 81 CH +4 25 82 SP +4 25 83 SP +4 25 84 KA +4 25 85 TA +4 25 86 CY +4 25 87 KE +4 25 88 TX +4 25 89 KE +4 25 90 KE +4 25 91 KA +4 25 92 SA +4 25 93 TX +4 25 94 KE +4 25 95 SA +4 25 96 KA +4 25 97 TX +4 25 98 CY +4 25 99 SA +4 25 100 SP +4 25 101 CY +4 25 102 SP +4 25 103 SP +4 25 104 SP +4 25 105 SP +4 25 106 KA +4 25 107 SA +4 25 108 SP +4 25 109 TX +4 25 110 KA +4 25 111 KE +4 25 112 CY +4 25 113 TX +4 25 114 SA +4 25 115 TX +4 25 116 SA +4 25 117 XK +4 25 118 CY +4 25 119 TA +4 25 120 SA +4 25 121 LA +4 25 122 CH +4 25 123 SP +4 25 124 KA +4 25 125 CY +4 25 126 TA +4 25 127 TA +4 25 128 KA +4 25 129 SA +4 25 130 XK +4 25 131 TX +4 25 132 CY +4 25 133 TA +4 25 134 KE +4 25 135 CY +4 25 136 SP +4 25 137 TA +4 25 138 SP +4 25 139 SA +4 25 140 TX +4 25 141 SA +4 25 142 SA +4 25 143 CH +4 25 144 TX +4 25 145 TA +4 25 146 KA +4 25 147 TA +4 25 148 CY +4 25 149 SP +4 25 150 TX +4 25 151 SP +4 25 152 TX +4 25 153 TX +4 25 154 KE +4 25 155 KE +4 25 156 TA +4 25 157 XK +4 25 158 SA +4 25 159 KA +4 25 160 SA +4 25 161 TA +4 25 162 CY +4 25 163 TA +4 25 164 TX +4 25 165 XK +4 25 166 TX +4 25 167 SP +4 25 168 TA +4 25 169 TX +4 25 170 KE +4 25 171 CH +4 25 172 SA +4 25 173 CY +4 25 174 KE +4 25 175 SP +4 25 176 CY +4 25 177 KA +4 25 178 TX +4 25 179 CY +4 25 180 CH +4 25 181 KA +4 25 182 CY +4 25 183 XK +4 25 184 TX +4 25 185 XK +4 25 186 SP +4 25 187 KA +4 25 188 TX +4 25 189 SA +4 25 190 CY +4 25 191 TA +4 25 192 SP +4 25 193 KA +4 25 194 CY +4 25 195 CH +4 25 196 SP +4 25 197 SP +4 25 198 KE +4 25 199 KE +4 25 200 SP +4 25 201 SA +4 25 202 TA +4 25 203 CY +4 25 204 XK +4 25 205 TX +4 25 206 SA +4 25 207 CY +4 25 208 KA +4 25 209 TX +4 25 210 XK +4 25 211 SP +4 25 212 LA +4 25 213 SP +4 25 214 KA +4 25 215 CY +4 25 216 CH +4 25 217 SA +4 25 218 CH +4 25 219 SP +4 25 220 TX +4 25 221 TA +4 25 222 TX +4 25 223 TA +4 25 224 SA +4 25 225 XK +4 25 226 TX +4 25 227 KE +4 25 228 TX +4 25 229 SP +4 25 230 SA +4 25 231 TX +4 25 232 XK +4 25 233 SP +4 25 234 TA +4 25 235 TX +4 25 236 CH +4 25 237 KA +4 25 238 SP +4 25 239 CY +4 25 240 XK +4 25 241 SA +4 25 242 KA +4 25 243 CY +4 25 244 SA +4 25 245 CY +4 25 246 SP +4 25 247 TX +4 25 248 TA +4 25 249 TA +4 25 250 TX +4 25 251 SP +4 25 252 SA +4 25 253 SP +4 25 254 SP +4 25 255 KE +4 25 256 CY +4 25 257 TX +4 25 258 KA +4 25 259 XK +4 25 260 KA +4 25 261 LA +4 25 262 SA +4 25 263 KE +4 25 264 SP +4 25 265 TA +4 25 266 XK +4 25 267 TX +4 25 268 TA +4 25 269 TX +4 25 270 KA +4 25 271 TA +4 25 272 SA +4 25 273 TX +4 25 274 SA +4 25 275 KA +4 25 276 CY +4 25 277 TX +4 25 278 KA +4 25 279 TX +4 25 280 CH +4 25 281 TA +4 25 282 CH +4 25 283 XK +4 25 284 SA +4 25 285 SA +4 25 286 SA +4 25 287 XK +4 25 288 CY +4 25 289 SP +4 25 290 SA +4 25 291 TX +4 25 292 KA +4 25 293 SA +4 25 294 SA +4 25 295 XK +4 25 296 TX +4 25 297 KA +4 25 298 CY +4 25 299 TA +4 25 300 SA +4 25 301 TA +4 25 302 SA +4 25 303 SA +4 25 304 CH +4 25 305 TX +4 25 306 TA +4 25 307 TX +4 25 308 TX +4 25 309 XK +4 25 310 TA +4 25 311 TX +4 25 312 KE +4 25 313 TX +4 25 314 SA +4 25 315 CH +4 25 316 TX +4 25 317 CY +4 25 318 KA +4 25 319 SA +4 25 320 XK +4 25 321 CY +4 25 322 SP +4 25 323 TA +4 25 324 SA +4 25 325 TX +4 25 326 KA +4 25 327 SA +4 25 328 TA +4 25 329 XK +4 25 330 SA +4 26 1 CE +4 26 2 TA +4 26 3 CY +4 26 4 TX +4 26 5 TA +4 26 6 KA +4 26 7 TA +4 26 8 CY +4 26 9 XK +4 26 10 KE +4 26 11 TA +4 26 12 KA +4 26 13 TA +4 26 14 KE +4 26 15 SA +4 26 16 SA +4 26 17 CY +4 26 18 KE +4 26 19 CE +4 26 20 TA +4 26 21 CY +4 26 22 KA +4 26 23 TX +4 26 24 XK +4 26 25 TA +4 26 26 TA +4 26 27 SA +4 26 28 CY +4 26 29 TA +4 26 30 KA +4 26 31 TA +4 26 32 TX +4 26 33 TA +4 26 34 TA +4 26 35 CY +4 26 36 TA +4 26 37 CE +4 26 38 CY +4 26 39 TA +4 26 40 TA +4 26 41 CY +4 26 42 KA +4 26 43 KE +4 26 44 SA +4 26 45 TA +4 26 46 KE +4 26 47 TA +4 26 48 KE +4 26 49 CE +4 26 50 TX +4 26 51 XK +4 26 52 SA +4 26 53 CY +4 26 54 TA +4 26 55 TA +4 26 56 KA +4 26 57 KA +4 26 58 TA +4 26 59 KA +4 26 60 KE +4 26 61 CY +4 26 62 SA +4 26 63 KA +4 26 64 TA +4 26 65 CY +4 26 66 SA +4 26 67 TA +4 26 68 KA +4 26 69 TA +4 26 70 SA +4 26 71 TX +4 26 72 TA +4 26 73 KE +4 26 74 SA +4 26 75 TA +4 26 76 KA +4 26 77 TA +4 26 78 SA +4 26 79 KE +4 26 80 TA +4 26 81 TA +4 26 82 TA +4 26 83 KA +4 26 84 KA +4 26 85 TA +4 26 86 KA +4 26 87 KE +4 26 88 TX +4 26 89 KE +4 26 90 KE +4 26 91 KA +4 26 92 SA +4 26 93 TA +4 26 94 XK +4 26 95 SA +4 26 96 KA +4 26 97 KE +4 26 98 CY +4 26 99 SA +4 26 100 SA +4 26 101 TX +4 26 102 SA +4 26 103 TA +4 26 104 SA +4 26 105 KE +4 26 106 SA +4 26 107 SA +4 26 108 SA +4 26 109 KE +4 26 110 KA +4 26 111 TA +4 26 112 CY +4 26 113 KE +4 26 114 TA +4 26 115 TX +4 26 116 SA +4 26 117 XK +4 26 118 KA +4 26 119 TA +4 26 120 SA +4 26 121 KA +4 26 122 TA +4 26 123 KE +4 26 124 KA +4 26 125 KA +4 26 126 KA +4 26 127 TA +4 26 128 KA +4 26 129 SA +4 26 130 TA +4 26 131 KE +4 26 132 CY +4 26 133 TA +4 26 134 XK +4 26 135 CY +4 26 136 CE +4 26 137 TA +4 26 138 CE +4 26 139 SA +4 26 140 KE +4 26 141 SA +4 26 142 SA +4 26 143 TA +4 26 144 KE +4 26 145 TA +4 26 146 KA +4 26 147 TA +4 26 148 CY +4 26 149 KA +4 26 150 KE +4 26 151 KA +4 26 152 SA +4 26 153 TA +4 26 154 KE +4 26 155 XK +4 26 156 TA +4 26 157 XK +4 26 158 SA +4 26 159 KA +4 26 160 SA +4 26 161 TA +4 26 162 CY +4 26 163 KE +4 26 164 TA +4 26 165 TA +4 26 166 KE +4 26 167 SA +4 26 168 TA +4 26 169 TA +4 26 170 KE +4 26 171 TA +4 26 172 SA +4 26 173 CY +4 26 174 KA +4 26 175 SA +4 26 176 CY +4 26 177 KA +4 26 178 KE +4 26 179 TX +4 26 180 TA +4 26 181 KA +4 26 182 KE +4 26 183 XK +4 26 184 KE +4 26 185 KA +4 26 186 KE +4 26 187 KA +4 26 188 TA +4 26 189 SA +4 26 190 SA +4 26 191 TA +4 26 192 TA +4 26 193 KA +4 26 194 TX +4 26 195 TA +4 26 196 TA +4 26 197 KA +4 26 198 KE +4 26 199 SA +4 26 200 KE +4 26 201 SA +4 26 202 TA +4 26 203 KA +4 26 204 XK +4 26 205 KE +4 26 206 SA +4 26 207 KA +4 26 208 KA +4 26 209 KE +4 26 210 KE +4 26 211 TA +4 26 212 KA +4 26 213 SA +4 26 214 KA +4 26 215 SA +4 26 216 TA +4 26 217 SA +4 26 218 KA +4 26 219 SA +4 26 220 TX +4 26 221 SA +4 26 222 KE +4 26 223 TA +4 26 224 SA +4 26 225 KA +4 26 226 KE +4 26 227 KE +4 26 228 KE +4 26 229 TA +4 26 230 SA +4 26 231 KA +4 26 232 XK +4 26 233 SA +4 26 234 TA +4 26 235 TX +4 26 236 TA +4 26 237 SA +4 26 238 TA +4 26 239 KA +4 26 240 XK +4 26 241 SA +4 26 242 KA +4 26 243 CY +4 26 244 SA +4 26 245 CY +4 26 246 TA +4 26 247 KE +4 26 248 TA +4 26 249 TA +4 26 250 TX +4 26 251 SA +4 26 252 SA +4 26 253 TA +4 26 254 CE +4 26 255 XK +4 26 256 KA +4 26 257 TX +4 26 258 KA +4 26 259 CY +4 26 260 SA +4 26 261 KA +4 26 262 SA +4 26 263 KE +4 26 264 CE +4 26 265 TA +4 26 266 XK +4 26 267 KE +4 26 268 TA +4 26 269 KE +4 26 270 KA +4 26 271 TA +4 26 272 SA +4 26 273 KE +4 26 274 SA +4 26 275 KA +4 26 276 KE +4 26 277 TX +4 26 278 KA +4 26 279 TX +4 26 280 TA +4 26 281 TA +4 26 282 TA +4 26 283 XK +4 26 284 SA +4 26 285 KA +4 26 286 SA +4 26 287 XK +4 26 288 CY +4 26 289 TA +4 26 290 SA +4 26 291 TX +4 26 292 KA +4 26 293 SA +4 26 294 SA +4 26 295 XK +4 26 296 KE +4 26 297 KA +4 26 298 CY +4 26 299 TA +4 26 300 SA +4 26 301 TA +4 26 302 SA +4 26 303 SA +4 26 304 TA +4 26 305 KE +4 26 306 TA +4 26 307 CE +4 26 308 KE +4 26 309 XK +4 26 310 TA +4 26 311 TX +4 26 312 KE +4 26 313 KE +4 26 314 SA +4 26 315 TA +4 26 316 TA +4 26 317 KE +4 26 318 KA +4 26 319 SA +4 26 320 KA +4 26 321 CY +4 26 322 CE +4 26 323 TA +4 26 324 SA +4 26 325 KE +4 26 326 KA +4 26 327 SA +4 26 328 TA +4 26 329 XK +4 26 330 SA +4 27 1 CE +4 27 2 SA +4 27 3 CY +4 27 4 TX +4 27 5 TA +4 27 6 LA +4 27 7 TA +4 27 8 CY +4 27 9 CP +4 27 10 XE +4 27 11 TX +4 27 12 KE +4 27 13 TA +4 27 14 XE +4 27 15 SA +4 27 16 SA +4 27 17 LA +4 27 18 KE +4 27 19 TA +4 27 20 TA +4 27 21 CY +4 27 22 KA +4 27 23 TX +4 27 24 TZ +4 27 25 XE +4 27 26 TA +4 27 27 SA +4 27 28 CY +4 27 29 TA +4 27 30 CP +4 27 31 SA +4 27 32 CY +4 27 33 TA +4 27 34 XE +4 27 35 LA +4 27 36 TA +4 27 37 TA +4 27 38 CY +4 27 39 TA +4 27 40 TA +4 27 41 CY +4 27 42 KA +4 27 43 XE +4 27 44 SA +4 27 45 TA +4 27 46 TZ +4 27 47 TA +4 27 48 KA +4 27 49 TA +4 27 50 TX +4 27 51 CP +4 27 52 SA +4 27 53 CY +4 27 54 TA +4 27 55 TA +4 27 56 LA +4 27 57 XE +4 27 58 CP +4 27 59 SA +4 27 60 XE +4 27 61 CY +4 27 62 XE +4 27 63 LA +4 27 64 XE +4 27 65 CY +4 27 66 SA +4 27 67 TA +4 27 68 CY +4 27 69 TA +4 27 70 SA +4 27 71 CP +4 27 72 TA +4 27 73 TX +4 27 74 SA +4 27 75 TA +4 27 76 KA +4 27 77 TA +4 27 78 SA +4 27 79 KE +4 27 80 XE +4 27 81 TA +4 27 82 TA +4 27 83 KA +4 27 84 KA +4 27 85 TA +4 27 86 CY +4 27 87 KE +4 27 88 TX +4 27 89 KE +4 27 90 TA +4 27 91 TA +4 27 92 SA +4 27 93 XE +4 27 94 KE +4 27 95 SA +4 27 96 KA +4 27 97 TX +4 27 98 CY +4 27 99 SA +4 27 100 TA +4 27 101 TX +4 27 102 SA +4 27 103 TA +4 27 104 SA +4 27 105 TX +4 27 106 KA +4 27 107 SA +4 27 108 SA +4 27 109 XE +4 27 110 KA +4 27 111 TA +4 27 112 CY +4 27 113 KE +4 27 114 TA +4 27 115 CY +4 27 116 SA +4 27 117 CP +4 27 118 CY +4 27 119 TA +4 27 120 SA +4 27 121 KA +4 27 122 TA +4 27 123 TA +4 27 124 TA +4 27 125 KA +4 27 126 SA +4 27 127 TA +4 27 128 KA +4 27 129 SA +4 27 130 TA +4 27 131 TX +4 27 132 KA +4 27 133 TA +4 27 134 CP +4 27 135 CY +4 27 136 TA +4 27 137 TA +4 27 138 SA +4 27 139 SA +4 27 140 XE +4 27 141 SA +4 27 142 SA +4 27 143 TA +4 27 144 TX +4 27 145 TA +4 27 146 KA +4 27 147 TA +4 27 148 CY +4 27 149 TA +4 27 150 CP +4 27 151 KA +4 27 152 SA +4 27 153 TA +4 27 154 KE +4 27 155 CP +4 27 156 TA +4 27 157 CE +4 27 158 SA +4 27 159 KA +4 27 160 SA +4 27 161 TA +4 27 162 CY +4 27 163 TA +4 27 164 TA +4 27 165 TA +4 27 166 XE +4 27 167 SA +4 27 168 TA +4 27 169 TA +4 27 170 XE +4 27 171 TA +4 27 172 SA +4 27 173 CY +4 27 174 KA +4 27 175 SA +4 27 176 CY +4 27 177 KA +4 27 178 TA +4 27 179 CP +4 27 180 TA +4 27 181 KA +4 27 182 CP +4 27 183 CP +4 27 184 TX +4 27 185 CP +4 27 186 TA +4 27 187 KA +4 27 188 TA +4 27 189 SA +4 27 190 SA +4 27 191 TA +4 27 192 TX +4 27 193 TA +4 27 194 TX +4 27 195 TA +4 27 196 TA +4 27 197 TX +4 27 198 KE +4 27 199 SA +4 27 200 TA +4 27 201 KA +4 27 202 SA +4 27 203 TX +4 27 204 CP +4 27 205 TX +4 27 206 SA +4 27 207 TX +4 27 208 CP +4 27 209 TA +4 27 210 TX +4 27 211 TA +4 27 212 KA +4 27 213 SA +4 27 214 TA +4 27 215 SA +4 27 216 TA +4 27 217 SA +4 27 218 TA +4 27 219 SA +4 27 220 TX +4 27 221 SA +4 27 222 TX +4 27 223 TA +4 27 224 SA +4 27 225 TA +4 27 226 TA +4 27 227 KE +4 27 228 TA +4 27 229 TA +4 27 230 SA +4 27 231 TX +4 27 232 CP +4 27 233 TX +4 27 234 TA +4 27 235 XE +4 27 236 TA +4 27 237 KA +4 27 238 TA +4 27 239 TX +4 27 240 CP +4 27 241 SA +4 27 242 KA +4 27 243 TX +4 27 244 SA +4 27 245 CY +4 27 246 TA +4 27 247 TX +4 27 248 TA +4 27 249 TA +4 27 250 TX +4 27 251 TA +4 27 252 SA +4 27 253 TA +4 27 254 SA +4 27 255 KE +4 27 256 CY +4 27 257 XE +4 27 258 KA +4 27 259 TX +4 27 260 SA +4 27 261 CP +4 27 262 SA +4 27 263 KE +4 27 264 TA +4 27 265 TA +4 27 266 CP +4 27 267 TX +4 27 268 TA +4 27 269 TX +4 27 270 KA +4 27 271 TA +4 27 272 SA +4 27 273 TX +4 27 274 SA +4 27 275 TA +4 27 276 CY +4 27 277 XE +4 27 278 KA +4 27 279 XE +4 27 280 TA +4 27 281 TA +4 27 282 TA +4 27 283 CP +4 27 284 TX +4 27 285 SA +4 27 286 SA +4 27 287 CP +4 27 288 CY +4 27 289 TA +4 27 290 SA +4 27 291 XE +4 27 292 KA +4 27 293 TA +4 27 294 TA +4 27 295 CP +4 27 296 TX +4 27 297 KA +4 27 298 CY +4 27 299 TA +4 27 300 TX +4 27 301 TA +4 27 302 KA +4 27 303 XE +4 27 304 TA +4 27 305 TX +4 27 306 TA +4 27 307 TA +4 27 308 TX +4 27 309 CP +4 27 310 TA +4 27 311 XE +4 27 312 KE +4 27 313 TX +4 27 314 TX +4 27 315 TA +4 27 316 TA +4 27 317 TX +4 27 318 KA +4 27 319 TX +4 27 320 CP +4 27 321 CY +4 27 322 XE +4 27 323 TA +4 27 324 KA +4 27 325 TX +4 27 326 KA +4 27 327 SA +4 27 328 TA +4 27 329 CP +4 27 330 TA +4 28 1 XE +4 28 2 SA +4 28 3 CY +4 28 4 KE +4 28 5 TA +4 28 6 TA +4 28 7 TX +4 28 8 CY +4 28 9 TX +4 28 10 XE +4 28 11 TA +4 28 12 KA +4 28 13 TX +4 28 14 KE +4 28 15 SA +4 28 16 SA +4 28 17 XE +4 28 18 KE +4 28 19 XE +4 28 20 TX +4 28 21 XX +4 28 22 KA +4 28 23 XE +4 28 24 TX +4 28 25 KE +4 28 26 XE +4 28 27 SA +4 28 28 CY +4 28 29 TX +4 28 30 XX +4 28 31 SA +4 28 32 XX +4 28 33 TX +4 28 34 XE +4 28 35 TX +4 28 36 KE +4 28 37 XE +4 28 38 CY +4 28 39 TX +4 28 40 XE +4 28 41 XX +4 28 42 KA +4 28 43 KE +4 28 44 SA +4 28 45 TX +4 28 46 TX +4 28 47 KE +4 28 48 KA +4 28 49 SA +4 28 50 KE +4 28 51 TX +4 28 52 SA +4 28 53 XX +4 28 54 TX +4 28 55 SA +4 28 56 SA +4 28 57 KE +4 28 58 TX +4 28 59 SA +4 28 60 KE +4 28 61 XX +4 28 62 XE +4 28 63 SA +4 28 64 XE +4 28 65 CY +4 28 66 SA +4 28 67 TX +4 28 68 CY +4 28 69 TX +4 28 70 SA +4 28 71 XX +4 28 72 TX +4 28 73 XE +4 28 74 SA +4 28 75 KE +4 28 76 CY +4 28 77 SA +4 28 78 SA +4 28 79 KE +4 28 80 XE +4 28 81 TX +4 28 82 TX +4 28 83 SA +4 28 84 CY +4 28 85 KE +4 28 86 CY +4 28 87 KE +4 28 88 XE +4 28 89 KE +4 28 90 KE +4 28 91 TX +4 28 92 SA +4 28 93 XE +4 28 94 KE +4 28 95 SA +4 28 96 KA +4 28 97 XE +4 28 98 XX +4 28 99 SA +4 28 100 TX +4 28 101 CY +4 28 102 SA +4 28 103 CY +4 28 104 SA +4 28 105 TX +4 28 106 SA +4 28 107 SA +4 28 108 SA +4 28 109 XE +4 28 110 TX +4 28 111 KE +4 28 112 CY +4 28 113 KE +4 28 114 KE +4 28 115 CY +4 28 116 SA +4 28 117 KE +4 28 118 SA +4 28 119 TX +4 28 120 SA +4 28 121 KA +4 28 122 TX +4 28 123 KE +4 28 124 KA +4 28 125 KA +4 28 126 SA +4 28 127 KE +4 28 128 KA +4 28 129 SA +4 28 130 TX +4 28 131 XE +4 28 132 CY +4 28 133 KE +4 28 134 KE +4 28 135 CY +4 28 136 XE +4 28 137 KE +4 28 138 XE +4 28 139 SA +4 28 140 XE +4 28 141 SA +4 28 142 SA +4 28 143 KA +4 28 144 XE +4 28 145 TX +4 28 146 KA +4 28 147 TX +4 28 148 CY +4 28 149 TX +4 28 150 XE +4 28 151 SA +4 28 152 CY +4 28 153 XE +4 28 154 KE +4 28 155 CY +4 28 156 KE +4 28 157 CY +4 28 158 SA +4 28 159 TX +4 28 160 SA +4 28 161 TX +4 28 162 CY +4 28 163 KE +4 28 164 XE +4 28 165 TA +4 28 166 XE +4 28 167 SA +4 28 168 KE +4 28 169 XE +4 28 170 KE +4 28 171 TX +4 28 172 SA +4 28 173 CY +4 28 174 KA +4 28 175 SA +4 28 176 CY +4 28 177 KA +4 28 178 XE +4 28 179 XX +4 28 180 TX +4 28 181 TX +4 28 182 KE +4 28 183 TX +4 28 184 XE +4 28 185 TX +4 28 186 SA +4 28 187 KA +4 28 188 XE +4 28 189 SA +4 28 190 SA +4 28 191 KE +4 28 192 XE +4 28 193 KA +4 28 194 CY +4 28 195 TX +4 28 196 SA +4 28 197 XE +4 28 198 KE +4 28 199 SA +4 28 200 XE +4 28 201 SA +4 28 202 TX +4 28 203 CY +4 28 204 KE +4 28 205 XE +4 28 206 SA +4 28 207 CY +4 28 208 TX +4 28 209 KE +4 28 210 XX +4 28 211 XE +4 28 212 KA +4 28 213 XE +4 28 214 KA +4 28 215 CY +4 28 216 TX +4 28 217 SA +4 28 218 TX +4 28 219 SA +4 28 220 XE +4 28 221 SA +4 28 222 XE +4 28 223 TX +4 28 224 SA +4 28 225 TX +4 28 226 KE +4 28 227 KE +4 28 228 XE +4 28 229 SA +4 28 230 SA +4 28 231 CY +4 28 232 TX +4 28 233 XE +4 28 234 KE +4 28 235 XE +4 28 236 TX +4 28 237 SA +4 28 238 KE +4 28 239 CY +4 28 240 XX +4 28 241 SA +4 28 242 KA +4 28 243 KE +4 28 244 SA +4 28 245 XX +4 28 246 KE +4 28 247 XE +4 28 248 KE +4 28 249 KE +4 28 250 XE +4 28 251 SA +4 28 252 SA +4 28 253 TX +4 28 254 XE +4 28 255 KE +4 28 256 CY +4 28 257 XE +4 28 258 KA +4 28 259 XX +4 28 260 SA +4 28 261 CY +4 28 262 SA +4 28 263 TX +4 28 264 SA +4 28 265 KE +4 28 266 CY +4 28 267 KE +4 28 268 TX +4 28 269 CY +4 28 270 KA +4 28 271 KE +4 28 272 SA +4 28 273 XE +4 28 274 SA +4 28 275 TX +4 28 276 CY +4 28 277 * +4 28 278 TX +4 28 279 XE +4 28 280 TX +4 28 281 KE +4 28 282 TX +4 28 283 CY +4 28 284 SA +4 28 285 SA +4 28 286 SA +4 28 287 TX +4 28 288 TX +4 28 289 SA +4 28 290 SA +4 28 291 XE +4 28 292 SA +4 28 293 SA +4 28 294 SA +4 28 295 TX +4 28 296 XE +4 28 297 KA +4 28 298 CY +4 28 299 TX +4 28 300 TX +4 28 301 KA +4 28 302 SA +4 28 303 XE +4 28 304 TX +4 28 305 KA +4 28 306 TX +4 28 307 XE +4 28 308 XE +4 28 309 KE +4 28 310 TX +4 28 311 XE +4 28 312 KE +4 28 313 XE +4 28 314 SA +4 28 315 TX +4 28 316 TX +4 28 317 KA +4 28 318 TX +4 28 319 SA +4 28 320 TX +4 28 321 CY +4 28 322 XE +4 28 323 KE +4 28 324 SA +4 28 325 XE +4 28 326 KA +4 28 327 SA +4 28 328 KE +4 28 329 TX +4 28 330 SA +4 29 1 XE +4 29 2 CE +4 29 3 CY +4 29 4 TA +4 29 5 SA +4 29 6 KA +4 29 7 TA +4 29 8 KA +4 29 9 CY +4 29 10 TA +4 29 11 KE +4 29 12 KA +4 29 13 CY +4 29 14 XE +4 29 15 CE +4 29 16 SA +4 29 17 TX +4 29 18 CY +4 29 19 TA +4 29 20 KA +4 29 21 XE +4 29 22 KA +4 29 23 TA +4 29 24 CY +4 29 25 XE +4 29 26 TA +4 29 27 SA +4 29 28 XE +4 29 29 KA +4 29 30 CY +4 29 31 SA +4 29 32 XE +4 29 33 KA +4 29 34 TA +4 29 35 CY +4 29 36 CY +4 29 37 TA +4 29 38 XE +4 29 39 CY +4 29 40 CE +4 29 41 CY +4 29 42 KA +4 29 43 TA +4 29 44 SA +4 29 45 KA +4 29 46 XE +4 29 47 CY +4 29 48 KA +4 29 49 CE +4 29 50 TA +4 29 51 CY +4 29 52 SA +4 29 53 XE +4 29 54 CY +4 29 55 CE +4 29 56 SA +4 29 57 TA +4 29 58 KA +4 29 59 SA +4 29 60 XE +4 29 61 CY +4 29 62 TA +4 29 63 SA +4 29 64 TA +4 29 65 XE +4 29 66 SA +4 29 67 SA +4 29 68 TA +4 29 69 CY +4 29 70 CE +4 29 71 CY +4 29 72 CY +4 29 73 TA +4 29 74 SA +4 29 75 CY +4 29 76 KA +4 29 77 XE +4 29 78 SA +4 29 79 CY +4 29 80 TA +4 29 81 KA +4 29 82 SA +4 29 83 SA +4 29 84 SA +4 29 85 KA +4 29 86 CE +4 29 87 CY +4 29 88 TA +4 29 89 KE +4 29 90 KE +4 29 91 KA +4 29 92 SA +4 29 93 XE +4 29 94 CY +4 29 95 SA +4 29 96 KA +4 29 97 TA +4 29 98 CY +4 29 99 CE +4 29 100 SA +4 29 101 XE +4 29 102 CE +4 29 103 KA +4 29 104 CE +4 29 105 TA +4 29 106 SA +4 29 107 SA +4 29 108 SA +4 29 109 TA +4 29 110 KA +4 29 111 CY +4 29 112 XE +4 29 113 KE +4 29 114 XE +4 29 115 CY +4 29 116 SA +4 29 117 CY +4 29 118 XE +4 29 119 KA +4 29 120 SA +4 29 121 CY +4 29 122 CY +4 29 123 XE +4 29 124 KA +4 29 125 KA +4 29 126 CE +4 29 127 KE +4 29 128 KA +4 29 129 SA +4 29 130 CY +4 29 131 TA +4 29 132 CY +4 29 133 CY +4 29 134 KE +4 29 135 XE +4 29 136 CE +4 29 137 CY +4 29 138 CE +4 29 139 SA +4 29 140 XE +4 29 141 SA +4 29 142 CE +4 29 143 KA +4 29 144 XE +4 29 145 SA +4 29 146 KA +4 29 147 SA +4 29 148 CY +4 29 149 KA +4 29 150 XE +4 29 151 CE +4 29 152 CE +4 29 153 TA +4 29 154 CY +4 29 155 KA +4 29 156 CY +4 29 157 CY +4 29 158 SA +4 29 159 KA +4 29 160 CE +4 29 161 SA +4 29 162 XE +4 29 163 XE +4 29 164 TA +4 29 165 CY +4 29 166 XE +4 29 167 CE +4 29 168 CY +4 29 169 TA +4 29 170 KE +4 29 171 KA +4 29 172 SA +4 29 173 XE +4 29 174 KA +4 29 175 SA +4 29 176 TX +4 29 177 KA +4 29 178 TA +4 29 179 KE +4 29 180 KA +4 29 181 KA +4 29 182 KE +4 29 183 CY +4 29 184 TA +4 29 185 KA +4 29 186 CE +4 29 187 KA +4 29 188 XE +4 29 189 SA +4 29 190 SA +4 29 191 TX +4 29 192 TA +4 29 193 KA +4 29 194 KE +4 29 195 KA +4 29 196 SA +4 29 197 TA +4 29 198 CY +4 29 199 SA +4 29 200 CE +4 29 201 SA +4 29 202 KA +4 29 203 XE +4 29 204 CY +4 29 205 TA +4 29 206 SA +4 29 207 XE +4 29 208 KA +4 29 209 TX +4 29 210 CY +4 29 211 CE +4 29 212 KA +4 29 213 CE +4 29 214 KA +4 29 215 CE +4 29 216 CY +4 29 217 CY +4 29 218 KA +4 29 219 SA +4 29 220 TA +4 29 221 SA +4 29 222 TA +4 29 223 CY +4 29 224 SA +4 29 225 KA +4 29 226 XE +4 29 227 CY +4 29 228 XE +4 29 229 SA +4 29 230 SA +4 29 231 TA +4 29 232 CY +4 29 233 TA +4 29 234 CY +4 29 235 TA +4 29 236 KA +4 29 237 SA +4 29 238 CE +4 29 239 CE +4 29 240 CY +4 29 241 SA +4 29 242 KA +4 29 243 XE +4 29 244 SA +4 29 245 CY +4 29 246 SA +4 29 247 TA +4 29 248 CY +4 29 249 CY +4 29 250 SA +4 29 251 SA +4 29 252 SA +4 29 253 SA +4 29 254 TA +4 29 255 CY +4 29 256 CE +4 29 257 XE +4 29 258 KA +4 29 259 CY +4 29 260 SA +4 29 261 KA +4 29 262 SA +4 29 263 CE +4 29 264 CE +4 29 265 CY +4 29 266 CY +4 29 267 XE +4 29 268 KA +4 29 269 TA +4 29 270 CY +4 29 271 CY +4 29 272 SA +4 29 273 TA +4 29 274 SA +4 29 275 KA +4 29 276 TA +4 29 277 XE +4 29 278 KA +4 29 279 TA +4 29 280 KA +4 29 281 TX +4 29 282 KA +4 29 283 CY +4 29 284 SA +4 29 285 CE +4 29 286 SA +4 29 287 KA +4 29 288 CY +4 29 289 CE +4 29 290 SA +4 29 291 TA +4 29 292 CE +4 29 293 SA +4 29 294 SA +4 29 295 CY +4 29 296 XE +4 29 297 KA +4 29 298 TX +4 29 299 TX +4 29 300 CE +4 29 301 TX +4 29 302 SA +4 29 303 CE +4 29 304 KA +4 29 305 XE +4 29 306 KA +4 29 307 TA +4 29 308 TA +4 29 309 CY +4 29 310 KA +4 29 311 TA +4 29 312 KE +4 29 313 XE +4 29 314 SA +4 29 315 KA +4 29 316 TX +4 29 317 XE +4 29 318 KA +4 29 319 SA +4 29 320 KA +4 29 321 TX +4 29 322 CE +4 29 323 CY +4 29 324 SA +4 29 325 TA +4 29 326 KA +4 29 327 SA +4 29 328 CY +4 29 329 CY +4 29 330 SA +4 30 1 CE +4 30 2 TA +4 30 3 CY +4 30 4 CY +4 30 5 TA +4 30 6 SA +4 30 7 TA +4 30 8 CY +4 30 9 CY +4 30 10 TA +4 30 11 XE +4 30 12 KA +4 30 13 TA +4 30 14 KA +4 30 15 KA +4 30 16 SA +4 30 17 CY +4 30 18 KE +4 30 19 TA +4 30 20 TA +4 30 21 KA +4 30 22 KA +4 30 23 KA +4 30 24 SP +4 30 25 TA +4 30 26 TA +4 30 27 SA +4 30 28 KA +4 30 29 TA +4 30 30 CY +4 30 31 TA +4 30 32 CY +4 30 33 TA +4 30 34 TA +4 30 35 CY +4 30 36 SP +4 30 37 TA +4 30 38 CY +4 30 39 TA +4 30 40 TA +4 30 41 CY +4 30 42 TA +4 30 43 KE +4 30 44 SA +4 30 45 TA +4 30 46 SP +4 30 47 TA +4 30 48 KA +4 30 49 TA +4 30 50 XE +4 30 51 XK +4 30 52 SA +4 30 53 CY +4 30 54 TA +4 30 55 TA +4 30 56 KA +4 30 57 TA +4 30 58 KA +4 30 59 SA +4 30 60 TA +4 30 61 KA +4 30 62 SA +4 30 63 CY +4 30 64 TA +4 30 65 KA +4 30 66 SA +4 30 67 TA +4 30 68 CY +4 30 69 XK +4 30 70 SA +4 30 71 TX +4 30 72 TA +4 30 73 CY +4 30 74 SA +4 30 75 MU +4 30 76 KE +4 30 77 TA +4 30 78 XE +4 30 79 KE +4 30 80 TA +4 30 81 KA +4 30 82 TA +4 30 83 SA +4 30 84 CY +4 30 85 TA +4 30 86 KA +4 30 87 KE +4 30 88 KA +4 30 89 KE +4 30 90 KE +4 30 91 CY +4 30 92 SA +4 30 93 TA +4 30 94 XE +4 30 95 SA +4 30 96 KA +4 30 97 XE +4 30 98 CY +4 30 99 SA +4 30 100 TA +4 30 101 KA +4 30 102 SA +4 30 103 MU +4 30 104 SA +4 30 105 KA +4 30 106 KA +4 30 107 SA +4 30 108 SA +4 30 109 TA +4 30 110 CY +4 30 111 MU +4 30 112 CY +4 30 113 MU +4 30 114 TA +4 30 115 KA +4 30 116 XE +4 30 117 XK +4 30 118 CY +4 30 119 TA +4 30 120 SA +4 30 121 CY +4 30 122 TA +4 30 123 WR +4 30 124 KA +4 30 125 CY +4 30 126 SA +4 30 127 XE +4 30 128 KA +4 30 129 SA +4 30 130 TA +4 30 131 CY +4 30 132 KA +4 30 133 TA +4 30 134 KE +4 30 135 KA +4 30 136 XE +4 30 137 TA +4 30 138 SP +4 30 139 SA +4 30 140 TX +4 30 141 SA +4 30 142 SA +4 30 143 TA +4 30 144 TX +4 30 145 TA +4 30 146 CY +4 30 147 TA +4 30 148 KA +4 30 149 TA +4 30 150 CY +4 30 151 KA +4 30 152 KA +4 30 153 SA +4 30 154 MU +4 30 155 KE +4 30 156 TA +4 30 157 KE +4 30 158 SA +4 30 159 KA +4 30 160 KA +4 30 161 TA +4 30 162 CY +4 30 163 TA +4 30 164 SP +4 30 165 MU +4 30 166 KE +4 30 167 SA +4 30 168 TA +4 30 169 TA +4 30 170 KE +4 30 171 TA +4 30 172 SA +4 30 173 KA +4 30 174 CY +4 30 175 SA +4 30 176 KA +4 30 177 TA +4 30 178 KE +4 30 179 CY +4 30 180 TA +4 30 181 CY +4 30 182 CY +4 30 183 XK +4 30 184 TA +4 30 185 KA +4 30 186 TA +4 30 187 CY +4 30 188 TA +4 30 189 SA +4 30 190 KA +4 30 191 TA +4 30 192 KA +4 30 193 CY +4 30 194 CY +4 30 195 TA +4 30 196 SA +4 30 197 KA +4 30 198 KE +4 30 199 SA +4 30 200 TA +4 30 201 KA +4 30 202 TA +4 30 203 XK +4 30 204 KE +4 30 205 TX +4 30 206 SA +4 30 207 KA +4 30 208 CY +4 30 209 TA +4 30 210 KE +4 30 211 TA +4 30 212 KA +4 30 213 KE +4 30 214 TA +4 30 215 CY +4 30 216 MU +4 30 217 KA +4 30 218 TA +4 30 219 SA +4 30 220 TA +4 30 221 SA +4 30 222 KA +4 30 223 TA +4 30 224 SA +4 30 225 KA +4 30 226 KE +4 30 227 KE +4 30 228 TA +4 30 229 SA +4 30 230 SA +4 30 231 CY +4 30 232 MU +4 30 233 SA +4 30 234 TA +4 30 235 TA +4 30 236 TA +4 30 237 SA +4 30 238 TA +4 30 239 CY +4 30 240 XK +4 30 241 SA +4 30 242 KE +4 30 243 CY +4 30 244 SA +4 30 245 KA +4 30 246 TA +4 30 247 TX +4 30 248 KE +4 30 249 TA +4 30 250 XE +4 30 251 TA +4 30 252 SA +4 30 253 TA +4 30 254 KA +4 30 255 KE +4 30 256 CY +4 30 257 XE +4 30 258 KA +4 30 259 CY +4 30 260 SA +4 30 261 KA +4 30 262 SA +4 30 263 MU +4 30 264 TA +4 30 265 SA +4 30 266 KA +4 30 267 CY +4 30 268 TA +4 30 269 CY +4 30 270 KA +4 30 271 TA +4 30 272 SA +4 30 273 KA +4 30 274 SA +4 30 275 TX +4 30 276 CY +4 30 277 TA +4 30 278 KA +4 30 279 KE +4 30 280 TA +4 30 281 TA +4 30 282 TA +4 30 283 XK +4 30 284 SA +4 30 285 KA +4 30 286 SA +4 30 287 KA +4 30 288 CY +4 30 289 TA +4 30 290 SA +4 30 291 TA +4 30 292 KA +4 30 293 SA +4 30 294 SA +4 30 295 XK +4 30 296 TX +4 30 297 CY +4 30 298 KA +4 30 299 TA +4 30 300 SA +4 30 301 TA +4 30 302 SA +4 30 303 SA +4 30 304 TA +4 30 305 TX +4 30 306 TA +4 30 307 TA +4 30 308 MU +4 30 309 KE +4 30 310 TA +4 30 311 XE +4 30 312 KA +4 30 313 KE +4 30 314 SA +4 30 315 TA +4 30 316 TA +4 30 317 TX +4 30 318 KA +4 30 319 SA +4 30 320 KA +4 30 321 CY +4 30 322 SP +4 30 323 TA +4 30 324 SA +4 30 325 TX +4 30 326 KA +4 30 327 SA +4 30 328 MU +4 30 329 XK +4 30 330 SP +4 31 1 TA +4 31 2 SP +4 31 3 LA +4 31 4 TX +4 31 5 TA +4 31 6 XK +4 31 7 CH +4 31 8 XK +4 31 9 XE +4 31 10 TA +4 31 11 KA +4 31 12 KE +4 31 13 SA +4 31 14 SA +4 31 15 LA +4 31 16 KE +4 31 17 TA +4 31 18 CH +4 31 19 CY +4 31 20 KA +4 31 21 TX +4 31 22 KE +4 31 23 TA +4 31 24 XE +4 31 25 SW +4 31 26 CY +4 31 27 TA +4 31 28 XK +4 31 29 SP +4 31 30 TU +4 31 31 CH +4 31 32 XE +4 31 33 LA +4 31 34 KE +4 31 35 XE +4 31 36 TU +4 31 37 CH +4 31 38 TA +4 31 39 CY +4 31 40 XK +4 31 41 TX +4 31 42 XK +4 31 43 XE +4 31 44 SA +4 31 45 TA +4 31 46 XK +4 31 47 TA +4 31 48 LA +4 31 49 SP +4 31 50 TX +4 31 51 XK +4 31 52 SP +4 31 53 CY +4 31 54 CH +4 31 55 TA +4 31 56 * +4 31 57 XK +4 31 58 TA +4 31 59 XK +4 31 60 SA +4 31 61 XE +4 31 62 CY +4 31 63 TX +4 31 64 CY +4 31 65 KE +4 31 66 TU +4 31 67 SA +4 31 68 CY +4 31 69 TA +4 31 70 TX +4 31 71 XK +4 31 72 TA +4 31 73 TX +4 31 74 SP +4 31 75 KE +4 31 76 LA +4 31 77 TA +4 31 78 CY +4 31 79 KE +4 31 80 XE +4 31 81 CH +4 31 82 TA +4 31 83 SW +4 31 84 CY +4 31 85 TA +4 31 86 TU +4 31 87 KE +4 31 88 TU +4 31 89 KE +4 31 90 KE +4 31 91 KE +4 31 92 SA +4 31 93 XE +4 31 94 KE +4 31 95 SA +4 31 96 KA +4 31 97 TX +4 31 98 CY +4 31 99 TX +4 31 100 TA +4 31 101 CY +4 31 102 TX +4 31 103 XK +4 31 104 TA +4 31 105 TX +4 31 106 KA +4 31 107 SA +4 31 108 TA +4 31 109 TX +4 31 110 LA +4 31 111 KE +4 31 112 CY +4 31 113 KE +4 31 114 TA +4 31 115 CY +4 31 116 TA +4 31 117 XK +4 31 118 CY +4 31 119 TA +4 31 120 SA +4 31 121 LA +4 31 122 TA +4 31 123 TA +4 31 124 KA +4 31 125 LA +4 31 126 CY +4 31 127 KE +4 31 128 KA +4 31 129 SA +4 31 130 KE +4 31 131 TX +4 31 132 CY +4 31 133 TA +4 31 134 CY +4 31 135 TX +4 31 136 TA +4 31 137 TA +4 31 138 TA +4 31 139 SA +4 31 140 XE +4 31 141 SA +4 31 142 SA +4 31 143 CH +4 31 144 TX +4 31 145 TA +4 31 146 KA +4 31 147 TA +4 31 148 CY +4 31 149 TA +4 31 150 TX +4 31 151 CY +4 31 152 TX +4 31 153 TA +4 31 154 KE +4 31 155 KE +4 31 156 TA +4 31 157 XK +4 31 158 SA +4 31 159 KA +4 31 160 CY +4 31 161 TA +4 31 162 TU +4 31 163 TA +4 31 164 XE +4 31 165 TA +4 31 166 TX +4 31 167 TX +4 31 168 CH +4 31 169 TA +4 31 170 KE +4 31 171 CH +4 31 172 TX +4 31 173 CY +4 31 174 LA +4 31 175 SP +4 31 176 CY +4 31 177 KA +4 31 178 XE +4 31 179 CY +4 31 180 TA +4 31 181 XK +4 31 182 TX +4 31 183 XK +4 31 184 TX +4 31 185 XK +4 31 186 TA +4 31 187 LA +4 31 188 TA +4 31 189 SP +4 31 190 CY +4 31 191 TA +4 31 192 TX +4 31 193 TA +4 31 194 TX +4 31 195 TA +4 31 196 TA +4 31 197 TX +4 31 198 KE +4 31 199 SA +4 31 200 TA +4 31 201 CY +4 31 202 TA +4 31 203 TX +4 31 204 KE +4 31 205 TX +4 31 206 SA +4 31 207 TU +4 31 208 XK +4 31 209 TA +4 31 210 XK +4 31 211 TA +4 31 212 LA +4 31 213 TX +4 31 214 TA +4 31 215 TX +4 31 216 KE +4 31 217 CY +4 31 218 TA +4 31 219 SA +4 31 220 TX +4 31 221 SA +4 31 222 TX +4 31 223 TA +4 31 224 SA +4 31 225 XK +4 31 226 TX +4 31 227 KE +4 31 228 KE +4 31 229 TA +4 31 230 SA +4 31 231 TX +4 31 232 XK +4 31 233 TX +4 31 234 TA +4 31 235 XE +4 31 236 TA +4 31 237 CY +4 31 238 TA +4 31 239 CY +4 31 240 XK +4 31 241 SA +4 31 242 KA +4 31 243 CY +4 31 244 SA +4 31 245 CY +4 31 246 TA +4 31 247 TX +4 31 248 KE +4 31 249 KE +4 31 250 TX +4 31 251 TA +4 31 252 SA +4 31 253 TA +4 31 254 TX +4 31 255 KE +4 31 256 CY +4 31 257 TX +4 31 258 XK +4 31 259 CY +4 31 260 SA +4 31 261 LA +4 31 262 SA +4 31 263 KE +4 31 264 SA +4 31 265 TA +4 31 266 XK +4 31 267 TX +4 31 268 TA +4 31 269 TU +4 31 270 LA +4 31 271 KE +4 31 272 SA +4 31 273 TX +4 31 274 SA +4 31 275 XK +4 31 276 TU +4 31 277 XE +4 31 278 LA +4 31 279 TX +4 31 280 CH +4 31 281 TA +4 31 282 CH +4 31 283 XK +4 31 284 SA +4 31 285 CY +4 31 286 SA +4 31 287 XK +4 31 288 CY +4 31 289 TA +4 31 290 SA +4 31 291 XE +4 31 292 SA +4 31 293 TA +4 31 294 SW +4 31 295 XK +4 31 296 TX +4 31 297 KA +4 31 298 CY +4 31 299 TA +4 31 300 SA +4 31 301 TA +4 31 302 SA +4 31 303 TX +4 31 304 CH +4 31 305 TX +4 31 306 CH +4 31 307 TA +4 31 308 TX +4 31 309 KE +4 31 310 TA +4 31 311 XE +4 31 312 KE +4 31 313 TX +4 31 314 SA +4 31 315 TA +4 31 316 TA +4 31 317 TU +4 31 318 LA +4 31 319 SA +4 31 320 XK +4 31 321 CY +4 31 322 SA +4 31 323 TA +4 31 324 SA +4 31 325 TX +4 31 326 LA +4 31 327 SA +4 31 328 CH +4 31 329 XK +4 31 330 SA +4 32 1 * +4 32 2 TA +4 32 3 CY +4 32 4 TX +4 32 5 TA +4 32 6 KA +4 32 7 TA +4 32 8 TX +4 32 9 CP +4 32 10 XE +4 32 11 SA +4 32 12 KA +4 32 13 SA +4 32 14 XE +4 32 15 SA +4 32 16 SA +4 32 17 CY +4 32 18 KE +4 32 19 XE +4 32 20 TA +4 32 21 CY +4 32 22 SA +4 32 23 TX +4 32 24 SA +4 32 25 TA +4 32 26 XE +4 32 27 CY +4 32 28 TA +4 32 29 CP +4 32 30 SA +4 32 31 TX +4 32 32 TA +4 32 33 XE +4 32 34 CY +4 32 35 SA +4 32 36 XE +4 32 37 CY +4 32 38 CY +4 32 39 TA +4 32 40 XE +4 32 41 CY +4 32 42 KA +4 32 43 SA +4 32 44 SA +4 32 45 TA +4 32 46 SA +4 32 47 SA +4 32 48 CP +4 32 49 XE +4 32 50 TX +4 32 51 CP +4 32 52 SA +4 32 53 TX +4 32 54 TA +4 32 55 TA +4 32 56 SA +4 32 57 CY +4 32 58 CP +4 32 59 SA +4 32 60 KE +4 32 61 CY +4 32 62 TX +4 32 63 CY +4 32 64 XE +4 32 65 CY +4 32 66 SA +4 32 67 TA +4 32 68 CY +4 32 69 CP +4 32 70 SA +4 32 71 TX +4 32 72 TA +4 32 73 TX +4 32 74 SA +4 32 75 SA +4 32 76 CY +4 32 77 XE +4 32 78 SA +4 32 79 SA +4 32 80 XE +4 32 81 TA +4 32 82 TA +4 32 83 SA +4 32 84 SA +4 32 85 TA +4 32 86 CY +4 32 87 KE +4 32 88 TX +4 32 89 KE +4 32 90 SA +4 32 91 KA +4 32 92 SA +4 32 93 XE +4 32 94 KE +4 32 95 SA +4 32 96 KA +4 32 97 TX +4 32 98 CY +4 32 99 TX +4 32 100 SA +4 32 101 TX +4 32 102 SA +4 32 103 CP +4 32 104 XE +4 32 105 TX +4 32 106 KA +4 32 107 SA +4 32 108 SA +4 32 109 XE +4 32 110 KA +4 32 111 CP +4 32 112 CY +4 32 113 KE +4 32 114 TA +4 32 115 CY +4 32 116 SA +4 32 117 CP +4 32 118 CY +4 32 119 TA +4 32 120 SA +4 32 121 CY +4 32 122 TA +4 32 123 XE +4 32 124 KA +4 32 125 CY +4 32 126 SA +4 32 127 KE +4 32 128 KA +4 32 129 SA +4 32 130 KE +4 32 131 TX +4 32 132 CY +4 32 133 TA +4 32 134 KE +4 32 135 CY +4 32 136 SA +4 32 137 CP +4 32 138 XE +4 32 139 SA +4 32 140 XE +4 32 141 SA +4 32 142 SA +4 32 143 TA +4 32 144 TX +4 32 145 TA +4 32 146 KA +4 32 147 TA +4 32 148 CY +4 32 149 TA +4 32 150 TX +4 32 151 SA +4 32 152 TX +4 32 153 XE +4 32 154 KE +4 32 155 KE +4 32 156 TA +4 32 157 CP +4 32 158 SA +4 32 159 KA +4 32 160 CY +4 32 161 TA +4 32 162 CY +4 32 163 TA +4 32 164 XE +4 32 165 CP +4 32 166 KE +4 32 167 SA +4 32 168 TA +4 32 169 XE +4 32 170 KE +4 32 171 TA +4 32 172 SA +4 32 173 CY +4 32 174 KA +4 32 175 SA +4 32 176 CY +4 32 177 KA +4 32 178 XE +4 32 179 CP +4 32 180 TA +4 32 181 CP +4 32 182 TX +4 32 183 CP +4 32 184 TA +4 32 185 KA +4 32 186 XE +4 32 187 SA +4 32 188 CY +4 32 189 TA +4 32 190 TX +4 32 191 KA +4 32 192 TX +4 32 193 TA +4 32 194 TA +4 32 195 TX +4 32 196 KE +4 32 197 SA +4 32 198 XE +4 32 199 CY +4 32 200 TA +4 32 201 TX +4 32 202 KE +4 32 203 TX +4 32 204 TA +4 32 205 CY +4 32 206 CE +4 32 207 TA +4 32 208 CP +4 32 209 TA +4 32 210 CP +4 32 211 XE +4 32 212 KA +4 32 213 SA +4 32 214 KA +4 32 215 TX +4 32 216 KE +4 32 217 CY +4 32 218 TA +4 32 219 SA +4 32 220 XE +4 32 221 SA +4 32 222 TX +4 32 223 TA +4 32 224 SA +4 32 225 CP +4 32 226 TX +4 32 227 KE +4 32 228 XE +4 32 229 TA +4 32 230 SA +4 32 231 TX +4 32 232 CP +4 32 233 XE +4 32 234 TA +4 32 235 XE +4 32 236 TA +4 32 237 CP +4 32 238 XE +4 32 239 CY +4 32 240 CP +4 32 241 SA +4 32 242 KA +4 32 243 TX +4 32 244 SA +4 32 245 CY +4 32 246 TA +4 32 247 XE +4 32 248 TA +4 32 249 TA +4 32 250 TX +4 32 251 SA +4 32 252 SA +4 32 253 SA +4 32 254 TA +4 32 255 KE +4 32 256 CY +4 32 257 TA +4 32 258 KA +4 32 259 CP +4 32 260 SA +4 32 261 CP +4 32 262 SA +4 32 263 KE +4 32 264 SA +4 32 265 TA +4 32 266 CP +4 32 267 XE +4 32 268 TX +4 32 269 TA +4 32 270 XE +4 32 271 CP +4 32 272 TA +4 32 273 SA +4 32 274 TX +4 32 275 SA +4 32 276 TX +4 32 277 * +4 32 278 CP +4 32 279 XE +4 32 280 TA +4 32 281 TA +4 32 282 TA +4 32 283 CP +4 32 284 SA +4 32 285 SA +4 32 286 SA +4 32 287 CP +4 32 288 CY +4 32 289 TA +4 32 290 SA +4 32 291 SA +4 32 292 TA +4 32 293 SA +4 32 294 SA +4 32 295 CP +4 32 296 TX +4 32 297 KA +4 32 298 CY +4 32 299 TA +4 32 300 SA +4 32 301 TA +4 32 302 SA +4 32 303 SA +4 32 304 TA +4 32 305 TX +4 32 306 TA +4 32 307 XE +4 32 308 TX +4 32 309 KE +4 32 310 TA +4 32 311 XE +4 32 312 KE +4 32 313 TX +4 32 314 SA +4 32 315 TA +4 32 316 XE +4 32 317 TX +4 32 318 KA +4 32 319 SA +4 32 320 TA +4 32 321 CY +4 32 322 XE +4 32 323 TA +4 32 324 SA +4 32 325 TX +4 32 326 KA +4 32 327 SA +4 32 328 TA +4 32 329 CP +4 32 330 SA +4 33 1 TA +4 33 2 TA +4 33 3 CY +4 33 4 TX +4 33 5 TA +4 33 6 KA +4 33 7 KA +4 33 8 CY +4 33 9 KA +4 33 10 TA +4 33 11 TA +4 33 12 KA +4 33 13 TA +4 33 14 TA +4 33 15 CY +4 33 16 SA +4 33 17 CY +4 33 18 SA +4 33 19 TA +4 33 20 TA +4 33 21 CY +4 33 22 KA +4 33 23 KA +4 33 24 SA +4 33 25 TA +4 33 26 TA +4 33 27 SA +4 33 28 CY +4 33 29 TA +4 33 30 KA +4 33 31 TA +4 33 32 CY +4 33 33 KA +4 33 34 TA +4 33 35 CY +4 33 36 TA +4 33 37 TA +4 33 38 CY +4 33 39 TA +4 33 40 TA +4 33 41 CY +4 33 42 KA +4 33 43 TA +4 33 44 SA +4 33 45 TA +4 33 46 SA +4 33 47 SA +4 33 48 KA +4 33 49 TA +4 33 50 TX +4 33 51 SA +4 33 52 SA +4 33 53 CY +4 33 54 TA +4 33 55 TA +4 33 56 KA +4 33 57 TA +4 33 58 KA +4 33 59 SA +4 33 60 TA +4 33 61 CY +4 33 62 SA +4 33 63 CY +4 33 64 TA +4 33 65 CY +4 33 66 SA +4 33 67 TA +4 33 68 CY +4 33 69 SA +4 33 70 SA +4 33 71 SA +4 33 72 TA +4 33 73 SA +4 33 74 TA +4 33 75 TA +4 33 76 CY +4 33 77 TA +4 33 78 CY +4 33 79 SA +4 33 80 TA +4 33 81 KA +4 33 82 TA +4 33 83 SA +4 33 84 KA +4 33 85 TA +4 33 86 KA +4 33 87 SA +4 33 88 CY +4 33 89 SA +4 33 90 TA +4 33 91 KA +4 33 92 SA +4 33 93 TA +4 33 94 SA +4 33 95 SA +4 33 96 KA +4 33 97 TA +4 33 98 CY +4 33 99 KA +4 33 100 TA +4 33 101 CY +4 33 102 SA +4 33 103 KA +4 33 104 TA +4 33 105 CY +4 33 106 KA +4 33 107 SA +4 33 108 SA +4 33 109 TA +4 33 110 KA +4 33 111 TA +4 33 112 CY +4 33 113 SA +4 33 114 TA +4 33 115 CY +4 33 116 CY +4 33 117 SA +4 33 118 CY +4 33 119 TA +4 33 120 SA +4 33 121 KA +4 33 122 TA +4 33 123 TA +4 33 124 KA +4 33 125 KA +4 33 126 KA +4 33 127 TA +4 33 128 KA +4 33 129 SA +4 33 130 SA +4 33 131 SA +4 33 132 KA +4 33 133 TA +4 33 134 SA +4 33 135 SA +4 33 136 TA +4 33 137 TA +4 33 138 TA +4 33 139 SA +4 33 140 TA +4 33 141 SA +4 33 142 SA +4 33 143 KA +4 33 144 SA +4 33 145 TA +4 33 146 KA +4 33 147 TA +4 33 148 CY +4 33 149 TA +4 33 150 SA +4 33 151 KA +4 33 152 SA +4 33 153 TA +4 33 154 SA +4 33 155 SA +4 33 156 TA +4 33 157 SA +4 33 158 SA +4 33 159 KA +4 33 160 KA +4 33 161 TA +4 33 162 CY +4 33 163 TA +4 33 164 TA +4 33 165 SA +4 33 166 TA +4 33 167 SA +4 33 168 TA +4 33 169 TA +4 33 170 TA +4 33 171 TA +4 33 172 SA +4 33 173 KA +4 33 174 KA +4 33 175 TA +4 33 176 CY +4 33 177 KA +4 33 178 TA +4 33 179 KA +4 33 180 TA +4 33 181 KA +4 33 182 SA +4 33 183 SA +4 33 184 KA +4 33 185 KA +4 33 186 TA +4 33 187 KA +4 33 188 TA +4 33 189 SA +4 33 190 KA +4 33 191 TA +4 33 192 KA +4 33 193 KA +4 33 194 SA +4 33 195 TA +4 33 196 TA +4 33 197 KA +4 33 198 SA +4 33 199 SA +4 33 200 TA +4 33 201 KA +4 33 202 TA +4 33 203 CY +4 33 204 SA +4 33 205 SA +4 33 206 SA +4 33 207 KA +4 33 208 KA +4 33 209 TA +4 33 210 SA +4 33 211 TA +4 33 212 KA +4 33 213 CY +4 33 214 KA +4 33 215 SA +4 33 216 SA +4 33 217 KA +4 33 218 KA +4 33 219 SA +4 33 220 TA +4 33 221 SA +4 33 222 SA +4 33 223 TA +4 33 224 SA +4 33 225 KA +4 33 226 TA +4 33 227 SA +4 33 228 TA +4 33 229 TA +4 33 230 SA +4 33 231 SA +4 33 232 KA +4 33 233 SA +4 33 234 TA +4 33 235 TA +4 33 236 KA +4 33 237 KA +4 33 238 TA +4 33 239 KA +4 33 240 SA +4 33 241 SA +4 33 242 KA +4 33 243 SA +4 33 244 SA +4 33 245 CY +4 33 246 TA +4 33 247 SA +4 33 248 SA +4 33 249 TA +4 33 250 SA +4 33 251 TA +4 33 252 SA +4 33 253 TA +4 33 254 SA +4 33 255 SA +4 33 256 SA +4 33 257 TA +4 33 258 KA +4 33 259 CY +4 33 260 CY +4 33 261 KA +4 33 262 SA +4 33 263 SA +4 33 264 SA +4 33 265 TA +4 33 266 KA +4 33 267 TA +4 33 268 TA +4 33 269 KA +4 33 270 KA +4 33 271 TA +4 33 272 SA +4 33 273 KA +4 33 274 SA +4 33 275 KA +4 33 276 CY +4 33 277 * +4 33 278 KA +4 33 279 TA +4 33 280 TA +4 33 281 TA +4 33 282 TA +4 33 283 SA +4 33 284 SA +4 33 285 KA +4 33 286 SA +4 33 287 KA +4 33 288 CY +4 33 289 SA +4 33 290 SA +4 33 291 TA +4 33 292 KA +4 33 293 SA +4 33 294 SA +4 33 295 KA +4 33 296 SA +4 33 297 KA +4 33 298 CY +4 33 299 TA +4 33 300 SA +4 33 301 TA +4 33 302 SA +4 33 303 SA +4 33 304 KA +4 33 305 SA +4 33 306 KA +4 33 307 TA +4 33 308 SA +4 33 309 SA +4 33 310 TA +4 33 311 TA +4 33 312 SA +4 33 313 TA +4 33 314 SA +4 33 315 TA +4 33 316 TA +4 33 317 CY +4 33 318 KA +4 33 319 SA +4 33 320 KA +4 33 321 CY +4 33 322 TA +4 33 323 TA +4 33 324 SA +4 33 325 KA +4 33 326 KA +4 33 327 SA +4 33 328 TA +4 33 329 KA +4 33 330 SA +4 34 1 TA +4 34 2 TA +4 34 3 CY +4 34 4 KA +4 34 5 TA +4 34 6 KA +4 34 7 TA +4 34 8 CY +4 34 9 KE +4 34 10 TA +4 34 11 TA +4 34 12 KA +4 34 13 TA +4 34 14 TA +4 34 15 SA +4 34 16 SA +4 34 17 CY +4 34 18 KE +4 34 19 TA +4 34 20 TA +4 34 21 CY +4 34 22 SA +4 34 23 KA +4 34 24 KE +4 34 25 TA +4 34 26 TA +4 34 27 SA +4 34 28 CY +4 34 29 TA +4 34 30 KA +4 34 31 TA +4 34 32 CY +4 34 33 TA +4 34 34 TA +4 34 35 CY +4 34 36 TA +4 34 37 TA +4 34 38 CY +4 34 39 TA +4 34 40 TA +4 34 41 CY +4 34 42 KA +4 34 43 KE +4 34 44 SA +4 34 45 TA +4 34 46 KE +4 34 47 TA +4 34 48 KA +4 34 49 TA +4 34 50 KE +4 34 51 KE +4 34 52 SA +4 34 53 CY +4 34 54 TA +4 34 55 TA +4 34 56 SA +4 34 57 TA +4 34 58 KA +4 34 59 SA +4 34 60 KE +4 34 61 CY +4 34 62 TA +4 34 63 SA +4 34 64 KE +4 34 65 CY +4 34 66 KE +4 34 67 CY +4 34 68 KE +4 34 69 TA +4 34 70 CY +4 34 71 KE +4 34 72 TA +4 34 73 CY +4 34 74 TA +4 34 75 KE +4 34 76 CY +4 34 77 KE +4 34 78 SA +4 34 79 KE +4 34 80 TA +4 34 81 KA +4 34 82 KA +4 34 83 SA +4 34 84 CY +4 34 85 TA +4 34 86 CY +4 34 87 KE +4 34 88 CY +4 34 89 KE +4 34 90 KE +4 34 91 TA +4 34 92 SA +4 34 93 KA +4 34 94 KE +4 34 95 SA +4 34 96 KA +4 34 97 KE +4 34 98 CY +4 34 99 SA +4 34 100 TA +4 34 101 CY +4 34 102 TA +4 34 103 KE +4 34 104 TA +4 34 105 CY +4 34 106 SA +4 34 107 SA +4 34 108 TA +4 34 109 TA +4 34 110 KA +4 34 111 KE +4 34 112 CY +4 34 113 KE +4 34 114 TA +4 34 115 CY +4 34 116 SA +4 34 117 KE +4 34 118 CY +4 34 119 TA +4 34 120 SA +4 34 121 KA +4 34 122 TA +4 34 123 KE +4 34 124 SA +4 34 125 KA +4 34 126 SA +4 34 127 KE +4 34 128 KA +4 34 129 SA +4 34 130 KA +4 34 131 CY +4 34 132 CY +4 34 133 TA +4 34 134 KE +4 34 135 CY +4 34 136 TA +4 34 137 TA +4 34 138 TA +4 34 139 SA +4 34 140 TA +4 34 141 SA +4 34 142 SA +4 34 143 TA +4 34 144 KE +4 34 145 TA +4 34 146 KA +4 34 147 TA +4 34 148 CY +4 34 149 TA +4 34 150 KE +4 34 151 TA +4 34 152 KA +4 34 153 TA +4 34 154 KE +4 34 155 KA +4 34 156 KA +4 34 157 KE +4 34 158 SA +4 34 159 KA +4 34 160 SA +4 34 161 TA +4 34 162 CY +4 34 163 KA +4 34 164 TA +4 34 165 KA +4 34 166 TA +4 34 167 SA +4 34 168 TA +4 34 169 TA +4 34 170 KA +4 34 171 TA +4 34 172 SA +4 34 173 CY +4 34 174 KA +4 34 175 TA +4 34 176 CY +4 34 177 SA +4 34 178 KE +4 34 179 KE +4 34 180 TA +4 34 181 KA +4 34 182 KE +4 34 183 KA +4 34 184 TA +4 34 185 KA +4 34 186 TA +4 34 187 KA +4 34 188 KE +4 34 189 SA +4 34 190 TA +4 34 191 KE +4 34 192 TA +4 34 193 KA +4 34 194 KE +4 34 195 TA +4 34 196 TA +4 34 197 KA +4 34 198 KE +4 34 199 SA +4 34 200 TA +4 34 201 KA +4 34 202 TA +4 34 203 CY +4 34 204 KE +4 34 205 KA +4 34 206 SA +4 34 207 CY +4 34 208 KA +4 34 209 TA +4 34 210 KA +4 34 211 TA +4 34 212 KA +4 34 213 TA +4 34 214 KA +4 34 215 CY +4 34 216 KE +4 34 217 KA +4 34 218 TA +4 34 219 SA +4 34 220 TA +4 34 221 SA +4 34 222 TA +4 34 223 TA +4 34 224 SA +4 34 225 KA +4 34 226 TA +4 34 227 KE +4 34 228 KE +4 34 229 TA +4 34 230 SA +4 34 231 TA +4 34 232 KE +4 34 233 SA +4 34 234 TA +4 34 235 TA +4 34 236 KA +4 34 237 SA +4 34 238 TA +4 34 239 CY +4 34 240 KA +4 34 241 SA +4 34 242 KA +4 34 243 TA +4 34 244 SA +4 34 245 CY +4 34 246 TA +4 34 247 TA +4 34 248 KE +4 34 249 KA +4 34 250 KE +4 34 251 TA +4 34 252 SA +4 34 253 TA +4 34 254 KA +4 34 255 KE +4 34 256 CY +4 34 257 TA +4 34 258 KA +4 34 259 CY +4 34 260 SA +4 34 261 KA +4 34 262 SA +4 34 263 KA +4 34 264 TA +4 34 265 KE +4 34 266 KA +4 34 267 TA +4 34 268 TA +4 34 269 CY +4 34 270 KA +4 34 271 KE +4 34 272 SA +4 34 273 KA +4 34 274 SA +4 34 275 KA +4 34 276 CY +4 34 277 CY +4 34 278 TA +4 34 279 KA +4 34 280 TA +4 34 281 TA +4 34 282 TA +4 34 283 KA +4 34 284 SA +4 34 285 CY +4 34 286 SA +4 34 287 KA +4 34 288 CY +4 34 289 TA +4 34 290 SA +4 34 291 TA +4 34 292 KA +4 34 293 SA +4 34 294 SA +4 34 295 KE +4 34 296 TA +4 34 297 KA +4 34 298 CY +4 34 299 TA +4 34 300 SA +4 34 301 TA +4 34 302 SA +4 34 303 TA +4 34 304 KA +4 34 305 CY +4 34 306 KA +4 34 307 TA +4 34 308 KA +4 34 309 KE +4 34 310 TA +4 34 311 TA +4 34 312 KE +4 34 313 TA +4 34 314 SA +4 34 315 TA +4 34 316 TA +4 34 317 CY +4 34 318 KA +4 34 319 SA +4 34 320 TA +4 34 321 CY +4 34 322 TA +4 34 323 KE +4 34 324 SA +4 34 325 KA +4 34 326 KA +4 34 327 SA +4 34 328 TA +4 34 329 KA +4 34 330 SA +4 35 1 TA +4 35 2 SW +4 35 3 CY +4 35 4 CY +4 35 5 TA +4 35 6 CP +4 35 7 TA +4 35 8 CY +4 35 9 CP +4 35 10 TA +4 35 11 TA +4 35 12 KA +4 35 13 TA +4 35 14 TA +4 35 15 SP +4 35 16 SA +4 35 17 CY +4 35 18 SI +4 35 19 TA +4 35 20 TA +4 35 21 CY +4 35 22 KA +4 35 23 TA +4 35 24 KE +4 35 25 TA +4 35 26 TA +4 35 27 SA +4 35 28 CY +4 35 29 TA +4 35 30 XK +4 35 31 TA +4 35 32 SP +4 35 33 TA +4 35 34 TA +4 35 35 CY +4 35 36 SI +4 35 37 SP +4 35 38 CY +4 35 39 TA +4 35 40 TA +4 35 41 CY +4 35 42 SP +4 35 43 SI +4 35 44 SA +4 35 45 TA +4 35 46 SI +4 35 47 SI +4 35 48 CP +4 35 49 TA +4 35 50 SI +4 35 51 XK +4 35 52 SA +4 35 53 XE +4 35 54 TA +4 35 55 TA +4 35 56 CP +4 35 57 TA +4 35 58 CP +4 35 59 SP +4 35 60 TA +4 35 61 XX +4 35 62 SW +4 35 63 TA +4 35 64 CY +4 35 65 SA +4 35 66 TA +4 35 67 CY +4 35 68 SI +4 35 69 SA +4 35 70 SI +4 35 71 TA +4 35 72 XE +4 35 73 SA +4 35 74 SI +4 35 75 SW +4 35 76 SA +4 35 77 KE +4 35 78 SP +4 35 79 SI +4 35 80 TA +4 35 81 TA +4 35 82 TA +4 35 83 SA +4 35 84 CP +4 35 85 TA +4 35 86 CY +4 35 87 SI +4 35 88 XE +4 35 89 SI +4 35 90 TA +4 35 91 KA +4 35 92 SA +4 35 93 TA +4 35 94 SI +4 35 95 SA +4 35 96 KA +4 35 97 XE +4 35 98 CY +4 35 99 SP +4 35 100 TA +4 35 101 XX +4 35 102 SP +4 35 103 SI +4 35 104 TA +4 35 105 XE +4 35 106 KA +4 35 107 SA +4 35 108 SP +4 35 109 TA +4 35 110 CP +4 35 111 KE +4 35 112 CY +4 35 113 SI +4 35 114 TA +4 35 115 XE +4 35 116 SA +4 35 117 SI +4 35 118 SP +4 35 119 TA +4 35 120 SA +4 35 121 CY +4 35 122 TA +4 35 123 TA +4 35 124 XE +4 35 125 CY +4 35 126 SP +4 35 127 KE +4 35 128 CP +4 35 129 SA +4 35 130 KE +4 35 131 XE +4 35 132 CY +4 35 133 TA +4 35 134 KE +4 35 135 XE +4 35 136 TA +4 35 137 TA +4 35 138 SA +4 35 139 SA +4 35 140 TA +4 35 141 SA +4 35 142 SA +4 35 143 KA +4 35 144 TA +4 35 145 TA +4 35 146 CP +4 35 147 TA +4 35 148 CY +4 35 149 TA +4 35 150 XE +4 35 151 SP +4 35 152 SA +4 35 153 TA +4 35 154 SI +4 35 155 KE +4 35 156 TA +4 35 157 SI +4 35 158 SA +4 35 159 CP +4 35 160 SA +4 35 161 TA +4 35 162 CY +4 35 163 TA +4 35 164 TA +4 35 165 SI +4 35 166 TA +4 35 167 SA +4 35 168 TA +4 35 169 TA +4 35 170 SI +4 35 171 TA +4 35 172 SA +4 35 173 CY +4 35 174 CP +4 35 175 SA +4 35 176 CY +4 35 177 SA +4 35 178 TA +4 35 179 SI +4 35 180 TA +4 35 181 CP +4 35 182 SI +4 35 183 KE +4 35 184 XE +4 35 185 CP +4 35 186 TA +4 35 187 CP +4 35 188 TA +4 35 189 SP +4 35 190 CY +4 35 191 TA +4 35 192 XE +4 35 193 TA +4 35 194 XE +4 35 195 TA +4 35 196 SP +4 35 197 XE +4 35 198 SI +4 35 199 SA +4 35 200 TA +4 35 201 CP +4 35 202 TA +4 35 203 CY +4 35 204 KE +4 35 205 XE +4 35 206 SA +4 35 207 XE +4 35 208 CP +4 35 209 TA +4 35 210 KE +4 35 211 TA +4 35 212 CP +4 35 213 SA +4 35 214 TA +4 35 215 CY +4 35 216 KE +4 35 217 CP +4 35 218 TA +4 35 219 SA +4 35 220 XE +4 35 221 SA +4 35 222 XE +4 35 223 TA +4 35 224 SA +4 35 225 KE +4 35 226 TA +4 35 227 SA +4 35 228 TA +4 35 229 TA +4 35 230 SA +4 35 231 XE +4 35 232 KE +4 35 233 XE +4 35 234 TA +4 35 235 TA +4 35 236 CP +4 35 237 SP +4 35 238 TA +4 35 239 CY +4 35 240 KE +4 35 241 SA +4 35 242 KA +4 35 243 KE +4 35 244 SA +4 35 245 CY +4 35 246 TA +4 35 247 XE +4 35 248 SI +4 35 249 TA +4 35 250 XE +4 35 251 TA +4 35 252 SA +4 35 253 TA +4 35 254 TA +4 35 255 SI +4 35 256 CY +4 35 257 TA +4 35 258 CP +4 35 259 CY +4 35 260 SA +4 35 261 CP +4 35 262 SA +4 35 263 KE +4 35 264 SP +4 35 265 TA +4 35 266 CY +4 35 267 TA +4 35 268 XE +4 35 269 TA +4 35 270 XE +4 35 271 CP +4 35 272 KE +4 35 273 SA +4 35 274 XE +4 35 275 SA +4 35 276 CY +4 35 277 * +4 35 278 CP +4 35 279 TA +4 35 280 TA +4 35 281 TA +4 35 282 TA +4 35 283 SI +4 35 284 SA +4 35 285 CP +4 35 286 SA +4 35 287 KE +4 35 288 CY +4 35 289 TA +4 35 290 SA +4 35 291 TA +4 35 292 SA +4 35 293 SA +4 35 294 SA +4 35 295 KE +4 35 296 XE +4 35 297 CP +4 35 298 CY +4 35 299 TA +4 35 300 SP +4 35 301 TA +4 35 302 SA +4 35 303 SA +4 35 304 KE +4 35 305 XE +4 35 306 TA +4 35 307 TA +4 35 308 TA +4 35 309 KA +4 35 310 TA +4 35 311 TA +4 35 312 SI +4 35 313 TA +4 35 314 SA +4 35 315 TA +4 35 316 TA +4 35 317 XE +4 35 318 CP +4 35 319 SA +4 35 320 KE +4 35 321 CY +4 35 322 TA +4 35 323 TA +4 35 324 SA +4 35 325 XE +4 35 326 CP +4 35 327 SA +4 35 328 KE +4 35 329 CP +4 35 330 SA +5 1 1 7 +5 1 2 2 +5 1 3 4 +5 1 4 6 +5 1 5 7 +5 1 6 9 +5 1 7 2 +5 1 8 6 +5 1 9 1 +5 1 10 7 +5 1 11 2 +5 1 12 5 +5 1 13 2 +5 1 14 7 +5 1 15 4 +5 1 16 3 +5 1 17 4 +5 1 18 1 +5 1 19 7 +5 1 20 2 +5 1 21 4 +5 1 22 5 +5 1 23 6 +5 1 24 1 +5 1 25 7 +5 1 26 7 +5 1 27 3 +5 1 28 4 +5 1 29 2 +5 1 30 5 +5 1 31 7 +5 1 32 6 +5 1 33 2 +5 1 34 7 +5 1 35 4 +5 1 36 2 +5 1 37 7 +5 1 38 4 +5 1 39 2 +5 1 40 7 +5 1 41 4 +5 1 42 5 +5 1 43 7 +5 1 44 3 +5 1 45 2 +5 1 46 6 +5 1 47 2 +5 1 48 5 +5 1 49 7 +5 1 50 6 +5 1 51 1 +5 1 52 3 +5 1 53 4 +5 1 54 2 +5 1 55 7 +5 1 56 4 +5 1 57 7 +5 1 58 5 +5 1 59 3 +5 1 60 2 +5 1 61 4 +5 1 62 6 +5 1 63 4 +5 1 64 7 +5 1 65 4 +5 1 66 3 +5 1 67 2 +5 1 68 4 +5 1 69 2 +5 1 70 7 +5 1 71 6 +5 1 72 2 +5 1 73 6 +5 1 74 7 +5 1 75 2 +5 1 76 4 +5 1 77 7 +5 1 78 4 +5 1 79 1 +5 1 80 7 +5 1 81 2 +5 1 82 2 +5 1 83 3 +5 1 84 4 +5 1 85 2 +5 1 86 4 +5 1 87 1 +5 1 88 6 +5 1 89 1 +5 1 90 7 +5 1 91 5 +5 1 92 9 +5 1 93 7 +5 1 94 6 +5 1 95 7 +5 1 96 5 +5 1 97 6 +5 1 98 4 +5 1 99 6 +5 1 100 7 +5 1 101 6 +5 1 102 7 +5 1 103 2 +5 1 104 7 +5 1 105 6 +5 1 106 5 +5 1 107 9 +5 1 108 2 +5 1 109 7 +5 1 110 5 +5 1 111 2 +5 1 112 4 +5 1 113 1 +5 1 114 7 +5 1 115 4 +5 1 116 7 +5 1 117 6 +5 1 118 4 +5 1 119 2 +5 1 120 9 +5 1 121 4 +5 1 122 2 +5 1 123 7 +5 1 124 2 +5 1 125 4 +5 1 126 4 +5 1 127 2 +5 1 128 5 +5 1 129 9 +5 1 130 2 +5 1 131 6 +5 1 132 4 +5 1 133 2 +5 1 134 6 +5 1 135 6 +5 1 136 7 +5 1 137 2 +5 1 138 7 +5 1 139 9 +5 1 140 7 +5 1 141 9 +5 1 142 9 +5 1 143 2 +5 1 144 6 +5 1 145 2 +5 1 146 5 +5 1 147 7 +5 1 148 4 +5 1 149 2 +5 1 150 6 +5 1 151 4 +5 1 152 6 +5 1 153 7 +5 1 154 8 +5 1 155 1 +5 1 156 2 +5 1 157 1 +5 1 158 9 +5 1 159 5 +5 1 160 4 +5 1 161 2 +5 1 162 4 +5 1 163 7 +5 1 164 7 +5 1 165 2 +5 1 166 7 +5 1 167 6 +5 1 168 2 +5 1 169 7 +5 1 170 2 +5 1 171 2 +5 1 172 3 +5 1 173 4 +5 1 174 5 +5 1 175 7 +5 1 176 4 +5 1 177 2 +5 1 178 7 +5 1 179 1 +5 1 180 2 +5 1 181 5 +5 1 182 6 +5 1 183 1 +5 1 184 6 +5 1 185 5 +5 1 186 7 +5 1 187 5 +5 1 188 7 +5 1 189 7 +5 1 190 4 +5 1 191 2 +5 1 192 6 +5 1 193 5 +5 1 194 1 +5 1 195 2 +5 1 196 7 +5 1 197 6 +5 1 198 1 +5 1 199 9 +5 1 200 7 +5 1 201 4 +5 1 202 2 +5 1 203 6 +5 1 204 1 +5 1 205 6 +5 1 206 3 +5 1 207 4 +5 1 208 1 +5 1 209 2 +5 1 210 1 +5 1 211 7 +5 1 212 5 +5 1 213 6 +5 1 214 2 +5 1 215 6 +5 1 216 1 +5 1 217 4 +5 1 218 2 +5 1 219 7 +5 1 220 7 +5 1 221 9 +5 1 222 6 +5 1 223 2 +5 1 224 9 +5 1 225 2 +5 1 226 7 +5 1 227 1 +5 1 228 7 +5 1 229 2 +5 1 230 9 +5 1 231 6 +5 1 232 1 +5 1 233 6 +5 1 234 2 +5 1 235 7 +5 1 236 2 +5 1 237 5 +5 1 238 2 +5 1 239 4 +5 1 240 1 +5 1 241 9 +5 1 242 5 +5 1 243 6 +5 1 244 7 +5 1 245 4 +5 1 246 2 +5 1 247 6 +5 1 248 2 +5 1 249 2 +5 1 250 6 +5 1 251 2 +5 1 252 9 +5 1 253 2 +5 1 254 7 +5 1 255 1 +5 1 256 4 +5 1 257 7 +5 1 258 5 +5 1 259 4 +5 1 260 5 +5 1 261 5 +5 1 262 9 +5 1 263 8 +5 1 264 7 +5 1 265 2 +5 1 266 4 +5 1 267 6 +5 1 268 2 +5 1 269 6 +5 1 270 5 +5 1 271 2 +5 1 272 7 +5 1 273 6 +5 1 274 9 +5 1 275 5 +5 1 276 6 +5 1 277 7 +5 1 278 4 +5 1 279 7 +5 1 280 2 +5 1 281 2 +5 1 282 2 +5 1 283 1 +5 1 284 9 +5 1 285 4 +5 1 286 9 +5 1 287 5 +5 1 288 4 +5 1 289 7 +5 1 290 9 +5 1 291 7 +5 1 292 4 +5 1 293 2 +5 1 294 2 +5 1 295 1 +5 1 296 6 +5 1 297 5 +5 1 298 4 +5 1 299 2 +5 1 300 8 +5 1 301 2 +5 1 302 9 +5 1 303 7 +5 1 304 2 +5 1 305 6 +5 1 306 2 +5 1 307 7 +5 1 308 6 +5 1 309 1 +5 1 310 2 +5 1 311 7 +5 1 312 1 +5 1 313 7 +5 1 314 9 +5 1 315 2 +5 1 316 2 +5 1 317 6 +5 1 318 4 +5 1 319 3 +5 1 320 2 +5 1 321 4 +5 1 322 7 +5 1 323 2 +5 1 324 9 +5 1 325 6 +5 1 326 5 +5 1 327 7 +5 1 328 2 +5 1 329 1 +5 1 330 7 +5 2 1 7 +5 2 2 2 +5 2 3 4 +5 2 4 6 +5 2 5 2 +5 2 6 5 +5 2 7 2 +5 2 8 6 +5 2 9 5 +5 2 10 7 +5 2 11 2 +5 2 12 5 +5 2 13 2 +5 2 14 7 +5 2 15 6 +5 2 16 9 +5 2 17 4 +5 2 18 1 +5 2 19 7 +5 2 20 2 +5 2 21 4 +5 2 22 5 +5 2 23 6 +5 2 24 1 +5 2 25 2 +5 2 26 7 +5 2 27 9 +5 2 28 4 +5 2 29 2 +5 2 30 4 +5 2 31 2 +5 2 32 6 +5 2 33 2 +5 2 34 7 +5 2 35 4 +5 2 36 2 +5 2 37 6 +5 2 38 4 +5 2 39 2 +5 2 40 7 +5 2 41 4 +5 2 42 5 +5 2 43 7 +5 2 44 9 +5 2 45 2 +5 2 46 6 +5 2 47 2 +5 2 48 5 +5 2 49 7 +5 2 50 6 +5 2 51 5 +5 2 52 9 +5 2 53 4 +5 2 54 2 +5 2 55 7 +5 2 56 5 +5 2 57 7 +5 2 58 5 +5 2 59 6 +5 2 60 7 +5 2 61 4 +5 2 62 6 +5 2 63 4 +5 2 64 7 +5 2 65 4 +5 2 66 9 +5 2 67 2 +5 2 68 4 +5 2 69 2 +5 2 70 6 +5 2 71 6 +5 2 72 2 +5 2 73 6 +5 2 74 2 +5 2 75 2 +5 2 76 4 +5 2 77 7 +5 2 78 4 +5 2 79 1 +5 2 80 7 +5 2 81 2 +5 2 82 2 +5 2 83 5 +5 2 84 4 +5 2 85 2 +5 2 86 4 +5 2 87 6 +5 2 88 4 +5 2 89 1 +5 2 90 7 +5 2 91 2 +5 2 92 9 +5 2 93 7 +5 2 94 6 +5 2 95 2 +5 2 96 5 +5 2 97 6 +5 2 98 4 +5 2 99 6 +5 2 100 2 +5 2 101 4 +5 2 102 6 +5 2 103 5 +5 2 104 7 +5 2 105 6 +5 2 106 5 +5 2 107 9 +5 2 108 2 +5 2 109 7 +5 2 110 5 +5 2 111 2 +5 2 112 4 +5 2 113 1 +5 2 114 7 +5 2 115 4 +5 2 116 7 +5 2 117 6 +5 2 118 4 +5 2 119 2 +5 2 120 9 +5 2 121 4 +5 2 122 2 +5 2 123 7 +5 2 124 5 +5 2 125 4 +5 2 126 4 +5 2 127 1 +5 2 128 5 +5 2 129 9 +5 2 130 1 +5 2 131 6 +5 2 132 4 +5 2 133 2 +5 2 134 1 +5 2 135 4 +5 2 136 2 +5 2 137 2 +5 2 138 7 +5 2 139 9 +5 2 140 7 +5 2 141 9 +5 2 142 9 +5 2 143 2 +5 2 144 6 +5 2 145 2 +5 2 146 5 +5 2 147 2 +5 2 148 4 +5 2 149 2 +5 2 150 6 +5 2 151 4 +5 2 152 6 +5 2 153 7 +5 2 154 1 +5 2 155 1 +5 2 156 2 +5 2 157 6 +5 2 158 9 +5 2 159 5 +5 2 160 4 +5 2 161 2 +5 2 162 4 +5 2 163 2 +5 2 164 7 +5 2 165 2 +5 2 166 7 +5 2 167 6 +5 2 168 2 +5 2 169 7 +5 2 170 1 +5 2 171 2 +5 2 172 9 +5 2 173 4 +5 2 174 5 +5 2 175 7 +5 2 176 4 +5 2 177 5 +5 2 178 7 +5 2 179 6 +5 2 180 2 +5 2 181 5 +5 2 182 6 +5 2 183 5 +5 2 184 6 +5 2 185 5 +5 2 186 2 +5 2 187 5 +5 2 188 7 +5 2 189 7 +5 2 190 4 +5 2 191 2 +5 2 192 6 +5 2 193 5 +5 2 194 6 +5 2 195 2 +5 2 196 2 +5 2 197 6 +5 2 198 1 +5 2 199 9 +5 2 200 7 +5 2 201 4 +5 2 202 2 +5 2 203 4 +5 2 204 1 +5 2 205 6 +5 2 206 9 +5 2 207 4 +5 2 208 5 +5 2 209 7 +5 2 210 6 +5 2 211 7 +5 2 212 5 +5 2 213 6 +5 2 214 5 +5 2 215 6 +5 2 216 2 +5 2 217 4 +5 2 218 5 +5 2 219 9 +5 2 220 7 +5 2 221 9 +5 2 222 6 +5 2 223 2 +5 2 224 9 +5 2 225 5 +5 2 226 7 +5 2 227 1 +5 2 228 7 +5 2 229 2 +5 2 230 9 +5 2 231 6 +5 2 232 1 +5 2 233 6 +5 2 234 2 +5 2 235 7 +5 2 236 2 +5 2 237 4 +5 2 238 7 +5 2 239 4 +5 2 240 6 +5 2 241 9 +5 2 242 5 +5 2 243 6 +5 2 244 9 +5 2 245 4 +5 2 246 2 +5 2 247 6 +5 2 248 2 +5 2 249 2 +5 2 250 6 +5 2 251 2 +5 2 252 9 +5 2 253 2 +5 2 254 7 +5 2 255 1 +5 2 256 4 +5 2 257 7 +5 2 258 5 +5 2 259 4 +5 2 260 5 +5 2 261 4 +5 2 262 9 +5 2 263 1 +5 2 264 7 +5 2 265 2 +5 2 266 4 +5 2 267 6 +5 2 268 2 +5 2 269 6 +5 2 270 5 +5 2 271 2 +5 2 272 9 +5 2 273 6 +5 2 274 9 +5 2 275 5 +5 2 276 6 +5 2 277 7 +5 2 278 4 +5 2 279 7 +5 2 280 2 +5 2 281 2 +5 2 282 2 +5 2 283 1 +5 2 284 9 +5 2 285 4 +5 2 286 9 +5 2 287 5 +5 2 288 4 +5 2 289 2 +5 2 290 9 +5 2 291 7 +5 2 292 4 +5 2 293 2 +5 2 294 9 +5 2 295 5 +5 2 296 6 +5 2 297 5 +5 2 298 4 +5 2 299 2 +5 2 300 9 +5 2 301 2 +5 2 302 9 +5 2 303 7 +5 2 304 2 +5 2 305 6 +5 2 306 2 +5 2 307 7 +5 2 308 6 +5 2 309 1 +5 2 310 2 +5 2 311 7 +5 2 312 1 +5 2 313 7 +5 2 314 9 +5 2 315 2 +5 2 316 7 +5 2 317 4 +5 2 318 5 +5 2 319 9 +5 2 320 2 +5 2 321 4 +5 2 322 7 +5 2 323 2 +5 2 324 9 +5 2 325 6 +5 2 326 5 +5 2 327 9 +5 2 328 2 +5 2 329 5 +5 2 330 9 +5 3 1 7 +5 3 2 7 +5 3 3 4 +5 3 4 6 +5 3 5 7 +5 3 6 9 +5 3 7 2 +5 3 8 4 +5 3 9 5 +5 3 10 7 +5 3 11 2 +5 3 12 5 +5 3 13 2 +5 3 14 7 +5 3 15 9 +5 3 16 9 +5 3 17 4 +5 3 18 1 +5 3 19 2 +5 3 20 7 +5 3 21 4 +5 3 22 5 +5 3 23 6 +5 3 24 1 +5 3 25 2 +5 3 26 2 +5 3 27 9 +5 3 28 4 +5 3 29 2 +5 3 30 4 +5 3 31 9 +5 3 32 4 +5 3 33 2 +5 3 34 7 +5 3 35 5 +5 3 36 6 +5 3 37 2 +5 3 38 4 +5 3 39 2 +5 3 40 2 +5 3 41 4 +5 3 42 7 +5 3 43 2 +5 3 44 9 +5 3 45 2 +5 3 46 9 +5 3 47 2 +5 3 48 5 +5 3 49 9 +5 3 50 6 +5 3 51 1 +5 3 52 9 +5 3 53 6 +5 3 54 2 +5 3 55 9 +5 3 56 9 +5 3 57 2 +5 3 58 7 +5 3 59 9 +5 3 60 2 +5 3 61 4 +5 3 62 9 +5 3 63 4 +5 3 64 2 +5 3 65 4 +5 3 66 9 +5 3 67 9 +5 3 68 4 +5 3 69 1 +5 3 70 9 +5 3 71 1 +5 3 72 2 +5 3 73 6 +5 3 74 9 +5 3 75 6 +5 3 76 4 +5 3 77 2 +5 3 78 9 +5 3 79 1 +5 3 80 2 +5 3 81 7 +5 3 82 5 +5 3 83 5 +5 3 84 4 +5 3 85 5 +5 3 86 4 +5 3 87 1 +5 3 88 6 +5 3 89 1 +5 3 90 6 +5 3 91 5 +5 3 92 9 +5 3 93 2 +5 3 94 1 +5 3 95 9 +5 3 96 5 +5 3 97 2 +5 3 98 4 +5 3 99 9 +5 3 100 2 +5 3 101 6 +5 3 102 9 +5 3 103 2 +5 3 104 9 +5 3 105 6 +5 3 106 2 +5 3 107 9 +5 3 108 9 +5 3 109 2 +5 3 110 5 +5 3 111 1 +5 3 112 4 +5 3 113 1 +5 3 114 1 +5 3 115 4 +5 3 116 9 +5 3 117 1 +5 3 118 4 +5 3 119 2 +5 3 120 9 +5 3 121 4 +5 3 122 5 +5 3 123 1 +5 3 124 5 +5 3 125 5 +5 3 126 4 +5 3 127 1 +5 3 128 5 +5 3 129 9 +5 3 130 1 +5 3 131 6 +5 3 132 4 +5 3 133 6 +5 3 134 1 +5 3 135 4 +5 3 136 2 +5 3 137 6 +5 3 138 2 +5 3 139 9 +5 3 140 6 +5 3 141 9 +5 3 142 9 +5 3 143 2 +5 3 144 6 +5 3 145 2 +5 3 146 5 +5 3 147 2 +5 3 148 4 +5 3 149 5 +5 3 150 6 +5 3 151 2 +5 3 152 6 +5 3 153 7 +5 3 154 1 +5 3 155 1 +5 3 156 2 +5 3 157 1 +5 3 158 9 +5 3 159 5 +5 3 160 5 +5 3 161 2 +5 3 162 4 +5 3 163 7 +5 3 164 7 +5 3 165 7 +5 3 166 6 +5 3 167 5 +5 3 168 2 +5 3 169 2 +5 3 170 1 +5 3 171 7 +5 3 172 9 +5 3 173 4 +5 3 174 5 +5 3 175 9 +5 3 176 4 +5 3 177 2 +5 3 178 7 +5 3 179 1 +5 3 180 2 +5 3 181 5 +5 3 182 2 +5 3 183 1 +5 3 184 6 +5 3 185 5 +5 3 186 7 +5 3 187 5 +5 3 188 7 +5 3 189 9 +5 3 190 4 +5 3 191 2 +5 3 192 6 +5 3 193 5 +5 3 194 1 +5 3 195 2 +5 3 196 9 +5 3 197 6 +5 3 198 1 +5 3 199 9 +5 3 200 9 +5 3 201 5 +5 3 202 2 +5 3 203 4 +5 3 204 1 +5 3 205 6 +5 3 206 9 +5 3 207 4 +5 3 208 5 +5 3 209 6 +5 3 210 1 +5 3 211 7 +5 3 212 4 +5 3 213 6 +5 3 214 2 +5 3 215 4 +5 3 216 1 +5 3 217 2 +5 3 218 5 +5 3 219 9 +5 3 220 6 +5 3 221 9 +5 3 222 6 +5 3 223 7 +5 3 224 9 +5 3 225 2 +5 3 226 6 +5 3 227 1 +5 3 228 6 +5 3 229 9 +5 3 230 9 +5 3 231 6 +5 3 232 1 +5 3 233 1 +5 3 234 2 +5 3 235 6 +5 3 236 2 +5 3 237 5 +5 3 238 7 +5 3 239 5 +5 3 240 1 +5 3 241 9 +5 3 242 5 +5 3 243 6 +5 3 244 9 +5 3 245 4 +5 3 246 2 +5 3 247 6 +5 3 248 1 +5 3 249 7 +5 3 250 6 +5 3 251 2 +5 3 252 9 +5 3 253 2 +5 3 254 9 +5 3 255 1 +5 3 256 4 +5 3 257 6 +5 3 258 5 +5 3 259 4 +5 3 260 9 +5 3 261 5 +5 3 262 9 +5 3 263 1 +5 3 264 9 +5 3 265 2 +5 3 266 4 +5 3 267 6 +5 3 268 2 +5 3 269 4 +5 3 270 5 +5 3 271 1 +5 3 272 9 +5 3 273 4 +5 3 274 9 +5 3 275 2 +5 3 276 4 +5 3 277 6 +5 3 278 5 +5 3 279 6 +5 3 280 2 +5 3 281 2 +5 3 282 5 +5 3 283 1 +5 3 284 9 +5 3 285 4 +5 3 286 9 +5 3 287 5 +5 3 288 4 +5 3 289 2 +5 3 290 9 +5 3 291 7 +5 3 292 5 +5 3 293 9 +5 3 294 9 +5 3 295 1 +5 3 296 6 +5 3 297 5 +5 3 298 4 +5 3 299 2 +5 3 300 9 +5 3 301 2 +5 3 302 9 +5 3 303 9 +5 3 304 2 +5 3 305 6 +5 3 306 2 +5 3 307 7 +5 3 308 2 +5 3 309 1 +5 3 310 2 +5 3 311 7 +5 3 312 1 +5 3 313 6 +5 3 314 9 +5 3 315 2 +5 3 316 2 +5 3 317 6 +5 3 318 5 +5 3 319 9 +5 3 320 7 +5 3 321 4 +5 3 322 7 +5 3 323 7 +5 3 324 9 +5 3 325 6 +5 3 326 5 +5 3 327 9 +5 3 328 2 +5 3 329 5 +5 3 330 9 +5 4 1 7 +5 4 2 7 +5 4 3 4 +5 4 4 6 +5 4 5 2 +5 4 6 5 +5 4 7 2 +5 4 8 4 +5 4 9 1 +5 4 10 7 +5 4 11 7 +5 4 12 5 +5 4 13 7 +5 4 14 1 +5 4 15 9 +5 4 16 9 +5 4 17 4 +5 4 18 1 +5 4 19 7 +5 4 20 2 +5 4 21 4 +5 4 22 5 +5 4 23 6 +5 4 24 1 +5 4 25 2 +5 4 26 7 +5 4 27 9 +5 4 28 4 +5 4 29 2 +5 4 30 4 +5 4 31 2 +5 4 32 6 +5 4 33 2 +5 4 34 2 +5 4 35 4 +5 4 36 2 +5 4 37 7 +5 4 38 4 +5 4 39 7 +5 4 40 2 +5 4 41 4 +5 4 42 5 +5 4 43 1 +5 4 44 9 +5 4 45 2 +5 4 46 1 +5 4 47 2 +5 4 48 5 +5 4 49 7 +5 4 50 6 +5 4 51 1 +5 4 52 9 +5 4 53 4 +5 4 54 2 +5 4 55 2 +5 4 56 4 +5 4 57 7 +5 4 58 5 +5 4 59 9 +5 4 60 2 +5 4 61 4 +5 4 62 7 +5 4 63 4 +5 4 64 2 +5 4 65 4 +5 4 66 9 +5 4 67 2 +5 4 68 4 +5 4 69 1 +5 4 70 9 +5 4 71 4 +5 4 72 2 +5 4 73 6 +5 4 74 9 +5 4 75 5 +5 4 76 4 +5 4 77 2 +5 4 78 9 +5 4 79 1 +5 4 80 2 +5 4 81 5 +5 4 82 2 +5 4 83 5 +5 4 84 4 +5 4 85 2 +5 4 86 4 +5 4 87 1 +5 4 88 4 +5 4 89 1 +5 4 90 2 +5 4 91 5 +5 4 92 9 +5 4 93 2 +5 4 94 1 +5 4 95 9 +5 4 96 5 +5 4 97 6 +5 4 98 4 +5 4 99 6 +5 4 100 2 +5 4 101 4 +5 4 102 9 +5 4 103 5 +5 4 104 2 +5 4 105 4 +5 4 106 5 +5 4 107 9 +5 4 108 2 +5 4 109 6 +5 4 110 5 +5 4 111 2 +5 4 112 4 +5 4 113 1 +5 4 114 2 +5 4 115 4 +5 4 116 9 +5 4 117 1 +5 4 118 4 +5 4 119 5 +5 4 120 9 +5 4 121 4 +5 4 122 7 +5 4 123 2 +5 4 124 5 +5 4 125 4 +5 4 126 4 +5 4 127 2 +5 4 128 5 +5 4 129 9 +5 4 130 1 +5 4 131 6 +5 4 132 4 +5 4 133 2 +5 4 134 1 +5 4 135 4 +5 4 136 2 +5 4 137 7 +5 4 138 2 +5 4 139 9 +5 4 140 2 +5 4 141 9 +5 4 142 9 +5 4 143 5 +5 4 144 6 +5 4 145 5 +5 4 146 5 +5 4 147 7 +5 4 148 4 +5 4 149 7 +5 4 150 6 +5 4 151 4 +5 4 152 4 +5 4 153 2 +5 4 154 1 +5 4 155 1 +5 4 156 2 +5 4 157 1 +5 4 158 9 +5 4 159 5 +5 4 160 4 +5 4 161 2 +5 4 162 4 +5 4 163 2 +5 4 164 2 +5 4 165 5 +5 4 166 1 +5 4 167 9 +5 4 168 5 +5 4 169 2 +5 4 170 2 +5 4 171 5 +5 4 172 9 +5 4 173 4 +5 4 174 5 +5 4 175 2 +5 4 176 4 +5 4 177 5 +5 4 178 2 +5 4 179 4 +5 4 180 7 +5 4 181 2 +5 4 182 6 +5 4 183 1 +5 4 184 7 +5 4 185 2 +5 4 186 7 +5 4 187 5 +5 4 188 2 +5 4 189 9 +5 4 190 4 +5 4 191 7 +5 4 192 6 +5 4 193 5 +5 4 194 6 +5 4 195 2 +5 4 196 2 +5 4 197 6 +5 4 198 1 +5 4 199 9 +5 4 200 2 +5 4 201 4 +5 4 202 2 +5 4 203 4 +5 4 204 1 +5 4 205 6 +5 4 206 9 +5 4 207 4 +5 4 208 5 +5 4 209 2 +5 4 210 6 +5 4 211 2 +5 4 212 5 +5 4 213 9 +5 4 214 5 +5 4 215 4 +5 4 216 1 +5 4 217 4 +5 4 218 5 +5 4 219 9 +5 4 220 6 +5 4 221 9 +5 4 222 6 +5 4 223 2 +5 4 224 9 +5 4 225 5 +5 4 226 2 +5 4 227 1 +5 4 228 2 +5 4 229 5 +5 4 230 9 +5 4 231 4 +5 4 232 7 +5 4 233 1 +5 4 234 2 +5 4 235 5 +5 4 236 5 +5 4 237 9 +5 4 238 2 +5 4 239 4 +5 4 240 6 +5 4 241 9 +5 4 242 5 +5 4 243 6 +5 4 244 9 +5 4 245 4 +5 4 246 2 +5 4 247 6 +5 4 248 1 +5 4 249 2 +5 4 250 6 +5 4 251 2 +5 4 252 9 +5 4 253 2 +5 4 254 9 +5 4 255 1 +5 4 256 4 +5 4 257 7 +5 4 258 5 +5 4 259 4 +5 4 260 9 +5 4 261 5 +5 4 262 9 +5 4 263 1 +5 4 264 9 +5 4 265 2 +5 4 266 4 +5 4 267 6 +5 4 268 2 +5 4 269 4 +5 4 270 7 +5 4 271 2 +5 4 272 9 +5 4 273 4 +5 4 274 9 +5 4 275 5 +5 4 276 4 +5 4 277 2 +5 4 278 4 +5 4 279 6 +5 4 280 7 +5 4 281 2 +5 4 282 7 +5 4 283 1 +5 4 284 9 +5 4 285 9 +5 4 286 9 +5 4 287 7 +5 4 288 4 +5 4 289 2 +5 4 290 9 +5 4 291 2 +5 4 292 4 +5 4 293 9 +5 4 294 9 +5 4 295 1 +5 4 296 6 +5 4 297 5 +5 4 298 4 +5 4 299 2 +5 4 300 9 +5 4 301 2 +5 4 302 9 +5 4 303 9 +5 4 304 5 +5 4 305 6 +5 4 306 5 +5 4 307 2 +5 4 308 7 +5 4 309 1 +5 4 310 2 +5 4 311 7 +5 4 312 1 +5 4 313 1 +5 4 314 9 +5 4 315 2 +5 4 316 7 +5 4 317 4 +5 4 318 7 +5 4 319 9 +5 4 320 7 +5 4 321 4 +5 4 322 2 +5 4 323 2 +5 4 324 9 +5 4 325 6 +5 4 326 5 +5 4 327 9 +5 4 328 7 +5 4 329 5 +5 4 330 9 +5 5 1 7 +5 5 2 2 +5 5 3 4 +5 5 4 6 +5 5 5 2 +5 5 6 5 +5 5 7 7 +5 5 8 6 +5 5 9 4 +5 5 10 7 +5 5 11 7 +5 5 12 5 +5 5 13 7 +5 5 14 1 +5 5 15 4 +5 5 16 9 +5 5 17 4 +5 5 18 6 +5 5 19 2 +5 5 20 7 +5 5 21 4 +5 5 22 5 +5 5 23 6 +5 5 24 1 +5 5 25 7 +5 5 26 2 +5 5 27 5 +5 5 28 4 +5 5 29 7 +5 5 30 4 +5 5 31 2 +5 5 32 4 +5 5 33 7 +5 5 34 2 +5 5 35 4 +5 5 36 2 +5 5 37 7 +5 5 38 4 +5 5 39 7 +5 5 40 2 +5 5 41 4 +5 5 42 5 +5 5 43 6 +5 5 44 5 +5 5 45 7 +5 5 46 1 +5 5 47 2 +5 5 48 5 +5 5 49 7 +5 5 50 6 +5 5 51 1 +5 5 52 5 +5 5 53 4 +5 5 54 7 +5 5 55 2 +5 5 56 5 +5 5 57 2 +5 5 58 5 +5 5 59 5 +5 5 60 1 +5 5 61 4 +5 5 62 7 +5 5 63 4 +5 5 64 7 +5 5 65 4 +5 5 66 5 +5 5 67 7 +5 5 68 4 +5 5 69 6 +5 5 70 9 +5 5 71 4 +5 5 72 2 +5 5 73 6 +5 5 74 7 +5 5 75 1 +5 5 76 4 +5 5 77 7 +5 5 78 4 +5 5 79 1 +5 5 80 2 +5 5 81 5 +5 5 82 7 +5 5 83 5 +5 5 84 5 +5 5 85 2 +5 5 86 4 +5 5 87 1 +5 5 88 4 +5 5 89 1 +5 5 90 7 +5 5 91 5 +5 5 92 5 +5 5 93 7 +5 5 94 1 +5 5 95 5 +5 5 96 5 +5 5 97 6 +5 5 98 4 +5 5 99 7 +5 5 100 2 +5 5 101 6 +5 5 102 7 +5 5 103 6 +5 5 104 2 +5 5 105 6 +5 5 106 5 +5 5 107 9 +5 5 108 2 +5 5 109 6 +5 5 110 5 +5 5 111 6 +5 5 112 4 +5 5 113 1 +5 5 114 2 +5 5 115 4 +5 5 116 5 +5 5 117 1 +5 5 118 4 +5 5 119 7 +5 5 120 9 +5 5 121 4 +5 5 122 2 +5 5 123 6 +5 5 124 5 +5 5 125 4 +5 5 126 4 +5 5 127 6 +5 5 128 5 +5 5 129 9 +5 5 130 1 +5 5 131 6 +5 5 132 4 +5 5 133 7 +5 5 134 1 +5 5 135 4 +5 5 136 7 +5 5 137 2 +5 5 138 7 +5 5 139 6 +5 5 140 7 +5 5 141 9 +5 5 142 7 +5 5 143 5 +5 5 144 6 +5 5 145 2 +5 5 146 5 +5 5 147 2 +5 5 148 4 +5 5 149 7 +5 5 150 6 +5 5 151 5 +5 5 152 6 +5 5 153 2 +5 5 154 1 +5 5 155 1 +5 5 156 7 +5 5 157 6 +5 5 158 9 +5 5 159 5 +5 5 160 4 +5 5 161 2 +5 5 162 4 +5 5 163 7 +5 5 164 7 +5 5 165 1 +5 5 166 6 +5 5 167 6 +5 5 168 2 +5 5 169 7 +5 5 170 6 +5 5 171 1 +5 5 172 9 +5 5 173 4 +5 5 174 5 +5 5 175 2 +5 5 176 4 +5 5 177 5 +5 5 178 6 +5 5 179 4 +5 5 180 7 +5 5 181 5 +5 5 182 6 +5 5 183 1 +5 5 184 6 +5 5 185 5 +5 5 186 2 +5 5 187 5 +5 5 188 2 +5 5 189 6 +5 5 190 5 +5 5 191 7 +5 5 192 6 +5 5 193 5 +5 5 194 6 +5 5 195 7 +5 5 196 2 +5 5 197 6 +5 5 198 1 +5 5 199 5 +5 5 200 7 +5 5 201 5 +5 5 202 7 +5 5 203 4 +5 5 204 1 +5 5 205 6 +5 5 206 5 +5 5 207 4 +5 5 208 6 +5 5 209 7 +5 5 210 6 +5 5 211 2 +5 5 212 5 +5 5 213 6 +5 5 214 5 +5 5 215 6 +5 5 216 1 +5 5 217 5 +5 5 218 2 +5 5 219 5 +5 5 220 6 +5 5 221 5 +5 5 222 6 +5 5 223 7 +5 5 224 5 +5 5 225 6 +5 5 226 7 +5 5 227 1 +5 5 228 6 +5 5 229 7 +5 5 230 5 +5 5 231 6 +5 5 232 1 +5 5 233 6 +5 5 234 2 +5 5 235 7 +5 5 236 2 +5 5 237 4 +5 5 238 7 +5 5 239 4 +5 5 240 6 +5 5 241 5 +5 5 242 5 +5 5 243 6 +5 5 244 7 +5 5 245 4 +5 5 246 2 +5 5 247 6 +5 5 248 1 +5 5 249 2 +5 5 250 6 +5 5 251 2 +5 5 252 5 +5 5 253 7 +5 5 254 2 +5 5 255 1 +5 5 256 4 +5 5 257 7 +5 5 258 5 +5 5 259 4 +5 5 260 5 +5 5 261 4 +5 5 262 9 +5 5 263 1 +5 5 264 2 +5 5 265 2 +5 5 266 6 +5 5 267 6 +5 5 268 7 +5 5 269 4 +5 5 270 5 +5 5 271 7 +5 5 272 9 +5 5 273 6 +5 5 274 9 +5 5 275 2 +5 5 276 4 +5 5 277 7 +5 5 278 4 +5 5 279 7 +5 5 280 2 +5 5 281 7 +5 5 282 2 +5 5 283 1 +5 5 284 5 +5 5 285 4 +5 5 286 9 +5 5 287 6 +5 5 288 4 +5 5 289 7 +5 5 290 9 +5 5 291 2 +5 5 292 4 +5 5 293 2 +5 5 294 2 +5 5 295 1 +5 5 296 6 +5 5 297 5 +5 5 298 4 +5 5 299 7 +5 5 300 6 +5 5 301 2 +5 5 302 5 +5 5 303 2 +5 5 304 6 +5 5 305 6 +5 5 306 7 +5 5 307 2 +5 5 308 6 +5 5 309 1 +5 5 310 2 +5 5 311 7 +5 5 312 1 +5 5 313 6 +5 5 314 5 +5 5 315 7 +5 5 316 2 +5 5 317 6 +5 5 318 5 +5 5 319 9 +5 5 320 6 +5 5 321 4 +5 5 322 7 +5 5 323 2 +5 5 324 9 +5 5 325 6 +5 5 326 5 +5 5 327 5 +5 5 328 2 +5 5 329 6 +5 5 330 9 +5 6 1 2 +5 6 2 2 +5 6 3 4 +5 6 4 6 +5 6 5 2 +5 6 6 5 +5 6 7 2 +5 6 8 4 +5 6 9 6 +5 6 10 7 +5 6 11 6 +5 6 12 5 +5 6 13 2 +5 6 14 6 +5 6 15 4 +5 6 16 9 +5 6 17 4 +5 6 18 1 +5 6 19 2 +5 6 20 2 +5 6 21 4 +5 6 22 5 +5 6 23 6 +5 6 24 1 +5 6 25 2 +5 6 26 6 +5 6 27 9 +5 6 28 4 +5 6 29 2 +5 6 30 4 +5 6 31 7 +5 6 32 4 +5 6 33 7 +5 6 34 2 +5 6 35 4 +5 6 36 6 +5 6 37 2 +5 6 38 4 +5 6 39 2 +5 6 40 7 +5 6 41 4 +5 6 42 5 +5 6 43 6 +5 6 44 9 +5 6 45 2 +5 6 46 1 +5 6 47 6 +5 6 48 2 +5 6 49 7 +5 6 50 6 +5 6 51 6 +5 6 52 2 +5 6 53 4 +5 6 54 2 +5 6 55 2 +5 6 56 5 +5 6 57 7 +5 6 58 5 +5 6 59 9 +5 6 60 1 +5 6 61 4 +5 6 62 6 +5 6 63 4 +5 6 64 2 +5 6 65 4 +5 6 66 9 +5 6 67 2 +5 6 68 4 +5 6 69 1 +5 6 70 9 +5 6 71 6 +5 6 72 2 +5 6 73 6 +5 6 74 2 +5 6 75 1 +5 6 76 4 +5 6 77 2 +5 6 78 4 +5 6 79 1 +5 6 80 2 +5 6 81 5 +5 6 82 2 +5 6 83 5 +5 6 84 1 +5 6 85 2 +5 6 86 4 +5 6 87 1 +5 6 88 6 +5 6 89 1 +5 6 90 2 +5 6 91 5 +5 6 92 9 +5 6 93 2 +5 6 94 6 +5 6 95 2 +5 6 96 5 +5 6 97 6 +5 6 98 4 +5 6 99 1 +5 6 100 2 +5 6 101 6 +5 6 102 7 +5 6 103 6 +5 6 104 2 +5 6 105 6 +5 6 106 5 +5 6 107 9 +5 6 108 2 +5 6 109 6 +5 6 110 5 +5 6 111 6 +5 6 112 4 +5 6 113 1 +5 6 114 2 +5 6 115 4 +5 6 116 9 +5 6 117 1 +5 6 118 4 +5 6 119 2 +5 6 120 9 +5 6 121 4 +5 6 122 2 +5 6 123 6 +5 6 124 5 +5 6 125 4 +5 6 126 6 +5 6 127 1 +5 6 128 5 +5 6 129 9 +5 6 130 1 +5 6 131 1 +5 6 132 4 +5 6 133 2 +5 6 134 1 +5 6 135 4 +5 6 136 2 +5 6 137 6 +5 6 138 2 +5 6 139 9 +5 6 140 6 +5 6 141 9 +5 6 142 9 +5 6 143 2 +5 6 144 6 +5 6 145 2 +5 6 146 5 +5 6 147 2 +5 6 148 4 +5 6 149 2 +5 6 150 6 +5 6 151 6 +5 6 152 6 +5 6 153 2 +5 6 154 6 +5 6 155 6 +5 6 156 2 +5 6 157 6 +5 6 158 9 +5 6 159 5 +5 6 160 6 +5 6 161 2 +5 6 162 4 +5 6 163 2 +5 6 164 2 +5 6 165 6 +5 6 166 2 +5 6 167 9 +5 6 168 2 +5 6 169 2 +5 6 170 6 +5 6 171 6 +5 6 172 9 +5 6 173 4 +5 6 174 5 +5 6 175 2 +5 6 176 4 +5 6 177 5 +5 6 178 2 +5 6 179 6 +5 6 180 2 +5 6 181 5 +5 6 182 4 +5 6 183 6 +5 6 184 6 +5 6 185 5 +5 6 186 2 +5 6 187 5 +5 6 188 2 +5 6 189 9 +5 6 190 4 +5 6 191 2 +5 6 192 6 +5 6 193 5 +5 6 194 1 +5 6 195 2 +5 6 196 2 +5 6 197 1 +5 6 198 1 +5 6 199 9 +5 6 200 2 +5 6 201 4 +5 6 202 2 +5 6 203 4 +5 6 204 6 +5 6 205 6 +5 6 206 9 +5 6 207 4 +5 6 208 5 +5 6 209 2 +5 6 210 6 +5 6 211 2 +5 6 212 5 +5 6 213 9 +5 6 214 5 +5 6 215 4 +5 6 216 1 +5 6 217 4 +5 6 218 5 +5 6 219 9 +5 6 220 2 +5 6 221 9 +5 6 222 6 +5 6 223 2 +5 6 224 9 +5 6 225 6 +5 6 226 6 +5 6 227 1 +5 6 228 2 +5 6 229 2 +5 6 230 9 +5 6 231 6 +5 6 232 1 +5 6 233 6 +5 6 234 2 +5 6 235 2 +5 6 236 5 +5 6 237 4 +5 6 238 2 +5 6 239 4 +5 6 240 6 +5 6 241 9 +5 6 242 5 +5 6 243 6 +5 6 244 9 +5 6 245 4 +5 6 246 2 +5 6 247 1 +5 6 248 6 +5 6 249 2 +5 6 250 6 +5 6 251 2 +5 6 252 9 +5 6 253 2 +5 6 254 2 +5 6 255 1 +5 6 256 4 +5 6 257 2 +5 6 258 5 +5 6 259 6 +5 6 260 5 +5 6 261 5 +5 6 262 9 +5 6 263 1 +5 6 264 2 +5 6 265 2 +5 6 266 6 +5 6 267 6 +5 6 268 2 +5 6 269 4 +5 6 270 5 +5 6 271 6 +5 6 272 9 +5 6 273 4 +5 6 274 9 +5 6 275 5 +5 6 276 4 +5 6 277 2 +5 6 278 4 +5 6 279 6 +5 6 280 2 +5 6 281 2 +5 6 282 2 +5 6 283 6 +5 6 284 9 +5 6 285 4 +5 6 286 9 +5 6 287 5 +5 6 288 4 +5 6 289 2 +5 6 290 9 +5 6 291 2 +5 6 292 4 +5 6 293 9 +5 6 294 9 +5 6 295 6 +5 6 296 6 +5 6 297 5 +5 6 298 4 +5 6 299 2 +5 6 300 6 +5 6 301 2 +5 6 302 9 +5 6 303 9 +5 6 304 5 +5 6 305 1 +5 6 306 2 +5 6 307 2 +5 6 308 6 +5 6 309 1 +5 6 310 2 +5 6 311 2 +5 6 312 1 +5 6 313 6 +5 6 314 9 +5 6 315 2 +5 6 316 2 +5 6 317 4 +5 6 318 5 +5 6 319 9 +5 6 320 5 +5 6 321 4 +5 6 322 2 +5 6 323 2 +5 6 324 9 +5 6 325 6 +5 6 326 5 +5 6 327 9 +5 6 328 6 +5 6 329 6 +5 6 330 9 +6 1 1 YA +6 1 2 YA +6 1 3 HO +6 1 4 SI +6 1 5 YA +6 1 6 SA +6 1 7 YA +6 1 8 HO +6 1 9 SA +6 1 10 SI +6 1 11 YA +6 1 12 MO +6 1 13 YA +6 1 14 SI +6 1 15 SA +6 1 16 HA +6 1 17 HO +6 1 18 SI +6 1 19 YA +6 1 20 YA +6 1 21 HO +6 1 22 SA +6 1 23 SA +6 1 24 SI +6 1 25 YA +6 1 26 SI +6 1 27 HA +6 1 28 HO +6 1 29 YA +6 1 30 MO +6 1 31 SA +6 1 32 HN +6 1 33 YA +6 1 34 SI +6 1 35 YA +6 1 36 HN +6 1 37 SA +6 1 38 HN +6 1 39 YA +6 1 40 YA +6 1 41 HN +6 1 42 MO +6 1 43 SI +6 1 44 SA +6 1 45 SN +6 1 46 SA +6 1 47 SI +6 1 48 MO +6 1 49 SA +6 1 50 SI +6 1 51 YA +6 1 52 HA +6 1 53 HO +6 1 54 YA +6 1 55 SA +6 1 56 HA +6 1 57 YA +6 1 58 MO +6 1 59 SA +6 1 60 YA +6 1 61 HN +6 1 62 HA +6 1 63 SA +6 1 64 YA +6 1 65 HN +6 1 66 SA +6 1 67 HA +6 1 68 HN +6 1 69 SI +6 1 70 HA +6 1 71 HN +6 1 72 YA +6 1 73 SA +6 1 74 HA +6 1 75 YA +6 1 76 HN +6 1 77 YA +6 1 78 HA +6 1 79 SI +6 1 80 YA +6 1 81 SN +6 1 82 YA +6 1 83 HA +6 1 84 SA +6 1 85 YA +6 1 86 SA +6 1 87 SI +6 1 88 HN +6 1 89 SI +6 1 90 YA +6 1 91 MO +6 1 92 HA +6 1 93 YA +6 1 94 SI +6 1 95 SA +6 1 96 MO +6 1 97 SI +6 1 98 HO +6 1 99 HA +6 1 100 SA +6 1 101 HN +6 1 102 SA +6 1 103 SI +6 1 104 YA +6 1 105 HN +6 1 106 SA +6 1 107 HA +6 1 108 HA +6 1 109 YA +6 1 110 MO +6 1 111 SI +6 1 112 HN +6 1 113 SI +6 1 114 YA +6 1 115 HN +6 1 116 HA +6 1 117 SI +6 1 118 HN +6 1 119 YA +6 1 120 HA +6 1 121 HN +6 1 122 YA +6 1 123 YA +6 1 124 HA +6 1 125 HN +6 1 126 SA +6 1 127 SI +6 1 128 MO +6 1 129 HA +6 1 130 SI +6 1 131 HN +6 1 132 HN +6 1 133 YA +6 1 134 SI +6 1 135 HN +6 1 136 SA +6 1 137 YA +6 1 138 SA +6 1 139 HA +6 1 140 YA +6 1 141 HA +6 1 142 HA +6 1 143 MO +6 1 144 SI +6 1 145 SA +6 1 146 MO +6 1 147 YA +6 1 148 HN +6 1 149 SA +6 1 150 SI +6 1 151 SA +6 1 152 SA +6 1 153 YA +6 1 154 SI +6 1 155 SI +6 1 156 YA +6 1 157 SI +6 1 158 HA +6 1 159 SA +6 1 160 SA +6 1 161 YA +6 1 162 HN +6 1 163 YA +6 1 164 SA +6 1 165 SA +6 1 166 SI +6 1 167 HA +6 1 168 YA +6 1 169 YA +6 1 170 SI +6 1 171 SA +6 1 172 HA +6 1 173 HN +6 1 174 MO +6 1 175 SA +6 1 176 HN +6 1 177 SA +6 1 178 YA +6 1 179 HN +6 1 180 SA +6 1 181 MO +6 1 182 HN +6 1 183 SI +6 1 184 SA +6 1 185 MO +6 1 186 SA +6 1 187 MO +6 1 188 YA +6 1 189 SA +6 1 190 SA +6 1 191 YA +6 1 192 YA +6 1 193 MO +6 1 194 HN +6 1 195 YA +6 1 196 SA +6 1 197 SA +6 1 198 SI +6 1 199 HA +6 1 200 SA +6 1 201 SA +6 1 202 YA +6 1 203 HN +6 1 204 SI +6 1 205 SI +6 1 206 HA +6 1 207 HN +6 1 208 MO +6 1 209 SI +6 1 210 SI +6 1 211 SA +6 1 212 MO +6 1 213 HA +6 1 214 MO +6 1 215 SA +6 1 216 SI +6 1 217 HA +6 1 218 MO +6 1 219 HA +6 1 220 YA +6 1 221 HA +6 1 222 SI +6 1 223 YA +6 1 224 HA +6 1 225 MO +6 1 226 YA +6 1 227 SI +6 1 228 YA +6 1 229 SA +6 1 230 HA +6 1 231 SA +6 1 232 MO +6 1 233 SA +6 1 234 YA +6 1 235 YA +6 1 236 MO +6 1 237 SA +6 1 238 SA +6 1 239 YA +6 1 240 SA +6 1 241 HA +6 1 242 SA +6 1 243 HN +6 1 244 HA +6 1 245 HN +6 1 246 YA +6 1 247 YA +6 1 248 YA +6 1 249 YA +6 1 250 SI +6 1 251 SA +6 1 252 HA +6 1 253 SA +6 1 254 HA +6 1 255 SI +6 1 256 HN +6 1 257 YA +6 1 258 MO +6 1 259 HN +6 1 260 HA +6 1 261 SA +6 1 262 HA +6 1 263 HA +6 1 264 HA +6 1 265 YA +6 1 266 HN +6 1 267 HN +6 1 268 YA +6 1 269 HN +6 1 270 MO +6 1 271 SI +6 1 272 HA +6 1 273 SA +6 1 274 HA +6 1 275 MO +6 1 276 HN +6 1 277 YA +6 1 278 SA +6 1 279 YA +6 1 280 SA +6 1 281 YA +6 1 282 YA +6 1 283 SI +6 1 284 HA +6 1 285 SA +6 1 286 HA +6 1 287 MO +6 1 288 HN +6 1 289 SA +6 1 290 HA +6 1 291 YA +6 1 292 SA +6 1 293 HA +6 1 294 HA +6 1 295 SI +6 1 296 HA +6 1 297 MO +6 1 298 HN +6 1 299 SA +6 1 300 HA +6 1 301 SA +6 1 302 HA +6 1 303 HA +6 1 304 SA +6 1 305 HN +6 1 306 SA +6 1 307 SA +6 1 308 SA +6 1 309 SI +6 1 310 SA +6 1 311 YA +6 1 312 SI +6 1 313 SI +6 1 314 HA +6 1 315 SA +6 1 316 SA +6 1 317 HN +6 1 318 SA +6 1 319 HA +6 1 320 MO +6 1 321 HA +6 1 322 SA +6 1 323 YA +6 1 324 HN +6 1 325 HN +6 1 326 MO +6 1 327 HA +6 1 328 YA +6 1 329 SI +6 1 330 HA +6 2 1 HJ +6 2 2 SN +6 2 3 HN +6 2 4 HN +6 2 5 SN +6 2 6 SA +6 2 7 SN +6 2 8 HN +6 2 9 SA +6 2 10 SI +6 2 11 SN +6 2 12 HS +6 2 13 SN +6 2 14 SI +6 2 15 HA +6 2 16 HA +6 2 17 HN +6 2 18 SI +6 2 19 YA +6 2 20 SN +6 2 21 HN +6 2 22 HS +6 2 23 HN +6 2 24 SA +6 2 25 SN +6 2 26 SI +6 2 27 HA +6 2 28 HN +6 2 29 SN +6 2 30 HN +6 2 31 SA +6 2 32 HN +6 2 33 SN +6 2 34 SN +6 2 35 HN +6 2 36 YA +6 2 37 * +6 2 38 HN +6 2 39 SN +6 2 40 SN +6 2 41 HN +6 2 42 HS +6 2 43 SI +6 2 44 HA +6 2 45 SN +6 2 46 HA +6 2 47 SN +6 2 48 HS +6 2 49 * +6 2 50 HN +6 2 51 SA +6 2 52 HA +6 2 53 HN +6 2 54 SN +6 2 55 YA +6 2 56 SA +6 2 57 YA +6 2 58 SA +6 2 59 HA +6 2 60 SI +6 2 61 HN +6 2 62 SA +6 2 63 HN +6 2 64 SI +6 2 65 HN +6 2 66 HA +6 2 67 SN +6 2 68 HN +6 2 69 YA +6 2 70 HA +6 2 71 HN +6 2 72 SN +6 2 73 SN +6 2 74 SI +6 2 75 SN +6 2 76 HN +6 2 77 YA +6 2 78 HN +6 2 79 SI +6 2 80 YA +6 2 81 SN +6 2 82 SN +6 2 83 SA +6 2 84 SA +6 2 85 SN +6 2 86 * +6 2 87 SI +6 2 88 HN +6 2 89 SI +6 2 90 YA +6 2 91 HS +6 2 92 SA +6 2 93 SN +6 2 94 HT +6 2 95 HA +6 2 96 HS +6 2 97 SI +6 2 98 HN +6 2 99 SA +6 2 100 * +6 2 101 HN +6 2 102 SA +6 2 103 * +6 2 104 HJ +6 2 105 HN +6 2 106 HS +6 2 107 HA +6 2 108 HA +6 2 109 HT +6 2 110 HS +6 2 111 SN +6 2 112 HN +6 2 113 HT +6 2 114 SN +6 2 115 HN +6 2 116 HA +6 2 117 HT +6 2 118 SA +6 2 119 SN +6 2 120 HA +6 2 121 HN +6 2 122 SN +6 2 123 SN +6 2 124 HS +6 2 125 HN +6 2 126 SA +6 2 127 SN +6 2 128 HS +6 2 129 HA +6 2 130 HT +6 2 131 HN +6 2 132 HN +6 2 133 SN +6 2 134 HT +6 2 135 HN +6 2 136 SN +6 2 137 SN +6 2 138 YA +6 2 139 HA +6 2 140 SN +6 2 141 HA +6 2 142 HA +6 2 143 HS +6 2 144 SI +6 2 145 SN +6 2 146 HS +6 2 147 SN +6 2 148 HN +6 2 149 SN +6 2 150 HT +6 2 151 HN +6 2 152 HN +6 2 153 HT +6 2 154 HT +6 2 155 HT +6 2 156 SN +6 2 157 HT +6 2 158 HA +6 2 159 HS +6 2 160 SA +6 2 161 SN +6 2 162 HN +6 2 163 SN +6 2 164 SI +6 2 165 SN +6 2 166 SI +6 2 167 HA +6 2 168 SN +6 2 169 HJ +6 2 170 SI +6 2 171 SA +6 2 172 HA +6 2 173 HN +6 2 174 HS +6 2 175 HA +6 2 176 HN +6 2 177 HS +6 2 178 SI +6 2 179 HN +6 2 180 SN +6 2 181 * +6 2 182 HN +6 2 183 SA +6 2 184 HT +6 2 185 SA +6 2 186 SN +6 2 187 HS +6 2 188 SN +6 2 189 HA +6 2 190 SA +6 2 191 SN +6 2 192 HT +6 2 193 HS +6 2 194 HN +6 2 195 SN +6 2 196 SN +6 2 197 HT +6 2 198 SI +6 2 199 HA +6 2 200 SN +6 2 201 SA +6 2 202 SN +6 2 203 HN +6 2 204 HT +6 2 205 YA +6 2 206 HA +6 2 207 HN +6 2 208 SA +6 2 209 SN +6 2 210 HT +6 2 211 YA +6 2 212 HS +6 2 213 HA +6 2 214 HS +6 2 215 SA +6 2 216 SN +6 2 217 SA +6 2 218 HS +6 2 219 HA +6 2 220 SI +6 2 221 HA +6 2 222 HT +6 2 223 SN +6 2 224 HA +6 2 225 HS +6 2 226 SN +6 2 227 SI +6 2 228 SI +6 2 229 SN +6 2 230 HA +6 2 231 HN +6 2 232 SA +6 2 233 HA +6 2 234 SN +6 2 235 HJ +6 2 236 HS +6 2 237 SA +6 2 238 HN +6 2 239 SN +6 2 240 HN +6 2 241 HA +6 2 242 HS +6 2 243 HN +6 2 244 HA +6 2 245 HN +6 2 246 SN +6 2 247 HT +6 2 248 SN +6 2 249 SN +6 2 250 HJ +6 2 251 SN +6 2 252 HA +6 2 253 SN +6 2 254 HT +6 2 255 SI +6 2 256 HN +6 2 257 SI +6 2 258 HS +6 2 259 HN +6 2 260 HA +6 2 261 HN +6 2 262 HA +6 2 263 HT +6 2 264 HA +6 2 265 SN +6 2 266 HN +6 2 267 HN +6 2 268 SN +6 2 269 HN +6 2 270 HS +6 2 271 SN +6 2 272 HA +6 2 273 SA +6 2 274 HA +6 2 275 HS +6 2 276 HN +6 2 277 SI +6 2 278 HN +6 2 279 HT +6 2 280 SN +6 2 281 SN +6 2 282 SN +6 2 283 SA +6 2 284 HA +6 2 285 HN +6 2 286 HA +6 2 287 HS +6 2 288 HN +6 2 289 SN +6 2 290 HA +6 2 291 HT +6 2 292 SA +6 2 293 HA +6 2 294 HA +6 2 295 SA +6 2 296 HT +6 2 297 HS +6 2 298 HN +6 2 299 SN +6 2 300 HA +6 2 301 SN +6 2 302 HA +6 2 303 HA +6 2 304 SN +6 2 305 HT +6 2 306 SN +6 2 307 SN +6 2 308 HT +6 2 309 SN +6 2 310 SN +6 2 311 SN +6 2 312 SI +6 2 313 SI +6 2 314 HA +6 2 315 SN +6 2 316 SN +6 2 317 HN +6 2 318 HN +6 2 319 HA +6 2 320 HS +6 2 321 HN +6 2 322 HT +6 2 323 SN +6 2 324 HA +6 2 325 HN +6 2 326 HJ +6 2 327 HA +6 2 328 SN +6 2 329 SA +6 2 330 HA +6 3 1 HJ +6 3 2 HJ +6 3 3 HW +6 3 4 HN +6 3 5 HJ +6 3 6 HA +6 3 7 SN +6 3 8 HN +6 3 9 SA +6 3 10 HJ +6 3 11 HJ +6 3 12 HS +6 3 13 HJ +6 3 14 HJ +6 3 15 HA +6 3 16 HA +6 3 17 HN +6 3 18 SA +6 3 19 HJ +6 3 20 SN +6 3 21 HN +6 3 22 SL +6 3 23 HJ +6 3 24 SN +6 3 25 HJ +6 3 26 HJ +6 3 27 HA +6 3 28 HN +6 3 29 HJ +6 3 30 HS +6 3 31 HJ +6 3 32 HN +6 3 33 SN +6 3 34 HJ +6 3 35 HN +6 3 36 HJ +6 3 37 HJ +6 3 38 HN +6 3 39 SN +6 3 40 HJ +6 3 41 HN +6 3 42 HS +6 3 43 HJ +6 3 44 HA +6 3 45 SN +6 3 46 HA +6 3 47 SN +6 3 48 HS +6 3 49 HJ +6 3 50 HN +6 3 51 HS +6 3 52 HA +6 3 53 HN +6 3 54 SN +6 3 55 HJ +6 3 56 HA +6 3 57 HJ +6 3 58 HS +6 3 59 HA +6 3 60 SN +6 3 61 HN +6 3 62 HJ +6 3 63 HN +6 3 64 HJ +6 3 65 HN +6 3 66 HA +6 3 67 SN +6 3 68 HN +6 3 69 SN +6 3 70 HA +6 3 71 HN +6 3 72 HJ +6 3 73 HJ +6 3 74 HJ +6 3 75 SN +6 3 76 HN +6 3 77 HJ +6 3 78 HA +6 3 79 SI +6 3 80 HJ +6 3 81 SN +6 3 82 SN +6 3 83 HA +6 3 84 HA +6 3 85 SN +6 3 86 HN +6 3 87 SN +6 3 88 HN +6 3 89 SI +6 3 90 HJ +6 3 91 HS +6 3 92 HA +6 3 93 HJ +6 3 94 SN +6 3 95 HA +6 3 96 HS +6 3 97 HJ +6 3 98 HN +6 3 99 HA +6 3 100 HJ +6 3 101 HN +6 3 102 HJ +6 3 103 SN +6 3 104 HJ +6 3 105 HN +6 3 106 HS +6 3 107 HA +6 3 108 HJ +6 3 109 HJ +6 3 110 HS +6 3 111 SN +6 3 112 HN +6 3 113 SN +6 3 114 HJ +6 3 115 HN +6 3 116 HJ +6 3 117 SN +6 3 118 HN +6 3 119 HJ +6 3 120 HA +6 3 121 HN +6 3 122 YA +6 3 123 HJ +6 3 124 * +6 3 125 HN +6 3 126 HN +6 3 127 SN +6 3 128 * +6 3 129 HA +6 3 130 SN +6 3 131 HN +6 3 132 HW +6 3 133 HJ +6 3 134 HN +6 3 135 HW +6 3 136 HJ +6 3 137 YA +6 3 138 HJ +6 3 139 HA +6 3 140 HJ +6 3 141 HA +6 3 142 HA +6 3 143 SN +6 3 144 HJ +6 3 145 SN +6 3 146 * +6 3 147 HJ +6 3 148 HW +6 3 149 SN +6 3 150 HN +6 3 151 HN +6 3 152 HN +6 3 153 HJ +6 3 154 SN +6 3 155 SN +6 3 156 HJ +6 3 157 HN +6 3 158 HA +6 3 159 HA +6 3 160 HN +6 3 161 SN +6 3 162 HW +6 3 163 HJ +6 3 164 HJ +6 3 165 HJ +6 3 166 HJ +6 3 167 HA +6 3 168 SN +6 3 169 HJ +6 3 170 SN +6 3 171 SN +6 3 172 HA +6 3 173 HN +6 3 174 HS +6 3 175 HJ +6 3 176 HW +6 3 177 HS +6 3 178 SN +6 3 179 HN +6 3 180 YA +6 3 181 HS +6 3 182 HN +6 3 183 HS +6 3 184 YA +6 3 185 HN +6 3 186 HJ +6 3 187 HS +6 3 188 HJ +6 3 189 HJ +6 3 190 HA +6 3 191 YA +6 3 192 YA +6 3 193 HS +6 3 194 HN +6 3 195 YA +6 3 196 YA +6 3 197 YA +6 3 198 YA +6 3 199 HA +6 3 200 HJ +6 3 201 HA +6 3 202 YA +6 3 203 HW +6 3 204 YA +6 3 205 HJ +6 3 206 HA +6 3 207 HW +6 3 208 HS +6 3 209 YA +6 3 210 HN +6 3 211 HJ +6 3 212 HA +6 3 213 YA +6 3 214 HS +6 3 215 HN +6 3 216 SN +6 3 217 HN +6 3 218 YA +6 3 219 HA +6 3 220 HJ +6 3 221 HA +6 3 222 YA +6 3 223 YA +6 3 224 HA +6 3 225 HS +6 3 226 HJ +6 3 227 YA +6 3 228 HJ +6 3 229 YA +6 3 230 HA +6 3 231 SN +6 3 232 YA +6 3 233 HJ +6 3 234 SN +6 3 235 HJ +6 3 236 YA +6 3 237 HA +6 3 238 HJ +6 3 239 HN +6 3 240 HN +6 3 241 HA +6 3 242 HS +6 3 243 HW +6 3 244 HA +6 3 245 HW +6 3 246 YA +6 3 247 HJ +6 3 248 YA +6 3 249 YA +6 3 250 HJ +6 3 251 YA +6 3 252 HA +6 3 253 HJ +6 3 254 HJ +6 3 255 YA +6 3 256 HW +6 3 257 YA +6 3 258 HS +6 3 259 HN +6 3 260 HA +6 3 261 HN +6 3 262 HA +6 3 263 HJ +6 3 264 HJ +6 3 265 YA +6 3 266 HN +6 3 267 HN +6 3 268 HJ +6 3 269 HN +6 3 270 HS +6 3 271 YA +6 3 272 HN +6 3 273 HN +6 3 274 HA +6 3 275 HS +6 3 276 HW +6 3 277 HJ +6 3 278 HN +6 3 279 HJ +6 3 280 YA +6 3 281 SN +6 3 282 SN +6 3 283 HA +6 3 284 HA +6 3 285 HN +6 3 286 HA +6 3 287 HS +6 3 288 HW +6 3 289 HJ +6 3 290 HA +6 3 291 HJ +6 3 292 HN +6 3 293 HJ +6 3 294 HA +6 3 295 SN +6 3 296 HJ +6 3 297 HS +6 3 298 HW +6 3 299 YA +6 3 300 HA +6 3 301 HJ +6 3 302 HA +6 3 303 HA +6 3 304 SN +6 3 305 HN +6 3 306 SN +6 3 307 HJ +6 3 308 YA +6 3 309 YA +6 3 310 HJ +6 3 311 HN +6 3 312 YA +6 3 313 HJ +6 3 314 HA +6 3 315 YA +6 3 316 HJ +6 3 317 HW +6 3 318 HN +6 3 319 HA +6 3 320 YA +6 3 321 HW +6 3 322 HJ +6 3 323 YA +6 3 324 HA +6 3 325 HN +6 3 326 HS +6 3 327 HA +6 3 328 YA +6 3 329 HA +6 3 330 HA +6 4 1 SN +6 4 2 SN +6 4 3 HN +6 4 4 HN +6 4 5 SN +6 4 6 HA +6 4 7 SN +6 4 8 HN +6 4 9 HS +6 4 10 SI +6 4 11 SI +6 4 12 HS +6 4 13 SI +6 4 14 SI +6 4 15 HA +6 4 16 HF +6 4 17 HN +6 4 18 SI +6 4 19 SN +6 4 20 SN +6 4 21 HN +6 4 22 HS +6 4 23 SN +6 4 24 SI +6 4 25 SI +6 4 26 SN +6 4 27 HA +6 4 28 HN +6 4 29 YA +6 4 30 HN +6 4 31 YA +6 4 32 HN +6 4 33 YA +6 4 34 SI +6 4 35 HN +6 4 36 SI +6 4 37 YA +6 4 38 HN +6 4 39 YA +6 4 40 YA +6 4 41 HN +6 4 42 HS +6 4 43 YA +6 4 44 HF +6 4 45 SN +6 4 46 HF +6 4 47 SN +6 4 48 HS +6 4 49 YA +6 4 50 HN +6 4 51 HS +6 4 52 HF +6 4 53 HN +6 4 54 SN +6 4 55 YA +6 4 56 HF +6 4 57 YA +6 4 58 HS +6 4 59 YA +6 4 60 SI +6 4 61 HN +6 4 62 YA +6 4 63 HN +6 4 64 SI +6 4 65 HN +6 4 66 HF +6 4 67 YA +6 4 68 HN +6 4 69 YA +6 4 70 YA +6 4 71 HN +6 4 72 YA +6 4 73 HN +6 4 74 YA +6 4 75 YA +6 4 76 HN +6 4 77 YA +6 4 78 HF +6 4 79 SI +6 4 80 YA +6 4 81 HS +6 4 82 YA +6 4 83 HF +6 4 84 HA +6 4 85 YA +6 4 86 HN +6 4 87 YA +6 4 88 HN +6 4 89 SI +6 4 90 YA +6 4 91 HS +6 4 92 HF +6 4 93 YA +6 4 94 SI +6 4 95 HF +6 4 96 HS +6 4 97 YA +6 4 98 HN +6 4 99 HF +6 4 100 YA +6 4 101 HN +6 4 102 YA +6 4 103 SI +6 4 104 YA +6 4 105 HN +6 4 106 HS +6 4 107 HF +6 4 108 SA +6 4 109 YA +6 4 110 HS +6 4 111 SI +6 4 112 HN +6 4 113 SI +6 4 114 SN +6 4 115 HN +6 4 116 HF +6 4 117 YA +6 4 118 HN +6 4 119 YA +6 4 120 HF +6 4 121 HN +6 4 122 YA +6 4 123 SI +6 4 124 SN +6 4 125 HN +6 4 126 HN +6 4 127 SI +6 4 128 HS +6 4 129 HF +6 4 130 YA +6 4 131 HN +6 4 132 HN +6 4 133 YA +6 4 134 SI +6 4 135 HN +6 4 136 YA +6 4 137 SI +6 4 138 YA +6 4 139 YA +6 4 140 YA +6 4 141 HF +6 4 142 HF +6 4 143 YA +6 4 144 SI +6 4 145 SN +6 4 146 HS +6 4 147 SN +6 4 148 HN +6 4 149 SN +6 4 150 HN +6 4 151 HN +6 4 152 HN +6 4 153 SN +6 4 154 SI +6 4 155 SI +6 4 156 YA +6 4 157 HS +6 4 158 HF +6 4 159 HS +6 4 160 HN +6 4 161 YA +6 4 162 HN +6 4 163 SI +6 4 164 YA +6 4 165 SI +6 4 166 SI +6 4 167 HF +6 4 168 SN +6 4 169 YA +6 4 170 YA +6 4 171 YA +6 4 172 HF +6 4 173 HN +6 4 174 HS +6 4 175 SN +6 4 176 HN +6 4 177 HS +6 4 178 YA +6 4 179 HN +6 4 180 SN +6 4 181 HS +6 4 182 HN +6 4 183 HS +6 4 184 HN +6 4 185 HS +6 4 186 SN +6 4 187 HS +6 4 188 YA +6 4 189 HF +6 4 190 HN +6 4 191 YA +6 4 192 YA +6 4 193 HS +6 4 194 HN +6 4 195 SN +6 4 196 YA +6 4 197 HN +6 4 198 SI +6 4 199 HF +6 4 200 YA +6 4 201 HN +6 4 202 SN +6 4 203 HN +6 4 204 SI +6 4 205 YA +6 4 206 HF +6 4 207 HN +6 4 208 HS +6 4 209 YA +6 4 210 SI +6 4 211 SN +6 4 212 HS +6 4 213 HF +6 4 214 HS +6 4 215 HN +6 4 216 SI +6 4 217 HN +6 4 218 HN +6 4 219 HF +6 4 220 SN +6 4 221 HF +6 4 222 HN +6 4 223 SN +6 4 224 HF +6 4 225 HS +6 4 226 SN +6 4 227 SI +6 4 228 YA +6 4 229 SN +6 4 230 HF +6 4 231 HN +6 4 232 HS +6 4 233 YA +6 4 234 YA +6 4 235 SN +6 4 236 HS +6 4 237 HS +6 4 238 SN +6 4 239 HN +6 4 240 HN +6 4 241 HF +6 4 242 HS +6 4 243 HN +6 4 244 HF +6 4 245 HN +6 4 246 YA +6 4 247 SN +6 4 248 SI +6 4 249 SI +6 4 250 HN +6 4 251 SN +6 4 252 HF +6 4 253 SN +6 4 254 YA +6 4 255 SI +6 4 256 HN +6 4 257 YA +6 4 258 HS +6 4 259 HN +6 4 260 HF +6 4 261 HS +6 4 262 HF +6 4 263 YA +6 4 264 HF +6 4 265 YA +6 4 266 HN +6 4 267 HN +6 4 268 SN +6 4 269 HN +6 4 270 HS +6 4 271 SI +6 4 272 HF +6 4 273 HN +6 4 274 HF +6 4 275 HS +6 4 276 HN +6 4 277 YA +6 4 278 HN +6 4 279 SI +6 4 280 SN +6 4 281 YA +6 4 282 SN +6 4 283 HS +6 4 284 HF +6 4 285 HN +6 4 286 HF +6 4 287 HS +6 4 288 HN +6 4 289 SN +6 4 290 HF +6 4 291 SN +6 4 292 HN +6 4 293 HF +6 4 294 HF +6 4 295 HS +6 4 296 HN +6 4 297 HS +6 4 298 HN +6 4 299 SN +6 4 300 HF +6 4 301 YA +6 4 302 HF +6 4 303 HF +6 4 304 SN +6 4 305 HN +6 4 306 SN +6 4 307 YA +6 4 308 HF +6 4 309 SI +6 4 310 SN +6 4 311 YA +6 4 312 SI +6 4 313 SN +6 4 314 HF +6 4 315 SN +6 4 316 YA +6 4 317 HN +6 4 318 HN +6 4 319 HF +6 4 320 YA +6 4 321 HN +6 4 322 SN +6 4 323 SN +6 4 324 HF +6 4 325 HN +6 4 326 HS +6 4 327 HF +6 4 328 YA +6 4 329 HS +6 4 330 HF +6 5 1 HJ +6 5 2 SN +6 5 3 HN +6 5 4 HJ +6 5 5 SN +6 5 6 HH +6 5 7 SN +6 5 8 YA +6 5 9 YA +6 5 10 HJ +6 5 11 SN +6 5 12 HS +6 5 13 SN +6 5 14 HJ +6 5 15 HH +6 5 16 HA +6 5 17 SA +6 5 18 SI +6 5 19 HJ +6 5 20 SN +6 5 21 HH +6 5 22 HS +6 5 23 SN +6 5 24 SK +6 5 25 HJ +6 5 26 HJ +6 5 27 HA +6 5 28 HH +6 5 29 SN +6 5 30 YA +6 5 31 * +6 5 32 YA +6 5 33 SN +6 5 34 HJ +6 5 35 SA +6 5 36 * +6 5 37 * +6 5 38 HN +6 5 39 SN +6 5 40 HJ +6 5 41 HH +6 5 42 HS +6 5 43 HJ +6 5 44 HA +6 5 45 SN +6 5 46 HA +6 5 47 SI +6 5 48 HS +6 5 49 * +6 5 50 YA +6 5 51 * +6 5 52 HA +6 5 53 * +6 5 54 SN +6 5 55 YA +6 5 56 HA +6 5 57 YA +6 5 58 * +6 5 59 HA +6 5 60 SI +6 5 61 HN +6 5 62 YA +6 5 63 SA +6 5 64 SI +6 5 65 HN +6 5 66 HA +6 5 67 SN +6 5 68 YA +6 5 69 SN +6 5 70 HA +6 5 71 HN +6 5 72 SN +6 5 73 YA +6 5 74 HJ +6 5 75 SI +6 5 76 HH +6 5 77 HJ +6 5 78 * +6 5 79 SI +6 5 80 HJ +6 5 81 SN +6 5 82 SN +6 5 83 HS +6 5 84 * +6 5 85 SN +6 5 86 YA +6 5 87 SI +6 5 88 HN +6 5 89 SI +6 5 90 YA +6 5 91 * +6 5 92 HA +6 5 93 HJ +6 5 94 SI +6 5 95 * +6 5 96 HS +6 5 97 HJ +6 5 98 HN +6 5 99 SA +6 5 100 SN +6 5 101 HN +6 5 102 * +6 5 103 YA +6 5 104 HJ +6 5 105 YA +6 5 106 HS +6 5 107 HA +6 5 108 HA +6 5 109 HJ +6 5 110 HS +6 5 111 SN +6 5 112 * +6 5 113 SI +6 5 114 HJ +6 5 115 HN +6 5 116 HA +6 5 117 SA +6 5 118 SA +6 5 119 SN +6 5 120 HA +6 5 121 HN +6 5 122 SN +6 5 123 HJ +6 5 124 * +6 5 125 HH +6 5 126 HH +6 5 127 SI +6 5 128 HS +6 5 129 HA +6 5 130 SI +6 5 131 YA +6 5 132 HH +6 5 133 SN +6 5 134 SA +6 5 135 HN +6 5 136 SN +6 5 137 YA +6 5 138 SA +6 5 139 HA +6 5 140 HJ +6 5 141 HA +6 5 142 HA +6 5 143 SN +6 5 144 MM +6 5 145 SN +6 5 146 HS +6 5 147 SN +6 5 148 HN +6 5 149 SN +6 5 150 MM +6 5 151 SA +6 5 152 SA +6 5 153 MM +6 5 154 SI +6 5 155 SI +6 5 156 SN +6 5 157 SA +6 5 158 HA +6 5 159 SA +6 5 160 SA +6 5 161 SN +6 5 162 HN +6 5 163 SN +6 5 164 MM +6 5 165 HA +6 5 166 SI +6 5 167 HA +6 5 168 YA +6 5 169 YA +6 5 170 SI +6 5 171 * +6 5 172 HA +6 5 173 HN +6 5 174 HS +6 5 175 HA +6 5 176 HH +6 5 177 HS +6 5 178 MM +6 5 179 * +6 5 180 SN +6 5 181 HS +6 5 182 SI +6 5 183 * +6 5 184 MM +6 5 185 HH +6 5 186 YA +6 5 187 HA +6 5 188 HJ +6 5 189 HA +6 5 190 SA +6 5 191 SN +6 5 192 MM +6 5 193 HS +6 5 194 HH +6 5 195 SN +6 5 196 HA +6 5 197 SA +6 5 198 SI +6 5 199 HA +6 5 200 HJ +6 5 201 HH +6 5 202 SN +6 5 203 HN +6 5 204 SI +6 5 205 MM +6 5 206 HA +6 5 207 HN +6 5 208 HS +6 5 209 SI +6 5 210 HN +6 5 211 HJ +6 5 212 HH +6 5 213 HA +6 5 214 * +6 5 215 HA +6 5 216 SI +6 5 217 HH +6 5 218 SN +6 5 219 HA +6 5 220 MM +6 5 221 HA +6 5 222 HJ +6 5 223 SN +6 5 224 HA +6 5 225 SA +6 5 226 HJ +6 5 227 SI +6 5 228 MM +6 5 229 SN +6 5 230 HA +6 5 231 SA +6 5 232 SA +6 5 233 HJ +6 5 234 SN +6 5 235 HJ +6 5 236 YA +6 5 237 SA +6 5 238 SN +6 5 239 SA +6 5 240 HN +6 5 241 HA +6 5 242 HS +6 5 243 HJ +6 5 244 HA +6 5 245 HN +6 5 246 SN +6 5 247 MM +6 5 248 SI +6 5 249 SN +6 5 250 SN +6 5 251 SN +6 5 252 HA +6 5 253 SN +6 5 254 SA +6 5 255 HN +6 5 256 SI +6 5 257 MM +6 5 258 HS +6 5 259 HN +6 5 260 HA +6 5 261 HH +6 5 262 HA +6 5 263 HA +6 5 264 HA +6 5 265 SN +6 5 266 HH +6 5 267 MM +6 5 268 SN +6 5 269 HN +6 5 270 HS +6 5 271 SI +6 5 272 HA +6 5 273 YA +6 5 274 HA +6 5 275 HS +6 5 276 HN +6 5 277 HJ +6 5 278 HH +6 5 279 HJ +6 5 280 SN +6 5 281 SN +6 5 282 SN +6 5 283 SI +6 5 284 HA +6 5 285 SA +6 5 286 HA +6 5 287 SA +6 5 288 HN +6 5 289 SA +6 5 290 HA +6 5 291 HJ +6 5 292 SA +6 5 293 HA +6 5 294 HA +6 5 295 SI +6 5 296 MM +6 5 297 HS +6 5 298 HN +6 5 299 SN +6 5 300 HA +6 5 301 SN +6 5 302 HA +6 5 303 HA +6 5 304 SN +6 5 305 MM +6 5 306 SN +6 5 307 HJ +6 5 308 SA +6 5 309 SI +6 5 310 SN +6 5 311 MM +6 5 312 SI +6 5 313 HJ +6 5 314 HA +6 5 315 SN +6 5 316 SA +6 5 317 YA +6 5 318 HH +6 5 319 HA +6 5 320 SA +6 5 321 HN +6 5 322 HA +6 5 323 SN +6 5 324 HA +6 5 325 MM +6 5 326 HS +6 5 327 HA +6 5 328 SI +6 5 329 WA +6 5 330 HA +6 6 1 SI +6 6 2 YA +6 6 3 HN +6 6 4 YA +6 6 5 SN +6 6 6 HA +6 6 7 HS +6 6 8 HN +6 6 9 MO +6 6 10 SI +6 6 11 SI +6 6 12 HS +6 6 13 YA +6 6 14 HA +6 6 15 SI +6 6 16 HA +6 6 17 HN +6 6 18 SI +6 6 19 YA +6 6 20 YA +6 6 21 HN +6 6 22 HS +6 6 23 * +6 6 24 SI +6 6 25 YA +6 6 26 SI +6 6 27 HA +6 6 28 HN +6 6 29 YA +6 6 30 HS +6 6 31 YA +6 6 32 HN +6 6 33 YA +6 6 34 YA +6 6 35 HN +6 6 36 SI +6 6 37 YA +6 6 38 HN +6 6 39 YA +6 6 40 YA +6 6 41 HN +6 6 42 HS +6 6 43 SI +6 6 44 HA +6 6 45 YA +6 6 46 SI +6 6 47 SI +6 6 48 HS +6 6 49 YA +6 6 50 SI +6 6 51 HS +6 6 52 HA +6 6 53 HN +6 6 54 YA +6 6 55 YA +6 6 56 HA +6 6 57 SN +6 6 58 HS +6 6 59 HA +6 6 60 SI +6 6 61 HN +6 6 62 SK +6 6 63 HA +6 6 64 SK +6 6 65 HN +6 6 66 HA +6 6 67 YA +6 6 68 HN +6 6 69 MO +6 6 70 HA +6 6 71 SI +6 6 72 YA +6 6 73 SK +6 6 74 HA +6 6 75 SI +6 6 76 MO +6 6 77 YA +6 6 78 HA +6 6 79 SI +6 6 80 YA +6 6 81 HS +6 6 82 YA +6 6 83 HA +6 6 84 SN +6 6 85 YA +6 6 86 HN +6 6 87 SI +6 6 88 HN +6 6 89 SI +6 6 90 SI +6 6 91 HS +6 6 92 HA +6 6 93 SK +6 6 94 SI +6 6 95 HA +6 6 96 HS +6 6 97 SK +6 6 98 HN +6 6 99 HA +6 6 100 YA +6 6 101 HN +6 6 102 HA +6 6 103 SI +6 6 104 YA +6 6 105 HN +6 6 106 HS +6 6 107 HA +6 6 108 HA +6 6 109 SK +6 6 110 MO +6 6 111 SI +6 6 112 HN +6 6 113 SI +6 6 114 SK +6 6 115 HN +6 6 116 HA +6 6 117 SI +6 6 118 HN +6 6 119 YA +6 6 120 HA +6 6 121 HN +6 6 122 YA +6 6 123 YA +6 6 124 HS +6 6 125 MO +6 6 126 HN +6 6 127 SI +6 6 128 HS +6 6 129 HA +6 6 130 SI +6 6 131 SK +6 6 132 HN +6 6 133 IY +6 6 134 SI +6 6 135 HN +6 6 136 YA +6 6 137 IY +6 6 138 SK +6 6 139 HA +6 6 140 YA +6 6 141 HA +6 6 142 HA +6 6 143 HS +6 6 144 SK +6 6 145 YA +6 6 146 HS +6 6 147 YA +6 6 148 HN +6 6 149 IY +6 6 150 SK +6 6 151 HN +6 6 152 SK +6 6 153 YA +6 6 154 SI +6 6 155 SI +6 6 156 YA +6 6 157 * +6 6 158 HA +6 6 159 MO +6 6 160 IY +6 6 161 YA +6 6 162 HN +6 6 163 YA +6 6 164 SN +6 6 165 HS +6 6 166 SI +6 6 167 HA +6 6 168 YA +6 6 169 YA +6 6 170 SI +6 6 171 MO +6 6 172 HA +6 6 173 HN +6 6 174 HS +6 6 175 IY +6 6 176 HN +6 6 177 IY +6 6 178 SK +6 6 179 SI +6 6 180 YA +6 6 181 HS +6 6 182 SK +6 6 183 IY +6 6 184 SK +6 6 185 HS +6 6 186 IY +6 6 187 HS +6 6 188 YA +6 6 189 HA +6 6 190 SN +6 6 191 YA +6 6 192 SK +6 6 193 HS +6 6 194 SI +6 6 195 YA +6 6 196 IY +6 6 197 SK +6 6 198 SI +6 6 199 HA +6 6 200 IY +6 6 201 HA +6 6 202 YA +6 6 203 HN +6 6 204 SI +6 6 205 SK +6 6 206 HA +6 6 207 HN +6 6 208 HS +6 6 209 YA +6 6 210 SI +6 6 211 YA +6 6 212 MO +6 6 213 SK +6 6 214 HS +6 6 215 IY +6 6 216 SI +6 6 217 HA +6 6 218 MO +6 6 219 HA +6 6 220 SK +6 6 221 HA +6 6 222 SK +6 6 223 YA +6 6 224 HA +6 6 225 MO +6 6 226 SN +6 6 227 SI +6 6 228 SI +6 6 229 YA +6 6 230 HA +6 6 231 HN +6 6 232 IY +6 6 233 SK +6 6 234 YA +6 6 235 YA +6 6 236 HS +6 6 237 IY +6 6 238 YA +6 6 239 HN +6 6 240 SI +6 6 241 HA +6 6 242 HS +6 6 243 HN +6 6 244 HA +6 6 245 HN +6 6 246 SK +6 6 247 SN +6 6 248 SI +6 6 249 YA +6 6 250 SK +6 6 251 YA +6 6 252 HA +6 6 253 HN +6 6 254 YA +6 6 255 SN +6 6 256 SI +6 6 257 SN +6 6 258 HS +6 6 259 HN +6 6 260 HA +6 6 261 HS +6 6 262 HA +6 6 263 SI +6 6 264 IY +6 6 265 SN +6 6 266 HS +6 6 267 SK +6 6 268 YA +6 6 269 SK +6 6 270 HS +6 6 271 SI +6 6 272 HA +6 6 273 IY +6 6 274 HA +6 6 275 HS +6 6 276 HN +6 6 277 YA +6 6 278 HN +6 6 279 SK +6 6 280 IY +6 6 281 YA +6 6 282 YA +6 6 283 SI +6 6 284 HA +6 6 285 HN +6 6 286 HA +6 6 287 MO +6 6 288 HN +6 6 289 YA +6 6 290 HA +6 6 291 SK +6 6 292 HA +6 6 293 HA +6 6 294 HA +6 6 295 SI +6 6 296 SK +6 6 297 HS +6 6 298 HN +6 6 299 YA +6 6 300 HA +6 6 301 YA +6 6 302 HA +6 6 303 HA +6 6 304 IY +6 6 305 SK +6 6 306 YA +6 6 307 YA +6 6 308 HA +6 6 309 SI +6 6 310 YA +6 6 311 IY +6 6 312 SI +6 6 313 SK +6 6 314 HA +6 6 315 YA +6 6 316 YA +6 6 317 SK +6 6 318 HS +6 6 319 HA +6 6 320 SI +6 6 321 HN +6 6 322 YA +6 6 323 YA +6 6 324 HA +6 6 325 SK +6 6 326 HS +6 6 327 HA +6 6 328 SI +6 6 329 IY +6 6 330 HA +6 7 1 HJ +6 7 2 SN +6 7 3 HN +6 7 4 HN +6 7 5 YA +6 7 6 HS +6 7 7 YA +6 7 8 HN +6 7 9 HS +6 7 10 HJ +6 7 11 HJ +6 7 12 HS +6 7 13 HJ +6 7 14 SI +6 7 15 HN +6 7 16 HA +6 7 17 HN +6 7 18 SI +6 7 19 YA +6 7 20 IY +6 7 21 HN +6 7 22 HS +6 7 23 HN +6 7 24 HS +6 7 25 YA +6 7 26 SI +6 7 27 HS +6 7 28 HN +6 7 29 IY +6 7 30 HS +6 7 31 IY +6 7 32 HS +6 7 33 IY +6 7 34 HJ +6 7 35 HN +6 7 36 HJ +6 7 37 IY +6 7 38 HN +6 7 39 IY +6 7 40 HJ +6 7 41 HN +6 7 42 HS +6 7 43 SI +6 7 44 HA +6 7 45 YA +6 7 46 HA +6 7 47 HJ +6 7 48 HS +6 7 49 IY +6 7 50 HN +6 7 51 HS +6 7 52 HA +6 7 53 HN +6 7 54 YA +6 7 55 IY +6 7 56 HS +6 7 57 HJ +6 7 58 HS +6 7 59 HS +6 7 60 HJ +6 7 61 HA +6 7 62 HJ +6 7 63 HN +6 7 64 YA +6 7 65 HN +6 7 66 HA +6 7 67 YA +6 7 68 HN +6 7 69 HS +6 7 70 HA +6 7 71 HN +6 7 72 YA +6 7 73 HN +6 7 74 YA +6 7 75 SI +6 7 76 HS +6 7 77 IY +6 7 78 HS +6 7 79 SI +6 7 80 YA +6 7 81 HS +6 7 82 YA +6 7 83 HS +6 7 84 HN +6 7 85 YA +6 7 86 HN +6 7 87 SI +6 7 88 HN +6 7 89 SI +6 7 90 YA +6 7 91 HS +6 7 92 HA +6 7 93 YA +6 7 94 HS +6 7 95 YA +6 7 96 HS +6 7 97 HN +6 7 98 HN +6 7 99 HS +6 7 100 YA +6 7 101 HN +6 7 102 YA +6 7 103 HS +6 7 104 IY +6 7 105 HN +6 7 106 HS +6 7 107 HA +6 7 108 IY +6 7 109 YA +6 7 110 HS +6 7 111 HS +6 7 112 HN +6 7 113 SI +6 7 114 YA +6 7 115 HN +6 7 116 YA +6 7 117 HS +6 7 118 HN +6 7 119 YA +6 7 120 HA +6 7 121 HN +6 7 122 YA +6 7 123 SI +6 7 124 HS +6 7 125 HN +6 7 126 HN +6 7 127 SI +6 7 128 HS +6 7 129 HS +6 7 130 HS +6 7 131 HN +6 7 132 HN +6 7 133 YA +6 7 134 HS +6 7 135 HN +6 7 136 YA +6 7 137 IY +6 7 138 YA +6 7 139 HS +6 7 140 SI +6 7 141 HA +6 7 142 HA +6 7 143 HS +6 7 144 YA +6 7 145 YA +6 7 146 HS +6 7 147 YA +6 7 148 HN +6 7 149 YA +6 7 150 YA +6 7 151 HN +6 7 152 HS +6 7 153 YA +6 7 154 SI +6 7 155 HS +6 7 156 YA +6 7 157 HS +6 7 158 HA +6 7 159 HS +6 7 160 HN +6 7 161 YA +6 7 162 HN +6 7 163 YA +6 7 164 YA +6 7 165 HS +6 7 166 SI +6 7 167 YA +6 7 168 SI +6 7 169 YA +6 7 170 SI +6 7 171 HS +6 7 172 HA +6 7 173 HN +6 7 174 HS +6 7 175 YA +6 7 176 HN +6 7 177 HS +6 7 178 SI +6 7 179 HN +6 7 180 YA +6 7 181 HS +6 7 182 HN +6 7 183 HS +6 7 184 HN +6 7 185 HS +6 7 186 YA +6 7 187 HS +6 7 188 YA +6 7 189 HJ +6 7 190 HS +6 7 191 HJ +6 7 192 HN +6 7 193 HS +6 7 194 HN +6 7 195 IY +6 7 196 YA +6 7 197 HN +6 7 198 SI +6 7 199 HA +6 7 200 HJ +6 7 201 HN +6 7 202 YA +6 7 203 HN +6 7 204 HS +6 7 205 SN +6 7 206 HA +6 7 207 HN +6 7 208 HS +6 7 209 HJ +6 7 210 HN +6 7 211 YA +6 7 212 HS +6 7 213 YA +6 7 214 HS +6 7 215 HN +6 7 216 HS +6 7 217 HN +6 7 218 HS +6 7 219 YA +6 7 220 YA +6 7 221 HA +6 7 222 HN +6 7 223 HJ +6 7 224 HS +6 7 225 HS +6 7 226 SI +6 7 227 SI +6 7 228 HJ +6 7 229 YA +6 7 230 HS +6 7 231 HN +6 7 232 HS +6 7 233 YA +6 7 234 YA +6 7 235 HJ +6 7 236 HS +6 7 237 HN +6 7 238 YA +6 7 239 HN +6 7 240 HA +6 7 241 HN +6 7 242 HS +6 7 243 HN +6 7 244 HA +6 7 245 HN +6 7 246 HJ +6 7 247 HN +6 7 248 YA +6 7 249 SI +6 7 250 HN +6 7 251 YA +6 7 252 HS +6 7 253 YA +6 7 254 YA +6 7 255 HN +6 7 256 HS +6 7 257 HJ +6 7 258 HS +6 7 259 HN +6 7 260 HS +6 7 261 HS +6 7 262 HA +6 7 263 HA +6 7 264 YA +6 7 265 SI +6 7 266 HN +6 7 267 HN +6 7 268 YA +6 7 269 HN +6 7 270 HS +6 7 271 SI +6 7 272 HA +6 7 273 HN +6 7 274 HA +6 7 275 HS +6 7 276 HN +6 7 277 HJ +6 7 278 HN +6 7 279 HS +6 7 280 SI +6 7 281 HJ +6 7 282 YA +6 7 283 HS +6 7 284 HA +6 7 285 HN +6 7 286 HA +6 7 287 HS +6 7 288 HN +6 7 289 YA +6 7 290 HS +6 7 291 HJ +6 7 292 HN +6 7 293 YA +6 7 294 HA +6 7 295 HS +6 7 296 HN +6 7 297 HS +6 7 298 HN +6 7 299 HJ +6 7 300 HA +6 7 301 SI +6 7 302 HS +6 7 303 YA +6 7 304 HS +6 7 305 HN +6 7 306 YA +6 7 307 SI +6 7 308 HN +6 7 309 HS +6 7 310 SI +6 7 311 HJ +6 7 312 SI +6 7 313 SI +6 7 314 HS +6 7 315 YA +6 7 316 SI +6 7 317 HJ +6 7 318 HN +6 7 319 HA +6 7 320 HS +6 7 321 HA +6 7 322 YA +6 7 323 HJ +6 7 324 HS +6 7 325 HN +6 7 326 HS +6 7 327 YA +6 7 328 SI +6 7 329 HS +6 7 330 HA +6 8 1 SN +6 8 2 HA +6 8 3 HN +6 8 4 SI +6 8 5 SN +6 8 6 HS +6 8 7 SN +6 8 8 HN +6 8 9 * +6 8 10 SI +6 8 11 SN +6 8 12 HS +6 8 13 SN +6 8 14 HA +6 8 15 SN +6 8 16 HA +6 8 17 HN +6 8 18 SI +6 8 19 SN +6 8 20 SN +6 8 21 HN +6 8 22 HS +6 8 23 SI +6 8 24 WO +6 8 25 SN +6 8 26 SN +6 8 27 HA +6 8 28 HN +6 8 29 SN +6 8 30 MO +6 8 31 SN +6 8 32 SI +6 8 33 SN +6 8 34 SN +6 8 35 HO +6 8 36 SN +6 8 37 * +6 8 38 HN +6 8 39 SN +6 8 40 SN +6 8 41 HN +6 8 42 HS +6 8 43 SI +6 8 44 HA +6 8 45 SN +6 8 46 WO +6 8 47 SN +6 8 48 MO +6 8 49 SN +6 8 50 SI +6 8 51 WO +6 8 52 HA +6 8 53 HO +6 8 54 SN +6 8 55 SN +6 8 56 HS +6 8 57 SN +6 8 58 HS +6 8 59 HA +6 8 60 SN +6 8 61 HN +6 8 62 * +6 8 63 HA +6 8 64 * +6 8 65 HN +6 8 66 HA +6 8 67 SN +6 8 68 HN +6 8 69 WO +6 8 70 HA +6 8 71 HN +6 8 72 SN +6 8 73 SI +6 8 74 HA +6 8 75 SN +6 8 76 HN +6 8 77 SN +6 8 78 HA +6 8 79 WO +6 8 80 SN +6 8 81 HS +6 8 82 SN +6 8 83 HA +6 8 84 HA +6 8 85 SN +6 8 86 HN +6 8 87 SI +6 8 88 HN +6 8 89 SI +6 8 90 SN +6 8 91 HS +6 8 92 HA +6 8 93 SN +6 8 94 WO +6 8 95 HA +6 8 96 MO +6 8 97 SK +6 8 98 HN +6 8 99 HA +6 8 100 SN +6 8 101 HN +6 8 102 HA +6 8 103 HS +6 8 104 SN +6 8 105 HN +6 8 106 HS +6 8 107 HA +6 8 108 SN +6 8 109 SK +6 8 110 MO +6 8 111 SN +6 8 112 HN +6 8 113 WO +6 8 114 SN +6 8 115 HN +6 8 116 HA +6 8 117 SI +6 8 118 HA +6 8 119 SN +6 8 120 HA +6 8 121 HO +6 8 122 SN +6 8 123 SN +6 8 124 HS +6 8 125 HN +6 8 126 HA +6 8 127 SN +6 8 128 HS +6 8 129 HA +6 8 130 MO +6 8 131 HN +6 8 132 HN +6 8 133 SN +6 8 134 WO +6 8 135 HN +6 8 136 SN +6 8 137 IY +6 8 138 HA +6 8 139 HA +6 8 140 SI +6 8 141 HA +6 8 142 HA +6 8 143 HS +6 8 144 SK +6 8 145 SN +6 8 146 MO +6 8 147 SN +6 8 148 HN +6 8 149 HS +6 8 150 SK +6 8 151 HN +6 8 152 HA +6 8 153 SN +6 8 154 SI +6 8 155 WO +6 8 156 SN +6 8 157 WO +6 8 158 HA +6 8 159 HS +6 8 160 HA +6 8 161 SN +6 8 162 HN +6 8 163 SN +6 8 164 SK +6 8 165 SN +6 8 166 SK +6 8 167 HA +6 8 168 SN +6 8 169 SK +6 8 170 IY +6 8 171 SN +6 8 172 HA +6 8 173 HN +6 8 174 MO +6 8 175 HA +6 8 176 HN +6 8 177 HS +6 8 178 SK +6 8 179 HN +6 8 180 IY +6 8 181 MO +6 8 182 HN +6 8 183 WO +6 8 184 SK +6 8 185 HS +6 8 186 SN +6 8 187 HS +6 8 188 IY +6 8 189 HA +6 8 190 HA +6 8 191 SN +6 8 192 SK +6 8 193 HS +6 8 194 HO +6 8 195 IY +6 8 196 SN +6 8 197 SK +6 8 198 WO +6 8 199 HA +6 8 200 SN +6 8 201 HN +6 8 202 SN +6 8 203 HN +6 8 204 WO +6 8 205 SK +6 8 206 HA +6 8 207 HN +6 8 208 HS +6 8 209 SN +6 8 210 WO +6 8 211 SN +6 8 212 HS +6 8 213 HA +6 8 214 MO +6 8 215 HA +6 8 216 SN +6 8 217 HA +6 8 218 SN +6 8 219 HA +6 8 220 SK +6 8 221 HA +6 8 222 SK +6 8 223 SN +6 8 224 HA +6 8 225 HS +6 8 226 SN +6 8 227 WO +6 8 228 SK +6 8 229 SN +6 8 230 HA +6 8 231 SK +6 8 232 WO +6 8 233 SK +6 8 234 IY +6 8 235 SI +6 8 236 SN +6 8 237 HS +6 8 238 SN +6 8 239 HN +6 8 240 HS +6 8 241 HA +6 8 242 HS +6 8 243 HN +6 8 244 HA +6 8 245 HN +6 8 246 SN +6 8 247 SK +6 8 248 SN +6 8 249 SN +6 8 250 SK +6 8 251 SN +6 8 252 HA +6 8 253 SN +6 8 254 SK +6 8 255 WO +6 8 256 HN +6 8 257 SN +6 8 258 MO +6 8 259 HN +6 8 260 HA +6 8 261 HS +6 8 262 HA +6 8 263 WO +6 8 264 HA +6 8 265 SN +6 8 266 HO +6 8 267 SK +6 8 268 SN +6 8 269 SK +6 8 270 HS +6 8 271 SN +6 8 272 HA +6 8 273 SK +6 8 274 HA +6 8 275 MO +6 8 276 HN +6 8 277 SK +6 8 278 HN +6 8 279 SK +6 8 280 SN +6 8 281 SN +6 8 282 IY +6 8 283 WO +6 8 284 HA +6 8 285 HA +6 8 286 HA +6 8 287 HS +6 8 288 HN +6 8 289 SN +6 8 290 HA +6 8 291 SK +6 8 292 HA +6 8 293 HA +6 8 294 HA +6 8 295 HS +6 8 296 SK +6 8 297 HS +6 8 298 HN +6 8 299 SN +6 8 300 HA +6 8 301 SN +6 8 302 HA +6 8 303 HA +6 8 304 SN +6 8 305 HN +6 8 306 SN +6 8 307 SN +6 8 308 SK +6 8 309 WO +6 8 310 SN +6 8 311 SK +6 8 312 WO +6 8 313 SK +6 8 314 HA +6 8 315 SN +6 8 316 SN +6 8 317 HN +6 8 318 HS +6 8 319 HA +6 8 320 MO +6 8 321 HN +6 8 322 SK +6 8 323 SN +6 8 324 HA +6 8 325 HO +6 8 326 HS +6 8 327 HA +6 8 328 SN +6 8 329 HS +6 8 330 HA +6 9 1 SI +6 9 2 HA +6 9 3 HN +6 9 4 SA +6 9 5 YA +6 9 6 SA +6 9 7 HS +6 9 8 HN +6 9 9 SA +6 9 10 SI +6 9 11 SI +6 9 12 HS +6 9 13 SN +6 9 14 SI +6 9 15 SA +6 9 16 HF +6 9 17 HN +6 9 18 YA +6 9 19 SN +6 9 20 YA +6 9 21 HN +6 9 22 HS +6 9 23 SA +6 9 24 YA +6 9 25 SN +6 9 26 SI +6 9 27 HF +6 9 28 HN +6 9 29 SN +6 9 30 SA +6 9 31 HF +6 9 32 SA +6 9 33 YA +6 9 34 SI +6 9 35 HN +6 9 36 SN +6 9 37 HF +6 9 38 HN +6 9 39 SN +6 9 40 HA +6 9 41 HN +6 9 42 HS +6 9 43 SI +6 9 44 HA +6 9 45 SN +6 9 46 HA +6 9 47 SI +6 9 48 HS +6 9 49 HF +6 9 50 SA +6 9 51 SA +6 9 52 HF +6 9 53 HN +6 9 54 SN +6 9 55 SN +6 9 56 SA +6 9 57 SI +6 9 58 HS +6 9 59 HF +6 9 60 SI +6 9 61 HO +6 9 62 SA +6 9 63 HN +6 9 64 YA +6 9 65 HN +6 9 66 HF +6 9 67 SN +6 9 68 HN +6 9 69 YA +6 9 70 HF +6 9 71 HN +6 9 72 YA +6 9 73 HN +6 9 74 HF +6 9 75 SN +6 9 76 SA +6 9 77 SN +6 9 78 SA +6 9 79 HA +6 9 80 SI +6 9 81 HS +6 9 82 SN +6 9 83 HF +6 9 84 SA +6 9 85 SN +6 9 86 SA +6 9 87 YA +6 9 88 HN +6 9 89 SI +6 9 90 SI +6 9 91 HS +6 9 92 HF +6 9 93 SN +6 9 94 SI +6 9 95 HF +6 9 96 HS +6 9 97 SA +6 9 98 HN +6 9 99 SA +6 9 100 HF +6 9 101 HN +6 9 102 HA +6 9 103 YA +6 9 104 HF +6 9 105 HN +6 9 106 HS +6 9 107 HA +6 9 108 HF +6 9 109 SI +6 9 110 HS +6 9 111 YA +6 9 112 HO +6 9 113 SI +6 9 114 SN +6 9 115 HN +6 9 116 HF +6 9 117 SA +6 9 118 HN +6 9 119 SN +6 9 120 HF +6 9 121 HN +6 9 122 SN +6 9 123 SI +6 9 124 HS +6 9 125 HN +6 9 126 SA +6 9 127 SI +6 9 128 HS +6 9 129 HF +6 9 130 YA +6 9 131 HN +6 9 132 HO +6 9 133 SN +6 9 134 SA +6 9 135 HN +6 9 136 YA +6 9 137 SN +6 9 138 HF +6 9 139 HA +6 9 140 SI +6 9 141 HF +6 9 142 HA +6 9 143 HS +6 9 144 SI +6 9 145 YA +6 9 146 HS +6 9 147 SN +6 9 148 HN +6 9 149 HS +6 9 150 SA +6 9 151 SA +6 9 152 SA +6 9 153 YA +6 9 154 SI +6 9 155 SI +6 9 156 SN +6 9 157 SA +6 9 158 HF +6 9 159 SA +6 9 160 SA +6 9 161 SN +6 9 162 HO +6 9 163 SN +6 9 164 SI +6 9 165 HS +6 9 166 SI +6 9 167 SA +6 9 168 SN +6 9 169 SI +6 9 170 SI +6 9 171 YA +6 9 172 HF +6 9 173 HN +6 9 174 HS +6 9 175 HF +6 9 176 SA +6 9 177 HS +6 9 178 SI +6 9 179 HN +6 9 180 SN +6 9 181 HS +6 9 182 HN +6 9 183 SA +6 9 184 SA +6 9 185 SA +6 9 186 SN +6 9 187 HS +6 9 188 SN +6 9 189 HF +6 9 190 SA +6 9 191 SN +6 9 192 SA +6 9 193 HS +6 9 194 HN +6 9 195 YA +6 9 196 SI +6 9 197 SA +6 9 198 SI +6 9 199 HF +6 9 200 SN +6 9 201 SA +6 9 202 YA +6 9 203 HN +6 9 204 SI +6 9 205 SI +6 9 206 HF +6 9 207 HO +6 9 208 SI +6 9 209 SI +6 9 210 SA +6 9 211 SN +6 9 212 HS +6 9 213 HA +6 9 214 HS +6 9 215 SA +6 9 216 SI +6 9 217 SA +6 9 218 HS +6 9 219 HA +6 9 220 SI +6 9 221 HF +6 9 222 SA +6 9 223 SN +6 9 224 HF +6 9 225 HS +6 9 226 SI +6 9 227 YA +6 9 228 SI +6 9 229 SN +6 9 230 HF +6 9 231 SA +6 9 232 SI +6 9 233 SA +6 9 234 SN +6 9 235 SI +6 9 236 HS +6 9 237 SA +6 9 238 SN +6 9 239 HN +6 9 240 SA +6 9 241 HA +6 9 242 HS +6 9 243 HO +6 9 244 HF +6 9 245 HO +6 9 246 SN +6 9 247 SI +6 9 248 YA +6 9 249 SN +6 9 250 SA +6 9 251 SN +6 9 252 HF +6 9 253 SN +6 9 254 SI +6 9 255 YA +6 9 256 HN +6 9 257 SI +6 9 258 HS +6 9 259 SA +6 9 260 HF +6 9 261 SA +6 9 262 HA +6 9 263 SI +6 9 264 HA +6 9 265 YA +6 9 266 SA +6 9 267 HN +6 9 268 SN +6 9 269 HN +6 9 270 HS +6 9 271 YA +6 9 272 HF +6 9 273 SA +6 9 274 HF +6 9 275 HS +6 9 276 HO +6 9 277 SI +6 9 278 SA +6 9 279 SI +6 9 280 YA +6 9 281 SN +6 9 282 SN +6 9 283 SA +6 9 284 HA +6 9 285 SA +6 9 286 HF +6 9 287 HS +6 9 288 HO +6 9 289 SN +6 9 290 HA +6 9 291 SI +6 9 292 SA +6 9 293 HA +6 9 294 HF +6 9 295 SI +6 9 296 SA +6 9 297 HS +6 9 298 HO +6 9 299 YA +6 9 300 HF +6 9 301 SN +6 9 302 HF +6 9 303 HA +6 9 304 HS +6 9 305 SA +6 9 306 SN +6 9 307 SN +6 9 308 SA +6 9 309 SI +6 9 310 SN +6 9 311 SI +6 9 312 YA +6 9 313 SN +6 9 314 HF +6 9 315 SN +6 9 316 SI +6 9 317 HN +6 9 318 SA +6 9 319 HF +6 9 320 YA +6 9 321 HO +6 9 322 SI +6 9 323 SN +6 9 324 HF +6 9 325 HN +6 9 326 HS +6 9 327 HA +6 9 328 YA +6 9 329 SA +6 9 330 HF +6 10 1 * +6 10 2 YA +6 10 3 HN +6 10 4 YA +6 10 5 YA +6 10 6 HA +6 10 7 YA +6 10 8 HN +6 10 9 SN +6 10 10 YA +6 10 11 YA +6 10 12 YA +6 10 13 HS +6 10 14 YA +6 10 15 YA +6 10 16 HA +6 10 17 HN +6 10 18 HA +6 10 19 YA +6 10 20 YA +6 10 21 HN +6 10 22 HS +6 10 23 YA +6 10 24 YA +6 10 25 YA +6 10 26 YA +6 10 27 HA +6 10 28 HS +6 10 29 YA +6 10 30 HS +6 10 31 YA +6 10 32 YA +6 10 33 HS +6 10 34 YA +6 10 35 HN +6 10 36 YA +6 10 37 YA +6 10 38 HN +6 10 39 YA +6 10 40 YA +6 10 41 YA +6 10 42 HS +6 10 43 YA +6 10 44 HA +6 10 45 YA +6 10 46 HA +6 10 47 YA +6 10 48 HS +6 10 49 YA +6 10 50 YA +6 10 51 YA +6 10 52 HA +6 10 53 YA +6 10 54 YA +6 10 55 YA +6 10 56 HS +6 10 57 YA +6 10 58 HS +6 10 59 YA +6 10 60 HA +6 10 61 HN +6 10 62 YA +6 10 63 YA +6 10 64 YA +6 10 65 HN +6 10 66 HA +6 10 67 YA +6 10 68 HN +6 10 69 HS +6 10 70 HA +6 10 71 HN +6 10 72 YA +6 10 73 YA +6 10 74 HA +6 10 75 YA +6 10 76 HN +6 10 77 YA +6 10 78 YA +6 10 79 HA +6 10 80 YA +6 10 81 HS +6 10 82 YA +6 10 83 HA +6 10 84 HA +6 10 85 YA +6 10 86 YA +6 10 87 SI +6 10 88 YA +6 10 89 SI +6 10 90 YA +6 10 91 HS +6 10 92 HA +6 10 93 YA +6 10 94 SI +6 10 95 YA +6 10 96 HS +6 10 97 YA +6 10 98 HN +6 10 99 YA +6 10 100 YA +6 10 101 YA +6 10 102 YA +6 10 103 HS +6 10 104 YA +6 10 105 HN +6 10 106 HS +6 10 107 HA +6 10 108 YA +6 10 109 YA +6 10 110 HS +6 10 111 SI +6 10 112 HN +6 10 113 SI +6 10 114 YA +6 10 115 HN +6 10 116 YA +6 10 117 SI +6 10 118 YA +6 10 119 YA +6 10 120 HA +6 10 121 HN +6 10 122 YA +6 10 123 YA +6 10 124 HS +6 10 125 HN +6 10 126 YA +6 10 127 SI +6 10 128 HS +6 10 129 HA +6 10 130 SI +6 10 131 YA +6 10 132 HN +6 10 133 YA +6 10 134 YA +6 10 135 YA +6 10 136 YA +6 10 137 YA +6 10 138 YA +6 10 139 HA +6 10 140 YA +6 10 141 HA +6 10 142 HA +6 10 143 YA +6 10 144 YA +6 10 145 YA +6 10 146 HS +6 10 147 YA +6 10 148 HN +6 10 149 YA +6 10 150 YA +6 10 151 YA +6 10 152 YA +6 10 153 YA +6 10 154 SI +6 10 155 SI +6 10 156 YA +6 10 157 SI +6 10 158 HA +6 10 159 HA +6 10 160 YA +6 10 161 YA +6 10 162 HN +6 10 163 YA +6 10 164 YA +6 10 165 HS +6 10 166 SI +6 10 167 YA +6 10 168 YA +6 10 169 YA +6 10 170 SI +6 10 171 HS +6 10 172 HA +6 10 173 HN +6 10 174 HS +6 10 175 YA +6 10 176 HN +6 10 177 HS +6 10 178 YA +6 10 179 SI +6 10 180 YA +6 10 181 HS +6 10 182 YA +6 10 183 HS +6 10 184 YA +6 10 185 HS +6 10 186 YA +6 10 187 HS +6 10 188 YA +6 10 189 YA +6 10 190 YA +6 10 191 YA +6 10 192 YA +6 10 193 HS +6 10 194 YA +6 10 195 HS +6 10 196 YA +6 10 197 YA +6 10 198 SI +6 10 199 HA +6 10 200 HA +6 10 201 HS +6 10 202 YA +6 10 203 YA +6 10 204 SI +6 10 205 YA +6 10 206 HA +6 10 207 YA +6 10 208 HS +6 10 209 YA +6 10 210 SI +6 10 211 YA +6 10 212 HS +6 10 213 YA +6 10 214 HS +6 10 215 SN +6 10 216 SN +6 10 217 HS +6 10 218 HS +6 10 219 HA +6 10 220 SN +6 10 221 HA +6 10 222 SN +6 10 223 SN +6 10 224 HA +6 10 225 HS +6 10 226 SI +6 10 227 SI +6 10 228 SI +6 10 229 YA +6 10 230 SN +6 10 231 SN +6 10 232 HS +6 10 233 YA +6 10 234 SN +6 10 235 YA +6 10 236 HS +6 10 237 SN +6 10 238 YA +6 10 239 SN +6 10 240 YA +6 10 241 HA +6 10 242 HS +6 10 243 YA +6 10 244 HA +6 10 245 HN +6 10 246 YA +6 10 247 YA +6 10 248 SN +6 10 249 SN +6 10 250 YA +6 10 251 YA +6 10 252 HA +6 10 253 SN +6 10 254 YA +6 10 255 SN +6 10 256 HN +6 10 257 SN +6 10 258 HS +6 10 259 HN +6 10 260 HS +6 10 261 HA +6 10 262 HA +6 10 263 HA +6 10 264 SN +6 10 265 YA +6 10 266 HN +6 10 267 SN +6 10 268 SN +6 10 269 YA +6 10 270 HS +6 10 271 SN +6 10 272 HA +6 10 273 YA +6 10 274 HA +6 10 275 HS +6 10 276 HN +6 10 277 SN +6 10 278 HN +6 10 279 YA +6 10 280 SN +6 10 281 SN +6 10 282 SN +6 10 283 SI +6 10 284 HA +6 10 285 SN +6 10 286 HA +6 10 287 HS +6 10 288 HN +6 10 289 SN +6 10 290 HA +6 10 291 YA +6 10 292 HA +6 10 293 HA +6 10 294 HA +6 10 295 SI +6 10 296 SN +6 10 297 HS +6 10 298 HN +6 10 299 YA +6 10 300 HA +6 10 301 SN +6 10 302 HA +6 10 303 HA +6 10 304 HS +6 10 305 YA +6 10 306 YA +6 10 307 YA +6 10 308 YA +6 10 309 HS +6 10 310 YA +6 10 311 SN +6 10 312 SI +6 10 313 YA +6 10 314 HA +6 10 315 SN +6 10 316 SN +6 10 317 YA +6 10 318 HN +6 10 319 HA +6 10 320 HS +6 10 321 HN +6 10 322 SN +6 10 323 YA +6 10 324 HA +6 10 325 YA +6 10 326 YA +6 10 327 HA +6 10 328 YA +6 10 329 HS +6 10 330 HA +6 11 1 YA +6 11 2 SN +6 11 3 HN +6 11 4 SN +6 11 5 YA +6 11 6 HS +6 11 7 SN +6 11 8 HN +6 11 9 HS +6 11 10 YA +6 11 11 YA +6 11 12 HS +6 11 13 YA +6 11 14 HF +6 11 15 YA +6 11 16 HF +6 11 17 HN +6 11 18 SI +6 11 19 YA +6 11 20 SN +6 11 21 HN +6 11 22 HS +6 11 23 YA +6 11 24 HJ +6 11 25 SN +6 11 26 SN +6 11 27 HF +6 11 28 HN +6 11 29 SN +6 11 30 HH +6 11 31 HF +6 11 32 SN +6 11 33 SN +6 11 34 YA +6 11 35 HN +6 11 36 HJ +6 11 37 YA +6 11 38 HN +6 11 39 SN +6 11 40 SN +6 11 41 HN +6 11 42 HS +6 11 43 HJ +6 11 44 HF +6 11 45 SN +6 11 46 HJ +6 11 47 SN +6 11 48 HS +6 11 49 YA +6 11 50 SI +6 11 51 HH +6 11 52 HF +6 11 53 HN +6 11 54 SN +6 11 55 YA +6 11 56 HH +6 11 57 HJ +6 11 58 SN +6 11 59 HF +6 11 60 YA +6 11 61 HN +6 11 62 HJ +6 11 63 HH +6 11 64 SN +6 11 65 HN +6 11 66 HF +6 11 67 YA +6 11 68 HN +6 11 69 HS +6 11 70 HF +6 11 71 HN +6 11 72 SN +6 11 73 YA +6 11 74 HF +6 11 75 HJ +6 11 76 HS +6 11 77 SN +6 11 78 HF +6 11 79 HJ +6 11 80 SN +6 11 81 HS +6 11 82 SN +6 11 83 HF +6 11 84 SN +6 11 85 YA +6 11 86 HN +6 11 87 HJ +6 11 88 HN +6 11 89 HJ +6 11 90 HJ +6 11 91 HS +6 11 92 HF +6 11 93 SN +6 11 94 HJ +6 11 95 HF +6 11 96 HS +6 11 97 YA +6 11 98 HN +6 11 99 YA +6 11 100 SN +6 11 101 HN +6 11 102 HF +6 11 103 HS +6 11 104 YA +6 11 105 HN +6 11 106 HS +6 11 107 HF +6 11 108 HA +6 11 109 SN +6 11 110 HS +6 11 111 HJ +6 11 112 HN +6 11 113 HJ +6 11 114 YA +6 11 115 HN +6 11 116 HF +6 11 117 HJ +6 11 118 SN +6 11 119 YA +6 11 120 HF +6 11 121 HN +6 11 122 SN +6 11 123 YA +6 11 124 HS +6 11 125 HN +6 11 126 HF +6 11 127 SI +6 11 128 HS +6 11 129 HF +6 11 130 HS +6 11 131 SN +6 11 132 HN +6 11 133 YA +6 11 134 SI +6 11 135 SN +6 11 136 YA +6 11 137 YA +6 11 138 SN +6 11 139 HF +6 11 140 SN +6 11 141 HF +6 11 142 HF +6 11 143 HS +6 11 144 HJ +6 11 145 SN +6 11 146 HS +6 11 147 YA +6 11 148 HN +6 11 149 SN +6 11 150 HJ +6 11 151 HF +6 11 152 HF +6 11 153 SN +6 11 154 HJ +6 11 155 SI +6 11 156 SN +6 11 157 SI +6 11 158 HF +6 11 159 SL +6 11 160 SN +6 11 161 YA +6 11 162 HN +6 11 163 YA +6 11 164 SN +6 11 165 HS +6 11 166 HJ +6 11 167 HF +6 11 168 SN +6 11 169 SN +6 11 170 SI +6 11 171 SL +6 11 172 HF +6 11 173 HN +6 11 174 HS +6 11 175 SN +6 11 176 HN +6 11 177 HS +6 11 178 YA +6 11 179 HN +6 11 180 SN +6 11 181 HS +6 11 182 HN +6 11 183 HS +6 11 184 SN +6 11 185 HS +6 11 186 YA +6 11 187 HS +6 11 188 YA +6 11 189 HF +6 11 190 HF +6 11 191 SN +6 11 192 HJ +6 11 193 HS +6 11 194 SI +6 11 195 HS +6 11 196 SN +6 11 197 HF +6 11 198 HJ +6 11 199 HF +6 11 200 HF +6 11 201 HN +6 11 202 YA +6 11 203 HN +6 11 204 SI +6 11 205 HJ +6 11 206 HF +6 11 207 HN +6 11 208 HS +6 11 209 YA +6 11 210 SI +6 11 211 SN +6 11 212 HS +6 11 213 HJ +6 11 214 HS +6 11 215 SN +6 11 216 SI +6 11 217 SN +6 11 218 HS +6 11 219 HF +6 11 220 SI +6 11 221 HF +6 11 222 SN +6 11 223 YA +6 11 224 HF +6 11 225 HS +6 11 226 YA +6 11 227 SI +6 11 228 SN +6 11 229 HF +6 11 230 HJ +6 11 231 HN +6 11 232 HS +6 11 233 HJ +6 11 234 SN +6 11 235 YA +6 11 236 HS +6 11 237 HF +6 11 238 YA +6 11 239 HN +6 11 240 HH +6 11 241 HF +6 11 242 HS +6 11 243 HN +6 11 244 HF +6 11 245 HN +6 11 246 SN +6 11 247 SI +6 11 248 HJ +6 11 249 SN +6 11 250 HJ +6 11 251 SN +6 11 252 HF +6 11 253 SN +6 11 254 HF +6 11 255 SI +6 11 256 HN +6 11 257 SN +6 11 258 HS +6 11 259 HN +6 11 260 HS +6 11 261 SN +6 11 262 HF +6 11 263 SI +6 11 264 HF +6 11 265 SN +6 11 266 HS +6 11 267 SI +6 11 268 SN +6 11 269 HS +6 11 270 HS +6 11 271 SI +6 11 272 HF +6 11 273 SN +6 11 274 HF +6 11 275 HS +6 11 276 HN +6 11 277 YA +6 11 278 HN +6 11 279 YA +6 11 280 HS +6 11 281 SN +6 11 282 HS +6 11 283 SI +6 11 284 HF +6 11 285 HN +6 11 286 HF +6 11 287 HS +6 11 288 HN +6 11 289 SN +6 11 290 HF +6 11 291 HJ +6 11 292 HF +6 11 293 HF +6 11 294 HF +6 11 295 SI +6 11 296 SN +6 11 297 HS +6 11 298 HN +6 11 299 SN +6 11 300 HF +6 11 301 SN +6 11 302 HF +6 11 303 HF +6 11 304 HS +6 11 305 SI +6 11 306 HS +6 11 307 YA +6 11 308 HJ +6 11 309 SI +6 11 310 SN +6 11 311 YA +6 11 312 SI +6 11 313 SN +6 11 314 HF +6 11 315 SN +6 11 316 YA +6 11 317 HN +6 11 318 HS +6 11 319 HF +6 11 320 HS +6 11 321 HN +6 11 322 YA +6 11 323 SN +6 11 324 HF +6 11 325 HN +6 11 326 HS +6 11 327 HF +6 11 328 SN +6 11 329 SI +6 11 330 HF +6 12 1 SN +6 12 2 YA +6 12 3 HN +6 12 4 SA +6 12 5 YA +6 12 6 HS +6 12 7 YA +6 12 8 HN +6 12 9 SA +6 12 10 YA +6 12 11 YA +6 12 12 YA +6 12 13 HS +6 12 14 SN +6 12 15 YA +6 12 16 HA +6 12 17 HN +6 12 18 SI +6 12 19 YA +6 12 20 YA +6 12 21 HN +6 12 22 HS +6 12 23 HN +6 12 24 SI +6 12 25 YA +6 12 26 YA +6 12 27 HA +6 12 28 HN +6 12 29 YA +6 12 30 SA +6 12 31 YA +6 12 32 HN +6 12 33 SN +6 12 34 YA +6 12 35 HN +6 12 36 SN +6 12 37 YA +6 12 38 HN +6 12 39 SA +6 12 40 YA +6 12 41 HN +6 12 42 HS +6 12 43 YA +6 12 44 HA +6 12 45 YA +6 12 46 HA +6 12 47 SI +6 12 48 HS +6 12 49 YA +6 12 50 SN +6 12 51 HS +6 12 52 HA +6 12 53 YA +6 12 54 HN +6 12 55 YA +6 12 56 SA +6 12 57 YA +6 12 58 HS +6 12 59 HA +6 12 60 YA +6 12 61 HN +6 12 62 SA +6 12 63 SN +6 12 64 YA +6 12 65 HN +6 12 66 HA +6 12 67 YA +6 12 68 HN +6 12 69 HS +6 12 70 HA +6 12 71 HN +6 12 72 SN +6 12 73 HN +6 12 74 SN +6 12 75 SI +6 12 76 HN +6 12 77 YA +6 12 78 SA +6 12 79 SI +6 12 80 SN +6 12 81 HS +6 12 82 SA +6 12 83 HA +6 12 84 HN +6 12 85 SN +6 12 86 HN +6 12 87 SI +6 12 88 HN +6 12 89 SI +6 12 90 SN +6 12 91 HS +6 12 92 HA +6 12 93 SN +6 12 94 SI +6 12 95 HA +6 12 96 HS +6 12 97 YA +6 12 98 HN +6 12 99 SA +6 12 100 SN +6 12 101 HN +6 12 102 SA +6 12 103 HS +6 12 104 SN +6 12 105 HN +6 12 106 HS +6 12 107 HA +6 12 108 SN +6 12 109 YA +6 12 110 HS +6 12 111 SI +6 12 112 HN +6 12 113 SI +6 12 114 YA +6 12 115 HN +6 12 116 YA +6 12 117 SA +6 12 118 HN +6 12 119 YA +6 12 120 HA +6 12 121 HN +6 12 122 YA +6 12 123 YA +6 12 124 HS +6 12 125 HN +6 12 126 HN +6 12 127 YA +6 12 128 HS +6 12 129 HA +6 12 130 SI +6 12 131 HN +6 12 132 HN +6 12 133 YA +6 12 134 SI +6 12 135 HN +6 12 136 SN +6 12 137 YA +6 12 138 YA +6 12 139 HA +6 12 140 YA +6 12 141 HA +6 12 142 HA +6 12 143 HS +6 12 144 SN +6 12 145 SA +6 12 146 HS +6 12 147 SN +6 12 148 HN +6 12 149 SA +6 12 150 HN +6 12 151 HN +6 12 152 HN +6 12 153 SN +6 12 154 SI +6 12 155 SI +6 12 156 YA +6 12 157 SI +6 12 158 HA +6 12 159 SA +6 12 160 HN +6 12 161 SN +6 12 162 HN +6 12 163 SN +6 12 164 SN +6 12 165 HS +6 12 166 SN +6 12 167 HA +6 12 168 SN +6 12 169 YA +6 12 170 YA +6 12 171 HS +6 12 172 HA +6 12 173 HN +6 12 174 HS +6 12 175 SN +6 12 176 HN +6 12 177 HS +6 12 178 SA +6 12 179 HN +6 12 180 SN +6 12 181 HS +6 12 182 HN +6 12 183 HS +6 12 184 HN +6 12 185 HS +6 12 186 SN +6 12 187 HS +6 12 188 SN +6 12 189 HA +6 12 190 SA +6 12 191 SN +6 12 192 SA +6 12 193 HS +6 12 194 HN +6 12 195 SA +6 12 196 SN +6 12 197 HJ +6 12 198 SI +6 12 199 HA +6 12 200 YA +6 12 201 SA +6 12 202 SN +6 12 203 HN +6 12 204 SI +6 12 205 YA +6 12 206 HA +6 12 207 HN +6 12 208 HS +6 12 209 SA +6 12 210 SA +6 12 211 YA +6 12 212 HS +6 12 213 HA +6 12 214 HS +6 12 215 YA +6 12 216 SI +6 12 217 SA +6 12 218 HS +6 12 219 HA +6 12 220 YA +6 12 221 SN +6 12 222 HJ +6 12 223 SN +6 12 224 HA +6 12 225 HS +6 12 226 SN +6 12 227 SI +6 12 228 YA +6 12 229 SA +6 12 230 HA +6 12 231 HN +6 12 232 HS +6 12 233 SN +6 12 234 YA +6 12 235 YA +6 12 236 HS +6 12 237 SA +6 12 238 YA +6 12 239 HN +6 12 240 HN +6 12 241 HA +6 12 242 HS +6 12 243 HN +6 12 244 HA +6 12 245 HN +6 12 246 YA +6 12 247 SN +6 12 248 SA +6 12 249 YA +6 12 250 HJ +6 12 251 YA +6 12 252 HA +6 12 253 YA +6 12 254 SN +6 12 255 SI +6 12 256 HN +6 12 257 YA +6 12 258 HS +6 12 259 HN +6 12 260 SA +6 12 261 HN +6 12 262 HA +6 12 263 HA +6 12 264 YA +6 12 265 SN +6 12 266 HN +6 12 267 HN +6 12 268 SN +6 12 269 HN +6 12 270 HS +6 12 271 YA +6 12 272 HA +6 12 273 SA +6 12 274 HA +6 12 275 HS +6 12 276 HN +6 12 277 SN +6 12 278 HN +6 12 279 SA +6 12 280 HS +6 12 281 SN +6 12 282 YA +6 12 283 HS +6 12 284 HA +6 12 285 SA +6 12 286 HA +6 12 287 HS +6 12 288 HN +6 12 289 SN +6 12 290 SA +6 12 291 YA +6 12 292 SA +6 12 293 HA +6 12 294 HA +6 12 295 HS +6 12 296 HN +6 12 297 HS +6 12 298 HN +6 12 299 SN +6 12 300 HA +6 12 301 SN +6 12 302 HA +6 12 303 HA +6 12 304 HS +6 12 305 HN +6 12 306 YA +6 12 307 SN +6 12 308 HJ +6 12 309 SI +6 12 310 YA +6 12 311 SN +6 12 312 SI +6 12 313 HJ +6 12 314 HA +6 12 315 SN +6 12 316 YA +6 12 317 HA +6 12 318 HN +6 12 319 HA +6 12 320 HS +6 12 321 HN +6 12 322 SN +6 12 323 YA +6 12 324 SA +6 12 325 HN +6 12 326 HS +6 12 327 HA +6 12 328 SN +6 12 329 HS +6 12 330 HA +6 13 1 SN +6 13 2 SN +6 13 3 HO +6 13 4 MM +6 13 5 SN +6 13 6 HS +6 13 7 SN +6 13 8 HO +6 13 9 * +6 13 10 YA +6 13 11 YA +6 13 12 HS +6 13 13 YA +6 13 14 YA +6 13 15 HA +6 13 16 HA +6 13 17 HO +6 13 18 WO +6 13 19 SN +6 13 20 SN +6 13 21 HN +6 13 22 HA +6 13 23 YA +6 13 24 SI +6 13 25 SN +6 13 26 YA +6 13 27 HA +6 13 28 HO +6 13 29 YA +6 13 30 HS +6 13 31 HA +6 13 32 SA +6 13 33 SN +6 13 34 YA +6 13 35 SA +6 13 36 YA +6 13 37 YA +6 13 38 HO +6 13 39 YA +6 13 40 YA +6 13 41 HO +6 13 42 HS +6 13 43 YA +6 13 44 HA +6 13 45 SN +6 13 46 * +6 13 47 SN +6 13 48 HS +6 13 49 YA +6 13 50 SA +6 13 51 * +6 13 52 HA +6 13 53 SA +6 13 54 SN +6 13 55 SN +6 13 56 HA +6 13 57 YA +6 13 58 HS +6 13 59 HA +6 13 60 YA +6 13 61 HO +6 13 62 SN +6 13 63 SA +6 13 64 YA +6 13 65 HO +6 13 66 HA +6 13 67 SN +6 13 68 HO +6 13 69 YA +6 13 70 HA +6 13 71 MM +6 13 72 SN +6 13 73 MM +6 13 74 HA +6 13 75 WO +6 13 76 HS +6 13 77 SN +6 13 78 * +6 13 79 WO +6 13 80 YA +6 13 81 SN +6 13 82 SN +6 13 83 HA +6 13 84 * +6 13 85 SN +6 13 86 SA +6 13 87 WO +6 13 88 MM +6 13 89 SI +6 13 90 YA +6 13 91 HS +6 13 92 HA +6 13 93 YA +6 13 94 SI +6 13 95 HA +6 13 96 HM +6 13 97 YA +6 13 98 HO +6 13 99 HA +6 13 100 YA +6 13 101 MM +6 13 102 HA +6 13 103 WO +6 13 104 SN +6 13 105 MM +6 13 106 HS +6 13 107 HA +6 13 108 HA +6 13 109 YA +6 13 110 HM +6 13 111 SN +6 13 112 HO +6 13 113 WO +6 13 114 SN +6 13 115 HO +6 13 116 HA +6 13 117 WO +6 13 118 * +6 13 119 SN +6 13 120 HA +6 13 121 HO +6 13 122 SN +6 13 123 YA +6 13 124 SN +6 13 125 SA +6 13 126 SA +6 13 127 YA +6 13 128 HM +6 13 129 HA +6 13 130 WO +6 13 131 MM +6 13 132 HO +6 13 133 SN +6 13 134 WO +6 13 135 MM +6 13 136 SN +6 13 137 SN +6 13 138 YA +6 13 139 HA +6 13 140 YA +6 13 141 HA +6 13 142 HA +6 13 143 HM +6 13 144 YA +6 13 145 SN +6 13 146 HM +6 13 147 SN +6 13 148 HM +6 13 149 SN +6 13 150 MM +6 13 151 * +6 13 152 * +6 13 153 SN +6 13 154 WO +6 13 155 WO +6 13 156 YA +6 13 157 WO +6 13 158 HA +6 13 159 * +6 13 160 * +6 13 161 SN +6 13 162 HO +6 13 163 SN +6 13 164 YA +6 13 165 WO +6 13 166 SI +6 13 167 HA +6 13 168 SN +6 13 169 SN +6 13 170 SN +6 13 171 SN +6 13 172 HA +6 13 173 HO +6 13 174 HU +6 13 175 YA +6 13 176 HO +6 13 177 HS +6 13 178 YA +6 13 179 MM +6 13 180 SN +6 13 181 HU +6 13 182 MM +6 13 183 WO +6 13 184 YA +6 13 185 HS +6 13 186 YA +6 13 187 HU +6 13 188 YA +6 13 189 HA +6 13 190 YA +6 13 191 SN +6 13 192 HA +6 13 193 * +6 13 194 MM +6 13 195 SN +6 13 196 YA +6 13 197 YA +6 13 198 WO +6 13 199 HA +6 13 200 YA +6 13 201 * +6 13 202 SN +6 13 203 IJ +6 13 204 WO +6 13 205 SN +6 13 206 HA +6 13 207 HO +6 13 208 HU +6 13 209 SN +6 13 210 WO +6 13 211 SN +6 13 212 HU +6 13 213 HN +6 13 214 MO +6 13 215 * +6 13 216 WO +6 13 217 * +6 13 218 HU +6 13 219 HA +6 13 220 YA +6 13 221 HA +6 13 222 YA +6 13 223 SN +6 13 224 HA +6 13 225 MO +6 13 226 SN +6 13 227 SI +6 13 228 SN +6 13 229 YA +6 13 230 HA +6 13 231 * +6 13 232 WO +6 13 233 YA +6 13 234 SN +6 13 235 YA +6 13 236 HU +6 13 237 * +6 13 238 SN +6 13 239 * +6 13 240 * +6 13 241 HA +6 13 242 HA +6 13 243 MM +6 13 244 HA +6 13 245 HO +6 13 246 SN +6 13 247 HJ +6 13 248 WO +6 13 249 SN +6 13 250 MM +6 13 251 SN +6 13 252 HA +6 13 253 SN +6 13 254 SN +6 13 255 WO +6 13 256 HO +6 13 257 SN +6 13 258 HU +6 13 259 * +6 13 260 HA +6 13 261 HS +6 13 262 HA +6 13 263 HA +6 13 264 HA +6 13 265 YA +6 13 266 * +6 13 267 MM +6 13 268 SN +6 13 269 SA +6 13 270 HU +6 13 271 YA +6 13 272 HA +6 13 273 * +6 13 274 HA +6 13 275 * +6 13 276 HO +6 13 277 SN +6 13 278 * +6 13 279 SN +6 13 280 SN +6 13 281 SN +6 13 282 YA +6 13 283 WO +6 13 284 HA +6 13 285 * +6 13 286 HA +6 13 287 * +6 13 288 HO +6 13 289 SN +6 13 290 HA +6 13 291 SN +6 13 292 * +6 13 293 HA +6 13 294 HA +6 13 295 WO +6 13 296 * +6 13 297 HU +6 13 298 HO +6 13 299 SN +6 13 300 HA +6 13 301 SN +6 13 302 HA +6 13 303 HA +6 13 304 YA +6 13 305 MM +6 13 306 SN +6 13 307 SN +6 13 308 * +6 13 309 WO +6 13 310 SN +6 13 311 SN +6 13 312 WO +6 13 313 * +6 13 314 HA +6 13 315 SN +6 13 316 SN +6 13 317 MM +6 13 318 * +6 13 319 HA +6 13 320 YA +6 13 321 YA +6 13 322 HO +6 13 323 SA +6 13 324 HA +6 13 325 MM +6 13 326 HU +6 13 327 HA +6 13 328 SN +6 13 329 WO +6 13 330 HA +6 14 1 YA +6 14 2 SN +6 14 3 HO +6 14 4 SN +6 14 5 SN +6 14 6 HO +6 14 7 SN +6 14 8 HO +6 14 9 HO +6 14 10 YA +6 14 11 YA +6 14 12 YA +6 14 13 HS +6 14 14 HO +6 14 15 YA +6 14 16 HA +6 14 17 HO +6 14 18 HF +6 14 19 YA +6 14 20 YA +6 14 21 HO +6 14 22 YA +6 14 23 HS +6 14 24 HF +6 14 25 YA +6 14 26 YA +6 14 27 HA +6 14 28 HO +6 14 29 YA +6 14 30 HA +6 14 31 YA +6 14 32 HO +6 14 33 YA +6 14 34 YA +6 14 35 HO +6 14 36 YA +6 14 37 YA +6 14 38 HO +6 14 39 YA +6 14 40 YA +6 14 41 HO +6 14 42 HS +6 14 43 YA +6 14 44 HF +6 14 45 YA +6 14 46 HF +6 14 47 YA +6 14 48 HS +6 14 49 YA +6 14 50 SI +6 14 51 HF +6 14 52 HF +6 14 53 HO +6 14 54 YA +6 14 55 YA +6 14 56 HF +6 14 57 YA +6 14 58 HS +6 14 59 HF +6 14 60 YA +6 14 61 HO +6 14 62 HF +6 14 63 HO +6 14 64 YA +6 14 65 HO +6 14 66 HF +6 14 67 YA +6 14 68 HO +6 14 69 HS +6 14 70 HF +6 14 71 HO +6 14 72 YA +6 14 73 YA +6 14 74 YA +6 14 75 YA +6 14 76 HO +6 14 77 YA +6 14 78 HF +6 14 79 HA +6 14 80 YA +6 14 81 HS +6 14 82 YA +6 14 83 HF +6 14 84 HO +6 14 85 YA +6 14 86 HO +6 14 87 SI +6 14 88 HO +6 14 89 SI +6 14 90 SI +6 14 91 HS +6 14 92 HA +6 14 93 YA +6 14 94 SI +6 14 95 HA +6 14 96 HS +6 14 97 YA +6 14 98 HO +6 14 99 HA +6 14 100 YA +6 14 101 HO +6 14 102 HF +6 14 103 HS +6 14 104 YA +6 14 105 HO +6 14 106 HS +6 14 107 HA +6 14 108 HA +6 14 109 SI +6 14 110 HS +6 14 111 SI +6 14 112 HO +6 14 113 SI +6 14 114 YA +6 14 115 HO +6 14 116 YA +6 14 117 SI +6 14 118 HO +6 14 119 YA +6 14 120 HA +6 14 121 HO +6 14 122 YA +6 14 123 YA +6 14 124 HS +6 14 125 HO +6 14 126 HO +6 14 127 SI +6 14 128 HS +6 14 129 HA +6 14 130 SI +6 14 131 HO +6 14 132 HO +6 14 133 YA +6 14 134 SI +6 14 135 HO +6 14 136 YA +6 14 137 YA +6 14 138 YA +6 14 139 HA +6 14 140 YA +6 14 141 HA +6 14 142 HA +6 14 143 YA +6 14 144 SI +6 14 145 YA +6 14 146 HS +6 14 147 YA +6 14 148 HO +6 14 149 YA +6 14 150 SI +6 14 151 HO +6 14 152 HO +6 14 153 YA +6 14 154 SI +6 14 155 SI +6 14 156 YA +6 14 157 SI +6 14 158 HA +6 14 159 HS +6 14 160 HO +6 14 161 YA +6 14 162 HO +6 14 163 YA +6 14 164 YA +6 14 165 YA +6 14 166 SI +6 14 167 SI +6 14 168 YA +6 14 169 YA +6 14 170 SI +6 14 171 YA +6 14 172 HA +6 14 173 HO +6 14 174 HS +6 14 175 YA +6 14 176 HO +6 14 177 HS +6 14 178 SI +6 14 179 SI +6 14 180 YA +6 14 181 HS +6 14 182 HO +6 14 183 SI +6 14 184 YA +6 14 185 HS +6 14 186 YA +6 14 187 HS +6 14 188 YA +6 14 189 YA +6 14 190 HO +6 14 191 YA +6 14 192 SI +6 14 193 HS +6 14 194 SI +6 14 195 YA +6 14 196 YA +6 14 197 SI +6 14 198 SI +6 14 199 HA +6 14 200 YA +6 14 201 HO +6 14 202 YA +6 14 203 HO +6 14 204 SI +6 14 205 SI +6 14 206 HA +6 14 207 HO +6 14 208 HS +6 14 209 YA +6 14 210 SI +6 14 211 YA +6 14 212 HS +6 14 213 HA +6 14 214 HS +6 14 215 HO +6 14 216 SI +6 14 217 SI +6 14 218 HS +6 14 219 YA +6 14 220 SI +6 14 221 YA +6 14 222 SI +6 14 223 YA +6 14 224 HA +6 14 225 HS +6 14 226 YA +6 14 227 SI +6 14 228 SI +6 14 229 YA +6 14 230 HA +6 14 231 HO +6 14 232 HS +6 14 233 YA +6 14 234 YA +6 14 235 YA +6 14 236 HS +6 14 237 HA +6 14 238 YA +6 14 239 HO +6 14 240 SI +6 14 241 HA +6 14 242 HS +6 14 243 HO +6 14 244 YA +6 14 245 HO +6 14 246 YA +6 14 247 YA +6 14 248 SI +6 14 249 YA +6 14 250 SI +6 14 251 YA +6 14 252 HF +6 14 253 YA +6 14 254 YA +6 14 255 SI +6 14 256 HO +6 14 257 YA +6 14 258 HS +6 14 259 HO +6 14 260 YA +6 14 261 HS +6 14 262 HA +6 14 263 HF +6 14 264 YA +6 14 265 YA +6 14 266 SI +6 14 267 HO +6 14 268 YA +6 14 269 HO +6 14 270 HS +6 14 271 SI +6 14 272 HA +6 14 273 HO +6 14 274 HF +6 14 275 HS +6 14 276 HO +6 14 277 YA +6 14 278 HO +6 14 279 YA +6 14 280 SN +6 14 281 YA +6 14 282 YA +6 14 283 SI +6 14 284 HF +6 14 285 HO +6 14 286 HF +6 14 287 SI +6 14 288 HO +6 14 289 YA +6 14 290 HA +6 14 291 YA +6 14 292 HO +6 14 293 HF +6 14 294 HF +6 14 295 SI +6 14 296 YA +6 14 297 HS +6 14 298 HO +6 14 299 YA +6 14 300 HF +6 14 301 YA +6 14 302 HF +6 14 303 HF +6 14 304 SN +6 14 305 SI +6 14 306 HS +6 14 307 YA +6 14 308 YA +6 14 309 SI +6 14 310 YA +6 14 311 YA +6 14 312 SI +6 14 313 YA +6 14 314 HF +6 14 315 YA +6 14 316 YA +6 14 317 HO +6 14 318 HO +6 14 319 HF +6 14 320 HS +6 14 321 HO +6 14 322 YA +6 14 323 YA +6 14 324 HF +6 14 325 HO +6 14 326 HS +6 14 327 HF +6 14 328 YA +6 14 329 SI +6 14 330 HF +6 15 1 YA +6 15 2 SN +6 15 3 HN +6 15 4 SI +6 15 5 SN +6 15 6 HS +6 15 7 SN +6 15 8 HN +6 15 9 HS +6 15 10 SI +6 15 11 SI +6 15 12 HS +6 15 13 YA +6 15 14 SN +6 15 15 HA +6 15 16 HA +6 15 17 HN +6 15 18 SI +6 15 19 SN +6 15 20 SN +6 15 21 HO +6 15 22 HS +6 15 23 SI +6 15 24 SI +6 15 25 YA +6 15 26 YA +6 15 27 HA +6 15 28 HN +6 15 29 SN +6 15 30 HS +6 15 31 HA +6 15 32 HN +6 15 33 HA +6 15 34 YA +6 15 35 HO +6 15 36 YA +6 15 37 HA +6 15 38 HO +6 15 39 SN +6 15 40 HA +6 15 41 HO +6 15 42 HS +6 15 43 YA +6 15 44 HA +6 15 45 SN +6 15 46 SI +6 15 47 SI +6 15 48 HS +6 15 49 HA +6 15 50 HN +6 15 51 YA +6 15 52 HA +6 15 53 HO +6 15 54 YA +6 15 55 SN +6 15 56 HN +6 15 57 YA +6 15 58 HS +6 15 59 HA +6 15 60 SI +6 15 61 HN +6 15 62 YA +6 15 63 HN +6 15 64 SI +6 15 65 HN +6 15 66 HA +6 15 67 SN +6 15 68 HN +6 15 69 YA +6 15 70 HA +6 15 71 HN +6 15 72 SN +6 15 73 HN +6 15 74 SN +6 15 75 SI +6 15 76 HN +6 15 77 YA +6 15 78 SA +6 15 79 SI +6 15 80 YA +6 15 81 SN +6 15 82 YA +6 15 83 HA +6 15 84 SA +6 15 85 YA +6 15 86 HN +6 15 87 SI +6 15 88 HN +6 15 89 SI +6 15 90 SI +6 15 91 SN +6 15 92 HA +6 15 93 SI +6 15 94 SI +6 15 95 HA +6 15 96 HS +6 15 97 YA +6 15 98 HN +6 15 99 SA +6 15 100 YA +6 15 101 HN +6 15 102 HA +6 15 103 YA +6 15 104 HA +6 15 105 HN +6 15 106 HS +6 15 107 HA +6 15 108 HA +6 15 109 SN +6 15 110 HS +6 15 111 SN +6 15 112 HN +6 15 113 SI +6 15 114 SN +6 15 115 HN +6 15 116 HA +6 15 117 SI +6 15 118 HN +6 15 119 SN +6 15 120 HA +6 15 121 HO +6 15 122 YA +6 15 123 SI +6 15 124 HS +6 15 125 HN +6 15 126 SA +6 15 127 SI +6 15 128 HS +6 15 129 HA +6 15 130 SI +6 15 131 SA +6 15 132 HO +6 15 133 YA +6 15 134 SI +6 15 135 HO +6 15 136 SN +6 15 137 YA +6 15 138 SN +6 15 139 HA +6 15 140 YA +6 15 141 HA +6 15 142 HA +6 15 143 SN +6 15 144 YA +6 15 145 SN +6 15 146 HS +6 15 147 SN +6 15 148 HN +6 15 149 YA +6 15 150 HN +6 15 151 HN +6 15 152 YA +6 15 153 YA +6 15 154 SI +6 15 155 SA +6 15 156 SN +6 15 157 SI +6 15 158 HA +6 15 159 HS +6 15 160 YA +6 15 161 SN +6 15 162 HN +6 15 163 SA +6 15 164 SN +6 15 165 SI +6 15 166 SI +6 15 167 HA +6 15 168 SN +6 15 169 YA +6 15 170 SI +6 15 171 SN +6 15 172 HA +6 15 173 HN +6 15 174 HS +6 15 175 YA +6 15 176 HO +6 15 177 HA +6 15 178 SI +6 15 179 HN +6 15 180 YA +6 15 181 HS +6 15 182 HO +6 15 183 SI +6 15 184 SA +6 15 185 HS +6 15 186 YA +6 15 187 HS +6 15 188 SN +6 15 189 HA +6 15 190 SA +6 15 191 SN +6 15 192 SA +6 15 193 HS +6 15 194 SA +6 15 195 SN +6 15 196 YA +6 15 197 HA +6 15 198 SI +6 15 199 HA +6 15 200 YA +6 15 201 HN +6 15 202 YA +6 15 203 HN +6 15 204 SI +6 15 205 YA +6 15 206 HA +6 15 207 HN +6 15 208 HS +6 15 209 YA +6 15 210 YA +6 15 211 SN +6 15 212 HS +6 15 213 HA +6 15 214 HS +6 15 215 SA +6 15 216 SI +6 15 217 SA +6 15 218 HS +6 15 219 HA +6 15 220 YA +6 15 221 HA +6 15 222 YA +6 15 223 SN +6 15 224 HA +6 15 225 HS +6 15 226 YA +6 15 227 SI +6 15 228 SN +6 15 229 HA +6 15 230 HA +6 15 231 SA +6 15 232 HS +6 15 233 YA +6 15 234 SN +6 15 235 YA +6 15 236 HS +6 15 237 SA +6 15 238 YA +6 15 239 HO +6 15 240 SA +6 15 241 HA +6 15 242 HS +6 15 243 HO +6 15 244 HA +6 15 245 HO +6 15 246 YA +6 15 247 SA +6 15 248 SI +6 15 249 SI +6 15 250 SA +6 15 251 HA +6 15 252 HA +6 15 253 SN +6 15 254 YA +6 15 255 SI +6 15 256 HN +6 15 257 YA +6 15 258 HS +6 15 259 HN +6 15 260 HA +6 15 261 HS +6 15 262 HA +6 15 263 SI +6 15 264 YA +6 15 265 SN +6 15 266 HN +6 15 267 HO +6 15 268 SN +6 15 269 HO +6 15 270 HS +6 15 271 SI +6 15 272 HA +6 15 273 HO +6 15 274 HA +6 15 275 HS +6 15 276 HO +6 15 277 YA +6 15 278 SN +6 15 279 YA +6 15 280 SN +6 15 281 YA +6 15 282 SN +6 15 283 SI +6 15 284 HA +6 15 285 SA +6 15 286 HA +6 15 287 HS +6 15 288 HO +6 15 289 YA +6 15 290 HA +6 15 291 SN +6 15 292 HN +6 15 293 HA +6 15 294 HA +6 15 295 SI +6 15 296 YA +6 15 297 HS +6 15 298 HN +6 15 299 SN +6 15 300 HA +6 15 301 YA +6 15 302 HA +6 15 303 HA +6 15 304 SN +6 15 305 SA +6 15 306 SN +6 15 307 SI +6 15 308 SA +6 15 309 SI +6 15 310 SN +6 15 311 YA +6 15 312 SI +6 15 313 YA +6 15 314 HA +6 15 315 SN +6 15 316 SA +6 15 317 HO +6 15 318 HS +6 15 319 HA +6 15 320 SI +6 15 321 HN +6 15 322 YA +6 15 323 SN +6 15 324 HA +6 15 325 HN +6 15 326 HS +6 15 327 HA +6 15 328 SI +6 15 329 SI +6 15 330 HA +6 16 1 WJ +6 16 2 SN +6 16 3 HH +6 16 4 HO +6 16 5 SN +6 16 6 SA +6 16 7 SN +6 16 8 * +6 16 9 HH +6 16 10 WJ +6 16 11 SN +6 16 12 HS +6 16 13 SN +6 16 14 WJ +6 16 15 SA +6 16 16 SA +6 16 17 SN +6 16 18 WO +6 16 19 AH +6 16 20 SN +6 16 21 HO +6 16 22 MO +6 16 23 SK +6 16 24 WO +6 16 25 SN +6 16 26 SK +6 16 27 SA +6 16 28 * +6 16 29 SN +6 16 30 HN +6 16 31 SN +6 16 32 SK +6 16 33 SN +6 16 34 WO +6 16 35 WJ +6 16 36 SN +6 16 37 AH +6 16 38 HO +6 16 39 * +6 16 40 AH +6 16 41 HO +6 16 42 MO +6 16 43 SK +6 16 44 SA +6 16 45 SN +6 16 46 SA +6 16 47 WO +6 16 48 MO +6 16 49 AH +6 16 50 SK +6 16 51 WO +6 16 52 SA +6 16 53 HO +6 16 54 SN +6 16 55 * +6 16 56 SA +6 16 57 * +6 16 58 WO +6 16 59 SA +6 16 60 WO +6 16 61 HN +6 16 62 SK +6 16 63 HH +6 16 64 WJ +6 16 65 SA +6 16 66 SA +6 16 67 SN +6 16 68 HO +6 16 69 WO +6 16 70 HO +6 16 71 * +6 16 72 SN +6 16 73 SK +6 16 74 SN +6 16 75 WO +6 16 76 HH +6 16 77 SN +6 16 78 KW +6 16 79 SI +6 16 80 SK +6 16 81 * +6 16 82 SN +6 16 83 HS +6 16 84 HH +6 16 85 SN +6 16 86 HO +6 16 87 WO +6 16 88 SK +6 16 89 SI +6 16 90 HE +6 16 91 * +6 16 92 HA +6 16 93 * +6 16 94 WO +6 16 95 SA +6 16 96 MO +6 16 97 MM +6 16 98 HN +6 16 99 * +6 16 100 * +6 16 101 HO +6 16 102 SA +6 16 103 WO +6 16 104 AH +6 16 105 SK +6 16 106 * +6 16 107 * +6 16 108 * +6 16 109 * +6 16 110 HS +6 16 111 WO +6 16 112 HO +6 16 113 SI +6 16 114 SN +6 16 115 HN +6 16 116 HA +6 16 117 HH +6 16 118 HN +6 16 119 SN +6 16 120 HA +6 16 121 HH +6 16 122 SN +6 16 123 SN +6 16 124 HS +6 16 125 HH +6 16 126 HN +6 16 127 SN +6 16 128 HS +6 16 129 HA +6 16 130 SN +6 16 131 HN +6 16 132 HN +6 16 133 SN +6 16 134 WO +6 16 135 HN +6 16 136 SN +6 16 137 SN +6 16 138 SN +6 16 139 HA +6 16 140 SN +6 16 141 HA +6 16 142 HA +6 16 143 SN +6 16 144 MM +6 16 145 SN +6 16 146 HO +6 16 147 SN +6 16 148 HN +6 16 149 SN +6 16 150 MM +6 16 151 HH +6 16 152 HN +6 16 153 WJ +6 16 154 WO +6 16 155 WO +6 16 156 SN +6 16 157 WO +6 16 158 HA +6 16 159 HH +6 16 160 HN +6 16 161 SN +6 16 162 HN +6 16 163 SN +6 16 164 WJ +6 16 165 WO +6 16 166 WJ +6 16 167 HA +6 16 168 SN +6 16 169 SN +6 16 170 WO +6 16 171 SN +6 16 172 HN +6 16 173 HA +6 16 174 HS +6 16 175 SN +6 16 176 HN +6 16 177 HS +6 16 178 WJ +6 16 179 HN +6 16 180 SN +6 16 181 HS +6 16 182 HO +6 16 183 WO +6 16 184 HN +6 16 185 HS +6 16 186 SN +6 16 187 HS +6 16 188 SN +6 16 189 HA +6 16 190 HH +6 16 191 SN +6 16 192 SK +6 16 193 SN +6 16 194 HO +6 16 195 SN +6 16 196 SN +6 16 197 HH +6 16 198 WO +6 16 199 HA +6 16 200 SN +6 16 201 HH +6 16 202 SN +6 16 203 HN +6 16 204 WO +6 16 205 MM +6 16 206 HA +6 16 207 HO +6 16 208 HS +6 16 209 SN +6 16 210 HO +6 16 211 SN +6 16 212 HH +6 16 213 WO +6 16 214 SN +6 16 215 HO +6 16 216 WO +6 16 217 HH +6 16 218 SN +6 16 219 HA +6 16 220 SK +6 16 221 HA +6 16 222 HO +6 16 223 SN +6 16 224 HA +6 16 225 WO +6 16 226 SN +6 16 227 WO +6 16 228 SI +6 16 229 SN +6 16 230 HA +6 16 231 HO +6 16 232 WO +6 16 233 SK +6 16 234 SN +6 16 235 SI +6 16 236 SN +6 16 237 HH +6 16 238 SN +6 16 239 HN +6 16 240 HN +6 16 241 HA +6 16 242 HS +6 16 243 HN +6 16 244 HA +6 16 245 HN +6 16 246 SN +6 16 247 SK +6 16 248 SI +6 16 249 SN +6 16 250 SK +6 16 251 SN +6 16 252 HA +6 16 253 SN +6 16 254 WJ +6 16 255 SI +6 16 256 HO +6 16 257 SN +6 16 258 HS +6 16 259 HO +6 16 260 HA +6 16 261 HH +6 16 262 HA +6 16 263 WO +6 16 264 HA +6 16 265 SN +6 16 266 HO +6 16 267 HO +6 16 268 SN +6 16 269 HO +6 16 270 HH +6 16 271 WO +6 16 272 HA +6 16 273 HO +6 16 274 HA +6 16 275 HS +6 16 276 HN +6 16 277 WJ +6 16 278 HH +6 16 279 WJ +6 16 280 SN +6 16 281 SN +6 16 282 SN +6 16 283 WO +6 16 284 HA +6 16 285 HH +6 16 286 HA +6 16 287 WO +6 16 288 HO +6 16 289 HS +6 16 290 HA +6 16 291 WJ +6 16 292 HH +6 16 293 HA +6 16 294 HA +6 16 295 HA +6 16 296 MM +6 16 297 HS +6 16 298 HN +6 16 299 SN +6 16 300 WO +6 16 301 SN +6 16 302 HA +6 16 303 HA +6 16 304 WO +6 16 305 HN +6 16 306 SN +6 16 307 SN +6 16 308 SK +6 16 309 WO +6 16 310 SN +6 16 311 WJ +6 16 312 WO +6 16 313 SK +6 16 314 HA +6 16 315 SN +6 16 316 SN +6 16 317 HN +6 16 318 HH +6 16 319 HA +6 16 320 WO +6 16 321 SN +6 16 322 HN +6 16 323 SN +6 16 324 HA +6 16 325 HO +6 16 326 HS +6 16 327 HA +6 16 328 SN +6 16 329 WO +6 16 330 HA +6 17 1 YA +6 17 2 SN +6 17 3 HN +6 17 4 HN +6 17 5 YA +6 17 6 HH +6 17 7 SN +6 17 8 HN +6 17 9 IN +6 17 10 SN +6 17 11 YA +6 17 12 HS +6 17 13 YA +6 17 14 SN +6 17 15 HA +6 17 16 HA +6 17 17 HN +6 17 18 SI +6 17 19 SN +6 17 20 YA +6 17 21 HN +6 17 22 HH +6 17 23 HJ +6 17 24 WO +6 17 25 SN +6 17 26 YA +6 17 27 HA +6 17 28 HN +6 17 29 SN +6 17 30 HH +6 17 31 YA +6 17 32 HN +6 17 33 YA +6 17 34 HJ +6 17 35 SM +6 17 36 YA +6 17 37 HT +6 17 38 HN +6 17 39 YA +6 17 40 HT +6 17 41 HN +6 17 42 HS +6 17 43 HA +6 17 44 HJ +6 17 45 YA +6 17 46 HA +6 17 47 YA +6 17 48 HH +6 17 49 YA +6 17 50 SI +6 17 51 * +6 17 52 HA +6 17 53 HN +6 17 54 SN +6 17 55 SN +6 17 56 UF +6 17 57 YA +6 17 58 HS +6 17 59 HA +6 17 60 SI +6 17 61 HN +6 17 62 HA +6 17 63 JI +6 17 64 HT +6 17 65 HN +6 17 66 HA +6 17 67 SN +6 17 68 HN +6 17 69 SN +6 17 70 HA +6 17 71 HA +6 17 72 YA +6 17 73 JI +6 17 74 HA +6 17 75 SN +6 17 76 SM +6 17 77 YA +6 17 78 KH +6 17 79 SI +6 17 80 SK +6 17 81 SN +6 17 82 YA +6 17 83 HS +6 17 84 HP +6 17 85 SN +6 17 86 KH +6 17 87 SI +6 17 88 HN +6 17 89 SI +6 17 90 SN +6 17 91 HS +6 17 92 HA +6 17 93 HT +6 17 94 SI +6 17 95 HA +6 17 96 HS +6 17 97 HT +6 17 98 HN +6 17 99 JI +6 17 100 YA +6 17 101 HN +6 17 102 HT +6 17 103 HS +6 17 104 YA +6 17 105 HN +6 17 106 HS +6 17 107 HA +6 17 108 HA +6 17 109 HT +6 17 110 HS +6 17 111 SN +6 17 112 HN +6 17 113 SI +6 17 114 YA +6 17 115 HN +6 17 116 HA +6 17 117 HS +6 17 118 JI +6 17 119 YA +6 17 120 HA +6 17 121 HN +6 17 122 SN +6 17 123 HT +6 17 124 * +6 17 125 JI +6 17 126 HN +6 17 127 HT +6 17 128 HS +6 17 129 HA +6 17 130 * +6 17 131 JI +6 17 132 HN +6 17 133 SN +6 17 134 JY +6 17 135 HN +6 17 136 SN +6 17 137 SN +6 17 138 HT +6 17 139 HA +6 17 140 SI +6 17 141 HA +6 17 142 HA +6 17 143 SN +6 17 144 HT +6 17 145 SN +6 17 146 HS +6 17 147 SN +6 17 148 HN +6 17 149 SN +6 17 150 HT +6 17 151 SA +6 17 152 HA +6 17 153 HT +6 17 154 SI +6 17 155 HS +6 17 156 SN +6 17 157 KH +6 17 158 HA +6 17 159 HS +6 17 160 KH +6 17 161 SN +6 17 162 HA +6 17 163 SN +6 17 164 HT +6 17 165 HS +6 17 166 HT +6 17 167 HA +6 17 168 SN +6 17 169 HT +6 17 170 SI +6 17 171 SN +6 17 172 HA +6 17 173 HN +6 17 174 HS +6 17 175 SN +6 17 176 HN +6 17 177 HS +6 17 178 SI +6 17 179 HN +6 17 180 SN +6 17 181 HS +6 17 182 HN +6 17 183 HS +6 17 184 HT +6 17 185 HS +6 17 186 HT +6 17 187 HS +6 17 188 HT +6 17 189 HA +6 17 190 JI +6 17 191 SN +6 17 192 HT +6 17 193 HS +6 17 194 HN +6 17 195 SN +6 17 196 SN +6 17 197 JI +6 17 198 SI +6 17 199 HA +6 17 200 YA +6 17 201 JY +6 17 202 SN +6 17 203 HN +6 17 204 * +6 17 205 SK +6 17 206 HA +6 17 207 HN +6 17 208 HS +6 17 209 SN +6 17 210 HN +6 17 211 HT +6 17 212 HS +6 17 213 HA +6 17 214 HS +6 17 215 JI +6 17 216 YA +6 17 217 SA +6 17 218 HS +6 17 219 HA +6 17 220 HT +6 17 221 HA +6 17 222 HT +6 17 223 SN +6 17 224 HA +6 17 225 HS +6 17 226 SN +6 17 227 SI +6 17 228 SN +6 17 229 SN +6 17 230 HA +6 17 231 HN +6 17 232 HH +6 17 233 SK +6 17 234 SN +6 17 235 SK +6 17 236 HH +6 17 237 SA +6 17 238 SN +6 17 239 HN +6 17 240 HN +6 17 241 HA +6 17 242 HS +6 17 243 JI +6 17 244 HA +6 17 245 HN +6 17 246 SN +6 17 247 HT +6 17 248 SN +6 17 249 SN +6 17 250 SK +6 17 251 YA +6 17 252 HA +6 17 253 SN +6 17 254 HT +6 17 255 SI +6 17 256 HN +6 17 257 YA +6 17 258 HS +6 17 259 HN +6 17 260 HA +6 17 261 SA +6 17 262 HA +6 17 263 HA +6 17 264 SN +6 17 265 SN +6 17 266 HN +6 17 267 MM +6 17 268 SN +6 17 269 HN +6 17 270 HH +6 17 271 SN +6 17 272 HA +6 17 273 JI +6 17 274 HA +6 17 275 HS +6 17 276 HN +6 17 277 SN +6 17 278 SA +6 17 279 SK +6 17 280 SN +6 17 281 SN +6 17 282 SN +6 17 283 HN +6 17 284 HA +6 17 285 HO +6 17 286 HA +6 17 287 HS +6 17 288 HN +6 17 289 SN +6 17 290 HA +6 17 291 HT +6 17 292 HN +6 17 293 HA +6 17 294 HA +6 17 295 JY +6 17 296 SK +6 17 297 HS +6 17 298 HA +6 17 299 SN +6 17 300 HA +6 17 301 SN +6 17 302 HA +6 17 303 HA +6 17 304 YA +6 17 305 JI +6 17 306 SN +6 17 307 YA +6 17 308 SA +6 17 309 SI +6 17 310 SN +6 17 311 HT +6 17 312 SI +6 17 313 SK +6 17 314 HA +6 17 315 SN +6 17 316 SN +6 17 317 HN +6 17 318 SA +6 17 319 HA +6 17 320 HS +6 17 321 HA +6 17 322 HT +6 17 323 SN +6 17 324 HA +6 17 325 JI +6 17 326 HS +6 17 327 HA +6 17 328 SN +6 17 329 JY +6 17 330 HA +6 18 1 YA +6 18 2 HA +6 18 3 HO +6 18 4 SI +6 18 5 HA +6 18 6 HH +6 18 7 YA +6 18 8 HN +6 18 9 HS +6 18 10 YA +6 18 11 YA +6 18 12 HS +6 18 13 YA +6 18 14 YA +6 18 15 YA +6 18 16 HA +6 18 17 HO +6 18 18 SI +6 18 19 YA +6 18 20 YA +6 18 21 HO +6 18 22 HH +6 18 23 * +6 18 24 SI +6 18 25 YA +6 18 26 YA +6 18 27 HA +6 18 28 HO +6 18 29 YA +6 18 30 HH +6 18 31 YA +6 18 32 HN +6 18 33 YA +6 18 34 SN +6 18 35 HO +6 18 36 YA +6 18 37 SN +6 18 38 HO +6 18 39 YA +6 18 40 SN +6 18 41 HN +6 18 42 HS +6 18 43 SI +6 18 44 HA +6 18 45 SN +6 18 46 HA +6 18 47 SN +6 18 48 HS +6 18 49 SN +6 18 50 SI +6 18 51 SI +6 18 52 HA +6 18 53 HO +6 18 54 YA +6 18 55 SN +6 18 56 HH +6 18 57 YA +6 18 58 HS +6 18 59 HA +6 18 60 YA +6 18 61 HN +6 18 62 YA +6 18 63 HN +6 18 64 YA +6 18 65 HO +6 18 66 HA +6 18 67 SN +6 18 68 HN +6 18 69 SN +6 18 70 HA +6 18 71 HN +6 18 72 SN +6 18 73 YA +6 18 74 YA +6 18 75 SN +6 18 76 HH +6 18 77 YA +6 18 78 HA +6 18 79 SI +6 18 80 SN +6 18 81 YA +6 18 82 SN +6 18 83 HH +6 18 84 HH +6 18 85 YA +6 18 86 HO +6 18 87 SI +6 18 88 HO +6 18 89 SI +6 18 90 SI +6 18 91 HS +6 18 92 HA +6 18 93 SN +6 18 94 SI +6 18 95 HA +6 18 96 HS +6 18 97 YA +6 18 98 HO +6 18 99 YA +6 18 100 HS +6 18 101 HO +6 18 102 HA +6 18 103 YA +6 18 104 SN +6 18 105 HO +6 18 106 HS +6 18 107 HA +6 18 108 HA +6 18 109 YA +6 18 110 HS +6 18 111 SI +6 18 112 HO +6 18 113 SI +6 18 114 YA +6 18 115 HN +6 18 116 HA +6 18 117 SI +6 18 118 SA +6 18 119 YA +6 18 120 HA +6 18 121 HN +6 18 122 SN +6 18 123 YA +6 18 124 HS +6 18 125 HN +6 18 126 HN +6 18 127 YA +6 18 128 HS +6 18 129 HA +6 18 130 SI +6 18 131 YA +6 18 132 HO +6 18 133 YA +6 18 134 SI +6 18 135 HN +6 18 136 YA +6 18 137 YA +6 18 138 SN +6 18 139 HA +6 18 140 YA +6 18 141 HA +6 18 142 HA +6 18 143 HS +6 18 144 YA +6 18 145 SN +6 18 146 HS +6 18 147 SN +6 18 148 HO +6 18 149 YA +6 18 150 SI +6 18 151 HS +6 18 152 HS +6 18 153 YA +6 18 154 SI +6 18 155 SI +6 18 156 YA +6 18 157 SI +6 18 158 HA +6 18 159 HS +6 18 160 HO +6 18 161 YA +6 18 162 HO +6 18 163 YA +6 18 164 SN +6 18 165 HJ +6 18 166 SI +6 18 167 HA +6 18 168 SN +6 18 169 SN +6 18 170 SI +6 18 171 YA +6 18 172 YA +6 18 173 HO +6 18 174 HS +6 18 175 HA +6 18 176 HN +6 18 177 HS +6 18 178 YA +6 18 179 HN +6 18 180 YA +6 18 181 HS +6 18 182 HO +6 18 183 HS +6 18 184 YA +6 18 185 HS +6 18 186 YA +6 18 187 HS +6 18 188 YA +6 18 189 HA +6 18 190 HO +6 18 191 YA +6 18 192 YA +6 18 193 HS +6 18 194 * +6 18 195 YA +6 18 196 SN +6 18 197 HA +6 18 198 SI +6 18 199 HA +6 18 200 YA +6 18 201 HS +6 18 202 YA +6 18 203 HO +6 18 204 SI +6 18 205 YA +6 18 206 HA +6 18 207 HN +6 18 208 HS +6 18 209 YA +6 18 210 HN +6 18 211 YA +6 18 212 HS +6 18 213 HA +6 18 214 HS +6 18 215 HO +6 18 216 SI +6 18 217 HA +6 18 218 HS +6 18 219 HA +6 18 220 YA +6 18 221 HA +6 18 222 YA +6 18 223 YA +6 18 224 HA +6 18 225 HS +6 18 226 SN +6 18 227 SI +6 18 228 YA +6 18 229 SN +6 18 230 HA +6 18 231 HO +6 18 232 WO +6 18 233 YA +6 18 234 SN +6 18 235 HJ +6 18 236 HS +6 18 237 HH +6 18 238 YA +6 18 239 HO +6 18 240 WO +6 18 241 HA +6 18 242 HH +6 18 243 HO +6 18 244 HA +6 18 245 HN +6 18 246 YA +6 18 247 YA +6 18 248 SI +6 18 249 YA +6 18 250 YA +6 18 251 YA +6 18 252 HA +6 18 253 YA +6 18 254 HJ +6 18 255 SI +6 18 256 HO +6 18 257 YA +6 18 258 HS +6 18 259 HO +6 18 260 HS +6 18 261 HA +6 18 262 HA +6 18 263 HA +6 18 264 HA +6 18 265 YA +6 18 266 HO +6 18 267 HO +6 18 268 YA +6 18 269 HO +6 18 270 HS +6 18 271 YA +6 18 272 HA +6 18 273 HO +6 18 274 HA +6 18 275 HS +6 18 276 HO +6 18 277 SN +6 18 278 HS +6 18 279 SN +6 18 280 YA +6 18 281 YA +6 18 282 SN +6 18 283 WO +6 18 284 HA +6 18 285 II +6 18 286 HA +6 18 287 HH +6 18 288 HO +6 18 289 YA +6 18 290 HA +6 18 291 YA +6 18 292 HH +6 18 293 HA +6 18 294 HA +6 18 295 HS +6 18 296 YA +6 18 297 HS +6 18 298 HN +6 18 299 SN +6 18 300 HA +6 18 301 SN +6 18 302 HA +6 18 303 HA +6 18 304 YA +6 18 305 HO +6 18 306 YA +6 18 307 YA +6 18 308 HO +6 18 309 WO +6 18 310 YA +6 18 311 YA +6 18 312 SI +6 18 313 SN +6 18 314 HA +6 18 315 YA +6 18 316 YA +6 18 317 HO +6 18 318 HS +6 18 319 HA +6 18 320 HS +6 18 321 HO +6 18 322 SN +6 18 323 SN +6 18 324 HA +6 18 325 HO +6 18 326 HS +6 18 327 HA +6 18 328 YA +6 18 329 WO +6 18 330 HA +6 19 1 SN +6 19 2 SN +6 19 3 HO +6 19 4 MM +6 19 5 YA +6 19 6 HS +6 19 7 YA +6 19 8 HO +6 19 9 HS +6 19 10 SI +6 19 11 YA +6 19 12 HS +6 19 13 SN +6 19 14 SN +6 19 15 HA +6 19 16 HA +6 19 17 HO +6 19 18 WO +6 19 19 YA +6 19 20 YA +6 19 21 HO +6 19 22 HS +6 19 23 HO +6 19 24 WO +6 19 25 SN +6 19 26 SN +6 19 27 HA +6 19 28 HO +6 19 29 SN +6 19 30 HS +6 19 31 HA +6 19 32 HO +6 19 33 SN +6 19 34 SN +6 19 35 HO +6 19 36 YA +6 19 37 SI +6 19 38 HO +6 19 39 YA +6 19 40 YA +6 19 41 HO +6 19 42 HS +6 19 43 SI +6 19 44 HA +6 19 45 YA +6 19 46 WO +6 19 47 YA +6 19 48 HS +6 19 49 SN +6 19 50 MM +6 19 51 WO +6 19 52 HA +6 19 53 HO +6 19 54 YA +6 19 55 SN +6 19 56 HS +6 19 57 YA +6 19 58 HS +6 19 59 HA +6 19 60 SI +6 19 61 HO +6 19 62 SI +6 19 63 HO +6 19 64 YA +6 19 65 HO +6 19 66 HA +6 19 67 YA +6 19 68 HO +6 19 69 YA +6 19 70 HA +6 19 71 HO +6 19 72 YA +6 19 73 MM +6 19 74 HA +6 19 75 SI +6 19 76 HO +6 19 77 YA +6 19 78 HA +6 19 79 SI +6 19 80 YA +6 19 81 YA +6 19 82 YA +6 19 83 HA +6 19 84 HS +6 19 85 YA +6 19 86 HO +6 19 87 SI +6 19 88 MM +6 19 89 SI +6 19 90 YA +6 19 91 HS +6 19 92 HA +6 19 93 YA +6 19 94 SI +6 19 95 HA +6 19 96 HS +6 19 97 MM +6 19 98 HO +6 19 99 HA +6 19 100 YA +6 19 101 HO +6 19 102 HA +6 19 103 HS +6 19 104 YA +6 19 105 HO +6 19 106 HS +6 19 107 HA +6 19 108 HA +6 19 109 SI +6 19 110 HS +6 19 111 SI +6 19 112 HA +6 19 113 SI +6 19 114 YA +6 19 115 HO +6 19 116 HA +6 19 117 WO +6 19 118 HO +6 19 119 YA +6 19 120 HA +6 19 121 HO +6 19 122 YA +6 19 123 YA +6 19 124 HS +6 19 125 HO +6 19 126 HO +6 19 127 SI +6 19 128 HS +6 19 129 HA +6 19 130 SI +6 19 131 MM +6 19 132 HO +6 19 133 YA +6 19 134 WO +6 19 135 HO +6 19 136 YA +6 19 137 YA +6 19 138 YA +6 19 139 HA +6 19 140 YA +6 19 141 HA +6 19 142 HA +6 19 143 HS +6 19 144 MM +6 19 145 SN +6 19 146 HS +6 19 147 SN +6 19 148 HO +6 19 149 SN +6 19 150 MM +6 19 151 HO +6 19 152 MM +6 19 153 SN +6 19 154 WO +6 19 155 WO +6 19 156 YA +6 19 157 SA +6 19 158 HA +6 19 159 HS +6 19 160 HO +6 19 161 YA +6 19 162 HO +6 19 163 YA +6 19 164 YA +6 19 165 YA +6 19 166 YA +6 19 167 HA +6 19 168 YA +6 19 169 YA +6 19 170 YA +6 19 171 YA +6 19 172 HO +6 19 173 HA +6 19 174 HS +6 19 175 HA +6 19 176 HO +6 19 177 HS +6 19 178 YA +6 19 179 MM +6 19 180 YA +6 19 181 HS +6 19 182 HO +6 19 183 HS +6 19 184 MM +6 19 185 HS +6 19 186 YA +6 19 187 HS +6 19 188 YA +6 19 189 HA +6 19 190 HO +6 19 191 YA +6 19 192 MM +6 19 193 HS +6 19 194 HO +6 19 195 YA +6 19 196 YA +6 19 197 MM +6 19 198 WO +6 19 199 HA +6 19 200 YA +6 19 201 HS +6 19 202 YA +6 19 203 HO +6 19 204 WO +6 19 205 MM +6 19 206 HA +6 19 207 HO +6 19 208 HS +6 19 209 SN +6 19 210 HN +6 19 211 YA +6 19 212 HS +6 19 213 HA +6 19 214 HS +6 19 215 HO +6 19 216 WO +6 19 217 HO +6 19 218 HS +6 19 219 HA +6 19 220 YA +6 19 221 HA +6 19 222 MM +6 19 223 SN +6 19 224 HA +6 19 225 HS +6 19 226 SI +6 19 227 WO +6 19 228 YA +6 19 229 YA +6 19 230 HA +6 19 231 MM +6 19 232 HS +6 19 233 WO +6 19 234 SN +6 19 235 SN +6 19 236 HS +6 19 237 HO +6 19 238 YA +6 19 239 HO +6 19 240 HO +6 19 241 HA +6 19 242 HS +6 19 243 MM +6 19 244 HA +6 19 245 HO +6 19 246 YA +6 19 247 MM +6 19 248 WO +6 19 249 YA +6 19 250 MM +6 19 251 SN +6 19 252 HA +6 19 253 SN +6 19 254 HA +6 19 255 WO +6 19 256 HO +6 19 257 SI +6 19 258 HS +6 19 259 HO +6 19 260 HA +6 19 261 HS +6 19 262 HA +6 19 263 HA +6 19 264 * +6 19 265 YA +6 19 266 HO +6 19 267 HO +6 19 268 SN +6 19 269 HO +6 19 270 HS +6 19 271 WO +6 19 272 HA +6 19 273 MM +6 19 274 HA +6 19 275 HS +6 19 276 HO +6 19 277 YA +6 19 278 HO +6 19 279 SI +6 19 280 YA +6 19 281 SN +6 19 282 SN +6 19 283 WO +6 19 284 HA +6 19 285 HO +6 19 286 HA +6 19 287 HS +6 19 288 HO +6 19 289 YA +6 19 290 HA +6 19 291 YA +6 19 292 HO +6 19 293 HA +6 19 294 HA +6 19 295 WO +6 19 296 MM +6 19 297 HS +6 19 298 HO +6 19 299 SN +6 19 300 HA +6 19 301 SN +6 19 302 HA +6 19 303 HA +6 19 304 SN +6 19 305 MM +6 19 306 HS +6 19 307 SN +6 19 308 MM +6 19 309 WO +6 19 310 YA +6 19 311 SN +6 19 312 WO +6 19 313 MM +6 19 314 HA +6 19 315 SN +6 19 316 SN +6 19 317 HO +6 19 318 HS +6 19 319 HA +6 19 320 HS +6 19 321 HA +6 19 322 HO +6 19 323 SN +6 19 324 HA +6 19 325 MM +6 19 326 HS +6 19 327 HA +6 19 328 YA +6 19 329 HS +6 19 330 HA +6 20 1 MM +6 20 2 SN +6 20 3 HO +6 20 4 MM +6 20 5 YA +6 20 6 HS +6 20 7 YA +6 20 8 HN +6 20 9 HS +6 20 10 SI +6 20 11 SN +6 20 12 HS +6 20 13 SN +6 20 14 SI +6 20 15 HA +6 20 16 HA +6 20 17 HO +6 20 18 SI +6 20 19 YA +6 20 20 SN +6 20 21 HN +6 20 22 HS +6 20 23 HJ +6 20 24 SI +6 20 25 SN +6 20 26 SI +6 20 27 HA +6 20 28 HN +6 20 29 SN +6 20 30 HS +6 20 31 SN +6 20 32 SN +6 20 33 YA +6 20 34 SN +6 20 35 HO +6 20 36 HS +6 20 37 SI +6 20 38 HN +6 20 39 SN +6 20 40 SN +6 20 41 HN +6 20 42 HS +6 20 43 SI +6 20 44 HA +6 20 45 SN +6 20 46 HA +6 20 47 SI +6 20 48 HS +6 20 49 SN +6 20 50 SI +6 20 51 HJ +6 20 52 HA +6 20 53 HN +6 20 54 SN +6 20 55 SN +6 20 56 HA +6 20 57 SN +6 20 58 HS +6 20 59 HA +6 20 60 SI +6 20 61 HN +6 20 62 HA +6 20 63 HN +6 20 64 SN +6 20 65 HN +6 20 66 HA +6 20 67 SN +6 20 68 HN +6 20 69 MM +6 20 70 HA +6 20 71 SI +6 20 72 SN +6 20 73 MM +6 20 74 HA +6 20 75 SI +6 20 76 HS +6 20 77 YA +6 20 78 HA +6 20 79 HA +6 20 80 SN +6 20 81 YA +6 20 82 SN +6 20 83 HA +6 20 84 HA +6 20 85 SN +6 20 86 HA +6 20 87 SI +6 20 88 SI +6 20 89 SI +6 20 90 SN +6 20 91 HS +6 20 92 HA +6 20 93 SN +6 20 94 SI +6 20 95 HA +6 20 96 HS +6 20 97 SI +6 20 98 HN +6 20 99 HA +6 20 100 HA +6 20 101 HN +6 20 102 HA +6 20 103 HH +6 20 104 SN +6 20 105 MM +6 20 106 HS +6 20 107 HA +6 20 108 HA +6 20 109 MM +6 20 110 HS +6 20 111 SI +6 20 112 HN +6 20 113 SI +6 20 114 SN +6 20 115 HN +6 20 116 HA +6 20 117 HH +6 20 118 HS +6 20 119 SN +6 20 120 HA +6 20 121 HS +6 20 122 SN +6 20 123 SN +6 20 124 HS +6 20 125 HO +6 20 126 HH +6 20 127 SI +6 20 128 HS +6 20 129 HA +6 20 130 SI +6 20 131 MM +6 20 132 HN +6 20 133 SN +6 20 134 HJ +6 20 135 MM +6 20 136 SN +6 20 137 SN +6 20 138 SN +6 20 139 HA +6 20 140 SI +6 20 141 HA +6 20 142 HA +6 20 143 HS +6 20 144 HJ +6 20 145 SN +6 20 146 HS +6 20 147 SN +6 20 148 HN +6 20 149 SN +6 20 150 HJ +6 20 151 HH +6 20 152 HA +6 20 153 SN +6 20 154 SI +6 20 155 HH +6 20 156 SN +6 20 157 HH +6 20 158 HA +6 20 159 HS +6 20 160 HH +6 20 161 SN +6 20 162 HN +6 20 163 SN +6 20 164 SN +6 20 165 HH +6 20 166 SI +6 20 167 HA +6 20 168 SN +6 20 169 SN +6 20 170 SI +6 20 171 HH +6 20 172 HA +6 20 173 HS +6 20 174 HS +6 20 175 SN +6 20 176 HN +6 20 177 HS +6 20 178 SI +6 20 179 HH +6 20 180 HS +6 20 181 HS +6 20 182 HS +6 20 183 HH +6 20 184 MM +6 20 185 HH +6 20 186 SN +6 20 187 HS +6 20 188 SN +6 20 189 HA +6 20 190 HH +6 20 191 SN +6 20 192 MM +6 20 193 HS +6 20 194 SI +6 20 195 SN +6 20 196 SN +6 20 197 HA +6 20 198 SI +6 20 199 SN +6 20 200 SN +6 20 201 HH +6 20 202 SN +6 20 203 HN +6 20 204 HH +6 20 205 MM +6 20 206 HA +6 20 207 HN +6 20 208 HH +6 20 209 SI +6 20 210 HH +6 20 211 SN +6 20 212 HS +6 20 213 HA +6 20 214 SN +6 20 215 HA +6 20 216 SI +6 20 217 HA +6 20 218 HS +6 20 219 HA +6 20 220 MM +6 20 221 HA +6 20 222 MM +6 20 223 SN +6 20 224 HA +6 20 225 SI +6 20 226 HH +6 20 227 SI +6 20 228 SI +6 20 229 SN +6 20 230 HA +6 20 231 HH +6 20 232 HH +6 20 233 MM +6 20 234 SN +6 20 235 SN +6 20 236 HS +6 20 237 HH +6 20 238 SN +6 20 239 HA +6 20 240 HH +6 20 241 HA +6 20 242 HS +6 20 243 MM +6 20 244 HA +6 20 245 HN +6 20 246 SN +6 20 247 SI +6 20 248 SI +6 20 249 SN +6 20 250 MM +6 20 251 SN +6 20 252 HA +6 20 253 SN +6 20 254 HN +6 20 255 SI +6 20 256 HN +6 20 257 SI +6 20 258 HS +6 20 259 HH +6 20 260 HA +6 20 261 HS +6 20 262 HA +6 20 263 HA +6 20 264 SN +6 20 265 SN +6 20 266 HH +6 20 267 MM +6 20 268 SN +6 20 269 HH +6 20 270 HS +6 20 271 SI +6 20 272 HA +6 20 273 HH +6 20 274 HA +6 20 275 HH +6 20 276 HN +6 20 277 SN +6 20 278 HH +6 20 279 MM +6 20 280 SN +6 20 281 SN +6 20 282 SN +6 20 283 HH +6 20 284 HA +6 20 285 HA +6 20 286 HA +6 20 287 HH +6 20 288 HN +6 20 289 SN +6 20 290 HA +6 20 291 MM +6 20 292 HH +6 20 293 HA +6 20 294 HA +6 20 295 HH +6 20 296 SI +6 20 297 HS +6 20 298 HN +6 20 299 SN +6 20 300 HA +6 20 301 SN +6 20 302 HA +6 20 303 HA +6 20 304 SN +6 20 305 SI +6 20 306 SN +6 20 307 SN +6 20 308 HA +6 20 309 SI +6 20 310 SN +6 20 311 SI +6 20 312 SI +6 20 313 MM +6 20 314 HA +6 20 315 SN +6 20 316 SN +6 20 317 HO +6 20 318 HS +6 20 319 HA +6 20 320 HH +6 20 321 HN +6 20 322 HA +6 20 323 SI +6 20 324 HA +6 20 325 MM +6 20 326 HS +6 20 327 HA +6 20 328 SI +6 20 329 HH +6 20 330 HA +6 21 1 WO +6 21 2 HA +6 21 3 HO +6 21 4 HO +6 21 5 HA +6 21 6 HA +6 21 7 HS +6 21 8 HO +6 21 9 HA +6 21 10 WO +6 21 11 WO +6 21 12 HS +6 21 13 WO +6 21 14 WO +6 21 15 HA +6 21 16 HA +6 21 17 HS +6 21 18 WO +6 21 19 WO +6 21 20 WO +6 21 21 HA +6 21 22 HA +6 21 23 HA +6 21 24 WO +6 21 25 WO +6 21 26 WO +6 21 27 HA +6 21 28 HN +6 21 29 HS +6 21 30 HS +6 21 31 HA +6 21 32 HA +6 21 33 HS +6 21 34 WO +6 21 35 HA +6 21 36 WO +6 21 37 WO +6 21 38 HA +6 21 39 WO +6 21 40 WO +6 21 41 HS +6 21 42 HS +6 21 43 WO +6 21 44 HN +6 21 45 HS +6 21 46 WO +6 21 47 WO +6 21 48 HS +6 21 49 WO +6 21 50 WO +6 21 51 WO +6 21 52 HA +6 21 53 HA +6 21 54 WO +6 21 55 WO +6 21 56 HS +6 21 57 WO +6 21 58 HS +6 21 59 HA +6 21 60 WO +6 21 61 HS +6 21 62 WO +6 21 63 HA +6 21 64 WO +6 21 65 HN +6 21 66 HA +6 21 67 HS +6 21 68 HA +6 21 69 WO +6 21 70 HA +6 21 71 WO +6 21 72 HS +6 21 73 HA +6 21 74 HA +6 21 75 WO +6 21 76 HA +6 21 77 WO +6 21 78 HA +6 21 79 WO +6 21 80 HA +6 21 81 HS +6 21 82 WO +6 21 83 HA +6 21 84 HA +6 21 85 WO +6 21 86 HA +6 21 87 WO +6 21 88 HN +6 21 89 WO +6 21 90 WO +6 21 91 HS +6 21 92 HA +6 21 93 WO +6 21 94 WO +6 21 95 HA +6 21 96 HS +6 21 97 SI +6 21 98 HN +6 21 99 HA +6 21 100 HA +6 21 101 HA +6 21 102 HA +6 21 103 HS +6 21 104 HA +6 21 105 HA +6 21 106 HS +6 21 107 HA +6 21 108 HA +6 21 109 WO +6 21 110 HS +6 21 111 HS +6 21 112 HN +6 21 113 WO +6 21 114 WO +6 21 115 HN +6 21 116 HA +6 21 117 WO +6 21 118 HA +6 21 119 WO +6 21 120 HA +6 21 121 HN +6 21 122 WO +6 21 123 WO +6 21 124 HS +6 21 125 HN +6 21 126 HA +6 21 127 SI +6 21 128 HS +6 21 129 HA +6 21 130 HN +6 21 131 WO +6 21 132 HN +6 21 133 WO +6 21 134 WO +6 21 135 HN +6 21 136 SI +6 21 137 HS +6 21 138 HA +6 21 139 HA +6 21 140 WO +6 21 141 HA +6 21 142 HA +6 21 143 HS +6 21 144 WO +6 21 145 HS +6 21 146 HS +6 21 147 HA +6 21 148 HN +6 21 149 HS +6 21 150 WO +6 21 151 HA +6 21 152 HA +6 21 153 WO +6 21 154 WO +6 21 155 WO +6 21 156 WO +6 21 157 WO +6 21 158 HA +6 21 159 HS +6 21 160 HS +6 21 161 WO +6 21 162 HN +6 21 163 SI +6 21 164 WO +6 21 165 HS +6 21 166 WO +6 21 167 HA +6 21 168 HS +6 21 169 WO +6 21 170 WO +6 21 171 HS +6 21 172 HA +6 21 173 HN +6 21 174 HS +6 21 175 HA +6 21 176 HS +6 21 177 HS +6 21 178 SI +6 21 179 HN +6 21 180 HS +6 21 181 HS +6 21 182 SI +6 21 183 HS +6 21 184 HS +6 21 185 HS +6 21 186 SI +6 21 187 HS +6 21 188 SI +6 21 189 HA +6 21 190 HA +6 21 191 SI +6 21 192 SI +6 21 193 HS +6 21 194 SI +6 21 195 HS +6 21 196 HS +6 21 197 HA +6 21 198 SI +6 21 199 HA +6 21 200 HA +6 21 201 HA +6 21 202 HS +6 21 203 HN +6 21 204 SI +6 21 205 SI +6 21 206 HA +6 21 207 HN +6 21 208 HS +6 21 209 SI +6 21 210 SI +6 21 211 SI +6 21 212 HS +6 21 213 HA +6 21 214 HS +6 21 215 HA +6 21 216 WO +6 21 217 HA +6 21 218 HS +6 21 219 HA +6 21 220 SI +6 21 221 HA +6 21 222 SI +6 21 223 SI +6 21 224 HA +6 21 225 HS +6 21 226 SI +6 21 227 SI +6 21 228 SI +6 21 229 HA +6 21 230 HA +6 21 231 SI +6 21 232 HS +6 21 233 SI +6 21 234 SI +6 21 235 SI +6 21 236 HS +6 21 237 HA +6 21 238 SI +6 21 239 HA +6 21 240 HN +6 21 241 HA +6 21 242 HS +6 21 243 HN +6 21 244 HA +6 21 245 HN +6 21 246 SI +6 21 247 SI +6 21 248 SI +6 21 249 SI +6 21 250 SI +6 21 251 HS +6 21 252 HA +6 21 253 HS +6 21 254 HA +6 21 255 SI +6 21 256 HN +6 21 257 SI +6 21 258 HS +6 21 259 HN +6 21 260 HS +6 21 261 HA +6 21 262 HA +6 21 263 HA +6 21 264 HA +6 21 265 SI +6 21 266 HS +6 21 267 HS +6 21 268 HS +6 21 269 HA +6 21 270 HS +6 21 271 SI +6 21 272 HA +6 21 273 HA +6 21 274 HA +6 21 275 HS +6 21 276 HN +6 21 277 SI +6 21 278 HA +6 21 279 SI +6 21 280 HS +6 21 281 SI +6 21 282 HS +6 21 283 SI +6 21 284 HA +6 21 285 HA +6 21 286 HA +6 21 287 HS +6 21 288 HN +6 21 289 HA +6 21 290 HA +6 21 291 WO +6 21 292 HA +6 21 293 HA +6 21 294 HA +6 21 295 WO +6 21 296 SI +6 21 297 HS +6 21 298 HN +6 21 299 HS +6 21 300 HA +6 21 301 SI +6 21 302 HA +6 21 303 HA +6 21 304 HS +6 21 305 SI +6 21 306 HS +6 21 307 SI +6 21 308 HA +6 21 309 SI +6 21 310 SI +6 21 311 SI +6 21 312 SI +6 21 313 SI +6 21 314 HA +6 21 315 HS +6 21 316 SI +6 21 317 HN +6 21 318 HS +6 21 319 HA +6 21 320 HS +6 21 321 HN +6 21 322 HA +6 21 323 SI +6 21 324 HA +6 21 325 HN +6 21 326 HS +6 21 327 HA +6 21 328 SI +6 21 329 HS +6 21 330 HA +6 22 1 SI +6 22 2 HA +6 22 3 HN +6 22 4 SA +6 22 5 SN +6 22 6 AO +6 22 7 SN +6 22 8 HN +6 22 9 SA +6 22 10 SN +6 22 11 SN +6 22 12 HA +6 22 13 SI +6 22 14 SI +6 22 15 SA +6 22 16 HA +6 22 17 HN +6 22 18 SI +6 22 19 SN +6 22 20 SN +6 22 21 HN +6 22 22 SA +6 22 23 SN +6 22 24 SA +6 22 25 SN +6 22 26 SN +6 22 27 HA +6 22 28 HN +6 22 29 SN +6 22 30 SA +6 22 31 SN +6 22 32 HN +6 22 33 SN +6 22 34 SN +6 22 35 HN +6 22 36 SI +6 22 37 SI +6 22 38 HA +6 22 39 SN +6 22 40 SN +6 22 41 HN +6 22 42 HA +6 22 43 SN +6 22 44 HA +6 22 45 SN +6 22 46 SI +6 22 47 SI +6 22 48 HA +6 22 49 SN +6 22 50 SN +6 22 51 SN +6 22 52 HA +6 22 53 HA +6 22 54 SN +6 22 55 SN +6 22 56 HA +6 22 57 SN +6 22 58 HA +6 22 59 HA +6 22 60 SI +6 22 61 HN +6 22 62 SN +6 22 63 HN +6 22 64 SN +6 22 65 HN +6 22 66 HA +6 22 67 SN +6 22 68 HA +6 22 69 SN +6 22 70 HA +6 22 71 HN +6 22 72 SN +6 22 73 SN +6 22 74 HA +6 22 75 SI +6 22 76 HN +6 22 77 SN +6 22 78 HA +6 22 79 SI +6 22 80 SN +6 22 81 SN +6 22 82 SN +6 22 83 HA +6 22 84 HN +6 22 85 SN +6 22 86 HN +6 22 87 SI +6 22 88 HN +6 22 89 SI +6 22 90 SI +6 22 91 HS +6 22 92 HA +6 22 93 SN +6 22 94 SI +6 22 95 HA +6 22 96 HS +6 22 97 SN +6 22 98 HN +6 22 99 HA +6 22 100 SN +6 22 101 HN +6 22 102 HA +6 22 103 SN +6 22 104 HA +6 22 105 HN +6 22 106 HS +6 22 107 HA +6 22 108 SN +6 22 109 SN +6 22 110 HS +6 22 111 SI +6 22 112 HN +6 22 113 SI +6 22 114 SN +6 22 115 HN +6 22 116 HA +6 22 117 SN +6 22 118 HN +6 22 119 SN +6 22 120 HA +6 22 121 HN +6 22 122 SN +6 22 123 SN +6 22 124 HS +6 22 125 HN +6 22 126 HN +6 22 127 SI +6 22 128 HS +6 22 129 HA +6 22 130 SI +6 22 131 HN +6 22 132 HN +6 22 133 SN +6 22 134 SI +6 22 135 HN +6 22 136 SN +6 22 137 SN +6 22 138 HA +6 22 139 HA +6 22 140 SN +6 22 141 HA +6 22 142 HA +6 22 143 SN +6 22 144 SI +6 22 145 SN +6 22 146 HS +6 22 147 SN +6 22 148 HN +6 22 149 SN +6 22 150 SN +6 22 151 HS +6 22 152 HN +6 22 153 SN +6 22 154 SI +6 22 155 SI +6 22 156 SN +6 22 157 SN +6 22 158 HA +6 22 159 HS +6 22 160 HA +6 22 161 SN +6 22 162 HN +6 22 163 SN +6 22 164 SN +6 22 165 SI +6 22 166 SI +6 22 167 HA +6 22 168 SN +6 22 169 SN +6 22 170 SI +6 22 171 SN +6 22 172 HA +6 22 173 HN +6 22 174 HS +6 22 175 HA +6 22 176 HN +6 22 177 HS +6 22 178 SN +6 22 179 HN +6 22 180 SN +6 22 181 HS +6 22 182 HN +6 22 183 SN +6 22 184 HS +6 22 185 HA +6 22 186 SN +6 22 187 HS +6 22 188 SN +6 22 189 HA +6 22 190 HS +6 22 191 SN +6 22 192 HA +6 22 193 HS +6 22 194 HS +6 22 195 SN +6 22 196 SN +6 22 197 SN +6 22 198 SI +6 22 199 HA +6 22 200 SN +6 22 201 HN +6 22 202 SN +6 22 203 HA +6 22 204 SI +6 22 205 SN +6 22 206 HA +6 22 207 HN +6 22 208 HS +6 22 209 SN +6 22 210 HA +6 22 211 SN +6 22 212 HS +6 22 213 HA +6 22 214 HS +6 22 215 HA +6 22 216 SN +6 22 217 HA +6 22 218 HS +6 22 219 HA +6 22 220 SN +6 22 221 HA +6 22 222 SN +6 22 223 SN +6 22 224 HA +6 22 225 SN +6 22 226 HS +6 22 227 SI +6 22 228 SN +6 22 229 HA +6 22 230 HA +6 22 231 HS +6 22 232 SN +6 22 233 SN +6 22 234 SN +6 22 235 SI +6 22 236 HS +6 22 237 HN +6 22 238 SN +6 22 239 HN +6 22 240 HN +6 22 241 HA +6 22 242 HS +6 22 243 HN +6 22 244 HA +6 22 245 HN +6 22 246 SN +6 22 247 SN +6 22 248 SN +6 22 249 SN +6 22 250 SI +6 22 251 SN +6 22 252 HA +6 22 253 SN +6 22 254 SN +6 22 255 SI +6 22 256 HN +6 22 257 SN +6 22 258 HS +6 22 259 HN +6 22 260 HA +6 22 261 HN +6 22 262 HA +6 22 263 HA +6 22 264 SN +6 22 265 SI +6 22 266 HN +6 22 267 HN +6 22 268 SN +6 22 269 HN +6 22 270 HS +6 22 271 SN +6 22 272 HA +6 22 273 HN +6 22 274 HA +6 22 275 HS +6 22 276 HN +6 22 277 SN +6 22 278 HN +6 22 279 SN +6 22 280 SN +6 22 281 SN +6 22 282 SN +6 22 283 HN +6 22 284 HA +6 22 285 HN +6 22 286 HA +6 22 287 HS +6 22 288 HN +6 22 289 SN +6 22 290 HA +6 22 291 HN +6 22 292 HS +6 22 293 HA +6 22 294 HS +6 22 295 SN +6 22 296 SI +6 22 297 HS +6 22 298 HN +6 22 299 SN +6 22 300 HA +6 22 301 SN +6 22 302 HA +6 22 303 SN +6 22 304 SN +6 22 305 SI +6 22 306 SN +6 22 307 SN +6 22 308 SI +6 22 309 SI +6 22 310 SN +6 22 311 SN +6 22 312 SI +6 22 313 SI +6 22 314 HA +6 22 315 SN +6 22 316 SN +6 22 317 HN +6 22 318 HN +6 22 319 HA +6 22 320 SN +6 22 321 HN +6 22 322 SN +6 22 323 SN +6 22 324 HA +6 22 325 HN +6 22 326 HS +6 22 327 HA +6 22 328 SN +6 22 329 HS +6 22 330 HA +6 23 1 SN +6 23 2 SN +6 23 3 HN +6 23 4 SI +6 23 5 SN +6 23 6 HS +6 23 7 SN +6 23 8 HN +6 23 9 HS +6 23 10 SI +6 23 11 YA +6 23 12 HS +6 23 13 SN +6 23 14 SI +6 23 15 HA +6 23 16 HA +6 23 17 HO +6 23 18 WO +6 23 19 SN +6 23 20 SN +6 23 21 HN +6 23 22 HS +6 23 23 SN +6 23 24 WO +6 23 25 YA +6 23 26 SI +6 23 27 HA +6 23 28 HN +6 23 29 SN +6 23 30 HS +6 23 31 SN +6 23 32 HO +6 23 33 SN +6 23 34 SI +6 23 35 HN +6 23 36 SI +6 23 37 SN +6 23 38 HO +6 23 39 SN +6 23 40 SN +6 23 41 HO +6 23 42 HS +6 23 43 SI +6 23 44 HA +6 23 45 YA +6 23 46 SI +6 23 47 SN +6 23 48 HS +6 23 49 SN +6 23 50 SI +6 23 51 HA +6 23 52 HA +6 23 53 HN +6 23 54 SN +6 23 55 SN +6 23 56 HS +6 23 57 SN +6 23 58 HS +6 23 59 HA +6 23 60 SI +6 23 61 HN +6 23 62 HA +6 23 63 HO +6 23 64 SI +6 23 65 HN +6 23 66 HA +6 23 67 SN +6 23 68 HO +6 23 69 SI +6 23 70 HA +6 23 71 HO +6 23 72 SN +6 23 73 SI +6 23 74 HA +6 23 75 SI +6 23 76 HN +6 23 77 SN +6 23 78 HA +6 23 79 SN +6 23 80 SI +6 23 81 SN +6 23 82 SN +6 23 83 HA +6 23 84 HO +6 23 85 SN +6 23 86 HN +6 23 87 SI +6 23 88 HN +6 23 89 SI +6 23 90 SI +6 23 91 HS +6 23 92 HA +6 23 93 SN +6 23 94 SI +6 23 95 HA +6 23 96 HS +6 23 97 SI +6 23 98 HN +6 23 99 HA +6 23 100 SN +6 23 101 HN +6 23 102 HA +6 23 103 SI +6 23 104 SN +6 23 105 HO +6 23 106 HS +6 23 107 HA +6 23 108 SN +6 23 109 SI +6 23 110 HS +6 23 111 SI +6 23 112 HN +6 23 113 SI +6 23 114 SN +6 23 115 HN +6 23 116 SN +6 23 117 WO +6 23 118 HN +6 23 119 SN +6 23 120 HA +6 23 121 HO +6 23 122 SN +6 23 123 SN +6 23 124 MO +6 23 125 HN +6 23 126 HN +6 23 127 SI +6 23 128 HS +6 23 129 HA +6 23 130 SI +6 23 131 SN +6 23 132 HN +6 23 133 SN +6 23 134 SI +6 23 135 HN +6 23 136 SN +6 23 137 YA +6 23 138 SN +6 23 139 HA +6 23 140 SI +6 23 141 HA +6 23 142 HA +6 23 143 YA +6 23 144 SI +6 23 145 SN +6 23 146 HS +6 23 147 SN +6 23 148 HO +6 23 149 SN +6 23 150 SI +6 23 151 HN +6 23 152 HN +6 23 153 SN +6 23 154 SI +6 23 155 SI +6 23 156 SN +6 23 157 WO +6 23 158 HA +6 23 159 HS +6 23 160 HN +6 23 161 SN +6 23 162 HN +6 23 163 SN +6 23 164 SI +6 23 165 SI +6 23 166 SI +6 23 167 HA +6 23 168 SN +6 23 169 SN +6 23 170 SI +6 23 171 SN +6 23 172 HN +6 23 173 HA +6 23 174 HS +6 23 175 SN +6 23 176 HN +6 23 177 HS +6 23 178 SI +6 23 179 HN +6 23 180 SN +6 23 181 HS +6 23 182 SN +6 23 183 SI +6 23 184 SI +6 23 185 HS +6 23 186 SN +6 23 187 HS +6 23 188 SN +6 23 189 HA +6 23 190 HN +6 23 191 SN +6 23 192 SI +6 23 193 WO +6 23 194 SN +6 23 195 SN +6 23 196 HN +6 23 197 MO +6 23 198 SI +6 23 199 HA +6 23 200 SN +6 23 201 HN +6 23 202 SN +6 23 203 HN +6 23 204 SI +6 23 205 SI +6 23 206 HA +6 23 207 HN +6 23 208 HS +6 23 209 SI +6 23 210 WO +6 23 211 SN +6 23 212 HS +6 23 213 HA +6 23 214 HS +6 23 215 HA +6 23 216 WO +6 23 217 HO +6 23 218 MO +6 23 219 HA +6 23 220 SI +6 23 221 HA +6 23 222 SI +6 23 223 YA +6 23 224 HA +6 23 225 SN +6 23 226 SN +6 23 227 SI +6 23 228 SI +6 23 229 SN +6 23 230 HA +6 23 231 SI +6 23 232 HS +6 23 233 SN +6 23 234 YA +6 23 235 SI +6 23 236 HS +6 23 237 HN +6 23 238 SN +6 23 239 HO +6 23 240 HO +6 23 241 HA +6 23 242 HS +6 23 243 HN +6 23 244 HA +6 23 245 HO +6 23 246 SN +6 23 247 SI +6 23 248 WO +6 23 249 SN +6 23 250 MM +6 23 251 SN +6 23 252 HA +6 23 253 SN +6 23 254 SI +6 23 255 SI +6 23 256 HO +6 23 257 SI +6 23 258 MO +6 23 259 HN +6 23 260 HA +6 23 261 HO +6 23 262 HA +6 23 263 HA +6 23 264 SN +6 23 265 YA +6 23 266 HN +6 23 267 MM +6 23 268 SN +6 23 269 HN +6 23 270 MO +6 23 271 SI +6 23 272 HA +6 23 273 SI +6 23 274 HA +6 23 275 MO +6 23 276 HO +6 23 277 SI +6 23 278 HO +6 23 279 SI +6 23 280 SN +6 23 281 SN +6 23 282 IY +6 23 283 WO +6 23 284 HA +6 23 285 HN +6 23 286 HA +6 23 287 HS +6 23 288 HN +6 23 289 SN +6 23 290 HA +6 23 291 HA +6 23 292 HN +6 23 293 SN +6 23 294 HA +6 23 295 WO +6 23 296 SI +6 23 297 HS +6 23 298 HN +6 23 299 SN +6 23 300 HA +6 23 301 SN +6 23 302 HA +6 23 303 HA +6 23 304 SN +6 23 305 SI +6 23 306 SN +6 23 307 SN +6 23 308 SI +6 23 309 WO +6 23 310 SN +6 23 311 SI +6 23 312 WO +6 23 313 SI +6 23 314 HA +6 23 315 SN +6 23 316 SN +6 23 317 HN +6 23 318 HO +6 23 319 HA +6 23 320 HS +6 23 321 HN +6 23 322 SN +6 23 323 SN +6 23 324 HA +6 23 325 SI +6 23 326 MO +6 23 327 HA +6 23 328 IY +6 23 329 SI +6 23 330 HA +6 24 1 YA +6 24 2 HF +6 24 3 HN +6 24 4 IO +6 24 5 HF +6 24 6 MO +6 24 7 HN +6 24 8 YA +6 24 9 SA +6 24 10 SI +6 24 11 SI +6 24 12 MO +6 24 13 SI +6 24 14 SA +6 24 15 SI +6 24 16 HA +6 24 17 HN +6 24 18 SI +6 24 19 YA +6 24 20 SN +6 24 21 HN +6 24 22 MO +6 24 23 SN +6 24 24 SA +6 24 25 SI +6 24 26 SI +6 24 27 SA +6 24 28 HN +6 24 29 YA +6 24 30 SA +6 24 31 SN +6 24 32 HN +6 24 33 SN +6 24 34 SI +6 24 35 SA +6 24 36 SI +6 24 37 SN +6 24 38 HN +6 24 39 SN +6 24 40 SN +6 24 41 HN +6 24 42 MO +6 24 43 SI +6 24 44 SA +6 24 45 SN +6 24 46 SI +6 24 47 SI +6 24 48 MO +6 24 49 SN +6 24 50 HN +6 24 51 SA +6 24 52 HA +6 24 53 HN +6 24 54 SN +6 24 55 YA +6 24 56 HF +6 24 57 SI +6 24 58 MO +6 24 59 HA +6 24 60 SI +6 24 61 HN +6 24 62 SA +6 24 63 SA +6 24 64 SI +6 24 65 HN +6 24 66 SA +6 24 67 SN +6 24 68 HN +6 24 69 SA +6 24 70 SA +6 24 71 HN +6 24 72 YA +6 24 73 HN +6 24 74 SA +6 24 75 SI +6 24 76 MO +6 24 77 SI +6 24 78 SA +6 24 79 SI +6 24 80 YA +6 24 81 SA +6 24 82 SN +6 24 83 SA +6 24 84 HN +6 24 85 SN +6 24 86 SA +6 24 87 SI +6 24 88 HN +6 24 89 SI +6 24 90 SN +6 24 91 MO +6 24 92 SA +6 24 93 SN +6 24 94 SA +6 24 95 HA +6 24 96 MO +6 24 97 SI +6 24 98 HN +6 24 99 SA +6 24 100 YA +6 24 101 HN +6 24 102 SA +6 24 103 SN +6 24 104 SN +6 24 105 HN +6 24 106 MO +6 24 107 SA +6 24 108 SA +6 24 109 YA +6 24 110 MO +6 24 111 SI +6 24 112 HN +6 24 113 SI +6 24 114 SN +6 24 115 HN +6 24 116 SA +6 24 117 SI +6 24 118 SA +6 24 119 SN +6 24 120 HA +6 24 121 IT +6 24 122 SN +6 24 123 SN +6 24 124 MO +6 24 125 HN +6 24 126 SI +6 24 127 SA +6 24 128 MO +6 24 129 SA +6 24 130 SI +6 24 131 HN +6 24 132 HN +6 24 133 SN +6 24 134 SA +6 24 135 IT +6 24 136 YA +6 24 137 SN +6 24 138 SN +6 24 139 HA +6 24 140 SI +6 24 141 HA +6 24 142 HA +6 24 143 MO +6 24 144 SI +6 24 145 SN +6 24 146 MO +6 24 147 SN +6 24 148 HN +6 24 149 SA +6 24 150 YA +6 24 151 SA +6 24 152 SA +6 24 153 HJ +6 24 154 SI +6 24 155 SA +6 24 156 YA +6 24 157 SA +6 24 158 HA +6 24 159 SA +6 24 160 HN +6 24 161 SN +6 24 162 IT +6 24 163 SN +6 24 164 SN +6 24 165 SN +6 24 166 SI +6 24 167 SN +6 24 168 SN +6 24 169 SN +6 24 170 SI +6 24 171 SA +6 24 172 HA +6 24 173 HN +6 24 174 MO +6 24 175 SN +6 24 176 HN +6 24 177 MO +6 24 178 SI +6 24 179 IT +6 24 180 YA +6 24 181 SA +6 24 182 HN +6 24 183 SA +6 24 184 HN +6 24 185 SA +6 24 186 SN +6 24 187 MO +6 24 188 SN +6 24 189 HA +6 24 190 HN +6 24 191 SN +6 24 192 SA +6 24 193 MO +6 24 194 SA +6 24 195 YA +6 24 196 HA +6 24 197 SA +6 24 198 SI +6 24 199 HA +6 24 200 SN +6 24 201 HN +6 24 202 SN +6 24 203 HN +6 24 204 SI +6 24 205 SN +6 24 206 HA +6 24 207 HN +6 24 208 MO +6 24 209 SN +6 24 210 SA +6 24 211 SN +6 24 212 MO +6 24 213 HA +6 24 214 MO +6 24 215 HN +6 24 216 SN +6 24 217 HN +6 24 218 MO +6 24 219 HA +6 24 220 SI +6 24 221 HA +6 24 222 HN +6 24 223 SN +6 24 224 HA +6 24 225 MO +6 24 226 SI +6 24 227 SI +6 24 228 YA +6 24 229 HA +6 24 230 HN +6 24 231 HN +6 24 232 MO +6 24 233 SA +6 24 234 SN +6 24 235 SN +6 24 236 MO +6 24 237 SA +6 24 238 SN +6 24 239 HN +6 24 240 SA +6 24 241 HA +6 24 242 MO +6 24 243 IT +6 24 244 HA +6 24 245 HN +6 24 246 SN +6 24 247 SN +6 24 248 SI +6 24 249 SI +6 24 250 SN +6 24 251 SN +6 24 252 HA +6 24 253 SN +6 24 254 SN +6 24 255 SI +6 24 256 HN +6 24 257 SN +6 24 258 MO +6 24 259 HN +6 24 260 MO +6 24 261 SA +6 24 262 HA +6 24 263 HA +6 24 264 SN +6 24 265 SN +6 24 266 SA +6 24 267 IT +6 24 268 YA +6 24 269 HN +6 24 270 SA +6 24 271 SN +6 24 272 HA +6 24 273 HN +6 24 274 HA +6 24 275 HS +6 24 276 HN +6 24 277 SI +6 24 278 SA +6 24 279 SN +6 24 280 SN +6 24 281 SN +6 24 282 SN +6 24 283 SA +6 24 284 HA +6 24 285 SA +6 24 286 HA +6 24 287 MO +6 24 288 HN +6 24 289 SN +6 24 290 SA +6 24 291 SI +6 24 292 SA +6 24 293 SN +6 24 294 HA +6 24 295 HS +6 24 296 SI +6 24 297 MO +6 24 298 HN +6 24 299 YA +6 24 300 SA +6 24 301 SN +6 24 302 HA +6 24 303 SN +6 24 304 SA +6 24 305 HN +6 24 306 MO +6 24 307 SN +6 24 308 SA +6 24 309 SI +6 24 310 SN +6 24 311 SN +6 24 312 SI +6 24 313 SI +6 24 314 HA +6 24 315 SA +6 24 316 SN +6 24 317 IT +6 24 318 SA +6 24 319 SA +6 24 320 MO +6 24 321 HN +6 24 322 SN +6 24 323 YA +6 24 324 HA +6 24 325 IT +6 24 326 MO +6 24 327 HA +6 24 328 YA +6 24 329 SA +6 24 330 HA +6 25 1 YA +6 25 2 SN +6 25 3 HO +6 25 4 MM +6 25 5 YA +6 25 6 HS +6 25 7 MM +6 25 8 YA +6 25 9 HN +6 25 10 HJ +6 25 11 HJ +6 25 12 HJ +6 25 13 HJ +6 25 14 HJ +6 25 15 YA +6 25 16 HA +6 25 17 IT +6 25 18 SI +6 25 19 YA +6 25 20 YA +6 25 21 IT +6 25 22 HS +6 25 23 YA +6 25 24 YA +6 25 25 HJ +6 25 26 MM +6 25 27 HS +6 25 28 IT +6 25 29 YA +6 25 30 IT +6 25 31 YA +6 25 32 IT +6 25 33 YA +6 25 34 HJ +6 25 35 IT +6 25 36 HJ +6 25 37 HJ +6 25 38 IT +6 25 39 YA +6 25 40 YA +6 25 41 IT +6 25 42 HS +6 25 43 HJ +6 25 44 HS +6 25 45 HA +6 25 46 HA +6 25 47 HJ +6 25 48 HS +6 25 49 HJ +6 25 50 MM +6 25 51 HS +6 25 52 HA +6 25 53 YA +6 25 54 YA +6 25 55 YA +6 25 56 HS +6 25 57 HJ +6 25 58 HS +6 25 59 HA +6 25 60 HJ +6 25 61 IT +6 25 62 MM +6 25 63 HS +6 25 64 YA +6 25 65 IT +6 25 66 HA +6 25 67 YA +6 25 68 YA +6 25 69 HJ +6 25 70 HA +6 25 71 MM +6 25 72 YA +6 25 73 HA +6 25 74 MM +6 25 75 HJ +6 25 76 IT +6 25 77 HJ +6 25 78 YA +6 25 79 MM +6 25 80 MM +6 25 81 YA +6 25 82 YA +6 25 83 HS +6 25 84 IT +6 25 85 MM +6 25 86 IT +6 25 87 SI +6 25 88 YA +6 25 89 SI +6 25 90 HJ +6 25 91 HS +6 25 92 HA +6 25 93 MM +6 25 94 SI +6 25 95 HA +6 25 96 HS +6 25 97 MM +6 25 98 IT +6 25 99 HJ +6 25 100 YA +6 25 101 IT +6 25 102 HA +6 25 103 HS +6 25 104 YA +6 25 105 IT +6 25 106 HS +6 25 107 HA +6 25 108 YA +6 25 109 HJ +6 25 110 HS +6 25 111 MM +6 25 112 IT +6 25 113 SI +6 25 114 MM +6 25 115 IT +6 25 116 HA +6 25 117 SI +6 25 118 HS +6 25 119 YA +6 25 120 HA +6 25 121 IT +6 25 122 YA +6 25 123 SI +6 25 124 HS +6 25 125 IT +6 25 126 HS +6 25 127 SI +6 25 128 HS +6 25 129 HA +6 25 130 SI +6 25 131 YA +6 25 132 IT +6 25 133 SI +6 25 134 YA +6 25 135 IT +6 25 136 YA +6 25 137 SI +6 25 138 HJ +6 25 139 HA +6 25 140 SI +6 25 141 HA +6 25 142 HA +6 25 143 HS +6 25 144 SI +6 25 145 YA +6 25 146 HS +6 25 147 YA +6 25 148 IT +6 25 149 YA +6 25 150 SI +6 25 151 HS +6 25 152 YA +6 25 153 YA +6 25 154 SI +6 25 155 SI +6 25 156 YA +6 25 157 SI +6 25 158 HA +6 25 159 HS +6 25 160 YA +6 25 161 SI +6 25 162 IT +6 25 163 HJ +6 25 164 YA +6 25 165 SN +6 25 166 HJ +6 25 167 YA +6 25 168 SN +6 25 169 HJ +6 25 170 SI +6 25 171 YA +6 25 172 HA +6 25 173 IT +6 25 174 HS +6 25 175 YA +6 25 176 IT +6 25 177 HS +6 25 178 MM +6 25 179 IT +6 25 180 YA +6 25 181 HS +6 25 182 YA +6 25 183 SI +6 25 184 SN +6 25 185 YA +6 25 186 HJ +6 25 187 HS +6 25 188 HJ +6 25 189 HA +6 25 190 HS +6 25 191 SI +6 25 192 SN +6 25 193 HS +6 25 194 IT +6 25 195 YA +6 25 196 YA +6 25 197 SN +6 25 198 SI +6 25 199 HA +6 25 200 YA +6 25 201 SI +6 25 202 SN +6 25 203 IT +6 25 204 SI +6 25 205 HJ +6 25 206 HA +6 25 207 SN +6 25 208 HS +6 25 209 HJ +6 25 210 YA +6 25 211 HJ +6 25 212 HS +6 25 213 HA +6 25 214 HS +6 25 215 YA +6 25 216 SI +6 25 217 YA +6 25 218 HS +6 25 219 HA +6 25 220 HJ +6 25 221 HA +6 25 222 MM +6 25 223 YA +6 25 224 HA +6 25 225 HS +6 25 226 SI +6 25 227 SI +6 25 228 HJ +6 25 229 YA +6 25 230 HA +6 25 231 SN +6 25 232 HS +6 25 233 YA +6 25 234 SN +6 25 235 MM +6 25 236 HS +6 25 237 HS +6 25 238 SN +6 25 239 HS +6 25 240 YA +6 25 241 HA +6 25 242 HS +6 25 243 IT +6 25 244 HA +6 25 245 IT +6 25 246 YA +6 25 247 MM +6 25 248 SI +6 25 249 SN +6 25 250 MM +6 25 251 SN +6 25 252 HA +6 25 253 SN +6 25 254 YA +6 25 255 SI +6 25 256 SN +6 25 257 MM +6 25 258 HS +6 25 259 IT +6 25 260 HS +6 25 261 HS +6 25 262 HA +6 25 263 HA +6 25 264 HS +6 25 265 YA +6 25 266 SN +6 25 267 HN +6 25 268 YA +6 25 269 SN +6 25 270 HS +6 25 271 SI +6 25 272 HA +6 25 273 SN +6 25 274 HA +6 25 275 HS +6 25 276 IT +6 25 277 MM +6 25 278 HS +6 25 279 MM +6 25 280 YA +6 25 281 SN +6 25 282 SN +6 25 283 YA +6 25 284 HA +6 25 285 HS +6 25 286 HA +6 25 287 HS +6 25 288 IT +6 25 289 HJ +6 25 290 HA +6 25 291 SN +6 25 292 YA +6 25 293 HA +6 25 294 HA +6 25 295 SI +6 25 296 HJ +6 25 297 HS +6 25 298 IT +6 25 299 YA +6 25 300 HA +6 25 301 SN +6 25 302 HA +6 25 303 YA +6 25 304 SI +6 25 305 MM +6 25 306 SN +6 25 307 SI +6 25 308 YA +6 25 309 SI +6 25 310 YA +6 25 311 SN +6 25 312 SI +6 25 313 MM +6 25 314 HA +6 25 315 SN +6 25 316 YA +6 25 317 IT +6 25 318 HS +6 25 319 HA +6 25 320 YA +6 25 321 IT +6 25 322 YA +6 25 323 SN +6 25 324 HA +6 25 325 YA +6 25 326 HS +6 25 327 HA +6 25 328 MM +6 25 329 YA +6 25 330 HA +6 26 1 HT +6 26 2 YA +6 26 3 HO +6 26 4 YA +6 26 5 HA +6 26 6 HH +6 26 7 YA +6 26 8 HO +6 26 9 ON +6 26 10 YA +6 26 11 MM +6 26 12 HS +6 26 13 HJ +6 26 14 YA +6 26 15 HA +6 26 16 HA +6 26 17 HN +6 26 18 SI +6 26 19 HJ +6 26 20 YA +6 26 21 HN +6 26 22 HS +6 26 23 IT +6 26 24 SI +6 26 25 HJ +6 26 26 YA +6 26 27 HF +6 26 28 HO +6 26 29 YA +6 26 30 HS +6 26 31 HF +6 26 32 HN +6 26 33 HS +6 26 34 HJ +6 26 35 ON +6 26 36 YA +6 26 37 YA +6 26 38 HN +6 26 39 SI +6 26 40 HJ +6 26 41 HN +6 26 42 HS +6 26 43 HT +6 26 44 HF +6 26 45 YA +6 26 46 SI +6 26 47 YA +6 26 48 HS +6 26 49 HF +6 26 50 HN +6 26 51 ON +6 26 52 HF +6 26 53 HN +6 26 54 YA +6 26 55 SI +6 26 56 HF +6 26 57 HJ +6 26 58 HH +6 26 59 HF +6 26 60 MM +6 26 61 HO +6 26 62 HJ +6 26 63 HN +6 26 64 MM +6 26 65 HO +6 26 66 HA +6 26 67 YA +6 26 68 HN +6 26 69 YA +6 26 70 HA +6 26 71 HN +6 26 72 HT +6 26 73 HF +6 26 74 HN +6 26 75 YA +6 26 76 HS +6 26 77 HJ +6 26 78 HA +6 26 79 ON +6 26 80 MM +6 26 81 YA +6 26 82 MM +6 26 83 HF +6 26 84 ON +6 26 85 YA +6 26 86 HN +6 26 87 ON +6 26 88 HN +6 26 89 SI +6 26 90 YA +6 26 91 HS +6 26 92 HF +6 26 93 HJ +6 26 94 ON +6 26 95 HF +6 26 96 HS +6 26 97 HJ +6 26 98 HO +6 26 99 ON +6 26 100 YA +6 26 101 HN +6 26 102 HF +6 26 103 HH +6 26 104 HF +6 26 105 HO +6 26 106 HS +6 26 107 HF +6 26 108 HA +6 26 109 SI +6 26 110 HS +6 26 111 ON +6 26 112 HO +6 26 113 ON +6 26 114 YA +6 26 115 HN +6 26 116 HA +6 26 117 MI +6 26 118 YA +6 26 119 HJ +6 26 120 HA +6 26 121 HH +6 26 122 MM +6 26 123 MM +6 26 124 HS +6 26 125 IT +6 26 126 IT +6 26 127 SI +6 26 128 HS +6 26 129 HF +6 26 130 ON +6 26 131 YA +6 26 132 HN +6 26 133 HJ +6 26 134 HO +6 26 135 HN +6 26 136 HJ +6 26 137 YA +6 26 138 HJ +6 26 139 HA +6 26 140 MM +6 26 141 HF +6 26 142 HA +6 26 143 HS +6 26 144 YA +6 26 145 YA +6 26 146 HS +6 26 147 YA +6 26 148 HN +6 26 149 HT +6 26 150 YA +6 26 151 IT +6 26 152 HF +6 26 153 SI +6 26 154 SI +6 26 155 HS +6 26 156 MM +6 26 157 SI +6 26 158 HA +6 26 159 HH +6 26 160 HO +6 26 161 YA +6 26 162 HO +6 26 163 MM +6 26 164 SI +6 26 165 ON +6 26 166 YA +6 26 167 HA +6 26 168 SI +6 26 169 YA +6 26 170 SI +6 26 171 ON +6 26 172 HF +6 26 173 HN +6 26 174 HS +6 26 175 YA +6 26 176 HN +6 26 177 HS +6 26 178 HJ +6 26 179 MI +6 26 180 MM +6 26 181 HS +6 26 182 HN +6 26 183 SI +6 26 184 YA +6 26 185 ON +6 26 186 HJ +6 26 187 HS +6 26 188 MM +6 26 189 HF +6 26 190 HA +6 26 191 MM +6 26 192 SI +6 26 193 HS +6 26 194 MI +6 26 195 HJ +6 26 196 YA +6 26 197 ON +6 26 198 SI +6 26 199 HA +6 26 200 HT +6 26 201 HH +6 26 202 HJ +6 26 203 MI +6 26 204 ON +6 26 205 YA +6 26 206 HF +6 26 207 HO +6 26 208 ON +6 26 209 MI +6 26 210 YA +6 26 211 MM +6 26 212 HH +6 26 213 HF +6 26 214 HS +6 26 215 YA +6 26 216 ON +6 26 217 HF +6 26 218 HS +6 26 219 HF +6 26 220 HT +6 26 221 HA +6 26 222 * +6 26 223 YA +6 26 224 HF +6 26 225 * +6 26 226 YA +6 26 227 SI +6 26 228 MM +6 26 229 HJ +6 26 230 HF +6 26 231 HO +6 26 232 SI +6 26 233 WM +6 26 234 YA +6 26 235 HJ +6 26 236 HS +6 26 237 HF +6 26 238 HJ +6 26 239 HN +6 26 240 ON +6 26 241 HA +6 26 242 HF +6 26 243 MI +6 26 244 HF +6 26 245 HN +6 26 246 YA +6 26 247 WM +6 26 248 SI +6 26 249 YA +6 26 250 SI +6 26 251 HT +6 26 252 HF +6 26 253 MM +6 26 254 WM +6 26 255 SI +6 26 256 HO +6 26 257 WM +6 26 258 HS +6 26 259 HN +6 26 260 HA +6 26 261 HH +6 26 262 HF +6 26 263 SI +6 26 264 WM +6 26 265 YA +6 26 266 HN +6 26 267 HN +6 26 268 WM +6 26 269 HN +6 26 270 HS +6 26 271 YA +6 26 272 HJ +6 26 273 HN +6 26 274 HA +6 26 275 HS +6 26 276 HN +6 26 277 YA +6 26 278 ON +6 26 279 YA +6 26 280 ON +6 26 281 YA +6 26 282 HS +6 26 283 SI +6 26 284 HF +6 26 285 HN +6 26 286 HA +6 26 287 HS +6 26 288 HN +6 26 289 WM +6 26 290 HA +6 26 291 WM +6 26 292 HN +6 26 293 HA +6 26 294 HA +6 26 295 SI +6 26 296 YA +6 26 297 HS +6 26 298 HN +6 26 299 WM +6 26 300 SI +6 26 301 YA +6 26 302 HF +6 26 303 WM +6 26 304 HS +6 26 305 HO +6 26 306 HS +6 26 307 YA +6 26 308 HS +6 26 309 SI +6 26 310 YA +6 26 311 HJ +6 26 312 SI +6 26 313 MM +6 26 314 HF +6 26 315 YA +6 26 316 YA +6 26 317 HN +6 26 318 ON +6 26 319 HA +6 26 320 SI +6 26 321 HO +6 26 322 WM +6 26 323 YA +6 26 324 HA +6 26 325 HN +6 26 326 HS +6 26 327 HF +6 26 328 YA +6 26 329 ON +6 26 330 HF +6 27 1 SN +6 27 2 SN +6 27 3 HN +6 27 4 SN +6 27 5 SN +6 27 6 SA +6 27 7 YA +6 27 8 IT +6 27 9 * +6 27 10 SI +6 27 11 SN +6 27 12 HS +6 27 13 SN +6 27 14 SN +6 27 15 HF +6 27 16 HF +6 27 17 HN +6 27 18 SI +6 27 19 SN +6 27 20 YA +6 27 21 HN +6 27 22 HS +6 27 23 YA +6 27 24 SI +6 27 25 SN +6 27 26 SI +6 27 27 HF +6 27 28 SN +6 27 29 YA +6 27 30 SA +6 27 31 SN +6 27 32 SN +6 27 33 YA +6 27 34 YA +6 27 35 HN +6 27 36 SI +6 27 37 SN +6 27 38 HN +6 27 39 YA +6 27 40 YA +6 27 41 HN +6 27 42 HS +6 27 43 SI +6 27 44 HF +6 27 45 SN +6 27 46 SI +6 27 47 SN +6 27 48 HS +6 27 49 SN +6 27 50 SI +6 27 51 SI +6 27 52 HF +6 27 53 HN +6 27 54 YA +6 27 55 HN +6 27 56 HF +6 27 57 SN +6 27 58 YA +6 27 59 HF +6 27 60 SN +6 27 61 HN +6 27 62 YA +6 27 63 IT +6 27 64 SN +6 27 65 HN +6 27 66 HF +6 27 67 YA +6 27 68 SN +6 27 69 SI +6 27 70 HF +6 27 71 HN +6 27 72 YA +6 27 73 SA +6 27 74 SN +6 27 75 WO +6 27 76 YA +6 27 77 SN +6 27 78 SA +6 27 79 SI +6 27 80 YA +6 27 81 YA +6 27 82 YA +6 27 83 HF +6 27 84 SN +6 27 85 YA +6 27 86 HA +6 27 87 SI +6 27 88 HN +6 27 89 SI +6 27 90 SN +6 27 91 SN +6 27 92 HF +6 27 93 YA +6 27 94 SI +6 27 95 SN +6 27 96 HS +6 27 97 SI +6 27 98 HN +6 27 99 HF +6 27 100 YA +6 27 101 HN +6 27 102 HF +6 27 103 SN +6 27 104 SN +6 27 105 HN +6 27 106 HS +6 27 107 HF +6 27 108 SN +6 27 109 SI +6 27 110 HS +6 27 111 SI +6 27 112 HN +6 27 113 SI +6 27 114 SN +6 27 115 HN +6 27 116 HF +6 27 117 SI +6 27 118 SA +6 27 119 YA +6 27 120 HF +6 27 121 HN +6 27 122 YA +6 27 123 YA +6 27 124 SN +6 27 125 HN +6 27 126 SA +6 27 127 SI +6 27 128 HS +6 27 129 HF +6 27 130 SI +6 27 131 SA +6 27 132 HN +6 27 133 YA +6 27 134 SI +6 27 135 SA +6 27 136 YA +6 27 137 YA +6 27 138 SN +6 27 139 HF +6 27 140 SN +6 27 141 HF +6 27 142 HF +6 27 143 SN +6 27 144 SI +6 27 145 SN +6 27 146 HS +6 27 147 SN +6 27 148 HN +6 27 149 SN +6 27 150 SI +6 27 151 HS +6 27 152 SN +6 27 153 YA +6 27 154 SI +6 27 155 SI +6 27 156 SN +6 27 157 SI +6 27 158 HF +6 27 159 SN +6 27 160 SA +6 27 161 YA +6 27 162 HN +6 27 163 YA +6 27 164 SN +6 27 165 SN +6 27 166 SI +6 27 167 HF +6 27 168 YA +6 27 169 YA +6 27 170 SI +6 27 171 SN +6 27 172 HF +6 27 173 HN +6 27 174 HS +6 27 175 SN +6 27 176 HN +6 27 177 HS +6 27 178 SN +6 27 179 SI +6 27 180 SN +6 27 181 HS +6 27 182 HN +6 27 183 HS +6 27 184 SN +6 27 185 HS +6 27 186 YA +6 27 187 HS +6 27 188 YA +6 27 189 SN +6 27 190 SA +6 27 191 YA +6 27 192 SN +6 27 193 HS +6 27 194 SI +6 27 195 SN +6 27 196 SN +6 27 197 HF +6 27 198 SI +6 27 199 HF +6 27 200 SN +6 27 201 SA +6 27 202 YA +6 27 203 HN +6 27 204 SI +6 27 205 SI +6 27 206 HF +6 27 207 HN +6 27 208 HS +6 27 209 SN +6 27 210 SI +6 27 211 YA +6 27 212 HS +6 27 213 HF +6 27 214 SA +6 27 215 SN +6 27 216 SI +6 27 217 HF +6 27 218 HS +6 27 219 HF +6 27 220 SN +6 27 221 HF +6 27 222 SI +6 27 223 YA +6 27 224 HF +6 27 225 HS +6 27 226 SN +6 27 227 SI +6 27 228 SI +6 27 229 SN +6 27 230 HF +6 27 231 HN +6 27 232 SI +6 27 233 SI +6 27 234 YA +6 27 235 SN +6 27 236 HS +6 27 237 HN +6 27 238 SN +6 27 239 HN +6 27 240 SI +6 27 241 HF +6 27 242 HS +6 27 243 HN +6 27 244 HF +6 27 245 HN +6 27 246 SN +6 27 247 SI +6 27 248 SI +6 27 249 YA +6 27 250 SI +6 27 251 SN +6 27 252 HF +6 27 253 SN +6 27 254 SI +6 27 255 SI +6 27 256 HN +6 27 257 SI +6 27 258 HS +6 27 259 HN +6 27 260 SN +6 27 261 HS +6 27 262 HF +6 27 263 SI +6 27 264 SN +6 27 265 SN +6 27 266 HN +6 27 267 HN +6 27 268 SN +6 27 269 HN +6 27 270 HS +6 27 271 SN +6 27 272 HF +6 27 273 HN +6 27 274 HF +6 27 275 HS +6 27 276 HN +6 27 277 SN +6 27 278 HN +6 27 279 SI +6 27 280 SN +6 27 281 YA +6 27 282 SN +6 27 283 SI +6 27 284 HF +6 27 285 SA +6 27 286 HF +6 27 287 HS +6 27 288 HN +6 27 289 SN +6 27 290 HF +6 27 291 SI +6 27 292 SN +6 27 293 HF +6 27 294 HF +6 27 295 SI +6 27 296 SI +6 27 297 HS +6 27 298 HN +6 27 299 YA +6 27 300 HF +6 27 301 SN +6 27 302 HF +6 27 303 HF +6 27 304 HS +6 27 305 SI +6 27 306 SN +6 27 307 YA +6 27 308 HS +6 27 309 SI +6 27 310 SN +6 27 311 SN +6 27 312 SI +6 27 313 SI +6 27 314 HF +6 27 315 SN +6 27 316 SN +6 27 317 HN +6 27 318 HN +6 27 319 HF +6 27 320 HS +6 27 321 HN +6 27 322 SN +6 27 323 SN +6 27 324 HF +6 27 325 SI +6 27 326 HS +6 27 327 HF +6 27 328 SN +6 27 329 SI +6 27 330 HF +7 1 1 TA +7 1 2 W +7 1 3 J +7 1 4 TS +7 1 5 TC +7 1 6 L +7 1 7 TC +7 1 8 CH +7 1 9 L +7 1 10 TJ +7 1 11 W +7 1 12 J +7 1 13 W +7 1 14 TA +7 1 15 T1 +7 1 16 N +7 1 17 J +7 1 18 NT +7 1 19 TA +7 1 20 C +7 1 21 CH +7 1 22 J +7 1 23 T +7 1 24 L +7 1 25 TA +7 1 26 TJ +7 1 27 CH +7 1 28 CH +7 1 29 TC +7 1 30 J +7 1 31 TA +7 1 32 T1 +7 1 33 TC +7 1 34 TA +7 1 35 J +7 1 36 C +7 1 37 TA +7 1 38 CH +7 1 39 C +7 1 40 TA +7 1 41 WE +7 1 42 W +7 1 43 TA +7 1 44 CH +7 1 45 C +7 1 46 TA +7 1 47 C +7 1 48 J +7 1 49 TA +7 1 50 TS +7 1 51 JU +7 1 52 C +7 1 53 CH +7 1 54 TC +7 1 55 TA +7 1 56 L +7 1 57 W +7 1 58 J +7 1 59 CH +7 1 60 C +7 1 61 JU +7 1 62 TA +7 1 63 T1 +7 1 64 TA +7 1 65 CH +7 1 66 N +7 1 67 C +7 1 68 CH +7 1 69 W +7 1 70 CH +7 1 71 JU +7 1 72 C +7 1 73 T +7 1 74 TA +7 1 75 W +7 1 76 J +7 1 77 TA +7 1 78 CH +7 1 79 NT +7 1 80 TA +7 1 81 TC +7 1 82 C +7 1 83 J +7 1 84 CH +7 1 85 C +7 1 86 CH +7 1 87 NT +7 1 88 TS +7 1 89 NT +7 1 90 W +7 1 91 TC +7 1 92 N +7 1 93 TA +7 1 94 JU +7 1 95 W +7 1 96 J +7 1 97 T +7 1 98 WE +7 1 99 T +7 1 100 C +7 1 101 TS +7 1 102 TA +7 1 103 W +7 1 104 TA +7 1 105 TS +7 1 106 J +7 1 107 N +7 1 108 C +7 1 109 TJ +7 1 110 J +7 1 111 W +7 1 112 CH +7 1 113 JU +7 1 114 W +7 1 115 WE +7 1 116 TA +7 1 117 JU +7 1 118 CH +7 1 119 C +7 1 120 N +7 1 121 J +7 1 122 C +7 1 123 TA +7 1 124 TC +7 1 125 J +7 1 126 CH +7 1 127 W +7 1 128 TC +7 1 129 N +7 1 130 W +7 1 131 TS +7 1 132 WE +7 1 133 C +7 1 134 L +7 1 135 CH +7 1 136 TA +7 1 137 C +7 1 138 TA +7 1 139 CH +7 1 140 TA +7 1 141 N +7 1 142 N +7 1 143 TC +7 1 144 T +7 1 145 C +7 1 146 J +7 1 147 C +7 1 148 WE +7 1 149 TC +7 1 150 TS +7 1 151 CH +7 1 152 CH +7 1 153 TA +7 1 154 TO +7 1 155 L +7 1 156 C +7 1 157 JU +7 1 158 N +7 1 159 J +7 1 160 CH +7 1 161 C +7 1 162 CH +7 1 163 TA +7 1 164 TA +7 1 165 W +7 1 166 TJ +7 1 167 CH +7 1 168 C +7 1 169 TA +7 1 170 W +7 1 171 C +7 1 172 N +7 1 173 T1 +7 1 174 J +7 1 175 TA +7 1 176 CH +7 1 177 J +7 1 178 TJ +7 1 179 JU +7 1 180 C +7 1 181 J +7 1 182 TS +7 1 183 L +7 1 184 T +7 1 185 J +7 1 186 TA +7 1 187 J +7 1 188 TA +7 1 189 TA +7 1 190 T1 +7 1 191 C +7 1 192 TS +7 1 193 TC +7 1 194 JU +7 1 195 C +7 1 196 TA +7 1 197 TS +7 1 198 NT +7 1 199 C +7 1 200 TA +7 1 201 CH +7 1 202 C +7 1 203 CH +7 1 204 L +7 1 205 TJ +7 1 206 W +7 1 207 CH +7 1 208 J +7 1 209 C +7 1 210 JU +7 1 211 TA +7 1 212 J +7 1 213 TS +7 1 214 TC +7 1 215 CH +7 1 216 W +7 1 217 CH +7 1 218 TC +7 1 219 TA +7 1 220 TJ +7 1 221 C +7 1 222 TS +7 1 223 C +7 1 224 N +7 1 225 W +7 1 226 TA +7 1 227 NT +7 1 228 TA +7 1 229 C +7 1 230 CH +7 1 231 T +7 1 232 W +7 1 233 TA +7 1 234 C +7 1 235 TA +7 1 236 TC +7 1 237 L +7 1 238 TA +7 1 239 CH +7 1 240 JU +7 1 241 N +7 1 242 J +7 1 243 TS +7 1 244 TA +7 1 245 WE +7 1 246 TA +7 1 247 TS +7 1 248 W +7 1 249 C +7 1 250 T +7 1 251 C +7 1 252 CH +7 1 253 C +7 1 254 TA +7 1 255 L +7 1 256 CH +7 1 257 TA +7 1 258 TC +7 1 259 JU +7 1 260 C +7 1 261 J +7 1 262 N +7 1 263 TA +7 1 264 TA +7 1 265 C +7 1 266 L +7 1 267 T +7 1 268 TC +7 1 269 CH +7 1 270 J +7 1 271 C +7 1 272 TA +7 1 273 CH +7 1 274 N +7 1 275 TC +7 1 276 CH +7 1 277 TA +7 1 278 J +7 1 279 TJ +7 1 280 TC +7 1 281 C +7 1 282 TC +7 1 283 JU +7 1 284 TA +7 1 285 CH +7 1 286 N +7 1 287 L +7 1 288 WE +7 1 289 TA +7 1 290 CH +7 1 291 TJ +7 1 292 CH +7 1 293 C +7 1 294 TA +7 1 295 L +7 1 296 TS +7 1 297 J +7 1 298 CH +7 1 299 C +7 1 300 TA +7 1 301 C +7 1 302 CH +7 1 303 TA +7 1 304 W +7 1 305 TS +7 1 306 TC +7 1 307 TA +7 1 308 TA +7 1 309 W +7 1 310 C +7 1 311 TA +7 1 312 NT +7 1 313 TJ +7 1 314 CH +7 1 315 TC +7 1 316 C +7 1 317 CH +7 1 318 J +7 1 319 N +7 1 320 W +7 1 321 CH +7 1 322 TA +7 1 323 C +7 1 324 CH +7 1 325 TS +7 1 326 J +7 1 327 TA +7 1 328 C +7 1 329 L +7 1 330 TA +7 2 1 TA +7 2 2 W +7 2 3 WE +7 2 4 T +7 2 5 T1 +7 2 6 J +7 2 7 J +7 2 8 JU +7 2 9 L +7 2 10 TJ +7 2 11 L +7 2 12 J +7 2 13 C +7 2 14 NT +7 2 15 CH +7 2 16 N +7 2 17 J +7 2 18 NT +7 2 19 TA +7 2 20 C +7 2 21 CH +7 2 22 J +7 2 23 T +7 2 24 NT +7 2 25 TA +7 2 26 TJ +7 2 27 CH +7 2 28 CH +7 2 29 C +7 2 30 J +7 2 31 TA +7 2 32 LJ +7 2 33 C +7 2 34 TA +7 2 35 J +7 2 36 C +7 2 37 TA +7 2 38 CH +7 2 39 C +7 2 40 TA +7 2 41 WE +7 2 42 J +7 2 43 TJ +7 2 44 CH +7 2 45 C +7 2 46 JU +7 2 47 C +7 2 48 J +7 2 49 TA +7 2 50 LJ +7 2 51 TU +7 2 52 TA +7 2 53 LJ +7 2 54 C +7 2 55 TA +7 2 56 CH +7 2 57 TS +7 2 58 L +7 2 59 CH +7 2 60 TJ +7 2 61 WE +7 2 62 T +7 2 63 CH +7 2 64 TJ +7 2 65 WE +7 2 66 N +7 2 67 C +7 2 68 CH +7 2 69 C +7 2 70 T +7 2 71 JU +7 2 72 C +7 2 73 T +7 2 74 TA +7 2 75 C +7 2 76 J +7 2 77 TA +7 2 78 CH +7 2 79 NT +7 2 80 TJ +7 2 81 C +7 2 82 C +7 2 83 J +7 2 84 CH +7 2 85 C +7 2 86 CH +7 2 87 NT +7 2 88 LJ +7 2 89 NT +7 2 90 NT +7 2 91 TC +7 2 92 N +7 2 93 TJ +7 2 94 NT +7 2 95 TA +7 2 96 J +7 2 97 LJ +7 2 98 WE +7 2 99 T +7 2 100 TA +7 2 101 JU +7 2 102 TS +7 2 103 C +7 2 104 TA +7 2 105 T +7 2 106 J +7 2 107 N +7 2 108 TA +7 2 109 TJ +7 2 110 J +7 2 111 C +7 2 112 CH +7 2 113 NT +7 2 114 W +7 2 115 WE +7 2 116 TA +7 2 117 NT +7 2 118 CH +7 2 119 C +7 2 120 N +7 2 121 J +7 2 122 C +7 2 123 TA +7 2 124 C +7 2 125 J +7 2 126 CH +7 2 127 NT +7 2 128 C +7 2 129 CH +7 2 130 TJ +7 2 131 T +7 2 132 J +7 2 133 C +7 2 134 JU +7 2 135 LJ +7 2 136 TA +7 2 137 C +7 2 138 TA +7 2 139 CH +7 2 140 TJ +7 2 141 N +7 2 142 TS +7 2 143 C +7 2 144 T +7 2 145 C +7 2 146 J +7 2 147 TJ +7 2 148 WE +7 2 149 C +7 2 150 T +7 2 151 CH +7 2 152 T +7 2 153 TA +7 2 154 L +7 2 155 NT +7 2 156 C +7 2 157 JU +7 2 158 N +7 2 159 J +7 2 160 CH +7 2 161 C +7 2 162 WE +7 2 163 TJ +7 2 164 TA +7 2 165 C +7 2 166 TJ +7 2 167 T +7 2 168 C +7 2 169 TA +7 2 170 NT +7 2 171 C +7 2 172 N +7 2 173 WE +7 2 174 J +7 2 175 TA +7 2 176 WE +7 2 177 J +7 2 178 TJ +7 2 179 JU +7 2 180 C +7 2 181 J +7 2 182 JU +7 2 183 L +7 2 184 T +7 2 185 L +7 2 186 TA +7 2 187 J +7 2 188 TA +7 2 189 TA +7 2 190 CH +7 2 191 C +7 2 192 T +7 2 193 C +7 2 194 JU +7 2 195 C +7 2 196 TA +7 2 197 TA +7 2 198 NT +7 2 199 TA +7 2 200 TA +7 2 201 CH +7 2 202 C +7 2 203 LJ +7 2 204 JU +7 2 205 T +7 2 206 TA +7 2 207 CH +7 2 208 L +7 2 209 C +7 2 210 JU +7 2 211 TA +7 2 212 J +7 2 213 T +7 2 214 C +7 2 215 T +7 2 216 NT +7 2 217 CH +7 2 218 C +7 2 219 TA +7 2 220 TJ +7 2 221 TA +7 2 222 T +7 2 223 C +7 2 224 N +7 2 225 W +7 2 226 TJ +7 2 227 NT +7 2 228 TJ +7 2 229 C +7 2 230 CH +7 2 231 LJ +7 2 232 C +7 2 233 T +7 2 234 C +7 2 235 TJ +7 2 236 C +7 2 237 J +7 2 238 C +7 2 239 CH +7 2 240 JU +7 2 241 N +7 2 242 J +7 2 243 JU +7 2 244 TA +7 2 245 J +7 2 246 C +7 2 247 T +7 2 248 NT +7 2 249 C +7 2 250 T +7 2 251 C +7 2 252 CH +7 2 253 C +7 2 254 TA +7 2 255 NT +7 2 256 CH +7 2 257 TJ +7 2 258 C +7 2 259 JU +7 2 260 C +7 2 261 J +7 2 262 TA +7 2 263 NT +7 2 264 TA +7 2 265 C +7 2 266 J +7 2 267 T +7 2 268 C +7 2 269 LJ +7 2 270 J +7 2 271 NT +7 2 272 N +7 2 273 LJ +7 2 274 N +7 2 275 C +7 2 276 JU +7 2 277 TJ +7 2 278 J +7 2 279 TJ +7 2 280 C +7 2 281 C +7 2 282 C +7 2 283 L +7 2 284 N +7 2 285 CH +7 2 286 N +7 2 287 L +7 2 288 WE +7 2 289 TJ +7 2 290 N +7 2 291 TJ +7 2 292 CH +7 2 293 TA +7 2 294 N +7 2 295 L +7 2 296 T +7 2 297 J +7 2 298 WE +7 2 299 C +7 2 300 TA +7 2 301 C +7 2 302 N +7 2 303 TA +7 2 304 C +7 2 305 T +7 2 306 C +7 2 307 TA +7 2 308 T +7 2 309 NT +7 2 310 C +7 2 311 TJ +7 2 312 NT +7 2 313 T +7 2 314 N +7 2 315 C +7 2 316 TA +7 2 317 JU +7 2 318 J +7 2 319 N +7 2 320 C +7 2 321 WE +7 2 322 TA +7 2 323 C +7 2 324 N +7 2 325 T +7 2 326 J +7 2 327 TA +7 2 328 C +7 2 329 L +7 2 330 TA +7 3 1 TA +7 3 2 TA +7 3 3 J +7 3 4 T +7 3 5 TA +7 3 6 J +7 3 7 C +7 3 8 CH +7 3 9 J +7 3 10 TA +7 3 11 C +7 3 12 J +7 3 13 C +7 3 14 TA +7 3 15 CH +7 3 16 N +7 3 17 J +7 3 18 NT +7 3 19 TA +7 3 20 C +7 3 21 CH +7 3 22 J +7 3 23 T +7 3 24 X +7 3 25 TA +7 3 26 TA +7 3 27 N +7 3 28 CH +7 3 29 TA +7 3 30 J +7 3 31 TA +7 3 32 CH +7 3 33 C +7 3 34 TA +7 3 35 J +7 3 36 C +7 3 37 TA +7 3 38 CH +7 3 39 C +7 3 40 TA +7 3 41 WE +7 3 42 J +7 3 43 TA +7 3 44 N +7 3 45 C +7 3 46 X +7 3 47 C +7 3 48 J +7 3 49 TA +7 3 50 T +7 3 51 L +7 3 52 TA +7 3 53 CH +7 3 54 C +7 3 55 TA +7 3 56 J +7 3 57 TA +7 3 58 J +7 3 59 N +7 3 60 TA +7 3 61 WE +7 3 62 TA +7 3 63 CH +7 3 64 TA +7 3 65 CH +7 3 66 N +7 3 67 TA +7 3 68 CH +7 3 69 C +7 3 70 N +7 3 71 CH +7 3 72 C +7 3 73 T +7 3 74 TA +7 3 75 C +7 3 76 J +7 3 77 TA +7 3 78 CH +7 3 79 X +7 3 80 TA +7 3 81 C +7 3 82 TA +7 3 83 J +7 3 84 CH +7 3 85 C +7 3 86 CH +7 3 87 X +7 3 88 CH +7 3 89 X +7 3 90 C +7 3 91 C +7 3 92 N +7 3 93 TA +7 3 94 X +7 3 95 TA +7 3 96 J +7 3 97 T +7 3 98 CH +7 3 99 TA +7 3 100 TA +7 3 101 T +7 3 102 TA +7 3 103 W +7 3 104 TA +7 3 105 T +7 3 106 J +7 3 107 N +7 3 108 TA +7 3 109 TA +7 3 110 J +7 3 111 C +7 3 112 CH +7 3 113 NT +7 3 114 C +7 3 115 WE +7 3 116 TA +7 3 117 JU +7 3 118 CH +7 3 119 TA +7 3 120 N +7 3 121 J +7 3 122 C +7 3 123 TA +7 3 124 C +7 3 125 J +7 3 126 CH +7 3 127 C +7 3 128 J +7 3 129 N +7 3 130 W +7 3 131 T +7 3 132 WE +7 3 133 C +7 3 134 X +7 3 135 CH +7 3 136 TA +7 3 137 C +7 3 138 TA +7 3 139 N +7 3 140 TA +7 3 141 N +7 3 142 N +7 3 143 C +7 3 144 TA +7 3 145 TA +7 3 146 J +7 3 147 TA +7 3 148 WE +7 3 149 C +7 3 150 T +7 3 151 T1 +7 3 152 CH +7 3 153 TA +7 3 154 X +7 3 155 X +7 3 156 C +7 3 157 X +7 3 158 N +7 3 159 J +7 3 160 CH +7 3 161 W +7 3 162 CH +7 3 163 TA +7 3 164 TA +7 3 165 W +7 3 166 TA +7 3 167 TA +7 3 168 C +7 3 169 TA +7 3 170 C +7 3 171 W +7 3 172 N +7 3 173 CH +7 3 174 J +7 3 175 TA +7 3 176 WE +7 3 177 J +7 3 178 TA +7 3 179 JU +7 3 180 C +7 3 181 J +7 3 182 T +7 3 183 TO +7 3 184 T +7 3 185 J +7 3 186 TA +7 3 187 J +7 3 188 TA +7 3 189 TA +7 3 190 CH +7 3 191 C +7 3 192 T +7 3 193 C +7 3 194 JU +7 3 195 C +7 3 196 TA +7 3 197 T +7 3 198 X +7 3 199 TA +7 3 200 TA +7 3 201 CH +7 3 202 C +7 3 203 CH +7 3 204 X +7 3 205 TA +7 3 206 TA +7 3 207 CH +7 3 208 J +7 3 209 TJ +7 3 210 JU +7 3 211 TA +7 3 212 J +7 3 213 TA +7 3 214 J +7 3 215 T1 +7 3 216 W +7 3 217 T1 +7 3 218 W +7 3 219 TA +7 3 220 TA +7 3 221 N +7 3 222 T +7 3 223 C +7 3 224 N +7 3 225 W +7 3 226 TA +7 3 227 NT +7 3 228 TA +7 3 229 TA +7 3 230 N +7 3 231 T +7 3 232 W +7 3 233 TA +7 3 234 C +7 3 235 TA +7 3 236 C +7 3 237 CH +7 3 238 TA +7 3 239 CH +7 3 240 WE +7 3 241 N +7 3 242 J +7 3 243 T +7 3 244 TA +7 3 245 WE +7 3 246 TA +7 3 247 TJ +7 3 248 W +7 3 249 C +7 3 250 T +7 3 251 C +7 3 252 N +7 3 253 TA +7 3 254 TA +7 3 255 X +7 3 256 CH +7 3 257 TA +7 3 258 J +7 3 259 JU +7 3 260 J +7 3 261 J +7 3 262 N +7 3 263 TA +7 3 264 TA +7 3 265 C +7 3 266 J +7 3 267 T +7 3 268 C +7 3 269 CH +7 3 270 J +7 3 271 C +7 3 272 N +7 3 273 T1 +7 3 274 N +7 3 275 W +7 3 276 CH +7 3 277 TA +7 3 278 J +7 3 279 TJ +7 3 280 C +7 3 281 C +7 3 282 C +7 3 283 TO +7 3 284 N +7 3 285 T1 +7 3 286 N +7 3 287 W +7 3 288 WE +7 3 289 TA +7 3 290 N +7 3 291 TA +7 3 292 T1 +7 3 293 TA +7 3 294 TA +7 3 295 W +7 3 296 T +7 3 297 J +7 3 298 WE +7 3 299 C +7 3 300 TA +7 3 301 C +7 3 302 N +7 3 303 TA +7 3 304 W +7 3 305 T +7 3 306 C +7 3 307 TA +7 3 308 TA +7 3 309 W +7 3 310 C +7 3 311 TA +7 3 312 NT +7 3 313 TJ +7 3 314 N +7 3 315 C +7 3 316 TA +7 3 317 T +7 3 318 J +7 3 319 N +7 3 320 W +7 3 321 CH +7 3 322 TA +7 3 323 C +7 3 324 N +7 3 325 T +7 3 326 J +7 3 327 TA +7 3 328 C +7 3 329 TO +7 3 330 TA +7 4 1 TA +7 4 2 W +7 4 3 J +7 4 4 TS +7 4 5 W +7 4 6 J +7 4 7 TC +7 4 8 TS +7 4 9 TO +7 4 10 TA +7 4 11 C +7 4 12 J +7 4 13 C +7 4 14 TA +7 4 15 CH +7 4 16 N +7 4 17 J +7 4 18 NT +7 4 19 TA +7 4 20 TC +7 4 21 CH +7 4 22 J +7 4 23 TS +7 4 24 W +7 4 25 TA +7 4 26 TJ +7 4 27 N +7 4 28 CH +7 4 29 W +7 4 30 J +7 4 31 TA +7 4 32 TS +7 4 33 W +7 4 34 TA +7 4 35 J +7 4 36 C +7 4 37 TA +7 4 38 CH +7 4 39 C +7 4 40 TA +7 4 41 WE +7 4 42 W +7 4 43 TA +7 4 44 N +7 4 45 W +7 4 46 W +7 4 47 C +7 4 48 J +7 4 49 TA +7 4 50 TS +7 4 51 TO +7 4 52 TA +7 4 53 TS +7 4 54 W +7 4 55 TA +7 4 56 J +7 4 57 TA +7 4 58 W +7 4 59 TS +7 4 60 TA +7 4 61 TS +7 4 62 TA +7 4 63 J +7 4 64 TA +7 4 65 CH +7 4 66 N +7 4 67 W +7 4 68 CH +7 4 69 W +7 4 70 N +7 4 71 TS +7 4 72 C +7 4 73 TS +7 4 74 TA +7 4 75 C +7 4 76 J +7 4 77 TA +7 4 78 CH +7 4 79 W +7 4 80 TA +7 4 81 TC +7 4 82 TA +7 4 83 J +7 4 84 CH +7 4 85 W +7 4 86 CH +7 4 87 W +7 4 88 TS +7 4 89 NT +7 4 90 C +7 4 91 W +7 4 92 N +7 4 93 TA +7 4 94 L +7 4 95 TA +7 4 96 J +7 4 97 TS +7 4 98 CH +7 4 99 TS +7 4 100 TA +7 4 101 TS +7 4 102 TA +7 4 103 W +7 4 104 TA +7 4 105 TS +7 4 106 J +7 4 107 N +7 4 108 TA +7 4 109 TA +7 4 110 J +7 4 111 W +7 4 112 CH +7 4 113 W +7 4 114 TA +7 4 115 CH +7 4 116 TA +7 4 117 L +7 4 118 CH +7 4 119 TA +7 4 120 N +7 4 121 J +7 4 122 C +7 4 123 TA +7 4 124 TC +7 4 125 J +7 4 126 CH +7 4 127 W +7 4 128 W +7 4 129 N +7 4 130 W +7 4 131 TS +7 4 132 J +7 4 133 C +7 4 134 L +7 4 135 TS +7 4 136 TA +7 4 137 W +7 4 138 TA +7 4 139 N +7 4 140 TJ +7 4 141 N +7 4 142 TA +7 4 143 W +7 4 144 TS +7 4 145 W +7 4 146 J +7 4 147 TA +7 4 148 CH +7 4 149 W +7 4 150 TS +7 4 151 CH +7 4 152 TS +7 4 153 TA +7 4 154 W +7 4 155 L +7 4 156 W +7 4 157 TO +7 4 158 N +7 4 159 J +7 4 160 CH +7 4 161 W +7 4 162 CH +7 4 163 TA +7 4 164 TA +7 4 165 W +7 4 166 W +7 4 167 TA +7 4 168 C +7 4 169 TA +7 4 170 W +7 4 171 C +7 4 172 N +7 4 173 CH +7 4 174 J +7 4 175 TA +7 4 176 CH +7 4 177 W +7 4 178 TA +7 4 179 TS +7 4 180 TA +7 4 181 J +7 4 182 TS +7 4 183 W +7 4 184 TS +7 4 185 TO +7 4 186 TA +7 4 187 J +7 4 188 TA +7 4 189 TA +7 4 190 CH +7 4 191 C +7 4 192 TS +7 4 193 W +7 4 194 L +7 4 195 TC +7 4 196 TA +7 4 197 TS +7 4 198 W +7 4 199 TA +7 4 200 TA +7 4 201 CH +7 4 202 C +7 4 203 TS +7 4 204 TO +7 4 205 TS +7 4 206 W +7 4 207 CH +7 4 208 W +7 4 209 TA +7 4 210 L +7 4 211 TA +7 4 212 J +7 4 213 TS +7 4 214 W +7 4 215 CH +7 4 216 W +7 4 217 CH +7 4 218 W +7 4 219 TA +7 4 220 TS +7 4 221 TA +7 4 222 TS +7 4 223 C +7 4 224 N +7 4 225 W +7 4 226 TA +7 4 227 L +7 4 228 TA +7 4 229 W +7 4 230 CH +7 4 231 TS +7 4 232 W +7 4 233 TS +7 4 234 W +7 4 235 TA +7 4 236 W +7 4 237 CH +7 4 238 TA +7 4 239 CH +7 4 240 TS +7 4 241 N +7 4 242 W +7 4 243 TS +7 4 244 TA +7 4 245 WE +7 4 246 TA +7 4 247 TS +7 4 248 W +7 4 249 C +7 4 250 TS +7 4 251 W +7 4 252 CH +7 4 253 TA +7 4 254 TA +7 4 255 L +7 4 256 CH +7 4 257 TA +7 4 258 W +7 4 259 L +7 4 260 W +7 4 261 J +7 4 262 N +7 4 263 W +7 4 264 TA +7 4 265 C +7 4 266 L +7 4 267 T +7 4 268 C +7 4 269 CH +7 4 270 J +7 4 271 C +7 4 272 TA +7 4 273 TS +7 4 274 N +7 4 275 W +7 4 276 TS +7 4 277 TA +7 4 278 J +7 4 279 TA +7 4 280 W +7 4 281 C +7 4 282 TC +7 4 283 L +7 4 284 TA +7 4 285 CH +7 4 286 N +7 4 287 J +7 4 288 CH +7 4 289 TA +7 4 290 N +7 4 291 TA +7 4 292 CH +7 4 293 TA +7 4 294 N +7 4 295 L +7 4 296 TS +7 4 297 J +7 4 298 CH +7 4 299 C +7 4 300 W +7 4 301 C +7 4 302 CH +7 4 303 TA +7 4 304 W +7 4 305 TS +7 4 306 C +7 4 307 TA +7 4 308 TS +7 4 309 W +7 4 310 C +7 4 311 TA +7 4 312 W +7 4 313 TS +7 4 314 N +7 4 315 W +7 4 316 TA +7 4 317 TS +7 4 318 J +7 4 319 N +7 4 320 W +7 4 321 CH +7 4 322 TA +7 4 323 C +7 4 324 N +7 4 325 T +7 4 326 J +7 4 327 TA +7 4 328 C +7 4 329 L +7 4 330 TA +7 5 1 TJ +7 5 2 TA +7 5 3 WE +7 5 4 TS +7 5 5 TA +7 5 6 J +7 5 7 TC +7 5 8 TS +7 5 9 J +7 5 10 TS +7 5 11 TJ +7 5 12 J +7 5 13 C +7 5 14 TJ +7 5 15 CH +7 5 16 N +7 5 17 WE +7 5 18 NT +7 5 19 TA +7 5 20 C +7 5 21 CH +7 5 22 J +7 5 23 T +7 5 24 JU +7 5 25 TA +7 5 26 TJ +7 5 27 CH +7 5 28 CH +7 5 29 C +7 5 30 J +7 5 31 TA +7 5 32 TJ +7 5 33 C +7 5 34 TA +7 5 35 WE +7 5 36 C +7 5 37 TJ +7 5 38 CH +7 5 39 C +7 5 40 TA +7 5 41 CH +7 5 42 J +7 5 43 TJ +7 5 44 CH +7 5 45 C +7 5 46 TJ +7 5 47 C +7 5 48 J +7 5 49 TA +7 5 50 TJ +7 5 51 J +7 5 52 C +7 5 53 CH +7 5 54 C +7 5 55 TA +7 5 56 CH +7 5 57 W +7 5 58 J +7 5 59 TJ +7 5 60 NT +7 5 61 CH +7 5 62 TJ +7 5 63 CH +7 5 64 TS +7 5 65 CH +7 5 66 J +7 5 67 C +7 5 68 CH +7 5 69 C +7 5 70 TJ +7 5 71 TJ +7 5 72 C +7 5 73 TJ +7 5 74 TA +7 5 75 C +7 5 76 J +7 5 77 TA +7 5 78 CH +7 5 79 NT +7 5 80 TS +7 5 81 C +7 5 82 TA +7 5 83 J +7 5 84 CH +7 5 85 C +7 5 86 CH +7 5 87 NT +7 5 88 CH +7 5 89 NT +7 5 90 W +7 5 91 C +7 5 92 N +7 5 93 TA +7 5 94 JU +7 5 95 TA +7 5 96 J +7 5 97 TJ +7 5 98 CH +7 5 99 TJ +7 5 100 TA +7 5 101 TJ +7 5 102 TJ +7 5 103 J +7 5 104 TA +7 5 105 TJ +7 5 106 J +7 5 107 N +7 5 108 TA +7 5 109 TS +7 5 110 J +7 5 111 C +7 5 112 CH +7 5 113 NT +7 5 114 W +7 5 115 CH +7 5 116 TA +7 5 117 JU +7 5 118 CH +7 5 119 C +7 5 120 N +7 5 121 WE +7 5 122 C +7 5 123 W +7 5 124 C +7 5 125 J +7 5 126 CH +7 5 127 C +7 5 128 J +7 5 129 CH +7 5 130 JU +7 5 131 TJ +7 5 132 WE +7 5 133 C +7 5 134 TJ +7 5 135 CH +7 5 136 TA +7 5 137 C +7 5 138 TJ +7 5 139 N +7 5 140 TS +7 5 141 N +7 5 142 N +7 5 143 C +7 5 144 TJ +7 5 145 W +7 5 146 J +7 5 147 W +7 5 148 WE +7 5 149 C +7 5 150 TJ +7 5 151 CH +7 5 152 TJ +7 5 153 TS +7 5 154 NT +7 5 155 J +7 5 156 C +7 5 157 J +7 5 158 N +7 5 159 J +7 5 160 CH +7 5 161 C +7 5 162 CH +7 5 163 W +7 5 164 TS +7 5 165 C +7 5 166 TS +7 5 167 TJ +7 5 168 C +7 5 169 TA +7 5 170 NT +7 5 171 C +7 5 172 N +7 5 173 CH +7 5 174 J +7 5 175 TA +7 5 176 CH +7 5 177 J +7 5 178 TS +7 5 179 TJ +7 5 180 C +7 5 181 J +7 5 182 TJ +7 5 183 J +7 5 184 TJ +7 5 185 J +7 5 186 TA +7 5 187 J +7 5 188 TA +7 5 189 TA +7 5 190 CH +7 5 191 C +7 5 192 TJ +7 5 193 J +7 5 194 TJ +7 5 195 C +7 5 196 TA +7 5 197 TJ +7 5 198 NT +7 5 199 TA +7 5 200 TA +7 5 201 CH +7 5 202 C +7 5 203 CH +7 5 204 JU +7 5 205 TJ +7 5 206 C +7 5 207 CH +7 5 208 J +7 5 209 W +7 5 210 NT +7 5 211 W +7 5 212 J +7 5 213 TJ +7 5 214 J +7 5 215 CH +7 5 216 C +7 5 217 CH +7 5 218 C +7 5 219 TA +7 5 220 TJ +7 5 221 TA +7 5 222 TJ +7 5 223 C +7 5 224 CH +7 5 225 J +7 5 226 TS +7 5 227 NT +7 5 228 TS +7 5 229 C +7 5 230 CH +7 5 231 CH +7 5 232 J +7 5 233 TJ +7 5 234 C +7 5 235 TS +7 5 236 C +7 5 237 CH +7 5 238 W +7 5 239 CH +7 5 240 JU +7 5 241 N +7 5 242 J +7 5 243 TJ +7 5 244 TA +7 5 245 WE +7 5 246 W +7 5 247 TJ +7 5 248 C +7 5 249 W +7 5 250 TJ +7 5 251 C +7 5 252 CH +7 5 253 TA +7 5 254 TS +7 5 255 NT +7 5 256 CH +7 5 257 TS +7 5 258 J +7 5 259 WE +7 5 260 J +7 5 261 J +7 5 262 N +7 5 263 TS +7 5 264 TS +7 5 265 C +7 5 266 J +7 5 267 CH +7 5 268 C +7 5 269 CH +7 5 270 J +7 5 271 C +7 5 272 N +7 5 273 TJ +7 5 274 N +7 5 275 J +7 5 276 CH +7 5 277 TS +7 5 278 WE +7 5 279 TJ +7 5 280 C +7 5 281 C +7 5 282 C +7 5 283 J +7 5 284 TA +7 5 285 CH +7 5 286 N +7 5 287 J +7 5 288 WE +7 5 289 TA +7 5 290 CH +7 5 291 TS +7 5 292 CH +7 5 293 TA +7 5 294 TA +7 5 295 J +7 5 296 TJ +7 5 297 J +7 5 298 CH +7 5 299 C +7 5 300 TS +7 5 301 C +7 5 302 CH +7 5 303 TS +7 5 304 C +7 5 305 TJ +7 5 306 J +7 5 307 TA +7 5 308 TJ +7 5 309 JU +7 5 310 C +7 5 311 TS +7 5 312 NT +7 5 313 TJ +7 5 314 N +7 5 315 C +7 5 316 TA +7 5 317 CH +7 5 318 J +7 5 319 N +7 5 320 J +7 5 321 CH +7 5 322 TS +7 5 323 C +7 5 324 CH +7 5 325 CH +7 5 326 J +7 5 327 W +7 5 328 C +7 5 329 J +7 5 330 TA +7 6 1 TA +7 6 2 TA +7 6 3 J +7 6 4 T +7 6 5 TA +7 6 6 J +7 6 7 TC +7 6 8 JU +7 6 9 J +7 6 10 W +7 6 11 C +7 6 12 J +7 6 13 C +7 6 14 W +7 6 15 TA +7 6 16 N +7 6 17 WE +7 6 18 JU +7 6 19 TA +7 6 20 C +7 6 21 CH +7 6 22 J +7 6 23 T +7 6 24 W +7 6 25 W +7 6 26 TA +7 6 27 J +7 6 28 CH +7 6 29 W +7 6 30 J +7 6 31 TA +7 6 32 CH +7 6 33 TC +7 6 34 W +7 6 35 J +7 6 36 C +7 6 37 TA +7 6 38 CH +7 6 39 W +7 6 40 TA +7 6 41 WE +7 6 42 J +7 6 43 W +7 6 44 N +7 6 45 W +7 6 46 JU +7 6 47 W +7 6 48 J +7 6 49 TA +7 6 50 CH +7 6 51 JU +7 6 52 N +7 6 53 CH +7 6 54 C +7 6 55 TA +7 6 56 J +7 6 57 W +7 6 58 J +7 6 59 N +7 6 60 W +7 6 61 WE +7 6 62 TA +7 6 63 J +7 6 64 TA +7 6 65 CH +7 6 66 J +7 6 67 TA +7 6 68 CH +7 6 69 W +7 6 70 N +7 6 71 WE +7 6 72 W +7 6 73 T +7 6 74 TA +7 6 75 W +7 6 76 J +7 6 77 TA +7 6 78 CH +7 6 79 JU +7 6 80 TA +7 6 81 W +7 6 82 TA +7 6 83 J +7 6 84 J +7 6 85 TC +7 6 86 CH +7 6 87 JU +7 6 88 CH +7 6 89 JU +7 6 90 C +7 6 91 J +7 6 92 J +7 6 93 TA +7 6 94 JU +7 6 95 TA +7 6 96 J +7 6 97 T +7 6 98 WE +7 6 99 TA +7 6 100 W +7 6 101 CH +7 6 102 N +7 6 103 W +7 6 104 TA +7 6 105 T +7 6 106 J +7 6 107 N +7 6 108 TA +7 6 109 W +7 6 110 J +7 6 111 C +7 6 112 CH +7 6 113 JU +7 6 114 W +7 6 115 WE +7 6 116 TA +7 6 117 JU +7 6 118 CH +7 6 119 W +7 6 120 N +7 6 121 J +7 6 122 C +7 6 123 TA +7 6 124 J +7 6 125 J +7 6 126 CH +7 6 127 W +7 6 128 J +7 6 129 N +7 6 130 W +7 6 131 CH +7 6 132 WE +7 6 133 C +7 6 134 JU +7 6 135 CH +7 6 136 TA +7 6 137 W +7 6 138 TA +7 6 139 N +7 6 140 W +7 6 141 N +7 6 142 N +7 6 143 TC +7 6 144 CH +7 6 145 TA +7 6 146 J +7 6 147 TA +7 6 148 WE +7 6 149 W +7 6 150 T +7 6 151 J +7 6 152 CH +7 6 153 TA +7 6 154 JU +7 6 155 JU +7 6 156 W +7 6 157 JU +7 6 158 N +7 6 159 J +7 6 160 CH +7 6 161 TA +7 6 162 WE +7 6 163 W +7 6 164 TA +7 6 165 W +7 6 166 TJ +7 6 167 TA +7 6 168 W +7 6 169 TA +7 6 170 TA +7 6 171 W +7 6 172 N +7 6 173 CH +7 6 174 J +7 6 175 TA +7 6 176 J +7 6 177 J +7 6 178 TA +7 6 179 JU +7 6 180 TC +7 6 181 J +7 6 182 T +7 6 183 J +7 6 184 T +7 6 185 J +7 6 186 TA +7 6 187 J +7 6 188 TA +7 6 189 N +7 6 190 CH +7 6 191 W +7 6 192 TS +7 6 193 J +7 6 194 JU +7 6 195 C +7 6 196 TA +7 6 197 CH +7 6 198 W +7 6 199 TA +7 6 200 TA +7 6 201 J +7 6 202 C +7 6 203 CH +7 6 204 JU +7 6 205 TS +7 6 206 N +7 6 207 CH +7 6 208 J +7 6 209 W +7 6 210 JU +7 6 211 TA +7 6 212 J +7 6 213 CH +7 6 214 J +7 6 215 CH +7 6 216 W +7 6 217 CH +7 6 218 J +7 6 219 N +7 6 220 TA +7 6 221 N +7 6 222 T +7 6 223 C +7 6 224 CH +7 6 225 W +7 6 226 TJ +7 6 227 JU +7 6 228 W +7 6 229 TA +7 6 230 J +7 6 231 CH +7 6 232 J +7 6 233 TA +7 6 234 C +7 6 235 TS +7 6 236 W +7 6 237 J +7 6 238 TA +7 6 239 CH +7 6 240 JU +7 6 241 N +7 6 242 J +7 6 243 T +7 6 244 TA +7 6 245 WE +7 6 246 TA +7 6 247 T +7 6 248 W +7 6 249 C +7 6 250 T +7 6 251 TA +7 6 252 CH +7 6 253 TA +7 6 254 TA +7 6 255 JU +7 6 256 CH +7 6 257 TA +7 6 258 J +7 6 259 WE +7 6 260 J +7 6 261 J +7 6 262 N +7 6 263 N +7 6 264 TA +7 6 265 C +7 6 266 J +7 6 267 T +7 6 268 TC +7 6 269 CH +7 6 270 J +7 6 271 W +7 6 272 N +7 6 273 CH +7 6 274 N +7 6 275 W +7 6 276 J +7 6 277 TJ +7 6 278 J +7 6 279 T +7 6 280 W +7 6 281 W +7 6 282 C +7 6 283 JU +7 6 284 N +7 6 285 CH +7 6 286 CH +7 6 287 J +7 6 288 WE +7 6 289 TA +7 6 290 J +7 6 291 TA +7 6 292 CH +7 6 293 J +7 6 294 N +7 6 295 JU +7 6 296 T +7 6 297 J +7 6 298 CH +7 6 299 C +7 6 300 N +7 6 301 W +7 6 302 J +7 6 303 N +7 6 304 W +7 6 305 T +7 6 306 J +7 6 307 TA +7 6 308 T +7 6 309 JU +7 6 310 W +7 6 311 TJ +7 6 312 TJ +7 6 313 TS +7 6 314 J +7 6 315 C +7 6 316 TA +7 6 317 T +7 6 318 J +7 6 319 CH +7 6 320 W +7 6 321 CH +7 6 322 TA +7 6 323 C +7 6 324 J +7 6 325 T +7 6 326 J +7 6 327 N +7 6 328 W +7 6 329 JU +7 6 330 N +7 7 1 TA +7 7 2 TA +7 7 3 WE +7 7 4 T +7 7 5 TC +7 7 6 J +7 7 7 C +7 7 8 CH +7 7 9 JU +7 7 10 TA +7 7 11 W +7 7 12 J +7 7 13 W +7 7 14 TA +7 7 15 CH +7 7 16 N +7 7 17 WE +7 7 18 NT +7 7 19 TA +7 7 20 C +7 7 21 CH +7 7 22 J +7 7 23 T +7 7 24 NT +7 7 25 TA +7 7 26 TJ +7 7 27 N +7 7 28 CH +7 7 29 C +7 7 30 J +7 7 31 TA +7 7 32 CH +7 7 33 TC +7 7 34 TJ +7 7 35 CH +7 7 36 W +7 7 37 TA +7 7 38 CH +7 7 39 C +7 7 40 TA +7 7 41 WE +7 7 42 J +7 7 43 TA +7 7 44 N +7 7 45 C +7 7 46 TA +7 7 47 W +7 7 48 J +7 7 49 TA +7 7 50 T +7 7 51 JU +7 7 52 J +7 7 53 CH +7 7 54 C +7 7 55 TA +7 7 56 CH +7 7 57 TJ +7 7 58 L +7 7 59 N +7 7 60 NT +7 7 61 WE +7 7 62 TA +7 7 63 T1 +7 7 64 TA +7 7 65 CH +7 7 66 N +7 7 67 C +7 7 68 CH +7 7 69 C +7 7 70 N +7 7 71 T +7 7 72 C +7 7 73 T +7 7 74 TA +7 7 75 W +7 7 76 J +7 7 77 TA +7 7 78 CH +7 7 79 NT +7 7 80 TA +7 7 81 W +7 7 82 TA +7 7 83 J +7 7 84 CH +7 7 85 C +7 7 86 T1 +7 7 87 NT +7 7 88 CH +7 7 89 NT +7 7 90 W +7 7 91 J +7 7 92 N +7 7 93 TA +7 7 94 JU +7 7 95 TA +7 7 96 J +7 7 97 TJ +7 7 98 T1 +7 7 99 TA +7 7 100 TA +7 7 101 CH +7 7 102 TA +7 7 103 L +7 7 104 TA +7 7 105 T +7 7 106 J +7 7 107 N +7 7 108 TA +7 7 109 TJ +7 7 110 J +7 7 111 W +7 7 112 CH +7 7 113 NT +7 7 114 NT +7 7 115 WE +7 7 116 TA +7 7 117 JU +7 7 118 T1 +7 7 119 C +7 7 120 N +7 7 121 J +7 7 122 C +7 7 123 TA +7 7 124 TC +7 7 125 J +7 7 126 CH +7 7 127 NT +7 7 128 J +7 7 129 N +7 7 130 NT +7 7 131 T +7 7 132 WE +7 7 133 C +7 7 134 JU +7 7 135 CH +7 7 136 TA +7 7 137 C +7 7 138 TA +7 7 139 N +7 7 140 TJ +7 7 141 N +7 7 142 N +7 7 143 C +7 7 144 TJ +7 7 145 C +7 7 146 J +7 7 147 TA +7 7 148 WE +7 7 149 TC +7 7 150 T +7 7 151 CH +7 7 152 CH +7 7 153 TA +7 7 154 NT +7 7 155 TO +7 7 156 C +7 7 157 L +7 7 158 N +7 7 159 J +7 7 160 CH +7 7 161 C +7 7 162 CH +7 7 163 TA +7 7 164 TA +7 7 165 W +7 7 166 TA +7 7 167 CH +7 7 168 C +7 7 169 TA +7 7 170 NT +7 7 171 C +7 7 172 N +7 7 173 T1 +7 7 174 J +7 7 175 TA +7 7 176 CH +7 7 177 J +7 7 178 TJ +7 7 179 WE +7 7 180 C +7 7 181 J +7 7 182 T +7 7 183 TO +7 7 184 T +7 7 185 J +7 7 186 TA +7 7 187 J +7 7 188 TA +7 7 189 TA +7 7 190 CH +7 7 191 C +7 7 192 T +7 7 193 J +7 7 194 JU +7 7 195 C +7 7 196 TA +7 7 197 TJ +7 7 198 NT +7 7 199 TA +7 7 200 TA +7 7 201 T1 +7 7 202 C +7 7 203 CH +7 7 204 JU +7 7 205 T +7 7 206 J +7 7 207 CH +7 7 208 J +7 7 209 W +7 7 210 L +7 7 211 TA +7 7 212 J +7 7 213 TA +7 7 214 TC +7 7 215 CH +7 7 216 W +7 7 217 CH +7 7 218 W +7 7 219 N +7 7 220 TA +7 7 221 N +7 7 222 T +7 7 223 C +7 7 224 N +7 7 225 J +7 7 226 TA +7 7 227 NT +7 7 228 TA +7 7 229 C +7 7 230 CH +7 7 231 CH +7 7 232 L +7 7 233 TA +7 7 234 C +7 7 235 TA +7 7 236 J +7 7 237 CH +7 7 238 TA +7 7 239 T1 +7 7 240 JU +7 7 241 N +7 7 242 J +7 7 243 T +7 7 244 TA +7 7 245 WE +7 7 246 C +7 7 247 TA +7 7 248 NT +7 7 249 C +7 7 250 TJ +7 7 251 C +7 7 252 N +7 7 253 TA +7 7 254 N +7 7 255 NT +7 7 256 T1 +7 7 257 TA +7 7 258 J +7 7 259 WE +7 7 260 J +7 7 261 J +7 7 262 N +7 7 263 NT +7 7 264 TA +7 7 265 C +7 7 266 J +7 7 267 T +7 7 268 C +7 7 269 CH +7 7 270 J +7 7 271 C +7 7 272 N +7 7 273 CH +7 7 274 N +7 7 275 J +7 7 276 CH +7 7 277 TA +7 7 278 J +7 7 279 TJ +7 7 280 C +7 7 281 C +7 7 282 TC +7 7 283 L +7 7 284 N +7 7 285 CH +7 7 286 N +7 7 287 J +7 7 288 WE +7 7 289 TA +7 7 290 N +7 7 291 TA +7 7 292 CH +7 7 293 TA +7 7 294 N +7 7 295 L +7 7 296 T +7 7 297 J +7 7 298 T1 +7 7 299 C +7 7 300 TA +7 7 301 C +7 7 302 N +7 7 303 TJ +7 7 304 W +7 7 305 T +7 7 306 J +7 7 307 TA +7 7 308 T +7 7 309 NT +7 7 310 C +7 7 311 TJ +7 7 312 NT +7 7 313 TJ +7 7 314 N +7 7 315 TC +7 7 316 TA +7 7 317 CH +7 7 318 J +7 7 319 N +7 7 320 J +7 7 321 CH +7 7 322 TA +7 7 323 C +7 7 324 N +7 7 325 T +7 7 326 J +7 7 327 TA +7 7 328 C +7 7 329 L +7 7 330 TA +7 8 1 TA +7 8 2 TA +7 8 3 J +7 8 4 JU +7 8 5 TA +7 8 6 TO +7 8 7 TC +7 8 8 WE +7 8 9 TO +7 8 10 TA +7 8 11 TA +7 8 12 J +7 8 13 C +7 8 14 TA +7 8 15 CH +7 8 16 N +7 8 17 J +7 8 18 NT +7 8 19 TA +7 8 20 TC +7 8 21 CH +7 8 22 J +7 8 23 CH +7 8 24 W +7 8 25 TA +7 8 26 TA +7 8 27 CH +7 8 28 CH +7 8 29 TA +7 8 30 J +7 8 31 TA +7 8 32 CH +7 8 33 TC +7 8 34 TA +7 8 35 CH +7 8 36 C +7 8 37 TA +7 8 38 WE +7 8 39 TC +7 8 40 TA +7 8 41 WE +7 8 42 J +7 8 43 TA +7 8 44 CH +7 8 45 TC +7 8 46 W +7 8 47 C +7 8 48 J +7 8 49 TA +7 8 50 T +7 8 51 J +7 8 52 TA +7 8 53 CH +7 8 54 TC +7 8 55 TA +7 8 56 CH +7 8 57 C +7 8 58 J +7 8 59 CH +7 8 60 C +7 8 61 WE +7 8 62 CH +7 8 63 CH +7 8 64 TA +7 8 65 CH +7 8 66 N +7 8 67 TA +7 8 68 CH +7 8 69 W +7 8 70 N +7 8 71 JU +7 8 72 C +7 8 73 CH +7 8 74 TA +7 8 75 W +7 8 76 J +7 8 77 TA +7 8 78 CH +7 8 79 W +7 8 80 TA +7 8 81 TC +7 8 82 TA +7 8 83 CH +7 8 84 CH +7 8 85 C +7 8 86 CH +7 8 87 W +7 8 88 CH +7 8 89 NT +7 8 90 C +7 8 91 J +7 8 92 N +7 8 93 TA +7 8 94 W +7 8 95 TA +7 8 96 J +7 8 97 TS +7 8 98 WE +7 8 99 CH +7 8 100 TA +7 8 101 CH +7 8 102 TA +7 8 103 J +7 8 104 TA +7 8 105 CH +7 8 106 J +7 8 107 N +7 8 108 TA +7 8 109 TA +7 8 110 J +7 8 111 W +7 8 112 WE +7 8 113 NT +7 8 114 C +7 8 115 WE +7 8 116 TA +7 8 117 TO +7 8 118 CH +7 8 119 TA +7 8 120 N +7 8 121 J +7 8 122 C +7 8 123 TA +7 8 124 J +7 8 125 J +7 8 126 CH +7 8 127 W +7 8 128 J +7 8 129 CH +7 8 130 W +7 8 131 T +7 8 132 J +7 8 133 C +7 8 134 NT +7 8 135 CH +7 8 136 TA +7 8 137 TC +7 8 138 TA +7 8 139 CH +7 8 140 C +7 8 141 CH +7 8 142 TA +7 8 143 TC +7 8 144 T +7 8 145 TA +7 8 146 J +7 8 147 TA +7 8 148 WE +7 8 149 TC +7 8 150 T +7 8 151 CH +7 8 152 CH +7 8 153 TA +7 8 154 W +7 8 155 W +7 8 156 C +7 8 157 J +7 8 158 N +7 8 159 J +7 8 160 CH +7 8 161 TA +7 8 162 WE +7 8 163 TA +7 8 164 TA +7 8 165 J +7 8 166 C +7 8 167 CH +7 8 168 C +7 8 169 TA +7 8 170 W +7 8 171 TC +7 8 172 N +7 8 173 J +7 8 174 J +7 8 175 TA +7 8 176 J +7 8 177 TC +7 8 178 TA +7 8 179 JU +7 8 180 TC +7 8 181 J +7 8 182 JU +7 8 183 J +7 8 184 TS +7 8 185 J +7 8 186 TA +7 8 187 J +7 8 188 TJ +7 8 189 TA +7 8 190 CH +7 8 191 C +7 8 192 JU +7 8 193 J +7 8 194 JU +7 8 195 TC +7 8 196 TA +7 8 197 CH +7 8 198 W +7 8 199 N +7 8 200 TA +7 8 201 CH +7 8 202 TC +7 8 203 CH +7 8 204 NT +7 8 205 JU +7 8 206 N +7 8 207 CH +7 8 208 J +7 8 209 C +7 8 210 WE +7 8 211 TA +7 8 212 J +7 8 213 TA +7 8 214 TC +7 8 215 CH +7 8 216 W +7 8 217 CH +7 8 218 TC +7 8 219 TA +7 8 220 TA +7 8 221 N +7 8 222 CH +7 8 223 C +7 8 224 CH +7 8 225 J +7 8 226 TA +7 8 227 W +7 8 228 TS +7 8 229 TA +7 8 230 CH +7 8 231 CH +7 8 232 J +7 8 233 TA +7 8 234 C +7 8 235 TS +7 8 236 TC +7 8 237 J +7 8 238 TA +7 8 239 CH +7 8 240 J +7 8 241 N +7 8 242 J +7 8 243 TS +7 8 244 TA +7 8 245 J +7 8 246 TA +7 8 247 JU +7 8 248 W +7 8 249 C +7 8 250 JU +7 8 251 TC +7 8 252 CH +7 8 253 TA +7 8 254 TA +7 8 255 NT +7 8 256 J +7 8 257 TA +7 8 258 J +7 8 259 WE +7 8 260 J +7 8 261 J +7 8 262 N +7 8 263 W +7 8 264 TA +7 8 265 C +7 8 266 J +7 8 267 JU +7 8 268 TC +7 8 269 CH +7 8 270 J +7 8 271 C +7 8 272 N +7 8 273 CH +7 8 274 N +7 8 275 J +7 8 276 CH +7 8 277 C +7 8 278 J +7 8 279 TJ +7 8 280 TC +7 8 281 C +7 8 282 TC +7 8 283 J +7 8 284 TA +7 8 285 CH +7 8 286 N +7 8 287 J +7 8 288 WE +7 8 289 TA +7 8 290 CH +7 8 291 TA +7 8 292 CH +7 8 293 TA +7 8 294 TA +7 8 295 J +7 8 296 T +7 8 297 J +7 8 298 WE +7 8 299 C +7 8 300 TA +7 8 301 C +7 8 302 CH +7 8 303 TA +7 8 304 TC +7 8 305 JU +7 8 306 TC +7 8 307 TC +7 8 308 CH +7 8 309 W +7 8 310 TA +7 8 311 TA +7 8 312 W +7 8 313 TJ +7 8 314 CH +7 8 315 TC +7 8 316 TA +7 8 317 WE +7 8 318 J +7 8 319 CH +7 8 320 TC +7 8 321 WE +7 8 322 TA +7 8 323 C +7 8 324 CH +7 8 325 JU +7 8 326 J +7 8 327 TA +7 8 328 C +7 8 329 J +7 8 330 TA +7 9 1 TA +7 9 2 TA +7 9 3 WE +7 9 4 T +7 9 5 C +7 9 6 T1 +7 9 7 TC +7 9 8 JU +7 9 9 T1 +7 9 10 TJ +7 9 11 C +7 9 12 J +7 9 13 C +7 9 14 TS +7 9 15 CH +7 9 16 N +7 9 17 WE +7 9 18 X +7 9 19 TS +7 9 20 C +7 9 21 CH +7 9 22 J +7 9 23 TS +7 9 24 X +7 9 25 C +7 9 26 TJ +7 9 27 N +7 9 28 CH +7 9 29 C +7 9 30 J +7 9 31 TA +7 9 32 CH +7 9 33 C +7 9 34 TS +7 9 35 J +7 9 36 C +7 9 37 TA +7 9 38 CH +7 9 39 C +7 9 40 TA +7 9 41 WE +7 9 42 J +7 9 43 TJ +7 9 44 N +7 9 45 C +7 9 46 X +7 9 47 C +7 9 48 J +7 9 49 TA +7 9 50 TS +7 9 51 TO +7 9 52 TA +7 9 53 CH +7 9 54 C +7 9 55 TA +7 9 56 J +7 9 57 TJ +7 9 58 J +7 9 59 CH +7 9 60 TJ +7 9 61 WE +7 9 62 TS +7 9 63 WE +7 9 64 TJ +7 9 65 CH +7 9 66 N +7 9 67 C +7 9 68 CH +7 9 69 W +7 9 70 TA +7 9 71 TS +7 9 72 C +7 9 73 TS +7 9 74 TA +7 9 75 W +7 9 76 J +7 9 77 C +7 9 78 CH +7 9 79 X +7 9 80 C +7 9 81 C +7 9 82 C +7 9 83 J +7 9 84 J +7 9 85 C +7 9 86 CH +7 9 87 X +7 9 88 TS +7 9 89 X +7 9 90 C +7 9 91 TC +7 9 92 N +7 9 93 C +7 9 94 X +7 9 95 TA +7 9 96 J +7 9 97 TS +7 9 98 CH +7 9 99 TA +7 9 100 TA +7 9 101 CH +7 9 102 TA +7 9 103 W +7 9 104 TA +7 9 105 T +7 9 106 J +7 9 107 N +7 9 108 TA +7 9 109 TJ +7 9 110 J +7 9 111 W +7 9 112 CH +7 9 113 X +7 9 114 C +7 9 115 WE +7 9 116 TA +7 9 117 TO +7 9 118 CH +7 9 119 C +7 9 120 N +7 9 121 WE +7 9 122 C +7 9 123 C +7 9 124 W +7 9 125 J +7 9 126 CH +7 9 127 TJ +7 9 128 J +7 9 129 N +7 9 130 W +7 9 131 T +7 9 132 WE +7 9 133 C +7 9 134 T +7 9 135 CH +7 9 136 C +7 9 137 C +7 9 138 TA +7 9 139 N +7 9 140 TJ +7 9 141 N +7 9 142 TA +7 9 143 C +7 9 144 TS +7 9 145 C +7 9 146 J +7 9 147 C +7 9 148 WE +7 9 149 C +7 9 150 TS +7 9 151 J +7 9 152 CH +7 9 153 TJ +7 9 154 X +7 9 155 X +7 9 156 C +7 9 157 TO +7 9 158 N +7 9 159 J +7 9 160 CH +7 9 161 C +7 9 162 CH +7 9 163 TJ +7 9 164 TS +7 9 165 W +7 9 166 TJ +7 9 167 CH +7 9 168 C +7 9 169 TA +7 9 170 TJ +7 9 171 C +7 9 172 N +7 9 173 CH +7 9 174 J +7 9 175 TA +7 9 176 CH +7 9 177 J +7 9 178 TJ +7 9 179 JU +7 9 180 C +7 9 181 J +7 9 182 JU +7 9 183 J +7 9 184 TS +7 9 185 J +7 9 186 TA +7 9 187 J +7 9 188 TA +7 9 189 TA +7 9 190 CH +7 9 191 C +7 9 192 TS +7 9 193 J +7 9 194 WE +7 9 195 C +7 9 196 TA +7 9 197 TS +7 9 198 X +7 9 199 TA +7 9 200 TA +7 9 201 J +7 9 202 C +7 9 203 CH +7 9 204 X +7 9 205 TS +7 9 206 N +7 9 207 CH +7 9 208 J +7 9 209 C +7 9 210 JU +7 9 211 TA +7 9 212 J +7 9 213 TA +7 9 214 J +7 9 215 CH +7 9 216 W +7 9 217 T1 +7 9 218 W +7 9 219 TA +7 9 220 TS +7 9 221 N +7 9 222 T +7 9 223 C +7 9 224 N +7 9 225 J +7 9 226 TJ +7 9 227 TJ +7 9 228 TS +7 9 229 W +7 9 230 N +7 9 231 TS +7 9 232 J +7 9 233 TA +7 9 234 C +7 9 235 TJ +7 9 236 W +7 9 237 J +7 9 238 W +7 9 239 CH +7 9 240 WE +7 9 241 N +7 9 242 J +7 9 243 CH +7 9 244 TA +7 9 245 WE +7 9 246 C +7 9 247 TA +7 9 248 W +7 9 249 C +7 9 250 TS +7 9 251 C +7 9 252 N +7 9 253 W +7 9 254 TS +7 9 255 X +7 9 256 WE +7 9 257 TJ +7 9 258 J +7 9 259 WE +7 9 260 J +7 9 261 J +7 9 262 N +7 9 263 N +7 9 264 TA +7 9 265 C +7 9 266 WE +7 9 267 TS +7 9 268 C +7 9 269 CH +7 9 270 J +7 9 271 C +7 9 272 N +7 9 273 CH +7 9 274 N +7 9 275 J +7 9 276 CH +7 9 277 TJ +7 9 278 WE +7 9 279 TS +7 9 280 W +7 9 281 C +7 9 282 C +7 9 283 TO +7 9 284 N +7 9 285 CH +7 9 286 N +7 9 287 J +7 9 288 WE +7 9 289 TA +7 9 290 N +7 9 291 TS +7 9 292 J +7 9 293 TA +7 9 294 N +7 9 295 J +7 9 296 TS +7 9 297 J +7 9 298 WE +7 9 299 C +7 9 300 N +7 9 301 C +7 9 302 N +7 9 303 TA +7 9 304 W +7 9 305 TS +7 9 306 W +7 9 307 C +7 9 308 TS +7 9 309 X +7 9 310 C +7 9 311 TJ +7 9 312 X +7 9 313 TS +7 9 314 N +7 9 315 W +7 9 316 C +7 9 317 CH +7 9 318 J +7 9 319 N +7 9 320 J +7 9 321 CH +7 9 322 TA +7 9 323 C +7 9 324 N +7 9 325 TS +7 9 326 J +7 9 327 TA +7 9 328 C +7 9 329 TO +7 9 330 TA +7 10 1 TJ +7 10 2 TA +7 10 3 CH +7 10 4 T +7 10 5 C +7 10 6 JU +7 10 7 TC +7 10 8 TA +7 10 9 WE +7 10 10 TJ +7 10 11 TA +7 10 12 J +7 10 13 TC +7 10 14 NT +7 10 15 T1 +7 10 16 N +7 10 17 WE +7 10 18 NT +7 10 19 TA +7 10 20 TC +7 10 21 CH +7 10 22 J +7 10 23 TA +7 10 24 W +7 10 25 C +7 10 26 TJ +7 10 27 N +7 10 28 T1 +7 10 29 TC +7 10 30 JU +7 10 31 TA +7 10 32 T1 +7 10 33 TC +7 10 34 TA +7 10 35 T1 +7 10 36 NT +7 10 37 TA +7 10 38 CH +7 10 39 C +7 10 40 TJ +7 10 41 WE +7 10 42 J +7 10 43 NT +7 10 44 TA +7 10 45 TC +7 10 46 TA +7 10 47 TJ +7 10 48 J +7 10 49 TA +7 10 50 T +7 10 51 JU +7 10 52 TA +7 10 53 CH +7 10 54 TC +7 10 55 TA +7 10 56 T1 +7 10 57 W +7 10 58 J +7 10 59 N +7 10 60 TJ +7 10 61 WE +7 10 62 TA +7 10 63 T1 +7 10 64 TA +7 10 65 CH +7 10 66 N +7 10 67 TC +7 10 68 T1 +7 10 69 W +7 10 70 N +7 10 71 T +7 10 72 C +7 10 73 T +7 10 74 TA +7 10 75 W +7 10 76 T1 +7 10 77 TC +7 10 78 TA +7 10 79 NT +7 10 80 W +7 10 81 TC +7 10 82 TA +7 10 83 N +7 10 84 T1 +7 10 85 TJ +7 10 86 TA +7 10 87 NT +7 10 88 T +7 10 89 NT +7 10 90 W +7 10 91 TC +7 10 92 N +7 10 93 TA +7 10 94 NT +7 10 95 N +7 10 96 J +7 10 97 T +7 10 98 WE +7 10 99 TA +7 10 100 C +7 10 101 T1 +7 10 102 TA +7 10 103 JU +7 10 104 TJ +7 10 105 T +7 10 106 J +7 10 107 N +7 10 108 TA +7 10 109 TS +7 10 110 J +7 10 111 NT +7 10 112 WE +7 10 113 NT +7 10 114 W +7 10 115 WE +7 10 116 TA +7 10 117 NT +7 10 118 T1 +7 10 119 TC +7 10 120 N +7 10 121 CH +7 10 122 C +7 10 123 TJ +7 10 124 TC +7 10 125 T1 +7 10 126 TA +7 10 127 NT +7 10 128 C +7 10 129 N +7 10 130 NT +7 10 131 T +7 10 132 WE +7 10 133 TJ +7 10 134 T +7 10 135 T1 +7 10 136 TJ +7 10 137 NT +7 10 138 TA +7 10 139 N +7 10 140 W +7 10 141 N +7 10 142 N +7 10 143 TC +7 10 144 T +7 10 145 W +7 10 146 J +7 10 147 TA +7 10 148 WE +7 10 149 TC +7 10 150 T +7 10 151 T1 +7 10 152 TA +7 10 153 TJ +7 10 154 NT +7 10 155 NT +7 10 156 C +7 10 157 JU +7 10 158 N +7 10 159 J +7 10 160 T1 +7 10 161 TC +7 10 162 WE +7 10 163 TJ +7 10 164 TA +7 10 165 W +7 10 166 TJ +7 10 167 TA +7 10 168 W +7 10 169 TA +7 10 170 NT +7 10 171 C +7 10 172 N +7 10 173 T1 +7 10 174 J +7 10 175 TA +7 10 176 T1 +7 10 177 J +7 10 178 TJ +7 10 179 T +7 10 180 C +7 10 181 J +7 10 182 T +7 10 183 JU +7 10 184 T +7 10 185 J +7 10 186 TJ +7 10 187 T1 +7 10 188 TJ +7 10 189 TA +7 10 190 T1 +7 10 191 TJ +7 10 192 T +7 10 193 J +7 10 194 T +7 10 195 TC +7 10 196 TA +7 10 197 TA +7 10 198 NT +7 10 199 TA +7 10 200 TJ +7 10 201 T1 +7 10 202 W +7 10 203 T1 +7 10 204 NT +7 10 205 T +7 10 206 N +7 10 207 WE +7 10 208 JU +7 10 209 W +7 10 210 T +7 10 211 TA +7 10 212 J +7 10 213 N +7 10 214 TC +7 10 215 T1 +7 10 216 NT +7 10 217 T1 +7 10 218 TC +7 10 219 TA +7 10 220 TJ +7 10 221 N +7 10 222 T +7 10 223 C +7 10 224 N +7 10 225 JU +7 10 226 TJ +7 10 227 NT +7 10 228 TJ +7 10 229 TA +7 10 230 N +7 10 231 T +7 10 232 JU +7 10 233 TA +7 10 234 C +7 10 235 TJ +7 10 236 TC +7 10 237 T1 +7 10 238 TA +7 10 239 T1 +7 10 240 JU +7 10 241 N +7 10 242 J +7 10 243 WE +7 10 244 TA +7 10 245 CH +7 10 246 C +7 10 247 T +7 10 248 NT +7 10 249 W +7 10 250 T +7 10 251 TC +7 10 252 N +7 10 253 TA +7 10 254 TJ +7 10 255 NT +7 10 256 WE +7 10 257 TJ +7 10 258 J +7 10 259 WE +7 10 260 J +7 10 261 J +7 10 262 N +7 10 263 TA +7 10 264 N +7 10 265 C +7 10 266 JU +7 10 267 T +7 10 268 TC +7 10 269 TJ +7 10 270 J +7 10 271 W +7 10 272 N +7 10 273 TA +7 10 274 N +7 10 275 J +7 10 276 CH +7 10 277 TJ +7 10 278 T1 +7 10 279 TJ +7 10 280 C +7 10 281 TA +7 10 282 TC +7 10 283 JU +7 10 284 N +7 10 285 T1 +7 10 286 N +7 10 287 JU +7 10 288 CH +7 10 289 TA +7 10 290 N +7 10 291 TJ +7 10 292 T1 +7 10 293 TA +7 10 294 N +7 10 295 JU +7 10 296 T +7 10 297 J +7 10 298 CH +7 10 299 C +7 10 300 TA +7 10 301 C +7 10 302 N +7 10 303 TA +7 10 304 TC +7 10 305 T +7 10 306 TC +7 10 307 TJ +7 10 308 TA +7 10 309 W +7 10 310 TC +7 10 311 TJ +7 10 312 NT +7 10 313 TJ +7 10 314 N +7 10 315 TC +7 10 316 C +7 10 317 T +7 10 318 T1 +7 10 319 N +7 10 320 T +7 10 321 CH +7 10 322 TA +7 10 323 W +7 10 324 N +7 10 325 JU +7 10 326 J +7 10 327 TA +7 10 328 W +7 10 329 JU +7 10 330 TA +7 11 1 TA +7 11 2 TA +7 11 3 J +7 11 4 T +7 11 5 TA +7 11 6 J +7 11 7 C +7 11 8 T +7 11 9 TO +7 11 10 TJ +7 11 11 TA +7 11 12 J +7 11 13 TA +7 11 14 TA +7 11 15 T1 +7 11 16 N +7 11 17 CH +7 11 18 TO +7 11 19 TA +7 11 20 C +7 11 21 CH +7 11 22 J +7 11 23 T +7 11 24 TO +7 11 25 TA +7 11 26 TA +7 11 27 N +7 11 28 CH +7 11 29 C +7 11 30 J +7 11 31 TA +7 11 32 T +7 11 33 C +7 11 34 TA +7 11 35 J +7 11 36 TO +7 11 37 TA +7 11 38 JU +7 11 39 C +7 11 40 TA +7 11 41 WE +7 11 42 J +7 11 43 TJ +7 11 44 N +7 11 45 C +7 11 46 TO +7 11 47 TO +7 11 48 J +7 11 49 TA +7 11 50 T +7 11 51 TO +7 11 52 N +7 11 53 CH +7 11 54 C +7 11 55 TA +7 11 56 T1 +7 11 57 W +7 11 58 TO +7 11 59 TA +7 11 60 W +7 11 61 JU +7 11 62 TA +7 11 63 CH +7 11 64 TA +7 11 65 CH +7 11 66 N +7 11 67 C +7 11 68 CH +7 11 69 TO +7 11 70 N +7 11 71 JU +7 11 72 C +7 11 73 T +7 11 74 TA +7 11 75 W +7 11 76 J +7 11 77 TA +7 11 78 CH +7 11 79 TO +7 11 80 TA +7 11 81 C +7 11 82 TA +7 11 83 J +7 11 84 CH +7 11 85 C +7 11 86 CH +7 11 87 TO +7 11 88 T +7 11 89 NT +7 11 90 W +7 11 91 C +7 11 92 N +7 11 93 TA +7 11 94 JU +7 11 95 TA +7 11 96 J +7 11 97 T +7 11 98 CH +7 11 99 TA +7 11 100 TA +7 11 101 T +7 11 102 TA +7 11 103 L +7 11 104 TA +7 11 105 T +7 11 106 J +7 11 107 N +7 11 108 TA +7 11 109 TA +7 11 110 J +7 11 111 TO +7 11 112 CH +7 11 113 NT +7 11 114 W +7 11 115 JU +7 11 116 TA +7 11 117 JU +7 11 118 CH +7 11 119 C +7 11 120 N +7 11 121 J +7 11 122 C +7 11 123 W +7 11 124 C +7 11 125 J +7 11 126 CH +7 11 127 W +7 11 128 J +7 11 129 N +7 11 130 TO +7 11 131 T +7 11 132 WE +7 11 133 W +7 11 134 JU +7 11 135 CH +7 11 136 TA +7 11 137 W +7 11 138 TA +7 11 139 N +7 11 140 TA +7 11 141 N +7 11 142 TA +7 11 143 C +7 11 144 T +7 11 145 TA +7 11 146 J +7 11 147 TA +7 11 148 CH +7 11 149 TA +7 11 150 T +7 11 151 J +7 11 152 TA +7 11 153 TA +7 11 154 TO +7 11 155 L +7 11 156 C +7 11 157 JU +7 11 158 N +7 11 159 J +7 11 160 CH +7 11 161 C +7 11 162 CH +7 11 163 W +7 11 164 TA +7 11 165 W +7 11 166 NT +7 11 167 T +7 11 168 C +7 11 169 TA +7 11 170 NT +7 11 171 W +7 11 172 N +7 11 173 CH +7 11 174 J +7 11 175 TA +7 11 176 CH +7 11 177 J +7 11 178 TA +7 11 179 JU +7 11 180 C +7 11 181 L +7 11 182 JU +7 11 183 L +7 11 184 T +7 11 185 J +7 11 186 TA +7 11 187 J +7 11 188 TA +7 11 189 TA +7 11 190 CH +7 11 191 W +7 11 192 T +7 11 193 NI +7 11 194 JU +7 11 195 C +7 11 196 TA +7 11 197 T +7 11 198 NT +7 11 199 TA +7 11 200 TA +7 11 201 J +7 11 202 C +7 11 203 T +7 11 204 JU +7 11 205 T +7 11 206 TA +7 11 207 CH +7 11 208 L +7 11 209 W +7 11 210 JU +7 11 211 TA +7 11 212 J +7 11 213 TA +7 11 214 NI +7 11 215 CH +7 11 216 L +7 11 217 CH +7 11 218 NI +7 11 219 TA +7 11 220 T +7 11 221 TA +7 11 222 T +7 11 223 C +7 11 224 N +7 11 225 L +7 11 226 TA +7 11 227 NT +7 11 228 TA +7 11 229 TA +7 11 230 N +7 11 231 T +7 11 232 L +7 11 233 TA +7 11 234 C +7 11 235 TA +7 11 236 NI +7 11 237 J +7 11 238 TA +7 11 239 CH +7 11 240 JU +7 11 241 N +7 11 242 J +7 11 243 T +7 11 244 N +7 11 245 WE +7 11 246 TA +7 11 247 T +7 11 248 W +7 11 249 C +7 11 250 T +7 11 251 C +7 11 252 N +7 11 253 TA +7 11 254 TA +7 11 255 NT +7 11 256 CH +7 11 257 TA +7 11 258 NI +7 11 259 JU +7 11 260 J +7 11 261 J +7 11 262 N +7 11 263 TO +7 11 264 TA +7 11 265 C +7 11 266 L +7 11 267 T +7 11 268 C +7 11 269 T +7 11 270 J +7 11 271 W +7 11 272 N +7 11 273 T +7 11 274 N +7 11 275 NI +7 11 276 CH +7 11 277 TA +7 11 278 J +7 11 279 TA +7 11 280 C +7 11 281 TA +7 11 282 C +7 11 283 L +7 11 284 N +7 11 285 CH +7 11 286 N +7 11 287 L +7 11 288 WE +7 11 289 TA +7 11 290 N +7 11 291 TA +7 11 292 CH +7 11 293 TA +7 11 294 N +7 11 295 L +7 11 296 T +7 11 297 J +7 11 298 CH +7 11 299 C +7 11 300 N +7 11 301 TA +7 11 302 N +7 11 303 TA +7 11 304 NI +7 11 305 T +7 11 306 NI +7 11 307 TA +7 11 308 T +7 11 309 L +7 11 310 C +7 11 311 TA +7 11 312 NT +7 11 313 T +7 11 314 N +7 11 315 C +7 11 316 TA +7 11 317 T +7 11 318 J +7 11 319 N +7 11 320 NI +7 11 321 CH +7 11 322 TA +7 11 323 C +7 11 324 N +7 11 325 T +7 11 326 J +7 11 327 TA +7 11 328 W +7 11 329 L +7 11 330 TA +7 12 1 TA +7 12 2 TA +7 12 3 WE +7 12 4 JU +7 12 5 W +7 12 6 J +7 12 7 C +7 12 8 JU +7 12 9 TO +7 12 10 TJ +7 12 11 TA +7 12 12 J +7 12 13 C +7 12 14 TA +7 12 15 CH +7 12 16 N +7 12 17 CH +7 12 18 NT +7 12 19 TA +7 12 20 C +7 12 21 CH +7 12 22 J +7 12 23 T +7 12 24 J +7 12 25 TA +7 12 26 TS +7 12 27 J +7 12 28 CH +7 12 29 W +7 12 30 J +7 12 31 TA +7 12 32 CH +7 12 33 W +7 12 34 TA +7 12 35 CH +7 12 36 C +7 12 37 TA +7 12 38 CH +7 12 39 C +7 12 40 TA +7 12 41 WE +7 12 42 J +7 12 43 TS +7 12 44 J +7 12 45 W +7 12 46 NT +7 12 47 C +7 12 48 J +7 12 49 TA +7 12 50 T +7 12 51 JU +7 12 52 TA +7 12 53 CH +7 12 54 C +7 12 55 TA +7 12 56 J +7 12 57 C +7 12 58 J +7 12 59 CH +7 12 60 C +7 12 61 CH +7 12 62 T +7 12 63 J +7 12 64 TA +7 12 65 CH +7 12 66 N +7 12 67 W +7 12 68 CH +7 12 69 J +7 12 70 TA +7 12 71 CH +7 12 72 C +7 12 73 T +7 12 74 TA +7 12 75 C +7 12 76 J +7 12 77 TA +7 12 78 CH +7 12 79 NT +7 12 80 TA +7 12 81 W +7 12 82 W +7 12 83 J +7 12 84 CH +7 12 85 W +7 12 86 CH +7 12 87 NT +7 12 88 T +7 12 89 NT +7 12 90 C +7 12 91 J +7 12 92 J +7 12 93 C +7 12 94 JU +7 12 95 TA +7 12 96 J +7 12 97 T +7 12 98 WE +7 12 99 T +7 12 100 TA +7 12 101 CH +7 12 102 TA +7 12 103 J +7 12 104 TA +7 12 105 T +7 12 106 J +7 12 107 N +7 12 108 TA +7 12 109 TS +7 12 110 J +7 12 111 C +7 12 112 CH +7 12 113 NT +7 12 114 C +7 12 115 WE +7 12 116 TA +7 12 117 JU +7 12 118 CH +7 12 119 W +7 12 120 N +7 12 121 J +7 12 122 C +7 12 123 TA +7 12 124 J +7 12 125 J +7 12 126 CH +7 12 127 C +7 12 128 J +7 12 129 N +7 12 130 C +7 12 131 T +7 12 132 WE +7 12 133 C +7 12 134 JU +7 12 135 CH +7 12 136 TA +7 12 137 C +7 12 138 TA +7 12 139 T +7 12 140 TA +7 12 141 N +7 12 142 T +7 12 143 W +7 12 144 TS +7 12 145 W +7 12 146 J +7 12 147 TA +7 12 148 WE +7 12 149 W +7 12 150 T +7 12 151 CH +7 12 152 T +7 12 153 TA +7 12 154 NT +7 12 155 JU +7 12 156 C +7 12 157 JU +7 12 158 N +7 12 159 J +7 12 160 CH +7 12 161 W +7 12 162 CH +7 12 163 C +7 12 164 TA +7 12 165 W +7 12 166 TS +7 12 167 T +7 12 168 C +7 12 169 TA +7 12 170 C +7 12 171 W +7 12 172 N +7 12 173 CH +7 12 174 J +7 12 175 TA +7 12 176 CH +7 12 177 J +7 12 178 TS +7 12 179 CH +7 12 180 W +7 12 181 J +7 12 182 T +7 12 183 J +7 12 184 T +7 12 185 J +7 12 186 TA +7 12 187 J +7 12 188 TA +7 12 189 TA +7 12 190 CH +7 12 191 C +7 12 192 T +7 12 193 J +7 12 194 JU +7 12 195 C +7 12 196 TA +7 12 197 T +7 12 198 NT +7 12 199 TA +7 12 200 TA +7 12 201 CH +7 12 202 C +7 12 203 T +7 12 204 JU +7 12 205 TS +7 12 206 W +7 12 207 CH +7 12 208 J +7 12 209 C +7 12 210 CH +7 12 211 TA +7 12 212 J +7 12 213 T +7 12 214 J +7 12 215 CH +7 12 216 C +7 12 217 CH +7 12 218 J +7 12 219 TA +7 12 220 TS +7 12 221 TA +7 12 222 T +7 12 223 C +7 12 224 CH +7 12 225 J +7 12 226 TA +7 12 227 NT +7 12 228 TS +7 12 229 W +7 12 230 CH +7 12 231 T +7 12 232 J +7 12 233 T +7 12 234 C +7 12 235 TA +7 12 236 W +7 12 237 J +7 12 238 C +7 12 239 CH +7 12 240 WE +7 12 241 CH +7 12 242 J +7 12 243 T +7 12 244 TA +7 12 245 WE +7 12 246 TA +7 12 247 T +7 12 248 C +7 12 249 C +7 12 250 TS +7 12 251 W +7 12 252 CH +7 12 253 TA +7 12 254 TA +7 12 255 NT +7 12 256 CH +7 12 257 TA +7 12 258 J +7 12 259 WE +7 12 260 J +7 12 261 J +7 12 262 N +7 12 263 N +7 12 264 TA +7 12 265 C +7 12 266 J +7 12 267 T +7 12 268 W +7 12 269 CH +7 12 270 J +7 12 271 C +7 12 272 TA +7 12 273 CH +7 12 274 N +7 12 275 J +7 12 276 CH +7 12 277 C +7 12 278 J +7 12 279 TS +7 12 280 W +7 12 281 C +7 12 282 W +7 12 283 TO +7 12 284 TA +7 12 285 CH +7 12 286 N +7 12 287 J +7 12 288 WE +7 12 289 TA +7 12 290 J +7 12 291 TA +7 12 292 CH +7 12 293 TA +7 12 294 N +7 12 295 J +7 12 296 T +7 12 297 J +7 12 298 WE +7 12 299 C +7 12 300 TA +7 12 301 C +7 12 302 CH +7 12 303 TA +7 12 304 W +7 12 305 T +7 12 306 W +7 12 307 TA +7 12 308 T +7 12 309 NT +7 12 310 W +7 12 311 TA +7 12 312 NT +7 12 313 TS +7 12 314 CH +7 12 315 W +7 12 316 C +7 12 317 T +7 12 318 J +7 12 319 N +7 12 320 W +7 12 321 CH +7 12 322 TA +7 12 323 C +7 12 324 CH +7 12 325 T +7 12 326 J +7 12 327 TA +7 12 328 C +7 12 329 J +7 12 330 TA +7 13 1 TA +7 13 2 TA +7 13 3 WE +7 13 4 T +7 13 5 TC +7 13 6 T1 +7 13 7 W +7 13 8 CH +7 13 9 TO +7 13 10 TJ +7 13 11 TJ +7 13 12 J +7 13 13 C +7 13 14 TJ +7 13 15 CH +7 13 16 N +7 13 17 CH +7 13 18 NT +7 13 19 TS +7 13 20 TC +7 13 21 CH +7 13 22 J +7 13 23 TS +7 13 24 TA +7 13 25 TJ +7 13 26 TJ +7 13 27 N +7 13 28 LJ +7 13 29 C +7 13 30 J +7 13 31 TA +7 13 32 CH +7 13 33 C +7 13 34 TJ +7 13 35 J +7 13 36 C +7 13 37 TJ +7 13 38 CH +7 13 39 W +7 13 40 TA +7 13 41 WE +7 13 42 J +7 13 43 TJ +7 13 44 N +7 13 45 TC +7 13 46 TA +7 13 47 C +7 13 48 J +7 13 49 TA +7 13 50 T +7 13 51 TO +7 13 52 TA +7 13 53 CH +7 13 54 C +7 13 55 TJ +7 13 56 TA +7 13 57 C +7 13 58 J +7 13 59 T1 +7 13 60 TJ +7 13 61 WE +7 13 62 TA +7 13 63 T1 +7 13 64 TJ +7 13 65 CH +7 13 66 N +7 13 67 TC +7 13 68 CH +7 13 69 C +7 13 70 TA +7 13 71 JU +7 13 72 C +7 13 73 T +7 13 74 TA +7 13 75 NT +7 13 76 J +7 13 77 TA +7 13 78 T1 +7 13 79 TA +7 13 80 TJ +7 13 81 TC +7 13 82 TA +7 13 83 TA +7 13 84 T1 +7 13 85 C +7 13 86 CH +7 13 87 NT +7 13 88 T +7 13 89 NT +7 13 90 TJ +7 13 91 TC +7 13 92 N +7 13 93 TJ +7 13 94 NT +7 13 95 TA +7 13 96 J +7 13 97 T +7 13 98 WE +7 13 99 T1 +7 13 100 TA +7 13 101 JU +7 13 102 TJ +7 13 103 W +7 13 104 TA +7 13 105 T +7 13 106 J +7 13 107 N +7 13 108 TA +7 13 109 TJ +7 13 110 J +7 13 111 TA +7 13 112 CH +7 13 113 NT +7 13 114 C +7 13 115 WE +7 13 116 TJ +7 13 117 NT +7 13 118 TA +7 13 119 C +7 13 120 N +7 13 121 J +7 13 122 C +7 13 123 TA +7 13 124 TC +7 13 125 J +7 13 126 CH +7 13 127 TA +7 13 128 J +7 13 129 N +7 13 130 NT +7 13 131 T +7 13 132 WE +7 13 133 C +7 13 134 T +7 13 135 LJ +7 13 136 TA +7 13 137 C +7 13 138 TJ +7 13 139 T1 +7 13 140 TJ +7 13 141 N +7 13 142 TA +7 13 143 TC +7 13 144 T +7 13 145 C +7 13 146 J +7 13 147 TJ +7 13 148 WE +7 13 149 C +7 13 150 T +7 13 151 CH +7 13 152 CH +7 13 153 TJ +7 13 154 TA +7 13 155 NT +7 13 156 C +7 13 157 TO +7 13 158 N +7 13 159 J +7 13 160 CH +7 13 161 C +7 13 162 CH +7 13 163 C +7 13 164 TJ +7 13 165 C +7 13 166 TJ +7 13 167 T +7 13 168 C +7 13 169 TJ +7 13 170 NT +7 13 171 C +7 13 172 N +7 13 173 CH +7 13 174 J +7 13 175 TA +7 13 176 CH +7 13 177 J +7 13 178 TJ +7 13 179 JU +7 13 180 C +7 13 181 J +7 13 182 T +7 13 183 TA +7 13 184 T +7 13 185 J +7 13 186 TJ +7 13 187 J +7 13 188 TJ +7 13 189 TA +7 13 190 CH +7 13 191 C +7 13 192 T +7 13 193 TC +7 13 194 JU +7 13 195 C +7 13 196 TJ +7 13 197 T +7 13 198 NT +7 13 199 TA +7 13 200 TJ +7 13 201 CH +7 13 202 C +7 13 203 LJ +7 13 204 NT +7 13 205 T +7 13 206 TA +7 13 207 CH +7 13 208 TO +7 13 209 C +7 13 210 JU +7 13 211 TJ +7 13 212 J +7 13 213 TJ +7 13 214 TC +7 13 215 TA +7 13 216 C +7 13 217 T1 +7 13 218 C +7 13 219 TA +7 13 220 TJ +7 13 221 TA +7 13 222 T +7 13 223 C +7 13 224 N +7 13 225 J +7 13 226 TJ +7 13 227 NT +7 13 228 TJ +7 13 229 TA +7 13 230 N +7 13 231 T +7 13 232 TO +7 13 233 TJ +7 13 234 C +7 13 235 TJ +7 13 236 TC +7 13 237 CH +7 13 238 C +7 13 239 CH +7 13 240 JU +7 13 241 N +7 13 242 J +7 13 243 T +7 13 244 TJ +7 13 245 WE +7 13 246 C +7 13 247 T +7 13 248 C +7 13 249 C +7 13 250 T +7 13 251 C +7 13 252 N +7 13 253 C +7 13 254 T +7 13 255 NT +7 13 256 CH +7 13 257 TJ +7 13 258 J +7 13 259 WE +7 13 260 TA +7 13 261 J +7 13 262 N +7 13 263 TA +7 13 264 TJ +7 13 265 C +7 13 266 TO +7 13 267 T +7 13 268 C +7 13 269 LJ +7 13 270 J +7 13 271 C +7 13 272 N +7 13 273 T +7 13 274 N +7 13 275 C +7 13 276 T1 +7 13 277 TJ +7 13 278 J +7 13 279 TJ +7 13 280 C +7 13 281 C +7 13 282 TC +7 13 283 TO +7 13 284 TA +7 13 285 LJ +7 13 286 N +7 13 287 J +7 13 288 WE +7 13 289 TJ +7 13 290 N +7 13 291 TJ +7 13 292 CH +7 13 293 TA +7 13 294 N +7 13 295 TO +7 13 296 T +7 13 297 J +7 13 298 WE +7 13 299 C +7 13 300 TA +7 13 301 C +7 13 302 N +7 13 303 TJ +7 13 304 C +7 13 305 T +7 13 306 TC +7 13 307 TJ +7 13 308 T +7 13 309 C +7 13 310 C +7 13 311 TJ +7 13 312 NT +7 13 313 TJ +7 13 314 N +7 13 315 C +7 13 316 TA +7 13 317 CH +7 13 318 J +7 13 319 N +7 13 320 J +7 13 321 CH +7 13 322 TJ +7 13 323 C +7 13 324 N +7 13 325 T +7 13 326 J +7 13 327 TA +7 13 328 C +7 13 329 TO +7 13 330 TA +7 14 1 TA +7 14 2 TA +7 14 3 WE +7 14 4 CH +7 14 5 C +7 14 6 TO +7 14 7 C +7 14 8 CH +7 14 9 TO +7 14 10 TJ +7 14 11 X +7 14 12 J +7 14 13 NT +7 14 14 TS +7 14 15 CH +7 14 16 N +7 14 17 CH +7 14 18 X +7 14 19 TJ +7 14 20 C +7 14 21 CH +7 14 22 J +7 14 23 CH +7 14 24 X +7 14 25 TJ +7 14 26 TS +7 14 27 N +7 14 28 CH +7 14 29 C +7 14 30 J +7 14 31 TA +7 14 32 CH +7 14 33 C +7 14 34 TJ +7 14 35 CH +7 14 36 X +7 14 37 TA +7 14 38 CH +7 14 39 C +7 14 40 TA +7 14 41 CH +7 14 42 J +7 14 43 TS +7 14 44 N +7 14 45 C +7 14 46 TA +7 14 47 X +7 14 48 J +7 14 49 TA +7 14 50 CH +7 14 51 JU +7 14 52 N +7 14 53 CH +7 14 54 C +7 14 55 TA +7 14 56 CH +7 14 57 TJ +7 14 58 TO +7 14 59 CH +7 14 60 TJ +7 14 61 CH +7 14 62 CH +7 14 63 TO +7 14 64 TJ +7 14 65 CH +7 14 66 N +7 14 67 C +7 14 68 CH +7 14 69 TO +7 14 70 CH +7 14 71 CH +7 14 72 C +7 14 73 TS +7 14 74 TA +7 14 75 NT +7 14 76 J +7 14 77 TJ +7 14 78 TA +7 14 79 NT +7 14 80 TJ +7 14 81 C +7 14 82 C +7 14 83 J +7 14 84 CH +7 14 85 C +7 14 86 CH +7 14 87 NT +7 14 88 CH +7 14 89 X +7 14 90 X +7 14 91 J +7 14 92 N +7 14 93 TJ +7 14 94 NT +7 14 95 N +7 14 96 J +7 14 97 TS +7 14 98 CH +7 14 99 CH +7 14 100 TA +7 14 101 CH +7 14 102 TA +7 14 103 JU +7 14 104 TA +7 14 105 CH +7 14 106 J +7 14 107 N +7 14 108 N +7 14 109 TJ +7 14 110 J +7 14 111 JU +7 14 112 CH +7 14 113 X +7 14 114 C +7 14 115 CH +7 14 116 TA +7 14 117 JU +7 14 118 CH +7 14 119 C +7 14 120 N +7 14 121 J +7 14 122 C +7 14 123 TJ +7 14 124 J +7 14 125 J +7 14 126 CH +7 14 127 X +7 14 128 J +7 14 129 N +7 14 130 JU +7 14 131 CH +7 14 132 TO +7 14 133 C +7 14 134 X +7 14 135 CH +7 14 136 C +7 14 137 JU +7 14 138 TA +7 14 139 N +7 14 140 TJ +7 14 141 N +7 14 142 TA +7 14 143 C +7 14 144 TS +7 14 145 C +7 14 146 J +7 14 147 C +7 14 148 WE +7 14 149 C +7 14 150 TS +7 14 151 TO +7 14 152 CH +7 14 153 TJ +7 14 154 X +7 14 155 JU +7 14 156 C +7 14 157 TO +7 14 158 N +7 14 159 J +7 14 160 CH +7 14 161 C +7 14 162 CH +7 14 163 TJ +7 14 164 TJ +7 14 165 JU +7 14 166 TJ +7 14 167 CH +7 14 168 C +7 14 169 TJ +7 14 170 X +7 14 171 JU +7 14 172 N +7 14 173 CH +7 14 174 J +7 14 175 TA +7 14 176 CH +7 14 177 J +7 14 178 TJ +7 14 179 CH +7 14 180 C +7 14 181 J +7 14 182 CH +7 14 183 TO +7 14 184 CH +7 14 185 J +7 14 186 TA +7 14 187 J +7 14 188 TJ +7 14 189 TA +7 14 190 CH +7 14 191 C +7 14 192 TS +7 14 193 J +7 14 194 CH +7 14 195 C +7 14 196 TA +7 14 197 CH +7 14 198 X +7 14 199 N +7 14 200 TJ +7 14 201 CH +7 14 202 C +7 14 203 CH +7 14 204 JU +7 14 205 TS +7 14 206 N +7 14 207 CH +7 14 208 J +7 14 209 C +7 14 210 CH +7 14 211 TJ +7 14 212 J +7 14 213 TA +7 14 214 J +7 14 215 CH +7 14 216 JU +7 14 217 CH +7 14 218 J +7 14 219 N +7 14 220 TS +7 14 221 N +7 14 222 TS +7 14 223 C +7 14 224 N +7 14 225 J +7 14 226 TJ +7 14 227 X +7 14 228 TJ +7 14 229 TA +7 14 230 CH +7 14 231 CH +7 14 232 JU +7 14 233 CH +7 14 234 C +7 14 235 TJ +7 14 236 J +7 14 237 TO +7 14 238 C +7 14 239 CH +7 14 240 JU +7 14 241 N +7 14 242 J +7 14 243 CH +7 14 244 N +7 14 245 CH +7 14 246 TA +7 14 247 CH +7 14 248 X +7 14 249 C +7 14 250 CH +7 14 251 C +7 14 252 N +7 14 253 C +7 14 254 TJ +7 14 255 NT +7 14 256 CH +7 14 257 TJ +7 14 258 J +7 14 259 WE +7 14 260 J +7 14 261 J +7 14 262 N +7 14 263 X +7 14 264 N +7 14 265 C +7 14 266 TO +7 14 267 CH +7 14 268 C +7 14 269 CH +7 14 270 J +7 14 271 NT +7 14 272 N +7 14 273 CH +7 14 274 N +7 14 275 J +7 14 276 CH +7 14 277 TJ +7 14 278 J +7 14 279 TS +7 14 280 C +7 14 281 C +7 14 282 C +7 14 283 JU +7 14 284 N +7 14 285 CH +7 14 286 N +7 14 287 TO +7 14 288 CH +7 14 289 C +7 14 290 N +7 14 291 TS +7 14 292 CH +7 14 293 TA +7 14 294 N +7 14 295 JU +7 14 296 CH +7 14 297 J +7 14 298 CH +7 14 299 C +7 14 300 N +7 14 301 C +7 14 302 N +7 14 303 TA +7 14 304 TO +7 14 305 CH +7 14 306 J +7 14 307 TJ +7 14 308 CH +7 14 309 JU +7 14 310 C +7 14 311 TJ +7 14 312 NT +7 14 313 TS +7 14 314 N +7 14 315 C +7 14 316 C +7 14 317 CH +7 14 318 J +7 14 319 N +7 14 320 TO +7 14 321 CH +7 14 322 TJ +7 14 323 X +7 14 324 N +7 14 325 CH +7 14 326 J +7 14 327 N +7 14 328 X +7 14 329 TO +7 14 330 N +7 15 1 TA +7 15 2 TA +7 15 3 J +7 15 4 T +7 15 5 TA +7 15 6 TO +7 15 7 TC +7 15 8 T +7 15 9 TO +7 15 10 TA +7 15 11 TO +7 15 12 J +7 15 13 TO +7 15 14 TO +7 15 15 T +7 15 16 TA +7 15 17 WE +7 15 18 TO +7 15 19 TA +7 15 20 W +7 15 21 CH +7 15 22 J +7 15 23 T +7 15 24 TO +7 15 25 TA +7 15 26 TS +7 15 27 N +7 15 28 T +7 15 29 TA +7 15 30 JU +7 15 31 TA +7 15 32 T +7 15 33 TC +7 15 34 TA +7 15 35 T +7 15 36 W +7 15 37 TA +7 15 38 CH +7 15 39 W +7 15 40 TA +7 15 41 WE +7 15 42 J +7 15 43 TA +7 15 44 N +7 15 45 C +7 15 46 TO +7 15 47 W +7 15 48 J +7 15 49 TA +7 15 50 T +7 15 51 JU +7 15 52 TA +7 15 53 CH +7 15 54 W +7 15 55 TA +7 15 56 J +7 15 57 W +7 15 58 TO +7 15 59 TA +7 15 60 TS +7 15 61 WE +7 15 62 TA +7 15 63 T +7 15 64 TA +7 15 65 CH +7 15 66 N +7 15 67 TA +7 15 68 CH +7 15 69 TO +7 15 70 N +7 15 71 JU +7 15 72 C +7 15 73 T +7 15 74 TA +7 15 75 TO +7 15 76 J +7 15 77 TA +7 15 78 CH +7 15 79 TO +7 15 80 TA +7 15 81 TC +7 15 82 TA +7 15 83 TO +7 15 84 CH +7 15 85 C +7 15 86 T +7 15 87 TO +7 15 88 T +7 15 89 NT +7 15 90 NT +7 15 91 TC +7 15 92 N +7 15 93 TJ +7 15 94 JU +7 15 95 TA +7 15 96 J +7 15 97 TS +7 15 98 WE +7 15 99 TA +7 15 100 TA +7 15 101 CH +7 15 102 TA +7 15 103 TO +7 15 104 TA +7 15 105 T +7 15 106 J +7 15 107 N +7 15 108 TA +7 15 109 TS +7 15 110 J +7 15 111 TO +7 15 112 CH +7 15 113 JU +7 15 114 W +7 15 115 WE +7 15 116 TA +7 15 117 JU +7 15 118 T +7 15 119 C +7 15 120 N +7 15 121 J +7 15 122 C +7 15 123 TS +7 15 124 TC +7 15 125 J +7 15 126 T +7 15 127 TO +7 15 128 J +7 15 129 N +7 15 130 TO +7 15 131 T +7 15 132 WE +7 15 133 W +7 15 134 JU +7 15 135 CH +7 15 136 TA +7 15 137 W +7 15 138 TA +7 15 139 N +7 15 140 TS +7 15 141 N +7 15 142 TA +7 15 143 TC +7 15 144 TS +7 15 145 TA +7 15 146 J +7 15 147 W +7 15 148 WE +7 15 149 TA +7 15 150 TS +7 15 151 J +7 15 152 T +7 15 153 TA +7 15 154 TO +7 15 155 JU +7 15 156 W +7 15 157 JU +7 15 158 N +7 15 159 TO +7 15 160 T +7 15 161 TC +7 15 162 WE +7 15 163 W +7 15 164 TA +7 15 165 TO +7 15 166 TA +7 15 167 TA +7 15 168 C +7 15 169 TA +7 15 170 TO +7 15 171 TO +7 15 172 N +7 15 173 CH +7 15 174 J +7 15 175 TA +7 15 176 CH +7 15 177 J +7 15 178 TJ +7 15 179 JU +7 15 180 C +7 15 181 TO +7 15 182 T +7 15 183 TO +7 15 184 T +7 15 185 TO +7 15 186 TA +7 15 187 J +7 15 188 TA +7 15 189 TA +7 15 190 T +7 15 191 C +7 15 192 T +7 15 193 TC +7 15 194 JU +7 15 195 C +7 15 196 TA +7 15 197 T +7 15 198 NT +7 15 199 TA +7 15 200 TA +7 15 201 T +7 15 202 W +7 15 203 CH +7 15 204 JU +7 15 205 TS +7 15 206 TA +7 15 207 CH +7 15 208 JU +7 15 209 C +7 15 210 JU +7 15 211 TA +7 15 212 J +7 15 213 TA +7 15 214 TC +7 15 215 T +7 15 216 W +7 15 217 T +7 15 218 TC +7 15 219 TA +7 15 220 TJ +7 15 221 TA +7 15 222 TS +7 15 223 C +7 15 224 N +7 15 225 TO +7 15 226 TJ +7 15 227 NT +7 15 228 NT +7 15 229 TA +7 15 230 N +7 15 231 T +7 15 232 TO +7 15 233 TA +7 15 234 C +7 15 235 TJ +7 15 236 TC +7 15 237 J +7 15 238 TJ +7 15 239 T +7 15 240 JU +7 15 241 N +7 15 242 TA +7 15 243 TO +7 15 244 TA +7 15 245 WE +7 15 246 C +7 15 247 TA +7 15 248 NT +7 15 249 C +7 15 250 TS +7 15 251 TC +7 15 252 N +7 15 253 TA +7 15 254 TA +7 15 255 NT +7 15 256 WE +7 15 257 TJ +7 15 258 J +7 15 259 WE +7 15 260 TA +7 15 261 J +7 15 262 N +7 15 263 TO +7 15 264 TA +7 15 265 C +7 15 266 JU +7 15 267 CH +7 15 268 C +7 15 269 CH +7 15 270 J +7 15 271 W +7 15 272 TA +7 15 273 CH +7 15 274 N +7 15 275 TO +7 15 276 CH +7 15 277 TS +7 15 278 J +7 15 279 TS +7 15 280 W +7 15 281 W +7 15 282 C +7 15 283 JU +7 15 284 TA +7 15 285 LJ +7 15 286 N +7 15 287 TO +7 15 288 WE +7 15 289 TA +7 15 290 N +7 15 291 TJ +7 15 292 LJ +7 15 293 TA +7 15 294 TA +7 15 295 JU +7 15 296 TS +7 15 297 J +7 15 298 WE +7 15 299 C +7 15 300 TO +7 15 301 C +7 15 302 N +7 15 303 TA +7 15 304 TO +7 15 305 TS +7 15 306 TC +7 15 307 TA +7 15 308 TA +7 15 309 NT +7 15 310 C +7 15 311 TJ +7 15 312 NT +7 15 313 TJ +7 15 314 N +7 15 315 TC +7 15 316 W +7 15 317 CH +7 15 318 J +7 15 319 N +7 15 320 TO +7 15 321 WE +7 15 322 TA +7 15 323 W +7 15 324 N +7 15 325 T +7 15 326 J +7 15 327 TA +7 15 328 W +7 15 329 JU +7 15 330 TA +7 16 1 TA +7 16 2 W +7 16 3 WE +7 16 4 TJ +7 16 5 TA +7 16 6 J +7 16 7 W +7 16 8 WE +7 16 9 TO +7 16 10 TJ +7 16 11 W +7 16 12 J +7 16 13 C +7 16 14 TA +7 16 15 T1 +7 16 16 N +7 16 17 J +7 16 18 TA +7 16 19 TA +7 16 20 W +7 16 21 J +7 16 22 J +7 16 23 TA +7 16 24 W +7 16 25 TA +7 16 26 TJ +7 16 27 J +7 16 28 TA +7 16 29 C +7 16 30 J +7 16 31 TA +7 16 32 J +7 16 33 TC +7 16 34 TA +7 16 35 J +7 16 36 W +7 16 37 TA +7 16 38 WE +7 16 39 W +7 16 40 TA +7 16 41 WE +7 16 42 J +7 16 43 TJ +7 16 44 J +7 16 45 C +7 16 46 TA +7 16 47 W +7 16 48 J +7 16 49 TA +7 16 50 LJ +7 16 51 TO +7 16 52 TA +7 16 53 WE +7 16 54 C +7 16 55 TA +7 16 56 J +7 16 57 TA +7 16 58 J +7 16 59 T1 +7 16 60 TJ +7 16 61 WE +7 16 62 TA +7 16 63 J +7 16 64 TA +7 16 65 J +7 16 66 N +7 16 67 W +7 16 68 J +7 16 69 W +7 16 70 TA +7 16 71 WE +7 16 72 C +7 16 73 LJ +7 16 74 TL +7 16 75 W +7 16 76 J +7 16 77 TA +7 16 78 J +7 16 79 TA +7 16 80 TA +7 16 81 TC +7 16 82 TA +7 16 83 J +7 16 84 J +7 16 85 C +7 16 86 CH +7 16 87 NT +7 16 88 LJ +7 16 89 NT +7 16 90 W +7 16 91 J +7 16 92 J +7 16 93 TA +7 16 94 JU +7 16 95 TA +7 16 96 J +7 16 97 TJ +7 16 98 WE +7 16 99 TA +7 16 100 TA +7 16 101 WE +7 16 102 TA +7 16 103 W +7 16 104 TA +7 16 105 LJ +7 16 106 J +7 16 107 N +7 16 108 T1 +7 16 109 TJ +7 16 110 J +7 16 111 W +7 16 112 WE +7 16 113 NT +7 16 114 C +7 16 115 WE +7 16 116 TA +7 16 117 JU +7 16 118 J +7 16 119 C +7 16 120 N +7 16 121 J +7 16 122 C +7 16 123 TA +7 16 124 J +7 16 125 J +7 16 126 CH +7 16 127 W +7 16 128 J +7 16 129 N +7 16 130 W +7 16 131 LJ +7 16 132 WE +7 16 133 C +7 16 134 JU +7 16 135 WE +7 16 136 TA +7 16 137 W +7 16 138 TA +7 16 139 N +7 16 140 TJ +7 16 141 X +7 16 142 T1 +7 16 143 TC +7 16 144 TJ +7 16 145 TA +7 16 146 J +7 16 147 TA +7 16 148 WE +7 16 149 TC +7 16 150 LJ +7 16 151 J +7 16 152 J +7 16 153 TA +7 16 154 NT +7 16 155 TO +7 16 156 C +7 16 157 JU +7 16 158 N +7 16 159 J +7 16 160 J +7 16 161 C +7 16 162 WE +7 16 163 TJ +7 16 164 TA +7 16 165 TC +7 16 166 TJ +7 16 167 J +7 16 168 C +7 16 169 TA +7 16 170 NT +7 16 171 TC +7 16 172 N +7 16 173 J +7 16 174 J +7 16 175 TA +7 16 176 WE +7 16 177 J +7 16 178 TJ +7 16 179 WE +7 16 180 W +7 16 181 J +7 16 182 WE +7 16 183 TO +7 16 184 TA +7 16 185 J +7 16 186 TA +7 16 187 J +7 16 188 TA +7 16 189 T1 +7 16 190 J +7 16 191 C +7 16 192 TA +7 16 193 TC +7 16 194 JU +7 16 195 C +7 16 196 TA +7 16 197 T1 +7 16 198 NT +7 16 199 TA +7 16 200 TA +7 16 201 J +7 16 202 C +7 16 203 WE +7 16 204 X +7 16 205 TA +7 16 206 T1 +7 16 207 WE +7 16 208 J +7 16 209 C +7 16 210 JU +7 16 211 TA +7 16 212 J +7 16 213 TA +7 16 214 J +7 16 215 CH +7 16 216 W +7 16 217 J +7 16 218 TC +7 16 219 TA +7 16 220 TA +7 16 221 T1 +7 16 222 LJ +7 16 223 C +7 16 224 N +7 16 225 J +7 16 226 TA +7 16 227 X +7 16 228 TJ +7 16 229 TA +7 16 230 J +7 16 231 LJ +7 16 232 W +7 16 233 TA +7 16 234 C +7 16 235 TA +7 16 236 TC +7 16 237 J +7 16 238 C +7 16 239 CH +7 16 240 WE +7 16 241 N +7 16 242 J +7 16 243 LJ +7 16 244 J +7 16 245 WE +7 16 246 TA +7 16 247 T1 +7 16 248 W +7 16 249 C +7 16 250 TJ +7 16 251 TC +7 16 252 J +7 16 253 TA +7 16 254 TL +7 16 255 N +7 16 256 J +7 16 257 TJ +7 16 258 J +7 16 259 WE +7 16 260 T1 +7 16 261 J +7 16 262 N +7 16 263 TO +7 16 264 TA +7 16 265 C +7 16 266 J +7 16 267 LJ +7 16 268 W +7 16 269 CH +7 16 270 J +7 16 271 NT +7 16 272 N +7 16 273 T1 +7 16 274 X +7 16 275 J +7 16 276 WE +7 16 277 TA +7 16 278 J +7 16 279 TL +7 16 280 W +7 16 281 C +7 16 282 TC +7 16 283 JU +7 16 284 N +7 16 285 J +7 16 286 X +7 16 287 J +7 16 288 WE +7 16 289 TA +7 16 290 N +7 16 291 TL +7 16 292 J +7 16 293 T1 +7 16 294 N +7 16 295 J +7 16 296 TJ +7 16 297 J +7 16 298 WE +7 16 299 C +7 16 300 TO +7 16 301 C +7 16 302 J +7 16 303 TA +7 16 304 TC +7 16 305 LJ +7 16 306 W +7 16 307 TA +7 16 308 T1 +7 16 309 W +7 16 310 C +7 16 311 TA +7 16 312 NT +7 16 313 TJ +7 16 314 J +7 16 315 TC +7 16 316 W +7 16 317 WE +7 16 318 J +7 16 319 N +7 16 320 T1 +7 16 321 WE +7 16 322 TA +7 16 323 C +7 16 324 N +7 16 325 LJ +7 16 326 J +7 16 327 TA +7 16 328 C +7 16 329 TO +7 16 330 TA +7 17 1 TA +7 17 2 TC +7 17 3 WE +7 17 4 T +7 17 5 TC +7 17 6 J +7 17 7 C +7 17 8 T +7 17 9 TO +7 17 10 TJ +7 17 11 TA +7 17 12 J +7 17 13 TA +7 17 14 TA +7 17 15 CH +7 17 16 N +7 17 17 WE +7 17 18 NT +7 17 19 TA +7 17 20 C +7 17 21 CH +7 17 22 J +7 17 23 T +7 17 24 NT +7 17 25 C +7 17 26 TJ +7 17 27 N +7 17 28 CH +7 17 29 C +7 17 30 J +7 17 31 TA +7 17 32 CH +7 17 33 C +7 17 34 TJ +7 17 35 J +7 17 36 NT +7 17 37 TA +7 17 38 CH +7 17 39 C +7 17 40 TA +7 17 41 WE +7 17 42 J +7 17 43 TJ +7 17 44 N +7 17 45 C +7 17 46 NT +7 17 47 NT +7 17 48 J +7 17 49 TA +7 17 50 T +7 17 51 NT +7 17 52 TA +7 17 53 T +7 17 54 C +7 17 55 TA +7 17 56 CH +7 17 57 TJ +7 17 58 J +7 17 59 CH +7 17 60 NT +7 17 61 WE +7 17 62 T +7 17 63 CH +7 17 64 TJ +7 17 65 CH +7 17 66 N +7 17 67 C +7 17 68 CH +7 17 69 C +7 17 70 N +7 17 71 JU +7 17 72 C +7 17 73 T +7 17 74 TA +7 17 75 NT +7 17 76 J +7 17 77 C +7 17 78 CH +7 17 79 NT +7 17 80 TS +7 17 81 C +7 17 82 TA +7 17 83 J +7 17 84 CH +7 17 85 C +7 17 86 CH +7 17 87 NT +7 17 88 T +7 17 89 NT +7 17 90 TJ +7 17 91 C +7 17 92 N +7 17 93 TJ +7 17 94 NT +7 17 95 N +7 17 96 J +7 17 97 T +7 17 98 WE +7 17 99 T +7 17 100 TA +7 17 101 WE +7 17 102 N +7 17 103 C +7 17 104 TA +7 17 105 T +7 17 106 J +7 17 107 N +7 17 108 TA +7 17 109 TJ +7 17 110 J +7 17 111 W +7 17 112 WE +7 17 113 NT +7 17 114 C +7 17 115 WE +7 17 116 TA +7 17 117 TO +7 17 118 CH +7 17 119 C +7 17 120 N +7 17 121 J +7 17 122 C +7 17 123 TA +7 17 124 J +7 17 125 J +7 17 126 CH +7 17 127 NT +7 17 128 J +7 17 129 N +7 17 130 NT +7 17 131 T +7 17 132 WE +7 17 133 C +7 17 134 T +7 17 135 CH +7 17 136 TA +7 17 137 NT +7 17 138 TA +7 17 139 CH +7 17 140 TJ +7 17 141 N +7 17 142 N +7 17 143 C +7 17 144 T +7 17 145 C +7 17 146 J +7 17 147 C +7 17 148 WE +7 17 149 W +7 17 150 T +7 17 151 J +7 17 152 CH +7 17 153 TJ +7 17 154 NT +7 17 155 NT +7 17 156 W +7 17 157 JU +7 17 158 N +7 17 159 J +7 17 160 CH +7 17 161 C +7 17 162 WE +7 17 163 C +7 17 164 TJ +7 17 165 C +7 17 166 TJ +7 17 167 T +7 17 168 C +7 17 169 TJ +7 17 170 NT +7 17 171 C +7 17 172 N +7 17 173 WE +7 17 174 J +7 17 175 TA +7 17 176 CH +7 17 177 J +7 17 178 TJ +7 17 179 T +7 17 180 C +7 17 181 J +7 17 182 T +7 17 183 NT +7 17 184 T +7 17 185 J +7 17 186 TA +7 17 187 J +7 17 188 TJ +7 17 189 TJ +7 17 190 CH +7 17 191 C +7 17 192 T +7 17 193 C +7 17 194 T +7 17 195 C +7 17 196 TA +7 17 197 T +7 17 198 NT +7 17 199 TA +7 17 200 TJ +7 17 201 CH +7 17 202 C +7 17 203 CH +7 17 204 NT +7 17 205 T +7 17 206 N +7 17 207 CH +7 17 208 J +7 17 209 C +7 17 210 T +7 17 211 TA +7 17 212 J +7 17 213 T +7 17 214 C +7 17 215 CH +7 17 216 NT +7 17 217 CH +7 17 218 C +7 17 219 TA +7 17 220 TJ +7 17 221 TA +7 17 222 T +7 17 223 C +7 17 224 N +7 17 225 C +7 17 226 TJ +7 17 227 NT +7 17 228 TJ +7 17 229 TA +7 17 230 N +7 17 231 T +7 17 232 TO +7 17 233 T +7 17 234 C +7 17 235 TJ +7 17 236 C +7 17 237 CH +7 17 238 TA +7 17 239 CH +7 17 240 JU +7 17 241 N +7 17 242 J +7 17 243 T +7 17 244 TA +7 17 245 WE +7 17 246 C +7 17 247 T +7 17 248 NT +7 17 249 C +7 17 250 T +7 17 251 C +7 17 252 N +7 17 253 C +7 17 254 TA +7 17 255 NT +7 17 256 CH +7 17 257 TJ +7 17 258 J +7 17 259 WE +7 17 260 J +7 17 261 J +7 17 262 N +7 17 263 NT +7 17 264 TA +7 17 265 C +7 17 266 TO +7 17 267 T +7 17 268 C +7 17 269 CH +7 17 270 J +7 17 271 NT +7 17 272 N +7 17 273 T +7 17 274 N +7 17 275 C +7 17 276 CH +7 17 277 TJ +7 17 278 CH +7 17 279 T +7 17 280 C +7 17 281 C +7 17 282 C +7 17 283 TO +7 17 284 N +7 17 285 CH +7 17 286 N +7 17 287 J +7 17 288 WE +7 17 289 TA +7 17 290 N +7 17 291 TJ +7 17 292 CH +7 17 293 TA +7 17 294 N +7 17 295 TO +7 17 296 T +7 17 297 J +7 17 298 WE +7 17 299 C +7 17 300 N +7 17 301 C +7 17 302 N +7 17 303 TA +7 17 304 C +7 17 305 T +7 17 306 C +7 17 307 TA +7 17 308 TS +7 17 309 NT +7 17 310 C +7 17 311 TJ +7 17 312 NT +7 17 313 TJ +7 17 314 N +7 17 315 C +7 17 316 C +7 17 317 CH +7 17 318 J +7 17 319 N +7 17 320 C +7 17 321 WE +7 17 322 TA +7 17 323 C +7 17 324 N +7 17 325 T +7 17 326 J +7 17 327 TA +7 17 328 C +7 17 329 TO +7 17 330 TA +7 18 1 TA +7 18 2 TA +7 18 3 J +7 18 4 TS +7 18 5 TA +7 18 6 J +7 18 7 TC +7 18 8 CH +7 18 9 J +7 18 10 TJ +7 18 11 C +7 18 12 J +7 18 13 C +7 18 14 TJ +7 18 15 CH +7 18 16 N +7 18 17 CH +7 18 18 NT +7 18 19 TA +7 18 20 C +7 18 21 CH +7 18 22 J +7 18 23 TS +7 18 24 TO +7 18 25 TA +7 18 26 TJ +7 18 27 CH +7 18 28 CH +7 18 29 C +7 18 30 J +7 18 31 TA +7 18 32 CH +7 18 33 C +7 18 34 TJ +7 18 35 J +7 18 36 C +7 18 37 TA +7 18 38 CH +7 18 39 C +7 18 40 TA +7 18 41 WE +7 18 42 J +7 18 43 TJ +7 18 44 CH +7 18 45 C +7 18 46 TO +7 18 47 C +7 18 48 J +7 18 49 TA +7 18 50 TS +7 18 51 L +7 18 52 TA +7 18 53 CH +7 18 54 C +7 18 55 TA +7 18 56 J +7 18 57 TA +7 18 58 J +7 18 59 TS +7 18 60 TA +7 18 61 CH +7 18 62 T +7 18 63 CH +7 18 64 TA +7 18 65 CH +7 18 66 J +7 18 67 C +7 18 68 CH +7 18 69 TC +7 18 70 TA +7 18 71 CH +7 18 72 C +7 18 73 TS +7 18 74 TA +7 18 75 C +7 18 76 J +7 18 77 TA +7 18 78 CH +7 18 79 TA +7 18 80 TA +7 18 81 TC +7 18 82 TA +7 18 83 J +7 18 84 CH +7 18 85 C +7 18 86 CH +7 18 87 NT +7 18 88 T +7 18 89 NT +7 18 90 TA +7 18 91 TC +7 18 92 N +7 18 93 TJ +7 18 94 NT +7 18 95 TA +7 18 96 J +7 18 97 T +7 18 98 CH +7 18 99 T +7 18 100 TA +7 18 101 T +7 18 102 TA +7 18 103 C +7 18 104 TA +7 18 105 T +7 18 106 J +7 18 107 N +7 18 108 TA +7 18 109 TJ +7 18 110 J +7 18 111 C +7 18 112 CH +7 18 113 NT +7 18 114 TA +7 18 115 CH +7 18 116 TA +7 18 117 JU +7 18 118 CH +7 18 119 TA +7 18 120 N +7 18 121 J +7 18 122 C +7 18 123 TJ +7 18 124 TC +7 18 125 J +7 18 126 CH +7 18 127 TJ +7 18 128 J +7 18 129 N +7 18 130 C +7 18 131 T +7 18 132 WE +7 18 133 C +7 18 134 JU +7 18 135 LJ +7 18 136 TA +7 18 137 C +7 18 138 TA +7 18 139 N +7 18 140 TJ +7 18 141 N +7 18 142 TA +7 18 143 TC +7 18 144 TJ +7 18 145 TA +7 18 146 J +7 18 147 TA +7 18 148 LJ +7 18 149 TC +7 18 150 T +7 18 151 CH +7 18 152 T +7 18 153 TA +7 18 154 TO +7 18 155 L +7 18 156 C +7 18 157 JU +7 18 158 N +7 18 159 J +7 18 160 CH +7 18 161 TA +7 18 162 LJ +7 18 163 TJ +7 18 164 TA +7 18 165 C +7 18 166 TJ +7 18 167 T +7 18 168 C +7 18 169 TA +7 18 170 NT +7 18 171 C +7 18 172 N +7 18 173 CH +7 18 174 J +7 18 175 TA +7 18 176 CH +7 18 177 J +7 18 178 TJ +7 18 179 JU +7 18 180 C +7 18 181 J +7 18 182 LJ +7 18 183 J +7 18 184 T +7 18 185 J +7 18 186 TA +7 18 187 J +7 18 188 TA +7 18 189 TA +7 18 190 CH +7 18 191 C +7 18 192 T +7 18 193 TC +7 18 194 JU +7 18 195 C +7 18 196 TA +7 18 197 T +7 18 198 NT +7 18 199 TA +7 18 200 TA +7 18 201 CH +7 18 202 C +7 18 203 LJ +7 18 204 JU +7 18 205 T +7 18 206 N +7 18 207 LJ +7 18 208 J +7 18 209 C +7 18 210 JU +7 18 211 TA +7 18 212 J +7 18 213 TA +7 18 214 TC +7 18 215 T +7 18 216 C +7 18 217 CH +7 18 218 TC +7 18 219 N +7 18 220 TA +7 18 221 N +7 18 222 T +7 18 223 C +7 18 224 N +7 18 225 TC +7 18 226 TJ +7 18 227 NT +7 18 228 TJ +7 18 229 TA +7 18 230 N +7 18 231 T +7 18 232 TC +7 18 233 TA +7 18 234 C +7 18 235 TJ +7 18 236 TC +7 18 237 CH +7 18 238 TA +7 18 239 CH +7 18 240 JU +7 18 241 N +7 18 242 J +7 18 243 T +7 18 244 N +7 18 245 WE +7 18 246 TA +7 18 247 T +7 18 248 C +7 18 249 C +7 18 250 T +7 18 251 TC +7 18 252 N +7 18 253 TA +7 18 254 TA +7 18 255 NT +7 18 256 CH +7 18 257 TJ +7 18 258 TC +7 18 259 LJ +7 18 260 N +7 18 261 J +7 18 262 N +7 18 263 TA +7 18 264 TA +7 18 265 C +7 18 266 JU +7 18 267 T +7 18 268 C +7 18 269 T +7 18 270 J +7 18 271 C +7 18 272 N +7 18 273 T +7 18 274 N +7 18 275 TC +7 18 276 LJ +7 18 277 TJ +7 18 278 CH +7 18 279 TJ +7 18 280 C +7 18 281 C +7 18 282 TC +7 18 283 JU +7 18 284 N +7 18 285 CH +7 18 286 N +7 18 287 TC +7 18 288 WE +7 18 289 TA +7 18 290 N +7 18 291 TA +7 18 292 CH +7 18 293 TA +7 18 294 N +7 18 295 L +7 18 296 T +7 18 297 J +7 18 298 CH +7 18 299 C +7 18 300 TA +7 18 301 TA +7 18 302 N +7 18 303 TA +7 18 304 TC +7 18 305 T +7 18 306 TC +7 18 307 TA +7 18 308 T +7 18 309 C +7 18 310 C +7 18 311 TA +7 18 312 NT +7 18 313 TJ +7 18 314 N +7 18 315 TC +7 18 316 C +7 18 317 LJ +7 18 318 J +7 18 319 N +7 18 320 TC +7 18 321 CH +7 18 322 TA +7 18 323 C +7 18 324 N +7 18 325 T +7 18 326 J +7 18 327 N +7 18 328 C +7 18 329 J +7 18 330 TA +7 19 1 TA +7 19 2 TA +7 19 3 J +7 19 4 T +7 19 5 TA +7 19 6 J +7 19 7 TC +7 19 8 T +7 19 9 L +7 19 10 TA +7 19 11 TS +7 19 12 J +7 19 13 C +7 19 14 TA +7 19 15 CH +7 19 16 N +7 19 17 J +7 19 18 JU +7 19 19 TA +7 19 20 TC +7 19 21 CH +7 19 22 J +7 19 23 T +7 19 24 JU +7 19 25 TA +7 19 26 TS +7 19 27 N +7 19 28 CH +7 19 29 C +7 19 30 J +7 19 31 TA +7 19 32 CH +7 19 33 TC +7 19 34 TA +7 19 35 J +7 19 36 C +7 19 37 TA +7 19 38 CH +7 19 39 C +7 19 40 TA +7 19 41 WE +7 19 42 L +7 19 43 TJ +7 19 44 N +7 19 45 C +7 19 46 L +7 19 47 C +7 19 48 J +7 19 49 TA +7 19 50 T +7 19 51 L +7 19 52 N +7 19 53 CH +7 19 54 C +7 19 55 TA +7 19 56 CH +7 19 57 TS +7 19 58 L +7 19 59 N +7 19 60 TJ +7 19 61 WE +7 19 62 T +7 19 63 CH +7 19 64 TA +7 19 65 CH +7 19 66 N +7 19 67 TA +7 19 68 T +7 19 69 W +7 19 70 N +7 19 71 T +7 19 72 C +7 19 73 T +7 19 74 TA +7 19 75 W +7 19 76 J +7 19 77 TA +7 19 78 CH +7 19 79 JU +7 19 80 TA +7 19 81 TC +7 19 82 TA +7 19 83 J +7 19 84 CH +7 19 85 C +7 19 86 CH +7 19 87 NT +7 19 88 T +7 19 89 NT +7 19 90 W +7 19 91 TC +7 19 92 N +7 19 93 TA +7 19 94 L +7 19 95 TA +7 19 96 J +7 19 97 T +7 19 98 CH +7 19 99 TA +7 19 100 TA +7 19 101 CH +7 19 102 TA +7 19 103 L +7 19 104 TA +7 19 105 T +7 19 106 J +7 19 107 N +7 19 108 TA +7 19 109 TA +7 19 110 L +7 19 111 W +7 19 112 CH +7 19 113 NT +7 19 114 C +7 19 115 WE +7 19 116 TA +7 19 117 JU +7 19 118 CH +7 19 119 C +7 19 120 N +7 19 121 J +7 19 122 C +7 19 123 TA +7 19 124 TC +7 19 125 J +7 19 126 CH +7 19 127 NT +7 19 128 J +7 19 129 N +7 19 130 W +7 19 131 T +7 19 132 WE +7 19 133 C +7 19 134 JU +7 19 135 CH +7 19 136 TA +7 19 137 C +7 19 138 TA +7 19 139 N +7 19 140 TS +7 19 141 N +7 19 142 N +7 19 143 TC +7 19 144 TS +7 19 145 TA +7 19 146 J +7 19 147 TA +7 19 148 WE +7 19 149 TC +7 19 150 T +7 19 151 CH +7 19 152 CH +7 19 153 TA +7 19 154 L +7 19 155 TO +7 19 156 C +7 19 157 JU +7 19 158 N +7 19 159 J +7 19 160 CH +7 19 161 C +7 19 162 CH +7 19 163 TA +7 19 164 TA +7 19 165 L +7 19 166 TJ +7 19 167 CH +7 19 168 C +7 19 169 TA +7 19 170 NT +7 19 171 W +7 19 172 N +7 19 173 CH +7 19 174 J +7 19 175 TA +7 19 176 CH +7 19 177 J +7 19 178 TS +7 19 179 T +7 19 180 C +7 19 181 J +7 19 182 T +7 19 183 L +7 19 184 T +7 19 185 J +7 19 186 TA +7 19 187 J +7 19 188 TA +7 19 189 TA +7 19 190 CH +7 19 191 W +7 19 192 T +7 19 193 TC +7 19 194 T +7 19 195 C +7 19 196 TA +7 19 197 CH +7 19 198 NT +7 19 199 TA +7 19 200 TA +7 19 201 CH +7 19 202 C +7 19 203 CH +7 19 204 NT +7 19 205 T +7 19 206 TA +7 19 207 CH +7 19 208 L +7 19 209 W +7 19 210 T +7 19 211 TA +7 19 212 J +7 19 213 TA +7 19 214 TC +7 19 215 CH +7 19 216 W +7 19 217 CH +7 19 218 TC +7 19 219 TA +7 19 220 T +7 19 221 TA +7 19 222 T +7 19 223 C +7 19 224 N +7 19 225 L +7 19 226 TJ +7 19 227 NT +7 19 228 TJ +7 19 229 TA +7 19 230 CH +7 19 231 T +7 19 232 L +7 19 233 TA +7 19 234 C +7 19 235 TS +7 19 236 TC +7 19 237 J +7 19 238 TA +7 19 239 CH +7 19 240 JU +7 19 241 N +7 19 242 J +7 19 243 T +7 19 244 TA +7 19 245 WE +7 19 246 C +7 19 247 T +7 19 248 NT +7 19 249 W +7 19 250 T +7 19 251 C +7 19 252 CH +7 19 253 TA +7 19 254 TA +7 19 255 NT +7 19 256 CH +7 19 257 TS +7 19 258 J +7 19 259 T +7 19 260 J +7 19 261 J +7 19 262 N +7 19 263 L +7 19 264 TA +7 19 265 C +7 19 266 T +7 19 267 T +7 19 268 TC +7 19 269 CH +7 19 270 J +7 19 271 W +7 19 272 N +7 19 273 T +7 19 274 N +7 19 275 J +7 19 276 CH +7 19 277 TS +7 19 278 J +7 19 279 TS +7 19 280 W +7 19 281 C +7 19 282 TC +7 19 283 L +7 19 284 N +7 19 285 CH +7 19 286 N +7 19 287 L +7 19 288 WE +7 19 289 TA +7 19 290 N +7 19 291 TA +7 19 292 CH +7 19 293 TA +7 19 294 N +7 19 295 L +7 19 296 T +7 19 297 J +7 19 298 WE +7 19 299 C +7 19 300 N +7 19 301 W +7 19 302 CH +7 19 303 TA +7 19 304 W +7 19 305 T +7 19 306 TC +7 19 307 TA +7 19 308 CH +7 19 309 NT +7 19 310 C +7 19 311 TJ +7 19 312 NT +7 19 313 T +7 19 314 N +7 19 315 TC +7 19 316 W +7 19 317 T +7 19 318 J +7 19 319 N +7 19 320 W +7 19 321 CH +7 19 322 TA +7 19 323 C +7 19 324 N +7 19 325 T +7 19 326 J +7 19 327 TA +7 19 328 C +7 19 329 L +7 19 330 TA +7 20 1 TA +7 20 2 TA +7 20 3 WE +7 20 4 T +7 20 5 C +7 20 6 J +7 20 7 C +7 20 8 CH +7 20 9 J +7 20 10 TJ +7 20 11 TA +7 20 12 J +7 20 13 TA +7 20 14 TJ +7 20 15 CH +7 20 16 N +7 20 17 J +7 20 18 NT +7 20 19 TA +7 20 20 C +7 20 21 CH +7 20 22 J +7 20 23 CH +7 20 24 NT +7 20 25 TA +7 20 26 TJ +7 20 27 J +7 20 28 CH +7 20 29 C +7 20 30 J +7 20 31 TA +7 20 32 CH +7 20 33 C +7 20 34 TJ +7 20 35 J +7 20 36 C +7 20 37 TA +7 20 38 CH +7 20 39 C +7 20 40 TA +7 20 41 WE +7 20 42 J +7 20 43 TJ +7 20 44 J +7 20 45 C +7 20 46 NT +7 20 47 C +7 20 48 J +7 20 49 TA +7 20 50 T +7 20 51 TO +7 20 52 N +7 20 53 CH +7 20 54 C +7 20 55 TA +7 20 56 J +7 20 57 TA +7 20 58 J +7 20 59 CH +7 20 60 TJ +7 20 61 CH +7 20 62 CH +7 20 63 J +7 20 64 TA +7 20 65 CH +7 20 66 J +7 20 67 C +7 20 68 CH +7 20 69 C +7 20 70 N +7 20 71 JU +7 20 72 C +7 20 73 T +7 20 74 TA +7 20 75 C +7 20 76 J +7 20 77 TA +7 20 78 CH +7 20 79 NT +7 20 80 TA +7 20 81 C +7 20 82 C +7 20 83 J +7 20 84 J +7 20 85 C +7 20 86 CH +7 20 87 NT +7 20 88 CH +7 20 89 NT +7 20 90 TJ +7 20 91 C +7 20 92 J +7 20 93 TA +7 20 94 JU +7 20 95 N +7 20 96 J +7 20 97 TJ +7 20 98 WE +7 20 99 CH +7 20 100 C +7 20 101 CH +7 20 102 TA +7 20 103 C +7 20 104 TA +7 20 105 T +7 20 106 J +7 20 107 N +7 20 108 C +7 20 109 TJ +7 20 110 J +7 20 111 C +7 20 112 WE +7 20 113 NT +7 20 114 TA +7 20 115 WE +7 20 116 TA +7 20 117 JU +7 20 118 CH +7 20 119 C +7 20 120 N +7 20 121 J +7 20 122 C +7 20 123 TA +7 20 124 C +7 20 125 J +7 20 126 CH +7 20 127 C +7 20 128 J +7 20 129 N +7 20 130 NT +7 20 131 CH +7 20 132 J +7 20 133 C +7 20 134 JU +7 20 135 CH +7 20 136 TA +7 20 137 C +7 20 138 TA +7 20 139 N +7 20 140 TJ +7 20 141 N +7 20 142 CH +7 20 143 C +7 20 144 TJ +7 20 145 C +7 20 146 J +7 20 147 C +7 20 148 WE +7 20 149 C +7 20 150 TJ +7 20 151 J +7 20 152 CH +7 20 153 TA +7 20 154 NT +7 20 155 JU +7 20 156 C +7 20 157 TO +7 20 158 N +7 20 159 J +7 20 160 CH +7 20 161 C +7 20 162 WE +7 20 163 TA +7 20 164 TJ +7 20 165 C +7 20 166 TJ +7 20 167 CH +7 20 168 C +7 20 169 TA +7 20 170 TJ +7 20 171 C +7 20 172 N +7 20 173 CH +7 20 174 J +7 20 175 TA +7 20 176 J +7 20 177 J +7 20 178 TJ +7 20 179 JU +7 20 180 C +7 20 181 J +7 20 182 CH +7 20 183 J +7 20 184 CH +7 20 185 J +7 20 186 TA +7 20 187 J +7 20 188 TA +7 20 189 TA +7 20 190 CH +7 20 191 C +7 20 192 CH +7 20 193 C +7 20 194 JU +7 20 195 C +7 20 196 C +7 20 197 CH +7 20 198 NT +7 20 199 J +7 20 200 TA +7 20 201 J +7 20 202 C +7 20 203 CH +7 20 204 JU +7 20 205 TJ +7 20 206 J +7 20 207 CH +7 20 208 J +7 20 209 TJ +7 20 210 JU +7 20 211 TA +7 20 212 J +7 20 213 TA +7 20 214 C +7 20 215 CH +7 20 216 NT +7 20 217 J +7 20 218 C +7 20 219 TA +7 20 220 TJ +7 20 221 TA +7 20 222 T +7 20 223 C +7 20 224 N +7 20 225 C +7 20 226 TJ +7 20 227 NT +7 20 228 TA +7 20 229 C +7 20 230 J +7 20 231 CH +7 20 232 TO +7 20 233 TA +7 20 234 C +7 20 235 TA +7 20 236 C +7 20 237 J +7 20 238 TA +7 20 239 CH +7 20 240 WE +7 20 241 N +7 20 242 J +7 20 243 T +7 20 244 N +7 20 245 WE +7 20 246 TA +7 20 247 TJ +7 20 248 C +7 20 249 TA +7 20 250 TJ +7 20 251 C +7 20 252 N +7 20 253 C +7 20 254 TA +7 20 255 NT +7 20 256 WE +7 20 257 TA +7 20 258 J +7 20 259 JU +7 20 260 J +7 20 261 J +7 20 262 N +7 20 263 NT +7 20 264 TA +7 20 265 C +7 20 266 J +7 20 267 T +7 20 268 C +7 20 269 CH +7 20 270 J +7 20 271 TJ +7 20 272 N +7 20 273 CH +7 20 274 N +7 20 275 J +7 20 276 CH +7 20 277 TA +7 20 278 J +7 20 279 TJ +7 20 280 C +7 20 281 TA +7 20 282 C +7 20 283 JU +7 20 284 N +7 20 285 CH +7 20 286 N +7 20 287 J +7 20 288 WE +7 20 289 TA +7 20 290 J +7 20 291 TJ +7 20 292 CH +7 20 293 J +7 20 294 N +7 20 295 J +7 20 296 TJ +7 20 297 J +7 20 298 WE +7 20 299 C +7 20 300 NT +7 20 301 C +7 20 302 J +7 20 303 TA +7 20 304 C +7 20 305 T +7 20 306 C +7 20 307 TA +7 20 308 CH +7 20 309 NT +7 20 310 C +7 20 311 TJ +7 20 312 NT +7 20 313 TJ +7 20 314 J +7 20 315 C +7 20 316 TA +7 20 317 CH +7 20 318 J +7 20 319 N +7 20 320 C +7 20 321 WE +7 20 322 TA +7 20 323 C +7 20 324 J +7 20 325 CH +7 20 326 J +7 20 327 N +7 20 328 C +7 20 329 J +7 20 330 N +7 21 1 TA +7 21 2 C +7 21 3 WE +7 21 4 T +7 21 5 C +7 21 6 J +7 21 7 TC +7 21 8 LJ +7 21 9 J +7 21 10 TJ +7 21 11 TA +7 21 12 J +7 21 13 C +7 21 14 TA +7 21 15 CH +7 21 16 N +7 21 17 WE +7 21 18 NT +7 21 19 TA +7 21 20 C +7 21 21 CH +7 21 22 J +7 21 23 TJ +7 21 24 JU +7 21 25 TA +7 21 26 TJ +7 21 27 N +7 21 28 CH +7 21 29 TC +7 21 30 J +7 21 31 TA +7 21 32 CH +7 21 33 TC +7 21 34 TA +7 21 35 J +7 21 36 C +7 21 37 TA +7 21 38 CH +7 21 39 C +7 21 40 TA +7 21 41 JU +7 21 42 J +7 21 43 TJ +7 21 44 N +7 21 45 C +7 21 46 TA +7 21 47 C +7 21 48 J +7 21 49 TA +7 21 50 T +7 21 51 JU +7 21 52 N +7 21 53 LJ +7 21 54 C +7 21 55 TA +7 21 56 J +7 21 57 TA +7 21 58 J +7 21 59 N +7 21 60 TA +7 21 61 LJ +7 21 62 T +7 21 63 J +7 21 64 TA +7 21 65 CH +7 21 66 N +7 21 67 TA +7 21 68 CH +7 21 69 TC +7 21 70 N +7 21 71 LJ +7 21 72 C +7 21 73 T +7 21 74 TA +7 21 75 TA +7 21 76 J +7 21 77 TA +7 21 78 CH +7 21 79 NT +7 21 80 TA +7 21 81 TC +7 21 82 C +7 21 83 TA +7 21 84 J +7 21 85 C +7 21 86 CH +7 21 87 NT +7 21 88 T +7 21 89 NT +7 21 90 TA +7 21 91 TC +7 21 92 N +7 21 93 TA +7 21 94 NT +7 21 95 TA +7 21 96 J +7 21 97 T +7 21 98 CH +7 21 99 T +7 21 100 TA +7 21 101 LJ +7 21 102 TA +7 21 103 TC +7 21 104 TA +7 21 105 T +7 21 106 J +7 21 107 N +7 21 108 TA +7 21 109 TA +7 21 110 J +7 21 111 TC +7 21 112 CH +7 21 113 NT +7 21 114 C +7 21 115 WE +7 21 116 TA +7 21 117 JU +7 21 118 CH +7 21 119 C +7 21 120 N +7 21 121 J +7 21 122 C +7 21 123 TA +7 21 124 TC +7 21 125 J +7 21 126 CH +7 21 127 NT +7 21 128 TC +7 21 129 N +7 21 130 NT +7 21 131 T +7 21 132 WE +7 21 133 C +7 21 134 LJ +7 21 135 CH +7 21 136 TA +7 21 137 C +7 21 138 TA +7 21 139 N +7 21 140 TA +7 21 141 N +7 21 142 TA +7 21 143 TC +7 21 144 T +7 21 145 C +7 21 146 J +7 21 147 TA +7 21 148 WE +7 21 149 TC +7 21 150 T +7 21 151 J +7 21 152 CH +7 21 153 TA +7 21 154 NT +7 21 155 JU +7 21 156 C +7 21 157 JU +7 21 158 N +7 21 159 J +7 21 160 CH +7 21 161 C +7 21 162 CH +7 21 163 TA +7 21 164 TA +7 21 165 TC +7 21 166 TJ +7 21 167 LJ +7 21 168 C +7 21 169 TA +7 21 170 NT +7 21 171 TC +7 21 172 N +7 21 173 CH +7 21 174 J +7 21 175 TA +7 21 176 WE +7 21 177 J +7 21 178 TJ +7 21 179 JU +7 21 180 C +7 21 181 J +7 21 182 LJ +7 21 183 JU +7 21 184 LJ +7 21 185 J +7 21 186 TA +7 21 187 J +7 21 188 TA +7 21 189 TA +7 21 190 CH +7 21 191 C +7 21 192 JU +7 21 193 TC +7 21 194 LJ +7 21 195 C +7 21 196 TA +7 21 197 LJ +7 21 198 NT +7 21 199 N +7 21 200 TA +7 21 201 J +7 21 202 C +7 21 203 CH +7 21 204 JU +7 21 205 LJ +7 21 206 N +7 21 207 CH +7 21 208 J +7 21 209 TA +7 21 210 JU +7 21 211 TA +7 21 212 J +7 21 213 TA +7 21 214 TC +7 21 215 CH +7 21 216 JU +7 21 217 J +7 21 218 TC +7 21 219 TA +7 21 220 TA +7 21 221 N +7 21 222 LJ +7 21 223 C +7 21 224 N +7 21 225 TC +7 21 226 TA +7 21 227 NT +7 21 228 TJ +7 21 229 TA +7 21 230 N +7 21 231 LJ +7 21 232 TC +7 21 233 TA +7 21 234 C +7 21 235 TJ +7 21 236 TC +7 21 237 J +7 21 238 TA +7 21 239 CH +7 21 240 JU +7 21 241 N +7 21 242 J +7 21 243 LJ +7 21 244 N +7 21 245 WE +7 21 246 TA +7 21 247 CH +7 21 248 NT +7 21 249 C +7 21 250 T +7 21 251 TC +7 21 252 N +7 21 253 C +7 21 254 TA +7 21 255 NT +7 21 256 CH +7 21 257 TA +7 21 258 TC +7 21 259 JU +7 21 260 N +7 21 261 J +7 21 262 N +7 21 263 TA +7 21 264 TA +7 21 265 C +7 21 266 JU +7 21 267 LJ +7 21 268 C +7 21 269 CH +7 21 270 J +7 21 271 C +7 21 272 N +7 21 273 T +7 21 274 N +7 21 275 TC +7 21 276 CH +7 21 277 TA +7 21 278 J +7 21 279 TJ +7 21 280 C +7 21 281 C +7 21 282 TC +7 21 283 JU +7 21 284 N +7 21 285 CH +7 21 286 N +7 21 287 J +7 21 288 WE +7 21 289 TA +7 21 290 N +7 21 291 TA +7 21 292 CH +7 21 293 N +7 21 294 TA +7 21 295 J +7 21 296 LJ +7 21 297 J +7 21 298 CH +7 21 299 C +7 21 300 N +7 21 301 C +7 21 302 N +7 21 303 TA +7 21 304 TC +7 21 305 LJ +7 21 306 TC +7 21 307 TA +7 21 308 T +7 21 309 C +7 21 310 C +7 21 311 TA +7 21 312 NT +7 21 313 T +7 21 314 N +7 21 315 TC +7 21 316 TA +7 21 317 LJ +7 21 318 J +7 21 319 N +7 21 320 TC +7 21 321 WE +7 21 322 TA +7 21 323 C +7 21 324 N +7 21 325 LJ +7 21 326 J +7 21 327 TA +7 21 328 C +7 21 329 JU +7 21 330 N +7 22 1 TA +7 22 2 C +7 22 3 J +7 22 4 T +7 22 5 C +7 22 6 J +7 22 7 TC +7 22 8 T +7 22 9 J +7 22 10 TJ +7 22 11 TA +7 22 12 J +7 22 13 C +7 22 14 TJ +7 22 15 CH +7 22 16 N +7 22 17 J +7 22 18 NT +7 22 19 TA +7 22 20 C +7 22 21 CH +7 22 22 J +7 22 23 T +7 22 24 NT +7 22 25 TA +7 22 26 TJ +7 22 27 N +7 22 28 CH +7 22 29 C +7 22 30 J +7 22 31 TA +7 22 32 T +7 22 33 C +7 22 34 TJ +7 22 35 T1 +7 22 36 C +7 22 37 TA +7 22 38 T +7 22 39 C +7 22 40 TA +7 22 41 WE +7 22 42 J +7 22 43 TA +7 22 44 N +7 22 45 C +7 22 46 TA +7 22 47 NT +7 22 48 J +7 22 49 TA +7 22 50 T +7 22 51 JU +7 22 52 TA +7 22 53 T +7 22 54 C +7 22 55 TA +7 22 56 CH +7 22 57 TA +7 22 58 J +7 22 59 TA +7 22 60 NT +7 22 61 T +7 22 62 TA +7 22 63 T1 +7 22 64 TJ +7 22 65 CH +7 22 66 N +7 22 67 C +7 22 68 CH +7 22 69 C +7 22 70 TA +7 22 71 JU +7 22 72 C +7 22 73 T +7 22 74 TA +7 22 75 C +7 22 76 J +7 22 77 TA +7 22 78 CH +7 22 79 NT +7 22 80 TJ +7 22 81 C +7 22 82 TA +7 22 83 J +7 22 84 CH +7 22 85 C +7 22 86 CH +7 22 87 NT +7 22 88 T +7 22 89 NT +7 22 90 TS +7 22 91 C +7 22 92 N +7 22 93 TA +7 22 94 NT +7 22 95 C +7 22 96 J +7 22 97 T +7 22 98 CH +7 22 99 T +7 22 100 C +7 22 101 T +7 22 102 TA +7 22 103 C +7 22 104 TA +7 22 105 T +7 22 106 J +7 22 107 N +7 22 108 C +7 22 109 TJ +7 22 110 J +7 22 111 C +7 22 112 CH +7 22 113 NT +7 22 114 C +7 22 115 T +7 22 116 TA +7 22 117 NT +7 22 118 CH +7 22 119 C +7 22 120 N +7 22 121 J +7 22 122 C +7 22 123 TA +7 22 124 C +7 22 125 J +7 22 126 T1 +7 22 127 NT +7 22 128 J +7 22 129 N +7 22 130 NT +7 22 131 T +7 22 132 J +7 22 133 C +7 22 134 NT +7 22 135 T +7 22 136 TA +7 22 137 C +7 22 138 TA +7 22 139 N +7 22 140 TS +7 22 141 N +7 22 142 TA +7 22 143 C +7 22 144 T +7 22 145 C +7 22 146 J +7 22 147 TA +7 22 148 CH +7 22 149 C +7 22 150 T +7 22 151 CH +7 22 152 TA +7 22 153 TJ +7 22 154 NT +7 22 155 J +7 22 156 C +7 22 157 J +7 22 158 N +7 22 159 J +7 22 160 CH +7 22 161 C +7 22 162 CH +7 22 163 TA +7 22 164 TJ +7 22 165 C +7 22 166 TS +7 22 167 TA +7 22 168 C +7 22 169 TA +7 22 170 NT +7 22 171 C +7 22 172 N +7 22 173 CH +7 22 174 J +7 22 175 TA +7 22 176 T1 +7 22 177 J +7 22 178 TS +7 22 179 JU +7 22 180 C +7 22 181 J +7 22 182 T +7 22 183 J +7 22 184 T +7 22 185 J +7 22 186 TA +7 22 187 J +7 22 188 TA +7 22 189 TA +7 22 190 CH +7 22 191 C +7 22 192 T +7 22 193 J +7 22 194 JU +7 22 195 C +7 22 196 TA +7 22 197 T +7 22 198 NT +7 22 199 TA +7 22 200 TJ +7 22 201 CH +7 22 202 C +7 22 203 T +7 22 204 NT +7 22 205 TS +7 22 206 N +7 22 207 CH +7 22 208 J +7 22 209 C +7 22 210 JU +7 22 211 TA +7 22 212 J +7 22 213 TA +7 22 214 C +7 22 215 CH +7 22 216 NT +7 22 217 CH +7 22 218 C +7 22 219 TA +7 22 220 TJ +7 22 221 TA +7 22 222 T +7 22 223 C +7 22 224 N +7 22 225 J +7 22 226 TS +7 22 227 NT +7 22 228 TA +7 22 229 C +7 22 230 N +7 22 231 T +7 22 232 J +7 22 233 TA +7 22 234 C +7 22 235 TJ +7 22 236 C +7 22 237 J +7 22 238 TA +7 22 239 CH +7 22 240 JU +7 22 241 N +7 22 242 J +7 22 243 JU +7 22 244 TA +7 22 245 WE +7 22 246 C +7 22 247 T +7 22 248 NT +7 22 249 C +7 22 250 T +7 22 251 C +7 22 252 N +7 22 253 C +7 22 254 TA +7 22 255 NT +7 22 256 CH +7 22 257 TJ +7 22 258 J +7 22 259 JU +7 22 260 J +7 22 261 J +7 22 262 N +7 22 263 TA +7 22 264 TA +7 22 265 C +7 22 266 JU +7 22 267 T +7 22 268 C +7 22 269 T +7 22 270 J +7 22 271 NT +7 22 272 N +7 22 273 T +7 22 274 N +7 22 275 J +7 22 276 T +7 22 277 TA +7 22 278 J +7 22 279 TJ +7 22 280 C +7 22 281 C +7 22 282 C +7 22 283 JU +7 22 284 N +7 22 285 CH +7 22 286 N +7 22 287 J +7 22 288 WE +7 22 289 TA +7 22 290 N +7 22 291 TJ +7 22 292 CH +7 22 293 TA +7 22 294 N +7 22 295 J +7 22 296 T +7 22 297 J +7 22 298 CH +7 22 299 C +7 22 300 TA +7 22 301 C +7 22 302 N +7 22 303 TA +7 22 304 C +7 22 305 T +7 22 306 C +7 22 307 TA +7 22 308 T +7 22 309 NT +7 22 310 C +7 22 311 TA +7 22 312 NT +7 22 313 T +7 22 314 N +7 22 315 C +7 22 316 TA +7 22 317 T +7 22 318 J +7 22 319 N +7 22 320 C +7 22 321 CH +7 22 322 TA +7 22 323 C +7 22 324 N +7 22 325 T +7 22 326 J +7 22 327 TA +7 22 328 C +7 22 329 J +7 22 330 TA +7 23 1 TA +7 23 2 TA +7 23 3 J +7 23 4 T +7 23 5 C +7 23 6 L +7 23 7 C +7 23 8 T +7 23 9 L +7 23 10 TJ +7 23 11 C +7 23 12 J +7 23 13 C +7 23 14 TJ +7 23 15 CH +7 23 16 N +7 23 17 J +7 23 18 NT +7 23 19 TA +7 23 20 C +7 23 21 CH +7 23 22 J +7 23 23 T +7 23 24 NT +7 23 25 TJ +7 23 26 TJ +7 23 27 N +7 23 28 CH +7 23 29 C +7 23 30 J +7 23 31 TA +7 23 32 CH +7 23 33 C +7 23 34 TJ +7 23 35 J +7 23 36 C +7 23 37 TA +7 23 38 T +7 23 39 C +7 23 40 TA +7 23 41 WE +7 23 42 J +7 23 43 TJ +7 23 44 N +7 23 45 C +7 23 46 NT +7 23 47 C +7 23 48 J +7 23 49 TA +7 23 50 T +7 23 51 L +7 23 52 N +7 23 53 T +7 23 54 C +7 23 55 TA +7 23 56 CH +7 23 57 TJ +7 23 58 C +7 23 59 CH +7 23 60 TJ +7 23 61 WE +7 23 62 T +7 23 63 WE +7 23 64 TJ +7 23 65 CH +7 23 66 N +7 23 67 C +7 23 68 CH +7 23 69 C +7 23 70 N +7 23 71 T +7 23 72 C +7 23 73 T +7 23 74 TA +7 23 75 C +7 23 76 J +7 23 77 TA +7 23 78 CH +7 23 79 NT +7 23 80 TJ +7 23 81 C +7 23 82 TA +7 23 83 J +7 23 84 CH +7 23 85 C +7 23 86 CH +7 23 87 NT +7 23 88 T +7 23 89 NT +7 23 90 C +7 23 91 C +7 23 92 N +7 23 93 TJ +7 23 94 NT +7 23 95 N +7 23 96 J +7 23 97 T +7 23 98 WE +7 23 99 CH +7 23 100 TA +7 23 101 T +7 23 102 TA +7 23 103 C +7 23 104 TA +7 23 105 T +7 23 106 J +7 23 107 N +7 23 108 TA +7 23 109 TJ +7 23 110 J +7 23 111 C +7 23 112 CH +7 23 113 NT +7 23 114 C +7 23 115 WE +7 23 116 TA +7 23 117 NT +7 23 118 CH +7 23 119 C +7 23 120 N +7 23 121 J +7 23 122 C +7 23 123 TA +7 23 124 C +7 23 125 J +7 23 126 CH +7 23 127 C +7 23 128 C +7 23 129 CH +7 23 130 C +7 23 131 T +7 23 132 WE +7 23 133 C +7 23 134 JU +7 23 135 TS +7 23 136 TA +7 23 137 C +7 23 138 TA +7 23 139 N +7 23 140 TJ +7 23 141 N +7 23 142 N +7 23 143 C +7 23 144 TS +7 23 145 C +7 23 146 J +7 23 147 C +7 23 148 WE +7 23 149 C +7 23 150 TS +7 23 151 CH +7 23 152 CH +7 23 153 TA +7 23 154 NT +7 23 155 NT +7 23 156 C +7 23 157 L +7 23 158 N +7 23 159 J +7 23 160 CH +7 23 161 C +7 23 162 WE +7 23 163 C +7 23 164 TA +7 23 165 C +7 23 166 TJ +7 23 167 CH +7 23 168 C +7 23 169 TA +7 23 170 NT +7 23 171 C +7 23 172 N +7 23 173 CH +7 23 174 J +7 23 175 TA +7 23 176 WE +7 23 177 J +7 23 178 TJ +7 23 179 TS +7 23 180 C +7 23 181 J +7 23 182 TS +7 23 183 TO +7 23 184 TS +7 23 185 J +7 23 186 TA +7 23 187 J +7 23 188 TA +7 23 189 TA +7 23 190 CH +7 23 191 C +7 23 192 TS +7 23 193 C +7 23 194 TS +7 23 195 C +7 23 196 TA +7 23 197 TS +7 23 198 NT +7 23 199 N +7 23 200 TA +7 23 201 CH +7 23 202 C +7 23 203 TS +7 23 204 JU +7 23 205 TS +7 23 206 J +7 23 207 CH +7 23 208 L +7 23 209 C +7 23 210 TS +7 23 211 TA +7 23 212 J +7 23 213 T +7 23 214 C +7 23 215 TS +7 23 216 C +7 23 217 CH +7 23 218 C +7 23 219 N +7 23 220 TS +7 23 221 N +7 23 222 TS +7 23 223 C +7 23 224 N +7 23 225 C +7 23 226 TJ +7 23 227 NT +7 23 228 TJ +7 23 229 TA +7 23 230 CH +7 23 231 TS +7 23 232 C +7 23 233 TA +7 23 234 C +7 23 235 TJ +7 23 236 C +7 23 237 J +7 23 238 TA +7 23 239 CH +7 23 240 JU +7 23 241 N +7 23 242 J +7 23 243 TS +7 23 244 TA +7 23 245 WE +7 23 246 TA +7 23 247 TS +7 23 248 C +7 23 249 C +7 23 250 TS +7 23 251 C +7 23 252 CH +7 23 253 C +7 23 254 TA +7 23 255 NT +7 23 256 CH +7 23 257 TJ +7 23 258 J +7 23 259 WE +7 23 260 J +7 23 261 J +7 23 262 N +7 23 263 TA +7 23 264 TA +7 23 265 C +7 23 266 JU +7 23 267 TS +7 23 268 C +7 23 269 TS +7 23 270 J +7 23 271 C +7 23 272 N +7 23 273 TS +7 23 274 N +7 23 275 C +7 23 276 TS +7 23 277 TJ +7 23 278 J +7 23 279 TJ +7 23 280 C +7 23 281 C +7 23 282 C +7 23 283 JU +7 23 284 TA +7 23 285 CH +7 23 286 N +7 23 287 C +7 23 288 WE +7 23 289 TA +7 23 290 N +7 23 291 TA +7 23 292 CH +7 23 293 TA +7 23 294 N +7 23 295 JU +7 23 296 TS +7 23 297 J +7 23 298 WE +7 23 299 C +7 23 300 N +7 23 301 C +7 23 302 N +7 23 303 TA +7 23 304 C +7 23 305 TS +7 23 306 C +7 23 307 TJ +7 23 308 TS +7 23 309 C +7 23 310 C +7 23 311 TJ +7 23 312 NT +7 23 313 TJ +7 23 314 N +7 23 315 C +7 23 316 C +7 23 317 TS +7 23 318 J +7 23 319 N +7 23 320 C +7 23 321 WE +7 23 322 TA +7 23 323 C +7 23 324 N +7 23 325 TS +7 23 326 J +7 23 327 TA +7 23 328 C +7 23 329 JU +7 23 330 TA +7 24 1 TA +7 24 2 TA +7 24 3 J +7 24 4 T +7 24 5 TA +7 24 6 J +7 24 7 TC +7 24 8 CH +7 24 9 J +7 24 10 TJ +7 24 11 C +7 24 12 J +7 24 13 C +7 24 14 TJ +7 24 15 CH +7 24 16 N +7 24 17 J +7 24 18 N +7 24 19 TA +7 24 20 C +7 24 21 CH +7 24 22 J +7 24 23 T +7 24 24 N +7 24 25 TA +7 24 26 TJ +7 24 27 N +7 24 28 CH +7 24 29 C +7 24 30 J +7 24 31 TA +7 24 32 CH +7 24 33 C +7 24 34 TA +7 24 35 J +7 24 36 C +7 24 37 TA +7 24 38 CH +7 24 39 C +7 24 40 TA +7 24 41 WE +7 24 42 J +7 24 43 TJ +7 24 44 N +7 24 45 C +7 24 46 N +7 24 47 C +7 24 48 J +7 24 49 TA +7 24 50 T +7 24 51 L +7 24 52 TA +7 24 53 CH +7 24 54 C +7 24 55 TA +7 24 56 J +7 24 57 TA +7 24 58 J +7 24 59 CH +7 24 60 TA +7 24 61 WE +7 24 62 T +7 24 63 CH +7 24 64 TJ +7 24 65 CH +7 24 66 N +7 24 67 C +7 24 68 CH +7 24 69 C +7 24 70 N +7 24 71 JU +7 24 72 C +7 24 73 T +7 24 74 TA +7 24 75 C +7 24 76 J +7 24 77 TA +7 24 78 CH +7 24 79 NT +7 24 80 TA +7 24 81 C +7 24 82 TA +7 24 83 J +7 24 84 CH +7 24 85 C +7 24 86 CH +7 24 87 C +7 24 88 CH +7 24 89 NT +7 24 90 C +7 24 91 TC +7 24 92 N +7 24 93 TA +7 24 94 NT +7 24 95 TA +7 24 96 J +7 24 97 T +7 24 98 CH +7 24 99 T +7 24 100 TA +7 24 101 CH +7 24 102 TA +7 24 103 C +7 24 104 TA +7 24 105 T +7 24 106 J +7 24 107 N +7 24 108 TA +7 24 109 TJ +7 24 110 J +7 24 111 C +7 24 112 CH +7 24 113 NT +7 24 114 TA +7 24 115 WE +7 24 116 TA +7 24 117 JU +7 24 118 CH +7 24 119 C +7 24 120 N +7 24 121 J +7 24 122 C +7 24 123 TA +7 24 124 TC +7 24 125 J +7 24 126 CH +7 24 127 C +7 24 128 J +7 24 129 N +7 24 130 C +7 24 131 T +7 24 132 WE +7 24 133 C +7 24 134 JU +7 24 135 CH +7 24 136 TA +7 24 137 C +7 24 138 TA +7 24 139 TS +7 24 140 TA +7 24 141 N +7 24 142 N +7 24 143 C +7 24 144 T +7 24 145 C +7 24 146 J +7 24 147 C +7 24 148 WE +7 24 149 C +7 24 150 T +7 24 151 CH +7 24 152 CH +7 24 153 TA +7 24 154 L +7 24 155 L +7 24 156 C +7 24 157 JU +7 24 158 N +7 24 159 J +7 24 160 CH +7 24 161 C +7 24 162 CH +7 24 163 C +7 24 164 TA +7 24 165 C +7 24 166 TA +7 24 167 CH +7 24 168 C +7 24 169 TA +7 24 170 TA +7 24 171 C +7 24 172 N +7 24 173 CH +7 24 174 J +7 24 175 TA +7 24 176 J +7 24 177 J +7 24 178 TA +7 24 179 JU +7 24 180 C +7 24 181 J +7 24 182 JU +7 24 183 L +7 24 184 T +7 24 185 J +7 24 186 TA +7 24 187 J +7 24 188 TA +7 24 189 TA +7 24 190 CH +7 24 191 C +7 24 192 T +7 24 193 C +7 24 194 JU +7 24 195 C +7 24 196 TA +7 24 197 CH +7 24 198 NT +7 24 199 TA +7 24 200 TA +7 24 201 CH +7 24 202 C +7 24 203 CH +7 24 204 L +7 24 205 T +7 24 206 N +7 24 207 CH +7 24 208 J +7 24 209 C +7 24 210 JU +7 24 211 TA +7 24 212 J +7 24 213 TA +7 24 214 C +7 24 215 CH +7 24 216 C +7 24 217 CH +7 24 218 C +7 24 219 TA +7 24 220 TJ +7 24 221 N +7 24 222 T +7 24 223 C +7 24 224 N +7 24 225 J +7 24 226 TA +7 24 227 NT +7 24 228 TJ +7 24 229 C +7 24 230 N +7 24 231 CH +7 24 232 L +7 24 233 TA +7 24 234 C +7 24 235 TA +7 24 236 C +7 24 237 J +7 24 238 C +7 24 239 CH +7 24 240 JU +7 24 241 N +7 24 242 J +7 24 243 T +7 24 244 TA +7 24 245 WE +7 24 246 TA +7 24 247 T +7 24 248 C +7 24 249 C +7 24 250 T +7 24 251 C +7 24 252 N +7 24 253 TA +7 24 254 TA +7 24 255 NT +7 24 256 CH +7 24 257 TA +7 24 258 J +7 24 259 WE +7 24 260 J +7 24 261 J +7 24 262 N +7 24 263 N +7 24 264 TA +7 24 265 C +7 24 266 J +7 24 267 T +7 24 268 C +7 24 269 CH +7 24 270 J +7 24 271 C +7 24 272 TA +7 24 273 CH +7 24 274 N +7 24 275 J +7 24 276 CH +7 24 277 TA +7 24 278 J +7 24 279 TA +7 24 280 C +7 24 281 C +7 24 282 C +7 24 283 JU +7 24 284 TA +7 24 285 CH +7 24 286 N +7 24 287 J +7 24 288 WE +7 24 289 TA +7 24 290 N +7 24 291 TJ +7 24 292 CH +7 24 293 TA +7 24 294 N +7 24 295 L +7 24 296 T +7 24 297 J +7 24 298 CH +7 24 299 C +7 24 300 TA +7 24 301 C +7 24 302 N +7 24 303 TA +7 24 304 C +7 24 305 T +7 24 306 TC +7 24 307 TA +7 24 308 T +7 24 309 L +7 24 310 C +7 24 311 TA +7 24 312 NT +7 24 313 TJ +7 24 314 N +7 24 315 C +7 24 316 TA +7 24 317 CH +7 24 318 J +7 24 319 N +7 24 320 C +7 24 321 CH +7 24 322 TA +7 24 323 C +7 24 324 N +7 24 325 CH +7 24 326 J +7 24 327 TA +7 24 328 C +7 24 329 L +7 24 330 TA +7 25 1 TA +7 25 2 TC +7 25 3 J +7 25 4 JU +7 25 5 TC +7 25 6 J +7 25 7 TC +7 25 8 CH +7 25 9 J +7 25 10 TA +7 25 11 TA +7 25 12 J +7 25 13 TA +7 25 14 TA +7 25 15 CH +7 25 16 N +7 25 17 J +7 25 18 N +7 25 19 TA +7 25 20 C +7 25 21 CH +7 25 22 J +7 25 23 T +7 25 24 N +7 25 25 TA +7 25 26 TA +7 25 27 N +7 25 28 CH +7 25 29 C +7 25 30 J +7 25 31 TA +7 25 32 CH +7 25 33 TC +7 25 34 TA +7 25 35 J +7 25 36 C +7 25 37 TA +7 25 38 CH +7 25 39 C +7 25 40 TA +7 25 41 WE +7 25 42 J +7 25 43 TA +7 25 44 CH +7 25 45 C +7 25 46 N +7 25 47 TA +7 25 48 J +7 25 49 TA +7 25 50 T +7 25 51 N +7 25 52 TA +7 25 53 CH +7 25 54 C +7 25 55 TA +7 25 56 J +7 25 57 TA +7 25 58 J +7 25 59 TA +7 25 60 TA +7 25 61 WE +7 25 62 TA +7 25 63 CH +7 25 64 TA +7 25 65 CH +7 25 66 J +7 25 67 TC +7 25 68 CH +7 25 69 TA +7 25 70 CH +7 25 71 T +7 25 72 C +7 25 73 T +7 25 74 TA +7 25 75 C +7 25 76 J +7 25 77 TA +7 25 78 CH +7 25 79 TA +7 25 80 TA +7 25 81 TC +7 25 82 TA +7 25 83 J +7 25 84 CH +7 25 85 C +7 25 86 CH +7 25 87 N +7 25 88 T +7 25 89 N +7 25 90 TA +7 25 91 TC +7 25 92 N +7 25 93 TA +7 25 94 N +7 25 95 TA +7 25 96 J +7 25 97 T +7 25 98 CH +7 25 99 TA +7 25 100 TA +7 25 101 CH +7 25 102 TA +7 25 103 C +7 25 104 TA +7 25 105 T +7 25 106 J +7 25 107 N +7 25 108 TA +7 25 109 TA +7 25 110 J +7 25 111 TA +7 25 112 CH +7 25 113 N +7 25 114 TA +7 25 115 CH +7 25 116 TA +7 25 117 N +7 25 118 CH +7 25 119 C +7 25 120 N +7 25 121 J +7 25 122 C +7 25 123 TA +7 25 124 TC +7 25 125 J +7 25 126 CH +7 25 127 TA +7 25 128 J +7 25 129 CH +7 25 130 TA +7 25 131 T +7 25 132 J +7 25 133 C +7 25 134 N +7 25 135 T +7 25 136 TA +7 25 137 TC +7 25 138 TA +7 25 139 N +7 25 140 TA +7 25 141 N +7 25 142 TA +7 25 143 TC +7 25 144 TJ +7 25 145 TA +7 25 146 J +7 25 147 TA +7 25 148 WE +7 25 149 TC +7 25 150 TA +7 25 151 CH +7 25 152 CH +7 25 153 TA +7 25 154 N +7 25 155 N +7 25 156 C +7 25 157 N +7 25 158 N +7 25 159 CH +7 25 160 CH +7 25 161 TA +7 25 162 CH +7 25 163 TA +7 25 164 TA +7 25 165 C +7 25 166 TA +7 25 167 TA +7 25 168 C +7 25 169 TA +7 25 170 TA +7 25 171 TC +7 25 172 N +7 25 173 CH +7 25 174 J +7 25 175 TA +7 25 176 CH +7 25 177 J +7 25 178 TA +7 25 179 T +7 25 180 C +7 25 181 J +7 25 182 T +7 25 183 TA +7 25 184 T +7 25 185 J +7 25 186 TA +7 25 187 J +7 25 188 TA +7 25 189 TA +7 25 190 CH +7 25 191 C +7 25 192 T +7 25 193 TC +7 25 194 T +7 25 195 C +7 25 196 TA +7 25 197 T +7 25 198 N +7 25 199 TA +7 25 200 TA +7 25 201 CH +7 25 202 C +7 25 203 CH +7 25 204 N +7 25 205 T +7 25 206 J +7 25 207 CH +7 25 208 J +7 25 209 C +7 25 210 N +7 25 211 TA +7 25 212 J +7 25 213 TA +7 25 214 TC +7 25 215 T +7 25 216 TA +7 25 217 CH +7 25 218 TA +7 25 219 TA +7 25 220 TA +7 25 221 TA +7 25 222 T +7 25 223 C +7 25 224 CH +7 25 225 TA +7 25 226 TA +7 25 227 N +7 25 228 TA +7 25 229 TA +7 25 230 CH +7 25 231 T +7 25 232 TA +7 25 233 TA +7 25 234 C +7 25 235 TA +7 25 236 TC +7 25 237 J +7 25 238 TA +7 25 239 CH +7 25 240 N +7 25 241 J +7 25 242 J +7 25 243 T +7 25 244 TA +7 25 245 WE +7 25 246 TA +7 25 247 TA +7 25 248 TA +7 25 249 TA +7 25 250 T +7 25 251 C +7 25 252 CH +7 25 253 TA +7 25 254 TA +7 25 255 N +7 25 256 CH +7 25 257 TA +7 25 258 J +7 25 259 WE +7 25 260 J +7 25 261 CH +7 25 262 N +7 25 263 N +7 25 264 TA +7 25 265 C +7 25 266 J +7 25 267 T +7 25 268 C +7 25 269 T +7 25 270 J +7 25 271 C +7 25 272 N +7 25 273 T +7 25 274 N +7 25 275 C +7 25 276 T +7 25 277 TA +7 25 278 J +7 25 279 TA +7 25 280 C +7 25 281 C +7 25 282 C +7 25 283 TA +7 25 284 TA +7 25 285 CH +7 25 286 N +7 25 287 TA +7 25 288 WE +7 25 289 TA +7 25 290 N +7 25 291 TA +7 25 292 CH +7 25 293 TA +7 25 294 N +7 25 295 TA +7 25 296 T +7 25 297 J +7 25 298 WE +7 25 299 C +7 25 300 N +7 25 301 C +7 25 302 N +7 25 303 TA +7 25 304 TC +7 25 305 T +7 25 306 TC +7 25 307 TA +7 25 308 T +7 25 309 L +7 25 310 C +7 25 311 TA +7 25 312 N +7 25 313 T +7 25 314 N +7 25 315 C +7 25 316 TA +7 25 317 T +7 25 318 J +7 25 319 N +7 25 320 TC +7 25 321 CH +7 25 322 TA +7 25 323 C +7 25 324 N +7 25 325 T +7 25 326 J +7 25 327 TA +7 25 328 C +7 25 329 J +7 25 330 TA +8 1 1 A +8 1 2 A +8 1 3 AM +8 1 4 N +8 1 5 T +8 1 6 I +8 1 7 IS +8 1 8 NS +8 1 9 NA +8 1 10 K +8 1 11 A +8 1 12 I +8 1 13 A +8 1 14 K +8 1 15 KT +8 1 16 KW +8 1 17 KI +8 1 18 AH +8 1 19 K +8 1 20 A +8 1 21 KI +8 1 22 I +8 1 23 KI +8 1 24 A +8 1 25 A +8 1 26 K +8 1 27 KW +8 1 28 KI +8 1 29 A +8 1 30 A +8 1 31 A +8 1 32 KI +8 1 33 A +8 1 34 K +8 1 35 AM +8 1 36 A +8 1 37 K +8 1 38 AM +8 1 39 A +8 1 40 K +8 1 41 AM +8 1 42 I +8 1 43 K +8 1 44 KW +8 1 45 A +8 1 46 AH +8 1 47 A +8 1 48 I +8 1 49 K +8 1 50 N +8 1 51 A +8 1 52 NA +8 1 53 AM +8 1 54 A +8 1 55 K +8 1 56 NU +8 1 57 K +8 1 58 A +8 1 59 NU +8 1 60 A +8 1 61 AM +8 1 62 K +8 1 63 A +8 1 64 K +8 1 65 AM +8 1 66 NU +8 1 67 A +8 1 68 NS +8 1 69 A +8 1 70 KW +8 1 71 N +8 1 72 A +8 1 73 KI +8 1 74 A +8 1 75 A +8 1 76 AM +8 1 77 A +8 1 78 A +8 1 79 A +8 1 80 K +8 1 81 A +8 1 82 A +8 1 83 KI +8 1 84 AM +8 1 85 A +8 1 86 AM +8 1 87 AE +8 1 88 AM +8 1 89 AH +8 1 90 A +8 1 91 A +8 1 92 KW +8 1 93 K +8 1 94 A +8 1 95 A +8 1 96 I +8 1 97 N +8 1 98 AM +8 1 99 K +8 1 100 A +8 1 101 AM +8 1 102 K +8 1 103 A +8 1 104 K +8 1 105 N +8 1 106 I +8 1 107 KW +8 1 108 K +8 1 109 K +8 1 110 I +8 1 111 A +8 1 112 AM +8 1 113 AH +8 1 114 A +8 1 115 AM +8 1 116 K +8 1 117 A +8 1 118 AM +8 1 119 A +8 1 120 KW +8 1 121 AM +8 1 122 A +8 1 123 A +8 1 124 A +8 1 125 AM +8 1 126 AM +8 1 127 A +8 1 128 I +8 1 129 KW +8 1 130 A +8 1 131 NS +8 1 132 AM +8 1 133 A +8 1 134 KI +8 1 135 AM +8 1 136 A +8 1 137 A +8 1 138 K +8 1 139 KW +8 1 140 K +8 1 141 KW +8 1 142 KW +8 1 143 A +8 1 144 N +8 1 145 A +8 1 146 I +8 1 147 A +8 1 148 AM +8 1 149 A +8 1 150 NS +8 1 151 AM +8 1 152 KI +8 1 153 K +8 1 154 AH +8 1 155 A +8 1 156 A +8 1 157 A +8 1 158 KW +8 1 159 KI +8 1 160 AM +8 1 161 A +8 1 162 AM +8 1 163 A +8 1 164 K +8 1 165 A +8 1 166 K +8 1 167 K +8 1 168 A +8 1 169 K +8 1 170 A +8 1 171 A +8 1 172 KW +8 1 173 A +8 1 174 I +8 1 175 K +8 1 176 AM +8 1 177 A +8 1 178 K +8 1 179 N +8 1 180 A +8 1 181 I +8 1 182 N +8 1 183 I +8 1 184 NS +8 1 185 I +8 1 186 K +8 1 187 I +8 1 188 K +8 1 189 K +8 1 190 KI +8 1 191 A +8 1 192 NS +8 1 193 A +8 1 194 NS +8 1 195 A +8 1 196 A +8 1 197 NS +8 1 198 A +8 1 199 KW +8 1 200 K +8 1 201 KI +8 1 202 A +8 1 203 AM +8 1 204 A +8 1 205 K +8 1 206 KW +8 1 207 N +8 1 208 I +8 1 209 A +8 1 210 NS +8 1 211 K +8 1 212 I +8 1 213 K +8 1 214 A +8 1 215 NS +8 1 216 A +8 1 217 AM +8 1 218 A +8 1 219 KW +8 1 220 K +8 1 221 KW +8 1 222 N +8 1 223 A +8 1 224 KW +8 1 225 I +8 1 226 A +8 1 227 A +8 1 228 K +8 1 229 A +8 1 230 KI +8 1 231 N +8 1 232 I +8 1 233 K +8 1 234 A +8 1 235 K +8 1 236 A +8 1 237 KI +8 1 238 A +8 1 239 AM +8 1 240 N +8 1 241 KW +8 1 242 I +8 1 243 AM +8 1 244 KW +8 1 245 AM +8 1 246 A +8 1 247 K +8 1 248 A +8 1 249 A +8 1 250 K +8 1 251 A +8 1 252 KW +8 1 253 A +8 1 254 K +8 1 255 A +8 1 256 AM +8 1 257 K +8 1 258 I +8 1 259 AM +8 1 260 I +8 1 261 I +8 1 262 KW +8 1 263 KW +8 1 264 K +8 1 265 A +8 1 266 AM +8 1 267 N +8 1 268 A +8 1 269 NS +8 1 270 I +8 1 271 A +8 1 272 KW +8 1 273 N +8 1 274 KW +8 1 275 I +8 1 276 AM +8 1 277 K +8 1 278 KI +8 1 279 K +8 1 280 A +8 1 281 A +8 1 282 A +8 1 283 KI +8 1 284 KW +8 1 285 NS +8 1 286 KW +8 1 287 I +8 1 288 AM +8 1 289 A +8 1 290 KW +8 1 291 K +8 1 292 N +8 1 293 A +8 1 294 KW +8 1 295 I +8 1 296 KW +8 1 297 I +8 1 298 AM +8 1 299 A +8 1 300 KW +8 1 301 A +8 1 302 KW +8 1 303 KI +8 1 304 A +8 1 305 N +8 1 306 A +8 1 307 K +8 1 308 KI +8 1 309 A +8 1 310 A +8 1 311 KW +8 1 312 A +8 1 313 K +8 1 314 KW +8 1 315 A +8 1 316 A +8 1 317 AM +8 1 318 I +8 1 319 KW +8 1 320 A +8 1 321 AM +8 1 322 K +8 1 323 A +8 1 324 KW +8 1 325 N +8 1 326 I +8 1 327 KI +8 1 328 A +8 1 329 I +8 1 330 KW +8 2 1 K +8 2 2 AM +8 2 3 NA +8 2 4 AH +8 2 5 K +8 2 6 A +8 2 7 NA +8 2 8 NA +8 2 9 AH +8 2 10 K +8 2 11 A +8 2 12 I +8 2 13 AH +8 2 14 AH +8 2 15 AH +8 2 16 AM +8 2 17 AH +8 2 18 K +8 2 19 A +8 2 20 NA +8 2 21 AH +8 2 22 N +8 2 23 AH +8 2 24 K +8 2 25 K +8 2 26 AH +8 2 27 NA +8 2 28 AH +8 2 29 AH +8 2 30 KW +8 2 31 NA +8 2 32 I +8 2 33 K +8 2 34 NA +8 2 35 AH +8 2 36 K +8 2 37 NA +8 2 38 AH +8 2 39 K +8 2 40 K +8 2 41 NA +8 2 42 A +8 2 43 K +8 2 44 KW +8 2 45 A +8 2 46 AH +8 2 47 AH +8 2 48 A +8 2 49 NA +8 2 50 AM +8 2 51 AH +8 2 52 K +8 2 53 AM +8 2 54 A +8 2 55 K +8 2 56 KW +8 2 57 A +8 2 58 AH +8 2 59 KW +8 2 60 A +8 2 61 NA +8 2 62 A +8 2 63 KI +8 2 64 K +8 2 65 AM +8 2 66 KW +8 2 67 A +8 2 68 AM +8 2 69 AH +8 2 70 KW +8 2 71 AH +8 2 72 A +8 2 73 AM +8 2 74 KW +8 2 75 AH +8 2 76 NA +8 2 77 K +8 2 78 KW +8 2 79 AH +8 2 80 K +8 2 81 A +8 2 82 A +8 2 83 KW +8 2 84 NA +8 2 85 A +8 2 86 NA +8 2 87 AH +8 2 88 NA +8 2 89 AH +8 2 90 AH +8 2 91 NA +8 2 92 KW +8 2 93 K +8 2 94 AH +8 2 95 K +8 2 96 A +8 2 97 K +8 2 98 NA +8 2 99 A +8 2 100 KW +8 2 101 AM +8 2 102 AH +8 2 103 AH +8 2 104 NA +8 2 105 NA +8 2 106 KW +8 2 107 KW +8 2 108 KW +8 2 109 K +8 2 110 NA +8 2 111 AH +8 2 112 AM +8 2 113 AH +8 2 114 A +8 2 115 AM +8 2 116 KW +8 2 117 AH +8 2 118 KI +8 2 119 A +8 2 120 KW +8 2 121 AM +8 2 122 A +8 2 123 AH +8 2 124 A +8 2 125 AM +8 2 126 A +8 2 127 AH +8 2 128 A +8 2 129 KW +8 2 130 AH +8 2 131 AM +8 2 132 AM +8 2 133 A +8 2 134 KI +8 2 135 AM +8 2 136 K +8 2 137 A +8 2 138 K +8 2 139 KW +8 2 140 K +8 2 141 KW +8 2 142 KW +8 2 143 A +8 2 144 K +8 2 145 KW +8 2 146 I +8 2 147 AH +8 2 148 AM +8 2 149 KW +8 2 150 NA +8 2 151 KI +8 2 152 KI +8 2 153 K +8 2 154 AH +8 2 155 AH +8 2 156 KW +8 2 157 AH +8 2 158 KW +8 2 159 KI +8 2 160 KI +8 2 161 K +8 2 162 AM +8 2 163 K +8 2 164 K +8 2 165 KI +8 2 166 AH +8 2 167 KI +8 2 168 AH +8 2 169 KI +8 2 170 AH +8 2 171 KI +8 2 172 KW +8 2 173 AM +8 2 174 NA +8 2 175 KW +8 2 176 AM +8 2 177 KW +8 2 178 K +8 2 179 AH +8 2 180 KI +8 2 181 KI +8 2 182 NA +8 2 183 AH +8 2 184 KW +8 2 185 AH +8 2 186 KI +8 2 187 NA +8 2 188 K +8 2 189 KW +8 2 190 KI +8 2 191 KI +8 2 192 KI +8 2 193 AH +8 2 194 NA +8 2 195 AH +8 2 196 KW +8 2 197 KI +8 2 198 AH +8 2 199 NA +8 2 200 NA +8 2 201 KI +8 2 202 KI +8 2 203 AM +8 2 204 AH +8 2 205 K +8 2 206 KW +8 2 207 AM +8 2 208 KI +8 2 209 AH +8 2 210 AH +8 2 211 K +8 2 212 W +8 2 213 KI +8 2 214 KW +8 2 215 KI +8 2 216 AH +8 2 217 KI +8 2 218 W +8 2 219 KW +8 2 220 K +8 2 221 KW +8 2 222 AM +8 2 223 AH +8 2 224 KW +8 2 225 KI +8 2 226 AH +8 2 227 AH +8 2 228 K +8 2 229 KW +8 2 230 KI +8 2 231 AM +8 2 232 AH +8 2 233 KI +8 2 234 A +8 2 235 K +8 2 236 A +8 2 237 KI +8 2 238 A +8 2 239 KI +8 2 240 AH +8 2 241 KW +8 2 242 KI +8 2 243 AM +8 2 244 KW +8 2 245 AM +8 2 246 A +8 2 247 K +8 2 248 AH +8 2 249 A +8 2 250 KI +8 2 251 KW +8 2 252 KW +8 2 253 I +8 2 254 K +8 2 255 AH +8 2 256 KI +8 2 257 AH +8 2 258 A +8 2 259 KI +8 2 260 KW +8 2 261 KI +8 2 262 KW +8 2 263 KW +8 2 264 KW +8 2 265 A +8 2 266 KI +8 2 267 AM +8 2 268 A +8 2 269 AM +8 2 270 I +8 2 271 AH +8 2 272 KW +8 2 273 KI +8 2 274 KW +8 2 275 W +8 2 276 AM +8 2 277 K +8 2 278 KI +8 2 279 K +8 2 280 A +8 2 281 I +8 2 282 W +8 2 283 AH +8 2 284 KW +8 2 285 I +8 2 286 KW +8 2 287 AH +8 2 288 AM +8 2 289 I +8 2 290 KW +8 2 291 K +8 2 292 KI +8 2 293 KW +8 2 294 KW +8 2 295 AH +8 2 296 KI +8 2 297 I +8 2 298 AM +8 2 299 A +8 2 300 KW +8 2 301 A +8 2 302 KW +8 2 303 NA +8 2 304 I +8 2 305 KI +8 2 306 A +8 2 307 K +8 2 308 KI +8 2 309 AH +8 2 310 I +8 2 311 K +8 2 312 AH +8 2 313 K +8 2 314 KW +8 2 315 I +8 2 316 I +8 2 317 AM +8 2 318 NA +8 2 319 KW +8 2 320 I +8 2 321 AM +8 2 322 NA +8 2 323 AH +8 2 324 KW +8 2 325 I +8 2 326 W +8 2 327 KW +8 2 328 AH +8 2 329 AH +8 2 330 KW +8 3 1 K +8 3 2 KW +8 3 3 AM +8 3 4 N +8 3 5 A +8 3 6 KI +8 3 7 A +8 3 8 AM +8 3 9 KI +8 3 10 A +8 3 11 A +8 3 12 I +8 3 13 A +8 3 14 AH +8 3 15 KW +8 3 16 KW +8 3 17 KI +8 3 18 AH +8 3 19 I +8 3 20 A +8 3 21 KI +8 3 22 KW +8 3 23 KI +8 3 24 AH +8 3 25 K +8 3 26 A +8 3 27 KW +8 3 28 KI +8 3 29 A +8 3 30 KI +8 3 31 KW +8 3 32 KI +8 3 33 A +8 3 34 K +8 3 35 KI +8 3 36 A +8 3 37 KI +8 3 38 AM +8 3 39 A +8 3 40 A +8 3 41 AM +8 3 42 KI +8 3 43 A +8 3 44 KW +8 3 45 A +8 3 46 AH +8 3 47 A +8 3 48 KI +8 3 49 KI +8 3 50 N +8 3 51 AH +8 3 52 KW +8 3 53 AM +8 3 54 A +8 3 55 KI +8 3 56 KI +8 3 57 A +8 3 58 AH +8 3 59 KW +8 3 60 AH +8 3 61 AM +8 3 62 KW +8 3 63 KI +8 3 64 A +8 3 65 AM +8 3 66 KW +8 3 67 KW +8 3 68 KI +8 3 69 AH +8 3 70 KW +8 3 71 AM +8 3 72 A +8 3 73 KI +8 3 74 KW +8 3 75 A +8 3 76 KI +8 3 77 A +8 3 78 KW +8 3 79 AH +8 3 80 K +8 3 81 A +8 3 82 A +8 3 83 KW +8 3 84 KI +8 3 85 A +8 3 86 KI +8 3 87 AH +8 3 88 AM +8 3 89 AH +8 3 90 A +8 3 91 A +8 3 92 KW +8 3 93 A +8 3 94 AH +8 3 95 KW +8 3 96 I +8 3 97 N +8 3 98 AM +8 3 99 KI +8 3 100 KW +8 3 101 AM +8 3 102 KW +8 3 103 AH +8 3 104 KW +8 3 105 KI +8 3 106 I +8 3 107 KW +8 3 108 KI +8 3 109 A +8 3 110 I +8 3 111 AH +8 3 112 AM +8 3 113 AH +8 3 114 A +8 3 115 AM +8 3 116 KW +8 3 117 AH +8 3 118 KI +8 3 119 A +8 3 120 KW +8 3 121 KI +8 3 122 A +8 3 123 KI +8 3 124 I +8 3 125 KI +8 3 126 KI +8 3 127 AH +8 3 128 I +8 3 129 KW +8 3 130 AH +8 3 131 KI +8 3 132 AM +8 3 133 A +8 3 134 KI +8 3 135 KI +8 3 136 A +8 3 137 AH +8 3 138 KI +8 3 139 KW +8 3 140 K +8 3 141 KW +8 3 142 KW +8 3 143 KI +8 3 144 KI +8 3 145 A +8 3 146 I +8 3 147 KI +8 3 148 AM +8 3 149 A +8 3 150 N +8 3 151 KI +8 3 152 KW +8 3 153 A +8 3 154 AH +8 3 155 AH +8 3 156 A +8 3 157 KI +8 3 158 KW +8 3 159 I +8 3 160 I +8 3 161 A +8 3 162 AM +8 3 163 K +8 3 164 KI +8 3 165 AH +8 3 166 AH +8 3 167 KW +8 3 168 A +8 3 169 A +8 3 170 AH +8 3 171 A +8 3 172 KW +8 3 173 KI +8 3 174 I +8 3 175 KW +8 3 176 KI +8 3 177 I +8 3 178 K +8 3 179 N +8 3 180 A +8 3 181 AH +8 3 182 N +8 3 183 AH +8 3 184 KI +8 3 185 I +8 3 186 KW +8 3 187 KI +8 3 188 K +8 3 189 KW +8 3 190 I +8 3 191 A +8 3 192 KI +8 3 193 I +8 3 194 AH +8 3 195 A +8 3 196 KW +8 3 197 KI +8 3 198 AH +8 3 199 KW +8 3 200 KI +8 3 201 KI +8 3 202 A +8 3 203 AM +8 3 204 AH +8 3 205 KI +8 3 206 KW +8 3 207 AM +8 3 208 AH +8 3 209 A +8 3 210 N +8 3 211 K +8 3 212 I +8 3 213 KW +8 3 214 KI +8 3 215 KI +8 3 216 AH +8 3 217 KI +8 3 218 AH +8 3 219 KW +8 3 220 K +8 3 221 KW +8 3 222 N +8 3 223 A +8 3 224 KW +8 3 225 I +8 3 226 A +8 3 227 AH +8 3 228 K +8 3 229 KW +8 3 230 KW +8 3 231 KI +8 3 232 AH +8 3 233 AH +8 3 234 A +8 3 235 K +8 3 236 KI +8 3 237 KI +8 3 238 A +8 3 239 N +8 3 240 AH +8 3 241 KW +8 3 242 KI +8 3 243 AM +8 3 244 KW +8 3 245 AM +8 3 246 K +8 3 247 KI +8 3 248 AH +8 3 249 K +8 3 250 KI +8 3 251 KW +8 3 252 KW +8 3 253 KI +8 3 254 K +8 3 255 AH +8 3 256 KI +8 3 257 K +8 3 258 I +8 3 259 AM +8 3 260 KW +8 3 261 KI +8 3 262 KW +8 3 263 AH +8 3 264 K +8 3 265 A +8 3 266 KI +8 3 267 N +8 3 268 A +8 3 269 KI +8 3 270 I +8 3 271 A +8 3 272 KW +8 3 273 KI +8 3 274 KW +8 3 275 I +8 3 276 N +8 3 277 A +8 3 278 KI +8 3 279 K +8 3 280 KI +8 3 281 A +8 3 282 KI +8 3 283 AH +8 3 284 KW +8 3 285 KI +8 3 286 KW +8 3 287 AH +8 3 288 AM +8 3 289 K +8 3 290 KI +8 3 291 K +8 3 292 KI +8 3 293 KW +8 3 294 KW +8 3 295 AH +8 3 296 N +8 3 297 I +8 3 298 AM +8 3 299 K +8 3 300 AH +8 3 301 A +8 3 302 KI +8 3 303 KW +8 3 304 KI +8 3 305 N +8 3 306 A +8 3 307 K +8 3 308 KI +8 3 309 AH +8 3 310 K +8 3 311 K +8 3 312 AH +8 3 313 N +8 3 314 KW +8 3 315 A +8 3 316 K +8 3 317 AM +8 3 318 KI +8 3 319 KW +8 3 320 A +8 3 321 AM +8 3 322 K +8 3 323 A +8 3 324 I +8 3 325 N +8 3 326 I +8 3 327 KW +8 3 328 A +8 3 329 AH +8 3 330 KW +8 4 1 K +8 4 2 I +8 4 3 AM +8 4 4 K +8 4 5 I +8 4 6 W +8 4 7 AH +8 4 8 AM +8 4 9 I +8 4 10 K +8 4 11 A +8 4 12 W +8 4 13 A +8 4 14 A +8 4 15 KW +8 4 16 KW +8 4 17 AM +8 4 18 KW +8 4 19 A +8 4 20 A +8 4 21 AM +8 4 22 W +8 4 23 A +8 4 24 I +8 4 25 A +8 4 26 K +8 4 27 KW +8 4 28 AM +8 4 29 A +8 4 30 AM +8 4 31 A +8 4 32 KI +8 4 33 A +8 4 34 K +8 4 35 W +8 4 36 K +8 4 37 K +8 4 38 AM +8 4 39 KI +8 4 40 KI +8 4 41 AM +8 4 42 W +8 4 43 K +8 4 44 KW +8 4 45 KI +8 4 46 AH +8 4 47 AH +8 4 48 W +8 4 49 KI +8 4 50 AH +8 4 51 AH +8 4 52 KW +8 4 53 AM +8 4 54 KI +8 4 55 K +8 4 56 AH +8 4 57 K +8 4 58 W +8 4 59 KW +8 4 60 K +8 4 61 AM +8 4 62 KW +8 4 63 AM +8 4 64 K +8 4 65 AM +8 4 66 KW +8 4 67 AH +8 4 68 AM +8 4 69 AH +8 4 70 KW +8 4 71 AM +8 4 72 AH +8 4 73 AM +8 4 74 AH +8 4 75 KI +8 4 76 AM +8 4 77 K +8 4 78 AH +8 4 79 AH +8 4 80 K +8 4 81 KI +8 4 82 K +8 4 83 W +8 4 84 KI +8 4 85 AH +8 4 86 AM +8 4 87 AH +8 4 88 AM +8 4 89 AH +8 4 90 I +8 4 91 W +8 4 92 KW +8 4 93 K +8 4 94 AH +8 4 95 KW +8 4 96 W +8 4 97 K +8 4 98 AM +8 4 99 I +8 4 100 AH +8 4 101 AM +8 4 102 KW +8 4 103 I +8 4 104 AH +8 4 105 K +8 4 106 I +8 4 107 KW +8 4 108 AH +8 4 109 K +8 4 110 W +8 4 111 AH +8 4 112 AM +8 4 113 AH +8 4 114 AH +8 4 115 AM +8 4 116 KW +8 4 117 AH +8 4 118 I +8 4 119 NA +8 4 120 KW +8 4 121 AM +8 4 122 AH +8 4 123 AH +8 4 124 W +8 4 125 AM +8 4 126 W +8 4 127 AH +8 4 128 W +8 4 129 KW +8 4 130 AH +8 4 131 W +8 4 132 AM +8 4 133 A +8 4 134 AH +8 4 135 AM +8 4 136 A +8 4 137 A +8 4 138 A +8 4 139 KW +8 4 140 K +8 4 141 KW +8 4 142 KW +8 4 143 A +8 4 144 K +8 4 145 A +8 4 146 W +8 4 147 A +8 4 148 AM +8 4 149 A +8 4 150 K +8 4 151 AM +8 4 152 A +8 4 153 K +8 4 154 AH +8 4 155 AH +8 4 156 A +8 4 157 I +8 4 158 KW +8 4 159 W +8 4 160 I +8 4 161 A +8 4 162 AM +8 4 163 A +8 4 164 K +8 4 165 A +8 4 166 K +8 4 167 A +8 4 168 A +8 4 169 A +8 4 170 AH +8 4 171 A +8 4 172 KW +8 4 173 AM +8 4 174 W +8 4 175 A +8 4 176 AM +8 4 177 W +8 4 178 K +8 4 179 AM +8 4 180 A +8 4 181 W +8 4 182 AM +8 4 183 W +8 4 184 A +8 4 185 W +8 4 186 A +8 4 187 W +8 4 188 A +8 4 189 KW +8 4 190 W +8 4 191 A +8 4 192 A +8 4 193 W +8 4 194 AM +8 4 195 A +8 4 196 A +8 4 197 I +8 4 198 AH +8 4 199 KW +8 4 200 A +8 4 201 AM +8 4 202 A +8 4 203 AM +8 4 204 AH +8 4 205 K +8 4 206 KW +8 4 207 AM +8 4 208 I +8 4 209 A +8 4 210 I +8 4 211 A +8 4 212 W +8 4 213 KW +8 4 214 W +8 4 215 A +8 4 216 AH +8 4 217 KW +8 4 218 W +8 4 219 KW +8 4 220 K +8 4 221 KW +8 4 222 K +8 4 223 A +8 4 224 KW +8 4 225 A +8 4 226 K +8 4 227 AH +8 4 228 K +8 4 229 I +8 4 230 I +8 4 231 A +8 4 232 I +8 4 233 KW +8 4 234 A +8 4 235 K +8 4 236 I +8 4 237 AM +8 4 238 A +8 4 239 AM +8 4 240 AH +8 4 241 KW +8 4 242 W +8 4 243 AM +8 4 244 KW +8 4 245 AM +8 4 246 A +8 4 247 I +8 4 248 A +8 4 249 A +8 4 250 K +8 4 251 A +8 4 252 KW +8 4 253 A +8 4 254 KW +8 4 255 AH +8 4 256 AM +8 4 257 I +8 4 258 W +8 4 259 AM +8 4 260 I +8 4 261 AM +8 4 262 KW +8 4 263 KW +8 4 264 A +8 4 265 A +8 4 266 A +8 4 267 AH +8 4 268 I +8 4 269 AM +8 4 270 W +8 4 271 A +8 4 272 KW +8 4 273 A +8 4 274 KW +8 4 275 W +8 4 276 AM +8 4 277 A +8 4 278 AM +8 4 279 K +8 4 280 A +8 4 281 A +8 4 282 A +8 4 283 I +8 4 284 KW +8 4 285 I +8 4 286 KW +8 4 287 I +8 4 288 AM +8 4 289 KW +8 4 290 I +8 4 291 K +8 4 292 I +8 4 293 KW +8 4 294 KW +8 4 295 I +8 4 296 AH +8 4 297 W +8 4 298 AM +8 4 299 A +8 4 300 KW +8 4 301 A +8 4 302 KI +8 4 303 KW +8 4 304 A +8 4 305 AM +8 4 306 A +8 4 307 A +8 4 308 KI +8 4 309 KI +8 4 310 A +8 4 311 K +8 4 312 AH +8 4 313 K +8 4 314 KW +8 4 315 A +8 4 316 A +8 4 317 AM +8 4 318 W +8 4 319 KW +8 4 320 KI +8 4 321 AM +8 4 322 A +8 4 323 A +8 4 324 KW +8 4 325 AM +8 4 326 W +8 4 327 KW +8 4 328 A +8 4 329 KI +8 4 330 KW +8 5 1 K +8 5 2 A +8 5 3 AM +8 5 4 N +8 5 5 A +8 5 6 AH +8 5 7 K +8 5 8 AM +8 5 9 AH +8 5 10 A +8 5 11 A +8 5 12 A +8 5 13 A +8 5 14 N +8 5 15 KW +8 5 16 KW +8 5 17 AM +8 5 18 AH +8 5 19 A +8 5 20 K +8 5 21 AM +8 5 22 AH +8 5 23 N +8 5 24 AH +8 5 25 N +8 5 26 N +8 5 27 KW +8 5 28 AM +8 5 29 K +8 5 30 AM +8 5 31 KW +8 5 32 AM +8 5 33 K +8 5 34 A +8 5 35 AM +8 5 36 A +8 5 37 KI +8 5 38 AM +8 5 39 K +8 5 40 K +8 5 41 AM +8 5 42 KI +8 5 43 A +8 5 44 KW +8 5 45 K +8 5 46 KI +8 5 47 A +8 5 48 KI +8 5 49 K +8 5 50 N +8 5 51 KI +8 5 52 KW +8 5 53 AM +8 5 54 A +8 5 55 A +8 5 56 KI +8 5 57 A +8 5 58 KI +8 5 59 KW +8 5 60 A +8 5 61 AM +8 5 62 N +8 5 63 AM +8 5 64 A +8 5 65 AM +8 5 66 KW +8 5 67 K +8 5 68 AM +8 5 69 A +8 5 70 KW +8 5 71 KI +8 5 72 A +8 5 73 K +8 5 74 A +8 5 75 A +8 5 76 AM +8 5 77 A +8 5 78 KW +8 5 79 AH +8 5 80 K +8 5 81 A +8 5 82 A +8 5 83 KW +8 5 84 A +8 5 85 A +8 5 86 AM +8 5 87 A +8 5 88 AM +8 5 89 A +8 5 90 A +8 5 91 K +8 5 92 KW +8 5 93 A +8 5 94 A +8 5 95 KW +8 5 96 KW +8 5 97 A +8 5 98 AM +8 5 99 N +8 5 100 K +8 5 101 AM +8 5 102 KW +8 5 103 AH +8 5 104 KI +8 5 105 A +8 5 106 KW +8 5 107 KW +8 5 108 A +8 5 109 N +8 5 110 AH +8 5 111 A +8 5 112 AM +8 5 113 AH +8 5 114 A +8 5 115 AM +8 5 116 KW +8 5 117 AH +8 5 118 I +8 5 119 K +8 5 120 KW +8 5 121 AM +8 5 122 A +8 5 123 A +8 5 124 KI +8 5 125 AM +8 5 126 KI +8 5 127 A +8 5 128 K +8 5 129 KW +8 5 130 A +8 5 131 KI +8 5 132 AM +8 5 133 A +8 5 134 AH +8 5 135 AM +8 5 136 K +8 5 137 A +8 5 138 N +8 5 139 KW +8 5 140 A +8 5 141 KW +8 5 142 AH +8 5 143 K +8 5 144 N +8 5 145 K +8 5 146 KI +8 5 147 A +8 5 148 AM +8 5 149 K +8 5 150 A +8 5 151 KI +8 5 152 KI +8 5 153 A +8 5 154 AH +8 5 155 AH +8 5 156 K +8 5 157 AH +8 5 158 KW +8 5 159 A +8 5 160 KI +8 5 161 A +8 5 162 AM +8 5 163 A +8 5 164 K +8 5 165 AH +8 5 166 AH +8 5 167 KW +8 5 168 A +8 5 169 K +8 5 170 A +8 5 171 AH +8 5 172 KW +8 5 173 AM +8 5 174 KW +8 5 175 A +8 5 176 AM +8 5 177 A +8 5 178 A +8 5 179 KI +8 5 180 K +8 5 181 A +8 5 182 N +8 5 183 A +8 5 184 K +8 5 185 KW +8 5 186 K +8 5 187 AM +8 5 188 A +8 5 189 AH +8 5 190 AM +8 5 191 A +8 5 192 KI +8 5 193 KI +8 5 194 AM +8 5 195 A +8 5 196 A +8 5 197 KI +8 5 198 AH +8 5 199 KW +8 5 200 A +8 5 201 AM +8 5 202 A +8 5 203 AM +8 5 204 AH +8 5 205 N +8 5 206 KW +8 5 207 AM +8 5 208 A +8 5 209 A +8 5 210 A +8 5 211 K +8 5 212 AM +8 5 213 A +8 5 214 I +8 5 215 K +8 5 216 AH +8 5 217 KI +8 5 218 A +8 5 219 KW +8 5 220 A +8 5 221 A +8 5 222 A +8 5 223 K +8 5 224 KW +8 5 225 A +8 5 226 A +8 5 227 AH +8 5 228 A +8 5 229 A +8 5 230 KW +8 5 231 K +8 5 232 AH +8 5 233 N +8 5 234 K +8 5 235 A +8 5 236 A +8 5 237 AM +8 5 238 K +8 5 239 AM +8 5 240 AM +8 5 241 KW +8 5 242 I +8 5 243 AM +8 5 244 KW +8 5 245 AM +8 5 246 N +8 5 247 A +8 5 248 AH +8 5 249 A +8 5 250 N +8 5 251 I +8 5 252 KW +8 5 253 KW +8 5 254 A +8 5 255 AH +8 5 256 AM +8 5 257 A +8 5 258 I +8 5 259 AM +8 5 260 KW +8 5 261 AM +8 5 262 KW +8 5 263 AH +8 5 264 KW +8 5 265 A +8 5 266 AM +8 5 267 N +8 5 268 K +8 5 269 AM +8 5 270 AM +8 5 271 A +8 5 272 KW +8 5 273 I +8 5 274 KW +8 5 275 I +8 5 276 AM +8 5 277 A +8 5 278 AM +8 5 279 A +8 5 280 I +8 5 281 A +8 5 282 I +8 5 283 AH +8 5 284 KW +8 5 285 I +8 5 286 KW +8 5 287 A +8 5 288 AM +8 5 289 N +8 5 290 KW +8 5 291 A +8 5 292 I +8 5 293 A +8 5 294 KW +8 5 295 A +8 5 296 N +8 5 297 I +8 5 298 AM +8 5 299 N +8 5 300 KW +8 5 301 A +8 5 302 KW +8 5 303 KW +8 5 304 KI +8 5 305 N +8 5 306 KI +8 5 307 A +8 5 308 N +8 5 309 A +8 5 310 K +8 5 311 A +8 5 312 AH +8 5 313 N +8 5 314 KW +8 5 315 K +8 5 316 K +8 5 317 KI +8 5 318 I +8 5 319 KW +8 5 320 A +8 5 321 AM +8 5 322 A +8 5 323 N +8 5 324 KW +8 5 325 KI +8 5 326 KI +8 5 327 KW +8 5 328 A +8 5 329 AH +8 5 330 KW +8 6 1 A +8 6 2 K +8 6 3 AM +8 6 4 N +8 6 5 A +8 6 6 A +8 6 7 A +8 6 8 AM +8 6 9 N +8 6 10 K +8 6 11 A +8 6 12 I +8 6 13 A +8 6 14 N +8 6 15 N +8 6 16 A +8 6 17 AM +8 6 18 N +8 6 19 K +8 6 20 A +8 6 21 AM +8 6 22 I +8 6 23 K +8 6 24 N +8 6 25 A +8 6 26 K +8 6 27 A +8 6 28 AM +8 6 29 A +8 6 30 K +8 6 31 A +8 6 32 A +8 6 33 A +8 6 34 K +8 6 35 A +8 6 36 K +8 6 37 K +8 6 38 AM +8 6 39 A +8 6 40 A +8 6 41 AM +8 6 42 I +8 6 43 K +8 6 44 I +8 6 45 A +8 6 46 K +8 6 47 N +8 6 48 I +8 6 49 K +8 6 50 N +8 6 51 A +8 6 52 I +8 6 53 AM +8 6 54 I +8 6 55 K +8 6 56 I +8 6 57 I +8 6 58 A +8 6 59 N +8 6 60 K +8 6 61 AM +8 6 62 K +8 6 63 I +8 6 64 K +8 6 65 AM +8 6 66 I +8 6 67 K +8 6 68 AM +8 6 69 I +8 6 70 N +8 6 71 AM +8 6 72 A +8 6 73 AM +8 6 74 I +8 6 75 K +8 6 76 AM +8 6 77 K +8 6 78 N +8 6 79 N +8 6 80 K +8 6 81 A +8 6 82 A +8 6 83 I +8 6 84 N +8 6 85 A +8 6 86 K +8 6 87 N +8 6 88 I +8 6 89 N +8 6 90 N +8 6 91 A +8 6 92 I +8 6 93 K +8 6 94 N +8 6 95 I +8 6 96 A +8 6 97 K +8 6 98 AM +8 6 99 I +8 6 100 K +8 6 101 AM +8 6 102 K +8 6 103 N +8 6 104 K +8 6 105 AM +8 6 106 I +8 6 107 KW +8 6 108 N +8 6 109 K +8 6 110 I +8 6 111 N +8 6 112 AM +8 6 113 N +8 6 114 AH +8 6 115 AM +8 6 116 AH +8 6 117 N +8 6 118 AM +8 6 119 A +8 6 120 A +8 6 121 AM +8 6 122 A +8 6 123 K +8 6 124 I +8 6 125 AM +8 6 126 AM +8 6 127 N +8 6 128 I +8 6 129 N +8 6 130 A +8 6 131 AM +8 6 132 AM +8 6 133 K +8 6 134 A +8 6 135 AM +8 6 136 K +8 6 137 I +8 6 138 K +8 6 139 I +8 6 140 K +8 6 141 KW +8 6 142 KW +8 6 143 I +8 6 144 N +8 6 145 A +8 6 146 I +8 6 147 K +8 6 148 AM +8 6 149 I +8 6 150 AM +8 6 151 N +8 6 152 N +8 6 153 K +8 6 154 N +8 6 155 A +8 6 156 I +8 6 157 AH +8 6 158 A +8 6 159 I +8 6 160 AM +8 6 161 A +8 6 162 AM +8 6 163 K +8 6 164 K +8 6 165 I +8 6 166 K +8 6 167 N +8 6 168 I +8 6 169 K +8 6 170 N +8 6 171 I +8 6 172 KW +8 6 173 AM +8 6 174 I +8 6 175 K +8 6 176 AM +8 6 177 I +8 6 178 K +8 6 179 AM +8 6 180 A +8 6 181 I +8 6 182 N +8 6 183 N +8 6 184 K +8 6 185 A +8 6 186 K +8 6 187 I +8 6 188 K +8 6 189 K +8 6 190 AM +8 6 191 K +8 6 192 N +8 6 193 I +8 6 194 N +8 6 195 A +8 6 196 A +8 6 197 K +8 6 198 N +8 6 199 I +8 6 200 I +8 6 201 AM +8 6 202 A +8 6 203 AM +8 6 204 N +8 6 205 K +8 6 206 I +8 6 207 AM +8 6 208 A +8 6 209 N +8 6 210 N +8 6 211 K +8 6 212 I +8 6 213 N +8 6 214 I +8 6 215 A +8 6 216 N +8 6 217 A +8 6 218 I +8 6 219 I +8 6 220 K +8 6 221 A +8 6 222 K +8 6 223 A +8 6 224 A +8 6 225 A +8 6 226 K +8 6 227 N +8 6 228 K +8 6 229 I +8 6 230 A +8 6 231 AM +8 6 232 N +8 6 233 K +8 6 234 I +8 6 235 K +8 6 236 I +8 6 237 A +8 6 238 K +8 6 239 AM +8 6 240 N +8 6 241 I +8 6 242 I +8 6 243 AM +8 6 244 I +8 6 245 AM +8 6 246 I +8 6 247 K +8 6 248 N +8 6 249 I +8 6 250 K +8 6 251 I +8 6 252 A +8 6 253 I +8 6 254 K +8 6 255 N +8 6 256 AM +8 6 257 K +8 6 258 I +8 6 259 AM +8 6 260 I +8 6 261 AM +8 6 262 K +8 6 263 N +8 6 264 K +8 6 265 I +8 6 266 A +8 6 267 N +8 6 268 I +8 6 269 AM +8 6 270 I +8 6 271 K +8 6 272 I +8 6 273 AM +8 6 274 I +8 6 275 I +8 6 276 AM +8 6 277 K +8 6 278 AM +8 6 279 K +8 6 280 I +8 6 281 K +8 6 282 I +8 6 283 N +8 6 284 I +8 6 285 AM +8 6 286 I +8 6 287 A +8 6 288 AM +8 6 289 I +8 6 290 I +8 6 291 K +8 6 292 I +8 6 293 N +8 6 294 I +8 6 295 N +8 6 296 K +8 6 297 I +8 6 298 AM +8 6 299 A +8 6 300 N +8 6 301 K +8 6 302 A +8 6 303 K +8 6 304 N +8 6 305 N +8 6 306 I +8 6 307 K +8 6 308 N +8 6 309 N +8 6 310 I +8 6 311 K +8 6 312 N +8 6 313 K +8 6 314 A +8 6 315 I +8 6 316 K +8 6 317 AM +8 6 318 A +8 6 319 N +8 6 320 I +8 6 321 AM +8 6 322 K +8 6 323 I +8 6 324 N +8 6 325 K +8 6 326 I +8 6 327 I +8 6 328 K +8 6 329 N +8 6 330 N +8 7 1 K +8 7 2 A +8 7 3 AM +8 7 4 A +8 7 5 A +8 7 6 I +8 7 7 A +8 7 8 AM +8 7 9 A +8 7 10 K +8 7 11 A +8 7 12 I +8 7 13 A +8 7 14 K +8 7 15 KW +8 7 16 KW +8 7 17 AM +8 7 18 AH +8 7 19 K +8 7 20 A +8 7 21 AM +8 7 22 I +8 7 23 A +8 7 24 I +8 7 25 K +8 7 26 K +8 7 27 KW +8 7 28 AM +8 7 29 A +8 7 30 AM +8 7 31 K +8 7 32 A +8 7 33 A +8 7 34 K +8 7 35 AM +8 7 36 A +8 7 37 K +8 7 38 AM +8 7 39 A +8 7 40 K +8 7 41 AM +8 7 42 I +8 7 43 K +8 7 44 KW +8 7 45 A +8 7 46 AH +8 7 47 A +8 7 48 I +8 7 49 K +8 7 50 N +8 7 51 AH +8 7 52 A +8 7 53 N +8 7 54 A +8 7 55 K +8 7 56 KW +8 7 57 A +8 7 58 I +8 7 59 KW +8 7 60 K +8 7 61 AM +8 7 62 K +8 7 63 N +8 7 64 K +8 7 65 AM +8 7 66 KW +8 7 67 A +8 7 68 N +8 7 69 A +8 7 70 KW +8 7 71 N +8 7 72 A +8 7 73 N +8 7 74 K +8 7 75 A +8 7 76 AM +8 7 77 K +8 7 78 KW +8 7 79 AH +8 7 80 K +8 7 81 A +8 7 82 A +8 7 83 I +8 7 84 N +8 7 85 A +8 7 86 N +8 7 87 AH +8 7 88 N +8 7 89 AH +8 7 90 A +8 7 91 I +8 7 92 KW +8 7 93 K +8 7 94 AH +8 7 95 A +8 7 96 I +8 7 97 N +8 7 98 AM +8 7 99 KW +8 7 100 K +8 7 101 N +8 7 102 A +8 7 103 I +8 7 104 K +8 7 105 N +8 7 106 I +8 7 107 KW +8 7 108 K +8 7 109 K +8 7 110 I +8 7 111 A +8 7 112 AM +8 7 113 AH +8 7 114 K +8 7 115 AM +8 7 116 K +8 7 117 AH +8 7 118 AM +8 7 119 A +8 7 120 KW +8 7 121 AM +8 7 122 A +8 7 123 K +8 7 124 I +8 7 125 AM +8 7 126 N +8 7 127 A +8 7 128 I +8 7 129 KW +8 7 130 A +8 7 131 N +8 7 132 AM +8 7 133 A +8 7 134 AM +8 7 135 N +8 7 136 K +8 7 137 A +8 7 138 K +8 7 139 KW +8 7 140 K +8 7 141 KW +8 7 142 KW +8 7 143 A +8 7 144 N +8 7 145 A +8 7 146 I +8 7 147 A +8 7 148 AM +8 7 149 A +8 7 150 N +8 7 151 AM +8 7 152 N +8 7 153 K +8 7 154 AH +8 7 155 I +8 7 156 A +8 7 157 AH +8 7 158 KW +8 7 159 I +8 7 160 N +8 7 161 A +8 7 162 AM +8 7 163 A +8 7 164 K +8 7 165 A +8 7 166 K +8 7 167 KW +8 7 168 A +8 7 169 A +8 7 170 AH +8 7 171 A +8 7 172 KW +8 7 173 AM +8 7 174 I +8 7 175 K +8 7 176 AM +8 7 177 I +8 7 178 K +8 7 179 AM +8 7 180 A +8 7 181 I +8 7 182 N +8 7 183 AH +8 7 184 N +8 7 185 I +8 7 186 K +8 7 187 I +8 7 188 K +8 7 189 K +8 7 190 I +8 7 191 A +8 7 192 N +8 7 193 I +8 7 194 AM +8 7 195 A +8 7 196 K +8 7 197 N +8 7 198 AH +8 7 199 I +8 7 200 K +8 7 201 N +8 7 202 A +8 7 203 N +8 7 204 AH +8 7 205 K +8 7 206 I +8 7 207 AM +8 7 208 I +8 7 209 A +8 7 210 AH +8 7 211 K +8 7 212 I +8 7 213 K +8 7 214 I +8 7 215 AM +8 7 216 A +8 7 217 AM +8 7 218 A +8 7 219 K +8 7 220 K +8 7 221 KW +8 7 222 N +8 7 223 A +8 7 224 KW +8 7 225 I +8 7 226 A +8 7 227 AH +8 7 228 K +8 7 229 A +8 7 230 KW +8 7 231 N +8 7 232 A +8 7 233 K +8 7 234 A +8 7 235 K +8 7 236 A +8 7 237 N +8 7 238 K +8 7 239 AM +8 7 240 N +8 7 241 KW +8 7 242 I +8 7 243 N +8 7 244 KW +8 7 245 AM +8 7 246 A +8 7 247 K +8 7 248 A +8 7 249 A +8 7 250 N +8 7 251 A +8 7 252 KW +8 7 253 A +8 7 254 K +8 7 255 AH +8 7 256 AM +8 7 257 K +8 7 258 I +8 7 259 AM +8 7 260 I +8 7 261 I +8 7 262 KW +8 7 263 KW +8 7 264 K +8 7 265 A +8 7 266 AM +8 7 267 N +8 7 268 A +8 7 269 N +8 7 270 I +8 7 271 A +8 7 272 K +8 7 273 N +8 7 274 KW +8 7 275 I +8 7 276 N +8 7 277 K +8 7 278 I +8 7 279 K +8 7 280 A +8 7 281 A +8 7 282 A +8 7 283 AH +8 7 284 K +8 7 285 AM +8 7 286 KW +8 7 287 I +8 7 288 AM +8 7 289 K +8 7 290 KW +8 7 291 K +8 7 292 I +8 7 293 A +8 7 294 KW +8 7 295 AH +8 7 296 N +8 7 297 I +8 7 298 AM +8 7 299 A +8 7 300 KW +8 7 301 A +8 7 302 KW +8 7 303 K +8 7 304 A +8 7 305 N +8 7 306 A +8 7 307 K +8 7 308 N +8 7 309 I +8 7 310 A +8 7 311 K +8 7 312 AH +8 7 313 K +8 7 314 KW +8 7 315 A +8 7 316 A +8 7 317 N +8 7 318 I +8 7 319 KW +8 7 320 I +8 7 321 AM +8 7 322 K +8 7 323 A +8 7 324 KW +8 7 325 N +8 7 326 I +8 7 327 KW +8 7 328 A +8 7 329 I +8 7 330 KW +8 8 1 K +8 8 2 I +8 8 3 AM +8 8 4 N +8 8 5 K +8 8 6 I +8 8 7 A +8 8 8 N +8 8 9 AH +8 8 10 I +8 8 11 K +8 8 12 I +8 8 13 I +8 8 14 AH +8 8 15 I +8 8 16 KW +8 8 17 AM +8 8 18 AH +8 8 19 A +8 8 20 A +8 8 21 AM +8 8 22 I +8 8 23 I +8 8 24 AH +8 8 25 K +8 8 26 A +8 8 27 KW +8 8 28 AM +8 8 29 K +8 8 30 I +8 8 31 A +8 8 32 N +8 8 33 K +8 8 34 K +8 8 35 AM +8 8 36 AH +8 8 37 K +8 8 38 N +8 8 39 A +8 8 40 K +8 8 41 N +8 8 42 I +8 8 43 AH +8 8 44 KW +8 8 45 K +8 8 46 AH +8 8 47 AH +8 8 48 I +8 8 49 K +8 8 50 N +8 8 51 AH +8 8 52 KW +8 8 53 N +8 8 54 K +8 8 55 K +8 8 56 I +8 8 57 AH +8 8 58 I +8 8 59 KW +8 8 60 AH +8 8 61 N +8 8 62 I +8 8 63 I +8 8 64 K +8 8 65 AM +8 8 66 KW +8 8 67 K +8 8 68 N +8 8 69 AH +8 8 70 KW +8 8 71 N +8 8 72 K +8 8 73 N +8 8 74 KW +8 8 75 AH +8 8 76 AM +8 8 77 K +8 8 78 KW +8 8 79 AH +8 8 80 K +8 8 81 I +8 8 82 K +8 8 83 I +8 8 84 I +8 8 85 K +8 8 86 N +8 8 87 AH +8 8 88 N +8 8 89 AH +8 8 90 K +8 8 91 I +8 8 92 KW +8 8 93 K +8 8 94 AH +8 8 95 KW +8 8 96 I +8 8 97 K +8 8 98 AM +8 8 99 I +8 8 100 K +8 8 101 N +8 8 102 KW +8 8 103 AH +8 8 104 AH +8 8 105 N +8 8 106 I +8 8 107 KW +8 8 108 A +8 8 109 AH +8 8 110 I +8 8 111 AH +8 8 112 N +8 8 113 AH +8 8 114 K +8 8 115 N +8 8 116 KW +8 8 117 AH +8 8 118 I +8 8 119 K +8 8 120 KW +8 8 121 AM +8 8 122 K +8 8 123 AH +8 8 124 I +8 8 125 AM +8 8 126 AM +8 8 127 AH +8 8 128 I +8 8 129 KW +8 8 130 AH +8 8 131 I +8 8 132 AM +8 8 133 K +8 8 134 AH +8 8 135 N +8 8 136 K +8 8 137 AH +8 8 138 KW +8 8 139 KW +8 8 140 AH +8 8 141 KW +8 8 142 KW +8 8 143 I +8 8 144 AH +8 8 145 K +8 8 146 I +8 8 147 K +8 8 148 AM +8 8 149 K +8 8 150 N +8 8 151 I +8 8 152 I +8 8 153 K +8 8 154 AH +8 8 155 AH +8 8 156 K +8 8 157 AH +8 8 158 KW +8 8 159 I +8 8 160 N +8 8 161 K +8 8 162 AM +8 8 163 K +8 8 164 AH +8 8 165 I +8 8 166 AH +8 8 167 I +8 8 168 K +8 8 169 K +8 8 170 AH +8 8 171 I +8 8 172 KW +8 8 173 AM +8 8 174 I +8 8 175 KW +8 8 176 N +8 8 177 I +8 8 178 K +8 8 179 N +8 8 180 A +8 8 181 I +8 8 182 N +8 8 183 AH +8 8 184 I +8 8 185 AH +8 8 186 K +8 8 187 I +8 8 188 K +8 8 189 KW +8 8 190 I +8 8 191 K +8 8 192 N +8 8 193 I +8 8 194 AM +8 8 195 K +8 8 196 I +8 8 197 A +8 8 198 AH +8 8 199 KW +8 8 200 A +8 8 201 I +8 8 202 K +8 8 203 AM +8 8 204 AH +8 8 205 NA +8 8 206 KW +8 8 207 N +8 8 208 I +8 8 209 K +8 8 210 I +8 8 211 K +8 8 212 I +8 8 213 AH +8 8 214 I +8 8 215 I +8 8 216 AH +8 8 217 I +8 8 218 I +8 8 219 KW +8 8 220 A +8 8 221 KW +8 8 222 A +8 8 223 K +8 8 224 KW +8 8 225 AH +8 8 226 K +8 8 227 AH +8 8 228 AH +8 8 229 K +8 8 230 KW +8 8 231 I +8 8 232 AH +8 8 233 NA +8 8 234 K +8 8 235 A +8 8 236 I +8 8 237 I +8 8 238 K +8 8 239 AM +8 8 240 N +8 8 241 KW +8 8 242 I +8 8 243 N +8 8 244 KW +8 8 245 AM +8 8 246 K +8 8 247 I +8 8 248 AH +8 8 249 AH +8 8 250 A +8 8 251 K +8 8 252 KW +8 8 253 K +8 8 254 I +8 8 255 AH +8 8 256 AM +8 8 257 AH +8 8 258 I +8 8 259 N +8 8 260 KW +8 8 261 I +8 8 262 KW +8 8 263 AH +8 8 264 KW +8 8 265 K +8 8 266 N +8 8 267 N +8 8 268 K +8 8 269 A +8 8 270 I +8 8 271 A +8 8 272 KW +8 8 273 I +8 8 274 KW +8 8 275 I +8 8 276 N +8 8 277 K +8 8 278 I +8 8 279 AH +8 8 280 K +8 8 281 K +8 8 282 A +8 8 283 AH +8 8 284 KW +8 8 285 I +8 8 286 KW +8 8 287 I +8 8 288 AM +8 8 289 K +8 8 290 KW +8 8 291 K +8 8 292 I +8 8 293 KW +8 8 294 KW +8 8 295 AH +8 8 296 N +8 8 297 I +8 8 298 AM +8 8 299 A +8 8 300 KW +8 8 301 K +8 8 302 KW +8 8 303 KW +8 8 304 AH +8 8 305 N +8 8 306 I +8 8 307 K +8 8 308 AH +8 8 309 AH +8 8 310 K +8 8 311 K +8 8 312 AH +8 8 313 K +8 8 314 KW +8 8 315 K +8 8 316 I +8 8 317 AM +8 8 318 I +8 8 319 KW +8 8 320 AH +8 8 321 AM +8 8 322 K +8 8 323 A +8 8 324 KW +8 8 325 N +8 8 326 I +8 8 327 KW +8 8 328 A +8 8 329 AH +8 8 330 KW +8 9 1 K +8 9 2 A +8 9 3 AM +8 9 4 I +8 9 5 K +8 9 6 I +8 9 7 A +8 9 8 AM +8 9 9 AH +8 9 10 K +8 9 11 AH +8 9 12 I +8 9 13 A +8 9 14 AH +8 9 15 KW +8 9 16 KW +8 9 17 AM +8 9 18 AH +8 9 19 K +8 9 20 A +8 9 21 AM +8 9 22 I +8 9 23 I +8 9 24 A +8 9 25 K +8 9 26 A +8 9 27 KW +8 9 28 AM +8 9 29 K +8 9 30 I +8 9 31 K +8 9 32 I +8 9 33 A +8 9 34 AH +8 9 35 AM +8 9 36 A +8 9 37 A +8 9 38 AM +8 9 39 A +8 9 40 K +8 9 41 AM +8 9 42 I +8 9 43 AH +8 9 44 KW +8 9 45 K +8 9 46 AH +8 9 47 A +8 9 48 I +8 9 49 K +8 9 50 I +8 9 51 A +8 9 52 K +8 9 53 AM +8 9 54 A +8 9 55 K +8 9 56 KW +8 9 57 A +8 9 58 I +8 9 59 KW +8 9 60 A +8 9 61 AM +8 9 62 AH +8 9 63 AM +8 9 64 A +8 9 65 AM +8 9 66 KW +8 9 67 K +8 9 68 I +8 9 69 A +8 9 70 KW +8 9 71 AH +8 9 72 I +8 9 73 K +8 9 74 K +8 9 75 A +8 9 76 AM +8 9 77 K +8 9 78 KW +8 9 79 AH +8 9 80 K +8 9 81 I +8 9 82 K +8 9 83 KW +8 9 84 I +8 9 85 K +8 9 86 I +8 9 87 AH +8 9 88 I +8 9 89 AH +8 9 90 A +8 9 91 I +8 9 92 KW +8 9 93 A +8 9 94 AH +8 9 95 K +8 9 96 I +8 9 97 AH +8 9 98 AM +8 9 99 AH +8 9 100 K +8 9 101 AH +8 9 102 I +8 9 103 AH +8 9 104 K +8 9 105 AH +8 9 106 I +8 9 107 KW +8 9 108 K +8 9 109 AH +8 9 110 I +8 9 111 AH +8 9 112 AM +8 9 113 AH +8 9 114 A +8 9 115 AM +8 9 116 K +8 9 117 AH +8 9 118 AM +8 9 119 K +8 9 120 KW +8 9 121 AM +8 9 122 A +8 9 123 AH +8 9 124 I +8 9 125 AM +8 9 126 AM +8 9 127 AH +8 9 128 I +8 9 129 KW +8 9 130 AH +8 9 131 AH +8 9 132 AM +8 9 133 A +8 9 134 AH +8 9 135 AH +8 9 136 K +8 9 137 A +8 9 138 K +8 9 139 KW +8 9 140 A +8 9 141 KW +8 9 142 KW +8 9 143 I +8 9 144 AH +8 9 145 K +8 9 146 I +8 9 147 K +8 9 148 AM +8 9 149 K +8 9 150 AH +8 9 151 AM +8 9 152 AH +8 9 153 K +8 9 154 AH +8 9 155 AH +8 9 156 K +8 9 157 AH +8 9 158 KW +8 9 159 I +8 9 160 I +8 9 161 K +8 9 162 AM +8 9 163 A +8 9 164 K +8 9 165 AH +8 9 166 A +8 9 167 AH +8 9 168 A +8 9 169 A +8 9 170 A +8 9 171 AH +8 9 172 KW +8 9 173 AM +8 9 174 I +8 9 175 K +8 9 176 AM +8 9 177 I +8 9 178 A +8 9 179 AH +8 9 180 K +8 9 181 AH +8 9 182 AH +8 9 183 AH +8 9 184 I +8 9 185 AH +8 9 186 K +8 9 187 I +8 9 188 K +8 9 189 KW +8 9 190 I +8 9 191 A +8 9 192 AH +8 9 193 I +8 9 194 AH +8 9 195 A +8 9 196 K +8 9 197 AH +8 9 198 AH +8 9 199 K +8 9 200 A +8 9 201 I +8 9 202 A +8 9 203 AH +8 9 204 AH +8 9 205 AH +8 9 206 KW +8 9 207 AM +8 9 208 AH +8 9 209 A +8 9 210 AH +8 9 211 K +8 9 212 AM +8 9 213 AH +8 9 214 I +8 9 215 AH +8 9 216 AH +8 9 217 AM +8 9 218 A +8 9 219 KW +8 9 220 AH +8 9 221 I +8 9 222 AH +8 9 223 A +8 9 224 KW +8 9 225 I +8 9 226 A +8 9 227 AH +8 9 228 AH +8 9 229 K +8 9 230 KW +8 9 231 AH +8 9 232 AH +8 9 233 AH +8 9 234 A +8 9 235 AH +8 9 236 I +8 9 237 I +8 9 238 A +8 9 239 AM +8 9 240 AH +8 9 241 KW +8 9 242 I +8 9 243 AH +8 9 244 KW +8 9 245 AM +8 9 246 A +8 9 247 AH +8 9 248 AH +8 9 249 A +8 9 250 AH +8 9 251 K +8 9 252 KW +8 9 253 A +8 9 254 AH +8 9 255 AH +8 9 256 AM +8 9 257 A +8 9 258 I +8 9 259 AM +8 9 260 KW +8 9 261 I +8 9 262 KW +8 9 263 AH +8 9 264 K +8 9 265 A +8 9 266 I +8 9 267 AH +8 9 268 K +8 9 269 AH +8 9 270 I +8 9 271 A +8 9 272 KW +8 9 273 AH +8 9 274 KW +8 9 275 AH +8 9 276 AM +8 9 277 A +8 9 278 AM +8 9 279 A +8 9 280 I +8 9 281 A +8 9 282 A +8 9 283 AH +8 9 284 KW +8 9 285 I +8 9 286 KW +8 9 287 AH +8 9 288 AM +8 9 289 K +8 9 290 KW +8 9 291 A +8 9 292 I +8 9 293 K +8 9 294 KW +8 9 295 AH +8 9 296 AH +8 9 297 I +8 9 298 AM +8 9 299 A +8 9 300 AH +8 9 301 K +8 9 302 KW +8 9 303 I +8 9 304 AH +8 9 305 AH +8 9 306 A +8 9 307 K +8 9 308 AH +8 9 309 AH +8 9 310 K +8 9 311 A +8 9 312 AH +8 9 313 A +8 9 314 KW +8 9 315 K +8 9 316 A +8 9 317 AH +8 9 318 I +8 9 319 KW +8 9 320 AH +8 9 321 AM +8 9 322 A +8 9 323 A +8 9 324 KW +8 9 325 AH +8 9 326 I +8 9 327 KW +8 9 328 A +8 9 329 AH +8 9 330 KW +8 10 1 K +8 10 2 A +8 10 3 AM +8 10 4 N +8 10 5 A +8 10 6 I +8 10 7 A +8 10 8 AM +8 10 9 A +8 10 10 A +8 10 11 A +8 10 12 I +8 10 13 A +8 10 14 A +8 10 15 AM +8 10 16 KW +8 10 17 AM +8 10 18 AH +8 10 19 A +8 10 20 A +8 10 21 AM +8 10 22 KW +8 10 23 K +8 10 24 AH +8 10 25 A +8 10 26 A +8 10 27 KW +8 10 28 AM +8 10 29 A +8 10 30 I +8 10 31 A +8 10 32 AH +8 10 33 A +8 10 34 AH +8 10 35 AM +8 10 36 AH +8 10 37 A +8 10 38 AM +8 10 39 A +8 10 40 A +8 10 41 AM +8 10 42 I +8 10 43 AH +8 10 44 A +8 10 45 A +8 10 46 A +8 10 47 A +8 10 48 I +8 10 49 A +8 10 50 N +8 10 51 A +8 10 52 KW +8 10 53 N +8 10 54 A +8 10 55 K +8 10 56 AH +8 10 57 A +8 10 58 I +8 10 59 KW +8 10 60 A +8 10 61 AM +8 10 62 A +8 10 63 AM +8 10 64 K +8 10 65 AM +8 10 66 KW +8 10 67 A +8 10 68 N +8 10 69 I +8 10 70 KW +8 10 71 N +8 10 72 N +8 10 73 A +8 10 74 A +8 10 75 A +8 10 76 AM +8 10 77 AH +8 10 78 KW +8 10 79 AH +8 10 80 A +8 10 81 A +8 10 82 K +8 10 83 KW +8 10 84 AM +8 10 85 A +8 10 86 AM +8 10 87 A +8 10 88 N +8 10 89 AH +8 10 90 K +8 10 91 I +8 10 92 KW +8 10 93 A +8 10 94 N +8 10 95 KW +8 10 96 I +8 10 97 N +8 10 98 AM +8 10 99 A +8 10 100 A +8 10 101 AM +8 10 102 AH +8 10 103 I +8 10 104 A +8 10 105 K +8 10 106 I +8 10 107 KW +8 10 108 KW +8 10 109 K +8 10 110 I +8 10 111 AH +8 10 112 AM +8 10 113 AH +8 10 114 K +8 10 115 AM +8 10 116 K +8 10 117 N +8 10 118 AM +8 10 119 K +8 10 120 KW +8 10 121 AM +8 10 122 A +8 10 123 A +8 10 124 I +8 10 125 AM +8 10 126 A +8 10 127 A +8 10 128 I +8 10 129 KW +8 10 130 AH +8 10 131 N +8 10 132 AM +8 10 133 A +8 10 134 K +8 10 135 AM +8 10 136 K +8 10 137 A +8 10 138 AH +8 10 139 KW +8 10 140 A +8 10 141 KW +8 10 142 KW +8 10 143 I +8 10 144 N +8 10 145 K +8 10 146 I +8 10 147 K +8 10 148 AM +8 10 149 A +8 10 150 N +8 10 151 AM +8 10 152 AH +8 10 153 K +8 10 154 AH +8 10 155 AH +8 10 156 K +8 10 157 A +8 10 158 KW +8 10 159 I +8 10 160 AM +8 10 161 A +8 10 162 AM +8 10 163 K +8 10 164 K +8 10 165 AH +8 10 166 AH +8 10 167 K +8 10 168 A +8 10 169 A +8 10 170 AH +8 10 171 AH +8 10 172 KW +8 10 173 AM +8 10 174 I +8 10 175 AH +8 10 176 AM +8 10 177 I +8 10 178 A +8 10 179 N +8 10 180 K +8 10 181 I +8 10 182 N +8 10 183 I +8 10 184 N +8 10 185 I +8 10 186 A +8 10 187 AM +8 10 188 A +8 10 189 KW +8 10 190 A +8 10 191 A +8 10 192 N +8 10 193 I +8 10 194 N +8 10 195 A +8 10 196 K +8 10 197 N +8 10 198 AH +8 10 199 KW +8 10 200 A +8 10 201 AM +8 10 202 A +8 10 203 N +8 10 204 AH +8 10 205 N +8 10 206 KW +8 10 207 AM +8 10 208 I +8 10 209 A +8 10 210 N +8 10 211 K +8 10 212 I +8 10 213 N +8 10 214 I +8 10 215 K +8 10 216 AH +8 10 217 I +8 10 218 I +8 10 219 KW +8 10 220 AH +8 10 221 KW +8 10 222 N +8 10 223 K +8 10 224 KW +8 10 225 I +8 10 226 AH +8 10 227 AH +8 10 228 K +8 10 229 K +8 10 230 KW +8 10 231 I +8 10 232 A +8 10 233 A +8 10 234 A +8 10 235 K +8 10 236 I +8 10 237 KW +8 10 238 K +8 10 239 KW +8 10 240 AH +8 10 241 KW +8 10 242 I +8 10 243 N +8 10 244 KW +8 10 245 AM +8 10 246 K +8 10 247 N +8 10 248 AH +8 10 249 A +8 10 250 N +8 10 251 K +8 10 252 KW +8 10 253 K +8 10 254 KW +8 10 255 AH +8 10 256 AM +8 10 257 A +8 10 258 I +8 10 259 AM +8 10 260 KW +8 10 261 AM +8 10 262 KW +8 10 263 AH +8 10 264 K +8 10 265 A +8 10 266 AM +8 10 267 N +8 10 268 K +8 10 269 N +8 10 270 I +8 10 271 AH +8 10 272 KW +8 10 273 N +8 10 274 KW +8 10 275 I +8 10 276 AM +8 10 277 AH +8 10 278 AM +8 10 279 N +8 10 280 A +8 10 281 A +8 10 282 A +8 10 283 N +8 10 284 KW +8 10 285 AM +8 10 286 KW +8 10 287 I +8 10 288 AM +8 10 289 K +8 10 290 KW +8 10 291 K +8 10 292 KW +8 10 293 KW +8 10 294 KW +8 10 295 I +8 10 296 N +8 10 297 I +8 10 298 AM +8 10 299 K +8 10 300 AH +8 10 301 K +8 10 302 KW +8 10 303 A +8 10 304 A +8 10 305 K +8 10 306 KW +8 10 307 K +8 10 308 N +8 10 309 AH +8 10 310 K +8 10 311 K +8 10 312 AH +8 10 313 AH +8 10 314 KW +8 10 315 A +8 10 316 A +8 10 317 N +8 10 318 AM +8 10 319 KW +8 10 320 I +8 10 321 AM +8 10 322 K +8 10 323 A +8 10 324 KW +8 10 325 N +8 10 326 I +8 10 327 KW +8 10 328 A +8 10 329 I +8 10 330 KW +8 11 1 A +8 11 2 K +8 11 3 AM +8 11 4 NA +8 11 5 A +8 11 6 NA +8 11 7 K +8 11 8 NA +8 11 9 A +8 11 10 A +8 11 11 A +8 11 12 I +8 11 13 K +8 11 14 K +8 11 15 KW +8 11 16 KW +8 11 17 AM +8 11 18 AH +8 11 19 A +8 11 20 A +8 11 21 * +8 11 22 KW +8 11 23 NA +8 11 24 AH +8 11 25 A +8 11 26 K +8 11 27 KW +8 11 28 AM +8 11 29 K +8 11 30 A +8 11 31 KW +8 11 32 AM +8 11 33 A +8 11 34 K +8 11 35 NA +8 11 36 AH +8 11 37 KW +8 11 38 AM +8 11 39 K +8 11 40 A +8 11 41 AM +8 11 42 I +8 11 43 AH +8 11 44 KW +8 11 45 A +8 11 46 AH +8 11 47 K +8 11 48 I +8 11 49 A +8 11 50 AH +8 11 51 I +8 11 52 KW +8 11 53 AM +8 11 54 A +8 11 55 K +8 11 56 KW +8 11 57 A +8 11 58 KW +8 11 59 KW +8 11 60 AH +8 11 61 AM +8 11 62 KW +8 11 63 I +8 11 64 K +8 11 65 AM +8 11 66 KW +8 11 67 K +8 11 68 AM +8 11 69 AH +8 11 70 KW +8 11 71 I +8 11 72 I +8 11 73 A +8 11 74 KW +8 11 75 AH +8 11 76 AM +8 11 77 K +8 11 78 KW +8 11 79 AH +8 11 80 A +8 11 81 K +8 11 82 A +8 11 83 KW +8 11 84 NA +8 11 85 A +8 11 86 KW +8 11 87 AH +8 11 88 NA +8 11 89 AH +8 11 90 A +8 11 91 I +8 11 92 KW +8 11 93 K +8 11 94 AH +8 11 95 KW +8 11 96 I +8 11 97 AH +8 11 98 AM +8 11 99 KW +8 11 100 KW +8 11 101 AM +8 11 102 KW +8 11 103 AH +8 11 104 A +8 11 105 I +8 11 106 KW +8 11 107 KW +8 11 108 KW +8 11 109 AH +8 11 110 I +8 11 111 AH +8 11 112 AM +8 11 113 AH +8 11 114 A +8 11 115 AM +8 11 116 KW +8 11 117 AH +8 11 118 I +8 11 119 A +8 11 120 KW +8 11 121 AM +8 11 122 K +8 11 123 A +8 11 124 K +8 11 125 AM +8 11 126 AM +8 11 127 AH +8 11 128 I +8 11 129 KW +8 11 130 AH +8 11 131 I +8 11 132 NA +8 11 133 K +8 11 134 I +8 11 135 AM +8 11 136 A +8 11 137 K +8 11 138 KW +8 11 139 I +8 11 140 A +8 11 141 KW +8 11 142 KW +8 11 143 K +8 11 144 AH +8 11 145 K +8 11 146 I +8 11 147 K +8 11 148 AM +8 11 149 A +8 11 150 AH +8 11 151 AM +8 11 152 I +8 11 153 A +8 11 154 AH +8 11 155 AH +8 11 156 A +8 11 157 I +8 11 158 KW +8 11 159 A +8 11 160 KW +8 11 161 A +8 11 162 AM +8 11 163 A +8 11 164 A +8 11 165 AH +8 11 166 A +8 11 167 KW +8 11 168 A +8 11 169 A +8 11 170 AH +8 11 171 A +8 11 172 KW +8 11 173 AM +8 11 174 NA +8 11 175 K +8 11 176 AM +8 11 177 A +8 11 178 AH +8 11 179 I +8 11 180 K +8 11 181 KW +8 11 182 I +8 11 183 KW +8 11 184 A +8 11 185 I +8 11 186 A +8 11 187 KW +8 11 188 A +8 11 189 KW +8 11 190 I +8 11 191 A +8 11 192 AH +8 11 193 I +8 11 194 AH +8 11 195 K +8 11 196 KW +8 11 197 AH +8 11 198 AH +8 11 199 KW +8 11 200 A +8 11 201 AM +8 11 202 K +8 11 203 AM +8 11 204 AH +8 11 205 AH +8 11 206 KW +8 11 207 AM +8 11 208 I +8 11 209 A +8 11 210 AH +8 11 211 A +8 11 212 AM +8 11 213 KW +8 11 214 K +8 11 215 I +8 11 216 AH +8 11 217 KW +8 11 218 K +8 11 219 KW +8 11 220 KW +8 11 221 KW +8 11 222 AH +8 11 223 A +8 11 224 KW +8 11 225 I +8 11 226 K +8 11 227 AH +8 11 228 AH +8 11 229 KW +8 11 230 KW +8 11 231 I +8 11 232 AH +8 11 233 KW +8 11 234 A +8 11 235 AH +8 11 236 I +8 11 237 NA +8 11 238 A +8 11 239 AM +8 11 240 I +8 11 241 KW +8 11 242 KW +8 11 243 I +8 11 244 KW +8 11 245 AM +8 11 246 A +8 11 247 AH +8 11 248 AH +8 11 249 A +8 11 250 AH +8 11 251 K +8 11 252 KW +8 11 253 K +8 11 254 KW +8 11 255 AH +8 11 256 AM +8 11 257 AH +8 11 258 I +8 11 259 AM +8 11 260 KW +8 11 261 KW +8 11 262 KW +8 11 263 AH +8 11 264 A +8 11 265 K +8 11 266 I +8 11 267 AM +8 11 268 A +8 11 269 AM +8 11 270 KW +8 11 271 AH +8 11 272 KW +8 11 273 I +8 11 274 KW +8 11 275 I +8 11 276 AM +8 11 277 A +8 11 278 NA +8 11 279 AH +8 11 280 A +8 11 281 A +8 11 282 K +8 11 283 I +8 11 284 KW +8 11 285 I +8 11 286 KW +8 11 287 I +8 11 288 AM +8 11 289 K +8 11 290 KW +8 11 291 A +8 11 292 KW +8 11 293 KW +8 11 294 KW +8 11 295 AH +8 11 296 I +8 11 297 I +8 11 298 AM +8 11 299 A +8 11 300 KW +8 11 301 A +8 11 302 KW +8 11 303 KW +8 11 304 I +8 11 305 AH +8 11 306 K +8 11 307 A +8 11 308 I +8 11 309 AH +8 11 310 A +8 11 311 A +8 11 312 AH +8 11 313 I +8 11 314 KW +8 11 315 K +8 11 316 A +8 11 317 AM +8 11 318 AM +8 11 319 KW +8 11 320 I +8 11 321 AM +8 11 322 KW +8 11 323 A +8 11 324 KW +8 11 325 I +8 11 326 I +8 11 327 KW +8 11 328 I +8 11 329 AH +8 11 330 KW +8 12 1 A +8 12 2 KW +8 12 3 AM +8 12 4 A +8 12 5 KW +8 12 6 I +8 12 7 A +8 12 8 AM +8 12 9 I +8 12 10 K +8 12 11 A +8 12 12 I +8 12 13 A +8 12 14 A +8 12 15 KW +8 12 16 KW +8 12 17 AM +8 12 18 AH +8 12 19 K +8 12 20 A +8 12 21 AM +8 12 22 I +8 12 23 K +8 12 24 AH +8 12 25 A +8 12 26 K +8 12 27 KW +8 12 28 AM +8 12 29 A +8 12 30 I +8 12 31 K +8 12 32 K +8 12 33 A +8 12 34 K +8 12 35 I +8 12 36 A +8 12 37 K +8 12 38 AM +8 12 39 A +8 12 40 A +8 12 41 AM +8 12 42 I +8 12 43 K +8 12 44 KW +8 12 45 A +8 12 46 KW +8 12 47 A +8 12 48 I +8 12 49 K +8 12 50 I +8 12 51 AH +8 12 52 KW +8 12 53 AM +8 12 54 A +8 12 55 A +8 12 56 I +8 12 57 A +8 12 58 I +8 12 59 KW +8 12 60 A +8 12 61 AM +8 12 62 K +8 12 63 I +8 12 64 K +8 12 65 AM +8 12 66 K +8 12 67 A +8 12 68 AM +8 12 69 I +8 12 70 KW +8 12 71 AM +8 12 72 A +8 12 73 K +8 12 74 K +8 12 75 A +8 12 76 I +8 12 77 K +8 12 78 I +8 12 79 AH +8 12 80 K +8 12 81 I +8 12 82 A +8 12 83 I +8 12 84 KW +8 12 85 A +8 12 86 K +8 12 87 AH +8 12 88 K +8 12 89 AH +8 12 90 A +8 12 91 I +8 12 92 KW +8 12 93 A +8 12 94 AH +8 12 95 K +8 12 96 I +8 12 97 K +8 12 98 AM +8 12 99 KW +8 12 100 K +8 12 101 AM +8 12 102 KW +8 12 103 A +8 12 104 K +8 12 105 AM +8 12 106 I +8 12 107 KW +8 12 108 A +8 12 109 K +8 12 110 I +8 12 111 AH +8 12 112 AM +8 12 113 AH +8 12 114 A +8 12 115 AM +8 12 116 K +8 12 117 AH +8 12 118 KW +8 12 119 A +8 12 120 KW +8 12 121 I +8 12 122 A +8 12 123 A +8 12 124 I +8 12 125 I +8 12 126 K +8 12 127 AH +8 12 128 I +8 12 129 KW +8 12 130 AH +8 12 131 K +8 12 132 AM +8 12 133 A +8 12 134 AH +8 12 135 K +8 12 136 A +8 12 137 A +8 12 138 K +8 12 139 KW +8 12 140 K +8 12 141 KW +8 12 142 KW +8 12 143 A +8 12 144 K +8 12 145 A +8 12 146 I +8 12 147 K +8 12 148 AM +8 12 149 A +8 12 150 K +8 12 151 I +8 12 152 K +8 12 153 K +8 12 154 AH +8 12 155 AH +8 12 156 A +8 12 157 AH +8 12 158 KW +8 12 159 I +8 12 160 K +8 12 161 A +8 12 162 AM +8 12 163 A +8 12 164 K +8 12 165 AH +8 12 166 K +8 12 167 AH +8 12 168 A +8 12 169 K +8 12 170 AH +8 12 171 I +8 12 172 KW +8 12 173 AM +8 12 174 I +8 12 175 K +8 12 176 AM +8 12 177 A +8 12 178 K +8 12 179 AH +8 12 180 A +8 12 181 I +8 12 182 A +8 12 183 I +8 12 184 K +8 12 185 I +8 12 186 K +8 12 187 I +8 12 188 K +8 12 189 K +8 12 190 I +8 12 191 A +8 12 192 K +8 12 193 I +8 12 194 AH +8 12 195 A +8 12 196 K +8 12 197 K +8 12 198 AH +8 12 199 K +8 12 200 K +8 12 201 I +8 12 202 A +8 12 203 AM +8 12 204 AH +8 12 205 K +8 12 206 KW +8 12 207 AM +8 12 208 I +8 12 209 A +8 12 210 I +8 12 211 K +8 12 212 I +8 12 213 KW +8 12 214 I +8 12 215 KW +8 12 216 A +8 12 217 K +8 12 218 A +8 12 219 K +8 12 220 K +8 12 221 K +8 12 222 A +8 12 223 A +8 12 224 KW +8 12 225 I +8 12 226 A +8 12 227 AH +8 12 228 AH +8 12 229 K +8 12 230 KW +8 12 231 I +8 12 232 I +8 12 233 K +8 12 234 A +8 12 235 K +8 12 236 A +8 12 237 I +8 12 238 K +8 12 239 AM +8 12 240 I +8 12 241 KW +8 12 242 I +8 12 243 AM +8 12 244 KW +8 12 245 AM +8 12 246 K +8 12 247 K +8 12 248 AH +8 12 249 A +8 12 250 K +8 12 251 A +8 12 252 KW +8 12 253 A +8 12 254 K +8 12 255 AH +8 12 256 AM +8 12 257 K +8 12 258 I +8 12 259 AM +8 12 260 I +8 12 261 I +8 12 262 KW +8 12 263 AH +8 12 264 K +8 12 265 A +8 12 266 I +8 12 267 K +8 12 268 A +8 12 269 A +8 12 270 I +8 12 271 A +8 12 272 KW +8 12 273 K +8 12 274 KW +8 12 275 I +8 12 276 AM +8 12 277 K +8 12 278 I +8 12 279 K +8 12 280 A +8 12 281 A +8 12 282 A +8 12 283 I +8 12 284 KW +8 12 285 K +8 12 286 KW +8 12 287 I +8 12 288 AM +8 12 289 K +8 12 290 KW +8 12 291 K +8 12 292 A +8 12 293 A +8 12 294 KW +8 12 295 I +8 12 296 K +8 12 297 I +8 12 298 AM +8 12 299 A +8 12 300 KW +8 12 301 A +8 12 302 KW +8 12 303 K +8 12 304 A +8 12 305 K +8 12 306 A +8 12 307 A +8 12 308 K +8 12 309 AH +8 12 310 A +8 12 311 K +8 12 312 AH +8 12 313 K +8 12 314 KW +8 12 315 A +8 12 316 A +8 12 317 AM +8 12 318 I +8 12 319 KW +8 12 320 I +8 12 321 AM +8 12 322 K +8 12 323 A +8 12 324 KW +8 12 325 AM +8 12 326 I +8 12 327 KW +8 12 328 A +8 12 329 I +8 12 330 K +8 13 1 K +8 13 2 K +8 13 3 AM +8 13 4 AH +8 13 5 A +8 13 6 I +8 13 7 A +8 13 8 AM +8 13 9 N +8 13 10 AH +8 13 11 K +8 13 12 I +8 13 13 K +8 13 14 A +8 13 15 KW +8 13 16 KW +8 13 17 AM +8 13 18 AH +8 13 19 K +8 13 20 A +8 13 21 AM +8 13 22 I +8 13 23 N +8 13 24 AH +8 13 25 A +8 13 26 AH +8 13 27 KW +8 13 28 AM +8 13 29 K +8 13 30 I +8 13 31 K +8 13 32 AM +8 13 33 K +8 13 34 K +8 13 35 I +8 13 36 AH +8 13 37 K +8 13 38 AM +8 13 39 K +8 13 40 K +8 13 41 AM +8 13 42 I +8 13 43 A +8 13 44 KW +8 13 45 K +8 13 46 KW +8 13 47 K +8 13 48 I +8 13 49 K +8 13 50 N +8 13 51 K +8 13 52 KW +8 13 53 AM +8 13 54 K +8 13 55 K +8 13 56 I +8 13 57 A +8 13 58 I +8 13 59 KW +8 13 60 A +8 13 61 AM +8 13 62 K +8 13 63 AM +8 13 64 K +8 13 65 AM +8 13 66 KW +8 13 67 K +8 13 68 AM +8 13 69 N +8 13 70 KW +8 13 71 N +8 13 72 K +8 13 73 N +8 13 74 K +8 13 75 N +8 13 76 AM +8 13 77 K +8 13 78 I +8 13 79 N +8 13 80 AH +8 13 81 K +8 13 82 K +8 13 83 KW +8 13 84 I +8 13 85 K +8 13 86 AM +8 13 87 AH +8 13 88 N +8 13 89 AH +8 13 90 AH +8 13 91 K +8 13 92 KW +8 13 93 AH +8 13 94 AH +8 13 95 I +8 13 96 I +8 13 97 N +8 13 98 AM +8 13 99 AH +8 13 100 K +8 13 101 AM +8 13 102 K +8 13 103 N +8 13 104 K +8 13 105 N +8 13 106 I +8 13 107 KW +8 13 108 K +8 13 109 AH +8 13 110 I +8 13 111 AH +8 13 112 AM +8 13 113 AH +8 13 114 K +8 13 115 AM +8 13 116 KW +8 13 117 N +8 13 118 I +8 13 119 K +8 13 120 KW +8 13 121 AM +8 13 122 K +8 13 123 K +8 13 124 I +8 13 125 AM +8 13 126 AM +8 13 127 AH +8 13 128 I +8 13 129 KW +8 13 130 AH +8 13 131 N +8 13 132 AM +8 13 133 K +8 13 134 N +8 13 135 AM +8 13 136 K +8 13 137 K +8 13 138 K +8 13 139 KW +8 13 140 N +8 13 141 KW +8 13 142 KW +8 13 143 A +8 13 144 N +8 13 145 I +8 13 146 N +8 13 147 K +8 13 148 AM +8 13 149 K +8 13 150 N +8 13 151 I +8 13 152 I +8 13 153 K +8 13 154 N +8 13 155 AH +8 13 156 K +8 13 157 A +8 13 158 KW +8 13 159 I +8 13 160 I +8 13 161 K +8 13 162 AM +8 13 163 K +8 13 164 K +8 13 165 N +8 13 166 N +8 13 167 A +8 13 168 K +8 13 169 K +8 13 170 N +8 13 171 AH +8 13 172 KW +8 13 173 AM +8 13 174 I +8 13 175 K +8 13 176 AM +8 13 177 I +8 13 178 AH +8 13 179 AM +8 13 180 K +8 13 181 I +8 13 182 AH +8 13 183 A +8 13 184 I +8 13 185 I +8 13 186 K +8 13 187 I +8 13 188 K +8 13 189 KW +8 13 190 I +8 13 191 K +8 13 192 N +8 13 193 I +8 13 194 AH +8 13 195 K +8 13 196 K +8 13 197 A +8 13 198 AH +8 13 199 KW +8 13 200 K +8 13 201 I +8 13 202 K +8 13 203 AM +8 13 204 AH +8 13 205 N +8 13 206 KW +8 13 207 AM +8 13 208 I +8 13 209 AH +8 13 210 A +8 13 211 K +8 13 212 AM +8 13 213 A +8 13 214 I +8 13 215 AM +8 13 216 AH +8 13 217 I +8 13 218 A +8 13 219 KW +8 13 220 A +8 13 221 KW +8 13 222 I +8 13 223 K +8 13 224 KW +8 13 225 N +8 13 226 A +8 13 227 AH +8 13 228 AH +8 13 229 I +8 13 230 KW +8 13 231 N +8 13 232 A +8 13 233 KW +8 13 234 K +8 13 235 A +8 13 236 N +8 13 237 I +8 13 238 K +8 13 239 AM +8 13 240 A +8 13 241 KW +8 13 242 I +8 13 243 AM +8 13 244 KW +8 13 245 AM +8 13 246 K +8 13 247 A +8 13 248 AH +8 13 249 K +8 13 250 A +8 13 251 K +8 13 252 KW +8 13 253 K +8 13 254 A +8 13 255 AH +8 13 256 AM +8 13 257 A +8 13 258 I +8 13 259 AM +8 13 260 KW +8 13 261 AM +8 13 262 KW +8 13 263 A +8 13 264 KW +8 13 265 K +8 13 266 I +8 13 267 N +8 13 268 K +8 13 269 AM +8 13 270 I +8 13 271 AH +8 13 272 KW +8 13 273 N +8 13 274 KW +8 13 275 N +8 13 276 AM +8 13 277 A +8 13 278 AM +8 13 279 AH +8 13 280 N +8 13 281 K +8 13 282 A +8 13 283 AH +8 13 284 KW +8 13 285 I +8 13 286 KW +8 13 287 A +8 13 288 AM +8 13 289 K +8 13 290 KW +8 13 291 AH +8 13 292 I +8 13 293 A +8 13 294 KW +8 13 295 AH +8 13 296 A +8 13 297 I +8 13 298 AM +8 13 299 K +8 13 300 KW +8 13 301 K +8 13 302 KW +8 13 303 A +8 13 304 AH +8 13 305 A +8 13 306 K +8 13 307 A +8 13 308 N +8 13 309 A +8 13 310 K +8 13 311 N +8 13 312 AH +8 13 313 N +8 13 314 KW +8 13 315 A +8 13 316 K +8 13 317 I +8 13 318 I +8 13 319 KW +8 13 320 A +8 13 321 AM +8 13 322 A +8 13 323 N +8 13 324 KW +8 13 325 N +8 13 326 I +8 13 327 KW +8 13 328 N +8 13 329 A +8 13 330 KW +8 14 1 K +8 14 2 I +8 14 3 AM +8 14 4 AH +8 14 5 K +8 14 6 I +8 14 7 K +8 14 8 AM +8 14 9 AH +8 14 10 AH +8 14 11 AH +8 14 12 I +8 14 13 AH +8 14 14 AH +8 14 15 I +8 14 16 KW +8 14 17 AM +8 14 18 AH +8 14 19 I +8 14 20 A +8 14 21 AM +8 14 22 KW +8 14 23 A +8 14 24 AH +8 14 25 K +8 14 26 K +8 14 27 KW +8 14 28 AM +8 14 29 A +8 14 30 AM +8 14 31 A +8 14 32 AM +8 14 33 A +8 14 34 A +8 14 35 AM +8 14 36 AH +8 14 37 K +8 14 38 AM +8 14 39 K +8 14 40 K +8 14 41 AM +8 14 42 I +8 14 43 A +8 14 44 KW +8 14 45 K +8 14 46 AH +8 14 47 AH +8 14 48 NA +8 14 49 K +8 14 50 A +8 14 51 AH +8 14 52 NA +8 14 53 AM +8 14 54 K +8 14 55 K +8 14 56 NA +8 14 57 K +8 14 58 I +8 14 59 I +8 14 60 AH +8 14 61 AM +8 14 62 I +8 14 63 AM +8 14 64 K +8 14 65 AM +8 14 66 KW +8 14 67 K +8 14 68 AM +8 14 69 A +8 14 70 NA +8 14 71 AM +8 14 72 K +8 14 73 N +8 14 74 K +8 14 75 AH +8 14 76 AM +8 14 77 K +8 14 78 I +8 14 79 AH +8 14 80 K +8 14 81 I +8 14 82 K +8 14 83 NA +8 14 84 I +8 14 85 K +8 14 86 AM +8 14 87 AH +8 14 88 AM +8 14 89 AH +8 14 90 K +8 14 91 I +8 14 92 NA +8 14 93 K +8 14 94 AH +8 14 95 NA +8 14 96 I +8 14 97 AH +8 14 98 AM +8 14 99 A +8 14 100 K +8 14 101 AM +8 14 102 A +8 14 103 I +8 14 104 K +8 14 105 AM +8 14 106 I +8 14 107 KW +8 14 108 A +8 14 109 A +8 14 110 AM +8 14 111 A +8 14 112 AM +8 14 113 AH +8 14 114 K +8 14 115 AM +8 14 116 K +8 14 117 AH +8 14 118 AM +8 14 119 K +8 14 120 KW +8 14 121 AM +8 14 122 K +8 14 123 K +8 14 124 I +8 14 125 AM +8 14 126 AM +8 14 127 K +8 14 128 I +8 14 129 NA +8 14 130 AH +8 14 131 A +8 14 132 AM +8 14 133 K +8 14 134 AH +8 14 135 AM +8 14 136 K +8 14 137 A +8 14 138 A +8 14 139 NA +8 14 140 K +8 14 141 KW +8 14 142 NA +8 14 143 A +8 14 144 K +8 14 145 K +8 14 146 I +8 14 147 K +8 14 148 AM +8 14 149 K +8 14 150 A +8 14 151 AM +8 14 152 I +8 14 153 K +8 14 154 AH +8 14 155 AH +8 14 156 K +8 14 157 A +8 14 158 NA +8 14 159 I +8 14 160 A +8 14 161 K +8 14 162 AM +8 14 163 K +8 14 164 K +8 14 165 AH +8 14 166 K +8 14 167 A +8 14 168 K +8 14 169 K +8 14 170 K +8 14 171 A +8 14 172 NA +8 14 173 AM +8 14 174 I +8 14 175 K +8 14 176 AM +8 14 177 KW +8 14 178 K +8 14 179 AM +8 14 180 K +8 14 181 I +8 14 182 A +8 14 183 AH +8 14 184 I +8 14 185 AM +8 14 186 K +8 14 187 AM +8 14 188 K +8 14 189 K +8 14 190 AM +8 14 191 K +8 14 192 I +8 14 193 I +8 14 194 AM +8 14 195 K +8 14 196 K +8 14 197 I +8 14 198 AH +8 14 199 NA +8 14 200 K +8 14 201 AM +8 14 202 K +8 14 203 AM +8 14 204 AH +8 14 205 N +8 14 206 KW +8 14 207 AM +8 14 208 AM +8 14 209 K +8 14 210 A +8 14 211 K +8 14 212 AM +8 14 213 A +8 14 214 I +8 14 215 AM +8 14 216 AH +8 14 217 AM +8 14 218 I +8 14 219 A +8 14 220 N +8 14 221 NA +8 14 222 N +8 14 223 K +8 14 224 KW +8 14 225 A +8 14 226 K +8 14 227 AH +8 14 228 K +8 14 229 A +8 14 230 NA +8 14 231 AM +8 14 232 AH +8 14 233 A +8 14 234 K +8 14 235 K +8 14 236 I +8 14 237 AM +8 14 238 K +8 14 239 AM +8 14 240 AM +8 14 241 NA +8 14 242 I +8 14 243 AM +8 14 244 I +8 14 245 AM +8 14 246 K +8 14 247 A +8 14 248 AH +8 14 249 K +8 14 250 A +8 14 251 K +8 14 252 NA +8 14 253 K +8 14 254 A +8 14 255 AH +8 14 256 AM +8 14 257 K +8 14 258 I +8 14 259 AM +8 14 260 NA +8 14 261 AM +8 14 262 NA +8 14 263 A +8 14 264 K +8 14 265 AH +8 14 266 AM +8 14 267 AM +8 14 268 K +8 14 269 AM +8 14 270 AM +8 14 271 K +8 14 272 KW +8 14 273 AM +8 14 274 KW +8 14 275 I +8 14 276 AM +8 14 277 K +8 14 278 AM +8 14 279 N +8 14 280 K +8 14 281 K +8 14 282 A +8 14 283 AH +8 14 284 NA +8 14 285 AM +8 14 286 NA +8 14 287 A +8 14 288 AM +8 14 289 K +8 14 290 KW +8 14 291 N +8 14 292 AM +8 14 293 I +8 14 294 NA +8 14 295 A +8 14 296 N +8 14 297 I +8 14 298 AM +8 14 299 K +8 14 300 A +8 14 301 K +8 14 302 NA +8 14 303 A +8 14 304 AH +8 14 305 AM +8 14 306 K +8 14 307 K +8 14 308 N +8 14 309 AH +8 14 310 K +8 14 311 N +8 14 312 AH +8 14 313 N +8 14 314 NA +8 14 315 I +8 14 316 K +8 14 317 AM +8 14 318 AM +8 14 319 NA +8 14 320 A +8 14 321 AM +8 14 322 I +8 14 323 AH +8 14 324 NA +8 14 325 AM +8 14 326 I +8 14 327 A +8 14 328 N +8 14 329 AM +8 14 330 A +8 15 1 A +8 15 2 K +8 15 3 AM +8 15 4 N +8 15 5 A +8 15 6 AM +8 15 7 A +8 15 8 AM +8 15 9 A +8 15 10 A +8 15 11 AH +8 15 12 I +8 15 13 A +8 15 14 K +8 15 15 AM +8 15 16 KW +8 15 17 AM +8 15 18 AH +8 15 19 K +8 15 20 A +8 15 21 AM +8 15 22 I +8 15 23 N +8 15 24 AH +8 15 25 K +8 15 26 A +8 15 27 KW +8 15 28 AM +8 15 29 A +8 15 30 AH +8 15 31 KW +8 15 32 N +8 15 33 A +8 15 34 K +8 15 35 AM +8 15 36 AH +8 15 37 K +8 15 38 AM +8 15 39 A +8 15 40 K +8 15 41 AM +8 15 42 I +8 15 43 K +8 15 44 KW +8 15 45 A +8 15 46 AH +8 15 47 AH +8 15 48 I +8 15 49 A +8 15 50 N +8 15 51 AH +8 15 52 KW +8 15 53 AM +8 15 54 A +8 15 55 K +8 15 56 AM +8 15 57 K +8 15 58 AH +8 15 59 A +8 15 60 K +8 15 61 AM +8 15 62 N +8 15 63 AM +8 15 64 K +8 15 65 AM +8 15 66 KW +8 15 67 A +8 15 68 AM +8 15 69 AH +8 15 70 KW +8 15 71 AM +8 15 72 A +8 15 73 N +8 15 74 KW +8 15 75 AH +8 15 76 AM +8 15 77 A +8 15 78 AM +8 15 79 AH +8 15 80 K +8 15 81 A +8 15 82 K +8 15 83 KW +8 15 84 AM +8 15 85 A +8 15 86 AM +8 15 87 AH +8 15 88 N +8 15 89 AH +8 15 90 A +8 15 91 I +8 15 92 KW +8 15 93 K +8 15 94 AH +8 15 95 KW +8 15 96 I +8 15 97 N +8 15 98 AM +8 15 99 N +8 15 100 A +8 15 101 AM +8 15 102 KW +8 15 103 AH +8 15 104 A +8 15 105 N +8 15 106 I +8 15 107 KW +8 15 108 A +8 15 109 K +8 15 110 I +8 15 111 AH +8 15 112 AM +8 15 113 AH +8 15 114 A +8 15 115 AM +8 15 116 A +8 15 117 AH +8 15 118 AM +8 15 119 A +8 15 120 KW +8 15 121 AM +8 15 122 A +8 15 123 K +8 15 124 I +8 15 125 AM +8 15 126 AM +8 15 127 A +8 15 128 I +8 15 129 KW +8 15 130 AH +8 15 131 N +8 15 132 AM +8 15 133 A +8 15 134 AH +8 15 135 N +8 15 136 A +8 15 137 AH +8 15 138 K +8 15 139 KW +8 15 140 K +8 15 141 KW +8 15 142 KW +8 15 143 I +8 15 144 N +8 15 145 A +8 15 146 I +8 15 147 A +8 15 148 AM +8 15 149 A +8 15 150 N +8 15 151 AM +8 15 152 N +8 15 153 K +8 15 154 AH +8 15 155 AH +8 15 156 A +8 15 157 AH +8 15 158 KW +8 15 159 I +8 15 160 AM +8 15 161 A +8 15 162 AM +8 15 163 K +8 15 164 A +8 15 165 AH +8 15 166 K +8 15 167 N +8 15 168 A +8 15 169 K +8 15 170 AH +8 15 171 A +8 15 172 KW +8 15 173 AM +8 15 174 I +8 15 175 KW +8 15 176 AM +8 15 177 I +8 15 178 K +8 15 179 N +8 15 180 A +8 15 181 I +8 15 182 N +8 15 183 AH +8 15 184 N +8 15 185 I +8 15 186 A +8 15 187 I +8 15 188 A +8 15 189 KW +8 15 190 AM +8 15 191 K +8 15 192 N +8 15 193 I +8 15 194 AM +8 15 195 A +8 15 196 KW +8 15 197 N +8 15 198 AH +8 15 199 KW +8 15 200 A +8 15 201 AM +8 15 202 A +8 15 203 N +8 15 204 AH +8 15 205 N +8 15 206 KW +8 15 207 AM +8 15 208 AH +8 15 209 K +8 15 210 N +8 15 211 A +8 15 212 I +8 15 213 N +8 15 214 I +8 15 215 AM +8 15 216 AH +8 15 217 AM +8 15 218 AH +8 15 219 KW +8 15 220 K +8 15 221 KW +8 15 222 N +8 15 223 A +8 15 224 KW +8 15 225 AH +8 15 226 K +8 15 227 AH +8 15 228 A +8 15 229 A +8 15 230 KW +8 15 231 N +8 15 232 AH +8 15 233 A +8 15 234 A +8 15 235 K +8 15 236 AH +8 15 237 AM +8 15 238 A +8 15 239 AM +8 15 240 AM +8 15 241 KW +8 15 242 I +8 15 243 N +8 15 244 KW +8 15 245 AM +8 15 246 A +8 15 247 N +8 15 248 AH +8 15 249 A +8 15 250 N +8 15 251 A +8 15 252 KW +8 15 253 A +8 15 254 K +8 15 255 AH +8 15 256 AM +8 15 257 K +8 15 258 I +8 15 259 AM +8 15 260 I +8 15 261 AM +8 15 262 KW +8 15 263 AH +8 15 264 A +8 15 265 A +8 15 266 AM +8 15 267 N +8 15 268 A +8 15 269 N +8 15 270 I +8 15 271 A +8 15 272 KW +8 15 273 N +8 15 274 KW +8 15 275 I +8 15 276 N +8 15 277 K +8 15 278 AM +8 15 279 K +8 15 280 A +8 15 281 A +8 15 282 A +8 15 283 AH +8 15 284 KW +8 15 285 AM +8 15 286 KW +8 15 287 I +8 15 288 AM +8 15 289 A +8 15 290 KW +8 15 291 K +8 15 292 AM +8 15 293 A +8 15 294 KW +8 15 295 AH +8 15 296 N +8 15 297 I +8 15 298 AM +8 15 299 A +8 15 300 KW +8 15 301 A +8 15 302 KW +8 15 303 K +8 15 304 AH +8 15 305 N +8 15 306 A +8 15 307 K +8 15 308 N +8 15 309 AH +8 15 310 A +8 15 311 K +8 15 312 AH +8 15 313 K +8 15 314 KW +8 15 315 A +8 15 316 K +8 15 317 N +8 15 318 AM +8 15 319 KW +8 15 320 AH +8 15 321 AM +8 15 322 K +8 15 323 A +8 15 324 KW +8 15 325 N +8 15 326 I +8 15 327 A +8 15 328 A +8 15 329 AH +8 15 330 KW +8 16 1 K +8 16 2 K +8 16 3 AM +8 16 4 I +8 16 5 K +8 16 6 A +8 16 7 K +8 16 8 AM +8 16 9 I +8 16 10 AH +8 16 11 I +8 16 12 I +8 16 13 K +8 16 14 AH +8 16 15 AM +8 16 16 KW +8 16 17 AM +8 16 18 AH +8 16 19 K +8 16 20 K +8 16 21 AM +8 16 22 I +8 16 23 N +8 16 24 AH +8 16 25 K +8 16 26 K +8 16 27 KW +8 16 28 AM +8 16 29 K +8 16 30 AM +8 16 31 K +8 16 32 I +8 16 33 K +8 16 34 K +8 16 35 AM +8 16 36 AH +8 16 37 K +8 16 38 AM +8 16 39 I +8 16 40 K +8 16 41 AM +8 16 42 I +8 16 43 K +8 16 44 KW +8 16 45 K +8 16 46 AH +8 16 47 AH +8 16 48 I +8 16 49 K +8 16 50 N +8 16 51 AH +8 16 52 KW +8 16 53 N +8 16 54 K +8 16 55 K +8 16 56 I +8 16 57 AH +8 16 58 I +8 16 59 KW +8 16 60 AH +8 16 61 AM +8 16 62 K +8 16 63 AM +8 16 64 K +8 16 65 AM +8 16 66 KW +8 16 67 K +8 16 68 AM +8 16 69 AH +8 16 70 KW +8 16 71 AM +8 16 72 K +8 16 73 AM +8 16 74 KW +8 16 75 AH +8 16 76 AM +8 16 77 K +8 16 78 AM +8 16 79 AH +8 16 80 K +8 16 81 I +8 16 82 K +8 16 83 KW +8 16 84 AM +8 16 85 K +8 16 86 AM +8 16 87 AH +8 16 88 AM +8 16 89 AH +8 16 90 AH +8 16 91 I +8 16 92 KW +8 16 93 K +8 16 94 AH +8 16 95 KW +8 16 96 I +8 16 97 K +8 16 98 AM +8 16 99 AM +8 16 100 K +8 16 101 AM +8 16 102 K +8 16 103 AH +8 16 104 K +8 16 105 AM +8 16 106 KW +8 16 107 KW +8 16 108 KW +8 16 109 K +8 16 110 I +8 16 111 AH +8 16 112 AM +8 16 113 AH +8 16 114 K +8 16 115 AM +8 16 116 KW +8 16 117 AH +8 16 118 AM +8 16 119 K +8 16 120 KW +8 16 121 AM +8 16 122 K +8 16 123 K +8 16 124 KW +8 16 125 AM +8 16 126 AM +8 16 127 AH +8 16 128 I +8 16 129 KW +8 16 130 AH +8 16 131 N +8 16 132 AM +8 16 133 K +8 16 134 AH +8 16 135 AM +8 16 136 K +8 16 137 A +8 16 138 I +8 16 139 A +8 16 140 AH +8 16 141 KW +8 16 142 KW +8 16 143 I +8 16 144 AH +8 16 145 K +8 16 146 I +8 16 147 K +8 16 148 AM +8 16 149 K +8 16 150 AH +8 16 151 AM +8 16 152 K +8 16 153 K +8 16 154 AH +8 16 155 I +8 16 156 K +8 16 157 AH +8 16 158 KW +8 16 159 I +8 16 160 AM +8 16 161 K +8 16 162 AM +8 16 163 K +8 16 164 K +8 16 165 I +8 16 166 I +8 16 167 KW +8 16 168 K +8 16 169 K +8 16 170 AH +8 16 171 K +8 16 172 KW +8 16 173 AM +8 16 174 I +8 16 175 K +8 16 176 AM +8 16 177 I +8 16 178 K +8 16 179 AM +8 16 180 K +8 16 181 I +8 16 182 AM +8 16 183 I +8 16 184 N +8 16 185 AM +8 16 186 K +8 16 187 AM +8 16 188 K +8 16 189 KW +8 16 190 I +8 16 191 K +8 16 192 N +8 16 193 I +8 16 194 AM +8 16 195 K +8 16 196 KW +8 16 197 I +8 16 198 AH +8 16 199 KW +8 16 200 K +8 16 201 AM +8 16 202 K +8 16 203 AM +8 16 204 AH +8 16 205 K +8 16 206 KW +8 16 207 AM +8 16 208 I +8 16 209 K +8 16 210 AM +8 16 211 K +8 16 212 AM +8 16 213 K +8 16 214 I +8 16 215 AM +8 16 216 AH +8 16 217 I +8 16 218 I +8 16 219 KW +8 16 220 K +8 16 221 KW +8 16 222 N +8 16 223 K +8 16 224 KW +8 16 225 N +8 16 226 K +8 16 227 AH +8 16 228 AH +8 16 229 N +8 16 230 KW +8 16 231 AM +8 16 232 AH +8 16 233 K +8 16 234 I +8 16 235 K +8 16 236 I +8 16 237 AM +8 16 238 K +8 16 239 AM +8 16 240 AM +8 16 241 KW +8 16 242 I +8 16 243 AM +8 16 244 KW +8 16 245 AM +8 16 246 K +8 16 247 K +8 16 248 AH +8 16 249 K +8 16 250 N +8 16 251 I +8 16 252 KW +8 16 253 K +8 16 254 N +8 16 255 AH +8 16 256 AM +8 16 257 K +8 16 258 I +8 16 259 AM +8 16 260 KW +8 16 261 AM +8 16 262 KW +8 16 263 KW +8 16 264 I +8 16 265 I +8 16 266 AM +8 16 267 N +8 16 268 K +8 16 269 AM +8 16 270 I +8 16 271 AH +8 16 272 KW +8 16 273 AM +8 16 274 KW +8 16 275 N +8 16 276 AM +8 16 277 AH +8 16 278 AM +8 16 279 K +8 16 280 I +8 16 281 K +8 16 282 I +8 16 283 AH +8 16 284 KW +8 16 285 I +8 16 286 KW +8 16 287 I +8 16 288 AM +8 16 289 K +8 16 290 KW +8 16 291 K +8 16 292 AM +8 16 293 KW +8 16 294 KW +8 16 295 I +8 16 296 N +8 16 297 I +8 16 298 AM +8 16 299 K +8 16 300 KW +8 16 301 K +8 16 302 KW +8 16 303 K +8 16 304 I +8 16 305 AM +8 16 306 I +8 16 307 K +8 16 308 I +8 16 309 AH +8 16 310 K +8 16 311 K +8 16 312 AH +8 16 313 N +8 16 314 KW +8 16 315 K +8 16 316 K +8 16 317 AM +8 16 318 AM +8 16 319 KW +8 16 320 I +8 16 321 AM +8 16 322 K +8 16 323 N +8 16 324 KW +8 16 325 AM +8 16 326 I +8 16 327 KW +8 16 328 K +8 16 329 I +8 16 330 KW +8 17 1 K +8 17 2 AH +8 17 3 AM +8 17 4 AH +8 17 5 K +8 17 6 I +8 17 7 K +8 17 8 AM +8 17 9 AH +8 17 10 K +8 17 11 AH +8 17 12 I +8 17 13 AH +8 17 14 AH +8 17 15 I +8 17 16 KW +8 17 17 AM +8 17 18 AH +8 17 19 K +8 17 20 K +8 17 21 AM +8 17 22 I +8 17 23 AH +8 17 24 AH +8 17 25 K +8 17 26 K +8 17 27 KW +8 17 28 AM +8 17 29 K +8 17 30 I +8 17 31 K +8 17 32 AM +8 17 33 I +8 17 34 K +8 17 35 AM +8 17 36 AH +8 17 37 K +8 17 38 AM +8 17 39 I +8 17 40 K +8 17 41 AM +8 17 42 I +8 17 43 A +8 17 44 I +8 17 45 K +8 17 46 AH +8 17 47 AH +8 17 48 I +8 17 49 K +8 17 50 I +8 17 51 AH +8 17 52 KW +8 17 53 AH +8 17 54 K +8 17 55 K +8 17 56 I +8 17 57 K +8 17 58 I +8 17 59 K +8 17 60 AH +8 17 61 AM +8 17 62 K +8 17 63 I +8 17 64 K +8 17 65 AM +8 17 66 AH +8 17 67 K +8 17 68 AM +8 17 69 AH +8 17 70 K +8 17 71 AH +8 17 72 K +8 17 73 AH +8 17 74 KW +8 17 75 AH +8 17 76 AM +8 17 77 K +8 17 78 I +8 17 79 AH +8 17 80 K +8 17 81 I +8 17 82 K +8 17 83 I +8 17 84 AM +8 17 85 K +8 17 86 AM +8 17 87 AH +8 17 88 I +8 17 89 AH +8 17 90 AH +8 17 91 I +8 17 92 KW +8 17 93 K +8 17 94 AH +8 17 95 K +8 17 96 I +8 17 97 K +8 17 98 AM +8 17 99 AH +8 17 100 K +8 17 101 AM +8 17 102 AH +8 17 103 I +8 17 104 K +8 17 105 AM +8 17 106 KW +8 17 107 KW +8 17 108 K +8 17 109 AH +8 17 110 I +8 17 111 AH +8 17 112 AM +8 17 113 AH +8 17 114 AH +8 17 115 AM +8 17 116 K +8 17 117 AH +8 17 118 AM +8 17 119 K +8 17 120 KW +8 17 121 AM +8 17 122 K +8 17 123 AH +8 17 124 I +8 17 125 AM +8 17 126 AM +8 17 127 AH +8 17 128 I +8 17 129 KW +8 17 130 AH +8 17 131 AH +8 17 132 I +8 17 133 K +8 17 134 AH +8 17 135 AM +8 17 136 K +8 17 137 AH +8 17 138 K +8 17 139 KW +8 17 140 K +8 17 141 KW +8 17 142 KW +8 17 143 I +8 17 144 AH +8 17 145 K +8 17 146 I +8 17 147 K +8 17 148 AM +8 17 149 K +8 17 150 AH +8 17 151 AM +8 17 152 I +8 17 153 K +8 17 154 AH +8 17 155 I +8 17 156 K +8 17 157 I +8 17 158 KW +8 17 159 I +8 17 160 I +8 17 161 K +8 17 162 AM +8 17 163 K +8 17 164 K +8 17 165 AH +8 17 166 AH +8 17 167 I +8 17 168 AH +8 17 169 K +8 17 170 AH +8 17 171 K +8 17 172 KW +8 17 173 AM +8 17 174 I +8 17 175 K +8 17 176 AM +8 17 177 I +8 17 178 AH +8 17 179 AM +8 17 180 K +8 17 181 I +8 17 182 AH +8 17 183 I +8 17 184 K +8 17 185 I +8 17 186 K +8 17 187 I +8 17 188 K +8 17 189 KW +8 17 190 I +8 17 191 K +8 17 192 AH +8 17 193 I +8 17 194 AH +8 17 195 K +8 17 196 K +8 17 197 AH +8 17 198 AH +8 17 199 KW +8 17 200 K +8 17 201 I +8 17 202 K +8 17 203 AM +8 17 204 AH +8 17 205 K +8 17 206 KW +8 17 207 AM +8 17 208 I +8 17 209 AH +8 17 210 AH +8 17 211 K +8 17 212 I +8 17 213 AH +8 17 214 I +8 17 215 AM +8 17 216 AH +8 17 217 I +8 17 218 AH +8 17 219 K +8 17 220 AH +8 17 221 KW +8 17 222 AH +8 17 223 K +8 17 224 KW +8 17 225 AH +8 17 226 K +8 17 227 AH +8 17 228 K +8 17 229 I +8 17 230 KW +8 17 231 AM +8 17 232 AH +8 17 233 K +8 17 234 K +8 17 235 AH +8 17 236 I +8 17 237 AM +8 17 238 K +8 17 239 AM +8 17 240 AH +8 17 241 KW +8 17 242 I +8 17 243 AH +8 17 244 KW +8 17 245 AM +8 17 246 K +8 17 247 AH +8 17 248 AH +8 17 249 AH +8 17 250 K +8 17 251 I +8 17 252 KW +8 17 253 K +8 17 254 K +8 17 255 AH +8 17 256 AM +8 17 257 AH +8 17 258 I +8 17 259 AM +8 17 260 KW +8 17 261 AM +8 17 262 KW +8 17 263 AH +8 17 264 K +8 17 265 AH +8 17 266 AM +8 17 267 AM +8 17 268 K +8 17 269 AH +8 17 270 I +8 17 271 AH +8 17 272 KW +8 17 273 AH +8 17 274 KW +8 17 275 I +8 17 276 I +8 17 277 K +8 17 278 I +8 17 279 K +8 17 280 AH +8 17 281 AH +8 17 282 K +8 17 283 I +8 17 284 KW +8 17 285 I +8 17 286 KW +8 17 287 AH +8 17 288 AM +8 17 289 K +8 17 290 I +8 17 291 K +8 17 292 I +8 17 293 KW +8 17 294 KW +8 17 295 AH +8 17 296 K +8 17 297 I +8 17 298 AM +8 17 299 K +8 17 300 AH +8 17 301 K +8 17 302 I +8 17 303 K +8 17 304 AH +8 17 305 AM +8 17 306 K +8 17 307 K +8 17 308 I +8 17 309 AH +8 17 310 K +8 17 311 AH +8 17 312 AH +8 17 313 K +8 17 314 KW +8 17 315 K +8 17 316 K +8 17 317 AM +8 17 318 I +8 17 319 KW +8 17 320 AH +8 17 321 AM +8 17 322 K +8 17 323 AH +8 17 324 I +8 17 325 AH +8 17 326 I +8 17 327 KW +8 17 328 I +8 17 329 AH +8 17 330 KW +8 18 1 K +8 18 2 A +8 18 3 AM +8 18 4 N +8 18 5 K +8 18 6 KW +8 18 7 K +8 18 8 N +8 18 9 A +8 18 10 N +8 18 11 AH +8 18 12 I +8 18 13 AH +8 18 14 AH +8 18 15 I +8 18 16 KW +8 18 17 AM +8 18 18 AH +8 18 19 A +8 18 20 K +8 18 21 AM +8 18 22 I +8 18 23 N +8 18 24 AH +8 18 25 A +8 18 26 AH +8 18 27 KW +8 18 28 AM +8 18 29 A +8 18 30 AH +8 18 31 A +8 18 32 N +8 18 33 A +8 18 34 A +8 18 35 AM +8 18 36 AH +8 18 37 A +8 18 38 AM +8 18 39 AH +8 18 40 A +8 18 41 AM +8 18 42 I +8 18 43 N +8 18 44 KW +8 18 45 A +8 18 46 AH +8 18 47 A +8 18 48 I +8 18 49 A +8 18 50 N +8 18 51 AH +8 18 52 A +8 18 53 N +8 18 54 A +8 18 55 K +8 18 56 I +8 18 57 A +8 18 58 I +8 18 59 KW +8 18 60 AH +8 18 61 AM +8 18 62 N +8 18 63 AM +8 18 64 A +8 18 65 AM +8 18 66 KW +8 18 67 A +8 18 68 I +8 18 69 A +8 18 70 KW +8 18 71 N +8 18 72 A +8 18 73 N +8 18 74 K +8 18 75 AH +8 18 76 I +8 18 77 K +8 18 78 N +8 18 79 AH +8 18 80 A +8 18 81 A +8 18 82 K +8 18 83 KW +8 18 84 I +8 18 85 A +8 18 86 N +8 18 87 AH +8 18 88 N +8 18 89 AH +8 18 90 AH +8 18 91 I +8 18 92 KW +8 18 93 A +8 18 94 AH +8 18 95 A +8 18 96 I +8 18 97 N +8 18 98 AM +8 18 99 N +8 18 100 A +8 18 101 N +8 18 102 K +8 18 103 AH +8 18 104 K +8 18 105 N +8 18 106 I +8 18 107 KW +8 18 108 A +8 18 109 N +8 18 110 I +8 18 111 AH +8 18 112 AM +8 18 113 AH +8 18 114 A +8 18 115 AM +8 18 116 K +8 18 117 AH +8 18 118 I +8 18 119 A +8 18 120 KW +8 18 121 AM +8 18 122 A +8 18 123 K +8 18 124 A +8 18 125 I +8 18 126 N +8 18 127 AH +8 18 128 A +8 18 129 KW +8 18 130 AH +8 18 131 N +8 18 132 AM +8 18 133 A +8 18 134 AH +8 18 135 N +8 18 136 A +8 18 137 K +8 18 138 K +8 18 139 KW +8 18 140 K +8 18 141 KW +8 18 142 KW +8 18 143 A +8 18 144 N +8 18 145 A +8 18 146 I +8 18 147 A +8 18 148 AM +8 18 149 A +8 18 150 N +8 18 151 AM +8 18 152 N +8 18 153 K +8 18 154 AH +8 18 155 AH +8 18 156 K +8 18 157 AH +8 18 158 KW +8 18 159 A +8 18 160 N +8 18 161 A +8 18 162 AM +8 18 163 K +8 18 164 A +8 18 165 AH +8 18 166 A +8 18 167 N +8 18 168 K +8 18 169 K +8 18 170 AH +8 18 171 A +8 18 172 KW +8 18 173 AM +8 18 174 I +8 18 175 A +8 18 176 AM +8 18 177 A +8 18 178 N +8 18 179 AM +8 18 180 K +8 18 181 N +8 18 182 N +8 18 183 AH +8 18 184 N +8 18 185 I +8 18 186 K +8 18 187 I +8 18 188 A +8 18 189 KW +8 18 190 I +8 18 191 A +8 18 192 N +8 18 193 K +8 18 194 N +8 18 195 A +8 18 196 K +8 18 197 N +8 18 198 AH +8 18 199 A +8 18 200 K +8 18 201 I +8 18 202 A +8 18 203 N +8 18 204 AH +8 18 205 N +8 18 206 KW +8 18 207 AM +8 18 208 AH +8 18 209 A +8 18 210 N +8 18 211 A +8 18 212 I +8 18 213 N +8 18 214 A +8 18 215 N +8 18 216 AH +8 18 217 N +8 18 218 A +8 18 219 KW +8 18 220 N +8 18 221 A +8 18 222 N +8 18 223 A +8 18 224 KW +8 18 225 AH +8 18 226 K +8 18 227 AH +8 18 228 A +8 18 229 K +8 18 230 KW +8 18 231 N +8 18 232 AH +8 18 233 N +8 18 234 A +8 18 235 K +8 18 236 AH +8 18 237 I +8 18 238 A +8 18 239 I +8 18 240 AM +8 18 241 KW +8 18 242 I +8 18 243 AM +8 18 244 KW +8 18 245 AM +8 18 246 A +8 18 247 N +8 18 248 AH +8 18 249 A +8 18 250 N +8 18 251 K +8 18 252 KW +8 18 253 A +8 18 254 K +8 18 255 AH +8 18 256 AM +8 18 257 AH +8 18 258 I +8 18 259 AM +8 18 260 I +8 18 261 AM +8 18 262 KW +8 18 263 AH +8 18 264 KW +8 18 265 A +8 18 266 AM +8 18 267 N +8 18 268 A +8 18 269 N +8 18 270 I +8 18 271 K +8 18 272 KW +8 18 273 N +8 18 274 KW +8 18 275 A +8 18 276 N +8 18 277 K +8 18 278 I +8 18 279 N +8 18 280 A +8 18 281 K +8 18 282 A +8 18 283 AH +8 18 284 KW +8 18 285 I +8 18 286 KW +8 18 287 AH +8 18 288 AM +8 18 289 A +8 18 290 KW +8 18 291 A +8 18 292 I +8 18 293 K +8 18 294 KW +8 18 295 AH +8 18 296 N +8 18 297 I +8 18 298 AM +8 18 299 K +8 18 300 KW +8 18 301 A +8 18 302 KW +8 18 303 A +8 18 304 K +8 18 305 N +8 18 306 A +8 18 307 K +8 18 308 N +8 18 309 AH +8 18 310 K +8 18 311 A +8 18 312 AH +8 18 313 N +8 18 314 KW +8 18 315 A +8 18 316 K +8 18 317 N +8 18 318 I +8 18 319 KW +8 18 320 AH +8 18 321 AM +8 18 322 K +8 18 323 AH +8 18 324 KW +8 18 325 N +8 18 326 I +8 18 327 KW +8 18 328 AH +8 18 329 AH +8 18 330 KW +8 19 1 K +8 19 2 K +8 19 3 NA +8 19 4 N +8 19 5 A +8 19 6 I +8 19 7 A +8 19 8 AM +8 19 9 KW +8 19 10 A +8 19 11 A +8 19 12 I +8 19 13 A +8 19 14 A +8 19 15 NA +8 19 16 KW +8 19 17 AM +8 19 18 AH +8 19 19 A +8 19 20 A +8 19 21 NA +8 19 22 KW +8 19 23 N +8 19 24 A +8 19 25 A +8 19 26 A +8 19 27 KW +8 19 28 NA +8 19 29 A +8 19 30 KW +8 19 31 A +8 19 32 N +8 19 33 A +8 19 34 A +8 19 35 NA +8 19 36 A +8 19 37 A +8 19 38 AM +8 19 39 AH +8 19 40 A +8 19 41 N +8 19 42 KW +8 19 43 A +8 19 44 KW +8 19 45 A +8 19 46 AH +8 19 47 A +8 19 48 KW +8 19 49 KW +8 19 50 N +8 19 51 KW +8 19 52 KW +8 19 53 N +8 19 54 A +8 19 55 A +8 19 56 KW +8 19 57 A +8 19 58 A +8 19 59 KW +8 19 60 A +8 19 61 N +8 19 62 K +8 19 63 KW +8 19 64 A +8 19 65 NA +8 19 66 KW +8 19 67 A +8 19 68 AM +8 19 69 A +8 19 70 KW +8 19 71 N +8 19 72 A +8 19 73 N +8 19 74 KW +8 19 75 A +8 19 76 AM +8 19 77 A +8 19 78 KW +8 19 79 AH +8 19 80 A +8 19 81 A +8 19 82 KW +8 19 83 KW +8 19 84 KW +8 19 85 A +8 19 86 AM +8 19 87 A +8 19 88 AM +8 19 89 AH +8 19 90 A +8 19 91 KW +8 19 92 KW +8 19 93 A +8 19 94 A +8 19 95 KW +8 19 96 I +8 19 97 N +8 19 98 AM +8 19 99 KW +8 19 100 KW +8 19 101 N +8 19 102 KW +8 19 103 A +8 19 104 KW +8 19 105 N +8 19 106 KW +8 19 107 KW +8 19 108 KW +8 19 109 A +8 19 110 I +8 19 111 A +8 19 112 AM +8 19 113 AH +8 19 114 A +8 19 115 AM +8 19 116 KW +8 19 117 A +8 19 118 AM +8 19 119 A +8 19 120 KW +8 19 121 AM +8 19 122 A +8 19 123 A +8 19 124 I +8 19 125 AM +8 19 126 KW +8 19 127 A +8 19 128 I +8 19 129 KW +8 19 130 A +8 19 131 N +8 19 132 AM +8 19 133 A +8 19 134 AH +8 19 135 AM +8 19 136 A +8 19 137 A +8 19 138 KW +8 19 139 KW +8 19 140 A +8 19 141 KW +8 19 142 KW +8 19 143 A +8 19 144 N +8 19 145 KW +8 19 146 I +8 19 147 A +8 19 148 AM +8 19 149 KW +8 19 150 N +8 19 151 KW +8 19 152 N +8 19 153 A +8 19 154 AH +8 19 155 AH +8 19 156 A +8 19 157 KW +8 19 158 KW +8 19 159 I +8 19 160 KW +8 19 161 A +8 19 162 AM +8 19 163 A +8 19 164 A +8 19 165 AH +8 19 166 AH +8 19 167 KW +8 19 168 AH +8 19 169 A +8 19 170 AH +8 19 171 A +8 19 172 KW +8 19 173 AM +8 19 174 I +8 19 175 KW +8 19 176 AM +8 19 177 I +8 19 178 A +8 19 179 N +8 19 180 KW +8 19 181 I +8 19 182 N +8 19 183 A +8 19 184 N +8 19 185 I +8 19 186 KW +8 19 187 I +8 19 188 A +8 19 189 KW +8 19 190 KW +8 19 191 AH +8 19 192 N +8 19 193 I +8 19 194 A +8 19 195 A +8 19 196 KW +8 19 197 N +8 19 198 AH +8 19 199 KW +8 19 200 KW +8 19 201 KW +8 19 202 A +8 19 203 AM +8 19 204 AH +8 19 205 N +8 19 206 KW +8 19 207 AM +8 19 208 A +8 19 209 AH +8 19 210 N +8 19 211 A +8 19 212 I +8 19 213 KW +8 19 214 I +8 19 215 KW +8 19 216 A +8 19 217 KW +8 19 218 A +8 19 219 KW +8 19 220 A +8 19 221 KW +8 19 222 N +8 19 223 A +8 19 224 KW +8 19 225 I +8 19 226 A +8 19 227 AH +8 19 228 A +8 19 229 KW +8 19 230 KW +8 19 231 N +8 19 232 AH +8 19 233 A +8 19 234 A +8 19 235 AH +8 19 236 A +8 19 237 NA +8 19 238 K +8 19 239 AM +8 19 240 AH +8 19 241 KW +8 19 242 I +8 19 243 N +8 19 244 KW +8 19 245 AM +8 19 246 A +8 19 247 AH +8 19 248 AH +8 19 249 AH +8 19 250 N +8 19 251 A +8 19 252 KW +8 19 253 A +8 19 254 KW +8 19 255 AH +8 19 256 AM +8 19 257 A +8 19 258 I +8 19 259 N +8 19 260 KW +8 19 261 NA +8 19 262 KW +8 19 263 KW +8 19 264 K +8 19 265 A +8 19 266 N +8 19 267 N +8 19 268 A +8 19 269 N +8 19 270 I +8 19 271 AH +8 19 272 KW +8 19 273 KW +8 19 274 KW +8 19 275 I +8 19 276 AM +8 19 277 A +8 19 278 NA +8 19 279 A +8 19 280 I +8 19 281 A +8 19 282 A +8 19 283 AH +8 19 284 KW +8 19 285 A +8 19 286 KW +8 19 287 I +8 19 288 AM +8 19 289 KW +8 19 290 KW +8 19 291 A +8 19 292 KW +8 19 293 KW +8 19 294 KW +8 19 295 AH +8 19 296 N +8 19 297 I +8 19 298 AM +8 19 299 A +8 19 300 KW +8 19 301 A +8 19 302 KW +8 19 303 KW +8 19 304 A +8 19 305 N +8 19 306 A +8 19 307 A +8 19 308 N +8 19 309 I +8 19 310 A +8 19 311 K +8 19 312 AH +8 19 313 N +8 19 314 KW +8 19 315 A +8 19 316 K +8 19 317 AM +8 19 318 NA +8 19 319 KW +8 19 320 A +8 19 321 AM +8 19 322 K +8 19 323 A +8 19 324 KW +8 19 325 N +8 19 326 I +8 19 327 KW +8 19 328 A +8 19 329 I +8 19 330 KW +8 20 1 K +8 20 2 K +8 20 3 AM +8 20 4 N +8 20 5 K +8 20 6 KW +8 20 7 I +8 20 8 AM +8 20 9 I +8 20 10 K +8 20 11 A +8 20 12 I +8 20 13 K +8 20 14 AH +8 20 15 I +8 20 16 KW +8 20 17 AM +8 20 18 AH +8 20 19 K +8 20 20 AH +8 20 21 AM +8 20 22 I +8 20 23 AM +8 20 24 AH +8 20 25 K +8 20 26 K +8 20 27 KW +8 20 28 AM +8 20 29 K +8 20 30 I +8 20 31 K +8 20 32 AM +8 20 33 I +8 20 34 K +8 20 35 I +8 20 36 K +8 20 37 K +8 20 38 AM +8 20 39 K +8 20 40 AH +8 20 41 AM +8 20 42 I +8 20 43 K +8 20 44 KW +8 20 45 K +8 20 46 AH +8 20 47 K +8 20 48 I +8 20 49 K +8 20 50 AH +8 20 51 AH +8 20 52 KW +8 20 53 AM +8 20 54 I +8 20 55 K +8 20 56 KW +8 20 57 K +8 20 58 I +8 20 59 KW +8 20 60 K +8 20 61 AM +8 20 62 KW +8 20 63 AM +8 20 64 K +8 20 65 AM +8 20 66 KW +8 20 67 K +8 20 68 AM +8 20 69 AH +8 20 70 KW +8 20 71 AM +8 20 72 K +8 20 73 AM +8 20 74 K +8 20 75 AH +8 20 76 AM +8 20 77 K +8 20 78 AM +8 20 79 AH +8 20 80 K +8 20 81 I +8 20 82 K +8 20 83 KW +8 20 84 AM +8 20 85 K +8 20 86 AM +8 20 87 AH +8 20 88 AM +8 20 89 AH +8 20 90 K +8 20 91 I +8 20 92 KW +8 20 93 K +8 20 94 AH +8 20 95 KW +8 20 96 I +8 20 97 K +8 20 98 AM +8 20 99 AH +8 20 100 K +8 20 101 AM +8 20 102 AH +8 20 103 I +8 20 104 K +8 20 105 AM +8 20 106 I +8 20 107 KW +8 20 108 AH +8 20 109 K +8 20 110 I +8 20 111 AH +8 20 112 AM +8 20 113 AH +8 20 114 K +8 20 115 AM +8 20 116 KW +8 20 117 AH +8 20 118 AM +8 20 119 K +8 20 120 KW +8 20 121 AM +8 20 122 K +8 20 123 AH +8 20 124 I +8 20 125 AM +8 20 126 AH +8 20 127 AH +8 20 128 I +8 20 129 I +8 20 130 AH +8 20 131 AM +8 20 132 AH +8 20 133 K +8 20 134 AH +8 20 135 AM +8 20 136 K +8 20 137 AH +8 20 138 K +8 20 139 AH +8 20 140 K +8 20 141 KW +8 20 142 AH +8 20 143 I +8 20 144 AH +8 20 145 K +8 20 146 I +8 20 147 K +8 20 148 AM +8 20 149 I +8 20 150 AH +8 20 151 AM +8 20 152 AH +8 20 153 K +8 20 154 AH +8 20 155 I +8 20 156 K +8 20 157 A +8 20 158 KW +8 20 159 I +8 20 160 AM +8 20 161 K +8 20 162 AM +8 20 163 K +8 20 164 KW +8 20 165 I +8 20 166 AH +8 20 167 I +8 20 168 K +8 20 169 K +8 20 170 AH +8 20 171 I +8 20 172 KW +8 20 173 AM +8 20 174 I +8 20 175 AH +8 20 176 AM +8 20 177 I +8 20 178 K +8 20 179 AH +8 20 180 K +8 20 181 I +8 20 182 AM +8 20 183 AH +8 20 184 AH +8 20 185 I +8 20 186 K +8 20 187 I +8 20 188 K +8 20 189 KW +8 20 190 AM +8 20 191 AH +8 20 192 I +8 20 193 I +8 20 194 AH +8 20 195 K +8 20 196 AH +8 20 197 AM +8 20 198 AH +8 20 199 KW +8 20 200 K +8 20 201 AM +8 20 202 K +8 20 203 AM +8 20 204 AH +8 20 205 K +8 20 206 KW +8 20 207 AM +8 20 208 I +8 20 209 AH +8 20 210 AH +8 20 211 K +8 20 212 I +8 20 213 AH +8 20 214 I +8 20 215 AM +8 20 216 AH +8 20 217 I +8 20 218 AH +8 20 219 KW +8 20 220 K +8 20 221 KW +8 20 222 A +8 20 223 K +8 20 224 KW +8 20 225 AH +8 20 226 K +8 20 227 AH +8 20 228 K +8 20 229 A +8 20 230 KW +8 20 231 AM +8 20 232 AH +8 20 233 K +8 20 234 AH +8 20 235 K +8 20 236 I +8 20 237 AH +8 20 238 K +8 20 239 AM +8 20 240 AH +8 20 241 KW +8 20 242 I +8 20 243 N +8 20 244 KW +8 20 245 AM +8 20 246 K +8 20 247 AH +8 20 248 I +8 20 249 K +8 20 250 A +8 20 251 I +8 20 252 KW +8 20 253 K +8 20 254 KW +8 20 255 AH +8 20 256 AM +8 20 257 K +8 20 258 I +8 20 259 AM +8 20 260 I +8 20 261 A +8 20 262 KW +8 20 263 AH +8 20 264 K +8 20 265 A +8 20 266 AM +8 20 267 A +8 20 268 K +8 20 269 AM +8 20 270 I +8 20 271 AH +8 20 272 KW +8 20 273 A +8 20 274 KW +8 20 275 A +8 20 276 AM +8 20 277 A +8 20 278 AM +8 20 279 K +8 20 280 A +8 20 281 K +8 20 282 A +8 20 283 AH +8 20 284 KW +8 20 285 AH +8 20 286 KW +8 20 287 I +8 20 288 AM +8 20 289 A +8 20 290 KW +8 20 291 K +8 20 292 A +8 20 293 K +8 20 294 KW +8 20 295 AH +8 20 296 N +8 20 297 I +8 20 298 AM +8 20 299 A +8 20 300 AH +8 20 301 K +8 20 302 KW +8 20 303 AH +8 20 304 A +8 20 305 I +8 20 306 I +8 20 307 K +8 20 308 A +8 20 309 AH +8 20 310 K +8 20 311 AH +8 20 312 A +8 20 313 K +8 20 314 KW +8 20 315 A +8 20 316 K +8 20 317 AM +8 20 318 AH +8 20 319 KW +8 20 320 A +8 20 321 AM +8 20 322 K +8 20 323 A +8 20 324 KW +8 20 325 AM +8 20 326 I +8 20 327 AH +8 20 328 A +8 20 329 AH +8 20 330 KW +8 21 1 K +8 21 2 AH +8 21 3 AM +8 21 4 AH +8 21 5 I +8 21 6 I +8 21 7 K +8 21 8 AM +8 21 9 I +8 21 10 N +8 21 11 AH +8 21 12 I +8 21 13 K +8 21 14 AH +8 21 15 NA +8 21 16 KW +8 21 17 AM +8 21 18 AH +8 21 19 K +8 21 20 I +8 21 21 AM +8 21 22 I +8 21 23 N +8 21 24 AH +8 21 25 K +8 21 26 N +8 21 27 I +8 21 28 AM +8 21 29 K +8 21 30 AM +8 21 31 AH +8 21 32 AM +8 21 33 AH +8 21 34 N +8 21 35 AM +8 21 36 N +8 21 37 K +8 21 38 AM +8 21 39 A +8 21 40 A +8 21 41 AM +8 21 42 I +8 21 43 N +8 21 44 KW +8 21 45 K +8 21 46 AH +8 21 47 AH +8 21 48 I +8 21 49 AH +8 21 50 N +8 21 51 AH +8 21 52 KW +8 21 53 AM +8 21 54 AH +8 21 55 A +8 21 56 I +8 21 57 N +8 21 58 I +8 21 59 KW +8 21 60 A +8 21 61 AM +8 21 62 N +8 21 63 I +8 21 64 A +8 21 65 AM +8 21 66 I +8 21 67 A +8 21 68 AM +8 21 69 A +8 21 70 KW +8 21 71 N +8 21 72 A +8 21 73 N +8 21 74 A +8 21 75 AH +8 21 76 I +8 21 77 A +8 21 78 I +8 21 79 A +8 21 80 K +8 21 81 I +8 21 82 A +8 21 83 I +8 21 84 I +8 21 85 A +8 21 86 AM +8 21 87 AH +8 21 88 AM +8 21 89 AH +8 21 90 A +8 21 91 I +8 21 92 I +8 21 93 K +8 21 94 AH +8 21 95 I +8 21 96 I +8 21 97 N +8 21 98 AM +8 21 99 I +8 21 100 A +8 21 101 AM +8 21 102 NA +8 21 103 A +8 21 104 A +8 21 105 AM +8 21 106 I +8 21 107 KW +8 21 108 A +8 21 109 K +8 21 110 I +8 21 111 A +8 21 112 AM +8 21 113 AH +8 21 114 I +8 21 115 AM +8 21 116 NA +8 21 117 AH +8 21 118 I +8 21 119 K +8 21 120 KW +8 21 121 I +8 21 122 A +8 21 123 A +8 21 124 I +8 21 125 NA +8 21 126 I +8 21 127 AH +8 21 128 I +8 21 129 KW +8 21 130 A +8 21 131 N +8 21 132 AM +8 21 133 A +8 21 134 A +8 21 135 AM +8 21 136 A +8 21 137 A +8 21 138 NA +8 21 139 KW +8 21 140 K +8 21 141 KW +8 21 142 NA +8 21 143 I +8 21 144 N +8 21 145 A +8 21 146 I +8 21 147 K +8 21 148 AM +8 21 149 K +8 21 150 N +8 21 151 I +8 21 152 N +8 21 153 A +8 21 154 AH +8 21 155 AH +8 21 156 A +8 21 157 A +8 21 158 KW +8 21 159 I +8 21 160 AM +8 21 161 K +8 21 162 AM +8 21 163 K +8 21 164 K +8 21 165 A +8 21 166 N +8 21 167 N +8 21 168 A +8 21 169 K +8 21 170 AH +8 21 171 A +8 21 172 KW +8 21 173 AM +8 21 174 I +8 21 175 A +8 21 176 AM +8 21 177 I +8 21 178 K +8 21 179 A +8 21 180 K +8 21 181 I +8 21 182 N +8 21 183 A +8 21 184 N +8 21 185 I +8 21 186 A +8 21 187 I +8 21 188 K +8 21 189 K +8 21 190 I +8 21 191 A +8 21 192 N +8 21 193 I +8 21 194 N +8 21 195 A +8 21 196 I +8 21 197 N +8 21 198 AH +8 21 199 I +8 21 200 A +8 21 201 I +8 21 202 A +8 21 203 AM +8 21 204 AH +8 21 205 N +8 21 206 I +8 21 207 AM +8 21 208 I +8 21 209 A +8 21 210 I +8 21 211 K +8 21 212 I +8 21 213 N +8 21 214 I +8 21 215 AM +8 21 216 A +8 21 217 AM +8 21 218 A +8 21 219 KW +8 21 220 K +8 21 221 A +8 21 222 N +8 21 223 A +8 21 224 KW +8 21 225 A +8 21 226 N +8 21 227 A +8 21 228 N +8 21 229 I +8 21 230 KW +8 21 231 AM +8 21 232 A +8 21 233 N +8 21 234 A +8 21 235 N +8 21 236 I +8 21 237 I +8 21 238 A +8 21 239 AM +8 21 240 A +8 21 241 KW +8 21 242 I +8 21 243 N +8 21 244 KW +8 21 245 AM +8 21 246 K +8 21 247 N +8 21 248 A +8 21 249 A +8 21 250 N +8 21 251 A +8 21 252 I +8 21 253 A +8 21 254 N +8 21 255 AH +8 21 256 AM +8 21 257 N +8 21 258 I +8 21 259 AM +8 21 260 I +8 21 261 I +8 21 262 KW +8 21 263 AH +8 21 264 A +8 21 265 A +8 21 266 I +8 21 267 N +8 21 268 A +8 21 269 AM +8 21 270 I +8 21 271 A +8 21 272 KW +8 21 273 N +8 21 274 KW +8 21 275 A +8 21 276 AM +8 21 277 AH +8 21 278 AM +8 21 279 N +8 21 280 A +8 21 281 A +8 21 282 A +8 21 283 I +8 21 284 KW +8 21 285 I +8 21 286 KW +8 21 287 I +8 21 288 AM +8 21 289 A +8 21 290 I +8 21 291 N +8 21 292 I +8 21 293 A +8 21 294 KW +8 21 295 A +8 21 296 N +8 21 297 I +8 21 298 AM +8 21 299 K +8 21 300 AH +8 21 301 A +8 21 302 I +8 21 303 N +8 21 304 A +8 21 305 N +8 21 306 I +8 21 307 K +8 21 308 N +8 21 309 A +8 21 310 K +8 21 311 N +8 21 312 AH +8 21 313 N +8 21 314 KW +8 21 315 A +8 21 316 A +8 21 317 AM +8 21 318 I +8 21 319 KW +8 21 320 A +8 21 321 AM +8 21 322 K +8 21 323 A +8 21 324 KW +8 21 325 N +8 21 326 I +8 21 327 I +8 21 328 A +8 21 329 I +8 21 330 NA +8 22 1 AH +8 22 2 I +8 22 3 AM +8 22 4 I +8 22 5 N +8 22 6 I +8 22 7 A +8 22 8 AH +8 22 9 N +8 22 10 A +8 22 11 A +8 22 12 I +8 22 13 A +8 22 14 A +8 22 15 N +8 22 16 KW +8 22 17 AM +8 22 18 AH +8 22 19 A +8 22 20 A +8 22 21 AM +8 22 22 I +8 22 23 AH +8 22 24 AH +8 22 25 A +8 22 26 A +8 22 27 KW +8 22 28 N +8 22 29 A +8 22 30 AM +8 22 31 A +8 22 32 N +8 22 33 A +8 22 34 A +8 22 35 AM +8 22 36 A +8 22 37 A +8 22 38 AM +8 22 39 A +8 22 40 A +8 22 41 AM +8 22 42 AH +8 22 43 N +8 22 44 KW +8 22 45 A +8 22 46 AH +8 22 47 A +8 22 48 I +8 22 49 A +8 22 50 AH +8 22 51 AH +8 22 52 KW +8 22 53 AM +8 22 54 AH +8 22 55 A +8 22 56 KW +8 22 57 A +8 22 58 I +8 22 59 KW +8 22 60 A +8 22 61 AM +8 22 62 A +8 22 63 AM +8 22 64 A +8 22 65 AM +8 22 66 KW +8 22 67 A +8 22 68 AM +8 22 69 AH +8 22 70 A +8 22 71 AH +8 22 72 A +8 22 73 A +8 22 74 A +8 22 75 AH +8 22 76 AM +8 22 77 A +8 22 78 KW +8 22 79 AH +8 22 80 A +8 22 81 A +8 22 82 A +8 22 83 KW +8 22 84 AH +8 22 85 A +8 22 86 AM +8 22 87 AH +8 22 88 AM +8 22 89 AH +8 22 90 I +8 22 91 A +8 22 92 KW +8 22 93 A +8 22 94 AH +8 22 95 A +8 22 96 I +8 22 97 AH +8 22 98 AM +8 22 99 AH +8 22 100 A +8 22 101 AM +8 22 102 NA +8 22 103 AH +8 22 104 A +8 22 105 AH +8 22 106 KW +8 22 107 KW +8 22 108 KW +8 22 109 AH +8 22 110 AM +8 22 111 AH +8 22 112 AM +8 22 113 AH +8 22 114 A +8 22 115 AM +8 22 116 A +8 22 117 AH +8 22 118 AM +8 22 119 A +8 22 120 KW +8 22 121 AM +8 22 122 A +8 22 123 A +8 22 124 A +8 22 125 AM +8 22 126 AM +8 22 127 AH +8 22 128 I +8 22 129 KW +8 22 130 AH +8 22 131 N +8 22 132 AM +8 22 133 A +8 22 134 AH +8 22 135 N +8 22 136 A +8 22 137 AH +8 22 138 A +8 22 139 KW +8 22 140 AH +8 22 141 KW +8 22 142 KW +8 22 143 A +8 22 144 AH +8 22 145 A +8 22 146 I +8 22 147 A +8 22 148 AM +8 22 149 A +8 22 150 AH +8 22 151 AM +8 22 152 AH +8 22 153 A +8 22 154 AH +8 22 155 AH +8 22 156 A +8 22 157 AH +8 22 158 KW +8 22 159 I +8 22 160 AM +8 22 161 A +8 22 162 AM +8 22 163 A +8 22 164 A +8 22 165 AH +8 22 166 AH +8 22 167 A +8 22 168 AH +8 22 169 A +8 22 170 AH +8 22 171 AH +8 22 172 KW +8 22 173 AM +8 22 174 AM +8 22 175 A +8 22 176 AM +8 22 177 I +8 22 178 AH +8 22 179 AH +8 22 180 A +8 22 181 A +8 22 182 AH +8 22 183 AH +8 22 184 A +8 22 185 N +8 22 186 A +8 22 187 AM +8 22 188 A +8 22 189 A +8 22 190 AH +8 22 191 A +8 22 192 N +8 22 193 KW +8 22 194 AH +8 22 195 A +8 22 196 A +8 22 197 AH +8 22 198 AH +8 22 199 A +8 22 200 A +8 22 201 AM +8 22 202 A +8 22 203 AM +8 22 204 AH +8 22 205 N +8 22 206 A +8 22 207 AM +8 22 208 AH +8 22 209 A +8 22 210 AH +8 22 211 A +8 22 212 AM +8 22 213 A +8 22 214 A +8 22 215 AH +8 22 216 AH +8 22 217 NA +8 22 218 A +8 22 219 A +8 22 220 A +8 22 221 A +8 22 222 AH +8 22 223 A +8 22 224 KW +8 22 225 N +8 22 226 A +8 22 227 AH +8 22 228 A +8 22 229 A +8 22 230 KW +8 22 231 AH +8 22 232 AH +8 22 233 A +8 22 234 A +8 22 235 A +8 22 236 A +8 22 237 KW +8 22 238 A +8 22 239 AM +8 22 240 AH +8 22 241 KW +8 22 242 KW +8 22 243 AH +8 22 244 KW +8 22 245 AM +8 22 246 A +8 22 247 AH +8 22 248 AH +8 22 249 A +8 22 250 A +8 22 251 A +8 22 252 KW +8 22 253 A +8 22 254 A +8 22 255 AH +8 22 256 AM +8 22 257 A +8 22 258 I +8 22 259 AH +8 22 260 KW +8 22 261 AM +8 22 262 KW +8 22 263 AH +8 22 264 A +8 22 265 A +8 22 266 AM +8 22 267 A +8 22 268 A +8 22 269 A +8 22 270 AM +8 22 271 AH +8 22 272 KW +8 22 273 A +8 22 274 KW +8 22 275 I +8 22 276 AM +8 22 277 A +8 22 278 AM +8 22 279 A +8 22 280 A +8 22 281 A +8 22 282 A +8 22 283 AH +8 22 284 KW +8 22 285 KW +8 22 286 KW +8 22 287 AH +8 22 288 AM +8 22 289 A +8 22 290 KW +8 22 291 A +8 22 292 KW +8 22 293 A +8 22 294 KW +8 22 295 AH +8 22 296 A +8 22 297 I +8 22 298 AM +8 22 299 A +8 22 300 A +8 22 301 A +8 22 302 KW +8 22 303 A +8 22 304 AH +8 22 305 AH +8 22 306 A +8 22 307 A +8 22 308 A +8 22 309 AH +8 22 310 A +8 22 311 A +8 22 312 AH +8 22 313 A +8 22 314 KW +8 22 315 A +8 22 316 A +8 22 317 AH +8 22 318 AM +8 22 319 KW +8 22 320 AH +8 22 321 AM +8 22 322 A +8 22 323 A +8 22 324 KW +8 22 325 A +8 22 326 I +8 22 327 KW +8 22 328 AH +8 22 329 AH +8 22 330 KW +8 23 1 KW +8 23 2 A +8 23 3 AM +8 23 4 K +8 23 5 KW +8 23 6 I +8 23 7 K +8 23 8 AM +8 23 9 AH +8 23 10 K +8 23 11 AH +8 23 12 I +8 23 13 K +8 23 14 AH +8 23 15 I +8 23 16 KW +8 23 17 AM +8 23 18 AH +8 23 19 K +8 23 20 K +8 23 21 AM +8 23 22 I +8 23 23 K +8 23 24 AH +8 23 25 AH +8 23 26 K +8 23 27 KW +8 23 28 AM +8 23 29 I +8 23 30 KW +8 23 31 K +8 23 32 AM +8 23 33 K +8 23 34 K +8 23 35 AM +8 23 36 K +8 23 37 AH +8 23 38 AM +8 23 39 K +8 23 40 K +8 23 41 AM +8 23 42 I +8 23 43 AH +8 23 44 NA +8 23 45 K +8 23 46 AH +8 23 47 AH +8 23 48 I +8 23 49 K +8 23 50 KW +8 23 51 N +8 23 52 KW +8 23 53 AM +8 23 54 K +8 23 55 K +8 23 56 I +8 23 57 K +8 23 58 AH +8 23 59 I +8 23 60 AH +8 23 61 NA +8 23 62 K +8 23 63 AM +8 23 64 K +8 23 65 AM +8 23 66 KW +8 23 67 KW +8 23 68 AM +8 23 69 AH +8 23 70 KW +8 23 71 AH +8 23 72 K +8 23 73 I +8 23 74 KW +8 23 75 AH +8 23 76 AM +8 23 77 K +8 23 78 KW +8 23 79 AH +8 23 80 AH +8 23 81 I +8 23 82 KW +8 23 83 KW +8 23 84 NA +8 23 85 AH +8 23 86 NA +8 23 87 AH +8 23 88 AM +8 23 89 K +8 23 90 AH +8 23 91 I +8 23 92 KW +8 23 93 K +8 23 94 AH +8 23 95 KW +8 23 96 I +8 23 97 AH +8 23 98 AM +8 23 99 KW +8 23 100 KW +8 23 101 AM +8 23 102 AH +8 23 103 I +8 23 104 KW +8 23 105 K +8 23 106 I +8 23 107 KW +8 23 108 KW +8 23 109 I +8 23 110 I +8 23 111 K +8 23 112 AM +8 23 113 AH +8 23 114 AH +8 23 115 AM +8 23 116 KW +8 23 117 AH +8 23 118 AM +8 23 119 K +8 23 120 KW +8 23 121 AM +8 23 122 K +8 23 123 K +8 23 124 I +8 23 125 AM +8 23 126 AM +8 23 127 AH +8 23 128 I +8 23 129 KW +8 23 130 AH +8 23 131 AH +8 23 132 AM +8 23 133 K +8 23 134 AH +8 23 135 AM +8 23 136 K +8 23 137 K +8 23 138 KW +8 23 139 KW +8 23 140 K +8 23 141 KW +8 23 142 KW +8 23 143 I +8 23 144 AH +8 23 145 NA +8 23 146 I +8 23 147 K +8 23 148 AM +8 23 149 K +8 23 150 AH +8 23 151 AM +8 23 152 KW +8 23 153 K +8 23 154 K +8 23 155 K +8 23 156 AH +8 23 157 KW +8 23 158 KW +8 23 159 I +8 23 160 AM +8 23 161 K +8 23 162 AM +8 23 163 I +8 23 164 I +8 23 165 I +8 23 166 AH +8 23 167 KW +8 23 168 K +8 23 169 AH +8 23 170 AH +8 23 171 AH +8 23 172 KW +8 23 173 AM +8 23 174 I +8 23 175 KW +8 23 176 AM +8 23 177 I +8 23 178 K +8 23 179 AH +8 23 180 K +8 23 181 AH +8 23 182 I +8 23 183 N +8 23 184 AH +8 23 185 I +8 23 186 K +8 23 187 I +8 23 188 K +8 23 189 KW +8 23 190 AM +8 23 191 AH +8 23 192 AH +8 23 193 I +8 23 194 AH +8 23 195 K +8 23 196 KW +8 23 197 I +8 23 198 I +8 23 199 KW +8 23 200 K +8 23 201 AM +8 23 202 K +8 23 203 AM +8 23 204 AH +8 23 205 K +8 23 206 KW +8 23 207 AM +8 23 208 I +8 23 209 K +8 23 210 AH +8 23 211 K +8 23 212 AM +8 23 213 I +8 23 214 I +8 23 215 I +8 23 216 AH +8 23 217 KW +8 23 218 I +8 23 219 KW +8 23 220 K +8 23 221 KW +8 23 222 K +8 23 223 K +8 23 224 KW +8 23 225 I +8 23 226 K +8 23 227 AH +8 23 228 AH +8 23 229 KW +8 23 230 KW +8 23 231 AM +8 23 232 I +8 23 233 AH +8 23 234 AH +8 23 235 AH +8 23 236 I +8 23 237 AM +8 23 238 AH +8 23 239 AM +8 23 240 I +8 23 241 KW +8 23 242 I +8 23 243 AH +8 23 244 KW +8 23 245 AM +8 23 246 K +8 23 247 K +8 23 248 AH +8 23 249 AH +8 23 250 AH +8 23 251 A +8 23 252 KW +8 23 253 KW +8 23 254 AH +8 23 255 AH +8 23 256 AM +8 23 257 K +8 23 258 I +8 23 259 AM +8 23 260 I +8 23 261 AM +8 23 262 KW +8 23 263 KW +8 23 264 KW +8 23 265 K +8 23 266 I +8 23 267 AH +8 23 268 K +8 23 269 AM +8 23 270 I +8 23 271 AH +8 23 272 KW +8 23 273 I +8 23 274 KW +8 23 275 I +8 23 276 AM +8 23 277 K +8 23 278 AM +8 23 279 K +8 23 280 K +8 23 281 K +8 23 282 K +8 23 283 AH +8 23 284 KW +8 23 285 I +8 23 286 KW +8 23 287 I +8 23 288 AM +8 23 289 K +8 23 290 KW +8 23 291 K +8 23 292 AM +8 23 293 NA +8 23 294 KW +8 23 295 AH +8 23 296 AH +8 23 297 I +8 23 298 AM +8 23 299 K +8 23 300 K +8 23 301 K +8 23 302 KW +8 23 303 KW +8 23 304 K +8 23 305 K +8 23 306 I +8 23 307 K +8 23 308 AH +8 23 309 I +8 23 310 K +8 23 311 K +8 23 312 AH +8 23 313 AH +8 23 314 KW +8 23 315 I +8 23 316 AH +8 23 317 I +8 23 318 NA +8 23 319 KW +8 23 320 K +8 23 321 AM +8 23 322 KW +8 23 323 AH +8 23 324 KW +8 23 325 AH +8 23 326 I +8 23 327 KW +8 23 328 AH +8 23 329 AH +8 23 330 KW +8 24 1 K +8 24 2 KW +8 24 3 AM +8 24 4 N +8 24 5 KW +8 24 6 I +8 24 7 I +8 24 8 N +8 24 9 A +8 24 10 AH +8 24 11 AH +8 24 12 I +8 24 13 AH +8 24 14 AH +8 24 15 A +8 24 16 KW +8 24 17 AM +8 24 18 AH +8 24 19 K +8 24 20 K +8 24 21 AM +8 24 22 I +8 24 23 N +8 24 24 AH +8 24 25 K +8 24 26 AH +8 24 27 KW +8 24 28 N +8 24 29 K +8 24 30 AH +8 24 31 K +8 24 32 AM +8 24 33 K +8 24 34 AH +8 24 35 AM +8 24 36 AH +8 24 37 K +8 24 38 AM +8 24 39 K +8 24 40 K +8 24 41 AM +8 24 42 I +8 24 43 AH +8 24 44 KW +8 24 45 K +8 24 46 AH +8 24 47 AH +8 24 48 I +8 24 49 K +8 24 50 AH +8 24 51 AH +8 24 52 KW +8 24 53 AM +8 24 54 A +8 24 55 K +8 24 56 A +8 24 57 AH +8 24 58 A +8 24 59 KW +8 24 60 A +8 24 61 AH +8 24 62 N +8 24 63 AM +8 24 64 K +8 24 65 AM +8 24 66 KW +8 24 67 K +8 24 68 AH +8 24 69 A +8 24 70 KW +8 24 71 AH +8 24 72 K +8 24 73 AH +8 24 74 KW +8 24 75 A +8 24 76 AM +8 24 77 K +8 24 78 AH +8 24 79 AH +8 24 80 K +8 24 81 I +8 24 82 K +8 24 83 KW +8 24 84 A +8 24 85 K +8 24 86 AM +8 24 87 AH +8 24 88 AM +8 24 89 AH +8 24 90 A +8 24 91 K +8 24 92 KW +8 24 93 K +8 24 94 AH +8 24 95 K +8 24 96 I +8 24 97 AH +8 24 98 AM +8 24 99 A +8 24 100 K +8 24 101 AM +8 24 102 AH +8 24 103 A +8 24 104 K +8 24 105 I +8 24 106 I +8 24 107 KW +8 24 108 KW +8 24 109 AH +8 24 110 I +8 24 111 AH +8 24 112 AM +8 24 113 AH +8 24 114 A +8 24 115 AM +8 24 116 K +8 24 117 AH +8 24 118 AM +8 24 119 K +8 24 120 KW +8 24 121 AM +8 24 122 K +8 24 123 A +8 24 124 K +8 24 125 AM +8 24 126 I +8 24 127 AH +8 24 128 I +8 24 129 KW +8 24 130 AH +8 24 131 AH +8 24 132 AM +8 24 133 K +8 24 134 AH +8 24 135 AM +8 24 136 K +8 24 137 A +8 24 138 K +8 24 139 KW +8 24 140 K +8 24 141 KW +8 24 142 KW +8 24 143 K +8 24 144 AH +8 24 145 K +8 24 146 I +8 24 147 K +8 24 148 AM +8 24 149 K +8 24 150 AH +8 24 151 AM +8 24 152 AH +8 24 153 K +8 24 154 AH +8 24 155 AH +8 24 156 K +8 24 157 AH +8 24 158 KW +8 24 159 K +8 24 160 AM +8 24 161 K +8 24 162 AM +8 24 163 K +8 24 164 K +8 24 165 AH +8 24 166 AH +8 24 167 AH +8 24 168 K +8 24 169 K +8 24 170 AH +8 24 171 AH +8 24 172 KW +8 24 173 AM +8 24 174 AH +8 24 175 K +8 24 176 AM +8 24 177 I +8 24 178 AH +8 24 179 AM +8 24 180 K +8 24 181 AH +8 24 182 AM +8 24 183 AH +8 24 184 AH +8 24 185 I +8 24 186 K +8 24 187 I +8 24 188 K +8 24 189 K +8 24 190 AH +8 24 191 K +8 24 192 AH +8 24 193 I +8 24 194 AM +8 24 195 AH +8 24 196 K +8 24 197 AH +8 24 198 AH +8 24 199 K +8 24 200 K +8 24 201 I +8 24 202 K +8 24 203 AM +8 24 204 AH +8 24 205 AH +8 24 206 KW +8 24 207 AM +8 24 208 AH +8 24 209 AH +8 24 210 AH +8 24 211 K +8 24 212 AM +8 24 213 AH +8 24 214 I +8 24 215 AM +8 24 216 AH +8 24 217 AH +8 24 218 I +8 24 219 KW +8 24 220 AH +8 24 221 KW +8 24 222 AH +8 24 223 K +8 24 224 KW +8 24 225 AH +8 24 226 AH +8 24 227 AH +8 24 228 AH +8 24 229 K +8 24 230 KW +8 24 231 N +8 24 232 AH +8 24 233 K +8 24 234 I +8 24 235 AH +8 24 236 I +8 24 237 AM +8 24 238 K +8 24 239 AM +8 24 240 AH +8 24 241 KW +8 24 242 I +8 24 243 AM +8 24 244 KW +8 24 245 AM +8 24 246 K +8 24 247 AH +8 24 248 AH +8 24 249 AH +8 24 250 AH +8 24 251 K +8 24 252 KW +8 24 253 K +8 24 254 K +8 24 255 AH +8 24 256 AM +8 24 257 AH +8 24 258 I +8 24 259 AM +8 24 260 I +8 24 261 AM +8 24 262 KW +8 24 263 AH +8 24 264 K +8 24 265 AH +8 24 266 AM +8 24 267 AH +8 24 268 K +8 24 269 AM +8 24 270 I +8 24 271 AH +8 24 272 KW +8 24 273 AH +8 24 274 KW +8 24 275 I +8 24 276 AM +8 24 277 AH +8 24 278 AM +8 24 279 AH +8 24 280 AH +8 24 281 K +8 24 282 K +8 24 283 AH +8 24 284 KW +8 24 285 AH +8 24 286 KW +8 24 287 AH +8 24 288 AM +8 24 289 K +8 24 290 KW +8 24 291 AH +8 24 292 I +8 24 293 K +8 24 294 KW +8 24 295 AH +8 24 296 AH +8 24 297 I +8 24 298 AM +8 24 299 K +8 24 300 AH +8 24 301 AH +8 24 302 KW +8 24 303 AH +8 24 304 AH +8 24 305 AM +8 24 306 I +8 24 307 K +8 24 308 AH +8 24 309 AH +8 24 310 K +8 24 311 AH +8 24 312 AH +8 24 313 AH +8 24 314 KW +8 24 315 K +8 24 316 K +8 24 317 AM +8 24 318 AH +8 24 319 KW +8 24 320 AH +8 24 321 AM +8 24 322 K +8 24 323 AH +8 24 324 KW +8 24 325 AM +8 24 326 I +8 24 327 K +8 24 328 AH +8 24 329 AH +8 24 330 K +8 25 1 K +8 25 2 I +8 25 3 AM +8 25 4 N +8 25 5 I +8 25 6 AM +8 25 7 I +8 25 8 AM +8 25 9 AH +8 25 10 K +8 25 11 AH +8 25 12 I +8 25 13 AH +8 25 14 AH +8 25 15 KI +8 25 16 KW +8 25 17 AM +8 25 18 AH +8 25 19 K +8 25 20 I +8 25 21 AM +8 25 22 I +8 25 23 K +8 25 24 AH +8 25 25 K +8 25 26 K +8 25 27 I +8 25 28 AM +8 25 29 K +8 25 30 AM +8 25 31 K +8 25 32 AM +8 25 33 I +8 25 34 K +8 25 35 AM +8 25 36 AH +8 25 37 K +8 25 38 AM +8 25 39 K +8 25 40 K +8 25 41 AM +8 25 42 I +8 25 43 K +8 25 44 KW +8 25 45 K +8 25 46 AH +8 25 47 AH +8 25 48 I +8 25 49 K +8 25 50 N +8 25 51 AH +8 25 52 I +8 25 53 AM +8 25 54 AH +8 25 55 K +8 25 56 I +8 25 57 K +8 25 58 I +8 25 59 I +8 25 60 AH +8 25 61 AM +8 25 62 K +8 25 63 AM +8 25 64 K +8 25 65 AM +8 25 66 KW +8 25 67 I +8 25 68 AM +8 25 69 AH +8 25 70 I +8 25 71 AH +8 25 72 K +8 25 73 N +8 25 74 I +8 25 75 AH +8 25 76 AM +8 25 77 K +8 25 78 I +8 25 79 AH +8 25 80 K +8 25 81 I +8 25 82 K +8 25 83 I +8 25 84 AM +8 25 85 K +8 25 86 AM +8 25 87 AH +8 25 88 AM +8 25 89 AH +8 25 90 AH +8 25 91 I +8 25 92 KW +8 25 93 K +8 25 94 AH +8 25 95 I +8 25 96 I +8 25 97 N +8 25 98 AM +8 25 99 I +8 25 100 K +8 25 101 N +8 25 102 K +8 25 103 I +8 25 104 K +8 25 105 N +8 25 106 I +8 25 107 KW +8 25 108 KW +8 25 109 K +8 25 110 I +8 25 111 AH +8 25 112 AM +8 25 113 AH +8 25 114 K +8 25 115 AM +8 25 116 KW +8 25 117 AH +8 25 118 AM +8 25 119 K +8 25 120 KW +8 25 121 AM +8 25 122 K +8 25 123 K +8 25 124 I +8 25 125 AM +8 25 126 AM +8 25 127 AH +8 25 128 I +8 25 129 KW +8 25 130 AH +8 25 131 N +8 25 132 AM +8 25 133 AH +8 25 134 AH +8 25 135 AM +8 25 136 K +8 25 137 I +8 25 138 K +8 25 139 KW +8 25 140 K +8 25 141 KW +8 25 142 KW +8 25 143 I +8 25 144 N +8 25 145 K +8 25 146 I +8 25 147 K +8 25 148 AM +8 25 149 I +8 25 150 N +8 25 151 AM +8 25 152 I +8 25 153 K +8 25 154 AH +8 25 155 AH +8 25 156 K +8 25 157 I +8 25 158 KW +8 25 159 I +8 25 160 AM +8 25 161 K +8 25 162 AM +8 25 163 K +8 25 164 K +8 25 165 AH +8 25 166 AH +8 25 167 I +8 25 168 K +8 25 169 K +8 25 170 AH +8 25 171 I +8 25 172 KW +8 25 173 AM +8 25 174 I +8 25 175 K +8 25 176 AM +8 25 177 I +8 25 178 K +8 25 179 N +8 25 180 K +8 25 181 I +8 25 182 N +8 25 183 I +8 25 184 N +8 25 185 I +8 25 186 K +8 25 187 I +8 25 188 K +8 25 189 K +8 25 190 AM +8 25 191 K +8 25 192 N +8 25 193 I +8 25 194 N +8 25 195 K +8 25 196 K +8 25 197 AM +8 25 198 AH +8 25 199 I +8 25 200 K +8 25 201 AM +8 25 202 K +8 25 203 AM +8 25 204 AH +8 25 205 N +8 25 206 KW +8 25 207 AM +8 25 208 I +8 25 209 K +8 25 210 AH +8 25 211 K +8 25 212 AM +8 25 213 K +8 25 214 I +8 25 215 AM +8 25 216 AH +8 25 217 AM +8 25 218 I +8 25 219 K +8 25 220 K +8 25 221 KW +8 25 222 N +8 25 223 K +8 25 224 KW +8 25 225 I +8 25 226 K +8 25 227 AH +8 25 228 K +8 25 229 K +8 25 230 KW +8 25 231 N +8 25 232 I +8 25 233 K +8 25 234 K +8 25 235 K +8 25 236 I +8 25 237 AM +8 25 238 K +8 25 239 AM +8 25 240 AH +8 25 241 KW +8 25 242 I +8 25 243 N +8 25 244 K +8 25 245 AM +8 25 246 K +8 25 247 N +8 25 248 AH +8 25 249 K +8 25 250 N +8 25 251 K +8 25 252 KW +8 25 253 K +8 25 254 K +8 25 255 AH +8 25 256 AM +8 25 257 K +8 25 258 I +8 25 259 AM +8 25 260 KW +8 25 261 AM +8 25 262 KW +8 25 263 AH +8 25 264 K +8 25 265 K +8 25 266 AM +8 25 267 N +8 25 268 K +8 25 269 AM +8 25 270 I +8 25 271 AH +8 25 272 KW +8 25 273 AM +8 25 274 KW +8 25 275 I +8 25 276 AM +8 25 277 K +8 25 278 AM +8 25 279 N +8 25 280 I +8 25 281 K +8 25 282 K +8 25 283 AH +8 25 284 KW +8 25 285 AM +8 25 286 KW +8 25 287 I +8 25 288 AM +8 25 289 K +8 25 290 KW +8 25 291 K +8 25 292 AM +8 25 293 KW +8 25 294 KW +8 25 295 AH +8 25 296 N +8 25 297 I +8 25 298 AM +8 25 299 K +8 25 300 I +8 25 301 K +8 25 302 KW +8 25 303 K +8 25 304 I +8 25 305 N +8 25 306 I +8 25 307 K +8 25 308 AM +8 25 309 AH +8 25 310 K +8 25 311 K +8 25 312 AH +8 25 313 N +8 25 314 KW +8 25 315 K +8 25 316 K +8 25 317 AM +8 25 318 AM +8 25 319 KW +8 25 320 I +8 25 321 AM +8 25 322 K +8 25 323 K +8 25 324 KW +8 25 325 N +8 25 326 I +8 25 327 KW +8 25 328 AH +8 25 329 AH +8 25 330 KW +9 1 1 GR +9 1 2 GR +9 1 3 ER +9 1 4 RA +9 1 5 GR +9 1 6 GR +9 1 7 GR +9 1 8 ER +9 1 9 ER +9 1 10 GR +9 1 11 GR +9 1 12 GR +9 1 13 GR +9 1 14 GR +9 1 15 RA +9 1 16 AA +9 1 17 ER +9 1 18 TS +9 1 19 GR +9 1 20 RA +9 1 21 ER +9 1 22 GR +9 1 23 GR +9 1 24 TS +9 1 25 GR +9 1 26 TS +9 1 27 AA +9 1 28 ER +9 1 29 GR +9 1 30 RA +9 1 31 BA +9 1 32 ER +9 1 33 GR +9 1 34 GR +9 1 35 ER +9 1 36 TS +9 1 37 BA +9 1 38 ER +9 1 39 GR +9 1 40 GR +9 1 41 ER +9 1 42 GR +9 1 43 TS +9 1 44 AA +9 1 45 GR +9 1 46 BA +9 1 47 BA +9 1 48 RA +9 1 49 GR +9 1 50 TS +9 1 51 BA +9 1 52 AA +9 1 53 ER +9 1 54 GR +9 1 55 GR +9 1 56 AA +9 1 57 GR +9 1 58 RA +9 1 59 AA +9 1 60 TS +9 1 61 ER +9 1 62 GR +9 1 63 RA +9 1 64 GR +9 1 65 ER +9 1 66 AA +9 1 67 GR +9 1 68 AA +9 1 69 GR +9 1 70 AA +9 1 71 ER +9 1 72 GR +9 1 73 RA +9 1 74 GR +9 1 75 TS +9 1 76 ER +9 1 77 GR +9 1 78 RA +9 1 79 TS +9 1 80 GR +9 1 81 GR +9 1 82 GR +9 1 83 AA +9 1 84 RA +9 1 85 GR +9 1 86 GR +9 1 87 TS +9 1 88 GR +9 1 89 TS +9 1 90 GR +9 1 91 BA +9 1 92 AA +9 1 93 GR +9 1 94 TS +9 1 95 AA +9 1 96 GR +9 1 97 TS +9 1 98 ER +9 1 99 BA +9 1 100 RA +9 1 101 ER +9 1 102 BA +9 1 103 GR +9 1 104 GR +9 1 105 ER +9 1 106 RA +9 1 107 AA +9 1 108 BA +9 1 109 GR +9 1 110 ER +9 1 111 GR +9 1 112 ER +9 1 113 TS +9 1 114 GR +9 1 115 ER +9 1 116 BA +9 1 117 TS +9 1 118 GR +9 1 119 GR +9 1 120 AA +9 1 121 ER +9 1 122 RA +9 1 123 TS +9 1 124 GR +9 1 125 ER +9 1 126 RA +9 1 127 TS +9 1 128 GR +9 1 129 AA +9 1 130 TS +9 1 131 ER +9 1 132 ER +9 1 133 GR +9 1 134 TS +9 1 135 GR +9 1 136 GR +9 1 137 TS +9 1 138 BA +9 1 139 AA +9 1 140 GR +9 1 141 AA +9 1 142 AA +9 1 143 GR +9 1 144 TS +9 1 145 GR +9 1 146 RA +9 1 147 GR +9 1 148 ER +9 1 149 GR +9 1 150 RA +9 1 151 KA +9 1 152 RA +9 1 153 GR +9 1 154 TS +9 1 155 TS +9 1 156 GR +9 1 157 TS +9 1 158 AA +9 1 159 GR +9 1 160 RA +9 1 161 GR +9 1 162 ER +9 1 163 GR +9 1 164 GR +9 1 165 FA +9 1 166 TS +9 1 167 RA +9 1 168 GR +9 1 169 GR +9 1 170 TS +9 1 171 GR +9 1 172 AA +9 1 173 ER +9 1 174 GR +9 1 175 GR +9 1 176 ER +9 1 177 RA +9 1 178 GR +9 1 179 ER +9 1 180 GR +9 1 181 RA +9 1 182 ER +9 1 183 GR +9 1 184 GR +9 1 185 RA +9 1 186 GR +9 1 187 RA +9 1 188 GR +9 1 189 KA +9 1 190 RA +9 1 191 GR +9 1 192 GR +9 1 193 GR +9 1 194 ER +9 1 195 GR +9 1 196 GR +9 1 197 ER +9 1 198 TS +9 1 199 AA +9 1 200 GR +9 1 201 RA +9 1 202 GR +9 1 203 ER +9 1 204 TS +9 1 205 GR +9 1 206 AA +9 1 207 ER +9 1 208 RA +9 1 209 GR +9 1 210 ER +9 1 211 GR +9 1 212 ER +9 1 213 BA +9 1 214 GR +9 1 215 RA +9 1 216 FA +9 1 217 RA +9 1 218 GR +9 1 219 AA +9 1 220 GR +9 1 221 AA +9 1 222 GR +9 1 223 GR +9 1 224 AA +9 1 225 BA +9 1 226 GR +9 1 227 TS +9 1 228 GR +9 1 229 RA +9 1 230 AA +9 1 231 ER +9 1 232 BA +9 1 233 BA +9 1 234 GR +9 1 235 GR +9 1 236 RA +9 1 237 BA +9 1 238 GR +9 1 239 ER +9 1 240 FA +9 1 241 AA +9 1 242 RA +9 1 243 ER +9 1 244 AA +9 1 245 ER +9 1 246 GR +9 1 247 BA +9 1 248 BA +9 1 249 GR +9 1 250 TS +9 1 251 GR +9 1 252 AA +9 1 253 GR +9 1 254 BA +9 1 255 TS +9 1 256 ER +9 1 257 GR +9 1 258 GR +9 1 259 ER +9 1 260 AA +9 1 261 ER +9 1 262 AA +9 1 263 BA +9 1 264 BA +9 1 265 GR +9 1 266 ER +9 1 267 GR +9 1 268 GR +9 1 269 RA +9 1 270 GR +9 1 271 TS +9 1 272 AA +9 1 273 BA +9 1 274 AA +9 1 275 RA +9 1 276 ER +9 1 277 RA +9 1 278 RA +9 1 279 GR +9 1 280 GR +9 1 281 GR +9 1 282 GR +9 1 283 FA +9 1 284 AA +9 1 285 BA +9 1 286 AA +9 1 287 BA +9 1 288 ER +9 1 289 AA +9 1 290 AA +9 1 291 GR +9 1 292 RA +9 1 293 AA +9 1 294 AA +9 1 295 BA +9 1 296 GR +9 1 297 GR +9 1 298 ER +9 1 299 GR +9 1 300 AA +9 1 301 GR +9 1 302 AA +9 1 303 BA +9 1 304 GR +9 1 305 ER +9 1 306 GR +9 1 307 GR +9 1 308 BA +9 1 309 TS +9 1 310 GR +9 1 311 GR +9 1 312 TS +9 1 313 GR +9 1 314 AA +9 1 315 GR +9 1 316 GR +9 1 317 ER +9 1 318 RA +9 1 319 AA +9 1 320 FA +9 1 321 ER +9 1 322 BA +9 1 323 GR +9 1 324 AA +9 1 325 GR +9 1 326 RA +9 1 327 AA +9 1 328 GR +9 1 329 TS +9 1 330 AA +9 2 1 GR +9 2 2 BA +9 2 3 ER +9 2 4 FA +9 2 5 GR +9 2 6 RA +9 2 7 GR +9 2 8 ER +9 2 9 BA +9 2 10 GR +9 2 11 FA +9 2 12 RA +9 2 13 BA +9 2 14 GR +9 2 15 AA +9 2 16 BA +9 2 17 ER +9 2 18 FA +9 2 19 GR +9 2 20 GR +9 2 21 RA +9 2 22 RA +9 2 23 BA +9 2 24 FA +9 2 25 GR +9 2 26 GR +9 2 27 AA +9 2 28 RA +9 2 29 GR +9 2 30 ER +9 2 31 GR +9 2 32 RA +9 2 33 GR +9 2 34 GR +9 2 35 RA +9 2 36 BA +9 2 37 GR +9 2 38 ER +9 2 39 GR +9 2 40 GR +9 2 41 RA +9 2 42 AA +9 2 43 FA +9 2 44 AA +9 2 45 GR +9 2 46 BA +9 2 47 FA +9 2 48 * +9 2 49 GR +9 2 50 FA +9 2 51 * +9 2 52 AA +9 2 53 ER +9 2 54 GR +9 2 55 TS +9 2 56 RA +9 2 57 FA +9 2 58 BA +9 2 59 AA +9 2 60 TS +9 2 61 RA +9 2 62 AA +9 2 63 RA +9 2 64 FA +9 2 65 ER +9 2 66 AA +9 2 67 BA +9 2 68 RA +9 2 69 FA +9 2 70 BA +9 2 71 TS +9 2 72 GR +9 2 73 FA +9 2 74 GR +9 2 75 TS +9 2 76 RA +9 2 77 GR +9 2 78 GR +9 2 79 TS +9 2 80 GR +9 2 81 GR +9 2 82 GR +9 2 83 AA +9 2 84 BA +9 2 85 GR +9 2 86 RA +9 2 87 GR +9 2 88 ER +9 2 89 TS +9 2 90 GR +9 2 91 FA +9 2 92 AA +9 2 93 GR +9 2 94 FA +9 2 95 GR +9 2 96 RA +9 2 97 BA +9 2 98 ER +9 2 99 BA +9 2 100 GR +9 2 101 ER +9 2 102 BA +9 2 103 FA +9 2 104 GR +9 2 105 FA +9 2 106 GR +9 2 107 AA +9 2 108 GR +9 2 109 GR +9 2 110 RA +9 2 111 FA +9 2 112 ER +9 2 113 BA +9 2 114 GR +9 2 115 ER +9 2 116 GR +9 2 117 FA +9 2 118 RA +9 2 119 GR +9 2 120 AA +9 2 121 RA +9 2 122 GR +9 2 123 BA +9 2 124 FA +9 2 125 RA +9 2 126 ER +9 2 127 TS +9 2 128 GR +9 2 129 AA +9 2 130 TS +9 2 131 ER +9 2 132 ER +9 2 133 GR +9 2 134 FA +9 2 135 RA +9 2 136 GR +9 2 137 GR +9 2 138 GR +9 2 139 AA +9 2 140 GR +9 2 141 AA +9 2 142 BA +9 2 143 GR +9 2 144 TS +9 2 145 GR +9 2 146 RA +9 2 147 GR +9 2 148 ER +9 2 149 GR +9 2 150 BA +9 2 151 RA +9 2 152 RA +9 2 153 GR +9 2 154 BA +9 2 155 BA +9 2 156 GR +9 2 157 * +9 2 158 AA +9 2 159 RA +9 2 160 RA +9 2 161 GR +9 2 162 ER +9 2 163 GR +9 2 164 GR +9 2 165 FA +9 2 166 TS +9 2 167 AA +9 2 168 GR +9 2 169 GR +9 2 170 TS +9 2 171 FA +9 2 172 AA +9 2 173 ER +9 2 174 RA +9 2 175 GR +9 2 176 ER +9 2 177 GR +9 2 178 GR +9 2 179 ER +9 2 180 GR +9 2 181 FA +9 2 182 ER +9 2 183 TS +9 2 184 GR +9 2 185 FA +9 2 186 GR +9 2 187 ER +9 2 188 GR +9 2 189 AA +9 2 190 RA +9 2 191 GR +9 2 192 * +9 2 193 GR +9 2 194 FA +9 2 195 GR +9 2 196 GR +9 2 197 * +9 2 198 TS +9 2 199 AA +9 2 200 GR +9 2 201 RA +9 2 202 GR +9 2 203 ER +9 2 204 FA +9 2 205 GR +9 2 206 AA +9 2 207 ER +9 2 208 * +9 2 209 BA +9 2 210 FA +9 2 211 GR +9 2 212 RA +9 2 213 * +9 2 214 GR +9 2 215 RA +9 2 216 TS +9 2 217 RA +9 2 218 FA +9 2 219 GR +9 2 220 TS +9 2 221 AA +9 2 222 FA +9 2 223 GR +9 2 224 AA +9 2 225 TS +9 2 226 TS +9 2 227 TS +9 2 228 GR +9 2 229 AA +9 2 230 AA +9 2 231 GR +9 2 232 BA +9 2 233 GR +9 2 234 GR +9 2 235 GR +9 2 236 RA +9 2 237 RA +9 2 238 GR +9 2 239 FA +9 2 240 ER +9 2 241 AA +9 2 242 RA +9 2 243 ER +9 2 244 GR +9 2 245 ER +9 2 246 RA +9 2 247 FA +9 2 248 FA +9 2 249 GR +9 2 250 TS +9 2 251 GR +9 2 252 AA +9 2 253 GR +9 2 254 * +9 2 255 TS +9 2 256 ER +9 2 257 GR +9 2 258 GR +9 2 259 ER +9 2 260 AA +9 2 261 GR +9 2 262 AA +9 2 263 BA +9 2 264 GR +9 2 265 GR +9 2 266 ER +9 2 267 TS +9 2 268 GR +9 2 269 RA +9 2 270 RA +9 2 271 FA +9 2 272 AA +9 2 273 ER +9 2 274 AA +9 2 275 GR +9 2 276 ER +9 2 277 BA +9 2 278 ER +9 2 279 TS +9 2 280 GR +9 2 281 GR +9 2 282 GR +9 2 283 TS +9 2 284 AA +9 2 285 RA +9 2 286 * +9 2 287 GR +9 2 288 ER +9 2 289 GR +9 2 290 AA +9 2 291 * +9 2 292 RA +9 2 293 AA +9 2 294 BA +9 2 295 FA +9 2 296 TS +9 2 297 RA +9 2 298 ER +9 2 299 GR +9 2 300 BA +9 2 301 GR +9 2 302 AA +9 2 303 AA +9 2 304 GR +9 2 305 FA +9 2 306 GR +9 2 307 GR +9 2 308 * +9 2 309 TS +9 2 310 GR +9 2 311 GR +9 2 312 TS +9 2 313 FA +9 2 314 AA +9 2 315 GR +9 2 316 GR +9 2 317 ER +9 2 318 RA +9 2 319 * +9 2 320 FA +9 2 321 ER +9 2 322 * +9 2 323 GR +9 2 324 AA +9 2 325 FA +9 2 326 RA +9 2 327 * +9 2 328 TS +9 2 329 RA +9 2 330 GR +9 3 1 GR +9 3 2 GR +9 3 3 RA +9 3 4 RA +9 3 5 GR +9 3 6 GR +9 3 7 RA +9 3 8 ER +9 3 9 TS +9 3 10 TS +9 3 11 GR +9 3 12 RA +9 3 13 GR +9 3 14 GR +9 3 15 AA +9 3 16 AA +9 3 17 RA +9 3 18 TS +9 3 19 GR +9 3 20 GR +9 3 21 ER +9 3 22 AA +9 3 23 RA +9 3 24 TS +9 3 25 GR +9 3 26 GR +9 3 27 AA +9 3 28 ER +9 3 29 GR +9 3 30 RA +9 3 31 RA +9 3 32 ER +9 3 33 GR +9 3 34 GR +9 3 35 ER +9 3 36 TS +9 3 37 RA +9 3 38 ER +9 3 39 GR +9 3 40 GR +9 3 41 ER +9 3 42 RA +9 3 43 TS +9 3 44 AA +9 3 45 GR +9 3 46 AA +9 3 47 GR +9 3 48 RA +9 3 49 RA +9 3 50 TS +9 3 51 RA +9 3 52 AA +9 3 53 ER +9 3 54 RA +9 3 55 GR +9 3 56 RA +9 3 57 GR +9 3 58 RA +9 3 59 AA +9 3 60 TS +9 3 61 ER +9 3 62 GR +9 3 63 RA +9 3 64 GR +9 3 65 ER +9 3 66 AA +9 3 67 GR +9 3 68 RA +9 3 69 TS +9 3 70 AA +9 3 71 ER +9 3 72 RA +9 3 73 GR +9 3 74 AA +9 3 75 RA +9 3 76 RA +9 3 77 RA +9 3 78 AA +9 3 79 TS +9 3 80 GR +9 3 81 RA +9 3 82 RA +9 3 83 AA +9 3 84 RA +9 3 85 GR +9 3 86 RA +9 3 87 TS +9 3 88 ER +9 3 89 TS +9 3 90 GR +9 3 91 RA +9 3 92 AA +9 3 93 GR +9 3 94 TS +9 3 95 AA +9 3 96 RA +9 3 97 RA +9 3 98 ER +9 3 99 GR +9 3 100 GR +9 3 101 ER +9 3 102 AA +9 3 103 RA +9 3 104 GR +9 3 105 ER +9 3 106 AA +9 3 107 AA +9 3 108 GR +9 3 109 RA +9 3 110 ER +9 3 111 TS +9 3 112 ER +9 3 113 TS +9 3 114 GR +9 3 115 ER +9 3 116 AA +9 3 117 TS +9 3 118 RA +9 3 119 GR +9 3 120 AA +9 3 121 ER +9 3 122 RA +9 3 123 GR +9 3 124 RA +9 3 125 ER +9 3 126 RA +9 3 127 TS +9 3 128 ER +9 3 129 AA +9 3 130 TS +9 3 131 RA +9 3 132 ER +9 3 133 GR +9 3 134 TS +9 3 135 ER +9 3 136 GR +9 3 137 TS +9 3 138 GR +9 3 139 AA +9 3 140 GR +9 3 141 AA +9 3 142 AA +9 3 143 GR +9 3 144 RA +9 3 145 RA +9 3 146 GR +9 3 147 RA +9 3 148 ER +9 3 149 GR +9 3 150 GR +9 3 151 RA +9 3 152 GR +9 3 153 RA +9 3 154 TS +9 3 155 TS +9 3 156 GR +9 3 157 TS +9 3 158 AA +9 3 159 RA +9 3 160 GR +9 3 161 RA +9 3 162 ER +9 3 163 GR +9 3 164 GR +9 3 165 RA +9 3 166 GR +9 3 167 RA +9 3 168 GR +9 3 169 GR +9 3 170 TS +9 3 171 GR +9 3 172 AA +9 3 173 RA +9 3 174 GR +9 3 175 AA +9 3 176 ER +9 3 177 AA +9 3 178 GR +9 3 179 GR +9 3 180 GR +9 3 181 RA +9 3 182 ER +9 3 183 TS +9 3 184 RA +9 3 185 GR +9 3 186 AA +9 3 187 GR +9 3 188 GR +9 3 189 AA +9 3 190 GR +9 3 191 RA +9 3 192 GR +9 3 193 GR +9 3 194 ER +9 3 195 RA +9 3 196 AA +9 3 197 GR +9 3 198 TS +9 3 199 AA +9 3 200 RA +9 3 201 GR +9 3 202 RA +9 3 203 ER +9 3 204 TS +9 3 205 GR +9 3 206 AA +9 3 207 ER +9 3 208 GR +9 3 209 RA +9 3 210 ER +9 3 211 GR +9 3 212 ER +9 3 213 GR +9 3 214 RA +9 3 215 GR +9 3 216 TS +9 3 217 GR +9 3 218 RA +9 3 219 AA +9 3 220 RA +9 3 221 AA +9 3 222 GR +9 3 223 RA +9 3 224 AA +9 3 225 RA +9 3 226 GR +9 3 227 TS +9 3 228 GR +9 3 229 RA +9 3 230 AA +9 3 231 ER +9 3 232 TS +9 3 233 GR +9 3 234 RA +9 3 235 GR +9 3 236 GR +9 3 237 RA +9 3 238 GR +9 3 239 ER +9 3 240 ER +9 3 241 AA +9 3 242 GR +9 3 243 ER +9 3 244 AA +9 3 245 ER +9 3 246 GR +9 3 247 GR +9 3 248 TS +9 3 249 GR +9 3 250 GR +9 3 251 RA +9 3 252 AA +9 3 253 GR +9 3 254 GR +9 3 255 TS +9 3 256 ER +9 3 257 TS +9 3 258 GR +9 3 259 ER +9 3 260 AA +9 3 261 RA +9 3 262 AA +9 3 263 TS +9 3 264 AA +9 3 265 GR +9 3 266 TS +9 3 267 ER +9 3 268 GR +9 3 269 ER +9 3 270 RA +9 3 271 TS +9 3 272 AA +9 3 273 RA +9 3 274 AA +9 3 275 GR +9 3 276 ER +9 3 277 TS +9 3 278 GR +9 3 279 TS +9 3 280 GR +9 3 281 GR +9 3 282 RA +9 3 283 TS +9 3 284 AA +9 3 285 GR +9 3 286 AA +9 3 287 TS +9 3 288 ER +9 3 289 RA +9 3 290 AA +9 3 291 GR +9 3 292 RA +9 3 293 AA +9 3 294 AA +9 3 295 TS +9 3 296 RA +9 3 297 RA +9 3 298 ER +9 3 299 GR +9 3 300 TS +9 3 301 RA +9 3 302 AA +9 3 303 GR +9 3 304 RA +9 3 305 ER +9 3 306 RA +9 3 307 GR +9 3 308 RA +9 3 309 TS +9 3 310 GR +9 3 311 GR +9 3 312 TS +9 3 313 RA +9 3 314 AA +9 3 315 GR +9 3 316 RA +9 3 317 ER +9 3 318 ER +9 3 319 AA +9 3 320 GR +9 3 321 ER +9 3 322 GR +9 3 323 GR +9 3 324 AA +9 3 325 ER +9 3 326 RA +9 3 327 AA +9 3 328 TS +9 3 329 GR +9 3 330 AA +9 4 1 GR +9 4 2 GR +9 4 3 RA +9 4 4 FA +9 4 5 GR +9 4 6 RA +9 4 7 GR +9 4 8 KM +9 4 9 FA +9 4 10 GR +9 4 11 FA +9 4 12 RA +9 4 13 GR +9 4 14 FA +9 4 15 RA +9 4 16 BA +9 4 17 ER +9 4 18 TS +9 4 19 GR +9 4 20 GR +9 4 21 RA +9 4 22 AA +9 4 23 FA +9 4 24 BA +9 4 25 GR +9 4 26 FA +9 4 27 AA +9 4 28 RA +9 4 29 GR +9 4 30 FA +9 4 31 GR +9 4 32 FA +9 4 33 GR +9 4 34 * +9 4 35 * +9 4 36 RA +9 4 37 FA +9 4 38 GR +9 4 39 FA +9 4 40 GR +9 4 41 GR +9 4 42 FA +9 4 43 AA +9 4 44 RA +9 4 45 FA +9 4 46 FA +9 4 47 TS +9 4 48 RA +9 4 49 GR +9 4 50 FA +9 4 51 BA +9 4 52 AA +9 4 53 KM +9 4 54 GR +9 4 55 GR +9 4 56 RA +9 4 57 BA +9 4 58 FA +9 4 59 AA +9 4 60 FA +9 4 61 KM +9 4 62 FA +9 4 63 RA +9 4 64 GR +9 4 65 KM +9 4 66 AA +9 4 67 GR +9 4 68 KM +9 4 69 FA +9 4 70 BA +9 4 71 FA +9 4 72 RA +9 4 73 FA +9 4 74 BA +9 4 75 FA +9 4 76 ER +9 4 77 GR +9 4 78 FA +9 4 79 TS +9 4 80 GR +9 4 81 GR +9 4 82 GR +9 4 83 RA +9 4 84 FA +9 4 85 GR +9 4 86 KM +9 4 87 TS +9 4 88 KM +9 4 89 FA +9 4 90 FA +9 4 91 GR +9 4 92 AA +9 4 93 FA +9 4 94 FA +9 4 95 FA +9 4 96 RA +9 4 97 FA +9 4 98 KM +9 4 99 FA +9 4 100 BA +9 4 101 KM +9 4 102 BA +9 4 103 FA +9 4 104 GR +9 4 105 KM +9 4 106 RA +9 4 107 AA +9 4 108 GR +9 4 109 FA +9 4 110 RA +9 4 111 FA +9 4 112 KM +9 4 113 BA +9 4 114 GR +9 4 115 FA +9 4 116 GR +9 4 117 FA +9 4 118 RA +9 4 119 GR +9 4 120 AA +9 4 121 RA +9 4 122 GR +9 4 123 GR +9 4 124 GR +9 4 125 KM +9 4 126 FA +9 4 127 FA +9 4 128 GR +9 4 129 AA +9 4 130 TS +9 4 131 FA +9 4 132 KM +9 4 133 GR +9 4 134 FA +9 4 135 FA +9 4 136 GR +9 4 137 FA +9 4 138 GR +9 4 139 AA +9 4 140 GR +9 4 141 AA +9 4 142 FA +9 4 143 GR +9 4 144 FA +9 4 145 GR +9 4 146 RA +9 4 147 GR +9 4 148 KM +9 4 149 GR +9 4 150 FA +9 4 151 RA +9 4 152 FA +9 4 153 GR +9 4 154 FA +9 4 155 TS +9 4 156 GR +9 4 157 FA +9 4 158 AA +9 4 159 RA +9 4 160 FA +9 4 161 GR +9 4 162 KM +9 4 163 BA +9 4 164 FA +9 4 165 FA +9 4 166 GR +9 4 167 BA +9 4 168 GR +9 4 169 FA +9 4 170 TS +9 4 171 FA +9 4 172 AA +9 4 173 RA +9 4 174 RA +9 4 175 FA +9 4 176 RA +9 4 177 GR +9 4 178 FA +9 4 179 FA +9 4 180 GR +9 4 181 FA +9 4 182 FA +9 4 183 FA +9 4 184 KM +9 4 185 BA +9 4 186 GR +9 4 187 RA +9 4 188 BA +9 4 189 AA +9 4 190 RA +9 4 191 GR +9 4 192 KM +9 4 193 FA +9 4 194 TS +9 4 195 FA +9 4 196 GR +9 4 197 FA +9 4 198 TS +9 4 199 AA +9 4 200 FA +9 4 201 RA +9 4 202 GR +9 4 203 KM +9 4 204 FA +9 4 205 FA +9 4 206 BA +9 4 207 RA +9 4 208 FA +9 4 209 FA +9 4 210 TS +9 4 211 GR +9 4 212 RA +9 4 213 FA +9 4 214 GR +9 4 215 FA +9 4 216 FA +9 4 217 RA +9 4 218 FA +9 4 219 AA +9 4 220 FA +9 4 221 AA +9 4 222 FA +9 4 223 GR +9 4 224 AA +9 4 225 FA +9 4 226 GR +9 4 227 FA +9 4 228 GR +9 4 229 GR +9 4 230 AA +9 4 231 KM +9 4 232 FA +9 4 233 BA +9 4 234 GR +9 4 235 GR +9 4 236 GR +9 4 237 RA +9 4 238 GR +9 4 239 RA +9 4 240 FA +9 4 241 AA +9 4 242 FA +9 4 243 KM +9 4 244 AA +9 4 245 RA +9 4 246 GR +9 4 247 FA +9 4 248 FA +9 4 249 RA +9 4 250 KM +9 4 251 RA +9 4 252 AA +9 4 253 GR +9 4 254 GR +9 4 255 FA +9 4 256 RA +9 4 257 GR +9 4 258 RA +9 4 259 KM +9 4 260 AA +9 4 261 RA +9 4 262 AA +9 4 263 BA +9 4 264 GR +9 4 265 GR +9 4 266 FA +9 4 267 FA +9 4 268 GR +9 4 269 KM +9 4 270 RA +9 4 271 GR +9 4 272 AA +9 4 273 FA +9 4 274 GR +9 4 275 FA +9 4 276 KM +9 4 277 FA +9 4 278 RA +9 4 279 FA +9 4 280 GR +9 4 281 GR +9 4 282 GR +9 4 283 FA +9 4 284 AA +9 4 285 RA +9 4 286 AA +9 4 287 FA +9 4 288 KM +9 4 289 GR +9 4 290 AA +9 4 291 FA +9 4 292 RA +9 4 293 FA +9 4 294 BA +9 4 295 FA +9 4 296 FA +9 4 297 RA +9 4 298 KM +9 4 299 GR +9 4 300 FA +9 4 301 FA +9 4 302 AA +9 4 303 BA +9 4 304 FA +9 4 305 KM +9 4 306 GR +9 4 307 GR +9 4 308 FA +9 4 309 FA +9 4 310 GR +9 4 311 GR +9 4 312 TS +9 4 313 FA +9 4 314 AA +9 4 315 GR +9 4 316 GR +9 4 317 KM +9 4 318 RA +9 4 319 AA +9 4 320 FA +9 4 321 KM +9 4 322 GR +9 4 323 GR +9 4 324 AA +9 4 325 KM +9 4 326 FA +9 4 327 AA +9 4 328 FA +9 4 329 FA +9 4 330 AA +9 5 1 GR +9 5 2 GR +9 5 3 ER +9 5 4 KR +9 5 5 GR +9 5 6 RA +9 5 7 GR +9 5 8 KR +9 5 9 FA +9 5 10 GR +9 5 11 KR +9 5 12 GR +9 5 13 GR +9 5 14 GR +9 5 15 RA +9 5 16 AA +9 5 17 ER +9 5 18 FA +9 5 19 GR +9 5 20 GR +9 5 21 RA +9 5 22 GR +9 5 23 KR +9 5 24 FA +9 5 25 GR +9 5 26 GR +9 5 27 AA +9 5 28 ER +9 5 29 GR +9 5 30 RA +9 5 31 GR +9 5 32 KR +9 5 33 GR +9 5 34 GR +9 5 35 RA +9 5 36 GR +9 5 37 GR +9 5 38 ER +9 5 39 GR +9 5 40 GR +9 5 41 RA +9 5 42 GR +9 5 43 GR +9 5 44 AA +9 5 45 GR +9 5 46 FA +9 5 47 FA +9 5 48 RA +9 5 49 GR +9 5 50 KR +9 5 51 FA +9 5 52 GR +9 5 53 RA +9 5 54 GR +9 5 55 GR +9 5 56 RA +9 5 57 GR +9 5 58 FA +9 5 59 GR +9 5 60 FA +9 5 61 RA +9 5 62 GR +9 5 63 RA +9 5 64 GR +9 5 65 ER +9 5 66 AA +9 5 67 GR +9 5 68 KR +9 5 69 FA +9 5 70 AA +9 5 71 KR +9 5 72 GR +9 5 73 GR +9 5 74 GR +9 5 75 FA +9 5 76 RA +9 5 77 GR +9 5 78 RA +9 5 79 FA +9 5 80 GR +9 5 81 GR +9 5 82 GR +9 5 83 * +9 5 84 GR +9 5 85 GR +9 5 86 RA +9 5 87 FA +9 5 88 RA +9 5 89 FA +9 5 90 GR +9 5 91 GR +9 5 92 AA +9 5 93 GR +9 5 94 FA +9 5 95 * +9 5 96 GR +9 5 97 GR +9 5 98 ER +9 5 99 GR +9 5 100 GR +9 5 101 RA +9 5 102 GR +9 5 103 FA +9 5 104 GR +9 5 105 KT +9 5 106 GR +9 5 107 * +9 5 108 GR +9 5 109 GR +9 5 110 RA +9 5 111 FA +9 5 112 ER +9 5 113 FA +9 5 114 GR +9 5 115 ER +9 5 116 GR +9 5 117 FA +9 5 118 RA +9 5 119 GR +9 5 120 AA +9 5 121 RA +9 5 122 GR +9 5 123 GR +9 5 124 GR +9 5 125 RA +9 5 126 RA +9 5 127 FA +9 5 128 RA +9 5 129 AA +9 5 130 FA +9 5 131 KT +9 5 132 ER +9 5 133 GR +9 5 134 FA +9 5 135 KT +9 5 136 GR +9 5 137 GR +9 5 138 GR +9 5 139 AA +9 5 140 GR +9 5 141 AA +9 5 142 GR +9 5 143 GR +9 5 144 KM +9 5 145 GR +9 5 146 GR +9 5 147 GR +9 5 148 ER +9 5 149 GR +9 5 150 KR +9 5 151 RA +9 5 152 RA +9 5 153 GR +9 5 154 FA +9 5 155 FA +9 5 156 GR +9 5 157 FA +9 5 158 AA +9 5 159 RA +9 5 160 RA +9 5 161 GR +9 5 162 ER +9 5 163 GR +9 5 164 GR +9 5 165 FA +9 5 166 GR +9 5 167 RA +9 5 168 GR +9 5 169 GR +9 5 170 FA +9 5 171 GR +9 5 172 AA +9 5 173 RA +9 5 174 GR +9 5 175 GR +9 5 176 RA +9 5 177 GR +9 5 178 GR +9 5 179 ER +9 5 180 GR +9 5 181 GR +9 5 182 RA +9 5 183 GR +9 5 184 GR +9 5 185 RA +9 5 186 GR +9 5 187 GR +9 5 188 GR +9 5 189 GR +9 5 190 RA +9 5 191 GR +9 5 192 GR +9 5 193 GR +9 5 194 RA +9 5 195 GR +9 5 196 GR +9 5 197 RA +9 5 198 FA +9 5 199 GR +9 5 200 GR +9 5 201 RA +9 5 202 GR +9 5 203 GR +9 5 204 FA +9 5 205 GR +9 5 206 AA +9 5 207 RA +9 5 208 GR +9 5 209 GR +9 5 210 RA +9 5 211 GR +9 5 212 RA +9 5 213 GR +9 5 214 GR +9 5 215 RA +9 5 216 FA +9 5 217 RA +9 5 218 GR +9 5 219 GR +9 5 220 GR +9 5 221 GR +9 5 222 KT +9 5 223 GR +9 5 224 AA +9 5 225 GR +9 5 226 GR +9 5 227 FA +9 5 228 GR +9 5 229 GR +9 5 230 AA +9 5 231 RA +9 5 232 GR +9 5 233 GR +9 5 234 GR +9 5 235 GR +9 5 236 GR +9 5 237 KT +9 5 238 GR +9 5 239 RA +9 5 240 ER +9 5 241 RA +9 5 242 KT +9 5 243 GR +9 5 244 * +9 5 245 * +9 5 246 GR +9 5 247 KT +9 5 248 FA +9 5 249 GR +9 5 250 KT +9 5 251 GR +9 5 252 RA +9 5 253 GR +9 5 254 GR +9 5 255 FA +9 5 256 RA +9 5 257 GR +9 5 258 GR +9 5 259 ER +9 5 260 GR +9 5 261 RA +9 5 262 AA +9 5 263 FA +9 5 264 GR +9 5 265 GR +9 5 266 RA +9 5 267 KR +9 5 268 GR +9 5 269 RA +9 5 270 GR +9 5 271 GR +9 5 272 AA +9 5 273 KR +9 5 274 AA +9 5 275 GR +9 5 276 RA +9 5 277 GR +9 5 278 RA +9 5 279 GR +9 5 280 GR +9 5 281 GR +9 5 282 GR +9 5 283 GR +9 5 284 AA +9 5 285 RA +9 5 286 AA +9 5 287 GR +9 5 288 ER +9 5 289 GR +9 5 290 AA +9 5 291 GR +9 5 292 RA +9 5 293 GR +9 5 294 GR +9 5 295 RA +9 5 296 KR +9 5 297 GR +9 5 298 ER +9 5 299 GR +9 5 300 FA +9 5 301 GR +9 5 302 AA +9 5 303 GR +9 5 304 GR +9 5 305 KT +9 5 306 GR +9 5 307 GR +9 5 308 GR +9 5 309 FA +9 5 310 GR +9 5 311 GR +9 5 312 FA +9 5 313 KR +9 5 314 AA +9 5 315 GR +9 5 316 GR +9 5 317 KR +9 5 318 RA +9 5 319 AA +9 5 320 GR +9 5 321 ER +9 5 322 GR +9 5 323 GR +9 5 324 AA +9 5 325 KR +9 5 326 GR +9 5 327 GR +9 5 328 GR +9 5 329 RA +9 5 330 GR +9 6 1 GR +9 6 2 GR +9 6 3 ER +9 6 4 FA +9 6 5 GR +9 6 6 RA +9 6 7 GR +9 6 8 RA +9 6 9 FA +9 6 10 GR +9 6 11 FA +9 6 12 GR +9 6 13 FA +9 6 14 FA +9 6 15 BA +9 6 16 AA +9 6 17 ER +9 6 18 FA +9 6 19 GR +9 6 20 GR +9 6 21 ER +9 6 22 RA +9 6 23 GR +9 6 24 FA +9 6 25 GR +9 6 26 GR +9 6 27 AA +9 6 28 ER +9 6 29 GR +9 6 30 RA +9 6 31 GR +9 6 32 RA +9 6 33 GR +9 6 34 GR +9 6 35 RA +9 6 36 FA +9 6 37 GR +9 6 38 ER +9 6 39 FA +9 6 40 GR +9 6 41 ER +9 6 42 RA +9 6 43 GR +9 6 44 AA +9 6 45 GR +9 6 46 FA +9 6 47 FA +9 6 48 RA +9 6 49 GR +9 6 50 GR +9 6 51 FA +9 6 52 AA +9 6 53 ER +9 6 54 FA +9 6 55 GR +9 6 56 RA +9 6 57 FA +9 6 58 FA +9 6 59 RA +9 6 60 FA +9 6 61 ER +9 6 62 GR +9 6 63 RA +9 6 64 GR +9 6 65 ER +9 6 66 AA +9 6 67 GR +9 6 68 ER +9 6 69 FA +9 6 70 AA +9 6 71 FA +9 6 72 GR +9 6 73 FA +9 6 74 AA +9 6 75 FA +9 6 76 ER +9 6 77 GR +9 6 78 RA +9 6 79 FA +9 6 80 GR +9 6 81 GR +9 6 82 GR +9 6 83 AA +9 6 84 RA +9 6 85 GR +9 6 86 RA +9 6 87 FA +9 6 88 GR +9 6 89 FA +9 6 90 GR +9 6 91 RA +9 6 92 AA +9 6 93 GR +9 6 94 FA +9 6 95 AA +9 6 96 GR +9 6 97 GR +9 6 98 ER +9 6 99 RA +9 6 100 GR +9 6 101 ER +9 6 102 GR +9 6 103 TS +9 6 104 GR +9 6 105 GR +9 6 106 AA +9 6 107 AA +9 6 108 AA +9 6 109 GR +9 6 110 RA +9 6 111 FA +9 6 112 ER +9 6 113 FA +9 6 114 GR +9 6 115 ER +9 6 116 AA +9 6 117 FA +9 6 118 ER +9 6 119 GR +9 6 120 AA +9 6 121 ER +9 6 122 GR +9 6 123 FA +9 6 124 GR +9 6 125 ER +9 6 126 GR +9 6 127 FA +9 6 128 GR +9 6 129 AA +9 6 130 FA +9 6 131 GR +9 6 132 ER +9 6 133 GR +9 6 134 FA +9 6 135 ER +9 6 136 GR +9 6 137 FA +9 6 138 GR +9 6 139 AA +9 6 140 GR +9 6 141 AA +9 6 142 AA +9 6 143 GR +9 6 144 GR +9 6 145 GR +9 6 146 GR +9 6 147 GR +9 6 148 ER +9 6 149 GR +9 6 150 FA +9 6 151 ER +9 6 152 RA +9 6 153 GR +9 6 154 FA +9 6 155 FA +9 6 156 GR +9 6 157 FA +9 6 158 AA +9 6 159 RA +9 6 160 RA +9 6 161 GR +9 6 162 ER +9 6 163 FA +9 6 164 GR +9 6 165 FA +9 6 166 GR +9 6 167 AA +9 6 168 GR +9 6 169 GR +9 6 170 FA +9 6 171 GR +9 6 172 AA +9 6 173 ER +9 6 174 RA +9 6 175 GR +9 6 176 ER +9 6 177 AA +9 6 178 GR +9 6 179 ER +9 6 180 GR +9 6 181 RA +9 6 182 ER +9 6 183 RA +9 6 184 GR +9 6 185 RA +9 6 186 GR +9 6 187 ER +9 6 188 GR +9 6 189 AA +9 6 190 RA +9 6 191 GR +9 6 192 GR +9 6 193 RA +9 6 194 ER +9 6 195 GR +9 6 196 GR +9 6 197 RA +9 6 198 FA +9 6 199 AA +9 6 200 GR +9 6 201 RA +9 6 202 GR +9 6 203 ER +9 6 204 FA +9 6 205 GR +9 6 206 AA +9 6 207 ER +9 6 208 RA +9 6 209 GR +9 6 210 RA +9 6 211 GR +9 6 212 RA +9 6 213 AA +9 6 214 GR +9 6 215 RA +9 6 216 FA +9 6 217 RA +9 6 218 GR +9 6 219 AA +9 6 220 GR +9 6 221 AA +9 6 222 GR +9 6 223 GR +9 6 224 AA +9 6 225 FA +9 6 226 GR +9 6 227 FA +9 6 228 GR +9 6 229 GR +9 6 230 RA +9 6 231 GR +9 6 232 FA +9 6 233 GR +9 6 234 GR +9 6 235 GR +9 6 236 GR +9 6 237 RA +9 6 238 GR +9 6 239 RA +9 6 240 FA +9 6 241 AA +9 6 242 AA +9 6 243 ER +9 6 244 AA +9 6 245 ER +9 6 246 GR +9 6 247 TS +9 6 248 FA +9 6 249 GR +9 6 250 FA +9 6 251 GR +9 6 252 AA +9 6 253 GR +9 6 254 GR +9 6 255 FA +9 6 256 ER +9 6 257 GR +9 6 258 GR +9 6 259 ER +9 6 260 AA +9 6 261 RA +9 6 262 AA +9 6 263 RA +9 6 264 TS +9 6 265 GR +9 6 266 RA +9 6 267 FA +9 6 268 GR +9 6 269 RA +9 6 270 GR +9 6 271 GR +9 6 272 AA +9 6 273 FA +9 6 274 AA +9 6 275 GR +9 6 276 ER +9 6 277 FA +9 6 278 ER +9 6 279 GR +9 6 280 RA +9 6 281 GR +9 6 282 GR +9 6 283 FA +9 6 284 AA +9 6 285 RA +9 6 286 AA +9 6 287 FA +9 6 288 AA +9 6 289 GR +9 6 290 AA +9 6 291 GR +9 6 292 RA +9 6 293 AA +9 6 294 AA +9 6 295 FA +9 6 296 GR +9 6 297 GR +9 6 298 ER +9 6 299 GR +9 6 300 AA +9 6 301 GR +9 6 302 AA +9 6 303 AA +9 6 304 FA +9 6 305 ER +9 6 306 GR +9 6 307 GR +9 6 308 FA +9 6 309 FA +9 6 310 GR +9 6 311 GR +9 6 312 TS +9 6 313 GR +9 6 314 AA +9 6 315 GR +9 6 316 GR +9 6 317 ER +9 6 318 ER +9 6 319 AA +9 6 320 FA +9 6 321 ER +9 6 322 GR +9 6 323 GR +9 6 324 AA +9 6 325 TS +9 6 326 GR +9 6 327 AA +9 6 328 GR +9 6 329 RA +9 6 330 AA +9 7 1 GR +9 7 2 GR +9 7 3 ER +9 7 4 FA +9 7 5 GR +9 7 6 RA +9 7 7 GR +9 7 8 ER +9 7 9 FA +9 7 10 TS +9 7 11 FA +9 7 12 RA +9 7 13 GR +9 7 14 GR +9 7 15 RA +9 7 16 AA +9 7 17 ER +9 7 18 TS +9 7 19 GR +9 7 20 GR +9 7 21 ER +9 7 22 AA +9 7 23 FA +9 7 24 TS +9 7 25 GR +9 7 26 GR +9 7 27 AA +9 7 28 ER +9 7 29 GR +9 7 30 RA +9 7 31 GR +9 7 32 FA +9 7 33 GR +9 7 34 GR +9 7 35 RA +9 7 36 GR +9 7 37 GR +9 7 38 ER +9 7 39 GR +9 7 40 GR +9 7 41 ER +9 7 42 RA +9 7 43 FA +9 7 44 AA +9 7 45 GR +9 7 46 TS +9 7 47 FA +9 7 48 RA +9 7 49 GR +9 7 50 FA +9 7 51 FA +9 7 52 AA +9 7 53 RA +9 7 54 GR +9 7 55 GR +9 7 56 ER +9 7 57 GR +9 7 58 FA +9 7 59 AA +9 7 60 GR +9 7 61 ER +9 7 62 FA +9 7 63 RA +9 7 64 GR +9 7 65 ER +9 7 66 AA +9 7 67 GR +9 7 68 ER +9 7 69 FA +9 7 70 AA +9 7 71 RA +9 7 72 GR +9 7 73 FA +9 7 74 GR +9 7 75 FA +9 7 76 ER +9 7 77 GR +9 7 78 RA +9 7 79 TS +9 7 80 GR +9 7 81 GR +9 7 82 GR +9 7 83 RA +9 7 84 RA +9 7 85 GR +9 7 86 ER +9 7 87 FA +9 7 88 RA +9 7 89 FA +9 7 90 GR +9 7 91 RA +9 7 92 AA +9 7 93 GR +9 7 94 FA +9 7 95 AA +9 7 96 RA +9 7 97 FA +9 7 98 ER +9 7 99 RA +9 7 100 GR +9 7 101 ER +9 7 102 RA +9 7 103 FA +9 7 104 GR +9 7 105 GR +9 7 106 AA +9 7 107 AA +9 7 108 AA +9 7 109 FA +9 7 110 RA +9 7 111 FA +9 7 112 ER +9 7 113 TS +9 7 114 GR +9 7 115 ER +9 7 116 AA +9 7 117 FA +9 7 118 RA +9 7 119 GR +9 7 120 AA +9 7 121 ER +9 7 122 GR +9 7 123 GR +9 7 124 RA +9 7 125 ER +9 7 126 ER +9 7 127 RA +9 7 128 RA +9 7 129 AA +9 7 130 GR +9 7 131 ER +9 7 132 ER +9 7 133 GR +9 7 134 FA +9 7 135 ER +9 7 136 GR +9 7 137 GR +9 7 138 GR +9 7 139 AA +9 7 140 GR +9 7 141 AA +9 7 142 AA +9 7 143 RA +9 7 144 FA +9 7 145 GR +9 7 146 RA +9 7 147 GR +9 7 148 ER +9 7 149 GR +9 7 150 FA +9 7 151 RA +9 7 152 RA +9 7 153 GR +9 7 154 TS +9 7 155 FA +9 7 156 GR +9 7 157 FA +9 7 158 AA +9 7 159 RA +9 7 160 RA +9 7 161 GR +9 7 162 ER +9 7 163 GR +9 7 164 GR +9 7 165 GR +9 7 166 FA +9 7 167 AA +9 7 168 GR +9 7 169 GR +9 7 170 FA +9 7 171 GR +9 7 172 AA +9 7 173 ER +9 7 174 RA +9 7 175 AA +9 7 176 ER +9 7 177 AA +9 7 178 GR +9 7 179 ER +9 7 180 GR +9 7 181 RA +9 7 182 FA +9 7 183 FA +9 7 184 FA +9 7 185 RA +9 7 186 GR +9 7 187 RA +9 7 188 GR +9 7 189 AA +9 7 190 RA +9 7 191 GR +9 7 192 FA +9 7 193 RA +9 7 194 ER +9 7 195 GR +9 7 196 GR +9 7 197 RA +9 7 198 TS +9 7 199 AA +9 7 200 GR +9 7 201 RA +9 7 202 GR +9 7 203 ER +9 7 204 TS +9 7 205 GR +9 7 206 AA +9 7 207 ER +9 7 208 RA +9 7 209 GR +9 7 210 FA +9 7 211 GR +9 7 212 ER +9 7 213 FA +9 7 214 RA +9 7 215 RA +9 7 216 TS +9 7 217 RA +9 7 218 GR +9 7 219 AA +9 7 220 FA +9 7 221 AA +9 7 222 FA +9 7 223 GR +9 7 224 AA +9 7 225 FA +9 7 226 GR +9 7 227 TS +9 7 228 GR +9 7 229 GR +9 7 230 AA +9 7 231 FA +9 7 232 FA +9 7 233 GR +9 7 234 GR +9 7 235 GR +9 7 236 RA +9 7 237 RA +9 7 238 GR +9 7 239 RA +9 7 240 FA +9 7 241 AA +9 7 242 RA +9 7 243 ER +9 7 244 AA +9 7 245 ER +9 7 246 GR +9 7 247 FA +9 7 248 GR +9 7 249 GR +9 7 250 FA +9 7 251 GR +9 7 252 AA +9 7 253 GR +9 7 254 FA +9 7 255 TS +9 7 256 RA +9 7 257 FA +9 7 258 RA +9 7 259 ER +9 7 260 AA +9 7 261 RA +9 7 262 AA +9 7 263 FA +9 7 264 AA +9 7 265 GR +9 7 266 FA +9 7 267 FA +9 7 268 GR +9 7 269 FA +9 7 270 RA +9 7 271 GR +9 7 272 AA +9 7 273 RA +9 7 274 AA +9 7 275 GR +9 7 276 ER +9 7 277 FA +9 7 278 RA +9 7 279 FA +9 7 280 GR +9 7 281 GR +9 7 282 GR +9 7 283 FA +9 7 284 AA +9 7 285 RA +9 7 286 AA +9 7 287 FA +9 7 288 ER +9 7 289 GR +9 7 290 AA +9 7 291 GR +9 7 292 RA +9 7 293 AA +9 7 294 AA +9 7 295 FA +9 7 296 FA +9 7 297 RA +9 7 298 ER +9 7 299 GR +9 7 300 FA +9 7 301 GR +9 7 302 AA +9 7 303 AA +9 7 304 GR +9 7 305 FA +9 7 306 GR +9 7 307 GR +9 7 308 FA +9 7 309 FA +9 7 310 GR +9 7 311 GR +9 7 312 TS +9 7 313 GR +9 7 314 AA +9 7 315 GR +9 7 316 GR +9 7 317 FA +9 7 318 RA +9 7 319 AA +9 7 320 FA +9 7 321 ER +9 7 322 GR +9 7 323 FA +9 7 324 AA +9 7 325 FA +9 7 326 RA +9 7 327 AA +9 7 328 FA +9 7 329 FA +9 7 330 AA +9 8 1 GR +9 8 2 GR +9 8 3 ER +9 8 4 FA +9 8 5 GR +9 8 6 RA +9 8 7 GR +9 8 8 GR +9 8 9 RA +9 8 10 FA +9 8 11 GR +9 8 12 RA +9 8 13 GR +9 8 14 GR +9 8 15 RA +9 8 16 AA +9 8 17 ER +9 8 18 TS +9 8 19 GR +9 8 20 GR +9 8 21 RA +9 8 22 RA +9 8 23 FA +9 8 24 FA +9 8 25 GR +9 8 26 GR +9 8 27 AA +9 8 28 ER +9 8 29 GR +9 8 30 RA +9 8 31 GR +9 8 32 RA +9 8 33 GR +9 8 34 GR +9 8 35 RA +9 8 36 GR +9 8 37 FA +9 8 38 ER +9 8 39 GR +9 8 40 GR +9 8 41 ER +9 8 42 RA +9 8 43 FA +9 8 44 AA +9 8 45 GR +9 8 46 FA +9 8 47 FA +9 8 48 RA +9 8 49 GR +9 8 50 FA +9 8 51 FA +9 8 52 AA +9 8 53 ER +9 8 54 GR +9 8 55 GR +9 8 56 RA +9 8 57 GR +9 8 58 RA +9 8 59 AA +9 8 60 FA +9 8 61 ER +9 8 62 GR +9 8 63 ER +9 8 64 GR +9 8 65 ER +9 8 66 AA +9 8 67 GR +9 8 68 RA +9 8 69 FA +9 8 70 AA +9 8 71 FA +9 8 72 GR +9 8 73 FA +9 8 74 AA +9 8 75 GR +9 8 76 ER +9 8 77 GR +9 8 78 RA +9 8 79 TS +9 8 80 GR +9 8 81 GR +9 8 82 GR +9 8 83 RA +9 8 84 RA +9 8 85 GR +9 8 86 ER +9 8 87 TS +9 8 88 RA +9 8 89 TS +9 8 90 FA +9 8 91 GR +9 8 92 AA +9 8 93 GR +9 8 94 TS +9 8 95 AA +9 8 96 GR +9 8 97 GR +9 8 98 ER +9 8 99 RA +9 8 100 RA +9 8 101 RA +9 8 102 AA +9 8 103 GR +9 8 104 RA +9 8 105 GR +9 8 106 AA +9 8 107 AA +9 8 108 RA +9 8 109 FA +9 8 110 ER +9 8 111 FA +9 8 112 ER +9 8 113 TS +9 8 114 GR +9 8 115 ER +9 8 116 GR +9 8 117 TS +9 8 118 RA +9 8 119 GR +9 8 120 AA +9 8 121 ER +9 8 122 GR +9 8 123 FA +9 8 124 GR +9 8 125 ER +9 8 126 RA +9 8 127 TS +9 8 128 RA +9 8 129 AA +9 8 130 FA +9 8 131 GR +9 8 132 ER +9 8 133 GR +9 8 134 FA +9 8 135 GR +9 8 136 GR +9 8 137 GR +9 8 138 GR +9 8 139 AA +9 8 140 FA +9 8 141 AA +9 8 142 FA +9 8 143 GR +9 8 144 FA +9 8 145 GR +9 8 146 RA +9 8 147 GR +9 8 148 ER +9 8 149 GR +9 8 150 FA +9 8 151 RA +9 8 152 RA +9 8 153 GR +9 8 154 FA +9 8 155 FA +9 8 156 GR +9 8 157 FA +9 8 158 AA +9 8 159 RA +9 8 160 RA +9 8 161 GR +9 8 162 ER +9 8 163 GR +9 8 164 FA +9 8 165 FA +9 8 166 FA +9 8 167 RA +9 8 168 GR +9 8 169 GR +9 8 170 FA +9 8 171 GR +9 8 172 AA +9 8 173 RA +9 8 174 ER +9 8 175 GR +9 8 176 ER +9 8 177 RA +9 8 178 GR +9 8 179 FA +9 8 180 GR +9 8 181 RA +9 8 182 FA +9 8 183 GR +9 8 184 FA +9 8 185 RA +9 8 186 GR +9 8 187 ER +9 8 188 GR +9 8 189 AA +9 8 190 RA +9 8 191 GR +9 8 192 FA +9 8 193 RA +9 8 194 FA +9 8 195 GR +9 8 196 GR +9 8 197 FA +9 8 198 TS +9 8 199 AA +9 8 200 GR +9 8 201 RA +9 8 202 GR +9 8 203 RA +9 8 204 FA +9 8 205 FA +9 8 206 RA +9 8 207 RA +9 8 208 RA +9 8 209 GR +9 8 210 FA +9 8 211 GR +9 8 212 ER +9 8 213 RA +9 8 214 GR +9 8 215 RA +9 8 216 FA +9 8 217 RA +9 8 218 GR +9 8 219 AA +9 8 220 FA +9 8 221 AA +9 8 222 FA +9 8 223 GR +9 8 224 AA +9 8 225 FA +9 8 226 GR +9 8 227 TS +9 8 228 FA +9 8 229 GR +9 8 230 AA +9 8 231 FA +9 8 232 FA +9 8 233 GR +9 8 234 GR +9 8 235 GR +9 8 236 GR +9 8 237 RA +9 8 238 GR +9 8 239 RA +9 8 240 FA +9 8 241 AA +9 8 242 RA +9 8 243 FA +9 8 244 AA +9 8 245 ER +9 8 246 GR +9 8 247 FA +9 8 248 FA +9 8 249 RA +9 8 250 FA +9 8 251 RA +9 8 252 AA +9 8 253 GR +9 8 254 FA +9 8 255 TS +9 8 256 ER +9 8 257 GR +9 8 258 RA +9 8 259 ER +9 8 260 RA +9 8 261 ER +9 8 262 AA +9 8 263 FA +9 8 264 AA +9 8 265 GR +9 8 266 ER +9 8 267 FA +9 8 268 GR +9 8 269 RA +9 8 270 GR +9 8 271 GR +9 8 272 AA +9 8 273 RA +9 8 274 AA +9 8 275 GR +9 8 276 ER +9 8 277 GR +9 8 278 RA +9 8 279 GR +9 8 280 GR +9 8 281 GR +9 8 282 GR +9 8 283 FA +9 8 284 AA +9 8 285 RA +9 8 286 AA +9 8 287 FA +9 8 288 ER +9 8 289 GR +9 8 290 AA +9 8 291 GR +9 8 292 RA +9 8 293 GR +9 8 294 AA +9 8 295 FA +9 8 296 FA +9 8 297 ER +9 8 298 ER +9 8 299 GR +9 8 300 FA +9 8 301 GR +9 8 302 AA +9 8 303 FA +9 8 304 FA +9 8 305 FA +9 8 306 GR +9 8 307 GR +9 8 308 GR +9 8 309 FA +9 8 310 GR +9 8 311 GR +9 8 312 TS +9 8 313 FA +9 8 314 AA +9 8 315 GR +9 8 316 GR +9 8 317 FA +9 8 318 RA +9 8 319 AA +9 8 320 FA +9 8 321 ER +9 8 322 GR +9 8 323 GR +9 8 324 AA +9 8 325 FA +9 8 326 RA +9 8 327 RA +9 8 328 GR +9 8 329 RA +9 8 330 RA +9 9 1 GR +9 9 2 AA +9 9 3 ER +9 9 4 FA +9 9 5 GR +9 9 6 RA +9 9 7 GR +9 9 8 FA +9 9 9 FA +9 9 10 FA +9 9 11 GR +9 9 12 RA +9 9 13 GR +9 9 14 FA +9 9 15 RA +9 9 16 AA +9 9 17 ER +9 9 18 TS +9 9 19 GR +9 9 20 GR +9 9 21 RA +9 9 22 AA +9 9 23 GR +9 9 24 FA +9 9 25 FA +9 9 26 GR +9 9 27 AA +9 9 28 ER +9 9 29 GR +9 9 30 ER +9 9 31 AA +9 9 32 RA +9 9 33 GR +9 9 34 GR +9 9 35 ER +9 9 36 GR +9 9 37 GR +9 9 38 ER +9 9 39 GR +9 9 40 GR +9 9 41 ER +9 9 42 GR +9 9 43 FA +9 9 44 AA +9 9 45 GR +9 9 46 FA +9 9 47 FA +9 9 48 RA +9 9 49 GR +9 9 50 FA +9 9 51 RA +9 9 52 AA +9 9 53 ER +9 9 54 GR +9 9 55 GR +9 9 56 RA +9 9 57 GR +9 9 58 RA +9 9 59 AA +9 9 60 FA +9 9 61 ER +9 9 62 GR +9 9 63 RA +9 9 64 GR +9 9 65 ER +9 9 66 AA +9 9 67 GR +9 9 68 ER +9 9 69 GR +9 9 70 AA +9 9 71 FA +9 9 72 GR +9 9 73 GR +9 9 74 AA +9 9 75 FA +9 9 76 ER +9 9 77 GR +9 9 78 AA +9 9 79 FA +9 9 80 GR +9 9 81 GR +9 9 82 GR +9 9 83 AA +9 9 84 RA +9 9 85 GR +9 9 86 RA +9 9 87 TS +9 9 88 RA +9 9 89 TS +9 9 90 FA +9 9 91 GR +9 9 92 AA +9 9 93 GR +9 9 94 TS +9 9 95 AA +9 9 96 RA +9 9 97 FA +9 9 98 ER +9 9 99 AA +9 9 100 AA +9 9 101 RA +9 9 102 RA +9 9 103 FA +9 9 104 GR +9 9 105 FA +9 9 106 RA +9 9 107 AA +9 9 108 AA +9 9 109 GR +9 9 110 ER +9 9 111 FA +9 9 112 ER +9 9 113 TS +9 9 114 GR +9 9 115 ER +9 9 116 AA +9 9 117 TS +9 9 118 RA +9 9 119 GR +9 9 120 AA +9 9 121 ER +9 9 122 GR +9 9 123 FA +9 9 124 RA +9 9 125 ER +9 9 126 RA +9 9 127 TS +9 9 128 RA +9 9 129 AA +9 9 130 FA +9 9 131 FA +9 9 132 ER +9 9 133 GR +9 9 134 FA +9 9 135 RA +9 9 136 GR +9 9 137 GR +9 9 138 AA +9 9 139 AA +9 9 140 GR +9 9 141 AA +9 9 142 AA +9 9 143 GR +9 9 144 FA +9 9 145 GR +9 9 146 GR +9 9 147 GR +9 9 148 ER +9 9 149 GR +9 9 150 FA +9 9 151 RA +9 9 152 FA +9 9 153 GR +9 9 154 TS +9 9 155 FA +9 9 156 GR +9 9 157 RA +9 9 158 AA +9 9 159 RA +9 9 160 RA +9 9 161 GR +9 9 162 ER +9 9 163 GR +9 9 164 GR +9 9 165 FA +9 9 166 FA +9 9 167 RA +9 9 168 GR +9 9 169 GR +9 9 170 FA +9 9 171 GR +9 9 172 AA +9 9 173 ER +9 9 174 RA +9 9 175 AA +9 9 176 ER +9 9 177 RA +9 9 178 GR +9 9 179 ER +9 9 180 GR +9 9 181 FA +9 9 182 FA +9 9 183 RA +9 9 184 FA +9 9 185 RA +9 9 186 GR +9 9 187 ER +9 9 188 GR +9 9 189 AA +9 9 190 RA +9 9 191 GR +9 9 192 RA +9 9 193 RA +9 9 194 ER +9 9 195 GR +9 9 196 RA +9 9 197 FA +9 9 198 TS +9 9 199 AA +9 9 200 GR +9 9 201 RA +9 9 202 GR +9 9 203 ER +9 9 204 FA +9 9 205 FA +9 9 206 AA +9 9 207 ER +9 9 208 RA +9 9 209 GR +9 9 210 ER +9 9 211 GR +9 9 212 ER +9 9 213 FA +9 9 214 GR +9 9 215 RA +9 9 216 FA +9 9 217 RA +9 9 218 GR +9 9 219 AA +9 9 220 GR +9 9 221 AA +9 9 222 FA +9 9 223 RA +9 9 224 AA +9 9 225 RA +9 9 226 GR +9 9 227 TS +9 9 228 GR +9 9 229 RA +9 9 230 AA +9 9 231 FA +9 9 232 FA +9 9 233 GR +9 9 234 GR +9 9 235 FA +9 9 236 GR +9 9 237 RA +9 9 238 GR +9 9 239 ER +9 9 240 FA +9 9 241 AA +9 9 242 RA +9 9 243 FA +9 9 244 AA +9 9 245 ER +9 9 246 GR +9 9 247 FA +9 9 248 FA +9 9 249 GR +9 9 250 GR +9 9 251 GR +9 9 252 AA +9 9 253 GR +9 9 254 GR +9 9 255 TS +9 9 256 ER +9 9 257 FA +9 9 258 RA +9 9 259 ER +9 9 260 AA +9 9 261 ER +9 9 262 AA +9 9 263 AA +9 9 264 AA +9 9 265 GR +9 9 266 ER +9 9 267 FA +9 9 268 GR +9 9 269 RA +9 9 270 ER +9 9 271 GR +9 9 272 AA +9 9 273 GR +9 9 274 AA +9 9 275 RA +9 9 276 ER +9 9 277 GR +9 9 278 ER +9 9 279 FA +9 9 280 GR +9 9 281 GR +9 9 282 GR +9 9 283 FA +9 9 284 AA +9 9 285 RA +9 9 286 AA +9 9 287 FA +9 9 288 ER +9 9 289 GR +9 9 290 AA +9 9 291 FA +9 9 292 RA +9 9 293 GR +9 9 294 AA +9 9 295 FA +9 9 296 GR +9 9 297 ER +9 9 298 ER +9 9 299 GR +9 9 300 AA +9 9 301 GR +9 9 302 AA +9 9 303 GR +9 9 304 GR +9 9 305 TS +9 9 306 GR +9 9 307 GR +9 9 308 RA +9 9 309 TS +9 9 310 GR +9 9 311 TS +9 9 312 TS +9 9 313 GR +9 9 314 AA +9 9 315 GR +9 9 316 GR +9 9 317 ER +9 9 318 ER +9 9 319 AA +9 9 320 FA +9 9 321 ER +9 9 322 RA +9 9 323 GR +9 9 324 AA +9 9 325 GR +9 9 326 RA +9 9 327 AA +9 9 328 GR +9 9 329 ER +9 9 330 AA +9 10 1 GR +9 10 2 AA +9 10 3 ER +9 10 4 FA +9 10 5 GR +9 10 6 RA +9 10 7 GR +9 10 8 FA +9 10 9 FA +9 10 10 GR +9 10 11 TS +9 10 12 RA +9 10 13 GR +9 10 14 FA +9 10 15 RA +9 10 16 AA +9 10 17 ER +9 10 18 TS +9 10 19 GR +9 10 20 GR +9 10 21 RA +9 10 22 AA +9 10 23 FA +9 10 24 TS +9 10 25 GR +9 10 26 GR +9 10 27 AA +9 10 28 ER +9 10 29 GR +9 10 30 RA +9 10 31 AA +9 10 32 FA +9 10 33 GR +9 10 34 GR +9 10 35 RA +9 10 36 FA +9 10 37 GR +9 10 38 FA +9 10 39 GR +9 10 40 GR +9 10 41 FA +9 10 42 RA +9 10 43 FA +9 10 44 AA +9 10 45 GR +9 10 46 TS +9 10 47 GR +9 10 48 RA +9 10 49 GR +9 10 50 FA +9 10 51 TS +9 10 52 AA +9 10 53 ER +9 10 54 GR +9 10 55 GR +9 10 56 AA +9 10 57 FA +9 10 58 RA +9 10 59 AA +9 10 60 FA +9 10 61 ER +9 10 62 FA +9 10 63 RA +9 10 64 GR +9 10 65 ER +9 10 66 AA +9 10 67 GR +9 10 68 RA +9 10 69 TS +9 10 70 AA +9 10 71 FA +9 10 72 GR +9 10 73 FA +9 10 74 AA +9 10 75 GR +9 10 76 ER +9 10 77 GR +9 10 78 AA +9 10 79 TS +9 10 80 GR +9 10 81 GR +9 10 82 GR +9 10 83 AA +9 10 84 RA +9 10 85 GR +9 10 86 RA +9 10 87 TS +9 10 88 GR +9 10 89 TS +9 10 90 FA +9 10 91 GR +9 10 92 AA +9 10 93 GR +9 10 94 RA +9 10 95 AA +9 10 96 RA +9 10 97 FA +9 10 98 ER +9 10 99 FA +9 10 100 GR +9 10 101 FA +9 10 102 AA +9 10 103 TS +9 10 104 GR +9 10 105 FA +9 10 106 AA +9 10 107 AA +9 10 108 AA +9 10 109 GR +9 10 110 RA +9 10 111 TS +9 10 112 ER +9 10 113 TS +9 10 114 GR +9 10 115 ER +9 10 116 AA +9 10 117 FA +9 10 118 RA +9 10 119 GR +9 10 120 AA +9 10 121 ER +9 10 122 GR +9 10 123 GR +9 10 124 GR +9 10 125 ER +9 10 126 RA +9 10 127 GR +9 10 128 RA +9 10 129 AA +9 10 130 TS +9 10 131 FA +9 10 132 ER +9 10 133 GR +9 10 134 FA +9 10 135 ER +9 10 136 GR +9 10 137 FA +9 10 138 GR +9 10 139 AA +9 10 140 GR +9 10 141 AA +9 10 142 AA +9 10 143 GR +9 10 144 FA +9 10 145 GR +9 10 146 RA +9 10 147 GR +9 10 148 ER +9 10 149 GR +9 10 150 FA +9 10 151 RA +9 10 152 RA +9 10 153 GR +9 10 154 FA +9 10 155 TS +9 10 156 GR +9 10 157 FA +9 10 158 AA +9 10 159 RA +9 10 160 RA +9 10 161 GR +9 10 162 ER +9 10 163 GR +9 10 164 GR +9 10 165 FA +9 10 166 GR +9 10 167 RA +9 10 168 GR +9 10 169 GR +9 10 170 TS +9 10 171 FA +9 10 172 AA +9 10 173 ER +9 10 174 RA +9 10 175 AA +9 10 176 RA +9 10 177 AA +9 10 178 GR +9 10 179 FA +9 10 180 GR +9 10 181 RA +9 10 182 FA +9 10 183 TS +9 10 184 FA +9 10 185 RA +9 10 186 GR +9 10 187 RA +9 10 188 GR +9 10 189 AA +9 10 190 AA +9 10 191 GR +9 10 192 FA +9 10 193 RA +9 10 194 FA +9 10 195 GR +9 10 196 GR +9 10 197 FA +9 10 198 TS +9 10 199 AA +9 10 200 GR +9 10 201 AA +9 10 202 GR +9 10 203 ER +9 10 204 FA +9 10 205 GR +9 10 206 AA +9 10 207 ER +9 10 208 FA +9 10 209 GR +9 10 210 FA +9 10 211 GR +9 10 212 RA +9 10 213 AA +9 10 214 GR +9 10 215 RA +9 10 216 FA +9 10 217 AA +9 10 218 GR +9 10 219 AA +9 10 220 GR +9 10 221 AA +9 10 222 FA +9 10 223 GR +9 10 224 AA +9 10 225 FA +9 10 226 GR +9 10 227 TS +9 10 228 GR +9 10 229 GR +9 10 230 AA +9 10 231 FA +9 10 232 FA +9 10 233 GR +9 10 234 GR +9 10 235 GR +9 10 236 GR +9 10 237 RA +9 10 238 GR +9 10 239 ER +9 10 240 FA +9 10 241 AA +9 10 242 AA +9 10 243 FA +9 10 244 AA +9 10 245 ER +9 10 246 GR +9 10 247 FA +9 10 248 FA +9 10 249 GR +9 10 250 FA +9 10 251 GR +9 10 252 AA +9 10 253 GR +9 10 254 GR +9 10 255 TS +9 10 256 ER +9 10 257 GR +9 10 258 RA +9 10 259 ER +9 10 260 AA +9 10 261 RA +9 10 262 AA +9 10 263 TS +9 10 264 GR +9 10 265 GR +9 10 266 ER +9 10 267 FA +9 10 268 GR +9 10 269 GR +9 10 270 RA +9 10 271 GR +9 10 272 AA +9 10 273 FA +9 10 274 AA +9 10 275 RA +9 10 276 ER +9 10 277 GR +9 10 278 RA +9 10 279 GR +9 10 280 GR +9 10 281 GR +9 10 282 GR +9 10 283 FA +9 10 284 AA +9 10 285 RA +9 10 286 AA +9 10 287 FA +9 10 288 ER +9 10 289 GR +9 10 290 AA +9 10 291 GR +9 10 292 RA +9 10 293 AA +9 10 294 AA +9 10 295 TS +9 10 296 GR +9 10 297 RA +9 10 298 ER +9 10 299 GR +9 10 300 FA +9 10 301 GR +9 10 302 AA +9 10 303 FA +9 10 304 GR +9 10 305 FA +9 10 306 GR +9 10 307 GR +9 10 308 FA +9 10 309 TS +9 10 310 GR +9 10 311 GR +9 10 312 TS +9 10 313 GR +9 10 314 AA +9 10 315 GR +9 10 316 GR +9 10 317 FA +9 10 318 RA +9 10 319 AA +9 10 320 RA +9 10 321 ER +9 10 322 GR +9 10 323 GR +9 10 324 AA +9 10 325 FA +9 10 326 RA +9 10 327 AA +9 10 328 GR +9 10 329 GR +9 10 330 AA +9 11 1 GR +9 11 2 AA +9 11 3 ER +9 11 4 FA +9 11 5 AA +9 11 6 RA +9 11 7 GR +9 11 8 ER +9 11 9 RA +9 11 10 GR +9 11 11 FA +9 11 12 RA +9 11 13 FA +9 11 14 FA +9 11 15 AA +9 11 16 AA +9 11 17 ER +9 11 18 FA +9 11 19 GR +9 11 20 GR +9 11 21 ER +9 11 22 AA +9 11 23 FA +9 11 24 TS +9 11 25 GR +9 11 26 GR +9 11 27 AA +9 11 28 ER +9 11 29 GR +9 11 30 RA +9 11 31 AA +9 11 32 RA +9 11 33 GR +9 11 34 GR +9 11 35 ER +9 11 36 TS +9 11 37 GR +9 11 38 ER +9 11 39 GR +9 11 40 GR +9 11 41 ER +9 11 42 RA +9 11 43 TS +9 11 44 AA +9 11 45 GR +9 11 46 FA +9 11 47 TS +9 11 48 RA +9 11 49 GR +9 11 50 FA +9 11 51 TS +9 11 52 AA +9 11 53 ER +9 11 54 GR +9 11 55 GR +9 11 56 RA +9 11 57 GR +9 11 58 RA +9 11 59 AA +9 11 60 TS +9 11 61 ER +9 11 62 RA +9 11 63 AA +9 11 64 GR +9 11 65 ER +9 11 66 AA +9 11 67 GR +9 11 68 RA +9 11 69 TS +9 11 70 AA +9 11 71 ER +9 11 72 GR +9 11 73 RA +9 11 74 AA +9 11 75 TS +9 11 76 ER +9 11 77 GR +9 11 78 AA +9 11 79 TS +9 11 80 GR +9 11 81 RA +9 11 82 GR +9 11 83 AA +9 11 84 RA +9 11 85 GR +9 11 86 RA +9 11 87 TS +9 11 88 RA +9 11 89 TS +9 11 90 TS +9 11 91 RA +9 11 92 AA +9 11 93 GR +9 11 94 TS +9 11 95 AA +9 11 96 RA +9 11 97 GR +9 11 98 ER +9 11 99 AA +9 11 100 BA +9 11 101 ER +9 11 102 AA +9 11 103 TS +9 11 104 GR +9 11 105 ER +9 11 106 AA +9 11 107 AA +9 11 108 AA +9 11 109 GR +9 11 110 RA +9 11 111 TS +9 11 112 GR +9 11 113 TS +9 11 114 GR +9 11 115 ER +9 11 116 AA +9 11 117 TS +9 11 118 RA +9 11 119 GR +9 11 120 AA +9 11 121 RA +9 11 122 GR +9 11 123 TS +9 11 124 GR +9 11 125 RA +9 11 126 RA +9 11 127 TS +9 11 128 RA +9 11 129 AA +9 11 130 TS +9 11 131 TS +9 11 132 ER +9 11 133 GR +9 11 134 TS +9 11 135 ER +9 11 136 GR +9 11 137 TS +9 11 138 GR +9 11 139 AA +9 11 140 GR +9 11 141 AA +9 11 142 AA +9 11 143 GR +9 11 144 TS +9 11 145 GR +9 11 146 RA +9 11 147 GR +9 11 148 ER +9 11 149 GR +9 11 150 TS +9 11 151 RA +9 11 152 RA +9 11 153 GR +9 11 154 TS +9 11 155 TS +9 11 156 GR +9 11 157 TS +9 11 158 AA +9 11 159 RA +9 11 160 RA +9 11 161 GR +9 11 162 ER +9 11 163 GR +9 11 164 GR +9 11 165 FA +9 11 166 TS +9 11 167 RA +9 11 168 GR +9 11 169 GR +9 11 170 TS +9 11 171 FA +9 11 172 AA +9 11 173 RA +9 11 174 RA +9 11 175 GR +9 11 176 ER +9 11 177 RA +9 11 178 GR +9 11 179 ER +9 11 180 GR +9 11 181 RA +9 11 182 ER +9 11 183 TS +9 11 184 GR +9 11 185 ER +9 11 186 GR +9 11 187 RA +9 11 188 GR +9 11 189 AA +9 11 190 RA +9 11 191 GR +9 11 192 TS +9 11 193 RA +9 11 194 ER +9 11 195 GR +9 11 196 GR +9 11 197 RA +9 11 198 TS +9 11 199 AA +9 11 200 GR +9 11 201 RA +9 11 202 GR +9 11 203 RA +9 11 204 TS +9 11 205 GR +9 11 206 AA +9 11 207 ER +9 11 208 RA +9 11 209 GR +9 11 210 ER +9 11 211 GR +9 11 212 RA +9 11 213 RA +9 11 214 ER +9 11 215 RA +9 11 216 TS +9 11 217 RA +9 11 218 RA +9 11 219 AA +9 11 220 GR +9 11 221 AA +9 11 222 GR +9 11 223 GR +9 11 224 AA +9 11 225 RA +9 11 226 GR +9 11 227 TS +9 11 228 GR +9 11 229 GR +9 11 230 AA +9 11 231 RA +9 11 232 TS +9 11 233 GR +9 11 234 GR +9 11 235 GR +9 11 236 RA +9 11 237 RA +9 11 238 GR +9 11 239 RA +9 11 240 ER +9 11 241 AA +9 11 242 RA +9 11 243 ER +9 11 244 AA +9 11 245 ER +9 11 246 GR +9 11 247 GR +9 11 248 TS +9 11 249 TS +9 11 250 FA +9 11 251 GR +9 11 252 AA +9 11 253 GR +9 11 254 GR +9 11 255 TS +9 11 256 ER +9 11 257 TS +9 11 258 RA +9 11 259 ER +9 11 260 AA +9 11 261 RA +9 11 262 AA +9 11 263 TS +9 11 264 AA +9 11 265 GR +9 11 266 ER +9 11 267 TS +9 11 268 GR +9 11 269 RA +9 11 270 RA +9 11 271 TS +9 11 272 AA +9 11 273 RA +9 11 274 AA +9 11 275 GR +9 11 276 ER +9 11 277 GR +9 11 278 RA +9 11 279 GR +9 11 280 GR +9 11 281 GR +9 11 282 GR +9 11 283 TS +9 11 284 AA +9 11 285 AA +9 11 286 AA +9 11 287 TS +9 11 288 ER +9 11 289 GR +9 11 290 AA +9 11 291 GR +9 11 292 AA +9 11 293 AA +9 11 294 AA +9 11 295 TS +9 11 296 GR +9 11 297 RA +9 11 298 ER +9 11 299 GR +9 11 300 AA +9 11 301 GR +9 11 302 AA +9 11 303 AA +9 11 304 TS +9 11 305 FA +9 11 306 RA +9 11 307 GR +9 11 308 TS +9 11 309 TS +9 11 310 GR +9 11 311 GR +9 11 312 TS +9 11 313 TS +9 11 314 AA +9 11 315 GR +9 11 316 GR +9 11 317 ER +9 11 318 RA +9 11 319 AA +9 11 320 RA +9 11 321 ER +9 11 322 GR +9 11 323 GR +9 11 324 AA +9 11 325 GR +9 11 326 RA +9 11 327 AA +9 11 328 TS +9 11 329 FA +9 11 330 AA +9 12 1 GR +9 12 2 GR +9 12 3 ER +9 12 4 TS +9 12 5 AA +9 12 6 RA +9 12 7 GR +9 12 8 ER +9 12 9 FA +9 12 10 GR +9 12 11 FA +9 12 12 RA +9 12 13 GR +9 12 14 FA +9 12 15 RA +9 12 16 AA +9 12 17 ER +9 12 18 BA +9 12 19 GR +9 12 20 GR +9 12 21 ER +9 12 22 RA +9 12 23 FA +9 12 24 BA +9 12 25 GR +9 12 26 FA +9 12 27 AA +9 12 28 ER +9 12 29 GR +9 12 30 RA +9 12 31 AA +9 12 32 ER +9 12 33 GR +9 12 34 GR +9 12 35 ER +9 12 36 BA +9 12 37 BA +9 12 38 ER +9 12 39 FA +9 12 40 GR +9 12 41 ER +9 12 42 BA +9 12 43 GR +9 12 44 AA +9 12 45 GR +9 12 46 FA +9 12 47 FA +9 12 48 RA +9 12 49 GR +9 12 50 FA +9 12 51 FA +9 12 52 AA +9 12 53 ER +9 12 54 BA +9 12 55 GR +9 12 56 RA +9 12 57 GR +9 12 58 FA +9 12 59 AA +9 12 60 BA +9 12 61 ER +9 12 62 BA +9 12 63 RA +9 12 64 GR +9 12 65 ER +9 12 66 AA +9 12 67 GR +9 12 68 ER +9 12 69 FA +9 12 70 AA +9 12 71 FA +9 12 72 GR +9 12 73 BA +9 12 74 AA +9 12 75 BA +9 12 76 RA +9 12 77 GR +9 12 78 AA +9 12 79 TS +9 12 80 GR +9 12 81 GR +9 12 82 GR +9 12 83 AA +9 12 84 ER +9 12 85 GR +9 12 86 ER +9 12 87 BA +9 12 88 ER +9 12 89 FA +9 12 90 FA +9 12 91 GR +9 12 92 AA +9 12 93 GR +9 12 94 BA +9 12 95 AA +9 12 96 GR +9 12 97 BA +9 12 98 ER +9 12 99 RA +9 12 100 AA +9 12 101 ER +9 12 102 BA +9 12 103 FA +9 12 104 GR +9 12 105 RA +9 12 106 AA +9 12 107 AA +9 12 108 AA +9 12 109 FA +9 12 110 RA +9 12 111 BA +9 12 112 ER +9 12 113 FA +9 12 114 GR +9 12 115 ER +9 12 116 AA +9 12 117 TS +9 12 118 RA +9 12 119 GR +9 12 120 AA +9 12 121 ER +9 12 122 GR +9 12 123 FA +9 12 124 RA +9 12 125 ER +9 12 126 RA +9 12 127 FA +9 12 128 GR +9 12 129 AA +9 12 130 BA +9 12 131 BA +9 12 132 ER +9 12 133 GR +9 12 134 RA +9 12 135 RA +9 12 136 GR +9 12 137 FA +9 12 138 GR +9 12 139 AA +9 12 140 GR +9 12 141 AA +9 12 142 AA +9 12 143 GR +9 12 144 FA +9 12 145 GR +9 12 146 RA +9 12 147 GR +9 12 148 ER +9 12 149 GR +9 12 150 FA +9 12 151 RA +9 12 152 RA +9 12 153 GR +9 12 154 BA +9 12 155 FA +9 12 156 GR +9 12 157 BA +9 12 158 AA +9 12 159 RA +9 12 160 RA +9 12 161 GR +9 12 162 ER +9 12 163 GR +9 12 164 GR +9 12 165 FA +9 12 166 GR +9 12 167 RA +9 12 168 GR +9 12 169 GR +9 12 170 FA +9 12 171 BA +9 12 172 AA +9 12 173 ER +9 12 174 RA +9 12 175 GR +9 12 176 ER +9 12 177 RA +9 12 178 GR +9 12 179 ER +9 12 180 GR +9 12 181 RA +9 12 182 ER +9 12 183 FA +9 12 184 RA +9 12 185 ER +9 12 186 GR +9 12 187 RA +9 12 188 GR +9 12 189 AA +9 12 190 RA +9 12 191 GR +9 12 192 FA +9 12 193 GR +9 12 194 ER +9 12 195 GR +9 12 196 AA +9 12 197 RA +9 12 198 FA +9 12 199 AA +9 12 200 GR +9 12 201 ER +9 12 202 GR +9 12 203 ER +9 12 204 FA +9 12 205 BA +9 12 206 FA +9 12 207 ER +9 12 208 RA +9 12 209 GR +9 12 210 RA +9 12 211 GR +9 12 212 ER +9 12 213 RA +9 12 214 GR +9 12 215 ER +9 12 216 FA +9 12 217 RA +9 12 218 GR +9 12 219 AA +9 12 220 GR +9 12 221 AA +9 12 222 FA +9 12 223 GR +9 12 224 AA +9 12 225 BA +9 12 226 RA +9 12 227 FA +9 12 228 GR +9 12 229 GR +9 12 230 AA +9 12 231 RA +9 12 232 FA +9 12 233 BA +9 12 234 GR +9 12 235 GR +9 12 236 GR +9 12 237 RA +9 12 238 GR +9 12 239 ER +9 12 240 FA +9 12 241 AA +9 12 242 RA +9 12 243 ER +9 12 244 AA +9 12 245 ER +9 12 246 GR +9 12 247 FA +9 12 248 BA +9 12 249 GR +9 12 250 FA +9 12 251 RA +9 12 252 AA +9 12 253 GR +9 12 254 BA +9 12 255 FA +9 12 256 ER +9 12 257 FA +9 12 258 RA +9 12 259 ER +9 12 260 AA +9 12 261 ER +9 12 262 AA +9 12 263 BA +9 12 264 AA +9 12 265 GR +9 12 266 ER +9 12 267 ER +9 12 268 GR +9 12 269 ER +9 12 270 RA +9 12 271 FA +9 12 272 AA +9 12 273 RA +9 12 274 AA +9 12 275 BA +9 12 276 ER +9 12 277 GR +9 12 278 RA +9 12 279 GR +9 12 280 FA +9 12 281 GR +9 12 282 GR +9 12 283 FA +9 12 284 AA +9 12 285 RA +9 12 286 AA +9 12 287 FA +9 12 288 ER +9 12 289 GR +9 12 290 AA +9 12 291 GR +9 12 292 RA +9 12 293 AA +9 12 294 AA +9 12 295 BA +9 12 296 RA +9 12 297 RA +9 12 298 ER +9 12 299 GR +9 12 300 AA +9 12 301 GR +9 12 302 AA +9 12 303 AA +9 12 304 FA +9 12 305 ER +9 12 306 GR +9 12 307 GR +9 12 308 RA +9 12 309 BA +9 12 310 GR +9 12 311 GR +9 12 312 FA +9 12 313 GR +9 12 314 AA +9 12 315 GR +9 12 316 GR +9 12 317 ER +9 12 318 RA +9 12 319 AA +9 12 320 FA +9 12 321 ER +9 12 322 GR +9 12 323 FA +9 12 324 AA +9 12 325 RA +9 12 326 RA +9 12 327 AA +9 12 328 FA +9 12 329 BA +9 12 330 FA +9 13 1 GR +9 13 2 RA +9 13 3 ER +9 13 4 TS +9 13 5 RA +9 13 6 RA +9 13 7 GR +9 13 8 ER +9 13 9 RA +9 13 10 TS +9 13 11 GR +9 13 12 * +9 13 13 TS +9 13 14 FA +9 13 15 RA +9 13 16 AA +9 13 17 ER +9 13 18 TS +9 13 19 GR +9 13 20 GR +9 13 21 ER +9 13 22 AA +9 13 23 GR +9 13 24 TS +9 13 25 GR +9 13 26 GR +9 13 27 AA +9 13 28 ER +9 13 29 GR +9 13 30 RA +9 13 31 GR +9 13 32 RA +9 13 33 GR +9 13 34 GR +9 13 35 ER +9 13 36 TS +9 13 37 GR +9 13 38 ER +9 13 39 RA +9 13 40 GR +9 13 41 ER +9 13 42 RA +9 13 43 TY +9 13 44 AA +9 13 45 GR +9 13 46 BA +9 13 47 FA +9 13 48 ER +9 13 49 GR +9 13 50 * +9 13 51 TY +9 13 52 AA +9 13 53 * +9 13 54 GR +9 13 55 GR +9 13 56 RA +9 13 57 GR +9 13 58 RA +9 13 59 RA +9 13 60 FA +9 13 61 ER +9 13 62 RA +9 13 63 ER +9 13 64 GR +9 13 65 ER +9 13 66 AA +9 13 67 GR +9 13 68 ER +9 13 69 FA +9 13 70 AA +9 13 71 * +9 13 72 GR +9 13 73 * +9 13 74 AA +9 13 75 FA +9 13 76 RA +9 13 77 GR +9 13 78 RA +9 13 79 BA +9 13 80 GR +9 13 81 RA +9 13 82 GR +9 13 83 AA +9 13 84 RA +9 13 85 GR +9 13 86 ER +9 13 87 TY +9 13 88 * +9 13 89 TY +9 13 90 TY +9 13 91 GR +9 13 92 AA +9 13 93 GR +9 13 94 BA +9 13 95 AA +9 13 96 * +9 13 97 TS +9 13 98 ER +9 13 99 AA +9 13 100 GR +9 13 101 ER +9 13 102 AA +9 13 103 TS +9 13 104 * +9 13 105 ER +9 13 106 * +9 13 107 AA +9 13 108 AA +9 13 109 TY +9 13 110 * +9 13 111 TS +9 13 112 ER +9 13 113 TY +9 13 114 GR +9 13 115 ER +9 13 116 AA +9 13 117 FA +9 13 118 RA +9 13 119 GR +9 13 120 AA +9 13 121 ER +9 13 122 GR +9 13 123 FA +9 13 124 * +9 13 125 ER +9 13 126 RA +9 13 127 TS +9 13 128 * +9 13 129 AA +9 13 130 TS +9 13 131 * +9 13 132 ER +9 13 133 GR +9 13 134 TS +9 13 135 * +9 13 136 GR +9 13 137 GR +9 13 138 GR +9 13 139 AA +9 13 140 GR +9 13 141 AA +9 13 142 AA +9 13 143 GR +9 13 144 GR +9 13 145 RA +9 13 146 FA +9 13 147 GR +9 13 148 ER +9 13 149 RA +9 13 150 TY +9 13 151 AA +9 13 152 RA +9 13 153 GR +9 13 154 BA +9 13 155 * +9 13 156 GR +9 13 157 TS +9 13 158 AA +9 13 159 RA +9 13 160 ER +9 13 161 GR +9 13 162 ER +9 13 163 GR +9 13 164 * +9 13 165 GR +9 13 166 TS +9 13 167 AA +9 13 168 GR +9 13 169 GR +9 13 170 TY +9 13 171 GR +9 13 172 AA +9 13 173 ER +9 13 174 * +9 13 175 RA +9 13 176 ER +9 13 177 * +9 13 178 TS +9 13 179 * +9 13 180 GR +9 13 181 RA +9 13 182 TS +9 13 183 TY +9 13 184 * +9 13 185 ER +9 13 186 GR +9 13 187 * +9 13 188 GR +9 13 189 AA +9 13 190 RA +9 13 191 GR +9 13 192 TS +9 13 193 * +9 13 194 * +9 13 195 GR +9 13 196 AA +9 13 197 RA +9 13 198 TY +9 13 199 AA +9 13 200 GR +9 13 201 RA +9 13 202 GR +9 13 203 ER +9 13 204 TY +9 13 205 GR +9 13 206 AA +9 13 207 ER +9 13 208 * +9 13 209 TS +9 13 210 TY +9 13 211 * +9 13 212 * +9 13 213 AA +9 13 214 GR +9 13 215 ER +9 13 216 TY +9 13 217 ER +9 13 218 GR +9 13 219 AA +9 13 220 GR +9 13 221 AA +9 13 222 * +9 13 223 GR +9 13 224 AA +9 13 225 FA +9 13 226 GR +9 13 227 TY +9 13 228 FA +9 13 229 GR +9 13 230 AA +9 13 231 GR +9 13 232 TS +9 13 233 RA +9 13 234 GR +9 13 235 GR +9 13 236 * +9 13 237 RA +9 13 238 GR +9 13 239 ER +9 13 240 ER +9 13 241 AA +9 13 242 RA +9 13 243 * +9 13 244 AA +9 13 245 ER +9 13 246 GR +9 13 247 TS +9 13 248 TY +9 13 249 GR +9 13 250 * +9 13 251 GR +9 13 252 AA +9 13 253 GR +9 13 254 RA +9 13 255 TY +9 13 256 ER +9 13 257 BA +9 13 258 * +9 13 259 ER +9 13 260 AA +9 13 261 * +9 13 262 ER +9 13 263 BA +9 13 264 * +9 13 265 GR +9 13 266 ER +9 13 267 * +9 13 268 GR +9 13 269 RA +9 13 270 * +9 13 271 GR +9 13 272 AA +9 13 273 ER +9 13 274 AA +9 13 275 RA +9 13 276 ER +9 13 277 GR +9 13 278 RA +9 13 279 GR +9 13 280 GR +9 13 281 GR +9 13 282 GR +9 13 283 TY +9 13 284 AA +9 13 285 RA +9 13 286 AA +9 13 287 GR +9 13 288 ER +9 13 289 * +9 13 290 AA +9 13 291 GR +9 13 292 RA +9 13 293 AA +9 13 294 AA +9 13 295 TY +9 13 296 * +9 13 297 * +9 13 298 ER +9 13 299 GR +9 13 300 * +9 13 301 GR +9 13 302 AA +9 13 303 FA +9 13 304 RA +9 13 305 * +9 13 306 GR +9 13 307 RA +9 13 308 FA +9 13 309 TY +9 13 310 GR +9 13 311 GR +9 13 312 TY +9 13 313 GR +9 13 314 AA +9 13 315 GR +9 13 316 * +9 13 317 * +9 13 318 * +9 13 319 AA +9 13 320 TY +9 13 321 ER +9 13 322 GR +9 13 323 GR +9 13 324 AA +9 13 325 * +9 13 326 * +9 13 327 AA +9 13 328 FA +9 13 329 FA +9 13 330 AA +9 14 1 RA +9 14 2 RA +9 14 3 ER +9 14 4 TS +9 14 5 GR +9 14 6 RA +9 14 7 GR +9 14 8 FA +9 14 9 RA +9 14 10 GR +9 14 11 TS +9 14 12 RA +9 14 13 GR +9 14 14 RA +9 14 15 BA +9 14 16 BA +9 14 17 RA +9 14 18 TS +9 14 19 RA +9 14 20 GR +9 14 21 RA +9 14 22 GR +9 14 23 TS +9 14 24 TS +9 14 25 GR +9 14 26 GR +9 14 27 BA +9 14 28 ER +9 14 29 GR +9 14 30 RA +9 14 31 RA +9 14 32 GR +9 14 33 GR +9 14 34 RA +9 14 35 ER +9 14 36 TS +9 14 37 GR +9 14 38 RA +9 14 39 GR +9 14 40 RA +9 14 41 ER +9 14 42 RA +9 14 43 TS +9 14 44 BA +9 14 45 GR +9 14 46 TS +9 14 47 TS +9 14 48 RA +9 14 49 GR +9 14 50 TS +9 14 51 TS +9 14 52 BA +9 14 53 ER +9 14 54 GR +9 14 55 RA +9 14 56 BA +9 14 57 TS +9 14 58 RA +9 14 59 BA +9 14 60 FA +9 14 61 ER +9 14 62 RA +9 14 63 BA +9 14 64 FA +9 14 65 ER +9 14 66 BA +9 14 67 RA +9 14 68 RA +9 14 69 RA +9 14 70 BA +9 14 71 ER +9 14 72 GR +9 14 73 TS +9 14 74 BA +9 14 75 RA +9 14 76 ER +9 14 77 GR +9 14 78 RA +9 14 79 TS +9 14 80 GR +9 14 81 RA +9 14 82 RA +9 14 83 RA +9 14 84 RA +9 14 85 GR +9 14 86 RA +9 14 87 TS +9 14 88 FA +9 14 89 TS +9 14 90 TS +9 14 91 RA +9 14 92 BA +9 14 93 FA +9 14 94 RA +9 14 95 BA +9 14 96 RA +9 14 97 TS +9 14 98 ER +9 14 99 BA +9 14 100 RA +9 14 101 ER +9 14 102 BA +9 14 103 FA +9 14 104 RA +9 14 105 RA +9 14 106 BA +9 14 107 BA +9 14 108 BA +9 14 109 RA +9 14 110 RA +9 14 111 TS +9 14 112 ER +9 14 113 TS +9 14 114 RA +9 14 115 ER +9 14 116 BA +9 14 117 TS +9 14 118 RA +9 14 119 GR +9 14 120 BA +9 14 121 ER +9 14 122 GR +9 14 123 RA +9 14 124 GR +9 14 125 ER +9 14 126 RA +9 14 127 TS +9 14 128 GR +9 14 129 BA +9 14 130 TS +9 14 131 RA +9 14 132 ER +9 14 133 GR +9 14 134 TS +9 14 135 RA +9 14 136 GR +9 14 137 RA +9 14 138 GR +9 14 139 AA +9 14 140 RA +9 14 141 BA +9 14 142 BA +9 14 143 GR +9 14 144 TS +9 14 145 GR +9 14 146 RA +9 14 147 GR +9 14 148 ER +9 14 149 RA +9 14 150 TS +9 14 151 GR +9 14 152 RA +9 14 153 GR +9 14 154 TS +9 14 155 TS +9 14 156 GR +9 14 157 TS +9 14 158 BA +9 14 159 GR +9 14 160 BA +9 14 161 GR +9 14 162 ER +9 14 163 GR +9 14 164 RA +9 14 165 FA +9 14 166 TS +9 14 167 BA +9 14 168 GR +9 14 169 RA +9 14 170 FA +9 14 171 GR +9 14 172 AA +9 14 173 RA +9 14 174 RA +9 14 175 GR +9 14 176 ER +9 14 177 RA +9 14 178 TS +9 14 179 ER +9 14 180 GR +9 14 181 RA +9 14 182 ER +9 14 183 RA +9 14 184 RA +9 14 185 RA +9 14 186 GR +9 14 187 RA +9 14 188 GR +9 14 189 BA +9 14 190 RA +9 14 191 GR +9 14 192 RA +9 14 193 RA +9 14 194 ER +9 14 195 GR +9 14 196 RA +9 14 197 RA +9 14 198 TS +9 14 199 BA +9 14 200 RA +9 14 201 RA +9 14 202 GR +9 14 203 RA +9 14 204 TS +9 14 205 RA +9 14 206 BA +9 14 207 ER +9 14 208 RA +9 14 209 GR +9 14 210 TS +9 14 211 RA +9 14 212 RA +9 14 213 BA +9 14 214 RA +9 14 215 BA +9 14 216 TS +9 14 217 RA +9 14 218 GR +9 14 219 AA +9 14 220 GR +9 14 221 AA +9 14 222 RA +9 14 223 GR +9 14 224 AA +9 14 225 RA +9 14 226 GR +9 14 227 TS +9 14 228 TS +9 14 229 RA +9 14 230 BA +9 14 231 RA +9 14 232 RA +9 14 233 BA +9 14 234 TS +9 14 235 RA +9 14 236 RA +9 14 237 BA +9 14 238 GR +9 14 239 RA +9 14 240 ER +9 14 241 BA +9 14 242 RA +9 14 243 ER +9 14 244 RA +9 14 245 ER +9 14 246 GR +9 14 247 RA +9 14 248 FA +9 14 249 GR +9 14 250 TS +9 14 251 RA +9 14 252 AA +9 14 253 GR +9 14 254 RA +9 14 255 TS +9 14 256 RA +9 14 257 TS +9 14 258 RA +9 14 259 ER +9 14 260 BA +9 14 261 RA +9 14 262 AA +9 14 263 RA +9 14 264 BA +9 14 265 GR +9 14 266 ER +9 14 267 TS +9 14 268 GR +9 14 269 RA +9 14 270 RA +9 14 271 GR +9 14 272 AA +9 14 273 RA +9 14 274 AA +9 14 275 GR +9 14 276 ER +9 14 277 RA +9 14 278 RA +9 14 279 GR +9 14 280 GR +9 14 281 GR +9 14 282 GR +9 14 283 RA +9 14 284 BA +9 14 285 RA +9 14 286 AA +9 14 287 RA +9 14 288 ER +9 14 289 RA +9 14 290 BA +9 14 291 RA +9 14 292 RA +9 14 293 BA +9 14 294 BA +9 14 295 RA +9 14 296 RA +9 14 297 RA +9 14 298 ER +9 14 299 GR +9 14 300 AA +9 14 301 GR +9 14 302 BA +9 14 303 RA +9 14 304 GR +9 14 305 TS +9 14 306 GR +9 14 307 RA +9 14 308 RA +9 14 309 GR +9 14 310 GR +9 14 311 RA +9 14 312 TS +9 14 313 RA +9 14 314 BA +9 14 315 GR +9 14 316 GR +9 14 317 ER +9 14 318 RA +9 14 319 AA +9 14 320 RA +9 14 321 ER +9 14 322 GR +9 14 323 GR +9 14 324 BA +9 14 325 GR +9 14 326 RA +9 14 327 AA +9 14 328 GR +9 14 329 RA +9 14 330 BA +9 15 1 GR +9 15 2 GR +9 15 3 RA +9 15 4 FA +9 15 5 GR +9 15 6 RA +9 15 7 GR +9 15 8 FA +9 15 9 GR +9 15 10 GR +9 15 11 TS +9 15 12 RA +9 15 13 GR +9 15 14 FA +9 15 15 RA +9 15 16 AA +9 15 17 RA +9 15 18 TS +9 15 19 GR +9 15 20 GR +9 15 21 RA +9 15 22 AA +9 15 23 GR +9 15 24 FA +9 15 25 GR +9 15 26 FA +9 15 27 AA +9 15 28 RA +9 15 29 GR +9 15 30 FA +9 15 31 AA +9 15 32 RA +9 15 33 GR +9 15 34 GR +9 15 35 RA +9 15 36 FA +9 15 37 GR +9 15 38 ER +9 15 39 GR +9 15 40 GR +9 15 41 ER +9 15 42 RA +9 15 43 GR +9 15 44 AA +9 15 45 GR +9 15 46 TS +9 15 47 FA +9 15 48 RA +9 15 49 GR +9 15 50 FA +9 15 51 BA +9 15 52 AA +9 15 53 ER +9 15 54 GR +9 15 55 GR +9 15 56 RA +9 15 57 TS +9 15 58 FA +9 15 59 AA +9 15 60 TS +9 15 61 ER +9 15 62 GR +9 15 63 ER +9 15 64 GR +9 15 65 ER +9 15 66 AA +9 15 67 GR +9 15 68 RA +9 15 69 FA +9 15 70 AA +9 15 71 ER +9 15 72 GR +9 15 73 FA +9 15 74 AA +9 15 75 GR +9 15 76 RA +9 15 77 GR +9 15 78 RA +9 15 79 TS +9 15 80 GR +9 15 81 GR +9 15 82 GR +9 15 83 AA +9 15 84 RA +9 15 85 GR +9 15 86 RA +9 15 87 TS +9 15 88 GR +9 15 89 TS +9 15 90 FA +9 15 91 RA +9 15 92 AA +9 15 93 GR +9 15 94 TS +9 15 95 GR +9 15 96 RA +9 15 97 GR +9 15 98 ER +9 15 99 RA +9 15 100 AA +9 15 101 ER +9 15 102 RA +9 15 103 TS +9 15 104 GR +9 15 105 RA +9 15 106 AA +9 15 107 AA +9 15 108 GR +9 15 109 FA +9 15 110 RA +9 15 111 FA +9 15 112 ER +9 15 113 TS +9 15 114 GR +9 15 115 ER +9 15 116 GR +9 15 117 TS +9 15 118 RA +9 15 119 GR +9 15 120 AA +9 15 121 RA +9 15 122 GR +9 15 123 FA +9 15 124 RA +9 15 125 RA +9 15 126 TS +9 15 127 GR +9 15 128 RA +9 15 129 AA +9 15 130 FA +9 15 131 TS +9 15 132 RA +9 15 133 GR +9 15 134 FA +9 15 135 RA +9 15 136 GR +9 15 137 GR +9 15 138 GR +9 15 139 AA +9 15 140 GR +9 15 141 AA +9 15 142 AA +9 15 143 GR +9 15 144 FA +9 15 145 GR +9 15 146 RA +9 15 147 GR +9 15 148 ER +9 15 149 GR +9 15 150 FA +9 15 151 RA +9 15 152 GR +9 15 153 GR +9 15 154 FA +9 15 155 FA +9 15 156 GR +9 15 157 FA +9 15 158 AA +9 15 159 RA +9 15 160 RA +9 15 161 GR +9 15 162 ER +9 15 163 FA +9 15 164 GR +9 15 165 FA +9 15 166 FA +9 15 167 RA +9 15 168 GR +9 15 169 GR +9 15 170 FA +9 15 171 FA +9 15 172 AA +9 15 173 ER +9 15 174 RA +9 15 175 GR +9 15 176 RA +9 15 177 GR +9 15 178 GR +9 15 179 ER +9 15 180 GR +9 15 181 RA +9 15 182 FA +9 15 183 FA +9 15 184 GR +9 15 185 RA +9 15 186 GR +9 15 187 RA +9 15 188 GR +9 15 189 GR +9 15 190 RA +9 15 191 GR +9 15 192 FA +9 15 193 RA +9 15 194 ER +9 15 195 GR +9 15 196 GR +9 15 197 RA +9 15 198 TS +9 15 199 AA +9 15 200 GR +9 15 201 RA +9 15 202 GR +9 15 203 RA +9 15 204 TS +9 15 205 GR +9 15 206 AA +9 15 207 ER +9 15 208 RA +9 15 209 FA +9 15 210 FA +9 15 211 GR +9 15 212 RA +9 15 213 RA +9 15 214 GR +9 15 215 RA +9 15 216 FA +9 15 217 RA +9 15 218 RA +9 15 219 AA +9 15 220 FA +9 15 221 AA +9 15 222 FA +9 15 223 GR +9 15 224 FA +9 15 225 FA +9 15 226 FA +9 15 227 TS +9 15 228 GR +9 15 229 AA +9 15 230 AA +9 15 231 RA +9 15 232 FA +9 15 233 GR +9 15 234 FA +9 15 235 GR +9 15 236 RA +9 15 237 RA +9 15 238 GR +9 15 239 RA +9 15 240 FA +9 15 241 AA +9 15 242 AA +9 15 243 ER +9 15 244 AA +9 15 245 ER +9 15 246 GR +9 15 247 GR +9 15 248 FA +9 15 249 FA +9 15 250 TS +9 15 251 GR +9 15 252 AA +9 15 253 GR +9 15 254 FA +9 15 255 TS +9 15 256 ER +9 15 257 RA +9 15 258 RA +9 15 259 ER +9 15 260 AA +9 15 261 RA +9 15 262 AA +9 15 263 FA +9 15 264 AA +9 15 265 GR +9 15 266 RA +9 15 267 FA +9 15 268 GR +9 15 269 RA +9 15 270 RA +9 15 271 FA +9 15 272 AA +9 15 273 RA +9 15 274 AA +9 15 275 RA +9 15 276 ER +9 15 277 FA +9 15 278 RA +9 15 279 GR +9 15 280 FA +9 15 281 FA +9 15 282 GR +9 15 283 FA +9 15 284 AA +9 15 285 RA +9 15 286 AA +9 15 287 FA +9 15 288 ER +9 15 289 GR +9 15 290 AA +9 15 291 GR +9 15 292 RA +9 15 293 AA +9 15 294 AA +9 15 295 FA +9 15 296 FA +9 15 297 RA +9 15 298 ER +9 15 299 GR +9 15 300 AA +9 15 301 GR +9 15 302 AA +9 15 303 GR +9 15 304 FA +9 15 305 RA +9 15 306 GR +9 15 307 GR +9 15 308 FA +9 15 309 FA +9 15 310 GR +9 15 311 GR +9 15 312 TS +9 15 313 FA +9 15 314 AA +9 15 315 GR +9 15 316 GR +9 15 317 ER +9 15 318 RA +9 15 319 AA +9 15 320 GR +9 15 321 ER +9 15 322 GR +9 15 323 FA +9 15 324 AA +9 15 325 FA +9 15 326 RA +9 15 327 GR +9 15 328 FA +9 15 329 RA +9 15 330 AA +9 16 1 GR +9 16 2 AA +9 16 3 ER +9 16 4 RA +9 16 5 GR +9 16 6 AA +9 16 7 GR +9 16 8 ER +9 16 9 GR +9 16 10 ER +9 16 11 TS +9 16 12 RA +9 16 13 GR +9 16 14 TS +9 16 15 AA +9 16 16 AA +9 16 17 ER +9 16 18 TS +9 16 19 GR +9 16 20 ER +9 16 21 ER +9 16 22 AA +9 16 23 GR +9 16 24 TS +9 16 25 GR +9 16 26 RA +9 16 27 AA +9 16 28 ER +9 16 29 RA +9 16 30 ER +9 16 31 AA +9 16 32 GR +9 16 33 GR +9 16 34 RA +9 16 35 GR +9 16 36 TS +9 16 37 RA +9 16 38 ER +9 16 39 GR +9 16 40 RA +9 16 41 ER +9 16 42 RA +9 16 43 TS +9 16 44 AA +9 16 45 ER +9 16 46 AA +9 16 47 TS +9 16 48 GR +9 16 49 AA +9 16 50 GR +9 16 51 TS +9 16 52 AA +9 16 53 RA +9 16 54 GR +9 16 55 GR +9 16 56 RA +9 16 57 GR +9 16 58 RA +9 16 59 AA +9 16 60 TS +9 16 61 ER +9 16 62 GR +9 16 63 RA +9 16 64 GR +9 16 65 ER +9 16 66 AA +9 16 67 FA +9 16 68 GR +9 16 69 TS +9 16 70 AA +9 16 71 GR +9 16 72 GR +9 16 73 RA +9 16 74 AA +9 16 75 TS +9 16 76 ER +9 16 77 RA +9 16 78 AA +9 16 79 TS +9 16 80 RA +9 16 81 GR +9 16 82 RA +9 16 83 AA +9 16 84 RA +9 16 85 GR +9 16 86 RA +9 16 87 TS +9 16 88 ER +9 16 89 TS +9 16 90 TS +9 16 91 GR +9 16 92 AA +9 16 93 RA +9 16 94 TS +9 16 95 AA +9 16 96 GR +9 16 97 RA +9 16 98 ER +9 16 99 AA +9 16 100 RA +9 16 101 ER +9 16 102 AA +9 16 103 GR +9 16 104 RA +9 16 105 FA +9 16 106 AA +9 16 107 AA +9 16 108 FA +9 16 109 GR +9 16 110 RA +9 16 111 TS +9 16 112 ER +9 16 113 TS +9 16 114 GR +9 16 115 ER +9 16 116 AA +9 16 117 TS +9 16 118 GR +9 16 119 GR +9 16 120 AA +9 16 121 ER +9 16 122 RA +9 16 123 GR +9 16 124 RA +9 16 125 ER +9 16 126 RA +9 16 127 TS +9 16 128 RA +9 16 129 AA +9 16 130 TS +9 16 131 GR +9 16 132 ER +9 16 133 GR +9 16 134 RA +9 16 135 ER +9 16 136 RA +9 16 137 GR +9 16 138 RA +9 16 139 AA +9 16 140 RA +9 16 141 AA +9 16 142 AA +9 16 143 GR +9 16 144 RA +9 16 145 GR +9 16 146 ER +9 16 147 RA +9 16 148 ER +9 16 149 RA +9 16 150 TS +9 16 151 RA +9 16 152 GR +9 16 153 GR +9 16 154 TS +9 16 155 BA +9 16 156 GR +9 16 157 TS +9 16 158 AA +9 16 159 GR +9 16 160 RA +9 16 161 GR +9 16 162 ER +9 16 163 RA +9 16 164 GR +9 16 165 TS +9 16 166 TS +9 16 167 GR +9 16 168 GR +9 16 169 GR +9 16 170 TS +9 16 171 RA +9 16 172 AA +9 16 173 ER +9 16 174 GR +9 16 175 AA +9 16 176 ER +9 16 177 RA +9 16 178 GR +9 16 179 ER +9 16 180 RA +9 16 181 GR +9 16 182 ER +9 16 183 TS +9 16 184 GR +9 16 185 GR +9 16 186 AA +9 16 187 ER +9 16 188 RA +9 16 189 AA +9 16 190 GR +9 16 191 GR +9 16 192 GR +9 16 193 RA +9 16 194 ER +9 16 195 RA +9 16 196 AA +9 16 197 GR +9 16 198 TS +9 16 199 AA +9 16 200 GR +9 16 201 GR +9 16 202 ER +9 16 203 RA +9 16 204 TS +9 16 205 RA +9 16 206 AA +9 16 207 ER +9 16 208 RA +9 16 209 TS +9 16 210 ER +9 16 211 RA +9 16 212 GR +9 16 213 BA +9 16 214 RA +9 16 215 GR +9 16 216 TS +9 16 217 GR +9 16 218 ER +9 16 219 AA +9 16 220 RA +9 16 221 AA +9 16 222 RA +9 16 223 RA +9 16 224 AA +9 16 225 RA +9 16 226 TS +9 16 227 TS +9 16 228 GR +9 16 229 RA +9 16 230 AA +9 16 231 GR +9 16 232 RA +9 16 233 RA +9 16 234 GR +9 16 235 ER +9 16 236 RA +9 16 237 AA +9 16 238 RA +9 16 239 GR +9 16 240 ER +9 16 241 AA +9 16 242 FA +9 16 243 ER +9 16 244 AA +9 16 245 ER +9 16 246 AA +9 16 247 RA +9 16 248 TS +9 16 249 TS +9 16 250 RA +9 16 251 GR +9 16 252 AA +9 16 253 GR +9 16 254 AA +9 16 255 TS +9 16 256 ER +9 16 257 AA +9 16 258 GR +9 16 259 ER +9 16 260 AA +9 16 261 RA +9 16 262 AA +9 16 263 AA +9 16 264 GR +9 16 265 ER +9 16 266 ER +9 16 267 RA +9 16 268 FA +9 16 269 GR +9 16 270 RA +9 16 271 ER +9 16 272 AA +9 16 273 RA +9 16 274 AA +9 16 275 GR +9 16 276 RA +9 16 277 GR +9 16 278 TS +9 16 279 TS +9 16 280 RA +9 16 281 ER +9 16 282 RA +9 16 283 TS +9 16 284 AA +9 16 285 RA +9 16 286 AA +9 16 287 BA +9 16 288 ER +9 16 289 RA +9 16 290 AA +9 16 291 RA +9 16 292 GR +9 16 293 AA +9 16 294 AA +9 16 295 RA +9 16 296 GR +9 16 297 RA +9 16 298 ER +9 16 299 RA +9 16 300 AA +9 16 301 GR +9 16 302 AA +9 16 303 TS +9 16 304 GR +9 16 305 ER +9 16 306 RA +9 16 307 RA +9 16 308 AA +9 16 309 TS +9 16 310 GR +9 16 311 ER +9 16 312 TS +9 16 313 RA +9 16 314 AA +9 16 315 RA +9 16 316 GR +9 16 317 GR +9 16 318 AA +9 16 319 AA +9 16 320 GR +9 16 321 ER +9 16 322 RA +9 16 323 TS +9 16 324 AA +9 16 325 RA +9 16 326 GR +9 16 327 AA +9 16 328 GR +9 16 329 RA +9 16 330 AA +9 17 1 GR +9 17 2 * +9 17 3 ER +9 17 4 GR +9 17 5 RA +9 17 6 RA +9 17 7 GR +9 17 8 ER +9 17 9 * +9 17 10 GR +9 17 11 FA +9 17 12 GR +9 17 13 FA +9 17 14 FA +9 17 15 GR +9 17 16 AA +9 17 17 ER +9 17 18 FA +9 17 19 GR +9 17 20 GR +9 17 21 ER +9 17 22 AA +9 17 23 GR +9 17 24 FA +9 17 25 FA +9 17 26 GR +9 17 27 AA +9 17 28 ER +9 17 29 GR +9 17 30 RA +9 17 31 AA +9 17 32 GR +9 17 33 GR +9 17 34 GR +9 17 35 RA +9 17 36 FA +9 17 37 GR +9 17 38 ER +9 17 39 FA +9 17 40 GR +9 17 41 ER +9 17 42 GR +9 17 43 FA +9 17 44 AA +9 17 45 GR +9 17 46 FA +9 17 47 GR +9 17 48 RA +9 17 49 AA +9 17 50 GR +9 17 51 * +9 17 52 AA +9 17 53 ER +9 17 54 GR +9 17 55 GR +9 17 56 RA +9 17 57 FA +9 17 58 * +9 17 59 AA +9 17 60 FA +9 17 61 ER +9 17 62 GR +9 17 63 ER +9 17 64 GR +9 17 65 ER +9 17 66 AA +9 17 67 GR +9 17 68 ER +9 17 69 FA +9 17 70 AA +9 17 71 ER +9 17 72 GR +9 17 73 ER +9 17 74 AA +9 17 75 FA +9 17 76 RA +9 17 77 GR +9 17 78 AA +9 17 79 FA +9 17 80 GR +9 17 81 GR +9 17 82 GR +9 17 83 AA +9 17 84 GR +9 17 85 GR +9 17 86 ER +9 17 87 FA +9 17 88 ER +9 17 89 FA +9 17 90 FA +9 17 91 GR +9 17 92 * +9 17 93 GR +9 17 94 FA +9 17 95 AA +9 17 96 GR +9 17 97 GR +9 17 98 ER +9 17 99 RA +9 17 100 FA +9 17 101 ER +9 17 102 AA +9 17 103 FA +9 17 104 GR +9 17 105 ER +9 17 106 AA +9 17 107 * +9 17 108 AA +9 17 109 GR +9 17 110 RA +9 17 111 FA +9 17 112 ER +9 17 113 FA +9 17 114 GR +9 17 115 ER +9 17 116 * +9 17 117 FA +9 17 118 ER +9 17 119 GR +9 17 120 AA +9 17 121 ER +9 17 122 GR +9 17 123 GR +9 17 124 RA +9 17 125 ER +9 17 126 RA +9 17 127 FA +9 17 128 GR +9 17 129 AA +9 17 130 FA +9 17 131 GR +9 17 132 ER +9 17 133 GR +9 17 134 FA +9 17 135 ER +9 17 136 GR +9 17 137 GR +9 17 138 AA +9 17 139 AA +9 17 140 GR +9 17 141 AA +9 17 142 AA +9 17 143 GR +9 17 144 FA +9 17 145 GR +9 17 146 GR +9 17 147 GR +9 17 148 ER +9 17 149 GR +9 17 150 GR +9 17 151 RA +9 17 152 RA +9 17 153 GR +9 17 154 FA +9 17 155 FA +9 17 156 GR +9 17 157 FA +9 17 158 AA +9 17 159 GR +9 17 160 RA +9 17 161 GR +9 17 162 ER +9 17 163 * +9 17 164 GR +9 17 165 FA +9 17 166 GR +9 17 167 * +9 17 168 GR +9 17 169 GR +9 17 170 FA +9 17 171 BA +9 17 172 AA +9 17 173 ER +9 17 174 GR +9 17 175 BA +9 17 176 ER +9 17 177 GR +9 17 178 GR +9 17 179 RA +9 17 180 GR +9 17 181 * +9 17 182 ER +9 17 183 FA +9 17 184 GR +9 17 185 GR +9 17 186 GR +9 17 187 RA +9 17 188 GR +9 17 189 AA +9 17 190 GR +9 17 191 GR +9 17 192 GR +9 17 193 GR +9 17 194 ER +9 17 195 GR +9 17 196 AA +9 17 197 RA +9 17 198 FA +9 17 199 AA +9 17 200 GR +9 17 201 RA +9 17 202 GR +9 17 203 ER +9 17 204 FA +9 17 205 GR +9 17 206 * +9 17 207 ER +9 17 208 RA +9 17 209 FA +9 17 210 ER +9 17 211 GR +9 17 212 ER +9 17 213 GR +9 17 214 GR +9 17 215 ER +9 17 216 FA +9 17 217 RA +9 17 218 GR +9 17 219 * +9 17 220 GR +9 17 221 AA +9 17 222 RA +9 17 223 GR +9 17 224 AA +9 17 225 GR +9 17 226 FA +9 17 227 FA +9 17 228 GR +9 17 229 * +9 17 230 AA +9 17 231 ER +9 17 232 FA +9 17 233 GR +9 17 234 GR +9 17 235 GR +9 17 236 GR +9 17 237 RA +9 17 238 GR +9 17 239 ER +9 17 240 ER +9 17 241 AA +9 17 242 ER +9 17 243 AA +9 17 244 ER +9 17 245 GR +9 17 246 GR +9 17 247 FA +9 17 248 AA +9 17 249 GR +9 17 250 FA +9 17 251 FA +9 17 252 GR +9 17 253 * +9 17 254 FA +9 17 255 FA +9 17 256 ER +9 17 257 FA +9 17 258 GR +9 17 259 ER +9 17 260 * +9 17 261 RA +9 17 262 AA +9 17 263 FA +9 17 264 GR +9 17 265 GR +9 17 266 ER +9 17 267 ER +9 17 268 GR +9 17 269 RA +9 17 270 ER +9 17 271 FA +9 17 272 AA +9 17 273 RA +9 17 274 * +9 17 275 GR +9 17 276 ER +9 17 277 FA +9 17 278 RA +9 17 279 FA +9 17 280 GR +9 17 281 GR +9 17 282 GR +9 17 283 FA +9 17 284 AA +9 17 285 GR +9 17 286 AA +9 17 287 FA +9 17 288 ER +9 17 289 GR +9 17 290 * +9 17 291 GR +9 17 292 RA +9 17 293 * +9 17 294 AA +9 17 295 FA +9 17 296 GR +9 17 297 RA +9 17 298 ER +9 17 299 GR +9 17 300 * +9 17 301 GR +9 17 302 AA +9 17 303 * +9 17 304 FA +9 17 305 ER +9 17 306 GR +9 17 307 GR +9 17 308 BA +9 17 309 FA +9 17 310 GR +9 17 311 GR +9 17 312 FA +9 17 313 GR +9 17 314 AA +9 17 315 GR +9 17 316 GR +9 17 317 ER +9 17 318 RA +9 17 319 AA +9 17 320 FA +9 17 321 ER +9 17 322 * +9 17 323 FA +9 17 324 AA +9 17 325 GR +9 17 326 RA +9 17 327 AA +9 17 328 FA +9 17 329 FA +9 17 330 * +9 18 1 GR +9 18 2 RA +9 18 3 ER +9 18 4 FA +9 18 5 GR +9 18 6 RA +9 18 7 GR +9 18 8 RA +9 18 9 FA +9 18 10 GR +9 18 11 FA +9 18 12 RA +9 18 13 FA +9 18 14 FA +9 18 15 RA +9 18 16 AA +9 18 17 ER +9 18 18 TS +9 18 19 GR +9 18 20 GR +9 18 21 ER +9 18 22 RA +9 18 23 FA +9 18 24 TS +9 18 25 GR +9 18 26 GR +9 18 27 AA +9 18 28 ER +9 18 29 GR +9 18 30 RA +9 18 31 GR +9 18 32 RA +9 18 33 GR +9 18 34 GR +9 18 35 ER +9 18 36 FA +9 18 37 GR +9 18 38 ER +9 18 39 FA +9 18 40 GR +9 18 41 ER +9 18 42 RA +9 18 43 GR +9 18 44 AA +9 18 45 GR +9 18 46 FA +9 18 47 FA +9 18 48 RA +9 18 49 GR +9 18 50 FA +9 18 51 TS +9 18 52 AA +9 18 53 GR +9 18 54 RA +9 18 55 GR +9 18 56 RA +9 18 57 GR +9 18 58 FA +9 18 59 GR +9 18 60 FA +9 18 61 ER +9 18 62 RA +9 18 63 RA +9 18 64 GR +9 18 65 ER +9 18 66 AA +9 18 67 GR +9 18 68 ER +9 18 69 FA +9 18 70 AA +9 18 71 FA +9 18 72 GR +9 18 73 FA +9 18 74 GR +9 18 75 FA +9 18 76 ER +9 18 77 GR +9 18 78 RA +9 18 79 TS +9 18 80 GR +9 18 81 RA +9 18 82 GR +9 18 83 RA +9 18 84 ER +9 18 85 GR +9 18 86 ER +9 18 87 TS +9 18 88 FA +9 18 89 TS +9 18 90 FA +9 18 91 RA +9 18 92 AA +9 18 93 GR +9 18 94 FA +9 18 95 RA +9 18 96 RA +9 18 97 GR +9 18 98 ER +9 18 99 RA +9 18 100 GR +9 18 101 RA +9 18 102 RA +9 18 103 FA +9 18 104 GR +9 18 105 FA +9 18 106 RA +9 18 107 AA +9 18 108 AA +9 18 109 GR +9 18 110 RA +9 18 111 TS +9 18 112 ER +9 18 113 TS +9 18 114 RA +9 18 115 ER +9 18 116 AA +9 18 117 GR +9 18 118 ER +9 18 119 GR +9 18 120 AA +9 18 121 ER +9 18 122 GR +9 18 123 FA +9 18 124 RA +9 18 125 ER +9 18 126 RA +9 18 127 TS +9 18 128 RA +9 18 129 AA +9 18 130 TS +9 18 131 RA +9 18 132 ER +9 18 133 GR +9 18 134 TS +9 18 135 RA +9 18 136 GR +9 18 137 GR +9 18 138 RA +9 18 139 AA +9 18 140 GR +9 18 141 AA +9 18 142 AA +9 18 143 RA +9 18 144 FA +9 18 145 GR +9 18 146 RA +9 18 147 GR +9 18 148 ER +9 18 149 GR +9 18 150 FA +9 18 151 RA +9 18 152 RA +9 18 153 GR +9 18 154 TS +9 18 155 TS +9 18 156 GR +9 18 157 TS +9 18 158 AA +9 18 159 RA +9 18 160 RA +9 18 161 GR +9 18 162 ER +9 18 163 FA +9 18 164 GR +9 18 165 TS +9 18 166 FA +9 18 167 RA +9 18 168 FA +9 18 169 GR +9 18 170 TS +9 18 171 FA +9 18 172 AA +9 18 173 ER +9 18 174 RA +9 18 175 GR +9 18 176 ER +9 18 177 RA +9 18 178 GR +9 18 179 FA +9 18 180 GR +9 18 181 RA +9 18 182 ER +9 18 183 FA +9 18 184 GR +9 18 185 RA +9 18 186 GR +9 18 187 RA +9 18 188 GR +9 18 189 GR +9 18 190 RA +9 18 191 GR +9 18 192 RA +9 18 193 GR +9 18 194 RA +9 18 195 GR +9 18 196 GR +9 18 197 RA +9 18 198 TS +9 18 199 AA +9 18 200 GR +9 18 201 RA +9 18 202 GR +9 18 203 RA +9 18 204 TS +9 18 205 FA +9 18 206 AA +9 18 207 RA +9 18 208 RA +9 18 209 GR +9 18 210 TS +9 18 211 GR +9 18 212 RA +9 18 213 FA +9 18 214 GR +9 18 215 RA +9 18 216 TS +9 18 217 RA +9 18 218 GR +9 18 219 AA +9 18 220 GR +9 18 221 AA +9 18 222 RA +9 18 223 GR +9 18 224 AA +9 18 225 FA +9 18 226 RA +9 18 227 TS +9 18 228 GR +9 18 229 RA +9 18 230 AA +9 18 231 RA +9 18 232 FA +9 18 233 GR +9 18 234 GR +9 18 235 GR +9 18 236 RA +9 18 237 ER +9 18 238 GR +9 18 239 RA +9 18 240 TS +9 18 241 AA +9 18 242 RA +9 18 243 FA +9 18 244 AA +9 18 245 ER +9 18 246 GR +9 18 247 RA +9 18 248 TS +9 18 249 TS +9 18 250 FA +9 18 251 GR +9 18 252 AA +9 18 253 GR +9 18 254 GR +9 18 255 TS +9 18 256 ER +9 18 257 AA +9 18 258 RA +9 18 259 FA +9 18 260 RA +9 18 261 ER +9 18 262 AA +9 18 263 FA +9 18 264 GR +9 18 265 GR +9 18 266 FA +9 18 267 FA +9 18 268 GR +9 18 269 RA +9 18 270 RA +9 18 271 GR +9 18 272 AA +9 18 273 RA +9 18 274 AA +9 18 275 RA +9 18 276 ER +9 18 277 GR +9 18 278 RA +9 18 279 GR +9 18 280 FA +9 18 281 GR +9 18 282 GR +9 18 283 FA +9 18 284 AA +9 18 285 RA +9 18 286 AA +9 18 287 FA +9 18 288 ER +9 18 289 GR +9 18 290 AA +9 18 291 GR +9 18 292 RA +9 18 293 AA +9 18 294 AA +9 18 295 FA +9 18 296 GR +9 18 297 RA +9 18 298 ER +9 18 299 GR +9 18 300 BA +9 18 301 GR +9 18 302 AA +9 18 303 RA +9 18 304 FA +9 18 305 FA +9 18 306 GR +9 18 307 GR +9 18 308 RA +9 18 309 TS +9 18 310 GR +9 18 311 GR +9 18 312 TS +9 18 313 GR +9 18 314 AA +9 18 315 GR +9 18 316 GR +9 18 317 RA +9 18 318 RA +9 18 319 AA +9 18 320 FA +9 18 321 ER +9 18 322 GR +9 18 323 GR +9 18 324 AA +9 18 325 RA +9 18 326 RA +9 18 327 AA +9 18 328 FA +9 18 329 FA +9 18 330 AA +9 19 1 GR +9 19 2 AA +9 19 3 ER +9 19 4 TS +9 19 5 GR +9 19 6 BA +9 19 7 GR +9 19 8 ER +9 19 9 RA +9 19 10 TS +9 19 11 FA +9 19 12 RA +9 19 13 GR +9 19 14 TS +9 19 15 AA +9 19 16 AA +9 19 17 ER +9 19 18 TS +9 19 19 GR +9 19 20 GR +9 19 21 ER +9 19 22 RA +9 19 23 BA +9 19 24 TS +9 19 25 GR +9 19 26 GR +9 19 27 AA +9 19 28 ER +9 19 29 GR +9 19 30 RA +9 19 31 BA +9 19 32 ER +9 19 33 GR +9 19 34 BA +9 19 35 ER +9 19 36 TS +9 19 37 BA +9 19 38 ER +9 19 39 GR +9 19 40 GR +9 19 41 ER +9 19 42 RA +9 19 43 TS +9 19 44 AA +9 19 45 GR +9 19 46 FA +9 19 47 TS +9 19 48 RA +9 19 49 BA +9 19 50 GR +9 19 51 TS +9 19 52 AA +9 19 53 ER +9 19 54 GR +9 19 55 GR +9 19 56 ER +9 19 57 GR +9 19 58 BA +9 19 59 AA +9 19 60 TS +9 19 61 ER +9 19 62 GR +9 19 63 ER +9 19 64 GR +9 19 65 ER +9 19 66 BA +9 19 67 GR +9 19 68 ER +9 19 69 BA +9 19 70 FA +9 19 71 ER +9 19 72 GR +9 19 73 GR +9 19 74 AA +9 19 75 TS +9 19 76 ER +9 19 77 GR +9 19 78 ER +9 19 79 TS +9 19 80 GR +9 19 81 GR +9 19 82 GR +9 19 83 AA +9 19 84 ER +9 19 85 GR +9 19 86 ER +9 19 87 TS +9 19 88 FA +9 19 89 FA +9 19 90 TS +9 19 91 RA +9 19 92 AA +9 19 93 GR +9 19 94 TS +9 19 95 AA +9 19 96 RA +9 19 97 GR +9 19 98 ER +9 19 99 BA +9 19 100 GR +9 19 101 ER +9 19 102 BA +9 19 103 FA +9 19 104 GR +9 19 105 ER +9 19 106 RA +9 19 107 AA +9 19 108 AA +9 19 109 GR +9 19 110 RA +9 19 111 TS +9 19 112 ER +9 19 113 TS +9 19 114 GR +9 19 115 ER +9 19 116 BA +9 19 117 TS +9 19 118 ER +9 19 119 GR +9 19 120 AA +9 19 121 ER +9 19 122 GR +9 19 123 GR +9 19 124 RA +9 19 125 RA +9 19 126 ER +9 19 127 TS +9 19 128 RA +9 19 129 AA +9 19 130 TS +9 19 131 GR +9 19 132 ER +9 19 133 GR +9 19 134 FA +9 19 135 ER +9 19 136 GR +9 19 137 FA +9 19 138 GR +9 19 139 AA +9 19 140 GR +9 19 141 AA +9 19 142 BA +9 19 143 RA +9 19 144 GR +9 19 145 GR +9 19 146 RA +9 19 147 GR +9 19 148 ER +9 19 149 GR +9 19 150 GR +9 19 151 ER +9 19 152 AA +9 19 153 GR +9 19 154 BA +9 19 155 TS +9 19 156 GR +9 19 157 TS +9 19 158 AA +9 19 159 RA +9 19 160 ER +9 19 161 GR +9 19 162 ER +9 19 163 GR +9 19 164 GR +9 19 165 TS +9 19 166 GR +9 19 167 AA +9 19 168 GR +9 19 169 GR +9 19 170 TS +9 19 171 BA +9 19 172 AA +9 19 173 ER +9 19 174 RA +9 19 175 BA +9 19 176 ER +9 19 177 RA +9 19 178 GR +9 19 179 ER +9 19 180 GR +9 19 181 RA +9 19 182 ER +9 19 183 BA +9 19 184 GR +9 19 185 RA +9 19 186 GR +9 19 187 RA +9 19 188 GR +9 19 189 BA +9 19 190 ER +9 19 191 GR +9 19 192 GR +9 19 193 RA +9 19 194 ER +9 19 195 GR +9 19 196 GR +9 19 197 RA +9 19 198 TS +9 19 199 AA +9 19 200 BA +9 19 201 ER +9 19 202 GR +9 19 203 ER +9 19 204 TS +9 19 205 GR +9 19 206 AA +9 19 207 ER +9 19 208 RA +9 19 209 GR +9 19 210 ER +9 19 211 GR +9 19 212 RA +9 19 213 BA +9 19 214 GR +9 19 215 ER +9 19 216 TS +9 19 217 ER +9 19 218 RA +9 19 219 AA +9 19 220 GR +9 19 221 BA +9 19 222 GR +9 19 223 GR +9 19 224 AA +9 19 225 GR +9 19 226 GR +9 19 227 TS +9 19 228 GR +9 19 229 GR +9 19 230 BA +9 19 231 ER +9 19 232 TS +9 19 233 BA +9 19 234 GR +9 19 235 GR +9 19 236 RA +9 19 237 ER +9 19 238 GR +9 19 239 ER +9 19 240 ER +9 19 241 AA +9 19 242 BA +9 19 243 ER +9 19 244 RA +9 19 245 ER +9 19 246 GR +9 19 247 GR +9 19 248 TS +9 19 249 GR +9 19 250 GR +9 19 251 GR +9 19 252 AA +9 19 253 GR +9 19 254 GR +9 19 255 TS +9 19 256 ER +9 19 257 GR +9 19 258 RA +9 19 259 ER +9 19 260 RA +9 19 261 ER +9 19 262 AA +9 19 263 BA +9 19 264 AA +9 19 265 GR +9 19 266 ER +9 19 267 ER +9 19 268 GR +9 19 269 ER +9 19 270 RA +9 19 271 TS +9 19 272 AA +9 19 273 ER +9 19 274 AA +9 19 275 GR +9 19 276 ER +9 19 277 GR +9 19 278 ER +9 19 279 GR +9 19 280 GR +9 19 281 GR +9 19 282 GR +9 19 283 TS +9 19 284 AA +9 19 285 ER +9 19 286 AA +9 19 287 GR +9 19 288 ER +9 19 289 GR +9 19 290 BA +9 19 291 GR +9 19 292 ER +9 19 293 BA +9 19 294 AA +9 19 295 TS +9 19 296 GR +9 19 297 RA +9 19 298 ER +9 19 299 GR +9 19 300 BA +9 19 301 GR +9 19 302 AA +9 19 303 RA +9 19 304 BA +9 19 305 ER +9 19 306 RA +9 19 307 RA +9 19 308 RA +9 19 309 TS +9 19 310 GR +9 19 311 GR +9 19 312 TS +9 19 313 GR +9 19 314 AA +9 19 315 GR +9 19 316 GR +9 19 317 ER +9 19 318 ER +9 19 319 AA +9 19 320 GR +9 19 321 ER +9 19 322 GR +9 19 323 GR +9 19 324 AA +9 19 325 ER +9 19 326 RA +9 19 327 AA +9 19 328 GR +9 19 329 GR +9 19 330 AA +9 20 1 GR +9 20 2 GR +9 20 3 ER +9 20 4 FA +9 20 5 GR +9 20 6 RA +9 20 7 GR +9 20 8 ER +9 20 9 FA +9 20 10 FA +9 20 11 GR +9 20 12 RA +9 20 13 GR +9 20 14 FA +9 20 15 RA +9 20 16 AA +9 20 17 ER +9 20 18 FA +9 20 19 GR +9 20 20 GR +9 20 21 ER +9 20 22 GR +9 20 23 FA +9 20 24 FA +9 20 25 GR +9 20 26 FA +9 20 27 AA +9 20 28 ER +9 20 29 GR +9 20 30 FA +9 20 31 RA +9 20 32 GR +9 20 33 GR +9 20 34 RA +9 20 35 ER +9 20 36 FA +9 20 37 RA +9 20 38 ER +9 20 39 GR +9 20 40 GR +9 20 41 ER +9 20 42 FA +9 20 43 FA +9 20 44 AA +9 20 45 GR +9 20 46 FA +9 20 47 GR +9 20 48 RA +9 20 49 GR +9 20 50 FA +9 20 51 FA +9 20 52 AA +9 20 53 ER +9 20 54 FA +9 20 55 GR +9 20 56 RA +9 20 57 GR +9 20 58 FA +9 20 59 AA +9 20 60 FA +9 20 61 GR +9 20 62 FA +9 20 63 ER +9 20 64 FA +9 20 65 ER +9 20 66 AA +9 20 67 GR +9 20 68 ER +9 20 69 FA +9 20 70 AA +9 20 71 FA +9 20 72 RA +9 20 73 FA +9 20 74 AA +9 20 75 GR +9 20 76 RA +9 20 77 FA +9 20 78 FA +9 20 79 FA +9 20 80 RA +9 20 81 GR +9 20 82 RA +9 20 83 RA +9 20 84 GR +9 20 85 GR +9 20 86 ER +9 20 87 FA +9 20 88 GR +9 20 89 FA +9 20 90 FA +9 20 91 RA +9 20 92 AA +9 20 93 GR +9 20 94 FA +9 20 95 AA +9 20 96 GR +9 20 97 FA +9 20 98 ER +9 20 99 FA +9 20 100 RA +9 20 101 GR +9 20 102 AA +9 20 103 FA +9 20 104 GR +9 20 105 FA +9 20 106 GR +9 20 107 AA +9 20 108 FA +9 20 109 FA +9 20 110 GR +9 20 111 FA +9 20 112 ER +9 20 113 FA +9 20 114 GR +9 20 115 ER +9 20 116 RA +9 20 117 FA +9 20 118 ER +9 20 119 GR +9 20 120 AA +9 20 121 RA +9 20 122 GR +9 20 123 FA +9 20 124 GR +9 20 125 ER +9 20 126 RA +9 20 127 FA +9 20 128 GR +9 20 129 AA +9 20 130 FA +9 20 131 FA +9 20 132 RA +9 20 133 GR +9 20 134 FA +9 20 135 RA +9 20 136 GR +9 20 137 FA +9 20 138 RA +9 20 139 AA +9 20 140 GR +9 20 141 AA +9 20 142 AA +9 20 143 GR +9 20 144 FA +9 20 145 GR +9 20 146 FA +9 20 147 GR +9 20 148 ER +9 20 149 GR +9 20 150 FA +9 20 151 ER +9 20 152 GR +9 20 153 GR +9 20 154 FA +9 20 155 FA +9 20 156 GR +9 20 157 FA +9 20 158 AA +9 20 159 RA +9 20 160 GR +9 20 161 GR +9 20 162 ER +9 20 163 RA +9 20 164 GR +9 20 165 FA +9 20 166 GR +9 20 167 FA +9 20 168 GR +9 20 169 FA +9 20 170 FA +9 20 171 GR +9 20 172 AA +9 20 173 ER +9 20 174 GR +9 20 175 GR +9 20 176 ER +9 20 177 RA +9 20 178 GR +9 20 179 FA +9 20 180 GR +9 20 181 FA +9 20 182 FA +9 20 183 TS +9 20 184 GR +9 20 185 FA +9 20 186 RA +9 20 187 GR +9 20 188 RA +9 20 189 AA +9 20 190 GR +9 20 191 GR +9 20 192 FA +9 20 193 GR +9 20 194 RA +9 20 195 RA +9 20 196 GR +9 20 197 FA +9 20 198 FA +9 20 199 AA +9 20 200 RA +9 20 201 GR +9 20 202 GR +9 20 203 RA +9 20 204 FA +9 20 205 FA +9 20 206 AA +9 20 207 ER +9 20 208 FA +9 20 209 RA +9 20 210 FA +9 20 211 RA +9 20 212 GR +9 20 213 FA +9 20 214 RA +9 20 215 GR +9 20 216 FA +9 20 217 ER +9 20 218 GR +9 20 219 AA +9 20 220 FA +9 20 221 AA +9 20 222 FA +9 20 223 GR +9 20 224 AA +9 20 225 FA +9 20 226 GR +9 20 227 FA +9 20 228 FA +9 20 229 RA +9 20 230 AA +9 20 231 FA +9 20 232 FA +9 20 233 RA +9 20 234 FA +9 20 235 FA +9 20 236 GR +9 20 237 RA +9 20 238 GR +9 20 239 ER +9 20 240 FA +9 20 241 AA +9 20 242 GR +9 20 243 FA +9 20 244 AA +9 20 245 ER +9 20 246 GR +9 20 247 FA +9 20 248 FA +9 20 249 GR +9 20 250 FA +9 20 251 GR +9 20 252 AA +9 20 253 GR +9 20 254 RA +9 20 255 FA +9 20 256 ER +9 20 257 FA +9 20 258 GR +9 20 259 FA +9 20 260 AA +9 20 261 RA +9 20 262 AA +9 20 263 FA +9 20 264 RA +9 20 265 GR +9 20 266 FA +9 20 267 FA +9 20 268 RA +9 20 269 GR +9 20 270 RA +9 20 271 FA +9 20 272 AA +9 20 273 RA +9 20 274 AA +9 20 275 GR +9 20 276 ER +9 20 277 FA +9 20 278 RA +9 20 279 FA +9 20 280 RA +9 20 281 GR +9 20 282 RA +9 20 283 FA +9 20 284 AA +9 20 285 RA +9 20 286 AA +9 20 287 TS +9 20 288 ER +9 20 289 GR +9 20 290 AA +9 20 291 GR +9 20 292 FA +9 20 293 AA +9 20 294 FA +9 20 295 FA +9 20 296 FA +9 20 297 RA +9 20 298 ER +9 20 299 GR +9 20 300 FA +9 20 301 GR +9 20 302 AA +9 20 303 FA +9 20 304 GR +9 20 305 FA +9 20 306 GR +9 20 307 FA +9 20 308 FA +9 20 309 FA +9 20 310 GR +9 20 311 RA +9 20 312 FA +9 20 313 FA +9 20 314 AA +9 20 315 GR +9 20 316 RA +9 20 317 GR +9 20 318 RA +9 20 319 AA +9 20 320 FA +9 20 321 ER +9 20 322 FA +9 20 323 GR +9 20 324 AA +9 20 325 FA +9 20 326 FA +9 20 327 AA +9 20 328 FA +9 20 329 FA +9 20 330 AA +9 21 1 GR +9 21 2 GR +9 21 3 ER +9 21 4 RA +9 21 5 GR +9 21 6 RA +9 21 7 GR +9 21 8 ER +9 21 9 RA +9 21 10 GR +9 21 11 GR +9 21 12 RA +9 21 13 GR +9 21 14 TS +9 21 15 RA +9 21 16 AA +9 21 17 RA +9 21 18 TS +9 21 19 GR +9 21 20 GR +9 21 21 RA +9 21 22 AA +9 21 23 GR +9 21 24 TS +9 21 25 GR +9 21 26 TS +9 21 27 AA +9 21 28 ER +9 21 29 GR +9 21 30 ER +9 21 31 GR +9 21 32 GR +9 21 33 GR +9 21 34 GR +9 21 35 ER +9 21 36 TS +9 21 37 GR +9 21 38 ER +9 21 39 GR +9 21 40 GR +9 21 41 ER +9 21 42 RA +9 21 43 TS +9 21 44 AA +9 21 45 GR +9 21 46 TS +9 21 47 TS +9 21 48 RA +9 21 49 GR +9 21 50 TS +9 21 51 TS +9 21 52 AA +9 21 53 ER +9 21 54 GR +9 21 55 GR +9 21 56 RA +9 21 57 TS +9 21 58 TS +9 21 59 AA +9 21 60 TS +9 21 61 ER +9 21 62 GR +9 21 63 RA +9 21 64 GR +9 21 65 RA +9 21 66 AA +9 21 67 GR +9 21 68 RA +9 21 69 TS +9 21 70 AA +9 21 71 TS +9 21 72 GR +9 21 73 RA +9 21 74 GR +9 21 75 TS +9 21 76 RA +9 21 77 GR +9 21 78 RA +9 21 79 TS +9 21 80 GR +9 21 81 GR +9 21 82 GR +9 21 83 AA +9 21 84 RA +9 21 85 GR +9 21 86 RA +9 21 87 TS +9 21 88 GR +9 21 89 TS +9 21 90 TS +9 21 91 RA +9 21 92 AA +9 21 93 GR +9 21 94 TS +9 21 95 AA +9 21 96 RA +9 21 97 GR +9 21 98 ER +9 21 99 GR +9 21 100 GR +9 21 101 RA +9 21 102 GR +9 21 103 RA +9 21 104 GR +9 21 105 RA +9 21 106 AA +9 21 107 AA +9 21 108 GR +9 21 109 GR +9 21 110 RA +9 21 111 TS +9 21 112 ER +9 21 113 TS +9 21 114 GR +9 21 115 ER +9 21 116 GR +9 21 117 TS +9 21 118 RA +9 21 119 GR +9 21 120 AA +9 21 121 RA +9 21 122 GR +9 21 123 BA +9 21 124 RA +9 21 125 ER +9 21 126 GR +9 21 127 TS +9 21 128 GR +9 21 129 AA +9 21 130 TS +9 21 131 BA +9 21 132 ER +9 21 133 GR +9 21 134 TS +9 21 135 RA +9 21 136 GR +9 21 137 BA +9 21 138 GR +9 21 139 AA +9 21 140 GR +9 21 141 AA +9 21 142 AA +9 21 143 RA +9 21 144 BA +9 21 145 GR +9 21 146 RA +9 21 147 GR +9 21 148 ER +9 21 149 GR +9 21 150 BA +9 21 151 RA +9 21 152 RA +9 21 153 GR +9 21 154 TS +9 21 155 TS +9 21 156 GR +9 21 157 TS +9 21 158 AA +9 21 159 RA +9 21 160 RA +9 21 161 GR +9 21 162 ER +9 21 163 GR +9 21 164 GR +9 21 165 BA +9 21 166 GR +9 21 167 AA +9 21 168 GR +9 21 169 GR +9 21 170 BA +9 21 171 RA +9 21 172 AA +9 21 173 RA +9 21 174 RA +9 21 175 GR +9 21 176 ER +9 21 177 GR +9 21 178 GR +9 21 179 ER +9 21 180 GR +9 21 181 RA +9 21 182 BA +9 21 183 TS +9 21 184 GR +9 21 185 ER +9 21 186 GR +9 21 187 RA +9 21 188 GR +9 21 189 AA +9 21 190 RA +9 21 191 GR +9 21 192 BA +9 21 193 RA +9 21 194 ER +9 21 195 GR +9 21 196 AA +9 21 197 BA +9 21 198 TS +9 21 199 AA +9 21 200 GR +9 21 201 RA +9 21 202 GR +9 21 203 ER +9 21 204 TS +9 21 205 GR +9 21 206 AA +9 21 207 RA +9 21 208 RA +9 21 209 GR +9 21 210 BA +9 21 211 GR +9 21 212 RA +9 21 213 AA +9 21 214 GR +9 21 215 RA +9 21 216 BA +9 21 217 RA +9 21 218 GR +9 21 219 AA +9 21 220 GR +9 21 221 AA +9 21 222 BA +9 21 223 GR +9 21 224 AA +9 21 225 RA +9 21 226 GR +9 21 227 BA +9 21 228 BA +9 21 229 GR +9 21 230 AA +9 21 231 RA +9 21 232 BA +9 21 233 GR +9 21 234 GR +9 21 235 TS +9 21 236 RA +9 21 237 ER +9 21 238 GR +9 21 239 ER +9 21 240 ER +9 21 241 AA +9 21 242 RA +9 21 243 ER +9 21 244 AA +9 21 245 ER +9 21 246 GR +9 21 247 GR +9 21 248 BA +9 21 249 BA +9 21 250 BA +9 21 251 AA +9 21 252 AA +9 21 253 GR +9 21 254 BA +9 21 255 BA +9 21 256 ER +9 21 257 GR +9 21 258 RA +9 21 259 ER +9 21 260 AA +9 21 261 RA +9 21 262 AA +9 21 263 TS +9 21 264 GR +9 21 265 GR +9 21 266 ER +9 21 267 BA +9 21 268 GR +9 21 269 ER +9 21 270 RA +9 21 271 GR +9 21 272 AA +9 21 273 GR +9 21 274 AA +9 21 275 GR +9 21 276 ER +9 21 277 GR +9 21 278 RA +9 21 279 GR +9 21 280 BA +9 21 281 GR +9 21 282 GR +9 21 283 BA +9 21 284 AA +9 21 285 RA +9 21 286 AA +9 21 287 RA +9 21 288 ER +9 21 289 GR +9 21 290 AA +9 21 291 GR +9 21 292 RA +9 21 293 AA +9 21 294 AA +9 21 295 BA +9 21 296 BA +9 21 297 RA +9 21 298 ER +9 21 299 GR +9 21 300 BA +9 21 301 GR +9 21 302 AA +9 21 303 AA +9 21 304 BA +9 21 305 BA +9 21 306 RA +9 21 307 GR +9 21 308 BA +9 21 309 TS +9 21 310 GR +9 21 311 GR +9 21 312 TS +9 21 313 GR +9 21 314 AA +9 21 315 GR +9 21 316 GR +9 21 317 ER +9 21 318 RA +9 21 319 AA +9 21 320 BA +9 21 321 ER +9 21 322 GR +9 21 323 BA +9 21 324 AA +9 21 325 RA +9 21 326 RA +9 21 327 AA +9 21 328 GR +9 21 329 RA +9 21 330 AA +9 22 1 GR +9 22 2 GR +9 22 3 ER +9 22 4 FA +9 22 5 GR +9 22 6 RA +9 22 7 GR +9 22 8 ER +9 22 9 FA +9 22 10 GR +9 22 11 FA +9 22 12 RA +9 22 13 GR +9 22 14 GR +9 22 15 RA +9 22 16 AA +9 22 17 ER +9 22 18 FA +9 22 19 GR +9 22 20 GR +9 22 21 RA +9 22 22 AA +9 22 23 FA +9 22 24 FA +9 22 25 GR +9 22 26 GR +9 22 27 AA +9 22 28 ER +9 22 29 GR +9 22 30 ER +9 22 31 GR +9 22 32 RA +9 22 33 GR +9 22 34 GR +9 22 35 RA +9 22 36 GR +9 22 37 GR +9 22 38 ER +9 22 39 GR +9 22 40 GR +9 22 41 ER +9 22 42 RA +9 22 43 GR +9 22 44 AA +9 22 45 GR +9 22 46 FA +9 22 47 FA +9 22 48 RA +9 22 49 GR +9 22 50 GR +9 22 51 FA +9 22 52 AA +9 22 53 ER +9 22 54 GR +9 22 55 GR +9 22 56 RA +9 22 57 GR +9 22 58 FA +9 22 59 AA +9 22 60 FA +9 22 61 ER +9 22 62 GR +9 22 63 RA +9 22 64 GR +9 22 65 ER +9 22 66 AA +9 22 67 GR +9 22 68 RA +9 22 69 FA +9 22 70 AA +9 22 71 FA +9 22 72 GR +9 22 73 ER +9 22 74 GR +9 22 75 TS +9 22 76 ER +9 22 77 GR +9 22 78 AA +9 22 79 TS +9 22 80 GR +9 22 81 GR +9 22 82 GR +9 22 83 AA +9 22 84 RA +9 22 85 GR +9 22 86 RA +9 22 87 TS +9 22 88 ER +9 22 89 TS +9 22 90 FA +9 22 91 GR +9 22 92 AA +9 22 93 GR +9 22 94 TS +9 22 95 AA +9 22 96 RA +9 22 97 FA +9 22 98 ER +9 22 99 RA +9 22 100 GR +9 22 101 ER +9 22 102 FA +9 22 103 TS +9 22 104 GR +9 22 105 ER +9 22 106 RA +9 22 107 AA +9 22 108 AA +9 22 109 GR +9 22 110 RA +9 22 111 TS +9 22 112 ER +9 22 113 TS +9 22 114 GR +9 22 115 ER +9 22 116 GR +9 22 117 TS +9 22 118 RA +9 22 119 GR +9 22 120 AA +9 22 121 ER +9 22 122 GR +9 22 123 GR +9 22 124 RA +9 22 125 ER +9 22 126 RA +9 22 127 TS +9 22 128 RA +9 22 129 AA +9 22 130 TS +9 22 131 ER +9 22 132 ER +9 22 133 GR +9 22 134 TS +9 22 135 ER +9 22 136 GR +9 22 137 GR +9 22 138 GR +9 22 139 AA +9 22 140 GR +9 22 141 AA +9 22 142 AA +9 22 143 GR +9 22 144 TS +9 22 145 GR +9 22 146 RA +9 22 147 GR +9 22 148 ER +9 22 149 GR +9 22 150 FA +9 22 151 RA +9 22 152 RA +9 22 153 GR +9 22 154 FA +9 22 155 TS +9 22 156 GR +9 22 157 TS +9 22 158 AA +9 22 159 RA +9 22 160 RA +9 22 161 GR +9 22 162 ER +9 22 163 GR +9 22 164 GR +9 22 165 GR +9 22 166 GR +9 22 167 RA +9 22 168 GR +9 22 169 GR +9 22 170 FA +9 22 171 GR +9 22 172 AA +9 22 173 ER +9 22 174 RA +9 22 175 GR +9 22 176 ER +9 22 177 GR +9 22 178 GR +9 22 179 ER +9 22 180 GR +9 22 181 RA +9 22 182 ER +9 22 183 FA +9 22 184 ER +9 22 185 RA +9 22 186 GR +9 22 187 RA +9 22 188 GR +9 22 189 GR +9 22 190 RA +9 22 191 GR +9 22 192 FA +9 22 193 GR +9 22 194 ER +9 22 195 GR +9 22 196 GR +9 22 197 FA +9 22 198 TS +9 22 199 AA +9 22 200 GR +9 22 201 RA +9 22 202 GR +9 22 203 ER +9 22 204 TS +9 22 205 FA +9 22 206 AA +9 22 207 ER +9 22 208 GR +9 22 209 RA +9 22 210 ER +9 22 211 GR +9 22 212 RA +9 22 213 FA +9 22 214 GR +9 22 215 RA +9 22 216 TS +9 22 217 RA +9 22 218 GR +9 22 219 AA +9 22 220 FA +9 22 221 AA +9 22 222 FA +9 22 223 GR +9 22 224 AA +9 22 225 FA +9 22 226 GR +9 22 227 TS +9 22 228 GR +9 22 229 GR +9 22 230 AA +9 22 231 ER +9 22 232 FA +9 22 233 GR +9 22 234 GR +9 22 235 GR +9 22 236 FA +9 22 237 RA +9 22 238 GR +9 22 239 RA +9 22 240 ER +9 22 241 AA +9 22 242 RA +9 22 243 ER +9 22 244 AA +9 22 245 ER +9 22 246 GR +9 22 247 FA +9 22 248 FA +9 22 249 GR +9 22 250 FA +9 22 251 GR +9 22 252 AA +9 22 253 GR +9 22 254 GR +9 22 255 TS +9 22 256 ER +9 22 257 GR +9 22 258 RA +9 22 259 ER +9 22 260 RA +9 22 261 ER +9 22 262 AA +9 22 263 FA +9 22 264 GR +9 22 265 GR +9 22 266 ER +9 22 267 ER +9 22 268 GR +9 22 269 ER +9 22 270 RA +9 22 271 FA +9 22 272 GR +9 22 273 ER +9 22 274 AA +9 22 275 FA +9 22 276 ER +9 22 277 GR +9 22 278 RA +9 22 279 GR +9 22 280 FA +9 22 281 GR +9 22 282 GR +9 22 283 FA +9 22 284 AA +9 22 285 RA +9 22 286 AA +9 22 287 FA +9 22 288 ER +9 22 289 GR +9 22 290 AA +9 22 291 GR +9 22 292 RA +9 22 293 GR +9 22 294 AA +9 22 295 FA +9 22 296 FA +9 22 297 RA +9 22 298 ER +9 22 299 GR +9 22 300 FA +9 22 301 GR +9 22 302 AA +9 22 303 GR +9 22 304 FA +9 22 305 FA +9 22 306 GR +9 22 307 GR +9 22 308 FA +9 22 309 FA +9 22 310 GR +9 22 311 GR +9 22 312 TS +9 22 313 TS +9 22 314 AA +9 22 315 GR +9 22 316 GR +9 22 317 ER +9 22 318 RA +9 22 319 AA +9 22 320 FA +9 22 321 ER +9 22 322 RA +9 22 323 FA +9 22 324 AA +9 22 325 ER +9 22 326 FA +9 22 327 GR +9 22 328 FA +9 22 329 FA +9 22 330 AA +9 23 1 GR +9 23 2 RA +9 23 3 ER +9 23 4 GR +9 23 5 GR +9 23 6 RA +9 23 7 GR +9 23 8 FA +9 23 9 FA +9 23 10 GR +9 23 11 TS +9 23 12 RA +9 23 13 FA +9 23 14 GR +9 23 15 RA +9 23 16 AA +9 23 17 ER +9 23 18 TS +9 23 19 GR +9 23 20 GR +9 23 21 RA +9 23 22 AA +9 23 23 RA +9 23 24 FA +9 23 25 GR +9 23 26 FA +9 23 27 AA +9 23 28 ER +9 23 29 GR +9 23 30 FA +9 23 31 AA +9 23 32 RA +9 23 33 GR +9 23 34 GR +9 23 35 RA +9 23 36 TS +9 23 37 GR +9 23 38 ER +9 23 39 GR +9 23 40 GR +9 23 41 FA +9 23 42 FA +9 23 43 TS +9 23 44 AA +9 23 45 GR +9 23 46 TS +9 23 47 FA +9 23 48 RA +9 23 49 GR +9 23 50 FA +9 23 51 TS +9 23 52 AA +9 23 53 FA +9 23 54 GR +9 23 55 GR +9 23 56 RA +9 23 57 FA +9 23 58 FA +9 23 59 AA +9 23 60 TS +9 23 61 ER +9 23 62 AA +9 23 63 RA +9 23 64 GR +9 23 65 ER +9 23 66 AA +9 23 67 RA +9 23 68 RA +9 23 69 GR +9 23 70 AA +9 23 71 RA +9 23 72 AA +9 23 73 RA +9 23 74 AA +9 23 75 GR +9 23 76 RA +9 23 77 GR +9 23 78 AA +9 23 79 TS +9 23 80 GR +9 23 81 GR +9 23 82 GR +9 23 83 AA +9 23 84 RA +9 23 85 GR +9 23 86 RA +9 23 87 TS +9 23 88 RA +9 23 89 TS +9 23 90 FA +9 23 91 RA +9 23 92 AA +9 23 93 RA +9 23 94 TS +9 23 95 AA +9 23 96 RA +9 23 97 GR +9 23 98 ER +9 23 99 FA +9 23 100 GR +9 23 101 FA +9 23 102 AA +9 23 103 FA +9 23 104 RA +9 23 105 RA +9 23 106 AA +9 23 107 AA +9 23 108 GR +9 23 109 GR +9 23 110 RA +9 23 111 TS +9 23 112 ER +9 23 113 TS +9 23 114 GR +9 23 115 ER +9 23 116 RA +9 23 117 FA +9 23 118 RA +9 23 119 GR +9 23 120 AA +9 23 121 RA +9 23 122 GR +9 23 123 GR +9 23 124 RA +9 23 125 RA +9 23 126 RA +9 23 127 FA +9 23 128 RA +9 23 129 AA +9 23 130 FA +9 23 131 RA +9 23 132 ER +9 23 133 GR +9 23 134 FA +9 23 135 ER +9 23 136 GR +9 23 137 FA +9 23 138 GR +9 23 139 AA +9 23 140 GR +9 23 141 AA +9 23 142 AA +9 23 143 GR +9 23 144 RA +9 23 145 GR +9 23 146 GR +9 23 147 GR +9 23 148 ER +9 23 149 RA +9 23 150 TS +9 23 151 RA +9 23 152 RA +9 23 153 GR +9 23 154 TS +9 23 155 RA +9 23 156 GR +9 23 157 TS +9 23 158 AA +9 23 159 RA +9 23 160 AA +9 23 161 GR +9 23 162 ER +9 23 163 GR +9 23 164 GR +9 23 165 FA +9 23 166 FA +9 23 167 RA +9 23 168 GR +9 23 169 RA +9 23 170 FA +9 23 171 FA +9 23 172 GR +9 23 173 ER +9 23 174 RA +9 23 175 RA +9 23 176 ER +9 23 177 RA +9 23 178 GR +9 23 179 FA +9 23 180 GR +9 23 181 RA +9 23 182 RA +9 23 183 FA +9 23 184 RA +9 23 185 RA +9 23 186 GR +9 23 187 RA +9 23 188 GR +9 23 189 AA +9 23 190 RA +9 23 191 GR +9 23 192 RA +9 23 193 RA +9 23 194 FA +9 23 195 GR +9 23 196 RA +9 23 197 RA +9 23 198 TS +9 23 199 AA +9 23 200 GR +9 23 201 RA +9 23 202 GR +9 23 203 RA +9 23 204 TS +9 23 205 RA +9 23 206 AA +9 23 207 ER +9 23 208 RA +9 23 209 GR +9 23 210 FA +9 23 211 GR +9 23 212 RA +9 23 213 AA +9 23 214 RA +9 23 215 GR +9 23 216 FA +9 23 217 RA +9 23 218 RA +9 23 219 AA +9 23 220 GR +9 23 221 AA +9 23 222 GR +9 23 223 GR +9 23 224 AA +9 23 225 FA +9 23 226 FA +9 23 227 FA +9 23 228 GR +9 23 229 RA +9 23 230 AA +9 23 231 RA +9 23 232 FA +9 23 233 RA +9 23 234 GR +9 23 235 GR +9 23 236 RA +9 23 237 GR +9 23 238 GR +9 23 239 RA +9 23 240 FA +9 23 241 AA +9 23 242 RA +9 23 243 ER +9 23 244 AA +9 23 245 ER +9 23 246 GR +9 23 247 RA +9 23 248 FA +9 23 249 GR +9 23 250 RA +9 23 251 GR +9 23 252 AA +9 23 253 GR +9 23 254 RA +9 23 255 FA +9 23 256 ER +9 23 257 GR +9 23 258 RA +9 23 259 ER +9 23 260 AA +9 23 261 RA +9 23 262 AA +9 23 263 FA +9 23 264 GR +9 23 265 RA +9 23 266 RA +9 23 267 RA +9 23 268 GR +9 23 269 RA +9 23 270 RA +9 23 271 FA +9 23 272 AA +9 23 273 RA +9 23 274 AA +9 23 275 RA +9 23 276 ER +9 23 277 GR +9 23 278 RA +9 23 279 GR +9 23 280 GR +9 23 281 GR +9 23 282 GR +9 23 283 FA +9 23 284 AA +9 23 285 RA +9 23 286 AA +9 23 287 FA +9 23 288 ER +9 23 289 GR +9 23 290 AA +9 23 291 GR +9 23 292 RA +9 23 293 GR +9 23 294 AA +9 23 295 FA +9 23 296 RA +9 23 297 RA +9 23 298 ER +9 23 299 GR +9 23 300 AA +9 23 301 GR +9 23 302 AA +9 23 303 RA +9 23 304 FA +9 23 305 RA +9 23 306 RA +9 23 307 GR +9 23 308 RA +9 23 309 FA +9 23 310 GR +9 23 311 GR +9 23 312 TS +9 23 313 RA +9 23 314 AA +9 23 315 RA +9 23 316 RA +9 23 317 ER +9 23 318 RA +9 23 319 AA +9 23 320 GR +9 23 321 ER +9 23 322 GR +9 23 323 GR +9 23 324 AA +9 23 325 RA +9 23 326 RA +9 23 327 AA +9 23 328 FA +9 23 329 RA +9 23 330 AA +9 24 1 GR +9 24 2 GR +9 24 3 ER +9 24 4 FA +9 24 5 GR +9 24 6 ER +9 24 7 GR +9 24 8 ER +9 24 9 FA +9 24 10 GR +9 24 11 TS +9 24 12 GR +9 24 13 FA +9 24 14 GR +9 24 15 ER +9 24 16 AA +9 24 17 ER +9 24 18 FA +9 24 19 GR +9 24 20 GR +9 24 21 ER +9 24 22 AA +9 24 23 GR +9 24 24 FA +9 24 25 GR +9 24 26 GR +9 24 27 AA +9 24 28 ER +9 24 29 GR +9 24 30 ER +9 24 31 GR +9 24 32 ER +9 24 33 GR +9 24 34 GR +9 24 35 ER +9 24 36 FA +9 24 37 GR +9 24 38 ER +9 24 39 FA +9 24 40 GR +9 24 41 ER +9 24 42 RA +9 24 43 FA +9 24 44 AA +9 24 45 GR +9 24 46 FA +9 24 47 FA +9 24 48 ER +9 24 49 GR +9 24 50 FA +9 24 51 FA +9 24 52 AA +9 24 53 ER +9 24 54 GR +9 24 55 GR +9 24 56 RA +9 24 57 GR +9 24 58 FA +9 24 59 AA +9 24 60 TS +9 24 61 ER +9 24 62 GR +9 24 63 ER +9 24 64 GR +9 24 65 ER +9 24 66 AA +9 24 67 GR +9 24 68 ER +9 24 69 GR +9 24 70 AA +9 24 71 ER +9 24 72 GR +9 24 73 GR +9 24 74 AA +9 24 75 GR +9 24 76 ER +9 24 77 GR +9 24 78 AA +9 24 79 TS +9 24 80 GR +9 24 81 GR +9 24 82 GR +9 24 83 AA +9 24 84 ER +9 24 85 GR +9 24 86 ER +9 24 87 TS +9 24 88 ER +9 24 89 TS +9 24 90 TS +9 24 91 GR +9 24 92 AA +9 24 93 GR +9 24 94 TS +9 24 95 AA +9 24 96 ER +9 24 97 FA +9 24 98 ER +9 24 99 GR +9 24 100 GR +9 24 101 ER +9 24 102 GR +9 24 103 FA +9 24 104 GR +9 24 105 RA +9 24 106 AA +9 24 107 AA +9 24 108 GR +9 24 109 GR +9 24 110 ER +9 24 111 FA +9 24 112 ER +9 24 113 FA +9 24 114 GR +9 24 115 ER +9 24 116 GR +9 24 117 FA +9 24 118 ER +9 24 119 GR +9 24 120 AA +9 24 121 ER +9 24 122 GR +9 24 123 GR +9 24 124 GR +9 24 125 ER +9 24 126 GR +9 24 127 FA +9 24 128 GR +9 24 129 AA +9 24 130 GR +9 24 131 GR +9 24 132 ER +9 24 133 GR +9 24 134 FA +9 24 135 ER +9 24 136 GR +9 24 137 FA +9 24 138 GR +9 24 139 AA +9 24 140 GR +9 24 141 AA +9 24 142 AA +9 24 143 GR +9 24 144 GR +9 24 145 GR +9 24 146 RA +9 24 147 GR +9 24 148 ER +9 24 149 GR +9 24 150 TS +9 24 151 RA +9 24 152 RA +9 24 153 GR +9 24 154 FA +9 24 155 FA +9 24 156 GR +9 24 157 FA +9 24 158 AA +9 24 159 ER +9 24 160 ER +9 24 161 GR +9 24 162 ER +9 24 163 GR +9 24 164 GR +9 24 165 FA +9 24 166 FA +9 24 167 GR +9 24 168 GR +9 24 169 GR +9 24 170 FA +9 24 171 FA +9 24 172 AA +9 24 173 ER +9 24 174 RA +9 24 175 GR +9 24 176 ER +9 24 177 RA +9 24 178 GR +9 24 179 ER +9 24 180 GR +9 24 181 FA +9 24 182 BA +9 24 183 GR +9 24 184 RA +9 24 185 GR +9 24 186 ER +9 24 187 GR +9 24 188 GR +9 24 189 GR +9 24 190 ER +9 24 191 GR +9 24 192 BA +9 24 193 GR +9 24 194 RA +9 24 195 GR +9 24 196 GR +9 24 197 BA +9 24 198 TS +9 24 199 AA +9 24 200 GR +9 24 201 ER +9 24 202 GR +9 24 203 ER +9 24 204 TS +9 24 205 GR +9 24 206 AA +9 24 207 ER +9 24 208 GR +9 24 209 GR +9 24 210 FA +9 24 211 GR +9 24 212 ER +9 24 213 GR +9 24 214 GR +9 24 215 RA +9 24 216 FA +9 24 217 ER +9 24 218 BA +9 24 219 GR +9 24 220 GR +9 24 221 AA +9 24 222 GR +9 24 223 GR +9 24 224 AA +9 24 225 GR +9 24 226 FA +9 24 227 FA +9 24 228 TS +9 24 229 AA +9 24 230 RA +9 24 231 RA +9 24 232 FA +9 24 233 FA +9 24 234 GR +9 24 235 GR +9 24 236 RA +9 24 237 ER +9 24 238 GR +9 24 239 RA +9 24 240 FA +9 24 241 AA +9 24 242 GR +9 24 243 ER +9 24 244 AA +9 24 245 ER +9 24 246 GR +9 24 247 GR +9 24 248 TS +9 24 249 GR +9 24 250 FA +9 24 251 GR +9 24 252 AA +9 24 253 GR +9 24 254 GR +9 24 255 TS +9 24 256 ER +9 24 257 FA +9 24 258 GR +9 24 259 ER +9 24 260 AA +9 24 261 ER +9 24 262 AA +9 24 263 FA +9 24 264 GR +9 24 265 GR +9 24 266 RA +9 24 267 ER +9 24 268 GR +9 24 269 ER +9 24 270 ER +9 24 271 GR +9 24 272 AA +9 24 273 ER +9 24 274 AA +9 24 275 GR +9 24 276 RA +9 24 277 GR +9 24 278 RA +9 24 279 GR +9 24 280 FA +9 24 281 GR +9 24 282 GR +9 24 283 FA +9 24 284 AA +9 24 285 RA +9 24 286 AA +9 24 287 RA +9 24 288 ER +9 24 289 GR +9 24 290 AA +9 24 291 GR +9 24 292 RA +9 24 293 AA +9 24 294 AA +9 24 295 FA +9 24 296 GR +9 24 297 RA +9 24 298 ER +9 24 299 GR +9 24 300 FA +9 24 301 GR +9 24 302 AA +9 24 303 GR +9 24 304 GR +9 24 305 RA +9 24 306 GR +9 24 307 GR +9 24 308 FA +9 24 309 FA +9 24 310 GR +9 24 311 GR +9 24 312 FA +9 24 313 GR +9 24 314 AA +9 24 315 GR +9 24 316 GR +9 24 317 ER +9 24 318 RA +9 24 319 AA +9 24 320 GR +9 24 321 ER +9 24 322 GR +9 24 323 FA +9 24 324 AA +9 24 325 RA +9 24 326 ER +9 24 327 AA +9 24 328 GR +9 24 329 FA +9 24 330 AA +9 25 1 GR +9 25 2 RA +9 25 3 ER +9 25 4 FA +9 25 5 GR +9 25 6 RA +9 25 7 GR +9 25 8 ER +9 25 9 FA +9 25 10 TS +9 25 11 FA +9 25 12 RA +9 25 13 GR +9 25 14 TS +9 25 15 AA +9 25 16 AA +9 25 17 ER +9 25 18 TS +9 25 19 GR +9 25 20 GR +9 25 21 ER +9 25 22 AA +9 25 23 FA +9 25 24 TS +9 25 25 GR +9 25 26 GR +9 25 27 AA +9 25 28 ER +9 25 29 GR +9 25 30 ER +9 25 31 AA +9 25 32 RA +9 25 33 GR +9 25 34 GR +9 25 35 RA +9 25 36 TS +9 25 37 FA +9 25 38 ER +9 25 39 GR +9 25 40 GR +9 25 41 ER +9 25 42 RA +9 25 43 TS +9 25 44 AA +9 25 45 GR +9 25 46 FA +9 25 47 TS +9 25 48 RA +9 25 49 GR +9 25 50 FA +9 25 51 BA +9 25 52 AA +9 25 53 ER +9 25 54 GR +9 25 55 GR +9 25 56 RA +9 25 57 FA +9 25 58 BA +9 25 59 AA +9 25 60 FA +9 25 61 ER +9 25 62 BA +9 25 63 RA +9 25 64 GR +9 25 65 ER +9 25 66 AA +9 25 67 RA +9 25 68 BA +9 25 69 GR +9 25 70 AA +9 25 71 ER +9 25 72 GR +9 25 73 GR +9 25 74 AA +9 25 75 FA +9 25 76 ER +9 25 77 GR +9 25 78 AA +9 25 79 TS +9 25 80 GR +9 25 81 GR +9 25 82 GR +9 25 83 AA +9 25 84 RA +9 25 85 GR +9 25 86 ER +9 25 87 FA +9 25 88 ER +9 25 89 TS +9 25 90 GR +9 25 91 RA +9 25 92 AA +9 25 93 GR +9 25 94 TS +9 25 95 AA +9 25 96 RA +9 25 97 FA +9 25 98 ER +9 25 99 BA +9 25 100 AA +9 25 101 ER +9 25 102 BA +9 25 103 FA +9 25 104 GR +9 25 105 ER +9 25 106 AA +9 25 107 AA +9 25 108 AA +9 25 109 GR +9 25 110 RA +9 25 111 FA +9 25 112 ER +9 25 113 FA +9 25 114 GR +9 25 115 ER +9 25 116 AA +9 25 117 TS +9 25 118 ER +9 25 119 GR +9 25 120 AA +9 25 121 ER +9 25 122 GR +9 25 123 FA +9 25 124 RA +9 25 125 ER +9 25 126 RA +9 25 127 FA +9 25 128 RA +9 25 129 AA +9 25 130 FA +9 25 131 ER +9 25 132 ER +9 25 133 GR +9 25 134 BA +9 25 135 ER +9 25 136 GR +9 25 137 GR +9 25 138 GR +9 25 139 AA +9 25 140 FA +9 25 141 AA +9 25 142 AA +9 25 143 GR +9 25 144 TS +9 25 145 GR +9 25 146 RA +9 25 147 GR +9 25 148 ER +9 25 149 GR +9 25 150 TS +9 25 151 RA +9 25 152 RA +9 25 153 GR +9 25 154 BA +9 25 155 BA +9 25 156 GR +9 25 157 BA +9 25 158 AA +9 25 159 RA +9 25 160 RA +9 25 161 GR +9 25 162 ER +9 25 163 GR +9 25 164 GR +9 25 165 BA +9 25 166 TS +9 25 167 RA +9 25 168 GR +9 25 169 GR +9 25 170 TS +9 25 171 GR +9 25 172 AA +9 25 173 ER +9 25 174 RA +9 25 175 AA +9 25 176 ER +9 25 177 RA +9 25 178 GR +9 25 179 ER +9 25 180 GR +9 25 181 RA +9 25 182 ER +9 25 183 BA +9 25 184 BA +9 25 185 RA +9 25 186 GR +9 25 187 RA +9 25 188 GR +9 25 189 AA +9 25 190 RA +9 25 191 GR +9 25 192 BA +9 25 193 RA +9 25 194 ER +9 25 195 GR +9 25 196 AA +9 25 197 BA +9 25 198 TS +9 25 199 AA +9 25 200 GR +9 25 201 RA +9 25 202 GR +9 25 203 ER +9 25 204 TS +9 25 205 BA +9 25 206 AA +9 25 207 ER +9 25 208 RA +9 25 209 GR +9 25 210 FA +9 25 211 GR +9 25 212 RA +9 25 213 AA +9 25 214 RA +9 25 215 ER +9 25 216 FA +9 25 217 AA +9 25 218 GR +9 25 219 AA +9 25 220 BA +9 25 221 AA +9 25 222 FA +9 25 223 GR +9 25 224 AA +9 25 225 RA +9 25 226 FA +9 25 227 TS +9 25 228 FA +9 25 229 RA +9 25 230 AA +9 25 231 ER +9 25 232 BA +9 25 233 BA +9 25 234 GR +9 25 235 GR +9 25 236 RA +9 25 237 RA +9 25 238 GR +9 25 239 ER +9 25 240 ER +9 25 241 AA +9 25 242 RA +9 25 243 ER +9 25 244 AA +9 25 245 ER +9 25 246 GR +9 25 247 BA +9 25 248 FA +9 25 249 GR +9 25 250 BA +9 25 251 GR +9 25 252 AA +9 25 253 GR +9 25 254 GR +9 25 255 TS +9 25 256 ER +9 25 257 FA +9 25 258 RA +9 25 259 ER +9 25 260 RA +9 25 261 RA +9 25 262 AA +9 25 263 FA +9 25 264 GR +9 25 265 GR +9 25 266 ER +9 25 267 ER +9 25 268 GR +9 25 269 ER +9 25 270 RA +9 25 271 GR +9 25 272 AA +9 25 273 RA +9 25 274 AA +9 25 275 RA +9 25 276 ER +9 25 277 FA +9 25 278 ER +9 25 279 GR +9 25 280 GR +9 25 281 GR +9 25 282 GR +9 25 283 BA +9 25 284 AA +9 25 285 RA +9 25 286 AA +9 25 287 RA +9 25 288 ER +9 25 289 GR +9 25 290 AA +9 25 291 GR +9 25 292 RA +9 25 293 AA +9 25 294 AA +9 25 295 FA +9 25 296 BA +9 25 297 RA +9 25 298 ER +9 25 299 GR +9 25 300 AA +9 25 301 GR +9 25 302 AA +9 25 303 AA +9 25 304 GR +9 25 305 ER +9 25 306 RA +9 25 307 GR +9 25 308 BA +9 25 309 FA +9 25 310 GR +9 25 311 BA +9 25 312 TS +9 25 313 BA +9 25 314 AA +9 25 315 RA +9 25 316 GR +9 25 317 ER +9 25 318 RA +9 25 319 AA +9 25 320 BA +9 25 321 ER +9 25 322 RA +9 25 323 GR +9 25 324 AA +9 25 325 BA +9 25 326 RA +9 25 327 AA +9 25 328 BA +9 25 329 RA +9 25 330 AA +9 26 1 GR +9 26 2 RA +9 26 3 ER +9 26 4 RA +9 26 5 GR +9 26 6 BA +9 26 7 GR +9 26 8 ER +9 26 9 RA +9 26 10 GR +9 26 11 GR +9 26 12 RA +9 26 13 GR +9 26 14 GR +9 26 15 RA +9 26 16 AA +9 26 17 ER +9 26 18 TS +9 26 19 GR +9 26 20 GR +9 26 21 ER +9 26 22 RA +9 26 23 BA +9 26 24 FA +9 26 25 GR +9 26 26 FA +9 26 27 AA +9 26 28 ER +9 26 29 GR +9 26 30 RA +9 26 31 BA +9 26 32 RA +9 26 33 GR +9 26 34 GR +9 26 35 ER +9 26 36 GR +9 26 37 BA +9 26 38 ER +9 26 39 RA +9 26 40 GR +9 26 41 ER +9 26 42 RA +9 26 43 FA +9 26 44 AA +9 26 45 GR +9 26 46 BA +9 26 47 FA +9 26 48 RA +9 26 49 BA +9 26 50 FA +9 26 51 FA +9 26 52 AA +9 26 53 ER +9 26 54 RA +9 26 55 GR +9 26 56 BA +9 26 57 GR +9 26 58 RA +9 26 59 BA +9 26 60 FA +9 26 61 ER +9 26 62 BA +9 26 63 RA +9 26 64 GR +9 26 65 ER +9 26 66 BA +9 26 67 RA +9 26 68 ER +9 26 69 RA +9 26 70 AA +9 26 71 ER +9 26 72 GR +9 26 73 FA +9 26 74 AA +9 26 75 GR +9 26 76 RA +9 26 77 GR +9 26 78 BA +9 26 79 FA +9 26 80 GR +9 26 81 GR +9 26 82 RA +9 26 83 AA +9 26 84 RA +9 26 85 GR +9 26 86 RA +9 26 87 FA +9 26 88 ER +9 26 89 FA +9 26 90 FA +9 26 91 RA +9 26 92 AA +9 26 93 GR +9 26 94 FA +9 26 95 BA +9 26 96 RA +9 26 97 FA +9 26 98 ER +9 26 99 BA +9 26 100 GR +9 26 101 ER +9 26 102 BA +9 26 103 FA +9 26 104 RA +9 26 105 ER +9 26 106 BA +9 26 107 AA +9 26 108 BA +9 26 109 FA +9 26 110 RA +9 26 111 FA +9 26 112 ER +9 26 113 FA +9 26 114 RA +9 26 115 ER +9 26 116 BA +9 26 117 FA +9 26 118 RA +9 26 119 GR +9 26 120 BA +9 26 121 ER +9 26 122 GR +9 26 123 FA +9 26 124 RA +9 26 125 ER +9 26 126 RA +9 26 127 FA +9 26 128 GR +9 26 129 BA +9 26 130 FA +9 26 131 RA +9 26 132 ER +9 26 133 GR +9 26 134 FA +9 26 135 ER +9 26 136 RA +9 26 137 GR +9 26 138 BA +9 26 139 AA +9 26 140 GR +9 26 141 BA +9 26 142 BA +9 26 143 GR +9 26 144 FA +9 26 145 GR +9 26 146 RA +9 26 147 GR +9 26 148 ER +9 26 149 GR +9 26 150 FA +9 26 151 RA +9 26 152 BA +9 26 153 GR +9 26 154 FA +9 26 155 FA +9 26 156 GR +9 26 157 FA +9 26 158 BA +9 26 159 RA +9 26 160 BA +9 26 161 GR +9 26 162 ER +9 26 163 GR +9 26 164 GR +9 26 165 GR +9 26 166 GR +9 26 167 BA +9 26 168 GR +9 26 169 GR +9 26 170 FA +9 26 171 GR +9 26 172 BA +9 26 173 ER +9 26 174 RA +9 26 175 BA +9 26 176 ER +9 26 177 GR +9 26 178 GR +9 26 179 ER +9 26 180 GR +9 26 181 RA +9 26 182 ER +9 26 183 FA +9 26 184 FA +9 26 185 RA +9 26 186 GR +9 26 187 RA +9 26 188 GR +9 26 189 BA +9 26 190 RA +9 26 191 GR +9 26 192 FA +9 26 193 GR +9 26 194 ER +9 26 195 GR +9 26 196 GR +9 26 197 FA +9 26 198 FA +9 26 199 BA +9 26 200 GR +9 26 201 RA +9 26 202 GR +9 26 203 ER +9 26 204 FA +9 26 205 FA +9 26 206 AA +9 26 207 ER +9 26 208 RA +9 26 209 GR +9 26 210 FA +9 26 211 GR +9 26 212 RA +9 26 213 BA +9 26 214 GR +9 26 215 RA +9 26 216 FA +9 26 217 RA +9 26 218 GR +9 26 219 BA +9 26 220 FA +9 26 221 BA +9 26 222 FA +9 26 223 GR +9 26 224 BA +9 26 225 FA +9 26 226 GR +9 26 227 FA +9 26 228 FA +9 26 229 RA +9 26 230 BA +9 26 231 ER +9 26 232 FA +9 26 233 FA +9 26 234 GR +9 26 235 GR +9 26 236 RA +9 26 237 RA +9 26 238 GR +9 26 239 ER +9 26 240 FA +9 26 241 BA +9 26 242 RA +9 26 243 ER +9 26 244 BA +9 26 245 ER +9 26 246 GR +9 26 247 FA +9 26 248 FA +9 26 249 GR +9 26 250 FA +9 26 251 GR +9 26 252 BA +9 26 253 GR +9 26 254 BA +9 26 255 FA +9 26 256 ER +9 26 257 FA +9 26 258 RA +9 26 259 ER +9 26 260 BA +9 26 261 RA +9 26 262 BA +9 26 263 FA +9 26 264 BA +9 26 265 GR +9 26 266 ER +9 26 267 ER +9 26 268 GR +9 26 269 ER +9 26 270 RA +9 26 271 ER +9 26 272 BA +9 26 273 FA +9 26 274 AA +9 26 275 RA +9 26 276 ER +9 26 277 GR +9 26 278 RA +9 26 279 GR +9 26 280 GR +9 26 281 GR +9 26 282 GR +9 26 283 FA +9 26 284 AA +9 26 285 RA +9 26 286 BA +9 26 287 FA +9 26 288 ER +9 26 289 GR +9 26 290 BA +9 26 291 GR +9 26 292 RA +9 26 293 BA +9 26 294 AA +9 26 295 FA +9 26 296 FA +9 26 297 RA +9 26 298 ER +9 26 299 GR +9 26 300 BA +9 26 301 GR +9 26 302 BA +9 26 303 FA +9 26 304 FA +9 26 305 ER +9 26 306 GR +9 26 307 GR +9 26 308 FA +9 26 309 FA +9 26 310 GR +9 26 311 GR +9 26 312 FA +9 26 313 FA +9 26 314 BA +9 26 315 GR +9 26 316 FA +9 26 317 ER +9 26 318 RA +9 26 319 BA +9 26 320 FA +9 26 321 ER +9 26 322 GR +9 26 323 GR +9 26 324 BA +9 26 325 ER +9 26 326 RA +9 26 327 AA +9 26 328 FA +9 26 329 FA +9 26 330 BA +9 27 1 GR +9 27 2 AA +9 27 3 ER +9 27 4 RA +9 27 5 AA +9 27 6 RA +9 27 7 GR +9 27 8 RA +9 27 9 GR +9 27 10 TS +9 27 11 TS +9 27 12 GR +9 27 13 RA +9 27 14 TS +9 27 15 AA +9 27 16 AA +9 27 17 ER +9 27 18 GR +9 27 19 BA +9 27 20 GR +9 27 21 RA +9 27 22 GR +9 27 23 BA +9 27 24 RA +9 27 25 GR +9 27 26 GR +9 27 27 BA +9 27 28 RA +9 27 29 GR +9 27 30 RA +9 27 31 AA +9 27 32 GR +9 27 33 GR +9 27 34 BA +9 27 35 RA +9 27 36 GR +9 27 37 GR +9 27 38 ER +9 27 39 RA +9 27 40 BA +9 27 41 ER +9 27 42 GR +9 27 43 TS +9 27 44 AA +9 27 45 GR +9 27 46 RA +9 27 47 GR +9 27 48 GR +9 27 49 AA +9 27 50 RA +9 27 51 GR +9 27 52 AA +9 27 53 ER +9 27 54 RA +9 27 55 BA +9 27 56 RA +9 27 57 BA +9 27 58 GR +9 27 59 AA +9 27 60 TS +9 27 61 ER +9 27 62 GR +9 27 63 RA +9 27 64 BA +9 27 65 ER +9 27 66 AA +9 27 67 GR +9 27 68 RA +9 27 69 GR +9 27 70 AA +9 27 71 RA +9 27 72 GR +9 27 73 GR +9 27 74 AA +9 27 75 RA +9 27 76 ER +9 27 77 GR +9 27 78 AA +9 27 79 GR +9 27 80 RA +9 27 81 GR +9 27 82 RA +9 27 83 GR +9 27 84 ER +9 27 85 RA +9 27 86 RA +9 27 87 GR +9 27 88 ER +9 27 89 RA +9 27 90 RA +9 27 91 GR +9 27 92 AA +9 27 93 GR +9 27 94 RA +9 27 95 AA +9 27 96 GR +9 27 97 RA +9 27 98 ER +9 27 99 AA +9 27 100 AA +9 27 101 ER +9 27 102 BA +9 27 103 GR +9 27 104 AA +9 27 105 ER +9 27 106 GR +9 27 107 AA +9 27 108 AA +9 27 109 RA +9 27 110 GR +9 27 111 RA +9 27 112 ER +9 27 113 RA +9 27 114 GR +9 27 115 ER +9 27 116 AA +9 27 117 RA +9 27 118 GR +9 27 119 RA +9 27 120 AA +9 27 121 ER +9 27 122 GR +9 27 123 GR +9 27 124 RA +9 27 125 GR +9 27 126 RA +9 27 127 RA +9 27 128 GR +9 27 129 AA +9 27 130 GR +9 27 131 RA +9 27 132 ER +9 27 133 GR +9 27 134 RA +9 27 135 ER +9 27 136 AA +9 27 137 GR +9 27 138 AA +9 27 139 AA +9 27 140 GR +9 27 141 AA +9 27 142 BA +9 27 143 GR +9 27 144 RA +9 27 145 GR +9 27 146 RA +9 27 147 GR +9 27 148 ER +9 27 149 GR +9 27 150 GR +9 27 151 RA +9 27 152 AA +9 27 153 BA +9 27 154 GR +9 27 155 GR +9 27 156 RA +9 27 157 GR +9 27 158 AA +9 27 159 GR +9 27 160 BA +9 27 161 RA +9 27 162 ER +9 27 163 RA +9 27 164 GR +9 27 165 GR +9 27 166 RA +9 27 167 BA +9 27 168 GR +9 27 169 GR +9 27 170 BA +9 27 171 GR +9 27 172 AA +9 27 173 ER +9 27 174 GR +9 27 175 BA +9 27 176 GR +9 27 177 GR +9 27 178 GR +9 27 179 RA +9 27 180 GR +9 27 181 GR +9 27 182 ER +9 27 183 RA +9 27 184 GR +9 27 185 RA +9 27 186 BA +9 27 187 GR +9 27 188 RA +9 27 189 AA +9 27 190 BA +9 27 191 GR +9 27 192 RA +9 27 193 GR +9 27 194 ER +9 27 195 GR +9 27 196 AA +9 27 197 GR +9 27 198 RA +9 27 199 AA +9 27 200 BA +9 27 201 RA +9 27 202 GR +9 27 203 RA +9 27 204 GR +9 27 205 RA +9 27 206 AA +9 27 207 ER +9 27 208 RA +9 27 209 GR +9 27 210 ER +9 27 211 BA +9 27 212 GR +9 27 213 AA +9 27 214 GR +9 27 215 BA +9 27 216 RA +9 27 217 AA +9 27 218 GR +9 27 219 AA +9 27 220 GR +9 27 221 AA +9 27 222 GR +9 27 223 RA +9 27 224 AA +9 27 225 GR +9 27 226 GR +9 27 227 RA +9 27 228 GR +9 27 229 AA +9 27 230 AA +9 27 231 RA +9 27 232 GR +9 27 233 GR +9 27 234 GR +9 27 235 GR +9 27 236 RA +9 27 237 RA +9 27 238 GR +9 27 239 RA +9 27 240 GR +9 27 241 AA +9 27 242 GR +9 27 243 ER +9 27 244 AA +9 27 245 ER +9 27 246 GR +9 27 247 GR +9 27 248 RA +9 27 249 GR +9 27 250 RA +9 27 251 GR +9 27 252 BA +9 27 253 GR +9 27 254 GR +9 27 255 RA +9 27 256 RA +9 27 257 GR +9 27 258 GR +9 27 259 ER +9 27 260 BA +9 27 261 RA +9 27 262 AA +9 27 263 RA +9 27 264 AA +9 27 265 GR +9 27 266 GR +9 27 267 ER +9 27 268 GR +9 27 269 RA +9 27 270 GR +9 27 271 GR +9 27 272 AA +9 27 273 RA +9 27 274 AA +9 27 275 GR +9 27 276 ER +9 27 277 GR +9 27 278 RA +9 27 279 GR +9 27 280 RA +9 27 281 GR +9 27 282 GR +9 27 283 RA +9 27 284 AA +9 27 285 RA +9 27 286 AA +9 27 287 GR +9 27 288 ER +9 27 289 RA +9 27 290 GR +9 27 291 GR +9 27 292 RA +9 27 293 RA +9 27 294 RA +9 27 295 RA +9 27 296 GR +9 27 297 GR +9 27 298 ER +9 27 299 GR +9 27 300 RA +9 27 301 GR +9 27 302 BA +9 27 303 BA +9 27 304 GR +9 27 305 ER +9 27 306 GR +9 27 307 BA +9 27 308 RA +9 27 309 GR +9 27 310 GR +9 27 311 BA +9 27 312 GR +9 27 313 GR +9 27 314 AA +9 27 315 GR +9 27 316 GR +9 27 317 ER +9 27 318 RA +9 27 319 AA +9 27 320 GR +9 27 321 ER +9 27 322 BA +9 27 323 GR +9 27 324 RA +9 27 325 GR +9 27 326 GR +9 27 327 AA +9 27 328 GR +9 27 329 GR +9 27 330 AA +9 28 1 RA +9 28 2 RA +9 28 3 ER +9 28 4 FA +9 28 5 RA +9 28 6 GR +9 28 7 GR +9 28 8 ER +9 28 9 FA +9 28 10 RA +9 28 11 GR +9 28 12 GR +9 28 13 FA +9 28 14 RA +9 28 15 AA +9 28 16 AA +9 28 17 RA +9 28 18 TS +9 28 19 GR +9 28 20 GR +9 28 21 ER +9 28 22 RA +9 28 23 GR +9 28 24 FA +9 28 25 GR +9 28 26 GR +9 28 27 AA +9 28 28 ER +9 28 29 RA +9 28 30 RA +9 28 31 AA +9 28 32 RA +9 28 33 RA +9 28 34 RA +9 28 35 ER +9 28 36 FA +9 28 37 RA +9 28 38 ER +9 28 39 RA +9 28 40 RA +9 28 41 ER +9 28 42 RA +9 28 43 TS +9 28 44 AA +9 28 45 RA +9 28 46 FA +9 28 47 GR +9 28 48 GR +9 28 49 RA +9 28 50 RA +9 28 51 FA +9 28 52 AA +9 28 53 ER +9 28 54 GR +9 28 55 RA +9 28 56 AA +9 28 57 RA +9 28 58 RA +9 28 59 AA +9 28 60 GR +9 28 61 ER +9 28 62 RA +9 28 63 RA +9 28 64 GR +9 28 65 ER +9 28 66 AA +9 28 67 GR +9 28 68 RA +9 28 69 GR +9 28 70 AA +9 28 71 FA +9 28 72 GR +9 28 73 * +9 28 74 AA +9 28 75 FA +9 28 76 GR +9 28 77 RA +9 28 78 AA +9 28 79 FA +9 28 80 GR +9 28 81 RA +9 28 82 RA +9 28 83 AA +9 28 84 GR +9 28 85 RA +9 28 86 GR +9 28 87 FA +9 28 88 ER +9 28 89 FA +9 28 90 FA +9 28 91 GR +9 28 92 AA +9 28 93 RA +9 28 94 FA +9 28 95 AA +9 28 96 GR +9 28 97 RA +9 28 98 ER +9 28 99 FA +9 28 100 RA +9 28 101 ER +9 28 102 GR +9 28 103 FA +9 28 104 RA +9 28 105 FA +9 28 106 RA +9 28 107 AA +9 28 108 AA +9 28 109 RA +9 28 110 GR +9 28 111 FA +9 28 112 ER +9 28 113 FA +9 28 114 GR +9 28 115 ER +9 28 116 AA +9 28 117 FA +9 28 118 RA +9 28 119 GR +9 28 120 AA +9 28 121 ER +9 28 122 GR +9 28 123 GR +9 28 124 RA +9 28 125 ER +9 28 126 RA +9 28 127 FA +9 28 128 GR +9 28 129 AA +9 28 130 FA +9 28 131 GR +9 28 132 GR +9 28 133 RA +9 28 134 FA +9 28 135 ER +9 28 136 GR +9 28 137 RA +9 28 138 RA +9 28 139 AA +9 28 140 RA +9 28 141 AA +9 28 142 AA +9 28 143 GR +9 28 144 RA +9 28 145 RA +9 28 146 GR +9 28 147 GR +9 28 148 ER +9 28 149 GR +9 28 150 RA +9 28 151 ER +9 28 152 GR +9 28 153 GR +9 28 154 FA +9 28 155 FA +9 28 156 RA +9 28 157 FA +9 28 158 AA +9 28 159 RA +9 28 160 RA +9 28 161 GR +9 28 162 ER +9 28 163 RA +9 28 164 RA +9 28 165 GR +9 28 166 GR +9 28 167 RA +9 28 168 GR +9 28 169 GR +9 28 170 FA +9 28 171 RA +9 28 172 AA +9 28 173 RA +9 28 174 GR +9 28 175 AA +9 28 176 ER +9 28 177 GR +9 28 178 RA +9 28 179 FA +9 28 180 GR +9 28 181 GR +9 28 182 FA +9 28 183 FA +9 28 184 GR +9 28 185 GR +9 28 186 GR +9 28 187 GR +9 28 188 RA +9 28 189 AA +9 28 190 AA +9 28 191 GR +9 28 192 RA +9 28 193 GR +9 28 194 FA +9 28 195 GR +9 28 196 GR +9 28 197 RA +9 28 198 FA +9 28 199 AA +9 28 200 RA +9 28 201 RA +9 28 202 GR +9 28 203 ER +9 28 204 FA +9 28 205 GR +9 28 206 AA +9 28 207 ER +9 28 208 RA +9 28 209 GR +9 28 210 FA +9 28 211 RA +9 28 212 GR +9 28 213 RA +9 28 214 GR +9 28 215 RA +9 28 216 FA +9 28 217 AA +9 28 218 GR +9 28 219 AA +9 28 220 RA +9 28 221 AA +9 28 222 GR +9 28 223 GR +9 28 224 AA +9 28 225 FA +9 28 226 GR +9 28 227 TS +9 28 228 GR +9 28 229 RA +9 28 230 AA +9 28 231 RA +9 28 232 FA +9 28 233 TS +9 28 234 GR +9 28 235 GR +9 28 236 RA +9 28 237 RA +9 28 238 RA +9 28 239 GR +9 28 240 FA +9 28 241 AA +9 28 242 RA +9 28 243 GR +9 28 244 AA +9 28 245 ER +9 28 246 GR +9 28 247 RA +9 28 248 FA +9 28 249 RA +9 28 250 RA +9 28 251 GR +9 28 252 AA +9 28 253 RA +9 28 254 GR +9 28 255 FA +9 28 256 ER +9 28 257 FA +9 28 258 GR +9 28 259 GR +9 28 260 AA +9 28 261 RA +9 28 262 AA +9 28 263 FA +9 28 264 ER +9 28 265 GR +9 28 266 ER +9 28 267 RA +9 28 268 GR +9 28 269 ER +9 28 270 GR +9 28 271 FA +9 28 272 AA +9 28 273 FA +9 28 274 AA +9 28 275 RA +9 28 276 ER +9 28 277 GR +9 28 278 RA +9 28 279 RA +9 28 280 FA +9 28 281 GR +9 28 282 GR +9 28 283 FA +9 28 284 AA +9 28 285 RA +9 28 286 AA +9 28 287 FA +9 28 288 ER +9 28 289 GR +9 28 290 AA +9 28 291 GR +9 28 292 RA +9 28 293 AA +9 28 294 AA +9 28 295 FA +9 28 296 GR +9 28 297 GR +9 28 298 ER +9 28 299 GR +9 28 300 FA +9 28 301 GR +9 28 302 AA +9 28 303 AA +9 28 304 GR +9 28 305 ER +9 28 306 GR +9 28 307 GR +9 28 308 RA +9 28 309 FA +9 28 310 GR +9 28 311 RA +9 28 312 TS +9 28 313 GR +9 28 314 AA +9 28 315 GR +9 28 316 GR +9 28 317 ER +9 28 318 GR +9 28 319 AA +9 28 320 GR +9 28 321 ER +9 28 322 RA +9 28 323 GR +9 28 324 AA +9 28 325 GR +9 28 326 GR +9 28 327 AA +9 28 328 FA +9 28 329 FA +9 28 330 AA +9 29 1 BA +9 29 2 RA +9 29 3 GR +9 29 4 FA +9 29 5 GR +9 29 6 RA +9 29 7 GR +9 29 8 ER +9 29 9 GR +9 29 10 FA +9 29 11 TS +9 29 12 GR +9 29 13 FA +9 29 14 FA +9 29 15 AA +9 29 16 GR +9 29 17 ER +9 29 18 FA +9 29 19 GR +9 29 20 TY +9 29 21 ER +9 29 22 RA +9 29 23 GR +9 29 24 FA +9 29 25 FA +9 29 26 GR +9 29 27 AA +9 29 28 ER +9 29 29 GR +9 29 30 GR +9 29 31 GR +9 29 32 ER +9 29 33 RA +9 29 34 GR +9 29 35 FA +9 29 36 TS +9 29 37 GR +9 29 38 ER +9 29 39 RA +9 29 40 RA +9 29 41 ER +9 29 42 GR +9 29 43 FA +9 29 44 AA +9 29 45 GR +9 29 46 FA +9 29 47 GR +9 29 48 GR +9 29 49 RA +9 29 50 TS +9 29 51 FA +9 29 52 RA +9 29 53 ER +9 29 54 GR +9 29 55 RA +9 29 56 RA +9 29 57 FA +9 29 58 RA +9 29 59 AA +9 29 60 TS +9 29 61 ER +9 29 62 GR +9 29 63 RA +9 29 64 GR +9 29 65 ER +9 29 66 AA +9 29 67 RA +9 29 68 RA +9 29 69 GR +9 29 70 AA +9 29 71 TS +9 29 72 RA +9 29 73 GR +9 29 74 AA +9 29 75 TS +9 29 76 RA +9 29 77 GR +9 29 78 BA +9 29 79 FA +9 29 80 GR +9 29 81 TY +9 29 82 RA +9 29 83 RA +9 29 84 ER +9 29 85 RA +9 29 86 ER +9 29 87 RA +9 29 88 GR +9 29 89 RA +9 29 90 RA +9 29 91 GR +9 29 92 RA +9 29 93 FA +9 29 94 RA +9 29 95 GR +9 29 96 GR +9 29 97 GR +9 29 98 RA +9 29 99 AA +9 29 100 RA +9 29 101 GR +9 29 102 AA +9 29 103 GR +9 29 104 AA +9 29 105 FA +9 29 106 RA +9 29 107 AA +9 29 108 GR +9 29 109 TY +9 29 110 ER +9 29 111 RA +9 29 112 ER +9 29 113 RA +9 29 114 RA +9 29 115 ER +9 29 116 AA +9 29 117 FA +9 29 118 RA +9 29 119 GR +9 29 120 AA +9 29 121 ER +9 29 122 GR +9 29 123 BA +9 29 124 GR +9 29 125 ER +9 29 126 GR +9 29 127 RA +9 29 128 GR +9 29 129 AA +9 29 130 RA +9 29 131 GR +9 29 132 ER +9 29 133 GR +9 29 134 RA +9 29 135 GR +9 29 136 GR +9 29 137 RA +9 29 138 AA +9 29 139 RA +9 29 140 GR +9 29 141 AA +9 29 142 RA +9 29 143 GR +9 29 144 GR +9 29 145 RA +9 29 146 GR +9 29 147 RA +9 29 148 ER +9 29 149 RA +9 29 150 GR +9 29 151 RA +9 29 152 BA +9 29 153 GR +9 29 154 FA +9 29 155 RA +9 29 156 RA +9 29 157 RA +9 29 158 AA +9 29 159 GR +9 29 160 GR +9 29 161 GR +9 29 162 ER +9 29 163 RA +9 29 164 GR +9 29 165 GR +9 29 166 FA +9 29 167 GR +9 29 168 RA +9 29 169 GR +9 29 170 FA +9 29 171 GR +9 29 172 AA +9 29 173 RA +9 29 174 GR +9 29 175 RA +9 29 176 ER +9 29 177 GR +9 29 178 TS +9 29 179 RA +9 29 180 GR +9 29 181 TY +9 29 182 FA +9 29 183 RA +9 29 184 GR +9 29 185 GR +9 29 186 AA +9 29 187 GR +9 29 188 BA +9 29 189 AA +9 29 190 RA +9 29 191 GR +9 29 192 GR +9 29 193 GR +9 29 194 FA +9 29 195 GR +9 29 196 GR +9 29 197 RA +9 29 198 RA +9 29 199 TS +9 29 200 GR +9 29 201 RA +9 29 202 GR +9 29 203 RA +9 29 204 TS +9 29 205 GR +9 29 206 AA +9 29 207 ER +9 29 208 RA +9 29 209 RA +9 29 210 RA +9 29 211 AA +9 29 212 GR +9 29 213 RA +9 29 214 GR +9 29 215 RA +9 29 216 RA +9 29 217 RA +9 29 218 GR +9 29 219 AA +9 29 220 GR +9 29 221 RA +9 29 222 GR +9 29 223 FA +9 29 224 AA +9 29 225 GR +9 29 226 FA +9 29 227 RA +9 29 228 RA +9 29 229 GR +9 29 230 RA +9 29 231 TS +9 29 232 RA +9 29 233 BA +9 29 234 RA +9 29 235 GR +9 29 236 TY +9 29 237 RA +9 29 238 GR +9 29 239 RA +9 29 240 RA +9 29 241 AA +9 29 242 GR +9 29 243 FA +9 29 244 AA +9 29 245 ER +9 29 246 RA +9 29 247 TY +9 29 248 RA +9 29 249 RA +9 29 250 GR +9 29 251 RA +9 29 252 AA +9 29 253 GR +9 29 254 GR +9 29 255 FA +9 29 256 ER +9 29 257 FA +9 29 258 GR +9 29 259 RA +9 29 260 RA +9 29 261 GR +9 29 262 AA +9 29 263 FA +9 29 264 GR +9 29 265 RA +9 29 266 ER +9 29 267 FA +9 29 268 GR +9 29 269 BA +9 29 270 GR +9 29 271 RA +9 29 272 AA +9 29 273 GR +9 29 274 AA +9 29 275 GR +9 29 276 FA +9 29 277 FA +9 29 278 RA +9 29 279 GR +9 29 280 RA +9 29 281 RA +9 29 282 GR +9 29 283 FA +9 29 284 AA +9 29 285 GR +9 29 286 AA +9 29 287 RA +9 29 288 ER +9 29 289 GR +9 29 290 RA +9 29 291 GR +9 29 292 RA +9 29 293 AA +9 29 294 AA +9 29 295 RA +9 29 296 GR +9 29 297 GR +9 29 298 RA +9 29 299 GR +9 29 300 AA +9 29 301 GR +9 29 302 AA +9 29 303 RA +9 29 304 GR +9 29 305 FA +9 29 306 GR +9 29 307 FA +9 29 308 RA +9 29 309 RA +9 29 310 GR +9 29 311 BA +9 29 312 FA +9 29 313 GR +9 29 314 AA +9 29 315 GR +9 29 316 FA +9 29 317 GR +9 29 318 RA +9 29 319 AA +9 29 320 GR +9 29 321 ER +9 29 322 AA +9 29 323 FA +9 29 324 AA +9 29 325 GR +9 29 326 GR +9 29 327 RA +9 29 328 RA +9 29 329 RA +9 29 330 GR +9 30 1 GR +9 30 2 GR +9 30 3 ER +9 30 4 TS +9 30 5 GR +9 30 6 AA +9 30 7 GR +9 30 8 RA +9 30 9 RA +9 30 10 GR +9 30 11 GR +9 30 12 RA +9 30 13 GR +9 30 14 GR +9 30 15 AA +9 30 16 AA +9 30 17 ER +9 30 18 BA +9 30 19 GR +9 30 20 GR +9 30 21 RA +9 30 22 AA +9 30 23 BA +9 30 24 TS +9 30 25 GR +9 30 26 GR +9 30 27 AA +9 30 28 RA +9 30 29 GR +9 30 30 RA +9 30 31 BA +9 30 32 RA +9 30 33 GR +9 30 34 GR +9 30 35 RA +9 30 36 GR +9 30 37 GR +9 30 38 RA +9 30 39 BA +9 30 40 GR +9 30 41 ER +9 30 42 RA +9 30 43 GR +9 30 44 AA +9 30 45 GR +9 30 46 BA +9 30 47 GR +9 30 48 RA +9 30 49 GR +9 30 50 BA +9 30 51 FA +9 30 52 AA +9 30 53 RA +9 30 54 GR +9 30 55 GR +9 30 56 AA +9 30 57 GR +9 30 58 BA +9 30 59 AA +9 30 60 GR +9 30 61 ER +9 30 62 RA +9 30 63 RA +9 30 64 GR +9 30 65 ER +9 30 66 AA +9 30 67 GR +9 30 68 RA +9 30 69 TS +9 30 70 AA +9 30 71 RA +9 30 72 GR +9 30 73 GR +9 30 74 AA +9 30 75 GR +9 30 76 RA +9 30 77 GR +9 30 78 AA +9 30 79 TS +9 30 80 GR +9 30 81 GR +9 30 82 GR +9 30 83 AA +9 30 84 AA +9 30 85 GR +9 30 86 RA +9 30 87 TS +9 30 88 BA +9 30 89 TS +9 30 90 GR +9 30 91 RA +9 30 92 AA +9 30 93 GR +9 30 94 TS +9 30 95 AA +9 30 96 RA +9 30 97 GR +9 30 98 ER +9 30 99 BA +9 30 100 GR +9 30 101 RA +9 30 102 AA +9 30 103 FA +9 30 104 GR +9 30 105 FA +9 30 106 AA +9 30 107 AA +9 30 108 AA +9 30 109 GR +9 30 110 RA +9 30 111 FA +9 30 112 ER +9 30 113 FA +9 30 114 GR +9 30 115 ER +9 30 116 AA +9 30 117 FA +9 30 118 RA +9 30 119 GR +9 30 120 AA +9 30 121 RA +9 30 122 GR +9 30 123 GR +9 30 124 GR +9 30 125 RA +9 30 126 FA +9 30 127 GR +9 30 128 RA +9 30 129 AA +9 30 130 FA +9 30 131 FA +9 30 132 ER +9 30 133 GR +9 30 134 FA +9 30 135 GR +9 30 136 GR +9 30 137 GR +9 30 138 GR +9 30 139 AA +9 30 140 GR +9 30 141 AA +9 30 142 AA +9 30 143 GR +9 30 144 GR +9 30 145 GR +9 30 146 RA +9 30 147 GR +9 30 148 ER +9 30 149 GR +9 30 150 FA +9 30 151 RA +9 30 152 RA +9 30 153 GR +9 30 154 BA +9 30 155 FA +9 30 156 GR +9 30 157 BA +9 30 158 AA +9 30 159 AA +9 30 160 AA +9 30 161 GR +9 30 162 ER +9 30 163 GR +9 30 164 GR +9 30 165 FA +9 30 166 GR +9 30 167 AA +9 30 168 GR +9 30 169 GR +9 30 170 GR +9 30 171 FA +9 30 172 AA +9 30 173 RA +9 30 174 RA +9 30 175 AA +9 30 176 RA +9 30 177 AA +9 30 178 GR +9 30 179 ER +9 30 180 GR +9 30 181 FA +9 30 182 RA +9 30 183 FA +9 30 184 RA +9 30 185 BA +9 30 186 GR +9 30 187 RA +9 30 188 GR +9 30 189 AA +9 30 190 AA +9 30 191 GR +9 30 192 FA +9 30 193 GR +9 30 194 ER +9 30 195 GR +9 30 196 GR +9 30 197 BA +9 30 198 FA +9 30 199 AA +9 30 200 GR +9 30 201 RA +9 30 202 GR +9 30 203 RA +9 30 204 TS +9 30 205 BA +9 30 206 AA +9 30 207 RA +9 30 208 FA +9 30 209 GR +9 30 210 BA +9 30 211 GR +9 30 212 RA +9 30 213 AA +9 30 214 RA +9 30 215 BA +9 30 216 FA +9 30 217 AA +9 30 218 GR +9 30 219 AA +9 30 220 GR +9 30 221 AA +9 30 222 BA +9 30 223 GR +9 30 224 AA +9 30 225 BA +9 30 226 GR +9 30 227 TS +9 30 228 GR +9 30 229 AA +9 30 230 AA +9 30 231 FA +9 30 232 BA +9 30 233 BA +9 30 234 GR +9 30 235 GR +9 30 236 RA +9 30 237 AA +9 30 238 GR +9 30 239 RA +9 30 240 FA +9 30 241 AA +9 30 242 AA +9 30 243 FA +9 30 244 AA +9 30 245 ER +9 30 246 GR +9 30 247 BA +9 30 248 TS +9 30 249 GR +9 30 250 FA +9 30 251 GR +9 30 252 AA +9 30 253 GR +9 30 254 GR +9 30 255 TS +9 30 256 RA +9 30 257 GR +9 30 258 RA +9 30 259 ER +9 30 260 AA +9 30 261 RA +9 30 262 AA +9 30 263 FA +9 30 264 AA +9 30 265 GR +9 30 266 RA +9 30 267 BA +9 30 268 GR +9 30 269 RA +9 30 270 RA +9 30 271 GR +9 30 272 AA +9 30 273 FA +9 30 274 AA +9 30 275 FA +9 30 276 BA +9 30 277 GR +9 30 278 RA +9 30 279 GR +9 30 280 GR +9 30 281 GR +9 30 282 GR +9 30 283 FA +9 30 284 AA +9 30 285 AA +9 30 286 AA +9 30 287 FA +9 30 288 ER +9 30 289 GR +9 30 290 AA +9 30 291 GR +9 30 292 AA +9 30 293 AA +9 30 294 AA +9 30 295 FA +9 30 296 BA +9 30 297 RA +9 30 298 ER +9 30 299 GR +9 30 300 AA +9 30 301 GR +9 30 302 AA +9 30 303 AA +9 30 304 BA +9 30 305 FA +9 30 306 GR +9 30 307 GR +9 30 308 GR +9 30 309 TS +9 30 310 GR +9 30 311 GR +9 30 312 TS +9 30 313 GR +9 30 314 AA +9 30 315 GR +9 30 316 GR +9 30 317 FA +9 30 318 RA +9 30 319 AA +9 30 320 RA +9 30 321 ER +9 30 322 GR +9 30 323 GR +9 30 324 AA +9 30 325 BA +9 30 326 RA +9 30 327 AA +9 30 328 GR +9 30 329 RA +9 30 330 AA +10 1 1 NE +10 1 2 CO +10 1 3 NA +10 1 4 PA +10 1 5 CO +10 1 6 PA +10 1 7 NE +10 1 8 NA +10 1 9 PA +10 1 10 NE +10 1 11 NE +10 1 12 PA +10 1 13 NE +10 1 14 NE +10 1 15 CO +10 1 16 CO +10 1 17 NA +10 1 18 TR +10 1 19 NN +10 1 20 NE +10 1 21 NA +10 1 22 CO +10 1 23 NN +10 1 24 NN +10 1 25 NN +10 1 26 NN +10 1 27 CO +10 1 28 NA +10 1 29 NE +10 1 30 NA +10 1 31 CO +10 1 32 NA +10 1 33 NE +10 1 34 NE +10 1 35 NA +10 1 36 NE +10 1 37 NN +10 1 38 NA +10 1 39 NE +10 1 40 NN +10 1 41 NA +10 1 42 TR +10 1 43 NN +10 1 44 CO +10 1 45 NE +10 1 46 NE +10 1 47 NE +10 1 48 PA +10 1 49 CO +10 1 50 MU +10 1 51 PA +10 1 52 CO +10 1 53 NA +10 1 54 NE +10 1 55 NN +10 1 56 NA +10 1 57 NN +10 1 58 PA +10 1 59 CO +10 1 60 MU +10 1 61 NA +10 1 62 CO +10 1 63 PA +10 1 64 NN +10 1 65 NA +10 1 66 CO +10 1 67 NN +10 1 68 PA +10 1 69 NE +10 1 70 CO +10 1 71 NA +10 1 72 NE +10 1 73 MO +10 1 74 CO +10 1 75 * +10 1 76 NA +10 1 77 NN +10 1 78 NA +10 1 79 MO +10 1 80 NE +10 1 81 TR +10 1 82 NE +10 1 83 TR +10 1 84 TR +10 1 85 NE +10 1 86 NA +10 1 87 NE +10 1 88 NA +10 1 89 MU +10 1 90 NE +10 1 91 PA +10 1 92 PA +10 1 93 NE +10 1 94 NE +10 1 95 CO +10 1 96 TR +10 1 97 NN +10 1 98 NA +10 1 99 CO +10 1 100 CO +10 1 101 TR +10 1 102 NN +10 1 103 TR +10 1 104 CO +10 1 105 TR +10 1 106 CO +10 1 107 TR +10 1 108 CO +10 1 109 * +10 1 110 TR +10 1 111 NN +10 1 112 NA +10 1 113 NN +10 1 114 NE +10 1 115 * +10 1 116 CO +10 1 117 * +10 1 118 NA +10 1 119 NE +10 1 120 CO +10 1 121 NA +10 1 122 NE +10 1 123 NE +10 1 124 * +10 1 125 NA +10 1 126 NA +10 1 127 NE +10 1 128 TR +10 1 129 CO +10 1 130 NE +10 1 131 NA +10 1 132 NA +10 1 133 NE +10 1 134 NE +10 1 135 NA +10 1 136 CO +10 1 137 NE +10 1 138 * +10 1 139 * +10 1 140 NN +10 1 141 CO +10 1 142 CO +10 1 143 TR +10 1 144 NN +10 1 145 * +10 1 146 TR +10 1 147 NN +10 1 148 NA +10 1 149 NE +10 1 150 MU +10 1 151 NA +10 1 152 CO +10 1 153 NE +10 1 154 CO +10 1 155 * +10 1 156 * +10 1 157 TR +10 1 158 CO +10 1 159 TR +10 1 160 NA +10 1 161 * +10 1 162 NA +10 1 163 NE +10 1 164 NE +10 1 165 MO +10 1 166 MU +10 1 167 PA +10 1 168 NE +10 1 169 NE +10 1 170 NE +10 1 171 MO +10 1 172 CO +10 1 173 NA +10 1 174 PA +10 1 175 CO +10 1 176 NA +10 1 177 * +10 1 178 NN +10 1 179 * +10 1 180 NE +10 1 181 PA +10 1 182 TR +10 1 183 NA +10 1 184 CO +10 1 185 NA +10 1 186 CO +10 1 187 * +10 1 188 NN +10 1 189 CO +10 1 190 * +10 1 191 NE +10 1 192 PA +10 1 193 PA +10 1 194 PA +10 1 195 NE +10 1 196 CO +10 1 197 PA +10 1 198 MU +10 1 199 CO +10 1 200 NE +10 1 201 NA +10 1 202 NE +10 1 203 NA +10 1 204 MO +10 1 205 NN +10 1 206 CO +10 1 207 * +10 1 208 NA +10 1 209 MU +10 1 210 TR +10 1 211 NN +10 1 212 NA +10 1 213 NE +10 1 214 NE +10 1 215 PA +10 1 216 NE +10 1 217 PA +10 1 218 NE +10 1 219 CO +10 1 220 NE +10 1 221 CO +10 1 222 * +10 1 223 NE +10 1 224 CO +10 1 225 * +10 1 226 NE +10 1 227 NE +10 1 228 MU +10 1 229 NE +10 1 230 NA +10 1 231 NA +10 1 232 NE +10 1 233 CO +10 1 234 NE +10 1 235 NE +10 1 236 TR +10 1 237 NA +10 1 238 NE +10 1 239 * +10 1 240 NA +10 1 241 CO +10 1 242 NE +10 1 243 * +10 1 244 CO +10 1 245 NA +10 1 246 NE +10 1 247 NE +10 1 248 MU +10 1 249 NE +10 1 250 NA +10 1 251 NE +10 1 252 CO +10 1 253 NE +10 1 254 NE +10 1 255 MU +10 1 256 NA +10 1 257 MU +10 1 258 TR +10 1 259 NA +10 1 260 CO +10 1 261 NA +10 1 262 CO +10 1 263 CO +10 1 264 CO +10 1 265 NE +10 1 266 NA +10 1 267 * +10 1 268 NE +10 1 269 NA +10 1 270 NA +10 1 271 MU +10 1 272 CO +10 1 273 NA +10 1 274 CO +10 1 275 NE +10 1 276 NA +10 1 277 NE +10 1 278 NA +10 1 279 NE +10 1 280 MO +10 1 281 NE +10 1 282 NE +10 1 283 NA +10 1 284 CO +10 1 285 * +10 1 286 CO +10 1 287 PA +10 1 288 NA +10 1 289 CO +10 1 290 CO +10 1 291 NN +10 1 292 PA +10 1 293 CO +10 1 294 CO +10 1 295 * +10 1 296 NN +10 1 297 TR +10 1 298 NA +10 1 299 NE +10 1 300 CO +10 1 301 NE +10 1 302 CO +10 1 303 CO +10 1 304 NN +10 1 305 NE +10 1 306 NE +10 1 307 NN +10 1 308 * +10 1 309 TR +10 1 310 NE +10 1 311 NN +10 1 312 MU +10 1 313 NN +10 1 314 CO +10 1 315 NE +10 1 316 NE +10 1 317 NA +10 1 318 NA +10 1 319 CO +10 1 320 NE +10 1 321 NA +10 1 322 CO +10 1 323 MO +10 1 324 CO +10 1 325 PA +10 1 326 NA +10 1 327 CO +10 1 328 NE +10 1 329 PA +10 1 330 CO +10 2 1 NN +10 2 2 NN +10 2 3 NA +10 2 4 PA +10 2 5 NE +10 2 6 TR +10 2 7 NN +10 2 8 PA +10 2 9 TR +10 2 10 NN +10 2 11 MO +10 2 12 RI +10 2 13 MO +10 2 14 MO +10 2 15 TR +10 2 16 CO +10 2 17 NA +10 2 18 MO +10 2 19 NE +10 2 20 NE +10 2 21 NA +10 2 22 RI +10 2 23 NA +10 2 24 MO +10 2 25 MO +10 2 26 NE +10 2 27 CO +10 2 28 NA +10 2 29 MO +10 2 30 PA +10 2 31 MO +10 2 32 NA +10 2 33 MO +10 2 34 NE +10 2 35 NA +10 2 36 MO +10 2 37 NE +10 2 38 NA +10 2 39 MO +10 2 40 NE +10 2 41 NA +10 2 42 RI +10 2 43 NE +10 2 44 CO +10 2 45 MO +10 2 46 MO +10 2 47 NE +10 2 48 * +10 2 49 NE +10 2 50 NA +10 2 51 RI +10 2 52 CO +10 2 53 NA +10 2 54 NE +10 2 55 NE +10 2 56 NA +10 2 57 NE +10 2 58 RI +10 2 59 RI +10 2 60 NE +10 2 61 NA +10 2 62 NN +10 2 63 NA +10 2 64 NN +10 2 65 NA +10 2 66 PA +10 2 67 NN +10 2 68 NA +10 2 69 PA +10 2 70 CO +10 2 71 NA +10 2 72 NE +10 2 73 NA +10 2 74 NE +10 2 75 NN +10 2 76 NA +10 2 77 NE +10 2 78 PA +10 2 79 NE +10 2 80 NE +10 2 81 NA +10 2 82 NN +10 2 83 PA +10 2 84 NA +10 2 85 NN +10 2 86 NA +10 2 87 NN +10 2 88 NA +10 2 89 NN +10 2 90 NN +10 2 91 RI +10 2 92 CO +10 2 93 NN +10 2 94 NN +10 2 95 CO +10 2 96 RI +10 2 97 NN +10 2 98 NA +10 2 99 CO +10 2 100 NN +10 2 101 NA +10 2 102 CO +10 2 103 NN +10 2 104 NN +10 2 105 NA +10 2 106 NA +10 2 107 CO +10 2 108 NN +10 2 109 NN +10 2 110 NA +10 2 111 NN +10 2 112 NA +10 2 113 NN +10 2 114 NN +10 2 115 NA +10 2 116 NE +10 2 117 NN +10 2 118 NA +10 2 119 NE +10 2 120 CO +10 2 121 NA +10 2 122 NE +10 2 123 NE +10 2 124 RI +10 2 125 NA +10 2 126 NA +10 2 127 NE +10 2 128 RI +10 2 129 CO +10 2 130 NN +10 2 131 NA +10 2 132 NA +10 2 133 NE +10 2 134 NE +10 2 135 NA +10 2 136 NE +10 2 137 NE +10 2 138 NE +10 2 139 CO +10 2 140 NE +10 2 141 CO +10 2 142 CO +10 2 143 * +10 2 144 NE +10 2 145 NE +10 2 146 NA +10 2 147 NE +10 2 148 NA +10 2 149 * +10 2 150 NE +10 2 151 NA +10 2 152 NA +10 2 153 NE +10 2 154 NE +10 2 155 NE +10 2 156 NE +10 2 157 TR +10 2 158 CO +10 2 159 NA +10 2 160 NA +10 2 161 NE +10 2 162 NA +10 2 163 NE +10 2 164 NE +10 2 165 NE +10 2 166 NE +10 2 167 CO +10 2 168 NE +10 2 169 NE +10 2 170 NE +10 2 171 NE +10 2 172 CO +10 2 173 NA +10 2 174 RI +10 2 175 NE +10 2 176 NA +10 2 177 NA +10 2 178 NE +10 2 179 NA +10 2 180 NE +10 2 181 NA +10 2 182 NA +10 2 183 NE +10 2 184 NA +10 2 185 NA +10 2 186 NE +10 2 187 NA +10 2 188 NE +10 2 189 NE +10 2 190 NA +10 2 191 NE +10 2 192 PA +10 2 193 PA +10 2 194 NA +10 2 195 NE +10 2 196 NN +10 2 197 NA +10 2 198 NE +10 2 199 CO +10 2 200 NN +10 2 201 NA +10 2 202 NE +10 2 203 NA +10 2 204 NE +10 2 205 NE +10 2 206 CO +10 2 207 NA +10 2 208 NA +10 2 209 NE +10 2 210 NA +10 2 211 NN +10 2 212 NA +10 2 213 NE +10 2 214 RI +10 2 215 PA +10 2 216 NE +10 2 217 PA +10 2 218 PA +10 2 219 NN +10 2 220 NN +10 2 221 NN +10 2 222 NA +10 2 223 NE +10 2 224 CO +10 2 225 NE +10 2 226 NE +10 2 227 NN +10 2 228 NE +10 2 229 NE +10 2 230 PA +10 2 231 NA +10 2 232 MU +10 2 233 NE +10 2 234 NN +10 2 235 NN +10 2 236 PA +10 2 237 PA +10 2 238 NN +10 2 239 NA +10 2 240 PA +10 2 241 PA +10 2 242 PA +10 2 243 NA +10 2 244 CO +10 2 245 NA +10 2 246 NN +10 2 247 NN +10 2 248 NN +10 2 249 NN +10 2 250 PA +10 2 251 NN +10 2 252 PA +10 2 253 NN +10 2 254 NN +10 2 255 NN +10 2 256 NA +10 2 257 NN +10 2 258 PA +10 2 259 PA +10 2 260 PA +10 2 261 NA +10 2 262 CO +10 2 263 CO +10 2 264 NN +10 2 265 NN +10 2 266 PA +10 2 267 NA +10 2 268 NN +10 2 269 NA +10 2 270 PA +10 2 271 NN +10 2 272 CO +10 2 273 PA +10 2 274 CO +10 2 275 PA +10 2 276 NA +10 2 277 NE +10 2 278 PA +10 2 279 NN +10 2 280 NN +10 2 281 NN +10 2 282 NN +10 2 283 PA +10 2 284 CO +10 2 285 PA +10 2 286 CO +10 2 287 PA +10 2 288 NA +10 2 289 NN +10 2 290 PA +10 2 291 NN +10 2 292 NA +10 2 293 PA +10 2 294 CO +10 2 295 PA +10 2 296 NA +10 2 297 PA +10 2 298 NA +10 2 299 NN +10 2 300 CO +10 2 301 NN +10 2 302 CO +10 2 303 NN +10 2 304 PA +10 2 305 NA +10 2 306 NN +10 2 307 NN +10 2 308 PA +10 2 309 NN +10 2 310 NN +10 2 311 NN +10 2 312 NE +10 2 313 NE +10 2 314 CO +10 2 315 NE +10 2 316 NE +10 2 317 NA +10 2 318 PA +10 2 319 CO +10 2 320 PA +10 2 321 NA +10 2 322 NE +10 2 323 NE +10 2 324 CO +10 2 325 PA +10 2 326 PA +10 2 327 CO +10 2 328 PA +10 2 329 NE +10 2 330 CO +10 3 1 NN +10 3 2 NN +10 3 3 NA +10 3 4 NA +10 3 5 CO +10 3 6 PA +10 3 7 PA +10 3 8 NA +10 3 9 TI +10 3 10 NN +10 3 11 NE +10 3 12 PO +10 3 13 NE +10 3 14 NN +10 3 15 PA +10 3 16 CO +10 3 17 PA +10 3 18 MU +10 3 19 NN +10 3 20 NE +10 3 21 NA +10 3 22 PO +10 3 23 TI +10 3 24 MU +10 3 25 NN +10 3 26 NE +10 3 27 CO +10 3 28 NA +10 3 29 NN +10 3 30 NA +10 3 31 PA +10 3 32 NA +10 3 33 NN +10 3 34 NE +10 3 35 NA +10 3 36 PA +10 3 37 CO +10 3 38 NA +10 3 39 NE +10 3 40 NN +10 3 41 NA +10 3 42 PO +10 3 43 NN +10 3 44 CO +10 3 45 NN +10 3 46 CO +10 3 47 * +10 3 48 * +10 3 49 * +10 3 50 * +10 3 51 * +10 3 52 CO +10 3 53 PA +10 3 54 NE +10 3 55 * +10 3 56 * +10 3 57 NN +10 3 58 RI +10 3 59 CO +10 3 60 MU +10 3 61 * +10 3 62 * +10 3 63 * +10 3 64 NN +10 3 65 NA +10 3 66 CO +10 3 67 NN +10 3 68 * +10 3 69 TI +10 3 70 CO +10 3 71 PA +10 3 72 NN +10 3 73 PA +10 3 74 * +10 3 75 NE +10 3 76 NA +10 3 77 NN +10 3 78 PA +10 3 79 MU +10 3 80 NN +10 3 81 PO +10 3 82 NN +10 3 83 PO +10 3 84 NA +10 3 85 NN +10 3 86 TI +10 3 87 MU +10 3 88 TI +10 3 89 MU +10 3 90 NN +10 3 91 PO +10 3 92 CO +10 3 93 NN +10 3 94 MU +10 3 95 CO +10 3 96 PO +10 3 97 NE +10 3 98 NA +10 3 99 CO +10 3 100 CO +10 3 101 TI +10 3 102 CO +10 3 103 NE +10 3 104 NN +10 3 105 TI +10 3 106 CO +10 3 107 CO +10 3 108 CO +10 3 109 NE +10 3 110 PO +10 3 111 NE +10 3 112 NA +10 3 113 MU +10 3 114 NE +10 3 115 NA +10 3 116 CO +10 3 117 TI +10 3 118 NA +10 3 119 NN +10 3 120 CO +10 3 121 NA +10 3 122 NN +10 3 123 NE +10 3 124 CO +10 3 125 PA +10 3 126 PA +10 3 127 NE +10 3 128 PO +10 3 129 CO +10 3 130 NE +10 3 131 TI +10 3 132 NA +10 3 133 NE +10 3 134 TI +10 3 135 NA +10 3 136 NN +10 3 137 NE +10 3 138 NN +10 3 139 CO +10 3 140 NN +10 3 141 CO +10 3 142 CO +10 3 143 NN +10 3 144 MU +10 3 145 NN +10 3 146 PO +10 3 147 NN +10 3 148 NA +10 3 149 CO +10 3 150 TI +10 3 151 PA +10 3 152 CO +10 3 153 NN +10 3 154 MU +10 3 155 TI +10 3 156 NN +10 3 157 PA +10 3 158 CO +10 3 159 CO +10 3 160 TI +10 3 161 NN +10 3 162 NA +10 3 163 NE +10 3 164 NN +10 3 165 NE +10 3 166 NE +10 3 167 CO +10 3 168 NE +10 3 169 NE +10 3 170 MU +10 3 171 NE +10 3 172 CO +10 3 173 NA +10 3 174 PO +10 3 175 CO +10 3 176 NA +10 3 177 CO +10 3 178 NN +10 3 179 TI +10 3 180 NN +10 3 181 PA +10 3 182 TI +10 3 183 TI +10 3 184 NE +10 3 185 PO +10 3 186 NN +10 3 187 PO +10 3 188 NN +10 3 189 CO +10 3 190 PO +10 3 191 NN +10 3 192 TI +10 3 193 PO +10 3 194 TI +10 3 195 NN +10 3 196 NN +10 3 197 NE +10 3 198 MU +10 3 199 CO +10 3 200 NN +10 3 201 TI +10 3 202 NN +10 3 203 TI +10 3 204 TI +10 3 205 NN +10 3 206 CO +10 3 207 NA +10 3 208 TI +10 3 209 NE +10 3 210 TI +10 3 211 NE +10 3 212 NA +10 3 213 CO +10 3 214 PO +10 3 215 NA +10 3 216 MU +10 3 217 CO +10 3 218 TI +10 3 219 CO +10 3 220 NN +10 3 221 CO +10 3 222 TI +10 3 223 NE +10 3 224 CO +10 3 225 TI +10 3 226 NN +10 3 227 MU +10 3 228 NE +10 3 229 CO +10 3 230 CO +10 3 231 TI +10 3 232 NE +10 3 233 NE +10 3 234 NE +10 3 235 NE +10 3 236 PO +10 3 237 CO +10 3 238 NE +10 3 239 TI +10 3 240 TI +10 3 241 CO +10 3 242 CO +10 3 243 TI +10 3 244 CO +10 3 245 NA +10 3 246 NN +10 3 247 TI +10 3 248 NE +10 3 249 NN +10 3 250 TI +10 3 251 PO +10 3 252 CO +10 3 253 NN +10 3 254 NE +10 3 255 MU +10 3 256 NA +10 3 257 NE +10 3 258 PO +10 3 259 TI +10 3 260 CO +10 3 261 NA +10 3 262 CO +10 3 263 MU +10 3 264 CO +10 3 265 NN +10 3 266 TI +10 3 267 TI +10 3 268 NE +10 3 269 NA +10 3 270 PO +10 3 271 NE +10 3 272 CO +10 3 273 NE +10 3 274 CO +10 3 275 PA +10 3 276 TI +10 3 277 NE +10 3 278 NA +10 3 279 NE +10 3 280 NE +10 3 281 NN +10 3 282 NN +10 3 283 TI +10 3 284 CO +10 3 285 NA +10 3 286 CO +10 3 287 TI +10 3 288 NA +10 3 289 NN +10 3 290 CO +10 3 291 NN +10 3 292 NA +10 3 293 CO +10 3 294 CO +10 3 295 TI +10 3 296 TI +10 3 297 PO +10 3 298 NA +10 3 299 NN +10 3 300 CO +10 3 301 NN +10 3 302 CO +10 3 303 CO +10 3 304 TI +10 3 305 TI +10 3 306 NN +10 3 307 NN +10 3 308 TI +10 3 309 TI +10 3 310 NN +10 3 311 NN +10 3 312 MU +10 3 313 NN +10 3 314 CO +10 3 315 NN +10 3 316 NN +10 3 317 TI +10 3 318 NA +10 3 319 CO +10 3 320 NN +10 3 321 NA +10 3 322 NN +10 3 323 NN +10 3 324 CO +10 3 325 TI +10 3 326 PO +10 3 327 CO +10 3 328 PA +10 3 329 TI +10 3 330 CO +10 4 1 NN +10 4 2 CO +10 4 3 NA +10 4 4 PA +10 4 5 NN +10 4 6 PA +10 4 7 NE +10 4 8 NA +10 4 9 PA +10 4 10 NN +10 4 11 NE +10 4 12 PO +10 4 13 NE +10 4 14 NN +10 4 15 CO +10 4 16 CO +10 4 17 NA +10 4 18 MU +10 4 19 NN +10 4 20 NE +10 4 21 NA +10 4 22 PA +10 4 23 NN +10 4 24 PA +10 4 25 NN +10 4 26 NN +10 4 27 PA +10 4 28 NA +10 4 29 NN +10 4 30 PA +10 4 31 CO +10 4 32 NN +10 4 33 NE +10 4 34 NN +10 4 35 PA +10 4 36 NE +10 4 37 NE +10 4 38 NA +10 4 39 NE +10 4 40 NE +10 4 41 NA +10 4 42 TI +10 4 43 MU +10 4 44 CO +10 4 45 NE +10 4 46 MU +10 4 47 NE +10 4 48 PA +10 4 49 NN +10 4 50 NN +10 4 51 PA +10 4 52 CO +10 4 53 NA +10 4 54 NE +10 4 55 MO +10 4 56 PA +10 4 57 NE +10 4 58 MO +10 4 59 CO +10 4 60 MO +10 4 61 NA +10 4 62 CO +10 4 63 PA +10 4 64 NN +10 4 65 NA +10 4 66 CO +10 4 67 NE +10 4 68 NA +10 4 69 PA +10 4 70 CO +10 4 71 NA +10 4 72 NE +10 4 73 NA +10 4 74 CO +10 4 75 NE +10 4 76 PA +10 4 77 NN +10 4 78 CO +10 4 79 MU +10 4 80 NN +10 4 81 PA +10 4 82 NN +10 4 83 PA +10 4 84 PA +10 4 85 NN +10 4 86 NA +10 4 87 NE +10 4 88 NA +10 4 89 MU +10 4 90 NE +10 4 91 PO +10 4 92 CO +10 4 93 NN +10 4 94 MU +10 4 95 CO +10 4 96 PO +10 4 97 NN +10 4 98 NA +10 4 99 PA +10 4 100 CO +10 4 101 NA +10 4 102 CO +10 4 103 PA +10 4 104 NN +10 4 105 NA +10 4 106 PA +10 4 107 CO +10 4 108 CO +10 4 109 NN +10 4 110 PO +10 4 111 NE +10 4 112 NA +10 4 113 MU +10 4 114 NN +10 4 115 NA +10 4 116 CO +10 4 117 PA +10 4 118 NA +10 4 119 NN +10 4 120 CO +10 4 121 PA +10 4 122 NN +10 4 123 NN +10 4 124 PA +10 4 125 PO +10 4 126 PA +10 4 127 NE +10 4 128 PA +10 4 129 CO +10 4 130 MU +10 4 131 NA +10 4 132 NA +10 4 133 NE +10 4 134 MU +10 4 135 NA +10 4 136 NN +10 4 137 NE +10 4 138 NN +10 4 139 CO +10 4 140 NN +10 4 141 CO +10 4 142 CO +10 4 143 PA +10 4 144 NN +10 4 145 NE +10 4 146 PO +10 4 147 NE +10 4 148 NA +10 4 149 NE +10 4 150 NA +10 4 151 PA +10 4 152 PA +10 4 153 NN +10 4 154 MU +10 4 155 PA +10 4 156 NN +10 4 157 PA +10 4 158 CO +10 4 159 PA +10 4 160 NA +10 4 161 NE +10 4 162 NA +10 4 163 NE +10 4 164 NN +10 4 165 PA +10 4 166 NE +10 4 167 CO +10 4 168 NE +10 4 169 NN +10 4 170 NN +10 4 171 NE +10 4 172 CO +10 4 173 NA +10 4 174 PO +10 4 175 CO +10 4 176 NA +10 4 177 PA +10 4 178 NN +10 4 179 NA +10 4 180 NE +10 4 181 PA +10 4 182 NA +10 4 183 PA +10 4 184 NA +10 4 185 PA +10 4 186 NN +10 4 187 PO +10 4 188 NN +10 4 189 CO +10 4 190 PA +10 4 191 NE +10 4 192 NN +10 4 193 PA +10 4 194 NA +10 4 195 NN +10 4 196 NN +10 4 197 PA +10 4 198 MU +10 4 199 CO +10 4 200 NN +10 4 201 PA +10 4 202 NE +10 4 203 NA +10 4 204 NE +10 4 205 NN +10 4 206 PA +10 4 207 NA +10 4 208 PA +10 4 209 NN +10 4 210 PA +10 4 211 NN +10 4 212 PO +10 4 213 CO +10 4 214 PO +10 4 215 PA +10 4 216 NE +10 4 217 PA +10 4 218 PA +10 4 219 CO +10 4 220 NN +10 4 221 CO +10 4 222 NN +10 4 223 NE +10 4 224 CO +10 4 225 PA +10 4 226 NN +10 4 227 MU +10 4 228 NN +10 4 229 PA +10 4 230 CO +10 4 231 NN +10 4 232 PA +10 4 233 NN +10 4 234 NN +10 4 235 NN +10 4 236 PA +10 4 237 PA +10 4 238 NN +10 4 239 PA +10 4 240 PA +10 4 241 CO +10 4 242 PA +10 4 243 NA +10 4 244 CO +10 4 245 NA +10 4 246 NN +10 4 247 NN +10 4 248 NN +10 4 249 NN +10 4 250 NN +10 4 251 PA +10 4 252 PA +10 4 253 PA +10 4 254 NN +10 4 255 MU +10 4 256 NA +10 4 257 NN +10 4 258 PO +10 4 259 NA +10 4 260 PA +10 4 261 PA +10 4 262 CO +10 4 263 CO +10 4 264 CO +10 4 265 NN +10 4 266 PA +10 4 267 NN +10 4 268 NN +10 4 269 NA +10 4 270 PA +10 4 271 NN +10 4 272 CO +10 4 273 PA +10 4 274 CO +10 4 275 PA +10 4 276 NA +10 4 277 NN +10 4 278 PA +10 4 279 NN +10 4 280 NE +10 4 281 NE +10 4 282 NE +10 4 283 PA +10 4 284 CO +10 4 285 PA +10 4 286 CO +10 4 287 PA +10 4 288 NA +10 4 289 NN +10 4 290 CO +10 4 291 NN +10 4 292 PA +10 4 293 CO +10 4 294 CO +10 4 295 PA +10 4 296 NN +10 4 297 PO +10 4 298 NA +10 4 299 NN +10 4 300 CO +10 4 301 NN +10 4 302 PA +10 4 303 CO +10 4 304 NE +10 4 305 NA +10 4 306 PA +10 4 307 NE +10 4 308 NN +10 4 309 PA +10 4 310 NE +10 4 311 NN +10 4 312 MU +10 4 313 NN +10 4 314 PA +10 4 315 NE +10 4 316 NN +10 4 317 NA +10 4 318 PA +10 4 319 CO +10 4 320 PA +10 4 321 NA +10 4 322 NN +10 4 323 NN +10 4 324 CO +10 4 325 NA +10 4 326 PO +10 4 327 CO +10 4 328 NE +10 4 329 PA +10 4 330 CO +10 5 1 NN +10 5 2 NN +10 5 3 NA +10 5 4 PA +10 5 5 NN +10 5 6 PA +10 5 7 NN +10 5 8 NA +10 5 9 PA +10 5 10 NN +10 5 11 NN +10 5 12 PO +10 5 13 NN +10 5 14 NN +10 5 15 PA +10 5 16 CO +10 5 17 NA +10 5 18 CO +10 5 19 NN +10 5 20 NN +10 5 21 PA +10 5 22 PO +10 5 23 PA +10 5 24 PA +10 5 25 NN +10 5 26 NN +10 5 27 PA +10 5 28 NA +10 5 29 NN +10 5 30 PA +10 5 31 NN +10 5 32 PA +10 5 33 NN +10 5 34 NN +10 5 35 NA +10 5 36 NN +10 5 37 NN +10 5 38 NA +10 5 39 NN +10 5 40 NN +10 5 41 NA +10 5 42 PO +10 5 43 NN +10 5 44 CO +10 5 45 NN +10 5 46 CO +10 5 47 NN +10 5 48 PO +10 5 49 NN +10 5 50 PA +10 5 51 NO +10 5 52 CO +10 5 53 NA +10 5 54 NN +10 5 55 NN +10 5 56 PA +10 5 57 NN +10 5 58 NO +10 5 59 CO +10 5 60 NN +10 5 61 PA +10 5 62 NN +10 5 63 NO +10 5 64 NN +10 5 65 PA +10 5 66 NO +10 5 67 NN +10 5 68 NO +10 5 69 PA +10 5 70 CO +10 5 71 PA +10 5 72 NN +10 5 73 NN +10 5 74 PA +10 5 75 NN +10 5 76 PA +10 5 77 NN +10 5 78 PA +10 5 79 NN +10 5 80 NN +10 5 81 PA +10 5 82 PA +10 5 83 PO +10 5 84 PO +10 5 85 NN +10 5 86 PA +10 5 87 NN +10 5 88 PA +10 5 89 NN +10 5 90 NN +10 5 91 PA +10 5 92 PO +10 5 93 NN +10 5 94 CO +10 5 95 PA +10 5 96 PO +10 5 97 NN +10 5 98 NA +10 5 99 PO +10 5 100 NN +10 5 101 NA +10 5 102 CO +10 5 103 PO +10 5 104 NN +10 5 105 NA +10 5 106 PO +10 5 107 CO +10 5 108 CO +10 5 109 NN +10 5 110 PO +10 5 111 NN +10 5 112 NA +10 5 113 CO +10 5 114 NN +10 5 115 NA +10 5 116 NN +10 5 117 PO +10 5 118 PA +10 5 119 NN +10 5 120 CO +10 5 121 NA +10 5 122 NN +10 5 123 NN +10 5 124 PO +10 5 125 NA +10 5 126 PA +10 5 127 NN +10 5 128 PA +10 5 129 PA +10 5 130 NN +10 5 131 PA +10 5 132 PA +10 5 133 NN +10 5 134 PA +10 5 135 NA +10 5 136 NN +10 5 137 NN +10 5 138 NN +10 5 139 PA +10 5 140 NN +10 5 141 CO +10 5 142 CO +10 5 143 PO +10 5 144 NN +10 5 145 NN +10 5 146 PO +10 5 147 NN +10 5 148 NA +10 5 149 PO +10 5 150 NN +10 5 151 PA +10 5 152 PA +10 5 153 NN +10 5 154 CO +10 5 155 PA +10 5 156 NN +10 5 157 PA +10 5 158 CO +10 5 159 PA +10 5 160 PA +10 5 161 NN +10 5 162 NA +10 5 163 NN +10 5 164 NN +10 5 165 PA +10 5 166 NN +10 5 167 PA +10 5 168 NN +10 5 169 NN +10 5 170 NN +10 5 171 PA +10 5 172 CO +10 5 173 NA +10 5 174 PO +10 5 175 NN +10 5 176 NA +10 5 177 PO +10 5 178 NN +10 5 179 NA +10 5 180 NN +10 5 181 PA +10 5 182 NA +10 5 183 PO +10 5 184 PA +10 5 185 PO +10 5 186 NN +10 5 187 PO +10 5 188 NN +10 5 189 CO +10 5 190 PA +10 5 191 NN +10 5 192 PA +10 5 193 PO +10 5 194 NA +10 5 195 NN +10 5 196 NN +10 5 197 PA +10 5 198 CO +10 5 199 CO +10 5 200 NN +10 5 201 PA +10 5 202 NN +10 5 203 NA +10 5 204 PA +10 5 205 PA +10 5 206 CO +10 5 207 NA +10 5 208 PA +10 5 209 NN +10 5 210 NO +10 5 211 NN +10 5 212 PA +10 5 213 NN +10 5 214 PO +10 5 215 NA +10 5 216 NN +10 5 217 PA +10 5 218 PO +10 5 219 CO +10 5 220 NN +10 5 221 CO +10 5 222 PA +10 5 223 NN +10 5 224 PA +10 5 225 PO +10 5 226 NN +10 5 227 CO +10 5 228 NN +10 5 229 NN +10 5 230 PA +10 5 231 NA +10 5 232 PO +10 5 233 NN +10 5 234 NN +10 5 235 NN +10 5 236 PO +10 5 237 PA +10 5 238 NN +10 5 239 NA +10 5 240 PA +10 5 241 CO +10 5 242 PO +10 5 243 NA +10 5 244 NN +10 5 245 NA +10 5 246 NN +10 5 247 PA +10 5 248 NN +10 5 249 NN +10 5 250 PO +10 5 251 NN +10 5 252 PA +10 5 253 NN +10 5 254 NN +10 5 255 PA +10 5 256 NA +10 5 257 NN +10 5 258 PO +10 5 259 NA +10 5 260 PO +10 5 261 NA +10 5 262 CO +10 5 263 CO +10 5 264 NN +10 5 265 NN +10 5 266 PA +10 5 267 PA +10 5 268 NN +10 5 269 NA +10 5 270 PO +10 5 271 NN +10 5 272 CO +10 5 273 PO +10 5 274 CO +10 5 275 PO +10 5 276 NA +10 5 277 NN +10 5 278 PO +10 5 279 NN +10 5 280 NN +10 5 281 NN +10 5 282 NN +10 5 283 PA +10 5 284 CO +10 5 285 PA +10 5 286 CO +10 5 287 NO +10 5 288 NA +10 5 289 NN +10 5 290 PA +10 5 291 NN +10 5 292 PA +10 5 293 CO +10 5 294 CO +10 5 295 PA +10 5 296 NN +10 5 297 PO +10 5 298 NA +10 5 299 NN +10 5 300 CO +10 5 301 NN +10 5 302 PA +10 5 303 CO +10 5 304 PO +10 5 305 NA +10 5 306 PO +10 5 307 NN +10 5 308 PA +10 5 309 NN +10 5 310 NN +10 5 311 NN +10 5 312 CO +10 5 313 NN +10 5 314 PA +10 5 315 NN +10 5 316 NN +10 5 317 NA +10 5 318 PA +10 5 319 PO +10 5 320 PA +10 5 321 NA +10 5 322 NN +10 5 323 NN +10 5 324 PA +10 5 325 NA +10 5 326 PO +10 5 327 CO +10 5 328 NN +10 5 329 PA +10 5 330 CO +10 6 1 NN +10 6 2 MO +10 6 3 NA +10 6 4 NN +10 6 5 MO +10 6 6 TI +10 6 7 NE +10 6 8 NA +10 6 9 MQ +10 6 10 NN +10 6 11 NN +10 6 12 TI +10 6 13 NE +10 6 14 MU +10 6 15 PA +10 6 16 CO +10 6 17 NA +10 6 18 MU +10 6 19 MO +10 6 20 NE +10 6 21 NA +10 6 22 PA +10 6 23 NN +10 6 24 MQ +10 6 25 NN +10 6 26 NN +10 6 27 CO +10 6 28 NA +10 6 29 NN +10 6 30 NA +10 6 31 NN +10 6 32 NA +10 6 33 NE +10 6 34 NN +10 6 35 NA +10 6 36 NE +10 6 37 NN +10 6 38 NA +10 6 39 NN +10 6 40 NN +10 6 41 NA +10 6 42 PA +10 6 43 MO +10 6 44 CO +10 6 45 NN +10 6 46 MU +10 6 47 MO +10 6 48 TI +10 6 49 MO +10 6 50 NN +10 6 51 MO +10 6 52 CO +10 6 53 NA +10 6 54 NE +10 6 55 NN +10 6 56 PA +10 6 57 MO +10 6 58 TI +10 6 59 CO +10 6 60 MO +10 6 61 NA +10 6 62 MQ +10 6 63 NA +10 6 64 NN +10 6 65 NA +10 6 66 CO +10 6 67 MO +10 6 68 NA +10 6 69 NE +10 6 70 CO +10 6 71 NA +10 6 72 NN +10 6 73 NN +10 6 74 MO +10 6 75 NE +10 6 76 NA +10 6 77 NN +10 6 78 MO +10 6 79 MU +10 6 80 NN +10 6 81 NE +10 6 82 NE +10 6 83 MO +10 6 84 NA +10 6 85 NN +10 6 86 NA +10 6 87 MU +10 6 88 NA +10 6 89 MU +10 6 90 MO +10 6 91 TI +10 6 92 CO +10 6 93 NN +10 6 94 MU +10 6 95 PA +10 6 96 TI +10 6 97 MO +10 6 98 NA +10 6 99 MO +10 6 100 MU +10 6 101 MO +10 6 102 MO +10 6 103 NE +10 6 104 MO +10 6 105 NA +10 6 106 PO +10 6 107 CO +10 6 108 MO +10 6 109 NE +10 6 110 TI +10 6 111 NE +10 6 112 NA +10 6 113 MU +10 6 114 NN +10 6 115 NA +10 6 116 MO +10 6 117 MU +10 6 118 PA +10 6 119 NE +10 6 120 CO +10 6 121 NA +10 6 122 NE +10 6 123 MO +10 6 124 NE +10 6 125 NA +10 6 126 PA +10 6 127 NE +10 6 128 TI +10 6 129 CO +10 6 130 NE +10 6 131 NA +10 6 132 NA +10 6 133 NE +10 6 134 PA +10 6 135 NA +10 6 136 NN +10 6 137 NE +10 6 138 MO +10 6 139 CO +10 6 140 MO +10 6 141 CO +10 6 142 CO +10 6 143 NE +10 6 144 MO +10 6 145 NE +10 6 146 TI +10 6 147 NE +10 6 148 NA +10 6 149 NE +10 6 150 MO +10 6 151 NA +10 6 152 PA +10 6 153 NN +10 6 154 MU +10 6 155 NN +10 6 156 NE +10 6 157 PA +10 6 158 CO +10 6 159 PO +10 6 160 NA +10 6 161 NE +10 6 162 NA +10 6 163 NN +10 6 164 NN +10 6 165 NE +10 6 166 MU +10 6 167 PA +10 6 168 NN +10 6 169 MO +10 6 170 NE +10 6 171 PA +10 6 172 CO +10 6 173 NA +10 6 174 TI +10 6 175 PA +10 6 176 NA +10 6 177 MO +10 6 178 NN +10 6 179 NA +10 6 180 NE +10 6 181 PA +10 6 182 NA +10 6 183 MO +10 6 184 NN +10 6 185 PA +10 6 186 NN +10 6 187 TI +10 6 188 NN +10 6 189 CO +10 6 190 NA +10 6 191 NN +10 6 192 MO +10 6 193 PA +10 6 194 NA +10 6 195 NE +10 6 196 NE +10 6 197 MO +10 6 198 MU +10 6 199 CO +10 6 200 MO +10 6 201 NA +10 6 202 NN +10 6 203 NA +10 6 204 MU +10 6 205 MO +10 6 206 CO +10 6 207 NA +10 6 208 TI +10 6 209 NN +10 6 210 NA +10 6 211 NN +10 6 212 TI +10 6 213 CO +10 6 214 MO +10 6 215 NA +10 6 216 NN +10 6 217 PA +10 6 218 PA +10 6 219 CO +10 6 220 NN +10 6 221 CO +10 6 222 NN +10 6 223 NE +10 6 224 CO +10 6 225 MO +10 6 226 NN +10 6 227 MU +10 6 228 NE +10 6 229 MO +10 6 230 CO +10 6 231 MO +10 6 232 PA +10 6 233 CO +10 6 234 NE +10 6 235 NN +10 6 236 NE +10 6 237 NA +10 6 238 PA +10 6 239 NA +10 6 240 MO +10 6 241 CO +10 6 242 PA +10 6 243 NA +10 6 244 CO +10 6 245 NA +10 6 246 NN +10 6 247 PA +10 6 248 NE +10 6 249 NN +10 6 250 MO +10 6 251 NE +10 6 252 CO +10 6 253 NN +10 6 254 NE +10 6 255 MU +10 6 256 NA +10 6 257 MO +10 6 258 PA +10 6 259 NA +10 6 260 CO +10 6 261 NA +10 6 262 CO +10 6 263 MU +10 6 264 PA +10 6 265 NE +10 6 266 NA +10 6 267 MO +10 6 268 NE +10 6 269 PA +10 6 270 TI +10 6 271 NE +10 6 272 CO +10 6 273 MO +10 6 274 CO +10 6 275 MO +10 6 276 NA +10 6 277 NE +10 6 278 NA +10 6 279 NN +10 6 280 NE +10 6 281 NE +10 6 282 NE +10 6 283 MO +10 6 284 CO +10 6 285 NA +10 6 286 CO +10 6 287 MO +10 6 288 NA +10 6 289 NN +10 6 290 PA +10 6 291 NN +10 6 292 NA +10 6 293 CO +10 6 294 CO +10 6 295 NN +10 6 296 NN +10 6 297 TI +10 6 298 NA +10 6 299 NE +10 6 300 CO +10 6 301 NN +10 6 302 CO +10 6 303 MO +10 6 304 MO +10 6 305 NA +10 6 306 NE +10 6 307 NE +10 6 308 MO +10 6 309 MO +10 6 310 NE +10 6 311 NN +10 6 312 MU +10 6 313 NE +10 6 314 CO +10 6 315 NE +10 6 316 NN +10 6 317 NA +10 6 318 TI +10 6 319 CO +10 6 320 NE +10 6 321 NA +10 6 322 NN +10 6 323 NN +10 6 324 CO +10 6 325 NA +10 6 326 PA +10 6 327 CO +10 6 328 NE +10 6 329 PA +10 6 330 CO +10 7 1 NN +10 7 2 CO +10 7 3 NA +10 7 4 NA +10 7 5 CO +10 7 6 NA +10 7 7 PO +10 7 8 NA +10 7 9 PA +10 7 10 NN +10 7 11 NN +10 7 12 PO +10 7 13 NN +10 7 14 NN +10 7 15 NA +10 7 16 CO +10 7 17 NA +10 7 18 MU +10 7 19 NN +10 7 20 NN +10 7 21 NA +10 7 22 PO +10 7 23 NN +10 7 24 NN +10 7 25 NN +10 7 26 NN +10 7 27 NN +10 7 28 NA +10 7 29 NN +10 7 30 NA +10 7 31 NN +10 7 32 NA +10 7 33 NN +10 7 34 NN +10 7 35 NA +10 7 36 NN +10 7 37 NN +10 7 38 NA +10 7 39 NN +10 7 40 NN +10 7 41 NA +10 7 42 PO +10 7 43 NN +10 7 44 PO +10 7 45 NN +10 7 46 CO +10 7 47 NN +10 7 48 NA +10 7 49 NN +10 7 50 NA +10 7 51 MQ +10 7 52 CO +10 7 53 NA +10 7 54 NN +10 7 55 NN +10 7 56 NA +10 7 57 NN +10 7 58 NN +10 7 59 NN +10 7 60 NN +10 7 61 NA +10 7 62 NN +10 7 63 NA +10 7 64 NN +10 7 65 NA +10 7 66 CO +10 7 67 NN +10 7 68 NA +10 7 69 NN +10 7 70 CO +10 7 71 NA +10 7 72 NN +10 7 73 NA +10 7 74 CO +10 7 75 NN +10 7 76 NA +10 7 77 NN +10 7 78 NA +10 7 79 MQ +10 7 80 NN +10 7 81 NN +10 7 82 NN +10 7 83 CO +10 7 84 NA +10 7 85 NN +10 7 86 NA +10 7 87 NN +10 7 88 NA +10 7 89 MU +10 7 90 NN +10 7 91 PO +10 7 92 CO +10 7 93 NN +10 7 94 MU +10 7 95 CO +10 7 96 PO +10 7 97 MU +10 7 98 NA +10 7 99 NA +10 7 100 CO +10 7 101 NA +10 7 102 NA +10 7 103 CO +10 7 104 CO +10 7 105 NA +10 7 106 PO +10 7 107 PO +10 7 108 PO +10 7 109 MU +10 7 110 PO +10 7 111 MU +10 7 112 NA +10 7 113 MU +10 7 114 MU +10 7 115 NA +10 7 116 CO +10 7 117 MU +10 7 118 NA +10 7 119 NN +10 7 120 CO +10 7 121 NA +10 7 122 NN +10 7 123 NN +10 7 124 PO +10 7 125 NA +10 7 126 NA +10 7 127 MU +10 7 128 PO +10 7 129 PO +10 7 130 PO +10 7 131 NA +10 7 132 NA +10 7 133 MU +10 7 134 NA +10 7 135 NA +10 7 136 CO +10 7 137 MU +10 7 138 CO +10 7 139 CO +10 7 140 MU +10 7 141 CO +10 7 142 CO +10 7 143 PO +10 7 144 MU +10 7 145 CO +10 7 146 PO +10 7 147 PO +10 7 148 NA +10 7 149 PO +10 7 150 MU +10 7 151 NA +10 7 152 NA +10 7 153 MU +10 7 154 MU +10 7 155 CO +10 7 156 MU +10 7 157 PO +10 7 158 CO +10 7 159 NA +10 7 160 NA +10 7 161 MU +10 7 162 NA +10 7 163 PO +10 7 164 MU +10 7 165 * +10 7 166 MU +10 7 167 CO +10 7 168 MU +10 7 169 MU +10 7 170 MU +10 7 171 PO +10 7 172 CO +10 7 173 NA +10 7 174 PO +10 7 175 CO +10 7 176 NA +10 7 177 CO +10 7 178 MU +10 7 179 NA +10 7 180 CO +10 7 181 PO +10 7 182 NA +10 7 183 MU +10 7 184 NA +10 7 185 NA +10 7 186 PO +10 7 187 NA +10 7 188 MU +10 7 189 CO +10 7 190 NA +10 7 191 NN +10 7 192 PO +10 7 193 PO +10 7 194 NA +10 7 195 NN +10 7 196 CO +10 7 197 NA +10 7 198 MU +10 7 199 CO +10 7 200 NN +10 7 201 NA +10 7 202 NN +10 7 203 NA +10 7 204 NN +10 7 205 NN +10 7 206 CO +10 7 207 NA +10 7 208 PO +10 7 209 NN +10 7 210 NA +10 7 211 NN +10 7 212 NA +10 7 213 PO +10 7 214 PO +10 7 215 NA +10 7 216 NN +10 7 217 * +10 7 218 NN +10 7 219 CO +10 7 220 NN +10 7 221 CO +10 7 222 NN +10 7 223 NN +10 7 224 CO +10 7 225 PO +10 7 226 NN +10 7 227 MU +10 7 228 NN +10 7 229 CO +10 7 230 PO +10 7 231 NA +10 7 232 NN +10 7 233 NN +10 7 234 NN +10 7 235 NN +10 7 236 PO +10 7 237 NA +10 7 238 NN +10 7 239 NA +10 7 240 NA +10 7 241 CO +10 7 242 CO +10 7 243 NA +10 7 244 CO +10 7 245 NA +10 7 246 NN +10 7 247 NN +10 7 248 NN +10 7 249 NN +10 7 250 NN +10 7 251 CO +10 7 252 CO +10 7 253 NN +10 7 254 NN +10 7 255 MU +10 7 256 NA +10 7 257 MU +10 7 258 PO +10 7 259 NA +10 7 260 PO +10 7 261 NA +10 7 262 CO +10 7 263 NN +10 7 264 NN +10 7 265 NN +10 7 266 NA +10 7 267 NA +10 7 268 PO +10 7 269 NA +10 7 270 NA +10 7 271 NN +10 7 272 CO +10 7 273 NA +10 7 274 CO +10 7 275 PO +10 7 276 NA +10 7 277 MU +10 7 278 NA +10 7 279 MU +10 7 280 PO +10 7 281 NN +10 7 282 NN +10 7 283 PO +10 7 284 CO +10 7 285 NA +10 7 286 CO +10 7 287 PO +10 7 288 NA +10 7 289 NN +10 7 290 CO +10 7 291 NN +10 7 292 NA +10 7 293 CO +10 7 294 CO +10 7 295 NN +10 7 296 NN +10 7 297 PO +10 7 298 NA +10 7 299 NN +10 7 300 CO +10 7 301 NN +10 7 302 PO +10 7 303 CO +10 7 304 PO +10 7 305 NA +10 7 306 PO +10 7 307 NN +10 7 308 NN +10 7 309 PO +10 7 310 NN +10 7 311 NN +10 7 312 MU +10 7 313 MU +10 7 314 CO +10 7 315 NN +10 7 316 NN +10 7 317 NA +10 7 318 NA +10 7 319 CO +10 7 320 PO +10 7 321 NA +10 7 322 NN +10 7 323 NN +10 7 324 CO +10 7 325 NA +10 7 326 PO +10 7 327 CO +10 7 328 NN +10 7 329 PO +10 7 330 CO +10 8 1 NN +10 8 2 NN +10 8 3 NA +10 8 4 NN +10 8 5 * +10 8 6 NA +10 8 7 NE +10 8 8 NA +10 8 9 PA +10 8 10 NN +10 8 11 NN +10 8 12 PO +10 8 13 NN +10 8 14 NN +10 8 15 NA +10 8 16 CO +10 8 17 NA +10 8 18 CO +10 8 19 NN +10 8 20 NN +10 8 21 NA +10 8 22 PO +10 8 23 NN +10 8 24 CO +10 8 25 NN +10 8 26 NN +10 8 27 CO +10 8 28 NA +10 8 29 NN +10 8 30 NA +10 8 31 NN +10 8 32 NA +10 8 33 NN +10 8 34 NN +10 8 35 NA +10 8 36 CO +10 8 37 NN +10 8 38 NA +10 8 39 * +10 8 40 NN +10 8 41 NA +10 8 42 CO +10 8 43 NN +10 8 44 NA +10 8 45 NN +10 8 46 CO +10 8 47 CO +10 8 48 PO +10 8 49 NN +10 8 50 PA +10 8 51 PA +10 8 52 CO +10 8 53 NA +10 8 54 NE +10 8 55 NN +10 8 56 NA +10 8 57 NN +10 8 58 PO +10 8 59 CO +10 8 60 NN +10 8 61 NA +10 8 62 NN +10 8 63 NA +10 8 64 NN +10 8 65 NA +10 8 66 CO +10 8 67 NN +10 8 68 NA +10 8 69 CO +10 8 70 CO +10 8 71 NA +10 8 72 NN +10 8 73 PA +10 8 74 NN +10 8 75 NN +10 8 76 NA +10 8 77 NN +10 8 78 PA +10 8 79 CO +10 8 80 NN +10 8 81 PO +10 8 82 NN +10 8 83 CO +10 8 84 PA +10 8 85 NN +10 8 86 * +10 8 87 CO +10 8 88 PA +10 8 89 CO +10 8 90 NN +10 8 91 PO +10 8 92 CO +10 8 93 NN +10 8 94 CO +10 8 95 PA +10 8 96 PO +10 8 97 NN +10 8 98 NA +10 8 99 PA +10 8 100 NN +10 8 101 PA +10 8 102 NN +10 8 103 CO +10 8 104 NN +10 8 105 NA +10 8 106 PO +10 8 107 CO +10 8 108 PO +10 8 109 NN +10 8 110 PO +10 8 111 CO +10 8 112 NA +10 8 113 CO +10 8 114 NN +10 8 115 NA +10 8 116 NN +10 8 117 CO +10 8 118 NA +10 8 119 NN +10 8 120 CO +10 8 121 NA +10 8 122 NN +10 8 123 NN +10 8 124 PO +10 8 125 NA +10 8 126 NA +10 8 127 CO +10 8 128 PO +10 8 129 CO +10 8 130 CO +10 8 131 NA +10 8 132 NA +10 8 133 NN +10 8 134 CO +10 8 135 NA +10 8 136 NN +10 8 137 NN +10 8 138 NN +10 8 139 CO +10 8 140 NN +10 8 141 CO +10 8 142 CO +10 8 143 PO +10 8 144 NN +10 8 145 NN +10 8 146 PO +10 8 147 NE +10 8 148 NA +10 8 149 NE +10 8 150 PA +10 8 151 PA +10 8 152 PA +10 8 153 NE +10 8 154 CO +10 8 155 CO +10 8 156 NN +10 8 157 CO +10 8 158 CO +10 8 159 PA +10 8 160 PA +10 8 161 NE +10 8 162 NA +10 8 163 NE +10 8 164 NE +10 8 165 PO +10 8 166 CO +10 8 167 PA +10 8 168 NE +10 8 169 NE +10 8 170 CO +10 8 171 PA +10 8 172 CO +10 8 173 NA +10 8 174 PO +10 8 175 NN +10 8 176 NA +10 8 177 PO +10 8 178 NE +10 8 179 NA +10 8 180 NE +10 8 181 PO +10 8 182 PA +10 8 183 CO +10 8 184 PA +10 8 185 PA +10 8 186 NN +10 8 187 PO +10 8 188 NN +10 8 189 CO +10 8 190 PA +10 8 191 NN +10 8 192 PA +10 8 193 PO +10 8 194 NA +10 8 195 NE +10 8 196 NE +10 8 197 PA +10 8 198 CO +10 8 199 NE +10 8 200 NE +10 8 201 PA +10 8 202 NN +10 8 203 PA +10 8 204 CO +10 8 205 NE +10 8 206 CO +10 8 207 NA +10 8 208 PA +10 8 209 NE +10 8 210 PA +10 8 211 NE +10 8 212 PA +10 8 213 CO +10 8 214 PO +10 8 215 PA +10 8 216 CO +10 8 217 PA +10 8 218 CO +10 8 219 CO +10 8 220 NN +10 8 221 CO +10 8 222 NE +10 8 223 NE +10 8 224 CO +10 8 225 PA +10 8 226 NN +10 8 227 CO +10 8 228 NE +10 8 229 CO +10 8 230 PA +10 8 231 PA +10 8 232 CO +10 8 233 NN +10 8 234 NE +10 8 235 NE +10 8 236 PA +10 8 237 PA +10 8 238 NE +10 8 239 PA +10 8 240 NA +10 8 241 CO +10 8 242 PO +10 8 243 NA +10 8 244 CO +10 8 245 NA +10 8 246 NN +10 8 247 NN +10 8 248 CO +10 8 249 NN +10 8 250 NN +10 8 251 NE +10 8 252 PA +10 8 253 NE +10 8 254 NE +10 8 255 CO +10 8 256 PA +10 8 257 NE +10 8 258 PO +10 8 259 PA +10 8 260 CO +10 8 261 PA +10 8 262 CO +10 8 263 CO +10 8 264 NE +10 8 265 NE +10 8 266 PA +10 8 267 PA +10 8 268 NE +10 8 269 NA +10 8 270 PO +10 8 271 NE +10 8 272 CO +10 8 273 PA +10 8 274 CO +10 8 275 PO +10 8 276 NA +10 8 277 NE +10 8 278 PA +10 8 279 NE +10 8 280 PA +10 8 281 NE +10 8 282 NE +10 8 283 PA +10 8 284 CO +10 8 285 * +10 8 286 CO +10 8 287 PA +10 8 288 NA +10 8 289 NN +10 8 290 CO +10 8 291 NN +10 8 292 PA +10 8 293 CO +10 8 294 CO +10 8 295 PA +10 8 296 NN +10 8 297 PO +10 8 298 NA +10 8 299 NE +10 8 300 CO +10 8 301 NE +10 8 302 CO +10 8 303 NE +10 8 304 PO +10 8 305 PA +10 8 306 NE +10 8 307 NE +10 8 308 PA +10 8 309 CO +10 8 310 NE +10 8 311 NE +10 8 312 CO +10 8 313 NN +10 8 314 CO +10 8 315 NN +10 8 316 NN +10 8 317 PA +10 8 318 PA +10 8 319 CO +10 8 320 PO +10 8 321 NA +10 8 322 NN +10 8 323 NN +10 8 324 CO +10 8 325 PA +10 8 326 PO +10 8 327 CO +10 8 328 NN +10 8 329 PA +10 8 330 CO +10 9 1 NN +10 9 2 PA +10 9 3 NA +10 9 4 PA +10 9 5 NN +10 9 6 CA +10 9 7 NN +10 9 8 PA +10 9 9 PA +10 9 10 NN +10 9 11 MO +10 9 12 PO +10 9 13 NN +10 9 14 NN +10 9 15 CA +10 9 16 CO +10 9 17 NA +10 9 18 MU +10 9 19 NN +10 9 20 NN +10 9 21 NA +10 9 22 CA +10 9 23 PA +10 9 24 MU +10 9 25 NN +10 9 26 NN +10 9 27 CO +10 9 28 NA +10 9 29 NN +10 9 30 PA +10 9 31 NN +10 9 32 PA +10 9 33 NN +10 9 34 NN +10 9 35 PO +10 9 36 NN +10 9 37 NN +10 9 38 NA +10 9 39 NN +10 9 40 NN +10 9 41 NA +10 9 42 PA +10 9 43 NN +10 9 44 CO +10 9 45 NN +10 9 46 CA +10 9 47 NN +10 9 48 PO +10 9 49 NN +10 9 50 PA +10 9 51 MU +10 9 52 CO +10 9 53 PA +10 9 54 NN +10 9 55 NN +10 9 56 PO +10 9 57 NN +10 9 58 PA +10 9 59 CA +10 9 60 MU +10 9 61 NA +10 9 62 CA +10 9 63 PO +10 9 64 NN +10 9 65 NA +10 9 66 CO +10 9 67 NN +10 9 68 NA +10 9 69 PA +10 9 70 CO +10 9 71 PA +10 9 72 NN +10 9 73 NN +10 9 74 NN +10 9 75 NN +10 9 76 NA +10 9 77 NN +10 9 78 PA +10 9 79 MU +10 9 80 NN +10 9 81 PA +10 9 82 NN +10 9 83 CO +10 9 84 PA +10 9 85 NN +10 9 86 PA +10 9 87 MU +10 9 88 PA +10 9 89 MU +10 9 90 MU +10 9 91 PA +10 9 92 CO +10 9 93 NN +10 9 94 MU +10 9 95 CO +10 9 96 PO +10 9 97 NN +10 9 98 NA +10 9 99 PA +10 9 100 CA +10 9 101 PA +10 9 102 CA +10 9 103 MU +10 9 104 NN +10 9 105 PA +10 9 106 PO +10 9 107 CO +10 9 108 CA +10 9 109 NN +10 9 110 PO +10 9 111 MU +10 9 112 NA +10 9 113 MU +10 9 114 NN +10 9 115 PA +10 9 116 CA +10 9 117 MU +10 9 118 PO +10 9 119 NN +10 9 120 CO +10 9 121 PO +10 9 122 NN +10 9 123 NN +10 9 124 CA +10 9 125 PO +10 9 126 PO +10 9 127 MU +10 9 128 PO +10 9 129 CA +10 9 130 MU +10 9 131 PA +10 9 132 NA +10 9 133 NN +10 9 134 MU +10 9 135 PA +10 9 136 NN +10 9 137 NN +10 9 138 CA +10 9 139 CO +10 9 140 NN +10 9 141 CO +10 9 142 CO +10 9 143 NN +10 9 144 NN +10 9 145 NN +10 9 146 PO +10 9 147 NN +10 9 148 NA +10 9 149 NN +10 9 150 PA +10 9 151 CA +10 9 152 CA +10 9 153 NN +10 9 154 MU +10 9 155 MU +10 9 156 NN +10 9 157 MU +10 9 158 CO +10 9 159 PO +10 9 160 PO +10 9 161 NN +10 9 162 NA +10 9 163 NN +10 9 164 NN +10 9 165 MU +10 9 166 NN +10 9 167 CA +10 9 168 NN +10 9 169 NN +10 9 170 NN +10 9 171 NN +10 9 172 CO +10 9 173 PO +10 9 174 PO +10 9 175 CA +10 9 176 NA +10 9 177 CA +10 9 178 NN +10 9 179 PA +10 9 180 NN +10 9 181 PO +10 9 182 PA +10 9 183 MU +10 9 184 NN +10 9 185 PA +10 9 186 NN +10 9 187 PO +10 9 188 NN +10 9 189 PA +10 9 190 PO +10 9 191 NN +10 9 192 NN +10 9 193 NN +10 9 194 MU +10 9 195 PO +10 9 196 NN +10 9 197 PA +10 9 198 MU +10 9 199 CO +10 9 200 NN +10 9 201 PO +10 9 202 NN +10 9 203 NA +10 9 204 MU +10 9 205 NN +10 9 206 CO +10 9 207 NA +10 9 208 PA +10 9 209 NN +10 9 210 PA +10 9 211 NN +10 9 212 PA +10 9 213 PA +10 9 214 NN +10 9 215 PO +10 9 216 MU +10 9 217 PA +10 9 218 PA +10 9 219 CO +10 9 220 NN +10 9 221 CO +10 9 222 PA +10 9 223 NN +10 9 224 CO +10 9 225 PA +10 9 226 NN +10 9 227 MU +10 9 228 NN +10 9 229 NE +10 9 230 PO +10 9 231 PA +10 9 232 MU +10 9 233 PA +10 9 234 NN +10 9 235 NN +10 9 236 PO +10 9 237 PA +10 9 238 NN +10 9 239 PO +10 9 240 PA +10 9 241 CO +10 9 242 PO +10 9 243 PA +10 9 244 CO +10 9 245 NA +10 9 246 NN +10 9 247 NN +10 9 248 MU +10 9 249 NN +10 9 250 NN +10 9 251 PA +10 9 252 CO +10 9 253 NN +10 9 254 NN +10 9 255 MU +10 9 256 NA +10 9 257 NN +10 9 258 PO +10 9 259 PA +10 9 260 CO +10 9 261 PA +10 9 262 CO +10 9 263 MU +10 9 264 PA +10 9 265 NN +10 9 266 PA +10 9 267 PA +10 9 268 NN +10 9 269 PA +10 9 270 PO +10 9 271 NE +10 9 272 CO +10 9 273 PO +10 9 274 CO +10 9 275 NE +10 9 276 NA +10 9 277 NN +10 9 278 PO +10 9 279 NN +10 9 280 PA +10 9 281 NN +10 9 282 NN +10 9 283 MU +10 9 284 CO +10 9 285 PO +10 9 286 CO +10 9 287 PA +10 9 288 NA +10 9 289 NN +10 9 290 CO +10 9 291 NN +10 9 292 PA +10 9 293 CO +10 9 294 CO +10 9 295 PA +10 9 296 NN +10 9 297 PO +10 9 298 NA +10 9 299 NN +10 9 300 CA +10 9 301 NN +10 9 302 CO +10 9 303 CO +10 9 304 NE +10 9 305 PA +10 9 306 NE +10 9 307 NN +10 9 308 NE +10 9 309 MU +10 9 310 NN +10 9 311 NN +10 9 312 MU +10 9 313 NN +10 9 314 CO +10 9 315 NN +10 9 316 NN +10 9 317 PA +10 9 318 CA +10 9 319 PA +10 9 320 PA +10 9 321 NA +10 9 322 NN +10 9 323 NN +10 9 324 CO +10 9 325 PA +10 9 326 PO +10 9 327 CO +10 9 328 NE +10 9 329 PA +10 9 330 CO +10 10 1 NN +10 10 2 PA +10 10 3 NA +10 10 4 NN +10 10 5 NN +10 10 6 PA +10 10 7 NN +10 10 8 NA +10 10 9 PO +10 10 10 NN +10 10 11 PA +10 10 12 PO +10 10 13 NN +10 10 14 NN +10 10 15 PA +10 10 16 CO +10 10 17 NA +10 10 18 MU +10 10 19 NN +10 10 20 NN +10 10 21 NA +10 10 22 PO +10 10 23 NN +10 10 24 PO +10 10 25 NN +10 10 26 NN +10 10 27 PA +10 10 28 NA +10 10 29 NN +10 10 30 PA +10 10 31 NN +10 10 32 NN +10 10 33 PO +10 10 34 NN +10 10 35 PO +10 10 36 NN +10 10 37 PO +10 10 38 NN +10 10 39 NA +10 10 40 NN +10 10 41 NA +10 10 42 PA +10 10 43 NN +10 10 44 PA +10 10 45 NN +10 10 46 PA +10 10 47 NN +10 10 48 PO +10 10 49 PO +10 10 50 PA +10 10 51 PA +10 10 52 MQ +10 10 53 NA +10 10 54 NN +10 10 55 NN +10 10 56 MQ +10 10 57 NN +10 10 58 PO +10 10 59 PA +10 10 60 NN +10 10 61 NA +10 10 62 PO +10 10 63 PA +10 10 64 NN +10 10 65 NA +10 10 66 MQ +10 10 67 PO +10 10 68 NA +10 10 69 MQ +10 10 70 CO +10 10 71 NA +10 10 72 NN +10 10 73 NA +10 10 74 MQ +10 10 75 NN +10 10 76 PA +10 10 77 NN +10 10 78 MQ +10 10 79 MU +10 10 80 NN +10 10 81 PO +10 10 82 PO +10 10 83 MQ +10 10 84 PO +10 10 85 NN +10 10 86 PO +10 10 87 PA +10 10 88 NA +10 10 89 MU +10 10 90 NN +10 10 91 PA +10 10 92 MQ +10 10 93 NN +10 10 94 MU +10 10 95 CO +10 10 96 PO +10 10 97 NN +10 10 98 NA +10 10 99 PO +10 10 100 NN +10 10 101 NA +10 10 102 PO +10 10 103 PA +10 10 104 NN +10 10 105 NA +10 10 106 PA +10 10 107 CO +10 10 108 MQ +10 10 109 NN +10 10 110 PA +10 10 111 PA +10 10 112 NA +10 10 113 MU +10 10 114 NN +10 10 115 NA +10 10 116 MQ +10 10 117 MQ +10 10 118 NA +10 10 119 NN +10 10 120 CO +10 10 121 NA +10 10 122 NN +10 10 123 NN +10 10 124 PO +10 10 125 PA +10 10 126 MQ +10 10 127 NN +10 10 128 PO +10 10 129 CO +10 10 130 PO +10 10 131 NN +10 10 132 NA +10 10 133 NN +10 10 134 MQ +10 10 135 NN +10 10 136 NN +10 10 137 NN +10 10 138 NN +10 10 139 MQ +10 10 140 NN +10 10 141 CO +10 10 142 MQ +10 10 143 NN +10 10 144 NN +10 10 145 NN +10 10 146 PO +10 10 147 NN +10 10 148 NA +10 10 149 NN +10 10 150 NN +10 10 151 MQ +10 10 152 MQ +10 10 153 NN +10 10 154 MQ +10 10 155 MU +10 10 156 NN +10 10 157 PA +10 10 158 CO +10 10 159 PO +10 10 160 MQ +10 10 161 NN +10 10 162 NA +10 10 163 NN +10 10 164 NN +10 10 165 MQ +10 10 166 NN +10 10 167 MQ +10 10 168 NN +10 10 169 NN +10 10 170 MU +10 10 171 PO +10 10 172 CO +10 10 173 NA +10 10 174 NN +10 10 175 MQ +10 10 176 NA +10 10 177 PO +10 10 178 NN +10 10 179 NA +10 10 180 NN +10 10 181 PO +10 10 182 NA +10 10 183 MQ +10 10 184 NN +10 10 185 PO +10 10 186 PO +10 10 187 PO +10 10 188 NN +10 10 189 MQ +10 10 190 MQ +10 10 191 NN +10 10 192 NN +10 10 193 PO +10 10 194 NA +10 10 195 NN +10 10 196 PO +10 10 197 PA +10 10 198 MU +10 10 199 CO +10 10 200 NN +10 10 201 MQ +10 10 202 NN +10 10 203 NA +10 10 204 MU +10 10 205 NN +10 10 206 MQ +10 10 207 NA +10 10 208 PO +10 10 209 NN +10 10 210 NA +10 10 211 NN +10 10 212 PO +10 10 213 MQ +10 10 214 NN +10 10 215 PA +10 10 216 NN +10 10 217 PO +10 10 218 PO +10 10 219 MQ +10 10 220 NN +10 10 221 MQ +10 10 222 NN +10 10 223 NN +10 10 224 CO +10 10 225 NN +10 10 226 MU +10 10 227 MU +10 10 228 NN +10 10 229 PO +10 10 230 MQ +10 10 231 NN +10 10 232 PO +10 10 233 PO +10 10 234 NN +10 10 235 NN +10 10 236 PO +10 10 237 MQ +10 10 238 NN +10 10 239 MQ +10 10 240 NA +10 10 241 CO +10 10 242 PO +10 10 243 NA +10 10 244 CO +10 10 245 NA +10 10 246 NN +10 10 247 PO +10 10 248 NN +10 10 249 NN +10 10 250 NN +10 10 251 PO +10 10 252 MQ +10 10 253 NN +10 10 254 PA +10 10 255 MU +10 10 256 NA +10 10 257 NN +10 10 258 PA +10 10 259 NA +10 10 260 MQ +10 10 261 PO +10 10 262 CO +10 10 263 MQ +10 10 264 NN +10 10 265 NN +10 10 266 PA +10 10 267 NN +10 10 268 NN +10 10 269 NN +10 10 270 PA +10 10 271 NN +10 10 272 CO +10 10 273 PO +10 10 274 CO +10 10 275 PO +10 10 276 NA +10 10 277 NN +10 10 278 PO +10 10 279 NN +10 10 280 NN +10 10 281 NN +10 10 282 NN +10 10 283 MQ +10 10 284 CO +10 10 285 PO +10 10 286 CO +10 10 287 PO +10 10 288 NA +10 10 289 NN +10 10 290 MQ +10 10 291 NN +10 10 292 PO +10 10 293 MQ +10 10 294 CO +10 10 295 PO +10 10 296 NN +10 10 297 PO +10 10 298 NA +10 10 299 NN +10 10 300 CO +10 10 301 NN +10 10 302 MQ +10 10 303 MQ +10 10 304 PO +10 10 305 PA +10 10 306 NN +10 10 307 NN +10 10 308 PA +10 10 309 MQ +10 10 310 NN +10 10 311 NN +10 10 312 MU +10 10 313 NN +10 10 314 MQ +10 10 315 NN +10 10 316 NN +10 10 317 NA +10 10 318 PO +10 10 319 CO +10 10 320 PO +10 10 321 NA +10 10 322 NN +10 10 323 NN +10 10 324 MQ +10 10 325 NN +10 10 326 PO +10 10 327 MQ +10 10 328 NN +10 10 329 PO +10 10 330 MQ +10 11 1 NN +10 11 2 CO +10 11 3 NA +10 11 4 NE +10 11 5 NN +10 11 6 MQ +10 11 7 TI +10 11 8 NA +10 11 9 TI +10 11 10 NE +10 11 11 MU +10 11 12 PO +10 11 13 MU +10 11 14 NN +10 11 15 PO +10 11 16 CO +10 11 17 NA +10 11 18 MU +10 11 19 NN +10 11 20 NE +10 11 21 NA +10 11 22 PO +10 11 23 NO +10 11 24 MU +10 11 25 NN +10 11 26 NN +10 11 27 PO +10 11 28 NA +10 11 29 PA +10 11 30 TI +10 11 31 NN +10 11 32 RI +10 11 33 PA +10 11 34 NN +10 11 35 NA +10 11 36 NE +10 11 37 NN +10 11 38 NA +10 11 39 PA +10 11 40 NN +10 11 41 NA +10 11 42 PO +10 11 43 NE +10 11 44 CO +10 11 45 NN +10 11 46 MU +10 11 47 NE +10 11 48 PO +10 11 49 NN +10 11 50 TI +10 11 51 TI +10 11 52 CO +10 11 53 NA +10 11 54 PA +10 11 55 NN +10 11 56 PO +10 11 57 NN +10 11 58 PA +10 11 59 PO +10 11 60 MU +10 11 61 NA +10 11 62 PA +10 11 63 NA +10 11 64 NN +10 11 65 NA +10 11 66 CO +10 11 67 PA +10 11 68 NA +10 11 69 TI +10 11 70 CO +10 11 71 NA +10 11 72 NN +10 11 73 RI +10 11 74 PA +10 11 75 NE +10 11 76 NA +10 11 77 NN +10 11 78 PO +10 11 79 MU +10 11 80 NN +10 11 81 PA +10 11 82 NN +10 11 83 CO +10 11 84 PO +10 11 85 NN +10 11 86 NA +10 11 87 MU +10 11 88 TI +10 11 89 MU +10 11 90 NE +10 11 91 PO +10 11 92 CO +10 11 93 NN +10 11 94 MU +10 11 95 CO +10 11 96 PO +10 11 97 RI +10 11 98 NA +10 11 99 RI +10 11 100 NE +10 11 101 NA +10 11 102 NE +10 11 103 PA +10 11 104 NN +10 11 105 NA +10 11 106 PO +10 11 107 CO +10 11 108 PA +10 11 109 RI +10 11 110 PO +10 11 111 MU +10 11 112 NA +10 11 113 MU +10 11 114 NN +10 11 115 NA +10 11 116 PA +10 11 117 PO +10 11 118 PO +10 11 119 NN +10 11 120 CO +10 11 121 NA +10 11 122 NN +10 11 123 NE +10 11 124 PO +10 11 125 NA +10 11 126 PA +10 11 127 MU +10 11 128 PO +10 11 129 CO +10 11 130 MU +10 11 131 RI +10 11 132 NA +10 11 133 NN +10 11 134 MU +10 11 135 RI +10 11 136 NN +10 11 137 PA +10 11 138 NN +10 11 139 CO +10 11 140 NN +10 11 141 CO +10 11 142 CO +10 11 143 PA +10 11 144 RI +10 11 145 NN +10 11 146 PO +10 11 147 NN +10 11 148 NA +10 11 149 PA +10 11 150 RI +10 11 151 PA +10 11 152 RI +10 11 153 NN +10 11 154 MU +10 11 155 TI +10 11 156 NN +10 11 157 TI +10 11 158 CO +10 11 159 PO +10 11 160 RI +10 11 161 NN +10 11 162 NA +10 11 163 NN +10 11 164 NN +10 11 165 PA +10 11 166 NE +10 11 167 RI +10 11 168 NN +10 11 169 NN +10 11 170 NE +10 11 171 PA +10 11 172 CO +10 11 173 NA +10 11 174 PO +10 11 175 NN +10 11 176 NA +10 11 177 PO +10 11 178 NN +10 11 179 PA +10 11 180 NN +10 11 181 PO +10 11 182 RI +10 11 183 PA +10 11 184 RI +10 11 185 PA +10 11 186 NN +10 11 187 PO +10 11 188 NN +10 11 189 CO +10 11 190 PA +10 11 191 NN +10 11 192 RI +10 11 193 PA +10 11 194 RI +10 11 195 NN +10 11 196 NN +10 11 197 RI +10 11 198 NE +10 11 199 CO +10 11 200 NN +10 11 201 PO +10 11 202 NN +10 11 203 RI +10 11 204 MU +10 11 205 RI +10 11 206 CO +10 11 207 NA +10 11 208 PA +10 11 209 NN +10 11 210 PA +10 11 211 NN +10 11 212 PO +10 11 213 RI +10 11 214 PA +10 11 215 RI +10 11 216 PA +10 11 217 TI +10 11 218 PA +10 11 219 CO +10 11 220 RI +10 11 221 CO +10 11 222 RI +10 11 223 NN +10 11 224 CO +10 11 225 PA +10 11 226 NN +10 11 227 MU +10 11 228 MU +10 11 229 NN +10 11 230 NO +10 11 231 RI +10 11 232 PA +10 11 233 RI +10 11 234 NN +10 11 235 NN +10 11 236 PA +10 11 237 NO +10 11 238 NN +10 11 239 RI +10 11 240 PA +10 11 241 CO +10 11 242 PO +10 11 243 PA +10 11 244 CO +10 11 245 NA +10 11 246 NN +10 11 247 RI +10 11 248 MU +10 11 249 NE +10 11 250 RI +10 11 251 NN +10 11 252 CO +10 11 253 NN +10 11 254 PA +10 11 255 MU +10 11 256 NA +10 11 257 PA +10 11 258 PO +10 11 259 NA +10 11 260 CO +10 11 261 PA +10 11 262 CO +10 11 263 NE +10 11 264 NN +10 11 265 NN +10 11 266 PA +10 11 267 RI +10 11 268 NN +10 11 269 RI +10 11 270 PO +10 11 271 MU +10 11 272 CO +10 11 273 RI +10 11 274 CO +10 11 275 PA +10 11 276 NA +10 11 277 NN +10 11 278 TI +10 11 279 RI +10 11 280 PA +10 11 281 NN +10 11 282 NN +10 11 283 PA +10 11 284 CO +10 11 285 RI +10 11 286 CO +10 11 287 PO +10 11 288 NA +10 11 289 NN +10 11 290 CO +10 11 291 NN +10 11 292 PO +10 11 293 CO +10 11 294 CO +10 11 295 PA +10 11 296 RI +10 11 297 PO +10 11 298 NA +10 11 299 NN +10 11 300 CO +10 11 301 NN +10 11 302 CO +10 11 303 CO +10 11 304 PA +10 11 305 RI +10 11 306 PA +10 11 307 NN +10 11 308 RI +10 11 309 PA +10 11 310 NN +10 11 311 NN +10 11 312 MU +10 11 313 RI +10 11 314 CO +10 11 315 PA +10 11 316 NN +10 11 317 RI +10 11 318 TI +10 11 319 CO +10 11 320 PA +10 11 321 NA +10 11 322 NN +10 11 323 NN +10 11 324 CO +10 11 325 RI +10 11 326 PO +10 11 327 CO +10 11 328 PA +10 11 329 PA +10 11 330 CO +10 12 1 NN +10 12 2 CO +10 12 3 NA +10 12 4 NA +10 12 5 NN +10 12 6 CO +10 12 7 NN +10 12 8 NA +10 12 9 TI +10 12 10 NN +10 12 11 NN +10 12 12 PO +10 12 13 NN +10 12 14 NN +10 12 15 CO +10 12 16 CO +10 12 17 NA +10 12 18 MU +10 12 19 NN +10 12 20 NN +10 12 21 NA +10 12 22 PO +10 12 23 NN +10 12 24 MU +10 12 25 NN +10 12 26 NN +10 12 27 CO +10 12 28 NA +10 12 29 NN +10 12 30 PO +10 12 31 NN +10 12 32 PO +10 12 33 NN +10 12 34 NE +10 12 35 NA +10 12 36 NE +10 12 37 NN +10 12 38 NA +10 12 39 NN +10 12 40 NN +10 12 41 NA +10 12 42 PO +10 12 43 NN +10 12 44 CO +10 12 45 NN +10 12 46 CO +10 12 47 MU +10 12 48 PO +10 12 49 NN +10 12 50 NN +10 12 51 MU +10 12 52 CO +10 12 53 NA +10 12 54 NN +10 12 55 NN +10 12 56 CO +10 12 57 NN +10 12 58 PO +10 12 59 CO +10 12 60 NE +10 12 61 NA +10 12 62 NN +10 12 63 PO +10 12 64 NE +10 12 65 NA +10 12 66 CO +10 12 67 NN +10 12 68 NA +10 12 69 NE +10 12 70 CO +10 12 71 NA +10 12 72 NE +10 12 73 * +10 12 74 CO +10 12 75 NN +10 12 76 PO +10 12 77 NE +10 12 78 CO +10 12 79 MU +10 12 80 NN +10 12 81 NE +10 12 82 NN +10 12 83 CO +10 12 84 CO +10 12 85 NE +10 12 86 NA +10 12 87 MU +10 12 88 NA +10 12 89 MU +10 12 90 NE +10 12 91 NE +10 12 92 CO +10 12 93 NN +10 12 94 MU +10 12 95 CO +10 12 96 PO +10 12 97 NE +10 12 98 NA +10 12 99 CO +10 12 100 NE +10 12 101 NA +10 12 102 CO +10 12 103 NN +10 12 104 NN +10 12 105 NA +10 12 106 PO +10 12 107 CO +10 12 108 NN +10 12 109 NN +10 12 110 PO +10 12 111 MU +10 12 112 NA +10 12 113 MU +10 12 114 NN +10 12 115 NA +10 12 116 CO +10 12 117 MU +10 12 118 PO +10 12 119 NN +10 12 120 CO +10 12 121 NA +10 12 122 NN +10 12 123 NN +10 12 124 PO +10 12 125 PO +10 12 126 NA +10 12 127 NN +10 12 128 PO +10 12 129 CO +10 12 130 NN +10 12 131 NA +10 12 132 NA +10 12 133 NN +10 12 134 MU +10 12 135 NA +10 12 136 NN +10 12 137 NN +10 12 138 NN +10 12 139 CO +10 12 140 NN +10 12 141 CO +10 12 142 CO +10 12 143 PO +10 12 144 NN +10 12 145 NN +10 12 146 PO +10 12 147 NN +10 12 148 NA +10 12 149 PO +10 12 150 NA +10 12 151 PO +10 12 152 NN +10 12 153 NN +10 12 154 MU +10 12 155 MU +10 12 156 NN +10 12 157 MU +10 12 158 CO +10 12 159 PO +10 12 160 PO +10 12 161 NN +10 12 162 NA +10 12 163 NN +10 12 164 NN +10 12 165 NN +10 12 166 NN +10 12 167 CO +10 12 168 NN +10 12 169 NN +10 12 170 NN +10 12 171 NN +10 12 172 CO +10 12 173 NA +10 12 174 PO +10 12 175 CO +10 12 176 NA +10 12 177 PO +10 12 178 NN +10 12 179 NA +10 12 180 NN +10 12 181 PO +10 12 182 NA +10 12 183 MU +10 12 184 NN +10 12 185 PO +10 12 186 NN +10 12 187 PO +10 12 188 NN +10 12 189 CO +10 12 190 PO +10 12 191 NN +10 12 192 NN +10 12 193 PO +10 12 194 NA +10 12 195 NE +10 12 196 NN +10 12 197 PO +10 12 198 MU +10 12 199 CO +10 12 200 NN +10 12 201 NA +10 12 202 NN +10 12 203 NA +10 12 204 MU +10 12 205 NN +10 12 206 CO +10 12 207 NA +10 12 208 PO +10 12 209 NN +10 12 210 MU +10 12 211 NN +10 12 212 PO +10 12 213 CO +10 12 214 PO +10 12 215 NE +10 12 216 MU +10 12 217 CO +10 12 218 PO +10 12 219 CO +10 12 220 NN +10 12 221 CO +10 12 222 NN +10 12 223 NN +10 12 224 CO +10 12 225 MU +10 12 226 NN +10 12 227 MU +10 12 228 NN +10 12 229 NN +10 12 230 CO +10 12 231 NN +10 12 232 MU +10 12 233 NN +10 12 234 NE +10 12 235 NN +10 12 236 PO +10 12 237 CO +10 12 238 NN +10 12 239 NA +10 12 240 NE +10 12 241 CO +10 12 242 PO +10 12 243 NA +10 12 244 CO +10 12 245 NA +10 12 246 NN +10 12 247 NN +10 12 248 NE +10 12 249 NE +10 12 250 NE +10 12 251 NN +10 12 252 CO +10 12 253 NN +10 12 254 NN +10 12 255 MU +10 12 256 NA +10 12 257 NE +10 12 258 PO +10 12 259 NA +10 12 260 CO +10 12 261 PO +10 12 262 CO +10 12 263 NE +10 12 264 NE +10 12 265 NN +10 12 266 NA +10 12 267 NA +10 12 268 NN +10 12 269 NA +10 12 270 PO +10 12 271 NE +10 12 272 CO +10 12 273 NN +10 12 274 CO +10 12 275 PO +10 12 276 NA +10 12 277 NE +10 12 278 PO +10 12 279 NN +10 12 280 NN +10 12 281 NN +10 12 282 NN +10 12 283 MU +10 12 284 CO +10 12 285 PO +10 12 286 CO +10 12 287 PO +10 12 288 NA +10 12 289 NN +10 12 290 CO +10 12 291 NN +10 12 292 CO +10 12 293 CO +10 12 294 CO +10 12 295 MU +10 12 296 NN +10 12 297 PO +10 12 298 NA +10 12 299 NN +10 12 300 CO +10 12 301 NN +10 12 302 CO +10 12 303 NN +10 12 304 PO +10 12 305 NA +10 12 306 NN +10 12 307 NN +10 12 308 CO +10 12 309 MU +10 12 310 NN +10 12 311 NN +10 12 312 MU +10 12 313 NN +10 12 314 CO +10 12 315 NN +10 12 316 NN +10 12 317 NA +10 12 318 PO +10 12 319 CO +10 12 320 PO +10 12 321 NA +10 12 322 NN +10 12 323 NN +10 12 324 CO +10 12 325 NA +10 12 326 PO +10 12 327 CO +10 12 328 NN +10 12 329 MU +10 12 330 CO +10 13 1 NN +10 13 2 NN +10 13 3 NA +10 13 4 NA +10 13 5 NN +10 13 6 NN +10 13 7 NN +10 13 8 PA +10 13 9 PA +10 13 10 NN +10 13 11 NN +10 13 12 PA +10 13 13 NN +10 13 14 MU +10 13 15 PA +10 13 16 CO +10 13 17 NA +10 13 18 PA +10 13 19 NN +10 13 20 NN +10 13 21 PA +10 13 22 PO +10 13 23 NN +10 13 24 PA +10 13 25 NN +10 13 26 NN +10 13 27 CO +10 13 28 NA +10 13 29 PA +10 13 30 PO +10 13 31 PA +10 13 32 PO +10 13 33 PO +10 13 34 NN +10 13 35 PO +10 13 36 MU +10 13 37 PO +10 13 38 NA +10 13 39 NN +10 13 40 NN +10 13 41 NA +10 13 42 PO +10 13 43 MU +10 13 44 CO +10 13 45 NN +10 13 46 CO +10 13 47 NN +10 13 48 PO +10 13 49 PA +10 13 50 PA +10 13 51 PA +10 13 52 CO +10 13 53 NA +10 13 54 NN +10 13 55 NN +10 13 56 NN +10 13 57 NN +10 13 58 PO +10 13 59 CO +10 13 60 NN +10 13 61 NA +10 13 62 PA +10 13 63 NN +10 13 64 PA +10 13 65 NA +10 13 66 CO +10 13 67 PA +10 13 68 NA +10 13 69 PA +10 13 70 CO +10 13 71 NA +10 13 72 NN +10 13 73 PO +10 13 74 CO +10 13 75 NN +10 13 76 NA +10 13 77 NN +10 13 78 PA +10 13 79 MU +10 13 80 NN +10 13 81 PA +10 13 82 NN +10 13 83 CO +10 13 84 PA +10 13 85 NN +10 13 86 NA +10 13 87 MU +10 13 88 NA +10 13 89 NN +10 13 90 MU +10 13 91 PA +10 13 92 CO +10 13 93 NN +10 13 94 NN +10 13 95 CO +10 13 96 PA +10 13 97 MU +10 13 98 NA +10 13 99 PA +10 13 100 NN +10 13 101 NA +10 13 102 PA +10 13 103 NN +10 13 104 NN +10 13 105 PA +10 13 106 CO +10 13 107 CO +10 13 108 PA +10 13 109 NN +10 13 110 NA +10 13 111 PA +10 13 112 NA +10 13 113 PA +10 13 114 NN +10 13 115 NA +10 13 116 PA +10 13 117 MU +10 13 118 NA +10 13 119 NN +10 13 120 CO +10 13 121 NA +10 13 122 MU +10 13 123 NN +10 13 124 PO +10 13 125 NA +10 13 126 NA +10 13 127 MU +10 13 128 PO +10 13 129 CO +10 13 130 NN +10 13 131 PO +10 13 132 NA +10 13 133 NN +10 13 134 MU +10 13 135 PO +10 13 136 NN +10 13 137 NN +10 13 138 NN +10 13 139 CO +10 13 140 NN +10 13 141 CO +10 13 142 CO +10 13 143 PA +10 13 144 NN +10 13 145 NN +10 13 146 PO +10 13 147 NN +10 13 148 NA +10 13 149 NN +10 13 150 NN +10 13 151 PO +10 13 152 PO +10 13 153 NN +10 13 154 NN +10 13 155 MU +10 13 156 NN +10 13 157 MU +10 13 158 CO +10 13 159 PA +10 13 160 PA +10 13 161 NN +10 13 162 NA +10 13 163 NN +10 13 164 NN +10 13 165 PA +10 13 166 MU +10 13 167 PA +10 13 168 NN +10 13 169 NN +10 13 170 MU +10 13 171 PA +10 13 172 CO +10 13 173 NA +10 13 174 PO +10 13 175 PA +10 13 176 NA +10 13 177 PO +10 13 178 NN +10 13 179 NA +10 13 180 NN +10 13 181 PA +10 13 182 NA +10 13 183 PA +10 13 184 PA +10 13 185 PO +10 13 186 NN +10 13 187 PO +10 13 188 NN +10 13 189 NN +10 13 190 PO +10 13 191 NN +10 13 192 PA +10 13 193 PO +10 13 194 NA +10 13 195 NN +10 13 196 NN +10 13 197 PA +10 13 198 MU +10 13 199 CO +10 13 200 NN +10 13 201 PA +10 13 202 NN +10 13 203 NA +10 13 204 NN +10 13 205 PA +10 13 206 CO +10 13 207 NA +10 13 208 PA +10 13 209 NN +10 13 210 PA +10 13 211 NN +10 13 212 PO +10 13 213 PA +10 13 214 NN +10 13 215 PA +10 13 216 PA +10 13 217 PO +10 13 218 PA +10 13 219 CO +10 13 220 NN +10 13 221 CO +10 13 222 PO +10 13 223 NN +10 13 224 PA +10 13 225 PO +10 13 226 MU +10 13 227 PA +10 13 228 NN +10 13 229 NN +10 13 230 PA +10 13 231 PA +10 13 232 PA +10 13 233 PA +10 13 234 NN +10 13 235 NN +10 13 236 PO +10 13 237 PA +10 13 238 NN +10 13 239 PA +10 13 240 NA +10 13 241 CO +10 13 242 PO +10 13 243 NA +10 13 244 PA +10 13 245 NA +10 13 246 NN +10 13 247 PA +10 13 248 NN +10 13 249 NN +10 13 250 PA +10 13 251 NN +10 13 252 PA +10 13 253 NN +10 13 254 PA +10 13 255 PA +10 13 256 NA +10 13 257 MU +10 13 258 PA +10 13 259 NA +10 13 260 NA +10 13 261 PA +10 13 262 CO +10 13 263 MU +10 13 264 NN +10 13 265 NN +10 13 266 NA +10 13 267 PA +10 13 268 NN +10 13 269 PA +10 13 270 PO +10 13 271 MU +10 13 272 CO +10 13 273 PO +10 13 274 CO +10 13 275 PO +10 13 276 NA +10 13 277 MU +10 13 278 PA +10 13 279 MU +10 13 280 PA +10 13 281 NN +10 13 282 NN +10 13 283 PA +10 13 284 CO +10 13 285 PA +10 13 286 CO +10 13 287 PA +10 13 288 NA +10 13 289 NN +10 13 290 PA +10 13 291 NN +10 13 292 PA +10 13 293 PO +10 13 294 CO +10 13 295 PA +10 13 296 NN +10 13 297 PO +10 13 298 NA +10 13 299 NN +10 13 300 PA +10 13 301 NN +10 13 302 PA +10 13 303 CO +10 13 304 PA +10 13 305 NA +10 13 306 PO +10 13 307 NN +10 13 308 PA +10 13 309 PA +10 13 310 NN +10 13 311 NN +10 13 312 PA +10 13 313 NN +10 13 314 PA +10 13 315 PO +10 13 316 NN +10 13 317 NA +10 13 318 PO +10 13 319 CO +10 13 320 PA +10 13 321 NA +10 13 322 NN +10 13 323 NN +10 13 324 CO +10 13 325 PA +10 13 326 PO +10 13 327 PA +10 13 328 NN +10 13 329 PA +10 13 330 CO +10 14 1 NN +10 14 2 NN +10 14 3 NA +10 14 4 MU +10 14 5 NN +10 14 6 PO +10 14 7 NN +10 14 8 NA +10 14 9 PA +10 14 10 NN +10 14 11 NN +10 14 12 PO +10 14 13 NN +10 14 14 MU +10 14 15 NA +10 14 16 CO +10 14 17 NA +10 14 18 MU +10 14 19 NN +10 14 20 NN +10 14 21 NA +10 14 22 PO +10 14 23 NN +10 14 24 MU +10 14 25 NN +10 14 26 NN +10 14 27 CO +10 14 28 PA +10 14 29 NN +10 14 30 PA +10 14 31 NN +10 14 32 PA +10 14 33 NN +10 14 34 NN +10 14 35 PA +10 14 36 NN +10 14 37 NN +10 14 38 PA +10 14 39 MU +10 14 40 NN +10 14 41 PA +10 14 42 PO +10 14 43 MU +10 14 44 CO +10 14 45 NN +10 14 46 MU +10 14 47 NN +10 14 48 PO +10 14 49 NN +10 14 50 NN +10 14 51 PO +10 14 52 CO +10 14 53 NA +10 14 54 NN +10 14 55 NN +10 14 56 NA +10 14 57 NN +10 14 58 PO +10 14 59 NA +10 14 60 MU +10 14 61 NA +10 14 62 NN +10 14 63 NA +10 14 64 NN +10 14 65 NA +10 14 66 CO +10 14 67 NN +10 14 68 NA +10 14 69 PO +10 14 70 CO +10 14 71 NA +10 14 72 NN +10 14 73 NN +10 14 74 NN +10 14 75 MU +10 14 76 PO +10 14 77 NN +10 14 78 NA +10 14 79 MU +10 14 80 NN +10 14 81 NN +10 14 82 NN +10 14 83 CO +10 14 84 NA +10 14 85 NN +10 14 86 NA +10 14 87 MU +10 14 88 NN +10 14 89 MU +10 14 90 NN +10 14 91 NN +10 14 92 CO +10 14 93 NN +10 14 94 MU +10 14 95 NN +10 14 96 PO +10 14 97 NN +10 14 98 NA +10 14 99 NN +10 14 100 NN +10 14 101 NN +10 14 102 NN +10 14 103 MU +10 14 104 NN +10 14 105 NN +10 14 106 PO +10 14 107 CO +10 14 108 NN +10 14 109 NN +10 14 110 PO +10 14 111 MU +10 14 112 NA +10 14 113 MU +10 14 114 NN +10 14 115 NA +10 14 116 NN +10 14 117 MU +10 14 118 NA +10 14 119 NN +10 14 120 CO +10 14 121 NA +10 14 122 NN +10 14 123 NN +10 14 124 PO +10 14 125 NA +10 14 126 NA +10 14 127 MU +10 14 128 PO +10 14 129 CO +10 14 130 MU +10 14 131 NN +10 14 132 NA +10 14 133 NN +10 14 134 MU +10 14 135 NA +10 14 136 NN +10 14 137 NN +10 14 138 NN +10 14 139 NN +10 14 140 NN +10 14 141 CO +10 14 142 CO +10 14 143 NN +10 14 144 NN +10 14 145 NN +10 14 146 PO +10 14 147 NN +10 14 148 NA +10 14 149 NN +10 14 150 NA +10 14 151 PO +10 14 152 NN +10 14 153 NN +10 14 154 MU +10 14 155 MU +10 14 156 NN +10 14 157 MU +10 14 158 CO +10 14 159 PO +10 14 160 NA +10 14 161 NN +10 14 162 NA +10 14 163 NN +10 14 164 NN +10 14 165 MU +10 14 166 NN +10 14 167 NN +10 14 168 NN +10 14 169 NN +10 14 170 NN +10 14 171 NN +10 14 172 CO +10 14 173 NA +10 14 174 PO +10 14 175 NN +10 14 176 NA +10 14 177 PO +10 14 178 NN +10 14 179 NA +10 14 180 NN +10 14 181 PO +10 14 182 NA +10 14 183 PO +10 14 184 NN +10 14 185 PO +10 14 186 NN +10 14 187 PO +10 14 188 NN +10 14 189 NN +10 14 190 NA +10 14 191 NN +10 14 192 NN +10 14 193 PO +10 14 194 NN +10 14 195 NN +10 14 196 NN +10 14 197 NN +10 14 198 MU +10 14 199 CO +10 14 200 NN +10 14 201 PO +10 14 202 NN +10 14 203 NA +10 14 204 MU +10 14 205 NN +10 14 206 CO +10 14 207 NA +10 14 208 PO +10 14 209 NN +10 14 210 NN +10 14 211 NN +10 14 212 PO +10 14 213 NN +10 14 214 PO +10 14 215 NN +10 14 216 MU +10 14 217 NA +10 14 218 PO +10 14 219 NN +10 14 220 NN +10 14 221 NN +10 14 222 NN +10 14 223 NN +10 14 224 NA +10 14 225 PO +10 14 226 NN +10 14 227 MU +10 14 228 NN +10 14 229 NN +10 14 230 NA +10 14 231 NN +10 14 232 PO +10 14 233 NN +10 14 234 NN +10 14 235 NN +10 14 236 NN +10 14 237 NA +10 14 238 NN +10 14 239 NA +10 14 240 NA +10 14 241 PO +10 14 242 PO +10 14 243 NN +10 14 244 CO +10 14 245 NA +10 14 246 NN +10 14 247 NN +10 14 248 MU +10 14 249 NN +10 14 250 NN +10 14 251 NN +10 14 252 PO +10 14 253 NN +10 14 254 NN +10 14 255 MU +10 14 256 NA +10 14 257 NN +10 14 258 PO +10 14 259 NA +10 14 260 PO +10 14 261 PO +10 14 262 CO +10 14 263 MU +10 14 264 NN +10 14 265 NN +10 14 266 PO +10 14 267 NA +10 14 268 NN +10 14 269 NA +10 14 270 PO +10 14 271 MU +10 14 272 CO +10 14 273 NN +10 14 274 CO +10 14 275 PO +10 14 276 NA +10 14 277 NN +10 14 278 PO +10 14 279 NN +10 14 280 MU +10 14 281 NN +10 14 282 NN +10 14 283 MU +10 14 284 CO +10 14 285 NA +10 14 286 CO +10 14 287 PO +10 14 288 NA +10 14 289 NN +10 14 290 PO +10 14 291 NA +10 14 292 NA +10 14 293 CO +10 14 294 CO +10 14 295 MU +10 14 296 NN +10 14 297 PO +10 14 298 NA +10 14 299 NN +10 14 300 CO +10 14 301 NN +10 14 302 PO +10 14 303 NN +10 14 304 PO +10 14 305 NN +10 14 306 NN +10 14 307 NN +10 14 308 NN +10 14 309 MU +10 14 310 NN +10 14 311 NN +10 14 312 MU +10 14 313 NN +10 14 314 CO +10 14 315 NN +10 14 316 NN +10 14 317 NN +10 14 318 PO +10 14 319 CO +10 14 320 PO +10 14 321 NA +10 14 322 NN +10 14 323 NN +10 14 324 CO +10 14 325 NN +10 14 326 PO +10 14 327 NN +10 14 328 NN +10 14 329 PO +10 14 330 CO +10 15 1 NN +10 15 2 MO +10 15 3 NA +10 15 4 NN +10 15 5 NN +10 15 6 PA +10 15 7 MO +10 15 8 NA +10 15 9 PA +10 15 10 NN +10 15 11 MO +10 15 12 PO +10 15 13 NN +10 15 14 MO +10 15 15 PA +10 15 16 CO +10 15 17 NA +10 15 18 CO +10 15 19 NN +10 15 20 MO +10 15 21 NA +10 15 22 PO +10 15 23 PA +10 15 24 PO +10 15 25 NN +10 15 26 MO +10 15 27 CO +10 15 28 NA +10 15 29 MO +10 15 30 NA +10 15 31 CO +10 15 32 PA +10 15 33 NE +10 15 34 NN +10 15 35 NA +10 15 36 NE +10 15 37 MO +10 15 38 NA +10 15 39 MO +10 15 40 MO +10 15 41 NA +10 15 42 PA +10 15 43 NN +10 15 44 CO +10 15 45 MO +10 15 46 CO +10 15 47 NN +10 15 48 PA +10 15 49 MO +10 15 50 NN +10 15 51 PA +10 15 52 CO +10 15 53 NA +10 15 54 MO +10 15 55 NN +10 15 56 PA +10 15 57 MO +10 15 58 PA +10 15 59 CO +10 15 60 MO +10 15 61 NA +10 15 62 MO +10 15 63 NA +10 15 64 NN +10 15 65 NA +10 15 66 CO +10 15 67 CO +10 15 68 NA +10 15 69 PA +10 15 70 CO +10 15 71 NA +10 15 72 MO +10 15 73 PA +10 15 74 CO +10 15 75 NN +10 15 76 NA +10 15 77 NN +10 15 78 PA +10 15 79 MO +10 15 80 MO +10 15 81 NE +10 15 82 NE +10 15 83 CO +10 15 84 PA +10 15 85 NN +10 15 86 NA +10 15 87 NN +10 15 88 NA +10 15 89 NN +10 15 90 MO +10 15 91 NE +10 15 92 CO +10 15 93 MO +10 15 94 NE +10 15 95 CO +10 15 96 PA +10 15 97 NN +10 15 98 NA +10 15 99 PA +10 15 100 CO +10 15 101 NA +10 15 102 CO +10 15 103 MO +10 15 104 NE +10 15 105 PA +10 15 106 PA +10 15 107 CO +10 15 108 CO +10 15 109 MO +10 15 110 PA +10 15 111 NN +10 15 112 NA +10 15 113 PA +10 15 114 NN +10 15 115 NA +10 15 116 CO +10 15 117 PA +10 15 118 NA +10 15 119 MO +10 15 120 CO +10 15 121 NA +10 15 122 MO +10 15 123 NN +10 15 124 PO +10 15 125 NA +10 15 126 PA +10 15 127 MO +10 15 128 PO +10 15 129 CO +10 15 130 MO +10 15 131 PA +10 15 132 NA +10 15 133 NN +10 15 134 PA +10 15 135 NA +10 15 136 MO +10 15 137 MO +10 15 138 MO +10 15 139 CO +10 15 140 NN +10 15 141 CO +10 15 142 CO +10 15 143 MO +10 15 144 MO +10 15 145 NN +10 15 146 PA +10 15 147 MO +10 15 148 NA +10 15 149 MO +10 15 150 PA +10 15 151 PA +10 15 152 PA +10 15 153 MO +10 15 154 CO +10 15 155 PA +10 15 156 MO +10 15 157 PA +10 15 158 CO +10 15 159 PA +10 15 160 PA +10 15 161 NN +10 15 162 NA +10 15 163 MO +10 15 164 NE +10 15 165 PA +10 15 166 NN +10 15 167 PA +10 15 168 NN +10 15 169 NN +10 15 170 NN +10 15 171 NN +10 15 172 CO +10 15 173 NA +10 15 174 PO +10 15 175 CO +10 15 176 NA +10 15 177 CO +10 15 178 NN +10 15 179 NA +10 15 180 NN +10 15 181 PA +10 15 182 NA +10 15 183 PA +10 15 184 NN +10 15 185 PA +10 15 186 NN +10 15 187 PA +10 15 188 NN +10 15 189 CO +10 15 190 PA +10 15 191 NN +10 15 192 PA +10 15 193 PA +10 15 194 NA +10 15 195 MO +10 15 196 MO +10 15 197 PA +10 15 198 PA +10 15 199 CO +10 15 200 MO +10 15 201 PA +10 15 202 MO +10 15 203 NA +10 15 204 PA +10 15 205 NN +10 15 206 CO +10 15 207 NA +10 15 208 PA +10 15 209 NE +10 15 210 PA +10 15 211 MO +10 15 212 PA +10 15 213 CO +10 15 214 CO +10 15 215 PA +10 15 216 PA +10 15 217 PA +10 15 218 PA +10 15 219 CO +10 15 220 NN +10 15 221 CO +10 15 222 NN +10 15 223 MO +10 15 224 CO +10 15 225 PA +10 15 226 MO +10 15 227 PA +10 15 228 NE +10 15 229 NE +10 15 230 CO +10 15 231 NA +10 15 232 PA +10 15 233 NN +10 15 234 NN +10 15 235 NN +10 15 236 PA +10 15 237 PA +10 15 238 NN +10 15 239 NA +10 15 240 NA +10 15 241 CO +10 15 242 CO +10 15 243 NA +10 15 244 CO +10 15 245 NA +10 15 246 MO +10 15 247 NN +10 15 248 NN +10 15 249 NN +10 15 250 NN +10 15 251 MO +10 15 252 CO +10 15 253 MO +10 15 254 NE +10 15 255 PA +10 15 256 NA +10 15 257 PA +10 15 258 PO +10 15 259 NA +10 15 260 CO +10 15 261 PA +10 15 262 CO +10 15 263 CO +10 15 264 CO +10 15 265 NN +10 15 266 PA +10 15 267 PA +10 15 268 NN +10 15 269 NA +10 15 270 PA +10 15 271 NN +10 15 272 CO +10 15 273 NN +10 15 274 CO +10 15 275 PA +10 15 276 NA +10 15 277 NN +10 15 278 PA +10 15 279 NN +10 15 280 MO +10 15 281 NN +10 15 282 NN +10 15 283 PA +10 15 284 CO +10 15 285 PA +10 15 286 CO +10 15 287 PA +10 15 288 NA +10 15 289 NN +10 15 290 CO +10 15 291 NN +10 15 292 PA +10 15 293 CO +10 15 294 CO +10 15 295 PA +10 15 296 NN +10 15 297 PO +10 15 298 NA +10 15 299 NN +10 15 300 CO +10 15 301 NN +10 15 302 CO +10 15 303 CO +10 15 304 PA +10 15 305 PA +10 15 306 MO +10 15 307 NN +10 15 308 PA +10 15 309 NE +10 15 310 NE +10 15 311 NE +10 15 312 PA +10 15 313 NE +10 15 314 CO +10 15 315 MO +10 15 316 NN +10 15 317 NN +10 15 318 PA +10 15 319 CO +10 15 320 PA +10 15 321 NA +10 15 322 MO +10 15 323 NN +10 15 324 CO +10 15 325 PA +10 15 326 PO +10 15 327 CO +10 15 328 NN +10 15 329 PA +10 15 330 CO +10 16 1 NN +10 16 2 NN +10 16 3 NA +10 16 4 NN +10 16 5 NN +10 16 6 PO +10 16 7 PO +10 16 8 NA +10 16 9 PA +10 16 10 NE +10 16 11 MA +10 16 12 PO +10 16 13 SH +10 16 14 NN +10 16 15 MA +10 16 16 CO +10 16 17 NA +10 16 18 MA +10 16 19 NN +10 16 20 NN +10 16 21 NA +10 16 22 PO +10 16 23 NN +10 16 24 MA +10 16 25 NN +10 16 26 NN +10 16 27 CO +10 16 28 NA +10 16 29 MO +10 16 30 MA +10 16 31 NN +10 16 32 NA +10 16 33 NN +10 16 34 NN +10 16 35 PA +10 16 36 NN +10 16 37 NN +10 16 38 NA +10 16 39 NN +10 16 40 NN +10 16 41 NA +10 16 42 PO +10 16 43 NN +10 16 44 CO +10 16 45 NN +10 16 46 MA +10 16 47 NN +10 16 48 PO +10 16 49 NN +10 16 50 NA +10 16 51 NN +10 16 52 CO +10 16 53 NA +10 16 54 NN +10 16 55 NN +10 16 56 PO +10 16 57 NN +10 16 58 PO +10 16 59 CO +10 16 60 NN +10 16 61 NA +10 16 62 NN +10 16 63 PO +10 16 64 NN +10 16 65 NA +10 16 66 CO +10 16 67 NN +10 16 68 PA +10 16 69 NN +10 16 70 CO +10 16 71 NA +10 16 72 NN +10 16 73 NN +10 16 74 CO +10 16 75 NN +10 16 76 PA +10 16 77 NN +10 16 78 * +10 16 79 MA +10 16 80 NN +10 16 81 NN +10 16 82 NN +10 16 83 CO +10 16 84 PO +10 16 85 NN +10 16 86 NA +10 16 87 NN +10 16 88 NA +10 16 89 MU +10 16 90 NN +10 16 91 PO +10 16 92 CO +10 16 93 NN +10 16 94 PA +10 16 95 CO +10 16 96 PO +10 16 97 NN +10 16 98 NA +10 16 99 PA +10 16 100 MO +10 16 101 NA +10 16 102 CO +10 16 103 PA +10 16 104 * +10 16 105 NA +10 16 106 CO +10 16 107 CO +10 16 108 CO +10 16 109 NE +10 16 110 PO +10 16 111 TI +10 16 112 NA +10 16 113 MO +10 16 114 NA +10 16 115 CO +10 16 116 NA +10 16 117 NA +10 16 118 NA +10 16 119 MO +10 16 120 CO +10 16 121 PO +10 16 122 NN +10 16 123 NN +10 16 124 PO +10 16 125 PA +10 16 126 PO +10 16 127 NN +10 16 128 PO +10 16 129 CO +10 16 130 SH +10 16 131 NA +10 16 132 NA +10 16 133 MO +10 16 134 PA +10 16 135 NA +10 16 136 MO +10 16 137 MO +10 16 138 NN +10 16 139 CO +10 16 140 NN +10 16 141 CO +10 16 142 CO +10 16 143 NE +10 16 144 MO +10 16 145 MO +10 16 146 PA +10 16 147 MO +10 16 148 NA +10 16 149 CO +10 16 150 PA +10 16 151 PA +10 16 152 PA +10 16 153 NN +10 16 154 MA +10 16 155 PO +10 16 156 NN +10 16 157 PO +10 16 158 CO +10 16 159 PO +10 16 160 RI +10 16 161 NN +10 16 162 NA +10 16 163 NN +10 16 164 NN +10 16 165 NN +10 16 166 MU +10 16 167 CO +10 16 168 MO +10 16 169 MO +10 16 170 MO +10 16 171 NE +10 16 172 CO +10 16 173 NA +10 16 174 PO +10 16 175 NN +10 16 176 NA +10 16 177 CO +10 16 178 NN +10 16 179 NA +10 16 180 NN +10 16 181 PO +10 16 182 NA +10 16 183 MA +10 16 184 MO +10 16 185 PO +10 16 186 NN +10 16 187 PO +10 16 188 NN +10 16 189 * +10 16 190 PA +10 16 191 MO +10 16 192 MO +10 16 193 PO +10 16 194 NA +10 16 195 RI +10 16 196 NN +10 16 197 NN +10 16 198 MA +10 16 199 CO +10 16 200 NN +10 16 201 RI +10 16 202 NN +10 16 203 NA +10 16 204 MA +10 16 205 MO +10 16 206 CO +10 16 207 NA +10 16 208 PO +10 16 209 NN +10 16 210 NN +10 16 211 NN +10 16 212 PO +10 16 213 MO +10 16 214 MO +10 16 215 NA +10 16 216 MA +10 16 217 PA +10 16 218 MO +10 16 219 CO +10 16 220 MO +10 16 221 CO +10 16 222 MO +10 16 223 MO +10 16 224 CO +10 16 225 PO +10 16 226 MO +10 16 227 SH +10 16 228 MO +10 16 229 MO +10 16 230 CO +10 16 231 NA +10 16 232 PO +10 16 233 NN +10 16 234 NN +10 16 235 MO +10 16 236 NN +10 16 237 PA +10 16 238 MO +10 16 239 PA +10 16 240 NA +10 16 241 CO +10 16 242 PO +10 16 243 NA +10 16 244 CO +10 16 245 NA +10 16 246 MO +10 16 247 MO +10 16 248 MO +10 16 249 MO +10 16 250 MO +10 16 251 MO +10 16 252 CO +10 16 253 MO +10 16 254 MO +10 16 255 MA +10 16 256 NA +10 16 257 MO +10 16 258 PO +10 16 259 NA +10 16 260 CO +10 16 261 PO +10 16 262 CO +10 16 263 CO +10 16 264 CO +10 16 265 MO +10 16 266 MA +10 16 267 NA +10 16 268 MO +10 16 269 NA +10 16 270 PO +10 16 271 SH +10 16 272 CO +10 16 273 NA +10 16 274 CO +10 16 275 PO +10 16 276 NA +10 16 277 NN +10 16 278 PO +10 16 279 NN +10 16 280 MO +10 16 281 MO +10 16 282 MO +10 16 283 PO +10 16 284 CO +10 16 285 PO +10 16 286 CO +10 16 287 PO +10 16 288 NA +10 16 289 NN +10 16 290 CO +10 16 291 NN +10 16 292 NA +10 16 293 CO +10 16 294 CO +10 16 295 MA +10 16 296 NN +10 16 297 PO +10 16 298 NA +10 16 299 NN +10 16 300 CO +10 16 301 NN +10 16 302 CO +10 16 303 NN +10 16 304 NN +10 16 305 NA +10 16 306 PA +10 16 307 NN +10 16 308 NN +10 16 309 MA +10 16 310 NN +10 16 311 NN +10 16 312 * +10 16 313 NN +10 16 314 CO +10 16 315 MO +10 16 316 MO +10 16 317 NA +10 16 318 PA +10 16 319 CO +10 16 320 MO +10 16 321 NA +10 16 322 NN +10 16 323 MO +10 16 324 CO +10 16 325 NA +10 16 326 PO +10 16 327 CO +10 16 328 MO +10 16 329 PA +10 16 330 CO +10 17 1 NN +10 17 2 NN +10 17 3 NA +10 17 4 NN +10 17 5 NN +10 17 6 PO +10 17 7 NE +10 17 8 NA +10 17 9 TR +10 17 10 NE +10 17 11 QU +10 17 12 PO +10 17 13 QU +10 17 14 NE +10 17 15 PO +10 17 16 CO +10 17 17 PO +10 17 18 SH +10 17 19 QU +10 17 20 NE +10 17 21 * +10 17 22 PO +10 17 23 QU +10 17 24 MA +10 17 25 QU +10 17 26 NE +10 17 27 CO +10 17 28 PO +10 17 29 NE +10 17 30 MA +10 17 31 QU +10 17 32 PO +10 17 33 NE +10 17 34 QU +10 17 35 PO +10 17 36 NE +10 17 37 MO +10 17 38 PO +10 17 39 NE +10 17 40 QU +10 17 41 NA +10 17 42 PO +10 17 43 NE +10 17 44 CO +10 17 45 NE +10 17 46 MO +10 17 47 MO +10 17 48 PO +10 17 49 QU +10 17 50 MO +10 17 51 MA +10 17 52 CO +10 17 53 NA +10 17 54 NE +10 17 55 MO +10 17 56 CO +10 17 57 NE +10 17 58 MO +10 17 59 CO +10 17 60 NE +10 17 61 NA +10 17 62 MO +10 17 63 PO +10 17 64 NE +10 17 65 NA +10 17 66 CO +10 17 67 MO +10 17 68 MO +10 17 69 MA +10 17 70 CO +10 17 71 NA +10 17 72 MO +10 17 73 NE +10 17 74 CO +10 17 75 MA +10 17 76 PO +10 17 77 MO +10 17 78 CO +10 17 79 MA +10 17 80 NE +10 17 81 MO +10 17 82 QU +10 17 83 CO +10 17 84 MA +10 17 85 MO +10 17 86 NA +10 17 87 NE +10 17 88 NA +10 17 89 MA +10 17 90 MA +10 17 91 NE +10 17 92 CO +10 17 93 QU +10 17 94 MA +10 17 95 CO +10 17 96 QU +10 17 97 NN +10 17 98 NA +10 17 99 MO +10 17 100 QU +10 17 101 NA +10 17 102 MO +10 17 103 MA +10 17 104 QU +10 17 105 PO +10 17 106 CO +10 17 107 NE +10 17 108 CO +10 17 109 NE +10 17 110 PO +10 17 111 MA +10 17 112 NA +10 17 113 MA +10 17 114 MA +10 17 115 NA +10 17 116 QU +10 17 117 MA +10 17 118 CO +10 17 119 NE +10 17 120 CO +10 17 121 NN +10 17 122 NN +10 17 123 MA +10 17 124 CO +10 17 125 PA +10 17 126 NA +10 17 127 NE +10 17 128 QU +10 17 129 CO +10 17 130 MA +10 17 131 NN +10 17 132 NA +10 17 133 QU +10 17 134 MA +10 17 135 NA +10 17 136 QU +10 17 137 MA +10 17 138 QU +10 17 139 CO +10 17 140 NE +10 17 141 CO +10 17 142 CO +10 17 143 MA +10 17 144 NN +10 17 145 NE +10 17 146 PO +10 17 147 NN +10 17 148 NA +10 17 149 PO +10 17 150 NN +10 17 151 NA +10 17 152 NN +10 17 153 NN +10 17 154 MA +10 17 155 MA +10 17 156 PO +10 17 157 MA +10 17 158 CO +10 17 159 CO +10 17 160 CO +10 17 161 NN +10 17 162 NA +10 17 163 NN +10 17 164 NN +10 17 165 MA +10 17 166 MA +10 17 167 MA +10 17 168 NE +10 17 169 NE +10 17 170 MA +10 17 171 MO +10 17 172 CO +10 17 173 MA +10 17 174 PO +10 17 175 NE +10 17 176 PO +10 17 177 CO +10 17 178 MO +10 17 179 NA +10 17 180 MO +10 17 181 MO +10 17 182 NA +10 17 183 MA +10 17 184 NE +10 17 185 NE +10 17 186 NE +10 17 187 PO +10 17 188 MO +10 17 189 MO +10 17 190 MO +10 17 191 MO +10 17 192 MA +10 17 193 QU +10 17 194 NA +10 17 195 MO +10 17 196 MO +10 17 197 MO +10 17 198 MA +10 17 199 CO +10 17 200 MO +10 17 201 PO +10 17 202 MO +10 17 203 MO +10 17 204 MO +10 17 205 MA +10 17 206 CO +10 17 207 NA +10 17 208 MA +10 17 209 QU +10 17 210 NA +10 17 211 QU +10 17 212 PO +10 17 213 QU +10 17 214 NE +10 17 215 PO +10 17 216 NE +10 17 217 MA +10 17 218 QU +10 17 219 CO +10 17 220 NE +10 17 221 CO +10 17 222 NE +10 17 223 NE +10 17 224 CO +10 17 225 NE +10 17 226 MO +10 17 227 MA +10 17 228 QU +10 17 229 CO +10 17 230 MA +10 17 231 MO +10 17 232 MA +10 17 233 MO +10 17 234 NE +10 17 235 QU +10 17 236 MO +10 17 237 MA +10 17 238 MO +10 17 239 MA +10 17 240 TR +10 17 241 CO +10 17 242 MO +10 17 243 NA +10 17 244 PO +10 17 245 NA +10 17 246 MO +10 17 247 QU +10 17 248 MA +10 17 249 MA +10 17 250 QU +10 17 251 QU +10 17 252 CO +10 17 253 MO +10 17 254 NE +10 17 255 MA +10 17 256 NA +10 17 257 MA +10 17 258 MO +10 17 259 QU +10 17 260 CO +10 17 261 MO +10 17 262 CO +10 17 263 MA +10 17 264 NE +10 17 265 MA +10 17 266 MA +10 17 267 QU +10 17 268 NE +10 17 269 MA +10 17 270 PO +10 17 271 NE +10 17 272 CO +10 17 273 MA +10 17 274 CO +10 17 275 MA +10 17 276 NA +10 17 277 NE +10 17 278 NA +10 17 279 NE +10 17 280 MA +10 17 281 MO +10 17 282 MO +10 17 283 MA +10 17 284 CO +10 17 285 TR +10 17 286 CO +10 17 287 TR +10 17 288 NA +10 17 289 TR +10 17 290 TR +10 17 291 NE +10 17 292 TR +10 17 293 TR +10 17 294 TR +10 17 295 MA +10 17 296 MA +10 17 297 PO +10 17 298 NA +10 17 299 TR +10 17 300 MA +10 17 301 QU +10 17 302 TR +10 17 303 QU +10 17 304 MA +10 17 305 NE +10 17 306 TR +10 17 307 MO +10 17 308 MO +10 17 309 SH +10 17 310 NE +10 17 311 NE +10 17 312 * +10 17 313 MU +10 17 314 CO +10 17 315 MO +10 17 316 NE +10 17 317 NA +10 17 318 SH +10 17 319 CO +10 17 320 SH +10 17 321 NA +10 17 322 MO +10 17 323 SH +10 17 324 CO +10 17 325 NE +10 17 326 SH +10 17 327 CO +10 17 328 NE +10 17 329 SH +10 17 330 CO +10 18 1 NN +10 18 2 PO +10 18 3 NA +10 18 4 NA +10 18 5 PO +10 18 6 TR +10 18 7 NE +10 18 8 NA +10 18 9 TR +10 18 10 NN +10 18 11 PO +10 18 12 PO +10 18 13 NE +10 18 14 MU +10 18 15 TR +10 18 16 CO +10 18 17 NA +10 18 18 MU +10 18 19 NN +10 18 20 NN +10 18 21 NA +10 18 22 PO +10 18 23 PO +10 18 24 MU +10 18 25 NN +10 18 26 NN +10 18 27 CO +10 18 28 NA +10 18 29 PO +10 18 30 NA +10 18 31 NN +10 18 32 PO +10 18 33 NN +10 18 34 NN +10 18 35 PO +10 18 36 NN +10 18 37 NN +10 18 38 NA +10 18 39 NN +10 18 40 NN +10 18 41 NA +10 18 42 TR +10 18 43 NN +10 18 44 CO +10 18 45 PO +10 18 46 MU +10 18 47 NN +10 18 48 TR +10 18 49 NN +10 18 50 NN +10 18 51 MU +10 18 52 CO +10 18 53 NA +10 18 54 NN +10 18 55 NN +10 18 56 NN +10 18 57 NN +10 18 58 TR +10 18 59 CO +10 18 60 NN +10 18 61 NA +10 18 62 NN +10 18 63 NA +10 18 64 NN +10 18 65 NA +10 18 66 CO +10 18 67 NN +10 18 68 NA +10 18 69 NE +10 18 70 CO +10 18 71 NA +10 18 72 NE +10 18 73 NN +10 18 74 NN +10 18 75 NE +10 18 76 NA +10 18 77 NN +10 18 78 PO +10 18 79 MU +10 18 80 NN +10 18 81 NE +10 18 82 NN +10 18 83 CO +10 18 84 NN +10 18 85 NE +10 18 86 NA +10 18 87 MU +10 18 88 NN +10 18 89 MU +10 18 90 NN +10 18 91 NE +10 18 92 CO +10 18 93 NN +10 18 94 MU +10 18 95 CO +10 18 96 PO +10 18 97 NE +10 18 98 NA +10 18 99 NN +10 18 100 NE +10 18 101 NA +10 18 102 NN +10 18 103 NN +10 18 104 PO +10 18 105 NA +10 18 106 CO +10 18 107 CO +10 18 108 CO +10 18 109 NN +10 18 110 PO +10 18 111 NE +10 18 112 NA +10 18 113 MU +10 18 114 NN +10 18 115 NA +10 18 116 CO +10 18 117 MU +10 18 118 NN +10 18 119 NN +10 18 120 CO +10 18 121 NA +10 18 122 NN +10 18 123 NN +10 18 124 PO +10 18 125 NA +10 18 126 NA +10 18 127 MU +10 18 128 PO +10 18 129 CO +10 18 130 MU +10 18 131 NE +10 18 132 NA +10 18 133 NN +10 18 134 MU +10 18 135 NA +10 18 136 NE +10 18 137 NN +10 18 138 NN +10 18 139 CO +10 18 140 NN +10 18 141 CO +10 18 142 CO +10 18 143 NN +10 18 144 NN +10 18 145 NN +10 18 146 PO +10 18 147 NN +10 18 148 NA +10 18 149 PO +10 18 150 NE +10 18 151 NN +10 18 152 NA +10 18 153 NE +10 18 154 MU +10 18 155 MU +10 18 156 NN +10 18 157 MU +10 18 158 CO +10 18 159 PO +10 18 160 NN +10 18 161 NN +10 18 162 NA +10 18 163 NE +10 18 164 NE +10 18 165 MU +10 18 166 NN +10 18 167 NN +10 18 168 NE +10 18 169 NN +10 18 170 MU +10 18 171 NN +10 18 172 CO +10 18 173 NA +10 18 174 PO +10 18 175 NE +10 18 176 NA +10 18 177 PO +10 18 178 NN +10 18 179 NA +10 18 180 NN +10 18 181 PO +10 18 182 NA +10 18 183 MU +10 18 184 NN +10 18 185 TR +10 18 186 NN +10 18 187 PO +10 18 188 NN +10 18 189 CO +10 18 190 TR +10 18 191 NN +10 18 192 NN +10 18 193 PO +10 18 194 NA +10 18 195 NN +10 18 196 NN +10 18 197 PO +10 18 198 MU +10 18 199 CO +10 18 200 NN +10 18 201 NA +10 18 202 NE +10 18 203 NA +10 18 204 MU +10 18 205 NN +10 18 206 CO +10 18 207 NA +10 18 208 PO +10 18 209 NN +10 18 210 NA +10 18 211 NE +10 18 212 PO +10 18 213 CO +10 18 214 PO +10 18 215 NA +10 18 216 MU +10 18 217 PO +10 18 218 NE +10 18 219 CO +10 18 220 NN +10 18 221 CO +10 18 222 NE +10 18 223 NE +10 18 224 CO +10 18 225 PO +10 18 226 NE +10 18 227 MU +10 18 228 NN +10 18 229 NN +10 18 230 CO +10 18 231 NN +10 18 232 PO +10 18 233 NN +10 18 234 NN +10 18 235 NN +10 18 236 PO +10 18 237 NA +10 18 238 NN +10 18 239 NA +10 18 240 NA +10 18 241 CO +10 18 242 PO +10 18 243 NA +10 18 244 CO +10 18 245 NA +10 18 246 NE +10 18 247 NN +10 18 248 NE +10 18 249 NE +10 18 250 NE +10 18 251 PO +10 18 252 CO +10 18 253 NN +10 18 254 NN +10 18 255 MU +10 18 256 NA +10 18 257 NN +10 18 258 PO +10 18 259 NA +10 18 260 PO +10 18 261 PO +10 18 262 CO +10 18 263 MU +10 18 264 CO +10 18 265 NN +10 18 266 NA +10 18 267 NA +10 18 268 NN +10 18 269 NA +10 18 270 PO +10 18 271 NN +10 18 272 CO +10 18 273 PO +10 18 274 CO +10 18 275 PO +10 18 276 NA +10 18 277 NN +10 18 278 PO +10 18 279 NE +10 18 280 NE +10 18 281 NE +10 18 282 NE +10 18 283 NA +10 18 284 CO +10 18 285 NA +10 18 286 CO +10 18 287 PO +10 18 288 NA +10 18 289 NE +10 18 290 CO +10 18 291 NE +10 18 292 NA +10 18 293 CO +10 18 294 CO +10 18 295 PO +10 18 296 NN +10 18 297 PO +10 18 298 NA +10 18 299 NN +10 18 300 CO +10 18 301 NN +10 18 302 CO +10 18 303 NN +10 18 304 NN +10 18 305 NA +10 18 306 NN +10 18 307 NN +10 18 308 NN +10 18 309 MU +10 18 310 NE +10 18 311 NE +10 18 312 MU +10 18 313 NN +10 18 314 CO +10 18 315 NN +10 18 316 NN +10 18 317 NA +10 18 318 NA +10 18 319 CO +10 18 320 NN +10 18 321 NA +10 18 322 NE +10 18 323 NE +10 18 324 CO +10 18 325 NA +10 18 326 PO +10 18 327 CO +10 18 328 NN +10 18 329 PO +10 18 330 CO +10 19 1 NN +10 19 2 NN +10 19 3 NA +10 19 4 PA +10 19 5 NN +10 19 6 PO +10 19 7 NN +10 19 8 NA +10 19 9 PA +10 19 10 NN +10 19 11 NN +10 19 12 PA +10 19 13 NN +10 19 14 NN +10 19 15 CO +10 19 16 CO +10 19 17 NA +10 19 18 MU +10 19 19 NN +10 19 20 NN +10 19 21 PA +10 19 22 CO +10 19 23 NN +10 19 24 MU +10 19 25 NE +10 19 26 NN +10 19 27 CO +10 19 28 PA +10 19 29 NN +10 19 30 PA +10 19 31 NN +10 19 32 PA +10 19 33 NN +10 19 34 NN +10 19 35 PA +10 19 36 NN +10 19 37 NN +10 19 38 NA +10 19 39 NN +10 19 40 NN +10 19 41 NA +10 19 42 PA +10 19 43 NN +10 19 44 CO +10 19 45 NN +10 19 46 CO +10 19 47 NN +10 19 48 PA +10 19 49 NN +10 19 50 PA +10 19 51 MU +10 19 52 CO +10 19 53 NA +10 19 54 NN +10 19 55 NE +10 19 56 PO +10 19 57 NN +10 19 58 PO +10 19 59 CO +10 19 60 NE +10 19 61 NA +10 19 62 PO +10 19 63 PA +10 19 64 NE +10 19 65 NA +10 19 66 CO +10 19 67 NE +10 19 68 NA +10 19 69 PO +10 19 70 CO +10 19 71 NA +10 19 72 NE +10 19 73 NA +10 19 74 NE +10 19 75 NN +10 19 76 PA +10 19 77 NN +10 19 78 CO +10 19 79 MU +10 19 80 NN +10 19 81 NE +10 19 82 NE +10 19 83 CO +10 19 84 PA +10 19 85 NE +10 19 86 PA +10 19 87 MU +10 19 88 PA +10 19 89 MU +10 19 90 NN +10 19 91 PA +10 19 92 CO +10 19 93 NN +10 19 94 MU +10 19 95 PA +10 19 96 PO +10 19 97 NN +10 19 98 NA +10 19 99 PA +10 19 100 NN +10 19 101 NA +10 19 102 CO +10 19 103 PO +10 19 104 NN +10 19 105 PA +10 19 106 PO +10 19 107 CO +10 19 108 NN +10 19 109 NN +10 19 110 PO +10 19 111 NN +10 19 112 NA +10 19 113 MU +10 19 114 NN +10 19 115 NA +10 19 116 NN +10 19 117 MU +10 19 118 PO +10 19 119 NN +10 19 120 CO +10 19 121 NA +10 19 122 NN +10 19 123 NN +10 19 124 PA +10 19 125 NA +10 19 126 PA +10 19 127 NN +10 19 128 PA +10 19 129 CO +10 19 130 NN +10 19 131 PA +10 19 132 NA +10 19 133 NN +10 19 134 MU +10 19 135 PA +10 19 136 NN +10 19 137 NE +10 19 138 NN +10 19 139 CO +10 19 140 NN +10 19 141 CO +10 19 142 CO +10 19 143 PA +10 19 144 NN +10 19 145 NN +10 19 146 PA +10 19 147 NN +10 19 148 NA +10 19 149 NE +10 19 150 NN +10 19 151 PO +10 19 152 PO +10 19 153 NN +10 19 154 MU +10 19 155 MU +10 19 156 NN +10 19 157 PA +10 19 158 CO +10 19 159 PA +10 19 160 PA +10 19 161 NN +10 19 162 NA +10 19 163 NN +10 19 164 NN +10 19 165 PA +10 19 166 NN +10 19 167 PA +10 19 168 NN +10 19 169 NN +10 19 170 MU +10 19 171 PA +10 19 172 CO +10 19 173 PA +10 19 174 PA +10 19 175 NN +10 19 176 NA +10 19 177 PA +10 19 178 NN +10 19 179 PA +10 19 180 NN +10 19 181 PA +10 19 182 NN +10 19 183 PA +10 19 184 NN +10 19 185 PO +10 19 186 NN +10 19 187 PO +10 19 188 NN +10 19 189 NN +10 19 190 PA +10 19 191 NN +10 19 192 NN +10 19 193 PO +10 19 194 NA +10 19 195 NN +10 19 196 PA +10 19 197 PA +10 19 198 MU +10 19 199 CO +10 19 200 NN +10 19 201 PA +10 19 202 NN +10 19 203 PA +10 19 204 PA +10 19 205 NN +10 19 206 CO +10 19 207 PA +10 19 208 PO +10 19 209 NN +10 19 210 NA +10 19 211 NN +10 19 212 PO +10 19 213 CO +10 19 214 PO +10 19 215 PA +10 19 216 MU +10 19 217 PA +10 19 218 PO +10 19 219 CO +10 19 220 NN +10 19 221 CO +10 19 222 NN +10 19 223 NN +10 19 224 CO +10 19 225 PO +10 19 226 NN +10 19 227 MU +10 19 228 NN +10 19 229 NN +10 19 230 CO +10 19 231 PA +10 19 232 PA +10 19 233 NN +10 19 234 NN +10 19 235 NN +10 19 236 NE +10 19 237 NA +10 19 238 NN +10 19 239 PO +10 19 240 NA +10 19 241 CO +10 19 242 PO +10 19 243 NA +10 19 244 NN +10 19 245 NA +10 19 246 NN +10 19 247 NN +10 19 248 NE +10 19 249 PO +10 19 250 NN +10 19 251 PA +10 19 252 CO +10 19 253 NN +10 19 254 NE +10 19 255 MU +10 19 256 NA +10 19 257 NE +10 19 258 PO +10 19 259 NA +10 19 260 PO +10 19 261 PO +10 19 262 CO +10 19 263 CO +10 19 264 NN +10 19 265 NN +10 19 266 NA +10 19 267 NE +10 19 268 NN +10 19 269 PO +10 19 270 PO +10 19 271 NE +10 19 272 CO +10 19 273 NN +10 19 274 CO +10 19 275 PO +10 19 276 NA +10 19 277 NE +10 19 278 PO +10 19 279 NE +10 19 280 NE +10 19 281 NN +10 19 282 NE +10 19 283 PA +10 19 284 CO +10 19 285 PA +10 19 286 CO +10 19 287 PO +10 19 288 NA +10 19 289 NN +10 19 290 CO +10 19 291 NN +10 19 292 PA +10 19 293 NN +10 19 294 NN +10 19 295 PO +10 19 296 NN +10 19 297 PO +10 19 298 NA +10 19 299 NN +10 19 300 CO +10 19 301 NN +10 19 302 CO +10 19 303 PA +10 19 304 PA +10 19 305 NN +10 19 306 PA +10 19 307 NN +10 19 308 PA +10 19 309 MU +10 19 310 NN +10 19 311 NN +10 19 312 MU +10 19 313 NN +10 19 314 CO +10 19 315 NN +10 19 316 NE +10 19 317 NA +10 19 318 PO +10 19 319 CO +10 19 320 PA +10 19 321 NA +10 19 322 NE +10 19 323 NN +10 19 324 CO +10 19 325 NE +10 19 326 PO +10 19 327 NN +10 19 328 NN +10 19 329 PO +10 19 330 NN +10 20 1 NN +10 20 2 NN +10 20 3 NA +10 20 4 NA +10 20 5 NN +10 20 6 PO +10 20 7 NN +10 20 8 NA +10 20 9 PO +10 20 10 NN +10 20 11 NN +10 20 12 PO +10 20 13 NN +10 20 14 NN +10 20 15 PO +10 20 16 CO +10 20 17 NA +10 20 18 NE +10 20 19 NN +10 20 20 PO +10 20 21 NA +10 20 22 PO +10 20 23 PO +10 20 24 MU +10 20 25 NN +10 20 26 NN +10 20 27 CO +10 20 28 NA +10 20 29 NN +10 20 30 PO +10 20 31 PO +10 20 32 NA +10 20 33 NN +10 20 34 NN +10 20 35 PO +10 20 36 MU +10 20 37 NN +10 20 38 NA +10 20 39 NN +10 20 40 NN +10 20 41 NA +10 20 42 PO +10 20 43 MU +10 20 44 CO +10 20 45 NN +10 20 46 PO +10 20 47 MU +10 20 48 PO +10 20 49 NN +10 20 50 PO +10 20 51 PO +10 20 52 CO +10 20 53 NA +10 20 54 PO +10 20 55 NN +10 20 56 PO +10 20 57 NE +10 20 58 PO +10 20 59 CO +10 20 60 MU +10 20 61 NA +10 20 62 CO +10 20 63 PO +10 20 64 NN +10 20 65 NA +10 20 66 CO +10 20 67 NN +10 20 68 PO +10 20 69 PO +10 20 70 CO +10 20 71 PO +10 20 72 NN +10 20 73 PO +10 20 74 NN +10 20 75 NE +10 20 76 NA +10 20 77 NN +10 20 78 PO +10 20 79 NE +10 20 80 NE +10 20 81 PO +10 20 82 PO +10 20 83 CO +10 20 84 CO +10 20 85 NN +10 20 86 PO +10 20 87 NE +10 20 88 PO +10 20 89 MU +10 20 90 NE +10 20 91 PO +10 20 92 CO +10 20 93 NE +10 20 94 MU +10 20 95 CO +10 20 96 PO +10 20 97 NE +10 20 98 NA +10 20 99 PO +10 20 100 NE +10 20 101 PO +10 20 102 CO +10 20 103 NE +10 20 104 NE +10 20 105 PO +10 20 106 PO +10 20 107 CO +10 20 108 NE +10 20 109 NE +10 20 110 PO +10 20 111 NE +10 20 112 NA +10 20 113 MU +10 20 114 MU +10 20 115 NA +10 20 116 NE +10 20 117 MU +10 20 118 PO +10 20 119 NE +10 20 120 CO +10 20 121 NA +10 20 122 NN +10 20 123 NN +10 20 124 PO +10 20 125 NA +10 20 126 PO +10 20 127 MU +10 20 128 PO +10 20 129 CO +10 20 130 NE +10 20 131 PO +10 20 132 NA +10 20 133 NE +10 20 134 PO +10 20 135 PO +10 20 136 NE +10 20 137 NE +10 20 138 NN +10 20 139 CO +10 20 140 NN +10 20 141 CO +10 20 142 CO +10 20 143 PO +10 20 144 NE +10 20 145 NE +10 20 146 PO +10 20 147 NE +10 20 148 NA +10 20 149 NE +10 20 150 MU +10 20 151 PO +10 20 152 PO +10 20 153 PO +10 20 154 MU +10 20 155 MU +10 20 156 NN +10 20 157 PO +10 20 158 CO +10 20 159 PO +10 20 160 PO +10 20 161 NE +10 20 162 NA +10 20 163 NE +10 20 164 NE +10 20 165 PO +10 20 166 MU +10 20 167 CO +10 20 168 NE +10 20 169 NE +10 20 170 MU +10 20 171 NE +10 20 172 CO +10 20 173 NA +10 20 174 PO +10 20 175 NE +10 20 176 NA +10 20 177 PO +10 20 178 NE +10 20 179 PO +10 20 180 NE +10 20 181 PO +10 20 182 PO +10 20 183 PO +10 20 184 PO +10 20 185 PO +10 20 186 NE +10 20 187 PO +10 20 188 NE +10 20 189 NE +10 20 190 PO +10 20 191 NN +10 20 192 PO +10 20 193 PO +10 20 194 PO +10 20 195 PO +10 20 196 NE +10 20 197 PO +10 20 198 MU +10 20 199 PO +10 20 200 NE +10 20 201 PA +10 20 202 NN +10 20 203 PO +10 20 204 MU +10 20 205 NN +10 20 206 CO +10 20 207 PO +10 20 208 PO +10 20 209 NE +10 20 210 PO +10 20 211 NE +10 20 212 PO +10 20 213 CO +10 20 214 PO +10 20 215 PO +10 20 216 MU +10 20 217 PO +10 20 218 PO +10 20 219 CO +10 20 220 NN +10 20 221 CO +10 20 222 PO +10 20 223 NN +10 20 224 CO +10 20 225 NE +10 20 226 NN +10 20 227 MU +10 20 228 NN +10 20 229 NN +10 20 230 CO +10 20 231 PO +10 20 232 PO +10 20 233 NE +10 20 234 NE +10 20 235 NE +10 20 236 PO +10 20 237 PO +10 20 238 NE +10 20 239 PO +10 20 240 PO +10 20 241 CO +10 20 242 PO +10 20 243 PO +10 20 244 CO +10 20 245 NA +10 20 246 NE +10 20 247 NE +10 20 248 MU +10 20 249 MU +10 20 250 NN +10 20 251 NN +10 20 252 CO +10 20 253 NN +10 20 254 NN +10 20 255 MU +10 20 256 NA +10 20 257 NN +10 20 258 PO +10 20 259 NA +10 20 260 PO +10 20 261 PO +10 20 262 CO +10 20 263 CO +10 20 264 NN +10 20 265 NN +10 20 266 PO +10 20 267 PO +10 20 268 NN +10 20 269 PO +10 20 270 PO +10 20 271 NN +10 20 272 CO +10 20 273 PO +10 20 274 CO +10 20 275 PO +10 20 276 NA +10 20 277 NN +10 20 278 PO +10 20 279 NN +10 20 280 PO +10 20 281 NN +10 20 282 NN +10 20 283 PO +10 20 284 CO +10 20 285 PO +10 20 286 CO +10 20 287 PO +10 20 288 NA +10 20 289 NN +10 20 290 PA +10 20 291 NN +10 20 292 PO +10 20 293 NN +10 20 294 NN +10 20 295 NE +10 20 296 NE +10 20 297 PO +10 20 298 NA +10 20 299 NN +10 20 300 CO +10 20 301 NN +10 20 302 PO +10 20 303 NE +10 20 304 PO +10 20 305 NE +10 20 306 PO +10 20 307 PO +10 20 308 PO +10 20 309 NE +10 20 310 NN +10 20 311 NN +10 20 312 MU +10 20 313 NN +10 20 314 CO +10 20 315 NN +10 20 316 NN +10 20 317 NN +10 20 318 PA +10 20 319 CO +10 20 320 PO +10 20 321 NA +10 20 322 NN +10 20 323 NN +10 20 324 CO +10 20 325 PA +10 20 326 PA +10 20 327 NN +10 20 328 MU +10 20 329 PO +10 20 330 NN +10 21 1 NN +10 21 2 NN +10 21 3 NA +10 21 4 NA +10 21 5 NN +10 21 6 PO +10 21 7 TI +10 21 8 NA +10 21 9 MU +10 21 10 NN +10 21 11 NN +10 21 12 TI +10 21 13 NN +10 21 14 CO +10 21 15 TI +10 21 16 CO +10 21 17 NA +10 21 18 MU +10 21 19 NN +10 21 20 NN +10 21 21 NA +10 21 22 TI +10 21 23 PA +10 21 24 MU +10 21 25 NN +10 21 26 NN +10 21 27 CO +10 21 28 NA +10 21 29 NN +10 21 30 TI +10 21 31 CO +10 21 32 NA +10 21 33 NN +10 21 34 NN +10 21 35 TI +10 21 36 MU +10 21 37 NN +10 21 38 NA +10 21 39 TI +10 21 40 NN +10 21 41 NA +10 21 42 PO +10 21 43 MU +10 21 44 CO +10 21 45 NN +10 21 46 MU +10 21 47 MU +10 21 48 PO +10 21 49 CO +10 21 50 TI +10 21 51 MU +10 21 52 CO +10 21 53 NA +10 21 54 NN +10 21 55 NN +10 21 56 TI +10 21 57 NN +10 21 58 PO +10 21 59 CO +10 21 60 MU +10 21 61 NA +10 21 62 PO +10 21 63 PO +10 21 64 NN +10 21 65 NA +10 21 66 CO +10 21 67 NN +10 21 68 NA +10 21 69 PA +10 21 70 CO +10 21 71 PA +10 21 72 NN +10 21 73 PA +10 21 74 CO +10 21 75 MU +10 21 76 NA +10 21 77 NN +10 21 78 CO +10 21 79 MU +10 21 80 NN +10 21 81 NN +10 21 82 NN +10 21 83 PO +10 21 84 PO +10 21 85 NN +10 21 86 PA +10 21 87 MU +10 21 88 PA +10 21 89 MU +10 21 90 NN +10 21 91 PO +10 21 92 CO +10 21 93 NN +10 21 94 MU +10 21 95 CO +10 21 96 PO +10 21 97 NN +10 21 98 NA +10 21 99 PO +10 21 100 NN +10 21 101 NA +10 21 102 CO +10 21 103 TI +10 21 104 NN +10 21 105 NA +10 21 106 PO +10 21 107 CO +10 21 108 CO +10 21 109 NN +10 21 110 PO +10 21 111 NN +10 21 112 NA +10 21 113 MU +10 21 114 NN +10 21 115 NA +10 21 116 CO +10 21 117 MU +10 21 118 PO +10 21 119 NN +10 21 120 CO +10 21 121 PO +10 21 122 NN +10 21 123 NN +10 21 124 PO +10 21 125 NA +10 21 126 PA +10 21 127 MU +10 21 128 PO +10 21 129 CO +10 21 130 MU +10 21 131 PO +10 21 132 NA +10 21 133 NN +10 21 134 NN +10 21 135 PO +10 21 136 NN +10 21 137 NN +10 21 138 CO +10 21 139 CO +10 21 140 NN +10 21 141 CO +10 21 142 CO +10 21 143 NN +10 21 144 NN +10 21 145 NN +10 21 146 PO +10 21 147 NN +10 21 148 NA +10 21 149 NN +10 21 150 PO +10 21 151 PO +10 21 152 NN +10 21 153 NN +10 21 154 MU +10 21 155 MU +10 21 156 NN +10 21 157 MU +10 21 158 CO +10 21 159 PO +10 21 160 PO +10 21 161 NN +10 21 162 NA +10 21 163 NN +10 21 164 NN +10 21 165 MU +10 21 166 MU +10 21 167 PO +10 21 168 NN +10 21 169 NN +10 21 170 MU +10 21 171 MU +10 21 172 CO +10 21 173 NA +10 21 174 PO +10 21 175 CO +10 21 176 NA +10 21 177 CO +10 21 178 NN +10 21 179 NA +10 21 180 NN +10 21 181 PO +10 21 182 NA +10 21 183 NN +10 21 184 PO +10 21 185 PO +10 21 186 NN +10 21 187 PA +10 21 188 NN +10 21 189 CO +10 21 190 TI +10 21 191 NN +10 21 192 PO +10 21 193 PA +10 21 194 MU +10 21 195 NN +10 21 196 CO +10 21 197 PO +10 21 198 MU +10 21 199 CO +10 21 200 NN +10 21 201 PO +10 21 202 NN +10 21 203 PO +10 21 204 MU +10 21 205 MU +10 21 206 CO +10 21 207 NA +10 21 208 PO +10 21 209 NE +10 21 210 NA +10 21 211 NE +10 21 212 PO +10 21 213 CO +10 21 214 PO +10 21 215 NN +10 21 216 MU +10 21 217 PO +10 21 218 NE +10 21 219 CO +10 21 220 NN +10 21 221 CO +10 21 222 NN +10 21 223 NN +10 21 224 CO +10 21 225 PA +10 21 226 NN +10 21 227 MU +10 21 228 NN +10 21 229 NN +10 21 230 CO +10 21 231 PA +10 21 232 PA +10 21 233 CO +10 21 234 NN +10 21 235 NN +10 21 236 PA +10 21 237 PA +10 21 238 NN +10 21 239 PA +10 21 240 NA +10 21 241 CO +10 21 242 CO +10 21 243 NA +10 21 244 CO +10 21 245 NA +10 21 246 NN +10 21 247 NN +10 21 248 MU +10 21 249 NN +10 21 250 NN +10 21 251 CO +10 21 252 CO +10 21 253 NN +10 21 254 NN +10 21 255 MU +10 21 256 NA +10 21 257 NN +10 21 258 PO +10 21 259 NA +10 21 260 CO +10 21 261 NA +10 21 262 CO +10 21 263 MU +10 21 264 CO +10 21 265 NN +10 21 266 NA +10 21 267 NA +10 21 268 NN +10 21 269 NN +10 21 270 PO +10 21 271 MU +10 21 272 CO +10 21 273 NN +10 21 274 CO +10 21 275 TI +10 21 276 NA +10 21 277 NN +10 21 278 TI +10 21 279 NN +10 21 280 TI +10 21 281 NN +10 21 282 NN +10 21 283 MU +10 21 284 CO +10 21 285 TI +10 21 286 CO +10 21 287 TI +10 21 288 NA +10 21 289 NN +10 21 290 CO +10 21 291 NN +10 21 292 TI +10 21 293 CO +10 21 294 CO +10 21 295 MU +10 21 296 NN +10 21 297 TI +10 21 298 NA +10 21 299 NN +10 21 300 CO +10 21 301 NN +10 21 302 CO +10 21 303 CO +10 21 304 TI +10 21 305 MU +10 21 306 TI +10 21 307 NN +10 21 308 TI +10 21 309 MU +10 21 310 NN +10 21 311 NN +10 21 312 MU +10 21 313 MU +10 21 314 CO +10 21 315 NN +10 21 316 NN +10 21 317 TI +10 21 318 TI +10 21 319 CO +10 21 320 TI +10 21 321 NA +10 21 322 CO +10 21 323 NN +10 21 324 CO +10 21 325 NN +10 21 326 TI +10 21 327 CO +10 21 328 NN +10 21 329 TI +10 21 330 CO +10 22 1 NN +10 22 2 NN +10 22 3 NA +10 22 4 MU +10 22 5 NE +10 22 6 PA +10 22 7 NE +10 22 8 NA +10 22 9 PA +10 22 10 NN +10 22 11 MU +10 22 12 PO +10 22 13 NN +10 22 14 NN +10 22 15 PA +10 22 16 CO +10 22 17 NA +10 22 18 NN +10 22 19 NN +10 22 20 NN +10 22 21 NA +10 22 22 RI +10 22 23 PA +10 22 24 NE +10 22 25 NN +10 22 26 NN +10 22 27 CO +10 22 28 NA +10 22 29 NE +10 22 30 NE +10 22 31 NN +10 22 32 NA +10 22 33 NN +10 22 34 NN +10 22 35 NA +10 22 36 NN +10 22 37 NN +10 22 38 NA +10 22 39 NE +10 22 40 NN +10 22 41 NA +10 22 42 RI +10 22 43 NN +10 22 44 CO +10 22 45 NN +10 22 46 * +10 22 47 NN +10 22 48 RI +10 22 49 MU +10 22 50 PA +10 22 51 PA +10 22 52 CO +10 22 53 NA +10 22 54 NE +10 22 55 NN +10 22 56 RI +10 22 57 NE +10 22 58 NO +10 22 59 PA +10 22 60 NE +10 22 61 PA +10 22 62 NO +10 22 63 NA +10 22 64 MU +10 22 65 NA +10 22 66 CO +10 22 67 NE +10 22 68 NA +10 22 69 * +10 22 70 CO +10 22 71 NA +10 22 72 NN +10 22 73 NN +10 22 74 CO +10 22 75 NN +10 22 76 NA +10 22 77 NN +10 22 78 NO +10 22 79 CO +10 22 80 NN +10 22 81 NO +10 22 82 NN +10 22 83 CO +10 22 84 PA +10 22 85 NN +10 22 86 NA +10 22 87 NN +10 22 88 NO +10 22 89 NO +10 22 90 MU +10 22 91 NO +10 22 92 CO +10 22 93 NN +10 22 94 NN +10 22 95 NN +10 22 96 RI +10 22 97 NN +10 22 98 NA +10 22 99 RI +10 22 100 NN +10 22 101 NO +10 22 102 NO +10 22 103 NO +10 22 104 NN +10 22 105 NO +10 22 106 NO +10 22 107 CO +10 22 108 CO +10 22 109 MU +10 22 110 NO +10 22 111 NN +10 22 112 NA +10 22 113 NN +10 22 114 NN +10 22 115 NA +10 22 116 CO +10 22 117 NN +10 22 118 NA +10 22 119 NN +10 22 120 CO +10 22 121 NA +10 22 122 NN +10 22 123 NN +10 22 124 RI +10 22 125 NA +10 22 126 RI +10 22 127 PA +10 22 128 CO +10 22 129 CO +10 22 130 NN +10 22 131 NO +10 22 132 NA +10 22 133 NN +10 22 134 NN +10 22 135 NN +10 22 136 NN +10 22 137 NN +10 22 138 NN +10 22 139 CO +10 22 140 NN +10 22 141 CO +10 22 142 CO +10 22 143 NO +10 22 144 NN +10 22 145 NN +10 22 146 RI +10 22 147 NN +10 22 148 NA +10 22 149 RI +10 22 150 NN +10 22 151 RI +10 22 152 NN +10 22 153 NN +10 22 154 NN +10 22 155 NN +10 22 156 NN +10 22 157 * +10 22 158 CO +10 22 159 RI +10 22 160 RI +10 22 161 NN +10 22 162 NA +10 22 163 NE +10 22 164 NE +10 22 165 NN +10 22 166 NN +10 22 167 PA +10 22 168 NN +10 22 169 NN +10 22 170 NN +10 22 171 NN +10 22 172 CO +10 22 173 NA +10 22 174 RI +10 22 175 NE +10 22 176 NA +10 22 177 RI +10 22 178 NN +10 22 179 NA +10 22 180 RI +10 22 181 NA +10 22 182 NN +10 22 183 NN +10 22 184 RI +10 22 185 RI +10 22 186 NN +10 22 187 RI +10 22 188 NE +10 22 189 NE +10 22 190 RI +10 22 191 NN +10 22 192 NN +10 22 193 RI +10 22 194 NA +10 22 195 RI +10 22 196 NN +10 22 197 RI +10 22 198 NN +10 22 199 CO +10 22 200 NN +10 22 201 RI +10 22 202 RI +10 22 203 NA +10 22 204 NN +10 22 205 NN +10 22 206 CO +10 22 207 NA +10 22 208 RI +10 22 209 NN +10 22 210 NN +10 22 211 RI +10 22 212 RI +10 22 213 CR +10 22 214 CR +10 22 215 NA +10 22 216 NN +10 22 217 CO +10 22 218 CO +10 22 219 CO +10 22 220 NN +10 22 221 NN +10 22 222 MU +10 22 223 NN +10 22 224 CO +10 22 225 NN +10 22 226 MU +10 22 227 MU +10 22 228 NN +10 22 229 CO +10 22 230 CO +10 22 231 NA +10 22 232 NE +10 22 233 MU +10 22 234 MU +10 22 235 MU +10 22 236 NN +10 22 237 RI +10 22 238 NN +10 22 239 NA +10 22 240 NN +10 22 241 CO +10 22 242 CR +10 22 243 NA +10 22 244 CR +10 22 245 NA +10 22 246 NE +10 22 247 CR +10 22 248 CR +10 22 249 NN +10 22 250 NN +10 22 251 CR +10 22 252 CR +10 22 253 NE +10 22 254 NE +10 22 255 MU +10 22 256 NA +10 22 257 MU +10 22 258 RI +10 22 259 NA +10 22 260 RI +10 22 261 RI +10 22 262 CO +10 22 263 RI +10 22 264 NN +10 22 265 MU +10 22 266 NA +10 22 267 NA +10 22 268 RI +10 22 269 NA +10 22 270 NA +10 22 271 RI +10 22 272 CO +10 22 273 RI +10 22 274 CO +10 22 275 CO +10 22 276 NA +10 22 277 NN +10 22 278 NA +10 22 279 MU +10 22 280 RI +10 22 281 MU +10 22 282 MU +10 22 283 MU +10 22 284 CO +10 22 285 RI +10 22 286 NA +10 22 287 RI +10 22 288 NA +10 22 289 MU +10 22 290 RI +10 22 291 MU +10 22 292 NA +10 22 293 CO +10 22 294 CO +10 22 295 NE +10 22 296 MU +10 22 297 RI +10 22 298 NA +10 22 299 NN +10 22 300 CR +10 22 301 NN +10 22 302 CR +10 22 303 RI +10 22 304 MU +10 22 305 NN +10 22 306 NN +10 22 307 MU +10 22 308 NO +10 22 309 NO +10 22 310 NN +10 22 311 NN +10 22 312 NN +10 22 313 MU +10 22 314 CO +10 22 315 NO +10 22 316 MU +10 22 317 NA +10 22 318 RI +10 22 319 CO +10 22 320 NO +10 22 321 NA +10 22 322 MU +10 22 323 MU +10 22 324 CO +10 22 325 MU +10 22 326 RI +10 22 327 CO +10 22 328 NN +10 22 329 NN +10 22 330 CO +10 23 1 NE +10 23 2 NE +10 23 3 NA +10 23 4 PA +10 23 5 NE +10 23 6 PO +10 23 7 NE +10 23 8 NA +10 23 9 PA +10 23 10 NE +10 23 11 NE +10 23 12 PO +10 23 13 NE +10 23 14 NE +10 23 15 NA +10 23 16 CO +10 23 17 NA +10 23 18 MU +10 23 19 NE +10 23 20 NE +10 23 21 NA +10 23 22 PO +10 23 23 PA +10 23 24 MA +10 23 25 NE +10 23 26 NE +10 23 27 PA +10 23 28 NA +10 23 29 NE +10 23 30 PA +10 23 31 NE +10 23 32 NA +10 23 33 NE +10 23 34 NE +10 23 35 NA +10 23 36 MA +10 23 37 MA +10 23 38 NA +10 23 39 NE +10 23 40 NE +10 23 41 NA +10 23 42 PO +10 23 43 MU +10 23 44 CO +10 23 45 NE +10 23 46 NE +10 23 47 NE +10 23 48 NA +10 23 49 NE +10 23 50 PA +10 23 51 PA +10 23 52 CO +10 23 53 NA +10 23 54 NE +10 23 55 NE +10 23 56 NA +10 23 57 NE +10 23 58 MA +10 23 59 NA +10 23 60 NE +10 23 61 NA +10 23 62 NE +10 23 63 NA +10 23 64 NE +10 23 65 NA +10 23 66 CO +10 23 67 NE +10 23 68 NA +10 23 69 MA +10 23 70 CO +10 23 71 NA +10 23 72 NE +10 23 73 NA +10 23 74 NE +10 23 75 MA +10 23 76 NA +10 23 77 NE +10 23 78 NA +10 23 79 NE +10 23 80 NE +10 23 81 PO +10 23 82 NE +10 23 83 PO +10 23 84 NA +10 23 85 NE +10 23 86 NA +10 23 87 NE +10 23 88 NA +10 23 89 NE +10 23 90 NE +10 23 91 PO +10 23 92 CO +10 23 93 NE +10 23 94 MU +10 23 95 PO +10 23 96 PO +10 23 97 NN +10 23 98 NA +10 23 99 PA +10 23 100 NN +10 23 101 NA +10 23 102 CO +10 23 103 MU +10 23 104 NN +10 23 105 NA +10 23 106 PO +10 23 107 CO +10 23 108 NE +10 23 109 NE +10 23 110 NA +10 23 111 MU +10 23 112 NA +10 23 113 MU +10 23 114 MU +10 23 115 NA +10 23 116 PO +10 23 117 MU +10 23 118 NA +10 23 119 NE +10 23 120 CO +10 23 121 NA +10 23 122 NE +10 23 123 NE +10 23 124 PO +10 23 125 NA +10 23 126 NA +10 23 127 NE +10 23 128 PO +10 23 129 CO +10 23 130 CO +10 23 131 CO +10 23 132 NA +10 23 133 NE +10 23 134 NE +10 23 135 NA +10 23 136 NE +10 23 137 NE +10 23 138 NE +10 23 139 CO +10 23 140 NN +10 23 141 CO +10 23 142 CO +10 23 143 PO +10 23 144 NN +10 23 145 PO +10 23 146 PO +10 23 147 NN +10 23 148 NA +10 23 149 PO +10 23 150 NA +10 23 151 NA +10 23 152 NA +10 23 153 NE +10 23 154 NE +10 23 155 NE +10 23 156 NE +10 23 157 * +10 23 158 CO +10 23 159 NA +10 23 160 NA +10 23 161 NE +10 23 162 NA +10 23 163 NE +10 23 164 NE +10 23 165 PO +10 23 166 MU +10 23 167 NO +10 23 168 MU +10 23 169 NE +10 23 170 NE +10 23 171 PO +10 23 172 CO +10 23 173 NA +10 23 174 PO +10 23 175 NE +10 23 176 NA +10 23 177 PO +10 23 178 NE +10 23 179 NA +10 23 180 PO +10 23 181 PO +10 23 182 NA +10 23 183 * +10 23 184 NA +10 23 185 NA +10 23 186 NE +10 23 187 PO +10 23 188 NE +10 23 189 NE +10 23 190 NA +10 23 191 NE +10 23 192 NE +10 23 193 PO +10 23 194 NA +10 23 195 NE +10 23 196 NE +10 23 197 NA +10 23 198 MU +10 23 199 CO +10 23 200 NE +10 23 201 PO +10 23 202 NE +10 23 203 NA +10 23 204 SH +10 23 205 MO +10 23 206 CO +10 23 207 NA +10 23 208 PO +10 23 209 MU +10 23 210 PA +10 23 211 NE +10 23 212 NA +10 23 213 CO +10 23 214 PO +10 23 215 NA +10 23 216 NE +10 23 217 NA +10 23 218 PO +10 23 219 CO +10 23 220 NE +10 23 221 CO +10 23 222 PA +10 23 223 NE +10 23 224 CO +10 23 225 PA +10 23 226 NE +10 23 227 NE +10 23 228 NE +10 23 229 PO +10 23 230 PO +10 23 231 NA +10 23 232 * +10 23 233 NE +10 23 234 NE +10 23 235 NE +10 23 236 NE +10 23 237 NA +10 23 238 NE +10 23 239 NA +10 23 240 PA +10 23 241 CO +10 23 242 CO +10 23 243 NA +10 23 244 CO +10 23 245 NA +10 23 246 NE +10 23 247 NE +10 23 248 NE +10 23 249 NE +10 23 250 PA +10 23 251 NE +10 23 252 CO +10 23 253 NE +10 23 254 NE +10 23 255 MU +10 23 256 NA +10 23 257 NE +10 23 258 PO +10 23 259 NA +10 23 260 CO +10 23 261 PO +10 23 262 CO +10 23 263 MO +10 23 264 CO +10 23 265 NE +10 23 266 NA +10 23 267 NA +10 23 268 PO +10 23 269 NA +10 23 270 PO +10 23 271 MU +10 23 272 CO +10 23 273 NA +10 23 274 CO +10 23 275 PO +10 23 276 NA +10 23 277 NE +10 23 278 NA +10 23 279 NE +10 23 280 PO +10 23 281 NE +10 23 282 NE +10 23 283 NA +10 23 284 CO +10 23 285 NA +10 23 286 CO +10 23 287 NE +10 23 288 NA +10 23 289 NE +10 23 290 PA +10 23 291 NE +10 23 292 NA +10 23 293 NE +10 23 294 CO +10 23 295 NO +10 23 296 NA +10 23 297 PO +10 23 298 NA +10 23 299 NE +10 23 300 CO +10 23 301 NE +10 23 302 CO +10 23 303 NE +10 23 304 NE +10 23 305 NA +10 23 306 PO +10 23 307 NE +10 23 308 PO +10 23 309 MU +10 23 310 MU +10 23 311 NE +10 23 312 MU +10 23 313 NN +10 23 314 NA +10 23 315 NE +10 23 316 NE +10 23 317 NA +10 23 318 NA +10 23 319 CO +10 23 320 NE +10 23 321 NA +10 23 322 NE +10 23 323 NE +10 23 324 CO +10 23 325 PA +10 23 326 PO +10 23 327 CO +10 23 328 NE +10 23 329 NE +10 23 330 CO +10 24 1 NN +10 24 2 NN +10 24 3 PO +10 24 4 NN +10 24 5 NN +10 24 6 PA +10 24 7 NE +10 24 8 NA +10 24 9 PO +10 24 10 NN +10 24 11 NE +10 24 12 PO +10 24 13 NE +10 24 14 NN +10 24 15 TR +10 24 16 CO +10 24 17 PA +10 24 18 MU +10 24 19 NN +10 24 20 NE +10 24 21 TR +10 24 22 PO +10 24 23 NE +10 24 24 NN +10 24 25 NE +10 24 26 NN +10 24 27 TR +10 24 28 NA +10 24 29 NE +10 24 30 PO +10 24 31 TR +10 24 32 NA +10 24 33 NE +10 24 34 NN +10 24 35 PO +10 24 36 NE +10 24 37 NN +10 24 38 NA +10 24 39 NE +10 24 40 NN +10 24 41 NA +10 24 42 PO +10 24 43 NN +10 24 44 TR +10 24 45 NN +10 24 46 MU +10 24 47 NN +10 24 48 PO +10 24 49 NN +10 24 50 NE +10 24 51 PO +10 24 52 TR +10 24 53 NA +10 24 54 NE +10 24 55 NN +10 24 56 PO +10 24 57 NN +10 24 58 PO +10 24 59 TR +10 24 60 NE +10 24 61 NA +10 24 62 TR +10 24 63 PO +10 24 64 NN +10 24 65 NA +10 24 66 TR +10 24 67 NN +10 24 68 NA +10 24 69 NE +10 24 70 TR +10 24 71 NA +10 24 72 NN +10 24 73 NN +10 24 74 TR +10 24 75 NN +10 24 76 PO +10 24 77 NN +10 24 78 TR +10 24 79 NN +10 24 80 NN +10 24 81 PO +10 24 82 NN +10 24 83 PO +10 24 84 NA +10 24 85 NN +10 24 86 NA +10 24 87 NN +10 24 88 NA +10 24 89 NN +10 24 90 NN +10 24 91 PO +10 24 92 TR +10 24 93 NN +10 24 94 NE +10 24 95 TR +10 24 96 PO +10 24 97 NN +10 24 98 NA +10 24 99 TR +10 24 100 NN +10 24 101 NA +10 24 102 NN +10 24 103 NE +10 24 104 NN +10 24 105 NA +10 24 106 PO +10 24 107 TR +10 24 108 CO +10 24 109 NN +10 24 110 PO +10 24 111 NE +10 24 112 NA +10 24 113 NE +10 24 114 NN +10 24 115 NA +10 24 116 CO +10 24 117 NE +10 24 118 PO +10 24 119 NN +10 24 120 CO +10 24 121 PO +10 24 122 NN +10 24 123 NE +10 24 124 PO +10 24 125 PO +10 24 126 TR +10 24 127 NE +10 24 128 PO +10 24 129 TR +10 24 130 NE +10 24 131 NN +10 24 132 NA +10 24 133 NN +10 24 134 NE +10 24 135 NA +10 24 136 NN +10 24 137 NN +10 24 138 NN +10 24 139 TR +10 24 140 NN +10 24 141 CO +10 24 142 CO +10 24 143 PO +10 24 144 NN +10 24 145 NN +10 24 146 PO +10 24 147 NE +10 24 148 NA +10 24 149 NE +10 24 150 NN +10 24 151 PO +10 24 152 TR +10 24 153 NN +10 24 154 NE +10 24 155 NN +10 24 156 NN +10 24 157 PO +10 24 158 CO +10 24 159 PO +10 24 160 PO +10 24 161 NE +10 24 162 NA +10 24 163 NN +10 24 164 NN +10 24 165 NE +10 24 166 NN +10 24 167 TR +10 24 168 NN +10 24 169 NN +10 24 170 NN +10 24 171 NE +10 24 172 CO +10 24 173 NA +10 24 174 PO +10 24 175 TR +10 24 176 NA +10 24 177 PO +10 24 178 NN +10 24 179 NA +10 24 180 NN +10 24 181 PO +10 24 182 NA +10 24 183 PO +10 24 184 NN +10 24 185 PO +10 24 186 TR +10 24 187 PO +10 24 188 NN +10 24 189 TR +10 24 190 PO +10 24 191 NN +10 24 192 NE +10 24 193 PO +10 24 194 NA +10 24 195 NN +10 24 196 NN +10 24 197 NE +10 24 198 NN +10 24 199 TR +10 24 200 NN +10 24 201 PO +10 24 202 NN +10 24 203 NA +10 24 204 NE +10 24 205 NN +10 24 206 TR +10 24 207 NA +10 24 208 PO +10 24 209 NE +10 24 210 NA +10 24 211 NN +10 24 212 PO +10 24 213 TR +10 24 214 PO +10 24 215 NA +10 24 216 NN +10 24 217 PO +10 24 218 PO +10 24 219 CO +10 24 220 NN +10 24 221 CO +10 24 222 NN +10 24 223 NN +10 24 224 TR +10 24 225 PO +10 24 226 NN +10 24 227 NE +10 24 228 NN +10 24 229 PO +10 24 230 TR +10 24 231 NA +10 24 232 PO +10 24 233 NN +10 24 234 NN +10 24 235 NN +10 24 236 PO +10 24 237 NA +10 24 238 NN +10 24 239 NA +10 24 240 PO +10 24 241 CO +10 24 242 PO +10 24 243 NA +10 24 244 CO +10 24 245 NA +10 24 246 NN +10 24 247 NN +10 24 248 NE +10 24 249 NN +10 24 250 NN +10 24 251 NE +10 24 252 TR +10 24 253 NN +10 24 254 NN +10 24 255 NE +10 24 256 NA +10 24 257 NN +10 24 258 PO +10 24 259 NA +10 24 260 PO +10 24 261 PO +10 24 262 CO +10 24 263 NN +10 24 264 NN +10 24 265 NN +10 24 266 PO +10 24 267 NA +10 24 268 NN +10 24 269 NA +10 24 270 PO +10 24 271 NN +10 24 272 CO +10 24 273 PO +10 24 274 CO +10 24 275 PO +10 24 276 NA +10 24 277 NN +10 24 278 NA +10 24 279 NN +10 24 280 NE +10 24 281 NN +10 24 282 NE +10 24 283 NN +10 24 284 CO +10 24 285 PO +10 24 286 CO +10 24 287 PO +10 24 288 NA +10 24 289 NN +10 24 290 PO +10 24 291 NN +10 24 292 PO +10 24 293 TR +10 24 294 TR +10 24 295 NN +10 24 296 NN +10 24 297 PO +10 24 298 NA +10 24 299 NN +10 24 300 TR +10 24 301 NN +10 24 302 TR +10 24 303 CO +10 24 304 PO +10 24 305 NA +10 24 306 NN +10 24 307 NN +10 24 308 PO +10 24 309 NN +10 24 310 NE +10 24 311 NN +10 24 312 NN +10 24 313 NN +10 24 314 TR +10 24 315 NN +10 24 316 NN +10 24 317 NA +10 24 318 PO +10 24 319 TR +10 24 320 PO +10 24 321 NA +10 24 322 NN +10 24 323 NN +10 24 324 TR +10 24 325 NA +10 24 326 PO +10 24 327 CO +10 24 328 NN +10 24 329 PO +10 24 330 CO +10 25 1 NN +10 25 2 MA +10 25 3 PA +10 25 4 MA +10 25 5 NN +10 25 6 PA +10 25 7 NE +10 25 8 NA +10 25 9 PA +10 25 10 NN +10 25 11 NE +10 25 12 PO +10 25 13 NE +10 25 14 NE +10 25 15 NN +10 25 16 CO +10 25 17 NA +10 25 18 CO +10 25 19 NE +10 25 20 NN +10 25 21 PA +10 25 22 TI +10 25 23 NN +10 25 24 CO +10 25 25 NE +10 25 26 NN +10 25 27 PA +10 25 28 PA +10 25 29 NE +10 25 30 PA +10 25 31 NN +10 25 32 PA +10 25 33 NE +10 25 34 NN +10 25 35 PA +10 25 36 NE +10 25 37 NE +10 25 38 PA +10 25 39 NE +10 25 40 NN +10 25 41 PA +10 25 42 TI +10 25 43 NN +10 25 44 CO +10 25 45 NE +10 25 46 NE +10 25 47 NE +10 25 48 TI +10 25 49 NN +10 25 50 NN +10 25 51 PA +10 25 52 CO +10 25 53 NA +10 25 54 NE +10 25 55 NN +10 25 56 TI +10 25 57 NE +10 25 58 PA +10 25 59 NN +10 25 60 NE +10 25 61 PA +10 25 62 NE +10 25 63 PA +10 25 64 NN +10 25 65 NA +10 25 66 CO +10 25 67 NE +10 25 68 PA +10 25 69 NE +10 25 70 CO +10 25 71 PA +10 25 72 NE +10 25 73 NE +10 25 74 NN +10 25 75 NE +10 25 76 PA +10 25 77 NE +10 25 78 PA +10 25 79 CO +10 25 80 NN +10 25 81 PA +10 25 82 NE +10 25 83 CO +10 25 84 PA +10 25 85 NE +10 25 86 PA +10 25 87 MU +10 25 88 NN +10 25 89 MU +10 25 90 NE +10 25 91 TI +10 25 92 CO +10 25 93 NE +10 25 94 MU +10 25 95 PA +10 25 96 PO +10 25 97 NN +10 25 98 PA +10 25 99 NN +10 25 100 NE +10 25 101 PA +10 25 102 NE +10 25 103 NE +10 25 104 NE +10 25 105 PA +10 25 106 PO +10 25 107 CO +10 25 108 NE +10 25 109 NN +10 25 110 PO +10 25 111 NE +10 25 112 PA +10 25 113 CO +10 25 114 NE +10 25 115 PA +10 25 116 NE +10 25 117 CO +10 25 118 PA +10 25 119 NE +10 25 120 CO +10 25 121 PA +10 25 122 NE +10 25 123 NN +10 25 124 MA +10 25 125 PA +10 25 126 MA +10 25 127 NE +10 25 128 PA +10 25 129 CO +10 25 130 NE +10 25 131 NN +10 25 132 PA +10 25 133 NE +10 25 134 MA +10 25 135 NE +10 25 136 NN +10 25 137 NE +10 25 138 NN +10 25 139 CO +10 25 140 NN +10 25 141 CO +10 25 142 CO +10 25 143 NE +10 25 144 NN +10 25 145 NN +10 25 146 TI +10 25 147 NN +10 25 148 PA +10 25 149 NN +10 25 150 NN +10 25 151 PA +10 25 152 NE +10 25 153 NE +10 25 154 CO +10 25 155 NE +10 25 156 NN +10 25 157 PA +10 25 158 CO +10 25 159 PA +10 25 160 PA +10 25 161 NE +10 25 162 PA +10 25 163 NE +10 25 164 NE +10 25 165 PA +10 25 166 MU +10 25 167 PA +10 25 168 NN +10 25 169 NN +10 25 170 MU +10 25 171 PA +10 25 172 CO +10 25 173 PA +10 25 174 TI +10 25 175 NE +10 25 176 PA +10 25 177 TI +10 25 178 NE +10 25 179 PA +10 25 180 NN +10 25 181 TI +10 25 182 NE +10 25 183 CO +10 25 184 NE +10 25 185 TI +10 25 186 NN +10 25 187 TI +10 25 188 NE +10 25 189 NN +10 25 190 PA +10 25 191 NE +10 25 192 PA +10 25 193 TI +10 25 194 NE +10 25 195 NN +10 25 196 MA +10 25 197 NE +10 25 198 MU +10 25 199 CO +10 25 200 NE +10 25 201 MA +10 25 202 NE +10 25 203 PA +10 25 204 MU +10 25 205 MA +10 25 206 CO +10 25 207 PA +10 25 208 MA +10 25 209 NE +10 25 210 NE +10 25 211 NN +10 25 212 TI +10 25 213 NN +10 25 214 TI +10 25 215 PA +10 25 216 NE +10 25 217 TI +10 25 218 MA +10 25 219 NN +10 25 220 NE +10 25 221 CO +10 25 222 NE +10 25 223 NN +10 25 224 CO +10 25 225 MA +10 25 226 NE +10 25 227 MU +10 25 228 NN +10 25 229 NE +10 25 230 CO +10 25 231 MA +10 25 232 MU +10 25 233 NE +10 25 234 NN +10 25 235 NN +10 25 236 CO +10 25 237 PA +10 25 238 NN +10 25 239 PA +10 25 240 PA +10 25 241 CO +10 25 242 TI +10 25 243 NN +10 25 244 CO +10 25 245 PA +10 25 246 NN +10 25 247 NN +10 25 248 MU +10 25 249 NN +10 25 250 NE +10 25 251 NN +10 25 252 CO +10 25 253 NE +10 25 254 MU +10 25 255 MU +10 25 256 PA +10 25 257 NE +10 25 258 TI +10 25 259 PA +10 25 260 CO +10 25 261 PA +10 25 262 CO +10 25 263 MA +10 25 264 NN +10 25 265 NE +10 25 266 PA +10 25 267 NN +10 25 268 NE +10 25 269 PA +10 25 270 TI +10 25 271 NE +10 25 272 CO +10 25 273 PA +10 25 274 CO +10 25 275 MA +10 25 276 PA +10 25 277 NE +10 25 278 PA +10 25 279 NN +10 25 280 NE +10 25 281 NN +10 25 282 NN +10 25 283 MA +10 25 284 CO +10 25 285 PA +10 25 286 CO +10 25 287 MA +10 25 288 PA +10 25 289 NE +10 25 290 CO +10 25 291 NN +10 25 292 PA +10 25 293 CO +10 25 294 CO +10 25 295 MU +10 25 296 NE +10 25 297 TI +10 25 298 PA +10 25 299 NE +10 25 300 CO +10 25 301 NN +10 25 302 CO +10 25 303 NN +10 25 304 NE +10 25 305 NN +10 25 306 TI +10 25 307 NE +10 25 308 NN +10 25 309 MU +10 25 310 NE +10 25 311 NN +10 25 312 MU +10 25 313 NN +10 25 314 CO +10 25 315 PO +10 25 316 NE +10 25 317 PA +10 25 318 TI +10 25 319 CO +10 25 320 NE +10 25 321 PA +10 25 322 NN +10 25 323 NE +10 25 324 CO +10 25 325 NN +10 25 326 TI +10 25 327 NE +10 25 328 NN +10 25 329 PA +10 25 330 CO +11 1 1 G +11 1 2 N +11 1 3 H +11 1 4 K +11 1 5 G +11 1 6 W +11 1 7 G +11 1 8 H +11 1 9 W +11 1 10 G +11 1 11 K +11 1 12 W +11 1 13 K +11 1 14 K +11 1 15 G +11 1 16 A +11 1 17 H +11 1 18 K +11 1 19 G +11 1 20 G +11 1 21 H +11 1 22 W +11 1 23 G +11 1 24 K +11 1 25 G +11 1 26 G +11 1 27 A +11 1 28 H +11 1 29 G +11 1 30 H +11 1 31 N +11 1 32 H +11 1 33 N +11 1 34 G +11 1 35 H +11 1 36 K +11 1 37 G +11 1 38 H +11 1 39 N +11 1 40 G +11 1 41 H +11 1 42 W +11 1 43 K +11 1 44 A +11 1 45 G +11 1 46 N +11 1 47 K +11 1 48 W +11 1 49 G +11 1 50 M +11 1 51 W +11 1 52 N +11 1 53 H +11 1 54 N +11 1 55 G +11 1 56 W +11 1 57 G +11 1 58 W +11 1 59 N +11 1 60 K +11 1 61 H +11 1 62 G +11 1 63 H +11 1 64 G +11 1 65 H +11 1 66 A +11 1 67 N +11 1 68 H +11 1 69 N +11 1 70 A +11 1 71 K +11 1 72 G +11 1 73 W +11 1 74 N +11 1 75 K +11 1 76 W +11 1 77 G +11 1 78 W +11 1 79 K +11 1 80 G +11 1 81 N +11 1 82 G +11 1 83 W +11 1 84 H +11 1 85 N +11 1 86 H +11 1 87 K +11 1 88 H +11 1 89 K +11 1 90 N +11 1 91 N +11 1 92 A +11 1 93 G +11 1 94 K +11 1 95 N +11 1 96 W +11 1 97 G +11 1 98 H +11 1 99 W +11 1 100 N +11 1 101 H +11 1 102 W +11 1 103 N +11 1 104 G +11 1 105 H +11 1 106 W +11 1 107 A +11 1 108 A +11 1 109 G +11 1 110 W +11 1 111 N +11 1 112 H +11 1 113 K +11 1 114 G +11 1 115 H +11 1 116 A +11 1 117 K +11 1 118 H +11 1 119 N +11 1 120 A +11 1 121 H +11 1 122 N +11 1 123 G +11 1 124 W +11 1 125 H +11 1 126 H +11 1 127 K +11 1 128 W +11 1 129 A +11 1 130 K +11 1 131 G +11 1 132 H +11 1 133 N +11 1 134 K +11 1 135 H +11 1 136 N +11 1 137 G +11 1 138 G +11 1 139 A +11 1 140 G +11 1 141 A +11 1 142 N +11 1 143 G +11 1 144 G +11 1 145 N +11 1 146 W +11 1 147 N +11 1 148 H +11 1 149 N +11 1 150 G +11 1 151 H +11 1 152 W +11 1 153 N +11 1 154 K +11 1 155 N +11 1 156 N +11 1 157 W +11 1 158 A +11 1 159 W +11 1 160 M +11 1 161 N +11 1 162 H +11 1 163 G +11 1 164 N +11 1 165 W +11 1 166 G +11 1 167 N +11 1 168 G +11 1 169 N +11 1 170 K +11 1 171 N +11 1 172 A +11 1 173 H +11 1 174 W +11 1 175 N +11 1 176 H +11 1 177 W +11 1 178 G +11 1 179 H +11 1 180 N +11 1 181 W +11 1 182 H +11 1 183 N +11 1 184 G +11 1 185 W +11 1 186 N +11 1 187 W +11 1 188 G +11 1 189 A +11 1 190 M +11 1 191 G +11 1 192 G +11 1 193 W +11 1 194 H +11 1 195 N +11 1 196 G +11 1 197 M +11 1 198 K +11 1 199 A +11 1 200 G +11 1 201 M +11 1 202 G +11 1 203 H +11 1 204 K +11 1 205 G +11 1 206 A +11 1 207 H +11 1 208 W +11 1 209 G +11 1 210 M +11 1 211 N +11 1 212 W +11 1 213 N +11 1 214 W +11 1 215 H +11 1 216 G +11 1 217 M +11 1 218 N +11 1 219 A +11 1 220 G +11 1 221 A +11 1 222 M +11 1 223 N +11 1 224 A +11 1 225 N +11 1 226 G +11 1 227 K +11 1 228 G +11 1 229 N +11 1 230 A +11 1 231 H +11 1 232 N +11 1 233 G +11 1 234 G +11 1 235 G +11 1 236 N +11 1 237 W +11 1 238 G +11 1 239 M +11 1 240 H +11 1 241 A +11 1 242 W +11 1 243 K +11 1 244 A +11 1 245 H +11 1 246 N +11 1 247 G +11 1 248 K +11 1 249 W +11 1 250 G +11 1 251 N +11 1 252 A +11 1 253 N +11 1 254 G +11 1 255 K +11 1 256 H +11 1 257 G +11 1 258 W +11 1 259 H +11 1 260 A +11 1 261 W +11 1 262 A +11 1 263 K +11 1 264 A +11 1 265 G +11 1 266 H +11 1 267 K +11 1 268 G +11 1 269 H +11 1 270 W +11 1 271 K +11 1 272 A +11 1 273 H +11 1 274 A +11 1 275 W +11 1 276 G +11 1 277 H +11 1 278 G +11 1 279 N +11 1 280 N +11 1 281 N +11 1 282 G +11 1 283 K +11 1 284 A +11 1 285 M +11 1 286 A +11 1 287 W +11 1 288 H +11 1 289 N +11 1 290 A +11 1 291 G +11 1 292 M +11 1 293 N +11 1 294 G +11 1 295 W +11 1 296 G +11 1 297 W +11 1 298 H +11 1 299 N +11 1 300 A +11 1 301 N +11 1 302 A +11 1 303 G +11 1 304 N +11 1 305 K +11 1 306 N +11 1 307 G +11 1 308 K +11 1 309 K +11 1 310 N +11 1 311 G +11 1 312 K +11 1 313 G +11 1 314 A +11 1 315 N +11 1 316 G +11 1 317 H +11 1 318 M +11 1 319 A +11 1 320 N +11 1 321 H +11 1 322 N +11 1 323 G +11 1 324 A +11 1 325 H +11 1 326 W +11 1 327 A +11 1 328 G +11 1 329 M +11 1 330 A +11 2 1 N +11 2 2 N +11 2 3 H +11 2 4 E +11 2 5 N +11 2 6 W +11 2 7 N +11 2 8 E +11 2 9 M +11 2 10 G +11 2 11 N +11 2 12 W +11 2 13 N +11 2 14 M +11 2 15 M +11 2 16 A +11 2 17 H +11 2 18 K +11 2 19 N +11 2 20 N +11 2 21 H +11 2 22 W +11 2 23 E +11 2 24 K +11 2 25 N +11 2 26 G +11 2 27 A +11 2 28 H +11 2 29 N +11 2 30 E +11 2 31 A +11 2 32 H +11 2 33 N +11 2 34 G +11 2 35 H +11 2 36 K +11 2 37 G +11 2 38 H +11 2 39 N +11 2 40 N +11 2 41 H +11 2 42 W +11 2 43 K +11 2 44 A +11 2 45 N +11 2 46 E +11 2 47 K +11 2 48 M +11 2 49 N +11 2 50 M +11 2 51 M +11 2 52 A +11 2 53 H +11 2 54 N +11 2 55 N +11 2 56 H +11 2 57 K +11 2 58 M +11 2 59 A +11 2 60 K +11 2 61 H +11 2 62 M +11 2 63 H +11 2 64 G +11 2 65 H +11 2 66 A +11 2 67 N +11 2 68 H +11 2 69 K +11 2 70 A +11 2 71 E +11 2 72 N +11 2 73 E +11 2 74 A +11 2 75 K +11 2 76 H +11 2 77 N +11 2 78 A +11 2 79 K +11 2 80 N +11 2 81 N +11 2 82 N +11 2 83 A +11 2 84 H +11 2 85 N +11 2 86 E +11 2 87 K +11 2 88 E +11 2 89 K +11 2 90 K +11 2 91 W +11 2 92 A +11 2 93 G +11 2 94 K +11 2 95 A +11 2 96 W +11 2 97 E +11 2 98 H +11 2 99 A +11 2 100 N +11 2 101 H +11 2 102 A +11 2 103 M +11 2 104 N +11 2 105 E +11 2 106 W +11 2 107 A +11 2 108 A +11 2 109 G +11 2 110 W +11 2 111 K +11 2 112 H +11 2 113 K +11 2 114 G +11 2 115 H +11 2 116 A +11 2 117 M +11 2 118 H +11 2 119 N +11 2 120 A +11 2 121 H +11 2 122 N +11 2 123 G +11 2 124 W +11 2 125 H +11 2 126 E +11 2 127 K +11 2 128 W +11 2 129 A +11 2 130 K +11 2 131 E +11 2 132 H +11 2 133 N +11 2 134 M +11 2 135 H +11 2 136 N +11 2 137 G +11 2 138 A +11 2 139 A +11 2 140 G +11 2 141 A +11 2 142 A +11 2 143 W +11 2 144 E +11 2 145 N +11 2 146 W +11 2 147 N +11 2 148 H +11 2 149 N +11 2 150 E +11 2 151 M +11 2 152 E +11 2 153 N +11 2 154 K +11 2 155 K +11 2 156 N +11 2 157 M +11 2 158 A +11 2 159 M +11 2 160 M +11 2 161 N +11 2 162 H +11 2 163 G +11 2 164 G +11 2 165 M +11 2 166 K +11 2 167 A +11 2 168 N +11 2 169 N +11 2 170 K +11 2 171 M +11 2 172 A +11 2 173 H +11 2 174 W +11 2 175 A +11 2 176 H +11 2 177 W +11 2 178 G +11 2 179 E +11 2 180 N +11 2 181 W +11 2 182 E +11 2 183 M +11 2 184 E +11 2 185 M +11 2 186 N +11 2 187 W +11 2 188 N +11 2 189 A +11 2 190 W +11 2 191 G +11 2 192 E +11 2 193 W +11 2 194 E +11 2 195 N +11 2 196 A +11 2 197 H +11 2 198 K +11 2 199 A +11 2 200 A +11 2 201 W +11 2 202 N +11 2 203 H +11 2 204 K +11 2 205 G +11 2 206 A +11 2 207 H +11 2 208 M +11 2 209 N +11 2 210 M +11 2 211 N +11 2 212 W +11 2 213 A +11 2 214 W +11 2 215 H +11 2 216 K +11 2 217 A +11 2 218 M +11 2 219 A +11 2 220 G +11 2 221 A +11 2 222 E +11 2 223 N +11 2 224 A +11 2 225 M +11 2 226 G +11 2 227 K +11 2 228 G +11 2 229 W +11 2 230 A +11 2 231 H +11 2 232 M +11 2 233 A +11 2 234 N +11 2 235 G +11 2 236 W +11 2 237 A +11 2 238 N +11 2 239 H +11 2 240 M +11 2 241 A +11 2 242 W +11 2 243 E +11 2 244 A +11 2 245 H +11 2 246 N +11 2 247 E +11 2 248 K +11 2 249 G +11 2 250 E +11 2 251 N +11 2 252 A +11 2 253 N +11 2 254 A +11 2 255 K +11 2 256 H +11 2 257 G +11 2 258 W +11 2 259 H +11 2 260 A +11 2 261 W +11 2 262 A +11 2 263 A +11 2 264 A +11 2 265 N +11 2 266 H +11 2 267 E +11 2 268 N +11 2 269 H +11 2 270 W +11 2 271 H +11 2 272 W +11 2 273 G +11 2 274 A +11 2 275 H +11 2 276 A +11 2 277 W +11 2 278 H +11 2 279 G +11 2 280 W +11 2 281 N +11 2 282 N +11 2 283 M +11 2 284 A +11 2 285 H +11 2 286 A +11 2 287 W +11 2 288 H +11 2 289 N +11 2 290 A +11 2 291 G +11 2 292 H +11 2 293 A +11 2 294 A +11 2 295 M +11 2 296 E +11 2 297 W +11 2 298 H +11 2 299 N +11 2 300 A +11 2 301 N +11 2 302 A +11 2 303 A +11 2 304 W +11 2 305 H +11 2 306 W +11 2 307 G +11 2 308 E +11 2 309 M +11 2 310 N +11 2 311 N +11 2 312 M +11 2 313 G +11 2 314 A +11 2 315 W +11 2 316 N +11 2 317 H +11 2 318 H +11 2 319 A +11 2 320 M +11 2 321 H +11 2 322 A +11 2 323 N +11 2 324 A +11 2 325 E +11 2 326 W +11 2 327 A +11 2 328 N +11 2 329 M +11 2 330 A +11 3 1 G +11 3 2 N +11 3 3 H +11 3 4 W +11 3 5 N +11 3 6 G +11 3 7 A +11 3 8 H +11 3 9 N +11 3 10 K +11 3 11 K +11 3 12 W +11 3 13 K +11 3 14 K +11 3 15 N +11 3 16 A +11 3 17 H +11 3 18 K +11 3 19 A +11 3 20 A +11 3 21 H +11 3 22 A +11 3 23 K +11 3 24 N +11 3 25 G +11 3 26 K +11 3 27 A +11 3 28 H +11 3 29 N +11 3 30 A +11 3 31 N +11 3 32 A +11 3 33 N +11 3 34 G +11 3 35 H +11 3 36 K +11 3 37 N +11 3 38 H +11 3 39 N +11 3 40 G +11 3 41 H +11 3 42 W +11 3 43 G +11 3 44 A +11 3 45 N +11 3 46 A +11 3 47 K +11 3 48 W +11 3 49 N +11 3 50 G +11 3 51 W +11 3 52 A +11 3 53 H +11 3 54 N +11 3 55 G +11 3 56 W +11 3 57 G +11 3 58 N +11 3 59 A +11 3 60 G +11 3 61 H +11 3 62 N +11 3 63 H +11 3 64 G +11 3 65 H +11 3 66 A +11 3 67 N +11 3 68 H +11 3 69 N +11 3 70 A +11 3 71 W +11 3 72 G +11 3 73 H +11 3 74 A +11 3 75 G +11 3 76 H +11 3 77 N +11 3 78 N +11 3 79 N +11 3 80 G +11 3 81 A +11 3 82 G +11 3 83 A +11 3 84 H +11 3 85 G +11 3 86 H +11 3 87 G +11 3 88 H +11 3 89 G +11 3 90 G +11 3 91 N +11 3 92 A +11 3 93 K +11 3 94 G +11 3 95 A +11 3 96 W +11 3 97 N +11 3 98 H +11 3 99 A +11 3 100 N +11 3 101 H +11 3 102 N +11 3 103 A +11 3 104 G +11 3 105 H +11 3 106 W +11 3 107 A +11 3 108 N +11 3 109 G +11 3 110 W +11 3 111 G +11 3 112 H +11 3 113 G +11 3 114 G +11 3 115 H +11 3 116 N +11 3 117 H +11 3 118 H +11 3 119 G +11 3 120 A +11 3 121 H +11 3 122 G +11 3 123 G +11 3 124 W +11 3 125 H +11 3 126 N +11 3 127 G +11 3 128 W +11 3 129 A +11 3 130 G +11 3 131 A +11 3 132 H +11 3 133 G +11 3 134 N +11 3 135 H +11 3 136 G +11 3 137 N +11 3 138 A +11 3 139 N +11 3 140 G +11 3 141 A +11 3 142 N +11 3 143 N +11 3 144 G +11 3 145 N +11 3 146 W +11 3 147 N +11 3 148 A +11 3 149 N +11 3 150 G +11 3 151 H +11 3 152 N +11 3 153 G +11 3 154 N +11 3 155 H +11 3 156 G +11 3 157 H +11 3 158 A +11 3 159 W +11 3 160 N +11 3 161 G +11 3 162 H +11 3 163 G +11 3 164 N +11 3 165 N +11 3 166 G +11 3 167 N +11 3 168 K +11 3 169 G +11 3 170 K +11 3 171 N +11 3 172 A +11 3 173 H +11 3 174 W +11 3 175 N +11 3 176 H +11 3 177 A +11 3 178 G +11 3 179 H +11 3 180 N +11 3 181 A +11 3 182 H +11 3 183 W +11 3 184 H +11 3 185 W +11 3 186 N +11 3 187 W +11 3 188 G +11 3 189 N +11 3 190 N +11 3 191 K +11 3 192 H +11 3 193 M +11 3 194 H +11 3 195 G +11 3 196 N +11 3 197 H +11 3 198 K +11 3 199 N +11 3 200 G +11 3 201 W +11 3 202 G +11 3 203 H +11 3 204 K +11 3 205 G +11 3 206 A +11 3 207 M +11 3 208 W +11 3 209 G +11 3 210 H +11 3 211 G +11 3 212 W +11 3 213 N +11 3 214 A +11 3 215 H +11 3 216 K +11 3 217 N +11 3 218 N +11 3 219 A +11 3 220 G +11 3 221 A +11 3 222 H +11 3 223 K +11 3 224 A +11 3 225 W +11 3 226 G +11 3 227 K +11 3 228 G +11 3 229 N +11 3 230 A +11 3 231 H +11 3 232 N +11 3 233 G +11 3 234 N +11 3 235 K +11 3 236 W +11 3 237 N +11 3 238 G +11 3 239 H +11 3 240 W +11 3 241 A +11 3 242 W +11 3 243 H +11 3 244 N +11 3 245 A +11 3 246 G +11 3 247 G +11 3 248 K +11 3 249 G +11 3 250 W +11 3 251 N +11 3 252 A +11 3 253 G +11 3 254 A +11 3 255 K +11 3 256 H +11 3 257 W +11 3 258 W +11 3 259 H +11 3 260 N +11 3 261 W +11 3 262 A +11 3 263 G +11 3 264 N +11 3 265 K +11 3 266 A +11 3 267 W +11 3 268 A +11 3 269 H +11 3 270 W +11 3 271 K +11 3 272 A +11 3 273 H +11 3 274 N +11 3 275 W +11 3 276 H +11 3 277 K +11 3 278 N +11 3 279 G +11 3 280 W +11 3 281 K +11 3 282 N +11 3 283 A +11 3 284 N +11 3 285 W +11 3 286 A +11 3 287 W +11 3 288 H +11 3 289 N +11 3 290 A +11 3 291 K +11 3 292 W +11 3 293 A +11 3 294 W +11 3 295 K +11 3 296 G +11 3 297 W +11 3 298 H +11 3 299 G +11 3 300 A +11 3 301 K +11 3 302 A +11 3 303 A +11 3 304 G +11 3 305 A +11 3 306 A +11 3 307 G +11 3 308 A +11 3 309 K +11 3 310 N +11 3 311 K +11 3 312 K +11 3 313 N +11 3 314 A +11 3 315 N +11 3 316 G +11 3 317 H +11 3 318 K +11 3 319 N +11 3 320 K +11 3 321 H +11 3 322 G +11 3 323 A +11 3 324 A +11 3 325 H +11 3 326 K +11 3 327 W +11 3 328 G +11 3 329 K +11 3 330 A +11 4 1 G +11 4 2 N +11 4 3 H +11 4 4 K +11 4 5 N +11 4 6 M +11 4 7 N +11 4 8 H +11 4 9 W +11 4 10 K +11 4 11 G +11 4 12 W +11 4 13 N +11 4 14 K +11 4 15 H +11 4 16 N +11 4 17 H +11 4 18 K +11 4 19 N +11 4 20 N +11 4 21 H +11 4 22 W +11 4 23 M +11 4 24 K +11 4 25 G +11 4 26 N +11 4 27 W +11 4 28 H +11 4 29 N +11 4 30 H +11 4 31 N +11 4 32 H +11 4 33 N +11 4 34 G +11 4 35 M +11 4 36 G +11 4 37 N +11 4 38 H +11 4 39 N +11 4 40 G +11 4 41 H +11 4 42 W +11 4 43 G +11 4 44 A +11 4 45 G +11 4 46 K +11 4 47 N +11 4 48 W +11 4 49 N +11 4 50 H +11 4 51 W +11 4 52 A +11 4 53 H +11 4 54 N +11 4 55 G +11 4 56 M +11 4 57 G +11 4 58 W +11 4 59 H +11 4 60 K +11 4 61 H +11 4 62 N +11 4 63 H +11 4 64 G +11 4 65 H +11 4 66 A +11 4 67 N +11 4 68 H +11 4 69 I +11 4 70 A +11 4 71 H +11 4 72 N +11 4 73 A +11 4 74 N +11 4 75 K +11 4 76 H +11 4 77 N +11 4 78 E +11 4 79 K +11 4 80 G +11 4 81 E +11 4 82 N +11 4 83 A +11 4 84 E +11 4 85 N +11 4 86 E +11 4 87 K +11 4 88 H +11 4 89 K +11 4 90 K +11 4 91 W +11 4 92 A +11 4 93 G +11 4 94 K +11 4 95 N +11 4 96 W +11 4 97 E +11 4 98 H +11 4 99 E +11 4 100 N +11 4 101 H +11 4 102 E +11 4 103 I +11 4 104 N +11 4 105 E +11 4 106 W +11 4 107 A +11 4 108 E +11 4 109 G +11 4 110 I +11 4 111 I +11 4 112 H +11 4 113 K +11 4 114 E +11 4 115 H +11 4 116 E +11 4 117 K +11 4 118 E +11 4 119 N +11 4 120 A +11 4 121 H +11 4 122 E +11 4 123 G +11 4 124 W +11 4 125 H +11 4 126 E +11 4 127 K +11 4 128 I +11 4 129 A +11 4 130 K +11 4 131 E +11 4 132 H +11 4 133 E +11 4 134 E +11 4 135 H +11 4 136 N +11 4 137 E +11 4 138 G +11 4 139 M +11 4 140 N +11 4 141 A +11 4 142 E +11 4 143 I +11 4 144 E +11 4 145 N +11 4 146 W +11 4 147 N +11 4 148 H +11 4 149 E +11 4 150 E +11 4 151 H +11 4 152 M +11 4 153 N +11 4 154 K +11 4 155 E +11 4 156 G +11 4 157 M +11 4 158 A +11 4 159 I +11 4 160 E +11 4 161 N +11 4 162 H +11 4 163 E +11 4 164 G +11 4 165 I +11 4 166 K +11 4 167 E +11 4 168 G +11 4 169 E +11 4 170 K +11 4 171 I +11 4 172 A +11 4 173 E +11 4 174 W +11 4 175 E +11 4 176 M +11 4 177 I +11 4 178 G +11 4 179 H +11 4 180 N +11 4 181 I +11 4 182 E +11 4 183 W +11 4 184 E +11 4 185 I +11 4 186 N +11 4 187 W +11 4 188 G +11 4 189 E +11 4 190 E +11 4 191 N +11 4 192 E +11 4 193 W +11 4 194 E +11 4 195 N +11 4 196 E +11 4 197 H +11 4 198 K +11 4 199 E +11 4 200 N +11 4 201 E +11 4 202 G +11 4 203 H +11 4 204 K +11 4 205 E +11 4 206 A +11 4 207 M +11 4 208 I +11 4 209 G +11 4 210 M +11 4 211 N +11 4 212 W +11 4 213 E +11 4 214 I +11 4 215 M +11 4 216 K +11 4 217 M +11 4 218 I +11 4 219 A +11 4 220 E +11 4 221 A +11 4 222 E +11 4 223 G +11 4 224 A +11 4 225 I +11 4 226 G +11 4 227 K +11 4 228 N +11 4 229 M +11 4 230 E +11 4 231 H +11 4 232 I +11 4 233 E +11 4 234 G +11 4 235 N +11 4 236 W +11 4 237 M +11 4 238 G +11 4 239 E +11 4 240 H +11 4 241 A +11 4 242 W +11 4 243 H +11 4 244 A +11 4 245 H +11 4 246 N +11 4 247 E +11 4 248 K +11 4 249 N +11 4 250 E +11 4 251 M +11 4 252 A +11 4 253 N +11 4 254 E +11 4 255 K +11 4 256 M +11 4 257 N +11 4 258 W +11 4 259 H +11 4 260 W +11 4 261 M +11 4 262 A +11 4 263 E +11 4 264 E +11 4 265 G +11 4 266 M +11 4 267 H +11 4 268 N +11 4 269 E +11 4 270 I +11 4 271 K +11 4 272 A +11 4 273 M +11 4 274 A +11 4 275 W +11 4 276 H +11 4 277 G +11 4 278 M +11 4 279 G +11 4 280 I +11 4 281 N +11 4 282 N +11 4 283 E +11 4 284 A +11 4 285 M +11 4 286 A +11 4 287 I +11 4 288 H +11 4 289 N +11 4 290 I +11 4 291 G +11 4 292 M +11 4 293 A +11 4 294 A +11 4 295 E +11 4 296 H +11 4 297 W +11 4 298 H +11 4 299 N +11 4 300 E +11 4 301 G +11 4 302 A +11 4 303 E +11 4 304 I +11 4 305 E +11 4 306 W +11 4 307 N +11 4 308 E +11 4 309 K +11 4 310 N +11 4 311 G +11 4 312 K +11 4 313 E +11 4 314 A +11 4 315 N +11 4 316 G +11 4 317 N +11 4 318 M +11 4 319 E +11 4 320 I +11 4 321 H +11 4 322 N +11 4 323 G +11 4 324 A +11 4 325 H +11 4 326 W +11 4 327 E +11 4 328 N +11 4 329 M +11 4 330 A +11 5 1 N +11 5 2 G +11 5 3 H +11 5 4 H +11 5 5 N +11 5 6 W +11 5 7 G +11 5 8 H +11 5 9 N +11 5 10 G +11 5 11 A +11 5 12 W +11 5 13 N +11 5 14 G +11 5 15 M +11 5 16 A +11 5 17 H +11 5 18 K +11 5 19 N +11 5 20 G +11 5 21 H +11 5 22 W +11 5 23 M +11 5 24 K +11 5 25 G +11 5 26 N +11 5 27 A +11 5 28 M +11 5 29 N +11 5 30 M +11 5 31 N +11 5 32 M +11 5 33 N +11 5 34 G +11 5 35 M +11 5 36 G +11 5 37 H +11 5 38 H +11 5 39 G +11 5 40 N +11 5 41 H +11 5 42 W +11 5 43 K +11 5 44 A +11 5 45 N +11 5 46 A +11 5 47 K +11 5 48 W +11 5 49 N +11 5 50 M +11 5 51 K +11 5 52 A +11 5 53 H +11 5 54 G +11 5 55 N +11 5 56 M +11 5 57 G +11 5 58 W +11 5 59 A +11 5 60 K +11 5 61 H +11 5 62 N +11 5 63 M +11 5 64 G +11 5 65 H +11 5 66 A +11 5 67 N +11 5 68 M +11 5 69 N +11 5 70 A +11 5 71 H +11 5 72 G +11 5 73 M +11 5 74 N +11 5 75 K +11 5 76 M +11 5 77 G +11 5 78 M +11 5 79 K +11 5 80 G +11 5 81 W +11 5 82 N +11 5 83 W +11 5 84 M +11 5 85 G +11 5 86 M +11 5 87 K +11 5 88 H +11 5 89 K +11 5 90 G +11 5 91 W +11 5 92 A +11 5 93 G +11 5 94 K +11 5 95 A +11 5 96 W +11 5 97 M +11 5 98 H +11 5 99 M +11 5 100 G +11 5 101 H +11 5 102 A +11 5 103 K +11 5 104 N +11 5 105 H +11 5 106 W +11 5 107 A +11 5 108 N +11 5 109 G +11 5 110 W +11 5 111 K +11 5 112 H +11 5 113 K +11 5 114 G +11 5 115 H +11 5 116 G +11 5 117 K +11 5 118 M +11 5 119 N +11 5 120 A +11 5 121 W +11 5 122 G +11 5 123 N +11 5 124 W +11 5 125 M +11 5 126 H +11 5 127 M +11 5 128 W +11 5 129 A +11 5 130 K +11 5 131 M +11 5 132 H +11 5 133 N +11 5 134 K +11 5 135 H +11 5 136 G +11 5 137 N +11 5 138 G +11 5 139 A +11 5 140 G +11 5 141 A +11 5 142 A +11 5 143 W +11 5 144 G +11 5 145 N +11 5 146 W +11 5 147 N +11 5 148 H +11 5 149 G +11 5 150 M +11 5 151 W +11 5 152 M +11 5 153 G +11 5 154 K +11 5 155 N +11 5 156 G +11 5 157 K +11 5 158 A +11 5 159 W +11 5 160 M +11 5 161 N +11 5 162 H +11 5 163 G +11 5 164 N +11 5 165 K +11 5 166 N +11 5 167 M +11 5 168 G +11 5 169 N +11 5 170 K +11 5 171 N +11 5 172 A +11 5 173 H +11 5 174 W +11 5 175 N +11 5 176 M +11 5 177 W +11 5 178 G +11 5 179 H +11 5 180 G +11 5 181 W +11 5 182 H +11 5 183 K +11 5 184 M +11 5 185 W +11 5 186 N +11 5 187 W +11 5 188 G +11 5 189 A +11 5 190 M +11 5 191 G +11 5 192 M +11 5 193 W +11 5 194 H +11 5 195 G +11 5 196 N +11 5 197 M +11 5 198 K +11 5 199 A +11 5 200 N +11 5 201 M +11 5 202 G +11 5 203 H +11 5 204 K +11 5 205 M +11 5 206 A +11 5 207 H +11 5 208 M +11 5 209 G +11 5 210 H +11 5 211 N +11 5 212 W +11 5 213 M +11 5 214 W +11 5 215 M +11 5 216 K +11 5 217 M +11 5 218 W +11 5 219 A +11 5 220 G +11 5 221 A +11 5 222 M +11 5 223 G +11 5 224 A +11 5 225 W +11 5 226 G +11 5 227 K +11 5 228 G +11 5 229 N +11 5 230 A +11 5 231 M +11 5 232 K +11 5 233 N +11 5 234 G +11 5 235 N +11 5 236 W +11 5 237 M +11 5 238 G +11 5 239 M +11 5 240 H +11 5 241 A +11 5 242 W +11 5 243 H +11 5 244 A +11 5 245 H +11 5 246 N +11 5 247 G +11 5 248 K +11 5 249 N +11 5 250 G +11 5 251 N +11 5 252 A +11 5 253 G +11 5 254 N +11 5 255 K +11 5 256 H +11 5 257 G +11 5 258 W +11 5 259 H +11 5 260 W +11 5 261 M +11 5 262 A +11 5 263 K +11 5 264 N +11 5 265 G +11 5 266 M +11 5 267 H +11 5 268 G +11 5 269 M +11 5 270 W +11 5 271 G +11 5 272 A +11 5 273 M +11 5 274 A +11 5 275 W +11 5 276 H +11 5 277 G +11 5 278 M +11 5 279 G +11 5 280 N +11 5 281 G +11 5 282 N +11 5 283 M +11 5 284 A +11 5 285 M +11 5 286 A +11 5 287 M +11 5 288 H +11 5 289 G +11 5 290 A +11 5 291 N +11 5 292 M +11 5 293 G +11 5 294 A +11 5 295 M +11 5 296 M +11 5 297 W +11 5 298 H +11 5 299 G +11 5 300 K +11 5 301 N +11 5 302 A +11 5 303 N +11 5 304 M +11 5 305 H +11 5 306 N +11 5 307 G +11 5 308 M +11 5 309 K +11 5 310 G +11 5 311 N +11 5 312 K +11 5 313 G +11 5 314 A +11 5 315 N +11 5 316 G +11 5 317 H +11 5 318 M +11 5 319 A +11 5 320 M +11 5 321 H +11 5 322 N +11 5 323 G +11 5 324 W +11 5 325 H +11 5 326 W +11 5 327 A +11 5 328 G +11 5 329 M +11 5 330 A +11 6 1 G +11 6 2 G +11 6 3 H +11 6 4 H +11 6 5 N +11 6 6 N +11 6 7 N +11 6 8 H +11 6 9 N +11 6 10 G +11 6 11 N +11 6 12 W +11 6 13 N +11 6 14 N +11 6 15 A +11 6 16 A +11 6 17 H +11 6 18 N +11 6 19 G +11 6 20 N +11 6 21 H +11 6 22 W +11 6 23 H +11 6 24 N +11 6 25 G +11 6 26 G +11 6 27 A +11 6 28 H +11 6 29 N +11 6 30 H +11 6 31 A +11 6 32 H +11 6 33 N +11 6 34 G +11 6 35 H +11 6 36 N +11 6 37 A +11 6 38 H +11 6 39 N +11 6 40 N +11 6 41 H +11 6 42 W +11 6 43 G +11 6 44 A +11 6 45 N +11 6 46 A +11 6 47 W +11 6 48 W +11 6 49 A +11 6 50 H +11 6 51 N +11 6 52 A +11 6 53 H +11 6 54 N +11 6 55 A +11 6 56 A +11 6 57 G +11 6 58 W +11 6 59 A +11 6 60 G +11 6 61 H +11 6 62 A +11 6 63 H +11 6 64 G +11 6 65 H +11 6 66 A +11 6 67 A +11 6 68 H +11 6 69 W +11 6 70 A +11 6 71 H +11 6 72 G +11 6 73 H +11 6 74 A +11 6 75 N +11 6 76 H +11 6 77 G +11 6 78 A +11 6 79 N +11 6 80 G +11 6 81 W +11 6 82 G +11 6 83 A +11 6 84 H +11 6 85 G +11 6 86 H +11 6 87 K +11 6 88 H +11 6 89 K +11 6 90 K +11 6 91 W +11 6 92 A +11 6 93 G +11 6 94 K +11 6 95 A +11 6 96 W +11 6 97 K +11 6 98 H +11 6 99 A +11 6 100 A +11 6 101 H +11 6 102 A +11 6 103 W +11 6 104 A +11 6 105 H +11 6 106 W +11 6 107 A +11 6 108 A +11 6 109 G +11 6 110 W +11 6 111 K +11 6 112 H +11 6 113 K +11 6 114 G +11 6 115 H +11 6 116 A +11 6 117 K +11 6 118 H +11 6 119 G +11 6 120 A +11 6 121 H +11 6 122 G +11 6 123 G +11 6 124 W +11 6 125 H +11 6 126 H +11 6 127 K +11 6 128 W +11 6 129 A +11 6 130 K +11 6 131 H +11 6 132 H +11 6 133 G +11 6 134 K +11 6 135 H +11 6 136 A +11 6 137 G +11 6 138 A +11 6 139 A +11 6 140 G +11 6 141 A +11 6 142 A +11 6 143 W +11 6 144 K +11 6 145 G +11 6 146 W +11 6 147 W +11 6 148 H +11 6 149 W +11 6 150 H +11 6 151 H +11 6 152 A +11 6 153 G +11 6 154 K +11 6 155 K +11 6 156 G +11 6 157 W +11 6 158 A +11 6 159 W +11 6 160 A +11 6 161 G +11 6 162 H +11 6 163 G +11 6 164 G +11 6 165 W +11 6 166 K +11 6 167 A +11 6 168 G +11 6 169 G +11 6 170 K +11 6 171 W +11 6 172 A +11 6 173 H +11 6 174 W +11 6 175 A +11 6 176 H +11 6 177 W +11 6 178 G +11 6 179 H +11 6 180 G +11 6 181 W +11 6 182 H +11 6 183 W +11 6 184 H +11 6 185 W +11 6 186 A +11 6 187 W +11 6 188 G +11 6 189 A +11 6 190 H +11 6 191 G +11 6 192 G +11 6 193 W +11 6 194 H +11 6 195 G +11 6 196 A +11 6 197 A +11 6 198 K +11 6 199 A +11 6 200 G +11 6 201 H +11 6 202 G +11 6 203 H +11 6 204 K +11 6 205 K +11 6 206 A +11 6 207 H +11 6 208 I +11 6 209 K +11 6 210 K +11 6 211 G +11 6 212 H +11 6 213 A +11 6 214 W +11 6 215 H +11 6 216 K +11 6 217 A +11 6 218 W +11 6 219 A +11 6 220 G +11 6 221 A +11 6 222 G +11 6 223 G +11 6 224 A +11 6 225 W +11 6 226 K +11 6 227 K +11 6 228 G +11 6 229 A +11 6 230 A +11 6 231 H +11 6 232 K +11 6 233 A +11 6 234 G +11 6 235 G +11 6 236 W +11 6 237 A +11 6 238 G +11 6 239 H +11 6 240 H +11 6 241 A +11 6 242 W +11 6 243 H +11 6 244 A +11 6 245 H +11 6 246 G +11 6 247 A +11 6 248 K +11 6 249 G +11 6 250 H +11 6 251 N +11 6 252 A +11 6 253 G +11 6 254 A +11 6 255 K +11 6 256 H +11 6 257 K +11 6 258 W +11 6 259 H +11 6 260 W +11 6 261 H +11 6 262 A +11 6 263 K +11 6 264 A +11 6 265 N +11 6 266 H +11 6 267 H +11 6 268 N +11 6 269 H +11 6 270 W +11 6 271 K +11 6 272 A +11 6 273 H +11 6 274 A +11 6 275 W +11 6 276 H +11 6 277 K +11 6 278 H +11 6 279 N +11 6 280 W +11 6 281 G +11 6 282 G +11 6 283 K +11 6 284 A +11 6 285 A +11 6 286 A +11 6 287 W +11 6 288 H +11 6 289 A +11 6 290 A +11 6 291 G +11 6 292 A +11 6 293 A +11 6 294 A +11 6 295 K +11 6 296 N +11 6 297 W +11 6 298 H +11 6 299 G +11 6 300 A +11 6 301 G +11 6 302 A +11 6 303 A +11 6 304 W +11 6 305 H +11 6 306 W +11 6 307 G +11 6 308 A +11 6 309 K +11 6 310 G +11 6 311 G +11 6 312 K +11 6 313 G +11 6 314 A +11 6 315 W +11 6 316 G +11 6 317 H +11 6 318 H +11 6 319 A +11 6 320 K +11 6 321 H +11 6 322 A +11 6 323 G +11 6 324 A +11 6 325 H +11 6 326 W +11 6 327 A +11 6 328 K +11 6 329 W +11 6 330 A +11 7 1 G +11 7 2 N +11 7 3 H +11 7 4 N +11 7 5 N +11 7 6 W +11 7 7 N +11 7 8 M +11 7 9 M +11 7 10 G +11 7 11 N +11 7 12 W +11 7 13 N +11 7 14 N +11 7 15 M +11 7 16 N +11 7 17 H +11 7 18 G +11 7 19 N +11 7 20 N +11 7 21 H +11 7 22 W +11 7 23 G +11 7 24 K +11 7 25 G +11 7 26 G +11 7 27 A +11 7 28 H +11 7 29 N +11 7 30 M +11 7 31 N +11 7 32 H +11 7 33 N +11 7 34 G +11 7 35 H +11 7 36 N +11 7 37 G +11 7 38 M +11 7 39 N +11 7 40 N +11 7 41 M +11 7 42 N +11 7 43 G +11 7 44 M +11 7 45 N +11 7 46 G +11 7 47 A +11 7 48 W +11 7 49 N +11 7 50 M +11 7 51 K +11 7 52 N +11 7 53 M +11 7 54 N +11 7 55 N +11 7 56 W +11 7 57 G +11 7 58 M +11 7 59 A +11 7 60 G +11 7 61 H +11 7 62 G +11 7 63 H +11 7 64 G +11 7 65 H +11 7 66 A +11 7 67 N +11 7 68 H +11 7 69 K +11 7 70 A +11 7 71 M +11 7 72 N +11 7 73 M +11 7 74 A +11 7 75 G +11 7 76 W +11 7 77 N +11 7 78 A +11 7 79 K +11 7 80 G +11 7 81 N +11 7 82 N +11 7 83 W +11 7 84 M +11 7 85 N +11 7 86 H +11 7 87 K +11 7 88 H +11 7 89 K +11 7 90 G +11 7 91 N +11 7 92 A +11 7 93 G +11 7 94 K +11 7 95 N +11 7 96 W +11 7 97 G +11 7 98 H +11 7 99 A +11 7 100 N +11 7 101 M +11 7 102 G +11 7 103 K +11 7 104 N +11 7 105 M +11 7 106 W +11 7 107 A +11 7 108 N +11 7 109 G +11 7 110 W +11 7 111 K +11 7 112 H +11 7 113 K +11 7 114 G +11 7 115 H +11 7 116 A +11 7 117 K +11 7 118 H +11 7 119 A +11 7 120 A +11 7 121 H +11 7 122 N +11 7 123 G +11 7 124 A +11 7 125 M +11 7 126 H +11 7 127 K +11 7 128 N +11 7 129 A +11 7 130 K +11 7 131 G +11 7 132 H +11 7 133 G +11 7 134 K +11 7 135 M +11 7 136 N +11 7 137 K +11 7 138 G +11 7 139 A +11 7 140 G +11 7 141 A +11 7 142 N +11 7 143 N +11 7 144 K +11 7 145 N +11 7 146 W +11 7 147 N +11 7 148 H +11 7 149 N +11 7 150 M +11 7 151 H +11 7 152 M +11 7 153 G +11 7 154 K +11 7 155 K +11 7 156 N +11 7 157 M +11 7 158 A +11 7 159 W +11 7 160 M +11 7 161 N +11 7 162 H +11 7 163 G +11 7 164 G +11 7 165 M +11 7 166 G +11 7 167 A +11 7 168 N +11 7 169 N +11 7 170 K +11 7 171 N +11 7 172 A +11 7 173 H +11 7 174 W +11 7 175 N +11 7 176 H +11 7 177 W +11 7 178 G +11 7 179 M +11 7 180 N +11 7 181 M +11 7 182 H +11 7 183 M +11 7 184 G +11 7 185 M +11 7 186 N +11 7 187 W +11 7 188 G +11 7 189 A +11 7 190 H +11 7 191 N +11 7 192 N +11 7 193 N +11 7 194 M +11 7 195 N +11 7 196 A +11 7 197 M +11 7 198 K +11 7 199 A +11 7 200 N +11 7 201 H +11 7 202 N +11 7 203 H +11 7 204 K +11 7 205 G +11 7 206 A +11 7 207 H +11 7 208 M +11 7 209 G +11 7 210 M +11 7 211 N +11 7 212 W +11 7 213 A +11 7 214 N +11 7 215 H +11 7 216 K +11 7 217 H +11 7 218 N +11 7 219 A +11 7 220 G +11 7 221 N +11 7 222 G +11 7 223 N +11 7 224 A +11 7 225 N +11 7 226 G +11 7 227 K +11 7 228 G +11 7 229 N +11 7 230 A +11 7 231 M +11 7 232 K +11 7 233 G +11 7 234 N +11 7 235 G +11 7 236 N +11 7 237 H +11 7 238 N +11 7 239 M +11 7 240 K +11 7 241 A +11 7 242 W +11 7 243 K +11 7 244 H +11 7 245 A +11 7 246 N +11 7 247 G +11 7 248 K +11 7 249 N +11 7 250 G +11 7 251 N +11 7 252 A +11 7 253 N +11 7 254 G +11 7 255 K +11 7 256 H +11 7 257 G +11 7 258 N +11 7 259 M +11 7 260 N +11 7 261 W +11 7 262 A +11 7 263 K +11 7 264 A +11 7 265 G +11 7 266 M +11 7 267 M +11 7 268 N +11 7 269 H +11 7 270 W +11 7 271 K +11 7 272 A +11 7 273 M +11 7 274 A +11 7 275 N +11 7 276 H +11 7 277 G +11 7 278 G +11 7 279 W +11 7 280 N +11 7 281 N +11 7 282 N +11 7 283 M +11 7 284 A +11 7 285 H +11 7 286 A +11 7 287 M +11 7 288 H +11 7 289 N +11 7 290 G +11 7 291 G +11 7 292 H +11 7 293 N +11 7 294 A +11 7 295 G +11 7 296 G +11 7 297 W +11 7 298 H +11 7 299 N +11 7 300 A +11 7 301 N +11 7 302 A +11 7 303 G +11 7 304 N +11 7 305 M +11 7 306 N +11 7 307 G +11 7 308 K +11 7 309 K +11 7 310 N +11 7 311 G +11 7 312 K +11 7 313 G +11 7 314 A +11 7 315 N +11 7 316 G +11 7 317 M +11 7 318 H +11 7 319 A +11 7 320 N +11 7 321 H +11 7 322 A +11 7 323 N +11 7 324 A +11 7 325 M +11 7 326 W +11 7 327 A +11 7 328 N +11 7 329 M +11 7 330 A +11 8 1 K +11 8 2 N +11 8 3 H +11 8 4 N +11 8 5 N +11 8 6 M +11 8 7 N +11 8 8 M +11 8 9 W +11 8 10 K +11 8 11 G +11 8 12 W +11 8 13 N +11 8 14 G +11 8 15 M +11 8 16 A +11 8 17 H +11 8 18 G +11 8 19 N +11 8 20 N +11 8 21 M +11 8 22 W +11 8 23 M +11 8 24 G +11 8 25 N +11 8 26 N +11 8 27 A +11 8 28 M +11 8 29 N +11 8 30 M +11 8 31 N +11 8 32 M +11 8 33 N +11 8 34 G +11 8 35 M +11 8 36 G +11 8 37 N +11 8 38 H +11 8 39 N +11 8 40 N +11 8 41 H +11 8 42 W +11 8 43 K +11 8 44 A +11 8 45 N +11 8 46 A +11 8 47 G +11 8 48 W +11 8 49 N +11 8 50 A +11 8 51 K +11 8 52 A +11 8 53 M +11 8 54 N +11 8 55 G +11 8 56 M +11 8 57 G +11 8 58 W +11 8 59 M +11 8 60 N +11 8 61 H +11 8 62 M +11 8 63 M +11 8 64 G +11 8 65 H +11 8 66 A +11 8 67 N +11 8 68 M +11 8 69 G +11 8 70 A +11 8 71 M +11 8 72 N +11 8 73 M +11 8 74 N +11 8 75 G +11 8 76 H +11 8 77 N +11 8 78 M +11 8 79 G +11 8 80 M +11 8 81 N +11 8 82 N +11 8 83 A +11 8 84 M +11 8 85 N +11 8 86 M +11 8 87 G +11 8 88 H +11 8 89 G +11 8 90 G +11 8 91 W +11 8 92 A +11 8 93 G +11 8 94 K +11 8 95 W +11 8 96 W +11 8 97 G +11 8 98 H +11 8 99 M +11 8 100 N +11 8 101 M +11 8 102 G +11 8 103 W +11 8 104 N +11 8 105 M +11 8 106 W +11 8 107 A +11 8 108 A +11 8 109 G +11 8 110 W +11 8 111 G +11 8 112 H +11 8 113 G +11 8 114 N +11 8 115 M +11 8 116 A +11 8 117 G +11 8 118 M +11 8 119 N +11 8 120 A +11 8 121 H +11 8 122 N +11 8 123 G +11 8 124 W +11 8 125 H +11 8 126 M +11 8 127 G +11 8 128 W +11 8 129 A +11 8 130 G +11 8 131 M +11 8 132 H +11 8 133 N +11 8 134 G +11 8 135 M +11 8 136 N +11 8 137 G +11 8 138 N +11 8 139 M +11 8 140 G +11 8 141 A +11 8 142 M +11 8 143 W +11 8 144 G +11 8 145 N +11 8 146 W +11 8 147 N +11 8 148 H +11 8 149 N +11 8 150 G +11 8 151 M +11 8 152 M +11 8 153 G +11 8 154 G +11 8 155 G +11 8 156 N +11 8 157 G +11 8 158 A +11 8 159 W +11 8 160 M +11 8 161 N +11 8 162 H +11 8 163 N +11 8 164 G +11 8 165 N +11 8 166 G +11 8 167 M +11 8 168 N +11 8 169 N +11 8 170 G +11 8 171 N +11 8 172 A +11 8 173 H +11 8 174 W +11 8 175 N +11 8 176 H +11 8 177 W +11 8 178 K +11 8 179 M +11 8 180 N +11 8 181 W +11 8 182 M +11 8 183 N +11 8 184 M +11 8 185 W +11 8 186 N +11 8 187 W +11 8 188 N +11 8 189 A +11 8 190 M +11 8 191 H +11 8 192 G +11 8 193 W +11 8 194 M +11 8 195 N +11 8 196 N +11 8 197 M +11 8 198 G +11 8 199 A +11 8 200 N +11 8 201 M +11 8 202 N +11 8 203 H +11 8 204 G +11 8 205 A +11 8 206 A +11 8 207 M +11 8 208 W +11 8 209 N +11 8 210 G +11 8 211 N +11 8 212 H +11 8 213 M +11 8 214 W +11 8 215 M +11 8 216 G +11 8 217 M +11 8 218 W +11 8 219 A +11 8 220 G +11 8 221 A +11 8 222 M +11 8 223 N +11 8 224 A +11 8 225 W +11 8 226 N +11 8 227 G +11 8 228 G +11 8 229 N +11 8 230 A +11 8 231 M +11 8 232 W +11 8 233 N +11 8 234 N +11 8 235 G +11 8 236 W +11 8 237 M +11 8 238 N +11 8 239 M +11 8 240 G +11 8 241 A +11 8 242 W +11 8 243 M +11 8 244 A +11 8 245 H +11 8 246 N +11 8 247 M +11 8 248 G +11 8 249 N +11 8 250 G +11 8 251 N +11 8 252 A +11 8 253 N +11 8 254 G +11 8 255 G +11 8 256 H +11 8 257 G +11 8 258 W +11 8 259 M +11 8 260 K +11 8 261 M +11 8 262 A +11 8 263 M +11 8 264 A +11 8 265 N +11 8 266 M +11 8 267 G +11 8 268 N +11 8 269 M +11 8 270 W +11 8 271 G +11 8 272 A +11 8 273 M +11 8 274 A +11 8 275 W +11 8 276 H +11 8 277 N +11 8 278 M +11 8 279 G +11 8 280 W +11 8 281 N +11 8 282 N +11 8 283 G +11 8 284 A +11 8 285 M +11 8 286 A +11 8 287 W +11 8 288 H +11 8 289 N +11 8 290 A +11 8 291 G +11 8 292 M +11 8 293 A +11 8 294 A +11 8 295 W +11 8 296 G +11 8 297 W +11 8 298 H +11 8 299 N +11 8 300 A +11 8 301 N +11 8 302 A +11 8 303 A +11 8 304 W +11 8 305 G +11 8 306 W +11 8 307 N +11 8 308 M +11 8 309 G +11 8 310 N +11 8 311 G +11 8 312 G +11 8 313 G +11 8 314 A +11 8 315 N +11 8 316 N +11 8 317 M +11 8 318 H +11 8 319 A +11 8 320 W +11 8 321 H +11 8 322 G +11 8 323 N +11 8 324 A +11 8 325 M +11 8 326 W +11 8 327 A +11 8 328 G +11 8 329 M +11 8 330 A +11 9 1 G +11 9 2 W +11 9 3 H +11 9 4 K +11 9 5 G +11 9 6 W +11 9 7 N +11 9 8 H +11 9 9 W +11 9 10 K +11 9 11 K +11 9 12 W +11 9 13 G +11 9 14 K +11 9 15 H +11 9 16 N +11 9 17 H +11 9 18 K +11 9 19 G +11 9 20 W +11 9 21 H +11 9 22 W +11 9 23 M +11 9 24 W +11 9 25 G +11 9 26 W +11 9 27 A +11 9 28 H +11 9 29 G +11 9 30 W +11 9 31 K +11 9 32 H +11 9 33 W +11 9 34 G +11 9 35 H +11 9 36 G +11 9 37 W +11 9 38 H +11 9 39 G +11 9 40 M +11 9 41 H +11 9 42 W +11 9 43 K +11 9 44 A +11 9 45 G +11 9 46 W +11 9 47 K +11 9 48 W +11 9 49 G +11 9 50 M +11 9 51 M +11 9 52 W +11 9 53 H +11 9 54 A +11 9 55 G +11 9 56 M +11 9 57 M +11 9 58 G +11 9 59 A +11 9 60 K +11 9 61 H +11 9 62 M +11 9 63 N +11 9 64 K +11 9 65 H +11 9 66 A +11 9 67 W +11 9 68 G +11 9 69 W +11 9 70 K +11 9 71 W +11 9 72 W +11 9 73 N +11 9 74 G +11 9 75 K +11 9 76 H +11 9 77 G +11 9 78 G +11 9 79 K +11 9 80 G +11 9 81 N +11 9 82 G +11 9 83 A +11 9 84 H +11 9 85 G +11 9 86 H +11 9 87 K +11 9 88 H +11 9 89 K +11 9 90 W +11 9 91 W +11 9 92 A +11 9 93 K +11 9 94 M +11 9 95 A +11 9 96 W +11 9 97 G +11 9 98 H +11 9 99 G +11 9 100 M +11 9 101 H +11 9 102 A +11 9 103 K +11 9 104 W +11 9 105 H +11 9 106 W +11 9 107 A +11 9 108 G +11 9 109 K +11 9 110 W +11 9 111 K +11 9 112 H +11 9 113 K +11 9 114 G +11 9 115 H +11 9 116 N +11 9 117 W +11 9 118 H +11 9 119 W +11 9 120 A +11 9 121 H +11 9 122 N +11 9 123 G +11 9 124 W +11 9 125 H +11 9 126 H +11 9 127 K +11 9 128 W +11 9 129 A +11 9 130 K +11 9 131 W +11 9 132 H +11 9 133 G +11 9 134 W +11 9 135 H +11 9 136 G +11 9 137 W +11 9 138 W +11 9 139 A +11 9 140 G +11 9 141 A +11 9 142 A +11 9 143 W +11 9 144 G +11 9 145 W +11 9 146 W +11 9 147 W +11 9 148 H +11 9 149 G +11 9 150 N +11 9 151 H +11 9 152 H +11 9 153 G +11 9 154 K +11 9 155 K +11 9 156 G +11 9 157 W +11 9 158 A +11 9 159 M +11 9 160 H +11 9 161 G +11 9 162 H +11 9 163 G +11 9 164 K +11 9 165 W +11 9 166 K +11 9 167 W +11 9 168 G +11 9 169 G +11 9 170 K +11 9 171 W +11 9 172 A +11 9 173 H +11 9 174 W +11 9 175 K +11 9 176 H +11 9 177 G +11 9 178 N +11 9 179 H +11 9 180 G +11 9 181 W +11 9 182 K +11 9 183 K +11 9 184 G +11 9 185 W +11 9 186 G +11 9 187 W +11 9 188 N +11 9 189 N +11 9 190 H +11 9 191 G +11 9 192 N +11 9 193 W +11 9 194 H +11 9 195 W +11 9 196 W +11 9 197 H +11 9 198 K +11 9 199 A +11 9 200 W +11 9 201 H +11 9 202 W +11 9 203 H +11 9 204 G +11 9 205 G +11 9 206 A +11 9 207 H +11 9 208 W +11 9 209 G +11 9 210 W +11 9 211 N +11 9 212 H +11 9 213 K +11 9 214 W +11 9 215 H +11 9 216 K +11 9 217 H +11 9 218 W +11 9 219 A +11 9 220 G +11 9 221 A +11 9 222 G +11 9 223 W +11 9 224 A +11 9 225 W +11 9 226 G +11 9 227 K +11 9 228 G +11 9 229 W +11 9 230 A +11 9 231 H +11 9 232 W +11 9 233 M +11 9 234 N +11 9 235 G +11 9 236 W +11 9 237 H +11 9 238 N +11 9 239 H +11 9 240 K +11 9 241 A +11 9 242 W +11 9 243 H +11 9 244 A +11 9 245 H +11 9 246 W +11 9 247 K +11 9 248 K +11 9 249 W +11 9 250 K +11 9 251 W +11 9 252 H +11 9 253 W +11 9 254 K +11 9 255 K +11 9 256 H +11 9 257 G +11 9 258 W +11 9 259 H +11 9 260 W +11 9 261 H +11 9 262 A +11 9 263 K +11 9 264 M +11 9 265 N +11 9 266 H +11 9 267 H +11 9 268 N +11 9 269 H +11 9 270 W +11 9 271 K +11 9 272 A +11 9 273 H +11 9 274 A +11 9 275 W +11 9 276 H +11 9 277 W +11 9 278 H +11 9 279 G +11 9 280 W +11 9 281 G +11 9 282 G +11 9 283 H +11 9 284 A +11 9 285 H +11 9 286 A +11 9 287 G +11 9 288 H +11 9 289 G +11 9 290 A +11 9 291 K +11 9 292 H +11 9 293 W +11 9 294 A +11 9 295 G +11 9 296 W +11 9 297 W +11 9 298 H +11 9 299 G +11 9 300 A +11 9 301 G +11 9 302 A +11 9 303 A +11 9 304 W +11 9 305 H +11 9 306 W +11 9 307 G +11 9 308 H +11 9 309 K +11 9 310 W +11 9 311 G +11 9 312 K +11 9 313 G +11 9 314 A +11 9 315 W +11 9 316 G +11 9 317 H +11 9 318 H +11 9 319 A +11 9 320 W +11 9 321 H +11 9 322 K +11 9 323 W +11 9 324 A +11 9 325 H +11 9 326 W +11 9 327 A +11 9 328 K +11 9 329 W +11 9 330 A +11 10 1 N +11 10 2 N +11 10 3 H +11 10 4 H +11 10 5 N +11 10 6 M +11 10 7 N +11 10 8 H +11 10 9 M +11 10 10 G +11 10 11 G +11 10 12 W +11 10 13 G +11 10 14 K +11 10 15 M +11 10 16 A +11 10 17 H +11 10 18 K +11 10 19 N +11 10 20 N +11 10 21 H +11 10 22 W +11 10 23 M +11 10 24 K +11 10 25 N +11 10 26 G +11 10 27 A +11 10 28 H +11 10 29 N +11 10 30 M +11 10 31 N +11 10 32 H +11 10 33 N +11 10 34 G +11 10 35 M +11 10 36 G +11 10 37 G +11 10 38 H +11 10 39 G +11 10 40 N +11 10 41 H +11 10 42 W +11 10 43 K +11 10 44 A +11 10 45 G +11 10 46 A +11 10 47 K +11 10 48 W +11 10 49 G +11 10 50 H +11 10 51 M +11 10 52 A +11 10 53 H +11 10 54 G +11 10 55 G +11 10 56 M +11 10 57 G +11 10 58 W +11 10 59 M +11 10 60 K +11 10 61 H +11 10 62 G +11 10 63 H +11 10 64 G +11 10 65 H +11 10 66 A +11 10 67 G +11 10 68 H +11 10 69 N +11 10 70 A +11 10 71 H +11 10 72 G +11 10 73 H +11 10 74 G +11 10 75 K +11 10 76 H +11 10 77 G +11 10 78 H +11 10 79 K +11 10 80 G +11 10 81 G +11 10 82 G +11 10 83 A +11 10 84 H +11 10 85 G +11 10 86 H +11 10 87 K +11 10 88 H +11 10 89 K +11 10 90 K +11 10 91 W +11 10 92 A +11 10 93 G +11 10 94 K +11 10 95 A +11 10 96 W +11 10 97 H +11 10 98 H +11 10 99 H +11 10 100 N +11 10 101 H +11 10 102 G +11 10 103 N +11 10 104 G +11 10 105 H +11 10 106 W +11 10 107 A +11 10 108 N +11 10 109 G +11 10 110 W +11 10 111 K +11 10 112 H +11 10 113 K +11 10 114 G +11 10 115 H +11 10 116 N +11 10 117 H +11 10 118 H +11 10 119 G +11 10 120 A +11 10 121 H +11 10 122 G +11 10 123 G +11 10 124 W +11 10 125 H +11 10 126 H +11 10 127 K +11 10 128 W +11 10 129 A +11 10 130 K +11 10 131 H +11 10 132 H +11 10 133 G +11 10 134 H +11 10 135 H +11 10 136 G +11 10 137 G +11 10 138 N +11 10 139 A +11 10 140 G +11 10 141 A +11 10 142 A +11 10 143 W +11 10 144 H +11 10 145 N +11 10 146 W +11 10 147 G +11 10 148 H +11 10 149 G +11 10 150 H +11 10 151 H +11 10 152 H +11 10 153 G +11 10 154 K +11 10 155 M +11 10 156 G +11 10 157 M +11 10 158 A +11 10 159 W +11 10 160 H +11 10 161 G +11 10 162 H +11 10 163 G +11 10 164 G +11 10 165 N +11 10 166 K +11 10 167 M +11 10 168 G +11 10 169 G +11 10 170 K +11 10 171 G +11 10 172 A +11 10 173 H +11 10 174 W +11 10 175 N +11 10 176 H +11 10 177 W +11 10 178 G +11 10 179 H +11 10 180 G +11 10 181 M +11 10 182 H +11 10 183 M +11 10 184 H +11 10 185 W +11 10 186 G +11 10 187 W +11 10 188 G +11 10 189 G +11 10 190 H +11 10 191 G +11 10 192 H +11 10 193 W +11 10 194 H +11 10 195 G +11 10 196 N +11 10 197 H +11 10 198 K +11 10 199 A +11 10 200 G +11 10 201 H +11 10 202 G +11 10 203 H +11 10 204 K +11 10 205 G +11 10 206 A +11 10 207 H +11 10 208 M +11 10 209 G +11 10 210 H +11 10 211 G +11 10 212 W +11 10 213 G +11 10 214 W +11 10 215 H +11 10 216 K +11 10 217 H +11 10 218 G +11 10 219 N +11 10 220 G +11 10 221 N +11 10 222 H +11 10 223 G +11 10 224 A +11 10 225 M +11 10 226 G +11 10 227 K +11 10 228 G +11 10 229 G +11 10 230 H +11 10 231 H +11 10 232 M +11 10 233 G +11 10 234 N +11 10 235 G +11 10 236 M +11 10 237 H +11 10 238 G +11 10 239 H +11 10 240 M +11 10 241 A +11 10 242 W +11 10 243 H +11 10 244 A +11 10 245 H +11 10 246 G +11 10 247 G +11 10 248 K +11 10 249 G +11 10 250 H +11 10 251 G +11 10 252 A +11 10 253 G +11 10 254 N +11 10 255 K +11 10 256 H +11 10 257 K +11 10 258 W +11 10 259 H +11 10 260 W +11 10 261 M +11 10 262 A +11 10 263 K +11 10 264 G +11 10 265 G +11 10 266 M +11 10 267 H +11 10 268 G +11 10 269 H +11 10 270 W +11 10 271 K +11 10 272 A +11 10 273 H +11 10 274 A +11 10 275 W +11 10 276 H +11 10 277 K +11 10 278 M +11 10 279 G +11 10 280 N +11 10 281 G +11 10 282 G +11 10 283 M +11 10 284 A +11 10 285 H +11 10 286 A +11 10 287 M +11 10 288 H +11 10 289 G +11 10 290 M +11 10 291 G +11 10 292 M +11 10 293 N +11 10 294 A +11 10 295 N +11 10 296 H +11 10 297 W +11 10 298 H +11 10 299 N +11 10 300 A +11 10 301 G +11 10 302 A +11 10 303 A +11 10 304 N +11 10 305 M +11 10 306 G +11 10 307 N +11 10 308 H +11 10 309 K +11 10 310 G +11 10 311 K +11 10 312 K +11 10 313 G +11 10 314 M +11 10 315 G +11 10 316 G +11 10 317 H +11 10 318 M +11 10 319 A +11 10 320 N +11 10 321 H +11 10 322 N +11 10 323 G +11 10 324 A +11 10 325 H +11 10 326 W +11 10 327 N +11 10 328 G +11 10 329 M +11 10 330 A +11 11 1 G +11 11 2 N +11 11 3 H +11 11 4 W +11 11 5 N +11 11 6 M +11 11 7 N +11 11 8 H +11 11 9 M +11 11 10 G +11 11 11 G +11 11 12 W +11 11 13 G +11 11 14 G +11 11 15 M +11 11 16 A +11 11 17 H +11 11 18 M +11 11 19 G +11 11 20 W +11 11 21 H +11 11 22 W +11 11 23 G +11 11 24 W +11 11 25 G +11 11 26 G +11 11 27 M +11 11 28 H +11 11 29 N +11 11 30 M +11 11 31 N +11 11 32 M +11 11 33 W +11 11 34 G +11 11 35 H +11 11 36 N +11 11 37 M +11 11 38 N +11 11 39 N +11 11 40 N +11 11 41 H +11 11 42 W +11 11 43 G +11 11 44 A +11 11 45 N +11 11 46 M +11 11 47 N +11 11 48 M +11 11 49 N +11 11 50 G +11 11 51 M +11 11 52 W +11 11 53 H +11 11 54 N +11 11 55 G +11 11 56 M +11 11 57 N +11 11 58 W +11 11 59 A +11 11 60 N +11 11 61 H +11 11 62 G +11 11 63 M +11 11 64 G +11 11 65 H +11 11 66 A +11 11 67 N +11 11 68 H +11 11 69 W +11 11 70 A +11 11 71 H +11 11 72 N +11 11 73 W +11 11 74 G +11 11 75 N +11 11 76 H +11 11 77 G +11 11 78 M +11 11 79 G +11 11 80 G +11 11 81 W +11 11 82 N +11 11 83 W +11 11 84 M +11 11 85 N +11 11 86 H +11 11 87 K +11 11 88 H +11 11 89 K +11 11 90 N +11 11 91 W +11 11 92 M +11 11 93 G +11 11 94 K +11 11 95 G +11 11 96 W +11 11 97 G +11 11 98 H +11 11 99 G +11 11 100 N +11 11 101 H +11 11 102 G +11 11 103 W +11 11 104 N +11 11 105 H +11 11 106 W +11 11 107 A +11 11 108 N +11 11 109 G +11 11 110 W +11 11 111 W +11 11 112 H +11 11 113 K +11 11 114 N +11 11 115 H +11 11 116 N +11 11 117 H +11 11 118 H +11 11 119 N +11 11 120 A +11 11 121 H +11 11 122 N +11 11 123 G +11 11 124 W +11 11 125 H +11 11 126 H +11 11 127 K +11 11 128 W +11 11 129 A +11 11 130 W +11 11 131 H +11 11 132 H +11 11 133 N +11 11 134 K +11 11 135 H +11 11 136 N +11 11 137 K +11 11 138 N +11 11 139 A +11 11 140 G +11 11 141 A +11 11 142 A +11 11 143 W +11 11 144 G +11 11 145 N +11 11 146 W +11 11 147 N +11 11 148 H +11 11 149 N +11 11 150 H +11 11 151 M +11 11 152 H +11 11 153 G +11 11 154 K +11 11 155 K +11 11 156 G +11 11 157 K +11 11 158 A +11 11 159 W +11 11 160 H +11 11 161 N +11 11 162 H +11 11 163 G +11 11 164 G +11 11 165 W +11 11 166 K +11 11 167 A +11 11 168 N +11 11 169 G +11 11 170 K +11 11 171 W +11 11 172 A +11 11 173 H +11 11 174 W +11 11 175 N +11 11 176 H +11 11 177 W +11 11 178 G +11 11 179 M +11 11 180 N +11 11 181 M +11 11 182 H +11 11 183 W +11 11 184 G +11 11 185 W +11 11 186 N +11 11 187 W +11 11 188 G +11 11 189 A +11 11 190 M +11 11 191 N +11 11 192 G +11 11 193 W +11 11 194 K +11 11 195 W +11 11 196 N +11 11 197 G +11 11 198 K +11 11 199 A +11 11 200 N +11 11 201 M +11 11 202 N +11 11 203 H +11 11 204 K +11 11 205 G +11 11 206 A +11 11 207 H +11 11 208 W +11 11 209 N +11 11 210 K +11 11 211 N +11 11 212 W +11 11 213 G +11 11 214 W +11 11 215 H +11 11 216 K +11 11 217 W +11 11 218 W +11 11 219 N +11 11 220 G +11 11 221 N +11 11 222 G +11 11 223 N +11 11 224 A +11 11 225 W +11 11 226 G +11 11 227 K +11 11 228 G +11 11 229 N +11 11 230 A +11 11 231 H +11 11 232 W +11 11 233 G +11 11 234 N +11 11 235 G +11 11 236 W +11 11 237 M +11 11 238 N +11 11 239 M +11 11 240 M +11 11 241 A +11 11 242 W +11 11 243 H +11 11 244 A +11 11 245 H +11 11 246 N +11 11 247 G +11 11 248 K +11 11 249 N +11 11 250 N +11 11 251 N +11 11 252 A +11 11 253 N +11 11 254 G +11 11 255 K +11 11 256 H +11 11 257 K +11 11 258 W +11 11 259 H +11 11 260 W +11 11 261 A +11 11 262 K +11 11 263 N +11 11 264 A +11 11 265 N +11 11 266 M +11 11 267 H +11 11 268 N +11 11 269 H +11 11 270 W +11 11 271 K +11 11 272 A +11 11 273 H +11 11 274 A +11 11 275 W +11 11 276 H +11 11 277 K +11 11 278 M +11 11 279 G +11 11 280 W +11 11 281 N +11 11 282 M +11 11 283 A +11 11 284 M +11 11 285 N +11 11 286 A +11 11 287 W +11 11 288 H +11 11 289 N +11 11 290 A +11 11 291 G +11 11 292 M +11 11 293 N +11 11 294 A +11 11 295 K +11 11 296 G +11 11 297 W +11 11 298 H +11 11 299 N +11 11 300 M +11 11 301 N +11 11 302 A +11 11 303 N +11 11 304 W +11 11 305 K +11 11 306 W +11 11 307 G +11 11 308 G +11 11 309 K +11 11 310 N +11 11 311 G +11 11 312 K +11 11 313 G +11 11 314 A +11 11 315 N +11 11 316 N +11 11 317 H +11 11 318 M +11 11 319 A +11 11 320 W +11 11 321 H +11 11 322 G +11 11 323 N +11 11 324 A +11 11 325 H +11 11 326 W +11 11 327 A +11 11 328 N +11 11 329 M +11 11 330 A +11 12 1 G +11 12 2 W +11 12 3 H +11 12 4 H +11 12 5 W +11 12 6 M +11 12 7 N +11 12 8 H +11 12 9 E +11 12 10 G +11 12 11 E +11 12 12 W +11 12 13 E +11 12 14 E +11 12 15 A +11 12 16 A +11 12 17 H +11 12 18 E +11 12 19 G +11 12 20 W +11 12 21 H +11 12 22 W +11 12 23 E +11 12 24 K +11 12 25 E +11 12 26 E +11 12 27 A +11 12 28 H +11 12 29 W +11 12 30 H +11 12 31 A +11 12 32 H +11 12 33 W +11 12 34 G +11 12 35 H +11 12 36 G +11 12 37 E +11 12 38 H +11 12 39 N +11 12 40 N +11 12 41 H +11 12 42 W +11 12 43 E +11 12 44 A +11 12 45 W +11 12 46 W +11 12 47 K +11 12 48 W +11 12 49 G +11 12 50 E +11 12 51 M +11 12 52 A +11 12 53 H +11 12 54 G +11 12 55 G +11 12 56 M +11 12 57 G +11 12 58 W +11 12 59 A +11 12 60 E +11 12 61 H +11 12 62 E +11 12 63 M +11 12 64 G +11 12 65 H +11 12 66 A +11 12 67 W +11 12 68 M +11 12 69 I +11 12 70 A +11 12 71 M +11 12 72 N +11 12 73 E +11 12 74 A +11 12 75 W +11 12 76 E +11 12 77 H +11 12 78 N +11 12 79 M +11 12 80 E +11 12 81 N +11 12 82 G +11 12 83 W +11 12 84 M +11 12 85 N +11 12 86 M +11 12 87 E +11 12 88 H +11 12 89 K +11 12 90 N +11 12 91 W +11 12 92 A +11 12 93 G +11 12 94 E +11 12 95 A +11 12 96 W +11 12 97 E +11 12 98 H +11 12 99 N +11 12 100 W +11 12 101 H +11 12 102 A +11 12 103 W +11 12 104 G +11 12 105 M +11 12 106 W +11 12 107 A +11 12 108 A +11 12 109 E +11 12 110 W +11 12 111 N +11 12 112 H +11 12 113 K +11 12 114 E +11 12 115 H +11 12 116 A +11 12 117 M +11 12 118 H +11 12 119 W +11 12 120 A +11 12 121 H +11 12 122 E +11 12 123 G +11 12 124 W +11 12 125 H +11 12 126 M +11 12 127 E +11 12 128 W +11 12 129 A +11 12 130 G +11 12 131 M +11 12 132 H +11 12 133 E +11 12 134 M +11 12 135 H +11 12 136 W +11 12 137 E +11 12 138 G +11 12 139 A +11 12 140 E +11 12 141 A +11 12 142 A +11 12 143 W +11 12 144 E +11 12 145 W +11 12 146 W +11 12 147 N +11 12 148 H +11 12 149 N +11 12 150 E +11 12 151 M +11 12 152 G +11 12 153 N +11 12 154 E +11 12 155 G +11 12 156 N +11 12 157 M +11 12 158 A +11 12 159 W +11 12 160 M +11 12 161 W +11 12 162 H +11 12 163 E +11 12 164 N +11 12 165 W +11 12 166 E +11 12 167 N +11 12 168 G +11 12 169 G +11 12 170 E +11 12 171 N +11 12 172 A +11 12 173 H +11 12 174 W +11 12 175 N +11 12 176 H +11 12 177 W +11 12 178 E +11 12 179 H +11 12 180 W +11 12 181 W +11 12 182 H +11 12 183 N +11 12 184 E +11 12 185 M +11 12 186 N +11 12 187 W +11 12 188 E +11 12 189 N +11 12 190 M +11 12 191 G +11 12 192 G +11 12 193 W +11 12 194 M +11 12 195 W +11 12 196 N +11 12 197 M +11 12 198 K +11 12 199 A +11 12 200 G +11 12 201 M +11 12 202 N +11 12 203 H +11 12 204 M +11 12 205 E +11 12 206 W +11 12 207 H +11 12 208 W +11 12 209 N +11 12 210 M +11 12 211 N +11 12 212 W +11 12 213 A +11 12 214 W +11 12 215 M +11 12 216 N +11 12 217 M +11 12 218 W +11 12 219 A +11 12 220 E +11 12 221 W +11 12 222 E +11 12 223 G +11 12 224 A +11 12 225 W +11 12 226 E +11 12 227 N +11 12 228 K +11 12 229 W +11 12 230 A +11 12 231 M +11 12 232 W +11 12 233 N +11 12 234 G +11 12 235 N +11 12 236 W +11 12 237 M +11 12 238 N +11 12 239 M +11 12 240 H +11 12 241 A +11 12 242 W +11 12 243 H +11 12 244 A +11 12 245 H +11 12 246 N +11 12 247 G +11 12 248 N +11 12 249 W +11 12 250 E +11 12 251 W +11 12 252 A +11 12 253 N +11 12 254 G +11 12 255 K +11 12 256 H +11 12 257 E +11 12 258 W +11 12 259 H +11 12 260 W +11 12 261 M +11 12 262 A +11 12 263 N +11 12 264 N +11 12 265 W +11 12 266 M +11 12 267 H +11 12 268 N +11 12 269 M +11 12 270 W +11 12 271 N +11 12 272 A +11 12 273 M +11 12 274 A +11 12 275 W +11 12 276 H +11 12 277 G +11 12 278 M +11 12 279 E +11 12 280 W +11 12 281 G +11 12 282 N +11 12 283 M +11 12 284 A +11 12 285 M +11 12 286 A +11 12 287 W +11 12 288 H +11 12 289 N +11 12 290 A +11 12 291 E +11 12 292 M +11 12 293 N +11 12 294 A +11 12 295 W +11 12 296 E +11 12 297 W +11 12 298 H +11 12 299 N +11 12 300 A +11 12 301 G +11 12 302 A +11 12 303 N +11 12 304 W +11 12 305 H +11 12 306 W +11 12 307 E +11 12 308 N +11 12 309 W +11 12 310 N +11 12 311 G +11 12 312 K +11 12 313 E +11 12 314 A +11 12 315 N +11 12 316 G +11 12 317 H +11 12 318 M +11 12 319 A +11 12 320 W +11 12 321 H +11 12 322 N +11 12 323 E +11 12 324 A +11 12 325 H +11 12 326 W +11 12 327 A +11 12 328 G +11 12 329 M +11 12 330 A +11 13 1 G +11 13 2 W +11 13 3 H +11 13 4 H +11 13 5 G +11 13 6 W +11 13 7 G +11 13 8 H +11 13 9 W +11 13 10 G +11 13 11 G +11 13 12 W +11 13 13 G +11 13 14 G +11 13 15 W +11 13 16 A +11 13 17 H +11 13 18 G +11 13 19 G +11 13 20 G +11 13 21 H +11 13 22 W +11 13 23 H +11 13 24 G +11 13 25 G +11 13 26 G +11 13 27 W +11 13 28 H +11 13 29 G +11 13 30 H +11 13 31 W +11 13 32 H +11 13 33 G +11 13 34 G +11 13 35 H +11 13 36 G +11 13 37 G +11 13 38 H +11 13 39 G +11 13 40 G +11 13 41 H +11 13 42 W +11 13 43 G +11 13 44 A +11 13 45 N +11 13 46 A +11 13 47 G +11 13 48 W +11 13 49 N +11 13 50 H +11 13 51 W +11 13 52 A +11 13 53 H +11 13 54 G +11 13 55 N +11 13 56 W +11 13 57 G +11 13 58 W +11 13 59 A +11 13 60 G +11 13 61 H +11 13 62 G +11 13 63 H +11 13 64 G +11 13 65 H +11 13 66 A +11 13 67 N +11 13 68 H +11 13 69 W +11 13 70 A +11 13 71 H +11 13 72 N +11 13 73 H +11 13 74 A +11 13 75 G +11 13 76 H +11 13 77 G +11 13 78 M +11 13 79 G +11 13 80 N +11 13 81 W +11 13 82 N +11 13 83 W +11 13 84 M +11 13 85 N +11 13 86 M +11 13 87 G +11 13 88 H +11 13 89 G +11 13 90 G +11 13 91 W +11 13 92 A +11 13 93 N +11 13 94 G +11 13 95 A +11 13 96 W +11 13 97 H +11 13 98 H +11 13 99 M +11 13 100 N +11 13 101 H +11 13 102 A +11 13 103 W +11 13 104 N +11 13 105 M +11 13 106 W +11 13 107 A +11 13 108 A +11 13 109 G +11 13 110 W +11 13 111 G +11 13 112 H +11 13 113 G +11 13 114 N +11 13 115 H +11 13 116 A +11 13 117 M +11 13 118 M +11 13 119 N +11 13 120 A +11 13 121 H +11 13 122 N +11 13 123 G +11 13 124 W +11 13 125 H +11 13 126 M +11 13 127 G +11 13 128 W +11 13 129 A +11 13 130 G +11 13 131 H +11 13 132 H +11 13 133 N +11 13 134 M +11 13 135 H +11 13 136 G +11 13 137 G +11 13 138 G +11 13 139 A +11 13 140 G +11 13 141 A +11 13 142 A +11 13 143 W +11 13 144 G +11 13 145 N +11 13 146 W +11 13 147 N +11 13 148 H +11 13 149 W +11 13 150 M +11 13 151 M +11 13 152 M +11 13 153 N +11 13 154 A +11 13 155 W +11 13 156 N +11 13 157 W +11 13 158 A +11 13 159 W +11 13 160 M +11 13 161 N +11 13 162 H +11 13 163 N +11 13 164 G +11 13 165 W +11 13 166 G +11 13 167 A +11 13 168 N +11 13 169 N +11 13 170 G +11 13 171 W +11 13 172 A +11 13 173 H +11 13 174 W +11 13 175 A +11 13 176 M +11 13 177 W +11 13 178 G +11 13 179 H +11 13 180 N +11 13 181 W +11 13 182 H +11 13 183 W +11 13 184 M +11 13 185 M +11 13 186 N +11 13 187 W +11 13 188 G +11 13 189 A +11 13 190 M +11 13 191 G +11 13 192 M +11 13 193 W +11 13 194 H +11 13 195 N +11 13 196 N +11 13 197 M +11 13 198 K +11 13 199 A +11 13 200 N +11 13 201 M +11 13 202 N +11 13 203 H +11 13 204 K +11 13 205 M +11 13 206 A +11 13 207 H +11 13 208 W +11 13 209 G +11 13 210 H +11 13 211 N +11 13 212 W +11 13 213 A +11 13 214 W +11 13 215 M +11 13 216 K +11 13 217 M +11 13 218 W +11 13 219 A +11 13 220 G +11 13 221 A +11 13 222 M +11 13 223 G +11 13 224 A +11 13 225 W +11 13 226 G +11 13 227 K +11 13 228 G +11 13 229 N +11 13 230 M +11 13 231 H +11 13 232 W +11 13 233 G +11 13 234 N +11 13 235 G +11 13 236 W +11 13 237 M +11 13 238 N +11 13 239 M +11 13 240 H +11 13 241 A +11 13 242 W +11 13 243 H +11 13 244 A +11 13 245 H +11 13 246 N +11 13 247 M +11 13 248 K +11 13 249 G +11 13 250 H +11 13 251 N +11 13 252 A +11 13 253 N +11 13 254 A +11 13 255 K +11 13 256 H +11 13 257 G +11 13 258 W +11 13 259 H +11 13 260 W +11 13 261 M +11 13 262 A +11 13 263 A +11 13 264 A +11 13 265 G +11 13 266 M +11 13 267 H +11 13 268 N +11 13 269 M +11 13 270 W +11 13 271 G +11 13 272 A +11 13 273 M +11 13 274 A +11 13 275 W +11 13 276 H +11 13 277 G +11 13 278 M +11 13 279 G +11 13 280 W +11 13 281 N +11 13 282 N +11 13 283 M +11 13 284 A +11 13 285 M +11 13 286 A +11 13 287 W +11 13 288 H +11 13 289 N +11 13 290 A +11 13 291 G +11 13 292 M +11 13 293 A +11 13 294 A +11 13 295 W +11 13 296 G +11 13 297 W +11 13 298 H +11 13 299 N +11 13 300 A +11 13 301 N +11 13 302 M +11 13 303 A +11 13 304 W +11 13 305 H +11 13 306 W +11 13 307 G +11 13 308 M +11 13 309 W +11 13 310 N +11 13 311 G +11 13 312 K +11 13 313 G +11 13 314 A +11 13 315 N +11 13 316 G +11 13 317 H +11 13 318 M +11 13 319 A +11 13 320 W +11 13 321 H +11 13 322 N +11 13 323 G +11 13 324 A +11 13 325 H +11 13 326 W +11 13 327 A +11 13 328 G +11 13 329 W +11 13 330 A +11 14 1 N +11 14 2 N +11 14 3 H +11 14 4 G +11 14 5 N +11 14 6 A +11 14 7 N +11 14 8 H +11 14 9 * +11 14 10 G +11 14 11 N +11 14 12 W +11 14 13 N +11 14 14 G +11 14 15 A +11 14 16 A +11 14 17 H +11 14 18 K +11 14 19 G +11 14 20 N +11 14 21 H +11 14 22 W +11 14 23 G +11 14 24 W +11 14 25 N +11 14 26 G +11 14 27 A +11 14 28 H +11 14 29 N +11 14 30 W +11 14 31 N +11 14 32 H +11 14 33 N +11 14 34 G +11 14 35 H +11 14 36 N +11 14 37 G +11 14 38 H +11 14 39 N +11 14 40 N +11 14 41 H +11 14 42 W +11 14 43 K +11 14 44 A +11 14 45 N +11 14 46 A +11 14 47 N +11 14 48 W +11 14 49 N +11 14 50 H +11 14 51 W +11 14 52 A +11 14 53 H +11 14 54 N +11 14 55 N +11 14 56 H +11 14 57 N +11 14 58 W +11 14 59 A +11 14 60 N +11 14 61 H +11 14 62 G +11 14 63 H +11 14 64 G +11 14 65 H +11 14 66 A +11 14 67 N +11 14 68 H +11 14 69 W +11 14 70 A +11 14 71 H +11 14 72 N +11 14 73 H +11 14 74 A +11 14 75 N +11 14 76 H +11 14 77 N +11 14 78 H +11 14 79 K +11 14 80 G +11 14 81 W +11 14 82 N +11 14 83 A +11 14 84 H +11 14 85 N +11 14 86 H +11 14 87 K +11 14 88 H +11 14 89 K +11 14 90 N +11 14 91 W +11 14 92 A +11 14 93 N +11 14 94 K +11 14 95 A +11 14 96 W +11 14 97 G +11 14 98 H +11 14 99 A +11 14 100 N +11 14 101 H +11 14 102 G +11 14 103 W +11 14 104 N +11 14 105 H +11 14 106 W +11 14 107 A +11 14 108 N +11 14 109 G +11 14 110 W +11 14 111 N +11 14 112 H +11 14 113 K +11 14 114 N +11 14 115 H +11 14 116 A +11 14 117 K +11 14 118 H +11 14 119 N +11 14 120 A +11 14 121 H +11 14 122 N +11 14 123 N +11 14 124 W +11 14 125 H +11 14 126 H +11 14 127 K +11 14 128 W +11 14 129 A +11 14 130 W +11 14 131 H +11 14 132 H +11 14 133 N +11 14 134 H +11 14 135 H +11 14 136 N +11 14 137 N +11 14 138 N +11 14 139 A +11 14 140 G +11 14 141 A +11 14 142 A +11 14 143 W +11 14 144 G +11 14 145 N +11 14 146 W +11 14 147 N +11 14 148 H +11 14 149 N +11 14 150 H +11 14 151 H +11 14 152 H +11 14 153 G +11 14 154 K +11 14 155 W +11 14 156 N +11 14 157 H +11 14 158 A +11 14 159 W +11 14 160 H +11 14 161 N +11 14 162 H +11 14 163 N +11 14 164 G +11 14 165 W +11 14 166 G +11 14 167 A +11 14 168 N +11 14 169 N +11 14 170 G +11 14 171 N +11 14 172 A +11 14 173 H +11 14 174 W +11 14 175 N +11 14 176 H +11 14 177 W +11 14 178 G +11 14 179 H +11 14 180 N +11 14 181 W +11 14 182 H +11 14 183 W +11 14 184 H +11 14 185 W +11 14 186 N +11 14 187 W +11 14 188 N +11 14 189 A +11 14 190 H +11 14 191 N +11 14 192 G +11 14 193 W +11 14 194 H +11 14 195 N +11 14 196 N +11 14 197 H +11 14 198 K +11 14 199 A +11 14 200 N +11 14 201 H +11 14 202 N +11 14 203 H +11 14 204 K +11 14 205 G +11 14 206 A +11 14 207 H +11 14 208 W +11 14 209 N +11 14 210 H +11 14 211 N +11 14 212 W +11 14 213 A +11 14 214 W +11 14 215 H +11 14 216 N +11 14 217 H +11 14 218 W +11 14 219 N +11 14 220 G +11 14 221 A +11 14 222 G +11 14 223 N +11 14 224 A +11 14 225 W +11 14 226 G +11 14 227 K +11 14 228 G +11 14 229 N +11 14 230 A +11 14 231 H +11 14 232 W +11 14 233 G +11 14 234 N +11 14 235 G +11 14 236 W +11 14 237 H +11 14 238 N +11 14 239 H +11 14 240 H +11 14 241 A +11 14 242 W +11 14 243 H +11 14 244 A +11 14 245 H +11 14 246 N +11 14 247 G +11 14 248 N +11 14 249 N +11 14 250 G +11 14 251 N +11 14 252 A +11 14 253 N +11 14 254 G +11 14 255 K +11 14 256 H +11 14 257 G +11 14 258 W +11 14 259 H +11 14 260 W +11 14 261 H +11 14 262 A +11 14 263 A +11 14 264 A +11 14 265 N +11 14 266 H +11 14 267 H +11 14 268 N +11 14 269 H +11 14 270 W +11 14 271 N +11 14 272 A +11 14 273 H +11 14 274 W +11 14 275 G +11 14 276 H +11 14 277 G +11 14 278 N +11 14 279 W +11 14 280 G +11 14 281 N +11 14 282 N +11 14 283 H +11 14 284 A +11 14 285 H +11 14 286 A +11 14 287 W +11 14 288 H +11 14 289 N +11 14 290 A +11 14 291 G +11 14 292 H +11 14 293 N +11 14 294 A +11 14 295 W +11 14 296 G +11 14 297 W +11 14 298 H +11 14 299 N +11 14 300 A +11 14 301 N +11 14 302 A +11 14 303 A +11 14 304 W +11 14 305 H +11 14 306 W +11 14 307 G +11 14 308 G +11 14 309 W +11 14 310 N +11 14 311 G +11 14 312 K +11 14 313 G +11 14 314 A +11 14 315 N +11 14 316 N +11 14 317 H +11 14 318 H +11 14 319 A +11 14 320 W +11 14 321 H +11 14 322 G +11 14 323 N +11 14 324 A +11 14 325 H +11 14 326 W +11 14 327 A +11 14 328 N +11 14 329 W +11 14 330 A +11 15 1 G +11 15 2 N +11 15 3 H +11 15 4 M +11 15 5 N +11 15 6 M +11 15 7 N +11 15 8 H +11 15 9 M +11 15 10 G +11 15 11 N +11 15 12 W +11 15 13 N +11 15 14 G +11 15 15 M +11 15 16 A +11 15 17 H +11 15 18 K +11 15 19 N +11 15 20 N +11 15 21 H +11 15 22 W +11 15 23 G +11 15 24 K +11 15 25 N +11 15 26 G +11 15 27 A +11 15 28 H +11 15 29 N +11 15 30 M +11 15 31 N +11 15 32 M +11 15 33 N +11 15 34 G +11 15 35 M +11 15 36 N +11 15 37 G +11 15 38 H +11 15 39 N +11 15 40 N +11 15 41 H +11 15 42 W +11 15 43 K +11 15 44 A +11 15 45 N +11 15 46 G +11 15 47 G +11 15 48 W +11 15 49 N +11 15 50 M +11 15 51 M +11 15 52 A +11 15 53 H +11 15 54 N +11 15 55 N +11 15 56 M +11 15 57 N +11 15 58 M +11 15 59 A +11 15 60 K +11 15 61 H +11 15 62 G +11 15 63 M +11 15 64 N +11 15 65 H +11 15 66 A +11 15 67 N +11 15 68 M +11 15 69 N +11 15 70 A +11 15 71 M +11 15 72 N +11 15 73 G +11 15 74 A +11 15 75 N +11 15 76 H +11 15 77 N +11 15 78 M +11 15 79 K +11 15 80 N +11 15 81 N +11 15 82 N +11 15 83 A +11 15 84 M +11 15 85 N +11 15 86 M +11 15 87 K +11 15 88 M +11 15 89 K +11 15 90 N +11 15 91 W +11 15 92 A +11 15 93 N +11 15 94 K +11 15 95 A +11 15 96 W +11 15 97 G +11 15 98 H +11 15 99 G +11 15 100 N +11 15 101 M +11 15 102 G +11 15 103 N +11 15 104 N +11 15 105 M +11 15 106 W +11 15 107 A +11 15 108 A +11 15 109 G +11 15 110 W +11 15 111 G +11 15 112 H +11 15 113 K +11 15 114 N +11 15 115 H +11 15 116 A +11 15 117 M +11 15 118 M +11 15 119 N +11 15 120 A +11 15 121 H +11 15 122 N +11 15 123 G +11 15 124 W +11 15 125 M +11 15 126 M +11 15 127 N +11 15 128 W +11 15 129 A +11 15 130 N +11 15 131 M +11 15 132 H +11 15 133 N +11 15 134 M +11 15 135 H +11 15 136 N +11 15 137 N +11 15 138 A +11 15 139 A +11 15 140 G +11 15 141 A +11 15 142 A +11 15 143 N +11 15 144 G +11 15 145 N +11 15 146 W +11 15 147 N +11 15 148 H +11 15 149 N +11 15 150 G +11 15 151 M +11 15 152 M +11 15 153 N +11 15 154 K +11 15 155 G +11 15 156 N +11 15 157 M +11 15 158 A +11 15 159 M +11 15 160 W +11 15 161 N +11 15 162 H +11 15 163 G +11 15 164 G +11 15 165 N +11 15 166 K +11 15 167 A +11 15 168 N +11 15 169 N +11 15 170 K +11 15 171 N +11 15 172 A +11 15 173 M +11 15 174 W +11 15 175 G +11 15 176 H +11 15 177 W +11 15 178 K +11 15 179 M +11 15 180 N +11 15 181 W +11 15 182 M +11 15 183 M +11 15 184 M +11 15 185 W +11 15 186 N +11 15 187 W +11 15 188 G +11 15 189 A +11 15 190 M +11 15 191 N +11 15 192 G +11 15 193 W +11 15 194 M +11 15 195 N +11 15 196 N +11 15 197 M +11 15 198 K +11 15 199 A +11 15 200 N +11 15 201 M +11 15 202 N +11 15 203 H +11 15 204 K +11 15 205 G +11 15 206 A +11 15 207 H +11 15 208 M +11 15 209 N +11 15 210 M +11 15 211 N +11 15 212 W +11 15 213 G +11 15 214 W +11 15 215 M +11 15 216 K +11 15 217 M +11 15 218 N +11 15 219 A +11 15 220 G +11 15 221 A +11 15 222 G +11 15 223 N +11 15 224 A +11 15 225 N +11 15 226 G +11 15 227 K +11 15 228 G +11 15 229 N +11 15 230 A +11 15 231 M +11 15 232 N +11 15 233 G +11 15 234 N +11 15 235 G +11 15 236 W +11 15 237 G +11 15 238 N +11 15 239 M +11 15 240 M +11 15 241 A +11 15 242 W +11 15 243 M +11 15 244 A +11 15 245 H +11 15 246 N +11 15 247 G +11 15 248 K +11 15 249 N +11 15 250 G +11 15 251 N +11 15 252 A +11 15 253 N +11 15 254 G +11 15 255 K +11 15 256 M +11 15 257 G +11 15 258 W +11 15 259 H +11 15 260 W +11 15 261 M +11 15 262 A +11 15 263 A +11 15 264 G +11 15 265 N +11 15 266 M +11 15 267 M +11 15 268 N +11 15 269 H +11 15 270 W +11 15 271 N +11 15 272 A +11 15 273 M +11 15 274 A +11 15 275 W +11 15 276 H +11 15 277 G +11 15 278 M +11 15 279 G +11 15 280 N +11 15 281 N +11 15 282 N +11 15 283 M +11 15 284 A +11 15 285 M +11 15 286 A +11 15 287 M +11 15 288 H +11 15 289 N +11 15 290 A +11 15 291 G +11 15 292 M +11 15 293 A +11 15 294 A +11 15 295 M +11 15 296 G +11 15 297 W +11 15 298 H +11 15 299 N +11 15 300 A +11 15 301 N +11 15 302 A +11 15 303 G +11 15 304 N +11 15 305 M +11 15 306 N +11 15 307 G +11 15 308 M +11 15 309 K +11 15 310 N +11 15 311 G +11 15 312 K +11 15 313 G +11 15 314 A +11 15 315 N +11 15 316 G +11 15 317 M +11 15 318 A +11 15 319 A +11 15 320 W +11 15 321 H +11 15 322 G +11 15 323 N +11 15 324 A +11 15 325 M +11 15 326 W +11 15 327 A +11 15 328 N +11 15 329 M +11 15 330 A +11 16 1 G +11 16 2 A +11 16 3 H +11 16 4 M +11 16 5 N +11 16 6 M +11 16 7 N +11 16 8 H +11 16 9 M +11 16 10 G +11 16 11 G +11 16 12 W +11 16 13 N +11 16 14 G +11 16 15 A +11 16 16 A +11 16 17 H +11 16 18 N +11 16 19 G +11 16 20 N +11 16 21 H +11 16 22 W +11 16 23 M +11 16 24 N +11 16 25 G +11 16 26 G +11 16 27 A +11 16 28 H +11 16 29 N +11 16 30 W +11 16 31 A +11 16 32 H +11 16 33 W +11 16 34 G +11 16 35 H +11 16 36 G +11 16 37 G +11 16 38 H +11 16 39 N +11 16 40 G +11 16 41 H +11 16 42 W +11 16 43 G +11 16 44 A +11 16 45 N +11 16 46 G +11 16 47 N +11 16 48 W +11 16 49 A +11 16 50 M +11 16 51 M +11 16 52 A +11 16 53 H +11 16 54 N +11 16 55 G +11 16 56 N +11 16 57 G +11 16 58 W +11 16 59 A +11 16 60 G +11 16 61 H +11 16 62 N +11 16 63 H +11 16 64 G +11 16 65 H +11 16 66 A +11 16 67 N +11 16 68 H +11 16 69 N +11 16 70 A +11 16 71 M +11 16 72 G +11 16 73 H +11 16 74 A +11 16 75 G +11 16 76 H +11 16 77 G +11 16 78 M +11 16 79 N +11 16 80 G +11 16 81 W +11 16 82 N +11 16 83 W +11 16 84 M +11 16 85 G +11 16 86 M +11 16 87 G +11 16 88 H +11 16 89 G +11 16 90 G +11 16 91 W +11 16 92 A +11 16 93 G +11 16 94 M +11 16 95 A +11 16 96 W +11 16 97 G +11 16 98 H +11 16 99 N +11 16 100 A +11 16 101 H +11 16 102 N +11 16 103 W +11 16 104 A +11 16 105 H +11 16 106 W +11 16 107 A +11 16 108 A +11 16 109 G +11 16 110 W +11 16 111 N +11 16 112 H +11 16 113 G +11 16 114 G +11 16 115 H +11 16 116 A +11 16 117 M +11 16 118 H +11 16 119 N +11 16 120 A +11 16 121 H +11 16 122 N +11 16 123 G +11 16 124 W +11 16 125 H +11 16 126 H +11 16 127 G +11 16 128 W +11 16 129 A +11 16 130 N +11 16 131 H +11 16 132 H +11 16 133 G +11 16 134 M +11 16 135 H +11 16 136 N +11 16 137 N +11 16 138 A +11 16 139 A +11 16 140 G +11 16 141 A +11 16 142 A +11 16 143 W +11 16 144 M +11 16 145 N +11 16 146 W +11 16 147 N +11 16 148 H +11 16 149 W +11 16 150 M +11 16 151 H +11 16 152 M +11 16 153 G +11 16 154 G +11 16 155 N +11 16 156 N +11 16 157 M +11 16 158 A +11 16 159 W +11 16 160 H +11 16 161 N +11 16 162 H +11 16 163 G +11 16 164 G +11 16 165 W +11 16 166 G +11 16 167 N +11 16 168 G +11 16 169 G +11 16 170 G +11 16 171 W +11 16 172 A +11 16 173 H +11 16 174 W +11 16 175 A +11 16 176 H +11 16 177 W +11 16 178 G +11 16 179 H +11 16 180 N +11 16 181 W +11 16 182 H +11 16 183 W +11 16 184 M +11 16 185 W +11 16 186 G +11 16 187 W +11 16 188 G +11 16 189 A +11 16 190 M +11 16 191 G +11 16 192 M +11 16 193 W +11 16 194 M +11 16 195 N +11 16 196 A +11 16 197 M +11 16 198 G +11 16 199 A +11 16 200 A +11 16 201 M +11 16 202 N +11 16 203 H +11 16 204 M +11 16 205 G +11 16 206 A +11 16 207 H +11 16 208 W +11 16 209 G +11 16 210 M +11 16 211 N +11 16 212 W +11 16 213 A +11 16 214 W +11 16 215 H +11 16 216 W +11 16 217 M +11 16 218 W +11 16 219 A +11 16 220 G +11 16 221 A +11 16 222 M +11 16 223 N +11 16 224 A +11 16 225 W +11 16 226 G +11 16 227 M +11 16 228 G +11 16 229 N +11 16 230 A +11 16 231 H +11 16 232 W +11 16 233 N +11 16 234 N +11 16 235 G +11 16 236 W +11 16 237 M +11 16 238 G +11 16 239 H +11 16 240 M +11 16 241 A +11 16 242 W +11 16 243 M +11 16 244 A +11 16 245 H +11 16 246 G +11 16 247 M +11 16 248 N +11 16 249 G +11 16 250 M +11 16 251 N +11 16 252 A +11 16 253 G +11 16 254 G +11 16 255 M +11 16 256 H +11 16 257 G +11 16 258 W +11 16 259 H +11 16 260 A +11 16 261 W +11 16 262 A +11 16 263 A +11 16 264 A +11 16 265 N +11 16 266 M +11 16 267 H +11 16 268 N +11 16 269 H +11 16 270 W +11 16 271 G +11 16 272 A +11 16 273 M +11 16 274 A +11 16 275 W +11 16 276 H +11 16 277 G +11 16 278 M +11 16 279 G +11 16 280 W +11 16 281 G +11 16 282 N +11 16 283 M +11 16 284 A +11 16 285 M +11 16 286 A +11 16 287 W +11 16 288 H +11 16 289 A +11 16 290 A +11 16 291 G +11 16 292 M +11 16 293 A +11 16 294 A +11 16 295 M +11 16 296 M +11 16 297 W +11 16 298 H +11 16 299 N +11 16 300 A +11 16 301 N +11 16 302 A +11 16 303 A +11 16 304 W +11 16 305 M +11 16 306 W +11 16 307 G +11 16 308 M +11 16 309 N +11 16 310 N +11 16 311 G +11 16 312 M +11 16 313 G +11 16 314 A +11 16 315 N +11 16 316 N +11 16 317 H +11 16 318 H +11 16 319 A +11 16 320 W +11 16 321 H +11 16 322 G +11 16 323 N +11 16 324 A +11 16 325 M +11 16 326 W +11 16 327 A +11 16 328 N +11 16 329 M +11 16 330 A +11 17 1 G +11 17 2 N +11 17 3 H +11 17 4 G +11 17 5 N +11 17 6 M +11 17 7 N +11 17 8 H +11 17 9 M +11 17 10 G +11 17 11 N +11 17 12 W +11 17 13 K +11 17 14 K +11 17 15 M +11 17 16 A +11 17 17 H +11 17 18 K +11 17 19 G +11 17 20 N +11 17 21 H +11 17 22 W +11 17 23 M +11 17 24 K +11 17 25 N +11 17 26 G +11 17 27 A +11 17 28 H +11 17 29 N +11 17 30 M +11 17 31 G +11 17 32 M +11 17 33 N +11 17 34 G +11 17 35 H +11 17 36 N +11 17 37 G +11 17 38 H +11 17 39 N +11 17 40 G +11 17 41 H +11 17 42 W +11 17 43 G +11 17 44 A +11 17 45 N +11 17 46 G +11 17 47 K +11 17 48 M +11 17 49 G +11 17 50 G +11 17 51 G +11 17 52 A +11 17 53 M +11 17 54 N +11 17 55 G +11 17 56 M +11 17 57 N +11 17 58 W +11 17 59 A +11 17 60 G +11 17 61 M +11 17 62 M +11 17 63 M +11 17 64 G +11 17 65 H +11 17 66 A +11 17 67 N +11 17 68 M +11 17 69 N +11 17 70 A +11 17 71 M +11 17 72 N +11 17 73 M +11 17 74 G +11 17 75 K +11 17 76 H +11 17 77 N +11 17 78 M +11 17 79 K +11 17 80 G +11 17 81 N +11 17 82 G +11 17 83 A +11 17 84 M +11 17 85 N +11 17 86 M +11 17 87 K +11 17 88 M +11 17 89 K +11 17 90 K +11 17 91 W +11 17 92 A +11 17 93 G +11 17 94 K +11 17 95 A +11 17 96 W +11 17 97 G +11 17 98 H +11 17 99 M +11 17 100 G +11 17 101 M +11 17 102 A +11 17 103 N +11 17 104 G +11 17 105 M +11 17 106 W +11 17 107 A +11 17 108 G +11 17 109 G +11 17 110 W +11 17 111 K +11 17 112 H +11 17 113 K +11 17 114 N +11 17 115 M +11 17 116 G +11 17 117 K +11 17 118 M +11 17 119 N +11 17 120 A +11 17 121 H +11 17 122 N +11 17 123 G +11 17 124 W +11 17 125 H +11 17 126 M +11 17 127 K +11 17 128 W +11 17 129 A +11 17 130 K +11 17 131 M +11 17 132 H +11 17 133 N +11 17 134 K +11 17 135 M +11 17 136 G +11 17 137 K +11 17 138 G +11 17 139 A +11 17 140 K +11 17 141 A +11 17 142 A +11 17 143 N +11 17 144 G +11 17 145 N +11 17 146 W +11 17 147 N +11 17 148 H +11 17 149 W +11 17 150 G +11 17 151 M +11 17 152 M +11 17 153 N +11 17 154 K +11 17 155 K +11 17 156 N +11 17 157 M +11 17 158 A +11 17 159 M +11 17 160 M +11 17 161 N +11 17 162 H +11 17 163 N +11 17 164 G +11 17 165 N +11 17 166 K +11 17 167 A +11 17 168 N +11 17 169 G +11 17 170 K +11 17 171 N +11 17 172 A +11 17 173 H +11 17 174 W +11 17 175 G +11 17 176 H +11 17 177 W +11 17 178 G +11 17 179 M +11 17 180 N +11 17 181 W +11 17 182 M +11 17 183 W +11 17 184 M +11 17 185 M +11 17 186 G +11 17 187 W +11 17 188 G +11 17 189 A +11 17 190 M +11 17 191 N +11 17 192 M +11 17 193 W +11 17 194 M +11 17 195 N +11 17 196 G +11 17 197 M +11 17 198 K +11 17 199 A +11 17 200 G +11 17 201 M +11 17 202 N +11 17 203 H +11 17 204 K +11 17 205 G +11 17 206 A +11 17 207 H +11 17 208 M +11 17 209 G +11 17 210 M +11 17 211 G +11 17 212 H +11 17 213 A +11 17 214 W +11 17 215 M +11 17 216 K +11 17 217 M +11 17 218 W +11 17 219 A +11 17 220 G +11 17 221 A +11 17 222 M +11 17 223 N +11 17 224 A +11 17 225 W +11 17 226 G +11 17 227 K +11 17 228 G +11 17 229 G +11 17 230 A +11 17 231 M +11 17 232 M +11 17 233 G +11 17 234 N +11 17 235 G +11 17 236 W +11 17 237 M +11 17 238 G +11 17 239 H +11 17 240 M +11 17 241 A +11 17 242 W +11 17 243 M +11 17 244 A +11 17 245 H +11 17 246 N +11 17 247 G +11 17 248 K +11 17 249 N +11 17 250 G +11 17 251 N +11 17 252 A +11 17 253 G +11 17 254 G +11 17 255 K +11 17 256 H +11 17 257 G +11 17 258 W +11 17 259 H +11 17 260 A +11 17 261 M +11 17 262 A +11 17 263 G +11 17 264 A +11 17 265 N +11 17 266 M +11 17 267 M +11 17 268 N +11 17 269 H +11 17 270 W +11 17 271 K +11 17 272 A +11 17 273 M +11 17 274 A +11 17 275 W +11 17 276 H +11 17 277 G +11 17 278 M +11 17 279 G +11 17 280 N +11 17 281 N +11 17 282 N +11 17 283 M +11 17 284 A +11 17 285 M +11 17 286 A +11 17 287 W +11 17 288 H +11 17 289 G +11 17 290 M +11 17 291 G +11 17 292 M +11 17 293 A +11 17 294 A +11 17 295 M +11 17 296 G +11 17 297 W +11 17 298 H +11 17 299 N +11 17 300 A +11 17 301 N +11 17 302 A +11 17 303 A +11 17 304 N +11 17 305 G +11 17 306 N +11 17 307 G +11 17 308 M +11 17 309 K +11 17 310 N +11 17 311 G +11 17 312 K +11 17 313 G +11 17 314 A +11 17 315 N +11 17 316 N +11 17 317 H +11 17 318 M +11 17 319 A +11 17 320 W +11 17 321 H +11 17 322 G +11 17 323 N +11 17 324 A +11 17 325 M +11 17 326 W +11 17 327 A +11 17 328 N +11 17 329 M +11 17 330 A +11 18 1 G +11 18 2 A +11 18 3 H +11 18 4 W +11 18 5 K +11 18 6 W +11 18 7 N +11 18 8 K +11 18 9 M +11 18 10 K +11 18 11 N +11 18 12 W +11 18 13 K +11 18 14 K +11 18 15 M +11 18 16 A +11 18 17 H +11 18 18 M +11 18 19 G +11 18 20 K +11 18 21 H +11 18 22 W +11 18 23 H +11 18 24 M +11 18 25 N +11 18 26 G +11 18 27 A +11 18 28 H +11 18 29 N +11 18 30 M +11 18 31 G +11 18 32 H +11 18 33 N +11 18 34 K +11 18 35 H +11 18 36 K +11 18 37 N +11 18 38 H +11 18 39 N +11 18 40 G +11 18 41 H +11 18 42 W +11 18 43 K +11 18 44 A +11 18 45 N +11 18 46 K +11 18 47 N +11 18 48 W +11 18 49 G +11 18 50 K +11 18 51 N +11 18 52 A +11 18 53 H +11 18 54 N +11 18 55 K +11 18 56 H +11 18 57 K +11 18 58 N +11 18 59 A +11 18 60 K +11 18 61 H +11 18 62 N +11 18 63 H +11 18 64 G +11 18 65 H +11 18 66 A +11 18 67 N +11 18 68 H +11 18 69 N +11 18 70 A +11 18 71 H +11 18 72 N +11 18 73 H +11 18 74 N +11 18 75 K +11 18 76 H +11 18 77 N +11 18 78 W +11 18 79 K +11 18 80 G +11 18 81 N +11 18 82 N +11 18 83 A +11 18 84 W +11 18 85 N +11 18 86 H +11 18 87 K +11 18 88 H +11 18 89 K +11 18 90 K +11 18 91 W +11 18 92 A +11 18 93 G +11 18 94 K +11 18 95 A +11 18 96 W +11 18 97 K +11 18 98 H +11 18 99 N +11 18 100 G +11 18 101 H +11 18 102 N +11 18 103 K +11 18 104 K +11 18 105 H +11 18 106 W +11 18 107 A +11 18 108 N +11 18 109 K +11 18 110 W +11 18 111 K +11 18 112 H +11 18 113 A +11 18 114 K +11 18 115 H +11 18 116 N +11 18 117 K +11 18 118 H +11 18 119 N +11 18 120 A +11 18 121 H +11 18 122 N +11 18 123 K +11 18 124 W +11 18 125 H +11 18 126 M +11 18 127 K +11 18 128 W +11 18 129 A +11 18 130 K +11 18 131 H +11 18 132 H +11 18 133 N +11 18 134 K +11 18 135 H +11 18 136 G +11 18 137 K +11 18 138 N +11 18 139 A +11 18 140 K +11 18 141 A +11 18 142 A +11 18 143 W +11 18 144 K +11 18 145 N +11 18 146 W +11 18 147 N +11 18 148 H +11 18 149 W +11 18 150 K +11 18 151 H +11 18 152 H +11 18 153 G +11 18 154 K +11 18 155 K +11 18 156 K +11 18 157 K +11 18 158 A +11 18 159 W +11 18 160 H +11 18 161 N +11 18 162 H +11 18 163 N +11 18 164 G +11 18 165 N +11 18 166 K +11 18 167 N +11 18 168 K +11 18 169 G +11 18 170 K +11 18 171 N +11 18 172 A +11 18 173 H +11 18 174 W +11 18 175 N +11 18 176 H +11 18 177 W +11 18 178 K +11 18 179 H +11 18 180 N +11 18 181 W +11 18 182 M +11 18 183 K +11 18 184 H +11 18 185 N +11 18 186 G +11 18 187 H +11 18 188 G +11 18 189 A +11 18 190 H +11 18 191 K +11 18 192 N +11 18 193 W +11 18 194 K +11 18 195 N +11 18 196 N +11 18 197 H +11 18 198 K +11 18 199 A +11 18 200 G +11 18 201 H +11 18 202 N +11 18 203 H +11 18 204 K +11 18 205 G +11 18 206 A +11 18 207 H +11 18 208 W +11 18 209 K +11 18 210 M +11 18 211 G +11 18 212 H +11 18 213 N +11 18 214 W +11 18 215 H +11 18 216 K +11 18 217 H +11 18 218 W +11 18 219 A +11 18 220 K +11 18 221 A +11 18 222 H +11 18 223 N +11 18 224 A +11 18 225 W +11 18 226 K +11 18 227 K +11 18 228 K +11 18 229 N +11 18 230 A +11 18 231 H +11 18 232 N +11 18 233 K +11 18 234 G +11 18 235 K +11 18 236 W +11 18 237 H +11 18 238 N +11 18 239 H +11 18 240 H +11 18 241 A +11 18 242 W +11 18 243 H +11 18 244 A +11 18 245 H +11 18 246 N +11 18 247 K +11 18 248 K +11 18 249 K +11 18 250 K +11 18 251 N +11 18 252 A +11 18 253 N +11 18 254 N +11 18 255 K +11 18 256 H +11 18 257 K +11 18 258 W +11 18 259 H +11 18 260 W +11 18 261 H +11 18 262 A +11 18 263 K +11 18 264 A +11 18 265 K +11 18 266 H +11 18 267 K +11 18 268 N +11 18 269 H +11 18 270 W +11 18 271 K +11 18 272 A +11 18 273 H +11 18 274 A +11 18 275 W +11 18 276 H +11 18 277 K +11 18 278 H +11 18 279 K +11 18 280 G +11 18 281 N +11 18 282 N +11 18 283 K +11 18 284 A +11 18 285 H +11 18 286 A +11 18 287 N +11 18 288 H +11 18 289 N +11 18 290 A +11 18 291 K +11 18 292 H +11 18 293 A +11 18 294 A +11 18 295 K +11 18 296 H +11 18 297 W +11 18 298 H +11 18 299 G +11 18 300 A +11 18 301 G +11 18 302 A +11 18 303 N +11 18 304 K +11 18 305 K +11 18 306 N +11 18 307 N +11 18 308 A +11 18 309 K +11 18 310 G +11 18 311 K +11 18 312 K +11 18 313 K +11 18 314 A +11 18 315 N +11 18 316 N +11 18 317 H +11 18 318 H +11 18 319 A +11 18 320 N +11 18 321 H +11 18 322 G +11 18 323 K +11 18 324 A +11 18 325 H +11 18 326 W +11 18 327 A +11 18 328 N +11 18 329 K +11 18 330 A +11 19 1 W +11 19 2 N +11 19 3 H +11 19 4 M +11 19 5 N +11 19 6 M +11 19 7 N +11 19 8 M +11 19 9 G +11 19 10 N +11 19 11 A +11 19 12 M +11 19 13 G +11 19 14 N +11 19 15 M +11 19 16 A +11 19 17 M +11 19 18 K +11 19 19 N +11 19 20 G +11 19 21 H +11 19 22 M +11 19 23 M +11 19 24 N +11 19 25 G +11 19 26 N +11 19 27 M +11 19 28 G +11 19 29 N +11 19 30 K +11 19 31 N +11 19 32 M +11 19 33 K +11 19 34 G +11 19 35 G +11 19 36 N +11 19 37 G +11 19 38 M +11 19 39 N +11 19 40 N +11 19 41 H +11 19 42 N +11 19 43 G +11 19 44 M +11 19 45 N +11 19 46 K +11 19 47 A +11 19 48 M +11 19 49 N +11 19 50 M +11 19 51 K +11 19 52 K +11 19 53 M +11 19 54 N +11 19 55 K +11 19 56 M +11 19 57 N +11 19 58 G +11 19 59 M +11 19 60 K +11 19 61 M +11 19 62 G +11 19 63 H +11 19 64 K +11 19 65 H +11 19 66 M +11 19 67 N +11 19 68 M +11 19 69 K +11 19 70 N +11 19 71 H +11 19 72 N +11 19 73 K +11 19 74 N +11 19 75 N +11 19 76 H +11 19 77 A +11 19 78 G +11 19 79 H +11 19 80 N +11 19 81 G +11 19 82 K +11 19 83 M +11 19 84 M +11 19 85 N +11 19 86 H +11 19 87 K +11 19 88 H +11 19 89 K +11 19 90 A +11 19 91 G +11 19 92 M +11 19 93 K +11 19 94 K +11 19 95 N +11 19 96 W +11 19 97 K +11 19 98 H +11 19 99 N +11 19 100 N +11 19 101 H +11 19 102 N +11 19 103 W +11 19 104 N +11 19 105 H +11 19 106 W +11 19 107 N +11 19 108 A +11 19 109 G +11 19 110 W +11 19 111 K +11 19 112 H +11 19 113 N +11 19 114 G +11 19 115 H +11 19 116 A +11 19 117 K +11 19 118 H +11 19 119 A +11 19 120 A +11 19 121 H +11 19 122 N +11 19 123 G +11 19 124 W +11 19 125 H +11 19 126 M +11 19 127 K +11 19 128 N +11 19 129 W +11 19 130 K +11 19 131 H +11 19 132 H +11 19 133 K +11 19 134 W +11 19 135 H +11 19 136 N +11 19 137 K +11 19 138 N +11 19 139 M +11 19 140 K +11 19 141 W +11 19 142 A +11 19 143 N +11 19 144 K +11 19 145 N +11 19 146 W +11 19 147 N +11 19 148 H +11 19 149 N +11 19 150 M +11 19 151 H +11 19 152 M +11 19 153 N +11 19 154 K +11 19 155 G +11 19 156 N +11 19 157 M +11 19 158 A +11 19 159 W +11 19 160 H +11 19 161 N +11 19 162 H +11 19 163 K +11 19 164 G +11 19 165 W +11 19 166 G +11 19 167 M +11 19 168 N +11 19 169 N +11 19 170 G +11 19 171 W +11 19 172 A +11 19 173 H +11 19 174 W +11 19 175 N +11 19 176 H +11 19 177 W +11 19 178 K +11 19 179 M +11 19 180 N +11 19 181 W +11 19 182 H +11 19 183 K +11 19 184 M +11 19 185 A +11 19 186 N +11 19 187 M +11 19 188 N +11 19 189 A +11 19 190 H +11 19 191 G +11 19 192 M +11 19 193 W +11 19 194 M +11 19 195 N +11 19 196 N +11 19 197 M +11 19 198 W +11 19 199 N +11 19 200 N +11 19 201 H +11 19 202 N +11 19 203 M +11 19 204 M +11 19 205 K +11 19 206 A +11 19 207 M +11 19 208 M +11 19 209 N +11 19 210 M +11 19 211 N +11 19 212 M +11 19 213 K +11 19 214 W +11 19 215 M +11 19 216 K +11 19 217 M +11 19 218 N +11 19 219 A +11 19 220 K +11 19 221 G +11 19 222 M +11 19 223 N +11 19 224 A +11 19 225 W +11 19 226 G +11 19 227 K +11 19 228 M +11 19 229 N +11 19 230 A +11 19 231 M +11 19 232 G +11 19 233 G +11 19 234 N +11 19 235 K +11 19 236 W +11 19 237 M +11 19 238 N +11 19 239 H +11 19 240 M +11 19 241 A +11 19 242 W +11 19 243 H +11 19 244 A +11 19 245 H +11 19 246 N +11 19 247 K +11 19 248 G +11 19 249 K +11 19 250 M +11 19 251 N +11 19 252 A +11 19 253 N +11 19 254 K +11 19 255 G +11 19 256 H +11 19 257 K +11 19 258 W +11 19 259 H +11 19 260 N +11 19 261 M +11 19 262 A +11 19 263 K +11 19 264 N +11 19 265 G +11 19 266 M +11 19 267 M +11 19 268 N +11 19 269 H +11 19 270 M +11 19 271 G +11 19 272 A +11 19 273 M +11 19 274 A +11 19 275 W +11 19 276 H +11 19 277 K +11 19 278 M +11 19 279 G +11 19 280 N +11 19 281 N +11 19 282 H +11 19 283 M +11 19 284 A +11 19 285 M +11 19 286 A +11 19 287 M +11 19 288 M +11 19 289 N +11 19 290 M +11 19 291 N +11 19 292 H +11 19 293 N +11 19 294 A +11 19 295 K +11 19 296 M +11 19 297 W +11 19 298 H +11 19 299 N +11 19 300 M +11 19 301 N +11 19 302 A +11 19 303 A +11 19 304 G +11 19 305 M +11 19 306 N +11 19 307 N +11 19 308 K +11 19 309 W +11 19 310 N +11 19 311 G +11 19 312 K +11 19 313 G +11 19 314 A +11 19 315 N +11 19 316 G +11 19 317 H +11 19 318 H +11 19 319 A +11 19 320 G +11 19 321 H +11 19 322 N +11 19 323 G +11 19 324 M +11 19 325 K +11 19 326 W +11 19 327 H +11 19 328 A +11 19 329 M +11 19 330 N +11 20 1 G +11 20 2 E +11 20 3 H +11 20 4 K +11 20 5 N +11 20 6 W +11 20 7 W +11 20 8 H +11 20 9 W +11 20 10 G +11 20 11 N +11 20 12 W +11 20 13 N +11 20 14 G +11 20 15 W +11 20 16 A +11 20 17 H +11 20 18 T +11 20 19 G +11 20 20 W +11 20 21 H +11 20 22 W +11 20 23 G +11 20 24 T +11 20 25 I +11 20 26 G +11 20 27 A +11 20 28 H +11 20 29 W +11 20 30 W +11 20 31 A +11 20 32 H +11 20 33 I +11 20 34 G +11 20 35 H +11 20 36 G +11 20 37 N +11 20 38 H +11 20 39 N +11 20 40 N +11 20 41 H +11 20 42 W +11 20 43 E +11 20 44 A +11 20 45 N +11 20 46 T +11 20 47 N +11 20 48 W +11 20 49 A +11 20 50 T +11 20 51 N +11 20 52 A +11 20 53 H +11 20 54 W +11 20 55 A +11 20 56 I +11 20 57 N +11 20 58 I +11 20 59 N +11 20 60 T +11 20 61 H +11 20 62 G +11 20 63 H +11 20 64 E +11 20 65 H +11 20 66 A +11 20 67 W +11 20 68 H +11 20 69 I +11 20 70 A +11 20 71 H +11 20 72 N +11 20 73 E +11 20 74 A +11 20 75 N +11 20 76 H +11 20 77 G +11 20 78 A +11 20 79 T +11 20 80 K +11 20 81 W +11 20 82 N +11 20 83 A +11 20 84 W +11 20 85 G +11 20 86 H +11 20 87 T +11 20 88 H +11 20 89 E +11 20 90 N +11 20 91 W +11 20 92 A +11 20 93 G +11 20 94 T +11 20 95 A +11 20 96 I +11 20 97 E +11 20 98 H +11 20 99 G +11 20 100 I +11 20 101 H +11 20 102 A +11 20 103 I +11 20 104 I +11 20 105 H +11 20 106 W +11 20 107 A +11 20 108 W +11 20 109 G +11 20 110 I +11 20 111 W +11 20 112 H +11 20 113 T +11 20 114 N +11 20 115 H +11 20 116 A +11 20 117 N +11 20 118 H +11 20 119 N +11 20 120 A +11 20 121 H +11 20 122 N +11 20 123 N +11 20 124 I +11 20 125 H +11 20 126 N +11 20 127 E +11 20 128 I +11 20 129 A +11 20 130 T +11 20 131 G +11 20 132 H +11 20 133 N +11 20 134 T +11 20 135 H +11 20 136 N +11 20 137 I +11 20 138 A +11 20 139 A +11 20 140 G +11 20 141 A +11 20 142 T +11 20 143 W +11 20 144 G +11 20 145 W +11 20 146 W +11 20 147 G +11 20 148 H +11 20 149 W +11 20 150 E +11 20 151 H +11 20 152 G +11 20 153 E +11 20 154 T +11 20 155 N +11 20 156 N +11 20 157 T +11 20 158 A +11 20 159 W +11 20 160 H +11 20 161 N +11 20 162 H +11 20 163 N +11 20 164 N +11 20 165 W +11 20 166 N +11 20 167 N +11 20 168 W +11 20 169 N +11 20 170 T +11 20 171 W +11 20 172 A +11 20 173 H +11 20 174 W +11 20 175 A +11 20 176 H +11 20 177 W +11 20 178 G +11 20 179 H +11 20 180 W +11 20 181 N +11 20 182 H +11 20 183 T +11 20 184 N +11 20 185 W +11 20 186 A +11 20 187 W +11 20 188 N +11 20 189 A +11 20 190 H +11 20 191 N +11 20 192 E +11 20 193 W +11 20 194 H +11 20 195 W +11 20 196 N +11 20 197 N +11 20 198 T +11 20 199 W +11 20 200 N +11 20 201 H +11 20 202 N +11 20 203 H +11 20 204 T +11 20 205 G +11 20 206 A +11 20 207 H +11 20 208 W +11 20 209 N +11 20 210 N +11 20 211 E +11 20 212 H +11 20 213 N +11 20 214 W +11 20 215 N +11 20 216 T +11 20 217 H +11 20 218 W +11 20 219 A +11 20 220 E +11 20 221 A +11 20 222 E +11 20 223 N +11 20 224 A +11 20 225 W +11 20 226 N +11 20 227 K +11 20 228 E +11 20 229 G +11 20 230 A +11 20 231 H +11 20 232 K +11 20 233 E +11 20 234 N +11 20 235 E +11 20 236 W +11 20 237 H +11 20 238 N +11 20 239 H +11 20 240 I +11 20 241 A +11 20 242 W +11 20 243 H +11 20 244 A +11 20 245 H +11 20 246 N +11 20 247 N +11 20 248 K +11 20 249 N +11 20 250 E +11 20 251 W +11 20 252 A +11 20 253 N +11 20 254 G +11 20 255 K +11 20 256 H +11 20 257 W +11 20 258 W +11 20 259 H +11 20 260 W +11 20 261 H +11 20 262 A +11 20 263 K +11 20 264 A +11 20 265 N +11 20 266 W +11 20 267 H +11 20 268 N +11 20 269 H +11 20 270 W +11 20 271 K +11 20 272 A +11 20 273 H +11 20 274 A +11 20 275 I +11 20 276 H +11 20 277 N +11 20 278 H +11 20 279 G +11 20 280 W +11 20 281 N +11 20 282 W +11 20 283 K +11 20 284 A +11 20 285 H +11 20 286 A +11 20 287 W +11 20 288 H +11 20 289 N +11 20 290 A +11 20 291 N +11 20 292 H +11 20 293 W +11 20 294 A +11 20 295 K +11 20 296 G +11 20 297 W +11 20 298 H +11 20 299 N +11 20 300 A +11 20 301 N +11 20 302 A +11 20 303 K +11 20 304 W +11 20 305 H +11 20 306 W +11 20 307 E +11 20 308 K +11 20 309 K +11 20 310 N +11 20 311 E +11 20 312 K +11 20 313 E +11 20 314 A +11 20 315 N +11 20 316 N +11 20 317 H +11 20 318 I +11 20 319 A +11 20 320 W +11 20 321 H +11 20 322 A +11 20 323 N +11 20 324 A +11 20 325 N +11 20 326 W +11 20 327 A +11 20 328 N +11 20 329 W +11 20 330 A +11 21 1 G +11 21 2 N +11 21 3 H +11 21 4 G +11 21 5 W +11 21 6 W +11 21 7 G +11 21 8 H +11 21 9 N +11 21 10 G +11 21 11 G +11 21 12 W +11 21 13 G +11 21 14 G +11 21 15 H +11 21 16 N +11 21 17 H +11 21 18 N +11 21 19 G +11 21 20 N +11 21 21 H +11 21 22 W +11 21 23 G +11 21 24 N +11 21 25 G +11 21 26 G +11 21 27 H +11 21 28 H +11 21 29 G +11 21 30 W +11 21 31 N +11 21 32 H +11 21 33 W +11 21 34 G +11 21 35 H +11 21 36 G +11 21 37 G +11 21 38 H +11 21 39 G +11 21 40 G +11 21 41 H +11 21 42 W +11 21 43 G +11 21 44 A +11 21 45 W +11 21 46 N +11 21 47 W +11 21 48 W +11 21 49 N +11 21 50 G +11 21 51 G +11 21 52 A +11 21 53 H +11 21 54 W +11 21 55 W +11 21 56 G +11 21 57 G +11 21 58 N +11 21 59 N +11 21 60 G +11 21 61 H +11 21 62 N +11 21 63 H +11 21 64 G +11 21 65 H +11 21 66 N +11 21 67 W +11 21 68 H +11 21 69 G +11 21 70 N +11 21 71 G +11 21 72 G +11 21 73 G +11 21 74 N +11 21 75 G +11 21 76 H +11 21 77 G +11 21 78 N +11 21 79 G +11 21 80 G +11 21 81 W +11 21 82 G +11 21 83 N +11 21 84 N +11 21 85 G +11 21 86 H +11 21 87 W +11 21 88 H +11 21 89 W +11 21 90 W +11 21 91 G +11 21 92 A +11 21 93 G +11 21 94 G +11 21 95 A +11 21 96 W +11 21 97 G +11 21 98 H +11 21 99 W +11 21 100 N +11 21 101 H +11 21 102 N +11 21 103 W +11 21 104 N +11 21 105 H +11 21 106 W +11 21 107 N +11 21 108 A +11 21 109 G +11 21 110 W +11 21 111 G +11 21 112 H +11 21 113 G +11 21 114 G +11 21 115 H +11 21 116 N +11 21 117 G +11 21 118 H +11 21 119 G +11 21 120 N +11 21 121 H +11 21 122 G +11 21 123 G +11 21 124 W +11 21 125 H +11 21 126 H +11 21 127 G +11 21 128 W +11 21 129 N +11 21 130 G +11 21 131 G +11 21 132 H +11 21 133 G +11 21 134 G +11 21 135 H +11 21 136 W +11 21 137 G +11 21 138 N +11 21 139 A +11 21 140 G +11 21 141 A +11 21 142 A +11 21 143 W +11 21 144 G +11 21 145 W +11 21 146 W +11 21 147 G +11 21 148 H +11 21 149 W +11 21 150 G +11 21 151 H +11 21 152 H +11 21 153 G +11 21 154 G +11 21 155 G +11 21 156 G +11 21 157 G +11 21 158 N +11 21 159 W +11 21 160 A +11 21 161 W +11 21 162 H +11 21 163 G +11 21 164 G +11 21 165 W +11 21 166 G +11 21 167 N +11 21 168 G +11 21 169 G +11 21 170 G +11 21 171 W +11 21 172 N +11 21 173 H +11 21 174 W +11 21 175 N +11 21 176 H +11 21 177 W +11 21 178 G +11 21 179 G +11 21 180 G +11 21 181 W +11 21 182 G +11 21 183 W +11 21 184 G +11 21 185 W +11 21 186 N +11 21 187 W +11 21 188 N +11 21 189 A +11 21 190 A +11 21 191 G +11 21 192 G +11 21 193 W +11 21 194 G +11 21 195 W +11 21 196 N +11 21 197 A +11 21 198 G +11 21 199 N +11 21 200 N +11 21 201 W +11 21 202 G +11 21 203 H +11 21 204 G +11 21 205 G +11 21 206 N +11 21 207 H +11 21 208 G +11 21 209 G +11 21 210 G +11 21 211 N +11 21 212 W +11 21 213 A +11 21 214 W +11 21 215 N +11 21 216 W +11 21 217 N +11 21 218 W +11 21 219 A +11 21 220 G +11 21 221 N +11 21 222 G +11 21 223 W +11 21 224 N +11 21 225 W +11 21 226 G +11 21 227 G +11 21 228 G +11 21 229 N +11 21 230 N +11 21 231 W +11 21 232 W +11 21 233 N +11 21 234 G +11 21 235 G +11 21 236 W +11 21 237 A +11 21 238 G +11 21 239 H +11 21 240 G +11 21 241 A +11 21 242 W +11 21 243 H +11 21 244 N +11 21 245 H +11 21 246 G +11 21 247 W +11 21 248 G +11 21 249 G +11 21 250 G +11 21 251 W +11 21 252 N +11 21 253 G +11 21 254 G +11 21 255 G +11 21 256 H +11 21 257 H +11 21 258 W +11 21 259 H +11 21 260 A +11 21 261 W +11 21 262 N +11 21 263 G +11 21 264 A +11 21 265 G +11 21 266 H +11 21 267 G +11 21 268 N +11 21 269 H +11 21 270 W +11 21 271 G +11 21 272 N +11 21 273 W +11 21 274 A +11 21 275 W +11 21 276 H +11 21 277 G +11 21 278 W +11 21 279 G +11 21 280 W +11 21 281 W +11 21 282 W +11 21 283 G +11 21 284 A +11 21 285 H +11 21 286 A +11 21 287 W +11 21 288 H +11 21 289 G +11 21 290 A +11 21 291 G +11 21 292 W +11 21 293 N +11 21 294 N +11 21 295 W +11 21 296 G +11 21 297 W +11 21 298 H +11 21 299 W +11 21 300 A +11 21 301 G +11 21 302 A +11 21 303 A +11 21 304 H +11 21 305 W +11 21 306 G +11 21 307 W +11 21 308 G +11 21 309 G +11 21 310 W +11 21 311 G +11 21 312 G +11 21 313 G +11 21 314 N +11 21 315 W +11 21 316 G +11 21 317 H +11 21 318 W +11 21 319 A +11 21 320 W +11 21 321 H +11 21 322 G +11 21 323 G +11 21 324 A +11 21 325 H +11 21 326 W +11 21 327 A +11 21 328 G +11 21 329 G +11 21 330 A +11 22 1 K +11 22 2 W +11 22 3 H +11 22 4 G +11 22 5 N +11 22 6 W +11 22 7 N +11 22 8 H +11 22 9 W +11 22 10 G +11 22 11 N +11 22 12 W +11 22 13 N +11 22 14 N +11 22 15 W +11 22 16 A +11 22 17 G +11 22 18 N +11 22 19 N +11 22 20 W +11 22 21 H +11 22 22 W +11 22 23 N +11 22 24 W +11 22 25 N +11 22 26 K +11 22 27 W +11 22 28 H +11 22 29 N +11 22 30 W +11 22 31 N +11 22 32 W +11 22 33 N +11 22 34 G +11 22 35 W +11 22 36 N +11 22 37 N +11 22 38 H +11 22 39 W +11 22 40 N +11 22 41 H +11 22 42 W +11 22 43 G +11 22 44 W +11 22 45 N +11 22 46 N +11 22 47 G +11 22 48 W +11 22 49 N +11 22 50 W +11 22 51 W +11 22 52 W +11 22 53 H +11 22 54 W +11 22 55 N +11 22 56 W +11 22 57 G +11 22 58 W +11 22 59 N +11 22 60 N +11 22 61 H +11 22 62 N +11 22 63 W +11 22 64 N +11 22 65 H +11 22 66 W +11 22 67 W +11 22 68 W +11 22 69 W +11 22 70 A +11 22 71 G +11 22 72 N +11 22 73 W +11 22 74 N +11 22 75 W +11 22 76 H +11 22 77 G +11 22 78 W +11 22 79 N +11 22 80 N +11 22 81 W +11 22 82 N +11 22 83 W +11 22 84 W +11 22 85 N +11 22 86 W +11 22 87 N +11 22 88 W +11 22 89 G +11 22 90 N +11 22 91 W +11 22 92 W +11 22 93 N +11 22 94 K +11 22 95 A +11 22 96 W +11 22 97 G +11 22 98 H +11 22 99 W +11 22 100 A +11 22 101 W +11 22 102 A +11 22 103 W +11 22 104 G +11 22 105 H +11 22 106 W +11 22 107 A +11 22 108 W +11 22 109 N +11 22 110 W +11 22 111 W +11 22 112 H +11 22 113 N +11 22 114 N +11 22 115 H +11 22 116 A +11 22 117 G +11 22 118 W +11 22 119 N +11 22 120 A +11 22 121 H +11 22 122 W +11 22 123 W +11 22 124 W +11 22 125 H +11 22 126 W +11 22 127 N +11 22 128 M +11 22 129 W +11 22 130 W +11 22 131 W +11 22 132 H +11 22 133 N +11 22 134 M +11 22 135 H +11 22 136 G +11 22 137 W +11 22 138 A +11 22 139 A +11 22 140 G +11 22 141 A +11 22 142 A +11 22 143 W +11 22 144 G +11 22 145 W +11 22 146 W +11 22 147 G +11 22 148 H +11 22 149 N +11 22 150 W +11 22 151 W +11 22 152 G +11 22 153 N +11 22 154 W +11 22 155 W +11 22 156 G +11 22 157 W +11 22 158 A +11 22 159 W +11 22 160 W +11 22 161 N +11 22 162 H +11 22 163 N +11 22 164 W +11 22 165 G +11 22 166 N +11 22 167 M +11 22 168 W +11 22 169 G +11 22 170 N +11 22 171 W +11 22 172 A +11 22 173 H +11 22 174 W +11 22 175 A +11 22 176 H +11 22 177 W +11 22 178 N +11 22 179 G +11 22 180 W +11 22 181 W +11 22 182 W +11 22 183 H +11 22 184 A +11 22 185 W +11 22 186 G +11 22 187 W +11 22 188 G +11 22 189 A +11 22 190 W +11 22 191 G +11 22 192 W +11 22 193 W +11 22 194 G +11 22 195 W +11 22 196 A +11 22 197 A +11 22 198 N +11 22 199 A +11 22 200 A +11 22 201 W +11 22 202 W +11 22 203 W +11 22 204 N +11 22 205 M +11 22 206 A +11 22 207 H +11 22 208 W +11 22 209 W +11 22 210 M +11 22 211 N +11 22 212 W +11 22 213 A +11 22 214 W +11 22 215 M +11 22 216 N +11 22 217 G +11 22 218 W +11 22 219 A +11 22 220 M +11 22 221 A +11 22 222 M +11 22 223 W +11 22 224 M +11 22 225 W +11 22 226 G +11 22 227 N +11 22 228 G +11 22 229 A +11 22 230 M +11 22 231 G +11 22 232 W +11 22 233 N +11 22 234 W +11 22 235 N +11 22 236 W +11 22 237 M +11 22 238 W +11 22 239 M +11 22 240 W +11 22 241 A +11 22 242 W +11 22 243 H +11 22 244 A +11 22 245 H +11 22 246 W +11 22 247 M +11 22 248 N +11 22 249 G +11 22 250 G +11 22 251 W +11 22 252 M +11 22 253 W +11 22 254 G +11 22 255 N +11 22 256 H +11 22 257 N +11 22 258 W +11 22 259 H +11 22 260 W +11 22 261 M +11 22 262 A +11 22 263 N +11 22 264 N +11 22 265 W +11 22 266 M +11 22 267 H +11 22 268 G +11 22 269 H +11 22 270 W +11 22 271 G +11 22 272 N +11 22 273 W +11 22 274 A +11 22 275 W +11 22 276 H +11 22 277 N +11 22 278 M +11 22 279 N +11 22 280 W +11 22 281 G +11 22 282 N +11 22 283 M +11 22 284 A +11 22 285 M +11 22 286 A +11 22 287 W +11 22 288 H +11 22 289 G +11 22 290 W +11 22 291 N +11 22 292 M +11 22 293 A +11 22 294 A +11 22 295 W +11 22 296 M +11 22 297 W +11 22 298 H +11 22 299 N +11 22 300 A +11 22 301 W +11 22 302 M +11 22 303 A +11 22 304 W +11 22 305 G +11 22 306 N +11 22 307 N +11 22 308 M +11 22 309 W +11 22 310 N +11 22 311 N +11 22 312 N +11 22 313 G +11 22 314 W +11 22 315 N +11 22 316 W +11 22 317 H +11 22 318 W +11 22 319 M +11 22 320 W +11 22 321 H +11 22 322 G +11 22 323 N +11 22 324 W +11 22 325 H +11 22 326 W +11 22 327 A +11 22 328 N +11 22 329 G +11 22 330 A +11 23 1 N +11 23 2 M +11 23 3 H +11 23 4 G +11 23 5 N +11 23 6 N +11 23 7 N +11 23 8 H +11 23 9 M +11 23 10 N +11 23 11 N +11 23 12 W +11 23 13 N +11 23 14 N +11 23 15 M +11 23 16 A +11 23 17 H +11 23 18 N +11 23 19 N +11 23 20 N +11 23 21 H +11 23 22 W +11 23 23 N +11 23 24 N +11 23 25 N +11 23 26 N +11 23 27 A +11 23 28 H +11 23 29 N +11 23 30 H +11 23 31 N +11 23 32 H +11 23 33 N +11 23 34 N +11 23 35 H +11 23 36 N +11 23 37 N +11 23 38 H +11 23 39 N +11 23 40 N +11 23 41 H +11 23 42 W +11 23 43 N +11 23 44 A +11 23 45 N +11 23 46 N +11 23 47 N +11 23 48 W +11 23 49 N +11 23 50 H +11 23 51 H +11 23 52 A +11 23 53 H +11 23 54 N +11 23 55 N +11 23 56 W +11 23 57 N +11 23 58 W +11 23 59 A +11 23 60 K +11 23 61 H +11 23 62 N +11 23 63 H +11 23 64 N +11 23 65 H +11 23 66 A +11 23 67 N +11 23 68 H +11 23 69 N +11 23 70 A +11 23 71 H +11 23 72 N +11 23 73 H +11 23 74 A +11 23 75 K +11 23 76 H +11 23 77 N +11 23 78 W +11 23 79 K +11 23 80 N +11 23 81 W +11 23 82 N +11 23 83 A +11 23 84 H +11 23 85 N +11 23 86 H +11 23 87 K +11 23 88 H +11 23 89 K +11 23 90 N +11 23 91 W +11 23 92 A +11 23 93 N +11 23 94 K +11 23 95 A +11 23 96 W +11 23 97 N +11 23 98 H +11 23 99 A +11 23 100 N +11 23 101 H +11 23 102 A +11 23 103 K +11 23 104 N +11 23 105 H +11 23 106 W +11 23 107 A +11 23 108 A +11 23 109 N +11 23 110 W +11 23 111 K +11 23 112 H +11 23 113 K +11 23 114 N +11 23 115 H +11 23 116 A +11 23 117 K +11 23 118 H +11 23 119 N +11 23 120 A +11 23 121 H +11 23 122 N +11 23 123 N +11 23 124 W +11 23 125 H +11 23 126 H +11 23 127 K +11 23 128 W +11 23 129 A +11 23 130 K +11 23 131 H +11 23 132 H +11 23 133 N +11 23 134 K +11 23 135 H +11 23 136 N +11 23 137 N +11 23 138 N +11 23 139 A +11 23 140 N +11 23 141 A +11 23 142 A +11 23 143 N +11 23 144 K +11 23 145 N +11 23 146 W +11 23 147 N +11 23 148 H +11 23 149 N +11 23 150 K +11 23 151 H +11 23 152 H +11 23 153 N +11 23 154 K +11 23 155 K +11 23 156 N +11 23 157 N +11 23 158 A +11 23 159 W +11 23 160 H +11 23 161 N +11 23 162 H +11 23 163 N +11 23 164 N +11 23 165 N +11 23 166 K +11 23 167 A +11 23 168 N +11 23 169 N +11 23 170 K +11 23 171 N +11 23 172 A +11 23 173 H +11 23 174 W +11 23 175 A +11 23 176 H +11 23 177 W +11 23 178 N +11 23 179 H +11 23 180 N +11 23 181 W +11 23 182 H +11 23 183 W +11 23 184 H +11 23 185 W +11 23 186 N +11 23 187 W +11 23 188 N +11 23 189 A +11 23 190 W +11 23 191 N +11 23 192 H +11 23 193 W +11 23 194 H +11 23 195 N +11 23 196 N +11 23 197 N +11 23 198 K +11 23 199 A +11 23 200 N +11 23 201 H +11 23 202 N +11 23 203 H +11 23 204 K +11 23 205 N +11 23 206 A +11 23 207 H +11 23 208 W +11 23 209 N +11 23 210 H +11 23 211 N +11 23 212 H +11 23 213 N +11 23 214 W +11 23 215 H +11 23 216 K +11 23 217 W +11 23 218 N +11 23 219 A +11 23 220 K +11 23 221 A +11 23 222 H +11 23 223 N +11 23 224 A +11 23 225 W +11 23 226 N +11 23 227 K +11 23 228 K +11 23 229 N +11 23 230 A +11 23 231 H +11 23 232 K +11 23 233 A +11 23 234 N +11 23 235 N +11 23 236 W +11 23 237 W +11 23 238 N +11 23 239 H +11 23 240 H +11 23 241 A +11 23 242 W +11 23 243 H +11 23 244 A +11 23 245 H +11 23 246 N +11 23 247 N +11 23 248 K +11 23 249 N +11 23 250 K +11 23 251 N +11 23 252 A +11 23 253 N +11 23 254 N +11 23 255 K +11 23 256 H +11 23 257 N +11 23 258 W +11 23 259 H +11 23 260 A +11 23 261 H +11 23 262 A +11 23 263 N +11 23 264 N +11 23 265 N +11 23 266 H +11 23 267 H +11 23 268 N +11 23 269 H +11 23 270 W +11 23 271 K +11 23 272 A +11 23 273 H +11 23 274 A +11 23 275 W +11 23 276 H +11 23 277 N +11 23 278 H +11 23 279 K +11 23 280 N +11 23 281 N +11 23 282 N +11 23 283 H +11 23 284 A +11 23 285 W +11 23 286 A +11 23 287 W +11 23 288 H +11 23 289 N +11 23 290 A +11 23 291 N +11 23 292 W +11 23 293 A +11 23 294 A +11 23 295 W +11 23 296 K +11 23 297 W +11 23 298 H +11 23 299 N +11 23 300 A +11 23 301 N +11 23 302 A +11 23 303 A +11 23 304 N +11 23 305 H +11 23 306 N +11 23 307 N +11 23 308 H +11 23 309 K +11 23 310 N +11 23 311 N +11 23 312 K +11 23 313 K +11 23 314 A +11 23 315 N +11 23 316 N +11 23 317 H +11 23 318 H +11 23 319 A +11 23 320 N +11 23 321 H +11 23 322 N +11 23 323 K +11 23 324 A +11 23 325 H +11 23 326 W +11 23 327 A +11 23 328 N +11 23 329 H +11 23 330 A +11 24 1 G +11 24 2 N +11 24 3 H +11 24 4 M +11 24 5 N +11 24 6 M +11 24 7 W +11 24 8 H +11 24 9 M +11 24 10 K +11 24 11 K +11 24 12 W +11 24 13 N +11 24 14 K +11 24 15 A +11 24 16 A +11 24 17 H +11 24 18 N +11 24 19 G +11 24 20 W +11 24 21 H +11 24 22 W +11 24 23 M +11 24 24 N +11 24 25 N +11 24 26 G +11 24 27 A +11 24 28 H +11 24 29 N +11 24 30 H +11 24 31 G +11 24 32 H +11 24 33 W +11 24 34 N +11 24 35 H +11 24 36 N +11 24 37 A +11 24 38 H +11 24 39 N +11 24 40 N +11 24 41 H +11 24 42 W +11 24 43 N +11 24 44 A +11 24 45 W +11 24 46 N +11 24 47 N +11 24 48 M +11 24 49 N +11 24 50 H +11 24 51 M +11 24 52 A +11 24 53 H +11 24 54 M +11 24 55 N +11 24 56 M +11 24 57 G +11 24 58 M +11 24 59 A +11 24 60 N +11 24 61 H +11 24 62 G +11 24 63 H +11 24 64 G +11 24 65 H +11 24 66 A +11 24 67 N +11 24 68 H +11 24 69 M +11 24 70 A +11 24 71 M +11 24 72 N +11 24 73 M +11 24 74 A +11 24 75 N +11 24 76 H +11 24 77 N +11 24 78 M +11 24 79 N +11 24 80 G +11 24 81 W +11 24 82 G +11 24 83 A +11 24 84 M +11 24 85 G +11 24 86 H +11 24 87 M +11 24 88 H +11 24 89 N +11 24 90 N +11 24 91 W +11 24 92 A +11 24 93 N +11 24 94 M +11 24 95 A +11 24 96 W +11 24 97 G +11 24 98 H +11 24 99 M +11 24 100 N +11 24 101 H +11 24 102 A +11 24 103 M +11 24 104 N +11 24 105 H +11 24 106 W +11 24 107 A +11 24 108 A +11 24 109 G +11 24 110 W +11 24 111 M +11 24 112 H +11 24 113 N +11 24 114 G +11 24 115 H +11 24 116 A +11 24 117 M +11 24 118 H +11 24 119 N +11 24 120 A +11 24 121 H +11 24 122 N +11 24 123 N +11 24 124 W +11 24 125 H +11 24 126 H +11 24 127 N +11 24 128 W +11 24 129 A +11 24 130 N +11 24 131 H +11 24 132 H +11 24 133 N +11 24 134 M +11 24 135 H +11 24 136 N +11 24 137 N +11 24 138 M +11 24 139 A +11 24 140 N +11 24 141 A +11 24 142 A +11 24 143 W +11 24 144 M +11 24 145 N +11 24 146 W +11 24 147 N +11 24 148 H +11 24 149 W +11 24 150 M +11 24 151 H +11 24 152 M +11 24 153 N +11 24 154 N +11 24 155 M +11 24 156 N +11 24 157 M +11 24 158 A +11 24 159 W +11 24 160 M +11 24 161 N +11 24 162 H +11 24 163 M +11 24 164 N +11 24 165 M +11 24 166 N +11 24 167 A +11 24 168 N +11 24 169 N +11 24 170 N +11 24 171 N +11 24 172 A +11 24 173 H +11 24 174 W +11 24 175 N +11 24 176 H +11 24 177 W +11 24 178 N +11 24 179 M +11 24 180 N +11 24 181 M +11 24 182 H +11 24 183 N +11 24 184 M +11 24 185 M +11 24 186 N +11 24 187 M +11 24 188 N +11 24 189 A +11 24 190 M +11 24 191 N +11 24 192 M +11 24 193 W +11 24 194 H +11 24 195 N +11 24 196 N +11 24 197 M +11 24 198 N +11 24 199 A +11 24 200 N +11 24 201 M +11 24 202 N +11 24 203 H +11 24 204 N +11 24 205 M +11 24 206 A +11 24 207 H +11 24 208 M +11 24 209 N +11 24 210 H +11 24 211 N +11 24 212 H +11 24 213 M +11 24 214 W +11 24 215 H +11 24 216 N +11 24 217 M +11 24 218 M +11 24 219 A +11 24 220 M +11 24 221 A +11 24 222 M +11 24 223 N +11 24 224 A +11 24 225 N +11 24 226 M +11 24 227 N +11 24 228 N +11 24 229 N +11 24 230 A +11 24 231 H +11 24 232 M +11 24 233 M +11 24 234 N +11 24 235 N +11 24 236 M +11 24 237 H +11 24 238 M +11 24 239 H +11 24 240 H +11 24 241 A +11 24 242 M +11 24 243 H +11 24 244 A +11 24 245 H +11 24 246 N +11 24 247 G +11 24 248 N +11 24 249 N +11 24 250 M +11 24 251 N +11 24 252 A +11 24 253 N +11 24 254 A +11 24 255 M +11 24 256 H +11 24 257 N +11 24 258 W +11 24 259 H +11 24 260 A +11 24 261 H +11 24 262 A +11 24 263 N +11 24 264 N +11 24 265 N +11 24 266 H +11 24 267 M +11 24 268 N +11 24 269 H +11 24 270 M +11 24 271 N +11 24 272 A +11 24 273 H +11 24 274 A +11 24 275 M +11 24 276 H +11 24 277 N +11 24 278 N +11 24 279 M +11 24 280 H +11 24 281 N +11 24 282 N +11 24 283 M +11 24 284 A +11 24 285 M +11 24 286 A +11 24 287 M +11 24 288 H +11 24 289 N +11 24 290 M +11 24 291 K +11 24 292 M +11 24 293 A +11 24 294 A +11 24 295 M +11 24 296 M +11 24 297 W +11 24 298 H +11 24 299 N +11 24 300 N +11 24 301 N +11 24 302 A +11 24 303 A +11 24 304 M +11 24 305 H +11 24 306 N +11 24 307 N +11 24 308 M +11 24 309 N +11 24 310 N +11 24 311 N +11 24 312 M +11 24 313 M +11 24 314 A +11 24 315 N +11 24 316 N +11 24 317 H +11 24 318 H +11 24 319 A +11 24 320 N +11 24 321 H +11 24 322 N +11 24 323 N +11 24 324 A +11 24 325 H +11 24 326 W +11 24 327 A +11 24 328 N +11 24 329 M +11 24 330 A +11 25 1 G +11 25 2 N +11 25 3 H +11 25 4 G +11 25 5 N +11 25 6 M +11 25 7 N +11 25 8 H +11 25 9 M +11 25 10 G +11 25 11 N +11 25 12 W +11 25 13 N +11 25 14 G +11 25 15 M +11 25 16 A +11 25 17 H +11 25 18 N +11 25 19 G +11 25 20 N +11 25 21 H +11 25 22 W +11 25 23 G +11 25 24 N +11 25 25 G +11 25 26 G +11 25 27 A +11 25 28 H +11 25 29 N +11 25 30 M +11 25 31 A +11 25 32 M +11 25 33 N +11 25 34 G +11 25 35 M +11 25 36 N +11 25 37 G +11 25 38 H +11 25 39 N +11 25 40 N +11 25 41 H +11 25 42 W +11 25 43 M +11 25 44 A +11 25 45 N +11 25 46 N +11 25 47 N +11 25 48 W +11 25 49 N +11 25 50 M +11 25 51 H +11 25 52 A +11 25 53 H +11 25 54 N +11 25 55 N +11 25 56 G +11 25 57 G +11 25 58 W +11 25 59 A +11 25 60 G +11 25 61 H +11 25 62 G +11 25 63 H +11 25 64 G +11 25 65 H +11 25 66 A +11 25 67 N +11 25 68 H +11 25 69 W +11 25 70 A +11 25 71 M +11 25 72 N +11 25 73 G +11 25 74 A +11 25 75 N +11 25 76 M +11 25 77 N +11 25 78 M +11 25 79 G +11 25 80 G +11 25 81 N +11 25 82 G +11 25 83 A +11 25 84 M +11 25 85 N +11 25 86 M +11 25 87 G +11 25 88 M +11 25 89 G +11 25 90 N +11 25 91 W +11 25 92 A +11 25 93 G +11 25 94 N +11 25 95 A +11 25 96 W +11 25 97 G +11 25 98 H +11 25 99 M +11 25 100 A +11 25 101 M +11 25 102 A +11 25 103 W +11 25 104 G +11 25 105 M +11 25 106 W +11 25 107 A +11 25 108 A +11 25 109 G +11 25 110 W +11 25 111 W +11 25 112 H +11 25 113 N +11 25 114 N +11 25 115 H +11 25 116 A +11 25 117 G +11 25 118 M +11 25 119 N +11 25 120 A +11 25 121 M +11 25 122 N +11 25 123 G +11 25 124 W +11 25 125 M +11 25 126 M +11 25 127 N +11 25 128 W +11 25 129 A +11 25 130 W +11 25 131 M +11 25 132 M +11 25 133 N +11 25 134 M +11 25 135 M +11 25 136 N +11 25 137 N +11 25 138 G +11 25 139 A +11 25 140 G +11 25 141 A +11 25 142 A +11 25 143 W +11 25 144 G +11 25 145 N +11 25 146 W +11 25 147 N +11 25 148 H +11 25 149 N +11 25 150 G +11 25 151 M +11 25 152 M +11 25 153 G +11 25 154 H +11 25 155 M +11 25 156 N +11 25 157 M +11 25 158 A +11 25 159 W +11 25 160 M +11 25 161 N +11 25 162 H +11 25 163 N +11 25 164 G +11 25 165 W +11 25 166 G +11 25 167 A +11 25 168 N +11 25 169 G +11 25 170 G +11 25 171 N +11 25 172 A +11 25 173 H +11 25 174 W +11 25 175 A +11 25 176 H +11 25 177 W +11 25 178 G +11 25 179 M +11 25 180 N +11 25 181 W +11 25 182 M +11 25 183 N +11 25 184 G +11 25 185 W +11 25 186 N +11 25 187 W +11 25 188 N +11 25 189 A +11 25 190 M +11 25 191 N +11 25 192 G +11 25 193 W +11 25 194 G +11 25 195 N +11 25 196 N +11 25 197 M +11 25 198 N +11 25 199 A +11 25 200 G +11 25 201 M +11 25 202 N +11 25 203 M +11 25 204 N +11 25 205 G +11 25 206 A +11 25 207 M +11 25 208 W +11 25 209 N +11 25 210 M +11 25 211 G +11 25 212 W +11 25 213 A +11 25 214 W +11 25 215 M +11 25 216 W +11 25 217 M +11 25 218 W +11 25 219 A +11 25 220 G +11 25 221 A +11 25 222 G +11 25 223 N +11 25 224 A +11 25 225 W +11 25 226 G +11 25 227 N +11 25 228 G +11 25 229 N +11 25 230 A +11 25 231 M +11 25 232 W +11 25 233 G +11 25 234 N +11 25 235 G +11 25 236 N +11 25 237 M +11 25 238 N +11 25 239 M +11 25 240 H +11 25 241 A +11 25 242 W +11 25 243 H +11 25 244 A +11 25 245 H +11 25 246 G +11 25 247 G +11 25 248 N +11 25 249 N +11 25 250 G +11 25 251 N +11 25 252 A +11 25 253 N +11 25 254 G +11 25 255 G +11 25 256 H +11 25 257 G +11 25 258 W +11 25 259 H +11 25 260 A +11 25 261 M +11 25 262 A +11 25 263 A +11 25 264 A +11 25 265 N +11 25 266 M +11 25 267 G +11 25 268 N +11 25 269 M +11 25 270 W +11 25 271 N +11 25 272 A +11 25 273 M +11 25 274 A +11 25 275 W +11 25 276 H +11 25 277 G +11 25 278 M +11 25 279 G +11 25 280 N +11 25 281 N +11 25 282 N +11 25 283 M +11 25 284 A +11 25 285 M +11 25 286 A +11 25 287 A +11 25 288 H +11 25 289 N +11 25 290 A +11 25 291 G +11 25 292 M +11 25 293 A +11 25 294 A +11 25 295 M +11 25 296 G +11 25 297 W +11 25 298 H +11 25 299 N +11 25 300 A +11 25 301 N +11 25 302 A +11 25 303 A +11 25 304 W +11 25 305 M +11 25 306 N +11 25 307 G +11 25 308 M +11 25 309 W +11 25 310 N +11 25 311 G +11 25 312 G +11 25 313 G +11 25 314 A +11 25 315 N +11 25 316 N +11 25 317 H +11 25 318 M +11 25 319 A +11 25 320 N +11 25 321 H +11 25 322 G +11 25 323 N +11 25 324 A +11 25 325 G +11 25 326 W +11 25 327 A +11 25 328 N +11 25 329 N +11 25 330 A +12 1 1 G +12 1 2 B +12 1 3 B +12 1 4 B +12 1 5 H +12 1 6 H +12 1 7 G +12 1 8 B +12 1 9 B +12 1 10 GI +12 1 11 G +12 1 12 H +12 1 13 G +12 1 14 GI +12 1 15 F +12 1 16 F +12 1 17 B +12 1 18 GI +12 1 19 G +12 1 20 G +12 1 21 B +12 1 22 F +12 1 23 GI +12 1 24 GI +12 1 25 G +12 1 26 G +12 1 27 F +12 1 28 B +12 1 29 G +12 1 30 B +12 1 31 F +12 1 32 B +12 1 33 G +12 1 34 G +12 1 35 B +12 1 36 GI +12 1 37 G +12 1 38 B +12 1 39 G +12 1 40 G +12 1 41 B +12 1 42 H +12 1 43 GI +12 1 44 F +12 1 45 G +12 1 46 GI +12 1 47 GI +12 1 48 B +12 1 49 G +12 1 50 GI +12 1 51 GI +12 1 52 F +12 1 53 B +12 1 54 G +12 1 55 G +12 1 56 F +12 1 57 G +12 1 58 H +12 1 59 F +12 1 60 GI +12 1 61 B +12 1 62 F +12 1 63 B +12 1 64 G +12 1 65 B +12 1 66 F +12 1 67 G +12 1 68 B +12 1 69 GI +12 1 70 F +12 1 71 B +12 1 72 G +12 1 73 B +12 1 74 F +12 1 75 GI +12 1 76 B +12 1 77 G +12 1 78 F +12 1 79 GI +12 1 80 G +12 1 81 G +12 1 82 G +12 1 83 F +12 1 84 F +12 1 85 G +12 1 86 H +12 1 87 GI +12 1 88 B +12 1 89 GI +12 1 90 GI +12 1 91 H +12 1 92 F +12 1 93 G +12 1 94 GI +12 1 95 F +12 1 96 H +12 1 97 GI +12 1 98 B +12 1 99 F +12 1 100 G +12 1 101 B +12 1 102 F +12 1 103 GI +12 1 104 G +12 1 105 B +12 1 106 H +12 1 107 F +12 1 108 F +12 1 109 GI +12 1 110 H +12 1 111 GI +12 1 112 B +12 1 113 GI +12 1 114 G +12 1 115 B +12 1 116 F +12 1 117 GI +12 1 118 H +12 1 119 G +12 1 120 F +12 1 121 B +12 1 122 G +12 1 123 G +12 1 124 H +12 1 125 B +12 1 126 B +12 1 127 GI +12 1 128 H +12 1 129 F +12 1 130 GI +12 1 131 B +12 1 132 B +12 1 133 G +12 1 134 GI +12 1 135 B +12 1 136 G +12 1 137 GI +12 1 138 G +12 1 139 F +12 1 140 G +12 1 141 F +12 1 142 F +12 1 143 H +12 1 144 GI +12 1 145 G +12 1 146 H +12 1 147 G +12 1 148 B +12 1 149 G +12 1 150 B +12 1 151 H +12 1 152 B +12 1 153 G +12 1 154 GI +12 1 155 GI +12 1 156 G +12 1 157 GI +12 1 158 F +12 1 159 H +12 1 160 H +12 1 161 G +12 1 162 B +12 1 163 G +12 1 164 G +12 1 165 GI +12 1 166 GI +12 1 167 F +12 1 168 GI +12 1 169 G +12 1 170 GI +12 1 171 GI +12 1 172 F +12 1 173 B +12 1 174 H +12 1 175 F +12 1 176 B +12 1 177 H +12 1 178 G +12 1 179 B +12 1 180 G +12 1 181 H +12 1 182 B +12 1 183 GI +12 1 184 GI +12 1 185 H +12 1 186 G +12 1 187 H +12 1 188 G +12 1 189 F +12 1 190 H +12 1 191 G +12 1 192 GI +12 1 193 H +12 1 194 B +12 1 195 G +12 1 196 F +12 1 197 H +12 1 198 GI +12 1 199 F +12 1 200 G +12 1 201 H +12 1 202 G +12 1 203 B +12 1 204 GI +12 1 205 GI +12 1 206 F +12 1 207 B +12 1 208 H +12 1 209 GI +12 1 210 GI +12 1 211 G +12 1 212 B +12 1 213 F +12 1 214 H +12 1 215 H +12 1 216 GI +12 1 217 H +12 1 218 H +12 1 219 F +12 1 220 G +12 1 221 F +12 1 222 GI +12 1 223 G +12 1 224 F +12 1 225 GI +12 1 226 G +12 1 227 GI +12 1 228 G +12 1 229 H +12 1 230 F +12 1 231 H +12 1 232 GI +12 1 233 F +12 1 234 G +12 1 235 G +12 1 236 H +12 1 237 B +12 1 238 G +12 1 239 B +12 1 240 B +12 1 241 F +12 1 242 F +12 1 243 B +12 1 244 F +12 1 245 B +12 1 246 G +12 1 247 G +12 1 248 GI +12 1 249 G +12 1 250 GI +12 1 251 G +12 1 252 F +12 1 253 G +12 1 254 F +12 1 255 GI +12 1 256 B +12 1 257 G +12 1 258 H +12 1 259 B +12 1 260 F +12 1 261 H +12 1 262 F +12 1 263 F +12 1 264 F +12 1 265 G +12 1 266 B +12 1 267 B +12 1 268 G +12 1 269 B +12 1 270 H +12 1 271 GI +12 1 272 F +12 1 273 B +12 1 274 F +12 1 275 H +12 1 276 B +12 1 277 G +12 1 278 B +12 1 279 G +12 1 280 G +12 1 281 G +12 1 282 G +12 1 283 GI +12 1 284 F +12 1 285 H +12 1 286 F +12 1 287 GI +12 1 288 B +12 1 289 G +12 1 290 F +12 1 291 G +12 1 292 H +12 1 293 F +12 1 294 F +12 1 295 GI +12 1 296 GI +12 1 297 H +12 1 298 B +12 1 299 G +12 1 300 F +12 1 301 G +12 1 302 F +12 1 303 F +12 1 304 GI +12 1 305 GI +12 1 306 H +12 1 307 G +12 1 308 GI +12 1 309 GI +12 1 310 G +12 1 311 G +12 1 312 GI +12 1 313 GI +12 1 314 F +12 1 315 G +12 1 316 G +12 1 317 B +12 1 318 B +12 1 319 F +12 1 320 GI +12 1 321 B +12 1 322 F +12 1 323 G +12 1 324 F +12 1 325 B +12 1 326 H +12 1 327 F +12 1 328 GI +12 1 329 GI +12 1 330 F +12 2 1 G +12 2 2 G +12 2 3 B +12 2 4 B +12 2 5 G +12 2 6 F +12 2 7 G +12 2 8 B +12 2 9 G +12 2 10 GI +12 2 11 G +12 2 12 H +12 2 13 G +12 2 14 G +12 2 15 F +12 2 16 F +12 2 17 B +12 2 18 GI +12 2 19 G +12 2 20 G +12 2 21 B +12 2 22 F +12 2 23 G +12 2 24 GI +12 2 25 G +12 2 26 GI +12 2 27 F +12 2 28 B +12 2 29 G +12 2 30 H +12 2 31 G +12 2 32 B +12 2 33 G +12 2 34 GI +12 2 35 B +12 2 36 G +12 2 37 GI +12 2 38 B +12 2 39 G +12 2 40 G +12 2 41 B +12 2 42 H +12 2 43 GI +12 2 44 F +12 2 45 G +12 2 46 GI +12 2 47 G +12 2 48 H +12 2 49 G +12 2 50 B +12 2 51 G +12 2 52 F +12 2 53 B +12 2 54 G +12 2 55 G +12 2 56 H +12 2 57 G +12 2 58 H +12 2 59 F +12 2 60 G +12 2 61 B +12 2 62 F +12 2 63 B +12 2 64 G +12 2 65 B +12 2 66 F +12 2 67 G +12 2 68 B +12 2 69 G +12 2 70 F +12 2 71 B +12 2 72 G +12 2 73 B +12 2 74 F +12 2 75 G +12 2 76 B +12 2 77 G +12 2 78 H +12 2 79 GI +12 2 80 G +12 2 81 G +12 2 82 G +12 2 83 F +12 2 84 B +12 2 85 G +12 2 86 B +12 2 87 GI +12 2 88 B +12 2 89 GI +12 2 90 G +12 2 91 H +12 2 92 F +12 2 93 G +12 2 94 GI +12 2 95 F +12 2 96 H +12 2 97 GI +12 2 98 B +12 2 99 F +12 2 100 G +12 2 101 B +12 2 102 GI +12 2 103 GI +12 2 104 G +12 2 105 B +12 2 106 H +12 2 107 F +12 2 108 G +12 2 109 GI +12 2 110 H +12 2 111 GI +12 2 112 B +12 2 113 GI +12 2 114 G +12 2 115 B +12 2 116 F +12 2 117 GI +12 2 118 B +12 2 119 G +12 2 120 F +12 2 121 B +12 2 122 G +12 2 123 GI +12 2 124 G +12 2 125 B +12 2 126 B +12 2 127 GI +12 2 128 H +12 2 129 F +12 2 130 GI +12 2 131 B +12 2 132 B +12 2 133 G +12 2 134 GI +12 2 135 B +12 2 136 G +12 2 137 G +12 2 138 F +12 2 139 F +12 2 140 GI +12 2 141 F +12 2 142 F +12 2 143 G +12 2 144 GI +12 2 145 G +12 2 146 H +12 2 147 G +12 2 148 B +12 2 149 G +12 2 150 GI +12 2 151 B +12 2 152 B +12 2 153 G +12 2 154 GI +12 2 155 GI +12 2 156 G +12 2 157 GI +12 2 158 F +12 2 159 H +12 2 160 B +12 2 161 G +12 2 162 B +12 2 163 G +12 2 164 GI +12 2 165 GI +12 2 166 GI +12 2 167 F +12 2 168 G +12 2 169 GI +12 2 170 GI +12 2 171 G +12 2 172 F +12 2 173 B +12 2 174 H +12 2 175 F +12 2 176 B +12 2 177 H +12 2 178 GI +12 2 179 B +12 2 180 G +12 2 181 H +12 2 182 B +12 2 183 GI +12 2 184 B +12 2 185 H +12 2 186 G +12 2 187 H +12 2 188 G +12 2 189 F +12 2 190 F +12 2 191 G +12 2 192 GI +12 2 193 H +12 2 194 B +12 2 195 G +12 2 196 G +12 2 197 B +12 2 198 GI +12 2 199 F +12 2 200 G +12 2 201 F +12 2 202 G +12 2 203 B +12 2 204 GI +12 2 205 GI +12 2 206 F +12 2 207 B +12 2 208 H +12 2 209 G +12 2 210 B +12 2 211 G +12 2 212 H +12 2 213 F +12 2 214 G +12 2 215 B +12 2 216 GI +12 2 217 F +12 2 218 G +12 2 219 F +12 2 220 GI +12 2 221 F +12 2 222 GI +12 2 223 G +12 2 224 F +12 2 225 H +12 2 226 GI +12 2 227 GI +12 2 228 G +12 2 229 G +12 2 230 F +12 2 231 B +12 2 232 GI +12 2 233 GI +12 2 234 G +12 2 235 G +12 2 236 H +12 2 237 B +12 2 238 G +12 2 239 B +12 2 240 GI +12 2 241 F +12 2 242 H +12 2 243 B +12 2 244 F +12 2 245 B +12 2 246 G +12 2 247 GI +12 2 248 GI +12 2 249 G +12 2 250 GI +12 2 251 G +12 2 252 F +12 2 253 G +12 2 254 F +12 2 255 GI +12 2 256 B +12 2 257 GI +12 2 258 H +12 2 259 B +12 2 260 F +12 2 261 B +12 2 262 F +12 2 263 GI +12 2 264 F +12 2 265 G +12 2 266 B +12 2 267 B +12 2 268 G +12 2 269 B +12 2 270 H +12 2 271 GI +12 2 272 F +12 2 273 B +12 2 274 F +12 2 275 F +12 2 276 B +12 2 277 GI +12 2 278 B +12 2 279 GI +12 2 280 G +12 2 281 G +12 2 282 G +12 2 283 B +12 2 284 F +12 2 285 F +12 2 286 F +12 2 287 GI +12 2 288 B +12 2 289 G +12 2 290 F +12 2 291 GI +12 2 292 F +12 2 293 F +12 2 294 F +12 2 295 GI +12 2 296 GI +12 2 297 H +12 2 298 B +12 2 299 G +12 2 300 GI +12 2 301 G +12 2 302 F +12 2 303 GI +12 2 304 GI +12 2 305 B +12 2 306 G +12 2 307 GI +12 2 308 F +12 2 309 GI +12 2 310 G +12 2 311 GI +12 2 312 GI +12 2 313 GI +12 2 314 F +12 2 315 G +12 2 316 G +12 2 317 B +12 2 318 B +12 2 319 F +12 2 320 GI +12 2 321 B +12 2 322 GI +12 2 323 GI +12 2 324 F +12 2 325 B +12 2 326 H +12 2 327 F +12 2 328 G +12 2 329 GI +12 2 330 F +12 3 1 G +12 3 2 F +12 3 3 B +12 3 4 GI +12 3 5 G +12 3 6 F +12 3 7 G +12 3 8 B +12 3 9 F +12 3 10 G +12 3 11 GI +12 3 12 B +12 3 13 GI +12 3 14 G +12 3 15 F +12 3 16 F +12 3 17 B +12 3 18 GI +12 3 19 F +12 3 20 G +12 3 21 B +12 3 22 F +12 3 23 G +12 3 24 GI +12 3 25 G +12 3 26 G +12 3 27 F +12 3 28 B +12 3 29 G +12 3 30 B +12 3 31 G +12 3 32 B +12 3 33 G +12 3 34 G +12 3 35 B +12 3 36 GI +12 3 37 F +12 3 38 B +12 3 39 G +12 3 40 G +12 3 41 B +12 3 42 GI +12 3 43 GI +12 3 44 F +12 3 45 G +12 3 46 GI +12 3 47 GI +12 3 48 F +12 3 49 G +12 3 50 GI +12 3 51 GI +12 3 52 G +12 3 53 B +12 3 54 G +12 3 55 G +12 3 56 F +12 3 57 G +12 3 58 GI +12 3 59 F +12 3 60 GI +12 3 61 B +12 3 62 GI +12 3 63 F +12 3 64 G +12 3 65 B +12 3 66 F +12 3 67 G +12 3 68 F +12 3 69 GI +12 3 70 F +12 3 71 GI +12 3 72 G +12 3 73 GI +12 3 74 F +12 3 75 GI +12 3 76 B +12 3 77 G +12 3 78 F +12 3 79 GI +12 3 80 G +12 3 81 G +12 3 82 F +12 3 83 F +12 3 84 B +12 3 85 G +12 3 86 B +12 3 87 GI +12 3 88 B +12 3 89 GI +12 3 90 GI +12 3 91 G +12 3 92 F +12 3 93 G +12 3 94 GI +12 3 95 F +12 3 96 G +12 3 97 GI +12 3 98 B +12 3 99 F +12 3 100 G +12 3 101 B +12 3 102 GI +12 3 103 GI +12 3 104 G +12 3 105 B +12 3 106 F +12 3 107 F +12 3 108 G +12 3 109 GI +12 3 110 H +12 3 111 GI +12 3 112 B +12 3 113 GI +12 3 114 G +12 3 115 B +12 3 116 F +12 3 117 GI +12 3 118 B +12 3 119 G +12 3 120 F +12 3 121 B +12 3 122 G +12 3 123 G +12 3 124 F +12 3 125 B +12 3 126 F +12 3 127 G +12 3 128 H +12 3 129 F +12 3 130 GI +12 3 131 F +12 3 132 B +12 3 133 G +12 3 134 GI +12 3 135 B +12 3 136 G +12 3 137 GI +12 3 138 F +12 3 139 F +12 3 140 G +12 3 141 F +12 3 142 F +12 3 143 G +12 3 144 GI +12 3 145 G +12 3 146 H +12 3 147 G +12 3 148 B +12 3 149 G +12 3 150 GI +12 3 151 F +12 3 152 F +12 3 153 G +12 3 154 GI +12 3 155 GI +12 3 156 G +12 3 157 GI +12 3 158 F +12 3 159 H +12 3 160 F +12 3 161 G +12 3 162 B +12 3 163 G +12 3 164 G +12 3 165 GI +12 3 166 GI +12 3 167 F +12 3 168 G +12 3 169 G +12 3 170 GI +12 3 171 G +12 3 172 F +12 3 173 B +12 3 174 H +12 3 175 F +12 3 176 B +12 3 177 F +12 3 178 G +12 3 179 B +12 3 180 G +12 3 181 H +12 3 182 GI +12 3 183 B +12 3 184 G +12 3 185 GI +12 3 186 F +12 3 187 B +12 3 188 G +12 3 189 F +12 3 190 F +12 3 191 G +12 3 192 GI +12 3 193 H +12 3 194 GI +12 3 195 G +12 3 196 F +12 3 197 B +12 3 198 GI +12 3 199 F +12 3 200 G +12 3 201 H +12 3 202 G +12 3 203 B +12 3 204 GI +12 3 205 GI +12 3 206 F +12 3 207 B +12 3 208 H +12 3 209 GI +12 3 210 GI +12 3 211 G +12 3 212 B +12 3 213 F +12 3 214 G +12 3 215 F +12 3 216 GI +12 3 217 F +12 3 218 G +12 3 219 F +12 3 220 GI +12 3 221 F +12 3 222 GI +12 3 223 G +12 3 224 F +12 3 225 GI +12 3 226 G +12 3 227 GI +12 3 228 G +12 3 229 F +12 3 230 F +12 3 231 B +12 3 232 GI +12 3 233 GI +12 3 234 G +12 3 235 G +12 3 236 B +12 3 237 F +12 3 238 G +12 3 239 B +12 3 240 GI +12 3 241 F +12 3 242 F +12 3 243 B +12 3 244 F +12 3 245 B +12 3 246 G +12 3 247 GI +12 3 248 GI +12 3 249 G +12 3 250 GI +12 3 251 G +12 3 252 F +12 3 253 G +12 3 254 F +12 3 255 GI +12 3 256 B +12 3 257 G +12 3 258 H +12 3 259 G +12 3 260 F +12 3 261 B +12 3 262 F +12 3 263 GI +12 3 264 F +12 3 265 G +12 3 266 B +12 3 267 G +12 3 268 G +12 3 269 B +12 3 270 G +12 3 271 GI +12 3 272 F +12 3 273 B +12 3 274 F +12 3 275 G +12 3 276 B +12 3 277 GI +12 3 278 G +12 3 279 GI +12 3 280 G +12 3 281 G +12 3 282 G +12 3 283 GI +12 3 284 F +12 3 285 F +12 3 286 F +12 3 287 G +12 3 288 B +12 3 289 G +12 3 290 F +12 3 291 G +12 3 292 F +12 3 293 G +12 3 294 F +12 3 295 GI +12 3 296 GI +12 3 297 H +12 3 298 B +12 3 299 G +12 3 300 F +12 3 301 G +12 3 302 F +12 3 303 F +12 3 304 G +12 3 305 GI +12 3 306 G +12 3 307 G +12 3 308 F +12 3 309 GI +12 3 310 G +12 3 311 G +12 3 312 GI +12 3 313 GI +12 3 314 F +12 3 315 G +12 3 316 G +12 3 317 B +12 3 318 B +12 3 319 F +12 3 320 G +12 3 321 B +12 3 322 G +12 3 323 G +12 3 324 F +12 3 325 B +12 3 326 H +12 3 327 F +12 3 328 G +12 3 329 GI +12 3 330 F +12 4 1 G +12 4 2 F +12 4 3 B +12 4 4 G +12 4 5 G +12 4 6 B +12 4 7 G +12 4 8 B +12 4 9 F +12 4 10 G +12 4 11 G +12 4 12 B +12 4 13 G +12 4 14 G +12 4 15 F +12 4 16 F +12 4 17 B +12 4 18 F +12 4 19 G +12 4 20 G +12 4 21 B +12 4 22 F +12 4 23 B +12 4 24 GI +12 4 25 G +12 4 26 G +12 4 27 F +12 4 28 B +12 4 29 G +12 4 30 B +12 4 31 F +12 4 32 B +12 4 33 G +12 4 34 G +12 4 35 B +12 4 36 G +12 4 37 G +12 4 38 B +12 4 39 G +12 4 40 G +12 4 41 B +12 4 42 H +12 4 43 G +12 4 44 F +12 4 45 G +12 4 46 F +12 4 47 GI +12 4 48 B +12 4 49 G +12 4 50 B +12 4 51 GI +12 4 52 F +12 4 53 B +12 4 54 G +12 4 55 G +12 4 56 F +12 4 57 G +12 4 58 H +12 4 59 F +12 4 60 GI +12 4 61 B +12 4 62 F +12 4 63 B +12 4 64 G +12 4 65 B +12 4 66 F +12 4 67 G +12 4 68 B +12 4 69 GI +12 4 70 F +12 4 71 B +12 4 72 G +12 4 73 B +12 4 74 F +12 4 75 GI +12 4 76 B +12 4 77 G +12 4 78 F +12 4 79 GI +12 4 80 G +12 4 81 G +12 4 82 G +12 4 83 F +12 4 84 F +12 4 85 G +12 4 86 B +12 4 87 GI +12 4 88 B +12 4 89 GI +12 4 90 GI +12 4 91 G +12 4 92 F +12 4 93 G +12 4 94 GI +12 4 95 F +12 4 96 B +12 4 97 G +12 4 98 B +12 4 99 F +12 4 100 G +12 4 101 B +12 4 102 F +12 4 103 GI +12 4 104 G +12 4 105 G +12 4 106 G +12 4 107 F +12 4 108 F +12 4 109 G +12 4 110 B +12 4 111 GI +12 4 112 B +12 4 113 GI +12 4 114 GI +12 4 115 B +12 4 116 F +12 4 117 GI +12 4 118 B +12 4 119 G +12 4 120 F +12 4 121 B +12 4 122 G +12 4 123 G +12 4 124 H +12 4 125 B +12 4 126 B +12 4 127 GI +12 4 128 H +12 4 129 F +12 4 130 GI +12 4 131 B +12 4 132 B +12 4 133 G +12 4 134 GI +12 4 135 B +12 4 136 G +12 4 137 GI +12 4 138 G +12 4 139 F +12 4 140 G +12 4 141 F +12 4 142 F +12 4 143 G +12 4 144 GI +12 4 145 G +12 4 146 B +12 4 147 G +12 4 148 B +12 4 149 G +12 4 150 GI +12 4 151 B +12 4 152 F +12 4 153 G +12 4 154 GI +12 4 155 GI +12 4 156 G +12 4 157 GI +12 4 158 F +12 4 159 B +12 4 160 B +12 4 161 G +12 4 162 B +12 4 163 G +12 4 164 G +12 4 165 GI +12 4 166 GI +12 4 167 F +12 4 168 G +12 4 169 G +12 4 170 GI +12 4 171 G +12 4 172 F +12 4 173 B +12 4 174 B +12 4 175 F +12 4 176 B +12 4 177 F +12 4 178 G +12 4 179 B +12 4 180 G +12 4 181 F +12 4 182 B +12 4 183 GI +12 4 184 G +12 4 185 F +12 4 186 G +12 4 187 B +12 4 188 G +12 4 189 F +12 4 190 F +12 4 191 G +12 4 192 B +12 4 193 G +12 4 194 GI +12 4 195 G +12 4 196 F +12 4 197 F +12 4 198 GI +12 4 199 F +12 4 200 G +12 4 201 F +12 4 202 G +12 4 203 B +12 4 204 GI +12 4 205 G +12 4 206 F +12 4 207 B +12 4 208 B +12 4 209 G +12 4 210 GI +12 4 211 G +12 4 212 B +12 4 213 F +12 4 214 G +12 4 215 B +12 4 216 GI +12 4 217 F +12 4 218 G +12 4 219 F +12 4 220 GI +12 4 221 F +12 4 222 B +12 4 223 G +12 4 224 F +12 4 225 G +12 4 226 G +12 4 227 GI +12 4 228 GI +12 4 229 G +12 4 230 F +12 4 231 B +12 4 232 GI +12 4 233 G +12 4 234 G +12 4 235 G +12 4 236 G +12 4 237 F +12 4 238 G +12 4 239 B +12 4 240 GI +12 4 241 F +12 4 242 F +12 4 243 B +12 4 244 F +12 4 245 B +12 4 246 G +12 4 247 GI +12 4 248 GI +12 4 249 GI +12 4 250 G +12 4 251 G +12 4 252 F +12 4 253 G +12 4 254 F +12 4 255 GI +12 4 256 B +12 4 257 GI +12 4 258 G +12 4 259 GI +12 4 260 F +12 4 261 B +12 4 262 F +12 4 263 GI +12 4 264 F +12 4 265 G +12 4 266 B +12 4 267 GI +12 4 268 G +12 4 269 B +12 4 270 B +12 4 271 G +12 4 272 F +12 4 273 B +12 4 274 F +12 4 275 G +12 4 276 B +12 4 277 G +12 4 278 F +12 4 279 G +12 4 280 G +12 4 281 G +12 4 282 G +12 4 283 GI +12 4 284 F +12 4 285 F +12 4 286 F +12 4 287 G +12 4 288 B +12 4 289 G +12 4 290 F +12 4 291 G +12 4 292 F +12 4 293 F +12 4 294 F +12 4 295 GI +12 4 296 GI +12 4 297 G +12 4 298 B +12 4 299 G +12 4 300 F +12 4 301 G +12 4 302 F +12 4 303 F +12 4 304 G +12 4 305 B +12 4 306 G +12 4 307 G +12 4 308 F +12 4 309 GI +12 4 310 G +12 4 311 G +12 4 312 GI +12 4 313 G +12 4 314 F +12 4 315 G +12 4 316 G +12 4 317 B +12 4 318 B +12 4 319 F +12 4 320 G +12 4 321 B +12 4 322 G +12 4 323 G +12 4 324 F +12 4 325 B +12 4 326 B +12 4 327 F +12 4 328 G +12 4 329 GI +12 4 330 F +12 5 1 G +12 5 2 G +12 5 3 B +12 5 4 GI +12 5 5 G +12 5 6 F +12 5 7 G +12 5 8 GI +12 5 9 A +12 5 10 A +12 5 11 G +12 5 12 F +12 5 13 A +12 5 14 A +12 5 15 F +12 5 16 A +12 5 17 B +12 5 18 A +12 5 19 A +12 5 20 G +12 5 21 B +12 5 22 F +12 5 23 A +12 5 24 F +12 5 25 A +12 5 26 A +12 5 27 F +12 5 28 B +12 5 29 G +12 5 30 A +12 5 31 F +12 5 32 A +12 5 33 G +12 5 34 A +12 5 35 B +12 5 36 A +12 5 37 A +12 5 38 B +12 5 39 G +12 5 40 G +12 5 41 A +12 5 42 A +12 5 43 G +12 5 44 F +12 5 45 A +12 5 46 A +12 5 47 A +12 5 48 F +12 5 49 G +12 5 50 A +12 5 51 A +12 5 52 F +12 5 53 B +12 5 54 A +12 5 55 F +12 5 56 A +12 5 57 A +12 5 58 G +12 5 59 F +12 5 60 A +12 5 61 B +12 5 62 F +12 5 63 B +12 5 64 A +12 5 65 B +12 5 66 F +12 5 67 G +12 5 68 B +12 5 69 A +12 5 70 F +12 5 71 A +12 5 72 G +12 5 73 A +12 5 74 F +12 5 75 A +12 5 76 B +12 5 77 G +12 5 78 F +12 5 79 A +12 5 80 A +12 5 81 G +12 5 82 G +12 5 83 F +12 5 84 F +12 5 85 G +12 5 86 B +12 5 87 A +12 5 88 B +12 5 89 A +12 5 90 A +12 5 91 G +12 5 92 F +12 5 93 GI +12 5 94 A +12 5 95 F +12 5 96 B +12 5 97 G +12 5 98 B +12 5 99 F +12 5 100 G +12 5 101 B +12 5 102 F +12 5 103 A +12 5 104 G +12 5 105 F +12 5 106 F +12 5 107 F +12 5 108 F +12 5 109 A +12 5 110 G +12 5 111 A +12 5 112 B +12 5 113 A +12 5 114 G +12 5 115 B +12 5 116 F +12 5 117 A +12 5 118 F +12 5 119 G +12 5 120 F +12 5 121 B +12 5 122 GI +12 5 123 A +12 5 124 G +12 5 125 B +12 5 126 B +12 5 127 A +12 5 128 G +12 5 129 F +12 5 130 A +12 5 131 A +12 5 132 B +12 5 133 A +12 5 134 A +12 5 135 B +12 5 136 G +12 5 137 G +12 5 138 F +12 5 139 F +12 5 140 G +12 5 141 F +12 5 142 F +12 5 143 G +12 5 144 A +12 5 145 G +12 5 146 F +12 5 147 G +12 5 148 B +12 5 149 G +12 5 150 A +12 5 151 F +12 5 152 B +12 5 153 G +12 5 154 A +12 5 155 A +12 5 156 G +12 5 157 A +12 5 158 F +12 5 159 B +12 5 160 F +12 5 161 G +12 5 162 B +12 5 163 G +12 5 164 A +12 5 165 A +12 5 166 A +12 5 167 F +12 5 168 G +12 5 169 G +12 5 170 A +12 5 171 A +12 5 172 F +12 5 173 B +12 5 174 B +12 5 175 F +12 5 176 B +12 5 177 G +12 5 178 A +12 5 179 A +12 5 180 G +12 5 181 A +12 5 182 G +12 5 183 A +12 5 184 A +12 5 185 F +12 5 186 G +12 5 187 B +12 5 188 A +12 5 189 F +12 5 190 B +12 5 191 G +12 5 192 A +12 5 193 G +12 5 194 A +12 5 195 G +12 5 196 A +12 5 197 A +12 5 198 A +12 5 199 F +12 5 200 F +12 5 201 B +12 5 202 G +12 5 203 B +12 5 204 A +12 5 205 GI +12 5 206 F +12 5 207 B +12 5 208 G +12 5 209 A +12 5 210 F +12 5 211 G +12 5 212 B +12 5 213 F +12 5 214 G +12 5 215 B +12 5 216 A +12 5 217 B +12 5 218 A +12 5 219 F +12 5 220 A +12 5 221 F +12 5 222 G +12 5 223 G +12 5 224 F +12 5 225 A +12 5 226 A +12 5 227 A +12 5 228 G +12 5 229 G +12 5 230 F +12 5 231 B +12 5 232 A +12 5 233 A +12 5 234 G +12 5 235 G +12 5 236 A +12 5 237 F +12 5 238 G +12 5 239 B +12 5 240 A +12 5 241 F +12 5 242 G +12 5 243 B +12 5 244 F +12 5 245 B +12 5 246 G +12 5 247 A +12 5 248 A +12 5 249 A +12 5 250 A +12 5 251 G +12 5 252 F +12 5 253 G +12 5 254 F +12 5 255 A +12 5 256 B +12 5 257 A +12 5 258 B +12 5 259 B +12 5 260 F +12 5 261 B +12 5 262 F +12 5 263 A +12 5 264 F +12 5 265 G +12 5 266 B +12 5 267 A +12 5 268 G +12 5 269 G +12 5 270 B +12 5 271 A +12 5 272 F +12 5 273 B +12 5 274 F +12 5 275 G +12 5 276 B +12 5 277 A +12 5 278 B +12 5 279 F +12 5 280 G +12 5 281 G +12 5 282 G +12 5 283 A +12 5 284 F +12 5 285 B +12 5 286 F +12 5 287 G +12 5 288 B +12 5 289 G +12 5 290 F +12 5 291 G +12 5 292 B +12 5 293 F +12 5 294 B +12 5 295 A +12 5 296 A +12 5 297 B +12 5 298 B +12 5 299 G +12 5 300 F +12 5 301 G +12 5 302 F +12 5 303 F +12 5 304 G +12 5 305 A +12 5 306 G +12 5 307 G +12 5 308 F +12 5 309 A +12 5 310 A +12 5 311 G +12 5 312 A +12 5 313 G +12 5 314 F +12 5 315 G +12 5 316 G +12 5 317 B +12 5 318 B +12 5 319 F +12 5 320 A +12 5 321 B +12 5 322 F +12 5 323 G +12 5 324 F +12 5 325 A +12 5 326 F +12 5 327 F +12 5 328 A +12 5 329 A +12 5 330 F +12 6 1 G +12 6 2 F +12 6 3 B +12 6 4 GI +12 6 5 G +12 6 6 F +12 6 7 G +12 6 8 B +12 6 9 B +12 6 10 GI +12 6 11 G +12 6 12 H +12 6 13 G +12 6 14 GI +12 6 15 F +12 6 16 F +12 6 17 B +12 6 18 GI +12 6 19 G +12 6 20 G +12 6 21 B +12 6 22 F +12 6 23 GI +12 6 24 F +12 6 25 G +12 6 26 GI +12 6 27 F +12 6 28 B +12 6 29 G +12 6 30 B +12 6 31 F +12 6 32 B +12 6 33 G +12 6 34 G +12 6 35 B +12 6 36 GI +12 6 37 G +12 6 38 B +12 6 39 G +12 6 40 F +12 6 41 B +12 6 42 H +12 6 43 GI +12 6 44 F +12 6 45 G +12 6 46 F +12 6 47 G +12 6 48 B +12 6 49 F +12 6 50 B +12 6 51 B +12 6 52 F +12 6 53 B +12 6 54 G +12 6 55 F +12 6 56 F +12 6 57 GI +12 6 58 B +12 6 59 F +12 6 60 GI +12 6 61 B +12 6 62 F +12 6 63 B +12 6 64 G +12 6 65 B +12 6 66 F +12 6 67 G +12 6 68 B +12 6 69 GI +12 6 70 F +12 6 71 B +12 6 72 G +12 6 73 B +12 6 74 F +12 6 75 GI +12 6 76 B +12 6 77 G +12 6 78 F +12 6 79 GI +12 6 80 G +12 6 81 B +12 6 82 G +12 6 83 F +12 6 84 F +12 6 85 G +12 6 86 B +12 6 87 GI +12 6 88 B +12 6 89 GI +12 6 90 GI +12 6 91 G +12 6 92 F +12 6 93 G +12 6 94 GI +12 6 95 F +12 6 96 B +12 6 97 GI +12 6 98 B +12 6 99 F +12 6 100 G +12 6 101 B +12 6 102 F +12 6 103 GI +12 6 104 F +12 6 105 B +12 6 106 F +12 6 107 F +12 6 108 F +12 6 109 GI +12 6 110 B +12 6 111 GI +12 6 112 B +12 6 113 GI +12 6 114 GI +12 6 115 B +12 6 116 F +12 6 117 GI +12 6 118 F +12 6 119 G +12 6 120 F +12 6 121 B +12 6 122 G +12 6 123 GI +12 6 124 H +12 6 125 B +12 6 126 F +12 6 127 GI +12 6 128 B +12 6 129 F +12 6 130 GI +12 6 131 B +12 6 132 B +12 6 133 G +12 6 134 GI +12 6 135 B +12 6 136 G +12 6 137 GI +12 6 138 F +12 6 139 F +12 6 140 G +12 6 141 F +12 6 142 F +12 6 143 G +12 6 144 GI +12 6 145 G +12 6 146 B +12 6 147 G +12 6 148 B +12 6 149 G +12 6 150 GI +12 6 151 B +12 6 152 F +12 6 153 G +12 6 154 GI +12 6 155 B +12 6 156 G +12 6 157 B +12 6 158 F +12 6 159 B +12 6 160 F +12 6 161 G +12 6 162 B +12 6 163 GI +12 6 164 G +12 6 165 GI +12 6 166 GI +12 6 167 F +12 6 168 GI +12 6 169 F +12 6 170 GI +12 6 171 B +12 6 172 F +12 6 173 B +12 6 174 B +12 6 175 F +12 6 176 B +12 6 177 F +12 6 178 G +12 6 179 B +12 6 180 G +12 6 181 B +12 6 182 B +12 6 183 GI +12 6 184 F +12 6 185 B +12 6 186 F +12 6 187 B +12 6 188 G +12 6 189 F +12 6 190 F +12 6 191 G +12 6 192 B +12 6 193 G +12 6 194 B +12 6 195 G +12 6 196 F +12 6 197 F +12 6 198 GI +12 6 199 F +12 6 200 F +12 6 201 B +12 6 202 G +12 6 203 B +12 6 204 GI +12 6 205 F +12 6 206 F +12 6 207 B +12 6 208 B +12 6 209 GI +12 6 210 B +12 6 211 G +12 6 212 B +12 6 213 F +12 6 214 G +12 6 215 F +12 6 216 GI +12 6 217 F +12 6 218 GI +12 6 219 F +12 6 220 G +12 6 221 F +12 6 222 GI +12 6 223 G +12 6 224 F +12 6 225 B +12 6 226 GI +12 6 227 GI +12 6 228 GI +12 6 229 F +12 6 230 F +12 6 231 B +12 6 232 GI +12 6 233 F +12 6 234 G +12 6 235 F +12 6 236 B +12 6 237 B +12 6 238 GI +12 6 239 B +12 6 240 B +12 6 241 F +12 6 242 G +12 6 243 B +12 6 244 F +12 6 245 B +12 6 246 G +12 6 247 F +12 6 248 GI +12 6 249 G +12 6 250 GI +12 6 251 F +12 6 252 F +12 6 253 G +12 6 254 F +12 6 255 B +12 6 256 GI +12 6 257 GI +12 6 258 B +12 6 259 B +12 6 260 F +12 6 261 B +12 6 262 F +12 6 263 B +12 6 264 F +12 6 265 G +12 6 266 B +12 6 267 F +12 6 268 G +12 6 269 B +12 6 270 B +12 6 271 GI +12 6 272 F +12 6 273 B +12 6 274 F +12 6 275 GI +12 6 276 B +12 6 277 F +12 6 278 B +12 6 279 G +12 6 280 GI +12 6 281 G +12 6 282 G +12 6 283 F +12 6 284 F +12 6 285 B +12 6 286 F +12 6 287 GI +12 6 288 B +12 6 289 GI +12 6 290 F +12 6 291 G +12 6 292 F +12 6 293 F +12 6 294 F +12 6 295 GI +12 6 296 GI +12 6 297 B +12 6 298 B +12 6 299 G +12 6 300 F +12 6 301 G +12 6 302 F +12 6 303 F +12 6 304 GI +12 6 305 B +12 6 306 G +12 6 307 G +12 6 308 F +12 6 309 GI +12 6 310 G +12 6 311 GI +12 6 312 GI +12 6 313 G +12 6 314 F +12 6 315 G +12 6 316 G +12 6 317 B +12 6 318 B +12 6 319 F +12 6 320 GI +12 6 321 B +12 6 322 F +12 6 323 GI +12 6 324 F +12 6 325 B +12 6 326 B +12 6 327 F +12 6 328 GI +12 6 329 B +12 6 330 F +12 7 1 G +12 7 2 F +12 7 3 B +12 7 4 B +12 7 5 G +12 7 6 F +12 7 7 G +12 7 8 B +12 7 9 B +12 7 10 G +12 7 11 GI +12 7 12 H +12 7 13 GI +12 7 14 G +12 7 15 F +12 7 16 F +12 7 17 B +12 7 18 G +12 7 19 GI +12 7 20 G +12 7 21 B +12 7 22 F +12 7 23 GI +12 7 24 F +12 7 25 GI +12 7 26 GI +12 7 27 F +12 7 28 B +12 7 29 G +12 7 30 B +12 7 31 G +12 7 32 B +12 7 33 G +12 7 34 GI +12 7 35 B +12 7 36 GI +12 7 37 G +12 7 38 B +12 7 39 G +12 7 40 GI +12 7 41 B +12 7 42 F +12 7 43 GI +12 7 44 F +12 7 45 GI +12 7 46 F +12 7 47 GI +12 7 48 F +12 7 49 G +12 7 50 GI +12 7 51 F +12 7 52 F +12 7 53 B +12 7 54 G +12 7 55 GI +12 7 56 F +12 7 57 GI +12 7 58 F +12 7 59 F +12 7 60 GI +12 7 61 B +12 7 62 F +12 7 63 F +12 7 64 G +12 7 65 B +12 7 66 F +12 7 67 G +12 7 68 F +12 7 69 F +12 7 70 F +12 7 71 B +12 7 72 G +12 7 73 B +12 7 74 F +12 7 75 GI +12 7 76 B +12 7 77 G +12 7 78 F +12 7 79 F +12 7 80 G +12 7 81 G +12 7 82 F +12 7 83 F +12 7 84 B +12 7 85 G +12 7 86 B +12 7 87 F +12 7 88 B +12 7 89 GI +12 7 90 G +12 7 91 F +12 7 92 F +12 7 93 GI +12 7 94 F +12 7 95 F +12 7 96 B +12 7 97 GI +12 7 98 B +12 7 99 F +12 7 100 G +12 7 101 B +12 7 102 F +12 7 103 G +12 7 104 G +12 7 105 B +12 7 106 H +12 7 107 F +12 7 108 F +12 7 109 GI +12 7 110 H +12 7 111 G +12 7 112 B +12 7 113 GI +12 7 114 G +12 7 115 B +12 7 116 F +12 7 117 GI +12 7 118 B +12 7 119 G +12 7 120 F +12 7 121 B +12 7 122 G +12 7 123 G +12 7 124 H +12 7 125 B +12 7 126 B +12 7 127 GI +12 7 128 H +12 7 129 F +12 7 130 GI +12 7 131 GI +12 7 132 B +12 7 133 G +12 7 134 F +12 7 135 B +12 7 136 G +12 7 137 GI +12 7 138 F +12 7 139 F +12 7 140 GI +12 7 141 F +12 7 142 F +12 7 143 G +12 7 144 GI +12 7 145 G +12 7 146 H +12 7 147 GI +12 7 148 B +12 7 149 G +12 7 150 GI +12 7 151 F +12 7 152 G +12 7 153 GI +12 7 154 GI +12 7 155 F +12 7 156 GI +12 7 157 F +12 7 158 F +12 7 159 H +12 7 160 B +12 7 161 G +12 7 162 B +12 7 163 G +12 7 164 G +12 7 165 G +12 7 166 GI +12 7 167 F +12 7 168 GI +12 7 169 F +12 7 170 GI +12 7 171 F +12 7 172 F +12 7 173 B +12 7 174 H +12 7 175 F +12 7 176 B +12 7 177 G +12 7 178 GI +12 7 179 B +12 7 180 G +12 7 181 F +12 7 182 GI +12 7 183 F +12 7 184 GI +12 7 185 H +12 7 186 G +12 7 187 F +12 7 188 GI +12 7 189 G +12 7 190 F +12 7 191 GI +12 7 192 G +12 7 193 H +12 7 194 B +12 7 195 G +12 7 196 F +12 7 197 G +12 7 198 GI +12 7 199 F +12 7 200 G +12 7 201 B +12 7 202 G +12 7 203 B +12 7 204 GI +12 7 205 G +12 7 206 F +12 7 207 B +12 7 208 H +12 7 209 GI +12 7 210 GI +12 7 211 G +12 7 212 H +12 7 213 F +12 7 214 G +12 7 215 B +12 7 216 GI +12 7 217 F +12 7 218 G +12 7 219 F +12 7 220 GI +12 7 221 F +12 7 222 GI +12 7 223 G +12 7 224 F +12 7 225 F +12 7 226 GI +12 7 227 GI +12 7 228 G +12 7 229 F +12 7 230 F +12 7 231 G +12 7 232 GI +12 7 233 G +12 7 234 G +12 7 235 GI +12 7 236 H +12 7 237 F +12 7 238 G +12 7 239 B +12 7 240 B +12 7 241 F +12 7 242 H +12 7 243 B +12 7 244 F +12 7 245 B +12 7 246 G +12 7 247 GI +12 7 248 GI +12 7 249 G +12 7 250 GI +12 7 251 F +12 7 252 F +12 7 253 GI +12 7 254 GI +12 7 255 GI +12 7 256 B +12 7 257 G +12 7 258 H +12 7 259 B +12 7 260 F +12 7 261 B +12 7 262 F +12 7 263 GI +12 7 264 G +12 7 265 GI +12 7 266 B +12 7 267 B +12 7 268 G +12 7 269 B +12 7 270 H +12 7 271 G +12 7 272 F +12 7 273 G +12 7 274 F +12 7 275 H +12 7 276 B +12 7 277 GI +12 7 278 B +12 7 279 GI +12 7 280 F +12 7 281 GI +12 7 282 G +12 7 283 B +12 7 284 F +12 7 285 B +12 7 286 F +12 7 287 F +12 7 288 B +12 7 289 G +12 7 290 F +12 7 291 G +12 7 292 F +12 7 293 F +12 7 294 F +12 7 295 B +12 7 296 G +12 7 297 H +12 7 298 B +12 7 299 G +12 7 300 F +12 7 301 G +12 7 302 F +12 7 303 F +12 7 304 G +12 7 305 B +12 7 306 F +12 7 307 G +12 7 308 G +12 7 309 GI +12 7 310 G +12 7 311 G +12 7 312 GI +12 7 313 G +12 7 314 F +12 7 315 G +12 7 316 GI +12 7 317 B +12 7 318 B +12 7 319 F +12 7 320 G +12 7 321 B +12 7 322 G +12 7 323 GI +12 7 324 F +12 7 325 B +12 7 326 H +12 7 327 F +12 7 328 GI +12 7 329 B +12 7 330 F +12 8 1 G +12 8 2 G +12 8 3 B +12 8 4 B +12 8 5 G +12 8 6 H +12 8 7 G +12 8 8 B +12 8 9 B +12 8 10 G +12 8 11 G +12 8 12 H +12 8 13 G +12 8 14 G +12 8 15 F +12 8 16 F +12 8 17 B +12 8 18 GI +12 8 19 G +12 8 20 G +12 8 21 B +12 8 22 H +12 8 23 B +12 8 24 GI +12 8 25 G +12 8 26 G +12 8 27 F +12 8 28 B +12 8 29 G +12 8 30 B +12 8 31 G +12 8 32 B +12 8 33 G +12 8 34 G +12 8 35 B +12 8 36 GI +12 8 37 G +12 8 38 B +12 8 39 G +12 8 40 G +12 8 41 B +12 8 42 H +12 8 43 GI +12 8 44 F +12 8 45 G +12 8 46 GI +12 8 47 GI +12 8 48 H +12 8 49 G +12 8 50 B +12 8 51 F +12 8 52 F +12 8 53 B +12 8 54 G +12 8 55 G +12 8 56 H +12 8 57 G +12 8 58 H +12 8 59 F +12 8 60 G +12 8 61 B +12 8 62 F +12 8 63 B +12 8 64 G +12 8 65 B +12 8 66 F +12 8 67 G +12 8 68 B +12 8 69 H +12 8 70 F +12 8 71 B +12 8 72 G +12 8 73 B +12 8 74 F +12 8 75 G +12 8 76 B +12 8 77 G +12 8 78 F +12 8 79 GI +12 8 80 G +12 8 81 H +12 8 82 G +12 8 83 H +12 8 84 B +12 8 85 G +12 8 86 B +12 8 87 GI +12 8 88 B +12 8 89 GI +12 8 90 GI +12 8 91 H +12 8 92 F +12 8 93 G +12 8 94 GI +12 8 95 F +12 8 96 H +12 8 97 G +12 8 98 B +12 8 99 F +12 8 100 G +12 8 101 B +12 8 102 F +12 8 103 H +12 8 104 G +12 8 105 B +12 8 106 H +12 8 107 F +12 8 108 F +12 8 109 G +12 8 110 H +12 8 111 GI +12 8 112 B +12 8 113 GI +12 8 114 G +12 8 115 B +12 8 116 F +12 8 117 GI +12 8 118 B +12 8 119 G +12 8 120 F +12 8 121 B +12 8 122 G +12 8 123 G +12 8 124 H +12 8 125 B +12 8 126 B +12 8 127 GI +12 8 128 H +12 8 129 F +12 8 130 GI +12 8 131 B +12 8 132 B +12 8 133 G +12 8 134 GI +12 8 135 B +12 8 136 G +12 8 137 G +12 8 138 G +12 8 139 F +12 8 140 G +12 8 141 F +12 8 142 F +12 8 143 H +12 8 144 GI +12 8 145 G +12 8 146 H +12 8 147 G +12 8 148 B +12 8 149 G +12 8 150 B +12 8 151 B +12 8 152 F +12 8 153 G +12 8 154 GI +12 8 155 H +12 8 156 G +12 8 157 H +12 8 158 F +12 8 159 H +12 8 160 B +12 8 161 G +12 8 162 B +12 8 163 G +12 8 164 G +12 8 165 H +12 8 166 GI +12 8 167 F +12 8 168 G +12 8 169 G +12 8 170 GI +12 8 171 H +12 8 172 F +12 8 173 B +12 8 174 H +12 8 175 G +12 8 176 B +12 8 177 H +12 8 178 G +12 8 179 B +12 8 180 G +12 8 181 H +12 8 182 B +12 8 183 H +12 8 184 F +12 8 185 H +12 8 186 G +12 8 187 H +12 8 188 G +12 8 189 F +12 8 190 B +12 8 191 G +12 8 192 F +12 8 193 H +12 8 194 B +12 8 195 G +12 8 196 G +12 8 197 F +12 8 198 GI +12 8 199 F +12 8 200 F +12 8 201 B +12 8 202 G +12 8 203 B +12 8 204 GI +12 8 205 F +12 8 206 F +12 8 207 B +12 8 208 B +12 8 209 G +12 8 210 B +12 8 211 G +12 8 212 H +12 8 213 F +12 8 214 H +12 8 215 B +12 8 216 GI +12 8 217 B +12 8 218 H +12 8 219 F +12 8 220 G +12 8 221 F +12 8 222 F +12 8 223 G +12 8 224 F +12 8 225 H +12 8 226 G +12 8 227 GI +12 8 228 G +12 8 229 G +12 8 230 F +12 8 231 B +12 8 232 H +12 8 233 G +12 8 234 G +12 8 235 G +12 8 236 H +12 8 237 B +12 8 238 G +12 8 239 B +12 8 240 B +12 8 241 F +12 8 242 H +12 8 243 B +12 8 244 F +12 8 245 B +12 8 246 G +12 8 247 F +12 8 248 G +12 8 249 G +12 8 250 F +12 8 251 G +12 8 252 F +12 8 253 G +12 8 254 F +12 8 255 GI +12 8 256 B +12 8 257 G +12 8 258 H +12 8 259 B +12 8 260 F +12 8 261 B +12 8 262 F +12 8 263 F +12 8 264 F +12 8 265 G +12 8 266 B +12 8 267 B +12 8 268 G +12 8 269 B +12 8 270 H +12 8 271 G +12 8 272 F +12 8 273 B +12 8 274 F +12 8 275 H +12 8 276 B +12 8 277 G +12 8 278 B +12 8 279 G +12 8 280 H +12 8 281 G +12 8 282 G +12 8 283 B +12 8 284 F +12 8 285 B +12 8 286 F +12 8 287 H +12 8 288 B +12 8 289 G +12 8 290 F +12 8 291 G +12 8 292 B +12 8 293 F +12 8 294 F +12 8 295 H +12 8 296 F +12 8 297 H +12 8 298 B +12 8 299 G +12 8 300 F +12 8 301 G +12 8 302 F +12 8 303 F +12 8 304 H +12 8 305 B +12 8 306 G +12 8 307 G +12 8 308 F +12 8 309 H +12 8 310 G +12 8 311 G +12 8 312 GI +12 8 313 G +12 8 314 F +12 8 315 G +12 8 316 G +12 8 317 B +12 8 318 B +12 8 319 F +12 8 320 H +12 8 321 B +12 8 322 G +12 8 323 G +12 8 324 F +12 8 325 B +12 8 326 H +12 8 327 F +12 8 328 G +12 8 329 B +12 8 330 F +12 9 1 G +12 9 2 F +12 9 3 B +12 9 4 GI +12 9 5 G +12 9 6 F +12 9 7 G +12 9 8 B +12 9 9 GI +12 9 10 G +12 9 11 G +12 9 12 H +12 9 13 G +12 9 14 GI +12 9 15 F +12 9 16 GI +12 9 17 B +12 9 18 GI +12 9 19 G +12 9 20 G +12 9 21 B +12 9 22 F +12 9 23 GI +12 9 24 GI +12 9 25 G +12 9 26 GI +12 9 27 F +12 9 28 B +12 9 29 G +12 9 30 B +12 9 31 F +12 9 32 B +12 9 33 G +12 9 34 G +12 9 35 B +12 9 36 GI +12 9 37 F +12 9 38 B +12 9 39 G +12 9 40 G +12 9 41 B +12 9 42 H +12 9 43 GI +12 9 44 F +12 9 45 G +12 9 46 GI +12 9 47 GI +12 9 48 H +12 9 49 G +12 9 50 GI +12 9 51 GI +12 9 52 F +12 9 53 GI +12 9 54 G +12 9 55 G +12 9 56 F +12 9 57 G +12 9 58 H +12 9 59 F +12 9 60 GI +12 9 61 B +12 9 62 F +12 9 63 B +12 9 64 G +12 9 65 B +12 9 66 F +12 9 67 G +12 9 68 B +12 9 69 GI +12 9 70 F +12 9 71 B +12 9 72 G +12 9 73 GI +12 9 74 F +12 9 75 GI +12 9 76 B +12 9 77 G +12 9 78 F +12 9 79 GI +12 9 80 G +12 9 81 G +12 9 82 G +12 9 83 F +12 9 84 B +12 9 85 G +12 9 86 B +12 9 87 GI +12 9 88 B +12 9 89 GI +12 9 90 GI +12 9 91 H +12 9 92 F +12 9 93 G +12 9 94 GI +12 9 95 F +12 9 96 H +12 9 97 GI +12 9 98 B +12 9 99 F +12 9 100 F +12 9 101 B +12 9 102 F +12 9 103 GI +12 9 104 F +12 9 105 B +12 9 106 H +12 9 107 F +12 9 108 F +12 9 109 GI +12 9 110 H +12 9 111 GI +12 9 112 B +12 9 113 GI +12 9 114 G +12 9 115 B +12 9 116 F +12 9 117 GI +12 9 118 B +12 9 119 G +12 9 120 F +12 9 121 B +12 9 122 G +12 9 123 G +12 9 124 H +12 9 125 B +12 9 126 B +12 9 127 GI +12 9 128 H +12 9 129 F +12 9 130 GI +12 9 131 B +12 9 132 B +12 9 133 G +12 9 134 GI +12 9 135 B +12 9 136 G +12 9 137 G +12 9 138 F +12 9 139 F +12 9 140 GI +12 9 141 F +12 9 142 F +12 9 143 H +12 9 144 GI +12 9 145 G +12 9 146 H +12 9 147 G +12 9 148 B +12 9 149 G +12 9 150 GI +12 9 151 GI +12 9 152 GI +12 9 153 G +12 9 154 GI +12 9 155 GI +12 9 156 G +12 9 157 GI +12 9 158 F +12 9 159 B +12 9 160 B +12 9 161 G +12 9 162 B +12 9 163 G +12 9 164 G +12 9 165 GI +12 9 166 GI +12 9 167 F +12 9 168 G +12 9 169 G +12 9 170 GI +12 9 171 G +12 9 172 F +12 9 173 B +12 9 174 H +12 9 175 F +12 9 176 B +12 9 177 H +12 9 178 G +12 9 179 B +12 9 180 G +12 9 181 H +12 9 182 B +12 9 183 GI +12 9 184 GI +12 9 185 B +12 9 186 G +12 9 187 H +12 9 188 G +12 9 189 F +12 9 190 F +12 9 191 G +12 9 192 GI +12 9 193 H +12 9 194 B +12 9 195 G +12 9 196 F +12 9 197 GI +12 9 198 GI +12 9 199 F +12 9 200 G +12 9 201 B +12 9 202 G +12 9 203 B +12 9 204 GI +12 9 205 GI +12 9 206 F +12 9 207 B +12 9 208 H +12 9 209 G +12 9 210 B +12 9 211 G +12 9 212 H +12 9 213 F +12 9 214 H +12 9 215 F +12 9 216 GI +12 9 217 F +12 9 218 G +12 9 219 F +12 9 220 GI +12 9 221 F +12 9 222 B +12 9 223 G +12 9 224 F +12 9 225 H +12 9 226 G +12 9 227 GI +12 9 228 G +12 9 229 G +12 9 230 F +12 9 231 B +12 9 232 GI +12 9 233 F +12 9 234 G +12 9 235 GI +12 9 236 H +12 9 237 B +12 9 238 G +12 9 239 B +12 9 240 GI +12 9 241 F +12 9 242 H +12 9 243 B +12 9 244 F +12 9 245 B +12 9 246 G +12 9 247 GI +12 9 248 GI +12 9 249 G +12 9 250 GI +12 9 251 G +12 9 252 F +12 9 253 G +12 9 254 F +12 9 255 GI +12 9 256 B +12 9 257 G +12 9 258 H +12 9 259 B +12 9 260 F +12 9 261 B +12 9 262 F +12 9 263 GI +12 9 264 F +12 9 265 G +12 9 266 B +12 9 267 B +12 9 268 G +12 9 269 B +12 9 270 H +12 9 271 G +12 9 272 F +12 9 273 H +12 9 274 F +12 9 275 H +12 9 276 B +12 9 277 G +12 9 278 B +12 9 279 G +12 9 280 G +12 9 281 G +12 9 282 G +12 9 283 GI +12 9 284 F +12 9 285 F +12 9 286 F +12 9 287 H +12 9 288 B +12 9 289 G +12 9 290 F +12 9 291 G +12 9 292 B +12 9 293 F +12 9 294 F +12 9 295 GI +12 9 296 GI +12 9 297 H +12 9 298 B +12 9 299 G +12 9 300 F +12 9 301 G +12 9 302 F +12 9 303 F +12 9 304 GI +12 9 305 B +12 9 306 G +12 9 307 G +12 9 308 F +12 9 309 GI +12 9 310 G +12 9 311 G +12 9 312 GI +12 9 313 G +12 9 314 F +12 9 315 G +12 9 316 G +12 9 317 B +12 9 318 B +12 9 319 F +12 9 320 H +12 9 321 B +12 9 322 F +12 9 323 G +12 9 324 F +12 9 325 B +12 9 326 H +12 9 327 F +12 9 328 G +12 9 329 GI +12 9 330 F +12 10 1 G +12 10 2 F +12 10 3 B +12 10 4 BU +12 10 5 G +12 10 6 F +12 10 7 G +12 10 8 B +12 10 9 B +12 10 10 G +12 10 11 G +12 10 12 H +12 10 13 G +12 10 14 GI +12 10 15 F +12 10 16 F +12 10 17 B +12 10 18 GI +12 10 19 G +12 10 20 G +12 10 21 B +12 10 22 F +12 10 23 G +12 10 24 GI +12 10 25 G +12 10 26 G +12 10 27 F +12 10 28 B +12 10 29 G +12 10 30 B +12 10 31 F +12 10 32 B +12 10 33 G +12 10 34 G +12 10 35 BU +12 10 36 GI +12 10 37 G +12 10 38 B +12 10 39 G +12 10 40 G +12 10 41 B +12 10 42 H +12 10 43 GI +12 10 44 F +12 10 45 G +12 10 46 F +12 10 47 GI +12 10 48 H +12 10 49 G +12 10 50 B +12 10 51 GI +12 10 52 F +12 10 53 BU +12 10 54 G +12 10 55 G +12 10 56 F +12 10 57 G +12 10 58 H +12 10 59 F +12 10 60 GI +12 10 61 B +12 10 62 F +12 10 63 BU +12 10 64 G +12 10 65 B +12 10 66 F +12 10 67 G +12 10 68 BU +12 10 69 GI +12 10 70 F +12 10 71 GI +12 10 72 G +12 10 73 GI +12 10 74 G +12 10 75 GI +12 10 76 B +12 10 77 G +12 10 78 F +12 10 79 GI +12 10 80 G +12 10 81 H +12 10 82 G +12 10 83 F +12 10 84 F +12 10 85 G +12 10 86 B +12 10 87 GI +12 10 88 B +12 10 89 GI +12 10 90 GI +12 10 91 H +12 10 92 F +12 10 93 G +12 10 94 GI +12 10 95 F +12 10 96 H +12 10 97 GI +12 10 98 BU +12 10 99 F +12 10 100 G +12 10 101 B +12 10 102 F +12 10 103 GI +12 10 104 G +12 10 105 BU +12 10 106 H +12 10 107 F +12 10 108 F +12 10 109 G +12 10 110 H +12 10 111 GI +12 10 112 B +12 10 113 GI +12 10 114 G +12 10 115 BU +12 10 116 F +12 10 117 GI +12 10 118 B +12 10 119 G +12 10 120 F +12 10 121 BU +12 10 122 G +12 10 123 GI +12 10 124 H +12 10 125 B +12 10 126 B +12 10 127 GI +12 10 128 H +12 10 129 F +12 10 130 GI +12 10 131 BU +12 10 132 B +12 10 133 G +12 10 134 GI +12 10 135 B +12 10 136 G +12 10 137 GI +12 10 138 G +12 10 139 F +12 10 140 G +12 10 141 F +12 10 142 F +12 10 143 H +12 10 144 G +12 10 145 H +12 10 146 H +12 10 147 G +12 10 148 BU +12 10 149 G +12 10 150 GI +12 10 151 BU +12 10 152 F +12 10 153 G +12 10 154 GI +12 10 155 GI +12 10 156 G +12 10 157 GI +12 10 158 F +12 10 159 BU +12 10 160 F +12 10 161 G +12 10 162 B +12 10 163 G +12 10 164 G +12 10 165 GI +12 10 166 G +12 10 167 F +12 10 168 G +12 10 169 G +12 10 170 GI +12 10 171 GI +12 10 172 F +12 10 173 BU +12 10 174 H +12 10 175 F +12 10 176 B +12 10 177 H +12 10 178 G +12 10 179 GI +12 10 180 G +12 10 181 H +12 10 182 GI +12 10 183 GI +12 10 184 G +12 10 185 B +12 10 186 G +12 10 187 B +12 10 188 G +12 10 189 F +12 10 190 F +12 10 191 G +12 10 192 GI +12 10 193 H +12 10 194 BU +12 10 195 G +12 10 196 G +12 10 197 F +12 10 198 GI +12 10 199 F +12 10 200 G +12 10 201 F +12 10 202 G +12 10 203 B +12 10 204 GI +12 10 205 G +12 10 206 F +12 10 207 BU +12 10 208 GI +12 10 209 G +12 10 210 GI +12 10 211 G +12 10 212 B +12 10 213 F +12 10 214 H +12 10 215 F +12 10 216 GI +12 10 217 F +12 10 218 H +12 10 219 F +12 10 220 GI +12 10 221 F +12 10 222 GI +12 10 223 G +12 10 224 F +12 10 225 H +12 10 226 G +12 10 227 GI +12 10 228 G +12 10 229 F +12 10 230 F +12 10 231 B +12 10 232 GI +12 10 233 G +12 10 234 G +12 10 235 G +12 10 236 H +12 10 237 F +12 10 238 G +12 10 239 B +12 10 240 GI +12 10 241 F +12 10 242 F +12 10 243 BU +12 10 244 F +12 10 245 BU +12 10 246 G +12 10 247 F +12 10 248 GI +12 10 249 G +12 10 250 GI +12 10 251 G +12 10 252 F +12 10 253 G +12 10 254 G +12 10 255 GI +12 10 256 BU +12 10 257 G +12 10 258 H +12 10 259 BU +12 10 260 F +12 10 261 GI +12 10 262 F +12 10 263 GI +12 10 264 G +12 10 265 G +12 10 266 B +12 10 267 BU +12 10 268 G +12 10 269 F +12 10 270 H +12 10 271 GI +12 10 272 F +12 10 273 F +12 10 274 F +12 10 275 H +12 10 276 BU +12 10 277 G +12 10 278 F +12 10 279 G +12 10 280 H +12 10 281 G +12 10 282 G +12 10 283 GI +12 10 284 F +12 10 285 F +12 10 286 F +12 10 287 GI +12 10 288 B +12 10 289 G +12 10 290 F +12 10 291 G +12 10 292 F +12 10 293 F +12 10 294 F +12 10 295 GI +12 10 296 GI +12 10 297 H +12 10 298 BU +12 10 299 G +12 10 300 F +12 10 301 G +12 10 302 F +12 10 303 F +12 10 304 GI +12 10 305 GI +12 10 306 G +12 10 307 G +12 10 308 F +12 10 309 GI +12 10 310 G +12 10 311 G +12 10 312 GI +12 10 313 G +12 10 314 F +12 10 315 G +12 10 316 G +12 10 317 BU +12 10 318 F +12 10 319 F +12 10 320 GI +12 10 321 B +12 10 322 F +12 10 323 G +12 10 324 F +12 10 325 GI +12 10 326 H +12 10 327 F +12 10 328 G +12 10 329 GI +12 10 330 F +12 11 1 G +12 11 2 G +12 11 3 B +12 11 4 H +12 11 5 G +12 11 6 H +12 11 7 G +12 11 8 B +12 11 9 B +12 11 10 G +12 11 11 G +12 11 12 H +12 11 13 G +12 11 14 G +12 11 15 F +12 11 16 F +12 11 17 B +12 11 18 GI +12 11 19 G +12 11 20 G +12 11 21 B +12 11 22 H +12 11 23 B +12 11 24 GI +12 11 25 G +12 11 26 G +12 11 27 F +12 11 28 B +12 11 29 G +12 11 30 B +12 11 31 G +12 11 32 B +12 11 33 G +12 11 34 G +12 11 35 B +12 11 36 GI +12 11 37 G +12 11 38 B +12 11 39 G +12 11 40 G +12 11 41 B +12 11 42 H +12 11 43 GI +12 11 44 F +12 11 45 G +12 11 46 F +12 11 47 GI +12 11 48 B +12 11 49 G +12 11 50 B +12 11 51 GI +12 11 52 F +12 11 53 B +12 11 54 G +12 11 55 G +12 11 56 H +12 11 57 G +12 11 58 H +12 11 59 F +12 11 60 GI +12 11 61 B +12 11 62 G +12 11 63 B +12 11 64 G +12 11 65 B +12 11 66 F +12 11 67 G +12 11 68 B +12 11 69 GI +12 11 70 F +12 11 71 B +12 11 72 G +12 11 73 B +12 11 74 G +12 11 75 GI +12 11 76 B +12 11 77 G +12 11 78 F +12 11 79 GI +12 11 80 G +12 11 81 H +12 11 82 G +12 11 83 F +12 11 84 B +12 11 85 G +12 11 86 B +12 11 87 GI +12 11 88 B +12 11 89 GI +12 11 90 GI +12 11 91 B +12 11 92 F +12 11 93 G +12 11 94 GI +12 11 95 F +12 11 96 H +12 11 97 G +12 11 98 B +12 11 99 F +12 11 100 G +12 11 101 B +12 11 102 F +12 11 103 GI +12 11 104 G +12 11 105 B +12 11 106 H +12 11 107 F +12 11 108 F +12 11 109 G +12 11 110 B +12 11 111 GI +12 11 112 B +12 11 113 GI +12 11 114 G +12 11 115 B +12 11 116 F +12 11 117 GI +12 11 118 B +12 11 119 G +12 11 120 F +12 11 121 B +12 11 122 G +12 11 123 G +12 11 124 H +12 11 125 B +12 11 126 B +12 11 127 GI +12 11 128 H +12 11 129 F +12 11 130 GI +12 11 131 B +12 11 132 B +12 11 133 G +12 11 134 GI +12 11 135 B +12 11 136 G +12 11 137 GI +12 11 138 G +12 11 139 F +12 11 140 G +12 11 141 F +12 11 142 F +12 11 143 G +12 11 144 GI +12 11 145 G +12 11 146 H +12 11 147 G +12 11 148 B +12 11 149 G +12 11 150 GI +12 11 151 B +12 11 152 H +12 11 153 G +12 11 154 GI +12 11 155 GI +12 11 156 G +12 11 157 GI +12 11 158 F +12 11 159 B +12 11 160 B +12 11 161 G +12 11 162 B +12 11 163 G +12 11 164 G +12 11 165 GI +12 11 166 G +12 11 167 F +12 11 168 G +12 11 169 G +12 11 170 GI +12 11 171 GI +12 11 172 F +12 11 173 B +12 11 174 H +12 11 175 F +12 11 176 B +12 11 177 H +12 11 178 G +12 11 179 B +12 11 180 G +12 11 181 H +12 11 182 B +12 11 183 GI +12 11 184 B +12 11 185 B +12 11 186 G +12 11 187 B +12 11 188 G +12 11 189 F +12 11 190 B +12 11 191 G +12 11 192 GI +12 11 193 G +12 11 194 B +12 11 195 G +12 11 196 G +12 11 197 F +12 11 198 GI +12 11 199 F +12 11 200 G +12 11 201 B +12 11 202 G +12 11 203 B +12 11 204 GI +12 11 205 G +12 11 206 F +12 11 207 B +12 11 208 B +12 11 209 G +12 11 210 B +12 11 211 G +12 11 212 B +12 11 213 F +12 11 214 H +12 11 215 B +12 11 216 GI +12 11 217 B +12 11 218 F +12 11 219 F +12 11 220 G +12 11 221 F +12 11 222 GI +12 11 223 G +12 11 224 F +12 11 225 GI +12 11 226 G +12 11 227 GI +12 11 228 GI +12 11 229 G +12 11 230 F +12 11 231 B +12 11 232 GI +12 11 233 G +12 11 234 G +12 11 235 G +12 11 236 H +12 11 237 B +12 11 238 G +12 11 239 B +12 11 240 B +12 11 241 F +12 11 242 H +12 11 243 B +12 11 244 F +12 11 245 B +12 11 246 G +12 11 247 GI +12 11 248 GI +12 11 249 G +12 11 250 GI +12 11 251 G +12 11 252 F +12 11 253 G +12 11 254 G +12 11 255 GI +12 11 256 B +12 11 257 G +12 11 258 H +12 11 259 B +12 11 260 F +12 11 261 B +12 11 262 F +12 11 263 GI +12 11 264 G +12 11 265 B +12 11 266 B +12 11 267 B +12 11 268 G +12 11 269 B +12 11 270 B +12 11 271 GI +12 11 272 F +12 11 273 B +12 11 274 F +12 11 275 H +12 11 276 B +12 11 277 G +12 11 278 B +12 11 279 G +12 11 280 G +12 11 281 G +12 11 282 G +12 11 283 GI +12 11 284 F +12 11 285 B +12 11 286 F +12 11 287 B +12 11 288 B +12 11 289 G +12 11 290 F +12 11 291 G +12 11 292 B +12 11 293 F +12 11 294 F +12 11 295 GI +12 11 296 G +12 11 297 H +12 11 298 B +12 11 299 G +12 11 300 F +12 11 301 G +12 11 302 F +12 11 303 F +12 11 304 GI +12 11 305 B +12 11 306 G +12 11 307 G +12 11 308 F +12 11 309 GI +12 11 310 G +12 11 311 G +12 11 312 GI +12 11 313 G +12 11 314 F +12 11 315 G +12 11 316 G +12 11 317 B +12 11 318 B +12 11 319 F +12 11 320 G +12 11 321 B +12 11 322 G +12 11 323 G +12 11 324 F +12 11 325 B +12 11 326 H +12 11 327 F +12 11 328 G +12 11 329 B +12 11 330 F +12 12 1 G +12 12 2 G +12 12 3 B +12 12 4 GI +12 12 5 G +12 12 6 F +12 12 7 G +12 12 8 B +12 12 9 GI +12 12 10 GI +12 12 11 G +12 12 12 H +12 12 13 G +12 12 14 GI +12 12 15 F +12 12 16 F +12 12 17 B +12 12 18 GI +12 12 19 G +12 12 20 G +12 12 21 B +12 12 22 F +12 12 23 B +12 12 24 GI +12 12 25 G +12 12 26 G +12 12 27 F +12 12 28 B +12 12 29 G +12 12 30 G +12 12 31 F +12 12 32 B +12 12 33 G +12 12 34 G +12 12 35 B +12 12 36 G +12 12 37 F +12 12 38 B +12 12 39 G +12 12 40 G +12 12 41 B +12 12 42 G +12 12 43 GI +12 12 44 F +12 12 45 G +12 12 46 F +12 12 47 G +12 12 48 H +12 12 49 G +12 12 50 B +12 12 51 G +12 12 52 F +12 12 53 B +12 12 54 G +12 12 55 G +12 12 56 F +12 12 57 G +12 12 58 H +12 12 59 F +12 12 60 GI +12 12 61 B +12 12 62 F +12 12 63 B +12 12 64 G +12 12 65 B +12 12 66 F +12 12 67 G +12 12 68 B +12 12 69 GI +12 12 70 F +12 12 71 B +12 12 72 G +12 12 73 B +12 12 74 F +12 12 75 G +12 12 76 B +12 12 77 G +12 12 78 F +12 12 79 GI +12 12 80 G +12 12 81 G +12 12 82 G +12 12 83 F +12 12 84 B +12 12 85 G +12 12 86 B +12 12 87 GI +12 12 88 B +12 12 89 GI +12 12 90 G +12 12 91 G +12 12 92 F +12 12 93 G +12 12 94 GI +12 12 95 F +12 12 96 H +12 12 97 GI +12 12 98 B +12 12 99 F +12 12 100 G +12 12 101 B +12 12 102 F +12 12 103 G +12 12 104 G +12 12 105 B +12 12 106 G +12 12 107 F +12 12 108 G +12 12 109 GI +12 12 110 H +12 12 111 G +12 12 112 B +12 12 113 GI +12 12 114 G +12 12 115 B +12 12 116 F +12 12 117 GI +12 12 118 B +12 12 119 G +12 12 120 F +12 12 121 B +12 12 122 G +12 12 123 G +12 12 124 G +12 12 125 B +12 12 126 B +12 12 127 GI +12 12 128 H +12 12 129 F +12 12 130 GI +12 12 131 B +12 12 132 B +12 12 133 G +12 12 134 G +12 12 135 B +12 12 136 G +12 12 137 G +12 12 138 G +12 12 139 F +12 12 140 G +12 12 141 F +12 12 142 F +12 12 143 G +12 12 144 GI +12 12 145 G +12 12 146 G +12 12 147 G +12 12 148 B +12 12 149 G +12 12 150 B +12 12 151 G +12 12 152 G +12 12 153 G +12 12 154 GI +12 12 155 G +12 12 156 G +12 12 157 G +12 12 158 F +12 12 159 B +12 12 160 F +12 12 161 G +12 12 162 B +12 12 163 G +12 12 164 G +12 12 165 G +12 12 166 G +12 12 167 F +12 12 168 G +12 12 169 G +12 12 170 G +12 12 171 G +12 12 172 F +12 12 173 B +12 12 174 F +12 12 175 H +12 12 176 B +12 12 177 G +12 12 178 G +12 12 179 B +12 12 180 G +12 12 181 G +12 12 182 B +12 12 183 G +12 12 184 B +12 12 185 G +12 12 186 G +12 12 187 G +12 12 188 G +12 12 189 F +12 12 190 F +12 12 191 G +12 12 192 G +12 12 193 G +12 12 194 B +12 12 195 G +12 12 196 G +12 12 197 F +12 12 198 GI +12 12 199 F +12 12 200 G +12 12 201 F +12 12 202 G +12 12 203 B +12 12 204 GI +12 12 205 GI +12 12 206 G +12 12 207 B +12 12 208 H +12 12 209 G +12 12 210 B +12 12 211 G +12 12 212 G +12 12 213 F +12 12 214 G +12 12 215 F +12 12 216 GI +12 12 217 F +12 12 218 G +12 12 219 F +12 12 220 GI +12 12 221 F +12 12 222 GI +12 12 223 G +12 12 224 F +12 12 225 G +12 12 226 GI +12 12 227 GI +12 12 228 G +12 12 229 G +12 12 230 F +12 12 231 B +12 12 232 G +12 12 233 F +12 12 234 G +12 12 235 G +12 12 236 G +12 12 237 F +12 12 238 G +12 12 239 B +12 12 240 B +12 12 241 F +12 12 242 G +12 12 243 B +12 12 244 F +12 12 245 B +12 12 246 G +12 12 247 G +12 12 248 G +12 12 249 G +12 12 250 GI +12 12 251 G +12 12 252 F +12 12 253 G +12 12 254 F +12 12 255 GI +12 12 256 B +12 12 257 GI +12 12 258 H +12 12 259 B +12 12 260 G +12 12 261 G +12 12 262 F +12 12 263 F +12 12 264 F +12 12 265 G +12 12 266 B +12 12 267 B +12 12 268 G +12 12 269 B +12 12 270 H +12 12 271 G +12 12 272 F +12 12 273 B +12 12 274 F +12 12 275 G +12 12 276 B +12 12 277 G +12 12 278 B +12 12 279 GI +12 12 280 G +12 12 281 G +12 12 282 G +12 12 283 G +12 12 284 F +12 12 285 F +12 12 286 F +12 12 287 H +12 12 288 B +12 12 289 G +12 12 290 F +12 12 291 GI +12 12 292 F +12 12 293 G +12 12 294 F +12 12 295 GI +12 12 296 GI +12 12 297 H +12 12 298 B +12 12 299 G +12 12 300 F +12 12 301 G +12 12 302 F +12 12 303 F +12 12 304 G +12 12 305 B +12 12 306 G +12 12 307 G +12 12 308 F +12 12 309 GI +12 12 310 G +12 12 311 GI +12 12 312 GI +12 12 313 GI +12 12 314 F +12 12 315 G +12 12 316 G +12 12 317 B +12 12 318 B +12 12 319 F +12 12 320 G +12 12 321 B +12 12 322 F +12 12 323 G +12 12 324 F +12 12 325 B +12 12 326 H +12 12 327 F +12 12 328 G +12 12 329 G +12 12 330 F +12 13 1 G +12 13 2 G +12 13 3 B +12 13 4 B +12 13 5 G +12 13 6 F +12 13 7 G +12 13 8 B +12 13 9 B +12 13 10 G +12 13 11 G +12 13 12 H +12 13 13 G +12 13 14 G +12 13 15 B +12 13 16 F +12 13 17 B +12 13 18 F +12 13 19 G +12 13 20 G +12 13 21 B +12 13 22 F +12 13 23 B +12 13 24 F +12 13 25 G +12 13 26 G +12 13 27 F +12 13 28 B +12 13 29 G +12 13 30 B +12 13 31 G +12 13 32 B +12 13 33 G +12 13 34 G +12 13 35 B +12 13 36 G +12 13 37 G +12 13 38 B +12 13 39 G +12 13 40 G +12 13 41 B +12 13 42 B +12 13 43 G +12 13 44 F +12 13 45 G +12 13 46 F +12 13 47 G +12 13 48 B +12 13 49 G +12 13 50 G +12 13 51 B +12 13 52 F +12 13 53 B +12 13 54 G +12 13 55 G +12 13 56 B +12 13 57 G +12 13 58 B +12 13 59 F +12 13 60 G +12 13 61 B +12 13 62 G +12 13 63 B +12 13 64 G +12 13 65 B +12 13 66 F +12 13 67 G +12 13 68 B +12 13 69 G +12 13 70 F +12 13 71 B +12 13 72 G +12 13 73 B +12 13 74 F +12 13 75 G +12 13 76 B +12 13 77 G +12 13 78 F +12 13 79 F +12 13 80 G +12 13 81 G +12 13 82 G +12 13 83 F +12 13 84 B +12 13 85 G +12 13 86 B +12 13 87 F +12 13 88 B +12 13 89 F +12 13 90 G +12 13 91 G +12 13 92 F +12 13 93 G +12 13 94 B +12 13 95 F +12 13 96 H +12 13 97 G +12 13 98 B +12 13 99 F +12 13 100 G +12 13 101 B +12 13 102 F +12 13 103 G +12 13 104 G +12 13 105 B +12 13 106 F +12 13 107 F +12 13 108 F +12 13 109 G +12 13 110 B +12 13 111 G +12 13 112 B +12 13 113 F +12 13 114 G +12 13 115 B +12 13 116 F +12 13 117 B +12 13 118 B +12 13 119 G +12 13 120 F +12 13 121 B +12 13 122 G +12 13 123 G +12 13 124 G +12 13 125 B +12 13 126 B +12 13 127 G +12 13 128 G +12 13 129 F +12 13 130 G +12 13 131 B +12 13 132 B +12 13 133 G +12 13 134 B +12 13 135 B +12 13 136 G +12 13 137 G +12 13 138 G +12 13 139 F +12 13 140 G +12 13 141 F +12 13 142 F +12 13 143 G +12 13 144 B +12 13 145 G +12 13 146 B +12 13 147 G +12 13 148 B +12 13 149 G +12 13 150 B +12 13 151 B +12 13 152 B +12 13 153 G +12 13 154 F +12 13 155 B +12 13 156 G +12 13 157 B +12 13 158 F +12 13 159 B +12 13 160 B +12 13 161 G +12 13 162 B +12 13 163 G +12 13 164 G +12 13 165 G +12 13 166 G +12 13 167 F +12 13 168 G +12 13 169 G +12 13 170 G +12 13 171 G +12 13 172 F +12 13 173 B +12 13 174 F +12 13 175 B +12 13 176 B +12 13 177 G +12 13 178 G +12 13 179 B +12 13 180 G +12 13 181 B +12 13 182 B +12 13 183 B +12 13 184 B +12 13 185 G +12 13 186 G +12 13 187 B +12 13 188 G +12 13 189 F +12 13 190 B +12 13 191 G +12 13 192 B +12 13 193 G +12 13 194 B +12 13 195 G +12 13 196 G +12 13 197 B +12 13 198 F +12 13 199 F +12 13 200 G +12 13 201 B +12 13 202 G +12 13 203 B +12 13 204 B +12 13 205 G +12 13 206 F +12 13 207 B +12 13 208 B +12 13 209 G +12 13 210 B +12 13 211 G +12 13 212 B +12 13 213 F +12 13 214 G +12 13 215 B +12 13 216 G +12 13 217 B +12 13 218 G +12 13 219 F +12 13 220 G +12 13 221 F +12 13 222 G +12 13 223 G +12 13 224 F +12 13 225 G +12 13 226 G +12 13 227 G +12 13 228 G +12 13 229 G +12 13 230 F +12 13 231 B +12 13 232 G +12 13 233 G +12 13 234 G +12 13 235 G +12 13 236 G +12 13 237 B +12 13 238 G +12 13 239 B +12 13 240 B +12 13 241 F +12 13 242 G +12 13 243 B +12 13 244 F +12 13 245 B +12 13 246 G +12 13 247 G +12 13 248 G +12 13 249 G +12 13 250 B +12 13 251 G +12 13 252 F +12 13 253 G +12 13 254 G +12 13 255 F +12 13 256 B +12 13 257 G +12 13 258 G +12 13 259 B +12 13 260 F +12 13 261 B +12 13 262 F +12 13 263 F +12 13 264 F +12 13 265 G +12 13 266 B +12 13 267 B +12 13 268 G +12 13 269 B +12 13 270 B +12 13 271 G +12 13 272 F +12 13 273 B +12 13 274 F +12 13 275 G +12 13 276 B +12 13 277 G +12 13 278 B +12 13 279 G +12 13 280 G +12 13 281 G +12 13 282 G +12 13 283 B +12 13 284 F +12 13 285 B +12 13 286 F +12 13 287 G +12 13 288 B +12 13 289 G +12 13 290 F +12 13 291 G +12 13 292 B +12 13 293 F +12 13 294 F +12 13 295 B +12 13 296 B +12 13 297 H +12 13 298 B +12 13 299 G +12 13 300 F +12 13 301 G +12 13 302 F +12 13 303 F +12 13 304 G +12 13 305 B +12 13 306 G +12 13 307 G +12 13 308 F +12 13 309 G +12 13 310 G +12 13 311 G +12 13 312 F +12 13 313 G +12 13 314 F +12 13 315 G +12 13 316 G +12 13 317 B +12 13 318 B +12 13 319 F +12 13 320 G +12 13 321 B +12 13 322 G +12 13 323 G +12 13 324 F +12 13 325 B +12 13 326 H +12 13 327 F +12 13 328 G +12 13 329 B +12 13 330 F +12 14 1 G +12 14 2 F +12 14 3 B +12 14 4 GI +12 14 5 F +12 14 6 B +12 14 7 G +12 14 8 B +12 14 9 B +12 14 10 GI +12 14 11 GI +12 14 12 H +12 14 13 GI +12 14 14 GI +12 14 15 F +12 14 16 F +12 14 17 B +12 14 18 GI +12 14 19 F +12 14 20 H +12 14 21 B +12 14 22 H +12 14 23 F +12 14 24 GI +12 14 25 F +12 14 26 GI +12 14 27 F +12 14 28 B +12 14 29 G +12 14 30 B +12 14 31 F +12 14 32 B +12 14 33 G +12 14 34 GI +12 14 35 B +12 14 36 GI +12 14 37 F +12 14 38 B +12 14 39 GI +12 14 40 G +12 14 41 B +12 14 42 H +12 14 43 GI +12 14 44 F +12 14 45 G +12 14 46 F +12 14 47 GI +12 14 48 H +12 14 49 F +12 14 50 B +12 14 51 GI +12 14 52 F +12 14 53 B +12 14 54 G +12 14 55 H +12 14 56 F +12 14 57 GI +12 14 58 H +12 14 59 F +12 14 60 G +12 14 61 B +12 14 62 F +12 14 63 H +12 14 64 G +12 14 65 B +12 14 66 F +12 14 67 G +12 14 68 B +12 14 69 GI +12 14 70 F +12 14 71 B +12 14 72 G +12 14 73 GI +12 14 74 F +12 14 75 GI +12 14 76 B +12 14 77 G +12 14 78 F +12 14 79 GI +12 14 80 G +12 14 81 H +12 14 82 F +12 14 83 F +12 14 84 G +12 14 85 B +12 14 86 H +12 14 87 GI +12 14 88 B +12 14 89 GI +12 14 90 G +12 14 91 H +12 14 92 F +12 14 93 B +12 14 94 GI +12 14 95 F +12 14 96 H +12 14 97 GI +12 14 98 B +12 14 99 F +12 14 100 F +12 14 101 B +12 14 102 F +12 14 103 GI +12 14 104 G +12 14 105 B +12 14 106 H +12 14 107 F +12 14 108 G +12 14 109 GI +12 14 110 H +12 14 111 GI +12 14 112 B +12 14 113 GI +12 14 114 GI +12 14 115 B +12 14 116 F +12 14 117 GI +12 14 118 F +12 14 119 G +12 14 120 F +12 14 121 B +12 14 122 G +12 14 123 G +12 14 124 H +12 14 125 B +12 14 126 H +12 14 127 GI +12 14 128 H +12 14 129 F +12 14 130 GI +12 14 131 B +12 14 132 B +12 14 133 GI +12 14 134 GI +12 14 135 B +12 14 136 G +12 14 137 GI +12 14 138 F +12 14 139 F +12 14 140 G +12 14 141 F +12 14 142 F +12 14 143 H +12 14 144 GI +12 14 145 H +12 14 146 B +12 14 147 G +12 14 148 B +12 14 149 H +12 14 150 GI +12 14 151 H +12 14 152 F +12 14 153 G +12 14 154 F +12 14 155 GI +12 14 156 G +12 14 157 GI +12 14 158 F +12 14 159 H +12 14 160 F +12 14 161 B +12 14 162 B +12 14 163 G +12 14 164 G +12 14 165 GI +12 14 166 GI +12 14 167 F +12 14 168 GI +12 14 169 G +12 14 170 GI +12 14 171 G +12 14 172 F +12 14 173 B +12 14 174 F +12 14 175 H +12 14 176 B +12 14 177 H +12 14 178 G +12 14 179 B +12 14 180 G +12 14 181 H +12 14 182 B +12 14 183 GI +12 14 184 B +12 14 185 H +12 14 186 F +12 14 187 B +12 14 188 G +12 14 189 F +12 14 190 H +12 14 191 G +12 14 192 F +12 14 193 H +12 14 194 B +12 14 195 H +12 14 196 F +12 14 197 F +12 14 198 GI +12 14 199 F +12 14 200 G +12 14 201 B +12 14 202 G +12 14 203 B +12 14 204 GI +12 14 205 F +12 14 206 F +12 14 207 B +12 14 208 H +12 14 209 G +12 14 210 GI +12 14 211 G +12 14 212 B +12 14 213 F +12 14 214 H +12 14 215 F +12 14 216 GI +12 14 217 F +12 14 218 H +12 14 219 F +12 14 220 G +12 14 221 F +12 14 222 G +12 14 223 GI +12 14 224 F +12 14 225 H +12 14 226 G +12 14 227 GI +12 14 228 G +12 14 229 F +12 14 230 F +12 14 231 B +12 14 232 GI +12 14 233 F +12 14 234 G +12 14 235 G +12 14 236 H +12 14 237 H +12 14 238 G +12 14 239 H +12 14 240 B +12 14 241 F +12 14 242 H +12 14 243 B +12 14 244 F +12 14 245 B +12 14 246 G +12 14 247 F +12 14 248 GI +12 14 249 G +12 14 250 B +12 14 251 H +12 14 252 F +12 14 253 G +12 14 254 F +12 14 255 GI +12 14 256 B +12 14 257 G +12 14 258 H +12 14 259 B +12 14 260 F +12 14 261 H +12 14 262 F +12 14 263 F +12 14 264 F +12 14 265 G +12 14 266 B +12 14 267 B +12 14 268 G +12 14 269 B +12 14 270 H +12 14 271 GI +12 14 272 F +12 14 273 F +12 14 274 F +12 14 275 H +12 14 276 B +12 14 277 G +12 14 278 H +12 14 279 G +12 14 280 G +12 14 281 G +12 14 282 H +12 14 283 GI +12 14 284 F +12 14 285 H +12 14 286 F +12 14 287 H +12 14 288 B +12 14 289 G +12 14 290 F +12 14 291 G +12 14 292 H +12 14 293 F +12 14 294 F +12 14 295 GI +12 14 296 G +12 14 297 H +12 14 298 B +12 14 299 G +12 14 300 F +12 14 301 G +12 14 302 F +12 14 303 F +12 14 304 G +12 14 305 B +12 14 306 H +12 14 307 G +12 14 308 H +12 14 309 GI +12 14 310 G +12 14 311 G +12 14 312 GI +12 14 313 G +12 14 314 F +12 14 315 H +12 14 316 G +12 14 317 B +12 14 318 H +12 14 319 F +12 14 320 GI +12 14 321 B +12 14 322 F +12 14 323 GI +12 14 324 F +12 14 325 B +12 14 326 H +12 14 327 F +12 14 328 G +12 14 329 B +12 14 330 F +12 15 1 G +12 15 2 F +12 15 3 B +12 15 4 GI +12 15 5 F +12 15 6 F +12 15 7 G +12 15 8 F +12 15 9 GI +12 15 10 G +12 15 11 GI +12 15 12 H +12 15 13 GI +12 15 14 GI +12 15 15 F +12 15 16 F +12 15 17 B +12 15 18 GI +12 15 19 F +12 15 20 G +12 15 21 B +12 15 22 H +12 15 23 GI +12 15 24 GI +12 15 25 G +12 15 26 G +12 15 27 F +12 15 28 B +12 15 29 G +12 15 30 B +12 15 31 F +12 15 32 B +12 15 33 G +12 15 34 G +12 15 35 B +12 15 36 GI +12 15 37 G +12 15 38 B +12 15 39 GI +12 15 40 G +12 15 41 B +12 15 42 H +12 15 43 GI +12 15 44 F +12 15 45 G +12 15 46 GI +12 15 47 GI +12 15 48 H +12 15 49 G +12 15 50 GI +12 15 51 GI +12 15 52 F +12 15 53 B +12 15 54 GI +12 15 55 G +12 15 56 B +12 15 57 G +12 15 58 GI +12 15 59 F +12 15 60 GI +12 15 61 B +12 15 62 H +12 15 63 B +12 15 64 G +12 15 65 B +12 15 66 F +12 15 67 G +12 15 68 B +12 15 69 GI +12 15 70 F +12 15 71 GI +12 15 72 G +12 15 73 GI +12 15 74 F +12 15 75 GI +12 15 76 B +12 15 77 G +12 15 78 F +12 15 79 GI +12 15 80 G +12 15 81 H +12 15 82 F +12 15 83 G +12 15 84 B +12 15 85 G +12 15 86 B +12 15 87 GI +12 15 88 B +12 15 89 GI +12 15 90 G +12 15 91 H +12 15 92 F +12 15 93 G +12 15 94 GI +12 15 95 F +12 15 96 H +12 15 97 GI +12 15 98 B +12 15 99 F +12 15 100 G +12 15 101 B +12 15 102 F +12 15 103 GI +12 15 104 G +12 15 105 B +12 15 106 H +12 15 107 F +12 15 108 F +12 15 109 G +12 15 110 H +12 15 111 GI +12 15 112 B +12 15 113 GI +12 15 114 G +12 15 115 B +12 15 116 F +12 15 117 GI +12 15 118 B +12 15 119 G +12 15 120 F +12 15 121 B +12 15 122 G +12 15 123 GI +12 15 124 H +12 15 125 B +12 15 126 B +12 15 127 G +12 15 128 H +12 15 129 F +12 15 130 GI +12 15 131 G +12 15 132 B +12 15 133 G +12 15 134 GI +12 15 135 B +12 15 136 G +12 15 137 G +12 15 138 F +12 15 139 F +12 15 140 GI +12 15 141 F +12 15 142 F +12 15 143 H +12 15 144 GI +12 15 145 G +12 15 146 H +12 15 147 G +12 15 148 B +12 15 149 H +12 15 150 GI +12 15 151 B +12 15 152 F +12 15 153 G +12 15 154 GI +12 15 155 GI +12 15 156 G +12 15 157 B +12 15 158 F +12 15 159 H +12 15 160 B +12 15 161 G +12 15 162 B +12 15 163 G +12 15 164 G +12 15 165 GI +12 15 166 GI +12 15 167 F +12 15 168 G +12 15 169 G +12 15 170 GI +12 15 171 G +12 15 172 F +12 15 173 B +12 15 174 F +12 15 175 H +12 15 176 B +12 15 177 H +12 15 178 G +12 15 179 B +12 15 180 G +12 15 181 B +12 15 182 GI +12 15 183 GI +12 15 184 G +12 15 185 B +12 15 186 G +12 15 187 B +12 15 188 G +12 15 189 F +12 15 190 F +12 15 191 G +12 15 192 GI +12 15 193 H +12 15 194 B +12 15 195 G +12 15 196 F +12 15 197 GI +12 15 198 GI +12 15 199 F +12 15 200 G +12 15 201 H +12 15 202 G +12 15 203 B +12 15 204 GI +12 15 205 GI +12 15 206 F +12 15 207 B +12 15 208 G +12 15 209 GI +12 15 210 GI +12 15 211 G +12 15 212 H +12 15 213 GI +12 15 214 H +12 15 215 B +12 15 216 GI +12 15 217 B +12 15 218 H +12 15 219 F +12 15 220 GI +12 15 221 F +12 15 222 GI +12 15 223 G +12 15 224 F +12 15 225 H +12 15 226 G +12 15 227 GI +12 15 228 G +12 15 229 G +12 15 230 F +12 15 231 B +12 15 232 GI +12 15 233 F +12 15 234 G +12 15 235 G +12 15 236 H +12 15 237 H +12 15 238 G +12 15 239 B +12 15 240 B +12 15 241 F +12 15 242 H +12 15 243 B +12 15 244 F +12 15 245 B +12 15 246 G +12 15 247 GI +12 15 248 GI +12 15 249 G +12 15 250 GI +12 15 251 G +12 15 252 F +12 15 253 G +12 15 254 F +12 15 255 GI +12 15 256 B +12 15 257 G +12 15 258 H +12 15 259 B +12 15 260 F +12 15 261 B +12 15 262 F +12 15 263 GI +12 15 264 F +12 15 265 G +12 15 266 B +12 15 267 B +12 15 268 G +12 15 269 B +12 15 270 G +12 15 271 G +12 15 272 F +12 15 273 G +12 15 274 F +12 15 275 H +12 15 276 B +12 15 277 G +12 15 278 B +12 15 279 G +12 15 280 G +12 15 281 G +12 15 282 G +12 15 283 GI +12 15 284 F +12 15 285 F +12 15 286 F +12 15 287 G +12 15 288 B +12 15 289 G +12 15 290 F +12 15 291 G +12 15 292 B +12 15 293 F +12 15 294 F +12 15 295 GI +12 15 296 G +12 15 297 H +12 15 298 B +12 15 299 G +12 15 300 F +12 15 301 G +12 15 302 F +12 15 303 F +12 15 304 H +12 15 305 B +12 15 306 G +12 15 307 G +12 15 308 F +12 15 309 GI +12 15 310 G +12 15 311 G +12 15 312 GI +12 15 313 GI +12 15 314 F +12 15 315 H +12 15 316 G +12 15 317 B +12 15 318 B +12 15 319 F +12 15 320 H +12 15 321 B +12 15 322 F +12 15 323 G +12 15 324 F +12 15 325 B +12 15 326 H +12 15 327 F +12 15 328 G +12 15 329 B +12 15 330 F +12 16 1 G +12 16 2 F +12 16 3 B +12 16 4 GI +12 16 5 G +12 16 6 B +12 16 7 G +12 16 8 B +12 16 9 B +12 16 10 G +12 16 11 G +12 16 12 G +12 16 13 G +12 16 14 GI +12 16 15 F +12 16 16 F +12 16 17 B +12 16 18 GI +12 16 19 G +12 16 20 G +12 16 21 B +12 16 22 F +12 16 23 F +12 16 24 G +12 16 25 G +12 16 26 GI +12 16 27 F +12 16 28 B +12 16 29 G +12 16 30 B +12 16 31 G +12 16 32 B +12 16 33 G +12 16 34 G +12 16 35 B +12 16 36 GI +12 16 37 G +12 16 38 B +12 16 39 G +12 16 40 G +12 16 41 B +12 16 42 B +12 16 43 GI +12 16 44 F +12 16 45 G +12 16 46 F +12 16 47 G +12 16 48 F +12 16 49 G +12 16 50 B +12 16 51 B +12 16 52 F +12 16 53 B +12 16 54 G +12 16 55 F +12 16 56 F +12 16 57 GI +12 16 58 B +12 16 59 F +12 16 60 GI +12 16 61 B +12 16 62 F +12 16 63 B +12 16 64 G +12 16 65 B +12 16 66 F +12 16 67 G +12 16 68 B +12 16 69 G +12 16 70 F +12 16 71 B +12 16 72 G +12 16 73 GI +12 16 74 F +12 16 75 GI +12 16 76 B +12 16 77 G +12 16 78 F +12 16 79 F +12 16 80 G +12 16 81 G +12 16 82 G +12 16 83 F +12 16 84 B +12 16 85 G +12 16 86 F +12 16 87 G +12 16 88 B +12 16 89 F +12 16 90 G +12 16 91 G +12 16 92 F +12 16 93 G +12 16 94 B +12 16 95 F +12 16 96 B +12 16 97 G +12 16 98 B +12 16 99 F +12 16 100 F +12 16 101 B +12 16 102 F +12 16 103 G +12 16 104 F +12 16 105 B +12 16 106 F +12 16 107 F +12 16 108 F +12 16 109 G +12 16 110 B +12 16 111 G +12 16 112 B +12 16 113 GI +12 16 114 G +12 16 115 B +12 16 116 F +12 16 117 B +12 16 118 F +12 16 119 G +12 16 120 F +12 16 121 B +12 16 122 G +12 16 123 G +12 16 124 G +12 16 125 B +12 16 126 F +12 16 127 GI +12 16 128 G +12 16 129 F +12 16 130 G +12 16 131 B +12 16 132 B +12 16 133 G +12 16 134 GI +12 16 135 B +12 16 136 G +12 16 137 G +12 16 138 F +12 16 139 F +12 16 140 G +12 16 141 F +12 16 142 F +12 16 143 G +12 16 144 GI +12 16 145 G +12 16 146 B +12 16 147 G +12 16 148 B +12 16 149 G +12 16 150 GI +12 16 151 F +12 16 152 F +12 16 153 G +12 16 154 GI +12 16 155 GI +12 16 156 G +12 16 157 GI +12 16 158 F +12 16 159 B +12 16 160 F +12 16 161 G +12 16 162 B +12 16 163 G +12 16 164 GI +12 16 165 GI +12 16 166 GI +12 16 167 F +12 16 168 G +12 16 169 G +12 16 170 GI +12 16 171 G +12 16 172 F +12 16 173 B +12 16 174 F +12 16 175 B +12 16 176 B +12 16 177 G +12 16 178 GI +12 16 179 B +12 16 180 G +12 16 181 B +12 16 182 GI +12 16 183 GI +12 16 184 G +12 16 185 B +12 16 186 F +12 16 187 B +12 16 188 G +12 16 189 F +12 16 190 F +12 16 191 GI +12 16 192 GI +12 16 193 G +12 16 194 B +12 16 195 G +12 16 196 F +12 16 197 F +12 16 198 GI +12 16 199 F +12 16 200 G +12 16 201 F +12 16 202 G +12 16 203 B +12 16 204 GI +12 16 205 G +12 16 206 F +12 16 207 B +12 16 208 B +12 16 209 G +12 16 210 B +12 16 211 G +12 16 212 B +12 16 213 F +12 16 214 G +12 16 215 F +12 16 216 GI +12 16 217 F +12 16 218 G +12 16 219 F +12 16 220 GI +12 16 221 F +12 16 222 GI +12 16 223 G +12 16 224 F +12 16 225 G +12 16 226 GI +12 16 227 GI +12 16 228 GI +12 16 229 F +12 16 230 F +12 16 231 B +12 16 232 G +12 16 233 G +12 16 234 G +12 16 235 GI +12 16 236 G +12 16 237 F +12 16 238 G +12 16 239 F +12 16 240 B +12 16 241 F +12 16 242 G +12 16 243 B +12 16 244 F +12 16 245 B +12 16 246 G +12 16 247 GI +12 16 248 G +12 16 249 G +12 16 250 GI +12 16 251 F +12 16 252 F +12 16 253 G +12 16 254 GI +12 16 255 GI +12 16 256 B +12 16 257 GI +12 16 258 B +12 16 259 B +12 16 260 F +12 16 261 B +12 16 262 F +12 16 263 F +12 16 264 F +12 16 265 G +12 16 266 B +12 16 267 B +12 16 268 G +12 16 269 B +12 16 270 B +12 16 271 G +12 16 272 F +12 16 273 F +12 16 274 F +12 16 275 B +12 16 276 B +12 16 277 G +12 16 278 B +12 16 279 GI +12 16 280 G +12 16 281 G +12 16 282 G +12 16 283 GI +12 16 284 F +12 16 285 B +12 16 286 F +12 16 287 G +12 16 288 B +12 16 289 G +12 16 290 F +12 16 291 G +12 16 292 B +12 16 293 F +12 16 294 F +12 16 295 G +12 16 296 B +12 16 297 F +12 16 298 B +12 16 299 G +12 16 300 F +12 16 301 G +12 16 302 F +12 16 303 F +12 16 304 G +12 16 305 B +12 16 306 G +12 16 307 G +12 16 308 G +12 16 309 G +12 16 310 G +12 16 311 G +12 16 312 GI +12 16 313 G +12 16 314 F +12 16 315 G +12 16 316 G +12 16 317 B +12 16 318 B +12 16 319 F +12 16 320 G +12 16 321 B +12 16 322 G +12 16 323 GI +12 16 324 F +12 16 325 B +12 16 326 B +12 16 327 F +12 16 328 G +12 16 329 B +12 16 330 F +12 17 1 G +12 17 2 G +12 17 3 B +12 17 4 GI +12 17 5 G +12 17 6 F +12 17 7 H +12 17 8 B +12 17 9 B +12 17 10 GI +12 17 11 GI +12 17 12 H +12 17 13 GI +12 17 14 GI +12 17 15 F +12 17 16 F +12 17 17 B +12 17 18 GI +12 17 19 G +12 17 20 G +12 17 21 B +12 17 22 F +12 17 23 GI +12 17 24 GI +12 17 25 G +12 17 26 GI +12 17 27 F +12 17 28 B +12 17 29 G +12 17 30 B +12 17 31 F +12 17 32 B +12 17 33 H +12 17 34 GI +12 17 35 B +12 17 36 GI +12 17 37 G +12 17 38 B +12 17 39 G +12 17 40 G +12 17 41 B +12 17 42 H +12 17 43 GI +12 17 44 F +12 17 45 G +12 17 46 GI +12 17 47 GI +12 17 48 H +12 17 49 G +12 17 50 B +12 17 51 GI +12 17 52 F +12 17 53 B +12 17 54 G +12 17 55 G +12 17 56 F +12 17 57 G +12 17 58 H +12 17 59 F +12 17 60 GI +12 17 61 B +12 17 62 F +12 17 63 B +12 17 64 G +12 17 65 B +12 17 66 F +12 17 67 G +12 17 68 B +12 17 69 GI +12 17 70 F +12 17 71 B +12 17 72 G +12 17 73 B +12 17 74 F +12 17 75 GI +12 17 76 B +12 17 77 G +12 17 78 F +12 17 79 GI +12 17 80 G +12 17 81 H +12 17 82 G +12 17 83 F +12 17 84 F +12 17 85 G +12 17 86 B +12 17 87 GI +12 17 88 B +12 17 89 GI +12 17 90 GI +12 17 91 H +12 17 92 F +12 17 93 G +12 17 94 GI +12 17 95 F +12 17 96 H +12 17 97 GI +12 17 98 B +12 17 99 F +12 17 100 F +12 17 101 B +12 17 102 F +12 17 103 H +12 17 104 G +12 17 105 B +12 17 106 H +12 17 107 F +12 17 108 F +12 17 109 G +12 17 110 H +12 17 111 GI +12 17 112 B +12 17 113 GI +12 17 114 G +12 17 115 B +12 17 116 F +12 17 117 GI +12 17 118 B +12 17 119 G +12 17 120 F +12 17 121 B +12 17 122 G +12 17 123 G +12 17 124 H +12 17 125 B +12 17 126 B +12 17 127 GI +12 17 128 H +12 17 129 F +12 17 130 GI +12 17 131 B +12 17 132 B +12 17 133 G +12 17 134 GI +12 17 135 B +12 17 136 G +12 17 137 GI +12 17 138 G +12 17 139 F +12 17 140 G +12 17 141 F +12 17 142 F +12 17 143 H +12 17 144 GI +12 17 145 G +12 17 146 H +12 17 147 G +12 17 148 B +12 17 149 G +12 17 150 GI +12 17 151 B +12 17 152 F +12 17 153 G +12 17 154 GI +12 17 155 GI +12 17 156 G +12 17 157 GI +12 17 158 F +12 17 159 H +12 17 160 F +12 17 161 G +12 17 162 B +12 17 163 G +12 17 164 G +12 17 165 GI +12 17 166 GI +12 17 167 F +12 17 168 G +12 17 169 G +12 17 170 GI +12 17 171 H +12 17 172 F +12 17 173 B +12 17 174 F +12 17 175 H +12 17 176 B +12 17 177 F +12 17 178 G +12 17 179 B +12 17 180 G +12 17 181 H +12 17 182 GI +12 17 183 GI +12 17 184 GI +12 17 185 H +12 17 186 G +12 17 187 H +12 17 188 G +12 17 189 F +12 17 190 F +12 17 191 G +12 17 192 GI +12 17 193 H +12 17 194 B +12 17 195 G +12 17 196 F +12 17 197 GI +12 17 198 GI +12 17 199 F +12 17 200 G +12 17 201 H +12 17 202 G +12 17 203 B +12 17 204 GI +12 17 205 GI +12 17 206 F +12 17 207 B +12 17 208 H +12 17 209 G +12 17 210 GI +12 17 211 G +12 17 212 B +12 17 213 F +12 17 214 H +12 17 215 F +12 17 216 GI +12 17 217 F +12 17 218 H +12 17 219 F +12 17 220 G +12 17 221 F +12 17 222 GI +12 17 223 G +12 17 224 F +12 17 225 H +12 17 226 GI +12 17 227 GI +12 17 228 GI +12 17 229 F +12 17 230 F +12 17 231 B +12 17 232 GI +12 17 233 GI +12 17 234 G +12 17 235 GI +12 17 236 H +12 17 237 G +12 17 238 G +12 17 239 B +12 17 240 GI +12 17 241 F +12 17 242 H +12 17 243 GI +12 17 244 F +12 17 245 B +12 17 246 G +12 17 247 GI +12 17 248 GI +12 17 249 G +12 17 250 GI +12 17 251 G +12 17 252 F +12 17 253 G +12 17 254 F +12 17 255 GI +12 17 256 B +12 17 257 GI +12 17 258 H +12 17 259 GI +12 17 260 F +12 17 261 B +12 17 262 F +12 17 263 GI +12 17 264 F +12 17 265 G +12 17 266 B +12 17 267 B +12 17 268 G +12 17 269 B +12 17 270 H +12 17 271 GI +12 17 272 F +12 17 273 B +12 17 274 F +12 17 275 H +12 17 276 B +12 17 277 GI +12 17 278 B +12 17 279 G +12 17 280 G +12 17 281 G +12 17 282 G +12 17 283 GI +12 17 284 F +12 17 285 F +12 17 286 F +12 17 287 H +12 17 288 B +12 17 289 G +12 17 290 F +12 17 291 GI +12 17 292 H +12 17 293 F +12 17 294 F +12 17 295 GI +12 17 296 GI +12 17 297 H +12 17 298 B +12 17 299 G +12 17 300 F +12 17 301 G +12 17 302 F +12 17 303 F +12 17 304 H +12 17 305 GI +12 17 306 H +12 17 307 G +12 17 308 F +12 17 309 GI +12 17 310 G +12 17 311 GI +12 17 312 GI +12 17 313 GI +12 17 314 F +12 17 315 H +12 17 316 G +12 17 317 B +12 17 318 B +12 17 319 F +12 17 320 H +12 17 321 B +12 17 322 F +12 17 323 G +12 17 324 F +12 17 325 GI +12 17 326 H +12 17 327 F +12 17 328 GI +12 17 329 H +12 17 330 F +12 18 1 G +12 18 2 F +12 18 3 B +12 18 4 GI +12 18 5 G +12 18 6 F +12 18 7 G +12 18 8 B +12 18 9 H +12 18 10 G +12 18 11 GI +12 18 12 H +12 18 13 G +12 18 14 F +12 18 15 F +12 18 16 F +12 18 17 B +12 18 18 GI +12 18 19 G +12 18 20 G +12 18 21 B +12 18 22 F +12 18 23 B +12 18 24 F +12 18 25 G +12 18 26 G +12 18 27 F +12 18 28 B +12 18 29 G +12 18 30 B +12 18 31 G +12 18 32 B +12 18 33 G +12 18 34 GI +12 18 35 B +12 18 36 G +12 18 37 GI +12 18 38 B +12 18 39 G +12 18 40 GI +12 18 41 B +12 18 42 F +12 18 43 GI +12 18 44 F +12 18 45 G +12 18 46 GI +12 18 47 G +12 18 48 F +12 18 49 G +12 18 50 B +12 18 51 GI +12 18 52 F +12 18 53 B +12 18 54 G +12 18 55 G +12 18 56 F +12 18 57 G +12 18 58 F +12 18 59 F +12 18 60 GI +12 18 61 B +12 18 62 F +12 18 63 B +12 18 64 G +12 18 65 B +12 18 66 F +12 18 67 G +12 18 68 B +12 18 69 GI +12 18 70 F +12 18 71 B +12 18 72 G +12 18 73 F +12 18 74 F +12 18 75 GI +12 18 76 B +12 18 77 G +12 18 78 F +12 18 79 GI +12 18 80 G +12 18 81 F +12 18 82 G +12 18 83 F +12 18 84 F +12 18 85 G +12 18 86 B +12 18 87 GI +12 18 88 B +12 18 89 GI +12 18 90 G +12 18 91 H +12 18 92 F +12 18 93 G +12 18 94 GI +12 18 95 F +12 18 96 H +12 18 97 GI +12 18 98 B +12 18 99 F +12 18 100 F +12 18 101 B +12 18 102 F +12 18 103 GI +12 18 104 G +12 18 105 B +12 18 106 F +12 18 107 F +12 18 108 F +12 18 109 G +12 18 110 B +12 18 111 GI +12 18 112 B +12 18 113 GI +12 18 114 G +12 18 115 B +12 18 116 F +12 18 117 GI +12 18 118 B +12 18 119 G +12 18 120 F +12 18 121 B +12 18 122 G +12 18 123 G +12 18 124 F +12 18 125 B +12 18 126 B +12 18 127 GI +12 18 128 H +12 18 129 F +12 18 130 GI +12 18 131 B +12 18 132 B +12 18 133 G +12 18 134 GI +12 18 135 B +12 18 136 G +12 18 137 F +12 18 138 G +12 18 139 F +12 18 140 G +12 18 141 F +12 18 142 F +12 18 143 G +12 18 144 GI +12 18 145 G +12 18 146 H +12 18 147 G +12 18 148 B +12 18 149 G +12 18 150 GI +12 18 151 F +12 18 152 F +12 18 153 G +12 18 154 GI +12 18 155 F +12 18 156 G +12 18 157 GI +12 18 158 F +12 18 159 H +12 18 160 F +12 18 161 G +12 18 162 B +12 18 163 G +12 18 164 GI +12 18 165 F +12 18 166 G +12 18 167 F +12 18 168 G +12 18 169 G +12 18 170 GI +12 18 171 GI +12 18 172 F +12 18 173 B +12 18 174 F +12 18 175 H +12 18 176 B +12 18 177 H +12 18 178 G +12 18 179 B +12 18 180 G +12 18 181 H +12 18 182 B +12 18 183 GI +12 18 184 GI +12 18 185 H +12 18 186 G +12 18 187 H +12 18 188 G +12 18 189 F +12 18 190 H +12 18 191 G +12 18 192 GI +12 18 193 H +12 18 194 B +12 18 195 G +12 18 196 G +12 18 197 GI +12 18 198 GI +12 18 199 F +12 18 200 G +12 18 201 F +12 18 202 G +12 18 203 B +12 18 204 GI +12 18 205 G +12 18 206 F +12 18 207 B +12 18 208 H +12 18 209 G +12 18 210 GI +12 18 211 G +12 18 212 H +12 18 213 F +12 18 214 H +12 18 215 F +12 18 216 GI +12 18 217 F +12 18 218 H +12 18 219 F +12 18 220 G +12 18 221 F +12 18 222 G +12 18 223 G +12 18 224 F +12 18 225 H +12 18 226 G +12 18 227 GI +12 18 228 G +12 18 229 G +12 18 230 F +12 18 231 B +12 18 232 GI +12 18 233 G +12 18 234 G +12 18 235 GI +12 18 236 H +12 18 237 F +12 18 238 G +12 18 239 B +12 18 240 GI +12 18 241 F +12 18 242 F +12 18 243 B +12 18 244 F +12 18 245 B +12 18 246 G +12 18 247 GI +12 18 248 GI +12 18 249 G +12 18 250 GI +12 18 251 G +12 18 252 F +12 18 253 G +12 18 254 GI +12 18 255 GI +12 18 256 B +12 18 257 G +12 18 258 H +12 18 259 B +12 18 260 F +12 18 261 B +12 18 262 F +12 18 263 GI +12 18 264 F +12 18 265 G +12 18 266 B +12 18 267 B +12 18 268 G +12 18 269 B +12 18 270 H +12 18 271 G +12 18 272 F +12 18 273 B +12 18 274 F +12 18 275 H +12 18 276 B +12 18 277 G +12 18 278 F +12 18 279 G +12 18 280 G +12 18 281 G +12 18 282 G +12 18 283 GI +12 18 284 F +12 18 285 H +12 18 286 F +12 18 287 GI +12 18 288 B +12 18 289 G +12 18 290 F +12 18 291 G +12 18 292 F +12 18 293 F +12 18 294 F +12 18 295 GI +12 18 296 GI +12 18 297 H +12 18 298 B +12 18 299 G +12 18 300 F +12 18 301 G +12 18 302 F +12 18 303 F +12 18 304 G +12 18 305 B +12 18 306 G +12 18 307 GI +12 18 308 F +12 18 309 GI +12 18 310 G +12 18 311 GI +12 18 312 GI +12 18 313 G +12 18 314 F +12 18 315 G +12 18 316 G +12 18 317 B +12 18 318 H +12 18 319 F +12 18 320 GI +12 18 321 B +12 18 322 F +12 18 323 G +12 18 324 F +12 18 325 B +12 18 326 H +12 18 327 F +12 18 328 G +12 18 329 GI +12 18 330 F +12 19 1 G +12 19 2 F +12 19 3 B +12 19 4 GI +12 19 5 G +12 19 6 H +12 19 7 G +12 19 8 B +12 19 9 B +12 19 10 G +12 19 11 G +12 19 12 H +12 19 13 G +12 19 14 GI +12 19 15 F +12 19 16 F +12 19 17 B +12 19 18 GI +12 19 19 G +12 19 20 G +12 19 21 B +12 19 22 F +12 19 23 G +12 19 24 GI +12 19 25 G +12 19 26 G +12 19 27 F +12 19 28 B +12 19 29 G +12 19 30 B +12 19 31 G +12 19 32 B +12 19 33 G +12 19 34 G +12 19 35 B +12 19 36 GI +12 19 37 F +12 19 38 B +12 19 39 G +12 19 40 G +12 19 41 B +12 19 42 H +12 19 43 G +12 19 44 F +12 19 45 G +12 19 46 GI +12 19 47 G +12 19 48 B +12 19 49 F +12 19 50 GI +12 19 51 GI +12 19 52 F +12 19 53 B +12 19 54 G +12 19 55 G +12 19 56 B +12 19 57 G +12 19 58 H +12 19 59 F +12 19 60 G +12 19 61 B +12 19 62 G +12 19 63 B +12 19 64 G +12 19 65 B +12 19 66 F +12 19 67 F +12 19 68 B +12 19 69 GI +12 19 70 F +12 19 71 GI +12 19 72 G +12 19 73 GI +12 19 74 F +12 19 75 GI +12 19 76 B +12 19 77 G +12 19 78 F +12 19 79 GI +12 19 80 G +12 19 81 H +12 19 82 G +12 19 83 H +12 19 84 B +12 19 85 G +12 19 86 B +12 19 87 GI +12 19 88 B +12 19 89 GI +12 19 90 GI +12 19 91 G +12 19 92 F +12 19 93 G +12 19 94 GI +12 19 95 F +12 19 96 H +12 19 97 GI +12 19 98 B +12 19 99 F +12 19 100 F +12 19 101 B +12 19 102 F +12 19 103 GI +12 19 104 G +12 19 105 B +12 19 106 H +12 19 107 F +12 19 108 F +12 19 109 G +12 19 110 B +12 19 111 GI +12 19 112 B +12 19 113 GI +12 19 114 G +12 19 115 B +12 19 116 F +12 19 117 GI +12 19 118 B +12 19 119 G +12 19 120 F +12 19 121 B +12 19 122 G +12 19 123 GI +12 19 124 H +12 19 125 B +12 19 126 B +12 19 127 GI +12 19 128 H +12 19 129 F +12 19 130 GI +12 19 131 G +12 19 132 B +12 19 133 G +12 19 134 GI +12 19 135 B +12 19 136 G +12 19 137 G +12 19 138 F +12 19 139 F +12 19 140 G +12 19 141 F +12 19 142 F +12 19 143 G +12 19 144 GI +12 19 145 G +12 19 146 H +12 19 147 G +12 19 148 B +12 19 149 G +12 19 150 GI +12 19 151 B +12 19 152 G +12 19 153 G +12 19 154 GI +12 19 155 GI +12 19 156 G +12 19 157 GI +12 19 158 F +12 19 159 H +12 19 160 H +12 19 161 G +12 19 162 B +12 19 163 G +12 19 164 G +12 19 165 GI +12 19 166 GI +12 19 167 F +12 19 168 G +12 19 169 G +12 19 170 GI +12 19 171 G +12 19 172 F +12 19 173 B +12 19 174 G +12 19 175 H +12 19 176 B +12 19 177 H +12 19 178 G +12 19 179 B +12 19 180 G +12 19 181 H +12 19 182 GI +12 19 183 GI +12 19 184 G +12 19 185 B +12 19 186 G +12 19 187 B +12 19 188 G +12 19 189 F +12 19 190 G +12 19 191 G +12 19 192 GI +12 19 193 H +12 19 194 B +12 19 195 G +12 19 196 F +12 19 197 F +12 19 198 GI +12 19 199 F +12 19 200 G +12 19 201 G +12 19 202 G +12 19 203 B +12 19 204 GI +12 19 205 G +12 19 206 F +12 19 207 B +12 19 208 H +12 19 209 G +12 19 210 GI +12 19 211 G +12 19 212 B +12 19 213 F +12 19 214 G +12 19 215 F +12 19 216 GI +12 19 217 G +12 19 218 H +12 19 219 F +12 19 220 G +12 19 221 F +12 19 222 GI +12 19 223 G +12 19 224 F +12 19 225 H +12 19 226 GI +12 19 227 GI +12 19 228 GI +12 19 229 F +12 19 230 F +12 19 231 G +12 19 232 GI +12 19 233 G +12 19 234 G +12 19 235 GI +12 19 236 H +12 19 237 B +12 19 238 G +12 19 239 B +12 19 240 GI +12 19 241 F +12 19 242 H +12 19 243 GI +12 19 244 F +12 19 245 B +12 19 246 F +12 19 247 G +12 19 248 GI +12 19 249 GI +12 19 250 GI +12 19 251 G +12 19 252 F +12 19 253 G +12 19 254 G +12 19 255 GI +12 19 256 B +12 19 257 G +12 19 258 H +12 19 259 GI +12 19 260 F +12 19 261 B +12 19 262 F +12 19 263 GI +12 19 264 F +12 19 265 GI +12 19 266 B +12 19 267 G +12 19 268 G +12 19 269 B +12 19 270 H +12 19 271 GI +12 19 272 F +12 19 273 G +12 19 274 F +12 19 275 H +12 19 276 B +12 19 277 G +12 19 278 B +12 19 279 GI +12 19 280 G +12 19 281 G +12 19 282 G +12 19 283 GI +12 19 284 F +12 19 285 F +12 19 286 F +12 19 287 B +12 19 288 B +12 19 289 G +12 19 290 F +12 19 291 G +12 19 292 G +12 19 293 F +12 19 294 F +12 19 295 GI +12 19 296 GI +12 19 297 H +12 19 298 B +12 19 299 G +12 19 300 GI +12 19 301 G +12 19 302 F +12 19 303 F +12 19 304 H +12 19 305 GI +12 19 306 G +12 19 307 G +12 19 308 GI +12 19 309 GI +12 19 310 G +12 19 311 G +12 19 312 GI +12 19 313 GI +12 19 314 F +12 19 315 G +12 19 316 GI +12 19 317 B +12 19 318 B +12 19 319 F +12 19 320 G +12 19 321 B +12 19 322 G +12 19 323 G +12 19 324 F +12 19 325 GI +12 19 326 H +12 19 327 F +12 19 328 GI +12 19 329 GI +12 19 330 F +12 20 1 GI +12 20 2 G +12 20 3 B +12 20 4 GI +12 20 5 G +12 20 6 F +12 20 7 G +12 20 8 B +12 20 9 B +12 20 10 G +12 20 11 GI +12 20 12 B +12 20 13 G +12 20 14 G +12 20 15 F +12 20 16 F +12 20 17 B +12 20 18 G +12 20 19 G +12 20 20 G +12 20 21 B +12 20 22 G +12 20 23 GI +12 20 24 G +12 20 25 G +12 20 26 GI +12 20 27 F +12 20 28 B +12 20 29 G +12 20 30 B +12 20 31 F +12 20 32 B +12 20 33 G +12 20 34 GI +12 20 35 B +12 20 36 G +12 20 37 G +12 20 38 B +12 20 39 G +12 20 40 G +12 20 41 B +12 20 42 G +12 20 43 GI +12 20 44 F +12 20 45 G +12 20 46 GI +12 20 47 GI +12 20 48 B +12 20 49 G +12 20 50 GI +12 20 51 GI +12 20 52 F +12 20 53 B +12 20 54 G +12 20 55 G +12 20 56 B +12 20 57 GI +12 20 58 G +12 20 59 F +12 20 60 GI +12 20 61 B +12 20 62 F +12 20 63 B +12 20 64 G +12 20 65 B +12 20 66 F +12 20 67 G +12 20 68 B +12 20 69 G +12 20 70 F +12 20 71 B +12 20 72 G +12 20 73 G +12 20 74 F +12 20 75 G +12 20 76 B +12 20 77 G +12 20 78 F +12 20 79 G +12 20 80 G +12 20 81 G +12 20 82 G +12 20 83 F +12 20 84 B +12 20 85 G +12 20 86 B +12 20 87 G +12 20 88 B +12 20 89 GI +12 20 90 GI +12 20 91 H +12 20 92 F +12 20 93 GI +12 20 94 GI +12 20 95 F +12 20 96 B +12 20 97 GI +12 20 98 B +12 20 99 F +12 20 100 F +12 20 101 B +12 20 102 F +12 20 103 G +12 20 104 F +12 20 105 B +12 20 106 G +12 20 107 F +12 20 108 F +12 20 109 GI +12 20 110 B +12 20 111 GI +12 20 112 B +12 20 113 GI +12 20 114 GI +12 20 115 B +12 20 116 F +12 20 117 GI +12 20 118 B +12 20 119 G +12 20 120 F +12 20 121 B +12 20 122 G +12 20 123 GI +12 20 124 G +12 20 125 B +12 20 126 B +12 20 127 GI +12 20 128 G +12 20 129 F +12 20 130 GI +12 20 131 GI +12 20 132 B +12 20 133 G +12 20 134 GI +12 20 135 B +12 20 136 G +12 20 137 GI +12 20 138 G +12 20 139 F +12 20 140 GI +12 20 141 F +12 20 142 F +12 20 143 G +12 20 144 GI +12 20 145 G +12 20 146 B +12 20 147 G +12 20 148 B +12 20 149 G +12 20 150 GI +12 20 151 B +12 20 152 F +12 20 153 G +12 20 154 GI +12 20 155 GI +12 20 156 GI +12 20 157 F +12 20 158 F +12 20 159 B +12 20 160 B +12 20 161 G +12 20 162 B +12 20 163 GI +12 20 164 G +12 20 165 GI +12 20 166 G +12 20 167 F +12 20 168 GI +12 20 169 GI +12 20 170 GI +12 20 171 GI +12 20 172 F +12 20 173 B +12 20 174 GI +12 20 175 B +12 20 176 B +12 20 177 G +12 20 178 G +12 20 179 B +12 20 180 G +12 20 181 B +12 20 182 B +12 20 183 GI +12 20 184 B +12 20 185 G +12 20 186 G +12 20 187 B +12 20 188 G +12 20 189 F +12 20 190 B +12 20 191 G +12 20 192 GI +12 20 193 G +12 20 194 B +12 20 195 G +12 20 196 G +12 20 197 B +12 20 198 GI +12 20 199 F +12 20 200 G +12 20 201 B +12 20 202 G +12 20 203 B +12 20 204 GI +12 20 205 GI +12 20 206 F +12 20 207 B +12 20 208 GI +12 20 209 GI +12 20 210 G +12 20 211 G +12 20 212 B +12 20 213 F +12 20 214 G +12 20 215 B +12 20 216 GI +12 20 217 B +12 20 218 G +12 20 219 F +12 20 220 G +12 20 221 F +12 20 222 G +12 20 223 G +12 20 224 F +12 20 225 G +12 20 226 GI +12 20 227 GI +12 20 228 GI +12 20 229 G +12 20 230 F +12 20 231 B +12 20 232 GI +12 20 233 GI +12 20 234 G +12 20 235 GI +12 20 236 G +12 20 237 F +12 20 238 GI +12 20 239 B +12 20 240 GI +12 20 241 F +12 20 242 F +12 20 243 B +12 20 244 F +12 20 245 B +12 20 246 GI +12 20 247 GI +12 20 248 GI +12 20 249 G +12 20 250 G +12 20 251 G +12 20 252 F +12 20 253 GI +12 20 254 F +12 20 255 GI +12 20 256 B +12 20 257 GI +12 20 258 G +12 20 259 B +12 20 260 F +12 20 261 B +12 20 262 F +12 20 263 GI +12 20 264 F +12 20 265 GI +12 20 266 B +12 20 267 B +12 20 268 G +12 20 269 B +12 20 270 B +12 20 271 GI +12 20 272 F +12 20 273 B +12 20 274 F +12 20 275 G +12 20 276 B +12 20 277 GI +12 20 278 B +12 20 279 GI +12 20 280 G +12 20 281 GI +12 20 282 G +12 20 283 GI +12 20 284 F +12 20 285 F +12 20 286 F +12 20 287 GI +12 20 288 B +12 20 289 G +12 20 290 F +12 20 291 G +12 20 292 B +12 20 293 F +12 20 294 F +12 20 295 GI +12 20 296 GI +12 20 297 B +12 20 298 B +12 20 299 G +12 20 300 GI +12 20 301 G +12 20 302 F +12 20 303 GI +12 20 304 G +12 20 305 B +12 20 306 G +12 20 307 G +12 20 308 F +12 20 309 GI +12 20 310 G +12 20 311 GI +12 20 312 GI +12 20 313 GI +12 20 314 F +12 20 315 G +12 20 316 G +12 20 317 B +12 20 318 B +12 20 319 F +12 20 320 G +12 20 321 B +12 20 322 F +12 20 323 GI +12 20 324 F +12 20 325 B +12 20 326 G +12 20 327 F +12 20 328 GI +12 20 329 GI +12 20 330 F +12 21 1 G +12 21 2 F +12 21 3 B +12 21 4 G +12 21 5 F +12 21 6 F +12 21 7 G +12 21 8 B +12 21 9 B +12 21 10 G +12 21 11 GI +12 21 12 H +12 21 13 G +12 21 14 G +12 21 15 F +12 21 16 F +12 21 17 B +12 21 18 B +12 21 19 G +12 21 20 G +12 21 21 B +12 21 22 F +12 21 23 G +12 21 24 GI +12 21 25 G +12 21 26 F +12 21 27 F +12 21 28 B +12 21 29 G +12 21 30 B +12 21 31 F +12 21 32 B +12 21 33 G +12 21 34 G +12 21 35 B +12 21 36 G +12 21 37 F +12 21 38 B +12 21 39 G +12 21 40 G +12 21 41 B +12 21 42 H +12 21 43 G +12 21 44 F +12 21 45 G +12 21 46 GI +12 21 47 GI +12 21 48 F +12 21 49 G +12 21 50 GI +12 21 51 GI +12 21 52 F +12 21 53 B +12 21 54 G +12 21 55 G +12 21 56 GI +12 21 57 G +12 21 58 H +12 21 59 F +12 21 60 GI +12 21 61 B +12 21 62 G +12 21 63 B +12 21 64 G +12 21 65 B +12 21 66 F +12 21 67 G +12 21 68 B +12 21 69 GI +12 21 70 F +12 21 71 B +12 21 72 G +12 21 73 B +12 21 74 F +12 21 75 GI +12 21 76 B +12 21 77 G +12 21 78 F +12 21 79 GI +12 21 80 G +12 21 81 G +12 21 82 G +12 21 83 F +12 21 84 F +12 21 85 G +12 21 86 B +12 21 87 GI +12 21 88 B +12 21 89 GI +12 21 90 G +12 21 91 H +12 21 92 F +12 21 93 G +12 21 94 GI +12 21 95 F +12 21 96 H +12 21 97 G +12 21 98 B +12 21 99 F +12 21 100 G +12 21 101 B +12 21 102 G +12 21 103 GI +12 21 104 F +12 21 105 B +12 21 106 G +12 21 107 F +12 21 108 F +12 21 109 G +12 21 110 B +12 21 111 GI +12 21 112 B +12 21 113 GI +12 21 114 G +12 21 115 B +12 21 116 F +12 21 117 GI +12 21 118 B +12 21 119 G +12 21 120 F +12 21 121 B +12 21 122 G +12 21 123 G +12 21 124 H +12 21 125 B +12 21 126 B +12 21 127 GI +12 21 128 H +12 21 129 F +12 21 130 GI +12 21 131 G +12 21 132 B +12 21 133 G +12 21 134 GI +12 21 135 B +12 21 136 G +12 21 137 GI +12 21 138 G +12 21 139 F +12 21 140 G +12 21 141 F +12 21 142 F +12 21 143 G +12 21 144 GI +12 21 145 G +12 21 146 H +12 21 147 G +12 21 148 B +12 21 149 G +12 21 150 GI +12 21 151 B +12 21 152 F +12 21 153 G +12 21 154 GI +12 21 155 GI +12 21 156 G +12 21 157 GI +12 21 158 F +12 21 159 F +12 21 160 F +12 21 161 G +12 21 162 B +12 21 163 G +12 21 164 G +12 21 165 GI +12 21 166 GI +12 21 167 F +12 21 168 G +12 21 169 G +12 21 170 GI +12 21 171 G +12 21 172 F +12 21 173 B +12 21 174 F +12 21 175 B +12 21 176 B +12 21 177 G +12 21 178 G +12 21 179 B +12 21 180 G +12 21 181 B +12 21 182 B +12 21 183 GI +12 21 184 G +12 21 185 B +12 21 186 G +12 21 187 B +12 21 188 G +12 21 189 F +12 21 190 F +12 21 191 G +12 21 192 F +12 21 193 G +12 21 194 B +12 21 195 G +12 21 196 G +12 21 197 F +12 21 198 GI +12 21 199 F +12 21 200 G +12 21 201 F +12 21 202 G +12 21 203 B +12 21 204 GI +12 21 205 G +12 21 206 F +12 21 207 B +12 21 208 B +12 21 209 G +12 21 210 B +12 21 211 G +12 21 212 B +12 21 213 F +12 21 214 G +12 21 215 B +12 21 216 GI +12 21 217 F +12 21 218 B +12 21 219 F +12 21 220 G +12 21 221 F +12 21 222 GI +12 21 223 G +12 21 224 F +12 21 225 F +12 21 226 G +12 21 227 GI +12 21 228 G +12 21 229 F +12 21 230 F +12 21 231 G +12 21 232 F +12 21 233 F +12 21 234 G +12 21 235 G +12 21 236 G +12 21 237 F +12 21 238 G +12 21 239 F +12 21 240 B +12 21 241 F +12 21 242 F +12 21 243 B +12 21 244 F +12 21 245 B +12 21 246 G +12 21 247 G +12 21 248 GI +12 21 249 GI +12 21 250 GI +12 21 251 G +12 21 252 F +12 21 253 G +12 21 254 G +12 21 255 GI +12 21 256 B +12 21 257 G +12 21 258 B +12 21 259 B +12 21 260 F +12 21 261 B +12 21 262 F +12 21 263 GI +12 21 264 F +12 21 265 G +12 21 266 B +12 21 267 B +12 21 268 G +12 21 269 B +12 21 270 B +12 21 271 G +12 21 272 F +12 21 273 B +12 21 274 F +12 21 275 H +12 21 276 B +12 21 277 G +12 21 278 B +12 21 279 G +12 21 280 G +12 21 281 G +12 21 282 G +12 21 283 GI +12 21 284 F +12 21 285 F +12 21 286 F +12 21 287 G +12 21 288 B +12 21 289 G +12 21 290 F +12 21 291 G +12 21 292 F +12 21 293 F +12 21 294 F +12 21 295 GI +12 21 296 GI +12 21 297 B +12 21 298 B +12 21 299 G +12 21 300 F +12 21 301 G +12 21 302 F +12 21 303 F +12 21 304 GI +12 21 305 B +12 21 306 G +12 21 307 G +12 21 308 F +12 21 309 GI +12 21 310 G +12 21 311 G +12 21 312 GI +12 21 313 G +12 21 314 F +12 21 315 G +12 21 316 GI +12 21 317 B +12 21 318 B +12 21 319 F +12 21 320 GI +12 21 321 B +12 21 322 G +12 21 323 G +12 21 324 F +12 21 325 B +12 21 326 B +12 21 327 F +12 21 328 G +12 21 329 B +12 21 330 F +12 22 1 G +12 22 2 F +12 22 3 B +12 22 4 GI +12 22 5 G +12 22 6 F +12 22 7 G +12 22 8 B +12 22 9 GI +12 22 10 GI +12 22 11 GI +12 22 12 H +12 22 13 GI +12 22 14 GI +12 22 15 F +12 22 16 F +12 22 17 B +12 22 18 GI +12 22 19 F +12 22 20 G +12 22 21 B +12 22 22 H +12 22 23 G +12 22 24 GI +12 22 25 GI +12 22 26 GI +12 22 27 F +12 22 28 B +12 22 29 G +12 22 30 GI +12 22 31 F +12 22 32 B +12 22 33 F +12 22 34 GI +12 22 35 B +12 22 36 GI +12 22 37 F +12 22 38 B +12 22 39 G +12 22 40 F +12 22 41 B +12 22 42 F +12 22 43 GI +12 22 44 F +12 22 45 G +12 22 46 GI +12 22 47 GI +12 22 48 H +12 22 49 G +12 22 50 GI +12 22 51 GI +12 22 52 F +12 22 53 B +12 22 54 G +12 22 55 F +12 22 56 B +12 22 57 GI +12 22 58 GI +12 22 59 F +12 22 60 GI +12 22 61 B +12 22 62 F +12 22 63 B +12 22 64 G +12 22 65 B +12 22 66 F +12 22 67 G +12 22 68 B +12 22 69 GI +12 22 70 F +12 22 71 B +12 22 72 G +12 22 73 B +12 22 74 F +12 22 75 G +12 22 76 B +12 22 77 G +12 22 78 F +12 22 79 GI +12 22 80 G +12 22 81 H +12 22 82 G +12 22 83 F +12 22 84 B +12 22 85 G +12 22 86 B +12 22 87 GI +12 22 88 B +12 22 89 GI +12 22 90 GI +12 22 91 H +12 22 92 F +12 22 93 GI +12 22 94 GI +12 22 95 F +12 22 96 H +12 22 97 GI +12 22 98 B +12 22 99 F +12 22 100 G +12 22 101 B +12 22 102 F +12 22 103 G +12 22 104 F +12 22 105 B +12 22 106 H +12 22 107 F +12 22 108 F +12 22 109 GI +12 22 110 H +12 22 111 GI +12 22 112 B +12 22 113 GI +12 22 114 G +12 22 115 B +12 22 116 F +12 22 117 GI +12 22 118 B +12 22 119 G +12 22 120 F +12 22 121 B +12 22 122 G +12 22 123 GI +12 22 124 H +12 22 125 B +12 22 126 B +12 22 127 GI +12 22 128 H +12 22 129 F +12 22 130 G +12 22 131 B +12 22 132 B +12 22 133 G +12 22 134 B +12 22 135 B +12 22 136 G +12 22 137 G +12 22 138 F +12 22 139 F +12 22 140 GI +12 22 141 F +12 22 142 F +12 22 143 G +12 22 144 GI +12 22 145 G +12 22 146 H +12 22 147 G +12 22 148 B +12 22 149 G +12 22 150 GI +12 22 151 B +12 22 152 F +12 22 153 G +12 22 154 GI +12 22 155 GI +12 22 156 G +12 22 157 B +12 22 158 F +12 22 159 B +12 22 160 F +12 22 161 G +12 22 162 B +12 22 163 G +12 22 164 F +12 22 165 G +12 22 166 GI +12 22 167 F +12 22 168 G +12 22 169 G +12 22 170 GI +12 22 171 G +12 22 172 F +12 22 173 B +12 22 174 F +12 22 175 H +12 22 176 B +12 22 177 H +12 22 178 GI +12 22 179 B +12 22 180 G +12 22 181 H +12 22 182 B +12 22 183 H +12 22 184 G +12 22 185 B +12 22 186 G +12 22 187 B +12 22 188 GI +12 22 189 F +12 22 190 B +12 22 191 GI +12 22 192 GI +12 22 193 H +12 22 194 B +12 22 195 G +12 22 196 F +12 22 197 F +12 22 198 GI +12 22 199 F +12 22 200 F +12 22 201 B +12 22 202 G +12 22 203 B +12 22 204 GI +12 22 205 G +12 22 206 F +12 22 207 B +12 22 208 H +12 22 209 G +12 22 210 B +12 22 211 G +12 22 212 B +12 22 213 F +12 22 214 H +12 22 215 B +12 22 216 GI +12 22 217 B +12 22 218 G +12 22 219 F +12 22 220 GI +12 22 221 F +12 22 222 GI +12 22 223 G +12 22 224 F +12 22 225 H +12 22 226 GI +12 22 227 GI +12 22 228 GI +12 22 229 F +12 22 230 F +12 22 231 B +12 22 232 G +12 22 233 F +12 22 234 G +12 22 235 GI +12 22 236 H +12 22 237 F +12 22 238 GI +12 22 239 B +12 22 240 B +12 22 241 F +12 22 242 F +12 22 243 B +12 22 244 F +12 22 245 B +12 22 246 G +12 22 247 GI +12 22 248 GI +12 22 249 G +12 22 250 GI +12 22 251 G +12 22 252 F +12 22 253 F +12 22 254 F +12 22 255 GI +12 22 256 B +12 22 257 GI +12 22 258 H +12 22 259 B +12 22 260 F +12 22 261 B +12 22 262 F +12 22 263 F +12 22 264 F +12 22 265 G +12 22 266 B +12 22 267 B +12 22 268 G +12 22 269 B +12 22 270 B +12 22 271 G +12 22 272 F +12 22 273 B +12 22 274 F +12 22 275 H +12 22 276 B +12 22 277 G +12 22 278 B +12 22 279 GI +12 22 280 G +12 22 281 G +12 22 282 G +12 22 283 B +12 22 284 F +12 22 285 B +12 22 286 F +12 22 287 B +12 22 288 B +12 22 289 G +12 22 290 F +12 22 291 GI +12 22 292 B +12 22 293 F +12 22 294 F +12 22 295 B +12 22 296 GI +12 22 297 H +12 22 298 B +12 22 299 G +12 22 300 F +12 22 301 G +12 22 302 F +12 22 303 F +12 22 304 G +12 22 305 B +12 22 306 G +12 22 307 GI +12 22 308 F +12 22 309 GI +12 22 310 G +12 22 311 GI +12 22 312 GI +12 22 313 GI +12 22 314 F +12 22 315 G +12 22 316 G +12 22 317 B +12 22 318 B +12 22 319 F +12 22 320 G +12 22 321 B +12 22 322 F +12 22 323 G +12 22 324 F +12 22 325 B +12 22 326 H +12 22 327 F +12 22 328 G +12 22 329 B +12 22 330 F +12 23 1 G +12 23 2 F +12 23 3 B +12 23 4 B +12 23 5 G +12 23 6 H +12 23 7 G +12 23 8 B +12 23 9 B +12 23 10 GI +12 23 11 G +12 23 12 H +12 23 13 G +12 23 14 GI +12 23 15 F +12 23 16 F +12 23 17 B +12 23 18 GI +12 23 19 GI +12 23 20 G +12 23 21 B +12 23 22 H +12 23 23 GI +12 23 24 H +12 23 25 GI +12 23 26 GI +12 23 27 F +12 23 28 B +12 23 29 G +12 23 30 B +12 23 31 F +12 23 32 B +12 23 33 G +12 23 34 GI +12 23 35 B +12 23 36 G +12 23 37 GI +12 23 38 B +12 23 39 G +12 23 40 GI +12 23 41 B +12 23 42 H +12 23 43 GI +12 23 44 F +12 23 45 G +12 23 46 F +12 23 47 G +12 23 48 H +12 23 49 GI +12 23 50 B +12 23 51 H +12 23 52 F +12 23 53 B +12 23 54 G +12 23 55 GI +12 23 56 B +12 23 57 G +12 23 58 H +12 23 59 F +12 23 60 GI +12 23 61 B +12 23 62 GI +12 23 63 B +12 23 64 GI +12 23 65 B +12 23 66 F +12 23 67 G +12 23 68 B +12 23 69 H +12 23 70 F +12 23 71 B +12 23 72 G +12 23 73 GI +12 23 74 F +12 23 75 G +12 23 76 B +12 23 77 GI +12 23 78 F +12 23 79 F +12 23 80 GI +12 23 81 H +12 23 82 G +12 23 83 F +12 23 84 B +12 23 85 G +12 23 86 B +12 23 87 H +12 23 88 B +12 23 89 GI +12 23 90 G +12 23 91 H +12 23 92 F +12 23 93 GI +12 23 94 GI +12 23 95 F +12 23 96 H +12 23 97 GI +12 23 98 B +12 23 99 F +12 23 100 G +12 23 101 B +12 23 102 GI +12 23 103 H +12 23 104 GI +12 23 105 B +12 23 106 H +12 23 107 F +12 23 108 F +12 23 109 GI +12 23 110 H +12 23 111 GI +12 23 112 B +12 23 113 GI +12 23 114 G +12 23 115 B +12 23 116 F +12 23 117 GI +12 23 118 B +12 23 119 G +12 23 120 F +12 23 121 B +12 23 122 G +12 23 123 GI +12 23 124 H +12 23 125 B +12 23 126 B +12 23 127 GI +12 23 128 H +12 23 129 F +12 23 130 GI +12 23 131 B +12 23 132 B +12 23 133 G +12 23 134 GI +12 23 135 B +12 23 136 G +12 23 137 G +12 23 138 GI +12 23 139 F +12 23 140 GI +12 23 141 F +12 23 142 F +12 23 143 H +12 23 144 GI +12 23 145 G +12 23 146 H +12 23 147 G +12 23 148 B +12 23 149 G +12 23 150 GI +12 23 151 B +12 23 152 F +12 23 153 G +12 23 154 GI +12 23 155 G +12 23 156 G +12 23 157 GI +12 23 158 F +12 23 159 H +12 23 160 B +12 23 161 G +12 23 162 B +12 23 163 G +12 23 164 G +12 23 165 H +12 23 166 GI +12 23 167 F +12 23 168 G +12 23 169 GI +12 23 170 GI +12 23 171 H +12 23 172 F +12 23 173 B +12 23 174 F +12 23 175 H +12 23 176 B +12 23 177 H +12 23 178 GI +12 23 179 B +12 23 180 G +12 23 181 H +12 23 182 B +12 23 183 H +12 23 184 GI +12 23 185 H +12 23 186 G +12 23 187 B +12 23 188 G +12 23 189 F +12 23 190 B +12 23 191 G +12 23 192 GI +12 23 193 H +12 23 194 B +12 23 195 G +12 23 196 G +12 23 197 B +12 23 198 GI +12 23 199 F +12 23 200 G +12 23 201 B +12 23 202 G +12 23 203 B +12 23 204 GI +12 23 205 GI +12 23 206 F +12 23 207 B +12 23 208 H +12 23 209 G +12 23 210 B +12 23 211 G +12 23 212 B +12 23 213 F +12 23 214 H +12 23 215 B +12 23 216 GI +12 23 217 B +12 23 218 H +12 23 219 F +12 23 220 GI +12 23 221 F +12 23 222 GI +12 23 223 G +12 23 224 F +12 23 225 H +12 23 226 GI +12 23 227 GI +12 23 228 GI +12 23 229 G +12 23 230 F +12 23 231 B +12 23 232 GI +12 23 233 GI +12 23 234 G +12 23 235 GI +12 23 236 H +12 23 237 B +12 23 238 G +12 23 239 B +12 23 240 B +12 23 241 F +12 23 242 H +12 23 243 B +12 23 244 F +12 23 245 B +12 23 246 G +12 23 247 GI +12 23 248 G +12 23 249 G +12 23 250 GI +12 23 251 H +12 23 252 F +12 23 253 G +12 23 254 F +12 23 255 GI +12 23 256 B +12 23 257 GI +12 23 258 H +12 23 259 B +12 23 260 F +12 23 261 B +12 23 262 F +12 23 263 F +12 23 264 G +12 23 265 G +12 23 266 B +12 23 267 B +12 23 268 G +12 23 269 B +12 23 270 H +12 23 271 G +12 23 272 F +12 23 273 B +12 23 274 F +12 23 275 H +12 23 276 B +12 23 277 GI +12 23 278 B +12 23 279 GI +12 23 280 G +12 23 281 G +12 23 282 G +12 23 283 GI +12 23 284 F +12 23 285 B +12 23 286 F +12 23 287 GI +12 23 288 B +12 23 289 G +12 23 290 F +12 23 291 GI +12 23 292 B +12 23 293 F +12 23 294 F +12 23 295 GI +12 23 296 GI +12 23 297 H +12 23 298 B +12 23 299 G +12 23 300 F +12 23 301 G +12 23 302 F +12 23 303 F +12 23 304 H +12 23 305 B +12 23 306 H +12 23 307 GI +12 23 308 B +12 23 309 GI +12 23 310 G +12 23 311 GI +12 23 312 GI +12 23 313 GI +12 23 314 F +12 23 315 G +12 23 316 G +12 23 317 B +12 23 318 B +12 23 319 F +12 23 320 H +12 23 321 B +12 23 322 G +12 23 323 G +12 23 324 F +12 23 325 B +12 23 326 H +12 23 327 F +12 23 328 G +12 23 329 B +12 23 330 F +12 24 1 G +12 24 2 G +12 24 3 B +12 24 4 H +12 24 5 G +12 24 6 H +12 24 7 G +12 24 8 B +12 24 9 H +12 24 10 GI +12 24 11 G +12 24 12 H +12 24 13 G +12 24 14 GI +12 24 15 F +12 24 16 F +12 24 17 B +12 24 18 F +12 24 19 G +12 24 20 G +12 24 21 B +12 24 22 H +12 24 23 B +12 24 24 F +12 24 25 G +12 24 26 GI +12 24 27 F +12 24 28 B +12 24 29 G +12 24 30 B +12 24 31 F +12 24 32 B +12 24 33 G +12 24 34 GI +12 24 35 B +12 24 36 G +12 24 37 G +12 24 38 B +12 24 39 G +12 24 40 G +12 24 41 B +12 24 42 H +12 24 43 GI +12 24 44 F +12 24 45 G +12 24 46 F +12 24 47 G +12 24 48 H +12 24 49 G +12 24 50 B +12 24 51 B +12 24 52 F +12 24 53 B +12 24 54 G +12 24 55 G +12 24 56 F +12 24 57 G +12 24 58 H +12 24 59 F +12 24 60 G +12 24 61 B +12 24 62 F +12 24 63 B +12 24 64 G +12 24 65 B +12 24 66 F +12 24 67 G +12 24 68 B +12 24 69 H +12 24 70 F +12 24 71 B +12 24 72 G +12 24 73 B +12 24 74 F +12 24 75 G +12 24 76 B +12 24 77 G +12 24 78 F +12 24 79 F +12 24 80 G +12 24 81 G +12 24 82 G +12 24 83 F +12 24 84 F +12 24 85 G +12 24 86 B +12 24 87 F +12 24 88 B +12 24 89 F +12 24 90 G +12 24 91 H +12 24 92 F +12 24 93 G +12 24 94 F +12 24 95 F +12 24 96 H +12 24 97 F +12 24 98 B +12 24 99 F +12 24 100 H +12 24 101 B +12 24 102 F +12 24 103 H +12 24 104 F +12 24 105 B +12 24 106 H +12 24 107 F +12 24 108 H +12 24 109 GI +12 24 110 H +12 24 111 GI +12 24 112 B +12 24 113 F +12 24 114 G +12 24 115 B +12 24 116 F +12 24 117 F +12 24 118 B +12 24 119 G +12 24 120 F +12 24 121 B +12 24 122 G +12 24 123 F +12 24 124 H +12 24 125 B +12 24 126 B +12 24 127 G +12 24 128 H +12 24 129 F +12 24 130 G +12 24 131 B +12 24 132 B +12 24 133 G +12 24 134 B +12 24 135 B +12 24 136 G +12 24 137 G +12 24 138 F +12 24 139 F +12 24 140 G +12 24 141 F +12 24 142 F +12 24 143 G +12 24 144 GI +12 24 145 G +12 24 146 H +12 24 147 G +12 24 148 B +12 24 149 G +12 24 150 B +12 24 151 B +12 24 152 B +12 24 153 G +12 24 154 F +12 24 155 F +12 24 156 G +12 24 157 B +12 24 158 F +12 24 159 H +12 24 160 F +12 24 161 G +12 24 162 B +12 24 163 G +12 24 164 GI +12 24 165 F +12 24 166 G +12 24 167 F +12 24 168 G +12 24 169 G +12 24 170 G +12 24 171 G +12 24 172 F +12 24 173 B +12 24 174 F +12 24 175 H +12 24 176 B +12 24 177 H +12 24 178 GI +12 24 179 B +12 24 180 G +12 24 181 H +12 24 182 B +12 24 183 H +12 24 184 GI +12 24 185 H +12 24 186 G +12 24 187 H +12 24 188 G +12 24 189 F +12 24 190 H +12 24 191 G +12 24 192 GI +12 24 193 H +12 24 194 B +12 24 195 G +12 24 196 H +12 24 197 F +12 24 198 GI +12 24 199 F +12 24 200 G +12 24 201 H +12 24 202 G +12 24 203 B +12 24 204 GI +12 24 205 G +12 24 206 F +12 24 207 B +12 24 208 H +12 24 209 G +12 24 210 B +12 24 211 G +12 24 212 H +12 24 213 F +12 24 214 G +12 24 215 H +12 24 216 G +12 24 217 H +12 24 218 G +12 24 219 F +12 24 220 GI +12 24 221 F +12 24 222 GI +12 24 223 G +12 24 224 F +12 24 225 H +12 24 226 G +12 24 227 GI +12 24 228 G +12 24 229 H +12 24 230 F +12 24 231 B +12 24 232 H +12 24 233 F +12 24 234 G +12 24 235 GI +12 24 236 H +12 24 237 F +12 24 238 G +12 24 239 B +12 24 240 B +12 24 241 F +12 24 242 H +12 24 243 B +12 24 244 F +12 24 245 B +12 24 246 G +12 24 247 F +12 24 248 G +12 24 249 G +12 24 250 GI +12 24 251 H +12 24 252 F +12 24 253 G +12 24 254 F +12 24 255 GI +12 24 256 B +12 24 257 G +12 24 258 H +12 24 259 B +12 24 260 F +12 24 261 B +12 24 262 F +12 24 263 F +12 24 264 F +12 24 265 G +12 24 266 B +12 24 267 B +12 24 268 G +12 24 269 B +12 24 270 H +12 24 271 G +12 24 272 F +12 24 273 H +12 24 274 F +12 24 275 H +12 24 276 B +12 24 277 G +12 24 278 B +12 24 279 G +12 24 280 G +12 24 281 G +12 24 282 G +12 24 283 B +12 24 284 F +12 24 285 B +12 24 286 F +12 24 287 H +12 24 288 B +12 24 289 G +12 24 290 F +12 24 291 G +12 24 292 B +12 24 293 F +12 24 294 F +12 24 295 H +12 24 296 GI +12 24 297 H +12 24 298 B +12 24 299 G +12 24 300 F +12 24 301 G +12 24 302 F +12 24 303 F +12 24 304 H +12 24 305 B +12 24 306 G +12 24 307 G +12 24 308 F +12 24 309 H +12 24 310 G +12 24 311 G +12 24 312 F +12 24 313 GI +12 24 314 F +12 24 315 G +12 24 316 G +12 24 317 B +12 24 318 B +12 24 319 F +12 24 320 G +12 24 321 B +12 24 322 F +12 24 323 G +12 24 324 F +12 24 325 B +12 24 326 H +12 24 327 F +12 24 328 G +12 24 329 H +12 24 330 F +12 25 1 G +12 25 2 F +12 25 3 B +12 25 4 GI +12 25 5 G +12 25 6 F +12 25 7 G +12 25 8 B +12 25 9 B +12 25 10 GI +12 25 11 GI +12 25 12 F +12 25 13 GI +12 25 14 GI +12 25 15 F +12 25 16 F +12 25 17 B +12 25 18 GI +12 25 19 GI +12 25 20 G +12 25 21 B +12 25 22 F +12 25 23 GI +12 25 24 GI +12 25 25 G +12 25 26 GI +12 25 27 F +12 25 28 B +12 25 29 G +12 25 30 B +12 25 31 F +12 25 32 B +12 25 33 G +12 25 34 GI +12 25 35 B +12 25 36 GI +12 25 37 G +12 25 38 B +12 25 39 G +12 25 40 G +12 25 41 B +12 25 42 F +12 25 43 GI +12 25 44 F +12 25 45 G +12 25 46 GI +12 25 47 GI +12 25 48 F +12 25 49 G +12 25 50 GI +12 25 51 GI +12 25 52 F +12 25 53 B +12 25 54 G +12 25 55 G +12 25 56 F +12 25 57 GI +12 25 58 F +12 25 59 F +12 25 60 GI +12 25 61 B +12 25 62 F +12 25 63 B +12 25 64 GI +12 25 65 B +12 25 66 F +12 25 67 G +12 25 68 B +12 25 69 GI +12 25 70 F +12 25 71 GI +12 25 72 G +12 25 73 GI +12 25 74 F +12 25 75 GI +12 25 76 B +12 25 77 G +12 25 78 F +12 25 79 GI +12 25 80 GI +12 25 81 G +12 25 82 G +12 25 83 F +12 25 84 B +12 25 85 GI +12 25 86 B +12 25 87 GI +12 25 88 B +12 25 89 GI +12 25 90 GI +12 25 91 G +12 25 92 F +12 25 93 GI +12 25 94 GI +12 25 95 F +12 25 96 H +12 25 97 GI +12 25 98 B +12 25 99 F +12 25 100 F +12 25 101 B +12 25 102 F +12 25 103 GI +12 25 104 F +12 25 105 B +12 25 106 H +12 25 107 F +12 25 108 F +12 25 109 GI +12 25 110 B +12 25 111 GI +12 25 112 B +12 25 113 GI +12 25 114 GI +12 25 115 B +12 25 116 F +12 25 117 GI +12 25 118 B +12 25 119 G +12 25 120 F +12 25 121 B +12 25 122 G +12 25 123 GI +12 25 124 H +12 25 125 B +12 25 126 B +12 25 127 GI +12 25 128 G +12 25 129 F +12 25 130 GI +12 25 131 GI +12 25 132 B +12 25 133 G +12 25 134 GI +12 25 135 B +12 25 136 G +12 25 137 G +12 25 138 F +12 25 139 F +12 25 140 GI +12 25 141 F +12 25 142 F +12 25 143 G +12 25 144 GI +12 25 145 G +12 25 146 H +12 25 147 G +12 25 148 B +12 25 149 G +12 25 150 GI +12 25 151 F +12 25 152 F +12 25 153 G +12 25 154 GI +12 25 155 GI +12 25 156 G +12 25 157 GI +12 25 158 F +12 25 159 H +12 25 160 F +12 25 161 G +12 25 162 B +12 25 163 G +12 25 164 GI +12 25 165 GI +12 25 166 GI +12 25 167 F +12 25 168 G +12 25 169 GI +12 25 170 GI +12 25 171 G +12 25 172 F +12 25 173 B +12 25 174 F +12 25 175 H +12 25 176 B +12 25 177 G +12 25 178 GI +12 25 179 GI +12 25 180 G +12 25 181 F +12 25 182 GI +12 25 183 GI +12 25 184 GI +12 25 185 B +12 25 186 G +12 25 187 B +12 25 188 GI +12 25 189 F +12 25 190 F +12 25 191 G +12 25 192 GI +12 25 193 G +12 25 194 GI +12 25 195 G +12 25 196 F +12 25 197 F +12 25 198 GI +12 25 199 F +12 25 200 G +12 25 201 F +12 25 202 G +12 25 203 B +12 25 204 GI +12 25 205 GI +12 25 206 F +12 25 207 B +12 25 208 F +12 25 209 GI +12 25 210 GI +12 25 211 G +12 25 212 B +12 25 213 F +12 25 214 G +12 25 215 F +12 25 216 GI +12 25 217 F +12 25 218 G +12 25 219 F +12 25 220 GI +12 25 221 F +12 25 222 GI +12 25 223 G +12 25 224 F +12 25 225 G +12 25 226 GI +12 25 227 GI +12 25 228 GI +12 25 229 F +12 25 230 F +12 25 231 B +12 25 232 F +12 25 233 GI +12 25 234 G +12 25 235 GI +12 25 236 G +12 25 237 F +12 25 238 G +12 25 239 B +12 25 240 GI +12 25 241 F +12 25 242 F +12 25 243 GI +12 25 244 F +12 25 245 B +12 25 246 G +12 25 247 GI +12 25 248 GI +12 25 249 G +12 25 250 GI +12 25 251 G +12 25 252 F +12 25 253 G +12 25 254 F +12 25 255 GI +12 25 256 B +12 25 257 G +12 25 258 H +12 25 259 B +12 25 260 F +12 25 261 B +12 25 262 F +12 25 263 GI +12 25 264 F +12 25 265 GI +12 25 266 B +12 25 267 GI +12 25 268 G +12 25 269 B +12 25 270 H +12 25 271 GI +12 25 272 F +12 25 273 F +12 25 274 F +12 25 275 H +12 25 276 B +12 25 277 GI +12 25 278 B +12 25 279 GI +12 25 280 G +12 25 281 G +12 25 282 G +12 25 283 GI +12 25 284 F +12 25 285 F +12 25 286 F +12 25 287 GI +12 25 288 B +12 25 289 G +12 25 290 F +12 25 291 GI +12 25 292 F +12 25 293 F +12 25 294 F +12 25 295 GI +12 25 296 GI +12 25 297 H +12 25 298 B +12 25 299 G +12 25 300 F +12 25 301 G +12 25 302 F +12 25 303 F +12 25 304 GI +12 25 305 GI +12 25 306 G +12 25 307 GI +12 25 308 F +12 25 309 GI +12 25 310 G +12 25 311 GI +12 25 312 GI +12 25 313 GI +12 25 314 F +12 25 315 G +12 25 316 G +12 25 317 B +12 25 318 F +12 25 319 F +12 25 320 GI +12 25 321 B +12 25 322 F +12 25 323 GI +12 25 324 F +12 25 325 GI +12 25 326 H +12 25 327 F +12 25 328 GI +12 25 329 GI +12 25 330 F +13 1 1 TI +13 1 2 TI +13 1 3 ER +13 1 4 ER +13 1 5 TI +13 1 6 GO +13 1 7 TI +13 1 8 ER +13 1 9 GO +13 1 10 SE +13 1 11 TI +13 1 12 JA +13 1 13 TI +13 1 14 SI +13 1 15 SI +13 1 16 SI +13 1 17 ER +13 1 18 SE +13 1 19 TI +13 1 20 TI +13 1 21 ER +13 1 22 WL +13 1 23 WL +13 1 24 GE +13 1 25 WE +13 1 26 IS +13 1 27 SI +13 1 28 ER +13 1 29 TI +13 1 30 GO +13 1 31 TI +13 1 32 WL +13 1 33 OR +13 1 34 GU +13 1 35 GO +13 1 36 TI +13 1 37 WL +13 1 38 ER +13 1 39 TI +13 1 40 GU +13 1 41 ER +13 1 42 WL +13 1 43 SE +13 1 44 SI +13 1 45 TI +13 1 46 SI +13 1 47 GU +13 1 48 JA +13 1 49 TI +13 1 50 WL +13 1 51 OR +13 1 52 SI +13 1 53 ER +13 1 54 TI +13 1 55 GU +13 1 56 OR +13 1 57 TI +13 1 58 WL +13 1 59 SI +13 1 60 GU +13 1 61 ER +13 1 62 WL +13 1 63 OR +13 1 64 GU +13 1 65 ER +13 1 66 SI +13 1 67 TI +13 1 68 ER +13 1 69 WL +13 1 70 SI +13 1 71 ER +13 1 72 TI +13 1 73 ER +13 1 74 WL +13 1 75 GU +13 1 76 ER +13 1 77 TI +13 1 78 OR +13 1 79 SE +13 1 80 GU +13 1 81 WL +13 1 82 TI +13 1 83 SI +13 1 84 OR +13 1 85 TI +13 1 86 ER +13 1 87 SE +13 1 88 ER +13 1 89 SE +13 1 90 GU +13 1 91 WL +13 1 92 SI +13 1 93 TI +13 1 94 OR +13 1 95 GO +13 1 96 JA +13 1 97 WL +13 1 98 ER +13 1 99 WL +13 1 100 TI +13 1 101 ER +13 1 102 SI +13 1 103 WL +13 1 104 TI +13 1 105 ER +13 1 106 GO +13 1 107 SI +13 1 108 OR +13 1 109 GU +13 1 110 JA +13 1 111 WL +13 1 112 ER +13 1 113 SE +13 1 114 GU +13 1 115 ER +13 1 116 SI +13 1 117 OR +13 1 118 ER +13 1 119 TI +13 1 120 SI +13 1 121 ER +13 1 122 TI +13 1 123 GU +13 1 124 WL +13 1 125 ER +13 1 126 OR +13 1 127 GU +13 1 128 WL +13 1 129 SI +13 1 130 WL +13 1 131 ER +13 1 132 ER +13 1 133 TI +13 1 134 GO +13 1 135 ER +13 1 136 TI +13 1 137 GU +13 1 138 OR +13 1 139 SI +13 1 140 GU +13 1 141 SI +13 1 142 SI +13 1 143 WL +13 1 144 WL +13 1 145 TI +13 1 146 OR +13 1 147 TI +13 1 148 ER +13 1 149 GU +13 1 150 OR +13 1 151 GO +13 1 152 OR +13 1 153 GU +13 1 154 SE +13 1 155 OR +13 1 156 TI +13 1 157 OR +13 1 158 SI +13 1 159 JA +13 1 160 OR +13 1 161 TI +13 1 162 ER +13 1 163 GU +13 1 164 GU +13 1 165 WL +13 1 166 SE +13 1 167 OR +13 1 168 TI +13 1 169 GU +13 1 170 SE +13 1 171 WL +13 1 172 SI +13 1 173 ER +13 1 174 JA +13 1 175 GO +13 1 176 ER +13 1 177 WL +13 1 178 GU +13 1 179 ER +13 1 180 TI +13 1 181 JA +13 1 182 ER +13 1 183 WL +13 1 184 ER +13 1 185 WL +13 1 186 TI +13 1 187 JA +13 1 188 GU +13 1 189 SI +13 1 190 OR +13 1 191 GU +13 1 192 GO +13 1 193 WL +13 1 194 ER +13 1 195 TI +13 1 196 GU +13 1 197 ER +13 1 198 SE +13 1 199 SI +13 1 200 TI +13 1 201 ER +13 1 202 TI +13 1 203 ER +13 1 204 SE +13 1 205 OR +13 1 206 SI +13 1 207 ER +13 1 208 WL +13 1 209 GU +13 1 210 GO +13 1 211 TI +13 1 212 JA +13 1 213 SI +13 1 214 WL +13 1 215 ER +13 1 216 SE +13 1 217 ER +13 1 218 WL +13 1 219 SI +13 1 220 OR +13 1 221 SI +13 1 222 WL +13 1 223 TI +13 1 224 SI +13 1 225 GO +13 1 226 GU +13 1 227 SE +13 1 228 GU +13 1 229 TI +13 1 230 SI +13 1 231 ER +13 1 232 WL +13 1 233 OR +13 1 234 TI +13 1 235 GU +13 1 236 WL +13 1 237 ER +13 1 238 TI +13 1 239 ER +13 1 240 ER +13 1 241 SI +13 1 242 GO +13 1 243 ER +13 1 244 SI +13 1 245 ER +13 1 246 TI +13 1 247 GO +13 1 248 TI +13 1 249 TI +13 1 250 WL +13 1 251 TI +13 1 252 SI +13 1 253 TI +13 1 254 SI +13 1 255 SE +13 1 256 ER +13 1 257 GU +13 1 258 WL +13 1 259 ER +13 1 260 SI +13 1 261 JA +13 1 262 SI +13 1 263 SI +13 1 264 GO +13 1 265 TI +13 1 266 ER +13 1 267 ER +13 1 268 GU +13 1 269 ER +13 1 270 JA +13 1 271 GU +13 1 272 SI +13 1 273 ER +13 1 274 SI +13 1 275 GO +13 1 276 ER +13 1 277 SE +13 1 278 JA +13 1 279 GU +13 1 280 TI +13 1 281 TI +13 1 282 TI +13 1 283 OR +13 1 284 SI +13 1 285 ER +13 1 286 SI +13 1 287 WL +13 1 288 ER +13 1 289 TI +13 1 290 SI +13 1 291 GU +13 1 292 ER +13 1 293 SI +13 1 294 SI +13 1 295 OR +13 1 296 GO +13 1 297 WL +13 1 298 ER +13 1 299 TI +13 1 300 SI +13 1 301 TI +13 1 302 SI +13 1 303 SI +13 1 304 WL +13 1 305 ER +13 1 306 TI +13 1 307 GU +13 1 308 OR +13 1 309 OR +13 1 310 TI +13 1 311 GU +13 1 312 SE +13 1 313 GU +13 1 314 SI +13 1 315 TI +13 1 316 TI +13 1 317 ER +13 1 318 WL +13 1 319 SI +13 1 320 OR +13 1 321 ER +13 1 322 GU +13 1 323 TI +13 1 324 SI +13 1 325 ER +13 1 326 WL +13 1 327 SI +13 1 328 TI +13 1 329 OR +13 1 330 SI +13 2 1 TI +13 2 2 TI +13 2 3 ER +13 2 4 GO +13 2 5 WL +13 2 6 OR +13 2 7 TI +13 2 8 ER +13 2 9 OR +13 2 10 GU +13 2 11 GU +13 2 12 JA +13 2 13 GU +13 2 14 GU +13 2 15 SI +13 2 16 SI +13 2 17 ER +13 2 18 SE +13 2 19 TI +13 2 20 TI +13 2 21 GO +13 2 22 WL +13 2 23 OR +13 2 24 SE +13 2 25 TI +13 2 26 GU +13 2 27 SI +13 2 28 GO +13 2 29 TI +13 2 30 GO +13 2 31 SI +13 2 32 GO +13 2 33 TI +13 2 34 GU +13 2 35 GO +13 2 36 GU +13 2 37 SI +13 2 38 ER +13 2 39 TI +13 2 40 TI +13 2 41 ER +13 2 42 WL +13 2 43 SE +13 2 44 SI +13 2 45 TI +13 2 46 SI +13 2 47 SE +13 2 48 WL +13 2 49 TI +13 2 50 SE +13 2 51 SE +13 2 52 SI +13 2 53 ER +13 2 54 TI +13 2 55 TI +13 2 56 WL +13 2 57 GU +13 2 58 JA +13 2 59 SI +13 2 60 SE +13 2 61 ER +13 2 62 SI +13 2 63 ER +13 2 64 GU +13 2 65 ER +13 2 66 SI +13 2 67 TI +13 2 68 GO +13 2 69 TI +13 2 70 SI +13 2 71 ER +13 2 72 TI +13 2 73 ER +13 2 74 SI +13 2 75 TI +13 2 76 GO +13 2 77 TI +13 2 78 ER +13 2 79 SE +13 2 80 SE +13 2 81 TI +13 2 82 TI +13 2 83 SI +13 2 84 ER +13 2 85 TI +13 2 86 ER +13 2 87 SE +13 2 88 ER +13 2 89 SE +13 2 90 TI +13 2 91 WL +13 2 92 SI +13 2 93 SE +13 2 94 TI +13 2 95 SI +13 2 96 WL +13 2 97 SE +13 2 98 ER +13 2 99 SI +13 2 100 TI +13 2 101 ER +13 2 102 SI +13 2 103 WL +13 2 104 SI +13 2 105 ER +13 2 106 WL +13 2 107 SI +13 2 108 SI +13 2 109 SE +13 2 110 WL +13 2 111 SE +13 2 112 ER +13 2 113 SE +13 2 114 TI +13 2 115 ER +13 2 116 SI +13 2 117 SE +13 2 118 ER +13 2 119 TI +13 2 120 SI +13 2 121 ER +13 2 122 TI +13 2 123 TI +13 2 124 WL +13 2 125 ER +13 2 126 ER +13 2 127 SE +13 2 128 WL +13 2 129 SI +13 2 130 SE +13 2 131 ER +13 2 132 ER +13 2 133 TI +13 2 134 SE +13 2 135 ER +13 2 136 TI +13 2 137 TI +13 2 138 SI +13 2 139 SI +13 2 140 SE +13 2 141 SI +13 2 142 SI +13 2 143 WL +13 2 144 SE +13 2 145 TI +13 2 146 JA +13 2 147 TI +13 2 148 ER +13 2 149 TI +13 2 150 SE +13 2 151 ER +13 2 152 ER +13 2 153 SE +13 2 154 SE +13 2 155 SE +13 2 156 TI +13 2 157 SE +13 2 158 SI +13 2 159 ER +13 2 160 ER +13 2 161 TI +13 2 162 ER +13 2 163 TI +13 2 164 SE +13 2 165 TI +13 2 166 SE +13 2 167 SI +13 2 168 TI +13 2 169 SE +13 2 170 SE +13 2 171 TI +13 2 172 SI +13 2 173 ER +13 2 174 WL +13 2 175 SI +13 2 176 ER +13 2 177 WL +13 2 178 SE +13 2 179 ER +13 2 180 TI +13 2 181 WL +13 2 182 ER +13 2 183 TI +13 2 184 ER +13 2 185 WL +13 2 186 SI +13 2 187 JA +13 2 188 SE +13 2 189 SI +13 2 190 ER +13 2 191 TI +13 2 192 ER +13 2 193 JA +13 2 194 ER +13 2 195 TI +13 2 196 TI +13 2 197 SI +13 2 198 SE +13 2 199 SI +13 2 200 SI +13 2 201 ER +13 2 202 TI +13 2 203 ER +13 2 204 SE +13 2 205 SE +13 2 206 SI +13 2 207 ER +13 2 208 WL +13 2 209 SE +13 2 210 ER +13 2 211 SI +13 2 212 ER +13 2 213 SI +13 2 214 JA +13 2 215 ER +13 2 216 SE +13 2 217 ER +13 2 218 TI +13 2 219 SI +13 2 220 SE +13 2 221 SI +13 2 222 SE +13 2 223 TI +13 2 224 SI +13 2 225 TI +13 2 226 SE +13 2 227 SE +13 2 228 SE +13 2 229 TI +13 2 230 SI +13 2 231 ER +13 2 232 SE +13 2 233 SE +13 2 234 TI +13 2 235 SE +13 2 236 TI +13 2 237 ER +13 2 238 TI +13 2 239 ER +13 2 240 ER +13 2 241 SI +13 2 242 WL +13 2 243 ER +13 2 244 SI +13 2 245 ER +13 2 246 TI +13 2 247 SI +13 2 248 TI +13 2 249 TI +13 2 250 SE +13 2 251 TI +13 2 252 SI +13 2 253 TI +13 2 254 SI +13 2 255 SE +13 2 256 ER +13 2 257 SE +13 2 258 WL +13 2 259 ER +13 2 260 SI +13 2 261 ER +13 2 262 SI +13 2 263 SI +13 2 264 SI +13 2 265 TI +13 2 266 ER +13 2 267 ER +13 2 268 TI +13 2 269 ER +13 2 270 JA +13 2 271 TI +13 2 272 SI +13 2 273 ER +13 2 274 SI +13 2 275 WL +13 2 276 ER +13 2 277 SE +13 2 278 ER +13 2 279 SE +13 2 280 TI +13 2 281 TI +13 2 282 TI +13 2 283 ER +13 2 284 SI +13 2 285 ER +13 2 286 SI +13 2 287 SE +13 2 288 ER +13 2 289 SE +13 2 290 SI +13 2 291 SE +13 2 292 ER +13 2 293 SI +13 2 294 SI +13 2 295 SE +13 2 296 SE +13 2 297 JA +13 2 298 ER +13 2 299 TI +13 2 300 SI +13 2 301 TI +13 2 302 SI +13 2 303 SI +13 2 304 TI +13 2 305 ER +13 2 306 TI +13 2 307 SE +13 2 308 SI +13 2 309 SE +13 2 310 TI +13 2 311 SE +13 2 312 SE +13 2 313 SE +13 2 314 SI +13 2 315 TI +13 2 316 TI +13 2 317 ER +13 2 318 ER +13 2 319 SI +13 2 320 TI +13 2 321 ER +13 2 322 SI +13 2 323 TI +13 2 324 SI +13 2 325 ER +13 2 326 JA +13 2 327 SI +13 2 328 SE +13 2 329 ER +13 2 330 SI +13 3 1 IB +13 3 2 GU +13 3 3 ER +13 3 4 ER +13 3 5 GU +13 3 6 GO +13 3 7 TI +13 3 8 ER +13 3 9 GO +13 3 10 IB +13 3 11 TI +13 3 12 JA +13 3 13 TI +13 3 14 IB +13 3 15 SI +13 3 16 SI +13 3 17 ER +13 3 18 SE +13 3 19 IB +13 3 20 TI +13 3 21 ER +13 3 22 JA +13 3 23 ER +13 3 24 OR +13 3 25 IB +13 3 26 IB +13 3 27 SI +13 3 28 ER +13 3 29 TI +13 3 30 ER +13 3 31 SI +13 3 32 ER +13 3 33 TI +13 3 34 IB +13 3 35 ER +13 3 36 SE +13 3 37 IB +13 3 38 ER +13 3 39 TI +13 3 40 IB +13 3 41 ER +13 3 42 JA +13 3 43 IB +13 3 44 SI +13 3 45 TI +13 3 46 TK +13 3 47 SE +13 3 48 OR +13 3 49 IB +13 3 50 ER +13 3 51 OR +13 3 52 SI +13 3 53 ER +13 3 54 TI +13 3 55 IB +13 3 56 OR +13 3 57 IB +13 3 58 JA +13 3 59 SI +13 3 60 SE +13 3 61 ER +13 3 62 IB +13 3 63 ER +13 3 64 IB +13 3 65 ER +13 3 66 SI +13 3 67 TI +13 3 68 ER +13 3 69 TI +13 3 70 SI +13 3 71 ER +13 3 72 TI +13 3 73 ER +13 3 74 SI +13 3 75 SE +13 3 76 ER +13 3 77 IB +13 3 78 SI +13 3 79 SE +13 3 80 IB +13 3 81 TI +13 3 82 IB +13 3 83 JA +13 3 84 ER +13 3 85 TI +13 3 86 ER +13 3 87 SE +13 3 88 ER +13 3 89 SE +13 3 90 IB +13 3 91 JA +13 3 92 SI +13 3 93 IB +13 3 94 SE +13 3 95 SI +13 3 96 JA +13 3 97 IB +13 3 98 ER +13 3 99 SI +13 3 100 IB +13 3 101 ER +13 3 102 SI +13 3 103 TI +13 3 104 IB +13 3 105 ER +13 3 106 JA +13 3 107 SI +13 3 108 SI +13 3 109 IB +13 3 110 OR +13 3 111 SE +13 3 112 ER +13 3 113 SE +13 3 114 IB +13 3 115 ER +13 3 116 SI +13 3 117 ER +13 3 118 ER +13 3 119 TI +13 3 120 SI +13 3 121 ER +13 3 122 TI +13 3 123 TI +13 3 124 JA +13 3 125 ER +13 3 126 ER +13 3 127 SE +13 3 128 JA +13 3 129 SI +13 3 130 SE +13 3 131 ER +13 3 132 ER +13 3 133 TI +13 3 134 ER +13 3 135 ER +13 3 136 TI +13 3 137 SE +13 3 138 IB +13 3 139 SI +13 3 140 IB +13 3 141 SI +13 3 142 SI +13 3 143 JA +13 3 144 SE +13 3 145 TI +13 3 146 JA +13 3 147 TI +13 3 148 ER +13 3 149 TI +13 3 150 ER +13 3 151 ER +13 3 152 ER +13 3 153 IB +13 3 154 SE +13 3 155 SE +13 3 156 TI +13 3 157 ER +13 3 158 SI +13 3 159 JA +13 3 160 ER +13 3 161 TI +13 3 162 ER +13 3 163 IB +13 3 164 IB +13 3 165 SE +13 3 166 SE +13 3 167 SI +13 3 168 TI +13 3 169 TI +13 3 170 SE +13 3 171 TI +13 3 172 SI +13 3 173 ER +13 3 174 JA +13 3 175 IB +13 3 176 ER +13 3 177 JA +13 3 178 IB +13 3 179 ER +13 3 180 TI +13 3 181 OR +13 3 182 ER +13 3 183 OR +13 3 184 ER +13 3 185 OR +13 3 186 TI +13 3 187 OR +13 3 188 IB +13 3 189 SI +13 3 190 ER +13 3 191 TI +13 3 192 ER +13 3 193 TI +13 3 194 ER +13 3 195 TI +13 3 196 TI +13 3 197 ER +13 3 198 SE +13 3 199 TI +13 3 200 TI +13 3 201 ER +13 3 202 TI +13 3 203 ER +13 3 204 SE +13 3 205 SE +13 3 206 JA +13 3 207 ER +13 3 208 OR +13 3 209 TI +13 3 210 ER +13 3 211 TI +13 3 212 OR +13 3 213 SI +13 3 214 TI +13 3 215 ER +13 3 216 SE +13 3 217 OR +13 3 218 TI +13 3 219 SI +13 3 220 IB +13 3 221 SI +13 3 222 ER +13 3 223 TI +13 3 224 SI +13 3 225 TI +13 3 226 IB +13 3 227 SE +13 3 228 IB +13 3 229 TI +13 3 230 SI +13 3 231 ER +13 3 232 TI +13 3 233 IB +13 3 234 TI +13 3 235 IB +13 3 236 TI +13 3 237 OR +13 3 238 TI +13 3 239 ER +13 3 240 ER +13 3 241 SI +13 3 242 JA +13 3 243 ER +13 3 244 SI +13 3 245 ER +13 3 246 TI +13 3 247 SE +13 3 248 SE +13 3 249 TI +13 3 250 ER +13 3 251 TI +13 3 252 SI +13 3 253 TI +13 3 254 IB +13 3 255 SE +13 3 256 ER +13 3 257 IB +13 3 258 JA +13 3 259 ER +13 3 260 SI +13 3 261 ER +13 3 262 SI +13 3 263 GE +13 3 264 IB +13 3 265 TI +13 3 266 ER +13 3 267 ER +13 3 268 TI +13 3 269 ER +13 3 270 OR +13 3 271 IB +13 3 272 SI +13 3 273 ER +13 3 274 SI +13 3 275 TI +13 3 276 ER +13 3 277 IB +13 3 278 OR +13 3 279 IB +13 3 280 TI +13 3 281 TI +13 3 282 TI +13 3 283 OR +13 3 284 SI +13 3 285 ER +13 3 286 SI +13 3 287 TI +13 3 288 ER +13 3 289 TI +13 3 290 SI +13 3 291 IB +13 3 292 OR +13 3 293 SI +13 3 294 SI +13 3 295 OR +13 3 296 ER +13 3 297 JA +13 3 298 ER +13 3 299 TI +13 3 300 SI +13 3 301 TI +13 3 302 SI +13 3 303 SI +13 3 304 TI +13 3 305 ER +13 3 306 TI +13 3 307 IB +13 3 308 OR +13 3 309 SE +13 3 310 TI +13 3 311 IB +13 3 312 SE +13 3 313 SE +13 3 314 SI +13 3 315 TI +13 3 316 TI +13 3 317 ER +13 3 318 OR +13 3 319 SI +13 3 320 TI +13 3 321 ER +13 3 322 IB +13 3 323 TI +13 3 324 SI +13 3 325 ER +13 3 326 JA +13 3 327 SI +13 3 328 TI +13 3 329 OR +13 3 330 SI +13 4 1 SE +13 4 2 WL +13 4 3 ER +13 4 4 ER +13 4 5 SE +13 4 6 GE +13 4 7 WL +13 4 8 ER +13 4 9 SE +13 4 10 SE +13 4 11 TI +13 4 12 JA +13 4 13 TI +13 4 14 SE +13 4 15 SI +13 4 16 SI +13 4 17 ER +13 4 18 SE +13 4 19 GS +13 4 20 TI +13 4 21 ER +13 4 22 JA +13 4 23 IB +13 4 24 IB +13 4 25 TI +13 4 26 SE +13 4 27 SI +13 4 28 ER +13 4 29 TI +13 4 30 ER +13 4 31 SE +13 4 32 ER +13 4 33 SE +13 4 34 SE +13 4 35 ER +13 4 36 SE +13 4 37 SI +13 4 38 ER +13 4 39 TI +13 4 40 SE +13 4 41 ER +13 4 42 JA +13 4 43 SE +13 4 44 SI +13 4 45 TI +13 4 46 GE +13 4 47 SE +13 4 48 JA +13 4 49 SE +13 4 50 ER +13 4 51 GE +13 4 52 GE +13 4 53 ER +13 4 54 TI +13 4 55 TI +13 4 56 GE +13 4 57 TI +13 4 58 JA +13 4 59 GE +13 4 60 SE +13 4 61 ER +13 4 62 GE +13 4 63 ER +13 4 64 SE +13 4 65 ER +13 4 66 GE +13 4 67 SE +13 4 68 ER +13 4 69 SE +13 4 70 SI +13 4 71 ER +13 4 72 SE +13 4 73 ER +13 4 74 SI +13 4 75 SE +13 4 76 ER +13 4 77 SE +13 4 78 GE +13 4 79 TA +13 4 80 SE +13 4 81 IB +13 4 82 IB +13 4 83 GE +13 4 84 GE +13 4 85 IB +13 4 86 GE +13 4 87 SE +13 4 88 ER +13 4 89 SE +13 4 90 SE +13 4 91 JA +13 4 92 SI +13 4 93 SE +13 4 94 SE +13 4 95 SI +13 4 96 JA +13 4 97 SE +13 4 98 ER +13 4 99 GE +13 4 100 IB +13 4 101 ER +13 4 102 GE +13 4 103 IB +13 4 104 SE +13 4 105 ER +13 4 106 JA +13 4 107 SI +13 4 108 SI +13 4 109 SE +13 4 110 JA +13 4 111 SE +13 4 112 ER +13 4 113 SE +13 4 114 SE +13 4 115 ER +13 4 116 SI +13 4 117 SE +13 4 118 ER +13 4 119 TI +13 4 120 SI +13 4 121 ER +13 4 122 TI +13 4 123 TI +13 4 124 JA +13 4 125 ER +13 4 126 GE +13 4 127 SE +13 4 128 JA +13 4 129 SI +13 4 130 SE +13 4 131 ER +13 4 132 ER +13 4 133 TI +13 4 134 SE +13 4 135 ER +13 4 136 SE +13 4 137 TI +13 4 138 TI +13 4 139 SI +13 4 140 SE +13 4 141 SI +13 4 142 SI +13 4 143 JA +13 4 144 SE +13 4 145 TI +13 4 146 GE +13 4 147 TI +13 4 148 ER +13 4 149 TI +13 4 150 SE +13 4 151 GE +13 4 152 GE +13 4 153 TI +13 4 154 SE +13 4 155 SE +13 4 156 TI +13 4 157 GE +13 4 158 SI +13 4 159 ER +13 4 160 ER +13 4 161 TI +13 4 162 ER +13 4 163 TI +13 4 164 TI +13 4 165 GE +13 4 166 TI +13 4 167 GE +13 4 168 TI +13 4 169 TI +13 4 170 SE +13 4 171 GU +13 4 172 SI +13 4 173 ER +13 4 174 JA +13 4 175 GE +13 4 176 ER +13 4 177 JA +13 4 178 SE +13 4 179 ER +13 4 180 TI +13 4 181 GE +13 4 182 ER +13 4 183 GE +13 4 184 ER +13 4 185 GE +13 4 186 TI +13 4 187 JA +13 4 188 TI +13 4 189 GE +13 4 190 GE +13 4 191 TI +13 4 192 GE +13 4 193 JA +13 4 194 ER +13 4 195 GU +13 4 196 ER +13 4 197 GE +13 4 198 SE +13 4 199 SI +13 4 200 TI +13 4 201 GE +13 4 202 TI +13 4 203 ER +13 4 204 SE +13 4 205 SE +13 4 206 SI +13 4 207 ER +13 4 208 JA +13 4 209 SE +13 4 210 ER +13 4 211 TI +13 4 212 JA +13 4 213 GE +13 4 214 JA +13 4 215 GE +13 4 216 SE +13 4 217 ER +13 4 218 IB +13 4 219 GE +13 4 220 TI +13 4 221 GE +13 4 222 TI +13 4 223 TI +13 4 224 SI +13 4 225 IB +13 4 226 TI +13 4 227 SE +13 4 228 TI +13 4 229 SI +13 4 230 SI +13 4 231 ER +13 4 232 JA +13 4 233 SE +13 4 234 TI +13 4 235 TI +13 4 236 JA +13 4 237 ER +13 4 238 TI +13 4 239 ER +13 4 240 ER +13 4 241 SI +13 4 242 JA +13 4 243 ER +13 4 244 SI +13 4 245 ER +13 4 246 TI +13 4 247 TI +13 4 248 SE +13 4 249 TI +13 4 250 SE +13 4 251 TI +13 4 252 GE +13 4 253 TI +13 4 254 SI +13 4 255 SE +13 4 256 ER +13 4 257 TI +13 4 258 JA +13 4 259 ER +13 4 260 JA +13 4 261 ER +13 4 262 SI +13 4 263 SI +13 4 264 SI +13 4 265 TI +13 4 266 ER +13 4 267 ER +13 4 268 TI +13 4 269 ER +13 4 270 JA +13 4 271 SE +13 4 272 SI +13 4 273 ER +13 4 274 SI +13 4 275 JA +13 4 276 ER +13 4 277 TI +13 4 278 ER +13 4 279 SE +13 4 280 IB +13 4 281 TI +13 4 282 TI +13 4 283 ER +13 4 284 SI +13 4 285 ER +13 4 286 SI +13 4 287 JA +13 4 288 ER +13 4 289 TI +13 4 290 SI +13 4 291 TI +13 4 292 ER +13 4 293 SI +13 4 294 SI +13 4 295 IB +13 4 296 TI +13 4 297 JA +13 4 298 ER +13 4 299 TI +13 4 300 SI +13 4 301 TI +13 4 302 SI +13 4 303 SI +13 4 304 IB +13 4 305 ER +13 4 306 IB +13 4 307 TI +13 4 308 GE +13 4 309 SE +13 4 310 TI +13 4 311 TI +13 4 312 SE +13 4 313 SE +13 4 314 SI +13 4 315 IB +13 4 316 TI +13 4 317 ER +13 4 318 ER +13 4 319 SI +13 4 320 IB +13 4 321 ER +13 4 322 TI +13 4 323 TI +13 4 324 SI +13 4 325 ER +13 4 326 JA +13 4 327 SI +13 4 328 TI +13 4 329 GE +13 4 330 SI +13 5 1 TI +13 5 2 SN +13 5 3 ER +13 5 4 SE +13 5 5 TI +13 5 6 SI +13 5 7 JA +13 5 8 ER +13 5 9 GE +13 5 10 SE +13 5 11 TI +13 5 12 WL +13 5 13 TI +13 5 14 SE +13 5 15 SI +13 5 16 SI +13 5 17 ER +13 5 18 SE +13 5 19 TI +13 5 20 TI +13 5 21 ER +13 5 22 SI +13 5 23 SE +13 5 24 SE +13 5 25 TI +13 5 26 SE +13 5 27 SI +13 5 28 ER +13 5 29 TI +13 5 30 JA +13 5 31 SI +13 5 32 WL +13 5 33 WL +13 5 34 TI +13 5 35 ER +13 5 36 SE +13 5 37 SE +13 5 38 ER +13 5 39 TI +13 5 40 TI +13 5 41 ER +13 5 42 WL +13 5 43 SE +13 5 44 SI +13 5 45 TI +13 5 46 SE +13 5 47 TI +13 5 48 WL +13 5 49 TI +13 5 50 WL +13 5 51 SE +13 5 52 SI +13 5 53 ER +13 5 54 TI +13 5 55 TI +13 5 56 SE +13 5 57 TI +13 5 58 WL +13 5 59 SI +13 5 60 SE +13 5 61 ER +13 5 62 SI +13 5 63 ER +13 5 64 TI +13 5 65 ER +13 5 66 SI +13 5 67 WL +13 5 68 ER +13 5 69 WL +13 5 70 SI +13 5 71 SE +13 5 72 TI +13 5 73 SE +13 5 74 SI +13 5 75 SE +13 5 76 ER +13 5 77 TI +13 5 78 SI +13 5 79 SE +13 5 80 TI +13 5 81 WL +13 5 82 TI +13 5 83 SI +13 5 84 SI +13 5 85 TI +13 5 86 SI +13 5 87 SE +13 5 88 ER +13 5 89 SE +13 5 90 SE +13 5 91 WL +13 5 92 SI +13 5 93 TI +13 5 94 SE +13 5 95 SI +13 5 96 WL +13 5 97 SE +13 5 98 ER +13 5 99 SI +13 5 100 SI +13 5 101 ER +13 5 102 SI +13 5 103 WL +13 5 104 TI +13 5 105 ER +13 5 106 WL +13 5 107 SI +13 5 108 SI +13 5 109 TI +13 5 110 WL +13 5 111 SE +13 5 112 ER +13 5 113 SE +13 5 114 TI +13 5 115 ER +13 5 116 TI +13 5 117 SE +13 5 118 ER +13 5 119 TI +13 5 120 SI +13 5 121 ER +13 5 122 TI +13 5 123 TI +13 5 124 WL +13 5 125 ER +13 5 126 ER +13 5 127 SE +13 5 128 WL +13 5 129 SI +13 5 130 SE +13 5 131 ER +13 5 132 ER +13 5 133 TI +13 5 134 SE +13 5 135 ER +13 5 136 TI +13 5 137 SE +13 5 138 SI +13 5 139 SI +13 5 140 TI +13 5 141 SI +13 5 142 SI +13 5 143 JA +13 5 144 SE +13 5 145 TI +13 5 146 JA +13 5 147 TI +13 5 148 ER +13 5 149 TI +13 5 150 SE +13 5 151 SI +13 5 152 SI +13 5 153 TI +13 5 154 SE +13 5 155 SE +13 5 156 TI +13 5 157 SE +13 5 158 SI +13 5 159 SE +13 5 160 SI +13 5 161 TI +13 5 162 ER +13 5 163 TI +13 5 164 TI +13 5 165 WL +13 5 166 SE +13 5 167 SI +13 5 168 WL +13 5 169 SE +13 5 170 SE +13 5 171 WL +13 5 172 SI +13 5 173 ER +13 5 174 WL +13 5 175 SI +13 5 176 ER +13 5 177 WL +13 5 178 TI +13 5 179 ER +13 5 180 TI +13 5 181 WL +13 5 182 ER +13 5 183 SE +13 5 184 WL +13 5 185 WL +13 5 186 SI +13 5 187 WL +13 5 188 TI +13 5 189 SI +13 5 190 SI +13 5 191 TI +13 5 192 TI +13 5 193 WL +13 5 194 SE +13 5 195 TI +13 5 196 TI +13 5 197 SI +13 5 198 SE +13 5 199 SI +13 5 200 SI +13 5 201 ER +13 5 202 TI +13 5 203 ER +13 5 204 SE +13 5 205 SE +13 5 206 SI +13 5 207 ER +13 5 208 SE +13 5 209 TI +13 5 210 SI +13 5 211 SI +13 5 212 JA +13 5 213 SI +13 5 214 JA +13 5 215 SI +13 5 216 SE +13 5 217 SI +13 5 218 JA +13 5 219 SI +13 5 220 SI +13 5 221 SI +13 5 222 SE +13 5 223 TI +13 5 224 SI +13 5 225 WL +13 5 226 SE +13 5 227 SE +13 5 228 TI +13 5 229 TI +13 5 230 SI +13 5 231 ER +13 5 232 SE +13 5 233 SI +13 5 234 TI +13 5 235 TI +13 5 236 WL +13 5 237 SI +13 5 238 TI +13 5 239 SI +13 5 240 ER +13 5 241 SI +13 5 242 WL +13 5 243 ER +13 5 244 SI +13 5 245 ER +13 5 246 TI +13 5 247 SI +13 5 248 SE +13 5 249 TI +13 5 250 TI +13 5 251 SI +13 5 252 SI +13 5 253 TI +13 5 254 SI +13 5 255 SE +13 5 256 ER +13 5 257 SE +13 5 258 WL +13 5 259 ER +13 5 260 WL +13 5 261 ER +13 5 262 SI +13 5 263 SE +13 5 264 SI +13 5 265 WL +13 5 266 ER +13 5 267 ER +13 5 268 TI +13 5 269 WL +13 5 270 WL +13 5 271 TI +13 5 272 SI +13 5 273 ER +13 5 274 SI +13 5 275 WL +13 5 276 ER +13 5 277 TI +13 5 278 TI +13 5 279 WL +13 5 280 JA +13 5 281 TI +13 5 282 TI +13 5 283 SE +13 5 284 SI +13 5 285 SI +13 5 286 SI +13 5 287 WL +13 5 288 ER +13 5 289 TI +13 5 290 SI +13 5 291 TI +13 5 292 SI +13 5 293 SI +13 5 294 SI +13 5 295 SE +13 5 296 WL +13 5 297 JA +13 5 298 ER +13 5 299 TI +13 5 300 SI +13 5 301 TI +13 5 302 SI +13 5 303 SI +13 5 304 JA +13 5 305 WL +13 5 306 WL +13 5 307 TI +13 5 308 SI +13 5 309 SE +13 5 310 TI +13 5 311 TI +13 5 312 SE +13 5 313 WL +13 5 314 SI +13 5 315 TI +13 5 316 TI +13 5 317 ER +13 5 318 SI +13 5 319 SI +13 5 320 WL +13 5 321 ER +13 5 322 SI +13 5 323 TI +13 5 324 SI +13 5 325 TI +13 5 326 JA +13 5 327 SI +13 5 328 TI +13 5 329 SE +13 5 330 SI +13 6 1 TI +13 6 2 TI +13 6 3 ER +13 6 4 SE +13 6 5 TI +13 6 6 GO +13 6 7 TI +13 6 8 ER +13 6 9 GO +13 6 10 IB +13 6 11 IB +13 6 12 JA +13 6 13 TI +13 6 14 IB +13 6 15 SN +13 6 16 SN +13 6 17 ER +13 6 18 NF +13 6 19 TI +13 6 20 TI +13 6 21 ER +13 6 22 JA +13 6 23 ER +13 6 24 SE +13 6 25 TI +13 6 26 IB +13 6 27 SN +13 6 28 ER +13 6 29 TI +13 6 30 JA +13 6 31 SN +13 6 32 ER +13 6 33 TI +13 6 34 IB +13 6 35 GO +13 6 36 IB +13 6 37 SN +13 6 38 ER +13 6 39 TI +13 6 40 IB +13 6 41 ER +13 6 42 JA +13 6 43 IB +13 6 44 SN +13 6 45 TI +13 6 46 GE +13 6 47 IB +13 6 48 JA +13 6 49 TI +13 6 50 ER +13 6 51 TI +13 6 52 SN +13 6 53 ER +13 6 54 TI +13 6 55 TI +13 6 56 GO +13 6 57 TI +13 6 58 JA +13 6 59 SN +13 6 60 IB +13 6 61 ER +13 6 62 SN +13 6 63 JA +13 6 64 IB +13 6 65 ER +13 6 66 SN +13 6 67 TI +13 6 68 ER +13 6 69 TI +13 6 70 SI +13 6 71 ER +13 6 72 TI +13 6 73 ER +13 6 74 SN +13 6 75 SE +13 6 76 GO +13 6 77 TI +13 6 78 GO +13 6 79 SE +13 6 80 IB +13 6 81 TI +13 6 82 IB +13 6 83 GO +13 6 84 GO +13 6 85 TI +13 6 86 ER +13 6 87 SE +13 6 88 ER +13 6 89 SE +13 6 90 SE +13 6 91 JA +13 6 92 SI +13 6 93 IB +13 6 94 SE +13 6 95 SI +13 6 96 JA +13 6 97 SE +13 6 98 ER +13 6 99 SN +13 6 100 IB +13 6 101 ER +13 6 102 SN +13 6 103 SE +13 6 104 TI +13 6 105 ER +13 6 106 JA +13 6 107 SI +13 6 108 SI +13 6 109 IB +13 6 110 JA +13 6 111 SE +13 6 112 ER +13 6 113 SE +13 6 114 IB +13 6 115 ER +13 6 116 SN +13 6 117 SE +13 6 118 GO +13 6 119 TI +13 6 120 SI +13 6 121 GO +13 6 122 IB +13 6 123 IB +13 6 124 JA +13 6 125 GO +13 6 126 ER +13 6 127 SE +13 6 128 JA +13 6 129 SI +13 6 130 SE +13 6 131 ER +13 6 132 ER +13 6 133 IB +13 6 134 SE +13 6 135 ER +13 6 136 TI +13 6 137 IB +13 6 138 TI +13 6 139 SN +13 6 140 IB +13 6 141 SI +13 6 142 SI +13 6 143 TI +13 6 144 SE +13 6 145 TI +13 6 146 JA +13 6 147 TI +13 6 148 ER +13 6 149 TI +13 6 150 ER +13 6 151 GO +13 6 152 ER +13 6 153 IB +13 6 154 SE +13 6 155 SE +13 6 156 TI +13 6 157 SE +13 6 158 SI +13 6 159 GO +13 6 160 GO +13 6 161 TI +13 6 162 ER +13 6 163 IB +13 6 164 IB +13 6 165 SE +13 6 166 SE +13 6 167 SI +13 6 168 IB +13 6 169 IB +13 6 170 SE +13 6 171 TI +13 6 172 SI +13 6 173 ER +13 6 174 JA +13 6 175 SN +13 6 176 ER +13 6 177 JA +13 6 178 IB +13 6 179 ER +13 6 180 TI +13 6 181 JA +13 6 182 ER +13 6 183 SE +13 6 184 ER +13 6 185 GO +13 6 186 TI +13 6 187 JA +13 6 188 IB +13 6 189 SN +13 6 190 ER +13 6 191 IB +13 6 192 ER +13 6 193 JA +13 6 194 ER +13 6 195 TI +13 6 196 TI +13 6 197 ER +13 6 198 SE +13 6 199 SI +13 6 200 TI +13 6 201 GO +13 6 202 TI +13 6 203 ER +13 6 204 SE +13 6 205 SE +13 6 206 SI +13 6 207 ER +13 6 208 JA +13 6 209 TI +13 6 210 SE +13 6 211 TI +13 6 212 JA +13 6 213 SI +13 6 214 JA +13 6 215 ER +13 6 216 SE +13 6 217 JA +13 6 218 TI +13 6 219 SI +13 6 220 SE +13 6 221 SI +13 6 222 SE +13 6 223 TI +13 6 224 SI +13 6 225 TI +13 6 226 IB +13 6 227 SE +13 6 228 IB +13 6 229 TI +13 6 230 SI +13 6 231 ER +13 6 232 SE +13 6 233 SN +13 6 234 TI +13 6 235 IB +13 6 236 TI +13 6 237 GO +13 6 238 TI +13 6 239 GO +13 6 240 ER +13 6 241 SI +13 6 242 JA +13 6 243 ER +13 6 244 SI +13 6 245 ER +13 6 246 TI +13 6 247 TI +13 6 248 IB +13 6 249 IB +13 6 250 SE +13 6 251 TI +13 6 252 SI +13 6 253 TI +13 6 254 SN +13 6 255 SE +13 6 256 ER +13 6 257 TI +13 6 258 JA +13 6 259 ER +13 6 260 SI +13 6 261 GO +13 6 262 SI +13 6 263 SI +13 6 264 SI +13 6 265 TI +13 6 266 ER +13 6 267 ER +13 6 268 TI +13 6 269 ER +13 6 270 JA +13 6 271 SE +13 6 272 SI +13 6 273 ER +13 6 274 SI +13 6 275 JA +13 6 276 ER +13 6 277 SE +13 6 278 GO +13 6 279 IB +13 6 280 TI +13 6 281 IB +13 6 282 TI +13 6 283 SE +13 6 284 SI +13 6 285 ER +13 6 286 SI +13 6 287 SE +13 6 288 ER +13 6 289 TI +13 6 290 SN +13 6 291 IB +13 6 292 GO +13 6 293 SI +13 6 294 SI +13 6 295 SE +13 6 296 ER +13 6 297 JA +13 6 298 ER +13 6 299 TI +13 6 300 SI +13 6 301 TI +13 6 302 SN +13 6 303 SI +13 6 304 TI +13 6 305 ER +13 6 306 TI +13 6 307 IB +13 6 308 SE +13 6 309 SE +13 6 310 TI +13 6 311 IB +13 6 312 SE +13 6 313 ER +13 6 314 SI +13 6 315 TI +13 6 316 IB +13 6 317 ER +13 6 318 GO +13 6 319 SI +13 6 320 SE +13 6 321 ER +13 6 322 IB +13 6 323 TI +13 6 324 SI +13 6 325 ER +13 6 326 JA +13 6 327 SI +13 6 328 SE +13 6 329 GO +13 6 330 SI +13 7 1 TI +13 7 2 SI +13 7 3 ER +13 7 4 SE +13 7 5 WL +13 7 6 SI +13 7 7 TI +13 7 8 ER +13 7 9 ER +13 7 10 SE +13 7 11 SE +13 7 12 WL +13 7 13 SE +13 7 14 SE +13 7 15 ER +13 7 16 SI +13 7 17 ER +13 7 18 SE +13 7 19 GU +13 7 20 GU +13 7 21 ER +13 7 22 WL +13 7 23 ER +13 7 24 SE +13 7 25 GU +13 7 26 SE +13 7 27 SI +13 7 28 ER +13 7 29 TI +13 7 30 ER +13 7 31 SI +13 7 32 ER +13 7 33 GU +13 7 34 GU +13 7 35 ER +13 7 36 SE +13 7 37 SE +13 7 38 ER +13 7 39 GU +13 7 40 GU +13 7 41 ER +13 7 42 WL +13 7 43 SE +13 7 44 SI +13 7 45 GU +13 7 46 SE +13 7 47 SE +13 7 48 WL +13 7 49 GU +13 7 50 SE +13 7 51 SE +13 7 52 SI +13 7 53 ER +13 7 54 GU +13 7 55 GU +13 7 56 WL +13 7 57 SE +13 7 58 WL +13 7 59 SI +13 7 60 SE +13 7 61 ER +13 7 62 SE +13 7 63 ER +13 7 64 GU +13 7 65 ER +13 7 66 SI +13 7 67 TI +13 7 68 ER +13 7 69 SE +13 7 70 SI +13 7 71 ER +13 7 72 GU +13 7 73 ER +13 7 74 SI +13 7 75 SE +13 7 76 ER +13 7 77 GU +13 7 78 SI +13 7 79 SE +13 7 80 GU +13 7 81 TI +13 7 82 TI +13 7 83 SI +13 7 84 ER +13 7 85 TI +13 7 86 ER +13 7 87 SE +13 7 88 ER +13 7 89 SE +13 7 90 SE +13 7 91 WL +13 7 92 SI +13 7 93 GU +13 7 94 SE +13 7 95 SI +13 7 96 WL +13 7 97 SE +13 7 98 ER +13 7 99 SI +13 7 100 SI +13 7 101 ER +13 7 102 SI +13 7 103 WL +13 7 104 GU +13 7 105 ER +13 7 106 WL +13 7 107 SI +13 7 108 SI +13 7 109 SE +13 7 110 WL +13 7 111 SE +13 7 112 ER +13 7 113 SE +13 7 114 TI +13 7 115 ER +13 7 116 SI +13 7 117 SE +13 7 118 ER +13 7 119 TI +13 7 120 SI +13 7 121 ER +13 7 122 TI +13 7 123 SE +13 7 124 WL +13 7 125 ER +13 7 126 ER +13 7 127 SE +13 7 128 SI +13 7 129 SI +13 7 130 SE +13 7 131 ER +13 7 132 ER +13 7 133 TI +13 7 134 SE +13 7 135 ER +13 7 136 GU +13 7 137 SE +13 7 138 SI +13 7 139 SI +13 7 140 SE +13 7 141 SI +13 7 142 SI +13 7 143 TI +13 7 144 SE +13 7 145 TI +13 7 146 WL +13 7 147 TI +13 7 148 ER +13 7 149 TI +13 7 150 SE +13 7 151 ER +13 7 152 SI +13 7 153 GU +13 7 154 SE +13 7 155 SE +13 7 156 TI +13 7 157 SE +13 7 158 SI +13 7 159 WL +13 7 160 ER +13 7 161 TI +13 7 162 ER +13 7 163 TI +13 7 164 SE +13 7 165 SE +13 7 166 SE +13 7 167 SI +13 7 168 TI +13 7 169 GU +13 7 170 SE +13 7 171 SE +13 7 172 SI +13 7 173 ER +13 7 174 WL +13 7 175 GU +13 7 176 ER +13 7 177 WL +13 7 178 SE +13 7 179 ER +13 7 180 TI +13 7 181 WL +13 7 182 SE +13 7 183 SE +13 7 184 SE +13 7 185 WL +13 7 186 TI +13 7 187 WL +13 7 188 TI +13 7 189 SI +13 7 190 ER +13 7 191 TI +13 7 192 SE +13 7 193 SI +13 7 194 SE +13 7 195 TI +13 7 196 TI +13 7 197 SI +13 7 198 SE +13 7 199 SI +13 7 200 TI +13 7 201 ER +13 7 202 TI +13 7 203 ER +13 7 204 SE +13 7 205 SE +13 7 206 SI +13 7 207 ER +13 7 208 ER +13 7 209 TI +13 7 210 ER +13 7 211 GU +13 7 212 WL +13 7 213 SI +13 7 214 WL +13 7 215 SI +13 7 216 SE +13 7 217 ER +13 7 218 SE +13 7 219 SI +13 7 220 SE +13 7 221 SI +13 7 222 SE +13 7 223 TI +13 7 224 SI +13 7 225 WL +13 7 226 SE +13 7 227 SE +13 7 228 SE +13 7 229 TI +13 7 230 SI +13 7 231 ER +13 7 232 WL +13 7 233 SE +13 7 234 TI +13 7 235 SE +13 7 236 WL +13 7 237 ER +13 7 238 TI +13 7 239 ER +13 7 240 ER +13 7 241 SI +13 7 242 SI +13 7 243 ER +13 7 244 SI +13 7 245 ER +13 7 246 TI +13 7 247 SE +13 7 248 SE +13 7 249 TI +13 7 250 SE +13 7 251 TI +13 7 252 SI +13 7 253 TI +13 7 254 SE +13 7 255 SE +13 7 256 ER +13 7 257 SE +13 7 258 WL +13 7 259 ER +13 7 260 SI +13 7 261 ER +13 7 262 SI +13 7 263 SE +13 7 264 SI +13 7 265 SE +13 7 266 ER +13 7 267 ER +13 7 268 TI +13 7 269 ER +13 7 270 SE +13 7 271 WL +13 7 272 SI +13 7 273 SI +13 7 274 ER +13 7 275 WL +13 7 276 ER +13 7 277 SE +13 7 278 ER +13 7 279 SE +13 7 280 TI +13 7 281 TI +13 7 282 TI +13 7 283 ER +13 7 284 SI +13 7 285 ER +13 7 286 SI +13 7 287 WL +13 7 288 ER +13 7 289 TI +13 7 290 SI +13 7 291 SE +13 7 292 ER +13 7 293 SI +13 7 294 SI +13 7 295 WL +13 7 296 SE +13 7 297 WL +13 7 298 ER +13 7 299 TI +13 7 300 SI +13 7 301 TI +13 7 302 SI +13 7 303 SI +13 7 304 WL +13 7 305 ER +13 7 306 TI +13 7 307 TI +13 7 308 SI +13 7 309 WL +13 7 310 TI +13 7 311 SE +13 7 312 SE +13 7 313 SE +13 7 314 SI +13 7 315 TI +13 7 316 TI +13 7 317 ER +13 7 318 ER +13 7 319 SI +13 7 320 TI +13 7 321 ER +13 7 322 TI +13 7 323 TI +13 7 324 SI +13 7 325 ER +13 7 326 WL +13 7 327 SI +13 7 328 TI +13 7 329 WL +13 7 330 SI +13 8 1 * +13 8 2 TI +13 8 3 ER +13 8 4 SE +13 8 5 WL +13 8 6 * +13 8 7 WL +13 8 8 ER +13 8 9 GA +13 8 10 SE +13 8 11 SE +13 8 12 WL +13 8 13 IB +13 8 14 IB +13 8 15 WL +13 8 16 SI +13 8 17 ER +13 8 18 SE +13 8 19 JA +13 8 20 JA +13 8 21 ER +13 8 22 JA +13 8 23 WL +13 8 24 SE +13 8 25 IB +13 8 26 IB +13 8 27 SE +13 8 28 ER +13 8 29 TI +13 8 30 IB +13 8 31 TI +13 8 32 JA +13 8 33 TI +13 8 34 TI +13 8 35 ER +13 8 36 SI +13 8 37 IB +13 8 38 ER +13 8 39 TI +13 8 40 TI +13 8 41 ER +13 8 42 JA +13 8 43 SE +13 8 44 SI +13 8 45 TI +13 8 46 SI +13 8 47 IB +13 8 48 JA +13 8 49 TI +13 8 50 SI +13 8 51 IB +13 8 52 WL +13 8 53 ER +13 8 54 TI +13 8 55 JA +13 8 56 IB +13 8 57 TI +13 8 58 SI +13 8 59 SI +13 8 60 IB +13 8 61 ER +13 8 62 IB +13 8 63 ER +13 8 64 IB +13 8 65 ER +13 8 66 JA +13 8 67 IB +13 8 68 ER +13 8 69 SE +13 8 70 SI +13 8 71 ER +13 8 72 IB +13 8 73 SE +13 8 74 IB +13 8 75 SE +13 8 76 ER +13 8 77 JA +13 8 78 SI +13 8 79 SI +13 8 80 IB +13 8 81 WL +13 8 82 IB +13 8 83 SE +13 8 84 ER +13 8 85 TI +13 8 86 ER +13 8 87 SI +13 8 88 ER +13 8 89 SI +13 8 90 SI +13 8 91 JA +13 8 92 SI +13 8 93 TI +13 8 94 SI +13 8 95 JA +13 8 96 JA +13 8 97 SE +13 8 98 ER +13 8 99 SE +13 8 100 JA +13 8 101 ER +13 8 102 SI +13 8 103 SI +13 8 104 IB +13 8 105 SE +13 8 106 JA +13 8 107 SI +13 8 108 SI +13 8 109 SI +13 8 110 JA +13 8 111 SI +13 8 112 ER +13 8 113 SI +13 8 114 IB +13 8 115 ER +13 8 116 SI +13 8 117 SI +13 8 118 ER +13 8 119 JA +13 8 120 SI +13 8 121 ER +13 8 122 JA +13 8 123 IB +13 8 124 JA +13 8 125 ER +13 8 126 ER +13 8 127 SI +13 8 128 WL +13 8 129 SI +13 8 130 SI +13 8 131 ER +13 8 132 ER +13 8 133 IB +13 8 134 SI +13 8 135 ER +13 8 136 JA +13 8 137 SI +13 8 138 JA +13 8 139 SI +13 8 140 IB +13 8 141 SI +13 8 142 SI +13 8 143 JA +13 8 144 SI +13 8 145 IB +13 8 146 WL +13 8 147 TI +13 8 148 ER +13 8 149 JA +13 8 150 SE +13 8 151 ER +13 8 152 SE +13 8 153 IB +13 8 154 SI +13 8 155 SI +13 8 156 TI +13 8 157 SI +13 8 158 SI +13 8 159 JA +13 8 160 ER +13 8 161 IB +13 8 162 ER +13 8 163 JA +13 8 164 TI +13 8 165 SI +13 8 166 SI +13 8 167 SE +13 8 168 JA +13 8 169 IB +13 8 170 SI +13 8 171 SI +13 8 172 SI +13 8 173 ER +13 8 174 JA +13 8 175 TI +13 8 176 ER +13 8 177 JA +13 8 178 SE +13 8 179 ER +13 8 180 IB +13 8 181 JA +13 8 182 SE +13 8 183 SI +13 8 184 SE +13 8 185 WL +13 8 186 IB +13 8 187 WL +13 8 188 IB +13 8 189 SI +13 8 190 ER +13 8 191 IB +13 8 192 SE +13 8 193 JA +13 8 194 SI +13 8 195 TI +13 8 196 TI +13 8 197 SE +13 8 198 SI +13 8 199 SI +13 8 200 IB +13 8 201 ER +13 8 202 TI +13 8 203 ER +13 8 204 SI +13 8 205 SE +13 8 206 WL +13 8 207 ER +13 8 208 WL +13 8 209 IB +13 8 210 SI +13 8 211 TI +13 8 212 ER +13 8 213 SI +13 8 214 JA +13 8 215 ER +13 8 216 SI +13 8 217 ER +13 8 218 JA +13 8 219 JA +13 8 220 SE +13 8 221 SE +13 8 222 SI +13 8 223 SI +13 8 224 SI +13 8 225 SI +13 8 226 SI +13 8 227 SI +13 8 228 SI +13 8 229 JA +13 8 230 SI +13 8 231 SI +13 8 232 SI +13 8 233 SI +13 8 234 JA +13 8 235 JA +13 8 236 SI +13 8 237 ER +13 8 238 JA +13 8 239 ER +13 8 240 SI +13 8 241 SI +13 8 242 SI +13 8 243 SE +13 8 244 SI +13 8 245 ER +13 8 246 JA +13 8 247 SI +13 8 248 SI +13 8 249 JA +13 8 250 SI +13 8 251 TI +13 8 252 SI +13 8 253 JA +13 8 254 SI +13 8 255 SI +13 8 256 ER +13 8 257 SI +13 8 258 SI +13 8 259 SE +13 8 260 JA +13 8 261 ER +13 8 262 SI +13 8 263 SI +13 8 264 SI +13 8 265 JA +13 8 266 ER +13 8 267 SE +13 8 268 JA +13 8 269 SE +13 8 270 ER +13 8 271 SI +13 8 272 SI +13 8 273 SE +13 8 274 SI +13 8 275 JA +13 8 276 ER +13 8 277 IB +13 8 278 ER +13 8 279 SE +13 8 280 JA +13 8 281 JA +13 8 282 TI +13 8 283 SI +13 8 284 SI +13 8 285 SI +13 8 286 SI +13 8 287 SE +13 8 288 ER +13 8 289 JA +13 8 290 SI +13 8 291 SI +13 8 292 ER +13 8 293 SI +13 8 294 SI +13 8 295 TI +13 8 296 SI +13 8 297 WL +13 8 298 ER +13 8 299 IB +13 8 300 SI +13 8 301 IB +13 8 302 SI +13 8 303 SI +13 8 304 JA +13 8 305 SI +13 8 306 IB +13 8 307 TI +13 8 308 SE +13 8 309 SI +13 8 310 JA +13 8 311 JA +13 8 312 SI +13 8 313 SI +13 8 314 SI +13 8 315 JA +13 8 316 TI +13 8 317 ER +13 8 318 ER +13 8 319 SI +13 8 320 SI +13 8 321 ER +13 8 322 JA +13 8 323 JA +13 8 324 SI +13 8 325 SE +13 8 326 WL +13 8 327 SI +13 8 328 SI +13 8 329 SE +13 8 330 TI +13 9 1 TI +13 9 2 IB +13 9 3 JA +13 9 4 SE +13 9 5 IB +13 9 6 SI +13 9 7 TI +13 9 8 ER +13 9 9 SI +13 9 10 SE +13 9 11 IB +13 9 12 JA +13 9 13 SE +13 9 14 SE +13 9 15 SI +13 9 16 SI +13 9 17 ER +13 9 18 SE +13 9 19 TI +13 9 20 TI +13 9 21 ER +13 9 22 JA +13 9 23 SE +13 9 24 SE +13 9 25 TI +13 9 26 SE +13 9 27 SI +13 9 28 ER +13 9 29 TI +13 9 30 ER +13 9 31 SE +13 9 32 ER +13 9 33 TI +13 9 34 TI +13 9 35 ER +13 9 36 SE +13 9 37 SE +13 9 38 ER +13 9 39 TI +13 9 40 TI +13 9 41 ER +13 9 42 JA +13 9 43 SE +13 9 44 SI +13 9 45 TI +13 9 46 SI +13 9 47 IB +13 9 48 JA +13 9 49 TI +13 9 50 SE +13 9 51 SE +13 9 52 SI +13 9 53 ER +13 9 54 SE +13 9 55 SI +13 9 56 SI +13 9 57 SE +13 9 58 JA +13 9 59 SI +13 9 60 SE +13 9 61 ER +13 9 62 SE +13 9 63 ER +13 9 64 SE +13 9 65 ER +13 9 66 SI +13 9 67 SE +13 9 68 ER +13 9 69 SI +13 9 70 SI +13 9 71 ER +13 9 72 TI +13 9 73 ER +13 9 74 SI +13 9 75 IB +13 9 76 ER +13 9 77 TI +13 9 78 ER +13 9 79 SE +13 9 80 TI +13 9 81 JA +13 9 82 TI +13 9 83 SI +13 9 84 ER +13 9 85 TI +13 9 86 ER +13 9 87 SE +13 9 88 ER +13 9 89 SE +13 9 90 SE +13 9 91 JA +13 9 92 SI +13 9 93 TI +13 9 94 SE +13 9 95 SI +13 9 96 JA +13 9 97 SE +13 9 98 ER +13 9 99 SI +13 9 100 TI +13 9 101 ER +13 9 102 SE +13 9 103 SI +13 9 104 TI +13 9 105 ER +13 9 106 JA +13 9 107 SI +13 9 108 TI +13 9 109 SE +13 9 110 JA +13 9 111 IB +13 9 112 ER +13 9 113 SE +13 9 114 TI +13 9 115 ER +13 9 116 SI +13 9 117 SE +13 9 118 ER +13 9 119 TI +13 9 120 SI +13 9 121 ER +13 9 122 TI +13 9 123 TI +13 9 124 JA +13 9 125 ER +13 9 126 ER +13 9 127 SE +13 9 128 JA +13 9 129 SI +13 9 130 SE +13 9 131 ER +13 9 132 ER +13 9 133 IB +13 9 134 SE +13 9 135 ER +13 9 136 TI +13 9 137 SE +13 9 138 SE +13 9 139 SI +13 9 140 SE +13 9 141 SI +13 9 142 SI +13 9 143 JA +13 9 144 SE +13 9 145 TI +13 9 146 JA +13 9 147 TI +13 9 148 ER +13 9 149 TI +13 9 150 SE +13 9 151 ER +13 9 152 ER +13 9 153 TI +13 9 154 SE +13 9 155 SE +13 9 156 TI +13 9 157 SE +13 9 158 SI +13 9 159 JA +13 9 160 ER +13 9 161 TI +13 9 162 ER +13 9 163 TI +13 9 164 SE +13 9 165 TI +13 9 166 SE +13 9 167 SI +13 9 168 TI +13 9 169 TI +13 9 170 SE +13 9 171 IB +13 9 172 SI +13 9 173 ER +13 9 174 JA +13 9 175 TI +13 9 176 ER +13 9 177 JA +13 9 178 SE +13 9 179 SE +13 9 180 TI +13 9 181 JA +13 9 182 SE +13 9 183 SI +13 9 184 SE +13 9 185 JA +13 9 186 TI +13 9 187 JA +13 9 188 TI +13 9 189 SI +13 9 190 ER +13 9 191 TI +13 9 192 SE +13 9 193 JA +13 9 194 SE +13 9 195 TI +13 9 196 TI +13 9 197 SE +13 9 198 SE +13 9 199 SI +13 9 200 TI +13 9 201 ER +13 9 202 IB +13 9 203 ER +13 9 204 SE +13 9 205 SE +13 9 206 SI +13 9 207 ER +13 9 208 JA +13 9 209 TI +13 9 210 SE +13 9 211 TI +13 9 212 ER +13 9 213 SE +13 9 214 JA +13 9 215 ER +13 9 216 IB +13 9 217 ER +13 9 218 JA +13 9 219 SI +13 9 220 SE +13 9 221 SI +13 9 222 SE +13 9 223 TI +13 9 224 SI +13 9 225 JA +13 9 226 SE +13 9 227 SE +13 9 228 SE +13 9 229 TI +13 9 230 SI +13 9 231 ER +13 9 232 JA +13 9 233 SE +13 9 234 TI +13 9 235 SE +13 9 236 JA +13 9 237 ER +13 9 238 TI +13 9 239 ER +13 9 240 SE +13 9 241 SI +13 9 242 JA +13 9 243 SE +13 9 244 SI +13 9 245 ER +13 9 246 TI +13 9 247 SE +13 9 248 SE +13 9 249 TI +13 9 250 SE +13 9 251 TI +13 9 252 SI +13 9 253 TI +13 9 254 SE +13 9 255 SE +13 9 256 ER +13 9 257 SE +13 9 258 JA +13 9 259 ER +13 9 260 JA +13 9 261 ER +13 9 262 SI +13 9 263 SI +13 9 264 TI +13 9 265 IB +13 9 266 ER +13 9 267 SE +13 9 268 TI +13 9 269 ER +13 9 270 JA +13 9 271 SE +13 9 272 SI +13 9 273 ER +13 9 274 SI +13 9 275 JA +13 9 276 ER +13 9 277 SE +13 9 278 ER +13 9 279 SE +13 9 280 JA +13 9 281 TI +13 9 282 TI +13 9 283 SE +13 9 284 SI +13 9 285 ER +13 9 286 SI +13 9 287 JA +13 9 288 ER +13 9 289 TI +13 9 290 SI +13 9 291 SE +13 9 292 ER +13 9 293 SI +13 9 294 SI +13 9 295 SE +13 9 296 SE +13 9 297 JA +13 9 298 ER +13 9 299 TI +13 9 300 SI +13 9 301 TI +13 9 302 SI +13 9 303 SI +13 9 304 IB +13 9 305 SE +13 9 306 TI +13 9 307 TI +13 9 308 SE +13 9 309 SE +13 9 310 TI +13 9 311 SE +13 9 312 SE +13 9 313 SE +13 9 314 SI +13 9 315 TI +13 9 316 TI +13 9 317 ER +13 9 318 ER +13 9 319 SI +13 9 320 JA +13 9 321 ER +13 9 322 SE +13 9 323 SE +13 9 324 SI +13 9 325 SE +13 9 326 JA +13 9 327 SI +13 9 328 SE +13 9 329 SE +13 9 330 SI +13 10 1 SE +13 10 2 JA +13 10 3 ER +13 10 4 ER +13 10 5 JA +13 10 6 SI +13 10 7 JA +13 10 8 ER +13 10 9 SE +13 10 10 SE +13 10 11 JA +13 10 12 JA +13 10 13 SE +13 10 14 SE +13 10 15 SI +13 10 16 SI +13 10 17 ER +13 10 18 SE +13 10 19 SI +13 10 20 JA +13 10 21 ER +13 10 22 TI +13 10 23 ER +13 10 24 SE +13 10 25 TI +13 10 26 SE +13 10 27 SI +13 10 28 ER +13 10 29 TI +13 10 30 ER +13 10 31 TI +13 10 32 ER +13 10 33 TI +13 10 34 JA +13 10 35 ER +13 10 36 SI +13 10 37 SE +13 10 38 ER +13 10 39 JA +13 10 40 SE +13 10 41 ER +13 10 42 IB +13 10 43 SE +13 10 44 SI +13 10 45 JA +13 10 46 SI +13 10 47 SE +13 10 48 WL +13 10 49 TI +13 10 50 ER +13 10 51 TI +13 10 52 SI +13 10 53 ER +13 10 54 JA +13 10 55 TI +13 10 56 SI +13 10 57 SE +13 10 58 JA +13 10 59 WL +13 10 60 SE +13 10 61 ER +13 10 62 SI +13 10 63 WL +13 10 64 JA +13 10 65 ER +13 10 66 SI +13 10 67 TI +13 10 68 ER +13 10 69 SE +13 10 70 SI +13 10 71 ER +13 10 72 TI +13 10 73 ER +13 10 74 SI +13 10 75 SE +13 10 76 ER +13 10 77 TI +13 10 78 SI +13 10 79 SE +13 10 80 JA +13 10 81 TI +13 10 82 JA +13 10 83 SI +13 10 84 ER +13 10 85 JA +13 10 86 ER +13 10 87 SE +13 10 88 ER +13 10 89 SE +13 10 90 TI +13 10 91 JA +13 10 92 SI +13 10 93 TI +13 10 94 SE +13 10 95 SI +13 10 96 JA +13 10 97 TI +13 10 98 ER +13 10 99 SI +13 10 100 TI +13 10 101 ER +13 10 102 JA +13 10 103 SI +13 10 104 TI +13 10 105 ER +13 10 106 SI +13 10 107 JA +13 10 108 SI +13 10 109 SE +13 10 110 SI +13 10 111 WL +13 10 112 ER +13 10 113 SE +13 10 114 WL +13 10 115 ER +13 10 116 SI +13 10 117 WL +13 10 118 JA +13 10 119 WL +13 10 120 SI +13 10 121 ER +13 10 122 JA +13 10 123 WL +13 10 124 SI +13 10 125 ER +13 10 126 TI +13 10 127 SE +13 10 128 JA +13 10 129 SI +13 10 130 SE +13 10 131 ER +13 10 132 ER +13 10 133 TI +13 10 134 SE +13 10 135 ER +13 10 136 WL +13 10 137 JA +13 10 138 SI +13 10 139 TI +13 10 140 WL +13 10 141 SI +13 10 142 WL +13 10 143 TI +13 10 144 SE +13 10 145 SI +13 10 146 JA +13 10 147 WL +13 10 148 ER +13 10 149 JA +13 10 150 SE +13 10 151 TI +13 10 152 ER +13 10 153 JA +13 10 154 ER +13 10 155 TI +13 10 156 JA +13 10 157 SE +13 10 158 SI +13 10 159 WL +13 10 160 SI +13 10 161 JA +13 10 162 ER +13 10 163 WL +13 10 164 TI +13 10 165 SE +13 10 166 TI +13 10 167 SI +13 10 168 WL +13 10 169 SI +13 10 170 SE +13 10 171 WL +13 10 172 SI +13 10 173 ER +13 10 174 JA +13 10 175 TI +13 10 176 ER +13 10 177 TI +13 10 178 WL +13 10 179 ER +13 10 180 TI +13 10 181 SE +13 10 182 ER +13 10 183 TI +13 10 184 ER +13 10 185 SI +13 10 186 TI +13 10 187 JA +13 10 188 TI +13 10 189 TI +13 10 190 ER +13 10 191 JA +13 10 192 WL +13 10 193 JA +13 10 194 ER +13 10 195 SI +13 10 196 WL +13 10 197 JA +13 10 198 SE +13 10 199 SI +13 10 200 TI +13 10 201 ER +13 10 202 JA +13 10 203 ER +13 10 204 SE +13 10 205 SI +13 10 206 JA +13 10 207 ER +13 10 208 TI +13 10 209 SI +13 10 210 WL +13 10 211 SE +13 10 212 JA +13 10 213 SI +13 10 214 WL +13 10 215 ER +13 10 216 SE +13 10 217 SI +13 10 218 JA +13 10 219 TI +13 10 220 SI +13 10 221 JA +13 10 222 ER +13 10 223 TI +13 10 224 SI +13 10 225 JA +13 10 226 TI +13 10 227 SE +13 10 228 WL +13 10 229 SI +13 10 230 JA +13 10 231 ER +13 10 232 SE +13 10 233 SI +13 10 234 WL +13 10 235 JA +13 10 236 TI +13 10 237 SI +13 10 238 JA +13 10 239 ER +13 10 240 TI +13 10 241 SI +13 10 242 WL +13 10 243 ER +13 10 244 SI +13 10 245 ER +13 10 246 WL +13 10 247 TI +13 10 248 JA +13 10 249 TI +13 10 250 SE +13 10 251 SI +13 10 252 JA +13 10 253 TI +13 10 254 SE +13 10 255 SE +13 10 256 ER +13 10 257 SI +13 10 258 WL +13 10 259 SI +13 10 260 JA +13 10 261 WL +13 10 262 SI +13 10 263 TI +13 10 264 SI +13 10 265 JA +13 10 266 ER +13 10 267 TI +13 10 268 TI +13 10 269 ER +13 10 270 SI +13 10 271 JA +13 10 272 SI +13 10 273 WL +13 10 274 SI +13 10 275 WL +13 10 276 ER +13 10 277 JA +13 10 278 ER +13 10 279 TI +13 10 280 SI +13 10 281 TI +13 10 282 JA +13 10 283 SE +13 10 284 WL +13 10 285 TI +13 10 286 SI +13 10 287 WL +13 10 288 ER +13 10 289 JA +13 10 290 SI +13 10 291 WL +13 10 292 JA +13 10 293 TI +13 10 294 SI +13 10 295 SE +13 10 296 JA +13 10 297 TI +13 10 298 ER +13 10 299 WL +13 10 300 SI +13 10 301 SE +13 10 302 JA +13 10 303 SI +13 10 304 JA +13 10 305 ER +13 10 306 TI +13 10 307 SI +13 10 308 JA +13 10 309 SE +13 10 310 WL +13 10 311 JA +13 10 312 SE +13 10 313 JA +13 10 314 SI +13 10 315 TI +13 10 316 JA +13 10 317 ER +13 10 318 WL +13 10 319 SI +13 10 320 SE +13 10 321 ER +13 10 322 WL +13 10 323 JA +13 10 324 SI +13 10 325 TI +13 10 326 JA +13 10 327 WL +13 10 328 SE +13 10 329 WL +13 10 330 SI +13 11 1 TI +13 11 2 SI +13 11 3 ER +13 11 4 ER +13 11 5 TI +13 11 6 SI +13 11 7 TI +13 11 8 ER +13 11 9 SE +13 11 10 SE +13 11 11 SE +13 11 12 JA +13 11 13 TI +13 11 14 SE +13 11 15 SI +13 11 16 SI +13 11 17 ER +13 11 18 SE +13 11 19 TI +13 11 20 IB +13 11 21 ER +13 11 22 SI +13 11 23 ER +13 11 24 SE +13 11 25 TI +13 11 26 SE +13 11 27 SI +13 11 28 ER +13 11 29 TI +13 11 30 ER +13 11 31 TI +13 11 32 ER +13 11 33 TI +13 11 34 TI +13 11 35 ER +13 11 36 SE +13 11 37 SE +13 11 38 ER +13 11 39 TI +13 11 40 TI +13 11 41 ER +13 11 42 JA +13 11 43 SE +13 11 44 SI +13 11 45 TI +13 11 46 SE +13 11 47 SE +13 11 48 JA +13 11 49 TI +13 11 50 SE +13 11 51 SE +13 11 52 SI +13 11 53 ER +13 11 54 TI +13 11 55 TI +13 11 56 ER +13 11 57 SE +13 11 58 JA +13 11 59 SI +13 11 60 SE +13 11 61 ER +13 11 62 SI +13 11 63 ER +13 11 64 SE +13 11 65 ER +13 11 66 SI +13 11 67 TI +13 11 68 ER +13 11 69 TI +13 11 70 SI +13 11 71 ER +13 11 72 TI +13 11 73 ER +13 11 74 SI +13 11 75 SE +13 11 76 ER +13 11 77 TI +13 11 78 ER +13 11 79 SE +13 11 80 TI +13 11 81 JA +13 11 82 TI +13 11 83 SI +13 11 84 ER +13 11 85 TI +13 11 86 ER +13 11 87 SE +13 11 88 ER +13 11 89 SE +13 11 90 SE +13 11 91 JA +13 11 92 SI +13 11 93 TI +13 11 94 SE +13 11 95 SI +13 11 96 JA +13 11 97 SE +13 11 98 ER +13 11 99 SI +13 11 100 TI +13 11 101 ER +13 11 102 SI +13 11 103 SE +13 11 104 TI +13 11 105 ER +13 11 106 JA +13 11 107 SI +13 11 108 SI +13 11 109 SE +13 11 110 JA +13 11 111 SE +13 11 112 ER +13 11 113 SE +13 11 114 TI +13 11 115 ER +13 11 116 SI +13 11 117 SE +13 11 118 ER +13 11 119 TI +13 11 120 SI +13 11 121 ER +13 11 122 TI +13 11 123 TI +13 11 124 JA +13 11 125 ER +13 11 126 ER +13 11 127 SE +13 11 128 JA +13 11 129 SI +13 11 130 SE +13 11 131 ER +13 11 132 ER +13 11 133 TI +13 11 134 SE +13 11 135 ER +13 11 136 TI +13 11 137 SE +13 11 138 TI +13 11 139 SI +13 11 140 SE +13 11 141 SI +13 11 142 SI +13 11 143 TI +13 11 144 SE +13 11 145 TI +13 11 146 JA +13 11 147 TI +13 11 148 ER +13 11 149 TI +13 11 150 SE +13 11 151 ER +13 11 152 ER +13 11 153 TI +13 11 154 SE +13 11 155 SE +13 11 156 TI +13 11 157 JA +13 11 158 SI +13 11 159 JA +13 11 160 ER +13 11 161 TI +13 11 162 ER +13 11 163 TI +13 11 164 SE +13 11 165 TI +13 11 166 SE +13 11 167 SI +13 11 168 TI +13 11 169 TI +13 11 170 SE +13 11 171 TI +13 11 172 SI +13 11 173 ER +13 11 174 JA +13 11 175 SI +13 11 176 ER +13 11 177 JA +13 11 178 TI +13 11 179 ER +13 11 180 TI +13 11 181 JA +13 11 182 ER +13 11 183 JA +13 11 184 ER +13 11 185 ER +13 11 186 TI +13 11 187 ER +13 11 188 TI +13 11 189 SI +13 11 190 ER +13 11 191 TI +13 11 192 ER +13 11 193 JA +13 11 194 ER +13 11 195 TI +13 11 196 TI +13 11 197 ER +13 11 198 SE +13 11 199 SI +13 11 200 TI +13 11 201 ER +13 11 202 TI +13 11 203 ER +13 11 204 SE +13 11 205 SE +13 11 206 SI +13 11 207 ER +13 11 208 JA +13 11 209 TI +13 11 210 ER +13 11 211 TI +13 11 212 ER +13 11 213 SI +13 11 214 JA +13 11 215 ER +13 11 216 SE +13 11 217 ER +13 11 218 JA +13 11 219 SI +13 11 220 SE +13 11 221 SI +13 11 222 ER +13 11 223 TI +13 11 224 SI +13 11 225 JA +13 11 226 SE +13 11 227 SE +13 11 228 SE +13 11 229 TI +13 11 230 SI +13 11 231 ER +13 11 232 SE +13 11 233 SE +13 11 234 TI +13 11 235 SE +13 11 236 TI +13 11 237 SI +13 11 238 TI +13 11 239 ER +13 11 240 ER +13 11 241 SI +13 11 242 SI +13 11 243 ER +13 11 244 SI +13 11 245 ER +13 11 246 TI +13 11 247 SI +13 11 248 SE +13 11 249 TI +13 11 250 ER +13 11 251 TI +13 11 252 SI +13 11 253 TI +13 11 254 SE +13 11 255 SE +13 11 256 ER +13 11 257 SE +13 11 258 JA +13 11 259 ER +13 11 260 SI +13 11 261 JA +13 11 262 SI +13 11 263 SI +13 11 264 SI +13 11 265 TI +13 11 266 ER +13 11 267 ER +13 11 268 TI +13 11 269 ER +13 11 270 JA +13 11 271 SE +13 11 272 SI +13 11 273 ER +13 11 274 SI +13 11 275 JA +13 11 276 ER +13 11 277 TI +13 11 278 SI +13 11 279 SE +13 11 280 TI +13 11 281 TI +13 11 282 IB +13 11 283 ER +13 11 284 SI +13 11 285 ER +13 11 286 SI +13 11 287 JA +13 11 288 ER +13 11 289 IB +13 11 290 SI +13 11 291 SE +13 11 292 ER +13 11 293 SI +13 11 294 SI +13 11 295 SE +13 11 296 SE +13 11 297 JA +13 11 298 ER +13 11 299 IB +13 11 300 SI +13 11 301 IB +13 11 302 SI +13 11 303 SI +13 11 304 TI +13 11 305 ER +13 11 306 TI +13 11 307 IB +13 11 308 SE +13 11 309 SE +13 11 310 TI +13 11 311 SE +13 11 312 SE +13 11 313 SE +13 11 314 SI +13 11 315 IB +13 11 316 TI +13 11 317 ER +13 11 318 ER +13 11 319 SI +13 11 320 TI +13 11 321 ER +13 11 322 SI +13 11 323 IB +13 11 324 SI +13 11 325 ER +13 11 326 JA +13 11 327 SI +13 11 328 TI +13 11 329 JA +13 11 330 SI +13 12 1 TI +13 12 2 TI +13 12 3 ER +13 12 4 SE +13 12 5 TI +13 12 6 ER +13 12 7 TI +13 12 8 ER +13 12 9 SI +13 12 10 IB +13 12 11 TI +13 12 12 JA +13 12 13 TI +13 12 14 SE +13 12 15 SI +13 12 16 SI +13 12 17 ER +13 12 18 SE +13 12 19 TI +13 12 20 TI +13 12 21 ER +13 12 22 JA +13 12 23 SE +13 12 24 JA +13 12 25 TI +13 12 26 SE +13 12 27 SI +13 12 28 ER +13 12 29 TI +13 12 30 ER +13 12 31 SI +13 12 32 ER +13 12 33 TI +13 12 34 IB +13 12 35 ER +13 12 36 TI +13 12 37 IB +13 12 38 ER +13 12 39 TI +13 12 40 TI +13 12 41 ER +13 12 42 JA +13 12 43 SE +13 12 44 SI +13 12 45 TI +13 12 46 SE +13 12 47 SE +13 12 48 JA +13 12 49 TI +13 12 50 IB +13 12 51 SE +13 12 52 SI +13 12 53 ER +13 12 54 TI +13 12 55 TI +13 12 56 ER +13 12 57 SE +13 12 58 SE +13 12 59 SI +13 12 60 IB +13 12 61 ER +13 12 62 SE +13 12 63 ER +13 12 64 IB +13 12 65 ER +13 12 66 SI +13 12 67 TI +13 12 68 ER +13 12 69 SE +13 12 70 SI +13 12 71 SE +13 12 72 TI +13 12 73 SE +13 12 74 SI +13 12 75 TI +13 12 76 ER +13 12 77 TI +13 12 78 SI +13 12 79 SE +13 12 80 IB +13 12 81 JA +13 12 82 TI +13 12 83 SI +13 12 84 ER +13 12 85 TI +13 12 86 ER +13 12 87 SE +13 12 88 ER +13 12 89 SE +13 12 90 SE +13 12 91 JA +13 12 92 SI +13 12 93 IB +13 12 94 SE +13 12 95 SI +13 12 96 JA +13 12 97 IB +13 12 98 ER +13 12 99 SE +13 12 100 TI +13 12 101 ER +13 12 102 SE +13 12 103 SE +13 12 104 TI +13 12 105 ER +13 12 106 JA +13 12 107 SI +13 12 108 SI +13 12 109 IB +13 12 110 JA +13 12 111 SE +13 12 112 ER +13 12 113 SE +13 12 114 TI +13 12 115 ER +13 12 116 SI +13 12 117 SE +13 12 118 ER +13 12 119 TI +13 12 120 SI +13 12 121 ER +13 12 122 TI +13 12 123 SE +13 12 124 JA +13 12 125 ER +13 12 126 ER +13 12 127 SE +13 12 128 JA +13 12 129 SI +13 12 130 SE +13 12 131 IB +13 12 132 ER +13 12 133 TI +13 12 134 SE +13 12 135 ER +13 12 136 TI +13 12 137 TI +13 12 138 IB +13 12 139 SI +13 12 140 IB +13 12 141 SI +13 12 142 SI +13 12 143 JA +13 12 144 IB +13 12 145 TI +13 12 146 JA +13 12 147 TI +13 12 148 ER +13 12 149 TI +13 12 150 IB +13 12 151 ER +13 12 152 SI +13 12 153 TI +13 12 154 SE +13 12 155 SE +13 12 156 TI +13 12 157 SE +13 12 158 SI +13 12 159 JA +13 12 160 ER +13 12 161 TI +13 12 162 ER +13 12 163 TI +13 12 164 IB +13 12 165 SE +13 12 166 IB +13 12 167 SI +13 12 168 SE +13 12 169 IB +13 12 170 SE +13 12 171 TI +13 12 172 SI +13 12 173 ER +13 12 174 JA +13 12 175 SI +13 12 176 ER +13 12 177 JA +13 12 178 IB +13 12 179 ER +13 12 180 TI +13 12 181 JA +13 12 182 IB +13 12 183 SE +13 12 184 IB +13 12 185 JA +13 12 186 TI +13 12 187 JA +13 12 188 SE +13 12 189 SI +13 12 190 ER +13 12 191 TI +13 12 192 SE +13 12 193 JA +13 12 194 ER +13 12 195 TI +13 12 196 SI +13 12 197 IB +13 12 198 SE +13 12 199 SI +13 12 200 TI +13 12 201 ER +13 12 202 TI +13 12 203 ER +13 12 204 SE +13 12 205 IB +13 12 206 SI +13 12 207 ER +13 12 208 JA +13 12 209 TI +13 12 210 ER +13 12 211 TI +13 12 212 JA +13 12 213 SI +13 12 214 JA +13 12 215 ER +13 12 216 SE +13 12 217 ER +13 12 218 JA +13 12 219 SI +13 12 220 IB +13 12 221 SI +13 12 222 IB +13 12 223 TI +13 12 224 SI +13 12 225 JA +13 12 226 SE +13 12 227 SE +13 12 228 IB +13 12 229 TI +13 12 230 SI +13 12 231 ER +13 12 232 JA +13 12 233 IB +13 12 234 TI +13 12 235 IB +13 12 236 JA +13 12 237 ER +13 12 238 TI +13 12 239 ER +13 12 240 ER +13 12 241 SI +13 12 242 JA +13 12 243 ER +13 12 244 SI +13 12 245 ER +13 12 246 TI +13 12 247 SE +13 12 248 SE +13 12 249 TI +13 12 250 IB +13 12 251 TI +13 12 252 SI +13 12 253 TI +13 12 254 SE +13 12 255 SE +13 12 256 ER +13 12 257 IB +13 12 258 JA +13 12 259 ER +13 12 260 SI +13 12 261 ER +13 12 262 SI +13 12 263 SI +13 12 264 SI +13 12 265 TI +13 12 266 ER +13 12 267 IB +13 12 268 TI +13 12 269 ER +13 12 270 JA +13 12 271 SE +13 12 272 SI +13 12 273 ER +13 12 274 SI +13 12 275 JA +13 12 276 ER +13 12 277 SE +13 12 278 ER +13 12 279 IB +13 12 280 TI +13 12 281 TI +13 12 282 TI +13 12 283 SE +13 12 284 SI +13 12 285 ER +13 12 286 SI +13 12 287 JA +13 12 288 ER +13 12 289 TI +13 12 290 SI +13 12 291 IB +13 12 292 ER +13 12 293 SI +13 12 294 SI +13 12 295 SE +13 12 296 IB +13 12 297 JA +13 12 298 ER +13 12 299 TI +13 12 300 SI +13 12 301 TI +13 12 302 SI +13 12 303 SI +13 12 304 JA +13 12 305 IB +13 12 306 TI +13 12 307 SE +13 12 308 ER +13 12 309 SE +13 12 310 TI +13 12 311 SE +13 12 312 SE +13 12 313 IB +13 12 314 SI +13 12 315 TI +13 12 316 TI +13 12 317 ER +13 12 318 ER +13 12 319 SI +13 12 320 JA +13 12 321 ER +13 12 322 SI +13 12 323 TI +13 12 324 SI +13 12 325 ER +13 12 326 JA +13 12 327 SI +13 12 328 TI +13 12 329 ER +13 12 330 SI +13 13 1 TI +13 13 2 FA +13 13 3 ER +13 13 4 ER +13 13 5 FA +13 13 6 ER +13 13 7 WL +13 13 8 ER +13 13 9 WL +13 13 10 SI +13 13 11 ER +13 13 12 WL +13 13 13 ER +13 13 14 SI +13 13 15 ER +13 13 16 TR +13 13 17 ER +13 13 18 ER +13 13 19 WL +13 13 20 FA +13 13 21 ER +13 13 22 WL +13 13 23 SE +13 13 24 ER +13 13 25 ER +13 13 26 TU +13 13 27 WL +13 13 28 ER +13 13 29 WL +13 13 30 ER +13 13 31 WL +13 13 32 ER +13 13 33 WL +13 13 34 SI +13 13 35 ER +13 13 36 SI +13 13 37 WL +13 13 38 ER +13 13 39 SI +13 13 40 WL +13 13 41 ER +13 13 42 WL +13 13 43 SI +13 13 44 WL +13 13 45 WL +13 13 46 SI +13 13 47 SI +13 13 48 WL +13 13 49 WL +13 13 50 SI +13 13 51 SI +13 13 52 WL +13 13 53 ER +13 13 54 SI +13 13 55 WL +13 13 56 ER +13 13 57 SI +13 13 58 WL +13 13 59 TU +13 13 60 SI +13 13 61 ER +13 13 62 SI +13 13 63 ER +13 13 64 SI +13 13 65 ER +13 13 66 WL +13 13 67 WL +13 13 68 ER +13 13 69 SI +13 13 70 TU +13 13 71 SI +13 13 72 SI +13 13 73 SI +13 13 74 WL +13 13 75 SI +13 13 76 ER +13 13 77 SI +13 13 78 ER +13 13 79 SI +13 13 80 ER +13 13 81 SI +13 13 82 SI +13 13 83 WL +13 13 84 SI +13 13 85 SI +13 13 86 ER +13 13 87 SI +13 13 88 ER +13 13 89 SI +13 13 90 SI +13 13 91 WL +13 13 92 WL +13 13 93 SI +13 13 94 SI +13 13 95 WL +13 13 96 WL +13 13 97 SI +13 13 98 ER +13 13 99 SI +13 13 100 WL +13 13 101 SI +13 13 102 TU +13 13 103 SI +13 13 104 WL +13 13 105 ER +13 13 106 WL +13 13 107 SI +13 13 108 WL +13 13 109 SI +13 13 110 WL +13 13 111 SI +13 13 112 ER +13 13 113 SI +13 13 114 SI +13 13 115 SI +13 13 116 SI +13 13 117 SI +13 13 118 ER +13 13 119 SI +13 13 120 WL +13 13 121 ER +13 13 122 SI +13 13 123 SI +13 13 124 WL +13 13 125 ER +13 13 126 ER +13 13 127 SI +13 13 128 WL +13 13 129 SI +13 13 130 SI +13 13 131 SI +13 13 132 ER +13 13 133 ER +13 13 134 SI +13 13 135 ER +13 13 136 SI +13 13 137 SI +13 13 138 SI +13 13 139 SI +13 13 140 SI +13 13 141 WL +13 13 142 SI +13 13 143 WL +13 13 144 SI +13 13 145 WL +13 13 146 WL +13 13 147 SI +13 13 148 ER +13 13 149 WL +13 13 150 SI +13 13 151 ER +13 13 152 ER +13 13 153 SI +13 13 154 SI +13 13 155 SI +13 13 156 SI +13 13 157 SI +13 13 158 TU +13 13 159 WL +13 13 160 ER +13 13 161 WL +13 13 162 ER +13 13 163 SI +13 13 164 SI +13 13 165 SI +13 13 166 SI +13 13 167 TU +13 13 168 SI +13 13 169 SI +13 13 170 SI +13 13 171 SI +13 13 172 TU +13 13 173 ER +13 13 174 WL +13 13 175 WL +13 13 176 ER +13 13 177 WL +13 13 178 SI +13 13 179 SI +13 13 180 WL +13 13 181 ER +13 13 182 ER +13 13 183 SI +13 13 184 ER +13 13 185 SI +13 13 186 WL +13 13 187 WL +13 13 188 SI +13 13 189 WL +13 13 190 ER +13 13 191 SI +13 13 192 SI +13 13 193 WL +13 13 194 ER +13 13 195 SI +13 13 196 WL +13 13 197 ER +13 13 198 SI +13 13 199 WL +13 13 200 SI +13 13 201 ER +13 13 202 SI +13 13 203 ER +13 13 204 SI +13 13 205 SI +13 13 206 WL +13 13 207 ER +13 13 208 SI +13 13 209 SI +13 13 210 SI +13 13 211 SI +13 13 212 ER +13 13 213 SI +13 13 214 WL +13 13 215 ER +13 13 216 SI +13 13 217 ER +13 13 218 SI +13 13 219 WL +13 13 220 SI +13 13 221 WL +13 13 222 SI +13 13 223 SI +13 13 224 WL +13 13 225 SI +13 13 226 SI +13 13 227 SI +13 13 228 SI +13 13 229 WL +13 13 230 SI +13 13 231 ER +13 13 232 SI +13 13 233 SI +13 13 234 SI +13 13 235 SI +13 13 236 WL +13 13 237 ER +13 13 238 SI +13 13 239 ER +13 13 240 SI +13 13 241 WL +13 13 242 WL +13 13 243 ER +13 13 244 WL +13 13 245 ER +13 13 246 SI +13 13 247 SI +13 13 248 SI +13 13 249 SI +13 13 250 SI +13 13 251 WL +13 13 252 WL +13 13 253 WL +13 13 254 SI +13 13 255 SI +13 13 256 ER +13 13 257 SI +13 13 258 WL +13 13 259 ER +13 13 260 WL +13 13 261 ER +13 13 262 SI +13 13 263 SI +13 13 264 WL +13 13 265 SI +13 13 266 ER +13 13 267 SI +13 13 268 SI +13 13 269 ER +13 13 270 ER +13 13 271 SI +13 13 272 TU +13 13 273 ER +13 13 274 SI +13 13 275 WL +13 13 276 ER +13 13 277 SI +13 13 278 ER +13 13 279 SI +13 13 280 SI +13 13 281 SI +13 13 282 SI +13 13 283 SI +13 13 284 WL +13 13 285 ER +13 13 286 SI +13 13 287 SI +13 13 288 ER +13 13 289 SI +13 13 290 SI +13 13 291 SI +13 13 292 ER +13 13 293 SI +13 13 294 SI +13 13 295 SI +13 13 296 SI +13 13 297 ER +13 13 298 ER +13 13 299 SI +13 13 300 SI +13 13 301 SI +13 13 302 TU +13 13 303 SI +13 13 304 SI +13 13 305 ER +13 13 306 WL +13 13 307 SI +13 13 308 SI +13 13 309 SI +13 13 310 SI +13 13 311 SI +13 13 312 SI +13 13 313 SI +13 13 314 WL +13 13 315 WL +13 13 316 WL +13 13 317 ER +13 13 318 ER +13 13 319 SI +13 13 320 SI +13 13 321 ER +13 13 322 SI +13 13 323 SI +13 13 324 SI +13 13 325 ER +13 13 326 WL +13 13 327 SI +13 13 328 SI +13 13 329 SI +13 13 330 WL +13 14 1 TI +13 14 2 JA +13 14 3 ER +13 14 4 SE +13 14 5 TI +13 14 6 JA +13 14 7 TI +13 14 8 ER +13 14 9 JA +13 14 10 SE +13 14 11 TI +13 14 12 JA +13 14 13 IB +13 14 14 TA +13 14 15 IB +13 14 16 SI +13 14 17 ER +13 14 18 SE +13 14 19 IB +13 14 20 JA +13 14 21 ER +13 14 22 JA +13 14 23 IB +13 14 24 TI +13 14 25 IB +13 14 26 JA +13 14 27 SI +13 14 28 ER +13 14 29 TI +13 14 30 JA +13 14 31 TI +13 14 32 IB +13 14 33 TI +13 14 34 IB +13 14 35 ER +13 14 36 IB +13 14 37 IB +13 14 38 ER +13 14 39 TI +13 14 40 IB +13 14 41 ER +13 14 42 JA +13 14 43 IB +13 14 44 SI +13 14 45 IB +13 14 46 SE +13 14 47 IB +13 14 48 JA +13 14 49 TI +13 14 50 SE +13 14 51 IB +13 14 52 SI +13 14 53 ER +13 14 54 TI +13 14 55 IB +13 14 56 TI +13 14 57 IB +13 14 58 JA +13 14 59 SI +13 14 60 SE +13 14 61 ER +13 14 62 IB +13 14 63 ER +13 14 64 IB +13 14 65 ER +13 14 66 SI +13 14 67 IB +13 14 68 JA +13 14 69 IB +13 14 70 SI +13 14 71 TI +13 14 72 IB +13 14 73 SE +13 14 74 TI +13 14 75 IB +13 14 76 ER +13 14 77 IB +13 14 78 JA +13 14 79 SE +13 14 80 IB +13 14 81 JA +13 14 82 TI +13 14 83 SI +13 14 84 JA +13 14 85 IB +13 14 86 TI +13 14 87 SE +13 14 88 ER +13 14 89 SI +13 14 90 IB +13 14 91 JA +13 14 92 TI +13 14 93 IB +13 14 94 SE +13 14 95 TI +13 14 96 JA +13 14 97 IB +13 14 98 ER +13 14 99 TI +13 14 100 TI +13 14 101 ER +13 14 102 IB +13 14 103 TI +13 14 104 TI +13 14 105 ER +13 14 106 JA +13 14 107 SI +13 14 108 TI +13 14 109 IB +13 14 110 JA +13 14 111 TI +13 14 112 ER +13 14 113 SE +13 14 114 TI +13 14 115 ER +13 14 116 TI +13 14 117 SE +13 14 118 ER +13 14 119 TI +13 14 120 SI +13 14 121 ER +13 14 122 TI +13 14 123 IB +13 14 124 JA +13 14 125 ER +13 14 126 JA +13 14 127 IB +13 14 128 JA +13 14 129 SI +13 14 130 IB +13 14 131 TI +13 14 132 ER +13 14 133 TI +13 14 134 SI +13 14 135 ER +13 14 136 TI +13 14 137 IB +13 14 138 TI +13 14 139 SI +13 14 140 IB +13 14 141 SI +13 14 142 SI +13 14 143 TI +13 14 144 SE +13 14 145 IB +13 14 146 JA +13 14 147 TI +13 14 148 ER +13 14 149 TI +13 14 150 IB +13 14 151 JA +13 14 152 TI +13 14 153 IB +13 14 154 SE +13 14 155 SI +13 14 156 IB +13 14 157 IB +13 14 158 SI +13 14 159 JA +13 14 160 JA +13 14 161 TI +13 14 162 ER +13 14 163 TI +13 14 164 IB +13 14 165 TI +13 14 166 SE +13 14 167 TI +13 14 168 IB +13 14 169 TI +13 14 170 SE +13 14 171 TI +13 14 172 SI +13 14 173 ER +13 14 174 JA +13 14 175 TI +13 14 176 ER +13 14 177 JA +13 14 178 IB +13 14 179 TI +13 14 180 JA +13 14 181 IB +13 14 182 TI +13 14 183 JA +13 14 184 IB +13 14 185 TI +13 14 186 IB +13 14 187 JA +13 14 188 IB +13 14 189 TI +13 14 190 JA +13 14 191 IB +13 14 192 SE +13 14 193 JA +13 14 194 TI +13 14 195 IB +13 14 196 TI +13 14 197 TI +13 14 198 SE +13 14 199 TI +13 14 200 IB +13 14 201 JA +13 14 202 TI +13 14 203 ER +13 14 204 SE +13 14 205 IB +13 14 206 SI +13 14 207 ER +13 14 208 SI +13 14 209 TI +13 14 210 IB +13 14 211 TI +13 14 212 JA +13 14 213 IB +13 14 214 JA +13 14 215 TI +13 14 216 SE +13 14 217 JA +13 14 218 IB +13 14 219 SI +13 14 220 IB +13 14 221 SI +13 14 222 IB +13 14 223 TI +13 14 224 SI +13 14 225 TI +13 14 226 SE +13 14 227 SE +13 14 228 IB +13 14 229 TI +13 14 230 SI +13 14 231 IB +13 14 232 TI +13 14 233 IB +13 14 234 IB +13 14 235 TI +13 14 236 JA +13 14 237 JA +13 14 238 TI +13 14 239 ER +13 14 240 TI +13 14 241 SI +13 14 242 JA +13 14 243 ER +13 14 244 SI +13 14 245 ER +13 14 246 IB +13 14 247 IB +13 14 248 SE +13 14 249 IB +13 14 250 IB +13 14 251 TI +13 14 252 SI +13 14 253 TI +13 14 254 IB +13 14 255 SI +13 14 256 ER +13 14 257 TI +13 14 258 JA +13 14 259 ER +13 14 260 SI +13 14 261 JA +13 14 262 SI +13 14 263 SE +13 14 264 TI +13 14 265 IB +13 14 266 ER +13 14 267 TI +13 14 268 TI +13 14 269 ER +13 14 270 JA +13 14 271 IB +13 14 272 SI +13 14 273 IB +13 14 274 SI +13 14 275 JA +13 14 276 ER +13 14 277 IB +13 14 278 JA +13 14 279 IB +13 14 280 TI +13 14 281 TI +13 14 282 TI +13 14 283 SE +13 14 284 SI +13 14 285 JA +13 14 286 SI +13 14 287 TI +13 14 288 ER +13 14 289 TI +13 14 290 SI +13 14 291 IB +13 14 292 JA +13 14 293 SI +13 14 294 SI +13 14 295 SE +13 14 296 IB +13 14 297 JA +13 14 298 ER +13 14 299 TI +13 14 300 SI +13 14 301 TI +13 14 302 SI +13 14 303 IB +13 14 304 TI +13 14 305 IB +13 14 306 TI +13 14 307 IB +13 14 308 TI +13 14 309 SE +13 14 310 TI +13 14 311 IB +13 14 312 SE +13 14 313 IB +13 14 314 SI +13 14 315 TI +13 14 316 IB +13 14 317 ER +13 14 318 JA +13 14 319 SI +13 14 320 TI +13 14 321 ER +13 14 322 IB +13 14 323 TI +13 14 324 SI +13 14 325 IB +13 14 326 JA +13 14 327 SI +13 14 328 IB +13 14 329 TI +13 14 330 SI +13 15 1 SI +13 15 2 SI +13 15 3 ER +13 15 4 SE +13 15 5 GU +13 15 6 SI +13 15 7 GU +13 15 8 ER +13 15 9 ER +13 15 10 SE +13 15 11 SI +13 15 12 SI +13 15 13 SE +13 15 14 SE +13 15 15 SI +13 15 16 SI +13 15 17 ER +13 15 18 SE +13 15 19 GU +13 15 20 TI +13 15 21 ER +13 15 22 SI +13 15 23 SE +13 15 24 TI +13 15 25 SE +13 15 26 SE +13 15 27 SI +13 15 28 ER +13 15 29 TI +13 15 30 ER +13 15 31 SI +13 15 32 ER +13 15 33 GU +13 15 34 SE +13 15 35 ER +13 15 36 SE +13 15 37 SE +13 15 38 ER +13 15 39 TI +13 15 40 TI +13 15 41 ER +13 15 42 SI +13 15 43 SE +13 15 44 SI +13 15 45 TI +13 15 46 SE +13 15 47 SE +13 15 48 SI +13 15 49 TI +13 15 50 SE +13 15 51 SE +13 15 52 SI +13 15 53 ER +13 15 54 GU +13 15 55 TI +13 15 56 SI +13 15 57 SE +13 15 58 SI +13 15 59 SI +13 15 60 SE +13 15 61 ER +13 15 62 SI +13 15 63 ER +13 15 64 SE +13 15 65 ER +13 15 66 SI +13 15 67 TI +13 15 68 ER +13 15 69 SE +13 15 70 SI +13 15 71 ER +13 15 72 GU +13 15 73 SE +13 15 74 SI +13 15 75 SE +13 15 76 ER +13 15 77 TI +13 15 78 SI +13 15 79 SE +13 15 80 TI +13 15 81 SI +13 15 82 SI +13 15 83 SI +13 15 84 ER +13 15 85 TI +13 15 86 ER +13 15 87 SE +13 15 88 ER +13 15 89 SE +13 15 90 SE +13 15 91 SI +13 15 92 SI +13 15 93 TI +13 15 94 SE +13 15 95 SI +13 15 96 SI +13 15 97 SE +13 15 98 ER +13 15 99 SI +13 15 100 SI +13 15 101 ER +13 15 102 SI +13 15 103 SE +13 15 104 TI +13 15 105 ER +13 15 106 SI +13 15 107 SI +13 15 108 SI +13 15 109 SE +13 15 110 SI +13 15 111 SE +13 15 112 ER +13 15 113 SE +13 15 114 TI +13 15 115 ER +13 15 116 SI +13 15 117 SE +13 15 118 ER +13 15 119 GU +13 15 120 SI +13 15 121 ER +13 15 122 TI +13 15 123 TI +13 15 124 SI +13 15 125 ER +13 15 126 ER +13 15 127 SE +13 15 128 SI +13 15 129 SI +13 15 130 SE +13 15 131 ER +13 15 132 ER +13 15 133 TI +13 15 134 SE +13 15 135 ER +13 15 136 TI +13 15 137 SE +13 15 138 SI +13 15 139 SI +13 15 140 GU +13 15 141 SI +13 15 142 SI +13 15 143 TI +13 15 144 SE +13 15 145 SI +13 15 146 SI +13 15 147 TI +13 15 148 ER +13 15 149 SI +13 15 150 SE +13 15 151 ER +13 15 152 ER +13 15 153 TI +13 15 154 SE +13 15 155 SE +13 15 156 TI +13 15 157 SE +13 15 158 SI +13 15 159 SI +13 15 160 ER +13 15 161 TI +13 15 162 ER +13 15 163 SE +13 15 164 TI +13 15 165 SE +13 15 166 SE +13 15 167 SI +13 15 168 TI +13 15 169 TI +13 15 170 SE +13 15 171 SE +13 15 172 SI +13 15 173 ER +13 15 174 SI +13 15 175 SI +13 15 176 ER +13 15 177 SI +13 15 178 SE +13 15 179 ER +13 15 180 TI +13 15 181 SI +13 15 182 ER +13 15 183 SI +13 15 184 ER +13 15 185 SI +13 15 186 TI +13 15 187 SI +13 15 188 TI +13 15 189 SI +13 15 190 ER +13 15 191 TI +13 15 192 ER +13 15 193 SI +13 15 194 ER +13 15 195 GU +13 15 196 SI +13 15 197 ER +13 15 198 SE +13 15 199 SI +13 15 200 SI +13 15 201 ER +13 15 202 TI +13 15 203 ER +13 15 204 SE +13 15 205 SE +13 15 206 SI +13 15 207 ER +13 15 208 SI +13 15 209 GU +13 15 210 ER +13 15 211 TI +13 15 212 ER +13 15 213 SI +13 15 214 SI +13 15 215 ER +13 15 216 SE +13 15 217 ER +13 15 218 SI +13 15 219 SI +13 15 220 SE +13 15 221 SI +13 15 222 SE +13 15 223 TI +13 15 224 SI +13 15 225 SI +13 15 226 TI +13 15 227 SE +13 15 228 SE +13 15 229 TI +13 15 230 SI +13 15 231 ER +13 15 232 SE +13 15 233 SI +13 15 234 TI +13 15 235 TI +13 15 236 SI +13 15 237 ER +13 15 238 TI +13 15 239 ER +13 15 240 ER +13 15 241 SI +13 15 242 SI +13 15 243 ER +13 15 244 SI +13 15 245 ER +13 15 246 TI +13 15 247 GU +13 15 248 SE +13 15 249 TI +13 15 250 SE +13 15 251 SI +13 15 252 SI +13 15 253 TI +13 15 254 TI +13 15 255 SE +13 15 256 ER +13 15 257 SE +13 15 258 SI +13 15 259 ER +13 15 260 SI +13 15 261 ER +13 15 262 SI +13 15 263 SE +13 15 264 SI +13 15 265 TI +13 15 266 ER +13 15 267 ER +13 15 268 SI +13 15 269 ER +13 15 270 ER +13 15 271 SE +13 15 272 SI +13 15 273 ER +13 15 274 SI +13 15 275 SE +13 15 276 ER +13 15 277 TI +13 15 278 ER +13 15 279 GU +13 15 280 SI +13 15 281 TI +13 15 282 GU +13 15 283 ER +13 15 284 SI +13 15 285 ER +13 15 286 SI +13 15 287 SI +13 15 288 ER +13 15 289 TI +13 15 290 SI +13 15 291 TI +13 15 292 ER +13 15 293 SI +13 15 294 SI +13 15 295 SE +13 15 296 SE +13 15 297 SI +13 15 298 ER +13 15 299 TI +13 15 300 SI +13 15 301 TI +13 15 302 SI +13 15 303 SI +13 15 304 SE +13 15 305 ER +13 15 306 SI +13 15 307 TI +13 15 308 SI +13 15 309 SE +13 15 310 TI +13 15 311 TI +13 15 312 SE +13 15 313 SE +13 15 314 SI +13 15 315 GU +13 15 316 TI +13 15 317 ER +13 15 318 ER +13 15 319 SI +13 15 320 SI +13 15 321 ER +13 15 322 TI +13 15 323 SE +13 15 324 SI +13 15 325 ER +13 15 326 WL +13 15 327 SI +13 15 328 SE +13 15 329 SE +13 15 330 SI +13 16 1 TI +13 16 2 WL +13 16 3 ER +13 16 4 WL +13 16 5 IB +13 16 6 GO +13 16 7 IB +13 16 8 ER +13 16 9 WL +13 16 10 SE +13 16 11 TI +13 16 12 WL +13 16 13 SE +13 16 14 SI +13 16 15 WL +13 16 16 SI +13 16 17 ER +13 16 18 SI +13 16 19 IB +13 16 20 WL +13 16 21 ER +13 16 22 SI +13 16 23 ER +13 16 24 SE +13 16 25 IB +13 16 26 SI +13 16 27 WL +13 16 28 ER +13 16 29 IB +13 16 30 WL +13 16 31 IB +13 16 32 ER +13 16 33 TI +13 16 34 SE +13 16 35 ER +13 16 36 SI +13 16 37 SE +13 16 38 ER +13 16 39 IB +13 16 40 TI +13 16 41 ER +13 16 42 WL +13 16 43 SI +13 16 44 SI +13 16 45 TI +13 16 46 SI +13 16 47 SE +13 16 48 WL +13 16 49 TI +13 16 50 SI +13 16 51 WL +13 16 52 TI +13 16 53 ER +13 16 54 SE +13 16 55 IB +13 16 56 WL +13 16 57 SE +13 16 58 WL +13 16 59 SI +13 16 60 SE +13 16 61 ER +13 16 62 IB +13 16 63 WL +13 16 64 TI +13 16 65 ER +13 16 66 SI +13 16 67 JA +13 16 68 ER +13 16 69 SE +13 16 70 SI +13 16 71 ER +13 16 72 SI +13 16 73 ER +13 16 74 SE +13 16 75 SI +13 16 76 ER +13 16 77 SE +13 16 78 JA +13 16 79 SE +13 16 80 IB +13 16 81 WL +13 16 82 SE +13 16 83 WL +13 16 84 ER +13 16 85 TI +13 16 86 ER +13 16 87 SI +13 16 88 ER +13 16 89 SE +13 16 90 TI +13 16 91 JA +13 16 92 SI +13 16 93 TI +13 16 94 SI +13 16 95 JA +13 16 96 WL +13 16 97 SE +13 16 98 ER +13 16 99 TI +13 16 100 IB +13 16 101 ER +13 16 102 SI +13 16 103 JA +13 16 104 TI +13 16 105 ER +13 16 106 JA +13 16 107 SI +13 16 108 WL +13 16 109 SE +13 16 110 JA +13 16 111 SE +13 16 112 ER +13 16 113 SE +13 16 114 SI +13 16 115 ER +13 16 116 SI +13 16 117 SE +13 16 118 ER +13 16 119 TI +13 16 120 SI +13 16 121 ER +13 16 122 TI +13 16 123 SE +13 16 124 WL +13 16 125 ER +13 16 126 TI +13 16 127 SE +13 16 128 WL +13 16 129 SI +13 16 130 SE +13 16 131 JA +13 16 132 ER +13 16 133 TI +13 16 134 SE +13 16 135 ER +13 16 136 TI +13 16 137 SE +13 16 138 TI +13 16 139 SI +13 16 140 TI +13 16 141 SI +13 16 142 WL +13 16 143 SE +13 16 144 WL +13 16 145 TI +13 16 146 WL +13 16 147 TI +13 16 148 ER +13 16 149 WL +13 16 150 SE +13 16 151 ER +13 16 152 SE +13 16 153 TI +13 16 154 SE +13 16 155 TI +13 16 156 SE +13 16 157 TI +13 16 158 SI +13 16 159 WL +13 16 160 ER +13 16 161 TI +13 16 162 ER +13 16 163 SE +13 16 164 TI +13 16 165 WL +13 16 166 SE +13 16 167 SI +13 16 168 TI +13 16 169 TI +13 16 170 SE +13 16 171 WL +13 16 172 SI +13 16 173 ER +13 16 174 WL +13 16 175 TI +13 16 176 ER +13 16 177 WL +13 16 178 SE +13 16 179 ER +13 16 180 TI +13 16 181 WL +13 16 182 SE +13 16 183 WL +13 16 184 ER +13 16 185 WL +13 16 186 TI +13 16 187 WL +13 16 188 TI +13 16 189 SI +13 16 190 WL +13 16 191 TI +13 16 192 SE +13 16 193 WL +13 16 194 ER +13 16 195 WL +13 16 196 TI +13 16 197 SE +13 16 198 SI +13 16 199 WL +13 16 200 TI +13 16 201 ER +13 16 202 IB +13 16 203 ER +13 16 204 SI +13 16 205 SE +13 16 206 WL +13 16 207 ER +13 16 208 JA +13 16 209 SE +13 16 210 SE +13 16 211 TI +13 16 212 ER +13 16 213 SE +13 16 214 WL +13 16 215 WL +13 16 216 SE +13 16 217 ER +13 16 218 JA +13 16 219 TI +13 16 220 SE +13 16 221 TI +13 16 222 SE +13 16 223 TI +13 16 224 SI +13 16 225 WL +13 16 226 TI +13 16 227 SE +13 16 228 SE +13 16 229 TI +13 16 230 SI +13 16 231 ER +13 16 232 SE +13 16 233 WL +13 16 234 TI +13 16 235 SE +13 16 236 WL +13 16 237 JA +13 16 238 TI +13 16 239 ER +13 16 240 TI +13 16 241 SI +13 16 242 WL +13 16 243 ER +13 16 244 TI +13 16 245 ER +13 16 246 IB +13 16 247 SE +13 16 248 SI +13 16 249 TI +13 16 250 SE +13 16 251 TI +13 16 252 SI +13 16 253 TI +13 16 254 IB +13 16 255 SE +13 16 256 ER +13 16 257 SE +13 16 258 WL +13 16 259 ER +13 16 260 WL +13 16 261 JA +13 16 262 SI +13 16 263 SE +13 16 264 IB +13 16 265 TI +13 16 266 ER +13 16 267 SE +13 16 268 TI +13 16 269 JA +13 16 270 WL +13 16 271 SE +13 16 272 SI +13 16 273 ER +13 16 274 SI +13 16 275 JA +13 16 276 ER +13 16 277 TI +13 16 278 WL +13 16 279 SE +13 16 280 JA +13 16 281 SE +13 16 282 WL +13 16 283 ER +13 16 284 SI +13 16 285 TI +13 16 286 SI +13 16 287 WL +13 16 288 ER +13 16 289 TI +13 16 290 SI +13 16 291 SE +13 16 292 WL +13 16 293 SE +13 16 294 SI +13 16 295 JA +13 16 296 SE +13 16 297 WL +13 16 298 ER +13 16 299 TI +13 16 300 SI +13 16 301 TI +13 16 302 SI +13 16 303 SE +13 16 304 JA +13 16 305 ER +13 16 306 WL +13 16 307 TI +13 16 308 SE +13 16 309 TI +13 16 310 IB +13 16 311 TI +13 16 312 SE +13 16 313 WL +13 16 314 SI +13 16 315 TI +13 16 316 SE +13 16 317 ER +13 16 318 JA +13 16 319 SI +13 16 320 WL +13 16 321 ER +13 16 322 TI +13 16 323 SE +13 16 324 SI +13 16 325 ER +13 16 326 JA +13 16 327 TI +13 16 328 SE +13 16 329 ER +13 16 330 SI +13 17 1 IB +13 17 2 SI +13 17 3 ER +13 17 4 IB +13 17 5 TI +13 17 6 OR +13 17 7 TI +13 17 8 ER +13 17 9 SE +13 17 10 IB +13 17 11 SE +13 17 12 JA +13 17 13 IB +13 17 14 SE +13 17 15 SI +13 17 16 SI +13 17 17 ER +13 17 18 SE +13 17 19 WL +13 17 20 TI +13 17 21 ER +13 17 22 JA +13 17 23 WL +13 17 24 IB +13 17 25 IB +13 17 26 SE +13 17 27 SI +13 17 28 ER +13 17 29 IB +13 17 30 OR +13 17 31 WL +13 17 32 OR +13 17 33 IB +13 17 34 WL +13 17 35 OR +13 17 36 SE +13 17 37 WL +13 17 38 ER +13 17 39 IB +13 17 40 WL +13 17 41 ER +13 17 42 IB +13 17 43 SE +13 17 44 SI +13 17 45 IB +13 17 46 SE +13 17 47 SE +13 17 48 JA +13 17 49 WL +13 17 50 JA +13 17 51 SE +13 17 52 SI +13 17 53 ER +13 17 54 IB +13 17 55 WL +13 17 56 OR +13 17 57 IB +13 17 58 JA +13 17 59 SI +13 17 60 SE +13 17 61 ER +13 17 62 WL +13 17 63 OR +13 17 64 WL +13 17 65 ER +13 17 66 SI +13 17 67 IB +13 17 68 ER +13 17 69 IB +13 17 70 SI +13 17 71 ER +13 17 72 IB +13 17 73 WL +13 17 74 SI +13 17 75 IB +13 17 76 OR +13 17 77 SI +13 17 78 OR +13 17 79 SE +13 17 80 WL +13 17 81 JA +13 17 82 WL +13 17 83 SI +13 17 84 OR +13 17 85 IB +13 17 86 OR +13 17 87 SE +13 17 88 ER +13 17 89 SE +13 17 90 SE +13 17 91 JA +13 17 92 SI +13 17 93 SE +13 17 94 TI +13 17 95 JA +13 17 96 WL +13 17 97 ER +13 17 98 SI +13 17 99 WL +13 17 100 TI +13 17 101 ER +13 17 102 SI +13 17 103 JA +13 17 104 TI +13 17 105 ER +13 17 106 JA +13 17 107 SI +13 17 108 SI +13 17 109 WL +13 17 110 JA +13 17 111 SE +13 17 112 ER +13 17 113 SE +13 17 114 IB +13 17 115 ER +13 17 116 SI +13 17 117 SE +13 17 118 OR +13 17 119 IB +13 17 120 SI +13 17 121 ER +13 17 122 IB +13 17 123 WL +13 17 124 JA +13 17 125 OR +13 17 126 OR +13 17 127 SE +13 17 128 JA +13 17 129 SI +13 17 130 SE +13 17 131 WL +13 17 132 ER +13 17 133 IB +13 17 134 SE +13 17 135 ER +13 17 136 WL +13 17 137 SE +13 17 138 WL +13 17 139 SI +13 17 140 WL +13 17 141 SI +13 17 142 SI +13 17 143 JA +13 17 144 WL +13 17 145 WL +13 17 146 JA +13 17 147 TI +13 17 148 ER +13 17 149 WL +13 17 150 WL +13 17 151 OR +13 17 152 WL +13 17 153 TI +13 17 154 SE +13 17 155 SE +13 17 156 IB +13 17 157 SE +13 17 158 SI +13 17 159 OR +13 17 160 OR +13 17 161 WL +13 17 162 ER +13 17 163 IB +13 17 164 WL +13 17 165 TI +13 17 166 SE +13 17 167 SI +13 17 168 IB +13 17 169 WL +13 17 170 SE +13 17 171 IB +13 17 172 SI +13 17 173 ER +13 17 174 JA +13 17 175 SI +13 17 176 ER +13 17 177 JA +13 17 178 WL +13 17 179 ER +13 17 180 WL +13 17 181 JA +13 17 182 ER +13 17 183 SE +13 17 184 WL +13 17 185 OR +13 17 186 TI +13 17 187 OR +13 17 188 WL +13 17 189 SI +13 17 190 OR +13 17 191 IB +13 17 192 WL +13 17 193 JA +13 17 194 ER +13 17 195 IB +13 17 196 TI +13 17 197 WL +13 17 198 SE +13 17 199 SI +13 17 200 WL +13 17 201 OR +13 17 202 IB +13 17 203 ER +13 17 204 SE +13 17 205 WL +13 17 206 SI +13 17 207 ER +13 17 208 JA +13 17 209 IB +13 17 210 ER +13 17 211 WL +13 17 212 OR +13 17 213 SI +13 17 214 JA +13 17 215 OR +13 17 216 SE +13 17 217 OR +13 17 218 JA +13 17 219 SI +13 17 220 WL +13 17 221 SI +13 17 222 ER +13 17 223 IB +13 17 224 SI +13 17 225 JA +13 17 226 IB +13 17 227 SE +13 17 228 SE +13 17 229 TI +13 17 230 SI +13 17 231 ER +13 17 232 SE +13 17 233 WL +13 17 234 IB +13 17 235 WL +13 17 236 JA +13 17 237 OR +13 17 238 IB +13 17 239 OR +13 17 240 ER +13 17 241 SI +13 17 242 JA +13 17 243 ER +13 17 244 SI +13 17 245 ER +13 17 246 IB +13 17 247 WL +13 17 248 SE +13 17 249 IB +13 17 250 WL +13 17 251 TI +13 17 252 SI +13 17 253 WL +13 17 254 SI +13 17 255 SE +13 17 256 ER +13 17 257 IB +13 17 258 JA +13 17 259 ER +13 17 260 SI +13 17 261 OR +13 17 262 SI +13 17 263 SI +13 17 264 SI +13 17 265 IB +13 17 266 OR +13 17 267 ER +13 17 268 TI +13 17 269 ER +13 17 270 OR +13 17 271 IB +13 17 272 SI +13 17 273 ER +13 17 274 SI +13 17 275 JA +13 17 276 ER +13 17 277 SE +13 17 278 OR +13 17 279 WL +13 17 280 TI +13 17 281 IB +13 17 282 TI +13 17 283 SE +13 17 284 SI +13 17 285 OR +13 17 286 SI +13 17 287 JA +13 17 288 ER +13 17 289 TI +13 17 290 SI +13 17 291 WL +13 17 292 OR +13 17 293 SI +13 17 294 SI +13 17 295 SE +13 17 296 WL +13 17 297 JA +13 17 298 ER +13 17 299 IB +13 17 300 SI +13 17 301 IB +13 17 302 SI +13 17 303 SI +13 17 304 JA +13 17 305 WL +13 17 306 JA +13 17 307 IB +13 17 308 ER +13 17 309 SE +13 17 310 TI +13 17 311 IB +13 17 312 SE +13 17 313 IB +13 17 314 SI +13 17 315 TI +13 17 316 WL +13 17 317 ER +13 17 318 OR +13 17 319 SI +13 17 320 JA +13 17 321 ER +13 17 322 SI +13 17 323 IB +13 17 324 SI +13 17 325 ER +13 17 326 JA +13 17 327 SI +13 17 328 IB +13 17 329 TI +13 17 330 SI +13 18 1 TI +13 18 2 IB +13 18 3 ER +13 18 4 SI +13 18 5 IB +13 18 6 SI +13 18 7 SI +13 18 8 ER +13 18 9 SI +13 18 10 IB +13 18 11 TI +13 18 12 JA +13 18 13 SI +13 18 14 IB +13 18 15 SI +13 18 16 SI +13 18 17 ER +13 18 18 SI +13 18 19 TI +13 18 20 IB +13 18 21 ER +13 18 22 JA +13 18 23 TI +13 18 24 SI +13 18 25 IB +13 18 26 TI +13 18 27 SI +13 18 28 ER +13 18 29 TI +13 18 30 ER +13 18 31 SI +13 18 32 ER +13 18 33 TI +13 18 34 SI +13 18 35 ER +13 18 36 SI +13 18 37 TI +13 18 38 ER +13 18 39 JA +13 18 40 TI +13 18 41 ER +13 18 42 JA +13 18 43 TI +13 18 44 SI +13 18 45 JA +13 18 46 SI +13 18 47 SI +13 18 48 JA +13 18 49 TI +13 18 50 WL +13 18 51 SI +13 18 52 SI +13 18 53 ER +13 18 54 IB +13 18 55 TI +13 18 56 SI +13 18 57 TI +13 18 58 JA +13 18 59 SI +13 18 60 SE +13 18 61 ER +13 18 62 TI +13 18 63 ER +13 18 64 SE +13 18 65 ER +13 18 66 SI +13 18 67 TI +13 18 68 ER +13 18 69 JA +13 18 70 SI +13 18 71 ER +13 18 72 TI +13 18 73 WL +13 18 74 SI +13 18 75 SE +13 18 76 ER +13 18 77 IB +13 18 78 TI +13 18 79 SI +13 18 80 TI +13 18 81 WL +13 18 82 TI +13 18 83 SI +13 18 84 ER +13 18 85 TI +13 18 86 ER +13 18 87 SI +13 18 88 ER +13 18 89 SE +13 18 90 IB +13 18 91 WL +13 18 92 SI +13 18 93 TI +13 18 94 SE +13 18 95 SI +13 18 96 JA +13 18 97 IB +13 18 98 ER +13 18 99 TI +13 18 100 TI +13 18 101 JA +13 18 102 SI +13 18 103 JA +13 18 104 TI +13 18 105 ER +13 18 106 WL +13 18 107 SI +13 18 108 TI +13 18 109 WL +13 18 110 WL +13 18 111 SE +13 18 112 ER +13 18 113 SI +13 18 114 IB +13 18 115 ER +13 18 116 SI +13 18 117 SE +13 18 118 ER +13 18 119 IB +13 18 120 SI +13 18 121 ER +13 18 122 IB +13 18 123 TI +13 18 124 WL +13 18 125 ER +13 18 126 TI +13 18 127 SE +13 18 128 SI +13 18 129 JA +13 18 130 SE +13 18 131 TI +13 18 132 ER +13 18 133 IB +13 18 134 SE +13 18 135 ER +13 18 136 TI +13 18 137 TI +13 18 138 SI +13 18 139 SI +13 18 140 TI +13 18 141 SI +13 18 142 SI +13 18 143 JA +13 18 144 TI +13 18 145 TI +13 18 146 JA +13 18 147 IB +13 18 148 ER +13 18 149 TI +13 18 150 SE +13 18 151 ER +13 18 152 TI +13 18 153 TI +13 18 154 SI +13 18 155 SE +13 18 156 TI +13 18 157 SE +13 18 158 SI +13 18 159 JA +13 18 160 ER +13 18 161 TI +13 18 162 ER +13 18 163 TI +13 18 164 IB +13 18 165 JA +13 18 166 SE +13 18 167 TI +13 18 168 JA +13 18 169 TI +13 18 170 SE +13 18 171 JA +13 18 172 SI +13 18 173 ER +13 18 174 JA +13 18 175 TI +13 18 176 ER +13 18 177 JA +13 18 178 SE +13 18 179 ER +13 18 180 TI +13 18 181 JA +13 18 182 SE +13 18 183 SI +13 18 184 JA +13 18 185 SI +13 18 186 TI +13 18 187 JA +13 18 188 TI +13 18 189 SI +13 18 190 JA +13 18 191 TI +13 18 192 TI +13 18 193 JA +13 18 194 ER +13 18 195 IB +13 18 196 TI +13 18 197 WL +13 18 198 SE +13 18 199 SI +13 18 200 TI +13 18 201 ER +13 18 202 IB +13 18 203 ER +13 18 204 SE +13 18 205 JA +13 18 206 SI +13 18 207 ER +13 18 208 JA +13 18 209 SE +13 18 210 SE +13 18 211 TI +13 18 212 JA +13 18 213 SI +13 18 214 JA +13 18 215 TI +13 18 216 SE +13 18 217 ER +13 18 218 JA +13 18 219 SI +13 18 220 TI +13 18 221 SI +13 18 222 JA +13 18 223 IB +13 18 224 SI +13 18 225 JA +13 18 226 TI +13 18 227 SE +13 18 228 TI +13 18 229 SI +13 18 230 SI +13 18 231 JA +13 18 232 SE +13 18 233 TI +13 18 234 SE +13 18 235 TI +13 18 236 WL +13 18 237 ER +13 18 238 IB +13 18 239 ER +13 18 240 ER +13 18 241 SI +13 18 242 WL +13 18 243 ER +13 18 244 SI +13 18 245 ER +13 18 246 TI +13 18 247 WL +13 18 248 SE +13 18 249 SE +13 18 250 JA +13 18 251 IB +13 18 252 SI +13 18 253 TI +13 18 254 SE +13 18 255 SI +13 18 256 ER +13 18 257 TI +13 18 258 WL +13 18 259 TI +13 18 260 WL +13 18 261 ER +13 18 262 SI +13 18 263 SI +13 18 264 TI +13 18 265 IB +13 18 266 ER +13 18 267 SE +13 18 268 TI +13 18 269 WL +13 18 270 WL +13 18 271 SE +13 18 272 SI +13 18 273 WL +13 18 274 SI +13 18 275 WL +13 18 276 ER +13 18 277 SI +13 18 278 TI +13 18 279 IB +13 18 280 TI +13 18 281 TI +13 18 282 IB +13 18 283 SE +13 18 284 SI +13 18 285 WL +13 18 286 SI +13 18 287 WL +13 18 288 ER +13 18 289 TI +13 18 290 SI +13 18 291 TI +13 18 292 ER +13 18 293 SI +13 18 294 SI +13 18 295 SE +13 18 296 WL +13 18 297 WL +13 18 298 ER +13 18 299 IB +13 18 300 SI +13 18 301 TI +13 18 302 SI +13 18 303 TI +13 18 304 JA +13 18 305 ER +13 18 306 JA +13 18 307 SE +13 18 308 TI +13 18 309 SE +13 18 310 IB +13 18 311 TI +13 18 312 SE +13 18 313 JA +13 18 314 SI +13 18 315 IB +13 18 316 TI +13 18 317 ER +13 18 318 TI +13 18 319 SI +13 18 320 SI +13 18 321 ER +13 18 322 TI +13 18 323 IB +13 18 324 SI +13 18 325 TI +13 18 326 JA +13 18 327 SI +13 18 328 SE +13 18 329 SI +13 18 330 SI +13 19 1 SE +13 19 2 WL +13 19 3 ER +13 19 4 SE +13 19 5 WL +13 19 6 SI +13 19 7 WL +13 19 8 ER +13 19 9 ER +13 19 10 SE +13 19 11 SE +13 19 12 JA +13 19 13 SE +13 19 14 SE +13 19 15 ER +13 19 16 WL +13 19 17 ER +13 19 18 SE +13 19 19 TI +13 19 20 WL +13 19 21 ER +13 19 22 JA +13 19 23 WL +13 19 24 SE +13 19 25 SE +13 19 26 SE +13 19 27 SI +13 19 28 ER +13 19 29 WL +13 19 30 ER +13 19 31 WL +13 19 32 ER +13 19 33 WL +13 19 34 SE +13 19 35 ER +13 19 36 SE +13 19 37 SE +13 19 38 ER +13 19 39 GU +13 19 40 GU +13 19 41 ER +13 19 42 JA +13 19 43 SE +13 19 44 SI +13 19 45 GU +13 19 46 SE +13 19 47 GU +13 19 48 WL +13 19 49 GU +13 19 50 SE +13 19 51 SE +13 19 52 GU +13 19 53 ER +13 19 54 GU +13 19 55 GU +13 19 56 ER +13 19 57 SE +13 19 58 WL +13 19 59 SI +13 19 60 SE +13 19 61 ER +13 19 62 SE +13 19 63 ER +13 19 64 SE +13 19 65 ER +13 19 66 SI +13 19 67 GU +13 19 68 ER +13 19 69 WL +13 19 70 SI +13 19 71 ER +13 19 72 GU +13 19 73 ER +13 19 74 WL +13 19 75 SE +13 19 76 ER +13 19 77 WL +13 19 78 ER +13 19 79 SE +13 19 80 GU +13 19 81 GU +13 19 82 GU +13 19 83 SI +13 19 84 ER +13 19 85 GU +13 19 86 ER +13 19 87 SE +13 19 88 ER +13 19 89 SE +13 19 90 SE +13 19 91 GU +13 19 92 SI +13 19 93 SE +13 19 94 SE +13 19 95 SI +13 19 96 JA +13 19 97 SE +13 19 98 ER +13 19 99 ER +13 19 100 GU +13 19 101 ER +13 19 102 SE +13 19 103 SE +13 19 104 GU +13 19 105 ER +13 19 106 JA +13 19 107 SI +13 19 108 GU +13 19 109 SE +13 19 110 WL +13 19 111 SE +13 19 112 ER +13 19 113 SE +13 19 114 SE +13 19 115 ER +13 19 116 SI +13 19 117 SE +13 19 118 ER +13 19 119 GU +13 19 120 SI +13 19 121 ER +13 19 122 GU +13 19 123 SE +13 19 124 GU +13 19 125 ER +13 19 126 ER +13 19 127 SE +13 19 128 SI +13 19 129 SI +13 19 130 SE +13 19 131 ER +13 19 132 ER +13 19 133 GU +13 19 134 SE +13 19 135 ER +13 19 136 GU +13 19 137 SE +13 19 138 SE +13 19 139 SI +13 19 140 SE +13 19 141 SI +13 19 142 SI +13 19 143 WL +13 19 144 SE +13 19 145 GU +13 19 146 JA +13 19 147 GU +13 19 148 ER +13 19 149 GU +13 19 150 ER +13 19 151 ER +13 19 152 ER +13 19 153 WL +13 19 154 SE +13 19 155 SE +13 19 156 GU +13 19 157 SE +13 19 158 SI +13 19 159 JA +13 19 160 ER +13 19 161 GU +13 19 162 ER +13 19 163 SE +13 19 164 TI +13 19 165 WL +13 19 166 SE +13 19 167 SI +13 19 168 GU +13 19 169 SE +13 19 170 SE +13 19 171 GU +13 19 172 SI +13 19 173 ER +13 19 174 JA +13 19 175 WL +13 19 176 ER +13 19 177 JA +13 19 178 SE +13 19 179 ER +13 19 180 GU +13 19 181 JA +13 19 182 ER +13 19 183 WL +13 19 184 ER +13 19 185 JA +13 19 186 TI +13 19 187 JA +13 19 188 TI +13 19 189 SI +13 19 190 ER +13 19 191 SE +13 19 192 SE +13 19 193 GU +13 19 194 ER +13 19 195 GU +13 19 196 TI +13 19 197 ER +13 19 198 SE +13 19 199 SI +13 19 200 TI +13 19 201 ER +13 19 202 GU +13 19 203 ER +13 19 204 SE +13 19 205 SE +13 19 206 SI +13 19 207 ER +13 19 208 JA +13 19 209 SE +13 19 210 ER +13 19 211 TI +13 19 212 JA +13 19 213 SI +13 19 214 GU +13 19 215 ER +13 19 216 SE +13 19 217 ER +13 19 218 GU +13 19 219 SI +13 19 220 SI +13 19 221 WL +13 19 222 ER +13 19 223 GU +13 19 224 SI +13 19 225 GU +13 19 226 SE +13 19 227 SE +13 19 228 SE +13 19 229 GU +13 19 230 SI +13 19 231 ER +13 19 232 WL +13 19 233 SI +13 19 234 GU +13 19 235 SE +13 19 236 GU +13 19 237 ER +13 19 238 GU +13 19 239 ER +13 19 240 ER +13 19 241 SI +13 19 242 WL +13 19 243 ER +13 19 244 SI +13 19 245 ER +13 19 246 WL +13 19 247 SE +13 19 248 SE +13 19 249 GU +13 19 250 SE +13 19 251 GU +13 19 252 SI +13 19 253 GU +13 19 254 SI +13 19 255 SE +13 19 256 ER +13 19 257 SE +13 19 258 WL +13 19 259 ER +13 19 260 WL +13 19 261 WL +13 19 262 SI +13 19 263 SE +13 19 264 TI +13 19 265 WL +13 19 266 ER +13 19 267 ER +13 19 268 GU +13 19 269 ER +13 19 270 WL +13 19 271 SE +13 19 272 SI +13 19 273 ER +13 19 274 SI +13 19 275 WL +13 19 276 ER +13 19 277 SE +13 19 278 ER +13 19 279 SE +13 19 280 WL +13 19 281 TI +13 19 282 GU +13 19 283 ER +13 19 284 SI +13 19 285 ER +13 19 286 SI +13 19 287 WL +13 19 288 ER +13 19 289 TI +13 19 290 SI +13 19 291 TI +13 19 292 ER +13 19 293 WL +13 19 294 SI +13 19 295 WL +13 19 296 TI +13 19 297 JA +13 19 298 ER +13 19 299 TI +13 19 300 SI +13 19 301 TI +13 19 302 SI +13 19 303 SI +13 19 304 WL +13 19 305 ER +13 19 306 GU +13 19 307 TI +13 19 308 ER +13 19 309 SE +13 19 310 TI +13 19 311 TI +13 19 312 SE +13 19 313 SE +13 19 314 SI +13 19 315 GU +13 19 316 TI +13 19 317 ER +13 19 318 WL +13 19 319 SI +13 19 320 WL +13 19 321 ER +13 19 322 TI +13 19 323 SE +13 19 324 SI +13 19 325 ER +13 19 326 WL +13 19 327 SI +13 19 328 SE +13 19 329 ER +13 19 330 TI +13 20 1 SE +13 20 2 SI +13 20 3 ER +13 20 4 SE +13 20 5 SI +13 20 6 TU +13 20 7 TI +13 20 8 ER +13 20 9 * +13 20 10 IB +13 20 11 SE +13 20 12 WL +13 20 13 SE +13 20 14 SE +13 20 15 TU +13 20 16 SI +13 20 17 ER +13 20 18 SI +13 20 19 SE +13 20 20 TI +13 20 21 ER +13 20 22 WL +13 20 23 * +13 20 24 TI +13 20 25 SE +13 20 26 SE +13 20 27 SI +13 20 28 ER +13 20 29 TI +13 20 30 ER +13 20 31 SI +13 20 32 TI +13 20 33 TI +13 20 34 SE +13 20 35 ER +13 20 36 SE +13 20 37 SI +13 20 38 ER +13 20 39 TI +13 20 40 SE +13 20 41 ER +13 20 42 WL +13 20 43 SE +13 20 44 SI +13 20 45 TI +13 20 46 SI +13 20 47 TI +13 20 48 WL +13 20 49 TI +13 20 50 TI +13 20 51 TU +13 20 52 SI +13 20 53 ER +13 20 54 TI +13 20 55 TI +13 20 56 TU +13 20 57 SE +13 20 58 TU +13 20 59 SI +13 20 60 SE +13 20 61 ER +13 20 62 SI +13 20 63 ER +13 20 64 SE +13 20 65 ER +13 20 66 SI +13 20 67 ER +13 20 68 TI +13 20 69 TI +13 20 70 SI +13 20 71 ER +13 20 72 SE +13 20 73 SI +13 20 74 SI +13 20 75 TI +13 20 76 ER +13 20 77 TI +13 20 78 SI +13 20 79 SI +13 20 80 SE +13 20 81 TI +13 20 82 TI +13 20 83 WL +13 20 84 ER +13 20 85 ER +13 20 86 TI +13 20 87 SI +13 20 88 ER +13 20 89 SI +13 20 90 TI +13 20 91 WL +13 20 92 SI +13 20 93 TI +13 20 94 SI +13 20 95 SI +13 20 96 WL +13 20 97 ER +13 20 98 SE +13 20 99 SI +13 20 100 TI +13 20 101 ER +13 20 102 SI +13 20 103 TI +13 20 104 SE +13 20 105 ER +13 20 106 WL +13 20 107 SI +13 20 108 SI +13 20 109 TI +13 20 110 WL +13 20 111 TI +13 20 112 ER +13 20 113 SI +13 20 114 SE +13 20 115 ER +13 20 116 SI +13 20 117 TI +13 20 118 ER +13 20 119 TI +13 20 120 SI +13 20 121 ER +13 20 122 TI +13 20 123 TI +13 20 124 WL +13 20 125 ER +13 20 126 ER +13 20 127 TI +13 20 128 WL +13 20 129 SI +13 20 130 TI +13 20 131 SE +13 20 132 ER +13 20 133 TI +13 20 134 ER +13 20 135 ER +13 20 136 TI +13 20 137 TI +13 20 138 TI +13 20 139 SI +13 20 140 SE +13 20 141 SI +13 20 142 SI +13 20 143 WL +13 20 144 * +13 20 145 TI +13 20 146 WL +13 20 147 TI +13 20 148 ER +13 20 149 TI +13 20 150 SE +13 20 151 ER +13 20 152 TI +13 20 153 TI +13 20 154 SI +13 20 155 TI +13 20 156 TI +13 20 157 TI +13 20 158 SI +13 20 159 WL +13 20 160 SI +13 20 161 TI +13 20 162 ER +13 20 163 TI +13 20 164 TI +13 20 165 TI +13 20 166 SE +13 20 167 SI +13 20 168 SE +13 20 169 SE +13 20 170 SE +13 20 171 TI +13 20 172 SI +13 20 173 ER +13 20 174 WL +13 20 175 SI +13 20 176 ER +13 20 177 WL +13 20 178 SE +13 20 179 ER +13 20 180 SE +13 20 181 TU +13 20 182 ER +13 20 183 TU +13 20 184 TI +13 20 185 WL +13 20 186 TI +13 20 187 WL +13 20 188 TI +13 20 189 SI +13 20 190 ER +13 20 191 TI +13 20 192 SI +13 20 193 WL +13 20 194 ER +13 20 195 TI +13 20 196 TI +13 20 197 SI +13 20 198 SI +13 20 199 SI +13 20 200 TI +13 20 201 ER +13 20 202 TI +13 20 203 ER +13 20 204 SI +13 20 205 TI +13 20 206 SI +13 20 207 ER +13 20 208 TU +13 20 209 TI +13 20 210 TU +13 20 211 TI +13 20 212 WL +13 20 213 SI +13 20 214 WL +13 20 215 TU +13 20 216 TI +13 20 217 TU +13 20 218 WL +13 20 219 SI +13 20 220 SE +13 20 221 SI +13 20 222 SE +13 20 223 SE +13 20 224 SI +13 20 225 TI +13 20 226 SE +13 20 227 SI +13 20 228 SE +13 20 229 TI +13 20 230 SI +13 20 231 TI +13 20 232 TI +13 20 233 SI +13 20 234 SE +13 20 235 SE +13 20 236 WL +13 20 237 WL +13 20 238 SE +13 20 239 TI +13 20 240 ER +13 20 241 SI +13 20 242 ER +13 20 243 WL +13 20 244 ER +13 20 245 SI +13 20 246 ER +13 20 247 TI +13 20 248 SE +13 20 249 SE +13 20 250 TI +13 20 251 SE +13 20 252 SI +13 20 253 TI +13 20 254 SI +13 20 255 SI +13 20 256 ER +13 20 257 TI +13 20 258 WL +13 20 259 ER +13 20 260 WL +13 20 261 ER +13 20 262 SI +13 20 263 SI +13 20 264 SI +13 20 265 TI +13 20 266 ER +13 20 267 ER +13 20 268 TI +13 20 269 ER +13 20 270 WL +13 20 271 TI +13 20 272 SI +13 20 273 ER +13 20 274 SI +13 20 275 WL +13 20 276 ER +13 20 277 TI +13 20 278 ER +13 20 279 SE +13 20 280 TI +13 20 281 TI +13 20 282 TI +13 20 283 ER +13 20 284 SI +13 20 285 TU +13 20 286 SI +13 20 287 WL +13 20 288 ER +13 20 289 TI +13 20 290 SI +13 20 291 TI +13 20 292 ER +13 20 293 SI +13 20 294 SI +13 20 295 TU +13 20 296 SE +13 20 297 WL +13 20 298 ER +13 20 299 TI +13 20 300 SI +13 20 301 TI +13 20 302 SI +13 20 303 SI +13 20 304 TI +13 20 305 SE +13 20 306 WL +13 20 307 SE +13 20 308 SI +13 20 309 TI +13 20 310 SE +13 20 311 TI +13 20 312 SI +13 20 313 SE +13 20 314 SI +13 20 315 TI +13 20 316 TI +13 20 317 ER +13 20 318 ER +13 20 319 SI +13 20 320 TI +13 20 321 ER +13 20 322 SE +13 20 323 TI +13 20 324 SI +13 20 325 TI +13 20 326 WL +13 20 327 SI +13 20 328 TI +13 20 329 TI +13 20 330 SI +13 21 1 TI +13 21 2 TI +13 21 3 ER +13 21 4 ER +13 21 5 SI +13 21 6 WL +13 21 7 TI +13 21 8 ER +13 21 9 ER +13 21 10 KA +13 21 11 GU +13 21 12 JA +13 21 13 GU +13 21 14 KA +13 21 15 ER +13 21 16 SI +13 21 17 ER +13 21 18 FT +13 21 19 TI +13 21 20 TI +13 21 21 ER +13 21 22 WL +13 21 23 ER +13 21 24 FT +13 21 25 TI +13 21 26 GU +13 21 27 SI +13 21 28 ER +13 21 29 TI +13 21 30 ER +13 21 31 GE +13 21 32 ER +13 21 33 TI +13 21 34 GU +13 21 35 ER +13 21 36 GU +13 21 37 TI +13 21 38 ER +13 21 39 GU +13 21 40 TI +13 21 41 ER +13 21 42 WL +13 21 43 GU +13 21 44 SI +13 21 45 TI +13 21 46 FT +13 21 47 TI +13 21 48 WL +13 21 49 TI +13 21 50 ER +13 21 51 WL +13 21 52 SI +13 21 53 ER +13 21 54 TI +13 21 55 TI +13 21 56 ER +13 21 57 GU +13 21 58 WL +13 21 59 SN +13 21 60 GU +13 21 61 ER +13 21 62 GE +13 21 63 ER +13 21 64 GU +13 21 65 ER +13 21 66 SI +13 21 67 TI +13 21 68 ER +13 21 69 BW +13 21 70 SN +13 21 71 ER +13 21 72 TI +13 21 73 ER +13 21 74 SI +13 21 75 GU +13 21 76 ER +13 21 77 TI +13 21 78 ER +13 21 79 FT +13 21 80 TI +13 21 81 WL +13 21 82 TI +13 21 83 WL +13 21 84 ER +13 21 85 TI +13 21 86 ER +13 21 87 FT +13 21 88 ER +13 21 89 FT +13 21 90 GU +13 21 91 WL +13 21 92 SI +13 21 93 GU +13 21 94 FT +13 21 95 SI +13 21 96 WL +13 21 97 ER +13 21 98 ER +13 21 99 SN +13 21 100 TI +13 21 101 ER +13 21 102 GE +13 21 103 WL +13 21 104 TI +13 21 105 ER +13 21 106 WL +13 21 107 SI +13 21 108 SI +13 21 109 GU +13 21 110 WL +13 21 111 TI +13 21 112 ER +13 21 113 FT +13 21 114 GU +13 21 115 ER +13 21 116 SI +13 21 117 FT +13 21 118 ER +13 21 119 TI +13 21 120 SI +13 21 121 ER +13 21 122 TI +13 21 123 TI +13 21 124 JA +13 21 125 ER +13 21 126 ER +13 21 127 FT +13 21 128 WL +13 21 129 SN +13 21 130 FT +13 21 131 ER +13 21 132 ER +13 21 133 GU +13 21 134 FT +13 21 135 ER +13 21 136 TI +13 21 137 GU +13 21 138 SI +13 21 139 GE +13 21 140 GU +13 21 141 SI +13 21 142 SI +13 21 143 WL +13 21 144 GU +13 21 145 TI +13 21 146 WL +13 21 147 TI +13 21 148 ER +13 21 149 WL +13 21 150 ER +13 21 151 ER +13 21 152 ER +13 21 153 TI +13 21 154 GE +13 21 155 FT +13 21 156 GU +13 21 157 FT +13 21 158 SI +13 21 159 WL +13 21 160 ER +13 21 161 TI +13 21 162 ER +13 21 163 GU +13 21 164 GU +13 21 165 FT +13 21 166 GU +13 21 167 SI +13 21 168 GU +13 21 169 TI +13 21 170 GU +13 21 171 FT +13 21 172 SI +13 21 173 ER +13 21 174 WL +13 21 175 SI +13 21 176 ER +13 21 177 WL +13 21 178 GU +13 21 179 ER +13 21 180 TI +13 21 181 WL +13 21 182 ER +13 21 183 FT +13 21 184 ER +13 21 185 WL +13 21 186 TI +13 21 187 WL +13 21 188 TI +13 21 189 SI +13 21 190 ER +13 21 191 GU +13 21 192 FT +13 21 193 WL +13 21 194 ER +13 21 195 TI +13 21 196 SI +13 21 197 GE +13 21 198 FT +13 21 199 ER +13 21 200 TI +13 21 201 SI +13 21 202 GU +13 21 203 ER +13 21 204 FT +13 21 205 GU +13 21 206 SI +13 21 207 ER +13 21 208 WL +13 21 209 GU +13 21 210 FT +13 21 211 TI +13 21 212 ER +13 21 213 GE +13 21 214 WL +13 21 215 ER +13 21 216 FT +13 21 217 ER +13 21 218 WL +13 21 219 SI +13 21 220 TI +13 21 221 SI +13 21 222 FT +13 21 223 TI +13 21 224 SN +13 21 225 FT +13 21 226 GU +13 21 227 FT +13 21 228 GU +13 21 229 TI +13 21 230 SI +13 21 231 ER +13 21 232 FT +13 21 233 GE +13 21 234 GU +13 21 235 GU +13 21 236 WL +13 21 237 ER +13 21 238 TI +13 21 239 ER +13 21 240 FT +13 21 241 ER +13 21 242 WL +13 21 243 ER +13 21 244 SI +13 21 245 ER +13 21 246 TI +13 21 247 GE +13 21 248 GU +13 21 249 GU +13 21 250 SE +13 21 251 TI +13 21 252 SI +13 21 253 TI +13 21 254 SI +13 21 255 FT +13 21 256 ER +13 21 257 GU +13 21 258 WL +13 21 259 ER +13 21 260 JA +13 21 261 WL +13 21 262 SI +13 21 263 GE +13 21 264 SN +13 21 265 GU +13 21 266 FT +13 21 267 ER +13 21 268 TI +13 21 269 ER +13 21 270 WL +13 21 271 GU +13 21 272 SI +13 21 273 ER +13 21 274 SI +13 21 275 WL +13 21 276 ER +13 21 277 GU +13 21 278 ER +13 21 279 GU +13 21 280 TI +13 21 281 GU +13 21 282 TI +13 21 283 FT +13 21 284 SI +13 21 285 ER +13 21 286 SI +13 21 287 FT +13 21 288 ER +13 21 289 TI +13 21 290 SI +13 21 291 GU +13 21 292 ER +13 21 293 SI +13 21 294 SI +13 21 295 FT +13 21 296 FT +13 21 297 WL +13 21 298 ER +13 21 299 TI +13 21 300 SI +13 21 301 GU +13 21 302 SI +13 21 303 SI +13 21 304 WL +13 21 305 ER +13 21 306 WL +13 21 307 GU +13 21 308 GE +13 21 309 FT +13 21 310 TI +13 21 311 GU +13 21 312 FT +13 21 313 GU +13 21 314 SI +13 21 315 TI +13 21 316 GU +13 21 317 ER +13 21 318 ER +13 21 319 SI +13 21 320 FT +13 21 321 ER +13 21 322 GE +13 21 323 GU +13 21 324 SI +13 21 325 ER +13 21 326 WL +13 21 327 SI +13 21 328 GU +13 21 329 WL +13 21 330 SI +13 22 1 SE +13 22 2 SI +13 22 3 ER +13 22 4 TI +13 22 5 SI +13 22 6 SI +13 22 7 TI +13 22 8 SI +13 22 9 ER +13 22 10 SE +13 22 11 SI +13 22 12 JA +13 22 13 SE +13 22 14 TI +13 22 15 SI +13 22 16 SI +13 22 17 ER +13 22 18 SE +13 22 19 TI +13 22 20 TI +13 22 21 ER +13 22 22 JA +13 22 23 SI +13 22 24 SI +13 22 25 TI +13 22 26 SE +13 22 27 SI +13 22 28 ER +13 22 29 TI +13 22 30 SI +13 22 31 SI +13 22 32 SI +13 22 33 SI +13 22 34 SE +13 22 35 ER +13 22 36 SE +13 22 37 SE +13 22 38 ER +13 22 39 TI +13 22 40 TI +13 22 41 ER +13 22 42 SI +13 22 43 SE +13 22 44 SI +13 22 45 TI +13 22 46 SE +13 22 47 SI +13 22 48 TI +13 22 49 SI +13 22 50 SE +13 22 51 SI +13 22 52 SI +13 22 53 ER +13 22 54 TI +13 22 55 SI +13 22 56 SI +13 22 57 TI +13 22 58 SI +13 22 59 SI +13 22 60 SE +13 22 61 ER +13 22 62 SI +13 22 63 ER +13 22 64 TI +13 22 65 ER +13 22 66 JA +13 22 67 TI +13 22 68 ER +13 22 69 SI +13 22 70 SI +13 22 71 SE +13 22 72 TI +13 22 73 SI +13 22 74 SI +13 22 75 SE +13 22 76 ER +13 22 77 TI +13 22 78 SI +13 22 79 SE +13 22 80 TI +13 22 81 SI +13 22 82 TI +13 22 83 SI +13 22 84 SI +13 22 85 TI +13 22 86 SI +13 22 87 SE +13 22 88 ER +13 22 89 SE +13 22 90 SE +13 22 91 JA +13 22 92 SI +13 22 93 TI +13 22 94 SE +13 22 95 SI +13 22 96 JA +13 22 97 SE +13 22 98 ER +13 22 99 SI +13 22 100 SI +13 22 101 ER +13 22 102 SI +13 22 103 SE +13 22 104 SE +13 22 105 SI +13 22 106 JA +13 22 107 SI +13 22 108 SI +13 22 109 SE +13 22 110 JA +13 22 111 SE +13 22 112 ER +13 22 113 SE +13 22 114 TI +13 22 115 ER +13 22 116 SI +13 22 117 SI +13 22 118 ER +13 22 119 TI +13 22 120 SI +13 22 121 ER +13 22 122 TI +13 22 123 TI +13 22 124 WL +13 22 125 ER +13 22 126 ER +13 22 127 TI +13 22 128 WL +13 22 129 SI +13 22 130 SE +13 22 131 SI +13 22 132 ER +13 22 133 TI +13 22 134 SE +13 22 135 ER +13 22 136 TI +13 22 137 SE +13 22 138 SI +13 22 139 TI +13 22 140 SE +13 22 141 SI +13 22 142 SI +13 22 143 JA +13 22 144 SE +13 22 145 SI +13 22 146 JA +13 22 147 TI +13 22 148 ER +13 22 149 TI +13 22 150 SE +13 22 151 ER +13 22 152 TI +13 22 153 JA +13 22 154 SE +13 22 155 SI +13 22 156 TI +13 22 157 SE +13 22 158 SI +13 22 159 JA +13 22 160 SI +13 22 161 TI +13 22 162 ER +13 22 163 SE +13 22 164 SI +13 22 165 TI +13 22 166 SE +13 22 167 SI +13 22 168 TI +13 22 169 TI +13 22 170 SE +13 22 171 SI +13 22 172 SI +13 22 173 ER +13 22 174 JA +13 22 175 TI +13 22 176 ER +13 22 177 JA +13 22 178 SE +13 22 179 SI +13 22 180 SI +13 22 181 SE +13 22 182 SI +13 22 183 SE +13 22 184 SI +13 22 185 SE +13 22 186 TI +13 22 187 TI +13 22 188 SI +13 22 189 SE +13 22 190 SI +13 22 191 ER +13 22 192 SI +13 22 193 JA +13 22 194 SI +13 22 195 TI +13 22 196 TI +13 22 197 SI +13 22 198 SE +13 22 199 SI +13 22 200 TI +13 22 201 SI +13 22 202 SI +13 22 203 ER +13 22 204 SI +13 22 205 SE +13 22 206 SI +13 22 207 ER +13 22 208 SI +13 22 209 TI +13 22 210 SI +13 22 211 SE +13 22 212 WL +13 22 213 SI +13 22 214 JA +13 22 215 SI +13 22 216 SE +13 22 217 SE +13 22 218 SI +13 22 219 SE +13 22 220 SE +13 22 221 SI +13 22 222 TI +13 22 223 TI +13 22 224 SI +13 22 225 SI +13 22 226 SE +13 22 227 SE +13 22 228 SI +13 22 229 TI +13 22 230 SI +13 22 231 SI +13 22 232 SE +13 22 233 SI +13 22 234 TI +13 22 235 TI +13 22 236 SE +13 22 237 SI +13 22 238 TI +13 22 239 ER +13 22 240 SI +13 22 241 SE +13 22 242 JA +13 22 243 ER +13 22 244 SI +13 22 245 ER +13 22 246 TI +13 22 247 SE +13 22 248 TI +13 22 249 SE +13 22 250 SI +13 22 251 SI +13 22 252 SI +13 22 253 TI +13 22 254 SE +13 22 255 TI +13 22 256 ER +13 22 257 SI +13 22 258 JA +13 22 259 SI +13 22 260 JA +13 22 261 ER +13 22 262 SI +13 22 263 SE +13 22 264 SI +13 22 265 SE +13 22 266 SI +13 22 267 SE +13 22 268 TI +13 22 269 SE +13 22 270 ER +13 22 271 SE +13 22 272 SI +13 22 273 SI +13 22 274 SE +13 22 275 SI +13 22 276 ER +13 22 277 TI +13 22 278 ER +13 22 279 SE +13 22 280 SI +13 22 281 SE +13 22 282 TI +13 22 283 SI +13 22 284 SI +13 22 285 ER +13 22 286 SI +13 22 287 SE +13 22 288 SI +13 22 289 SE +13 22 290 SI +13 22 291 SE +13 22 292 SI +13 22 293 SE +13 22 294 SI +13 22 295 SE +13 22 296 SI +13 22 297 JA +13 22 298 ER +13 22 299 TI +13 22 300 SI +13 22 301 TI +13 22 302 SI +13 22 303 SE +13 22 304 SI +13 22 305 SE +13 22 306 JA +13 22 307 TI +13 22 308 SE +13 22 309 SI +13 22 310 TI +13 22 311 SI +13 22 312 SI +13 22 313 TI +13 22 314 SI +13 22 315 TI +13 22 316 TI +13 22 317 ER +13 22 318 ER +13 22 319 SI +13 22 320 SE +13 22 321 ER +13 22 322 SI +13 22 323 SE +13 22 324 SI +13 22 325 SE +13 22 326 WL +13 22 327 SI +13 22 328 TI +13 22 329 SI +13 22 330 SI +13 23 1 GW +13 23 2 GW +13 23 3 ER +13 23 4 ER +13 23 5 GE +13 23 6 GO +13 23 7 TI +13 23 8 GO +13 23 9 ER +13 23 10 GW +13 23 11 TI +13 23 12 JA +13 23 13 TI +13 23 14 GW +13 23 15 OR +13 23 16 SI +13 23 17 ER +13 23 18 SI +13 23 19 IY +13 23 20 IB +13 23 21 ER +13 23 22 TI +13 23 23 GO +13 23 24 JA +13 23 25 GO +13 23 26 IY +13 23 27 TI +13 23 28 ER +13 23 29 GW +13 23 30 JA +13 23 31 IY +13 23 32 ER +13 23 33 TI +13 23 34 GW +13 23 35 ER +13 23 36 TI +13 23 37 IY +13 23 38 ER +13 23 39 TI +13 23 40 IY +13 23 41 ER +13 23 42 JA +13 23 43 GW +13 23 44 TM +13 23 45 TI +13 23 46 SI +13 23 47 TI +13 23 48 JA +13 23 49 IY +13 23 50 ER +13 23 51 GO +13 23 52 SI +13 23 53 ER +13 23 54 TI +13 23 55 IY +13 23 56 GO +13 23 57 TI +13 23 58 TI +13 23 59 SI +13 23 60 GO +13 23 61 ER +13 23 62 TS +13 23 63 OR +13 23 64 IY +13 23 65 ER +13 23 66 SI +13 23 67 OR +13 23 68 ER +13 23 69 TI +13 23 70 SI +13 23 71 ER +13 23 72 IY +13 23 73 ER +13 23 74 SI +13 23 75 TI +13 23 76 GO +13 23 77 OR +13 23 78 TI +13 23 79 SI +13 23 80 IY +13 23 81 TI +13 23 82 IY +13 23 83 TM +13 23 84 TM +13 23 85 IY +13 23 86 ER +13 23 87 SE +13 23 88 ER +13 23 89 NF +13 23 90 GW +13 23 91 JA +13 23 92 SI +13 23 93 IY +13 23 94 OR +13 23 95 SI +13 23 96 TI +13 23 97 IY +13 23 98 ER +13 23 99 SI +13 23 100 GW +13 23 101 ER +13 23 102 TI +13 23 103 SI +13 23 104 IY +13 23 105 ER +13 23 106 TI +13 23 107 SI +13 23 108 OR +13 23 109 GW +13 23 110 TI +13 23 111 TI +13 23 112 ER +13 23 113 SI +13 23 114 GW +13 23 115 ER +13 23 116 SI +13 23 117 OR +13 23 118 TI +13 23 119 IY +13 23 120 SI +13 23 121 GO +13 23 122 TI +13 23 123 IY +13 23 124 TI +13 23 125 JA +13 23 126 ER +13 23 127 GO +13 23 128 TI +13 23 129 SI +13 23 130 TI +13 23 131 ER +13 23 132 ER +13 23 133 IY +13 23 134 OR +13 23 135 ER +13 23 136 IY +13 23 137 TI +13 23 138 GO +13 23 139 SI +13 23 140 IY +13 23 141 SI +13 23 142 SI +13 23 143 JA +13 23 144 GW +13 23 145 IY +13 23 146 TI +13 23 147 IY +13 23 148 ER +13 23 149 TI +13 23 150 GO +13 23 151 OR +13 23 152 GO +13 23 153 IY +13 23 154 SI +13 23 155 TI +13 23 156 OR +13 23 157 GO +13 23 158 SI +13 23 159 TI +13 23 160 TI +13 23 161 IY +13 23 162 ER +13 23 163 GW +13 23 164 IY +13 23 165 TI +13 23 166 GO +13 23 167 SI +13 23 168 GO +13 23 169 IY +13 23 170 GO +13 23 171 TI +13 23 172 SI +13 23 173 ER +13 23 174 TM +13 23 175 IY +13 23 176 ER +13 23 177 TM +13 23 178 OR +13 23 179 GW +13 23 180 IY +13 23 181 TI +13 23 182 ER +13 23 183 GO +13 23 184 GO +13 23 185 TM +13 23 186 IY +13 23 187 TM +13 23 188 IY +13 23 189 SI +13 23 190 ER +13 23 191 GW +13 23 192 IY +13 23 193 JA +13 23 194 GO +13 23 195 TI +13 23 196 IY +13 23 197 GO +13 23 198 SI +13 23 199 SI +13 23 200 IY +13 23 201 ER +13 23 202 TI +13 23 203 ER +13 23 204 GO +13 23 205 TS +13 23 206 SI +13 23 207 ER +13 23 208 TM +13 23 209 GO +13 23 210 GO +13 23 211 GO +13 23 212 TM +13 23 213 TS +13 23 214 JA +13 23 215 ER +13 23 216 TI +13 23 217 TM +13 23 218 JA +13 23 219 TS +13 23 220 GO +13 23 221 TS +13 23 222 IY +13 23 223 IY +13 23 224 TS +13 23 225 TI +13 23 226 GO +13 23 227 SI +13 23 228 GO +13 23 229 TI +13 23 230 TM +13 23 231 ER +13 23 232 TI +13 23 233 TS +13 23 234 IY +13 23 235 GO +13 23 236 JA +13 23 237 ER +13 23 238 IY +13 23 239 ER +13 23 240 GO +13 23 241 TS +13 23 242 TM +13 23 243 ER +13 23 244 TS +13 23 245 ER +13 23 246 IY +13 23 247 TS +13 23 248 TI +13 23 249 GO +13 23 250 TS +13 23 251 IY +13 23 252 TS +13 23 253 IY +13 23 254 SI +13 23 255 SI +13 23 256 ER +13 23 257 GO +13 23 258 TI +13 23 259 ER +13 23 260 TI +13 23 261 TM +13 23 262 TS +13 23 263 GE +13 23 264 GO +13 23 265 TI +13 23 266 JA +13 23 267 ER +13 23 268 TI +13 23 269 ER +13 23 270 TM +13 23 271 GO +13 23 272 TS +13 23 273 TM +13 23 274 TS +13 23 275 TI +13 23 276 ER +13 23 277 GO +13 23 278 GO +13 23 279 GO +13 23 280 TI +13 23 281 IY +13 23 282 JA +13 23 283 GO +13 23 284 TS +13 23 285 TM +13 23 286 TS +13 23 287 JA +13 23 288 ER +13 23 289 IY +13 23 290 TM +13 23 291 GO +13 23 292 ER +13 23 293 GE +13 23 294 TS +13 23 295 TI +13 23 296 IY +13 23 297 TI +13 23 298 ER +13 23 299 IY +13 23 300 GE +13 23 301 IY +13 23 302 TS +13 23 303 GE +13 23 304 TI +13 23 305 ER +13 23 306 TI +13 23 307 IY +13 23 308 GO +13 23 309 SI +13 23 310 TM +13 23 311 GO +13 23 312 SI +13 23 313 OR +13 23 314 GE +13 23 315 TI +13 23 316 IY +13 23 317 ER +13 23 318 GW +13 23 319 GE +13 23 320 TI +13 23 321 ER +13 23 322 IY +13 23 323 TI +13 23 324 TS +13 23 325 ER +13 23 326 TM +13 23 327 TS +13 23 328 TI +13 23 329 GO +13 23 330 GE +13 24 1 IB +13 24 2 TI +13 24 3 ER +13 24 4 SE +13 24 5 TI +13 24 6 TU +13 24 7 JA +13 24 8 IB +13 24 9 ER +13 24 10 IB +13 24 11 TI +13 24 12 JA +13 24 13 TI +13 24 14 IB +13 24 15 TU +13 24 16 SI +13 24 17 ER +13 24 18 SI +13 24 19 IB +13 24 20 TI +13 24 21 ER +13 24 22 JA +13 24 23 TU +13 24 24 SE +13 24 25 TI +13 24 26 TU +13 24 27 SI +13 24 28 ER +13 24 29 TI +13 24 30 ER +13 24 31 TI +13 24 32 IB +13 24 33 TI +13 24 34 TU +13 24 35 ER +13 24 36 TI +13 24 37 TU +13 24 38 ER +13 24 39 TI +13 24 40 TI +13 24 41 ER +13 24 42 SI +13 24 43 SE +13 24 44 SI +13 24 45 TI +13 24 46 SI +13 24 47 SI +13 24 48 JA +13 24 49 TU +13 24 50 SE +13 24 51 SI +13 24 52 TU +13 24 53 ER +13 24 54 TI +13 24 55 IB +13 24 56 SE +13 24 57 TI +13 24 58 SI +13 24 59 IB +13 24 60 SE +13 24 61 ER +13 24 62 IB +13 24 63 TU +13 24 64 TI +13 24 65 ER +13 24 66 SI +13 24 67 TI +13 24 68 TU +13 24 69 SI +13 24 70 TU +13 24 71 SE +13 24 72 TI +13 24 73 SE +13 24 74 IB +13 24 75 SE +13 24 76 ER +13 24 77 TI +13 24 78 TU +13 24 79 SI +13 24 80 IB +13 24 81 TI +13 24 82 TI +13 24 83 TU +13 24 84 TU +13 24 85 TI +13 24 86 TU +13 24 87 SI +13 24 88 ER +13 24 89 SI +13 24 90 SE +13 24 91 TI +13 24 92 TU +13 24 93 SE +13 24 94 SE +13 24 95 SI +13 24 96 JA +13 24 97 ER +13 24 98 ER +13 24 99 TU +13 24 100 JA +13 24 101 TI +13 24 102 SE +13 24 103 SI +13 24 104 TI +13 24 105 ER +13 24 106 JA +13 24 107 TU +13 24 108 TU +13 24 109 SE +13 24 110 JA +13 24 111 SE +13 24 112 ER +13 24 113 SI +13 24 114 JA +13 24 115 ER +13 24 116 TU +13 24 117 SE +13 24 118 ER +13 24 119 TI +13 24 120 SI +13 24 121 ER +13 24 122 TI +13 24 123 IB +13 24 124 TI +13 24 125 ER +13 24 126 TU +13 24 127 SE +13 24 128 JA +13 24 129 TU +13 24 130 SE +13 24 131 ER +13 24 132 ER +13 24 133 IB +13 24 134 SE +13 24 135 ER +13 24 136 TI +13 24 137 SE +13 24 138 IB +13 24 139 TU +13 24 140 SE +13 24 141 SI +13 24 142 SI +13 24 143 TI +13 24 144 SE +13 24 145 TI +13 24 146 JA +13 24 147 TI +13 24 148 ER +13 24 149 TI +13 24 150 IB +13 24 151 ER +13 24 152 SE +13 24 153 IB +13 24 154 SI +13 24 155 SE +13 24 156 TI +13 24 157 SE +13 24 158 SI +13 24 159 TI +13 24 160 TU +13 24 161 TI +13 24 162 ER +13 24 163 TI +13 24 164 IB +13 24 165 TI +13 24 166 SE +13 24 167 TU +13 24 168 TI +13 24 169 TI +13 24 170 SE +13 24 171 IB +13 24 172 TU +13 24 173 ER +13 24 174 JA +13 24 175 TI +13 24 176 ER +13 24 177 JA +13 24 178 SE +13 24 179 ER +13 24 180 TI +13 24 181 SE +13 24 182 SE +13 24 183 SE +13 24 184 IB +13 24 185 SE +13 24 186 TI +13 24 187 JA +13 24 188 TI +13 24 189 TU +13 24 190 TU +13 24 191 TI +13 24 192 SE +13 24 193 TI +13 24 194 SE +13 24 195 IB +13 24 196 IB +13 24 197 TU +13 24 198 SI +13 24 199 TU +13 24 200 TU +13 24 201 ER +13 24 202 IB +13 24 203 ER +13 24 204 SE +13 24 205 SE +13 24 206 TU +13 24 207 ER +13 24 208 SE +13 24 209 IB +13 24 210 SE +13 24 211 TU +13 24 212 ER +13 24 213 TU +13 24 214 JA +13 24 215 JA +13 24 216 SI +13 24 217 ER +13 24 218 TI +13 24 219 TI +13 24 220 SE +13 24 221 TI +13 24 222 SE +13 24 223 TI +13 24 224 TU +13 24 225 TI +13 24 226 IB +13 24 227 SE +13 24 228 SE +13 24 229 TI +13 24 230 TU +13 24 231 ER +13 24 232 SI +13 24 233 TU +13 24 234 TI +13 24 235 SE +13 24 236 JA +13 24 237 ER +13 24 238 TI +13 24 239 TI +13 24 240 SE +13 24 241 TU +13 24 242 JA +13 24 243 SE +13 24 244 TU +13 24 245 ER +13 24 246 IB +13 24 247 TU +13 24 248 SI +13 24 249 SE +13 24 250 SE +13 24 251 WL +13 24 252 TU +13 24 253 WL +13 24 254 TU +13 24 255 SI +13 24 256 ER +13 24 257 SI +13 24 258 JA +13 24 259 ER +13 24 260 JA +13 24 261 WL +13 24 262 TU +13 24 263 TU +13 24 264 TU +13 24 265 TI +13 24 266 ER +13 24 267 WL +13 24 268 IB +13 24 269 SE +13 24 270 ER +13 24 271 SE +13 24 272 TU +13 24 273 IB +13 24 274 TU +13 24 275 TI +13 24 276 ER +13 24 277 SE +13 24 278 ER +13 24 279 TI +13 24 280 WL +13 24 281 TI +13 24 282 IB +13 24 283 ER +13 24 284 TU +13 24 285 TU +13 24 286 TU +13 24 287 WL +13 24 288 ER +13 24 289 IB +13 24 290 TU +13 24 291 IB +13 24 292 WL +13 24 293 TI +13 24 294 SI +13 24 295 SE +13 24 296 SE +13 24 297 JA +13 24 298 ER +13 24 299 IB +13 24 300 SI +13 24 301 TI +13 24 302 TU +13 24 303 TU +13 24 304 SE +13 24 305 ER +13 24 306 WL +13 24 307 IB +13 24 308 SE +13 24 309 SI +13 24 310 IB +13 24 311 SE +13 24 312 SI +13 24 313 SE +13 24 314 TU +13 24 315 IB +13 24 316 TI +13 24 317 ER +13 24 318 JA +13 24 319 TU +13 24 320 TI +13 24 321 ER +13 24 322 TU +13 24 323 IB +13 24 324 TU +13 24 325 SE +13 24 326 TI +13 24 327 TU +13 24 328 SE +13 24 329 WL +13 24 330 SI +13 25 1 TI +13 25 2 SI +13 25 3 ER +13 25 4 ER +13 25 5 TI +13 25 6 SI +13 25 7 TI +13 25 8 GO +13 25 9 ER +13 25 10 TI +13 25 11 IB +13 25 12 JA +13 25 13 TI +13 25 14 TI +13 25 15 SI +13 25 16 SI +13 25 17 ER +13 25 18 SE +13 25 19 TI +13 25 20 TI +13 25 21 ER +13 25 22 SI +13 25 23 TI +13 25 24 SE +13 25 25 TI +13 25 26 TI +13 25 27 SI +13 25 28 ER +13 25 29 WL +13 25 30 GO +13 25 31 SI +13 25 32 ER +13 25 33 TI +13 25 34 TI +13 25 35 ER +13 25 36 IB +13 25 37 TI +13 25 38 ER +13 25 39 IB +13 25 40 TI +13 25 41 ER +13 25 42 IB +13 25 43 TI +13 25 44 SI +13 25 45 TI +13 25 46 SE +13 25 47 IB +13 25 48 JA +13 25 49 TI +13 25 50 IB +13 25 51 SE +13 25 52 SI +13 25 53 ER +13 25 54 IB +13 25 55 TI +13 25 56 GO +13 25 57 TI +13 25 58 IB +13 25 59 SI +13 25 60 IB +13 25 61 ER +13 25 62 IB +13 25 63 IB +13 25 64 IB +13 25 65 ER +13 25 66 SI +13 25 67 TI +13 25 68 ER +13 25 69 IB +13 25 70 SI +13 25 71 ER +13 25 72 TI +13 25 73 GO +13 25 74 SI +13 25 75 IB +13 25 76 ER +13 25 77 TI +13 25 78 SI +13 25 79 SE +13 25 80 TI +13 25 81 IB +13 25 82 TI +13 25 83 SI +13 25 84 GO +13 25 85 TI +13 25 86 ER +13 25 87 IB +13 25 88 ER +13 25 89 SE +13 25 90 IB +13 25 91 JA +13 25 92 SI +13 25 93 TI +13 25 94 SE +13 25 95 SI +13 25 96 JA +13 25 97 WL +13 25 98 ER +13 25 99 SI +13 25 100 SI +13 25 101 ER +13 25 102 IB +13 25 103 SI +13 25 104 SI +13 25 105 ER +13 25 106 JA +13 25 107 SI +13 25 108 SI +13 25 109 TI +13 25 110 JA +13 25 111 IB +13 25 112 ER +13 25 113 SE +13 25 114 TI +13 25 115 ER +13 25 116 SI +13 25 117 GO +13 25 118 ER +13 25 119 TI +13 25 120 SI +13 25 121 ER +13 25 122 TI +13 25 123 TI +13 25 124 IB +13 25 125 ER +13 25 126 GO +13 25 127 IB +13 25 128 JA +13 25 129 SI +13 25 130 IB +13 25 131 ER +13 25 132 ER +13 25 133 TI +13 25 134 SE +13 25 135 ER +13 25 136 TI +13 25 137 IB +13 25 138 TI +13 25 139 SI +13 25 140 TI +13 25 141 SI +13 25 142 SI +13 25 143 IB +13 25 144 TI +13 25 145 TI +13 25 146 JA +13 25 147 TI +13 25 148 ER +13 25 149 SI +13 25 150 ER +13 25 151 GO +13 25 152 SI +13 25 153 TI +13 25 154 SE +13 25 155 IB +13 25 156 TI +13 25 157 SE +13 25 158 SI +13 25 159 GO +13 25 160 SI +13 25 161 TI +13 25 162 ER +13 25 163 TI +13 25 164 TI +13 25 165 IB +13 25 166 TI +13 25 167 SI +13 25 168 TI +13 25 169 TI +13 25 170 TI +13 25 171 IB +13 25 172 SI +13 25 173 ER +13 25 174 JA +13 25 175 SI +13 25 176 ER +13 25 177 JA +13 25 178 TI +13 25 179 ER +13 25 180 TI +13 25 181 JA +13 25 182 ER +13 25 183 IB +13 25 184 GO +13 25 185 JA +13 25 186 SI +13 25 187 JA +13 25 188 TI +13 25 189 SI +13 25 190 SI +13 25 191 TI +13 25 192 SI +13 25 193 IB +13 25 194 ER +13 25 195 TI +13 25 196 SI +13 25 197 SI +13 25 198 SE +13 25 199 SI +13 25 200 TI +13 25 201 GO +13 25 202 TI +13 25 203 ER +13 25 204 SE +13 25 205 TI +13 25 206 SI +13 25 207 ER +13 25 208 IB +13 25 209 TI +13 25 210 SE +13 25 211 TI +13 25 212 JA +13 25 213 SI +13 25 214 IB +13 25 215 SI +13 25 216 IB +13 25 217 SI +13 25 218 IB +13 25 219 SI +13 25 220 TI +13 25 221 SI +13 25 222 IB +13 25 223 TI +13 25 224 SI +13 25 225 IB +13 25 226 TI +13 25 227 SE +13 25 228 TI +13 25 229 SI +13 25 230 SI +13 25 231 IB +13 25 232 SI +13 25 233 TI +13 25 234 TI +13 25 235 IB +13 25 236 GO +13 25 237 TI +13 25 238 GO +13 25 239 ER +13 25 240 SI +13 25 241 JA +13 25 242 SI +13 25 243 ER +13 25 244 SI +13 25 245 ER +13 25 246 TI +13 25 247 SI +13 25 248 IB +13 25 249 IB +13 25 250 TI +13 25 251 SI +13 25 252 SI +13 25 253 TI +13 25 254 SI +13 25 255 SE +13 25 256 GO +13 25 257 IB +13 25 258 JA +13 25 259 ER +13 25 260 SI +13 25 261 GO +13 25 262 SI +13 25 263 SI +13 25 264 SI +13 25 265 IB +13 25 266 ER +13 25 267 ER +13 25 268 IB +13 25 269 SI +13 25 270 JA +13 25 271 IB +13 25 272 SI +13 25 273 GO +13 25 274 SI +13 25 275 JA +13 25 276 ER +13 25 277 IB +13 25 278 GO +13 25 279 TI +13 25 280 IB +13 25 281 IB +13 25 282 IB +13 25 283 SI +13 25 284 SI +13 25 285 SI +13 25 286 SI +13 25 287 IB +13 25 288 ER +13 25 289 IB +13 25 290 SI +13 25 291 TI +13 25 292 SI +13 25 293 SI +13 25 294 SI +13 25 295 IB +13 25 296 TI +13 25 297 JA +13 25 298 ER +13 25 299 IB +13 25 300 SI +13 25 301 IB +13 25 302 SI +13 25 303 SI +13 25 304 IB +13 25 305 ER +13 25 306 SI +13 25 307 IB +13 25 308 SI +13 25 309 IB +13 25 310 TI +13 25 311 TI +13 25 312 SE +13 25 313 IB +13 25 314 SI +13 25 315 IB +13 25 316 TI +13 25 317 ER +13 25 318 GO +13 25 319 SI +13 25 320 IB +13 25 321 ER +13 25 322 TI +13 25 323 IB +13 25 324 SI +13 25 325 ER +13 25 326 JA +13 25 327 SI +13 25 328 IB +13 25 329 GO +13 25 330 SI +14 1 1 G +14 1 2 G +14 1 3 Z +14 1 4 K +14 1 5 G +14 1 6 KO +14 1 7 K +14 1 8 Z +14 1 9 KW +14 1 10 K +14 1 11 K +14 1 12 KO +14 1 13 B +14 1 14 B +14 1 15 S +14 1 16 BE +14 1 17 Z +14 1 18 K +14 1 19 G +14 1 20 G +14 1 21 Z +14 1 22 F +14 1 23 B +14 1 24 K +14 1 25 K +14 1 26 K +14 1 27 F +14 1 28 Z +14 1 29 B +14 1 30 KO +14 1 31 F +14 1 32 KO +14 1 33 F +14 1 34 K +14 1 35 Z +14 1 36 K +14 1 37 B +14 1 38 Z +14 1 39 K +14 1 40 B +14 1 41 Z +14 1 42 F +14 1 43 K +14 1 44 F +14 1 45 B +14 1 46 K +14 1 47 K +14 1 48 KO +14 1 49 F +14 1 50 K +14 1 51 K +14 1 52 F +14 1 53 Z +14 1 54 B +14 1 55 B +14 1 56 F +14 1 57 K +14 1 58 KO +14 1 59 F +14 1 60 K +14 1 61 Z +14 1 62 B +14 1 63 Z +14 1 64 K +14 1 65 Z +14 1 66 F +14 1 67 B +14 1 68 Z +14 1 69 K +14 1 70 F +14 1 71 Z +14 1 72 B +14 1 73 B +14 1 74 F +14 1 75 K +14 1 76 Z +14 1 77 K +14 1 78 F +14 1 79 K +14 1 80 K +14 1 81 F +14 1 82 G +14 1 83 F +14 1 84 Z +14 1 85 B +14 1 86 Z +14 1 87 K +14 1 88 KO +14 1 89 K +14 1 90 K +14 1 91 L +14 1 92 F +14 1 93 B +14 1 94 K +14 1 95 F +14 1 96 KO +14 1 97 B +14 1 98 Z +14 1 99 KO +14 1 100 F +14 1 101 Z +14 1 102 B +14 1 103 GY +14 1 104 B +14 1 105 Z +14 1 106 KO +14 1 107 F +14 1 108 F +14 1 109 B +14 1 110 Z +14 1 111 K +14 1 112 Z +14 1 113 K +14 1 114 K +14 1 115 Z +14 1 116 F +14 1 117 KW +14 1 118 Z +14 1 119 B +14 1 120 F +14 1 121 Z +14 1 122 K +14 1 123 K +14 1 124 KO +14 1 125 Z +14 1 126 KW +14 1 127 K +14 1 128 L +14 1 129 F +14 1 130 K +14 1 131 B +14 1 132 KW +14 1 133 G +14 1 134 K +14 1 135 KW +14 1 136 B +14 1 137 B +14 1 138 B +14 1 139 F +14 1 140 B +14 1 141 F +14 1 142 F +14 1 143 KO +14 1 144 B +14 1 145 F +14 1 146 KO +14 1 147 B +14 1 148 Z +14 1 149 G +14 1 150 K +14 1 151 Z +14 1 152 Z +14 1 153 G +14 1 154 K +14 1 155 K +14 1 156 G +14 1 157 K +14 1 158 F +14 1 159 KO +14 1 160 KO +14 1 161 G +14 1 162 Z +14 1 163 G +14 1 164 G +14 1 165 K +14 1 166 K +14 1 167 B +14 1 168 K +14 1 169 K +14 1 170 K +14 1 171 G +14 1 172 F +14 1 173 Z +14 1 174 KO +14 1 175 B +14 1 176 Z +14 1 177 F +14 1 178 K +14 1 179 KW +14 1 180 K +14 1 181 L +14 1 182 KW +14 1 183 KO +14 1 184 B +14 1 185 GW +14 1 186 B +14 1 187 KO +14 1 188 B +14 1 189 B +14 1 190 Z +14 1 191 K +14 1 192 B +14 1 193 KO +14 1 194 GW +14 1 195 B +14 1 196 B +14 1 197 BN +14 1 198 K +14 1 199 F +14 1 200 B +14 1 201 Z +14 1 202 B +14 1 203 Z +14 1 204 K +14 1 205 B +14 1 206 F +14 1 207 Z +14 1 208 KO +14 1 209 K +14 1 210 K +14 1 211 B +14 1 212 Z +14 1 213 F +14 1 214 BN +14 1 215 Z +14 1 216 K +14 1 217 Z +14 1 218 KO +14 1 219 F +14 1 220 B +14 1 221 F +14 1 222 B +14 1 223 B +14 1 224 F +14 1 225 BL +14 1 226 K +14 1 227 K +14 1 228 K +14 1 229 B +14 1 230 F +14 1 231 KO +14 1 232 K +14 1 233 B +14 1 234 B +14 1 235 B +14 1 236 KO +14 1 237 Z +14 1 238 B +14 1 239 Z +14 1 240 Z +14 1 241 F +14 1 242 F +14 1 243 Z +14 1 244 F +14 1 245 Z +14 1 246 B +14 1 247 B +14 1 248 K +14 1 249 K +14 1 250 K +14 1 251 F +14 1 252 F +14 1 253 G +14 1 254 G +14 1 255 K +14 1 256 Z +14 1 257 G +14 1 258 KO +14 1 259 Z +14 1 260 F +14 1 261 Z +14 1 262 F +14 1 263 K +14 1 264 F +14 1 265 K +14 1 266 Z +14 1 267 K +14 1 268 B +14 1 269 Z +14 1 270 KO +14 1 271 K +14 1 272 F +14 1 273 KO +14 1 274 F +14 1 275 KO +14 1 276 Z +14 1 277 K +14 1 278 Z +14 1 279 B +14 1 280 KO +14 1 281 B +14 1 282 B +14 1 283 K +14 1 284 F +14 1 285 KO +14 1 286 F +14 1 287 KO +14 1 288 Z +14 1 289 B +14 1 290 F +14 1 291 B +14 1 292 KO +14 1 293 F +14 1 294 F +14 1 295 KO +14 1 296 B +14 1 297 Z +14 1 298 Z +14 1 299 BI +14 1 300 F +14 1 301 B +14 1 302 F +14 1 303 G +14 1 304 B +14 1 305 Z +14 1 306 KO +14 1 307 KO +14 1 308 B +14 1 309 K +14 1 310 G +14 1 311 K +14 1 312 K +14 1 313 B +14 1 314 F +14 1 315 G +14 1 316 G +14 1 317 Z +14 1 318 KO +14 1 319 F +14 1 320 KO +14 1 321 Z +14 1 322 B +14 1 323 G +14 1 324 F +14 1 325 GW +14 1 326 KO +14 1 327 F +14 1 328 K +14 1 329 GW +14 1 330 F +14 2 1 K +14 2 2 F +14 2 3 Z +14 2 4 K +14 2 5 F +14 2 6 Z +14 2 7 K +14 2 8 Z +14 2 9 KW +14 2 10 K +14 2 11 K +14 2 12 F +14 2 13 K +14 2 14 K +14 2 15 F +14 2 16 F +14 2 17 Z +14 2 18 K +14 2 19 K +14 2 20 F +14 2 21 Z +14 2 22 F +14 2 23 Z +14 2 24 K +14 2 25 K +14 2 26 K +14 2 27 F +14 2 28 Z +14 2 29 F +14 2 30 Z +14 2 31 F +14 2 32 Z +14 2 33 F +14 2 34 K +14 2 35 Z +14 2 36 K +14 2 37 K +14 2 38 Z +14 2 39 K +14 2 40 K +14 2 41 Z +14 2 42 Z +14 2 43 K +14 2 44 F +14 2 45 K +14 2 46 K +14 2 47 K +14 2 48 Z +14 2 49 F +14 2 50 K +14 2 51 K +14 2 52 F +14 2 53 Z +14 2 54 K +14 2 55 K +14 2 56 Z +14 2 57 K +14 2 58 Z +14 2 59 F +14 2 60 K +14 2 61 Z +14 2 62 F +14 2 63 Z +14 2 64 K +14 2 65 Z +14 2 66 F +14 2 67 F +14 2 68 Z +14 2 69 K +14 2 70 F +14 2 71 Z +14 2 72 K +14 2 73 Z +14 2 74 F +14 2 75 K +14 2 76 Z +14 2 77 K +14 2 78 F +14 2 79 K +14 2 80 K +14 2 81 K +14 2 82 K +14 2 83 F +14 2 84 Z +14 2 85 K +14 2 86 Z +14 2 87 K +14 2 88 Z +14 2 89 K +14 2 90 K +14 2 91 F +14 2 92 F +14 2 93 K +14 2 94 K +14 2 95 F +14 2 96 Z +14 2 97 K +14 2 98 Z +14 2 99 F +14 2 100 F +14 2 101 Z +14 2 102 F +14 2 103 F +14 2 104 F +14 2 105 Z +14 2 106 F +14 2 107 F +14 2 108 F +14 2 109 K +14 2 110 Z +14 2 111 K +14 2 112 Z +14 2 113 K +14 2 114 K +14 2 115 Z +14 2 116 F +14 2 117 Z +14 2 118 Z +14 2 119 K +14 2 120 F +14 2 121 Z +14 2 122 K +14 2 123 K +14 2 124 F +14 2 125 Z +14 2 126 Z +14 2 127 K +14 2 128 F +14 2 129 F +14 2 130 K +14 2 131 K +14 2 132 Z +14 2 133 K +14 2 134 K +14 2 135 Z +14 2 136 F +14 2 137 K +14 2 138 K +14 2 139 F +14 2 140 K +14 2 141 F +14 2 142 F +14 2 143 Z +14 2 144 K +14 2 145 F +14 2 146 Z +14 2 147 K +14 2 148 Z +14 2 149 F +14 2 150 K +14 2 151 Z +14 2 152 F +14 2 153 K +14 2 154 K +14 2 155 K +14 2 156 K +14 2 157 K +14 2 158 F +14 2 159 Z +14 2 160 Z +14 2 161 F +14 2 162 Z +14 2 163 K +14 2 164 K +14 2 165 F +14 2 166 K +14 2 167 F +14 2 168 K +14 2 169 K +14 2 170 K +14 2 171 K +14 2 172 F +14 2 173 Z +14 2 174 Z +14 2 175 F +14 2 176 Z +14 2 177 F +14 2 178 K +14 2 179 Z +14 2 180 F +14 2 181 Z +14 2 182 Z +14 2 183 Z +14 2 184 Z +14 2 185 Z +14 2 186 F +14 2 187 Z +14 2 188 K +14 2 189 F +14 2 190 Z +14 2 191 K +14 2 192 K +14 2 193 F +14 2 194 K +14 2 195 F +14 2 196 F +14 2 197 Z +14 2 198 K +14 2 199 F +14 2 200 K +14 2 201 Z +14 2 202 F +14 2 203 Z +14 2 204 K +14 2 205 K +14 2 206 F +14 2 207 Z +14 2 208 K +14 2 209 K +14 2 210 K +14 2 211 K +14 2 212 Z +14 2 213 K +14 2 214 Z +14 2 215 Z +14 2 216 K +14 2 217 Z +14 2 218 K +14 2 219 F +14 2 220 K +14 2 221 F +14 2 222 K +14 2 223 K +14 2 224 F +14 2 225 K +14 2 226 K +14 2 227 K +14 2 228 K +14 2 229 F +14 2 230 F +14 2 231 Z +14 2 232 K +14 2 233 K +14 2 234 K +14 2 235 K +14 2 236 K +14 2 237 Z +14 2 238 K +14 2 239 Z +14 2 240 K +14 2 241 F +14 2 242 F +14 2 243 Z +14 2 244 F +14 2 245 Z +14 2 246 K +14 2 247 K +14 2 248 K +14 2 249 K +14 2 250 K +14 2 251 F +14 2 252 F +14 2 253 K +14 2 254 K +14 2 255 K +14 2 256 Z +14 2 257 K +14 2 258 Z +14 2 259 Z +14 2 260 F +14 2 261 Z +14 2 262 F +14 2 263 K +14 2 264 F +14 2 265 K +14 2 266 F +14 2 267 K +14 2 268 F +14 2 269 Z +14 2 270 Z +14 2 271 K +14 2 272 F +14 2 273 Z +14 2 274 F +14 2 275 K +14 2 276 Z +14 2 277 K +14 2 278 Z +14 2 279 K +14 2 280 K +14 2 281 K +14 2 282 K +14 2 283 K +14 2 284 F +14 2 285 Z +14 2 286 F +14 2 287 K +14 2 288 Z +14 2 289 K +14 2 290 F +14 2 291 K +14 2 292 Z +14 2 293 F +14 2 294 F +14 2 295 K +14 2 296 K +14 2 297 Z +14 2 298 Z +14 2 299 K +14 2 300 F +14 2 301 K +14 2 302 F +14 2 303 F +14 2 304 K +14 2 305 K +14 2 306 K +14 2 307 K +14 2 308 K +14 2 309 K +14 2 310 K +14 2 311 K +14 2 312 K +14 2 313 K +14 2 314 F +14 2 315 K +14 2 316 K +14 2 317 K +14 2 318 Z +14 2 319 F +14 2 320 K +14 2 321 Z +14 2 322 K +14 2 323 K +14 2 324 F +14 2 325 K +14 2 326 Z +14 2 327 F +14 2 328 K +14 2 329 K +14 2 330 F +14 3 1 K +14 3 2 K +14 3 3 Z +14 3 4 O +14 3 5 K +14 3 6 O +14 3 7 K +14 3 8 Z +14 3 9 O +14 3 10 K +14 3 11 K +14 3 12 O +14 3 13 K +14 3 14 K +14 3 15 Z +14 3 16 O +14 3 17 Z +14 3 18 K +14 3 19 K +14 3 20 K +14 3 21 Z +14 3 22 O +14 3 23 O +14 3 24 K +14 3 25 K +14 3 26 K +14 3 27 O +14 3 28 Z +14 3 29 K +14 3 30 Z +14 3 31 O +14 3 32 Z +14 3 33 O +14 3 34 K +14 3 35 Z +14 3 36 K +14 3 37 K +14 3 38 Z +14 3 39 K +14 3 40 K +14 3 41 Z +14 3 42 O +14 3 43 K +14 3 44 O +14 3 45 K +14 3 46 K +14 3 47 K +14 3 48 Z +14 3 49 K +14 3 50 O +14 3 51 O +14 3 52 O +14 3 53 Z +14 3 54 K +14 3 55 K +14 3 56 Z +14 3 57 K +14 3 58 O +14 3 59 O +14 3 60 K +14 3 61 Z +14 3 62 O +14 3 63 Z +14 3 64 K +14 3 65 Z +14 3 66 O +14 3 67 O +14 3 68 Z +14 3 69 O +14 3 70 O +14 3 71 Z +14 3 72 K +14 3 73 Z +14 3 74 O +14 3 75 K +14 3 76 Z +14 3 77 K +14 3 78 Z +14 3 79 K +14 3 80 K +14 3 81 O +14 3 82 O +14 3 83 O +14 3 84 O +14 3 85 K +14 3 86 Z +14 3 87 K +14 3 88 Z +14 3 89 K +14 3 90 K +14 3 91 O +14 3 92 O +14 3 93 K +14 3 94 K +14 3 95 O +14 3 96 O +14 3 97 O +14 3 98 Z +14 3 99 O +14 3 100 O +14 3 101 Z +14 3 102 O +14 3 103 O +14 3 104 O +14 3 105 Z +14 3 106 O +14 3 107 O +14 3 108 O +14 3 109 K +14 3 110 Z +14 3 111 K +14 3 112 Z +14 3 113 K +14 3 114 K +14 3 115 Z +14 3 116 O +14 3 117 O +14 3 118 Z +14 3 119 K +14 3 120 O +14 3 121 Z +14 3 122 K +14 3 123 K +14 3 124 O +14 3 125 Z +14 3 126 Z +14 3 127 K +14 3 128 O +14 3 129 O +14 3 130 K +14 3 131 Z +14 3 132 Z +14 3 133 K +14 3 134 O +14 3 135 Z +14 3 136 O +14 3 137 O +14 3 138 O +14 3 139 O +14 3 140 K +14 3 141 F +14 3 142 O +14 3 143 O +14 3 144 K +14 3 145 O +14 3 146 O +14 3 147 O +14 3 148 Z +14 3 149 O +14 3 150 Z +14 3 151 Z +14 3 152 Z +14 3 153 O +14 3 154 O +14 3 155 O +14 3 156 K +14 3 157 O +14 3 158 F +14 3 159 Z +14 3 160 Z +14 3 161 K +14 3 162 Z +14 3 163 K +14 3 164 K +14 3 165 O +14 3 166 K +14 3 167 O +14 3 168 K +14 3 169 K +14 3 170 K +14 3 171 K +14 3 172 F +14 3 173 Z +14 3 174 F +14 3 175 K +14 3 176 Z +14 3 177 O +14 3 178 K +14 3 179 Z +14 3 180 K +14 3 181 O +14 3 182 O +14 3 183 O +14 3 184 K +14 3 185 Z +14 3 186 K +14 3 187 Z +14 3 188 K +14 3 189 K +14 3 190 Z +14 3 191 K +14 3 192 K +14 3 193 O +14 3 194 K +14 3 195 K +14 3 196 K +14 3 197 O +14 3 198 K +14 3 199 F +14 3 200 K +14 3 201 Z +14 3 202 K +14 3 203 Z +14 3 204 K +14 3 205 K +14 3 206 F +14 3 207 Z +14 3 208 O +14 3 209 K +14 3 210 K +14 3 211 K +14 3 212 Z +14 3 213 F +14 3 214 F +14 3 215 F +14 3 216 K +14 3 217 Z +14 3 218 O +14 3 219 O +14 3 220 K +14 3 221 F +14 3 222 K +14 3 223 K +14 3 224 F +14 3 225 O +14 3 226 K +14 3 227 K +14 3 228 K +14 3 229 O +14 3 230 F +14 3 231 Z +14 3 232 O +14 3 233 K +14 3 234 K +14 3 235 K +14 3 236 O +14 3 237 Z +14 3 238 K +14 3 239 Z +14 3 240 Z +14 3 241 F +14 3 242 F +14 3 243 Z +14 3 244 F +14 3 245 Z +14 3 246 K +14 3 247 O +14 3 248 K +14 3 249 K +14 3 250 O +14 3 251 K +14 3 252 F +14 3 253 K +14 3 254 K +14 3 255 K +14 3 256 Z +14 3 257 K +14 3 258 O +14 3 259 Z +14 3 260 O +14 3 261 Z +14 3 262 F +14 3 263 K +14 3 264 F +14 3 265 K +14 3 266 Z +14 3 267 Z +14 3 268 K +14 3 269 Z +14 3 270 Z +14 3 271 K +14 3 272 F +14 3 273 Z +14 3 274 F +14 3 275 O +14 3 276 Z +14 3 277 K +14 3 278 Z +14 3 279 K +14 3 280 O +14 3 281 K +14 3 282 K +14 3 283 O +14 3 284 F +14 3 285 Z +14 3 286 F +14 3 287 O +14 3 288 Z +14 3 289 K +14 3 290 F +14 3 291 K +14 3 292 Z +14 3 293 F +14 3 294 F +14 3 295 O +14 3 296 O +14 3 297 O +14 3 298 Z +14 3 299 K +14 3 300 K +14 3 301 K +14 3 302 F +14 3 303 K +14 3 304 K +14 3 305 K +14 3 306 O +14 3 307 K +14 3 308 Z +14 3 309 K +14 3 310 K +14 3 311 K +14 3 312 K +14 3 313 K +14 3 314 F +14 3 315 K +14 3 316 K +14 3 317 Z +14 3 318 Z +14 3 319 F +14 3 320 O +14 3 321 Z +14 3 322 K +14 3 323 K +14 3 324 F +14 3 325 K +14 3 326 O +14 3 327 F +14 3 328 K +14 3 329 O +14 3 330 F +14 4 1 K +14 4 2 F +14 4 3 Z +14 4 4 K +14 4 5 F +14 4 6 Z +14 4 7 K +14 4 8 Z +14 4 9 Z +14 4 10 K +14 4 11 K +14 4 12 F +14 4 13 K +14 4 14 K +14 4 15 F +14 4 16 F +14 4 17 Z +14 4 18 K +14 4 19 K +14 4 20 K +14 4 21 Z +14 4 22 F +14 4 23 K +14 4 24 K +14 4 25 K +14 4 26 K +14 4 27 F +14 4 28 Z +14 4 29 K +14 4 30 Z +14 4 31 F +14 4 32 Z +14 4 33 K +14 4 34 K +14 4 35 Z +14 4 36 K +14 4 37 K +14 4 38 Z +14 4 39 K +14 4 40 K +14 4 41 Z +14 4 42 K +14 4 43 K +14 4 44 F +14 4 45 K +14 4 46 K +14 4 47 K +14 4 48 F +14 4 49 F +14 4 50 K +14 4 51 K +14 4 52 F +14 4 53 Z +14 4 54 K +14 4 55 K +14 4 56 Z +14 4 57 K +14 4 58 K +14 4 59 F +14 4 60 K +14 4 61 Z +14 4 62 F +14 4 63 Z +14 4 64 K +14 4 65 Z +14 4 66 F +14 4 67 F +14 4 68 Z +14 4 69 K +14 4 70 F +14 4 71 Z +14 4 72 K +14 4 73 Z +14 4 74 F +14 4 75 K +14 4 76 Z +14 4 77 K +14 4 78 Z +14 4 79 K +14 4 80 K +14 4 81 F +14 4 82 K +14 4 83 F +14 4 84 Z +14 4 85 K +14 4 86 Z +14 4 87 K +14 4 88 Z +14 4 89 K +14 4 90 K +14 4 91 F +14 4 92 F +14 4 93 K +14 4 94 K +14 4 95 F +14 4 96 Z +14 4 97 K +14 4 98 Z +14 4 99 F +14 4 100 F +14 4 101 Z +14 4 102 F +14 4 103 K +14 4 104 F +14 4 105 Z +14 4 106 F +14 4 107 F +14 4 108 F +14 4 109 K +14 4 110 Z +14 4 111 K +14 4 112 Z +14 4 113 K +14 4 114 K +14 4 115 Z +14 4 116 F +14 4 117 K +14 4 118 Z +14 4 119 K +14 4 120 F +14 4 121 Z +14 4 122 K +14 4 123 K +14 4 124 K +14 4 125 Z +14 4 126 Z +14 4 127 K +14 4 128 F +14 4 129 F +14 4 130 K +14 4 131 K +14 4 132 Z +14 4 133 K +14 4 134 K +14 4 135 Z +14 4 136 K +14 4 137 K +14 4 138 K +14 4 139 F +14 4 140 K +14 4 141 F +14 4 142 F +14 4 143 K +14 4 144 K +14 4 145 K +14 4 146 Z +14 4 147 K +14 4 148 Z +14 4 149 K +14 4 150 K +14 4 151 Z +14 4 152 Z +14 4 153 F +14 4 154 K +14 4 155 K +14 4 156 K +14 4 157 K +14 4 158 F +14 4 159 F +14 4 160 Z +14 4 161 K +14 4 162 Z +14 4 163 K +14 4 164 K +14 4 165 K +14 4 166 K +14 4 167 F +14 4 168 K +14 4 169 K +14 4 170 K +14 4 171 K +14 4 172 F +14 4 173 Z +14 4 174 Z +14 4 175 F +14 4 176 Z +14 4 177 F +14 4 178 K +14 4 179 Z +14 4 180 F +14 4 181 K +14 4 182 K +14 4 183 Z +14 4 184 F +14 4 185 F +14 4 186 Z +14 4 187 K +14 4 188 F +14 4 189 Z +14 4 190 K +14 4 191 K +14 4 192 F +14 4 193 F +14 4 194 K +14 4 195 K +14 4 196 F +14 4 197 Z +14 4 198 K +14 4 199 F +14 4 200 F +14 4 201 Z +14 4 202 K +14 4 203 Z +14 4 204 K +14 4 205 K +14 4 206 F +14 4 207 Z +14 4 208 Z +14 4 209 K +14 4 210 K +14 4 211 K +14 4 212 Z +14 4 213 F +14 4 214 F +14 4 215 F +14 4 216 K +14 4 217 Z +14 4 218 K +14 4 219 F +14 4 220 K +14 4 221 F +14 4 222 K +14 4 223 F +14 4 224 F +14 4 225 K +14 4 226 K +14 4 227 K +14 4 228 K +14 4 229 K +14 4 230 F +14 4 231 Z +14 4 232 K +14 4 233 K +14 4 234 K +14 4 235 K +14 4 236 K +14 4 237 Z +14 4 238 K +14 4 239 Z +14 4 240 K +14 4 241 F +14 4 242 F +14 4 243 Z +14 4 244 F +14 4 245 Z +14 4 246 K +14 4 247 K +14 4 248 K +14 4 249 K +14 4 250 K +14 4 251 F +14 4 252 F +14 4 253 F +14 4 254 F +14 4 255 K +14 4 256 Z +14 4 257 K +14 4 258 F +14 4 259 Z +14 4 260 F +14 4 261 Z +14 4 262 F +14 4 263 K +14 4 264 F +14 4 265 K +14 4 266 Z +14 4 267 F +14 4 268 F +14 4 269 Z +14 4 270 Z +14 4 271 K +14 4 272 F +14 4 273 Z +14 4 274 F +14 4 275 F +14 4 276 Z +14 4 277 K +14 4 278 Z +14 4 279 K +14 4 280 K +14 4 281 K +14 4 282 K +14 4 283 K +14 4 284 F +14 4 285 Z +14 4 286 F +14 4 287 F +14 4 288 Z +14 4 289 F +14 4 290 F +14 4 291 K +14 4 292 Z +14 4 293 F +14 4 294 F +14 4 295 K +14 4 296 K +14 4 297 Z +14 4 298 Z +14 4 299 K +14 4 300 F +14 4 301 F +14 4 302 F +14 4 303 F +14 4 304 K +14 4 305 Z +14 4 306 F +14 4 307 F +14 4 308 Z +14 4 309 K +14 4 310 K +14 4 311 K +14 4 312 K +14 4 313 K +14 4 314 F +14 4 315 F +14 4 316 K +14 4 317 Z +14 4 318 Z +14 4 319 F +14 4 320 F +14 4 321 Z +14 4 322 F +14 4 323 K +14 4 324 F +14 4 325 Z +14 4 326 F +14 4 327 F +14 4 328 K +14 4 329 K +14 4 330 F +14 5 1 K +14 5 2 K +14 5 3 Z +14 5 4 Z +14 5 5 G +14 5 6 G +14 5 7 G +14 5 8 Z +14 5 9 Z +14 5 10 G +14 5 11 G +14 5 12 Z +14 5 13 K +14 5 14 K +14 5 15 F +14 5 16 F +14 5 17 Z +14 5 18 K +14 5 19 G +14 5 20 G +14 5 21 Z +14 5 22 B +14 5 23 K +14 5 24 K +14 5 25 K +14 5 26 K +14 5 27 F +14 5 28 Z +14 5 29 B +14 5 30 Z +14 5 31 F +14 5 32 Z +14 5 33 B +14 5 34 K +14 5 35 Z +14 5 36 K +14 5 37 B +14 5 38 Z +14 5 39 K +14 5 40 B +14 5 41 Z +14 5 42 Z +14 5 43 B +14 5 44 F +14 5 45 B +14 5 46 K +14 5 47 K +14 5 48 Z +14 5 49 B +14 5 50 K +14 5 51 K +14 5 52 F +14 5 53 Z +14 5 54 K +14 5 55 F +14 5 56 Z +14 5 57 K +14 5 58 Z +14 5 59 F +14 5 60 K +14 5 61 Z +14 5 62 K +14 5 63 Z +14 5 64 B +14 5 65 Z +14 5 66 F +14 5 67 F +14 5 68 Z +14 5 69 Z +14 5 70 F +14 5 71 K +14 5 72 K +14 5 73 K +14 5 74 F +14 5 75 K +14 5 76 Z +14 5 77 K +14 5 78 F +14 5 79 K +14 5 80 K +14 5 81 Z +14 5 82 K +14 5 83 F +14 5 84 Z +14 5 85 K +14 5 86 Z +14 5 87 K +14 5 88 K +14 5 89 K +14 5 90 K +14 5 91 Z +14 5 92 F +14 5 93 K +14 5 94 K +14 5 95 F +14 5 96 Z +14 5 97 K +14 5 98 Z +14 5 99 F +14 5 100 F +14 5 101 K +14 5 102 F +14 5 103 K +14 5 104 G +14 5 105 K +14 5 106 B +14 5 107 F +14 5 108 F +14 5 109 G +14 5 110 Z +14 5 111 K +14 5 112 B +14 5 113 K +14 5 114 K +14 5 115 Z +14 5 116 F +14 5 117 K +14 5 118 F +14 5 119 K +14 5 120 F +14 5 121 Z +14 5 122 K +14 5 123 K +14 5 124 Z +14 5 125 Z +14 5 126 F +14 5 127 K +14 5 128 Z +14 5 129 F +14 5 130 K +14 5 131 K +14 5 132 Z +14 5 133 K +14 5 134 K +14 5 135 K +14 5 136 K +14 5 137 K +14 5 138 F +14 5 139 F +14 5 140 K +14 5 141 F +14 5 142 G +14 5 143 Z +14 5 144 K +14 5 145 K +14 5 146 Z +14 5 147 K +14 5 148 Z +14 5 149 K +14 5 150 K +14 5 151 Z +14 5 152 G +14 5 153 K +14 5 154 K +14 5 155 K +14 5 156 K +14 5 157 K +14 5 158 F +14 5 159 Z +14 5 160 B +14 5 161 K +14 5 162 Z +14 5 163 K +14 5 164 B +14 5 165 Z +14 5 166 K +14 5 167 B +14 5 168 K +14 5 169 K +14 5 170 K +14 5 171 K +14 5 172 F +14 5 173 Z +14 5 174 Z +14 5 175 B +14 5 176 Z +14 5 177 F +14 5 178 K +14 5 179 K +14 5 180 B +14 5 181 Z +14 5 182 K +14 5 183 Z +14 5 184 B +14 5 185 Z +14 5 186 B +14 5 187 Z +14 5 188 B +14 5 189 B +14 5 190 F +14 5 191 K +14 5 192 K +14 5 193 Z +14 5 194 K +14 5 195 Z +14 5 196 F +14 5 197 B +14 5 198 K +14 5 199 F +14 5 200 B +14 5 201 Z +14 5 202 K +14 5 203 Z +14 5 204 K +14 5 205 B +14 5 206 F +14 5 207 Z +14 5 208 Z +14 5 209 K +14 5 210 K +14 5 211 B +14 5 212 Z +14 5 213 B +14 5 214 Z +14 5 215 B +14 5 216 K +14 5 217 Z +14 5 218 Z +14 5 219 F +14 5 220 B +14 5 221 F +14 5 222 K +14 5 223 K +14 5 224 F +14 5 225 Z +14 5 226 K +14 5 227 K +14 5 228 K +14 5 229 B +14 5 230 B +14 5 231 K +14 5 232 Z +14 5 233 B +14 5 234 K +14 5 235 G +14 5 236 Z +14 5 237 Z +14 5 238 K +14 5 239 Z +14 5 240 K +14 5 241 F +14 5 242 Z +14 5 243 K +14 5 244 F +14 5 245 Z +14 5 246 B +14 5 247 B +14 5 248 K +14 5 249 K +14 5 250 K +14 5 251 K +14 5 252 F +14 5 253 B +14 5 254 B +14 5 255 K +14 5 256 Z +14 5 257 K +14 5 258 Z +14 5 259 Z +14 5 260 F +14 5 261 Z +14 5 262 F +14 5 263 K +14 5 264 B +14 5 265 K +14 5 266 Z +14 5 267 K +14 5 268 B +14 5 269 K +14 5 270 Z +14 5 271 K +14 5 272 F +14 5 273 Z +14 5 274 F +14 5 275 Z +14 5 276 Z +14 5 277 K +14 5 278 Z +14 5 279 B +14 5 280 K +14 5 281 K +14 5 282 K +14 5 283 K +14 5 284 F +14 5 285 F +14 5 286 F +14 5 287 Z +14 5 288 Z +14 5 289 G +14 5 290 F +14 5 291 B +14 5 292 Z +14 5 293 F +14 5 294 F +14 5 295 Z +14 5 296 K +14 5 297 Z +14 5 298 Z +14 5 299 K +14 5 300 F +14 5 301 K +14 5 302 F +14 5 303 B +14 5 304 Z +14 5 305 K +14 5 306 Z +14 5 307 G +14 5 308 G +14 5 309 K +14 5 310 B +14 5 311 K +14 5 312 K +14 5 313 K +14 5 314 F +14 5 315 Z +14 5 316 K +14 5 317 K +14 5 318 Z +14 5 319 F +14 5 320 Z +14 5 321 Z +14 5 322 G +14 5 323 K +14 5 324 F +14 5 325 K +14 5 326 Z +14 5 327 F +14 5 328 K +14 5 329 Z +14 5 330 F +14 6 1 G +14 6 2 G +14 6 3 Z +14 6 4 Z +14 6 5 G +14 6 6 G +14 6 7 K +14 6 8 Z +14 6 9 F +14 6 10 K +14 6 11 K +14 6 12 F +14 6 13 K +14 6 14 K +14 6 15 F +14 6 16 G +14 6 17 Z +14 6 18 K +14 6 19 K +14 6 20 K +14 6 21 Z +14 6 22 F +14 6 23 B +14 6 24 F +14 6 25 K +14 6 26 K +14 6 27 F +14 6 28 Z +14 6 29 K +14 6 30 Z +14 6 31 K +14 6 32 F +14 6 33 B +14 6 34 K +14 6 35 Z +14 6 36 K +14 6 37 G +14 6 38 Z +14 6 39 G +14 6 40 G +14 6 41 Z +14 6 42 F +14 6 43 K +14 6 44 F +14 6 45 G +14 6 46 F +14 6 47 K +14 6 48 F +14 6 49 G +14 6 50 K +14 6 51 F +14 6 52 F +14 6 53 Z +14 6 54 G +14 6 55 G +14 6 56 Z +14 6 57 K +14 6 58 F +14 6 59 F +14 6 60 K +14 6 61 Z +14 6 62 G +14 6 63 Z +14 6 64 K +14 6 65 Z +14 6 66 F +14 6 67 G +14 6 68 Z +14 6 69 G +14 6 70 F +14 6 71 K +14 6 72 G +14 6 73 G +14 6 74 F +14 6 75 K +14 6 76 Z +14 6 77 G +14 6 78 F +14 6 79 K +14 6 80 G +14 6 81 F +14 6 82 G +14 6 83 F +14 6 84 F +14 6 85 G +14 6 86 Z +14 6 87 K +14 6 88 Z +14 6 89 K +14 6 90 K +14 6 91 G +14 6 92 F +14 6 93 G +14 6 94 K +14 6 95 F +14 6 96 G +14 6 97 K +14 6 98 Z +14 6 99 G +14 6 100 G +14 6 101 Z +14 6 102 G +14 6 103 F +14 6 104 G +14 6 105 Z +14 6 106 F +14 6 107 F +14 6 108 G +14 6 109 K +14 6 110 F +14 6 111 K +14 6 112 Z +14 6 113 K +14 6 114 K +14 6 115 Z +14 6 116 G +14 6 117 K +14 6 118 Z +14 6 119 G +14 6 120 F +14 6 121 Z +14 6 122 G +14 6 123 G +14 6 124 F +14 6 125 Z +14 6 126 Z +14 6 127 K +14 6 128 G +14 6 129 F +14 6 130 F +14 6 131 Z +14 6 132 Z +14 6 133 K +14 6 134 K +14 6 135 Z +14 6 136 G +14 6 137 K +14 6 138 F +14 6 139 F +14 6 140 G +14 6 141 F +14 6 142 F +14 6 143 F +14 6 144 K +14 6 145 F +14 6 146 F +14 6 147 G +14 6 148 Z +14 6 149 G +14 6 150 K +14 6 151 Z +14 6 152 F +14 6 153 B +14 6 154 F +14 6 155 F +14 6 156 G +14 6 157 F +14 6 158 F +14 6 159 F +14 6 160 Z +14 6 161 G +14 6 162 Z +14 6 163 G +14 6 164 G +14 6 165 F +14 6 166 K +14 6 167 F +14 6 168 K +14 6 169 K +14 6 170 K +14 6 171 F +14 6 172 F +14 6 173 Z +14 6 174 Z +14 6 175 G +14 6 176 Z +14 6 177 F +14 6 178 K +14 6 179 K +14 6 180 G +14 6 181 F +14 6 182 Z +14 6 183 F +14 6 184 F +14 6 185 F +14 6 186 G +14 6 187 Z +14 6 188 G +14 6 189 G +14 6 190 Z +14 6 191 G +14 6 192 F +14 6 193 F +14 6 194 Z +14 6 195 G +14 6 196 G +14 6 197 F +14 6 198 K +14 6 199 F +14 6 200 G +14 6 201 F +14 6 202 K +14 6 203 Z +14 6 204 K +14 6 205 K +14 6 206 F +14 6 207 Z +14 6 208 F +14 6 209 K +14 6 210 K +14 6 211 G +14 6 212 Z +14 6 213 G +14 6 214 F +14 6 215 F +14 6 216 K +14 6 217 G +14 6 218 F +14 6 219 F +14 6 220 K +14 6 221 F +14 6 222 F +14 6 223 K +14 6 224 F +14 6 225 F +14 6 226 K +14 6 227 K +14 6 228 K +14 6 229 F +14 6 230 F +14 6 231 Z +14 6 232 F +14 6 233 F +14 6 234 K +14 6 235 K +14 6 236 F +14 6 237 Z +14 6 238 F +14 6 239 Z +14 6 240 Z +14 6 241 F +14 6 242 G +14 6 243 K +14 6 244 F +14 6 245 Z +14 6 246 K +14 6 247 K +14 6 248 K +14 6 249 K +14 6 250 K +14 6 251 G +14 6 252 F +14 6 253 G +14 6 254 G +14 6 255 K +14 6 256 Z +14 6 257 K +14 6 258 K +14 6 259 K +14 6 260 G +14 6 261 K +14 6 262 F +14 6 263 K +14 6 264 K +14 6 265 K +14 6 266 F +14 6 267 K +14 6 268 G +14 6 269 Z +14 6 270 F +14 6 271 K +14 6 272 F +14 6 273 K +14 6 274 F +14 6 275 F +14 6 276 F +14 6 277 K +14 6 278 F +14 6 279 K +14 6 280 F +14 6 281 K +14 6 282 K +14 6 283 F +14 6 284 F +14 6 285 G +14 6 286 F +14 6 287 F +14 6 288 Z +14 6 289 G +14 6 290 F +14 6 291 K +14 6 292 F +14 6 293 F +14 6 294 F +14 6 295 F +14 6 296 K +14 6 297 F +14 6 298 Z +14 6 299 K +14 6 300 F +14 6 301 K +14 6 302 F +14 6 303 B +14 6 304 K +14 6 305 K +14 6 306 B +14 6 307 K +14 6 308 F +14 6 309 K +14 6 310 B +14 6 311 K +14 6 312 K +14 6 313 K +14 6 314 F +14 6 315 B +14 6 316 K +14 6 317 Z +14 6 318 Z +14 6 319 F +14 6 320 F +14 6 321 Z +14 6 322 B +14 6 323 K +14 6 324 F +14 6 325 K +14 6 326 F +14 6 327 K +14 6 328 K +14 6 329 F +14 6 330 F +14 7 1 K +14 7 2 F +14 7 3 Z +14 7 4 K +14 7 5 F +14 7 6 Z +14 7 7 K +14 7 8 Z +14 7 9 Z +14 7 10 K +14 7 11 K +14 7 12 F +14 7 13 K +14 7 14 K +14 7 15 Z +14 7 16 F +14 7 17 Z +14 7 18 K +14 7 19 K +14 7 20 K +14 7 21 Z +14 7 22 F +14 7 23 K +14 7 24 K +14 7 25 K +14 7 26 K +14 7 27 F +14 7 28 Z +14 7 29 F +14 7 30 K +14 7 31 F +14 7 32 K +14 7 33 K +14 7 34 K +14 7 35 Z +14 7 36 K +14 7 37 K +14 7 38 Z +14 7 39 K +14 7 40 Z +14 7 41 Z +14 7 42 K +14 7 43 K +14 7 44 K +14 7 45 K +14 7 46 K +14 7 47 K +14 7 48 Z +14 7 49 K +14 7 50 K +14 7 51 K +14 7 52 K +14 7 53 Z +14 7 54 K +14 7 55 K +14 7 56 Z +14 7 57 K +14 7 58 K +14 7 59 K +14 7 60 K +14 7 61 Z +14 7 62 K +14 7 63 Z +14 7 64 K +14 7 65 Z +14 7 66 K +14 7 67 K +14 7 68 Z +14 7 69 K +14 7 70 K +14 7 71 K +14 7 72 K +14 7 73 K +14 7 74 K +14 7 75 K +14 7 76 Z +14 7 77 K +14 7 78 K +14 7 79 K +14 7 80 K +14 7 81 K +14 7 82 K +14 7 83 K +14 7 84 Z +14 7 85 K +14 7 86 Z +14 7 87 K +14 7 88 Z +14 7 89 K +14 7 90 K +14 7 91 K +14 7 92 K +14 7 93 K +14 7 94 K +14 7 95 K +14 7 96 Z +14 7 97 K +14 7 98 Z +14 7 99 K +14 7 100 K +14 7 101 Z +14 7 102 K +14 7 103 K +14 7 104 K +14 7 105 Z +14 7 106 K +14 7 107 K +14 7 108 K +14 7 109 K +14 7 110 Z +14 7 111 K +14 7 112 Z +14 7 113 K +14 7 114 K +14 7 115 Z +14 7 116 K +14 7 117 K +14 7 118 Z +14 7 119 K +14 7 120 F +14 7 121 Z +14 7 122 K +14 7 123 K +14 7 124 K +14 7 125 Z +14 7 126 Z +14 7 127 K +14 7 128 Z +14 7 129 F +14 7 130 K +14 7 131 K +14 7 132 Z +14 7 133 K +14 7 134 K +14 7 135 Z +14 7 136 K +14 7 137 K +14 7 138 K +14 7 139 F +14 7 140 K +14 7 141 F +14 7 142 F +14 7 143 K +14 7 144 K +14 7 145 F +14 7 146 Z +14 7 147 F +14 7 148 Z +14 7 149 F +14 7 150 K +14 7 151 Z +14 7 152 Z +14 7 153 K +14 7 154 K +14 7 155 K +14 7 156 K +14 7 157 K +14 7 158 F +14 7 159 F +14 7 160 Z +14 7 161 K +14 7 162 Z +14 7 163 K +14 7 164 K +14 7 165 K +14 7 166 K +14 7 167 F +14 7 168 K +14 7 169 K +14 7 170 K +14 7 171 K +14 7 172 F +14 7 173 Z +14 7 174 F +14 7 175 F +14 7 176 Z +14 7 177 F +14 7 178 K +14 7 179 Z +14 7 180 K +14 7 181 K +14 7 182 K +14 7 183 K +14 7 184 K +14 7 185 K +14 7 186 F +14 7 187 Z +14 7 188 K +14 7 189 F +14 7 190 Z +14 7 191 K +14 7 192 K +14 7 193 F +14 7 194 K +14 7 195 K +14 7 196 F +14 7 197 K +14 7 198 K +14 7 199 F +14 7 200 K +14 7 201 Z +14 7 202 K +14 7 203 Z +14 7 204 K +14 7 205 K +14 7 206 F +14 7 207 Z +14 7 208 K +14 7 209 K +14 7 210 K +14 7 211 K +14 7 212 Z +14 7 213 F +14 7 214 K +14 7 215 Z +14 7 216 K +14 7 217 Z +14 7 218 K +14 7 219 F +14 7 220 K +14 7 221 F +14 7 222 K +14 7 223 K +14 7 224 F +14 7 225 K +14 7 226 K +14 7 227 K +14 7 228 K +14 7 229 F +14 7 230 F +14 7 231 K +14 7 232 K +14 7 233 K +14 7 234 K +14 7 235 K +14 7 236 K +14 7 237 Z +14 7 238 K +14 7 239 Z +14 7 240 K +14 7 241 F +14 7 242 K +14 7 243 F +14 7 244 Z +14 7 245 K +14 7 246 K +14 7 247 K +14 7 248 K +14 7 249 K +14 7 250 K +14 7 251 F +14 7 252 F +14 7 253 F +14 7 254 K +14 7 255 K +14 7 256 Z +14 7 257 K +14 7 258 K +14 7 259 Z +14 7 260 F +14 7 261 Z +14 7 262 F +14 7 263 F +14 7 264 F +14 7 265 K +14 7 266 Z +14 7 267 Z +14 7 268 F +14 7 269 Z +14 7 270 Z +14 7 271 K +14 7 272 F +14 7 273 Z +14 7 274 F +14 7 275 K +14 7 276 Z +14 7 277 K +14 7 278 Z +14 7 279 K +14 7 280 K +14 7 281 K +14 7 282 K +14 7 283 K +14 7 284 F +14 7 285 K +14 7 286 F +14 7 287 K +14 7 288 Z +14 7 289 F +14 7 290 F +14 7 291 K +14 7 292 Z +14 7 293 F +14 7 294 F +14 7 295 K +14 7 296 K +14 7 297 Z +14 7 298 Z +14 7 299 K +14 7 300 F +14 7 301 K +14 7 302 F +14 7 303 K +14 7 304 F +14 7 305 K +14 7 306 F +14 7 307 K +14 7 308 F +14 7 309 K +14 7 310 F +14 7 311 K +14 7 312 K +14 7 313 K +14 7 314 F +14 7 315 K +14 7 316 F +14 7 317 Z +14 7 318 Z +14 7 319 F +14 7 320 K +14 7 321 Z +14 7 322 F +14 7 323 K +14 7 324 F +14 7 325 K +14 7 326 F +14 7 327 F +14 7 328 K +14 7 329 K +14 7 330 F +14 8 1 G +14 8 2 F +14 8 3 Z +14 8 4 K +14 8 5 F +14 8 6 F +14 8 7 Z +14 8 8 Z +14 8 9 Z +14 8 10 K +14 8 11 K +14 8 12 Z +14 8 13 K +14 8 14 K +14 8 15 F +14 8 16 Z +14 8 17 K +14 8 18 G +14 8 19 Z +14 8 20 F +14 8 21 Z +14 8 22 Z +14 8 23 K +14 8 24 Z +14 8 25 K +14 8 26 K +14 8 27 F +14 8 28 Z +14 8 29 Z +14 8 30 Z +14 8 31 F +14 8 32 K +14 8 33 Z +14 8 34 K +14 8 35 Z +14 8 36 K +14 8 37 G +14 8 38 Z +14 8 39 Z +14 8 40 K +14 8 41 Z +14 8 42 Z +14 8 43 K +14 8 44 F +14 8 45 Z +14 8 46 K +14 8 47 Z +14 8 48 Z +14 8 49 G +14 8 50 K +14 8 51 Z +14 8 52 F +14 8 53 Z +14 8 54 Z +14 8 55 K +14 8 56 Z +14 8 57 K +14 8 58 Z +14 8 59 F +14 8 60 K +14 8 61 Z +14 8 62 K +14 8 63 Z +14 8 64 K +14 8 65 Z +14 8 66 F +14 8 67 F +14 8 68 K +14 8 69 Z +14 8 70 F +14 8 71 Z +14 8 72 Z +14 8 73 K +14 8 74 F +14 8 75 Z +14 8 76 Z +14 8 77 K +14 8 78 F +14 8 79 K +14 8 80 K +14 8 81 Z +14 8 82 F +14 8 83 Z +14 8 84 Z +14 8 85 K +14 8 86 F +14 8 87 K +14 8 88 K +14 8 89 K +14 8 90 K +14 8 91 Z +14 8 92 F +14 8 93 K +14 8 94 K +14 8 95 F +14 8 96 Z +14 8 97 K +14 8 98 Z +14 8 99 F +14 8 100 F +14 8 101 K +14 8 102 F +14 8 103 Z +14 8 104 F +14 8 105 K +14 8 106 Z +14 8 107 F +14 8 108 Z +14 8 109 K +14 8 110 K +14 8 111 K +14 8 112 Z +14 8 113 K +14 8 114 K +14 8 115 Z +14 8 116 F +14 8 117 K +14 8 118 F +14 8 119 K +14 8 120 F +14 8 121 Z +14 8 122 K +14 8 123 K +14 8 124 Z +14 8 125 Z +14 8 126 F +14 8 127 K +14 8 128 Z +14 8 129 F +14 8 130 K +14 8 131 K +14 8 132 Z +14 8 133 K +14 8 134 K +14 8 135 K +14 8 136 K +14 8 137 K +14 8 138 K +14 8 139 F +14 8 140 K +14 8 141 F +14 8 142 F +14 8 143 Z +14 8 144 K +14 8 145 F +14 8 146 Z +14 8 147 K +14 8 148 Z +14 8 149 Z +14 8 150 K +14 8 151 Z +14 8 152 F +14 8 153 K +14 8 154 K +14 8 155 K +14 8 156 K +14 8 157 K +14 8 158 F +14 8 159 Z +14 8 160 F +14 8 161 F +14 8 162 Z +14 8 163 K +14 8 164 K +14 8 165 Z +14 8 166 K +14 8 167 F +14 8 168 K +14 8 169 K +14 8 170 K +14 8 171 Z +14 8 172 F +14 8 173 Z +14 8 174 Z +14 8 175 F +14 8 176 Z +14 8 177 Z +14 8 178 K +14 8 179 K +14 8 180 Z +14 8 181 Z +14 8 182 K +14 8 183 Z +14 8 184 K +14 8 185 Z +14 8 186 F +14 8 187 Z +14 8 188 K +14 8 189 F +14 8 190 F +14 8 191 K +14 8 192 K +14 8 193 Z +14 8 194 K +14 8 195 Z +14 8 196 F +14 8 197 K +14 8 198 K +14 8 199 F +14 8 200 K +14 8 201 F +14 8 202 Z +14 8 203 K +14 8 204 K +14 8 205 K +14 8 206 F +14 8 207 Z +14 8 208 Z +14 8 209 K +14 8 210 K +14 8 211 K +14 8 212 Z +14 8 213 K +14 8 214 Z +14 8 215 F +14 8 216 K +14 8 217 F +14 8 218 Z +14 8 219 F +14 8 220 K +14 8 221 F +14 8 222 K +14 8 223 K +14 8 224 F +14 8 225 Z +14 8 226 K +14 8 227 K +14 8 228 K +14 8 229 F +14 8 230 F +14 8 231 K +14 8 232 Z +14 8 233 K +14 8 234 K +14 8 235 K +14 8 236 Z +14 8 237 Z +14 8 238 K +14 8 239 F +14 8 240 Z +14 8 241 F +14 8 242 Z +14 8 243 K +14 8 244 F +14 8 245 Z +14 8 246 K +14 8 247 K +14 8 248 K +14 8 249 K +14 8 250 K +14 8 251 Z +14 8 252 F +14 8 253 F +14 8 254 K +14 8 255 K +14 8 256 Z +14 8 257 K +14 8 258 Z +14 8 259 Z +14 8 260 Z +14 8 261 Z +14 8 262 F +14 8 263 K +14 8 264 F +14 8 265 K +14 8 266 Z +14 8 267 K +14 8 268 Z +14 8 269 K +14 8 270 Z +14 8 271 K +14 8 272 F +14 8 273 K +14 8 274 F +14 8 275 Z +14 8 276 K +14 8 277 K +14 8 278 Z +14 8 279 K +14 8 280 Z +14 8 281 K +14 8 282 Z +14 8 283 Z +14 8 284 F +14 8 285 F +14 8 286 F +14 8 287 Z +14 8 288 Z +14 8 289 F +14 8 290 Z +14 8 291 K +14 8 292 Z +14 8 293 F +14 8 294 F +14 8 295 Z +14 8 296 K +14 8 297 Z +14 8 298 Z +14 8 299 K +14 8 300 F +14 8 301 K +14 8 302 F +14 8 303 K +14 8 304 Z +14 8 305 K +14 8 306 Z +14 8 307 K +14 8 308 K +14 8 309 Z +14 8 310 F +14 8 311 K +14 8 312 K +14 8 313 K +14 8 314 F +14 8 315 Z +14 8 316 K +14 8 317 K +14 8 318 Z +14 8 319 F +14 8 320 Z +14 8 321 Z +14 8 322 K +14 8 323 K +14 8 324 F +14 8 325 K +14 8 326 Z +14 8 327 F +14 8 328 K +14 8 329 Z +14 8 330 F +14 9 1 BA +14 9 2 E +14 9 3 Z +14 9 4 G +14 9 5 F +14 9 6 Z +14 9 7 B +14 9 8 Z +14 9 9 K +14 9 10 K +14 9 11 K +14 9 12 BI +14 9 13 K +14 9 14 K +14 9 15 T +14 9 16 F +14 9 17 Z +14 9 18 K +14 9 19 G +14 9 20 G +14 9 21 Z +14 9 22 D +14 9 23 B +14 9 24 K +14 9 25 G +14 9 26 G +14 9 27 F +14 9 28 Z +14 9 29 G +14 9 30 Z +14 9 31 F +14 9 32 Z +14 9 33 G +14 9 34 K +14 9 35 Z +14 9 36 K +14 9 37 G +14 9 38 Z +14 9 39 K +14 9 40 G +14 9 41 Z +14 9 42 T +14 9 43 K +14 9 44 F +14 9 45 K +14 9 46 K +14 9 47 K +14 9 48 Z +14 9 49 G +14 9 50 G +14 9 51 K +14 9 52 F +14 9 53 Z +14 9 54 K +14 9 55 K +14 9 56 Z +14 9 57 K +14 9 58 G +14 9 59 T +14 9 60 K +14 9 61 Z +14 9 62 G +14 9 63 Z +14 9 64 K +14 9 65 Z +14 9 66 F +14 9 67 G +14 9 68 Z +14 9 69 K +14 9 70 F +14 9 71 K +14 9 72 G +14 9 73 K +14 9 74 F +14 9 75 K +14 9 76 Z +14 9 77 G +14 9 78 G +14 9 79 K +14 9 80 K +14 9 81 T +14 9 82 K +14 9 83 F +14 9 84 Z +14 9 85 K +14 9 86 Z +14 9 87 K +14 9 88 Z +14 9 89 K +14 9 90 K +14 9 91 Z +14 9 92 F +14 9 93 K +14 9 94 K +14 9 95 F +14 9 96 Z +14 9 97 G +14 9 98 Z +14 9 99 G +14 9 100 F +14 9 101 Z +14 9 102 G +14 9 103 K +14 9 104 F +14 9 105 Z +14 9 106 BI +14 9 107 F +14 9 108 F +14 9 109 G +14 9 110 Z +14 9 111 K +14 9 112 Z +14 9 113 K +14 9 114 BU +14 9 115 Z +14 9 116 F +14 9 117 K +14 9 118 Z +14 9 119 BU +14 9 120 F +14 9 121 Z +14 9 122 BU +14 9 123 BU +14 9 124 BI +14 9 125 Z +14 9 126 Z +14 9 127 K +14 9 128 BI +14 9 129 F +14 9 130 K +14 9 131 BU +14 9 132 Z +14 9 133 BU +14 9 134 K +14 9 135 Z +14 9 136 BU +14 9 137 K +14 9 138 BU +14 9 139 F +14 9 140 K +14 9 141 F +14 9 142 F +14 9 143 BU +14 9 144 BU +14 9 145 BU +14 9 146 Z +14 9 147 K +14 9 148 Z +14 9 149 K +14 9 150 K +14 9 151 Z +14 9 152 Z +14 9 153 BU +14 9 154 K +14 9 155 K +14 9 156 BU +14 9 157 K +14 9 158 F +14 9 159 BI +14 9 160 BI +14 9 161 BU +14 9 162 Z +14 9 163 BU +14 9 164 BU +14 9 165 K +14 9 166 K +14 9 167 BU +14 9 168 K +14 9 169 K +14 9 170 K +14 9 171 K +14 9 172 F +14 9 173 Z +14 9 174 BI +14 9 175 F +14 9 176 Z +14 9 177 BI +14 9 178 K +14 9 179 K +14 9 180 BU +14 9 181 K +14 9 182 K +14 9 183 K +14 9 184 BU +14 9 185 Z +14 9 186 BU +14 9 187 Z +14 9 188 BU +14 9 189 F +14 9 190 BI +14 9 191 K +14 9 192 BU +14 9 193 Z +14 9 194 K +14 9 195 BU +14 9 196 BU +14 9 197 BI +14 9 198 K +14 9 199 F +14 9 200 F +14 9 201 Z +14 9 202 K +14 9 203 Z +14 9 204 K +14 9 205 BU +14 9 206 F +14 9 207 Z +14 9 208 K +14 9 209 K +14 9 210 K +14 9 211 BU +14 9 212 Z +14 9 213 BU +14 9 214 T +14 9 215 Z +14 9 216 K +14 9 217 Z +14 9 218 K +14 9 219 F +14 9 220 BU +14 9 221 F +14 9 222 BU +14 9 223 BU +14 9 224 F +14 9 225 K +14 9 226 BU +14 9 227 K +14 9 228 K +14 9 229 BU +14 9 230 T +14 9 231 B +14 9 232 K +14 9 233 BU +14 9 234 K +14 9 235 BU +14 9 236 BI +14 9 237 BI +14 9 238 BU +14 9 239 Z +14 9 240 K +14 9 241 F +14 9 242 Z +14 9 243 Z +14 9 244 F +14 9 245 Z +14 9 246 BU +14 9 247 BU +14 9 248 K +14 9 249 K +14 9 250 K +14 9 251 T +14 9 252 F +14 9 253 BU +14 9 254 BU +14 9 255 K +14 9 256 Z +14 9 257 K +14 9 258 BI +14 9 259 Z +14 9 260 BI +14 9 261 Z +14 9 262 F +14 9 263 K +14 9 264 F +14 9 265 K +14 9 266 Z +14 9 267 K +14 9 268 BU +14 9 269 Z +14 9 270 Z +14 9 271 K +14 9 272 F +14 9 273 Z +14 9 274 F +14 9 275 BI +14 9 276 Z +14 9 277 BU +14 9 278 Z +14 9 279 BU +14 9 280 T +14 9 281 K +14 9 282 BU +14 9 283 K +14 9 284 F +14 9 285 BI +14 9 286 F +14 9 287 K +14 9 288 Z +14 9 289 BU +14 9 290 BI +14 9 291 BU +14 9 292 Z +14 9 293 F +14 9 294 F +14 9 295 K +14 9 296 BU +14 9 297 Z +14 9 298 Z +14 9 299 BU +14 9 300 F +14 9 301 K +14 9 302 F +14 9 303 F +14 9 304 K +14 9 305 K +14 9 306 BI +14 9 307 BU +14 9 308 BU +14 9 309 K +14 9 310 F +14 9 311 BU +14 9 312 K +14 9 313 BU +14 9 314 F +14 9 315 BU +14 9 316 K +14 9 317 Z +14 9 318 Z +14 9 319 F +14 9 320 K +14 9 321 Z +14 9 322 F +14 9 323 K +14 9 324 F +14 9 325 BI +14 9 326 BI +14 9 327 F +14 9 328 K +14 9 329 BI +14 9 330 F +14 10 1 G +14 10 2 F +14 10 3 Z +14 10 4 G +14 10 5 G +14 10 6 Z +14 10 7 G +14 10 8 Z +14 10 9 * +14 10 10 K +14 10 11 K +14 10 12 G +14 10 13 K +14 10 14 K +14 10 15 F +14 10 16 F +14 10 17 Z +14 10 18 K +14 10 19 F +14 10 20 Z +14 10 21 G +14 10 22 K +14 10 23 K +14 10 24 K +14 10 25 K +14 10 26 K +14 10 27 F +14 10 28 Z +14 10 29 G +14 10 30 Z +14 10 31 G +14 10 32 Z +14 10 33 K +14 10 34 K +14 10 35 Z +14 10 36 K +14 10 37 G +14 10 38 Z +14 10 39 G +14 10 40 K +14 10 41 Z +14 10 42 Z +14 10 43 K +14 10 44 F +14 10 45 G +14 10 46 K +14 10 47 K +14 10 48 G +14 10 49 K +14 10 50 K +14 10 51 K +14 10 52 F +14 10 53 Z +14 10 54 G +14 10 55 K +14 10 56 Z +14 10 57 K +14 10 58 G +14 10 59 F +14 10 60 K +14 10 61 Z +14 10 62 K +14 10 63 Z +14 10 64 K +14 10 65 Z +14 10 66 F +14 10 67 F +14 10 68 Z +14 10 69 G +14 10 70 F +14 10 71 K +14 10 72 G +14 10 73 K +14 10 74 F +14 10 75 K +14 10 76 Z +14 10 77 K +14 10 78 G +14 10 79 K +14 10 80 K +14 10 81 G +14 10 82 G +14 10 83 F +14 10 84 F +14 10 85 G +14 10 86 Z +14 10 87 K +14 10 88 Z +14 10 89 K +14 10 90 K +14 10 91 G +14 10 92 F +14 10 93 K +14 10 94 K +14 10 95 F +14 10 96 Z +14 10 97 K +14 10 98 Z +14 10 99 G +14 10 100 F +14 10 101 Z +14 10 102 G +14 10 103 G +14 10 104 F +14 10 105 Z +14 10 106 G +14 10 107 F +14 10 108 F +14 10 109 Z +14 10 110 K +14 10 111 K +14 10 112 Z +14 10 113 K +14 10 114 K +14 10 115 Z +14 10 116 F +14 10 117 Z +14 10 118 F +14 10 119 G +14 10 120 F +14 10 121 Z +14 10 122 G +14 10 123 K +14 10 124 G +14 10 125 Z +14 10 126 Z +14 10 127 K +14 10 128 G +14 10 129 F +14 10 130 K +14 10 131 K +14 10 132 Z +14 10 133 K +14 10 134 K +14 10 135 Z +14 10 136 F +14 10 137 K +14 10 138 F +14 10 139 F +14 10 140 K +14 10 141 F +14 10 142 F +14 10 143 G +14 10 144 K +14 10 145 G +14 10 146 Z +14 10 147 K +14 10 148 Z +14 10 149 F +14 10 150 K +14 10 151 Z +14 10 152 K +14 10 153 K +14 10 154 K +14 10 155 K +14 10 156 G +14 10 157 K +14 10 158 F +14 10 159 F +14 10 160 F +14 10 161 G +14 10 162 Z +14 10 163 K +14 10 164 K +14 10 165 G +14 10 166 K +14 10 167 F +14 10 168 K +14 10 169 K +14 10 170 K +14 10 171 G +14 10 172 F +14 10 173 Z +14 10 174 Z +14 10 175 F +14 10 176 Z +14 10 177 G +14 10 178 K +14 10 179 K +14 10 180 G +14 10 181 G +14 10 182 K +14 10 183 K +14 10 184 K +14 10 185 G +14 10 186 F +14 10 187 Z +14 10 188 K +14 10 189 F +14 10 190 F +14 10 191 K +14 10 192 K +14 10 193 G +14 10 194 K +14 10 195 G +14 10 196 F +14 10 197 K +14 10 198 K +14 10 199 F +14 10 200 F +14 10 201 Z +14 10 202 G +14 10 203 Z +14 10 204 K +14 10 205 K +14 10 206 F +14 10 207 Z +14 10 208 G +14 10 209 K +14 10 210 K +14 10 211 G +14 10 212 Z +14 10 213 F +14 10 214 G +14 10 215 Z +14 10 216 K +14 10 217 G +14 10 218 G +14 10 219 F +14 10 220 K +14 10 221 F +14 10 222 K +14 10 223 G +14 10 224 F +14 10 225 G +14 10 226 K +14 10 227 K +14 10 228 K +14 10 229 F +14 10 230 F +14 10 231 G +14 10 232 G +14 10 233 K +14 10 234 G +14 10 235 K +14 10 236 G +14 10 237 Z +14 10 238 K +14 10 239 Z +14 10 240 Z +14 10 241 F +14 10 242 F +14 10 243 Z +14 10 244 F +14 10 245 Z +14 10 246 G +14 10 247 K +14 10 248 K +14 10 249 K +14 10 250 K +14 10 251 G +14 10 252 F +14 10 253 G +14 10 254 K +14 10 255 K +14 10 256 Z +14 10 257 K +14 10 258 G +14 10 259 Z +14 10 260 F +14 10 261 Z +14 10 262 F +14 10 263 K +14 10 264 K +14 10 265 K +14 10 266 Z +14 10 267 K +14 10 268 G +14 10 269 Z +14 10 270 Z +14 10 271 K +14 10 272 F +14 10 273 Z +14 10 274 F +14 10 275 G +14 10 276 Z +14 10 277 K +14 10 278 Z +14 10 279 K +14 10 280 G +14 10 281 K +14 10 282 G +14 10 283 K +14 10 284 F +14 10 285 F +14 10 286 F +14 10 287 G +14 10 288 Z +14 10 289 K +14 10 290 F +14 10 291 K +14 10 292 K +14 10 293 F +14 10 294 F +14 10 295 G +14 10 296 K +14 10 297 Z +14 10 298 Z +14 10 299 K +14 10 300 K +14 10 301 G +14 10 302 F +14 10 303 K +14 10 304 G +14 10 305 K +14 10 306 G +14 10 307 K +14 10 308 G +14 10 309 K +14 10 310 G +14 10 311 K +14 10 312 K +14 10 313 K +14 10 314 F +14 10 315 G +14 10 316 K +14 10 317 Z +14 10 318 Z +14 10 319 F +14 10 320 G +14 10 321 Z +14 10 322 K +14 10 323 K +14 10 324 F +14 10 325 K +14 10 326 G +14 10 327 F +14 10 328 K +14 10 329 K +14 10 330 F +14 11 1 G +14 11 2 G +14 11 3 Z +14 11 4 G +14 11 5 G +14 11 6 F +14 11 7 G +14 11 8 Z +14 11 9 Z +14 11 10 K +14 11 11 K +14 11 12 G +14 11 13 K +14 11 14 K +14 11 15 F +14 11 16 F +14 11 17 Z +14 11 18 K +14 11 19 G +14 11 20 K +14 11 21 Z +14 11 22 F +14 11 23 G +14 11 24 K +14 11 25 G +14 11 26 G +14 11 27 F +14 11 28 Z +14 11 29 G +14 11 30 Z +14 11 31 K +14 11 32 Z +14 11 33 G +14 11 34 G +14 11 35 F +14 11 36 K +14 11 37 K +14 11 38 Z +14 11 39 G +14 11 40 G +14 11 41 Z +14 11 42 G +14 11 43 K +14 11 44 G +14 11 45 G +14 11 46 K +14 11 47 K +14 11 48 Z +14 11 49 K +14 11 50 K +14 11 51 K +14 11 52 G +14 11 53 Z +14 11 54 G +14 11 55 Z +14 11 56 Z +14 11 57 G +14 11 58 G +14 11 59 G +14 11 60 K +14 11 61 Z +14 11 62 G +14 11 63 Z +14 11 64 G +14 11 65 Z +14 11 66 F +14 11 67 G +14 11 68 Z +14 11 69 K +14 11 70 G +14 11 71 Z +14 11 72 G +14 11 73 G +14 11 74 G +14 11 75 K +14 11 76 Z +14 11 77 G +14 11 78 Z +14 11 79 K +14 11 80 G +14 11 81 Z +14 11 82 G +14 11 83 Z +14 11 84 Z +14 11 85 G +14 11 86 Z +14 11 87 K +14 11 88 Z +14 11 89 K +14 11 90 K +14 11 91 G +14 11 92 F +14 11 93 G +14 11 94 K +14 11 95 G +14 11 96 F +14 11 97 G +14 11 98 Z +14 11 99 F +14 11 100 G +14 11 101 Z +14 11 102 G +14 11 103 G +14 11 104 G +14 11 105 Z +14 11 106 F +14 11 107 F +14 11 108 G +14 11 109 G +14 11 110 Z +14 11 111 K +14 11 112 Z +14 11 113 K +14 11 114 K +14 11 115 Z +14 11 116 F +14 11 117 K +14 11 118 Z +14 11 119 K +14 11 120 F +14 11 121 Z +14 11 122 K +14 11 123 K +14 11 124 G +14 11 125 Z +14 11 126 Z +14 11 127 K +14 11 128 G +14 11 129 F +14 11 130 K +14 11 131 K +14 11 132 Z +14 11 133 K +14 11 134 K +14 11 135 Z +14 11 136 F +14 11 137 K +14 11 138 K +14 11 139 F +14 11 140 K +14 11 141 F +14 11 142 F +14 11 143 K +14 11 144 K +14 11 145 F +14 11 146 F +14 11 147 K +14 11 148 Z +14 11 149 F +14 11 150 Z +14 11 151 Z +14 11 152 Z +14 11 153 K +14 11 154 K +14 11 155 Z +14 11 156 G +14 11 157 Z +14 11 158 F +14 11 159 Z +14 11 160 Z +14 11 161 G +14 11 162 Z +14 11 163 K +14 11 164 K +14 11 165 F +14 11 166 F +14 11 167 F +14 11 168 K +14 11 169 K +14 11 170 K +14 11 171 K +14 11 172 F +14 11 173 Z +14 11 174 Z +14 11 175 G +14 11 176 Z +14 11 177 F +14 11 178 K +14 11 179 F +14 11 180 G +14 11 181 Z +14 11 182 K +14 11 183 K +14 11 184 K +14 11 185 K +14 11 186 G +14 11 187 Z +14 11 188 K +14 11 189 F +14 11 190 Z +14 11 191 F +14 11 192 K +14 11 193 F +14 11 194 K +14 11 195 K +14 11 196 F +14 11 197 Z +14 11 198 K +14 11 199 F +14 11 200 F +14 11 201 F +14 11 202 K +14 11 203 F +14 11 204 K +14 11 205 K +14 11 206 F +14 11 207 Z +14 11 208 K +14 11 209 K +14 11 210 K +14 11 211 G +14 11 212 Z +14 11 213 K +14 11 214 G +14 11 215 Z +14 11 216 K +14 11 217 Z +14 11 218 G +14 11 219 G +14 11 220 K +14 11 221 G +14 11 222 K +14 11 223 K +14 11 224 K +14 11 225 K +14 11 226 K +14 11 227 K +14 11 228 K +14 11 229 G +14 11 230 F +14 11 231 Z +14 11 232 K +14 11 233 F +14 11 234 K +14 11 235 K +14 11 236 G +14 11 237 Z +14 11 238 K +14 11 239 Z +14 11 240 K +14 11 241 F +14 11 242 G +14 11 243 Z +14 11 244 G +14 11 245 Z +14 11 246 Z +14 11 247 K +14 11 248 K +14 11 249 K +14 11 250 K +14 11 251 G +14 11 252 F +14 11 253 G +14 11 254 K +14 11 255 K +14 11 256 Z +14 11 257 K +14 11 258 G +14 11 259 Z +14 11 260 G +14 11 261 Z +14 11 262 G +14 11 263 K +14 11 264 G +14 11 265 K +14 11 266 Z +14 11 267 K +14 11 268 G +14 11 269 Z +14 11 270 Z +14 11 271 K +14 11 272 F +14 11 273 K +14 11 274 G +14 11 275 K +14 11 276 Z +14 11 277 K +14 11 278 Z +14 11 279 K +14 11 280 K +14 11 281 K +14 11 282 K +14 11 283 K +14 11 284 F +14 11 285 Z +14 11 286 F +14 11 287 K +14 11 288 Z +14 11 289 G +14 11 290 F +14 11 291 K +14 11 292 Z +14 11 293 G +14 11 294 G +14 11 295 K +14 11 296 K +14 11 297 F +14 11 298 Z +14 11 299 G +14 11 300 Z +14 11 301 K +14 11 302 G +14 11 303 F +14 11 304 G +14 11 305 Z +14 11 306 F +14 11 307 K +14 11 308 G +14 11 309 K +14 11 310 G +14 11 311 K +14 11 312 K +14 11 313 K +14 11 314 G +14 11 315 F +14 11 316 G +14 11 317 Z +14 11 318 Z +14 11 319 F +14 11 320 K +14 11 321 Z +14 11 322 G +14 11 323 K +14 11 324 F +14 11 325 K +14 11 326 F +14 11 327 G +14 11 328 K +14 11 329 K +14 11 330 G +14 12 1 K +14 12 2 F +14 12 3 Z +14 12 4 Z +14 12 5 F +14 12 6 Z +14 12 7 K +14 12 8 Z +14 12 9 Z +14 12 10 K +14 12 11 K +14 12 12 Z +14 12 13 K +14 12 14 K +14 12 15 Z +14 12 16 F +14 12 17 Z +14 12 18 K +14 12 19 K +14 12 20 K +14 12 21 Z +14 12 22 F +14 12 23 Z +14 12 24 K +14 12 25 K +14 12 26 K +14 12 27 Z +14 12 28 Z +14 12 29 K +14 12 30 Z +14 12 31 F +14 12 32 Z +14 12 33 Z +14 12 34 K +14 12 35 Z +14 12 36 K +14 12 37 K +14 12 38 Z +14 12 39 K +14 12 40 F +14 12 41 Z +14 12 42 Z +14 12 43 K +14 12 44 Z +14 12 45 K +14 12 46 K +14 12 47 K +14 12 48 Z +14 12 49 F +14 12 50 K +14 12 51 K +14 12 52 F +14 12 53 Z +14 12 54 K +14 12 55 K +14 12 56 Z +14 12 57 K +14 12 58 K +14 12 59 Z +14 12 60 K +14 12 61 Z +14 12 62 F +14 12 63 Z +14 12 64 K +14 12 65 Z +14 12 66 F +14 12 67 K +14 12 68 Z +14 12 69 K +14 12 70 F +14 12 71 Z +14 12 72 K +14 12 73 Z +14 12 74 F +14 12 75 K +14 12 76 Z +14 12 77 K +14 12 78 Z +14 12 79 K +14 12 80 K +14 12 81 K +14 12 82 K +14 12 83 F +14 12 84 Z +14 12 85 K +14 12 86 Z +14 12 87 K +14 12 88 Z +14 12 89 K +14 12 90 K +14 12 91 F +14 12 92 F +14 12 93 K +14 12 94 K +14 12 95 F +14 12 96 Z +14 12 97 K +14 12 98 Z +14 12 99 F +14 12 100 F +14 12 101 Z +14 12 102 F +14 12 103 K +14 12 104 K +14 12 105 Z +14 12 106 F +14 12 107 F +14 12 108 F +14 12 109 K +14 12 110 Z +14 12 111 K +14 12 112 Z +14 12 113 K +14 12 114 K +14 12 115 Z +14 12 116 F +14 12 117 K +14 12 118 Z +14 12 119 K +14 12 120 F +14 12 121 Z +14 12 122 K +14 12 123 K +14 12 124 F +14 12 125 Z +14 12 126 Z +14 12 127 K +14 12 128 Z +14 12 129 F +14 12 130 K +14 12 131 Z +14 12 132 Z +14 12 133 K +14 12 134 K +14 12 135 Z +14 12 136 F +14 12 137 K +14 12 138 F +14 12 139 F +14 12 140 K +14 12 141 F +14 12 142 F +14 12 143 Z +14 12 144 K +14 12 145 Z +14 12 146 Z +14 12 147 Z +14 12 148 Z +14 12 149 Z +14 12 150 K +14 12 151 Z +14 12 152 Z +14 12 153 F +14 12 154 K +14 12 155 K +14 12 156 K +14 12 157 K +14 12 158 F +14 12 159 Z +14 12 160 Z +14 12 161 F +14 12 162 Z +14 12 163 K +14 12 164 K +14 12 165 K +14 12 166 K +14 12 167 Z +14 12 168 K +14 12 169 K +14 12 170 K +14 12 171 K +14 12 172 F +14 12 173 Z +14 12 174 Z +14 12 175 F +14 12 176 Z +14 12 177 F +14 12 178 K +14 12 179 K +14 12 180 F +14 12 181 Z +14 12 182 Z +14 12 183 K +14 12 184 Z +14 12 185 Z +14 12 186 F +14 12 187 Z +14 12 188 K +14 12 189 F +14 12 190 Z +14 12 191 K +14 12 192 K +14 12 193 Z +14 12 194 Z +14 12 195 K +14 12 196 K +14 12 197 Z +14 12 198 K +14 12 199 F +14 12 200 F +14 12 201 Z +14 12 202 K +14 12 203 Z +14 12 204 K +14 12 205 K +14 12 206 F +14 12 207 Z +14 12 208 Z +14 12 209 K +14 12 210 K +14 12 211 K +14 12 212 Z +14 12 213 Z +14 12 214 K +14 12 215 Z +14 12 216 K +14 12 217 Z +14 12 218 K +14 12 219 F +14 12 220 K +14 12 221 F +14 12 222 K +14 12 223 K +14 12 224 F +14 12 225 K +14 12 226 K +14 12 227 K +14 12 228 K +14 12 229 K +14 12 230 Z +14 12 231 Z +14 12 232 Z +14 12 233 K +14 12 234 K +14 12 235 K +14 12 236 K +14 12 237 Z +14 12 238 K +14 12 239 Z +14 12 240 Z +14 12 241 F +14 12 242 Z +14 12 243 Z +14 12 244 F +14 12 245 Z +14 12 246 K +14 12 247 K +14 12 248 K +14 12 249 K +14 12 250 K +14 12 251 F +14 12 252 F +14 12 253 F +14 12 254 K +14 12 255 K +14 12 256 Z +14 12 257 K +14 12 258 Z +14 12 259 Z +14 12 260 F +14 12 261 Z +14 12 262 F +14 12 263 K +14 12 264 F +14 12 265 K +14 12 266 Z +14 12 267 Z +14 12 268 K +14 12 269 Z +14 12 270 Z +14 12 271 K +14 12 272 F +14 12 273 Z +14 12 274 F +14 12 275 K +14 12 276 Z +14 12 277 K +14 12 278 Z +14 12 279 K +14 12 280 K +14 12 281 K +14 12 282 K +14 12 283 K +14 12 284 F +14 12 285 Z +14 12 286 F +14 12 287 K +14 12 288 Z +14 12 289 K +14 12 290 F +14 12 291 K +14 12 292 Z +14 12 293 F +14 12 294 F +14 12 295 K +14 12 296 K +14 12 297 Z +14 12 298 Z +14 12 299 K +14 12 300 F +14 12 301 K +14 12 302 F +14 12 303 F +14 12 304 K +14 12 305 Z +14 12 306 K +14 12 307 K +14 12 308 K +14 12 309 K +14 12 310 K +14 12 311 K +14 12 312 K +14 12 313 K +14 12 314 F +14 12 315 F +14 12 316 K +14 12 317 Z +14 12 318 Z +14 12 319 F +14 12 320 K +14 12 321 Z +14 12 322 K +14 12 323 K +14 12 324 Z +14 12 325 K +14 12 326 Z +14 12 327 F +14 12 328 K +14 12 329 Z +14 12 330 F +14 13 1 F +14 13 2 F +14 13 3 Z +14 13 4 K +14 13 5 F +14 13 6 K +14 13 7 K +14 13 8 Z +14 13 9 K +14 13 10 K +14 13 11 K +14 13 12 F +14 13 13 K +14 13 14 K +14 13 15 F +14 13 16 F +14 13 17 Z +14 13 18 K +14 13 19 F +14 13 20 K +14 13 21 Z +14 13 22 F +14 13 23 K +14 13 24 K +14 13 25 K +14 13 26 K +14 13 27 F +14 13 28 Z +14 13 29 F +14 13 30 K +14 13 31 F +14 13 32 K +14 13 33 K +14 13 34 K +14 13 35 Z +14 13 36 K +14 13 37 K +14 13 38 Z +14 13 39 K +14 13 40 K +14 13 41 Z +14 13 42 K +14 13 43 K +14 13 44 F +14 13 45 K +14 13 46 K +14 13 47 K +14 13 48 F +14 13 49 K +14 13 50 K +14 13 51 K +14 13 52 F +14 13 53 Z +14 13 54 K +14 13 55 K +14 13 56 Z +14 13 57 K +14 13 58 K +14 13 59 F +14 13 60 K +14 13 61 Z +14 13 62 K +14 13 63 Z +14 13 64 K +14 13 65 Z +14 13 66 K +14 13 67 F +14 13 68 Z +14 13 69 K +14 13 70 F +14 13 71 Z +14 13 72 K +14 13 73 Z +14 13 74 K +14 13 75 K +14 13 76 Z +14 13 77 K +14 13 78 F +14 13 79 K +14 13 80 F +14 13 81 F +14 13 82 F +14 13 83 F +14 13 84 Z +14 13 85 K +14 13 86 Z +14 13 87 K +14 13 88 Z +14 13 89 K +14 13 90 K +14 13 91 K +14 13 92 F +14 13 93 K +14 13 94 K +14 13 95 F +14 13 96 Z +14 13 97 K +14 13 98 Z +14 13 99 K +14 13 100 K +14 13 101 Z +14 13 102 K +14 13 103 K +14 13 104 Z +14 13 105 Z +14 13 106 K +14 13 107 F +14 13 108 F +14 13 109 K +14 13 110 Z +14 13 111 K +14 13 112 Z +14 13 113 K +14 13 114 K +14 13 115 Z +14 13 116 F +14 13 117 K +14 13 118 Z +14 13 119 F +14 13 120 F +14 13 121 Z +14 13 122 K +14 13 123 K +14 13 124 F +14 13 125 Z +14 13 126 Z +14 13 127 K +14 13 128 F +14 13 129 F +14 13 130 K +14 13 131 K +14 13 132 Z +14 13 133 K +14 13 134 K +14 13 135 Z +14 13 136 K +14 13 137 K +14 13 138 K +14 13 139 F +14 13 140 K +14 13 141 F +14 13 142 F +14 13 143 K +14 13 144 K +14 13 145 K +14 13 146 Z +14 13 147 F +14 13 148 Z +14 13 149 K +14 13 150 K +14 13 151 Z +14 13 152 Z +14 13 153 K +14 13 154 K +14 13 155 K +14 13 156 K +14 13 157 K +14 13 158 F +14 13 159 Z +14 13 160 Z +14 13 161 K +14 13 162 Z +14 13 163 K +14 13 164 K +14 13 165 K +14 13 166 K +14 13 167 F +14 13 168 K +14 13 169 K +14 13 170 K +14 13 171 K +14 13 172 F +14 13 173 Z +14 13 174 Z +14 13 175 K +14 13 176 Z +14 13 177 K +14 13 178 K +14 13 179 K +14 13 180 F +14 13 181 K +14 13 182 K +14 13 183 K +14 13 184 K +14 13 185 K +14 13 186 F +14 13 187 Z +14 13 188 K +14 13 189 F +14 13 190 F +14 13 191 K +14 13 192 K +14 13 193 K +14 13 194 Z +14 13 195 Z +14 13 196 F +14 13 197 F +14 13 198 K +14 13 199 F +14 13 200 F +14 13 201 Z +14 13 202 K +14 13 203 Z +14 13 204 K +14 13 205 K +14 13 206 F +14 13 207 Z +14 13 208 K +14 13 209 K +14 13 210 K +14 13 211 F +14 13 212 Z +14 13 213 F +14 13 214 F +14 13 215 Z +14 13 216 K +14 13 217 K +14 13 218 K +14 13 219 K +14 13 220 K +14 13 221 K +14 13 222 K +14 13 223 K +14 13 224 F +14 13 225 K +14 13 226 K +14 13 227 K +14 13 228 K +14 13 229 F +14 13 230 F +14 13 231 Z +14 13 232 K +14 13 233 K +14 13 234 K +14 13 235 K +14 13 236 F +14 13 237 Z +14 13 238 K +14 13 239 Z +14 13 240 Z +14 13 241 F +14 13 242 F +14 13 243 Z +14 13 244 F +14 13 245 Z +14 13 246 K +14 13 247 K +14 13 248 K +14 13 249 K +14 13 250 K +14 13 251 F +14 13 252 F +14 13 253 F +14 13 254 K +14 13 255 K +14 13 256 Z +14 13 257 K +14 13 258 F +14 13 259 Z +14 13 260 F +14 13 261 Z +14 13 262 K +14 13 263 K +14 13 264 K +14 13 265 K +14 13 266 Z +14 13 267 K +14 13 268 K +14 13 269 Z +14 13 270 Z +14 13 271 K +14 13 272 F +14 13 273 Z +14 13 274 F +14 13 275 K +14 13 276 Z +14 13 277 K +14 13 278 Z +14 13 279 K +14 13 280 K +14 13 281 K +14 13 282 K +14 13 283 K +14 13 284 F +14 13 285 Z +14 13 286 F +14 13 287 K +14 13 288 Z +14 13 289 K +14 13 290 F +14 13 291 K +14 13 292 Z +14 13 293 K +14 13 294 F +14 13 295 K +14 13 296 K +14 13 297 Z +14 13 298 Z +14 13 299 K +14 13 300 F +14 13 301 K +14 13 302 F +14 13 303 F +14 13 304 K +14 13 305 K +14 13 306 F +14 13 307 K +14 13 308 K +14 13 309 K +14 13 310 K +14 13 311 K +14 13 312 K +14 13 313 K +14 13 314 F +14 13 315 K +14 13 316 K +14 13 317 Z +14 13 318 Z +14 13 319 K +14 13 320 K +14 13 321 Z +14 13 322 K +14 13 323 Z +14 13 324 F +14 13 325 Z +14 13 326 K +14 13 327 F +14 13 328 K +14 13 329 Z +14 13 330 F +14 14 1 F +14 14 2 K +14 14 3 Z +14 14 4 K +14 14 5 F +14 14 6 Z +14 14 7 K +14 14 8 Z +14 14 9 K +14 14 10 K +14 14 11 K +14 14 12 Z +14 14 13 K +14 14 14 K +14 14 15 Z +14 14 16 F +14 14 17 Z +14 14 18 K +14 14 19 F +14 14 20 K +14 14 21 Z +14 14 22 F +14 14 23 K +14 14 24 K +14 14 25 F +14 14 26 K +14 14 27 F +14 14 28 Z +14 14 29 F +14 14 30 Z +14 14 31 F +14 14 32 Z +14 14 33 F +14 14 34 K +14 14 35 Z +14 14 36 K +14 14 37 F +14 14 38 Z +14 14 39 K +14 14 40 F +14 14 41 Z +14 14 42 F +14 14 43 K +14 14 44 F +14 14 45 K +14 14 46 K +14 14 47 K +14 14 48 Z +14 14 49 F +14 14 50 K +14 14 51 K +14 14 52 F +14 14 53 Z +14 14 54 K +14 14 55 F +14 14 56 Z +14 14 57 K +14 14 58 F +14 14 59 F +14 14 60 K +14 14 61 Z +14 14 62 F +14 14 63 Z +14 14 64 K +14 14 65 Z +14 14 66 F +14 14 67 F +14 14 68 Z +14 14 69 K +14 14 70 F +14 14 71 Z +14 14 72 K +14 14 73 F +14 14 74 F +14 14 75 K +14 14 76 Z +14 14 77 F +14 14 78 F +14 14 79 K +14 14 80 K +14 14 81 K +14 14 82 F +14 14 83 Z +14 14 84 Z +14 14 85 K +14 14 86 Z +14 14 87 K +14 14 88 Z +14 14 89 K +14 14 90 K +14 14 91 F +14 14 92 F +14 14 93 K +14 14 94 K +14 14 95 F +14 14 96 Z +14 14 97 K +14 14 98 Z +14 14 99 K +14 14 100 F +14 14 101 Z +14 14 102 F +14 14 103 K +14 14 104 F +14 14 105 Z +14 14 106 F +14 14 107 F +14 14 108 F +14 14 109 K +14 14 110 Z +14 14 111 K +14 14 112 Z +14 14 113 K +14 14 114 K +14 14 115 Z +14 14 116 F +14 14 117 K +14 14 118 Z +14 14 119 K +14 14 120 F +14 14 121 Z +14 14 122 K +14 14 123 K +14 14 124 F +14 14 125 Z +14 14 126 Z +14 14 127 K +14 14 128 K +14 14 129 F +14 14 130 K +14 14 131 K +14 14 132 Z +14 14 133 K +14 14 134 K +14 14 135 Z +14 14 136 F +14 14 137 K +14 14 138 F +14 14 139 F +14 14 140 K +14 14 141 F +14 14 142 F +14 14 143 K +14 14 144 K +14 14 145 F +14 14 146 Z +14 14 147 F +14 14 148 Z +14 14 149 K +14 14 150 K +14 14 151 Z +14 14 152 Z +14 14 153 K +14 14 154 K +14 14 155 K +14 14 156 K +14 14 157 K +14 14 158 F +14 14 159 Z +14 14 160 Z +14 14 161 F +14 14 162 Z +14 14 163 F +14 14 164 K +14 14 165 K +14 14 166 K +14 14 167 F +14 14 168 K +14 14 169 F +14 14 170 K +14 14 171 K +14 14 172 F +14 14 173 Z +14 14 174 Z +14 14 175 F +14 14 176 Z +14 14 177 F +14 14 178 K +14 14 179 Z +14 14 180 K +14 14 181 Z +14 14 182 Z +14 14 183 K +14 14 184 Z +14 14 185 Z +14 14 186 K +14 14 187 Z +14 14 188 F +14 14 189 F +14 14 190 Z +14 14 191 K +14 14 192 K +14 14 193 F +14 14 194 Z +14 14 195 K +14 14 196 F +14 14 197 Z +14 14 198 K +14 14 199 F +14 14 200 F +14 14 201 Z +14 14 202 K +14 14 203 Z +14 14 204 K +14 14 205 F +14 14 206 F +14 14 207 Z +14 14 208 K +14 14 209 F +14 14 210 K +14 14 211 F +14 14 212 Z +14 14 213 F +14 14 214 Z +14 14 215 Z +14 14 216 K +14 14 217 Z +14 14 218 K +14 14 219 F +14 14 220 K +14 14 221 F +14 14 222 K +14 14 223 K +14 14 224 Z +14 14 225 K +14 14 226 K +14 14 227 K +14 14 228 K +14 14 229 F +14 14 230 Z +14 14 231 Z +14 14 232 K +14 14 233 F +14 14 234 K +14 14 235 K +14 14 236 F +14 14 237 Z +14 14 238 K +14 14 239 Z +14 14 240 Z +14 14 241 F +14 14 242 F +14 14 243 Z +14 14 244 K +14 14 245 Z +14 14 246 F +14 14 247 F +14 14 248 K +14 14 249 K +14 14 250 Z +14 14 251 F +14 14 252 F +14 14 253 F +14 14 254 F +14 14 255 K +14 14 256 Z +14 14 257 K +14 14 258 Z +14 14 259 Z +14 14 260 F +14 14 261 Z +14 14 262 F +14 14 263 K +14 14 264 F +14 14 265 K +14 14 266 Z +14 14 267 K +14 14 268 F +14 14 269 Z +14 14 270 Z +14 14 271 K +14 14 272 F +14 14 273 Z +14 14 274 F +14 14 275 K +14 14 276 Z +14 14 277 K +14 14 278 Z +14 14 279 K +14 14 280 K +14 14 281 K +14 14 282 K +14 14 283 Z +14 14 284 F +14 14 285 Z +14 14 286 F +14 14 287 Z +14 14 288 Z +14 14 289 F +14 14 290 F +14 14 291 F +14 14 292 Z +14 14 293 Z +14 14 294 F +14 14 295 K +14 14 296 K +14 14 297 Z +14 14 298 Z +14 14 299 K +14 14 300 F +14 14 301 K +14 14 302 Z +14 14 303 F +14 14 304 K +14 14 305 K +14 14 306 F +14 14 307 K +14 14 308 Z +14 14 309 K +14 14 310 K +14 14 311 F +14 14 312 K +14 14 313 K +14 14 314 Z +14 14 315 F +14 14 316 F +14 14 317 Z +14 14 318 Z +14 14 319 F +14 14 320 K +14 14 321 Z +14 14 322 F +14 14 323 K +14 14 324 F +14 14 325 Z +14 14 326 Z +14 14 327 F +14 14 328 K +14 14 329 F +14 14 330 F +14 15 1 K +14 15 2 F +14 15 3 Z +14 15 4 G +14 15 5 K +14 15 6 F +14 15 7 K +14 15 8 Z +14 15 9 G +14 15 10 K +14 15 11 K +14 15 12 Z +14 15 13 G +14 15 14 G +14 15 15 F +14 15 16 F +14 15 17 Z +14 15 18 K +14 15 19 K +14 15 20 K +14 15 21 Z +14 15 22 Z +14 15 23 G +14 15 24 K +14 15 25 K +14 15 26 K +14 15 27 G +14 15 28 Z +14 15 29 G +14 15 30 Z +14 15 31 G +14 15 32 Z +14 15 33 G +14 15 34 K +14 15 35 Z +14 15 36 K +14 15 37 K +14 15 38 Z +14 15 39 K +14 15 40 G +14 15 41 Z +14 15 42 F +14 15 43 K +14 15 44 F +14 15 45 K +14 15 46 F +14 15 47 K +14 15 48 Z +14 15 49 K +14 15 50 K +14 15 51 K +14 15 52 K +14 15 53 Z +14 15 54 K +14 15 55 K +14 15 56 G +14 15 57 K +14 15 58 G +14 15 59 F +14 15 60 K +14 15 61 Z +14 15 62 K +14 15 63 Z +14 15 64 K +14 15 65 Z +14 15 66 F +14 15 67 K +14 15 68 Z +14 15 69 K +14 15 70 K +14 15 71 Z +14 15 72 K +14 15 73 K +14 15 74 F +14 15 75 K +14 15 76 Z +14 15 77 K +14 15 78 K +14 15 79 K +14 15 80 K +14 15 81 G +14 15 82 K +14 15 83 K +14 15 84 G +14 15 85 K +14 15 86 Z +14 15 87 K +14 15 88 Z +14 15 89 K +14 15 90 K +14 15 91 F +14 15 92 F +14 15 93 K +14 15 94 K +14 15 95 F +14 15 96 Z +14 15 97 K +14 15 98 Z +14 15 99 K +14 15 100 K +14 15 101 Z +14 15 102 K +14 15 103 G +14 15 104 K +14 15 105 K +14 15 106 Z +14 15 107 K +14 15 108 K +14 15 109 K +14 15 110 Z +14 15 111 G +14 15 112 Z +14 15 113 K +14 15 114 K +14 15 115 Z +14 15 116 F +14 15 117 K +14 15 118 Z +14 15 119 K +14 15 120 F +14 15 121 Z +14 15 122 K +14 15 123 K +14 15 124 Z +14 15 125 Z +14 15 126 Z +14 15 127 K +14 15 128 F +14 15 129 F +14 15 130 K +14 15 131 K +14 15 132 Z +14 15 133 K +14 15 134 Z +14 15 135 Z +14 15 136 K +14 15 137 K +14 15 138 K +14 15 139 F +14 15 140 K +14 15 141 F +14 15 142 F +14 15 143 K +14 15 144 K +14 15 145 K +14 15 146 Z +14 15 147 K +14 15 148 Z +14 15 149 F +14 15 150 K +14 15 151 Z +14 15 152 Z +14 15 153 K +14 15 154 K +14 15 155 K +14 15 156 K +14 15 157 K +14 15 158 F +14 15 159 Z +14 15 160 Z +14 15 161 K +14 15 162 Z +14 15 163 K +14 15 164 K +14 15 165 K +14 15 166 K +14 15 167 Z +14 15 168 K +14 15 169 K +14 15 170 K +14 15 171 K +14 15 172 F +14 15 173 Z +14 15 174 K +14 15 175 F +14 15 176 K +14 15 177 F +14 15 178 K +14 15 179 G +14 15 180 G +14 15 181 Z +14 15 182 K +14 15 183 K +14 15 184 K +14 15 185 K +14 15 186 F +14 15 187 Z +14 15 188 K +14 15 189 K +14 15 190 Z +14 15 191 K +14 15 192 G +14 15 193 F +14 15 194 K +14 15 195 K +14 15 196 K +14 15 197 Z +14 15 198 K +14 15 199 F +14 15 200 F +14 15 201 Z +14 15 202 K +14 15 203 Z +14 15 204 K +14 15 205 Z +14 15 206 F +14 15 207 Z +14 15 208 K +14 15 209 K +14 15 210 K +14 15 211 K +14 15 212 Z +14 15 213 K +14 15 214 Z +14 15 215 Z +14 15 216 K +14 15 217 Z +14 15 218 K +14 15 219 G +14 15 220 K +14 15 221 G +14 15 222 K +14 15 223 K +14 15 224 F +14 15 225 F +14 15 226 K +14 15 227 K +14 15 228 K +14 15 229 F +14 15 230 Z +14 15 231 Z +14 15 232 K +14 15 233 K +14 15 234 K +14 15 235 K +14 15 236 Z +14 15 237 Z +14 15 238 K +14 15 239 Z +14 15 240 G +14 15 241 F +14 15 242 G +14 15 243 Z +14 15 244 F +14 15 245 Z +14 15 246 K +14 15 247 K +14 15 248 K +14 15 249 K +14 15 250 G +14 15 251 F +14 15 252 F +14 15 253 F +14 15 254 K +14 15 255 K +14 15 256 Z +14 15 257 K +14 15 258 Z +14 15 259 Z +14 15 260 K +14 15 261 Z +14 15 262 F +14 15 263 K +14 15 264 K +14 15 265 Z +14 15 266 K +14 15 267 G +14 15 268 Z +14 15 269 Z +14 15 270 K +14 15 271 F +14 15 272 Z +14 15 273 F +14 15 274 K +14 15 275 K +14 15 276 Z +14 15 277 K +14 15 278 Z +14 15 279 K +14 15 280 Z +14 15 281 K +14 15 282 F +14 15 283 Z +14 15 284 F +14 15 285 Z +14 15 286 F +14 15 287 Z +14 15 288 Z +14 15 289 K +14 15 290 G +14 15 291 K +14 15 292 K +14 15 293 K +14 15 294 F +14 15 295 K +14 15 296 K +14 15 297 G +14 15 298 Z +14 15 299 K +14 15 300 F +14 15 301 K +14 15 302 F +14 15 303 K +14 15 304 K +14 15 305 Z +14 15 306 K +14 15 307 K +14 15 308 G +14 15 309 K +14 15 310 G +14 15 311 K +14 15 312 K +14 15 313 K +14 15 314 F +14 15 315 K +14 15 316 K +14 15 317 Z +14 15 318 G +14 15 319 F +14 15 320 G +14 15 321 Z +14 15 322 K +14 15 323 K +14 15 324 F +14 15 325 Z +14 15 326 Z +14 15 327 K +14 15 328 K +14 15 329 Z +14 15 330 K +14 16 1 F +14 16 2 F +14 16 3 Z +14 16 4 K +14 16 5 F +14 16 6 Z +14 16 7 K +14 16 8 Z +14 16 9 Z +14 16 10 K +14 16 11 K +14 16 12 F +14 16 13 K +14 16 14 K +14 16 15 F +14 16 16 F +14 16 17 Z +14 16 18 K +14 16 19 F +14 16 20 K +14 16 21 Z +14 16 22 F +14 16 23 F +14 16 24 K +14 16 25 K +14 16 26 K +14 16 27 F +14 16 28 Z +14 16 29 F +14 16 30 Z +14 16 31 F +14 16 32 Z +14 16 33 K +14 16 34 F +14 16 35 Z +14 16 36 K +14 16 37 K +14 16 38 Z +14 16 39 K +14 16 40 K +14 16 41 Z +14 16 42 Z +14 16 43 K +14 16 44 F +14 16 45 K +14 16 46 F +14 16 47 K +14 16 48 Z +14 16 49 F +14 16 50 K +14 16 51 K +14 16 52 F +14 16 53 Z +14 16 54 K +14 16 55 F +14 16 56 Z +14 16 57 K +14 16 58 Z +14 16 59 F +14 16 60 K +14 16 61 Z +14 16 62 F +14 16 63 Z +14 16 64 K +14 16 65 Z +14 16 66 F +14 16 67 F +14 16 68 Z +14 16 69 K +14 16 70 F +14 16 71 K +14 16 72 K +14 16 73 K +14 16 74 F +14 16 75 K +14 16 76 Z +14 16 77 K +14 16 78 F +14 16 79 K +14 16 80 K +14 16 81 K +14 16 82 F +14 16 83 F +14 16 84 Z +14 16 85 K +14 16 86 F +14 16 87 K +14 16 88 Z +14 16 89 K +14 16 90 K +14 16 91 Z +14 16 92 F +14 16 93 K +14 16 94 K +14 16 95 F +14 16 96 Z +14 16 97 K +14 16 98 Z +14 16 99 F +14 16 100 F +14 16 101 Z +14 16 102 F +14 16 103 F +14 16 104 F +14 16 105 K +14 16 106 F +14 16 107 F +14 16 108 F +14 16 109 K +14 16 110 Z +14 16 111 K +14 16 112 Z +14 16 113 K +14 16 114 K +14 16 115 Z +14 16 116 F +14 16 117 K +14 16 118 Z +14 16 119 K +14 16 120 F +14 16 121 Z +14 16 122 K +14 16 123 K +14 16 124 F +14 16 125 Z +14 16 126 Z +14 16 127 K +14 16 128 Z +14 16 129 F +14 16 130 K +14 16 131 K +14 16 132 Z +14 16 133 K +14 16 134 K +14 16 135 Z +14 16 136 K +14 16 137 K +14 16 138 F +14 16 139 F +14 16 140 K +14 16 141 F +14 16 142 F +14 16 143 K +14 16 144 K +14 16 145 K +14 16 146 Z +14 16 147 F +14 16 148 Z +14 16 149 F +14 16 150 K +14 16 151 Z +14 16 152 F +14 16 153 K +14 16 154 K +14 16 155 K +14 16 156 K +14 16 157 Z +14 16 158 F +14 16 159 Z +14 16 160 F +14 16 161 K +14 16 162 Z +14 16 163 K +14 16 164 K +14 16 165 K +14 16 166 K +14 16 167 F +14 16 168 K +14 16 169 K +14 16 170 K +14 16 171 K +14 16 172 F +14 16 173 Z +14 16 174 Z +14 16 175 K +14 16 176 Z +14 16 177 F +14 16 178 K +14 16 179 K +14 16 180 K +14 16 181 Z +14 16 182 K +14 16 183 K +14 16 184 K +14 16 185 Z +14 16 186 F +14 16 187 Z +14 16 188 K +14 16 189 F +14 16 190 Z +14 16 191 K +14 16 192 F +14 16 193 Z +14 16 194 K +14 16 195 K +14 16 196 F +14 16 197 K +14 16 198 K +14 16 199 F +14 16 200 F +14 16 201 Z +14 16 202 K +14 16 203 Z +14 16 204 K +14 16 205 K +14 16 206 F +14 16 207 Z +14 16 208 Z +14 16 209 K +14 16 210 Z +14 16 211 K +14 16 212 Z +14 16 213 F +14 16 214 F +14 16 215 Z +14 16 216 K +14 16 217 F +14 16 218 F +14 16 219 F +14 16 220 F +14 16 221 F +14 16 222 F +14 16 223 K +14 16 224 F +14 16 225 K +14 16 226 K +14 16 227 K +14 16 228 K +14 16 229 F +14 16 230 F +14 16 231 Z +14 16 232 K +14 16 233 F +14 16 234 K +14 16 235 K +14 16 236 F +14 16 237 F +14 16 238 K +14 16 239 F +14 16 240 Z +14 16 241 F +14 16 242 F +14 16 243 Z +14 16 244 F +14 16 245 Z +14 16 246 K +14 16 247 F +14 16 248 K +14 16 249 K +14 16 250 K +14 16 251 F +14 16 252 F +14 16 253 K +14 16 254 F +14 16 255 K +14 16 256 Z +14 16 257 K +14 16 258 Z +14 16 259 Z +14 16 260 F +14 16 261 Z +14 16 262 F +14 16 263 F +14 16 264 F +14 16 265 K +14 16 266 Z +14 16 267 Z +14 16 268 K +14 16 269 Z +14 16 270 Z +14 16 271 K +14 16 272 F +14 16 273 F +14 16 274 F +14 16 275 F +14 16 276 Z +14 16 277 K +14 16 278 Z +14 16 279 K +14 16 280 K +14 16 281 K +14 16 282 K +14 16 283 Z +14 16 284 F +14 16 285 Z +14 16 286 K +14 16 287 Z +14 16 288 Z +14 16 289 Z +14 16 290 F +14 16 291 K +14 16 292 Z +14 16 293 F +14 16 294 F +14 16 295 Z +14 16 296 K +14 16 297 Z +14 16 298 Z +14 16 299 Z +14 16 300 F +14 16 301 F +14 16 302 F +14 16 303 F +14 16 304 K +14 16 305 K +14 16 306 Z +14 16 307 K +14 16 308 Z +14 16 309 K +14 16 310 Z +14 16 311 K +14 16 312 K +14 16 313 K +14 16 314 F +14 16 315 F +14 16 316 K +14 16 317 Z +14 16 318 Z +14 16 319 F +14 16 320 Z +14 16 321 Z +14 16 322 F +14 16 323 K +14 16 324 F +14 16 325 Z +14 16 326 Z +14 16 327 F +14 16 328 K +14 16 329 Z +14 16 330 F +14 17 1 K +14 17 2 F +14 17 3 Z +14 17 4 K +14 17 5 K +14 17 6 F +14 17 7 K +14 17 8 Z +14 17 9 Z +14 17 10 K +14 17 11 K +14 17 12 Z +14 17 13 K +14 17 14 K +14 17 15 Z +14 17 16 F +14 17 17 Z +14 17 18 F +14 17 19 K +14 17 20 K +14 17 21 Z +14 17 22 Z +14 17 23 K +14 17 24 K +14 17 25 K +14 17 26 K +14 17 27 F +14 17 28 Z +14 17 29 K +14 17 30 Z +14 17 31 K +14 17 32 Z +14 17 33 K +14 17 34 K +14 17 35 Z +14 17 36 K +14 17 37 K +14 17 38 Z +14 17 39 K +14 17 40 K +14 17 41 Z +14 17 42 K +14 17 43 K +14 17 44 Z +14 17 45 K +14 17 46 F +14 17 47 F +14 17 48 Z +14 17 49 F +14 17 50 Z +14 17 51 F +14 17 52 F +14 17 53 Z +14 17 54 K +14 17 55 K +14 17 56 Z +14 17 57 K +14 17 58 Z +14 17 59 F +14 17 60 K +14 17 61 Z +14 17 62 F +14 17 63 Z +14 17 64 K +14 17 65 Z +14 17 66 F +14 17 67 K +14 17 68 Z +14 17 69 K +14 17 70 F +14 17 71 Z +14 17 72 K +14 17 73 Z +14 17 74 F +14 17 75 K +14 17 76 Z +14 17 77 K +14 17 78 F +14 17 79 K +14 17 80 K +14 17 81 Z +14 17 82 K +14 17 83 F +14 17 84 Z +14 17 85 K +14 17 86 Z +14 17 87 K +14 17 88 Z +14 17 89 K +14 17 90 K +14 17 91 Z +14 17 92 F +14 17 93 K +14 17 94 K +14 17 95 F +14 17 96 Z +14 17 97 K +14 17 98 Z +14 17 99 F +14 17 100 F +14 17 101 Z +14 17 102 F +14 17 103 Z +14 17 104 K +14 17 105 Z +14 17 106 F +14 17 107 F +14 17 108 F +14 17 109 K +14 17 110 Z +14 17 111 K +14 17 112 Z +14 17 113 K +14 17 114 K +14 17 115 Z +14 17 116 F +14 17 117 K +14 17 118 Z +14 17 119 K +14 17 120 F +14 17 121 Z +14 17 122 K +14 17 123 K +14 17 124 F +14 17 125 Z +14 17 126 Z +14 17 127 K +14 17 128 F +14 17 129 F +14 17 130 K +14 17 131 Z +14 17 132 Z +14 17 133 K +14 17 134 K +14 17 135 F +14 17 136 F +14 17 137 F +14 17 138 F +14 17 139 F +14 17 140 K +14 17 141 F +14 17 142 F +14 17 143 K +14 17 144 K +14 17 145 K +14 17 146 Z +14 17 147 K +14 17 148 Z +14 17 149 F +14 17 150 K +14 17 151 Z +14 17 152 Z +14 17 153 K +14 17 154 K +14 17 155 K +14 17 156 F +14 17 157 Z +14 17 158 F +14 17 159 Z +14 17 160 Z +14 17 161 K +14 17 162 Z +14 17 163 K +14 17 164 K +14 17 165 K +14 17 166 K +14 17 167 F +14 17 168 K +14 17 169 K +14 17 170 K +14 17 171 F +14 17 172 F +14 17 173 Z +14 17 174 Z +14 17 175 F +14 17 176 Z +14 17 177 F +14 17 178 K +14 17 179 Z +14 17 180 K +14 17 181 Z +14 17 182 Z +14 17 183 F +14 17 184 Z +14 17 185 Z +14 17 186 F +14 17 187 Z +14 17 188 K +14 17 189 F +14 17 190 F +14 17 191 K +14 17 192 F +14 17 193 Z +14 17 194 Z +14 17 195 Z +14 17 196 F +14 17 197 F +14 17 198 K +14 17 199 F +14 17 200 F +14 17 201 Z +14 17 202 K +14 17 203 Z +14 17 204 K +14 17 205 K +14 17 206 F +14 17 207 Z +14 17 208 F +14 17 209 K +14 17 210 Z +14 17 211 K +14 17 212 Z +14 17 213 F +14 17 214 Z +14 17 215 Z +14 17 216 K +14 17 217 Z +14 17 218 Z +14 17 219 F +14 17 220 K +14 17 221 F +14 17 222 Z +14 17 223 K +14 17 224 F +14 17 225 Z +14 17 226 K +14 17 227 K +14 17 228 K +14 17 229 F +14 17 230 F +14 17 231 Z +14 17 232 F +14 17 233 F +14 17 234 K +14 17 235 K +14 17 236 Z +14 17 237 Z +14 17 238 K +14 17 239 Z +14 17 240 Z +14 17 241 F +14 17 242 F +14 17 243 Z +14 17 244 F +14 17 245 Z +14 17 246 F +14 17 247 F +14 17 248 K +14 17 249 K +14 17 250 K +14 17 251 F +14 17 252 F +14 17 253 F +14 17 254 F +14 17 255 K +14 17 256 Z +14 17 257 K +14 17 258 Z +14 17 259 F +14 17 260 F +14 17 261 Z +14 17 262 F +14 17 263 F +14 17 264 F +14 17 265 K +14 17 266 Z +14 17 267 Z +14 17 268 F +14 17 269 Z +14 17 270 Z +14 17 271 K +14 17 272 F +14 17 273 Z +14 17 274 F +14 17 275 Z +14 17 276 Z +14 17 277 K +14 17 278 Z +14 17 279 K +14 17 280 F +14 17 281 K +14 17 282 K +14 17 283 Z +14 17 284 F +14 17 285 F +14 17 286 F +14 17 287 Z +14 17 288 Z +14 17 289 K +14 17 290 F +14 17 291 K +14 17 292 Z +14 17 293 F +14 17 294 F +14 17 295 Z +14 17 296 K +14 17 297 Z +14 17 298 Z +14 17 299 K +14 17 300 F +14 17 301 K +14 17 302 F +14 17 303 F +14 17 304 F +14 17 305 Z +14 17 306 F +14 17 307 F +14 17 308 Z +14 17 309 K +14 17 310 K +14 17 311 K +14 17 312 K +14 17 313 K +14 17 314 F +14 17 315 F +14 17 316 F +14 17 317 Z +14 17 318 Z +14 17 319 F +14 17 320 F +14 17 321 Z +14 17 322 F +14 17 323 K +14 17 324 F +14 17 325 Z +14 17 326 Z +14 17 327 F +14 17 328 K +14 17 329 Z +14 17 330 F +14 18 1 K +14 18 2 F +14 18 3 Z +14 18 4 Z +14 18 5 K +14 18 6 Z +14 18 7 K +14 18 8 Z +14 18 9 K +14 18 10 K +14 18 11 K +14 18 12 Z +14 18 13 K +14 18 14 K +14 18 15 Z +14 18 16 F +14 18 17 Z +14 18 18 K +14 18 19 K +14 18 20 K +14 18 21 Z +14 18 22 G +14 18 23 G +14 18 24 K +14 18 25 K +14 18 26 K +14 18 27 F +14 18 28 Z +14 18 29 G +14 18 30 Z +14 18 31 G +14 18 32 Z +14 18 33 K +14 18 34 K +14 18 35 Z +14 18 36 K +14 18 37 K +14 18 38 Z +14 18 39 K +14 18 40 K +14 18 41 Z +14 18 42 G +14 18 43 K +14 18 44 F +14 18 45 K +14 18 46 K +14 18 47 K +14 18 48 G +14 18 49 K +14 18 50 K +14 18 51 Z +14 18 52 F +14 18 53 Z +14 18 54 K +14 18 55 K +14 18 56 Z +14 18 57 K +14 18 58 Z +14 18 59 F +14 18 60 K +14 18 61 Z +14 18 62 G +14 18 63 Z +14 18 64 K +14 18 65 Z +14 18 66 F +14 18 67 K +14 18 68 Z +14 18 69 G +14 18 70 F +14 18 71 K +14 18 72 K +14 18 73 G +14 18 74 F +14 18 75 K +14 18 76 Z +14 18 77 K +14 18 78 Z +14 18 79 F +14 18 80 G +14 18 81 K +14 18 82 K +14 18 83 F +14 18 84 Z +14 18 85 K +14 18 86 Z +14 18 87 K +14 18 88 Z +14 18 89 K +14 18 90 K +14 18 91 G +14 18 92 F +14 18 93 K +14 18 94 K +14 18 95 F +14 18 96 Z +14 18 97 K +14 18 98 Z +14 18 99 F +14 18 100 F +14 18 101 Z +14 18 102 F +14 18 103 K +14 18 104 F +14 18 105 Z +14 18 106 F +14 18 107 F +14 18 108 F +14 18 109 K +14 18 110 Z +14 18 111 K +14 18 112 Z +14 18 113 K +14 18 114 K +14 18 115 Z +14 18 116 F +14 18 117 K +14 18 118 Z +14 18 119 K +14 18 120 F +14 18 121 Z +14 18 122 K +14 18 123 K +14 18 124 K +14 18 125 Z +14 18 126 Z +14 18 127 K +14 18 128 F +14 18 129 F +14 18 130 K +14 18 131 K +14 18 132 Z +14 18 133 K +14 18 134 K +14 18 135 Z +14 18 136 K +14 18 137 K +14 18 138 K +14 18 139 F +14 18 140 K +14 18 141 F +14 18 142 F +14 18 143 K +14 18 144 K +14 18 145 K +14 18 146 Z +14 18 147 K +14 18 148 Z +14 18 149 K +14 18 150 K +14 18 151 Z +14 18 152 Z +14 18 153 F +14 18 154 K +14 18 155 K +14 18 156 K +14 18 157 K +14 18 158 F +14 18 159 Z +14 18 160 Z +14 18 161 K +14 18 162 Z +14 18 163 K +14 18 164 K +14 18 165 K +14 18 166 K +14 18 167 Z +14 18 168 F +14 18 169 K +14 18 170 K +14 18 171 K +14 18 172 F +14 18 173 Z +14 18 174 Z +14 18 175 Z +14 18 176 Z +14 18 177 F +14 18 178 K +14 18 179 K +14 18 180 K +14 18 181 F +14 18 182 Z +14 18 183 K +14 18 184 K +14 18 185 Z +14 18 186 K +14 18 187 Z +14 18 188 K +14 18 189 K +14 18 190 Z +14 18 191 K +14 18 192 K +14 18 193 K +14 18 194 Z +14 18 195 F +14 18 196 K +14 18 197 Z +14 18 198 K +14 18 199 F +14 18 200 K +14 18 201 Z +14 18 202 K +14 18 203 Z +14 18 204 K +14 18 205 K +14 18 206 F +14 18 207 Z +14 18 208 F +14 18 209 K +14 18 210 K +14 18 211 K +14 18 212 Z +14 18 213 F +14 18 214 K +14 18 215 Z +14 18 216 K +14 18 217 Z +14 18 218 K +14 18 219 F +14 18 220 K +14 18 221 F +14 18 222 K +14 18 223 K +14 18 224 F +14 18 225 K +14 18 226 K +14 18 227 K +14 18 228 K +14 18 229 F +14 18 230 F +14 18 231 Z +14 18 232 K +14 18 233 K +14 18 234 K +14 18 235 K +14 18 236 G +14 18 237 Z +14 18 238 K +14 18 239 Z +14 18 240 K +14 18 241 F +14 18 242 Z +14 18 243 Z +14 18 244 F +14 18 245 Z +14 18 246 K +14 18 247 K +14 18 248 K +14 18 249 K +14 18 250 K +14 18 251 Z +14 18 252 F +14 18 253 K +14 18 254 K +14 18 255 K +14 18 256 Z +14 18 257 K +14 18 258 G +14 18 259 Z +14 18 260 F +14 18 261 Z +14 18 262 F +14 18 263 F +14 18 264 F +14 18 265 K +14 18 266 Z +14 18 267 Z +14 18 268 K +14 18 269 Z +14 18 270 F +14 18 271 K +14 18 272 F +14 18 273 Z +14 18 274 F +14 18 275 G +14 18 276 Z +14 18 277 K +14 18 278 Z +14 18 279 K +14 18 280 K +14 18 281 K +14 18 282 K +14 18 283 K +14 18 284 F +14 18 285 Z +14 18 286 F +14 18 287 K +14 18 288 Z +14 18 289 G +14 18 290 F +14 18 291 K +14 18 292 Z +14 18 293 F +14 18 294 F +14 18 295 K +14 18 296 K +14 18 297 Z +14 18 298 Z +14 18 299 K +14 18 300 F +14 18 301 K +14 18 302 F +14 18 303 F +14 18 304 K +14 18 305 K +14 18 306 K +14 18 307 K +14 18 308 Z +14 18 309 K +14 18 310 K +14 18 311 K +14 18 312 K +14 18 313 K +14 18 314 F +14 18 315 K +14 18 316 K +14 18 317 Z +14 18 318 Z +14 18 319 F +14 18 320 K +14 18 321 Z +14 18 322 K +14 18 323 K +14 18 324 F +14 18 325 K +14 18 326 Z +14 18 327 F +14 18 328 K +14 18 329 Z +14 18 330 F +14 19 1 G +14 19 2 G +14 19 3 Z +14 19 4 Z +14 19 5 F +14 19 6 G +14 19 7 G +14 19 8 Z +14 19 9 Z +14 19 10 K +14 19 11 K +14 19 12 G +14 19 13 K +14 19 14 K +14 19 15 G +14 19 16 F +14 19 17 Z +14 19 18 K +14 19 19 G +14 19 20 G +14 19 21 Z +14 19 22 F +14 19 23 G +14 19 24 K +14 19 25 K +14 19 26 K +14 19 27 G +14 19 28 Z +14 19 29 K +14 19 30 Z +14 19 31 K +14 19 32 Z +14 19 33 K +14 19 34 K +14 19 35 Z +14 19 36 K +14 19 37 G +14 19 38 Z +14 19 39 K +14 19 40 K +14 19 41 Z +14 19 42 G +14 19 43 K +14 19 44 F +14 19 45 K +14 19 46 F +14 19 47 K +14 19 48 Z +14 19 49 F +14 19 50 K +14 19 51 K +14 19 52 F +14 19 53 Z +14 19 54 K +14 19 55 G +14 19 56 Z +14 19 57 K +14 19 58 G +14 19 59 F +14 19 60 K +14 19 61 Z +14 19 62 G +14 19 63 Z +14 19 64 K +14 19 65 Z +14 19 66 F +14 19 67 G +14 19 68 Z +14 19 69 K +14 19 70 F +14 19 71 Z +14 19 72 K +14 19 73 Z +14 19 74 F +14 19 75 K +14 19 76 Z +14 19 77 K +14 19 78 G +14 19 79 K +14 19 80 K +14 19 81 G +14 19 82 G +14 19 83 F +14 19 84 Z +14 19 85 K +14 19 86 Z +14 19 87 K +14 19 88 Z +14 19 89 K +14 19 90 K +14 19 91 G +14 19 92 F +14 19 93 K +14 19 94 K +14 19 95 F +14 19 96 Z +14 19 97 K +14 19 98 Z +14 19 99 G +14 19 100 G +14 19 101 Z +14 19 102 F +14 19 103 G +14 19 104 F +14 19 105 Z +14 19 106 G +14 19 107 F +14 19 108 F +14 19 109 K +14 19 110 Z +14 19 111 K +14 19 112 Z +14 19 113 K +14 19 114 K +14 19 115 Z +14 19 116 F +14 19 117 K +14 19 118 Z +14 19 119 K +14 19 120 F +14 19 121 Z +14 19 122 K +14 19 123 K +14 19 124 G +14 19 125 Z +14 19 126 Z +14 19 127 K +14 19 128 G +14 19 129 F +14 19 130 K +14 19 131 K +14 19 132 Z +14 19 133 K +14 19 134 K +14 19 135 Z +14 19 136 K +14 19 137 K +14 19 138 G +14 19 139 F +14 19 140 K +14 19 141 F +14 19 142 F +14 19 143 G +14 19 144 K +14 19 145 G +14 19 146 G +14 19 147 F +14 19 148 Z +14 19 149 G +14 19 150 K +14 19 151 Z +14 19 152 G +14 19 153 G +14 19 154 K +14 19 155 K +14 19 156 K +14 19 157 F +14 19 158 F +14 19 159 F +14 19 160 Z +14 19 161 K +14 19 162 Z +14 19 163 G +14 19 164 G +14 19 165 G +14 19 166 K +14 19 167 F +14 19 168 K +14 19 169 K +14 19 170 K +14 19 171 K +14 19 172 F +14 19 173 Z +14 19 174 F +14 19 175 F +14 19 176 Z +14 19 177 F +14 19 178 K +14 19 179 K +14 19 180 K +14 19 181 G +14 19 182 K +14 19 183 K +14 19 184 G +14 19 185 Z +14 19 186 G +14 19 187 Z +14 19 188 K +14 19 189 F +14 19 190 Z +14 19 191 K +14 19 192 G +14 19 193 G +14 19 194 Z +14 19 195 K +14 19 196 F +14 19 197 Z +14 19 198 K +14 19 199 F +14 19 200 F +14 19 201 Z +14 19 202 K +14 19 203 Z +14 19 204 K +14 19 205 G +14 19 206 F +14 19 207 Z +14 19 208 G +14 19 209 K +14 19 210 Z +14 19 211 F +14 19 212 Z +14 19 213 F +14 19 214 G +14 19 215 Z +14 19 216 K +14 19 217 Z +14 19 218 F +14 19 219 F +14 19 220 K +14 19 221 F +14 19 222 G +14 19 223 K +14 19 224 F +14 19 225 K +14 19 226 K +14 19 227 K +14 19 228 K +14 19 229 F +14 19 230 F +14 19 231 G +14 19 232 K +14 19 233 F +14 19 234 K +14 19 235 K +14 19 236 G +14 19 237 Z +14 19 238 K +14 19 239 Z +14 19 240 K +14 19 241 F +14 19 242 G +14 19 243 Z +14 19 244 F +14 19 245 Z +14 19 246 K +14 19 247 G +14 19 248 K +14 19 249 K +14 19 250 G +14 19 251 G +14 19 252 F +14 19 253 G +14 19 254 K +14 19 255 K +14 19 256 Z +14 19 257 K +14 19 258 G +14 19 259 Z +14 19 260 F +14 19 261 Z +14 19 262 F +14 19 263 F +14 19 264 F +14 19 265 K +14 19 266 Z +14 19 267 Z +14 19 268 K +14 19 269 G +14 19 270 Z +14 19 271 K +14 19 272 F +14 19 273 Z +14 19 274 F +14 19 275 G +14 19 276 Z +14 19 277 K +14 19 278 Z +14 19 279 K +14 19 280 K +14 19 281 K +14 19 282 G +14 19 283 Z +14 19 284 F +14 19 285 Z +14 19 286 F +14 19 287 K +14 19 288 Z +14 19 289 G +14 19 290 F +14 19 291 K +14 19 292 Z +14 19 293 F +14 19 294 F +14 19 295 G +14 19 296 G +14 19 297 Z +14 19 298 Z +14 19 299 K +14 19 300 F +14 19 301 K +14 19 302 F +14 19 303 F +14 19 304 G +14 19 305 Z +14 19 306 G +14 19 307 G +14 19 308 G +14 19 309 K +14 19 310 F +14 19 311 G +14 19 312 K +14 19 313 K +14 19 314 F +14 19 315 G +14 19 316 G +14 19 317 Z +14 19 318 Z +14 19 319 F +14 19 320 G +14 19 321 Z +14 19 322 F +14 19 323 K +14 19 324 F +14 19 325 Z +14 19 326 Z +14 19 327 F +14 19 328 K +14 19 329 Z +14 19 330 F +14 20 1 K +14 20 2 F +14 20 3 Z +14 20 4 K +14 20 5 F +14 20 6 F +14 20 7 K +14 20 8 Z +14 20 9 Z +14 20 10 K +14 20 11 K +14 20 12 K +14 20 13 K +14 20 14 K +14 20 15 F +14 20 16 F +14 20 17 Z +14 20 18 K +14 20 19 K +14 20 20 K +14 20 21 Z +14 20 22 F +14 20 23 K +14 20 24 K +14 20 25 K +14 20 26 K +14 20 27 F +14 20 28 Z +14 20 29 K +14 20 30 F +14 20 31 F +14 20 32 Z +14 20 33 K +14 20 34 K +14 20 35 Z +14 20 36 K +14 20 37 K +14 20 38 Z +14 20 39 K +14 20 40 K +14 20 41 Z +14 20 42 K +14 20 43 K +14 20 44 F +14 20 45 K +14 20 46 K +14 20 47 K +14 20 48 Z +14 20 49 K +14 20 50 K +14 20 51 K +14 20 52 F +14 20 53 Z +14 20 54 K +14 20 55 K +14 20 56 F +14 20 57 K +14 20 58 K +14 20 59 F +14 20 60 K +14 20 61 Z +14 20 62 F +14 20 63 Z +14 20 64 K +14 20 65 Z +14 20 66 F +14 20 67 K +14 20 68 Z +14 20 69 K +14 20 70 K +14 20 71 K +14 20 72 K +14 20 73 K +14 20 74 K +14 20 75 K +14 20 76 Z +14 20 77 K +14 20 78 F +14 20 79 K +14 20 80 K +14 20 81 K +14 20 82 K +14 20 83 F +14 20 84 Z +14 20 85 K +14 20 86 Z +14 20 87 K +14 20 88 Z +14 20 89 K +14 20 90 K +14 20 91 Z +14 20 92 K +14 20 93 K +14 20 94 K +14 20 95 K +14 20 96 Z +14 20 97 K +14 20 98 Z +14 20 99 F +14 20 100 K +14 20 101 Z +14 20 102 K +14 20 103 K +14 20 104 K +14 20 105 K +14 20 106 Z +14 20 107 F +14 20 108 F +14 20 109 K +14 20 110 Z +14 20 111 K +14 20 112 Z +14 20 113 K +14 20 114 K +14 20 115 Z +14 20 116 F +14 20 117 K +14 20 118 K +14 20 119 K +14 20 120 F +14 20 121 Z +14 20 122 K +14 20 123 K +14 20 124 F +14 20 125 Z +14 20 126 Z +14 20 127 K +14 20 128 F +14 20 129 F +14 20 130 K +14 20 131 K +14 20 132 Z +14 20 133 K +14 20 134 K +14 20 135 Z +14 20 136 K +14 20 137 K +14 20 138 K +14 20 139 F +14 20 140 K +14 20 141 F +14 20 142 F +14 20 143 K +14 20 144 K +14 20 145 K +14 20 146 F +14 20 147 K +14 20 148 Z +14 20 149 F +14 20 150 K +14 20 151 Z +14 20 152 Z +14 20 153 K +14 20 154 K +14 20 155 K +14 20 156 K +14 20 157 K +14 20 158 F +14 20 159 Z +14 20 160 Z +14 20 161 K +14 20 162 Z +14 20 163 K +14 20 164 K +14 20 165 K +14 20 166 K +14 20 167 F +14 20 168 K +14 20 169 K +14 20 170 K +14 20 171 K +14 20 172 F +14 20 173 Z +14 20 174 Z +14 20 175 F +14 20 176 Z +14 20 177 K +14 20 178 K +14 20 179 K +14 20 180 K +14 20 181 K +14 20 182 K +14 20 183 K +14 20 184 K +14 20 185 K +14 20 186 K +14 20 187 Z +14 20 188 K +14 20 189 K +14 20 190 Z +14 20 191 K +14 20 192 K +14 20 193 K +14 20 194 K +14 20 195 K +14 20 196 K +14 20 197 K +14 20 198 K +14 20 199 F +14 20 200 F +14 20 201 F +14 20 202 K +14 20 203 K +14 20 204 K +14 20 205 K +14 20 206 F +14 20 207 Z +14 20 208 K +14 20 209 K +14 20 210 K +14 20 211 K +14 20 212 Z +14 20 213 K +14 20 214 K +14 20 215 Z +14 20 216 K +14 20 217 Z +14 20 218 K +14 20 219 K +14 20 220 K +14 20 221 K +14 20 222 K +14 20 223 K +14 20 224 F +14 20 225 K +14 20 226 K +14 20 227 K +14 20 228 K +14 20 229 K +14 20 230 F +14 20 231 K +14 20 232 K +14 20 233 K +14 20 234 K +14 20 235 K +14 20 236 K +14 20 237 Z +14 20 238 K +14 20 239 Z +14 20 240 K +14 20 241 F +14 20 242 K +14 20 243 K +14 20 244 F +14 20 245 Z +14 20 246 K +14 20 247 K +14 20 248 K +14 20 249 K +14 20 250 K +14 20 251 F +14 20 252 F +14 20 253 K +14 20 254 K +14 20 255 K +14 20 256 Z +14 20 257 K +14 20 258 K +14 20 259 Z +14 20 260 F +14 20 261 Z +14 20 262 F +14 20 263 K +14 20 264 K +14 20 265 K +14 20 266 Z +14 20 267 K +14 20 268 K +14 20 269 Z +14 20 270 Z +14 20 271 K +14 20 272 F +14 20 273 K +14 20 274 F +14 20 275 K +14 20 276 Z +14 20 277 K +14 20 278 Z +14 20 279 K +14 20 280 K +14 20 281 K +14 20 282 K +14 20 283 K +14 20 284 F +14 20 285 K +14 20 286 F +14 20 287 K +14 20 288 Z +14 20 289 K +14 20 290 F +14 20 291 K +14 20 292 Z +14 20 293 K +14 20 294 K +14 20 295 K +14 20 296 K +14 20 297 Z +14 20 298 Z +14 20 299 K +14 20 300 K +14 20 301 K +14 20 302 F +14 20 303 K +14 20 304 K +14 20 305 K +14 20 306 F +14 20 307 K +14 20 308 K +14 20 309 K +14 20 310 K +14 20 311 K +14 20 312 K +14 20 313 K +14 20 314 F +14 20 315 K +14 20 316 K +14 20 317 Z +14 20 318 Z +14 20 319 F +14 20 320 K +14 20 321 Z +14 20 322 K +14 20 323 K +14 20 324 F +14 20 325 Z +14 20 326 Z +14 20 327 F +14 20 328 K +14 20 329 K +14 20 330 F +14 21 1 K +14 21 2 F +14 21 3 Z +14 21 4 K +14 21 5 F +14 21 6 F +14 21 7 K +14 21 8 Z +14 21 9 K +14 21 10 K +14 21 11 K +14 21 12 F +14 21 13 K +14 21 14 K +14 21 15 F +14 21 16 F +14 21 17 Z +14 21 18 K +14 21 19 K +14 21 20 F +14 21 21 Z +14 21 22 F +14 21 23 K +14 21 24 K +14 21 25 K +14 21 26 K +14 21 27 F +14 21 28 Z +14 21 29 K +14 21 30 Z +14 21 31 K +14 21 32 Z +14 21 33 K +14 21 34 K +14 21 35 Z +14 21 36 K +14 21 37 K +14 21 38 Z +14 21 39 K +14 21 40 K +14 21 41 Z +14 21 42 F +14 21 43 K +14 21 44 F +14 21 45 K +14 21 46 K +14 21 47 K +14 21 48 Z +14 21 49 F +14 21 50 K +14 21 51 K +14 21 52 F +14 21 53 Z +14 21 54 K +14 21 55 K +14 21 56 Z +14 21 57 K +14 21 58 F +14 21 59 F +14 21 60 K +14 21 61 K +14 21 62 K +14 21 63 Z +14 21 64 K +14 21 65 Z +14 21 66 F +14 21 67 K +14 21 68 Z +14 21 69 K +14 21 70 F +14 21 71 K +14 21 72 K +14 21 73 K +14 21 74 F +14 21 75 K +14 21 76 Z +14 21 77 K +14 21 78 F +14 21 79 K +14 21 80 K +14 21 81 K +14 21 82 F +14 21 83 F +14 21 84 Z +14 21 85 K +14 21 86 Z +14 21 87 K +14 21 88 Z +14 21 89 K +14 21 90 K +14 21 91 F +14 21 92 F +14 21 93 K +14 21 94 K +14 21 95 F +14 21 96 Z +14 21 97 K +14 21 98 Z +14 21 99 F +14 21 100 F +14 21 101 Z +14 21 102 F +14 21 103 K +14 21 104 K +14 21 105 Z +14 21 106 F +14 21 107 F +14 21 108 F +14 21 109 K +14 21 110 Z +14 21 111 K +14 21 112 Z +14 21 113 K +14 21 114 K +14 21 115 Z +14 21 116 F +14 21 117 K +14 21 118 Z +14 21 119 K +14 21 120 F +14 21 121 Z +14 21 122 K +14 21 123 K +14 21 124 F +14 21 125 Z +14 21 126 Z +14 21 127 K +14 21 128 F +14 21 129 F +14 21 130 K +14 21 131 K +14 21 132 Z +14 21 133 K +14 21 134 K +14 21 135 Z +14 21 136 F +14 21 137 K +14 21 138 F +14 21 139 F +14 21 140 K +14 21 141 F +14 21 142 F +14 21 143 K +14 21 144 K +14 21 145 F +14 21 146 Z +14 21 147 F +14 21 148 Z +14 21 149 F +14 21 150 K +14 21 151 Z +14 21 152 F +14 21 153 F +14 21 154 K +14 21 155 K +14 21 156 K +14 21 157 K +14 21 158 F +14 21 159 Z +14 21 160 Z +14 21 161 K +14 21 162 Z +14 21 163 K +14 21 164 K +14 21 165 K +14 21 166 K +14 21 167 F +14 21 168 K +14 21 169 K +14 21 170 K +14 21 171 K +14 21 172 F +14 21 173 Z +14 21 174 K +14 21 175 K +14 21 176 Z +14 21 177 F +14 21 178 K +14 21 179 Z +14 21 180 K +14 21 181 Z +14 21 182 Z +14 21 183 K +14 21 184 K +14 21 185 Z +14 21 186 F +14 21 187 Z +14 21 188 K +14 21 189 F +14 21 190 Z +14 21 191 K +14 21 192 K +14 21 193 F +14 21 194 Z +14 21 195 K +14 21 196 F +14 21 197 Z +14 21 198 K +14 21 199 F +14 21 200 K +14 21 201 Z +14 21 202 K +14 21 203 Z +14 21 204 K +14 21 205 K +14 21 206 F +14 21 207 Z +14 21 208 Z +14 21 209 K +14 21 210 K +14 21 211 F +14 21 212 Z +14 21 213 F +14 21 214 F +14 21 215 Z +14 21 216 K +14 21 217 F +14 21 218 K +14 21 219 F +14 21 220 K +14 21 221 F +14 21 222 K +14 21 223 K +14 21 224 F +14 21 225 K +14 21 226 K +14 21 227 K +14 21 228 K +14 21 229 F +14 21 230 F +14 21 231 Z +14 21 232 K +14 21 233 K +14 21 234 K +14 21 235 K +14 21 236 F +14 21 237 F +14 21 238 K +14 21 239 Z +14 21 240 Z +14 21 241 F +14 21 242 F +14 21 243 Z +14 21 244 F +14 21 245 Z +14 21 246 F +14 21 247 K +14 21 248 K +14 21 249 K +14 21 250 K +14 21 251 F +14 21 252 F +14 21 253 K +14 21 254 K +14 21 255 K +14 21 256 Z +14 21 257 K +14 21 258 F +14 21 259 Z +14 21 260 F +14 21 261 Z +14 21 262 F +14 21 263 F +14 21 264 F +14 21 265 K +14 21 266 Z +14 21 267 K +14 21 268 F +14 21 269 Z +14 21 270 Z +14 21 271 K +14 21 272 F +14 21 273 Z +14 21 274 F +14 21 275 K +14 21 276 Z +14 21 277 K +14 21 278 Z +14 21 279 K +14 21 280 K +14 21 281 K +14 21 282 K +14 21 283 K +14 21 284 F +14 21 285 F +14 21 286 F +14 21 287 K +14 21 288 Z +14 21 289 F +14 21 290 F +14 21 291 K +14 21 292 F +14 21 293 F +14 21 294 F +14 21 295 Z +14 21 296 K +14 21 297 Z +14 21 298 Z +14 21 299 K +14 21 300 F +14 21 301 K +14 21 302 F +14 21 303 F +14 21 304 K +14 21 305 K +14 21 306 F +14 21 307 K +14 21 308 K +14 21 309 K +14 21 310 F +14 21 311 F +14 21 312 K +14 21 313 K +14 21 314 F +14 21 315 F +14 21 316 K +14 21 317 Z +14 21 318 Z +14 21 319 F +14 21 320 K +14 21 321 Z +14 21 322 F +14 21 323 K +14 21 324 F +14 21 325 K +14 21 326 Z +14 21 327 F +14 21 328 K +14 21 329 K +14 21 330 F +14 22 1 K +14 22 2 F +14 22 3 Z +14 22 4 K +14 22 5 F +14 22 6 F +14 22 7 K +14 22 8 Z +14 22 9 K +14 22 10 K +14 22 11 K +14 22 12 Z +14 22 13 K +14 22 14 K +14 22 15 F +14 22 16 F +14 22 17 Z +14 22 18 K +14 22 19 K +14 22 20 K +14 22 21 Z +14 22 22 F +14 22 23 K +14 22 24 K +14 22 25 K +14 22 26 K +14 22 27 F +14 22 28 Z +14 22 29 K +14 22 30 Z +14 22 31 F +14 22 32 K +14 22 33 K +14 22 34 K +14 22 35 Z +14 22 36 K +14 22 37 K +14 22 38 Z +14 22 39 K +14 22 40 K +14 22 41 Z +14 22 42 K +14 22 43 K +14 22 44 F +14 22 45 K +14 22 46 F +14 22 47 K +14 22 48 F +14 22 49 F +14 22 50 K +14 22 51 K +14 22 52 F +14 22 53 K +14 22 54 K +14 22 55 K +14 22 56 F +14 22 57 K +14 22 58 K +14 22 59 F +14 22 60 K +14 22 61 K +14 22 62 F +14 22 63 F +14 22 64 K +14 22 65 Z +14 22 66 F +14 22 67 K +14 22 68 Z +14 22 69 K +14 22 70 F +14 22 71 K +14 22 72 K +14 22 73 K +14 22 74 F +14 22 75 K +14 22 76 Z +14 22 77 K +14 22 78 F +14 22 79 K +14 22 80 K +14 22 81 F +14 22 82 K +14 22 83 F +14 22 84 F +14 22 85 K +14 22 86 F +14 22 87 K +14 22 88 Z +14 22 89 K +14 22 90 K +14 22 91 F +14 22 92 F +14 22 93 K +14 22 94 K +14 22 95 F +14 22 96 Z +14 22 97 K +14 22 98 Z +14 22 99 F +14 22 100 F +14 22 101 Z +14 22 102 F +14 22 103 K +14 22 104 F +14 22 105 K +14 22 106 F +14 22 107 F +14 22 108 F +14 22 109 K +14 22 110 Z +14 22 111 K +14 22 112 Z +14 22 113 K +14 22 114 K +14 22 115 Z +14 22 116 F +14 22 117 K +14 22 118 Z +14 22 119 K +14 22 120 F +14 22 121 Z +14 22 122 K +14 22 123 K +14 22 124 F +14 22 125 Z +14 22 126 F +14 22 127 K +14 22 128 Z +14 22 129 F +14 22 130 K +14 22 131 Z +14 22 132 Z +14 22 133 K +14 22 134 K +14 22 135 Z +14 22 136 K +14 22 137 K +14 22 138 K +14 22 139 F +14 22 140 K +14 22 141 F +14 22 142 F +14 22 143 F +14 22 144 K +14 22 145 K +14 22 146 Z +14 22 147 K +14 22 148 Z +14 22 149 Z +14 22 150 K +14 22 151 Z +14 22 152 Z +14 22 153 K +14 22 154 K +14 22 155 K +14 22 156 K +14 22 157 K +14 22 158 F +14 22 159 Z +14 22 160 Z +14 22 161 K +14 22 162 Z +14 22 163 K +14 22 164 K +14 22 165 K +14 22 166 K +14 22 167 F +14 22 168 K +14 22 169 K +14 22 170 K +14 22 171 K +14 22 172 F +14 22 173 Z +14 22 174 Z +14 22 175 K +14 22 176 Z +14 22 177 F +14 22 178 K +14 22 179 K +14 22 180 K +14 22 181 K +14 22 182 K +14 22 183 K +14 22 184 K +14 22 185 K +14 22 186 F +14 22 187 Z +14 22 188 K +14 22 189 F +14 22 190 F +14 22 191 K +14 22 192 K +14 22 193 K +14 22 194 K +14 22 195 Z +14 22 196 K +14 22 197 K +14 22 198 K +14 22 199 F +14 22 200 K +14 22 201 F +14 22 202 K +14 22 203 F +14 22 204 K +14 22 205 K +14 22 206 F +14 22 207 Z +14 22 208 Z +14 22 209 K +14 22 210 K +14 22 211 K +14 22 212 Z +14 22 213 F +14 22 214 F +14 22 215 F +14 22 216 K +14 22 217 F +14 22 218 K +14 22 219 F +14 22 220 K +14 22 221 F +14 22 222 K +14 22 223 K +14 22 224 F +14 22 225 K +14 22 226 K +14 22 227 K +14 22 228 K +14 22 229 F +14 22 230 F +14 22 231 K +14 22 232 K +14 22 233 K +14 22 234 K +14 22 235 K +14 22 236 K +14 22 237 F +14 22 238 K +14 22 239 Z +14 22 240 K +14 22 241 F +14 22 242 F +14 22 243 K +14 22 244 F +14 22 245 Z +14 22 246 K +14 22 247 K +14 22 248 K +14 22 249 K +14 22 250 K +14 22 251 F +14 22 252 F +14 22 253 F +14 22 254 F +14 22 255 K +14 22 256 Z +14 22 257 K +14 22 258 Z +14 22 259 Z +14 22 260 F +14 22 261 Z +14 22 262 F +14 22 263 F +14 22 264 F +14 22 265 K +14 22 266 Z +14 22 267 K +14 22 268 K +14 22 269 Z +14 22 270 Z +14 22 271 K +14 22 272 F +14 22 273 Z +14 22 274 F +14 22 275 Z +14 22 276 Z +14 22 277 K +14 22 278 Z +14 22 279 K +14 22 280 K +14 22 281 K +14 22 282 K +14 22 283 K +14 22 284 F +14 22 285 F +14 22 286 F +14 22 287 K +14 22 288 Z +14 22 289 K +14 22 290 F +14 22 291 K +14 22 292 Z +14 22 293 F +14 22 294 F +14 22 295 K +14 22 296 K +14 22 297 Z +14 22 298 Z +14 22 299 K +14 22 300 F +14 22 301 K +14 22 302 F +14 22 303 F +14 22 304 K +14 22 305 K +14 22 306 K +14 22 307 K +14 22 308 K +14 22 309 K +14 22 310 K +14 22 311 K +14 22 312 K +14 22 313 K +14 22 314 F +14 22 315 K +14 22 316 K +14 22 317 Z +14 22 318 Z +14 22 319 F +14 22 320 K +14 22 321 Z +14 22 322 F +14 22 323 K +14 22 324 F +14 22 325 K +14 22 326 Z +14 22 327 F +14 22 328 K +14 22 329 K +14 22 330 F +14 23 1 G +14 23 2 F +14 23 3 Z +14 23 4 K +14 23 5 G +14 23 6 F +14 23 7 G +14 23 8 Z +14 23 9 Z +14 23 10 K +14 23 11 K +14 23 12 Z +14 23 13 K +14 23 14 K +14 23 15 F +14 23 16 F +14 23 17 Z +14 23 18 K +14 23 19 G +14 23 20 G +14 23 21 Z +14 23 22 F +14 23 23 G +14 23 24 K +14 23 25 K +14 23 26 K +14 23 27 F +14 23 28 Z +14 23 29 G +14 23 30 Z +14 23 31 F +14 23 32 Z +14 23 33 K +14 23 34 G +14 23 35 Z +14 23 36 K +14 23 37 G +14 23 38 Z +14 23 39 G +14 23 40 G +14 23 41 Z +14 23 42 Z +14 23 43 G +14 23 44 F +14 23 45 G +14 23 46 G +14 23 47 K +14 23 48 Z +14 23 49 G +14 23 50 K +14 23 51 K +14 23 52 F +14 23 53 Z +14 23 54 K +14 23 55 G +14 23 56 Z +14 23 57 K +14 23 58 G +14 23 59 F +14 23 60 K +14 23 61 Z +14 23 62 G +14 23 63 G +14 23 64 G +14 23 65 Z +14 23 66 F +14 23 67 G +14 23 68 Z +14 23 69 K +14 23 70 F +14 23 71 K +14 23 72 G +14 23 73 K +14 23 74 G +14 23 75 K +14 23 76 Z +14 23 77 G +14 23 78 F +14 23 79 K +14 23 80 G +14 23 81 F +14 23 82 G +14 23 83 F +14 23 84 F +14 23 85 G +14 23 86 F +14 23 87 K +14 23 88 G +14 23 89 K +14 23 90 K +14 23 91 G +14 23 92 F +14 23 93 G +14 23 94 G +14 23 95 F +14 23 96 Z +14 23 97 K +14 23 98 Z +14 23 99 G +14 23 100 G +14 23 101 Z +14 23 102 G +14 23 103 K +14 23 104 G +14 23 105 Z +14 23 106 G +14 23 107 F +14 23 108 F +14 23 109 K +14 23 110 Z +14 23 111 K +14 23 112 Z +14 23 113 K +14 23 114 G +14 23 115 Z +14 23 116 G +14 23 117 K +14 23 118 Z +14 23 119 G +14 23 120 F +14 23 121 Z +14 23 122 K +14 23 123 K +14 23 124 G +14 23 125 Z +14 23 126 G +14 23 127 K +14 23 128 G +14 23 129 F +14 23 130 K +14 23 131 G +14 23 132 Z +14 23 133 K +14 23 134 K +14 23 135 Z +14 23 136 G +14 23 137 K +14 23 138 G +14 23 139 F +14 23 140 G +14 23 141 F +14 23 142 F +14 23 143 G +14 23 144 K +14 23 145 G +14 23 146 Z +14 23 147 G +14 23 148 Z +14 23 149 G +14 23 150 K +14 23 151 Z +14 23 152 G +14 23 153 K +14 23 154 K +14 23 155 K +14 23 156 G +14 23 157 K +14 23 158 F +14 23 159 Z +14 23 160 G +14 23 161 G +14 23 162 Z +14 23 163 G +14 23 164 G +14 23 165 K +14 23 166 K +14 23 167 F +14 23 168 G +14 23 169 K +14 23 170 K +14 23 171 G +14 23 172 F +14 23 173 Z +14 23 174 Z +14 23 175 F +14 23 176 Z +14 23 177 F +14 23 178 K +14 23 179 Z +14 23 180 F +14 23 181 Z +14 23 182 Z +14 23 183 Z +14 23 184 G +14 23 185 Z +14 23 186 G +14 23 187 Z +14 23 188 G +14 23 189 G +14 23 190 G +14 23 191 G +14 23 192 G +14 23 193 K +14 23 194 Z +14 23 195 G +14 23 196 G +14 23 197 G +14 23 198 K +14 23 199 F +14 23 200 F +14 23 201 Z +14 23 202 G +14 23 203 Z +14 23 204 K +14 23 205 G +14 23 206 F +14 23 207 Z +14 23 208 Z +14 23 209 K +14 23 210 Z +14 23 211 G +14 23 212 Z +14 23 213 G +14 23 214 G +14 23 215 G +14 23 216 K +14 23 217 F +14 23 218 G +14 23 219 F +14 23 220 G +14 23 221 F +14 23 222 G +14 23 223 F +14 23 224 F +14 23 225 G +14 23 226 K +14 23 227 K +14 23 228 K +14 23 229 G +14 23 230 F +14 23 231 F +14 23 232 F +14 23 233 G +14 23 234 K +14 23 235 G +14 23 236 Z +14 23 237 Z +14 23 238 G +14 23 239 Z +14 23 240 Z +14 23 241 F +14 23 242 G +14 23 243 Z +14 23 244 F +14 23 245 Z +14 23 246 G +14 23 247 G +14 23 248 K +14 23 249 K +14 23 250 K +14 23 251 G +14 23 252 F +14 23 253 G +14 23 254 G +14 23 255 K +14 23 256 Z +14 23 257 G +14 23 258 Z +14 23 259 Z +14 23 260 G +14 23 261 G +14 23 262 F +14 23 263 F +14 23 264 G +14 23 265 K +14 23 266 Z +14 23 267 Z +14 23 268 G +14 23 269 Z +14 23 270 Z +14 23 271 K +14 23 272 F +14 23 273 G +14 23 274 F +14 23 275 G +14 23 276 Z +14 23 277 K +14 23 278 Z +14 23 279 G +14 23 280 G +14 23 281 G +14 23 282 K +14 23 283 Z +14 23 284 F +14 23 285 Z +14 23 286 F +14 23 287 G +14 23 288 G +14 23 289 F +14 23 290 F +14 23 291 G +14 23 292 F +14 23 293 F +14 23 294 F +14 23 295 G +14 23 296 G +14 23 297 Z +14 23 298 Z +14 23 299 G +14 23 300 F +14 23 301 G +14 23 302 F +14 23 303 F +14 23 304 G +14 23 305 G +14 23 306 G +14 23 307 F +14 23 308 G +14 23 309 K +14 23 310 G +14 23 311 G +14 23 312 K +14 23 313 G +14 23 314 F +14 23 315 K +14 23 316 G +14 23 317 Z +14 23 318 Z +14 23 319 F +14 23 320 G +14 23 321 Z +14 23 322 G +14 23 323 K +14 23 324 F +14 23 325 G +14 23 326 Z +14 23 327 F +14 23 328 K +14 23 329 Z +14 23 330 F +14 24 1 G +14 24 2 G +14 24 3 Z +14 24 4 K +14 24 5 G +14 24 6 Z +14 24 7 G +14 24 8 Z +14 24 9 G +14 24 10 K +14 24 11 K +14 24 12 Z +14 24 13 K +14 24 14 K +14 24 15 G +14 24 16 F +14 24 17 Z +14 24 18 K +14 24 19 K +14 24 20 G +14 24 21 Z +14 24 22 F +14 24 23 G +14 24 24 K +14 24 25 K +14 24 26 K +14 24 27 K +14 24 28 Z +14 24 29 G +14 24 30 Z +14 24 31 G +14 24 32 Z +14 24 33 G +14 24 34 G +14 24 35 Z +14 24 36 K +14 24 37 G +14 24 38 Z +14 24 39 G +14 24 40 G +14 24 41 Z +14 24 42 G +14 24 43 K +14 24 44 F +14 24 45 K +14 24 46 G +14 24 47 K +14 24 48 G +14 24 49 G +14 24 50 K +14 24 51 K +14 24 52 F +14 24 53 Z +14 24 54 K +14 24 55 K +14 24 56 G +14 24 57 K +14 24 58 G +14 24 59 K +14 24 60 K +14 24 61 Z +14 24 62 K +14 24 63 Z +14 24 64 K +14 24 65 Z +14 24 66 F +14 24 67 K +14 24 68 Z +14 24 69 K +14 24 70 G +14 24 71 Z +14 24 72 K +14 24 73 K +14 24 74 K +14 24 75 K +14 24 76 Z +14 24 77 K +14 24 78 G +14 24 79 K +14 24 80 K +14 24 81 K +14 24 82 K +14 24 83 F +14 24 84 Z +14 24 85 K +14 24 86 Z +14 24 87 K +14 24 88 Z +14 24 89 K +14 24 90 K +14 24 91 F +14 24 92 G +14 24 93 K +14 24 94 K +14 24 95 F +14 24 96 Z +14 24 97 G +14 24 98 Z +14 24 99 K +14 24 100 F +14 24 101 Z +14 24 102 F +14 24 103 K +14 24 104 G +14 24 105 Z +14 24 106 K +14 24 107 F +14 24 108 K +14 24 109 K +14 24 110 Z +14 24 111 K +14 24 112 Z +14 24 113 K +14 24 114 Z +14 24 115 Z +14 24 116 G +14 24 117 K +14 24 118 Z +14 24 119 G +14 24 120 F +14 24 121 Z +14 24 122 K +14 24 123 G +14 24 124 Z +14 24 125 Z +14 24 126 Z +14 24 127 K +14 24 128 F +14 24 129 F +14 24 130 K +14 24 131 G +14 24 132 Z +14 24 133 K +14 24 134 K +14 24 135 K +14 24 136 K +14 24 137 K +14 24 138 F +14 24 139 F +14 24 140 K +14 24 141 F +14 24 142 F +14 24 143 G +14 24 144 K +14 24 145 G +14 24 146 Z +14 24 147 K +14 24 148 Z +14 24 149 G +14 24 150 K +14 24 151 Z +14 24 152 Z +14 24 153 G +14 24 154 K +14 24 155 K +14 24 156 G +14 24 157 K +14 24 158 F +14 24 159 Z +14 24 160 Z +14 24 161 G +14 24 162 Z +14 24 163 G +14 24 164 K +14 24 165 G +14 24 166 K +14 24 167 G +14 24 168 K +14 24 169 K +14 24 170 K +14 24 171 G +14 24 172 F +14 24 173 Z +14 24 174 K +14 24 175 F +14 24 176 Z +14 24 177 G +14 24 178 K +14 24 179 Z +14 24 180 K +14 24 181 Z +14 24 182 K +14 24 183 K +14 24 184 G +14 24 185 K +14 24 186 G +14 24 187 Z +14 24 188 K +14 24 189 F +14 24 190 Z +14 24 191 K +14 24 192 K +14 24 193 Z +14 24 194 Z +14 24 195 K +14 24 196 F +14 24 197 Z +14 24 198 K +14 24 199 F +14 24 200 K +14 24 201 Z +14 24 202 K +14 24 203 Z +14 24 204 K +14 24 205 K +14 24 206 F +14 24 207 Z +14 24 208 Z +14 24 209 K +14 24 210 K +14 24 211 K +14 24 212 Z +14 24 213 F +14 24 214 Z +14 24 215 Z +14 24 216 K +14 24 217 Z +14 24 218 K +14 24 219 F +14 24 220 K +14 24 221 F +14 24 222 K +14 24 223 K +14 24 224 F +14 24 225 Z +14 24 226 K +14 24 227 K +14 24 228 K +14 24 229 F +14 24 230 F +14 24 231 Z +14 24 232 K +14 24 233 K +14 24 234 K +14 24 235 K +14 24 236 G +14 24 237 F +14 24 238 K +14 24 239 Z +14 24 240 Z +14 24 241 F +14 24 242 F +14 24 243 Z +14 24 244 F +14 24 245 Z +14 24 246 K +14 24 247 K +14 24 248 K +14 24 249 K +14 24 250 G +14 24 251 G +14 24 252 F +14 24 253 G +14 24 254 K +14 24 255 K +14 24 256 Z +14 24 257 K +14 24 258 Z +14 24 259 Z +14 24 260 F +14 24 261 Z +14 24 262 F +14 24 263 F +14 24 264 F +14 24 265 K +14 24 266 Z +14 24 267 K +14 24 268 G +14 24 269 Z +14 24 270 Z +14 24 271 K +14 24 272 F +14 24 273 G +14 24 274 F +14 24 275 K +14 24 276 Z +14 24 277 K +14 24 278 K +14 24 279 K +14 24 280 G +14 24 281 K +14 24 282 K +14 24 283 K +14 24 284 F +14 24 285 Z +14 24 286 F +14 24 287 Z +14 24 288 Z +14 24 289 G +14 24 290 Z +14 24 291 K +14 24 292 Z +14 24 293 F +14 24 294 F +14 24 295 K +14 24 296 K +14 24 297 Z +14 24 298 Z +14 24 299 G +14 24 300 F +14 24 301 K +14 24 302 F +14 24 303 F +14 24 304 K +14 24 305 Z +14 24 306 G +14 24 307 K +14 24 308 G +14 24 309 K +14 24 310 K +14 24 311 K +14 24 312 K +14 24 313 K +14 24 314 F +14 24 315 G +14 24 316 G +14 24 317 Z +14 24 318 Z +14 24 319 F +14 24 320 Z +14 24 321 Z +14 24 322 F +14 24 323 G +14 24 324 F +14 24 325 G +14 24 326 Z +14 24 327 F +14 24 328 K +14 24 329 G +14 24 330 F +14 25 1 G +14 25 2 G +14 25 3 Z +14 25 4 O +14 25 5 G +14 25 6 DO +14 25 7 K +14 25 8 DO +14 25 9 DO +14 25 10 K +14 25 11 K +14 25 12 DO +14 25 13 K +14 25 14 K +14 25 15 DO +14 25 16 F +14 25 17 Z +14 25 18 K +14 25 19 K +14 25 20 K +14 25 21 Z +14 25 22 F +14 25 23 DO +14 25 24 K +14 25 25 K +14 25 26 K +14 25 27 DO +14 25 28 Z +14 25 29 K +14 25 30 Z +14 25 31 K +14 25 32 Z +14 25 33 K +14 25 34 K +14 25 35 Z +14 25 36 K +14 25 37 K +14 25 38 Z +14 25 39 K +14 25 40 K +14 25 41 Z +14 25 42 DO +14 25 43 K +14 25 44 DO +14 25 45 K +14 25 46 K +14 25 47 K +14 25 48 DO +14 25 49 K +14 25 50 K +14 25 51 K +14 25 52 DO +14 25 53 DO +14 25 54 K +14 25 55 K +14 25 56 DO +14 25 57 K +14 25 58 DO +14 25 59 DO +14 25 60 K +14 25 61 Z +14 25 62 DO +14 25 63 DO +14 25 64 K +14 25 65 Z +14 25 66 DO +14 25 67 K +14 25 68 Z +14 25 69 K +14 25 70 K +14 25 71 DO +14 25 72 K +14 25 73 K +14 25 74 G +14 25 75 K +14 25 76 Z +14 25 77 K +14 25 78 DO +14 25 79 K +14 25 80 K +14 25 81 G +14 25 82 G +14 25 83 F +14 25 84 Z +14 25 85 K +14 25 86 Z +14 25 87 K +14 25 88 G +14 25 89 K +14 25 90 K +14 25 91 G +14 25 92 G +14 25 93 K +14 25 94 K +14 25 95 G +14 25 96 Z +14 25 97 K +14 25 98 Z +14 25 99 G +14 25 100 G +14 25 101 Z +14 25 102 G +14 25 103 K +14 25 104 G +14 25 105 Z +14 25 106 Z +14 25 107 F +14 25 108 G +14 25 109 G +14 25 110 Z +14 25 111 K +14 25 112 Z +14 25 113 K +14 25 114 G +14 25 115 Z +14 25 116 K +14 25 117 K +14 25 118 Z +14 25 119 G +14 25 120 F +14 25 121 Z +14 25 122 K +14 25 123 K +14 25 124 G +14 25 125 Z +14 25 126 Z +14 25 127 K +14 25 128 Z +14 25 129 F +14 25 130 K +14 25 131 K +14 25 132 Z +14 25 133 K +14 25 134 K +14 25 135 Z +14 25 136 K +14 25 137 K +14 25 138 G +14 25 139 F +14 25 140 K +14 25 141 F +14 25 142 F +14 25 143 G +14 25 144 K +14 25 145 G +14 25 146 F +14 25 147 K +14 25 148 Z +14 25 149 G +14 25 150 K +14 25 151 Z +14 25 152 Z +14 25 153 K +14 25 154 K +14 25 155 K +14 25 156 G +14 25 157 K +14 25 158 F +14 25 159 Z +14 25 160 Z +14 25 161 G +14 25 162 Z +14 25 163 K +14 25 164 K +14 25 165 K +14 25 166 K +14 25 167 F +14 25 168 K +14 25 169 G +14 25 170 K +14 25 171 K +14 25 172 F +14 25 173 Z +14 25 174 Z +14 25 175 G +14 25 176 Z +14 25 177 F +14 25 178 K +14 25 179 Z +14 25 180 G +14 25 181 DO +14 25 182 K +14 25 183 K +14 25 184 G +14 25 185 DO +14 25 186 K +14 25 187 Z +14 25 188 K +14 25 189 K +14 25 190 Z +14 25 191 G +14 25 192 G +14 25 193 DO +14 25 194 DO +14 25 195 K +14 25 196 G +14 25 197 DO +14 25 198 K +14 25 199 F +14 25 200 G +14 25 201 Z +14 25 202 K +14 25 203 Z +14 25 204 K +14 25 205 K +14 25 206 F +14 25 207 Z +14 25 208 F +14 25 209 K +14 25 210 K +14 25 211 K +14 25 212 Z +14 25 213 DO +14 25 214 G +14 25 215 Z +14 25 216 K +14 25 217 Z +14 25 218 K +14 25 219 G +14 25 220 K +14 25 221 G +14 25 222 K +14 25 223 K +14 25 224 F +14 25 225 DO +14 25 226 K +14 25 227 K +14 25 228 K +14 25 229 G +14 25 230 F +14 25 231 Z +14 25 232 K +14 25 233 G +14 25 234 K +14 25 235 K +14 25 236 DO +14 25 237 Z +14 25 238 K +14 25 239 Z +14 25 240 DO +14 25 241 F +14 25 242 Z +14 25 243 Z +14 25 244 F +14 25 245 Z +14 25 246 K +14 25 247 K +14 25 248 K +14 25 249 K +14 25 250 K +14 25 251 G +14 25 252 F +14 25 253 G +14 25 254 K +14 25 255 K +14 25 256 Z +14 25 257 K +14 25 258 DO +14 25 259 Z +14 25 260 F +14 25 261 Z +14 25 262 F +14 25 263 K +14 25 264 K +14 25 265 K +14 25 266 Z +14 25 267 K +14 25 268 G +14 25 269 Z +14 25 270 Z +14 25 271 K +14 25 272 F +14 25 273 DO +14 25 274 F +14 25 275 O +14 25 276 Z +14 25 277 K +14 25 278 Z +14 25 279 K +14 25 280 K +14 25 281 K +14 25 282 K +14 25 283 O +14 25 284 G +14 25 285 O +14 25 286 O +14 25 287 O +14 25 288 Z +14 25 289 K +14 25 290 O +14 25 291 K +14 25 292 O +14 25 293 F +14 25 294 F +14 25 295 O +14 25 296 G +14 25 297 Z +14 25 298 Z +14 25 299 G +14 25 300 O +14 25 301 K +14 25 302 O +14 25 303 O +14 25 304 DO +14 25 305 DO +14 25 306 G +14 25 307 K +14 25 308 O +14 25 309 K +14 25 310 K +14 25 311 K +14 25 312 K +14 25 313 K +14 25 314 O +14 25 315 K +14 25 316 K +14 25 317 O +14 25 318 Z +14 25 319 F +14 25 320 O +14 25 321 Z +14 25 322 K +14 25 323 K +14 25 324 F +14 25 325 O +14 25 326 Z +14 25 327 F +14 25 328 K +14 25 329 O +14 25 330 F +15 1 1 N +15 1 2 N +15 1 3 R +15 1 4 K +15 1 5 N +15 1 6 BR +15 1 7 N +15 1 8 R +15 1 9 BR +15 1 10 N +15 1 11 N +15 1 12 A +15 1 13 N +15 1 14 N +15 1 15 BR +15 1 16 T +15 1 17 R +15 1 18 K +15 1 19 N +15 1 20 N +15 1 21 R +15 1 22 A +15 1 23 BR +15 1 24 K +15 1 25 N +15 1 26 N +15 1 27 T +15 1 28 R +15 1 29 N +15 1 30 P +15 1 31 N +15 1 32 P +15 1 33 N +15 1 34 N +15 1 35 R +15 1 36 N +15 1 37 N +15 1 38 R +15 1 39 N +15 1 40 N +15 1 41 R +15 1 42 A +15 1 43 K +15 1 44 T +15 1 45 N +15 1 46 K +15 1 47 N +15 1 48 A +15 1 49 N +15 1 50 K +15 1 51 BR +15 1 52 T +15 1 53 R +15 1 54 N +15 1 55 N +15 1 56 P +15 1 57 N +15 1 58 BR +15 1 59 T +15 1 60 K +15 1 61 R +15 1 62 N +15 1 63 P +15 1 64 N +15 1 65 R +15 1 66 T +15 1 67 N +15 1 68 R +15 1 69 K +15 1 70 T +15 1 71 R +15 1 72 N +15 1 73 N +15 1 74 K +15 1 75 T +15 1 76 K +15 1 77 R +15 1 78 BR +15 1 79 K +15 1 80 N +15 1 81 N +15 1 82 N +15 1 83 T +15 1 84 BR +15 1 85 N +15 1 86 R +15 1 87 K +15 1 88 P +15 1 89 K +15 1 90 N +15 1 91 A +15 1 92 T +15 1 93 N +15 1 94 K +15 1 95 T +15 1 96 A +15 1 97 K +15 1 98 R +15 1 99 BR +15 1 100 N +15 1 101 R +15 1 102 T +15 1 103 BR +15 1 104 N +15 1 105 P +15 1 106 A +15 1 107 T +15 1 108 T +15 1 109 N +15 1 110 A +15 1 111 K +15 1 112 P +15 1 113 K +15 1 114 N +15 1 115 R +15 1 116 T +15 1 117 K +15 1 118 BR +15 1 119 N +15 1 120 T +15 1 121 R +15 1 122 N +15 1 123 N +15 1 124 A +15 1 125 R +15 1 126 BR +15 1 127 N +15 1 128 A +15 1 129 T +15 1 130 N +15 1 131 K +15 1 132 R +15 1 133 N +15 1 134 K +15 1 135 BR +15 1 136 N +15 1 137 N +15 1 138 N +15 1 139 T +15 1 140 N +15 1 141 T +15 1 142 T +15 1 143 N +15 1 144 N +15 1 145 N +15 1 146 A +15 1 147 N +15 1 148 R +15 1 149 N +15 1 150 K +15 1 151 BR +15 1 152 BR +15 1 153 N +15 1 154 K +15 1 155 K +15 1 156 N +15 1 157 BR +15 1 158 T +15 1 159 BR +15 1 160 BR +15 1 161 N +15 1 162 R +15 1 163 N +15 1 164 N +15 1 165 N +15 1 166 N +15 1 167 T +15 1 168 N +15 1 169 N +15 1 170 N +15 1 171 N +15 1 172 T +15 1 173 R +15 1 174 A +15 1 175 N +15 1 176 R +15 1 177 A +15 1 178 N +15 1 179 R +15 1 180 N +15 1 181 BR +15 1 182 P +15 1 183 BR +15 1 184 N +15 1 185 BR +15 1 186 N +15 1 187 A +15 1 188 N +15 1 189 T +15 1 190 BR +15 1 191 N +15 1 192 N +15 1 193 A +15 1 194 BR +15 1 195 N +15 1 196 N +15 1 197 BR +15 1 198 K +15 1 199 T +15 1 200 N +15 1 201 BR +15 1 202 N +15 1 203 R +15 1 204 K +15 1 205 N +15 1 206 T +15 1 207 R +15 1 208 BR +15 1 209 N +15 1 210 BR +15 1 211 N +15 1 212 A +15 1 213 T +15 1 214 A +15 1 215 BR +15 1 216 N +15 1 217 BR +15 1 218 N +15 1 219 T +15 1 220 N +15 1 221 T +15 1 222 N +15 1 223 N +15 1 224 T +15 1 225 BR +15 1 226 N +15 1 227 K +15 1 228 N +15 1 229 N +15 1 230 T +15 1 231 P +15 1 232 BR +15 1 233 T +15 1 234 N +15 1 235 N +15 1 236 N +15 1 237 A +15 1 238 N +15 1 239 BR +15 1 240 P +15 1 241 T +15 1 242 A +15 1 243 BR +15 1 244 T +15 1 245 R +15 1 246 N +15 1 247 N +15 1 248 K +15 1 249 N +15 1 250 N +15 1 251 N +15 1 252 T +15 1 253 N +15 1 254 N +15 1 255 K +15 1 256 BR +15 1 257 N +15 1 258 A +15 1 259 R +15 1 260 A +15 1 261 BR +15 1 262 T +15 1 263 K +15 1 264 N +15 1 265 N +15 1 266 P +15 1 267 P +15 1 268 N +15 1 269 BR +15 1 270 A +15 1 271 N +15 1 272 T +15 1 273 BR +15 1 274 T +15 1 275 A +15 1 276 R +15 1 277 N +15 1 278 P +15 1 279 N +15 1 280 N +15 1 281 N +15 1 282 N +15 1 283 BR +15 1 284 T +15 1 285 P +15 1 286 T +15 1 287 BR +15 1 288 R +15 1 289 N +15 1 290 T +15 1 291 N +15 1 292 P +15 1 293 T +15 1 294 T +15 1 295 BR +15 1 296 N +15 1 297 A +15 1 298 R +15 1 299 N +15 1 300 T +15 1 301 N +15 1 302 T +15 1 303 T +15 1 304 BR +15 1 305 P +15 1 306 A +15 1 307 N +15 1 308 P +15 1 309 K +15 1 310 N +15 1 311 N +15 1 312 K +15 1 313 P +15 1 314 T +15 1 315 N +15 1 316 N +15 1 317 P +15 1 318 A +15 1 319 T +15 1 320 BR +15 1 321 R +15 1 322 P +15 1 323 N +15 1 324 T +15 1 325 P +15 1 326 A +15 1 327 T +15 1 328 N +15 1 329 BR +15 1 330 T +15 2 1 N +15 2 2 N +15 2 3 R +15 2 4 K +15 2 5 N +15 2 6 T +15 2 7 BR +15 2 8 R +15 2 9 BR +15 2 10 N +15 2 11 K +15 2 12 A +15 2 13 N +15 2 14 K +15 2 15 T +15 2 16 T +15 2 17 R +15 2 18 K +15 2 19 N +15 2 20 N +15 2 21 R +15 2 22 T +15 2 23 N +15 2 24 K +15 2 25 N +15 2 26 N +15 2 27 T +15 2 28 R +15 2 29 N +15 2 30 R +15 2 31 T +15 2 32 R +15 2 33 A +15 2 34 N +15 2 35 R +15 2 36 K +15 2 37 N +15 2 38 R +15 2 39 N +15 2 40 N +15 2 41 R +15 2 42 A +15 2 43 K +15 2 44 T +15 2 45 N +15 2 46 B +15 2 47 K +15 2 48 A +15 2 49 N +15 2 50 P +15 2 51 K +15 2 52 T +15 2 53 P +15 2 54 N +15 2 55 N +15 2 56 T +15 2 57 N +15 2 58 A +15 2 59 T +15 2 60 K +15 2 61 P +15 2 62 N +15 2 63 T +15 2 64 N +15 2 65 P +15 2 66 T +15 2 67 N +15 2 68 P +15 2 69 K +15 2 70 T +15 2 71 P +15 2 72 N +15 2 73 R +15 2 74 T +15 2 75 K +15 2 76 P +15 2 77 N +15 2 78 T +15 2 79 K +15 2 80 N +15 2 81 A +15 2 82 N +15 2 83 T +15 2 84 P +15 2 85 N +15 2 86 R +15 2 87 K +15 2 88 R +15 2 89 K +15 2 90 K +15 2 91 A +15 2 92 T +15 2 93 N +15 2 94 K +15 2 95 T +15 2 96 A +15 2 97 N +15 2 98 R +15 2 99 T +15 2 100 N +15 2 101 R +15 2 102 T +15 2 103 K +15 2 104 N +15 2 105 R +15 2 106 A +15 2 107 T +15 2 108 T +15 2 109 N +15 2 110 A +15 2 111 K +15 2 112 R +15 2 113 K +15 2 114 N +15 2 115 R +15 2 116 T +15 2 117 K +15 2 118 R +15 2 119 N +15 2 120 T +15 2 121 R +15 2 122 N +15 2 123 N +15 2 124 A +15 2 125 R +15 2 126 R +15 2 127 K +15 2 128 A +15 2 129 T +15 2 130 K +15 2 131 R +15 2 132 R +15 2 133 N +15 2 134 R +15 2 135 R +15 2 136 N +15 2 137 N +15 2 138 N +15 2 139 T +15 2 140 N +15 2 141 T +15 2 142 T +15 2 143 N +15 2 144 N +15 2 145 N +15 2 146 A +15 2 147 N +15 2 148 R +15 2 149 N +15 2 150 R +15 2 151 R +15 2 152 B +15 2 153 N +15 2 154 K +15 2 155 K +15 2 156 N +15 2 157 K +15 2 158 T +15 2 159 T +15 2 160 T +15 2 161 N +15 2 162 R +15 2 163 N +15 2 164 N +15 2 165 K +15 2 166 K +15 2 167 T +15 2 168 N +15 2 169 N +15 2 170 K +15 2 171 K +15 2 172 T +15 2 173 R +15 2 174 A +15 2 175 N +15 2 176 R +15 2 177 A +15 2 178 N +15 2 179 R +15 2 180 N +15 2 181 A +15 2 182 R +15 2 183 K +15 2 184 N +15 2 185 A +15 2 186 N +15 2 187 A +15 2 188 N +15 2 189 T +15 2 190 T +15 2 191 N +15 2 192 N +15 2 193 A +15 2 194 R +15 2 195 N +15 2 196 N +15 2 197 T +15 2 198 K +15 2 199 T +15 2 200 N +15 2 201 R +15 2 202 N +15 2 203 R +15 2 204 K +15 2 205 N +15 2 206 T +15 2 207 R +15 2 208 BR +15 2 209 K +15 2 210 K +15 2 211 N +15 2 212 A +15 2 213 T +15 2 214 A +15 2 215 R +15 2 216 K +15 2 217 T +15 2 218 A +15 2 219 T +15 2 220 N +15 2 221 T +15 2 222 N +15 2 223 N +15 2 224 T +15 2 225 K +15 2 226 K +15 2 227 K +15 2 228 N +15 2 229 N +15 2 230 T +15 2 231 R +15 2 232 K +15 2 233 T +15 2 234 N +15 2 235 N +15 2 236 A +15 2 237 T +15 2 238 N +15 2 239 R +15 2 240 K +15 2 241 T +15 2 242 T +15 2 243 R +15 2 244 T +15 2 245 R +15 2 246 N +15 2 247 N +15 2 248 K +15 2 249 N +15 2 250 N +15 2 251 N +15 2 252 T +15 2 253 N +15 2 254 T +15 2 255 K +15 2 256 R +15 2 257 N +15 2 258 A +15 2 259 R +15 2 260 T +15 2 261 R +15 2 262 T +15 2 263 K +15 2 264 T +15 2 265 N +15 2 266 R +15 2 267 R +15 2 268 N +15 2 269 R +15 2 270 A +15 2 271 K +15 2 272 T +15 2 273 R +15 2 274 T +15 2 275 A +15 2 276 R +15 2 277 K +15 2 278 R +15 2 279 N +15 2 280 A +15 2 281 N +15 2 282 N +15 2 283 K +15 2 284 T +15 2 285 T +15 2 286 T +15 2 287 A +15 2 288 R +15 2 289 N +15 2 290 T +15 2 291 N +15 2 292 T +15 2 293 T +15 2 294 T +15 2 295 K +15 2 296 K +15 2 297 A +15 2 298 R +15 2 299 N +15 2 300 T +15 2 301 N +15 2 302 T +15 2 303 T +15 2 304 A +15 2 305 R +15 2 306 A +15 2 307 N +15 2 308 T +15 2 309 K +15 2 310 N +15 2 311 N +15 2 312 K +15 2 313 K +15 2 314 T +15 2 315 N +15 2 316 N +15 2 317 R +15 2 318 R +15 2 319 T +15 2 320 A +15 2 321 R +15 2 322 N +15 2 323 N +15 2 324 T +15 2 325 R +15 2 326 A +15 2 327 T +15 2 328 K +15 2 329 R +15 2 330 T +15 3 1 N +15 3 2 N +15 3 3 P +15 3 4 K +15 3 5 N +15 3 6 BR +15 3 7 N +15 3 8 R +15 3 9 BR +15 3 10 N +15 3 11 K +15 3 12 A +15 3 13 N +15 3 14 N +15 3 15 BR +15 3 16 T +15 3 17 P +15 3 18 K +15 3 19 N +15 3 20 N +15 3 21 P +15 3 22 T +15 3 23 N +15 3 24 K +15 3 25 N +15 3 26 N +15 3 27 T +15 3 28 P +15 3 29 N +15 3 30 P +15 3 31 N +15 3 32 P +15 3 33 N +15 3 34 N +15 3 35 B +15 3 36 N +15 3 37 N +15 3 38 P +15 3 39 N +15 3 40 N +15 3 41 P +15 3 42 N +15 3 43 N +15 3 44 T +15 3 45 N +15 3 46 K +15 3 47 N +15 3 48 A +15 3 49 N +15 3 50 N +15 3 51 BR +15 3 52 T +15 3 53 P +15 3 54 N +15 3 55 N +15 3 56 BR +15 3 57 N +15 3 58 BR +15 3 59 T +15 3 60 K +15 3 61 P +15 3 62 T +15 3 63 P +15 3 64 N +15 3 65 P +15 3 66 T +15 3 67 N +15 3 68 BR +15 3 69 N +15 3 70 T +15 3 71 BR +15 3 72 N +15 3 73 N +15 3 74 T +15 3 75 N +15 3 76 P +15 3 77 N +15 3 78 T +15 3 79 K +15 3 80 N +15 3 81 N +15 3 82 N +15 3 83 T +15 3 84 BR +15 3 85 N +15 3 86 P +15 3 87 K +15 3 88 P +15 3 89 K +15 3 90 K +15 3 91 N +15 3 92 T +15 3 93 N +15 3 94 N +15 3 95 T +15 3 96 A +15 3 97 N +15 3 98 P +15 3 99 BR +15 3 100 N +15 3 101 P +15 3 102 T +15 3 103 BR +15 3 104 N +15 3 105 P +15 3 106 T +15 3 107 T +15 3 108 T +15 3 109 N +15 3 110 P +15 3 111 N +15 3 112 P +15 3 113 K +15 3 114 N +15 3 115 P +15 3 116 N +15 3 117 BR +15 3 118 P +15 3 119 N +15 3 120 T +15 3 121 P +15 3 122 N +15 3 123 N +15 3 124 N +15 3 125 P +15 3 126 BR +15 3 127 K +15 3 128 A +15 3 129 T +15 3 130 B +15 3 131 N +15 3 132 P +15 3 133 N +15 3 134 K +15 3 135 P +15 3 136 N +15 3 137 N +15 3 138 T +15 3 139 T +15 3 140 N +15 3 141 T +15 3 142 T +15 3 143 N +15 3 144 N +15 3 145 N +15 3 146 A +15 3 147 N +15 3 148 P +15 3 149 N +15 3 150 N +15 3 151 BR +15 3 152 BR +15 3 153 N +15 3 154 K +15 3 155 K +15 3 156 N +15 3 157 * +15 3 158 T +15 3 159 BR +15 3 160 BR +15 3 161 N +15 3 162 P +15 3 163 N +15 3 164 N +15 3 165 BR +15 3 166 K +15 3 167 BR +15 3 168 N +15 3 169 N +15 3 170 K +15 3 171 B +15 3 172 T +15 3 173 P +15 3 174 A +15 3 175 BR +15 3 176 P +15 3 177 A +15 3 178 N +15 3 179 BR +15 3 180 N +15 3 181 BR +15 3 182 P +15 3 183 K +15 3 184 BR +15 3 185 BR +15 3 186 N +15 3 187 A +15 3 188 N +15 3 189 T +15 3 190 BR +15 3 191 N +15 3 192 BR +15 3 193 A +15 3 194 BR +15 3 195 N +15 3 196 N +15 3 197 BR +15 3 198 K +15 3 199 T +15 3 200 N +15 3 201 BR +15 3 202 N +15 3 203 R +15 3 204 K +15 3 205 N +15 3 206 T +15 3 207 P +15 3 208 BR +15 3 209 N +15 3 210 BR +15 3 211 N +15 3 212 P +15 3 213 T +15 3 214 N +15 3 215 BR +15 3 216 K +15 3 217 B +15 3 218 A +15 3 219 T +15 3 220 N +15 3 221 T +15 3 222 N +15 3 223 N +15 3 224 T +15 3 225 BR +15 3 226 N +15 3 227 K +15 3 228 N +15 3 229 N +15 3 230 T +15 3 231 BR +15 3 232 BR +15 3 233 T +15 3 234 N +15 3 235 N +15 3 236 A +15 3 237 BR +15 3 238 N +15 3 239 P +15 3 240 BR +15 3 241 T +15 3 242 A +15 3 243 BR +15 3 244 T +15 3 245 P +15 3 246 N +15 3 247 K +15 3 248 K +15 3 249 N +15 3 250 N +15 3 251 N +15 3 252 T +15 3 253 N +15 3 254 T +15 3 255 K +15 3 256 P +15 3 257 K +15 3 258 A +15 3 259 P +15 3 260 T +15 3 261 P +15 3 262 T +15 3 263 T +15 3 264 T +15 3 265 N +15 3 266 P +15 3 267 N +15 3 268 N +15 3 269 BR +15 3 270 P +15 3 271 N +15 3 272 T +15 3 273 BR +15 3 274 T +15 3 275 A +15 3 276 P +15 3 277 N +15 3 278 P +15 3 279 N +15 3 280 N +15 3 281 N +15 3 282 N +15 3 283 BR +15 3 284 T +15 3 285 P +15 3 286 T +15 3 287 BR +15 3 288 P +15 3 289 N +15 3 290 T +15 3 291 N +15 3 292 BR +15 3 293 T +15 3 294 T +15 3 295 BR +15 3 296 N +15 3 297 A +15 3 298 P +15 3 299 N +15 3 300 T +15 3 301 N +15 3 302 T +15 3 303 T +15 3 304 N +15 3 305 K +15 3 306 N +15 3 307 N +15 3 308 BR +15 3 309 BR +15 3 310 N +15 3 311 N +15 3 312 K +15 3 313 N +15 3 314 T +15 3 315 N +15 3 316 N +15 3 317 P +15 3 318 BR +15 3 319 BR +15 3 320 T +15 3 321 P +15 3 322 N +15 3 323 N +15 3 324 T +15 3 325 N +15 3 326 A +15 3 327 T +15 3 328 N +15 3 329 B +15 3 330 T +15 4 1 N +15 4 2 M +15 4 3 R +15 4 4 J +15 4 5 M +15 4 6 BR +15 4 7 N +15 4 8 R +15 4 9 BR +15 4 10 K +15 4 11 M +15 4 12 A +15 4 13 M +15 4 14 K +15 4 15 BR +15 4 16 T +15 4 17 R +15 4 18 K +15 4 19 N +15 4 20 N +15 4 21 R +15 4 22 A +15 4 23 J +15 4 24 M +15 4 25 N +15 4 26 K +15 4 27 T +15 4 28 R +15 4 29 N +15 4 30 BR +15 4 31 N +15 4 32 R +15 4 33 N +15 4 34 N +15 4 35 R +15 4 36 M +15 4 37 BR +15 4 38 R +15 4 39 N +15 4 40 N +15 4 41 R +15 4 42 A +15 4 43 K +15 4 44 T +15 4 45 N +15 4 46 T +15 4 47 N +15 4 48 A +15 4 49 N +15 4 50 M +15 4 51 K +15 4 52 T +15 4 53 N +15 4 54 N +15 4 55 N +15 4 56 BR +15 4 57 N +15 4 58 M +15 4 59 BR +15 4 60 N +15 4 61 R +15 4 62 N +15 4 63 R +15 4 64 N +15 4 65 R +15 4 66 T +15 4 67 N +15 4 68 R +15 4 69 N +15 4 70 M +15 4 71 R +15 4 72 N +15 4 73 R +15 4 74 T +15 4 75 N +15 4 76 R +15 4 77 N +15 4 78 BR +15 4 79 K +15 4 80 N +15 4 81 N +15 4 82 N +15 4 83 T +15 4 84 R +15 4 85 N +15 4 86 R +15 4 87 K +15 4 88 R +15 4 89 K +15 4 90 N +15 4 91 A +15 4 92 T +15 4 93 N +15 4 94 K +15 4 95 T +15 4 96 A +15 4 97 N +15 4 98 R +15 4 99 J +15 4 100 N +15 4 101 R +15 4 102 N +15 4 103 N +15 4 104 N +15 4 105 R +15 4 106 T +15 4 107 T +15 4 108 M +15 4 109 K +15 4 110 A +15 4 111 M +15 4 112 R +15 4 113 K +15 4 114 N +15 4 115 R +15 4 116 T +15 4 117 K +15 4 118 R +15 4 119 N +15 4 120 T +15 4 121 R +15 4 122 N +15 4 123 N +15 4 124 A +15 4 125 R +15 4 126 R +15 4 127 N +15 4 128 A +15 4 129 T +15 4 130 K +15 4 131 R +15 4 132 R +15 4 133 N +15 4 134 N +15 4 135 R +15 4 136 N +15 4 137 N +15 4 138 N +15 4 139 T +15 4 140 K +15 4 141 T +15 4 142 T +15 4 143 A +15 4 144 K +15 4 145 N +15 4 146 A +15 4 147 N +15 4 148 R +15 4 149 N +15 4 150 R +15 4 151 M +15 4 152 M +15 4 153 K +15 4 154 K +15 4 155 N +15 4 156 N +15 4 157 K +15 4 158 T +15 4 159 A +15 4 160 M +15 4 161 N +15 4 162 R +15 4 163 N +15 4 164 K +15 4 165 N +15 4 166 K +15 4 167 T +15 4 168 N +15 4 169 N +15 4 170 K +15 4 171 N +15 4 172 T +15 4 173 R +15 4 174 A +15 4 175 M +15 4 176 R +15 4 177 A +15 4 178 K +15 4 179 R +15 4 180 N +15 4 181 A +15 4 182 R +15 4 183 M +15 4 184 K +15 4 185 A +15 4 186 N +15 4 187 A +15 4 188 N +15 4 189 T +15 4 190 BR +15 4 191 N +15 4 192 K +15 4 193 A +15 4 194 R +15 4 195 N +15 4 196 N +15 4 197 BR +15 4 198 K +15 4 199 T +15 4 200 N +15 4 201 BR +15 4 202 N +15 4 203 R +15 4 204 K +15 4 205 K +15 4 206 T +15 4 207 R +15 4 208 M +15 4 209 N +15 4 210 J +15 4 211 N +15 4 212 A +15 4 213 J +15 4 214 N +15 4 215 J +15 4 216 M +15 4 217 BR +15 4 218 M +15 4 219 T +15 4 220 N +15 4 221 T +15 4 222 K +15 4 223 N +15 4 224 T +15 4 225 M +15 4 226 K +15 4 227 T +15 4 228 T +15 4 229 N +15 4 230 T +15 4 231 R +15 4 232 M +15 4 233 N +15 4 234 N +15 4 235 K +15 4 236 N +15 4 237 M +15 4 238 N +15 4 239 R +15 4 240 M +15 4 241 T +15 4 242 T +15 4 243 N +15 4 244 K +15 4 245 R +15 4 246 N +15 4 247 K +15 4 248 K +15 4 249 N +15 4 250 N +15 4 251 N +15 4 252 T +15 4 253 N +15 4 254 R +15 4 255 K +15 4 256 R +15 4 257 K +15 4 258 A +15 4 259 R +15 4 260 T +15 4 261 A +15 4 262 T +15 4 263 T +15 4 264 K +15 4 265 N +15 4 266 R +15 4 267 K +15 4 268 N +15 4 269 M +15 4 270 A +15 4 271 N +15 4 272 T +15 4 273 M +15 4 274 T +15 4 275 A +15 4 276 R +15 4 277 N +15 4 278 R +15 4 279 N +15 4 280 N +15 4 281 N +15 4 282 N +15 4 283 R +15 4 284 T +15 4 285 R +15 4 286 T +15 4 287 K +15 4 288 R +15 4 289 N +15 4 290 T +15 4 291 R +15 4 292 A +15 4 293 T +15 4 294 T +15 4 295 K +15 4 296 N +15 4 297 A +15 4 298 R +15 4 299 N +15 4 300 T +15 4 301 N +15 4 302 T +15 4 303 K +15 4 304 N +15 4 305 R +15 4 306 M +15 4 307 K +15 4 308 N +15 4 309 K +15 4 310 N +15 4 311 K +15 4 312 R +15 4 313 M +15 4 314 T +15 4 315 N +15 4 316 N +15 4 317 R +15 4 318 A +15 4 319 T +15 4 320 M +15 4 321 R +15 4 322 T +15 4 323 N +15 4 324 T +15 4 325 P +15 4 326 A +15 4 327 T +15 4 328 N +15 4 329 T +15 4 330 T +15 5 1 J +15 5 2 N +15 5 3 J +15 5 4 KT +15 5 5 N +15 5 6 BR +15 5 7 N +15 5 8 P +15 5 9 BR +15 5 10 J +15 5 11 N +15 5 12 A +15 5 13 N +15 5 14 J +15 5 15 BR +15 5 16 T +15 5 17 P +15 5 18 K +15 5 19 J +15 5 20 N +15 5 21 P +15 5 22 A +15 5 23 J +15 5 24 KH +15 5 25 N +15 5 26 N +15 5 27 T +15 5 28 P +15 5 29 N +15 5 30 A +15 5 31 N +15 5 32 G +15 5 33 N +15 5 34 J +15 5 35 A +15 5 36 N +15 5 37 J +15 5 38 P +15 5 39 N +15 5 40 J +15 5 41 P +15 5 42 KH +15 5 43 J +15 5 44 T +15 5 45 N +15 5 46 KT +15 5 47 N +15 5 48 A +15 5 49 N +15 5 50 J +15 5 51 KH +15 5 52 T +15 5 53 P +15 5 54 N +15 5 55 J +15 5 56 A +15 5 57 N +15 5 58 KH +15 5 59 KT +15 5 60 K +15 5 61 P +15 5 62 KT +15 5 63 A +15 5 64 N +15 5 65 P +15 5 66 T +15 5 67 N +15 5 68 G +15 5 69 KH +15 5 70 T +15 5 71 KT +15 5 72 N +15 5 73 J +15 5 74 KT +15 5 75 J +15 5 76 A +15 5 77 N +15 5 78 KT +15 5 79 KT +15 5 80 N +15 5 81 N +15 5 82 N +15 5 83 KT +15 5 84 A +15 5 85 N +15 5 86 G +15 5 87 KT +15 5 88 J +15 5 89 K +15 5 90 N +15 5 91 A +15 5 92 T +15 5 93 N +15 5 94 KT +15 5 95 T +15 5 96 A +15 5 97 J +15 5 98 P +15 5 99 KT +15 5 100 N +15 5 101 G +15 5 102 KT +15 5 103 N +15 5 104 N +15 5 105 G +15 5 106 A +15 5 107 T +15 5 108 T +15 5 109 J +15 5 110 A +15 5 111 KT +15 5 112 P +15 5 113 K +15 5 114 N +15 5 115 P +15 5 116 KT +15 5 117 KH +15 5 118 G +15 5 119 N +15 5 120 T +15 5 121 A +15 5 122 N +15 5 123 N +15 5 124 A +15 5 125 A +15 5 126 G +15 5 127 KT +15 5 128 A +15 5 129 T +15 5 130 KT +15 5 131 J +15 5 132 P +15 5 133 N +15 5 134 KT +15 5 135 G +15 5 136 N +15 5 137 N +15 5 138 N +15 5 139 T +15 5 140 N +15 5 141 T +15 5 142 T +15 5 143 N +15 5 144 J +15 5 145 N +15 5 146 A +15 5 147 N +15 5 148 P +15 5 149 N +15 5 150 J +15 5 151 G +15 5 152 G +15 5 153 N +15 5 154 J +15 5 155 KH +15 5 156 N +15 5 157 KH +15 5 158 T +15 5 159 A +15 5 160 J +15 5 161 N +15 5 162 P +15 5 163 N +15 5 164 J +15 5 165 KT +15 5 166 N +15 5 167 J +15 5 168 N +15 5 169 N +15 5 170 N +15 5 171 N +15 5 172 T +15 5 173 P +15 5 174 A +15 5 175 N +15 5 176 G +15 5 177 A +15 5 178 J +15 5 179 P +15 5 180 N +15 5 181 KH +15 5 182 J +15 5 183 KH +15 5 184 J +15 5 185 KH +15 5 186 N +15 5 187 A +15 5 188 N +15 5 189 T +15 5 190 G +15 5 191 N +15 5 192 J +15 5 193 N +15 5 194 J +15 5 195 N +15 5 196 N +15 5 197 J +15 5 198 KT +15 5 199 T +15 5 200 N +15 5 201 G +15 5 202 N +15 5 203 G +15 5 204 KH +15 5 205 J +15 5 206 T +15 5 207 G +15 5 208 KH +15 5 209 N +15 5 210 J +15 5 211 N +15 5 212 A +15 5 213 J +15 5 214 N +15 5 215 J +15 5 216 N +15 5 217 G +15 5 218 N +15 5 219 T +15 5 220 J +15 5 221 T +15 5 222 J +15 5 223 N +15 5 224 T +15 5 225 A +15 5 226 N +15 5 227 KH +15 5 228 J +15 5 229 N +15 5 230 T +15 5 231 G +15 5 232 KH +15 5 233 KT +15 5 234 N +15 5 235 J +15 5 236 N +15 5 237 A +15 5 238 N +15 5 239 G +15 5 240 KT +15 5 241 T +15 5 242 A +15 5 243 J +15 5 244 T +15 5 245 P +15 5 246 N +15 5 247 J +15 5 248 KT +15 5 249 N +15 5 250 J +15 5 251 N +15 5 252 T +15 5 253 N +15 5 254 J +15 5 255 KT +15 5 256 N +15 5 257 J +15 5 258 A +15 5 259 P +15 5 260 A +15 5 261 A +15 5 262 T +15 5 263 KT +15 5 264 J +15 5 265 N +15 5 266 A +15 5 267 G +15 5 268 N +15 5 269 G +15 5 270 A +15 5 271 N +15 5 272 T +15 5 273 KT +15 5 274 T +15 5 275 A +15 5 276 G +15 5 277 N +15 5 278 A +15 5 279 J +15 5 280 N +15 5 281 N +15 5 282 N +15 5 283 KT +15 5 284 T +15 5 285 G +15 5 286 T +15 5 287 KH +15 5 288 P +15 5 289 N +15 5 290 T +15 5 291 J +15 5 292 G +15 5 293 KT +15 5 294 J +15 5 295 KH +15 5 296 J +15 5 297 A +15 5 298 P +15 5 299 N +15 5 300 KT +15 5 301 N +15 5 302 T +15 5 303 T +15 5 304 N +15 5 305 J +15 5 306 N +15 5 307 N +15 5 308 J +15 5 309 KH +15 5 310 N +15 5 311 N +15 5 312 KT +15 5 313 N +15 5 314 T +15 5 315 N +15 5 316 N +15 5 317 J +15 5 318 A +15 5 319 T +15 5 320 KT +15 5 321 P +15 5 322 J +15 5 323 N +15 5 324 T +15 5 325 P +15 5 326 A +15 5 327 T +15 5 328 N +15 5 329 KH +15 5 330 T +15 6 1 N +15 6 2 N +15 6 3 R +15 6 4 J +15 6 5 N +15 6 6 BR +15 6 7 N +15 6 8 G +15 6 9 BR +15 6 10 N +15 6 11 N +15 6 12 A +15 6 13 N +15 6 14 N +15 6 15 G +15 6 16 T +15 6 17 R +15 6 18 T +15 6 19 N +15 6 20 N +15 6 21 G +15 6 22 A +15 6 23 J +15 6 24 BR +15 6 25 N +15 6 26 N +15 6 27 T +15 6 28 R +15 6 29 N +15 6 30 A +15 6 31 N +15 6 32 N +15 6 33 N +15 6 34 N +15 6 35 G +15 6 36 N +15 6 37 N +15 6 38 R +15 6 39 N +15 6 40 N +15 6 41 G +15 6 42 A +15 6 43 N +15 6 44 T +15 6 45 N +15 6 46 K +15 6 47 N +15 6 48 A +15 6 49 N +15 6 50 J +15 6 51 BR +15 6 52 T +15 6 53 G +15 6 54 N +15 6 55 N +15 6 56 T +15 6 57 N +15 6 58 A +15 6 59 T +15 6 60 N +15 6 61 R +15 6 62 T +15 6 63 R +15 6 64 N +15 6 65 R +15 6 66 T +15 6 67 N +15 6 68 R +15 6 69 N +15 6 70 T +15 6 71 G +15 6 72 N +15 6 73 J +15 6 74 N +15 6 75 N +15 6 76 R +15 6 77 N +15 6 78 T +15 6 79 K +15 6 80 N +15 6 81 N +15 6 82 N +15 6 83 BR +15 6 84 BR +15 6 85 N +15 6 86 G +15 6 87 K +15 6 88 N +15 6 89 K +15 6 90 N +15 6 91 A +15 6 92 T +15 6 93 N +15 6 94 T +15 6 95 N +15 6 96 A +15 6 97 J +15 6 98 R +15 6 99 P +15 6 100 N +15 6 101 N +15 6 102 J +15 6 103 N +15 6 104 N +15 6 105 R +15 6 106 J +15 6 107 T +15 6 108 N +15 6 109 N +15 6 110 J +15 6 111 N +15 6 112 R +15 6 113 K +15 6 114 N +15 6 115 G +15 6 116 T +15 6 117 K +15 6 118 R +15 6 119 N +15 6 120 T +15 6 121 G +15 6 122 N +15 6 123 N +15 6 124 N +15 6 125 A +15 6 126 R +15 6 127 N +15 6 128 G +15 6 129 T +15 6 130 N +15 6 131 J +15 6 132 R +15 6 133 N +15 6 134 K +15 6 135 G +15 6 136 N +15 6 137 N +15 6 138 J +15 6 139 T +15 6 140 N +15 6 141 T +15 6 142 T +15 6 143 N +15 6 144 N +15 6 145 J +15 6 146 P +15 6 147 N +15 6 148 R +15 6 149 N +15 6 150 J +15 6 151 R +15 6 152 G +15 6 153 N +15 6 154 K +15 6 155 K +15 6 156 N +15 6 157 K +15 6 158 T +15 6 159 BR +15 6 160 G +15 6 161 N +15 6 162 G +15 6 163 N +15 6 164 N +15 6 165 N +15 6 166 N +15 6 167 N +15 6 168 N +15 6 169 N +15 6 170 N +15 6 171 N +15 6 172 T +15 6 173 R +15 6 174 A +15 6 175 N +15 6 176 R +15 6 177 N +15 6 178 N +15 6 179 R +15 6 180 N +15 6 181 A +15 6 182 R +15 6 183 BR +15 6 184 R +15 6 185 BR +15 6 186 N +15 6 187 A +15 6 188 N +15 6 189 BR +15 6 190 R +15 6 191 N +15 6 192 J +15 6 193 N +15 6 194 R +15 6 195 N +15 6 196 T +15 6 197 J +15 6 198 K +15 6 199 T +15 6 200 N +15 6 201 R +15 6 202 N +15 6 203 J +15 6 204 K +15 6 205 J +15 6 206 T +15 6 207 G +15 6 208 R +15 6 209 N +15 6 210 BR +15 6 211 N +15 6 212 G +15 6 213 T +15 6 214 A +15 6 215 G +15 6 216 N +15 6 217 G +15 6 218 N +15 6 219 T +15 6 220 N +15 6 221 T +15 6 222 G +15 6 223 N +15 6 224 T +15 6 225 N +15 6 226 N +15 6 227 K +15 6 228 N +15 6 229 N +15 6 230 T +15 6 231 J +15 6 232 K +15 6 233 J +15 6 234 N +15 6 235 N +15 6 236 N +15 6 237 BR +15 6 238 N +15 6 239 BR +15 6 240 R +15 6 241 T +15 6 242 BR +15 6 243 R +15 6 244 T +15 6 245 R +15 6 246 N +15 6 247 J +15 6 248 N +15 6 249 N +15 6 250 N +15 6 251 N +15 6 252 T +15 6 253 N +15 6 254 N +15 6 255 K +15 6 256 G +15 6 257 N +15 6 258 R +15 6 259 R +15 6 260 T +15 6 261 A +15 6 262 T +15 6 263 K +15 6 264 T +15 6 265 N +15 6 266 R +15 6 267 J +15 6 268 N +15 6 269 R +15 6 270 P +15 6 271 N +15 6 272 K +15 6 273 P +15 6 274 T +15 6 275 A +15 6 276 R +15 6 277 N +15 6 278 P +15 6 279 N +15 6 280 N +15 6 281 N +15 6 282 N +15 6 283 BR +15 6 284 T +15 6 285 R +15 6 286 T +15 6 287 A +15 6 288 R +15 6 289 N +15 6 290 T +15 6 291 N +15 6 292 A +15 6 293 T +15 6 294 T +15 6 295 BR +15 6 296 J +15 6 297 P +15 6 298 R +15 6 299 N +15 6 300 N +15 6 301 N +15 6 302 T +15 6 303 N +15 6 304 N +15 6 305 R +15 6 306 N +15 6 307 N +15 6 308 J +15 6 309 K +15 6 310 N +15 6 311 N +15 6 312 K +15 6 313 J +15 6 314 T +15 6 315 N +15 6 316 N +15 6 317 R +15 6 318 A +15 6 319 T +15 6 320 N +15 6 321 R +15 6 322 N +15 6 323 N +15 6 324 T +15 6 325 J +15 6 326 A +15 6 327 T +15 6 328 N +15 6 329 BR +15 6 330 T +15 7 1 N +15 7 2 N +15 7 3 P +15 7 4 K +15 7 5 N +15 7 6 P +15 7 7 N +15 7 8 P +15 7 9 P +15 7 10 N +15 7 11 N +15 7 12 T +15 7 13 N +15 7 14 K +15 7 15 G +15 7 16 T +15 7 17 P +15 7 18 K +15 7 19 N +15 7 20 N +15 7 21 P +15 7 22 T +15 7 23 P +15 7 24 K +15 7 25 N +15 7 26 N +15 7 27 P +15 7 28 T +15 7 29 N +15 7 30 P +15 7 31 N +15 7 32 P +15 7 33 N +15 7 34 N +15 7 35 P +15 7 36 N +15 7 37 N +15 7 38 P +15 7 39 N +15 7 40 N +15 7 41 P +15 7 42 T +15 7 43 N +15 7 44 T +15 7 45 N +15 7 46 T +15 7 47 N +15 7 48 T +15 7 49 N +15 7 50 J +15 7 51 K +15 7 52 T +15 7 53 P +15 7 54 N +15 7 55 N +15 7 56 T +15 7 57 N +15 7 58 G +15 7 59 T +15 7 60 N +15 7 61 P +15 7 62 N +15 7 63 P +15 7 64 N +15 7 65 P +15 7 66 T +15 7 67 N +15 7 68 P +15 7 69 N +15 7 70 T +15 7 71 P +15 7 72 N +15 7 73 P +15 7 74 T +15 7 75 N +15 7 76 P +15 7 77 N +15 7 78 T +15 7 79 K +15 7 80 N +15 7 81 N +15 7 82 N +15 7 83 T +15 7 84 T +15 7 85 N +15 7 86 P +15 7 87 K +15 7 88 P +15 7 89 K +15 7 90 N +15 7 91 P +15 7 92 T +15 7 93 K +15 7 94 N +15 7 95 T +15 7 96 T +15 7 97 K +15 7 98 P +15 7 99 T +15 7 100 N +15 7 101 P +15 7 102 K +15 7 103 K +15 7 104 N +15 7 105 P +15 7 106 T +15 7 107 T +15 7 108 T +15 7 109 N +15 7 110 T +15 7 111 N +15 7 112 P +15 7 113 K +15 7 114 N +15 7 115 P +15 7 116 T +15 7 117 K +15 7 118 P +15 7 119 N +15 7 120 T +15 7 121 P +15 7 122 N +15 7 123 N +15 7 124 T +15 7 125 P +15 7 126 P +15 7 127 K +15 7 128 T +15 7 129 T +15 7 130 K +15 7 131 P +15 7 132 N +15 7 133 N +15 7 134 K +15 7 135 P +15 7 136 N +15 7 137 N +15 7 138 N +15 7 139 T +15 7 140 K +15 7 141 T +15 7 142 T +15 7 143 N +15 7 144 N +15 7 145 K +15 7 146 T +15 7 147 N +15 7 148 P +15 7 149 T +15 7 150 K +15 7 151 P +15 7 152 P +15 7 153 K +15 7 154 N +15 7 155 K +15 7 156 N +15 7 157 T +15 7 158 T +15 7 159 T +15 7 160 T +15 7 161 N +15 7 162 P +15 7 163 N +15 7 164 N +15 7 165 N +15 7 166 K +15 7 167 T +15 7 168 N +15 7 169 N +15 7 170 K +15 7 171 N +15 7 172 T +15 7 173 P +15 7 174 T +15 7 175 N +15 7 176 P +15 7 177 T +15 7 178 N +15 7 179 P +15 7 180 N +15 7 181 T +15 7 182 K +15 7 183 K +15 7 184 N +15 7 185 T +15 7 186 N +15 7 187 N +15 7 188 N +15 7 189 T +15 7 190 T +15 7 191 N +15 7 192 N +15 7 193 N +15 7 194 P +15 7 195 N +15 7 196 T +15 7 197 K +15 7 198 K +15 7 199 T +15 7 200 N +15 7 201 T +15 7 202 N +15 7 203 P +15 7 204 K +15 7 205 K +15 7 206 T +15 7 207 P +15 7 208 T +15 7 209 N +15 7 210 P +15 7 211 N +15 7 212 P +15 7 213 T +15 7 214 N +15 7 215 P +15 7 216 K +15 7 217 T +15 7 218 N +15 7 219 T +15 7 220 K +15 7 221 T +15 7 222 K +15 7 223 N +15 7 224 T +15 7 225 K +15 7 226 N +15 7 227 K +15 7 228 N +15 7 229 N +15 7 230 T +15 7 231 P +15 7 232 K +15 7 233 N +15 7 234 N +15 7 235 N +15 7 236 N +15 7 237 T +15 7 238 N +15 7 239 P +15 7 240 K +15 7 241 T +15 7 242 T +15 7 243 P +15 7 244 T +15 7 245 P +15 7 246 N +15 7 247 K +15 7 248 N +15 7 249 N +15 7 250 P +15 7 251 N +15 7 252 T +15 7 253 N +15 7 254 K +15 7 255 K +15 7 256 P +15 7 257 N +15 7 258 T +15 7 259 P +15 7 260 T +15 7 261 T +15 7 262 T +15 7 263 T +15 7 264 N +15 7 265 N +15 7 266 P +15 7 267 N +15 7 268 N +15 7 269 P +15 7 270 T +15 7 271 N +15 7 272 T +15 7 273 N +15 7 274 T +15 7 275 N +15 7 276 P +15 7 277 K +15 7 278 P +15 7 279 K +15 7 280 N +15 7 281 N +15 7 282 N +15 7 283 K +15 7 284 T +15 7 285 T +15 7 286 T +15 7 287 K +15 7 288 P +15 7 289 N +15 7 290 T +15 7 291 K +15 7 292 T +15 7 293 T +15 7 294 T +15 7 295 K +15 7 296 J +15 7 297 T +15 7 298 P +15 7 299 N +15 7 300 T +15 7 301 N +15 7 302 T +15 7 303 T +15 7 304 N +15 7 305 P +15 7 306 N +15 7 307 N +15 7 308 T +15 7 309 K +15 7 310 N +15 7 311 N +15 7 312 K +15 7 313 K +15 7 314 T +15 7 315 N +15 7 316 N +15 7 317 P +15 7 318 P +15 7 319 T +15 7 320 N +15 7 321 P +15 7 322 T +15 7 323 N +15 7 324 T +15 7 325 P +15 7 326 T +15 7 327 T +15 7 328 N +15 7 329 K +15 7 330 T +15 8 1 N +15 8 2 N +15 8 3 R +15 8 4 G +15 8 5 N +15 8 6 T +15 8 7 N +15 8 8 R +15 8 9 P +15 8 10 K +15 8 11 N +15 8 12 A +15 8 13 N +15 8 14 K +15 8 15 G +15 8 16 T +15 8 17 R +15 8 18 K +15 8 19 N +15 8 20 N +15 8 21 R +15 8 22 T +15 8 23 K +15 8 24 K +15 8 25 N +15 8 26 N +15 8 27 R +15 8 28 T +15 8 29 N +15 8 30 R +15 8 31 N +15 8 32 R +15 8 33 N +15 8 34 N +15 8 35 T +15 8 36 K +15 8 37 K +15 8 38 R +15 8 39 N +15 8 40 N +15 8 41 T +15 8 42 T +15 8 43 K +15 8 44 T +15 8 45 N +15 8 46 K +15 8 47 K +15 8 48 T +15 8 49 N +15 8 50 K +15 8 51 K +15 8 52 T +15 8 53 R +15 8 54 N +15 8 55 N +15 8 56 R +15 8 57 K +15 8 58 K +15 8 59 T +15 8 60 K +15 8 61 R +15 8 62 K +15 8 63 R +15 8 64 N +15 8 65 R +15 8 66 T +15 8 67 N +15 8 68 K +15 8 69 K +15 8 70 T +15 8 71 K +15 8 72 N +15 8 73 N +15 8 74 T +15 8 75 K +15 8 76 R +15 8 77 N +15 8 78 K +15 8 79 K +15 8 80 N +15 8 81 N +15 8 82 N +15 8 83 T +15 8 84 T +15 8 85 N +15 8 86 R +15 8 87 K +15 8 88 K +15 8 89 K +15 8 90 N +15 8 91 N +15 8 92 T +15 8 93 K +15 8 94 N +15 8 95 N +15 8 96 R +15 8 97 K +15 8 98 R +15 8 99 T +15 8 100 N +15 8 101 R +15 8 102 T +15 8 103 K +15 8 104 N +15 8 105 R +15 8 106 T +15 8 107 T +15 8 108 K +15 8 109 N +15 8 110 A +15 8 111 K +15 8 112 R +15 8 113 K +15 8 114 N +15 8 115 R +15 8 116 T +15 8 117 K +15 8 118 R +15 8 119 N +15 8 120 T +15 8 121 R +15 8 122 N +15 8 123 N +15 8 124 N +15 8 125 R +15 8 126 R +15 8 127 K +15 8 128 A +15 8 129 T +15 8 130 K +15 8 131 R +15 8 132 N +15 8 133 N +15 8 134 K +15 8 135 R +15 8 136 N +15 8 137 K +15 8 138 N +15 8 139 T +15 8 140 K +15 8 141 T +15 8 142 T +15 8 143 N +15 8 144 N +15 8 145 K +15 8 146 A +15 8 147 N +15 8 148 R +15 8 149 N +15 8 150 K +15 8 151 R +15 8 152 R +15 8 153 N +15 8 154 K +15 8 155 K +15 8 156 N +15 8 157 K +15 8 158 T +15 8 159 A +15 8 160 R +15 8 161 N +15 8 162 R +15 8 163 N +15 8 164 K +15 8 165 N +15 8 166 K +15 8 167 T +15 8 168 N +15 8 169 K +15 8 170 K +15 8 171 K +15 8 172 T +15 8 173 R +15 8 174 A +15 8 175 N +15 8 176 R +15 8 177 A +15 8 178 K +15 8 179 K +15 8 180 N +15 8 181 K +15 8 182 R +15 8 183 T +15 8 184 N +15 8 185 T +15 8 186 N +15 8 187 R +15 8 188 N +15 8 189 T +15 8 190 R +15 8 191 N +15 8 192 T +15 8 193 A +15 8 194 K +15 8 195 N +15 8 196 N +15 8 197 K +15 8 198 K +15 8 199 T +15 8 200 T +15 8 201 R +15 8 202 N +15 8 203 R +15 8 204 K +15 8 205 K +15 8 206 T +15 8 207 R +15 8 208 K +15 8 209 N +15 8 210 T +15 8 211 N +15 8 212 A +15 8 213 T +15 8 214 N +15 8 215 K +15 8 216 K +15 8 217 R +15 8 218 K +15 8 219 R +15 8 220 K +15 8 221 N +15 8 222 K +15 8 223 N +15 8 224 T +15 8 225 K +15 8 226 N +15 8 227 K +15 8 228 K +15 8 229 N +15 8 230 T +15 8 231 R +15 8 232 K +15 8 233 K +15 8 234 N +15 8 235 N +15 8 236 N +15 8 237 T +15 8 238 N +15 8 239 R +15 8 240 K +15 8 241 T +15 8 242 T +15 8 243 R +15 8 244 T +15 8 245 R +15 8 246 N +15 8 247 N +15 8 248 K +15 8 249 N +15 8 250 N +15 8 251 N +15 8 252 T +15 8 253 N +15 8 254 T +15 8 255 K +15 8 256 R +15 8 257 K +15 8 258 A +15 8 259 R +15 8 260 T +15 8 261 R +15 8 262 T +15 8 263 K +15 8 264 T +15 8 265 N +15 8 266 R +15 8 267 R +15 8 268 N +15 8 269 R +15 8 270 A +15 8 271 N +15 8 272 T +15 8 273 R +15 8 274 T +15 8 275 A +15 8 276 R +15 8 277 N +15 8 278 R +15 8 279 K +15 8 280 N +15 8 281 N +15 8 282 N +15 8 283 K +15 8 284 T +15 8 285 R +15 8 286 T +15 8 287 K +15 8 288 R +15 8 289 N +15 8 290 T +15 8 291 N +15 8 292 R +15 8 293 T +15 8 294 T +15 8 295 K +15 8 296 N +15 8 297 A +15 8 298 R +15 8 299 N +15 8 300 T +15 8 301 N +15 8 302 T +15 8 303 T +15 8 304 N +15 8 305 R +15 8 306 N +15 8 307 N +15 8 308 K +15 8 309 K +15 8 310 N +15 8 311 N +15 8 312 K +15 8 313 N +15 8 314 T +15 8 315 N +15 8 316 N +15 8 317 R +15 8 318 R +15 8 319 T +15 8 320 N +15 8 321 R +15 8 322 T +15 8 323 N +15 8 324 T +15 8 325 R +15 8 326 A +15 8 327 T +15 8 328 N +15 8 329 K +15 8 330 T +15 9 1 N +15 9 2 N +15 9 3 R +15 9 4 J +15 9 5 N +15 9 6 BR +15 9 7 N +15 9 8 R +15 9 9 BR +15 9 10 N +15 9 11 N +15 9 12 A +15 9 13 N +15 9 14 J +15 9 15 G +15 9 16 T +15 9 17 G +15 9 18 K +15 9 19 N +15 9 20 N +15 9 21 G +15 9 22 A +15 9 23 J +15 9 24 K +15 9 25 N +15 9 26 N +15 9 27 G +15 9 28 T +15 9 29 N +15 9 30 A +15 9 31 N +15 9 32 G +15 9 33 N +15 9 34 N +15 9 35 G +15 9 36 N +15 9 37 N +15 9 38 R +15 9 39 N +15 9 40 N +15 9 41 R +15 9 42 A +15 9 43 N +15 9 44 T +15 9 45 N +15 9 46 K +15 9 47 N +15 9 48 A +15 9 49 N +15 9 50 J +15 9 51 BR +15 9 52 T +15 9 53 G +15 9 54 N +15 9 55 N +15 9 56 BR +15 9 57 N +15 9 58 A +15 9 59 T +15 9 60 J +15 9 61 R +15 9 62 N +15 9 63 G +15 9 64 N +15 9 65 G +15 9 66 T +15 9 67 N +15 9 68 G +15 9 69 N +15 9 70 T +15 9 71 J +15 9 72 N +15 9 73 J +15 9 74 N +15 9 75 N +15 9 76 A +15 9 77 N +15 9 78 G +15 9 79 K +15 9 80 N +15 9 81 N +15 9 82 N +15 9 83 BR +15 9 84 G +15 9 85 N +15 9 86 J +15 9 87 K +15 9 88 G +15 9 89 K +15 9 90 N +15 9 91 A +15 9 92 T +15 9 93 K +15 9 94 T +15 9 95 N +15 9 96 A +15 9 97 J +15 9 98 R +15 9 99 BR +15 9 100 N +15 9 101 G +15 9 102 T +15 9 103 N +15 9 104 N +15 9 105 G +15 9 106 A +15 9 107 T +15 9 108 T +15 9 109 N +15 9 110 A +15 9 111 N +15 9 112 G +15 9 113 K +15 9 114 N +15 9 115 G +15 9 116 BR +15 9 117 BR +15 9 118 G +15 9 119 N +15 9 120 T +15 9 121 G +15 9 122 N +15 9 123 N +15 9 124 A +15 9 125 G +15 9 126 G +15 9 127 N +15 9 128 A +15 9 129 T +15 9 130 BR +15 9 131 G +15 9 132 J +15 9 133 N +15 9 134 BR +15 9 135 G +15 9 136 N +15 9 137 N +15 9 138 N +15 9 139 T +15 9 140 N +15 9 141 T +15 9 142 T +15 9 143 A +15 9 144 J +15 9 145 N +15 9 146 A +15 9 147 N +15 9 148 G +15 9 149 N +15 9 150 J +15 9 151 BR +15 9 152 G +15 9 153 N +15 9 154 K +15 9 155 BR +15 9 156 N +15 9 157 BR +15 9 158 T +15 9 159 BR +15 9 160 G +15 9 161 N +15 9 162 R +15 9 163 N +15 9 164 N +15 9 165 N +15 9 166 N +15 9 167 T +15 9 168 N +15 9 169 N +15 9 170 N +15 9 171 N +15 9 172 T +15 9 173 G +15 9 174 A +15 9 175 N +15 9 176 G +15 9 177 A +15 9 178 N +15 9 179 G +15 9 180 N +15 9 181 A +15 9 182 J +15 9 183 BR +15 9 184 J +15 9 185 A +15 9 186 N +15 9 187 A +15 9 188 N +15 9 189 T +15 9 190 G +15 9 191 N +15 9 192 J +15 9 193 A +15 9 194 R +15 9 195 N +15 9 196 N +15 9 197 J +15 9 198 K +15 9 199 T +15 9 200 N +15 9 201 G +15 9 202 A +15 9 203 J +15 9 204 K +15 9 205 J +15 9 206 T +15 9 207 G +15 9 208 A +15 9 209 N +15 9 210 BR +15 9 211 N +15 9 212 A +15 9 213 T +15 9 214 A +15 9 215 K +15 9 216 G +15 9 217 A +15 9 218 G +15 9 219 N +15 9 220 N +15 9 221 T +15 9 222 J +15 9 223 N +15 9 224 T +15 9 225 A +15 9 226 N +15 9 227 K +15 9 228 N +15 9 229 N +15 9 230 T +15 9 231 J +15 9 232 N +15 9 233 A +15 9 234 N +15 9 235 N +15 9 236 G +15 9 237 N +15 9 238 G +15 9 239 BR +15 9 240 T +15 9 241 A +15 9 242 G +15 9 243 T +15 9 244 G +15 9 245 N +15 9 246 N +15 9 247 N +15 9 248 N +15 9 249 N +15 9 250 J +15 9 251 N +15 9 252 T +15 9 253 N +15 9 254 N +15 9 255 K +15 9 256 G +15 9 257 N +15 9 258 A +15 9 259 R +15 9 260 A +15 9 261 G +15 9 262 T +15 9 263 T +15 9 264 N +15 9 265 N +15 9 266 G +15 9 267 J +15 9 268 N +15 9 269 A +15 9 270 G +15 9 271 N +15 9 272 T +15 9 273 G +15 9 274 T +15 9 275 A +15 9 276 G +15 9 277 N +15 9 278 G +15 9 279 N +15 9 280 N +15 9 281 N +15 9 282 N +15 9 283 BR +15 9 284 T +15 9 285 G +15 9 286 T +15 9 287 A +15 9 288 G +15 9 289 N +15 9 290 T +15 9 291 N +15 9 292 G +15 9 293 N +15 9 294 T +15 9 295 BR +15 9 296 J +15 9 297 A +15 9 298 G +15 9 299 N +15 9 300 T +15 9 301 N +15 9 302 T +15 9 303 T +15 9 304 N +15 9 305 K +15 9 306 N +15 9 307 N +15 9 308 J +15 9 309 BR +15 9 310 N +15 9 311 N +15 9 312 K +15 9 313 N +15 9 314 T +15 9 315 N +15 9 316 N +15 9 317 J +15 9 318 G +15 9 319 T +15 9 320 N +15 9 321 R +15 9 322 N +15 9 323 N +15 9 324 T +15 9 325 J +15 9 326 A +15 9 327 T +15 9 328 N +15 9 329 BR +15 9 330 T +15 10 1 N +15 10 2 N +15 10 3 R +15 10 4 K +15 10 5 N +15 10 6 BR +15 10 7 N +15 10 8 G +15 10 9 BR +15 10 10 N +15 10 11 K +15 10 12 P +15 10 13 N +15 10 14 K +15 10 15 G +15 10 16 T +15 10 17 R +15 10 18 K +15 10 19 N +15 10 20 N +15 10 21 R +15 10 22 P +15 10 23 J +15 10 24 BR +15 10 25 N +15 10 26 N +15 10 27 BR +15 10 28 R +15 10 29 N +15 10 30 R +15 10 31 N +15 10 32 J +15 10 33 N +15 10 34 N +15 10 35 R +15 10 36 K +15 10 37 N +15 10 38 R +15 10 39 N +15 10 40 N +15 10 41 R +15 10 42 BR +15 10 43 K +15 10 44 T +15 10 45 N +15 10 46 K +15 10 47 K +15 10 48 R +15 10 49 N +15 10 50 BR +15 10 51 BR +15 10 52 T +15 10 53 R +15 10 54 N +15 10 55 N +15 10 56 BR +15 10 57 N +15 10 58 BR +15 10 59 T +15 10 60 N +15 10 61 R +15 10 62 BR +15 10 63 R +15 10 64 N +15 10 65 R +15 10 66 T +15 10 67 N +15 10 68 P +15 10 69 N +15 10 70 T +15 10 71 R +15 10 72 N +15 10 73 G +15 10 74 T +15 10 75 K +15 10 76 R +15 10 77 N +15 10 78 BR +15 10 79 K +15 10 80 N +15 10 81 R +15 10 82 N +15 10 83 T +15 10 84 BR +15 10 85 N +15 10 86 R +15 10 87 K +15 10 88 N +15 10 89 K +15 10 90 K +15 10 91 N +15 10 92 T +15 10 93 N +15 10 94 K +15 10 95 T +15 10 96 P +15 10 97 J +15 10 98 R +15 10 99 N +15 10 100 N +15 10 101 R +15 10 102 T +15 10 103 P +15 10 104 N +15 10 105 R +15 10 106 T +15 10 107 T +15 10 108 T +15 10 109 N +15 10 110 P +15 10 111 K +15 10 112 R +15 10 113 K +15 10 114 N +15 10 115 R +15 10 116 T +15 10 117 K +15 10 118 R +15 10 119 N +15 10 120 T +15 10 121 R +15 10 122 N +15 10 123 N +15 10 124 P +15 10 125 R +15 10 126 G +15 10 127 K +15 10 128 P +15 10 129 T +15 10 130 K +15 10 131 G +15 10 132 R +15 10 133 N +15 10 134 N +15 10 135 R +15 10 136 N +15 10 137 N +15 10 138 N +15 10 139 T +15 10 140 N +15 10 141 T +15 10 142 T +15 10 143 P +15 10 144 G +15 10 145 N +15 10 146 P +15 10 147 N +15 10 148 N +15 10 149 R +15 10 150 G +15 10 151 N +15 10 152 N +15 10 153 N +15 10 154 K +15 10 155 K +15 10 156 N +15 10 157 K +15 10 158 T +15 10 159 P +15 10 160 G +15 10 161 N +15 10 162 R +15 10 163 N +15 10 164 N +15 10 165 P +15 10 166 N +15 10 167 G +15 10 168 N +15 10 169 N +15 10 170 K +15 10 171 BR +15 10 172 T +15 10 173 R +15 10 174 P +15 10 175 N +15 10 176 R +15 10 177 P +15 10 178 N +15 10 179 R +15 10 180 N +15 10 181 P +15 10 182 R +15 10 183 P +15 10 184 N +15 10 185 P +15 10 186 N +15 10 187 P +15 10 188 N +15 10 189 T +15 10 190 N +15 10 191 P +15 10 192 BR +15 10 193 P +15 10 194 BR +15 10 195 P +15 10 196 N +15 10 197 BR +15 10 198 K +15 10 199 T +15 10 200 N +15 10 201 BR +15 10 202 N +15 10 203 R +15 10 204 K +15 10 205 G +15 10 206 T +15 10 207 R +15 10 208 P +15 10 209 N +15 10 210 BR +15 10 211 P +15 10 212 P +15 10 213 T +15 10 214 N +15 10 215 BR +15 10 216 K +15 10 217 G +15 10 218 P +15 10 219 K +15 10 220 N +15 10 221 N +15 10 222 BR +15 10 223 N +15 10 224 T +15 10 225 P +15 10 226 N +15 10 227 K +15 10 228 N +15 10 229 N +15 10 230 T +15 10 231 R +15 10 232 BR +15 10 233 G +15 10 234 P +15 10 235 N +15 10 236 P +15 10 237 G +15 10 238 N +15 10 239 R +15 10 240 R +15 10 241 T +15 10 242 P +15 10 243 R +15 10 244 T +15 10 245 R +15 10 246 N +15 10 247 G +15 10 248 K +15 10 249 N +15 10 250 BR +15 10 251 N +15 10 252 T +15 10 253 N +15 10 254 K +15 10 255 K +15 10 256 R +15 10 257 N +15 10 258 P +15 10 259 R +15 10 260 T +15 10 261 P +15 10 262 T +15 10 263 BR +15 10 264 T +15 10 265 N +15 10 266 R +15 10 267 G +15 10 268 N +15 10 269 R +15 10 270 P +15 10 271 N +15 10 272 T +15 10 273 G +15 10 274 T +15 10 275 BR +15 10 276 R +15 10 277 N +15 10 278 R +15 10 279 N +15 10 280 N +15 10 281 N +15 10 282 N +15 10 283 BR +15 10 284 T +15 10 285 G +15 10 286 T +15 10 287 BR +15 10 288 R +15 10 289 N +15 10 290 T +15 10 291 N +15 10 292 R +15 10 293 T +15 10 294 T +15 10 295 BR +15 10 296 G +15 10 297 P +15 10 298 R +15 10 299 N +15 10 300 T +15 10 301 N +15 10 302 T +15 10 303 T +15 10 304 N +15 10 305 R +15 10 306 N +15 10 307 N +15 10 308 BR +15 10 309 BR +15 10 310 N +15 10 311 N +15 10 312 K +15 10 313 N +15 10 314 K +15 10 315 N +15 10 316 N +15 10 317 R +15 10 318 P +15 10 319 T +15 10 320 P +15 10 321 R +15 10 322 T +15 10 323 N +15 10 324 K +15 10 325 G +15 10 326 P +15 10 327 T +15 10 328 N +15 10 329 BR +15 10 330 T +15 11 1 N +15 11 2 BR +15 11 3 P +15 11 4 J +15 11 5 N +15 11 6 BR +15 11 7 N +15 11 8 J +15 11 9 BR +15 11 10 N +15 11 11 N +15 11 12 P +15 11 13 N +15 11 14 N +15 11 15 BR +15 11 16 T +15 11 17 R +15 11 18 R +15 11 19 N +15 11 20 N +15 11 21 R +15 11 22 BR +15 11 23 J +15 11 24 K +15 11 25 N +15 11 26 N +15 11 27 T +15 11 28 R +15 11 29 N +15 11 30 A +15 11 31 N +15 11 32 R +15 11 33 N +15 11 34 N +15 11 35 R +15 11 36 N +15 11 37 N +15 11 38 R +15 11 39 N +15 11 40 N +15 11 41 R +15 11 42 BR +15 11 43 N +15 11 44 T +15 11 45 N +15 11 46 K +15 11 47 N +15 11 48 BR +15 11 49 N +15 11 50 J +15 11 51 J +15 11 52 T +15 11 53 P +15 11 54 N +15 11 55 N +15 11 56 J +15 11 57 N +15 11 58 BR +15 11 59 J +15 11 60 K +15 11 61 P +15 11 62 P +15 11 63 P +15 11 64 N +15 11 65 R +15 11 66 T +15 11 67 N +15 11 68 R +15 11 69 BR +15 11 70 T +15 11 71 J +15 11 72 N +15 11 73 J +15 11 74 N +15 11 75 K +15 11 76 A +15 11 77 N +15 11 78 BR +15 11 79 K +15 11 80 N +15 11 81 N +15 11 82 N +15 11 83 T +15 11 84 R +15 11 85 N +15 11 86 R +15 11 87 K +15 11 88 R +15 11 89 K +15 11 90 K +15 11 91 N +15 11 92 T +15 11 93 N +15 11 94 K +15 11 95 T +15 11 96 P +15 11 97 J +15 11 98 T +15 11 99 BR +15 11 100 N +15 11 101 R +15 11 102 R +15 11 103 R +15 11 104 N +15 11 105 R +15 11 106 A +15 11 107 T +15 11 108 T +15 11 109 N +15 11 110 A +15 11 111 N +15 11 112 R +15 11 113 BR +15 11 114 N +15 11 115 R +15 11 116 T +15 11 117 BR +15 11 118 R +15 11 119 N +15 11 120 T +15 11 121 P +15 11 122 N +15 11 123 N +15 11 124 BR +15 11 125 A +15 11 126 R +15 11 127 K +15 11 128 P +15 11 129 T +15 11 130 K +15 11 131 R +15 11 132 R +15 11 133 N +15 11 134 K +15 11 135 R +15 11 136 N +15 11 137 N +15 11 138 N +15 11 139 T +15 11 140 K +15 11 141 T +15 11 142 T +15 11 143 N +15 11 144 N +15 11 145 N +15 11 146 A +15 11 147 N +15 11 148 R +15 11 149 R +15 11 150 R +15 11 151 R +15 11 152 R +15 11 153 N +15 11 154 K +15 11 155 K +15 11 156 N +15 11 157 K +15 11 158 T +15 11 159 P +15 11 160 P +15 11 161 N +15 11 162 R +15 11 163 N +15 11 164 N +15 11 165 N +15 11 166 K +15 11 167 BR +15 11 168 N +15 11 169 N +15 11 170 K +15 11 171 N +15 11 172 T +15 11 173 R +15 11 174 A +15 11 175 R +15 11 176 R +15 11 177 A +15 11 178 K +15 11 179 R +15 11 180 N +15 11 181 R +15 11 182 R +15 11 183 BR +15 11 184 R +15 11 185 P +15 11 186 N +15 11 187 A +15 11 188 N +15 11 189 N +15 11 190 N +15 11 191 N +15 11 192 BR +15 11 193 BR +15 11 194 BR +15 11 195 N +15 11 196 N +15 11 197 BR +15 11 198 K +15 11 199 T +15 11 200 N +15 11 201 BR +15 11 202 N +15 11 203 R +15 11 204 K +15 11 205 K +15 11 206 T +15 11 207 R +15 11 208 BR +15 11 209 N +15 11 210 BR +15 11 211 N +15 11 212 A +15 11 213 T +15 11 214 A +15 11 215 A +15 11 216 K +15 11 217 BR +15 11 218 BR +15 11 219 N +15 11 220 N +15 11 221 T +15 11 222 BR +15 11 223 N +15 11 224 T +15 11 225 BR +15 11 226 N +15 11 227 K +15 11 228 K +15 11 229 N +15 11 230 T +15 11 231 R +15 11 232 K +15 11 233 R +15 11 234 N +15 11 235 N +15 11 236 BR +15 11 237 BR +15 11 238 N +15 11 239 N +15 11 240 BR +15 11 241 T +15 11 242 BR +15 11 243 BR +15 11 244 T +15 11 245 R +15 11 246 N +15 11 247 N +15 11 248 K +15 11 249 N +15 11 250 K +15 11 251 N +15 11 252 T +15 11 253 N +15 11 254 BR +15 11 255 K +15 11 256 R +15 11 257 K +15 11 258 K +15 11 259 R +15 11 260 T +15 11 261 P +15 11 262 T +15 11 263 K +15 11 264 BR +15 11 265 N +15 11 266 P +15 11 267 BR +15 11 268 N +15 11 269 R +15 11 270 P +15 11 271 N +15 11 272 T +15 11 273 R +15 11 274 T +15 11 275 BR +15 11 276 R +15 11 277 N +15 11 278 P +15 11 279 N +15 11 280 N +15 11 281 N +15 11 282 N +15 11 283 BR +15 11 284 T +15 11 285 BR +15 11 286 T +15 11 287 BR +15 11 288 R +15 11 289 N +15 11 290 T +15 11 291 N +15 11 292 BR +15 11 293 T +15 11 294 T +15 11 295 BR +15 11 296 BR +15 11 297 A +15 11 298 R +15 11 299 N +15 11 300 T +15 11 301 N +15 11 302 T +15 11 303 T +15 11 304 BR +15 11 305 J +15 11 306 N +15 11 307 N +15 11 308 J +15 11 309 K +15 11 310 N +15 11 311 N +15 11 312 K +15 11 313 N +15 11 314 T +15 11 315 N +15 11 316 N +15 11 317 P +15 11 318 P +15 11 319 T +15 11 320 BR +15 11 321 R +15 11 322 N +15 11 323 N +15 11 324 T +15 11 325 J +15 11 326 A +15 11 327 T +15 11 328 N +15 11 329 R +15 11 330 T +15 12 1 N +15 12 2 N +15 12 3 R +15 12 4 K +15 12 5 N +15 12 6 R +15 12 7 N +15 12 8 R +15 12 9 KH +15 12 10 K +15 12 11 N +15 12 12 A +15 12 13 K +15 12 14 K +15 12 15 T +15 12 16 T +15 12 17 R +15 12 18 K +15 12 19 N +15 12 20 N +15 12 21 R +15 12 22 T +15 12 23 J +15 12 24 K +15 12 25 N +15 12 26 N +15 12 27 T +15 12 28 R +15 12 29 N +15 12 30 A +15 12 31 N +15 12 32 R +15 12 33 N +15 12 34 N +15 12 35 R +15 12 36 K +15 12 37 N +15 12 38 R +15 12 39 N +15 12 40 N +15 12 41 R +15 12 42 N +15 12 43 R +15 12 44 T +15 12 45 N +15 12 46 K +15 12 47 N +15 12 48 A +15 12 49 N +15 12 50 N +15 12 51 KH +15 12 52 T +15 12 53 R +15 12 54 N +15 12 55 N +15 12 56 N +15 12 57 N +15 12 58 N +15 12 59 T +15 12 60 N +15 12 61 R +15 12 62 N +15 12 63 R +15 12 64 N +15 12 65 R +15 12 66 T +15 12 67 N +15 12 68 T +15 12 69 T +15 12 70 T +15 12 71 N +15 12 72 N +15 12 73 R +15 12 74 N +15 12 75 N +15 12 76 R +15 12 77 N +15 12 78 N +15 12 79 K +15 12 80 N +15 12 81 N +15 12 82 N +15 12 83 T +15 12 84 BR +15 12 85 N +15 12 86 R +15 12 87 K +15 12 88 J +15 12 89 K +15 12 90 N +15 12 91 N +15 12 92 T +15 12 93 N +15 12 94 K +15 12 95 T +15 12 96 A +15 12 97 N +15 12 98 R +15 12 99 T +15 12 100 N +15 12 101 R +15 12 102 T +15 12 103 N +15 12 104 J +15 12 105 R +15 12 106 T +15 12 107 T +15 12 108 BR +15 12 109 N +15 12 110 A +15 12 111 K +15 12 112 R +15 12 113 K +15 12 114 N +15 12 115 R +15 12 116 T +15 12 117 K +15 12 118 R +15 12 119 N +15 12 120 T +15 12 121 R +15 12 122 N +15 12 123 N +15 12 124 J +15 12 125 R +15 12 126 R +15 12 127 K +15 12 128 A +15 12 129 T +15 12 130 K +15 12 131 R +15 12 132 R +15 12 133 N +15 12 134 K +15 12 135 R +15 12 136 N +15 12 137 N +15 12 138 K +15 12 139 T +15 12 140 N +15 12 141 T +15 12 142 T +15 12 143 N +15 12 144 K +15 12 145 N +15 12 146 KH +15 12 147 N +15 12 148 R +15 12 149 KH +15 12 150 N +15 12 151 R +15 12 152 J +15 12 153 N +15 12 154 K +15 12 155 K +15 12 156 N +15 12 157 K +15 12 158 T +15 12 159 A +15 12 160 BR +15 12 161 N +15 12 162 R +15 12 163 N +15 12 164 N +15 12 165 KH +15 12 166 K +15 12 167 T +15 12 168 N +15 12 169 N +15 12 170 K +15 12 171 KH +15 12 172 T +15 12 173 R +15 12 174 A +15 12 175 N +15 12 176 R +15 12 177 KH +15 12 178 K +15 12 179 P +15 12 180 N +15 12 181 KH +15 12 182 R +15 12 183 K +15 12 184 R +15 12 185 R +15 12 186 N +15 12 187 P +15 12 188 N +15 12 189 N +15 12 190 R +15 12 191 N +15 12 192 N +15 12 193 KH +15 12 194 N +15 12 195 N +15 12 196 N +15 12 197 R +15 12 198 K +15 12 199 T +15 12 200 N +15 12 201 P +15 12 202 N +15 12 203 P +15 12 204 K +15 12 205 K +15 12 206 T +15 12 207 P +15 12 208 KH +15 12 209 N +15 12 210 J +15 12 211 N +15 12 212 R +15 12 213 T +15 12 214 N +15 12 215 P +15 12 216 K +15 12 217 R +15 12 218 N +15 12 219 T +15 12 220 N +15 12 221 T +15 12 222 N +15 12 223 N +15 12 224 T +15 12 225 BR +15 12 226 N +15 12 227 K +15 12 228 K +15 12 229 N +15 12 230 T +15 12 231 P +15 12 232 K +15 12 233 N +15 12 234 N +15 12 235 P +15 12 236 KH +15 12 237 BR +15 12 238 N +15 12 239 P +15 12 240 KH +15 12 241 T +15 12 242 T +15 12 243 P +15 12 244 T +15 12 245 P +15 12 246 N +15 12 247 BR +15 12 248 K +15 12 249 N +15 12 250 N +15 12 251 N +15 12 252 T +15 12 253 N +15 12 254 N +15 12 255 K +15 12 256 P +15 12 257 K +15 12 258 BR +15 12 259 R +15 12 260 T +15 12 261 P +15 12 262 T +15 12 263 T +15 12 264 T +15 12 265 N +15 12 266 P +15 12 267 J +15 12 268 N +15 12 269 P +15 12 270 A +15 12 271 K +15 12 272 T +15 12 273 P +15 12 274 T +15 12 275 K +15 12 276 P +15 12 277 K +15 12 278 P +15 12 279 K +15 12 280 KH +15 12 281 N +15 12 282 N +15 12 283 BR +15 12 284 T +15 12 285 P +15 12 286 T +15 12 287 KH +15 12 288 P +15 12 289 N +15 12 290 T +15 12 291 N +15 12 292 P +15 12 293 T +15 12 294 T +15 12 295 KH +15 12 296 N +15 12 297 A +15 12 298 P +15 12 299 N +15 12 300 T +15 12 301 N +15 12 302 T +15 12 303 N +15 12 304 N +15 12 305 P +15 12 306 P +15 12 307 N +15 12 308 BR +15 12 309 K +15 12 310 N +15 12 311 N +15 12 312 K +15 12 313 N +15 12 314 T +15 12 315 N +15 12 316 N +15 12 317 P +15 12 318 P +15 12 319 T +15 12 320 BR +15 12 321 P +15 12 322 T +15 12 323 N +15 12 324 T +15 12 325 P +15 12 326 A +15 12 327 T +15 12 328 N +15 12 329 P +15 12 330 T +15 13 1 N +15 13 2 N +15 13 3 R +15 13 4 J +15 13 5 N +15 13 6 BR +15 13 7 N +15 13 8 R +15 13 9 BR +15 13 10 N +15 13 11 N +15 13 12 P +15 13 13 N +15 13 14 N +15 13 15 BR +15 13 16 T +15 13 17 R +15 13 18 K +15 13 19 N +15 13 20 N +15 13 21 R +15 13 22 BR +15 13 23 J +15 13 24 KH +15 13 25 N +15 13 26 N +15 13 27 BR +15 13 28 R +15 13 29 N +15 13 30 P +15 13 31 N +15 13 32 BR +15 13 33 N +15 13 34 N +15 13 35 BR +15 13 36 N +15 13 37 N +15 13 38 P +15 13 39 N +15 13 40 N +15 13 41 R +15 13 42 BR +15 13 43 N +15 13 44 BR +15 13 45 N +15 13 46 BR +15 13 47 N +15 13 48 P +15 13 49 N +15 13 50 J +15 13 51 BR +15 13 52 T +15 13 53 R +15 13 54 N +15 13 55 N +15 13 56 BR +15 13 57 N +15 13 58 BR +15 13 59 BR +15 13 60 N +15 13 61 R +15 13 62 BR +15 13 63 P +15 13 64 N +15 13 65 R +15 13 66 BR +15 13 67 N +15 13 68 R +15 13 69 N +15 13 70 BR +15 13 71 R +15 13 72 N +15 13 73 J +15 13 74 N +15 13 75 N +15 13 76 P +15 13 77 N +15 13 78 BR +15 13 79 K +15 13 80 N +15 13 81 N +15 13 82 N +15 13 83 BR +15 13 84 BR +15 13 85 N +15 13 86 BR +15 13 87 N +15 13 88 R +15 13 89 K +15 13 90 N +15 13 91 P +15 13 92 BR +15 13 93 N +15 13 94 BR +15 13 95 T +15 13 96 P +15 13 97 N +15 13 98 R +15 13 99 BR +15 13 100 N +15 13 101 R +15 13 102 BR +15 13 103 N +15 13 104 N +15 13 105 R +15 13 106 BR +15 13 107 BR +15 13 108 N +15 13 109 N +15 13 110 P +15 13 111 N +15 13 112 R +15 13 113 KH +15 13 114 N +15 13 115 R +15 13 116 N +15 13 117 BR +15 13 118 BR +15 13 119 N +15 13 120 T +15 13 121 P +15 13 122 N +15 13 123 N +15 13 124 P +15 13 125 P +15 13 126 BR +15 13 127 K +15 13 128 P +15 13 129 BR +15 13 130 N +15 13 131 R +15 13 132 R +15 13 133 N +15 13 134 K +15 13 135 P +15 13 136 N +15 13 137 N +15 13 138 N +15 13 139 BR +15 13 140 N +15 13 141 T +15 13 142 BR +15 13 143 N +15 13 144 J +15 13 145 N +15 13 146 P +15 13 147 N +15 13 148 R +15 13 149 N +15 13 150 J +15 13 151 BR +15 13 152 BR +15 13 153 N +15 13 154 K +15 13 155 KH +15 13 156 N +15 13 157 KH +15 13 158 T +15 13 159 N +15 13 160 BR +15 13 161 N +15 13 162 R +15 13 163 N +15 13 164 N +15 13 165 N +15 13 166 N +15 13 167 BR +15 13 168 N +15 13 169 N +15 13 170 N +15 13 171 N +15 13 172 T +15 13 173 BR +15 13 174 P +15 13 175 N +15 13 176 P +15 13 177 BR +15 13 178 N +15 13 179 R +15 13 180 N +15 13 181 P +15 13 182 R +15 13 183 KH +15 13 184 J +15 13 185 P +15 13 186 N +15 13 187 N +15 13 188 N +15 13 189 BR +15 13 190 BR +15 13 191 N +15 13 192 J +15 13 193 P +15 13 194 R +15 13 195 N +15 13 196 N +15 13 197 BR +15 13 198 K +15 13 199 T +15 13 200 N +15 13 201 BR +15 13 202 N +15 13 203 P +15 13 204 K +15 13 205 J +15 13 206 T +15 13 207 R +15 13 208 KH +15 13 209 N +15 13 210 R +15 13 211 N +15 13 212 P +15 13 213 BR +15 13 214 P +15 13 215 P +15 13 216 N +15 13 217 BR +15 13 218 P +15 13 219 T +15 13 220 N +15 13 221 T +15 13 222 J +15 13 223 N +15 13 224 T +15 13 225 N +15 13 226 N +15 13 227 N +15 13 228 N +15 13 229 N +15 13 230 BR +15 13 231 J +15 13 232 KH +15 13 233 BR +15 13 234 N +15 13 235 N +15 13 236 P +15 13 237 BR +15 13 238 N +15 13 239 BR +15 13 240 R +15 13 241 T +15 13 242 P +15 13 243 R +15 13 244 T +15 13 245 R +15 13 246 N +15 13 247 J +15 13 248 K +15 13 249 N +15 13 250 J +15 13 251 N +15 13 252 BR +15 13 253 N +15 13 254 N +15 13 255 K +15 13 256 R +15 13 257 N +15 13 258 P +15 13 259 R +15 13 260 BR +15 13 261 P +15 13 262 T +15 13 263 T +15 13 264 N +15 13 265 N +15 13 266 R +15 13 267 R +15 13 268 N +15 13 269 J +15 13 270 P +15 13 271 N +15 13 272 T +15 13 273 J +15 13 274 T +15 13 275 P +15 13 276 R +15 13 277 N +15 13 278 P +15 13 279 N +15 13 280 N +15 13 281 N +15 13 282 N +15 13 283 P +15 13 284 T +15 13 285 BR +15 13 286 T +15 13 287 P +15 13 288 R +15 13 289 N +15 13 290 BR +15 13 291 N +15 13 292 BR +15 13 293 T +15 13 294 T +15 13 295 KH +15 13 296 J +15 13 297 P +15 13 298 R +15 13 299 N +15 13 300 T +15 13 301 N +15 13 302 BR +15 13 303 BR +15 13 304 N +15 13 305 R +15 13 306 N +15 13 307 N +15 13 308 BR +15 13 309 KH +15 13 310 N +15 13 311 N +15 13 312 K +15 13 313 K +15 13 314 BR +15 13 315 N +15 13 316 N +15 13 317 R +15 13 318 P +15 13 319 BR +15 13 320 N +15 13 321 R +15 13 322 N +15 13 323 N +15 13 324 BR +15 13 325 J +15 13 326 P +15 13 327 BR +15 13 328 N +15 13 329 KH +15 13 330 T +15 14 1 N +15 14 2 BR +15 14 3 R +15 14 4 J +15 14 5 N +15 14 6 BR +15 14 7 N +15 14 8 R +15 14 9 BR +15 14 10 N +15 14 11 K +15 14 12 A +15 14 13 K +15 14 14 K +15 14 15 BR +15 14 16 T +15 14 17 P +15 14 18 K +15 14 19 N +15 14 20 N +15 14 21 R +15 14 22 BR +15 14 23 BR +15 14 24 K +15 14 25 N +15 14 26 N +15 14 27 BR +15 14 28 P +15 14 29 N +15 14 30 A +15 14 31 N +15 14 32 BR +15 14 33 N +15 14 34 N +15 14 35 BR +15 14 36 K +15 14 37 N +15 14 38 P +15 14 39 N +15 14 40 N +15 14 41 P +15 14 42 A +15 14 43 K +15 14 44 T +15 14 45 N +15 14 46 K +15 14 47 K +15 14 48 A +15 14 49 N +15 14 50 J +15 14 51 K +15 14 52 T +15 14 53 P +15 14 54 N +15 14 55 N +15 14 56 BR +15 14 57 N +15 14 58 P +15 14 59 T +15 14 60 K +15 14 61 P +15 14 62 J +15 14 63 BR +15 14 64 N +15 14 65 P +15 14 66 T +15 14 67 N +15 14 68 BR +15 14 69 N +15 14 70 T +15 14 71 P +15 14 72 N +15 14 73 J +15 14 74 N +15 14 75 J +15 14 76 A +15 14 77 N +15 14 78 BR +15 14 79 K +15 14 80 N +15 14 81 N +15 14 82 N +15 14 83 T +15 14 84 BR +15 14 85 N +15 14 86 BR +15 14 87 K +15 14 88 P +15 14 89 K +15 14 90 K +15 14 91 P +15 14 92 T +15 14 93 N +15 14 94 K +15 14 95 T +15 14 96 A +15 14 97 J +15 14 98 R +15 14 99 BR +15 14 100 N +15 14 101 R +15 14 102 T +15 14 103 N +15 14 104 N +15 14 105 P +15 14 106 BR +15 14 107 T +15 14 108 T +15 14 109 N +15 14 110 A +15 14 111 K +15 14 112 P +15 14 113 K +15 14 114 N +15 14 115 P +15 14 116 T +15 14 117 K +15 14 118 BR +15 14 119 N +15 14 120 T +15 14 121 A +15 14 122 N +15 14 123 N +15 14 124 N +15 14 125 P +15 14 126 BR +15 14 127 K +15 14 128 A +15 14 129 BR +15 14 130 K +15 14 131 J +15 14 132 R +15 14 133 N +15 14 134 K +15 14 135 R +15 14 136 N +15 14 137 N +15 14 138 N +15 14 139 T +15 14 140 N +15 14 141 T +15 14 142 T +15 14 143 N +15 14 144 N +15 14 145 N +15 14 146 A +15 14 147 N +15 14 148 P +15 14 149 A +15 14 150 J +15 14 151 BR +15 14 152 BR +15 14 153 N +15 14 154 K +15 14 155 K +15 14 156 N +15 14 157 K +15 14 158 T +15 14 159 BR +15 14 160 BR +15 14 161 N +15 14 162 R +15 14 163 N +15 14 164 N +15 14 165 N +15 14 166 K +15 14 167 BR +15 14 168 N +15 14 169 N +15 14 170 K +15 14 171 N +15 14 172 T +15 14 173 R +15 14 174 A +15 14 175 BR +15 14 176 R +15 14 177 A +15 14 178 K +15 14 179 R +15 14 180 N +15 14 181 A +15 14 182 P +15 14 183 K +15 14 184 J +15 14 185 A +15 14 186 N +15 14 187 A +15 14 188 N +15 14 189 N +15 14 190 BR +15 14 191 N +15 14 192 J +15 14 193 N +15 14 194 P +15 14 195 N +15 14 196 BR +15 14 197 N +15 14 198 K +15 14 199 T +15 14 200 N +15 14 201 BR +15 14 202 N +15 14 203 R +15 14 204 K +15 14 205 J +15 14 206 T +15 14 207 P +15 14 208 KH +15 14 209 N +15 14 210 J +15 14 211 N +15 14 212 A +15 14 213 T +15 14 214 A +15 14 215 BR +15 14 216 K +15 14 217 BR +15 14 218 N +15 14 219 BR +15 14 220 N +15 14 221 T +15 14 222 J +15 14 223 N +15 14 224 T +15 14 225 N +15 14 226 K +15 14 227 K +15 14 228 K +15 14 229 N +15 14 230 T +15 14 231 R +15 14 232 KH +15 14 233 BR +15 14 234 N +15 14 235 N +15 14 236 N +15 14 237 BR +15 14 238 N +15 14 239 BR +15 14 240 P +15 14 241 T +15 14 242 A +15 14 243 P +15 14 244 T +15 14 245 P +15 14 246 N +15 14 247 J +15 14 248 K +15 14 249 N +15 14 250 J +15 14 251 N +15 14 252 T +15 14 253 N +15 14 254 BR +15 14 255 K +15 14 256 P +15 14 257 K +15 14 258 A +15 14 259 R +15 14 260 T +15 14 261 A +15 14 262 T +15 14 263 T +15 14 264 N +15 14 265 N +15 14 266 R +15 14 267 J +15 14 268 N +15 14 269 R +15 14 270 A +15 14 271 N +15 14 272 T +15 14 273 BR +15 14 274 T +15 14 275 BR +15 14 276 R +15 14 277 N +15 14 278 BR +15 14 279 N +15 14 280 N +15 14 281 N +15 14 282 N +15 14 283 BR +15 14 284 T +15 14 285 BR +15 14 286 T +15 14 287 A +15 14 288 P +15 14 289 N +15 14 290 T +15 14 291 N +15 14 292 BR +15 14 293 T +15 14 294 T +15 14 295 N +15 14 296 J +15 14 297 A +15 14 298 P +15 14 299 N +15 14 300 T +15 14 301 N +15 14 302 T +15 14 303 T +15 14 304 N +15 14 305 J +15 14 306 N +15 14 307 N +15 14 308 J +15 14 309 K +15 14 310 N +15 14 311 N +15 14 312 K +15 14 313 N +15 14 314 T +15 14 315 N +15 14 316 N +15 14 317 P +15 14 318 A +15 14 319 BR +15 14 320 N +15 14 321 P +15 14 322 N +15 14 323 N +15 14 324 T +15 14 325 J +15 14 326 A +15 14 327 T +15 14 328 N +15 14 329 BR +15 14 330 T +15 15 1 J +15 15 2 BR +15 15 3 KS +15 15 4 K +15 15 5 N +15 15 6 BR +15 15 7 N +15 15 8 R +15 15 9 KH +15 15 10 K +15 15 11 K +15 15 12 BR +15 15 13 N +15 15 14 K +15 15 15 BR +15 15 16 T +15 15 17 KS +15 15 18 K +15 15 19 J +15 15 20 N +15 15 21 R +15 15 22 P +15 15 23 J +15 15 24 K +15 15 25 N +15 15 26 J +15 15 27 T +15 15 28 G +15 15 29 N +15 15 30 KS +15 15 31 BR +15 15 32 J +15 15 33 N +15 15 34 J +15 15 35 KS +15 15 36 K +15 15 37 J +15 15 38 R +15 15 39 N +15 15 40 J +15 15 41 R +15 15 42 P +15 15 43 K +15 15 44 BR +15 15 45 N +15 15 46 K +15 15 47 N +15 15 48 P +15 15 49 J +15 15 50 G +15 15 51 KH +15 15 52 T +15 15 53 R +15 15 54 N +15 15 55 J +15 15 56 BR +15 15 57 N +15 15 58 KH +15 15 59 T +15 15 60 K +15 15 61 R +15 15 62 J +15 15 63 P +15 15 64 J +15 15 65 R +15 15 66 T +15 15 67 N +15 15 68 J +15 15 69 K +15 15 70 T +15 15 71 R +15 15 72 N +15 15 73 J +15 15 74 N +15 15 75 N +15 15 76 P +15 15 77 N +15 15 78 BR +15 15 79 K +15 15 80 J +15 15 81 N +15 15 82 N +15 15 83 BR +15 15 84 BR +15 15 85 N +15 15 86 G +15 15 87 K +15 15 88 J +15 15 89 K +15 15 90 N +15 15 91 P +15 15 92 T +15 15 93 J +15 15 94 K +15 15 95 BR +15 15 96 P +15 15 97 G +15 15 98 R +15 15 99 BR +15 15 100 N +15 15 101 G +15 15 102 T +15 15 103 KH +15 15 104 J +15 15 105 G +15 15 106 P +15 15 107 T +15 15 108 T +15 15 109 J +15 15 110 P +15 15 111 N +15 15 112 R +15 15 113 K +15 15 114 N +15 15 115 R +15 15 116 T +15 15 117 K +15 15 118 J +15 15 119 N +15 15 120 T +15 15 121 KS +15 15 122 N +15 15 123 J +15 15 124 P +15 15 125 KS +15 15 126 G +15 15 127 N +15 15 128 P +15 15 129 T +15 15 130 N +15 15 131 G +15 15 132 R +15 15 133 N +15 15 134 K +15 15 135 G +15 15 136 N +15 15 137 N +15 15 138 J +15 15 139 T +15 15 140 K +15 15 141 T +15 15 142 T +15 15 143 N +15 15 144 J +15 15 145 N +15 15 146 P +15 15 147 N +15 15 148 R +15 15 149 N +15 15 150 G +15 15 151 P +15 15 152 J +15 15 153 J +15 15 154 K +15 15 155 K +15 15 156 N +15 15 157 K +15 15 158 T +15 15 159 P +15 15 160 G +15 15 161 N +15 15 162 R +15 15 163 N +15 15 164 J +15 15 165 N +15 15 166 K +15 15 167 J +15 15 168 N +15 15 169 N +15 15 170 K +15 15 171 N +15 15 172 T +15 15 173 R +15 15 174 P +15 15 175 J +15 15 176 R +15 15 177 P +15 15 178 N +15 15 179 R +15 15 180 N +15 15 181 P +15 15 182 R +15 15 183 N +15 15 184 G +15 15 185 KS +15 15 186 N +15 15 187 KS +15 15 188 N +15 15 189 T +15 15 190 BR +15 15 191 N +15 15 192 J +15 15 193 P +15 15 194 R +15 15 195 N +15 15 196 N +15 15 197 J +15 15 198 K +15 15 199 T +15 15 200 G +15 15 201 BR +15 15 202 N +15 15 203 BR +15 15 204 K +15 15 205 J +15 15 206 T +15 15 207 R +15 15 208 N +15 15 209 N +15 15 210 K +15 15 211 J +15 15 212 KS +15 15 213 BR +15 15 214 P +15 15 215 BR +15 15 216 N +15 15 217 BR +15 15 218 N +15 15 219 T +15 15 220 J +15 15 221 T +15 15 222 J +15 15 223 N +15 15 224 BR +15 15 225 N +15 15 226 N +15 15 227 K +15 15 228 K +15 15 229 N +15 15 230 BR +15 15 231 J +15 15 232 N +15 15 233 J +15 15 234 N +15 15 235 N +15 15 236 N +15 15 237 BR +15 15 238 N +15 15 239 BR +15 15 240 R +15 15 241 T +15 15 242 P +15 15 243 R +15 15 244 T +15 15 245 T +15 15 246 N +15 15 247 J +15 15 248 K +15 15 249 N +15 15 250 J +15 15 251 N +15 15 252 T +15 15 253 N +15 15 254 J +15 15 255 K +15 15 256 R +15 15 257 K +15 15 258 P +15 15 259 R +15 15 260 BR +15 15 261 KS +15 15 262 T +15 15 263 T +15 15 264 T +15 15 265 N +15 15 266 KS +15 15 267 G +15 15 268 N +15 15 269 G +15 15 270 KS +15 15 271 N +15 15 272 T +15 15 273 G +15 15 274 T +15 15 275 N +15 15 276 R +15 15 277 N +15 15 278 KS +15 15 279 N +15 15 280 N +15 15 281 N +15 15 282 N +15 15 283 KS +15 15 284 T +15 15 285 G +15 15 286 T +15 15 287 N +15 15 288 R +15 15 289 G +15 15 290 BR +15 15 291 J +15 15 292 BR +15 15 293 T +15 15 294 T +15 15 295 KS +15 15 296 J +15 15 297 P +15 15 298 R +15 15 299 N +15 15 300 T +15 15 301 N +15 15 302 BR +15 15 303 T +15 15 304 N +15 15 305 N +15 15 306 N +15 15 307 J +15 15 308 J +15 15 309 N +15 15 310 N +15 15 311 N +15 15 312 K +15 15 313 J +15 15 314 T +15 15 315 N +15 15 316 N +15 15 317 J +15 15 318 KS +15 15 319 T +15 15 320 N +15 15 321 R +15 15 322 J +15 15 323 N +15 15 324 T +15 15 325 J +15 15 326 P +15 15 327 T +15 15 328 N +15 15 329 N +15 15 330 T +15 16 1 N +15 16 2 N +15 16 3 R +15 16 4 K +15 16 5 N +15 16 6 BR +15 16 7 N +15 16 8 R +15 16 9 BR +15 16 10 K +15 16 11 K +15 16 12 A +15 16 13 K +15 16 14 K +15 16 15 BR +15 16 16 T +15 16 17 R +15 16 18 K +15 16 19 N +15 16 20 N +15 16 21 R +15 16 22 A +15 16 23 R +15 16 24 K +15 16 25 N +15 16 26 K +15 16 27 BR +15 16 28 BR +15 16 29 N +15 16 30 A +15 16 31 N +15 16 32 BR +15 16 33 N +15 16 34 N +15 16 35 BR +15 16 36 N +15 16 37 N +15 16 38 BR +15 16 39 N +15 16 40 N +15 16 41 BR +15 16 42 A +15 16 43 K +15 16 44 T +15 16 45 N +15 16 46 T +15 16 47 K +15 16 48 A +15 16 49 N +15 16 50 K +15 16 51 K +15 16 52 T +15 16 53 R +15 16 54 N +15 16 55 N +15 16 56 BR +15 16 57 K +15 16 58 A +15 16 59 T +15 16 60 K +15 16 61 R +15 16 62 T +15 16 63 A +15 16 64 N +15 16 65 R +15 16 66 T +15 16 67 N +15 16 68 BR +15 16 69 A +15 16 70 T +15 16 71 BR +15 16 72 N +15 16 73 R +15 16 74 N +15 16 75 K +15 16 76 A +15 16 77 N +15 16 78 BR +15 16 79 K +15 16 80 N +15 16 81 N +15 16 82 N +15 16 83 T +15 16 84 BR +15 16 85 N +15 16 86 BR +15 16 87 K +15 16 88 N +15 16 89 K +15 16 90 K +15 16 91 N +15 16 92 T +15 16 93 N +15 16 94 K +15 16 95 T +15 16 96 A +15 16 97 BR +15 16 98 R +15 16 99 BR +15 16 100 N +15 16 101 R +15 16 102 T +15 16 103 N +15 16 104 N +15 16 105 BR +15 16 106 BR +15 16 107 T +15 16 108 N +15 16 109 K +15 16 110 A +15 16 111 K +15 16 112 R +15 16 113 K +15 16 114 N +15 16 115 R +15 16 116 N +15 16 117 K +15 16 118 R +15 16 119 N +15 16 120 T +15 16 121 R +15 16 122 N +15 16 123 K +15 16 124 N +15 16 125 BR +15 16 126 BR +15 16 127 K +15 16 128 N +15 16 129 T +15 16 130 K +15 16 131 R +15 16 132 R +15 16 133 N +15 16 134 K +15 16 135 N +15 16 136 N +15 16 137 K +15 16 138 N +15 16 139 BR +15 16 140 K +15 16 141 T +15 16 142 T +15 16 143 N +15 16 144 K +15 16 145 N +15 16 146 A +15 16 147 N +15 16 148 R +15 16 149 N +15 16 150 J +15 16 151 BR +15 16 152 BR +15 16 153 N +15 16 154 K +15 16 155 K +15 16 156 N +15 16 157 BR +15 16 158 T +15 16 159 BR +15 16 160 BR +15 16 161 N +15 16 162 R +15 16 163 N +15 16 164 N +15 16 165 N +15 16 166 T +15 16 167 T +15 16 168 N +15 16 169 N +15 16 170 K +15 16 171 N +15 16 172 T +15 16 173 R +15 16 174 A +15 16 175 N +15 16 176 R +15 16 177 N +15 16 178 N +15 16 179 R +15 16 180 N +15 16 181 A +15 16 182 R +15 16 183 BR +15 16 184 R +15 16 185 A +15 16 186 N +15 16 187 A +15 16 188 N +15 16 189 T +15 16 190 P +15 16 191 N +15 16 192 J +15 16 193 N +15 16 194 R +15 16 195 N +15 16 196 N +15 16 197 J +15 16 198 K +15 16 199 T +15 16 200 N +15 16 201 R +15 16 202 N +15 16 203 R +15 16 204 K +15 16 205 J +15 16 206 T +15 16 207 R +15 16 208 N +15 16 209 N +15 16 210 N +15 16 211 R +15 16 212 N +15 16 213 A +15 16 214 T +15 16 215 N +15 16 216 R +15 16 217 K +15 16 218 BR +15 16 219 N +15 16 220 T +15 16 221 K +15 16 222 BR +15 16 223 N +15 16 224 T +15 16 225 N +15 16 226 N +15 16 227 K +15 16 228 K +15 16 229 N +15 16 230 BR +15 16 231 R +15 16 232 N +15 16 233 T +15 16 234 N +15 16 235 N +15 16 236 N +15 16 237 BR +15 16 238 N +15 16 239 BR +15 16 240 R +15 16 241 T +15 16 242 A +15 16 243 R +15 16 244 T +15 16 245 R +15 16 246 N +15 16 247 J +15 16 248 N +15 16 249 N +15 16 250 J +15 16 251 N +15 16 252 T +15 16 253 N +15 16 254 T +15 16 255 K +15 16 256 R +15 16 257 K +15 16 258 N +15 16 259 R +15 16 260 T +15 16 261 A +15 16 262 T +15 16 263 T +15 16 264 N +15 16 265 N +15 16 266 R +15 16 267 J +15 16 268 N +15 16 269 R +15 16 270 A +15 16 271 K +15 16 272 T +15 16 273 BR +15 16 274 T +15 16 275 N +15 16 276 R +15 16 277 N +15 16 278 BR +15 16 279 K +15 16 280 N +15 16 281 N +15 16 282 N +15 16 283 BR +15 16 284 T +15 16 285 BR +15 16 286 T +15 16 287 N +15 16 288 R +15 16 289 N +15 16 290 T +15 16 291 N +15 16 292 BR +15 16 293 T +15 16 294 T +15 16 295 N +15 16 296 J +15 16 297 A +15 16 298 R +15 16 299 J +15 16 300 T +15 16 301 N +15 16 302 T +15 16 303 T +15 16 304 N +15 16 305 R +15 16 306 N +15 16 307 N +15 16 308 J +15 16 309 N +15 16 310 N +15 16 311 J +15 16 312 K +15 16 313 J +15 16 314 T +15 16 315 N +15 16 316 N +15 16 317 R +15 16 318 BR +15 16 319 T +15 16 320 N +15 16 321 R +15 16 322 BR +15 16 323 N +15 16 324 T +15 16 325 BR +15 16 326 A +15 16 327 T +15 16 328 N +15 16 329 BR +15 16 330 T +15 17 1 N +15 17 2 N +15 17 3 P +15 17 4 K +15 17 5 N +15 17 6 A +15 17 7 N +15 17 8 P +15 17 9 A +15 17 10 N +15 17 11 N +15 17 12 A +15 17 13 N +15 17 14 N +15 17 15 BR +15 17 16 T +15 17 17 P +15 17 18 K +15 17 19 N +15 17 20 N +15 17 21 N +15 17 22 P +15 17 23 N +15 17 24 K +15 17 25 N +15 17 26 N +15 17 27 P +15 17 28 R +15 17 29 N +15 17 30 A +15 17 31 N +15 17 32 A +15 17 33 N +15 17 34 N +15 17 35 P +15 17 36 N +15 17 37 N +15 17 38 P +15 17 39 N +15 17 40 N +15 17 41 P +15 17 42 N +15 17 43 P +15 17 44 BR +15 17 45 N +15 17 46 K +15 17 47 N +15 17 48 P +15 17 49 N +15 17 50 K +15 17 51 P +15 17 52 N +15 17 53 R +15 17 54 N +15 17 55 N +15 17 56 P +15 17 57 N +15 17 58 A +15 17 59 T +15 17 60 N +15 17 61 P +15 17 62 K +15 17 63 A +15 17 64 N +15 17 65 P +15 17 66 T +15 17 67 N +15 17 68 P +15 17 69 K +15 17 70 N +15 17 71 P +15 17 72 N +15 17 73 P +15 17 74 N +15 17 75 K +15 17 76 P +15 17 77 N +15 17 78 BR +15 17 79 K +15 17 80 N +15 17 81 P +15 17 82 N +15 17 83 P +15 17 84 R +15 17 85 N +15 17 86 R +15 17 87 K +15 17 88 N +15 17 89 K +15 17 90 K +15 17 91 P +15 17 92 BR +15 17 93 N +15 17 94 K +15 17 95 N +15 17 96 P +15 17 97 K +15 17 98 P +15 17 99 K +15 17 100 N +15 17 101 P +15 17 102 K +15 17 103 A +15 17 104 N +15 17 105 P +15 17 106 A +15 17 107 T +15 17 108 N +15 17 109 N +15 17 110 A +15 17 111 K +15 17 112 P +15 17 113 K +15 17 114 N +15 17 115 P +15 17 116 N +15 17 117 K +15 17 118 P +15 17 119 N +15 17 120 T +15 17 121 R +15 17 122 N +15 17 123 N +15 17 124 A +15 17 125 R +15 17 126 R +15 17 127 K +15 17 128 P +15 17 129 T +15 17 130 K +15 17 131 R +15 17 132 R +15 17 133 N +15 17 134 K +15 17 135 R +15 17 136 N +15 17 137 K +15 17 138 N +15 17 139 T +15 17 140 K +15 17 141 T +15 17 142 T +15 17 143 N +15 17 144 N +15 17 145 N +15 17 146 P +15 17 147 N +15 17 148 P +15 17 149 N +15 17 150 N +15 17 151 P +15 17 152 P +15 17 153 N +15 17 154 K +15 17 155 K +15 17 156 N +15 17 157 K +15 17 158 T +15 17 159 A +15 17 160 P +15 17 161 N +15 17 162 P +15 17 163 N +15 17 164 N +15 17 165 K +15 17 166 K +15 17 167 T +15 17 168 N +15 17 169 N +15 17 170 K +15 17 171 P +15 17 172 T +15 17 173 P +15 17 174 A +15 17 175 N +15 17 176 P +15 17 177 A +15 17 178 N +15 17 179 P +15 17 180 N +15 17 181 A +15 17 182 P +15 17 183 K +15 17 184 P +15 17 185 A +15 17 186 N +15 17 187 A +15 17 188 N +15 17 189 N +15 17 190 P +15 17 191 P +15 17 192 N +15 17 193 P +15 17 194 R +15 17 195 N +15 17 196 N +15 17 197 N +15 17 198 K +15 17 199 N +15 17 200 N +15 17 201 K +15 17 202 N +15 17 203 R +15 17 204 K +15 17 205 N +15 17 206 T +15 17 207 R +15 17 208 N +15 17 209 N +15 17 210 K +15 17 211 N +15 17 212 P +15 17 213 BR +15 17 214 A +15 17 215 N +15 17 216 K +15 17 217 R +15 17 218 N +15 17 219 N +15 17 220 N +15 17 221 N +15 17 222 K +15 17 223 N +15 17 224 T +15 17 225 P +15 17 226 N +15 17 227 K +15 17 228 K +15 17 229 N +15 17 230 T +15 17 231 R +15 17 232 K +15 17 233 N +15 17 234 N +15 17 235 N +15 17 236 N +15 17 237 A +15 17 238 N +15 17 239 R +15 17 240 K +15 17 241 T +15 17 242 BR +15 17 243 K +15 17 244 T +15 17 245 P +15 17 246 N +15 17 247 N +15 17 248 K +15 17 249 K +15 17 250 N +15 17 251 N +15 17 252 T +15 17 253 N +15 17 254 N +15 17 255 K +15 17 256 R +15 17 257 N +15 17 258 A +15 17 259 R +15 17 260 BR +15 17 261 A +15 17 262 T +15 17 263 K +15 17 264 N +15 17 265 N +15 17 266 R +15 17 267 N +15 17 268 N +15 17 269 R +15 17 270 A +15 17 271 K +15 17 272 T +15 17 273 N +15 17 274 T +15 17 275 BR +15 17 276 P +15 17 277 K +15 17 278 A +15 17 279 K +15 17 280 N +15 17 281 N +15 17 282 N +15 17 283 K +15 17 284 T +15 17 285 BR +15 17 286 T +15 17 287 A +15 17 288 R +15 17 289 N +15 17 290 BR +15 17 291 N +15 17 292 BR +15 17 293 BR +15 17 294 BR +15 17 295 K +15 17 296 N +15 17 297 P +15 17 298 R +15 17 299 N +15 17 300 BR +15 17 301 N +15 17 302 BR +15 17 303 N +15 17 304 K +15 17 305 R +15 17 306 N +15 17 307 N +15 17 308 BR +15 17 309 K +15 17 310 N +15 17 311 N +15 17 312 K +15 17 313 K +15 17 314 T +15 17 315 N +15 17 316 N +15 17 317 R +15 17 318 A +15 17 319 T +15 17 320 BR +15 17 321 R +15 17 322 N +15 17 323 N +15 17 324 T +15 17 325 R +15 17 326 P +15 17 327 T +15 17 328 N +15 17 329 P +15 17 330 T +15 18 1 N +15 18 2 P +15 18 3 A +15 18 4 R +15 18 5 N +15 18 6 A +15 18 7 N +15 18 8 J +15 18 9 A +15 18 10 K +15 18 11 N +15 18 12 A +15 18 13 N +15 18 14 N +15 18 15 P +15 18 16 T +15 18 17 R +15 18 18 K +15 18 19 N +15 18 20 N +15 18 21 P +15 18 22 A +15 18 23 N +15 18 24 K +15 18 25 P +15 18 26 N +15 18 27 R +15 18 28 P +15 18 29 N +15 18 30 A +15 18 31 N +15 18 32 N +15 18 33 N +15 18 34 N +15 18 35 R +15 18 36 K +15 18 37 N +15 18 38 R +15 18 39 N +15 18 40 N +15 18 41 R +15 18 42 A +15 18 43 N +15 18 44 T +15 18 45 N +15 18 46 K +15 18 47 K +15 18 48 A +15 18 49 N +15 18 50 N +15 18 51 A +15 18 52 T +15 18 53 R +15 18 54 N +15 18 55 N +15 18 56 P +15 18 57 N +15 18 58 P +15 18 59 T +15 18 60 K +15 18 61 R +15 18 62 N +15 18 63 R +15 18 64 N +15 18 65 R +15 18 66 T +15 18 67 N +15 18 68 R +15 18 69 N +15 18 70 T +15 18 71 R +15 18 72 N +15 18 73 R +15 18 74 T +15 18 75 N +15 18 76 P +15 18 77 N +15 18 78 R +15 18 79 K +15 18 80 N +15 18 81 N +15 18 82 N +15 18 83 A +15 18 84 R +15 18 85 N +15 18 86 P +15 18 87 K +15 18 88 BR +15 18 89 K +15 18 90 N +15 18 91 A +15 18 92 T +15 18 93 N +15 18 94 K +15 18 95 T +15 18 96 A +15 18 97 K +15 18 98 R +15 18 99 N +15 18 100 P +15 18 101 R +15 18 102 T +15 18 103 BR +15 18 104 N +15 18 105 BR +15 18 106 A +15 18 107 T +15 18 108 N +15 18 109 N +15 18 110 A +15 18 111 K +15 18 112 R +15 18 113 K +15 18 114 N +15 18 115 R +15 18 116 N +15 18 117 K +15 18 118 R +15 18 119 N +15 18 120 T +15 18 121 R +15 18 122 N +15 18 123 N +15 18 124 A +15 18 125 R +15 18 126 BR +15 18 127 K +15 18 128 A +15 18 129 T +15 18 130 K +15 18 131 R +15 18 132 R +15 18 133 N +15 18 134 K +15 18 135 BR +15 18 136 N +15 18 137 N +15 18 138 N +15 18 139 T +15 18 140 N +15 18 141 T +15 18 142 T +15 18 143 N +15 18 144 J +15 18 145 N +15 18 146 A +15 18 147 N +15 18 148 R +15 18 149 N +15 18 150 BR +15 18 151 R +15 18 152 R +15 18 153 N +15 18 154 K +15 18 155 K +15 18 156 N +15 18 157 BR +15 18 158 T +15 18 159 A +15 18 160 R +15 18 161 N +15 18 162 R +15 18 163 N +15 18 164 N +15 18 165 N +15 18 166 N +15 18 167 BR +15 18 168 N +15 18 169 N +15 18 170 K +15 18 171 N +15 18 172 T +15 18 173 R +15 18 174 A +15 18 175 N +15 18 176 R +15 18 177 A +15 18 178 N +15 18 179 J +15 18 180 N +15 18 181 A +15 18 182 N +15 18 183 P +15 18 184 N +15 18 185 R +15 18 186 N +15 18 187 A +15 18 188 N +15 18 189 T +15 18 190 P +15 18 191 N +15 18 192 BR +15 18 193 P +15 18 194 K +15 18 195 N +15 18 196 N +15 18 197 BR +15 18 198 K +15 18 199 T +15 18 200 N +15 18 201 P +15 18 202 N +15 18 203 R +15 18 204 K +15 18 205 N +15 18 206 T +15 18 207 R +15 18 208 A +15 18 209 N +15 18 210 K +15 18 211 N +15 18 212 A +15 18 213 BR +15 18 214 A +15 18 215 N +15 18 216 K +15 18 217 P +15 18 218 A +15 18 219 T +15 18 220 N +15 18 221 T +15 18 222 N +15 18 223 N +15 18 224 T +15 18 225 A +15 18 226 N +15 18 227 K +15 18 228 N +15 18 229 N +15 18 230 T +15 18 231 J +15 18 232 K +15 18 233 N +15 18 234 N +15 18 235 N +15 18 236 P +15 18 237 R +15 18 238 N +15 18 239 R +15 18 240 P +15 18 241 T +15 18 242 A +15 18 243 K +15 18 244 T +15 18 245 P +15 18 246 N +15 18 247 N +15 18 248 K +15 18 249 N +15 18 250 N +15 18 251 N +15 18 252 T +15 18 253 N +15 18 254 BR +15 18 255 K +15 18 256 P +15 18 257 N +15 18 258 A +15 18 259 P +15 18 260 A +15 18 261 A +15 18 262 T +15 18 263 K +15 18 264 BR +15 18 265 N +15 18 266 P +15 18 267 N +15 18 268 N +15 18 269 N +15 18 270 A +15 18 271 K +15 18 272 T +15 18 273 R +15 18 274 T +15 18 275 A +15 18 276 R +15 18 277 N +15 18 278 A +15 18 279 N +15 18 280 N +15 18 281 N +15 18 282 N +15 18 283 BR +15 18 284 T +15 18 285 BR +15 18 286 T +15 18 287 A +15 18 288 P +15 18 289 N +15 18 290 T +15 18 291 N +15 18 292 P +15 18 293 N +15 18 294 T +15 18 295 BR +15 18 296 N +15 18 297 A +15 18 298 P +15 18 299 N +15 18 300 K +15 18 301 N +15 18 302 T +15 18 303 N +15 18 304 N +15 18 305 N +15 18 306 N +15 18 307 N +15 18 308 BR +15 18 309 K +15 18 310 N +15 18 311 N +15 18 312 J +15 18 313 N +15 18 314 T +15 18 315 N +15 18 316 N +15 18 317 R +15 18 318 A +15 18 319 T +15 18 320 A +15 18 321 R +15 18 322 N +15 18 323 N +15 18 324 T +15 18 325 BR +15 18 326 A +15 18 327 T +15 18 328 N +15 18 329 A +15 18 330 T +15 19 1 N +15 19 2 N +15 19 3 R +15 19 4 K +15 19 5 N +15 19 6 A +15 19 7 N +15 19 8 R +15 19 9 K +15 19 10 K +15 19 11 N +15 19 12 A +15 19 13 N +15 19 14 N +15 19 15 BR +15 19 16 T +15 19 17 R +15 19 18 K +15 19 19 N +15 19 20 N +15 19 21 R +15 19 22 BR +15 19 23 K +15 19 24 K +15 19 25 N +15 19 26 N +15 19 27 BR +15 19 28 R +15 19 29 N +15 19 30 BR +15 19 31 N +15 19 32 R +15 19 33 N +15 19 34 N +15 19 35 R +15 19 36 N +15 19 37 N +15 19 38 R +15 19 39 N +15 19 40 N +15 19 41 R +15 19 42 A +15 19 43 N +15 19 44 T +15 19 45 A +15 19 46 K +15 19 47 N +15 19 48 A +15 19 49 N +15 19 50 K +15 19 51 K +15 19 52 T +15 19 53 R +15 19 54 N +15 19 55 N +15 19 56 BR +15 19 57 N +15 19 58 A +15 19 59 T +15 19 60 K +15 19 61 R +15 19 62 N +15 19 63 R +15 19 64 N +15 19 65 R +15 19 66 T +15 19 67 N +15 19 68 R +15 19 69 K +15 19 70 T +15 19 71 R +15 19 72 K +15 19 73 BR +15 19 74 N +15 19 75 N +15 19 76 R +15 19 77 N +15 19 78 BR +15 19 79 K +15 19 80 N +15 19 81 A +15 19 82 N +15 19 83 T +15 19 84 R +15 19 85 N +15 19 86 A +15 19 87 K +15 19 88 N +15 19 89 K +15 19 90 N +15 19 91 A +15 19 92 T +15 19 93 N +15 19 94 K +15 19 95 T +15 19 96 A +15 19 97 K +15 19 98 R +15 19 99 BR +15 19 100 N +15 19 101 R +15 19 102 N +15 19 103 K +15 19 104 N +15 19 105 R +15 19 106 A +15 19 107 T +15 19 108 N +15 19 109 N +15 19 110 R +15 19 111 N +15 19 112 R +15 19 113 K +15 19 114 N +15 19 115 R +15 19 116 N +15 19 117 K +15 19 118 R +15 19 119 N +15 19 120 T +15 19 121 R +15 19 122 N +15 19 123 N +15 19 124 A +15 19 125 R +15 19 126 BR +15 19 127 N +15 19 128 A +15 19 129 T +15 19 130 K +15 19 131 R +15 19 132 R +15 19 133 N +15 19 134 K +15 19 135 N +15 19 136 N +15 19 137 N +15 19 138 N +15 19 139 T +15 19 140 N +15 19 141 T +15 19 142 T +15 19 143 N +15 19 144 N +15 19 145 N +15 19 146 A +15 19 147 N +15 19 148 R +15 19 149 N +15 19 150 K +15 19 151 BR +15 19 152 BR +15 19 153 N +15 19 154 K +15 19 155 K +15 19 156 N +15 19 157 K +15 19 158 T +15 19 159 BR +15 19 160 BR +15 19 161 N +15 19 162 R +15 19 163 N +15 19 164 N +15 19 165 K +15 19 166 N +15 19 167 BR +15 19 168 N +15 19 169 N +15 19 170 N +15 19 171 N +15 19 172 T +15 19 173 R +15 19 174 A +15 19 175 N +15 19 176 R +15 19 177 A +15 19 178 N +15 19 179 R +15 19 180 N +15 19 181 A +15 19 182 R +15 19 183 A +15 19 184 R +15 19 185 A +15 19 186 N +15 19 187 A +15 19 188 N +15 19 189 N +15 19 190 BR +15 19 191 N +15 19 192 N +15 19 193 A +15 19 194 R +15 19 195 N +15 19 196 N +15 19 197 BR +15 19 198 K +15 19 199 T +15 19 200 N +15 19 201 R +15 19 202 N +15 19 203 R +15 19 204 K +15 19 205 N +15 19 206 T +15 19 207 R +15 19 208 BR +15 19 209 N +15 19 210 K +15 19 211 N +15 19 212 A +15 19 213 N +15 19 214 BR +15 19 215 T +15 19 216 K +15 19 217 BR +15 19 218 K +15 19 219 T +15 19 220 N +15 19 221 N +15 19 222 N +15 19 223 N +15 19 224 T +15 19 225 BR +15 19 226 A +15 19 227 K +15 19 228 K +15 19 229 A +15 19 230 BR +15 19 231 BR +15 19 232 K +15 19 233 N +15 19 234 N +15 19 235 N +15 19 236 A +15 19 237 BR +15 19 238 N +15 19 239 A +15 19 240 K +15 19 241 T +15 19 242 A +15 19 243 K +15 19 244 T +15 19 245 R +15 19 246 A +15 19 247 K +15 19 248 K +15 19 249 N +15 19 250 K +15 19 251 N +15 19 252 T +15 19 253 N +15 19 254 K +15 19 255 K +15 19 256 R +15 19 257 N +15 19 258 A +15 19 259 R +15 19 260 BR +15 19 261 A +15 19 262 T +15 19 263 K +15 19 264 N +15 19 265 N +15 19 266 R +15 19 267 K +15 19 268 N +15 19 269 R +15 19 270 A +15 19 271 N +15 19 272 T +15 19 273 R +15 19 274 T +15 19 275 BR +15 19 276 R +15 19 277 N +15 19 278 R +15 19 279 N +15 19 280 N +15 19 281 N +15 19 282 N +15 19 283 K +15 19 284 T +15 19 285 BR +15 19 286 T +15 19 287 K +15 19 288 R +15 19 289 N +15 19 290 T +15 19 291 N +15 19 292 R +15 19 293 BR +15 19 294 T +15 19 295 K +15 19 296 K +15 19 297 A +15 19 298 R +15 19 299 N +15 19 300 T +15 19 301 N +15 19 302 BR +15 19 303 T +15 19 304 BR +15 19 305 R +15 19 306 N +15 19 307 N +15 19 308 BR +15 19 309 K +15 19 310 N +15 19 311 N +15 19 312 K +15 19 313 K +15 19 314 BR +15 19 315 N +15 19 316 N +15 19 317 BR +15 19 318 BR +15 19 319 T +15 19 320 A +15 19 321 R +15 19 322 N +15 19 323 N +15 19 324 T +15 19 325 R +15 19 326 A +15 19 327 T +15 19 328 N +15 19 329 BR +15 19 330 T +15 20 1 N +15 20 2 N +15 20 3 KS +15 20 4 J +15 20 5 N +15 20 6 BR +15 20 7 N +15 20 8 R +15 20 9 BR +15 20 10 N +15 20 11 N +15 20 12 A +15 20 13 N +15 20 14 N +15 20 15 BR +15 20 16 T +15 20 17 KS +15 20 18 K +15 20 19 N +15 20 20 N +15 20 21 G +15 20 22 P +15 20 23 J +15 20 24 BR +15 20 25 N +15 20 26 N +15 20 27 T +15 20 28 G +15 20 29 N +15 20 30 KS +15 20 31 N +15 20 32 J +15 20 33 N +15 20 34 N +15 20 35 A +15 20 36 N +15 20 37 N +15 20 38 G +15 20 39 N +15 20 40 N +15 20 41 R +15 20 42 A +15 20 43 N +15 20 44 T +15 20 45 N +15 20 46 K +15 20 47 N +15 20 48 A +15 20 49 N +15 20 50 J +15 20 51 BR +15 20 52 T +15 20 53 G +15 20 54 N +15 20 55 N +15 20 56 G +15 20 57 N +15 20 58 A +15 20 59 T +15 20 60 N +15 20 61 G +15 20 62 N +15 20 63 G +15 20 64 N +15 20 65 G +15 20 66 T +15 20 67 N +15 20 68 J +15 20 69 N +15 20 70 T +15 20 71 N +15 20 72 N +15 20 73 J +15 20 74 N +15 20 75 N +15 20 76 A +15 20 77 N +15 20 78 N +15 20 79 K +15 20 80 N +15 20 81 A +15 20 82 N +15 20 83 T +15 20 84 G +15 20 85 N +15 20 86 G +15 20 87 BR +15 20 88 J +15 20 89 K +15 20 90 N +15 20 91 P +15 20 92 T +15 20 93 N +15 20 94 BR +15 20 95 T +15 20 96 A +15 20 97 N +15 20 98 G +15 20 99 N +15 20 100 N +15 20 101 J +15 20 102 J +15 20 103 BR +15 20 104 N +15 20 105 J +15 20 106 A +15 20 107 T +15 20 108 T +15 20 109 N +15 20 110 A +15 20 111 N +15 20 112 G +15 20 113 BR +15 20 114 N +15 20 115 R +15 20 116 N +15 20 117 BR +15 20 118 G +15 20 119 N +15 20 120 T +15 20 121 KS +15 20 122 N +15 20 123 N +15 20 124 A +15 20 125 KS +15 20 126 G +15 20 127 N +15 20 128 A +15 20 129 T +15 20 130 BR +15 20 131 J +15 20 132 KS +15 20 133 N +15 20 134 BR +15 20 135 G +15 20 136 N +15 20 137 N +15 20 138 N +15 20 139 T +15 20 140 N +15 20 141 T +15 20 142 T +15 20 143 A +15 20 144 N +15 20 145 N +15 20 146 A +15 20 147 N +15 20 148 G +15 20 149 N +15 20 150 J +15 20 151 G +15 20 152 N +15 20 153 N +15 20 154 BR +15 20 155 K +15 20 156 N +15 20 157 BR +15 20 158 T +15 20 159 A +15 20 160 G +15 20 161 N +15 20 162 G +15 20 163 N +15 20 164 N +15 20 165 BR +15 20 166 N +15 20 167 KS +15 20 168 N +15 20 169 N +15 20 170 N +15 20 171 BR +15 20 172 T +15 20 173 G +15 20 174 A +15 20 175 N +15 20 176 G +15 20 177 KS +15 20 178 N +15 20 179 A +15 20 180 N +15 20 181 A +15 20 182 J +15 20 183 BR +15 20 184 N +15 20 185 A +15 20 186 N +15 20 187 A +15 20 188 N +15 20 189 N +15 20 190 G +15 20 191 N +15 20 192 N +15 20 193 A +15 20 194 J +15 20 195 N +15 20 196 N +15 20 197 N +15 20 198 K +15 20 199 N +15 20 200 N +15 20 201 G +15 20 202 N +15 20 203 G +15 20 204 K +15 20 205 N +15 20 206 T +15 20 207 G +15 20 208 KS +15 20 209 N +15 20 210 BR +15 20 211 N +15 20 212 A +15 20 213 BR +15 20 214 KS +15 20 215 N +15 20 216 BR +15 20 217 G +15 20 218 A +15 20 219 N +15 20 220 N +15 20 221 T +15 20 222 N +15 20 223 N +15 20 224 T +15 20 225 BR +15 20 226 N +15 20 227 K +15 20 228 N +15 20 229 N +15 20 230 T +15 20 231 J +15 20 232 BR +15 20 233 N +15 20 234 N +15 20 235 N +15 20 236 A +15 20 237 N +15 20 238 N +15 20 239 G +15 20 240 BR +15 20 241 T +15 20 242 A +15 20 243 J +15 20 244 T +15 20 245 KS +15 20 246 N +15 20 247 J +15 20 248 N +15 20 249 N +15 20 250 J +15 20 251 N +15 20 252 T +15 20 253 N +15 20 254 N +15 20 255 K +15 20 256 G +15 20 257 N +15 20 258 A +15 20 259 N +15 20 260 A +15 20 261 KS +15 20 262 T +15 20 263 BR +15 20 264 N +15 20 265 N +15 20 266 A +15 20 267 J +15 20 268 N +15 20 269 G +15 20 270 A +15 20 271 N +15 20 272 T +15 20 273 J +15 20 274 T +15 20 275 A +15 20 276 G +15 20 277 N +15 20 278 KS +15 20 279 N +15 20 280 N +15 20 281 N +15 20 282 N +15 20 283 BR +15 20 284 T +15 20 285 G +15 20 286 T +15 20 287 BR +15 20 288 G +15 20 289 N +15 20 290 T +15 20 291 N +15 20 292 G +15 20 293 BR +15 20 294 T +15 20 295 BR +15 20 296 N +15 20 297 KS +15 20 298 G +15 20 299 N +15 20 300 T +15 20 301 N +15 20 302 T +15 20 303 J +15 20 304 BR +15 20 305 J +15 20 306 N +15 20 307 N +15 20 308 N +15 20 309 BR +15 20 310 N +15 20 311 N +15 20 312 K +15 20 313 N +15 20 314 T +15 20 315 N +15 20 316 N +15 20 317 J +15 20 318 KS +15 20 319 T +15 20 320 BR +15 20 321 G +15 20 322 N +15 20 323 N +15 20 324 T +15 20 325 N +15 20 326 N +15 20 327 T +15 20 328 N +15 20 329 BR +15 20 330 T +15 21 1 N +15 21 2 N +15 21 3 P +15 21 4 J +15 21 5 N +15 21 6 BR +15 21 7 N +15 21 8 G +15 21 9 BR +15 21 10 N +15 21 11 N +15 21 12 P +15 21 13 N +15 21 14 N +15 21 15 BR +15 21 16 T +15 21 17 N +15 21 18 K +15 21 19 N +15 21 20 N +15 21 21 G +15 21 22 BR +15 21 23 J +15 21 24 K +15 21 25 N +15 21 26 N +15 21 27 BR +15 21 28 G +15 21 29 N +15 21 30 P +15 21 31 N +15 21 32 G +15 21 33 N +15 21 34 N +15 21 35 G +15 21 36 K +15 21 37 N +15 21 38 G +15 21 39 N +15 21 40 N +15 21 41 G +15 21 42 BR +15 21 43 N +15 21 44 BR +15 21 45 N +15 21 46 K +15 21 47 K +15 21 48 BR +15 21 49 N +15 21 50 J +15 21 51 BR +15 21 52 T +15 21 53 G +15 21 54 N +15 21 55 N +15 21 56 BR +15 21 57 N +15 21 58 BR +15 21 59 T +15 21 60 K +15 21 61 J +15 21 62 N +15 21 63 P +15 21 64 N +15 21 65 G +15 21 66 BR +15 21 67 N +15 21 68 G +15 21 69 N +15 21 70 BR +15 21 71 J +15 21 72 N +15 21 73 J +15 21 74 BR +15 21 75 N +15 21 76 P +15 21 77 N +15 21 78 BR +15 21 79 K +15 21 80 N +15 21 81 N +15 21 82 N +15 21 83 BR +15 21 84 BR +15 21 85 N +15 21 86 G +15 21 87 K +15 21 88 G +15 21 89 K +15 21 90 N +15 21 91 P +15 21 92 BR +15 21 93 N +15 21 94 K +15 21 95 BR +15 21 96 P +15 21 97 J +15 21 98 G +15 21 99 BR +15 21 100 N +15 21 101 G +15 21 102 BR +15 21 103 N +15 21 104 N +15 21 105 G +15 21 106 BR +15 21 107 BR +15 21 108 N +15 21 109 N +15 21 110 P +15 21 111 K +15 21 112 G +15 21 113 K +15 21 114 N +15 21 115 G +15 21 116 BR +15 21 117 K +15 21 118 G +15 21 119 N +15 21 120 BR +15 21 121 P +15 21 122 N +15 21 123 N +15 21 124 P +15 21 125 G +15 21 126 G +15 21 127 K +15 21 128 P +15 21 129 BR +15 21 130 K +15 21 131 N +15 21 132 P +15 21 133 N +15 21 134 J +15 21 135 R +15 21 136 N +15 21 137 N +15 21 138 BR +15 21 139 BR +15 21 140 N +15 21 141 BR +15 21 142 T +15 21 143 N +15 21 144 J +15 21 145 N +15 21 146 P +15 21 147 N +15 21 148 G +15 21 149 N +15 21 150 G +15 21 151 P +15 21 152 J +15 21 153 N +15 21 154 K +15 21 155 K +15 21 156 N +15 21 157 K +15 21 158 T +15 21 159 BR +15 21 160 BR +15 21 161 N +15 21 162 G +15 21 163 N +15 21 164 N +15 21 165 K +15 21 166 N +15 21 167 BR +15 21 168 N +15 21 169 N +15 21 170 N +15 21 171 BR +15 21 172 T +15 21 173 G +15 21 174 N +15 21 175 N +15 21 176 G +15 21 177 P +15 21 178 N +15 21 179 J +15 21 180 N +15 21 181 BR +15 21 182 J +15 21 183 K +15 21 184 J +15 21 185 BR +15 21 186 N +15 21 187 P +15 21 188 N +15 21 189 BR +15 21 190 BR +15 21 191 N +15 21 192 J +15 21 193 P +15 21 194 J +15 21 195 N +15 21 196 N +15 21 197 J +15 21 198 K +15 21 199 T +15 21 200 N +15 21 201 BR +15 21 202 N +15 21 203 P +15 21 204 K +15 21 205 J +15 21 206 T +15 21 207 J +15 21 208 BR +15 21 209 N +15 21 210 J +15 21 211 N +15 21 212 P +15 21 213 BR +15 21 214 P +15 21 215 G +15 21 216 K +15 21 217 BR +15 21 218 N +15 21 219 T +15 21 220 N +15 21 221 T +15 21 222 N +15 21 223 N +15 21 224 BR +15 21 225 P +15 21 226 N +15 21 227 K +15 21 228 N +15 21 229 N +15 21 230 BR +15 21 231 R +15 21 232 BR +15 21 233 J +15 21 234 N +15 21 235 N +15 21 236 N +15 21 237 BR +15 21 238 N +15 21 239 G +15 21 240 K +15 21 241 BR +15 21 242 BR +15 21 243 J +15 21 244 T +15 21 245 G +15 21 246 N +15 21 247 N +15 21 248 N +15 21 249 N +15 21 250 J +15 21 251 N +15 21 252 BR +15 21 253 N +15 21 254 BR +15 21 255 K +15 21 256 G +15 21 257 N +15 21 258 P +15 21 259 G +15 21 260 BR +15 21 261 P +15 21 262 T +15 21 263 BR +15 21 264 BR +15 21 265 N +15 21 266 N +15 21 267 J +15 21 268 N +15 21 269 J +15 21 270 P +15 21 271 N +15 21 272 T +15 21 273 J +15 21 274 BR +15 21 275 P +15 21 276 G +15 21 277 N +15 21 278 T +15 21 279 J +15 21 280 N +15 21 281 N +15 21 282 N +15 21 283 K +15 21 284 BR +15 21 285 G +15 21 286 T +15 21 287 K +15 21 288 G +15 21 289 N +15 21 290 BR +15 21 291 N +15 21 292 BR +15 21 293 BR +15 21 294 BR +15 21 295 P +15 21 296 G +15 21 297 P +15 21 298 G +15 21 299 N +15 21 300 T +15 21 301 N +15 21 302 BR +15 21 303 T +15 21 304 N +15 21 305 J +15 21 306 N +15 21 307 N +15 21 308 J +15 21 309 K +15 21 310 N +15 21 311 N +15 21 312 K +15 21 313 G +15 21 314 T +15 21 315 N +15 21 316 N +15 21 317 G +15 21 318 BR +15 21 319 T +15 21 320 N +15 21 321 G +15 21 322 BR +15 21 323 N +15 21 324 BR +15 21 325 N +15 21 326 P +15 21 327 T +15 21 328 N +15 21 329 J +15 21 330 T +15 22 1 N +15 22 2 BR +15 22 3 R +15 22 4 J +15 22 5 BR +15 22 6 BR +15 22 7 N +15 22 8 R +15 22 9 BR +15 22 10 N +15 22 11 N +15 22 12 P +15 22 13 R +15 22 14 N +15 22 15 BR +15 22 16 T +15 22 17 R +15 22 18 K +15 22 19 N +15 22 20 N +15 22 21 R +15 22 22 P +15 22 23 J +15 22 24 K +15 22 25 N +15 22 26 N +15 22 27 T +15 22 28 R +15 22 29 N +15 22 30 R +15 22 31 N +15 22 32 J +15 22 33 N +15 22 34 N +15 22 35 G +15 22 36 N +15 22 37 N +15 22 38 R +15 22 39 N +15 22 40 N +15 22 41 R +15 22 42 P +15 22 43 N +15 22 44 BR +15 22 45 N +15 22 46 BR +15 22 47 N +15 22 48 BR +15 22 49 N +15 22 50 J +15 22 51 BR +15 22 52 BR +15 22 53 R +15 22 54 N +15 22 55 R +15 22 56 BR +15 22 57 N +15 22 58 BR +15 22 59 BR +15 22 60 N +15 22 61 R +15 22 62 BR +15 22 63 BR +15 22 64 R +15 22 65 R +15 22 66 BR +15 22 67 R +15 22 68 N +15 22 69 BR +15 22 70 BR +15 22 71 R +15 22 72 N +15 22 73 J +15 22 74 BR +15 22 75 N +15 22 76 R +15 22 77 N +15 22 78 BR +15 22 79 K +15 22 80 R +15 22 81 N +15 22 82 N +15 22 83 BR +15 22 84 BR +15 22 85 R +15 22 86 BR +15 22 87 K +15 22 88 J +15 22 89 K +15 22 90 N +15 22 91 P +15 22 92 BR +15 22 93 N +15 22 94 K +15 22 95 BR +15 22 96 P +15 22 97 N +15 22 98 R +15 22 99 BR +15 22 100 N +15 22 101 R +15 22 102 BR +15 22 103 BR +15 22 104 BR +15 22 105 BR +15 22 106 P +15 22 107 BR +15 22 108 BR +15 22 109 N +15 22 110 P +15 22 111 BR +15 22 112 R +15 22 113 K +15 22 114 N +15 22 115 R +15 22 116 BR +15 22 117 BR +15 22 118 BR +15 22 119 N +15 22 120 T +15 22 121 R +15 22 122 N +15 22 123 BR +15 22 124 P +15 22 125 R +15 22 126 G +15 22 127 N +15 22 128 P +15 22 129 T +15 22 130 K +15 22 131 J +15 22 132 R +15 22 133 P +15 22 134 BR +15 22 135 J +15 22 136 N +15 22 137 N +15 22 138 N +15 22 139 BR +15 22 140 N +15 22 141 T +15 22 142 T +15 22 143 P +15 22 144 J +15 22 145 N +15 22 146 P +15 22 147 N +15 22 148 R +15 22 149 N +15 22 150 J +15 22 151 BR +15 22 152 G +15 22 153 N +15 22 154 K +15 22 155 K +15 22 156 N +15 22 157 BR +15 22 158 T +15 22 159 P +15 22 160 BR +15 22 161 N +15 22 162 R +15 22 163 N +15 22 164 N +15 22 165 BR +15 22 166 N +15 22 167 BR +15 22 168 N +15 22 169 N +15 22 170 N +15 22 171 N +15 22 172 T +15 22 173 R +15 22 174 P +15 22 175 BR +15 22 176 R +15 22 177 P +15 22 178 N +15 22 179 R +15 22 180 N +15 22 181 P +15 22 182 J +15 22 183 BR +15 22 184 BR +15 22 185 BR +15 22 186 N +15 22 187 P +15 22 188 N +15 22 189 BR +15 22 190 BR +15 22 191 N +15 22 192 J +15 22 193 P +15 22 194 BR +15 22 195 N +15 22 196 BR +15 22 197 BR +15 22 198 K +15 22 199 BR +15 22 200 BR +15 22 201 BR +15 22 202 N +15 22 203 R +15 22 204 BR +15 22 205 N +15 22 206 BR +15 22 207 R +15 22 208 BR +15 22 209 N +15 22 210 BR +15 22 211 N +15 22 212 P +15 22 213 BR +15 22 214 P +15 22 215 G +15 22 216 BR +15 22 217 G +15 22 218 P +15 22 219 BR +15 22 220 N +15 22 221 BR +15 22 222 N +15 22 223 N +15 22 224 BR +15 22 225 BR +15 22 226 N +15 22 227 K +15 22 228 N +15 22 229 BR +15 22 230 BR +15 22 231 G +15 22 232 BR +15 22 233 BR +15 22 234 N +15 22 235 N +15 22 236 BR +15 22 237 R +15 22 238 N +15 22 239 R +15 22 240 R +15 22 241 BR +15 22 242 P +15 22 243 R +15 22 244 BR +15 22 245 R +15 22 246 N +15 22 247 J +15 22 248 N +15 22 249 N +15 22 250 J +15 22 251 N +15 22 252 BR +15 22 253 N +15 22 254 BR +15 22 255 K +15 22 256 G +15 22 257 N +15 22 258 P +15 22 259 R +15 22 260 P +15 22 261 R +15 22 262 BR +15 22 263 BR +15 22 264 BR +15 22 265 N +15 22 266 R +15 22 267 J +15 22 268 N +15 22 269 J +15 22 270 P +15 22 271 N +15 22 272 T +15 22 273 G +15 22 274 T +15 22 275 P +15 22 276 R +15 22 277 N +15 22 278 R +15 22 279 N +15 22 280 N +15 22 281 N +15 22 282 N +15 22 283 BR +15 22 284 BR +15 22 285 G +15 22 286 T +15 22 287 BR +15 22 288 R +15 22 289 N +15 22 290 T +15 22 291 N +15 22 292 G +15 22 293 BR +15 22 294 BR +15 22 295 BR +15 22 296 J +15 22 297 P +15 22 298 R +15 22 299 N +15 22 300 BR +15 22 301 N +15 22 302 BR +15 22 303 BR +15 22 304 N +15 22 305 J +15 22 306 N +15 22 307 N +15 22 308 BR +15 22 309 BR +15 22 310 N +15 22 311 N +15 22 312 K +15 22 313 N +15 22 314 BR +15 22 315 N +15 22 316 N +15 22 317 R +15 22 318 P +15 22 319 T +15 22 320 BR +15 22 321 R +15 22 322 BR +15 22 323 N +15 22 324 BR +15 22 325 J +15 22 326 P +15 22 327 BR +15 22 328 N +15 22 329 BR +15 22 330 BR +15 23 1 N +15 23 2 N +15 23 3 R +15 23 4 R +15 23 5 N +15 23 6 A +15 23 7 N +15 23 8 P +15 23 9 A +15 23 10 N +15 23 11 N +15 23 12 A +15 23 13 N +15 23 14 N +15 23 15 A +15 23 16 T +15 23 17 P +15 23 18 K +15 23 19 N +15 23 20 N +15 23 21 P +15 23 22 A +15 23 23 R +15 23 24 K +15 23 25 N +15 23 26 N +15 23 27 T +15 23 28 R +15 23 29 N +15 23 30 A +15 23 31 N +15 23 32 R +15 23 33 N +15 23 34 N +15 23 35 R +15 23 36 N +15 23 37 N +15 23 38 P +15 23 39 N +15 23 40 N +15 23 41 R +15 23 42 A +15 23 43 K +15 23 44 A +15 23 45 N +15 23 46 T +15 23 47 N +15 23 48 A +15 23 49 N +15 23 50 R +15 23 51 N +15 23 52 T +15 23 53 P +15 23 54 N +15 23 55 N +15 23 56 T +15 23 57 N +15 23 58 A +15 23 59 T +15 23 60 N +15 23 61 P +15 23 62 N +15 23 63 R +15 23 64 N +15 23 65 R +15 23 66 T +15 23 67 N +15 23 68 R +15 23 69 N +15 23 70 T +15 23 71 R +15 23 72 N +15 23 73 R +15 23 74 T +15 23 75 N +15 23 76 P +15 23 77 N +15 23 78 A +15 23 79 K +15 23 80 N +15 23 81 N +15 23 82 N +15 23 83 T +15 23 84 R +15 23 85 N +15 23 86 P +15 23 87 K +15 23 88 R +15 23 89 K +15 23 90 N +15 23 91 R +15 23 92 T +15 23 93 N +15 23 94 K +15 23 95 N +15 23 96 P +15 23 97 K +15 23 98 R +15 23 99 T +15 23 100 N +15 23 101 P +15 23 102 T +15 23 103 N +15 23 104 N +15 23 105 R +15 23 106 A +15 23 107 T +15 23 108 N +15 23 109 N +15 23 110 P +15 23 111 N +15 23 112 R +15 23 113 K +15 23 114 N +15 23 115 R +15 23 116 N +15 23 117 N +15 23 118 R +15 23 119 N +15 23 120 T +15 23 121 P +15 23 122 N +15 23 123 N +15 23 124 N +15 23 125 P +15 23 126 P +15 23 127 N +15 23 128 R +15 23 129 T +15 23 130 N +15 23 131 N +15 23 132 R +15 23 133 N +15 23 134 N +15 23 135 R +15 23 136 N +15 23 137 N +15 23 138 N +15 23 139 T +15 23 140 N +15 23 141 T +15 23 142 T +15 23 143 N +15 23 144 N +15 23 145 N +15 23 146 T +15 23 147 N +15 23 148 R +15 23 149 N +15 23 150 N +15 23 151 P +15 23 152 P +15 23 153 N +15 23 154 K +15 23 155 K +15 23 156 N +15 23 157 K +15 23 158 T +15 23 159 N +15 23 160 N +15 23 161 N +15 23 162 R +15 23 163 N +15 23 164 N +15 23 165 N +15 23 166 N +15 23 167 N +15 23 168 N +15 23 169 N +15 23 170 N +15 23 171 N +15 23 172 T +15 23 173 P +15 23 174 N +15 23 175 N +15 23 176 P +15 23 177 N +15 23 178 N +15 23 179 R +15 23 180 N +15 23 181 N +15 23 182 P +15 23 183 N +15 23 184 R +15 23 185 N +15 23 186 N +15 23 187 P +15 23 188 N +15 23 189 N +15 23 190 P +15 23 191 N +15 23 192 P +15 23 193 N +15 23 194 P +15 23 195 N +15 23 196 N +15 23 197 N +15 23 198 K +15 23 199 N +15 23 200 N +15 23 201 P +15 23 202 N +15 23 203 P +15 23 204 K +15 23 205 N +15 23 206 T +15 23 207 P +15 23 208 N +15 23 209 N +15 23 210 P +15 23 211 T +15 23 212 R +15 23 213 N +15 23 214 A +15 23 215 P +15 23 216 N +15 23 217 R +15 23 218 N +15 23 219 N +15 23 220 R +15 23 221 N +15 23 222 N +15 23 223 N +15 23 224 T +15 23 225 N +15 23 226 N +15 23 227 K +15 23 228 N +15 23 229 N +15 23 230 T +15 23 231 N +15 23 232 K +15 23 233 K +15 23 234 N +15 23 235 N +15 23 236 N +15 23 237 P +15 23 238 N +15 23 239 P +15 23 240 A +15 23 241 T +15 23 242 N +15 23 243 R +15 23 244 T +15 23 245 R +15 23 246 N +15 23 247 N +15 23 248 N +15 23 249 N +15 23 250 N +15 23 251 N +15 23 252 T +15 23 253 N +15 23 254 N +15 23 255 K +15 23 256 P +15 23 257 N +15 23 258 N +15 23 259 P +15 23 260 T +15 23 261 P +15 23 262 T +15 23 263 N +15 23 264 N +15 23 265 N +15 23 266 R +15 23 267 R +15 23 268 N +15 23 269 P +15 23 270 A +15 23 271 N +15 23 272 T +15 23 273 P +15 23 274 T +15 23 275 N +15 23 276 P +15 23 277 N +15 23 278 P +15 23 279 N +15 23 280 N +15 23 281 N +15 23 282 N +15 23 283 N +15 23 284 N +15 23 285 R +15 23 286 T +15 23 287 N +15 23 288 R +15 23 289 N +15 23 290 T +15 23 291 N +15 23 292 R +15 23 293 N +15 23 294 T +15 23 295 N +15 23 296 N +15 23 297 R +15 23 298 P +15 23 299 N +15 23 300 T +15 23 301 N +15 23 302 T +15 23 303 N +15 23 304 N +15 23 305 R +15 23 306 N +15 23 307 N +15 23 308 N +15 23 309 N +15 23 310 N +15 23 311 N +15 23 312 K +15 23 313 N +15 23 314 T +15 23 315 N +15 23 316 N +15 23 317 R +15 23 318 P +15 23 319 T +15 23 320 N +15 23 321 P +15 23 322 N +15 23 323 N +15 23 324 T +15 23 325 R +15 23 326 N +15 23 327 T +15 23 328 N +15 23 329 A +15 23 330 T +15 24 1 N +15 24 2 N +15 24 3 R +15 24 4 J +15 24 5 N +15 24 6 R +15 24 7 N +15 24 8 R +15 24 9 J +15 24 10 N +15 24 11 N +15 24 12 P +15 24 13 N +15 24 14 N +15 24 15 P +15 24 16 T +15 24 17 R +15 24 18 T +15 24 19 N +15 24 20 N +15 24 21 R +15 24 22 T +15 24 23 J +15 24 24 K +15 24 25 N +15 24 26 N +15 24 27 T +15 24 28 R +15 24 29 N +15 24 30 A +15 24 31 T +15 24 32 R +15 24 33 N +15 24 34 A +15 24 35 R +15 24 36 N +15 24 37 N +15 24 38 R +15 24 39 N +15 24 40 N +15 24 41 R +15 24 42 A +15 24 43 N +15 24 44 T +15 24 45 N +15 24 46 N +15 24 47 N +15 24 48 P +15 24 49 N +15 24 50 N +15 24 51 P +15 24 52 T +15 24 53 R +15 24 54 N +15 24 55 N +15 24 56 A +15 24 57 N +15 24 58 N +15 24 59 N +15 24 60 N +15 24 61 R +15 24 62 N +15 24 63 R +15 24 64 N +15 24 65 R +15 24 66 T +15 24 67 N +15 24 68 R +15 24 69 N +15 24 70 T +15 24 71 R +15 24 72 N +15 24 73 N +15 24 74 N +15 24 75 N +15 24 76 R +15 24 77 R +15 24 78 N +15 24 79 T +15 24 80 N +15 24 81 N +15 24 82 N +15 24 83 T +15 24 84 N +15 24 85 N +15 24 86 R +15 24 87 N +15 24 88 R +15 24 89 K +15 24 90 N +15 24 91 N +15 24 92 T +15 24 93 N +15 24 94 K +15 24 95 N +15 24 96 A +15 24 97 K +15 24 98 R +15 24 99 N +15 24 100 N +15 24 101 R +15 24 102 T +15 24 103 N +15 24 104 N +15 24 105 R +15 24 106 KS +15 24 107 T +15 24 108 N +15 24 109 K +15 24 110 A +15 24 111 N +15 24 112 R +15 24 113 K +15 24 114 N +15 24 115 R +15 24 116 N +15 24 117 K +15 24 118 R +15 24 119 N +15 24 120 T +15 24 121 KS +15 24 122 N +15 24 123 N +15 24 124 J +15 24 125 KS +15 24 126 R +15 24 127 N +15 24 128 A +15 24 129 T +15 24 130 A +15 24 131 J +15 24 132 R +15 24 133 N +15 24 134 K +15 24 135 R +15 24 136 N +15 24 137 N +15 24 138 J +15 24 139 T +15 24 140 J +15 24 141 T +15 24 142 T +15 24 143 N +15 24 144 K +15 24 145 N +15 24 146 KS +15 24 147 N +15 24 148 R +15 24 149 N +15 24 150 K +15 24 151 R +15 24 152 R +15 24 153 N +15 24 154 K +15 24 155 K +15 24 156 N +15 24 157 K +15 24 158 T +15 24 159 KS +15 24 160 J +15 24 161 N +15 24 162 R +15 24 163 N +15 24 164 K +15 24 165 N +15 24 166 K +15 24 167 J +15 24 168 N +15 24 169 N +15 24 170 N +15 24 171 N +15 24 172 T +15 24 173 R +15 24 174 P +15 24 175 N +15 24 176 R +15 24 177 T +15 24 178 K +15 24 179 R +15 24 180 N +15 24 181 A +15 24 182 R +15 24 183 KS +15 24 184 KS +15 24 185 KS +15 24 186 N +15 24 187 KS +15 24 188 N +15 24 189 T +15 24 190 BR +15 24 191 N +15 24 192 K +15 24 193 N +15 24 194 R +15 24 195 N +15 24 196 N +15 24 197 BR +15 24 198 K +15 24 199 BR +15 24 200 N +15 24 201 R +15 24 202 N +15 24 203 R +15 24 204 K +15 24 205 K +15 24 206 T +15 24 207 R +15 24 208 KS +15 24 209 N +15 24 210 BR +15 24 211 N +15 24 212 R +15 24 213 R +15 24 214 N +15 24 215 R +15 24 216 N +15 24 217 KS +15 24 218 N +15 24 219 T +15 24 220 K +15 24 221 T +15 24 222 K +15 24 223 N +15 24 224 T +15 24 225 N +15 24 226 K +15 24 227 K +15 24 228 K +15 24 229 N +15 24 230 T +15 24 231 J +15 24 232 K +15 24 233 K +15 24 234 N +15 24 235 K +15 24 236 N +15 24 237 BR +15 24 238 N +15 24 239 R +15 24 240 R +15 24 241 T +15 24 242 T +15 24 243 R +15 24 244 T +15 24 245 R +15 24 246 N +15 24 247 J +15 24 248 N +15 24 249 BR +15 24 250 K +15 24 251 N +15 24 252 T +15 24 253 N +15 24 254 J +15 24 255 K +15 24 256 R +15 24 257 A +15 24 258 K +15 24 259 R +15 24 260 T +15 24 261 A +15 24 262 T +15 24 263 K +15 24 264 K +15 24 265 N +15 24 266 R +15 24 267 R +15 24 268 N +15 24 269 R +15 24 270 KS +15 24 271 N +15 24 272 T +15 24 273 R +15 24 274 T +15 24 275 N +15 24 276 R +15 24 277 N +15 24 278 R +15 24 279 J +15 24 280 N +15 24 281 N +15 24 282 N +15 24 283 BR +15 24 284 T +15 24 285 BR +15 24 286 T +15 24 287 BR +15 24 288 R +15 24 289 N +15 24 290 T +15 24 291 K +15 24 292 R +15 24 293 BR +15 24 294 BR +15 24 295 A +15 24 296 K +15 24 297 A +15 24 298 R +15 24 299 N +15 24 300 T +15 24 301 N +15 24 302 T +15 24 303 T +15 24 304 N +15 24 305 R +15 24 306 N +15 24 307 J +15 24 308 J +15 24 309 N +15 24 310 N +15 24 311 N +15 24 312 K +15 24 313 K +15 24 314 T +15 24 315 N +15 24 316 N +15 24 317 R +15 24 318 KS +15 24 319 T +15 24 320 N +15 24 321 R +15 24 322 J +15 24 323 N +15 24 324 T +15 24 325 R +15 24 326 KS +15 24 327 T +15 24 328 N +15 24 329 KS +15 24 330 T +15 25 1 N +15 25 2 N +15 25 3 P +15 25 4 K +15 25 5 N +15 25 6 A +15 25 7 N +15 25 8 G +15 25 9 A +15 25 10 K +15 25 11 N +15 25 12 G +15 25 13 N +15 25 14 N +15 25 15 BR +15 25 16 T +15 25 17 P +15 25 18 K +15 25 19 N +15 25 20 N +15 25 21 G +15 25 22 A +15 25 23 G +15 25 24 K +15 25 25 N +15 25 26 N +15 25 27 G +15 25 28 P +15 25 29 N +15 25 30 R +15 25 31 N +15 25 32 N +15 25 33 N +15 25 34 N +15 25 35 P +15 25 36 N +15 25 37 N +15 25 38 R +15 25 39 N +15 25 40 N +15 25 41 P +15 25 42 N +15 25 43 N +15 25 44 G +15 25 45 N +15 25 46 N +15 25 47 N +15 25 48 A +15 25 49 N +15 25 50 G +15 25 51 K +15 25 52 G +15 25 53 N +15 25 54 N +15 25 55 N +15 25 56 G +15 25 57 N +15 25 58 K +15 25 59 P +15 25 60 N +15 25 61 R +15 25 62 N +15 25 63 P +15 25 64 N +15 25 65 P +15 25 66 T +15 25 67 N +15 25 68 N +15 25 69 N +15 25 70 T +15 25 71 G +15 25 72 N +15 25 73 K +15 25 74 N +15 25 75 N +15 25 76 P +15 25 77 N +15 25 78 R +15 25 79 K +15 25 80 N +15 25 81 N +15 25 82 P +15 25 83 T +15 25 84 P +15 25 85 N +15 25 86 P +15 25 87 K +15 25 88 P +15 25 89 K +15 25 90 N +15 25 91 N +15 25 92 T +15 25 93 N +15 25 94 K +15 25 95 T +15 25 96 A +15 25 97 N +15 25 98 P +15 25 99 N +15 25 100 P +15 25 101 P +15 25 102 T +15 25 103 K +15 25 104 N +15 25 105 N +15 25 106 A +15 25 107 T +15 25 108 T +15 25 109 N +15 25 110 A +15 25 111 K +15 25 112 P +15 25 113 K +15 25 114 N +15 25 115 P +15 25 116 N +15 25 117 K +15 25 118 N +15 25 119 N +15 25 120 T +15 25 121 R +15 25 122 N +15 25 123 N +15 25 124 A +15 25 125 R +15 25 126 P +15 25 127 K +15 25 128 R +15 25 129 T +15 25 130 K +15 25 131 A +15 25 132 R +15 25 133 N +15 25 134 K +15 25 135 K +15 25 136 N +15 25 137 N +15 25 138 P +15 25 139 T +15 25 140 N +15 25 141 T +15 25 142 T +15 25 143 N +15 25 144 K +15 25 145 N +15 25 146 P +15 25 147 N +15 25 148 R +15 25 149 N +15 25 150 P +15 25 151 P +15 25 152 P +15 25 153 N +15 25 154 K +15 25 155 K +15 25 156 N +15 25 157 K +15 25 158 T +15 25 159 G +15 25 160 R +15 25 161 P +15 25 162 R +15 25 163 N +15 25 164 N +15 25 165 K +15 25 166 N +15 25 167 K +15 25 168 N +15 25 169 N +15 25 170 K +15 25 171 N +15 25 172 T +15 25 173 G +15 25 174 A +15 25 175 N +15 25 176 P +15 25 177 A +15 25 178 N +15 25 179 K +15 25 180 N +15 25 181 A +15 25 182 N +15 25 183 K +15 25 184 N +15 25 185 A +15 25 186 N +15 25 187 A +15 25 188 N +15 25 189 N +15 25 190 G +15 25 191 N +15 25 192 G +15 25 193 N +15 25 194 K +15 25 195 N +15 25 196 N +15 25 197 G +15 25 198 K +15 25 199 T +15 25 200 N +15 25 201 G +15 25 202 N +15 25 203 G +15 25 204 K +15 25 205 P +15 25 206 N +15 25 207 N +15 25 208 G +15 25 209 N +15 25 210 K +15 25 211 N +15 25 212 P +15 25 213 BR +15 25 214 P +15 25 215 BR +15 25 216 K +15 25 217 BR +15 25 218 N +15 25 219 N +15 25 220 N +15 25 221 T +15 25 222 N +15 25 223 N +15 25 224 T +15 25 225 BR +15 25 226 N +15 25 227 K +15 25 228 K +15 25 229 N +15 25 230 T +15 25 231 N +15 25 232 K +15 25 233 N +15 25 234 N +15 25 235 K +15 25 236 N +15 25 237 T +15 25 238 P +15 25 239 P +15 25 240 K +15 25 241 T +15 25 242 T +15 25 243 K +15 25 244 T +15 25 245 P +15 25 246 N +15 25 247 K +15 25 248 K +15 25 249 N +15 25 250 N +15 25 251 N +15 25 252 T +15 25 253 N +15 25 254 N +15 25 255 K +15 25 256 P +15 25 257 R +15 25 258 K +15 25 259 K +15 25 260 G +15 25 261 P +15 25 262 T +15 25 263 K +15 25 264 N +15 25 265 N +15 25 266 N +15 25 267 K +15 25 268 N +15 25 269 N +15 25 270 N +15 25 271 N +15 25 272 N +15 25 273 BR +15 25 274 T +15 25 275 R +15 25 276 R +15 25 277 N +15 25 278 P +15 25 279 N +15 25 280 N +15 25 281 N +15 25 282 N +15 25 283 K +15 25 284 T +15 25 285 BR +15 25 286 T +15 25 287 K +15 25 288 P +15 25 289 N +15 25 290 T +15 25 291 N +15 25 292 BR +15 25 293 N +15 25 294 N +15 25 295 K +15 25 296 K +15 25 297 BR +15 25 298 R +15 25 299 N +15 25 300 T +15 25 301 N +15 25 302 T +15 25 303 K +15 25 304 T +15 25 305 K +15 25 306 N +15 25 307 N +15 25 308 K +15 25 309 K +15 25 310 N +15 25 311 N +15 25 312 BR +15 25 313 K +15 25 314 T +15 25 315 N +15 25 316 N +15 25 317 BR +15 25 318 A +15 25 319 T +15 25 320 N +15 25 321 P +15 25 322 N +15 25 323 N +15 25 324 T +15 25 325 K +15 25 326 A +15 25 327 N +15 25 328 K +15 25 329 BR +15 25 330 T +16 1 1 E +16 1 2 L +16 1 3 M +16 1 4 R +16 1 5 L +16 1 6 J +16 1 7 L +16 1 8 D +16 1 9 M +16 1 10 R +16 1 11 L +16 1 12 M +16 1 13 L +16 1 14 R +16 1 15 J +16 1 16 J +16 1 17 M +16 1 18 R +16 1 19 E +16 1 20 L +16 1 21 M +16 1 22 M +16 1 23 E +16 1 24 R +16 1 25 E +16 1 26 E +16 1 27 J +16 1 28 D +16 1 29 L +16 1 30 M +16 1 31 L +16 1 32 L +16 1 33 L +16 1 34 E +16 1 35 M +16 1 36 L +16 1 37 E +16 1 38 D +16 1 39 L +16 1 40 E +16 1 41 D +16 1 42 M +16 1 43 E +16 1 44 J +16 1 45 L +16 1 46 J +16 1 47 L +16 1 48 M +16 1 49 E +16 1 50 E +16 1 51 R +16 1 52 J +16 1 53 D +16 1 54 L +16 1 55 E +16 1 56 J +16 1 57 E +16 1 58 M +16 1 59 J +16 1 60 L +16 1 61 D +16 1 62 E +16 1 63 M +16 1 64 E +16 1 65 D +16 1 66 J +16 1 67 E +16 1 68 D +16 1 69 R +16 1 70 J +16 1 71 R +16 1 72 L +16 1 73 E +16 1 74 J +16 1 75 L +16 1 76 M +16 1 77 E +16 1 78 J +16 1 79 R +16 1 80 E +16 1 81 L +16 1 82 E +16 1 83 M +16 1 84 J +16 1 85 L +16 1 86 M +16 1 87 R +16 1 88 D +16 1 89 R +16 1 90 L +16 1 91 M +16 1 92 J +16 1 93 E +16 1 94 R +16 1 95 J +16 1 96 M +16 1 97 E +16 1 98 D +16 1 99 M +16 1 100 E +16 1 101 D +16 1 102 J +16 1 103 L +16 1 104 E +16 1 105 M +16 1 106 M +16 1 107 J +16 1 108 E +16 1 109 E +16 1 110 M +16 1 111 L +16 1 112 D +16 1 113 R +16 1 114 L +16 1 115 D +16 1 116 E +16 1 117 R +16 1 118 M +16 1 119 L +16 1 120 J +16 1 121 M +16 1 122 L +16 1 123 E +16 1 124 M +16 1 125 M +16 1 126 J +16 1 127 L +16 1 128 M +16 1 129 J +16 1 130 R +16 1 131 E +16 1 132 M +16 1 133 L +16 1 134 R +16 1 135 E +16 1 136 L +16 1 137 L +16 1 138 E +16 1 139 J +16 1 140 E +16 1 141 J +16 1 142 J +16 1 143 L +16 1 144 E +16 1 145 L +16 1 146 M +16 1 147 L +16 1 148 D +16 1 149 L +16 1 150 E +16 1 151 J +16 1 152 M +16 1 153 E +16 1 154 R +16 1 155 R +16 1 156 E +16 1 157 R +16 1 158 J +16 1 159 M +16 1 160 M +16 1 161 L +16 1 162 D +16 1 163 E +16 1 164 E +16 1 165 L +16 1 166 R +16 1 167 J +16 1 168 L +16 1 169 E +16 1 170 L +16 1 171 L +16 1 172 J +16 1 173 M +16 1 174 M +16 1 175 J +16 1 176 D +16 1 177 M +16 1 178 E +16 1 179 D +16 1 180 L +16 1 181 M +16 1 182 R +16 1 183 R +16 1 184 E +16 1 185 J +16 1 186 L +16 1 187 M +16 1 188 E +16 1 189 J +16 1 190 M +16 1 191 L +16 1 192 E +16 1 193 M +16 1 194 R +16 1 195 L +16 1 196 J +16 1 197 E +16 1 198 R +16 1 199 J +16 1 200 E +16 1 201 M +16 1 202 L +16 1 203 D +16 1 204 R +16 1 205 E +16 1 206 J +16 1 207 D +16 1 208 M +16 1 209 L +16 1 210 R +16 1 211 E +16 1 212 M +16 1 213 J +16 1 214 M +16 1 215 D +16 1 216 R +16 1 217 M +16 1 218 L +16 1 219 J +16 1 220 E +16 1 221 J +16 1 222 E +16 1 223 L +16 1 224 J +16 1 225 M +16 1 226 E +16 1 227 R +16 1 228 E +16 1 229 L +16 1 230 J +16 1 231 M +16 1 232 R +16 1 233 E +16 1 234 L +16 1 235 E +16 1 236 M +16 1 237 M +16 1 238 L +16 1 239 D +16 1 240 R +16 1 241 J +16 1 242 M +16 1 243 E +16 1 244 J +16 1 245 D +16 1 246 L +16 1 247 E +16 1 248 L +16 1 249 L +16 1 250 E +16 1 251 L +16 1 252 J +16 1 253 L +16 1 254 E +16 1 255 R +16 1 256 M +16 1 257 E +16 1 258 M +16 1 259 D +16 1 260 J +16 1 261 M +16 1 262 J +16 1 263 R +16 1 264 E +16 1 265 L +16 1 266 D +16 1 267 E +16 1 268 L +16 1 269 M +16 1 270 M +16 1 271 L +16 1 272 J +16 1 273 M +16 1 274 J +16 1 275 M +16 1 276 D +16 1 277 L +16 1 278 M +16 1 279 E +16 1 280 L +16 1 281 E +16 1 282 L +16 1 283 R +16 1 284 J +16 1 285 M +16 1 286 J +16 1 287 M +16 1 288 D +16 1 289 E +16 1 290 J +16 1 291 L +16 1 292 M +16 1 293 J +16 1 294 J +16 1 295 R +16 1 296 E +16 1 297 M +16 1 298 D +16 1 299 L +16 1 300 J +16 1 301 L +16 1 302 J +16 1 303 E +16 1 304 L +16 1 305 E +16 1 306 L +16 1 307 E +16 1 308 R +16 1 309 R +16 1 310 L +16 1 311 E +16 1 312 R +16 1 313 E +16 1 314 J +16 1 315 L +16 1 316 L +16 1 317 D +16 1 318 M +16 1 319 J +16 1 320 L +16 1 321 D +16 1 322 R +16 1 323 L +16 1 324 J +16 1 325 E +16 1 326 M +16 1 327 J +16 1 328 L +16 1 329 R +16 1 330 J +16 2 1 E +16 2 2 L +16 2 3 M +16 2 4 D +16 2 5 L +16 2 6 M +16 2 7 L +16 2 8 D +16 2 9 D +16 2 10 R +16 2 11 L +16 2 12 M +16 2 13 L +16 2 14 R +16 2 15 J +16 2 16 J +16 2 17 D +16 2 18 R +16 2 19 L +16 2 20 L +16 2 21 M +16 2 22 J +16 2 23 E +16 2 24 R +16 2 25 L +16 2 26 E +16 2 27 J +16 2 28 M +16 2 29 L +16 2 30 M +16 2 31 J +16 2 32 E +16 2 33 L +16 2 34 E +16 2 35 M +16 2 36 L +16 2 37 E +16 2 38 M +16 2 39 L +16 2 40 L +16 2 41 D +16 2 42 M +16 2 43 L +16 2 44 J +16 2 45 L +16 2 46 R +16 2 47 L +16 2 48 M +16 2 49 L +16 2 50 E +16 2 51 R +16 2 52 J +16 2 53 E +16 2 54 L +16 2 55 L +16 2 56 M +16 2 57 R +16 2 58 M +16 2 59 J +16 2 60 L +16 2 61 D +16 2 62 E +16 2 63 D +16 2 64 E +16 2 65 D +16 2 66 J +16 2 67 L +16 2 68 E +16 2 69 L +16 2 70 E +16 2 71 D +16 2 72 L +16 2 73 E +16 2 74 L +16 2 75 L +16 2 76 M +16 2 77 L +16 2 78 J +16 2 79 R +16 2 80 E +16 2 81 L +16 2 82 L +16 2 83 M +16 2 84 M +16 2 85 L +16 2 86 M +16 2 87 R +16 2 88 D +16 2 89 R +16 2 90 L +16 2 91 M +16 2 92 J +16 2 93 E +16 2 94 R +16 2 95 J +16 2 96 M +16 2 97 E +16 2 98 D +16 2 99 L +16 2 100 L +16 2 101 D +16 2 102 E +16 2 103 L +16 2 104 E +16 2 105 E +16 2 106 M +16 2 107 J +16 2 108 M +16 2 109 E +16 2 110 M +16 2 111 R +16 2 112 D +16 2 113 R +16 2 114 E +16 2 115 D +16 2 116 L +16 2 117 R +16 2 118 M +16 2 119 L +16 2 120 J +16 2 121 M +16 2 122 L +16 2 123 E +16 2 124 L +16 2 125 D +16 2 126 D +16 2 127 L +16 2 128 M +16 2 129 J +16 2 130 L +16 2 131 E +16 2 132 D +16 2 133 L +16 2 134 R +16 2 135 E +16 2 136 L +16 2 137 L +16 2 138 E +16 2 139 J +16 2 140 E +16 2 141 J +16 2 142 J +16 2 143 L +16 2 144 E +16 2 145 L +16 2 146 M +16 2 147 L +16 2 148 D +16 2 149 L +16 2 150 E +16 2 151 M +16 2 152 E +16 2 153 E +16 2 154 R +16 2 155 L +16 2 156 L +16 2 157 D +16 2 158 J +16 2 159 M +16 2 160 M +16 2 161 L +16 2 162 D +16 2 163 E +16 2 164 E +16 2 165 L +16 2 166 E +16 2 167 E +16 2 168 L +16 2 169 E +16 2 170 R +16 2 171 L +16 2 172 J +16 2 173 M +16 2 174 M +16 2 175 L +16 2 176 D +16 2 177 M +16 2 178 E +16 2 179 D +16 2 180 L +16 2 181 M +16 2 182 D +16 2 183 M +16 2 184 E +16 2 185 M +16 2 186 L +16 2 187 M +16 2 188 E +16 2 189 E +16 2 190 M +16 2 191 L +16 2 192 E +16 2 193 M +16 2 194 D +16 2 195 L +16 2 196 L +16 2 197 E +16 2 198 R +16 2 199 J +16 2 200 L +16 2 201 M +16 2 202 L +16 2 203 D +16 2 204 R +16 2 205 E +16 2 206 J +16 2 207 D +16 2 208 M +16 2 209 L +16 2 210 D +16 2 211 L +16 2 212 M +16 2 213 E +16 2 214 M +16 2 215 D +16 2 216 L +16 2 217 M +16 2 218 L +16 2 219 L +16 2 220 E +16 2 221 J +16 2 222 E +16 2 223 L +16 2 224 J +16 2 225 M +16 2 226 E +16 2 227 R +16 2 228 E +16 2 229 L +16 2 230 J +16 2 231 E +16 2 232 M +16 2 233 E +16 2 234 L +16 2 235 E +16 2 236 M +16 2 237 M +16 2 238 L +16 2 239 M +16 2 240 D +16 2 241 J +16 2 242 M +16 2 243 D +16 2 244 J +16 2 245 D +16 2 246 L +16 2 247 E +16 2 248 L +16 2 249 L +16 2 250 E +16 2 251 L +16 2 252 J +16 2 253 L +16 2 254 E +16 2 255 R +16 2 256 D +16 2 257 E +16 2 258 M +16 2 259 D +16 2 260 L +16 2 261 M +16 2 262 J +16 2 263 R +16 2 264 E +16 2 265 L +16 2 266 D +16 2 267 L +16 2 268 L +16 2 269 D +16 2 270 M +16 2 271 L +16 2 272 J +16 2 273 E +16 2 274 J +16 2 275 M +16 2 276 D +16 2 277 E +16 2 278 M +16 2 279 L +16 2 280 L +16 2 281 L +16 2 282 L +16 2 283 D +16 2 284 J +16 2 285 M +16 2 286 J +16 2 287 M +16 2 288 D +16 2 289 L +16 2 290 J +16 2 291 L +16 2 292 M +16 2 293 L +16 2 294 J +16 2 295 M +16 2 296 E +16 2 297 M +16 2 298 D +16 2 299 L +16 2 300 R +16 2 301 L +16 2 302 J +16 2 303 E +16 2 304 L +16 2 305 D +16 2 306 L +16 2 307 E +16 2 308 E +16 2 309 L +16 2 310 L +16 2 311 E +16 2 312 R +16 2 313 E +16 2 314 J +16 2 315 L +16 2 316 L +16 2 317 D +16 2 318 M +16 2 319 J +16 2 320 L +16 2 321 D +16 2 322 E +16 2 323 L +16 2 324 J +16 2 325 E +16 2 326 M +16 2 327 J +16 2 328 L +16 2 329 M +16 2 330 J +16 3 1 L +16 3 2 L +16 3 3 D +16 3 4 E +16 3 5 L +16 3 6 M +16 3 7 L +16 3 8 D +16 3 9 D +16 3 10 E +16 3 11 L +16 3 12 M +16 3 13 L +16 3 14 E +16 3 15 N +16 3 16 J +16 3 17 D +16 3 18 R +16 3 19 L +16 3 20 L +16 3 21 D +16 3 22 M +16 3 23 E +16 3 24 R +16 3 25 L +16 3 26 L +16 3 27 N +16 3 28 D +16 3 29 L +16 3 30 D +16 3 31 N +16 3 32 E +16 3 33 L +16 3 34 E +16 3 35 D +16 3 36 L +16 3 37 L +16 3 38 D +16 3 39 L +16 3 40 L +16 3 41 D +16 3 42 M +16 3 43 E +16 3 44 N +16 3 45 L +16 3 46 R +16 3 47 L +16 3 48 M +16 3 49 L +16 3 50 E +16 3 51 R +16 3 52 J +16 3 53 D +16 3 54 L +16 3 55 L +16 3 56 D +16 3 57 E +16 3 58 M +16 3 59 J +16 3 60 R +16 3 61 D +16 3 62 N +16 3 63 M +16 3 64 E +16 3 65 D +16 3 66 N +16 3 67 L +16 3 68 D +16 3 69 L +16 3 70 J +16 3 71 D +16 3 72 L +16 3 73 D +16 3 74 N +16 3 75 L +16 3 76 D +16 3 77 L +16 3 78 J +16 3 79 R +16 3 80 E +16 3 81 L +16 3 82 L +16 3 83 J +16 3 84 M +16 3 85 L +16 3 86 J +16 3 87 R +16 3 88 E +16 3 89 R +16 3 90 E +16 3 91 M +16 3 92 J +16 3 93 E +16 3 94 R +16 3 95 J +16 3 96 M +16 3 97 E +16 3 98 D +16 3 99 J +16 3 100 L +16 3 101 D +16 3 102 J +16 3 103 L +16 3 104 L +16 3 105 E +16 3 106 M +16 3 107 J +16 3 108 L +16 3 109 E +16 3 110 M +16 3 111 L +16 3 112 D +16 3 113 R +16 3 114 L +16 3 115 D +16 3 116 J +16 3 117 R +16 3 118 J +16 3 119 L +16 3 120 J +16 3 121 D +16 3 122 L +16 3 123 E +16 3 124 M +16 3 125 D +16 3 126 D +16 3 127 L +16 3 128 M +16 3 129 J +16 3 130 L +16 3 131 E +16 3 132 D +16 3 133 L +16 3 134 R +16 3 135 E +16 3 136 L +16 3 137 L +16 3 138 J +16 3 139 N +16 3 140 E +16 3 141 J +16 3 142 J +16 3 143 L +16 3 144 E +16 3 145 L +16 3 146 M +16 3 147 L +16 3 148 D +16 3 149 L +16 3 150 E +16 3 151 D +16 3 152 E +16 3 153 E +16 3 154 J +16 3 155 R +16 3 156 L +16 3 157 R +16 3 158 J +16 3 159 M +16 3 160 J +16 3 161 L +16 3 162 D +16 3 163 L +16 3 164 E +16 3 165 L +16 3 166 E +16 3 167 J +16 3 168 L +16 3 169 L +16 3 170 R +16 3 171 L +16 3 172 J +16 3 173 D +16 3 174 M +16 3 175 J +16 3 176 D +16 3 177 M +16 3 178 E +16 3 179 D +16 3 180 L +16 3 181 M +16 3 182 D +16 3 183 D +16 3 184 E +16 3 185 D +16 3 186 J +16 3 187 M +16 3 188 E +16 3 189 J +16 3 190 J +16 3 191 L +16 3 192 E +16 3 193 M +16 3 194 D +16 3 195 L +16 3 196 L +16 3 197 J +16 3 198 R +16 3 199 J +16 3 200 J +16 3 201 D +16 3 202 L +16 3 203 D +16 3 204 R +16 3 205 E +16 3 206 M +16 3 207 D +16 3 208 D +16 3 209 L +16 3 210 D +16 3 211 L +16 3 212 M +16 3 213 E +16 3 214 M +16 3 215 E +16 3 216 R +16 3 217 D +16 3 218 L +16 3 219 J +16 3 220 E +16 3 221 J +16 3 222 E +16 3 223 L +16 3 224 J +16 3 225 L +16 3 226 E +16 3 227 R +16 3 228 E +16 3 229 L +16 3 230 J +16 3 231 E +16 3 232 L +16 3 233 L +16 3 234 L +16 3 235 E +16 3 236 L +16 3 237 J +16 3 238 L +16 3 239 M +16 3 240 D +16 3 241 J +16 3 242 M +16 3 243 E +16 3 244 J +16 3 245 D +16 3 246 L +16 3 247 E +16 3 248 R +16 3 249 L +16 3 250 E +16 3 251 L +16 3 252 J +16 3 253 L +16 3 254 E +16 3 255 R +16 3 256 D +16 3 257 E +16 3 258 M +16 3 259 D +16 3 260 J +16 3 261 D +16 3 262 J +16 3 263 N +16 3 264 J +16 3 265 L +16 3 266 D +16 3 267 E +16 3 268 L +16 3 269 J +16 3 270 M +16 3 271 L +16 3 272 N +16 3 273 E +16 3 274 J +16 3 275 L +16 3 276 D +16 3 277 E +16 3 278 D +16 3 279 E +16 3 280 L +16 3 281 L +16 3 282 L +16 3 283 R +16 3 284 J +16 3 285 M +16 3 286 N +16 3 287 D +16 3 288 D +16 3 289 L +16 3 290 J +16 3 291 E +16 3 292 D +16 3 293 L +16 3 294 N +16 3 295 D +16 3 296 E +16 3 297 M +16 3 298 D +16 3 299 L +16 3 300 N +16 3 301 L +16 3 302 M +16 3 303 J +16 3 304 L +16 3 305 E +16 3 306 L +16 3 307 L +16 3 308 M +16 3 309 R +16 3 310 L +16 3 311 E +16 3 312 R +16 3 313 E +16 3 314 J +16 3 315 L +16 3 316 L +16 3 317 D +16 3 318 D +16 3 319 N +16 3 320 L +16 3 321 D +16 3 322 L +16 3 323 L +16 3 324 N +16 3 325 E +16 3 326 M +16 3 327 J +16 3 328 L +16 3 329 R +16 3 330 J +16 4 1 E +16 4 2 E +16 4 3 D +16 4 4 E +16 4 5 L +16 4 6 M +16 4 7 L +16 4 8 D +16 4 9 M +16 4 10 E +16 4 11 R +16 4 12 M +16 4 13 E +16 4 14 L +16 4 15 D +16 4 16 D +16 4 17 J +16 4 18 R +16 4 19 E +16 4 20 L +16 4 21 D +16 4 22 M +16 4 23 E +16 4 24 R +16 4 25 E +16 4 26 L +16 4 27 J +16 4 28 M +16 4 29 L +16 4 30 M +16 4 31 E +16 4 32 E +16 4 33 L +16 4 34 E +16 4 35 M +16 4 36 L +16 4 37 E +16 4 38 M +16 4 39 L +16 4 40 E +16 4 41 D +16 4 42 M +16 4 43 E +16 4 44 J +16 4 45 L +16 4 46 R +16 4 47 E +16 4 48 D +16 4 49 E +16 4 50 E +16 4 51 D +16 4 52 J +16 4 53 L +16 4 54 L +16 4 55 E +16 4 56 M +16 4 57 L +16 4 58 M +16 4 59 J +16 4 60 R +16 4 61 D +16 4 62 E +16 4 63 D +16 4 64 L +16 4 65 M +16 4 66 J +16 4 67 L +16 4 68 M +16 4 69 D +16 4 70 J +16 4 71 D +16 4 72 L +16 4 73 E +16 4 74 E +16 4 75 L +16 4 76 M +16 4 77 L +16 4 78 J +16 4 79 R +16 4 80 E +16 4 81 L +16 4 82 E +16 4 83 M +16 4 84 J +16 4 85 L +16 4 86 E +16 4 87 R +16 4 88 E +16 4 89 R +16 4 90 L +16 4 91 L +16 4 92 J +16 4 93 E +16 4 94 R +16 4 95 E +16 4 96 M +16 4 97 E +16 4 98 D +16 4 99 L +16 4 100 E +16 4 101 E +16 4 102 E +16 4 103 L +16 4 104 E +16 4 105 L +16 4 106 M +16 4 107 J +16 4 108 L +16 4 109 E +16 4 110 M +16 4 111 L +16 4 112 D +16 4 113 R +16 4 114 L +16 4 115 E +16 4 116 J +16 4 117 L +16 4 118 M +16 4 119 L +16 4 120 J +16 4 121 D +16 4 122 L +16 4 123 E +16 4 124 M +16 4 125 D +16 4 126 D +16 4 127 L +16 4 128 M +16 4 129 J +16 4 130 L +16 4 131 E +16 4 132 D +16 4 133 L +16 4 134 D +16 4 135 E +16 4 136 L +16 4 137 E +16 4 138 L +16 4 139 J +16 4 140 E +16 4 141 J +16 4 142 J +16 4 143 L +16 4 144 E +16 4 145 L +16 4 146 M +16 4 147 L +16 4 148 D +16 4 149 L +16 4 150 E +16 4 151 J +16 4 152 E +16 4 153 L +16 4 154 R +16 4 155 L +16 4 156 E +16 4 157 R +16 4 158 J +16 4 159 M +16 4 160 D +16 4 161 L +16 4 162 D +16 4 163 L +16 4 164 E +16 4 165 L +16 4 166 E +16 4 167 E +16 4 168 L +16 4 169 L +16 4 170 E +16 4 171 E +16 4 172 J +16 4 173 D +16 4 174 M +16 4 175 E +16 4 176 D +16 4 177 M +16 4 178 E +16 4 179 D +16 4 180 L +16 4 181 M +16 4 182 D +16 4 183 L +16 4 184 E +16 4 185 D +16 4 186 E +16 4 187 M +16 4 188 L +16 4 189 K +16 4 190 M +16 4 191 L +16 4 192 E +16 4 193 L +16 4 194 D +16 4 195 L +16 4 196 E +16 4 197 E +16 4 198 R +16 4 199 E +16 4 200 L +16 4 201 J +16 4 202 L +16 4 203 E +16 4 204 R +16 4 205 E +16 4 206 J +16 4 207 D +16 4 208 D +16 4 209 E +16 4 210 J +16 4 211 E +16 4 212 D +16 4 213 J +16 4 214 M +16 4 215 D +16 4 216 R +16 4 217 M +16 4 218 L +16 4 219 E +16 4 220 E +16 4 221 J +16 4 222 E +16 4 223 L +16 4 224 J +16 4 225 L +16 4 226 L +16 4 227 R +16 4 228 E +16 4 229 L +16 4 230 J +16 4 231 E +16 4 232 L +16 4 233 E +16 4 234 L +16 4 235 L +16 4 236 L +16 4 237 M +16 4 238 L +16 4 239 M +16 4 240 R +16 4 241 J +16 4 242 M +16 4 243 R +16 4 244 J +16 4 245 D +16 4 246 E +16 4 247 E +16 4 248 R +16 4 249 L +16 4 250 E +16 4 251 L +16 4 252 J +16 4 253 L +16 4 254 E +16 4 255 R +16 4 256 D +16 4 257 L +16 4 258 M +16 4 259 D +16 4 260 L +16 4 261 D +16 4 262 J +16 4 263 R +16 4 264 E +16 4 265 L +16 4 266 D +16 4 267 E +16 4 268 L +16 4 269 E +16 4 270 M +16 4 271 L +16 4 272 J +16 4 273 E +16 4 274 J +16 4 275 E +16 4 276 E +16 4 277 R +16 4 278 D +16 4 279 E +16 4 280 L +16 4 281 L +16 4 282 L +16 4 283 R +16 4 284 J +16 4 285 M +16 4 286 J +16 4 287 L +16 4 288 D +16 4 289 L +16 4 290 M +16 4 291 E +16 4 292 D +16 4 293 E +16 4 294 J +16 4 295 L +16 4 296 E +16 4 297 M +16 4 298 D +16 4 299 L +16 4 300 J +16 4 301 L +16 4 302 M +16 4 303 E +16 4 304 E +16 4 305 D +16 4 306 L +16 4 307 E +16 4 308 J +16 4 309 R +16 4 310 L +16 4 311 E +16 4 312 R +16 4 313 E +16 4 314 J +16 4 315 L +16 4 316 E +16 4 317 M +16 4 318 D +16 4 319 J +16 4 320 L +16 4 321 D +16 4 322 E +16 4 323 L +16 4 324 M +16 4 325 E +16 4 326 M +16 4 327 J +16 4 328 L +16 4 329 D +16 4 330 J +16 5 1 L +16 5 2 L +16 5 3 D +16 5 4 D +16 5 5 L +16 5 6 M +16 5 7 L +16 5 8 D +16 5 9 D +16 5 10 E +16 5 11 L +16 5 12 M +16 5 13 L +16 5 14 E +16 5 15 M +16 5 16 J +16 5 17 M +16 5 18 R +16 5 19 L +16 5 20 E +16 5 21 D +16 5 22 M +16 5 23 D +16 5 24 R +16 5 25 L +16 5 26 E +16 5 27 J +16 5 28 D +16 5 29 L +16 5 30 M +16 5 31 L +16 5 32 M +16 5 33 L +16 5 34 E +16 5 35 D +16 5 36 L +16 5 37 L +16 5 38 D +16 5 39 L +16 5 40 E +16 5 41 D +16 5 42 M +16 5 43 E +16 5 44 M +16 5 45 L +16 5 46 R +16 5 47 E +16 5 48 D +16 5 49 E +16 5 50 E +16 5 51 M +16 5 52 J +16 5 53 M +16 5 54 E +16 5 55 E +16 5 56 M +16 5 57 L +16 5 58 M +16 5 59 J +16 5 60 E +16 5 61 D +16 5 62 L +16 5 63 D +16 5 64 E +16 5 65 D +16 5 66 J +16 5 67 E +16 5 68 D +16 5 69 L +16 5 70 J +16 5 71 M +16 5 72 L +16 5 73 L +16 5 74 L +16 5 75 R +16 5 76 M +16 5 77 L +16 5 78 D +16 5 79 R +16 5 80 L +16 5 81 L +16 5 82 L +16 5 83 M +16 5 84 M +16 5 85 L +16 5 86 D +16 5 87 R +16 5 88 D +16 5 89 R +16 5 90 E +16 5 91 L +16 5 92 M +16 5 93 E +16 5 94 R +16 5 95 J +16 5 96 M +16 5 97 E +16 5 98 M +16 5 99 E +16 5 100 L +16 5 101 M +16 5 102 J +16 5 103 R +16 5 104 L +16 5 105 M +16 5 106 D +16 5 107 J +16 5 108 L +16 5 109 L +16 5 110 M +16 5 111 R +16 5 112 M +16 5 113 R +16 5 114 L +16 5 115 D +16 5 116 L +16 5 117 M +16 5 118 D +16 5 119 L +16 5 120 J +16 5 121 M +16 5 122 L +16 5 123 L +16 5 124 M +16 5 125 D +16 5 126 M +16 5 127 L +16 5 128 M +16 5 129 M +16 5 130 R +16 5 131 M +16 5 132 M +16 5 133 E +16 5 134 M +16 5 135 M +16 5 136 L +16 5 137 L +16 5 138 E +16 5 139 J +16 5 140 L +16 5 141 J +16 5 142 J +16 5 143 L +16 5 144 L +16 5 145 L +16 5 146 M +16 5 147 L +16 5 148 M +16 5 149 L +16 5 150 L +16 5 151 M +16 5 152 M +16 5 153 L +16 5 154 R +16 5 155 R +16 5 156 L +16 5 157 M +16 5 158 J +16 5 159 M +16 5 160 D +16 5 161 L +16 5 162 D +16 5 163 L +16 5 164 L +16 5 165 R +16 5 166 L +16 5 167 M +16 5 168 L +16 5 169 E +16 5 170 R +16 5 171 L +16 5 172 J +16 5 173 M +16 5 174 M +16 5 175 L +16 5 176 M +16 5 177 L +16 5 178 L +16 5 179 M +16 5 180 L +16 5 181 M +16 5 182 M +16 5 183 R +16 5 184 M +16 5 185 M +16 5 186 L +16 5 187 M +16 5 188 L +16 5 189 L +16 5 190 D +16 5 191 L +16 5 192 M +16 5 193 L +16 5 194 M +16 5 195 L +16 5 196 E +16 5 197 M +16 5 198 R +16 5 199 J +16 5 200 L +16 5 201 D +16 5 202 L +16 5 203 M +16 5 204 R +16 5 205 E +16 5 206 J +16 5 207 M +16 5 208 M +16 5 209 L +16 5 210 M +16 5 211 L +16 5 212 M +16 5 213 M +16 5 214 L +16 5 215 M +16 5 216 R +16 5 217 M +16 5 218 L +16 5 219 J +16 5 220 L +16 5 221 L +16 5 222 L +16 5 223 L +16 5 224 J +16 5 225 M +16 5 226 L +16 5 227 R +16 5 228 L +16 5 229 L +16 5 230 D +16 5 231 M +16 5 232 R +16 5 233 L +16 5 234 E +16 5 235 E +16 5 236 L +16 5 237 D +16 5 238 L +16 5 239 M +16 5 240 D +16 5 241 J +16 5 242 D +16 5 243 M +16 5 244 J +16 5 245 D +16 5 246 L +16 5 247 L +16 5 248 R +16 5 249 L +16 5 250 L +16 5 251 L +16 5 252 M +16 5 253 L +16 5 254 L +16 5 255 R +16 5 256 M +16 5 257 L +16 5 258 M +16 5 259 D +16 5 260 J +16 5 261 M +16 5 262 J +16 5 263 R +16 5 264 L +16 5 265 L +16 5 266 D +16 5 267 M +16 5 268 L +16 5 269 M +16 5 270 D +16 5 271 L +16 5 272 J +16 5 273 M +16 5 274 J +16 5 275 L +16 5 276 D +16 5 277 L +16 5 278 M +16 5 279 L +16 5 280 L +16 5 281 L +16 5 282 L +16 5 283 R +16 5 284 J +16 5 285 M +16 5 286 J +16 5 287 R +16 5 288 M +16 5 289 L +16 5 290 J +16 5 291 L +16 5 292 M +16 5 293 L +16 5 294 J +16 5 295 D +16 5 296 L +16 5 297 M +16 5 298 D +16 5 299 L +16 5 300 J +16 5 301 L +16 5 302 M +16 5 303 L +16 5 304 E +16 5 305 M +16 5 306 L +16 5 307 L +16 5 308 M +16 5 309 R +16 5 310 L +16 5 311 E +16 5 312 R +16 5 313 L +16 5 314 J +16 5 315 E +16 5 316 L +16 5 317 M +16 5 318 M +16 5 319 J +16 5 320 L +16 5 321 M +16 5 322 L +16 5 323 L +16 5 324 D +16 5 325 M +16 5 326 D +16 5 327 J +16 5 328 L +16 5 329 R +16 5 330 L +16 6 1 L +16 6 2 L +16 6 3 M +16 6 4 E +16 6 5 L +16 6 6 M +16 6 7 L +16 6 8 D +16 6 9 J +16 6 10 E +16 6 11 E +16 6 12 M +16 6 13 E +16 6 14 R +16 6 15 J +16 6 16 D +16 6 17 J +16 6 18 R +16 6 19 L +16 6 20 L +16 6 21 M +16 6 22 J +16 6 23 M +16 6 24 R +16 6 25 L +16 6 26 L +16 6 27 J +16 6 28 M +16 6 29 L +16 6 30 D +16 6 31 J +16 6 32 M +16 6 33 L +16 6 34 L +16 6 35 M +16 6 36 R +16 6 37 E +16 6 38 M +16 6 39 L +16 6 40 L +16 6 41 M +16 6 42 M +16 6 43 J +16 6 44 R +16 6 45 L +16 6 46 R +16 6 47 L +16 6 48 M +16 6 49 L +16 6 50 L +16 6 51 M +16 6 52 J +16 6 53 M +16 6 54 R +16 6 55 L +16 6 56 J +16 6 57 L +16 6 58 L +16 6 59 J +16 6 60 R +16 6 61 D +16 6 62 L +16 6 63 M +16 6 64 L +16 6 65 D +16 6 66 J +16 6 67 L +16 6 68 D +16 6 69 L +16 6 70 J +16 6 71 R +16 6 72 L +16 6 73 L +16 6 74 J +16 6 75 R +16 6 76 D +16 6 77 L +16 6 78 M +16 6 79 R +16 6 80 R +16 6 81 L +16 6 82 L +16 6 83 J +16 6 84 M +16 6 85 L +16 6 86 J +16 6 87 R +16 6 88 M +16 6 89 R +16 6 90 R +16 6 91 M +16 6 92 J +16 6 93 R +16 6 94 R +16 6 95 J +16 6 96 M +16 6 97 E +16 6 98 M +16 6 99 E +16 6 100 J +16 6 101 J +16 6 102 L +16 6 103 E +16 6 104 L +16 6 105 M +16 6 106 J +16 6 107 J +16 6 108 J +16 6 109 E +16 6 110 M +16 6 111 R +16 6 112 M +16 6 113 R +16 6 114 L +16 6 115 D +16 6 116 L +16 6 117 E +16 6 118 M +16 6 119 L +16 6 120 J +16 6 121 M +16 6 122 L +16 6 123 L +16 6 124 J +16 6 125 M +16 6 126 L +16 6 127 R +16 6 128 M +16 6 129 E +16 6 130 R +16 6 131 E +16 6 132 M +16 6 133 R +16 6 134 E +16 6 135 M +16 6 136 L +16 6 137 L +16 6 138 E +16 6 139 J +16 6 140 L +16 6 141 J +16 6 142 L +16 6 143 J +16 6 144 E +16 6 145 E +16 6 146 M +16 6 147 L +16 6 148 M +16 6 149 R +16 6 150 E +16 6 151 M +16 6 152 M +16 6 153 E +16 6 154 R +16 6 155 R +16 6 156 L +16 6 157 L +16 6 158 J +16 6 159 J +16 6 160 J +16 6 161 L +16 6 162 M +16 6 163 R +16 6 164 L +16 6 165 J +16 6 166 R +16 6 167 J +16 6 168 M +16 6 169 L +16 6 170 R +16 6 171 L +16 6 172 J +16 6 173 M +16 6 174 L +16 6 175 L +16 6 176 E +16 6 177 J +16 6 178 E +16 6 179 E +16 6 180 R +16 6 181 M +16 6 182 L +16 6 183 E +16 6 184 M +16 6 185 D +16 6 186 E +16 6 187 M +16 6 188 L +16 6 189 E +16 6 190 E +16 6 191 E +16 6 192 E +16 6 193 J +16 6 194 E +16 6 195 R +16 6 196 L +16 6 197 J +16 6 198 R +16 6 199 J +16 6 200 E +16 6 201 J +16 6 202 R +16 6 203 M +16 6 204 R +16 6 205 E +16 6 206 J +16 6 207 M +16 6 208 E +16 6 209 L +16 6 210 E +16 6 211 L +16 6 212 M +16 6 213 E +16 6 214 M +16 6 215 E +16 6 216 R +16 6 217 M +16 6 218 E +16 6 219 J +16 6 220 E +16 6 221 J +16 6 222 E +16 6 223 L +16 6 224 J +16 6 225 J +16 6 226 E +16 6 227 R +16 6 228 E +16 6 229 L +16 6 230 M +16 6 231 L +16 6 232 E +16 6 233 M +16 6 234 E +16 6 235 R +16 6 236 R +16 6 237 J +16 6 238 J +16 6 239 E +16 6 240 J +16 6 241 L +16 6 242 J +16 6 243 E +16 6 244 J +16 6 245 M +16 6 246 L +16 6 247 E +16 6 248 R +16 6 249 M +16 6 250 E +16 6 251 J +16 6 252 J +16 6 253 L +16 6 254 E +16 6 255 R +16 6 256 J +16 6 257 E +16 6 258 L +16 6 259 E +16 6 260 J +16 6 261 M +16 6 262 J +16 6 263 L +16 6 264 L +16 6 265 R +16 6 266 E +16 6 267 E +16 6 268 L +16 6 269 E +16 6 270 M +16 6 271 L +16 6 272 J +16 6 273 E +16 6 274 J +16 6 275 R +16 6 276 E +16 6 277 R +16 6 278 R +16 6 279 E +16 6 280 E +16 6 281 R +16 6 282 L +16 6 283 E +16 6 284 J +16 6 285 E +16 6 286 J +16 6 287 E +16 6 288 D +16 6 289 L +16 6 290 M +16 6 291 E +16 6 292 J +16 6 293 J +16 6 294 E +16 6 295 E +16 6 296 E +16 6 297 M +16 6 298 M +16 6 299 L +16 6 300 E +16 6 301 E +16 6 302 J +16 6 303 E +16 6 304 R +16 6 305 E +16 6 306 R +16 6 307 E +16 6 308 E +16 6 309 E +16 6 310 L +16 6 311 L +16 6 312 M +16 6 313 E +16 6 314 J +16 6 315 L +16 6 316 E +16 6 317 E +16 6 318 E +16 6 319 J +16 6 320 L +16 6 321 M +16 6 322 L +16 6 323 E +16 6 324 J +16 6 325 L +16 6 326 M +16 6 327 J +16 6 328 L +16 6 329 E +16 6 330 M +16 7 1 I +16 7 2 L +16 7 3 D +16 7 4 E +16 7 5 L +16 7 6 M +16 7 7 L +16 7 8 D +16 7 9 R +16 7 10 L +16 7 11 R +16 7 12 G +16 7 13 L +16 7 14 L +16 7 15 D +16 7 16 J +16 7 17 D +16 7 18 R +16 7 19 L +16 7 20 L +16 7 21 M +16 7 22 G +16 7 23 M +16 7 24 J +16 7 25 L +16 7 26 L +16 7 27 J +16 7 28 M +16 7 29 L +16 7 30 D +16 7 31 L +16 7 32 M +16 7 33 L +16 7 34 L +16 7 35 M +16 7 36 L +16 7 37 L +16 7 38 D +16 7 39 L +16 7 40 L +16 7 41 M +16 7 42 M +16 7 43 L +16 7 44 J +16 7 45 L +16 7 46 R +16 7 47 R +16 7 48 M +16 7 49 L +16 7 50 M +16 7 51 R +16 7 52 J +16 7 53 M +16 7 54 L +16 7 55 L +16 7 56 D +16 7 57 L +16 7 58 M +16 7 59 J +16 7 60 L +16 7 61 D +16 7 62 D +16 7 63 M +16 7 64 L +16 7 65 M +16 7 66 J +16 7 67 L +16 7 68 M +16 7 69 R +16 7 70 J +16 7 71 D +16 7 72 L +16 7 73 M +16 7 74 J +16 7 75 R +16 7 76 M +16 7 77 L +16 7 78 M +16 7 79 R +16 7 80 L +16 7 81 M +16 7 82 L +16 7 83 J +16 7 84 M +16 7 85 L +16 7 86 M +16 7 87 R +16 7 88 M +16 7 89 R +16 7 90 R +16 7 91 L +16 7 92 J +16 7 93 L +16 7 94 R +16 7 95 J +16 7 96 M +16 7 97 G +16 7 98 M +16 7 99 J +16 7 100 L +16 7 101 D +16 7 102 J +16 7 103 M +16 7 104 L +16 7 105 D +16 7 106 J +16 7 107 J +16 7 108 J +16 7 109 E +16 7 110 D +16 7 111 R +16 7 112 D +16 7 113 R +16 7 114 L +16 7 115 D +16 7 116 J +16 7 117 R +16 7 118 D +16 7 119 L +16 7 120 J +16 7 121 M +16 7 122 L +16 7 123 L +16 7 124 G +16 7 125 D +16 7 126 D +16 7 127 R +16 7 128 M +16 7 129 J +16 7 130 R +16 7 131 M +16 7 132 D +16 7 133 L +16 7 134 R +16 7 135 M +16 7 136 L +16 7 137 L +16 7 138 L +16 7 139 J +16 7 140 E +16 7 141 J +16 7 142 J +16 7 143 M +16 7 144 M +16 7 145 L +16 7 146 M +16 7 147 L +16 7 148 M +16 7 149 L +16 7 150 M +16 7 151 D +16 7 152 M +16 7 153 L +16 7 154 R +16 7 155 R +16 7 156 L +16 7 157 L +16 7 158 J +16 7 159 M +16 7 160 M +16 7 161 L +16 7 162 D +16 7 163 L +16 7 164 E +16 7 165 R +16 7 166 L +16 7 167 M +16 7 168 L +16 7 169 L +16 7 170 R +16 7 171 M +16 7 172 J +16 7 173 M +16 7 174 D +16 7 175 L +16 7 176 D +16 7 177 M +16 7 178 E +16 7 179 M +16 7 180 L +16 7 181 M +16 7 182 D +16 7 183 J +16 7 184 D +16 7 185 D +16 7 186 L +16 7 187 M +16 7 188 L +16 7 189 J +16 7 190 M +16 7 191 L +16 7 192 M +16 7 193 J +16 7 194 D +16 7 195 L +16 7 196 J +16 7 197 M +16 7 198 R +16 7 199 J +16 7 200 L +16 7 201 M +16 7 202 L +16 7 203 M +16 7 204 R +16 7 205 M +16 7 206 J +16 7 207 D +16 7 208 M +16 7 209 L +16 7 210 M +16 7 211 L +16 7 212 M +16 7 213 J +16 7 214 M +16 7 215 D +16 7 216 R +16 7 217 M +16 7 218 L +16 7 219 J +16 7 220 E +16 7 221 J +16 7 222 M +16 7 223 L +16 7 224 J +16 7 225 M +16 7 226 R +16 7 227 R +16 7 228 L +16 7 229 L +16 7 230 J +16 7 231 M +16 7 232 R +16 7 233 E +16 7 234 L +16 7 235 E +16 7 236 M +16 7 237 M +16 7 238 L +16 7 239 D +16 7 240 M +16 7 241 J +16 7 242 J +16 7 243 M +16 7 244 J +16 7 245 D +16 7 246 L +16 7 247 L +16 7 248 L +16 7 249 L +16 7 250 M +16 7 251 J +16 7 252 J +16 7 253 J +16 7 254 L +16 7 255 R +16 7 256 M +16 7 257 E +16 7 258 M +16 7 259 D +16 7 260 J +16 7 261 M +16 7 262 J +16 7 263 J +16 7 264 J +16 7 265 L +16 7 266 M +16 7 267 M +16 7 268 L +16 7 269 D +16 7 270 M +16 7 271 L +16 7 272 J +16 7 273 M +16 7 274 J +16 7 275 L +16 7 276 M +16 7 277 R +16 7 278 D +16 7 279 L +16 7 280 L +16 7 281 L +16 7 282 M +16 7 283 R +16 7 284 J +16 7 285 M +16 7 286 J +16 7 287 L +16 7 288 D +16 7 289 L +16 7 290 J +16 7 291 E +16 7 292 M +16 7 293 J +16 7 294 J +16 7 295 R +16 7 296 L +16 7 297 M +16 7 298 D +16 7 299 L +16 7 300 J +16 7 301 L +16 7 302 J +16 7 303 L +16 7 304 R +16 7 305 M +16 7 306 J +16 7 307 L +16 7 308 J +16 7 309 R +16 7 310 L +16 7 311 L +16 7 312 R +16 7 313 L +16 7 314 J +16 7 315 L +16 7 316 L +16 7 317 D +16 7 318 M +16 7 319 J +16 7 320 J +16 7 321 D +16 7 322 L +16 7 323 R +16 7 324 J +16 7 325 M +16 7 326 G +16 7 327 J +16 7 328 R +16 7 329 M +16 7 330 J +16 8 1 L +16 8 2 E +16 8 3 M +16 8 4 M +16 8 5 L +16 8 6 M +16 8 7 L +16 8 8 D +16 8 9 J +16 8 10 E +16 8 11 L +16 8 12 M +16 8 13 L +16 8 14 E +16 8 15 J +16 8 16 J +16 8 17 D +16 8 18 R +16 8 19 L +16 8 20 L +16 8 21 D +16 8 22 J +16 8 23 D +16 8 24 R +16 8 25 L +16 8 26 E +16 8 27 J +16 8 28 D +16 8 29 L +16 8 30 M +16 8 31 L +16 8 32 D +16 8 33 L +16 8 34 E +16 8 35 M +16 8 36 L +16 8 37 E +16 8 38 D +16 8 39 L +16 8 40 L +16 8 41 D +16 8 42 M +16 8 43 E +16 8 44 J +16 8 45 L +16 8 46 R +16 8 47 R +16 8 48 M +16 8 49 L +16 8 50 E +16 8 51 M +16 8 52 J +16 8 53 D +16 8 54 L +16 8 55 E +16 8 56 J +16 8 57 E +16 8 58 M +16 8 59 M +16 8 60 R +16 8 61 D +16 8 62 L +16 8 63 M +16 8 64 L +16 8 65 D +16 8 66 J +16 8 67 L +16 8 68 M +16 8 69 L +16 8 70 J +16 8 71 E +16 8 72 L +16 8 73 E +16 8 74 E +16 8 75 R +16 8 76 M +16 8 77 L +16 8 78 J +16 8 79 R +16 8 80 E +16 8 81 L +16 8 82 L +16 8 83 J +16 8 84 M +16 8 85 L +16 8 86 M +16 8 87 R +16 8 88 E +16 8 89 R +16 8 90 R +16 8 91 L +16 8 92 J +16 8 93 L +16 8 94 R +16 8 95 J +16 8 96 M +16 8 97 E +16 8 98 D +16 8 99 J +16 8 100 L +16 8 101 D +16 8 102 J +16 8 103 M +16 8 104 L +16 8 105 D +16 8 106 M +16 8 107 J +16 8 108 J +16 8 109 E +16 8 110 M +16 8 111 L +16 8 112 D +16 8 113 R +16 8 114 E +16 8 115 M +16 8 116 L +16 8 117 R +16 8 118 M +16 8 119 E +16 8 120 J +16 8 121 D +16 8 122 E +16 8 123 E +16 8 124 M +16 8 125 D +16 8 126 M +16 8 127 R +16 8 128 M +16 8 129 J +16 8 130 E +16 8 131 M +16 8 132 D +16 8 133 L +16 8 134 R +16 8 135 D +16 8 136 L +16 8 137 L +16 8 138 L +16 8 139 J +16 8 140 E +16 8 141 J +16 8 142 J +16 8 143 M +16 8 144 E +16 8 145 L +16 8 146 M +16 8 147 L +16 8 148 D +16 8 149 L +16 8 150 E +16 8 151 M +16 8 152 M +16 8 153 L +16 8 154 R +16 8 155 R +16 8 156 E +16 8 157 R +16 8 158 J +16 8 159 M +16 8 160 M +16 8 161 L +16 8 162 D +16 8 163 L +16 8 164 E +16 8 165 M +16 8 166 E +16 8 167 M +16 8 168 L +16 8 169 L +16 8 170 E +16 8 171 M +16 8 172 J +16 8 173 M +16 8 174 M +16 8 175 L +16 8 176 M +16 8 177 M +16 8 178 E +16 8 179 D +16 8 180 R +16 8 181 M +16 8 182 D +16 8 183 M +16 8 184 E +16 8 185 M +16 8 186 L +16 8 187 M +16 8 188 E +16 8 189 J +16 8 190 M +16 8 191 E +16 8 192 E +16 8 193 M +16 8 194 D +16 8 195 L +16 8 196 R +16 8 197 E +16 8 198 R +16 8 199 J +16 8 200 L +16 8 201 M +16 8 202 E +16 8 203 M +16 8 204 R +16 8 205 E +16 8 206 J +16 8 207 M +16 8 208 D +16 8 209 R +16 8 210 D +16 8 211 L +16 8 212 M +16 8 213 J +16 8 214 M +16 8 215 M +16 8 216 R +16 8 217 M +16 8 218 L +16 8 219 J +16 8 220 E +16 8 221 J +16 8 222 E +16 8 223 L +16 8 224 J +16 8 225 M +16 8 226 E +16 8 227 R +16 8 228 R +16 8 229 R +16 8 230 J +16 8 231 M +16 8 232 R +16 8 233 L +16 8 234 E +16 8 235 E +16 8 236 M +16 8 237 M +16 8 238 E +16 8 239 M +16 8 240 D +16 8 241 J +16 8 242 M +16 8 243 D +16 8 244 J +16 8 245 D +16 8 246 L +16 8 247 E +16 8 248 R +16 8 249 R +16 8 250 E +16 8 251 L +16 8 252 J +16 8 253 L +16 8 254 L +16 8 255 R +16 8 256 D +16 8 257 L +16 8 258 M +16 8 259 D +16 8 260 J +16 8 261 M +16 8 262 J +16 8 263 J +16 8 264 L +16 8 265 E +16 8 266 M +16 8 267 L +16 8 268 L +16 8 269 D +16 8 270 M +16 8 271 R +16 8 272 J +16 8 273 E +16 8 274 J +16 8 275 M +16 8 276 D +16 8 277 E +16 8 278 M +16 8 279 E +16 8 280 L +16 8 281 E +16 8 282 L +16 8 283 M +16 8 284 J +16 8 285 M +16 8 286 J +16 8 287 M +16 8 288 D +16 8 289 E +16 8 290 J +16 8 291 E +16 8 292 M +16 8 293 J +16 8 294 J +16 8 295 R +16 8 296 E +16 8 297 M +16 8 298 D +16 8 299 E +16 8 300 J +16 8 301 E +16 8 302 J +16 8 303 L +16 8 304 L +16 8 305 D +16 8 306 M +16 8 307 E +16 8 308 E +16 8 309 R +16 8 310 L +16 8 311 E +16 8 312 R +16 8 313 E +16 8 314 J +16 8 315 L +16 8 316 L +16 8 317 D +16 8 318 M +16 8 319 J +16 8 320 M +16 8 321 D +16 8 322 L +16 8 323 E +16 8 324 J +16 8 325 D +16 8 326 M +16 8 327 J +16 8 328 L +16 8 329 M +16 8 330 J +16 9 1 L +16 9 2 J +16 9 3 D +16 9 4 L +16 9 5 J +16 9 6 M +16 9 7 E +16 9 8 D +16 9 9 M +16 9 10 E +16 9 11 L +16 9 12 M +16 9 13 L +16 9 14 R +16 9 15 J +16 9 16 J +16 9 17 D +16 9 18 R +16 9 19 E +16 9 20 L +16 9 21 D +16 9 22 M +16 9 23 E +16 9 24 L +16 9 25 E +16 9 26 E +16 9 27 J +16 9 28 D +16 9 29 L +16 9 30 D +16 9 31 J +16 9 32 D +16 9 33 L +16 9 34 E +16 9 35 D +16 9 36 L +16 9 37 E +16 9 38 D +16 9 39 E +16 9 40 L +16 9 41 D +16 9 42 M +16 9 43 J +16 9 44 E +16 9 45 L +16 9 46 J +16 9 47 L +16 9 48 M +16 9 49 L +16 9 50 E +16 9 51 R +16 9 52 J +16 9 53 D +16 9 54 L +16 9 55 E +16 9 56 J +16 9 57 E +16 9 58 M +16 9 59 J +16 9 60 L +16 9 61 D +16 9 62 J +16 9 63 D +16 9 64 E +16 9 65 D +16 9 66 J +16 9 67 E +16 9 68 D +16 9 69 E +16 9 70 J +16 9 71 E +16 9 72 L +16 9 73 E +16 9 74 J +16 9 75 L +16 9 76 D +16 9 77 L +16 9 78 D +16 9 79 R +16 9 80 L +16 9 81 E +16 9 82 E +16 9 83 J +16 9 84 M +16 9 85 L +16 9 86 D +16 9 87 R +16 9 88 D +16 9 89 R +16 9 90 L +16 9 91 M +16 9 92 J +16 9 93 E +16 9 94 R +16 9 95 J +16 9 96 M +16 9 97 E +16 9 98 D +16 9 99 J +16 9 100 J +16 9 101 D +16 9 102 J +16 9 103 E +16 9 104 J +16 9 105 E +16 9 106 M +16 9 107 J +16 9 108 J +16 9 109 E +16 9 110 M +16 9 111 R +16 9 112 D +16 9 113 R +16 9 114 R +16 9 115 D +16 9 116 J +16 9 117 E +16 9 118 D +16 9 119 E +16 9 120 J +16 9 121 D +16 9 122 E +16 9 123 E +16 9 124 M +16 9 125 D +16 9 126 D +16 9 127 L +16 9 128 M +16 9 129 J +16 9 130 E +16 9 131 D +16 9 132 D +16 9 133 L +16 9 134 E +16 9 135 D +16 9 136 E +16 9 137 E +16 9 138 R +16 9 139 J +16 9 140 E +16 9 141 J +16 9 142 J +16 9 143 M +16 9 144 E +16 9 145 L +16 9 146 M +16 9 147 L +16 9 148 D +16 9 149 E +16 9 150 E +16 9 151 J +16 9 152 J +16 9 153 L +16 9 154 J +16 9 155 M +16 9 156 L +16 9 157 R +16 9 158 J +16 9 159 J +16 9 160 M +16 9 161 L +16 9 162 D +16 9 163 E +16 9 164 L +16 9 165 E +16 9 166 R +16 9 167 J +16 9 168 L +16 9 169 E +16 9 170 R +16 9 171 L +16 9 172 J +16 9 173 D +16 9 174 M +16 9 175 J +16 9 176 D +16 9 177 M +16 9 178 R +16 9 179 D +16 9 180 L +16 9 181 M +16 9 182 D +16 9 183 M +16 9 184 E +16 9 185 D +16 9 186 J +16 9 187 D +16 9 188 E +16 9 189 J +16 9 190 J +16 9 191 E +16 9 192 E +16 9 193 M +16 9 194 D +16 9 195 L +16 9 196 L +16 9 197 E +16 9 198 R +16 9 199 J +16 9 200 E +16 9 201 J +16 9 202 E +16 9 203 D +16 9 204 E +16 9 205 E +16 9 206 J +16 9 207 D +16 9 208 D +16 9 209 E +16 9 210 E +16 9 211 L +16 9 212 M +16 9 213 J +16 9 214 M +16 9 215 D +16 9 216 R +16 9 217 J +16 9 218 E +16 9 219 J +16 9 220 E +16 9 221 J +16 9 222 E +16 9 223 L +16 9 224 J +16 9 225 M +16 9 226 E +16 9 227 R +16 9 228 E +16 9 229 J +16 9 230 J +16 9 231 D +16 9 232 L +16 9 233 J +16 9 234 E +16 9 235 R +16 9 236 M +16 9 237 J +16 9 238 L +16 9 239 D +16 9 240 D +16 9 241 J +16 9 242 J +16 9 243 D +16 9 244 J +16 9 245 D +16 9 246 L +16 9 247 E +16 9 248 R +16 9 249 E +16 9 250 D +16 9 251 L +16 9 252 J +16 9 253 L +16 9 254 J +16 9 255 R +16 9 256 D +16 9 257 R +16 9 258 M +16 9 259 D +16 9 260 J +16 9 261 D +16 9 262 J +16 9 263 J +16 9 264 J +16 9 265 E +16 9 266 D +16 9 267 E +16 9 268 E +16 9 269 D +16 9 270 D +16 9 271 E +16 9 272 J +16 9 273 E +16 9 274 J +16 9 275 L +16 9 276 D +16 9 277 E +16 9 278 D +16 9 279 E +16 9 280 L +16 9 281 L +16 9 282 E +16 9 283 D +16 9 284 J +16 9 285 D +16 9 286 J +16 9 287 M +16 9 288 D +16 9 289 E +16 9 290 J +16 9 291 E +16 9 292 D +16 9 293 J +16 9 294 J +16 9 295 D +16 9 296 E +16 9 297 M +16 9 298 D +16 9 299 L +16 9 300 J +16 9 301 L +16 9 302 J +16 9 303 J +16 9 304 M +16 9 305 D +16 9 306 L +16 9 307 E +16 9 308 E +16 9 309 E +16 9 310 E +16 9 311 E +16 9 312 R +16 9 313 E +16 9 314 J +16 9 315 L +16 9 316 E +16 9 317 D +16 9 318 M +16 9 319 J +16 9 320 M +16 9 321 D +16 9 322 J +16 9 323 L +16 9 324 J +16 9 325 D +16 9 326 M +16 9 327 J +16 9 328 L +16 9 329 D +16 9 330 J +16 10 1 E +16 10 2 E +16 10 3 D +16 10 4 D +16 10 5 L +16 10 6 M +16 10 7 E +16 10 8 D +16 10 9 M +16 10 10 L +16 10 11 R +16 10 12 M +16 10 13 L +16 10 14 L +16 10 15 M +16 10 16 K +16 10 17 D +16 10 18 R +16 10 19 L +16 10 20 L +16 10 21 M +16 10 22 K +16 10 23 M +16 10 24 R +16 10 25 L +16 10 26 L +16 10 27 K +16 10 28 M +16 10 29 L +16 10 30 M +16 10 31 L +16 10 32 M +16 10 33 L +16 10 34 E +16 10 35 M +16 10 36 R +16 10 37 L +16 10 38 D +16 10 39 L +16 10 40 L +16 10 41 D +16 10 42 K +16 10 43 J +16 10 44 E +16 10 45 L +16 10 46 J +16 10 47 E +16 10 48 M +16 10 49 K +16 10 50 M +16 10 51 R +16 10 52 J +16 10 53 D +16 10 54 L +16 10 55 L +16 10 56 M +16 10 57 L +16 10 58 M +16 10 59 K +16 10 60 E +16 10 61 D +16 10 62 M +16 10 63 K +16 10 64 L +16 10 65 M +16 10 66 K +16 10 67 K +16 10 68 K +16 10 69 L +16 10 70 K +16 10 71 M +16 10 72 L +16 10 73 M +16 10 74 K +16 10 75 R +16 10 76 D +16 10 77 E +16 10 78 K +16 10 79 R +16 10 80 L +16 10 81 L +16 10 82 L +16 10 83 J +16 10 84 M +16 10 85 E +16 10 86 M +16 10 87 R +16 10 88 M +16 10 89 R +16 10 90 E +16 10 91 M +16 10 92 K +16 10 93 L +16 10 94 R +16 10 95 K +16 10 96 M +16 10 97 E +16 10 98 D +16 10 99 K +16 10 100 K +16 10 101 D +16 10 102 K +16 10 103 M +16 10 104 L +16 10 105 M +16 10 106 M +16 10 107 K +16 10 108 K +16 10 109 L +16 10 110 M +16 10 111 R +16 10 112 D +16 10 113 R +16 10 114 L +16 10 115 D +16 10 116 K +16 10 117 R +16 10 118 M +16 10 119 L +16 10 120 J +16 10 121 D +16 10 122 L +16 10 123 L +16 10 124 M +16 10 125 D +16 10 126 M +16 10 127 R +16 10 128 M +16 10 129 J +16 10 130 R +16 10 131 M +16 10 132 D +16 10 133 L +16 10 134 R +16 10 135 D +16 10 136 L +16 10 137 L +16 10 138 L +16 10 139 J +16 10 140 L +16 10 141 J +16 10 142 K +16 10 143 L +16 10 144 M +16 10 145 L +16 10 146 M +16 10 147 L +16 10 148 D +16 10 149 K +16 10 150 M +16 10 151 K +16 10 152 K +16 10 153 L +16 10 154 R +16 10 155 R +16 10 156 L +16 10 157 K +16 10 158 J +16 10 159 M +16 10 160 K +16 10 161 L +16 10 162 D +16 10 163 L +16 10 164 L +16 10 165 K +16 10 166 R +16 10 167 K +16 10 168 E +16 10 169 L +16 10 170 R +16 10 171 R +16 10 172 K +16 10 173 M +16 10 174 J +16 10 175 K +16 10 176 D +16 10 177 M +16 10 178 L +16 10 179 M +16 10 180 L +16 10 181 M +16 10 182 R +16 10 183 M +16 10 184 M +16 10 185 M +16 10 186 L +16 10 187 M +16 10 188 L +16 10 189 J +16 10 190 M +16 10 191 L +16 10 192 E +16 10 193 M +16 10 194 R +16 10 195 L +16 10 196 J +16 10 197 M +16 10 198 R +16 10 199 J +16 10 200 L +16 10 201 J +16 10 202 L +16 10 203 M +16 10 204 R +16 10 205 E +16 10 206 J +16 10 207 M +16 10 208 D +16 10 209 L +16 10 210 L +16 10 211 L +16 10 212 M +16 10 213 J +16 10 214 M +16 10 215 M +16 10 216 R +16 10 217 M +16 10 218 D +16 10 219 J +16 10 220 E +16 10 221 J +16 10 222 L +16 10 223 E +16 10 224 J +16 10 225 E +16 10 226 L +16 10 227 R +16 10 228 R +16 10 229 L +16 10 230 K +16 10 231 E +16 10 232 R +16 10 233 K +16 10 234 L +16 10 235 E +16 10 236 M +16 10 237 M +16 10 238 L +16 10 239 M +16 10 240 R +16 10 241 K +16 10 242 M +16 10 243 D +16 10 244 J +16 10 245 D +16 10 246 L +16 10 247 E +16 10 248 R +16 10 249 L +16 10 250 M +16 10 251 L +16 10 252 J +16 10 253 L +16 10 254 M +16 10 255 R +16 10 256 D +16 10 257 L +16 10 258 M +16 10 259 D +16 10 260 K +16 10 261 M +16 10 262 J +16 10 263 J +16 10 264 J +16 10 265 L +16 10 266 M +16 10 267 L +16 10 268 L +16 10 269 E +16 10 270 M +16 10 271 L +16 10 272 J +16 10 273 M +16 10 274 J +16 10 275 K +16 10 276 D +16 10 277 R +16 10 278 M +16 10 279 L +16 10 280 L +16 10 281 E +16 10 282 E +16 10 283 R +16 10 284 J +16 10 285 D +16 10 286 K +16 10 287 R +16 10 288 D +16 10 289 E +16 10 290 J +16 10 291 L +16 10 292 M +16 10 293 J +16 10 294 K +16 10 295 R +16 10 296 E +16 10 297 M +16 10 298 D +16 10 299 L +16 10 300 K +16 10 301 L +16 10 302 J +16 10 303 L +16 10 304 M +16 10 305 D +16 10 306 D +16 10 307 L +16 10 308 M +16 10 309 R +16 10 310 L +16 10 311 L +16 10 312 R +16 10 313 E +16 10 314 J +16 10 315 L +16 10 316 L +16 10 317 D +16 10 318 M +16 10 319 J +16 10 320 L +16 10 321 D +16 10 322 J +16 10 323 L +16 10 324 J +16 10 325 D +16 10 326 M +16 10 327 J +16 10 328 L +16 10 329 R +16 10 330 J +16 11 1 L +16 11 2 M +16 11 3 D +16 11 4 E +16 11 5 L +16 11 6 K +16 11 7 L +16 11 8 D +16 11 9 M +16 11 10 L +16 11 11 M +16 11 12 M +16 11 13 L +16 11 14 M +16 11 15 K +16 11 16 J +16 11 17 D +16 11 18 L +16 11 19 L +16 11 20 L +16 11 21 D +16 11 22 J +16 11 23 L +16 11 24 K +16 11 25 L +16 11 26 K +16 11 27 J +16 11 28 D +16 11 29 L +16 11 30 K +16 11 31 J +16 11 32 M +16 11 33 M +16 11 34 L +16 11 35 K +16 11 36 L +16 11 37 E +16 11 38 D +16 11 39 L +16 11 40 E +16 11 41 D +16 11 42 M +16 11 43 L +16 11 44 J +16 11 45 L +16 11 46 K +16 11 47 L +16 11 48 M +16 11 49 J +16 11 50 E +16 11 51 K +16 11 52 J +16 11 53 D +16 11 54 L +16 11 55 L +16 11 56 M +16 11 57 L +16 11 58 M +16 11 59 K +16 11 60 L +16 11 61 D +16 11 62 M +16 11 63 K +16 11 64 L +16 11 65 D +16 11 66 J +16 11 67 K +16 11 68 D +16 11 69 M +16 11 70 J +16 11 71 E +16 11 72 L +16 11 73 L +16 11 74 J +16 11 75 E +16 11 76 M +16 11 77 L +16 11 78 J +16 11 79 K +16 11 80 L +16 11 81 M +16 11 82 L +16 11 83 J +16 11 84 M +16 11 85 L +16 11 86 M +16 11 87 K +16 11 88 D +16 11 89 E +16 11 90 L +16 11 91 M +16 11 92 J +16 11 93 L +16 11 94 E +16 11 95 J +16 11 96 M +16 11 97 L +16 11 98 D +16 11 99 J +16 11 100 K +16 11 101 D +16 11 102 J +16 11 103 M +16 11 104 E +16 11 105 L +16 11 106 M +16 11 107 J +16 11 108 K +16 11 109 L +16 11 110 M +16 11 111 K +16 11 112 D +16 11 113 K +16 11 114 L +16 11 115 D +16 11 116 J +16 11 117 E +16 11 118 M +16 11 119 L +16 11 120 J +16 11 121 D +16 11 122 L +16 11 123 L +16 11 124 K +16 11 125 D +16 11 126 M +16 11 127 L +16 11 128 M +16 11 129 J +16 11 130 E +16 11 131 E +16 11 132 D +16 11 133 L +16 11 134 E +16 11 135 D +16 11 136 L +16 11 137 L +16 11 138 E +16 11 139 J +16 11 140 E +16 11 141 J +16 11 142 J +16 11 143 M +16 11 144 E +16 11 145 L +16 11 146 M +16 11 147 L +16 11 148 D +16 11 149 L +16 11 150 D +16 11 151 M +16 11 152 K +16 11 153 L +16 11 154 K +16 11 155 E +16 11 156 L +16 11 157 K +16 11 158 J +16 11 159 J +16 11 160 M +16 11 161 L +16 11 162 D +16 11 163 L +16 11 164 L +16 11 165 M +16 11 166 K +16 11 167 K +16 11 168 L +16 11 169 L +16 11 170 K +16 11 171 M +16 11 172 J +16 11 173 D +16 11 174 M +16 11 175 J +16 11 176 D +16 11 177 J +16 11 178 L +16 11 179 E +16 11 180 L +16 11 181 K +16 11 182 E +16 11 183 K +16 11 184 L +16 11 185 M +16 11 186 L +16 11 187 M +16 11 188 L +16 11 189 J +16 11 190 K +16 11 191 L +16 11 192 L +16 11 193 J +16 11 194 E +16 11 195 L +16 11 196 E +16 11 197 K +16 11 198 K +16 11 199 J +16 11 200 J +16 11 201 M +16 11 202 L +16 11 203 D +16 11 204 K +16 11 205 E +16 11 206 J +16 11 207 D +16 11 208 M +16 11 209 L +16 11 210 K +16 11 211 L +16 11 212 M +16 11 213 K +16 11 214 M +16 11 215 E +16 11 216 K +16 11 217 M +16 11 218 K +16 11 219 J +16 11 220 E +16 11 221 J +16 11 222 E +16 11 223 L +16 11 224 J +16 11 225 M +16 11 226 L +16 11 227 E +16 11 228 L +16 11 229 K +16 11 230 J +16 11 231 E +16 11 232 K +16 11 233 K +16 11 234 L +16 11 235 L +16 11 236 K +16 11 237 M +16 11 238 L +16 11 239 M +16 11 240 K +16 11 241 J +16 11 242 M +16 11 243 E +16 11 244 J +16 11 245 D +16 11 246 L +16 11 247 E +16 11 248 K +16 11 249 E +16 11 250 R +16 11 251 L +16 11 252 M +16 11 253 L +16 11 254 K +16 11 255 E +16 11 256 M +16 11 257 L +16 11 258 M +16 11 259 D +16 11 260 J +16 11 261 M +16 11 262 J +16 11 263 K +16 11 264 K +16 11 265 L +16 11 266 K +16 11 267 E +16 11 268 L +16 11 269 K +16 11 270 M +16 11 271 K +16 11 272 J +16 11 273 M +16 11 274 J +16 11 275 K +16 11 276 D +16 11 277 L +16 11 278 M +16 11 279 L +16 11 280 L +16 11 281 L +16 11 282 L +16 11 283 K +16 11 284 J +16 11 285 M +16 11 286 J +16 11 287 K +16 11 288 D +16 11 289 L +16 11 290 K +16 11 291 L +16 11 292 M +16 11 293 J +16 11 294 J +16 11 295 K +16 11 296 L +16 11 297 M +16 11 298 D +16 11 299 L +16 11 300 K +16 11 301 L +16 11 302 K +16 11 303 K +16 11 304 L +16 11 305 L +16 11 306 E +16 11 307 L +16 11 308 E +16 11 309 K +16 11 310 L +16 11 311 L +16 11 312 K +16 11 313 L +16 11 314 J +16 11 315 L +16 11 316 L +16 11 317 D +16 11 318 M +16 11 319 J +16 11 320 K +16 11 321 D +16 11 322 L +16 11 323 L +16 11 324 J +16 11 325 E +16 11 326 M +16 11 327 J +16 11 328 E +16 11 329 K +16 11 330 J +16 12 1 L +16 12 2 L +16 12 3 D +16 12 4 E +16 12 5 L +16 12 6 N +16 12 7 L +16 12 8 E +16 12 9 D +16 12 10 E +16 12 11 L +16 12 12 M +16 12 13 L +16 12 14 E +16 12 15 N +16 12 16 J +16 12 17 D +16 12 18 R +16 12 19 E +16 12 20 L +16 12 21 D +16 12 22 M +16 12 23 E +16 12 24 L +16 12 25 L +16 12 26 L +16 12 27 J +16 12 28 D +16 12 29 L +16 12 30 D +16 12 31 N +16 12 32 E +16 12 33 L +16 12 34 L +16 12 35 D +16 12 36 E +16 12 37 R +16 12 38 D +16 12 39 L +16 12 40 L +16 12 41 D +16 12 42 M +16 12 43 E +16 12 44 J +16 12 45 L +16 12 46 N +16 12 47 L +16 12 48 M +16 12 49 L +16 12 50 E +16 12 51 L +16 12 52 J +16 12 53 D +16 12 54 L +16 12 55 L +16 12 56 M +16 12 57 L +16 12 58 L +16 12 59 J +16 12 60 L +16 12 61 D +16 12 62 E +16 12 63 D +16 12 64 L +16 12 65 D +16 12 66 J +16 12 67 L +16 12 68 M +16 12 69 E +16 12 70 J +16 12 71 E +16 12 72 L +16 12 73 E +16 12 74 J +16 12 75 L +16 12 76 D +16 12 77 L +16 12 78 N +16 12 79 R +16 12 80 L +16 12 81 L +16 12 82 L +16 12 83 J +16 12 84 L +16 12 85 L +16 12 86 N +16 12 87 R +16 12 88 E +16 12 89 R +16 12 90 L +16 12 91 M +16 12 92 J +16 12 93 E +16 12 94 R +16 12 95 J +16 12 96 M +16 12 97 E +16 12 98 D +16 12 99 N +16 12 100 L +16 12 101 E +16 12 102 J +16 12 103 E +16 12 104 E +16 12 105 E +16 12 106 M +16 12 107 J +16 12 108 J +16 12 109 E +16 12 110 M +16 12 111 E +16 12 112 D +16 12 113 R +16 12 114 L +16 12 115 D +16 12 116 J +16 12 117 R +16 12 118 M +16 12 119 E +16 12 120 J +16 12 121 D +16 12 122 E +16 12 123 L +16 12 124 L +16 12 125 D +16 12 126 K +16 12 127 R +16 12 128 M +16 12 129 J +16 12 130 R +16 12 131 E +16 12 132 D +16 12 133 L +16 12 134 R +16 12 135 D +16 12 136 L +16 12 137 L +16 12 138 L +16 12 139 J +16 12 140 L +16 12 141 J +16 12 142 J +16 12 143 L +16 12 144 E +16 12 145 L +16 12 146 K +16 12 147 L +16 12 148 D +16 12 149 N +16 12 150 E +16 12 151 N +16 12 152 L +16 12 153 L +16 12 154 N +16 12 155 N +16 12 156 L +16 12 157 K +16 12 158 J +16 12 159 M +16 12 160 J +16 12 161 L +16 12 162 D +16 12 163 L +16 12 164 L +16 12 165 L +16 12 166 L +16 12 167 J +16 12 168 L +16 12 169 L +16 12 170 L +16 12 171 L +16 12 172 J +16 12 173 D +16 12 174 M +16 12 175 L +16 12 176 D +16 12 177 M +16 12 178 L +16 12 179 D +16 12 180 L +16 12 181 M +16 12 182 E +16 12 183 K +16 12 184 E +16 12 185 M +16 12 186 E +16 12 187 M +16 12 188 E +16 12 189 J +16 12 190 K +16 12 191 L +16 12 192 L +16 12 193 L +16 12 194 E +16 12 195 L +16 12 196 L +16 12 197 N +16 12 198 R +16 12 199 J +16 12 200 L +16 12 201 M +16 12 202 L +16 12 203 D +16 12 204 R +16 12 205 L +16 12 206 J +16 12 207 D +16 12 208 M +16 12 209 L +16 12 210 R +16 12 211 L +16 12 212 M +16 12 213 J +16 12 214 M +16 12 215 M +16 12 216 R +16 12 217 J +16 12 218 L +16 12 219 J +16 12 220 L +16 12 221 J +16 12 222 E +16 12 223 L +16 12 224 J +16 12 225 L +16 12 226 E +16 12 227 R +16 12 228 L +16 12 229 L +16 12 230 J +16 12 231 E +16 12 232 L +16 12 233 E +16 12 234 L +16 12 235 E +16 12 236 L +16 12 237 M +16 12 238 L +16 12 239 M +16 12 240 R +16 12 241 J +16 12 242 M +16 12 243 E +16 12 244 J +16 12 245 D +16 12 246 L +16 12 247 E +16 12 248 R +16 12 249 L +16 12 250 E +16 12 251 R +16 12 252 J +16 12 253 L +16 12 254 L +16 12 255 R +16 12 256 D +16 12 257 L +16 12 258 M +16 12 259 D +16 12 260 J +16 12 261 D +16 12 262 J +16 12 263 J +16 12 264 L +16 12 265 L +16 12 266 D +16 12 267 E +16 12 268 L +16 12 269 D +16 12 270 M +16 12 271 L +16 12 272 J +16 12 273 E +16 12 274 J +16 12 275 L +16 12 276 D +16 12 277 E +16 12 278 M +16 12 279 E +16 12 280 L +16 12 281 L +16 12 282 L +16 12 283 L +16 12 284 J +16 12 285 J +16 12 286 J +16 12 287 L +16 12 288 D +16 12 289 L +16 12 290 J +16 12 291 E +16 12 292 J +16 12 293 J +16 12 294 J +16 12 295 L +16 12 296 E +16 12 297 M +16 12 298 D +16 12 299 L +16 12 300 J +16 12 301 L +16 12 302 J +16 12 303 L +16 12 304 L +16 12 305 E +16 12 306 L +16 12 307 E +16 12 308 L +16 12 309 R +16 12 310 L +16 12 311 L +16 12 312 R +16 12 313 E +16 12 314 J +16 12 315 E +16 12 316 L +16 12 317 L +16 12 318 M +16 12 319 J +16 12 320 L +16 12 321 D +16 12 322 L +16 12 323 E +16 12 324 J +16 12 325 E +16 12 326 M +16 12 327 J +16 12 328 L +16 12 329 K +16 12 330 J +16 13 1 L +16 13 2 J +16 13 3 D +16 13 4 E +16 13 5 L +16 13 6 J +16 13 7 L +16 13 8 M +16 13 9 R +16 13 10 E +16 13 11 R +16 13 12 M +16 13 13 R +16 13 14 E +16 13 15 J +16 13 16 J +16 13 17 M +16 13 18 R +16 13 19 L +16 13 20 E +16 13 21 M +16 13 22 J +16 13 23 E +16 13 24 R +16 13 25 L +16 13 26 L +16 13 27 J +16 13 28 J +16 13 29 L +16 13 30 M +16 13 31 L +16 13 32 D +16 13 33 L +16 13 34 E +16 13 35 D +16 13 36 R +16 13 37 E +16 13 38 D +16 13 39 L +16 13 40 L +16 13 41 D +16 13 42 M +16 13 43 E +16 13 44 J +16 13 45 L +16 13 46 R +16 13 47 E +16 13 48 M +16 13 49 L +16 13 50 E +16 13 51 R +16 13 52 J +16 13 53 D +16 13 54 E +16 13 55 L +16 13 56 M +16 13 57 E +16 13 58 R +16 13 59 J +16 13 60 E +16 13 61 M +16 13 62 J +16 13 63 D +16 13 64 E +16 13 65 M +16 13 66 J +16 13 67 L +16 13 68 D +16 13 69 L +16 13 70 J +16 13 71 E +16 13 72 L +16 13 73 E +16 13 74 J +16 13 75 R +16 13 76 M +16 13 77 L +16 13 78 M +16 13 79 R +16 13 80 E +16 13 81 L +16 13 82 L +16 13 83 J +16 13 84 K +16 13 85 L +16 13 86 M +16 13 87 R +16 13 88 D +16 13 89 R +16 13 90 R +16 13 91 M +16 13 92 J +16 13 93 E +16 13 94 R +16 13 95 J +16 13 96 M +16 13 97 E +16 13 98 D +16 13 99 J +16 13 100 K +16 13 101 D +16 13 102 J +16 13 103 L +16 13 104 E +16 13 105 E +16 13 106 M +16 13 107 J +16 13 108 L +16 13 109 E +16 13 110 M +16 13 111 R +16 13 112 D +16 13 113 R +16 13 114 E +16 13 115 D +16 13 116 J +16 13 117 R +16 13 118 M +16 13 119 L +16 13 120 J +16 13 121 D +16 13 122 L +16 13 123 E +16 13 124 M +16 13 125 D +16 13 126 D +16 13 127 R +16 13 128 M +16 13 129 J +16 13 130 R +16 13 131 E +16 13 132 M +16 13 133 L +16 13 134 R +16 13 135 D +16 13 136 L +16 13 137 L +16 13 138 L +16 13 139 J +16 13 140 E +16 13 141 J +16 13 142 J +16 13 143 L +16 13 144 E +16 13 145 L +16 13 146 M +16 13 147 L +16 13 148 D +16 13 149 L +16 13 150 E +16 13 151 M +16 13 152 M +16 13 153 L +16 13 154 R +16 13 155 R +16 13 156 L +16 13 157 R +16 13 158 J +16 13 159 M +16 13 160 M +16 13 161 L +16 13 162 D +16 13 163 L +16 13 164 E +16 13 165 L +16 13 166 E +16 13 167 E +16 13 168 L +16 13 169 E +16 13 170 R +16 13 171 L +16 13 172 J +16 13 173 D +16 13 174 M +16 13 175 L +16 13 176 D +16 13 177 J +16 13 178 E +16 13 179 D +16 13 180 L +16 13 181 M +16 13 182 M +16 13 183 R +16 13 184 E +16 13 185 M +16 13 186 L +16 13 187 D +16 13 188 E +16 13 189 J +16 13 190 M +16 13 191 L +16 13 192 E +16 13 193 M +16 13 194 R +16 13 195 L +16 13 196 L +16 13 197 M +16 13 198 R +16 13 199 J +16 13 200 L +16 13 201 M +16 13 202 L +16 13 203 D +16 13 204 R +16 13 205 E +16 13 206 M +16 13 207 D +16 13 208 R +16 13 209 L +16 13 210 R +16 13 211 L +16 13 212 M +16 13 213 J +16 13 214 M +16 13 215 M +16 13 216 R +16 13 217 M +16 13 218 L +16 13 219 J +16 13 220 E +16 13 221 J +16 13 222 E +16 13 223 L +16 13 224 J +16 13 225 R +16 13 226 E +16 13 227 R +16 13 228 E +16 13 229 L +16 13 230 J +16 13 231 M +16 13 232 R +16 13 233 E +16 13 234 L +16 13 235 E +16 13 236 M +16 13 237 M +16 13 238 L +16 13 239 M +16 13 240 R +16 13 241 J +16 13 242 M +16 13 243 R +16 13 244 J +16 13 245 D +16 13 246 L +16 13 247 E +16 13 248 E +16 13 249 E +16 13 250 E +16 13 251 L +16 13 252 J +16 13 253 L +16 13 254 J +16 13 255 R +16 13 256 D +16 13 257 E +16 13 258 M +16 13 259 D +16 13 260 J +16 13 261 M +16 13 262 J +16 13 263 J +16 13 264 J +16 13 265 L +16 13 266 R +16 13 267 E +16 13 268 L +16 13 269 D +16 13 270 M +16 13 271 L +16 13 272 J +16 13 273 D +16 13 274 J +16 13 275 J +16 13 276 M +16 13 277 R +16 13 278 D +16 13 279 E +16 13 280 L +16 13 281 L +16 13 282 L +16 13 283 D +16 13 284 J +16 13 285 D +16 13 286 J +16 13 287 R +16 13 288 D +16 13 289 L +16 13 290 J +16 13 291 E +16 13 292 J +16 13 293 M +16 13 294 J +16 13 295 R +16 13 296 E +16 13 297 M +16 13 298 D +16 13 299 L +16 13 300 J +16 13 301 L +16 13 302 J +16 13 303 J +16 13 304 E +16 13 305 E +16 13 306 L +16 13 307 R +16 13 308 E +16 13 309 R +16 13 310 L +16 13 311 E +16 13 312 R +16 13 313 E +16 13 314 J +16 13 315 L +16 13 316 L +16 13 317 D +16 13 318 D +16 13 319 J +16 13 320 M +16 13 321 D +16 13 322 L +16 13 323 L +16 13 324 J +16 13 325 E +16 13 326 M +16 13 327 J +16 13 328 L +16 13 329 R +16 13 330 J +16 14 1 L +16 14 2 L +16 14 3 M +16 14 4 E +16 14 5 J +16 14 6 M +16 14 7 L +16 14 8 M +16 14 9 J +16 14 10 E +16 14 11 L +16 14 12 M +16 14 13 O +16 14 14 L +16 14 15 L +16 14 16 J +16 14 17 D +16 14 18 R +16 14 19 L +16 14 20 L +16 14 21 M +16 14 22 J +16 14 23 O +16 14 24 R +16 14 25 L +16 14 26 R +16 14 27 J +16 14 28 D +16 14 29 L +16 14 30 D +16 14 31 M +16 14 32 M +16 14 33 L +16 14 34 L +16 14 35 M +16 14 36 R +16 14 37 L +16 14 38 M +16 14 39 L +16 14 40 L +16 14 41 M +16 14 42 J +16 14 43 R +16 14 44 J +16 14 45 L +16 14 46 J +16 14 47 M +16 14 48 M +16 14 49 J +16 14 50 R +16 14 51 E +16 14 52 J +16 14 53 E +16 14 54 L +16 14 55 L +16 14 56 M +16 14 57 J +16 14 58 L +16 14 59 J +16 14 60 L +16 14 61 M +16 14 62 J +16 14 63 J +16 14 64 L +16 14 65 J +16 14 66 J +16 14 67 L +16 14 68 J +16 14 69 L +16 14 70 J +16 14 71 E +16 14 72 L +16 14 73 E +16 14 74 J +16 14 75 L +16 14 76 M +16 14 77 L +16 14 78 J +16 14 79 J +16 14 80 L +16 14 81 L +16 14 82 L +16 14 83 M +16 14 84 M +16 14 85 L +16 14 86 M +16 14 87 R +16 14 88 M +16 14 89 J +16 14 90 L +16 14 91 L +16 14 92 J +16 14 93 L +16 14 94 J +16 14 95 J +16 14 96 M +16 14 97 E +16 14 98 D +16 14 99 J +16 14 100 M +16 14 101 E +16 14 102 J +16 14 103 R +16 14 104 L +16 14 105 R +16 14 106 M +16 14 107 J +16 14 108 J +16 14 109 E +16 14 110 M +16 14 111 L +16 14 112 M +16 14 113 J +16 14 114 L +16 14 115 M +16 14 116 J +16 14 117 R +16 14 118 M +16 14 119 L +16 14 120 J +16 14 121 M +16 14 122 L +16 14 123 L +16 14 124 M +16 14 125 O +16 14 126 M +16 14 127 L +16 14 128 O +16 14 129 M +16 14 130 L +16 14 131 E +16 14 132 M +16 14 133 L +16 14 134 R +16 14 135 M +16 14 136 L +16 14 137 O +16 14 138 L +16 14 139 J +16 14 140 L +16 14 141 J +16 14 142 J +16 14 143 J +16 14 144 R +16 14 145 L +16 14 146 M +16 14 147 L +16 14 148 M +16 14 149 L +16 14 150 E +16 14 151 M +16 14 152 E +16 14 153 L +16 14 154 R +16 14 155 J +16 14 156 L +16 14 157 R +16 14 158 J +16 14 159 M +16 14 160 M +16 14 161 L +16 14 162 M +16 14 163 L +16 14 164 L +16 14 165 L +16 14 166 L +16 14 167 J +16 14 168 L +16 14 169 L +16 14 170 J +16 14 171 L +16 14 172 J +16 14 173 M +16 14 174 M +16 14 175 L +16 14 176 M +16 14 177 L +16 14 178 L +16 14 179 E +16 14 180 L +16 14 181 M +16 14 182 E +16 14 183 R +16 14 184 M +16 14 185 D +16 14 186 L +16 14 187 M +16 14 188 L +16 14 189 J +16 14 190 M +16 14 191 L +16 14 192 E +16 14 193 L +16 14 194 R +16 14 195 R +16 14 196 L +16 14 197 E +16 14 198 R +16 14 199 J +16 14 200 L +16 14 201 M +16 14 202 L +16 14 203 M +16 14 204 J +16 14 205 E +16 14 206 J +16 14 207 M +16 14 208 D +16 14 209 R +16 14 210 R +16 14 211 L +16 14 212 M +16 14 213 J +16 14 214 L +16 14 215 M +16 14 216 R +16 14 217 M +16 14 218 M +16 14 219 J +16 14 220 E +16 14 221 J +16 14 222 R +16 14 223 L +16 14 224 J +16 14 225 R +16 14 226 L +16 14 227 R +16 14 228 R +16 14 229 L +16 14 230 J +16 14 231 M +16 14 232 R +16 14 233 E +16 14 234 L +16 14 235 E +16 14 236 M +16 14 237 M +16 14 238 J +16 14 239 J +16 14 240 M +16 14 241 J +16 14 242 M +16 14 243 E +16 14 244 J +16 14 245 D +16 14 246 L +16 14 247 E +16 14 248 J +16 14 249 L +16 14 250 R +16 14 251 L +16 14 252 J +16 14 253 L +16 14 254 J +16 14 255 R +16 14 256 M +16 14 257 J +16 14 258 L +16 14 259 M +16 14 260 J +16 14 261 M +16 14 262 J +16 14 263 J +16 14 264 L +16 14 265 L +16 14 266 M +16 14 267 R +16 14 268 L +16 14 269 M +16 14 270 M +16 14 271 L +16 14 272 J +16 14 273 E +16 14 274 J +16 14 275 L +16 14 276 M +16 14 277 J +16 14 278 M +16 14 279 R +16 14 280 L +16 14 281 L +16 14 282 L +16 14 283 R +16 14 284 J +16 14 285 M +16 14 286 J +16 14 287 M +16 14 288 M +16 14 289 L +16 14 290 J +16 14 291 E +16 14 292 M +16 14 293 J +16 14 294 J +16 14 295 R +16 14 296 E +16 14 297 M +16 14 298 D +16 14 299 L +16 14 300 J +16 14 301 L +16 14 302 J +16 14 303 J +16 14 304 L +16 14 305 E +16 14 306 L +16 14 307 L +16 14 308 E +16 14 309 R +16 14 310 L +16 14 311 J +16 14 312 R +16 14 313 E +16 14 314 J +16 14 315 L +16 14 316 L +16 14 317 M +16 14 318 M +16 14 319 J +16 14 320 L +16 14 321 M +16 14 322 J +16 14 323 L +16 14 324 M +16 14 325 E +16 14 326 M +16 14 327 J +16 14 328 L +16 14 329 M +16 14 330 J +16 15 1 L +16 15 2 L +16 15 3 D +16 15 4 E +16 15 5 L +16 15 6 J +16 15 7 L +16 15 8 D +16 15 9 M +16 15 10 E +16 15 11 L +16 15 12 M +16 15 13 L +16 15 14 E +16 15 15 M +16 15 16 J +16 15 17 D +16 15 18 R +16 15 19 L +16 15 20 L +16 15 21 M +16 15 22 M +16 15 23 L +16 15 24 R +16 15 25 L +16 15 26 E +16 15 27 J +16 15 28 M +16 15 29 L +16 15 30 D +16 15 31 L +16 15 32 M +16 15 33 L +16 15 34 L +16 15 35 M +16 15 36 L +16 15 37 L +16 15 38 D +16 15 39 L +16 15 40 L +16 15 41 M +16 15 42 D +16 15 43 E +16 15 44 J +16 15 45 L +16 15 46 R +16 15 47 R +16 15 48 M +16 15 49 L +16 15 50 E +16 15 51 R +16 15 52 J +16 15 53 D +16 15 54 L +16 15 55 L +16 15 56 M +16 15 57 L +16 15 58 M +16 15 59 J +16 15 60 R +16 15 61 M +16 15 62 E +16 15 63 M +16 15 64 L +16 15 65 M +16 15 66 J +16 15 67 L +16 15 68 M +16 15 69 E +16 15 70 R +16 15 71 D +16 15 72 L +16 15 73 L +16 15 74 L +16 15 75 E +16 15 76 M +16 15 77 L +16 15 78 M +16 15 79 R +16 15 80 L +16 15 81 L +16 15 82 L +16 15 83 J +16 15 84 R +16 15 85 L +16 15 86 M +16 15 87 E +16 15 88 L +16 15 89 R +16 15 90 L +16 15 91 M +16 15 92 J +16 15 93 L +16 15 94 R +16 15 95 J +16 15 96 M +16 15 97 E +16 15 98 D +16 15 99 M +16 15 100 L +16 15 101 L +16 15 102 D +16 15 103 L +16 15 104 L +16 15 105 E +16 15 106 M +16 15 107 J +16 15 108 E +16 15 109 E +16 15 110 M +16 15 111 L +16 15 112 D +16 15 113 R +16 15 114 L +16 15 115 D +16 15 116 L +16 15 117 R +16 15 118 M +16 15 119 L +16 15 120 J +16 15 121 D +16 15 122 L +16 15 123 L +16 15 124 M +16 15 125 D +16 15 126 M +16 15 127 E +16 15 128 M +16 15 129 J +16 15 130 E +16 15 131 L +16 15 132 D +16 15 133 L +16 15 134 R +16 15 135 M +16 15 136 L +16 15 137 L +16 15 138 E +16 15 139 J +16 15 140 E +16 15 141 J +16 15 142 J +16 15 143 L +16 15 144 E +16 15 145 L +16 15 146 M +16 15 147 L +16 15 148 D +16 15 149 L +16 15 150 E +16 15 151 M +16 15 152 M +16 15 153 L +16 15 154 R +16 15 155 R +16 15 156 L +16 15 157 R +16 15 158 J +16 15 159 M +16 15 160 M +16 15 161 L +16 15 162 D +16 15 163 L +16 15 164 E +16 15 165 L +16 15 166 L +16 15 167 J +16 15 168 L +16 15 169 L +16 15 170 E +16 15 171 L +16 15 172 J +16 15 173 M +16 15 174 M +16 15 175 L +16 15 176 D +16 15 177 M +16 15 178 E +16 15 179 D +16 15 180 L +16 15 181 M +16 15 182 D +16 15 183 R +16 15 184 E +16 15 185 M +16 15 186 L +16 15 187 M +16 15 188 L +16 15 189 K +16 15 190 M +16 15 191 L +16 15 192 E +16 15 193 M +16 15 194 D +16 15 195 L +16 15 196 L +16 15 197 M +16 15 198 R +16 15 199 J +16 15 200 L +16 15 201 M +16 15 202 L +16 15 203 D +16 15 204 R +16 15 205 E +16 15 206 J +16 15 207 D +16 15 208 M +16 15 209 L +16 15 210 E +16 15 211 L +16 15 212 M +16 15 213 K +16 15 214 M +16 15 215 M +16 15 216 L +16 15 217 M +16 15 218 E +16 15 219 K +16 15 220 L +16 15 221 K +16 15 222 E +16 15 223 L +16 15 224 J +16 15 225 L +16 15 226 L +16 15 227 R +16 15 228 E +16 15 229 L +16 15 230 J +16 15 231 M +16 15 232 E +16 15 233 E +16 15 234 L +16 15 235 L +16 15 236 E +16 15 237 M +16 15 238 L +16 15 239 M +16 15 240 R +16 15 241 J +16 15 242 M +16 15 243 E +16 15 244 J +16 15 245 D +16 15 246 L +16 15 247 E +16 15 248 E +16 15 249 L +16 15 250 E +16 15 251 L +16 15 252 J +16 15 253 L +16 15 254 R +16 15 255 R +16 15 256 D +16 15 257 L +16 15 258 M +16 15 259 D +16 15 260 M +16 15 261 D +16 15 262 J +16 15 263 R +16 15 264 J +16 15 265 L +16 15 266 D +16 15 267 E +16 15 268 E +16 15 269 M +16 15 270 M +16 15 271 L +16 15 272 J +16 15 273 K +16 15 274 J +16 15 275 L +16 15 276 D +16 15 277 L +16 15 278 M +16 15 279 L +16 15 280 L +16 15 281 L +16 15 282 L +16 15 283 R +16 15 284 J +16 15 285 M +16 15 286 J +16 15 287 R +16 15 288 D +16 15 289 L +16 15 290 K +16 15 291 L +16 15 292 M +16 15 293 J +16 15 294 J +16 15 295 R +16 15 296 E +16 15 297 M +16 15 298 D +16 15 299 L +16 15 300 J +16 15 301 L +16 15 302 J +16 15 303 J +16 15 304 L +16 15 305 E +16 15 306 L +16 15 307 L +16 15 308 M +16 15 309 R +16 15 310 L +16 15 311 L +16 15 312 R +16 15 313 L +16 15 314 J +16 15 315 L +16 15 316 L +16 15 317 D +16 15 318 M +16 15 319 J +16 15 320 L +16 15 321 D +16 15 322 E +16 15 323 L +16 15 324 J +16 15 325 L +16 15 326 M +16 15 327 J +16 15 328 L +16 15 329 R +16 15 330 J +16 16 1 L +16 16 2 L +16 16 3 D +16 16 4 R +16 16 5 L +16 16 6 R +16 16 7 L +16 16 8 R +16 16 9 R +16 16 10 J +16 16 11 L +16 16 12 M +16 16 13 L +16 16 14 R +16 16 15 M +16 16 16 J +16 16 17 D +16 16 18 J +16 16 19 L +16 16 20 L +16 16 21 M +16 16 22 M +16 16 23 M +16 16 24 J +16 16 25 L +16 16 26 M +16 16 27 J +16 16 28 D +16 16 29 L +16 16 30 D +16 16 31 L +16 16 32 M +16 16 33 L +16 16 34 M +16 16 35 M +16 16 36 L +16 16 37 M +16 16 38 D +16 16 39 L +16 16 40 M +16 16 41 D +16 16 42 J +16 16 43 L +16 16 44 J +16 16 45 L +16 16 46 R +16 16 47 L +16 16 48 M +16 16 49 L +16 16 50 D +16 16 51 J +16 16 52 J +16 16 53 D +16 16 54 L +16 16 55 L +16 16 56 M +16 16 57 L +16 16 58 M +16 16 59 J +16 16 60 L +16 16 61 D +16 16 62 M +16 16 63 R +16 16 64 L +16 16 65 D +16 16 66 J +16 16 67 L +16 16 68 D +16 16 69 L +16 16 70 J +16 16 71 D +16 16 72 L +16 16 73 M +16 16 74 L +16 16 75 L +16 16 76 M +16 16 77 L +16 16 78 J +16 16 79 R +16 16 80 L +16 16 81 J +16 16 82 L +16 16 83 M +16 16 84 M +16 16 85 L +16 16 86 M +16 16 87 R +16 16 88 D +16 16 89 R +16 16 90 L +16 16 91 M +16 16 92 J +16 16 93 L +16 16 94 R +16 16 95 J +16 16 96 M +16 16 97 M +16 16 98 D +16 16 99 J +16 16 100 M +16 16 101 R +16 16 102 J +16 16 103 L +16 16 104 L +16 16 105 M +16 16 106 M +16 16 107 J +16 16 108 J +16 16 109 J +16 16 110 R +16 16 111 L +16 16 112 D +16 16 113 R +16 16 114 L +16 16 115 D +16 16 116 J +16 16 117 R +16 16 118 M +16 16 119 L +16 16 120 J +16 16 121 D +16 16 122 L +16 16 123 J +16 16 124 M +16 16 125 R +16 16 126 M +16 16 127 J +16 16 128 M +16 16 129 J +16 16 130 R +16 16 131 R +16 16 132 R +16 16 133 L +16 16 134 R +16 16 135 D +16 16 136 L +16 16 137 L +16 16 138 L +16 16 139 J +16 16 140 L +16 16 141 J +16 16 142 J +16 16 143 L +16 16 144 D +16 16 145 L +16 16 146 M +16 16 147 L +16 16 148 D +16 16 149 M +16 16 150 D +16 16 151 M +16 16 152 D +16 16 153 L +16 16 154 L +16 16 155 R +16 16 156 L +16 16 157 L +16 16 158 J +16 16 159 M +16 16 160 M +16 16 161 L +16 16 162 D +16 16 163 L +16 16 164 L +16 16 165 L +16 16 166 L +16 16 167 J +16 16 168 L +16 16 169 J +16 16 170 L +16 16 171 L +16 16 172 J +16 16 173 M +16 16 174 M +16 16 175 L +16 16 176 D +16 16 177 M +16 16 178 L +16 16 179 D +16 16 180 L +16 16 181 M +16 16 182 D +16 16 183 J +16 16 184 M +16 16 185 M +16 16 186 L +16 16 187 M +16 16 188 L +16 16 189 M +16 16 190 D +16 16 191 L +16 16 192 D +16 16 193 M +16 16 194 D +16 16 195 L +16 16 196 L +16 16 197 M +16 16 198 R +16 16 199 J +16 16 200 J +16 16 201 M +16 16 202 L +16 16 203 J +16 16 204 R +16 16 205 M +16 16 206 J +16 16 207 D +16 16 208 M +16 16 209 R +16 16 210 J +16 16 211 L +16 16 212 M +16 16 213 J +16 16 214 M +16 16 215 D +16 16 216 R +16 16 217 M +16 16 218 M +16 16 219 J +16 16 220 D +16 16 221 J +16 16 222 D +16 16 223 L +16 16 224 J +16 16 225 R +16 16 226 L +16 16 227 R +16 16 228 R +16 16 229 L +16 16 230 J +16 16 231 R +16 16 232 R +16 16 233 J +16 16 234 R +16 16 235 J +16 16 236 M +16 16 237 D +16 16 238 L +16 16 239 M +16 16 240 D +16 16 241 J +16 16 242 M +16 16 243 R +16 16 244 J +16 16 245 D +16 16 246 L +16 16 247 M +16 16 248 L +16 16 249 L +16 16 250 M +16 16 251 L +16 16 252 J +16 16 253 L +16 16 254 L +16 16 255 R +16 16 256 D +16 16 257 L +16 16 258 M +16 16 259 D +16 16 260 J +16 16 261 M +16 16 262 J +16 16 263 R +16 16 264 J +16 16 265 L +16 16 266 D +16 16 267 M +16 16 268 J +16 16 269 M +16 16 270 D +16 16 271 L +16 16 272 J +16 16 273 M +16 16 274 J +16 16 275 M +16 16 276 D +16 16 277 L +16 16 278 D +16 16 279 J +16 16 280 L +16 16 281 L +16 16 282 L +16 16 283 J +16 16 284 J +16 16 285 M +16 16 286 J +16 16 287 J +16 16 288 D +16 16 289 L +16 16 290 J +16 16 291 L +16 16 292 M +16 16 293 J +16 16 294 J +16 16 295 R +16 16 296 D +16 16 297 M +16 16 298 D +16 16 299 L +16 16 300 J +16 16 301 L +16 16 302 J +16 16 303 L +16 16 304 L +16 16 305 M +16 16 306 L +16 16 307 L +16 16 308 M +16 16 309 R +16 16 310 L +16 16 311 L +16 16 312 R +16 16 313 L +16 16 314 J +16 16 315 L +16 16 316 L +16 16 317 M +16 16 318 M +16 16 319 J +16 16 320 L +16 16 321 D +16 16 322 L +16 16 323 L +16 16 324 J +16 16 325 M +16 16 326 M +16 16 327 J +16 16 328 L +16 16 329 R +16 16 330 J +16 17 1 E +16 17 2 J +16 17 3 D +16 17 4 E +16 17 5 J +16 17 6 M +16 17 7 L +16 17 8 D +16 17 9 J +16 17 10 E +16 17 11 E +16 17 12 M +16 17 13 E +16 17 14 L +16 17 15 M +16 17 16 J +16 17 17 D +16 17 18 R +16 17 19 E +16 17 20 L +16 17 21 J +16 17 22 M +16 17 23 E +16 17 24 R +16 17 25 J +16 17 26 E +16 17 27 J +16 17 28 D +16 17 29 L +16 17 30 M +16 17 31 J +16 17 32 D +16 17 33 L +16 17 34 L +16 17 35 D +16 17 36 R +16 17 37 J +16 17 38 D +16 17 39 E +16 17 40 L +16 17 41 D +16 17 42 M +16 17 43 E +16 17 44 J +16 17 45 L +16 17 46 J +16 17 47 L +16 17 48 D +16 17 49 M +16 17 50 E +16 17 51 J +16 17 52 J +16 17 53 D +16 17 54 L +16 17 55 L +16 17 56 J +16 17 57 E +16 17 58 E +16 17 59 J +16 17 60 E +16 17 61 D +16 17 62 J +16 17 63 D +16 17 64 L +16 17 65 D +16 17 66 J +16 17 67 L +16 17 68 D +16 17 69 E +16 17 70 J +16 17 71 D +16 17 72 L +16 17 73 E +16 17 74 J +16 17 75 L +16 17 76 M +16 17 77 E +16 17 78 M +16 17 79 R +16 17 80 L +16 17 81 M +16 17 82 E +16 17 83 J +16 17 84 M +16 17 85 L +16 17 86 M +16 17 87 J +16 17 88 D +16 17 89 R +16 17 90 L +16 17 91 M +16 17 92 J +16 17 93 L +16 17 94 R +16 17 95 J +16 17 96 M +16 17 97 E +16 17 98 D +16 17 99 J +16 17 100 J +16 17 101 D +16 17 102 J +16 17 103 L +16 17 104 J +16 17 105 D +16 17 106 M +16 17 107 J +16 17 108 J +16 17 109 L +16 17 110 M +16 17 111 R +16 17 112 D +16 17 113 R +16 17 114 L +16 17 115 D +16 17 116 J +16 17 117 E +16 17 118 J +16 17 119 L +16 17 120 J +16 17 121 D +16 17 122 L +16 17 123 E +16 17 124 J +16 17 125 D +16 17 126 J +16 17 127 L +16 17 128 J +16 17 129 J +16 17 130 E +16 17 131 D +16 17 132 D +16 17 133 L +16 17 134 L +16 17 135 D +16 17 136 L +16 17 137 E +16 17 138 J +16 17 139 J +16 17 140 L +16 17 141 J +16 17 142 J +16 17 143 E +16 17 144 D +16 17 145 J +16 17 146 M +16 17 147 E +16 17 148 D +16 17 149 J +16 17 150 D +16 17 151 M +16 17 152 L +16 17 153 L +16 17 154 R +16 17 155 E +16 17 156 L +16 17 157 L +16 17 158 J +16 17 159 J +16 17 160 D +16 17 161 L +16 17 162 D +16 17 163 L +16 17 164 L +16 17 165 J +16 17 166 R +16 17 167 J +16 17 168 L +16 17 169 J +16 17 170 R +16 17 171 J +16 17 172 J +16 17 173 D +16 17 174 M +16 17 175 J +16 17 176 D +16 17 177 J +16 17 178 L +16 17 179 E +16 17 180 L +16 17 181 M +16 17 182 L +16 17 183 J +16 17 184 E +16 17 185 J +16 17 186 J +16 17 187 M +16 17 188 L +16 17 189 J +16 17 190 M +16 17 191 L +16 17 192 E +16 17 193 J +16 17 194 E +16 17 195 L +16 17 196 J +16 17 197 D +16 17 198 R +16 17 199 J +16 17 200 E +16 17 201 D +16 17 202 L +16 17 203 E +16 17 204 R +16 17 205 E +16 17 206 J +16 17 207 D +16 17 208 D +16 17 209 L +16 17 210 E +16 17 211 L +16 17 212 D +16 17 213 J +16 17 214 E +16 17 215 J +16 17 216 R +16 17 217 J +16 17 218 J +16 17 219 J +16 17 220 E +16 17 221 J +16 17 222 E +16 17 223 L +16 17 224 J +16 17 225 E +16 17 226 L +16 17 227 R +16 17 228 L +16 17 229 J +16 17 230 J +16 17 231 E +16 17 232 L +16 17 233 J +16 17 234 L +16 17 235 J +16 17 236 E +16 17 237 J +16 17 238 E +16 17 239 M +16 17 240 L +16 17 241 J +16 17 242 M +16 17 243 D +16 17 244 J +16 17 245 D +16 17 246 E +16 17 247 E +16 17 248 L +16 17 249 L +16 17 250 E +16 17 251 J +16 17 252 J +16 17 253 E +16 17 254 L +16 17 255 R +16 17 256 D +16 17 257 L +16 17 258 M +16 17 259 D +16 17 260 J +16 17 261 D +16 17 262 J +16 17 263 E +16 17 264 L +16 17 265 L +16 17 266 D +16 17 267 E +16 17 268 L +16 17 269 E +16 17 270 D +16 17 271 L +16 17 272 J +16 17 273 E +16 17 274 J +16 17 275 L +16 17 276 D +16 17 277 L +16 17 278 D +16 17 279 E +16 17 280 E +16 17 281 L +16 17 282 E +16 17 283 M +16 17 284 J +16 17 285 J +16 17 286 J +16 17 287 M +16 17 288 D +16 17 289 E +16 17 290 J +16 17 291 E +16 17 292 J +16 17 293 J +16 17 294 J +16 17 295 E +16 17 296 D +16 17 297 M +16 17 298 D +16 17 299 L +16 17 300 J +16 17 301 L +16 17 302 J +16 17 303 J +16 17 304 L +16 17 305 D +16 17 306 J +16 17 307 L +16 17 308 J +16 17 309 E +16 17 310 L +16 17 311 E +16 17 312 R +16 17 313 E +16 17 314 J +16 17 315 L +16 17 316 E +16 17 317 D +16 17 318 D +16 17 319 J +16 17 320 E +16 17 321 D +16 17 322 J +16 17 323 L +16 17 324 J +16 17 325 E +16 17 326 M +16 17 327 J +16 17 328 E +16 17 329 L +16 17 330 J +16 18 1 L +16 18 2 L +16 18 3 M +16 18 4 M +16 18 5 L +16 18 6 W +16 18 7 L +16 18 8 M +16 18 9 J +16 18 10 R +16 18 11 L +16 18 12 W +16 18 13 L +16 18 14 R +16 18 15 M +16 18 16 D +16 18 17 J +16 18 18 R +16 18 19 L +16 18 20 L +16 18 21 M +16 18 22 J +16 18 23 M +16 18 24 R +16 18 25 L +16 18 26 L +16 18 27 J +16 18 28 M +16 18 29 L +16 18 30 D +16 18 31 L +16 18 32 M +16 18 33 L +16 18 34 L +16 18 35 M +16 18 36 L +16 18 37 L +16 18 38 M +16 18 39 L +16 18 40 L +16 18 41 M +16 18 42 M +16 18 43 E +16 18 44 J +16 18 45 L +16 18 46 J +16 18 47 L +16 18 48 M +16 18 49 L +16 18 50 M +16 18 51 M +16 18 52 J +16 18 53 M +16 18 54 L +16 18 55 L +16 18 56 M +16 18 57 L +16 18 58 M +16 18 59 J +16 18 60 L +16 18 61 M +16 18 62 M +16 18 63 M +16 18 64 L +16 18 65 M +16 18 66 J +16 18 67 L +16 18 68 M +16 18 69 R +16 18 70 J +16 18 71 M +16 18 72 L +16 18 73 M +16 18 74 L +16 18 75 R +16 18 76 M +16 18 77 L +16 18 78 M +16 18 79 R +16 18 80 L +16 18 81 L +16 18 82 L +16 18 83 M +16 18 84 M +16 18 85 L +16 18 86 M +16 18 87 R +16 18 88 M +16 18 89 R +16 18 90 R +16 18 91 L +16 18 92 M +16 18 93 L +16 18 94 R +16 18 95 L +16 18 96 W +16 18 97 E +16 18 98 D +16 18 99 M +16 18 100 L +16 18 101 R +16 18 102 J +16 18 103 E +16 18 104 L +16 18 105 M +16 18 106 J +16 18 107 J +16 18 108 L +16 18 109 E +16 18 110 M +16 18 111 R +16 18 112 M +16 18 113 R +16 18 114 L +16 18 115 D +16 18 116 J +16 18 117 R +16 18 118 D +16 18 119 L +16 18 120 J +16 18 121 D +16 18 122 L +16 18 123 L +16 18 124 L +16 18 125 D +16 18 126 M +16 18 127 L +16 18 128 M +16 18 129 J +16 18 130 R +16 18 131 M +16 18 132 D +16 18 133 L +16 18 134 R +16 18 135 D +16 18 136 L +16 18 137 R +16 18 138 J +16 18 139 J +16 18 140 L +16 18 141 J +16 18 142 J +16 18 143 L +16 18 144 R +16 18 145 L +16 18 146 M +16 18 147 L +16 18 148 D +16 18 149 L +16 18 150 R +16 18 151 M +16 18 152 M +16 18 153 L +16 18 154 R +16 18 155 D +16 18 156 L +16 18 157 R +16 18 158 J +16 18 159 M +16 18 160 M +16 18 161 L +16 18 162 M +16 18 163 L +16 18 164 R +16 18 165 R +16 18 166 L +16 18 167 J +16 18 168 L +16 18 169 L +16 18 170 R +16 18 171 L +16 18 172 J +16 18 173 M +16 18 174 W +16 18 175 J +16 18 176 M +16 18 177 L +16 18 178 E +16 18 179 M +16 18 180 L +16 18 181 R +16 18 182 L +16 18 183 R +16 18 184 E +16 18 185 M +16 18 186 L +16 18 187 M +16 18 188 E +16 18 189 J +16 18 190 M +16 18 191 L +16 18 192 M +16 18 193 W +16 18 194 R +16 18 195 L +16 18 196 L +16 18 197 M +16 18 198 R +16 18 199 J +16 18 200 L +16 18 201 M +16 18 202 L +16 18 203 D +16 18 204 R +16 18 205 R +16 18 206 J +16 18 207 M +16 18 208 R +16 18 209 L +16 18 210 R +16 18 211 L +16 18 212 D +16 18 213 R +16 18 214 L +16 18 215 D +16 18 216 R +16 18 217 M +16 18 218 L +16 18 219 J +16 18 220 E +16 18 221 J +16 18 222 R +16 18 223 L +16 18 224 J +16 18 225 R +16 18 226 E +16 18 227 R +16 18 228 R +16 18 229 L +16 18 230 J +16 18 231 M +16 18 232 R +16 18 233 R +16 18 234 L +16 18 235 R +16 18 236 L +16 18 237 M +16 18 238 L +16 18 239 D +16 18 240 R +16 18 241 J +16 18 242 J +16 18 243 M +16 18 244 J +16 18 245 M +16 18 246 L +16 18 247 E +16 18 248 R +16 18 249 L +16 18 250 M +16 18 251 L +16 18 252 M +16 18 253 L +16 18 254 J +16 18 255 R +16 18 256 M +16 18 257 L +16 18 258 M +16 18 259 D +16 18 260 L +16 18 261 J +16 18 262 J +16 18 263 E +16 18 264 J +16 18 265 L +16 18 266 M +16 18 267 D +16 18 268 L +16 18 269 D +16 18 270 M +16 18 271 R +16 18 272 J +16 18 273 M +16 18 274 J +16 18 275 D +16 18 276 M +16 18 277 R +16 18 278 D +16 18 279 E +16 18 280 L +16 18 281 L +16 18 282 L +16 18 283 R +16 18 284 J +16 18 285 M +16 18 286 J +16 18 287 D +16 18 288 M +16 18 289 L +16 18 290 M +16 18 291 E +16 18 292 M +16 18 293 L +16 18 294 L +16 18 295 R +16 18 296 M +16 18 297 M +16 18 298 D +16 18 299 L +16 18 300 J +16 18 301 L +16 18 302 M +16 18 303 J +16 18 304 L +16 18 305 L +16 18 306 M +16 18 307 L +16 18 308 M +16 18 309 R +16 18 310 L +16 18 311 L +16 18 312 R +16 18 313 R +16 18 314 J +16 18 315 L +16 18 316 L +16 18 317 M +16 18 318 D +16 18 319 J +16 18 320 L +16 18 321 M +16 18 322 L +16 18 323 L +16 18 324 M +16 18 325 D +16 18 326 M +16 18 327 J +16 18 328 L +16 18 329 M +16 18 330 J +16 19 1 E +16 19 2 J +16 19 3 D +16 19 4 E +16 19 5 L +16 19 6 M +16 19 7 L +16 19 8 D +16 19 9 M +16 19 10 E +16 19 11 L +16 19 12 M +16 19 13 L +16 19 14 E +16 19 15 J +16 19 16 J +16 19 17 D +16 19 18 R +16 19 19 E +16 19 20 L +16 19 21 D +16 19 22 M +16 19 23 E +16 19 24 R +16 19 25 L +16 19 26 E +16 19 27 J +16 19 28 D +16 19 29 L +16 19 30 D +16 19 31 J +16 19 32 E +16 19 33 L +16 19 34 E +16 19 35 D +16 19 36 E +16 19 37 J +16 19 38 D +16 19 39 L +16 19 40 E +16 19 41 D +16 19 42 M +16 19 43 L +16 19 44 J +16 19 45 L +16 19 46 R +16 19 47 L +16 19 48 M +16 19 49 L +16 19 50 M +16 19 51 R +16 19 52 J +16 19 53 D +16 19 54 L +16 19 55 L +16 19 56 J +16 19 57 E +16 19 58 M +16 19 59 J +16 19 60 L +16 19 61 D +16 19 62 J +16 19 63 D +16 19 64 L +16 19 65 D +16 19 66 J +16 19 67 L +16 19 68 D +16 19 69 L +16 19 70 J +16 19 71 R +16 19 72 L +16 19 73 E +16 19 74 E +16 19 75 L +16 19 76 D +16 19 77 E +16 19 78 J +16 19 79 R +16 19 80 E +16 19 81 L +16 19 82 L +16 19 83 M +16 19 84 D +16 19 85 E +16 19 86 D +16 19 87 R +16 19 88 D +16 19 89 R +16 19 90 E +16 19 91 L +16 19 92 J +16 19 93 L +16 19 94 R +16 19 95 J +16 19 96 M +16 19 97 E +16 19 98 D +16 19 99 E +16 19 100 L +16 19 101 D +16 19 102 J +16 19 103 L +16 19 104 E +16 19 105 D +16 19 106 M +16 19 107 J +16 19 108 J +16 19 109 E +16 19 110 M +16 19 111 L +16 19 112 D +16 19 113 R +16 19 114 L +16 19 115 D +16 19 116 L +16 19 117 R +16 19 118 D +16 19 119 L +16 19 120 J +16 19 121 M +16 19 122 L +16 19 123 E +16 19 124 L +16 19 125 M +16 19 126 J +16 19 127 L +16 19 128 M +16 19 129 J +16 19 130 L +16 19 131 E +16 19 132 D +16 19 133 L +16 19 134 R +16 19 135 M +16 19 136 L +16 19 137 E +16 19 138 E +16 19 139 J +16 19 140 E +16 19 141 J +16 19 142 J +16 19 143 L +16 19 144 E +16 19 145 L +16 19 146 M +16 19 147 L +16 19 148 D +16 19 149 L +16 19 150 E +16 19 151 M +16 19 152 E +16 19 153 E +16 19 154 R +16 19 155 R +16 19 156 L +16 19 157 R +16 19 158 J +16 19 159 M +16 19 160 J +16 19 161 L +16 19 162 D +16 19 163 L +16 19 164 E +16 19 165 L +16 19 166 E +16 19 167 J +16 19 168 L +16 19 169 E +16 19 170 R +16 19 171 L +16 19 172 J +16 19 173 D +16 19 174 M +16 19 175 J +16 19 176 D +16 19 177 M +16 19 178 E +16 19 179 D +16 19 180 L +16 19 181 M +16 19 182 D +16 19 183 M +16 19 184 E +16 19 185 M +16 19 186 E +16 19 187 M +16 19 188 E +16 19 189 J +16 19 190 J +16 19 191 L +16 19 192 E +16 19 193 M +16 19 194 R +16 19 195 L +16 19 196 L +16 19 197 D +16 19 198 R +16 19 199 J +16 19 200 E +16 19 201 D +16 19 202 L +16 19 203 D +16 19 204 R +16 19 205 E +16 19 206 J +16 19 207 D +16 19 208 M +16 19 209 E +16 19 210 R +16 19 211 E +16 19 212 M +16 19 213 J +16 19 214 M +16 19 215 J +16 19 216 L +16 19 217 D +16 19 218 L +16 19 219 J +16 19 220 E +16 19 221 J +16 19 222 E +16 19 223 L +16 19 224 J +16 19 225 L +16 19 226 E +16 19 227 R +16 19 228 E +16 19 229 L +16 19 230 J +16 19 231 L +16 19 232 M +16 19 233 R +16 19 234 L +16 19 235 E +16 19 236 M +16 19 237 M +16 19 238 E +16 19 239 D +16 19 240 R +16 19 241 J +16 19 242 M +16 19 243 E +16 19 244 J +16 19 245 D +16 19 246 E +16 19 247 E +16 19 248 L +16 19 249 L +16 19 250 L +16 19 251 L +16 19 252 J +16 19 253 E +16 19 254 L +16 19 255 R +16 19 256 D +16 19 257 E +16 19 258 M +16 19 259 D +16 19 260 M +16 19 261 M +16 19 262 J +16 19 263 J +16 19 264 E +16 19 265 L +16 19 266 D +16 19 267 E +16 19 268 L +16 19 269 D +16 19 270 M +16 19 271 L +16 19 272 J +16 19 273 D +16 19 274 J +16 19 275 L +16 19 276 D +16 19 277 E +16 19 278 M +16 19 279 E +16 19 280 L +16 19 281 E +16 19 282 L +16 19 283 R +16 19 284 J +16 19 285 D +16 19 286 J +16 19 287 L +16 19 288 D +16 19 289 L +16 19 290 J +16 19 291 E +16 19 292 D +16 19 293 J +16 19 294 J +16 19 295 E +16 19 296 E +16 19 297 M +16 19 298 D +16 19 299 L +16 19 300 J +16 19 301 L +16 19 302 J +16 19 303 E +16 19 304 L +16 19 305 E +16 19 306 L +16 19 307 E +16 19 308 E +16 19 309 R +16 19 310 L +16 19 311 E +16 19 312 R +16 19 313 E +16 19 314 J +16 19 315 L +16 19 316 E +16 19 317 D +16 19 318 M +16 19 319 J +16 19 320 L +16 19 321 D +16 19 322 E +16 19 323 L +16 19 324 J +16 19 325 E +16 19 326 M +16 19 327 J +16 19 328 E +16 19 329 M +16 19 330 J +16 20 1 E +16 20 2 M +16 20 3 D +16 20 4 E +16 20 5 E +16 20 6 M +16 20 7 L +16 20 8 E +16 20 9 R +16 20 10 E +16 20 11 E +16 20 12 M +16 20 13 M +16 20 14 E +16 20 15 D +16 20 16 J +16 20 17 D +16 20 18 R +16 20 19 L +16 20 20 L +16 20 21 D +16 20 22 M +16 20 23 L +16 20 24 R +16 20 25 E +16 20 26 L +16 20 27 M +16 20 28 D +16 20 29 L +16 20 30 M +16 20 31 E +16 20 32 M +16 20 33 E +16 20 34 E +16 20 35 M +16 20 36 L +16 20 37 E +16 20 38 M +16 20 39 L +16 20 40 E +16 20 41 M +16 20 42 M +16 20 43 L +16 20 44 M +16 20 45 L +16 20 46 R +16 20 47 E +16 20 48 M +16 20 49 E +16 20 50 L +16 20 51 R +16 20 52 M +16 20 53 E +16 20 54 L +16 20 55 E +16 20 56 M +16 20 57 L +16 20 58 M +16 20 59 J +16 20 60 E +16 20 61 E +16 20 62 E +16 20 63 M +16 20 64 E +16 20 65 D +16 20 66 M +16 20 67 M +16 20 68 E +16 20 69 R +16 20 70 M +16 20 71 E +16 20 72 L +16 20 73 E +16 20 74 E +16 20 75 R +16 20 76 D +16 20 77 E +16 20 78 M +16 20 79 R +16 20 80 L +16 20 81 L +16 20 82 L +16 20 83 M +16 20 84 M +16 20 85 L +16 20 86 M +16 20 87 R +16 20 88 E +16 20 89 R +16 20 90 R +16 20 91 E +16 20 92 M +16 20 93 E +16 20 94 R +16 20 95 M +16 20 96 M +16 20 97 E +16 20 98 D +16 20 99 M +16 20 100 E +16 20 101 E +16 20 102 M +16 20 103 L +16 20 104 E +16 20 105 E +16 20 106 M +16 20 107 M +16 20 108 M +16 20 109 E +16 20 110 M +16 20 111 E +16 20 112 D +16 20 113 R +16 20 114 R +16 20 115 E +16 20 116 M +16 20 117 R +16 20 118 M +16 20 119 L +16 20 120 M +16 20 121 D +16 20 122 L +16 20 123 E +16 20 124 E +16 20 125 D +16 20 126 M +16 20 127 E +16 20 128 M +16 20 129 M +16 20 130 R +16 20 131 E +16 20 132 D +16 20 133 L +16 20 134 E +16 20 135 L +16 20 136 L +16 20 137 R +16 20 138 E +16 20 139 M +16 20 140 E +16 20 141 M +16 20 142 M +16 20 143 L +16 20 144 E +16 20 145 L +16 20 146 M +16 20 147 L +16 20 148 L +16 20 149 E +16 20 150 L +16 20 151 M +16 20 152 M +16 20 153 L +16 20 154 R +16 20 155 R +16 20 156 L +16 20 157 R +16 20 158 M +16 20 159 M +16 20 160 E +16 20 161 L +16 20 162 D +16 20 163 E +16 20 164 E +16 20 165 R +16 20 166 E +16 20 167 M +16 20 168 L +16 20 169 E +16 20 170 R +16 20 171 L +16 20 172 M +16 20 173 D +16 20 174 M +16 20 175 E +16 20 176 D +16 20 177 M +16 20 178 L +16 20 179 E +16 20 180 L +16 20 181 M +16 20 182 L +16 20 183 L +16 20 184 L +16 20 185 M +16 20 186 E +16 20 187 M +16 20 188 E +16 20 189 M +16 20 190 M +16 20 191 L +16 20 192 E +16 20 193 M +16 20 194 E +16 20 195 L +16 20 196 E +16 20 197 L +16 20 198 L +16 20 199 M +16 20 200 E +16 20 201 M +16 20 202 L +16 20 203 E +16 20 204 R +16 20 205 E +16 20 206 M +16 20 207 D +16 20 208 M +16 20 209 E +16 20 210 E +16 20 211 E +16 20 212 M +16 20 213 E +16 20 214 L +16 20 215 E +16 20 216 R +16 20 217 M +16 20 218 E +16 20 219 M +16 20 220 E +16 20 221 M +16 20 222 E +16 20 223 L +16 20 224 M +16 20 225 E +16 20 226 L +16 20 227 E +16 20 228 E +16 20 229 M +16 20 230 M +16 20 231 E +16 20 232 L +16 20 233 L +16 20 234 L +16 20 235 L +16 20 236 E +16 20 237 M +16 20 238 E +16 20 239 D +16 20 240 E +16 20 241 M +16 20 242 M +16 20 243 E +16 20 244 M +16 20 245 D +16 20 246 E +16 20 247 E +16 20 248 R +16 20 249 E +16 20 250 E +16 20 251 M +16 20 252 M +16 20 253 E +16 20 254 E +16 20 255 R +16 20 256 D +16 20 257 E +16 20 258 M +16 20 259 E +16 20 260 M +16 20 261 M +16 20 262 M +16 20 263 R +16 20 264 E +16 20 265 L +16 20 266 D +16 20 267 E +16 20 268 E +16 20 269 E +16 20 270 M +16 20 271 E +16 20 272 M +16 20 273 E +16 20 274 M +16 20 275 L +16 20 276 E +16 20 277 R +16 20 278 M +16 20 279 E +16 20 280 L +16 20 281 E +16 20 282 L +16 20 283 R +16 20 284 M +16 20 285 M +16 20 286 M +16 20 287 E +16 20 288 D +16 20 289 E +16 20 290 M +16 20 291 E +16 20 292 M +16 20 293 M +16 20 294 M +16 20 295 R +16 20 296 E +16 20 297 M +16 20 298 D +16 20 299 L +16 20 300 R +16 20 301 E +16 20 302 M +16 20 303 E +16 20 304 L +16 20 305 E +16 20 306 M +16 20 307 L +16 20 308 E +16 20 309 R +16 20 310 L +16 20 311 E +16 20 312 R +16 20 313 E +16 20 314 M +16 20 315 L +16 20 316 E +16 20 317 E +16 20 318 D +16 20 319 M +16 20 320 L +16 20 321 D +16 20 322 E +16 20 323 L +16 20 324 M +16 20 325 E +16 20 326 M +16 20 327 M +16 20 328 L +16 20 329 R +16 20 330 M +16 21 1 L +16 21 2 L +16 21 3 D +16 21 4 L +16 21 5 L +16 21 6 M +16 21 7 L +16 21 8 M +16 21 9 M +16 21 10 E +16 21 11 L +16 21 12 M +16 21 13 L +16 21 14 L +16 21 15 K +16 21 16 J +16 21 17 D +16 21 18 R +16 21 19 L +16 21 20 L +16 21 21 M +16 21 22 M +16 21 23 D +16 21 24 R +16 21 25 L +16 21 26 L +16 21 27 M +16 21 28 D +16 21 29 L +16 21 30 M +16 21 31 L +16 21 32 M +16 21 33 L +16 21 34 L +16 21 35 D +16 21 36 L +16 21 37 L +16 21 38 D +16 21 39 L +16 21 40 L +16 21 41 D +16 21 42 M +16 21 43 E +16 21 44 K +16 21 45 L +16 21 46 R +16 21 47 R +16 21 48 M +16 21 49 E +16 21 50 R +16 21 51 R +16 21 52 M +16 21 53 D +16 21 54 L +16 21 55 L +16 21 56 M +16 21 57 L +16 21 58 M +16 21 59 M +16 21 60 E +16 21 61 D +16 21 62 M +16 21 63 M +16 21 64 L +16 21 65 D +16 21 66 J +16 21 67 L +16 21 68 M +16 21 69 L +16 21 70 K +16 21 71 R +16 21 72 L +16 21 73 M +16 21 74 K +16 21 75 R +16 21 76 M +16 21 77 L +16 21 78 M +16 21 79 R +16 21 80 L +16 21 81 L +16 21 82 L +16 21 83 M +16 21 84 D +16 21 85 L +16 21 86 M +16 21 87 R +16 21 88 D +16 21 89 R +16 21 90 R +16 21 91 L +16 21 92 M +16 21 93 L +16 21 94 R +16 21 95 L +16 21 96 D +16 21 97 L +16 21 98 D +16 21 99 K +16 21 100 L +16 21 101 D +16 21 102 K +16 21 103 M +16 21 104 L +16 21 105 M +16 21 106 M +16 21 107 J +16 21 108 L +16 21 109 L +16 21 110 M +16 21 111 R +16 21 112 D +16 21 113 R +16 21 114 L +16 21 115 M +16 21 116 L +16 21 117 R +16 21 118 M +16 21 119 L +16 21 120 J +16 21 121 D +16 21 122 L +16 21 123 L +16 21 124 L +16 21 125 D +16 21 126 M +16 21 127 R +16 21 128 M +16 21 129 J +16 21 130 R +16 21 131 M +16 21 132 M +16 21 133 L +16 21 134 R +16 21 135 D +16 21 136 L +16 21 137 R +16 21 138 K +16 21 139 J +16 21 140 L +16 21 141 J +16 21 142 K +16 21 143 L +16 21 144 R +16 21 145 E +16 21 146 M +16 21 147 E +16 21 148 D +16 21 149 L +16 21 150 R +16 21 151 M +16 21 152 K +16 21 153 L +16 21 154 R +16 21 155 R +16 21 156 E +16 21 157 R +16 21 158 J +16 21 159 M +16 21 160 D +16 21 161 L +16 21 162 D +16 21 163 L +16 21 164 L +16 21 165 M +16 21 166 R +16 21 167 M +16 21 168 L +16 21 169 L +16 21 170 R +16 21 171 M +16 21 172 J +16 21 173 M +16 21 174 M +16 21 175 L +16 21 176 D +16 21 177 M +16 21 178 L +16 21 179 D +16 21 180 L +16 21 181 M +16 21 182 L +16 21 183 R +16 21 184 L +16 21 185 M +16 21 186 L +16 21 187 M +16 21 188 L +16 21 189 K +16 21 190 M +16 21 191 L +16 21 192 L +16 21 193 M +16 21 194 R +16 21 195 L +16 21 196 L +16 21 197 M +16 21 198 R +16 21 199 K +16 21 200 L +16 21 201 D +16 21 202 L +16 21 203 M +16 21 204 R +16 21 205 E +16 21 206 K +16 21 207 D +16 21 208 M +16 21 209 L +16 21 210 L +16 21 211 L +16 21 212 D +16 21 213 K +16 21 214 L +16 21 215 M +16 21 216 R +16 21 217 D +16 21 218 L +16 21 219 L +16 21 220 L +16 21 221 K +16 21 222 E +16 21 223 L +16 21 224 M +16 21 225 M +16 21 226 E +16 21 227 R +16 21 228 L +16 21 229 L +16 21 230 M +16 21 231 M +16 21 232 L +16 21 233 R +16 21 234 L +16 21 235 L +16 21 236 M +16 21 237 D +16 21 238 L +16 21 239 D +16 21 240 R +16 21 241 J +16 21 242 M +16 21 243 L +16 21 244 K +16 21 245 D +16 21 246 L +16 21 247 E +16 21 248 R +16 21 249 L +16 21 250 L +16 21 251 L +16 21 252 K +16 21 253 L +16 21 254 K +16 21 255 R +16 21 256 M +16 21 257 E +16 21 258 M +16 21 259 D +16 21 260 M +16 21 261 M +16 21 262 J +16 21 263 J +16 21 264 L +16 21 265 L +16 21 266 D +16 21 267 D +16 21 268 L +16 21 269 M +16 21 270 M +16 21 271 E +16 21 272 J +16 21 273 M +16 21 274 J +16 21 275 L +16 21 276 D +16 21 277 L +16 21 278 M +16 21 279 L +16 21 280 L +16 21 281 L +16 21 282 L +16 21 283 R +16 21 284 K +16 21 285 M +16 21 286 J +16 21 287 D +16 21 288 D +16 21 289 L +16 21 290 M +16 21 291 E +16 21 292 M +16 21 293 K +16 21 294 K +16 21 295 R +16 21 296 E +16 21 297 M +16 21 298 D +16 21 299 L +16 21 300 J +16 21 301 L +16 21 302 M +16 21 303 L +16 21 304 R +16 21 305 E +16 21 306 L +16 21 307 L +16 21 308 K +16 21 309 R +16 21 310 L +16 21 311 L +16 21 312 R +16 21 313 L +16 21 314 J +16 21 315 L +16 21 316 L +16 21 317 D +16 21 318 M +16 21 319 J +16 21 320 E +16 21 321 D +16 21 322 L +16 21 323 E +16 21 324 J +16 21 325 L +16 21 326 M +16 21 327 K +16 21 328 E +16 21 329 R +16 21 330 L +16 22 1 L +16 22 2 L +16 22 3 M +16 22 4 E +16 22 5 L +16 22 6 J +16 22 7 L +16 22 8 D +16 22 9 R +16 22 10 E +16 22 11 L +16 22 12 M +16 22 13 L +16 22 14 E +16 22 15 M +16 22 16 J +16 22 17 M +16 22 18 R +16 22 19 L +16 22 20 L +16 22 21 M +16 22 22 M +16 22 23 E +16 22 24 L +16 22 25 L +16 22 26 E +16 22 27 J +16 22 28 M +16 22 29 L +16 22 30 M +16 22 31 E +16 22 32 M +16 22 33 L +16 22 34 E +16 22 35 M +16 22 36 L +16 22 37 E +16 22 38 M +16 22 39 L +16 22 40 L +16 22 41 D +16 22 42 M +16 22 43 E +16 22 44 J +16 22 45 L +16 22 46 E +16 22 47 L +16 22 48 M +16 22 49 L +16 22 50 E +16 22 51 M +16 22 52 J +16 22 53 D +16 22 54 L +16 22 55 L +16 22 56 M +16 22 57 L +16 22 58 M +16 22 59 J +16 22 60 L +16 22 61 D +16 22 62 E +16 22 63 D +16 22 64 L +16 22 65 D +16 22 66 J +16 22 67 L +16 22 68 E +16 22 69 M +16 22 70 J +16 22 71 D +16 22 72 L +16 22 73 E +16 22 74 L +16 22 75 R +16 22 76 M +16 22 77 L +16 22 78 M +16 22 79 R +16 22 80 E +16 22 81 E +16 22 82 L +16 22 83 J +16 22 84 M +16 22 85 L +16 22 86 M +16 22 87 R +16 22 88 M +16 22 89 R +16 22 90 L +16 22 91 M +16 22 92 J +16 22 93 L +16 22 94 R +16 22 95 J +16 22 96 M +16 22 97 E +16 22 98 D +16 22 99 E +16 22 100 L +16 22 101 E +16 22 102 L +16 22 103 R +16 22 104 L +16 22 105 R +16 22 106 J +16 22 107 J +16 22 108 J +16 22 109 E +16 22 110 M +16 22 111 R +16 22 112 D +16 22 113 R +16 22 114 L +16 22 115 M +16 22 116 E +16 22 117 R +16 22 118 M +16 22 119 L +16 22 120 J +16 22 121 D +16 22 122 L +16 22 123 E +16 22 124 M +16 22 125 M +16 22 126 E +16 22 127 R +16 22 128 M +16 22 129 J +16 22 130 R +16 22 131 E +16 22 132 D +16 22 133 L +16 22 134 R +16 22 135 D +16 22 136 L +16 22 137 R +16 22 138 E +16 22 139 J +16 22 140 L +16 22 141 J +16 22 142 J +16 22 143 L +16 22 144 E +16 22 145 L +16 22 146 M +16 22 147 L +16 22 148 D +16 22 149 L +16 22 150 E +16 22 151 M +16 22 152 M +16 22 153 L +16 22 154 R +16 22 155 R +16 22 156 L +16 22 157 M +16 22 158 J +16 22 159 M +16 22 160 M +16 22 161 L +16 22 162 D +16 22 163 L +16 22 164 L +16 22 165 E +16 22 166 L +16 22 167 M +16 22 168 L +16 22 169 L +16 22 170 L +16 22 171 M +16 22 172 J +16 22 173 M +16 22 174 M +16 22 175 E +16 22 176 M +16 22 177 D +16 22 178 L +16 22 179 D +16 22 180 L +16 22 181 M +16 22 182 E +16 22 183 M +16 22 184 E +16 22 185 M +16 22 186 L +16 22 187 M +16 22 188 L +16 22 189 E +16 22 190 M +16 22 191 L +16 22 192 M +16 22 193 M +16 22 194 D +16 22 195 L +16 22 196 E +16 22 197 M +16 22 198 R +16 22 199 J +16 22 200 L +16 22 201 M +16 22 202 L +16 22 203 E +16 22 204 R +16 22 205 E +16 22 206 J +16 22 207 D +16 22 208 M +16 22 209 E +16 22 210 R +16 22 211 L +16 22 212 M +16 22 213 E +16 22 214 M +16 22 215 E +16 22 216 R +16 22 217 M +16 22 218 M +16 22 219 J +16 22 220 E +16 22 221 J +16 22 222 E +16 22 223 L +16 22 224 J +16 22 225 E +16 22 226 L +16 22 227 R +16 22 228 L +16 22 229 L +16 22 230 M +16 22 231 E +16 22 232 R +16 22 233 L +16 22 234 L +16 22 235 L +16 22 236 M +16 22 237 M +16 22 238 L +16 22 239 M +16 22 240 R +16 22 241 J +16 22 242 J +16 22 243 D +16 22 244 J +16 22 245 D +16 22 246 L +16 22 247 E +16 22 248 R +16 22 249 R +16 22 250 E +16 22 251 M +16 22 252 M +16 22 253 L +16 22 254 E +16 22 255 R +16 22 256 M +16 22 257 L +16 22 258 M +16 22 259 D +16 22 260 J +16 22 261 M +16 22 262 J +16 22 263 R +16 22 264 L +16 22 265 L +16 22 266 D +16 22 267 E +16 22 268 L +16 22 269 E +16 22 270 M +16 22 271 L +16 22 272 J +16 22 273 M +16 22 274 J +16 22 275 M +16 22 276 E +16 22 277 L +16 22 278 M +16 22 279 E +16 22 280 E +16 22 281 L +16 22 282 L +16 22 283 R +16 22 284 J +16 22 285 E +16 22 286 J +16 22 287 M +16 22 288 D +16 22 289 L +16 22 290 J +16 22 291 L +16 22 292 M +16 22 293 L +16 22 294 J +16 22 295 E +16 22 296 E +16 22 297 M +16 22 298 D +16 22 299 L +16 22 300 J +16 22 301 L +16 22 302 M +16 22 303 E +16 22 304 M +16 22 305 D +16 22 306 L +16 22 307 L +16 22 308 E +16 22 309 R +16 22 310 L +16 22 311 L +16 22 312 R +16 22 313 L +16 22 314 J +16 22 315 L +16 22 316 E +16 22 317 M +16 22 318 M +16 22 319 J +16 22 320 M +16 22 321 D +16 22 322 E +16 22 323 L +16 22 324 J +16 22 325 D +16 22 326 M +16 22 327 J +16 22 328 R +16 22 329 M +16 22 330 J +16 23 1 E +16 23 2 J +16 23 3 D +16 23 4 E +16 23 5 J +16 23 6 D +16 23 7 L +16 23 8 D +16 23 9 D +16 23 10 E +16 23 11 R +16 23 12 M +16 23 13 R +16 23 14 E +16 23 15 J +16 23 16 J +16 23 17 D +16 23 18 E +16 23 19 J +16 23 20 L +16 23 21 D +16 23 22 M +16 23 23 E +16 23 24 R +16 23 25 L +16 23 26 E +16 23 27 J +16 23 28 D +16 23 29 L +16 23 30 D +16 23 31 J +16 23 32 E +16 23 33 L +16 23 34 R +16 23 35 D +16 23 36 R +16 23 37 E +16 23 38 D +16 23 39 L +16 23 40 J +16 23 41 D +16 23 42 M +16 23 43 E +16 23 44 J +16 23 45 L +16 23 46 R +16 23 47 R +16 23 48 M +16 23 49 J +16 23 50 E +16 23 51 R +16 23 52 J +16 23 53 D +16 23 54 L +16 23 55 L +16 23 56 M +16 23 57 R +16 23 58 M +16 23 59 J +16 23 60 R +16 23 61 D +16 23 62 E +16 23 63 D +16 23 64 E +16 23 65 D +16 23 66 J +16 23 67 L +16 23 68 E +16 23 69 M +16 23 70 M +16 23 71 D +16 23 72 L +16 23 73 E +16 23 74 J +16 23 75 R +16 23 76 D +16 23 77 L +16 23 78 J +16 23 79 R +16 23 80 L +16 23 81 L +16 23 82 L +16 23 83 J +16 23 84 D +16 23 85 L +16 23 86 E +16 23 87 R +16 23 88 E +16 23 89 R +16 23 90 R +16 23 91 M +16 23 92 J +16 23 93 R +16 23 94 R +16 23 95 J +16 23 96 M +16 23 97 E +16 23 98 D +16 23 99 J +16 23 100 J +16 23 101 E +16 23 102 J +16 23 103 R +16 23 104 J +16 23 105 E +16 23 106 J +16 23 107 J +16 23 108 J +16 23 109 E +16 23 110 M +16 23 111 R +16 23 112 D +16 23 113 R +16 23 114 R +16 23 115 E +16 23 116 J +16 23 117 R +16 23 118 D +16 23 119 L +16 23 120 J +16 23 121 D +16 23 122 L +16 23 123 R +16 23 124 M +16 23 125 D +16 23 126 E +16 23 127 R +16 23 128 M +16 23 129 J +16 23 130 R +16 23 131 E +16 23 132 D +16 23 133 L +16 23 134 R +16 23 135 E +16 23 136 L +16 23 137 L +16 23 138 J +16 23 139 J +16 23 140 J +16 23 141 J +16 23 142 J +16 23 143 L +16 23 144 E +16 23 145 L +16 23 146 M +16 23 147 J +16 23 148 D +16 23 149 L +16 23 150 E +16 23 151 M +16 23 152 E +16 23 153 E +16 23 154 R +16 23 155 R +16 23 156 L +16 23 157 D +16 23 158 J +16 23 159 J +16 23 160 D +16 23 161 L +16 23 162 D +16 23 163 R +16 23 164 E +16 23 165 R +16 23 166 R +16 23 167 E +16 23 168 L +16 23 169 L +16 23 170 R +16 23 171 L +16 23 172 J +16 23 173 D +16 23 174 M +16 23 175 J +16 23 176 D +16 23 177 M +16 23 178 E +16 23 179 E +16 23 180 L +16 23 181 M +16 23 182 E +16 23 183 R +16 23 184 E +16 23 185 M +16 23 186 L +16 23 187 M +16 23 188 L +16 23 189 J +16 23 190 E +16 23 191 L +16 23 192 E +16 23 193 M +16 23 194 E +16 23 195 L +16 23 196 J +16 23 197 E +16 23 198 R +16 23 199 J +16 23 200 J +16 23 201 D +16 23 202 L +16 23 203 E +16 23 204 R +16 23 205 E +16 23 206 J +16 23 207 E +16 23 208 M +16 23 209 R +16 23 210 E +16 23 211 L +16 23 212 D +16 23 213 E +16 23 214 L +16 23 215 E +16 23 216 R +16 23 217 D +16 23 218 M +16 23 219 J +16 23 220 E +16 23 221 J +16 23 222 E +16 23 223 E +16 23 224 J +16 23 225 M +16 23 226 R +16 23 227 R +16 23 228 E +16 23 229 L +16 23 230 J +16 23 231 E +16 23 232 M +16 23 233 E +16 23 234 L +16 23 235 E +16 23 236 M +16 23 237 J +16 23 238 L +16 23 239 D +16 23 240 R +16 23 241 J +16 23 242 M +16 23 243 E +16 23 244 J +16 23 245 D +16 23 246 L +16 23 247 E +16 23 248 R +16 23 249 R +16 23 250 E +16 23 251 L +16 23 252 J +16 23 253 L +16 23 254 E +16 23 255 R +16 23 256 D +16 23 257 E +16 23 258 M +16 23 259 D +16 23 260 J +16 23 261 D +16 23 262 J +16 23 263 J +16 23 264 J +16 23 265 L +16 23 266 D +16 23 267 E +16 23 268 L +16 23 269 E +16 23 270 M +16 23 271 R +16 23 272 J +16 23 273 E +16 23 274 J +16 23 275 M +16 23 276 E +16 23 277 R +16 23 278 D +16 23 279 E +16 23 280 L +16 23 281 L +16 23 282 L +16 23 283 R +16 23 284 J +16 23 285 J +16 23 286 J +16 23 287 M +16 23 288 D +16 23 289 L +16 23 290 J +16 23 291 L +16 23 292 M +16 23 293 J +16 23 294 J +16 23 295 M +16 23 296 E +16 23 297 M +16 23 298 D +16 23 299 L +16 23 300 J +16 23 301 L +16 23 302 J +16 23 303 E +16 23 304 M +16 23 305 E +16 23 306 L +16 23 307 L +16 23 308 M +16 23 309 R +16 23 310 L +16 23 311 L +16 23 312 R +16 23 313 E +16 23 314 J +16 23 315 L +16 23 316 L +16 23 317 E +16 23 318 D +16 23 319 J +16 23 320 M +16 23 321 D +16 23 322 J +16 23 323 E +16 23 324 J +16 23 325 E +16 23 326 M +16 23 327 J +16 23 328 E +16 23 329 D +16 23 330 J +16 24 1 E +16 24 2 L +16 24 3 M +16 24 4 E +16 24 5 L +16 24 6 M +16 24 7 L +16 24 8 J +16 24 9 E +16 24 10 E +16 24 11 R +16 24 12 M +16 24 13 L +16 24 14 E +16 24 15 J +16 24 16 J +16 24 17 M +16 24 18 R +16 24 19 X +16 24 20 L +16 24 21 D +16 24 22 M +16 24 23 E +16 24 24 R +16 24 25 L +16 24 26 E +16 24 27 X +16 24 28 D +16 24 29 L +16 24 30 M +16 24 31 L +16 24 32 D +16 24 33 L +16 24 34 E +16 24 35 D +16 24 36 L +16 24 37 L +16 24 38 D +16 24 39 L +16 24 40 L +16 24 41 D +16 24 42 M +16 24 43 E +16 24 44 J +16 24 45 L +16 24 46 R +16 24 47 R +16 24 48 M +16 24 49 L +16 24 50 E +16 24 51 R +16 24 52 J +16 24 53 D +16 24 54 L +16 24 55 E +16 24 56 J +16 24 57 L +16 24 58 M +16 24 59 J +16 24 60 E +16 24 61 D +16 24 62 E +16 24 63 J +16 24 64 E +16 24 65 D +16 24 66 J +16 24 67 L +16 24 68 D +16 24 69 M +16 24 70 J +16 24 71 D +16 24 72 L +16 24 73 E +16 24 74 L +16 24 75 L +16 24 76 M +16 24 77 L +16 24 78 J +16 24 79 R +16 24 80 L +16 24 81 L +16 24 82 L +16 24 83 M +16 24 84 J +16 24 85 L +16 24 86 D +16 24 87 R +16 24 88 E +16 24 89 R +16 24 90 R +16 24 91 L +16 24 92 J +16 24 93 L +16 24 94 R +16 24 95 J +16 24 96 M +16 24 97 E +16 24 98 D +16 24 99 J +16 24 100 L +16 24 101 D +16 24 102 J +16 24 103 M +16 24 104 L +16 24 105 D +16 24 106 M +16 24 107 J +16 24 108 J +16 24 109 E +16 24 110 M +16 24 111 R +16 24 112 D +16 24 113 R +16 24 114 R +16 24 115 D +16 24 116 J +16 24 117 R +16 24 118 D +16 24 119 L +16 24 120 J +16 24 121 D +16 24 122 L +16 24 123 E +16 24 124 M +16 24 125 M +16 24 126 D +16 24 127 L +16 24 128 M +16 24 129 J +16 24 130 L +16 24 131 E +16 24 132 D +16 24 133 L +16 24 134 R +16 24 135 D +16 24 136 L +16 24 137 R +16 24 138 J +16 24 139 J +16 24 140 E +16 24 141 J +16 24 142 J +16 24 143 L +16 24 144 E +16 24 145 L +16 24 146 M +16 24 147 L +16 24 148 D +16 24 149 L +16 24 150 E +16 24 151 J +16 24 152 M +16 24 153 E +16 24 154 R +16 24 155 R +16 24 156 L +16 24 157 D +16 24 158 J +16 24 159 M +16 24 160 X +16 24 161 L +16 24 162 D +16 24 163 L +16 24 164 E +16 24 165 L +16 24 166 R +16 24 167 W +16 24 168 L +16 24 169 L +16 24 170 R +16 24 171 L +16 24 172 J +16 24 173 D +16 24 174 M +16 24 175 J +16 24 176 D +16 24 177 M +16 24 178 E +16 24 179 D +16 24 180 L +16 24 181 M +16 24 182 D +16 24 183 M +16 24 184 E +16 24 185 M +16 24 186 L +16 24 187 M +16 24 188 L +16 24 189 J +16 24 190 D +16 24 191 L +16 24 192 E +16 24 193 M +16 24 194 D +16 24 195 L +16 24 196 J +16 24 197 E +16 24 198 R +16 24 199 J +16 24 200 L +16 24 201 M +16 24 202 L +16 24 203 D +16 24 204 R +16 24 205 E +16 24 206 J +16 24 207 D +16 24 208 M +16 24 209 L +16 24 210 D +16 24 211 E +16 24 212 M +16 24 213 L +16 24 214 M +16 24 215 J +16 24 216 L +16 24 217 M +16 24 218 M +16 24 219 J +16 24 220 E +16 24 221 J +16 24 222 E +16 24 223 L +16 24 224 J +16 24 225 M +16 24 226 E +16 24 227 R +16 24 228 E +16 24 229 L +16 24 230 J +16 24 231 D +16 24 232 M +16 24 233 L +16 24 234 L +16 24 235 E +16 24 236 M +16 24 237 J +16 24 238 E +16 24 239 D +16 24 240 R +16 24 241 J +16 24 242 M +16 24 243 D +16 24 244 J +16 24 245 D +16 24 246 E +16 24 247 E +16 24 248 L +16 24 249 L +16 24 250 E +16 24 251 L +16 24 252 J +16 24 253 L +16 24 254 J +16 24 255 R +16 24 256 D +16 24 257 E +16 24 258 M +16 24 259 D +16 24 260 J +16 24 261 M +16 24 262 J +16 24 263 J +16 24 264 L +16 24 265 L +16 24 266 D +16 24 267 E +16 24 268 L +16 24 269 E +16 24 270 M +16 24 271 L +16 24 272 J +16 24 273 W +16 24 274 J +16 24 275 M +16 24 276 D +16 24 277 E +16 24 278 M +16 24 279 E +16 24 280 L +16 24 281 L +16 24 282 L +16 24 283 R +16 24 284 J +16 24 285 M +16 24 286 J +16 24 287 M +16 24 288 D +16 24 289 L +16 24 290 J +16 24 291 E +16 24 292 D +16 24 293 J +16 24 294 J +16 24 295 M +16 24 296 E +16 24 297 M +16 24 298 D +16 24 299 L +16 24 300 J +16 24 301 L +16 24 302 J +16 24 303 E +16 24 304 M +16 24 305 D +16 24 306 L +16 24 307 E +16 24 308 D +16 24 309 R +16 24 310 L +16 24 311 E +16 24 312 R +16 24 313 E +16 24 314 J +16 24 315 L +16 24 316 L +16 24 317 D +16 24 318 M +16 24 319 J +16 24 320 M +16 24 321 D +16 24 322 E +16 24 323 L +16 24 324 J +16 24 325 E +16 24 326 M +16 24 327 J +16 24 328 L +16 24 329 M +16 24 330 J +16 25 1 L +16 25 2 L +16 25 3 M +16 25 4 R +16 25 5 L +16 25 6 M +16 25 7 E +16 25 8 M +16 25 9 M +16 25 10 E +16 25 11 E +16 25 12 M +16 25 13 L +16 25 14 L +16 25 15 D +16 25 16 M +16 25 17 J +16 25 18 L +16 25 19 L +16 25 20 M +16 25 21 M +16 25 22 D +16 25 23 L +16 25 24 E +16 25 25 L +16 25 26 L +16 25 27 J +16 25 28 M +16 25 29 L +16 25 30 M +16 25 31 L +16 25 32 M +16 25 33 L +16 25 34 E +16 25 35 D +16 25 36 L +16 25 37 L +16 25 38 D +16 25 39 D +16 25 40 L +16 25 41 M +16 25 42 D +16 25 43 J +16 25 44 E +16 25 45 L +16 25 46 Q +16 25 47 Q +16 25 48 D +16 25 49 L +16 25 50 E +16 25 51 E +16 25 52 J +16 25 53 D +16 25 54 L +16 25 55 L +16 25 56 M +16 25 57 L +16 25 58 L +16 25 59 J +16 25 60 E +16 25 61 D +16 25 62 L +16 25 63 M +16 25 64 E +16 25 65 M +16 25 66 J +16 25 67 L +16 25 68 M +16 25 69 L +16 25 70 J +16 25 71 Q +16 25 72 L +16 25 73 M +16 25 74 L +16 25 75 L +16 25 76 M +16 25 77 L +16 25 78 J +16 25 79 R +16 25 80 L +16 25 81 M +16 25 82 L +16 25 83 J +16 25 84 M +16 25 85 L +16 25 86 M +16 25 87 L +16 25 88 D +16 25 89 L +16 25 90 L +16 25 91 M +16 25 92 J +16 25 93 L +16 25 94 L +16 25 95 J +16 25 96 M +16 25 97 E +16 25 98 D +16 25 99 Q +16 25 100 L +16 25 101 D +16 25 102 L +16 25 103 L +16 25 104 L +16 25 105 M +16 25 106 M +16 25 107 J +16 25 108 J +16 25 109 E +16 25 110 M +16 25 111 L +16 25 112 M +16 25 113 R +16 25 114 E +16 25 115 D +16 25 116 L +16 25 117 L +16 25 118 M +16 25 119 L +16 25 120 J +16 25 121 D +16 25 122 L +16 25 123 E +16 25 124 L +16 25 125 M +16 25 126 M +16 25 127 L +16 25 128 M +16 25 129 J +16 25 130 L +16 25 131 E +16 25 132 M +16 25 133 L +16 25 134 L +16 25 135 M +16 25 136 L +16 25 137 L +16 25 138 L +16 25 139 J +16 25 140 E +16 25 141 J +16 25 142 J +16 25 143 M +16 25 144 E +16 25 145 L +16 25 146 M +16 25 147 L +16 25 148 D +16 25 149 L +16 25 150 E +16 25 151 D +16 25 152 D +16 25 153 L +16 25 154 M +16 25 155 L +16 25 156 L +16 25 157 M +16 25 158 J +16 25 159 M +16 25 160 D +16 25 161 L +16 25 162 M +16 25 163 L +16 25 164 E +16 25 165 L +16 25 166 L +16 25 167 Q +16 25 168 E +16 25 169 L +16 25 170 L +16 25 171 M +16 25 172 J +16 25 173 M +16 25 174 M +16 25 175 L +16 25 176 M +16 25 177 J +16 25 178 E +16 25 179 L +16 25 180 L +16 25 181 Q +16 25 182 D +16 25 183 L +16 25 184 L +16 25 185 D +16 25 186 L +16 25 187 D +16 25 188 E +16 25 189 L +16 25 190 M +16 25 191 L +16 25 192 M +16 25 193 D +16 25 194 D +16 25 195 L +16 25 196 L +16 25 197 M +16 25 198 L +16 25 199 J +16 25 200 E +16 25 201 M +16 25 202 E +16 25 203 M +16 25 204 L +16 25 205 L +16 25 206 J +16 25 207 E +16 25 208 M +16 25 209 L +16 25 210 L +16 25 211 L +16 25 212 M +16 25 213 L +16 25 214 Q +16 25 215 D +16 25 216 L +16 25 217 M +16 25 218 D +16 25 219 J +16 25 220 E +16 25 221 J +16 25 222 E +16 25 223 L +16 25 224 J +16 25 225 L +16 25 226 E +16 25 227 L +16 25 228 E +16 25 229 L +16 25 230 M +16 25 231 D +16 25 232 D +16 25 233 E +16 25 234 L +16 25 235 L +16 25 236 L +16 25 237 D +16 25 238 E +16 25 239 M +16 25 240 M +16 25 241 J +16 25 242 M +16 25 243 E +16 25 244 J +16 25 245 M +16 25 246 L +16 25 247 E +16 25 248 L +16 25 249 L +16 25 250 L +16 25 251 E +16 25 252 J +16 25 253 L +16 25 254 E +16 25 255 L +16 25 256 M +16 25 257 L +16 25 258 D +16 25 259 M +16 25 260 J +16 25 261 M +16 25 262 J +16 25 263 J +16 25 264 L +16 25 265 L +16 25 266 D +16 25 267 D +16 25 268 L +16 25 269 D +16 25 270 D +16 25 271 L +16 25 272 J +16 25 273 Q +16 25 274 J +16 25 275 M +16 25 276 D +16 25 277 L +16 25 278 M +16 25 279 E +16 25 280 L +16 25 281 L +16 25 282 L +16 25 283 L +16 25 284 J +16 25 285 M +16 25 286 J +16 25 287 M +16 25 288 D +16 25 289 L +16 25 290 J +16 25 291 L +16 25 292 M +16 25 293 M +16 25 294 J +16 25 295 L +16 25 296 L +16 25 297 D +16 25 298 D +16 25 299 L +16 25 300 J +16 25 301 L +16 25 302 M +16 25 303 L +16 25 304 E +16 25 305 E +16 25 306 L +16 25 307 E +16 25 308 M +16 25 309 L +16 25 310 L +16 25 311 E +16 25 312 L +16 25 313 E +16 25 314 J +16 25 315 E +16 25 316 L +16 25 317 D +16 25 318 M +16 25 319 J +16 25 320 L +16 25 321 M +16 25 322 L +16 25 323 E +16 25 324 J +16 25 325 L +16 25 326 Q +16 25 327 J +16 25 328 L +16 25 329 D +16 25 330 J +17 1 1 RX +17 1 2 RX +17 1 3 QU +17 1 4 MO +17 1 5 RX +17 1 6 KN +17 1 7 RX +17 1 8 CO +17 1 9 CK +17 1 10 AZ +17 1 11 KK +17 1 12 KN +17 1 13 KK +17 1 14 KK +17 1 15 SK +17 1 16 SK +17 1 17 PU +17 1 18 KK +17 1 19 RX +17 1 20 RX +17 1 21 RO +17 1 22 KN +17 1 23 LL +17 1 24 KK +17 1 25 RX +17 1 26 AZ +17 1 27 SK +17 1 28 RO +17 1 29 RX +17 1 30 CK +17 1 31 RX +17 1 32 LL +17 1 33 RX +17 1 34 RX +17 1 35 RO +17 1 36 KK +17 1 37 RX +17 1 38 RO +17 1 39 RX +17 1 40 RX +17 1 41 CO +17 1 42 CK +17 1 43 AZ +17 1 44 SK +17 1 45 RX +17 1 46 KK +17 1 47 AZ +17 1 48 CK +17 1 49 RX +17 1 50 MO +17 1 51 KK +17 1 52 SK +17 1 53 CO +17 1 54 RX +17 1 55 RX +17 1 56 SK +17 1 57 RX +17 1 58 SK +17 1 59 SK +17 1 60 AZ +17 1 61 CO +17 1 62 CL +17 1 63 RO +17 1 64 AZ +17 1 65 RO +17 1 66 KN +17 1 67 RX +17 1 68 RO +17 1 69 RX +17 1 70 SK +17 1 71 QU +17 1 72 RX +17 1 73 LL +17 1 74 CL +17 1 75 RX +17 1 76 KN +17 1 77 CL +17 1 78 SK +17 1 79 KK +17 1 80 CL +17 1 81 RX +17 1 82 CL +17 1 83 SK +17 1 84 RO +17 1 85 RX +17 1 86 SK +17 1 87 KK +17 1 88 LL +17 1 89 AZ +17 1 90 KK +17 1 91 RX +17 1 92 SK +17 1 93 CL +17 1 94 KK +17 1 95 CL +17 1 96 KN +17 1 97 MO +17 1 98 QU +17 1 99 LL +17 1 100 CL +17 1 101 QU +17 1 102 CL +17 1 103 RX +17 1 104 CL +17 1 105 LL +17 1 106 SK +17 1 107 SK +17 1 108 CL +17 1 109 AZ +17 1 110 KN +17 1 111 RX +17 1 112 QU +17 1 113 KK +17 1 114 RX +17 1 115 QU +17 1 116 CL +17 1 117 KK +17 1 118 SK +17 1 119 RX +17 1 120 SK +17 1 121 QU +17 1 122 RX +17 1 123 CL +17 1 124 RX +17 1 125 KN +17 1 126 SK +17 1 127 KK +17 1 128 SK +17 1 129 SK +17 1 130 KK +17 1 131 LL +17 1 132 QU +17 1 133 RX +17 1 134 CO +17 1 135 LL +17 1 136 CL +17 1 137 RX +17 1 138 CL +17 1 139 SK +17 1 140 CL +17 1 141 SK +17 1 142 CL +17 1 143 RX +17 1 144 LL +17 1 145 RX +17 1 146 KN +17 1 147 RX +17 1 148 QU +17 1 149 RX +17 1 150 MO +17 1 151 SK +17 1 152 LL +17 1 153 CL +17 1 154 KK +17 1 155 KK +17 1 156 RX +17 1 157 KK +17 1 158 SK +17 1 159 KN +17 1 160 SK +17 1 161 RX +17 1 162 QU +17 1 163 RX +17 1 164 CL +17 1 165 RX +17 1 166 AZ +17 1 167 LL +17 1 168 RX +17 1 169 CL +17 1 170 CL +17 1 171 RX +17 1 172 CL +17 1 173 RO +17 1 174 KN +17 1 175 CL +17 1 176 QU +17 1 177 SK +17 1 178 AZ +17 1 179 CA +17 1 180 RX +17 1 181 CK +17 1 182 QU +17 1 183 CK +17 1 184 LL +17 1 185 KN +17 1 186 CL +17 1 187 KN +17 1 188 CL +17 1 189 CL +17 1 190 SK +17 1 191 RX +17 1 192 LL +17 1 193 RX +17 1 194 QU +17 1 195 RX +17 1 196 CL +17 1 197 LL +17 1 198 KK +17 1 199 SK +17 1 200 CL +17 1 201 SK +17 1 202 RX +17 1 203 RO +17 1 204 KK +17 1 205 LL +17 1 206 SK +17 1 207 CO +17 1 208 CK +17 1 209 RX +17 1 210 KK +17 1 211 CL +17 1 212 KN +17 1 213 CL +17 1 214 KN +17 1 215 * +17 1 216 KK +17 1 217 SK +17 1 218 RX +17 1 219 CL +17 1 220 AZ +17 1 221 CL +17 1 222 LL +17 1 223 RX +17 1 224 SK +17 1 225 RX +17 1 226 RX +17 1 227 KK +17 1 228 RX +17 1 229 RX +17 1 230 SK +17 1 231 LL +17 1 232 CK +17 1 233 CL +17 1 234 RX +17 1 235 CL +17 1 236 RX +17 1 237 KN +17 1 238 RX +17 1 239 SK +17 1 240 QU +17 1 241 SK +17 1 242 SK +17 1 243 QU +17 1 244 CL +17 1 245 QU +17 1 246 RX +17 1 247 LL +17 1 248 KK +17 1 249 RX +17 1 250 LL +17 1 251 RX +17 1 252 SK +17 1 253 RX +17 1 254 CL +17 1 255 KK +17 1 256 RO +17 1 257 AZ +17 1 258 SK +17 1 259 CO +17 1 260 SK +17 1 261 KN +17 1 262 SK +17 1 263 CL +17 1 264 CL +17 1 265 RX +17 1 266 CK +17 1 267 MO +17 1 268 RX +17 1 269 LL +17 1 270 KN +17 1 271 RX +17 1 272 CL +17 1 273 LL +17 1 274 SK +17 1 275 RX +17 1 276 QU +17 1 277 AZ +17 1 278 KN +17 1 279 AZ +17 1 280 RX +17 1 281 RX +17 1 282 RX +17 1 283 CA +17 1 284 CL +17 1 285 SK +17 1 286 SK +17 1 287 CK +17 1 288 QU +17 1 289 CL +17 1 290 SK +17 1 291 AZ +17 1 292 SK +17 1 293 CL +17 1 294 CL +17 1 295 CK +17 1 296 MO +17 1 297 KN +17 1 298 QU +17 1 299 RX +17 1 300 CL +17 1 301 RX +17 1 302 SK +17 1 303 CL +17 1 304 RX +17 1 305 MO +17 1 306 RX +17 1 307 CL +17 1 308 LL +17 1 309 KK +17 1 310 RX +17 1 311 CL +17 1 312 KK +17 1 313 AZ +17 1 314 SK +17 1 315 RX +17 1 316 RX +17 1 317 QU +17 1 318 KN +17 1 319 SK +17 1 320 CK +17 1 321 QU +17 1 322 CL +17 1 323 RX +17 1 324 SK +17 1 325 MO +17 1 326 CK +17 1 327 CL +17 1 328 RX +17 1 329 CK +17 1 330 CL +17 2 1 CL +17 2 2 RX +17 2 3 QU +17 2 4 CO +17 2 5 RX +17 2 6 CK +17 2 7 RX +17 2 8 QU +17 2 9 CK +17 2 10 AZ +17 2 11 AZ +17 2 12 KN +17 2 13 RX +17 2 14 RX +17 2 15 RO +17 2 16 CR +17 2 17 NA +17 2 18 KK +17 2 19 CL +17 2 20 RX +17 2 21 RO +17 2 22 KN +17 2 23 LL +17 2 24 CA +17 2 25 AZ +17 2 26 AZ +17 2 27 SK +17 2 28 RO +17 2 29 RX +17 2 30 CA +17 2 31 CL +17 2 32 LL +17 2 33 RX +17 2 34 CL +17 2 35 RO +17 2 36 KK +17 2 37 CL +17 2 38 MO +17 2 39 RX +17 2 40 CL +17 2 41 CO +17 2 42 RX +17 2 43 AZ +17 2 44 SK +17 2 45 RX +17 2 46 GR +17 2 47 KK +17 2 48 CK +17 2 49 CL +17 2 50 MO +17 2 51 CA +17 2 52 SK +17 2 53 MO +17 2 54 RX +17 2 55 CL +17 2 56 RO +17 2 57 AZ +17 2 58 RX +17 2 59 SK +17 2 60 KK +17 2 61 CO +17 2 62 LL +17 2 63 RO +17 2 64 AZ +17 2 65 RO +17 2 66 SK +17 2 67 RX +17 2 68 LL +17 2 69 RX +17 2 70 SK +17 2 71 CO +17 2 72 RX +17 2 73 MO +17 2 74 CL +17 2 75 KK +17 2 76 NA +17 2 77 CL +17 2 78 LL +17 2 79 KK +17 2 80 AZ +17 2 81 RX +17 2 82 CL +17 2 83 KN +17 2 84 RO +17 2 85 RX +17 2 86 RO +17 2 87 KK +17 2 88 MO +17 2 89 KK +17 2 90 AZ +17 2 91 RX +17 2 92 SK +17 2 93 AZ +17 2 94 KK +17 2 95 RX +17 2 96 KN +17 2 97 MO +17 2 98 QU +17 2 99 LL +17 2 100 CL +17 2 101 CO +17 2 102 CL +17 2 103 RX +17 2 104 CL +17 2 105 MO +17 2 106 KN +17 2 107 SK +17 2 108 RX +17 2 109 AZ +17 2 110 PU +17 2 111 KK +17 2 112 QU +17 2 113 KK +17 2 114 RX +17 2 115 CO +17 2 116 CL +17 2 117 CK +17 2 118 RO +17 2 119 RX +17 2 120 SK +17 2 121 PU +17 2 122 RX +17 2 123 AZ +17 2 124 RX +17 2 125 PU +17 2 126 RO +17 2 127 KK +17 2 128 KN +17 2 129 SK +17 2 130 KK +17 2 131 MO +17 2 132 QU +17 2 133 RX +17 2 134 CO +17 2 135 PI +17 2 136 CL +17 2 137 RX +17 2 138 CL +17 2 139 SK +17 2 140 AZ +17 2 141 SK +17 2 142 CR +17 2 143 RX +17 2 144 MO +17 2 145 RX +17 2 146 KN +17 2 147 RX +17 2 148 QU +17 2 149 RX +17 2 150 MO +17 2 151 RO +17 2 152 LL +17 2 153 CL +17 2 154 KK +17 2 155 CA +17 2 156 RX +17 2 157 CA +17 2 158 SK +17 2 159 PU +17 2 160 RO +17 2 161 RX +17 2 162 QU +17 2 163 RX +17 2 164 CL +17 2 165 RX +17 2 166 AZ +17 2 167 LL +17 2 168 RX +17 2 169 CL +17 2 170 KK +17 2 171 RX +17 2 172 SK +17 2 173 RO +17 2 174 KN +17 2 175 CL +17 2 176 RO +17 2 177 KN +17 2 178 AZ +17 2 179 CO +17 2 180 RX +17 2 181 CK +17 2 182 CO +17 2 183 CA +17 2 184 MO +17 2 185 CA +17 2 186 CL +17 2 187 PU +17 2 188 CL +17 2 189 CL +17 2 190 LL +17 2 191 RX +17 2 192 MO +17 2 193 RX +17 2 194 CO +17 2 195 RX +17 2 196 CL +17 2 197 LL +17 2 198 KK +17 2 199 CL +17 2 200 CL +17 2 201 RO +17 2 202 RX +17 2 203 RO +17 2 204 CA +17 2 205 MO +17 2 206 KN +17 2 207 RO +17 2 208 CA +17 2 209 RX +17 2 210 CO +17 2 211 CL +17 2 212 PU +17 2 213 AZ +17 2 214 RX +17 2 215 LL +17 2 216 KK +17 2 217 RO +17 2 218 RX +17 2 219 CL +17 2 220 AZ +17 2 221 RX +17 2 222 MO +17 2 223 RX +17 2 224 SK +17 2 225 RX +17 2 226 AZ +17 2 227 KK +17 2 228 AZ +17 2 229 RX +17 2 230 SK +17 2 231 MO +17 2 232 CA +17 2 233 CL +17 2 234 RX +17 2 235 AZ +17 2 236 RX +17 2 237 RO +17 2 238 RX +17 2 239 RO +17 2 240 CO +17 2 241 SK +17 2 242 KN +17 2 243 CO +17 2 244 SK +17 2 245 QU +17 2 246 RX +17 2 247 LL +17 2 248 KK +17 2 249 RX +17 2 250 MO +17 2 251 RX +17 2 252 SK +17 2 253 RX +17 2 254 CL +17 2 255 CO +17 2 256 RO +17 2 257 AZ +17 2 258 RX +17 2 259 QU +17 2 260 KN +17 2 261 PU +17 2 262 SK +17 2 263 CR +17 2 264 CL +17 2 265 RX +17 2 266 QU +17 2 267 CO +17 2 268 RX +17 2 269 RO +17 2 270 PU +17 2 271 KK +17 2 272 SK +17 2 273 * +17 2 274 SK +17 2 275 RX +17 2 276 PI +17 2 277 AZ +17 2 278 RO +17 2 279 AZ +17 2 280 RX +17 2 281 RX +17 2 282 RX +17 2 283 CO +17 2 284 CR +17 2 285 LL +17 2 286 SK +17 2 287 CA +17 2 288 QU +17 2 289 CL +17 2 290 SK +17 2 291 AZ +17 2 292 RO +17 2 293 RX +17 2 294 CR +17 2 295 CA +17 2 296 MO +17 2 297 KN +17 2 298 QU +17 2 299 RX +17 2 300 CL +17 2 301 RX +17 2 302 SK +17 2 303 AZ +17 2 304 RX +17 2 305 MO +17 2 306 RX +17 2 307 CL +17 2 308 LL +17 2 309 CA +17 2 310 RX +17 2 311 AZ +17 2 312 CA +17 2 313 MO +17 2 314 SK +17 2 315 RX +17 2 316 CL +17 2 317 PI +17 2 318 PU +17 2 319 SK +17 2 320 RX +17 2 321 QU +17 2 322 CL +17 2 323 RX +17 2 324 SK +17 2 325 PI +17 2 326 KN +17 2 327 CL +17 2 328 RX +17 2 329 CA +17 2 330 SK +17 3 1 CL +17 3 2 RX +17 3 3 KK +17 3 4 MO +17 3 5 RX +17 3 6 CR +17 3 7 RX +17 3 8 PI +17 3 9 GR +17 3 10 AZ +17 3 11 VE +17 3 12 KN +17 3 13 RX +17 3 14 RX +17 3 15 LL +17 3 16 CR +17 3 17 RO +17 3 18 GR +17 3 19 CL +17 3 20 RX +17 3 21 RO +17 3 22 CR +17 3 23 LL +17 3 24 CL +17 3 25 RX +17 3 26 AZ +17 3 27 CR +17 3 28 RO +17 3 29 RX +17 3 30 KN +17 3 31 CL +17 3 32 LL +17 3 33 RX +17 3 34 CL +17 3 35 RO +17 3 36 RX +17 3 37 CL +17 3 38 PI +17 3 39 RX +17 3 40 CL +17 3 41 QU +17 3 42 KN +17 3 43 AZ +17 3 44 CR +17 3 45 RX +17 3 46 GR +17 3 47 KN +17 3 48 RX +17 3 49 CL +17 3 50 MO +17 3 51 CK +17 3 52 CR +17 3 53 PI +17 3 54 CL +17 3 55 RX +17 3 56 RO +17 3 57 AZ +17 3 58 KN +17 3 59 LL +17 3 60 AZ +17 3 61 KK +17 3 62 LL +17 3 63 RO +17 3 64 CL +17 3 65 RO +17 3 66 CR +17 3 67 RX +17 3 68 LL +17 3 69 RX +17 3 70 CR +17 3 71 PI +17 3 72 RX +17 3 73 MO +17 3 74 CL +17 3 75 RX +17 3 76 KN +17 3 77 CL +17 3 78 LL +17 3 79 GR +17 3 80 CL +17 3 81 RX +17 3 82 RX +17 3 83 CR +17 3 84 RO +17 3 85 RX +17 3 86 RO +17 3 87 GR +17 3 88 LL +17 3 89 KK +17 3 90 RX +17 3 91 KN +17 3 92 CR +17 3 93 CL +17 3 94 GR +17 3 95 CR +17 3 96 KN +17 3 97 MO +17 3 98 PI +17 3 99 LL +17 3 100 CL +17 3 101 PI +17 3 102 CL +17 3 103 RX +17 3 104 CL +17 3 105 MO +17 3 106 KN +17 3 107 CR +17 3 108 CL +17 3 109 AZ +17 3 110 KN +17 3 111 RX +17 3 112 RO +17 3 113 GR +17 3 114 RX +17 3 115 PI +17 3 116 CL +17 3 117 GR +17 3 118 RO +17 3 119 RX +17 3 120 CR +17 3 121 KN +17 3 122 VE +17 3 123 CL +17 3 124 KN +17 3 125 KN +17 3 126 RO +17 3 127 RX +17 3 128 KN +17 3 129 CR +17 3 130 RX +17 3 131 LL +17 3 132 KK +17 3 133 RX +17 3 134 CK +17 3 135 LL +17 3 136 CL +17 3 137 RX +17 3 138 CL +17 3 139 LL +17 3 140 AZ +17 3 141 CR +17 3 142 LL +17 3 143 RX +17 3 144 MO +17 3 145 RX +17 3 146 RX +17 3 147 KN +17 3 148 KK +17 3 149 RX +17 3 150 MO +17 3 151 RO +17 3 152 LL +17 3 153 AZ +17 3 154 GR +17 3 155 CK +17 3 156 RX +17 3 157 CK +17 3 158 KN +17 3 159 RO +17 3 160 RX +17 3 161 PI +17 3 162 RX +17 3 163 AZ +17 3 164 RX +17 3 165 AZ +17 3 166 LL +17 3 167 RX +17 3 168 RX +17 3 169 CL +17 3 170 RX +17 3 171 RX +17 3 172 CL +17 3 173 RO +17 3 174 KN +17 3 175 CL +17 3 176 RO +17 3 177 KN +17 3 178 AZ +17 3 179 KK +17 3 180 RX +17 3 181 KN +17 3 182 PI +17 3 183 GR +17 3 184 LL +17 3 185 KN +17 3 186 CL +17 3 187 KN +17 3 188 CL +17 3 189 CL +17 3 190 RO +17 3 191 RX +17 3 192 LL +17 3 193 KN +17 3 194 KK +17 3 195 RX +17 3 196 CL +17 3 197 LL +17 3 198 KK +17 3 199 CR +17 3 200 CL +17 3 201 RO +17 3 202 RX +17 3 203 RO +17 3 204 GR +17 3 205 LL +17 3 206 CR +17 3 207 RO +17 3 208 KN +17 3 209 RX +17 3 210 CO +17 3 211 CL +17 3 212 KN +17 3 213 LL +17 3 214 KN +17 3 215 LL +17 3 216 RX +17 3 217 RO +17 3 218 RX +17 3 219 CL +17 3 220 AZ +17 3 221 CR +17 3 222 LL +17 3 223 RX +17 3 224 CR +17 3 225 RX +17 3 226 AZ +17 3 227 KK +17 3 228 AZ +17 3 229 CL +17 3 230 CR +17 3 231 LL +17 3 232 CK +17 3 233 CL +17 3 234 RX +17 3 235 AZ +17 3 236 KN +17 3 237 RO +17 3 238 RX +17 3 239 RO +17 3 240 KK +17 3 241 CR +17 3 242 KN +17 3 243 PI +17 3 244 CL +17 3 245 KK +17 3 246 RX +17 3 247 LL +17 3 248 RX +17 3 249 RX +17 3 250 MO +17 3 251 RX +17 3 252 CR +17 3 253 RX +17 3 254 CL +17 3 255 KK +17 3 256 RO +17 3 257 AZ +17 3 258 KN +17 3 259 KK +17 3 260 CR +17 3 261 KN +17 3 262 CR +17 3 263 GR +17 3 264 CL +17 3 265 CK +17 3 266 RX +17 3 267 MO +17 3 268 RX +17 3 269 LL +17 3 270 KN +17 3 271 RX +17 3 272 CR +17 3 273 LL +17 3 274 CR +17 3 275 KN +17 3 276 PI +17 3 277 AZ +17 3 278 RO +17 3 279 AZ +17 3 280 RX +17 3 281 RX +17 3 282 RX +17 3 283 CK +17 3 284 CR +17 3 285 RO +17 3 286 CR +17 3 287 GR +17 3 288 KK +17 3 289 CL +17 3 290 CR +17 3 291 AZ +17 3 292 RO +17 3 293 CR +17 3 294 CR +17 3 295 GR +17 3 296 MO +17 3 297 KN +17 3 298 PI +17 3 299 RX +17 3 300 CR +17 3 301 RX +17 3 302 CR +17 3 303 CL +17 3 304 RX +17 3 305 MO +17 3 306 RX +17 3 307 AZ +17 3 308 LL +17 3 309 CK +17 3 310 RX +17 3 311 AZ +17 3 312 KK +17 3 313 AZ +17 3 314 CR +17 3 315 RX +17 3 316 RX +17 3 317 PI +17 3 318 KN +17 3 319 CR +17 3 320 RX +17 3 321 RO +17 3 322 CL +17 3 323 RX +17 3 324 CR +17 3 325 MO +17 3 326 KN +17 3 327 CL +17 3 328 RX +17 3 329 CK +17 3 330 CL +17 4 1 CL +17 4 2 CL +17 4 3 PU +17 4 4 MO +17 4 5 RX +17 4 6 CK +17 4 7 RX +17 4 8 PI +17 4 9 CK +17 4 10 AZ +17 4 11 SI +17 4 12 KN +17 4 13 RX +17 4 14 SI +17 4 15 RO +17 4 16 SK +17 4 17 QU +17 4 18 CK +17 4 19 CL +17 4 20 RX +17 4 21 RO +17 4 22 KN +17 4 23 MO +17 4 24 CK +17 4 25 SI +17 4 26 AZ +17 4 27 RO +17 4 28 RO +17 4 29 RX +17 4 30 CK +17 4 31 CL +17 4 32 MO +17 4 33 RX +17 4 34 CL +17 4 35 RO +17 4 36 SI +17 4 37 AZ +17 4 38 PI +17 4 39 RX +17 4 40 CL +17 4 41 CK +17 4 42 RX +17 4 43 AZ +17 4 44 SK +17 4 45 RX +17 4 46 CK +17 4 47 RX +17 4 48 KN +17 4 49 CL +17 4 50 MO +17 4 51 CK +17 4 52 SK +17 4 53 MO +17 4 54 RX +17 4 55 CL +17 4 56 RO +17 4 57 SI +17 4 58 RX +17 4 59 SK +17 4 60 SI +17 4 61 CO +17 4 62 MO +17 4 63 RO +17 4 64 AZ +17 4 65 PI +17 4 66 SK +17 4 67 RX +17 4 68 MO +17 4 69 RX +17 4 70 SK +17 4 71 CO +17 4 72 RX +17 4 73 MO +17 4 74 CL +17 4 75 RX +17 4 76 PU +17 4 77 CL +17 4 78 RO +17 4 79 CH +17 4 80 AZ +17 4 81 RX +17 4 82 CL +17 4 83 CR +17 4 84 RO +17 4 85 RX +17 4 86 RO +17 4 87 RX +17 4 88 MO +17 4 89 TZ +17 4 90 SI +17 4 91 RX +17 4 92 SK +17 4 93 AZ +17 4 94 CK +17 4 95 CR +17 4 96 KN +17 4 97 MO +17 4 98 PI +17 4 99 MO +17 4 100 CL +17 4 101 MO +17 4 102 MO +17 4 103 CK +17 4 104 CL +17 4 105 MO +17 4 106 KN +17 4 107 SK +17 4 108 CL +17 4 109 AZ +17 4 110 KN +17 4 111 TZ +17 4 112 PI +17 4 113 TZ +17 4 114 SI +17 4 115 CO +17 4 116 CL +17 4 117 CK +17 4 118 RO +17 4 119 RX +17 4 120 SK +17 4 121 PU +17 4 122 RX +17 4 123 SI +17 4 124 RX +17 4 125 PU +17 4 126 RO +17 4 127 SI +17 4 128 RX +17 4 129 SK +17 4 130 RX +17 4 131 MO +17 4 132 PU +17 4 133 RX +17 4 134 CK +17 4 135 MO +17 4 136 CL +17 4 137 RX +17 4 138 CL +17 4 139 CR +17 4 140 SI +17 4 141 SK +17 4 142 CR +17 4 143 RX +17 4 144 MO +17 4 145 RX +17 4 146 KN +17 4 147 RX +17 4 148 QU +17 4 149 RX +17 4 150 MO +17 4 151 RO +17 4 152 MO +17 4 153 CL +17 4 154 TZ +17 4 155 CK +17 4 156 RX +17 4 157 CK +17 4 158 SK +17 4 159 PU +17 4 160 RO +17 4 161 RX +17 4 162 PI +17 4 163 CL +17 4 164 AZ +17 4 165 RX +17 4 166 SI +17 4 167 MO +17 4 168 RX +17 4 169 CL +17 4 170 SI +17 4 171 RX +17 4 172 SK +17 4 173 RO +17 4 174 KN +17 4 175 CL +17 4 176 RO +17 4 177 RX +17 4 178 AZ +17 4 179 CO +17 4 180 RX +17 4 181 KN +17 4 182 MO +17 4 183 CK +17 4 184 MO +17 4 185 PU +17 4 186 CL +17 4 187 KN +17 4 188 CL +17 4 189 MO +17 4 190 RO +17 4 191 RX +17 4 192 MO +17 4 193 KN +17 4 194 CO +17 4 195 RX +17 4 196 CL +17 4 197 MO +17 4 198 TZ +17 4 199 CR +17 4 200 CL +17 4 201 RO +17 4 202 RX +17 4 203 MO +17 4 204 CK +17 4 205 MO +17 4 206 CR +17 4 207 RO +17 4 208 CK +17 4 209 SI +17 4 210 CK +17 4 211 CL +17 4 212 PU +17 4 213 MO +17 4 214 RX +17 4 215 MO +17 4 216 RX +17 4 217 RO +17 4 218 RX +17 4 219 CR +17 4 220 MO +17 4 221 CL +17 4 222 MO +17 4 223 RX +17 4 224 RO +17 4 225 RX +17 4 226 SI +17 4 227 RX +17 4 228 AZ +17 4 229 CL +17 4 230 CR +17 4 231 MO +17 4 232 CK +17 4 233 MO +17 4 234 RX +17 4 235 AZ +17 4 236 RX +17 4 237 RO +17 4 238 CL +17 4 239 RO +17 4 240 CK +17 4 241 CR +17 4 242 KN +17 4 243 MO +17 4 244 CL +17 4 245 QU +17 4 246 CL +17 4 247 MO +17 4 248 RX +17 4 249 RX +17 4 250 MO +17 4 251 RX +17 4 252 CR +17 4 253 CL +17 4 254 MO +17 4 255 CK +17 4 256 RO +17 4 257 SI +17 4 258 MS +17 4 259 QU +17 4 260 CR +17 4 261 CK +17 4 262 CR +17 4 263 TZ +17 4 264 CL +17 4 265 RX +17 4 266 CK +17 4 267 MO +17 4 268 RX +17 4 269 MO +17 4 270 MS +17 4 271 RX +17 4 272 CR +17 4 273 MO +17 4 274 SK +17 4 275 MS +17 4 276 PI +17 4 277 AZ +17 4 278 RO +17 4 279 AZ +17 4 280 RX +17 4 281 RX +17 4 282 RX +17 4 283 CK +17 4 284 CR +17 4 285 RO +17 4 286 SK +17 4 287 MS +17 4 288 QU +17 4 289 CL +17 4 290 CR +17 4 291 AZ +17 4 292 RO +17 4 293 CL +17 4 294 CR +17 4 295 MS +17 4 296 MO +17 4 297 KN +17 4 298 PI +17 4 299 RX +17 4 300 TZ +17 4 301 RX +17 4 302 CR +17 4 303 CL +17 4 304 RX +17 4 305 MO +17 4 306 RX +17 4 307 CL +17 4 308 MO +17 4 309 MS +17 4 310 RX +17 4 311 AZ +17 4 312 TZ +17 4 313 MO +17 4 314 CR +17 4 315 RX +17 4 316 RX +17 4 317 MO +17 4 318 CK +17 4 319 CR +17 4 320 RX +17 4 321 QU +17 4 322 CL +17 4 323 RX +17 4 324 CR +17 4 325 MO +17 4 326 MS +17 4 327 CL +17 4 328 RX +17 4 329 CK +17 4 330 CR +17 5 1 AZ +17 5 2 CL +17 5 3 PU +17 5 4 MO +17 5 5 RX +17 5 6 KN +17 5 7 RX +17 5 8 MO +17 5 9 CK +17 5 10 AZ +17 5 11 KN +17 5 12 AZ +17 5 13 RX +17 5 14 RX +17 5 15 LL +17 5 16 SK +17 5 17 QU +17 5 18 KK +17 5 19 CL +17 5 20 RX +17 5 21 RO +17 5 22 KN +17 5 23 LL +17 5 24 CK +17 5 25 AZ +17 5 26 AZ +17 5 27 CH +17 5 28 RO +17 5 29 RX +17 5 30 CK +17 5 31 CL +17 5 32 LL +17 5 33 RX +17 5 34 AZ +17 5 35 PU +17 5 36 RX +17 5 37 AZ +17 5 38 CO +17 5 39 RX +17 5 40 CL +17 5 41 QU +17 5 42 CK +17 5 43 AZ +17 5 44 CH +17 5 45 RX +17 5 46 TZ +17 5 47 RX +17 5 48 KN +17 5 49 CL +17 5 50 MO +17 5 51 CK +17 5 52 CL +17 5 53 MO +17 5 54 RX +17 5 55 CL +17 5 56 RO +17 5 57 CL +17 5 58 CK +17 5 59 LL +17 5 60 CL +17 5 61 QU +17 5 62 MO +17 5 63 RO +17 5 64 CL +17 5 65 RO +17 5 66 KN +17 5 67 RX +17 5 68 LL +17 5 69 RX +17 5 70 LL +17 5 71 QU +17 5 72 RX +17 5 73 MO +17 5 74 CL +17 5 75 RX +17 5 76 PU +17 5 77 CL +17 5 78 LL +17 5 79 KK +17 5 80 CL +17 5 81 RX +17 5 82 CL +17 5 83 KN +17 5 84 RO +17 5 85 RX +17 5 86 LL +17 5 87 KK +17 5 88 LL +17 5 89 KK +17 5 90 RX +17 5 91 RX +17 5 92 RO +17 5 93 CL +17 5 94 KK +17 5 95 CL +17 5 96 KN +17 5 97 LL +17 5 98 QU +17 5 99 LL +17 5 100 CL +17 5 101 LL +17 5 102 LL +17 5 103 RX +17 5 104 CL +17 5 105 MO +17 5 106 KN +17 5 107 SK +17 5 108 CL +17 5 109 AZ +17 5 110 KN +17 5 111 RX +17 5 112 QU +17 5 113 KK +17 5 114 RX +17 5 115 QU +17 5 116 CL +17 5 117 CK +17 5 118 RO +17 5 119 RX +17 5 120 SK +17 5 121 PU +17 5 122 RX +17 5 123 AZ +17 5 124 KN +17 5 125 PU +17 5 126 RO +17 5 127 RX +17 5 128 KN +17 5 129 SK +17 5 130 RX +17 5 131 LL +17 5 132 PU +17 5 133 RX +17 5 134 CO +17 5 135 LL +17 5 136 CL +17 5 137 RX +17 5 138 CL +17 5 139 LL +17 5 140 AZ +17 5 141 SK +17 5 142 SK +17 5 143 RX +17 5 144 MO +17 5 145 CL +17 5 146 KN +17 5 147 CL +17 5 148 QU +17 5 149 RX +17 5 150 LL +17 5 151 RO +17 5 152 LL +17 5 153 AZ +17 5 154 TZ +17 5 155 CK +17 5 156 RX +17 5 157 CK +17 5 158 SK +17 5 159 PU +17 5 160 LL +17 5 161 CL +17 5 162 RO +17 5 163 RX +17 5 164 AZ +17 5 165 MS +17 5 166 KK +17 5 167 LL +17 5 168 RX +17 5 169 CL +17 5 170 AZ +17 5 171 RX +17 5 172 SK +17 5 173 RO +17 5 174 KN +17 5 175 CL +17 5 176 QU +17 5 177 KN +17 5 178 AZ +17 5 179 CK +17 5 180 RX +17 5 181 CK +17 5 182 MO +17 5 183 CK +17 5 184 LL +17 5 185 NA +17 5 186 CL +17 5 187 PU +17 5 188 CL +17 5 189 AZ +17 5 190 RO +17 5 191 RX +17 5 192 LL +17 5 193 MS +17 5 194 QU +17 5 195 RX +17 5 196 CL +17 5 197 LL +17 5 198 KK +17 5 199 CL +17 5 200 CL +17 5 201 RO +17 5 202 RX +17 5 203 LL +17 5 204 CK +17 5 205 LL +17 5 206 SK +17 5 207 RO +17 5 208 CK +17 5 209 RX +17 5 210 CK +17 5 211 CL +17 5 212 PU +17 5 213 LL +17 5 214 MS +17 5 215 LL +17 5 216 RX +17 5 217 RO +17 5 218 MS +17 5 219 CL +17 5 220 AZ +17 5 221 CL +17 5 222 LL +17 5 223 RX +17 5 224 SK +17 5 225 MS +17 5 226 CL +17 5 227 KK +17 5 228 AZ +17 5 229 RX +17 5 230 SK +17 5 231 LL +17 5 232 CK +17 5 233 LL +17 5 234 RX +17 5 235 AZ +17 5 236 MS +17 5 237 PU +17 5 238 RX +17 5 239 RO +17 5 240 CK +17 5 241 SK +17 5 242 KN +17 5 243 QU +17 5 244 CL +17 5 245 QU +17 5 246 RX +17 5 247 LL +17 5 248 RX +17 5 249 RX +17 5 250 MO +17 5 251 RX +17 5 252 SK +17 5 253 RX +17 5 254 AZ +17 5 255 KK +17 5 256 RO +17 5 257 AZ +17 5 258 MS +17 5 259 QU +17 5 260 KN +17 5 261 PU +17 5 262 LL +17 5 263 TZ +17 5 264 AZ +17 5 265 RX +17 5 266 PU +17 5 267 LL +17 5 268 RX +17 5 269 LL +17 5 270 MS +17 5 271 RX +17 5 272 SK +17 5 273 LL +17 5 274 SK +17 5 275 MS +17 5 276 QU +17 5 277 CL +17 5 278 PU +17 5 279 AZ +17 5 280 RX +17 5 281 RX +17 5 282 RX +17 5 283 CK +17 5 284 SK +17 5 285 LL +17 5 286 SK +17 5 287 CK +17 5 288 QU +17 5 289 CL +17 5 290 SK +17 5 291 AZ +17 5 292 RO +17 5 293 CL +17 5 294 SK +17 5 295 CK +17 5 296 LL +17 5 297 KN +17 5 298 QU +17 5 299 RX +17 5 300 KK +17 5 301 RX +17 5 302 SK +17 5 303 AZ +17 5 304 RX +17 5 305 MO +17 5 306 RX +17 5 307 CL +17 5 308 LL +17 5 309 KK +17 5 310 RX +17 5 311 AZ +17 5 312 KK +17 5 313 AZ +17 5 314 SK +17 5 315 RX +17 5 316 RX +17 5 317 MO +17 5 318 PU +17 5 319 SK +17 5 320 MS +17 5 321 QU +17 5 322 AZ +17 5 323 RX +17 5 324 SK +17 5 325 MO +17 5 326 KN +17 5 327 SK +17 5 328 RX +17 5 329 CK +17 5 330 SK +17 6 1 RX +17 6 2 CL +17 6 3 KK +17 6 4 MO +17 6 5 RX +17 6 6 RO +17 6 7 RX +17 6 8 CO +17 6 9 CK +17 6 10 AZ +17 6 11 RX +17 6 12 KN +17 6 13 RX +17 6 14 AZ +17 6 15 LL +17 6 16 SK +17 6 17 KK +17 6 18 KK +17 6 19 CL +17 6 20 RX +17 6 21 RO +17 6 22 CR +17 6 23 LL +17 6 24 KK +17 6 25 RX +17 6 26 AZ +17 6 27 CR +17 6 28 RO +17 6 29 RX +17 6 30 CK +17 6 31 CL +17 6 32 LL +17 6 33 RX +17 6 34 AZ +17 6 35 RO +17 6 36 RX +17 6 37 AZ +17 6 38 PI +17 6 39 RX +17 6 40 CL +17 6 41 CO +17 6 42 KN +17 6 43 AZ +17 6 44 SK +17 6 45 RX +17 6 46 GR +17 6 47 KN +17 6 48 RX +17 6 49 CL +17 6 50 MO +17 6 51 CK +17 6 52 SK +17 6 53 PI +17 6 54 CL +17 6 55 RX +17 6 56 RO +17 6 57 RX +17 6 58 VE +17 6 59 LL +17 6 60 RX +17 6 61 KK +17 6 62 LL +17 6 63 RO +17 6 64 AZ +17 6 65 RO +17 6 66 CR +17 6 67 RX +17 6 68 LL +17 6 69 RX +17 6 70 SK +17 6 71 CO +17 6 72 RX +17 6 73 MO +17 6 74 CL +17 6 75 RX +17 6 76 NA +17 6 77 RX +17 6 78 LL +17 6 79 GR +17 6 80 AZ +17 6 81 RX +17 6 82 RX +17 6 83 CR +17 6 84 RO +17 6 85 RX +17 6 86 LL +17 6 87 KK +17 6 88 LL +17 6 89 KK +17 6 90 RX +17 6 91 RX +17 6 92 CR +17 6 93 RX +17 6 94 CK +17 6 95 CL +17 6 96 KN +17 6 97 MO +17 6 98 KK +17 6 99 LL +17 6 100 CL +17 6 101 MO +17 6 102 AZ +17 6 103 RX +17 6 104 CL +17 6 105 MO +17 6 106 KN +17 6 107 SK +17 6 108 CL +17 6 109 AZ +17 6 110 KN +17 6 111 RX +17 6 112 RO +17 6 113 KK +17 6 114 RX +17 6 115 KK +17 6 116 CL +17 6 117 CK +17 6 118 RO +17 6 119 RX +17 6 120 SK +17 6 121 NA +17 6 122 RX +17 6 123 RX +17 6 124 RX +17 6 125 KN +17 6 126 RO +17 6 127 RX +17 6 128 KN +17 6 129 SK +17 6 130 RX +17 6 131 MO +17 6 132 KK +17 6 133 RX +17 6 134 CK +17 6 135 LL +17 6 136 CL +17 6 137 RX +17 6 138 CL +17 6 139 LL +17 6 140 AZ +17 6 141 SK +17 6 142 CL +17 6 143 VE +17 6 144 MO +17 6 145 RX +17 6 146 RX +17 6 147 KN +17 6 148 KK +17 6 149 RX +17 6 150 MO +17 6 151 RO +17 6 152 LL +17 6 153 CL +17 6 154 GR +17 6 155 CK +17 6 156 RX +17 6 157 CK +17 6 158 SK +17 6 159 KN +17 6 160 RO +17 6 161 RX +17 6 162 PI +17 6 163 RX +17 6 164 AZ +17 6 165 RX +17 6 166 AZ +17 6 167 LL +17 6 168 RX +17 6 169 AZ +17 6 170 RX +17 6 171 RX +17 6 172 SK +17 6 173 RO +17 6 174 KN +17 6 175 CL +17 6 176 RO +17 6 177 KN +17 6 178 AZ +17 6 179 CO +17 6 180 RX +17 6 181 KN +17 6 182 CO +17 6 183 CK +17 6 184 LL +17 6 185 CK +17 6 186 CL +17 6 187 KN +17 6 188 AZ +17 6 189 CL +17 6 190 RO +17 6 191 RX +17 6 192 LL +17 6 193 KN +17 6 194 CO +17 6 195 RX +17 6 196 CL +17 6 197 LL +17 6 198 KK +17 6 199 SK +17 6 200 CL +17 6 201 RO +17 6 202 RX +17 6 203 PI +17 6 204 CK +17 6 205 MO +17 6 206 SK +17 6 207 PI +17 6 208 CK +17 6 209 RX +17 6 210 CO +17 6 211 CL +17 6 212 KN +17 6 213 LL +17 6 214 KN +17 6 215 LL +17 6 216 RX +17 6 217 RO +17 6 218 RX +17 6 219 CL +17 6 220 AZ +17 6 221 CL +17 6 222 MO +17 6 223 RX +17 6 224 CR +17 6 225 RX +17 6 226 AZ +17 6 227 KK +17 6 228 AZ +17 6 229 CL +17 6 230 CR +17 6 231 LL +17 6 232 CK +17 6 233 AZ +17 6 234 RX +17 6 235 AZ +17 6 236 RX +17 6 237 RO +17 6 238 RX +17 6 239 RO +17 6 240 CO +17 6 241 SK +17 6 242 KN +17 6 243 CO +17 6 244 CL +17 6 245 KK +17 6 246 RX +17 6 247 LL +17 6 248 RX +17 6 249 RX +17 6 250 MO +17 6 251 RX +17 6 252 CR +17 6 253 RX +17 6 254 CL +17 6 255 KK +17 6 256 RO +17 6 257 RX +17 6 258 KN +17 6 259 KK +17 6 260 KN +17 6 261 CK +17 6 262 SK +17 6 263 GR +17 6 264 CL +17 6 265 CO +17 6 266 RX +17 6 267 MO +17 6 268 RX +17 6 269 LL +17 6 270 KN +17 6 271 RX +17 6 272 SK +17 6 273 LL +17 6 274 SK +17 6 275 RX +17 6 276 PI +17 6 277 RX +17 6 278 RO +17 6 279 AZ +17 6 280 RX +17 6 281 RX +17 6 282 RX +17 6 283 SK +17 6 284 RO +17 6 285 CK +17 6 286 SK +17 6 287 CK +17 6 288 KK +17 6 289 CL +17 6 290 CR +17 6 291 AZ +17 6 292 RO +17 6 293 CL +17 6 294 CL +17 6 295 CK +17 6 296 MO +17 6 297 KN +17 6 298 KK +17 6 299 RX +17 6 300 GR +17 6 301 RX +17 6 302 CR +17 6 303 CL +17 6 304 RX +17 6 305 MO +17 6 306 CL +17 6 307 RX +17 6 308 LL +17 6 309 RX +17 6 310 RX +17 6 311 AZ +17 6 312 KK +17 6 313 AZ +17 6 314 SK +17 6 315 RX +17 6 316 RX +17 6 317 PI +17 6 318 KN +17 6 319 CR +17 6 320 RX +17 6 321 KK +17 6 322 CL +17 6 323 RX +17 6 324 CR +17 6 325 MO +17 6 326 KN +17 6 327 CL +17 6 328 RX +17 6 329 CK +17 6 330 CL +17 7 1 CL +17 7 2 RX +17 7 3 PU +17 7 4 MO +17 7 5 RX +17 7 6 CR +17 7 7 RX +17 7 8 PI +17 7 9 CK +17 7 10 AZ +17 7 11 RX +17 7 12 KN +17 7 13 RX +17 7 14 AZ +17 7 15 LL +17 7 16 SK +17 7 17 QU +17 7 18 KN +17 7 19 CL +17 7 20 RX +17 7 21 RO +17 7 22 KN +17 7 23 LL +17 7 24 CK +17 7 25 CL +17 7 26 AZ +17 7 27 CR +17 7 28 RO +17 7 29 RX +17 7 30 CK +17 7 31 CL +17 7 32 LL +17 7 33 RX +17 7 34 CL +17 7 35 RO +17 7 36 RX +17 7 37 CL +17 7 38 LL +17 7 39 RX +17 7 40 CL +17 7 41 CO +17 7 42 CK +17 7 43 AZ +17 7 44 SK +17 7 45 RX +17 7 46 TZ +17 7 47 RX +17 7 48 CK +17 7 49 CL +17 7 50 MO +17 7 51 KK +17 7 52 SK +17 7 53 PI +17 7 54 RX +17 7 55 CL +17 7 56 RO +17 7 57 AZ +17 7 58 CK +17 7 59 LL +17 7 60 AZ +17 7 61 CO +17 7 62 LL +17 7 63 RO +17 7 64 AZ +17 7 65 RO +17 7 66 SK +17 7 67 RX +17 7 68 PI +17 7 69 RX +17 7 70 LL +17 7 71 CO +17 7 72 RX +17 7 73 MO +17 7 74 CL +17 7 75 RX +17 7 76 PU +17 7 77 CL +17 7 78 LL +17 7 79 KK +17 7 80 CL +17 7 81 RX +17 7 82 CL +17 7 83 CR +17 7 84 RO +17 7 85 RX +17 7 86 PI +17 7 87 KK +17 7 88 MO +17 7 89 KK +17 7 90 AZ +17 7 91 RX +17 7 92 CR +17 7 93 AZ +17 7 94 KK +17 7 95 RX +17 7 96 KN +17 7 97 MO +17 7 98 QU +17 7 99 LL +17 7 100 RX +17 7 101 MO +17 7 102 LL +17 7 103 CK +17 7 104 CL +17 7 105 MO +17 7 106 KN +17 7 107 LL +17 7 108 RX +17 7 109 AZ +17 7 110 PU +17 7 111 RX +17 7 112 QU +17 7 113 KK +17 7 114 RX +17 7 115 CO +17 7 116 CL +17 7 117 KK +17 7 118 RO +17 7 119 RX +17 7 120 LL +17 7 121 PU +17 7 122 RX +17 7 123 AZ +17 7 124 RX +17 7 125 PU +17 7 126 RO +17 7 127 RX +17 7 128 KN +17 7 129 SK +17 7 130 RX +17 7 131 MO +17 7 132 QU +17 7 133 RX +17 7 134 CK +17 7 135 PI +17 7 136 CL +17 7 137 RX +17 7 138 CL +17 7 139 LL +17 7 140 AZ +17 7 141 SK +17 7 142 LL +17 7 143 RX +17 7 144 MO +17 7 145 RX +17 7 146 KN +17 7 147 CL +17 7 148 CO +17 7 149 RX +17 7 150 MO +17 7 151 RO +17 7 152 LL +17 7 153 CL +17 7 154 KK +17 7 155 CK +17 7 156 RX +17 7 157 CK +17 7 158 SK +17 7 159 PU +17 7 160 PI +17 7 161 RX +17 7 162 CO +17 7 163 CL +17 7 164 AZ +17 7 165 RX +17 7 166 AZ +17 7 167 LL +17 7 168 RX +17 7 169 AZ +17 7 170 AZ +17 7 171 RX +17 7 172 SK +17 7 173 RO +17 7 174 PU +17 7 175 CL +17 7 176 QU +17 7 177 RX +17 7 178 AZ +17 7 179 CO +17 7 180 RX +17 7 181 KN +17 7 182 MO +17 7 183 CK +17 7 184 PI +17 7 185 CK +17 7 186 CL +17 7 187 PU +17 7 188 CL +17 7 189 CR +17 7 190 RO +17 7 191 RX +17 7 192 PI +17 7 193 RX +17 7 194 CO +17 7 195 RX +17 7 196 CL +17 7 197 LL +17 7 198 KN +17 7 199 CR +17 7 200 CL +17 7 201 RO +17 7 202 RX +17 7 203 PI +17 7 204 CK +17 7 205 LL +17 7 206 CR +17 7 207 RO +17 7 208 PU +17 7 209 RX +17 7 210 CK +17 7 211 CL +17 7 212 PU +17 7 213 LL +17 7 214 RX +17 7 215 LL +17 7 216 RX +17 7 217 RO +17 7 218 RX +17 7 219 CL +17 7 220 PI +17 7 221 CR +17 7 222 PI +17 7 223 RX +17 7 224 SK +17 7 225 CK +17 7 226 AZ +17 7 227 KK +17 7 228 AZ +17 7 229 RX +17 7 230 LL +17 7 231 PI +17 7 232 CK +17 7 233 LL +17 7 234 RX +17 7 235 AZ +17 7 236 RX +17 7 237 RO +17 7 238 CL +17 7 239 RO +17 7 240 CK +17 7 241 SK +17 7 242 CR +17 7 243 MO +17 7 244 CL +17 7 245 QU +17 7 246 CL +17 7 247 PI +17 7 248 RX +17 7 249 RX +17 7 250 MO +17 7 251 CR +17 7 252 LL +17 7 253 RX +17 7 254 AZ +17 7 255 KK +17 7 256 RO +17 7 257 AZ +17 7 258 KN +17 7 259 CO +17 7 260 CR +17 7 261 PU +17 7 262 SK +17 7 263 CH +17 7 264 CL +17 7 265 RX +17 7 266 CK +17 7 267 MO +17 7 268 RX +17 7 269 PI +17 7 270 PU +17 7 271 RX +17 7 272 CR +17 7 273 PI +17 7 274 SK +17 7 275 RX +17 7 276 RO +17 7 277 AZ +17 7 278 RO +17 7 279 AZ +17 7 280 RX +17 7 281 RX +17 7 282 RX +17 7 283 CK +17 7 284 CR +17 7 285 LL +17 7 286 SK +17 7 287 CK +17 7 288 QU +17 7 289 CL +17 7 290 CR +17 7 291 AZ +17 7 292 RO +17 7 293 CR +17 7 294 SK +17 7 295 CK +17 7 296 MO +17 7 297 KN +17 7 298 QU +17 7 299 RX +17 7 300 CR +17 7 301 RX +17 7 302 CR +17 7 303 CL +17 7 304 RX +17 7 305 MO +17 7 306 RX +17 7 307 CL +17 7 308 LL +17 7 309 CK +17 7 310 RX +17 7 311 AZ +17 7 312 KK +17 7 313 AZ +17 7 314 CR +17 7 315 RX +17 7 316 CL +17 7 317 MO +17 7 318 PU +17 7 319 SK +17 7 320 RX +17 7 321 RO +17 7 322 CL +17 7 323 RX +17 7 324 CR +17 7 325 MO +17 7 326 KN +17 7 327 CL +17 7 328 RX +17 7 329 CK +17 7 330 CR +17 8 1 CL +17 8 2 VE +17 8 3 NA +17 8 4 MO +17 8 5 VE +17 8 6 KN +17 8 7 RX +17 8 8 CA +17 8 9 CA +17 8 10 AZ +17 8 11 KK +17 8 12 KN +17 8 13 RX +17 8 14 AZ +17 8 15 LL +17 8 16 SK +17 8 17 NA +17 8 18 KK +17 8 19 CL +17 8 20 RX +17 8 21 RO +17 8 22 KN +17 8 23 LL +17 8 24 KK +17 8 25 CL +17 8 26 AZ +17 8 27 SK +17 8 28 RO +17 8 29 RX +17 8 30 CA +17 8 31 CL +17 8 32 LL +17 8 33 RX +17 8 34 AZ +17 8 35 NA +17 8 36 KK +17 8 37 AZ +17 8 38 RO +17 8 39 RX +17 8 40 CL +17 8 41 QU +17 8 42 KN +17 8 43 KK +17 8 44 SK +17 8 45 RX +17 8 46 KK +17 8 47 RX +17 8 48 KN +17 8 49 CL +17 8 50 MO +17 8 51 CA +17 8 52 CL +17 8 53 KK +17 8 54 RX +17 8 55 CL +17 8 56 RO +17 8 57 KK +17 8 58 KN +17 8 59 SK +17 8 60 KK +17 8 61 QU +17 8 62 LL +17 8 63 RO +17 8 64 AZ +17 8 65 RO +17 8 66 SK +17 8 67 RX +17 8 68 LL +17 8 69 RX +17 8 70 SK +17 8 71 CA +17 8 72 RX +17 8 73 MO +17 8 74 CL +17 8 75 KK +17 8 76 NA +17 8 77 RX +17 8 78 LL +17 8 79 RX +17 8 80 CL +17 8 81 RX +17 8 82 CL +17 8 83 SK +17 8 84 RO +17 8 85 RX +17 8 86 RO +17 8 87 KK +17 8 88 MO +17 8 89 KK +17 8 90 RX +17 8 91 RX +17 8 92 SK +17 8 93 AZ +17 8 94 KK +17 8 95 CL +17 8 96 KN +17 8 97 MO +17 8 98 QU +17 8 99 LL +17 8 100 CL +17 8 101 QU +17 8 102 LL +17 8 103 RX +17 8 104 CL +17 8 105 MO +17 8 106 KN +17 8 107 SK +17 8 108 CL +17 8 109 AZ +17 8 110 KN +17 8 111 RX +17 8 112 QU +17 8 113 KK +17 8 114 RX +17 8 115 QU +17 8 116 CL +17 8 117 KK +17 8 118 RO +17 8 119 RX +17 8 120 SK +17 8 121 NA +17 8 122 RX +17 8 123 AZ +17 8 124 RX +17 8 125 NA +17 8 126 RO +17 8 127 KK +17 8 128 RX +17 8 129 SK +17 8 130 KK +17 8 131 MO +17 8 132 CA +17 8 133 RX +17 8 134 KK +17 8 135 LL +17 8 136 CL +17 8 137 RX +17 8 138 CL +17 8 139 SK +17 8 140 AZ +17 8 141 SK +17 8 142 SK +17 8 143 RX +17 8 144 MO +17 8 145 RX +17 8 146 KN +17 8 147 CL +17 8 148 QU +17 8 149 RX +17 8 150 MO +17 8 151 RO +17 8 152 LL +17 8 153 CL +17 8 154 CA +17 8 155 KK +17 8 156 RX +17 8 157 CA +17 8 158 SK +17 8 159 KN +17 8 160 RO +17 8 161 RX +17 8 162 QU +17 8 163 AZ +17 8 164 CL +17 8 165 RX +17 8 166 KK +17 8 167 LL +17 8 168 RX +17 8 169 AZ +17 8 170 KK +17 8 171 RX +17 8 172 SK +17 8 173 RO +17 8 174 KN +17 8 175 CL +17 8 176 NA +17 8 177 KN +17 8 178 AZ +17 8 179 CA +17 8 180 RX +17 8 181 KN +17 8 182 KN +17 8 183 LL +17 8 184 LL +17 8 185 KN +17 8 186 CL +17 8 187 KN +17 8 188 CL +17 8 189 CL +17 8 190 RO +17 8 191 RX +17 8 192 LL +17 8 193 RX +17 8 194 CA +17 8 195 RX +17 8 196 CL +17 8 197 LL +17 8 198 KK +17 8 199 SK +17 8 200 CL +17 8 201 RO +17 8 202 RX +17 8 203 RO +17 8 204 KK +17 8 205 MO +17 8 206 RX +17 8 207 RO +17 8 208 KN +17 8 209 CA +17 8 210 CL +17 8 211 KN +17 8 212 LL +17 8 213 RX +17 8 214 RX +17 8 215 LL +17 8 216 RX +17 8 217 RO +17 8 218 RX +17 8 219 CL +17 8 220 AZ +17 8 221 CL +17 8 222 MO +17 8 223 RX +17 8 224 SK +17 8 225 RX +17 8 226 AZ +17 8 227 KK +17 8 228 AZ +17 8 229 CL +17 8 230 SK +17 8 231 LL +17 8 232 RX +17 8 233 AZ +17 8 234 RX +17 8 235 AZ +17 8 236 RX +17 8 237 KN +17 8 238 AZ +17 8 239 RO +17 8 240 CA +17 8 241 SK +17 8 242 KN +17 8 243 CA +17 8 244 SK +17 8 245 QU +17 8 246 CL +17 8 247 LL +17 8 248 KK +17 8 249 RX +17 8 250 MO +17 8 251 RX +17 8 252 SK +17 8 253 RX +17 8 254 AZ +17 8 255 KK +17 8 256 RO +17 8 257 AZ +17 8 258 KN +17 8 259 CA +17 8 260 KN +17 8 261 NA +17 8 262 SK +17 8 263 AZ +17 8 264 CL +17 8 265 RX +17 8 266 CA +17 8 267 MO +17 8 268 RX +17 8 269 LL +17 8 270 KN +17 8 271 RX +17 8 272 SK +17 8 273 LL +17 8 274 SK +17 8 275 RX +17 8 276 RO +17 8 277 AZ +17 8 278 NA +17 8 279 AZ +17 8 280 RX +17 8 281 RX +17 8 282 RX +17 8 283 CA +17 8 284 SK +17 8 285 RO +17 8 286 SK +17 8 287 KN +17 8 288 QU +17 8 289 AZ +17 8 290 SK +17 8 291 AZ +17 8 292 RO +17 8 293 RX +17 8 294 CL +17 8 295 CA +17 8 296 MO +17 8 297 KN +17 8 298 QU +17 8 299 RX +17 8 300 KK +17 8 301 RX +17 8 302 SK +17 8 303 CL +17 8 304 RX +17 8 305 MO +17 8 306 RX +17 8 307 CL +17 8 308 LL +17 8 309 RX +17 8 310 CL +17 8 311 AZ +17 8 312 KK +17 8 313 MO +17 8 314 SK +17 8 315 RX +17 8 316 CL +17 8 317 RO +17 8 318 KN +17 8 319 SK +17 8 320 RX +17 8 321 QU +17 8 322 AZ +17 8 323 RX +17 8 324 SK +17 8 325 MO +17 8 326 QU +17 8 327 SK +17 8 328 RX +17 8 329 CA +17 8 330 CL +17 9 1 CL +17 9 2 CL +17 9 3 QU +17 9 4 MO +17 9 5 CL +17 9 6 RO +17 9 7 VE +17 9 8 PI +17 9 9 CK +17 9 10 AZ +17 9 11 RX +17 9 12 KN +17 9 13 RX +17 9 14 RX +17 9 15 LL +17 9 16 GR +17 9 17 NA +17 9 18 KK +17 9 19 CL +17 9 20 RX +17 9 21 RO +17 9 22 KN +17 9 23 LL +17 9 24 KK +17 9 25 CL +17 9 26 AZ +17 9 27 CR +17 9 28 RO +17 9 29 VE +17 9 30 CK +17 9 31 CL +17 9 32 LL +17 9 33 RX +17 9 34 CL +17 9 35 RO +17 9 36 RX +17 9 37 CL +17 9 38 LL +17 9 39 RX +17 9 40 CL +17 9 41 CO +17 9 42 CK +17 9 43 AZ +17 9 44 CR +17 9 45 RX +17 9 46 GR +17 9 47 KN +17 9 48 RX +17 9 49 CL +17 9 50 MO +17 9 51 CK +17 9 52 CR +17 9 53 LL +17 9 54 CL +17 9 55 RX +17 9 56 RO +17 9 57 RX +17 9 58 CK +17 9 59 CR +17 9 60 RX +17 9 61 KK +17 9 62 LL +17 9 63 RO +17 9 64 AZ +17 9 65 KK +17 9 66 CR +17 9 67 VE +17 9 68 RO +17 9 69 GR +17 9 70 CL +17 9 71 CO +17 9 72 VE +17 9 73 LL +17 9 74 CL +17 9 75 RX +17 9 76 RO +17 9 77 CL +17 9 78 LL +17 9 79 GR +17 9 80 CL +17 9 81 VE +17 9 82 CL +17 9 83 CR +17 9 84 RO +17 9 85 RX +17 9 86 LL +17 9 87 GR +17 9 88 LL +17 9 89 GR +17 9 90 VE +17 9 91 KN +17 9 92 CR +17 9 93 CL +17 9 94 GR +17 9 95 CL +17 9 96 MO +17 9 97 KK +17 9 98 LL +17 9 99 CL +17 9 100 LL +17 9 101 CR +17 9 102 GR +17 9 103 CL +17 9 104 LL +17 9 105 KN +17 9 106 CR +17 9 107 CL +17 9 108 AZ +17 9 109 KN +17 9 110 VE +17 9 111 RO +17 9 112 RO +17 9 113 GR +17 9 114 VE +17 9 115 KK +17 9 116 CL +17 9 117 GR +17 9 118 RO +17 9 119 CL +17 9 120 CR +17 9 121 MO +17 9 122 RX +17 9 123 CL +17 9 124 KN +17 9 125 NA +17 9 126 RO +17 9 127 RX +17 9 128 KN +17 9 129 CR +17 9 130 GR +17 9 131 MO +17 9 132 KK +17 9 133 RX +17 9 134 GR +17 9 135 LL +17 9 136 CL +17 9 137 RX +17 9 138 CL +17 9 139 CR +17 9 140 AZ +17 9 141 CR +17 9 142 LL +17 9 143 VE +17 9 144 MO +17 9 145 CL +17 9 146 KN +17 9 147 CL +17 9 148 KK +17 9 149 RX +17 9 150 MO +17 9 151 RO +17 9 152 LL +17 9 153 CL +17 9 154 GR +17 9 155 CK +17 9 156 RX +17 9 157 GR +17 9 158 CR +17 9 159 KN +17 9 160 RO +17 9 161 CL +17 9 162 PI +17 9 163 CL +17 9 164 AZ +17 9 165 VE +17 9 166 AZ +17 9 167 LL +17 9 168 VE +17 9 169 CL +17 9 170 VE +17 9 171 AZ +17 9 172 CR +17 9 173 RO +17 9 174 KN +17 9 175 CL +17 9 176 RO +17 9 177 KN +17 9 178 AZ +17 9 179 CO +17 9 180 RX +17 9 181 KN +17 9 182 LL +17 9 183 CO +17 9 184 GR +17 9 185 LL +17 9 186 CK +17 9 187 CL +17 9 188 KN +17 9 189 CL +17 9 190 CR +17 9 191 RO +17 9 192 RX +17 9 193 LL +17 9 194 KN +17 9 195 CO +17 9 196 RX +17 9 197 CL +17 9 198 LL +17 9 199 GR +17 9 200 CR +17 9 201 CR +17 9 202 RO +17 9 203 VE +17 9 204 LL +17 9 205 MO +17 9 206 CR +17 9 207 CR +17 9 208 RO +17 9 209 GR +17 9 210 RX +17 9 211 CK +17 9 212 CL +17 9 213 KN +17 9 214 LL +17 9 215 KN +17 9 216 LL +17 9 217 RX +17 9 218 RO +17 9 219 RX +17 9 220 CR +17 9 221 AZ +17 9 222 CR +17 9 223 MO +17 9 224 RX +17 9 225 VE +17 9 226 RX +17 9 227 RX +17 9 228 AZ +17 9 229 CL +17 9 230 CR +17 9 231 LL +17 9 232 GR +17 9 233 AZ +17 9 234 RX +17 9 235 AZ +17 9 236 VE +17 9 237 RO +17 9 238 CL +17 9 239 RO +17 9 240 KK +17 9 241 CR +17 9 242 KN +17 9 243 MO +17 9 244 CR +17 9 245 KK +17 9 246 CL +17 9 247 LL +17 9 248 RX +17 9 249 RX +17 9 250 MO +17 9 251 VE +17 9 252 CR +17 9 253 CL +17 9 254 AZ +17 9 255 GR +17 9 256 RO +17 9 257 AZ +17 9 258 KN +17 9 259 KK +17 9 260 CR +17 9 261 KN +17 9 262 CR +17 9 263 GR +17 9 264 CL +17 9 265 KK +17 9 266 RX +17 9 267 PI +17 9 268 RX +17 9 269 LL +17 9 270 KN +17 9 271 RX +17 9 272 CL +17 9 273 LL +17 9 274 CR +17 9 275 KN +17 9 276 LL +17 9 277 AZ +17 9 278 RO +17 9 279 AZ +17 9 280 RX +17 9 281 RX +17 9 282 RX +17 9 283 CR +17 9 284 CK +17 9 285 RO +17 9 286 CR +17 9 287 GR +17 9 288 KK +17 9 289 CL +17 9 290 CR +17 9 291 AZ +17 9 292 RO +17 9 293 CR +17 9 294 CR +17 9 295 GR +17 9 296 LL +17 9 297 KN +17 9 298 KK +17 9 299 RX +17 9 300 CR +17 9 301 RX +17 9 302 CR +17 9 303 CR +17 9 304 RX +17 9 305 LL +17 9 306 RX +17 9 307 CL +17 9 308 LL +17 9 309 GR +17 9 310 RX +17 9 311 AZ +17 9 312 GR +17 9 313 AZ +17 9 314 CR +17 9 315 RX +17 9 316 RX +17 9 317 PI +17 9 318 RO +17 9 319 CR +17 9 320 RX +17 9 321 RO +17 9 322 CL +17 9 323 RX +17 9 324 CR +17 9 325 LL +17 9 326 KN +17 9 327 CR +17 9 328 RX +17 9 329 CK +17 9 330 CR +17 10 1 CL +17 10 2 CL +17 10 3 PU +17 10 4 MO +17 10 5 RX +17 10 6 BE +17 10 7 RX +17 10 8 CO +17 10 9 CK +17 10 10 AZ +17 10 11 RX +17 10 12 KN +17 10 13 RX +17 10 14 KK +17 10 15 QU +17 10 16 SK +17 10 17 * +17 10 18 KK +17 10 19 CL +17 10 20 RX +17 10 21 RO +17 10 22 KN +17 10 23 LL +17 10 24 CK +17 10 25 CL +17 10 26 AZ +17 10 27 SK +17 10 28 RO +17 10 29 RX +17 10 30 CK +17 10 31 CL +17 10 32 LL +17 10 33 RX +17 10 34 CL +17 10 35 QU +17 10 36 RX +17 10 37 CL +17 10 38 PI +17 10 39 RX +17 10 40 CL +17 10 41 CO +17 10 42 KN +17 10 43 AZ +17 10 44 SK +17 10 45 RX +17 10 46 CH +17 10 47 RX +17 10 48 KN +17 10 49 CL +17 10 50 MO +17 10 51 CK +17 10 52 RX +17 10 53 PI +17 10 54 RX +17 10 55 CL +17 10 56 QU +17 10 57 CL +17 10 58 RX +17 10 59 LL +17 10 60 AZ +17 10 61 PI +17 10 62 LL +17 10 63 QU +17 10 64 AZ +17 10 65 RO +17 10 66 BE +17 10 67 RX +17 10 68 RO +17 10 69 RX +17 10 70 LL +17 10 71 CO +17 10 72 RX +17 10 73 MO +17 10 74 CL +17 10 75 RX +17 10 76 PU +17 10 77 CL +17 10 78 LL +17 10 79 KK +17 10 80 AZ +17 10 81 RX +17 10 82 CL +17 10 83 BE +17 10 84 QU +17 10 85 RX +17 10 86 QU +17 10 87 KK +17 10 88 MO +17 10 89 KK +17 10 90 AZ +17 10 91 RX +17 10 92 SK +17 10 93 AZ +17 10 94 CK +17 10 95 RX +17 10 96 KN +17 10 97 MO +17 10 98 PI +17 10 99 LL +17 10 100 CL +17 10 101 PI +17 10 102 LL +17 10 103 RX +17 10 104 CL +17 10 105 MO +17 10 106 KN +17 10 107 SK +17 10 108 CL +17 10 109 AZ +17 10 110 PU +17 10 111 RX +17 10 112 PI +17 10 113 KK +17 10 114 CL +17 10 115 CO +17 10 116 CL +17 10 117 CK +17 10 118 QU +17 10 119 RX +17 10 120 SK +17 10 121 PU +17 10 122 RX +17 10 123 AZ +17 10 124 RX +17 10 125 PU +17 10 126 QU +17 10 127 KK +17 10 128 KN +17 10 129 SK +17 10 130 RX +17 10 131 MO +17 10 132 * +17 10 133 RX +17 10 134 CK +17 10 135 MO +17 10 136 CL +17 10 137 RX +17 10 138 CL +17 10 139 BE +17 10 140 AZ +17 10 141 SK +17 10 142 BE +17 10 143 RX +17 10 144 MO +17 10 145 RX +17 10 146 KN +17 10 147 RX +17 10 148 * +17 10 149 RX +17 10 150 MO +17 10 151 QU +17 10 152 LL +17 10 153 CL +17 10 154 CH +17 10 155 CK +17 10 156 RX +17 10 157 CK +17 10 158 SK +17 10 159 KN +17 10 160 QU +17 10 161 RX +17 10 162 PI +17 10 163 CL +17 10 164 AZ +17 10 165 RX +17 10 166 AZ +17 10 167 LL +17 10 168 RX +17 10 169 CL +17 10 170 AZ +17 10 171 RX +17 10 172 SK +17 10 173 PI +17 10 174 KN +17 10 175 CL +17 10 176 * +17 10 177 KN +17 10 178 AZ +17 10 179 PI +17 10 180 RX +17 10 181 KN +17 10 182 MO +17 10 183 CK +17 10 184 MO +17 10 185 CK +17 10 186 CL +17 10 187 KN +17 10 188 CL +17 10 189 CL +17 10 190 QU +17 10 191 RX +17 10 192 LL +17 10 193 RX +17 10 194 CO +17 10 195 RX +17 10 196 CL +17 10 197 LL +17 10 198 KK +17 10 199 CL +17 10 200 CL +17 10 201 QU +17 10 202 RX +17 10 203 PI +17 10 204 CK +17 10 205 MO +17 10 206 CL +17 10 207 PI +17 10 208 CK +17 10 209 AZ +17 10 210 CO +17 10 211 CL +17 10 212 PU +17 10 213 LL +17 10 214 RX +17 10 215 LL +17 10 216 RX +17 10 217 CK +17 10 218 RX +17 10 219 CL +17 10 220 AZ +17 10 221 CL +17 10 222 MO +17 10 223 RX +17 10 224 SK +17 10 225 RX +17 10 226 AZ +17 10 227 KK +17 10 228 AZ +17 10 229 CL +17 10 230 BE +17 10 231 LL +17 10 232 CK +17 10 233 CL +17 10 234 RX +17 10 235 AZ +17 10 236 RX +17 10 237 QU +17 10 238 CL +17 10 239 QU +17 10 240 PU +17 10 241 SK +17 10 242 KN +17 10 243 PI +17 10 244 CL +17 10 245 QU +17 10 246 CL +17 10 247 LL +17 10 248 KK +17 10 249 RX +17 10 250 MO +17 10 251 RX +17 10 252 SK +17 10 253 RX +17 10 254 CL +17 10 255 KK +17 10 256 * +17 10 257 CL +17 10 258 KN +17 10 259 QU +17 10 260 RX +17 10 261 PU +17 10 262 SK +17 10 263 CH +17 10 264 CL +17 10 265 RX +17 10 266 * +17 10 267 MO +17 10 268 RX +17 10 269 * +17 10 270 PU +17 10 271 RX +17 10 272 CL +17 10 273 LL +17 10 274 SK +17 10 275 RX +17 10 276 PI +17 10 277 AZ +17 10 278 * +17 10 279 AZ +17 10 280 RX +17 10 281 RX +17 10 282 RX +17 10 283 CK +17 10 284 CL +17 10 285 QU +17 10 286 SK +17 10 287 CK +17 10 288 * +17 10 289 CL +17 10 290 BE +17 10 291 AZ +17 10 292 QU +17 10 293 CL +17 10 294 CL +17 10 295 CK +17 10 296 MO +17 10 297 KN +17 10 298 * +17 10 299 RX +17 10 300 CH +17 10 301 RX +17 10 302 SK +17 10 303 CL +17 10 304 RX +17 10 305 MO +17 10 306 RX +17 10 307 CL +17 10 308 LL +17 10 309 CK +17 10 310 RX +17 10 311 AZ +17 10 312 KK +17 10 313 MO +17 10 314 BE +17 10 315 RX +17 10 316 CL +17 10 317 MO +17 10 318 * +17 10 319 SK +17 10 320 RX +17 10 321 QU +17 10 322 CL +17 10 323 RX +17 10 324 SK +17 10 325 MO +17 10 326 KN +17 10 327 CL +17 10 328 RX +17 10 329 CK +17 10 330 CL +17 11 1 RX +17 11 2 SK +17 11 3 QU +17 11 4 MO +17 11 5 RX +17 11 6 QU +17 11 7 QU +17 11 8 RX +17 11 9 CK +17 11 10 RX +17 11 11 RX +17 11 12 KN +17 11 13 RX +17 11 14 RX +17 11 15 SK +17 11 16 SK +17 11 17 PU +17 11 18 TZ +17 11 19 RX +17 11 20 RX +17 11 21 QU +17 11 22 KN +17 11 23 SK +17 11 24 SK +17 11 25 SK +17 11 26 RU +17 11 27 SK +17 11 28 QU +17 11 29 RX +17 11 30 PU +17 11 31 SK +17 11 32 SK +17 11 33 RX +17 11 34 SK +17 11 35 SK +17 11 36 RX +17 11 37 SK +17 11 38 QU +17 11 39 RX +17 11 40 SK +17 11 41 KK +17 11 42 SK +17 11 43 KK +17 11 44 SK +17 11 45 RX +17 11 46 KK +17 11 47 KK +17 11 48 KN +17 11 49 SK +17 11 50 RX +17 11 51 CK +17 11 52 SK +17 11 53 QU +17 11 54 RX +17 11 55 SK +17 11 56 SK +17 11 57 KK +17 11 58 KN +17 11 59 SK +17 11 60 KK +17 11 61 KK +17 11 62 SK +17 11 63 SK +17 11 64 RU +17 11 65 QU +17 11 66 SK +17 11 67 SK +17 11 68 SK +17 11 69 KK +17 11 70 SK +17 11 71 KK +17 11 72 RX +17 11 73 RX +17 11 74 SK +17 11 75 RX +17 11 76 PU +17 11 77 RU +17 11 78 SK +17 11 79 TZ +17 11 80 RX +17 11 81 RX +17 11 82 RX +17 11 83 SK +17 11 84 SK +17 11 85 RX +17 11 86 SK +17 11 87 KK +17 11 88 RX +17 11 89 KK +17 11 90 KK +17 11 91 RX +17 11 92 SK +17 11 93 RX +17 11 94 KK +17 11 95 SK +17 11 96 KN +17 11 97 RX +17 11 98 QU +17 11 99 SK +17 11 100 RX +17 11 101 KK +17 11 102 SK +17 11 103 KN +17 11 104 RU +17 11 105 RX +17 11 106 SK +17 11 107 SK +17 11 108 SK +17 11 109 RU +17 11 110 SK +17 11 111 KK +17 11 112 QU +17 11 113 KK +17 11 114 RX +17 11 115 QU +17 11 116 SK +17 11 117 CK +17 11 118 SK +17 11 119 RX +17 11 120 SK +17 11 121 PU +17 11 122 RX +17 11 123 RX +17 11 124 RX +17 11 125 PU +17 11 126 SK +17 11 127 KK +17 11 128 RX +17 11 129 SK +17 11 130 KK +17 11 131 RX +17 11 132 KK +17 11 133 RX +17 11 134 KK +17 11 135 RX +17 11 136 RU +17 11 137 RX +17 11 138 RU +17 11 139 SK +17 11 140 RU +17 11 141 SK +17 11 142 SK +17 11 143 RX +17 11 144 RX +17 11 145 RX +17 11 146 KN +17 11 147 RX +17 11 148 QU +17 11 149 RX +17 11 150 RX +17 11 151 QU +17 11 152 RX +17 11 153 RU +17 11 154 TZ +17 11 155 CK +17 11 156 RX +17 11 157 CK +17 11 158 SK +17 11 159 PU +17 11 160 QU +17 11 161 RX +17 11 162 QU +17 11 163 RX +17 11 164 RU +17 11 165 RX +17 11 166 CK +17 11 167 RX +17 11 168 RX +17 11 169 RU +17 11 170 RX +17 11 171 RX +17 11 172 SK +17 11 173 QU +17 11 174 KN +17 11 175 CL +17 11 176 QU +17 11 177 KN +17 11 178 RU +17 11 179 QU +17 11 180 RX +17 11 181 KN +17 11 182 QU +17 11 183 PU +17 11 184 RX +17 11 185 PU +17 11 186 RU +17 11 187 PU +17 11 188 RU +17 11 189 SK +17 11 190 RO +17 11 191 RX +17 11 192 RX +17 11 193 KN +17 11 194 QU +17 11 195 RX +17 11 196 RX +17 11 197 RX +17 11 198 KK +17 11 199 RX +17 11 200 AZ +17 11 201 QU +17 11 202 RX +17 11 203 QU +17 11 204 CK +17 11 205 RX +17 11 206 RX +17 11 207 QU +17 11 208 PU +17 11 209 RX +17 11 210 QU +17 11 211 RU +17 11 212 PU +17 11 213 RX +17 11 214 KN +17 11 215 RX +17 11 216 RX +17 11 217 QU +17 11 218 RX +17 11 219 SK +17 11 220 RU +17 11 221 SK +17 11 222 RX +17 11 223 RX +17 11 224 SK +17 11 225 RX +17 11 226 RU +17 11 227 RX +17 11 228 RU +17 11 229 RX +17 11 230 SK +17 11 231 RX +17 11 232 RX +17 11 233 CK +17 11 234 RX +17 11 235 RU +17 11 236 RX +17 11 237 QU +17 11 238 RU +17 11 239 QU +17 11 240 CK +17 11 241 SK +17 11 242 KN +17 11 243 RX +17 11 244 CH +17 11 245 QU +17 11 246 RX +17 11 247 RX +17 11 248 RX +17 11 249 RX +17 11 250 RX +17 11 251 RX +17 11 252 SK +17 11 253 RX +17 11 254 RU +17 11 255 KK +17 11 256 QU +17 11 257 RU +17 11 258 KN +17 11 259 QU +17 11 260 KN +17 11 261 PU +17 11 262 SK +17 11 263 TZ +17 11 264 RX +17 11 265 RX +17 11 266 PU +17 11 267 RX +17 11 268 RX +17 11 269 RX +17 11 270 PU +17 11 271 RX +17 11 272 SK +17 11 273 RX +17 11 274 SK +17 11 275 RX +17 11 276 QU +17 11 277 RU +17 11 278 PU +17 11 279 RU +17 11 280 RX +17 11 281 RX +17 11 282 RX +17 11 283 CK +17 11 284 SK +17 11 285 QU +17 11 286 SK +17 11 287 CK +17 11 288 QU +17 11 289 RX +17 11 290 PU +17 11 291 RU +17 11 292 QU +17 11 293 RX +17 11 294 SK +17 11 295 CK +17 11 296 RX +17 11 297 KN +17 11 298 QU +17 11 299 RX +17 11 300 CH +17 11 301 RX +17 11 302 SK +17 11 303 RU +17 11 304 RX +17 11 305 RX +17 11 306 RX +17 11 307 RU +17 11 308 RX +17 11 309 RX +17 11 310 RX +17 11 311 RU +17 11 312 KK +17 11 313 RU +17 11 314 SK +17 11 315 RX +17 11 316 RX +17 11 317 RX +17 11 318 PU +17 11 319 SK +17 11 320 RX +17 11 321 QU +17 11 322 RU +17 11 323 RX +17 11 324 SK +17 11 325 RX +17 11 326 KN +17 11 327 RU +17 11 328 RX +17 11 329 CK +17 11 330 SK +17 12 1 AZ +17 12 2 CL +17 12 3 PU +17 12 4 MO +17 12 5 CL +17 12 6 PU +17 12 7 RX +17 12 8 PI +17 12 9 CK +17 12 10 AZ +17 12 11 RX +17 12 12 KN +17 12 13 RX +17 12 14 SI +17 12 15 LL +17 12 16 SK +17 12 17 PU +17 12 18 KK +17 12 19 CL +17 12 20 RX +17 12 21 RO +17 12 22 KN +17 12 23 LL +17 12 24 RX +17 12 25 CL +17 12 26 AZ +17 12 27 CR +17 12 28 RO +17 12 29 RX +17 12 30 PU +17 12 31 CL +17 12 32 LL +17 12 33 RX +17 12 34 SI +17 12 35 PU +17 12 36 RX +17 12 37 AZ +17 12 38 PI +17 12 39 RX +17 12 40 CL +17 12 41 QU +17 12 42 CK +17 12 43 SI +17 12 44 CR +17 12 45 RX +17 12 46 CH +17 12 47 RX +17 12 48 CK +17 12 49 CL +17 12 50 MO +17 12 51 CK +17 12 52 CR +17 12 53 PI +17 12 54 RX +17 12 55 CL +17 12 56 PU +17 12 57 SI +17 12 58 MS +17 12 59 LL +17 12 60 SI +17 12 61 QU +17 12 62 LL +17 12 63 RO +17 12 64 AZ +17 12 65 RO +17 12 66 CR +17 12 67 RX +17 12 68 RO +17 12 69 RX +17 12 70 LL +17 12 71 PI +17 12 72 RX +17 12 73 MO +17 12 74 CL +17 12 75 RX +17 12 76 PU +17 12 77 CL +17 12 78 LL +17 12 79 CH +17 12 80 CL +17 12 81 RX +17 12 82 CL +17 12 83 KN +17 12 84 RO +17 12 85 RX +17 12 86 RO +17 12 87 RX +17 12 88 MO +17 12 89 KK +17 12 90 RX +17 12 91 RX +17 12 92 CR +17 12 93 CL +17 12 94 CK +17 12 95 CL +17 12 96 KN +17 12 97 MO +17 12 98 QU +17 12 99 LL +17 12 100 CL +17 12 101 PI +17 12 102 MO +17 12 103 RX +17 12 104 CL +17 12 105 LL +17 12 106 KN +17 12 107 CR +17 12 108 CL +17 12 109 AZ +17 12 110 PU +17 12 111 RX +17 12 112 RO +17 12 113 KK +17 12 114 CL +17 12 115 QU +17 12 116 CL +17 12 117 CK +17 12 118 RO +17 12 119 RX +17 12 120 SK +17 12 121 PU +17 12 122 RX +17 12 123 SI +17 12 124 RX +17 12 125 PU +17 12 126 RO +17 12 127 RX +17 12 128 MS +17 12 129 CR +17 12 130 RX +17 12 131 MO +17 12 132 PU +17 12 133 RX +17 12 134 CK +17 12 135 PI +17 12 136 CL +17 12 137 RX +17 12 138 AZ +17 12 139 LL +17 12 140 SI +17 12 141 CR +17 12 142 LL +17 12 143 MO +17 12 144 RX +17 12 145 CL +17 12 146 MS +17 12 147 CL +17 12 148 QU +17 12 149 RX +17 12 150 MO +17 12 151 RO +17 12 152 LL +17 12 153 CL +17 12 154 CH +17 12 155 CK +17 12 156 RX +17 12 157 CK +17 12 158 SK +17 12 159 PU +17 12 160 RO +17 12 161 RX +17 12 162 PI +17 12 163 CL +17 12 164 AZ +17 12 165 RX +17 12 166 SI +17 12 167 LL +17 12 168 RX +17 12 169 CL +17 12 170 SI +17 12 171 RX +17 12 172 SK +17 12 173 RO +17 12 174 KN +17 12 175 CL +17 12 176 RO +17 12 177 RX +17 12 178 AZ +17 12 179 CO +17 12 180 RX +17 12 181 MS +17 12 182 PI +17 12 183 MS +17 12 184 MO +17 12 185 PU +17 12 186 CL +17 12 187 PU +17 12 188 CL +17 12 189 CL +17 12 190 RO +17 12 191 RX +17 12 192 LL +17 12 193 KN +17 12 194 CO +17 12 195 RX +17 12 196 CL +17 12 197 LL +17 12 198 KK +17 12 199 CR +17 12 200 CL +17 12 201 RO +17 12 202 RX +17 12 203 RO +17 12 204 CK +17 12 205 MO +17 12 206 CR +17 12 207 RO +17 12 208 MS +17 12 209 RX +17 12 210 CO +17 12 211 CL +17 12 212 PU +17 12 213 LL +17 12 214 RX +17 12 215 LL +17 12 216 RX +17 12 217 RO +17 12 218 RX +17 12 219 CL +17 12 220 AZ +17 12 221 CL +17 12 222 LL +17 12 223 RX +17 12 224 CR +17 12 225 RX +17 12 226 SI +17 12 227 KK +17 12 228 SI +17 12 229 CL +17 12 230 RO +17 12 231 LL +17 12 232 RX +17 12 233 AZ +17 12 234 RX +17 12 235 AZ +17 12 236 RX +17 12 237 PU +17 12 238 CL +17 12 239 RO +17 12 240 CK +17 12 241 SK +17 12 242 KN +17 12 243 PI +17 12 244 CR +17 12 245 QU +17 12 246 CL +17 12 247 LL +17 12 248 RX +17 12 249 RX +17 12 250 MO +17 12 251 RX +17 12 252 CR +17 12 253 CL +17 12 254 MO +17 12 255 KK +17 12 256 QU +17 12 257 SI +17 12 258 KN +17 12 259 QU +17 12 260 KN +17 12 261 PU +17 12 262 SK +17 12 263 CH +17 12 264 CR +17 12 265 RX +17 12 266 PU +17 12 267 PI +17 12 268 RX +17 12 269 LL +17 12 270 PU +17 12 271 RX +17 12 272 CR +17 12 273 LL +17 12 274 SK +17 12 275 KN +17 12 276 PI +17 12 277 SI +17 12 278 PU +17 12 279 AZ +17 12 280 RX +17 12 281 RX +17 12 282 RX +17 12 283 CK +17 12 284 CR +17 12 285 RO +17 12 286 SK +17 12 287 MS +17 12 288 QU +17 12 289 CL +17 12 290 CR +17 12 291 AZ +17 12 292 RO +17 12 293 CL +17 12 294 CL +17 12 295 CK +17 12 296 MO +17 12 297 KN +17 12 298 QU +17 12 299 RX +17 12 300 CH +17 12 301 RX +17 12 302 CR +17 12 303 LL +17 12 304 RX +17 12 305 PI +17 12 306 RX +17 12 307 CL +17 12 308 LL +17 12 309 RX +17 12 310 RX +17 12 311 SI +17 12 312 KK +17 12 313 AZ +17 12 314 CR +17 12 315 RX +17 12 316 CL +17 12 317 PI +17 12 318 PU +17 12 319 SK +17 12 320 RX +17 12 321 QU +17 12 322 AZ +17 12 323 RX +17 12 324 CR +17 12 325 MO +17 12 326 KN +17 12 327 CL +17 12 328 RX +17 12 329 MO +17 12 330 CL +17 13 1 CL +17 13 2 CL +17 13 3 QU +17 13 4 MO +17 13 5 CL +17 13 6 NA +17 13 7 RX +17 13 8 QU +17 13 9 CA +17 13 10 AZ +17 13 11 RX +17 13 12 KN +17 13 13 RX +17 13 14 AZ +17 13 15 RO +17 13 16 SK +17 13 17 NA +17 13 18 CA +17 13 19 CL +17 13 20 RX +17 13 21 RO +17 13 22 KN +17 13 23 MO +17 13 24 CA +17 13 25 RX +17 13 26 AZ +17 13 27 SK +17 13 28 RO +17 13 29 RX +17 13 30 NA +17 13 31 CL +17 13 32 RO +17 13 33 RX +17 13 34 AZ +17 13 35 RO +17 13 36 RX +17 13 37 CL +17 13 38 RO +17 13 39 RX +17 13 40 CL +17 13 41 QU +17 13 42 KN +17 13 43 AZ +17 13 44 SK +17 13 45 RX +17 13 46 KK +17 13 47 RX +17 13 48 KN +17 13 49 CL +17 13 50 MO +17 13 51 CA +17 13 52 SK +17 13 53 MO +17 13 54 RX +17 13 55 CL +17 13 56 RO +17 13 57 AZ +17 13 58 KN +17 13 59 SK +17 13 60 RX +17 13 61 QU +17 13 62 MO +17 13 63 RO +17 13 64 AZ +17 13 65 RO +17 13 66 SK +17 13 67 CL +17 13 68 RO +17 13 69 RX +17 13 70 SK +17 13 71 QU +17 13 72 RX +17 13 73 MO +17 13 74 CL +17 13 75 RX +17 13 76 NA +17 13 77 CL +17 13 78 RO +17 13 79 KK +17 13 80 AZ +17 13 81 RX +17 13 82 CL +17 13 83 KN +17 13 84 RO +17 13 85 RX +17 13 86 RO +17 13 87 KK +17 13 88 RO +17 13 89 KK +17 13 90 RX +17 13 91 KN +17 13 92 SK +17 13 93 AZ +17 13 94 CA +17 13 95 SK +17 13 96 KN +17 13 97 MO +17 13 98 QU +17 13 99 MO +17 13 100 CL +17 13 101 RO +17 13 102 CL +17 13 103 RX +17 13 104 CL +17 13 105 MO +17 13 106 KN +17 13 107 SK +17 13 108 CL +17 13 109 AZ +17 13 110 KN +17 13 111 RX +17 13 112 QU +17 13 113 CA +17 13 114 RX +17 13 115 QU +17 13 116 CL +17 13 117 CA +17 13 118 RO +17 13 119 RX +17 13 120 SK +17 13 121 KN +17 13 122 RX +17 13 123 AZ +17 13 124 KN +17 13 125 NA +17 13 126 RO +17 13 127 RX +17 13 128 KN +17 13 129 SK +17 13 130 RX +17 13 131 MO +17 13 132 NA +17 13 133 RX +17 13 134 CA +17 13 135 RO +17 13 136 CL +17 13 137 RX +17 13 138 CL +17 13 139 SK +17 13 140 AZ +17 13 141 SK +17 13 142 SK +17 13 143 KN +17 13 144 MO +17 13 145 CL +17 13 146 KN +17 13 147 CL +17 13 148 QU +17 13 149 CL +17 13 150 MO +17 13 151 RO +17 13 152 MO +17 13 153 CL +17 13 154 KK +17 13 155 CA +17 13 156 RX +17 13 157 CA +17 13 158 SK +17 13 159 KN +17 13 160 RO +17 13 161 CL +17 13 162 QU +17 13 163 RX +17 13 164 AZ +17 13 165 RX +17 13 166 AZ +17 13 167 MO +17 13 168 RX +17 13 169 AZ +17 13 170 RX +17 13 171 RX +17 13 172 SK +17 13 173 RO +17 13 174 KN +17 13 175 CL +17 13 176 RO +17 13 177 KN +17 13 178 AZ +17 13 179 CA +17 13 180 RX +17 13 181 KN +17 13 182 RO +17 13 183 KN +17 13 184 MO +17 13 185 KN +17 13 186 CL +17 13 187 KN +17 13 188 AZ +17 13 189 CL +17 13 190 RO +17 13 191 RX +17 13 192 MO +17 13 193 KN +17 13 194 QU +17 13 195 RX +17 13 196 CL +17 13 197 MO +17 13 198 RX +17 13 199 SK +17 13 200 CL +17 13 201 RO +17 13 202 RX +17 13 203 RO +17 13 204 CA +17 13 205 MO +17 13 206 SK +17 13 207 RO +17 13 208 KN +17 13 209 RX +17 13 210 CA +17 13 211 CL +17 13 212 KN +17 13 213 MO +17 13 214 KN +17 13 215 RO +17 13 216 RX +17 13 217 RO +17 13 218 RX +17 13 219 SK +17 13 220 AZ +17 13 221 SK +17 13 222 MO +17 13 223 RX +17 13 224 SK +17 13 225 KN +17 13 226 AZ +17 13 227 KK +17 13 228 AZ +17 13 229 CL +17 13 230 SK +17 13 231 RO +17 13 232 KN +17 13 233 MO +17 13 234 RX +17 13 235 AZ +17 13 236 KN +17 13 237 KN +17 13 238 RX +17 13 239 RO +17 13 240 KN +17 13 241 SK +17 13 242 KN +17 13 243 RO +17 13 244 SK +17 13 245 NA +17 13 246 CL +17 13 247 MO +17 13 248 RX +17 13 249 RX +17 13 250 MO +17 13 251 CL +17 13 252 SK +17 13 253 CL +17 13 254 AZ +17 13 255 CA +17 13 256 RO +17 13 257 AZ +17 13 258 KN +17 13 259 NA +17 13 260 KN +17 13 261 NA +17 13 262 SK +17 13 263 SK +17 13 264 CL +17 13 265 RX +17 13 266 KN +17 13 267 MO +17 13 268 RX +17 13 269 RO +17 13 270 KN +17 13 271 RX +17 13 272 SK +17 13 273 MO +17 13 274 SK +17 13 275 KN +17 13 276 RO +17 13 277 AZ +17 13 278 KN +17 13 279 AZ +17 13 280 RX +17 13 281 RX +17 13 282 RX +17 13 283 CA +17 13 284 SK +17 13 285 RO +17 13 286 SK +17 13 287 KN +17 13 288 QU +17 13 289 CL +17 13 290 CR +17 13 291 AZ +17 13 292 RO +17 13 293 CR +17 13 294 SK +17 13 295 CA +17 13 296 MO +17 13 297 KN +17 13 298 QU +17 13 299 RX +17 13 300 CR +17 13 301 RX +17 13 302 CR +17 13 303 CL +17 13 304 RX +17 13 305 MO +17 13 306 RX +17 13 307 CL +17 13 308 MO +17 13 309 KK +17 13 310 RX +17 13 311 AZ +17 13 312 KK +17 13 313 AZ +17 13 314 SK +17 13 315 RX +17 13 316 RX +17 13 317 RO +17 13 318 KN +17 13 319 SK +17 13 320 RX +17 13 321 RO +17 13 322 CL +17 13 323 RX +17 13 324 SK +17 13 325 MO +17 13 326 KN +17 13 327 CR +17 13 328 RX +17 13 329 KN +17 13 330 SK +17 14 1 RX +17 14 2 CL +17 14 3 PU +17 14 4 AZ +17 14 5 CL +17 14 6 PU +17 14 7 RX +17 14 8 CO +17 14 9 CK +17 14 10 AZ +17 14 11 KN +17 14 12 RX +17 14 13 RX +17 14 14 AZ +17 14 15 RO +17 14 16 SK +17 14 17 PI +17 14 18 KK +17 14 19 AZ +17 14 20 RX +17 14 21 PI +17 14 22 KN +17 14 23 RO +17 14 24 CK +17 14 25 CL +17 14 26 AZ +17 14 27 SK +17 14 28 RO +17 14 29 RX +17 14 30 CK +17 14 31 CH +17 14 32 RO +17 14 33 RX +17 14 34 AZ +17 14 35 PU +17 14 36 RX +17 14 37 AZ +17 14 38 QU +17 14 39 RX +17 14 40 AZ +17 14 41 QU +17 14 42 CK +17 14 43 AZ +17 14 44 SK +17 14 45 RX +17 14 46 CK +17 14 47 RX +17 14 48 KN +17 14 49 CL +17 14 50 MO +17 14 51 CK +17 14 52 SK +17 14 53 RO +17 14 54 RX +17 14 55 AZ +17 14 56 RO +17 14 57 CL +17 14 58 CK +17 14 59 AZ +17 14 60 RX +17 14 61 QU +17 14 62 CL +17 14 63 PU +17 14 64 CL +17 14 65 QU +17 14 66 SK +17 14 67 RX +17 14 68 RO +17 14 69 CK +17 14 70 SK +17 14 71 CO +17 14 72 RX +17 14 73 MO +17 14 74 SK +17 14 75 RX +17 14 76 PU +17 14 77 RX +17 14 78 SK +17 14 79 TZ +17 14 80 AZ +17 14 81 RX +17 14 82 RX +17 14 83 CK +17 14 84 PU +17 14 85 RX +17 14 86 RO +17 14 87 CK +17 14 88 MO +17 14 89 KK +17 14 90 RX +17 14 91 KN +17 14 92 SK +17 14 93 RX +17 14 94 CK +17 14 95 SK +17 14 96 KN +17 14 97 MO +17 14 98 QU +17 14 99 LL +17 14 100 RX +17 14 101 MO +17 14 102 SK +17 14 103 CK +17 14 104 AZ +17 14 105 MO +17 14 106 KN +17 14 107 SK +17 14 108 RX +17 14 109 AZ +17 14 110 KN +17 14 111 RX +17 14 112 QU +17 14 113 KK +17 14 114 RX +17 14 115 QU +17 14 116 CH +17 14 117 CK +17 14 118 QU +17 14 119 RX +17 14 120 SK +17 14 121 PU +17 14 122 RX +17 14 123 AZ +17 14 124 KN +17 14 125 PU +17 14 126 RO +17 14 127 RX +17 14 128 KN +17 14 129 SK +17 14 130 CK +17 14 131 MO +17 14 132 QU +17 14 133 RX +17 14 134 CK +17 14 135 MO +17 14 136 AZ +17 14 137 RX +17 14 138 AZ +17 14 139 SK +17 14 140 AZ +17 14 141 SK +17 14 142 CK +17 14 143 RX +17 14 144 MO +17 14 145 RX +17 14 146 KN +17 14 147 RX +17 14 148 QU +17 14 149 RX +17 14 150 MO +17 14 151 RO +17 14 152 MO +17 14 153 AZ +17 14 154 CH +17 14 155 CK +17 14 156 RX +17 14 157 CK +17 14 158 SK +17 14 159 PU +17 14 160 RO +17 14 161 RX +17 14 162 QU +17 14 163 RX +17 14 164 AZ +17 14 165 MS +17 14 166 AZ +17 14 167 LL +17 14 168 RX +17 14 169 RX +17 14 170 CK +17 14 171 MS +17 14 172 SK +17 14 173 PI +17 14 174 KN +17 14 175 RX +17 14 176 QU +17 14 177 KN +17 14 178 AZ +17 14 179 CO +17 14 180 RX +17 14 181 MS +17 14 182 MO +17 14 183 CK +17 14 184 MO +17 14 185 KN +17 14 186 RX +17 14 187 KN +17 14 188 AZ +17 14 189 SK +17 14 190 RO +17 14 191 RX +17 14 192 MO +17 14 193 KN +17 14 194 CO +17 14 195 RX +17 14 196 RX +17 14 197 MO +17 14 198 CK +17 14 199 SK +17 14 200 AZ +17 14 201 QU +17 14 202 RX +17 14 203 MO +17 14 204 CK +17 14 205 MO +17 14 206 SK +17 14 207 QU +17 14 208 CK +17 14 209 RX +17 14 210 CK +17 14 211 AZ +17 14 212 NA +17 14 213 MO +17 14 214 KN +17 14 215 MO +17 14 216 CK +17 14 217 MO +17 14 218 KN +17 14 219 SK +17 14 220 AZ +17 14 221 SK +17 14 222 MO +17 14 223 RX +17 14 224 SK +17 14 225 CK +17 14 226 RX +17 14 227 CK +17 14 228 AZ +17 14 229 RX +17 14 230 SK +17 14 231 MO +17 14 232 CK +17 14 233 MO +17 14 234 RX +17 14 235 AZ +17 14 236 RX +17 14 237 CK +17 14 238 RX +17 14 239 MO +17 14 240 CK +17 14 241 SK +17 14 242 KN +17 14 243 MO +17 14 244 SK +17 14 245 QU +17 14 246 RX +17 14 247 MO +17 14 248 CK +17 14 249 RX +17 14 250 MO +17 14 251 RX +17 14 252 SK +17 14 253 RX +17 14 254 MO +17 14 255 MS +17 14 256 QU +17 14 257 AZ +17 14 258 KN +17 14 259 CO +17 14 260 KN +17 14 261 PU +17 14 262 SK +17 14 263 TZ +17 14 264 AZ +17 14 265 RX +17 14 266 PU +17 14 267 MO +17 14 268 RX +17 14 269 MO +17 14 270 NA +17 14 271 RX +17 14 272 SK +17 14 273 MO +17 14 274 SK +17 14 275 MS +17 14 276 MO +17 14 277 RX +17 14 278 PU +17 14 279 MO +17 14 280 RX +17 14 281 RX +17 14 282 RX +17 14 283 CK +17 14 284 SK +17 14 285 MO +17 14 286 SK +17 14 287 MS +17 14 288 QU +17 14 289 RX +17 14 290 SK +17 14 291 AZ +17 14 292 RO +17 14 293 SK +17 14 294 SK +17 14 295 CK +17 14 296 MO +17 14 297 KN +17 14 298 QU +17 14 299 RX +17 14 300 TZ +17 14 301 RX +17 14 302 SK +17 14 303 MO +17 14 304 MS +17 14 305 MO +17 14 306 RX +17 14 307 AZ +17 14 308 MO +17 14 309 MS +17 14 310 RX +17 14 311 AZ +17 14 312 KK +17 14 313 MO +17 14 314 SK +17 14 315 RX +17 14 316 RX +17 14 317 MO +17 14 318 PU +17 14 319 SK +17 14 320 MS +17 14 321 QU +17 14 322 AZ +17 14 323 RX +17 14 324 SK +17 14 325 MO +17 14 326 KN +17 14 327 SK +17 14 328 RX +17 14 329 CK +17 14 330 SK +17 15 1 AZ +17 15 2 CL +17 15 3 NA +17 15 4 MO +17 15 5 VE +17 15 6 CR +17 15 7 VE +17 15 8 PI +17 15 9 CK +17 15 10 AZ +17 15 11 VE +17 15 12 KN +17 15 13 RX +17 15 14 RX +17 15 15 LL +17 15 16 SK +17 15 17 NA +17 15 18 KK +17 15 19 CL +17 15 20 VE +17 15 21 RO +17 15 22 KN +17 15 23 LL +17 15 24 GR +17 15 25 RX +17 15 26 RX +17 15 27 SK +17 15 28 RO +17 15 29 VE +17 15 30 NA +17 15 31 CL +17 15 32 LL +17 15 33 RX +17 15 34 AZ +17 15 35 NA +17 15 36 SI +17 15 37 AZ +17 15 38 PI +17 15 39 VE +17 15 40 CL +17 15 41 KK +17 15 42 KN +17 15 43 AZ +17 15 44 SK +17 15 45 VE +17 15 46 GR +17 15 47 KN +17 15 48 SI +17 15 49 CL +17 15 50 MO +17 15 51 CK +17 15 52 CL +17 15 53 MO +17 15 54 CL +17 15 55 RX +17 15 56 RO +17 15 57 SI +17 15 58 VE +17 15 59 LL +17 15 60 SI +17 15 61 CO +17 15 62 LL +17 15 63 RO +17 15 64 AZ +17 15 65 RO +17 15 66 SK +17 15 67 RX +17 15 68 LL +17 15 69 VE +17 15 70 CL +17 15 71 CO +17 15 72 VE +17 15 73 MO +17 15 74 CL +17 15 75 VE +17 15 76 NA +17 15 77 CL +17 15 78 RO +17 15 79 GR +17 15 80 CL +17 15 81 VE +17 15 82 CL +17 15 83 MR +17 15 84 RO +17 15 85 VE +17 15 86 LL +17 15 87 KK +17 15 88 MO +17 15 89 KK +17 15 90 SI +17 15 91 VE +17 15 92 SK +17 15 93 AZ +17 15 94 KK +17 15 95 CL +17 15 96 KN +17 15 97 MO +17 15 98 CO +17 15 99 LL +17 15 100 CL +17 15 101 PI +17 15 102 CL +17 15 103 VE +17 15 104 CL +17 15 105 MO +17 15 106 KN +17 15 107 SK +17 15 108 CL +17 15 109 AZ +17 15 110 NA +17 15 111 VE +17 15 112 RO +17 15 113 KK +17 15 114 SI +17 15 115 PI +17 15 116 CL +17 15 117 CK +17 15 118 RO +17 15 119 VE +17 15 120 SK +17 15 121 NA +17 15 122 VE +17 15 123 SI +17 15 124 VE +17 15 125 NA +17 15 126 RO +17 15 127 VE +17 15 128 KN +17 15 129 RX +17 15 130 VE +17 15 131 MO +17 15 132 CI +17 15 133 VE +17 15 134 KK +17 15 135 PI +17 15 136 CL +17 15 137 VE +17 15 138 CL +17 15 139 LL +17 15 140 AZ +17 15 141 SK +17 15 142 CL +17 15 143 VE +17 15 144 MO +17 15 145 VE +17 15 146 KN +17 15 147 CL +17 15 148 RO +17 15 149 VE +17 15 150 MO +17 15 151 RO +17 15 152 LL +17 15 153 AZ +17 15 154 GR +17 15 155 CK +17 15 156 VE +17 15 157 CK +17 15 158 SK +17 15 159 KN +17 15 160 LL +17 15 161 VE +17 15 162 RO +17 15 163 SI +17 15 164 AZ +17 15 165 VE +17 15 166 AZ +17 15 167 LL +17 15 168 VE +17 15 169 AZ +17 15 170 SI +17 15 171 VE +17 15 172 SK +17 15 173 RO +17 15 174 KN +17 15 175 CL +17 15 176 RO +17 15 177 KN +17 15 178 AZ +17 15 179 CO +17 15 180 RX +17 15 181 CK +17 15 182 PI +17 15 183 CK +17 15 184 LL +17 15 185 CK +17 15 186 CL +17 15 187 NA +17 15 188 AZ +17 15 189 CL +17 15 190 RO +17 15 191 SI +17 15 192 LL +17 15 193 VE +17 15 194 CO +17 15 195 VE +17 15 196 CL +17 15 197 LL +17 15 198 KK +17 15 199 SK +17 15 200 CL +17 15 201 RO +17 15 202 VE +17 15 203 LL +17 15 204 CK +17 15 205 LL +17 15 206 SK +17 15 207 LL +17 15 208 CK +17 15 209 SI +17 15 210 CK +17 15 211 CL +17 15 212 NA +17 15 213 LL +17 15 214 VE +17 15 215 LL +17 15 216 VE +17 15 217 RO +17 15 218 VE +17 15 219 CL +17 15 220 AZ +17 15 221 CL +17 15 222 MO +17 15 223 VE +17 15 224 LL +17 15 225 VE +17 15 226 SI +17 15 227 KK +17 15 228 AZ +17 15 229 CL +17 15 230 SK +17 15 231 LL +17 15 232 VE +17 15 233 CL +17 15 234 VE +17 15 235 AZ +17 15 236 VE +17 15 237 RO +17 15 238 VE +17 15 239 RO +17 15 240 CK +17 15 241 SK +17 15 242 KN +17 15 243 MO +17 15 244 CL +17 15 245 QU +17 15 246 CL +17 15 247 LL +17 15 248 VE +17 15 249 SI +17 15 250 MO +17 15 251 VE +17 15 252 SK +17 15 253 CL +17 15 254 CL +17 15 255 KK +17 15 256 RO +17 15 257 AZ +17 15 258 KN +17 15 259 KK +17 15 260 KN +17 15 261 NA +17 15 262 SK +17 15 263 GR +17 15 264 CL +17 15 265 CK +17 15 266 VE +17 15 267 MO +17 15 268 VE +17 15 269 LL +17 15 270 KN +17 15 271 SI +17 15 272 SK +17 15 273 LL +17 15 274 SK +17 15 275 VE +17 15 276 PI +17 15 277 AZ +17 15 278 RO +17 15 279 AZ +17 15 280 VE +17 15 281 VE +17 15 282 VE +17 15 283 SK +17 15 284 CK +17 15 285 RO +17 15 286 SK +17 15 287 CK +17 15 288 CI +17 15 289 CL +17 15 290 SK +17 15 291 AZ +17 15 292 RO +17 15 293 CL +17 15 294 SK +17 15 295 CK +17 15 296 MO +17 15 297 KN +17 15 298 RO +17 15 299 VE +17 15 300 GR +17 15 301 VE +17 15 302 SK +17 15 303 CL +17 15 304 VE +17 15 305 MO +17 15 306 VE +17 15 307 AZ +17 15 308 LL +17 15 309 VE +17 15 310 VE +17 15 311 AZ +17 15 312 KK +17 15 313 AZ +17 15 314 SK +17 15 315 VE +17 15 316 RX +17 15 317 PI +17 15 318 NA +17 15 319 SK +17 15 320 VE +17 15 321 RO +17 15 322 CL +17 15 323 VE +17 15 324 SK +17 15 325 MO +17 15 326 KN +17 15 327 SK +17 15 328 VE +17 15 329 CK +17 15 330 SK +17 16 1 CL +17 16 2 CL +17 16 3 KK +17 16 4 MO +17 16 5 CL +17 16 6 CR +17 16 7 RX +17 16 8 CO +17 16 9 CK +17 16 10 AZ +17 16 11 RX +17 16 12 KN +17 16 13 RX +17 16 14 RX +17 16 15 RO +17 16 16 SK +17 16 17 RO +17 16 18 KK +17 16 19 CL +17 16 20 RX +17 16 21 RO +17 16 22 CR +17 16 23 LL +17 16 24 GR +17 16 25 VE +17 16 26 AZ +17 16 27 CR +17 16 28 RO +17 16 29 VE +17 16 30 CK +17 16 31 CL +17 16 32 LL +17 16 33 RX +17 16 34 CL +17 16 35 RO +17 16 36 RX +17 16 37 AZ +17 16 38 RO +17 16 39 RX +17 16 40 CL +17 16 41 CO +17 16 42 KN +17 16 43 AZ +17 16 44 RO +17 16 45 RX +17 16 46 GR +17 16 47 RX +17 16 48 KN +17 16 49 CL +17 16 50 MO +17 16 51 CK +17 16 52 CR +17 16 53 MO +17 16 54 RX +17 16 55 CL +17 16 56 RO +17 16 57 VE +17 16 58 KN +17 16 59 LL +17 16 60 RX +17 16 61 CO +17 16 62 LL +17 16 63 RO +17 16 64 AZ +17 16 65 RO +17 16 66 CR +17 16 67 VE +17 16 68 MO +17 16 69 VE +17 16 70 LL +17 16 71 MO +17 16 72 VE +17 16 73 MO +17 16 74 CL +17 16 75 VE +17 16 76 NA +17 16 77 VE +17 16 78 LL +17 16 79 GR +17 16 80 AZ +17 16 81 VE +17 16 82 VE +17 16 83 CR +17 16 84 RO +17 16 85 VE +17 16 86 RO +17 16 87 KK +17 16 88 MO +17 16 89 KK +17 16 90 VE +17 16 91 KN +17 16 92 CR +17 16 93 AZ +17 16 94 KK +17 16 95 CL +17 16 96 KN +17 16 97 MO +17 16 98 RO +17 16 99 LL +17 16 100 CL +17 16 101 MO +17 16 102 LL +17 16 103 VE +17 16 104 CL +17 16 105 MO +17 16 106 KN +17 16 107 CR +17 16 108 CL +17 16 109 AZ +17 16 110 KN +17 16 111 VE +17 16 112 RO +17 16 113 KK +17 16 114 VE +17 16 115 CO +17 16 116 CL +17 16 117 CK +17 16 118 RO +17 16 119 VE +17 16 120 CR +17 16 121 NA +17 16 122 VE +17 16 123 AZ +17 16 124 KN +17 16 125 NA +17 16 126 RO +17 16 127 VE +17 16 128 KN +17 16 129 CR +17 16 130 VE +17 16 131 MO +17 16 132 CO +17 16 133 VE +17 16 134 CK +17 16 135 MO +17 16 136 CL +17 16 137 VE +17 16 138 CL +17 16 139 LL +17 16 140 AZ +17 16 141 CR +17 16 142 LL +17 16 143 VE +17 16 144 MO +17 16 145 CL +17 16 146 KN +17 16 147 CL +17 16 148 CO +17 16 149 VE +17 16 150 MO +17 16 151 RO +17 16 152 LL +17 16 153 CL +17 16 154 GR +17 16 155 CK +17 16 156 VE +17 16 157 CK +17 16 158 CR +17 16 159 RO +17 16 160 RO +17 16 161 VE +17 16 162 CO +17 16 163 VE +17 16 164 AZ +17 16 165 VE +17 16 166 AZ +17 16 167 LL +17 16 168 VE +17 16 169 AZ +17 16 170 VE +17 16 171 VE +17 16 172 SK +17 16 173 RO +17 16 174 KN +17 16 175 CL +17 16 176 RO +17 16 177 KN +17 16 178 AZ +17 16 179 CO +17 16 180 VE +17 16 181 KN +17 16 182 MO +17 16 183 CK +17 16 184 MO +17 16 185 KN +17 16 186 CL +17 16 187 KN +17 16 188 AZ +17 16 189 CL +17 16 190 RO +17 16 191 VE +17 16 192 MO +17 16 193 KN +17 16 194 CO +17 16 195 VE +17 16 196 CL +17 16 197 LL +17 16 198 KK +17 16 199 CR +17 16 200 CL +17 16 201 RO +17 16 202 VE +17 16 203 RO +17 16 204 CK +17 16 205 MO +17 16 206 CR +17 16 207 RO +17 16 208 KN +17 16 209 VE +17 16 210 CK +17 16 211 CL +17 16 212 KN +17 16 213 LL +17 16 214 KN +17 16 215 LL +17 16 216 VE +17 16 217 RO +17 16 218 KN +17 16 219 CL +17 16 220 AZ +17 16 221 CL +17 16 222 MO +17 16 223 VE +17 16 224 CR +17 16 225 KN +17 16 226 AZ +17 16 227 KK +17 16 228 AZ +17 16 229 CL +17 16 230 RO +17 16 231 MO +17 16 232 CK +17 16 233 LL +17 16 234 VE +17 16 235 AZ +17 16 236 VE +17 16 237 RO +17 16 238 VE +17 16 239 RO +17 16 240 CK +17 16 241 CR +17 16 242 KN +17 16 243 MO +17 16 244 CL +17 16 245 KK +17 16 246 VE +17 16 247 MO +17 16 248 VE +17 16 249 VE +17 16 250 MO +17 16 251 VE +17 16 252 CR +17 16 253 VE +17 16 254 AZ +17 16 255 KK +17 16 256 RO +17 16 257 AZ +17 16 258 KN +17 16 259 CO +17 16 260 CR +17 16 261 CK +17 16 262 CR +17 16 263 GR +17 16 264 CL +17 16 265 VE +17 16 266 CK +17 16 267 MO +17 16 268 VE +17 16 269 MO +17 16 270 KN +17 16 271 VE +17 16 272 CL +17 16 273 LL +17 16 274 CR +17 16 275 KN +17 16 276 RO +17 16 277 AZ +17 16 278 RO +17 16 279 AZ +17 16 280 VE +17 16 281 VE +17 16 282 VE +17 16 283 CL +17 16 284 CK +17 16 285 RO +17 16 286 CR +17 16 287 KN +17 16 288 KK +17 16 289 CL +17 16 290 CR +17 16 291 AZ +17 16 292 RO +17 16 293 CL +17 16 294 CL +17 16 295 CK +17 16 296 MO +17 16 297 KN +17 16 298 KK +17 16 299 VE +17 16 300 GR +17 16 301 VE +17 16 302 CR +17 16 303 CL +17 16 304 VE +17 16 305 MO +17 16 306 VE +17 16 307 AZ +17 16 308 LL +17 16 309 VE +17 16 310 RX +17 16 311 AZ +17 16 312 KK +17 16 313 AZ +17 16 314 RO +17 16 315 VE +17 16 316 VE +17 16 317 MO +17 16 318 RO +17 16 319 CR +17 16 320 VE +17 16 321 CO +17 16 322 CL +17 16 323 VE +17 16 324 CR +17 16 325 MO +17 16 326 KN +17 16 327 CL +17 16 328 VE +17 16 329 CK +17 16 330 CL +17 17 1 AZ +17 17 2 RX +17 17 3 PU +17 17 4 MO +17 17 5 RX +17 17 6 CK +17 17 7 RX +17 17 8 QU +17 17 9 CK +17 17 10 AZ +17 17 11 RX +17 17 12 KN +17 17 13 RX +17 17 14 AZ +17 17 15 RO +17 17 16 SK +17 17 17 PU +17 17 18 KK +17 17 19 AZ +17 17 20 RX +17 17 21 RO +17 17 22 KN +17 17 23 MO +17 17 24 CK +17 17 25 RX +17 17 26 AZ +17 17 27 SK +17 17 28 RO +17 17 29 RX +17 17 30 CK +17 17 31 CL +17 17 32 MO +17 17 33 RX +17 17 34 CL +17 17 35 PU +17 17 36 RX +17 17 37 AZ +17 17 38 QU +17 17 39 RX +17 17 40 CL +17 17 41 QU +17 17 42 KN +17 17 43 AZ +17 17 44 SK +17 17 45 RX +17 17 46 TZ +17 17 47 RX +17 17 48 KN +17 17 49 CL +17 17 50 MO +17 17 51 CK +17 17 52 SK +17 17 53 QU +17 17 54 RX +17 17 55 CL +17 17 56 RO +17 17 57 AZ +17 17 58 KN +17 17 59 MO +17 17 60 RX +17 17 61 QU +17 17 62 MO +17 17 63 RO +17 17 64 AZ +17 17 65 RO +17 17 66 SK +17 17 67 RX +17 17 68 RO +17 17 69 RX +17 17 70 MO +17 17 71 QU +17 17 72 RX +17 17 73 MO +17 17 74 CL +17 17 75 RX +17 17 76 PU +17 17 77 RX +17 17 78 RO +17 17 79 KK +17 17 80 AZ +17 17 81 RX +17 17 82 RX +17 17 83 KN +17 17 84 RO +17 17 85 RX +17 17 86 RO +17 17 87 CK +17 17 88 MO +17 17 89 KK +17 17 90 RX +17 17 91 RX +17 17 92 SK +17 17 93 CL +17 17 94 CK +17 17 95 RX +17 17 96 KN +17 17 97 MO +17 17 98 QU +17 17 99 MO +17 17 100 RX +17 17 101 QU +17 17 102 MO +17 17 103 RX +17 17 104 CL +17 17 105 MO +17 17 106 KN +17 17 107 SK +17 17 108 RX +17 17 109 AZ +17 17 110 KN +17 17 111 RX +17 17 112 RO +17 17 113 CK +17 17 114 RX +17 17 115 QU +17 17 116 CL +17 17 117 CK +17 17 118 RO +17 17 119 RX +17 17 120 SK +17 17 121 NA +17 17 122 RX +17 17 123 AZ +17 17 124 RX +17 17 125 PU +17 17 126 RO +17 17 127 RX +17 17 128 KN +17 17 129 SK +17 17 130 RX +17 17 131 MO +17 17 132 PU +17 17 133 RX +17 17 134 CK +17 17 135 MO +17 17 136 CL +17 17 137 RX +17 17 138 AZ +17 17 139 MO +17 17 140 AZ +17 17 141 SK +17 17 142 SK +17 17 143 RX +17 17 144 MO +17 17 145 RX +17 17 146 KN +17 17 147 RX +17 17 148 QU +17 17 149 RX +17 17 150 MO +17 17 151 PU +17 17 152 MO +17 17 153 CL +17 17 154 TZ +17 17 155 CK +17 17 156 RX +17 17 157 CK +17 17 158 SK +17 17 159 CK +17 17 160 RO +17 17 161 RX +17 17 162 QU +17 17 163 RX +17 17 164 AZ +17 17 165 RX +17 17 166 AZ +17 17 167 MO +17 17 168 RX +17 17 169 AZ +17 17 170 RX +17 17 171 RX +17 17 172 SK +17 17 173 RO +17 17 174 KN +17 17 175 CL +17 17 176 QU +17 17 177 KN +17 17 178 AZ +17 17 179 QU +17 17 180 RX +17 17 181 KN +17 17 182 QU +17 17 183 CK +17 17 184 MO +17 17 185 NA +17 17 186 CL +17 17 187 KN +17 17 188 AZ +17 17 189 CL +17 17 190 RO +17 17 191 RX +17 17 192 MO +17 17 193 KN +17 17 194 QU +17 17 195 RX +17 17 196 RX +17 17 197 MO +17 17 198 CK +17 17 199 RX +17 17 200 CL +17 17 201 RO +17 17 202 RX +17 17 203 RO +17 17 204 CK +17 17 205 MO +17 17 206 SK +17 17 207 RO +17 17 208 CK +17 17 209 RX +17 17 210 CK +17 17 211 AZ +17 17 212 NA +17 17 213 MO +17 17 214 RX +17 17 215 MO +17 17 216 RX +17 17 217 RO +17 17 218 RX +17 17 219 RX +17 17 220 AZ +17 17 221 RX +17 17 222 MO +17 17 223 RX +17 17 224 RO +17 17 225 RX +17 17 226 AZ +17 17 227 RX +17 17 228 AZ +17 17 229 RX +17 17 230 RO +17 17 231 MO +17 17 232 CK +17 17 233 MO +17 17 234 RX +17 17 235 AZ +17 17 236 RX +17 17 237 RO +17 17 238 RX +17 17 239 RO +17 17 240 CK +17 17 241 SK +17 17 242 KN +17 17 243 MO +17 17 244 CL +17 17 245 QU +17 17 246 RX +17 17 247 MO +17 17 248 RX +17 17 249 RX +17 17 250 MO +17 17 251 RX +17 17 252 RO +17 17 253 RX +17 17 254 AZ +17 17 255 CK +17 17 256 RO +17 17 257 AZ +17 17 258 KN +17 17 259 QU +17 17 260 RX +17 17 261 NA +17 17 262 SK +17 17 263 TZ +17 17 264 CL +17 17 265 RX +17 17 266 CK +17 17 267 MO +17 17 268 RX +17 17 269 MO +17 17 270 NA +17 17 271 RX +17 17 272 SK +17 17 273 MO +17 17 274 SK +17 17 275 RX +17 17 276 MO +17 17 277 AZ +17 17 278 NA +17 17 279 AZ +17 17 280 RX +17 17 281 RX +17 17 282 RX +17 17 283 CK +17 17 284 SK +17 17 285 RO +17 17 286 SK +17 17 287 CK +17 17 288 QU +17 17 289 RX +17 17 290 RO +17 17 291 AZ +17 17 292 RO +17 17 293 RX +17 17 294 SK +17 17 295 CK +17 17 296 MO +17 17 297 KN +17 17 298 QU +17 17 299 RX +17 17 300 TZ +17 17 301 RX +17 17 302 RO +17 17 303 CL +17 17 304 RX +17 17 305 MO +17 17 306 RX +17 17 307 AZ +17 17 308 MO +17 17 309 RX +17 17 310 RX +17 17 311 AZ +17 17 312 KK +17 17 313 AZ +17 17 314 RO +17 17 315 RX +17 17 316 RX +17 17 317 MO +17 17 318 NA +17 17 319 SK +17 17 320 RX +17 17 321 QU +17 17 322 CL +17 17 323 RX +17 17 324 RO +17 17 325 MO +17 17 326 KN +17 17 327 AZ +17 17 328 RX +17 17 329 CK +17 17 330 CL +17 18 1 CL +17 18 2 RX +17 18 3 PU +17 18 4 MO +17 18 5 RX +17 18 6 CK +17 18 7 RX +17 18 8 QU +17 18 9 CK +17 18 10 AZ +17 18 11 RX +17 18 12 KN +17 18 13 RX +17 18 14 AZ +17 18 15 MO +17 18 16 SK +17 18 17 PU +17 18 18 RX +17 18 19 CL +17 18 20 RX +17 18 21 QU +17 18 22 KN +17 18 23 MO +17 18 24 RX +17 18 25 AZ +17 18 26 AZ +17 18 27 SK +17 18 28 RO +17 18 29 RX +17 18 30 PU +17 18 31 CL +17 18 32 MO +17 18 33 RX +17 18 34 AZ +17 18 35 QU +17 18 36 RX +17 18 37 AZ +17 18 38 QU +17 18 39 RX +17 18 40 CL +17 18 41 QU +17 18 42 KN +17 18 43 AZ +17 18 44 SK +17 18 45 RX +17 18 46 CH +17 18 47 RX +17 18 48 KN +17 18 49 CL +17 18 50 MO +17 18 51 CK +17 18 52 SK +17 18 53 QU +17 18 54 RX +17 18 55 CL +17 18 56 CR +17 18 57 AZ +17 18 58 KN +17 18 59 MO +17 18 60 AZ +17 18 61 QU +17 18 62 MO +17 18 63 CR +17 18 64 AZ +17 18 65 RO +17 18 66 SK +17 18 67 RX +17 18 68 MO +17 18 69 RX +17 18 70 SK +17 18 71 CO +17 18 72 RX +17 18 73 MO +17 18 74 CL +17 18 75 RX +17 18 76 PU +17 18 77 AZ +17 18 78 CR +17 18 79 KK +17 18 80 AZ +17 18 81 RX +17 18 82 CL +17 18 83 KN +17 18 84 RO +17 18 85 RX +17 18 86 MO +17 18 87 RX +17 18 88 MO +17 18 89 KK +17 18 90 RX +17 18 91 KN +17 18 92 SK +17 18 93 AZ +17 18 94 CK +17 18 95 CL +17 18 96 KN +17 18 97 MO +17 18 98 QU +17 18 99 MO +17 18 100 CL +17 18 101 MO +17 18 102 CL +17 18 103 RX +17 18 104 CL +17 18 105 MO +17 18 106 KN +17 18 107 SK +17 18 108 CL +17 18 109 AZ +17 18 110 PU +17 18 111 RX +17 18 112 QU +17 18 113 KK +17 18 114 AZ +17 18 115 QU +17 18 116 CL +17 18 117 CK +17 18 118 RO +17 18 119 RX +17 18 120 SK +17 18 121 PU +17 18 122 RX +17 18 123 AZ +17 18 124 KN +17 18 125 PU +17 18 126 RO +17 18 127 RX +17 18 128 KN +17 18 129 SK +17 18 130 RX +17 18 131 MO +17 18 132 PU +17 18 133 RX +17 18 134 CK +17 18 135 MO +17 18 136 CL +17 18 137 RX +17 18 138 CL +17 18 139 MO +17 18 140 AZ +17 18 141 SK +17 18 142 MO +17 18 143 RX +17 18 144 MO +17 18 145 RX +17 18 146 KN +17 18 147 RX +17 18 148 QU +17 18 149 RX +17 18 150 MO +17 18 151 PU +17 18 152 MO +17 18 153 AZ +17 18 154 CH +17 18 155 CK +17 18 156 RX +17 18 157 CK +17 18 158 SK +17 18 159 CK +17 18 160 MO +17 18 161 RX +17 18 162 QU +17 18 163 AZ +17 18 164 AZ +17 18 165 RX +17 18 166 AZ +17 18 167 MO +17 18 168 RX +17 18 169 CL +17 18 170 AZ +17 18 171 RX +17 18 172 SK +17 18 173 RO +17 18 174 KN +17 18 175 CL +17 18 176 QU +17 18 177 KN +17 18 178 AZ +17 18 179 QU +17 18 180 RX +17 18 181 KN +17 18 182 MO +17 18 183 RX +17 18 184 MO +17 18 185 PU +17 18 186 CL +17 18 187 PU +17 18 188 CL +17 18 189 CL +17 18 190 MO +17 18 191 RX +17 18 192 MO +17 18 193 KN +17 18 194 QU +17 18 195 RX +17 18 196 CL +17 18 197 MO +17 18 198 RX +17 18 199 SK +17 18 200 CL +17 18 201 RO +17 18 202 RX +17 18 203 MO +17 18 204 CK +17 18 205 MO +17 18 206 SK +17 18 207 RO +17 18 208 PU +17 18 209 RX +17 18 210 CK +17 18 211 CL +17 18 212 PU +17 18 213 MO +17 18 214 KN +17 18 215 MO +17 18 216 RX +17 18 217 RO +17 18 218 KN +17 18 219 CL +17 18 220 AZ +17 18 221 CL +17 18 222 MO +17 18 223 RX +17 18 224 SK +17 18 225 RX +17 18 226 AZ +17 18 227 KK +17 18 228 AZ +17 18 229 RX +17 18 230 SK +17 18 231 MO +17 18 232 RX +17 18 233 CL +17 18 234 RX +17 18 235 AZ +17 18 236 KN +17 18 237 RO +17 18 238 AZ +17 18 239 RO +17 18 240 CK +17 18 241 SK +17 18 242 KN +17 18 243 MO +17 18 244 CL +17 18 245 QU +17 18 246 CL +17 18 247 MO +17 18 248 RX +17 18 249 RX +17 18 250 MO +17 18 251 RX +17 18 252 SK +17 18 253 RX +17 18 254 CL +17 18 255 KK +17 18 256 RO +17 18 257 AZ +17 18 258 KN +17 18 259 QU +17 18 260 CH +17 18 261 PU +17 18 262 SK +17 18 263 CH +17 18 264 CL +17 18 265 RX +17 18 266 CK +17 18 267 MO +17 18 268 RX +17 18 269 MO +17 18 270 PU +17 18 271 RX +17 18 272 SK +17 18 273 MO +17 18 274 SK +17 18 275 KN +17 18 276 RO +17 18 277 AZ +17 18 278 RO +17 18 279 AZ +17 18 280 RX +17 18 281 RX +17 18 282 RX +17 18 283 CK +17 18 284 SK +17 18 285 RO +17 18 286 SK +17 18 287 CK +17 18 288 RO +17 18 289 CL +17 18 290 SK +17 18 291 AZ +17 18 292 RO +17 18 293 CL +17 18 294 SK +17 18 295 CK +17 18 296 MO +17 18 297 KN +17 18 298 QU +17 18 299 RX +17 18 300 CH +17 18 301 RX +17 18 302 RO +17 18 303 CL +17 18 304 RX +17 18 305 MO +17 18 306 RX +17 18 307 AZ +17 18 308 MO +17 18 309 RX +17 18 310 RX +17 18 311 AZ +17 18 312 KK +17 18 313 AZ +17 18 314 SK +17 18 315 RX +17 18 316 CL +17 18 317 MO +17 18 318 PU +17 18 319 SK +17 18 320 RX +17 18 321 QU +17 18 322 CL +17 18 323 RX +17 18 324 SK +17 18 325 MO +17 18 326 KN +17 18 327 CL +17 18 328 RX +17 18 329 CK +17 18 330 CL +17 19 1 CL +17 19 2 VE +17 19 3 NA +17 19 4 CA +17 19 5 RX +17 19 6 KN +17 19 7 RX +17 19 8 CO +17 19 9 CA +17 19 10 AZ +17 19 11 AZ +17 19 12 KN +17 19 13 RX +17 19 14 AZ +17 19 15 LL +17 19 16 AZ +17 19 17 NA +17 19 18 KK +17 19 19 CL +17 19 20 RX +17 19 21 RO +17 19 22 KN +17 19 23 MO +17 19 24 KK +17 19 25 RX +17 19 26 AZ +17 19 27 SK +17 19 28 RO +17 19 29 RX +17 19 30 KN +17 19 31 CL +17 19 32 RO +17 19 33 RX +17 19 34 AZ +17 19 35 KN +17 19 36 RX +17 19 37 AZ +17 19 38 MO +17 19 39 RX +17 19 40 CL +17 19 41 QU +17 19 42 KN +17 19 43 AZ +17 19 44 SK +17 19 45 RX +17 19 46 CA +17 19 47 RX +17 19 48 KN +17 19 49 CL +17 19 50 MO +17 19 51 CA +17 19 52 CL +17 19 53 RO +17 19 54 RX +17 19 55 CL +17 19 56 KN +17 19 57 AZ +17 19 58 NA +17 19 59 MO +17 19 60 RX +17 19 61 QU +17 19 62 MO +17 19 63 RO +17 19 64 AZ +17 19 65 MO +17 19 66 SK +17 19 67 RX +17 19 68 MO +17 19 69 KK +17 19 70 MO +17 19 71 CA +17 19 72 RX +17 19 73 MO +17 19 74 CL +17 19 75 RX +17 19 76 KN +17 19 77 CL +17 19 78 RO +17 19 79 KK +17 19 80 AZ +17 19 81 RX +17 19 82 CL +17 19 83 KN +17 19 84 RO +17 19 85 RX +17 19 86 RO +17 19 87 KK +17 19 88 MO +17 19 89 KK +17 19 90 AZ +17 19 91 NA +17 19 92 SK +17 19 93 AZ +17 19 94 KK +17 19 95 CL +17 19 96 KN +17 19 97 MO +17 19 98 CO +17 19 99 MO +17 19 100 CL +17 19 101 RO +17 19 102 MO +17 19 103 KN +17 19 104 CL +17 19 105 MO +17 19 106 KN +17 19 107 SK +17 19 108 CL +17 19 109 MO +17 19 110 KN +17 19 111 RX +17 19 112 RO +17 19 113 KK +17 19 114 AZ +17 19 115 RO +17 19 116 CL +17 19 117 KK +17 19 118 RO +17 19 119 RX +17 19 120 SK +17 19 121 KN +17 19 122 RX +17 19 123 AZ +17 19 124 RX +17 19 125 KN +17 19 126 RO +17 19 127 KK +17 19 128 KN +17 19 129 SK +17 19 130 KN +17 19 131 MO +17 19 132 NA +17 19 133 AZ +17 19 134 MO +17 19 135 RO +17 19 136 CL +17 19 137 RX +17 19 138 CL +17 19 139 SK +17 19 140 AZ +17 19 141 SK +17 19 142 SK +17 19 143 RX +17 19 144 MO +17 19 145 CL +17 19 146 KN +17 19 147 CL +17 19 148 QU +17 19 149 RX +17 19 150 MO +17 19 151 CO +17 19 152 MO +17 19 153 AZ +17 19 154 KK +17 19 155 KK +17 19 156 RX +17 19 157 CA +17 19 158 SK +17 19 159 KN +17 19 160 RO +17 19 161 RX +17 19 162 CO +17 19 163 AZ +17 19 164 AZ +17 19 165 RX +17 19 166 CA +17 19 167 MO +17 19 168 RX +17 19 169 CL +17 19 170 AZ +17 19 171 RX +17 19 172 SK +17 19 173 RO +17 19 174 KN +17 19 175 CL +17 19 176 NA +17 19 177 KN +17 19 178 AZ +17 19 179 MO +17 19 180 RX +17 19 181 CK +17 19 182 MO +17 19 183 CK +17 19 184 MO +17 19 185 NA +17 19 186 CL +17 19 187 NA +17 19 188 AZ +17 19 189 CH +17 19 190 RO +17 19 191 RX +17 19 192 MO +17 19 193 RX +17 19 194 MO +17 19 195 VE +17 19 196 CL +17 19 197 MO +17 19 198 KK +17 19 199 CL +17 19 200 CL +17 19 201 NA +17 19 202 RX +17 19 203 MO +17 19 204 KK +17 19 205 MO +17 19 206 NA +17 19 207 RO +17 19 208 CA +17 19 209 RX +17 19 210 CA +17 19 211 CL +17 19 212 KN +17 19 213 MO +17 19 214 RX +17 19 215 MO +17 19 216 KK +17 19 217 RO +17 19 218 RX +17 19 219 CL +17 19 220 MO +17 19 221 CL +17 19 222 MO +17 19 223 RX +17 19 224 SK +17 19 225 NA +17 19 226 AZ +17 19 227 KN +17 19 228 AZ +17 19 229 CL +17 19 230 SK +17 19 231 MO +17 19 232 CK +17 19 233 MO +17 19 234 RX +17 19 235 AZ +17 19 236 RX +17 19 237 KN +17 19 238 RX +17 19 239 RO +17 19 240 CK +17 19 241 SK +17 19 242 KN +17 19 243 MO +17 19 244 CL +17 19 245 QU +17 19 246 CL +17 19 247 MO +17 19 248 KK +17 19 249 RX +17 19 250 MO +17 19 251 RX +17 19 252 SK +17 19 253 CL +17 19 254 CL +17 19 255 KK +17 19 256 RO +17 19 257 AZ +17 19 258 NA +17 19 259 CK +17 19 260 KN +17 19 261 CK +17 19 262 SK +17 19 263 MO +17 19 264 CL +17 19 265 RX +17 19 266 CK +17 19 267 MO +17 19 268 RX +17 19 269 MO +17 19 270 NA +17 19 271 RX +17 19 272 SK +17 19 273 MO +17 19 274 SK +17 19 275 NA +17 19 276 MO +17 19 277 AZ +17 19 278 NA +17 19 279 MO +17 19 280 RX +17 19 281 RX +17 19 282 RX +17 19 283 CK +17 19 284 SK +17 19 285 RO +17 19 286 SK +17 19 287 CK +17 19 288 RO +17 19 289 CL +17 19 290 SK +17 19 291 AZ +17 19 292 RO +17 19 293 CL +17 19 294 SK +17 19 295 CA +17 19 296 MO +17 19 297 KN +17 19 298 QU +17 19 299 RX +17 19 300 SK +17 19 301 RX +17 19 302 SK +17 19 303 CL +17 19 304 RX +17 19 305 MO +17 19 306 RX +17 19 307 CL +17 19 308 MO +17 19 309 KK +17 19 310 RX +17 19 311 AZ +17 19 312 KK +17 19 313 MO +17 19 314 SK +17 19 315 RX +17 19 316 CL +17 19 317 MO +17 19 318 NA +17 19 319 SK +17 19 320 RX +17 19 321 RO +17 19 322 CL +17 19 323 RX +17 19 324 SK +17 19 325 MO +17 19 326 KN +17 19 327 CL +17 19 328 RX +17 19 329 CK +17 19 330 SK +17 20 1 CL +17 20 2 RX +17 20 3 CK +17 20 4 KK +17 20 5 RX +17 20 6 KN +17 20 7 RX +17 20 8 CO +17 20 9 CK +17 20 10 AZ +17 20 11 RX +17 20 12 KN +17 20 13 CL +17 20 14 CL +17 20 15 * +17 20 16 CR +17 20 17 QU +17 20 18 AZ +17 20 19 CL +17 20 20 RX +17 20 21 QU +17 20 22 KN +17 20 23 MO +17 20 24 CK +17 20 25 CL +17 20 26 AZ +17 20 27 CR +17 20 28 QU +17 20 29 RX +17 20 30 CK +17 20 31 CL +17 20 32 QU +17 20 33 RX +17 20 34 AZ +17 20 35 KN +17 20 36 AZ +17 20 37 CL +17 20 38 CK +17 20 39 RX +17 20 40 CL +17 20 41 CK +17 20 42 CR +17 20 43 AZ +17 20 44 SK +17 20 45 RX +17 20 46 GR +17 20 47 GR +17 20 48 KN +17 20 49 RX +17 20 50 AZ +17 20 51 GR +17 20 52 SK +17 20 53 CK +17 20 54 RX +17 20 55 CL +17 20 56 KN +17 20 57 AZ +17 20 58 GR +17 20 59 CR +17 20 60 AZ +17 20 61 CK +17 20 62 CL +17 20 63 QU +17 20 64 AZ +17 20 65 QU +17 20 66 SK +17 20 67 RX +17 20 68 CO +17 20 69 RX +17 20 70 CL +17 20 71 CK +17 20 72 RX +17 20 73 MO +17 20 74 CL +17 20 75 AZ +17 20 76 KN +17 20 77 RX +17 20 78 MO +17 20 79 RX +17 20 80 AZ +17 20 81 RX +17 20 82 RX +17 20 83 KN +17 20 84 CR +17 20 85 RX +17 20 86 CO +17 20 87 KK +17 20 88 CO +17 20 89 KK +17 20 90 AZ +17 20 91 RX +17 20 92 SK +17 20 93 AZ +17 20 94 KK +17 20 95 RX +17 20 96 KN +17 20 97 MO +17 20 98 CK +17 20 99 SK +17 20 100 RX +17 20 101 MO +17 20 102 GR +17 20 103 AP +17 20 104 RX +17 20 105 MO +17 20 106 KN +17 20 107 SK +17 20 108 RX +17 20 109 CL +17 20 110 KN +17 20 111 KN +17 20 112 QU +17 20 113 KK +17 20 114 RX +17 20 115 QU +17 20 116 CL +17 20 117 MO +17 20 118 RO +17 20 119 RX +17 20 120 SK +17 20 121 RO +17 20 122 RX +17 20 123 AZ +17 20 124 RX +17 20 125 RO +17 20 126 RO +17 20 127 AZ +17 20 128 RX +17 20 129 SK +17 20 130 KK +17 20 131 MO +17 20 132 RO +17 20 133 AZ +17 20 134 MO +17 20 135 MO +17 20 136 CL +17 20 137 RX +17 20 138 CL +17 20 139 CR +17 20 140 AZ +17 20 141 CR +17 20 142 GR +17 20 143 RX +17 20 144 KK +17 20 145 RX +17 20 146 KK +17 20 147 RX +17 20 148 QU +17 20 149 RX +17 20 150 MO +17 20 151 QU +17 20 152 RO +17 20 153 CL +17 20 154 GR +17 20 155 GR +17 20 156 RX +17 20 157 MO +17 20 158 SK +17 20 159 KN +17 20 160 KN +17 20 161 RX +17 20 162 CK +17 20 163 AZ +17 20 164 CL +17 20 165 GR +17 20 166 KN +17 20 167 GR +17 20 168 GR +17 20 169 RX +17 20 170 KN +17 20 171 GR +17 20 172 SK +17 20 173 PI +17 20 174 KN +17 20 175 CL +17 20 176 PI +17 20 177 KN +17 20 178 AZ +17 20 179 MO +17 20 180 RX +17 20 181 CK +17 20 182 MO +17 20 183 GR +17 20 184 MO +17 20 185 MO +17 20 186 RX +17 20 187 KN +17 20 188 RX +17 20 189 CL +17 20 190 RO +17 20 191 AZ +17 20 192 MO +17 20 193 RX +17 20 194 MO +17 20 195 RX +17 20 196 CL +17 20 197 MO +17 20 198 KK +17 20 199 RX +17 20 200 CL +17 20 201 RO +17 20 202 RX +17 20 203 MO +17 20 204 KK +17 20 205 MO +17 20 206 RX +17 20 207 QU +17 20 208 GR +17 20 209 AZ +17 20 210 MO +17 20 211 CL +17 20 212 KN +17 20 213 GR +17 20 214 RX +17 20 215 RO +17 20 216 GR +17 20 217 RO +17 20 218 RX +17 20 219 CL +17 20 220 GR +17 20 221 RX +17 20 222 MO +17 20 223 AZ +17 20 224 SK +17 20 225 GR +17 20 226 AZ +17 20 227 KK +17 20 228 KK +17 20 229 RX +17 20 230 SK +17 20 231 MO +17 20 232 KK +17 20 233 GR +17 20 234 RX +17 20 235 AZ +17 20 236 RX +17 20 237 KN +17 20 238 RX +17 20 239 QU +17 20 240 MO +17 20 241 SK +17 20 242 KN +17 20 243 MO +17 20 244 CL +17 20 245 QU +17 20 246 CL +17 20 247 MO +17 20 248 KK +17 20 249 AZ +17 20 250 MO +17 20 251 RX +17 20 252 SK +17 20 253 RX +17 20 254 GR +17 20 255 KK +17 20 256 QU +17 20 257 AZ +17 20 258 RX +17 20 259 PI +17 20 260 RX +17 20 261 KN +17 20 262 CR +17 20 263 GR +17 20 264 CL +17 20 265 GR +17 20 266 MO +17 20 267 MO +17 20 268 RX +17 20 269 MO +17 20 270 KN +17 20 271 KK +17 20 272 GR +17 20 273 MO +17 20 274 CR +17 20 275 * +17 20 276 MO +17 20 277 AZ +17 20 278 KN +17 20 279 MO +17 20 280 RX +17 20 281 RX +17 20 282 RX +17 20 283 MO +17 20 284 CR +17 20 285 RO +17 20 286 SK +17 20 287 * +17 20 288 RO +17 20 289 CL +17 20 290 SK +17 20 291 AZ +17 20 292 RO +17 20 293 CL +17 20 294 CR +17 20 295 MO +17 20 296 MO +17 20 297 KN +17 20 298 QU +17 20 299 RX +17 20 300 GR +17 20 301 AZ +17 20 302 CR +17 20 303 GR +17 20 304 RX +17 20 305 MO +17 20 306 RX +17 20 307 AZ +17 20 308 MO +17 20 309 KK +17 20 310 RX +17 20 311 AZ +17 20 312 MO +17 20 313 MO +17 20 314 SK +17 20 315 RX +17 20 316 CL +17 20 317 MO +17 20 318 KN +17 20 319 SK +17 20 320 * +17 20 321 QU +17 20 322 CL +17 20 323 RX +17 20 324 SK +17 20 325 MO +17 20 326 KN +17 20 327 CL +17 20 328 RX +17 20 329 * +17 20 330 CL +17 21 1 CL +17 21 2 RX +17 21 3 PU +17 21 4 MO +17 21 5 RX +17 21 6 CK +17 21 7 RX +17 21 8 CO +17 21 9 CK +17 21 10 AZ +17 21 11 RX +17 21 12 KN +17 21 13 RX +17 21 14 CL +17 21 15 RO +17 21 16 CH +17 21 17 PU +17 21 18 KK +17 21 19 CL +17 21 20 RX +17 21 21 RO +17 21 22 KN +17 21 23 MO +17 21 24 KK +17 21 25 RX +17 21 26 AZ +17 21 27 SK +17 21 28 RO +17 21 29 RX +17 21 30 CK +17 21 31 CL +17 21 32 MO +17 21 33 RX +17 21 34 CL +17 21 35 RO +17 21 36 RX +17 21 37 CL +17 21 38 QU +17 21 39 RX +17 21 40 CL +17 21 41 PU +17 21 42 KN +17 21 43 AZ +17 21 44 SK +17 21 45 RX +17 21 46 CH +17 21 47 RX +17 21 48 KN +17 21 49 CL +17 21 50 MO +17 21 51 CK +17 21 52 SK +17 21 53 CO +17 21 54 RX +17 21 55 CL +17 21 56 PU +17 21 57 CL +17 21 58 CK +17 21 59 SK +17 21 60 KK +17 21 61 CO +17 21 62 MO +17 21 63 PU +17 21 64 AZ +17 21 65 RO +17 21 66 SK +17 21 67 RX +17 21 68 PU +17 21 69 CK +17 21 70 SK +17 21 71 CO +17 21 72 RX +17 21 73 MO +17 21 74 CL +17 21 75 KK +17 21 76 PU +17 21 77 RX +17 21 78 SK +17 21 79 CK +17 21 80 CL +17 21 81 RX +17 21 82 RX +17 21 83 KN +17 21 84 PU +17 21 85 RX +17 21 86 PU +17 21 87 KK +17 21 88 CO +17 21 89 KK +17 21 90 RX +17 21 91 KN +17 21 92 SK +17 21 93 CL +17 21 94 CK +17 21 95 SK +17 21 96 KN +17 21 97 MO +17 21 98 PU +17 21 99 CK +17 21 100 RX +17 21 101 CO +17 21 102 CL +17 21 103 CK +17 21 104 CL +17 21 105 CO +17 21 106 KN +17 21 107 SK +17 21 108 RX +17 21 109 AZ +17 21 110 KN +17 21 111 RX +17 21 112 RO +17 21 113 KK +17 21 114 RX +17 21 115 QU +17 21 116 SK +17 21 117 CK +17 21 118 PU +17 21 119 RX +17 21 120 SK +17 21 121 PU +17 21 122 RX +17 21 123 CL +17 21 124 KN +17 21 125 PU +17 21 126 RO +17 21 127 KK +17 21 128 KN +17 21 129 SK +17 21 130 KK +17 21 131 MO +17 21 132 PU +17 21 133 RX +17 21 134 CK +17 21 135 RO +17 21 136 CL +17 21 137 RX +17 21 138 CL +17 21 139 CH +17 21 140 AZ +17 21 141 SK +17 21 142 SK +17 21 143 RX +17 21 144 MO +17 21 145 RX +17 21 146 KN +17 21 147 RX +17 21 148 QU +17 21 149 RX +17 21 150 MO +17 21 151 PU +17 21 152 CK +17 21 153 CL +17 21 154 CK +17 21 155 CK +17 21 156 RX +17 21 157 CK +17 21 158 SK +17 21 159 KN +17 21 160 SK +17 21 161 RX +17 21 162 QU +17 21 163 CL +17 21 164 CL +17 21 165 RX +17 21 166 AZ +17 21 167 SK +17 21 168 RX +17 21 169 RX +17 21 170 KK +17 21 171 RX +17 21 172 SK +17 21 173 PU +17 21 174 KN +17 21 175 CL +17 21 176 PU +17 21 177 KN +17 21 178 AZ +17 21 179 CO +17 21 180 RX +17 21 181 KN +17 21 182 QU +17 21 183 CK +17 21 184 MO +17 21 185 CK +17 21 186 CL +17 21 187 KN +17 21 188 CL +17 21 189 CH +17 21 190 PU +17 21 191 RX +17 21 192 MO +17 21 193 KN +17 21 194 CO +17 21 195 RX +17 21 196 SK +17 21 197 MO +17 21 198 KK +17 21 199 KN +17 21 200 RX +17 21 201 KN +17 21 202 RX +17 21 203 PU +17 21 204 CK +17 21 205 MO +17 21 206 SK +17 21 207 RO +17 21 208 CK +17 21 209 RX +17 21 210 MO +17 21 211 CL +17 21 212 KN +17 21 213 CH +17 21 214 KN +17 21 215 CH +17 21 216 KK +17 21 217 SK +17 21 218 RX +17 21 219 CL +17 21 220 AZ +17 21 221 KN +17 21 222 MO +17 21 223 RX +17 21 224 SK +17 21 225 CK +17 21 226 CL +17 21 227 CK +17 21 228 KK +17 21 229 RX +17 21 230 SK +17 21 231 MO +17 21 232 CK +17 21 233 CK +17 21 234 RX +17 21 235 AZ +17 21 236 RX +17 21 237 KN +17 21 238 RX +17 21 239 PU +17 21 240 QU +17 21 241 SK +17 21 242 KN +17 21 243 CO +17 21 244 KN +17 21 245 QU +17 21 246 RX +17 21 247 MO +17 21 248 KK +17 21 249 RX +17 21 250 MO +17 21 251 RX +17 21 252 SK +17 21 253 RX +17 21 254 CL +17 21 255 CK +17 21 256 PU +17 21 257 CL +17 21 258 KN +17 21 259 QU +17 21 260 KN +17 21 261 CK +17 21 262 SK +17 21 263 CL +17 21 264 RX +17 21 265 RX +17 21 266 CK +17 21 267 CO +17 21 268 RX +17 21 269 PU +17 21 270 KN +17 21 271 KK +17 21 272 SK +17 21 273 MO +17 21 274 SK +17 21 275 RX +17 21 276 QU +17 21 277 RX +17 21 278 KN +17 21 279 MO +17 21 280 RX +17 21 281 RX +17 21 282 RX +17 21 283 CK +17 21 284 SK +17 21 285 PU +17 21 286 SK +17 21 287 CK +17 21 288 PU +17 21 289 RX +17 21 290 SK +17 21 291 AZ +17 21 292 PU +17 21 293 SK +17 21 294 SK +17 21 295 CK +17 21 296 CK +17 21 297 KN +17 21 298 PU +17 21 299 RX +17 21 300 SK +17 21 301 RX +17 21 302 CH +17 21 303 SK +17 21 304 RX +17 21 305 MO +17 21 306 KN +17 21 307 CL +17 21 308 CK +17 21 309 KK +17 21 310 RX +17 21 311 CL +17 21 312 CK +17 21 313 KK +17 21 314 SK +17 21 315 RX +17 21 316 RX +17 21 317 CO +17 21 318 PU +17 21 319 SK +17 21 320 RX +17 21 321 QU +17 21 322 CL +17 21 323 RX +17 21 324 SK +17 21 325 MO +17 21 326 KN +17 21 327 CL +17 21 328 RX +17 21 329 CK +17 21 330 CL +17 22 1 AZ +17 22 2 CL +17 22 3 * +17 22 4 * +17 22 5 MO +17 22 6 CL +17 22 7 SK +17 22 8 RX +17 22 9 CO +17 22 10 CK +17 22 11 VE +17 22 12 KN +17 22 13 VE +17 22 14 AZ +17 22 15 SK +17 22 16 CL +17 22 17 NA +17 22 18 KK +17 22 19 CL +17 22 20 VE +17 22 21 NA +17 22 22 * +17 22 23 CO +17 22 24 KK +17 22 25 RX +17 22 26 AZ +17 22 27 SK +17 22 28 NA +17 22 29 CL +17 22 30 * +17 22 31 CL +17 22 32 CO +17 22 33 VE +17 22 34 AZ +17 22 35 CK +17 22 36 VE +17 22 37 CL +17 22 38 CO +17 22 39 VE +17 22 40 CL +17 22 41 CO +17 22 42 KN +17 22 43 AZ +17 22 44 SK +17 22 45 VE +17 22 46 KK +17 22 47 RX +17 22 48 KN +17 22 49 CL +17 22 50 MO +17 22 51 CA +17 22 52 SK +17 22 53 CO +17 22 54 RX +17 22 55 CL +17 22 56 KN +17 22 57 AZ +17 22 58 KN +17 22 59 BE +17 22 60 AZ +17 22 61 CO +17 22 62 RX +17 22 63 NA +17 22 64 AZ +17 22 65 CO +17 22 66 SK +17 22 67 VE +17 22 68 MO +17 22 69 VE +17 22 70 SK +17 22 71 CO +17 22 72 VE +17 22 73 MO +17 22 74 CL +17 22 75 VE +17 22 76 * +17 22 77 CL +17 22 78 * +17 22 79 KK +17 22 80 AZ +17 22 81 VE +17 22 82 CL +17 22 83 VE +17 22 84 * +17 22 85 VE +17 22 86 * +17 22 87 KK +17 22 88 MO +17 22 89 KK +17 22 90 RX +17 22 91 RX +17 22 92 SK +17 22 93 AZ +17 22 94 KK +17 22 95 CL +17 22 96 KN +17 22 97 MO +17 22 98 KK +17 22 99 SK +17 22 100 CL +17 22 101 MO +17 22 102 SK +17 22 103 VE +17 22 104 CL +17 22 105 MO +17 22 106 * +17 22 107 SK +17 22 108 CL +17 22 109 AZ +17 22 110 KN +17 22 111 VE +17 22 112 KK +17 22 113 KK +17 22 114 AZ +17 22 115 CO +17 22 116 CL +17 22 117 KK +17 22 118 RO +17 22 119 RX +17 22 120 SK +17 22 121 NA +17 22 122 RX +17 22 123 AZ +17 22 124 VE +17 22 125 CO +17 22 126 RO +17 22 127 AZ +17 22 128 KN +17 22 129 SK +17 22 130 RX +17 22 131 MO +17 22 132 CO +17 22 133 RX +17 22 134 * +17 22 135 MO +17 22 136 CL +17 22 137 VE +17 22 138 CL +17 22 139 CL +17 22 140 AZ +17 22 141 SK +17 22 142 SK +17 22 143 VE +17 22 144 AZ +17 22 145 CL +17 22 146 KN +17 22 147 VE +17 22 148 CO +17 22 149 VE +17 22 150 CO +17 22 151 RO +17 22 152 LL +17 22 153 AZ +17 22 154 KK +17 22 155 KK +17 22 156 VE +17 22 157 * +17 22 158 SK +17 22 159 * +17 22 160 RO +17 22 161 VE +17 22 162 CO +17 22 163 VE +17 22 164 AZ +17 22 165 VE +17 22 166 AZ +17 22 167 RO +17 22 168 VE +17 22 169 CL +17 22 170 KK +17 22 171 VE +17 22 172 SK +17 22 173 NA +17 22 174 KN +17 22 175 CL +17 22 176 CO +17 22 177 KN +17 22 178 AZ +17 22 179 CO +17 22 180 VE +17 22 181 KN +17 22 182 CO +17 22 183 VE +17 22 184 MO +17 22 185 CK +17 22 186 CL +17 22 187 KN +17 22 188 AZ +17 22 189 CL +17 22 190 NA +17 22 191 VE +17 22 192 MO +17 22 193 VE +17 22 194 CO +17 22 195 VE +17 22 196 CL +17 22 197 NA +17 22 198 KK +17 22 199 CL +17 22 200 CL +17 22 201 NA +17 22 202 VE +17 22 203 RO +17 22 204 KK +17 22 205 MO +17 22 206 CL +17 22 207 RO +17 22 208 CK +17 22 209 AZ +17 22 210 CK +17 22 211 CL +17 22 212 KN +17 22 213 RO +17 22 214 VE +17 22 215 RO +17 22 216 VE +17 22 217 RO +17 22 218 VE +17 22 219 CL +17 22 220 MO +17 22 221 CL +17 22 222 MO +17 22 223 VE +17 22 224 SK +17 22 225 VE +17 22 226 AZ +17 22 227 KK +17 22 228 AZ +17 22 229 CL +17 22 230 SK +17 22 231 MO +17 22 232 VE +17 22 233 RO +17 22 234 VE +17 22 235 AZ +17 22 236 VE +17 22 237 NA +17 22 238 VE +17 22 239 NA +17 22 240 CA +17 22 241 SK +17 22 242 KN +17 22 243 MO +17 22 244 CL +17 22 245 CO +17 22 246 VE +17 22 247 MO +17 22 248 VE +17 22 249 VE +17 22 250 MO +17 22 251 VE +17 22 252 RO +17 22 253 CL +17 22 254 CL +17 22 255 KK +17 22 256 RO +17 22 257 AZ +17 22 258 KN +17 22 259 CO +17 22 260 CR +17 22 261 CK +17 22 262 SK +17 22 263 GR +17 22 264 CL +17 22 265 VE +17 22 266 CO +17 22 267 MO +17 22 268 VE +17 22 269 MO +17 22 270 KN +17 22 271 VE +17 22 272 SK +17 22 273 LL +17 22 274 SK +17 22 275 KN +17 22 276 CO +17 22 277 AZ +17 22 278 RO +17 22 279 AZ +17 22 280 VE +17 22 281 VE +17 22 282 VE +17 22 283 CK +17 22 284 SK +17 22 285 RO +17 22 286 SK +17 22 287 CK +17 22 288 CO +17 22 289 CL +17 22 290 CR +17 22 291 AZ +17 22 292 RO +17 22 293 CL +17 22 294 CL +17 22 295 CK +17 22 296 MO +17 22 297 KN +17 22 298 RO +17 22 299 VE +17 22 300 GR +17 22 301 VE +17 22 302 CR +17 22 303 GR +17 22 304 VE +17 22 305 MO +17 22 306 VE +17 22 307 VE +17 22 308 RO +17 22 309 KK +17 22 310 VE +17 22 311 AZ +17 22 312 KK +17 22 313 AZ +17 22 314 CR +17 22 315 VE +17 22 316 VE +17 22 317 MO +17 22 318 RO +17 22 319 SK +17 22 320 VE +17 22 321 RO +17 22 322 CL +17 22 323 VE +17 22 324 CR +17 22 325 MO +17 22 326 KN +17 22 327 CL +17 22 328 VE +17 22 329 CK +17 22 330 CL +17 23 1 AZ +17 23 2 TZ +17 23 3 QU +17 23 4 MO +17 23 5 RX +17 23 6 KN +17 23 7 RX +17 23 8 CO +17 23 9 CK +17 23 10 MO +17 23 11 KN +17 23 12 * +17 23 13 * +17 23 14 AZ +17 23 15 CR +17 23 16 SK +17 23 17 RO +17 23 18 KK +17 23 19 RU +17 23 20 RX +17 23 21 RO +17 23 22 KN +17 23 23 MO +17 23 24 KK +17 23 25 RU +17 23 26 AZ +17 23 27 CR +17 23 28 RO +17 23 29 RX +17 23 30 PU +17 23 31 CL +17 23 32 LL +17 23 33 RX +17 23 34 AZ +17 23 35 PU +17 23 36 RX +17 23 37 CL +17 23 38 LL +17 23 39 RX +17 23 40 CL +17 23 41 CO +17 23 42 MS +17 23 43 AZ +17 23 44 CR +17 23 45 RX +17 23 46 CH +17 23 47 RX +17 23 48 KN +17 23 49 AP +17 23 50 MO +17 23 51 CK +17 23 52 CH +17 23 53 LL +17 23 54 RX +17 23 55 CL +17 23 56 CR +17 23 57 AZ +17 23 58 MS +17 23 59 CR +17 23 60 AZ +17 23 61 CO +17 23 62 LL +17 23 63 CR +17 23 64 RU +17 23 65 RO +17 23 66 CR +17 23 67 RX +17 23 68 LL +17 23 69 MS +17 23 70 CR +17 23 71 MO +17 23 72 RX +17 23 73 MO +17 23 74 CR +17 23 75 KK +17 23 76 PU +17 23 77 CL +17 23 78 CR +17 23 79 CH +17 23 80 AZ +17 23 81 RX +17 23 82 CL +17 23 83 CR +17 23 84 CR +17 23 85 RX +17 23 86 LL +17 23 87 KK +17 23 88 MO +17 23 89 KK +17 23 90 RX +17 23 91 * +17 23 92 CR +17 23 93 AZ +17 23 94 CH +17 23 95 CR +17 23 96 KN +17 23 97 MO +17 23 98 CO +17 23 99 LL +17 23 100 CL +17 23 101 MO +17 23 102 CH +17 23 103 MO +17 23 104 CL +17 23 105 MO +17 23 106 KN +17 23 107 CR +17 23 108 CL +17 23 109 MO +17 23 110 KN +17 23 111 CH +17 23 112 PI +17 23 113 KK +17 23 114 RX +17 23 115 CO +17 23 116 AP +17 23 117 QU +17 23 118 LL +17 23 119 RX +17 23 120 SK +17 23 121 QU +17 23 122 RX +17 23 123 AZ +17 23 124 * +17 23 125 PU +17 23 126 LL +17 23 127 RX +17 23 128 KN +17 23 129 CR +17 23 130 KK +17 23 131 MO +17 23 132 QU +17 23 133 RX +17 23 134 QU +17 23 135 LL +17 23 136 AZ +17 23 137 RX +17 23 138 CL +17 23 139 CH +17 23 140 AZ +17 23 141 SK +17 23 142 CR +17 23 143 * +17 23 144 MO +17 23 145 CL +17 23 146 KN +17 23 147 RX +17 23 148 CO +17 23 149 RX +17 23 150 MO +17 23 151 RO +17 23 152 LL +17 23 153 AZ +17 23 154 CH +17 23 155 CK +17 23 156 RX +17 23 157 CK +17 23 158 SK +17 23 159 KN +17 23 160 LL +17 23 161 RX +17 23 162 RO +17 23 163 CL +17 23 164 AZ +17 23 165 KN +17 23 166 AZ +17 23 167 LL +17 23 168 RX +17 23 169 AZ +17 23 170 KK +17 23 171 * +17 23 172 SK +17 23 173 RO +17 23 174 KN +17 23 175 AP +17 23 176 RO +17 23 177 KN +17 23 178 AZ +17 23 179 CO +17 23 180 RX +17 23 181 KN +17 23 182 PI +17 23 183 MS +17 23 184 LL +17 23 185 KN +17 23 186 CL +17 23 187 KN +17 23 188 AZ +17 23 189 CR +17 23 190 LL +17 23 191 RX +17 23 192 LL +17 23 193 KN +17 23 194 CO +17 23 195 RX +17 23 196 AP +17 23 197 LL +17 23 198 KK +17 23 199 CR +17 23 200 CL +17 23 201 CR +17 23 202 RX +17 23 203 LL +17 23 204 KK +17 23 205 MO +17 23 206 CR +17 23 207 RO +17 23 208 MS +17 23 209 RX +17 23 210 QU +17 23 211 CL +17 23 212 KN +17 23 213 CR +17 23 214 KN +17 23 215 LL +17 23 216 KK +17 23 217 CR +17 23 218 KN +17 23 219 CR +17 23 220 MO +17 23 221 CR +17 23 222 LL +17 23 223 RX +17 23 224 CR +17 23 225 KN +17 23 226 AZ +17 23 227 KK +17 23 228 MO +17 23 229 CL +17 23 230 CR +17 23 231 LL +17 23 232 MO +17 23 233 MO +17 23 234 RX +17 23 235 AZ +17 23 236 KN +17 23 237 CR +17 23 238 RX +17 23 239 RO +17 23 240 QU +17 23 241 CR +17 23 242 KN +17 23 243 LL +17 23 244 CR +17 23 245 QU +17 23 246 RX +17 23 247 LL +17 23 248 KK +17 23 249 RX +17 23 250 MO +17 23 251 * +17 23 252 CR +17 23 253 CL +17 23 254 CL +17 23 255 KK +17 23 256 RO +17 23 257 AZ +17 23 258 KN +17 23 259 CO +17 23 260 CR +17 23 261 PU +17 23 262 CR +17 23 263 CH +17 23 264 CL +17 23 265 RX +17 23 266 PI +17 23 267 MO +17 23 268 RX +17 23 269 LL +17 23 270 KN +17 23 271 KK +17 23 272 SK +17 23 273 LL +17 23 274 SK +17 23 275 KN +17 23 276 LL +17 23 277 AZ +17 23 278 CR +17 23 279 MO +17 23 280 RX +17 23 281 RX +17 23 282 RX +17 23 283 QU +17 23 284 SK +17 23 285 CR +17 23 286 CR +17 23 287 MS +17 23 288 RO +17 23 289 CL +17 23 290 CR +17 23 291 AZ +17 23 292 CR +17 23 293 AP +17 23 294 CL +17 23 295 KN +17 23 296 MO +17 23 297 KN +17 23 298 PI +17 23 299 RX +17 23 300 CR +17 23 301 RX +17 23 302 CR +17 23 303 CR +17 23 304 KN +17 23 305 MO +17 23 306 * +17 23 307 AZ +17 23 308 LL +17 23 309 KK +17 23 310 RX +17 23 311 AZ +17 23 312 KK +17 23 313 MO +17 23 314 CR +17 23 315 RX +17 23 316 RX +17 23 317 LL +17 23 318 KN +17 23 319 CR +17 23 320 MS +17 23 321 RO +17 23 322 CL +17 23 323 RX +17 23 324 CR +17 23 325 MO +17 23 326 KN +17 23 327 CL +17 23 328 RX +17 23 329 CK +17 23 330 CR +17 24 1 RU +17 24 2 CL +17 24 3 PU +17 24 4 MO +17 24 5 CL +17 24 6 CK +17 24 7 RX +17 24 8 PI +17 24 9 CK +17 24 10 AZ +17 24 11 RX +17 24 12 KN +17 24 13 RX +17 24 14 AZ +17 24 15 LL +17 24 16 CH +17 24 17 PU +17 24 18 KK +17 24 19 CL +17 24 20 QU +17 24 21 RO +17 24 22 KN +17 24 23 MO +17 24 24 CK +17 24 25 CL +17 24 26 AZ +17 24 27 CR +17 24 28 RO +17 24 29 RX +17 24 30 CK +17 24 31 CL +17 24 32 LL +17 24 33 RX +17 24 34 CL +17 24 35 PU +17 24 36 RX +17 24 37 AZ +17 24 38 PI +17 24 39 RX +17 24 40 AP +17 24 41 QU +17 24 42 NA +17 24 43 AZ +17 24 44 CH +17 24 45 RX +17 24 46 CH +17 24 47 RX +17 24 48 NA +17 24 49 CK +17 24 50 MO +17 24 51 CK +17 24 52 RX +17 24 53 PI +17 24 54 RX +17 24 55 CL +17 24 56 CR +17 24 57 CL +17 24 58 CK +17 24 59 AP +17 24 60 AZ +17 24 61 QU +17 24 62 MO +17 24 63 RO +17 24 64 AZ +17 24 65 RO +17 24 66 CH +17 24 67 CL +17 24 68 LL +17 24 69 CK +17 24 70 AP +17 24 71 LL +17 24 72 RX +17 24 73 MO +17 24 74 CR +17 24 75 RX +17 24 76 NA +17 24 77 CL +17 24 78 MO +17 24 79 CH +17 24 80 AZ +17 24 81 MS +17 24 82 CL +17 24 83 RO +17 24 84 RX +17 24 85 RO +17 24 86 RO +17 24 87 CK +17 24 88 LL +17 24 89 KK +17 24 90 RX +17 24 91 RX +17 24 92 CR +17 24 93 CL +17 24 94 CK +17 24 95 AP +17 24 96 KN +17 24 97 MO +17 24 98 PI +17 24 99 MO +17 24 100 CL +17 24 101 PI +17 24 102 CH +17 24 103 CK +17 24 104 CL +17 24 105 LL +17 24 106 KN +17 24 107 AP +17 24 108 CL +17 24 109 AZ +17 24 110 KN +17 24 111 CK +17 24 112 RO +17 24 113 KK +17 24 114 RX +17 24 115 QU +17 24 116 CL +17 24 117 CK +17 24 118 RO +17 24 119 RX +17 24 120 SK +17 24 121 PU +17 24 122 RX +17 24 123 CL +17 24 124 RX +17 24 125 PU +17 24 126 MO +17 24 127 RX +17 24 128 KN +17 24 129 CH +17 24 130 RX +17 24 131 MO +17 24 132 QU +17 24 133 RX +17 24 134 CK +17 24 135 LL +17 24 136 CL +17 24 137 RX +17 24 138 CL +17 24 139 CR +17 24 140 CL +17 24 141 CH +17 24 142 CH +17 24 143 RX +17 24 144 MO +17 24 145 RX +17 24 146 RX +17 24 147 KN +17 24 148 CL +17 24 149 QU +17 24 150 KN +17 24 151 LL +17 24 152 RO +17 24 153 LL +17 24 154 CL +17 24 155 CH +17 24 156 CK +17 24 157 RX +17 24 158 CK +17 24 159 SK +17 24 160 KN +17 24 161 LL +17 24 162 PI +17 24 163 RX +17 24 164 CL +17 24 165 RX +17 24 166 AZ +17 24 167 LL +17 24 168 RX +17 24 169 CL +17 24 170 AZ +17 24 171 RX +17 24 172 SK +17 24 173 RO +17 24 174 NA +17 24 175 CL +17 24 176 RO +17 24 177 KN +17 24 178 AZ +17 24 179 QU +17 24 180 RX +17 24 181 KN +17 24 182 PI +17 24 183 CK +17 24 184 MO +17 24 185 CK +17 24 186 CL +17 24 187 NA +17 24 188 CL +17 24 189 CL +17 24 190 RO +17 24 191 RX +17 24 192 MO +17 24 193 RX +17 24 194 QU +17 24 195 RX +17 24 196 CL +17 24 197 LL +17 24 198 KK +17 24 199 CR +17 24 200 CL +17 24 201 RO +17 24 202 RX +17 24 203 LL +17 24 204 CK +17 24 205 MO +17 24 206 CR +17 24 207 PI +17 24 208 CK +17 24 209 RX +17 24 210 CK +17 24 211 CL +17 24 212 NA +17 24 213 LL +17 24 214 KN +17 24 215 LL +17 24 216 RX +17 24 217 LL +17 24 218 RX +17 24 219 CR +17 24 220 MO +17 24 221 CR +17 24 222 LL +17 24 223 RX +17 24 224 CR +17 24 225 RX +17 24 226 AZ +17 24 227 RX +17 24 228 AZ +17 24 229 RX +17 24 230 CR +17 24 231 MO +17 24 232 RX +17 24 233 LL +17 24 234 RX +17 24 235 AZ +17 24 236 KN +17 24 237 CR +17 24 238 RX +17 24 239 PI +17 24 240 CK +17 24 241 CR +17 24 242 RX +17 24 243 PI +17 24 244 CR +17 24 245 QU +17 24 246 CL +17 24 247 LL +17 24 248 RX +17 24 249 RX +17 24 250 MO +17 24 251 RX +17 24 252 CR +17 24 253 RX +17 24 254 MO +17 24 255 CK +17 24 256 RO +17 24 257 AZ +17 24 258 MS +17 24 259 QU +17 24 260 CR +17 24 261 NA +17 24 262 CR +17 24 263 CH +17 24 264 CL +17 24 265 RX +17 24 266 CK +17 24 267 PI +17 24 268 RX +17 24 269 PI +17 24 270 NA +17 24 271 RX +17 24 272 CR +17 24 273 MO +17 24 274 CR +17 24 275 MS +17 24 276 PI +17 24 277 AZ +17 24 278 CR +17 24 279 MO +17 24 280 MS +17 24 281 RX +17 24 282 RX +17 24 283 CK +17 24 284 CR +17 24 285 LL +17 24 286 CH +17 24 287 CK +17 24 288 QU +17 24 289 CL +17 24 290 CR +17 24 291 AZ +17 24 292 LL +17 24 293 CR +17 24 294 CH +17 24 295 CK +17 24 296 MO +17 24 297 NA +17 24 298 RO +17 24 299 RX +17 24 300 CH +17 24 301 RX +17 24 302 CR +17 24 303 CR +17 24 304 MS +17 24 305 PI +17 24 306 RX +17 24 307 AZ +17 24 308 LL +17 24 309 CK +17 24 310 RX +17 24 311 AZ +17 24 312 KK +17 24 313 MO +17 24 314 CH +17 24 315 RX +17 24 316 RX +17 24 317 PI +17 24 318 RX +17 24 319 CR +17 24 320 KN +17 24 321 RO +17 24 322 MO +17 24 323 RX +17 24 324 CR +17 24 325 LL +17 24 326 KN +17 24 327 CR +17 24 328 RX +17 24 329 CK +17 24 330 CR +17 25 1 VE +17 25 2 VE +17 25 3 QU +17 25 4 CA +17 25 5 RX +17 25 6 KN +17 25 7 RX +17 25 8 KK +17 25 9 CK +17 25 10 AZ +17 25 11 RX +17 25 12 KN +17 25 13 RX +17 25 14 RX +17 25 15 RO +17 25 16 SK +17 25 17 NA +17 25 18 KK +17 25 19 RX +17 25 20 RX +17 25 21 RO +17 25 22 KN +17 25 23 LL +17 25 24 GR +17 25 25 VE +17 25 26 VE +17 25 27 KN +17 25 28 RO +17 25 29 VE +17 25 30 CK +17 25 31 CL +17 25 32 RO +17 25 33 VE +17 25 34 AZ +17 25 35 KN +17 25 36 AZ +17 25 37 CL +17 25 38 QU +17 25 39 VE +17 25 40 VE +17 25 41 KK +17 25 42 KN +17 25 43 RX +17 25 44 CR +17 25 45 RX +17 25 46 GR +17 25 47 KK +17 25 48 KN +17 25 49 RX +17 25 50 MO +17 25 51 CK +17 25 52 KN +17 25 53 QU +17 25 54 VE +17 25 55 CL +17 25 56 RO +17 25 57 RX +17 25 58 CK +17 25 59 SK +17 25 60 RX +17 25 61 QU +17 25 62 MO +17 25 63 KN +17 25 64 RX +17 25 65 KK +17 25 66 KN +17 25 67 CL +17 25 68 RO +17 25 69 CK +17 25 70 SK +17 25 71 QU +17 25 72 RX +17 25 73 RO +17 25 74 CL +17 25 75 VE +17 25 76 NA +17 25 77 VE +17 25 78 RO +17 25 79 KK +17 25 80 RX +17 25 81 RX +17 25 82 RX +17 25 83 KN +17 25 84 RO +17 25 85 RX +17 25 86 RO +17 25 87 KK +17 25 88 CO +17 25 89 KK +17 25 90 KK +17 25 91 KN +17 25 92 KN +17 25 93 RX +17 25 94 KK +17 25 95 KN +17 25 96 KN +17 25 97 MO +17 25 98 KK +17 25 99 CR +17 25 100 CL +17 25 101 CO +17 25 102 AZ +17 25 103 CK +17 25 104 CL +17 25 105 MO +17 25 106 KN +17 25 107 KN +17 25 108 CL +17 25 109 AZ +17 25 110 KN +17 25 111 KK +17 25 112 QU +17 25 113 KK +17 25 114 VE +17 25 115 KK +17 25 116 AZ +17 25 117 CK +17 25 118 RO +17 25 119 RX +17 25 120 SK +17 25 121 RO +17 25 122 RX +17 25 123 RX +17 25 124 KN +17 25 125 KN +17 25 126 NA +17 25 127 KK +17 25 128 KN +17 25 129 SK +17 25 130 KK +17 25 131 CO +17 25 132 KK +17 25 133 RX +17 25 134 CK +17 25 135 CO +17 25 136 VE +17 25 137 VE +17 25 138 CL +17 25 139 GR +17 25 140 RX +17 25 141 SK +17 25 142 GR +17 25 143 RX +17 25 144 MO +17 25 145 VE +17 25 146 KN +17 25 147 VE +17 25 148 KK +17 25 149 KN +17 25 150 MO +17 25 151 RO +17 25 152 RO +17 25 153 RX +17 25 154 KK +17 25 155 CA +17 25 156 RX +17 25 157 CA +17 25 158 SK +17 25 159 KN +17 25 160 RO +17 25 161 RX +17 25 162 KK +17 25 163 RX +17 25 164 RX +17 25 165 CK +17 25 166 AZ +17 25 167 CR +17 25 168 RX +17 25 169 RX +17 25 170 AZ +17 25 171 RX +17 25 172 SK +17 25 173 RO +17 25 174 KN +17 25 175 CL +17 25 176 RO +17 25 177 KN +17 25 178 VE +17 25 179 CO +17 25 180 RX +17 25 181 CK +17 25 182 CO +17 25 183 CK +17 25 184 MO +17 25 185 CK +17 25 186 CL +17 25 187 KN +17 25 188 RX +17 25 189 GR +17 25 190 RO +17 25 191 RX +17 25 192 MO +17 25 193 KN +17 25 194 CO +17 25 195 RX +17 25 196 CL +17 25 197 MO +17 25 198 KK +17 25 199 KN +17 25 200 VE +17 25 201 KN +17 25 202 RX +17 25 203 CO +17 25 204 CA +17 25 205 MO +17 25 206 CL +17 25 207 CO +17 25 208 CK +17 25 209 VE +17 25 210 CO +17 25 211 RX +17 25 212 KN +17 25 213 GR +17 25 214 KN +17 25 215 RO +17 25 216 KK +17 25 217 RO +17 25 218 CK +17 25 219 CL +17 25 220 AZ +17 25 221 CL +17 25 222 MO +17 25 223 RX +17 25 224 CR +17 25 225 CK +17 25 226 RX +17 25 227 KK +17 25 228 RX +17 25 229 CL +17 25 230 KN +17 25 231 MO +17 25 232 CK +17 25 233 GR +17 25 234 VE +17 25 235 RX +17 25 236 RX +17 25 237 KN +17 25 238 VE +17 25 239 RO +17 25 240 CO +17 25 241 SK +17 25 242 KN +17 25 243 CO +17 25 244 CR +17 25 245 KK +17 25 246 VE +17 25 247 GR +17 25 248 KK +17 25 249 RX +17 25 250 MO +17 25 251 CL +17 25 252 SK +17 25 253 RX +17 25 254 GR +17 25 255 KK +17 25 256 RO +17 25 257 RX +17 25 258 CK +17 25 259 CO +17 25 260 CR +17 25 261 NA +17 25 262 SK +17 25 263 GR +17 25 264 CL +17 25 265 RX +17 25 266 CO +17 25 267 CO +17 25 268 CL +17 25 269 RO +17 25 270 CK +17 25 271 RX +17 25 272 SK +17 25 273 MO +17 25 274 SK +17 25 275 CK +17 25 276 QU +17 25 277 VE +17 25 278 NA +17 25 279 AZ +17 25 280 VE +17 25 281 VE +17 25 282 RX +17 25 283 SK +17 25 284 CA +17 25 285 RO +17 25 286 SK +17 25 287 CK +17 25 288 QU +17 25 289 CL +17 25 290 SK +17 25 291 AZ +17 25 292 RO +17 25 293 CL +17 25 294 SK +17 25 295 CK +17 25 296 RO +17 25 297 KN +17 25 298 QU +17 25 299 RX +17 25 300 GR +17 25 301 RX +17 25 302 CR +17 25 303 CL +17 25 304 CK +17 25 305 CO +17 25 306 CL +17 25 307 RX +17 25 308 LL +17 25 309 KK +17 25 310 VE +17 25 311 RX +17 25 312 KK +17 25 313 AZ +17 25 314 SK +17 25 315 RX +17 25 316 VE +17 25 317 CO +17 25 318 RO +17 25 319 CR +17 25 320 CK +17 25 321 KK +17 25 322 CL +17 25 323 RX +17 25 324 CR +17 25 325 CO +17 25 326 KN +17 25 327 SK +17 25 328 RX +17 25 329 CK +17 25 330 CL +17 26 1 AZ +17 26 2 SK +17 26 3 QU +17 26 4 MO +17 26 5 CL +17 26 6 RO +17 26 7 RX +17 26 8 MO +17 26 9 CK +17 26 10 MO +17 26 11 RX +17 26 12 KN +17 26 13 RX +17 26 14 RX +17 26 15 MO +17 26 16 CL +17 26 17 QU +17 26 18 KK +17 26 19 CL +17 26 20 RX +17 26 21 QU +17 26 22 KN +17 26 23 MO +17 26 24 KK +17 26 25 RX +17 26 26 MO +17 26 27 SK +17 26 28 RO +17 26 29 RX +17 26 30 CK +17 26 31 CL +17 26 32 RO +17 26 33 KN +17 26 34 CL +17 26 35 QU +17 26 36 RX +17 26 37 AZ +17 26 38 QU +17 26 39 RX +17 26 40 CL +17 26 41 QU +17 26 42 KN +17 26 43 MO +17 26 44 SK +17 26 45 RX +17 26 46 TZ +17 26 47 RX +17 26 48 KN +17 26 49 CL +17 26 50 MO +17 26 51 CK +17 26 52 SK +17 26 53 QU +17 26 54 RX +17 26 55 CL +17 26 56 QU +17 26 57 RX +17 26 58 KN +17 26 59 CL +17 26 60 RX +17 26 61 QU +17 26 62 MO +17 26 63 QU +17 26 64 MO +17 26 65 QU +17 26 66 SK +17 26 67 RX +17 26 68 QU +17 26 69 CK +17 26 70 CL +17 26 71 QU +17 26 72 RX +17 26 73 MO +17 26 74 SK +17 26 75 RX +17 26 76 KN +17 26 77 RX +17 26 78 RO +17 26 79 KK +17 26 80 AZ +17 26 81 KN +17 26 82 RX +17 26 83 KN +17 26 84 QU +17 26 85 RX +17 26 86 RO +17 26 87 KK +17 26 88 MO +17 26 89 KK +17 26 90 RX +17 26 91 KN +17 26 92 SK +17 26 93 RX +17 26 94 KK +17 26 95 SK +17 26 96 KN +17 26 97 MO +17 26 98 QU +17 26 99 MO +17 26 100 RX +17 26 101 QU +17 26 102 MO +17 26 103 KN +17 26 104 CL +17 26 105 MO +17 26 106 KN +17 26 107 SK +17 26 108 SK +17 26 109 MO +17 26 110 KN +17 26 111 RX +17 26 112 QU +17 26 113 KK +17 26 114 RX +17 26 115 QU +17 26 116 CH +17 26 117 CK +17 26 118 RO +17 26 119 RX +17 26 120 SK +17 26 121 QU +17 26 122 RX +17 26 123 RX +17 26 124 KN +17 26 125 PU +17 26 126 RO +17 26 127 RX +17 26 128 KN +17 26 129 SK +17 26 130 RX +17 26 131 MO +17 26 132 QU +17 26 133 RX +17 26 134 CK +17 26 135 MO +17 26 136 CL +17 26 137 RX +17 26 138 CL +17 26 139 CH +17 26 140 AZ +17 26 141 SK +17 26 142 CH +17 26 143 KN +17 26 144 MO +17 26 145 RX +17 26 146 KN +17 26 147 RX +17 26 148 QU +17 26 149 RX +17 26 150 MO +17 26 151 QU +17 26 152 RO +17 26 153 CL +17 26 154 CH +17 26 155 CK +17 26 156 RX +17 26 157 CK +17 26 158 SK +17 26 159 KN +17 26 160 RO +17 26 161 RX +17 26 162 QU +17 26 163 RX +17 26 164 AZ +17 26 165 RX +17 26 166 AZ +17 26 167 LL +17 26 168 RX +17 26 169 CL +17 26 170 RX +17 26 171 RX +17 26 172 SK +17 26 173 QU +17 26 174 KN +17 26 175 CL +17 26 176 QU +17 26 177 KN +17 26 178 AZ +17 26 179 QU +17 26 180 RX +17 26 181 KN +17 26 182 MO +17 26 183 KN +17 26 184 MO +17 26 185 KN +17 26 186 CL +17 26 187 KN +17 26 188 RX +17 26 189 CH +17 26 190 RO +17 26 191 RX +17 26 192 MO +17 26 193 KN +17 26 194 QU +17 26 195 RX +17 26 196 RX +17 26 197 MO +17 26 198 KK +17 26 199 SK +17 26 200 CL +17 26 201 RO +17 26 202 RX +17 26 203 QU +17 26 204 CK +17 26 205 MO +17 26 206 SK +17 26 207 QU +17 26 208 KN +17 26 209 RX +17 26 210 QU +17 26 211 CL +17 26 212 KN +17 26 213 LL +17 26 214 KN +17 26 215 RO +17 26 216 RX +17 26 217 RO +17 26 218 KN +17 26 219 SK +17 26 220 MO +17 26 221 CH +17 26 222 MO +17 26 223 RX +17 26 224 SK +17 26 225 KN +17 26 226 RX +17 26 227 RX +17 26 228 AZ +17 26 229 RX +17 26 230 CH +17 26 231 MO +17 26 232 KN +17 26 233 MO +17 26 234 RX +17 26 235 AZ +17 26 236 KN +17 26 237 PU +17 26 238 RX +17 26 239 QU +17 26 240 QU +17 26 241 SK +17 26 242 KN +17 26 243 MO +17 26 244 CH +17 26 245 QU +17 26 246 RX +17 26 247 MO +17 26 248 RX +17 26 249 RX +17 26 250 MO +17 26 251 RX +17 26 252 CH +17 26 253 RX +17 26 254 MO +17 26 255 KK +17 26 256 QU +17 26 257 RX +17 26 258 KN +17 26 259 QU +17 26 260 CH +17 26 261 PU +17 26 262 SK +17 26 263 TZ +17 26 264 CL +17 26 265 RX +17 26 266 QU +17 26 267 MO +17 26 268 RX +17 26 269 MO +17 26 270 KN +17 26 271 RX +17 26 272 SK +17 26 273 MO +17 26 274 SK +17 26 275 KN +17 26 276 QU +17 26 277 RX +17 26 278 PU +17 26 279 MO +17 26 280 KN +17 26 281 RX +17 26 282 RX +17 26 283 CK +17 26 284 SK +17 26 285 RO +17 26 286 SK +17 26 287 KN +17 26 288 QU +17 26 289 RX +17 26 290 CL +17 26 291 MO +17 26 292 RO +17 26 293 SK +17 26 294 SK +17 26 295 KN +17 26 296 MO +17 26 297 KN +17 26 298 QU +17 26 299 RX +17 26 300 CL +17 26 301 RX +17 26 302 SK +17 26 303 CL +17 26 304 KN +17 26 305 MO +17 26 306 RX +17 26 307 RX +17 26 308 MO +17 26 309 KN +17 26 310 RX +17 26 311 AZ +17 26 312 CK +17 26 313 MO +17 26 314 CH +17 26 315 RX +17 26 316 RX +17 26 317 MO +17 26 318 KN +17 26 319 SK +17 26 320 KN +17 26 321 QU +17 26 322 CL +17 26 323 RX +17 26 324 SK +17 26 325 MO +17 26 326 KN +17 26 327 SK +17 26 328 RX +17 26 329 KN +17 26 330 SK +17 27 1 RX +17 27 2 CL +17 27 3 QU +17 27 4 MO +17 27 5 RX +17 27 6 CR +17 27 7 RX +17 27 8 MO +17 27 9 CK +17 27 10 RX +17 27 11 RX +17 27 12 KN +17 27 13 RX +17 27 14 RX +17 27 15 RO +17 27 16 SK +17 27 17 RO +17 27 18 KK +17 27 19 RX +17 27 20 RX +17 27 21 RO +17 27 22 KN +17 27 23 MO +17 27 24 KK +17 27 25 RX +17 27 26 RX +17 27 27 SK +17 27 28 RO +17 27 29 RX +17 27 30 CK +17 27 31 CL +17 27 32 MO +17 27 33 RX +17 27 34 RX +17 27 35 RO +17 27 36 RX +17 27 37 RX +17 27 38 PI +17 27 39 RX +17 27 40 RX +17 27 41 CO +17 27 42 KN +17 27 43 RX +17 27 44 SK +17 27 45 RX +17 27 46 GR +17 27 47 KN +17 27 48 RX +17 27 49 CL +17 27 50 MO +17 27 51 CK +17 27 52 SK +17 27 53 MO +17 27 54 RX +17 27 55 RX +17 27 56 RO +17 27 57 RX +17 27 58 KN +17 27 59 RO +17 27 60 RX +17 27 61 CO +17 27 62 LL +17 27 63 RO +17 27 64 RX +17 27 65 RO +17 27 66 SK +17 27 67 RX +17 27 68 LL +17 27 69 RX +17 27 70 CL +17 27 71 MO +17 27 72 RX +17 27 73 MO +17 27 74 CL +17 27 75 RX +17 27 76 KN +17 27 77 RX +17 27 78 RO +17 27 79 KK +17 27 80 RX +17 27 81 RX +17 27 82 RX +17 27 83 KN +17 27 84 RO +17 27 85 RX +17 27 86 RO +17 27 87 KK +17 27 88 MO +17 27 89 QU +17 27 90 RX +17 27 91 KN +17 27 92 SK +17 27 93 RX +17 27 94 KK +17 27 95 CL +17 27 96 KN +17 27 97 MO +17 27 98 KK +17 27 99 CL +17 27 100 CL +17 27 101 MO +17 27 102 CL +17 27 103 KN +17 27 104 RX +17 27 105 MO +17 27 106 KN +17 27 107 SK +17 27 108 CL +17 27 109 RX +17 27 110 KN +17 27 111 RX +17 27 112 QU +17 27 113 KK +17 27 114 RX +17 27 115 KK +17 27 116 CL +17 27 117 CK +17 27 118 RO +17 27 119 RX +17 27 120 SK +17 27 121 KN +17 27 122 RX +17 27 123 RX +17 27 124 KN +17 27 125 KN +17 27 126 RO +17 27 127 RX +17 27 128 KN +17 27 129 SK +17 27 130 RX +17 27 131 MO +17 27 132 CO +17 27 133 RX +17 27 134 CK +17 27 135 MO +17 27 136 RX +17 27 137 RX +17 27 138 CL +17 27 139 SK +17 27 140 RX +17 27 141 SK +17 27 142 SK +17 27 143 RX +17 27 144 MO +17 27 145 RX +17 27 146 RX +17 27 147 KN +17 27 148 KK +17 27 149 RX +17 27 150 MO +17 27 151 RO +17 27 152 RO +17 27 153 RX +17 27 154 GR +17 27 155 CK +17 27 156 RX +17 27 157 CK +17 27 158 SK +17 27 159 KN +17 27 160 RO +17 27 161 RX +17 27 162 KK +17 27 163 RX +17 27 164 RX +17 27 165 RX +17 27 166 RX +17 27 167 LL +17 27 168 RX +17 27 169 RX +17 27 170 RX +17 27 171 RX +17 27 172 SK +17 27 173 RO +17 27 174 KN +17 27 175 CL +17 27 176 KK +17 27 177 KN +17 27 178 RX +17 27 179 CO +17 27 180 RX +17 27 181 KN +17 27 182 CO +17 27 183 CK +17 27 184 MO +17 27 185 CK +17 27 186 RX +17 27 187 KN +17 27 188 RX +17 27 189 CL +17 27 190 RO +17 27 191 RX +17 27 192 MO +17 27 193 KN +17 27 194 PI +17 27 195 RX +17 27 196 CL +17 27 197 MO +17 27 198 KK +17 27 199 CR +17 27 200 CL +17 27 201 RO +17 27 202 RX +17 27 203 PI +17 27 204 CK +17 27 205 MO +17 27 206 CR +17 27 207 PI +17 27 208 CK +17 27 209 RX +17 27 210 CK +17 27 211 RX +17 27 212 KN +17 27 213 CL +17 27 214 KN +17 27 215 RO +17 27 216 RX +17 27 217 RO +17 27 218 KN +17 27 219 CL +17 27 220 RX +17 27 221 CL +17 27 222 MO +17 27 223 RX +17 27 224 RO +17 27 225 KN +17 27 226 RX +17 27 227 KK +17 27 228 RX +17 27 229 CL +17 27 230 CR +17 27 231 MO +17 27 232 CK +17 27 233 RX +17 27 234 RX +17 27 235 RX +17 27 236 KN +17 27 237 RO +17 27 238 RX +17 27 239 RO +17 27 240 CK +17 27 241 SK +17 27 242 KN +17 27 243 PI +17 27 244 CL +17 27 245 KK +17 27 246 RX +17 27 247 MO +17 27 248 RX +17 27 249 RX +17 27 250 MO +17 27 251 RX +17 27 252 CR +17 27 253 RX +17 27 254 CL +17 27 255 KK +17 27 256 RO +17 27 257 RX +17 27 258 KN +17 27 259 CO +17 27 260 KN +17 27 261 CK +17 27 262 SK +17 27 263 GR +17 27 264 CL +17 27 265 CK +17 27 266 RX +17 27 267 PI +17 27 268 RX +17 27 269 MO +17 27 270 KN +17 27 271 RX +17 27 272 CL +17 27 273 LL +17 27 274 SK +17 27 275 KN +17 27 276 PI +17 27 277 RX +17 27 278 RO +17 27 279 RX +17 27 280 RX +17 27 281 RX +17 27 282 RX +17 27 283 CL +17 27 284 RO +17 27 285 CK +17 27 286 SK +17 27 287 CK +17 27 288 CI +17 27 289 CL +17 27 290 CR +17 27 291 RX +17 27 292 CR +17 27 293 CL +17 27 294 CL +17 27 295 CK +17 27 296 MO +17 27 297 KN +17 27 298 KK +17 27 299 RX +17 27 300 GR +17 27 301 RX +17 27 302 RO +17 27 303 CL +17 27 304 RX +17 27 305 MO +17 27 306 KN +17 27 307 RX +17 27 308 LL +17 27 309 CK +17 27 310 RX +17 27 311 RX +17 27 312 KK +17 27 313 MO +17 27 314 CR +17 27 315 RX +17 27 316 RX +17 27 317 PI +17 27 318 KN +17 27 319 CL +17 27 320 RX +17 27 321 KK +17 27 322 CL +17 27 323 RX +17 27 324 CR +17 27 325 PI +17 27 326 KN +17 27 327 CL +17 27 328 RX +17 27 329 CK +17 27 330 CL +17 28 1 RX +17 28 2 VE +17 28 3 QU +17 28 4 MO +17 28 5 CL +17 28 6 RO +17 28 7 VE +17 28 8 MO +17 28 9 CK +17 28 10 VE +17 28 11 VE +17 28 12 KN +17 28 13 VE +17 28 14 VE +17 28 15 RO +17 28 16 GR +17 28 17 KK +17 28 18 KK +17 28 19 VE +17 28 20 VE +17 28 21 KK +17 28 22 CR +17 28 23 MO +17 28 24 GR +17 28 25 VE +17 28 26 AZ +17 28 27 RO +17 28 28 RO +17 28 29 VE +17 28 30 CA +17 28 31 CL +17 28 32 MO +17 28 33 VE +17 28 34 VE +17 28 35 RO +17 28 36 VE +17 28 37 AZ +17 28 38 RO +17 28 39 RX +17 28 40 RX +17 28 41 CO +17 28 42 KN +17 28 43 RX +17 28 44 CR +17 28 45 RX +17 28 46 GR +17 28 47 CK +17 28 48 VE +17 28 49 CL +17 28 50 MO +17 28 51 GR +17 28 52 CL +17 28 53 MO +17 28 54 VE +17 28 55 VE +17 28 56 RO +17 28 57 VE +17 28 58 KN +17 28 59 RO +17 28 60 AZ +17 28 61 RO +17 28 62 LL +17 28 63 RO +17 28 64 VE +17 28 65 CO +17 28 66 CR +17 28 67 VE +17 28 68 RO +17 28 69 GR +17 28 70 LL +17 28 71 MO +17 28 72 VE +17 28 73 MO +17 28 74 CL +17 28 75 VE +17 28 76 CR +17 28 77 VE +17 28 78 LL +17 28 79 GR +17 28 80 VE +17 28 81 RX +17 28 82 RX +17 28 83 KN +17 28 84 RO +17 28 85 VE +17 28 86 RO +17 28 87 KK +17 28 88 MO +17 28 89 KK +17 28 90 AZ +17 28 91 KN +17 28 92 CR +17 28 93 VE +17 28 94 GR +17 28 95 CR +17 28 96 KN +17 28 97 MO +17 28 98 KK +17 28 99 MO +17 28 100 CL +17 28 101 MO +17 28 102 CL +17 28 103 GR +17 28 104 CL +17 28 105 MO +17 28 106 KN +17 28 107 CR +17 28 108 CL +17 28 109 AZ +17 28 110 KN +17 28 111 GR +17 28 112 MO +17 28 113 KK +17 28 114 RX +17 28 115 CO +17 28 116 CL +17 28 117 CK +17 28 118 RO +17 28 119 VE +17 28 120 SK +17 28 121 CK +17 28 122 VE +17 28 123 AZ +17 28 124 VE +17 28 125 CO +17 28 126 MO +17 28 127 VE +17 28 128 KN +17 28 129 RO +17 28 130 KK +17 28 131 MO +17 28 132 CO +17 28 133 VE +17 28 134 MO +17 28 135 MO +17 28 136 CL +17 28 137 VE +17 28 138 CL +17 28 139 RO +17 28 140 AZ +17 28 141 CR +17 28 142 GR +17 28 143 VE +17 28 144 MO +17 28 145 VE +17 28 146 KN +17 28 147 VE +17 28 148 CO +17 28 149 VE +17 28 150 MO +17 28 151 RO +17 28 152 MO +17 28 153 CL +17 28 154 GR +17 28 155 KK +17 28 156 RX +17 28 157 CK +17 28 158 SK +17 28 159 KN +17 28 160 RO +17 28 161 VE +17 28 162 CO +17 28 163 RX +17 28 164 AZ +17 28 165 VE +17 28 166 AZ +17 28 167 MO +17 28 168 VE +17 28 169 VE +17 28 170 AZ +17 28 171 VE +17 28 172 SK +17 28 173 CO +17 28 174 KN +17 28 175 CL +17 28 176 KK +17 28 177 KN +17 28 178 AZ +17 28 179 MO +17 28 180 VE +17 28 181 KN +17 28 182 MO +17 28 183 CK +17 28 184 MO +17 28 185 CK +17 28 186 CL +17 28 187 KN +17 28 188 RX +17 28 189 CL +17 28 190 RO +17 28 191 VE +17 28 192 MO +17 28 193 KN +17 28 194 MO +17 28 195 RX +17 28 196 CL +17 28 197 MO +17 28 198 KK +17 28 199 CL +17 28 200 CL +17 28 201 RO +17 28 202 VE +17 28 203 MO +17 28 204 CK +17 28 205 MO +17 28 206 SK +17 28 207 MO +17 28 208 CK +17 28 209 RX +17 28 210 CO +17 28 211 AZ +17 28 212 KN +17 28 213 MO +17 28 214 KN +17 28 215 MO +17 28 216 VE +17 28 217 RO +17 28 218 RX +17 28 219 CL +17 28 220 AZ +17 28 221 CL +17 28 222 MO +17 28 223 VE +17 28 224 RO +17 28 225 KN +17 28 226 AZ +17 28 227 KK +17 28 228 RX +17 28 229 RX +17 28 230 RO +17 28 231 MO +17 28 232 CK +17 28 233 MO +17 28 234 VE +17 28 235 AZ +17 28 236 KN +17 28 237 RO +17 28 238 VE +17 28 239 MO +17 28 240 CK +17 28 241 SK +17 28 242 KN +17 28 243 MO +17 28 244 CL +17 28 245 KK +17 28 246 RX +17 28 247 MO +17 28 248 VE +17 28 249 RX +17 28 250 MO +17 28 251 RX +17 28 252 RO +17 28 253 RX +17 28 254 CL +17 28 255 KK +17 28 256 KK +17 28 257 RX +17 28 258 KN +17 28 259 CK +17 28 260 KN +17 28 261 KN +17 28 262 SK +17 28 263 GR +17 28 264 CL +17 28 265 RX +17 28 266 CK +17 28 267 * +17 28 268 RX +17 28 269 MO +17 28 270 KN +17 28 271 RX +17 28 272 SK +17 28 273 MO +17 28 274 SK +17 28 275 KN +17 28 276 MO +17 28 277 RX +17 28 278 KN +17 28 279 AZ +17 28 280 RX +17 28 281 RX +17 28 282 RX +17 28 283 CL +17 28 284 CK +17 28 285 RO +17 28 286 SK +17 28 287 KN +17 28 288 CO +17 28 289 RX +17 28 290 CR +17 28 291 RX +17 28 292 RO +17 28 293 CL +17 28 294 CL +17 28 295 CK +17 28 296 MO +17 28 297 KN +17 28 298 KK +17 28 299 RX +17 28 300 GR +17 28 301 RX +17 28 302 CR +17 28 303 CL +17 28 304 RX +17 28 305 MO +17 28 306 RX +17 28 307 RX +17 28 308 MO +17 28 309 CK +17 28 310 RX +17 28 311 AZ +17 28 312 KK +17 28 313 MO +17 28 314 RO +17 28 315 VE +17 28 316 VE +17 28 317 MO +17 28 318 NA +17 28 319 CR +17 28 320 RX +17 28 321 KK +17 28 322 CL +17 28 323 RX +17 28 324 CR +17 28 325 MO +17 28 326 KN +17 28 327 CL +17 28 328 VE +17 28 329 CK +17 28 330 CL +17 29 1 RX +17 29 2 RX +17 29 3 PU +17 29 4 KK +17 29 5 RX +17 29 6 KN +17 29 7 RX +17 29 8 QU +17 29 9 CK +17 29 10 KK +17 29 11 RX +17 29 12 KN +17 29 13 RX +17 29 14 KK +17 29 15 KN +17 29 16 CK +17 29 17 PU +17 29 18 KK +17 29 19 RX +17 29 20 RX +17 29 21 QU +17 29 22 KN +17 29 23 MO +17 29 24 KK +17 29 25 RX +17 29 26 AZ +17 29 27 SK +17 29 28 QU +17 29 29 RX +17 29 30 CK +17 29 31 RX +17 29 32 RO +17 29 33 RX +17 29 34 * +17 29 35 RO +17 29 36 KK +17 29 37 RU +17 29 38 MO +17 29 39 RX +17 29 40 CL +17 29 41 QU +17 29 42 KN +17 29 43 KK +17 29 44 SK +17 29 45 RX +17 29 46 CH +17 29 47 KK +17 29 48 KN +17 29 49 RX +17 29 50 MO +17 29 51 CK +17 29 52 CH +17 29 53 QU +17 29 54 RX +17 29 55 RX +17 29 56 PU +17 29 57 RX +17 29 58 CK +17 29 59 SK +17 29 60 RX +17 29 61 QU +17 29 62 MO +17 29 63 RO +17 29 64 RX +17 29 65 RO +17 29 66 SK +17 29 67 RX +17 29 68 RO +17 29 69 RO +17 29 70 SK +17 29 71 QU +17 29 72 RX +17 29 73 MO +17 29 74 RX +17 29 75 KK +17 29 76 PU +17 29 77 RX +17 29 78 RO +17 29 79 KK +17 29 80 AZ +17 29 81 RX +17 29 82 RX +17 29 83 SK +17 29 84 PU +17 29 85 RX +17 29 86 RO +17 29 87 KK +17 29 88 MO +17 29 89 KK +17 29 90 KK +17 29 91 RX +17 29 92 SK +17 29 93 AZ +17 29 94 KK +17 29 95 SK +17 29 96 KN +17 29 97 MO +17 29 98 QU +17 29 99 MO +17 29 100 RX +17 29 101 MO +17 29 102 SK +17 29 103 RX +17 29 104 RX +17 29 105 KN +17 29 106 SK +17 29 107 SK +17 29 108 MO +17 29 109 MO +17 29 110 KN +17 29 111 KK +17 29 112 QU +17 29 113 KK +17 29 114 RX +17 29 115 QU +17 29 116 SK +17 29 117 CK +17 29 118 RO +17 29 119 RX +17 29 120 SK +17 29 121 PU +17 29 122 RX +17 29 123 RX +17 29 124 KN +17 29 125 PU +17 29 126 PU +17 29 127 KK +17 29 128 KN +17 29 129 SK +17 29 130 CK +17 29 131 MO +17 29 132 PU +17 29 133 RX +17 29 134 CK +17 29 135 MO +17 29 136 AZ +17 29 137 RX +17 29 138 RX +17 29 139 SK +17 29 140 AZ +17 29 141 SK +17 29 142 SK +17 29 143 RX +17 29 144 MO +17 29 145 RX +17 29 146 KN +17 29 147 RX +17 29 148 QU +17 29 149 RX +17 29 150 MO +17 29 151 KN +17 29 152 RO +17 29 153 AZ +17 29 154 CH +17 29 155 CK +17 29 156 RX +17 29 157 CK +17 29 158 SK +17 29 159 KN +17 29 160 RO +17 29 161 RX +17 29 162 QU +17 29 163 AZ +17 29 164 AZ +17 29 165 RX +17 29 166 RX +17 29 167 RO +17 29 168 RX +17 29 169 RX +17 29 170 KK +17 29 171 RX +17 29 172 SK +17 29 173 RO +17 29 174 KN +17 29 175 RX +17 29 176 QU +17 29 177 KN +17 29 178 AZ +17 29 179 QU +17 29 180 RX +17 29 181 KN +17 29 182 QU +17 29 183 CK +17 29 184 MO +17 29 185 KN +17 29 186 RX +17 29 187 KN +17 29 188 RX +17 29 189 SK +17 29 190 RO +17 29 191 RX +17 29 192 MO +17 29 193 KN +17 29 194 QU +17 29 195 RX +17 29 196 RX +17 29 197 RX +17 29 198 MO +17 29 199 SK +17 29 200 RX +17 29 201 RO +17 29 202 RX +17 29 203 MO +17 29 204 CK +17 29 205 MO +17 29 206 SK +17 29 207 RO +17 29 208 KN +17 29 209 RX +17 29 210 CK +17 29 211 AZ +17 29 212 KN +17 29 213 MO +17 29 214 KN +17 29 215 RO +17 29 216 KK +17 29 217 * +17 29 218 RX +17 29 219 SK +17 29 220 MO +17 29 221 SK +17 29 222 MO +17 29 223 RX +17 29 224 SK +17 29 225 RX +17 29 226 RX +17 29 227 KK +17 29 228 KK +17 29 229 RX +17 29 230 SK +17 29 231 MO +17 29 232 CK +17 29 233 MO +17 29 234 RX +17 29 235 AZ +17 29 236 RX +17 29 237 RO +17 29 238 RX +17 29 239 RO +17 29 240 QU +17 29 241 SK +17 29 242 KN +17 29 243 MO +17 29 244 SK +17 29 245 QU +17 29 246 RX +17 29 247 MO +17 29 248 RX +17 29 249 RX +17 29 250 MO +17 29 251 RX +17 29 252 SK +17 29 253 RX +17 29 254 MO +17 29 255 KK +17 29 256 PU +17 29 257 AZ +17 29 258 KN +17 29 259 QU +17 29 260 KN +17 29 261 KN +17 29 262 SK +17 29 263 CH +17 29 264 SK +17 29 265 RX +17 29 266 CK +17 29 267 MO +17 29 268 RX +17 29 269 MO +17 29 270 KN +17 29 271 RX +17 29 272 SK +17 29 273 MO +17 29 274 SK +17 29 275 KN +17 29 276 MO +17 29 277 * +17 29 278 * +17 29 279 MO +17 29 280 RX +17 29 281 RX +17 29 282 RX +17 29 283 CK +17 29 284 SK +17 29 285 RO +17 29 286 SK +17 29 287 CK +17 29 288 QU +17 29 289 RX +17 29 290 SK +17 29 291 AZ +17 29 292 RO +17 29 293 SK +17 29 294 SK +17 29 295 CK +17 29 296 MO +17 29 297 KN +17 29 298 QU +17 29 299 RX +17 29 300 SK +17 29 301 RX +17 29 302 SK +17 29 303 SK +17 29 304 RX +17 29 305 MO +17 29 306 RX +17 29 307 AZ +17 29 308 MO +17 29 309 KK +17 29 310 RX +17 29 311 AZ +17 29 312 KK +17 29 313 MO +17 29 314 SK +17 29 315 RX +17 29 316 RX +17 29 317 QU +17 29 318 KN +17 29 319 SK +17 29 320 RX +17 29 321 QU +17 29 322 AZ +17 29 323 RX +17 29 324 SK +17 29 325 MO +17 29 326 KN +17 29 327 SK +17 29 328 RX +17 29 329 CK +17 29 330 SK +17 30 1 CL +17 30 2 CR +17 30 3 QU +17 30 4 MO +17 30 5 CL +17 30 6 CK +17 30 7 RX +17 30 8 CO +17 30 9 CK +17 30 10 AZ +17 30 11 KN +17 30 12 RX +17 30 13 RX +17 30 14 AZ +17 30 15 LL +17 30 16 SK +17 30 17 NA +17 30 18 KK +17 30 19 CL +17 30 20 RX +17 30 21 RO +17 30 22 KN +17 30 23 MO +17 30 24 KK +17 30 25 CL +17 30 26 AZ +17 30 27 SK +17 30 28 RO +17 30 29 RX +17 30 30 MS +17 30 31 CL +17 30 32 LL +17 30 33 RX +17 30 34 AZ +17 30 35 RO +17 30 36 RX +17 30 37 AZ +17 30 38 RO +17 30 39 RX +17 30 40 CL +17 30 41 QU +17 30 42 MS +17 30 43 AZ +17 30 44 SK +17 30 45 RX +17 30 46 CK +17 30 47 RX +17 30 48 KN +17 30 49 CL +17 30 50 MO +17 30 51 TZ +17 30 52 SK +17 30 53 CO +17 30 54 RX +17 30 55 CL +17 30 56 RO +17 30 57 AZ +17 30 58 MS +17 30 59 LL +17 30 60 AZ +17 30 61 CO +17 30 62 MO +17 30 63 RO +17 30 64 AZ +17 30 65 RO +17 30 66 SK +17 30 67 RX +17 30 68 CO +17 30 69 MS +17 30 70 LL +17 30 71 CO +17 30 72 RX +17 30 73 MO +17 30 74 CL +17 30 75 RX +17 30 76 PU +17 30 77 CL +17 30 78 LL +17 30 79 KK +17 30 80 AZ +17 30 81 RX +17 30 82 CL +17 30 83 SK +17 30 84 RO +17 30 85 RX +17 30 86 LL +17 30 87 KK +17 30 88 CO +17 30 89 KK +17 30 90 RX +17 30 91 RX +17 30 92 SK +17 30 93 AZ +17 30 94 TZ +17 30 95 SK +17 30 96 KN +17 30 97 MO +17 30 98 RO +17 30 99 LL +17 30 100 CL +17 30 101 CO +17 30 102 LL +17 30 103 CK +17 30 104 CL +17 30 105 MO +17 30 106 KN +17 30 107 SK +17 30 108 CL +17 30 109 AZ +17 30 110 KN +17 30 111 RX +17 30 112 RO +17 30 113 KK +17 30 114 RX +17 30 115 RO +17 30 116 CL +17 30 117 CK +17 30 118 RO +17 30 119 RX +17 30 120 SK +17 30 121 KN +17 30 122 RX +17 30 123 AZ +17 30 124 MS +17 30 125 PU +17 30 126 CO +17 30 127 RX +17 30 128 KN +17 30 129 LL +17 30 130 KK +17 30 131 MO +17 30 132 QU +17 30 133 RX +17 30 134 TZ +17 30 135 LL +17 30 136 CL +17 30 137 RX +17 30 138 CL +17 30 139 SK +17 30 140 AZ +17 30 141 SK +17 30 142 LL +17 30 143 RX +17 30 144 AZ +17 30 145 CL +17 30 146 KN +17 30 147 CL +17 30 148 QU +17 30 149 RX +17 30 150 MO +17 30 151 CR +17 30 152 LL +17 30 153 AZ +17 30 154 KK +17 30 155 CK +17 30 156 RX +17 30 157 CK +17 30 158 SK +17 30 159 KN +17 30 160 LL +17 30 161 RX +17 30 162 CO +17 30 163 CL +17 30 164 AZ +17 30 165 RX +17 30 166 AZ +17 30 167 LL +17 30 168 RX +17 30 169 AZ +17 30 170 KK +17 30 171 RX +17 30 172 SK +17 30 173 RO +17 30 174 KN +17 30 175 CL +17 30 176 RO +17 30 177 KN +17 30 178 AZ +17 30 179 CO +17 30 180 RX +17 30 181 KN +17 30 182 MO +17 30 183 CK +17 30 184 LL +17 30 185 MS +17 30 186 CL +17 30 187 KN +17 30 188 AZ +17 30 189 SK +17 30 190 LL +17 30 191 RX +17 30 192 LL +17 30 193 RX +17 30 194 CO +17 30 195 RX +17 30 196 CL +17 30 197 LL +17 30 198 KK +17 30 199 SK +17 30 200 CL +17 30 201 RO +17 30 202 RX +17 30 203 CO +17 30 204 CK +17 30 205 LL +17 30 206 SK +17 30 207 RO +17 30 208 MS +17 30 209 RX +17 30 210 TZ +17 30 211 AZ +17 30 212 KN +17 30 213 LL +17 30 214 KN +17 30 215 LL +17 30 216 KK +17 30 217 RO +17 30 218 RX +17 30 219 SK +17 30 220 LL +17 30 221 SK +17 30 222 LL +17 30 223 RX +17 30 224 LL +17 30 225 MS +17 30 226 AZ +17 30 227 KK +17 30 228 RO +17 30 229 CL +17 30 230 LL +17 30 231 LL +17 30 232 MS +17 30 233 LL +17 30 234 RX +17 30 235 AZ +17 30 236 RX +17 30 237 RO +17 30 238 RX +17 30 239 RO +17 30 240 CK +17 30 241 LL +17 30 242 KN +17 30 243 CO +17 30 244 SK +17 30 245 QU +17 30 246 CL +17 30 247 LL +17 30 248 RX +17 30 249 RX +17 30 250 MO +17 30 251 RX +17 30 252 LL +17 30 253 CL +17 30 254 LL +17 30 255 KK +17 30 256 RO +17 30 257 AZ +17 30 258 KN +17 30 259 CO +17 30 260 SK +17 30 261 KN +17 30 262 LL +17 30 263 TZ +17 30 264 AZ +17 30 265 RX +17 30 266 KN +17 30 267 MO +17 30 268 RX +17 30 269 LL +17 30 270 MS +17 30 271 RX +17 30 272 SK +17 30 273 LL +17 30 274 SK +17 30 275 MS +17 30 276 RO +17 30 277 AZ +17 30 278 KN +17 30 279 AZ +17 30 280 RX +17 30 281 RX +17 30 282 RX +17 30 283 CK +17 30 284 SK +17 30 285 RO +17 30 286 SK +17 30 287 MS +17 30 288 QU +17 30 289 CL +17 30 290 SK +17 30 291 AZ +17 30 292 RO +17 30 293 SK +17 30 294 SK +17 30 295 MS +17 30 296 MO +17 30 297 KN +17 30 298 QU +17 30 299 RX +17 30 300 SK +17 30 301 RX +17 30 302 SK +17 30 303 LL +17 30 304 RX +17 30 305 CO +17 30 306 RX +17 30 307 AZ +17 30 308 LL +17 30 309 CK +17 30 310 CL +17 30 311 AZ +17 30 312 KK +17 30 313 AZ +17 30 314 LL +17 30 315 RX +17 30 316 RX +17 30 317 CO +17 30 318 KN +17 30 319 SK +17 30 320 MS +17 30 321 RO +17 30 322 AZ +17 30 323 RX +17 30 324 SK +17 30 325 MO +17 30 326 MS +17 30 327 SK +17 30 328 RX +17 30 329 CK +17 30 330 SK +18 1 1 KK +18 1 2 TA +18 1 3 TY +18 1 4 TY +18 1 5 TY +18 1 6 PO +18 1 7 RR +18 1 8 TY +18 1 9 SA +18 1 10 SA +18 1 11 TY +18 1 12 SH +18 1 13 TY +18 1 14 TY +18 1 15 TA +18 1 16 KK +18 1 17 TY +18 1 18 CH +18 1 19 TY +18 1 20 TY +18 1 21 TY +18 1 22 PA +18 1 23 TY +18 1 24 TY +18 1 25 TY +18 1 26 TY +18 1 27 PA +18 1 28 TY +18 1 29 TY +18 1 30 PA +18 1 31 TY +18 1 32 CH +18 1 33 TY +18 1 34 TY +18 1 35 CH +18 1 36 TY +18 1 37 TY +18 1 38 TY +18 1 39 CH +18 1 40 TY +18 1 41 SA +18 1 42 SH +18 1 43 CH +18 1 44 TA +18 1 45 TY +18 1 46 CH +18 1 47 CH +18 1 48 PA +18 1 49 TY +18 1 50 CH +18 1 51 * +18 1 52 TA +18 1 53 TY +18 1 54 CH +18 1 55 CH +18 1 56 PO +18 1 57 CH +18 1 58 SH +18 1 59 TA +18 1 60 CH +18 1 61 TY +18 1 62 SA +18 1 63 PO +18 1 64 CH +18 1 65 TY +18 1 66 TA +18 1 67 TY +18 1 68 PO +18 1 69 CH +18 1 70 TA +18 1 71 TY +18 1 72 CH +18 1 73 TY +18 1 74 TA +18 1 75 CH +18 1 76 PO +18 1 77 RR +18 1 78 PO +18 1 79 CH +18 1 80 TY +18 1 81 TY +18 1 82 TY +18 1 83 TA +18 1 84 PO +18 1 85 TY +18 1 86 PO +18 1 87 CH +18 1 88 CH +18 1 89 CH +18 1 90 TY +18 1 91 KK +18 1 92 TA +18 1 93 TY +18 1 94 CH +18 1 95 TA +18 1 96 TY +18 1 97 CH +18 1 98 PO +18 1 99 TA +18 1 100 TY +18 1 101 TY +18 1 102 TA +18 1 103 SH +18 1 104 TY +18 1 105 PA +18 1 106 TA +18 1 107 TA +18 1 108 RR +18 1 109 CH +18 1 110 TY +18 1 111 CH +18 1 112 PO +18 1 113 CH +18 1 114 TY +18 1 115 TY +18 1 116 TA +18 1 117 CH +18 1 118 PO +18 1 119 TY +18 1 120 TA +18 1 121 PO +18 1 122 TY +18 1 123 CH +18 1 124 SH +18 1 125 TY +18 1 126 PA +18 1 127 CH +18 1 128 SH +18 1 129 TA +18 1 130 CH +18 1 131 TY +18 1 132 PO +18 1 133 TY +18 1 134 CH +18 1 135 TY +18 1 136 TY +18 1 137 SA +18 1 138 TY +18 1 139 TA +18 1 140 CH +18 1 141 TA +18 1 142 TA +18 1 143 SH +18 1 144 CH +18 1 145 TY +18 1 146 PA +18 1 147 TY +18 1 148 TY +18 1 149 TY +18 1 150 CH +18 1 151 PO +18 1 152 TA +18 1 153 RR +18 1 154 CH +18 1 155 CH +18 1 156 RR +18 1 157 PA +18 1 158 TA +18 1 159 PO +18 1 160 TY +18 1 161 RR +18 1 162 TY +18 1 163 RR +18 1 164 CH +18 1 165 CH +18 1 166 CH +18 1 167 TA +18 1 168 RR +18 1 169 RR +18 1 170 CH +18 1 171 CH +18 1 172 TA +18 1 173 PO +18 1 174 SH +18 1 175 TY +18 1 176 PO +18 1 177 KK +18 1 178 CH +18 1 179 PA +18 1 180 TY +18 1 181 PO +18 1 182 CH +18 1 183 CH +18 1 184 CH +18 1 185 PA +18 1 186 KK +18 1 187 PO +18 1 188 TY +18 1 189 TA +18 1 190 PO +18 1 191 TY +18 1 192 CH +18 1 193 SH +18 1 194 CH +18 1 195 KK +18 1 196 TA +18 1 197 SA +18 1 198 CH +18 1 199 TA +18 1 200 TY +18 1 201 PO +18 1 202 KK +18 1 203 PO +18 1 204 CH +18 1 205 CH +18 1 206 TA +18 1 207 PO +18 1 208 PA +18 1 209 TY +18 1 210 CH +18 1 211 KK +18 1 212 PO +18 1 213 TA +18 1 214 RR +18 1 215 PA +18 1 216 CH +18 1 217 PO +18 1 218 TY +18 1 219 TA +18 1 220 CH +18 1 221 TA +18 1 222 CH +18 1 223 TY +18 1 224 TA +18 1 225 CH +18 1 226 CH +18 1 227 CH +18 1 228 TY +18 1 229 TY +18 1 230 TA +18 1 231 PA +18 1 232 CH +18 1 233 TA +18 1 234 KK +18 1 235 CH +18 1 236 SH +18 1 237 PO +18 1 238 CH +18 1 239 PA +18 1 240 PA +18 1 241 TA +18 1 242 SH +18 1 243 CH +18 1 244 TA +18 1 245 PO +18 1 246 TY +18 1 247 CH +18 1 248 CH +18 1 249 KK +18 1 250 CH +18 1 251 KK +18 1 252 TA +18 1 253 TY +18 1 254 CH +18 1 255 CH +18 1 256 PO +18 1 257 CH +18 1 258 SH +18 1 259 PA +18 1 260 TA +18 1 261 TY +18 1 262 TA +18 1 263 CH +18 1 264 KK +18 1 265 CH +18 1 266 PO +18 1 267 TY +18 1 268 KK +18 1 269 TY +18 1 270 SH +18 1 271 CH +18 1 272 TA +18 1 273 CH +18 1 274 TA +18 1 275 RR +18 1 276 PO +18 1 277 TY +18 1 278 PA +18 1 279 CH +18 1 280 KK +18 1 281 KK +18 1 282 TY +18 1 283 CH +18 1 284 TA +18 1 285 PO +18 1 286 TA +18 1 287 CH +18 1 288 TY +18 1 289 TA +18 1 290 TA +18 1 291 CH +18 1 292 PO +18 1 293 TA +18 1 294 TA +18 1 295 CH +18 1 296 RR +18 1 297 SH +18 1 298 PO +18 1 299 KK +18 1 300 TA +18 1 301 KK +18 1 302 TA +18 1 303 TY +18 1 304 RR +18 1 305 CH +18 1 306 KK +18 1 307 CH +18 1 308 CH +18 1 309 CH +18 1 310 KK +18 1 311 CH +18 1 312 CH +18 1 313 CH +18 1 314 TA +18 1 315 TY +18 1 316 TY +18 1 317 CH +18 1 318 PO +18 1 319 TA +18 1 320 CH +18 1 321 TY +18 1 322 TA +18 1 323 CH +18 1 324 TA +18 1 325 TY +18 1 326 SH +18 1 327 TA +18 1 328 CH +18 1 329 PO +18 1 330 TA +18 2 1 CH +18 2 2 KK +18 2 3 PO +18 2 4 TY +18 2 5 PI +18 2 6 CH +18 2 7 PI +18 2 8 PO +18 2 9 CH +18 2 10 TA +18 2 11 CH +18 2 12 CH +18 2 13 CH +18 2 14 CH +18 2 15 TA +18 2 16 TA +18 2 17 PO +18 2 18 CH +18 2 19 CH +18 2 20 CH +18 2 21 TA +18 2 22 TA +18 2 23 CH +18 2 24 CH +18 2 25 CH +18 2 26 TA +18 2 27 KK +18 2 28 TY +18 2 29 PI +18 2 30 CH +18 2 31 PI +18 2 32 TA +18 2 33 PI +18 2 34 CH +18 2 35 PI +18 2 36 CH +18 2 37 CH +18 2 38 PO +18 2 39 CH +18 2 40 PI +18 2 41 PO +18 2 42 CH +18 2 43 CH +18 2 44 TA +18 2 45 PI +18 2 46 TA +18 2 47 CH +18 2 48 TA +18 2 49 PI +18 2 50 SA +18 2 51 TA +18 2 52 TA +18 2 53 TY +18 2 54 CH +18 2 55 PI +18 2 56 TA +18 2 57 CH +18 2 58 CH +18 2 59 TA +18 2 60 CH +18 2 61 PO +18 2 62 CH +18 2 63 TA +18 2 64 CH +18 2 65 PO +18 2 66 TA +18 2 67 PI +18 2 68 CH +18 2 69 TA +18 2 70 TA +18 2 71 PO +18 2 72 PI +18 2 73 CH +18 2 74 TA +18 2 75 CH +18 2 76 TA +18 2 77 PI +18 2 78 TA +18 2 79 CH +18 2 80 PI +18 2 81 TA +18 2 82 PI +18 2 83 TA +18 2 84 TA +18 2 85 PI +18 2 86 CH +18 2 87 TA +18 2 88 PO +18 2 89 CH +18 2 90 CH +18 2 91 TA +18 2 92 TA +18 2 93 PI +18 2 94 CH +18 2 95 TA +18 2 96 CH +18 2 97 CH +18 2 98 PO +18 2 99 TA +18 2 100 PI +18 2 101 PO +18 2 102 TA +18 2 103 CH +18 2 104 TA +18 2 105 PO +18 2 106 TA +18 2 107 CH +18 2 108 TA +18 2 109 CH +18 2 110 TA +18 2 111 CH +18 2 112 PO +18 2 113 CH +18 2 114 PI +18 2 115 PO +18 2 116 TA +18 2 117 CH +18 2 118 TA +18 2 119 PI +18 2 120 TA +18 2 121 CH +18 2 122 PI +18 2 123 PI +18 2 124 TA +18 2 125 CH +18 2 126 TY +18 2 127 CH +18 2 128 CH +18 2 129 TA +18 2 130 CH +18 2 131 PO +18 2 132 PO +18 2 133 CH +18 2 134 CH +18 2 135 PO +18 2 136 PI +18 2 137 CH +18 2 138 TA +18 2 139 CH +18 2 140 SA +18 2 141 TA +18 2 142 CH +18 2 143 TA +18 2 144 CH +18 2 145 PI +18 2 146 CH +18 2 147 TA +18 2 148 PO +18 2 149 PI +18 2 150 SA +18 2 151 TA +18 2 152 SA +18 2 153 PI +18 2 154 CH +18 2 155 CH +18 2 156 PI +18 2 157 CH +18 2 158 TA +18 2 159 CH +18 2 160 CH +18 2 161 PI +18 2 162 PO +18 2 163 PI +18 2 164 CH +18 2 165 CH +18 2 166 TA +18 2 167 CH +18 2 168 PI +18 2 169 PI +18 2 170 CH +18 2 171 TA +18 2 172 TA +18 2 173 PO +18 2 174 CH +18 2 175 PI +18 2 176 PO +18 2 177 TA +18 2 178 CH +18 2 179 CH +18 2 180 PI +18 2 181 TA +18 2 182 PO +18 2 183 CH +18 2 184 CH +18 2 185 TA +18 2 186 PI +18 2 187 CH +18 2 188 PI +18 2 189 TA +18 2 190 TA +18 2 191 PI +18 2 192 CH +18 2 193 TA +18 2 194 CH +18 2 195 PI +18 2 196 TA +18 2 197 SA +18 2 198 CH +18 2 199 TA +18 2 200 PI +18 2 201 CH +18 2 202 PI +18 2 203 CH +18 2 204 TA +18 2 205 CH +18 2 206 TA +18 2 207 PO +18 2 208 CH +18 2 209 TA +18 2 210 CH +18 2 211 PI +18 2 212 SA +18 2 213 CH +18 2 214 TA +18 2 215 SA +18 2 216 CH +18 2 217 TA +18 2 218 SA +18 2 219 TA +18 2 220 CH +18 2 221 TA +18 2 222 CH +18 2 223 PI +18 2 224 TA +18 2 225 CH +18 2 226 PI +18 2 227 CH +18 2 228 TA +18 2 229 SA +18 2 230 TA +18 2 231 CH +18 2 232 TA +18 2 233 SA +18 2 234 PI +18 2 235 CH +18 2 236 TA +18 2 237 CH +18 2 238 PI +18 2 239 SA +18 2 240 CH +18 2 241 TA +18 2 242 CH +18 2 243 PO +18 2 244 TA +18 2 245 PO +18 2 246 PI +18 2 247 TA +18 2 248 SA +18 2 249 PI +18 2 250 CH +18 2 251 PI +18 2 252 TA +18 2 253 PI +18 2 254 TA +18 2 255 CH +18 2 256 PO +18 2 257 PI +18 2 258 CH +18 2 259 PO +18 2 260 TA +18 2 261 CH +18 2 262 TA +18 2 263 CH +18 2 264 CH +18 2 265 CH +18 2 266 TA +18 2 267 CH +18 2 268 PI +18 2 269 TA +18 2 270 CH +18 2 271 CH +18 2 272 TA +18 2 273 CH +18 2 274 TA +18 2 275 CH +18 2 276 PO +18 2 277 TA +18 2 278 CH +18 2 279 TA +18 2 280 CH +18 2 281 PI +18 2 282 TA +18 2 283 CH +18 2 284 TA +18 2 285 CH +18 2 286 SA +18 2 287 CH +18 2 288 PO +18 2 289 PI +18 2 290 TA +18 2 291 SA +18 2 292 TA +18 2 293 CH +18 2 294 TA +18 2 295 CH +18 2 296 CH +18 2 297 TA +18 2 298 PO +18 2 299 PI +18 2 300 TA +18 2 301 PI +18 2 302 TA +18 2 303 CH +18 2 304 TY +18 2 305 PO +18 2 306 CH +18 2 307 PI +18 2 308 SA +18 2 309 CH +18 2 310 TA +18 2 311 CH +18 2 312 TA +18 2 313 CH +18 2 314 CH +18 2 315 PI +18 2 316 PI +18 2 317 PO +18 2 318 TA +18 2 319 CH +18 2 320 TA +18 2 321 PO +18 2 322 CH +18 2 323 PI +18 2 324 TA +18 2 325 SA +18 2 326 CH +18 2 327 TA +18 2 328 CH +18 2 329 KK +18 2 330 TA +18 3 1 TA +18 3 2 PI +18 3 3 TA +18 3 4 CH +18 3 5 PI +18 3 6 PO +18 3 7 SA +18 3 8 TA +18 3 9 CH +18 3 10 SA +18 3 11 CH +18 3 12 PO +18 3 13 CH +18 3 14 SA +18 3 15 TA +18 3 16 TA +18 3 17 RR +18 3 18 CH +18 3 19 PI +18 3 20 CH +18 3 21 TA +18 3 22 CH +18 3 23 TA +18 3 24 CH +18 3 25 RR +18 3 26 SA +18 3 27 TA +18 3 28 TY +18 3 29 PI +18 3 30 KK +18 3 31 TY +18 3 32 TA +18 3 33 CH +18 3 34 TY +18 3 35 TA +18 3 36 CH +18 3 37 PI +18 3 38 TY +18 3 39 CH +18 3 40 TA +18 3 41 TY +18 3 42 CH +18 3 43 SA +18 3 44 TA +18 3 45 PI +18 3 46 CH +18 3 47 SA +18 3 48 PO +18 3 49 TA +18 3 50 TY +18 3 51 CH +18 3 52 TA +18 3 53 TY +18 3 54 CH +18 3 55 PI +18 3 56 PO +18 3 57 CH +18 3 58 SA +18 3 59 TA +18 3 60 CH +18 3 61 TA +18 3 62 TY +18 3 63 TA +18 3 64 CH +18 3 65 TY +18 3 66 TA +18 3 67 PI +18 3 68 TA +18 3 69 CH +18 3 70 CH +18 3 71 SA +18 3 72 TY +18 3 73 CH +18 3 74 TY +18 3 75 SA +18 3 76 TA +18 3 77 PI +18 3 78 PO +18 3 79 CH +18 3 80 SA +18 3 81 KK +18 3 82 PI +18 3 83 TA +18 3 84 PO +18 3 85 CH +18 3 86 TY +18 3 87 CH +18 3 88 TA +18 3 89 CH +18 3 90 KK +18 3 91 TA +18 3 92 TA +18 3 93 PI +18 3 94 CH +18 3 95 TA +18 3 96 PO +18 3 97 CH +18 3 98 TA +18 3 99 TY +18 3 100 PI +18 3 101 TY +18 3 102 CH +18 3 103 SA +18 3 104 KK +18 3 105 TY +18 3 106 KK +18 3 107 TA +18 3 108 TY +18 3 109 SA +18 3 110 PO +18 3 111 CH +18 3 112 TA +18 3 113 CH +18 3 114 SA +18 3 115 TA +18 3 116 KK +18 3 117 SA +18 3 118 TY +18 3 119 PI +18 3 120 TA +18 3 121 TY +18 3 122 CH +18 3 123 TA +18 3 124 KK +18 3 125 TY +18 3 126 PO +18 3 127 CH +18 3 128 SA +18 3 129 TA +18 3 130 CH +18 3 131 TY +18 3 132 TA +18 3 133 KK +18 3 134 CH +18 3 135 TA +18 3 136 PI +18 3 137 CH +18 3 138 TA +18 3 139 CH +18 3 140 SA +18 3 141 TA +18 3 142 TY +18 3 143 KK +18 3 144 CH +18 3 145 PI +18 3 146 PO +18 3 147 PI +18 3 148 TY +18 3 149 SA +18 3 150 TY +18 3 151 CH +18 3 152 KK +18 3 153 PI +18 3 154 SA +18 3 155 CH +18 3 156 PI +18 3 157 CH +18 3 158 TA +18 3 159 TY +18 3 160 TA +18 3 161 PI +18 3 162 TY +18 3 163 KK +18 3 164 TA +18 3 165 CH +18 3 166 SA +18 3 167 KK +18 3 168 CH +18 3 169 KK +18 3 170 SA +18 3 171 TY +18 3 172 TA +18 3 173 KK +18 3 174 PO +18 3 175 TA +18 3 176 TY +18 3 177 KK +18 3 178 TA +18 3 179 CH +18 3 180 PI +18 3 181 KK +18 3 182 TA +18 3 183 SA +18 3 184 TY +18 3 185 PO +18 3 186 PI +18 3 187 KK +18 3 188 CH +18 3 189 TA +18 3 190 KK +18 3 191 PI +18 3 192 CH +18 3 193 SA +18 3 194 TA +18 3 195 PI +18 3 196 TA +18 3 197 CH +18 3 198 TY +18 3 199 TA +18 3 200 TY +18 3 201 CH +18 3 202 PI +18 3 203 TA +18 3 204 CH +18 3 205 SA +18 3 206 TA +18 3 207 TY +18 3 208 KK +18 3 209 CH +18 3 210 SA +18 3 211 TA +18 3 212 PO +18 3 213 CH +18 3 214 TA +18 3 215 TY +18 3 216 SA +18 3 217 TA +18 3 218 PI +18 3 219 KK +18 3 220 CH +18 3 221 TA +18 3 222 TY +18 3 223 PI +18 3 224 CH +18 3 225 SA +18 3 226 TA +18 3 227 CH +18 3 228 TY +18 3 229 KK +18 3 230 TA +18 3 231 CH +18 3 232 SA +18 3 233 TA +18 3 234 PI +18 3 235 CH +18 3 236 PO +18 3 237 SA +18 3 238 TY +18 3 239 TA +18 3 240 SA +18 3 241 TA +18 3 242 KK +18 3 243 CH +18 3 244 TA +18 3 245 TY +18 3 246 PI +18 3 247 TA +18 3 248 CH +18 3 249 KK +18 3 250 TA +18 3 251 PI +18 3 252 TY +18 3 253 PI +18 3 254 TA +18 3 255 CH +18 3 256 TY +18 3 257 SA +18 3 258 KK +18 3 259 TA +18 3 260 TA +18 3 261 PO +18 3 262 TA +18 3 263 TY +18 3 264 KK +18 3 265 CH +18 3 266 TY +18 3 267 KK +18 3 268 TA +18 3 269 TY +18 3 270 PO +18 3 271 CH +18 3 272 TA +18 3 273 TY +18 3 274 TA +18 3 275 KK +18 3 276 TA +18 3 277 CH +18 3 278 PO +18 3 279 RR +18 3 280 KK +18 3 281 PI +18 3 282 KK +18 3 283 CH +18 3 284 TA +18 3 285 TY +18 3 286 TA +18 3 287 CH +18 3 288 TY +18 3 289 TA +18 3 290 KK +18 3 291 RR +18 3 292 CH +18 3 293 KK +18 3 294 TY +18 3 295 SA +18 3 296 CH +18 3 297 PO +18 3 298 TA +18 3 299 PI +18 3 300 TA +18 3 301 PI +18 3 302 TA +18 3 303 KK +18 3 304 CH +18 3 305 SA +18 3 306 KK +18 3 307 TA +18 3 308 TA +18 3 309 CH +18 3 310 PI +18 3 311 PI +18 3 312 CH +18 3 313 CH +18 3 314 TA +18 3 315 PI +18 3 316 TA +18 3 317 TY +18 3 318 CH +18 3 319 TA +18 3 320 SA +18 3 321 TY +18 3 322 KK +18 3 323 CH +18 3 324 TA +18 3 325 CH +18 3 326 PO +18 3 327 TA +18 3 328 TY +18 3 329 CH +18 3 330 TA +18 4 1 PI +18 4 2 KK +18 4 3 TY +18 4 4 SA +18 4 5 KK +18 4 6 AA +18 4 7 KK +18 4 8 TY +18 4 9 AA +18 4 10 PI +18 4 11 SA +18 4 12 SH +18 4 13 KK +18 4 14 SA +18 4 15 KK +18 4 16 TA +18 4 17 TY +18 4 18 CH +18 4 19 PI +18 4 20 KK +18 4 21 TY +18 4 22 AA +18 4 23 SA +18 4 24 CH +18 4 25 PI +18 4 26 SA +18 4 27 TA +18 4 28 TY +18 4 29 PI +18 4 30 CH +18 4 31 PI +18 4 32 KK +18 4 33 KK +18 4 34 PI +18 4 35 TY +18 4 36 SA +18 4 37 PI +18 4 38 TY +18 4 39 KK +18 4 40 PI +18 4 41 TY +18 4 42 CH +18 4 43 SA +18 4 44 TA +18 4 45 PI +18 4 46 AA +18 4 47 SA +18 4 48 KK +18 4 49 PI +18 4 50 RR +18 4 51 AA +18 4 52 KK +18 4 53 RR +18 4 54 KK +18 4 55 PI +18 4 56 KK +18 4 57 PI +18 4 58 AA +18 4 59 KK +18 4 60 CH +18 4 61 TY +18 4 62 SA +18 4 63 TY +18 4 64 PI +18 4 65 TY +18 4 66 TA +18 4 67 RR +18 4 68 KK +18 4 69 CH +18 4 70 TA +18 4 71 TY +18 4 72 PI +18 4 73 RR +18 4 74 KK +18 4 75 SA +18 4 76 TY +18 4 77 PI +18 4 78 KK +18 4 79 CH +18 4 80 PI +18 4 81 KK +18 4 82 PI +18 4 83 KK +18 4 84 TY +18 4 85 PI +18 4 86 SA +18 4 87 SA +18 4 88 RR +18 4 89 SA +18 4 90 RR +18 4 91 SH +18 4 92 TA +18 4 93 PI +18 4 94 CH +18 4 95 KK +18 4 96 KK +18 4 97 RR +18 4 98 TY +18 4 99 CH +18 4 100 TY +18 4 101 RR +18 4 102 KK +18 4 103 SA +18 4 104 PI +18 4 105 RR +18 4 106 KK +18 4 107 TA +18 4 108 KK +18 4 109 CH +18 4 110 TY +18 4 111 CH +18 4 112 TY +18 4 113 CH +18 4 114 PI +18 4 115 RR +18 4 116 KK +18 4 117 SA +18 4 118 TY +18 4 119 PI +18 4 120 TA +18 4 121 TY +18 4 122 PI +18 4 123 SA +18 4 124 KK +18 4 125 TY +18 4 126 KK +18 4 127 SA +18 4 128 SH +18 4 129 TA +18 4 130 CH +18 4 131 RR +18 4 132 TY +18 4 133 PI +18 4 134 CH +18 4 135 RR +18 4 136 PI +18 4 137 SA +18 4 138 PI +18 4 139 TA +18 4 140 RR +18 4 141 TA +18 4 142 TA +18 4 143 KK +18 4 144 TY +18 4 145 PI +18 4 146 KK +18 4 147 PI +18 4 148 TY +18 4 149 KK +18 4 150 RR +18 4 151 TY +18 4 152 SA +18 4 153 PI +18 4 154 SA +18 4 155 SA +18 4 156 PI +18 4 157 SA +18 4 158 TA +18 4 159 KK +18 4 160 RR +18 4 161 PI +18 4 162 TY +18 4 163 KK +18 4 164 PI +18 4 165 CH +18 4 166 TY +18 4 167 AA +18 4 168 KK +18 4 169 PI +18 4 170 RR +18 4 171 RR +18 4 172 TA +18 4 173 TY +18 4 174 TY +18 4 175 PI +18 4 176 TY +18 4 177 KK +18 4 178 PI +18 4 179 TY +18 4 180 TY +18 4 181 RR +18 4 182 RR +18 4 183 SA +18 4 184 RR +18 4 185 KK +18 4 186 PI +18 4 187 RR +18 4 188 PI +18 4 189 AA +18 4 190 KK +18 4 191 PI +18 4 192 RR +18 4 193 SH +18 4 194 RR +18 4 195 TY +18 4 196 PI +18 4 197 RR +18 4 198 CH +18 4 199 KK +18 4 200 PI +18 4 201 SA +18 4 202 PI +18 4 203 RR +18 4 204 CH +18 4 205 SA +18 4 206 KK +18 4 207 TY +18 4 208 AA +18 4 209 PI +18 4 210 CH +18 4 211 PI +18 4 212 RR +18 4 213 SA +18 4 214 KK +18 4 215 RR +18 4 216 CH +18 4 217 KK +18 4 218 KK +18 4 219 PI +18 4 220 SA +18 4 221 KK +18 4 222 TY +18 4 223 PI +18 4 224 TA +18 4 225 KK +18 4 226 PI +18 4 227 CH +18 4 228 PI +18 4 229 PI +18 4 230 TA +18 4 231 RR +18 4 232 CH +18 4 233 SA +18 4 234 PI +18 4 235 PI +18 4 236 KK +18 4 237 KK +18 4 238 PI +18 4 239 RR +18 4 240 CH +18 4 241 TA +18 4 242 KK +18 4 243 RR +18 4 244 TA +18 4 245 TY +18 4 246 PI +18 4 247 RR +18 4 248 CH +18 4 249 PI +18 4 250 RR +18 4 251 PI +18 4 252 TA +18 4 253 PI +18 4 254 RR +18 4 255 CH +18 4 256 TY +18 4 257 PI +18 4 258 SH +18 4 259 RR +18 4 260 KK +18 4 261 SA +18 4 262 TA +18 4 263 CH +18 4 264 PI +18 4 265 PI +18 4 266 CH +18 4 267 RR +18 4 268 PI +18 4 269 RR +18 4 270 TY +18 4 271 PI +18 4 272 TA +18 4 273 RR +18 4 274 TA +18 4 275 KK +18 4 276 RR +18 4 277 PI +18 4 278 RR +18 4 279 PI +18 4 280 SA +18 4 281 PI +18 4 282 PI +18 4 283 CH +18 4 284 KK +18 4 285 RR +18 4 286 TA +18 4 287 KK +18 4 288 TY +18 4 289 PI +18 4 290 KK +18 4 291 PI +18 4 292 KK +18 4 293 KK +18 4 294 TA +18 4 295 SA +18 4 296 CH +18 4 297 TY +18 4 298 TY +18 4 299 PI +18 4 300 KK +18 4 301 PI +18 4 302 KK +18 4 303 SA +18 4 304 KK +18 4 305 CH +18 4 306 PI +18 4 307 PI +18 4 308 CH +18 4 309 CH +18 4 310 PI +18 4 311 PI +18 4 312 CH +18 4 313 SA +18 4 314 TA +18 4 315 PI +18 4 316 PI +18 4 317 RR +18 4 318 KK +18 4 319 TA +18 4 320 KK +18 4 321 RR +18 4 322 PI +18 4 323 KK +18 4 324 TA +18 4 325 RR +18 4 326 TY +18 4 327 TA +18 4 328 SA +18 4 329 CH +18 4 330 KK +18 5 1 TA +18 5 2 CH +18 5 3 TA +18 5 4 CH +18 5 5 TA +18 5 6 TY +18 5 7 CH +18 5 8 TY +18 5 9 TA +18 5 10 CH +18 5 11 KK +18 5 12 TA +18 5 13 CH +18 5 14 CH +18 5 15 TY +18 5 16 KK +18 5 17 TY +18 5 18 CH +18 5 19 TA +18 5 20 TY +18 5 21 TA +18 5 22 KK +18 5 23 TY +18 5 24 TA +18 5 25 TY +18 5 26 CH +18 5 27 KK +18 5 28 CH +18 5 29 TA +18 5 30 TY +18 5 31 KK +18 5 32 TY +18 5 33 TA +18 5 34 CH +18 5 35 TA +18 5 36 CH +18 5 37 TY +18 5 38 TA +18 5 39 KK +18 5 40 CH +18 5 41 TA +18 5 42 TY +18 5 43 CH +18 5 44 KK +18 5 45 TA +18 5 46 KK +18 5 47 CH +18 5 48 TA +18 5 49 KK +18 5 50 CH +18 5 51 KK +18 5 52 TA +18 5 53 CH +18 5 54 TY +18 5 55 KK +18 5 56 TY +18 5 57 CH +18 5 58 KK +18 5 59 TY +18 5 60 CH +18 5 61 TA +18 5 62 CH +18 5 63 PO +18 5 64 TY +18 5 65 TY +18 5 66 KK +18 5 67 TY +18 5 68 TY +18 5 69 KK +18 5 70 KK +18 5 71 CH +18 5 72 TA +18 5 73 CH +18 5 74 KK +18 5 75 KK +18 5 76 TY +18 5 77 CH +18 5 78 TY +18 5 79 CH +18 5 80 TA +18 5 81 TA +18 5 82 TA +18 5 83 KK +18 5 84 TA +18 5 85 TA +18 5 86 CH +18 5 87 CH +18 5 88 TA +18 5 89 CH +18 5 90 CH +18 5 91 TY +18 5 92 KK +18 5 93 CH +18 5 94 KK +18 5 95 KK +18 5 96 TA +18 5 97 CH +18 5 98 TY +18 5 99 TA +18 5 100 TA +18 5 101 CH +18 5 102 KK +18 5 103 TY +18 5 104 TY +18 5 105 KK +18 5 106 KK +18 5 107 TA +18 5 108 KK +18 5 109 CH +18 5 110 TA +18 5 111 CH +18 5 112 TY +18 5 113 CH +18 5 114 CH +18 5 115 TY +18 5 116 TA +18 5 117 CH +18 5 118 TA +18 5 119 TY +18 5 120 KK +18 5 121 TY +18 5 122 TA +18 5 123 CH +18 5 124 KK +18 5 125 TY +18 5 126 TY +18 5 127 CH +18 5 128 TA +18 5 129 KK +18 5 130 CH +18 5 131 TY +18 5 132 TY +18 5 133 CH +18 5 134 TA +18 5 135 TY +18 5 136 CH +18 5 137 KK +18 5 138 KK +18 5 139 KK +18 5 140 CH +18 5 141 KK +18 5 142 KK +18 5 143 TA +18 5 144 CH +18 5 145 TA +18 5 146 TY +18 5 147 CH +18 5 148 TY +18 5 149 KK +18 5 150 CH +18 5 151 TY +18 5 152 TY +18 5 153 TA +18 5 154 CH +18 5 155 KK +18 5 156 TA +18 5 157 CH +18 5 158 KK +18 5 159 TA +18 5 160 TY +18 5 161 TA +18 5 162 TY +18 5 163 CH +18 5 164 CH +18 5 165 KK +18 5 166 CH +18 5 167 TA +18 5 168 CH +18 5 169 CH +18 5 170 CH +18 5 171 TA +18 5 172 KK +18 5 173 TY +18 5 174 TA +18 5 175 KK +18 5 176 TY +18 5 177 KK +18 5 178 CH +18 5 179 TY +18 5 180 KK +18 5 181 TA +18 5 182 CH +18 5 183 TY +18 5 184 TY +18 5 185 TA +18 5 186 KK +18 5 187 TA +18 5 188 TY +18 5 189 KK +18 5 190 TY +18 5 191 CH +18 5 192 CH +18 5 193 KK +18 5 194 CH +18 5 195 KK +18 5 196 TA +18 5 197 CH +18 5 198 CH +18 5 199 KK +18 5 200 TY +18 5 201 TA +18 5 202 TY +18 5 203 PO +18 5 204 CH +18 5 205 CH +18 5 206 KK +18 5 207 PO +18 5 208 TY +18 5 209 CH +18 5 210 CH +18 5 211 TA +18 5 212 TY +18 5 213 CH +18 5 214 KK +18 5 215 TA +18 5 216 CH +18 5 217 TA +18 5 218 TY +18 5 219 KK +18 5 220 CH +18 5 221 KK +18 5 222 CH +18 5 223 TY +18 5 224 KK +18 5 225 KK +18 5 226 CH +18 5 227 CH +18 5 228 TA +18 5 229 TA +18 5 230 KK +18 5 231 TY +18 5 232 CH +18 5 233 CH +18 5 234 TA +18 5 235 TA +18 5 236 TA +18 5 237 TY +18 5 238 CH +18 5 239 PO +18 5 240 PO +18 5 241 KK +18 5 242 KK +18 5 243 PO +18 5 244 KK +18 5 245 PO +18 5 246 TY +18 5 247 CH +18 5 248 CH +18 5 249 CH +18 5 250 TY +18 5 251 TA +18 5 252 KK +18 5 253 TY +18 5 254 CH +18 5 255 CH +18 5 256 PO +18 5 257 CH +18 5 258 TA +18 5 259 TY +18 5 260 KK +18 5 261 TY +18 5 262 KK +18 5 263 CH +18 5 264 TA +18 5 265 TY +18 5 266 PO +18 5 267 TY +18 5 268 KK +18 5 269 PO +18 5 270 PO +18 5 271 CH +18 5 272 TA +18 5 273 TY +18 5 274 TA +18 5 275 TY +18 5 276 PO +18 5 277 CH +18 5 278 PO +18 5 279 CH +18 5 280 TY +18 5 281 CH +18 5 282 TY +18 5 283 TA +18 5 284 TY +18 5 285 KK +18 5 286 KK +18 5 287 TY +18 5 288 PO +18 5 289 KK +18 5 290 KK +18 5 291 TA +18 5 292 TY +18 5 293 KK +18 5 294 KK +18 5 295 TY +18 5 296 CH +18 5 297 TA +18 5 298 PO +18 5 299 CH +18 5 300 KK +18 5 301 TY +18 5 302 KK +18 5 303 KK +18 5 304 TA +18 5 305 TY +18 5 306 TA +18 5 307 CH +18 5 308 TY +18 5 309 CH +18 5 310 TA +18 5 311 CH +18 5 312 CH +18 5 313 CH +18 5 314 KK +18 5 315 TA +18 5 316 CH +18 5 317 PO +18 5 318 PO +18 5 319 TY +18 5 320 TY +18 5 321 PO +18 5 322 TY +18 5 323 CH +18 5 324 KK +18 5 325 PO +18 5 326 TY +18 5 327 TA +18 5 328 CH +18 5 329 KK +18 5 330 KK +18 6 1 TA +18 6 2 TY +18 6 3 PO +18 6 4 CH +18 6 5 TY +18 6 6 TA +18 6 7 TY +18 6 8 TY +18 6 9 TA +18 6 10 CH +18 6 11 CH +18 6 12 TY +18 6 13 TA +18 6 14 CH +18 6 15 TA +18 6 16 TY +18 6 17 TA +18 6 18 CH +18 6 19 TA +18 6 20 TY +18 6 21 TY +18 6 22 TA +18 6 23 FF +18 6 24 CH +18 6 25 TA +18 6 26 CH +18 6 27 TA +18 6 28 TY +18 6 29 TA +18 6 30 KK +18 6 31 TA +18 6 32 TY +18 6 33 TA +18 6 34 TA +18 6 35 TY +18 6 36 CH +18 6 37 TA +18 6 38 TY +18 6 39 TA +18 6 40 TA +18 6 41 TY +18 6 42 TY +18 6 43 CH +18 6 44 TA +18 6 45 TA +18 6 46 CH +18 6 47 CH +18 6 48 TA +18 6 49 TA +18 6 50 FF +18 6 51 CH +18 6 52 TA +18 6 53 TY +18 6 54 CH +18 6 55 TA +18 6 56 KK +18 6 57 TA +18 6 58 TA +18 6 59 TA +18 6 60 CH +18 6 61 KK +18 6 62 FF +18 6 63 KK +18 6 64 TA +18 6 65 KK +18 6 66 TA +18 6 67 TA +18 6 68 KK +18 6 69 CH +18 6 70 TY +18 6 71 CH +18 6 72 TA +18 6 73 TY +18 6 74 TA +18 6 75 CH +18 6 76 TY +18 6 77 TA +18 6 78 TA +18 6 79 CH +18 6 80 TA +18 6 81 TA +18 6 82 TA +18 6 83 KK +18 6 84 TY +18 6 85 TA +18 6 86 TY +18 6 87 CH +18 6 88 TY +18 6 89 CH +18 6 90 SA +18 6 91 TA +18 6 92 TA +18 6 93 TA +18 6 94 CH +18 6 95 TA +18 6 96 TY +18 6 97 FF +18 6 98 TY +18 6 99 CH +18 6 100 TA +18 6 101 TY +18 6 102 TA +18 6 103 CH +18 6 104 TA +18 6 105 TY +18 6 106 TA +18 6 107 TA +18 6 108 TA +18 6 109 FF +18 6 110 KK +18 6 111 CH +18 6 112 KK +18 6 113 TA +18 6 114 TA +18 6 115 TY +18 6 116 TA +18 6 117 CH +18 6 118 TY +18 6 119 TA +18 6 120 TA +18 6 121 TY +18 6 122 TA +18 6 123 CH +18 6 124 TA +18 6 125 KK +18 6 126 KK +18 6 127 CH +18 6 128 TY +18 6 129 TA +18 6 130 CH +18 6 131 TY +18 6 132 TA +18 6 133 TA +18 6 134 CH +18 6 135 KK +18 6 136 TA +18 6 137 CH +18 6 138 TA +18 6 139 TY +18 6 140 TA +18 6 141 TA +18 6 142 TA +18 6 143 TY +18 6 144 FF +18 6 145 TA +18 6 146 KK +18 6 147 TA +18 6 148 TY +18 6 149 TA +18 6 150 FF +18 6 151 TA +18 6 152 KK +18 6 153 TY +18 6 154 CH +18 6 155 CH +18 6 156 TA +18 6 157 CH +18 6 158 TA +18 6 159 TY +18 6 160 KK +18 6 161 TA +18 6 162 TY +18 6 163 TA +18 6 164 TA +18 6 165 CH +18 6 166 CH +18 6 167 TA +18 6 168 CH +18 6 169 TA +18 6 170 CH +18 6 171 TA +18 6 172 TA +18 6 173 TY +18 6 174 KK +18 6 175 TA +18 6 176 TY +18 6 177 TA +18 6 178 CH +18 6 179 KK +18 6 180 TA +18 6 181 TY +18 6 182 KK +18 6 183 CH +18 6 184 FF +18 6 185 TY +18 6 186 TA +18 6 187 TY +18 6 188 TA +18 6 189 TA +18 6 190 TY +18 6 191 TA +18 6 192 FF +18 6 193 TY +18 6 194 CH +18 6 195 TA +18 6 196 TA +18 6 197 KK +18 6 198 CH +18 6 199 TA +18 6 200 TA +18 6 201 KK +18 6 202 TA +18 6 203 KK +18 6 204 CH +18 6 205 TY +18 6 206 TA +18 6 207 TY +18 6 208 KK +18 6 209 TA +18 6 210 CH +18 6 211 TY +18 6 212 KK +18 6 213 CH +18 6 214 TA +18 6 215 KK +18 6 216 CH +18 6 217 TA +18 6 218 TA +18 6 219 TA +18 6 220 CH +18 6 221 TA +18 6 222 FF +18 6 223 TY +18 6 224 TA +18 6 225 TY +18 6 226 CH +18 6 227 CH +18 6 228 FF +18 6 229 TA +18 6 230 TA +18 6 231 FF +18 6 232 CH +18 6 233 TA +18 6 234 TY +18 6 235 TA +18 6 236 CH +18 6 237 KK +18 6 238 TA +18 6 239 KK +18 6 240 CH +18 6 241 TA +18 6 242 TA +18 6 243 CH +18 6 244 TA +18 6 245 KK +18 6 246 TA +18 6 247 FF +18 6 248 CH +18 6 249 CH +18 6 250 FF +18 6 251 TA +18 6 252 TA +18 6 253 TA +18 6 254 TA +18 6 255 CH +18 6 256 TY +18 6 257 CH +18 6 258 TY +18 6 259 KK +18 6 260 TA +18 6 261 TY +18 6 262 TA +18 6 263 CH +18 6 264 TA +18 6 265 CH +18 6 266 TA +18 6 267 FF +18 6 268 TA +18 6 269 TY +18 6 270 TY +18 6 271 CH +18 6 272 TA +18 6 273 TY +18 6 274 TA +18 6 275 KK +18 6 276 KK +18 6 277 CH +18 6 278 KK +18 6 279 FF +18 6 280 CH +18 6 281 TA +18 6 282 TY +18 6 283 CH +18 6 284 TA +18 6 285 TY +18 6 286 TA +18 6 287 CH +18 6 288 TY +18 6 289 KK +18 6 290 TA +18 6 291 TA +18 6 292 TY +18 6 293 TA +18 6 294 TA +18 6 295 CH +18 6 296 FF +18 6 297 TY +18 6 298 KK +18 6 299 TA +18 6 300 TA +18 6 301 TA +18 6 302 TA +18 6 303 TA +18 6 304 CH +18 6 305 FF +18 6 306 TA +18 6 307 TA +18 6 308 TA +18 6 309 CH +18 6 310 TA +18 6 311 CH +18 6 312 CH +18 6 313 FF +18 6 314 TA +18 6 315 TA +18 6 316 TA +18 6 317 TY +18 6 318 TY +18 6 319 TA +18 6 320 CH +18 6 321 TY +18 6 322 TA +18 6 323 CH +18 6 324 TA +18 6 325 FF +18 6 326 KK +18 6 327 TA +18 6 328 CH +18 6 329 CH +18 6 330 TA +18 7 1 CH +18 7 2 SS +18 7 3 TY +18 7 4 TY +18 7 5 SS +18 7 6 TY +18 7 7 TY +18 7 8 RR +18 7 9 RR +18 7 10 RR +18 7 11 CH +18 7 12 VV +18 7 13 RR +18 7 14 CH +18 7 15 RR +18 7 16 KK +18 7 17 VV +18 7 18 CH +18 7 19 SS +18 7 20 SH +18 7 21 VV +18 7 22 VV +18 7 23 CH +18 7 24 SA +18 7 25 SS +18 7 26 CH +18 7 27 TA +18 7 28 RR +18 7 29 SH +18 7 30 VV +18 7 31 TA +18 7 32 RR +18 7 33 SH +18 7 34 RR +18 7 35 * +18 7 36 CH +18 7 37 SS +18 7 38 RR +18 7 39 CH +18 7 40 SS +18 7 41 RR +18 7 42 VV +18 7 43 CH +18 7 44 CH +18 7 45 RR +18 7 46 CH +18 7 47 CH +18 7 48 VV +18 7 49 RR +18 7 50 RR +18 7 51 CH +18 7 52 TA +18 7 53 CH +18 7 54 SS +18 7 55 CH +18 7 56 AA +18 7 57 CH +18 7 58 SH +18 7 59 TA +18 7 60 CH +18 7 61 TA +18 7 62 SS +18 7 63 VV +18 7 64 SS +18 7 65 VV +18 7 66 TA +18 7 67 SS +18 7 68 VV +18 7 69 CH +18 7 70 TA +18 7 71 CH +18 7 72 SS +18 7 73 TA +18 7 74 TA +18 7 75 CH +18 7 76 VV +18 7 77 SS +18 7 78 TA +18 7 79 CH +18 7 80 SS +18 7 81 EE +18 7 82 TA +18 7 83 TA +18 7 84 SA +18 7 85 KK +18 7 86 SA +18 7 87 CH +18 7 88 VV +18 7 89 CH +18 7 90 CH +18 7 91 EE +18 7 92 TA +18 7 93 SS +18 7 94 CH +18 7 95 TA +18 7 96 VV +18 7 97 CH +18 7 98 SS +18 7 99 CH +18 7 100 SS +18 7 101 CH +18 7 102 TA +18 7 103 EE +18 7 104 SS +18 7 105 CH +18 7 106 VV +18 7 107 TA +18 7 108 TA +18 7 109 CH +18 7 110 EE +18 7 111 CH +18 7 112 CH +18 7 113 CH +18 7 114 TA +18 7 115 RR +18 7 116 RR +18 7 117 CH +18 7 118 RR +18 7 119 RR +18 7 120 KK +18 7 121 RR +18 7 122 RR +18 7 123 CH +18 7 124 EE +18 7 125 RR +18 7 126 RR +18 7 127 CH +18 7 128 VV +18 7 129 TA +18 7 130 CH +18 7 131 RR +18 7 132 VV +18 7 133 CH +18 7 134 RR +18 7 135 CH +18 7 136 CH +18 7 137 CH +18 7 138 SS +18 7 139 TA +18 7 140 CH +18 7 141 TA +18 7 142 TA +18 7 143 VV +18 7 144 CH +18 7 145 SS +18 7 146 VV +18 7 147 KK +18 7 148 VV +18 7 149 TA +18 7 150 CH +18 7 151 RR +18 7 152 RR +18 7 153 SS +18 7 154 CH +18 7 155 CH +18 7 156 TA +18 7 157 SA +18 7 158 TA +18 7 159 RR +18 7 160 RR +18 7 161 SS +18 7 162 RR +18 7 163 SS +18 7 164 SS +18 7 165 CH +18 7 166 CH +18 7 167 RR +18 7 168 RR +18 7 169 SS +18 7 170 CH +18 7 171 VV +18 7 172 TA +18 7 173 VV +18 7 174 EE +18 7 175 TA +18 7 176 VV +18 7 177 RR +18 7 178 CH +18 7 179 RR +18 7 180 SS +18 7 181 VV +18 7 182 CH +18 7 183 RR +18 7 184 SS +18 7 185 VV +18 7 186 SS +18 7 187 EE +18 7 188 SS +18 7 189 TA +18 7 190 TA +18 7 191 SS +18 7 192 CH +18 7 193 EE +18 7 194 CH +18 7 195 EE +18 7 196 TA +18 7 197 CH +18 7 198 CH +18 7 199 TA +18 7 200 TA +18 7 201 RR +18 7 202 RR +18 7 203 VV +18 7 204 CH +18 7 205 TY +18 7 206 TA +18 7 207 CH +18 7 208 EE +18 7 209 CH +18 7 210 RR +18 7 211 SS +18 7 212 EE +18 7 213 VV +18 7 214 EE +18 7 215 RR +18 7 216 CH +18 7 217 RR +18 7 218 EE +18 7 219 TA +18 7 220 SS +18 7 221 TA +18 7 222 CH +18 7 223 SS +18 7 224 TA +18 7 225 EE +18 7 226 CH +18 7 227 CH +18 7 228 CH +18 7 229 SS +18 7 230 KK +18 7 231 CH +18 7 232 TA +18 7 233 SS +18 7 234 SH +18 7 235 SS +18 7 236 EE +18 7 237 VV +18 7 238 SS +18 7 239 VV +18 7 240 CH +18 7 241 TA +18 7 242 EE +18 7 243 CH +18 7 244 TA +18 7 245 VV +18 7 246 SS +18 7 247 CH +18 7 248 SA +18 7 249 SS +18 7 250 CH +18 7 251 SS +18 7 252 TA +18 7 253 SS +18 7 254 SS +18 7 255 CH +18 7 256 VV +18 7 257 CH +18 7 258 EE +18 7 259 VV +18 7 260 TA +18 7 261 EE +18 7 262 TA +18 7 263 CH +18 7 264 SS +18 7 265 SH +18 7 266 VV +18 7 267 CH +18 7 268 VV +18 7 269 SH +18 7 270 EE +18 7 271 CH +18 7 272 KK +18 7 273 SS +18 7 274 TA +18 7 275 EE +18 7 276 TA +18 7 277 CH +18 7 278 VV +18 7 279 CH +18 7 280 VV +18 7 281 SS +18 7 282 VV +18 7 283 RR +18 7 284 TA +18 7 285 VV +18 7 286 TA +18 7 287 EE +18 7 288 VV +18 7 289 SS +18 7 290 TA +18 7 291 SS +18 7 292 VV +18 7 293 TA +18 7 294 TA +18 7 295 CH +18 7 296 TA +18 7 297 EE +18 7 298 VV +18 7 299 SS +18 7 300 TA +18 7 301 SS +18 7 302 TA +18 7 303 TA +18 7 304 EE +18 7 305 CH +18 7 306 TA +18 7 307 SS +18 7 308 SH +18 7 309 CH +18 7 310 * +18 7 311 SH +18 7 312 CH +18 7 313 RR +18 7 314 TA +18 7 315 EE +18 7 316 SH +18 7 317 CH +18 7 318 EE +18 7 319 TA +18 7 320 RR +18 7 321 VV +18 7 322 SS +18 7 323 RR +18 7 324 TA +18 7 325 CH +18 7 326 SS +18 7 327 TA +18 7 328 CH +18 7 329 VV +18 7 330 TA +18 8 1 SS +18 8 2 KK +18 8 3 TY +18 8 4 TY +18 8 5 KK +18 8 6 CH +18 8 7 EE +18 8 8 TY +18 8 9 KK +18 8 10 SH +18 8 11 CH +18 8 12 EE +18 8 13 CH +18 8 14 AA +18 8 15 TY +18 8 16 TA +18 8 17 AA +18 8 18 CH +18 8 19 TY +18 8 20 AA +18 8 21 TY +18 8 22 KK +18 8 23 SH +18 8 24 AA +18 8 25 TY +18 8 26 CH +18 8 27 KK +18 8 28 TY +18 8 29 KK +18 8 30 TY +18 8 31 KK +18 8 32 TY +18 8 33 KK +18 8 34 SS +18 8 35 TY +18 8 36 CH +18 8 37 KK +18 8 38 TY +18 8 39 CH +18 8 40 SS +18 8 41 TY +18 8 42 EE +18 8 43 CH +18 8 44 KK +18 8 45 KK +18 8 46 AA +18 8 47 CH +18 8 48 EE +18 8 49 TY +18 8 50 SH +18 8 51 AA +18 8 52 KK +18 8 53 TY +18 8 54 SH +18 8 55 PI +18 8 56 KK +18 8 57 CH +18 8 58 EE +18 8 59 KK +18 8 60 CH +18 8 61 TY +18 8 62 SH +18 8 63 TY +18 8 64 CH +18 8 65 TY +18 8 66 KK +18 8 67 PI +18 8 68 KK +18 8 69 AA +18 8 70 KK +18 8 71 SH +18 8 72 PI +18 8 73 SH +18 8 74 KK +18 8 75 CH +18 8 76 TY +18 8 77 PI +18 8 78 KK +18 8 79 AA +18 8 80 TY +18 8 81 RR +18 8 82 PI +18 8 83 KK +18 8 84 KK +18 8 85 PI +18 8 86 TY +18 8 87 CH +18 8 88 TY +18 8 89 CH +18 8 90 CH +18 8 91 KK +18 8 92 TA +18 8 93 AA +18 8 94 AA +18 8 95 TA +18 8 96 EE +18 8 97 SH +18 8 98 TY +18 8 99 KK +18 8 100 KK +18 8 101 TY +18 8 102 KK +18 8 103 CH +18 8 104 KK +18 8 105 TY +18 8 106 KK +18 8 107 KK +18 8 108 KK +18 8 109 PI +18 8 110 VV +18 8 111 CH +18 8 112 TY +18 8 113 CH +18 8 114 PI +18 8 115 TY +18 8 116 TA +18 8 117 CH +18 8 118 TY +18 8 119 SS +18 8 120 TA +18 8 121 TY +18 8 122 SH +18 8 123 TY +18 8 124 EE +18 8 125 TY +18 8 126 TY +18 8 127 CH +18 8 128 EE +18 8 129 KK +18 8 130 CH +18 8 131 SH +18 8 132 TY +18 8 133 TY +18 8 134 CH +18 8 135 SH +18 8 136 EE +18 8 137 CH +18 8 138 CH +18 8 139 TA +18 8 140 CH +18 8 141 TA +18 8 142 TA +18 8 143 AA +18 8 144 SH +18 8 145 TA +18 8 146 EE +18 8 147 KK +18 8 148 CH +18 8 149 SH +18 8 150 TY +18 8 151 TA +18 8 152 SH +18 8 153 TY +18 8 154 CH +18 8 155 CH +18 8 156 PI +18 8 157 AA +18 8 158 TA +18 8 159 EE +18 8 160 KK +18 8 161 SS +18 8 162 CH +18 8 163 SS +18 8 164 PI +18 8 165 TY +18 8 166 PI +18 8 167 SH +18 8 168 PI +18 8 169 SH +18 8 170 CH +18 8 171 AA +18 8 172 TA +18 8 173 TY +18 8 174 EE +18 8 175 PI +18 8 176 TY +18 8 177 KK +18 8 178 PI +18 8 179 TY +18 8 180 PI +18 8 181 EE +18 8 182 CH +18 8 183 AA +18 8 184 SH +18 8 185 TY +18 8 186 PI +18 8 187 TY +18 8 188 AA +18 8 189 TA +18 8 190 AA +18 8 191 PI +18 8 192 SH +18 8 193 AA +18 8 194 TY +18 8 195 KK +18 8 196 TA +18 8 197 KK +18 8 198 CH +18 8 199 TA +18 8 200 PI +18 8 201 KK +18 8 202 TY +18 8 203 TY +18 8 204 CH +18 8 205 SH +18 8 206 TA +18 8 207 TY +18 8 208 KK +18 8 209 AA +18 8 210 TY +18 8 211 PI +18 8 212 EE +18 8 213 AA +18 8 214 KK +18 8 215 TY +18 8 216 CH +18 8 217 TA +18 8 218 TY +18 8 219 TA +18 8 220 PI +18 8 221 TA +18 8 222 SH +18 8 223 PI +18 8 224 TA +18 8 225 EE +18 8 226 PI +18 8 227 CH +18 8 228 PI +18 8 229 KK +18 8 230 KK +18 8 231 SH +18 8 232 KK +18 8 233 KK +18 8 234 PI +18 8 235 TA +18 8 236 EE +18 8 237 TY +18 8 238 PI +18 8 239 RR +18 8 240 CH +18 8 241 TA +18 8 242 EE +18 8 243 TY +18 8 244 TA +18 8 245 TY +18 8 246 PI +18 8 247 SH +18 8 248 CH +18 8 249 PI +18 8 250 SH +18 8 251 KK +18 8 252 TA +18 8 253 PI +18 8 254 AA +18 8 255 CH +18 8 256 TY +18 8 257 PI +18 8 258 EE +18 8 259 TY +18 8 260 KK +18 8 261 EE +18 8 262 TA +18 8 263 TA +18 8 264 PI +18 8 265 TY +18 8 266 TY +18 8 267 SH +18 8 268 PI +18 8 269 TY +18 8 270 EE +18 8 271 CH +18 8 272 TA +18 8 273 TY +18 8 274 TA +18 8 275 EE +18 8 276 TY +18 8 277 PI +18 8 278 KK +18 8 279 SH +18 8 280 KK +18 8 281 PI +18 8 282 AA +18 8 283 TY +18 8 284 TA +18 8 285 TY +18 8 286 TA +18 8 287 EE +18 8 288 TY +18 8 289 PI +18 8 290 TA +18 8 291 PI +18 8 292 AA +18 8 293 TA +18 8 294 TA +18 8 295 EE +18 8 296 SH +18 8 297 EE +18 8 298 TY +18 8 299 PI +18 8 300 TA +18 8 301 PI +18 8 302 TA +18 8 303 KK +18 8 304 KK +18 8 305 SH +18 8 306 KK +18 8 307 PI +18 8 308 SH +18 8 309 CH +18 8 310 PI +18 8 311 PI +18 8 312 CH +18 8 313 SH +18 8 314 TA +18 8 315 KK +18 8 316 PI +18 8 317 TY +18 8 318 AA +18 8 319 TA +18 8 320 EE +18 8 321 TY +18 8 322 PI +18 8 323 PI +18 8 324 TA +18 8 325 SH +18 8 326 EE +18 8 327 TA +18 8 328 TY +18 8 329 AA +18 8 330 TA +18 9 1 AA +18 9 2 TA +18 9 3 TY +18 9 4 CH +18 9 5 TA +18 9 6 CH +18 9 7 CH +18 9 8 AA +18 9 9 CH +18 9 10 CH +18 9 11 CH +18 9 12 TY +18 9 13 CH +18 9 14 CH +18 9 15 TA +18 9 16 TA +18 9 17 PO +18 9 18 TA +18 9 19 TY +18 9 20 CH +18 9 21 TA +18 9 22 TY +18 9 23 TA +18 9 24 CH +18 9 25 CH +18 9 26 TA +18 9 27 TA +18 9 28 PO +18 9 29 TA +18 9 30 TY +18 9 31 TA +18 9 32 TY +18 9 33 TA +18 9 34 TY +18 9 35 TY +18 9 36 CH +18 9 37 TA +18 9 38 TY +18 9 39 CH +18 9 40 TA +18 9 41 PO +18 9 42 CH +18 9 43 CH +18 9 44 TA +18 9 45 TY +18 9 46 CH +18 9 47 CH +18 9 48 CH +18 9 49 TA +18 9 50 CH +18 9 51 TY +18 9 52 TA +18 9 53 TY +18 9 54 CH +18 9 55 TA +18 9 56 TA +18 9 57 CH +18 9 58 TY +18 9 59 TA +18 9 60 CH +18 9 61 PO +18 9 62 TA +18 9 63 CH +18 9 64 CH +18 9 65 TA +18 9 66 TA +18 9 67 TY +18 9 68 TY +18 9 69 TA +18 9 70 TA +18 9 71 CH +18 9 72 TY +18 9 73 CH +18 9 74 TA +18 9 75 TY +18 9 76 PO +18 9 77 CH +18 9 78 TA +18 9 79 TY +18 9 80 SA +18 9 81 TA +18 9 82 TA +18 9 83 CH +18 9 84 TY +18 9 85 CH +18 9 86 TY +18 9 87 TA +18 9 88 CH +18 9 89 SA +18 9 90 TY +18 9 91 TA +18 9 92 TA +18 9 93 CH +18 9 94 SA +18 9 95 TA +18 9 96 PO +18 9 97 CH +18 9 98 PO +18 9 99 SA +18 9 100 TA +18 9 101 PO +18 9 102 TY +18 9 103 SA +18 9 104 TY +18 9 105 SA +18 9 106 TA +18 9 107 AA +18 9 108 TY +18 9 109 SA +18 9 110 PO +18 9 111 SA +18 9 112 TY +18 9 113 SA +18 9 114 SA +18 9 115 PO +18 9 116 TA +18 9 117 SA +18 9 118 TA +18 9 119 CH +18 9 120 TA +18 9 121 PO +18 9 122 CH +18 9 123 TA +18 9 124 TY +18 9 125 PO +18 9 126 CH +18 9 127 SA +18 9 128 TA +18 9 129 TY +18 9 130 SA +18 9 131 SA +18 9 132 PO +18 9 133 SA +18 9 134 TY +18 9 135 AA +18 9 136 TY +18 9 137 SA +18 9 138 CH +18 9 139 TY +18 9 140 TY +18 9 141 TA +18 9 142 TA +18 9 143 SA +18 9 144 TY +18 9 145 TA +18 9 146 PO +18 9 147 TA +18 9 148 PO +18 9 149 TA +18 9 150 CH +18 9 151 TY +18 9 152 SA +18 9 153 CH +18 9 154 TA +18 9 155 SA +18 9 156 CH +18 9 157 SA +18 9 158 TA +18 9 159 TA +18 9 160 TY +18 9 161 TA +18 9 162 PO +18 9 163 SA +18 9 164 TA +18 9 165 CH +18 9 166 TY +18 9 167 TA +18 9 168 SA +18 9 169 TY +18 9 170 CH +18 9 171 CH +18 9 172 TA +18 9 173 PO +18 9 174 RR +18 9 175 TA +18 9 176 RR +18 9 177 TA +18 9 178 CH +18 9 179 AA +18 9 180 SA +18 9 181 TY +18 9 182 CH +18 9 183 TA +18 9 184 SA +18 9 185 TA +18 9 186 TA +18 9 187 PO +18 9 188 TY +18 9 189 TA +18 9 190 AA +18 9 191 CH +18 9 192 SA +18 9 193 TA +18 9 194 SA +18 9 195 TY +18 9 196 TA +18 9 197 TA +18 9 198 TY +18 9 199 TY +18 9 200 SA +18 9 201 PO +18 9 202 SA +18 9 203 AA +18 9 204 TY +18 9 205 SA +18 9 206 TY +18 9 207 PO +18 9 208 TY +18 9 209 SA +18 9 210 AA +18 9 211 TA +18 9 212 PO +18 9 213 AA +18 9 214 TA +18 9 215 SA +18 9 216 CH +18 9 217 AA +18 9 218 SA +18 9 219 TA +18 9 220 CH +18 9 221 TA +18 9 222 AA +18 9 223 CH +18 9 224 TA +18 9 225 AA +18 9 226 CH +18 9 227 SA +18 9 228 TA +18 9 229 TY +18 9 230 TA +18 9 231 AA +18 9 232 SA +18 9 233 CH +18 9 234 TY +18 9 235 CH +18 9 236 TA +18 9 237 TA +18 9 238 CH +18 9 239 AA +18 9 240 SA +18 9 241 TA +18 9 242 TA +18 9 243 PO +18 9 244 TA +18 9 245 PO +18 9 246 CH +18 9 247 AA +18 9 248 SA +18 9 249 CH +18 9 250 KK +18 9 251 TA +18 9 252 TA +18 9 253 TA +18 9 254 CH +18 9 255 SA +18 9 256 PO +18 9 257 AA +18 9 258 KK +18 9 259 CH +18 9 260 TA +18 9 261 PO +18 9 262 TA +18 9 263 TY +18 9 264 TA +18 9 265 AA +18 9 266 SA +18 9 267 TY +18 9 268 KK +18 9 269 AA +18 9 270 PO +18 9 271 SA +18 9 272 TA +18 9 273 AA +18 9 274 KK +18 9 275 CH +18 9 276 PO +18 9 277 SA +18 9 278 CH +18 9 279 SA +18 9 280 TY +18 9 281 SA +18 9 282 TA +18 9 283 CH +18 9 284 TA +18 9 285 TA +18 9 286 TA +18 9 287 KK +18 9 288 PO +18 9 289 SA +18 9 290 KK +18 9 291 CH +18 9 292 TA +18 9 293 TY +18 9 294 TA +18 9 295 AA +18 9 296 CH +18 9 297 PO +18 9 298 TY +18 9 299 TA +18 9 300 SA +18 9 301 CH +18 9 302 TA +18 9 303 AA +18 9 304 SA +18 9 305 TY +18 9 306 KK +18 9 307 TA +18 9 308 TY +18 9 309 SA +18 9 310 CH +18 9 311 TY +18 9 312 AA +18 9 313 SA +18 9 314 TA +18 9 315 TY +18 9 316 SA +18 9 317 PO +18 9 318 SA +18 9 319 TY +18 9 320 CH +18 9 321 PO +18 9 322 TA +18 9 323 SA +18 9 324 TY +18 9 325 AA +18 9 326 PO +18 9 327 TA +18 9 328 SA +18 9 329 TY +18 9 330 TA +18 10 1 PI +18 10 2 KK +18 10 3 PA +18 10 4 KK +18 10 5 TA +18 10 6 TA +18 10 7 TY +18 10 8 CH +18 10 9 TA +18 10 10 PI +18 10 11 CH +18 10 12 SH +18 10 13 CH +18 10 14 TA +18 10 15 TY +18 10 16 TA +18 10 17 PO +18 10 18 CH +18 10 19 PI +18 10 20 TA +18 10 21 TY +18 10 22 TA +18 10 23 PI +18 10 24 CH +18 10 25 PI +18 10 26 TA +18 10 27 TY +18 10 28 TY +18 10 29 PI +18 10 30 PO +18 10 31 TA +18 10 32 PO +18 10 33 TA +18 10 34 PI +18 10 35 PO +18 10 36 CH +18 10 37 PI +18 10 38 PA +18 10 39 CH +18 10 40 PI +18 10 41 PO +18 10 42 TA +18 10 43 CH +18 10 44 TA +18 10 45 PI +18 10 46 CH +18 10 47 CH +18 10 48 TA +18 10 49 PI +18 10 50 CH +18 10 51 SA +18 10 52 TA +18 10 53 PO +18 10 54 TA +18 10 55 PI +18 10 56 TA +18 10 57 PI +18 10 58 TA +18 10 59 TA +18 10 60 PI +18 10 61 PO +18 10 62 TA +18 10 63 TA +18 10 64 PI +18 10 65 PA +18 10 66 TA +18 10 67 PI +18 10 68 PO +18 10 69 CH +18 10 70 TA +18 10 71 PA +18 10 72 PI +18 10 73 TA +18 10 74 TA +18 10 75 CH +18 10 76 PO +18 10 77 PI +18 10 78 TA +18 10 79 CH +18 10 80 PI +18 10 81 TA +18 10 82 PI +18 10 83 TA +18 10 84 PO +18 10 85 PI +18 10 86 TA +18 10 87 CH +18 10 88 PA +18 10 89 SA +18 10 90 SA +18 10 91 TA +18 10 92 TA +18 10 93 PI +18 10 94 CH +18 10 95 TA +18 10 96 TY +18 10 97 PI +18 10 98 PO +18 10 99 TA +18 10 100 TA +18 10 101 PI +18 10 102 TA +18 10 103 CH +18 10 104 PI +18 10 105 PA +18 10 106 TA +18 10 107 TA +18 10 108 TA +18 10 109 PI +18 10 110 SH +18 10 111 CH +18 10 112 PO +18 10 113 CH +18 10 114 PI +18 10 115 PA +18 10 116 PI +18 10 117 CH +18 10 118 PA +18 10 119 PI +18 10 120 TA +18 10 121 PO +18 10 122 PI +18 10 123 CH +18 10 124 TA +18 10 125 PO +18 10 126 TA +18 10 127 CH +18 10 128 PA +18 10 129 TA +18 10 130 CH +18 10 131 CH +18 10 132 PO +18 10 133 TA +18 10 134 CH +18 10 135 PA +18 10 136 PI +18 10 137 TA +18 10 138 PI +18 10 139 TA +18 10 140 PI +18 10 141 TA +18 10 142 TA +18 10 143 SH +18 10 144 CH +18 10 145 PI +18 10 146 SH +18 10 147 PI +18 10 148 PA +18 10 149 TA +18 10 150 CH +18 10 151 TA +18 10 152 TA +18 10 153 PI +18 10 154 CH +18 10 155 CH +18 10 156 PI +18 10 157 TA +18 10 158 TA +18 10 159 PO +18 10 160 PO +18 10 161 PI +18 10 162 PA +18 10 163 PI +18 10 164 PI +18 10 165 CH +18 10 166 CH +18 10 167 TA +18 10 168 PI +18 10 169 PI +18 10 170 CH +18 10 171 TA +18 10 172 TA +18 10 173 PA +18 10 174 SH +18 10 175 PI +18 10 176 PO +18 10 177 TA +18 10 178 PI +18 10 179 PA +18 10 180 PI +18 10 181 TA +18 10 182 PA +18 10 183 CH +18 10 184 PO +18 10 185 SH +18 10 186 PI +18 10 187 SH +18 10 188 PI +18 10 189 TA +18 10 190 PO +18 10 191 PI +18 10 192 TA +18 10 193 SH +18 10 194 PA +18 10 195 PI +18 10 196 TA +18 10 197 PO +18 10 198 CH +18 10 199 TA +18 10 200 PI +18 10 201 TY +18 10 202 PI +18 10 203 PO +18 10 204 CH +18 10 205 TA +18 10 206 TA +18 10 207 PA +18 10 208 KK +18 10 209 PI +18 10 210 PA +18 10 211 PI +18 10 212 TA +18 10 213 PI +18 10 214 SH +18 10 215 PO +18 10 216 CH +18 10 217 PA +18 10 218 TA +18 10 219 TA +18 10 220 PI +18 10 221 TA +18 10 222 TA +18 10 223 PI +18 10 224 TA +18 10 225 CH +18 10 226 PI +18 10 227 CH +18 10 228 CH +18 10 229 TA +18 10 230 TA +18 10 231 PA +18 10 232 CH +18 10 233 PO +18 10 234 PI +18 10 235 PI +18 10 236 CH +18 10 237 TA +18 10 238 PI +18 10 239 PA +18 10 240 PO +18 10 241 TA +18 10 242 TA +18 10 243 PA +18 10 244 TA +18 10 245 PO +18 10 246 PI +18 10 247 PI +18 10 248 CH +18 10 249 PI +18 10 250 CH +18 10 251 TA +18 10 252 TA +18 10 253 PI +18 10 254 TA +18 10 255 CH +18 10 256 PO +18 10 257 CH +18 10 258 SH +18 10 259 PA +18 10 260 TA +18 10 261 TA +18 10 262 TA +18 10 263 CH +18 10 264 TA +18 10 265 PI +18 10 266 PA +18 10 267 CH +18 10 268 TA +18 10 269 TA +18 10 270 SH +18 10 271 CH +18 10 272 TA +18 10 273 CH +18 10 274 TA +18 10 275 CH +18 10 276 PA +18 10 277 CH +18 10 278 TA +18 10 279 PI +18 10 280 CH +18 10 281 PI +18 10 282 TA +18 10 283 CH +18 10 284 TA +18 10 285 TA +18 10 286 TA +18 10 287 TA +18 10 288 PA +18 10 289 PI +18 10 290 TA +18 10 291 PI +18 10 292 PA +18 10 293 TA +18 10 294 TA +18 10 295 CH +18 10 296 CH +18 10 297 SH +18 10 298 PO +18 10 299 PI +18 10 300 TA +18 10 301 PI +18 10 302 TA +18 10 303 PI +18 10 304 CH +18 10 305 PA +18 10 306 PI +18 10 307 PI +18 10 308 TA +18 10 309 CH +18 10 310 TA +18 10 311 PI +18 10 312 CH +18 10 313 TY +18 10 314 TA +18 10 315 TA +18 10 316 CH +18 10 317 PA +18 10 318 PO +18 10 319 TA +18 10 320 CH +18 10 321 PA +18 10 322 PI +18 10 323 CH +18 10 324 TA +18 10 325 CH +18 10 326 SH +18 10 327 TA +18 10 328 CH +18 10 329 TA +18 10 330 TA +18 11 1 CH +18 11 2 TA +18 11 3 TY +18 11 4 SA +18 11 5 TA +18 11 6 TY +18 11 7 CH +18 11 8 TY +18 11 9 PA +18 11 10 SA +18 11 11 CH +18 11 12 TY +18 11 13 CH +18 11 14 SA +18 11 15 TA +18 11 16 TA +18 11 17 TY +18 11 18 SA +18 11 19 CH +18 11 20 SA +18 11 21 TY +18 11 22 TA +18 11 23 CH +18 11 24 PA +18 11 25 CH +18 11 26 SA +18 11 27 TY +18 11 28 TY +18 11 29 TA +18 11 30 PA +18 11 31 TA +18 11 32 TY +18 11 33 KK +18 11 34 CH +18 11 35 PO +18 11 36 SA +18 11 37 CH +18 11 38 TY +18 11 39 SA +18 11 40 CH +18 11 41 TY +18 11 42 PA +18 11 43 SA +18 11 44 TA +18 11 45 TA +18 11 46 SA +18 11 47 CH +18 11 48 PO +18 11 49 TA +18 11 50 TY +18 11 51 PA +18 11 52 TA +18 11 53 TY +18 11 54 SA +18 11 55 TA +18 11 56 PA +18 11 57 SA +18 11 58 PO +18 11 59 TA +18 11 60 SA +18 11 61 TY +18 11 62 CH +18 11 63 PA +18 11 64 TA +18 11 65 TY +18 11 66 TA +18 11 67 TA +18 11 68 TY +18 11 69 SA +18 11 70 TA +18 11 71 CH +18 11 72 TA +18 11 73 SA +18 11 74 TA +18 11 75 CH +18 11 76 PO +18 11 77 TA +18 11 78 PA +18 11 79 SA +18 11 80 TA +18 11 81 TY +18 11 82 TA +18 11 83 TA +18 11 84 PO +18 11 85 TA +18 11 86 TY +18 11 87 CH +18 11 88 TY +18 11 89 SA +18 11 90 SA +18 11 91 TY +18 11 92 TA +18 11 93 CH +18 11 94 SA +18 11 95 TA +18 11 96 TY +18 11 97 SA +18 11 98 TY +18 11 99 CH +18 11 100 TA +18 11 101 TY +18 11 102 TA +18 11 103 CH +18 11 104 TA +18 11 105 TY +18 11 106 TA +18 11 107 TA +18 11 108 TA +18 11 109 SA +18 11 110 PO +18 11 111 SA +18 11 112 TY +18 11 113 CH +18 11 114 SA +18 11 115 TY +18 11 116 TA +18 11 117 SA +18 11 118 TY +18 11 119 TA +18 11 120 TA +18 11 121 TY +18 11 122 SA +18 11 123 CH +18 11 124 TA +18 11 125 TY +18 11 126 TY +18 11 127 SA +18 11 128 TY +18 11 129 TA +18 11 130 SA +18 11 131 TY +18 11 132 TY +18 11 133 SA +18 11 134 CH +18 11 135 TY +18 11 136 TA +18 11 137 CH +18 11 138 TA +18 11 139 TA +18 11 140 CH +18 11 141 TA +18 11 142 SA +18 11 143 TY +18 11 144 CH +18 11 145 TA +18 11 146 PO +18 11 147 TA +18 11 148 TY +18 11 149 TA +18 11 150 TY +18 11 151 PO +18 11 152 TY +18 11 153 TA +18 11 154 CH +18 11 155 SA +18 11 156 CH +18 11 157 PA +18 11 158 TA +18 11 159 PA +18 11 160 TY +18 11 161 TA +18 11 162 TY +18 11 163 CH +18 11 164 SA +18 11 165 CH +18 11 166 SA +18 11 167 PA +18 11 168 CH +18 11 169 SA +18 11 170 SA +18 11 171 CH +18 11 172 TA +18 11 173 TY +18 11 174 PO +18 11 175 TA +18 11 176 TY +18 11 177 TA +18 11 178 SA +18 11 179 CH +18 11 180 TA +18 11 181 PA +18 11 182 TY +18 11 183 SA +18 11 184 TY +18 11 185 PA +18 11 186 TA +18 11 187 PO +18 11 188 TA +18 11 189 TA +18 11 190 TY +18 11 191 SA +18 11 192 CH +18 11 193 TY +18 11 194 TY +18 11 195 CH +18 11 196 TA +18 11 197 SA +18 11 198 CH +18 11 199 TA +18 11 200 TA +18 11 201 PA +18 11 202 CH +18 11 203 TY +18 11 204 PA +18 11 205 CH +18 11 206 TA +18 11 207 TY +18 11 208 PA +18 11 209 SA +18 11 210 CH +18 11 211 TA +18 11 212 PA +18 11 213 CH +18 11 214 TY +18 11 215 TY +18 11 216 SA +18 11 217 PA +18 11 218 SA +18 11 219 TA +18 11 220 SA +18 11 221 TA +18 11 222 TY +18 11 223 CH +18 11 224 TA +18 11 225 PO +18 11 226 SA +18 11 227 CH +18 11 228 SA +18 11 229 TA +18 11 230 PA +18 11 231 TY +18 11 232 SA +18 11 233 CH +18 11 234 SA +18 11 235 SA +18 11 236 CH +18 11 237 PO +18 11 238 SA +18 11 239 TY +18 11 240 PA +18 11 241 TA +18 11 242 TA +18 11 243 TY +18 11 244 TA +18 11 245 TY +18 11 246 SA +18 11 247 CH +18 11 248 SA +18 11 249 SA +18 11 250 TY +18 11 251 TA +18 11 252 TA +18 11 253 TA +18 11 254 SA +18 11 255 CH +18 11 256 TY +18 11 257 CH +18 11 258 KK +18 11 259 PO +18 11 260 KK +18 11 261 PA +18 11 262 TA +18 11 263 SA +18 11 264 TA +18 11 265 CH +18 11 266 PA +18 11 267 TY +18 11 268 TA +18 11 269 TY +18 11 270 PA +18 11 271 SA +18 11 272 TA +18 11 273 TY +18 11 274 TA +18 11 275 PO +18 11 276 TY +18 11 277 SA +18 11 278 PO +18 11 279 CH +18 11 280 CH +18 11 281 CH +18 11 282 CH +18 11 283 SA +18 11 284 TA +18 11 285 TY +18 11 286 TA +18 11 287 PA +18 11 288 TY +18 11 289 SA +18 11 290 TA +18 11 291 CH +18 11 292 PA +18 11 293 TA +18 11 294 TA +18 11 295 SA +18 11 296 TY +18 11 297 TY +18 11 298 TY +18 11 299 CH +18 11 300 TA +18 11 301 CH +18 11 302 TA +18 11 303 SA +18 11 304 SA +18 11 305 TY +18 11 306 TA +18 11 307 CH +18 11 308 TY +18 11 309 SA +18 11 310 TA +18 11 311 CH +18 11 312 SA +18 11 313 TY +18 11 314 TA +18 11 315 SA +18 11 316 CH +18 11 317 TY +18 11 318 PO +18 11 319 TA +18 11 320 PA +18 11 321 TY +18 11 322 TA +18 11 323 SA +18 11 324 TA +18 11 325 TY +18 11 326 PA +18 11 327 TA +18 11 328 SA +18 11 329 PA +18 11 330 TA +18 12 1 TY +18 12 2 TA +18 12 3 TY +18 12 4 TY +18 12 5 TY +18 12 6 * +18 12 7 TA +18 12 8 TY +18 12 9 CH +18 12 10 TY +18 12 11 TA +18 12 12 TA +18 12 13 CH +18 12 14 TY +18 12 15 TA +18 12 16 TY +18 12 17 CH +18 12 18 CH +18 12 19 CH +18 12 20 TA +18 12 21 TA +18 12 22 KK +18 12 23 CH +18 12 24 TA +18 12 25 TY +18 12 26 TA +18 12 27 TA +18 12 28 CH +18 12 29 CH +18 12 30 TY +18 12 31 TA +18 12 32 CH +18 12 33 TY +18 12 34 CH +18 12 35 TY +18 12 36 CH +18 12 37 TA +18 12 38 TY +18 12 39 TA +18 12 40 TA +18 12 41 TY +18 12 42 KK +18 12 43 SA +18 12 44 KK +18 12 45 TY +18 12 46 CH +18 12 47 TA +18 12 48 TY +18 12 49 TA +18 12 50 CH +18 12 51 KK +18 12 52 CH +18 12 53 TY +18 12 54 CH +18 12 55 TY +18 12 56 TA +18 12 57 TA +18 12 58 TY +18 12 59 CH +18 12 60 KK +18 12 61 TY +18 12 62 SA +18 12 63 TY +18 12 64 SA +18 12 65 TY +18 12 66 KK +18 12 67 SA +18 12 68 TY +18 12 69 CH +18 12 70 TY +18 12 71 TA +18 12 72 CH +18 12 73 TY +18 12 74 CH +18 12 75 TY +18 12 76 TY +18 12 77 CH +18 12 78 SA +18 12 79 SA +18 12 80 TY +18 12 81 CH +18 12 82 TA +18 12 83 KK +18 12 84 TY +18 12 85 SA +18 12 86 CH +18 12 87 SA +18 12 88 TY +18 12 89 SA +18 12 90 CH +18 12 91 TY +18 12 92 TA +18 12 93 TY +18 12 94 SA +18 12 95 TA +18 12 96 TY +18 12 97 TA +18 12 98 TY +18 12 99 CH +18 12 100 SA +18 12 101 TY +18 12 102 CH +18 12 103 TY +18 12 104 CH +18 12 105 TY +18 12 106 KK +18 12 107 TA +18 12 108 CH +18 12 109 SA +18 12 110 TY +18 12 111 SA +18 12 112 TY +18 12 113 SA +18 12 114 CH +18 12 115 TA +18 12 116 TY +18 12 117 CH +18 12 118 TY +18 12 119 CH +18 12 120 TA +18 12 121 TY +18 12 122 CH +18 12 123 TA +18 12 124 CH +18 12 125 TY +18 12 126 KK +18 12 127 CH +18 12 128 SA +18 12 129 KK +18 12 130 SA +18 12 131 TY +18 12 132 SA +18 12 133 CH +18 12 134 CH +18 12 135 TA +18 12 136 TY +18 12 137 SA +18 12 138 TA +18 12 139 KK +18 12 140 TA +18 12 141 TA +18 12 142 CH +18 12 143 TY +18 12 144 SA +18 12 145 TA +18 12 146 TY +18 12 147 TY +18 12 148 CH +18 12 149 SA +18 12 150 TA +18 12 151 CH +18 12 152 SA +18 12 153 TY +18 12 154 TA +18 12 155 TA +18 12 156 TY +18 12 157 CH +18 12 158 TA +18 12 159 CH +18 12 160 SA +18 12 161 TY +18 12 162 CH +18 12 163 TA +18 12 164 CH +18 12 165 TY +18 12 166 CH +18 12 167 TA +18 12 168 CH +18 12 169 CH +18 12 170 TA +18 12 171 CH +18 12 172 TA +18 12 173 TY +18 12 174 SA +18 12 175 TA +18 12 176 TY +18 12 177 CH +18 12 178 SA +18 12 179 CH +18 12 180 TA +18 12 181 TY +18 12 182 KK +18 12 183 SA +18 12 184 TY +18 12 185 TY +18 12 186 TA +18 12 187 SA +18 12 188 KK +18 12 189 TA +18 12 190 TY +18 12 191 SA +18 12 192 TY +18 12 193 CH +18 12 194 SA +18 12 195 TY +18 12 196 SA +18 12 197 TY +18 12 198 TA +18 12 199 TY +18 12 200 SA +18 12 201 CH +18 12 202 SA +18 12 203 CH +18 12 204 SA +18 12 205 TA +18 12 206 TY +18 12 207 TA +18 12 208 SA +18 12 209 CH +18 12 210 SA +18 12 211 TA +18 12 212 TY +18 12 213 CH +18 12 214 TA +18 12 215 TA +18 12 216 SA +18 12 217 TY +18 12 218 SA +18 12 219 TY +18 12 220 SA +18 12 221 KK +18 12 222 SA +18 12 223 CH +18 12 224 TA +18 12 225 SA +18 12 226 TA +18 12 227 TY +18 12 228 CH +18 12 229 TA +18 12 230 CH +18 12 231 TY +18 12 232 SA +18 12 233 TY +18 12 234 CH +18 12 235 TA +18 12 236 TY +18 12 237 CH +18 12 238 TA +18 12 239 TY +18 12 240 SA +18 12 241 TA +18 12 242 TY +18 12 243 CH +18 12 244 CH +18 12 245 TY +18 12 246 TA +18 12 247 CH +18 12 248 TY +18 12 249 SA +18 12 250 TA +18 12 251 CH +18 12 252 TA +18 12 253 SA +18 12 254 TY +18 12 255 CH +18 12 256 TY +18 12 257 TY +18 12 258 CH +18 12 259 TA +18 12 260 TY +18 12 261 CH +18 12 262 TA +18 12 263 TY +18 12 264 TA +18 12 265 SA +18 12 266 CH +18 12 267 TA +18 12 268 TY +18 12 269 CH +18 12 270 TY +18 12 271 CH +18 12 272 TA +18 12 273 TY +18 12 274 TA +18 12 275 TY +18 12 276 TA +18 12 277 SA +18 12 278 CH +18 12 279 TA +18 12 280 TY +18 12 281 SA +18 12 282 TY +18 12 283 CH +18 12 284 TA +18 12 285 CH +18 12 286 TA +18 12 287 SA +18 12 288 TY +18 12 289 TA +18 12 290 KK +18 12 291 SA +18 12 292 TA +18 12 293 TA +18 12 294 TY +18 12 295 SA +18 12 296 TA +18 12 297 TA +18 12 298 TA +18 12 299 SA +18 12 300 TA +18 12 301 TY +18 12 302 CH +18 12 303 SA +18 12 304 TA +18 12 305 CH +18 12 306 TY +18 12 307 TA +18 12 308 CH +18 12 309 TA +18 12 310 CH +18 12 311 SA +18 12 312 TY +18 12 313 TA +18 12 314 CH +18 12 315 TY +18 12 316 TA +18 12 317 TY +18 12 318 CH +18 12 319 SA +18 12 320 TA +18 12 321 TY +18 12 322 SA +18 12 323 TY +18 12 324 TA +18 12 325 SA +18 12 326 TY +18 12 327 KK +18 12 328 TY +18 12 329 SA +18 12 330 TA +18 13 1 PI +18 13 2 TA +18 13 3 PO +18 13 4 CH +18 13 5 TA +18 13 6 TA +18 13 7 CH +18 13 8 TA +18 13 9 PO +18 13 10 PI +18 13 11 CH +18 13 12 TA +18 13 13 CH +18 13 14 CH +18 13 15 TA +18 13 16 TA +18 13 17 TY +18 13 18 CH +18 13 19 PI +18 13 20 CH +18 13 21 PO +18 13 22 CH +18 13 23 CH +18 13 24 TA +18 13 25 PI +18 13 26 CH +18 13 27 TA +18 13 28 CH +18 13 29 PI +18 13 30 TA +18 13 31 CH +18 13 32 PI +18 13 33 CH +18 13 34 TA +18 13 35 PO +18 13 36 CH +18 13 37 TA +18 13 38 PO +18 13 39 CH +18 13 40 PO +18 13 41 TA +18 13 42 CH +18 13 43 TA +18 13 44 CH +18 13 45 PI +18 13 46 CH +18 13 47 TA +18 13 48 CH +18 13 49 PI +18 13 50 TA +18 13 51 CH +18 13 52 TA +18 13 53 CH +18 13 54 TA +18 13 55 PI +18 13 56 TA +18 13 57 CH +18 13 58 TA +18 13 59 CH +18 13 60 PI +18 13 61 PO +18 13 62 PI +18 13 63 TA +18 13 64 CH +18 13 65 PO +18 13 66 TA +18 13 67 PI +18 13 68 PO +18 13 69 CH +18 13 70 TA +18 13 71 CH +18 13 72 TA +18 13 73 PI +18 13 74 TA +18 13 75 CH +18 13 76 PO +18 13 77 PI +18 13 78 TA +18 13 79 CH +18 13 80 PI +18 13 81 CH +18 13 82 PI +18 13 83 TA +18 13 84 PO +18 13 85 CH +18 13 86 PO +18 13 87 CH +18 13 88 PO +18 13 89 CH +18 13 90 PI +18 13 91 TA +18 13 92 TA +18 13 93 PI +18 13 94 CH +18 13 95 TA +18 13 96 RR +18 13 97 PI +18 13 98 PO +18 13 99 TA +18 13 100 PI +18 13 101 PO +18 13 102 TA +18 13 103 CH +18 13 104 TA +18 13 105 PO +18 13 106 TA +18 13 107 CH +18 13 108 PI +18 13 109 CH +18 13 110 TA +18 13 111 CH +18 13 112 PO +18 13 113 CH +18 13 114 PI +18 13 115 PO +18 13 116 TA +18 13 117 CH +18 13 118 PO +18 13 119 PI +18 13 120 TA +18 13 121 PO +18 13 122 CH +18 13 123 PI +18 13 124 TA +18 13 125 CH +18 13 126 TA +18 13 127 CH +18 13 128 TY +18 13 129 TA +18 13 130 CH +18 13 131 PI +18 13 132 TA +18 13 133 CH +18 13 134 SA +18 13 135 PO +18 13 136 PI +18 13 137 CH +18 13 138 TA +18 13 139 CH +18 13 140 PI +18 13 141 TA +18 13 142 CH +18 13 143 TY +18 13 144 TA +18 13 145 PI +18 13 146 TY +18 13 147 PI +18 13 148 PO +18 13 149 TA +18 13 150 CH +18 13 151 TA +18 13 152 TA +18 13 153 PI +18 13 154 CH +18 13 155 TY +18 13 156 PI +18 13 157 CH +18 13 158 TA +18 13 159 PO +18 13 160 TA +18 13 161 CH +18 13 162 PI +18 13 163 CH +18 13 164 TA +18 13 165 CH +18 13 166 PI +18 13 167 TA +18 13 168 CH +18 13 169 PI +18 13 170 CH +18 13 171 TA +18 13 172 TY +18 13 173 PO +18 13 174 TY +18 13 175 PI +18 13 176 PO +18 13 177 TA +18 13 178 CH +18 13 179 RR +18 13 180 PI +18 13 181 TA +18 13 182 CH +18 13 183 TA +18 13 184 CH +18 13 185 CH +18 13 186 PI +18 13 187 CH +18 13 188 TA +18 13 189 CH +18 13 190 RR +18 13 191 PI +18 13 192 CH +18 13 193 TA +18 13 194 CH +18 13 195 PI +18 13 196 CH +18 13 197 TA +18 13 198 CH +18 13 199 TA +18 13 200 PI +18 13 201 PO +18 13 202 PI +18 13 203 TA +18 13 204 CH +18 13 205 RR +18 13 206 TA +18 13 207 PO +18 13 208 CH +18 13 209 TY +18 13 210 CH +18 13 211 PI +18 13 212 PO +18 13 213 TA +18 13 214 CH +18 13 215 PI +18 13 216 CH +18 13 217 TA +18 13 218 PI +18 13 219 TA +18 13 220 PI +18 13 221 CH +18 13 222 TA +18 13 223 PI +18 13 224 TA +18 13 225 CH +18 13 226 PI +18 13 227 CH +18 13 228 TA +18 13 229 CH +18 13 230 TY +18 13 231 KK +18 13 232 CH +18 13 233 PI +18 13 234 CH +18 13 235 TA +18 13 236 CH +18 13 237 TA +18 13 238 PI +18 13 239 PO +18 13 240 CH +18 13 241 TA +18 13 242 TY +18 13 243 RR +18 13 244 TA +18 13 245 CH +18 13 246 PI +18 13 247 TY +18 13 248 CH +18 13 249 PI +18 13 250 TA +18 13 251 PI +18 13 252 TA +18 13 253 PI +18 13 254 CH +18 13 255 TA +18 13 256 PO +18 13 257 CH +18 13 258 TA +18 13 259 TY +18 13 260 TA +18 13 261 CH +18 13 262 TA +18 13 263 CH +18 13 264 PI +18 13 265 CH +18 13 266 PO +18 13 267 PI +18 13 268 RR +18 13 269 CH +18 13 270 TA +18 13 271 CH +18 13 272 RR +18 13 273 TA +18 13 274 CH +18 13 275 TA +18 13 276 PO +18 13 277 CH +18 13 278 PO +18 13 279 PI +18 13 280 CH +18 13 281 PI +18 13 282 TA +18 13 283 CH +18 13 284 TA +18 13 285 TA +18 13 286 CH +18 13 287 TA +18 13 288 PO +18 13 289 PI +18 13 290 TA +18 13 291 PI +18 13 292 TA +18 13 293 CH +18 13 294 TA +18 13 295 CH +18 13 296 TA +18 13 297 RR +18 13 298 PO +18 13 299 PI +18 13 300 CH +18 13 301 PI +18 13 302 TA +18 13 303 TA +18 13 304 CH +18 13 305 RR +18 13 306 PI +18 13 307 CH +18 13 308 KK +18 13 309 RR +18 13 310 PI +18 13 311 CH +18 13 312 CH +18 13 313 KK +18 13 314 TA +18 13 315 PI +18 13 316 CH +18 13 317 TA +18 13 318 PO +18 13 319 TA +18 13 320 CH +18 13 321 PO +18 13 322 PI +18 13 323 RR +18 13 324 TA +18 13 325 CH +18 13 326 TY +18 13 327 TA +18 13 328 CH +18 13 329 TY +18 13 330 TA +18 14 1 TA +18 14 2 TA +18 14 3 TY +18 14 4 CH +18 14 5 TA +18 14 6 TY +18 14 7 SA +18 14 8 TY +18 14 9 TY +18 14 10 TA +18 14 11 CH +18 14 12 TA +18 14 13 CH +18 14 14 TY +18 14 15 SA +18 14 16 TA +18 14 17 TY +18 14 18 SA +18 14 19 TY +18 14 20 TY +18 14 21 TA +18 14 22 SA +18 14 23 TY +18 14 24 SA +18 14 25 TY +18 14 26 TA +18 14 27 TY +18 14 28 CH +18 14 29 TA +18 14 30 TY +18 14 31 TA +18 14 32 CH +18 14 33 AA +18 14 34 TY +18 14 35 SA +18 14 36 AA +18 14 37 TY +18 14 38 SA +18 14 39 TY +18 14 40 TA +18 14 41 TY +18 14 42 TA +18 14 43 SA +18 14 44 TA +18 14 45 TY +18 14 46 SA +18 14 47 SA +18 14 48 TA +18 14 49 TY +18 14 50 SA +18 14 51 SA +18 14 52 TA +18 14 53 TY +18 14 54 SA +18 14 55 TA +18 14 56 TY +18 14 57 TY +18 14 58 SA +18 14 59 TA +18 14 60 SA +18 14 61 TY +18 14 62 TA +18 14 63 TY +18 14 64 TY +18 14 65 TY +18 14 66 TA +18 14 67 TA +18 14 68 TY +18 14 69 SA +18 14 70 TA +18 14 71 TY +18 14 72 TA +18 14 73 TY +18 14 74 AA +18 14 75 SA +18 14 76 TY +18 14 77 TY +18 14 78 TA +18 14 79 SA +18 14 80 SA +18 14 81 TY +18 14 82 TA +18 14 83 TA +18 14 84 TY +18 14 85 SA +18 14 86 TY +18 14 87 TA +18 14 88 TY +18 14 89 SA +18 14 90 SA +18 14 91 TA +18 14 92 TA +18 14 93 TY +18 14 94 SA +18 14 95 SA +18 14 96 TA +18 14 97 TA +18 14 98 TY +18 14 99 AA +18 14 100 TY +18 14 101 TY +18 14 102 TA +18 14 103 AA +18 14 104 TA +18 14 105 TY +18 14 106 TA +18 14 107 TA +18 14 108 TY +18 14 109 TY +18 14 110 TY +18 14 111 AA +18 14 112 TY +18 14 113 SA +18 14 114 TY +18 14 115 TY +18 14 116 TA +18 14 117 SA +18 14 118 TY +18 14 119 TA +18 14 120 TA +18 14 121 TY +18 14 122 TY +18 14 123 SA +18 14 124 TY +18 14 125 TY +18 14 126 TY +18 14 127 SA +18 14 128 TA +18 14 129 TY +18 14 130 SA +18 14 131 TY +18 14 132 TY +18 14 133 TY +18 14 134 SA +18 14 135 TA +18 14 136 TY +18 14 137 SA +18 14 138 TA +18 14 139 TA +18 14 140 SA +18 14 141 TA +18 14 142 TA +18 14 143 SA +18 14 144 TY +18 14 145 TA +18 14 146 SA +18 14 147 TY +18 14 148 TY +18 14 149 SA +18 14 150 TY +18 14 151 TA +18 14 152 TY +18 14 153 SA +18 14 154 SA +18 14 155 TA +18 14 156 TY +18 14 157 SA +18 14 158 TA +18 14 159 TY +18 14 160 TY +18 14 161 SA +18 14 162 TY +18 14 163 TA +18 14 164 TY +18 14 165 TA +18 14 166 TY +18 14 167 TA +18 14 168 SA +18 14 169 SA +18 14 170 TY +18 14 171 TA +18 14 172 TA +18 14 173 TY +18 14 174 TY +18 14 175 TY +18 14 176 TY +18 14 177 SA +18 14 178 TY +18 14 179 TY +18 14 180 SA +18 14 181 TA +18 14 182 TY +18 14 183 SA +18 14 184 TY +18 14 185 TA +18 14 186 TY +18 14 187 TY +18 14 188 SA +18 14 189 TA +18 14 190 TY +18 14 191 TA +18 14 192 TY +18 14 193 TA +18 14 194 SA +18 14 195 TY +18 14 196 SA +18 14 197 TY +18 14 198 SA +18 14 199 TA +18 14 200 TA +18 14 201 TY +18 14 202 TA +18 14 203 TY +18 14 204 SA +18 14 205 CH +18 14 206 TA +18 14 207 TY +18 14 208 TA +18 14 209 TY +18 14 210 SA +18 14 211 TA +18 14 212 TY +18 14 213 SA +18 14 214 AA +18 14 215 TY +18 14 216 SA +18 14 217 TY +18 14 218 TY +18 14 219 TA +18 14 220 TY +18 14 221 TY +18 14 222 TY +18 14 223 TA +18 14 224 TA +18 14 225 SA +18 14 226 TY +18 14 227 SA +18 14 228 TY +18 14 229 TA +18 14 230 TA +18 14 231 SA +18 14 232 TY +18 14 233 TA +18 14 234 TY +18 14 235 TA +18 14 236 TY +18 14 237 TY +18 14 238 TA +18 14 239 TY +18 14 240 SA +18 14 241 TA +18 14 242 TY +18 14 243 TA +18 14 244 TY +18 14 245 TY +18 14 246 TY +18 14 247 TY +18 14 248 AA +18 14 249 SA +18 14 250 TY +18 14 251 TA +18 14 252 TA +18 14 253 TA +18 14 254 TY +18 14 255 SA +18 14 256 TY +18 14 257 TY +18 14 258 SA +18 14 259 TY +18 14 260 TY +18 14 261 TY +18 14 262 TA +18 14 263 SA +18 14 264 TA +18 14 265 TY +18 14 266 TY +18 14 267 TA +18 14 268 TY +18 14 269 TY +18 14 270 TY +18 14 271 SA +18 14 272 TA +18 14 273 TY +18 14 274 TA +18 14 275 TA +18 14 276 TY +18 14 277 SA +18 14 278 TY +18 14 279 TY +18 14 280 SA +18 14 281 TA +18 14 282 TY +18 14 283 SA +18 14 284 TA +18 14 285 SA +18 14 286 TA +18 14 287 SA +18 14 288 TY +18 14 289 TA +18 14 290 TA +18 14 291 TY +18 14 292 SA +18 14 293 SA +18 14 294 TY +18 14 295 SA +18 14 296 TA +18 14 297 TY +18 14 298 TY +18 14 299 SA +18 14 300 TA +18 14 301 SA +18 14 302 TA +18 14 303 TY +18 14 304 AA +18 14 305 TY +18 14 306 SA +18 14 307 TY +18 14 308 TY +18 14 309 SA +18 14 310 TY +18 14 311 TY +18 14 312 SA +18 14 313 TY +18 14 314 TA +18 14 315 TY +18 14 316 SA +18 14 317 TY +18 14 318 TA +18 14 319 TA +18 14 320 SA +18 14 321 TY +18 14 322 TA +18 14 323 TA +18 14 324 TA +18 14 325 TY +18 14 326 TY +18 14 327 TA +18 14 328 SA +18 14 329 TY +18 14 330 TA +18 15 1 TY +18 15 2 TA +18 15 3 TY +18 15 4 CH +18 15 5 KK +18 15 6 TY +18 15 7 TA +18 15 8 TY +18 15 9 CH +18 15 10 CH +18 15 11 CH +18 15 12 NN +18 15 13 CH +18 15 14 CH +18 15 15 TA +18 15 16 TA +18 15 17 RR +18 15 18 KK +18 15 19 TY +18 15 20 NN +18 15 21 RR +18 15 22 KK +18 15 23 NN +18 15 24 CH +18 15 25 NN +18 15 26 CH +18 15 27 TA +18 15 28 TY +18 15 29 NN +18 15 30 TY +18 15 31 TA +18 15 32 CH +18 15 33 TA +18 15 34 CH +18 15 35 RR +18 15 36 CH +18 15 37 TA +18 15 38 TY +18 15 39 CH +18 15 40 TA +18 15 41 RR +18 15 42 TY +18 15 43 CH +18 15 44 TA +18 15 45 NN +18 15 46 AA +18 15 47 CH +18 15 48 KK +18 15 49 TY +18 15 50 CH +18 15 51 KK +18 15 52 TA +18 15 53 RR +18 15 54 KK +18 15 55 TA +18 15 56 TA +18 15 57 CH +18 15 58 TY +18 15 59 TA +18 15 60 CH +18 15 61 TY +18 15 62 TA +18 15 63 TY +18 15 64 CH +18 15 65 TY +18 15 66 TA +18 15 67 KK +18 15 68 TY +18 15 69 NN +18 15 70 TA +18 15 71 RR +18 15 72 TY +18 15 73 KK +18 15 74 TA +18 15 75 CH +18 15 76 RR +18 15 77 TA +18 15 78 TA +18 15 79 CH +18 15 80 TY +18 15 81 KK +18 15 82 TA +18 15 83 TA +18 15 84 TA +18 15 85 CH +18 15 86 TY +18 15 87 CH +18 15 88 TA +18 15 89 CH +18 15 90 CH +18 15 91 KK +18 15 92 TA +18 15 93 CH +18 15 94 CH +18 15 95 TA +18 15 96 TY +18 15 97 CH +18 15 98 RR +18 15 99 TA +18 15 100 TA +18 15 101 CH +18 15 102 TY +18 15 103 CH +18 15 104 TA +18 15 105 TY +18 15 106 KK +18 15 107 TA +18 15 108 TA +18 15 109 CH +18 15 110 TY +18 15 111 CH +18 15 112 TY +18 15 113 CH +18 15 114 CH +18 15 115 TY +18 15 116 TA +18 15 117 CH +18 15 118 TY +18 15 119 RR +18 15 120 TA +18 15 121 RR +18 15 122 CH +18 15 123 CH +18 15 124 KK +18 15 125 RR +18 15 126 TA +18 15 127 CH +18 15 128 TY +18 15 129 TA +18 15 130 CH +18 15 131 RR +18 15 132 TY +18 15 133 TY +18 15 134 CH +18 15 135 TY +18 15 136 TA +18 15 137 CH +18 15 138 TA +18 15 139 TA +18 15 140 CH +18 15 141 TA +18 15 142 TA +18 15 143 RR +18 15 144 CH +18 15 145 TA +18 15 146 KK +18 15 147 RR +18 15 148 TY +18 15 149 KK +18 15 150 CH +18 15 151 RR +18 15 152 TA +18 15 153 RR +18 15 154 CH +18 15 155 CH +18 15 156 RR +18 15 157 CH +18 15 158 TA +18 15 159 AA +18 15 160 TA +18 15 161 RR +18 15 162 TY +18 15 163 CH +18 15 164 KK +18 15 165 TA +18 15 166 CH +18 15 167 TA +18 15 168 CH +18 15 169 KK +18 15 170 CH +18 15 171 TY +18 15 172 TA +18 15 173 RR +18 15 174 TY +18 15 175 TA +18 15 176 RR +18 15 177 TA +18 15 178 CH +18 15 179 RR +18 15 180 TY +18 15 181 AA +18 15 182 RR +18 15 183 KK +18 15 184 RR +18 15 185 TY +18 15 186 TA +18 15 187 KK +18 15 188 CH +18 15 189 TA +18 15 190 RR +18 15 191 KK +18 15 192 TY +18 15 193 KK +18 15 194 RR +18 15 195 KK +18 15 196 TA +18 15 197 TY +18 15 198 CH +18 15 199 TA +18 15 200 KK +18 15 201 RR +18 15 202 AA +18 15 203 TY +18 15 204 CH +18 15 205 KK +18 15 206 TA +18 15 207 RR +18 15 208 AA +18 15 209 CH +18 15 210 TY +18 15 211 TA +18 15 212 RR +18 15 213 KK +18 15 214 RR +18 15 215 KK +18 15 216 CH +18 15 217 RR +18 15 218 TY +18 15 219 TA +18 15 220 CH +18 15 221 * +18 15 222 AA +18 15 223 RR +18 15 224 KK +18 15 225 AA +18 15 226 CH +18 15 227 CH +18 15 228 CH +18 15 229 TA +18 15 230 TY +18 15 231 KK +18 15 232 TA +18 15 233 TA +18 15 234 RR +18 15 235 RR +18 15 236 KK +18 15 237 AA +18 15 238 RR +18 15 239 TY +18 15 240 TY +18 15 241 TA +18 15 242 AA +18 15 243 RR +18 15 244 TA +18 15 245 RR +18 15 246 TY +18 15 247 TA +18 15 248 AA +18 15 249 CH +18 15 250 RR +18 15 251 AA +18 15 252 KK +18 15 253 RR +18 15 254 TA +18 15 255 CH +18 15 256 RR +18 15 257 RR +18 15 258 TY +18 15 259 TY +18 15 260 TA +18 15 261 KK +18 15 262 TA +18 15 263 AA +18 15 264 AA +18 15 265 RR +18 15 266 TY +18 15 267 RR +18 15 268 TA +18 15 269 TA +18 15 270 RR +18 15 271 TA +18 15 272 TA +18 15 273 RR +18 15 274 TA +18 15 275 KK +18 15 276 RR +18 15 277 CH +18 15 278 TY +18 15 279 AA +18 15 280 KK +18 15 281 RR +18 15 282 TY +18 15 283 CH +18 15 284 TA +18 15 285 RR +18 15 286 TA +18 15 287 KK +18 15 288 RR +18 15 289 TY +18 15 290 TA +18 15 291 RR +18 15 292 TY +18 15 293 KK +18 15 294 AA +18 15 295 CH +18 15 296 RR +18 15 297 KK +18 15 298 RR +18 15 299 TY +18 15 300 AA +18 15 301 CH +18 15 302 KK +18 15 303 AA +18 15 304 CH +18 15 305 TY +18 15 306 AA +18 15 307 CH +18 15 308 RR +18 15 309 KK +18 15 310 TY +18 15 311 CH +18 15 312 AA +18 15 313 RR +18 15 314 TA +18 15 315 KK +18 15 316 CH +18 15 317 TY +18 15 318 AA +18 15 319 KK +18 15 320 CH +18 15 321 TY +18 15 322 TA +18 15 323 CH +18 15 324 KK +18 15 325 TY +18 15 326 AA +18 15 327 TA +18 15 328 CH +18 15 329 KK +18 15 330 TA +18 16 1 CH +18 16 2 PI +18 16 3 TY +18 16 4 CH +18 16 5 TA +18 16 6 KK +18 16 7 CH +18 16 8 TY +18 16 9 PA +18 16 10 KK +18 16 11 SA +18 16 12 TY +18 16 13 KK +18 16 14 KK +18 16 15 TY +18 16 16 KK +18 16 17 TY +18 16 18 KK +18 16 19 CH +18 16 20 KK +18 16 21 TY +18 16 22 KK +18 16 23 SA +18 16 24 CH +18 16 25 KK +18 16 26 CH +18 16 27 KK +18 16 28 TY +18 16 29 KK +18 16 30 * +18 16 31 KK +18 16 32 TY +18 16 33 CH +18 16 34 PI +18 16 35 TY +18 16 36 CH +18 16 37 TA +18 16 38 TY +18 16 39 AA +18 16 40 TY +18 16 41 TY +18 16 42 TA +18 16 43 SA +18 16 44 TA +18 16 45 CH +18 16 46 TA +18 16 47 CH +18 16 48 CH +18 16 49 TY +18 16 50 SA +18 16 51 CH +18 16 52 TA +18 16 53 TY +18 16 54 CH +18 16 55 TA +18 16 56 PO +18 16 57 SA +18 16 58 AA +18 16 59 TA +18 16 60 SA +18 16 61 TY +18 16 62 TA +18 16 63 PO +18 16 64 SA +18 16 65 TY +18 16 66 TA +18 16 67 PI +18 16 68 TY +18 16 69 CH +18 16 70 TA +18 16 71 TY +18 16 72 PI +18 16 73 TY +18 16 74 TA +18 16 75 CH +18 16 76 PO +18 16 77 PI +18 16 78 PO +18 16 79 CH +18 16 80 PI +18 16 81 CH +18 16 82 TA +18 16 83 TA +18 16 84 PO +18 16 85 PI +18 16 86 PO +18 16 87 CH +18 16 88 TY +18 16 89 CH +18 16 90 TA +18 16 91 CH +18 16 92 TA +18 16 93 PI +18 16 94 CH +18 16 95 TA +18 16 96 TA +18 16 97 CH +18 16 98 TY +18 16 99 TA +18 16 100 PI +18 16 101 TY +18 16 102 TA +18 16 103 PI +18 16 104 TY +18 16 105 TY +18 16 106 TA +18 16 107 TA +18 16 108 TA +18 16 109 SA +18 16 110 PO +18 16 111 CH +18 16 112 TY +18 16 113 CH +18 16 114 SA +18 16 115 TY +18 16 116 TA +18 16 117 SA +18 16 118 PO +18 16 119 PI +18 16 120 TA +18 16 121 PO +18 16 122 SA +18 16 123 CH +18 16 124 PI +18 16 125 PO +18 16 126 TA +18 16 127 SA +18 16 128 TY +18 16 129 TA +18 16 130 SA +18 16 131 SA +18 16 132 TY +18 16 133 SA +18 16 134 SA +18 16 135 TY +18 16 136 PI +18 16 137 SA +18 16 138 TA +18 16 139 TA +18 16 140 SA +18 16 141 TA +18 16 142 TA +18 16 143 TY +18 16 144 SA +18 16 145 PI +18 16 146 CH +18 16 147 PI +18 16 148 TY +18 16 149 TA +18 16 150 CH +18 16 151 CH +18 16 152 TA +18 16 153 PI +18 16 154 CH +18 16 155 CH +18 16 156 PI +18 16 157 CH +18 16 158 TA +18 16 159 TA +18 16 160 PO +18 16 161 PI +18 16 162 TY +18 16 163 PI +18 16 164 PI +18 16 165 SA +18 16 166 SA +18 16 167 TA +18 16 168 PI +18 16 169 PI +18 16 170 CH +18 16 171 CH +18 16 172 TA +18 16 173 PO +18 16 174 TY +18 16 175 PI +18 16 176 TY +18 16 177 TA +18 16 178 SA +18 16 179 TY +18 16 180 PI +18 16 181 CH +18 16 182 TY +18 16 183 CH +18 16 184 SA +18 16 185 TY +18 16 186 PI +18 16 187 PO +18 16 188 PI +18 16 189 TA +18 16 190 PO +18 16 191 PI +18 16 192 SA +18 16 193 TY +18 16 194 TY +18 16 195 TY +18 16 196 TA +18 16 197 TY +18 16 198 SA +18 16 199 TA +18 16 200 PI +18 16 201 TA +18 16 202 PI +18 16 203 TY +18 16 204 CH +18 16 205 CH +18 16 206 TA +18 16 207 TY +18 16 208 CH +18 16 209 CH +18 16 210 TY +18 16 211 PI +18 16 212 TA +18 16 213 TA +18 16 214 TA +18 16 215 TY +18 16 216 CH +18 16 217 TA +18 16 218 CH +18 16 219 TA +18 16 220 CH +18 16 221 TA +18 16 222 SA +18 16 223 PI +18 16 224 TA +18 16 225 CH +18 16 226 SA +18 16 227 CH +18 16 228 CH +18 16 229 TA +18 16 230 TA +18 16 231 TY +18 16 232 CH +18 16 233 TA +18 16 234 CH +18 16 235 CH +18 16 236 TY +18 16 237 TA +18 16 238 TY +18 16 239 TA +18 16 240 CH +18 16 241 TA +18 16 242 KK +18 16 243 TY +18 16 244 TA +18 16 245 TY +18 16 246 PI +18 16 247 SA +18 16 248 CH +18 16 249 CH +18 16 250 CH +18 16 251 PI +18 16 252 TA +18 16 253 PI +18 16 254 TA +18 16 255 CH +18 16 256 TY +18 16 257 CH +18 16 258 TY +18 16 259 TY +18 16 260 TA +18 16 261 TY +18 16 262 TA +18 16 263 TA +18 16 264 PI +18 16 265 CH +18 16 266 TY +18 16 267 CH +18 16 268 PI +18 16 269 TY +18 16 270 PO +18 16 271 CH +18 16 272 TA +18 16 273 SA +18 16 274 TA +18 16 275 KK +18 16 276 CH +18 16 277 SA +18 16 278 PO +18 16 279 CH +18 16 280 SA +18 16 281 CH +18 16 282 SA +18 16 283 CH +18 16 284 TA +18 16 285 TA +18 16 286 TA +18 16 287 CH +18 16 288 TA +18 16 289 PI +18 16 290 TA +18 16 291 SA +18 16 292 PO +18 16 293 TA +18 16 294 TA +18 16 295 CH +18 16 296 CH +18 16 297 TY +18 16 298 TY +18 16 299 CH +18 16 300 TA +18 16 301 SA +18 16 302 TA +18 16 303 TA +18 16 304 SA +18 16 305 SA +18 16 306 TA +18 16 307 SA +18 16 308 TY +18 16 309 SA +18 16 310 PI +18 16 311 SA +18 16 312 SA +18 16 313 SA +18 16 314 TA +18 16 315 CH +18 16 316 TY +18 16 317 TY +18 16 318 TA +18 16 319 TA +18 16 320 SA +18 16 321 TY +18 16 322 TA +18 16 323 SA +18 16 324 TA +18 16 325 SA +18 16 326 TY +18 16 327 TA +18 16 328 CH +18 16 329 SA +18 16 330 TA +18 17 1 TA +18 17 2 AA +18 17 3 TY +18 17 4 CH +18 17 5 TA +18 17 6 TY +18 17 7 TA +18 17 8 PO +18 17 9 AA +18 17 10 TY +18 17 11 CH +18 17 12 TA +18 17 13 AA +18 17 14 CH +18 17 15 TA +18 17 16 AA +18 17 17 PO +18 17 18 AA +18 17 19 TY +18 17 20 CH +18 17 21 TA +18 17 22 AA +18 17 23 TY +18 17 24 AA +18 17 25 TY +18 17 26 CH +18 17 27 AA +18 17 28 TY +18 17 29 AA +18 17 30 CH +18 17 31 AA +18 17 32 TY +18 17 33 AA +18 17 34 TY +18 17 35 TY +18 17 36 AA +18 17 37 TY +18 17 38 PO +18 17 39 TY +18 17 40 TY +18 17 41 PO +18 17 42 TY +18 17 43 AA +18 17 44 AA +18 17 45 TY +18 17 46 CH +18 17 47 AA +18 17 48 TY +18 17 49 TY +18 17 50 CH +18 17 51 AA +18 17 52 KK +18 17 53 TY +18 17 54 AA +18 17 55 TA +18 17 56 AA +18 17 57 CH +18 17 58 TA +18 17 59 AA +18 17 60 CH +18 17 61 TY +18 17 62 TA +18 17 63 TA +18 17 64 TY +18 17 65 TY +18 17 66 AA +18 17 67 TY +18 17 68 TY +18 17 69 AA +18 17 70 KK +18 17 71 TY +18 17 72 TA +18 17 73 CH +18 17 74 AA +18 17 75 CH +18 17 76 TY +18 17 77 CH +18 17 78 AA +18 17 79 CH +18 17 80 TA +18 17 81 TY +18 17 82 TA +18 17 83 AA +18 17 84 TA +18 17 85 TY +18 17 86 CH +18 17 87 TA +18 17 88 TY +18 17 89 CH +18 17 90 CH +18 17 91 CH +18 17 92 TA +18 17 93 TY +18 17 94 AA +18 17 95 AA +18 17 96 TY +18 17 97 TY +18 17 98 AA +18 17 99 AA +18 17 100 TY +18 17 101 KK +18 17 102 AA +18 17 103 CH +18 17 104 TA +18 17 105 KK +18 17 106 AA +18 17 107 TA +18 17 108 AA +18 17 109 CH +18 17 110 TY +18 17 111 AA +18 17 112 PO +18 17 113 CH +18 17 114 TY +18 17 115 PO +18 17 116 TY +18 17 117 AA +18 17 118 CH +18 17 119 TY +18 17 120 AA +18 17 121 TY +18 17 122 TA +18 17 123 CH +18 17 124 AA +18 17 125 TY +18 17 126 AA +18 17 127 CH +18 17 128 TY +18 17 129 AA +18 17 130 AA +18 17 131 TY +18 17 132 TA +18 17 133 TA +18 17 134 AA +18 17 135 TY +18 17 136 TA +18 17 137 CH +18 17 138 TA +18 17 139 AA +18 17 140 TY +18 17 141 AA +18 17 142 AA +18 17 143 TY +18 17 144 TY +18 17 145 TA +18 17 146 TA +18 17 147 TY +18 17 148 TA +18 17 149 CH +18 17 150 CH +18 17 151 AA +18 17 152 TY +18 17 153 CH +18 17 154 AA +18 17 155 TY +18 17 156 TA +18 17 157 AA +18 17 158 TA +18 17 159 TY +18 17 160 CH +18 17 161 TY +18 17 162 PO +18 17 163 CH +18 17 164 TY +18 17 165 AA +18 17 166 CH +18 17 167 AA +18 17 168 TY +18 17 169 AA +18 17 170 CH +18 17 171 AA +18 17 172 TA +18 17 173 TY +18 17 174 TY +18 17 175 TA +18 17 176 TY +18 17 177 CH +18 17 178 CH +18 17 179 AA +18 17 180 AA +18 17 181 TY +18 17 182 TY +18 17 183 AA +18 17 184 CH +18 17 185 TY +18 17 186 AA +18 17 187 TA +18 17 188 TY +18 17 189 AA +18 17 190 TY +18 17 191 CH +18 17 192 AA +18 17 193 AA +18 17 194 TY +18 17 195 AA +18 17 196 TY +18 17 197 CH +18 17 198 CH +18 17 199 TA +18 17 200 TY +18 17 201 CH +18 17 202 AA +18 17 203 TY +18 17 204 AA +18 17 205 TY +18 17 206 AA +18 17 207 TY +18 17 208 TY +18 17 209 AA +18 17 210 TA +18 17 211 CH +18 17 212 TY +18 17 213 CH +18 17 214 TY +18 17 215 AA +18 17 216 AA +18 17 217 TY +18 17 218 TY +18 17 219 TA +18 17 220 TY +18 17 221 AA +18 17 222 CH +18 17 223 AA +18 17 224 AA +18 17 225 TY +18 17 226 CH +18 17 227 CH +18 17 228 TY +18 17 229 TA +18 17 230 CH +18 17 231 TA +18 17 232 AA +18 17 233 TY +18 17 234 TY +18 17 235 CH +18 17 236 TA +18 17 237 TY +18 17 238 TY +18 17 239 TA +18 17 240 AA +18 17 241 TY +18 17 242 AA +18 17 243 CH +18 17 244 AA +18 17 245 PO +18 17 246 TA +18 17 247 TY +18 17 248 AA +18 17 249 CH +18 17 250 TY +18 17 251 TA +18 17 252 TA +18 17 253 TA +18 17 254 AA +18 17 255 CH +18 17 256 TY +18 17 257 CH +18 17 258 TY +18 17 259 PO +18 17 260 AA +18 17 261 TY +18 17 262 AA +18 17 263 CH +18 17 264 TY +18 17 265 TA +18 17 266 PO +18 17 267 TY +18 17 268 TA +18 17 269 CH +18 17 270 TY +18 17 271 AA +18 17 272 TA +18 17 273 TY +18 17 274 AA +18 17 275 TA +18 17 276 PO +18 17 277 TY +18 17 278 AA +18 17 279 CH +18 17 280 TA +18 17 281 TA +18 17 282 TY +18 17 283 AA +18 17 284 AA +18 17 285 TY +18 17 286 TY +18 17 287 AA +18 17 288 PO +18 17 289 TY +18 17 290 AA +18 17 291 TY +18 17 292 AA +18 17 293 AA +18 17 294 AA +18 17 295 CH +18 17 296 TY +18 17 297 TY +18 17 298 PO +18 17 299 AA +18 17 300 CH +18 17 301 TY +18 17 302 AA +18 17 303 AA +18 17 304 AA +18 17 305 CH +18 17 306 TA +18 17 307 TY +18 17 308 CH +18 17 309 AA +18 17 310 CH +18 17 311 TY +18 17 312 CH +18 17 313 CH +18 17 314 AA +18 17 315 TY +18 17 316 AA +18 17 317 CH +18 17 318 AA +18 17 319 CH +18 17 320 TY +18 17 321 PO +18 17 322 TA +18 17 323 CH +18 17 324 AA +18 17 325 TY +18 17 326 TA +18 17 327 AA +18 17 328 CH +18 17 329 TY +18 17 330 AA +18 18 1 PI +18 18 2 KK +18 18 3 TY +18 18 4 AA +18 18 5 KK +18 18 6 RR +18 18 7 RR +18 18 8 TY +18 18 9 EE +18 18 10 AA +18 18 11 SA +18 18 12 EE +18 18 13 SA +18 18 14 KK +18 18 15 TA +18 18 16 TA +18 18 17 TY +18 18 18 CH +18 18 19 PI +18 18 20 AA +18 18 21 TY +18 18 22 KK +18 18 23 AA +18 18 24 CH +18 18 25 KK +18 18 26 TY +18 18 27 KK +18 18 28 TY +18 18 29 AA +18 18 30 EE +18 18 31 TA +18 18 32 TY +18 18 33 AA +18 18 34 CH +18 18 35 KK +18 18 36 CH +18 18 37 SA +18 18 38 TY +18 18 39 AA +18 18 40 PI +18 18 41 TY +18 18 42 TA +18 18 43 CH +18 18 44 TA +18 18 45 TA +18 18 46 CH +18 18 47 SA +18 18 48 KK +18 18 49 TA +18 18 50 CH +18 18 51 SA +18 18 52 TA +18 18 53 TY +18 18 54 KK +18 18 55 TA +18 18 56 AA +18 18 57 TY +18 18 58 EE +18 18 59 TA +18 18 60 CH +18 18 61 TY +18 18 62 KK +18 18 63 KK +18 18 64 PI +18 18 65 TY +18 18 66 TA +18 18 67 PI +18 18 68 TY +18 18 69 CH +18 18 70 TA +18 18 71 TY +18 18 72 PI +18 18 73 TY +18 18 74 TA +18 18 75 CH +18 18 76 EE +18 18 77 TA +18 18 78 TA +18 18 79 CH +18 18 80 PI +18 18 81 CH +18 18 82 TA +18 18 83 TA +18 18 84 TA +18 18 85 TA +18 18 86 AA +18 18 87 CH +18 18 88 TY +18 18 89 CH +18 18 90 CH +18 18 91 TA +18 18 92 TA +18 18 93 PI +18 18 94 CH +18 18 95 TA +18 18 96 EE +18 18 97 CH +18 18 98 TY +18 18 99 TA +18 18 100 CH +18 18 101 TY +18 18 102 TA +18 18 103 CH +18 18 104 TY +18 18 105 TY +18 18 106 PI +18 18 107 TA +18 18 108 TA +18 18 109 CH +18 18 110 EE +18 18 111 CH +18 18 112 TY +18 18 113 CH +18 18 114 SA +18 18 115 TY +18 18 116 TA +18 18 117 CH +18 18 118 TY +18 18 119 KK +18 18 120 TA +18 18 121 PI +18 18 122 CH +18 18 123 TA +18 18 124 KK +18 18 125 EE +18 18 126 TA +18 18 127 CH +18 18 128 EE +18 18 129 TA +18 18 130 CH +18 18 131 TY +18 18 132 TY +18 18 133 CH +18 18 134 CH +18 18 135 TY +18 18 136 TA +18 18 137 CH +18 18 138 TA +18 18 139 KK +18 18 140 CH +18 18 141 TA +18 18 142 TA +18 18 143 CH +18 18 144 KK +18 18 145 TA +18 18 146 EE +18 18 147 AA +18 18 148 TY +18 18 149 TA +18 18 150 CH +18 18 151 KK +18 18 152 TA +18 18 153 RR +18 18 154 CH +18 18 155 AA +18 18 156 KK +18 18 157 CH +18 18 158 TA +18 18 159 EE +18 18 160 TA +18 18 161 EE +18 18 162 TY +18 18 163 KK +18 18 164 TA +18 18 165 CH +18 18 166 SA +18 18 167 TA +18 18 168 CH +18 18 169 TA +18 18 170 CH +18 18 171 SA +18 18 172 TA +18 18 173 TY +18 18 174 EE +18 18 175 TA +18 18 176 TY +18 18 177 TA +18 18 178 KK +18 18 179 CH +18 18 180 KK +18 18 181 EE +18 18 182 TY +18 18 183 CH +18 18 184 TY +18 18 185 TA +18 18 186 KK +18 18 187 EE +18 18 188 PI +18 18 189 TA +18 18 190 TA +18 18 191 CH +18 18 192 TY +18 18 193 SA +18 18 194 CH +18 18 195 SA +18 18 196 TA +18 18 197 TA +18 18 198 CH +18 18 199 TA +18 18 200 SA +18 18 201 TY +18 18 202 SA +18 18 203 TY +18 18 204 CH +18 18 205 TY +18 18 206 TA +18 18 207 TY +18 18 208 PI +18 18 209 CH +18 18 210 SA +18 18 211 TA +18 18 212 EE +18 18 213 TA +18 18 214 AA +18 18 215 TY +18 18 216 CH +18 18 217 TA +18 18 218 SA +18 18 219 TA +18 18 220 CH +18 18 221 TA +18 18 222 TY +18 18 223 CH +18 18 224 TA +18 18 225 SA +18 18 226 TY +18 18 227 CH +18 18 228 KK +18 18 229 TA +18 18 230 TA +18 18 231 TY +18 18 232 CH +18 18 233 TA +18 18 234 KK +18 18 235 CH +18 18 236 SA +18 18 237 TA +18 18 238 CH +18 18 239 TY +18 18 240 SA +18 18 241 TA +18 18 242 TA +18 18 243 TY +18 18 244 TA +18 18 245 TY +18 18 246 KK +18 18 247 TA +18 18 248 CH +18 18 249 TY +18 18 250 CH +18 18 251 TA +18 18 252 TA +18 18 253 CH +18 18 254 TA +18 18 255 CH +18 18 256 TY +18 18 257 CH +18 18 258 EE +18 18 259 TY +18 18 260 TA +18 18 261 KK +18 18 262 TA +18 18 263 TA +18 18 264 CH +18 18 265 TA +18 18 266 TY +18 18 267 CH +18 18 268 AA +18 18 269 TY +18 18 270 EE +18 18 271 CH +18 18 272 TA +18 18 273 KK +18 18 274 TA +18 18 275 AA +18 18 276 TY +18 18 277 KK +18 18 278 TY +18 18 279 TY +18 18 280 KK +18 18 281 KK +18 18 282 TA +18 18 283 CH +18 18 284 TA +18 18 285 TY +18 18 286 TA +18 18 287 CH +18 18 288 TY +18 18 289 TA +18 18 290 TA +18 18 291 CH +18 18 292 TA +18 18 293 TA +18 18 294 TA +18 18 295 CH +18 18 296 TY +18 18 297 KK +18 18 298 TY +18 18 299 CH +18 18 300 CH +18 18 301 TY +18 18 302 TA +18 18 303 TA +18 18 304 CH +18 18 305 TY +18 18 306 TA +18 18 307 CH +18 18 308 TY +18 18 309 CH +18 18 310 CH +18 18 311 KK +18 18 312 CH +18 18 313 TY +18 18 314 TA +18 18 315 KK +18 18 316 CH +18 18 317 TY +18 18 318 KK +18 18 319 TA +18 18 320 CH +18 18 321 TY +18 18 322 TA +18 18 323 CH +18 18 324 TA +18 18 325 TY +18 18 326 EE +18 18 327 TA +18 18 328 CH +18 18 329 KK +18 18 330 TA +18 19 1 PI +18 19 2 TA +18 19 3 TY +18 19 4 CH +18 19 5 PI +18 19 6 PO +18 19 7 TY +18 19 8 PO +18 19 9 CH +18 19 10 SA +18 19 11 CH +18 19 12 TY +18 19 13 CH +18 19 14 CH +18 19 15 TA +18 19 16 TA +18 19 17 PO +18 19 18 CH +18 19 19 PI +18 19 20 CH +18 19 21 PO +18 19 22 TA +18 19 23 CH +18 19 24 TA +18 19 25 PI +18 19 26 CH +18 19 27 PO +18 19 28 TY +18 19 29 PI +18 19 30 PO +18 19 31 TA +18 19 32 PO +18 19 33 TA +18 19 34 CH +18 19 35 TY +18 19 36 CH +18 19 37 TA +18 19 38 PO +18 19 39 PI +18 19 40 CH +18 19 41 TY +18 19 42 TA +18 19 43 CH +18 19 44 TA +18 19 45 PI +18 19 46 TA +18 19 47 CH +18 19 48 KK +18 19 49 TA +18 19 50 CH +18 19 51 CH +18 19 52 TA +18 19 53 PO +18 19 54 PI +18 19 55 CH +18 19 56 TY +18 19 57 CH +18 19 58 TY +18 19 59 TA +18 19 60 CH +18 19 61 PO +18 19 62 TY +18 19 63 PO +18 19 64 PI +18 19 65 PO +18 19 66 TA +18 19 67 PI +18 19 68 TY +18 19 69 TA +18 19 70 TA +18 19 71 CH +18 19 72 PI +18 19 73 SA +18 19 74 TA +18 19 75 CH +18 19 76 TY +18 19 77 PI +18 19 78 PO +18 19 79 CH +18 19 80 PI +18 19 81 CH +18 19 82 PI +18 19 83 TA +18 19 84 PO +18 19 85 CH +18 19 86 PO +18 19 87 TA +18 19 88 CH +18 19 89 TA +18 19 90 CH +18 19 91 TY +18 19 92 TA +18 19 93 PI +18 19 94 TA +18 19 95 TA +18 19 96 TY +18 19 97 CH +18 19 98 PO +18 19 99 TA +18 19 100 PI +18 19 101 PO +18 19 102 TA +18 19 103 CH +18 19 104 PI +18 19 105 CH +18 19 106 TA +18 19 107 TA +18 19 108 PI +18 19 109 CH +18 19 110 TY +18 19 111 CH +18 19 112 PO +18 19 113 TA +18 19 114 PI +18 19 115 PO +18 19 116 TA +18 19 117 CH +18 19 118 PO +18 19 119 PI +18 19 120 TA +18 19 121 PO +18 19 122 PI +18 19 123 CH +18 19 124 KK +18 19 125 PO +18 19 126 CH +18 19 127 TA +18 19 128 TA +18 19 129 CH +18 19 130 CH +18 19 131 TY +18 19 132 PO +18 19 133 PI +18 19 134 TA +18 19 135 CH +18 19 136 PI +18 19 137 CH +18 19 138 PI +18 19 139 TA +18 19 140 CH +18 19 141 TA +18 19 142 TA +18 19 143 CH +18 19 144 CH +18 19 145 PI +18 19 146 PO +18 19 147 PI +18 19 148 PO +18 19 149 PI +18 19 150 CH +18 19 151 TY +18 19 152 CH +18 19 153 PI +18 19 154 CH +18 19 155 TA +18 19 156 PI +18 19 157 TA +18 19 158 TY +18 19 159 CH +18 19 160 PO +18 19 161 PI +18 19 162 PO +18 19 163 CH +18 19 164 PI +18 19 165 TA +18 19 166 SA +18 19 167 CH +18 19 168 PI +18 19 169 PI +18 19 170 CH +18 19 171 TY +18 19 172 TA +18 19 173 PO +18 19 174 TY +18 19 175 PI +18 19 176 PO +18 19 177 TA +18 19 178 PI +18 19 179 CH +18 19 180 PI +18 19 181 TA +18 19 182 CH +18 19 183 TA +18 19 184 CH +18 19 185 TY +18 19 186 PI +18 19 187 TY +18 19 188 PI +18 19 189 TA +18 19 190 PO +18 19 191 CH +18 19 192 CH +18 19 193 TA +18 19 194 SA +18 19 195 PI +18 19 196 TA +18 19 197 TY +18 19 198 TA +18 19 199 TY +18 19 200 PI +18 19 201 PO +18 19 202 PI +18 19 203 CH +18 19 204 SA +18 19 205 CH +18 19 206 TA +18 19 207 PO +18 19 208 TA +18 19 209 PI +18 19 210 TY +18 19 211 PI +18 19 212 TY +18 19 213 CH +18 19 214 TA +18 19 215 PO +18 19 216 SA +18 19 217 TY +18 19 218 CH +18 19 219 TA +18 19 220 CH +18 19 221 TA +18 19 222 SA +18 19 223 PI +18 19 224 TA +18 19 225 CH +18 19 226 TA +18 19 227 TA +18 19 228 SA +18 19 229 PI +18 19 230 TY +18 19 231 CH +18 19 232 TA +18 19 233 TY +18 19 234 PI +18 19 235 CH +18 19 236 TA +18 19 237 PO +18 19 238 PI +18 19 239 TY +18 19 240 PO +18 19 241 TA +18 19 242 TA +18 19 243 CH +18 19 244 TA +18 19 245 PO +18 19 246 PI +18 19 247 SA +18 19 248 TA +18 19 249 PI +18 19 250 CH +18 19 251 PI +18 19 252 TA +18 19 253 PI +18 19 254 CH +18 19 255 TA +18 19 256 PO +18 19 257 CH +18 19 258 TA +18 19 259 TY +18 19 260 TA +18 19 261 TY +18 19 262 TA +18 19 263 TA +18 19 264 TY +18 19 265 PI +18 19 266 PO +18 19 267 CH +18 19 268 PI +18 19 269 CH +18 19 270 PO +18 19 271 CH +18 19 272 TA +18 19 273 SA +18 19 274 TA +18 19 275 KK +18 19 276 PO +18 19 277 PI +18 19 278 PO +18 19 279 SA +18 19 280 TA +18 19 281 PI +18 19 282 PI +18 19 283 CH +18 19 284 TA +18 19 285 TY +18 19 286 TA +18 19 287 CH +18 19 288 TY +18 19 289 PI +18 19 290 TA +18 19 291 CH +18 19 292 TY +18 19 293 TA +18 19 294 TA +18 19 295 CH +18 19 296 SA +18 19 297 TY +18 19 298 PO +18 19 299 PI +18 19 300 TA +18 19 301 PI +18 19 302 TY +18 19 303 CH +18 19 304 SA +18 19 305 CH +18 19 306 PI +18 19 307 CH +18 19 308 SA +18 19 309 TA +18 19 310 TY +18 19 311 PI +18 19 312 TA +18 19 313 CH +18 19 314 TA +18 19 315 PI +18 19 316 CH +18 19 317 TY +18 19 318 PO +18 19 319 TA +18 19 320 SA +18 19 321 TY +18 19 322 PI +18 19 323 CH +18 19 324 TA +18 19 325 TY +18 19 326 TY +18 19 327 TA +18 19 328 CH +18 19 329 TA +18 19 330 TA +18 20 1 TY +18 20 2 KK +18 20 3 TY +18 20 4 AA +18 20 5 KK +18 20 6 AA +18 20 7 CH +18 20 8 TY +18 20 9 PO +18 20 10 CH +18 20 11 TA +18 20 12 PO +18 20 13 CH +18 20 14 TY +18 20 15 AA +18 20 16 KK +18 20 17 PO +18 20 18 CH +18 20 19 TA +18 20 20 AA +18 20 21 TY +18 20 22 KK +18 20 23 AA +18 20 24 CH +18 20 25 AA +18 20 26 CH +18 20 27 KK +18 20 28 TY +18 20 29 AA +18 20 30 TY +18 20 31 KK +18 20 32 AA +18 20 33 AA +18 20 34 TY +18 20 35 PO +18 20 36 CH +18 20 37 AA +18 20 38 TY +18 20 39 AA +18 20 40 TA +18 20 41 PO +18 20 42 AA +18 20 43 CH +18 20 44 KK +18 20 45 TY +18 20 46 CH +18 20 47 AA +18 20 48 TY +18 20 49 AA +18 20 50 CH +18 20 51 CH +18 20 52 TA +18 20 53 TY +18 20 54 AA +18 20 55 TY +18 20 56 TA +18 20 57 AA +18 20 58 TY +18 20 59 KK +18 20 60 AA +18 20 61 PO +18 20 62 TA +18 20 63 TY +18 20 64 TY +18 20 65 PO +18 20 66 KK +18 20 67 TY +18 20 68 PO +18 20 69 AA +18 20 70 KK +18 20 71 TY +18 20 72 AA +18 20 73 AA +18 20 74 KK +18 20 75 CH +18 20 76 PO +18 20 77 TA +18 20 78 AA +18 20 79 CH +18 20 80 TY +18 20 81 AA +18 20 82 TY +18 20 83 KK +18 20 84 AA +18 20 85 AA +18 20 86 TY +18 20 87 CH +18 20 88 TY +18 20 89 CH +18 20 90 AA +18 20 91 TY +18 20 92 KK +18 20 93 AA +18 20 94 CH +18 20 95 KK +18 20 96 TY +18 20 97 CH +18 20 98 PO +18 20 99 KK +18 20 100 AA +18 20 101 TY +18 20 102 KK +18 20 103 CH +18 20 104 TY +18 20 105 AA +18 20 106 KK +18 20 107 KK +18 20 108 CH +18 20 109 TY +18 20 110 PO +18 20 111 CH +18 20 112 TY +18 20 113 CH +18 20 114 AA +18 20 115 PO +18 20 116 AA +18 20 117 CH +18 20 118 TY +18 20 119 AA +18 20 120 KK +18 20 121 PO +18 20 122 AA +18 20 123 AA +18 20 124 TY +18 20 125 PO +18 20 126 TY +18 20 127 CH +18 20 128 TY +18 20 129 KK +18 20 130 CH +18 20 131 PO +18 20 132 TY +18 20 133 AA +18 20 134 CH +18 20 135 TY +18 20 136 AA +18 20 137 CH +18 20 138 KK +18 20 139 KK +18 20 140 TY +18 20 141 TA +18 20 142 TA +18 20 143 AA +18 20 144 CH +18 20 145 TY +18 20 146 PO +18 20 147 TY +18 20 148 PO +18 20 149 AA +18 20 150 CH +18 20 151 TY +18 20 152 AA +18 20 153 TY +18 20 154 CH +18 20 155 AA +18 20 156 TY +18 20 157 CH +18 20 158 KK +18 20 159 TY +18 20 160 KK +18 20 161 AA +18 20 162 PO +18 20 163 TY +18 20 164 CH +18 20 165 CH +18 20 166 TY +18 20 167 TA +18 20 168 AA +18 20 169 TY +18 20 170 CH +18 20 171 AA +18 20 172 KK +18 20 173 TY +18 20 174 PO +18 20 175 KK +18 20 176 PO +18 20 177 KK +18 20 178 CH +18 20 179 TY +18 20 180 AA +18 20 181 TY +18 20 182 PO +18 20 183 CH +18 20 184 AA +18 20 185 TY +18 20 186 AA +18 20 187 PO +18 20 188 AA +18 20 189 KK +18 20 190 PO +18 20 191 TY +18 20 192 KK +18 20 193 AA +18 20 194 CH +18 20 195 PO +18 20 196 KK +18 20 197 AA +18 20 198 CH +18 20 199 KK +18 20 200 PO +18 20 201 CH +18 20 202 AA +18 20 203 TY +18 20 204 CH +18 20 205 AA +18 20 206 TA +18 20 207 PO +18 20 208 AA +18 20 209 CH +18 20 210 TY +18 20 211 PO +18 20 212 TY +18 20 213 KK +18 20 214 AA +18 20 215 TY +18 20 216 CH +18 20 217 KK +18 20 218 AA +18 20 219 KK +18 20 220 TY +18 20 221 KK +18 20 222 AA +18 20 223 TY +18 20 224 KK +18 20 225 AA +18 20 226 TY +18 20 227 CH +18 20 228 PO +18 20 229 KK +18 20 230 TA +18 20 231 CH +18 20 232 AA +18 20 233 TY +18 20 234 AA +18 20 235 KK +18 20 236 PO +18 20 237 AA +18 20 238 KK +18 20 239 PO +18 20 240 AA +18 20 241 KK +18 20 242 AA +18 20 243 PO +18 20 244 KK +18 20 245 TY +18 20 246 TY +18 20 247 TA +18 20 248 CH +18 20 249 AA +18 20 250 TY +18 20 251 TY +18 20 252 KK +18 20 253 AA +18 20 254 KK +18 20 255 CH +18 20 256 PO +18 20 257 TY +18 20 258 TA +18 20 259 PO +18 20 260 KK +18 20 261 AA +18 20 262 KK +18 20 263 TA +18 20 264 TA +18 20 265 AA +18 20 266 TY +18 20 267 TY +18 20 268 AA +18 20 269 PO +18 20 270 TY +18 20 271 CH +18 20 272 KK +18 20 273 AA +18 20 274 KK +18 20 275 AA +18 20 276 TY +18 20 277 CH +18 20 278 PO +18 20 279 CH +18 20 280 AA +18 20 281 TY +18 20 282 AA +18 20 283 CH +18 20 284 TA +18 20 285 TA +18 20 286 TA +18 20 287 AA +18 20 288 PO +18 20 289 AA +18 20 290 KK +18 20 291 AA +18 20 292 PO +18 20 293 KK +18 20 294 KK +18 20 295 CH +18 20 296 TY +18 20 297 PO +18 20 298 PO +18 20 299 CH +18 20 300 TY +18 20 301 PO +18 20 302 KK +18 20 303 TY +18 20 304 CH +18 20 305 AA +18 20 306 PO +18 20 307 AA +18 20 308 AA +18 20 309 CH +18 20 310 TA +18 20 311 CH +18 20 312 CH +18 20 313 TY +18 20 314 TA +18 20 315 AA +18 20 316 PO +18 20 317 AA +18 20 318 TY +18 20 319 KK +18 20 320 AA +18 20 321 PO +18 20 322 AA +18 20 323 CH +18 20 324 KK +18 20 325 CH +18 20 326 TY +18 20 327 AA +18 20 328 CH +18 20 329 TY +18 20 330 KK +18 21 1 PI +18 21 2 TA +18 21 3 TY +18 21 4 CH +18 21 5 PI +18 21 6 PO +18 21 7 PI +18 21 8 KK +18 21 9 CH +18 21 10 PI +18 21 11 PI +18 21 12 PI +18 21 13 PI +18 21 14 CH +18 21 15 TA +18 21 16 TA +18 21 17 PA +18 21 18 TA +18 21 19 PI +18 21 20 PI +18 21 21 PA +18 21 22 PI +18 21 23 TA +18 21 24 PI +18 21 25 TY +18 21 26 PI +18 21 27 TA +18 21 28 KK +18 21 29 PI +18 21 30 PA +18 21 31 TA +18 21 32 PI +18 21 33 PI +18 21 34 PI +18 21 35 PO +18 21 36 SA +18 21 37 PI +18 21 38 PA +18 21 39 CH +18 21 40 TA +18 21 41 PA +18 21 42 KK +18 21 43 SA +18 21 44 TA +18 21 45 KK +18 21 46 CH +18 21 47 CH +18 21 48 PO +18 21 49 PI +18 21 50 CH +18 21 51 PA +18 21 52 KK +18 21 53 PA +18 21 54 KK +18 21 55 PI +18 21 56 PO +18 21 57 PI +18 21 58 PO +18 21 59 KK +18 21 60 CH +18 21 61 PA +18 21 62 KK +18 21 63 TY +18 21 64 PI +18 21 65 PA +18 21 66 TA +18 21 67 KK +18 21 68 PA +18 21 69 KK +18 21 70 TA +18 21 71 CH +18 21 72 PI +18 21 73 CH +18 21 74 TA +18 21 75 CH +18 21 76 PO +18 21 77 PI +18 21 78 KK +18 21 79 CH +18 21 80 PI +18 21 81 AA +18 21 82 PI +18 21 83 TA +18 21 84 PO +18 21 85 PI +18 21 86 PA +18 21 87 CH +18 21 88 PA +18 21 89 CH +18 21 90 PI +18 21 91 PI +18 21 92 TA +18 21 93 PI +18 21 94 CH +18 21 95 TA +18 21 96 PO +18 21 97 CH +18 21 98 PA +18 21 99 TA +18 21 100 PI +18 21 101 PA +18 21 102 TA +18 21 103 CH +18 21 104 PI +18 21 105 PA +18 21 106 PO +18 21 107 TA +18 21 108 PI +18 21 109 PI +18 21 110 PO +18 21 111 CH +18 21 112 PA +18 21 113 CH +18 21 114 PI +18 21 115 PA +18 21 116 TA +18 21 117 CH +18 21 118 PA +18 21 119 PI +18 21 120 TA +18 21 121 PA +18 21 122 AA +18 21 123 CH +18 21 124 AA +18 21 125 PO +18 21 126 TY +18 21 127 CH +18 21 128 SA +18 21 129 TA +18 21 130 CH +18 21 131 TY +18 21 132 PA +18 21 133 PI +18 21 134 PA +18 21 135 TY +18 21 136 PI +18 21 137 CH +18 21 138 PI +18 21 139 TA +18 21 140 PI +18 21 141 TA +18 21 142 TA +18 21 143 * +18 21 144 CH +18 21 145 PI +18 21 146 PO +18 21 147 PI +18 21 148 PA +18 21 149 KK +18 21 150 CH +18 21 151 TY +18 21 152 TY +18 21 153 PI +18 21 154 CH +18 21 155 CH +18 21 156 PI +18 21 157 SA +18 21 158 TA +18 21 159 TY +18 21 160 TA +18 21 161 PI +18 21 162 PA +18 21 163 PI +18 21 164 PI +18 21 165 CH +18 21 166 PI +18 21 167 TA +18 21 168 PI +18 21 169 PI +18 21 170 CH +18 21 171 AA +18 21 172 TA +18 21 173 PA +18 21 174 PO +18 21 175 PI +18 21 176 PA +18 21 177 PI +18 21 178 PI +18 21 179 PA +18 21 180 PI +18 21 181 PO +18 21 182 PA +18 21 183 SA +18 21 184 CH +18 21 185 TY +18 21 186 PI +18 21 187 PO +18 21 188 PI +18 21 189 TA +18 21 190 PI +18 21 191 PI +18 21 192 CH +18 21 193 TY +18 21 194 PA +18 21 195 PI +18 21 196 PI +18 21 197 TY +18 21 198 CH +18 21 199 PI +18 21 200 PI +18 21 201 TY +18 21 202 CH +18 21 203 PA +18 21 204 CH +18 21 205 TY +18 21 206 TA +18 21 207 PA +18 21 208 PO +18 21 209 PI +18 21 210 PA +18 21 211 PI +18 21 212 PO +18 21 213 TA +18 21 214 PI +18 21 215 TY +18 21 216 CH +18 21 217 TA +18 21 218 SA +18 21 219 PI +18 21 220 PI +18 21 221 TA +18 21 222 TY +18 21 223 PI +18 21 224 TA +18 21 225 CH +18 21 226 PI +18 21 227 CH +18 21 228 PI +18 21 229 PI +18 21 230 TA +18 21 231 TY +18 21 232 AA +18 21 233 PI +18 21 234 PI +18 21 235 PI +18 21 236 AA +18 21 237 TY +18 21 238 PI +18 21 239 PA +18 21 240 PA +18 21 241 TA +18 21 242 TA +18 21 243 PA +18 21 244 PI +18 21 245 PA +18 21 246 PI +18 21 247 CH +18 21 248 CH +18 21 249 PI +18 21 250 CH +18 21 251 PI +18 21 252 TA +18 21 253 PI +18 21 254 TA +18 21 255 CH +18 21 256 PA +18 21 257 PI +18 21 258 PO +18 21 259 PA +18 21 260 TY +18 21 261 PO +18 21 262 TA +18 21 263 CH +18 21 264 TY +18 21 265 PI +18 21 266 PA +18 21 267 PI +18 21 268 PI +18 21 269 TY +18 21 270 PO +18 21 271 PI +18 21 272 TA +18 21 273 TY +18 21 274 TA +18 21 275 PO +18 21 276 PA +18 21 277 PI +18 21 278 TY +18 21 279 CH +18 21 280 AA +18 21 281 PI +18 21 282 PI +18 21 283 SA +18 21 284 TA +18 21 285 TY +18 21 286 TA +18 21 287 CH +18 21 288 PA +18 21 289 PI +18 21 290 TA +18 21 291 PI +18 21 292 TY +18 21 293 PI +18 21 294 TA +18 21 295 CH +18 21 296 TY +18 21 297 PO +18 21 298 PA +18 21 299 PI +18 21 300 TA +18 21 301 PI +18 21 302 TA +18 21 303 PI +18 21 304 AA +18 21 305 TY +18 21 306 PI +18 21 307 PI +18 21 308 TY +18 21 309 CH +18 21 310 PI +18 21 311 PI +18 21 312 CH +18 21 313 PI +18 21 314 TA +18 21 315 PI +18 21 316 PI +18 21 317 PA +18 21 318 PO +18 21 319 TA +18 21 320 CH +18 21 321 PA +18 21 322 PI +18 21 323 PI +18 21 324 TA +18 21 325 TY +18 21 326 PO +18 21 327 TA +18 21 328 CH +18 21 329 TY +18 21 330 PI +18 22 1 PI +18 22 2 * +18 22 3 TY +18 22 4 CH +18 22 5 PI +18 22 6 AA +18 22 7 CH +18 22 8 TY +18 22 9 AA +18 22 10 CH +18 22 11 * +18 22 12 SH +18 22 13 CH +18 22 14 CH +18 22 15 * +18 22 16 TA +18 22 17 TY +18 22 18 CH +18 22 19 PI +18 22 20 CH +18 22 21 TY +18 22 22 AA +18 22 23 CH +18 22 24 CH +18 22 25 CH +18 22 26 CH +18 22 27 TA +18 22 28 PO +18 22 29 CH +18 22 30 * +18 22 31 * +18 22 32 TY +18 22 33 CH +18 22 34 CH +18 22 35 * +18 22 36 CH +18 22 37 PI +18 22 38 TY +18 22 39 * +18 22 40 PI +18 22 41 TY +18 22 42 AA +18 22 43 CH +18 22 44 TA +18 22 45 PI +18 22 46 AA +18 22 47 CH +18 22 48 TY +18 22 49 PI +18 22 50 CH +18 22 51 AA +18 22 52 TA +18 22 53 TY +18 22 54 CH +18 22 55 PI +18 22 56 AA +18 22 57 CH +18 22 58 TA +18 22 59 TA +18 22 60 CH +18 22 61 TY +18 22 62 AA +18 22 63 TY +18 22 64 PI +18 22 65 TY +18 22 66 TA +18 22 67 PI +18 22 68 TY +18 22 69 AA +18 22 70 TA +18 22 71 TY +18 22 72 PI +18 22 73 AA +18 22 74 CH +18 22 75 AA +18 22 76 TY +18 22 77 PI +18 22 78 TY +18 22 79 AA +18 22 80 PI +18 22 81 AA +18 22 82 PI +18 22 83 AA +18 22 84 TY +18 22 85 PI +18 22 86 TY +18 22 87 CH +18 22 88 TY +18 22 89 CH +18 22 90 AA +18 22 91 AA +18 22 92 TA +18 22 93 PI +18 22 94 AA +18 22 95 TA +18 22 96 SH +18 22 97 CH +18 22 98 TY +18 22 99 AA +18 22 100 AA +18 22 101 TY +18 22 102 AA +18 22 103 AA +18 22 104 PI +18 22 105 TY +18 22 106 TA +18 22 107 TA +18 22 108 TA +18 22 109 CH +18 22 110 TY +18 22 111 CH +18 22 112 TY +18 22 113 CH +18 22 114 AA +18 22 115 TY +18 22 116 AA +18 22 117 SA +18 22 118 TY +18 22 119 PI +18 22 120 TA +18 22 121 TY +18 22 122 PI +18 22 123 AA +18 22 124 AA +18 22 125 TY +18 22 126 TY +18 22 127 CH +18 22 128 SH +18 22 129 TA +18 22 130 CH +18 22 131 TY +18 22 132 TY +18 22 133 PI +18 22 134 AA +18 22 135 TY +18 22 136 AA +18 22 137 AA +18 22 138 PI +18 22 139 TA +18 22 140 PI +18 22 141 TA +18 22 142 AA +18 22 143 AA +18 22 144 CH +18 22 145 PI +18 22 146 AA +18 22 147 AA +18 22 148 TY +18 22 149 AA +18 22 150 TY +18 22 151 AA +18 22 152 CH +18 22 153 PI +18 22 154 AA +18 22 155 CH +18 22 156 PI +18 22 157 AA +18 22 158 TA +18 22 159 AA +18 22 160 AA +18 22 161 PI +18 22 162 TY +18 22 163 PI +18 22 164 PI +18 22 165 AA +18 22 166 CH +18 22 167 AA +18 22 168 AA +18 22 169 PI +18 22 170 AA +18 22 171 AA +18 22 172 TA +18 22 173 TY +18 22 174 SH +18 22 175 PI +18 22 176 TY +18 22 177 AA +18 22 178 PI +18 22 179 TY +18 22 180 PI +18 22 181 AA +18 22 182 TY +18 22 183 AA +18 22 184 AA +18 22 185 AA +18 22 186 PI +18 22 187 SH +18 22 188 PI +18 22 189 PI +18 22 190 AA +18 22 191 PI +18 22 192 AA +18 22 193 AA +18 22 194 TY +18 22 195 AA +18 22 196 PI +18 22 197 AA +18 22 198 AA +18 22 199 TA +18 22 200 PI +18 22 201 TY +18 22 202 PI +18 22 203 TY +18 22 204 AA +18 22 205 CH +18 22 206 TA +18 22 207 TY +18 22 208 AA +18 22 209 PI +18 22 210 AA +18 22 211 PI +18 22 212 TY +18 22 213 AA +18 22 214 AA +18 22 215 TY +18 22 216 AA +18 22 217 AA +18 22 218 AA +18 22 219 AA +18 22 220 PI +18 22 221 TA +18 22 222 CH +18 22 223 PI +18 22 224 TA +18 22 225 AA +18 22 226 AA +18 22 227 CH +18 22 228 CH +18 22 229 PI +18 22 230 AA +18 22 231 AA +18 22 232 AA +18 22 233 PI +18 22 234 PI +18 22 235 PI +18 22 236 AA +18 22 237 AA +18 22 238 PI +18 22 239 TY +18 22 240 TY +18 22 241 TA +18 22 242 AA +18 22 243 TY +18 22 244 AA +18 22 245 TY +18 22 246 PI +18 22 247 AA +18 22 248 CH +18 22 249 PI +18 22 250 SA +18 22 251 AA +18 22 252 TA +18 22 253 PI +18 22 254 AA +18 22 255 AA +18 22 256 TY +18 22 257 AA +18 22 258 AA +18 22 259 TY +18 22 260 AA +18 22 261 TY +18 22 262 TA +18 22 263 AA +18 22 264 PI +18 22 265 AA +18 22 266 TY +18 22 267 TY +18 22 268 PI +18 22 269 TY +18 22 270 AA +18 22 271 CH +18 22 272 AA +18 22 273 AA +18 22 274 TA +18 22 275 AA +18 22 276 TY +18 22 277 PI +18 22 278 AA +18 22 279 PI +18 22 280 AA +18 22 281 PI +18 22 282 PI +18 22 283 AA +18 22 284 TA +18 22 285 AA +18 22 286 TA +18 22 287 AA +18 22 288 TY +18 22 289 PI +18 22 290 TA +18 22 291 PI +18 22 292 AA +18 22 293 TA +18 22 294 TA +18 22 295 AA +18 22 296 CH +18 22 297 SH +18 22 298 TY +18 22 299 PI +18 22 300 TA +18 22 301 PI +18 22 302 TA +18 22 303 AA +18 22 304 TA +18 22 305 AA +18 22 306 AA +18 22 307 PI +18 22 308 AA +18 22 309 AA +18 22 310 PI +18 22 311 CH +18 22 312 AA +18 22 313 CH +18 22 314 TA +18 22 315 AA +18 22 316 PI +18 22 317 TY +18 22 318 AA +18 22 319 TA +18 22 320 AA +18 22 321 TY +18 22 322 PI +18 22 323 PI +18 22 324 TA +18 22 325 AA +18 22 326 AA +18 22 327 TA +18 22 328 AA +18 22 329 AA +18 22 330 TA +18 23 1 AA +18 23 2 TA +18 23 3 PO +18 23 4 FF +18 23 5 AA +18 23 6 SA +18 23 7 AA +18 23 8 PO +18 23 9 CH +18 23 10 CH +18 23 11 AA +18 23 12 TY +18 23 13 CH +18 23 14 CH +18 23 15 AA +18 23 16 TA +18 23 17 PO +18 23 18 CH +18 23 19 AA +18 23 20 TY +18 23 21 PO +18 23 22 AA +18 23 23 TY +18 23 24 CH +18 23 25 CH +18 23 26 CH +18 23 27 TA +18 23 28 PO +18 23 29 CH +18 23 30 PO +18 23 31 TA +18 23 32 CH +18 23 33 KK +18 23 34 FF +18 23 35 PO +18 23 36 AA +18 23 37 TY +18 23 38 PO +18 23 39 CH +18 23 40 TY +18 23 41 PO +18 23 42 AA +18 23 43 CH +18 23 44 TA +18 23 45 AA +18 23 46 AA +18 23 47 CH +18 23 48 TY +18 23 49 AA +18 23 50 FF +18 23 51 CH +18 23 52 TA +18 23 53 PO +18 23 54 AA +18 23 55 TY +18 23 56 AA +18 23 57 CH +18 23 58 AA +18 23 59 TY +18 23 60 CH +18 23 61 PO +18 23 62 FF +18 23 63 TY +18 23 64 CH +18 23 65 PO +18 23 66 TA +18 23 67 AA +18 23 68 TY +18 23 69 AA +18 23 70 TA +18 23 71 CH +18 23 72 AA +18 23 73 FF +18 23 74 TA +18 23 75 CH +18 23 76 PO +18 23 77 AA +18 23 78 TY +18 23 79 AA +18 23 80 TY +18 23 81 AA +18 23 82 TY +18 23 83 CH +18 23 84 TY +18 23 85 CH +18 23 86 TY +18 23 87 CH +18 23 88 TA +18 23 89 CH +18 23 90 CH +18 23 91 TY +18 23 92 TA +18 23 93 CH +18 23 94 CH +18 23 95 TA +18 23 96 TY +18 23 97 FF +18 23 98 PO +18 23 99 AA +18 23 100 CH +18 23 101 PO +18 23 102 AA +18 23 103 AA +18 23 104 TY +18 23 105 CH +18 23 106 TA +18 23 107 TA +18 23 108 TA +18 23 109 FF +18 23 110 TY +18 23 111 CH +18 23 112 PO +18 23 113 CH +18 23 114 AA +18 23 115 PO +18 23 116 TA +18 23 117 AA +18 23 118 TY +18 23 119 TA +18 23 120 TA +18 23 121 PO +18 23 122 CH +18 23 123 CH +18 23 124 TA +18 23 125 PO +18 23 126 TY +18 23 127 CH +18 23 128 TY +18 23 129 TA +18 23 130 CH +18 23 131 FF +18 23 132 PO +18 23 133 CH +18 23 134 TY +18 23 135 PO +18 23 136 TA +18 23 137 CH +18 23 138 FF +18 23 139 AA +18 23 140 FF +18 23 141 TA +18 23 142 AA +18 23 143 TY +18 23 144 CH +18 23 145 AA +18 23 146 TY +18 23 147 AA +18 23 148 PO +18 23 149 AA +18 23 150 FF +18 23 151 PO +18 23 152 TY +18 23 153 AA +18 23 154 CH +18 23 155 CH +18 23 156 TY +18 23 157 CH +18 23 158 TA +18 23 159 TY +18 23 160 AA +18 23 161 TY +18 23 162 PO +18 23 163 CH +18 23 164 FF +18 23 165 AA +18 23 166 CH +18 23 167 AA +18 23 168 CH +18 23 169 AA +18 23 170 CH +18 23 171 AA +18 23 172 TA +18 23 173 PO +18 23 174 NN +18 23 175 TA +18 23 176 PO +18 23 177 AA +18 23 178 CH +18 23 179 TY +18 23 180 AA +18 23 181 AA +18 23 182 CH +18 23 183 CH +18 23 184 FF +18 23 185 TY +18 23 186 AA +18 23 187 NN +18 23 188 TA +18 23 189 TY +18 23 190 CH +18 23 191 AA +18 23 192 FF +18 23 193 NN +18 23 194 PO +18 23 195 CH +18 23 196 AA +18 23 197 CH +18 23 198 CH +18 23 199 TA +18 23 200 TA +18 23 201 TY +18 23 202 CH +18 23 203 PO +18 23 204 CH +18 23 205 FF +18 23 206 AA +18 23 207 PO +18 23 208 TY +18 23 209 CH +18 23 210 TY +18 23 211 CH +18 23 212 NN +18 23 213 TA +18 23 214 TY +18 23 215 CH +18 23 216 AA +18 23 217 TY +18 23 218 AA +18 23 219 TA +18 23 220 FF +18 23 221 TA +18 23 222 FF +18 23 223 TY +18 23 224 TA +18 23 225 CH +18 23 226 CH +18 23 227 CH +18 23 228 FF +18 23 229 AA +18 23 230 TA +18 23 231 TY +18 23 232 CH +18 23 233 TY +18 23 234 CH +18 23 235 FF +18 23 236 CH +18 23 237 TY +18 23 238 CH +18 23 239 PO +18 23 240 TY +18 23 241 TA +18 23 242 AA +18 23 243 PO +18 23 244 TA +18 23 245 PO +18 23 246 AA +18 23 247 FF +18 23 248 CH +18 23 249 CH +18 23 250 FF +18 23 251 TY +18 23 252 TA +18 23 253 CH +18 23 254 TY +18 23 255 CH +18 23 256 PO +18 23 257 CH +18 23 258 AA +18 23 259 PO +18 23 260 AA +18 23 261 TY +18 23 262 TA +18 23 263 CH +18 23 264 TA +18 23 265 CH +18 23 266 TY +18 23 267 FF +18 23 268 TY +18 23 269 TY +18 23 270 TY +18 23 271 CH +18 23 272 TA +18 23 273 TY +18 23 274 TA +18 23 275 CH +18 23 276 PO +18 23 277 CH +18 23 278 TY +18 23 279 FF +18 23 280 AA +18 23 281 CH +18 23 282 CH +18 23 283 AA +18 23 284 TA +18 23 285 TY +18 23 286 TA +18 23 287 AA +18 23 288 PO +18 23 289 TA +18 23 290 TA +18 23 291 FF +18 23 292 TA +18 23 293 TA +18 23 294 TA +18 23 295 CH +18 23 296 FF +18 23 297 TY +18 23 298 PO +18 23 299 CH +18 23 300 AA +18 23 301 TY +18 23 302 TA +18 23 303 TA +18 23 304 CH +18 23 305 FF +18 23 306 TA +18 23 307 CH +18 23 308 AA +18 23 309 CH +18 23 310 TY +18 23 311 CH +18 23 312 CH +18 23 313 FF +18 23 314 TA +18 23 315 AA +18 23 316 TY +18 23 317 PO +18 23 318 TY +18 23 319 TA +18 23 320 CH +18 23 321 PO +18 23 322 TA +18 23 323 CH +18 23 324 TA +18 23 325 FF +18 23 326 NN +18 23 327 TA +18 23 328 CH +18 23 329 AA +18 23 330 TA +18 24 1 CH +18 24 2 TY +18 24 3 PO +18 24 4 TY +18 24 5 KK +18 24 6 RR +18 24 7 KK +18 24 8 PO +18 24 9 TY +18 24 10 KK +18 24 11 KK +18 24 12 PO +18 24 13 TY +18 24 14 SA +18 24 15 TY +18 24 16 TA +18 24 17 PO +18 24 18 SA +18 24 19 KK +18 24 20 KK +18 24 21 TY +18 24 22 KK +18 24 23 TY +18 24 24 SA +18 24 25 KK +18 24 26 KK +18 24 27 TA +18 24 28 TY +18 24 29 TY +18 24 30 KK +18 24 31 TA +18 24 32 TY +18 24 33 PO +18 24 34 CH +18 24 35 PO +18 24 36 CH +18 24 37 TA +18 24 38 PO +18 24 39 TY +18 24 40 TA +18 24 41 TY +18 24 42 KK +18 24 43 TY +18 24 44 TA +18 24 45 TY +18 24 46 SA +18 24 47 SA +18 24 48 PO +18 24 49 SA +18 24 50 TY +18 24 51 CH +18 24 52 TA +18 24 53 TY +18 24 54 TA +18 24 55 TY +18 24 56 TA +18 24 57 CH +18 24 58 CH +18 24 59 TA +18 24 60 TY +18 24 61 PO +18 24 62 TA +18 24 63 TY +18 24 64 PO +18 24 65 PO +18 24 66 TA +18 24 67 KK +18 24 68 TY +18 24 69 SA +18 24 70 TA +18 24 71 TY +18 24 72 TY +18 24 73 CH +18 24 74 TA +18 24 75 TY +18 24 76 PO +18 24 77 TY +18 24 78 CH +18 24 79 CH +18 24 80 TA +18 24 81 PO +18 24 82 TA +18 24 83 KK +18 24 84 TY +18 24 85 TY +18 24 86 TA +18 24 87 CH +18 24 88 TY +18 24 89 CH +18 24 90 TY +18 24 91 TA +18 24 92 TA +18 24 93 TY +18 24 94 TY +18 24 95 TA +18 24 96 TY +18 24 97 TY +18 24 98 PO +18 24 99 TA +18 24 100 CH +18 24 101 TA +18 24 102 TY +18 24 103 SA +18 24 104 TA +18 24 105 PO +18 24 106 TA +18 24 107 TA +18 24 108 CH +18 24 109 TA +18 24 110 KK +18 24 111 CH +18 24 112 PO +18 24 113 CH +18 24 114 TY +18 24 115 PO +18 24 116 TA +18 24 117 CH +18 24 118 TA +18 24 119 KK +18 24 120 TA +18 24 121 PO +18 24 122 CH +18 24 123 TY +18 24 124 TY +18 24 125 PO +18 24 126 TA +18 24 127 CH +18 24 128 TY +18 24 129 TA +18 24 130 CH +18 24 131 PO +18 24 132 PO +18 24 133 TA +18 24 134 TY +18 24 135 TA +18 24 136 TY +18 24 137 CH +18 24 138 TA +18 24 139 TA +18 24 140 TY +18 24 141 TA +18 24 142 TY +18 24 143 TA +18 24 144 TY +18 24 145 TA +18 24 146 TY +18 24 147 TA +18 24 148 PO +18 24 149 CH +18 24 150 TY +18 24 151 TA +18 24 152 TA +18 24 153 CH +18 24 154 CH +18 24 155 SA +18 24 156 TA +18 24 157 CH +18 24 158 TA +18 24 159 PO +18 24 160 CH +18 24 161 TA +18 24 162 PO +18 24 163 CH +18 24 164 PO +18 24 165 SA +18 24 166 KK +18 24 167 TA +18 24 168 CH +18 24 169 TY +18 24 170 SA +18 24 171 TY +18 24 172 KK +18 24 173 TY +18 24 174 TY +18 24 175 TA +18 24 176 PO +18 24 177 CH +18 24 178 TA +18 24 179 CH +18 24 180 TA +18 24 181 CH +18 24 182 TY +18 24 183 CH +18 24 184 TA +18 24 185 PO +18 24 186 CH +18 24 187 PO +18 24 188 CH +18 24 189 TA +18 24 190 TA +18 24 191 CH +18 24 192 CH +18 24 193 CH +18 24 194 SA +18 24 195 PO +18 24 196 TA +18 24 197 TA +18 24 198 CH +18 24 199 TA +18 24 200 SA +18 24 201 TY +18 24 202 CH +18 24 203 TA +18 24 204 CH +18 24 205 TA +18 24 206 TA +18 24 207 TY +18 24 208 CH +18 24 209 TY +18 24 210 CH +18 24 211 TA +18 24 212 PO +18 24 213 TY +18 24 214 TA +18 24 215 TA +18 24 216 CH +18 24 217 TA +18 24 218 CH +18 24 219 TA +18 24 220 TA +18 24 221 TA +18 24 222 TY +18 24 223 TA +18 24 224 TA +18 24 225 CH +18 24 226 CH +18 24 227 CH +18 24 228 TY +18 24 229 TA +18 24 230 TA +18 24 231 TY +18 24 232 CH +18 24 233 TY +18 24 234 CH +18 24 235 TA +18 24 236 TY +18 24 237 PO +18 24 238 TA +18 24 239 TY +18 24 240 CH +18 24 241 TA +18 24 242 CH +18 24 243 PO +18 24 244 TA +18 24 245 PO +18 24 246 TY +18 24 247 TA +18 24 248 CH +18 24 249 TY +18 24 250 TY +18 24 251 CH +18 24 252 TA +18 24 253 CH +18 24 254 TY +18 24 255 CH +18 24 256 PO +18 24 257 TA +18 24 258 TY +18 24 259 PO +18 24 260 TA +18 24 261 PO +18 24 262 TA +18 24 263 SA +18 24 264 TA +18 24 265 TY +18 24 266 PO +18 24 267 CH +18 24 268 TA +18 24 269 SA +18 24 270 PO +18 24 271 CH +18 24 272 TA +18 24 273 TY +18 24 274 TA +18 24 275 CH +18 24 276 PO +18 24 277 CH +18 24 278 TA +18 24 279 CH +18 24 280 TY +18 24 281 CH +18 24 282 TA +18 24 283 CH +18 24 284 TA +18 24 285 CH +18 24 286 TA +18 24 287 CH +18 24 288 PO +18 24 289 TY +18 24 290 TA +18 24 291 CH +18 24 292 TA +18 24 293 CH +18 24 294 TA +18 24 295 CH +18 24 296 CH +18 24 297 TY +18 24 298 PO +18 24 299 CH +18 24 300 TA +18 24 301 CH +18 24 302 TA +18 24 303 TA +18 24 304 CH +18 24 305 TY +18 24 306 TA +18 24 307 SA +18 24 308 TA +18 24 309 CH +18 24 310 SA +18 24 311 TA +18 24 312 CH +18 24 313 CH +18 24 314 TA +18 24 315 TY +18 24 316 TA +18 24 317 CH +18 24 318 PO +18 24 319 TA +18 24 320 SA +18 24 321 PO +18 24 322 TA +18 24 323 CH +18 24 324 TA +18 24 325 SA +18 24 326 PO +18 24 327 TA +18 24 328 CH +18 24 329 CH +18 24 330 TA +18 25 1 TY +18 25 2 AA +18 25 3 TY +18 25 4 CH +18 25 5 CH +18 25 6 AA +18 25 7 KK +18 25 8 TY +18 25 9 AA +18 25 10 CH +18 25 11 CH +18 25 12 TY +18 25 13 CH +18 25 14 TA +18 25 15 KK +18 25 16 TA +18 25 17 TY +18 25 18 AA +18 25 19 CH +18 25 20 KK +18 25 21 TY +18 25 22 AA +18 25 23 KK +18 25 24 AA +18 25 25 CH +18 25 26 KK +18 25 27 TA +18 25 28 TY +18 25 29 TA +18 25 30 KK +18 25 31 AA +18 25 32 CH +18 25 33 TA +18 25 34 CH +18 25 35 TY +18 25 36 CH +18 25 37 CH +18 25 38 TY +18 25 39 CH +18 25 40 TY +18 25 41 TY +18 25 42 TA +18 25 43 CH +18 25 44 TA +18 25 45 KK +18 25 46 TA +18 25 47 CH +18 25 48 TY +18 25 49 CH +18 25 50 AA +18 25 51 CH +18 25 52 TA +18 25 53 TY +18 25 54 CH +18 25 55 CH +18 25 56 TA +18 25 57 CH +18 25 58 KK +18 25 59 TA +18 25 60 CH +18 25 61 TY +18 25 62 AA +18 25 63 TY +18 25 64 CH +18 25 65 TY +18 25 66 TA +18 25 67 TA +18 25 68 TY +18 25 69 AA +18 25 70 TA +18 25 71 TY +18 25 72 SA +18 25 73 SA +18 25 74 TA +18 25 75 CH +18 25 76 TY +18 25 77 TA +18 25 78 AA +18 25 79 CH +18 25 80 TA +18 25 81 AA +18 25 82 TA +18 25 83 TA +18 25 84 TY +18 25 85 CH +18 25 86 TY +18 25 87 AA +18 25 88 AA +18 25 89 CH +18 25 90 CH +18 25 91 KK +18 25 92 TA +18 25 93 TA +18 25 94 CH +18 25 95 TA +18 25 96 TY +18 25 97 SA +18 25 98 TY +18 25 99 AA +18 25 100 TA +18 25 101 TY +18 25 102 AA +18 25 103 AA +18 25 104 AA +18 25 105 TY +18 25 106 TA +18 25 107 TA +18 25 108 AA +18 25 109 CH +18 25 110 TY +18 25 111 CH +18 25 112 TY +18 25 113 CH +18 25 114 SA +18 25 115 TY +18 25 116 TY +18 25 117 CH +18 25 118 TY +18 25 119 TA +18 25 120 TA +18 25 121 TY +18 25 122 CH +18 25 123 TY +18 25 124 TA +18 25 125 TY +18 25 126 TY +18 25 127 CH +18 25 128 TY +18 25 129 TA +18 25 130 CH +18 25 131 TA +18 25 132 TY +18 25 133 CH +18 25 134 AA +18 25 135 TY +18 25 136 CH +18 25 137 AA +18 25 138 AA +18 25 139 TA +18 25 140 TY +18 25 141 TA +18 25 142 TA +18 25 143 KK +18 25 144 CH +18 25 145 TA +18 25 146 CH +18 25 147 TY +18 25 148 TY +18 25 149 TA +18 25 150 CH +18 25 151 KK +18 25 152 KK +18 25 153 TA +18 25 154 AA +18 25 155 AA +18 25 156 CH +18 25 157 AA +18 25 158 TA +18 25 159 TY +18 25 160 TY +18 25 161 AA +18 25 162 TY +18 25 163 AA +18 25 164 AA +18 25 165 CH +18 25 166 AA +18 25 167 AA +18 25 168 AA +18 25 169 AA +18 25 170 CH +18 25 171 TY +18 25 172 TA +18 25 173 TY +18 25 174 TY +18 25 175 AA +18 25 176 TY +18 25 177 AA +18 25 178 TY +18 25 179 AA +18 25 180 TY +18 25 181 TY +18 25 182 CH +18 25 183 AA +18 25 184 CH +18 25 185 TY +18 25 186 AA +18 25 187 TY +18 25 188 TY +18 25 189 TA +18 25 190 TY +18 25 191 TY +18 25 192 TA +18 25 193 AA +18 25 194 TY +18 25 195 AA +18 25 196 TY +18 25 197 AA +18 25 198 CH +18 25 199 TY +18 25 200 TY +18 25 201 TY +18 25 202 AA +18 25 203 TY +18 25 204 AA +18 25 205 AA +18 25 206 TY +18 25 207 TY +18 25 208 AA +18 25 209 TY +18 25 210 TY +18 25 211 AA +18 25 212 TY +18 25 213 TY +18 25 214 AA +18 25 215 TY +18 25 216 AA +18 25 217 TY +18 25 218 AA +18 25 219 TY +18 25 220 AA +18 25 221 TY +18 25 222 CH +18 25 223 SA +18 25 224 TA +18 25 225 CH +18 25 226 CH +18 25 227 AA +18 25 228 TY +18 25 229 TA +18 25 230 TA +18 25 231 CH +18 25 232 TA +18 25 233 CH +18 25 234 TA +18 25 235 CH +18 25 236 TA +18 25 237 TY +18 25 238 AA +18 25 239 TA +18 25 240 TY +18 25 241 TA +18 25 242 TA +18 25 243 CH +18 25 244 TA +18 25 245 TY +18 25 246 AA +18 25 247 CH +18 25 248 CH +18 25 249 AA +18 25 250 AA +18 25 251 TA +18 25 252 TA +18 25 253 TY +18 25 254 TA +18 25 255 CH +18 25 256 TY +18 25 257 CH +18 25 258 TY +18 25 259 TY +18 25 260 TA +18 25 261 TY +18 25 262 TA +18 25 263 CH +18 25 264 CH +18 25 265 CH +18 25 266 TY +18 25 267 TY +18 25 268 CH +18 25 269 TY +18 25 270 TY +18 25 271 AA +18 25 272 TY +18 25 273 AA +18 25 274 TA +18 25 275 TY +18 25 276 TY +18 25 277 CH +18 25 278 TY +18 25 279 AA +18 25 280 AA +18 25 281 AA +18 25 282 AA +18 25 283 TY +18 25 284 TA +18 25 285 TY +18 25 286 TA +18 25 287 CH +18 25 288 TY +18 25 289 TA +18 25 290 AA +18 25 291 CH +18 25 292 AA +18 25 293 TA +18 25 294 TA +18 25 295 TY +18 25 296 TY +18 25 297 TY +18 25 298 TY +18 25 299 AA +18 25 300 TA +18 25 301 AA +18 25 302 TA +18 25 303 AA +18 25 304 AA +18 25 305 TY +18 25 306 TY +18 25 307 AA +18 25 308 TY +18 25 309 CH +18 25 310 AA +18 25 311 AA +18 25 312 CH +18 25 313 CH +18 25 314 TA +18 25 315 CH +18 25 316 CH +18 25 317 TY +18 25 318 TY +18 25 319 TA +18 25 320 CH +18 25 321 TY +18 25 322 TY +18 25 323 TY +18 25 324 TA +18 25 325 TY +18 25 326 TY +18 25 327 TA +18 25 328 CH +18 25 329 CH +18 25 330 TA +19 1 1 FC +19 1 2 FC +19 1 3 B +19 1 4 CA +19 1 5 N +19 1 6 CF +19 1 7 N +19 1 8 CA +19 1 9 CF +19 1 10 FC +19 1 11 N +19 1 12 TS +19 1 13 N +19 1 14 FC +19 1 15 PI +19 1 16 FJ +19 1 17 PI +19 1 18 F +19 1 19 FC +19 1 20 N +19 1 21 PI +19 1 22 TS +19 1 23 CA +19 1 24 CF +19 1 25 FC +19 1 26 FC +19 1 27 CF +19 1 28 PI +19 1 29 N +19 1 30 TS +19 1 31 FC +19 1 32 CA +19 1 33 N +19 1 34 FC +19 1 35 PI +19 1 36 N +19 1 37 FC +19 1 38 CA +19 1 39 N +19 1 40 FC +19 1 41 B +19 1 42 TS +19 1 43 FC +19 1 44 PI +19 1 45 N +19 1 46 PL +19 1 47 N +19 1 48 TS +19 1 49 FC +19 1 50 CA +19 1 51 CF +19 1 52 TS +19 1 53 CA +19 1 54 N +19 1 55 FC +19 1 56 PI +19 1 57 FC +19 1 58 TS +19 1 59 PI +19 1 60 FC +19 1 61 B +19 1 62 CA +19 1 63 PI +19 1 64 FC +19 1 65 PI +19 1 66 TS +19 1 67 N +19 1 68 PI +19 1 69 N +19 1 70 CA +19 1 71 CA +19 1 72 N +19 1 73 CA +19 1 74 FC +19 1 75 N +19 1 76 TS +19 1 77 FC +19 1 78 PI +19 1 79 F +19 1 80 FC +19 1 81 N +19 1 82 FC +19 1 83 TS +19 1 84 PI +19 1 85 N +19 1 86 PI +19 1 87 N +19 1 88 CA +19 1 89 F +19 1 90 FC +19 1 91 N +19 1 92 TS +19 1 93 FC +19 1 94 CF +19 1 95 FC +19 1 96 TS +19 1 97 CA +19 1 98 B +19 1 99 PI +19 1 100 FC +19 1 101 CA +19 1 102 CA +19 1 103 N +19 1 104 FC +19 1 105 CA +19 1 106 TS +19 1 107 FJ +19 1 108 FC +19 1 109 FC +19 1 110 TS +19 1 111 N +19 1 112 B +19 1 113 CF +19 1 114 FC +19 1 115 B +19 1 116 FC +19 1 117 CF +19 1 118 PI +19 1 119 N +19 1 120 FJ +19 1 121 TS +19 1 122 N +19 1 123 FC +19 1 124 N +19 1 125 TS +19 1 126 PI +19 1 127 N +19 1 128 TS +19 1 129 PI +19 1 130 N +19 1 131 CA +19 1 132 B +19 1 133 N +19 1 134 CA +19 1 135 CA +19 1 136 FC +19 1 137 N +19 1 138 FC +19 1 139 CA +19 1 140 FC +19 1 141 FJ +19 1 142 FJ +19 1 143 N +19 1 144 CA +19 1 145 N +19 1 146 TS +19 1 147 N +19 1 148 B +19 1 149 N +19 1 150 CA +19 1 151 PI +19 1 152 CA +19 1 153 FC +19 1 154 PL +19 1 155 CF +19 1 156 N +19 1 157 CF +19 1 158 FJ +19 1 159 TS +19 1 160 PI +19 1 161 N +19 1 162 CA +19 1 163 FC +19 1 164 FC +19 1 165 N +19 1 166 FC +19 1 167 PI +19 1 168 N +19 1 169 FC +19 1 170 FC +19 1 171 N +19 1 172 FJ +19 1 173 PI +19 1 174 TS +19 1 175 FC +19 1 176 PI +19 1 177 N +19 1 178 FC +19 1 179 CA +19 1 180 N +19 1 181 TS +19 1 182 CA +19 1 183 TS +19 1 184 CA +19 1 185 TS +19 1 186 FC +19 1 187 TS +19 1 188 FC +19 1 189 FC +19 1 190 PI +19 1 191 N +19 1 192 CA +19 1 193 N +19 1 194 CA +19 1 195 N +19 1 196 FC +19 1 197 CA +19 1 198 F +19 1 199 N +19 1 200 FC +19 1 201 PI +19 1 202 N +19 1 203 CA +19 1 204 CF +19 1 205 CA +19 1 206 N +19 1 207 CA +19 1 208 CF +19 1 209 FC +19 1 210 CA +19 1 211 FC +19 1 212 TS +19 1 213 CA +19 1 214 N +19 1 215 CA +19 1 216 N +19 1 217 PI +19 1 218 N +19 1 219 FC +19 1 220 CA +19 1 221 FC +19 1 222 CA +19 1 223 N +19 1 224 PI +19 1 225 N +19 1 226 FC +19 1 227 F +19 1 228 FC +19 1 229 N +19 1 230 PI +19 1 231 CA +19 1 232 CF +19 1 233 CA +19 1 234 N +19 1 235 FC +19 1 236 N +19 1 237 TS +19 1 238 FC +19 1 239 PI +19 1 240 CF +19 1 241 FJ +19 1 242 TS +19 1 243 CA +19 1 244 FC +19 1 245 B +19 1 246 FC +19 1 247 CA +19 1 248 N +19 1 249 N +19 1 250 CA +19 1 251 N +19 1 252 PI +19 1 253 N +19 1 254 FC +19 1 255 CF +19 1 256 PI +19 1 257 FC +19 1 258 TS +19 1 259 B +19 1 260 N +19 1 261 TS +19 1 262 FJ +19 1 263 PL +19 1 264 FC +19 1 265 N +19 1 266 CF +19 1 267 CA +19 1 268 N +19 1 269 CA +19 1 270 TS +19 1 271 N +19 1 272 FC +19 1 273 CA +19 1 274 FJ +19 1 275 N +19 1 276 CA +19 1 277 FC +19 1 278 TS +19 1 279 FC +19 1 280 N +19 1 281 N +19 1 282 N +19 1 283 CF +19 1 284 FC +19 1 285 PI +19 1 286 FJ +19 1 287 TS +19 1 288 B +19 1 289 FC +19 1 290 PI +19 1 291 FC +19 1 292 PI +19 1 293 N +19 1 294 FC +19 1 295 CF +19 1 296 CA +19 1 297 TS +19 1 298 B +19 1 299 N +19 1 300 PL +19 1 301 N +19 1 302 PI +19 1 303 FC +19 1 304 N +19 1 305 CA +19 1 306 N +19 1 307 FC +19 1 308 CA +19 1 309 N +19 1 310 N +19 1 311 FC +19 1 312 F +19 1 313 CA +19 1 314 PI +19 1 315 N +19 1 316 N +19 1 317 CA +19 1 318 TS +19 1 319 FJ +19 1 320 N +19 1 321 B +19 1 322 FC +19 1 323 N +19 1 324 PI +19 1 325 CA +19 1 326 TS +19 1 327 FC +19 1 328 N +19 1 329 CF +19 1 330 FC +19 2 1 FC +19 2 2 A +19 2 3 B +19 2 4 M +19 2 5 A +19 2 6 TS +19 2 7 N +19 2 8 R +19 2 9 CF +19 2 10 FC +19 2 11 N +19 2 12 TS +19 2 13 N +19 2 14 FC +19 2 15 R +19 2 16 FJ +19 2 17 B +19 2 18 CF +19 2 19 FC +19 2 20 N +19 2 21 R +19 2 22 TS +19 2 23 M +19 2 24 CF +19 2 25 FC +19 2 26 FC +19 2 27 FJ +19 2 28 R +19 2 29 N +19 2 30 CF +19 2 31 FC +19 2 32 R +19 2 33 N +19 2 34 FC +19 2 35 B +19 2 36 N +19 2 37 FC +19 2 38 R +19 2 39 N +19 2 40 FC +19 2 41 B +19 2 42 TS +19 2 43 FC +19 2 44 FJ +19 2 45 N +19 2 46 CE +19 2 47 N +19 2 48 TS +19 2 49 A +19 2 50 M +19 2 51 CF +19 2 52 FJ +19 2 53 R +19 2 54 N +19 2 55 FC +19 2 56 R +19 2 57 FC +19 2 58 CF +19 2 59 R +19 2 60 FC +19 2 61 B +19 2 62 M +19 2 63 R +19 2 64 FC +19 2 65 R +19 2 66 FJ +19 2 67 N +19 2 68 R +19 2 69 CF +19 2 70 R +19 2 71 * +19 2 72 N +19 2 73 M +19 2 74 A +19 2 75 N +19 2 76 TS +19 2 77 FC +19 2 78 R +19 2 79 CE +19 2 80 FC +19 2 81 N +19 2 82 A +19 2 83 TS +19 2 84 R +19 2 85 N +19 2 86 R +19 2 87 CF +19 2 88 M +19 2 89 F +19 2 90 N +19 2 91 TS +19 2 92 FJ +19 2 93 FC +19 2 94 CF +19 2 95 A +19 2 96 TS +19 2 97 M +19 2 98 R +19 2 99 M +19 2 100 A +19 2 101 M +19 2 102 A +19 2 103 CF +19 2 104 FC +19 2 105 M +19 2 106 TS +19 2 107 FJ +19 2 108 FC +19 2 109 FC +19 2 110 TS +19 2 111 N +19 2 112 R +19 2 113 CF +19 2 114 N +19 2 115 R +19 2 116 A +19 2 117 CF +19 2 118 R +19 2 119 N +19 2 120 FJ +19 2 121 TS +19 2 122 N +19 2 123 FC +19 2 124 TS +19 2 125 TS +19 2 126 R +19 2 127 N +19 2 128 TS +19 2 129 FJ +19 2 130 CF +19 2 131 M +19 2 132 TS +19 2 133 N +19 2 134 CF +19 2 135 R +19 2 136 FC +19 2 137 N +19 2 138 FC +19 2 139 FJ +19 2 140 FC +19 2 141 FJ +19 2 142 FJ +19 2 143 N +19 2 144 M +19 2 145 N +19 2 146 TS +19 2 147 N +19 2 148 B +19 2 149 N +19 2 150 M +19 2 151 R +19 2 152 M +19 2 153 FC +19 2 154 CE +19 2 155 CF +19 2 156 N +19 2 157 CF +19 2 158 FJ +19 2 159 TS +19 2 160 R +19 2 161 N +19 2 162 R +19 2 163 N +19 2 164 FC +19 2 165 N +19 2 166 FC +19 2 167 M +19 2 168 N +19 2 169 FC +19 2 170 N +19 2 171 N +19 2 172 FJ +19 2 173 R +19 2 174 TS +19 2 175 A +19 2 176 R +19 2 177 TS +19 2 178 FC +19 2 179 M +19 2 180 N +19 2 181 TS +19 2 182 M +19 2 183 CF +19 2 184 M +19 2 185 CF +19 2 186 FC +19 2 187 TS +19 2 188 FC +19 2 189 A +19 2 190 R +19 2 191 N +19 2 192 M +19 2 193 TS +19 2 194 M +19 2 195 N +19 2 196 A +19 2 197 M +19 2 198 CF +19 2 199 A +19 2 200 FC +19 2 201 R +19 2 202 N +19 2 203 R +19 2 204 CF +19 2 205 FC +19 2 206 FJ +19 2 207 R +19 2 208 TS +19 2 209 N +19 2 210 M +19 2 211 FC +19 2 212 TS +19 2 213 M +19 2 214 TS +19 2 215 R +19 2 216 N +19 2 217 R +19 2 218 N +19 2 219 A +19 2 220 FC +19 2 221 A +19 2 222 M +19 2 223 N +19 2 224 FJ +19 2 225 N +19 2 226 FC +19 2 227 CF +19 2 228 FC +19 2 229 N +19 2 230 TS +19 2 231 M +19 2 232 CF +19 2 233 FC +19 2 234 N +19 2 235 FC +19 2 236 N +19 2 237 TS +19 2 238 N +19 2 239 R +19 2 240 CF +19 2 241 FJ +19 2 242 TS +19 2 243 M +19 2 244 A +19 2 245 B +19 2 246 N +19 2 247 FC +19 2 248 N +19 2 249 N +19 2 250 M +19 2 251 N +19 2 252 FJ +19 2 253 N +19 2 254 FC +19 2 255 CF +19 2 256 R +19 2 257 FC +19 2 258 TS +19 2 259 B +19 2 260 TS +19 2 261 B +19 2 262 FJ +19 2 263 CE +19 2 264 A +19 2 265 N +19 2 266 CF +19 2 267 M +19 2 268 N +19 2 269 M +19 2 270 TS +19 2 271 N +19 2 272 FJ +19 2 273 M +19 2 274 FJ +19 2 275 N +19 2 276 M +19 2 277 FC +19 2 278 TS +19 2 279 FC +19 2 280 N +19 2 281 N +19 2 282 N +19 2 283 CF +19 2 284 FJ +19 2 285 R +19 2 286 FJ +19 2 287 CF +19 2 288 B +19 2 289 FC +19 2 290 CE +19 2 291 FC +19 2 292 R +19 2 293 FC +19 2 294 FC +19 2 295 CF +19 2 296 M +19 2 297 TS +19 2 298 B +19 2 299 N +19 2 300 CE +19 2 301 N +19 2 302 CE +19 2 303 A +19 2 304 N +19 2 305 M +19 2 306 N +19 2 307 FC +19 2 308 M +19 2 309 CF +19 2 310 N +19 2 311 FC +19 2 312 CF +19 2 313 FC +19 2 314 CE +19 2 315 N +19 2 316 N +19 2 317 M +19 2 318 TS +19 2 319 CE +19 2 320 N +19 2 321 B +19 2 322 FC +19 2 323 N +19 2 324 CE +19 2 325 M +19 2 326 TS +19 2 327 A +19 2 328 N +19 2 329 CF +19 2 330 A +19 3 1 FC +19 3 2 FJ +19 3 3 B +19 3 4 CA +19 3 5 N +19 3 6 B +19 3 7 N +19 3 8 CF +19 3 9 CF +19 3 10 FC +19 3 11 N +19 3 12 TS +19 3 13 N +19 3 14 CA +19 3 15 R +19 3 16 FJ +19 3 17 B +19 3 18 F +19 3 19 N +19 3 20 N +19 3 21 R +19 3 22 TS +19 3 23 FC +19 3 24 CF +19 3 25 N +19 3 26 FC +19 3 27 FJ +19 3 28 R +19 3 29 N +19 3 30 TS +19 3 31 N +19 3 32 CA +19 3 33 N +19 3 34 N +19 3 35 R +19 3 36 N +19 3 37 M +19 3 38 R +19 3 39 N +19 3 40 N +19 3 41 B +19 3 42 TS +19 3 43 FC +19 3 44 FJ +19 3 45 N +19 3 46 F +19 3 47 N +19 3 48 TS +19 3 49 N +19 3 50 CA +19 3 51 CF +19 3 52 FJ +19 3 53 R +19 3 54 N +19 3 55 N +19 3 56 R +19 3 57 N +19 3 58 TS +19 3 59 R +19 3 60 N +19 3 61 B +19 3 62 CA +19 3 63 R +19 3 64 CA +19 3 65 R +19 3 66 FJ +19 3 67 N +19 3 68 R +19 3 69 CF +19 3 70 FJ +19 3 71 CF +19 3 72 N +19 3 73 CA +19 3 74 FJ +19 3 75 N +19 3 76 TS +19 3 77 N +19 3 78 R +19 3 79 F +19 3 80 N +19 3 81 TS +19 3 82 N +19 3 83 TS +19 3 84 R +19 3 85 N +19 3 86 R +19 3 87 CF +19 3 88 R +19 3 89 F +19 3 90 N +19 3 91 TS +19 3 92 FJ +19 3 93 N +19 3 94 CF +19 3 95 FJ +19 3 96 TS +19 3 97 M +19 3 98 CA +19 3 99 R +19 3 100 FJ +19 3 101 CA +19 3 102 FC +19 3 103 TS +19 3 104 FJ +19 3 105 CA +19 3 106 TS +19 3 107 FJ +19 3 108 FJ +19 3 109 CA +19 3 110 TS +19 3 111 F +19 3 112 R +19 3 113 CF +19 3 114 N +19 3 115 R +19 3 116 FJ +19 3 117 CF +19 3 118 R +19 3 119 N +19 3 120 FJ +19 3 121 B +19 3 122 N +19 3 123 N +19 3 124 TS +19 3 125 TS +19 3 126 R +19 3 127 CF +19 3 128 TS +19 3 129 FJ +19 3 130 CF +19 3 131 CA +19 3 132 B +19 3 133 N +19 3 134 CF +19 3 135 R +19 3 136 N +19 3 137 N +19 3 138 FJ +19 3 139 FJ +19 3 140 FC +19 3 141 FJ +19 3 142 FC +19 3 143 TS +19 3 144 CA +19 3 145 N +19 3 146 TS +19 3 147 N +19 3 148 B +19 3 149 N +19 3 150 CA +19 3 151 R +19 3 152 CA +19 3 153 CA +19 3 154 CF +19 3 155 CF +19 3 156 N +19 3 157 CF +19 3 158 FJ +19 3 159 TS +19 3 160 R +19 3 161 N +19 3 162 R +19 3 163 N +19 3 164 FC +19 3 165 CF +19 3 166 FC +19 3 167 R +19 3 168 N +19 3 169 FC +19 3 170 CF +19 3 171 CF +19 3 172 FJ +19 3 173 R +19 3 174 TS +19 3 175 FJ +19 3 176 R +19 3 177 TS +19 3 178 CA +19 3 179 CF +19 3 180 N +19 3 181 TS +19 3 182 CA +19 3 183 CF +19 3 184 CA +19 3 185 TS +19 3 186 N +19 3 187 TS +19 3 188 N +19 3 189 FJ +19 3 190 R +19 3 191 N +19 3 192 CA +19 3 193 TS +19 3 194 CF +19 3 195 N +19 3 196 FJ +19 3 197 CA +19 3 198 CF +19 3 199 FJ +19 3 200 FJ +19 3 201 FJ +19 3 202 N +19 3 203 R +19 3 204 CF +19 3 205 CA +19 3 206 FJ +19 3 207 R +19 3 208 TS +19 3 209 N +19 3 210 CF +19 3 211 N +19 3 212 TS +19 3 213 CA +19 3 214 TS +19 3 215 R +19 3 216 CF +19 3 217 R +19 3 218 TS +19 3 219 FJ +19 3 220 CA +19 3 221 FJ +19 3 222 CA +19 3 223 N +19 3 224 FJ +19 3 225 TS +19 3 226 N +19 3 227 CF +19 3 228 CA +19 3 229 FJ +19 3 230 FJ +19 3 231 CA +19 3 232 TS +19 3 233 CA +19 3 234 N +19 3 235 FC +19 3 236 TS +19 3 237 R +19 3 238 N +19 3 239 R +19 3 240 CF +19 3 241 FJ +19 3 242 TS +19 3 243 CA +19 3 244 FJ +19 3 245 B +19 3 246 N +19 3 247 CA +19 3 248 N +19 3 249 N +19 3 250 CA +19 3 251 N +19 3 252 FJ +19 3 253 N +19 3 254 CA +19 3 255 CF +19 3 256 R +19 3 257 CA +19 3 258 TS +19 3 259 B +19 3 260 TS +19 3 261 TS +19 3 262 FJ +19 3 263 F +19 3 264 FJ +19 3 265 N +19 3 266 TS +19 3 267 M +19 3 268 N +19 3 269 CA +19 3 270 TS +19 3 271 N +19 3 272 FJ +19 3 273 R +19 3 274 FJ +19 3 275 TS +19 3 276 R +19 3 277 N +19 3 278 TS +19 3 279 CA +19 3 280 N +19 3 281 N +19 3 282 N +19 3 283 CF +19 3 284 FJ +19 3 285 R +19 3 286 FJ +19 3 287 CF +19 3 288 B +19 3 289 N +19 3 290 FJ +19 3 291 CA +19 3 292 R +19 3 293 FJ +19 3 294 FJ +19 3 295 CF +19 3 296 CA +19 3 297 TS +19 3 298 B +19 3 299 N +19 3 300 FJ +19 3 301 N +19 3 302 FJ +19 3 303 FC +19 3 304 TS +19 3 305 CA +19 3 306 TS +19 3 307 N +19 3 308 CA +19 3 309 CF +19 3 310 N +19 3 311 CA +19 3 312 CF +19 3 313 CA +19 3 314 FJ +19 3 315 N +19 3 316 N +19 3 317 CA +19 3 318 TS +19 3 319 FJ +19 3 320 TS +19 3 321 R +19 3 322 FC +19 3 323 N +19 3 324 FJ +19 3 325 CA +19 3 326 TS +19 3 327 FJ +19 3 328 N +19 3 329 CF +19 3 330 FJ +19 4 1 FC +19 4 2 N +19 4 3 B +19 4 4 CA +19 4 5 N +19 4 6 TS +19 4 7 N +19 4 8 CA +19 4 9 B +19 4 10 FC +19 4 11 FC +19 4 12 TS +19 4 13 N +19 4 14 FC +19 4 15 R +19 4 16 FJ +19 4 17 B +19 4 18 SP +19 4 19 FC +19 4 20 N +19 4 21 R +19 4 22 TS +19 4 23 R +19 4 24 SP +19 4 25 N +19 4 26 FC +19 4 27 FJ +19 4 28 R +19 4 29 N +19 4 30 TS +19 4 31 N +19 4 32 R +19 4 33 N +19 4 34 FC +19 4 35 R +19 4 36 N +19 4 37 FC +19 4 38 R +19 4 39 N +19 4 40 FC +19 4 41 B +19 4 42 TS +19 4 43 FC +19 4 44 FJ +19 4 45 N +19 4 46 FJ +19 4 47 N +19 4 48 TS +19 4 49 FC +19 4 50 R +19 4 51 TS +19 4 52 FJ +19 4 53 R +19 4 54 N +19 4 55 N +19 4 56 TS +19 4 57 FC +19 4 58 TS +19 4 59 CA +19 4 60 FC +19 4 61 B +19 4 62 CA +19 4 63 B +19 4 64 FC +19 4 65 R +19 4 66 FJ +19 4 67 N +19 4 68 R +19 4 69 N +19 4 70 FJ +19 4 71 CA +19 4 72 N +19 4 73 CA +19 4 74 N +19 4 75 SP +19 4 76 TS +19 4 77 FC +19 4 78 R +19 4 79 SP +19 4 80 FC +19 4 81 N +19 4 82 N +19 4 83 TS +19 4 84 R +19 4 85 N +19 4 86 R +19 4 87 SP +19 4 88 R +19 4 89 SP +19 4 90 SP +19 4 91 TS +19 4 92 FJ +19 4 93 FC +19 4 94 SP +19 4 95 SP +19 4 96 TS +19 4 97 FC +19 4 98 B +19 4 99 R +19 4 100 N +19 4 101 R +19 4 102 SP +19 4 103 N +19 4 104 FC +19 4 105 CA +19 4 106 TS +19 4 107 SP +19 4 108 SP +19 4 109 FC +19 4 110 TS +19 4 111 SP +19 4 112 R +19 4 113 SP +19 4 114 N +19 4 115 CA +19 4 116 SP +19 4 117 SP +19 4 118 CA +19 4 119 N +19 4 120 FJ +19 4 121 B +19 4 122 N +19 4 123 FC +19 4 124 TS +19 4 125 B +19 4 126 R +19 4 127 SP +19 4 128 N +19 4 129 FJ +19 4 130 SP +19 4 131 R +19 4 132 B +19 4 133 N +19 4 134 SP +19 4 135 R +19 4 136 N +19 4 137 N +19 4 138 FC +19 4 139 FJ +19 4 140 FC +19 4 141 FJ +19 4 142 FJ +19 4 143 N +19 4 144 FC +19 4 145 N +19 4 146 TS +19 4 147 N +19 4 148 B +19 4 149 N +19 4 150 R +19 4 151 TS +19 4 152 CA +19 4 153 FC +19 4 154 SP +19 4 155 SP +19 4 156 N +19 4 157 TS +19 4 158 FJ +19 4 159 TS +19 4 160 R +19 4 161 N +19 4 162 B +19 4 163 N +19 4 164 FC +19 4 165 TS +19 4 166 FC +19 4 167 CA +19 4 168 N +19 4 169 FC +19 4 170 SP +19 4 171 N +19 4 172 FJ +19 4 173 R +19 4 174 TS +19 4 175 FC +19 4 176 B +19 4 177 TS +19 4 178 FC +19 4 179 R +19 4 180 N +19 4 181 TS +19 4 182 R +19 4 183 SP +19 4 184 R +19 4 185 TS +19 4 186 FC +19 4 187 TS +19 4 188 FC +19 4 189 FC +19 4 190 R +19 4 191 N +19 4 192 R +19 4 193 N +19 4 194 R +19 4 195 N +19 4 196 FC +19 4 197 R +19 4 198 SP +19 4 199 FJ +19 4 200 FC +19 4 201 R +19 4 202 N +19 4 203 R +19 4 204 SP +19 4 205 FC +19 4 206 FJ +19 4 207 R +19 4 208 TS +19 4 209 N +19 4 210 SP +19 4 211 FC +19 4 212 TS +19 4 213 FC +19 4 214 TS +19 4 215 R +19 4 216 SP +19 4 217 R +19 4 218 N +19 4 219 FJ +19 4 220 FC +19 4 221 FJ +19 4 222 R +19 4 223 N +19 4 224 FJ +19 4 225 TS +19 4 226 N +19 4 227 SP +19 4 228 SP +19 4 229 N +19 4 230 FJ +19 4 231 R +19 4 232 TS +19 4 233 FC +19 4 234 N +19 4 235 FC +19 4 236 N +19 4 237 CA +19 4 238 FC +19 4 239 R +19 4 240 TS +19 4 241 FJ +19 4 242 TS +19 4 243 R +19 4 244 FJ +19 4 245 B +19 4 246 N +19 4 247 FC +19 4 248 SP +19 4 249 N +19 4 250 R +19 4 251 N +19 4 252 FJ +19 4 253 N +19 4 254 FC +19 4 255 SP +19 4 256 B +19 4 257 SP +19 4 258 TS +19 4 259 B +19 4 260 TS +19 4 261 TS +19 4 262 FJ +19 4 263 SP +19 4 264 FJ +19 4 265 N +19 4 266 TS +19 4 267 CA +19 4 268 N +19 4 269 CA +19 4 270 TS +19 4 271 N +19 4 272 FJ +19 4 273 CA +19 4 274 FJ +19 4 275 N +19 4 276 R +19 4 277 FC +19 4 278 TS +19 4 279 FC +19 4 280 N +19 4 281 N +19 4 282 N +19 4 283 SP +19 4 284 FJ +19 4 285 R +19 4 286 FJ +19 4 287 TS +19 4 288 B +19 4 289 N +19 4 290 FJ +19 4 291 FC +19 4 292 R +19 4 293 FJ +19 4 294 FJ +19 4 295 SP +19 4 296 R +19 4 297 TS +19 4 298 B +19 4 299 N +19 4 300 FJ +19 4 301 N +19 4 302 FJ +19 4 303 FC +19 4 304 N +19 4 305 R +19 4 306 N +19 4 307 FC +19 4 308 R +19 4 309 SP +19 4 310 N +19 4 311 FC +19 4 312 SP +19 4 313 FC +19 4 314 FJ +19 4 315 N +19 4 316 N +19 4 317 R +19 4 318 TS +19 4 319 FJ +19 4 320 N +19 4 321 R +19 4 322 FC +19 4 323 N +19 4 324 FJ +19 4 325 R +19 4 326 TS +19 4 327 FJ +19 4 328 N +19 4 329 SP +19 4 330 FJ +19 5 1 FC +19 5 2 N +19 5 3 B +19 5 4 M +19 5 5 N +19 5 6 P +19 5 7 N +19 5 8 B +19 5 9 CF +19 5 10 FC +19 5 11 N +19 5 12 TS +19 5 13 N +19 5 14 FC +19 5 15 LI +19 5 16 FJ +19 5 17 B +19 5 18 F +19 5 19 FC +19 5 20 R +19 5 21 N +19 5 22 TS +19 5 23 M +19 5 24 CF +19 5 25 FC +19 5 26 FC +19 5 27 FJ +19 5 28 R +19 5 29 N +19 5 30 LE +19 5 31 FC +19 5 32 M +19 5 33 N +19 5 34 FC +19 5 35 R +19 5 36 N +19 5 37 FC +19 5 38 R +19 5 39 N +19 5 40 FC +19 5 41 B +19 5 42 TS +19 5 43 FC +19 5 44 FJ +19 5 45 N +19 5 46 F +19 5 47 N +19 5 48 TS +19 5 49 FC +19 5 50 M +19 5 51 CF +19 5 52 FJ +19 5 53 M +19 5 54 N +19 5 55 FC +19 5 56 R +19 5 57 FC +19 5 58 N +19 5 59 M +19 5 60 FC +19 5 61 B +19 5 62 M +19 5 63 R +19 5 64 FC +19 5 65 R +19 5 66 FJ +19 5 67 N +19 5 68 R +19 5 69 N +19 5 70 M +19 5 71 B +19 5 72 N +19 5 73 M +19 5 74 FC +19 5 75 N +19 5 76 TS +19 5 77 N +19 5 78 R +19 5 79 F +19 5 80 FC +19 5 81 N +19 5 82 N +19 5 83 FJ +19 5 84 R +19 5 85 N +19 5 86 R +19 5 87 F +19 5 88 M +19 5 89 F +19 5 90 N +19 5 91 N +19 5 92 FJ +19 5 93 FC +19 5 94 CF +19 5 95 N +19 5 96 TS +19 5 97 M +19 5 98 B +19 5 99 M +19 5 100 N +19 5 101 M +19 5 102 FC +19 5 103 N +19 5 104 FC +19 5 105 M +19 5 106 TS +19 5 107 R +19 5 108 N +19 5 109 FC +19 5 110 TS +19 5 111 N +19 5 112 B +19 5 113 F +19 5 114 N +19 5 115 B +19 5 116 FC +19 5 117 CF +19 5 118 R +19 5 119 N +19 5 120 FJ +19 5 121 TS +19 5 122 N +19 5 123 FC +19 5 124 N +19 5 125 TS +19 5 126 R +19 5 127 N +19 5 128 N +19 5 129 FJ +19 5 130 N +19 5 131 M +19 5 132 B +19 5 133 N +19 5 134 CF +19 5 135 M +19 5 136 N +19 5 137 N +19 5 138 FC +19 5 139 M +19 5 140 FC +19 5 141 FJ +19 5 142 FC +19 5 143 N +19 5 144 FC +19 5 145 N +19 5 146 TS +19 5 147 N +19 5 148 B +19 5 149 N +19 5 150 M +19 5 151 R +19 5 152 M +19 5 153 FC +19 5 154 F +19 5 155 N +19 5 156 N +19 5 157 CF +19 5 158 FJ +19 5 159 TS +19 5 160 R +19 5 161 N +19 5 162 R +19 5 163 N +19 5 164 FC +19 5 165 N +19 5 166 FC +19 5 167 M +19 5 168 N +19 5 169 FC +19 5 170 N +19 5 171 N +19 5 172 FJ +19 5 173 R +19 5 174 TS +19 5 175 FC +19 5 176 B +19 5 177 N +19 5 178 FC +19 5 179 M +19 5 180 N +19 5 181 TS +19 5 182 M +19 5 183 N +19 5 184 M +19 5 185 TS +19 5 186 FC +19 5 187 TS +19 5 188 FC +19 5 189 FC +19 5 190 R +19 5 191 N +19 5 192 M +19 5 193 N +19 5 194 B +19 5 195 N +19 5 196 N +19 5 197 M +19 5 198 F +19 5 199 N +19 5 200 FC +19 5 201 R +19 5 202 N +19 5 203 M +19 5 204 F +19 5 205 M +19 5 206 N +19 5 207 R +19 5 208 TS +19 5 209 N +19 5 210 B +19 5 211 FC +19 5 212 TS +19 5 213 M +19 5 214 N +19 5 215 R +19 5 216 N +19 5 217 R +19 5 218 N +19 5 219 FJ +19 5 220 M +19 5 221 N +19 5 222 M +19 5 223 N +19 5 224 R +19 5 225 N +19 5 226 FC +19 5 227 F +19 5 228 FC +19 5 229 N +19 5 230 R +19 5 231 M +19 5 232 N +19 5 233 M +19 5 234 N +19 5 235 FC +19 5 236 N +19 5 237 R +19 5 238 N +19 5 239 R +19 5 240 B +19 5 241 R +19 5 242 TS +19 5 243 M +19 5 244 FC +19 5 245 B +19 5 246 N +19 5 247 M +19 5 248 N +19 5 249 N +19 5 250 M +19 5 251 N +19 5 252 R +19 5 253 N +19 5 254 FC +19 5 255 F +19 5 256 B +19 5 257 FC +19 5 258 N +19 5 259 B +19 5 260 N +19 5 261 TS +19 5 262 FJ +19 5 263 PL +19 5 264 FC +19 5 265 N +19 5 266 B +19 5 267 M +19 5 268 N +19 5 269 M +19 5 270 TS +19 5 271 N +19 5 272 FJ +19 5 273 M +19 5 274 FJ +19 5 275 N +19 5 276 R +19 5 277 FC +19 5 278 TS +19 5 279 M +19 5 280 N +19 5 281 N +19 5 282 N +19 5 283 CF +19 5 284 FJ +19 5 285 R +19 5 286 FJ +19 5 287 TS +19 5 288 B +19 5 289 N +19 5 290 FJ +19 5 291 FC +19 5 292 R +19 5 293 N +19 5 294 N +19 5 295 TS +19 5 296 M +19 5 297 TS +19 5 298 B +19 5 299 N +19 5 300 PL +19 5 301 N +19 5 302 R +19 5 303 FC +19 5 304 N +19 5 305 M +19 5 306 N +19 5 307 FC +19 5 308 M +19 5 309 N +19 5 310 N +19 5 311 FC +19 5 312 F +19 5 313 M +19 5 314 FJ +19 5 315 N +19 5 316 N +19 5 317 M +19 5 318 TS +19 5 319 FJ +19 5 320 N +19 5 321 B +19 5 322 FC +19 5 323 N +19 5 324 FJ +19 5 325 M +19 5 326 TS +19 5 327 N +19 5 328 N +19 5 329 CF +19 5 330 FC +19 6 1 A +19 6 2 N +19 6 3 B +19 6 4 CA +19 6 5 N +19 6 6 TS +19 6 7 N +19 6 8 CA +19 6 9 CF +19 6 10 FC +19 6 11 N +19 6 12 TS +19 6 13 N +19 6 14 FC +19 6 15 CA +19 6 16 FJ +19 6 17 B +19 6 18 F +19 6 19 A +19 6 20 N +19 6 21 R +19 6 22 TS +19 6 23 CA +19 6 24 F +19 6 25 N +19 6 26 FC +19 6 27 FJ +19 6 28 R +19 6 29 N +19 6 30 TS +19 6 31 A +19 6 32 CA +19 6 33 N +19 6 34 FC +19 6 35 TS +19 6 36 N +19 6 37 FC +19 6 38 CA +19 6 39 N +19 6 40 A +19 6 41 CA +19 6 42 TS +19 6 43 FC +19 6 44 FJ +19 6 45 N +19 6 46 CF +19 6 47 N +19 6 48 TS +19 6 49 A +19 6 50 CA +19 6 51 CF +19 6 52 FJ +19 6 53 CA +19 6 54 N +19 6 55 A +19 6 56 R +19 6 57 A +19 6 58 TS +19 6 59 CA +19 6 60 FC +19 6 61 CA +19 6 62 CA +19 6 63 R +19 6 64 FC +19 6 65 R +19 6 66 FJ +19 6 67 N +19 6 68 CA +19 6 69 N +19 6 70 FJ +19 6 71 CA +19 6 72 N +19 6 73 CA +19 6 74 A +19 6 75 N +19 6 76 TS +19 6 77 A +19 6 78 R +19 6 79 CF +19 6 80 FC +19 6 81 N +19 6 82 A +19 6 83 TS +19 6 84 R +19 6 85 N +19 6 86 R +19 6 87 F +19 6 88 CA +19 6 89 F +19 6 90 FC +19 6 91 TS +19 6 92 FJ +19 6 93 FC +19 6 94 CF +19 6 95 FJ +19 6 96 TS +19 6 97 CA +19 6 98 R +19 6 99 CA +19 6 100 A +19 6 101 CA +19 6 102 A +19 6 103 TS +19 6 104 A +19 6 105 CA +19 6 106 TS +19 6 107 FJ +19 6 108 A +19 6 109 CA +19 6 110 TS +19 6 111 N +19 6 112 R +19 6 113 F +19 6 114 A +19 6 115 CA +19 6 116 A +19 6 117 CF +19 6 118 CA +19 6 119 N +19 6 120 FJ +19 6 121 TS +19 6 122 N +19 6 123 A +19 6 124 TS +19 6 125 TS +19 6 126 R +19 6 127 A +19 6 128 TS +19 6 129 FJ +19 6 130 CF +19 6 131 CA +19 6 132 B +19 6 133 N +19 6 134 CF +19 6 135 CA +19 6 136 A +19 6 137 N +19 6 138 A +19 6 139 FJ +19 6 140 FC +19 6 141 FJ +19 6 142 FJ +19 6 143 TS +19 6 144 CA +19 6 145 A +19 6 146 TS +19 6 147 A +19 6 148 B +19 6 149 N +19 6 150 CA +19 6 151 R +19 6 152 CA +19 6 153 A +19 6 154 CF +19 6 155 F +19 6 156 N +19 6 157 CF +19 6 158 FJ +19 6 159 TS +19 6 160 R +19 6 161 A +19 6 162 CA +19 6 163 FC +19 6 164 FC +19 6 165 N +19 6 166 FC +19 6 167 CA +19 6 168 N +19 6 169 A +19 6 170 FC +19 6 171 N +19 6 172 FJ +19 6 173 R +19 6 174 TS +19 6 175 A +19 6 176 R +19 6 177 TS +19 6 178 FC +19 6 179 CA +19 6 180 N +19 6 181 CF +19 6 182 CA +19 6 183 CF +19 6 184 CA +19 6 185 TS +19 6 186 A +19 6 187 TS +19 6 188 A +19 6 189 A +19 6 190 R +19 6 191 N +19 6 192 CA +19 6 193 TS +19 6 194 CA +19 6 195 N +19 6 196 A +19 6 197 CA +19 6 198 F +19 6 199 FJ +19 6 200 A +19 6 201 R +19 6 202 N +19 6 203 R +19 6 204 CF +19 6 205 CA +19 6 206 FJ +19 6 207 R +19 6 208 TS +19 6 209 A +19 6 210 CA +19 6 211 A +19 6 212 TS +19 6 213 A +19 6 214 N +19 6 215 R +19 6 216 CF +19 6 217 R +19 6 218 N +19 6 219 A +19 6 220 CA +19 6 221 A +19 6 222 CA +19 6 223 N +19 6 224 FJ +19 6 225 TS +19 6 226 FC +19 6 227 F +19 6 228 FC +19 6 229 A +19 6 230 FJ +19 6 231 CA +19 6 232 CF +19 6 233 A +19 6 234 N +19 6 235 FC +19 6 236 N +19 6 237 R +19 6 238 A +19 6 239 R +19 6 240 CF +19 6 241 FJ +19 6 242 TS +19 6 243 CA +19 6 244 A +19 6 245 CA +19 6 246 A +19 6 247 CA +19 6 248 N +19 6 249 N +19 6 250 CA +19 6 251 N +19 6 252 FJ +19 6 253 A +19 6 254 A +19 6 255 F +19 6 256 R +19 6 257 FC +19 6 258 TS +19 6 259 CA +19 6 260 A +19 6 261 TS +19 6 262 FJ +19 6 263 FJ +19 6 264 A +19 6 265 N +19 6 266 B +19 6 267 CA +19 6 268 N +19 6 269 CA +19 6 270 TS +19 6 271 N +19 6 272 FJ +19 6 273 CA +19 6 274 FJ +19 6 275 TS +19 6 276 R +19 6 277 FC +19 6 278 R +19 6 279 FC +19 6 280 N +19 6 281 N +19 6 282 N +19 6 283 CF +19 6 284 FJ +19 6 285 R +19 6 286 FJ +19 6 287 CF +19 6 288 R +19 6 289 A +19 6 290 FJ +19 6 291 FC +19 6 292 R +19 6 293 A +19 6 294 FJ +19 6 295 CF +19 6 296 CA +19 6 297 TS +19 6 298 R +19 6 299 N +19 6 300 FJ +19 6 301 A +19 6 302 FJ +19 6 303 A +19 6 304 N +19 6 305 CA +19 6 306 N +19 6 307 A +19 6 308 CA +19 6 309 F +19 6 310 N +19 6 311 FC +19 6 312 F +19 6 313 CA +19 6 314 FJ +19 6 315 N +19 6 316 A +19 6 317 CA +19 6 318 TS +19 6 319 FJ +19 6 320 N +19 6 321 R +19 6 322 A +19 6 323 N +19 6 324 FJ +19 6 325 CA +19 6 326 TS +19 6 327 FJ +19 6 328 N +19 6 329 CF +19 6 330 FJ +19 7 1 FC +19 7 2 N +19 7 3 B +19 7 4 M +19 7 5 N +19 7 6 TS +19 7 7 N +19 7 8 M +19 7 9 CF +19 7 10 FC +19 7 11 N +19 7 12 TS +19 7 13 N +19 7 14 FC +19 7 15 R +19 7 16 PL +19 7 17 B +19 7 18 CF +19 7 19 A +19 7 20 N +19 7 21 R +19 7 22 TS +19 7 23 M +19 7 24 CF +19 7 25 FC +19 7 26 FC +19 7 27 FJ +19 7 28 R +19 7 29 N +19 7 30 CF +19 7 31 A +19 7 32 M +19 7 33 N +19 7 34 FC +19 7 35 R +19 7 36 N +19 7 37 FC +19 7 38 R +19 7 39 N +19 7 40 A +19 7 41 B +19 7 42 TS +19 7 43 FC +19 7 44 FJ +19 7 45 N +19 7 46 PL +19 7 47 N +19 7 48 TS +19 7 49 A +19 7 50 M +19 7 51 CF +19 7 52 FJ +19 7 53 M +19 7 54 N +19 7 55 A +19 7 56 R +19 7 57 FC +19 7 58 TS +19 7 59 M +19 7 60 FC +19 7 61 B +19 7 62 M +19 7 63 R +19 7 64 FC +19 7 65 R +19 7 66 FJ +19 7 67 N +19 7 68 R +19 7 69 N +19 7 70 M +19 7 71 M +19 7 72 N +19 7 73 M +19 7 74 A +19 7 75 N +19 7 76 TS +19 7 77 A +19 7 78 R +19 7 79 PL +19 7 80 FC +19 7 81 N +19 7 82 N +19 7 83 TS +19 7 84 R +19 7 85 N +19 7 86 R +19 7 87 N +19 7 88 M +19 7 89 F +19 7 90 N +19 7 91 TS +19 7 92 FJ +19 7 93 FC +19 7 94 CF +19 7 95 N +19 7 96 TS +19 7 97 M +19 7 98 B +19 7 99 M +19 7 100 N +19 7 101 M +19 7 102 M +19 7 103 TS +19 7 104 A +19 7 105 M +19 7 106 TS +19 7 107 FJ +19 7 108 N +19 7 109 FC +19 7 110 TS +19 7 111 N +19 7 112 R +19 7 113 CF +19 7 114 N +19 7 115 B +19 7 116 A +19 7 117 CF +19 7 118 R +19 7 119 N +19 7 120 FJ +19 7 121 TS +19 7 122 N +19 7 123 FC +19 7 124 N +19 7 125 TS +19 7 126 R +19 7 127 N +19 7 128 TS +19 7 129 FJ +19 7 130 N +19 7 131 M +19 7 132 B +19 7 133 N +19 7 134 CF +19 7 135 M +19 7 136 A +19 7 137 N +19 7 138 A +19 7 139 M +19 7 140 FC +19 7 141 FJ +19 7 142 M +19 7 143 N +19 7 144 M +19 7 145 N +19 7 146 TS +19 7 147 N +19 7 148 B +19 7 149 N +19 7 150 M +19 7 151 R +19 7 152 M +19 7 153 FC +19 7 154 PL +19 7 155 CF +19 7 156 N +19 7 157 CF +19 7 158 FJ +19 7 159 TS +19 7 160 R +19 7 161 N +19 7 162 R +19 7 163 N +19 7 164 FC +19 7 165 N +19 7 166 FC +19 7 167 M +19 7 168 N +19 7 169 FC +19 7 170 N +19 7 171 TS +19 7 172 FJ +19 7 173 R +19 7 174 TS +19 7 175 A +19 7 176 R +19 7 177 TS +19 7 178 FC +19 7 179 M +19 7 180 N +19 7 181 TS +19 7 182 M +19 7 183 CF +19 7 184 M +19 7 185 TS +19 7 186 A +19 7 187 TS +19 7 188 FC +19 7 189 A +19 7 190 R +19 7 191 N +19 7 192 M +19 7 193 TS +19 7 194 M +19 7 195 N +19 7 196 A +19 7 197 M +19 7 198 PL +19 7 199 N +19 7 200 A +19 7 201 R +19 7 202 N +19 7 203 M +19 7 204 CF +19 7 205 M +19 7 206 TS +19 7 207 R +19 7 208 CF +19 7 209 N +19 7 210 CF +19 7 211 A +19 7 212 TS +19 7 213 M +19 7 214 TS +19 7 215 M +19 7 216 N +19 7 217 R +19 7 218 TS +19 7 219 N +19 7 220 FC +19 7 221 N +19 7 222 M +19 7 223 N +19 7 224 R +19 7 225 TS +19 7 226 FC +19 7 227 PL +19 7 228 FC +19 7 229 N +19 7 230 FJ +19 7 231 M +19 7 232 CF +19 7 233 M +19 7 234 N +19 7 235 FC +19 7 236 N +19 7 237 R +19 7 238 N +19 7 239 R +19 7 240 CF +19 7 241 FJ +19 7 242 TS +19 7 243 M +19 7 244 A +19 7 245 B +19 7 246 N +19 7 247 M +19 7 248 N +19 7 249 N +19 7 250 M +19 7 251 N +19 7 252 FJ +19 7 253 N +19 7 254 FC +19 7 255 PL +19 7 256 R +19 7 257 FC +19 7 258 TS +19 7 259 B +19 7 260 TS +19 7 261 TS +19 7 262 FJ +19 7 263 PL +19 7 264 A +19 7 265 N +19 7 266 TS +19 7 267 M +19 7 268 N +19 7 269 M +19 7 270 TS +19 7 271 N +19 7 272 FJ +19 7 273 M +19 7 274 FJ +19 7 275 TS +19 7 276 M +19 7 277 FC +19 7 278 R +19 7 279 FC +19 7 280 N +19 7 281 N +19 7 282 N +19 7 283 CF +19 7 284 FJ +19 7 285 R +19 7 286 FJ +19 7 287 TS +19 7 288 B +19 7 289 FC +19 7 290 TS +19 7 291 FC +19 7 292 R +19 7 293 N +19 7 294 FJ +19 7 295 CF +19 7 296 M +19 7 297 TS +19 7 298 B +19 7 299 N +19 7 300 PL +19 7 301 N +19 7 302 FJ +19 7 303 M +19 7 304 N +19 7 305 M +19 7 306 N +19 7 307 A +19 7 308 M +19 7 309 N +19 7 310 N +19 7 311 FC +19 7 312 PL +19 7 313 FC +19 7 314 FJ +19 7 315 N +19 7 316 N +19 7 317 M +19 7 318 TS +19 7 319 FJ +19 7 320 N +19 7 321 B +19 7 322 A +19 7 323 N +19 7 324 FJ +19 7 325 M +19 7 326 TS +19 7 327 FJ +19 7 328 N +19 7 329 CF +19 7 330 FJ +19 8 1 FC +19 8 2 FC +19 8 3 B +19 8 4 M +19 8 5 N +19 8 6 CF +19 8 7 N +19 8 8 M +19 8 9 CF +19 8 10 FC +19 8 11 N +19 8 12 TS +19 8 13 N +19 8 14 FC +19 8 15 R +19 8 16 FJ +19 8 17 B +19 8 18 F +19 8 19 FC +19 8 20 N +19 8 21 R +19 8 22 TS +19 8 23 M +19 8 24 CF +19 8 25 FC +19 8 26 FC +19 8 27 CF +19 8 28 R +19 8 29 N +19 8 30 CF +19 8 31 FC +19 8 32 R +19 8 33 N +19 8 34 FC +19 8 35 B +19 8 36 N +19 8 37 FC +19 8 38 R +19 8 39 N +19 8 40 FC +19 8 41 B +19 8 42 TS +19 8 43 FC +19 8 44 R +19 8 45 N +19 8 46 PL +19 8 47 N +19 8 48 CF +19 8 49 FC +19 8 50 M +19 8 51 CF +19 8 52 N +19 8 53 M +19 8 54 N +19 8 55 FC +19 8 56 T +19 8 57 FC +19 8 58 CF +19 8 59 R +19 8 60 FC +19 8 61 B +19 8 62 CA +19 8 63 R +19 8 64 FC +19 8 65 R +19 8 66 CF +19 8 67 N +19 8 68 CA +19 8 69 N +19 8 70 CA +19 8 71 M +19 8 72 N +19 8 73 M +19 8 74 N +19 8 75 N +19 8 76 T +19 8 77 FC +19 8 78 R +19 8 79 PL +19 8 80 FC +19 8 81 N +19 8 82 N +19 8 83 CF +19 8 84 R +19 8 85 N +19 8 86 R +19 8 87 N +19 8 88 M +19 8 89 PL +19 8 90 N +19 8 91 TS +19 8 92 CF +19 8 93 FC +19 8 94 CF +19 8 95 N +19 8 96 TS +19 8 97 M +19 8 98 R +19 8 99 M +19 8 100 N +19 8 101 M +19 8 102 FC +19 8 103 N +19 8 104 FC +19 8 105 M +19 8 106 TS +19 8 107 P +19 8 108 N +19 8 109 FC +19 8 110 TS +19 8 111 N +19 8 112 R +19 8 113 PL +19 8 114 N +19 8 115 M +19 8 116 FC +19 8 117 CF +19 8 118 R +19 8 119 N +19 8 120 FJ +19 8 121 T +19 8 122 N +19 8 123 FC +19 8 124 N +19 8 125 T +19 8 126 R +19 8 127 N +19 8 128 TS +19 8 129 P +19 8 130 N +19 8 131 M +19 8 132 B +19 8 133 N +19 8 134 CF +19 8 135 M +19 8 136 N +19 8 137 N +19 8 138 FC +19 8 139 P +19 8 140 FC +19 8 141 FJ +19 8 142 FJ +19 8 143 N +19 8 144 M +19 8 145 N +19 8 146 TS +19 8 147 N +19 8 148 B +19 8 149 N +19 8 150 M +19 8 151 R +19 8 152 P +19 8 153 FC +19 8 154 PL +19 8 155 CF +19 8 156 N +19 8 157 CF +19 8 158 FJ +19 8 159 CF +19 8 160 P +19 8 161 N +19 8 162 R +19 8 163 N +19 8 164 FC +19 8 165 N +19 8 166 FC +19 8 167 P +19 8 168 N +19 8 169 FC +19 8 170 N +19 8 171 N +19 8 172 FJ +19 8 173 R +19 8 174 TS +19 8 175 N +19 8 176 B +19 8 177 N +19 8 178 FC +19 8 179 B +19 8 180 N +19 8 181 CF +19 8 182 M +19 8 183 CF +19 8 184 M +19 8 185 CF +19 8 186 N +19 8 187 TS +19 8 188 FC +19 8 189 FC +19 8 190 P +19 8 191 N +19 8 192 M +19 8 193 N +19 8 194 M +19 8 195 N +19 8 196 N +19 8 197 P +19 8 198 PL +19 8 199 N +19 8 200 FC +19 8 201 R +19 8 202 N +19 8 203 M +19 8 204 CF +19 8 205 FC +19 8 206 N +19 8 207 R +19 8 208 CF +19 8 209 N +19 8 210 M +19 8 211 FC +19 8 212 TS +19 8 213 FC +19 8 214 N +19 8 215 P +19 8 216 N +19 8 217 R +19 8 218 N +19 8 219 N +19 8 220 FC +19 8 221 N +19 8 222 M +19 8 223 N +19 8 224 P +19 8 225 N +19 8 226 FC +19 8 227 PL +19 8 228 FC +19 8 229 N +19 8 230 P +19 8 231 M +19 8 232 CF +19 8 233 FC +19 8 234 N +19 8 235 FC +19 8 236 N +19 8 237 P +19 8 238 N +19 8 239 R +19 8 240 CF +19 8 241 FJ +19 8 242 TS +19 8 243 M +19 8 244 N +19 8 245 B +19 8 246 N +19 8 247 FC +19 8 248 N +19 8 249 N +19 8 250 M +19 8 251 N +19 8 252 P +19 8 253 N +19 8 254 FC +19 8 255 PL +19 8 256 R +19 8 257 FC +19 8 258 TS +19 8 259 B +19 8 260 N +19 8 261 TS +19 8 262 FJ +19 8 263 PL +19 8 264 FC +19 8 265 N +19 8 266 T +19 8 267 M +19 8 268 N +19 8 269 R +19 8 270 TS +19 8 271 N +19 8 272 FJ +19 8 273 M +19 8 274 FJ +19 8 275 N +19 8 276 R +19 8 277 FC +19 8 278 T +19 8 279 FC +19 8 280 N +19 8 281 N +19 8 282 N +19 8 283 CF +19 8 284 N +19 8 285 P +19 8 286 FJ +19 8 287 TS +19 8 288 B +19 8 289 N +19 8 290 CF +19 8 291 FC +19 8 292 P +19 8 293 N +19 8 294 N +19 8 295 CF +19 8 296 M +19 8 297 TS +19 8 298 B +19 8 299 N +19 8 300 PL +19 8 301 N +19 8 302 P +19 8 303 FC +19 8 304 N +19 8 305 M +19 8 306 N +19 8 307 FC +19 8 308 M +19 8 309 N +19 8 310 N +19 8 311 FC +19 8 312 F +19 8 313 FC +19 8 314 CF +19 8 315 N +19 8 316 N +19 8 317 M +19 8 318 T +19 8 319 FJ +19 8 320 N +19 8 321 B +19 8 322 FC +19 8 323 N +19 8 324 P +19 8 325 M +19 8 326 TS +19 8 327 N +19 8 328 N +19 8 329 CF +19 8 330 N +19 9 1 A +19 9 2 N +19 9 3 T +19 9 4 M +19 9 5 N +19 9 6 TS +19 9 7 N +19 9 8 CA +19 9 9 CF +19 9 10 FC +19 9 11 N +19 9 12 TS +19 9 13 N +19 9 14 FC +19 9 15 R +19 9 16 FJ +19 9 17 B +19 9 18 F +19 9 19 A +19 9 20 N +19 9 21 R +19 9 22 TS +19 9 23 M +19 9 24 N +19 9 25 N +19 9 26 FC +19 9 27 R +19 9 28 N +19 9 29 CF +19 9 30 A +19 9 31 M +19 9 32 N +19 9 33 A +19 9 34 T +19 9 35 N +19 9 36 FC +19 9 37 FC +19 9 38 M +19 9 39 N +19 9 40 A +19 9 41 B +19 9 42 TS +19 9 43 FC +19 9 44 R +19 9 45 N +19 9 46 BA +19 9 47 N +19 9 48 TS +19 9 49 A +19 9 50 M +19 9 51 CF +19 9 52 N +19 9 53 M +19 9 54 N +19 9 55 A +19 9 56 TS +19 9 57 N +19 9 58 N +19 9 59 R +19 9 60 N +19 9 61 B +19 9 62 M +19 9 63 R +19 9 64 A +19 9 65 R +19 9 66 TS +19 9 67 N +19 9 68 R +19 9 69 N +19 9 70 R +19 9 71 M +19 9 72 N +19 9 73 M +19 9 74 A +19 9 75 N +19 9 76 T +19 9 77 A +19 9 78 R +19 9 79 J +19 9 80 A +19 9 81 N +19 9 82 N +19 9 83 TS +19 9 84 R +19 9 85 N +19 9 86 R +19 9 87 N +19 9 88 M +19 9 89 F +19 9 90 N +19 9 91 TS +19 9 92 TS +19 9 93 A +19 9 94 CF +19 9 95 N +19 9 96 TS +19 9 97 M +19 9 98 B +19 9 99 M +19 9 100 N +19 9 101 CA +19 9 102 FC +19 9 103 N +19 9 104 A +19 9 105 M +19 9 106 TS +19 9 107 R +19 9 108 N +19 9 109 FC +19 9 110 TS +19 9 111 N +19 9 112 R +19 9 113 J +19 9 114 N +19 9 115 CA +19 9 116 FC +19 9 117 CF +19 9 118 R +19 9 119 N +19 9 120 FJ +19 9 121 T +19 9 122 N +19 9 123 N +19 9 124 N +19 9 125 T +19 9 126 R +19 9 127 N +19 9 128 TS +19 9 129 R +19 9 130 N +19 9 131 M +19 9 132 T +19 9 133 N +19 9 134 * +19 9 135 M +19 9 136 N +19 9 137 N +19 9 138 A +19 9 139 R +19 9 140 FC +19 9 141 FJ +19 9 142 M +19 9 143 N +19 9 144 M +19 9 145 N +19 9 146 TS +19 9 147 N +19 9 148 B +19 9 149 N +19 9 150 M +19 9 151 B +19 9 152 M +19 9 153 A +19 9 154 BA +19 9 155 N +19 9 156 N +19 9 157 * +19 9 158 FJ +19 9 159 TS +19 9 160 R +19 9 161 N +19 9 162 CA +19 9 163 N +19 9 164 FC +19 9 165 N +19 9 166 FC +19 9 167 M +19 9 168 N +19 9 169 A +19 9 170 N +19 9 171 N +19 9 172 FJ +19 9 173 R +19 9 174 TS +19 9 175 A +19 9 176 B +19 9 177 TS +19 9 178 FC +19 9 179 BT +19 9 180 N +19 9 181 TS +19 9 182 M +19 9 183 N +19 9 184 M +19 9 185 T +19 9 186 A +19 9 187 T +19 9 188 A +19 9 189 A +19 9 190 R +19 9 191 N +19 9 192 M +19 9 193 TS +19 9 194 BT +19 9 195 N +19 9 196 N +19 9 197 M +19 9 198 J +19 9 199 N +19 9 200 A +19 9 201 R +19 9 202 N +19 9 203 R +19 9 204 * +19 9 205 M +19 9 206 N +19 9 207 R +19 9 208 * +19 9 209 N +19 9 210 BT +19 9 211 A +19 9 212 T +19 9 213 M +19 9 214 N +19 9 215 R +19 9 216 N +19 9 217 R +19 9 218 N +19 9 219 N +19 9 220 M +19 9 221 N +19 9 222 M +19 9 223 N +19 9 224 R +19 9 225 N +19 9 226 FC +19 9 227 N +19 9 228 FC +19 9 229 A +19 9 230 R +19 9 231 M +19 9 232 N +19 9 233 M +19 9 234 N +19 9 235 FC +19 9 236 N +19 9 237 R +19 9 238 N +19 9 239 R +19 9 240 BT +19 9 241 R +19 9 242 TS +19 9 243 M +19 9 244 N +19 9 245 B +19 9 246 A +19 9 247 M +19 9 248 N +19 9 249 N +19 9 250 M +19 9 251 N +19 9 252 R +19 9 253 N +19 9 254 M +19 9 255 F +19 9 256 R +19 9 257 A +19 9 258 N +19 9 259 BT +19 9 260 TS +19 9 261 T +19 9 262 R +19 9 263 CL +19 9 264 A +19 9 265 N +19 9 266 CF +19 9 267 M +19 9 268 N +19 9 269 M +19 9 270 T +19 9 271 N +19 9 272 A +19 9 273 M +19 9 274 FJ +19 9 275 N +19 9 276 M +19 9 277 FC +19 9 278 R +19 9 279 M +19 9 280 N +19 9 281 N +19 9 282 N +19 9 283 CF +19 9 284 A +19 9 285 R +19 9 286 FJ +19 9 287 N +19 9 288 B +19 9 289 A +19 9 290 R +19 9 291 FC +19 9 292 R +19 9 293 N +19 9 294 A +19 9 295 CF +19 9 296 M +19 9 297 TS +19 9 298 B +19 9 299 N +19 9 300 J +19 9 301 N +19 9 302 R +19 9 303 FC +19 9 304 N +19 9 305 M +19 9 306 N +19 9 307 M +19 9 308 N +19 9 309 N +19 9 310 N +19 9 311 FC +19 9 312 F +19 9 313 M +19 9 314 R +19 9 315 N +19 9 316 N +19 9 317 M +19 9 318 T +19 9 319 R +19 9 320 N +19 9 321 B +19 9 322 A +19 9 323 N +19 9 324 R +19 9 325 M +19 9 326 TS +19 9 327 N +19 9 328 N +19 9 329 CF +19 9 330 A +19 10 1 FC +19 10 2 N +19 10 3 B +19 10 4 M +19 10 5 N +19 10 6 T +19 10 7 N +19 10 8 CA +19 10 9 CF +19 10 10 FC +19 10 11 N +19 10 12 TS +19 10 13 N +19 10 14 FC +19 10 15 R +19 10 16 PL +19 10 17 T +19 10 18 PL +19 10 19 FC +19 10 20 N +19 10 21 R +19 10 22 TS +19 10 23 M +19 10 24 CF +19 10 25 FC +19 10 26 FC +19 10 27 R +19 10 28 R +19 10 29 N +19 10 30 T +19 10 31 FC +19 10 32 M +19 10 33 N +19 10 34 FC +19 10 35 T +19 10 36 N +19 10 37 FC +19 10 38 R +19 10 39 N +19 10 40 FC +19 10 41 B +19 10 42 TS +19 10 43 FC +19 10 44 R +19 10 45 N +19 10 46 PL +19 10 47 N +19 10 48 TS +19 10 49 FC +19 10 50 M +19 10 51 CF +19 10 52 N +19 10 53 R +19 10 54 N +19 10 55 FC +19 10 56 R +19 10 57 FC +19 10 58 TS +19 10 59 R +19 10 60 FC +19 10 61 B +19 10 62 M +19 10 63 R +19 10 64 FC +19 10 65 R +19 10 66 TS +19 10 67 N +19 10 68 R +19 10 69 N +19 10 70 M +19 10 71 BT +19 10 72 N +19 10 73 M +19 10 74 FC +19 10 75 N +19 10 76 T +19 10 77 FC +19 10 78 R +19 10 79 PL +19 10 80 FC +19 10 81 N +19 10 82 FC +19 10 83 TS +19 10 84 T +19 10 85 N +19 10 86 R +19 10 87 N +19 10 88 M +19 10 89 F +19 10 90 N +19 10 91 TS +19 10 92 R +19 10 93 FC +19 10 94 CF +19 10 95 FC +19 10 96 TS +19 10 97 M +19 10 98 M +19 10 99 M +19 10 100 FC +19 10 101 R +19 10 102 M +19 10 103 CF +19 10 104 FC +19 10 105 M +19 10 106 TS +19 10 107 PL +19 10 108 N +19 10 109 FC +19 10 110 T +19 10 111 N +19 10 112 R +19 10 113 CF +19 10 114 FC +19 10 115 B +19 10 116 FC +19 10 117 CF +19 10 118 R +19 10 119 N +19 10 120 PL +19 10 121 T +19 10 122 N +19 10 123 FC +19 10 124 N +19 10 125 T +19 10 126 R +19 10 127 N +19 10 128 TS +19 10 129 R +19 10 130 N +19 10 131 M +19 10 132 TS +19 10 133 N +19 10 134 CF +19 10 135 R +19 10 136 N +19 10 137 N +19 10 138 FC +19 10 139 M +19 10 140 FC +19 10 141 FJ +19 10 142 FC +19 10 143 N +19 10 144 M +19 10 145 N +19 10 146 TS +19 10 147 N +19 10 148 B +19 10 149 N +19 10 150 M +19 10 151 T +19 10 152 M +19 10 153 FC +19 10 154 PL +19 10 155 CF +19 10 156 N +19 10 157 CF +19 10 158 PL +19 10 159 T +19 10 160 R +19 10 161 N +19 10 162 CA +19 10 163 FC +19 10 164 FC +19 10 165 N +19 10 166 FC +19 10 167 M +19 10 168 N +19 10 169 FC +19 10 170 FC +19 10 171 N +19 10 172 PL +19 10 173 R +19 10 174 T +19 10 175 FC +19 10 176 T +19 10 177 TS +19 10 178 FC +19 10 179 M +19 10 180 N +19 10 181 TS +19 10 182 CA +19 10 183 CF +19 10 184 M +19 10 185 TS +19 10 186 FC +19 10 187 TS +19 10 188 FC +19 10 189 FC +19 10 190 R +19 10 191 N +19 10 192 M +19 10 193 TS +19 10 194 R +19 10 195 N +19 10 196 FC +19 10 197 M +19 10 198 PL +19 10 199 N +19 10 200 FC +19 10 201 R +19 10 202 N +19 10 203 R +19 10 204 CF +19 10 205 M +19 10 206 N +19 10 207 R +19 10 208 TS +19 10 209 N +19 10 210 BT +19 10 211 FC +19 10 212 TS +19 10 213 M +19 10 214 N +19 10 215 R +19 10 216 N +19 10 217 R +19 10 218 N +19 10 219 FC +19 10 220 FC +19 10 221 FC +19 10 222 M +19 10 223 N +19 10 224 FJ +19 10 225 N +19 10 226 FC +19 10 227 N +19 10 228 FC +19 10 229 N +19 10 230 R +19 10 231 M +19 10 232 TS +19 10 233 M +19 10 234 N +19 10 235 FC +19 10 236 N +19 10 237 R +19 10 238 N +19 10 239 R +19 10 240 B +19 10 241 R +19 10 242 TS +19 10 243 CA +19 10 244 FC +19 10 245 B +19 10 246 N +19 10 247 M +19 10 248 N +19 10 249 N +19 10 250 M +19 10 251 N +19 10 252 R +19 10 253 N +19 10 254 FC +19 10 255 PL +19 10 256 R +19 10 257 FC +19 10 258 TS +19 10 259 M +19 10 260 TS +19 10 261 T +19 10 262 R +19 10 263 PL +19 10 264 FC +19 10 265 N +19 10 266 T +19 10 267 M +19 10 268 N +19 10 269 M +19 10 270 T +19 10 271 N +19 10 272 FC +19 10 273 M +19 10 274 PL +19 10 275 TS +19 10 276 CA +19 10 277 FC +19 10 278 T +19 10 279 FC +19 10 280 N +19 10 281 N +19 10 282 N +19 10 283 CF +19 10 284 FC +19 10 285 R +19 10 286 PL +19 10 287 TS +19 10 288 T +19 10 289 FC +19 10 290 TS +19 10 291 FC +19 10 292 R +19 10 293 N +19 10 294 PL +19 10 295 CF +19 10 296 M +19 10 297 TS +19 10 298 T +19 10 299 N +19 10 300 PL +19 10 301 N +19 10 302 R +19 10 303 FC +19 10 304 N +19 10 305 M +19 10 306 N +19 10 307 FC +19 10 308 M +19 10 309 N +19 10 310 N +19 10 311 FC +19 10 312 PL +19 10 313 FC +19 10 314 R +19 10 315 N +19 10 316 N +19 10 317 CA +19 10 318 T +19 10 319 R +19 10 320 N +19 10 321 T +19 10 322 FC +19 10 323 N +19 10 324 R +19 10 325 M +19 10 326 TS +19 10 327 FC +19 10 328 N +19 10 329 T +19 10 330 FC +19 11 1 FC +19 11 2 FC +19 11 3 B +19 11 4 PT +19 11 5 FC +19 11 6 R +19 11 7 N +19 11 8 CA +19 11 9 PT +19 11 10 FC +19 11 11 N +19 11 12 TS +19 11 13 N +19 11 14 FC +19 11 15 R +19 11 16 FJ +19 11 17 B +19 11 18 F +19 11 19 FC +19 11 20 N +19 11 21 R +19 11 22 TS +19 11 23 CA +19 11 24 CF +19 11 25 FC +19 11 26 FC +19 11 27 FJ +19 11 28 R +19 11 29 N +19 11 30 CH +19 11 31 FC +19 11 32 CA +19 11 33 N +19 11 34 FC +19 11 35 R +19 11 36 N +19 11 37 FC +19 11 38 CA +19 11 39 N +19 11 40 FC +19 11 41 CA +19 11 42 TS +19 11 43 FC +19 11 44 R +19 11 45 N +19 11 46 PL +19 11 47 N +19 11 48 CH +19 11 49 FC +19 11 50 CA +19 11 51 CH +19 11 52 FJ +19 11 53 CA +19 11 54 N +19 11 55 FC +19 11 56 R +19 11 57 FC +19 11 58 CH +19 11 59 CA +19 11 60 FC +19 11 61 B +19 11 62 CA +19 11 63 R +19 11 64 FC +19 11 65 R +19 11 66 FJ +19 11 67 FC +19 11 68 CA +19 11 69 N +19 11 70 CA +19 11 71 CA +19 11 72 N +19 11 73 CA +19 11 74 FC +19 11 75 N +19 11 76 CH +19 11 77 FC +19 11 78 R +19 11 79 PL +19 11 80 FC +19 11 81 N +19 11 82 FC +19 11 83 FJ +19 11 84 R +19 11 85 N +19 11 86 R +19 11 87 BA +19 11 88 CA +19 11 89 F +19 11 90 BA +19 11 91 N +19 11 92 FJ +19 11 93 FC +19 11 94 BA +19 11 95 FC +19 11 96 TS +19 11 97 CA +19 11 98 B +19 11 99 CA +19 11 100 FC +19 11 101 CA +19 11 102 BA +19 11 103 CH +19 11 104 FC +19 11 105 CA +19 11 106 TS +19 11 107 FJ +19 11 108 FC +19 11 109 CA +19 11 110 TS +19 11 111 N +19 11 112 R +19 11 113 BA +19 11 114 FC +19 11 115 B +19 11 116 FC +19 11 117 BA +19 11 118 R +19 11 119 N +19 11 120 FJ +19 11 121 B +19 11 122 N +19 11 123 BA +19 11 124 TS +19 11 125 B +19 11 126 R +19 11 127 BA +19 11 128 TS +19 11 129 FJ +19 11 130 BA +19 11 131 CA +19 11 132 B +19 11 133 N +19 11 134 CF +19 11 135 CA +19 11 136 FC +19 11 137 N +19 11 138 FC +19 11 139 R +19 11 140 FC +19 11 141 FJ +19 11 142 FJ +19 11 143 N +19 11 144 CA +19 11 145 FC +19 11 146 TS +19 11 147 FC +19 11 148 B +19 11 149 N +19 11 150 CA +19 11 151 R +19 11 152 R +19 11 153 FC +19 11 154 P +19 11 155 CH +19 11 156 N +19 11 157 CF +19 11 158 FJ +19 11 159 TS +19 11 160 R +19 11 161 FC +19 11 162 CA +19 11 163 N +19 11 164 FC +19 11 165 N +19 11 166 FC +19 11 167 CA +19 11 168 N +19 11 169 FC +19 11 170 BA +19 11 171 N +19 11 172 FJ +19 11 173 R +19 11 174 TS +19 11 175 FC +19 11 176 R +19 11 177 TS +19 11 178 FC +19 11 179 CA +19 11 180 N +19 11 181 TS +19 11 182 CA +19 11 183 CH +19 11 184 CA +19 11 185 TS +19 11 186 FC +19 11 187 TS +19 11 188 FC +19 11 189 FC +19 11 190 R +19 11 191 N +19 11 192 CA +19 11 193 TS +19 11 194 CF +19 11 195 N +19 11 196 FC +19 11 197 CA +19 11 198 P +19 11 199 FJ +19 11 200 FC +19 11 201 R +19 11 202 N +19 11 203 CA +19 11 204 CF +19 11 205 CA +19 11 206 FJ +19 11 207 R +19 11 208 TS +19 11 209 N +19 11 210 CH +19 11 211 FC +19 11 212 TS +19 11 213 P +19 11 214 TS +19 11 215 R +19 11 216 P +19 11 217 R +19 11 218 TS +19 11 219 FC +19 11 220 CA +19 11 221 FJ +19 11 222 CA +19 11 223 N +19 11 224 FJ +19 11 225 N +19 11 226 FC +19 11 227 P +19 11 228 FC +19 11 229 FC +19 11 230 R +19 11 231 CA +19 11 232 CH +19 11 233 CA +19 11 234 N +19 11 235 FC +19 11 236 N +19 11 237 R +19 11 238 FC +19 11 239 R +19 11 240 CH +19 11 241 FJ +19 11 242 TS +19 11 243 CA +19 11 244 FC +19 11 245 B +19 11 246 N +19 11 247 CA +19 11 248 N +19 11 249 N +19 11 250 CA +19 11 251 N +19 11 252 R +19 11 253 FC +19 11 254 CA +19 11 255 P +19 11 256 R +19 11 257 FC +19 11 258 TS +19 11 259 B +19 11 260 FJ +19 11 261 TS +19 11 262 FJ +19 11 263 P +19 11 264 FC +19 11 265 N +19 11 266 CH +19 11 267 CA +19 11 268 N +19 11 269 CA +19 11 270 TS +19 11 271 N +19 11 272 FJ +19 11 273 CA +19 11 274 FJ +19 11 275 TS +19 11 276 R +19 11 277 FC +19 11 278 B +19 11 279 FC +19 11 280 N +19 11 281 N +19 11 282 N +19 11 283 CH +19 11 284 FJ +19 11 285 R +19 11 286 FJ +19 11 287 TS +19 11 288 B +19 11 289 FC +19 11 290 FJ +19 11 291 FC +19 11 292 R +19 11 293 FC +19 11 294 FJ +19 11 295 CH +19 11 296 CA +19 11 297 TS +19 11 298 B +19 11 299 N +19 11 300 FJ +19 11 301 N +19 11 302 R +19 11 303 P +19 11 304 N +19 11 305 CA +19 11 306 N +19 11 307 FC +19 11 308 CA +19 11 309 P +19 11 310 N +19 11 311 FC +19 11 312 P +19 11 313 FC +19 11 314 FJ +19 11 315 N +19 11 316 FC +19 11 317 CA +19 11 318 TS +19 11 319 FJ +19 11 320 TS +19 11 321 B +19 11 322 FC +19 11 323 N +19 11 324 FJ +19 11 325 CA +19 11 326 TS +19 11 327 FJ +19 11 328 N +19 11 329 CH +19 11 330 FC +19 12 1 FC +19 12 2 FC +19 12 3 B +19 12 4 M +19 12 5 FC +19 12 6 B +19 12 7 N +19 12 8 R +19 12 9 CF +19 12 10 FC +19 12 11 N +19 12 12 TS +19 12 13 N +19 12 14 FC +19 12 15 P +19 12 16 FJ +19 12 17 B +19 12 18 F +19 12 19 FC +19 12 20 N +19 12 21 R +19 12 22 TS +19 12 23 M +19 12 24 CF +19 12 25 FC +19 12 26 FC +19 12 27 P +19 12 28 R +19 12 29 N +19 12 30 CF +19 12 31 FC +19 12 32 R +19 12 33 N +19 12 34 FC +19 12 35 B +19 12 36 N +19 12 37 FC +19 12 38 M +19 12 39 N +19 12 40 FC +19 12 41 B +19 12 42 TS +19 12 43 FC +19 12 44 P +19 12 45 N +19 12 46 CF +19 12 47 N +19 12 48 TS +19 12 49 FC +19 12 50 M +19 12 51 CF +19 12 52 FC +19 12 53 M +19 12 54 N +19 12 55 FC +19 12 56 P +19 12 57 FC +19 12 58 TS +19 12 59 P +19 12 60 FC +19 12 61 B +19 12 62 FC +19 12 63 M +19 12 64 FC +19 12 65 R +19 12 66 FJ +19 12 67 N +19 12 68 R +19 12 69 CF +19 12 70 P +19 12 71 R +19 12 72 N +19 12 73 M +19 12 74 FC +19 12 75 N +19 12 76 TS +19 12 77 FC +19 12 78 P +19 12 79 CF +19 12 80 FC +19 12 81 N +19 12 82 FC +19 12 83 TS +19 12 84 P +19 12 85 N +19 12 86 R +19 12 87 CF +19 12 88 M +19 12 89 F +19 12 90 N +19 12 91 TS +19 12 92 P +19 12 93 FC +19 12 94 CF +19 12 95 FC +19 12 96 TS +19 12 97 FC +19 12 98 B +19 12 99 P +19 12 100 FC +19 12 101 M +19 12 102 FC +19 12 103 CF +19 12 104 FC +19 12 105 M +19 12 106 TS +19 12 107 P +19 12 108 FC +19 12 109 FC +19 12 110 TS +19 12 111 N +19 12 112 R +19 12 113 CF +19 12 114 FC +19 12 115 B +19 12 116 FC +19 12 117 CF +19 12 118 R +19 12 119 N +19 12 120 P +19 12 121 B +19 12 122 N +19 12 123 FC +19 12 124 N +19 12 125 B +19 12 126 P +19 12 127 N +19 12 128 TS +19 12 129 P +19 12 130 CF +19 12 131 M +19 12 132 B +19 12 133 N +19 12 134 CF +19 12 135 M +19 12 136 FC +19 12 137 N +19 12 138 FC +19 12 139 P +19 12 140 FC +19 12 141 FJ +19 12 142 P +19 12 143 N +19 12 144 FC +19 12 145 FC +19 12 146 TS +19 12 147 FC +19 12 148 B +19 12 149 N +19 12 150 M +19 12 151 P +19 12 152 M +19 12 153 FC +19 12 154 CF +19 12 155 CF +19 12 156 N +19 12 157 CF +19 12 158 FJ +19 12 159 TS +19 12 160 P +19 12 161 N +19 12 162 R +19 12 163 FC +19 12 164 FC +19 12 165 CF +19 12 166 FC +19 12 167 P +19 12 168 N +19 12 169 FC +19 12 170 FC +19 12 171 CF +19 12 172 P +19 12 173 R +19 12 174 TS +19 12 175 FC +19 12 176 B +19 12 177 TS +19 12 178 FC +19 12 179 B +19 12 180 N +19 12 181 CF +19 12 182 M +19 12 183 CF +19 12 184 M +19 12 185 CF +19 12 186 FC +19 12 187 TS +19 12 188 FC +19 12 189 FC +19 12 190 P +19 12 191 N +19 12 192 M +19 12 193 TS +19 12 194 M +19 12 195 N +19 12 196 FC +19 12 197 P +19 12 198 CF +19 12 199 FC +19 12 200 FC +19 12 201 P +19 12 202 N +19 12 203 M +19 12 204 CF +19 12 205 FC +19 12 206 TS +19 12 207 R +19 12 208 CF +19 12 209 N +19 12 210 B +19 12 211 FC +19 12 212 TS +19 12 213 P +19 12 214 TS +19 12 215 M +19 12 216 CF +19 12 217 P +19 12 218 TS +19 12 219 FC +19 12 220 FC +19 12 221 FC +19 12 222 M +19 12 223 N +19 12 224 P +19 12 225 CF +19 12 226 FC +19 12 227 CF +19 12 228 FC +19 12 229 FC +19 12 230 P +19 12 231 M +19 12 232 CF +19 12 233 FC +19 12 234 N +19 12 235 FC +19 12 236 TS +19 12 237 P +19 12 238 FC +19 12 239 P +19 12 240 B +19 12 241 P +19 12 242 TS +19 12 243 M +19 12 244 FC +19 12 245 B +19 12 246 FC +19 12 247 FC +19 12 248 N +19 12 249 N +19 12 250 M +19 12 251 N +19 12 252 P +19 12 253 FC +19 12 254 FC +19 12 255 CF +19 12 256 B +19 12 257 FC +19 12 258 TS +19 12 259 B +19 12 260 TS +19 12 261 B +19 12 262 P +19 12 263 P +19 12 264 FC +19 12 265 N +19 12 266 B +19 12 267 M +19 12 268 N +19 12 269 M +19 12 270 TS +19 12 271 N +19 12 272 P +19 12 273 M +19 12 274 FJ +19 12 275 TS +19 12 276 M +19 12 277 FC +19 12 278 P +19 12 279 FC +19 12 280 N +19 12 281 N +19 12 282 N +19 12 283 B +19 12 284 FC +19 12 285 P +19 12 286 P +19 12 287 TS +19 12 288 B +19 12 289 FC +19 12 290 P +19 12 291 FC +19 12 292 P +19 12 293 FC +19 12 294 FJ +19 12 295 CF +19 12 296 M +19 12 297 TS +19 12 298 B +19 12 299 N +19 12 300 P +19 12 301 N +19 12 302 P +19 12 303 FC +19 12 304 N +19 12 305 M +19 12 306 N +19 12 307 FC +19 12 308 P +19 12 309 CF +19 12 310 N +19 12 311 FC +19 12 312 F +19 12 313 FC +19 12 314 P +19 12 315 N +19 12 316 FC +19 12 317 M +19 12 318 B +19 12 319 P +19 12 320 CF +19 12 321 R +19 12 322 FC +19 12 323 N +19 12 324 P +19 12 325 M +19 12 326 TS +19 12 327 FC +19 12 328 N +19 12 329 CF +19 12 330 FC +19 13 1 FC +19 13 2 N +19 13 3 B +19 13 4 R +19 13 5 N +19 13 6 CF +19 13 7 N +19 13 8 R +19 13 9 CF +19 13 10 FC +19 13 11 N +19 13 12 TS +19 13 13 N +19 13 14 FC +19 13 15 R +19 13 16 CF +19 13 17 R +19 13 18 PL +19 13 19 FC +19 13 20 N +19 13 21 R +19 13 22 TS +19 13 23 M +19 13 24 N +19 13 25 FC +19 13 26 FC +19 13 27 CF +19 13 28 R +19 13 29 N +19 13 30 CF +19 13 31 FC +19 13 32 R +19 13 33 N +19 13 34 FC +19 13 35 R +19 13 36 N +19 13 37 FC +19 13 38 R +19 13 39 N +19 13 40 FC +19 13 41 R +19 13 42 N +19 13 43 FC +19 13 44 CF +19 13 45 N +19 13 46 PL +19 13 47 N +19 13 48 CF +19 13 49 FC +19 13 50 M +19 13 51 CF +19 13 52 N +19 13 53 M +19 13 54 N +19 13 55 FC +19 13 56 CF +19 13 57 N +19 13 58 N +19 13 59 M +19 13 60 N +19 13 61 B +19 13 62 M +19 13 63 R +19 13 64 FC +19 13 65 R +19 13 66 CF +19 13 67 N +19 13 68 M +19 13 69 N +19 13 70 M +19 13 71 B +19 13 72 N +19 13 73 M +19 13 74 FC +19 13 75 N +19 13 76 T +19 13 77 FC +19 13 78 M +19 13 79 PL +19 13 80 FC +19 13 81 N +19 13 82 N +19 13 83 CF +19 13 84 R +19 13 85 N +19 13 86 M +19 13 87 N +19 13 88 M +19 13 89 N +19 13 90 N +19 13 91 N +19 13 92 CF +19 13 93 FC +19 13 94 CF +19 13 95 N +19 13 96 TS +19 13 97 M +19 13 98 B +19 13 99 R +19 13 100 N +19 13 101 R +19 13 102 PL +19 13 103 N +19 13 104 FC +19 13 105 M +19 13 106 TS +19 13 107 CF +19 13 108 N +19 13 109 M +19 13 110 TS +19 13 111 N +19 13 112 B +19 13 113 N +19 13 114 N +19 13 115 B +19 13 116 FC +19 13 117 CF +19 13 118 R +19 13 119 N +19 13 120 FJ +19 13 121 T +19 13 122 N +19 13 123 FC +19 13 124 N +19 13 125 T +19 13 126 R +19 13 127 N +19 13 128 TS +19 13 129 R +19 13 130 N +19 13 131 M +19 13 132 B +19 13 133 N +19 13 134 CF +19 13 135 R +19 13 136 FC +19 13 137 N +19 13 138 FC +19 13 139 R +19 13 140 FC +19 13 141 FJ +19 13 142 FJ +19 13 143 N +19 13 144 M +19 13 145 N +19 13 146 TS +19 13 147 N +19 13 148 B +19 13 149 N +19 13 150 M +19 13 151 R +19 13 152 R +19 13 153 FC +19 13 154 PL +19 13 155 N +19 13 156 N +19 13 157 CF +19 13 158 FJ +19 13 159 TS +19 13 160 R +19 13 161 N +19 13 162 R +19 13 163 N +19 13 164 FC +19 13 165 N +19 13 166 FC +19 13 167 R +19 13 168 N +19 13 169 FC +19 13 170 N +19 13 171 N +19 13 172 FJ +19 13 173 R +19 13 174 TS +19 13 175 FC +19 13 176 R +19 13 177 TS +19 13 178 FC +19 13 179 R +19 13 180 N +19 13 181 TS +19 13 182 R +19 13 183 CF +19 13 184 M +19 13 185 TS +19 13 186 FC +19 13 187 TS +19 13 188 FC +19 13 189 FC +19 13 190 R +19 13 191 N +19 13 192 R +19 13 193 TS +19 13 194 B +19 13 195 N +19 13 196 N +19 13 197 R +19 13 198 N +19 13 199 N +19 13 200 FC +19 13 201 R +19 13 202 N +19 13 203 R +19 13 204 CF +19 13 205 R +19 13 206 N +19 13 207 R +19 13 208 TS +19 13 209 N +19 13 210 R +19 13 211 FC +19 13 212 T +19 13 213 R +19 13 214 N +19 13 215 R +19 13 216 N +19 13 217 R +19 13 218 N +19 13 219 FC +19 13 220 M +19 13 221 N +19 13 222 M +19 13 223 N +19 13 224 R +19 13 225 N +19 13 226 FC +19 13 227 N +19 13 228 FC +19 13 229 N +19 13 230 CF +19 13 231 M +19 13 232 N +19 13 233 FC +19 13 234 N +19 13 235 FC +19 13 236 N +19 13 237 R +19 13 238 N +19 13 239 R +19 13 240 B +19 13 241 R +19 13 242 TS +19 13 243 M +19 13 244 FC +19 13 245 B +19 13 246 N +19 13 247 M +19 13 248 N +19 13 249 N +19 13 250 M +19 13 251 N +19 13 252 CF +19 13 253 N +19 13 254 FC +19 13 255 PL +19 13 256 R +19 13 257 FC +19 13 258 TS +19 13 259 B +19 13 260 TS +19 13 261 T +19 13 262 FJ +19 13 263 PL +19 13 264 FC +19 13 265 N +19 13 266 CF +19 13 267 R +19 13 268 N +19 13 269 R +19 13 270 TS +19 13 271 N +19 13 272 FC +19 13 273 R +19 13 274 CF +19 13 275 N +19 13 276 R +19 13 277 FC +19 13 278 R +19 13 279 M +19 13 280 N +19 13 281 N +19 13 282 N +19 13 283 CF +19 13 284 FC +19 13 285 R +19 13 286 PL +19 13 287 N +19 13 288 B +19 13 289 FC +19 13 290 CF +19 13 291 FC +19 13 292 R +19 13 293 N +19 13 294 FC +19 13 295 CF +19 13 296 M +19 13 297 TS +19 13 298 B +19 13 299 N +19 13 300 PL +19 13 301 N +19 13 302 TS +19 13 303 FC +19 13 304 N +19 13 305 R +19 13 306 N +19 13 307 FC +19 13 308 M +19 13 309 N +19 13 310 N +19 13 311 FC +19 13 312 PL +19 13 313 FC +19 13 314 CF +19 13 315 N +19 13 316 N +19 13 317 R +19 13 318 T +19 13 319 FJ +19 13 320 N +19 13 321 B +19 13 322 FC +19 13 323 N +19 13 324 CF +19 13 325 R +19 13 326 TS +19 13 327 FC +19 13 328 N +19 13 329 CF +19 13 330 N +19 14 1 FC +19 14 2 FC +19 14 3 B +19 14 4 CA +19 14 5 N +19 14 6 CF +19 14 7 N +19 14 8 CA +19 14 9 BA +19 14 10 FC +19 14 11 N +19 14 12 TS +19 14 13 N +19 14 14 FC +19 14 15 R +19 14 16 FJ +19 14 17 R +19 14 18 F +19 14 19 FC +19 14 20 N +19 14 21 R +19 14 22 TS +19 14 23 CA +19 14 24 JU +19 14 25 FC +19 14 26 FC +19 14 27 R +19 14 28 R +19 14 29 N +19 14 30 TS +19 14 31 A +19 14 32 CA +19 14 33 N +19 14 34 FC +19 14 35 CA +19 14 36 N +19 14 37 FC +19 14 38 CA +19 14 39 N +19 14 40 N +19 14 41 B +19 14 42 TS +19 14 43 FC +19 14 44 R +19 14 45 N +19 14 46 CF +19 14 47 N +19 14 48 TS +19 14 49 A +19 14 50 CA +19 14 51 BA +19 14 52 N +19 14 53 CA +19 14 54 N +19 14 55 FC +19 14 56 T +19 14 57 FC +19 14 58 TS +19 14 59 R +19 14 60 FC +19 14 61 B +19 14 62 FC +19 14 63 CA +19 14 64 FC +19 14 65 CA +19 14 66 FJ +19 14 67 N +19 14 68 CA +19 14 69 TS +19 14 70 R +19 14 71 CA +19 14 72 N +19 14 73 CA +19 14 74 A +19 14 75 N +19 14 76 T +19 14 77 FC +19 14 78 CA +19 14 79 BA +19 14 80 FC +19 14 81 N +19 14 82 N +19 14 83 TS +19 14 84 R +19 14 85 N +19 14 86 R +19 14 87 BA +19 14 88 CA +19 14 89 F +19 14 90 N +19 14 91 TS +19 14 92 R +19 14 93 FC +19 14 94 I +19 14 95 T +19 14 96 TS +19 14 97 CA +19 14 98 B +19 14 99 R +19 14 100 A +19 14 101 CA +19 14 102 FC +19 14 103 TS +19 14 104 A +19 14 105 CA +19 14 106 TS +19 14 107 R +19 14 108 A +19 14 109 FC +19 14 110 T +19 14 111 N +19 14 112 CA +19 14 113 F +19 14 114 A +19 14 115 R +19 14 116 A +19 14 117 BA +19 14 118 CA +19 14 119 N +19 14 120 FJ +19 14 121 B +19 14 122 N +19 14 123 FC +19 14 124 TS +19 14 125 T +19 14 126 R +19 14 127 N +19 14 128 TS +19 14 129 R +19 14 130 N +19 14 131 CA +19 14 132 B +19 14 133 N +19 14 134 BA +19 14 135 CA +19 14 136 N +19 14 137 N +19 14 138 FC +19 14 139 CA +19 14 140 FC +19 14 141 FJ +19 14 142 R +19 14 143 N +19 14 144 CA +19 14 145 N +19 14 146 TS +19 14 147 N +19 14 148 B +19 14 149 N +19 14 150 CA +19 14 151 R +19 14 152 CA +19 14 153 A +19 14 154 BA +19 14 155 TS +19 14 156 N +19 14 157 I +19 14 158 FJ +19 14 159 TS +19 14 160 CA +19 14 161 N +19 14 162 R +19 14 163 FC +19 14 164 FC +19 14 165 CF +19 14 166 FC +19 14 167 CA +19 14 168 N +19 14 169 FC +19 14 170 N +19 14 171 TS +19 14 172 FJ +19 14 173 CA +19 14 174 TS +19 14 175 A +19 14 176 T +19 14 177 TS +19 14 178 FC +19 14 179 B +19 14 180 N +19 14 181 T +19 14 182 CA +19 14 183 TS +19 14 184 CA +19 14 185 T +19 14 186 A +19 14 187 TS +19 14 188 FC +19 14 189 FC +19 14 190 CA +19 14 191 N +19 14 192 CA +19 14 193 TS +19 14 194 B +19 14 195 TS +19 14 196 A +19 14 197 CA +19 14 198 CN +19 14 199 A +19 14 200 A +19 14 201 R +19 14 202 N +19 14 203 CA +19 14 204 F +19 14 205 CA +19 14 206 A +19 14 207 CA +19 14 208 TS +19 14 209 N +19 14 210 BA +19 14 211 A +19 14 212 T +19 14 213 R +19 14 214 TS +19 14 215 R +19 14 216 N +19 14 217 R +19 14 218 TS +19 14 219 A +19 14 220 FC +19 14 221 A +19 14 222 CA +19 14 223 N +19 14 224 R +19 14 225 TS +19 14 226 N +19 14 227 F +19 14 228 FC +19 14 229 A +19 14 230 R +19 14 231 CA +19 14 232 TS +19 14 233 FC +19 14 234 N +19 14 235 FC +19 14 236 TS +19 14 237 R +19 14 238 FC +19 14 239 R +19 14 240 B +19 14 241 R +19 14 242 TS +19 14 243 CA +19 14 244 A +19 14 245 B +19 14 246 N +19 14 247 FC +19 14 248 N +19 14 249 N +19 14 250 CA +19 14 251 A +19 14 252 R +19 14 253 N +19 14 254 FC +19 14 255 F +19 14 256 R +19 14 257 FC +19 14 258 TS +19 14 259 B +19 14 260 TS +19 14 261 T +19 14 262 R +19 14 263 CN +19 14 264 A +19 14 265 N +19 14 266 B +19 14 267 CA +19 14 268 N +19 14 269 CA +19 14 270 T +19 14 271 N +19 14 272 FJ +19 14 273 CA +19 14 274 F +19 14 275 TS +19 14 276 CA +19 14 277 FC +19 14 278 T +19 14 279 FC +19 14 280 N +19 14 281 N +19 14 282 N +19 14 283 TS +19 14 284 FJ +19 14 285 CA +19 14 286 FJ +19 14 287 TS +19 14 288 B +19 14 289 A +19 14 290 R +19 14 291 FC +19 14 292 T +19 14 293 TS +19 14 294 FJ +19 14 295 TS +19 14 296 CA +19 14 297 TS +19 14 298 B +19 14 299 N +19 14 300 CN +19 14 301 N +19 14 302 R +19 14 303 R +19 14 304 N +19 14 305 CA +19 14 306 TS +19 14 307 A +19 14 308 R +19 14 309 TS +19 14 310 N +19 14 311 FC +19 14 312 F +19 14 313 FC +19 14 314 R +19 14 315 TS +19 14 316 N +19 14 317 CA +19 14 318 T +19 14 319 R +19 14 320 TS +19 14 321 B +19 14 322 A +19 14 323 N +19 14 324 R +19 14 325 CA +19 14 326 TS +19 14 327 FJ +19 14 328 N +19 14 329 TS +19 14 330 FJ +19 15 1 FC +19 15 2 FC +19 15 3 B +19 15 4 CA +19 15 5 N +19 15 6 TS +19 15 7 N +19 15 8 CA +19 15 9 CF +19 15 10 FC +19 15 11 FC +19 15 12 TS +19 15 13 FC +19 15 14 FC +19 15 15 R +19 15 16 FJ +19 15 17 B +19 15 18 BA +19 15 19 FC +19 15 20 N +19 15 21 R +19 15 22 TS +19 15 23 M +19 15 24 BA +19 15 25 FC +19 15 26 FC +19 15 27 R +19 15 28 R +19 15 29 N +19 15 30 T +19 15 31 A +19 15 32 CA +19 15 33 N +19 15 34 FC +19 15 35 R +19 15 36 N +19 15 37 FC +19 15 38 CA +19 15 39 N +19 15 40 FC +19 15 41 PI +19 15 42 NA +19 15 43 FC +19 15 44 R +19 15 45 N +19 15 46 BA +19 15 47 N +19 15 48 T +19 15 49 FC +19 15 50 M +19 15 51 C1 +19 15 52 N +19 15 53 CA +19 15 54 N +19 15 55 FC +19 15 56 R +19 15 57 FC +19 15 58 NA +19 15 59 M +19 15 60 FC +19 15 61 PI +19 15 62 M +19 15 63 R +19 15 64 FC +19 15 65 R +19 15 66 FJ +19 15 67 N +19 15 68 M +19 15 69 N +19 15 70 * +19 15 71 CA +19 15 72 N +19 15 73 M +19 15 74 FC +19 15 75 N +19 15 76 T +19 15 77 FC +19 15 78 R +19 15 79 BA +19 15 80 FC +19 15 81 N +19 15 82 N +19 15 83 TS +19 15 84 R +19 15 85 N +19 15 86 R +19 15 87 BA +19 15 88 CA +19 15 89 F +19 15 90 * +19 15 91 TS +19 15 92 R +19 15 93 FC +19 15 94 BA +19 15 95 N +19 15 96 NA +19 15 97 M +19 15 98 CA +19 15 99 M +19 15 100 A +19 15 101 CA +19 15 102 M +19 15 103 N +19 15 104 FC +19 15 105 CA +19 15 106 TS +19 15 107 R +19 15 108 N +19 15 109 FC +19 15 110 TS +19 15 111 N +19 15 112 R +19 15 113 PE +19 15 114 FC +19 15 115 CA +19 15 116 FC +19 15 117 CF +19 15 118 R +19 15 119 N +19 15 120 FJ +19 15 121 T +19 15 122 N +19 15 123 FC +19 15 124 N +19 15 125 T +19 15 126 R +19 15 127 N +19 15 128 TS +19 15 129 R +19 15 130 N +19 15 131 M +19 15 132 B +19 15 133 N +19 15 134 CF +19 15 135 CA +19 15 136 FC +19 15 137 N +19 15 138 FC +19 15 139 M +19 15 140 FC +19 15 141 FJ +19 15 142 BA +19 15 143 N +19 15 144 M +19 15 145 N +19 15 146 TS +19 15 147 FC +19 15 148 B +19 15 149 N +19 15 150 M +19 15 151 R +19 15 152 M +19 15 153 FC +19 15 154 BA +19 15 155 CF +19 15 156 N +19 15 157 CF +19 15 158 FJ +19 15 159 T +19 15 160 R +19 15 161 N +19 15 162 CA +19 15 163 FC +19 15 164 FC +19 15 165 N +19 15 166 FC +19 15 167 M +19 15 168 N +19 15 169 FC +19 15 170 BA +19 15 171 N +19 15 172 FJ +19 15 173 CA +19 15 174 T +19 15 175 FC +19 15 176 CA +19 15 177 N +19 15 178 FC +19 15 179 PI +19 15 180 N +19 15 181 TS +19 15 182 CA +19 15 183 CF +19 15 184 M +19 15 185 T +19 15 186 FC +19 15 187 T +19 15 188 FC +19 15 189 FC +19 15 190 R +19 15 191 N +19 15 192 M +19 15 193 TS +19 15 194 CA +19 15 195 N +19 15 196 N +19 15 197 M +19 15 198 BA +19 15 199 N +19 15 200 FC +19 15 201 R +19 15 202 N +19 15 203 CA +19 15 204 CF +19 15 205 M +19 15 206 N +19 15 207 R +19 15 208 TS +19 15 209 N +19 15 210 PI +19 15 211 FC +19 15 212 T +19 15 213 M +19 15 214 N +19 15 215 M +19 15 216 N +19 15 217 R +19 15 218 N +19 15 219 FC +19 15 220 M +19 15 221 FC +19 15 222 M +19 15 223 N +19 15 224 R +19 15 225 N +19 15 226 FC +19 15 227 BA +19 15 228 FC +19 15 229 N +19 15 230 R +19 15 231 M +19 15 232 CF +19 15 233 M +19 15 234 N +19 15 235 FC +19 15 236 N +19 15 237 R +19 15 238 FC +19 15 239 R +19 15 240 B +19 15 241 FJ +19 15 242 TS +19 15 243 CA +19 15 244 FC +19 15 245 B +19 15 246 FC +19 15 247 M +19 15 248 N +19 15 249 N +19 15 250 M +19 15 251 N +19 15 252 R +19 15 253 N +19 15 254 M +19 15 255 BA +19 15 256 R +19 15 257 FC +19 15 258 TS +19 15 259 B +19 15 260 N +19 15 261 T +19 15 262 R +19 15 263 BA +19 15 264 FC +19 15 265 N +19 15 266 T +19 15 267 CA +19 15 268 N +19 15 269 CA +19 15 270 T +19 15 271 N +19 15 272 FJ +19 15 273 M +19 15 274 FJ +19 15 275 N +19 15 276 CA +19 15 277 FC +19 15 278 B +19 15 279 M +19 15 280 N +19 15 281 N +19 15 282 N +19 15 283 CF +19 15 284 FC +19 15 285 R +19 15 286 FJ +19 15 287 CF +19 15 288 B +19 15 289 FC +19 15 290 R +19 15 291 FC +19 15 292 R +19 15 293 N +19 15 294 FC +19 15 295 CF +19 15 296 M +19 15 297 TS +19 15 298 B +19 15 299 N +19 15 300 BA +19 15 301 N +19 15 302 R +19 15 303 FC +19 15 304 N +19 15 305 CA +19 15 306 N +19 15 307 FC +19 15 308 M +19 15 309 N +19 15 310 N +19 15 311 FC +19 15 312 BA +19 15 313 M +19 15 314 R +19 15 315 N +19 15 316 FC +19 15 317 CA +19 15 318 B +19 15 319 FJ +19 15 320 N +19 15 321 CA +19 15 322 FC +19 15 323 N +19 15 324 R +19 15 325 M +19 15 326 T +19 15 327 FC +19 15 328 N +19 15 329 CF +19 15 330 FC +19 16 1 FC +19 16 2 FC +19 16 3 B +19 16 4 CA +19 16 5 FJ +19 16 6 FC +19 16 7 N +19 16 8 CA +19 16 9 CH +19 16 10 FC +19 16 11 N +19 16 12 TS +19 16 13 N +19 16 14 N +19 16 15 FJ +19 16 16 FJ +19 16 17 B +19 16 18 F +19 16 19 N +19 16 20 N +19 16 21 R +19 16 22 TS +19 16 23 FC +19 16 24 F +19 16 25 N +19 16 26 FC +19 16 27 FJ +19 16 28 R +19 16 29 N +19 16 30 T +19 16 31 FC +19 16 32 R +19 16 33 N +19 16 34 FC +19 16 35 R +19 16 36 N +19 16 37 FC +19 16 38 R +19 16 39 N +19 16 40 FC +19 16 41 CA +19 16 42 TS +19 16 43 BA +19 16 44 FJ +19 16 45 N +19 16 46 BA +19 16 47 N +19 16 48 TS +19 16 49 A +19 16 50 CA +19 16 51 CH +19 16 52 FJ +19 16 53 CA +19 16 54 N +19 16 55 A +19 16 56 R +19 16 57 N +19 16 58 T +19 16 59 CA +19 16 60 FC +19 16 61 B +19 16 62 CA +19 16 63 R +19 16 64 FC +19 16 65 B +19 16 66 FJ +19 16 67 N +19 16 68 CA +19 16 69 CA +19 16 70 T +19 16 71 CA +19 16 72 N +19 16 73 CA +19 16 74 A +19 16 75 N +19 16 76 B +19 16 77 FC +19 16 78 CA +19 16 79 F +19 16 80 FC +19 16 81 N +19 16 82 A +19 16 83 FJ +19 16 84 R +19 16 85 N +19 16 86 R +19 16 87 F +19 16 88 FC +19 16 89 F +19 16 90 N +19 16 91 N +19 16 92 FJ +19 16 93 FC +19 16 94 F +19 16 95 FJ +19 16 96 TS +19 16 97 CA +19 16 98 B +19 16 99 CA +19 16 100 A +19 16 101 CA +19 16 102 FJ +19 16 103 CH +19 16 104 CA +19 16 105 FC +19 16 106 TS +19 16 107 FJ +19 16 108 FJ +19 16 109 FC +19 16 110 TS +19 16 111 F +19 16 112 R +19 16 113 F +19 16 114 N +19 16 115 B +19 16 116 CA +19 16 117 CH +19 16 118 R +19 16 119 N +19 16 120 FJ +19 16 121 B +19 16 122 N +19 16 123 N +19 16 124 N +19 16 125 B +19 16 126 R +19 16 127 F +19 16 128 TS +19 16 129 FJ +19 16 130 F +19 16 131 FC +19 16 132 B +19 16 133 N +19 16 134 CH +19 16 135 CA +19 16 136 A +19 16 137 N +19 16 138 FC +19 16 139 FJ +19 16 140 FC +19 16 141 FJ +19 16 142 FJ +19 16 143 N +19 16 144 FC +19 16 145 N +19 16 146 TS +19 16 147 N +19 16 148 B +19 16 149 N +19 16 150 CA +19 16 151 R +19 16 152 R +19 16 153 A +19 16 154 FJ +19 16 155 F +19 16 156 N +19 16 157 CH +19 16 158 FJ +19 16 159 TS +19 16 160 R +19 16 161 N +19 16 162 B +19 16 163 N +19 16 164 FC +19 16 165 N +19 16 166 N +19 16 167 FJ +19 16 168 N +19 16 169 FC +19 16 170 N +19 16 171 N +19 16 172 FJ +19 16 173 R +19 16 174 TS +19 16 175 A +19 16 176 B +19 16 177 TS +19 16 178 FC +19 16 179 CH +19 16 180 N +19 16 181 TS +19 16 182 CH +19 16 183 N +19 16 184 FC +19 16 185 T +19 16 186 FC +19 16 187 TS +19 16 188 N +19 16 189 CA +19 16 190 R +19 16 191 N +19 16 192 FC +19 16 193 N +19 16 194 CH +19 16 195 N +19 16 196 FC +19 16 197 T +19 16 198 F +19 16 199 FJ +19 16 200 FC +19 16 201 R +19 16 202 N +19 16 203 CA +19 16 204 F +19 16 205 FC +19 16 206 FJ +19 16 207 R +19 16 208 TS +19 16 209 N +19 16 210 T +19 16 211 N +19 16 212 TS +19 16 213 FJ +19 16 214 FJ +19 16 215 R +19 16 216 F +19 16 217 R +19 16 218 N +19 16 219 FJ +19 16 220 FC +19 16 221 A +19 16 222 FC +19 16 223 N +19 16 224 FJ +19 16 225 TS +19 16 226 N +19 16 227 F +19 16 228 N +19 16 229 N +19 16 230 FJ +19 16 231 CA +19 16 232 CH +19 16 233 FC +19 16 234 N +19 16 235 FC +19 16 236 N +19 16 237 R +19 16 238 N +19 16 239 R +19 16 240 CH +19 16 241 FJ +19 16 242 TS +19 16 243 CA +19 16 244 FJ +19 16 245 B +19 16 246 N +19 16 247 CA +19 16 248 F +19 16 249 N +19 16 250 CA +19 16 251 N +19 16 252 FJ +19 16 253 N +19 16 254 BA +19 16 255 F +19 16 256 R +19 16 257 FC +19 16 258 TS +19 16 259 CA +19 16 260 FJ +19 16 261 TS +19 16 262 FJ +19 16 263 BA +19 16 264 A +19 16 265 N +19 16 266 CA +19 16 267 CA +19 16 268 N +19 16 269 R +19 16 270 TS +19 16 271 N +19 16 272 FJ +19 16 273 R +19 16 274 FJ +19 16 275 TS +19 16 276 B +19 16 277 N +19 16 278 TS +19 16 279 FC +19 16 280 N +19 16 281 N +19 16 282 N +19 16 283 CH +19 16 284 FJ +19 16 285 R +19 16 286 FJ +19 16 287 TS +19 16 288 B +19 16 289 N +19 16 290 FJ +19 16 291 FC +19 16 292 R +19 16 293 FJ +19 16 294 FJ +19 16 295 CH +19 16 296 CA +19 16 297 TS +19 16 298 B +19 16 299 N +19 16 300 FJ +19 16 301 N +19 16 302 FJ +19 16 303 FJ +19 16 304 N +19 16 305 CA +19 16 306 N +19 16 307 N +19 16 308 FC +19 16 309 F +19 16 310 N +19 16 311 FC +19 16 312 F +19 16 313 FC +19 16 314 FJ +19 16 315 N +19 16 316 N +19 16 317 CA +19 16 318 TS +19 16 319 FJ +19 16 320 CH +19 16 321 B +19 16 322 A +19 16 323 N +19 16 324 FJ +19 16 325 CA +19 16 326 TS +19 16 327 FJ +19 16 328 N +19 16 329 CH +19 16 330 FJ +19 17 1 FC +19 17 2 N +19 17 3 B +19 17 4 CA +19 17 5 N +19 17 6 T +19 17 7 N +19 17 8 CA +19 17 9 CF +19 17 10 FC +19 17 11 N +19 17 12 TS +19 17 13 N +19 17 14 FC +19 17 15 B +19 17 16 FJ +19 17 17 B +19 17 18 I +19 17 19 FC +19 17 20 N +19 17 21 R +19 17 22 TS +19 17 23 M +19 17 24 CF +19 17 25 N +19 17 26 FC +19 17 27 * +19 17 28 R +19 17 29 N +19 17 30 CF +19 17 31 A +19 17 32 CA +19 17 33 N +19 17 34 FC +19 17 35 R +19 17 36 N +19 17 37 FC +19 17 38 R +19 17 39 N +19 17 40 FC +19 17 41 B +19 17 42 TS +19 17 43 FC +19 17 44 R +19 17 45 N +19 17 46 PL +19 17 47 N +19 17 48 TS +19 17 49 FC +19 17 50 M +19 17 51 CF +19 17 52 N +19 17 53 M +19 17 54 N +19 17 55 FC +19 17 56 R +19 17 57 FC +19 17 58 TS +19 17 59 FC +19 17 60 N +19 17 61 B +19 17 62 FC +19 17 63 R +19 17 64 FC +19 17 65 R +19 17 66 * +19 17 67 N +19 17 68 R +19 17 69 N +19 17 70 M +19 17 71 M +19 17 72 N +19 17 73 M +19 17 74 FC +19 17 75 N +19 17 76 TS +19 17 77 FC +19 17 78 R +19 17 79 BA +19 17 80 FC +19 17 81 N +19 17 82 N +19 17 83 TS +19 17 84 B +19 17 85 N +19 17 86 R +19 17 87 BA +19 17 88 M +19 17 89 F +19 17 90 N +19 17 91 N +19 17 92 FJ +19 17 93 FC +19 17 94 CF +19 17 95 N +19 17 96 TS +19 17 97 M +19 17 98 B +19 17 99 M +19 17 100 N +19 17 101 M +19 17 102 FC +19 17 103 N +19 17 104 FC +19 17 105 M +19 17 106 TS +19 17 107 CF +19 17 108 N +19 17 109 FC +19 17 110 TS +19 17 111 N +19 17 112 R +19 17 113 BA +19 17 114 N +19 17 115 B +19 17 116 FC +19 17 117 CF +19 17 118 R +19 17 119 N +19 17 120 FJ +19 17 121 T +19 17 122 N +19 17 123 FC +19 17 124 N +19 17 125 T +19 17 126 R +19 17 127 N +19 17 128 TS +19 17 129 FJ +19 17 130 N +19 17 131 M +19 17 132 B +19 17 133 N +19 17 134 CF +19 17 135 M +19 17 136 N +19 17 137 N +19 17 138 FC +19 17 139 M +19 17 140 FC +19 17 141 CF +19 17 142 M +19 17 143 N +19 17 144 M +19 17 145 N +19 17 146 TS +19 17 147 N +19 17 148 B +19 17 149 N +19 17 150 M +19 17 151 R +19 17 152 M +19 17 153 FC +19 17 154 * +19 17 155 BA +19 17 156 CF +19 17 157 FJ +19 17 158 TS +19 17 159 T +19 17 160 R +19 17 161 N +19 17 162 CA +19 17 163 N +19 17 164 FC +19 17 165 N +19 17 166 FC +19 17 167 M +19 17 168 N +19 17 169 FC +19 17 170 N +19 17 171 N +19 17 172 FJ +19 17 173 R +19 17 174 TS +19 17 175 FC +19 17 176 B +19 17 177 TS +19 17 178 FC +19 17 179 CA +19 17 180 N +19 17 181 TS +19 17 182 M +19 17 183 BA +19 17 184 M +19 17 185 CF +19 17 186 FC +19 17 187 TS +19 17 188 FC +19 17 189 FC +19 17 190 R +19 17 191 N +19 17 192 M +19 17 193 TS +19 17 194 B +19 17 195 N +19 17 196 FC +19 17 197 M +19 17 198 BA +19 17 199 N +19 17 200 FC +19 17 201 R +19 17 202 N +19 17 203 M +19 17 204 CF +19 17 205 M +19 17 206 N +19 17 207 M +19 17 208 TS +19 17 209 N +19 17 210 CA +19 17 211 FC +19 17 212 TS +19 17 213 M +19 17 214 N +19 17 215 M +19 17 216 N +19 17 217 R +19 17 218 N +19 17 219 FC +19 17 220 FC +19 17 221 FC +19 17 222 M +19 17 223 N +19 17 224 R +19 17 225 N +19 17 226 FC +19 17 227 BA +19 17 228 FC +19 17 229 N +19 17 230 R +19 17 231 M +19 17 232 N +19 17 233 M +19 17 234 N +19 17 235 FC +19 17 236 N +19 17 237 R +19 17 238 N +19 17 239 R +19 17 240 CF +19 17 241 FJ +19 17 242 TS +19 17 243 M +19 17 244 FC +19 17 245 B +19 17 246 N +19 17 247 M +19 17 248 N +19 17 249 N +19 17 250 M +19 17 251 N +19 17 252 R +19 17 253 N +19 17 254 FC +19 17 255 BA +19 17 256 R +19 17 257 FC +19 17 258 TS +19 17 259 B +19 17 260 TS +19 17 261 T +19 17 262 FJ +19 17 263 PL +19 17 264 FC +19 17 265 N +19 17 266 CF +19 17 267 M +19 17 268 N +19 17 269 M +19 17 270 T +19 17 271 N +19 17 272 FC +19 17 273 M +19 17 274 FJ +19 17 275 N +19 17 276 M +19 17 277 FC +19 17 278 T +19 17 279 FC +19 17 280 N +19 17 281 N +19 17 282 N +19 17 283 CF +19 17 284 FC +19 17 285 R +19 17 286 FJ +19 17 287 TS +19 17 288 B +19 17 289 FC +19 17 290 R +19 17 291 FC +19 17 292 R +19 17 293 N +19 17 294 FC +19 17 295 CF +19 17 296 M +19 17 297 TS +19 17 298 B +19 17 299 N +19 17 300 FJ +19 17 301 N +19 17 302 R +19 17 303 FC +19 17 304 N +19 17 305 M +19 17 306 N +19 17 307 FC +19 17 308 M +19 17 309 BA +19 17 310 N +19 17 311 FC +19 17 312 F +19 17 313 FC +19 17 314 FJ +19 17 315 N +19 17 316 N +19 17 317 M +19 17 318 T +19 17 319 FJ +19 17 320 N +19 17 321 B +19 17 322 FC +19 17 323 N +19 17 324 R +19 17 325 M +19 17 326 TS +19 17 327 FC +19 17 328 N +19 17 329 CF +19 17 330 FC +19 18 1 FC +19 18 2 A +19 18 3 B +19 18 4 M +19 18 5 N +19 18 6 CF +19 18 7 N +19 18 8 CA +19 18 9 CF +19 18 10 FC +19 18 11 N +19 18 12 TS +19 18 13 N +19 18 14 FC +19 18 15 R +19 18 16 FJ +19 18 17 B +19 18 18 F +19 18 19 A +19 18 20 N +19 18 21 R +19 18 22 TS +19 18 23 CA +19 18 24 N +19 18 25 N +19 18 26 FC +19 18 27 FJ +19 18 28 CA +19 18 29 N +19 18 30 * +19 18 31 A +19 18 32 R +19 18 33 N +19 18 34 FC +19 18 35 * +19 18 36 N +19 18 37 FC +19 18 38 CA +19 18 39 N +19 18 40 A +19 18 41 B +19 18 42 TS +19 18 43 FC +19 18 44 FJ +19 18 45 N +19 18 46 BA +19 18 47 N +19 18 48 TS +19 18 49 A +19 18 50 M +19 18 51 CF +19 18 52 N +19 18 53 CA +19 18 54 N +19 18 55 A +19 18 56 R +19 18 57 FC +19 18 58 N +19 18 59 BA +19 18 60 * +19 18 61 B +19 18 62 BA +19 18 63 R +19 18 64 FC +19 18 65 CA +19 18 66 BA +19 18 67 N +19 18 68 R +19 18 69 N +19 18 70 BA +19 18 71 CA +19 18 72 N +19 18 73 M +19 18 74 A +19 18 75 N +19 18 76 * +19 18 77 A +19 18 78 R +19 18 79 F +19 18 80 FC +19 18 81 N +19 18 82 N +19 18 83 TS +19 18 84 R +19 18 85 N +19 18 86 R +19 18 87 F +19 18 88 M +19 18 89 F +19 18 90 F +19 18 91 N +19 18 92 BA +19 18 93 FC +19 18 94 F +19 18 95 BA +19 18 96 TS +19 18 97 M +19 18 98 CA +19 18 99 BA +19 18 100 A +19 18 101 M +19 18 102 BA +19 18 103 N +19 18 104 A +19 18 105 M +19 18 106 TS +19 18 107 BA +19 18 108 A +19 18 109 FC +19 18 110 TS +19 18 111 F +19 18 112 CA +19 18 113 F +19 18 114 N +19 18 115 CA +19 18 116 BA +19 18 117 CF +19 18 118 R +19 18 119 N +19 18 120 FJ +19 18 121 * +19 18 122 N +19 18 123 FC +19 18 124 N +19 18 125 B +19 18 126 R +19 18 127 N +19 18 128 N +19 18 129 BA +19 18 130 N +19 18 131 M +19 18 132 B +19 18 133 N +19 18 134 F +19 18 135 CA +19 18 136 A +19 18 137 N +19 18 138 A +19 18 139 BA +19 18 140 FC +19 18 141 FJ +19 18 142 BA +19 18 143 N +19 18 144 FC +19 18 145 N +19 18 146 TS +19 18 147 N +19 18 148 B +19 18 149 N +19 18 150 M +19 18 151 R +19 18 152 R +19 18 153 FC +19 18 154 BA +19 18 155 F +19 18 156 N +19 18 157 CF +19 18 158 BA +19 18 159 TS +19 18 160 R +19 18 161 N +19 18 162 CA +19 18 163 N +19 18 164 FC +19 18 165 N +19 18 166 FC +19 18 167 R +19 18 168 FC +19 18 169 FC +19 18 170 N +19 18 171 N +19 18 172 BA +19 18 173 R +19 18 174 TS +19 18 175 A +19 18 176 B +19 18 177 N +19 18 178 FC +19 18 179 CA +19 18 180 N +19 18 181 TS +19 18 182 M +19 18 183 CF +19 18 184 M +19 18 185 * +19 18 186 A +19 18 187 TS +19 18 188 A +19 18 189 BA +19 18 190 R +19 18 191 N +19 18 192 M +19 18 193 N +19 18 194 CA +19 18 195 N +19 18 196 A +19 18 197 R +19 18 198 F +19 18 199 N +19 18 200 FC +19 18 201 R +19 18 202 N +19 18 203 CA +19 18 204 F +19 18 205 M +19 18 206 BA +19 18 207 CA +19 18 208 TS +19 18 209 N +19 18 210 CA +19 18 211 A +19 18 212 TS +19 18 213 BA +19 18 214 N +19 18 215 R +19 18 216 N +19 18 217 R +19 18 218 N +19 18 219 A +19 18 220 FC +19 18 221 A +19 18 222 M +19 18 223 N +19 18 224 BA +19 18 225 N +19 18 226 FC +19 18 227 BA +19 18 228 FC +19 18 229 N +19 18 230 BA +19 18 231 M +19 18 232 N +19 18 233 FC +19 18 234 N +19 18 235 FC +19 18 236 N +19 18 237 R +19 18 238 N +19 18 239 R +19 18 240 CF +19 18 241 BA +19 18 242 TS +19 18 243 CA +19 18 244 A +19 18 245 B +19 18 246 N +19 18 247 FC +19 18 248 N +19 18 249 N +19 18 250 M +19 18 251 N +19 18 252 BA +19 18 253 N +19 18 254 A +19 18 255 F +19 18 256 R +19 18 257 FC +19 18 258 TS +19 18 259 B +19 18 260 N +19 18 261 * +19 18 262 BA +19 18 263 BA +19 18 264 A +19 18 265 N +19 18 266 B +19 18 267 M +19 18 268 N +19 18 269 R +19 18 270 TS +19 18 271 N +19 18 272 BA +19 18 273 R +19 18 274 BA +19 18 275 N +19 18 276 CA +19 18 277 FC +19 18 278 * +19 18 279 FC +19 18 280 N +19 18 281 N +19 18 282 N +19 18 283 CF +19 18 284 FJ +19 18 285 R +19 18 286 FJ +19 18 287 TS +19 18 288 B +19 18 289 A +19 18 290 R +19 18 291 FC +19 18 292 R +19 18 293 A +19 18 294 FJ +19 18 295 CF +19 18 296 M +19 18 297 TS +19 18 298 B +19 18 299 N +19 18 300 FJ +19 18 301 N +19 18 302 R +19 18 303 A +19 18 304 N +19 18 305 M +19 18 306 N +19 18 307 A +19 18 308 R +19 18 309 N +19 18 310 N +19 18 311 FC +19 18 312 F +19 18 313 FC +19 18 314 FJ +19 18 315 N +19 18 316 N +19 18 317 CA +19 18 318 * +19 18 319 FJ +19 18 320 N +19 18 321 B +19 18 322 A +19 18 323 N +19 18 324 FJ +19 18 325 CA +19 18 326 TS +19 18 327 A +19 18 328 N +19 18 329 CF +19 18 330 FJ +19 19 1 FC +19 19 2 N +19 19 3 T +19 19 4 M +19 19 5 N +19 19 6 T +19 19 7 N +19 19 8 M +19 19 9 CF +19 19 10 FC +19 19 11 N +19 19 12 TS +19 19 13 N +19 19 14 FC +19 19 15 R +19 19 16 FJ +19 19 17 T +19 19 18 F +19 19 19 FC +19 19 20 N +19 19 21 R +19 19 22 TS +19 19 23 M +19 19 24 CF +19 19 25 FC +19 19 26 FC +19 19 27 CF +19 19 28 R +19 19 29 N +19 19 30 T +19 19 31 N +19 19 32 R +19 19 33 N +19 19 34 FC +19 19 35 T +19 19 36 N +19 19 37 FC +19 19 38 R +19 19 39 N +19 19 40 FC +19 19 41 B +19 19 42 CF +19 19 43 FC +19 19 44 CF +19 19 45 N +19 19 46 PL +19 19 47 N +19 19 48 T +19 19 49 FC +19 19 50 M +19 19 51 CF +19 19 52 N +19 19 53 R +19 19 54 N +19 19 55 FC +19 19 56 R +19 19 57 N +19 19 58 CF +19 19 59 R +19 19 60 FC +19 19 61 B +19 19 62 M +19 19 63 R +19 19 64 FC +19 19 65 R +19 19 66 CF +19 19 67 N +19 19 68 R +19 19 69 N +19 19 70 FJ +19 19 71 M +19 19 72 N +19 19 73 M +19 19 74 FC +19 19 75 N +19 19 76 T +19 19 77 FC +19 19 78 R +19 19 79 F +19 19 80 FC +19 19 81 N +19 19 82 N +19 19 83 FJ +19 19 84 R +19 19 85 N +19 19 86 R +19 19 87 F +19 19 88 M +19 19 89 F +19 19 90 N +19 19 91 N +19 19 92 FJ +19 19 93 FC +19 19 94 CF +19 19 95 N +19 19 96 TS +19 19 97 M +19 19 98 B +19 19 99 R +19 19 100 N +19 19 101 M +19 19 102 FC +19 19 103 N +19 19 104 FC +19 19 105 M +19 19 106 TS +19 19 107 FJ +19 19 108 N +19 19 109 FC +19 19 110 TS +19 19 111 N +19 19 112 R +19 19 113 F +19 19 114 FC +19 19 115 M +19 19 116 FC +19 19 117 CF +19 19 118 R +19 19 119 N +19 19 120 FJ +19 19 121 TS +19 19 122 N +19 19 123 FC +19 19 124 N +19 19 125 TS +19 19 126 R +19 19 127 N +19 19 128 N +19 19 129 FJ +19 19 130 N +19 19 131 M +19 19 132 B +19 19 133 N +19 19 134 CF +19 19 135 R +19 19 136 FC +19 19 137 N +19 19 138 FC +19 19 139 FJ +19 19 140 FC +19 19 141 FJ +19 19 142 FJ +19 19 143 N +19 19 144 M +19 19 145 N +19 19 146 TS +19 19 147 N +19 19 148 B +19 19 149 N +19 19 150 M +19 19 151 R +19 19 152 R +19 19 153 FC +19 19 154 F +19 19 155 CF +19 19 156 N +19 19 157 CF +19 19 158 FJ +19 19 159 TS +19 19 160 R +19 19 161 N +19 19 162 R +19 19 163 FC +19 19 164 FC +19 19 165 N +19 19 166 FC +19 19 167 R +19 19 168 N +19 19 169 FC +19 19 170 FC +19 19 171 N +19 19 172 FJ +19 19 173 R +19 19 174 TS +19 19 175 N +19 19 176 R +19 19 177 N +19 19 178 FC +19 19 179 CA +19 19 180 N +19 19 181 CF +19 19 182 M +19 19 183 CF +19 19 184 M +19 19 185 TS +19 19 186 FC +19 19 187 TS +19 19 188 FC +19 19 189 FC +19 19 190 R +19 19 191 N +19 19 192 M +19 19 193 N +19 19 194 M +19 19 195 N +19 19 196 N +19 19 197 R +19 19 198 F +19 19 199 N +19 19 200 FC +19 19 201 R +19 19 202 N +19 19 203 R +19 19 204 CF +19 19 205 M +19 19 206 N +19 19 207 R +19 19 208 CF +19 19 209 FC +19 19 210 M +19 19 211 FC +19 19 212 TS +19 19 213 R +19 19 214 N +19 19 215 R +19 19 216 N +19 19 217 R +19 19 218 N +19 19 219 N +19 19 220 FC +19 19 221 N +19 19 222 M +19 19 223 N +19 19 224 FJ +19 19 225 N +19 19 226 FC +19 19 227 F +19 19 228 FC +19 19 229 N +19 19 230 CF +19 19 231 R +19 19 232 N +19 19 233 M +19 19 234 N +19 19 235 FC +19 19 236 N +19 19 237 CF +19 19 238 N +19 19 239 R +19 19 240 B +19 19 241 FJ +19 19 242 TS +19 19 243 M +19 19 244 N +19 19 245 B +19 19 246 N +19 19 247 M +19 19 248 N +19 19 249 N +19 19 250 M +19 19 251 N +19 19 252 FJ +19 19 253 N +19 19 254 FC +19 19 255 F +19 19 256 R +19 19 257 FC +19 19 258 TS +19 19 259 B +19 19 260 N +19 19 261 TS +19 19 262 FJ +19 19 263 PL +19 19 264 FC +19 19 265 N +19 19 266 B +19 19 267 M +19 19 268 N +19 19 269 R +19 19 270 TS +19 19 271 N +19 19 272 FJ +19 19 273 R +19 19 274 FJ +19 19 275 N +19 19 276 R +19 19 277 FC +19 19 278 TS +19 19 279 FC +19 19 280 N +19 19 281 N +19 19 282 N +19 19 283 CF +19 19 284 N +19 19 285 R +19 19 286 FJ +19 19 287 TS +19 19 288 B +19 19 289 FC +19 19 290 FJ +19 19 291 FC +19 19 292 R +19 19 293 N +19 19 294 N +19 19 295 CF +19 19 296 M +19 19 297 TS +19 19 298 B +19 19 299 N +19 19 300 PL +19 19 301 N +19 19 302 FJ +19 19 303 FC +19 19 304 N +19 19 305 M +19 19 306 N +19 19 307 FC +19 19 308 M +19 19 309 F +19 19 310 N +19 19 311 FC +19 19 312 F +19 19 313 FC +19 19 314 FJ +19 19 315 N +19 19 316 N +19 19 317 M +19 19 318 TS +19 19 319 FJ +19 19 320 N +19 19 321 R +19 19 322 FC +19 19 323 N +19 19 324 FJ +19 19 325 M +19 19 326 TS +19 19 327 N +19 19 328 N +19 19 329 CF +19 19 330 N +19 20 1 FC +19 20 2 N +19 20 3 B +19 20 4 M +19 20 5 N +19 20 6 TS +19 20 7 N +19 20 8 M +19 20 9 CF +19 20 10 FC +19 20 11 N +19 20 12 TS +19 20 13 N +19 20 14 FC +19 20 15 R +19 20 16 FJ +19 20 17 R +19 20 18 F +19 20 19 FC +19 20 20 N +19 20 21 R +19 20 22 TS +19 20 23 M +19 20 24 CF +19 20 25 N +19 20 26 FC +19 20 27 TS +19 20 28 R +19 20 29 N +19 20 30 B +19 20 31 N +19 20 32 R +19 20 33 N +19 20 34 FC +19 20 35 R +19 20 36 N +19 20 37 N +19 20 38 B +19 20 39 N +19 20 40 N +19 20 41 B +19 20 42 TS +19 20 43 FC +19 20 44 TS +19 20 45 N +19 20 46 PL +19 20 47 N +19 20 48 TS +19 20 49 FC +19 20 50 CA +19 20 51 CF +19 20 52 FJ +19 20 53 CA +19 20 54 N +19 20 55 FC +19 20 56 R +19 20 57 FC +19 20 58 TS +19 20 59 R +19 20 60 FC +19 20 61 B +19 20 62 M +19 20 63 R +19 20 64 FC +19 20 65 R +19 20 66 FJ +19 20 67 N +19 20 68 R +19 20 69 N +19 20 70 FJ +19 20 71 M +19 20 72 N +19 20 73 M +19 20 74 N +19 20 75 N +19 20 76 TS +19 20 77 FC +19 20 78 R +19 20 79 PL +19 20 80 FC +19 20 81 N +19 20 82 N +19 20 83 TS +19 20 84 R +19 20 85 N +19 20 86 R +19 20 87 F +19 20 88 CA +19 20 89 F +19 20 90 N +19 20 91 N +19 20 92 R +19 20 93 FC +19 20 94 F +19 20 95 N +19 20 96 TS +19 20 97 M +19 20 98 B +19 20 99 R +19 20 100 N +19 20 101 M +19 20 102 N +19 20 103 N +19 20 104 FC +19 20 105 M +19 20 106 TS +19 20 107 FJ +19 20 108 N +19 20 109 FC +19 20 110 TS +19 20 111 N +19 20 112 R +19 20 113 F +19 20 114 N +19 20 115 B +19 20 116 N +19 20 117 CF +19 20 118 R +19 20 119 N +19 20 120 FJ +19 20 121 B +19 20 122 N +19 20 123 FC +19 20 124 N +19 20 125 TS +19 20 126 R +19 20 127 FC +19 20 128 TS +19 20 129 R +19 20 130 N +19 20 131 CA +19 20 132 B +19 20 133 N +19 20 134 CF +19 20 135 R +19 20 136 N +19 20 137 N +19 20 138 FC +19 20 139 R +19 20 140 FC +19 20 141 FJ +19 20 142 FJ +19 20 143 N +19 20 144 M +19 20 145 N +19 20 146 TS +19 20 147 N +19 20 148 B +19 20 149 N +19 20 150 M +19 20 151 R +19 20 152 R +19 20 153 FC +19 20 154 F +19 20 155 CF +19 20 156 N +19 20 157 CF +19 20 158 FJ +19 20 159 TS +19 20 160 R +19 20 161 N +19 20 162 R +19 20 163 N +19 20 164 FC +19 20 165 N +19 20 166 FC +19 20 167 R +19 20 168 N +19 20 169 FC +19 20 170 N +19 20 171 N +19 20 172 FJ +19 20 173 R +19 20 174 TS +19 20 175 N +19 20 176 B +19 20 177 N +19 20 178 FC +19 20 179 B +19 20 180 FC +19 20 181 TS +19 20 182 M +19 20 183 CF +19 20 184 M +19 20 185 CF +19 20 186 N +19 20 187 TS +19 20 188 FC +19 20 189 FC +19 20 190 R +19 20 191 N +19 20 192 M +19 20 193 N +19 20 194 B +19 20 195 N +19 20 196 N +19 20 197 R +19 20 198 F +19 20 199 FJ +19 20 200 FC +19 20 201 R +19 20 202 N +19 20 203 R +19 20 204 CF +19 20 205 M +19 20 206 FJ +19 20 207 R +19 20 208 TS +19 20 209 FC +19 20 210 B +19 20 211 FC +19 20 212 TS +19 20 213 R +19 20 214 N +19 20 215 R +19 20 216 N +19 20 217 R +19 20 218 N +19 20 219 N +19 20 220 FC +19 20 221 N +19 20 222 M +19 20 223 N +19 20 224 R +19 20 225 N +19 20 226 FC +19 20 227 F +19 20 228 FC +19 20 229 N +19 20 230 R +19 20 231 R +19 20 232 CF +19 20 233 N +19 20 234 N +19 20 235 FC +19 20 236 N +19 20 237 R +19 20 238 FC +19 20 239 R +19 20 240 CF +19 20 241 R +19 20 242 TS +19 20 243 M +19 20 244 FJ +19 20 245 B +19 20 246 N +19 20 247 M +19 20 248 N +19 20 249 N +19 20 250 M +19 20 251 N +19 20 252 R +19 20 253 N +19 20 254 FJ +19 20 255 F +19 20 256 R +19 20 257 FC +19 20 258 TS +19 20 259 B +19 20 260 N +19 20 261 B +19 20 262 R +19 20 263 F +19 20 264 F +19 20 265 N +19 20 266 CF +19 20 267 M +19 20 268 N +19 20 269 R +19 20 270 B +19 20 271 N +19 20 272 R +19 20 273 R +19 20 274 FJ +19 20 275 N +19 20 276 R +19 20 277 FC +19 20 278 R +19 20 279 M +19 20 280 N +19 20 281 FC +19 20 282 N +19 20 283 CF +19 20 284 FJ +19 20 285 R +19 20 286 R +19 20 287 N +19 20 288 R +19 20 289 N +19 20 290 R +19 20 291 N +19 20 292 R +19 20 293 N +19 20 294 FJ +19 20 295 CF +19 20 296 M +19 20 297 TS +19 20 298 B +19 20 299 N +19 20 300 FJ +19 20 301 N +19 20 302 R +19 20 303 N +19 20 304 N +19 20 305 M +19 20 306 N +19 20 307 FC +19 20 308 M +19 20 309 F +19 20 310 N +19 20 311 FC +19 20 312 F +19 20 313 M +19 20 314 R +19 20 315 N +19 20 316 FC +19 20 317 R +19 20 318 B +19 20 319 R +19 20 320 N +19 20 321 B +19 20 322 FC +19 20 323 N +19 20 324 R +19 20 325 M +19 20 326 TS +19 20 327 FJ +19 20 328 N +19 20 329 CF +19 20 330 N +19 21 1 FC +19 21 2 A +19 21 3 B +19 21 4 M +19 21 5 N +19 21 6 TS +19 21 7 N +19 21 8 M +19 21 9 CF +19 21 10 FC +19 21 11 N +19 21 12 TS +19 21 13 N +19 21 14 FC +19 21 15 R +19 21 16 FJ +19 21 17 B +19 21 18 PL +19 21 19 A +19 21 20 N +19 21 21 R +19 21 22 TS +19 21 23 M +19 21 24 CF +19 21 25 FC +19 21 26 FC +19 21 27 R +19 21 28 R +19 21 29 N +19 21 30 CF +19 21 31 FC +19 21 32 R +19 21 33 N +19 21 34 FC +19 21 35 B +19 21 36 N +19 21 37 FC +19 21 38 R +19 21 39 N +19 21 40 FC +19 21 41 B +19 21 42 TS +19 21 43 FC +19 21 44 R +19 21 45 N +19 21 46 PL +19 21 47 N +19 21 48 TS +19 21 49 A +19 21 50 CA +19 21 51 CF +19 21 52 FJ +19 21 53 R +19 21 54 N +19 21 55 FC +19 21 56 R +19 21 57 N +19 21 58 TS +19 21 59 R +19 21 60 FC +19 21 61 B +19 21 62 M +19 21 63 R +19 21 64 FC +19 21 65 R +19 21 66 TS +19 21 67 N +19 21 68 R +19 21 69 N +19 21 70 FJ +19 21 71 CA +19 21 72 N +19 21 73 M +19 21 74 FC +19 21 75 N +19 21 76 T +19 21 77 A +19 21 78 R +19 21 79 PL +19 21 80 FC +19 21 81 N +19 21 82 A +19 21 83 TS +19 21 84 R +19 21 85 N +19 21 86 R +19 21 87 PL +19 21 88 R +19 21 89 F +19 21 90 N +19 21 91 TS +19 21 92 R +19 21 93 A +19 21 94 CF +19 21 95 FC +19 21 96 TS +19 21 97 M +19 21 98 R +19 21 99 M +19 21 100 FC +19 21 101 CA +19 21 102 M +19 21 103 CF +19 21 104 A +19 21 105 R +19 21 106 TS +19 21 107 R +19 21 108 FC +19 21 109 FC +19 21 110 TS +19 21 111 N +19 21 112 R +19 21 113 CF +19 21 114 FC +19 21 115 B +19 21 116 FC +19 21 117 CF +19 21 118 R +19 21 119 N +19 21 120 FJ +19 21 121 T +19 21 122 N +19 21 123 FC +19 21 124 TS +19 21 125 T +19 21 126 R +19 21 127 N +19 21 128 TS +19 21 129 R +19 21 130 N +19 21 131 M +19 21 132 B +19 21 133 N +19 21 134 CF +19 21 135 R +19 21 136 A +19 21 137 N +19 21 138 A +19 21 139 R +19 21 140 FC +19 21 141 FJ +19 21 142 FC +19 21 143 N +19 21 144 M +19 21 145 A +19 21 146 TS +19 21 147 A +19 21 148 B +19 21 149 N +19 21 150 M +19 21 151 R +19 21 152 R +19 21 153 FC +19 21 154 PL +19 21 155 CF +19 21 156 N +19 21 157 CF +19 21 158 FJ +19 21 159 TS +19 21 160 R +19 21 161 N +19 21 162 R +19 21 163 N +19 21 164 FC +19 21 165 N +19 21 166 FC +19 21 167 R +19 21 168 N +19 21 169 FC +19 21 170 FC +19 21 171 N +19 21 172 FJ +19 21 173 R +19 21 174 TS +19 21 175 A +19 21 176 R +19 21 177 TS +19 21 178 FC +19 21 179 CA +19 21 180 N +19 21 181 TS +19 21 182 CA +19 21 183 CF +19 21 184 M +19 21 185 CF +19 21 186 A +19 21 187 TS +19 21 188 A +19 21 189 FC +19 21 190 R +19 21 191 N +19 21 192 M +19 21 193 TS +19 21 194 M +19 21 195 N +19 21 196 A +19 21 197 R +19 21 198 N +19 21 199 FC +19 21 200 A +19 21 201 R +19 21 202 N +19 21 203 R +19 21 204 CF +19 21 205 M +19 21 206 FC +19 21 207 R +19 21 208 CF +19 21 209 N +19 21 210 M +19 21 211 A +19 21 212 TS +19 21 213 M +19 21 214 N +19 21 215 R +19 21 216 N +19 21 217 R +19 21 218 N +19 21 219 FC +19 21 220 FC +19 21 221 FC +19 21 222 M +19 21 223 N +19 21 224 R +19 21 225 TS +19 21 226 FC +19 21 227 N +19 21 228 FC +19 21 229 A +19 21 230 R +19 21 231 M +19 21 232 CF +19 21 233 M +19 21 234 N +19 21 235 FC +19 21 236 N +19 21 237 T +19 21 238 A +19 21 239 R +19 21 240 B +19 21 241 R +19 21 242 TS +19 21 243 CA +19 21 244 FC +19 21 245 B +19 21 246 A +19 21 247 M +19 21 248 N +19 21 249 N +19 21 250 M +19 21 251 N +19 21 252 R +19 21 253 FC +19 21 254 FC +19 21 255 CF +19 21 256 R +19 21 257 FC +19 21 258 TS +19 21 259 B +19 21 260 TS +19 21 261 TS +19 21 262 FJ +19 21 263 PL +19 21 264 A +19 21 265 N +19 21 266 B +19 21 267 CA +19 21 268 N +19 21 269 R +19 21 270 TS +19 21 271 N +19 21 272 FC +19 21 273 R +19 21 274 FJ +19 21 275 TS +19 21 276 R +19 21 277 FC +19 21 278 B +19 21 279 FC +19 21 280 N +19 21 281 N +19 21 282 N +19 21 283 CF +19 21 284 FC +19 21 285 R +19 21 286 FJ +19 21 287 CF +19 21 288 B +19 21 289 A +19 21 290 R +19 21 291 FC +19 21 292 R +19 21 293 FC +19 21 294 FC +19 21 295 CF +19 21 296 M +19 21 297 TS +19 21 298 B +19 21 299 N +19 21 300 FJ +19 21 301 N +19 21 302 R +19 21 303 FC +19 21 304 N +19 21 305 CA +19 21 306 N +19 21 307 A +19 21 308 M +19 21 309 TS +19 21 310 N +19 21 311 FC +19 21 312 F +19 21 313 FC +19 21 314 R +19 21 315 N +19 21 316 N +19 21 317 R +19 21 318 TS +19 21 319 R +19 21 320 N +19 21 321 B +19 21 322 A +19 21 323 N +19 21 324 R +19 21 325 M +19 21 326 TS +19 21 327 FC +19 21 328 N +19 21 329 CF +19 21 330 FC +19 22 1 FC +19 22 2 N +19 22 3 B +19 22 4 M +19 22 5 N +19 22 6 FC +19 22 7 N +19 22 8 T +19 22 9 CF +19 22 10 FC +19 22 11 N +19 22 12 TS +19 22 13 N +19 22 14 FC +19 22 15 R +19 22 16 FJ +19 22 17 B +19 22 18 F +19 22 19 FC +19 22 20 N +19 22 21 B +19 22 22 TS +19 22 23 CA +19 22 24 CF +19 22 25 N +19 22 26 FC +19 22 27 FJ +19 22 28 CA +19 22 29 N +19 22 30 CF +19 22 31 FC +19 22 32 CA +19 22 33 N +19 22 34 FC +19 22 35 B +19 22 36 N +19 22 37 FC +19 22 38 CA +19 22 39 N +19 22 40 FC +19 22 41 B +19 22 42 TS +19 22 43 FC +19 22 44 FJ +19 22 45 N +19 22 46 PL +19 22 47 N +19 22 48 TS +19 22 49 N +19 22 50 T +19 22 51 CF +19 22 52 FC +19 22 53 B +19 22 54 N +19 22 55 N +19 22 56 CF +19 22 57 N +19 22 58 CF +19 22 59 CF +19 22 60 N +19 22 61 B +19 22 62 B +19 22 63 FC +19 22 64 FC +19 22 65 B +19 22 66 FJ +19 22 67 N +19 22 68 B +19 22 69 N +19 22 70 FC +19 22 71 CF +19 22 72 N +19 22 73 CA +19 22 74 FC +19 22 75 N +19 22 76 TS +19 22 77 FC +19 22 78 B +19 22 79 PL +19 22 80 FC +19 22 81 N +19 22 82 N +19 22 83 FJ +19 22 84 B +19 22 85 N +19 22 86 CA +19 22 87 CF +19 22 88 CA +19 22 89 CF +19 22 90 N +19 22 91 TS +19 22 92 FJ +19 22 93 N +19 22 94 CF +19 22 95 PL +19 22 96 TS +19 22 97 FC +19 22 98 B +19 22 99 FC +19 22 100 FC +19 22 101 CA +19 22 102 FC +19 22 103 TS +19 22 104 FC +19 22 105 CA +19 22 106 TS +19 22 107 FJ +19 22 108 FC +19 22 109 FC +19 22 110 TS +19 22 111 N +19 22 112 R +19 22 113 CF +19 22 114 N +19 22 115 B +19 22 116 FC +19 22 117 CF +19 22 118 CA +19 22 119 N +19 22 120 FJ +19 22 121 B +19 22 122 N +19 22 123 FC +19 22 124 TS +19 22 125 B +19 22 126 CA +19 22 127 N +19 22 128 TS +19 22 129 FJ +19 22 130 N +19 22 131 T +19 22 132 B +19 22 133 N +19 22 134 CF +19 22 135 T +19 22 136 FC +19 22 137 N +19 22 138 FC +19 22 139 FJ +19 22 140 FC +19 22 141 FJ +19 22 142 FJ +19 22 143 TS +19 22 144 FC +19 22 145 N +19 22 146 TS +19 22 147 N +19 22 148 B +19 22 149 N +19 22 150 R +19 22 151 B +19 22 152 T +19 22 153 FC +19 22 154 PL +19 22 155 CF +19 22 156 N +19 22 157 CF +19 22 158 FJ +19 22 159 TS +19 22 160 CA +19 22 161 N +19 22 162 B +19 22 163 N +19 22 164 FC +19 22 165 N +19 22 166 FC +19 22 167 PL +19 22 168 N +19 22 169 FC +19 22 170 N +19 22 171 N +19 22 172 FJ +19 22 173 B +19 22 174 TS +19 22 175 FC +19 22 176 B +19 22 177 TS +19 22 178 FC +19 22 179 CF +19 22 180 N +19 22 181 TS +19 22 182 CA +19 22 183 CF +19 22 184 CA +19 22 185 CF +19 22 186 FC +19 22 187 TS +19 22 188 N +19 22 189 FC +19 22 190 CA +19 22 191 N +19 22 192 CA +19 22 193 TS +19 22 194 CA +19 22 195 N +19 22 196 N +19 22 197 CA +19 22 198 PL +19 22 199 N +19 22 200 FC +19 22 201 R +19 22 202 N +19 22 203 T +19 22 204 CF +19 22 205 FC +19 22 206 FJ +19 22 207 CA +19 22 208 CF +19 22 209 N +19 22 210 CF +19 22 211 N +19 22 212 TS +19 22 213 FC +19 22 214 TS +19 22 215 CA +19 22 216 PL +19 22 217 B +19 22 218 TS +19 22 219 FC +19 22 220 FC +19 22 221 PL +19 22 222 FC +19 22 223 N +19 22 224 FJ +19 22 225 TS +19 22 226 N +19 22 227 CF +19 22 228 FC +19 22 229 N +19 22 230 FJ +19 22 231 CA +19 22 232 TS +19 22 233 FC +19 22 234 N +19 22 235 FC +19 22 236 TS +19 22 237 CA +19 22 238 N +19 22 239 CA +19 22 240 CF +19 22 241 FJ +19 22 242 TS +19 22 243 CA +19 22 244 FJ +19 22 245 B +19 22 246 N +19 22 247 FC +19 22 248 N +19 22 249 N +19 22 250 FC +19 22 251 N +19 22 252 FJ +19 22 253 N +19 22 254 FC +19 22 255 CF +19 22 256 B +19 22 257 FC +19 22 258 TS +19 22 259 B +19 22 260 FJ +19 22 261 B +19 22 262 FJ +19 22 263 PL +19 22 264 FC +19 22 265 N +19 22 266 B +19 22 267 CA +19 22 268 N +19 22 269 T +19 22 270 TS +19 22 271 N +19 22 272 FJ +19 22 273 T +19 22 274 FJ +19 22 275 TS +19 22 276 B +19 22 277 FC +19 22 278 TS +19 22 279 FC +19 22 280 N +19 22 281 N +19 22 282 N +19 22 283 CF +19 22 284 FJ +19 22 285 CA +19 22 286 FJ +19 22 287 TS +19 22 288 B +19 22 289 FC +19 22 290 FJ +19 22 291 FC +19 22 292 CA +19 22 293 FC +19 22 294 FJ +19 22 295 CF +19 22 296 FC +19 22 297 TS +19 22 298 B +19 22 299 N +19 22 300 PL +19 22 301 N +19 22 302 FJ +19 22 303 FC +19 22 304 N +19 22 305 CA +19 22 306 N +19 22 307 FC +19 22 308 T +19 22 309 CF +19 22 310 N +19 22 311 FC +19 22 312 PL +19 22 313 FC +19 22 314 FJ +19 22 315 N +19 22 316 N +19 22 317 R +19 22 318 TS +19 22 319 FJ +19 22 320 TS +19 22 321 B +19 22 322 FC +19 22 323 N +19 22 324 FJ +19 22 325 CA +19 22 326 TS +19 22 327 FJ +19 22 328 N +19 22 329 CF +19 22 330 FC +19 23 1 FC +19 23 2 N +19 23 3 TS +19 23 4 M +19 23 5 A +19 23 6 * +19 23 7 N +19 23 8 R +19 23 9 CF +19 23 10 FC +19 23 11 N +19 23 12 TS +19 23 13 N +19 23 14 FC +19 23 15 R +19 23 16 FJ +19 23 17 B +19 23 18 F +19 23 19 FC +19 23 20 N +19 23 21 R +19 23 22 TS +19 23 23 M +19 23 24 CF +19 23 25 A +19 23 26 FC +19 23 27 R +19 23 28 R +19 23 29 N +19 23 30 TS +19 23 31 A +19 23 32 M +19 23 33 N +19 23 34 FC +19 23 35 T +19 23 36 N +19 23 37 FC +19 23 38 R +19 23 39 N +19 23 40 FC +19 23 41 B +19 23 42 TS +19 23 43 FC +19 23 44 R +19 23 45 N +19 23 46 PL +19 23 47 N +19 23 48 TS +19 23 49 FC +19 23 50 M +19 23 51 CF +19 23 52 FJ +19 23 53 R +19 23 54 N +19 23 55 FC +19 23 56 R +19 23 57 FC +19 23 58 TS +19 23 59 R +19 23 60 FC +19 23 61 B +19 23 62 PL +19 23 63 R +19 23 64 FC +19 23 65 R +19 23 66 TS +19 23 67 N +19 23 68 R +19 23 69 N +19 23 70 FJ +19 23 71 M +19 23 72 N +19 23 73 M +19 23 74 FC +19 23 75 N +19 23 76 T +19 23 77 FC +19 23 78 R +19 23 79 PL +19 23 80 FC +19 23 81 N +19 23 82 FC +19 23 83 TS +19 23 84 R +19 23 85 N +19 23 86 R +19 23 87 N +19 23 88 R +19 23 89 F +19 23 90 FC +19 23 91 TS +19 23 92 FJ +19 23 93 FC +19 23 94 CF +19 23 95 FJ +19 23 96 TS +19 23 97 M +19 23 98 R +19 23 99 M +19 23 100 FC +19 23 101 CA +19 23 102 FC +19 23 103 CF +19 23 104 FC +19 23 105 M +19 23 106 TS +19 23 107 FJ +19 23 108 FC +19 23 109 FC +19 23 110 T +19 23 111 N +19 23 112 R +19 23 113 N +19 23 114 FC +19 23 115 B +19 23 116 FC +19 23 117 CF +19 23 118 R +19 23 119 N +19 23 120 FJ +19 23 121 T +19 23 122 N +19 23 123 FC +19 23 124 TS +19 23 125 T +19 23 126 R +19 23 127 N +19 23 128 TS +19 23 129 FJ +19 23 130 N +19 23 131 M +19 23 132 B +19 23 133 N +19 23 134 CF +19 23 135 M +19 23 136 FC +19 23 137 N +19 23 138 FC +19 23 139 FJ +19 23 140 FC +19 23 141 FJ +19 23 142 M +19 23 143 N +19 23 144 M +19 23 145 N +19 23 146 TS +19 23 147 A +19 23 148 B +19 23 149 N +19 23 150 M +19 23 151 R +19 23 152 R +19 23 153 FC +19 23 154 PL +19 23 155 CF +19 23 156 N +19 23 157 CF +19 23 158 FJ +19 23 159 T +19 23 160 R +19 23 161 N +19 23 162 R +19 23 163 FC +19 23 164 FC +19 23 165 N +19 23 166 FC +19 23 167 R +19 23 168 N +19 23 169 FC +19 23 170 FC +19 23 171 N +19 23 172 FJ +19 23 173 R +19 23 174 TS +19 23 175 FC +19 23 176 B +19 23 177 TS +19 23 178 FC +19 23 179 M +19 23 180 N +19 23 181 TS +19 23 182 M +19 23 183 CF +19 23 184 M +19 23 185 TS +19 23 186 FC +19 23 187 TS +19 23 188 FC +19 23 189 FC +19 23 190 R +19 23 191 N +19 23 192 M +19 23 193 TS +19 23 194 M +19 23 195 N +19 23 196 FC +19 23 197 M +19 23 198 PL +19 23 199 FC +19 23 200 FC +19 23 201 R +19 23 202 N +19 23 203 R +19 23 204 CF +19 23 205 M +19 23 206 N +19 23 207 R +19 23 208 CF +19 23 209 FC +19 23 210 M +19 23 211 FC +19 23 212 T +19 23 213 M +19 23 214 TS +19 23 215 M +19 23 216 N +19 23 217 R +19 23 218 TS +19 23 219 FC +19 23 220 M +19 23 221 FC +19 23 222 M +19 23 223 N +19 23 224 R +19 23 225 TS +19 23 226 FC +19 23 227 PL +19 23 228 A +19 23 229 N +19 23 230 R +19 23 231 M +19 23 232 CF +19 23 233 A +19 23 234 N +19 23 235 FC +19 23 236 N +19 23 237 R +19 23 238 FC +19 23 239 R +19 23 240 CF +19 23 241 R +19 23 242 TS +19 23 243 CA +19 23 244 FC +19 23 245 B +19 23 246 A +19 23 247 M +19 23 248 N +19 23 249 N +19 23 250 M +19 23 251 N +19 23 252 R +19 23 253 A +19 23 254 FC +19 23 255 PL +19 23 256 B +19 23 257 FC +19 23 258 TS +19 23 259 M +19 23 260 TS +19 23 261 T +19 23 262 FJ +19 23 263 PL +19 23 264 FC +19 23 265 N +19 23 266 T +19 23 267 CA +19 23 268 N +19 23 269 M +19 23 270 T +19 23 271 N +19 23 272 FC +19 23 273 R +19 23 274 FJ +19 23 275 TS +19 23 276 R +19 23 277 FC +19 23 278 T +19 23 279 FC +19 23 280 N +19 23 281 N +19 23 282 N +19 23 283 CF +19 23 284 FC +19 23 285 R +19 23 286 FJ +19 23 287 CF +19 23 288 B +19 23 289 FC +19 23 290 TS +19 23 291 FC +19 23 292 R +19 23 293 FC +19 23 294 FC +19 23 295 CF +19 23 296 M +19 23 297 TS +19 23 298 B +19 23 299 N +19 23 300 PL +19 23 301 N +19 23 302 R +19 23 303 FC +19 23 304 TS +19 23 305 CA +19 23 306 N +19 23 307 FC +19 23 308 M +19 23 309 CF +19 23 310 A +19 23 311 FC +19 23 312 PL +19 23 313 A +19 23 314 R +19 23 315 N +19 23 316 A +19 23 317 CA +19 23 318 T +19 23 319 R +19 23 320 N +19 23 321 R +19 23 322 FC +19 23 323 N +19 23 324 R +19 23 325 M +19 23 326 TS +19 23 327 FC +19 23 328 N +19 23 329 CF +19 23 330 FC +19 24 1 FC +19 24 2 N +19 24 3 B +19 24 4 M +19 24 5 N +19 24 6 R +19 24 7 N +19 24 8 CA +19 24 9 CF +19 24 10 FC +19 24 11 N +19 24 12 TS +19 24 13 N +19 24 14 FC +19 24 15 R +19 24 16 FJ +19 24 17 R +19 24 18 F +19 24 19 A +19 24 20 N +19 24 21 R +19 24 22 TS +19 24 23 M +19 24 24 CF +19 24 25 N +19 24 26 FC +19 24 27 R +19 24 28 R +19 24 29 N +19 24 30 NA +19 24 31 N +19 24 32 M +19 24 33 N +19 24 34 A +19 24 35 R +19 24 36 N +19 24 37 FC +19 24 38 BT +19 24 39 N +19 24 40 A +19 24 41 B +19 24 42 TS +19 24 43 FC +19 24 44 R +19 24 45 N +19 24 46 PL +19 24 47 N +19 24 48 TS +19 24 49 A +19 24 50 M +19 24 51 CF +19 24 52 N +19 24 53 M +19 24 54 N +19 24 55 A +19 24 56 R +19 24 57 FC +19 24 58 TS +19 24 59 M +19 24 60 FC +19 24 61 BT +19 24 62 R +19 24 63 M +19 24 64 FC +19 24 65 R +19 24 66 TS +19 24 67 N +19 24 68 R +19 24 69 N +19 24 70 M +19 24 71 BT +19 24 72 N +19 24 73 M +19 24 74 A +19 24 75 N +19 24 76 NA +19 24 77 A +19 24 78 R +19 24 79 F +19 24 80 A +19 24 81 N +19 24 82 N +19 24 83 TS +19 24 84 R +19 24 85 N +19 24 86 R +19 24 87 F +19 24 88 M +19 24 89 F +19 24 90 N +19 24 91 N +19 24 92 R +19 24 93 A +19 24 94 CF +19 24 95 N +19 24 96 TS +19 24 97 M +19 24 98 B +19 24 99 M +19 24 100 N +19 24 101 M +19 24 102 M +19 24 103 N +19 24 104 A +19 24 105 M +19 24 106 TS +19 24 107 M +19 24 108 N +19 24 109 FC +19 24 110 NA +19 24 111 N +19 24 112 R +19 24 113 CF +19 24 114 N +19 24 115 BT +19 24 116 A +19 24 117 CF +19 24 118 R +19 24 119 N +19 24 120 FJ +19 24 121 NA +19 24 122 N +19 24 123 A +19 24 124 N +19 24 125 NA +19 24 126 R +19 24 127 N +19 24 128 N +19 24 129 R +19 24 130 N +19 24 131 M +19 24 132 B +19 24 133 NA +19 24 134 CF +19 24 135 M +19 24 136 A +19 24 137 N +19 24 138 A +19 24 139 M +19 24 140 N +19 24 141 FJ +19 24 142 M +19 24 143 N +19 24 144 M +19 24 145 N +19 24 146 TS +19 24 147 N +19 24 148 B +19 24 149 N +19 24 150 M +19 24 151 R +19 24 152 M +19 24 153 A +19 24 154 PL +19 24 155 CF +19 24 156 N +19 24 157 CF +19 24 158 FJ +19 24 159 NA +19 24 160 R +19 24 161 N +19 24 162 B +19 24 163 N +19 24 164 A +19 24 165 N +19 24 166 FC +19 24 167 M +19 24 168 N +19 24 169 A +19 24 170 N +19 24 171 N +19 24 172 FJ +19 24 173 R +19 24 174 TS +19 24 175 A +19 24 176 R +19 24 177 TS +19 24 178 FC +19 24 179 BT +19 24 180 N +19 24 181 TS +19 24 182 BT +19 24 183 CF +19 24 184 M +19 24 185 NA +19 24 186 A +19 24 187 TS +19 24 188 A +19 24 189 A +19 24 190 R +19 24 191 N +19 24 192 M +19 24 193 N +19 24 194 BT +19 24 195 N +19 24 196 A +19 24 197 M +19 24 198 F +19 24 199 N +19 24 200 A +19 24 201 R +19 24 202 N +19 24 203 R +19 24 204 CF +19 24 205 M +19 24 206 N +19 24 207 R +19 24 208 TS +19 24 209 N +19 24 210 BT +19 24 211 A +19 24 212 NA +19 24 213 M +19 24 214 N +19 24 215 M +19 24 216 N +19 24 217 R +19 24 218 N +19 24 219 A +19 24 220 M +19 24 221 N +19 24 222 M +19 24 223 N +19 24 224 R +19 24 225 TS +19 24 226 N +19 24 227 F +19 24 228 FC +19 24 229 N +19 24 230 R +19 24 231 M +19 24 232 TS +19 24 233 M +19 24 234 N +19 24 235 FC +19 24 236 N +19 24 237 R +19 24 238 N +19 24 239 R +19 24 240 CF +19 24 241 FJ +19 24 242 TS +19 24 243 BT +19 24 244 A +19 24 245 B +19 24 246 N +19 24 247 M +19 24 248 N +19 24 249 N +19 24 250 M +19 24 251 N +19 24 252 R +19 24 253 N +19 24 254 A +19 24 255 CF +19 24 256 R +19 24 257 FC +19 24 258 TS +19 24 259 BT +19 24 260 N +19 24 261 NA +19 24 262 FJ +19 24 263 PL +19 24 264 A +19 24 265 N +19 24 266 NA +19 24 267 M +19 24 268 N +19 24 269 M +19 24 270 NA +19 24 271 N +19 24 272 FJ +19 24 273 M +19 24 274 FJ +19 24 275 N +19 24 276 R +19 24 277 FC +19 24 278 NA +19 24 279 FC +19 24 280 N +19 24 281 N +19 24 282 N +19 24 283 CF +19 24 284 A +19 24 285 R +19 24 286 FJ +19 24 287 CF +19 24 288 R +19 24 289 A +19 24 290 R +19 24 291 FC +19 24 292 R +19 24 293 N +19 24 294 A +19 24 295 CF +19 24 296 M +19 24 297 TS +19 24 298 R +19 24 299 N +19 24 300 PL +19 24 301 N +19 24 302 R +19 24 303 A +19 24 304 N +19 24 305 M +19 24 306 N +19 24 307 A +19 24 308 M +19 24 309 N +19 24 310 N +19 24 311 A +19 24 312 F +19 24 313 FC +19 24 314 R +19 24 315 N +19 24 316 N +19 24 317 M +19 24 318 NA +19 24 319 R +19 24 320 N +19 24 321 R +19 24 322 A +19 24 323 N +19 24 324 R +19 24 325 M +19 24 326 TS +19 24 327 N +19 24 328 N +19 24 329 CF +19 24 330 N +19 25 1 FC +19 25 2 N +19 25 3 B +19 25 4 M +19 25 5 N +19 25 6 CF +19 25 7 N +19 25 8 BT +19 25 9 CF +19 25 10 FC +19 25 11 N +19 25 12 TS +19 25 13 N +19 25 14 N +19 25 15 R +19 25 16 PL +19 25 17 B +19 25 18 F +19 25 19 FC +19 25 20 N +19 25 21 R +19 25 22 TS +19 25 23 M +19 25 24 CF +19 25 25 N +19 25 26 FC +19 25 27 CF +19 25 28 R +19 25 29 N +19 25 30 CF +19 25 31 N +19 25 32 R +19 25 33 N +19 25 34 FC +19 25 35 R +19 25 36 N +19 25 37 FC +19 25 38 BT +19 25 39 N +19 25 40 FC +19 25 41 BT +19 25 42 TS +19 25 43 FC +19 25 44 R +19 25 45 N +19 25 46 CF +19 25 47 N +19 25 48 TS +19 25 49 FC +19 25 50 BT +19 25 51 CF +19 25 52 N +19 25 53 BT +19 25 54 N +19 25 55 FC +19 25 56 R +19 25 57 FC +19 25 58 CF +19 25 59 FJ +19 25 60 FC +19 25 61 BT +19 25 62 R +19 25 63 FC +19 25 64 FC +19 25 65 R +19 25 66 FJ +19 25 67 N +19 25 68 R +19 25 69 N +19 25 70 PL +19 25 71 BT +19 25 72 N +19 25 73 M +19 25 74 FC +19 25 75 N +19 25 76 NA +19 25 77 FC +19 25 78 R +19 25 79 CF +19 25 80 FC +19 25 81 N +19 25 82 N +19 25 83 FJ +19 25 84 R +19 25 85 N +19 25 86 R +19 25 87 CF +19 25 88 M +19 25 89 F +19 25 90 N +19 25 91 N +19 25 92 FJ +19 25 93 FC +19 25 94 CF +19 25 95 N +19 25 96 TS +19 25 97 FC +19 25 98 BT +19 25 99 FC +19 25 100 FC +19 25 101 BT +19 25 102 FC +19 25 103 N +19 25 104 FC +19 25 105 BT +19 25 106 TS +19 25 107 FJ +19 25 108 N +19 25 109 FC +19 25 110 NA +19 25 111 N +19 25 112 BT +19 25 113 F +19 25 114 N +19 25 115 BT +19 25 116 FC +19 25 117 CF +19 25 118 R +19 25 119 N +19 25 120 FJ +19 25 121 NA +19 25 122 N +19 25 123 FC +19 25 124 N +19 25 125 NA +19 25 126 R +19 25 127 N +19 25 128 TS +19 25 129 R +19 25 130 N +19 25 131 M +19 25 132 B +19 25 133 N +19 25 134 CF +19 25 135 M +19 25 136 FC +19 25 137 N +19 25 138 FC +19 25 139 FJ +19 25 140 FC +19 25 141 FJ +19 25 142 PL +19 25 143 N +19 25 144 M +19 25 145 N +19 25 146 TS +19 25 147 N +19 25 148 B +19 25 149 N +19 25 150 M +19 25 151 R +19 25 152 R +19 25 153 FC +19 25 154 CF +19 25 155 CF +19 25 156 N +19 25 157 CF +19 25 158 FJ +19 25 159 TS +19 25 160 R +19 25 161 N +19 25 162 BT +19 25 163 N +19 25 164 FC +19 25 165 N +19 25 166 FC +19 25 167 FC +19 25 168 N +19 25 169 FC +19 25 170 N +19 25 171 N +19 25 172 FJ +19 25 173 R +19 25 174 NA +19 25 175 FC +19 25 176 B +19 25 177 N +19 25 178 FC +19 25 179 BT +19 25 180 N +19 25 181 CF +19 25 182 BT +19 25 183 CF +19 25 184 M +19 25 185 CF +19 25 186 FC +19 25 187 NA +19 25 188 FC +19 25 189 FC +19 25 190 R +19 25 191 N +19 25 192 M +19 25 193 N +19 25 194 BT +19 25 195 N +19 25 196 N +19 25 197 M +19 25 198 F +19 25 199 N +19 25 200 FC +19 25 201 R +19 25 202 N +19 25 203 M +19 25 204 CF +19 25 205 M +19 25 206 N +19 25 207 M +19 25 208 CF +19 25 209 N +19 25 210 CF +19 25 211 FC +19 25 212 NA +19 25 213 M +19 25 214 N +19 25 215 R +19 25 216 N +19 25 217 R +19 25 218 N +19 25 219 N +19 25 220 FC +19 25 221 N +19 25 222 M +19 25 223 N +19 25 224 R +19 25 225 N +19 25 226 FC +19 25 227 F +19 25 228 FC +19 25 229 N +19 25 230 R +19 25 231 M +19 25 232 CF +19 25 233 FC +19 25 234 N +19 25 235 FC +19 25 236 N +19 25 237 R +19 25 238 N +19 25 239 R +19 25 240 BT +19 25 241 FJ +19 25 242 TS +19 25 243 BT +19 25 244 FC +19 25 245 B +19 25 246 N +19 25 247 FC +19 25 248 N +19 25 249 N +19 25 250 M +19 25 251 N +19 25 252 R +19 25 253 N +19 25 254 FC +19 25 255 CF +19 25 256 R +19 25 257 FC +19 25 258 TS +19 25 259 BT +19 25 260 TS +19 25 261 NA +19 25 262 FJ +19 25 263 PL +19 25 264 FC +19 25 265 N +19 25 266 CF +19 25 267 BT +19 25 268 N +19 25 269 M +19 25 270 TS +19 25 271 N +19 25 272 FJ +19 25 273 M +19 25 274 FJ +19 25 275 N +19 25 276 M +19 25 277 FC +19 25 278 R +19 25 279 FC +19 25 280 N +19 25 281 N +19 25 282 N +19 25 283 CF +19 25 284 FC +19 25 285 R +19 25 286 FJ +19 25 287 CF +19 25 288 B +19 25 289 FC +19 25 290 FJ +19 25 291 FC +19 25 292 R +19 25 293 N +19 25 294 PL +19 25 295 CF +19 25 296 M +19 25 297 NA +19 25 298 B +19 25 299 N +19 25 300 PL +19 25 301 N +19 25 302 R +19 25 303 FC +19 25 304 N +19 25 305 BT +19 25 306 N +19 25 307 FC +19 25 308 M +19 25 309 CF +19 25 310 N +19 25 311 FC +19 25 312 CF +19 25 313 FC +19 25 314 R +19 25 315 N +19 25 316 FC +19 25 317 M +19 25 318 R +19 25 319 FJ +19 25 320 N +19 25 321 B +19 25 322 FC +19 25 323 N +19 25 324 FJ +19 25 325 M +19 25 326 TS +19 25 327 FC +19 25 328 N +19 25 329 CF +19 25 330 FC +20 1 1 KV +20 1 2 PZ +20 1 3 P +20 1 4 T +20 1 5 PZ +20 1 6 PR +20 1 7 PS +20 1 8 V +20 1 9 T +20 1 10 KV +20 1 11 K +20 1 12 P +20 1 13 K +20 1 14 KV +20 1 15 PR +20 1 16 B +20 1 17 C +20 1 18 KN +20 1 19 KV +20 1 20 PA +20 1 21 VM +20 1 22 P +20 1 23 PR +20 1 24 CH +20 1 25 PO +20 1 26 KV +20 1 27 B +20 1 28 VM +20 1 29 PA +20 1 30 CH +20 1 31 PZ +20 1 32 PR +20 1 33 PA +20 1 34 KV +20 1 35 KC +20 1 36 PO +20 1 37 PZ +20 1 38 TM +20 1 39 K +20 1 40 KV +20 1 41 C +20 1 42 P +20 1 43 KV +20 1 44 B +20 1 45 PV +20 1 46 KN +20 1 47 KV +20 1 48 KC +20 1 49 PZ +20 1 50 VM +20 1 51 CH +20 1 52 B +20 1 53 TM +20 1 54 PA +20 1 55 KV +20 1 56 PZ +20 1 57 KV +20 1 58 P +20 1 59 PZ +20 1 60 KV +20 1 61 V +20 1 62 PZ +20 1 63 PR +20 1 64 KV +20 1 65 VM +20 1 66 B +20 1 67 PA +20 1 68 VM +20 1 69 K +20 1 70 PZ +20 1 71 TM +20 1 72 KV +20 1 73 V +20 1 74 PZ +20 1 75 K +20 1 76 T +20 1 77 KV +20 1 78 PZ +20 1 79 KN +20 1 80 KV +20 1 81 K +20 1 82 KV +20 1 83 B +20 1 84 PZ +20 1 85 KV +20 1 86 PZ +20 1 87 KN +20 1 88 VM +20 1 89 KN +20 1 90 KV +20 1 91 P +20 1 92 B +20 1 93 KV +20 1 94 KN +20 1 95 PZ +20 1 96 P +20 1 97 KV +20 1 98 C +20 1 99 PZ +20 1 100 PZ +20 1 101 VM +20 1 102 PZ +20 1 103 PR +20 1 104 PZ +20 1 105 VM +20 1 106 PZ +20 1 107 B +20 1 108 PZ +20 1 109 KV +20 1 110 P +20 1 111 K +20 1 112 C +20 1 113 KN +20 1 114 KV +20 1 115 V +20 1 116 PZ +20 1 117 KN +20 1 118 PZ +20 1 119 KV +20 1 120 B +20 1 121 C +20 1 122 PA +20 1 123 KV +20 1 124 P +20 1 125 C +20 1 126 PZ +20 1 127 KN +20 1 128 P +20 1 129 B +20 1 130 KN +20 1 131 KV +20 1 132 C +20 1 133 KV +20 1 134 TM +20 1 135 VM +20 1 136 KV +20 1 137 K +20 1 138 PZ +20 1 139 B +20 1 140 KV +20 1 141 B +20 1 142 PZ +20 1 143 P +20 1 144 KV +20 1 145 P +20 1 146 KV +20 1 147 KV +20 1 148 V +20 1 149 PZ +20 1 150 V +20 1 151 PZ +20 1 152 PZ +20 1 153 KV +20 1 154 KN +20 1 155 KN +20 1 156 KV +20 1 157 T +20 1 158 B +20 1 159 PZ +20 1 160 PZ +20 1 161 KV +20 1 162 C +20 1 163 KV +20 1 164 KV +20 1 165 K +20 1 166 KV +20 1 167 PZ +20 1 168 KV +20 1 169 KV +20 1 170 KN +20 1 171 K +20 1 172 B +20 1 173 V +20 1 174 P +20 1 175 PZ +20 1 176 C +20 1 177 PZ +20 1 178 KV +20 1 179 V +20 1 180 KV +20 1 181 P +20 1 182 V +20 1 183 T +20 1 184 KV +20 1 185 PZ +20 1 186 KV +20 1 187 P +20 1 188 KV +20 1 189 PZ +20 1 190 PZ +20 1 191 KV +20 1 192 V +20 1 193 P +20 1 194 T +20 1 195 PV +20 1 196 PZ +20 1 197 PZ +20 1 198 KN +20 1 199 B +20 1 200 KV +20 1 201 PZ +20 1 202 PV +20 1 203 V +20 1 204 KN +20 1 205 V +20 1 206 B +20 1 207 V +20 1 208 PZ +20 1 209 KV +20 1 210 T +20 1 211 KV +20 1 212 P +20 1 213 PZ +20 1 214 P +20 1 215 PZ +20 1 216 K +20 1 217 PZ +20 1 218 P +20 1 219 PZ +20 1 220 KV +20 1 221 B +20 1 222 V +20 1 223 PV +20 1 224 PZ +20 1 225 P +20 1 226 KV +20 1 227 KN +20 1 228 KV +20 1 229 PZ +20 1 230 B +20 1 231 V +20 1 232 K +20 1 233 PZ +20 1 234 PV +20 1 235 KV +20 1 236 P +20 1 237 PZ +20 1 238 KV +20 1 239 PZ +20 1 240 T +20 1 241 B +20 1 242 PZ +20 1 243 V +20 1 244 PZ +20 1 245 C +20 1 246 KV +20 1 247 KV +20 1 248 K +20 1 249 KV +20 1 250 V +20 1 251 KV +20 1 252 PZ +20 1 253 KV +20 1 254 PZ +20 1 255 KN +20 1 256 C +20 1 257 KV +20 1 258 P +20 1 259 V +20 1 260 PZ +20 1 261 P +20 1 262 PZ +20 1 263 PZ +20 1 264 PZ +20 1 265 KV +20 1 266 T +20 1 267 V +20 1 268 PV +20 1 269 V +20 1 270 P +20 1 271 KV +20 1 272 B +20 1 273 PZ +20 1 274 B +20 1 275 P +20 1 276 C +20 1 277 KV +20 1 278 P +20 1 279 KV +20 1 280 K +20 1 281 KV +20 1 282 PV +20 1 283 T +20 1 284 B +20 1 285 PZ +20 1 286 B +20 1 287 P +20 1 288 C +20 1 289 KV +20 1 290 B +20 1 291 KV +20 1 292 PZ +20 1 293 PZ +20 1 294 B +20 1 295 P +20 1 296 KV +20 1 297 P +20 1 298 C +20 1 299 KV +20 1 300 B +20 1 301 KV +20 1 302 B +20 1 303 PZ +20 1 304 K +20 1 305 V +20 1 306 PV +20 1 307 KV +20 1 308 PZ +20 1 309 K +20 1 310 KV +20 1 311 KV +20 1 312 KN +20 1 313 KV +20 1 314 B +20 1 315 PV +20 1 316 KV +20 1 317 V +20 1 318 P +20 1 319 B +20 1 320 P +20 1 321 C +20 1 322 KV +20 1 323 KV +20 1 324 B +20 1 325 V +20 1 326 P +20 1 327 PZ +20 1 328 K +20 1 329 T +20 1 330 B +20 2 1 KV +20 2 2 KV +20 2 3 C +20 2 4 KV +20 2 5 K +20 2 6 C +20 2 7 K +20 2 8 C +20 2 9 C +20 2 10 KV +20 2 11 K +20 2 12 P +20 2 13 K +20 2 14 K +20 2 15 C +20 2 16 B +20 2 17 C +20 2 18 KN +20 2 19 KV +20 2 20 KV +20 2 21 C +20 2 22 P +20 2 23 KV +20 2 24 KN +20 2 25 KV +20 2 26 KV +20 2 27 B +20 2 28 C +20 2 29 KV +20 2 30 C +20 2 31 KV +20 2 32 KV +20 2 33 K +20 2 34 KV +20 2 35 C +20 2 36 KV +20 2 37 KV +20 2 38 C +20 2 39 KV +20 2 40 KV +20 2 41 C +20 2 42 P +20 2 43 KV +20 2 44 B +20 2 45 KV +20 2 46 B +20 2 47 KV +20 2 48 P +20 2 49 KV +20 2 50 KV +20 2 51 KN +20 2 52 KV +20 2 53 C +20 2 54 KV +20 2 55 KV +20 2 56 C +20 2 57 KV +20 2 58 KV +20 2 59 KV +20 2 60 KV +20 2 61 C +20 2 62 KV +20 2 63 C +20 2 64 KV +20 2 65 C +20 2 66 B +20 2 67 KV +20 2 68 C +20 2 69 KV +20 2 70 B +20 2 71 C +20 2 72 KV +20 2 73 C +20 2 74 B +20 2 75 K +20 2 76 C +20 2 77 KV +20 2 78 C +20 2 79 KN +20 2 80 KV +20 2 81 K +20 2 82 KV +20 2 83 B +20 2 84 C +20 2 85 KV +20 2 86 C +20 2 87 KN +20 2 88 C +20 2 89 KN +20 2 90 KV +20 2 91 K +20 2 92 B +20 2 93 KV +20 2 94 KN +20 2 95 KV +20 2 96 P +20 2 97 KV +20 2 98 C +20 2 99 KV +20 2 100 KV +20 2 101 C +20 2 102 B +20 2 103 PZ +20 2 104 KV +20 2 105 KV +20 2 106 P +20 2 107 B +20 2 108 B +20 2 109 KV +20 2 110 P +20 2 111 KV +20 2 112 C +20 2 113 KN +20 2 114 KV +20 2 115 C +20 2 116 KV +20 2 117 KN +20 2 118 C +20 2 119 KV +20 2 120 B +20 2 121 C +20 2 122 KV +20 2 123 KV +20 2 124 P +20 2 125 C +20 2 126 C +20 2 127 KV +20 2 128 P +20 2 129 B +20 2 130 KN +20 2 131 KV +20 2 132 C +20 2 133 KV +20 2 134 KN +20 2 135 C +20 2 136 K +20 2 137 KV +20 2 138 KV +20 2 139 B +20 2 140 KV +20 2 141 B +20 2 142 B +20 2 143 KV +20 2 144 KV +20 2 145 K +20 2 146 P +20 2 147 KV +20 2 148 C +20 2 149 KV +20 2 150 KV +20 2 151 C +20 2 152 C +20 2 153 KV +20 2 154 KN +20 2 155 KN +20 2 156 KV +20 2 157 C +20 2 158 B +20 2 159 P +20 2 160 C +20 2 161 KV +20 2 162 C +20 2 163 KV +20 2 164 KV +20 2 165 KV +20 2 166 KV +20 2 167 C +20 2 168 KV +20 2 169 KV +20 2 170 KV +20 2 171 KV +20 2 172 B +20 2 173 C +20 2 174 P +20 2 175 B +20 2 176 C +20 2 177 P +20 2 178 KV +20 2 179 C +20 2 180 KV +20 2 181 P +20 2 182 C +20 2 183 KV +20 2 184 KV +20 2 185 C +20 2 186 KV +20 2 187 P +20 2 188 KV +20 2 189 B +20 2 190 C +20 2 191 KV +20 2 192 KV +20 2 193 P +20 2 194 C +20 2 195 KV +20 2 196 KV +20 2 197 KV +20 2 198 KN +20 2 199 B +20 2 200 KV +20 2 201 C +20 2 202 KV +20 2 203 C +20 2 204 KN +20 2 205 KV +20 2 206 B +20 2 207 C +20 2 208 P +20 2 209 KV +20 2 210 C +20 2 211 KV +20 2 212 P +20 2 213 KV +20 2 214 P +20 2 215 C +20 2 216 KV +20 2 217 KV +20 2 218 KV +20 2 219 B +20 2 220 KV +20 2 221 B +20 2 222 KV +20 2 223 KV +20 2 224 B +20 2 225 P +20 2 226 KV +20 2 227 KV +20 2 228 KV +20 2 229 KV +20 2 230 B +20 2 231 C +20 2 232 P +20 2 233 B +20 2 234 KV +20 2 235 KV +20 2 236 P +20 2 237 B +20 2 238 KV +20 2 239 KV +20 2 240 C +20 2 241 B +20 2 242 P +20 2 243 C +20 2 244 B +20 2 245 C +20 2 246 KV +20 2 247 KV +20 2 248 KV +20 2 249 KV +20 2 250 KV +20 2 251 P +20 2 252 B +20 2 253 KV +20 2 254 KV +20 2 255 KN +20 2 256 C +20 2 257 KV +20 2 258 P +20 2 259 C +20 2 260 P +20 2 261 C +20 2 262 B +20 2 263 B +20 2 264 KV +20 2 265 KV +20 2 266 C +20 2 267 C +20 2 268 KV +20 2 269 C +20 2 270 P +20 2 271 KV +20 2 272 B +20 2 273 KV +20 2 274 B +20 2 275 P +20 2 276 C +20 2 277 KV +20 2 278 C +20 2 279 KV +20 2 280 KV +20 2 281 KV +20 2 282 KV +20 2 283 KN +20 2 284 B +20 2 285 C +20 2 286 B +20 2 287 P +20 2 288 C +20 2 289 KV +20 2 290 B +20 2 291 KV +20 2 292 C +20 2 293 KV +20 2 294 B +20 2 295 C +20 2 296 KV +20 2 297 P +20 2 298 C +20 2 299 KV +20 2 300 B +20 2 301 KV +20 2 302 B +20 2 303 B +20 2 304 P +20 2 305 C +20 2 306 P +20 2 307 KV +20 2 308 KV +20 2 309 KV +20 2 310 KV +20 2 311 KV +20 2 312 KN +20 2 313 KV +20 2 314 B +20 2 315 P +20 2 316 KV +20 2 317 C +20 2 318 C +20 2 319 B +20 2 320 KV +20 2 321 C +20 2 322 KV +20 2 323 KV +20 2 324 B +20 2 325 KV +20 2 326 P +20 2 327 B +20 2 328 KV +20 2 329 C +20 2 330 B +20 3 1 KV +20 3 2 K +20 3 3 C +20 3 4 T +20 3 5 K +20 3 6 P +20 3 7 K +20 3 8 V +20 3 9 PZ +20 3 10 KV +20 3 11 KN +20 3 12 P +20 3 13 K +20 3 14 KV +20 3 15 PZ +20 3 16 B +20 3 17 C +20 3 18 KN +20 3 19 KV +20 3 20 K +20 3 21 C +20 3 22 P +20 3 23 T +20 3 24 PZ +20 3 25 KV +20 3 26 KV +20 3 27 PZ +20 3 28 C +20 3 29 K +20 3 30 PZ +20 3 31 K +20 3 32 PZ +20 3 33 K +20 3 34 KV +20 3 35 P +20 3 36 KV +20 3 37 KV +20 3 38 T +20 3 39 K +20 3 40 KV +20 3 41 C +20 3 42 P +20 3 43 KV +20 3 44 PZ +20 3 45 K +20 3 46 KN +20 3 47 KN +20 3 48 P +20 3 49 K +20 3 50 T +20 3 51 PZ +20 3 52 B +20 3 53 T +20 3 54 K +20 3 55 KV +20 3 56 PZ +20 3 57 KV +20 3 58 P +20 3 59 PZ +20 3 60 KV +20 3 61 C +20 3 62 PZ +20 3 63 P +20 3 64 KV +20 3 65 C +20 3 66 B +20 3 67 K +20 3 68 P +20 3 69 K +20 3 70 PZ +20 3 71 T +20 3 72 K +20 3 73 T +20 3 74 KV +20 3 75 KN +20 3 76 C +20 3 77 KV +20 3 78 PZ +20 3 79 KN +20 3 80 KV +20 3 81 K +20 3 82 K +20 3 83 PZ +20 3 84 PZ +20 3 85 KV +20 3 86 P +20 3 87 KN +20 3 88 T +20 3 89 KN +20 3 90 PZ +20 3 91 P +20 3 92 PZ +20 3 93 KV +20 3 94 KN +20 3 95 B +20 3 96 P +20 3 97 T +20 3 98 C +20 3 99 PZ +20 3 100 K +20 3 101 T +20 3 102 B +20 3 103 PZ +20 3 104 KV +20 3 105 T +20 3 106 P +20 3 107 PZ +20 3 108 KV +20 3 109 KV +20 3 110 P +20 3 111 K +20 3 112 C +20 3 113 PZ +20 3 114 KV +20 3 115 T +20 3 116 K +20 3 117 T +20 3 118 P +20 3 119 K +20 3 120 PZ +20 3 121 C +20 3 122 K +20 3 123 KV +20 3 124 P +20 3 125 C +20 3 126 PZ +20 3 127 PZ +20 3 128 P +20 3 129 PZ +20 3 130 PZ +20 3 131 T +20 3 132 C +20 3 133 K +20 3 134 T +20 3 135 C +20 3 136 KV +20 3 137 K +20 3 138 KV +20 3 139 PZ +20 3 140 KV +20 3 141 B +20 3 142 PZ +20 3 143 K +20 3 144 T +20 3 145 K +20 3 146 P +20 3 147 KV +20 3 148 C +20 3 149 K +20 3 150 V +20 3 151 PZ +20 3 152 PZ +20 3 153 KV +20 3 154 KN +20 3 155 PZ +20 3 156 K +20 3 157 T +20 3 158 B +20 3 159 P +20 3 160 PZ +20 3 161 K +20 3 162 C +20 3 163 KV +20 3 164 KV +20 3 165 K +20 3 166 KV +20 3 167 PZ +20 3 168 K +20 3 169 KV +20 3 170 KV +20 3 171 K +20 3 172 B +20 3 173 C +20 3 174 P +20 3 175 K +20 3 176 C +20 3 177 P +20 3 178 KV +20 3 179 T +20 3 180 K +20 3 181 P +20 3 182 T +20 3 183 PZ +20 3 184 T +20 3 185 PZ +20 3 186 K +20 3 187 P +20 3 188 KV +20 3 189 KV +20 3 190 P +20 3 191 KV +20 3 192 T +20 3 193 P +20 3 194 T +20 3 195 K +20 3 196 K +20 3 197 T +20 3 198 KN +20 3 199 B +20 3 200 KV +20 3 201 PZ +20 3 202 K +20 3 203 T +20 3 204 KN +20 3 205 T +20 3 206 B +20 3 207 C +20 3 208 P +20 3 209 KV +20 3 210 T +20 3 211 KV +20 3 212 C +20 3 213 PZ +20 3 214 P +20 3 215 PZ +20 3 216 KN +20 3 217 PZ +20 3 218 K +20 3 219 B +20 3 220 KV +20 3 221 B +20 3 222 T +20 3 223 KV +20 3 224 PZ +20 3 225 P +20 3 226 KV +20 3 227 KN +20 3 228 KV +20 3 229 K +20 3 230 PZ +20 3 231 T +20 3 232 PZ +20 3 233 KV +20 3 234 KV +20 3 235 KV +20 3 236 K +20 3 237 PZ +20 3 238 K +20 3 239 PZ +20 3 240 T +20 3 241 B +20 3 242 P +20 3 243 T +20 3 244 B +20 3 245 C +20 3 246 KV +20 3 247 T +20 3 248 K +20 3 249 * +20 3 250 T +20 3 251 K +20 3 252 PZ +20 3 253 K +20 3 254 KV +20 3 255 KN +20 3 256 P +20 3 257 KV +20 3 258 P +20 3 259 T +20 3 260 B +20 3 261 C +20 3 262 PZ +20 3 263 * +20 3 264 KV +20 3 265 KV +20 3 266 T +20 3 267 T +20 3 268 K +20 3 269 T +20 3 270 P +20 3 271 K +20 3 272 B +20 3 273 T +20 3 274 B +20 3 275 P +20 3 276 C +20 3 277 KV +20 3 278 PZ +20 3 279 KV +20 3 280 K +20 3 281 K +20 3 282 K +20 3 283 T +20 3 284 B +20 3 285 PZ +20 3 286 B +20 3 287 P +20 3 288 C +20 3 289 K +20 3 290 PZ +20 3 291 KV +20 3 292 PZ +20 3 293 K +20 3 294 B +20 3 295 T +20 3 296 T +20 3 297 P +20 3 298 C +20 3 299 K +20 3 300 PZ +20 3 301 KV +20 3 302 PZ +20 3 303 PZ +20 3 304 K +20 3 305 T +20 3 306 K +20 3 307 KV +20 3 308 T +20 3 309 PZ +20 3 310 K +20 3 311 KV +20 3 312 KN +20 3 313 KV +20 3 314 B +20 3 315 K +20 3 316 K +20 3 317 T +20 3 318 PZ +20 3 319 B +20 3 320 K +20 3 321 C +20 3 322 KV +20 3 323 K +20 3 324 PZ +20 3 325 T +20 3 326 P +20 3 327 B +20 3 328 K +20 3 329 PZ +20 3 330 B +20 4 1 KV +20 4 2 K +20 4 3 C +20 4 4 KV +20 4 5 KV +20 4 6 C +20 4 7 KV +20 4 8 C +20 4 9 C +20 4 10 KV +20 4 11 K +20 4 12 P +20 4 13 KV +20 4 14 KV +20 4 15 C +20 4 16 B +20 4 17 C +20 4 18 KN +20 4 19 KV +20 4 20 KV +20 4 21 C +20 4 22 P +20 4 23 C +20 4 24 KN +20 4 25 KV +20 4 26 KV +20 4 27 B +20 4 28 C +20 4 29 KV +20 4 30 C +20 4 31 KV +20 4 32 C +20 4 33 KV +20 4 34 KV +20 4 35 C +20 4 36 KV +20 4 37 KV +20 4 38 C +20 4 39 KV +20 4 40 KV +20 4 41 C +20 4 42 P +20 4 43 KV +20 4 44 B +20 4 45 KV +20 4 46 KN +20 4 47 KV +20 4 48 C +20 4 49 KV +20 4 50 KV +20 4 51 * +20 4 52 B +20 4 53 C +20 4 54 KV +20 4 55 KV +20 4 56 C +20 4 57 KV +20 4 58 P +20 4 59 B +20 4 60 KV +20 4 61 C +20 4 62 KV +20 4 63 C +20 4 64 KV +20 4 65 C +20 4 66 B +20 4 67 KV +20 4 68 C +20 4 69 KV +20 4 70 B +20 4 71 C +20 4 72 KV +20 4 73 C +20 4 74 KV +20 4 75 KV +20 4 76 C +20 4 77 KV +20 4 78 C +20 4 79 KN +20 4 80 KV +20 4 81 KV +20 4 82 KV +20 4 83 B +20 4 84 C +20 4 85 KV +20 4 86 C +20 4 87 KN +20 4 88 C +20 4 89 KN +20 4 90 KV +20 4 91 P +20 4 92 B +20 4 93 KV +20 4 94 KN +20 4 95 B +20 4 96 P +20 4 97 KV +20 4 98 C +20 4 99 C +20 4 100 KV +20 4 101 C +20 4 102 B +20 4 103 KN +20 4 104 KV +20 4 105 C +20 4 106 P +20 4 107 B +20 4 108 KV +20 4 109 KV +20 4 110 C +20 4 111 KN +20 4 112 C +20 4 113 KN +20 4 114 KV +20 4 115 C +20 4 116 KV +20 4 117 KN +20 4 118 C +20 4 119 KV +20 4 120 B +20 4 121 C +20 4 122 KV +20 4 123 KV +20 4 124 P +20 4 125 C +20 4 126 C +20 4 127 KV +20 4 128 P +20 4 129 B +20 4 130 KN +20 4 131 KV +20 4 132 C +20 4 133 KV +20 4 134 V +20 4 135 C +20 4 136 KV +20 4 137 KV +20 4 138 KV +20 4 139 B +20 4 140 KV +20 4 141 B +20 4 142 B +20 4 143 P +20 4 144 KV +20 4 145 K +20 4 146 P +20 4 147 KV +20 4 148 C +20 4 149 KV +20 4 150 KV +20 4 151 C +20 4 152 C +20 4 153 KV +20 4 154 KN +20 4 155 KN +20 4 156 KV +20 4 157 C +20 4 158 B +20 4 159 P +20 4 160 C +20 4 161 KV +20 4 162 C +20 4 163 KV +20 4 164 KV +20 4 165 KV +20 4 166 KV +20 4 167 B +20 4 168 KV +20 4 169 KV +20 4 170 KV +20 4 171 KV +20 4 172 B +20 4 173 C +20 4 174 P +20 4 175 KV +20 4 176 C +20 4 177 P +20 4 178 KV +20 4 179 C +20 4 180 KV +20 4 181 P +20 4 182 V +20 4 183 KN +20 4 184 C +20 4 185 C +20 4 186 KV +20 4 187 C +20 4 188 KV +20 4 189 KV +20 4 190 C +20 4 191 K +20 4 192 C +20 4 193 P +20 4 194 C +20 4 195 KV +20 4 196 KV +20 4 197 C +20 4 198 KN +20 4 199 B +20 4 200 KV +20 4 201 C +20 4 202 K +20 4 203 T +20 4 204 KN +20 4 205 KV +20 4 206 B +20 4 207 C +20 4 208 C +20 4 209 K +20 4 210 C +20 4 211 KV +20 4 212 C +20 4 213 KV +20 4 214 C +20 4 215 C +20 4 216 KN +20 4 217 C +20 4 218 C +20 4 219 KV +20 4 220 KV +20 4 221 KV +20 4 222 KV +20 4 223 K +20 4 224 B +20 4 225 C +20 4 226 KV +20 4 227 KN +20 4 228 KV +20 4 229 KV +20 4 230 B +20 4 231 C +20 4 232 * +20 4 233 KV +20 4 234 KV +20 4 235 KV +20 4 236 C +20 4 237 C +20 4 238 KV +20 4 239 C +20 4 240 C +20 4 241 B +20 4 242 P +20 4 243 C +20 4 244 KV +20 4 245 C +20 4 246 KV +20 4 247 C +20 4 248 K +20 4 249 K +20 4 250 C +20 4 251 KV +20 4 252 B +20 4 253 KV +20 4 254 KV +20 4 255 KN +20 4 256 C +20 4 257 KV +20 4 258 P +20 4 259 C +20 4 260 B +20 4 261 C +20 4 262 * +20 4 263 KN +20 4 264 KV +20 4 265 KV +20 4 266 C +20 4 267 C +20 4 268 KV +20 4 269 C +20 4 270 C +20 4 271 K +20 4 272 B +20 4 273 C +20 4 274 B +20 4 275 C +20 4 276 C +20 4 277 KV +20 4 278 C +20 4 279 KV +20 4 280 KV +20 4 281 KV +20 4 282 K +20 4 283 C +20 4 284 B +20 4 285 C +20 4 286 B +20 4 287 * +20 4 288 C +20 4 289 KV +20 4 290 PZ +20 4 291 KV +20 4 292 C +20 4 293 KV +20 4 294 B +20 4 295 C +20 4 296 C +20 4 297 P +20 4 298 C +20 4 299 KV +20 4 300 B +20 4 301 K +20 4 302 B +20 4 303 KV +20 4 304 KV +20 4 305 C +20 4 306 KV +20 4 307 KV +20 4 308 KV +20 4 309 KN +20 4 310 KV +20 4 311 KV +20 4 312 KN +20 4 313 KV +20 4 314 B +20 4 315 K +20 4 316 KV +20 4 317 C +20 4 318 C +20 4 319 B +20 4 320 C +20 4 321 C +20 4 322 KV +20 4 323 K +20 4 324 C +20 4 325 C +20 4 326 C +20 4 327 KV +20 4 328 K +20 4 329 C +20 4 330 B +20 5 1 KV +20 5 2 K +20 5 3 C +20 5 4 KV +20 5 5 K +20 5 6 C +20 5 7 K +20 5 8 C +20 5 9 C +20 5 10 KV +20 5 11 KV +20 5 12 P +20 5 13 KV +20 5 14 KV +20 5 15 C +20 5 16 B +20 5 17 C +20 5 18 KN +20 5 19 KV +20 5 20 K +20 5 21 C +20 5 22 P +20 5 23 KV +20 5 24 K +20 5 25 KV +20 5 26 KV +20 5 27 B +20 5 28 C +20 5 29 K +20 5 30 C +20 5 31 KV +20 5 32 KV +20 5 33 K +20 5 34 KV +20 5 35 C +20 5 36 K +20 5 37 KV +20 5 38 C +20 5 39 K +20 5 40 K +20 5 41 C +20 5 42 P +20 5 43 KV +20 5 44 B +20 5 45 K +20 5 46 KN +20 5 47 KV +20 5 48 P +20 5 49 KV +20 5 50 KV +20 5 51 C +20 5 52 B +20 5 53 C +20 5 54 K +20 5 55 KV +20 5 56 C +20 5 57 KV +20 5 58 P +20 5 59 B +20 5 60 KV +20 5 61 C +20 5 62 KV +20 5 63 C +20 5 64 KV +20 5 65 C +20 5 66 B +20 5 67 K +20 5 68 C +20 5 69 K +20 5 70 B +20 5 71 C +20 5 72 K +20 5 73 KV +20 5 74 KV +20 5 75 K +20 5 76 C +20 5 77 KV +20 5 78 C +20 5 79 KN +20 5 80 KV +20 5 81 K +20 5 82 K +20 5 83 P +20 5 84 C +20 5 85 K +20 5 86 C +20 5 87 KN +20 5 88 C +20 5 89 KN +20 5 90 KN +20 5 91 P +20 5 92 B +20 5 93 KV +20 5 94 KN +20 5 95 B +20 5 96 P +20 5 97 KV +20 5 98 C +20 5 99 C +20 5 100 K +20 5 101 C +20 5 102 B +20 5 103 P +20 5 104 KV +20 5 105 KV +20 5 106 P +20 5 107 B +20 5 108 KV +20 5 109 KV +20 5 110 P +20 5 111 K +20 5 112 C +20 5 113 KN +20 5 114 KV +20 5 115 C +20 5 116 KV +20 5 117 C +20 5 118 C +20 5 119 K +20 5 120 B +20 5 121 C +20 5 122 KV +20 5 123 KV +20 5 124 P +20 5 125 C +20 5 126 C +20 5 127 KV +20 5 128 P +20 5 129 B +20 5 130 K +20 5 131 KV +20 5 132 C +20 5 133 K +20 5 134 C +20 5 135 C +20 5 136 KV +20 5 137 K +20 5 138 KV +20 5 139 B +20 5 140 KV +20 5 141 B +20 5 142 KV +20 5 143 K +20 5 144 KV +20 5 145 KV +20 5 146 P +20 5 147 KV +20 5 148 C +20 5 149 K +20 5 150 KV +20 5 151 C +20 5 152 C +20 5 153 KV +20 5 154 KN +20 5 155 P +20 5 156 KV +20 5 157 C +20 5 158 B +20 5 159 P +20 5 160 C +20 5 161 KV +20 5 162 C +20 5 163 KV +20 5 164 KV +20 5 165 K +20 5 166 KV +20 5 167 KV +20 5 168 K +20 5 169 KV +20 5 170 KV +20 5 171 K +20 5 172 B +20 5 173 C +20 5 174 P +20 5 175 KV +20 5 176 C +20 5 177 P +20 5 178 KV +20 5 179 C +20 5 180 K +20 5 181 P +20 5 182 C +20 5 183 P +20 5 184 KV +20 5 185 P +20 5 186 KV +20 5 187 P +20 5 188 KV +20 5 189 KV +20 5 190 C +20 5 191 KV +20 5 192 KV +20 5 193 P +20 5 194 C +20 5 195 K +20 5 196 K +20 5 197 KV +20 5 198 KN +20 5 199 B +20 5 200 KV +20 5 201 C +20 5 202 KV +20 5 203 C +20 5 204 C +20 5 205 KV +20 5 206 B +20 5 207 C +20 5 208 P +20 5 209 KV +20 5 210 C +20 5 211 KV +20 5 212 P +20 5 213 B +20 5 214 P +20 5 215 C +20 5 216 K +20 5 217 C +20 5 218 P +20 5 219 B +20 5 220 KV +20 5 221 B +20 5 222 KV +20 5 223 KV +20 5 224 B +20 5 225 P +20 5 226 KV +20 5 227 KN +20 5 228 KV +20 5 229 K +20 5 230 C +20 5 231 KV +20 5 232 P +20 5 233 KV +20 5 234 KV +20 5 235 KV +20 5 236 K +20 5 237 C +20 5 238 KV +20 5 239 C +20 5 240 C +20 5 241 B +20 5 242 P +20 5 243 C +20 5 244 KV +20 5 245 C +20 5 246 K +20 5 247 KV +20 5 248 K +20 5 249 K +20 5 250 KV +20 5 251 K +20 5 252 B +20 5 253 KV +20 5 254 KV +20 5 255 KN +20 5 256 C +20 5 257 KV +20 5 258 P +20 5 259 C +20 5 260 P +20 5 261 P +20 5 262 * +20 5 263 KN +20 5 264 KV +20 5 265 KV +20 5 266 C +20 5 267 KV +20 5 268 K +20 5 269 KV +20 5 270 P +20 5 271 KV +20 5 272 B +20 5 273 KV +20 5 274 B +20 5 275 P +20 5 276 C +20 5 277 KV +20 5 278 C +20 5 279 KV +20 5 280 K +20 5 281 KV +20 5 282 K +20 5 283 C +20 5 284 B +20 5 285 C +20 5 286 B +20 5 287 P +20 5 288 C +20 5 289 KV +20 5 290 B +20 5 291 KV +20 5 292 C +20 5 293 KV +20 5 294 KV +20 5 295 P +20 5 296 KV +20 5 297 P +20 5 298 C +20 5 299 KV +20 5 300 B +20 5 301 KV +20 5 302 B +20 5 303 KV +20 5 304 K +20 5 305 KV +20 5 306 K +20 5 307 KV +20 5 308 KV +20 5 309 K +20 5 310 K +20 5 311 KV +20 5 312 KN +20 5 313 KV +20 5 314 B +20 5 315 K +20 5 316 KV +20 5 317 C +20 5 318 C +20 5 319 B +20 5 320 K +20 5 321 C +20 5 322 KV +20 5 323 K +20 5 324 B +20 5 325 KV +20 5 326 P +20 5 327 KV +20 5 328 K +20 5 329 C +20 5 330 KV +20 6 1 KV +20 6 2 K +20 6 3 C +20 6 4 T +20 6 5 K +20 6 6 P +20 6 7 K +20 6 8 C +20 6 9 * +20 6 10 KV +20 6 11 KV +20 6 12 P +20 6 13 KV +20 6 14 K +20 6 15 B +20 6 16 B +20 6 17 C +20 6 18 KN +20 6 19 KV +20 6 20 K +20 6 21 C +20 6 22 P +20 6 23 KV +20 6 24 KN +20 6 25 KV +20 6 26 KV +20 6 27 B +20 6 28 C +20 6 29 KV +20 6 30 C +20 6 31 KV +20 6 32 C +20 6 33 K +20 6 34 KV +20 6 35 C +20 6 36 K +20 6 37 KV +20 6 38 C +20 6 39 K +20 6 40 KV +20 6 41 C +20 6 42 P +20 6 43 KV +20 6 44 B +20 6 45 K +20 6 46 PZ +20 6 47 K +20 6 48 C +20 6 49 KV +20 6 50 C +20 6 51 C +20 6 52 B +20 6 53 C +20 6 54 K +20 6 55 KV +20 6 56 C +20 6 57 KV +20 6 58 C +20 6 59 B +20 6 60 KV +20 6 61 C +20 6 62 C +20 6 63 C +20 6 64 K +20 6 65 C +20 6 66 B +20 6 67 K +20 6 68 C +20 6 69 K +20 6 70 B +20 6 71 C +20 6 72 K +20 6 73 KV +20 6 74 B +20 6 75 K +20 6 76 C +20 6 77 KV +20 6 78 B +20 6 79 KN +20 6 80 KV +20 6 81 K +20 6 82 K +20 6 83 B +20 6 84 C +20 6 85 K +20 6 86 C +20 6 87 KN +20 6 88 C +20 6 89 KN +20 6 90 K +20 6 91 P +20 6 92 B +20 6 93 KV +20 6 94 KN +20 6 95 B +20 6 96 P +20 6 97 KV +20 6 98 C +20 6 99 KV +20 6 100 KV +20 6 101 C +20 6 102 KV +20 6 103 K +20 6 104 KV +20 6 105 C +20 6 106 P +20 6 107 B +20 6 108 KV +20 6 109 KV +20 6 110 C +20 6 111 K +20 6 112 C +20 6 113 KN +20 6 114 K +20 6 115 C +20 6 116 B +20 6 117 C +20 6 118 C +20 6 119 K +20 6 120 B +20 6 121 C +20 6 122 K +20 6 123 K +20 6 124 P +20 6 125 C +20 6 126 C +20 6 127 KV +20 6 128 P +20 6 129 B +20 6 130 KN +20 6 131 C +20 6 132 C +20 6 133 K +20 6 134 C +20 6 135 C +20 6 136 KV +20 6 137 K +20 6 138 KV +20 6 139 B +20 6 140 KV +20 6 141 B +20 6 142 B +20 6 143 K +20 6 144 KV +20 6 145 K +20 6 146 C +20 6 147 K +20 6 148 C +20 6 149 K +20 6 150 KV +20 6 151 C +20 6 152 KV +20 6 153 KV +20 6 154 KN +20 6 155 C +20 6 156 KV +20 6 157 C +20 6 158 B +20 6 159 C +20 6 160 C +20 6 161 K +20 6 162 C +20 6 163 K +20 6 164 KV +20 6 165 K +20 6 166 KV +20 6 167 KV +20 6 168 K +20 6 169 KV +20 6 170 K +20 6 171 K +20 6 172 B +20 6 173 C +20 6 174 P +20 6 175 KV +20 6 176 C +20 6 177 P +20 6 178 KV +20 6 179 C +20 6 180 K +20 6 181 C +20 6 182 C +20 6 183 C +20 6 184 K +20 6 185 C +20 6 186 KV +20 6 187 C +20 6 188 KV +20 6 189 KV +20 6 190 C +20 6 191 KV +20 6 192 KV +20 6 193 P +20 6 194 C +20 6 195 K +20 6 196 KV +20 6 197 KV +20 6 198 KN +20 6 199 B +20 6 200 KV +20 6 201 C +20 6 202 K +20 6 203 C +20 6 204 KN +20 6 205 KV +20 6 206 B +20 6 207 C +20 6 208 C +20 6 209 K +20 6 210 C +20 6 211 KV +20 6 212 C +20 6 213 KV +20 6 214 P +20 6 215 KV +20 6 216 KN +20 6 217 C +20 6 218 K +20 6 219 B +20 6 220 KV +20 6 221 B +20 6 222 KV +20 6 223 K +20 6 224 B +20 6 225 K +20 6 226 KV +20 6 227 KN +20 6 228 KV +20 6 229 K +20 6 230 B +20 6 231 KV +20 6 232 KN +20 6 233 KV +20 6 234 KV +20 6 235 KV +20 6 236 K +20 6 237 C +20 6 238 KV +20 6 239 C +20 6 240 C +20 6 241 B +20 6 242 P +20 6 243 C +20 6 244 KV +20 6 245 C +20 6 246 KV +20 6 247 KV +20 6 248 K +20 6 249 KV +20 6 250 KV +20 6 251 KV +20 6 252 B +20 6 253 KV +20 6 254 KV +20 6 255 KN +20 6 256 C +20 6 257 KV +20 6 258 P +20 6 259 C +20 6 260 P +20 6 261 C +20 6 262 B +20 6 263 KN +20 6 264 KV +20 6 265 K +20 6 266 C +20 6 267 C +20 6 268 K +20 6 269 T +20 6 270 C +20 6 271 K +20 6 272 B +20 6 273 KV +20 6 274 B +20 6 275 P +20 6 276 C +20 6 277 KV +20 6 278 C +20 6 279 KV +20 6 280 K +20 6 281 KV +20 6 282 K +20 6 283 KN +20 6 284 B +20 6 285 KV +20 6 286 B +20 6 287 C +20 6 288 C +20 6 289 KV +20 6 290 B +20 6 291 KV +20 6 292 C +20 6 293 B +20 6 294 B +20 6 295 C +20 6 296 KV +20 6 297 P +20 6 298 C +20 6 299 K +20 6 300 B +20 6 301 KV +20 6 302 B +20 6 303 KV +20 6 304 K +20 6 305 KV +20 6 306 K +20 6 307 K +20 6 308 KV +20 6 309 KN +20 6 310 KV +20 6 311 KV +20 6 312 KN +20 6 313 KV +20 6 314 B +20 6 315 K +20 6 316 KV +20 6 317 C +20 6 318 C +20 6 319 B +20 6 320 P +20 6 321 C +20 6 322 KV +20 6 323 K +20 6 324 B +20 6 325 KV +20 6 326 C +20 6 327 B +20 6 328 KV +20 6 329 C +20 6 330 B +20 7 1 KV +20 7 2 K +20 7 3 C +20 7 4 V +20 7 5 KV +20 7 6 PZ +20 7 7 K +20 7 8 C +20 7 9 PZ +20 7 10 KV +20 7 11 K +20 7 12 P +20 7 13 K +20 7 14 KV +20 7 15 KV +20 7 16 B +20 7 17 C +20 7 18 KN +20 7 19 KV +20 7 20 K +20 7 21 C +20 7 22 P +20 7 23 KV +20 7 24 K +20 7 25 KV +20 7 26 KV +20 7 27 B +20 7 28 C +20 7 29 KV +20 7 30 P +20 7 31 KV +20 7 32 C +20 7 33 K +20 7 34 KV +20 7 35 C +20 7 36 K +20 7 37 KV +20 7 38 C +20 7 39 K +20 7 40 KV +20 7 41 C +20 7 42 P +20 7 43 KV +20 7 44 B +20 7 45 K +20 7 46 KN +20 7 47 KV +20 7 48 P +20 7 49 KV +20 7 50 KV +20 7 51 K +20 7 52 B +20 7 53 C +20 7 54 K +20 7 55 KV +20 7 56 C +20 7 57 KV +20 7 58 P +20 7 59 * +20 7 60 K +20 7 61 C +20 7 62 KV +20 7 63 C +20 7 64 KV +20 7 65 C +20 7 66 B +20 7 67 KV +20 7 68 C +20 7 69 K +20 7 70 * +20 7 71 C +20 7 72 KV +20 7 73 KV +20 7 74 K +20 7 75 K +20 7 76 C +20 7 77 KV +20 7 78 B +20 7 79 KN +20 7 80 KV +20 7 81 K +20 7 82 KV +20 7 83 B +20 7 84 C +20 7 85 KV +20 7 86 C +20 7 87 KN +20 7 88 C +20 7 89 KN +20 7 90 KV +20 7 91 P +20 7 92 B +20 7 93 KV +20 7 94 KN +20 7 95 B +20 7 96 P +20 7 97 KV +20 7 98 C +20 7 99 KV +20 7 100 K +20 7 101 C +20 7 102 KV +20 7 103 KV +20 7 104 K +20 7 105 C +20 7 106 P +20 7 107 B +20 7 108 K +20 7 109 KV +20 7 110 P +20 7 111 K +20 7 112 C +20 7 113 KN +20 7 114 KV +20 7 115 C +20 7 116 K +20 7 117 KN +20 7 118 C +20 7 119 KV +20 7 120 B +20 7 121 C +20 7 122 KV +20 7 123 KV +20 7 124 P +20 7 125 C +20 7 126 C +20 7 127 KV +20 7 128 P +20 7 129 B +20 7 130 K +20 7 131 C +20 7 132 C +20 7 133 K +20 7 134 KN +20 7 135 C +20 7 136 KV +20 7 137 K +20 7 138 KV +20 7 139 B +20 7 140 KV +20 7 141 B +20 7 142 B +20 7 143 P +20 7 144 KV +20 7 145 KV +20 7 146 P +20 7 147 KV +20 7 148 C +20 7 149 K +20 7 150 KV +20 7 151 C +20 7 152 KV +20 7 153 KV +20 7 154 KN +20 7 155 K +20 7 156 KV +20 7 157 KN +20 7 158 B +20 7 159 P +20 7 160 C +20 7 161 KV +20 7 162 C +20 7 163 K +20 7 164 KV +20 7 165 K +20 7 166 KV +20 7 167 B +20 7 168 K +20 7 169 KV +20 7 170 K +20 7 171 K +20 7 172 B +20 7 173 C +20 7 174 P +20 7 175 KV +20 7 176 C +20 7 177 P +20 7 178 KV +20 7 179 C +20 7 180 K +20 7 181 P +20 7 182 C +20 7 183 K +20 7 184 KV +20 7 185 P +20 7 186 KV +20 7 187 P +20 7 188 KV +20 7 189 B +20 7 190 C +20 7 191 KV +20 7 192 KV +20 7 193 P +20 7 194 C +20 7 195 K +20 7 196 KV +20 7 197 C +20 7 198 KN +20 7 199 B +20 7 200 KV +20 7 201 C +20 7 202 KV +20 7 203 C +20 7 204 KN +20 7 205 KV +20 7 206 B +20 7 207 C +20 7 208 P +20 7 209 K +20 7 210 C +20 7 211 KV +20 7 212 P +20 7 213 B +20 7 214 P +20 7 215 C +20 7 216 KN +20 7 217 C +20 7 218 K +20 7 219 B +20 7 220 KV +20 7 221 KV +20 7 222 KV +20 7 223 KV +20 7 224 B +20 7 225 K +20 7 226 KV +20 7 227 KN +20 7 228 KV +20 7 229 K +20 7 230 B +20 7 231 KV +20 7 232 K +20 7 233 KV +20 7 234 KV +20 7 235 KV +20 7 236 K +20 7 237 C +20 7 238 KV +20 7 239 C +20 7 240 C +20 7 241 B +20 7 242 P +20 7 243 C +20 7 244 KV +20 7 245 C +20 7 246 KV +20 7 247 KV +20 7 248 K +20 7 249 K +20 7 250 KV +20 7 251 K +20 7 252 B +20 7 253 KV +20 7 254 KV +20 7 255 KN +20 7 256 C +20 7 257 KV +20 7 258 P +20 7 259 C +20 7 260 K +20 7 261 P +20 7 262 B +20 7 263 B +20 7 264 KV +20 7 265 KV +20 7 266 C +20 7 267 C +20 7 268 K +20 7 269 C +20 7 270 P +20 7 271 KV +20 7 272 B +20 7 273 C +20 7 274 B +20 7 275 P +20 7 276 C +20 7 277 KV +20 7 278 C +20 7 279 KV +20 7 280 K +20 7 281 KV +20 7 282 K +20 7 283 C +20 7 284 B +20 7 285 C +20 7 286 B +20 7 287 P +20 7 288 C +20 7 289 KV +20 7 290 B +20 7 291 KV +20 7 292 C +20 7 293 K +20 7 294 B +20 7 295 P +20 7 296 KV +20 7 297 P +20 7 298 C +20 7 299 KV +20 7 300 B +20 7 301 KV +20 7 302 B +20 7 303 KV +20 7 304 K +20 7 305 KV +20 7 306 K +20 7 307 KV +20 7 308 KV +20 7 309 KN +20 7 310 K +20 7 311 KV +20 7 312 KN +20 7 313 KV +20 7 314 B +20 7 315 KV +20 7 316 KV +20 7 317 C +20 7 318 P +20 7 319 B +20 7 320 P +20 7 321 C +20 7 322 KV +20 7 323 K +20 7 324 B +20 7 325 C +20 7 326 P +20 7 327 KV +20 7 328 K +20 7 329 P +20 7 330 KV +20 8 1 KV +20 8 2 KV +20 8 3 C +20 8 4 T +20 8 5 KV +20 8 6 PZ +20 8 7 KV +20 8 8 C +20 8 9 PZ +20 8 10 KV +20 8 11 KV +20 8 12 P +20 8 13 KV +20 8 14 KV +20 8 15 PZ +20 8 16 B +20 8 17 C +20 8 18 KN +20 8 19 KV +20 8 20 KV +20 8 21 C +20 8 22 P +20 8 23 PZ +20 8 24 PZ +20 8 25 KV +20 8 26 KV +20 8 27 PZ +20 8 28 C +20 8 29 KV +20 8 30 C +20 8 31 KV +20 8 32 C +20 8 33 KV +20 8 34 KV +20 8 35 C +20 8 36 KV +20 8 37 KV +20 8 38 C +20 8 39 KV +20 8 40 KV +20 8 41 C +20 8 42 P +20 8 43 KV +20 8 44 PZ +20 8 45 KV +20 8 46 PZ +20 8 47 KV +20 8 48 P +20 8 49 KV +20 8 50 T +20 8 51 PZ +20 8 52 B +20 8 53 C +20 8 54 KV +20 8 55 KV +20 8 56 PZ +20 8 57 KV +20 8 58 P +20 8 59 PZ +20 8 60 KV +20 8 61 C +20 8 62 PZ +20 8 63 C +20 8 64 KV +20 8 65 C +20 8 66 B +20 8 67 KV +20 8 68 C +20 8 69 PZ +20 8 70 B +20 8 71 T +20 8 72 KV +20 8 73 T +20 8 74 KV +20 8 75 KV +20 8 76 C +20 8 77 KV +20 8 78 PZ +20 8 79 KN +20 8 80 KV +20 8 81 KV +20 8 82 KV +20 8 83 P +20 8 84 C +20 8 85 KV +20 8 86 C +20 8 87 KN +20 8 88 C +20 8 89 KN +20 8 90 KV +20 8 91 KV +20 8 92 B +20 8 93 KV +20 8 94 KN +20 8 95 PZ +20 8 96 P +20 8 97 KV +20 8 98 C +20 8 99 PZ +20 8 100 KV +20 8 101 T +20 8 102 KV +20 8 103 PZ +20 8 104 KV +20 8 105 T +20 8 106 P +20 8 107 B +20 8 108 KV +20 8 109 KV +20 8 110 P +20 8 111 KV +20 8 112 C +20 8 113 KN +20 8 114 KV +20 8 115 C +20 8 116 KV +20 8 117 PZ +20 8 118 C +20 8 119 KV +20 8 120 B +20 8 121 C +20 8 122 KV +20 8 123 KV +20 8 124 P +20 8 125 C +20 8 126 PZ +20 8 127 KV +20 8 128 P +20 8 129 B +20 8 130 KN +20 8 131 T +20 8 132 C +20 8 133 KV +20 8 134 PZ +20 8 135 C +20 8 136 KV +20 8 137 KV +20 8 138 KV +20 8 139 B +20 8 140 KV +20 8 141 B +20 8 142 B +20 8 143 KV +20 8 144 T +20 8 145 KV +20 8 146 P +20 8 147 KV +20 8 148 C +20 8 149 KV +20 8 150 T +20 8 151 PZ +20 8 152 PZ +20 8 153 KV +20 8 154 KN +20 8 155 PZ +20 8 156 KV +20 8 157 PZ +20 8 158 B +20 8 159 P +20 8 160 PZ +20 8 161 KV +20 8 162 C +20 8 163 KV +20 8 164 KV +20 8 165 PZ +20 8 166 KV +20 8 167 PZ +20 8 168 KV +20 8 169 KV +20 8 170 KV +20 8 171 PZ +20 8 172 B +20 8 173 C +20 8 174 P +20 8 175 KV +20 8 176 C +20 8 177 P +20 8 178 KV +20 8 179 T +20 8 180 KV +20 8 181 P +20 8 182 T +20 8 183 PZ +20 8 184 T +20 8 185 P +20 8 186 KV +20 8 187 P +20 8 188 KV +20 8 189 KV +20 8 190 PZ +20 8 191 KV +20 8 192 PZ +20 8 193 P +20 8 194 T +20 8 195 KV +20 8 196 KV +20 8 197 PZ +20 8 198 KN +20 8 199 PZ +20 8 200 KV +20 8 201 PZ +20 8 202 KV +20 8 203 T +20 8 204 PZ +20 8 205 PZ +20 8 206 B +20 8 207 C +20 8 208 P +20 8 209 KV +20 8 210 T +20 8 211 KV +20 8 212 PZ +20 8 213 P +20 8 214 PZ +20 8 215 PZ +20 8 216 PZ +20 8 217 PZ +20 8 218 P +20 8 219 KV +20 8 220 KV +20 8 221 KV +20 8 222 T +20 8 223 KV +20 8 224 PZ +20 8 225 P +20 8 226 KV +20 8 227 KN +20 8 228 KV +20 8 229 KV +20 8 230 PZ +20 8 231 T +20 8 232 PZ +20 8 233 KV +20 8 234 KV +20 8 235 KV +20 8 236 KV +20 8 237 PZ +20 8 238 KV +20 8 239 PZ +20 8 240 T +20 8 241 B +20 8 242 P +20 8 243 T +20 8 244 KV +20 8 245 C +20 8 246 KV +20 8 247 PZ +20 8 248 KV +20 8 249 KV +20 8 250 T +20 8 251 KV +20 8 252 PZ +20 8 253 KV +20 8 254 KV +20 8 255 KN +20 8 256 C +20 8 257 KV +20 8 258 P +20 8 259 C +20 8 260 P +20 8 261 C +20 8 262 B +20 8 263 PZ +20 8 264 KV +20 8 265 KV +20 8 266 C +20 8 267 T +20 8 268 KV +20 8 269 T +20 8 270 P +20 8 271 KV +20 8 272 B +20 8 273 PZ +20 8 274 B +20 8 275 P +20 8 276 C +20 8 277 KV +20 8 278 C +20 8 279 KV +20 8 280 KV +20 8 281 KV +20 8 282 KV +20 8 283 PZ +20 8 284 B +20 8 285 PZ +20 8 286 B +20 8 287 PZ +20 8 288 C +20 8 289 KV +20 8 290 PZ +20 8 291 KV +20 8 292 PZ +20 8 293 KV +20 8 294 KV +20 8 295 PZ +20 8 296 T +20 8 297 P +20 8 298 C +20 8 299 KV +20 8 300 PZ +20 8 301 KV +20 8 302 PZ +20 8 303 KV +20 8 304 PZ +20 8 305 T +20 8 306 KV +20 8 307 KV +20 8 308 PZ +20 8 309 PZ +20 8 310 KV +20 8 311 KV +20 8 312 KN +20 8 313 KV +20 8 314 B +20 8 315 KV +20 8 316 KV +20 8 317 T +20 8 318 C +20 8 319 B +20 8 320 PZ +20 8 321 C +20 8 322 KV +20 8 323 KV +20 8 324 B +20 8 325 T +20 8 326 P +20 8 327 KV +20 8 328 KV +20 8 329 PZ +20 8 330 KV +20 9 1 KV +20 9 2 PZ +20 9 3 C +20 9 4 T +20 9 5 PZ +20 9 6 PZ +20 9 7 K +20 9 8 T +20 9 9 PZ +20 9 10 KV +20 9 11 K +20 9 12 P +20 9 13 K +20 9 14 KV +20 9 15 PZ +20 9 16 B +20 9 17 C +20 9 18 KN +20 9 19 KV +20 9 20 K +20 9 21 PZ +20 9 22 P +20 9 23 KV +20 9 24 KN +20 9 25 KV +20 9 26 KV +20 9 27 B +20 9 28 C +20 9 29 K +20 9 30 PZ +20 9 31 PZ +20 9 32 T +20 9 33 K +20 9 34 KV +20 9 35 PZ +20 9 36 KV +20 9 37 K +20 9 38 T +20 9 39 K +20 9 40 KV +20 9 41 C +20 9 42 P +20 9 43 KV +20 9 44 PZ +20 9 45 K +20 9 46 PZ +20 9 47 K +20 9 48 P +20 9 49 PZ +20 9 50 T +20 9 51 PZ +20 9 52 B +20 9 53 T +20 9 54 K +20 9 55 KV +20 9 56 PZ +20 9 57 KV +20 9 58 P +20 9 59 PZ +20 9 60 KV +20 9 61 C +20 9 62 PZ +20 9 63 PZ +20 9 64 KV +20 9 65 C +20 9 66 B +20 9 67 K +20 9 68 T +20 9 69 K +20 9 70 B +20 9 71 T +20 9 72 KV +20 9 73 T +20 9 74 PZ +20 9 75 KN +20 9 76 C +20 9 77 KV +20 9 78 B +20 9 79 KN +20 9 80 KV +20 9 81 P +20 9 82 KV +20 9 83 B +20 9 84 PZ +20 9 85 K +20 9 86 PZ +20 9 87 KN +20 9 88 T +20 9 89 KN +20 9 90 KV +20 9 91 P +20 9 92 B +20 9 93 KV +20 9 94 KN +20 9 95 PZ +20 9 96 P +20 9 97 KV +20 9 98 C +20 9 99 PZ +20 9 100 PZ +20 9 101 T +20 9 102 PZ +20 9 103 PZ +20 9 104 KV +20 9 105 T +20 9 106 P +20 9 107 B +20 9 108 PZ +20 9 109 KV +20 9 110 P +20 9 111 KN +20 9 112 T +20 9 113 KN +20 9 114 KV +20 9 115 C +20 9 116 PZ +20 9 117 KN +20 9 118 PZ +20 9 119 K +20 9 120 B +20 9 121 C +20 9 122 K +20 9 123 KV +20 9 124 P +20 9 125 C +20 9 126 PZ +20 9 127 KN +20 9 128 P +20 9 129 B +20 9 130 KN +20 9 131 T +20 9 132 C +20 9 133 K +20 9 134 KN +20 9 135 T +20 9 136 KV +20 9 137 K +20 9 138 KV +20 9 139 B +20 9 140 KV +20 9 141 B +20 9 142 PZ +20 9 143 P +20 9 144 T +20 9 145 K +20 9 146 P +20 9 147 KV +20 9 148 C +20 9 149 K +20 9 150 T +20 9 151 PZ +20 9 152 PZ +20 9 153 KV +20 9 154 KN +20 9 155 KN +20 9 156 KV +20 9 157 KN +20 9 158 B +20 9 159 PZ +20 9 160 PZ +20 9 161 K +20 9 162 C +20 9 163 KV +20 9 164 KV +20 9 165 KN +20 9 166 KV +20 9 167 PZ +20 9 168 K +20 9 169 KV +20 9 170 KV +20 9 171 PZ +20 9 172 B +20 9 173 C +20 9 174 P +20 9 175 PZ +20 9 176 C +20 9 177 P +20 9 178 KV +20 9 179 T +20 9 180 K +20 9 181 P +20 9 182 T +20 9 183 PZ +20 9 184 T +20 9 185 PZ +20 9 186 KV +20 9 187 P +20 9 188 KV +20 9 189 PZ +20 9 190 PZ +20 9 191 K +20 9 192 T +20 9 193 P +20 9 194 T +20 9 195 K +20 9 196 KV +20 9 197 PZ +20 9 198 KN +20 9 199 PZ +20 9 200 KV +20 9 201 PZ +20 9 202 K +20 9 203 T +20 9 204 KN +20 9 205 KV +20 9 206 PZ +20 9 207 T +20 9 208 P +20 9 209 KV +20 9 210 T +20 9 211 KV +20 9 212 P +20 9 213 PZ +20 9 214 P +20 9 215 PZ +20 9 216 KN +20 9 217 PZ +20 9 218 P +20 9 219 PZ +20 9 220 KV +20 9 221 PZ +20 9 222 T +20 9 223 K +20 9 224 B +20 9 225 P +20 9 226 KV +20 9 227 KN +20 9 228 KV +20 9 229 PZ +20 9 230 B +20 9 231 T +20 9 232 PZ +20 9 233 PZ +20 9 234 K +20 9 235 KV +20 9 236 P +20 9 237 PZ +20 9 238 KV +20 9 239 PZ +20 9 240 C +20 9 241 B +20 9 242 PZ +20 9 243 * +20 9 244 PZ +20 9 245 C +20 9 246 KV +20 9 247 PZ +20 9 248 K +20 9 249 K +20 9 250 T +20 9 251 PZ +20 9 252 B +20 9 253 KV +20 9 254 KV +20 9 255 KN +20 9 256 C +20 9 257 KV +20 9 258 P +20 9 259 C +20 9 260 PZ +20 9 261 C +20 9 262 B +20 9 263 PZ +20 9 264 KV +20 9 265 K +20 9 266 C +20 9 267 T +20 9 268 K +20 9 269 T +20 9 270 P +20 9 271 K +20 9 272 B +20 9 273 PZ +20 9 274 B +20 9 275 P +20 9 276 T +20 9 277 KV +20 9 278 PZ +20 9 279 KV +20 9 280 K +20 9 281 K +20 9 282 K +20 9 283 KN +20 9 284 B +20 9 285 PZ +20 9 286 B +20 9 287 P +20 9 288 C +20 9 289 KV +20 9 290 B +20 9 291 KV +20 9 292 PZ +20 9 293 PZ +20 9 294 PZ +20 9 295 K +20 9 296 T +20 9 297 P +20 9 298 C +20 9 299 K +20 9 300 PZ +20 9 301 KV +20 9 302 B +20 9 303 KV +20 9 304 P +20 9 305 T +20 9 306 PZ +20 9 307 KV +20 9 308 PZ +20 9 309 KN +20 9 310 K +20 9 311 KV +20 9 312 KN +20 9 313 KV +20 9 314 B +20 9 315 K +20 9 316 KV +20 9 317 T +20 9 318 PZ +20 9 319 B +20 9 320 P +20 9 321 C +20 9 322 KV +20 9 323 K +20 9 324 B +20 9 325 T +20 9 326 P +20 9 327 B +20 9 328 K +20 9 329 PZ +20 9 330 B +20 10 1 KV +20 10 2 KV +20 10 3 C +20 10 4 KN +20 10 5 KV +20 10 6 P +20 10 7 K +20 10 8 C +20 10 9 P +20 10 10 KV +20 10 11 K +20 10 12 P +20 10 13 K +20 10 14 KV +20 10 15 C +20 10 16 B +20 10 17 C +20 10 18 KN +20 10 19 KV +20 10 20 K +20 10 21 C +20 10 22 P +20 10 23 KV +20 10 24 KN +20 10 25 K +20 10 26 KV +20 10 27 B +20 10 28 C +20 10 29 K +20 10 30 C +20 10 31 KV +20 10 32 C +20 10 33 K +20 10 34 KV +20 10 35 C +20 10 36 KV +20 10 37 K +20 10 38 C +20 10 39 K +20 10 40 KV +20 10 41 C +20 10 42 P +20 10 43 KV +20 10 44 B +20 10 45 K +20 10 46 KN +20 10 47 K +20 10 48 P +20 10 49 KV +20 10 50 C +20 10 51 P +20 10 52 KV +20 10 53 C +20 10 54 K +20 10 55 KV +20 10 56 C +20 10 57 K +20 10 58 P +20 10 59 B +20 10 60 KV +20 10 61 C +20 10 62 KV +20 10 63 C +20 10 64 KV +20 10 65 C +20 10 66 P +20 10 67 KV +20 10 68 C +20 10 69 K +20 10 70 KV +20 10 71 C +20 10 72 KV +20 10 73 C +20 10 74 KV +20 10 75 K +20 10 76 C +20 10 77 KV +20 10 78 C +20 10 79 KN +20 10 80 KV +20 10 81 K +20 10 82 KV +20 10 83 P +20 10 84 C +20 10 85 KV +20 10 86 C +20 10 87 KN +20 10 88 C +20 10 89 KN +20 10 90 KV +20 10 91 P +20 10 92 B +20 10 93 KV +20 10 94 KN +20 10 95 KV +20 10 96 P +20 10 97 KV +20 10 98 C +20 10 99 B +20 10 100 KV +20 10 101 C +20 10 102 KV +20 10 103 K +20 10 104 KV +20 10 105 C +20 10 106 P +20 10 107 B +20 10 108 KV +20 10 109 KV +20 10 110 P +20 10 111 K +20 10 112 C +20 10 113 K +20 10 114 KV +20 10 115 C +20 10 116 KV +20 10 117 KN +20 10 118 C +20 10 119 KV +20 10 120 B +20 10 121 C +20 10 122 KV +20 10 123 KV +20 10 124 P +20 10 125 C +20 10 126 C +20 10 127 KV +20 10 128 P +20 10 129 B +20 10 130 K +20 10 131 KV +20 10 132 C +20 10 133 KV +20 10 134 KN +20 10 135 C +20 10 136 KV +20 10 137 K +20 10 138 KV +20 10 139 B +20 10 140 KV +20 10 141 B +20 10 142 B +20 10 143 P +20 10 144 KV +20 10 145 KV +20 10 146 P +20 10 147 KV +20 10 148 C +20 10 149 KV +20 10 150 KN +20 10 151 C +20 10 152 C +20 10 153 KV +20 10 154 KN +20 10 155 K +20 10 156 KV +20 10 157 PZ +20 10 158 B +20 10 159 P +20 10 160 C +20 10 161 KV +20 10 162 C +20 10 163 KV +20 10 164 KV +20 10 165 K +20 10 166 KV +20 10 167 B +20 10 168 K +20 10 169 KV +20 10 170 K +20 10 171 KV +20 10 172 B +20 10 173 C +20 10 174 P +20 10 175 KV +20 10 176 C +20 10 177 P +20 10 178 KV +20 10 179 C +20 10 180 KV +20 10 181 P +20 10 182 C +20 10 183 K +20 10 184 KV +20 10 185 P +20 10 186 KV +20 10 187 P +20 10 188 KV +20 10 189 KV +20 10 190 C +20 10 191 K +20 10 192 KV +20 10 193 P +20 10 194 C +20 10 195 K +20 10 196 KV +20 10 197 KV +20 10 198 KN +20 10 199 KV +20 10 200 KV +20 10 201 C +20 10 202 KV +20 10 203 C +20 10 204 K +20 10 205 KV +20 10 206 P +20 10 207 C +20 10 208 P +20 10 209 KV +20 10 210 C +20 10 211 KV +20 10 212 P +20 10 213 KV +20 10 214 P +20 10 215 C +20 10 216 K +20 10 217 C +20 10 218 K +20 10 219 KV +20 10 220 KV +20 10 221 KV +20 10 222 KV +20 10 223 KV +20 10 224 B +20 10 225 P +20 10 226 KV +20 10 227 KN +20 10 228 KV +20 10 229 KV +20 10 230 B +20 10 231 C +20 10 232 K +20 10 233 KV +20 10 234 KV +20 10 235 KV +20 10 236 P +20 10 237 C +20 10 238 KV +20 10 239 C +20 10 240 C +20 10 241 B +20 10 242 P +20 10 243 C +20 10 244 KV +20 10 245 C +20 10 246 KV +20 10 247 KV +20 10 248 K +20 10 249 KV +20 10 250 KV +20 10 251 KV +20 10 252 B +20 10 253 KV +20 10 254 KV +20 10 255 KN +20 10 256 C +20 10 257 KV +20 10 258 P +20 10 259 C +20 10 260 P +20 10 261 C +20 10 262 B +20 10 263 PZ +20 10 264 KV +20 10 265 K +20 10 266 C +20 10 267 C +20 10 268 KV +20 10 269 C +20 10 270 P +20 10 271 K +20 10 272 B +20 10 273 C +20 10 274 B +20 10 275 P +20 10 276 C +20 10 277 K +20 10 278 C +20 10 279 KV +20 10 280 K +20 10 281 K +20 10 282 KV +20 10 283 C +20 10 284 B +20 10 285 C +20 10 286 B +20 10 287 P +20 10 288 C +20 10 289 KV +20 10 290 B +20 10 291 KV +20 10 292 C +20 10 293 KV +20 10 294 KV +20 10 295 K +20 10 296 KV +20 10 297 P +20 10 298 C +20 10 299 KV +20 10 300 B +20 10 301 KV +20 10 302 B +20 10 303 KV +20 10 304 K +20 10 305 C +20 10 306 P +20 10 307 KV +20 10 308 KV +20 10 309 K +20 10 310 KV +20 10 311 KV +20 10 312 KN +20 10 313 KV +20 10 314 B +20 10 315 KV +20 10 316 KV +20 10 317 C +20 10 318 C +20 10 319 B +20 10 320 K +20 10 321 C +20 10 322 KV +20 10 323 K +20 10 324 B +20 10 325 KV +20 10 326 P +20 10 327 KV +20 10 328 K +20 10 329 P +20 10 330 KV +20 11 1 KV +20 11 2 K +20 11 3 C +20 11 4 KV +20 11 5 K +20 11 6 C +20 11 7 K +20 11 8 C +20 11 9 PZ +20 11 10 KV +20 11 11 K +20 11 12 P +20 11 13 K +20 11 14 KV +20 11 15 * +20 11 16 B +20 11 17 C +20 11 18 KN +20 11 19 KV +20 11 20 K +20 11 21 C +20 11 22 P +20 11 23 KV +20 11 24 P +20 11 25 KV +20 11 26 KV +20 11 27 B +20 11 28 C +20 11 29 K +20 11 30 K +20 11 31 KV +20 11 32 KV +20 11 33 K +20 11 34 KV +20 11 35 C +20 11 36 K +20 11 37 KV +20 11 38 C +20 11 39 K +20 11 40 KV +20 11 41 C +20 11 42 P +20 11 43 KV +20 11 44 B +20 11 45 KN +20 11 46 K +20 11 47 K +20 11 48 P +20 11 49 KV +20 11 50 C +20 11 51 P +20 11 52 B +20 11 53 C +20 11 54 K +20 11 55 KV +20 11 56 C +20 11 57 KV +20 11 58 P +20 11 59 B +20 11 60 P +20 11 61 C +20 11 62 KV +20 11 63 C +20 11 64 KV +20 11 65 C +20 11 66 B +20 11 67 K +20 11 68 KV +20 11 69 K +20 11 70 B +20 11 71 C +20 11 72 K +20 11 73 KV +20 11 74 KV +20 11 75 K +20 11 76 P +20 11 77 KV +20 11 78 B +20 11 79 KN +20 11 80 KV +20 11 81 K +20 11 82 KV +20 11 83 P +20 11 84 C +20 11 85 K +20 11 86 KV +20 11 87 KN +20 11 88 KV +20 11 89 KN +20 11 90 K +20 11 91 K +20 11 92 B +20 11 93 KV +20 11 94 KN +20 11 95 B +20 11 96 P +20 11 97 KV +20 11 98 C +20 11 99 KV +20 11 100 KV +20 11 101 C +20 11 102 KV +20 11 103 P +20 11 104 KV +20 11 105 KV +20 11 106 P +20 11 107 B +20 11 108 KV +20 11 109 KV +20 11 110 P +20 11 111 K +20 11 112 C +20 11 113 KN +20 11 114 KV +20 11 115 C +20 11 116 KV +20 11 117 C +20 11 118 C +20 11 119 K +20 11 120 B +20 11 121 C +20 11 122 K +20 11 123 KV +20 11 124 P +20 11 125 C +20 11 126 C +20 11 127 K +20 11 128 P +20 11 129 B +20 11 130 K +20 11 131 KV +20 11 132 C +20 11 133 K +20 11 134 KN +20 11 135 C +20 11 136 KV +20 11 137 K +20 11 138 KV +20 11 139 B +20 11 140 KV +20 11 141 B +20 11 142 B +20 11 143 P +20 11 144 KV +20 11 145 K +20 11 146 P +20 11 147 KV +20 11 148 C +20 11 149 K +20 11 150 KV +20 11 151 C +20 11 152 C +20 11 153 KV +20 11 154 * +20 11 155 PZ +20 11 156 K +20 11 157 KN +20 11 158 B +20 11 159 P +20 11 160 C +20 11 161 K +20 11 162 C +20 11 163 KV +20 11 164 KV +20 11 165 K +20 11 166 KV +20 11 167 C +20 11 168 K +20 11 169 KV +20 11 170 KV +20 11 171 K +20 11 172 B +20 11 173 C +20 11 174 P +20 11 175 KV +20 11 176 C +20 11 177 P +20 11 178 KV +20 11 179 C +20 11 180 K +20 11 181 P +20 11 182 C +20 11 183 P +20 11 184 KV +20 11 185 P +20 11 186 KV +20 11 187 P +20 11 188 KV +20 11 189 KV +20 11 190 C +20 11 191 K +20 11 192 KV +20 11 193 P +20 11 194 C +20 11 195 K +20 11 196 KV +20 11 197 KV +20 11 198 KN +20 11 199 B +20 11 200 KV +20 11 201 P +20 11 202 K +20 11 203 C +20 11 204 KN +20 11 205 KV +20 11 206 B +20 11 207 C +20 11 208 P +20 11 209 K +20 11 210 C +20 11 211 KV +20 11 212 P +20 11 213 KV +20 11 214 P +20 11 215 KV +20 11 216 K +20 11 217 C +20 11 218 P +20 11 219 KV +20 11 220 KV +20 11 221 B +20 11 222 KV +20 11 223 K +20 11 224 B +20 11 225 P +20 11 226 KV +20 11 227 KN +20 11 228 KV +20 11 229 KV +20 11 230 C +20 11 231 KV +20 11 232 P +20 11 233 KV +20 11 234 K +20 11 235 KV +20 11 236 K +20 11 237 P +20 11 238 KV +20 11 239 C +20 11 240 KN +20 11 241 B +20 11 242 P +20 11 243 C +20 11 244 KV +20 11 245 C +20 11 246 KV +20 11 247 KV +20 11 248 K +20 11 249 K +20 11 250 KV +20 11 251 KV +20 11 252 C +20 11 253 KV +20 11 254 KV +20 11 255 KN +20 11 256 C +20 11 257 KV +20 11 258 P +20 11 259 C +20 11 260 P +20 11 261 P +20 11 262 B +20 11 263 B +20 11 264 KV +20 11 265 K +20 11 266 C +20 11 267 C +20 11 268 KV +20 11 269 KV +20 11 270 P +20 11 271 K +20 11 272 B +20 11 273 KV +20 11 274 B +20 11 275 P +20 11 276 C +20 11 277 KV +20 11 278 P +20 11 279 KV +20 11 280 * +20 11 281 K +20 11 282 K +20 11 283 P +20 11 284 B +20 11 285 C +20 11 286 B +20 11 287 P +20 11 288 C +20 11 289 KV +20 11 290 B +20 11 291 KV +20 11 292 C +20 11 293 B +20 11 294 B +20 11 295 P +20 11 296 KV +20 11 297 P +20 11 298 C +20 11 299 K +20 11 300 B +20 11 301 K +20 11 302 B +20 11 303 KV +20 11 304 K +20 11 305 C +20 11 306 K +20 11 307 KV +20 11 308 KV +20 11 309 P +20 11 310 K +20 11 311 KV +20 11 312 KN +20 11 313 KV +20 11 314 B +20 11 315 K +20 11 316 K +20 11 317 C +20 11 318 P +20 11 319 B +20 11 320 P +20 11 321 C +20 11 322 KV +20 11 323 K +20 11 324 B +20 11 325 C +20 11 326 P +20 11 327 KV +20 11 328 K +20 11 329 P +20 11 330 B +21 1 1 SA +21 1 2 SA +21 1 3 PU +21 1 4 SA +21 1 5 SA +21 1 6 JA +21 1 7 SA +21 1 8 PU +21 1 9 SA +21 1 10 SA +21 1 11 SA +21 1 12 JA +21 1 13 SA +21 1 14 SA +21 1 15 PJ +21 1 16 PJ +21 1 17 PU +21 1 18 SE +21 1 19 SA +21 1 20 SA +21 1 21 PU +21 1 22 JA +21 1 23 SA +21 1 24 SA +21 1 25 SA +21 1 26 SA +21 1 27 PJ +21 1 28 PU +21 1 29 SA +21 1 30 PU +21 1 31 SA +21 1 32 SA +21 1 33 SA +21 1 34 SA +21 1 35 PU +21 1 36 SA +21 1 37 SA +21 1 38 PU +21 1 39 SA +21 1 40 SA +21 1 41 PU +21 1 42 SA +21 1 43 SA +21 1 44 PJ +21 1 45 SA +21 1 46 SE +21 1 47 SA +21 1 48 JA +21 1 49 SA +21 1 50 SA +21 1 51 SA +21 1 52 PJ +21 1 53 SA +21 1 54 SA +21 1 55 SA +21 1 56 PU +21 1 57 SA +21 1 58 SA +21 1 59 PJ +21 1 60 SA +21 1 61 PU +21 1 62 SA +21 1 63 PU +21 1 64 SA +21 1 65 PU +21 1 66 PJ +21 1 67 SA +21 1 68 PU +21 1 69 SA +21 1 70 PJ +21 1 71 SA +21 1 72 SA +21 1 73 SA +21 1 74 SA +21 1 75 SA +21 1 76 PU +21 1 77 SA +21 1 78 PJ +21 1 79 SE +21 1 80 SA +21 1 81 SA +21 1 82 SA +21 1 83 JA +21 1 84 PU +21 1 85 SA +21 1 86 PU +21 1 87 SE +21 1 88 SA +21 1 89 SE +21 1 90 SA +21 1 91 JA +21 1 92 PJ +21 1 93 SA +21 1 94 SE +21 1 95 PJ +21 1 96 JA +21 1 97 SA +21 1 98 PU +21 1 99 SA +21 1 100 SA +21 1 101 SA +21 1 102 SA +21 1 103 SA +21 1 104 SA +21 1 105 SA +21 1 106 JA +21 1 107 PJ +21 1 108 JA +21 1 109 SA +21 1 110 JA +21 1 111 SA +21 1 112 PU +21 1 113 SE +21 1 114 SA +21 1 115 PU +21 1 116 SA +21 1 117 SE +21 1 118 PU +21 1 119 SA +21 1 120 PJ +21 1 121 PU +21 1 122 SA +21 1 123 SA +21 1 124 JA +21 1 125 JA +21 1 126 PU +21 1 127 SA +21 1 128 JA +21 1 129 PJ +21 1 130 SA +21 1 131 SA +21 1 132 PU +21 1 133 SA +21 1 134 SE +21 1 135 PU +21 1 136 SA +21 1 137 SA +21 1 138 SA +21 1 139 PJ +21 1 140 SA +21 1 141 PJ +21 1 142 SA +21 1 143 JA +21 1 144 SA +21 1 145 SA +21 1 146 JA +21 1 147 SA +21 1 148 PU +21 1 149 SA +21 1 150 SA +21 1 151 PU +21 1 152 SA +21 1 153 SA +21 1 154 SE +21 1 155 SA +21 1 156 SA +21 1 157 SA +21 1 158 PJ +21 1 159 JA +21 1 160 PU +21 1 161 SA +21 1 162 PU +21 1 163 SA +21 1 164 SA +21 1 165 SA +21 1 166 SA +21 1 167 SA +21 1 168 SA +21 1 169 SA +21 1 170 SA +21 1 171 SA +21 1 172 PJ +21 1 173 PU +21 1 174 JA +21 1 175 SA +21 1 176 PU +21 1 177 JA +21 1 178 SA +21 1 179 PU +21 1 180 SA +21 1 181 JA +21 1 182 SA +21 1 183 SA +21 1 184 SA +21 1 185 JA +21 1 186 SA +21 1 187 JA +21 1 188 SA +21 1 189 SA +21 1 190 PU +21 1 191 SA +21 1 192 JA +21 1 193 JA +21 1 194 PU +21 1 195 SA +21 1 196 SA +21 1 197 SA +21 1 198 SE +21 1 199 SA +21 1 200 SA +21 1 201 PU +21 1 202 SA +21 1 203 PU +21 1 204 SE +21 1 205 SA +21 1 206 SA +21 1 207 PU +21 1 208 JA +21 1 209 SA +21 1 210 PU +21 1 211 SA +21 1 212 PU +21 1 213 SA +21 1 214 JA +21 1 215 SA +21 1 216 SA +21 1 217 PU +21 1 218 SA +21 1 219 SA +21 1 220 SA +21 1 221 SA +21 1 222 SA +21 1 223 SA +21 1 224 PJ +21 1 225 SA +21 1 226 SA +21 1 227 SE +21 1 228 SE +21 1 229 SA +21 1 230 PJ +21 1 231 SA +21 1 232 SA +21 1 233 SA +21 1 234 SA +21 1 235 SA +21 1 236 JA +21 1 237 PU +21 1 238 SA +21 1 239 PU +21 1 240 PU +21 1 241 PJ +21 1 242 JA +21 1 243 PU +21 1 244 SA +21 1 245 PU +21 1 246 SA +21 1 247 SA +21 1 248 SA +21 1 249 SA +21 1 250 SA +21 1 251 SA +21 1 252 PJ +21 1 253 SA +21 1 254 SA +21 1 255 SE +21 1 256 PU +21 1 257 SA +21 1 258 JA +21 1 259 PU +21 1 260 SA +21 1 261 PU +21 1 262 PJ +21 1 263 PA +21 1 264 SA +21 1 265 SA +21 1 266 PU +21 1 267 SA +21 1 268 SA +21 1 269 SA +21 1 270 JA +21 1 271 SA +21 1 272 PJ +21 1 273 SA +21 1 274 PJ +21 1 275 SA +21 1 276 PU +21 1 277 SA +21 1 278 PU +21 1 279 SA +21 1 280 SA +21 1 281 SA +21 1 282 SA +21 1 283 SE +21 1 284 PJ +21 1 285 PU +21 1 286 PJ +21 1 287 SA +21 1 288 PU +21 1 289 SA +21 1 290 PJ +21 1 291 SA +21 1 292 PU +21 1 293 SA +21 1 294 SA +21 1 295 SA +21 1 296 SA +21 1 297 JA +21 1 298 PU +21 1 299 SA +21 1 300 PA +21 1 301 SA +21 1 302 PJ +21 1 303 PA +21 1 304 SA +21 1 305 SA +21 1 306 SA +21 1 307 SA +21 1 308 SA +21 1 309 SA +21 1 310 SA +21 1 311 SA +21 1 312 SE +21 1 313 SA +21 1 314 PA +21 1 315 SA +21 1 316 SA +21 1 317 PU +21 1 318 PU +21 1 319 PJ +21 1 320 SA +21 1 321 PU +21 1 322 SA +21 1 323 SA +21 1 324 PA +21 1 325 SA +21 1 326 JA +21 1 327 SA +21 1 328 SA +21 1 329 SA +21 1 330 PA +21 2 1 SA +21 2 2 PA +21 2 3 PU +21 2 4 SA +21 2 5 SA +21 2 6 PA +21 2 7 SA +21 2 8 PU +21 2 9 A +21 2 10 SA +21 2 11 A +21 2 12 JA +21 2 13 SA +21 2 14 A +21 2 15 PA +21 2 16 PJ +21 2 17 PU +21 2 18 SE +21 2 19 SA +21 2 20 SA +21 2 21 PU +21 2 22 JA +21 2 23 SA +21 2 24 A +21 2 25 SA +21 2 26 SA +21 2 27 PA +21 2 28 PU +21 2 29 SA +21 2 30 JA +21 2 31 PA +21 2 32 PU +21 2 33 SA +21 2 34 SA +21 2 35 JA +21 2 36 SA +21 2 37 PA +21 2 38 PU +21 2 39 SA +21 2 40 PA +21 2 41 PU +21 2 42 JA +21 2 43 A +21 2 44 PA +21 2 45 SA +21 2 46 PA +21 2 47 A +21 2 48 JA +21 2 49 PA +21 2 50 SA +21 2 51 A +21 2 52 PJ +21 2 53 A +21 2 54 SA +21 2 55 SA +21 2 56 PA +21 2 57 SA +21 2 58 JA +21 2 59 PA +21 2 60 A +21 2 61 PU +21 2 62 PA +21 2 63 PU +21 2 64 SA +21 2 65 PU +21 2 66 PJ +21 2 67 SA +21 2 68 PU +21 2 69 A +21 2 70 PA +21 2 71 A +21 2 72 SA +21 2 73 SA +21 2 74 PA +21 2 75 A +21 2 76 JA +21 2 77 SA +21 2 78 PA +21 2 79 A +21 2 80 SA +21 2 81 SA +21 2 82 SA +21 2 83 PA +21 2 84 JA +21 2 85 SA +21 2 86 PU +21 2 87 SE +21 2 88 SA +21 2 89 SE +21 2 90 A +21 2 91 JA +21 2 92 PJ +21 2 93 SA +21 2 94 A +21 2 95 PJ +21 2 96 JA +21 2 97 SA +21 2 98 PU +21 2 99 PA +21 2 100 SA +21 2 101 PU +21 2 102 PA +21 2 103 A +21 2 104 SA +21 2 105 SA +21 2 106 JA +21 2 107 PJ +21 2 108 PA +21 2 109 SA +21 2 110 JA +21 2 111 A +21 2 112 PU +21 2 113 SE +21 2 114 SA +21 2 115 PU +21 2 116 PA +21 2 117 A +21 2 118 SA +21 2 119 SA +21 2 120 PJ +21 2 121 JA +21 2 122 SA +21 2 123 SA +21 2 124 JA +21 2 125 JA +21 2 126 PU +21 2 127 A +21 2 128 JA +21 2 129 PA +21 2 130 A +21 2 131 SA +21 2 132 JA +21 2 133 SA +21 2 134 A +21 2 135 PU +21 2 136 SA +21 2 137 SA +21 2 138 PA +21 2 139 PA +21 2 140 SA +21 2 141 PJ +21 2 142 PA +21 2 143 SA +21 2 144 SA +21 2 145 SA +21 2 146 JA +21 2 147 SA +21 2 148 PU +21 2 149 SA +21 2 150 SA +21 2 151 PA +21 2 152 SA +21 2 153 SA +21 2 154 A +21 2 155 SE +21 2 156 SA +21 2 157 A +21 2 158 PJ +21 2 159 JA +21 2 160 PU +21 2 161 SA +21 2 162 PU +21 2 163 SA +21 2 164 SA +21 2 165 A +21 2 166 SA +21 2 167 SA +21 2 168 SA +21 2 169 SA +21 2 170 A +21 2 171 SA +21 2 172 PJ +21 2 173 PU +21 2 174 JA +21 2 175 PA +21 2 176 PU +21 2 177 JA +21 2 178 SA +21 2 179 A +21 2 180 SA +21 2 181 JA +21 2 182 PU +21 2 183 JA +21 2 184 SA +21 2 185 JA +21 2 186 SA +21 2 187 JA +21 2 188 SA +21 2 189 PA +21 2 190 PU +21 2 191 SA +21 2 192 SA +21 2 193 JA +21 2 194 A +21 2 195 SA +21 2 196 PA +21 2 197 SA +21 2 198 SE +21 2 199 PA +21 2 200 SA +21 2 201 PU +21 2 202 SA +21 2 203 PU +21 2 204 A +21 2 205 SA +21 2 206 PA +21 2 207 PU +21 2 208 JA +21 2 209 SA +21 2 210 A +21 2 211 SA +21 2 212 JA +21 2 213 PA +21 2 214 JA +21 2 215 PU +21 2 216 A +21 2 217 PA +21 2 218 SA +21 2 219 PA +21 2 220 SA +21 2 221 PA +21 2 222 SA +21 2 223 SA +21 2 224 PA +21 2 225 SA +21 2 226 SA +21 2 227 SE +21 2 228 A +21 2 229 PA +21 2 230 PA +21 2 231 SA +21 2 232 A +21 2 233 PA +21 2 234 SA +21 2 235 SA +21 2 236 SA +21 2 237 PA +21 2 238 SA +21 2 239 PA +21 2 240 A +21 2 241 PJ +21 2 242 PA +21 2 243 PU +21 2 244 PA +21 2 245 PU +21 2 246 SA +21 2 247 SA +21 2 248 A +21 2 249 SA +21 2 250 SA +21 2 251 PA +21 2 252 PA +21 2 253 SA +21 2 254 PA +21 2 255 A +21 2 256 PU +21 2 257 A +21 2 258 JA +21 2 259 JA +21 2 260 PA +21 2 261 JA +21 2 262 PJ +21 2 263 PA +21 2 264 PA +21 2 265 SA +21 2 266 A +21 2 267 SA +21 2 268 SA +21 2 269 SA +21 2 270 JA +21 2 271 A +21 2 272 PA +21 2 273 SA +21 2 274 PA +21 2 275 JA +21 2 276 PU +21 2 277 SA +21 2 278 JA +21 2 279 SA +21 2 280 SA +21 2 281 SA +21 2 282 SA +21 2 283 A +21 2 284 PA +21 2 285 PA +21 2 286 PJ +21 2 287 A +21 2 288 PU +21 2 289 PA +21 2 290 PJ +21 2 291 SA +21 2 292 PA +21 2 293 PA +21 2 294 PA +21 2 295 A +21 2 296 SA +21 2 297 JA +21 2 298 PU +21 2 299 SA +21 2 300 PA +21 2 301 SA +21 2 302 PA +21 2 303 SA +21 2 304 SA +21 2 305 PU +21 2 306 SA +21 2 307 SA +21 2 308 SA +21 2 309 A +21 2 310 SA +21 2 311 SA +21 2 312 SE +21 2 313 SA +21 2 314 PA +21 2 315 SA +21 2 316 SA +21 2 317 PU +21 2 318 PA +21 2 319 PA +21 2 320 SA +21 2 321 PU +21 2 322 PA +21 2 323 SA +21 2 324 PA +21 2 325 PU +21 2 326 JA +21 2 327 PA +21 2 328 SA +21 2 329 A +21 2 330 PA +21 3 1 SA +21 3 2 SA +21 3 3 PU +21 3 4 SA +21 3 5 SA +21 3 6 JA +21 3 7 SA +21 3 8 PU +21 3 9 JA +21 3 10 SA +21 3 11 PA +21 3 12 JA +21 3 13 SA +21 3 14 SA +21 3 15 PU +21 3 16 PJ +21 3 17 PU +21 3 18 SE +21 3 19 SA +21 3 20 SA +21 3 21 PU +21 3 22 JA +21 3 23 SA +21 3 24 PA +21 3 25 SA +21 3 26 SA +21 3 27 PJ +21 3 28 PU +21 3 29 SA +21 3 30 JA +21 3 31 SA +21 3 32 PU +21 3 33 SA +21 3 34 SA +21 3 35 PU +21 3 36 SA +21 3 37 SA +21 3 38 PU +21 3 39 SA +21 3 40 SA +21 3 41 PU +21 3 42 PA +21 3 43 SA +21 3 44 PJ +21 3 45 SA +21 3 46 PA +21 3 47 PA +21 3 48 JA +21 3 49 SA +21 3 50 SA +21 3 51 PA +21 3 52 PJ +21 3 53 PU +21 3 54 SA +21 3 55 SA +21 3 56 PU +21 3 57 SA +21 3 58 PA +21 3 59 PJ +21 3 60 PA +21 3 61 PU +21 3 62 SA +21 3 63 PU +21 3 64 SA +21 3 65 PU +21 3 66 PJ +21 3 67 SA +21 3 68 PU +21 3 69 PA +21 3 70 PJ +21 3 71 SA +21 3 72 SA +21 3 73 SA +21 3 74 SA +21 3 75 PA +21 3 76 JA +21 3 77 SA +21 3 78 PU +21 3 79 PA +21 3 80 SA +21 3 81 SA +21 3 82 SA +21 3 83 PJ +21 3 84 PU +21 3 85 SA +21 3 86 PU +21 3 87 SE +21 3 88 SA +21 3 89 SE +21 3 90 SA +21 3 91 SA +21 3 92 PJ +21 3 93 SA +21 3 94 SE +21 3 95 PJ +21 3 96 JA +21 3 97 SA +21 3 98 PU +21 3 99 SA +21 3 100 SA +21 3 101 PU +21 3 102 SA +21 3 103 PA +21 3 104 SA +21 3 105 PU +21 3 106 JA +21 3 107 PJ +21 3 108 SA +21 3 109 SA +21 3 110 JA +21 3 111 PA +21 3 112 PU +21 3 113 SE +21 3 114 SA +21 3 115 PU +21 3 116 SA +21 3 117 PA +21 3 118 PU +21 3 119 SA +21 3 120 PJ +21 3 121 PU +21 3 122 SA +21 3 123 SA +21 3 124 SA +21 3 125 PU +21 3 126 SA +21 3 127 PA +21 3 128 JA +21 3 129 PJ +21 3 130 PA +21 3 131 SA +21 3 132 PU +21 3 133 SA +21 3 134 PA +21 3 135 PU +21 3 136 SA +21 3 137 PA +21 3 138 SA +21 3 139 PJ +21 3 140 SA +21 3 141 PJ +21 3 142 PJ +21 3 143 SA +21 3 144 SA +21 3 145 SA +21 3 146 JA +21 3 147 SA +21 3 148 PU +21 3 149 SA +21 3 150 SA +21 3 151 PU +21 3 152 SA +21 3 153 SA +21 3 154 PA +21 3 155 PA +21 3 156 SA +21 3 157 PA +21 3 158 PJ +21 3 159 JA +21 3 160 PU +21 3 161 SA +21 3 162 PU +21 3 163 SA +21 3 164 SA +21 3 165 PA +21 3 166 PA +21 3 167 SA +21 3 168 SA +21 3 169 SA +21 3 170 PA +21 3 171 PA +21 3 172 PJ +21 3 173 PU +21 3 174 JA +21 3 175 PU +21 3 176 PU +21 3 177 JA +21 3 178 SA +21 3 179 PU +21 3 180 SA +21 3 181 PA +21 3 182 PU +21 3 183 PA +21 3 184 SA +21 3 185 JA +21 3 186 SA +21 3 187 JA +21 3 188 SA +21 3 189 PJ +21 3 190 PU +21 3 191 SA +21 3 192 SA +21 3 193 JA +21 3 194 PA +21 3 195 SA +21 3 196 SA +21 3 197 SA +21 3 198 PA +21 3 199 PJ +21 3 200 SA +21 3 201 PU +21 3 202 SA +21 3 203 SA +21 3 204 SE +21 3 205 SA +21 3 206 PJ +21 3 207 PU +21 3 208 JA +21 3 209 SA +21 3 210 PA +21 3 211 SA +21 3 212 JA +21 3 213 SA +21 3 214 JA +21 3 215 PU +21 3 216 PA +21 3 217 PU +21 3 218 JA +21 3 219 PJ +21 3 220 SA +21 3 221 PJ +21 3 222 SA +21 3 223 SA +21 3 224 PJ +21 3 225 PA +21 3 226 SA +21 3 227 SE +21 3 228 SA +21 3 229 SA +21 3 230 PJ +21 3 231 SA +21 3 232 PA +21 3 233 SA +21 3 234 SA +21 3 235 SA +21 3 236 JA +21 3 237 PU +21 3 238 SA +21 3 239 PU +21 3 240 PU +21 3 241 PJ +21 3 242 JA +21 3 243 SA +21 3 244 PJ +21 3 245 PU +21 3 246 SA +21 3 247 SA +21 3 248 PA +21 3 249 SA +21 3 250 SA +21 3 251 SA +21 3 252 PJ +21 3 253 SA +21 3 254 SA +21 3 255 SE +21 3 256 PU +21 3 257 SA +21 3 258 JA +21 3 259 PU +21 3 260 JA +21 3 261 PJ +21 3 262 PJ +21 3 263 PA +21 3 264 SA +21 3 265 SA +21 3 266 PU +21 3 267 SA +21 3 268 SA +21 3 269 SA +21 3 270 JA +21 3 271 SA +21 3 272 PJ +21 3 273 SA +21 3 274 PJ +21 3 275 JA +21 3 276 PU +21 3 277 SA +21 3 278 JA +21 3 279 SA +21 3 280 SA +21 3 281 SA +21 3 282 SA +21 3 283 PA +21 3 284 PJ +21 3 285 SA +21 3 286 PJ +21 3 287 PA +21 3 288 PU +21 3 289 SA +21 3 290 PJ +21 3 291 SA +21 3 292 PU +21 3 293 PJ +21 3 294 PJ +21 3 295 PA +21 3 296 SA +21 3 297 JA +21 3 298 PU +21 3 299 SA +21 3 300 PA +21 3 301 SA +21 3 302 PJ +21 3 303 PJ +21 3 304 PA +21 3 305 SA +21 3 306 SA +21 3 307 SA +21 3 308 SA +21 3 309 PA +21 3 310 SA +21 3 311 SA +21 3 312 SE +21 3 313 SA +21 3 314 PJ +21 3 315 SA +21 3 316 SA +21 3 317 PU +21 3 318 JA +21 3 319 PJ +21 3 320 PA +21 3 321 PU +21 3 322 SA +21 3 323 SA +21 3 324 PJ +21 3 325 SA +21 3 326 JA +21 3 327 PJ +21 3 328 SA +21 3 329 PA +21 3 330 PJ +21 4 1 SA +21 4 2 SA +21 4 3 PU +21 4 4 PU +21 4 5 SA +21 4 6 JA +21 4 7 SA +21 4 8 PU +21 4 9 PA +21 4 10 SA +21 4 11 A +21 4 12 JA +21 4 13 SA +21 4 14 A +21 4 15 JA +21 4 16 PJ +21 4 17 PU +21 4 18 A +21 4 19 SA +21 4 20 SA +21 4 21 PU +21 4 22 JA +21 4 23 PU +21 4 24 PA +21 4 25 SA +21 4 26 SA +21 4 27 JA +21 4 28 PU +21 4 29 SA +21 4 30 PU +21 4 31 SA +21 4 32 PU +21 4 33 SA +21 4 34 SA +21 4 35 PU +21 4 36 SA +21 4 37 SA +21 4 38 PU +21 4 39 SA +21 4 40 SA +21 4 41 PU +21 4 42 PU +21 4 43 A +21 4 44 JA +21 4 45 SA +21 4 46 PA +21 4 47 A +21 4 48 JA +21 4 49 SA +21 4 50 PA +21 4 51 PA +21 4 52 JA +21 4 53 PU +21 4 54 SA +21 4 55 SA +21 4 56 JA +21 4 57 SA +21 4 58 JA +21 4 59 JA +21 4 60 A +21 4 61 PU +21 4 62 JA +21 4 63 PU +21 4 64 SA +21 4 65 PU +21 4 66 PJ +21 4 67 SA +21 4 68 PU +21 4 69 JA +21 4 70 PJ +21 4 71 PU +21 4 72 SA +21 4 73 PU +21 4 74 SA +21 4 75 SA +21 4 76 PU +21 4 77 SA +21 4 78 PU +21 4 79 A +21 4 80 SA +21 4 81 SA +21 4 82 SA +21 4 83 JA +21 4 84 PU +21 4 85 SA +21 4 86 PU +21 4 87 A +21 4 88 PU +21 4 89 SE +21 4 90 SA +21 4 91 JA +21 4 92 JA +21 4 93 SA +21 4 94 SE +21 4 95 SA +21 4 96 JA +21 4 97 SA +21 4 98 PU +21 4 99 PU +21 4 100 SA +21 4 101 PU +21 4 102 SA +21 4 103 PA +21 4 104 SA +21 4 105 PU +21 4 106 JA +21 4 107 PJ +21 4 108 SA +21 4 109 SA +21 4 110 JA +21 4 111 SA +21 4 112 PU +21 4 113 A +21 4 114 SA +21 4 115 PU +21 4 116 SA +21 4 117 PA +21 4 118 PU +21 4 119 SA +21 4 120 PJ +21 4 121 PU +21 4 122 SA +21 4 123 SA +21 4 124 JA +21 4 125 PU +21 4 126 PU +21 4 127 SA +21 4 128 JA +21 4 129 PJ +21 4 130 A +21 4 131 PU +21 4 132 PU +21 4 133 SA +21 4 134 PA +21 4 135 PU +21 4 136 SA +21 4 137 SA +21 4 138 SA +21 4 139 PJ +21 4 140 SA +21 4 141 PJ +21 4 142 PJ +21 4 143 JA +21 4 144 SA +21 4 145 SA +21 4 146 JA +21 4 147 SA +21 4 148 PU +21 4 149 SA +21 4 150 SA +21 4 151 PU +21 4 152 PU +21 4 153 SA +21 4 154 A +21 4 155 A +21 4 156 SA +21 4 157 A +21 4 158 PJ +21 4 159 JA +21 4 160 JA +21 4 161 SA +21 4 162 PU +21 4 163 SA +21 4 164 SA +21 4 165 JA +21 4 166 SA +21 4 167 PU +21 4 168 SA +21 4 169 SA +21 4 170 SA +21 4 171 SA +21 4 172 PJ +21 4 173 PU +21 4 174 JA +21 4 175 SA +21 4 176 PU +21 4 177 JA +21 4 178 SA +21 4 179 PU +21 4 180 SA +21 4 181 JA +21 4 182 PU +21 4 183 PA +21 4 184 PU +21 4 185 JA +21 4 186 SA +21 4 187 JA +21 4 188 SA +21 4 189 SA +21 4 190 PU +21 4 191 SA +21 4 192 SA +21 4 193 SA +21 4 194 PA +21 4 195 SA +21 4 196 SA +21 4 197 PU +21 4 198 A +21 4 199 PJ +21 4 200 SA +21 4 201 PU +21 4 202 SA +21 4 203 PU +21 4 204 A +21 4 205 SA +21 4 206 JA +21 4 207 PU +21 4 208 JA +21 4 209 SA +21 4 210 PU +21 4 211 SA +21 4 212 JA +21 4 213 SA +21 4 214 JA +21 4 215 PU +21 4 216 SA +21 4 217 JA +21 4 218 JA +21 4 219 SA +21 4 220 SA +21 4 221 SA +21 4 222 SA +21 4 223 SA +21 4 224 PJ +21 4 225 JA +21 4 226 SA +21 4 227 A +21 4 228 SA +21 4 229 SA +21 4 230 PJ +21 4 231 PU +21 4 232 PA +21 4 233 SA +21 4 234 SA +21 4 235 SA +21 4 236 JA +21 4 237 PU +21 4 238 SA +21 4 239 PU +21 4 240 PU +21 4 241 PJ +21 4 242 JA +21 4 243 PU +21 4 244 SA +21 4 245 PU +21 4 246 SA +21 4 247 SA +21 4 248 SA +21 4 249 SA +21 4 250 PU +21 4 251 SA +21 4 252 JA +21 4 253 SA +21 4 254 SA +21 4 255 PA +21 4 256 PU +21 4 257 SA +21 4 258 JA +21 4 259 PU +21 4 260 JA +21 4 261 JA +21 4 262 PJ +21 4 263 PA +21 4 264 SA +21 4 265 SA +21 4 266 PU +21 4 267 SA +21 4 268 SA +21 4 269 PU +21 4 270 JA +21 4 271 SA +21 4 272 PJ +21 4 273 PU +21 4 274 PJ +21 4 275 JA +21 4 276 PU +21 4 277 SA +21 4 278 PU +21 4 279 SA +21 4 280 SA +21 4 281 SA +21 4 282 SA +21 4 283 PU +21 4 284 PJ +21 4 285 PU +21 4 286 PJ +21 4 287 JA +21 4 288 PU +21 4 289 SA +21 4 290 JA +21 4 291 SA +21 4 292 PU +21 4 293 JA +21 4 294 JA +21 4 295 PA +21 4 296 SA +21 4 297 JA +21 4 298 PU +21 4 299 SA +21 4 300 PA +21 4 301 SA +21 4 302 JA +21 4 303 SA +21 4 304 JA +21 4 305 PU +21 4 306 JA +21 4 307 SA +21 4 308 SA +21 4 309 PA +21 4 310 SA +21 4 311 SA +21 4 312 A +21 4 313 SA +21 4 314 JA +21 4 315 SA +21 4 316 SA +21 4 317 PU +21 4 318 JA +21 4 319 PJ +21 4 320 SA +21 4 321 PU +21 4 322 SA +21 4 323 SA +21 4 324 PJ +21 4 325 PU +21 4 326 JA +21 4 327 SA +21 4 328 SA +21 4 329 PU +21 4 330 SA +21 5 1 SA +21 5 2 SA +21 5 3 PU +21 5 4 PU +21 5 5 SA +21 5 6 PU +21 5 7 SA +21 5 8 PU +21 5 9 A +21 5 10 SA +21 5 11 SA +21 5 12 JA +21 5 13 SA +21 5 14 SA +21 5 15 PU +21 5 16 PJ +21 5 17 PU +21 5 18 SE +21 5 19 SA +21 5 20 SA +21 5 21 PU +21 5 22 PA +21 5 23 PU +21 5 24 SE +21 5 25 SA +21 5 26 SA +21 5 27 PA +21 5 28 PU +21 5 29 SA +21 5 30 PU +21 5 31 SA +21 5 32 PU +21 5 33 SA +21 5 34 SA +21 5 35 PU +21 5 36 A +21 5 37 SA +21 5 38 PU +21 5 39 SA +21 5 40 SA +21 5 41 PU +21 5 42 JA +21 5 43 SA +21 5 44 PA +21 5 45 SA +21 5 46 A +21 5 47 SA +21 5 48 JA +21 5 49 SA +21 5 50 PU +21 5 51 SE +21 5 52 PA +21 5 53 PU +21 5 54 SA +21 5 55 SA +21 5 56 PU +21 5 57 SA +21 5 58 JA +21 5 59 PA +21 5 60 SA +21 5 61 PU +21 5 62 PU +21 5 63 PU +21 5 64 SA +21 5 65 PU +21 5 66 PA +21 5 67 SA +21 5 68 PU +21 5 69 A +21 5 70 PA +21 5 71 PU +21 5 72 SA +21 5 73 PU +21 5 74 SA +21 5 75 SA +21 5 76 PU +21 5 77 SA +21 5 78 PU +21 5 79 SE +21 5 80 SA +21 5 81 SA +21 5 82 SA +21 5 83 PA +21 5 84 PU +21 5 85 SA +21 5 86 PU +21 5 87 SE +21 5 88 PU +21 5 89 SE +21 5 90 SA +21 5 91 SA +21 5 92 PA +21 5 93 SA +21 5 94 SE +21 5 95 PA +21 5 96 JA +21 5 97 PU +21 5 98 PU +21 5 99 SA +21 5 100 SA +21 5 101 PU +21 5 102 SA +21 5 103 PA +21 5 104 SA +21 5 105 PU +21 5 106 JA +21 5 107 PA +21 5 108 SA +21 5 109 SA +21 5 110 JA +21 5 111 SE +21 5 112 PU +21 5 113 SE +21 5 114 SA +21 5 115 PU +21 5 116 SA +21 5 117 SE +21 5 118 PU +21 5 119 SA +21 5 120 PA +21 5 121 PU +21 5 122 SA +21 5 123 SA +21 5 124 JA +21 5 125 PU +21 5 126 PU +21 5 127 A +21 5 128 JA +21 5 129 PA +21 5 130 A +21 5 131 PU +21 5 132 PU +21 5 133 SA +21 5 134 A +21 5 135 PU +21 5 136 SA +21 5 137 SA +21 5 138 SA +21 5 139 PA +21 5 140 SA +21 5 141 PA +21 5 142 SA +21 5 143 SA +21 5 144 SA +21 5 145 SA +21 5 146 JA +21 5 147 SA +21 5 148 PU +21 5 149 SA +21 5 150 SA +21 5 151 PU +21 5 152 SA +21 5 153 SA +21 5 154 SE +21 5 155 A +21 5 156 SA +21 5 157 A +21 5 158 PJ +21 5 159 JA +21 5 160 PU +21 5 161 SA +21 5 162 PU +21 5 163 SA +21 5 164 SA +21 5 165 PA +21 5 166 SA +21 5 167 SA +21 5 168 SA +21 5 169 SA +21 5 170 SE +21 5 171 SA +21 5 172 PJ +21 5 173 PU +21 5 174 JA +21 5 175 SA +21 5 176 PU +21 5 177 JA +21 5 178 SA +21 5 179 PU +21 5 180 SA +21 5 181 JA +21 5 182 PU +21 5 183 PA +21 5 184 PU +21 5 185 JA +21 5 186 SA +21 5 187 JA +21 5 188 SA +21 5 189 SA +21 5 190 PU +21 5 191 SA +21 5 192 SA +21 5 193 JA +21 5 194 A +21 5 195 SA +21 5 196 SA +21 5 197 PU +21 5 198 SE +21 5 199 PA +21 5 200 SA +21 5 201 PU +21 5 202 SA +21 5 203 PU +21 5 204 SE +21 5 205 SA +21 5 206 PA +21 5 207 PU +21 5 208 JA +21 5 209 SA +21 5 210 A +21 5 211 SA +21 5 212 JA +21 5 213 SA +21 5 214 JA +21 5 215 PU +21 5 216 SE +21 5 217 PU +21 5 218 SA +21 5 219 PA +21 5 220 SA +21 5 221 PA +21 5 222 SA +21 5 223 SA +21 5 224 PA +21 5 225 JA +21 5 226 SA +21 5 227 SE +21 5 228 SA +21 5 229 SA +21 5 230 PA +21 5 231 SA +21 5 232 A +21 5 233 SA +21 5 234 SA +21 5 235 SA +21 5 236 JA +21 5 237 PU +21 5 238 SA +21 5 239 PU +21 5 240 PU +21 5 241 PA +21 5 242 JA +21 5 243 PU +21 5 244 PA +21 5 245 PU +21 5 246 SA +21 5 247 SA +21 5 248 A +21 5 249 SA +21 5 250 SA +21 5 251 SA +21 5 252 PA +21 5 253 SA +21 5 254 SA +21 5 255 SE +21 5 256 PU +21 5 257 SA +21 5 258 JA +21 5 259 PU +21 5 260 PU +21 5 261 PA +21 5 262 PA +21 5 263 SE +21 5 264 SA +21 5 265 SA +21 5 266 PU +21 5 267 SA +21 5 268 SA +21 5 269 PU +21 5 270 PU +21 5 271 SA +21 5 272 PA +21 5 273 PU +21 5 274 PA +21 5 275 SA +21 5 276 PU +21 5 277 SA +21 5 278 PU +21 5 279 SA +21 5 280 SA +21 5 281 SA +21 5 282 SA +21 5 283 A +21 5 284 PA +21 5 285 PU +21 5 286 PA +21 5 287 A +21 5 288 PU +21 5 289 SA +21 5 290 PA +21 5 291 SA +21 5 292 PU +21 5 293 PA +21 5 294 PA +21 5 295 A +21 5 296 SA +21 5 297 JA +21 5 298 PU +21 5 299 SA +21 5 300 PA +21 5 301 SA +21 5 302 PA +21 5 303 SA +21 5 304 SA +21 5 305 A +21 5 306 SA +21 5 307 SA +21 5 308 SA +21 5 309 SE +21 5 310 SA +21 5 311 SA +21 5 312 SE +21 5 313 SA +21 5 314 PA +21 5 315 SA +21 5 316 SA +21 5 317 PU +21 5 318 PU +21 5 319 PJ +21 5 320 SA +21 5 321 PU +21 5 322 SA +21 5 323 SA +21 5 324 PA +21 5 325 PU +21 5 326 JA +21 5 327 PA +21 5 328 SA +21 5 329 PA +21 5 330 PA +21 6 1 SA +21 6 2 SA +21 6 3 JA +21 6 4 SA +21 6 5 SA +21 6 6 JA +21 6 7 JA +21 6 8 JA +21 6 9 SE +21 6 10 SE +21 6 11 SE +21 6 12 JA +21 6 13 SA +21 6 14 SE +21 6 15 PU +21 6 16 PJ +21 6 17 JA +21 6 18 SE +21 6 19 SA +21 6 20 SA +21 6 21 PU +21 6 22 JA +21 6 23 SA +21 6 24 SE +21 6 25 SA +21 6 26 SA +21 6 27 JA +21 6 28 PU +21 6 29 SA +21 6 30 JA +21 6 31 SA +21 6 32 JA +21 6 33 SA +21 6 34 SA +21 6 35 PU +21 6 36 SE +21 6 37 SA +21 6 38 PU +21 6 39 SA +21 6 40 SA +21 6 41 PU +21 6 42 JA +21 6 43 SE +21 6 44 JA +21 6 45 SA +21 6 46 SE +21 6 47 SE +21 6 48 JA +21 6 49 SA +21 6 50 SA +21 6 51 SE +21 6 52 PJ +21 6 53 SA +21 6 54 SA +21 6 55 SA +21 6 56 JA +21 6 57 SE +21 6 58 JA +21 6 59 JA +21 6 60 SE +21 6 61 PU +21 6 62 SA +21 6 63 JA +21 6 64 SA +21 6 65 PU +21 6 66 PJ +21 6 67 SA +21 6 68 PU +21 6 69 SE +21 6 70 PJ +21 6 71 SE +21 6 72 SA +21 6 73 SA +21 6 74 PJ +21 6 75 SA +21 6 76 JA +21 6 77 SA +21 6 78 PU +21 6 79 SE +21 6 80 SA +21 6 81 JA +21 6 82 SA +21 6 83 JA +21 6 84 JA +21 6 85 SA +21 6 86 JA +21 6 87 SE +21 6 88 SA +21 6 89 SE +21 6 90 SE +21 6 91 JA +21 6 92 JA +21 6 93 SA +21 6 94 SE +21 6 95 PJ +21 6 96 JA +21 6 97 SA +21 6 98 PU +21 6 99 SA +21 6 100 SA +21 6 101 PU +21 6 102 SA +21 6 103 JA +21 6 104 SA +21 6 105 SA +21 6 106 JA +21 6 107 PJ +21 6 108 SA +21 6 109 SA +21 6 110 JA +21 6 111 SE +21 6 112 PU +21 6 113 SE +21 6 114 SE +21 6 115 JA +21 6 116 SA +21 6 117 SE +21 6 118 PU +21 6 119 SA +21 6 120 PJ +21 6 121 JA +21 6 122 SA +21 6 123 SA +21 6 124 JA +21 6 125 PU +21 6 126 PU +21 6 127 SE +21 6 128 JA +21 6 129 PJ +21 6 130 SE +21 6 131 SA +21 6 132 PU +21 6 133 SA +21 6 134 SE +21 6 135 SA +21 6 136 SA +21 6 137 SA +21 6 138 SA +21 6 139 SA +21 6 140 SA +21 6 141 PJ +21 6 142 SE +21 6 143 JA +21 6 144 SA +21 6 145 SA +21 6 146 JA +21 6 147 SA +21 6 148 PU +21 6 149 SA +21 6 150 SA +21 6 151 JA +21 6 152 SA +21 6 153 SA +21 6 154 SE +21 6 155 SE +21 6 156 SA +21 6 157 SE +21 6 158 PJ +21 6 159 JA +21 6 160 JA +21 6 161 SA +21 6 162 PU +21 6 163 SA +21 6 164 SA +21 6 165 SE +21 6 166 SA +21 6 167 SA +21 6 168 SA +21 6 169 SA +21 6 170 SE +21 6 171 SA +21 6 172 PJ +21 6 173 JA +21 6 174 JA +21 6 175 SA +21 6 176 PU +21 6 177 JA +21 6 178 SA +21 6 179 SE +21 6 180 SA +21 6 181 JA +21 6 182 SA +21 6 183 SE +21 6 184 SA +21 6 185 PU +21 6 186 SA +21 6 187 JA +21 6 188 SA +21 6 189 PJ +21 6 190 JA +21 6 191 SA +21 6 192 SA +21 6 193 JA +21 6 194 SE +21 6 195 SA +21 6 196 SA +21 6 197 SA +21 6 198 SE +21 6 199 PJ +21 6 200 SA +21 6 201 PU +21 6 202 SA +21 6 203 PU +21 6 204 SE +21 6 205 SA +21 6 206 JA +21 6 207 SA +21 6 208 JA +21 6 209 SA +21 6 210 SE +21 6 211 PJ +21 6 212 JA +21 6 213 SA +21 6 214 JA +21 6 215 SA +21 6 216 SE +21 6 217 JA +21 6 218 SA +21 6 219 PJ +21 6 220 SA +21 6 221 PJ +21 6 222 SA +21 6 223 SA +21 6 224 SA +21 6 225 SE +21 6 226 SA +21 6 227 SE +21 6 228 SE +21 6 229 JA +21 6 230 JA +21 6 231 SA +21 6 232 SE +21 6 233 SA +21 6 234 SA +21 6 235 SA +21 6 236 JA +21 6 237 JA +21 6 238 SA +21 6 239 PU +21 6 240 JA +21 6 241 PJ +21 6 242 JA +21 6 243 SA +21 6 244 PJ +21 6 245 JA +21 6 246 SA +21 6 247 SA +21 6 248 SE +21 6 249 SA +21 6 250 SE +21 6 251 JA +21 6 252 PJ +21 6 253 SA +21 6 254 SA +21 6 255 SE +21 6 256 JA +21 6 257 SA +21 6 258 JA +21 6 259 SE +21 6 260 JA +21 6 261 JA +21 6 262 PJ +21 6 263 SE +21 6 264 SA +21 6 265 SA +21 6 266 JA +21 6 267 SA +21 6 268 SA +21 6 269 SA +21 6 270 JA +21 6 271 SA +21 6 272 PJ +21 6 273 SA +21 6 274 PJ +21 6 275 JA +21 6 276 SA +21 6 277 SA +21 6 278 JA +21 6 279 JA +21 6 280 SA +21 6 281 SA +21 6 282 SA +21 6 283 SE +21 6 284 PJ +21 6 285 JA +21 6 286 PJ +21 6 287 JA +21 6 288 PU +21 6 289 SA +21 6 290 JA +21 6 291 SA +21 6 292 PU +21 6 293 PJ +21 6 294 PJ +21 6 295 SE +21 6 296 SA +21 6 297 JA +21 6 298 PU +21 6 299 SA +21 6 300 PJ +21 6 301 SA +21 6 302 SA +21 6 303 SA +21 6 304 JA +21 6 305 SA +21 6 306 SA +21 6 307 SA +21 6 308 PU +21 6 309 SE +21 6 310 SA +21 6 311 SA +21 6 312 SE +21 6 313 SA +21 6 314 PJ +21 6 315 SA +21 6 316 SA +21 6 317 PU +21 6 318 PU +21 6 319 PJ +21 6 320 SE +21 6 321 PU +21 6 322 SA +21 6 323 SA +21 6 324 PJ +21 6 325 SA +21 6 326 JA +21 6 327 PJ +21 6 328 SE +21 6 329 PU +21 6 330 PJ +21 7 1 JA +21 7 2 PA +21 7 3 PU +21 7 4 SE +21 7 5 SA +21 7 6 JA +21 7 7 SA +21 7 8 PU +21 7 9 JA +21 7 10 SA +21 7 11 SA +21 7 12 JA +21 7 13 SA +21 7 14 PA +21 7 15 JA +21 7 16 PJ +21 7 17 PU +21 7 18 SE +21 7 19 SA +21 7 20 JA +21 7 21 PU +21 7 22 PA +21 7 23 JA +21 7 24 JA +21 7 25 SA +21 7 26 JA +21 7 27 PA +21 7 28 PU +21 7 29 SA +21 7 30 JA +21 7 31 PA +21 7 32 PU +21 7 33 SA +21 7 34 JA +21 7 35 PA +21 7 36 SA +21 7 37 PA +21 7 38 PU +21 7 39 SA +21 7 40 JA +21 7 41 PU +21 7 42 JA +21 7 43 PA +21 7 44 PJ +21 7 45 SA +21 7 46 PA +21 7 47 SA +21 7 48 PA +21 7 49 JA +21 7 50 SE +21 7 51 PA +21 7 52 PJ +21 7 53 PU +21 7 54 SA +21 7 55 JA +21 7 56 PA +21 7 57 SA +21 7 58 PA +21 7 59 PJ +21 7 60 SA +21 7 61 PU +21 7 62 PA +21 7 63 JA +21 7 64 SA +21 7 65 PU +21 7 66 PJ +21 7 67 JA +21 7 68 PA +21 7 69 SA +21 7 70 PJ +21 7 71 PU +21 7 72 SA +21 7 73 JA +21 7 74 PJ +21 7 75 SA +21 7 76 JA +21 7 77 SA +21 7 78 PJ +21 7 79 SE +21 7 80 SA +21 7 81 SA +21 7 82 JA +21 7 83 PA +21 7 84 JA +21 7 85 SA +21 7 86 JA +21 7 87 SE +21 7 88 PU +21 7 89 SE +21 7 90 SA +21 7 91 JA +21 7 92 PJ +21 7 93 SA +21 7 94 SE +21 7 95 PA +21 7 96 JA +21 7 97 SA +21 7 98 PU +21 7 99 PA +21 7 100 PA +21 7 101 PU +21 7 102 PJ +21 7 103 JA +21 7 104 SA +21 7 105 PU +21 7 106 PJ +21 7 107 PJ +21 7 108 PA +21 7 109 SA +21 7 110 JA +21 7 111 SA +21 7 112 PU +21 7 113 SE +21 7 114 SA +21 7 115 PU +21 7 116 PA +21 7 117 SE +21 7 118 PA +21 7 119 SA +21 7 120 PJ +21 7 121 JA +21 7 122 SA +21 7 123 SA +21 7 124 PA +21 7 125 SA +21 7 126 PA +21 7 127 SA +21 7 128 JA +21 7 129 PJ +21 7 130 SE +21 7 131 JA +21 7 132 PU +21 7 133 SA +21 7 134 SE +21 7 135 JA +21 7 136 PA +21 7 137 SA +21 7 138 PA +21 7 139 PJ +21 7 140 JA +21 7 141 PJ +21 7 142 PA +21 7 143 SA +21 7 144 JA +21 7 145 SA +21 7 146 JA +21 7 147 SA +21 7 148 PU +21 7 149 PA +21 7 150 SA +21 7 151 PA +21 7 152 JA +21 7 153 SA +21 7 154 SE +21 7 155 JA +21 7 156 SA +21 7 157 PA +21 7 158 PJ +21 7 159 JA +21 7 160 PA +21 7 161 SA +21 7 162 PU +21 7 163 SA +21 7 164 JA +21 7 165 SA +21 7 166 SE +21 7 167 PA +21 7 168 SA +21 7 169 JA +21 7 170 SA +21 7 171 JA +21 7 172 PJ +21 7 173 JA +21 7 174 JA +21 7 175 PA +21 7 176 JA +21 7 177 PA +21 7 178 SA +21 7 179 PU +21 7 180 JA +21 7 181 SA +21 7 182 PU +21 7 183 PA +21 7 184 JA +21 7 185 PA +21 7 186 JA +21 7 187 PA +21 7 188 SA +21 7 189 PJ +21 7 190 PA +21 7 191 SA +21 7 192 JA +21 7 193 JA +21 7 194 PU +21 7 195 SA +21 7 196 PA +21 7 197 PA +21 7 198 SE +21 7 199 PA +21 7 200 JA +21 7 201 PA +21 7 202 SA +21 7 203 PU +21 7 204 SE +21 7 205 JA +21 7 206 PJ +21 7 207 JA +21 7 208 PA +21 7 209 SA +21 7 210 SE +21 7 211 SA +21 7 212 JA +21 7 213 PA +21 7 214 JA +21 7 215 PA +21 7 216 SE +21 7 217 PA +21 7 218 JA +21 7 219 PJ +21 7 220 JA +21 7 221 PA +21 7 222 SA +21 7 223 SA +21 7 224 PJ +21 7 225 SA +21 7 226 JA +21 7 227 SE +21 7 228 JA +21 7 229 PA +21 7 230 PJ +21 7 231 JA +21 7 232 SE +21 7 233 PA +21 7 234 SA +21 7 235 JA +21 7 236 SA +21 7 237 PJ +21 7 238 SA +21 7 239 JA +21 7 240 SE +21 7 241 PJ +21 7 242 JA +21 7 243 SE +21 7 244 JA +21 7 245 PU +21 7 246 JA +21 7 247 PA +21 7 248 SE +21 7 249 SA +21 7 250 JA +21 7 251 PA +21 7 252 PJ +21 7 253 JA +21 7 254 JA +21 7 255 SE +21 7 256 PU +21 7 257 SE +21 7 258 JA +21 7 259 PU +21 7 260 JA +21 7 261 PJ +21 7 262 PA +21 7 263 PJ +21 7 264 JA +21 7 265 SA +21 7 266 JA +21 7 267 SA +21 7 268 PA +21 7 269 PU +21 7 270 JA +21 7 271 SE +21 7 272 PJ +21 7 273 JA +21 7 274 PA +21 7 275 JA +21 7 276 PU +21 7 277 SA +21 7 278 JA +21 7 279 SA +21 7 280 PA +21 7 281 SA +21 7 282 PA +21 7 283 SE +21 7 284 PJ +21 7 285 JA +21 7 286 PJ +21 7 287 PA +21 7 288 PU +21 7 289 JA +21 7 290 PA +21 7 291 JA +21 7 292 PA +21 7 293 PJ +21 7 294 JA +21 7 295 SE +21 7 296 JA +21 7 297 JA +21 7 298 PU +21 7 299 SA +21 7 300 PJ +21 7 301 SA +21 7 302 JA +21 7 303 PA +21 7 304 SA +21 7 305 JA +21 7 306 JA +21 7 307 SA +21 7 308 PA +21 7 309 SE +21 7 310 SA +21 7 311 JA +21 7 312 SE +21 7 313 JA +21 7 314 PJ +21 7 315 JA +21 7 316 SA +21 7 317 SA +21 7 318 PA +21 7 319 PJ +21 7 320 SA +21 7 321 PU +21 7 322 PA +21 7 323 SA +21 7 324 PJ +21 7 325 SA +21 7 326 JA +21 7 327 PA +21 7 328 SA +21 7 329 SE +21 7 330 PA +21 8 1 SA +21 8 2 SA +21 8 3 PU +21 8 4 SA +21 8 5 SA +21 8 6 JA +21 8 7 SA +21 8 8 PU +21 8 9 JA +21 8 10 SA +21 8 11 SA +21 8 12 JA +21 8 13 SA +21 8 14 SA +21 8 15 PA +21 8 16 PJ +21 8 17 PU +21 8 18 SE +21 8 19 SA +21 8 20 SA +21 8 21 PU +21 8 22 JA +21 8 23 SA +21 8 24 PA +21 8 25 SA +21 8 26 SA +21 8 27 PJ +21 8 28 PU +21 8 29 SA +21 8 30 JA +21 8 31 SA +21 8 32 SA +21 8 33 SA +21 8 34 SA +21 8 35 PU +21 8 36 SA +21 8 37 SA +21 8 38 PU +21 8 39 SA +21 8 40 SA +21 8 41 PU +21 8 42 JA +21 8 43 SA +21 8 44 PJ +21 8 45 SA +21 8 46 PA +21 8 47 SA +21 8 48 JA +21 8 49 SA +21 8 50 SA +21 8 51 PA +21 8 52 PA +21 8 53 PU +21 8 54 SA +21 8 55 SA +21 8 56 JA +21 8 57 SA +21 8 58 JA +21 8 59 PJ +21 8 60 SA +21 8 61 PU +21 8 62 SA +21 8 63 PU +21 8 64 SA +21 8 65 PU +21 8 66 PJ +21 8 67 SA +21 8 68 PU +21 8 69 PA +21 8 70 PJ +21 8 71 PU +21 8 72 SA +21 8 73 SA +21 8 74 SA +21 8 75 SA +21 8 76 JA +21 8 77 SA +21 8 78 PA +21 8 79 PA +21 8 80 SA +21 8 81 SA +21 8 82 SA +21 8 83 JA +21 8 84 PU +21 8 85 SA +21 8 86 PU +21 8 87 A +21 8 88 PU +21 8 89 SE +21 8 90 SA +21 8 91 JA +21 8 92 PJ +21 8 93 SA +21 8 94 PA +21 8 95 PA +21 8 96 JA +21 8 97 SA +21 8 98 PU +21 8 99 PA +21 8 100 SA +21 8 101 PU +21 8 102 PA +21 8 103 SA +21 8 104 SA +21 8 105 PU +21 8 106 JA +21 8 107 PA +21 8 108 SA +21 8 109 SA +21 8 110 JA +21 8 111 SA +21 8 112 PU +21 8 113 PA +21 8 114 SA +21 8 115 PU +21 8 116 SA +21 8 117 A +21 8 118 PU +21 8 119 SA +21 8 120 PJ +21 8 121 JA +21 8 122 SA +21 8 123 SA +21 8 124 JA +21 8 125 PU +21 8 126 PU +21 8 127 SA +21 8 128 JA +21 8 129 PJ +21 8 130 PA +21 8 131 SA +21 8 132 PU +21 8 133 SA +21 8 134 A +21 8 135 PU +21 8 136 SA +21 8 137 SA +21 8 138 SA +21 8 139 PJ +21 8 140 SA +21 8 141 PJ +21 8 142 PA +21 8 143 SA +21 8 144 SA +21 8 145 SA +21 8 146 JA +21 8 147 SA +21 8 148 PU +21 8 149 SA +21 8 150 SA +21 8 151 PU +21 8 152 PU +21 8 153 SA +21 8 154 PA +21 8 155 A +21 8 156 SA +21 8 157 PA +21 8 158 PJ +21 8 159 JA +21 8 160 PU +21 8 161 SA +21 8 162 PU +21 8 163 SA +21 8 164 SA +21 8 165 PA +21 8 166 SA +21 8 167 PA +21 8 168 SA +21 8 169 SA +21 8 170 SA +21 8 171 SA +21 8 172 PJ +21 8 173 PU +21 8 174 JA +21 8 175 SA +21 8 176 PU +21 8 177 JA +21 8 178 SA +21 8 179 PA +21 8 180 SA +21 8 181 JA +21 8 182 PA +21 8 183 A +21 8 184 SA +21 8 185 JA +21 8 186 SA +21 8 187 JA +21 8 188 SA +21 8 189 PA +21 8 190 PU +21 8 191 SA +21 8 192 SA +21 8 193 JA +21 8 194 PA +21 8 195 SA +21 8 196 SA +21 8 197 PA +21 8 198 A +21 8 199 SA +21 8 200 SA +21 8 201 JA +21 8 202 SA +21 8 203 PU +21 8 204 PA +21 8 205 SA +21 8 206 PJ +21 8 207 PU +21 8 208 JA +21 8 209 SA +21 8 210 A +21 8 211 SA +21 8 212 JA +21 8 213 PA +21 8 214 JA +21 8 215 PU +21 8 216 PA +21 8 217 PU +21 8 218 SA +21 8 219 PA +21 8 220 SA +21 8 221 PA +21 8 222 SA +21 8 223 SA +21 8 224 PJ +21 8 225 PA +21 8 226 SA +21 8 227 A +21 8 228 SA +21 8 229 SA +21 8 230 PJ +21 8 231 PU +21 8 232 PA +21 8 233 SA +21 8 234 SA +21 8 235 SA +21 8 236 SA +21 8 237 PU +21 8 238 SA +21 8 239 PU +21 8 240 PA +21 8 241 PJ +21 8 242 JA +21 8 243 PU +21 8 244 PA +21 8 245 PU +21 8 246 SA +21 8 247 SA +21 8 248 SA +21 8 249 SA +21 8 250 SA +21 8 251 SA +21 8 252 PJ +21 8 253 SA +21 8 254 SA +21 8 255 A +21 8 256 PU +21 8 257 SA +21 8 258 JA +21 8 259 PU +21 8 260 JA +21 8 261 JA +21 8 262 PJ +21 8 263 PA +21 8 264 SA +21 8 265 SA +21 8 266 PU +21 8 267 SA +21 8 268 SA +21 8 269 PU +21 8 270 JA +21 8 271 SA +21 8 272 PJ +21 8 273 PU +21 8 274 PJ +21 8 275 JA +21 8 276 PU +21 8 277 SA +21 8 278 PU +21 8 279 SA +21 8 280 SA +21 8 281 SA +21 8 282 SA +21 8 283 A +21 8 284 PJ +21 8 285 PU +21 8 286 PJ +21 8 287 JA +21 8 288 PU +21 8 289 SA +21 8 290 PJ +21 8 291 SA +21 8 292 PU +21 8 293 PA +21 8 294 PA +21 8 295 A +21 8 296 SA +21 8 297 JA +21 8 298 PU +21 8 299 SA +21 8 300 PA +21 8 301 SA +21 8 302 PJ +21 8 303 SA +21 8 304 SA +21 8 305 SA +21 8 306 SA +21 8 307 SA +21 8 308 SA +21 8 309 PA +21 8 310 SA +21 8 311 SA +21 8 312 A +21 8 313 SA +21 8 314 PJ +21 8 315 SA +21 8 316 SA +21 8 317 SA +21 8 318 SA +21 8 319 PJ +21 8 320 SA +21 8 321 PU +21 8 322 SA +21 8 323 SA +21 8 324 PJ +21 8 325 SA +21 8 326 JA +21 8 327 PA +21 8 328 SA +21 8 329 PA +21 8 330 PA +21 9 1 SA +21 9 2 SA +21 9 3 PU +21 9 4 SA +21 9 5 SA +21 9 6 PU +21 9 7 SA +21 9 8 PU +21 9 9 A +21 9 10 SA +21 9 11 A +21 9 12 JA +21 9 13 SA +21 9 14 A +21 9 15 PU +21 9 16 PJ +21 9 17 PU +21 9 18 A +21 9 19 SA +21 9 20 SA +21 9 21 PU +21 9 22 JA +21 9 23 A +21 9 24 A +21 9 25 SA +21 9 26 SA +21 9 27 JA +21 9 28 PU +21 9 29 SA +21 9 30 JA +21 9 31 SA +21 9 32 PU +21 9 33 SA +21 9 34 SA +21 9 35 PU +21 9 36 SA +21 9 37 SA +21 9 38 PU +21 9 39 SA +21 9 40 SA +21 9 41 PU +21 9 42 JA +21 9 43 A +21 9 44 PJ +21 9 45 SA +21 9 46 A +21 9 47 A +21 9 48 JA +21 9 49 SA +21 9 50 A +21 9 51 A +21 9 52 PJ +21 9 53 PU +21 9 54 SA +21 9 55 SA +21 9 56 PU +21 9 57 SA +21 9 58 JA +21 9 59 PJ +21 9 60 A +21 9 61 PU +21 9 62 SA +21 9 63 PU +21 9 64 SA +21 9 65 PU +21 9 66 PJ +21 9 67 SA +21 9 68 PU +21 9 69 SA +21 9 70 PJ +21 9 71 PU +21 9 72 SA +21 9 73 PU +21 9 74 SA +21 9 75 A +21 9 76 JA +21 9 77 SA +21 9 78 PU +21 9 79 A +21 9 80 SA +21 9 81 SA +21 9 82 SA +21 9 83 PJ +21 9 84 PU +21 9 85 SA +21 9 86 PU +21 9 87 A +21 9 88 SA +21 9 89 A +21 9 90 SA +21 9 91 JA +21 9 92 PJ +21 9 93 SA +21 9 94 A +21 9 95 PJ +21 9 96 JA +21 9 97 SA +21 9 98 PU +21 9 99 SA +21 9 100 SA +21 9 101 PU +21 9 102 PJ +21 9 103 SA +21 9 104 SA +21 9 105 SA +21 9 106 JA +21 9 107 PJ +21 9 108 SA +21 9 109 SA +21 9 110 JA +21 9 111 SA +21 9 112 PU +21 9 113 A +21 9 114 SA +21 9 115 PU +21 9 116 SA +21 9 117 A +21 9 118 PU +21 9 119 SA +21 9 120 PJ +21 9 121 PU +21 9 122 SA +21 9 123 SA +21 9 124 JA +21 9 125 JA +21 9 126 PU +21 9 127 JA +21 9 128 JA +21 9 129 PJ +21 9 130 SA +21 9 131 SA +21 9 132 SA +21 9 133 PU +21 9 134 A +21 9 135 SA +21 9 136 SA +21 9 137 SA +21 9 138 SA +21 9 139 PJ +21 9 140 SA +21 9 141 PJ +21 9 142 PJ +21 9 143 SA +21 9 144 SA +21 9 145 SA +21 9 146 JA +21 9 147 SA +21 9 148 PU +21 9 149 SA +21 9 150 SA +21 9 151 PU +21 9 152 PU +21 9 153 SA +21 9 154 A +21 9 155 A +21 9 156 SA +21 9 157 A +21 9 158 PJ +21 9 159 JA +21 9 160 PU +21 9 161 SA +21 9 162 PU +21 9 163 SA +21 9 164 SA +21 9 165 SA +21 9 166 SA +21 9 167 SA +21 9 168 SA +21 9 169 SA +21 9 170 A +21 9 171 SA +21 9 172 PJ +21 9 173 PU +21 9 174 JA +21 9 175 SA +21 9 176 PU +21 9 177 JA +21 9 178 SA +21 9 179 PU +21 9 180 SA +21 9 181 JA +21 9 182 PU +21 9 183 SE +21 9 184 SA +21 9 185 JA +21 9 186 SA +21 9 187 JA +21 9 188 SA +21 9 189 PJ +21 9 190 PU +21 9 191 SA +21 9 192 SA +21 9 193 JA +21 9 194 PU +21 9 195 SA +21 9 196 SA +21 9 197 PU +21 9 198 A +21 9 199 PJ +21 9 200 SA +21 9 201 PU +21 9 202 SA +21 9 203 PU +21 9 204 A +21 9 205 SA +21 9 206 PJ +21 9 207 PU +21 9 208 SA +21 9 209 SA +21 9 210 PU +21 9 211 SA +21 9 212 JA +21 9 213 PJ +21 9 214 JA +21 9 215 PU +21 9 216 SA +21 9 217 PU +21 9 218 SA +21 9 219 PJ +21 9 220 SA +21 9 221 PJ +21 9 222 SA +21 9 223 SA +21 9 224 PJ +21 9 225 SA +21 9 226 SA +21 9 227 SE +21 9 228 SA +21 9 229 SA +21 9 230 PJ +21 9 231 SA +21 9 232 SA +21 9 233 PJ +21 9 234 SA +21 9 235 SA +21 9 236 SA +21 9 237 PU +21 9 238 SA +21 9 239 PU +21 9 240 PU +21 9 241 PJ +21 9 242 JA +21 9 243 PU +21 9 244 PJ +21 9 245 PU +21 9 246 SA +21 9 247 SA +21 9 248 SA +21 9 249 SA +21 9 250 SA +21 9 251 SA +21 9 252 PJ +21 9 253 SA +21 9 254 SA +21 9 255 SE +21 9 256 PU +21 9 257 SA +21 9 258 JA +21 9 259 PU +21 9 260 JA +21 9 261 SA +21 9 262 PJ +21 9 263 PJ +21 9 264 PJ +21 9 265 SA +21 9 266 PU +21 9 267 PU +21 9 268 SA +21 9 269 PU +21 9 270 JA +21 9 271 SA +21 9 272 PJ +21 9 273 SA +21 9 274 PJ +21 9 275 SA +21 9 276 PU +21 9 277 SA +21 9 278 PU +21 9 279 SA +21 9 280 SA +21 9 281 SA +21 9 282 SA +21 9 283 PU +21 9 284 PJ +21 9 285 PU +21 9 286 PJ +21 9 287 JA +21 9 288 PU +21 9 289 SA +21 9 290 PJ +21 9 291 SA +21 9 292 PU +21 9 293 PJ +21 9 294 PJ +21 9 295 SA +21 9 296 SA +21 9 297 JA +21 9 298 PU +21 9 299 SA +21 9 300 PJ +21 9 301 SA +21 9 302 PJ +21 9 303 SA +21 9 304 SA +21 9 305 PU +21 9 306 SA +21 9 307 SA +21 9 308 SA +21 9 309 SE +21 9 310 SA +21 9 311 SA +21 9 312 SE +21 9 313 SA +21 9 314 PJ +21 9 315 SA +21 9 316 SA +21 9 317 SA +21 9 318 JA +21 9 319 PJ +21 9 320 SA +21 9 321 PU +21 9 322 SA +21 9 323 SA +21 9 324 PJ +21 9 325 PU +21 9 326 JA +21 9 327 PJ +21 9 328 SA +21 9 329 A +21 9 330 PJ +21 10 1 SA +21 10 2 SA +21 10 3 PU +21 10 4 PU +21 10 5 SA +21 10 6 JA +21 10 7 SA +21 10 8 PU +21 10 9 PU +21 10 10 SA +21 10 11 SA +21 10 12 JA +21 10 13 SA +21 10 14 SA +21 10 15 PU +21 10 16 PJ +21 10 17 PU +21 10 18 SE +21 10 19 SA +21 10 20 SA +21 10 21 PU +21 10 22 JA +21 10 23 SA +21 10 24 SE +21 10 25 SA +21 10 26 SA +21 10 27 PA +21 10 28 PU +21 10 29 SA +21 10 30 PU +21 10 31 SA +21 10 32 PU +21 10 33 SA +21 10 34 SA +21 10 35 PU +21 10 36 SA +21 10 37 SA +21 10 38 PU +21 10 39 SA +21 10 40 SA +21 10 41 PU +21 10 42 JA +21 10 43 SA +21 10 44 PJ +21 10 45 SA +21 10 46 PA +21 10 47 SA +21 10 48 JA +21 10 49 SA +21 10 50 PU +21 10 51 PU +21 10 52 PJ +21 10 53 PU +21 10 54 SA +21 10 55 SA +21 10 56 PU +21 10 57 SA +21 10 58 JA +21 10 59 PA +21 10 60 SA +21 10 61 PU +21 10 62 SA +21 10 63 PU +21 10 64 SA +21 10 65 PU +21 10 66 PA +21 10 67 SA +21 10 68 PU +21 10 69 SA +21 10 70 PA +21 10 71 PU +21 10 72 SA +21 10 73 SA +21 10 74 SA +21 10 75 SA +21 10 76 JA +21 10 77 SA +21 10 78 PU +21 10 79 PA +21 10 80 SA +21 10 81 SA +21 10 82 SA +21 10 83 JA +21 10 84 PU +21 10 85 SA +21 10 86 PU +21 10 87 SE +21 10 88 PU +21 10 89 SE +21 10 90 SE +21 10 91 JA +21 10 92 PA +21 10 93 SA +21 10 94 PA +21 10 95 SA +21 10 96 JA +21 10 97 SA +21 10 98 PU +21 10 99 SA +21 10 100 SA +21 10 101 PU +21 10 102 SA +21 10 103 JA +21 10 104 SA +21 10 105 SA +21 10 106 JA +21 10 107 PA +21 10 108 SA +21 10 109 SA +21 10 110 JA +21 10 111 SA +21 10 112 PU +21 10 113 SE +21 10 114 SA +21 10 115 PU +21 10 116 SA +21 10 117 A +21 10 118 PU +21 10 119 SA +21 10 120 PJ +21 10 121 PU +21 10 122 SA +21 10 123 SA +21 10 124 JA +21 10 125 JA +21 10 126 PU +21 10 127 SA +21 10 128 JA +21 10 129 PA +21 10 130 SA +21 10 131 SA +21 10 132 PU +21 10 133 SA +21 10 134 A +21 10 135 SA +21 10 136 SA +21 10 137 SA +21 10 138 SA +21 10 139 PA +21 10 140 SA +21 10 141 PJ +21 10 142 PA +21 10 143 SA +21 10 144 SA +21 10 145 SA +21 10 146 JA +21 10 147 SA +21 10 148 PU +21 10 149 SA +21 10 150 SA +21 10 151 PU +21 10 152 SA +21 10 153 SA +21 10 154 A +21 10 155 A +21 10 156 SA +21 10 157 A +21 10 158 PJ +21 10 159 JA +21 10 160 PU +21 10 161 SA +21 10 162 PU +21 10 163 SA +21 10 164 SA +21 10 165 SA +21 10 166 SA +21 10 167 SA +21 10 168 SA +21 10 169 SA +21 10 170 SA +21 10 171 SA +21 10 172 PJ +21 10 173 PU +21 10 174 JA +21 10 175 SA +21 10 176 PU +21 10 177 JA +21 10 178 SA +21 10 179 PU +21 10 180 SA +21 10 181 JA +21 10 182 PU +21 10 183 JA +21 10 184 SA +21 10 185 PU +21 10 186 SA +21 10 187 JA +21 10 188 SA +21 10 189 SA +21 10 190 PU +21 10 191 SA +21 10 192 SA +21 10 193 JA +21 10 194 A +21 10 195 SA +21 10 196 SA +21 10 197 SA +21 10 198 SE +21 10 199 SA +21 10 200 SA +21 10 201 PU +21 10 202 SA +21 10 203 PU +21 10 204 A +21 10 205 SA +21 10 206 JA +21 10 207 PU +21 10 208 JA +21 10 209 SA +21 10 210 A +21 10 211 SA +21 10 212 JA +21 10 213 SA +21 10 214 JA +21 10 215 SA +21 10 216 PA +21 10 217 PU +21 10 218 JA +21 10 219 PA +21 10 220 SA +21 10 221 PA +21 10 222 SA +21 10 223 SA +21 10 224 PA +21 10 225 JA +21 10 226 SA +21 10 227 SE +21 10 228 SA +21 10 229 SA +21 10 230 PA +21 10 231 SA +21 10 232 A +21 10 233 SA +21 10 234 SA +21 10 235 SA +21 10 236 JA +21 10 237 JA +21 10 238 SA +21 10 239 PU +21 10 240 PU +21 10 241 PJ +21 10 242 JA +21 10 243 PU +21 10 244 SA +21 10 245 PU +21 10 246 SA +21 10 247 SA +21 10 248 SA +21 10 249 SA +21 10 250 SA +21 10 251 SA +21 10 252 PA +21 10 253 SA +21 10 254 SA +21 10 255 SE +21 10 256 PU +21 10 257 SA +21 10 258 JA +21 10 259 PU +21 10 260 JA +21 10 261 PJ +21 10 262 PJ +21 10 263 PA +21 10 264 SA +21 10 265 SA +21 10 266 PU +21 10 267 PU +21 10 268 SA +21 10 269 PU +21 10 270 JA +21 10 271 SA +21 10 272 PA +21 10 273 SA +21 10 274 PJ +21 10 275 JA +21 10 276 PU +21 10 277 SA +21 10 278 PU +21 10 279 SA +21 10 280 SA +21 10 281 SA +21 10 282 SA +21 10 283 A +21 10 284 PA +21 10 285 PU +21 10 286 PA +21 10 287 JA +21 10 288 PU +21 10 289 SA +21 10 290 PA +21 10 291 SA +21 10 292 PU +21 10 293 SA +21 10 294 PA +21 10 295 A +21 10 296 SA +21 10 297 JA +21 10 298 PU +21 10 299 SA +21 10 300 PA +21 10 301 SA +21 10 302 JA +21 10 303 SA +21 10 304 SA +21 10 305 SA +21 10 306 SA +21 10 307 SA +21 10 308 SA +21 10 309 A +21 10 310 SA +21 10 311 SA +21 10 312 SE +21 10 313 SA +21 10 314 PA +21 10 315 SA +21 10 316 SA +21 10 317 PU +21 10 318 JA +21 10 319 PA +21 10 320 SA +21 10 321 PU +21 10 322 SA +21 10 323 SA +21 10 324 PA +21 10 325 SA +21 10 326 JA +21 10 327 SA +21 10 328 SA +21 10 329 A +21 10 330 SA +21 11 1 SA +21 11 2 PA +21 11 3 PU +21 11 4 A +21 11 5 PA +21 11 6 PA +21 11 7 SA +21 11 8 PU +21 11 9 PA +21 11 10 SA +21 11 11 A +21 11 12 JA +21 11 13 A +21 11 14 SA +21 11 15 PA +21 11 16 PA +21 11 17 PU +21 11 18 A +21 11 19 SA +21 11 20 SA +21 11 21 PU +21 11 22 JA +21 11 23 PA +21 11 24 A +21 11 25 SA +21 11 26 SA +21 11 27 PA +21 11 28 PU +21 11 29 SA +21 11 30 JA +21 11 31 PA +21 11 32 PU +21 11 33 SA +21 11 34 SA +21 11 35 PU +21 11 36 SA +21 11 37 PA +21 11 38 PU +21 11 39 SA +21 11 40 SA +21 11 41 PU +21 11 42 JA +21 11 43 PA +21 11 44 PA +21 11 45 SA +21 11 46 PA +21 11 47 A +21 11 48 JA +21 11 49 SA +21 11 50 PA +21 11 51 A +21 11 52 PA +21 11 53 PU +21 11 54 SA +21 11 55 SA +21 11 56 JA +21 11 57 SA +21 11 58 PA +21 11 59 PA +21 11 60 SA +21 11 61 PU +21 11 62 SA +21 11 63 PU +21 11 64 SA +21 11 65 PU +21 11 66 PA +21 11 67 SA +21 11 68 PU +21 11 69 PA +21 11 70 PA +21 11 71 A +21 11 72 SA +21 11 73 SA +21 11 74 PA +21 11 75 A +21 11 76 JA +21 11 77 SA +21 11 78 PJ +21 11 79 A +21 11 80 SA +21 11 81 JA +21 11 82 SA +21 11 83 PJ +21 11 84 JA +21 11 85 SA +21 11 86 PU +21 11 87 A +21 11 88 PU +21 11 89 A +21 11 90 SA +21 11 91 JA +21 11 92 PJ +21 11 93 SA +21 11 94 A +21 11 95 PJ +21 11 96 JA +21 11 97 SA +21 11 98 PU +21 11 99 PA +21 11 100 SA +21 11 101 PU +21 11 102 PA +21 11 103 PA +21 11 104 SA +21 11 105 PA +21 11 106 JA +21 11 107 PJ +21 11 108 PJ +21 11 109 SA +21 11 110 JA +21 11 111 A +21 11 112 PU +21 11 113 A +21 11 114 SA +21 11 115 PU +21 11 116 PA +21 11 117 A +21 11 118 PU +21 11 119 SA +21 11 120 PJ +21 11 121 PU +21 11 122 SA +21 11 123 SA +21 11 124 JA +21 11 125 PU +21 11 126 PA +21 11 127 A +21 11 128 JA +21 11 129 PJ +21 11 130 A +21 11 131 PU +21 11 132 PU +21 11 133 SA +21 11 134 A +21 11 135 PU +21 11 136 SA +21 11 137 PA +21 11 138 SA +21 11 139 PJ +21 11 140 SA +21 11 141 PJ +21 11 142 PA +21 11 143 JA +21 11 144 SA +21 11 145 SA +21 11 146 JA +21 11 147 SA +21 11 148 PU +21 11 149 SA +21 11 150 PA +21 11 151 PU +21 11 152 PA +21 11 153 SA +21 11 154 A +21 11 155 A +21 11 156 SA +21 11 157 A +21 11 158 PJ +21 11 159 JA +21 11 160 PA +21 11 161 SA +21 11 162 PU +21 11 163 SA +21 11 164 SA +21 11 165 PA +21 11 166 A +21 11 167 PA +21 11 168 SA +21 11 169 SA +21 11 170 SA +21 11 171 PA +21 11 172 PJ +21 11 173 PU +21 11 174 JA +21 11 175 SA +21 11 176 PU +21 11 177 JA +21 11 178 SA +21 11 179 PA +21 11 180 SA +21 11 181 JA +21 11 182 A +21 11 183 A +21 11 184 SA +21 11 185 JA +21 11 186 SA +21 11 187 JA +21 11 188 SA +21 11 189 PJ +21 11 190 PA +21 11 191 SA +21 11 192 SA +21 11 193 JA +21 11 194 A +21 11 195 SA +21 11 196 SA +21 11 197 PA +21 11 198 A +21 11 199 PA +21 11 200 SA +21 11 201 JA +21 11 202 SA +21 11 203 PU +21 11 204 A +21 11 205 SA +21 11 206 PJ +21 11 207 PU +21 11 208 JA +21 11 209 SA +21 11 210 PA +21 11 211 SA +21 11 212 JA +21 11 213 PA +21 11 214 JA +21 11 215 PU +21 11 216 A +21 11 217 PU +21 11 218 PA +21 11 219 PJ +21 11 220 SA +21 11 221 PA +21 11 222 SA +21 11 223 SA +21 11 224 PJ +21 11 225 PA +21 11 226 SA +21 11 227 A +21 11 228 SA +21 11 229 PJ +21 11 230 PA +21 11 231 SA +21 11 232 A +21 11 233 SA +21 11 234 SA +21 11 235 SA +21 11 236 PA +21 11 237 JA +21 11 238 SA +21 11 239 PU +21 11 240 PA +21 11 241 PJ +21 11 242 JA +21 11 243 SA +21 11 244 PJ +21 11 245 PU +21 11 246 SA +21 11 247 SA +21 11 248 A +21 11 249 SA +21 11 250 A +21 11 251 SA +21 11 252 PJ +21 11 253 SA +21 11 254 SA +21 11 255 A +21 11 256 PU +21 11 257 SA +21 11 258 JA +21 11 259 PU +21 11 260 JA +21 11 261 PJ +21 11 262 PJ +21 11 263 PA +21 11 264 SA +21 11 265 SA +21 11 266 JA +21 11 267 PU +21 11 268 SA +21 11 269 PU +21 11 270 JA +21 11 271 A +21 11 272 PJ +21 11 273 SA +21 11 274 PJ +21 11 275 JA +21 11 276 PU +21 11 277 SA +21 11 278 PU +21 11 279 SA +21 11 280 PA +21 11 281 SA +21 11 282 SA +21 11 283 PA +21 11 284 PJ +21 11 285 PU +21 11 286 PJ +21 11 287 JA +21 11 288 PU +21 11 289 SA +21 11 290 PA +21 11 291 SA +21 11 292 PA +21 11 293 PJ +21 11 294 PJ +21 11 295 PA +21 11 296 SA +21 11 297 JA +21 11 298 PU +21 11 299 SA +21 11 300 PJ +21 11 301 SA +21 11 302 PJ +21 11 303 SA +21 11 304 PA +21 11 305 PU +21 11 306 SA +21 11 307 SA +21 11 308 PA +21 11 309 A +21 11 310 SA +21 11 311 SA +21 11 312 A +21 11 313 SA +21 11 314 PJ +21 11 315 SA +21 11 316 SA +21 11 317 PU +21 11 318 JA +21 11 319 PJ +21 11 320 PA +21 11 321 PU +21 11 322 SA +21 11 323 SA +21 11 324 PJ +21 11 325 SA +21 11 326 JA +21 11 327 PJ +21 11 328 SA +21 11 329 PA +21 11 330 PJ +21 12 1 SA +21 12 2 PA +21 12 3 PU +21 12 4 SE +21 12 5 JA +21 12 6 JA +21 12 7 SA +21 12 8 SE +21 12 9 PA +21 12 10 SA +21 12 11 SA +21 12 12 JA +21 12 13 SA +21 12 14 SE +21 12 15 JA +21 12 16 PJ +21 12 17 PU +21 12 18 SE +21 12 19 SA +21 12 20 JA +21 12 21 JA +21 12 22 JA +21 12 23 SA +21 12 24 SE +21 12 25 SA +21 12 26 SA +21 12 27 PJ +21 12 28 PU +21 12 29 SA +21 12 30 JA +21 12 31 SA +21 12 32 PU +21 12 33 SA +21 12 34 SA +21 12 35 JA +21 12 36 SA +21 12 37 SA +21 12 38 PU +21 12 39 SA +21 12 40 SA +21 12 41 PU +21 12 42 PA +21 12 43 SE +21 12 44 PJ +21 12 45 SA +21 12 46 PA +21 12 47 SA +21 12 48 JA +21 12 49 PJ +21 12 50 SA +21 12 51 SE +21 12 52 PJ +21 12 53 PU +21 12 54 SA +21 12 55 PU +21 12 56 JA +21 12 57 SA +21 12 58 PA +21 12 59 PJ +21 12 60 SA +21 12 61 PU +21 12 62 JA +21 12 63 PU +21 12 64 SA +21 12 65 PU +21 12 66 PJ +21 12 67 SA +21 12 68 PU +21 12 69 SA +21 12 70 PJ +21 12 71 PU +21 12 72 SA +21 12 73 SA +21 12 74 PJ +21 12 75 SE +21 12 76 JA +21 12 77 SA +21 12 78 JA +21 12 79 SE +21 12 80 SA +21 12 81 PU +21 12 82 SA +21 12 83 JA +21 12 84 JA +21 12 85 SA +21 12 86 PU +21 12 87 SE +21 12 88 SA +21 12 89 SE +21 12 90 SE +21 12 91 JA +21 12 92 JA +21 12 93 SA +21 12 94 SE +21 12 95 JA +21 12 96 JA +21 12 97 SA +21 12 98 PU +21 12 99 PJ +21 12 100 SA +21 12 101 PU +21 12 102 PJ +21 12 103 SE +21 12 104 SA +21 12 105 PU +21 12 106 JA +21 12 107 PJ +21 12 108 JA +21 12 109 SA +21 12 110 JA +21 12 111 SE +21 12 112 PU +21 12 113 SE +21 12 114 SA +21 12 115 PU +21 12 116 JA +21 12 117 SE +21 12 118 PJ +21 12 119 SA +21 12 120 PJ +21 12 121 JA +21 12 122 SA +21 12 123 SA +21 12 124 JA +21 12 125 PU +21 12 126 JA +21 12 127 SA +21 12 128 JA +21 12 129 PJ +21 12 130 SA +21 12 131 PU +21 12 132 PU +21 12 133 SA +21 12 134 PA +21 12 135 PU +21 12 136 SE +21 12 137 SA +21 12 138 SA +21 12 139 PJ +21 12 140 SA +21 12 141 PJ +21 12 142 PJ +21 12 143 JA +21 12 144 SA +21 12 145 SA +21 12 146 PU +21 12 147 SA +21 12 148 PU +21 12 149 SA +21 12 150 SA +21 12 151 JA +21 12 152 PU +21 12 153 SA +21 12 154 SE +21 12 155 PA +21 12 156 SA +21 12 157 SE +21 12 158 PJ +21 12 159 JA +21 12 160 PJ +21 12 161 SA +21 12 162 PU +21 12 163 SA +21 12 164 SA +21 12 165 PA +21 12 166 SE +21 12 167 JA +21 12 168 SA +21 12 169 SA +21 12 170 SA +21 12 171 PA +21 12 172 PJ +21 12 173 PU +21 12 174 JA +21 12 175 PJ +21 12 176 PU +21 12 177 JA +21 12 178 SA +21 12 179 PU +21 12 180 SA +21 12 181 PA +21 12 182 PU +21 12 183 PA +21 12 184 JA +21 12 185 PJ +21 12 186 SA +21 12 187 PU +21 12 188 SA +21 12 189 PJ +21 12 190 JA +21 12 191 SA +21 12 192 SA +21 12 193 JA +21 12 194 PU +21 12 195 SA +21 12 196 JA +21 12 197 PJ +21 12 198 SE +21 12 199 PJ +21 12 200 SA +21 12 201 PU +21 12 202 SA +21 12 203 PU +21 12 204 SA +21 12 205 SA +21 12 206 PJ +21 12 207 PU +21 12 208 * +21 12 209 SE +21 12 210 PA +21 12 211 SA +21 12 212 JA +21 12 213 PA +21 12 214 JA +21 12 215 SE +21 12 216 SA +21 12 217 JA +21 12 218 JA +21 12 219 PJ +21 12 220 SE +21 12 221 PJ +21 12 222 PU +21 12 223 SA +21 12 224 PJ +21 12 225 JA +21 12 226 SA +21 12 227 SE +21 12 228 SE +21 12 229 JA +21 12 230 PJ +21 12 231 PU +21 12 232 PA +21 12 233 SA +21 12 234 SA +21 12 235 SA +21 12 236 PA +21 12 237 JA +21 12 238 SA +21 12 239 JA +21 12 240 PU +21 12 241 PJ +21 12 242 JA +21 12 243 PU +21 12 244 PJ +21 12 245 PU +21 12 246 SA +21 12 247 SA +21 12 248 SE +21 12 249 SA +21 12 250 PU +21 12 251 JA +21 12 252 PJ +21 12 253 SA +21 12 254 PU +21 12 255 SE +21 12 256 JA +21 12 257 SA +21 12 258 JA +21 12 259 PU +21 12 260 JA +21 12 261 PU +21 12 262 PJ +21 12 263 PA +21 12 264 SA +21 12 265 SA +21 12 266 JA +21 12 267 SA +21 12 268 PU +21 12 269 JA +21 12 270 PA +21 12 271 SA +21 12 272 PJ +21 12 273 SA +21 12 274 PJ +21 12 275 JA +21 12 276 PU +21 12 277 SA +21 12 278 PU +21 12 279 SA +21 12 280 PA +21 12 281 SA +21 12 282 SE +21 12 283 PA +21 12 284 PJ +21 12 285 JA +21 12 286 PJ +21 12 287 JA +21 12 288 PU +21 12 289 SA +21 12 290 JA +21 12 291 SA +21 12 292 PU +21 12 293 PJ +21 12 294 SA +21 12 295 SE +21 12 296 PU +21 12 297 JA +21 12 298 PU +21 12 299 SA +21 12 300 PA +21 12 301 SA +21 12 302 PJ +21 12 303 SA +21 12 304 PU +21 12 305 SE +21 12 306 SA +21 12 307 PU +21 12 308 SA +21 12 309 PA +21 12 310 SA +21 12 311 SA +21 12 312 SE +21 12 313 SA +21 12 314 PJ +21 12 315 SA +21 12 316 SA +21 12 317 PU +21 12 318 JA +21 12 319 PJ +21 12 320 PA +21 12 321 PU +21 12 322 SA +21 12 323 SE +21 12 324 PJ +21 12 325 SA +21 12 326 PU +21 12 327 PJ +21 12 328 SA +21 12 329 PA +21 12 330 PJ +21 13 1 SA +21 13 2 SA +21 13 3 PU +21 13 4 SA +21 13 5 SA +21 13 6 PU +21 13 7 SA +21 13 8 PU +21 13 9 PA +21 13 10 SA +21 13 11 SA +21 13 12 JA +21 13 13 SA +21 13 14 SA +21 13 15 PU +21 13 16 PA +21 13 17 PU +21 13 18 PA +21 13 19 SA +21 13 20 SA +21 13 21 PU +21 13 22 JA +21 13 23 SA +21 13 24 PA +21 13 25 SA +21 13 26 SA +21 13 27 PA +21 13 28 PU +21 13 29 SA +21 13 30 JA +21 13 31 SA +21 13 32 PU +21 13 33 SA +21 13 34 SA +21 13 35 PU +21 13 36 SA +21 13 37 SA +21 13 38 PU +21 13 39 SA +21 13 40 SA +21 13 41 PU +21 13 42 JA +21 13 43 SA +21 13 44 PJ +21 13 45 SA +21 13 46 PA +21 13 47 SA +21 13 48 JA +21 13 49 SA +21 13 50 SA +21 13 51 PA +21 13 52 SA +21 13 53 PU +21 13 54 SA +21 13 55 SA +21 13 56 PU +21 13 57 SA +21 13 58 PA +21 13 59 SA +21 13 60 SA +21 13 61 PU +21 13 62 SA +21 13 63 PU +21 13 64 SA +21 13 65 PU +21 13 66 JA +21 13 67 SA +21 13 68 PU +21 13 69 SA +21 13 70 SA +21 13 71 SA +21 13 72 JA +21 13 73 SA +21 13 74 SA +21 13 75 SA +21 13 76 PU +21 13 77 SA +21 13 78 PU +21 13 79 PA +21 13 80 SA +21 13 81 SA +21 13 82 SA +21 13 83 JA +21 13 84 PU +21 13 85 SA +21 13 86 PU +21 13 87 PA +21 13 88 SA +21 13 89 SE +21 13 90 SA +21 13 91 SA +21 13 92 JA +21 13 93 SA +21 13 94 PA +21 13 95 SA +21 13 96 JA +21 13 97 JA +21 13 98 PU +21 13 99 SA +21 13 100 SA +21 13 101 SA +21 13 102 SA +21 13 103 SA +21 13 104 SA +21 13 105 SA +21 13 106 SA +21 13 107 PJ +21 13 108 SA +21 13 109 SA +21 13 110 SA +21 13 111 SA +21 13 112 PU +21 13 113 SE +21 13 114 SA +21 13 115 SA +21 13 116 SA +21 13 117 PA +21 13 118 PU +21 13 119 SA +21 13 120 PJ +21 13 121 SA +21 13 122 SA +21 13 123 SA +21 13 124 SA +21 13 125 PU +21 13 126 SA +21 13 127 SA +21 13 128 JA +21 13 129 SA +21 13 130 SA +21 13 131 SA +21 13 132 SA +21 13 133 SA +21 13 134 SA +21 13 135 SA +21 13 136 SA +21 13 137 SA +21 13 138 SA +21 13 139 PA +21 13 140 SA +21 13 141 PJ +21 13 142 SA +21 13 143 SA +21 13 144 SA +21 13 145 SA +21 13 146 SA +21 13 147 SA +21 13 148 PU +21 13 149 SA +21 13 150 SA +21 13 151 SA +21 13 152 SA +21 13 153 SA +21 13 154 PA +21 13 155 PA +21 13 156 SA +21 13 157 PA +21 13 158 PJ +21 13 159 JA +21 13 160 PU +21 13 161 SA +21 13 162 PU +21 13 163 SA +21 13 164 SA +21 13 165 SA +21 13 166 SA +21 13 167 SA +21 13 168 SA +21 13 169 SA +21 13 170 SA +21 13 171 SA +21 13 172 PJ +21 13 173 PU +21 13 174 JA +21 13 175 SA +21 13 176 PU +21 13 177 JA +21 13 178 SA +21 13 179 SA +21 13 180 SA +21 13 181 JA +21 13 182 PU +21 13 183 PA +21 13 184 SA +21 13 185 JA +21 13 186 SA +21 13 187 JA +21 13 188 SA +21 13 189 SA +21 13 190 PU +21 13 191 SA +21 13 192 SA +21 13 193 JA +21 13 194 PU +21 13 195 SA +21 13 196 SA +21 13 197 SA +21 13 198 PA +21 13 199 SA +21 13 200 SA +21 13 201 PU +21 13 202 SA +21 13 203 SA +21 13 204 PA +21 13 205 SA +21 13 206 PJ +21 13 207 SA +21 13 208 JA +21 13 209 SA +21 13 210 SA +21 13 211 SA +21 13 212 JA +21 13 213 SA +21 13 214 JA +21 13 215 SA +21 13 216 PA +21 13 217 SA +21 13 218 SA +21 13 219 SA +21 13 220 SA +21 13 221 SA +21 13 222 SA +21 13 223 SA +21 13 224 SA +21 13 225 SA +21 13 226 SA +21 13 227 SE +21 13 228 SA +21 13 229 SA +21 13 230 SA +21 13 231 SA +21 13 232 PA +21 13 233 SA +21 13 234 SA +21 13 235 SA +21 13 236 SA +21 13 237 PU +21 13 238 SA +21 13 239 PU +21 13 240 SA +21 13 241 SA +21 13 242 JA +21 13 243 SA +21 13 244 SA +21 13 245 PU +21 13 246 SA +21 13 247 SA +21 13 248 SA +21 13 249 SA +21 13 250 SA +21 13 251 SA +21 13 252 SA +21 13 253 SA +21 13 254 SA +21 13 255 PA +21 13 256 PU +21 13 257 SA +21 13 258 JA +21 13 259 PU +21 13 260 SA +21 13 261 SA +21 13 262 PJ +21 13 263 PA +21 13 264 SA +21 13 265 SA +21 13 266 SA +21 13 267 SA +21 13 268 SA +21 13 269 SA +21 13 270 JA +21 13 271 SA +21 13 272 PJ +21 13 273 SA +21 13 274 PJ +21 13 275 SA +21 13 276 PU +21 13 277 SA +21 13 278 SA +21 13 279 SA +21 13 280 SA +21 13 281 SA +21 13 282 SA +21 13 283 SA +21 13 284 SA +21 13 285 PU +21 13 286 PJ +21 13 287 SA +21 13 288 PU +21 13 289 SA +21 13 290 SA +21 13 291 SA +21 13 292 SA +21 13 293 SA +21 13 294 SA +21 13 295 PA +21 13 296 SA +21 13 297 JA +21 13 298 PU +21 13 299 SA +21 13 300 PA +21 13 301 SA +21 13 302 SA +21 13 303 SA +21 13 304 SA +21 13 305 SA +21 13 306 SA +21 13 307 SA +21 13 308 SA +21 13 309 SA +21 13 310 SA +21 13 311 SA +21 13 312 SE +21 13 313 SA +21 13 314 SA +21 13 315 SA +21 13 316 SA +21 13 317 SA +21 13 318 PU +21 13 319 SA +21 13 320 SA +21 13 321 PU +21 13 322 SA +21 13 323 SA +21 13 324 PJ +21 13 325 SA +21 13 326 JA +21 13 327 SA +21 13 328 SA +21 13 329 SA +21 13 330 SA +21 14 1 SA +21 14 2 SA +21 14 3 PU +21 14 4 SA +21 14 5 SA +21 14 6 JA +21 14 7 SA +21 14 8 PU +21 14 9 PU +21 14 10 SA +21 14 11 SA +21 14 12 JA +21 14 13 SA +21 14 14 SA +21 14 15 PU +21 14 16 PJ +21 14 17 PU +21 14 18 SE +21 14 19 SA +21 14 20 SA +21 14 21 PU +21 14 22 JA +21 14 23 SA +21 14 24 PA +21 14 25 SA +21 14 26 SA +21 14 27 PA +21 14 28 PU +21 14 29 SA +21 14 30 PU +21 14 31 SA +21 14 32 PU +21 14 33 SA +21 14 34 SA +21 14 35 PU +21 14 36 SA +21 14 37 SA +21 14 38 PU +21 14 39 SA +21 14 40 SA +21 14 41 PU +21 14 42 JA +21 14 43 SA +21 14 44 PJ +21 14 45 SA +21 14 46 PA +21 14 47 SA +21 14 48 JA +21 14 49 SA +21 14 50 PU +21 14 51 PA +21 14 52 PJ +21 14 53 PU +21 14 54 SA +21 14 55 SA +21 14 56 PU +21 14 57 SA +21 14 58 PU +21 14 59 PA +21 14 60 SA +21 14 61 PU +21 14 62 SA +21 14 63 PU +21 14 64 SA +21 14 65 PU +21 14 66 PJ +21 14 67 SA +21 14 68 PU +21 14 69 PA +21 14 70 PJ +21 14 71 PU +21 14 72 SA +21 14 73 SA +21 14 74 SA +21 14 75 SA +21 14 76 PU +21 14 77 SA +21 14 78 PU +21 14 79 PA +21 14 80 SA +21 14 81 SA +21 14 82 SA +21 14 83 PA +21 14 84 PU +21 14 85 SA +21 14 86 PU +21 14 87 PA +21 14 88 PU +21 14 89 SE +21 14 90 SA +21 14 91 SA +21 14 92 PJ +21 14 93 SA +21 14 94 PA +21 14 95 PJ +21 14 96 JA +21 14 97 SA +21 14 98 PU +21 14 99 PU +21 14 100 SA +21 14 101 PU +21 14 102 SA +21 14 103 PU +21 14 104 SA +21 14 105 PU +21 14 106 JA +21 14 107 PJ +21 14 108 SA +21 14 109 SA +21 14 110 JA +21 14 111 SA +21 14 112 PU +21 14 113 SE +21 14 114 SA +21 14 115 PU +21 14 116 SA +21 14 117 SE +21 14 118 PU +21 14 119 SA +21 14 120 PJ +21 14 121 PU +21 14 122 SA +21 14 123 SA +21 14 124 SA +21 14 125 PU +21 14 126 PU +21 14 127 SA +21 14 128 SA +21 14 129 PJ +21 14 130 SE +21 14 131 PU +21 14 132 PU +21 14 133 SA +21 14 134 SE +21 14 135 PU +21 14 136 SA +21 14 137 SA +21 14 138 SA +21 14 139 PJ +21 14 140 SA +21 14 141 PJ +21 14 142 PJ +21 14 143 SA +21 14 144 SE +21 14 145 SA +21 14 146 JA +21 14 147 SA +21 14 148 PU +21 14 149 SA +21 14 150 SA +21 14 151 PU +21 14 152 PU +21 14 153 SA +21 14 154 PA +21 14 155 PA +21 14 156 SA +21 14 157 PA +21 14 158 PJ +21 14 159 PU +21 14 160 PU +21 14 161 SA +21 14 162 PU +21 14 163 SA +21 14 164 SA +21 14 165 PU +21 14 166 SA +21 14 167 SA +21 14 168 SA +21 14 169 SA +21 14 170 SA +21 14 171 SA +21 14 172 PJ +21 14 173 PU +21 14 174 JA +21 14 175 SA +21 14 176 PU +21 14 177 JA +21 14 178 SA +21 14 179 PU +21 14 180 SA +21 14 181 PU +21 14 182 PU +21 14 183 JA +21 14 184 SA +21 14 185 PU +21 14 186 SA +21 14 187 JA +21 14 188 SA +21 14 189 PA +21 14 190 PU +21 14 191 SA +21 14 192 SA +21 14 193 JA +21 14 194 PU +21 14 195 SA +21 14 196 SA +21 14 197 PU +21 14 198 PA +21 14 199 PJ +21 14 200 SA +21 14 201 PU +21 14 202 SA +21 14 203 PU +21 14 204 SE +21 14 205 SA +21 14 206 PA +21 14 207 PU +21 14 208 JA +21 14 209 SA +21 14 210 PU +21 14 211 SA +21 14 212 JA +21 14 213 SA +21 14 214 SA +21 14 215 PU +21 14 216 PA +21 14 217 SA +21 14 218 JA +21 14 219 SA +21 14 220 SA +21 14 221 SA +21 14 222 SA +21 14 223 SA +21 14 224 PA +21 14 225 PA +21 14 226 SA +21 14 227 SE +21 14 228 SA +21 14 229 SA +21 14 230 PJ +21 14 231 PU +21 14 232 PA +21 14 233 SA +21 14 234 SA +21 14 235 SA +21 14 236 SA +21 14 237 PU +21 14 238 SA +21 14 239 PU +21 14 240 PU +21 14 241 PJ +21 14 242 JA +21 14 243 PU +21 14 244 SA +21 14 245 PU +21 14 246 SA +21 14 247 SA +21 14 248 SA +21 14 249 SA +21 14 250 SA +21 14 251 SA +21 14 252 PJ +21 14 253 SA +21 14 254 SA +21 14 255 SE +21 14 256 PU +21 14 257 SA +21 14 258 JA +21 14 259 PU +21 14 260 JA +21 14 261 SA +21 14 262 PJ +21 14 263 PA +21 14 264 SA +21 14 265 SA +21 14 266 PU +21 14 267 PU +21 14 268 SA +21 14 269 PU +21 14 270 JA +21 14 271 SA +21 14 272 PJ +21 14 273 PU +21 14 274 PJ +21 14 275 SA +21 14 276 PU +21 14 277 SA +21 14 278 PU +21 14 279 SA +21 14 280 SA +21 14 281 SA +21 14 282 SA +21 14 283 SE +21 14 284 PJ +21 14 285 PU +21 14 286 PA +21 14 287 JA +21 14 288 PU +21 14 289 SA +21 14 290 PJ +21 14 291 SA +21 14 292 PU +21 14 293 SA +21 14 294 PJ +21 14 295 SE +21 14 296 SA +21 14 297 JA +21 14 298 PU +21 14 299 SA +21 14 300 PA +21 14 301 SA +21 14 302 PJ +21 14 303 SA +21 14 304 SA +21 14 305 PU +21 14 306 SA +21 14 307 SA +21 14 308 SA +21 14 309 SA +21 14 310 SA +21 14 311 SA +21 14 312 SE +21 14 313 SA +21 14 314 PJ +21 14 315 SA +21 14 316 SA +21 14 317 PU +21 14 318 JA +21 14 319 PJ +21 14 320 SA +21 14 321 PU +21 14 322 SA +21 14 323 SA +21 14 324 PJ +21 14 325 SA +21 14 326 JA +21 14 327 PJ +21 14 328 SA +21 14 329 PU +21 14 330 PJ +21 15 1 SA +21 15 2 SA +21 15 3 PU +21 15 4 PU +21 15 5 SA +21 15 6 PA +21 15 7 SA +21 15 8 PU +21 15 9 PA +21 15 10 SA +21 15 11 SA +21 15 12 SA +21 15 13 SA +21 15 14 SA +21 15 15 PU +21 15 16 PJ +21 15 17 PU +21 15 18 PA +21 15 19 SA +21 15 20 SA +21 15 21 PU +21 15 22 JA +21 15 23 SA +21 15 24 PA +21 15 25 SA +21 15 26 SA +21 15 27 PA +21 15 28 PU +21 15 29 SA +21 15 30 PA +21 15 31 SA +21 15 32 PU +21 15 33 SA +21 15 34 SA +21 15 35 PU +21 15 36 SA +21 15 37 SA +21 15 38 PU +21 15 39 SA +21 15 40 SA +21 15 41 PU +21 15 42 JA +21 15 43 SA +21 15 44 PA +21 15 45 SA +21 15 46 PA +21 15 47 SA +21 15 48 JA +21 15 49 SA +21 15 50 SA +21 15 51 PA +21 15 52 PA +21 15 53 PU +21 15 54 SA +21 15 55 SA +21 15 56 PA +21 15 57 SA +21 15 58 PA +21 15 59 PA +21 15 60 SA +21 15 61 PU +21 15 62 SA +21 15 63 PU +21 15 64 SA +21 15 65 PU +21 15 66 PA +21 15 67 SA +21 15 68 PU +21 15 69 SA +21 15 70 PA +21 15 71 PU +21 15 72 SA +21 15 73 SA +21 15 74 SA +21 15 75 SA +21 15 76 PU +21 15 77 SA +21 15 78 PU +21 15 79 PA +21 15 80 SA +21 15 81 SA +21 15 82 SA +21 15 83 PA +21 15 84 PU +21 15 85 SA +21 15 86 PU +21 15 87 PA +21 15 88 PU +21 15 89 SE +21 15 90 SA +21 15 91 JA +21 15 92 PA +21 15 93 SA +21 15 94 PA +21 15 95 PA +21 15 96 JA +21 15 97 SA +21 15 98 PU +21 15 99 PA +21 15 100 SA +21 15 101 PU +21 15 102 PA +21 15 103 SA +21 15 104 SA +21 15 105 PU +21 15 106 JA +21 15 107 PJ +21 15 108 SA +21 15 109 SA +21 15 110 JA +21 15 111 SA +21 15 112 PU +21 15 113 PA +21 15 114 SA +21 15 115 PU +21 15 116 PA +21 15 117 PA +21 15 118 PU +21 15 119 SA +21 15 120 PJ +21 15 121 JA +21 15 122 SA +21 15 123 SA +21 15 124 JA +21 15 125 PU +21 15 126 PU +21 15 127 SA +21 15 128 JA +21 15 129 PA +21 15 130 SA +21 15 131 SA +21 15 132 PU +21 15 133 SA +21 15 134 PA +21 15 135 PU +21 15 136 SA +21 15 137 SA +21 15 138 SA +21 15 139 PJ +21 15 140 SA +21 15 141 PJ +21 15 142 PA +21 15 143 SA +21 15 144 SA +21 15 145 SA +21 15 146 JA +21 15 147 SA +21 15 148 PU +21 15 149 SA +21 15 150 SA +21 15 151 PU +21 15 152 PU +21 15 153 SA +21 15 154 PA +21 15 155 PA +21 15 156 SA +21 15 157 PA +21 15 158 PJ +21 15 159 PA +21 15 160 PU +21 15 161 SA +21 15 162 PU +21 15 163 SA +21 15 164 SA +21 15 165 SA +21 15 166 SA +21 15 167 PA +21 15 168 SA +21 15 169 SA +21 15 170 PA +21 15 171 SA +21 15 172 PJ +21 15 173 PU +21 15 174 JA +21 15 175 SA +21 15 176 PU +21 15 177 JA +21 15 178 SA +21 15 179 PU +21 15 180 SA +21 15 181 PA +21 15 182 PU +21 15 183 PA +21 15 184 SA +21 15 185 PA +21 15 186 SA +21 15 187 JA +21 15 188 SA +21 15 189 PA +21 15 190 PU +21 15 191 SA +21 15 192 SA +21 15 193 JA +21 15 194 PA +21 15 195 SA +21 15 196 SA +21 15 197 PU +21 15 198 PA +21 15 199 PA +21 15 200 SA +21 15 201 PU +21 15 202 SA +21 15 203 PU +21 15 204 PA +21 15 205 SA +21 15 206 JA +21 15 207 PU +21 15 208 PA +21 15 209 SA +21 15 210 PU +21 15 211 SA +21 15 212 JA +21 15 213 PA +21 15 214 JA +21 15 215 PU +21 15 216 SA +21 15 217 PA +21 15 218 JA +21 15 219 PA +21 15 220 SA +21 15 221 PA +21 15 222 SA +21 15 223 SA +21 15 224 PA +21 15 225 PA +21 15 226 SA +21 15 227 PA +21 15 228 SA +21 15 229 SA +21 15 230 PA +21 15 231 PU +21 15 232 PA +21 15 233 SA +21 15 234 SA +21 15 235 SA +21 15 236 JA +21 15 237 PA +21 15 238 SA +21 15 239 PU +21 15 240 PU +21 15 241 PJ +21 15 242 JA +21 15 243 PU +21 15 244 PA +21 15 245 PU +21 15 246 SA +21 15 247 SA +21 15 248 SA +21 15 249 SA +21 15 250 SA +21 15 251 SA +21 15 252 PA +21 15 253 SA +21 15 254 SA +21 15 255 PA +21 15 256 PU +21 15 257 SA +21 15 258 JA +21 15 259 PU +21 15 260 JA +21 15 261 PA +21 15 262 PJ +21 15 263 PA +21 15 264 PA +21 15 265 SA +21 15 266 PU +21 15 267 SA +21 15 268 SA +21 15 269 PU +21 15 270 JA +21 15 271 SA +21 15 272 PJ +21 15 273 PU +21 15 274 PJ +21 15 275 JA +21 15 276 PU +21 15 277 SA +21 15 278 PU +21 15 279 SA +21 15 280 SA +21 15 281 SA +21 15 282 SA +21 15 283 PA +21 15 284 PA +21 15 285 PU +21 15 286 PA +21 15 287 PA +21 15 288 PU +21 15 289 SA +21 15 290 PA +21 15 291 SA +21 15 292 PU +21 15 293 SA +21 15 294 PA +21 15 295 PA +21 15 296 SA +21 15 297 JA +21 15 298 PU +21 15 299 SA +21 15 300 PA +21 15 301 SA +21 15 302 PA +21 15 303 PA +21 15 304 SA +21 15 305 PU +21 15 306 SA +21 15 307 SA +21 15 308 SA +21 15 309 PA +21 15 310 SA +21 15 311 SA +21 15 312 PA +21 15 313 SA +21 15 314 PA +21 15 315 SA +21 15 316 SA +21 15 317 PU +21 15 318 PU +21 15 319 PA +21 15 320 PA +21 15 321 PU +21 15 322 SA +21 15 323 SA +21 15 324 PA +21 15 325 SA +21 15 326 JA +21 15 327 PA +21 15 328 SA +21 15 329 PA +21 15 330 PA +21 16 1 SA +21 16 2 SA +21 16 3 PU +21 16 4 SE +21 16 5 SA +21 16 6 PU +21 16 7 SA +21 16 8 PU +21 16 9 PA +21 16 10 A +21 16 11 SA +21 16 12 JA +21 16 13 SA +21 16 14 A +21 16 15 PJ +21 16 16 PA +21 16 17 PU +21 16 18 A +21 16 19 SA +21 16 20 SA +21 16 21 PU +21 16 22 JA +21 16 23 SA +21 16 24 A +21 16 25 SA +21 16 26 SA +21 16 27 PJ +21 16 28 PU +21 16 29 SA +21 16 30 PA +21 16 31 SA +21 16 32 PU +21 16 33 SA +21 16 34 SA +21 16 35 PU +21 16 36 A +21 16 37 SA +21 16 38 PU +21 16 39 SA +21 16 40 SA +21 16 41 PU +21 16 42 JA +21 16 43 A +21 16 44 PJ +21 16 45 SA +21 16 46 A +21 16 47 SA +21 16 48 JA +21 16 49 SA +21 16 50 SA +21 16 51 JA +21 16 52 PJ +21 16 53 PU +21 16 54 SA +21 16 55 SA +21 16 56 PJ +21 16 57 SA +21 16 58 JA +21 16 59 PJ +21 16 60 A +21 16 61 SA +21 16 62 PU +21 16 63 PU +21 16 64 SA +21 16 65 PU +21 16 66 PJ +21 16 67 SA +21 16 68 PU +21 16 69 SA +21 16 70 PJ +21 16 71 PU +21 16 72 SA +21 16 73 SA +21 16 74 PJ +21 16 75 SA +21 16 76 PU +21 16 77 SA +21 16 78 PJ +21 16 79 PA +21 16 80 PU +21 16 81 SA +21 16 82 SA +21 16 83 PJ +21 16 84 JA +21 16 85 SA +21 16 86 PU +21 16 87 PA +21 16 88 PU +21 16 89 A +21 16 90 A +21 16 91 JA +21 16 92 PJ +21 16 93 SA +21 16 94 A +21 16 95 PJ +21 16 96 JA +21 16 97 SA +21 16 98 PU +21 16 99 PU +21 16 100 SA +21 16 101 PU +21 16 102 SA +21 16 103 SE +21 16 104 SA +21 16 105 SA +21 16 106 JA +21 16 107 PJ +21 16 108 SA +21 16 109 SA +21 16 110 JA +21 16 111 A +21 16 112 PU +21 16 113 SE +21 16 114 A +21 16 115 PU +21 16 116 SA +21 16 117 A +21 16 118 PU +21 16 119 SA +21 16 120 PJ +21 16 121 PU +21 16 122 SA +21 16 123 PA +21 16 124 JA +21 16 125 PU +21 16 126 PU +21 16 127 SA +21 16 128 JA +21 16 129 PJ +21 16 130 A +21 16 131 SA +21 16 132 PU +21 16 133 SA +21 16 134 PA +21 16 135 PU +21 16 136 SA +21 16 137 SA +21 16 138 SA +21 16 139 PJ +21 16 140 SE +21 16 141 PJ +21 16 142 SA +21 16 143 JA +21 16 144 SA +21 16 145 SA +21 16 146 JA +21 16 147 PU +21 16 148 PU +21 16 149 SA +21 16 150 PU +21 16 151 SA +21 16 152 PU +21 16 153 SA +21 16 154 PA +21 16 155 A +21 16 156 SA +21 16 157 A +21 16 158 PJ +21 16 159 JA +21 16 160 PU +21 16 161 SA +21 16 162 PU +21 16 163 SA +21 16 164 PU +21 16 165 A +21 16 166 PA +21 16 167 PJ +21 16 168 SA +21 16 169 SA +21 16 170 A +21 16 171 SA +21 16 172 PJ +21 16 173 PU +21 16 174 JA +21 16 175 PJ +21 16 176 PU +21 16 177 JA +21 16 178 SA +21 16 179 PU +21 16 180 SA +21 16 181 JA +21 16 182 PU +21 16 183 PA +21 16 184 SA +21 16 185 PA +21 16 186 SA +21 16 187 JA +21 16 188 SA +21 16 189 PJ +21 16 190 PU +21 16 191 SA +21 16 192 PU +21 16 193 JA +21 16 194 PA +21 16 195 SA +21 16 196 SA +21 16 197 PU +21 16 198 A +21 16 199 PJ +21 16 200 SA +21 16 201 PU +21 16 202 SA +21 16 203 PU +21 16 204 PA +21 16 205 SA +21 16 206 PJ +21 16 207 PU +21 16 208 JA +21 16 209 SA +21 16 210 PU +21 16 211 SA +21 16 212 JA +21 16 213 PJ +21 16 214 JA +21 16 215 PU +21 16 216 A +21 16 217 JA +21 16 218 SA +21 16 219 PJ +21 16 220 SA +21 16 221 PJ +21 16 222 SA +21 16 223 SA +21 16 224 PJ +21 16 225 SA +21 16 226 SA +21 16 227 A +21 16 228 A +21 16 229 SA +21 16 230 PJ +21 16 231 SA +21 16 232 PA +21 16 233 PU +21 16 234 SA +21 16 235 SA +21 16 236 JA +21 16 237 PJ +21 16 238 SA +21 16 239 PU +21 16 240 PA +21 16 241 PJ +21 16 242 JA +21 16 243 A +21 16 244 PJ +21 16 245 PU +21 16 246 SA +21 16 247 SA +21 16 248 A +21 16 249 SA +21 16 250 SA +21 16 251 JA +21 16 252 PJ +21 16 253 SA +21 16 254 SA +21 16 255 PA +21 16 256 PU +21 16 257 A +21 16 258 JA +21 16 259 PU +21 16 260 JA +21 16 261 PU +21 16 262 PJ +21 16 263 PA +21 16 264 SA +21 16 265 SA +21 16 266 PU +21 16 267 SA +21 16 268 SA +21 16 269 PU +21 16 270 JA +21 16 271 A +21 16 272 PJ +21 16 273 SA +21 16 274 PJ +21 16 275 SA +21 16 276 PU +21 16 277 PA +21 16 278 PU +21 16 279 SA +21 16 280 SA +21 16 281 SA +21 16 282 SA +21 16 283 A +21 16 284 PJ +21 16 285 SA +21 16 286 PJ +21 16 287 PA +21 16 288 PU +21 16 289 SA +21 16 290 PJ +21 16 291 SA +21 16 292 PJ +21 16 293 SA +21 16 294 PJ +21 16 295 A +21 16 296 SA +21 16 297 JA +21 16 298 PU +21 16 299 SA +21 16 300 PA +21 16 301 SA +21 16 302 PJ +21 16 303 SA +21 16 304 SA +21 16 305 PU +21 16 306 SA +21 16 307 PU +21 16 308 SA +21 16 309 A +21 16 310 SA +21 16 311 PA +21 16 312 A +21 16 313 SA +21 16 314 PJ +21 16 315 SA +21 16 316 SA +21 16 317 PU +21 16 318 JA +21 16 319 PJ +21 16 320 SA +21 16 321 PU +21 16 322 SA +21 16 323 SA +21 16 324 PJ +21 16 325 SA +21 16 326 JA +21 16 327 PJ +21 16 328 SA +21 16 329 PA +21 16 330 PJ +21 17 1 SA +21 17 2 SA +21 17 3 PU +21 17 4 PU +21 17 5 SA +21 17 6 JA +21 17 7 SA +21 17 8 PU +21 17 9 JA +21 17 10 SE +21 17 11 SA +21 17 12 JA +21 17 13 SA +21 17 14 SA +21 17 15 PU +21 17 16 PJ +21 17 17 PU +21 17 18 SE +21 17 19 SA +21 17 20 SA +21 17 21 PU +21 17 22 JA +21 17 23 PA +21 17 24 SE +21 17 25 SA +21 17 26 JA +21 17 27 PJ +21 17 28 PU +21 17 29 SA +21 17 30 PU +21 17 31 SA +21 17 32 JA +21 17 33 SA +21 17 34 SA +21 17 35 PU +21 17 36 SA +21 17 37 PA +21 17 38 PU +21 17 39 SA +21 17 40 SA +21 17 41 PU +21 17 42 JA +21 17 43 SE +21 17 44 PJ +21 17 45 SA +21 17 46 PA +21 17 47 SA +21 17 48 JA +21 17 49 SA +21 17 50 SA +21 17 51 JA +21 17 52 PJ +21 17 53 PU +21 17 54 SA +21 17 55 SA +21 17 56 PU +21 17 57 SA +21 17 58 JA +21 17 59 PA +21 17 60 SE +21 17 61 PU +21 17 62 PA +21 17 63 PU +21 17 64 SA +21 17 65 PU +21 17 66 PJ +21 17 67 SA +21 17 68 PU +21 17 69 SE +21 17 70 PA +21 17 71 PU +21 17 72 SA +21 17 73 SA +21 17 74 PJ +21 17 75 SE +21 17 76 PU +21 17 77 SA +21 17 78 PU +21 17 79 SE +21 17 80 SA +21 17 81 SA +21 17 82 SA +21 17 83 PJ +21 17 84 PU +21 17 85 SA +21 17 86 PU +21 17 87 SE +21 17 88 PU +21 17 89 SE +21 17 90 SE +21 17 91 JA +21 17 92 PJ +21 17 93 SA +21 17 94 SE +21 17 95 PJ +21 17 96 JA +21 17 97 SA +21 17 98 PU +21 17 99 PJ +21 17 100 SA +21 17 101 PU +21 17 102 JA +21 17 103 SE +21 17 104 SA +21 17 105 PU +21 17 106 JA +21 17 107 PJ +21 17 108 PJ +21 17 109 SA +21 17 110 JA +21 17 111 SE +21 17 112 PU +21 17 113 SE +21 17 114 SA +21 17 115 PU +21 17 116 PJ +21 17 117 SE +21 17 118 PU +21 17 119 SA +21 17 120 PJ +21 17 121 PU +21 17 122 SA +21 17 123 SA +21 17 124 JA +21 17 125 PU +21 17 126 PU +21 17 127 SE +21 17 128 JA +21 17 129 PJ +21 17 130 SE +21 17 131 PU +21 17 132 PU +21 17 133 SA +21 17 134 SE +21 17 135 PU +21 17 136 SA +21 17 137 SA +21 17 138 SA +21 17 139 PJ +21 17 140 PA +21 17 141 PJ +21 17 142 PJ +21 17 143 SA +21 17 144 SA +21 17 145 SA +21 17 146 JA +21 17 147 SA +21 17 148 PU +21 17 149 SA +21 17 150 PU +21 17 151 PU +21 17 152 PU +21 17 153 SA +21 17 154 SE +21 17 155 SE +21 17 156 SA +21 17 157 SE +21 17 158 PJ +21 17 159 JA +21 17 160 PU +21 17 161 SA +21 17 162 PU +21 17 163 SA +21 17 164 SA +21 17 165 JA +21 17 166 SE +21 17 167 PA +21 17 168 SA +21 17 169 SA +21 17 170 SE +21 17 171 SA +21 17 172 PJ +21 17 173 PU +21 17 174 JA +21 17 175 SA +21 17 176 PU +21 17 177 JA +21 17 178 SA +21 17 179 PU +21 17 180 SA +21 17 181 JA +21 17 182 PU +21 17 183 SE +21 17 184 PU +21 17 185 PU +21 17 186 SA +21 17 187 PU +21 17 188 SA +21 17 189 SA +21 17 190 PU +21 17 191 SA +21 17 192 PU +21 17 193 JA +21 17 194 SE +21 17 195 SA +21 17 196 SA +21 17 197 PU +21 17 198 SE +21 17 199 PJ +21 17 200 SA +21 17 201 PU +21 17 202 SA +21 17 203 PU +21 17 204 SE +21 17 205 PU +21 17 206 PJ +21 17 207 PU +21 17 208 JA +21 17 209 SA +21 17 210 SE +21 17 211 SA +21 17 212 PU +21 17 213 PA +21 17 214 JA +21 17 215 PU +21 17 216 SE +21 17 217 PU +21 17 218 SA +21 17 219 PJ +21 17 220 PA +21 17 221 PJ +21 17 222 PU +21 17 223 SA +21 17 224 PA +21 17 225 JA +21 17 226 SA +21 17 227 SE +21 17 228 SE +21 17 229 SA +21 17 230 PJ +21 17 231 PU +21 17 232 SE +21 17 233 PA +21 17 234 SA +21 17 235 SA +21 17 236 SA +21 17 237 PU +21 17 238 SA +21 17 239 PU +21 17 240 PU +21 17 241 PJ +21 17 242 JA +21 17 243 SA +21 17 244 PA +21 17 245 PU +21 17 246 SA +21 17 247 SA +21 17 248 SE +21 17 249 SA +21 17 250 SA +21 17 251 SA +21 17 252 PA +21 17 253 SA +21 17 254 PA +21 17 255 SE +21 17 256 PU +21 17 257 SE +21 17 258 JA +21 17 259 PU +21 17 260 PA +21 17 261 PU +21 17 262 PA +21 17 263 PA +21 17 264 PJ +21 17 265 SA +21 17 266 PU +21 17 267 PU +21 17 268 SA +21 17 269 PU +21 17 270 JA +21 17 271 SA +21 17 272 PJ +21 17 273 PU +21 17 274 PA +21 17 275 JA +21 17 276 PU +21 17 277 SA +21 17 278 PU +21 17 279 SE +21 17 280 SA +21 17 281 SA +21 17 282 SA +21 17 283 SE +21 17 284 PA +21 17 285 PU +21 17 286 PJ +21 17 287 PU +21 17 288 PU +21 17 289 SA +21 17 290 PA +21 17 291 PA +21 17 292 PU +21 17 293 PJ +21 17 294 PJ +21 17 295 SE +21 17 296 SA +21 17 297 JA +21 17 298 PU +21 17 299 SA +21 17 300 PA +21 17 301 SA +21 17 302 PJ +21 17 303 PA +21 17 304 SA +21 17 305 SE +21 17 306 SA +21 17 307 SA +21 17 308 PA +21 17 309 SE +21 17 310 SA +21 17 311 SE +21 17 312 SE +21 17 313 SE +21 17 314 PA +21 17 315 SA +21 17 316 SA +21 17 317 PU +21 17 318 PU +21 17 319 PJ +21 17 320 SA +21 17 321 PU +21 17 322 PA +21 17 323 SA +21 17 324 PJ +21 17 325 PU +21 17 326 JA +21 17 327 PJ +21 17 328 SA +21 17 329 JA +21 17 330 PJ +21 18 1 SA +21 18 2 SA +21 18 3 PU +21 18 4 SA +21 18 5 SA +21 18 6 JA +21 18 7 SA +21 18 8 PU +21 18 9 JA +21 18 10 SA +21 18 11 SA +21 18 12 JA +21 18 13 SA +21 18 14 SA +21 18 15 SA +21 18 16 PJ +21 18 17 PU +21 18 18 SE +21 18 19 SA +21 18 20 SA +21 18 21 PU +21 18 22 JA +21 18 23 SA +21 18 24 SE +21 18 25 SA +21 18 26 SA +21 18 27 PJ +21 18 28 PU +21 18 29 SA +21 18 30 PU +21 18 31 SA +21 18 32 SA +21 18 33 SA +21 18 34 SA +21 18 35 PU +21 18 36 SA +21 18 37 SA +21 18 38 PU +21 18 39 SA +21 18 40 SA +21 18 41 PU +21 18 42 JA +21 18 43 SA +21 18 44 PJ +21 18 45 SA +21 18 46 PA +21 18 47 SA +21 18 48 JA +21 18 49 SA +21 18 50 SA +21 18 51 SE +21 18 52 PJ +21 18 53 PU +21 18 54 SA +21 18 55 SA +21 18 56 PU +21 18 57 SA +21 18 58 SA +21 18 59 PJ +21 18 60 SA +21 18 61 PU +21 18 62 SA +21 18 63 PU +21 18 64 SA +21 18 65 PU +21 18 66 PJ +21 18 67 SA +21 18 68 SA +21 18 69 SA +21 18 70 PA +21 18 71 PU +21 18 72 SA +21 18 73 SA +21 18 74 SA +21 18 75 SA +21 18 76 PU +21 18 77 SA +21 18 78 PA +21 18 79 SE +21 18 80 SA +21 18 81 SA +21 18 82 SA +21 18 83 PJ +21 18 84 PA +21 18 85 SA +21 18 86 PU +21 18 87 SE +21 18 88 SA +21 18 89 SE +21 18 90 SA +21 18 91 SA +21 18 92 PJ +21 18 93 SA +21 18 94 SE +21 18 95 SA +21 18 96 JA +21 18 97 SA +21 18 98 PU +21 18 99 SA +21 18 100 SA +21 18 101 PU +21 18 102 SA +21 18 103 SA +21 18 104 SA +21 18 105 SA +21 18 106 JA +21 18 107 PA +21 18 108 SA +21 18 109 SA +21 18 110 JA +21 18 111 SA +21 18 112 PU +21 18 113 PA +21 18 114 SA +21 18 115 PU +21 18 116 SA +21 18 117 SE +21 18 118 PU +21 18 119 SA +21 18 120 PA +21 18 121 PU +21 18 122 SA +21 18 123 SA +21 18 124 SA +21 18 125 PU +21 18 126 PU +21 18 127 SE +21 18 128 JA +21 18 129 PA +21 18 130 SE +21 18 131 SA +21 18 132 PU +21 18 133 SA +21 18 134 SE +21 18 135 SA +21 18 136 SA +21 18 137 SA +21 18 138 SA +21 18 139 PA +21 18 140 SA +21 18 141 PJ +21 18 142 PA +21 18 143 SA +21 18 144 SA +21 18 145 SA +21 18 146 JA +21 18 147 SA +21 18 148 PU +21 18 149 SA +21 18 150 SA +21 18 151 PU +21 18 152 SA +21 18 153 SA +21 18 154 PA +21 18 155 SE +21 18 156 SA +21 18 157 SE +21 18 158 PJ +21 18 159 PU +21 18 160 PU +21 18 161 SA +21 18 162 PU +21 18 163 SA +21 18 164 SA +21 18 165 PA +21 18 166 SA +21 18 167 PA +21 18 168 SA +21 18 169 SA +21 18 170 SE +21 18 171 SA +21 18 172 PJ +21 18 173 PU +21 18 174 JA +21 18 175 SA +21 18 176 PU +21 18 177 JA +21 18 178 SA +21 18 179 PU +21 18 180 SA +21 18 181 JA +21 18 182 SA +21 18 183 SA +21 18 184 SA +21 18 185 PU +21 18 186 SA +21 18 187 JA +21 18 188 SA +21 18 189 PA +21 18 190 PU +21 18 191 SA +21 18 192 SA +21 18 193 JA +21 18 194 PU +21 18 195 SA +21 18 196 SA +21 18 197 SA +21 18 198 SE +21 18 199 PA +21 18 200 SA +21 18 201 PU +21 18 202 SA +21 18 203 PU +21 18 204 SE +21 18 205 SA +21 18 206 PA +21 18 207 PU +21 18 208 SA +21 18 209 SA +21 18 210 PU +21 18 211 SA +21 18 212 JA +21 18 213 PA +21 18 214 SA +21 18 215 PA +21 18 216 SA +21 18 217 PU +21 18 218 SA +21 18 219 SA +21 18 220 SA +21 18 221 PA +21 18 222 SA +21 18 223 SA +21 18 224 PA +21 18 225 SA +21 18 226 SA +21 18 227 SE +21 18 228 SA +21 18 229 SA +21 18 230 PA +21 18 231 SA +21 18 232 SA +21 18 233 SA +21 18 234 SA +21 18 235 SA +21 18 236 SA +21 18 237 PA +21 18 238 SA +21 18 239 PU +21 18 240 PU +21 18 241 PA +21 18 242 JA +21 18 243 PU +21 18 244 SA +21 18 245 PU +21 18 246 SA +21 18 247 SA +21 18 248 SA +21 18 249 SA +21 18 250 SA +21 18 251 SA +21 18 252 PA +21 18 253 SA +21 18 254 SA +21 18 255 SE +21 18 256 PU +21 18 257 SA +21 18 258 JA +21 18 259 PU +21 18 260 PA +21 18 261 PU +21 18 262 PA +21 18 263 PA +21 18 264 SA +21 18 265 SA +21 18 266 PU +21 18 267 SA +21 18 268 SA +21 18 269 SA +21 18 270 JA +21 18 271 SA +21 18 272 PA +21 18 273 SA +21 18 274 PJ +21 18 275 SA +21 18 276 PU +21 18 277 SA +21 18 278 PU +21 18 279 SA +21 18 280 SA +21 18 281 SA +21 18 282 SA +21 18 283 PU +21 18 284 PA +21 18 285 PU +21 18 286 PA +21 18 287 SA +21 18 288 PU +21 18 289 SA +21 18 290 PA +21 18 291 SA +21 18 292 PU +21 18 293 PA +21 18 294 PA +21 18 295 PU +21 18 296 SA +21 18 297 JA +21 18 298 PU +21 18 299 SA +21 18 300 PA +21 18 301 SA +21 18 302 PA +21 18 303 SA +21 18 304 SA +21 18 305 SA +21 18 306 SA +21 18 307 SA +21 18 308 SA +21 18 309 SA +21 18 310 SA +21 18 311 SA +21 18 312 SE +21 18 313 SA +21 18 314 PA +21 18 315 SA +21 18 316 SA +21 18 317 PU +21 18 318 PU +21 18 319 PA +21 18 320 SA +21 18 321 PU +21 18 322 SA +21 18 323 SA +21 18 324 PA +21 18 325 SA +21 18 326 JA +21 18 327 SA +21 18 328 SA +21 18 329 PU +21 18 330 PA +21 19 1 SA +21 19 2 SA +21 19 3 PU +21 19 4 SA +21 19 5 SA +21 19 6 JA +21 19 7 SA +21 19 8 PU +21 19 9 JA +21 19 10 SA +21 19 11 SA +21 19 12 JA +21 19 13 SA +21 19 14 SA +21 19 15 PU +21 19 16 PJ +21 19 17 PU +21 19 18 SE +21 19 19 SA +21 19 20 SA +21 19 21 PU +21 19 22 JA +21 19 23 SA +21 19 24 SE +21 19 25 SA +21 19 26 SA +21 19 27 PJ +21 19 28 PU +21 19 29 SA +21 19 30 PU +21 19 31 SA +21 19 32 PU +21 19 33 SA +21 19 34 SA +21 19 35 PU +21 19 36 SA +21 19 37 SA +21 19 38 PU +21 19 39 SA +21 19 40 SA +21 19 41 PU +21 19 42 JA +21 19 43 SA +21 19 44 PJ +21 19 45 SA +21 19 46 PA +21 19 47 SA +21 19 48 JA +21 19 49 SA +21 19 50 SA +21 19 51 PA +21 19 52 PJ +21 19 53 PU +21 19 54 SA +21 19 55 SA +21 19 56 PU +21 19 57 SA +21 19 58 PA +21 19 59 PJ +21 19 60 SA +21 19 61 PU +21 19 62 SA +21 19 63 PU +21 19 64 SA +21 19 65 PU +21 19 66 PJ +21 19 67 SA +21 19 68 PU +21 19 69 SA +21 19 70 PA +21 19 71 SA +21 19 72 SA +21 19 73 SA +21 19 74 PA +21 19 75 SA +21 19 76 PU +21 19 77 SA +21 19 78 PU +21 19 79 PA +21 19 80 SA +21 19 81 SA +21 19 82 SA +21 19 83 PJ +21 19 84 PU +21 19 85 SA +21 19 86 PU +21 19 87 SE +21 19 88 PU +21 19 89 SE +21 19 90 SA +21 19 91 SA +21 19 92 PJ +21 19 93 SA +21 19 94 SE +21 19 95 SA +21 19 96 JA +21 19 97 SA +21 19 98 PU +21 19 99 SA +21 19 100 SA +21 19 101 PU +21 19 102 PA +21 19 103 SA +21 19 104 SA +21 19 105 SA +21 19 106 JA +21 19 107 PJ +21 19 108 SA +21 19 109 SA +21 19 110 JA +21 19 111 SA +21 19 112 PU +21 19 113 SE +21 19 114 SA +21 19 115 PU +21 19 116 SA +21 19 117 SE +21 19 118 PU +21 19 119 SA +21 19 120 PJ +21 19 121 PU +21 19 122 SA +21 19 123 SA +21 19 124 SA +21 19 125 PU +21 19 126 PU +21 19 127 SA +21 19 128 JA +21 19 129 PJ +21 19 130 PA +21 19 131 SA +21 19 132 PU +21 19 133 SA +21 19 134 SE +21 19 135 PU +21 19 136 SA +21 19 137 SA +21 19 138 SA +21 19 139 PJ +21 19 140 SA +21 19 141 PJ +21 19 142 PJ +21 19 143 SA +21 19 144 SA +21 19 145 SA +21 19 146 JA +21 19 147 SA +21 19 148 PU +21 19 149 SA +21 19 150 SA +21 19 151 PU +21 19 152 SA +21 19 153 SA +21 19 154 PA +21 19 155 PA +21 19 156 SA +21 19 157 PA +21 19 158 PJ +21 19 159 JA +21 19 160 SA +21 19 161 SA +21 19 162 PU +21 19 163 SA +21 19 164 SA +21 19 165 PA +21 19 166 SE +21 19 167 SA +21 19 168 SA +21 19 169 SA +21 19 170 PA +21 19 171 SA +21 19 172 PJ +21 19 173 PU +21 19 174 JA +21 19 175 SA +21 19 176 PU +21 19 177 JA +21 19 178 SA +21 19 179 PA +21 19 180 SA +21 19 181 JA +21 19 182 PU +21 19 183 PA +21 19 184 SA +21 19 185 JA +21 19 186 SA +21 19 187 JA +21 19 188 SA +21 19 189 SA +21 19 190 PU +21 19 191 SA +21 19 192 SA +21 19 193 JA +21 19 194 PU +21 19 195 SA +21 19 196 SA +21 19 197 SA +21 19 198 SE +21 19 199 PJ +21 19 200 SA +21 19 201 PU +21 19 202 SA +21 19 203 PU +21 19 204 SE +21 19 205 SA +21 19 206 JA +21 19 207 PU +21 19 208 JA +21 19 209 SA +21 19 210 PA +21 19 211 SA +21 19 212 PU +21 19 213 SA +21 19 214 JA +21 19 215 PU +21 19 216 SA +21 19 217 PU +21 19 218 SA +21 19 219 SA +21 19 220 SA +21 19 221 PJ +21 19 222 SA +21 19 223 SA +21 19 224 PJ +21 19 225 SA +21 19 226 SA +21 19 227 SE +21 19 228 SA +21 19 229 SA +21 19 230 PJ +21 19 231 SA +21 19 232 PA +21 19 233 SA +21 19 234 SA +21 19 235 SA +21 19 236 SA +21 19 237 PU +21 19 238 SA +21 19 239 PU +21 19 240 PA +21 19 241 PJ +21 19 242 JA +21 19 243 PU +21 19 244 SA +21 19 245 PU +21 19 246 SA +21 19 247 SA +21 19 248 PA +21 19 249 SA +21 19 250 SA +21 19 251 SA +21 19 252 PJ +21 19 253 SA +21 19 254 SA +21 19 255 PA +21 19 256 PU +21 19 257 SA +21 19 258 JA +21 19 259 PU +21 19 260 PU +21 19 261 JA +21 19 262 PJ +21 19 263 PA +21 19 264 SA +21 19 265 SA +21 19 266 PU +21 19 267 SA +21 19 268 SA +21 19 269 PU +21 19 270 JA +21 19 271 SA +21 19 272 PJ +21 19 273 SA +21 19 274 PJ +21 19 275 SA +21 19 276 PU +21 19 277 SA +21 19 278 PU +21 19 279 SA +21 19 280 SA +21 19 281 SA +21 19 282 SA +21 19 283 PA +21 19 284 PJ +21 19 285 PU +21 19 286 PJ +21 19 287 PA +21 19 288 PU +21 19 289 SA +21 19 290 PJ +21 19 291 SA +21 19 292 PU +21 19 293 SA +21 19 294 PJ +21 19 295 PA +21 19 296 SA +21 19 297 JA +21 19 298 PU +21 19 299 SA +21 19 300 PA +21 19 301 SA +21 19 302 PJ +21 19 303 SA +21 19 304 SA +21 19 305 SA +21 19 306 SA +21 19 307 SA +21 19 308 SA +21 19 309 PA +21 19 310 SA +21 19 311 SA +21 19 312 SE +21 19 313 SA +21 19 314 PJ +21 19 315 SA +21 19 316 SA +21 19 317 PU +21 19 318 PU +21 19 319 PJ +21 19 320 PA +21 19 321 PU +21 19 322 SA +21 19 323 SA +21 19 324 PJ +21 19 325 SA +21 19 326 JA +21 19 327 SA +21 19 328 SA +21 19 329 PA +21 19 330 SA +21 20 1 SA +21 20 2 SA +21 20 3 PU +21 20 4 SA +21 20 5 SA +21 20 6 PU +21 20 7 SA +21 20 8 PU +21 20 9 CA +21 20 10 SA +21 20 11 SA +21 20 12 JA +21 20 13 SA +21 20 14 SE +21 20 15 PA +21 20 16 PJ +21 20 17 PU +21 20 18 SE +21 20 19 SA +21 20 20 SA +21 20 21 PU +21 20 22 JA +21 20 23 SA +21 20 24 SE +21 20 25 SA +21 20 26 SA +21 20 27 PJ +21 20 28 PU +21 20 29 SA +21 20 30 CA +21 20 31 SA +21 20 32 PU +21 20 33 SA +21 20 34 SA +21 20 35 PU +21 20 36 SA +21 20 37 SA +21 20 38 PU +21 20 39 SA +21 20 40 SA +21 20 41 PU +21 20 42 JA +21 20 43 SA +21 20 44 PJ +21 20 45 SA +21 20 46 PA +21 20 47 SA +21 20 48 CA +21 20 49 SA +21 20 50 SA +21 20 51 CH +21 20 52 PJ +21 20 53 PU +21 20 54 SA +21 20 55 SA +21 20 56 PU +21 20 57 SA +21 20 58 SA +21 20 59 PJ +21 20 60 SA +21 20 61 PU +21 20 62 SA +21 20 63 PU +21 20 64 SA +21 20 65 PU +21 20 66 PJ +21 20 67 SA +21 20 68 PU +21 20 69 SA +21 20 70 PJ +21 20 71 PU +21 20 72 SA +21 20 73 SA +21 20 74 SA +21 20 75 SA +21 20 76 PU +21 20 77 SA +21 20 78 PJ +21 20 79 SE +21 20 80 SA +21 20 81 SA +21 20 82 SA +21 20 83 PJ +21 20 84 PU +21 20 85 SA +21 20 86 PU +21 20 87 SE +21 20 88 PU +21 20 89 SE +21 20 90 SA +21 20 91 SA +21 20 92 PJ +21 20 93 SA +21 20 94 SE +21 20 95 PJ +21 20 96 JA +21 20 97 SA +21 20 98 PU +21 20 99 SA +21 20 100 SA +21 20 101 PU +21 20 102 SA +21 20 103 SA +21 20 104 SA +21 20 105 SA +21 20 106 PJ +21 20 107 PJ +21 20 108 SA +21 20 109 SA +21 20 110 JA +21 20 111 SA +21 20 112 PU +21 20 113 SE +21 20 114 SA +21 20 115 PU +21 20 116 SA +21 20 117 SE +21 20 118 PU +21 20 119 SA +21 20 120 PJ +21 20 121 PU +21 20 122 SA +21 20 123 SA +21 20 124 SA +21 20 125 PU +21 20 126 PU +21 20 127 SA +21 20 128 SA +21 20 129 PJ +21 20 130 SE +21 20 131 SA +21 20 132 PU +21 20 133 SA +21 20 134 SE +21 20 135 PU +21 20 136 SA +21 20 137 SA +21 20 138 SA +21 20 139 PJ +21 20 140 SA +21 20 141 PJ +21 20 142 PJ +21 20 143 SA +21 20 144 SA +21 20 145 SA +21 20 146 SA +21 20 147 SA +21 20 148 PU +21 20 149 SA +21 20 150 SA +21 20 151 PU +21 20 152 SA +21 20 153 SA +21 20 154 SE +21 20 155 CH +21 20 156 SA +21 20 157 CH +21 20 158 PJ +21 20 159 JA +21 20 160 PU +21 20 161 SA +21 20 162 PU +21 20 163 SA +21 20 164 SA +21 20 165 SA +21 20 166 SA +21 20 167 SA +21 20 168 SA +21 20 169 SA +21 20 170 SA +21 20 171 SA +21 20 172 PJ +21 20 173 PU +21 20 174 JA +21 20 175 SA +21 20 176 PU +21 20 177 SA +21 20 178 SA +21 20 179 PU +21 20 180 SA +21 20 181 SA +21 20 182 PU +21 20 183 CH +21 20 184 SA +21 20 185 PU +21 20 186 SA +21 20 187 JA +21 20 188 SA +21 20 189 SA +21 20 190 PU +21 20 191 SA +21 20 192 SA +21 20 193 SA +21 20 194 PU +21 20 195 SA +21 20 196 SA +21 20 197 SA +21 20 198 SE +21 20 199 PJ +21 20 200 SA +21 20 201 PU +21 20 202 SA +21 20 203 PU +21 20 204 SE +21 20 205 SA +21 20 206 PJ +21 20 207 PU +21 20 208 CH +21 20 209 SA +21 20 210 SA +21 20 211 SA +21 20 212 JA +21 20 213 SA +21 20 214 SA +21 20 215 SA +21 20 216 SA +21 20 217 PU +21 20 218 SA +21 20 219 SA +21 20 220 SA +21 20 221 SA +21 20 222 SA +21 20 223 SA +21 20 224 PJ +21 20 225 SA +21 20 226 SA +21 20 227 SE +21 20 228 SA +21 20 229 SA +21 20 230 PJ +21 20 231 SA +21 20 232 SA +21 20 233 SA +21 20 234 SA +21 20 235 SA +21 20 236 SA +21 20 237 PU +21 20 238 SA +21 20 239 PU +21 20 240 PU +21 20 241 PJ +21 20 242 JA +21 20 243 SA +21 20 244 SA +21 20 245 PU +21 20 246 SA +21 20 247 SA +21 20 248 SA +21 20 249 SA +21 20 250 SA +21 20 251 SA +21 20 252 PJ +21 20 253 SA +21 20 254 SA +21 20 255 SE +21 20 256 PU +21 20 257 SA +21 20 258 SA +21 20 259 PU +21 20 260 SA +21 20 261 PU +21 20 262 PJ +21 20 263 PA +21 20 264 SA +21 20 265 SA +21 20 266 PU +21 20 267 SA +21 20 268 SA +21 20 269 SA +21 20 270 PU +21 20 271 SA +21 20 272 PJ +21 20 273 SA +21 20 274 PJ +21 20 275 SA +21 20 276 PU +21 20 277 SA +21 20 278 PU +21 20 279 SA +21 20 280 SA +21 20 281 SA +21 20 282 SA +21 20 283 CH +21 20 284 PJ +21 20 285 PU +21 20 286 PJ +21 20 287 SA +21 20 288 PU +21 20 289 SA +21 20 290 PJ +21 20 291 SA +21 20 292 PU +21 20 293 SA +21 20 294 SA +21 20 295 CH +21 20 296 SA +21 20 297 JA +21 20 298 PU +21 20 299 SA +21 20 300 PA +21 20 301 SA +21 20 302 PJ +21 20 303 SA +21 20 304 SA +21 20 305 SA +21 20 306 SA +21 20 307 SA +21 20 308 SA +21 20 309 SA +21 20 310 SA +21 20 311 SA +21 20 312 SE +21 20 313 SA +21 20 314 PJ +21 20 315 SA +21 20 316 SA +21 20 317 PU +21 20 318 PU +21 20 319 PJ +21 20 320 SA +21 20 321 PU +21 20 322 SA +21 20 323 SA +21 20 324 PJ +21 20 325 SA +21 20 326 JA +21 20 327 SA +21 20 328 SA +21 20 329 CH +21 20 330 SA +21 21 1 SA +21 21 2 PA +21 21 3 PU +21 21 4 SA +21 21 5 PA +21 21 6 JA +21 21 7 SA +21 21 8 PU +21 21 9 CA +21 21 10 PA +21 21 11 SE +21 21 12 JA +21 21 13 SA +21 21 14 PA +21 21 15 PU +21 21 16 PJ +21 21 17 PU +21 21 18 SE +21 21 19 SA +21 21 20 SA +21 21 21 PU +21 21 22 JA +21 21 23 SA +21 21 24 SE +21 21 25 PA +21 21 26 SA +21 21 27 PJ +21 21 28 PU +21 21 29 SA +21 21 30 JA +21 21 31 PA +21 21 32 SA +21 21 33 SA +21 21 34 SA +21 21 35 PU +21 21 36 PA +21 21 37 PA +21 21 38 PU +21 21 39 SA +21 21 40 SA +21 21 41 PU +21 21 42 JA +21 21 43 SE +21 21 44 PJ +21 21 45 SA +21 21 46 PA +21 21 47 SA +21 21 48 JA +21 21 49 PA +21 21 50 SA +21 21 51 SE +21 21 52 PJ +21 21 53 PU +21 21 54 SA +21 21 55 SA +21 21 56 PA +21 21 57 SE +21 21 58 JA +21 21 59 PA +21 21 60 SE +21 21 61 PU +21 21 62 PA +21 21 63 PU +21 21 64 SA +21 21 65 PU +21 21 66 PJ +21 21 67 JA +21 21 68 SA +21 21 69 PA +21 21 70 PJ +21 21 71 PU +21 21 72 SA +21 21 73 SA +21 21 74 PA +21 21 75 SE +21 21 76 JA +21 21 77 SA +21 21 78 PU +21 21 79 PA +21 21 80 SA +21 21 81 SA +21 21 82 SA +21 21 83 PJ +21 21 84 PU +21 21 85 SA +21 21 86 PU +21 21 87 SE +21 21 88 PU +21 21 89 SE +21 21 90 PA +21 21 91 JA +21 21 92 PJ +21 21 93 SA +21 21 94 SE +21 21 95 PJ +21 21 96 JA +21 21 97 SA +21 21 98 PU +21 21 99 PA +21 21 100 PJ +21 21 101 SA +21 21 102 PA +21 21 103 JA +21 21 104 SA +21 21 105 SA +21 21 106 JA +21 21 107 PJ +21 21 108 SA +21 21 109 SA +21 21 110 JA +21 21 111 PA +21 21 112 PU +21 21 113 SE +21 21 114 SA +21 21 115 PU +21 21 116 PJ +21 21 117 SE +21 21 118 PU +21 21 119 SA +21 21 120 PJ +21 21 121 PU +21 21 122 SA +21 21 123 PA +21 21 124 PU +21 21 125 JA +21 21 126 PU +21 21 127 PA +21 21 128 JA +21 21 129 PJ +21 21 130 SE +21 21 131 SA +21 21 132 PU +21 21 133 SA +21 21 134 SE +21 21 135 SA +21 21 136 JA +21 21 137 SE +21 21 138 SA +21 21 139 PU +21 21 140 SA +21 21 141 PJ +21 21 142 PJ +21 21 143 SA +21 21 144 SA +21 21 145 SA +21 21 146 JA +21 21 147 SA +21 21 148 PU +21 21 149 SA +21 21 150 SA +21 21 151 PU +21 21 152 PU +21 21 153 SA +21 21 154 PA +21 21 155 SE +21 21 156 SA +21 21 157 SE +21 21 158 PJ +21 21 159 JA +21 21 160 PU +21 21 161 SA +21 21 162 PU +21 21 163 SA +21 21 164 SA +21 21 165 JA +21 21 166 PA +21 21 167 PA +21 21 168 SA +21 21 169 SA +21 21 170 PA +21 21 171 SA +21 21 172 PJ +21 21 173 PU +21 21 174 JA +21 21 175 PU +21 21 176 PU +21 21 177 JA +21 21 178 SA +21 21 179 PU +21 21 180 SA +21 21 181 JA +21 21 182 SA +21 21 183 PA +21 21 184 SA +21 21 185 JA +21 21 186 SA +21 21 187 JA +21 21 188 SA +21 21 189 PA +21 21 190 PU +21 21 191 SA +21 21 192 SA +21 21 193 SA +21 21 194 PU +21 21 195 SA +21 21 196 SA +21 21 197 PU +21 21 198 SE +21 21 199 PJ +21 21 200 SA +21 21 201 PU +21 21 202 SA +21 21 203 SA +21 21 204 SE +21 21 205 SA +21 21 206 PJ +21 21 207 PU +21 21 208 JA +21 21 209 PA +21 21 210 PU +21 21 211 SA +21 21 212 JA +21 21 213 PJ +21 21 214 SA +21 21 215 PU +21 21 216 PA +21 21 217 PU +21 21 218 SA +21 21 219 PJ +21 21 220 SA +21 21 221 PJ +21 21 222 PU +21 21 223 SA +21 21 224 PJ +21 21 225 SE +21 21 226 SA +21 21 227 SE +21 21 228 SE +21 21 229 SA +21 21 230 JA +21 21 231 PU +21 21 232 PA +21 21 233 PA +21 21 234 SA +21 21 235 PA +21 21 236 PU +21 21 237 JA +21 21 238 SA +21 21 239 PU +21 21 240 PU +21 21 241 PJ +21 21 242 JA +21 21 243 PU +21 21 244 PJ +21 21 245 PU +21 21 246 SA +21 21 247 SA +21 21 248 PA +21 21 249 SA +21 21 250 PU +21 21 251 SA +21 21 252 PJ +21 21 253 SA +21 21 254 PA +21 21 255 SE +21 21 256 PU +21 21 257 PA +21 21 258 JA +21 21 259 PU +21 21 260 PJ +21 21 261 JA +21 21 262 PJ +21 21 263 PA +21 21 264 PA +21 21 265 SA +21 21 266 JA +21 21 267 SA +21 21 268 SA +21 21 269 PU +21 21 270 JA +21 21 271 PA +21 21 272 PJ +21 21 273 PU +21 21 274 PJ +21 21 275 JA +21 21 276 PU +21 21 277 SA +21 21 278 PU +21 21 279 SA +21 21 280 PU +21 21 281 SA +21 21 282 SA +21 21 283 PA +21 21 284 PJ +21 21 285 PU +21 21 286 PJ +21 21 287 PA +21 21 288 PU +21 21 289 SA +21 21 290 PJ +21 21 291 SA +21 21 292 PU +21 21 293 PJ +21 21 294 PJ +21 21 295 PA +21 21 296 SA +21 21 297 JA +21 21 298 PU +21 21 299 SA +21 21 300 PA +21 21 301 SA +21 21 302 PJ +21 21 303 PU +21 21 304 PU +21 21 305 PU +21 21 306 SA +21 21 307 SA +21 21 308 PU +21 21 309 SE +21 21 310 SA +21 21 311 SA +21 21 312 SE +21 21 313 SA +21 21 314 PJ +21 21 315 SA +21 21 316 SA +21 21 317 PU +21 21 318 PU +21 21 319 PJ +21 21 320 JA +21 21 321 PU +21 21 322 SA +21 21 323 SA +21 21 324 PJ +21 21 325 PU +21 21 326 JA +21 21 327 SA +21 21 328 PU +21 21 329 PU +21 21 330 PJ +21 22 1 SA +21 22 2 SA +21 22 3 PU +21 22 4 SA +21 22 5 SA +21 22 6 JA +21 22 7 SA +21 22 8 PU +21 22 9 PU +21 22 10 SA +21 22 11 SA +21 22 12 JA +21 22 13 SA +21 22 14 SA +21 22 15 PU +21 22 16 PJ +21 22 17 PU +21 22 18 SE +21 22 19 SA +21 22 20 SA +21 22 21 PU +21 22 22 JA +21 22 23 SA +21 22 24 SE +21 22 25 SA +21 22 26 SA +21 22 27 PJ +21 22 28 * +21 22 29 SA +21 22 30 PU +21 22 31 SA +21 22 32 PU +21 22 33 SA +21 22 34 SA +21 22 35 PU +21 22 36 SA +21 22 37 SA +21 22 38 PU +21 22 39 SA +21 22 40 SA +21 22 41 PU +21 22 42 PU +21 22 43 SA +21 22 44 PJ +21 22 45 SA +21 22 46 PJ +21 22 47 SA +21 22 48 PU +21 22 49 SA +21 22 50 SA +21 22 51 PU +21 22 52 PJ +21 22 53 SA +21 22 54 SA +21 22 55 SA +21 22 56 PU +21 22 57 SA +21 22 58 PU +21 22 59 PJ +21 22 60 SA +21 22 61 PU +21 22 62 SA +21 22 63 PU +21 22 64 SA +21 22 65 PU +21 22 66 PJ +21 22 67 SA +21 22 68 PU +21 22 69 SA +21 22 70 PA +21 22 71 PU +21 22 72 SA +21 22 73 SA +21 22 74 SA +21 22 75 SA +21 22 76 PU +21 22 77 SA +21 22 78 PU +21 22 79 SE +21 22 80 SA +21 22 81 SA +21 22 82 SA +21 22 83 PA +21 22 84 PU +21 22 85 SA +21 22 86 PU +21 22 87 SE +21 22 88 PU +21 22 89 SE +21 22 90 SA +21 22 91 SA +21 22 92 PA +21 22 93 SA +21 22 94 SE +21 22 95 PA +21 22 96 JA +21 22 97 SA +21 22 98 PU +21 22 99 PA +21 22 100 SA +21 22 101 PU +21 22 102 PA +21 22 103 JA +21 22 104 SA +21 22 105 PU +21 22 106 JA +21 22 107 PJ +21 22 108 SA +21 22 109 SA +21 22 110 JA +21 22 111 SA +21 22 112 PU +21 22 113 SE +21 22 114 SA +21 22 115 PU +21 22 116 PA +21 22 117 SE +21 22 118 PU +21 22 119 SA +21 22 120 PJ +21 22 121 PU +21 22 122 SA +21 22 123 SA +21 22 124 SA +21 22 125 PU +21 22 126 PU +21 22 127 SA +21 22 128 JA +21 22 129 PA +21 22 130 SE +21 22 131 SA +21 22 132 PU +21 22 133 SA +21 22 134 SE +21 22 135 PU +21 22 136 SA +21 22 137 SA +21 22 138 SA +21 22 139 PA +21 22 140 SA +21 22 141 PA +21 22 142 PA +21 22 143 SA +21 22 144 SA +21 22 145 SA +21 22 146 JA +21 22 147 SA +21 22 148 PU +21 22 149 SA +21 22 150 SA +21 22 151 PU +21 22 152 SA +21 22 153 SA +21 22 154 PA +21 22 155 SE +21 22 156 SA +21 22 157 SE +21 22 158 PJ +21 22 159 JA +21 22 160 PU +21 22 161 SA +21 22 162 PU +21 22 163 SA +21 22 164 SA +21 22 165 SA +21 22 166 SA +21 22 167 PA +21 22 168 SA +21 22 169 SA +21 22 170 SE +21 22 171 SA +21 22 172 PJ +21 22 173 PU +21 22 174 JA +21 22 175 SA +21 22 176 PU +21 22 177 JA +21 22 178 SA +21 22 179 PU +21 22 180 SA +21 22 181 JA +21 22 182 SA +21 22 183 PA +21 22 184 SA +21 22 185 JA +21 22 186 SA +21 22 187 JA +21 22 188 SA +21 22 189 PA +21 22 190 SA +21 22 191 SA +21 22 192 SA +21 22 193 JA +21 22 194 PU +21 22 195 SA +21 22 196 SA +21 22 197 SA +21 22 198 SE +21 22 199 PA +21 22 200 SA +21 22 201 PU +21 22 202 SA +21 22 203 PU +21 22 204 SE +21 22 205 SA +21 22 206 PA +21 22 207 PU +21 22 208 JA +21 22 209 SA +21 22 210 PU +21 22 211 SA +21 22 212 PU +21 22 213 PA +21 22 214 SA +21 22 215 PU +21 22 216 SE +21 22 217 PU +21 22 218 SA +21 22 219 PA +21 22 220 SA +21 22 221 PA +21 22 222 SA +21 22 223 SA +21 22 224 PA +21 22 225 JA +21 22 226 SA +21 22 227 SE +21 22 228 SA +21 22 229 SA +21 22 230 PA +21 22 231 SA +21 22 232 JA +21 22 233 SA +21 22 234 SA +21 22 235 SA +21 22 236 JA +21 22 237 PU +21 22 238 SA +21 22 239 PU +21 22 240 PU +21 22 241 PJ +21 22 242 PJ +21 22 243 SA +21 22 244 PA +21 22 245 PU +21 22 246 SA +21 22 247 SA +21 22 248 SE +21 22 249 SA +21 22 250 SA +21 22 251 SA +21 22 252 PA +21 22 253 SA +21 22 254 SA +21 22 255 SE +21 22 256 PU +21 22 257 SA +21 22 258 JA +21 22 259 PU +21 22 260 JA +21 22 261 PU +21 22 262 PJ +21 22 263 PA +21 22 264 SA +21 22 265 SA +21 22 266 PU +21 22 267 SA +21 22 268 SA +21 22 269 PU +21 22 270 JA +21 22 271 SA +21 22 272 PJ +21 22 273 PU +21 22 274 PJ +21 22 275 JA +21 22 276 PU +21 22 277 SA +21 22 278 PU +21 22 279 SA +21 22 280 SA +21 22 281 SA +21 22 282 SA +21 22 283 JA +21 22 284 PA +21 22 285 PU +21 22 286 PJ +21 22 287 JA +21 22 288 PU +21 22 289 SA +21 22 290 PA +21 22 291 SA +21 22 292 PU +21 22 293 PA +21 22 294 PJ +21 22 295 JA +21 22 296 SA +21 22 297 JA +21 22 298 PU +21 22 299 SA +21 22 300 PJ +21 22 301 SA +21 22 302 JA +21 22 303 SA +21 22 304 SA +21 22 305 SA +21 22 306 SA +21 22 307 SA +21 22 308 SA +21 22 309 SE +21 22 310 SA +21 22 311 SA +21 22 312 SE +21 22 313 SA +21 22 314 PJ +21 22 315 SA +21 22 316 SA +21 22 317 PU +21 22 318 PU +21 22 319 PJ +21 22 320 SA +21 22 321 PU +21 22 322 SA +21 22 323 SA +21 22 324 PA +21 22 325 SA +21 22 326 JA +21 22 327 PA +21 22 328 SA +21 22 329 JA +21 22 330 PJ +21 23 1 SA +21 23 2 SA +21 23 3 PU +21 23 4 SA +21 23 5 SA +21 23 6 JA +21 23 7 SA +21 23 8 PU +21 23 9 JA +21 23 10 SA +21 23 11 SA +21 23 12 JA +21 23 13 SA +21 23 14 SA +21 23 15 SA +21 23 16 PJ +21 23 17 PU +21 23 18 SE +21 23 19 SA +21 23 20 SA +21 23 21 PU +21 23 22 JA +21 23 23 SA +21 23 24 SA +21 23 25 SA +21 23 26 SA +21 23 27 PJ +21 23 28 PU +21 23 29 SA +21 23 30 JA +21 23 31 SA +21 23 32 SA +21 23 33 SA +21 23 34 SA +21 23 35 PU +21 23 36 SA +21 23 37 SA +21 23 38 PU +21 23 39 SA +21 23 40 SA +21 23 41 PU +21 23 42 JA +21 23 43 SA +21 23 44 PJ +21 23 45 SA +21 23 46 PJ +21 23 47 SA +21 23 48 PU +21 23 49 SA +21 23 50 SA +21 23 51 JA +21 23 52 PJ +21 23 53 PU +21 23 54 SA +21 23 55 SA +21 23 56 PU +21 23 57 SA +21 23 58 JA +21 23 59 PJ +21 23 60 SA +21 23 61 PU +21 23 62 SA +21 23 63 PU +21 23 64 SA +21 23 65 PU +21 23 66 PJ +21 23 67 SA +21 23 68 SA +21 23 69 SA +21 23 70 PJ +21 23 71 PU +21 23 72 SA +21 23 73 SA +21 23 74 PJ +21 23 75 SA +21 23 76 PU +21 23 77 SA +21 23 78 PU +21 23 79 SE +21 23 80 SA +21 23 81 SA +21 23 82 SA +21 23 83 PJ +21 23 84 PU +21 23 85 SA +21 23 86 PU +21 23 87 SE +21 23 88 SA +21 23 89 SE +21 23 90 SA +21 23 91 JA +21 23 92 PJ +21 23 93 SA +21 23 94 SE +21 23 95 PJ +21 23 96 JA +21 23 97 SA +21 23 98 PU +21 23 99 SA +21 23 100 SA +21 23 101 SA +21 23 102 PJ +21 23 103 JA +21 23 104 SA +21 23 105 SA +21 23 106 JA +21 23 107 PJ +21 23 108 PJ +21 23 109 SA +21 23 110 JA +21 23 111 SA +21 23 112 PU +21 23 113 SE +21 23 114 SA +21 23 115 PU +21 23 116 PJ +21 23 117 SE +21 23 118 SA +21 23 119 SA +21 23 120 PJ +21 23 121 PU +21 23 122 SA +21 23 123 SA +21 23 124 JA +21 23 125 JA +21 23 126 PU +21 23 127 SA +21 23 128 JA +21 23 129 PJ +21 23 130 SE +21 23 131 SA +21 23 132 PU +21 23 133 SA +21 23 134 SA +21 23 135 SA +21 23 136 SA +21 23 137 SA +21 23 138 SA +21 23 139 PJ +21 23 140 SA +21 23 141 PJ +21 23 142 PJ +21 23 143 JA +21 23 144 SA +21 23 145 SA +21 23 146 JA +21 23 147 SA +21 23 148 PU +21 23 149 SA +21 23 150 SA +21 23 151 SA +21 23 152 SA +21 23 153 SA +21 23 154 SE +21 23 155 SE +21 23 156 SA +21 23 157 SE +21 23 158 PJ +21 23 159 JA +21 23 160 PU +21 23 161 SA +21 23 162 PU +21 23 163 SA +21 23 164 SA +21 23 165 JA +21 23 166 SA +21 23 167 PJ +21 23 168 SA +21 23 169 SA +21 23 170 SA +21 23 171 SA +21 23 172 PJ +21 23 173 PU +21 23 174 JA +21 23 175 SA +21 23 176 PU +21 23 177 JA +21 23 178 SA +21 23 179 SA +21 23 180 SA +21 23 181 JA +21 23 182 SA +21 23 183 JA +21 23 184 SA +21 23 185 JA +21 23 186 SA +21 23 187 JA +21 23 188 SA +21 23 189 PJ +21 23 190 PU +21 23 191 SA +21 23 192 SA +21 23 193 JA +21 23 194 PU +21 23 195 SA +21 23 196 SA +21 23 197 SA +21 23 198 SE +21 23 199 PJ +21 23 200 SA +21 23 201 PU +21 23 202 SA +21 23 203 SA +21 23 204 SE +21 23 205 SA +21 23 206 PJ +21 23 207 PU +21 23 208 JA +21 23 209 JA +21 23 210 SA +21 23 211 SA +21 23 212 JA +21 23 213 PJ +21 23 214 JA +21 23 215 SA +21 23 216 SE +21 23 217 PU +21 23 218 JA +21 23 219 PJ +21 23 220 SA +21 23 221 PJ +21 23 222 SA +21 23 223 SA +21 23 224 PJ +21 23 225 JA +21 23 226 SA +21 23 227 SE +21 23 228 SA +21 23 229 SA +21 23 230 PJ +21 23 231 SA +21 23 232 JA +21 23 233 SA +21 23 234 SA +21 23 235 SA +21 23 236 JA +21 23 237 JA +21 23 238 SA +21 23 239 SA +21 23 240 PU +21 23 241 PJ +21 23 242 JA +21 23 243 SA +21 23 244 PJ +21 23 245 PU +21 23 246 SA +21 23 247 SA +21 23 248 SA +21 23 249 SA +21 23 250 SA +21 23 251 SA +21 23 252 PJ +21 23 253 SA +21 23 254 SA +21 23 255 SE +21 23 256 PU +21 23 257 SA +21 23 258 JA +21 23 259 PU +21 23 260 PJ +21 23 261 PU +21 23 262 PJ +21 23 263 PJ +21 23 264 SA +21 23 265 SA +21 23 266 PU +21 23 267 SA +21 23 268 SA +21 23 269 SA +21 23 270 JA +21 23 271 JA +21 23 272 PJ +21 23 273 SA +21 23 274 PJ +21 23 275 JA +21 23 276 PU +21 23 277 SA +21 23 278 JA +21 23 279 SA +21 23 280 JA +21 23 281 SA +21 23 282 SA +21 23 283 JA +21 23 284 PJ +21 23 285 PU +21 23 286 PJ +21 23 287 JA +21 23 288 PU +21 23 289 SA +21 23 290 PJ +21 23 291 SA +21 23 292 JA +21 23 293 PJ +21 23 294 PJ +21 23 295 JA +21 23 296 SA +21 23 297 JA +21 23 298 PU +21 23 299 SA +21 23 300 PJ +21 23 301 SA +21 23 302 PJ +21 23 303 SA +21 23 304 SA +21 23 305 SA +21 23 306 SA +21 23 307 SA +21 23 308 SA +21 23 309 SE +21 23 310 PU +21 23 311 SA +21 23 312 SE +21 23 313 SA +21 23 314 PJ +21 23 315 SA +21 23 316 SA +21 23 317 PU +21 23 318 JA +21 23 319 PJ +21 23 320 JA +21 23 321 PU +21 23 322 SA +21 23 323 SA +21 23 324 PJ +21 23 325 SA +21 23 326 JA +21 23 327 PJ +21 23 328 SA +21 23 329 JA +21 23 330 PJ +21 24 1 SA +21 24 2 SA +21 24 3 PU +21 24 4 PA +21 24 5 SA +21 24 6 PJ +21 24 7 SA +21 24 8 PU +21 24 9 PA +21 24 10 SA +21 24 11 SA +21 24 12 JA +21 24 13 SA +21 24 14 SA +21 24 15 PJ +21 24 16 PA +21 24 17 PU +21 24 18 PJ +21 24 19 SA +21 24 20 SA +21 24 21 PU +21 24 22 JA +21 24 23 SA +21 24 24 PJ +21 24 25 SA +21 24 26 SA +21 24 27 PJ +21 24 28 PU +21 24 29 SA +21 24 30 PU +21 24 31 SA +21 24 32 PJ +21 24 33 SA +21 24 34 SA +21 24 35 PU +21 24 36 SA +21 24 37 SA +21 24 38 PU +21 24 39 SA +21 24 40 SA +21 24 41 PU +21 24 42 JA +21 24 43 SA +21 24 44 PJ +21 24 45 SA +21 24 46 PA +21 24 47 SA +21 24 48 JA +21 24 49 SA +21 24 50 SA +21 24 51 PA +21 24 52 PJ +21 24 53 SA +21 24 54 SA +21 24 55 SA +21 24 56 PJ +21 24 57 SA +21 24 58 JA +21 24 59 PJ +21 24 60 SA +21 24 61 PU +21 24 62 SA +21 24 63 PJ +21 24 64 SA +21 24 65 PU +21 24 66 PA +21 24 67 SA +21 24 68 SA +21 24 69 PA +21 24 70 PJ +21 24 71 SA +21 24 72 SA +21 24 73 SA +21 24 74 PJ +21 24 75 SA +21 24 76 PU +21 24 77 SA +21 24 78 PJ +21 24 79 SE +21 24 80 SA +21 24 81 SA +21 24 82 SA +21 24 83 JA +21 24 84 PJ +21 24 85 SA +21 24 86 SA +21 24 87 PA +21 24 88 SA +21 24 89 SE +21 24 90 SA +21 24 91 SA +21 24 92 PA +21 24 93 SA +21 24 94 SE +21 24 95 PJ +21 24 96 JA +21 24 97 SA +21 24 98 PU +21 24 99 PA +21 24 100 SA +21 24 101 PU +21 24 102 PA +21 24 103 PA +21 24 104 SA +21 24 105 SA +21 24 106 JA +21 24 107 PJ +21 24 108 SA +21 24 109 SA +21 24 110 JA +21 24 111 SA +21 24 112 PU +21 24 113 SE +21 24 114 SA +21 24 115 PU +21 24 116 PA +21 24 117 SE +21 24 118 PU +21 24 119 SA +21 24 120 PJ +21 24 121 PU +21 24 122 SA +21 24 123 SA +21 24 124 JA +21 24 125 PU +21 24 126 PU +21 24 127 SA +21 24 128 JA +21 24 129 PA +21 24 130 PA +21 24 131 SA +21 24 132 PU +21 24 133 SA +21 24 134 PA +21 24 135 SA +21 24 136 SA +21 24 137 SA +21 24 138 SA +21 24 139 PA +21 24 140 SA +21 24 141 PJ +21 24 142 PA +21 24 143 SA +21 24 144 SA +21 24 145 SA +21 24 146 JA +21 24 147 SA +21 24 148 PU +21 24 149 SA +21 24 150 SA +21 24 151 PU +21 24 152 PU +21 24 153 SA +21 24 154 PA +21 24 155 PA +21 24 156 SA +21 24 157 PA +21 24 158 PJ +21 24 159 JA +21 24 160 JA +21 24 161 SA +21 24 162 PU +21 24 163 SA +21 24 164 SA +21 24 165 PA +21 24 166 SA +21 24 167 PJ +21 24 168 SA +21 24 169 SA +21 24 170 PA +21 24 171 SA +21 24 172 PJ +21 24 173 PU +21 24 174 JA +21 24 175 PA +21 24 176 PU +21 24 177 JA +21 24 178 SA +21 24 179 PA +21 24 180 SA +21 24 181 JA +21 24 182 SA +21 24 183 PA +21 24 184 SA +21 24 185 PU +21 24 186 SA +21 24 187 JA +21 24 188 SA +21 24 189 PJ +21 24 190 PJ +21 24 191 SA +21 24 192 SA +21 24 193 JA +21 24 194 SA +21 24 195 SA +21 24 196 SA +21 24 197 PJ +21 24 198 SE +21 24 199 PJ +21 24 200 SA +21 24 201 PU +21 24 202 SA +21 24 203 SA +21 24 204 PA +21 24 205 SA +21 24 206 PJ +21 24 207 PU +21 24 208 PA +21 24 209 SA +21 24 210 PA +21 24 211 SA +21 24 212 JA +21 24 213 PJ +21 24 214 SA +21 24 215 PJ +21 24 216 PA +21 24 217 PJ +21 24 218 SA +21 24 219 PJ +21 24 220 SA +21 24 221 PA +21 24 222 SA +21 24 223 SA +21 24 224 PA +21 24 225 PA +21 24 226 SA +21 24 227 SE +21 24 228 SA +21 24 229 SA +21 24 230 PJ +21 24 231 SA +21 24 232 PA +21 24 233 SA +21 24 234 SA +21 24 235 SA +21 24 236 SA +21 24 237 PA +21 24 238 SA +21 24 239 PA +21 24 240 PA +21 24 241 PJ +21 24 242 JA +21 24 243 SA +21 24 244 PJ +21 24 245 PU +21 24 246 SA +21 24 247 SA +21 24 248 SA +21 24 249 SA +21 24 250 SA +21 24 251 SA +21 24 252 PJ +21 24 253 SA +21 24 254 SA +21 24 255 SE +21 24 256 PU +21 24 257 SA +21 24 258 JA +21 24 259 PA +21 24 260 PA +21 24 261 JA +21 24 262 PJ +21 24 263 PA +21 24 264 PA +21 24 265 SA +21 24 266 PA +21 24 267 SA +21 24 268 SA +21 24 269 SA +21 24 270 JA +21 24 271 SA +21 24 272 PJ +21 24 273 SA +21 24 274 PJ +21 24 275 JA +21 24 276 SA +21 24 277 SA +21 24 278 PA +21 24 279 SA +21 24 280 SA +21 24 281 SA +21 24 282 SA +21 24 283 PA +21 24 284 PJ +21 24 285 PJ +21 24 286 PJ +21 24 287 PA +21 24 288 PU +21 24 289 SA +21 24 290 PJ +21 24 291 SA +21 24 292 PA +21 24 293 PJ +21 24 294 PJ +21 24 295 PA +21 24 296 SA +21 24 297 JA +21 24 298 PU +21 24 299 SA +21 24 300 PA +21 24 301 SA +21 24 302 PA +21 24 303 PA +21 24 304 SA +21 24 305 SA +21 24 306 SA +21 24 307 SA +21 24 308 SA +21 24 309 PA +21 24 310 SA +21 24 311 SA +21 24 312 PA +21 24 313 SA +21 24 314 PA +21 24 315 SA +21 24 316 SA +21 24 317 SA +21 24 318 PU +21 24 319 PJ +21 24 320 SA +21 24 321 PU +21 24 322 SA +21 24 323 SA +21 24 324 PA +21 24 325 SA +21 24 326 JA +21 24 327 PA +21 24 328 SA +21 24 329 PA +21 24 330 PJ +21 25 1 SA +21 25 2 SA +21 25 3 PU +21 25 4 SA +21 25 5 SA +21 25 6 JA +21 25 7 SA +21 25 8 PU +21 25 9 SA +21 25 10 SA +21 25 11 SE +21 25 12 JA +21 25 13 SA +21 25 14 SE +21 25 15 PA +21 25 16 PA +21 25 17 PU +21 25 18 SE +21 25 19 SA +21 25 20 SA +21 25 21 PU +21 25 22 JA +21 25 23 SA +21 25 24 SE +21 25 25 SA +21 25 26 SA +21 25 27 PA +21 25 28 PU +21 25 29 SA +21 25 30 JA +21 25 31 SA +21 25 32 SA +21 25 33 SA +21 25 34 SA +21 25 35 JA +21 25 36 SA +21 25 37 SA +21 25 38 PU +21 25 39 SA +21 25 40 SA +21 25 41 PU +21 25 42 JA +21 25 43 SA +21 25 44 JA +21 25 45 SA +21 25 46 SE +21 25 47 SA +21 25 48 JA +21 25 49 SA +21 25 50 SA +21 25 51 JA +21 25 52 JA +21 25 53 PU +21 25 54 SA +21 25 55 SA +21 25 56 JA +21 25 57 SA +21 25 58 JA +21 25 59 PA +21 25 60 SA +21 25 61 PU +21 25 62 SA +21 25 63 JA +21 25 64 SA +21 25 65 PU +21 25 66 PA +21 25 67 SA +21 25 68 JA +21 25 69 JA +21 25 70 PA +21 25 71 SA +21 25 72 SA +21 25 73 SA +21 25 74 PA +21 25 75 PA +21 25 76 JA +21 25 77 SA +21 25 78 PA +21 25 79 SE +21 25 80 SA +21 25 81 SA +21 25 82 SA +21 25 83 PA +21 25 84 PA +21 25 85 SA +21 25 86 PA +21 25 87 SE +21 25 88 SA +21 25 89 SE +21 25 90 SA +21 25 91 SA +21 25 92 JA +21 25 93 SA +21 25 94 SE +21 25 95 PA +21 25 96 JA +21 25 97 SA +21 25 98 PU +21 25 99 PA +21 25 100 SA +21 25 101 PU +21 25 102 PA +21 25 103 SA +21 25 104 SA +21 25 105 SA +21 25 106 JA +21 25 107 PA +21 25 108 SA +21 25 109 SA +21 25 110 JA +21 25 111 PA +21 25 112 PU +21 25 113 SE +21 25 114 SA +21 25 115 PU +21 25 116 SA +21 25 117 SE +21 25 118 SA +21 25 119 SA +21 25 120 PJ +21 25 121 PU +21 25 122 SA +21 25 123 SA +21 25 124 SA +21 25 125 PU +21 25 126 PA +21 25 127 SA +21 25 128 JA +21 25 129 JA +21 25 130 PA +21 25 131 SA +21 25 132 PU +21 25 133 SA +21 25 134 SE +21 25 135 SA +21 25 136 SA +21 25 137 SA +21 25 138 SA +21 25 139 PA +21 25 140 SA +21 25 141 PJ +21 25 142 PA +21 25 143 SA +21 25 144 SA +21 25 145 SA +21 25 146 JA +21 25 147 JA +21 25 148 PU +21 25 149 SA +21 25 150 SA +21 25 151 JA +21 25 152 SA +21 25 153 SA +21 25 154 SE +21 25 155 SE +21 25 156 SA +21 25 157 JA +21 25 158 PJ +21 25 159 JA +21 25 160 SA +21 25 161 SA +21 25 162 PU +21 25 163 SA +21 25 164 SA +21 25 165 SA +21 25 166 SA +21 25 167 SA +21 25 168 SA +21 25 169 SA +21 25 170 SA +21 25 171 SA +21 25 172 PJ +21 25 173 PU +21 25 174 JA +21 25 175 SA +21 25 176 PU +21 25 177 JA +21 25 178 SA +21 25 179 SA +21 25 180 SA +21 25 181 JA +21 25 182 SE +21 25 183 JA +21 25 184 SA +21 25 185 JA +21 25 186 SA +21 25 187 JA +21 25 188 SA +21 25 189 SA +21 25 190 JA +21 25 191 SA +21 25 192 SA +21 25 193 SA +21 25 194 SE +21 25 195 SA +21 25 196 SA +21 25 197 SA +21 25 198 SE +21 25 199 PA +21 25 200 SA +21 25 201 JA +21 25 202 SA +21 25 203 PU +21 25 204 SE +21 25 205 SA +21 25 206 PA +21 25 207 SA +21 25 208 JA +21 25 209 SA +21 25 210 SE +21 25 211 SA +21 25 212 JA +21 25 213 PA +21 25 214 SA +21 25 215 JA +21 25 216 PA +21 25 217 JA +21 25 218 SA +21 25 219 PA +21 25 220 SA +21 25 221 PA +21 25 222 SA +21 25 223 SA +21 25 224 PA +21 25 225 SA +21 25 226 SA +21 25 227 SE +21 25 228 SA +21 25 229 SA +21 25 230 JA +21 25 231 SA +21 25 232 SE +21 25 233 SA +21 25 234 SA +21 25 235 SA +21 25 236 PA +21 25 237 JA +21 25 238 SA +21 25 239 JA +21 25 240 PU +21 25 241 PA +21 25 242 JA +21 25 243 PU +21 25 244 PA +21 25 245 PU +21 25 246 SA +21 25 247 SA +21 25 248 SA +21 25 249 SA +21 25 250 SA +21 25 251 SA +21 25 252 PA +21 25 253 SA +21 25 254 SA +21 25 255 SE +21 25 256 PU +21 25 257 SA +21 25 258 JA +21 25 259 PU +21 25 260 JA +21 25 261 PU +21 25 262 PA +21 25 263 PA +21 25 264 SA +21 25 265 SA +21 25 266 PU +21 25 267 SA +21 25 268 SA +21 25 269 SA +21 25 270 JA +21 25 271 SA +21 25 272 PA +21 25 273 SA +21 25 274 PA +21 25 275 SA +21 25 276 PU +21 25 277 SA +21 25 278 JA +21 25 279 SA +21 25 280 SA +21 25 281 SA +21 25 282 SA +21 25 283 SE +21 25 284 PA +21 25 285 SA +21 25 286 PA +21 25 287 PA +21 25 288 PU +21 25 289 SA +21 25 290 PA +21 25 291 SA +21 25 292 PA +21 25 293 PA +21 25 294 PA +21 25 295 SE +21 25 296 SA +21 25 297 JA +21 25 298 PU +21 25 299 SA +21 25 300 PA +21 25 301 SA +21 25 302 PA +21 25 303 SA +21 25 304 SA +21 25 305 SA +21 25 306 SA +21 25 307 SA +21 25 308 SA +21 25 309 SE +21 25 310 SA +21 25 311 SA +21 25 312 SE +21 25 313 SA +21 25 314 PA +21 25 315 SA +21 25 316 SA +21 25 317 PU +21 25 318 JA +21 25 319 PA +21 25 320 PA +21 25 321 PU +21 25 322 SA +21 25 323 SA +21 25 324 PA +21 25 325 PU +21 25 326 JA +21 25 327 PA +21 25 328 SA +21 25 329 PA +21 25 330 PA +22 1 1 LA +22 1 2 FI +22 1 3 LA +22 1 4 CH +22 1 5 LA +22 1 6 LA +22 1 7 LU +22 1 8 UN +22 1 9 PA +22 1 10 LU +22 1 11 LU +22 1 12 LA +22 1 13 LU +22 1 14 PA +22 1 15 FI +22 1 16 FI +22 1 17 LA +22 1 18 PA +22 1 19 LU +22 1 20 LU +22 1 21 UN +22 1 22 LA +22 1 23 CH +22 1 24 PA +22 1 25 LA +22 1 26 PA +22 1 27 FI +22 1 28 LA +22 1 29 LA +22 1 30 LA +22 1 31 FI +22 1 32 UN +22 1 33 LU +22 1 34 LA +22 1 35 LA +22 1 36 LU +22 1 37 FI +22 1 38 UN +22 1 39 LU +22 1 40 FI +22 1 41 UN +22 1 42 LA +22 1 43 PA +22 1 44 FI +22 1 45 LU +22 1 46 FI +22 1 47 LU +22 1 48 LA +22 1 49 FI +22 1 50 CF +22 1 51 PA +22 1 52 FI +22 1 53 CH +22 1 54 LA +22 1 55 LU +22 1 56 FI +22 1 57 LA +22 1 58 LA +22 1 59 FI +22 1 60 PA +22 1 61 UN +22 1 62 LA +22 1 63 LA +22 1 64 LU +22 1 65 UN +22 1 66 FI +22 1 67 LU +22 1 68 LA +22 1 69 PA +22 1 70 FI +22 1 71 LA +22 1 72 LU +22 1 73 LA +22 1 74 FI +22 1 75 YA +22 1 76 LA +22 1 77 LA +22 1 78 FI +22 1 79 PA +22 1 80 LA +22 1 81 LA +22 1 82 LU +22 1 83 LA +22 1 84 FI +22 1 85 LU +22 1 86 LA +22 1 87 PA +22 1 88 LA +22 1 89 PA +22 1 90 LU +22 1 91 LA +22 1 92 FI +22 1 93 LA +22 1 94 PA +22 1 95 FI +22 1 96 LA +22 1 97 CH +22 1 98 UN +22 1 99 FI +22 1 100 LU +22 1 101 LA +22 1 102 FI +22 1 103 PA +22 1 104 FI +22 1 105 CF +22 1 106 FI +22 1 107 FI +22 1 108 FI +22 1 109 LA +22 1 110 UN +22 1 111 PA +22 1 112 UN +22 1 113 PA +22 1 114 LA +22 1 115 UN +22 1 116 FI +22 1 117 PA +22 1 118 UN +22 1 119 LU +22 1 120 FI +22 1 121 LU +22 1 122 LU +22 1 123 LA +22 1 124 LA +22 1 125 LU +22 1 126 LA +22 1 127 PA +22 1 128 LA +22 1 129 FI +22 1 130 PA +22 1 131 LA +22 1 132 UN +22 1 133 LU +22 1 134 PA +22 1 135 LA +22 1 136 FI +22 1 137 PA +22 1 138 FI +22 1 139 FI +22 1 140 LA +22 1 141 FI +22 1 142 FI +22 1 143 LU +22 1 144 CF +22 1 145 LA +22 1 146 UN +22 1 147 LU +22 1 148 UN +22 1 149 LU +22 1 150 PA +22 1 151 FI +22 1 152 FI +22 1 153 LU +22 1 154 PA +22 1 155 YA +22 1 156 LU +22 1 157 PA +22 1 158 FI +22 1 159 LA +22 1 160 LU +22 1 161 LU +22 1 162 UN +22 1 163 LU +22 1 164 LA +22 1 165 PA +22 1 166 YA +22 1 167 FI +22 1 168 LU +22 1 169 FI +22 1 170 PA +22 1 171 LU +22 1 172 FI +22 1 173 LA +22 1 174 LU +22 1 175 FI +22 1 176 UN +22 1 177 FI +22 1 178 LU +22 1 179 PA +22 1 180 LA +22 1 181 FI +22 1 182 UN +22 1 183 PA +22 1 184 LU +22 1 185 UN +22 1 186 FI +22 1 187 LA +22 1 188 LU +22 1 189 FI +22 1 190 LA +22 1 191 LU +22 1 192 UN +22 1 193 LA +22 1 194 YA +22 1 195 LU +22 1 196 FI +22 1 197 LA +22 1 198 PA +22 1 199 FI +22 1 200 FI +22 1 201 UN +22 1 202 LU +22 1 203 LA +22 1 204 PA +22 1 205 LA +22 1 206 FI +22 1 207 UN +22 1 208 LA +22 1 209 LU +22 1 210 PA +22 1 211 FI +22 1 212 LU +22 1 213 FI +22 1 214 LA +22 1 215 UN +22 1 216 PA +22 1 217 FI +22 1 218 LA +22 1 219 FI +22 1 220 LA +22 1 221 FI +22 1 222 LA +22 1 223 LU +22 1 224 FI +22 1 225 LA +22 1 226 YA +22 1 227 PA +22 1 228 LA +22 1 229 FI +22 1 230 FI +22 1 231 LA +22 1 232 PA +22 1 233 LU +22 1 234 UN +22 1 235 LU +22 1 236 LU +22 1 237 FI +22 1 238 LA +22 1 239 LA +22 1 240 LU +22 1 241 FI +22 1 242 FI +22 1 243 UN +22 1 244 FI +22 1 245 UN +22 1 246 LU +22 1 247 LA +22 1 248 PA +22 1 249 PA +22 1 250 LA +22 1 251 FI +22 1 252 FI +22 1 253 LA +22 1 254 FI +22 1 255 PA +22 1 256 UN +22 1 257 PA +22 1 258 LU +22 1 259 UN +22 1 260 FI +22 1 261 LA +22 1 262 FI +22 1 263 LA +22 1 264 FI +22 1 265 LU +22 1 266 UN +22 1 267 LA +22 1 268 LU +22 1 269 LU +22 1 270 UN +22 1 271 LU +22 1 272 FI +22 1 273 LA +22 1 274 FI +22 1 275 LA +22 1 276 UN +22 1 277 PA +22 1 278 LA +22 1 279 PA +22 1 280 LU +22 1 281 LU +22 1 282 LU +22 1 283 PA +22 1 284 FI +22 1 285 FI +22 1 286 FI +22 1 287 PA +22 1 288 UN +22 1 289 LU +22 1 290 FI +22 1 291 LA +22 1 292 LA +22 1 293 FI +22 1 294 FI +22 1 295 PA +22 1 296 LU +22 1 297 LU +22 1 298 UN +22 1 299 LU +22 1 300 FI +22 1 301 LU +22 1 302 FI +22 1 303 FI +22 1 304 LU +22 1 305 LA +22 1 306 LA +22 1 307 LU +22 1 308 LA +22 1 309 PA +22 1 310 LU +22 1 311 LA +22 1 312 PA +22 1 313 PA +22 1 314 FI +22 1 315 LU +22 1 316 LA +22 1 317 UN +22 1 318 FI +22 1 319 FI +22 1 320 PA +22 1 321 UN +22 1 322 FI +22 1 323 LU +22 1 324 FI +22 1 325 LU +22 1 326 LA +22 1 327 FI +22 1 328 PA +22 1 329 PA +22 1 330 FI +22 2 1 FI +22 2 2 FI +22 2 3 UN +22 2 4 YA +22 2 5 FI +22 2 6 FI +22 2 7 LU +22 2 8 UN +22 2 9 FI +22 2 10 PA +22 2 11 PA +22 2 12 LA +22 2 13 LU +22 2 14 FI +22 2 15 FI +22 2 16 FI +22 2 17 UN +22 2 18 PA +22 2 19 LU +22 2 20 LU +22 2 21 UN +22 2 22 FI +22 2 23 LU +22 2 24 FI +22 2 25 LU +22 2 26 LU +22 2 27 FI +22 2 28 UN +22 2 29 LU +22 2 30 LA +22 2 31 FI +22 2 32 FI +22 2 33 LU +22 2 34 LU +22 2 35 FI +22 2 36 YA +22 2 37 FI +22 2 38 UN +22 2 39 NN +22 2 40 FI +22 2 41 UN +22 2 42 LU +22 2 43 PA +22 2 44 FI +22 2 45 FI +22 2 46 FI +22 2 47 YA +22 2 48 LA +22 2 49 FI +22 2 50 PA +22 2 51 YA +22 2 52 FI +22 2 53 UN +22 2 54 LU +22 2 55 LU +22 2 56 FI +22 2 57 YA +22 2 58 FI +22 2 59 FI +22 2 60 YA +22 2 61 UN +22 2 62 FI +22 2 63 LU +22 2 64 FI +22 2 65 UN +22 2 66 FI +22 2 67 LU +22 2 68 UN +22 2 69 YA +22 2 70 FI +22 2 71 UN +22 2 72 LU +22 2 73 LU +22 2 74 FI +22 2 75 YA +22 2 76 LA +22 2 77 FI +22 2 78 FI +22 2 79 FI +22 2 80 LU +22 2 81 LU +22 2 82 FI +22 2 83 FI +22 2 84 LU +22 2 85 LU +22 2 86 LA +22 2 87 PA +22 2 88 LU +22 2 89 YA +22 2 90 LU +22 2 91 FI +22 2 92 FI +22 2 93 LU +22 2 94 YA +22 2 95 FI +22 2 96 LA +22 2 97 LU +22 2 98 UN +22 2 99 FI +22 2 100 FI +22 2 101 UN +22 2 102 FI +22 2 103 FI +22 2 104 LU +22 2 105 LA +22 2 106 FI +22 2 107 FI +22 2 108 FI +22 2 109 LU +22 2 110 LA +22 2 111 FI +22 2 112 * +22 2 113 YA +22 2 114 FI +22 2 115 UN +22 2 116 FI +22 2 117 YA +22 2 118 FI +22 2 119 LU +22 2 120 FI +22 2 121 UN +22 2 122 LU +22 2 123 LA +22 2 124 LA +22 2 125 UN +22 2 126 LU +22 2 127 YA +22 2 128 LU +22 2 129 FI +22 2 130 YA +22 2 131 LU +22 2 132 UN +22 2 133 LU +22 2 134 YA +22 2 135 LU +22 2 136 FI +22 2 137 YA +22 2 138 FI +22 2 139 FI +22 2 140 LU +22 2 141 FI +22 2 142 FI +22 2 143 LU +22 2 144 LU +22 2 145 LA +22 2 146 LA +22 2 147 FI +22 2 148 UN +22 2 149 LA +22 2 150 YA +22 2 151 FI +22 2 152 LU +22 2 153 FI +22 2 154 YA +22 2 155 PA +22 2 156 LU +22 2 157 FI +22 2 158 FI +22 2 159 LA +22 2 160 LU +22 2 161 LU +22 2 162 UN +22 2 163 LU +22 2 164 LU +22 2 165 YA +22 2 166 LU +22 2 167 FI +22 2 168 LU +22 2 169 LU +22 2 170 YA +22 2 171 FI +22 2 172 FI +22 2 173 UN +22 2 174 LU +22 2 175 FI +22 2 176 UN +22 2 177 LU +22 2 178 YA +22 2 179 NN +22 2 180 LU +22 2 181 FI +22 2 182 FI +22 2 183 YA +22 2 184 LU +22 2 185 LU +22 2 186 FI +22 2 187 LA +22 2 188 LU +22 2 189 FI +22 2 190 FI +22 2 191 LU +22 2 192 LU +22 2 193 FI +22 2 194 YA +22 2 195 LU +22 2 196 FI +22 2 197 LU +22 2 198 YA +22 2 199 FI +22 2 200 LU +22 2 201 FI +22 2 202 LU +22 2 203 UN +22 2 204 YA +22 2 205 LU +22 2 206 FI +22 2 207 UN +22 2 208 FI +22 2 209 YA +22 2 210 NN +22 2 211 FI +22 2 212 UN +22 2 213 FI +22 2 214 LA +22 2 215 LA +22 2 216 YA +22 2 217 FI +22 2 218 LA +22 2 219 FI +22 2 220 LA +22 2 221 FI +22 2 222 LU +22 2 223 LU +22 2 224 FI +22 2 225 YA +22 2 226 LU +22 2 227 YA +22 2 228 FI +22 2 229 FI +22 2 230 FI +22 2 231 LU +22 2 232 YA +22 2 233 FI +22 2 234 LU +22 2 235 LU +22 2 236 LA +22 2 237 FI +22 2 238 LU +22 2 239 LU +22 2 240 YA +22 2 241 FI +22 2 242 FI +22 2 243 UN +22 2 244 FI +22 2 245 UN +22 2 246 LU +22 2 247 LU +22 2 248 NN +22 2 249 LU +22 2 250 LU +22 2 251 FI +22 2 252 FI +22 2 253 LU +22 2 254 FI +22 2 255 YA +22 2 256 UN +22 2 257 LU +22 2 258 FI +22 2 259 UN +22 2 260 FI +22 2 261 LA +22 2 262 FI +22 2 263 FI +22 2 264 LU +22 2 265 LU +22 2 266 UN +22 2 267 LU +22 2 268 LU +22 2 269 FI +22 2 270 LA +22 2 271 LU +22 2 272 FI +22 2 273 LA +22 2 274 FI +22 2 275 YA +22 2 276 UN +22 2 277 LU +22 2 278 FI +22 2 279 LU +22 2 280 YA +22 2 281 LU +22 2 282 LU +22 2 283 YA +22 2 284 FI +22 2 285 FI +22 2 286 FI +22 2 287 YA +22 2 288 UN +22 2 289 FI +22 2 290 FI +22 2 291 LU +22 2 292 FI +22 2 293 FI +22 2 294 FI +22 2 295 FI +22 2 296 LU +22 2 297 LA +22 2 298 UN +22 2 299 LU +22 2 300 FI +22 2 301 LU +22 2 302 FI +22 2 303 FI +22 2 304 YA +22 2 305 NN +22 2 306 LU +22 2 307 LU +22 2 308 FI +22 2 309 YA +22 2 310 LU +22 2 311 LU +22 2 312 YA +22 2 313 LU +22 2 314 FI +22 2 315 LU +22 2 316 LU +22 2 317 FI +22 2 318 LA +22 2 319 FI +22 2 320 YA +22 2 321 UN +22 2 322 FI +22 2 323 LU +22 2 324 FI +22 2 325 YA +22 2 326 LU +22 2 327 FI +22 2 328 YA +22 2 329 NN +22 2 330 FI +22 3 1 LU +22 3 2 LU +22 3 3 UN +22 3 4 LA +22 3 5 LU +22 3 6 LA +22 3 7 LU +22 3 8 UN +22 3 9 CH +22 3 10 LA +22 3 11 PA +22 3 12 LA +22 3 13 PA +22 3 14 PA +22 3 15 LA +22 3 16 FI +22 3 17 LA +22 3 18 PA +22 3 19 LU +22 3 20 LA +22 3 21 YA +22 3 22 FI +22 3 23 CF +22 3 24 CH +22 3 25 LA +22 3 26 LU +22 3 27 CH +22 3 28 UN +22 3 29 LU +22 3 30 CH +22 3 31 FI +22 3 32 CH +22 3 33 CH +22 3 34 LA +22 3 35 LA +22 3 36 CH +22 3 37 LA +22 3 38 CH +22 3 39 LA +22 3 40 UN +22 3 41 CH +22 3 42 FI +22 3 43 CH +22 3 44 FI +22 3 45 LA +22 3 46 CH +22 3 47 CH +22 3 48 CH +22 3 49 FI +22 3 50 CH +22 3 51 PA +22 3 52 FI +22 3 53 UN +22 3 54 LA +22 3 55 UN +22 3 56 CH +22 3 57 LU +22 3 58 CH +22 3 59 FI +22 3 60 LA +22 3 61 UN +22 3 62 CH +22 3 63 FI +22 3 64 LA +22 3 65 UN +22 3 66 FI +22 3 67 LU +22 3 68 LA +22 3 69 CH +22 3 70 FI +22 3 71 CH +22 3 72 LA +22 3 73 CH +22 3 74 FI +22 3 75 LA +22 3 76 UN +22 3 77 LU +22 3 78 LA +22 3 79 PA +22 3 80 LU +22 3 81 LA +22 3 82 LU +22 3 83 FI +22 3 84 LA +22 3 85 LU +22 3 86 UN +22 3 87 PA +22 3 88 LU +22 3 89 PA +22 3 90 PA +22 3 91 LU +22 3 92 FI +22 3 93 UN +22 3 94 PA +22 3 95 FI +22 3 96 LA +22 3 97 LU +22 3 98 UN +22 3 99 CH +22 3 100 LA +22 3 101 UN +22 3 102 FI +22 3 103 CH +22 3 104 LU +22 3 105 UN +22 3 106 LU +22 3 107 FI +22 3 108 FI +22 3 109 LU +22 3 110 UN +22 3 111 CH +22 3 112 UN +22 3 113 PA +22 3 114 LU +22 3 115 UN +22 3 116 FI +22 3 117 PA +22 3 118 LA +22 3 119 YA +22 3 120 FI +22 3 121 UN +22 3 122 LU +22 3 123 LA +22 3 124 LU +22 3 125 UN +22 3 126 LU +22 3 127 CH +22 3 128 LA +22 3 129 FI +22 3 130 PA +22 3 131 LU +22 3 132 UN +22 3 133 LA +22 3 134 PA +22 3 135 LU +22 3 136 LA +22 3 137 LU +22 3 138 FI +22 3 139 FI +22 3 140 LU +22 3 141 FI +22 3 142 FI +22 3 143 LA +22 3 144 LU +22 3 145 FI +22 3 146 CH +22 3 147 LA +22 3 148 UN +22 3 149 FI +22 3 150 LU +22 3 151 LU +22 3 152 LU +22 3 153 UN +22 3 154 PA +22 3 155 PA +22 3 156 LU +22 3 157 PA +22 3 158 FI +22 3 159 LU +22 3 160 LA +22 3 161 LU +22 3 162 UN +22 3 163 LA +22 3 164 FI +22 3 165 CH +22 3 166 PA +22 3 167 FI +22 3 168 LU +22 3 169 LU +22 3 170 PA +22 3 171 CH +22 3 172 FI +22 3 173 LU +22 3 174 UN +22 3 175 FI +22 3 176 LA +22 3 177 FI +22 3 178 UN +22 3 179 UN +22 3 180 LU +22 3 181 LA +22 3 182 UN +22 3 183 CF +22 3 184 LU +22 3 185 LU +22 3 186 FI +22 3 187 UN +22 3 188 LU +22 3 189 LA +22 3 190 LU +22 3 191 LU +22 3 192 LA +22 3 193 LU +22 3 194 UN +22 3 195 LA +22 3 196 FI +22 3 197 LU +22 3 198 PA +22 3 199 FI +22 3 200 LU +22 3 201 UN +22 3 202 LA +22 3 203 LU +22 3 204 PA +22 3 205 LA +22 3 206 FI +22 3 207 UN +22 3 208 CH +22 3 209 PA +22 3 210 CH +22 3 211 LU +22 3 212 LA +22 3 213 LU +22 3 214 LA +22 3 215 LU +22 3 216 PA +22 3 217 LU +22 3 218 UN +22 3 219 LU +22 3 220 LA +22 3 221 FI +22 3 222 LU +22 3 223 LA +22 3 224 FI +22 3 225 CH +22 3 226 CH +22 3 227 PA +22 3 228 LU +22 3 229 FI +22 3 230 FI +22 3 231 LU +22 3 232 CH +22 3 233 LA +22 3 234 UN +22 3 235 FI +22 3 236 FI +22 3 237 LU +22 3 238 YA +22 3 239 UN +22 3 240 CH +22 3 241 FI +22 3 242 LA +22 3 243 LU +22 3 244 FI +22 3 245 UN +22 3 246 LA +22 3 247 LU +22 3 248 CH +22 3 249 LU +22 3 250 UN +22 3 251 LU +22 3 252 FI +22 3 253 LU +22 3 254 FI +22 3 255 PA +22 3 256 UN +22 3 257 LU +22 3 258 LA +22 3 259 CH +22 3 260 FI +22 3 261 LA +22 3 262 FI +22 3 263 CH +22 3 264 LU +22 3 265 LA +22 3 266 CH +22 3 267 LU +22 3 268 LA +22 3 269 LU +22 3 270 UN +22 3 271 LA +22 3 272 FI +22 3 273 LU +22 3 274 FI +22 3 275 CH +22 3 276 LU +22 3 277 PA +22 3 278 UN +22 3 279 LU +22 3 280 LA +22 3 281 LU +22 3 282 LU +22 3 283 CH +22 3 284 FI +22 3 285 LU +22 3 286 FI +22 3 287 CH +22 3 288 UN +22 3 289 LU +22 3 290 FI +22 3 291 LU +22 3 292 FI +22 3 293 FI +22 3 294 FI +22 3 295 PA +22 3 296 LA +22 3 297 UN +22 3 298 UN +22 3 299 LU +22 3 300 CH +22 3 301 LA +22 3 302 FI +22 3 303 LU +22 3 304 LA +22 3 305 UN +22 3 306 LU +22 3 307 LA +22 3 308 LU +22 3 309 PA +22 3 310 LA +22 3 311 LU +22 3 312 PA +22 3 313 LU +22 3 314 FI +22 3 315 LA +22 3 316 LU +22 3 317 UN +22 3 318 FI +22 3 319 FI +22 3 320 LU +22 3 321 UN +22 3 322 LU +22 3 323 LA +22 3 324 FI +22 3 325 LA +22 3 326 LA +22 3 327 FI +22 3 328 CH +22 3 329 CH +22 3 330 FI +22 4 1 LU +22 4 2 LU +22 4 3 LL +22 4 4 PA +22 4 5 LA +22 4 6 LA +22 4 7 LU +22 4 8 LL +22 4 9 YA +22 4 10 LU +22 4 11 LA +22 4 12 LA +22 4 13 LU +22 4 14 PA +22 4 15 FI +22 4 16 FI +22 4 17 UN +22 4 18 YA +22 4 19 LU +22 4 20 LU +22 4 21 LL +22 4 22 FI +22 4 23 LU +22 4 24 PA +22 4 25 LU +22 4 26 LU +22 4 27 FI +22 4 28 LL +22 4 29 LU +22 4 30 UN +22 4 31 FI +22 4 32 LU +22 4 33 LU +22 4 34 LU +22 4 35 * +22 4 36 PA +22 4 37 FI +22 4 38 LL +22 4 39 LU +22 4 40 LU +22 4 41 UN +22 4 42 FI +22 4 43 PA +22 4 44 FI +22 4 45 LU +22 4 46 PA +22 4 47 YA +22 4 48 LA +22 4 49 LU +22 4 50 LU +22 4 51 LA +22 4 52 FI +22 4 53 LL +22 4 54 LU +22 4 55 LU +22 4 56 FI +22 4 57 LU +22 4 58 FI +22 4 59 LA +22 4 60 YA +22 4 61 LL +22 4 62 LU +22 4 63 LA +22 4 64 LU +22 4 65 LL +22 4 66 FI +22 4 67 LU +22 4 68 LA +22 4 69 YA +22 4 70 FI +22 4 71 PA +22 4 72 LU +22 4 73 LU +22 4 74 FI +22 4 75 PA +22 4 76 LA +22 4 77 LU +22 4 78 FI +22 4 79 PA +22 4 80 LU +22 4 81 LU +22 4 82 LU +22 4 83 FI +22 4 84 LA +22 4 85 LU +22 4 86 UN +22 4 87 PA +22 4 88 LU +22 4 89 YA +22 4 90 LU +22 4 91 LA +22 4 92 FI +22 4 93 LU +22 4 94 PA +22 4 95 FI +22 4 96 LA +22 4 97 LU +22 4 98 UN +22 4 99 LU +22 4 100 FI +22 4 101 LA +22 4 102 LU +22 4 103 PA +22 4 104 LU +22 4 105 LU +22 4 106 LA +22 4 107 FI +22 4 108 LU +22 4 109 LU +22 4 110 LA +22 4 111 PA +22 4 112 LL +22 4 113 YA +22 4 114 LU +22 4 115 UN +22 4 116 FI +22 4 117 PA +22 4 118 LA +22 4 119 LU +22 4 120 FI +22 4 121 UN +22 4 122 LU +22 4 123 LU +22 4 124 LU +22 4 125 LL +22 4 126 FI +22 4 127 PA +22 4 128 LA +22 4 129 FI +22 4 130 YA +22 4 131 LU +22 4 132 LA +22 4 133 LU +22 4 134 PA +22 4 135 UN +22 4 136 LU +22 4 137 PA +22 4 138 LU +22 4 139 FI +22 4 140 LU +22 4 141 FI +22 4 142 FI +22 4 143 LU +22 4 144 LU +22 4 145 LU +22 4 146 LA +22 4 147 LU +22 4 148 LL +22 4 149 LA +22 4 150 LU +22 4 151 LA +22 4 152 LU +22 4 153 LU +22 4 154 PA +22 4 155 YA +22 4 156 LU +22 4 157 LU +22 4 158 FI +22 4 159 LA +22 4 160 LA +22 4 161 LU +22 4 162 LL +22 4 163 LU +22 4 164 LU +22 4 165 PA +22 4 166 LU +22 4 167 FI +22 4 168 LU +22 4 169 LU +22 4 170 PA +22 4 171 LU +22 4 172 FI +22 4 173 LA +22 4 174 LA +22 4 175 FI +22 4 176 LA +22 4 177 LU +22 4 178 YA +22 4 179 LL +22 4 180 LU +22 4 181 LA +22 4 182 LU +22 4 183 LU +22 4 184 LU +22 4 185 LA +22 4 186 LU +22 4 187 LA +22 4 188 LU +22 4 189 FI +22 4 190 FI +22 4 191 LU +22 4 192 LU +22 4 193 LA +22 4 194 LL +22 4 195 LU +22 4 196 LA +22 4 197 LU +22 4 198 PA +22 4 199 FI +22 4 200 LU +22 4 201 LA +22 4 202 LU +22 4 203 LL +22 4 204 PA +22 4 205 LU +22 4 206 FI +22 4 207 LL +22 4 208 LA +22 4 209 LU +22 4 210 PA +22 4 211 LU +22 4 212 LA +22 4 213 LU +22 4 214 LA +22 4 215 FI +22 4 216 PA +22 4 217 FI +22 4 218 LA +22 4 219 FI +22 4 220 LU +22 4 221 FI +22 4 222 LA +22 4 223 LU +22 4 224 FI +22 4 225 LA +22 4 226 LU +22 4 227 PA +22 4 228 LU +22 4 229 LU +22 4 230 FI +22 4 231 LU +22 4 232 PA +22 4 233 LU +22 4 234 LU +22 4 235 LU +22 4 236 LA +22 4 237 LA +22 4 238 LU +22 4 239 LA +22 4 240 LL +22 4 241 FI +22 4 242 LA +22 4 243 PA +22 4 244 FI +22 4 245 LL +22 4 246 LU +22 4 247 LU +22 4 248 LU +22 4 249 LU +22 4 250 PA +22 4 251 LU +22 4 252 FI +22 4 253 LU +22 4 254 FI +22 4 255 PA +22 4 256 LA +22 4 257 LU +22 4 258 LA +22 4 259 UN +22 4 260 FI +22 4 261 LA +22 4 262 FI +22 4 263 FI +22 4 264 LU +22 4 265 LU +22 4 266 UN +22 4 267 LU +22 4 268 LU +22 4 269 UN +22 4 270 LA +22 4 271 LU +22 4 272 FI +22 4 273 LU +22 4 274 FI +22 4 275 LA +22 4 276 UN +22 4 277 LU +22 4 278 LA +22 4 279 LU +22 4 280 LA +22 4 281 LU +22 4 282 LU +22 4 283 PA +22 4 284 FI +22 4 285 LA +22 4 286 FI +22 4 287 LA +22 4 288 LU +22 4 289 LU +22 4 290 FI +22 4 291 LU +22 4 292 LA +22 4 293 FI +22 4 294 FI +22 4 295 PA +22 4 296 LU +22 4 297 LA +22 4 298 UN +22 4 299 LU +22 4 300 FI +22 4 301 LU +22 4 302 FI +22 4 303 LU +22 4 304 LA +22 4 305 LU +22 4 306 LU +22 4 307 LU +22 4 308 LU +22 4 309 PA +22 4 310 LU +22 4 311 LU +22 4 312 YA +22 4 313 LU +22 4 314 FI +22 4 315 LU +22 4 316 LU +22 4 317 LL +22 4 318 LA +22 4 319 FI +22 4 320 LU +22 4 321 UN +22 4 322 LU +22 4 323 LU +22 4 324 FI +22 4 325 LA +22 4 326 LL +22 4 327 FI +22 4 328 LU +22 4 329 LA +22 4 330 FI +22 5 1 LU +22 5 2 FI +22 5 3 UN +22 5 4 LU +22 5 5 FI +22 5 6 LA +22 5 7 LU +22 5 8 UN +22 5 9 PA +22 5 10 LU +22 5 11 PA +22 5 12 LA +22 5 13 LU +22 5 14 PA +22 5 15 FI +22 5 16 FI +22 5 17 UN +22 5 18 PA +22 5 19 LU +22 5 20 LU +22 5 21 UN +22 5 22 FI +22 5 23 YA +22 5 24 PA +22 5 25 LU +22 5 26 LU +22 5 27 FI +22 5 28 FI +22 5 29 LU +22 5 30 YA +22 5 31 FI +22 5 32 LU +22 5 33 LU +22 5 34 LU +22 5 35 UN +22 5 36 PA +22 5 37 LU +22 5 38 UN +22 5 39 LU +22 5 40 LU +22 5 41 UN +22 5 42 LA +22 5 43 PA +22 5 44 FI +22 5 45 LU +22 5 46 YA +22 5 47 YA +22 5 48 LA +22 5 49 FI +22 5 50 LU +22 5 51 PA +22 5 52 FI +22 5 53 UN +22 5 54 LU +22 5 55 LU +22 5 56 FI +22 5 57 LU +22 5 58 YA +22 5 59 FI +22 5 60 PA +22 5 61 UN +22 5 62 LU +22 5 63 UN +22 5 64 LU +22 5 65 UN +22 5 66 FI +22 5 67 FI +22 5 68 UN +22 5 69 YA +22 5 70 FI +22 5 71 PA +22 5 72 LU +22 5 73 LU +22 5 74 FI +22 5 75 PA +22 5 76 UN +22 5 77 LU +22 5 78 FI +22 5 79 PA +22 5 80 LU +22 5 81 LA +22 5 82 LU +22 5 83 FI +22 5 84 UN +22 5 85 LU +22 5 86 FI +22 5 87 PA +22 5 88 LU +22 5 89 PA +22 5 90 LU +22 5 91 LA +22 5 92 FI +22 5 93 LU +22 5 94 PA +22 5 95 FI +22 5 96 LA +22 5 97 LU +22 5 98 UN +22 5 99 FI +22 5 100 FI +22 5 101 YA +22 5 102 FI +22 5 103 LU +22 5 104 FI +22 5 105 LU +22 5 106 LA +22 5 107 FI +22 5 108 FI +22 5 109 LU +22 5 110 LA +22 5 111 PA +22 5 112 UN +22 5 113 PA +22 5 114 LU +22 5 115 UN +22 5 116 FI +22 5 117 PA +22 5 118 FI +22 5 119 LU +22 5 120 FI +22 5 121 UN +22 5 122 LU +22 5 123 LU +22 5 124 LA +22 5 125 LA +22 5 126 UN +22 5 127 PA +22 5 128 LA +22 5 129 FI +22 5 130 PA +22 5 131 YA +22 5 132 UN +22 5 133 LU +22 5 134 PA +22 5 135 UN +22 5 136 LU +22 5 137 YA +22 5 138 FI +22 5 139 FI +22 5 140 LU +22 5 141 FI +22 5 142 FI +22 5 143 LU +22 5 144 YA +22 5 145 FI +22 5 146 LA +22 5 147 LU +22 5 148 UN +22 5 149 FI +22 5 150 LU +22 5 151 UN +22 5 152 LU +22 5 153 LU +22 5 154 PA +22 5 155 YA +22 5 156 LU +22 5 157 PA +22 5 158 FI +22 5 159 FI +22 5 160 UN +22 5 161 LU +22 5 162 UN +22 5 163 LU +22 5 164 LU +22 5 165 YA +22 5 166 PA +22 5 167 FI +22 5 168 LU +22 5 169 LU +22 5 170 PA +22 5 171 LU +22 5 172 FI +22 5 173 UN +22 5 174 LA +22 5 175 FI +22 5 176 UN +22 5 177 LA +22 5 178 LU +22 5 179 YA +22 5 180 LU +22 5 181 LA +22 5 182 YA +22 5 183 PA +22 5 184 LU +22 5 185 LA +22 5 186 LU +22 5 187 LA +22 5 188 LU +22 5 189 FI +22 5 190 UN +22 5 191 LU +22 5 192 LU +22 5 193 LA +22 5 194 PA +22 5 195 LU +22 5 196 FI +22 5 197 LU +22 5 198 PA +22 5 199 FI +22 5 200 LU +22 5 201 UN +22 5 202 LU +22 5 203 UN +22 5 204 PA +22 5 205 LU +22 5 206 FI +22 5 207 UN +22 5 208 PA +22 5 209 LU +22 5 210 YA +22 5 211 LU +22 5 212 LA +22 5 213 FI +22 5 214 LA +22 5 215 UN +22 5 216 PA +22 5 217 FI +22 5 218 LU +22 5 219 FI +22 5 220 LU +22 5 221 FI +22 5 222 LU +22 5 223 LU +22 5 224 FI +22 5 225 LA +22 5 226 LU +22 5 227 PA +22 5 228 LU +22 5 229 LU +22 5 230 FI +22 5 231 LU +22 5 232 YA +22 5 233 FI +22 5 234 LU +22 5 235 LU +22 5 236 LA +22 5 237 UN +22 5 238 LU +22 5 239 UN +22 5 240 YA +22 5 241 FI +22 5 242 LA +22 5 243 LU +22 5 244 FI +22 5 245 UN +22 5 246 LU +22 5 247 YA +22 5 248 PA +22 5 249 LU +22 5 250 LU +22 5 251 LU +22 5 252 FI +22 5 253 LU +22 5 254 FI +22 5 255 PA +22 5 256 UN +22 5 257 PA +22 5 258 LA +22 5 259 UN +22 5 260 FI +22 5 261 UN +22 5 262 FI +22 5 263 YA +22 5 264 LU +22 5 265 LU +22 5 266 UN +22 5 267 LU +22 5 268 LU +22 5 269 FI +22 5 270 LA +22 5 271 PA +22 5 272 FI +22 5 273 YA +22 5 274 FI +22 5 275 LA +22 5 276 UN +22 5 277 PA +22 5 278 UN +22 5 279 LU +22 5 280 YA +22 5 281 LU +22 5 282 LU +22 5 283 PA +22 5 284 FI +22 5 285 FI +22 5 286 FI +22 5 287 YA +22 5 288 UN +22 5 289 LU +22 5 290 FI +22 5 291 LU +22 5 292 UN +22 5 293 FI +22 5 294 FI +22 5 295 PA +22 5 296 YA +22 5 297 LA +22 5 298 UN +22 5 299 LU +22 5 300 FI +22 5 301 LU +22 5 302 FI +22 5 303 FI +22 5 304 LA +22 5 305 LU +22 5 306 FI +22 5 307 LU +22 5 308 LU +22 5 309 YA +22 5 310 LU +22 5 311 LU +22 5 312 PA +22 5 313 LU +22 5 314 FI +22 5 315 LU +22 5 316 LU +22 5 317 UN +22 5 318 LA +22 5 319 FI +22 5 320 LU +22 5 321 UN +22 5 322 FI +22 5 323 LU +22 5 324 FI +22 5 325 LU +22 5 326 LA +22 5 327 FI +22 5 328 PA +22 5 329 YA +22 5 330 FI +22 6 1 LU +22 6 2 LA +22 6 3 UN +22 6 4 * +22 6 5 LA +22 6 6 LA +22 6 7 LU +22 6 8 UN +22 6 9 LA +22 6 10 LU +22 6 11 PA +22 6 12 LA +22 6 13 LU +22 6 14 LA +22 6 15 LU +22 6 16 FI +22 6 17 LA +22 6 18 PA +22 6 19 LU +22 6 20 LA +22 6 21 LA +22 6 22 LU +22 6 23 LU +22 6 24 PA +22 6 25 LU +22 6 26 LU +22 6 27 FI +22 6 28 LA +22 6 29 LU +22 6 30 LA +22 6 31 LU +22 6 32 LA +22 6 33 LA +22 6 34 LU +22 6 35 UN +22 6 36 LU +22 6 37 LA +22 6 38 UN +22 6 39 LU +22 6 40 LA +22 6 41 UN +22 6 42 LA +22 6 43 LU +22 6 44 FI +22 6 45 LA +22 6 46 * +22 6 47 LU +22 6 48 LA +22 6 49 LU +22 6 50 LA +22 6 51 PA +22 6 52 FI +22 6 53 UN +22 6 54 LU +22 6 55 LA +22 6 56 LA +22 6 57 LU +22 6 58 LA +22 6 59 FI +22 6 60 LU +22 6 61 UN +22 6 62 LA +22 6 63 LU +22 6 64 LU +22 6 65 UN +22 6 66 FI +22 6 67 LU +22 6 68 LA +22 6 69 PA +22 6 70 FI +22 6 71 UN +22 6 72 LU +22 6 73 LA +22 6 74 LU +22 6 75 LA +22 6 76 LU +22 6 77 LU +22 6 78 LA +22 6 79 YA +22 6 80 LU +22 6 81 LA +22 6 82 LU +22 6 83 FI +22 6 84 LA +22 6 85 LU +22 6 86 UN +22 6 87 PA +22 6 88 LU +22 6 89 PA +22 6 90 LU +22 6 91 LA +22 6 92 LA +22 6 93 LU +22 6 94 PA +22 6 95 LA +22 6 96 LA +22 6 97 LU +22 6 98 UN +22 6 99 LU +22 6 100 LA +22 6 101 UN +22 6 102 LU +22 6 103 LA +22 6 104 LU +22 6 105 LA +22 6 106 LU +22 6 107 FI +22 6 108 FI +22 6 109 LU +22 6 110 FI +22 6 111 PA +22 6 112 LA +22 6 113 PA +22 6 114 LU +22 6 115 LA +22 6 116 FI +22 6 117 LU +22 6 118 LA +22 6 119 LU +22 6 120 FI +22 6 121 LU +22 6 122 LA +22 6 123 LU +22 6 124 LA +22 6 125 LU +22 6 126 FI +22 6 127 LU +22 6 128 LA +22 6 129 FI +22 6 130 PA +22 6 131 LA +22 6 132 LU +22 6 133 LU +22 6 134 PA +22 6 135 LA +22 6 136 LU +22 6 137 LA +22 6 138 LU +22 6 139 FI +22 6 140 LU +22 6 141 FI +22 6 142 FI +22 6 143 LU +22 6 144 LU +22 6 145 LA +22 6 146 UN +22 6 147 LA +22 6 148 UN +22 6 149 LA +22 6 150 LU +22 6 151 UN +22 6 152 LU +22 6 153 LA +22 6 154 PA +22 6 155 PA +22 6 156 LU +22 6 157 PA +22 6 158 FI +22 6 159 LU +22 6 160 LU +22 6 161 LA +22 6 162 UN +22 6 163 LU +22 6 164 LU +22 6 165 LA +22 6 166 LU +22 6 167 LA +22 6 168 LU +22 6 169 LU +22 6 170 LA +22 6 171 LA +22 6 172 FI +22 6 173 LA +22 6 174 LU +22 6 175 LA +22 6 176 LA +22 6 177 FI +22 6 178 LU +22 6 179 UN +22 6 180 LU +22 6 181 LA +22 6 182 UN +22 6 183 LU +22 6 184 LA +22 6 185 LU +22 6 186 LA +22 6 187 LU +22 6 188 LU +22 6 189 LA +22 6 190 LU +22 6 191 LU +22 6 192 LA +22 6 193 LU +22 6 194 UN +22 6 195 LA +22 6 196 LU +22 6 197 LA +22 6 198 PA +22 6 199 FI +22 6 200 LA +22 6 201 LA +22 6 202 LU +22 6 203 UN +22 6 204 PA +22 6 205 LU +22 6 206 FI +22 6 207 LA +22 6 208 LU +22 6 209 LU +22 6 210 PA +22 6 211 LA +22 6 212 UN +22 6 213 LA +22 6 214 LA +22 6 215 LA +22 6 216 PA +22 6 217 LA +22 6 218 LU +22 6 219 LA +22 6 220 LA +22 6 221 LU +22 6 222 LA +22 6 223 LU +22 6 224 FI +22 6 225 LA +22 6 226 LU +22 6 227 PA +22 6 228 LU +22 6 229 LA +22 6 230 FI +22 6 231 LA +22 6 232 LU +22 6 233 LA +22 6 234 LU +22 6 235 LA +22 6 236 LA +22 6 237 LU +22 6 238 LA +22 6 239 LU +22 6 240 UN +22 6 241 FI +22 6 242 LA +22 6 243 UN +22 6 244 LA +22 6 245 LU +22 6 246 LA +22 6 247 LA +22 6 248 LU +22 6 249 LA +22 6 250 LU +22 6 251 LA +22 6 252 FI +22 6 253 LU +22 6 254 LA +22 6 255 PA +22 6 256 LA +22 6 257 LU +22 6 258 LA +22 6 259 UN +22 6 260 LA +22 6 261 LU +22 6 262 FI +22 6 263 LU +22 6 264 LA +22 6 265 LU +22 6 266 UN +22 6 267 LU +22 6 268 LA +22 6 269 LA +22 6 270 LU +22 6 271 LA +22 6 272 FI +22 6 273 LA +22 6 274 FI +22 6 275 LA +22 6 276 UN +22 6 277 LU +22 6 278 LA +22 6 279 LA +22 6 280 LU +22 6 281 LU +22 6 282 LA +22 6 283 PA +22 6 284 FI +22 6 285 LA +22 6 286 FI +22 6 287 LU +22 6 288 UN +22 6 289 LA +22 6 290 FI +22 6 291 LA +22 6 292 LU +22 6 293 LU +22 6 294 LA +22 6 295 PA +22 6 296 LA +22 6 297 LU +22 6 298 UN +22 6 299 LA +22 6 300 FI +22 6 301 LU +22 6 302 FI +22 6 303 LA +22 6 304 LU +22 6 305 UN +22 6 306 LU +22 6 307 LA +22 6 308 LA +22 6 309 PA +22 6 310 LU +22 6 311 LA +22 6 312 PA +22 6 313 LU +22 6 314 FI +22 6 315 LA +22 6 316 LU +22 6 317 UN +22 6 318 LA +22 6 319 FI +22 6 320 LU +22 6 321 UN +22 6 322 LA +22 6 323 LU +22 6 324 FI +22 6 325 LU +22 6 326 LA +22 6 327 LU +22 6 328 LA +22 6 329 LU +22 6 330 LA +22 7 1 LU +22 7 2 LU +22 7 3 UN +22 7 4 UN +22 7 5 LU +22 7 6 LA +22 7 7 LU +22 7 8 UN +22 7 9 LU +22 7 10 LU +22 7 11 LU +22 7 12 LA +22 7 13 LU +22 7 14 LU +22 7 15 FI +22 7 16 FI +22 7 17 UN +22 7 18 PA +22 7 19 LU +22 7 20 LU +22 7 21 UN +22 7 22 FI +22 7 23 UN +22 7 24 PA +22 7 25 LU +22 7 26 LU +22 7 27 FI +22 7 28 UN +22 7 29 LU +22 7 30 LA +22 7 31 FI +22 7 32 UN +22 7 33 LU +22 7 34 LU +22 7 35 UN +22 7 36 LU +22 7 37 LU +22 7 38 UN +22 7 39 LU +22 7 40 LU +22 7 41 UN +22 7 42 LA +22 7 43 PA +22 7 44 FI +22 7 45 LU +22 7 46 FI +22 7 47 LU +22 7 48 LA +22 7 49 FI +22 7 50 UN +22 7 51 PA +22 7 52 FI +22 7 53 UN +22 7 54 LU +22 7 55 LU +22 7 56 LA +22 7 57 LU +22 7 58 LU +22 7 59 LA +22 7 60 LU +22 7 61 UN +22 7 62 LA +22 7 63 UN +22 7 64 LU +22 7 65 UN +22 7 66 FI +22 7 67 LU +22 7 68 UN +22 7 69 LU +22 7 70 FI +22 7 71 UN +22 7 72 LU +22 7 73 UN +22 7 74 FI +22 7 75 LU +22 7 76 LU +22 7 77 LU +22 7 78 LU +22 7 79 PA +22 7 80 LU +22 7 81 LU +22 7 82 LU +22 7 83 FI +22 7 84 LA +22 7 85 LU +22 7 86 UN +22 7 87 PA +22 7 88 UN +22 7 89 PA +22 7 90 LU +22 7 91 LA +22 7 92 FI +22 7 93 LU +22 7 94 PA +22 7 95 FI +22 7 96 LA +22 7 97 LU +22 7 98 UN +22 7 99 LA +22 7 100 FI +22 7 101 UN +22 7 102 FI +22 7 103 LU +22 7 104 LU +22 7 105 UN +22 7 106 LA +22 7 107 FI +22 7 108 FI +22 7 109 LU +22 7 110 LA +22 7 111 LU +22 7 112 UN +22 7 113 PA +22 7 114 LU +22 7 115 UN +22 7 116 FI +22 7 117 PA +22 7 118 UN +22 7 119 LU +22 7 120 FI +22 7 121 LA +22 7 122 LU +22 7 123 LU +22 7 124 LA +22 7 125 LA +22 7 126 LA +22 7 127 LU +22 7 128 LA +22 7 129 FI +22 7 130 PA +22 7 131 UN +22 7 132 UN +22 7 133 LU +22 7 134 PA +22 7 135 UN +22 7 136 LU +22 7 137 LU +22 7 138 LU +22 7 139 FI +22 7 140 LU +22 7 141 FI +22 7 142 FI +22 7 143 LA +22 7 144 LU +22 7 145 LU +22 7 146 LA +22 7 147 LU +22 7 148 UN +22 7 149 LA +22 7 150 UN +22 7 151 LA +22 7 152 LA +22 7 153 LU +22 7 154 PA +22 7 155 PA +22 7 156 LU +22 7 157 PA +22 7 158 FI +22 7 159 LU +22 7 160 LU +22 7 161 LU +22 7 162 UN +22 7 163 LU +22 7 164 LU +22 7 165 PA +22 7 166 LU +22 7 167 LA +22 7 168 LU +22 7 169 LU +22 7 170 LU +22 7 171 LA +22 7 172 FI +22 7 173 UN +22 7 174 LA +22 7 175 FI +22 7 176 UN +22 7 177 FI +22 7 178 LU +22 7 179 UN +22 7 180 LU +22 7 181 LA +22 7 182 UN +22 7 183 PA +22 7 184 UN +22 7 185 LU +22 7 186 LU +22 7 187 LA +22 7 188 LU +22 7 189 FI +22 7 190 LA +22 7 191 LU +22 7 192 LU +22 7 193 LA +22 7 194 UN +22 7 195 LU +22 7 196 LA +22 7 197 LA +22 7 198 PA +22 7 199 FI +22 7 200 LA +22 7 201 LA +22 7 202 LU +22 7 203 UN +22 7 204 PA +22 7 205 LA +22 7 206 FI +22 7 207 UN +22 7 208 LA +22 7 209 LU +22 7 210 LU +22 7 211 LU +22 7 212 LA +22 7 213 FI +22 7 214 LA +22 7 215 LA +22 7 216 PA +22 7 217 LA +22 7 218 LU +22 7 219 FI +22 7 220 LA +22 7 221 FI +22 7 222 LU +22 7 223 LU +22 7 224 FI +22 7 225 PA +22 7 226 LU +22 7 227 PA +22 7 228 LU +22 7 229 LA +22 7 230 FI +22 7 231 LA +22 7 232 LU +22 7 233 LA +22 7 234 LU +22 7 235 LA +22 7 236 LA +22 7 237 LA +22 7 238 LU +22 7 239 UN +22 7 240 UN +22 7 241 FI +22 7 242 FI +22 7 243 UN +22 7 244 FI +22 7 245 UN +22 7 246 LU +22 7 247 LU +22 7 248 LU +22 7 249 LU +22 7 250 LA +22 7 251 LA +22 7 252 FI +22 7 253 LU +22 7 254 LA +22 7 255 PA +22 7 256 UN +22 7 257 LU +22 7 258 LA +22 7 259 UN +22 7 260 FI +22 7 261 LA +22 7 262 FI +22 7 263 FI +22 7 264 LA +22 7 265 LU +22 7 266 UN +22 7 267 UN +22 7 268 LU +22 7 269 UN +22 7 270 LA +22 7 271 LU +22 7 272 FI +22 7 273 LU +22 7 274 FI +22 7 275 LA +22 7 276 UN +22 7 277 LU +22 7 278 LU +22 7 279 LU +22 7 280 LU +22 7 281 LU +22 7 282 LU +22 7 283 PA +22 7 284 FI +22 7 285 LA +22 7 286 FI +22 7 287 LA +22 7 288 UN +22 7 289 LA +22 7 290 FI +22 7 291 LU +22 7 292 LA +22 7 293 FI +22 7 294 FI +22 7 295 PA +22 7 296 PA +22 7 297 LA +22 7 298 UN +22 7 299 LU +22 7 300 FI +22 7 301 LU +22 7 302 FI +22 7 303 FI +22 7 304 LU +22 7 305 UN +22 7 306 LA +22 7 307 LU +22 7 308 LA +22 7 309 PA +22 7 310 LU +22 7 311 LU +22 7 312 PA +22 7 313 LA +22 7 314 FI +22 7 315 LU +22 7 316 LU +22 7 317 UN +22 7 318 LA +22 7 319 FI +22 7 320 LU +22 7 321 UN +22 7 322 LU +22 7 323 LU +22 7 324 FI +22 7 325 UN +22 7 326 LA +22 7 327 FI +22 7 328 LU +22 7 329 PA +22 7 330 FI +22 8 1 LU +22 8 2 LU +22 8 3 UN +22 8 4 LA +22 8 5 LU +22 8 6 UN +22 8 7 LA +22 8 8 UN +22 8 9 FI +22 8 10 LU +22 8 11 FI +22 8 12 LU +22 8 13 LU +22 8 14 FI +22 8 15 LA +22 8 16 FI +22 8 17 UN +22 8 18 PA +22 8 19 LU +22 8 20 LU +22 8 21 UN +22 8 22 LL +22 8 23 LA +22 8 24 PA +22 8 25 LA +22 8 26 LU +22 8 27 LA +22 8 28 UN +22 8 29 LU +22 8 30 LU +22 8 31 LU +22 8 32 LA +22 8 33 LU +22 8 34 LU +22 8 35 UN +22 8 36 LU +22 8 37 LU +22 8 38 UN +22 8 39 LU +22 8 40 LA +22 8 41 LL +22 8 42 LA +22 8 43 LA +22 8 44 FI +22 8 45 LU +22 8 46 PA +22 8 47 LU +22 8 48 LA +22 8 49 LU +22 8 50 LU +22 8 51 PA +22 8 52 FI +22 8 53 UN +22 8 54 LU +22 8 55 LA +22 8 56 LA +22 8 57 LU +22 8 58 YA +22 8 59 LU +22 8 60 PA +22 8 61 UN +22 8 62 LU +22 8 63 LU +22 8 64 LU +22 8 65 UN +22 8 66 FI +22 8 67 LU +22 8 68 UN +22 8 69 FI +22 8 70 FI +22 8 71 UN +22 8 72 LU +22 8 73 LA +22 8 74 LU +22 8 75 NN +22 8 76 UN +22 8 77 LU +22 8 78 LA +22 8 79 PA +22 8 80 LU +22 8 81 LA +22 8 82 LU +22 8 83 FI +22 8 84 UN +22 8 85 LU +22 8 86 UN +22 8 87 PA +22 8 88 LU +22 8 89 PA +22 8 90 LA +22 8 91 UN +22 8 92 FI +22 8 93 LU +22 8 94 NN +22 8 95 LU +22 8 96 LA +22 8 97 LU +22 8 98 UN +22 8 99 LA +22 8 100 LU +22 8 101 UN +22 8 102 LA +22 8 103 NN +22 8 104 LU +22 8 105 LU +22 8 106 LA +22 8 107 LA +22 8 108 FI +22 8 109 LU +22 8 110 LA +22 8 111 PA +22 8 112 UN +22 8 113 PA +22 8 114 LU +22 8 115 UN +22 8 116 LA +22 8 117 NN +22 8 118 UN +22 8 119 LU +22 8 120 FI +22 8 121 LA +22 8 122 LU +22 8 123 LU +22 8 124 LA +22 8 125 UN +22 8 126 LU +22 8 127 PA +22 8 128 LU +22 8 129 LA +22 8 130 NN +22 8 131 LU +22 8 132 UN +22 8 133 LU +22 8 134 NN +22 8 135 LU +22 8 136 LU +22 8 137 NN +22 8 138 LA +22 8 139 FI +22 8 140 LU +22 8 141 FI +22 8 142 LU +22 8 143 LA +22 8 144 LU +22 8 145 LU +22 8 146 LA +22 8 147 LU +22 8 148 UN +22 8 149 LU +22 8 150 LA +22 8 151 UN +22 8 152 UN +22 8 153 LU +22 8 154 NN +22 8 155 NN +22 8 156 LA +22 8 157 UN +22 8 158 FI +22 8 159 UN +22 8 160 LU +22 8 161 LU +22 8 162 UN +22 8 163 LU +22 8 164 LU +22 8 165 NN +22 8 166 LU +22 8 167 LA +22 8 168 LU +22 8 169 LA +22 8 170 LA +22 8 171 NN +22 8 172 FI +22 8 173 UN +22 8 174 LL +22 8 175 LA +22 8 176 UN +22 8 177 LU +22 8 178 LU +22 8 179 UN +22 8 180 LU +22 8 181 NN +22 8 182 LL +22 8 183 FI +22 8 184 LU +22 8 185 FI +22 8 186 LU +22 8 187 LU +22 8 188 LU +22 8 189 LA +22 8 190 UN +22 8 191 LU +22 8 192 LA +22 8 193 LA +22 8 194 LL +22 8 195 LU +22 8 196 LA +22 8 197 LU +22 8 198 PA +22 8 199 LA +22 8 200 LA +22 8 201 UN +22 8 202 LU +22 8 203 UN +22 8 204 NN +22 8 205 LA +22 8 206 FI +22 8 207 UN +22 8 208 NN +22 8 209 LU +22 8 210 NN +22 8 211 LA +22 8 212 LA +22 8 213 LA +22 8 214 LU +22 8 215 LA +22 8 216 NN +22 8 217 LA +22 8 218 LU +22 8 219 LA +22 8 220 LU +22 8 221 LA +22 8 222 LU +22 8 223 LU +22 8 224 LA +22 8 225 NN +22 8 226 LU +22 8 227 NN +22 8 228 LU +22 8 229 LA +22 8 230 LA +22 8 231 LU +22 8 232 NN +22 8 233 LA +22 8 234 LU +22 8 235 LU +22 8 236 LA +22 8 237 UN +22 8 238 LU +22 8 239 UN +22 8 240 LL +22 8 241 FI +22 8 242 LA +22 8 243 UN +22 8 244 LU +22 8 245 UN +22 8 246 LA +22 8 247 LU +22 8 248 NN +22 8 249 LU +22 8 250 LU +22 8 251 LA +22 8 252 UN +22 8 253 LA +22 8 254 LA +22 8 255 LU +22 8 256 UN +22 8 257 LU +22 8 258 LA +22 8 259 LL +22 8 260 LU +22 8 261 UN +22 8 262 LA +22 8 263 LA +22 8 264 LU +22 8 265 LU +22 8 266 UN +22 8 267 LU +22 8 268 LA +22 8 269 LA +22 8 270 LU +22 8 271 LU +22 8 272 FI +22 8 273 LU +22 8 274 FI +22 8 275 LA +22 8 276 UN +22 8 277 LU +22 8 278 LA +22 8 279 LA +22 8 280 LU +22 8 281 LU +22 8 282 LA +22 8 283 UN +22 8 284 FI +22 8 285 UN +22 8 286 FI +22 8 287 LA +22 8 288 UN +22 8 289 LA +22 8 290 UN +22 8 291 LU +22 8 292 LA +22 8 293 FI +22 8 294 NN +22 8 295 NN +22 8 296 LU +22 8 297 LA +22 8 298 UN +22 8 299 LU +22 8 300 NN +22 8 301 LU +22 8 302 UN +22 8 303 NN +22 8 304 LU +22 8 305 UN +22 8 306 LA +22 8 307 LU +22 8 308 LA +22 8 309 NN +22 8 310 LA +22 8 311 LU +22 8 312 NN +22 8 313 LA +22 8 314 UN +22 8 315 LU +22 8 316 LU +22 8 317 UN +22 8 318 UN +22 8 319 LA +22 8 320 LA +22 8 321 UN +22 8 322 LU +22 8 323 LU +22 8 324 LA +22 8 325 LU +22 8 326 LA +22 8 327 FI +22 8 328 LU +22 8 329 LA +22 8 330 FI +22 9 1 LU +22 9 2 FI +22 9 3 UN +22 9 4 YA +22 9 5 LU +22 9 6 LA +22 9 7 LU +22 9 8 UN +22 9 9 UN +22 9 10 LU +22 9 11 LU +22 9 12 LA +22 9 13 LU +22 9 14 LU +22 9 15 YA +22 9 16 FI +22 9 17 UN +22 9 18 PA +22 9 19 LU +22 9 20 LU +22 9 21 UN +22 9 22 LA +22 9 23 YA +22 9 24 PA +22 9 25 LU +22 9 26 LU +22 9 27 FI +22 9 28 UN +22 9 29 LU +22 9 30 LA +22 9 31 LU +22 9 32 UN +22 9 33 LU +22 9 34 LU +22 9 35 UN +22 9 36 LU +22 9 37 LU +22 9 38 YA +22 9 39 LU +22 9 40 LU +22 9 41 UN +22 9 42 LA +22 9 43 LU +22 9 44 FI +22 9 45 LU +22 9 46 FI +22 9 47 LU +22 9 48 LA +22 9 49 LU +22 9 50 UN +22 9 51 YA +22 9 52 FI +22 9 53 UN +22 9 54 LU +22 9 55 LU +22 9 56 FI +22 9 57 LU +22 9 58 LA +22 9 59 FI +22 9 60 LU +22 9 61 UN +22 9 62 FI +22 9 63 UN +22 9 64 LU +22 9 65 UN +22 9 66 FI +22 9 67 LU +22 9 68 UN +22 9 69 LA +22 9 70 FI +22 9 71 UN +22 9 72 LU +22 9 73 YA +22 9 74 FI +22 9 75 LU +22 9 76 UN +22 9 77 LU +22 9 78 FI +22 9 79 PA +22 9 80 LU +22 9 81 LA +22 9 82 LU +22 9 83 LA +22 9 84 UN +22 9 85 LU +22 9 86 UN +22 9 87 PA +22 9 88 UN +22 9 89 PA +22 9 90 LU +22 9 91 LA +22 9 92 FI +22 9 93 LU +22 9 94 PA +22 9 95 FI +22 9 96 LA +22 9 97 UN +22 9 98 UN +22 9 99 FI +22 9 100 LU +22 9 101 YA +22 9 102 FI +22 9 103 LA +22 9 104 LU +22 9 105 YA +22 9 106 LA +22 9 107 FI +22 9 108 FI +22 9 109 LU +22 9 110 LA +22 9 111 LU +22 9 112 UN +22 9 113 PA +22 9 114 LU +22 9 115 YA +22 9 116 FI +22 9 117 UN +22 9 118 UN +22 9 119 LU +22 9 120 FI +22 9 121 UN +22 9 122 LU +22 9 123 LU +22 9 124 LA +22 9 125 UN +22 9 126 FI +22 9 127 LU +22 9 128 LA +22 9 129 FI +22 9 130 YA +22 9 131 UN +22 9 132 UN +22 9 133 LU +22 9 134 YA +22 9 135 UN +22 9 136 LU +22 9 137 LU +22 9 138 LU +22 9 139 FI +22 9 140 LU +22 9 141 FI +22 9 142 FI +22 9 143 LA +22 9 144 YA +22 9 145 LU +22 9 146 LA +22 9 147 LU +22 9 148 UN +22 9 149 LU +22 9 150 YA +22 9 151 UN +22 9 152 FI +22 9 153 LU +22 9 154 PA +22 9 155 YA +22 9 156 LU +22 9 157 YA +22 9 158 FI +22 9 159 LA +22 9 160 UN +22 9 161 LU +22 9 162 UN +22 9 163 LU +22 9 164 LU +22 9 165 FI +22 9 166 LU +22 9 167 FI +22 9 168 LU +22 9 169 LU +22 9 170 LU +22 9 171 FI +22 9 172 FI +22 9 173 UN +22 9 174 LA +22 9 175 FI +22 9 176 UN +22 9 177 LA +22 9 178 LU +22 9 179 YA +22 9 180 LU +22 9 181 LA +22 9 182 YA +22 9 183 LA +22 9 184 YA +22 9 185 LA +22 9 186 LU +22 9 187 LA +22 9 188 LU +22 9 189 FI +22 9 190 UN +22 9 191 LU +22 9 192 YA +22 9 193 LA +22 9 194 YA +22 9 195 LU +22 9 196 FI +22 9 197 YA +22 9 198 PA +22 9 199 FI +22 9 200 LU +22 9 201 UN +22 9 202 LU +22 9 203 UN +22 9 204 YA +22 9 205 YA +22 9 206 FI +22 9 207 UN +22 9 208 LA +22 9 209 LU +22 9 210 UN +22 9 211 LU +22 9 212 LA +22 9 213 FI +22 9 214 LA +22 9 215 UN +22 9 216 YA +22 9 217 FI +22 9 218 LA +22 9 219 FI +22 9 220 LU +22 9 221 FI +22 9 222 YA +22 9 223 LU +22 9 224 FI +22 9 225 LA +22 9 226 LU +22 9 227 PA +22 9 228 LU +22 9 229 LU +22 9 230 FI +22 9 231 YA +22 9 232 YA +22 9 233 LU +22 9 234 LU +22 9 235 LU +22 9 236 LA +22 9 237 FI +22 9 238 LU +22 9 239 UN +22 9 240 YA +22 9 241 FI +22 9 242 LA +22 9 243 UN +22 9 244 FI +22 9 245 UN +22 9 246 LU +22 9 247 YA +22 9 248 LU +22 9 249 LU +22 9 250 YA +22 9 251 LU +22 9 252 FI +22 9 253 LU +22 9 254 LU +22 9 255 PA +22 9 256 UN +22 9 257 LU +22 9 258 LA +22 9 259 UN +22 9 260 LA +22 9 261 LA +22 9 262 FI +22 9 263 FI +22 9 264 FI +22 9 265 LU +22 9 266 UN +22 9 267 YA +22 9 268 LU +22 9 269 YA +22 9 270 LA +22 9 271 LU +22 9 272 FI +22 9 273 YA +22 9 274 FI +22 9 275 LA +22 9 276 UN +22 9 277 LU +22 9 278 UN +22 9 279 YA +22 9 280 LA +22 9 281 LU +22 9 282 LU +22 9 283 YA +22 9 284 FI +22 9 285 FI +22 9 286 FI +22 9 287 LA +22 9 288 UN +22 9 289 LU +22 9 290 FI +22 9 291 LU +22 9 292 FI +22 9 293 FI +22 9 294 FI +22 9 295 YA +22 9 296 UN +22 9 297 LA +22 9 298 UN +22 9 299 LU +22 9 300 FI +22 9 301 LU +22 9 302 FI +22 9 303 FI +22 9 304 LA +22 9 305 YA +22 9 306 LA +22 9 307 LU +22 9 308 YA +22 9 309 PA +22 9 310 LU +22 9 311 LU +22 9 312 PA +22 9 313 LU +22 9 314 FI +22 9 315 LU +22 9 316 LU +22 9 317 UN +22 9 318 LA +22 9 319 FI +22 9 320 LA +22 9 321 UN +22 9 322 LA +22 9 323 LU +22 9 324 FI +22 9 325 YA +22 9 326 LA +22 9 327 FI +22 9 328 LU +22 9 329 YA +22 9 330 FI +22 10 1 LU +22 10 2 FI +22 10 3 LL +22 10 4 PA +22 10 5 FI +22 10 6 FI +22 10 7 LU +22 10 8 LL +22 10 9 YA +22 10 10 PA +22 10 11 LU +22 10 12 LA +22 10 13 LU +22 10 14 PA +22 10 15 FI +22 10 16 FI +22 10 17 LL +22 10 18 PA +22 10 19 LU +22 10 20 LU +22 10 21 LL +22 10 22 LA +22 10 23 LU +22 10 24 PA +22 10 25 FI +22 10 26 YA +22 10 27 FI +22 10 28 LL +22 10 29 LU +22 10 30 LA +22 10 31 FI +22 10 32 FI +22 10 33 LU +22 10 34 LU +22 10 35 LL +22 10 36 PA +22 10 37 FI +22 10 38 LL +22 10 39 LU +22 10 40 FI +22 10 41 LL +22 10 42 LA +22 10 43 PA +22 10 44 FI +22 10 45 LU +22 10 46 PA +22 10 47 PA +22 10 48 LA +22 10 49 FI +22 10 50 PA +22 10 51 YA +22 10 52 FI +22 10 53 LL +22 10 54 LU +22 10 55 FI +22 10 56 LA +22 10 57 LU +22 10 58 LA +22 10 59 FI +22 10 60 PA +22 10 61 LL +22 10 62 FI +22 10 63 LL +22 10 64 LU +22 10 65 LL +22 10 66 FI +22 10 67 FI +22 10 68 LL +22 10 69 PA +22 10 70 FI +22 10 71 LL +22 10 72 LU +22 10 73 LU +22 10 74 FI +22 10 75 LU +22 10 76 LA +22 10 77 LU +22 10 78 FI +22 10 79 PA +22 10 80 LU +22 10 81 LU +22 10 82 LU +22 10 83 FI +22 10 84 FI +22 10 85 LU +22 10 86 FI +22 10 87 PA +22 10 88 LL +22 10 89 PA +22 10 90 PA +22 10 91 FI +22 10 92 FI +22 10 93 LU +22 10 94 PA +22 10 95 FI +22 10 96 LA +22 10 97 LU +22 10 98 LL +22 10 99 FI +22 10 100 LU +22 10 101 LL +22 10 102 FI +22 10 103 PA +22 10 104 FI +22 10 105 LL +22 10 106 LA +22 10 107 FI +22 10 108 FI +22 10 109 LU +22 10 110 LA +22 10 111 PA +22 10 112 LL +22 10 113 PA +22 10 114 LU +22 10 115 LL +22 10 116 FI +22 10 117 PA +22 10 118 LL +22 10 119 LU +22 10 120 FI +22 10 121 LA +22 10 122 LU +22 10 123 LU +22 10 124 FI +22 10 125 LL +22 10 126 FI +22 10 127 PA +22 10 128 LA +22 10 129 FI +22 10 130 PA +22 10 131 LL +22 10 132 LL +22 10 133 LU +22 10 134 PA +22 10 135 LL +22 10 136 LU +22 10 137 PA +22 10 138 FI +22 10 139 FI +22 10 140 PA +22 10 141 FI +22 10 142 FI +22 10 143 LU +22 10 144 PA +22 10 145 LU +22 10 146 LA +22 10 147 LU +22 10 148 LL +22 10 149 LU +22 10 150 PA +22 10 151 FI +22 10 152 FI +22 10 153 LU +22 10 154 PA +22 10 155 PA +22 10 156 LU +22 10 157 PA +22 10 158 FI +22 10 159 FI +22 10 160 FI +22 10 161 LU +22 10 162 LL +22 10 163 LU +22 10 164 FI +22 10 165 PA +22 10 166 PA +22 10 167 FI +22 10 168 LU +22 10 169 LU +22 10 170 PA +22 10 171 LU +22 10 172 FI +22 10 173 LL +22 10 174 LA +22 10 175 FI +22 10 176 LL +22 10 177 FI +22 10 178 PA +22 10 179 LL +22 10 180 LU +22 10 181 LA +22 10 182 LL +22 10 183 FI +22 10 184 LU +22 10 185 LA +22 10 186 LU +22 10 187 LA +22 10 188 LU +22 10 189 FI +22 10 190 FI +22 10 191 LU +22 10 192 FI +22 10 193 LA +22 10 194 LL +22 10 195 LU +22 10 196 FI +22 10 197 FI +22 10 198 PA +22 10 199 FI +22 10 200 FI +22 10 201 LA +22 10 202 LU +22 10 203 LL +22 10 204 PA +22 10 205 PA +22 10 206 FI +22 10 207 LL +22 10 208 LA +22 10 209 LU +22 10 210 PA +22 10 211 LU +22 10 212 LA +22 10 213 FI +22 10 214 LA +22 10 215 FI +22 10 216 PA +22 10 217 FI +22 10 218 LA +22 10 219 FI +22 10 220 FI +22 10 221 FI +22 10 222 PA +22 10 223 LU +22 10 224 FI +22 10 225 LA +22 10 226 PA +22 10 227 PA +22 10 228 PA +22 10 229 FI +22 10 230 FI +22 10 231 LL +22 10 232 FI +22 10 233 FI +22 10 234 LU +22 10 235 PA +22 10 236 FI +22 10 237 FI +22 10 238 LU +22 10 239 FI +22 10 240 PA +22 10 241 FI +22 10 242 LA +22 10 243 PA +22 10 244 FI +22 10 245 LL +22 10 246 LU +22 10 247 PA +22 10 248 PA +22 10 249 LU +22 10 250 PA +22 10 251 LU +22 10 252 FI +22 10 253 LU +22 10 254 FI +22 10 255 PA +22 10 256 LL +22 10 257 PA +22 10 258 LA +22 10 259 LL +22 10 260 FI +22 10 261 LA +22 10 262 FI +22 10 263 FI +22 10 264 LU +22 10 265 LU +22 10 266 LA +22 10 267 PA +22 10 268 LU +22 10 269 FI +22 10 270 LA +22 10 271 PA +22 10 272 FI +22 10 273 FI +22 10 274 FI +22 10 275 LA +22 10 276 LL +22 10 277 PA +22 10 278 LA +22 10 279 PA +22 10 280 LU +22 10 281 LU +22 10 282 LU +22 10 283 PA +22 10 284 FI +22 10 285 FI +22 10 286 FI +22 10 287 LA +22 10 288 LL +22 10 289 LU +22 10 290 FI +22 10 291 PA +22 10 292 FI +22 10 293 FI +22 10 294 FI +22 10 295 PA +22 10 296 PA +22 10 297 LA +22 10 298 LL +22 10 299 LU +22 10 300 FI +22 10 301 LU +22 10 302 FI +22 10 303 FI +22 10 304 PA +22 10 305 PA +22 10 306 LU +22 10 307 PA +22 10 308 FI +22 10 309 PA +22 10 310 LU +22 10 311 PA +22 10 312 PA +22 10 313 PA +22 10 314 FI +22 10 315 LU +22 10 316 LU +22 10 317 PA +22 10 318 LA +22 10 319 FI +22 10 320 LA +22 10 321 LL +22 10 322 FI +22 10 323 LU +22 10 324 FI +22 10 325 YA +22 10 326 LA +22 10 327 FI +22 10 328 PA +22 10 329 YA +22 10 330 FI +22 11 1 LU +22 11 2 LU +22 11 3 LL +22 11 4 CF +22 11 5 LU +22 11 6 LA +22 11 7 LU +22 11 8 CF +22 11 9 YA +22 11 10 LU +22 11 11 LU +22 11 12 LA +22 11 13 LU +22 11 14 YA +22 11 15 LA +22 11 16 FI +22 11 17 LL +22 11 18 PA +22 11 19 LU +22 11 20 LU +22 11 21 LL +22 11 22 LA +22 11 23 YA +22 11 24 PA +22 11 25 LU +22 11 26 LU +22 11 27 FI +22 11 28 LU +22 11 29 LU +22 11 30 LA +22 11 31 LU +22 11 32 LL +22 11 33 LU +22 11 34 LU +22 11 35 UN +22 11 36 LU +22 11 37 LU +22 11 38 LL +22 11 39 LU +22 11 40 LU +22 11 41 LL +22 11 42 LA +22 11 43 YA +22 11 44 FI +22 11 45 LU +22 11 46 FI +22 11 47 PA +22 11 48 LA +22 11 49 LU +22 11 50 CF +22 11 51 PA +22 11 52 FI +22 11 53 CF +22 11 54 LU +22 11 55 LU +22 11 56 LA +22 11 57 LU +22 11 58 YA +22 11 59 FI +22 11 60 PA +22 11 61 CF +22 11 62 FI +22 11 63 LA +22 11 64 LU +22 11 65 LL +22 11 66 FI +22 11 67 LU +22 11 68 LL +22 11 69 YA +22 11 70 FI +22 11 71 CF +22 11 72 LU +22 11 73 CF +22 11 74 FI +22 11 75 PA +22 11 76 LL +22 11 77 LU +22 11 78 FI +22 11 79 PA +22 11 80 LU +22 11 81 LU +22 11 82 LU +22 11 83 FI +22 11 84 LL +22 11 85 LU +22 11 86 LL +22 11 87 PA +22 11 88 CF +22 11 89 PA +22 11 90 LU +22 11 91 LU +22 11 92 FI +22 11 93 LU +22 11 94 PA +22 11 95 FI +22 11 96 LA +22 11 97 LU +22 11 98 LL +22 11 99 FI +22 11 100 LU +22 11 101 CF +22 11 102 FI +22 11 103 LU +22 11 104 LU +22 11 105 CF +22 11 106 LA +22 11 107 FI +22 11 108 LU +22 11 109 LU +22 11 110 LA +22 11 111 PA +22 11 112 LL +22 11 113 PA +22 11 114 LU +22 11 115 CF +22 11 116 FI +22 11 117 PA +22 11 118 LA +22 11 119 LU +22 11 120 FI +22 11 121 LL +22 11 122 LU +22 11 123 YA +22 11 124 LA +22 11 125 LL +22 11 126 LA +22 11 127 PA +22 11 128 LA +22 11 129 FI +22 11 130 CF +22 11 131 CF +22 11 132 LL +22 11 133 LU +22 11 134 CF +22 11 135 LL +22 11 136 LU +22 11 137 LU +22 11 138 LU +22 11 139 FI +22 11 140 LU +22 11 141 FI +22 11 142 FI +22 11 143 LU +22 11 144 CF +22 11 145 LU +22 11 146 LA +22 11 147 LU +22 11 148 UN +22 11 149 LU +22 11 150 CF +22 11 151 LA +22 11 152 FI +22 11 153 LU +22 11 154 PA +22 11 155 PA +22 11 156 LU +22 11 157 PA +22 11 158 FI +22 11 159 LA +22 11 160 LA +22 11 161 LU +22 11 162 LL +22 11 163 LU +22 11 164 LU +22 11 165 YA +22 11 166 LU +22 11 167 FI +22 11 168 LU +22 11 169 LU +22 11 170 PA +22 11 171 LU +22 11 172 FI +22 11 173 LL +22 11 174 LA +22 11 175 LU +22 11 176 LL +22 11 177 FI +22 11 178 LU +22 11 179 CF +22 11 180 LU +22 11 181 LA +22 11 182 CF +22 11 183 PA +22 11 184 CF +22 11 185 LA +22 11 186 LU +22 11 187 LA +22 11 188 LU +22 11 189 FI +22 11 190 LA +22 11 191 LU +22 11 192 CF +22 11 193 LA +22 11 194 CF +22 11 195 LU +22 11 196 FI +22 11 197 CF +22 11 198 PA +22 11 199 FI +22 11 200 LU +22 11 201 LA +22 11 202 LU +22 11 203 CF +22 11 204 PA +22 11 205 LU +22 11 206 FI +22 11 207 LL +22 11 208 LA +22 11 209 LU +22 11 210 CF +22 11 211 LU +22 11 212 LA +22 11 213 FI +22 11 214 LA +22 11 215 LA +22 11 216 PA +22 11 217 FI +22 11 218 LU +22 11 219 FI +22 11 220 LU +22 11 221 FI +22 11 222 CF +22 11 223 LU +22 11 224 FI +22 11 225 CF +22 11 226 LU +22 11 227 PA +22 11 228 LU +22 11 229 LU +22 11 230 FI +22 11 231 CF +22 11 232 PA +22 11 233 CF +22 11 234 LU +22 11 235 LU +22 11 236 CF +22 11 237 FI +22 11 238 LU +22 11 239 LA +22 11 240 CF +22 11 241 FI +22 11 242 LA +22 11 243 CF +22 11 244 FI +22 11 245 LL +22 11 246 LU +22 11 247 CF +22 11 248 PA +22 11 249 LU +22 11 250 CF +22 11 251 LU +22 11 252 FI +22 11 253 LU +22 11 254 LU +22 11 255 PA +22 11 256 LL +22 11 257 LU +22 11 258 LA +22 11 259 CF +22 11 260 FI +22 11 261 LA +22 11 262 FI +22 11 263 PA +22 11 264 LU +22 11 265 LU +22 11 266 LL +22 11 267 CF +22 11 268 LU +22 11 269 LL +22 11 270 LA +22 11 271 LU +22 11 272 FI +22 11 273 LA +22 11 274 FI +22 11 275 LU +22 11 276 LL +22 11 277 LU +22 11 278 LA +22 11 279 LU +22 11 280 CF +22 11 281 LU +22 11 282 LU +22 11 283 CF +22 11 284 FI +22 11 285 LA +22 11 286 FI +22 11 287 LA +22 11 288 LL +22 11 289 LU +22 11 290 FI +22 11 291 LU +22 11 292 LA +22 11 293 FI +22 11 294 FI +22 11 295 PA +22 11 296 CF +22 11 297 LA +22 11 298 LL +22 11 299 LU +22 11 300 FI +22 11 301 LU +22 11 302 FI +22 11 303 LU +22 11 304 CF +22 11 305 CF +22 11 306 LU +22 11 307 LU +22 11 308 FI +22 11 309 PA +22 11 310 LU +22 11 311 LU +22 11 312 PA +22 11 313 LU +22 11 314 FI +22 11 315 LU +22 11 316 LU +22 11 317 CF +22 11 318 LA +22 11 319 FI +22 11 320 CF +22 11 321 LL +22 11 322 LU +22 11 323 LU +22 11 324 FI +22 11 325 CF +22 11 326 LA +22 11 327 FI +22 11 328 LU +22 11 329 CF +22 11 330 FI +22 12 1 LU +22 12 2 FI +22 12 3 UN +22 12 4 * +22 12 5 FI +22 12 6 FI +22 12 7 LU +22 12 8 UN +22 12 9 * +22 12 10 YA +22 12 11 LU +22 12 12 LA +22 12 13 LU +22 12 14 FI +22 12 15 FI +22 12 16 FI +22 12 17 UN +22 12 18 PA +22 12 19 LU +22 12 20 LU +22 12 21 UN +22 12 22 FI +22 12 23 * +22 12 24 * +22 12 25 LU +22 12 26 LU +22 12 27 FI +22 12 28 UN +22 12 29 LU +22 12 30 * +22 12 31 FI +22 12 32 * +22 12 33 LU +22 12 34 LU +22 12 35 UN +22 12 36 LU +22 12 37 FI +22 12 38 UN +22 12 39 LU +22 12 40 LU +22 12 41 UN +22 12 42 LA +22 12 43 PA +22 12 44 FI +22 12 45 LU +22 12 46 * +22 12 47 LU +22 12 48 LA +22 12 49 FI +22 12 50 * +22 12 51 * +22 12 52 FI +22 12 53 UN +22 12 54 LU +22 12 55 LU +22 12 56 FI +22 12 57 YA +22 12 58 LA +22 12 59 FI +22 12 60 PA +22 12 61 UN +22 12 62 FI +22 12 63 UN +22 12 64 LU +22 12 65 UN +22 12 66 FI +22 12 67 LU +22 12 68 FI +22 12 69 * +22 12 70 FI +22 12 71 UN +22 12 72 LU +22 12 73 * +22 12 74 FI +22 12 75 LU +22 12 76 LA +22 12 77 LU +22 12 78 FI +22 12 79 * +22 12 80 LU +22 12 81 LU +22 12 82 FI +22 12 83 FI +22 12 84 UN +22 12 85 LU +22 12 86 UN +22 12 87 PA +22 12 88 UN +22 12 89 PA +22 12 90 LU +22 12 91 LA +22 12 92 FI +22 12 93 LU +22 12 94 PA +22 12 95 LA +22 12 96 LA +22 12 97 * +22 12 98 UN +22 12 99 FI +22 12 100 LU +22 12 101 UN +22 12 102 FI +22 12 103 LA +22 12 104 LU +22 12 105 UN +22 12 106 LA +22 12 107 FI +22 12 108 LU +22 12 109 * +22 12 110 LA +22 12 111 LU +22 12 112 UN +22 12 113 PA +22 12 114 LU +22 12 115 UN +22 12 116 FI +22 12 117 PA +22 12 118 FI +22 12 119 LU +22 12 120 FI +22 12 121 UN +22 12 122 LU +22 12 123 LU +22 12 124 LA +22 12 125 LA +22 12 126 FI +22 12 127 PA +22 12 128 LA +22 12 129 FI +22 12 130 PA +22 12 131 * +22 12 132 UN +22 12 133 LU +22 12 134 YA +22 12 135 UN +22 12 136 LU +22 12 137 LU +22 12 138 LU +22 12 139 FI +22 12 140 LU +22 12 141 FI +22 12 142 FI +22 12 143 LA +22 12 144 * +22 12 145 LU +22 12 146 LA +22 12 147 LU +22 12 148 * +22 12 149 LU +22 12 150 * +22 12 151 UN +22 12 152 FI +22 12 153 LU +22 12 154 PA +22 12 155 PA +22 12 156 LU +22 12 157 * +22 12 158 FI +22 12 159 LA +22 12 160 UN +22 12 161 LU +22 12 162 UN +22 12 163 LU +22 12 164 YA +22 12 165 LA +22 12 166 YA +22 12 167 FI +22 12 168 LU +22 12 169 LU +22 12 170 PA +22 12 171 LA +22 12 172 FI +22 12 173 UN +22 12 174 LA +22 12 175 FI +22 12 176 UN +22 12 177 LA +22 12 178 LU +22 12 179 UN +22 12 180 LU +22 12 181 LA +22 12 182 UN +22 12 183 * +22 12 184 * +22 12 185 LA +22 12 186 LU +22 12 187 LA +22 12 188 LU +22 12 189 FI +22 12 190 FI +22 12 191 LU +22 12 192 * +22 12 193 LA +22 12 194 UN +22 12 195 LU +22 12 196 LU +22 12 197 * +22 12 198 PA +22 12 199 FI +22 12 200 * +22 12 201 * +22 12 202 LU +22 12 203 UN +22 12 204 * +22 12 205 * +22 12 206 FI +22 12 207 UN +22 12 208 LA +22 12 209 LU +22 12 210 UN +22 12 211 LU +22 12 212 LA +22 12 213 * +22 12 214 LA +22 12 215 UN +22 12 216 PA +22 12 217 FI +22 12 218 LA +22 12 219 FI +22 12 220 * +22 12 221 FI +22 12 222 * +22 12 223 LU +22 12 224 FI +22 12 225 LA +22 12 226 LU +22 12 227 PA +22 12 228 PA +22 12 229 LU +22 12 230 FI +22 12 231 UN +22 12 232 LA +22 12 233 * +22 12 234 LU +22 12 235 LU +22 12 236 LA +22 12 237 FI +22 12 238 LU +22 12 239 UN +22 12 240 UN +22 12 241 FI +22 12 242 LA +22 12 243 UN +22 12 244 FI +22 12 245 UN +22 12 246 LU +22 12 247 * +22 12 248 PA +22 12 249 LU +22 12 250 * +22 12 251 LU +22 12 252 FI +22 12 253 LU +22 12 254 LU +22 12 255 PA +22 12 256 UN +22 12 257 LU +22 12 258 LA +22 12 259 UN +22 12 260 FI +22 12 261 LA +22 12 262 FI +22 12 263 * +22 12 264 FI +22 12 265 LU +22 12 266 UN +22 12 267 UN +22 12 268 LU +22 12 269 UN +22 12 270 LA +22 12 271 LU +22 12 272 FI +22 12 273 * +22 12 274 FI +22 12 275 LA +22 12 276 UN +22 12 277 LU +22 12 278 UN +22 12 279 * +22 12 280 LA +22 12 281 LU +22 12 282 LU +22 12 283 * +22 12 284 FI +22 12 285 * +22 12 286 FI +22 12 287 LA +22 12 288 UN +22 12 289 LU +22 12 290 FI +22 12 291 LU +22 12 292 FI +22 12 293 FI +22 12 294 FI +22 12 295 * +22 12 296 * +22 12 297 LA +22 12 298 UN +22 12 299 LU +22 12 300 FI +22 12 301 LU +22 12 302 FI +22 12 303 FI +22 12 304 LA +22 12 305 * +22 12 306 LU +22 12 307 LU +22 12 308 * +22 12 309 PA +22 12 310 LU +22 12 311 LU +22 12 312 PA +22 12 313 YA +22 12 314 FI +22 12 315 LU +22 12 316 LU +22 12 317 UN +22 12 318 LA +22 12 319 FI +22 12 320 LA +22 12 321 UN +22 12 322 LU +22 12 323 LU +22 12 324 FI +22 12 325 * +22 12 326 LA +22 12 327 FI +22 12 328 LU +22 12 329 LA +22 12 330 FI +22 13 1 LU +22 13 2 FI +22 13 3 UN +22 13 4 PA +22 13 5 LU +22 13 6 FI +22 13 7 LU +22 13 8 UN +22 13 9 PA +22 13 10 LU +22 13 11 LU +22 13 12 LA +22 13 13 PA +22 13 14 PA +22 13 15 FI +22 13 16 FI +22 13 17 UN +22 13 18 PA +22 13 19 LU +22 13 20 LU +22 13 21 UN +22 13 22 FI +22 13 23 FI +22 13 24 FI +22 13 25 LU +22 13 26 LU +22 13 27 FI +22 13 28 UN +22 13 29 LU +22 13 30 UN +22 13 31 FI +22 13 32 UN +22 13 33 LU +22 13 34 LU +22 13 35 UN +22 13 36 LU +22 13 37 FI +22 13 38 UN +22 13 39 LU +22 13 40 LU +22 13 41 UN +22 13 42 FI +22 13 43 PA +22 13 44 FI +22 13 45 LU +22 13 46 LA +22 13 47 FI +22 13 48 LA +22 13 49 LU +22 13 50 UN +22 13 51 LA +22 13 52 FI +22 13 53 UN +22 13 54 LU +22 13 55 LU +22 13 56 FI +22 13 57 PA +22 13 58 LA +22 13 59 FI +22 13 60 PA +22 13 61 UN +22 13 62 FI +22 13 63 UN +22 13 64 LU +22 13 65 UN +22 13 66 FI +22 13 67 LU +22 13 68 UN +22 13 69 PA +22 13 70 FI +22 13 71 UN +22 13 72 LU +22 13 73 UN +22 13 74 LU +22 13 75 PA +22 13 76 UN +22 13 77 LU +22 13 78 FI +22 13 79 PA +22 13 80 LU +22 13 81 LU +22 13 82 PA +22 13 83 FI +22 13 84 UN +22 13 85 LU +22 13 86 UN +22 13 87 PA +22 13 88 UN +22 13 89 PA +22 13 90 PA +22 13 91 LA +22 13 92 FI +22 13 93 LU +22 13 94 FI +22 13 95 PA +22 13 96 LA +22 13 97 PA +22 13 98 UN +22 13 99 FI +22 13 100 LU +22 13 101 UN +22 13 102 FI +22 13 103 PA +22 13 104 LU +22 13 105 UN +22 13 106 LA +22 13 107 FI +22 13 108 LU +22 13 109 PA +22 13 110 LA +22 13 111 PA +22 13 112 UN +22 13 113 PA +22 13 114 LU +22 13 115 UN +22 13 116 FI +22 13 117 PA +22 13 118 LA +22 13 119 LU +22 13 120 FI +22 13 121 LA +22 13 122 LU +22 13 123 PA +22 13 124 LA +22 13 125 UN +22 13 126 FI +22 13 127 PA +22 13 128 LA +22 13 129 FI +22 13 130 PA +22 13 131 UN +22 13 132 LU +22 13 133 LU +22 13 134 PA +22 13 135 UN +22 13 136 LU +22 13 137 PA +22 13 138 LU +22 13 139 FI +22 13 140 LU +22 13 141 FI +22 13 142 FI +22 13 143 LA +22 13 144 PA +22 13 145 LU +22 13 146 LA +22 13 147 LU +22 13 148 UN +22 13 149 LU +22 13 150 PA +22 13 151 LA +22 13 152 PA +22 13 153 LU +22 13 154 PA +22 13 155 FI +22 13 156 LU +22 13 157 FI +22 13 158 UN +22 13 159 LA +22 13 160 FI +22 13 161 LU +22 13 162 UN +22 13 163 LU +22 13 164 LU +22 13 165 LA +22 13 166 PA +22 13 167 FI +22 13 168 LU +22 13 169 LU +22 13 170 PA +22 13 171 LU +22 13 172 FI +22 13 173 UN +22 13 174 LA +22 13 175 LU +22 13 176 UN +22 13 177 LA +22 13 178 LU +22 13 179 PA +22 13 180 LU +22 13 181 LA +22 13 182 UN +22 13 183 FI +22 13 184 UN +22 13 185 LA +22 13 186 LU +22 13 187 LA +22 13 188 PA +22 13 189 LU +22 13 190 LA +22 13 191 LU +22 13 192 PA +22 13 193 LA +22 13 194 FI +22 13 195 LU +22 13 196 LU +22 13 197 FI +22 13 198 PA +22 13 199 FI +22 13 200 LU +22 13 201 UN +22 13 202 LU +22 13 203 UN +22 13 204 PA +22 13 205 LU +22 13 206 FI +22 13 207 UN +22 13 208 LA +22 13 209 PA +22 13 210 FI +22 13 211 LU +22 13 212 LA +22 13 213 FI +22 13 214 LA +22 13 215 UN +22 13 216 PA +22 13 217 LA +22 13 218 PA +22 13 219 FI +22 13 220 PA +22 13 221 FI +22 13 222 PA +22 13 223 LU +22 13 224 FI +22 13 225 LA +22 13 226 PA +22 13 227 FI +22 13 228 PA +22 13 229 LU +22 13 230 FI +22 13 231 UN +22 13 232 FI +22 13 233 LA +22 13 234 LU +22 13 235 PA +22 13 236 LU +22 13 237 LA +22 13 238 LU +22 13 239 UN +22 13 240 PA +22 13 241 FI +22 13 242 LU +22 13 243 UN +22 13 244 FI +22 13 245 UN +22 13 246 LU +22 13 247 FI +22 13 248 UN +22 13 249 LU +22 13 250 PA +22 13 251 LU +22 13 252 FI +22 13 253 LU +22 13 254 FI +22 13 255 PA +22 13 256 UN +22 13 257 PA +22 13 258 LA +22 13 259 UN +22 13 260 FI +22 13 261 LA +22 13 262 FI +22 13 263 PA +22 13 264 FI +22 13 265 LU +22 13 266 UN +22 13 267 PA +22 13 268 LU +22 13 269 UN +22 13 270 LA +22 13 271 PA +22 13 272 FI +22 13 273 PA +22 13 274 FI +22 13 275 LA +22 13 276 UN +22 13 277 LU +22 13 278 LA +22 13 279 PA +22 13 280 LA +22 13 281 LU +22 13 282 LU +22 13 283 PA +22 13 284 FI +22 13 285 LA +22 13 286 FI +22 13 287 UN +22 13 288 UN +22 13 289 LU +22 13 290 FI +22 13 291 PA +22 13 292 LA +22 13 293 FI +22 13 294 LU +22 13 295 PA +22 13 296 LU +22 13 297 LA +22 13 298 UN +22 13 299 LU +22 13 300 FI +22 13 301 LU +22 13 302 FI +22 13 303 LU +22 13 304 LA +22 13 305 PA +22 13 306 LU +22 13 307 LU +22 13 308 FI +22 13 309 PA +22 13 310 LU +22 13 311 LU +22 13 312 PA +22 13 313 PA +22 13 314 FI +22 13 315 LU +22 13 316 PA +22 13 317 UN +22 13 318 LA +22 13 319 FI +22 13 320 LU +22 13 321 UN +22 13 322 LU +22 13 323 LU +22 13 324 FI +22 13 325 UN +22 13 326 LA +22 13 327 FI +22 13 328 LU +22 13 329 LA +22 13 330 FI +22 14 1 LU +22 14 2 LU +22 14 3 LA +22 14 4 CH +22 14 5 LU +22 14 6 LA +22 14 7 LU +22 14 8 YA +22 14 9 YA +22 14 10 LU +22 14 11 YA +22 14 12 LA +22 14 13 LU +22 14 14 LU +22 14 15 LU +22 14 16 FI +22 14 17 LA +22 14 18 PA +22 14 19 LU +22 14 20 LU +22 14 21 LA +22 14 22 FI +22 14 23 LU +22 14 24 YA +22 14 25 LU +22 14 26 LU +22 14 27 FI +22 14 28 LA +22 14 29 LU +22 14 30 LA +22 14 31 LU +22 14 32 LA +22 14 33 LU +22 14 34 LU +22 14 35 LA +22 14 36 LU +22 14 37 LU +22 14 38 UN +22 14 39 LU +22 14 40 LU +22 14 41 UN +22 14 42 LA +22 14 43 YA +22 14 44 FI +22 14 45 LU +22 14 46 YA +22 14 47 * +22 14 48 LA +22 14 49 LU +22 14 50 CH +22 14 51 CH +22 14 52 FI +22 14 53 CH +22 14 54 * +22 14 55 LU +22 14 56 LA +22 14 57 CH +22 14 58 CH +22 14 59 FI +22 14 60 LU +22 14 61 UN +22 14 62 LU +22 14 63 LA +22 14 64 LU +22 14 65 LA +22 14 66 FI +22 14 67 LU +22 14 68 LA +22 14 69 LU +22 14 70 FI +22 14 71 YA +22 14 72 LU +22 14 73 CH +22 14 74 FI +22 14 75 YA +22 14 76 LA +22 14 77 LU +22 14 78 * +22 14 79 YA +22 14 80 LU +22 14 81 LA +22 14 82 LU +22 14 83 FI +22 14 84 LA +22 14 85 LU +22 14 86 UN +22 14 87 PA +22 14 88 UN +22 14 89 PA +22 14 90 LU +22 14 91 LA +22 14 92 FI +22 14 93 LU +22 14 94 YA +22 14 95 FI +22 14 96 LA +22 14 97 LU +22 14 98 UN +22 14 99 LU +22 14 100 LU +22 14 101 LA +22 14 102 LU +22 14 103 YA +22 14 104 LU +22 14 105 LA +22 14 106 LA +22 14 107 FI +22 14 108 LU +22 14 109 LU +22 14 110 LA +22 14 111 LU +22 14 112 LA +22 14 113 YA +22 14 114 LU +22 14 115 UN +22 14 116 FI +22 14 117 CH +22 14 118 LA +22 14 119 LU +22 14 120 FI +22 14 121 LA +22 14 122 LU +22 14 123 LU +22 14 124 LA +22 14 125 LA +22 14 126 YA +22 14 127 LU +22 14 128 LA +22 14 129 FI +22 14 130 LU +22 14 131 LA +22 14 132 UN +22 14 133 LU +22 14 134 CH +22 14 135 LA +22 14 136 LU +22 14 137 CH +22 14 138 LU +22 14 139 FI +22 14 140 LU +22 14 141 FI +22 14 142 FI +22 14 143 LU +22 14 144 CH +22 14 145 LU +22 14 146 LA +22 14 147 LU +22 14 148 UN +22 14 149 LU +22 14 150 CH +22 14 151 LA +22 14 152 LA +22 14 153 LU +22 14 154 YA +22 14 155 YA +22 14 156 LU +22 14 157 CH +22 14 158 FI +22 14 159 LA +22 14 160 LU +22 14 161 LU +22 14 162 UN +22 14 163 LU +22 14 164 LU +22 14 165 YA +22 14 166 LU +22 14 167 LU +22 14 168 LU +22 14 169 LU +22 14 170 LU +22 14 171 LU +22 14 172 FI +22 14 173 LA +22 14 174 LA +22 14 175 LU +22 14 176 LA +22 14 177 LU +22 14 178 LU +22 14 179 CH +22 14 180 LU +22 14 181 LA +22 14 182 CH +22 14 183 CH +22 14 184 LU +22 14 185 LA +22 14 186 LU +22 14 187 LA +22 14 188 LU +22 14 189 LU +22 14 190 LA +22 14 191 LU +22 14 192 LU +22 14 193 LA +22 14 194 CH +22 14 195 LU +22 14 196 LU +22 14 197 LA +22 14 198 PA +22 14 199 LU +22 14 200 LU +22 14 201 LA +22 14 202 LU +22 14 203 LA +22 14 204 YA +22 14 205 LU +22 14 206 FI +22 14 207 LA +22 14 208 LA +22 14 209 LU +22 14 210 YA +22 14 211 LU +22 14 212 LA +22 14 213 LU +22 14 214 LA +22 14 215 LA +22 14 216 YA +22 14 217 LA +22 14 218 LU +22 14 219 FI +22 14 220 LU +22 14 221 FI +22 14 222 LU +22 14 223 LU +22 14 224 FI +22 14 225 LU +22 14 226 YA +22 14 227 PA +22 14 228 LU +22 14 229 LU +22 14 230 FI +22 14 231 LU +22 14 232 YA +22 14 233 LU +22 14 234 LU +22 14 235 LU +22 14 236 LU +22 14 237 LA +22 14 238 LU +22 14 239 LA +22 14 240 CH +22 14 241 FI +22 14 242 LA +22 14 243 CH +22 14 244 FI +22 14 245 UN +22 14 246 LU +22 14 247 LU +22 14 248 YA +22 14 249 LU +22 14 250 LU +22 14 251 LU +22 14 252 FI +22 14 253 LU +22 14 254 LU +22 14 255 PA +22 14 256 LA +22 14 257 LU +22 14 258 LA +22 14 259 YA +22 14 260 LU +22 14 261 LA +22 14 262 FI +22 14 263 YA +22 14 264 FI +22 14 265 LU +22 14 266 LA +22 14 267 CH +22 14 268 LU +22 14 269 CH +22 14 270 LA +22 14 271 YA +22 14 272 FI +22 14 273 LU +22 14 274 FI +22 14 275 LA +22 14 276 LA +22 14 277 LU +22 14 278 LA +22 14 279 LU +22 14 280 LU +22 14 281 LU +22 14 282 LU +22 14 283 CH +22 14 284 FI +22 14 285 LA +22 14 286 FI +22 14 287 CH +22 14 288 UN +22 14 289 LU +22 14 290 FI +22 14 291 LU +22 14 292 LA +22 14 293 FI +22 14 294 FI +22 14 295 CH +22 14 296 LU +22 14 297 LA +22 14 298 UN +22 14 299 LU +22 14 300 FI +22 14 301 LU +22 14 302 FI +22 14 303 LU +22 14 304 YA +22 14 305 CH +22 14 306 LU +22 14 307 LU +22 14 308 LU +22 14 309 CH +22 14 310 LU +22 14 311 LU +22 14 312 PA +22 14 313 CH +22 14 314 FI +22 14 315 LU +22 14 316 LU +22 14 317 LA +22 14 318 LA +22 14 319 FI +22 14 320 LU +22 14 321 UN +22 14 322 LU +22 14 323 LU +22 14 324 FI +22 14 325 CH +22 14 326 LA +22 14 327 FI +22 14 328 LU +22 14 329 LA +22 14 330 FI +22 15 1 LU +22 15 2 LU +22 15 3 LL +22 15 4 CF +22 15 5 LU +22 15 6 LA +22 15 7 LU +22 15 8 LL +22 15 9 CF +22 15 10 PA +22 15 11 PA +22 15 12 LA +22 15 13 LU +22 15 14 PA +22 15 15 LU +22 15 16 FI +22 15 17 LL +22 15 18 YA +22 15 19 LU +22 15 20 LU +22 15 21 LL +22 15 22 LA +22 15 23 LU +22 15 24 PA +22 15 25 LU +22 15 26 LU +22 15 27 FI +22 15 28 LL +22 15 29 LU +22 15 30 LL +22 15 31 LU +22 15 32 LA +22 15 33 LU +22 15 34 LU +22 15 35 LA +22 15 36 PA +22 15 37 LA +22 15 38 CF +22 15 39 PA +22 15 40 LU +22 15 41 LU +22 15 42 LA +22 15 43 PA +22 15 44 FI +22 15 45 LU +22 15 46 PA +22 15 47 PA +22 15 48 LA +22 15 49 LU +22 15 50 LU +22 15 51 PA +22 15 52 FI +22 15 53 LL +22 15 54 LU +22 15 55 LU +22 15 56 FI +22 15 57 LU +22 15 58 FI +22 15 59 FI +22 15 60 PA +22 15 61 CF +22 15 62 LA +22 15 63 FI +22 15 64 LU +22 15 65 LL +22 15 66 FI +22 15 67 LU +22 15 68 LA +22 15 69 LU +22 15 70 FI +22 15 71 YA +22 15 72 LU +22 15 73 LA +22 15 74 FI +22 15 75 PA +22 15 76 LL +22 15 77 LU +22 15 78 FI +22 15 79 PA +22 15 80 LU +22 15 81 LA +22 15 82 LU +22 15 83 FI +22 15 84 LA +22 15 85 LU +22 15 86 FI +22 15 87 PA +22 15 88 LA +22 15 89 YA +22 15 90 PA +22 15 91 LA +22 15 92 FI +22 15 93 LU +22 15 94 PA +22 15 95 FI +22 15 96 LA +22 15 97 LU +22 15 98 LL +22 15 99 LA +22 15 100 LU +22 15 101 LL +22 15 102 FI +22 15 103 LA +22 15 104 LU +22 15 105 LU +22 15 106 LA +22 15 107 FI +22 15 108 LA +22 15 109 LU +22 15 110 LA +22 15 111 YA +22 15 112 LL +22 15 113 PA +22 15 114 LU +22 15 115 LA +22 15 116 FI +22 15 117 YA +22 15 118 LA +22 15 119 LU +22 15 120 FI +22 15 121 LL +22 15 122 LU +22 15 123 LU +22 15 124 FI +22 15 125 LL +22 15 126 FI +22 15 127 YA +22 15 128 LA +22 15 129 FI +22 15 130 PA +22 15 131 LU +22 15 132 LA +22 15 133 LU +22 15 134 PA +22 15 135 LU +22 15 136 LA +22 15 137 PA +22 15 138 LU +22 15 139 FI +22 15 140 LU +22 15 141 FI +22 15 142 FI +22 15 143 LU +22 15 144 LU +22 15 145 LU +22 15 146 LA +22 15 147 LU +22 15 148 LL +22 15 149 LU +22 15 150 PA +22 15 151 FI +22 15 152 LU +22 15 153 LU +22 15 154 YA +22 15 155 PA +22 15 156 LU +22 15 157 YA +22 15 158 FI +22 15 159 LA +22 15 160 LU +22 15 161 FI +22 15 162 LL +22 15 163 LU +22 15 164 LU +22 15 165 YA +22 15 166 PA +22 15 167 FI +22 15 168 LU +22 15 169 LU +22 15 170 PA +22 15 171 LU +22 15 172 FI +22 15 173 LL +22 15 174 LA +22 15 175 LU +22 15 176 LL +22 15 177 LA +22 15 178 LU +22 15 179 YA +22 15 180 LU +22 15 181 FI +22 15 182 PA +22 15 183 LA +22 15 184 LU +22 15 185 FI +22 15 186 LA +22 15 187 LA +22 15 188 LU +22 15 189 LA +22 15 190 FI +22 15 191 LU +22 15 192 LA +22 15 193 LA +22 15 194 PA +22 15 195 LU +22 15 196 LA +22 15 197 FI +22 15 198 PA +22 15 199 FI +22 15 200 LU +22 15 201 LA +22 15 202 LU +22 15 203 LU +22 15 204 PA +22 15 205 LU +22 15 206 FI +22 15 207 LL +22 15 208 LA +22 15 209 LU +22 15 210 PA +22 15 211 LU +22 15 212 LA +22 15 213 FI +22 15 214 LA +22 15 215 LU +22 15 216 PA +22 15 217 FI +22 15 218 LU +22 15 219 FI +22 15 220 PA +22 15 221 FI +22 15 222 LU +22 15 223 LU +22 15 224 FI +22 15 225 LA +22 15 226 LU +22 15 227 PA +22 15 228 LU +22 15 229 FI +22 15 230 FI +22 15 231 LL +22 15 232 LU +22 15 233 FI +22 15 234 LU +22 15 235 LA +22 15 236 LA +22 15 237 FI +22 15 238 LU +22 15 239 LA +22 15 240 PA +22 15 241 FI +22 15 242 FI +22 15 243 LU +22 15 244 FI +22 15 245 LL +22 15 246 LU +22 15 247 LU +22 15 248 PA +22 15 249 LU +22 15 250 LA +22 15 251 FI +22 15 252 FI +22 15 253 LU +22 15 254 LU +22 15 255 PA +22 15 256 LL +22 15 257 PA +22 15 258 LA +22 15 259 LL +22 15 260 FI +22 15 261 LA +22 15 262 FI +22 15 263 LU +22 15 264 FI +22 15 265 LU +22 15 266 LA +22 15 267 FI +22 15 268 LU +22 15 269 LA +22 15 270 LU +22 15 271 LU +22 15 272 FI +22 15 273 LA +22 15 274 FI +22 15 275 LU +22 15 276 LL +22 15 277 PA +22 15 278 LA +22 15 279 LU +22 15 280 LU +22 15 281 LU +22 15 282 LA +22 15 283 YA +22 15 284 FI +22 15 285 LA +22 15 286 FI +22 15 287 LA +22 15 288 LL +22 15 289 LU +22 15 290 FI +22 15 291 LU +22 15 292 LL +22 15 293 FI +22 15 294 FI +22 15 295 PA +22 15 296 LU +22 15 297 LA +22 15 298 LL +22 15 299 LU +22 15 300 FI +22 15 301 LU +22 15 302 FI +22 15 303 LU +22 15 304 PA +22 15 305 LL +22 15 306 LA +22 15 307 LU +22 15 308 LU +22 15 309 PA +22 15 310 LU +22 15 311 LU +22 15 312 PA +22 15 313 LA +22 15 314 FI +22 15 315 LU +22 15 316 LU +22 15 317 LL +22 15 318 FI +22 15 319 FI +22 15 320 LU +22 15 321 LL +22 15 322 FI +22 15 323 PA +22 15 324 FI +22 15 325 LL +22 15 326 LA +22 15 327 FI +22 15 328 LU +22 15 329 YA +22 15 330 FI +22 16 1 * +22 16 2 * +22 16 3 UN +22 16 4 YA +22 16 5 * +22 16 6 * +22 16 7 LU +22 16 8 * +22 16 9 YA +22 16 10 * +22 16 11 LU +22 16 12 LA +22 16 13 LU +22 16 14 LU +22 16 15 FI +22 16 16 FI +22 16 17 UN +22 16 18 PA +22 16 19 LU +22 16 20 LU +22 16 21 UN +22 16 22 LA +22 16 23 YA +22 16 24 YA +22 16 25 LU +22 16 26 * +22 16 27 FI +22 16 28 UN +22 16 29 LU +22 16 30 * +22 16 31 LU +22 16 32 * +22 16 33 LU +22 16 34 LU +22 16 35 UN +22 16 36 * +22 16 37 * +22 16 38 * +22 16 39 LU +22 16 40 * +22 16 41 YA +22 16 42 LA +22 16 43 * +22 16 44 FI +22 16 45 LU +22 16 46 PA +22 16 47 * +22 16 48 LA +22 16 49 FI +22 16 50 YA +22 16 51 * +22 16 52 * +22 16 53 YA +22 16 54 LU +22 16 55 LU +22 16 56 LA +22 16 57 LU +22 16 58 LA +22 16 59 FI +22 16 60 * +22 16 61 UN +22 16 62 FI +22 16 63 UN +22 16 64 LU +22 16 65 UN +22 16 66 LA +22 16 67 LU +22 16 68 UN +22 16 69 YA +22 16 70 FI +22 16 71 YA +22 16 72 LU +22 16 73 YA +22 16 74 FI +22 16 75 YA +22 16 76 UN +22 16 77 LU +22 16 78 FI +22 16 79 PA +22 16 80 LU +22 16 81 LU +22 16 82 LU +22 16 83 LA +22 16 84 UN +22 16 85 LU +22 16 86 UN +22 16 87 PA +22 16 88 UN +22 16 89 PA +22 16 90 * +22 16 91 LA +22 16 92 LA +22 16 93 LU +22 16 94 YA +22 16 95 FI +22 16 96 LA +22 16 97 YA +22 16 98 UN +22 16 99 FI +22 16 100 LU +22 16 101 YA +22 16 102 FI +22 16 103 LA +22 16 104 LU +22 16 105 YA +22 16 106 LA +22 16 107 FI +22 16 108 FI +22 16 109 LU +22 16 110 LA +22 16 111 YA +22 16 112 UN +22 16 113 PA +22 16 114 * +22 16 115 YA +22 16 116 LU +22 16 117 YA +22 16 118 UN +22 16 119 LU +22 16 120 FI +22 16 121 UN +22 16 122 LU +22 16 123 * +22 16 124 LA +22 16 125 UN +22 16 126 LA +22 16 127 PA +22 16 128 LA +22 16 129 FI +22 16 130 YA +22 16 131 YA +22 16 132 UN +22 16 133 LU +22 16 134 YA +22 16 135 UN +22 16 136 LU +22 16 137 YA +22 16 138 FI +22 16 139 FI +22 16 140 LU +22 16 141 FI +22 16 142 FI +22 16 143 LA +22 16 144 YA +22 16 145 LU +22 16 146 LA +22 16 147 LU +22 16 148 UN +22 16 149 LU +22 16 150 YA +22 16 151 UN +22 16 152 FI +22 16 153 LA +22 16 154 PA +22 16 155 YA +22 16 156 LU +22 16 157 YA +22 16 158 FI +22 16 159 LA +22 16 160 UN +22 16 161 LU +22 16 162 UN +22 16 163 LU +22 16 164 LU +22 16 165 LU +22 16 166 * +22 16 167 LA +22 16 168 LU +22 16 169 LU +22 16 170 * +22 16 171 LU +22 16 172 FI +22 16 173 UN +22 16 174 LA +22 16 175 FI +22 16 176 UN +22 16 177 LA +22 16 178 LU +22 16 179 YA +22 16 180 LU +22 16 181 LA +22 16 182 YA +22 16 183 YA +22 16 184 YA +22 16 185 UN +22 16 186 FI +22 16 187 LA +22 16 188 LU +22 16 189 FI +22 16 190 UN +22 16 191 LU +22 16 192 YA +22 16 193 LA +22 16 194 YA +22 16 195 LU +22 16 196 FI +22 16 197 YA +22 16 198 PA +22 16 199 FI +22 16 200 LU +22 16 201 UN +22 16 202 LU +22 16 203 UN +22 16 204 YA +22 16 205 YA +22 16 206 LA +22 16 207 UN +22 16 208 LA +22 16 209 * +22 16 210 YA +22 16 211 LU +22 16 212 LA +22 16 213 FI +22 16 214 LA +22 16 215 FI +22 16 216 YA +22 16 217 FI +22 16 218 LA +22 16 219 FI +22 16 220 LU +22 16 221 FI +22 16 222 YA +22 16 223 LU +22 16 224 FI +22 16 225 LA +22 16 226 PA +22 16 227 PA +22 16 228 * +22 16 229 FI +22 16 230 FI +22 16 231 YA +22 16 232 LA +22 16 233 FI +22 16 234 LU +22 16 235 * +22 16 236 LA +22 16 237 UN +22 16 238 LU +22 16 239 UN +22 16 240 YA +22 16 241 FI +22 16 242 LA +22 16 243 YA +22 16 244 FI +22 16 245 UN +22 16 246 LU +22 16 247 LU +22 16 248 PA +22 16 249 LU +22 16 250 YA +22 16 251 LU +22 16 252 FI +22 16 253 LU +22 16 254 LU +22 16 255 PA +22 16 256 UN +22 16 257 * +22 16 258 LA +22 16 259 YA +22 16 260 LA +22 16 261 UN +22 16 262 FI +22 16 263 YA +22 16 264 FI +22 16 265 LU +22 16 266 UN +22 16 267 YA +22 16 268 LU +22 16 269 UN +22 16 270 LA +22 16 271 * +22 16 272 FI +22 16 273 LA +22 16 274 FI +22 16 275 LA +22 16 276 UN +22 16 277 * +22 16 278 UN +22 16 279 LU +22 16 280 LU +22 16 281 LU +22 16 282 LU +22 16 283 YA +22 16 284 FI +22 16 285 UN +22 16 286 FI +22 16 287 LA +22 16 288 UN +22 16 289 LU +22 16 290 LA +22 16 291 LU +22 16 292 UN +22 16 293 FI +22 16 294 FI +22 16 295 LA +22 16 296 YA +22 16 297 LA +22 16 298 UN +22 16 299 LU +22 16 300 FI +22 16 301 LU +22 16 302 FI +22 16 303 FI +22 16 304 LU +22 16 305 YA +22 16 306 LU +22 16 307 LU +22 16 308 FI +22 16 309 YA +22 16 310 LU +22 16 311 LU +22 16 312 PA +22 16 313 * +22 16 314 FI +22 16 315 LU +22 16 316 * +22 16 317 YA +22 16 318 LA +22 16 319 FI +22 16 320 LA +22 16 321 UN +22 16 322 LU +22 16 323 * +22 16 324 FI +22 16 325 YA +22 16 326 LA +22 16 327 FI +22 16 328 * +22 16 329 YA +22 16 330 FI +22 17 1 LU +22 17 2 LA +22 17 3 LA +22 17 4 FI +22 17 5 LA +22 17 6 LA +22 17 7 LU +22 17 8 UN +22 17 9 CF +22 17 10 LU +22 17 11 LU +22 17 12 LA +22 17 13 LA +22 17 14 LU +22 17 15 LA +22 17 16 FI +22 17 17 LA +22 17 18 PA +22 17 19 LU +22 17 20 LA +22 17 21 LA +22 17 22 LA +22 17 23 LU +22 17 24 CF +22 17 25 FI +22 17 26 FI +22 17 27 LA +22 17 28 LL +22 17 29 LU +22 17 30 UN +22 17 31 FI +22 17 32 LA +22 17 33 LA +22 17 34 LU +22 17 35 LA +22 17 36 LU +22 17 37 LA +22 17 38 LL +22 17 39 LA +22 17 40 LU +22 17 41 UN +22 17 42 LA +22 17 43 LU +22 17 44 LA +22 17 45 LA +22 17 46 FI +22 17 47 LU +22 17 48 LA +22 17 49 FI +22 17 50 CF +22 17 51 CF +22 17 52 FI +22 17 53 UN +22 17 54 LA +22 17 55 LU +22 17 56 LA +22 17 57 LU +22 17 58 LA +22 17 59 FI +22 17 60 LU +22 17 61 UN +22 17 62 FI +22 17 63 LA +22 17 64 LU +22 17 65 LA +22 17 66 FI +22 17 67 FI +22 17 68 LA +22 17 69 CF +22 17 70 LA +22 17 71 UN +22 17 72 LU +22 17 73 CF +22 17 74 FI +22 17 75 LU +22 17 76 LA +22 17 77 FI +22 17 78 LA +22 17 79 FI +22 17 80 LU +22 17 81 LA +22 17 82 LA +22 17 83 FI +22 17 84 LA +22 17 85 FI +22 17 86 LA +22 17 87 YA +22 17 88 FI +22 17 89 PA +22 17 90 LU +22 17 91 LA +22 17 92 LA +22 17 93 LU +22 17 94 PA +22 17 95 FI +22 17 96 LA +22 17 97 LU +22 17 98 UN +22 17 99 FI +22 17 100 FI +22 17 101 UN +22 17 102 FI +22 17 103 LU +22 17 104 LA +22 17 105 LA +22 17 106 LA +22 17 107 FI +22 17 108 FI +22 17 109 LU +22 17 110 LA +22 17 111 LU +22 17 112 UN +22 17 113 PA +22 17 114 FI +22 17 115 UN +22 17 116 FI +22 17 117 CF +22 17 118 LA +22 17 119 LU +22 17 120 FI +22 17 121 LA +22 17 122 LU +22 17 123 LU +22 17 124 FI +22 17 125 LA +22 17 126 LA +22 17 127 LU +22 17 128 LA +22 17 129 LA +22 17 130 CF +22 17 131 LU +22 17 132 UN +22 17 133 LU +22 17 134 CF +22 17 135 LA +22 17 136 LU +22 17 137 LU +22 17 138 LA +22 17 139 FI +22 17 140 LU +22 17 141 FI +22 17 142 LU +22 17 143 LA +22 17 144 CF +22 17 145 LA +22 17 146 LA +22 17 147 LU +22 17 148 UN +22 17 149 LA +22 17 150 CF +22 17 151 LA +22 17 152 FI +22 17 153 FI +22 17 154 YA +22 17 155 CF +22 17 156 LA +22 17 157 CF +22 17 158 FI +22 17 159 LA +22 17 160 FI +22 17 161 LU +22 17 162 UN +22 17 163 LU +22 17 164 LU +22 17 165 FI +22 17 166 LU +22 17 167 FI +22 17 168 LU +22 17 169 FI +22 17 170 LU +22 17 171 LA +22 17 172 FI +22 17 173 LA +22 17 174 LA +22 17 175 FI +22 17 176 LL +22 17 177 LA +22 17 178 LU +22 17 179 UN +22 17 180 LA +22 17 181 FI +22 17 182 UN +22 17 183 LA +22 17 184 FI +22 17 185 LA +22 17 186 LU +22 17 187 LA +22 17 188 LU +22 17 189 FI +22 17 190 LA +22 17 191 LU +22 17 192 LU +22 17 193 LA +22 17 194 UN +22 17 195 LU +22 17 196 FI +22 17 197 FI +22 17 198 PA +22 17 199 LA +22 17 200 LU +22 17 201 LA +22 17 202 LA +22 17 203 LA +22 17 204 CF +22 17 205 LA +22 17 206 FI +22 17 207 LA +22 17 208 LA +22 17 209 LU +22 17 210 UN +22 17 211 FI +22 17 212 LA +22 17 213 FI +22 17 214 FI +22 17 215 LA +22 17 216 PA +22 17 217 LA +22 17 218 FI +22 17 219 FI +22 17 220 LU +22 17 221 FI +22 17 222 YA +22 17 223 LU +22 17 224 LA +22 17 225 LA +22 17 226 LU +22 17 227 PA +22 17 228 LU +22 17 229 LA +22 17 230 LA +22 17 231 LA +22 17 232 YA +22 17 233 LU +22 17 234 LU +22 17 235 LU +22 17 236 LA +22 17 237 LA +22 17 238 FI +22 17 239 LA +22 17 240 CF +22 17 241 FI +22 17 242 LA +22 17 243 UN +22 17 244 FI +22 17 245 UN +22 17 246 LA +22 17 247 LU +22 17 248 LU +22 17 249 LU +22 17 250 YA +22 17 251 LA +22 17 252 LA +22 17 253 FI +22 17 254 FI +22 17 255 PA +22 17 256 LA +22 17 257 YA +22 17 258 LA +22 17 259 UN +22 17 260 LA +22 17 261 LA +22 17 262 FI +22 17 263 FI +22 17 264 FI +22 17 265 LU +22 17 266 LA +22 17 267 YA +22 17 268 LU +22 17 269 FI +22 17 270 LA +22 17 271 LU +22 17 272 FI +22 17 273 FI +22 17 274 FI +22 17 275 LA +22 17 276 LL +22 17 277 LU +22 17 278 LA +22 17 279 LU +22 17 280 FI +22 17 281 LU +22 17 282 LA +22 17 283 CF +22 17 284 FI +22 17 285 LA +22 17 286 FI +22 17 287 LA +22 17 288 UN +22 17 289 FI +22 17 290 LA +22 17 291 LU +22 17 292 LA +22 17 293 FI +22 17 294 FI +22 17 295 CF +22 17 296 LU +22 17 297 LA +22 17 298 UN +22 17 299 LU +22 17 300 FI +22 17 301 LU +22 17 302 LA +22 17 303 FI +22 17 304 LA +22 17 305 CF +22 17 306 LA +22 17 307 LU +22 17 308 FI +22 17 309 YA +22 17 310 LU +22 17 311 LU +22 17 312 PA +22 17 313 LA +22 17 314 LA +22 17 315 LU +22 17 316 LU +22 17 317 UN +22 17 318 LA +22 17 319 LA +22 17 320 LA +22 17 321 UN +22 17 322 FI +22 17 323 LU +22 17 324 LA +22 17 325 YA +22 17 326 LA +22 17 327 FI +22 17 328 LU +22 17 329 YA +22 17 330 FI +22 18 1 LU +22 18 2 FI +22 18 3 UN +22 18 4 CF +22 18 5 FI +22 18 6 LU +22 18 7 LU +22 18 8 UN +22 18 9 CF +22 18 10 LU +22 18 11 LU +22 18 12 LA +22 18 13 LU +22 18 14 PA +22 18 15 FI +22 18 16 FI +22 18 17 UN +22 18 18 PA +22 18 19 FI +22 18 20 LU +22 18 21 LA +22 18 22 FI +22 18 23 CF +22 18 24 CF +22 18 25 LU +22 18 26 LU +22 18 27 FI +22 18 28 UN +22 18 29 LU +22 18 30 LA +22 18 31 FI +22 18 32 CF +22 18 33 FI +22 18 34 LU +22 18 35 UN +22 18 36 LU +22 18 37 FI +22 18 38 UN +22 18 39 FI +22 18 40 FI +22 18 41 UN +22 18 42 UN +22 18 43 LU +22 18 44 FI +22 18 45 LU +22 18 46 PA +22 18 47 LU +22 18 48 LA +22 18 49 FI +22 18 50 CF +22 18 51 CF +22 18 52 FI +22 18 53 UN +22 18 54 LU +22 18 55 FI +22 18 56 FI +22 18 57 LU +22 18 58 FI +22 18 59 FI +22 18 60 LU +22 18 61 UN +22 18 62 FI +22 18 63 UN +22 18 64 LU +22 18 65 UN +22 18 66 FI +22 18 67 FI +22 18 68 UN +22 18 69 CF +22 18 70 FI +22 18 71 CF +22 18 72 LU +22 18 73 CF +22 18 74 FI +22 18 75 LU +22 18 76 UN +22 18 77 FI +22 18 78 FI +22 18 79 PA +22 18 80 LU +22 18 81 LU +22 18 82 LU +22 18 83 LU +22 18 84 UN +22 18 85 LU +22 18 86 FI +22 18 87 PA +22 18 88 LA +22 18 89 PA +22 18 90 LU +22 18 91 FI +22 18 92 FI +22 18 93 LU +22 18 94 CF +22 18 95 FI +22 18 96 LA +22 18 97 LU +22 18 98 UN +22 18 99 FI +22 18 100 FI +22 18 101 UN +22 18 102 PA +22 18 103 LU +22 18 104 LU +22 18 105 CF +22 18 106 LU +22 18 107 FI +22 18 108 FI +22 18 109 LU +22 18 110 LA +22 18 111 LU +22 18 112 UN +22 18 113 PA +22 18 114 LU +22 18 115 UN +22 18 116 FI +22 18 117 CF +22 18 118 FI +22 18 119 LU +22 18 120 FI +22 18 121 UN +22 18 122 LU +22 18 123 LU +22 18 124 FI +22 18 125 UN +22 18 126 UN +22 18 127 LU +22 18 128 LU +22 18 129 FI +22 18 130 CF +22 18 131 LU +22 18 132 LA +22 18 133 LU +22 18 134 CF +22 18 135 UN +22 18 136 LU +22 18 137 LU +22 18 138 LU +22 18 139 FI +22 18 140 LU +22 18 141 FI +22 18 142 FI +22 18 143 LU +22 18 144 LU +22 18 145 LU +22 18 146 LU +22 18 147 LU +22 18 148 UN +22 18 149 LU +22 18 150 CF +22 18 151 FI +22 18 152 FI +22 18 153 LU +22 18 154 PA +22 18 155 CF +22 18 156 LU +22 18 157 CF +22 18 158 FI +22 18 159 LU +22 18 160 LU +22 18 161 FI +22 18 162 UN +22 18 163 LU +22 18 164 LU +22 18 165 LU +22 18 166 LU +22 18 167 FI +22 18 168 LU +22 18 169 LU +22 18 170 LU +22 18 171 LU +22 18 172 FI +22 18 173 UN +22 18 174 LU +22 18 175 FI +22 18 176 UN +22 18 177 FI +22 18 178 LU +22 18 179 CF +22 18 180 LU +22 18 181 FI +22 18 182 CF +22 18 183 CF +22 18 184 CF +22 18 185 LU +22 18 186 FI +22 18 187 LA +22 18 188 LU +22 18 189 LU +22 18 190 FI +22 18 191 LU +22 18 192 CF +22 18 193 FI +22 18 194 CF +22 18 195 LU +22 18 196 LU +22 18 197 FI +22 18 198 PA +22 18 199 FI +22 18 200 FI +22 18 201 LU +22 18 202 LU +22 18 203 UN +22 18 204 CF +22 18 205 CF +22 18 206 FI +22 18 207 UN +22 18 208 UN +22 18 209 LU +22 18 210 CF +22 18 211 LU +22 18 212 LU +22 18 213 FI +22 18 214 LU +22 18 215 FI +22 18 216 CF +22 18 217 LU +22 18 218 LU +22 18 219 FI +22 18 220 LU +22 18 221 FI +22 18 222 LU +22 18 223 LU +22 18 224 FI +22 18 225 LU +22 18 226 LU +22 18 227 PA +22 18 228 LU +22 18 229 LU +22 18 230 FI +22 18 231 CF +22 18 232 LU +22 18 233 FI +22 18 234 LU +22 18 235 LU +22 18 236 LU +22 18 237 FI +22 18 238 LU +22 18 239 FI +22 18 240 CF +22 18 241 FI +22 18 242 LU +22 18 243 CF +22 18 244 FI +22 18 245 UN +22 18 246 LU +22 18 247 LU +22 18 248 LU +22 18 249 LU +22 18 250 LU +22 18 251 FI +22 18 252 FI +22 18 253 LU +22 18 254 FI +22 18 255 PA +22 18 256 UN +22 18 257 LU +22 18 258 LU +22 18 259 UN +22 18 260 FI +22 18 261 UN +22 18 262 FI +22 18 263 FI +22 18 264 FI +22 18 265 LU +22 18 266 UN +22 18 267 CF +22 18 268 LU +22 18 269 LU +22 18 270 LU +22 18 271 LU +22 18 272 FI +22 18 273 CF +22 18 274 FI +22 18 275 LU +22 18 276 UN +22 18 277 LU +22 18 278 LU +22 18 279 LU +22 18 280 LU +22 18 281 LU +22 18 282 LU +22 18 283 CF +22 18 284 FI +22 18 285 FI +22 18 286 FI +22 18 287 LU +22 18 288 UN +22 18 289 LU +22 18 290 FI +22 18 291 LU +22 18 292 FI +22 18 293 FI +22 18 294 FI +22 18 295 CF +22 18 296 LU +22 18 297 LU +22 18 298 UN +22 18 299 LU +22 18 300 FI +22 18 301 LU +22 18 302 FI +22 18 303 FI +22 18 304 LU +22 18 305 CF +22 18 306 LU +22 18 307 LU +22 18 308 CF +22 18 309 CF +22 18 310 LU +22 18 311 LU +22 18 312 PA +22 18 313 LU +22 18 314 FI +22 18 315 LU +22 18 316 LU +22 18 317 UN +22 18 318 LU +22 18 319 FI +22 18 320 LU +22 18 321 UN +22 18 322 FI +22 18 323 LU +22 18 324 FI +22 18 325 CF +22 18 326 LU +22 18 327 FI +22 18 328 LU +22 18 329 CF +22 18 330 FI +22 19 1 LU +22 19 2 LU +22 19 3 LL +22 19 4 NN +22 19 5 LU +22 19 6 LL +22 19 7 LU +22 19 8 NN +22 19 9 LA +22 19 10 LU +22 19 11 LU +22 19 12 LA +22 19 13 LU +22 19 14 LU +22 19 15 FI +22 19 16 FI +22 19 17 LL +22 19 18 PA +22 19 19 LU +22 19 20 LU +22 19 21 LL +22 19 22 FI +22 19 23 NN +22 19 24 PA +22 19 25 LU +22 19 26 LU +22 19 27 FI +22 19 28 LL +22 19 29 LU +22 19 30 LL +22 19 31 FI +22 19 32 LL +22 19 33 LU +22 19 34 LU +22 19 35 LL +22 19 36 LU +22 19 37 LU +22 19 38 LL +22 19 39 LU +22 19 40 LU +22 19 41 LL +22 19 42 LA +22 19 43 PA +22 19 44 FI +22 19 45 LU +22 19 46 PA +22 19 47 LU +22 19 48 LA +22 19 49 FI +22 19 50 UN +22 19 51 LL +22 19 52 FI +22 19 53 LL +22 19 54 LU +22 19 55 LU +22 19 56 FI +22 19 57 LU +22 19 58 LA +22 19 59 FI +22 19 60 LU +22 19 61 LL +22 19 62 FI +22 19 63 LA +22 19 64 LU +22 19 65 LL +22 19 66 FI +22 19 67 LU +22 19 68 LL +22 19 69 PA +22 19 70 FI +22 19 71 LL +22 19 72 LU +22 19 73 LL +22 19 74 FI +22 19 75 PA +22 19 76 LA +22 19 77 LU +22 19 78 FI +22 19 79 PA +22 19 80 LU +22 19 81 LU +22 19 82 LU +22 19 83 FI +22 19 84 LA +22 19 85 LU +22 19 86 LL +22 19 87 PA +22 19 88 LL +22 19 89 PA +22 19 90 LU +22 19 91 LA +22 19 92 FI +22 19 93 LU +22 19 94 PA +22 19 95 FI +22 19 96 LA +22 19 97 LU +22 19 98 LL +22 19 99 LA +22 19 100 FI +22 19 101 LL +22 19 102 FI +22 19 103 LU +22 19 104 LU +22 19 105 LL +22 19 106 FI +22 19 107 FI +22 19 108 FI +22 19 109 LU +22 19 110 LA +22 19 111 PA +22 19 112 LL +22 19 113 PA +22 19 114 LU +22 19 115 LL +22 19 116 FI +22 19 117 NN +22 19 118 LA +22 19 119 LU +22 19 120 FI +22 19 121 LA +22 19 122 LU +22 19 123 LU +22 19 124 LA +22 19 125 LL +22 19 126 LA +22 19 127 PA +22 19 128 LA +22 19 129 FI +22 19 130 PA +22 19 131 LU +22 19 132 LL +22 19 133 LU +22 19 134 PA +22 19 135 LL +22 19 136 LU +22 19 137 PA +22 19 138 FI +22 19 139 FI +22 19 140 LU +22 19 141 FI +22 19 142 FI +22 19 143 LU +22 19 144 LU +22 19 145 LU +22 19 146 LA +22 19 147 LU +22 19 148 LL +22 19 149 LU +22 19 150 LL +22 19 151 LA +22 19 152 LA +22 19 153 LU +22 19 154 PA +22 19 155 PA +22 19 156 LU +22 19 157 LL +22 19 158 FI +22 19 159 LA +22 19 160 LA +22 19 161 LU +22 19 162 LL +22 19 163 LU +22 19 164 LU +22 19 165 LU +22 19 166 PA +22 19 167 FI +22 19 168 LU +22 19 169 LU +22 19 170 PA +22 19 171 LU +22 19 172 FI +22 19 173 LL +22 19 174 LA +22 19 175 FI +22 19 176 LL +22 19 177 LA +22 19 178 LU +22 19 179 LL +22 19 180 LU +22 19 181 LA +22 19 182 LL +22 19 183 LA +22 19 184 LL +22 19 185 LA +22 19 186 LU +22 19 187 LA +22 19 188 LU +22 19 189 FI +22 19 190 LA +22 19 191 LU +22 19 192 LU +22 19 193 LA +22 19 194 LL +22 19 195 LU +22 19 196 FI +22 19 197 LL +22 19 198 PA +22 19 199 FI +22 19 200 LU +22 19 201 LA +22 19 202 LU +22 19 203 LL +22 19 204 PA +22 19 205 PA +22 19 206 FI +22 19 207 LL +22 19 208 LA +22 19 209 LU +22 19 210 PA +22 19 211 LU +22 19 212 LA +22 19 213 FI +22 19 214 LA +22 19 215 LA +22 19 216 PA +22 19 217 FI +22 19 218 LU +22 19 219 FI +22 19 220 LU +22 19 221 FI +22 19 222 LL +22 19 223 LU +22 19 224 FI +22 19 225 LA +22 19 226 LU +22 19 227 PA +22 19 228 LU +22 19 229 LA +22 19 230 FI +22 19 231 LL +22 19 232 PA +22 19 233 FI +22 19 234 LU +22 19 235 LU +22 19 236 LA +22 19 237 LA +22 19 238 LU +22 19 239 LL +22 19 240 LL +22 19 241 FI +22 19 242 LA +22 19 243 LL +22 19 244 FI +22 19 245 LL +22 19 246 LU +22 19 247 LU +22 19 248 PA +22 19 249 LU +22 19 250 LL +22 19 251 LU +22 19 252 FI +22 19 253 LU +22 19 254 LU +22 19 255 PA +22 19 256 LL +22 19 257 LU +22 19 258 LA +22 19 259 LL +22 19 260 FI +22 19 261 LA +22 19 262 FI +22 19 263 FI +22 19 264 FI +22 19 265 LU +22 19 266 LL +22 19 267 LL +22 19 268 LU +22 19 269 LL +22 19 270 LA +22 19 271 LU +22 19 272 FI +22 19 273 LU +22 19 274 FI +22 19 275 LA +22 19 276 LL +22 19 277 LU +22 19 278 LA +22 19 279 LU +22 19 280 LU +22 19 281 LU +22 19 282 LU +22 19 283 LL +22 19 284 FI +22 19 285 LA +22 19 286 FI +22 19 287 LA +22 19 288 LL +22 19 289 LU +22 19 290 FI +22 19 291 LU +22 19 292 FI +22 19 293 FI +22 19 294 FI +22 19 295 LL +22 19 296 LL +22 19 297 LA +22 19 298 LL +22 19 299 LU +22 19 300 FI +22 19 301 LU +22 19 302 FI +22 19 303 FI +22 19 304 LU +22 19 305 LL +22 19 306 LA +22 19 307 LU +22 19 308 LU +22 19 309 PA +22 19 310 LU +22 19 311 LU +22 19 312 PA +22 19 313 LU +22 19 314 FI +22 19 315 LU +22 19 316 LU +22 19 317 LL +22 19 318 LA +22 19 319 FI +22 19 320 LU +22 19 321 LL +22 19 322 LU +22 19 323 LU +22 19 324 FI +22 19 325 LL +22 19 326 LA +22 19 327 FI +22 19 328 LU +22 19 329 LL +22 19 330 FI +22 20 1 LU +22 20 2 FI +22 20 3 LL +22 20 4 CF +22 20 5 NN +22 20 6 LA +22 20 7 LU +22 20 8 CF +22 20 9 CF +22 20 10 LU +22 20 11 YA +22 20 12 LA +22 20 13 LU +22 20 14 LU +22 20 15 FI +22 20 16 FI +22 20 17 LL +22 20 18 PA +22 20 19 LU +22 20 20 LU +22 20 21 LA +22 20 22 NN +22 20 23 CF +22 20 24 YA +22 20 25 LU +22 20 26 LU +22 20 27 FI +22 20 28 LL +22 20 29 LU +22 20 30 LA +22 20 31 FI +22 20 32 LA +22 20 33 LU +22 20 34 LU +22 20 35 LL +22 20 36 LU +22 20 37 FI +22 20 38 LL +22 20 39 LU +22 20 40 LU +22 20 41 LL +22 20 42 LA +22 20 43 LU +22 20 44 FI +22 20 45 LU +22 20 46 PA +22 20 47 LU +22 20 48 LA +22 20 49 LU +22 20 50 YA +22 20 51 CF +22 20 52 FI +22 20 53 LL +22 20 54 LU +22 20 55 LU +22 20 56 FI +22 20 57 PA +22 20 58 LA +22 20 59 FI +22 20 60 PA +22 20 61 LL +22 20 62 FI +22 20 63 LA +22 20 64 LU +22 20 65 LL +22 20 66 FI +22 20 67 FI +22 20 68 LL +22 20 69 YA +22 20 70 FI +22 20 71 LL +22 20 72 LU +22 20 73 LU +22 20 74 FI +22 20 75 LU +22 20 76 LL +22 20 77 LU +22 20 78 FI +22 20 79 PA +22 20 80 LU +22 20 81 LA +22 20 82 FI +22 20 83 FI +22 20 84 LA +22 20 85 LU +22 20 86 LA +22 20 87 PA +22 20 88 LL +22 20 89 PA +22 20 90 LU +22 20 91 LU +22 20 92 FI +22 20 93 LU +22 20 94 PA +22 20 95 FI +22 20 96 LA +22 20 97 LU +22 20 98 FI +22 20 99 FI +22 20 100 FI +22 20 101 LL +22 20 102 FI +22 20 103 YA +22 20 104 FI +22 20 105 LA +22 20 106 FI +22 20 107 FI +22 20 108 FI +22 20 109 LU +22 20 110 LA +22 20 111 PA +22 20 112 LL +22 20 113 PA +22 20 114 LU +22 20 115 LL +22 20 116 FI +22 20 117 PA +22 20 118 LA +22 20 119 LU +22 20 120 FI +22 20 121 LL +22 20 122 LU +22 20 123 LU +22 20 124 FI +22 20 125 LA +22 20 126 LA +22 20 127 PA +22 20 128 LA +22 20 129 FI +22 20 130 PA +22 20 131 LA +22 20 132 LL +22 20 133 LU +22 20 134 PA +22 20 135 LA +22 20 136 LU +22 20 137 LA +22 20 138 FI +22 20 139 FI +22 20 140 LU +22 20 141 FI +22 20 142 FI +22 20 143 LU +22 20 144 LU +22 20 145 LU +22 20 146 LA +22 20 147 LU +22 20 148 LL +22 20 149 FI +22 20 150 YA +22 20 151 FI +22 20 152 LA +22 20 153 LU +22 20 154 YA +22 20 155 PA +22 20 156 LU +22 20 157 YA +22 20 158 FI +22 20 159 FI +22 20 160 NN +22 20 161 LU +22 20 162 LL +22 20 163 LU +22 20 164 LU +22 20 165 PA +22 20 166 LU +22 20 167 FI +22 20 168 LU +22 20 169 LU +22 20 170 PA +22 20 171 LU +22 20 172 FI +22 20 173 LL +22 20 174 LA +22 20 175 FI +22 20 176 LL +22 20 177 FI +22 20 178 LU +22 20 179 LL +22 20 180 LU +22 20 181 FI +22 20 182 LA +22 20 183 YA +22 20 184 LU +22 20 185 LA +22 20 186 LU +22 20 187 LA +22 20 188 LU +22 20 189 FI +22 20 190 FI +22 20 191 LU +22 20 192 FI +22 20 193 LU +22 20 194 LL +22 20 195 LU +22 20 196 FI +22 20 197 YA +22 20 198 PA +22 20 199 FI +22 20 200 LU +22 20 201 FI +22 20 202 LU +22 20 203 LA +22 20 204 PA +22 20 205 LA +22 20 206 FI +22 20 207 LL +22 20 208 YA +22 20 209 LU +22 20 210 YA +22 20 211 LU +22 20 212 LA +22 20 213 FI +22 20 214 LA +22 20 215 NN +22 20 216 PA +22 20 217 FI +22 20 218 LA +22 20 219 FI +22 20 220 FI +22 20 221 FI +22 20 222 YA +22 20 223 LU +22 20 224 FI +22 20 225 LA +22 20 226 LU +22 20 227 PA +22 20 228 LU +22 20 229 FI +22 20 230 FI +22 20 231 LA +22 20 232 YA +22 20 233 FI +22 20 234 LU +22 20 235 LU +22 20 236 LU +22 20 237 FI +22 20 238 LU +22 20 239 LA +22 20 240 LA +22 20 241 FI +22 20 242 FI +22 20 243 LA +22 20 244 FI +22 20 245 LL +22 20 246 LU +22 20 247 FI +22 20 248 YA +22 20 249 LU +22 20 250 LA +22 20 251 FI +22 20 252 FI +22 20 253 LU +22 20 254 FI +22 20 255 PA +22 20 256 LA +22 20 257 LU +22 20 258 LA +22 20 259 LA +22 20 260 FI +22 20 261 LA +22 20 262 FI +22 20 263 YA +22 20 264 FI +22 20 265 LU +22 20 266 LA +22 20 267 LA +22 20 268 LU +22 20 269 LA +22 20 270 LA +22 20 271 LU +22 20 272 FI +22 20 273 LA +22 20 274 FI +22 20 275 LA +22 20 276 LL +22 20 277 LU +22 20 278 LA +22 20 279 LU +22 20 280 LU +22 20 281 LU +22 20 282 LU +22 20 283 YA +22 20 284 FI +22 20 285 LA +22 20 286 FI +22 20 287 LA +22 20 288 LL +22 20 289 FI +22 20 290 FI +22 20 291 LU +22 20 292 LA +22 20 293 FI +22 20 294 FI +22 20 295 YA +22 20 296 LU +22 20 297 LA +22 20 298 LL +22 20 299 LU +22 20 300 FI +22 20 301 LU +22 20 302 FI +22 20 303 FI +22 20 304 LU +22 20 305 YA +22 20 306 LU +22 20 307 LU +22 20 308 FI +22 20 309 YA +22 20 310 LU +22 20 311 LU +22 20 312 PA +22 20 313 LA +22 20 314 FI +22 20 315 LU +22 20 316 LU +22 20 317 LA +22 20 318 LA +22 20 319 FI +22 20 320 LU +22 20 321 LL +22 20 322 FI +22 20 323 LU +22 20 324 FI +22 20 325 LA +22 20 326 LA +22 20 327 FI +22 20 328 LU +22 20 329 YA +22 20 330 FI +22 21 1 LU +22 21 2 LU +22 21 3 UN +22 21 4 YA +22 21 5 LU +22 21 6 YA +22 21 7 LU +22 21 8 YA +22 21 9 YA +22 21 10 LU +22 21 11 LU +22 21 12 LA +22 21 13 LU +22 21 14 LU +22 21 15 FI +22 21 16 FI +22 21 17 UN +22 21 18 PA +22 21 19 LU +22 21 20 LU +22 21 21 UN +22 21 22 LA +22 21 23 YA +22 21 24 PA +22 21 25 LU +22 21 26 LU +22 21 27 FI +22 21 28 YA +22 21 29 LU +22 21 30 LA +22 21 31 LU +22 21 32 YA +22 21 33 LU +22 21 34 LU +22 21 35 UN +22 21 36 LU +22 21 37 LU +22 21 38 UN +22 21 39 LU +22 21 40 LU +22 21 41 UN +22 21 42 LA +22 21 43 LU +22 21 44 FI +22 21 45 LU +22 21 46 FI +22 21 47 LU +22 21 48 LA +22 21 49 LU +22 21 50 YA +22 21 51 YA +22 21 52 FI +22 21 53 YA +22 21 54 LU +22 21 55 LU +22 21 56 FI +22 21 57 LU +22 21 58 LA +22 21 59 FI +22 21 60 LU +22 21 61 UN +22 21 62 YA +22 21 63 UN +22 21 64 LU +22 21 65 UN +22 21 66 FI +22 21 67 LU +22 21 68 YA +22 21 69 PA +22 21 70 FI +22 21 71 YA +22 21 72 LU +22 21 73 YA +22 21 74 FI +22 21 75 LU +22 21 76 UN +22 21 77 LU +22 21 78 FI +22 21 79 PA +22 21 80 LU +22 21 81 LU +22 21 82 LU +22 21 83 LA +22 21 84 UN +22 21 85 LU +22 21 86 YA +22 21 87 PA +22 21 88 YA +22 21 89 PA +22 21 90 LU +22 21 91 LU +22 21 92 FI +22 21 93 LU +22 21 94 PA +22 21 95 FI +22 21 96 LA +22 21 97 YA +22 21 98 UN +22 21 99 YA +22 21 100 LU +22 21 101 YA +22 21 102 FI +22 21 103 YA +22 21 104 LU +22 21 105 YA +22 21 106 LA +22 21 107 FI +22 21 108 FI +22 21 109 LU +22 21 110 LA +22 21 111 LU +22 21 112 UN +22 21 113 PA +22 21 114 LU +22 21 115 UN +22 21 116 FI +22 21 117 PA +22 21 118 UN +22 21 119 LU +22 21 120 FI +22 21 121 UN +22 21 122 LU +22 21 123 LU +22 21 124 LU +22 21 125 UN +22 21 126 UN +22 21 127 LU +22 21 128 LA +22 21 129 FI +22 21 130 PA +22 21 131 YA +22 21 132 UN +22 21 133 LU +22 21 134 YA +22 21 135 YA +22 21 136 LU +22 21 137 LU +22 21 138 LU +22 21 139 FI +22 21 140 LU +22 21 141 FI +22 21 142 FI +22 21 143 LU +22 21 144 YA +22 21 145 LU +22 21 146 LA +22 21 147 LU +22 21 148 UN +22 21 149 LU +22 21 150 YA +22 21 151 UN +22 21 152 UN +22 21 153 LU +22 21 154 PA +22 21 155 PA +22 21 156 LU +22 21 157 PA +22 21 158 FI +22 21 159 LA +22 21 160 UN +22 21 161 LU +22 21 162 UN +22 21 163 LU +22 21 164 LU +22 21 165 LU +22 21 166 LU +22 21 167 YA +22 21 168 LU +22 21 169 LU +22 21 170 LU +22 21 171 LU +22 21 172 FI +22 21 173 UN +22 21 174 LA +22 21 175 LU +22 21 176 UN +22 21 177 LA +22 21 178 LU +22 21 179 UN +22 21 180 LU +22 21 181 LA +22 21 182 YA +22 21 183 LA +22 21 184 YA +22 21 185 LA +22 21 186 LU +22 21 187 LA +22 21 188 LU +22 21 189 FI +22 21 190 FI +22 21 191 LU +22 21 192 YA +22 21 193 LA +22 21 194 YA +22 21 195 LU +22 21 196 LU +22 21 197 YA +22 21 198 PA +22 21 199 FI +22 21 200 LU +22 21 201 FI +22 21 202 LU +22 21 203 UN +22 21 204 PA +22 21 205 YA +22 21 206 FI +22 21 207 YA +22 21 208 LA +22 21 209 LU +22 21 210 YA +22 21 211 LU +22 21 212 LA +22 21 213 FI +22 21 214 LA +22 21 215 YA +22 21 216 LU +22 21 217 FI +22 21 218 LU +22 21 219 FI +22 21 220 LU +22 21 221 FI +22 21 222 YA +22 21 223 LU +22 21 224 FI +22 21 225 LA +22 21 226 LU +22 21 227 PA +22 21 228 LU +22 21 229 LU +22 21 230 FI +22 21 231 YA +22 21 232 PA +22 21 233 LU +22 21 234 LU +22 21 235 LU +22 21 236 LU +22 21 237 LA +22 21 238 LU +22 21 239 UN +22 21 240 UN +22 21 241 FI +22 21 242 LA +22 21 243 YA +22 21 244 FI +22 21 245 UN +22 21 246 LU +22 21 247 YA +22 21 248 PA +22 21 249 LU +22 21 250 YA +22 21 251 LU +22 21 252 FI +22 21 253 LU +22 21 254 LU +22 21 255 PA +22 21 256 UN +22 21 257 LU +22 21 258 LA +22 21 259 UN +22 21 260 LA +22 21 261 LA +22 21 262 FI +22 21 263 FI +22 21 264 LU +22 21 265 LU +22 21 266 UN +22 21 267 YA +22 21 268 LU +22 21 269 YA +22 21 270 LA +22 21 271 LU +22 21 272 FI +22 21 273 YA +22 21 274 FI +22 21 275 LA +22 21 276 UN +22 21 277 LU +22 21 278 UN +22 21 279 LU +22 21 280 LU +22 21 281 LU +22 21 282 LU +22 21 283 UN +22 21 284 FI +22 21 285 YA +22 21 286 FI +22 21 287 LA +22 21 288 UN +22 21 289 LU +22 21 290 FI +22 21 291 LU +22 21 292 LA +22 21 293 LU +22 21 294 FI +22 21 295 UN +22 21 296 YA +22 21 297 LA +22 21 298 UN +22 21 299 LU +22 21 300 FI +22 21 301 LU +22 21 302 FI +22 21 303 LU +22 21 304 LU +22 21 305 YA +22 21 306 LU +22 21 307 LU +22 21 308 YA +22 21 309 PA +22 21 310 LU +22 21 311 LU +22 21 312 PA +22 21 313 LU +22 21 314 FI +22 21 315 LU +22 21 316 LU +22 21 317 UN +22 21 318 LA +22 21 319 FI +22 21 320 LA +22 21 321 UN +22 21 322 LU +22 21 323 LU +22 21 324 FI +22 21 325 YA +22 21 326 LA +22 21 327 FI +22 21 328 LU +22 21 329 YA +22 21 330 FI +22 22 1 LU +22 22 2 LU +22 22 3 LL +22 22 4 CF +22 22 5 LU +22 22 6 LA +22 22 7 LU +22 22 8 CH +22 22 9 CF +22 22 10 LU +22 22 11 LU +22 22 12 LA +22 22 13 LU +22 22 14 LU +22 22 15 LA +22 22 16 FI +22 22 17 LL +22 22 18 PA +22 22 19 LU +22 22 20 LU +22 22 21 LL +22 22 22 LA +22 22 23 PI +22 22 24 CF +22 22 25 LU +22 22 26 LU +22 22 27 LA +22 22 28 LL +22 22 29 LU +22 22 30 LA +22 22 31 LU +22 22 32 LL +22 22 33 LU +22 22 34 LU +22 22 35 LA +22 22 36 LU +22 22 37 LU +22 22 38 LL +22 22 39 LU +22 22 40 LU +22 22 41 UN +22 22 42 LA +22 22 43 LU +22 22 44 LA +22 22 45 LU +22 22 46 FI +22 22 47 LU +22 22 48 LA +22 22 49 LU +22 22 50 PI +22 22 51 CF +22 22 52 FI +22 22 53 CF +22 22 54 LU +22 22 55 LU +22 22 56 LA +22 22 57 LU +22 22 58 LA +22 22 59 LA +22 22 60 LU +22 22 61 LL +22 22 62 LU +22 22 63 LA +22 22 64 LU +22 22 65 LL +22 22 66 LA +22 22 67 LU +22 22 68 LA +22 22 69 YA +22 22 70 FI +22 22 71 CF +22 22 72 LU +22 22 73 PI +22 22 74 FI +22 22 75 LU +22 22 76 LA +22 22 77 LU +22 22 78 LA +22 22 79 YA +22 22 80 LU +22 22 81 CP +22 22 82 LU +22 22 83 LA +22 22 84 LA +22 22 85 LU +22 22 86 LA +22 22 87 CF +22 22 88 PI +22 22 89 PA +22 22 90 LU +22 22 91 LA +22 22 92 LA +22 22 93 LU +22 22 94 CF +22 22 95 LA +22 22 96 LA +22 22 97 PI +22 22 98 LL +22 22 99 LA +22 22 100 LU +22 22 101 CF +22 22 102 FI +22 22 103 CF +22 22 104 LU +22 22 105 PI +22 22 106 LA +22 22 107 LA +22 22 108 LA +22 22 109 LU +22 22 110 LA +22 22 111 CP +22 22 112 UN +22 22 113 CF +22 22 114 LU +22 22 115 LL +22 22 116 FI +22 22 117 CF +22 22 118 LL +22 22 119 LU +22 22 120 FI +22 22 121 UN +22 22 122 LU +22 22 123 LU +22 22 124 LA +22 22 125 LA +22 22 126 LA +22 22 127 LU +22 22 128 LA +22 22 129 LA +22 22 130 CF +22 22 131 PI +22 22 132 LL +22 22 133 LU +22 22 134 CF +22 22 135 PI +22 22 136 LU +22 22 137 LU +22 22 138 FI +22 22 139 LA +22 22 140 PI +22 22 141 LA +22 22 142 FI +22 22 143 LU +22 22 144 PI +22 22 145 LU +22 22 146 LA +22 22 147 LU +22 22 148 LL +22 22 149 LU +22 22 150 PI +22 22 151 LA +22 22 152 LA +22 22 153 LU +22 22 154 CF +22 22 155 CH +22 22 156 LU +22 22 157 CF +22 22 158 FI +22 22 159 LA +22 22 160 LA +22 22 161 LU +22 22 162 LL +22 22 163 LU +22 22 164 LU +22 22 165 CP +22 22 166 LU +22 22 167 LA +22 22 168 LU +22 22 169 LU +22 22 170 LU +22 22 171 CP +22 22 172 LA +22 22 173 LL +22 22 174 LA +22 22 175 FI +22 22 176 LL +22 22 177 LA +22 22 178 LU +22 22 179 CF +22 22 180 LU +22 22 181 LA +22 22 182 CF +22 22 183 LA +22 22 184 PI +22 22 185 LA +22 22 186 LU +22 22 187 LA +22 22 188 LU +22 22 189 FI +22 22 190 LA +22 22 191 LU +22 22 192 PI +22 22 193 LA +22 22 194 CF +22 22 195 CP +22 22 196 LU +22 22 197 LA +22 22 198 CF +22 22 199 LA +22 22 200 LU +22 22 201 LA +22 22 202 PI +22 22 203 LL +22 22 204 CF +22 22 205 PI +22 22 206 LA +22 22 207 LL +22 22 208 LA +22 22 209 LU +22 22 210 CF +22 22 211 LU +22 22 212 LA +22 22 213 FI +22 22 214 LA +22 22 215 LA +22 22 216 CP +22 22 217 LA +22 22 218 LA +22 22 219 FI +22 22 220 PI +22 22 221 LA +22 22 222 PI +22 22 223 LU +22 22 224 LA +22 22 225 LA +22 22 226 LU +22 22 227 YA +22 22 228 LU +22 22 229 LU +22 22 230 LA +22 22 231 PI +22 22 232 LA +22 22 233 LU +22 22 234 LU +22 22 235 LU +22 22 236 CP +22 22 237 LA +22 22 238 LU +22 22 239 LA +22 22 240 CF +22 22 241 FI +22 22 242 LA +22 22 243 PI +22 22 244 FI +22 22 245 LL +22 22 246 LU +22 22 247 LU +22 22 248 LU +22 22 249 LU +22 22 250 PI +22 22 251 LU +22 22 252 LA +22 22 253 LU +22 22 254 LU +22 22 255 CF +22 22 256 LL +22 22 257 LU +22 22 258 LA +22 22 259 LL +22 22 260 LA +22 22 261 LA +22 22 262 FI +22 22 263 LA +22 22 264 FI +22 22 265 LU +22 22 266 LA +22 22 267 PI +22 22 268 LU +22 22 269 LL +22 22 270 LA +22 22 271 LU +22 22 272 FI +22 22 273 LL +22 22 274 LA +22 22 275 LA +22 22 276 LL +22 22 277 LU +22 22 278 LA +22 22 279 LU +22 22 280 CP +22 22 281 LU +22 22 282 LU +22 22 283 CF +22 22 284 FI +22 22 285 LA +22 22 286 LA +22 22 287 LA +22 22 288 LL +22 22 289 LU +22 22 290 LA +22 22 291 LU +22 22 292 LA +22 22 293 LA +22 22 294 FI +22 22 295 CF +22 22 296 PA +22 22 297 LA +22 22 298 LL +22 22 299 LU +22 22 300 LA +22 22 301 LU +22 22 302 LA +22 22 303 FI +22 22 304 CP +22 22 305 PI +22 22 306 LA +22 22 307 LU +22 22 308 LA +22 22 309 CF +22 22 310 LU +22 22 311 LU +22 22 312 YA +22 22 313 PI +22 22 314 LA +22 22 315 LU +22 22 316 LU +22 22 317 LU +22 22 318 LA +22 22 319 FI +22 22 320 CP +22 22 321 LL +22 22 322 LU +22 22 323 LU +22 22 324 LA +22 22 325 PI +22 22 326 LA +22 22 327 FI +22 22 328 CP +22 22 329 LA +22 22 330 LA +22 23 1 LU +22 23 2 FI +22 23 3 UN +22 23 4 CF +22 23 5 LU +22 23 6 LA +22 23 7 LU +22 23 8 UN +22 23 9 PA +22 23 10 LU +22 23 11 LU +22 23 12 LA +22 23 13 LU +22 23 14 LU +22 23 15 LA +22 23 16 FI +22 23 17 UN +22 23 18 PA +22 23 19 LU +22 23 20 LU +22 23 21 LA +22 23 22 LA +22 23 23 LU +22 23 24 PA +22 23 25 LU +22 23 26 LU +22 23 27 FI +22 23 28 UN +22 23 29 LU +22 23 30 YA +22 23 31 LU +22 23 32 CF +22 23 33 LU +22 23 34 LU +22 23 35 LA +22 23 36 PA +22 23 37 LU +22 23 38 UN +22 23 39 LU +22 23 40 LU +22 23 41 UN +22 23 42 LU +22 23 43 LU +22 23 44 FI +22 23 45 LU +22 23 46 LU +22 23 47 PA +22 23 48 LA +22 23 49 LU +22 23 50 LA +22 23 51 PA +22 23 52 FI +22 23 53 UN +22 23 54 LU +22 23 55 LU +22 23 56 LA +22 23 57 LU +22 23 58 LA +22 23 59 FI +22 23 60 LU +22 23 61 UN +22 23 62 LU +22 23 63 LA +22 23 64 LU +22 23 65 UN +22 23 66 FI +22 23 67 LU +22 23 68 UN +22 23 69 YA +22 23 70 FI +22 23 71 CF +22 23 72 LU +22 23 73 CF +22 23 74 FI +22 23 75 PA +22 23 76 UN +22 23 77 LU +22 23 78 LA +22 23 79 PA +22 23 80 LU +22 23 81 LA +22 23 82 LU +22 23 83 FI +22 23 84 LA +22 23 85 LU +22 23 86 LA +22 23 87 PA +22 23 88 UN +22 23 89 PA +22 23 90 LU +22 23 91 LA +22 23 92 FI +22 23 93 LU +22 23 94 PA +22 23 95 FI +22 23 96 LA +22 23 97 LU +22 23 98 UN +22 23 99 LA +22 23 100 LU +22 23 101 UN +22 23 102 LU +22 23 103 LU +22 23 104 LU +22 23 105 UN +22 23 106 LA +22 23 107 FI +22 23 108 FI +22 23 109 LU +22 23 110 LU +22 23 111 PA +22 23 112 UN +22 23 113 PA +22 23 114 LU +22 23 115 UN +22 23 116 FI +22 23 117 LA +22 23 118 LU +22 23 119 LU +22 23 120 FI +22 23 121 UN +22 23 122 LU +22 23 123 LU +22 23 124 LU +22 23 125 UN +22 23 126 LU +22 23 127 PA +22 23 128 LA +22 23 129 FI +22 23 130 PA +22 23 131 LU +22 23 132 UN +22 23 133 LU +22 23 134 FI +22 23 135 UN +22 23 136 LU +22 23 137 LU +22 23 138 LU +22 23 139 FI +22 23 140 LU +22 23 141 FI +22 23 142 FI +22 23 143 LA +22 23 144 PA +22 23 145 LU +22 23 146 LU +22 23 147 LU +22 23 148 UN +22 23 149 LU +22 23 150 LU +22 23 151 LA +22 23 152 LU +22 23 153 LU +22 23 154 PA +22 23 155 PA +22 23 156 LU +22 23 157 LA +22 23 158 FI +22 23 159 LU +22 23 160 LA +22 23 161 LU +22 23 162 UN +22 23 163 LU +22 23 164 LU +22 23 165 LA +22 23 166 LU +22 23 167 LU +22 23 168 LU +22 23 169 LU +22 23 170 LU +22 23 171 LU +22 23 172 FI +22 23 173 UN +22 23 174 LA +22 23 175 FI +22 23 176 UN +22 23 177 LU +22 23 178 LU +22 23 179 UN +22 23 180 LU +22 23 181 LA +22 23 182 UN +22 23 183 LU +22 23 184 LU +22 23 185 LA +22 23 186 LU +22 23 187 LA +22 23 188 LU +22 23 189 FI +22 23 190 LA +22 23 191 LU +22 23 192 LU +22 23 193 LA +22 23 194 UN +22 23 195 LU +22 23 196 LU +22 23 197 LA +22 23 198 PA +22 23 199 FI +22 23 200 LU +22 23 201 LA +22 23 202 LU +22 23 203 UN +22 23 204 PA +22 23 205 LA +22 23 206 FI +22 23 207 UN +22 23 208 YA +22 23 209 LU +22 23 210 LA +22 23 211 LU +22 23 212 UN +22 23 213 LU +22 23 214 LU +22 23 215 LA +22 23 216 LA +22 23 217 LA +22 23 218 LU +22 23 219 FI +22 23 220 LU +22 23 221 FI +22 23 222 LU +22 23 223 LU +22 23 224 FI +22 23 225 LA +22 23 226 LU +22 23 227 PA +22 23 228 LU +22 23 229 LU +22 23 230 FI +22 23 231 LU +22 23 232 YA +22 23 233 LA +22 23 234 LU +22 23 235 LU +22 23 236 LA +22 23 237 LA +22 23 238 LU +22 23 239 LU +22 23 240 UN +22 23 241 FI +22 23 242 LU +22 23 243 UN +22 23 244 FI +22 23 245 LL +22 23 246 LU +22 23 247 LA +22 23 248 PA +22 23 249 LU +22 23 250 LU +22 23 251 LU +22 23 252 FI +22 23 253 LU +22 23 254 LU +22 23 255 PA +22 23 256 UN +22 23 257 LU +22 23 258 LA +22 23 259 LA +22 23 260 FI +22 23 261 LA +22 23 262 FI +22 23 263 FI +22 23 264 LU +22 23 265 LU +22 23 266 LA +22 23 267 LU +22 23 268 LU +22 23 269 LA +22 23 270 LA +22 23 271 LU +22 23 272 FI +22 23 273 LU +22 23 274 FI +22 23 275 LU +22 23 276 UN +22 23 277 LU +22 23 278 LA +22 23 279 LU +22 23 280 LU +22 23 281 LU +22 23 282 LU +22 23 283 LA +22 23 284 FI +22 23 285 LA +22 23 286 FI +22 23 287 LU +22 23 288 UN +22 23 289 LU +22 23 290 FI +22 23 291 LU +22 23 292 LA +22 23 293 FI +22 23 294 FI +22 23 295 LU +22 23 296 LA +22 23 297 LA +22 23 298 UN +22 23 299 LU +22 23 300 FI +22 23 301 LU +22 23 302 FI +22 23 303 LA +22 23 304 LU +22 23 305 UN +22 23 306 LU +22 23 307 LU +22 23 308 LA +22 23 309 PA +22 23 310 LU +22 23 311 LU +22 23 312 PA +22 23 313 LU +22 23 314 FI +22 23 315 LU +22 23 316 LU +22 23 317 LU +22 23 318 LA +22 23 319 FI +22 23 320 LA +22 23 321 UN +22 23 322 LU +22 23 323 LU +22 23 324 FI +22 23 325 UN +22 23 326 LA +22 23 327 FI +22 23 328 LU +22 23 329 LU +22 23 330 FI +22 24 1 LU +22 24 2 LU +22 24 3 UN +22 24 4 * +22 24 5 LU +22 24 6 LU +22 24 7 LU +22 24 8 UN +22 24 9 NN +22 24 10 LU +22 24 11 PA +22 24 12 LA +22 24 13 * +22 24 14 * +22 24 15 FI +22 24 16 FI +22 24 17 LA +22 24 18 PA +22 24 19 LU +22 24 20 LU +22 24 21 UN +22 24 22 LA +22 24 23 YA +22 24 24 YA +22 24 25 LU +22 24 26 LU +22 24 27 LA +22 24 28 UN +22 24 29 FI +22 24 30 UN +22 24 31 LU +22 24 32 * +22 24 33 LU +22 24 34 LU +22 24 35 LA +22 24 36 * +22 24 37 * +22 24 38 UN +22 24 39 * +22 24 40 * +22 24 41 UN +22 24 42 LA +22 24 43 LU +22 24 44 FI +22 24 45 * +22 24 46 YA +22 24 47 * +22 24 48 LA +22 24 49 LU +22 24 50 * +22 24 51 YA +22 24 52 FI +22 24 53 * +22 24 54 LU +22 24 55 LU +22 24 56 LA +22 24 57 * +22 24 58 * +22 24 59 FI +22 24 60 LU +22 24 61 UN +22 24 62 YA +22 24 63 LA +22 24 64 LU +22 24 65 LA +22 24 66 FI +22 24 67 LU +22 24 68 YA +22 24 69 * +22 24 70 FI +22 24 71 * +22 24 72 LU +22 24 73 * +22 24 74 FI +22 24 75 * +22 24 76 LA +22 24 77 LU +22 24 78 FI +22 24 79 YA +22 24 80 LU +22 24 81 LA +22 24 82 LU +22 24 83 * +22 24 84 FI +22 24 85 LU +22 24 86 LA +22 24 87 PA +22 24 88 * +22 24 89 PA +22 24 90 * +22 24 91 LA +22 24 92 FI +22 24 93 LU +22 24 94 * +22 24 95 FI +22 24 96 LA +22 24 97 * +22 24 98 UN +22 24 99 YA +22 24 100 LU +22 24 101 * +22 24 102 FI +22 24 103 * +22 24 104 LU +22 24 105 YA +22 24 106 LA +22 24 107 FI +22 24 108 FI +22 24 109 LU +22 24 110 LA +22 24 111 YA +22 24 112 UN +22 24 113 YA +22 24 114 LU +22 24 115 UN +22 24 116 FI +22 24 117 YA +22 24 118 LA +22 24 119 LU +22 24 120 FI +22 24 121 LA +22 24 122 LU +22 24 123 * +22 24 124 * +22 24 125 UN +22 24 126 * +22 24 127 * +22 24 128 LA +22 24 129 * +22 24 130 YA +22 24 131 * +22 24 132 UN +22 24 133 LU +22 24 134 YA +22 24 135 * +22 24 136 LU +22 24 137 * +22 24 138 * +22 24 139 FI +22 24 140 LU +22 24 141 FI +22 24 142 * +22 24 143 * +22 24 144 YA +22 24 145 * +22 24 146 LA +22 24 147 LU +22 24 148 UN +22 24 149 FI +22 24 150 YA +22 24 151 LA +22 24 152 FI +22 24 153 LU +22 24 154 PA +22 24 155 YA +22 24 156 LU +22 24 157 * +22 24 158 FI +22 24 159 LA +22 24 160 * +22 24 161 * +22 24 162 UN +22 24 163 LU +22 24 164 LU +22 24 165 YA +22 24 166 * +22 24 167 * +22 24 168 * +22 24 169 * +22 24 170 YA +22 24 171 LA +22 24 172 FI +22 24 173 UN +22 24 174 LA +22 24 175 * +22 24 176 UN +22 24 177 LA +22 24 178 LU +22 24 179 UN +22 24 180 LU +22 24 181 LA +22 24 182 YA +22 24 183 LA +22 24 184 * +22 24 185 LA +22 24 186 LU +22 24 187 LA +22 24 188 LU +22 24 189 FI +22 24 190 LA +22 24 191 LU +22 24 192 YA +22 24 193 LA +22 24 194 YA +22 24 195 LU +22 24 196 LU +22 24 197 * +22 24 198 PA +22 24 199 * +22 24 200 LU +22 24 201 * +22 24 202 LU +22 24 203 YA +22 24 204 PA +22 24 205 YA +22 24 206 FI +22 24 207 YA +22 24 208 LA +22 24 209 * +22 24 210 YA +22 24 211 LU +22 24 212 LA +22 24 213 FI +22 24 214 LA +22 24 215 * +22 24 216 PA +22 24 217 FI +22 24 218 LA +22 24 219 FI +22 24 220 LU +22 24 221 FI +22 24 222 * +22 24 223 LU +22 24 224 FI +22 24 225 LA +22 24 226 LU +22 24 227 PA +22 24 228 LU +22 24 229 * +22 24 230 * +22 24 231 YA +22 24 232 PA +22 24 233 * +22 24 234 LU +22 24 235 LU +22 24 236 * +22 24 237 * +22 24 238 LU +22 24 239 * +22 24 240 LL +22 24 241 FI +22 24 242 LA +22 24 243 YA +22 24 244 FI +22 24 245 UN +22 24 246 * +22 24 247 YA +22 24 248 PA +22 24 249 LU +22 24 250 YA +22 24 251 LU +22 24 252 FI +22 24 253 LU +22 24 254 * +22 24 255 PA +22 24 256 UN +22 24 257 LU +22 24 258 LA +22 24 259 UN +22 24 260 LA +22 24 261 LA +22 24 262 FI +22 24 263 YA +22 24 264 * +22 24 265 LU +22 24 266 YA +22 24 267 * +22 24 268 LU +22 24 269 YA +22 24 270 LA +22 24 271 PA +22 24 272 FI +22 24 273 * +22 24 274 FI +22 24 275 LA +22 24 276 YA +22 24 277 * +22 24 278 LA +22 24 279 YA +22 24 280 * +22 24 281 LU +22 24 282 LU +22 24 283 YA +22 24 284 FI +22 24 285 * +22 24 286 FI +22 24 287 LA +22 24 288 UN +22 24 289 * +22 24 290 * +22 24 291 LU +22 24 292 * +22 24 293 * +22 24 294 FI +22 24 295 YA +22 24 296 * +22 24 297 LA +22 24 298 UN +22 24 299 LU +22 24 300 * +22 24 301 LU +22 24 302 FI +22 24 303 * +22 24 304 * +22 24 305 YA +22 24 306 LU +22 24 307 LU +22 24 308 YA +22 24 309 PA +22 24 310 LU +22 24 311 LU +22 24 312 PA +22 24 313 * +22 24 314 FI +22 24 315 LU +22 24 316 LU +22 24 317 YA +22 24 318 LA +22 24 319 FI +22 24 320 LU +22 24 321 UN +22 24 322 * +22 24 323 * +22 24 324 * +22 24 325 YA +22 24 326 LA +22 24 327 * +22 24 328 * +22 24 329 * +22 24 330 FI +22 25 1 LU +22 25 2 LU +22 25 3 UN +22 25 4 CH +22 25 5 LU +22 25 6 LA +22 25 7 LU +22 25 8 CH +22 25 9 LA +22 25 10 LU +22 25 11 LU +22 25 12 LA +22 25 13 LU +22 25 14 LA +22 25 15 LA +22 25 16 FI +22 25 17 UN +22 25 18 PA +22 25 19 LU +22 25 20 LU +22 25 21 UN +22 25 22 LA +22 25 23 CH +22 25 24 PA +22 25 25 LU +22 25 26 LU +22 25 27 LA +22 25 28 UN +22 25 29 LU +22 25 30 LA +22 25 31 FI +22 25 32 CH +22 25 33 LU +22 25 34 LU +22 25 35 UN +22 25 36 LU +22 25 37 LU +22 25 38 UN +22 25 39 LU +22 25 40 LU +22 25 41 UN +22 25 42 LA +22 25 43 LU +22 25 44 FI +22 25 45 LU +22 25 46 FI +22 25 47 LU +22 25 48 LA +22 25 49 LU +22 25 50 CH +22 25 51 LA +22 25 52 FI +22 25 53 UN +22 25 54 LU +22 25 55 LU +22 25 56 LA +22 25 57 LU +22 25 58 LA +22 25 59 FI +22 25 60 LU +22 25 61 UN +22 25 62 LA +22 25 63 LA +22 25 64 LU +22 25 65 UN +22 25 66 FI +22 25 67 LU +22 25 68 UN +22 25 69 LA +22 25 70 FI +22 25 71 CH +22 25 72 LU +22 25 73 CH +22 25 74 FI +22 25 75 LA +22 25 76 UN +22 25 77 LU +22 25 78 LA +22 25 79 PA +22 25 80 LU +22 25 81 LA +22 25 82 LU +22 25 83 FI +22 25 84 UN +22 25 85 LU +22 25 86 UN +22 25 87 PA +22 25 88 CH +22 25 89 PA +22 25 90 LU +22 25 91 LA +22 25 92 FI +22 25 93 LU +22 25 94 PA +22 25 95 FI +22 25 96 LA +22 25 97 CH +22 25 98 UN +22 25 99 FI +22 25 100 FI +22 25 101 CH +22 25 102 FI +22 25 103 LA +22 25 104 LU +22 25 105 CH +22 25 106 LA +22 25 107 FI +22 25 108 FI +22 25 109 LU +22 25 110 LA +22 25 111 PA +22 25 112 UN +22 25 113 PA +22 25 114 LU +22 25 115 CH +22 25 116 FI +22 25 117 PA +22 25 118 UN +22 25 119 LU +22 25 120 FI +22 25 121 UN +22 25 122 LU +22 25 123 LU +22 25 124 LA +22 25 125 UN +22 25 126 LA +22 25 127 LU +22 25 128 LA +22 25 129 FI +22 25 130 PA +22 25 131 LA +22 25 132 UN +22 25 133 LU +22 25 134 PA +22 25 135 LA +22 25 136 LU +22 25 137 LU +22 25 138 LU +22 25 139 FI +22 25 140 LU +22 25 141 FI +22 25 142 FI +22 25 143 LA +22 25 144 CH +22 25 145 LU +22 25 146 LA +22 25 147 LU +22 25 148 UN +22 25 149 LU +22 25 150 CH +22 25 151 LA +22 25 152 LA +22 25 153 LL +22 25 154 PA +22 25 155 PA +22 25 156 LU +22 25 157 CH +22 25 158 FI +22 25 159 LA +22 25 160 LA +22 25 161 LU +22 25 162 UN +22 25 163 LU +22 25 164 LU +22 25 165 LA +22 25 166 LU +22 25 167 LA +22 25 168 LU +22 25 169 LU +22 25 170 PA +22 25 171 LA +22 25 172 FI +22 25 173 UN +22 25 174 LA +22 25 175 FI +22 25 176 UN +22 25 177 LA +22 25 178 LU +22 25 179 CH +22 25 180 LU +22 25 181 LA +22 25 182 CH +22 25 183 LA +22 25 184 LU +22 25 185 UN +22 25 186 LU +22 25 187 LA +22 25 188 LU +22 25 189 FI +22 25 190 LA +22 25 191 LU +22 25 192 LA +22 25 193 LA +22 25 194 CH +22 25 195 LU +22 25 196 LU +22 25 197 LA +22 25 198 PA +22 25 199 FI +22 25 200 LU +22 25 201 LA +22 25 202 LU +22 25 203 UN +22 25 204 PA +22 25 205 LU +22 25 206 FI +22 25 207 UN +22 25 208 LA +22 25 209 LU +22 25 210 CH +22 25 211 LU +22 25 212 LA +22 25 213 FI +22 25 214 LA +22 25 215 UN +22 25 216 PA +22 25 217 LA +22 25 218 LA +22 25 219 FI +22 25 220 LU +22 25 221 FI +22 25 222 LU +22 25 223 LU +22 25 224 FI +22 25 225 LA +22 25 226 LU +22 25 227 PA +22 25 228 LU +22 25 229 FI +22 25 230 FI +22 25 231 CH +22 25 232 LA +22 25 233 LU +22 25 234 LU +22 25 235 LU +22 25 236 LA +22 25 237 LA +22 25 238 LU +22 25 239 LA +22 25 240 CH +22 25 241 FI +22 25 242 LA +22 25 243 CH +22 25 244 FI +22 25 245 UN +22 25 246 LU +22 25 247 LA +22 25 248 PA +22 25 249 LU +22 25 250 LU +22 25 251 LU +22 25 252 FI +22 25 253 LU +22 25 254 FI +22 25 255 PA +22 25 256 UN +22 25 257 LU +22 25 258 LA +22 25 259 CH +22 25 260 FI +22 25 261 LA +22 25 262 FI +22 25 263 FI +22 25 264 FI +22 25 265 LU +22 25 266 LA +22 25 267 CH +22 25 268 LU +22 25 269 LA +22 25 270 LA +22 25 271 LU +22 25 272 FI +22 25 273 LU +22 25 274 FI +22 25 275 LA +22 25 276 UN +22 25 277 LU +22 25 278 LA +22 25 279 LU +22 25 280 LU +22 25 281 LU +22 25 282 LU +22 25 283 PA +22 25 284 FI +22 25 285 LA +22 25 286 FI +22 25 287 LA +22 25 288 UN +22 25 289 LU +22 25 290 FI +22 25 291 LU +22 25 292 LA +22 25 293 FI +22 25 294 FI +22 25 295 PA +22 25 296 LU +22 25 297 LA +22 25 298 UN +22 25 299 LU +22 25 300 FI +22 25 301 LU +22 25 302 FI +22 25 303 FI +22 25 304 LA +22 25 305 CH +22 25 306 LA +22 25 307 LU +22 25 308 LU +22 25 309 PA +22 25 310 LU +22 25 311 LU +22 25 312 PA +22 25 313 LU +22 25 314 FI +22 25 315 LU +22 25 316 LU +22 25 317 CH +22 25 318 LA +22 25 319 FI +22 25 320 LA +22 25 321 UN +22 25 322 LU +22 25 323 LU +22 25 324 FI +22 25 325 CH +22 25 326 LA +22 25 327 FI +22 25 328 LU +22 25 329 LA +22 25 330 FI +23 1 1 N +23 1 2 J +23 1 3 S +23 1 4 C +23 1 5 N +23 1 6 S +23 1 7 C +23 1 8 J +23 1 9 N +23 1 10 S +23 1 11 C +23 1 12 J +23 1 13 S +23 1 14 N +23 1 15 J +23 1 16 N +23 1 17 S +23 1 18 C +23 1 19 N +23 1 20 S +23 1 21 C +23 1 22 S +23 1 23 N +23 1 24 C +23 1 25 N +23 1 26 J +23 1 27 S +23 1 28 N +23 1 29 C +23 1 30 S +23 1 31 C +23 1 32 N +23 1 33 J +23 1 34 S +23 1 35 C +23 1 36 S +23 1 37 J +23 1 38 J +23 1 39 C +23 1 40 N +23 1 41 C +23 1 42 S +23 1 43 N +23 1 44 C +23 1 45 N +23 1 46 J +23 1 47 S +23 1 48 C +23 1 49 N +23 1 50 S +23 1 51 C +23 1 52 J +23 1 53 S +23 1 54 N +23 1 55 C +23 1 56 N +23 1 57 C +23 1 58 N +23 1 59 S +23 1 60 N +23 1 61 S +23 1 62 J +23 1 63 S +23 1 64 C +23 1 65 N +23 1 66 J +23 1 67 N +23 1 68 S +23 1 69 C +23 1 70 J +23 1 71 C +23 1 72 N +23 1 73 C +23 1 74 J +23 1 75 N +23 1 76 C +23 1 77 N +23 1 78 J +23 1 79 C +23 1 80 N +23 1 81 J +23 1 82 C +23 1 83 J +23 1 84 N +23 1 85 C +23 1 86 N +23 1 87 C +23 1 88 N +23 1 89 C +23 1 90 J +23 1 91 C +23 1 92 J +23 1 93 N +23 1 94 C +23 1 95 J +23 1 96 S +23 1 97 N +23 1 98 C +23 1 99 J +23 1 100 N +23 1 101 C +23 1 102 J +23 1 103 C +23 1 104 N +23 1 105 C +23 1 106 J +23 1 107 C +23 1 108 N +23 1 109 C +23 1 110 J +23 1 111 N +23 1 112 C +23 1 113 C +23 1 114 N +23 1 115 J +23 1 116 S +23 1 117 C +23 1 118 N +23 1 119 S +23 1 120 C +23 1 121 J +23 1 122 S +23 1 123 N +23 1 124 C +23 1 125 N +23 1 126 C +23 1 127 J +23 1 128 N +23 1 129 C +23 1 130 S +23 1 131 C +23 1 132 N +23 1 133 S +23 1 134 J +23 1 135 N +23 1 136 C +23 1 137 N +23 1 138 S +23 1 139 J +23 1 140 C +23 1 141 N +23 1 142 S +23 1 143 J +23 1 144 C +23 1 145 N +23 1 146 S +23 1 147 C +23 1 148 S +23 1 149 N +23 1 150 J +23 1 151 S +23 1 152 N +23 1 153 J +23 1 154 C +23 1 155 C +23 1 156 N +23 1 157 S +23 1 158 J +23 1 159 N +23 1 160 S +23 1 161 J +23 1 162 S +23 1 163 C +23 1 164 N +23 1 165 S +23 1 166 C +23 1 167 J +23 1 168 N +23 1 169 N +23 1 170 C +23 1 171 S +23 1 172 J +23 1 173 S +23 1 174 N +23 1 175 C +23 1 176 N +23 1 177 J +23 1 178 C +23 1 179 N +23 1 180 S +23 1 181 J +23 1 182 C +23 1 183 N +23 1 184 S +23 1 185 C +23 1 186 J +23 1 187 C +23 1 188 J +23 1 189 S +23 1 190 C +23 1 191 N +23 1 192 C +23 1 193 J +23 1 194 C +23 1 195 N +23 1 196 S +23 1 197 C +23 1 198 J +23 1 199 C +23 1 200 J +23 1 201 S +23 1 202 C +23 1 203 N +23 1 204 C +23 1 205 J +23 1 206 S +23 1 207 N +23 1 208 C +23 1 209 J +23 1 210 S +23 1 211 J +23 1 212 S +23 1 213 N +23 1 214 C +23 1 215 N +23 1 216 C +23 1 217 J +23 1 218 C +23 1 219 N +23 1 220 S +23 1 221 N +23 1 222 C +23 1 223 N +23 1 224 C +23 1 225 J +23 1 226 C +23 1 227 N +23 1 228 C +23 1 229 S +23 1 230 J +23 1 231 C +23 1 232 N +23 1 233 S +23 1 234 C +23 1 235 N +23 1 236 S +23 1 237 J +23 1 238 C +23 1 239 S +23 1 240 C +23 1 241 J +23 1 242 C +23 1 243 N +23 1 244 J +23 1 245 S +23 1 246 N +23 1 247 C +23 1 248 S +23 1 249 C +23 1 250 N +23 1 251 J +23 1 252 S +23 1 253 J +23 1 254 N +23 1 255 C +23 1 256 S +23 1 257 C +23 1 258 N +23 1 259 J +23 1 260 S +23 1 261 J +23 1 262 C +23 1 263 S +23 1 264 N +23 1 265 C +23 1 266 J +23 1 267 S +23 1 268 C +23 1 269 N +23 1 270 J +23 1 271 C +23 1 272 S +23 1 273 C +23 1 274 J +23 1 275 N +23 1 276 C +23 1 277 N +23 1 278 S +23 1 279 J +23 1 280 C +23 1 281 N +23 1 282 C +23 1 283 J +23 1 284 C +23 1 285 N +23 1 286 J +23 1 287 C +23 1 288 N +23 1 289 J +23 1 290 S +23 1 291 C +23 1 292 N +23 1 293 S +23 1 294 J +23 1 295 C +23 1 296 N +23 1 297 J +23 1 298 C +23 1 299 S +23 1 300 J +23 1 301 N +23 1 302 S +23 1 303 C +23 1 304 S +23 1 305 C +23 1 306 N +23 1 307 C +23 1 308 S +23 1 309 C +23 1 310 N +23 1 311 S +23 1 312 C +23 1 313 N +23 1 314 S +23 1 315 C +23 1 316 N +23 1 317 S +23 1 318 C +23 1 319 N +23 1 320 J +23 1 321 C +23 1 322 N +23 1 323 J +23 1 324 C +23 1 325 N +23 1 326 S +23 1 327 J +23 1 328 C +23 1 329 N +23 1 330 S +23 2 1 N +23 2 2 N +23 2 3 S +23 2 4 C +23 2 5 N +23 2 6 J +23 2 7 N +23 2 8 S +23 2 9 N +23 2 10 N +23 2 11 N +23 2 12 J +23 2 13 N +23 2 14 N +23 2 15 J +23 2 16 C +23 2 17 N +23 2 18 N +23 2 19 S +23 2 20 J +23 2 21 S +23 2 22 N +23 2 23 N +23 2 24 C +23 2 25 N +23 2 26 J +23 2 27 N +23 2 28 S +23 2 29 N +23 2 30 S +23 2 31 J +23 2 32 N +23 2 33 N +23 2 34 N +23 2 35 J +23 2 36 N +23 2 37 J +23 2 38 S +23 2 39 N +23 2 40 N +23 2 41 S +23 2 42 N +23 2 43 N +23 2 44 J +23 2 45 N +23 2 46 J +23 2 47 C +23 2 48 N +23 2 49 C +23 2 50 C +23 2 51 C +23 2 52 J +23 2 53 N +23 2 54 N +23 2 55 N +23 2 56 J +23 2 57 N +23 2 58 N +23 2 59 J +23 2 60 N +23 2 61 S +23 2 62 J +23 2 63 S +23 2 64 C +23 2 65 S +23 2 66 J +23 2 67 N +23 2 68 S +23 2 69 C +23 2 70 J +23 2 71 N +23 2 72 N +23 2 73 C +23 2 74 N +23 2 75 N +23 2 76 J +23 2 77 N +23 2 78 S +23 2 79 C +23 2 80 N +23 2 81 J +23 2 82 N +23 2 83 J +23 2 84 J +23 2 85 N +23 2 86 N +23 2 87 C +23 2 88 N +23 2 89 C +23 2 90 N +23 2 91 N +23 2 92 J +23 2 93 N +23 2 94 C +23 2 95 J +23 2 96 C +23 2 97 N +23 2 98 S +23 2 99 J +23 2 100 N +23 2 101 S +23 2 102 J +23 2 103 C +23 2 104 C +23 2 105 S +23 2 106 J +23 2 107 J +23 2 108 J +23 2 109 N +23 2 110 S +23 2 111 C +23 2 112 S +23 2 113 C +23 2 114 N +23 2 115 S +23 2 116 J +23 2 117 C +23 2 118 J +23 2 119 N +23 2 120 J +23 2 121 S +23 2 122 N +23 2 123 N +23 2 124 J +23 2 125 S +23 2 126 S +23 2 127 C +23 2 128 N +23 2 129 J +23 2 130 C +23 2 131 N +23 2 132 S +23 2 133 N +23 2 134 N +23 2 135 S +23 2 136 N +23 2 137 C +23 2 138 N +23 2 139 J +23 2 140 N +23 2 141 J +23 2 142 J +23 2 143 N +23 2 144 N +23 2 145 N +23 2 146 J +23 2 147 N +23 2 148 S +23 2 149 N +23 2 150 C +23 2 151 J +23 2 152 J +23 2 153 N +23 2 154 C +23 2 155 C +23 2 156 N +23 2 157 C +23 2 158 J +23 2 159 N +23 2 160 N +23 2 161 S +23 2 162 S +23 2 163 N +23 2 164 N +23 2 165 C +23 2 166 C +23 2 167 N +23 2 168 C +23 2 169 N +23 2 170 C +23 2 171 J +23 2 172 J +23 2 173 S +23 2 174 N +23 2 175 N +23 2 176 S +23 2 177 N +23 2 178 C +23 2 179 J +23 2 180 N +23 2 181 J +23 2 182 C +23 2 183 C +23 2 184 N +23 2 185 J +23 2 186 N +23 2 187 J +23 2 188 C +23 2 189 J +23 2 190 J +23 2 191 C +23 2 192 N +23 2 193 N +23 2 194 C +23 2 195 N +23 2 196 N +23 2 197 N +23 2 198 C +23 2 199 J +23 2 200 N +23 2 201 N +23 2 202 N +23 2 203 S +23 2 204 N +23 2 205 N +23 2 206 J +23 2 207 S +23 2 208 N +23 2 209 N +23 2 210 C +23 2 211 N +23 2 212 S +23 2 213 J +23 2 214 N +23 2 215 J +23 2 216 C +23 2 217 S +23 2 218 N +23 2 219 J +23 2 220 N +23 2 221 J +23 2 222 N +23 2 223 N +23 2 224 J +23 2 225 C +23 2 226 C +23 2 227 C +23 2 228 C +23 2 229 N +23 2 230 N +23 2 231 S +23 2 232 C +23 2 233 N +23 2 234 N +23 2 235 N +23 2 236 C +23 2 237 J +23 2 238 N +23 2 239 N +23 2 240 N +23 2 241 J +23 2 242 N +23 2 243 J +23 2 244 S +23 2 245 N +23 2 246 N +23 2 247 C +23 2 248 C +23 2 249 S +23 2 250 J +23 2 251 J +23 2 252 J +23 2 253 N +23 2 254 J +23 2 255 C +23 2 256 S +23 2 257 C +23 2 258 N +23 2 259 S +23 2 260 J +23 2 261 S +23 2 262 J +23 2 263 J +23 2 264 J +23 2 265 N +23 2 266 S +23 2 267 C +23 2 268 N +23 2 269 S +23 2 270 N +23 2 271 C +23 2 272 J +23 2 273 N +23 2 274 J +23 2 275 J +23 2 276 S +23 2 277 N +23 2 278 S +23 2 279 N +23 2 280 S +23 2 281 N +23 2 282 N +23 2 283 C +23 2 284 J +23 2 285 N +23 2 286 J +23 2 287 J +23 2 288 S +23 2 289 N +23 2 290 J +23 2 291 N +23 2 292 J +23 2 293 J +23 2 294 J +23 2 295 N +23 2 296 N +23 2 297 J +23 2 298 S +23 2 299 N +23 2 300 J +23 2 301 N +23 2 302 J +23 2 303 N +23 2 304 N +23 2 305 N +23 2 306 N +23 2 307 N +23 2 308 J +23 2 309 C +23 2 310 N +23 2 311 N +23 2 312 C +23 2 313 C +23 2 314 J +23 2 315 N +23 2 316 N +23 2 317 N +23 2 318 S +23 2 319 J +23 2 320 C +23 2 321 N +23 2 322 N +23 2 323 N +23 2 324 J +23 2 325 N +23 2 326 N +23 2 327 J +23 2 328 N +23 2 329 N +23 2 330 J +23 3 1 N +23 3 2 N +23 3 3 S +23 3 4 N +23 3 5 N +23 3 6 S +23 3 7 N +23 3 8 S +23 3 9 S +23 3 10 N +23 3 11 C +23 3 12 S +23 3 13 C +23 3 14 C +23 3 15 N +23 3 16 J +23 3 17 S +23 3 18 C +23 3 19 N +23 3 20 N +23 3 21 S +23 3 22 J +23 3 23 S +23 3 24 C +23 3 25 C +23 3 26 C +23 3 27 J +23 3 28 S +23 3 29 N +23 3 30 S +23 3 31 N +23 3 32 S +23 3 33 N +23 3 34 C +23 3 35 S +23 3 36 C +23 3 37 N +23 3 38 S +23 3 39 C +23 3 40 N +23 3 41 S +23 3 42 N +23 3 43 C +23 3 44 J +23 3 45 N +23 3 46 C +23 3 47 C +23 3 48 J +23 3 49 N +23 3 50 C +23 3 51 C +23 3 52 J +23 3 53 S +23 3 54 N +23 3 55 N +23 3 56 S +23 3 57 C +23 3 58 J +23 3 59 J +23 3 60 C +23 3 61 S +23 3 62 N +23 3 63 S +23 3 64 N +23 3 65 S +23 3 66 J +23 3 67 N +23 3 68 S +23 3 69 C +23 3 70 N +23 3 71 S +23 3 72 N +23 3 73 S +23 3 74 J +23 3 75 C +23 3 76 S +23 3 77 N +23 3 78 S +23 3 79 C +23 3 80 C +23 3 81 N +23 3 82 N +23 3 83 J +23 3 84 J +23 3 85 N +23 3 86 S +23 3 87 C +23 3 88 S +23 3 89 C +23 3 90 C +23 3 91 N +23 3 92 J +23 3 93 N +23 3 94 C +23 3 95 J +23 3 96 N +23 3 97 N +23 3 98 S +23 3 99 J +23 3 100 J +23 3 101 S +23 3 102 J +23 3 103 C +23 3 104 N +23 3 105 S +23 3 106 J +23 3 107 J +23 3 108 J +23 3 109 N +23 3 110 S +23 3 111 N +23 3 112 S +23 3 113 C +23 3 114 N +23 3 115 S +23 3 116 N +23 3 117 C +23 3 118 S +23 3 119 N +23 3 120 J +23 3 121 S +23 3 122 N +23 3 123 C +23 3 124 J +23 3 125 S +23 3 126 S +23 3 127 C +23 3 128 N +23 3 129 J +23 3 130 C +23 3 131 N +23 3 132 S +23 3 133 N +23 3 134 C +23 3 135 S +23 3 136 N +23 3 137 N +23 3 138 N +23 3 139 J +23 3 140 N +23 3 141 J +23 3 142 J +23 3 143 N +23 3 144 C +23 3 145 J +23 3 146 N +23 3 147 N +23 3 148 S +23 3 149 N +23 3 150 S +23 3 151 S +23 3 152 S +23 3 153 N +23 3 154 C +23 3 155 C +23 3 156 N +23 3 157 N +23 3 158 J +23 3 159 J +23 3 160 S +23 3 161 N +23 3 162 S +23 3 163 N +23 3 164 N +23 3 165 N +23 3 166 C +23 3 167 J +23 3 168 N +23 3 169 N +23 3 170 C +23 3 171 N +23 3 172 J +23 3 173 S +23 3 174 N +23 3 175 N +23 3 176 S +23 3 177 S +23 3 178 C +23 3 179 N +23 3 180 N +23 3 181 N +23 3 182 S +23 3 183 C +23 3 184 S +23 3 185 N +23 3 186 N +23 3 187 S +23 3 188 N +23 3 189 N +23 3 190 S +23 3 191 N +23 3 192 S +23 3 193 S +23 3 194 S +23 3 195 N +23 3 196 N +23 3 197 S +23 3 198 C +23 3 199 J +23 3 200 N +23 3 201 S +23 3 202 N +23 3 203 S +23 3 204 C +23 3 205 S +23 3 206 J +23 3 207 S +23 3 208 N +23 3 209 N +23 3 210 N +23 3 211 N +23 3 212 S +23 3 213 N +23 3 214 S +23 3 215 S +23 3 216 C +23 3 217 S +23 3 218 N +23 3 219 J +23 3 220 N +23 3 221 J +23 3 222 S +23 3 223 N +23 3 224 J +23 3 225 N +23 3 226 N +23 3 227 C +23 3 228 C +23 3 229 N +23 3 230 J +23 3 231 S +23 3 232 N +23 3 233 N +23 3 234 N +23 3 235 N +23 3 236 S +23 3 237 S +23 3 238 N +23 3 239 S +23 3 240 N +23 3 241 J +23 3 242 S +23 3 243 S +23 3 244 J +23 3 245 S +23 3 246 N +23 3 247 S +23 3 248 C +23 3 249 N +23 3 250 S +23 3 251 N +23 3 252 J +23 3 253 N +23 3 254 C +23 3 255 C +23 3 256 S +23 3 257 C +23 3 258 S +23 3 259 S +23 3 260 J +23 3 261 S +23 3 262 J +23 3 263 C +23 3 264 J +23 3 265 N +23 3 266 S +23 3 267 S +23 3 268 N +23 3 269 S +23 3 270 S +23 3 271 N +23 3 272 J +23 3 273 S +23 3 274 J +23 3 275 S +23 3 276 S +23 3 277 C +23 3 278 J +23 3 279 N +23 3 280 N +23 3 281 N +23 3 282 N +23 3 283 C +23 3 284 J +23 3 285 S +23 3 286 J +23 3 287 C +23 3 288 S +23 3 289 N +23 3 290 J +23 3 291 N +23 3 292 C +23 3 293 J +23 3 294 J +23 3 295 N +23 3 296 N +23 3 297 S +23 3 298 S +23 3 299 N +23 3 300 J +23 3 301 N +23 3 302 J +23 3 303 J +23 3 304 N +23 3 305 S +23 3 306 N +23 3 307 N +23 3 308 S +23 3 309 C +23 3 310 N +23 3 311 C +23 3 312 C +23 3 313 N +23 3 314 J +23 3 315 N +23 3 316 N +23 3 317 S +23 3 318 S +23 3 319 J +23 3 320 N +23 3 321 S +23 3 322 C +23 3 323 N +23 3 324 J +23 3 325 S +23 3 326 J +23 3 327 J +23 3 328 N +23 3 329 S +23 3 330 J +23 4 1 N +23 4 2 J +23 4 3 S +23 4 4 C +23 4 5 J +23 4 6 S +23 4 7 N +23 4 8 S +23 4 9 S +23 4 10 C +23 4 11 C +23 4 12 S +23 4 13 C +23 4 14 C +23 4 15 J +23 4 16 J +23 4 17 S +23 4 18 C +23 4 19 J +23 4 20 J +23 4 21 S +23 4 22 J +23 4 23 J +23 4 24 C +23 4 25 C +23 4 26 C +23 4 27 J +23 4 28 S +23 4 29 J +23 4 30 J +23 4 31 J +23 4 32 S +23 4 33 J +23 4 34 N +23 4 35 S +23 4 36 C +23 4 37 N +23 4 38 S +23 4 39 J +23 4 40 J +23 4 41 S +23 4 42 J +23 4 43 C +23 4 44 J +23 4 45 J +23 4 46 N +23 4 47 C +23 4 48 J +23 4 49 J +23 4 50 C +23 4 51 C +23 4 52 S +23 4 53 S +23 4 54 J +23 4 55 N +23 4 56 J +23 4 57 C +23 4 58 J +23 4 59 J +23 4 60 N +23 4 61 S +23 4 62 J +23 4 63 S +23 4 64 N +23 4 65 S +23 4 66 J +23 4 67 J +23 4 68 S +23 4 69 C +23 4 70 J +23 4 71 C +23 4 72 N +23 4 73 J +23 4 74 J +23 4 75 C +23 4 76 S +23 4 77 N +23 4 78 J +23 4 79 C +23 4 80 N +23 4 81 J +23 4 82 N +23 4 83 J +23 4 84 S +23 4 85 N +23 4 86 S +23 4 87 C +23 4 88 N +23 4 89 C +23 4 90 C +23 4 91 J +23 4 92 J +23 4 93 N +23 4 94 C +23 4 95 J +23 4 96 N +23 4 97 C +23 4 98 S +23 4 99 J +23 4 100 J +23 4 101 S +23 4 102 J +23 4 103 C +23 4 104 J +23 4 105 N +23 4 106 J +23 4 107 J +23 4 108 J +23 4 109 N +23 4 110 S +23 4 111 C +23 4 112 S +23 4 113 C +23 4 114 C +23 4 115 N +23 4 116 J +23 4 117 C +23 4 118 S +23 4 119 N +23 4 120 J +23 4 121 S +23 4 122 N +23 4 123 N +23 4 124 J +23 4 125 S +23 4 126 S +23 4 127 C +23 4 128 J +23 4 129 J +23 4 130 C +23 4 131 N +23 4 132 S +23 4 133 C +23 4 134 J +23 4 135 N +23 4 136 N +23 4 137 C +23 4 138 J +23 4 139 J +23 4 140 C +23 4 141 J +23 4 142 J +23 4 143 S +23 4 144 C +23 4 145 N +23 4 146 N +23 4 147 J +23 4 148 S +23 4 149 J +23 4 150 C +23 4 151 S +23 4 152 J +23 4 153 N +23 4 154 C +23 4 155 C +23 4 156 N +23 4 157 C +23 4 158 J +23 4 159 S +23 4 160 S +23 4 161 N +23 4 162 S +23 4 163 C +23 4 164 C +23 4 165 C +23 4 166 J +23 4 167 N +23 4 168 C +23 4 169 N +23 4 170 C +23 4 171 C +23 4 172 J +23 4 173 S +23 4 174 J +23 4 175 J +23 4 176 S +23 4 177 J +23 4 178 N +23 4 179 S +23 4 180 J +23 4 181 J +23 4 182 C +23 4 183 N +23 4 184 N +23 4 185 C +23 4 186 J +23 4 187 S +23 4 188 N +23 4 189 J +23 4 190 J +23 4 191 N +23 4 192 N +23 4 193 J +23 4 194 C +23 4 195 J +23 4 196 J +23 4 197 N +23 4 198 C +23 4 199 J +23 4 200 N +23 4 201 J +23 4 202 C +23 4 203 N +23 4 204 C +23 4 205 J +23 4 206 J +23 4 207 S +23 4 208 C +23 4 209 N +23 4 210 C +23 4 211 J +23 4 212 S +23 4 213 J +23 4 214 N +23 4 215 S +23 4 216 C +23 4 217 J +23 4 218 J +23 4 219 C +23 4 220 N +23 4 221 J +23 4 222 N +23 4 223 N +23 4 224 J +23 4 225 C +23 4 226 N +23 4 227 C +23 4 228 C +23 4 229 N +23 4 230 J +23 4 231 S +23 4 232 C +23 4 233 N +23 4 234 S +23 4 235 N +23 4 236 N +23 4 237 S +23 4 238 N +23 4 239 S +23 4 240 C +23 4 241 J +23 4 242 S +23 4 243 N +23 4 244 J +23 4 245 C +23 4 246 N +23 4 247 J +23 4 248 C +23 4 249 C +23 4 250 N +23 4 251 J +23 4 252 J +23 4 253 N +23 4 254 N +23 4 255 C +23 4 256 S +23 4 257 C +23 4 258 J +23 4 259 N +23 4 260 J +23 4 261 S +23 4 262 J +23 4 263 J +23 4 264 N +23 4 265 N +23 4 266 S +23 4 267 C +23 4 268 N +23 4 269 N +23 4 270 J +23 4 271 C +23 4 272 J +23 4 273 S +23 4 274 J +23 4 275 N +23 4 276 S +23 4 277 N +23 4 278 J +23 4 279 C +23 4 280 N +23 4 281 C +23 4 282 N +23 4 283 C +23 4 284 J +23 4 285 N +23 4 286 J +23 4 287 C +23 4 288 S +23 4 289 J +23 4 290 C +23 4 291 N +23 4 292 J +23 4 293 S +23 4 294 J +23 4 295 C +23 4 296 C +23 4 297 J +23 4 298 S +23 4 299 N +23 4 300 J +23 4 301 N +23 4 302 J +23 4 303 J +23 4 304 N +23 4 305 C +23 4 306 J +23 4 307 N +23 4 308 J +23 4 309 C +23 4 310 N +23 4 311 N +23 4 312 C +23 4 313 N +23 4 314 J +23 4 315 N +23 4 316 N +23 4 317 S +23 4 318 J +23 4 319 J +23 4 320 C +23 4 321 S +23 4 322 N +23 4 323 C +23 4 324 J +23 4 325 C +23 4 326 S +23 4 327 J +23 4 328 C +23 4 329 J +23 4 330 J +23 5 1 N +23 5 2 N +23 5 3 S +23 5 4 C +23 5 5 N +23 5 6 S +23 5 7 N +23 5 8 C +23 5 9 C +23 5 10 N +23 5 11 C +23 5 12 N +23 5 13 N +23 5 14 C +23 5 15 S +23 5 16 J +23 5 17 S +23 5 18 C +23 5 19 N +23 5 20 N +23 5 21 S +23 5 22 J +23 5 23 N +23 5 24 C +23 5 25 N +23 5 26 N +23 5 27 J +23 5 28 S +23 5 29 N +23 5 30 S +23 5 31 N +23 5 32 N +23 5 33 S +23 5 34 N +23 5 35 J +23 5 36 S +23 5 37 C +23 5 38 S +23 5 39 C +23 5 40 N +23 5 41 S +23 5 42 J +23 5 43 N +23 5 44 J +23 5 45 N +23 5 46 J +23 5 47 C +23 5 48 N +23 5 49 N +23 5 50 C +23 5 51 C +23 5 52 J +23 5 53 S +23 5 54 J +23 5 55 S +23 5 56 J +23 5 57 C +23 5 58 N +23 5 59 J +23 5 60 C +23 5 61 S +23 5 62 J +23 5 63 J +23 5 64 N +23 5 65 S +23 5 66 N +23 5 67 J +23 5 68 S +23 5 69 C +23 5 70 C +23 5 71 N +23 5 72 S +23 5 73 N +23 5 74 J +23 5 75 C +23 5 76 S +23 5 77 N +23 5 78 S +23 5 79 C +23 5 80 N +23 5 81 S +23 5 82 N +23 5 83 S +23 5 84 S +23 5 85 N +23 5 86 S +23 5 87 N +23 5 88 N +23 5 89 C +23 5 90 C +23 5 91 N +23 5 92 S +23 5 93 C +23 5 94 C +23 5 95 N +23 5 96 N +23 5 97 N +23 5 98 S +23 5 99 S +23 5 100 N +23 5 101 S +23 5 102 N +23 5 103 C +23 5 104 N +23 5 105 C +23 5 106 N +23 5 107 J +23 5 108 J +23 5 109 N +23 5 110 S +23 5 111 C +23 5 112 S +23 5 113 C +23 5 114 C +23 5 115 S +23 5 116 J +23 5 117 C +23 5 118 J +23 5 119 S +23 5 120 N +23 5 121 S +23 5 122 N +23 5 123 S +23 5 124 N +23 5 125 S +23 5 126 N +23 5 127 C +23 5 128 N +23 5 129 J +23 5 130 C +23 5 131 N +23 5 132 S +23 5 133 N +23 5 134 S +23 5 135 C +23 5 136 N +23 5 137 S +23 5 138 N +23 5 139 J +23 5 140 N +23 5 141 J +23 5 142 N +23 5 143 N +23 5 144 J +23 5 145 J +23 5 146 N +23 5 147 N +23 5 148 N +23 5 149 N +23 5 150 N +23 5 151 J +23 5 152 S +23 5 153 N +23 5 154 N +23 5 155 J +23 5 156 N +23 5 157 C +23 5 158 J +23 5 159 S +23 5 160 S +23 5 161 N +23 5 162 S +23 5 163 N +23 5 164 N +23 5 165 N +23 5 166 C +23 5 167 S +23 5 168 N +23 5 169 N +23 5 170 C +23 5 171 J +23 5 172 J +23 5 173 S +23 5 174 J +23 5 175 N +23 5 176 S +23 5 177 N +23 5 178 S +23 5 179 N +23 5 180 N +23 5 181 S +23 5 182 S +23 5 183 N +23 5 184 S +23 5 185 S +23 5 186 N +23 5 187 N +23 5 188 N +23 5 189 S +23 5 190 J +23 5 191 S +23 5 192 N +23 5 193 S +23 5 194 N +23 5 195 S +23 5 196 N +23 5 197 S +23 5 198 N +23 5 199 C +23 5 200 S +23 5 201 S +23 5 202 N +23 5 203 S +23 5 204 C +23 5 205 C +23 5 206 J +23 5 207 S +23 5 208 N +23 5 209 J +23 5 210 C +23 5 211 C +23 5 212 S +23 5 213 C +23 5 214 J +23 5 215 S +23 5 216 C +23 5 217 C +23 5 218 J +23 5 219 S +23 5 220 J +23 5 221 N +23 5 222 N +23 5 223 J +23 5 224 J +23 5 225 N +23 5 226 C +23 5 227 C +23 5 228 C +23 5 229 N +23 5 230 N +23 5 231 S +23 5 232 J +23 5 233 S +23 5 234 N +23 5 235 N +23 5 236 S +23 5 237 N +23 5 238 S +23 5 239 N +23 5 240 S +23 5 241 C +23 5 242 J +23 5 243 C +23 5 244 S +23 5 245 S +23 5 246 J +23 5 247 J +23 5 248 S +23 5 249 S +23 5 250 C +23 5 251 C +23 5 252 S +23 5 253 S +23 5 254 N +23 5 255 N +23 5 256 S +23 5 257 N +23 5 258 N +23 5 259 S +23 5 260 N +23 5 261 S +23 5 262 J +23 5 263 S +23 5 264 J +23 5 265 N +23 5 266 N +23 5 267 N +23 5 268 S +23 5 269 J +23 5 270 C +23 5 271 J +23 5 272 J +23 5 273 N +23 5 274 J +23 5 275 C +23 5 276 N +23 5 277 S +23 5 278 S +23 5 279 J +23 5 280 N +23 5 281 N +23 5 282 N +23 5 283 C +23 5 284 J +23 5 285 S +23 5 286 J +23 5 287 J +23 5 288 S +23 5 289 N +23 5 290 J +23 5 291 N +23 5 292 S +23 5 293 S +23 5 294 J +23 5 295 C +23 5 296 C +23 5 297 J +23 5 298 S +23 5 299 N +23 5 300 J +23 5 301 N +23 5 302 S +23 5 303 J +23 5 304 J +23 5 305 C +23 5 306 J +23 5 307 N +23 5 308 N +23 5 309 C +23 5 310 N +23 5 311 N +23 5 312 C +23 5 313 N +23 5 314 J +23 5 315 N +23 5 316 N +23 5 317 C +23 5 318 S +23 5 319 J +23 5 320 N +23 5 321 S +23 5 322 N +23 5 323 N +23 5 324 J +23 5 325 S +23 5 326 S +23 5 327 J +23 5 328 N +23 5 329 S +23 5 330 J +23 6 1 N +23 6 2 J +23 6 3 S +23 6 4 N +23 6 5 J +23 6 6 S +23 6 7 N +23 6 8 S +23 6 9 C +23 6 10 N +23 6 11 C +23 6 12 S +23 6 13 C +23 6 14 C +23 6 15 S +23 6 16 J +23 6 17 S +23 6 18 C +23 6 19 N +23 6 20 C +23 6 21 S +23 6 22 J +23 6 23 N +23 6 24 C +23 6 25 N +23 6 26 N +23 6 27 J +23 6 28 S +23 6 29 C +23 6 30 N +23 6 31 J +23 6 32 S +23 6 33 C +23 6 34 N +23 6 35 S +23 6 36 C +23 6 37 N +23 6 38 S +23 6 39 C +23 6 40 N +23 6 41 S +23 6 42 J +23 6 43 C +23 6 44 J +23 6 45 S +23 6 46 C +23 6 47 C +23 6 48 J +23 6 49 N +23 6 50 C +23 6 51 N +23 6 52 J +23 6 53 S +23 6 54 C +23 6 55 N +23 6 56 S +23 6 57 J +23 6 58 C +23 6 59 S +23 6 60 C +23 6 61 S +23 6 62 C +23 6 63 S +23 6 64 C +23 6 65 S +23 6 66 J +23 6 67 C +23 6 68 N +23 6 69 C +23 6 70 J +23 6 71 C +23 6 72 N +23 6 73 C +23 6 74 N +23 6 75 C +23 6 76 S +23 6 77 N +23 6 78 S +23 6 79 C +23 6 80 N +23 6 81 C +23 6 82 N +23 6 83 J +23 6 84 S +23 6 85 N +23 6 86 S +23 6 87 C +23 6 88 N +23 6 89 C +23 6 90 C +23 6 91 N +23 6 92 J +23 6 93 N +23 6 94 C +23 6 95 J +23 6 96 S +23 6 97 N +23 6 98 S +23 6 99 C +23 6 100 N +23 6 101 S +23 6 102 J +23 6 103 C +23 6 104 N +23 6 105 S +23 6 106 S +23 6 107 J +23 6 108 N +23 6 109 S +23 6 110 S +23 6 111 C +23 6 112 J +23 6 113 C +23 6 114 N +23 6 115 S +23 6 116 N +23 6 117 C +23 6 118 S +23 6 119 N +23 6 120 J +23 6 121 S +23 6 122 J +23 6 123 S +23 6 124 N +23 6 125 S +23 6 126 S +23 6 127 C +23 6 128 J +23 6 129 S +23 6 130 C +23 6 131 N +23 6 132 S +23 6 133 C +23 6 134 C +23 6 135 N +23 6 136 N +23 6 137 C +23 6 138 N +23 6 139 C +23 6 140 N +23 6 141 J +23 6 142 S +23 6 143 J +23 6 144 C +23 6 145 J +23 6 146 S +23 6 147 N +23 6 148 S +23 6 149 C +23 6 150 N +23 6 151 S +23 6 152 N +23 6 153 S +23 6 154 C +23 6 155 C +23 6 156 N +23 6 157 C +23 6 158 J +23 6 159 S +23 6 160 N +23 6 161 C +23 6 162 S +23 6 163 J +23 6 164 N +23 6 165 C +23 6 166 C +23 6 167 J +23 6 168 N +23 6 169 S +23 6 170 C +23 6 171 C +23 6 172 J +23 6 173 S +23 6 174 J +23 6 175 J +23 6 176 S +23 6 177 J +23 6 178 S +23 6 179 C +23 6 180 N +23 6 181 C +23 6 182 N +23 6 183 C +23 6 184 N +23 6 185 J +23 6 186 S +23 6 187 S +23 6 188 N +23 6 189 J +23 6 190 S +23 6 191 J +23 6 192 C +23 6 193 S +23 6 194 C +23 6 195 J +23 6 196 N +23 6 197 N +23 6 198 N +23 6 199 J +23 6 200 N +23 6 201 S +23 6 202 N +23 6 203 S +23 6 204 C +23 6 205 J +23 6 206 J +23 6 207 S +23 6 208 C +23 6 209 C +23 6 210 J +23 6 211 N +23 6 212 S +23 6 213 C +23 6 214 N +23 6 215 S +23 6 216 C +23 6 217 S +23 6 218 J +23 6 219 J +23 6 220 N +23 6 221 J +23 6 222 N +23 6 223 C +23 6 224 S +23 6 225 C +23 6 226 N +23 6 227 C +23 6 228 C +23 6 229 N +23 6 230 J +23 6 231 N +23 6 232 C +23 6 233 N +23 6 234 J +23 6 235 S +23 6 236 C +23 6 237 N +23 6 238 J +23 6 239 S +23 6 240 C +23 6 241 J +23 6 242 S +23 6 243 C +23 6 244 N +23 6 245 S +23 6 246 N +23 6 247 C +23 6 248 C +23 6 249 N +23 6 250 C +23 6 251 J +23 6 252 J +23 6 253 C +23 6 254 N +23 6 255 C +23 6 256 J +23 6 257 S +23 6 258 C +23 6 259 J +23 6 260 C +23 6 261 N +23 6 262 J +23 6 263 C +23 6 264 N +23 6 265 S +23 6 266 J +23 6 267 C +23 6 268 J +23 6 269 S +23 6 270 N +23 6 271 C +23 6 272 J +23 6 273 S +23 6 274 J +23 6 275 C +23 6 276 S +23 6 277 C +23 6 278 S +23 6 279 J +23 6 280 C +23 6 281 C +23 6 282 S +23 6 283 C +23 6 284 J +23 6 285 N +23 6 286 J +23 6 287 C +23 6 288 S +23 6 289 J +23 6 290 J +23 6 291 N +23 6 292 S +23 6 293 J +23 6 294 C +23 6 295 C +23 6 296 N +23 6 297 S +23 6 298 J +23 6 299 S +23 6 300 J +23 6 301 N +23 6 302 J +23 6 303 N +23 6 304 C +23 6 305 C +23 6 306 S +23 6 307 N +23 6 308 N +23 6 309 C +23 6 310 N +23 6 311 C +23 6 312 N +23 6 313 C +23 6 314 J +23 6 315 C +23 6 316 N +23 6 317 C +23 6 318 N +23 6 319 J +23 6 320 C +23 6 321 S +23 6 322 N +23 6 323 C +23 6 324 J +23 6 325 C +23 6 326 S +23 6 327 J +23 6 328 C +23 6 329 N +23 6 330 S +23 7 1 N +23 7 2 N +23 7 3 S +23 7 4 C +23 7 5 N +23 7 6 S +23 7 7 N +23 7 8 S +23 7 9 J +23 7 10 C +23 7 11 C +23 7 12 J +23 7 13 C +23 7 14 C +23 7 15 J +23 7 16 J +23 7 17 S +23 7 18 C +23 7 19 N +23 7 20 N +23 7 21 S +23 7 22 J +23 7 23 N +23 7 24 C +23 7 25 N +23 7 26 N +23 7 27 J +23 7 28 S +23 7 29 N +23 7 30 J +23 7 31 J +23 7 32 N +23 7 33 J +23 7 34 N +23 7 35 J +23 7 36 C +23 7 37 N +23 7 38 S +23 7 39 N +23 7 40 N +23 7 41 C +23 7 42 J +23 7 43 N +23 7 44 J +23 7 45 J +23 7 46 C +23 7 47 N +23 7 48 J +23 7 49 N +23 7 50 C +23 7 51 C +23 7 52 J +23 7 53 S +23 7 54 N +23 7 55 N +23 7 56 J +23 7 57 C +23 7 58 J +23 7 59 J +23 7 60 C +23 7 61 S +23 7 62 J +23 7 63 S +23 7 64 C +23 7 65 S +23 7 66 S +23 7 67 N +23 7 68 S +23 7 69 C +23 7 70 J +23 7 71 S +23 7 72 N +23 7 73 N +23 7 74 J +23 7 75 C +23 7 76 S +23 7 77 N +23 7 78 J +23 7 79 C +23 7 80 N +23 7 81 J +23 7 82 S +23 7 83 J +23 7 84 J +23 7 85 S +23 7 86 S +23 7 87 C +23 7 88 N +23 7 89 C +23 7 90 C +23 7 91 J +23 7 92 J +23 7 93 N +23 7 94 C +23 7 95 J +23 7 96 J +23 7 97 N +23 7 98 S +23 7 99 J +23 7 100 N +23 7 101 N +23 7 102 J +23 7 103 C +23 7 104 J +23 7 105 J +23 7 106 J +23 7 107 J +23 7 108 J +23 7 109 N +23 7 110 N +23 7 111 C +23 7 112 S +23 7 113 C +23 7 114 N +23 7 115 S +23 7 116 J +23 7 117 C +23 7 118 S +23 7 119 J +23 7 120 J +23 7 121 S +23 7 122 S +23 7 123 J +23 7 124 J +23 7 125 S +23 7 126 S +23 7 127 C +23 7 128 C +23 7 129 J +23 7 130 C +23 7 131 N +23 7 132 S +23 7 133 N +23 7 134 C +23 7 135 S +23 7 136 N +23 7 137 C +23 7 138 N +23 7 139 S +23 7 140 N +23 7 141 J +23 7 142 J +23 7 143 N +23 7 144 C +23 7 145 J +23 7 146 J +23 7 147 N +23 7 148 S +23 7 149 J +23 7 150 S +23 7 151 S +23 7 152 S +23 7 153 N +23 7 154 C +23 7 155 C +23 7 156 N +23 7 157 C +23 7 158 J +23 7 159 J +23 7 160 J +23 7 161 N +23 7 162 S +23 7 163 J +23 7 164 S +23 7 165 C +23 7 166 C +23 7 167 J +23 7 168 N +23 7 169 N +23 7 170 C +23 7 171 N +23 7 172 J +23 7 173 S +23 7 174 J +23 7 175 J +23 7 176 S +23 7 177 S +23 7 178 J +23 7 179 S +23 7 180 N +23 7 181 N +23 7 182 S +23 7 183 C +23 7 184 S +23 7 185 C +23 7 186 S +23 7 187 C +23 7 188 N +23 7 189 N +23 7 190 S +23 7 191 N +23 7 192 S +23 7 193 S +23 7 194 C +23 7 195 C +23 7 196 N +23 7 197 S +23 7 198 C +23 7 199 J +23 7 200 J +23 7 201 S +23 7 202 N +23 7 203 S +23 7 204 N +23 7 205 N +23 7 206 J +23 7 207 S +23 7 208 J +23 7 209 N +23 7 210 J +23 7 211 S +23 7 212 S +23 7 213 J +23 7 214 J +23 7 215 S +23 7 216 J +23 7 217 J +23 7 218 S +23 7 219 J +23 7 220 S +23 7 221 J +23 7 222 J +23 7 223 J +23 7 224 S +23 7 225 C +23 7 226 N +23 7 227 C +23 7 228 J +23 7 229 J +23 7 230 C +23 7 231 J +23 7 232 C +23 7 233 J +23 7 234 N +23 7 235 C +23 7 236 J +23 7 237 J +23 7 238 N +23 7 239 S +23 7 240 N +23 7 241 S +23 7 242 S +23 7 243 N +23 7 244 J +23 7 245 J +23 7 246 N +23 7 247 S +23 7 248 C +23 7 249 C +23 7 250 C +23 7 251 C +23 7 252 S +23 7 253 J +23 7 254 J +23 7 255 C +23 7 256 S +23 7 257 N +23 7 258 J +23 7 259 S +23 7 260 J +23 7 261 J +23 7 262 N +23 7 263 J +23 7 264 S +23 7 265 J +23 7 266 S +23 7 267 S +23 7 268 J +23 7 269 N +23 7 270 J +23 7 271 S +23 7 272 N +23 7 273 J +23 7 274 S +23 7 275 S +23 7 276 J +23 7 277 N +23 7 278 S +23 7 279 N +23 7 280 J +23 7 281 N +23 7 282 J +23 7 283 C +23 7 284 N +23 7 285 J +23 7 286 J +23 7 287 C +23 7 288 S +23 7 289 C +23 7 290 J +23 7 291 N +23 7 292 J +23 7 293 J +23 7 294 J +23 7 295 C +23 7 296 C +23 7 297 C +23 7 298 C +23 7 299 N +23 7 300 J +23 7 301 N +23 7 302 J +23 7 303 N +23 7 304 J +23 7 305 J +23 7 306 N +23 7 307 J +23 7 308 J +23 7 309 C +23 7 310 N +23 7 311 N +23 7 312 C +23 7 313 C +23 7 314 C +23 7 315 N +23 7 316 N +23 7 317 S +23 7 318 S +23 7 319 J +23 7 320 J +23 7 321 N +23 7 322 S +23 7 323 N +23 7 324 J +23 7 325 S +23 7 326 N +23 7 327 N +23 7 328 S +23 7 329 J +23 7 330 S +23 8 1 N +23 8 2 J +23 8 3 S +23 8 4 C +23 8 5 N +23 8 6 J +23 8 7 S +23 8 8 S +23 8 9 C +23 8 10 N +23 8 11 C +23 8 12 J +23 8 13 C +23 8 14 N +23 8 15 S +23 8 16 J +23 8 17 S +23 8 18 C +23 8 19 N +23 8 20 S +23 8 21 S +23 8 22 J +23 8 23 N +23 8 24 C +23 8 25 N +23 8 26 N +23 8 27 J +23 8 28 N +23 8 29 N +23 8 30 C +23 8 31 J +23 8 32 S +23 8 33 N +23 8 34 C +23 8 35 S +23 8 36 C +23 8 37 N +23 8 38 S +23 8 39 N +23 8 40 C +23 8 41 S +23 8 42 N +23 8 43 C +23 8 44 J +23 8 45 C +23 8 46 C +23 8 47 C +23 8 48 J +23 8 49 N +23 8 50 S +23 8 51 N +23 8 52 J +23 8 53 S +23 8 54 N +23 8 55 N +23 8 56 J +23 8 57 N +23 8 58 J +23 8 59 J +23 8 60 C +23 8 61 S +23 8 62 J +23 8 63 S +23 8 64 N +23 8 65 S +23 8 66 J +23 8 67 N +23 8 68 S +23 8 69 N +23 8 70 J +23 8 71 C +23 8 72 J +23 8 73 S +23 8 74 J +23 8 75 C +23 8 76 S +23 8 77 N +23 8 78 S +23 8 79 C +23 8 80 C +23 8 81 J +23 8 82 C +23 8 83 J +23 8 84 S +23 8 85 N +23 8 86 S +23 8 87 C +23 8 88 S +23 8 89 C +23 8 90 C +23 8 91 N +23 8 92 J +23 8 93 N +23 8 94 C +23 8 95 J +23 8 96 S +23 8 97 N +23 8 98 S +23 8 99 J +23 8 100 S +23 8 101 S +23 8 102 J +23 8 103 C +23 8 104 J +23 8 105 S +23 8 106 J +23 8 107 J +23 8 108 J +23 8 109 N +23 8 110 S +23 8 111 C +23 8 112 S +23 8 113 C +23 8 114 N +23 8 115 S +23 8 116 J +23 8 117 N +23 8 118 S +23 8 119 S +23 8 120 J +23 8 121 S +23 8 122 N +23 8 123 S +23 8 124 J +23 8 125 S +23 8 126 J +23 8 127 C +23 8 128 J +23 8 129 J +23 8 130 C +23 8 131 C +23 8 132 S +23 8 133 C +23 8 134 C +23 8 135 S +23 8 136 N +23 8 137 C +23 8 138 N +23 8 139 J +23 8 140 C +23 8 141 J +23 8 142 J +23 8 143 C +23 8 144 N +23 8 145 J +23 8 146 C +23 8 147 S +23 8 148 S +23 8 149 J +23 8 150 C +23 8 151 S +23 8 152 S +23 8 153 C +23 8 154 C +23 8 155 C +23 8 156 N +23 8 157 C +23 8 158 J +23 8 159 J +23 8 160 S +23 8 161 C +23 8 162 S +23 8 163 N +23 8 164 N +23 8 165 C +23 8 166 C +23 8 167 J +23 8 168 N +23 8 169 C +23 8 170 C +23 8 171 N +23 8 172 J +23 8 173 S +23 8 174 J +23 8 175 J +23 8 176 S +23 8 177 J +23 8 178 N +23 8 179 C +23 8 180 N +23 8 181 J +23 8 182 C +23 8 183 C +23 8 184 S +23 8 185 J +23 8 186 N +23 8 187 N +23 8 188 C +23 8 189 J +23 8 190 S +23 8 191 N +23 8 192 N +23 8 193 J +23 8 194 C +23 8 195 C +23 8 196 J +23 8 197 C +23 8 198 C +23 8 199 J +23 8 200 N +23 8 201 J +23 8 202 N +23 8 203 S +23 8 204 C +23 8 205 S +23 8 206 J +23 8 207 S +23 8 208 C +23 8 209 J +23 8 210 C +23 8 211 N +23 8 212 N +23 8 213 J +23 8 214 S +23 8 215 S +23 8 216 C +23 8 217 J +23 8 218 C +23 8 219 C +23 8 220 N +23 8 221 J +23 8 222 S +23 8 223 N +23 8 224 J +23 8 225 C +23 8 226 C +23 8 227 C +23 8 228 J +23 8 229 N +23 8 230 J +23 8 231 S +23 8 232 C +23 8 233 N +23 8 234 C +23 8 235 S +23 8 236 C +23 8 237 S +23 8 238 S +23 8 239 J +23 8 240 C +23 8 241 J +23 8 242 J +23 8 243 C +23 8 244 J +23 8 245 S +23 8 246 N +23 8 247 S +23 8 248 N +23 8 249 N +23 8 250 S +23 8 251 N +23 8 252 J +23 8 253 N +23 8 254 C +23 8 255 C +23 8 256 S +23 8 257 C +23 8 258 N +23 8 259 C +23 8 260 J +23 8 261 N +23 8 262 J +23 8 263 J +23 8 264 J +23 8 265 N +23 8 266 C +23 8 267 C +23 8 268 N +23 8 269 S +23 8 270 N +23 8 271 C +23 8 272 J +23 8 273 C +23 8 274 J +23 8 275 J +23 8 276 N +23 8 277 C +23 8 278 S +23 8 279 C +23 8 280 N +23 8 281 C +23 8 282 N +23 8 283 C +23 8 284 J +23 8 285 S +23 8 286 J +23 8 287 C +23 8 288 S +23 8 289 N +23 8 290 J +23 8 291 N +23 8 292 J +23 8 293 J +23 8 294 J +23 8 295 C +23 8 296 N +23 8 297 S +23 8 298 S +23 8 299 N +23 8 300 C +23 8 301 S +23 8 302 C +23 8 303 J +23 8 304 N +23 8 305 C +23 8 306 S +23 8 307 J +23 8 308 N +23 8 309 C +23 8 310 S +23 8 311 N +23 8 312 C +23 8 313 C +23 8 314 J +23 8 315 J +23 8 316 C +23 8 317 S +23 8 318 C +23 8 319 J +23 8 320 C +23 8 321 S +23 8 322 N +23 8 323 C +23 8 324 J +23 8 325 N +23 8 326 J +23 8 327 J +23 8 328 C +23 8 329 C +23 8 330 J +23 9 1 N +23 9 2 N +23 9 3 S +23 9 4 C +23 9 5 N +23 9 6 J +23 9 7 N +23 9 8 S +23 9 9 S +23 9 10 N +23 9 11 N +23 9 12 J +23 9 13 N +23 9 14 C +23 9 15 S +23 9 16 J +23 9 17 S +23 9 18 C +23 9 19 N +23 9 20 N +23 9 21 S +23 9 22 J +23 9 23 S +23 9 24 C +23 9 25 N +23 9 26 N +23 9 27 J +23 9 28 S +23 9 29 N +23 9 30 S +23 9 31 J +23 9 32 S +23 9 33 N +23 9 34 N +23 9 35 J +23 9 36 C +23 9 37 J +23 9 38 S +23 9 39 N +23 9 40 N +23 9 41 S +23 9 42 J +23 9 43 C +23 9 44 J +23 9 45 N +23 9 46 J +23 9 47 C +23 9 48 S +23 9 49 N +23 9 50 C +23 9 51 C +23 9 52 N +23 9 53 S +23 9 54 N +23 9 55 N +23 9 56 J +23 9 57 N +23 9 58 J +23 9 59 J +23 9 60 N +23 9 61 S +23 9 62 N +23 9 63 S +23 9 64 N +23 9 65 S +23 9 66 J +23 9 67 N +23 9 68 S +23 9 69 C +23 9 70 N +23 9 71 N +23 9 72 N +23 9 73 S +23 9 74 J +23 9 75 C +23 9 76 S +23 9 77 N +23 9 78 S +23 9 79 C +23 9 80 N +23 9 81 S +23 9 82 N +23 9 83 J +23 9 84 N +23 9 85 N +23 9 86 S +23 9 87 C +23 9 88 S +23 9 89 C +23 9 90 C +23 9 91 J +23 9 92 J +23 9 93 N +23 9 94 C +23 9 95 J +23 9 96 S +23 9 97 S +23 9 98 S +23 9 99 J +23 9 100 J +23 9 101 S +23 9 102 J +23 9 103 C +23 9 104 N +23 9 105 S +23 9 106 J +23 9 107 J +23 9 108 J +23 9 109 N +23 9 110 S +23 9 111 C +23 9 112 S +23 9 113 C +23 9 114 N +23 9 115 S +23 9 116 J +23 9 117 C +23 9 118 S +23 9 119 N +23 9 120 J +23 9 121 S +23 9 122 N +23 9 123 N +23 9 124 J +23 9 125 S +23 9 126 J +23 9 127 C +23 9 128 J +23 9 129 J +23 9 130 C +23 9 131 S +23 9 132 S +23 9 133 N +23 9 134 C +23 9 135 S +23 9 136 N +23 9 137 C +23 9 138 N +23 9 139 J +23 9 140 C +23 9 141 J +23 9 142 J +23 9 143 N +23 9 144 C +23 9 145 N +23 9 146 J +23 9 147 N +23 9 148 S +23 9 149 J +23 9 150 C +23 9 151 J +23 9 152 N +23 9 153 N +23 9 154 C +23 9 155 C +23 9 156 N +23 9 157 C +23 9 158 J +23 9 159 S +23 9 160 S +23 9 161 N +23 9 162 S +23 9 163 N +23 9 164 N +23 9 165 J +23 9 166 C +23 9 167 J +23 9 168 N +23 9 169 N +23 9 170 C +23 9 171 C +23 9 172 J +23 9 173 S +23 9 174 N +23 9 175 J +23 9 176 S +23 9 177 J +23 9 178 N +23 9 179 C +23 9 180 N +23 9 181 J +23 9 182 C +23 9 183 C +23 9 184 N +23 9 185 C +23 9 186 J +23 9 187 S +23 9 188 N +23 9 189 J +23 9 190 N +23 9 191 N +23 9 192 S +23 9 193 J +23 9 194 C +23 9 195 N +23 9 196 J +23 9 197 S +23 9 198 C +23 9 199 J +23 9 200 N +23 9 201 J +23 9 202 N +23 9 203 S +23 9 204 C +23 9 205 S +23 9 206 J +23 9 207 S +23 9 208 C +23 9 209 N +23 9 210 C +23 9 211 N +23 9 212 S +23 9 213 J +23 9 214 N +23 9 215 S +23 9 216 C +23 9 217 S +23 9 218 J +23 9 219 J +23 9 220 N +23 9 221 J +23 9 222 N +23 9 223 N +23 9 224 J +23 9 225 C +23 9 226 N +23 9 227 C +23 9 228 C +23 9 229 N +23 9 230 J +23 9 231 N +23 9 232 J +23 9 233 N +23 9 234 N +23 9 235 N +23 9 236 J +23 9 237 S +23 9 238 N +23 9 239 S +23 9 240 C +23 9 241 J +23 9 242 J +23 9 243 S +23 9 244 J +23 9 245 S +23 9 246 N +23 9 247 N +23 9 248 C +23 9 249 N +23 9 250 N +23 9 251 J +23 9 252 J +23 9 253 N +23 9 254 N +23 9 255 C +23 9 256 S +23 9 257 C +23 9 258 J +23 9 259 S +23 9 260 J +23 9 261 S +23 9 262 J +23 9 263 J +23 9 264 J +23 9 265 N +23 9 266 S +23 9 267 S +23 9 268 N +23 9 269 S +23 9 270 S +23 9 271 N +23 9 272 J +23 9 273 S +23 9 274 J +23 9 275 S +23 9 276 S +23 9 277 N +23 9 278 S +23 9 279 N +23 9 280 J +23 9 281 N +23 9 282 N +23 9 283 C +23 9 284 J +23 9 285 S +23 9 286 J +23 9 287 C +23 9 288 S +23 9 289 N +23 9 290 J +23 9 291 N +23 9 292 S +23 9 293 J +23 9 294 J +23 9 295 C +23 9 296 N +23 9 297 S +23 9 298 S +23 9 299 N +23 9 300 J +23 9 301 N +23 9 302 J +23 9 303 J +23 9 304 C +23 9 305 N +23 9 306 N +23 9 307 N +23 9 308 S +23 9 309 C +23 9 310 N +23 9 311 N +23 9 312 C +23 9 313 N +23 9 314 J +23 9 315 N +23 9 316 N +23 9 317 S +23 9 318 S +23 9 319 J +23 9 320 C +23 9 321 S +23 9 322 N +23 9 323 N +23 9 324 J +23 9 325 S +23 9 326 N +23 9 327 J +23 9 328 C +23 9 329 C +23 9 330 J +23 10 1 N +23 10 2 N +23 10 3 S +23 10 4 C +23 10 5 N +23 10 6 S +23 10 7 N +23 10 8 S +23 10 9 S +23 10 10 C +23 10 11 C +23 10 12 S +23 10 13 N +23 10 14 C +23 10 15 S +23 10 16 J +23 10 17 S +23 10 18 C +23 10 19 N +23 10 20 N +23 10 21 S +23 10 22 J +23 10 23 S +23 10 24 C +23 10 25 N +23 10 26 C +23 10 27 J +23 10 28 S +23 10 29 N +23 10 30 S +23 10 31 J +23 10 32 S +23 10 33 N +23 10 34 N +23 10 35 S +23 10 36 C +23 10 37 N +23 10 38 S +23 10 39 N +23 10 40 N +23 10 41 S +23 10 42 N +23 10 43 C +23 10 44 J +23 10 45 N +23 10 46 C +23 10 47 C +23 10 48 S +23 10 49 J +23 10 50 C +23 10 51 C +23 10 52 J +23 10 53 N +23 10 54 N +23 10 55 N +23 10 56 J +23 10 57 N +23 10 58 N +23 10 59 J +23 10 60 C +23 10 61 S +23 10 62 N +23 10 63 N +23 10 64 N +23 10 65 S +23 10 66 J +23 10 67 N +23 10 68 S +23 10 69 N +23 10 70 J +23 10 71 C +23 10 72 N +23 10 73 C +23 10 74 J +23 10 75 N +23 10 76 S +23 10 77 N +23 10 78 J +23 10 79 C +23 10 80 N +23 10 81 N +23 10 82 N +23 10 83 J +23 10 84 N +23 10 85 N +23 10 86 S +23 10 87 C +23 10 88 S +23 10 89 C +23 10 90 C +23 10 91 N +23 10 92 J +23 10 93 N +23 10 94 C +23 10 95 J +23 10 96 N +23 10 97 C +23 10 98 S +23 10 99 J +23 10 100 N +23 10 101 S +23 10 102 J +23 10 103 N +23 10 104 J +23 10 105 S +23 10 106 N +23 10 107 J +23 10 108 J +23 10 109 N +23 10 110 S +23 10 111 N +23 10 112 S +23 10 113 C +23 10 114 N +23 10 115 S +23 10 116 J +23 10 117 C +23 10 118 S +23 10 119 N +23 10 120 J +23 10 121 S +23 10 122 N +23 10 123 N +23 10 124 N +23 10 125 S +23 10 126 S +23 10 127 C +23 10 128 N +23 10 129 J +23 10 130 C +23 10 131 S +23 10 132 S +23 10 133 N +23 10 134 C +23 10 135 S +23 10 136 N +23 10 137 N +23 10 138 N +23 10 139 J +23 10 140 N +23 10 141 J +23 10 142 J +23 10 143 N +23 10 144 C +23 10 145 N +23 10 146 N +23 10 147 N +23 10 148 S +23 10 149 N +23 10 150 N +23 10 151 S +23 10 152 S +23 10 153 N +23 10 154 C +23 10 155 C +23 10 156 N +23 10 157 N +23 10 158 J +23 10 159 S +23 10 160 S +23 10 161 N +23 10 162 S +23 10 163 N +23 10 164 N +23 10 165 C +23 10 166 C +23 10 167 J +23 10 168 N +23 10 169 N +23 10 170 C +23 10 171 C +23 10 172 J +23 10 173 S +23 10 174 S +23 10 175 J +23 10 176 S +23 10 177 J +23 10 178 N +23 10 179 C +23 10 180 N +23 10 181 S +23 10 182 S +23 10 183 N +23 10 184 N +23 10 185 N +23 10 186 N +23 10 187 S +23 10 188 N +23 10 189 J +23 10 190 S +23 10 191 N +23 10 192 S +23 10 193 N +23 10 194 S +23 10 195 N +23 10 196 J +23 10 197 S +23 10 198 C +23 10 199 J +23 10 200 N +23 10 201 S +23 10 202 N +23 10 203 S +23 10 204 C +23 10 205 S +23 10 206 J +23 10 207 S +23 10 208 S +23 10 209 C +23 10 210 C +23 10 211 N +23 10 212 S +23 10 213 J +23 10 214 N +23 10 215 S +23 10 216 C +23 10 217 S +23 10 218 N +23 10 219 J +23 10 220 C +23 10 221 J +23 10 222 S +23 10 223 N +23 10 224 J +23 10 225 C +23 10 226 N +23 10 227 C +23 10 228 C +23 10 229 N +23 10 230 J +23 10 231 S +23 10 232 C +23 10 233 J +23 10 234 N +23 10 235 N +23 10 236 N +23 10 237 S +23 10 238 N +23 10 239 S +23 10 240 S +23 10 241 J +23 10 242 S +23 10 243 S +23 10 244 J +23 10 245 S +23 10 246 N +23 10 247 N +23 10 248 C +23 10 249 N +23 10 250 C +23 10 251 N +23 10 252 J +23 10 253 N +23 10 254 N +23 10 255 C +23 10 256 S +23 10 257 C +23 10 258 S +23 10 259 S +23 10 260 J +23 10 261 S +23 10 262 J +23 10 263 C +23 10 264 J +23 10 265 N +23 10 266 S +23 10 267 S +23 10 268 N +23 10 269 S +23 10 270 S +23 10 271 N +23 10 272 J +23 10 273 S +23 10 274 J +23 10 275 N +23 10 276 S +23 10 277 C +23 10 278 S +23 10 279 C +23 10 280 N +23 10 281 N +23 10 282 N +23 10 283 C +23 10 284 J +23 10 285 S +23 10 286 J +23 10 287 N +23 10 288 S +23 10 289 N +23 10 290 J +23 10 291 N +23 10 292 N +23 10 293 J +23 10 294 J +23 10 295 N +23 10 296 S +23 10 297 S +23 10 298 S +23 10 299 N +23 10 300 N +23 10 301 N +23 10 302 J +23 10 303 N +23 10 304 N +23 10 305 N +23 10 306 S +23 10 307 N +23 10 308 S +23 10 309 C +23 10 310 N +23 10 311 N +23 10 312 C +23 10 313 C +23 10 314 J +23 10 315 N +23 10 316 N +23 10 317 S +23 10 318 N +23 10 319 J +23 10 320 N +23 10 321 S +23 10 322 N +23 10 323 N +23 10 324 J +23 10 325 S +23 10 326 S +23 10 327 J +23 10 328 N +23 10 329 N +23 10 330 J +23 11 1 N +23 11 2 N +23 11 3 S +23 11 4 C +23 11 5 N +23 11 6 J +23 11 7 N +23 11 8 S +23 11 9 S +23 11 10 N +23 11 11 N +23 11 12 S +23 11 13 N +23 11 14 N +23 11 15 J +23 11 16 J +23 11 17 S +23 11 18 N +23 11 19 N +23 11 20 N +23 11 21 S +23 11 22 J +23 11 23 N +23 11 24 C +23 11 25 N +23 11 26 N +23 11 27 J +23 11 28 S +23 11 29 N +23 11 30 S +23 11 31 N +23 11 32 S +23 11 33 J +23 11 34 N +23 11 35 S +23 11 36 N +23 11 37 N +23 11 38 S +23 11 39 N +23 11 40 N +23 11 41 S +23 11 42 J +23 11 43 N +23 11 44 J +23 11 45 N +23 11 46 C +23 11 47 N +23 11 48 J +23 11 49 N +23 11 50 C +23 11 51 C +23 11 52 J +23 11 53 S +23 11 54 N +23 11 55 N +23 11 56 S +23 11 57 N +23 11 58 J +23 11 59 J +23 11 60 N +23 11 61 S +23 11 62 S +23 11 63 S +23 11 64 N +23 11 65 S +23 11 66 J +23 11 67 N +23 11 68 S +23 11 69 N +23 11 70 J +23 11 71 S +23 11 72 J +23 11 73 S +23 11 74 J +23 11 75 N +23 11 76 S +23 11 77 N +23 11 78 J +23 11 79 C +23 11 80 N +23 11 81 J +23 11 82 N +23 11 83 J +23 11 84 J +23 11 85 N +23 11 86 S +23 11 87 N +23 11 88 S +23 11 89 N +23 11 90 N +23 11 91 J +23 11 92 J +23 11 93 N +23 11 94 N +23 11 95 J +23 11 96 J +23 11 97 N +23 11 98 S +23 11 99 J +23 11 100 J +23 11 101 S +23 11 102 J +23 11 103 N +23 11 104 J +23 11 105 S +23 11 106 J +23 11 107 J +23 11 108 J +23 11 109 C +23 11 110 S +23 11 111 C +23 11 112 S +23 11 113 N +23 11 114 N +23 11 115 S +23 11 116 J +23 11 117 C +23 11 118 S +23 11 119 N +23 11 120 J +23 11 121 S +23 11 122 N +23 11 123 C +23 11 124 J +23 11 125 S +23 11 126 S +23 11 127 C +23 11 128 J +23 11 129 J +23 11 130 C +23 11 131 S +23 11 132 S +23 11 133 C +23 11 134 N +23 11 135 S +23 11 136 J +23 11 137 C +23 11 138 N +23 11 139 J +23 11 140 C +23 11 141 J +23 11 142 J +23 11 143 N +23 11 144 C +23 11 145 J +23 11 146 S +23 11 147 N +23 11 148 S +23 11 149 N +23 11 150 C +23 11 151 S +23 11 152 J +23 11 153 N +23 11 154 C +23 11 155 C +23 11 156 N +23 11 157 C +23 11 158 J +23 11 159 J +23 11 160 J +23 11 161 N +23 11 162 S +23 11 163 C +23 11 164 N +23 11 165 N +23 11 166 C +23 11 167 J +23 11 168 C +23 11 169 N +23 11 170 N +23 11 171 N +23 11 172 J +23 11 173 S +23 11 174 J +23 11 175 N +23 11 176 S +23 11 177 J +23 11 178 N +23 11 179 S +23 11 180 N +23 11 181 J +23 11 182 N +23 11 183 C +23 11 184 S +23 11 185 S +23 11 186 N +23 11 187 S +23 11 188 N +23 11 189 N +23 11 190 S +23 11 191 N +23 11 192 S +23 11 193 J +23 11 194 S +23 11 195 N +23 11 196 N +23 11 197 S +23 11 198 C +23 11 199 J +23 11 200 N +23 11 201 S +23 11 202 N +23 11 203 S +23 11 204 C +23 11 205 N +23 11 206 J +23 11 207 S +23 11 208 N +23 11 209 C +23 11 210 C +23 11 211 N +23 11 212 S +23 11 213 J +23 11 214 J +23 11 215 S +23 11 216 C +23 11 217 S +23 11 218 J +23 11 219 J +23 11 220 N +23 11 221 C +23 11 222 N +23 11 223 J +23 11 224 J +23 11 225 C +23 11 226 N +23 11 227 C +23 11 228 C +23 11 229 J +23 11 230 J +23 11 231 S +23 11 232 J +23 11 233 N +23 11 234 N +23 11 235 N +23 11 236 J +23 11 237 J +23 11 238 N +23 11 239 S +23 11 240 S +23 11 241 J +23 11 242 J +23 11 243 S +23 11 244 J +23 11 245 S +23 11 246 N +23 11 247 C +23 11 248 C +23 11 249 C +23 11 250 N +23 11 251 N +23 11 252 J +23 11 253 N +23 11 254 N +23 11 255 C +23 11 256 S +23 11 257 N +23 11 258 J +23 11 259 S +23 11 260 J +23 11 261 C +23 11 262 J +23 11 263 C +23 11 264 J +23 11 265 N +23 11 266 S +23 11 267 S +23 11 268 N +23 11 269 S +23 11 270 J +23 11 271 C +23 11 272 J +23 11 273 S +23 11 274 J +23 11 275 J +23 11 276 S +23 11 277 C +23 11 278 S +23 11 279 C +23 11 280 N +23 11 281 N +23 11 282 N +23 11 283 C +23 11 284 J +23 11 285 S +23 11 286 J +23 11 287 N +23 11 288 S +23 11 289 N +23 11 290 J +23 11 291 N +23 11 292 N +23 11 293 J +23 11 294 J +23 11 295 C +23 11 296 N +23 11 297 S +23 11 298 S +23 11 299 N +23 11 300 J +23 11 301 N +23 11 302 J +23 11 303 J +23 11 304 C +23 11 305 S +23 11 306 N +23 11 307 N +23 11 308 S +23 11 309 C +23 11 310 N +23 11 311 N +23 11 312 C +23 11 313 N +23 11 314 J +23 11 315 N +23 11 316 N +23 11 317 S +23 11 318 S +23 11 319 J +23 11 320 N +23 11 321 S +23 11 322 N +23 11 323 C +23 11 324 J +23 11 325 S +23 11 326 J +23 11 327 J +23 11 328 C +23 11 329 C +23 11 330 J +23 12 1 N +23 12 2 C +23 12 3 S +23 12 4 N +23 12 5 S +23 12 6 J +23 12 7 S +23 12 8 N +23 12 9 C +23 12 10 S +23 12 11 N +23 12 12 J +23 12 13 C +23 12 14 S +23 12 15 J +23 12 16 C +23 12 17 S +23 12 18 J +23 12 19 C +23 12 20 S +23 12 21 J +23 12 22 N +23 12 23 J +23 12 24 C +23 12 25 S +23 12 26 N +23 12 27 J +23 12 28 S +23 12 29 N +23 12 30 J +23 12 31 C +23 12 32 S +23 12 33 C +23 12 34 S +23 12 35 N +23 12 36 C +23 12 37 S +23 12 38 C +23 12 39 J +23 12 40 N +23 12 41 S +23 12 42 N +23 12 43 J +23 12 44 C +23 12 45 S +23 12 46 C +23 12 47 N +23 12 48 S +23 12 49 C +23 12 50 S +23 12 51 J +23 12 52 C +23 12 53 S +23 12 54 N +23 12 55 C +23 12 56 J +23 12 57 C +23 12 58 S +23 12 59 J +23 12 60 C +23 12 61 S +23 12 62 N +23 12 63 S +23 12 64 J +23 12 65 S +23 12 66 J +23 12 67 C +23 12 68 S +23 12 69 S +23 12 70 J +23 12 71 C +23 12 72 S +23 12 73 N +23 12 74 J +23 12 75 C +23 12 76 S +23 12 77 C +23 12 78 J +23 12 79 C +23 12 80 N +23 12 81 J +23 12 82 N +23 12 83 J +23 12 84 S +23 12 85 C +23 12 86 S +23 12 87 C +23 12 88 S +23 12 89 C +23 12 90 S +23 12 91 J +23 12 92 S +23 12 93 C +23 12 94 C +23 12 95 J +23 12 96 N +23 12 97 C +23 12 98 S +23 12 99 S +23 12 100 J +23 12 101 N +23 12 102 J +23 12 103 C +23 12 104 N +23 12 105 S +23 12 106 J +23 12 107 C +23 12 108 S +23 12 109 C +23 12 110 S +23 12 111 N +23 12 112 S +23 12 113 C +23 12 114 C +23 12 115 S +23 12 116 J +23 12 117 C +23 12 118 S +23 12 119 C +23 12 120 J +23 12 121 S +23 12 122 N +23 12 123 J +23 12 124 C +23 12 125 S +23 12 126 C +23 12 127 N +23 12 128 J +23 12 129 C +23 12 130 N +23 12 131 S +23 12 132 C +23 12 133 N +23 12 134 C +23 12 135 S +23 12 136 C +23 12 137 S +23 12 138 C +23 12 139 J +23 12 140 S +23 12 141 J +23 12 142 C +23 12 143 N +23 12 144 C +23 12 145 N +23 12 146 J +23 12 147 N +23 12 148 S +23 12 149 C +23 12 150 N +23 12 151 J +23 12 152 C +23 12 153 N +23 12 154 C +23 12 155 C +23 12 156 N +23 12 157 J +23 12 158 C +23 12 159 S +23 12 160 C +23 12 161 N +23 12 162 S +23 12 163 C +23 12 164 S +23 12 165 C +23 12 166 S +23 12 167 J +23 12 168 C +23 12 169 C +23 12 170 S +23 12 171 N +23 12 172 J +23 12 173 S +23 12 174 N +23 12 175 J +23 12 176 S +23 12 177 J +23 12 178 C +23 12 179 N +23 12 180 J +23 12 181 S +23 12 182 J +23 12 183 C +23 12 184 N +23 12 185 S +23 12 186 N +23 12 187 S +23 12 188 C +23 12 189 J +23 12 190 N +23 12 191 C +23 12 192 S +23 12 193 J +23 12 194 C +23 12 195 S +23 12 196 N +23 12 197 J +23 12 198 C +23 12 199 J +23 12 200 S +23 12 201 N +23 12 202 J +23 12 203 S +23 12 204 C +23 12 205 S +23 12 206 J +23 12 207 S +23 12 208 N +23 12 209 C +23 12 210 J +23 12 211 N +23 12 212 S +23 12 213 J +23 12 214 N +23 12 215 S +23 12 216 C +23 12 217 S +23 12 218 J +23 12 219 C +23 12 220 N +23 12 221 J +23 12 222 S +23 12 223 N +23 12 224 C +23 12 225 C +23 12 226 S +23 12 227 N +23 12 228 C +23 12 229 J +23 12 230 C +23 12 231 N +23 12 232 C +23 12 233 C +23 12 234 N +23 12 235 C +23 12 236 N +23 12 237 S +23 12 238 C +23 12 239 S +23 12 240 N +23 12 241 J +23 12 242 N +23 12 243 S +23 12 244 J +23 12 245 S +23 12 246 N +23 12 247 J +23 12 248 C +23 12 249 S +23 12 250 N +23 12 251 C +23 12 252 S +23 12 253 C +23 12 254 N +23 12 255 C +23 12 256 S +23 12 257 N +23 12 258 S +23 12 259 C +23 12 260 J +23 12 261 S +23 12 262 J +23 12 263 C +23 12 264 J +23 12 265 C +23 12 266 S +23 12 267 C +23 12 268 N +23 12 269 S +23 12 270 S +23 12 271 C +23 12 272 J +23 12 273 S +23 12 274 N +23 12 275 C +23 12 276 S +23 12 277 C +23 12 278 S +23 12 279 N +23 12 280 C +23 12 281 C +23 12 282 N +23 12 283 S +23 12 284 J +23 12 285 S +23 12 286 J +23 12 287 N +23 12 288 S +23 12 289 N +23 12 290 J +23 12 291 C +23 12 292 S +23 12 293 J +23 12 294 C +23 12 295 N +23 12 296 C +23 12 297 S +23 12 298 C +23 12 299 N +23 12 300 J +23 12 301 N +23 12 302 C +23 12 303 N +23 12 304 C +23 12 305 N +23 12 306 C +23 12 307 N +23 12 308 J +23 12 309 N +23 12 310 C +23 12 311 N +23 12 312 S +23 12 313 C +23 12 314 J +23 12 315 C +23 12 316 S +23 12 317 C +23 12 318 N +23 12 319 J +23 12 320 C +23 12 321 S +23 12 322 N +23 12 323 C +23 12 324 S +23 12 325 N +23 12 326 C +23 12 327 J +23 12 328 N +23 12 329 S +23 12 330 J +23 13 1 N +23 13 2 N +23 13 3 S +23 13 4 N +23 13 5 N +23 13 6 S +23 13 7 N +23 13 8 S +23 13 9 S +23 13 10 N +23 13 11 N +23 13 12 J +23 13 13 N +23 13 14 N +23 13 15 J +23 13 16 J +23 13 17 S +23 13 18 C +23 13 19 N +23 13 20 N +23 13 21 S +23 13 22 J +23 13 23 N +23 13 24 C +23 13 25 N +23 13 26 N +23 13 27 J +23 13 28 S +23 13 29 N +23 13 30 S +23 13 31 N +23 13 32 S +23 13 33 N +23 13 34 N +23 13 35 S +23 13 36 N +23 13 37 N +23 13 38 S +23 13 39 N +23 13 40 N +23 13 41 S +23 13 42 J +23 13 43 C +23 13 44 J +23 13 45 N +23 13 46 C +23 13 47 C +23 13 48 J +23 13 49 N +23 13 50 N +23 13 51 C +23 13 52 J +23 13 53 S +23 13 54 N +23 13 55 N +23 13 56 J +23 13 57 N +23 13 58 J +23 13 59 J +23 13 60 C +23 13 61 S +23 13 62 J +23 13 63 S +23 13 64 N +23 13 65 S +23 13 66 J +23 13 67 N +23 13 68 S +23 13 69 C +23 13 70 J +23 13 71 C +23 13 72 N +23 13 73 N +23 13 74 J +23 13 75 C +23 13 76 S +23 13 77 N +23 13 78 J +23 13 79 C +23 13 80 N +23 13 81 S +23 13 82 N +23 13 83 J +23 13 84 S +23 13 85 N +23 13 86 S +23 13 87 C +23 13 88 S +23 13 89 C +23 13 90 C +23 13 91 J +23 13 92 J +23 13 93 N +23 13 94 C +23 13 95 J +23 13 96 J +23 13 97 N +23 13 98 S +23 13 99 J +23 13 100 J +23 13 101 S +23 13 102 S +23 13 103 C +23 13 104 J +23 13 105 S +23 13 106 J +23 13 107 J +23 13 108 J +23 13 109 N +23 13 110 S +23 13 111 C +23 13 112 S +23 13 113 C +23 13 114 N +23 13 115 S +23 13 116 J +23 13 117 C +23 13 118 S +23 13 119 N +23 13 120 J +23 13 121 S +23 13 122 N +23 13 123 C +23 13 124 S +23 13 125 S +23 13 126 S +23 13 127 C +23 13 128 J +23 13 129 J +23 13 130 C +23 13 131 N +23 13 132 S +23 13 133 C +23 13 134 C +23 13 135 S +23 13 136 N +23 13 137 C +23 13 138 N +23 13 139 J +23 13 140 N +23 13 141 J +23 13 142 J +23 13 143 N +23 13 144 C +23 13 145 N +23 13 146 J +23 13 147 N +23 13 148 S +23 13 149 N +23 13 150 C +23 13 151 J +23 13 152 J +23 13 153 N +23 13 154 C +23 13 155 C +23 13 156 N +23 13 157 C +23 13 158 J +23 13 159 J +23 13 160 J +23 13 161 N +23 13 162 S +23 13 163 N +23 13 164 N +23 13 165 C +23 13 166 C +23 13 167 J +23 13 168 N +23 13 169 N +23 13 170 C +23 13 171 C +23 13 172 J +23 13 173 S +23 13 174 J +23 13 175 N +23 13 176 S +23 13 177 J +23 13 178 N +23 13 179 C +23 13 180 N +23 13 181 S +23 13 182 C +23 13 183 J +23 13 184 N +23 13 185 S +23 13 186 N +23 13 187 J +23 13 188 S +23 13 189 J +23 13 190 J +23 13 191 N +23 13 192 N +23 13 193 J +23 13 194 C +23 13 195 N +23 13 196 N +23 13 197 J +23 13 198 C +23 13 199 J +23 13 200 N +23 13 201 S +23 13 202 N +23 13 203 S +23 13 204 C +23 13 205 N +23 13 206 J +23 13 207 S +23 13 208 J +23 13 209 N +23 13 210 C +23 13 211 N +23 13 212 J +23 13 213 J +23 13 214 N +23 13 215 S +23 13 216 C +23 13 217 J +23 13 218 N +23 13 219 J +23 13 220 N +23 13 221 J +23 13 222 N +23 13 223 N +23 13 224 J +23 13 225 C +23 13 226 C +23 13 227 C +23 13 228 C +23 13 229 N +23 13 230 J +23 13 231 N +23 13 232 C +23 13 233 N +23 13 234 N +23 13 235 N +23 13 236 C +23 13 237 J +23 13 238 N +23 13 239 J +23 13 240 C +23 13 241 J +23 13 242 J +23 13 243 C +23 13 244 J +23 13 245 S +23 13 246 N +23 13 247 N +23 13 248 C +23 13 249 N +23 13 250 N +23 13 251 J +23 13 252 J +23 13 253 N +23 13 254 N +23 13 255 C +23 13 256 S +23 13 257 C +23 13 258 J +23 13 259 S +23 13 260 J +23 13 261 S +23 13 262 J +23 13 263 J +23 13 264 J +23 13 265 N +23 13 266 S +23 13 267 S +23 13 268 N +23 13 269 N +23 13 270 J +23 13 271 C +23 13 272 S +23 13 273 N +23 13 274 J +23 13 275 J +23 13 276 S +23 13 277 C +23 13 278 J +23 13 279 N +23 13 280 C +23 13 281 N +23 13 282 N +23 13 283 C +23 13 284 J +23 13 285 J +23 13 286 J +23 13 287 C +23 13 288 S +23 13 289 N +23 13 290 J +23 13 291 N +23 13 292 J +23 13 293 J +23 13 294 J +23 13 295 C +23 13 296 N +23 13 297 N +23 13 298 S +23 13 299 N +23 13 300 J +23 13 301 N +23 13 302 J +23 13 303 J +23 13 304 C +23 13 305 C +23 13 306 N +23 13 307 N +23 13 308 N +23 13 309 C +23 13 310 N +23 13 311 N +23 13 312 C +23 13 313 C +23 13 314 J +23 13 315 N +23 13 316 N +23 13 317 S +23 13 318 J +23 13 319 J +23 13 320 C +23 13 321 S +23 13 322 N +23 13 323 C +23 13 324 J +23 13 325 N +23 13 326 J +23 13 327 J +23 13 328 C +23 13 329 C +23 13 330 J +23 14 1 N +23 14 2 N +23 14 3 S +23 14 4 N +23 14 5 J +23 14 6 S +23 14 7 N +23 14 8 S +23 14 9 C +23 14 10 C +23 14 11 N +23 14 12 J +23 14 13 N +23 14 14 N +23 14 15 S +23 14 16 J +23 14 17 S +23 14 18 C +23 14 19 J +23 14 20 J +23 14 21 S +23 14 22 J +23 14 23 S +23 14 24 C +23 14 25 N +23 14 26 N +23 14 27 J +23 14 28 S +23 14 29 N +23 14 30 S +23 14 31 J +23 14 32 S +23 14 33 N +23 14 34 N +23 14 35 S +23 14 36 C +23 14 37 C +23 14 38 S +23 14 39 N +23 14 40 N +23 14 41 N +23 14 42 J +23 14 43 C +23 14 44 J +23 14 45 N +23 14 46 C +23 14 47 N +23 14 48 J +23 14 49 N +23 14 50 N +23 14 51 C +23 14 52 J +23 14 53 S +23 14 54 N +23 14 55 N +23 14 56 J +23 14 57 N +23 14 58 J +23 14 59 J +23 14 60 C +23 14 61 S +23 14 62 N +23 14 63 S +23 14 64 N +23 14 65 S +23 14 66 J +23 14 67 N +23 14 68 S +23 14 69 C +23 14 70 J +23 14 71 S +23 14 72 N +23 14 73 N +23 14 74 J +23 14 75 C +23 14 76 S +23 14 77 N +23 14 78 S +23 14 79 C +23 14 80 N +23 14 81 N +23 14 82 N +23 14 83 J +23 14 84 S +23 14 85 N +23 14 86 S +23 14 87 C +23 14 88 S +23 14 89 C +23 14 90 C +23 14 91 N +23 14 92 J +23 14 93 N +23 14 94 C +23 14 95 J +23 14 96 N +23 14 97 N +23 14 98 S +23 14 99 N +23 14 100 J +23 14 101 S +23 14 102 N +23 14 103 C +23 14 104 J +23 14 105 N +23 14 106 J +23 14 107 J +23 14 108 J +23 14 109 N +23 14 110 J +23 14 111 C +23 14 112 S +23 14 113 C +23 14 114 C +23 14 115 S +23 14 116 C +23 14 117 C +23 14 118 S +23 14 119 N +23 14 120 J +23 14 121 S +23 14 122 N +23 14 123 C +23 14 124 N +23 14 125 S +23 14 126 S +23 14 127 C +23 14 128 C +23 14 129 J +23 14 130 C +23 14 131 N +23 14 132 N +23 14 133 N +23 14 134 C +23 14 135 S +23 14 136 N +23 14 137 N +23 14 138 C +23 14 139 J +23 14 140 C +23 14 141 J +23 14 142 J +23 14 143 N +23 14 144 N +23 14 145 N +23 14 146 J +23 14 147 N +23 14 148 S +23 14 149 N +23 14 150 N +23 14 151 S +23 14 152 S +23 14 153 N +23 14 154 C +23 14 155 C +23 14 156 N +23 14 157 C +23 14 158 J +23 14 159 N +23 14 160 S +23 14 161 N +23 14 162 S +23 14 163 N +23 14 164 N +23 14 165 C +23 14 166 C +23 14 167 N +23 14 168 N +23 14 169 N +23 14 170 C +23 14 171 C +23 14 172 J +23 14 173 S +23 14 174 S +23 14 175 N +23 14 176 S +23 14 177 J +23 14 178 N +23 14 179 N +23 14 180 N +23 14 181 C +23 14 182 N +23 14 183 C +23 14 184 N +23 14 185 N +23 14 186 N +23 14 187 C +23 14 188 C +23 14 189 J +23 14 190 N +23 14 191 C +23 14 192 N +23 14 193 N +23 14 194 N +23 14 195 N +23 14 196 N +23 14 197 S +23 14 198 C +23 14 199 J +23 14 200 N +23 14 201 S +23 14 202 N +23 14 203 S +23 14 204 C +23 14 205 N +23 14 206 J +23 14 207 S +23 14 208 C +23 14 209 N +23 14 210 C +23 14 211 N +23 14 212 S +23 14 213 J +23 14 214 N +23 14 215 S +23 14 216 C +23 14 217 S +23 14 218 N +23 14 219 J +23 14 220 C +23 14 221 J +23 14 222 N +23 14 223 N +23 14 224 J +23 14 225 C +23 14 226 N +23 14 227 C +23 14 228 C +23 14 229 N +23 14 230 J +23 14 231 S +23 14 232 C +23 14 233 N +23 14 234 N +23 14 235 N +23 14 236 J +23 14 237 S +23 14 238 N +23 14 239 S +23 14 240 C +23 14 241 J +23 14 242 J +23 14 243 S +23 14 244 J +23 14 245 S +23 14 246 N +23 14 247 N +23 14 248 C +23 14 249 C +23 14 250 N +23 14 251 N +23 14 252 J +23 14 253 N +23 14 254 N +23 14 255 C +23 14 256 S +23 14 257 N +23 14 258 N +23 14 259 S +23 14 260 J +23 14 261 S +23 14 262 J +23 14 263 J +23 14 264 J +23 14 265 N +23 14 266 S +23 14 267 N +23 14 268 N +23 14 269 S +23 14 270 S +23 14 271 C +23 14 272 J +23 14 273 S +23 14 274 J +23 14 275 N +23 14 276 S +23 14 277 C +23 14 278 S +23 14 279 N +23 14 280 N +23 14 281 N +23 14 282 N +23 14 283 C +23 14 284 J +23 14 285 S +23 14 286 J +23 14 287 C +23 14 288 S +23 14 289 N +23 14 290 J +23 14 291 N +23 14 292 S +23 14 293 J +23 14 294 J +23 14 295 C +23 14 296 N +23 14 297 S +23 14 298 S +23 14 299 N +23 14 300 J +23 14 301 N +23 14 302 J +23 14 303 J +23 14 304 C +23 14 305 N +23 14 306 N +23 14 307 N +23 14 308 S +23 14 309 C +23 14 310 N +23 14 311 N +23 14 312 C +23 14 313 C +23 14 314 J +23 14 315 N +23 14 316 N +23 14 317 S +23 14 318 S +23 14 319 J +23 14 320 N +23 14 321 S +23 14 322 N +23 14 323 N +23 14 324 J +23 14 325 S +23 14 326 N +23 14 327 J +23 14 328 N +23 14 329 N +23 14 330 J +23 15 1 N +23 15 2 J +23 15 3 S +23 15 4 C +23 15 5 N +23 15 6 J +23 15 7 S +23 15 8 S +23 15 9 C +23 15 10 C +23 15 11 C +23 15 12 S +23 15 13 C +23 15 14 N +23 15 15 S +23 15 16 J +23 15 17 S +23 15 18 C +23 15 19 N +23 15 20 S +23 15 21 S +23 15 22 J +23 15 23 N +23 15 24 C +23 15 25 C +23 15 26 N +23 15 27 J +23 15 28 N +23 15 29 N +23 15 30 S +23 15 31 J +23 15 32 S +23 15 33 S +23 15 34 N +23 15 35 S +23 15 36 C +23 15 37 N +23 15 38 S +23 15 39 C +23 15 40 C +23 15 41 S +23 15 42 J +23 15 43 C +23 15 44 J +23 15 45 N +23 15 46 C +23 15 47 C +23 15 48 S +23 15 49 N +23 15 50 S +23 15 51 C +23 15 52 J +23 15 53 S +23 15 54 N +23 15 55 N +23 15 56 S +23 15 57 C +23 15 58 N +23 15 59 J +23 15 60 C +23 15 61 S +23 15 62 C +23 15 63 S +23 15 64 C +23 15 65 S +23 15 66 J +23 15 67 N +23 15 68 S +23 15 69 C +23 15 70 J +23 15 71 N +23 15 72 N +23 15 73 S +23 15 74 J +23 15 75 C +23 15 76 N +23 15 77 N +23 15 78 S +23 15 79 C +23 15 80 N +23 15 81 S +23 15 82 N +23 15 83 J +23 15 84 S +23 15 85 S +23 15 86 S +23 15 87 C +23 15 88 N +23 15 89 C +23 15 90 C +23 15 91 N +23 15 92 J +23 15 93 S +23 15 94 C +23 15 95 J +23 15 96 N +23 15 97 S +23 15 98 S +23 15 99 N +23 15 100 J +23 15 101 S +23 15 102 J +23 15 103 C +23 15 104 N +23 15 105 S +23 15 106 J +23 15 107 J +23 15 108 C +23 15 109 N +23 15 110 S +23 15 111 C +23 15 112 S +23 15 113 C +23 15 114 C +23 15 115 S +23 15 116 J +23 15 117 C +23 15 118 S +23 15 119 N +23 15 120 J +23 15 121 S +23 15 122 C +23 15 123 N +23 15 124 N +23 15 125 S +23 15 126 S +23 15 127 C +23 15 128 N +23 15 129 J +23 15 130 C +23 15 131 N +23 15 132 S +23 15 133 C +23 15 134 C +23 15 135 N +23 15 136 N +23 15 137 C +23 15 138 N +23 15 139 J +23 15 140 N +23 15 141 J +23 15 142 J +23 15 143 N +23 15 144 N +23 15 145 S +23 15 146 S +23 15 147 N +23 15 148 S +23 15 149 N +23 15 150 N +23 15 151 S +23 15 152 N +23 15 153 C +23 15 154 C +23 15 155 C +23 15 156 N +23 15 157 C +23 15 158 J +23 15 159 S +23 15 160 S +23 15 161 N +23 15 162 S +23 15 163 N +23 15 164 N +23 15 165 S +23 15 166 C +23 15 167 N +23 15 168 C +23 15 169 C +23 15 170 C +23 15 171 S +23 15 172 J +23 15 173 S +23 15 174 N +23 15 175 J +23 15 176 S +23 15 177 J +23 15 178 N +23 15 179 C +23 15 180 N +23 15 181 C +23 15 182 S +23 15 183 C +23 15 184 N +23 15 185 C +23 15 186 N +23 15 187 S +23 15 188 N +23 15 189 J +23 15 190 S +23 15 191 N +23 15 192 N +23 15 193 J +23 15 194 C +23 15 195 N +23 15 196 N +23 15 197 N +23 15 198 C +23 15 199 J +23 15 200 N +23 15 201 S +23 15 202 N +23 15 203 S +23 15 204 C +23 15 205 N +23 15 206 J +23 15 207 S +23 15 208 C +23 15 209 N +23 15 210 C +23 15 211 N +23 15 212 S +23 15 213 J +23 15 214 S +23 15 215 S +23 15 216 C +23 15 217 N +23 15 218 C +23 15 219 J +23 15 220 S +23 15 221 J +23 15 222 N +23 15 223 S +23 15 224 J +23 15 225 C +23 15 226 C +23 15 227 C +23 15 228 N +23 15 229 N +23 15 230 J +23 15 231 N +23 15 232 C +23 15 233 C +23 15 234 N +23 15 235 N +23 15 236 S +23 15 237 J +23 15 238 S +23 15 239 S +23 15 240 C +23 15 241 J +23 15 242 J +23 15 243 S +23 15 244 J +23 15 245 S +23 15 246 N +23 15 247 N +23 15 248 C +23 15 249 N +23 15 250 N +23 15 251 J +23 15 252 J +23 15 253 N +23 15 254 C +23 15 255 C +23 15 256 S +23 15 257 C +23 15 258 N +23 15 259 S +23 15 260 J +23 15 261 N +23 15 262 J +23 15 263 C +23 15 264 N +23 15 265 N +23 15 266 S +23 15 267 N +23 15 268 N +23 15 269 S +23 15 270 S +23 15 271 C +23 15 272 J +23 15 273 N +23 15 274 J +23 15 275 N +23 15 276 S +23 15 277 N +23 15 278 S +23 15 279 N +23 15 280 C +23 15 281 C +23 15 282 N +23 15 283 C +23 15 284 J +23 15 285 N +23 15 286 J +23 15 287 C +23 15 288 S +23 15 289 N +23 15 290 J +23 15 291 S +23 15 292 S +23 15 293 J +23 15 294 J +23 15 295 C +23 15 296 N +23 15 297 S +23 15 298 S +23 15 299 N +23 15 300 J +23 15 301 N +23 15 302 J +23 15 303 C +23 15 304 S +23 15 305 N +23 15 306 N +23 15 307 N +23 15 308 N +23 15 309 C +23 15 310 N +23 15 311 N +23 15 312 C +23 15 313 N +23 15 314 J +23 15 315 N +23 15 316 N +23 15 317 S +23 15 318 S +23 15 319 J +23 15 320 C +23 15 321 S +23 15 322 N +23 15 323 N +23 15 324 J +23 15 325 N +23 15 326 N +23 15 327 J +23 15 328 C +23 15 329 J +23 15 330 J +23 16 1 N +23 16 2 J +23 16 3 S +23 16 4 N +23 16 5 J +23 16 6 S +23 16 7 N +23 16 8 S +23 16 9 N +23 16 10 N +23 16 11 N +23 16 12 S +23 16 13 N +23 16 14 N +23 16 15 S +23 16 16 J +23 16 17 S +23 16 18 N +23 16 19 N +23 16 20 N +23 16 21 S +23 16 22 J +23 16 23 N +23 16 24 N +23 16 25 N +23 16 26 N +23 16 27 J +23 16 28 S +23 16 29 N +23 16 30 S +23 16 31 J +23 16 32 S +23 16 33 J +23 16 34 N +23 16 35 S +23 16 36 N +23 16 37 N +23 16 38 S +23 16 39 N +23 16 40 N +23 16 41 S +23 16 42 N +23 16 43 N +23 16 44 N +23 16 45 N +23 16 46 N +23 16 47 N +23 16 48 J +23 16 49 N +23 16 50 N +23 16 51 N +23 16 52 J +23 16 53 S +23 16 54 N +23 16 55 J +23 16 56 S +23 16 57 N +23 16 58 J +23 16 59 J +23 16 60 N +23 16 61 S +23 16 62 N +23 16 63 S +23 16 64 N +23 16 65 S +23 16 66 J +23 16 67 N +23 16 68 S +23 16 69 N +23 16 70 J +23 16 71 S +23 16 72 N +23 16 73 N +23 16 74 J +23 16 75 N +23 16 76 S +23 16 77 N +23 16 78 S +23 16 79 N +23 16 80 N +23 16 81 N +23 16 82 N +23 16 83 J +23 16 84 S +23 16 85 N +23 16 86 S +23 16 87 S +23 16 88 S +23 16 89 C +23 16 90 C +23 16 91 N +23 16 92 J +23 16 93 N +23 16 94 C +23 16 95 J +23 16 96 S +23 16 97 N +23 16 98 S +23 16 99 J +23 16 100 J +23 16 101 S +23 16 102 J +23 16 103 N +23 16 104 N +23 16 105 S +23 16 106 J +23 16 107 J +23 16 108 J +23 16 109 N +23 16 110 S +23 16 111 C +23 16 112 S +23 16 113 C +23 16 114 N +23 16 115 S +23 16 116 J +23 16 117 C +23 16 118 S +23 16 119 N +23 16 120 J +23 16 121 S +23 16 122 N +23 16 123 N +23 16 124 J +23 16 125 S +23 16 126 S +23 16 127 C +23 16 128 J +23 16 129 J +23 16 130 C +23 16 131 N +23 16 132 S +23 16 133 N +23 16 134 C +23 16 135 S +23 16 136 N +23 16 137 C +23 16 138 N +23 16 139 J +23 16 140 N +23 16 141 J +23 16 142 J +23 16 143 N +23 16 144 C +23 16 145 N +23 16 146 S +23 16 147 N +23 16 148 S +23 16 149 N +23 16 150 C +23 16 151 S +23 16 152 N +23 16 153 N +23 16 154 C +23 16 155 C +23 16 156 N +23 16 157 C +23 16 158 J +23 16 159 S +23 16 160 S +23 16 161 N +23 16 162 S +23 16 163 C +23 16 164 N +23 16 165 C +23 16 166 C +23 16 167 N +23 16 168 C +23 16 169 N +23 16 170 C +23 16 171 C +23 16 172 J +23 16 173 S +23 16 174 S +23 16 175 J +23 16 176 S +23 16 177 J +23 16 178 N +23 16 179 C +23 16 180 N +23 16 181 S +23 16 182 C +23 16 183 C +23 16 184 S +23 16 185 S +23 16 186 N +23 16 187 S +23 16 188 N +23 16 189 J +23 16 190 S +23 16 191 C +23 16 192 N +23 16 193 J +23 16 194 C +23 16 195 N +23 16 196 J +23 16 197 N +23 16 198 C +23 16 199 J +23 16 200 N +23 16 201 S +23 16 202 N +23 16 203 S +23 16 204 C +23 16 205 N +23 16 206 J +23 16 207 S +23 16 208 N +23 16 209 C +23 16 210 C +23 16 211 N +23 16 212 S +23 16 213 J +23 16 214 J +23 16 215 S +23 16 216 C +23 16 217 S +23 16 218 N +23 16 219 J +23 16 220 N +23 16 221 N +23 16 222 S +23 16 223 N +23 16 224 J +23 16 225 S +23 16 226 C +23 16 227 C +23 16 228 N +23 16 229 J +23 16 230 J +23 16 231 S +23 16 232 C +23 16 233 N +23 16 234 C +23 16 235 N +23 16 236 N +23 16 237 S +23 16 238 N +23 16 239 S +23 16 240 C +23 16 241 J +23 16 242 J +23 16 243 C +23 16 244 J +23 16 245 S +23 16 246 N +23 16 247 N +23 16 248 C +23 16 249 C +23 16 250 C +23 16 251 N +23 16 252 J +23 16 253 N +23 16 254 N +23 16 255 C +23 16 256 S +23 16 257 C +23 16 258 S +23 16 259 S +23 16 260 J +23 16 261 S +23 16 262 J +23 16 263 C +23 16 264 J +23 16 265 N +23 16 266 S +23 16 267 S +23 16 268 N +23 16 269 S +23 16 270 S +23 16 271 C +23 16 272 J +23 16 273 S +23 16 274 J +23 16 275 N +23 16 276 S +23 16 277 C +23 16 278 S +23 16 279 N +23 16 280 N +23 16 281 C +23 16 282 N +23 16 283 C +23 16 284 J +23 16 285 S +23 16 286 J +23 16 287 C +23 16 288 S +23 16 289 N +23 16 290 J +23 16 291 N +23 16 292 S +23 16 293 J +23 16 294 J +23 16 295 C +23 16 296 N +23 16 297 S +23 16 298 S +23 16 299 N +23 16 300 J +23 16 301 N +23 16 302 J +23 16 303 J +23 16 304 C +23 16 305 N +23 16 306 J +23 16 307 N +23 16 308 N +23 16 309 C +23 16 310 N +23 16 311 N +23 16 312 C +23 16 313 C +23 16 314 J +23 16 315 N +23 16 316 N +23 16 317 S +23 16 318 S +23 16 319 J +23 16 320 C +23 16 321 S +23 16 322 N +23 16 323 C +23 16 324 J +23 16 325 N +23 16 326 S +23 16 327 J +23 16 328 C +23 16 329 C +23 16 330 J +23 17 1 N +23 17 2 J +23 17 3 S +23 17 4 C +23 17 5 N +23 17 6 J +23 17 7 N +23 17 8 S +23 17 9 C +23 17 10 N +23 17 11 N +23 17 12 J +23 17 13 C +23 17 14 C +23 17 15 J +23 17 16 J +23 17 17 S +23 17 18 C +23 17 19 N +23 17 20 N +23 17 21 S +23 17 22 J +23 17 23 N +23 17 24 J +23 17 25 N +23 17 26 S +23 17 27 J +23 17 28 S +23 17 29 N +23 17 30 S +23 17 31 J +23 17 32 J +23 17 33 N +23 17 34 N +23 17 35 J +23 17 36 C +23 17 37 N +23 17 38 S +23 17 39 N +23 17 40 J +23 17 41 N +23 17 42 S +23 17 43 C +23 17 44 J +23 17 45 S +23 17 46 C +23 17 47 N +23 17 48 S +23 17 49 J +23 17 50 C +23 17 51 C +23 17 52 J +23 17 53 S +23 17 54 N +23 17 55 S +23 17 56 J +23 17 57 N +23 17 58 S +23 17 59 J +23 17 60 C +23 17 61 N +23 17 62 J +23 17 63 J +23 17 64 N +23 17 65 S +23 17 66 J +23 17 67 N +23 17 68 S +23 17 69 C +23 17 70 J +23 17 71 C +23 17 72 N +23 17 73 C +23 17 74 J +23 17 75 C +23 17 76 S +23 17 77 N +23 17 78 J +23 17 79 C +23 17 80 S +23 17 81 J +23 17 82 N +23 17 83 J +23 17 84 J +23 17 85 N +23 17 86 S +23 17 87 N +23 17 88 S +23 17 89 C +23 17 90 C +23 17 91 N +23 17 92 J +23 17 93 N +23 17 94 C +23 17 95 J +23 17 96 N +23 17 97 N +23 17 98 S +23 17 99 J +23 17 100 J +23 17 101 N +23 17 102 J +23 17 103 C +23 17 104 J +23 17 105 N +23 17 106 J +23 17 107 J +23 17 108 J +23 17 109 N +23 17 110 S +23 17 111 C +23 17 112 S +23 17 113 C +23 17 114 N +23 17 115 S +23 17 116 J +23 17 117 C +23 17 118 S +23 17 119 N +23 17 120 J +23 17 121 S +23 17 122 N +23 17 123 N +23 17 124 J +23 17 125 S +23 17 126 J +23 17 127 C +23 17 128 J +23 17 129 J +23 17 130 C +23 17 131 N +23 17 132 S +23 17 133 N +23 17 134 C +23 17 135 N +23 17 136 N +23 17 137 C +23 17 138 J +23 17 139 J +23 17 140 N +23 17 141 J +23 17 142 J +23 17 143 N +23 17 144 S +23 17 145 J +23 17 146 J +23 17 147 N +23 17 148 S +23 17 149 J +23 17 150 S +23 17 151 J +23 17 152 S +23 17 153 N +23 17 154 C +23 17 155 C +23 17 156 N +23 17 157 C +23 17 158 J +23 17 159 S +23 17 160 J +23 17 161 N +23 17 162 S +23 17 163 N +23 17 164 S +23 17 165 N +23 17 166 C +23 17 167 S +23 17 168 C +23 17 169 S +23 17 170 C +23 17 171 C +23 17 172 J +23 17 173 S +23 17 174 N +23 17 175 J +23 17 176 S +23 17 177 J +23 17 178 N +23 17 179 C +23 17 180 N +23 17 181 J +23 17 182 N +23 17 183 C +23 17 184 N +23 17 185 S +23 17 186 J +23 17 187 S +23 17 188 N +23 17 189 J +23 17 190 S +23 17 191 N +23 17 192 J +23 17 193 N +23 17 194 J +23 17 195 N +23 17 196 N +23 17 197 N +23 17 198 C +23 17 199 J +23 17 200 S +23 17 201 J +23 17 202 N +23 17 203 N +23 17 204 C +23 17 205 C +23 17 206 J +23 17 207 S +23 17 208 N +23 17 209 N +23 17 210 C +23 17 211 N +23 17 212 S +23 17 213 J +23 17 214 J +23 17 215 S +23 17 216 C +23 17 217 J +23 17 218 N +23 17 219 J +23 17 220 S +23 17 221 J +23 17 222 J +23 17 223 N +23 17 224 J +23 17 225 N +23 17 226 C +23 17 227 C +23 17 228 C +23 17 229 N +23 17 230 J +23 17 231 N +23 17 232 C +23 17 233 J +23 17 234 N +23 17 235 N +23 17 236 S +23 17 237 J +23 17 238 N +23 17 239 S +23 17 240 C +23 17 241 J +23 17 242 J +23 17 243 C +23 17 244 J +23 17 245 S +23 17 246 J +23 17 247 N +23 17 248 C +23 17 249 N +23 17 250 N +23 17 251 J +23 17 252 J +23 17 253 N +23 17 254 J +23 17 255 C +23 17 256 N +23 17 257 C +23 17 258 N +23 17 259 N +23 17 260 J +23 17 261 S +23 17 262 J +23 17 263 J +23 17 264 N +23 17 265 N +23 17 266 S +23 17 267 N +23 17 268 J +23 17 269 N +23 17 270 S +23 17 271 N +23 17 272 J +23 17 273 N +23 17 274 J +23 17 275 S +23 17 276 S +23 17 277 N +23 17 278 S +23 17 279 N +23 17 280 N +23 17 281 N +23 17 282 N +23 17 283 C +23 17 284 J +23 17 285 S +23 17 286 J +23 17 287 S +23 17 288 S +23 17 289 N +23 17 290 J +23 17 291 N +23 17 292 S +23 17 293 J +23 17 294 J +23 17 295 C +23 17 296 N +23 17 297 S +23 17 298 S +23 17 299 N +23 17 300 J +23 17 301 N +23 17 302 J +23 17 303 S +23 17 304 N +23 17 305 S +23 17 306 J +23 17 307 N +23 17 308 S +23 17 309 C +23 17 310 N +23 17 311 J +23 17 312 C +23 17 313 N +23 17 314 J +23 17 315 N +23 17 316 N +23 17 317 S +23 17 318 S +23 17 319 J +23 17 320 N +23 17 321 S +23 17 322 N +23 17 323 S +23 17 324 J +23 17 325 N +23 17 326 J +23 17 327 J +23 17 328 S +23 17 329 C +23 17 330 J +23 18 1 N +23 18 2 J +23 18 3 S +23 18 4 C +23 18 5 J +23 18 6 S +23 18 7 N +23 18 8 S +23 18 9 S +23 18 10 C +23 18 11 C +23 18 12 J +23 18 13 N +23 18 14 C +23 18 15 J +23 18 16 J +23 18 17 S +23 18 18 C +23 18 19 N +23 18 20 N +23 18 21 S +23 18 22 J +23 18 23 N +23 18 24 C +23 18 25 N +23 18 26 N +23 18 27 J +23 18 28 S +23 18 29 N +23 18 30 S +23 18 31 J +23 18 32 S +23 18 33 J +23 18 34 S +23 18 35 S +23 18 36 C +23 18 37 N +23 18 38 S +23 18 39 J +23 18 40 C +23 18 41 S +23 18 42 J +23 18 43 C +23 18 44 J +23 18 45 N +23 18 46 C +23 18 47 C +23 18 48 J +23 18 49 N +23 18 50 C +23 18 51 C +23 18 52 J +23 18 53 S +23 18 54 N +23 18 55 N +23 18 56 S +23 18 57 C +23 18 58 C +23 18 59 J +23 18 60 C +23 18 61 S +23 18 62 N +23 18 63 S +23 18 64 N +23 18 65 S +23 18 66 J +23 18 67 N +23 18 68 S +23 18 69 C +23 18 70 J +23 18 71 S +23 18 72 N +23 18 73 C +23 18 74 J +23 18 75 C +23 18 76 S +23 18 77 N +23 18 78 J +23 18 79 C +23 18 80 C +23 18 81 N +23 18 82 J +23 18 83 J +23 18 84 S +23 18 85 N +23 18 86 S +23 18 87 C +23 18 88 S +23 18 89 C +23 18 90 C +23 18 91 J +23 18 92 J +23 18 93 C +23 18 94 C +23 18 95 J +23 18 96 S +23 18 97 C +23 18 98 S +23 18 99 J +23 18 100 J +23 18 101 S +23 18 102 J +23 18 103 C +23 18 104 J +23 18 105 S +23 18 106 J +23 18 107 J +23 18 108 J +23 18 109 C +23 18 110 S +23 18 111 C +23 18 112 S +23 18 113 C +23 18 114 N +23 18 115 S +23 18 116 J +23 18 117 C +23 18 118 S +23 18 119 N +23 18 120 J +23 18 121 S +23 18 122 N +23 18 123 C +23 18 124 J +23 18 125 S +23 18 126 S +23 18 127 C +23 18 128 J +23 18 129 J +23 18 130 C +23 18 131 S +23 18 132 S +23 18 133 C +23 18 134 C +23 18 135 S +23 18 136 N +23 18 137 N +23 18 138 C +23 18 139 C +23 18 140 N +23 18 141 J +23 18 142 J +23 18 143 N +23 18 144 C +23 18 145 J +23 18 146 S +23 18 147 J +23 18 148 S +23 18 149 J +23 18 150 C +23 18 151 S +23 18 152 S +23 18 153 N +23 18 154 C +23 18 155 C +23 18 156 N +23 18 157 C +23 18 158 J +23 18 159 N +23 18 160 S +23 18 161 N +23 18 162 S +23 18 163 C +23 18 164 N +23 18 165 C +23 18 166 C +23 18 167 J +23 18 168 N +23 18 169 N +23 18 170 C +23 18 171 C +23 18 172 J +23 18 173 S +23 18 174 S +23 18 175 J +23 18 176 S +23 18 177 J +23 18 178 N +23 18 179 S +23 18 180 N +23 18 181 J +23 18 182 C +23 18 183 C +23 18 184 N +23 18 185 J +23 18 186 J +23 18 187 S +23 18 188 N +23 18 189 J +23 18 190 S +23 18 191 N +23 18 192 N +23 18 193 J +23 18 194 S +23 18 195 J +23 18 196 J +23 18 197 N +23 18 198 C +23 18 199 J +23 18 200 N +23 18 201 S +23 18 202 N +23 18 203 S +23 18 204 C +23 18 205 N +23 18 206 J +23 18 207 S +23 18 208 S +23 18 209 N +23 18 210 C +23 18 211 N +23 18 212 S +23 18 213 J +23 18 214 S +23 18 215 S +23 18 216 C +23 18 217 S +23 18 218 C +23 18 219 J +23 18 220 N +23 18 221 J +23 18 222 S +23 18 223 N +23 18 224 J +23 18 225 C +23 18 226 N +23 18 227 C +23 18 228 C +23 18 229 J +23 18 230 J +23 18 231 S +23 18 232 C +23 18 233 N +23 18 234 N +23 18 235 C +23 18 236 N +23 18 237 S +23 18 238 N +23 18 239 S +23 18 240 C +23 18 241 J +23 18 242 J +23 18 243 S +23 18 244 J +23 18 245 S +23 18 246 N +23 18 247 C +23 18 248 C +23 18 249 N +23 18 250 C +23 18 251 J +23 18 252 J +23 18 253 N +23 18 254 N +23 18 255 C +23 18 256 S +23 18 257 C +23 18 258 N +23 18 259 S +23 18 260 J +23 18 261 S +23 18 262 J +23 18 263 C +23 18 264 J +23 18 265 C +23 18 266 S +23 18 267 S +23 18 268 J +23 18 269 S +23 18 270 C +23 18 271 N +23 18 272 J +23 18 273 N +23 18 274 J +23 18 275 C +23 18 276 S +23 18 277 N +23 18 278 S +23 18 279 N +23 18 280 C +23 18 281 C +23 18 282 C +23 18 283 N +23 18 284 J +23 18 285 S +23 18 286 J +23 18 287 C +23 18 288 S +23 18 289 J +23 18 290 J +23 18 291 N +23 18 292 S +23 18 293 J +23 18 294 J +23 18 295 C +23 18 296 N +23 18 297 S +23 18 298 S +23 18 299 N +23 18 300 J +23 18 301 N +23 18 302 J +23 18 303 J +23 18 304 C +23 18 305 N +23 18 306 N +23 18 307 C +23 18 308 S +23 18 309 C +23 18 310 N +23 18 311 C +23 18 312 C +23 18 313 N +23 18 314 J +23 18 315 N +23 18 316 N +23 18 317 S +23 18 318 S +23 18 319 J +23 18 320 N +23 18 321 S +23 18 322 N +23 18 323 N +23 18 324 J +23 18 325 S +23 18 326 J +23 18 327 J +23 18 328 N +23 18 329 C +23 18 330 J +23 19 1 N +23 19 2 J +23 19 3 S +23 19 4 C +23 19 5 J +23 19 6 S +23 19 7 N +23 19 8 S +23 19 9 C +23 19 10 N +23 19 11 S +23 19 12 N +23 19 13 N +23 19 14 N +23 19 15 J +23 19 16 J +23 19 17 S +23 19 18 C +23 19 19 N +23 19 20 N +23 19 21 S +23 19 22 J +23 19 23 S +23 19 24 C +23 19 25 N +23 19 26 N +23 19 27 J +23 19 28 S +23 19 29 N +23 19 30 S +23 19 31 J +23 19 32 N +23 19 33 J +23 19 34 N +23 19 35 S +23 19 36 C +23 19 37 N +23 19 38 S +23 19 39 C +23 19 40 J +23 19 41 S +23 19 42 J +23 19 43 C +23 19 44 J +23 19 45 S +23 19 46 C +23 19 47 C +23 19 48 J +23 19 49 J +23 19 50 C +23 19 51 C +23 19 52 J +23 19 53 S +23 19 54 C +23 19 55 J +23 19 56 J +23 19 57 C +23 19 58 S +23 19 59 J +23 19 60 C +23 19 61 S +23 19 62 J +23 19 63 N +23 19 64 N +23 19 65 S +23 19 66 J +23 19 67 J +23 19 68 S +23 19 69 C +23 19 70 J +23 19 71 C +23 19 72 N +23 19 73 N +23 19 74 J +23 19 75 C +23 19 76 S +23 19 77 N +23 19 78 J +23 19 79 C +23 19 80 N +23 19 81 J +23 19 82 J +23 19 83 J +23 19 84 S +23 19 85 N +23 19 86 S +23 19 87 C +23 19 88 N +23 19 89 C +23 19 90 C +23 19 91 S +23 19 92 J +23 19 93 C +23 19 94 N +23 19 95 J +23 19 96 S +23 19 97 N +23 19 98 S +23 19 99 N +23 19 100 J +23 19 101 S +23 19 102 J +23 19 103 C +23 19 104 N +23 19 105 S +23 19 106 J +23 19 107 J +23 19 108 J +23 19 109 N +23 19 110 S +23 19 111 J +23 19 112 N +23 19 113 C +23 19 114 C +23 19 115 J +23 19 116 S +23 19 117 C +23 19 118 S +23 19 119 N +23 19 120 J +23 19 121 S +23 19 122 N +23 19 123 C +23 19 124 N +23 19 125 S +23 19 126 J +23 19 127 C +23 19 128 N +23 19 129 J +23 19 130 S +23 19 131 N +23 19 132 S +23 19 133 C +23 19 134 C +23 19 135 S +23 19 136 J +23 19 137 C +23 19 138 S +23 19 139 J +23 19 140 N +23 19 141 J +23 19 142 J +23 19 143 S +23 19 144 N +23 19 145 J +23 19 146 N +23 19 147 C +23 19 148 S +23 19 149 J +23 19 150 N +23 19 151 C +23 19 152 N +23 19 153 J +23 19 154 S +23 19 155 C +23 19 156 J +23 19 157 C +23 19 158 J +23 19 159 S +23 19 160 J +23 19 161 S +23 19 162 N +23 19 163 N +23 19 164 J +23 19 165 S +23 19 166 J +23 19 167 N +23 19 168 C +23 19 169 N +23 19 170 C +23 19 171 C +23 19 172 J +23 19 173 S +23 19 174 S +23 19 175 J +23 19 176 S +23 19 177 C +23 19 178 N +23 19 179 J +23 19 180 N +23 19 181 S +23 19 182 J +23 19 183 C +23 19 184 N +23 19 185 J +23 19 186 S +23 19 187 S +23 19 188 N +23 19 189 J +23 19 190 S +23 19 191 C +23 19 192 N +23 19 193 J +23 19 194 C +23 19 195 J +23 19 196 J +23 19 197 S +23 19 198 C +23 19 199 J +23 19 200 C +23 19 201 J +23 19 202 C +23 19 203 S +23 19 204 C +23 19 205 N +23 19 206 J +23 19 207 S +23 19 208 C +23 19 209 J +23 19 210 C +23 19 211 J +23 19 212 N +23 19 213 S +23 19 214 J +23 19 215 S +23 19 216 C +23 19 217 J +23 19 218 S +23 19 219 J +23 19 220 N +23 19 221 J +23 19 222 S +23 19 223 C +23 19 224 J +23 19 225 C +23 19 226 C +23 19 227 C +23 19 228 C +23 19 229 J +23 19 230 J +23 19 231 N +23 19 232 C +23 19 233 N +23 19 234 N +23 19 235 C +23 19 236 S +23 19 237 J +23 19 238 N +23 19 239 J +23 19 240 C +23 19 241 J +23 19 242 S +23 19 243 C +23 19 244 J +23 19 245 C +23 19 246 J +23 19 247 C +23 19 248 C +23 19 249 J +23 19 250 N +23 19 251 C +23 19 252 J +23 19 253 C +23 19 254 J +23 19 255 C +23 19 256 S +23 19 257 C +23 19 258 S +23 19 259 C +23 19 260 J +23 19 261 N +23 19 262 J +23 19 263 C +23 19 264 N +23 19 265 C +23 19 266 C +23 19 267 S +23 19 268 N +23 19 269 J +23 19 270 S +23 19 271 J +23 19 272 C +23 19 273 C +23 19 274 S +23 19 275 J +23 19 276 C +23 19 277 C +23 19 278 S +23 19 279 C +23 19 280 J +23 19 281 C +23 19 282 N +23 19 283 C +23 19 284 J +23 19 285 N +23 19 286 J +23 19 287 C +23 19 288 S +23 19 289 N +23 19 290 J +23 19 291 S +23 19 292 J +23 19 293 J +23 19 294 N +23 19 295 C +23 19 296 S +23 19 297 N +23 19 298 S +23 19 299 N +23 19 300 C +23 19 301 S +23 19 302 J +23 19 303 C +23 19 304 C +23 19 305 N +23 19 306 S +23 19 307 C +23 19 308 J +23 19 309 C +23 19 310 N +23 19 311 S +23 19 312 C +23 19 313 N +23 19 314 J +23 19 315 S +23 19 316 N +23 19 317 S +23 19 318 J +23 19 319 J +23 19 320 C +23 19 321 S +23 19 322 S +23 19 323 C +23 19 324 J +23 19 325 S +23 19 326 S +23 19 327 J +23 19 328 C +23 19 329 S +23 19 330 J +23 20 1 N +23 20 2 J +23 20 3 S +23 20 4 C +23 20 5 N +23 20 6 S +23 20 7 N +23 20 8 S +23 20 9 C +23 20 10 N +23 20 11 C +23 20 12 S +23 20 13 C +23 20 14 C +23 20 15 T +23 20 16 J +23 20 17 S +23 20 18 C +23 20 19 N +23 20 20 N +23 20 21 S +23 20 22 J +23 20 23 N +23 20 24 C +23 20 25 N +23 20 26 C +23 20 27 J +23 20 28 N +23 20 29 C +23 20 30 N +23 20 31 J +23 20 32 N +23 20 33 N +23 20 34 J +23 20 35 S +23 20 36 C +23 20 37 N +23 20 38 S +23 20 39 C +23 20 40 N +23 20 41 S +23 20 42 N +23 20 43 C +23 20 44 J +23 20 45 C +23 20 46 N +23 20 47 S +23 20 48 J +23 20 49 N +23 20 50 C +23 20 51 C +23 20 52 J +23 20 53 N +23 20 54 S +23 20 55 N +23 20 56 S +23 20 57 N +23 20 58 C +23 20 59 N +23 20 60 C +23 20 61 N +23 20 62 C +23 20 63 S +23 20 64 N +23 20 65 S +23 20 66 J +23 20 67 N +23 20 68 S +23 20 69 C +23 20 70 J +23 20 71 C +23 20 72 N +23 20 73 N +23 20 74 J +23 20 75 C +23 20 76 S +23 20 77 N +23 20 78 J +23 20 79 C +23 20 80 N +23 20 81 N +23 20 82 S +23 20 83 J +23 20 84 S +23 20 85 N +23 20 86 J +23 20 87 C +23 20 88 S +23 20 89 C +23 20 90 C +23 20 91 N +23 20 92 S +23 20 93 N +23 20 94 C +23 20 95 J +23 20 96 N +23 20 97 T +23 20 98 S +23 20 99 C +23 20 100 N +23 20 101 S +23 20 102 C +23 20 103 C +23 20 104 N +23 20 105 S +23 20 106 J +23 20 107 J +23 20 108 N +23 20 109 S +23 20 110 S +23 20 111 C +23 20 112 S +23 20 113 C +23 20 114 N +23 20 115 S +23 20 116 N +23 20 117 C +23 20 118 S +23 20 119 N +23 20 120 J +23 20 121 S +23 20 122 N +23 20 123 C +23 20 124 N +23 20 125 S +23 20 126 J +23 20 127 C +23 20 128 N +23 20 129 J +23 20 130 C +23 20 131 C +23 20 132 S +23 20 133 N +23 20 134 C +23 20 135 S +23 20 136 N +23 20 137 S +23 20 138 N +23 20 139 J +23 20 140 C +23 20 141 J +23 20 142 N +23 20 143 N +23 20 144 C +23 20 145 S +23 20 146 N +23 20 147 S +23 20 148 S +23 20 149 N +23 20 150 C +23 20 151 J +23 20 152 C +23 20 153 S +23 20 154 C +23 20 155 C +23 20 156 S +23 20 157 C +23 20 158 J +23 20 159 N +23 20 160 S +23 20 161 N +23 20 162 C +23 20 163 S +23 20 164 N +23 20 165 S +23 20 166 C +23 20 167 N +23 20 168 C +23 20 169 N +23 20 170 C +23 20 171 N +23 20 172 S +23 20 173 S +23 20 174 C +23 20 175 N +23 20 176 S +23 20 177 N +23 20 178 S +23 20 179 N +23 20 180 N +23 20 181 S +23 20 182 C +23 20 183 C +23 20 184 N +23 20 185 S +23 20 186 N +23 20 187 S +23 20 188 N +23 20 189 S +23 20 190 C +23 20 191 S +23 20 192 N +23 20 193 C +23 20 194 N +23 20 195 S +23 20 196 C +23 20 197 S +23 20 198 N +23 20 199 J +23 20 200 N +23 20 201 N +23 20 202 S +23 20 203 S +23 20 204 C +23 20 205 N +23 20 206 J +23 20 207 S +23 20 208 C +23 20 209 C +23 20 210 N +23 20 211 S +23 20 212 S +23 20 213 N +23 20 214 N +23 20 215 T +23 20 216 N +23 20 217 S +23 20 218 N +23 20 219 J +23 20 220 N +23 20 221 J +23 20 222 S +23 20 223 N +23 20 224 J +23 20 225 C +23 20 226 N +23 20 227 C +23 20 228 N +23 20 229 J +23 20 230 J +23 20 231 C +23 20 232 N +23 20 233 C +23 20 234 N +23 20 235 J +23 20 236 N +23 20 237 J +23 20 238 N +23 20 239 S +23 20 240 C +23 20 241 J +23 20 242 N +23 20 243 C +23 20 244 J +23 20 245 S +23 20 246 N +23 20 247 S +23 20 248 C +23 20 249 N +23 20 250 C +23 20 251 N +23 20 252 J +23 20 253 S +23 20 254 C +23 20 255 C +23 20 256 J +23 20 257 N +23 20 258 S +23 20 259 C +23 20 260 J +23 20 261 N +23 20 262 J +23 20 263 N +23 20 264 C +23 20 265 N +23 20 266 C +23 20 267 S +23 20 268 N +23 20 269 N +23 20 270 S +23 20 271 C +23 20 272 S +23 20 273 S +23 20 274 J +23 20 275 S +23 20 276 N +23 20 277 C +23 20 278 S +23 20 279 C +23 20 280 C +23 20 281 C +23 20 282 N +23 20 283 C +23 20 284 S +23 20 285 C +23 20 286 J +23 20 287 C +23 20 288 S +23 20 289 N +23 20 290 J +23 20 291 N +23 20 292 C +23 20 293 S +23 20 294 N +23 20 295 C +23 20 296 N +23 20 297 N +23 20 298 S +23 20 299 J +23 20 300 C +23 20 301 S +23 20 302 J +23 20 303 C +23 20 304 N +23 20 305 C +23 20 306 N +23 20 307 J +23 20 308 C +23 20 309 C +23 20 310 N +23 20 311 S +23 20 312 C +23 20 313 N +23 20 314 S +23 20 315 C +23 20 316 N +23 20 317 S +23 20 318 C +23 20 319 N +23 20 320 S +23 20 321 N +23 20 322 C +23 20 323 N +23 20 324 J +23 20 325 C +23 20 326 C +23 20 327 N +23 20 328 C +23 20 329 J +23 20 330 J +23 21 1 N +23 21 2 J +23 21 3 S +23 21 4 N +23 21 5 * +23 21 6 J +23 21 7 N +23 21 8 S +23 21 9 J +23 21 10 N +23 21 11 N +23 21 12 J +23 21 13 N +23 21 14 N +23 21 15 J +23 21 16 J +23 21 17 S +23 21 18 C +23 21 19 N +23 21 20 N +23 21 21 S +23 21 22 J +23 21 23 N +23 21 24 J +23 21 25 N +23 21 26 N +23 21 27 J +23 21 28 S +23 21 29 J +23 21 30 S +23 21 31 J +23 21 32 S +23 21 33 N +23 21 34 N +23 21 35 S +23 21 36 C +23 21 37 J +23 21 38 S +23 21 39 N +23 21 40 J +23 21 41 S +23 21 42 N +23 21 43 C +23 21 44 J +23 21 45 J +23 21 46 J +23 21 47 C +23 21 48 N +23 21 49 N +23 21 50 C +23 21 51 C +23 21 52 J +23 21 53 S +23 21 54 N +23 21 55 J +23 21 56 J +23 21 57 N +23 21 58 J +23 21 59 J +23 21 60 N +23 21 61 S +23 21 62 J +23 21 63 J +23 21 64 N +23 21 65 S +23 21 66 J +23 21 67 N +23 21 68 S +23 21 69 J +23 21 70 J +23 21 71 C +23 21 72 N +23 21 73 S +23 21 74 J +23 21 75 C +23 21 76 S +23 21 77 N +23 21 78 J +23 21 79 C +23 21 80 N +23 21 81 S +23 21 82 J +23 21 83 J +23 21 84 J +23 21 85 N +23 21 86 S +23 21 87 C +23 21 88 S +23 21 89 C +23 21 90 C +23 21 91 J +23 21 92 J +23 21 93 N +23 21 94 C +23 21 95 J +23 21 96 N +23 21 97 N +23 21 98 S +23 21 99 J +23 21 100 J +23 21 101 S +23 21 102 J +23 21 103 J +23 21 104 N +23 21 105 S +23 21 106 J +23 21 107 J +23 21 108 J +23 21 109 N +23 21 110 N +23 21 111 C +23 21 112 S +23 21 113 C +23 21 114 N +23 21 115 S +23 21 116 J +23 21 117 C +23 21 118 S +23 21 119 N +23 21 120 J +23 21 121 S +23 21 122 N +23 21 123 N +23 21 124 J +23 21 125 S +23 21 126 S +23 21 127 C +23 21 128 N +23 21 129 J +23 21 130 C +23 21 131 N +23 21 132 S +23 21 133 N +23 21 134 C +23 21 135 S +23 21 136 N +23 21 137 N +23 21 138 J +23 21 139 J +23 21 140 N +23 21 141 J +23 21 142 J +23 21 143 N +23 21 144 C +23 21 145 N +23 21 146 J +23 21 147 N +23 21 148 S +23 21 149 J +23 21 150 N +23 21 151 S +23 21 152 J +23 21 153 N +23 21 154 C +23 21 155 J +23 21 156 N +23 21 157 J +23 21 158 J +23 21 159 J +23 21 160 S +23 21 161 N +23 21 162 S +23 21 163 N +23 21 164 N +23 21 165 J +23 21 166 N +23 21 167 J +23 21 168 N +23 21 169 N +23 21 170 C +23 21 171 J +23 21 172 J +23 21 173 S +23 21 174 N +23 21 175 J +23 21 176 S +23 21 177 J +23 21 178 N +23 21 179 S +23 21 180 N +23 21 181 J +23 21 182 S +23 21 183 N +23 21 184 S +23 21 185 J +23 21 186 J +23 21 187 N +23 21 188 N +23 21 189 J +23 21 190 J +23 21 191 N +23 21 192 J +23 21 193 J +23 21 194 S +23 21 195 N +23 21 196 J +23 21 197 J +23 21 198 C +23 21 199 J +23 21 200 J +23 21 201 J +23 21 202 N +23 21 203 S +23 21 204 C +23 21 205 N +23 21 206 J +23 21 207 S +23 21 208 J +23 21 209 N +23 21 210 S +23 21 211 N +23 21 212 S +23 21 213 J +23 21 214 N +23 21 215 S +23 21 216 C +23 21 217 S +23 21 218 J +23 21 219 J +23 21 220 N +23 21 221 J +23 21 222 N +23 21 223 N +23 21 224 J +23 21 225 J +23 21 226 N +23 21 227 C +23 21 228 N +23 21 229 J +23 21 230 J +23 21 231 N +23 21 232 C +23 21 233 J +23 21 234 N +23 21 235 N +23 21 236 J +23 21 237 J +23 21 238 N +23 21 239 S +23 21 240 S +23 21 241 J +23 21 242 J +23 21 243 S +23 21 244 J +23 21 245 S +23 21 246 N +23 21 247 J +23 21 248 C +23 21 249 C +23 21 250 N +23 21 251 J +23 21 252 J +23 21 253 J +23 21 254 J +23 21 255 C +23 21 256 S +23 21 257 C +23 21 258 J +23 21 259 S +23 21 260 J +23 21 261 S +23 21 262 J +23 21 263 J +23 21 264 J +23 21 265 N +23 21 266 S +23 21 267 S +23 21 268 J +23 21 269 S +23 21 270 J +23 21 271 N +23 21 272 J +23 21 273 J +23 21 274 J +23 21 275 J +23 21 276 S +23 21 277 N +23 21 278 J +23 21 279 N +23 21 280 J +23 21 281 N +23 21 282 J +23 21 283 N +23 21 284 J +23 21 285 S +23 21 286 J +23 21 287 J +23 21 288 S +23 21 289 N +23 21 290 J +23 21 291 N +23 21 292 S +23 21 293 J +23 21 294 J +23 21 295 N +23 21 296 N +23 21 297 J +23 21 298 S +23 21 299 N +23 21 300 J +23 21 301 N +23 21 302 J +23 21 303 J +23 21 304 N +23 21 305 C +23 21 306 N +23 21 307 N +23 21 308 N +23 21 309 J +23 21 310 N +23 21 311 N +23 21 312 C +23 21 313 N +23 21 314 J +23 21 315 J +23 21 316 N +23 21 317 S +23 21 318 S +23 21 319 J +23 21 320 J +23 21 321 S +23 21 322 N +23 21 323 N +23 21 324 J +23 21 325 S +23 21 326 J +23 21 327 J +23 21 328 N +23 21 329 J +23 21 330 J +23 22 1 N +23 22 2 N +23 22 3 S +23 22 4 N +23 22 5 N +23 22 6 S +23 22 7 N +23 22 8 S +23 22 9 S +23 22 10 N +23 22 11 N +23 22 12 J +23 22 13 N +23 22 14 N +23 22 15 S +23 22 16 J +23 22 17 S +23 22 18 C +23 22 19 N +23 22 20 N +23 22 21 S +23 22 22 J +23 22 23 N +23 22 24 C +23 22 25 N +23 22 26 N +23 22 27 J +23 22 28 S +23 22 29 N +23 22 30 S +23 22 31 N +23 22 32 S +23 22 33 N +23 22 34 N +23 22 35 S +23 22 36 N +23 22 37 N +23 22 38 S +23 22 39 N +23 22 40 N +23 22 41 S +23 22 42 J +23 22 43 N +23 22 44 J +23 22 45 N +23 22 46 C +23 22 47 N +23 22 48 S +23 22 49 N +23 22 50 N +23 22 51 C +23 22 52 J +23 22 53 S +23 22 54 N +23 22 55 N +23 22 56 S +23 22 57 N +23 22 58 N +23 22 59 J +23 22 60 N +23 22 61 S +23 22 62 N +23 22 63 S +23 22 64 N +23 22 65 S +23 22 66 J +23 22 67 N +23 22 68 S +23 22 69 N +23 22 70 J +23 22 71 S +23 22 72 N +23 22 73 N +23 22 74 N +23 22 75 N +23 22 76 S +23 22 77 N +23 22 78 S +23 22 79 C +23 22 80 N +23 22 81 N +23 22 82 N +23 22 83 J +23 22 84 S +23 22 85 N +23 22 86 S +23 22 87 C +23 22 88 N +23 22 89 C +23 22 90 N +23 22 91 N +23 22 92 J +23 22 93 N +23 22 94 C +23 22 95 N +23 22 96 J +23 22 97 N +23 22 98 S +23 22 99 N +23 22 100 N +23 22 101 S +23 22 102 J +23 22 103 N +23 22 104 N +23 22 105 S +23 22 106 J +23 22 107 J +23 22 108 N +23 22 109 N +23 22 110 S +23 22 111 N +23 22 112 S +23 22 113 C +23 22 114 N +23 22 115 S +23 22 116 N +23 22 117 C +23 22 118 S +23 22 119 N +23 22 120 J +23 22 121 S +23 22 122 N +23 22 123 N +23 22 124 N +23 22 125 S +23 22 126 S +23 22 127 N +23 22 128 J +23 22 129 J +23 22 130 N +23 22 131 N +23 22 132 S +23 22 133 N +23 22 134 N +23 22 135 S +23 22 136 N +23 22 137 N +23 22 138 N +23 22 139 J +23 22 140 N +23 22 141 J +23 22 142 J +23 22 143 N +23 22 144 N +23 22 145 N +23 22 146 J +23 22 147 N +23 22 148 S +23 22 149 N +23 22 150 N +23 22 151 S +23 22 152 S +23 22 153 N +23 22 154 C +23 22 155 N +23 22 156 N +23 22 157 S +23 22 158 J +23 22 159 J +23 22 160 S +23 22 161 N +23 22 162 S +23 22 163 N +23 22 164 N +23 22 165 N +23 22 166 N +23 22 167 J +23 22 168 N +23 22 169 N +23 22 170 N +23 22 171 N +23 22 172 J +23 22 173 S +23 22 174 S +23 22 175 N +23 22 176 S +23 22 177 J +23 22 178 N +23 22 179 S +23 22 180 N +23 22 181 S +23 22 182 S +23 22 183 N +23 22 184 N +23 22 185 N +23 22 186 N +23 22 187 S +23 22 188 N +23 22 189 J +23 22 190 S +23 22 191 N +23 22 192 N +23 22 193 N +23 22 194 S +23 22 195 N +23 22 196 N +23 22 197 N +23 22 198 C +23 22 199 J +23 22 200 N +23 22 201 S +23 22 202 N +23 22 203 S +23 22 204 C +23 22 205 N +23 22 206 J +23 22 207 S +23 22 208 N +23 22 209 N +23 22 210 S +23 22 211 N +23 22 212 S +23 22 213 J +23 22 214 N +23 22 215 S +23 22 216 N +23 22 217 S +23 22 218 N +23 22 219 J +23 22 220 N +23 22 221 N +23 22 222 N +23 22 223 N +23 22 224 J +23 22 225 N +23 22 226 N +23 22 227 C +23 22 228 N +23 22 229 N +23 22 230 J +23 22 231 N +23 22 232 N +23 22 233 N +23 22 234 N +23 22 235 N +23 22 236 N +23 22 237 S +23 22 238 N +23 22 239 S +23 22 240 S +23 22 241 J +23 22 242 S +23 22 243 S +23 22 244 J +23 22 245 S +23 22 246 N +23 22 247 N +23 22 248 N +23 22 249 N +23 22 250 N +23 22 251 N +23 22 252 J +23 22 253 N +23 22 254 N +23 22 255 C +23 22 256 S +23 22 257 N +23 22 258 S +23 22 259 S +23 22 260 J +23 22 261 S +23 22 262 J +23 22 263 J +23 22 264 N +23 22 265 N +23 22 266 S +23 22 267 S +23 22 268 N +23 22 269 S +23 22 270 S +23 22 271 N +23 22 272 J +23 22 273 S +23 22 274 J +23 22 275 N +23 22 276 S +23 22 277 N +23 22 278 S +23 22 279 N +23 22 280 N +23 22 281 N +23 22 282 N +23 22 283 S +23 22 284 J +23 22 285 S +23 22 286 J +23 22 287 N +23 22 288 S +23 22 289 N +23 22 290 J +23 22 291 N +23 22 292 S +23 22 293 N +23 22 294 J +23 22 295 N +23 22 296 N +23 22 297 S +23 22 298 S +23 22 299 N +23 22 300 J +23 22 301 N +23 22 302 J +23 22 303 N +23 22 304 N +23 22 305 N +23 22 306 N +23 22 307 N +23 22 308 N +23 22 309 N +23 22 310 N +23 22 311 N +23 22 312 C +23 22 313 N +23 22 314 J +23 22 315 N +23 22 316 N +23 22 317 S +23 22 318 S +23 22 319 J +23 22 320 N +23 22 321 S +23 22 322 N +23 22 323 N +23 22 324 J +23 22 325 S +23 22 326 S +23 22 327 J +23 22 328 N +23 22 329 S +23 22 330 N +23 23 1 N +23 23 2 N +23 23 3 S +23 23 4 N +23 23 5 N +23 23 6 S +23 23 7 N +23 23 8 S +23 23 9 C +23 23 10 N +23 23 11 C +23 23 12 S +23 23 13 N +23 23 14 C +23 23 15 S +23 23 16 J +23 23 17 S +23 23 18 C +23 23 19 N +23 23 20 N +23 23 21 S +23 23 22 S +23 23 23 N +23 23 24 C +23 23 25 N +23 23 26 N +23 23 27 J +23 23 28 S +23 23 29 N +23 23 30 S +23 23 31 N +23 23 32 N +23 23 33 N +23 23 34 N +23 23 35 S +23 23 36 C +23 23 37 N +23 23 38 S +23 23 39 N +23 23 40 N +23 23 41 S +23 23 42 S +23 23 43 N +23 23 44 J +23 23 45 N +23 23 46 C +23 23 47 C +23 23 48 N +23 23 49 N +23 23 50 N +23 23 51 C +23 23 52 N +23 23 53 S +23 23 54 N +23 23 55 N +23 23 56 S +23 23 57 N +23 23 58 N +23 23 59 J +23 23 60 C +23 23 61 S +23 23 62 N +23 23 63 S +23 23 64 N +23 23 65 S +23 23 66 J +23 23 67 N +23 23 68 N +23 23 69 N +23 23 70 J +23 23 71 N +23 23 72 N +23 23 73 N +23 23 74 J +23 23 75 N +23 23 76 S +23 23 77 N +23 23 78 J +23 23 79 C +23 23 80 N +23 23 81 N +23 23 82 N +23 23 83 J +23 23 84 S +23 23 85 N +23 23 86 N +23 23 87 C +23 23 88 N +23 23 89 C +23 23 90 C +23 23 91 N +23 23 92 J +23 23 93 N +23 23 94 C +23 23 95 J +23 23 96 N +23 23 97 N +23 23 98 S +23 23 99 J +23 23 100 N +23 23 101 N +23 23 102 J +23 23 103 N +23 23 104 N +23 23 105 N +23 23 106 J +23 23 107 J +23 23 108 J +23 23 109 N +23 23 110 S +23 23 111 C +23 23 112 S +23 23 113 C +23 23 114 N +23 23 115 S +23 23 116 J +23 23 117 C +23 23 118 S +23 23 119 N +23 23 120 J +23 23 121 S +23 23 122 N +23 23 123 N +23 23 124 N +23 23 125 S +23 23 126 S +23 23 127 C +23 23 128 N +23 23 129 J +23 23 130 C +23 23 131 N +23 23 132 S +23 23 133 N +23 23 134 C +23 23 135 N +23 23 136 N +23 23 137 N +23 23 138 N +23 23 139 J +23 23 140 N +23 23 141 J +23 23 142 J +23 23 143 N +23 23 144 N +23 23 145 N +23 23 146 S +23 23 147 N +23 23 148 S +23 23 149 N +23 23 150 N +23 23 151 S +23 23 152 N +23 23 153 N +23 23 154 C +23 23 155 C +23 23 156 N +23 23 157 C +23 23 158 J +23 23 159 S +23 23 160 S +23 23 161 N +23 23 162 S +23 23 163 N +23 23 164 N +23 23 165 C +23 23 166 N +23 23 167 N +23 23 168 N +23 23 169 N +23 23 170 C +23 23 171 N +23 23 172 J +23 23 173 S +23 23 174 S +23 23 175 N +23 23 176 S +23 23 177 S +23 23 178 N +23 23 179 N +23 23 180 N +23 23 181 N +23 23 182 N +23 23 183 C +23 23 184 N +23 23 185 N +23 23 186 N +23 23 187 S +23 23 188 N +23 23 189 N +23 23 190 S +23 23 191 N +23 23 192 N +23 23 193 N +23 23 194 S +23 23 195 N +23 23 196 N +23 23 197 N +23 23 198 C +23 23 199 N +23 23 200 N +23 23 201 S +23 23 202 N +23 23 203 S +23 23 204 C +23 23 205 N +23 23 206 J +23 23 207 N +23 23 208 S +23 23 209 S +23 23 210 C +23 23 211 N +23 23 212 S +23 23 213 J +23 23 214 N +23 23 215 S +23 23 216 C +23 23 217 J +23 23 218 N +23 23 219 J +23 23 220 N +23 23 221 J +23 23 222 N +23 23 223 S +23 23 224 J +23 23 225 N +23 23 226 N +23 23 227 C +23 23 228 N +23 23 229 S +23 23 230 J +23 23 231 N +23 23 232 C +23 23 233 S +23 23 234 N +23 23 235 N +23 23 236 S +23 23 237 S +23 23 238 N +23 23 239 S +23 23 240 S +23 23 241 J +23 23 242 J +23 23 243 S +23 23 244 J +23 23 245 S +23 23 246 N +23 23 247 N +23 23 248 C +23 23 249 C +23 23 250 C +23 23 251 N +23 23 252 J +23 23 253 N +23 23 254 C +23 23 255 C +23 23 256 S +23 23 257 N +23 23 258 S +23 23 259 S +23 23 260 J +23 23 261 S +23 23 262 J +23 23 263 S +23 23 264 J +23 23 265 N +23 23 266 S +23 23 267 N +23 23 268 N +23 23 269 S +23 23 270 S +23 23 271 C +23 23 272 J +23 23 273 S +23 23 274 J +23 23 275 N +23 23 276 S +23 23 277 N +23 23 278 S +23 23 279 N +23 23 280 N +23 23 281 N +23 23 282 N +23 23 283 C +23 23 284 J +23 23 285 J +23 23 286 J +23 23 287 N +23 23 288 S +23 23 289 N +23 23 290 J +23 23 291 N +23 23 292 J +23 23 293 J +23 23 294 N +23 23 295 C +23 23 296 N +23 23 297 S +23 23 298 S +23 23 299 N +23 23 300 J +23 23 301 N +23 23 302 J +23 23 303 J +23 23 304 N +23 23 305 C +23 23 306 N +23 23 307 N +23 23 308 N +23 23 309 C +23 23 310 S +23 23 311 N +23 23 312 C +23 23 313 C +23 23 314 J +23 23 315 N +23 23 316 N +23 23 317 N +23 23 318 S +23 23 319 J +23 23 320 N +23 23 321 S +23 23 322 S +23 23 323 S +23 23 324 J +23 23 325 N +23 23 326 J +23 23 327 N +23 23 328 J +23 23 329 S +23 23 330 J +23 24 1 N +23 24 2 N +23 24 3 S +23 24 4 S +23 24 5 N +23 24 6 S +23 24 7 N +23 24 8 S +23 24 9 C +23 24 10 N +23 24 11 N +23 24 12 N +23 24 13 N +23 24 14 N +23 24 15 J +23 24 16 J +23 24 17 S +23 24 18 C +23 24 19 N +23 24 20 N +23 24 21 S +23 24 22 J +23 24 23 N +23 24 24 C +23 24 25 N +23 24 26 N +23 24 27 J +23 24 28 S +23 24 29 N +23 24 30 N +23 24 31 N +23 24 32 S +23 24 33 N +23 24 34 N +23 24 35 S +23 24 36 N +23 24 37 N +23 24 38 S +23 24 39 N +23 24 40 N +23 24 41 S +23 24 42 S +23 24 43 N +23 24 44 J +23 24 45 N +23 24 46 J +23 24 47 N +23 24 48 S +23 24 49 N +23 24 50 N +23 24 51 C +23 24 52 J +23 24 53 S +23 24 54 N +23 24 55 N +23 24 56 J +23 24 57 N +23 24 58 N +23 24 59 J +23 24 60 N +23 24 61 S +23 24 62 J +23 24 63 S +23 24 64 N +23 24 65 S +23 24 66 J +23 24 67 N +23 24 68 N +23 24 69 N +23 24 70 J +23 24 71 S +23 24 72 N +23 24 73 N +23 24 74 N +23 24 75 N +23 24 76 S +23 24 77 N +23 24 78 J +23 24 79 C +23 24 80 N +23 24 81 N +23 24 82 N +23 24 83 J +23 24 84 J +23 24 85 N +23 24 86 S +23 24 87 C +23 24 88 S +23 24 89 C +23 24 90 N +23 24 91 S +23 24 92 J +23 24 93 N +23 24 94 C +23 24 95 J +23 24 96 S +23 24 97 N +23 24 98 S +23 24 99 J +23 24 100 N +23 24 101 S +23 24 102 N +23 24 103 C +23 24 104 N +23 24 105 N +23 24 106 J +23 24 107 J +23 24 108 N +23 24 109 N +23 24 110 S +23 24 111 C +23 24 112 S +23 24 113 C +23 24 114 N +23 24 115 S +23 24 116 N +23 24 117 C +23 24 118 N +23 24 119 N +23 24 120 J +23 24 121 S +23 24 122 N +23 24 123 N +23 24 124 N +23 24 125 S +23 24 126 J +23 24 127 C +23 24 128 S +23 24 129 J +23 24 130 C +23 24 131 N +23 24 132 S +23 24 133 N +23 24 134 C +23 24 135 N +23 24 136 N +23 24 137 C +23 24 138 N +23 24 139 J +23 24 140 N +23 24 141 J +23 24 142 J +23 24 143 N +23 24 144 N +23 24 145 N +23 24 146 S +23 24 147 N +23 24 148 S +23 24 149 N +23 24 150 N +23 24 151 S +23 24 152 S +23 24 153 N +23 24 154 C +23 24 155 C +23 24 156 N +23 24 157 C +23 24 158 J +23 24 159 S +23 24 160 S +23 24 161 N +23 24 162 S +23 24 163 N +23 24 164 N +23 24 165 C +23 24 166 N +23 24 167 J +23 24 168 N +23 24 169 N +23 24 170 N +23 24 171 N +23 24 172 J +23 24 173 S +23 24 174 S +23 24 175 N +23 24 176 S +23 24 177 J +23 24 178 N +23 24 179 S +23 24 180 N +23 24 181 S +23 24 182 S +23 24 183 C +23 24 184 N +23 24 185 C +23 24 186 N +23 24 187 S +23 24 188 N +23 24 189 N +23 24 190 S +23 24 191 N +23 24 192 N +23 24 193 N +23 24 194 S +23 24 195 N +23 24 196 N +23 24 197 N +23 24 198 C +23 24 199 J +23 24 200 N +23 24 201 S +23 24 202 N +23 24 203 S +23 24 204 C +23 24 205 N +23 24 206 J +23 24 207 S +23 24 208 S +23 24 209 N +23 24 210 S +23 24 211 N +23 24 212 S +23 24 213 N +23 24 214 S +23 24 215 S +23 24 216 C +23 24 217 N +23 24 218 N +23 24 219 J +23 24 220 N +23 24 221 J +23 24 222 N +23 24 223 N +23 24 224 J +23 24 225 N +23 24 226 N +23 24 227 C +23 24 228 N +23 24 229 N +23 24 230 J +23 24 231 N +23 24 232 C +23 24 233 N +23 24 234 N +23 24 235 N +23 24 236 C +23 24 237 S +23 24 238 N +23 24 239 S +23 24 240 C +23 24 241 J +23 24 242 S +23 24 243 S +23 24 244 N +23 24 245 S +23 24 246 N +23 24 247 N +23 24 248 C +23 24 249 N +23 24 250 N +23 24 251 N +23 24 252 J +23 24 253 N +23 24 254 N +23 24 255 C +23 24 256 S +23 24 257 N +23 24 258 S +23 24 259 S +23 24 260 J +23 24 261 S +23 24 262 J +23 24 263 J +23 24 264 N +23 24 265 N +23 24 266 S +23 24 267 S +23 24 268 N +23 24 269 S +23 24 270 S +23 24 271 N +23 24 272 J +23 24 273 N +23 24 274 J +23 24 275 N +23 24 276 S +23 24 277 N +23 24 278 S +23 24 279 N +23 24 280 N +23 24 281 N +23 24 282 N +23 24 283 C +23 24 284 J +23 24 285 S +23 24 286 J +23 24 287 C +23 24 288 S +23 24 289 N +23 24 290 J +23 24 291 N +23 24 292 J +23 24 293 N +23 24 294 N +23 24 295 C +23 24 296 N +23 24 297 S +23 24 298 S +23 24 299 N +23 24 300 J +23 24 301 N +23 24 302 J +23 24 303 N +23 24 304 C +23 24 305 N +23 24 306 N +23 24 307 N +23 24 308 N +23 24 309 C +23 24 310 N +23 24 311 N +23 24 312 C +23 24 313 N +23 24 314 J +23 24 315 N +23 24 316 N +23 24 317 S +23 24 318 S +23 24 319 J +23 24 320 N +23 24 321 S +23 24 322 N +23 24 323 N +23 24 324 J +23 24 325 S +23 24 326 S +23 24 327 N +23 24 328 N +23 24 329 C +23 24 330 N +23 25 1 N +23 25 2 N +23 25 3 S +23 25 4 S +23 25 5 N +23 25 6 S +23 25 7 N +23 25 8 S +23 25 9 C +23 25 10 N +23 25 11 N +23 25 12 J +23 25 13 N +23 25 14 N +23 25 15 J +23 25 16 J +23 25 17 S +23 25 18 C +23 25 19 N +23 25 20 N +23 25 21 S +23 25 22 J +23 25 23 N +23 25 24 C +23 25 25 N +23 25 26 N +23 25 27 J +23 25 28 N +23 25 29 N +23 25 30 S +23 25 31 N +23 25 32 N +23 25 33 N +23 25 34 N +23 25 35 S +23 25 36 N +23 25 37 N +23 25 38 S +23 25 39 N +23 25 40 N +23 25 41 S +23 25 42 N +23 25 43 N +23 25 44 J +23 25 45 N +23 25 46 N +23 25 47 N +23 25 48 S +23 25 49 N +23 25 50 N +23 25 51 C +23 25 52 J +23 25 53 S +23 25 54 N +23 25 55 N +23 25 56 J +23 25 57 N +23 25 58 J +23 25 59 J +23 25 60 N +23 25 61 S +23 25 62 N +23 25 63 N +23 25 64 N +23 25 65 S +23 25 66 J +23 25 67 N +23 25 68 S +23 25 69 N +23 25 70 J +23 25 71 C +23 25 72 N +23 25 73 N +23 25 74 N +23 25 75 N +23 25 76 S +23 25 77 N +23 25 78 J +23 25 79 C +23 25 80 N +23 25 81 N +23 25 82 N +23 25 83 J +23 25 84 N +23 25 85 N +23 25 86 N +23 25 87 C +23 25 88 N +23 25 89 C +23 25 90 N +23 25 91 N +23 25 92 J +23 25 93 N +23 25 94 C +23 25 95 J +23 25 96 J +23 25 97 N +23 25 98 S +23 25 99 N +23 25 100 N +23 25 101 N +23 25 102 N +23 25 103 C +23 25 104 N +23 25 105 N +23 25 106 J +23 25 107 J +23 25 108 J +23 25 109 N +23 25 110 N +23 25 111 C +23 25 112 S +23 25 113 C +23 25 114 N +23 25 115 S +23 25 116 J +23 25 117 C +23 25 118 J +23 25 119 N +23 25 120 J +23 25 121 S +23 25 122 N +23 25 123 N +23 25 124 N +23 25 125 S +23 25 126 N +23 25 127 C +23 25 128 N +23 25 129 J +23 25 130 C +23 25 131 N +23 25 132 S +23 25 133 N +23 25 134 C +23 25 135 N +23 25 136 N +23 25 137 C +23 25 138 N +23 25 139 J +23 25 140 N +23 25 141 J +23 25 142 J +23 25 143 N +23 25 144 N +23 25 145 N +23 25 146 N +23 25 147 N +23 25 148 S +23 25 149 N +23 25 150 N +23 25 151 S +23 25 152 N +23 25 153 N +23 25 154 C +23 25 155 C +23 25 156 N +23 25 157 C +23 25 158 J +23 25 159 N +23 25 160 N +23 25 161 N +23 25 162 S +23 25 163 N +23 25 164 N +23 25 165 C +23 25 166 N +23 25 167 N +23 25 168 N +23 25 169 N +23 25 170 C +23 25 171 C +23 25 172 J +23 25 173 N +23 25 174 J +23 25 175 N +23 25 176 S +23 25 177 J +23 25 178 N +23 25 179 C +23 25 180 N +23 25 181 J +23 25 182 C +23 25 183 C +23 25 184 N +23 25 185 C +23 25 186 N +23 25 187 C +23 25 188 N +23 25 189 J +23 25 190 J +23 25 191 N +23 25 192 N +23 25 193 J +23 25 194 C +23 25 195 N +23 25 196 N +23 25 197 N +23 25 198 C +23 25 199 J +23 25 200 N +23 25 201 J +23 25 202 N +23 25 203 N +23 25 204 C +23 25 205 N +23 25 206 J +23 25 207 S +23 25 208 C +23 25 209 J +23 25 210 C +23 25 211 N +23 25 212 N +23 25 213 J +23 25 214 J +23 25 215 N +23 25 216 C +23 25 217 N +23 25 218 N +23 25 219 J +23 25 220 N +23 25 221 J +23 25 222 N +23 25 223 N +23 25 224 J +23 25 225 C +23 25 226 N +23 25 227 C +23 25 228 N +23 25 229 N +23 25 230 J +23 25 231 N +23 25 232 C +23 25 233 N +23 25 234 N +23 25 235 N +23 25 236 N +23 25 237 J +23 25 238 N +23 25 239 S +23 25 240 C +23 25 241 J +23 25 242 J +23 25 243 N +23 25 244 J +23 25 245 S +23 25 246 N +23 25 247 N +23 25 248 C +23 25 249 C +23 25 250 C +23 25 251 N +23 25 252 J +23 25 253 N +23 25 254 N +23 25 255 C +23 25 256 S +23 25 257 N +23 25 258 J +23 25 259 S +23 25 260 J +23 25 261 S +23 25 262 J +23 25 263 C +23 25 264 N +23 25 265 N +23 25 266 S +23 25 267 N +23 25 268 N +23 25 269 N +23 25 270 N +23 25 271 N +23 25 272 J +23 25 273 N +23 25 274 J +23 25 275 N +23 25 276 S +23 25 277 N +23 25 278 S +23 25 279 N +23 25 280 N +23 25 281 N +23 25 282 N +23 25 283 C +23 25 284 J +23 25 285 J +23 25 286 J +23 25 287 C +23 25 288 S +23 25 289 N +23 25 290 J +23 25 291 N +23 25 292 J +23 25 293 J +23 25 294 J +23 25 295 C +23 25 296 N +23 25 297 N +23 25 298 S +23 25 299 N +23 25 300 J +23 25 301 N +23 25 302 J +23 25 303 J +23 25 304 N +23 25 305 N +23 25 306 N +23 25 307 N +23 25 308 N +23 25 309 C +23 25 310 N +23 25 311 N +23 25 312 C +23 25 313 N +23 25 314 J +23 25 315 N +23 25 316 N +23 25 317 N +23 25 318 J +23 25 319 J +23 25 320 N +23 25 321 S +23 25 322 N +23 25 323 N +23 25 324 J +23 25 325 N +23 25 326 N +23 25 327 J +23 25 328 N +23 25 329 N +23 25 330 J +24 1 1 A +24 1 2 V +24 1 3 C +24 1 4 L +24 1 5 V +24 1 6 S +24 1 7 V +24 1 8 C +24 1 9 CH +24 1 10 A +24 1 11 V +24 1 12 AM +24 1 13 V +24 1 14 A +24 1 15 L +24 1 16 B +24 1 17 S +24 1 18 N +24 1 19 A +24 1 20 V +24 1 21 C +24 1 22 AM +24 1 23 L +24 1 24 V +24 1 25 A +24 1 26 A +24 1 27 S +24 1 28 C +24 1 29 V +24 1 30 CH +24 1 31 A +24 1 32 L +24 1 33 V +24 1 34 A +24 1 35 S +24 1 36 V +24 1 37 A +24 1 38 C +24 1 39 V +24 1 40 A +24 1 41 C +24 1 42 AM +24 1 43 A +24 1 44 S +24 1 45 V +24 1 46 N +24 1 47 V +24 1 48 AM +24 1 49 A +24 1 50 L +24 1 51 CH +24 1 52 V +24 1 53 C +24 1 54 V +24 1 55 A +24 1 56 S +24 1 57 A +24 1 58 AM +24 1 59 L +24 1 60 A +24 1 61 C +24 1 62 L +24 1 63 S +24 1 64 A +24 1 65 C +24 1 66 AM +24 1 67 V +24 1 68 L +24 1 69 V +24 1 70 L +24 1 71 C +24 1 72 V +24 1 73 L +24 1 74 A +24 1 75 V +24 1 76 S +24 1 77 A +24 1 78 L +24 1 79 N +24 1 80 A +24 1 81 V +24 1 82 V +24 1 83 AM +24 1 84 S +24 1 85 V +24 1 86 L +24 1 87 N +24 1 88 L +24 1 89 N +24 1 90 V +24 1 91 V +24 1 92 S +24 1 93 A +24 1 94 CH +24 1 95 V +24 1 96 AM +24 1 97 L +24 1 98 C +24 1 99 L +24 1 100 V +24 1 101 C +24 1 102 L +24 1 103 V +24 1 104 A +24 1 105 L +24 1 106 AM +24 1 107 B +24 1 108 V +24 1 109 A +24 1 110 AM +24 1 111 V +24 1 112 C +24 1 113 N +24 1 114 V +24 1 115 C +24 1 116 A +24 1 117 CH +24 1 118 C +24 1 119 V +24 1 120 B +24 1 121 S +24 1 122 V +24 1 123 A +24 1 124 V +24 1 125 S +24 1 126 C +24 1 127 V +24 1 128 AM +24 1 129 S +24 1 130 V +24 1 131 L +24 1 132 S +24 1 133 V +24 1 134 CH +24 1 135 L +24 1 136 A +24 1 137 V +24 1 138 A +24 1 139 L +24 1 140 A +24 1 141 B +24 1 142 L +24 1 143 V +24 1 144 L +24 1 145 V +24 1 146 AM +24 1 147 V +24 1 148 C +24 1 149 V +24 1 150 L +24 1 151 S +24 1 152 L +24 1 153 A +24 1 154 N +24 1 155 CH +24 1 156 V +24 1 157 CH +24 1 158 B +24 1 159 AM +24 1 160 L +24 1 161 V +24 1 162 C +24 1 163 V +24 1 164 A +24 1 165 V +24 1 166 A +24 1 167 L +24 1 168 V +24 1 169 A +24 1 170 A +24 1 171 V +24 1 172 B +24 1 173 C +24 1 174 AM +24 1 175 A +24 1 176 S +24 1 177 AM +24 1 178 A +24 1 179 CH +24 1 180 V +24 1 181 AM +24 1 182 L +24 1 183 CH +24 1 184 L +24 1 185 CH +24 1 186 A +24 1 187 AM +24 1 188 A +24 1 189 A +24 1 190 L +24 1 191 V +24 1 192 L +24 1 193 V +24 1 194 C +24 1 195 V +24 1 196 V +24 1 197 L +24 1 198 N +24 1 199 V +24 1 200 A +24 1 201 S +24 1 202 V +24 1 203 L +24 1 204 CH +24 1 205 L +24 1 206 V +24 1 207 L +24 1 208 AM +24 1 209 V +24 1 210 CH +24 1 211 A +24 1 212 S +24 1 213 L +24 1 214 V +24 1 215 L +24 1 216 V +24 1 217 S +24 1 218 V +24 1 219 V +24 1 220 L +24 1 221 V +24 1 222 L +24 1 223 V +24 1 224 S +24 1 225 V +24 1 226 A +24 1 227 N +24 1 228 A +24 1 229 V +24 1 230 S +24 1 231 L +24 1 232 V +24 1 233 L +24 1 234 V +24 1 235 A +24 1 236 V +24 1 237 S +24 1 238 A +24 1 239 L +24 1 240 CH +24 1 241 B +24 1 242 AM +24 1 243 C +24 1 244 V +24 1 245 C +24 1 246 V +24 1 247 L +24 1 248 V +24 1 249 V +24 1 250 L +24 1 251 V +24 1 252 S +24 1 253 V +24 1 254 A +24 1 255 N +24 1 256 C +24 1 257 A +24 1 258 AM +24 1 259 C +24 1 260 AM +24 1 261 S +24 1 262 B +24 1 263 N +24 1 264 A +24 1 265 V +24 1 266 S +24 1 267 L +24 1 268 V +24 1 269 L +24 1 270 S +24 1 271 V +24 1 272 B +24 1 273 L +24 1 274 B +24 1 275 V +24 1 276 C +24 1 277 A +24 1 278 S +24 1 279 L +24 1 280 V +24 1 281 V +24 1 282 V +24 1 283 CH +24 1 284 V +24 1 285 L +24 1 286 B +24 1 287 AM +24 1 288 C +24 1 289 V +24 1 290 S +24 1 291 A +24 1 292 L +24 1 293 V +24 1 294 A +24 1 295 CH +24 1 296 L +24 1 297 AM +24 1 298 C +24 1 299 V +24 1 300 N +24 1 301 V +24 1 302 S +24 1 303 A +24 1 304 V +24 1 305 L +24 1 306 V +24 1 307 A +24 1 308 L +24 1 309 V +24 1 310 V +24 1 311 A +24 1 312 N +24 1 313 L +24 1 314 S +24 1 315 V +24 1 316 A +24 1 317 L +24 1 318 S +24 1 319 S +24 1 320 V +24 1 321 C +24 1 322 A +24 1 323 V +24 1 324 S +24 1 325 L +24 1 326 AM +24 1 327 A +24 1 328 V +24 1 329 CH +24 1 330 V +24 2 1 A +24 2 2 V +24 2 3 S +24 2 4 L +24 2 5 V +24 2 6 CR +24 2 7 V +24 2 8 G +24 2 9 CH +24 2 10 A +24 2 11 V +24 2 12 AM +24 2 13 V +24 2 14 A +24 2 15 L +24 2 16 B +24 2 17 S +24 2 18 N +24 2 19 A +24 2 20 V +24 2 21 R +24 2 22 AM +24 2 23 L +24 2 24 MO +24 2 25 A +24 2 26 A +24 2 27 B +24 2 28 R +24 2 29 V +24 2 30 CH +24 2 31 A +24 2 32 L +24 2 33 V +24 2 34 A +24 2 35 S +24 2 36 V +24 2 37 A +24 2 38 G +24 2 39 V +24 2 40 A +24 2 41 G +24 2 42 V +24 2 43 A +24 2 44 B +24 2 45 V +24 2 46 GR +24 2 47 V +24 2 48 AM +24 2 49 A +24 2 50 L +24 2 51 CH +24 2 52 B +24 2 53 G +24 2 54 V +24 2 55 A +24 2 56 S +24 2 57 A +24 2 58 V +24 2 59 L +24 2 60 A +24 2 61 G +24 2 62 L +24 2 63 S +24 2 64 A +24 2 65 L +24 2 66 B +24 2 67 V +24 2 68 L +24 2 69 V +24 2 70 L +24 2 71 G +24 2 72 V +24 2 73 L +24 2 74 A +24 2 75 V +24 2 76 CH +24 2 77 A +24 2 78 L +24 2 79 N +24 2 80 A +24 2 81 V +24 2 82 A +24 2 83 AM +24 2 84 S +24 2 85 V +24 2 86 L +24 2 87 N +24 2 88 L +24 2 89 N +24 2 90 V +24 2 91 V +24 2 92 B +24 2 93 A +24 2 94 N +24 2 95 V +24 2 96 AM +24 2 97 L +24 2 98 C +24 2 99 L +24 2 100 V +24 2 101 G +24 2 102 A +24 2 103 V +24 2 104 A +24 2 105 L +24 2 106 AM +24 2 107 B +24 2 108 V +24 2 109 L +24 2 110 AM +24 2 111 V +24 2 112 C +24 2 113 N +24 2 114 V +24 2 115 G +24 2 116 A +24 2 117 CH +24 2 118 L +24 2 119 V +24 2 120 B +24 2 121 S +24 2 122 V +24 2 123 A +24 2 124 V +24 2 125 S +24 2 126 L +24 2 127 N +24 2 128 V +24 2 129 B +24 2 130 V +24 2 131 L +24 2 132 CH +24 2 133 V +24 2 134 CH +24 2 135 L +24 2 136 A +24 2 137 V +24 2 138 A +24 2 139 B +24 2 140 A +24 2 141 B +24 2 142 B +24 2 143 V +24 2 144 L +24 2 145 V +24 2 146 AM +24 2 147 V +24 2 148 C +24 2 149 V +24 2 150 L +24 2 151 S +24 2 152 L +24 2 153 A +24 2 154 N +24 2 155 CH +24 2 156 V +24 2 157 CH +24 2 158 B +24 2 159 AM +24 2 160 S +24 2 161 V +24 2 162 C +24 2 163 V +24 2 164 A +24 2 165 V +24 2 166 A +24 2 167 L +24 2 168 V +24 2 169 A +24 2 170 N +24 2 171 V +24 2 172 B +24 2 173 S +24 2 174 AM +24 2 175 A +24 2 176 S +24 2 177 V +24 2 178 A +24 2 179 G +24 2 180 V +24 2 181 AM +24 2 182 L +24 2 183 CH +24 2 184 L +24 2 185 CH +24 2 186 V +24 2 187 AM +24 2 188 A +24 2 189 A +24 2 190 L +24 2 191 V +24 2 192 L +24 2 193 V +24 2 194 G +24 2 195 V +24 2 196 V +24 2 197 L +24 2 198 N +24 2 199 B +24 2 200 A +24 2 201 S +24 2 202 V +24 2 203 L +24 2 204 CH +24 2 205 L +24 2 206 B +24 2 207 L +24 2 208 AM +24 2 209 V +24 2 210 G +24 2 211 A +24 2 212 AM +24 2 213 L +24 2 214 V +24 2 215 L +24 2 216 V +24 2 217 S +24 2 218 V +24 2 219 A +24 2 220 L +24 2 221 A +24 2 222 L +24 2 223 V +24 2 224 B +24 2 225 V +24 2 226 A +24 2 227 N +24 2 228 A +24 2 229 V +24 2 230 B +24 2 231 L +24 2 232 V +24 2 233 L +24 2 234 V +24 2 235 A +24 2 236 V +24 2 237 S +24 2 238 V +24 2 239 L +24 2 240 CH +24 2 241 B +24 2 242 AM +24 2 243 G +24 2 244 A +24 2 245 C +24 2 246 V +24 2 247 L +24 2 248 V +24 2 249 V +24 2 250 L +24 2 251 V +24 2 252 B +24 2 253 V +24 2 254 A +24 2 255 N +24 2 256 S +24 2 257 A +24 2 258 V +24 2 259 G +24 2 260 V +24 2 261 AM +24 2 262 B +24 2 263 N +24 2 264 A +24 2 265 V +24 2 266 CH +24 2 267 L +24 2 268 V +24 2 269 L +24 2 270 AM +24 2 271 V +24 2 272 B +24 2 273 L +24 2 274 B +24 2 275 V +24 2 276 G +24 2 277 A +24 2 278 S +24 2 279 L +24 2 280 V +24 2 281 V +24 2 282 V +24 2 283 CH +24 2 284 B +24 2 285 S +24 2 286 B +24 2 287 V +24 2 288 C +24 2 289 A +24 2 290 B +24 2 291 A +24 2 292 S +24 2 293 V +24 2 294 B +24 2 295 CH +24 2 296 L +24 2 297 AM +24 2 298 C +24 2 299 V +24 2 300 N +24 2 301 V +24 2 302 B +24 2 303 A +24 2 304 V +24 2 305 L +24 2 306 V +24 2 307 A +24 2 308 L +24 2 309 V +24 2 310 V +24 2 311 A +24 2 312 N +24 2 313 L +24 2 314 B +24 2 315 V +24 2 316 V +24 2 317 L +24 2 318 S +24 2 319 B +24 2 320 V +24 2 321 C +24 2 322 A +24 2 323 V +24 2 324 B +24 2 325 L +24 2 326 AM +24 2 327 B +24 2 328 V +24 2 329 CH +24 2 330 B +24 3 1 A +24 3 2 A +24 3 3 S +24 3 4 VI +24 3 5 V +24 3 6 S +24 3 7 V +24 3 8 VI +24 3 9 CH +24 3 10 A +24 3 11 V +24 3 12 AM +24 3 13 V +24 3 14 A +24 3 15 VI +24 3 16 CR +24 3 17 S +24 3 18 N +24 3 19 A +24 3 20 V +24 3 21 R +24 3 22 AM +24 3 23 VI +24 3 24 CH +24 3 25 A +24 3 26 A +24 3 27 CR +24 3 28 R +24 3 29 V +24 3 30 CH +24 3 31 A +24 3 32 VI +24 3 33 V +24 3 34 A +24 3 35 S +24 3 36 A +24 3 37 A +24 3 38 VI +24 3 39 V +24 3 40 A +24 3 41 S +24 3 42 AM +24 3 43 A +24 3 44 CR +24 3 45 V +24 3 46 N +24 3 47 N +24 3 48 AM +24 3 49 A +24 3 50 VI +24 3 51 CH +24 3 52 CR +24 3 53 VI +24 3 54 V +24 3 55 A +24 3 56 S +24 3 57 A +24 3 58 AM +24 3 59 CR +24 3 60 A +24 3 61 C +24 3 62 VI +24 3 63 S +24 3 64 A +24 3 65 R +24 3 66 CR +24 3 67 V +24 3 68 R +24 3 69 V +24 3 70 CR +24 3 71 VI +24 3 72 V +24 3 73 VI +24 3 74 A +24 3 75 V +24 3 76 S +24 3 77 A +24 3 78 R +24 3 79 N +24 3 80 A +24 3 81 V +24 3 82 A +24 3 83 CR +24 3 84 CR +24 3 85 V +24 3 86 R +24 3 87 N +24 3 88 VI +24 3 89 N +24 3 90 A +24 3 91 V +24 3 92 CR +24 3 93 A +24 3 94 CH +24 3 95 CR +24 3 96 AM +24 3 97 VI +24 3 98 C +24 3 99 VI +24 3 100 A +24 3 101 VI +24 3 102 A +24 3 103 V +24 3 104 A +24 3 105 VI +24 3 106 AM +24 3 107 B +24 3 108 A +24 3 109 A +24 3 110 S +24 3 111 V +24 3 112 R +24 3 113 N +24 3 114 A +24 3 115 VI +24 3 116 A +24 3 117 CH +24 3 118 R +24 3 119 V +24 3 120 B +24 3 121 S +24 3 122 V +24 3 123 A +24 3 124 V +24 3 125 S +24 3 126 R +24 3 127 N +24 3 128 AM +24 3 129 CR +24 3 130 V +24 3 131 VI +24 3 132 S +24 3 133 V +24 3 134 CH +24 3 135 VI +24 3 136 A +24 3 137 V +24 3 138 A +24 3 139 CR +24 3 140 A +24 3 141 CR +24 3 142 CR +24 3 143 V +24 3 144 A +24 3 145 A +24 3 146 AM +24 3 147 A +24 3 148 C +24 3 149 V +24 3 150 VI +24 3 151 S +24 3 152 VI +24 3 153 A +24 3 154 N +24 3 155 AM +24 3 156 V +24 3 157 CH +24 3 158 B +24 3 159 S +24 3 160 R +24 3 161 V +24 3 162 C +24 3 163 A +24 3 164 A +24 3 165 V +24 3 166 A +24 3 167 VI +24 3 168 V +24 3 169 A +24 3 170 A +24 3 171 V +24 3 172 CR +24 3 173 R +24 3 174 AM +24 3 175 A +24 3 176 R +24 3 177 V +24 3 178 A +24 3 179 CH +24 3 180 V +24 3 181 AM +24 3 182 VI +24 3 183 CH +24 3 184 VI +24 3 185 CH +24 3 186 A +24 3 187 S +24 3 188 A +24 3 189 A +24 3 190 R +24 3 191 V +24 3 192 VI +24 3 193 AM +24 3 194 CH +24 3 195 V +24 3 196 A +24 3 197 VI +24 3 198 N +24 3 199 A +24 3 200 A +24 3 201 R +24 3 202 V +24 3 203 VI +24 3 204 CH +24 3 205 A +24 3 206 CR +24 3 207 R +24 3 208 AM +24 3 209 A +24 3 210 CH +24 3 211 A +24 3 212 S +24 3 213 VI +24 3 214 V +24 3 215 VI +24 3 216 V +24 3 217 R +24 3 218 V +24 3 219 A +24 3 220 A +24 3 221 A +24 3 222 VI +24 3 223 V +24 3 224 CR +24 3 225 V +24 3 226 A +24 3 227 N +24 3 228 A +24 3 229 V +24 3 230 CR +24 3 231 VI +24 3 232 V +24 3 233 A +24 3 234 V +24 3 235 A +24 3 236 V +24 3 237 S +24 3 238 A +24 3 239 R +24 3 240 CH +24 3 241 CR +24 3 242 AM +24 3 243 VI +24 3 244 CR +24 3 245 S +24 3 246 A +24 3 247 VI +24 3 248 V +24 3 249 A +24 3 250 VI +24 3 251 V +24 3 252 CR +24 3 253 A +24 3 254 A +24 3 255 N +24 3 256 S +24 3 257 A +24 3 258 AM +24 3 259 CH +24 3 260 CR +24 3 261 S +24 3 262 B +24 3 263 N +24 3 264 A +24 3 265 V +24 3 266 CH +24 3 267 VI +24 3 268 V +24 3 269 VI +24 3 270 S +24 3 271 V +24 3 272 CR +24 3 273 VI +24 3 274 CR +24 3 275 AM +24 3 276 VI +24 3 277 A +24 3 278 S +24 3 279 A +24 3 280 V +24 3 281 A +24 3 282 V +24 3 283 CH +24 3 284 CR +24 3 285 R +24 3 286 B +24 3 287 AM +24 3 288 S +24 3 289 A +24 3 290 CR +24 3 291 A +24 3 292 R +24 3 293 V +24 3 294 CR +24 3 295 CH +24 3 296 VI +24 3 297 AM +24 3 298 C +24 3 299 V +24 3 300 N +24 3 301 V +24 3 302 CR +24 3 303 A +24 3 304 V +24 3 305 VI +24 3 306 V +24 3 307 A +24 3 308 VI +24 3 309 V +24 3 310 V +24 3 311 A +24 3 312 N +24 3 313 A +24 3 314 CR +24 3 315 V +24 3 316 A +24 3 317 VI +24 3 318 S +24 3 319 CR +24 3 320 V +24 3 321 C +24 3 322 A +24 3 323 V +24 3 324 CR +24 3 325 VI +24 3 326 AM +24 3 327 CR +24 3 328 V +24 3 329 CH +24 3 330 CR +24 4 1 A +24 4 2 V +24 4 3 S +24 4 4 VI +24 4 5 A +24 4 6 AM +24 4 7 V +24 4 8 R +24 4 9 CH +24 4 10 A +24 4 11 V +24 4 12 AM +24 4 13 N +24 4 14 A +24 4 15 VI +24 4 16 B +24 4 17 R +24 4 18 N +24 4 19 A +24 4 20 V +24 4 21 R +24 4 22 AM +24 4 23 VI +24 4 24 N +24 4 25 A +24 4 26 A +24 4 27 B +24 4 28 S +24 4 29 V +24 4 30 S +24 4 31 A +24 4 32 VI +24 4 33 V +24 4 34 A +24 4 35 S +24 4 36 V +24 4 37 A +24 4 38 R +24 4 39 V +24 4 40 A +24 4 41 S +24 4 42 AM +24 4 43 A +24 4 44 B +24 4 45 V +24 4 46 N +24 4 47 V +24 4 48 AM +24 4 49 A +24 4 50 VI +24 4 51 N +24 4 52 A +24 4 53 R +24 4 54 V +24 4 55 A +24 4 56 R +24 4 57 A +24 4 58 V +24 4 59 VI +24 4 60 N +24 4 61 S +24 4 62 A +24 4 63 R +24 4 64 A +24 4 65 R +24 4 66 B +24 4 67 V +24 4 68 VI +24 4 69 V +24 4 70 A +24 4 71 VI +24 4 72 V +24 4 73 VI +24 4 74 A +24 4 75 V +24 4 76 S +24 4 77 A +24 4 78 VI +24 4 79 N +24 4 80 A +24 4 81 V +24 4 82 V +24 4 83 AM +24 4 84 R +24 4 85 V +24 4 86 R +24 4 87 N +24 4 88 VI +24 4 89 N +24 4 90 V +24 4 91 AM +24 4 92 B +24 4 93 A +24 4 94 CH +24 4 95 A +24 4 96 AM +24 4 97 A +24 4 98 C +24 4 99 VI +24 4 100 V +24 4 101 R +24 4 102 A +24 4 103 V +24 4 104 A +24 4 105 VI +24 4 106 AM +24 4 107 B +24 4 108 A +24 4 109 A +24 4 110 AM +24 4 111 V +24 4 112 R +24 4 113 N +24 4 114 A +24 4 115 R +24 4 116 A +24 4 117 CH +24 4 118 R +24 4 119 V +24 4 120 B +24 4 121 S +24 4 122 V +24 4 123 A +24 4 124 V +24 4 125 S +24 4 126 R +24 4 127 V +24 4 128 AM +24 4 129 B +24 4 130 V +24 4 131 VI +24 4 132 S +24 4 133 V +24 4 134 CH +24 4 135 R +24 4 136 A +24 4 137 V +24 4 138 A +24 4 139 B +24 4 140 A +24 4 141 B +24 4 142 VI +24 4 143 V +24 4 144 A +24 4 145 V +24 4 146 AM +24 4 147 A +24 4 148 R +24 4 149 V +24 4 150 VI +24 4 151 S +24 4 152 VI +24 4 153 A +24 4 154 N +24 4 155 V +24 4 156 A +24 4 157 CH +24 4 158 B +24 4 159 AM +24 4 160 R +24 4 161 V +24 4 162 R +24 4 163 A +24 4 164 A +24 4 165 V +24 4 166 A +24 4 167 VI +24 4 168 V +24 4 169 A +24 4 170 V +24 4 171 V +24 4 172 B +24 4 173 R +24 4 174 AM +24 4 175 A +24 4 176 R +24 4 177 AM +24 4 178 A +24 4 179 CH +24 4 180 V +24 4 181 AM +24 4 182 VI +24 4 183 CH +24 4 184 A +24 4 185 AM +24 4 186 V +24 4 187 AM +24 4 188 A +24 4 189 A +24 4 190 R +24 4 191 V +24 4 192 VI +24 4 193 AM +24 4 194 CH +24 4 195 V +24 4 196 A +24 4 197 VI +24 4 198 N +24 4 199 V +24 4 200 A +24 4 201 R +24 4 202 V +24 4 203 R +24 4 204 N +24 4 205 A +24 4 206 V +24 4 207 R +24 4 208 AM +24 4 209 A +24 4 210 CH +24 4 211 A +24 4 212 S +24 4 213 VI +24 4 214 V +24 4 215 VI +24 4 216 V +24 4 217 R +24 4 218 V +24 4 219 A +24 4 220 A +24 4 221 V +24 4 222 VI +24 4 223 V +24 4 224 B +24 4 225 V +24 4 226 A +24 4 227 N +24 4 228 A +24 4 229 V +24 4 230 B +24 4 231 VI +24 4 232 V +24 4 233 A +24 4 234 V +24 4 235 A +24 4 236 V +24 4 237 AM +24 4 238 A +24 4 239 R +24 4 240 CH +24 4 241 B +24 4 242 AM +24 4 243 VI +24 4 244 A +24 4 245 C +24 4 246 A +24 4 247 VI +24 4 248 V +24 4 249 A +24 4 250 VI +24 4 251 V +24 4 252 B +24 4 253 V +24 4 254 A +24 4 255 N +24 4 256 S +24 4 257 A +24 4 258 AM +24 4 259 R +24 4 260 AM +24 4 261 S +24 4 262 B +24 4 263 N +24 4 264 A +24 4 265 V +24 4 266 S +24 4 267 VI +24 4 268 V +24 4 269 VI +24 4 270 S +24 4 271 V +24 4 272 B +24 4 273 VI +24 4 274 B +24 4 275 AM +24 4 276 R +24 4 277 A +24 4 278 AM +24 4 279 A +24 4 280 V +24 4 281 V +24 4 282 V +24 4 283 CH +24 4 284 A +24 4 285 R +24 4 286 B +24 4 287 AM +24 4 288 C +24 4 289 A +24 4 290 AM +24 4 291 A +24 4 292 R +24 4 293 A +24 4 294 A +24 4 295 CH +24 4 296 VI +24 4 297 AM +24 4 298 R +24 4 299 V +24 4 300 N +24 4 301 V +24 4 302 AM +24 4 303 A +24 4 304 V +24 4 305 VI +24 4 306 V +24 4 307 A +24 4 308 VI +24 4 309 V +24 4 310 A +24 4 311 A +24 4 312 N +24 4 313 A +24 4 314 B +24 4 315 V +24 4 316 A +24 4 317 VI +24 4 318 S +24 4 319 B +24 4 320 V +24 4 321 C +24 4 322 A +24 4 323 V +24 4 324 B +24 4 325 VI +24 4 326 AM +24 4 327 A +24 4 328 V +24 4 329 CH +24 4 330 A +24 5 1 A +24 5 2 V +24 5 3 C +24 5 4 VI +24 5 5 V +24 5 6 S +24 5 7 V +24 5 8 M +24 5 9 CH +24 5 10 A +24 5 11 A +24 5 12 AM +24 5 13 V +24 5 14 A +24 5 15 R +24 5 16 B +24 5 17 S +24 5 18 N +24 5 19 A +24 5 20 V +24 5 21 R +24 5 22 AM +24 5 23 VI +24 5 24 CH +24 5 25 A +24 5 26 A +24 5 27 B +24 5 28 R +24 5 29 V +24 5 30 S +24 5 31 A +24 5 32 VI +24 5 33 V +24 5 34 A +24 5 35 C +24 5 36 V +24 5 37 A +24 5 38 M +24 5 39 V +24 5 40 A +24 5 41 M +24 5 42 AM +24 5 43 A +24 5 44 B +24 5 45 V +24 5 46 N +24 5 47 V +24 5 48 AM +24 5 49 A +24 5 50 VI +24 5 51 CH +24 5 52 B +24 5 53 M +24 5 54 V +24 5 55 A +24 5 56 R +24 5 57 A +24 5 58 AM +24 5 59 VI +24 5 60 A +24 5 61 M +24 5 62 VI +24 5 63 R +24 5 64 A +24 5 65 R +24 5 66 AM +24 5 67 V +24 5 68 VI +24 5 69 V +24 5 70 B +24 5 71 M +24 5 72 V +24 5 73 VI +24 5 74 A +24 5 75 V +24 5 76 S +24 5 77 A +24 5 78 R +24 5 79 N +24 5 80 A +24 5 81 V +24 5 82 A +24 5 83 AM +24 5 84 R +24 5 85 V +24 5 86 R +24 5 87 N +24 5 88 VI +24 5 89 N +24 5 90 A +24 5 91 AM +24 5 92 B +24 5 93 A +24 5 94 N +24 5 95 V +24 5 96 AM +24 5 97 VI +24 5 98 C +24 5 99 VI +24 5 100 A +24 5 101 M +24 5 102 A +24 5 103 AM +24 5 104 A +24 5 105 VI +24 5 106 AM +24 5 107 B +24 5 108 V +24 5 109 A +24 5 110 AM +24 5 111 V +24 5 112 R +24 5 113 N +24 5 114 A +24 5 115 M +24 5 116 A +24 5 117 CH +24 5 118 R +24 5 119 V +24 5 120 B +24 5 121 S +24 5 122 V +24 5 123 A +24 5 124 AM +24 5 125 S +24 5 126 R +24 5 127 A +24 5 128 AM +24 5 129 B +24 5 130 V +24 5 131 VI +24 5 132 S +24 5 133 V +24 5 134 CH +24 5 135 VI +24 5 136 A +24 5 137 V +24 5 138 A +24 5 139 B +24 5 140 A +24 5 141 B +24 5 142 N +24 5 143 AM +24 5 144 A +24 5 145 V +24 5 146 AM +24 5 147 A +24 5 148 C +24 5 149 V +24 5 150 VI +24 5 151 R +24 5 152 VI +24 5 153 A +24 5 154 N +24 5 155 CH +24 5 156 V +24 5 157 CH +24 5 158 B +24 5 159 AM +24 5 160 R +24 5 161 V +24 5 162 M +24 5 163 A +24 5 164 A +24 5 165 V +24 5 166 A +24 5 167 VI +24 5 168 V +24 5 169 A +24 5 170 A +24 5 171 V +24 5 172 B +24 5 173 R +24 5 174 AM +24 5 175 A +24 5 176 C +24 5 177 AM +24 5 178 A +24 5 179 M +24 5 180 V +24 5 181 AM +24 5 182 VI +24 5 183 CH +24 5 184 VI +24 5 185 S +24 5 186 A +24 5 187 AM +24 5 188 A +24 5 189 A +24 5 190 R +24 5 191 V +24 5 192 VI +24 5 193 AM +24 5 194 M +24 5 195 V +24 5 196 A +24 5 197 VI +24 5 198 N +24 5 199 A +24 5 200 A +24 5 201 R +24 5 202 V +24 5 203 M +24 5 204 CH +24 5 205 A +24 5 206 AM +24 5 207 R +24 5 208 CH +24 5 209 A +24 5 210 M +24 5 211 A +24 5 212 S +24 5 213 VI +24 5 214 AM +24 5 215 R +24 5 216 V +24 5 217 R +24 5 218 AM +24 5 219 A +24 5 220 A +24 5 221 B +24 5 222 VI +24 5 223 V +24 5 224 R +24 5 225 AM +24 5 226 A +24 5 227 N +24 5 228 A +24 5 229 V +24 5 230 R +24 5 231 VI +24 5 232 CH +24 5 233 A +24 5 234 V +24 5 235 A +24 5 236 V +24 5 237 R +24 5 238 A +24 5 239 R +24 5 240 CH +24 5 241 B +24 5 242 AM +24 5 243 M +24 5 244 A +24 5 245 C +24 5 246 A +24 5 247 A +24 5 248 V +24 5 249 V +24 5 250 A +24 5 251 V +24 5 252 B +24 5 253 A +24 5 254 A +24 5 255 N +24 5 256 R +24 5 257 A +24 5 258 AM +24 5 259 M +24 5 260 AM +24 5 261 S +24 5 262 B +24 5 263 N +24 5 264 A +24 5 265 V +24 5 266 CH +24 5 267 VI +24 5 268 V +24 5 269 VI +24 5 270 AM +24 5 271 V +24 5 272 B +24 5 273 VI +24 5 274 B +24 5 275 AM +24 5 276 R +24 5 277 A +24 5 278 S +24 5 279 A +24 5 280 V +24 5 281 V +24 5 282 V +24 5 283 CH +24 5 284 B +24 5 285 R +24 5 286 B +24 5 287 CH +24 5 288 C +24 5 289 V +24 5 290 CH +24 5 291 A +24 5 292 R +24 5 293 V +24 5 294 B +24 5 295 CH +24 5 296 VI +24 5 297 AM +24 5 298 C +24 5 299 V +24 5 300 B +24 5 301 V +24 5 302 R +24 5 303 A +24 5 304 V +24 5 305 VI +24 5 306 V +24 5 307 A +24 5 308 VI +24 5 309 V +24 5 310 V +24 5 311 A +24 5 312 N +24 5 313 A +24 5 314 B +24 5 315 V +24 5 316 A +24 5 317 VI +24 5 318 S +24 5 319 B +24 5 320 V +24 5 321 R +24 5 322 A +24 5 323 V +24 5 324 B +24 5 325 VI +24 5 326 AM +24 5 327 A +24 5 328 V +24 5 329 CH +24 5 330 A +24 6 1 A +24 6 2 V +24 6 3 S +24 6 4 L +24 6 5 V +24 6 6 S +24 6 7 V +24 6 8 M +24 6 9 CH +24 6 10 A +24 6 11 A +24 6 12 AM +24 6 13 V +24 6 14 A +24 6 15 R +24 6 16 B +24 6 17 S +24 6 18 N +24 6 19 A +24 6 20 V +24 6 21 R +24 6 22 AM +24 6 23 L +24 6 24 CH +24 6 25 A +24 6 26 A +24 6 27 B +24 6 28 R +24 6 29 V +24 6 30 M +24 6 31 V +24 6 32 R +24 6 33 V +24 6 34 A +24 6 35 S +24 6 36 V +24 6 37 A +24 6 38 C +24 6 39 V +24 6 40 A +24 6 41 C +24 6 42 AM +24 6 43 A +24 6 44 B +24 6 45 V +24 6 46 N +24 6 47 V +24 6 48 AM +24 6 49 A +24 6 50 L +24 6 51 CH +24 6 52 B +24 6 53 C +24 6 54 V +24 6 55 A +24 6 56 S +24 6 57 A +24 6 58 AM +24 6 59 B +24 6 60 A +24 6 61 M +24 6 62 L +24 6 63 R +24 6 64 A +24 6 65 R +24 6 66 AM +24 6 67 V +24 6 68 R +24 6 69 V +24 6 70 B +24 6 71 M +24 6 72 V +24 6 73 L +24 6 74 A +24 6 75 V +24 6 76 S +24 6 77 A +24 6 78 R +24 6 79 N +24 6 80 A +24 6 81 V +24 6 82 A +24 6 83 AM +24 6 84 R +24 6 85 V +24 6 86 R +24 6 87 N +24 6 88 L +24 6 89 N +24 6 90 V +24 6 91 AM +24 6 92 B +24 6 93 A +24 6 94 N +24 6 95 V +24 6 96 AM +24 6 97 L +24 6 98 C +24 6 99 L +24 6 100 V +24 6 101 M +24 6 102 A +24 6 103 V +24 6 104 A +24 6 105 L +24 6 106 AM +24 6 107 B +24 6 108 V +24 6 109 A +24 6 110 S +24 6 111 N +24 6 112 R +24 6 113 N +24 6 114 A +24 6 115 S +24 6 116 V +24 6 117 CH +24 6 118 R +24 6 119 V +24 6 120 B +24 6 121 S +24 6 122 V +24 6 123 A +24 6 124 AM +24 6 125 S +24 6 126 R +24 6 127 V +24 6 128 AM +24 6 129 B +24 6 130 V +24 6 131 L +24 6 132 S +24 6 133 V +24 6 134 CH +24 6 135 R +24 6 136 A +24 6 137 V +24 6 138 A +24 6 139 B +24 6 140 A +24 6 141 B +24 6 142 B +24 6 143 V +24 6 144 L +24 6 145 V +24 6 146 AM +24 6 147 V +24 6 148 C +24 6 149 V +24 6 150 L +24 6 151 R +24 6 152 L +24 6 153 A +24 6 154 N +24 6 155 CH +24 6 156 V +24 6 157 CH +24 6 158 B +24 6 159 S +24 6 160 R +24 6 161 V +24 6 162 C +24 6 163 A +24 6 164 A +24 6 165 V +24 6 166 A +24 6 167 L +24 6 168 V +24 6 169 A +24 6 170 N +24 6 171 AM +24 6 172 B +24 6 173 R +24 6 174 AM +24 6 175 A +24 6 176 R +24 6 177 AM +24 6 178 A +24 6 179 M +24 6 180 V +24 6 181 AM +24 6 182 L +24 6 183 CH +24 6 184 L +24 6 185 CH +24 6 186 A +24 6 187 AM +24 6 188 A +24 6 189 A +24 6 190 R +24 6 191 V +24 6 192 L +24 6 193 AM +24 6 194 M +24 6 195 V +24 6 196 A +24 6 197 L +24 6 198 N +24 6 199 B +24 6 200 A +24 6 201 R +24 6 202 V +24 6 203 R +24 6 204 N +24 6 205 L +24 6 206 AM +24 6 207 R +24 6 208 CH +24 6 209 V +24 6 210 L +24 6 211 A +24 6 212 S +24 6 213 B +24 6 214 AM +24 6 215 R +24 6 216 V +24 6 217 R +24 6 218 V +24 6 219 B +24 6 220 L +24 6 221 B +24 6 222 L +24 6 223 V +24 6 224 R +24 6 225 AM +24 6 226 A +24 6 227 N +24 6 228 A +24 6 229 V +24 6 230 R +24 6 231 L +24 6 232 CH +24 6 233 A +24 6 234 V +24 6 235 A +24 6 236 V +24 6 237 S +24 6 238 V +24 6 239 R +24 6 240 CH +24 6 241 B +24 6 242 AM +24 6 243 M +24 6 244 B +24 6 245 R +24 6 246 V +24 6 247 L +24 6 248 N +24 6 249 V +24 6 250 L +24 6 251 V +24 6 252 B +24 6 253 V +24 6 254 A +24 6 255 N +24 6 256 R +24 6 257 A +24 6 258 AM +24 6 259 R +24 6 260 AM +24 6 261 S +24 6 262 B +24 6 263 N +24 6 264 A +24 6 265 V +24 6 266 CH +24 6 267 L +24 6 268 V +24 6 269 L +24 6 270 S +24 6 271 V +24 6 272 B +24 6 273 L +24 6 274 B +24 6 275 AM +24 6 276 C +24 6 277 AM +24 6 278 S +24 6 279 L +24 6 280 V +24 6 281 V +24 6 282 V +24 6 283 CH +24 6 284 B +24 6 285 R +24 6 286 B +24 6 287 CH +24 6 288 C +24 6 289 A +24 6 290 AM +24 6 291 A +24 6 292 R +24 6 293 V +24 6 294 B +24 6 295 CH +24 6 296 L +24 6 297 AM +24 6 298 C +24 6 299 V +24 6 300 B +24 6 301 V +24 6 302 B +24 6 303 A +24 6 304 V +24 6 305 L +24 6 306 V +24 6 307 A +24 6 308 L +24 6 309 CH +24 6 310 V +24 6 311 A +24 6 312 N +24 6 313 L +24 6 314 B +24 6 315 V +24 6 316 V +24 6 317 R +24 6 318 S +24 6 319 B +24 6 320 V +24 6 321 R +24 6 322 A +24 6 323 V +24 6 324 B +24 6 325 L +24 6 326 AM +24 6 327 V +24 6 328 V +24 6 329 CH +24 6 330 B +24 7 1 A +24 7 2 V +24 7 3 S +24 7 4 N +24 7 5 CR +24 7 6 R +24 7 7 S +24 7 8 V +24 7 9 C +24 7 10 A +24 7 11 C +24 7 12 AM +24 7 13 CH +24 7 14 N +24 7 15 R +24 7 16 R +24 7 17 V +24 7 18 CH +24 7 19 A +24 7 20 V +24 7 21 R +24 7 22 AM +24 7 23 V +24 7 24 G +24 7 25 C +24 7 26 A +24 7 27 V +24 7 28 R +24 7 29 S +24 7 30 C +24 7 31 R +24 7 32 R +24 7 33 S +24 7 34 A +24 7 35 S +24 7 36 C +24 7 37 A +24 7 38 C +24 7 39 V +24 7 40 A +24 7 41 N +24 7 42 S +24 7 43 N +24 7 44 R +24 7 45 V +24 7 46 R +24 7 47 G +24 7 48 S +24 7 49 R +24 7 50 N +24 7 51 C +24 7 52 CR +24 7 53 N +24 7 54 S +24 7 55 R +24 7 56 CR +24 7 57 N +24 7 58 S +24 7 59 R +24 7 60 G +24 7 61 C +24 7 62 R +24 7 63 R +24 7 64 R +24 7 65 C +24 7 66 CR +24 7 67 S +24 7 68 R +24 7 69 V +24 7 70 B +24 7 71 N +24 7 72 C +24 7 73 L +24 7 74 R +24 7 75 CH +24 7 76 S +24 7 77 R +24 7 78 A +24 7 79 G +24 7 80 R +24 7 81 AM +24 7 82 R +24 7 83 CR +24 7 84 R +24 7 85 C +24 7 86 A +24 7 87 G +24 7 88 S +24 7 89 N +24 7 90 V +24 7 91 AM +24 7 92 R +24 7 93 V +24 7 94 C +24 7 95 CR +24 7 96 AM +24 7 97 L +24 7 98 C +24 7 99 R +24 7 100 R +24 7 101 G +24 7 102 A +24 7 103 V +24 7 104 R +24 7 105 C +24 7 106 AM +24 7 107 R +24 7 108 B +24 7 109 R +24 7 110 S +24 7 111 G +24 7 112 V +24 7 113 CH +24 7 114 V +24 7 115 C +24 7 116 R +24 7 117 CH +24 7 118 R +24 7 119 R +24 7 120 A +24 7 121 C +24 7 122 C +24 7 123 N +24 7 124 AM +24 7 125 S +24 7 126 R +24 7 127 N +24 7 128 AM +24 7 129 A +24 7 130 C +24 7 131 C +24 7 132 CH +24 7 133 V +24 7 134 CH +24 7 135 R +24 7 136 R +24 7 137 C +24 7 138 A +24 7 139 R +24 7 140 C +24 7 141 CR +24 7 142 B +24 7 143 S +24 7 144 C +24 7 145 R +24 7 146 AM +24 7 147 V +24 7 148 G +24 7 149 CR +24 7 150 C +24 7 151 R +24 7 152 R +24 7 153 A +24 7 154 V +24 7 155 C +24 7 156 V +24 7 157 CH +24 7 158 R +24 7 159 S +24 7 160 A +24 7 161 R +24 7 162 G +24 7 163 V +24 7 164 L +24 7 165 S +24 7 166 N +24 7 167 A +24 7 168 G +24 7 169 C +24 7 170 N +24 7 171 S +24 7 172 R +24 7 173 C +24 7 174 S +24 7 175 R +24 7 176 C +24 7 177 CR +24 7 178 L +24 7 179 N +24 7 180 S +24 7 181 C +24 7 182 N +24 7 183 CH +24 7 184 C +24 7 185 S +24 7 186 R +24 7 187 AM +24 7 188 R +24 7 189 A +24 7 190 V +24 7 191 G +24 7 192 C +24 7 193 S +24 7 194 N +24 7 195 S +24 7 196 R +24 7 197 C +24 7 198 G +24 7 199 CR +24 7 200 B +24 7 201 R +24 7 202 S +24 7 203 C +24 7 204 N +24 7 205 C +24 7 206 CR +24 7 207 R +24 7 208 S +24 7 209 N +24 7 210 N +24 7 211 A +24 7 212 AM +24 7 213 A +24 7 214 AM +24 7 215 R +24 7 216 C +24 7 217 B +24 7 218 AM +24 7 219 B +24 7 220 L +24 7 221 B +24 7 222 C +24 7 223 V +24 7 224 R +24 7 225 S +24 7 226 N +24 7 227 CH +24 7 228 A +24 7 229 CR +24 7 230 R +24 7 231 C +24 7 232 CH +24 7 233 A +24 7 234 CH +24 7 235 C +24 7 236 S +24 7 237 R +24 7 238 V +24 7 239 R +24 7 240 V +24 7 241 B +24 7 242 CR +24 7 243 L +24 7 244 R +24 7 245 CH +24 7 246 B +24 7 247 R +24 7 248 CH +24 7 249 N +24 7 250 C +24 7 251 CR +24 7 252 R +24 7 253 V +24 7 254 R +24 7 255 N +24 7 256 C +24 7 257 A +24 7 258 AM +24 7 259 CH +24 7 260 B +24 7 261 S +24 7 262 B +24 7 263 C +24 7 264 A +24 7 265 C +24 7 266 C +24 7 267 N +24 7 268 B +24 7 269 C +24 7 270 S +24 7 271 N +24 7 272 R +24 7 273 C +24 7 274 B +24 7 275 S +24 7 276 C +24 7 277 N +24 7 278 B +24 7 279 C +24 7 280 S +24 7 281 C +24 7 282 S +24 7 283 CH +24 7 284 B +24 7 285 R +24 7 286 R +24 7 287 S +24 7 288 G +24 7 289 B +24 7 290 CR +24 7 291 C +24 7 292 R +24 7 293 B +24 7 294 V +24 7 295 C +24 7 296 C +24 7 297 AM +24 7 298 G +24 7 299 V +24 7 300 R +24 7 301 V +24 7 302 B +24 7 303 A +24 7 304 S +24 7 305 N +24 7 306 CR +24 7 307 N +24 7 308 A +24 7 309 C +24 7 310 R +24 7 311 C +24 7 312 N +24 7 313 L +24 7 314 R +24 7 315 S +24 7 316 R +24 7 317 C +24 7 318 S +24 7 319 R +24 7 320 S +24 7 321 G +24 7 322 A +24 7 323 V +24 7 324 B +24 7 325 C +24 7 326 S +24 7 327 B +24 7 328 G +24 7 329 V +24 7 330 B +24 8 1 A +24 8 2 V +24 8 3 S +24 8 4 VI +24 8 5 V +24 8 6 S +24 8 7 V +24 8 8 M +24 8 9 CH +24 8 10 A +24 8 11 N +24 8 12 AM +24 8 13 V +24 8 14 A +24 8 15 R +24 8 16 B +24 8 17 C +24 8 18 N +24 8 19 A +24 8 20 V +24 8 21 R +24 8 22 AM +24 8 23 VI +24 8 24 N +24 8 25 A +24 8 26 A +24 8 27 B +24 8 28 C +24 8 29 V +24 8 30 CH +24 8 31 A +24 8 32 VI +24 8 33 V +24 8 34 A +24 8 35 S +24 8 36 V +24 8 37 A +24 8 38 C +24 8 39 V +24 8 40 A +24 8 41 C +24 8 42 AM +24 8 43 A +24 8 44 B +24 8 45 V +24 8 46 N +24 8 47 N +24 8 48 AM +24 8 49 A +24 8 50 VI +24 8 51 CH +24 8 52 B +24 8 53 C +24 8 54 V +24 8 55 A +24 8 56 S +24 8 57 A +24 8 58 AM +24 8 59 B +24 8 60 N +24 8 61 M +24 8 62 VI +24 8 63 S +24 8 64 A +24 8 65 C +24 8 66 B +24 8 67 V +24 8 68 VI +24 8 69 V +24 8 70 B +24 8 71 M +24 8 72 V +24 8 73 VI +24 8 74 A +24 8 75 V +24 8 76 S +24 8 77 A +24 8 78 R +24 8 79 N +24 8 80 A +24 8 81 V +24 8 82 V +24 8 83 AM +24 8 84 S +24 8 85 V +24 8 86 R +24 8 87 N +24 8 88 VI +24 8 89 N +24 8 90 A +24 8 91 V +24 8 92 B +24 8 93 A +24 8 94 N +24 8 95 V +24 8 96 AM +24 8 97 A +24 8 98 C +24 8 99 VI +24 8 100 V +24 8 101 M +24 8 102 A +24 8 103 V +24 8 104 A +24 8 105 VI +24 8 106 AM +24 8 107 B +24 8 108 V +24 8 109 A +24 8 110 AM +24 8 111 V +24 8 112 C +24 8 113 N +24 8 114 A +24 8 115 M +24 8 116 B +24 8 117 CH +24 8 118 R +24 8 119 V +24 8 120 B +24 8 121 S +24 8 122 V +24 8 123 A +24 8 124 AM +24 8 125 S +24 8 126 R +24 8 127 N +24 8 128 AM +24 8 129 B +24 8 130 N +24 8 131 VI +24 8 132 M +24 8 133 V +24 8 134 CH +24 8 135 VI +24 8 136 A +24 8 137 V +24 8 138 A +24 8 139 B +24 8 140 A +24 8 141 B +24 8 142 B +24 8 143 V +24 8 144 VI +24 8 145 V +24 8 146 AM +24 8 147 V +24 8 148 C +24 8 149 V +24 8 150 VI +24 8 151 S +24 8 152 VI +24 8 153 A +24 8 154 N +24 8 155 CH +24 8 156 V +24 8 157 CH +24 8 158 B +24 8 159 S +24 8 160 R +24 8 161 V +24 8 162 C +24 8 163 A +24 8 164 A +24 8 165 V +24 8 166 A +24 8 167 VI +24 8 168 V +24 8 169 A +24 8 170 N +24 8 171 V +24 8 172 B +24 8 173 R +24 8 174 AM +24 8 175 B +24 8 176 S +24 8 177 AM +24 8 178 A +24 8 179 M +24 8 180 V +24 8 181 AM +24 8 182 VI +24 8 183 CH +24 8 184 VI +24 8 185 CH +24 8 186 A +24 8 187 S +24 8 188 A +24 8 189 B +24 8 190 R +24 8 191 V +24 8 192 VI +24 8 193 AM +24 8 194 M +24 8 195 V +24 8 196 A +24 8 197 VI +24 8 198 N +24 8 199 B +24 8 200 A +24 8 201 S +24 8 202 V +24 8 203 C +24 8 204 CH +24 8 205 VI +24 8 206 B +24 8 207 R +24 8 208 AM +24 8 209 A +24 8 210 CH +24 8 211 A +24 8 212 S +24 8 213 VI +24 8 214 M +24 8 215 R +24 8 216 V +24 8 217 R +24 8 218 V +24 8 219 B +24 8 220 A +24 8 221 B +24 8 222 VI +24 8 223 V +24 8 224 B +24 8 225 V +24 8 226 A +24 8 227 N +24 8 228 A +24 8 229 V +24 8 230 B +24 8 231 VI +24 8 232 CH +24 8 233 VI +24 8 234 V +24 8 235 A +24 8 236 V +24 8 237 S +24 8 238 A +24 8 239 R +24 8 240 CH +24 8 241 B +24 8 242 AM +24 8 243 M +24 8 244 B +24 8 245 C +24 8 246 A +24 8 247 VI +24 8 248 N +24 8 249 V +24 8 250 VI +24 8 251 V +24 8 252 B +24 8 253 A +24 8 254 VI +24 8 255 N +24 8 256 S +24 8 257 A +24 8 258 AM +24 8 259 CH +24 8 260 B +24 8 261 S +24 8 262 B +24 8 263 B +24 8 264 A +24 8 265 V +24 8 266 CH +24 8 267 VI +24 8 268 V +24 8 269 VI +24 8 270 AM +24 8 271 N +24 8 272 B +24 8 273 VI +24 8 274 B +24 8 275 AM +24 8 276 C +24 8 277 A +24 8 278 S +24 8 279 A +24 8 280 V +24 8 281 V +24 8 282 V +24 8 283 CH +24 8 284 B +24 8 285 R +24 8 286 B +24 8 287 CH +24 8 288 C +24 8 289 A +24 8 290 B +24 8 291 A +24 8 292 S +24 8 293 B +24 8 294 B +24 8 295 CH +24 8 296 VI +24 8 297 AM +24 8 298 C +24 8 299 V +24 8 300 B +24 8 301 V +24 8 302 B +24 8 303 B +24 8 304 V +24 8 305 VI +24 8 306 V +24 8 307 A +24 8 308 VI +24 8 309 N +24 8 310 A +24 8 311 A +24 8 312 N +24 8 313 A +24 8 314 B +24 8 315 V +24 8 316 A +24 8 317 VI +24 8 318 S +24 8 319 B +24 8 320 V +24 8 321 C +24 8 322 A +24 8 323 V +24 8 324 B +24 8 325 VI +24 8 326 AM +24 8 327 B +24 8 328 V +24 8 329 CH +24 8 330 B +24 9 1 A +24 9 2 V +24 9 3 C +24 9 4 L +24 9 5 V +24 9 6 AM +24 9 7 V +24 9 8 C +24 9 9 CH +24 9 10 A +24 9 11 N +24 9 12 AM +24 9 13 V +24 9 14 A +24 9 15 R +24 9 16 B +24 9 17 R +24 9 18 N +24 9 19 A +24 9 20 V +24 9 21 R +24 9 22 AM +24 9 23 L +24 9 24 CH +24 9 25 V +24 9 26 A +24 9 27 LE +24 9 28 R +24 9 29 V +24 9 30 CH +24 9 31 V +24 9 32 R +24 9 33 V +24 9 34 A +24 9 35 R +24 9 36 V +24 9 37 A +24 9 38 C +24 9 39 V +24 9 40 A +24 9 41 C +24 9 42 AM +24 9 43 A +24 9 44 LE +24 9 45 V +24 9 46 N +24 9 47 V +24 9 48 AM +24 9 49 A +24 9 50 L +24 9 51 CH +24 9 52 V +24 9 53 C +24 9 54 V +24 9 55 A +24 9 56 R +24 9 57 A +24 9 58 CH +24 9 59 R +24 9 60 A +24 9 61 C +24 9 62 L +24 9 63 R +24 9 64 A +24 9 65 C +24 9 66 LE +24 9 67 V +24 9 68 R +24 9 69 V +24 9 70 B +24 9 71 L +24 9 72 V +24 9 73 L +24 9 74 A +24 9 75 V +24 9 76 AM +24 9 77 V +24 9 78 R +24 9 79 N +24 9 80 A +24 9 81 V +24 9 82 A +24 9 83 LE +24 9 84 R +24 9 85 V +24 9 86 R +24 9 87 N +24 9 88 L +24 9 89 N +24 9 90 V +24 9 91 V +24 9 92 LE +24 9 93 A +24 9 94 CH +24 9 95 A +24 9 96 AM +24 9 97 L +24 9 98 C +24 9 99 L +24 9 100 V +24 9 101 L +24 9 102 A +24 9 103 CH +24 9 104 A +24 9 105 L +24 9 106 AM +24 9 107 LE +24 9 108 A +24 9 109 A +24 9 110 AM +24 9 111 V +24 9 112 C +24 9 113 CH +24 9 114 V +24 9 115 C +24 9 116 A +24 9 117 CH +24 9 118 R +24 9 119 V +24 9 120 LE +24 9 121 AM +24 9 122 V +24 9 123 A +24 9 124 AM +24 9 125 R +24 9 126 R +24 9 127 V +24 9 128 AM +24 9 129 B +24 9 130 CH +24 9 131 L +24 9 132 R +24 9 133 V +24 9 134 CH +24 9 135 VI +24 9 136 A +24 9 137 V +24 9 138 A +24 9 139 A +24 9 140 A +24 9 141 B +24 9 142 A +24 9 143 V +24 9 144 A +24 9 145 V +24 9 146 AM +24 9 147 V +24 9 148 C +24 9 149 V +24 9 150 L +24 9 151 R +24 9 152 L +24 9 153 A +24 9 154 N +24 9 155 CH +24 9 156 V +24 9 157 CH +24 9 158 B +24 9 159 LE +24 9 160 R +24 9 161 V +24 9 162 C +24 9 163 A +24 9 164 A +24 9 165 V +24 9 166 A +24 9 167 L +24 9 168 V +24 9 169 A +24 9 170 A +24 9 171 V +24 9 172 LE +24 9 173 R +24 9 174 AM +24 9 175 A +24 9 176 R +24 9 177 AM +24 9 178 A +24 9 179 C +24 9 180 V +24 9 181 AM +24 9 182 L +24 9 183 CH +24 9 184 L +24 9 185 AM +24 9 186 A +24 9 187 AM +24 9 188 A +24 9 189 A +24 9 190 R +24 9 191 V +24 9 192 L +24 9 193 AM +24 9 194 CH +24 9 195 V +24 9 196 A +24 9 197 L +24 9 198 N +24 9 199 AM +24 9 200 A +24 9 201 R +24 9 202 V +24 9 203 R +24 9 204 CH +24 9 205 A +24 9 206 AM +24 9 207 R +24 9 208 AM +24 9 209 V +24 9 210 CH +24 9 211 A +24 9 212 AM +24 9 213 A +24 9 214 AM +24 9 215 L +24 9 216 V +24 9 217 R +24 9 218 AM +24 9 219 LE +24 9 220 A +24 9 221 LE +24 9 222 L +24 9 223 V +24 9 224 R +24 9 225 AM +24 9 226 A +24 9 227 N +24 9 228 A +24 9 229 V +24 9 230 LE +24 9 231 L +24 9 232 CH +24 9 233 A +24 9 234 V +24 9 235 A +24 9 236 V +24 9 237 R +24 9 238 V +24 9 239 R +24 9 240 CH +24 9 241 LE +24 9 242 AM +24 9 243 L +24 9 244 LE +24 9 245 R +24 9 246 A +24 9 247 L +24 9 248 V +24 9 249 V +24 9 250 L +24 9 251 V +24 9 252 LE +24 9 253 V +24 9 254 A +24 9 255 N +24 9 256 R +24 9 257 A +24 9 258 AM +24 9 259 R +24 9 260 LE +24 9 261 AM +24 9 262 LE +24 9 263 LE +24 9 264 A +24 9 265 V +24 9 266 CH +24 9 267 L +24 9 268 V +24 9 269 R +24 9 270 AM +24 9 271 V +24 9 272 LE +24 9 273 L +24 9 274 LE +24 9 275 AM +24 9 276 C +24 9 277 A +24 9 278 AM +24 9 279 A +24 9 280 V +24 9 281 V +24 9 282 V +24 9 283 CH +24 9 284 LE +24 9 285 R +24 9 286 LE +24 9 287 CH +24 9 288 R +24 9 289 A +24 9 290 LE +24 9 291 A +24 9 292 R +24 9 293 LE +24 9 294 LE +24 9 295 CH +24 9 296 L +24 9 297 AM +24 9 298 C +24 9 299 V +24 9 300 LE +24 9 301 V +24 9 302 LE +24 9 303 A +24 9 304 AM +24 9 305 L +24 9 306 V +24 9 307 A +24 9 308 L +24 9 309 CH +24 9 310 V +24 9 311 A +24 9 312 N +24 9 313 A +24 9 314 LE +24 9 315 V +24 9 316 V +24 9 317 L +24 9 318 AM +24 9 319 LE +24 9 320 CH +24 9 321 R +24 9 322 A +24 9 323 V +24 9 324 LE +24 9 325 L +24 9 326 AM +24 9 327 A +24 9 328 V +24 9 329 CH +24 9 330 A +24 10 1 A +24 10 2 V +24 10 3 C +24 10 4 VI +24 10 5 V +24 10 6 R +24 10 7 V +24 10 8 C +24 10 9 CH +24 10 10 A +24 10 11 V +24 10 12 AM +24 10 13 V +24 10 14 A +24 10 15 R +24 10 16 B +24 10 17 C +24 10 18 N +24 10 19 A +24 10 20 V +24 10 21 R +24 10 22 AM +24 10 23 VI +24 10 24 V +24 10 25 A +24 10 26 A +24 10 27 B +24 10 28 R +24 10 29 V +24 10 30 CH +24 10 31 A +24 10 32 R +24 10 33 V +24 10 34 A +24 10 35 R +24 10 36 V +24 10 37 A +24 10 38 R +24 10 39 V +24 10 40 A +24 10 41 C +24 10 42 AM +24 10 43 A +24 10 44 R +24 10 45 V +24 10 46 N +24 10 47 V +24 10 48 AM +24 10 49 A +24 10 50 VI +24 10 51 CH +24 10 52 V +24 10 53 R +24 10 54 V +24 10 55 A +24 10 56 R +24 10 57 A +24 10 58 AM +24 10 59 B +24 10 60 A +24 10 61 C +24 10 62 VI +24 10 63 R +24 10 64 A +24 10 65 R +24 10 66 AM +24 10 67 V +24 10 68 R +24 10 69 V +24 10 70 A +24 10 71 CH +24 10 72 V +24 10 73 VI +24 10 74 A +24 10 75 V +24 10 76 C +24 10 77 A +24 10 78 R +24 10 79 N +24 10 80 A +24 10 81 V +24 10 82 A +24 10 83 AM +24 10 84 R +24 10 85 V +24 10 86 R +24 10 87 N +24 10 88 VI +24 10 89 N +24 10 90 A +24 10 91 AM +24 10 92 R +24 10 93 A +24 10 94 CH +24 10 95 A +24 10 96 AM +24 10 97 VI +24 10 98 C +24 10 99 VI +24 10 100 A +24 10 101 C +24 10 102 A +24 10 103 V +24 10 104 A +24 10 105 VI +24 10 106 AM +24 10 107 R +24 10 108 A +24 10 109 A +24 10 110 AM +24 10 111 V +24 10 112 C +24 10 113 N +24 10 114 A +24 10 115 CH +24 10 116 A +24 10 117 CH +24 10 118 R +24 10 119 V +24 10 120 B +24 10 121 C +24 10 122 V +24 10 123 A +24 10 124 AM +24 10 125 S +24 10 126 R +24 10 127 A +24 10 128 AM +24 10 129 R +24 10 130 V +24 10 131 VI +24 10 132 S +24 10 133 V +24 10 134 CH +24 10 135 R +24 10 136 A +24 10 137 V +24 10 138 A +24 10 139 VI +24 10 140 A +24 10 141 B +24 10 142 A +24 10 143 V +24 10 144 VI +24 10 145 V +24 10 146 AM +24 10 147 A +24 10 148 C +24 10 149 V +24 10 150 VI +24 10 151 S +24 10 152 VI +24 10 153 A +24 10 154 N +24 10 155 CH +24 10 156 V +24 10 157 CH +24 10 158 A +24 10 159 AM +24 10 160 R +24 10 161 V +24 10 162 C +24 10 163 A +24 10 164 A +24 10 165 V +24 10 166 A +24 10 167 VI +24 10 168 V +24 10 169 A +24 10 170 A +24 10 171 V +24 10 172 A +24 10 173 R +24 10 174 AM +24 10 175 A +24 10 176 S +24 10 177 AM +24 10 178 A +24 10 179 CH +24 10 180 V +24 10 181 AM +24 10 182 CH +24 10 183 AM +24 10 184 VI +24 10 185 CH +24 10 186 A +24 10 187 AM +24 10 188 A +24 10 189 A +24 10 190 R +24 10 191 V +24 10 192 VI +24 10 193 V +24 10 194 CH +24 10 195 V +24 10 196 A +24 10 197 VI +24 10 198 N +24 10 199 A +24 10 200 A +24 10 201 R +24 10 202 V +24 10 203 VI +24 10 204 CH +24 10 205 VI +24 10 206 B +24 10 207 R +24 10 208 CH +24 10 209 A +24 10 210 CH +24 10 211 A +24 10 212 S +24 10 213 VI +24 10 214 AM +24 10 215 R +24 10 216 V +24 10 217 R +24 10 218 V +24 10 219 A +24 10 220 A +24 10 221 A +24 10 222 VI +24 10 223 V +24 10 224 R +24 10 225 V +24 10 226 A +24 10 227 N +24 10 228 A +24 10 229 V +24 10 230 R +24 10 231 VI +24 10 232 CH +24 10 233 VI +24 10 234 V +24 10 235 A +24 10 236 V +24 10 237 S +24 10 238 A +24 10 239 R +24 10 240 CH +24 10 241 B +24 10 242 AM +24 10 243 VI +24 10 244 A +24 10 245 C +24 10 246 A +24 10 247 VI +24 10 248 V +24 10 249 V +24 10 250 VI +24 10 251 V +24 10 252 R +24 10 253 V +24 10 254 A +24 10 255 N +24 10 256 C +24 10 257 A +24 10 258 AM +24 10 259 CH +24 10 260 V +24 10 261 S +24 10 262 B +24 10 263 A +24 10 264 A +24 10 265 V +24 10 266 CH +24 10 267 VI +24 10 268 V +24 10 269 VI +24 10 270 S +24 10 271 A +24 10 272 A +24 10 273 VI +24 10 274 B +24 10 275 AM +24 10 276 C +24 10 277 A +24 10 278 S +24 10 279 A +24 10 280 V +24 10 281 V +24 10 282 V +24 10 283 CH +24 10 284 A +24 10 285 R +24 10 286 A +24 10 287 AM +24 10 288 C +24 10 289 A +24 10 290 R +24 10 291 A +24 10 292 R +24 10 293 A +24 10 294 A +24 10 295 CH +24 10 296 VI +24 10 297 AM +24 10 298 C +24 10 299 V +24 10 300 A +24 10 301 A +24 10 302 R +24 10 303 A +24 10 304 V +24 10 305 VI +24 10 306 V +24 10 307 A +24 10 308 VI +24 10 309 V +24 10 310 V +24 10 311 A +24 10 312 N +24 10 313 A +24 10 314 R +24 10 315 V +24 10 316 A +24 10 317 VI +24 10 318 R +24 10 319 A +24 10 320 V +24 10 321 C +24 10 322 A +24 10 323 V +24 10 324 R +24 10 325 VI +24 10 326 AM +24 10 327 A +24 10 328 V +24 10 329 CH +24 10 330 A +24 11 1 A +24 11 2 V +24 11 3 C +24 11 4 VI +24 11 5 V +24 11 6 C +24 11 7 V +24 11 8 C +24 11 9 CH +24 11 10 A +24 11 11 V +24 11 12 AM +24 11 13 V +24 11 14 A +24 11 15 C +24 11 16 B +24 11 17 C +24 11 18 N +24 11 19 A +24 11 20 V +24 11 21 C +24 11 22 AM +24 11 23 VI +24 11 24 N +24 11 25 V +24 11 26 A +24 11 27 B +24 11 28 C +24 11 29 V +24 11 30 CH +24 11 31 A +24 11 32 C +24 11 33 V +24 11 34 A +24 11 35 C +24 11 36 V +24 11 37 A +24 11 38 C +24 11 39 V +24 11 40 V +24 11 41 C +24 11 42 AM +24 11 43 A +24 11 44 B +24 11 45 V +24 11 46 N +24 11 47 N +24 11 48 C +24 11 49 A +24 11 50 VI +24 11 51 CH +24 11 52 B +24 11 53 C +24 11 54 V +24 11 55 A +24 11 56 C +24 11 57 A +24 11 58 AM +24 11 59 B +24 11 60 A +24 11 61 C +24 11 62 VI +24 11 63 G +24 11 64 A +24 11 65 C +24 11 66 B +24 11 67 V +24 11 68 C +24 11 69 V +24 11 70 B +24 11 71 VI +24 11 72 V +24 11 73 VI +24 11 74 V +24 11 75 V +24 11 76 C +24 11 77 V +24 11 78 C +24 11 79 N +24 11 80 A +24 11 81 V +24 11 82 V +24 11 83 AM +24 11 84 G +24 11 85 V +24 11 86 G +24 11 87 N +24 11 88 VI +24 11 89 N +24 11 90 A +24 11 91 V +24 11 92 B +24 11 93 A +24 11 94 N +24 11 95 B +24 11 96 AM +24 11 97 VI +24 11 98 C +24 11 99 VI +24 11 100 V +24 11 101 C +24 11 102 B +24 11 103 V +24 11 104 A +24 11 105 VI +24 11 106 AM +24 11 107 B +24 11 108 V +24 11 109 A +24 11 110 G +24 11 111 V +24 11 112 C +24 11 113 N +24 11 114 V +24 11 115 C +24 11 116 V +24 11 117 CH +24 11 118 G +24 11 119 V +24 11 120 B +24 11 121 C +24 11 122 V +24 11 123 A +24 11 124 V +24 11 125 G +24 11 126 G +24 11 127 V +24 11 128 AM +24 11 129 B +24 11 130 V +24 11 131 VI +24 11 132 C +24 11 133 V +24 11 134 CH +24 11 135 G +24 11 136 V +24 11 137 V +24 11 138 A +24 11 139 B +24 11 140 A +24 11 141 B +24 11 142 B +24 11 143 V +24 11 144 VI +24 11 145 V +24 11 146 AM +24 11 147 V +24 11 148 C +24 11 149 V +24 11 150 VI +24 11 151 G +24 11 152 VI +24 11 153 A +24 11 154 N +24 11 155 CH +24 11 156 V +24 11 157 CH +24 11 158 B +24 11 159 G +24 11 160 G +24 11 161 V +24 11 162 C +24 11 163 V +24 11 164 A +24 11 165 V +24 11 166 A +24 11 167 VI +24 11 168 V +24 11 169 A +24 11 170 A +24 11 171 V +24 11 172 B +24 11 173 G +24 11 174 AM +24 11 175 A +24 11 176 C +24 11 177 AM +24 11 178 A +24 11 179 C +24 11 180 V +24 11 181 AM +24 11 182 VI +24 11 183 CH +24 11 184 VI +24 11 185 CH +24 11 186 V +24 11 187 G +24 11 188 A +24 11 189 B +24 11 190 G +24 11 191 V +24 11 192 VI +24 11 193 AM +24 11 194 VI +24 11 195 V +24 11 196 V +24 11 197 VI +24 11 198 N +24 11 199 AM +24 11 200 A +24 11 201 G +24 11 202 V +24 11 203 C +24 11 204 N +24 11 205 VI +24 11 206 AM +24 11 207 C +24 11 208 CH +24 11 209 V +24 11 210 VI +24 11 211 A +24 11 212 G +24 11 213 VI +24 11 214 V +24 11 215 VI +24 11 216 V +24 11 217 G +24 11 218 V +24 11 219 A +24 11 220 VI +24 11 221 A +24 11 222 VI +24 11 223 V +24 11 224 B +24 11 225 V +24 11 226 A +24 11 227 N +24 11 228 A +24 11 229 V +24 11 230 AM +24 11 231 VI +24 11 232 CH +24 11 233 A +24 11 234 V +24 11 235 A +24 11 236 V +24 11 237 G +24 11 238 V +24 11 239 G +24 11 240 CH +24 11 241 B +24 11 242 AM +24 11 243 VI +24 11 244 A +24 11 245 C +24 11 246 V +24 11 247 VI +24 11 248 V +24 11 249 V +24 11 250 VI +24 11 251 V +24 11 252 B +24 11 253 V +24 11 254 A +24 11 255 N +24 11 256 G +24 11 257 A +24 11 258 AM +24 11 259 C +24 11 260 AM +24 11 261 G +24 11 262 B +24 11 263 N +24 11 264 A +24 11 265 V +24 11 266 CH +24 11 267 VI +24 11 268 V +24 11 269 VI +24 11 270 G +24 11 271 V +24 11 272 B +24 11 273 VI +24 11 274 B +24 11 275 V +24 11 276 C +24 11 277 A +24 11 278 G +24 11 279 A +24 11 280 V +24 11 281 V +24 11 282 V +24 11 283 CH +24 11 284 B +24 11 285 G +24 11 286 B +24 11 287 CH +24 11 288 C +24 11 289 V +24 11 290 AM +24 11 291 A +24 11 292 G +24 11 293 V +24 11 294 B +24 11 295 CH +24 11 296 VI +24 11 297 AM +24 11 298 C +24 11 299 V +24 11 300 B +24 11 301 V +24 11 302 B +24 11 303 A +24 11 304 V +24 11 305 VI +24 11 306 V +24 11 307 A +24 11 308 VI +24 11 309 N +24 11 310 V +24 11 311 A +24 11 312 N +24 11 313 VI +24 11 314 B +24 11 315 V +24 11 316 V +24 11 317 C +24 11 318 G +24 11 319 B +24 11 320 V +24 11 321 C +24 11 322 A +24 11 323 V +24 11 324 B +24 11 325 VI +24 11 326 AM +24 11 327 B +24 11 328 V +24 11 329 CH +24 11 330 B +24 12 1 A +24 12 2 V +24 12 3 C +24 12 4 A +24 12 5 V +24 12 6 CH +24 12 7 AM +24 12 8 C +24 12 9 CH +24 12 10 A +24 12 11 V +24 12 12 AM +24 12 13 V +24 12 14 A +24 12 15 R +24 12 16 B +24 12 17 C +24 12 18 N +24 12 19 A +24 12 20 V +24 12 21 R +24 12 22 AM +24 12 23 A +24 12 24 N +24 12 25 A +24 12 26 A +24 12 27 B +24 12 28 R +24 12 29 V +24 12 30 CH +24 12 31 B +24 12 32 R +24 12 33 AM +24 12 34 A +24 12 35 R +24 12 36 V +24 12 37 A +24 12 38 R +24 12 39 V +24 12 40 A +24 12 41 C +24 12 42 AM +24 12 43 A +24 12 44 B +24 12 45 V +24 12 46 N +24 12 47 V +24 12 48 AM +24 12 49 A +24 12 50 N +24 12 51 CH +24 12 52 V +24 12 53 C +24 12 54 V +24 12 55 A +24 12 56 R +24 12 57 A +24 12 58 CH +24 12 59 R +24 12 60 A +24 12 61 C +24 12 62 B +24 12 63 R +24 12 64 A +24 12 65 R +24 12 66 AM +24 12 67 V +24 12 68 R +24 12 69 V +24 12 70 B +24 12 71 C +24 12 72 V +24 12 73 A +24 12 74 A +24 12 75 V +24 12 76 AM +24 12 77 A +24 12 78 R +24 12 79 N +24 12 80 A +24 12 81 V +24 12 82 A +24 12 83 AM +24 12 84 R +24 12 85 V +24 12 86 R +24 12 87 N +24 12 88 C +24 12 89 N +24 12 90 A +24 12 91 AM +24 12 92 B +24 12 93 A +24 12 94 CH +24 12 95 B +24 12 96 AM +24 12 97 A +24 12 98 C +24 12 99 A +24 12 100 V +24 12 101 C +24 12 102 A +24 12 103 AM +24 12 104 A +24 12 105 A +24 12 106 AM +24 12 107 B +24 12 108 V +24 12 109 A +24 12 110 AM +24 12 111 V +24 12 112 R +24 12 113 N +24 12 114 A +24 12 115 C +24 12 116 A +24 12 117 CH +24 12 118 R +24 12 119 V +24 12 120 B +24 12 121 AM +24 12 122 V +24 12 123 A +24 12 124 AM +24 12 125 AM +24 12 126 R +24 12 127 V +24 12 128 AM +24 12 129 B +24 12 130 V +24 12 131 A +24 12 132 CH +24 12 133 V +24 12 134 CH +24 12 135 C +24 12 136 A +24 12 137 V +24 12 138 A +24 12 139 B +24 12 140 A +24 12 141 B +24 12 142 N +24 12 143 V +24 12 144 A +24 12 145 V +24 12 146 AM +24 12 147 V +24 12 148 C +24 12 149 V +24 12 150 A +24 12 151 R +24 12 152 A +24 12 153 A +24 12 154 N +24 12 155 CH +24 12 156 V +24 12 157 CH +24 12 158 B +24 12 159 AM +24 12 160 R +24 12 161 V +24 12 162 C +24 12 163 V +24 12 164 A +24 12 165 AM +24 12 166 A +24 12 167 B +24 12 168 V +24 12 169 A +24 12 170 N +24 12 171 AM +24 12 172 B +24 12 173 R +24 12 174 AM +24 12 175 B +24 12 176 R +24 12 177 AM +24 12 178 A +24 12 179 C +24 12 180 V +24 12 181 AM +24 12 182 C +24 12 183 CH +24 12 184 A +24 12 185 AM +24 12 186 A +24 12 187 AM +24 12 188 A +24 12 189 B +24 12 190 R +24 12 191 V +24 12 192 A +24 12 193 AM +24 12 194 CH +24 12 195 V +24 12 196 A +24 12 197 A +24 12 198 N +24 12 199 B +24 12 200 A +24 12 201 R +24 12 202 V +24 12 203 C +24 12 204 CH +24 12 205 A +24 12 206 AM +24 12 207 R +24 12 208 AM +24 12 209 A +24 12 210 CH +24 12 211 A +24 12 212 AM +24 12 213 B +24 12 214 V +24 12 215 R +24 12 216 V +24 12 217 R +24 12 218 V +24 12 219 A +24 12 220 A +24 12 221 B +24 12 222 A +24 12 223 V +24 12 224 B +24 12 225 V +24 12 226 A +24 12 227 N +24 12 228 N +24 12 229 V +24 12 230 B +24 12 231 C +24 12 232 V +24 12 233 A +24 12 234 V +24 12 235 A +24 12 236 AM +24 12 237 R +24 12 238 A +24 12 239 R +24 12 240 CH +24 12 241 B +24 12 242 AM +24 12 243 C +24 12 244 A +24 12 245 C +24 12 246 V +24 12 247 A +24 12 248 V +24 12 249 V +24 12 250 A +24 12 251 AM +24 12 252 R +24 12 253 V +24 12 254 A +24 12 255 N +24 12 256 R +24 12 257 A +24 12 258 AM +24 12 259 CH +24 12 260 B +24 12 261 AM +24 12 262 B +24 12 263 N +24 12 264 A +24 12 265 V +24 12 266 CH +24 12 267 A +24 12 268 V +24 12 269 R +24 12 270 AM +24 12 271 V +24 12 272 B +24 12 273 R +24 12 274 B +24 12 275 V +24 12 276 C +24 12 277 A +24 12 278 AM +24 12 279 A +24 12 280 V +24 12 281 V +24 12 282 AM +24 12 283 CH +24 12 284 B +24 12 285 R +24 12 286 B +24 12 287 AM +24 12 288 C +24 12 289 A +24 12 290 B +24 12 291 A +24 12 292 R +24 12 293 V +24 12 294 A +24 12 295 CH +24 12 296 A +24 12 297 AM +24 12 298 R +24 12 299 V +24 12 300 B +24 12 301 V +24 12 302 R +24 12 303 A +24 12 304 V +24 12 305 A +24 12 306 AM +24 12 307 A +24 12 308 A +24 12 309 N +24 12 310 V +24 12 311 A +24 12 312 N +24 12 313 A +24 12 314 B +24 12 315 V +24 12 316 V +24 12 317 C +24 12 318 AM +24 12 319 B +24 12 320 V +24 12 321 C +24 12 322 A +24 12 323 V +24 12 324 B +24 12 325 A +24 12 326 AM +24 12 327 A +24 12 328 V +24 12 329 CH +24 12 330 A +24 13 1 A +24 13 2 V +24 13 3 G +24 13 4 L +24 13 5 V +24 13 6 CH +24 13 7 V +24 13 8 C +24 13 9 CH +24 13 10 A +24 13 11 V +24 13 12 AM +24 13 13 V +24 13 14 N +24 13 15 L +24 13 16 B +24 13 17 C +24 13 18 N +24 13 19 A +24 13 20 V +24 13 21 R +24 13 22 AM +24 13 23 L +24 13 24 N +24 13 25 A +24 13 26 A +24 13 27 B +24 13 28 R +24 13 29 V +24 13 30 CH +24 13 31 A +24 13 32 L +24 13 33 V +24 13 34 A +24 13 35 R +24 13 36 V +24 13 37 A +24 13 38 R +24 13 39 V +24 13 40 A +24 13 41 G +24 13 42 AM +24 13 43 A +24 13 44 B +24 13 45 V +24 13 46 N +24 13 47 V +24 13 48 AM +24 13 49 A +24 13 50 L +24 13 51 CH +24 13 52 B +24 13 53 G +24 13 54 V +24 13 55 A +24 13 56 R +24 13 57 V +24 13 58 AM +24 13 59 L +24 13 60 V +24 13 61 G +24 13 62 L +24 13 63 R +24 13 64 A +24 13 65 G +24 13 66 AM +24 13 67 V +24 13 68 L +24 13 69 V +24 13 70 B +24 13 71 L +24 13 72 V +24 13 73 L +24 13 74 V +24 13 75 V +24 13 76 R +24 13 77 V +24 13 78 L +24 13 79 N +24 13 80 A +24 13 81 V +24 13 82 V +24 13 83 AM +24 13 84 R +24 13 85 V +24 13 86 R +24 13 87 N +24 13 88 L +24 13 89 N +24 13 90 V +24 13 91 V +24 13 92 B +24 13 93 A +24 13 94 L +24 13 95 V +24 13 96 AM +24 13 97 L +24 13 98 G +24 13 99 L +24 13 100 V +24 13 101 L +24 13 102 L +24 13 103 V +24 13 104 V +24 13 105 L +24 13 106 AM +24 13 107 B +24 13 108 V +24 13 109 A +24 13 110 AM +24 13 111 V +24 13 112 G +24 13 113 N +24 13 114 V +24 13 115 R +24 13 116 V +24 13 117 CH +24 13 118 L +24 13 119 V +24 13 120 B +24 13 121 R +24 13 122 V +24 13 123 A +24 13 124 V +24 13 125 R +24 13 126 L +24 13 127 V +24 13 128 V +24 13 129 B +24 13 130 V +24 13 131 L +24 13 132 CH +24 13 133 V +24 13 134 CH +24 13 135 L +24 13 136 V +24 13 137 V +24 13 138 A +24 13 139 B +24 13 140 A +24 13 141 B +24 13 142 B +24 13 143 V +24 13 144 L +24 13 145 V +24 13 146 AM +24 13 147 V +24 13 148 G +24 13 149 V +24 13 150 L +24 13 151 R +24 13 152 L +24 13 153 A +24 13 154 N +24 13 155 CH +24 13 156 V +24 13 157 CH +24 13 158 B +24 13 159 AM +24 13 160 L +24 13 161 V +24 13 162 G +24 13 163 V +24 13 164 A +24 13 165 V +24 13 166 A +24 13 167 L +24 13 168 V +24 13 169 A +24 13 170 A +24 13 171 V +24 13 172 B +24 13 173 R +24 13 174 AM +24 13 175 V +24 13 176 R +24 13 177 AM +24 13 178 A +24 13 179 R +24 13 180 V +24 13 181 CH +24 13 182 L +24 13 183 CH +24 13 184 L +24 13 185 AM +24 13 186 V +24 13 187 AM +24 13 188 A +24 13 189 A +24 13 190 R +24 13 191 V +24 13 192 L +24 13 193 V +24 13 194 G +24 13 195 V +24 13 196 A +24 13 197 L +24 13 198 N +24 13 199 B +24 13 200 V +24 13 201 R +24 13 202 V +24 13 203 L +24 13 204 CH +24 13 205 L +24 13 206 B +24 13 207 G +24 13 208 AM +24 13 209 V +24 13 210 G +24 13 211 A +24 13 212 AM +24 13 213 L +24 13 214 V +24 13 215 L +24 13 216 N +24 13 217 L +24 13 218 V +24 13 219 A +24 13 220 L +24 13 221 B +24 13 222 L +24 13 223 V +24 13 224 B +24 13 225 V +24 13 226 A +24 13 227 N +24 13 228 A +24 13 229 V +24 13 230 B +24 13 231 L +24 13 232 CH +24 13 233 L +24 13 234 V +24 13 235 A +24 13 236 V +24 13 237 R +24 13 238 V +24 13 239 R +24 13 240 CH +24 13 241 B +24 13 242 AM +24 13 243 G +24 13 244 A +24 13 245 G +24 13 246 V +24 13 247 L +24 13 248 V +24 13 249 V +24 13 250 L +24 13 251 V +24 13 252 B +24 13 253 V +24 13 254 A +24 13 255 N +24 13 256 R +24 13 257 A +24 13 258 AM +24 13 259 CH +24 13 260 AM +24 13 261 AM +24 13 262 B +24 13 263 B +24 13 264 A +24 13 265 V +24 13 266 CH +24 13 267 L +24 13 268 V +24 13 269 L +24 13 270 AM +24 13 271 V +24 13 272 B +24 13 273 L +24 13 274 B +24 13 275 V +24 13 276 G +24 13 277 A +24 13 278 R +24 13 279 A +24 13 280 V +24 13 281 V +24 13 282 V +24 13 283 CH +24 13 284 B +24 13 285 R +24 13 286 B +24 13 287 CH +24 13 288 G +24 13 289 V +24 13 290 CH +24 13 291 A +24 13 292 R +24 13 293 V +24 13 294 V +24 13 295 CH +24 13 296 L +24 13 297 AM +24 13 298 G +24 13 299 V +24 13 300 B +24 13 301 V +24 13 302 B +24 13 303 B +24 13 304 V +24 13 305 L +24 13 306 V +24 13 307 A +24 13 308 L +24 13 309 N +24 13 310 V +24 13 311 A +24 13 312 N +24 13 313 A +24 13 314 B +24 13 315 V +24 13 316 V +24 13 317 G +24 13 318 R +24 13 319 B +24 13 320 AM +24 13 321 G +24 13 322 A +24 13 323 V +24 13 324 B +24 13 325 L +24 13 326 AM +24 13 327 B +24 13 328 V +24 13 329 CH +24 13 330 A +24 14 1 A +24 14 2 V +24 14 3 C +24 14 4 L +24 14 5 V +24 14 6 S +24 14 7 V +24 14 8 G +24 14 9 CH +24 14 10 A +24 14 11 V +24 14 12 AM +24 14 13 V +24 14 14 A +24 14 15 R +24 14 16 B +24 14 17 S +24 14 18 N +24 14 19 A +24 14 20 V +24 14 21 R +24 14 22 AM +24 14 23 L +24 14 24 CH +24 14 25 A +24 14 26 A +24 14 27 B +24 14 28 R +24 14 29 V +24 14 30 CH +24 14 31 A +24 14 32 L +24 14 33 V +24 14 34 A +24 14 35 S +24 14 36 V +24 14 37 A +24 14 38 G +24 14 39 V +24 14 40 A +24 14 41 C +24 14 42 Y +24 14 43 A +24 14 44 B +24 14 45 V +24 14 46 B +24 14 47 V +24 14 48 AM +24 14 49 A +24 14 50 L +24 14 51 CH +24 14 52 V +24 14 53 G +24 14 54 V +24 14 55 A +24 14 56 S +24 14 57 A +24 14 58 V +24 14 59 L +24 14 60 A +24 14 61 G +24 14 62 L +24 14 63 S +24 14 64 A +24 14 65 G +24 14 66 B +24 14 67 V +24 14 68 L +24 14 69 V +24 14 70 B +24 14 71 G +24 14 72 V +24 14 73 L +24 14 74 A +24 14 75 V +24 14 76 S +24 14 77 A +24 14 78 R +24 14 79 N +24 14 80 A +24 14 81 V +24 14 82 V +24 14 83 AM +24 14 84 S +24 14 85 V +24 14 86 R +24 14 87 N +24 14 88 L +24 14 89 N +24 14 90 A +24 14 91 V +24 14 92 B +24 14 93 A +24 14 94 CH +24 14 95 V +24 14 96 AM +24 14 97 L +24 14 98 C +24 14 99 L +24 14 100 V +24 14 101 L +24 14 102 A +24 14 103 V +24 14 104 A +24 14 105 L +24 14 106 AM +24 14 107 B +24 14 108 A +24 14 109 A +24 14 110 S +24 14 111 V +24 14 112 C +24 14 113 N +24 14 114 A +24 14 115 G +24 14 116 A +24 14 117 CH +24 14 118 R +24 14 119 V +24 14 120 B +24 14 121 S +24 14 122 V +24 14 123 A +24 14 124 V +24 14 125 S +24 14 126 R +24 14 127 V +24 14 128 AM +24 14 129 B +24 14 130 V +24 14 131 L +24 14 132 C +24 14 133 V +24 14 134 CH +24 14 135 L +24 14 136 A +24 14 137 V +24 14 138 A +24 14 139 B +24 14 140 A +24 14 141 B +24 14 142 B +24 14 143 V +24 14 144 L +24 14 145 V +24 14 146 AM +24 14 147 A +24 14 148 C +24 14 149 V +24 14 150 L +24 14 151 R +24 14 152 R +24 14 153 A +24 14 154 N +24 14 155 CH +24 14 156 V +24 14 157 CH +24 14 158 B +24 14 159 AM +24 14 160 R +24 14 161 V +24 14 162 G +24 14 163 A +24 14 164 A +24 14 165 V +24 14 166 A +24 14 167 L +24 14 168 V +24 14 169 A +24 14 170 A +24 14 171 V +24 14 172 B +24 14 173 R +24 14 174 AM +24 14 175 A +24 14 176 S +24 14 177 V +24 14 178 A +24 14 179 G +24 14 180 V +24 14 181 AM +24 14 182 G +24 14 183 CH +24 14 184 L +24 14 185 CH +24 14 186 A +24 14 187 AM +24 14 188 A +24 14 189 A +24 14 190 R +24 14 191 V +24 14 192 L +24 14 193 V +24 14 194 G +24 14 195 V +24 14 196 A +24 14 197 L +24 14 198 N +24 14 199 B +24 14 200 A +24 14 201 R +24 14 202 V +24 14 203 L +24 14 204 N +24 14 205 L +24 14 206 V +24 14 207 G +24 14 208 CH +24 14 209 V +24 14 210 G +24 14 211 A +24 14 212 S +24 14 213 L +24 14 214 V +24 14 215 R +24 14 216 V +24 14 217 R +24 14 218 V +24 14 219 V +24 14 220 A +24 14 221 A +24 14 222 L +24 14 223 V +24 14 224 B +24 14 225 V +24 14 226 A +24 14 227 N +24 14 228 A +24 14 229 V +24 14 230 B +24 14 231 L +24 14 232 V +24 14 233 A +24 14 234 V +24 14 235 A +24 14 236 V +24 14 237 S +24 14 238 A +24 14 239 L +24 14 240 CH +24 14 241 B +24 14 242 AM +24 14 243 G +24 14 244 A +24 14 245 C +24 14 246 V +24 14 247 L +24 14 248 V +24 14 249 A +24 14 250 L +24 14 251 V +24 14 252 B +24 14 253 V +24 14 254 A +24 14 255 N +24 14 256 S +24 14 257 A +24 14 258 AM +24 14 259 G +24 14 260 V +24 14 261 S +24 14 262 B +24 14 263 B +24 14 264 A +24 14 265 V +24 14 266 CH +24 14 267 L +24 14 268 V +24 14 269 L +24 14 270 S +24 14 271 V +24 14 272 B +24 14 273 L +24 14 274 B +24 14 275 V +24 14 276 G +24 14 277 A +24 14 278 S +24 14 279 A +24 14 280 V +24 14 281 V +24 14 282 V +24 14 283 CH +24 14 284 A +24 14 285 R +24 14 286 B +24 14 287 CH +24 14 288 C +24 14 289 A +24 14 290 B +24 14 291 A +24 14 292 R +24 14 293 V +24 14 294 A +24 14 295 CH +24 14 296 L +24 14 297 AM +24 14 298 S +24 14 299 V +24 14 300 B +24 14 301 V +24 14 302 B +24 14 303 A +24 14 304 V +24 14 305 L +24 14 306 V +24 14 307 A +24 14 308 L +24 14 309 V +24 14 310 V +24 14 311 A +24 14 312 N +24 14 313 A +24 14 314 B +24 14 315 V +24 14 316 V +24 14 317 G +24 14 318 S +24 14 319 B +24 14 320 V +24 14 321 G +24 14 322 A +24 14 323 V +24 14 324 B +24 14 325 L +24 14 326 AM +24 14 327 A +24 14 328 V +24 14 329 CH +24 14 330 A +24 15 1 A +24 15 2 V +24 15 3 C +24 15 4 L +24 15 5 V +24 15 6 CH +24 15 7 V +24 15 8 C +24 15 9 CH +24 15 10 A +24 15 11 V +24 15 12 AM +24 15 13 V +24 15 14 SI +24 15 15 S +24 15 16 B +24 15 17 S +24 15 18 N +24 15 19 A +24 15 20 V +24 15 21 S +24 15 22 AM +24 15 23 VI +24 15 24 CH +24 15 25 A +24 15 26 A +24 15 27 B +24 15 28 S +24 15 29 V +24 15 30 CH +24 15 31 A +24 15 32 S +24 15 33 V +24 15 34 A +24 15 35 S +24 15 36 N +24 15 37 A +24 15 38 S +24 15 39 V +24 15 40 A +24 15 41 CH +24 15 42 AM +24 15 43 A +24 15 44 B +24 15 45 V +24 15 46 CH +24 15 47 N +24 15 48 AM +24 15 49 A +24 15 50 L +24 15 51 CH +24 15 52 B +24 15 53 S +24 15 54 V +24 15 55 A +24 15 56 S +24 15 57 A +24 15 58 CH +24 15 59 B +24 15 60 A +24 15 61 CH +24 15 62 A +24 15 63 S +24 15 64 A +24 15 65 C +24 15 66 B +24 15 67 V +24 15 68 S +24 15 69 CH +24 15 70 B +24 15 71 CH +24 15 72 V +24 15 73 S +24 15 74 A +24 15 75 CH +24 15 76 CH +24 15 77 A +24 15 78 S +24 15 79 N +24 15 80 A +24 15 81 V +24 15 82 V +24 15 83 AM +24 15 84 S +24 15 85 V +24 15 86 S +24 15 87 N +24 15 88 L +24 15 89 N +24 15 90 N +24 15 91 V +24 15 92 B +24 15 93 A +24 15 94 N +24 15 95 B +24 15 96 AM +24 15 97 L +24 15 98 C +24 15 99 L +24 15 100 A +24 15 101 L +24 15 102 A +24 15 103 CH +24 15 104 A +24 15 105 L +24 15 106 AM +24 15 107 B +24 15 108 B +24 15 109 A +24 15 110 AM +24 15 111 N +24 15 112 C +24 15 113 N +24 15 114 A +24 15 115 CH +24 15 116 B +24 15 117 CH +24 15 118 S +24 15 119 V +24 15 120 B +24 15 121 C +24 15 122 V +24 15 123 A +24 15 124 V +24 15 125 AM +24 15 126 S +24 15 127 N +24 15 128 V +24 15 129 B +24 15 130 N +24 15 131 VI +24 15 132 CH +24 15 133 V +24 15 134 CH +24 15 135 L +24 15 136 A +24 15 137 V +24 15 138 A +24 15 139 B +24 15 140 A +24 15 141 B +24 15 142 B +24 15 143 V +24 15 144 A +24 15 145 A +24 15 146 AM +24 15 147 V +24 15 148 C +24 15 149 V +24 15 150 L +24 15 151 S +24 15 152 S +24 15 153 A +24 15 154 N +24 15 155 CH +24 15 156 V +24 15 157 CH +24 15 158 B +24 15 159 AM +24 15 160 S +24 15 161 A +24 15 162 C +24 15 163 A +24 15 164 A +24 15 165 CH +24 15 166 A +24 15 167 S +24 15 168 V +24 15 169 A +24 15 170 N +24 15 171 V +24 15 172 B +24 15 173 AM +24 15 174 AM +24 15 175 A +24 15 176 C +24 15 177 AM +24 15 178 A +24 15 179 CH +24 15 180 V +24 15 181 CH +24 15 182 A +24 15 183 CH +24 15 184 L +24 15 185 S +24 15 186 A +24 15 187 S +24 15 188 A +24 15 189 A +24 15 190 S +24 15 191 V +24 15 192 L +24 15 193 V +24 15 194 CH +24 15 195 V +24 15 196 A +24 15 197 VI +24 15 198 N +24 15 199 B +24 15 200 A +24 15 201 AM +24 15 202 V +24 15 203 VI +24 15 204 N +24 15 205 A +24 15 206 B +24 15 207 S +24 15 208 CH +24 15 209 V +24 15 210 CH +24 15 211 A +24 15 212 S +24 15 213 A +24 15 214 AM +24 15 215 S +24 15 216 N +24 15 217 AM +24 15 218 V +24 15 219 A +24 15 220 A +24 15 221 B +24 15 222 VI +24 15 223 V +24 15 224 B +24 15 225 AM +24 15 226 A +24 15 227 CH +24 15 228 A +24 15 229 V +24 15 230 B +24 15 231 VI +24 15 232 CH +24 15 233 A +24 15 234 V +24 15 235 A +24 15 236 V +24 15 237 S +24 15 238 A +24 15 239 S +24 15 240 CH +24 15 241 B +24 15 242 AM +24 15 243 VI +24 15 244 B +24 15 245 C +24 15 246 V +24 15 247 VI +24 15 248 N +24 15 249 V +24 15 250 VI +24 15 251 V +24 15 252 B +24 15 253 V +24 15 254 A +24 15 255 CH +24 15 256 C +24 15 257 A +24 15 258 AM +24 15 259 C +24 15 260 AM +24 15 261 S +24 15 262 B +24 15 263 CH +24 15 264 A +24 15 265 V +24 15 266 CH +24 15 267 L +24 15 268 V +24 15 269 VI +24 15 270 AM +24 15 271 V +24 15 272 B +24 15 273 VI +24 15 274 B +24 15 275 AM +24 15 276 VI +24 15 277 A +24 15 278 AM +24 15 279 A +24 15 280 V +24 15 281 V +24 15 282 V +24 15 283 CH +24 15 284 B +24 15 285 S +24 15 286 B +24 15 287 CH +24 15 288 C +24 15 289 A +24 15 290 B +24 15 291 A +24 15 292 S +24 15 293 V +24 15 294 V +24 15 295 CH +24 15 296 L +24 15 297 AM +24 15 298 C +24 15 299 V +24 15 300 CH +24 15 301 V +24 15 302 B +24 15 303 A +24 15 304 V +24 15 305 L +24 15 306 V +24 15 307 A +24 15 308 VI +24 15 309 CH +24 15 310 V +24 15 311 A +24 15 312 N +24 15 313 VI +24 15 314 S +24 15 315 V +24 15 316 A +24 15 317 VI +24 15 318 AM +24 15 319 B +24 15 320 V +24 15 321 C +24 15 322 A +24 15 323 V +24 15 324 B +24 15 325 VI +24 15 326 AM +24 15 327 A +24 15 328 V +24 15 329 CH +24 15 330 A +24 16 1 A +24 16 2 V +24 16 3 S +24 16 4 G +24 16 5 V +24 16 6 CH +24 16 7 V +24 16 8 G +24 16 9 CH +24 16 10 A +24 16 11 V +24 16 12 AM +24 16 13 V +24 16 14 A +24 16 15 R +24 16 16 B +24 16 17 S +24 16 18 N +24 16 19 A +24 16 20 V +24 16 21 S +24 16 22 AM +24 16 23 L +24 16 24 CH +24 16 25 A +24 16 26 A +24 16 27 B +24 16 28 S +24 16 29 V +24 16 30 CH +24 16 31 A +24 16 32 S +24 16 33 V +24 16 34 A +24 16 35 S +24 16 36 V +24 16 37 A +24 16 38 C +24 16 39 V +24 16 40 A +24 16 41 CH +24 16 42 AM +24 16 43 A +24 16 44 B +24 16 45 V +24 16 46 CH +24 16 47 V +24 16 48 AM +24 16 49 A +24 16 50 L +24 16 51 CH +24 16 52 B +24 16 53 G +24 16 54 V +24 16 55 A +24 16 56 AM +24 16 57 A +24 16 58 CH +24 16 59 B +24 16 60 A +24 16 61 G +24 16 62 L +24 16 63 S +24 16 64 A +24 16 65 C +24 16 66 B +24 16 67 V +24 16 68 C +24 16 69 V +24 16 70 B +24 16 71 CH +24 16 72 V +24 16 73 L +24 16 74 A +24 16 75 V +24 16 76 S +24 16 77 A +24 16 78 R +24 16 79 N +24 16 80 A +24 16 81 V +24 16 82 A +24 16 83 B +24 16 84 R +24 16 85 V +24 16 86 R +24 16 87 N +24 16 88 G +24 16 89 N +24 16 90 A +24 16 91 V +24 16 92 B +24 16 93 A +24 16 94 CH +24 16 95 A +24 16 96 AM +24 16 97 L +24 16 98 C +24 16 99 A +24 16 100 V +24 16 101 G +24 16 102 A +24 16 103 V +24 16 104 A +24 16 105 L +24 16 106 AM +24 16 107 B +24 16 108 A +24 16 109 A +24 16 110 AM +24 16 111 V +24 16 112 C +24 16 113 N +24 16 114 V +24 16 115 G +24 16 116 A +24 16 117 CH +24 16 118 R +24 16 119 V +24 16 120 B +24 16 121 S +24 16 122 V +24 16 123 A +24 16 124 V +24 16 125 S +24 16 126 R +24 16 127 V +24 16 128 AM +24 16 129 B +24 16 130 V +24 16 131 L +24 16 132 R +24 16 133 V +24 16 134 CH +24 16 135 L +24 16 136 A +24 16 137 V +24 16 138 A +24 16 139 B +24 16 140 A +24 16 141 B +24 16 142 A +24 16 143 V +24 16 144 L +24 16 145 V +24 16 146 AM +24 16 147 V +24 16 148 C +24 16 149 V +24 16 150 L +24 16 151 G +24 16 152 L +24 16 153 A +24 16 154 CH +24 16 155 CH +24 16 156 V +24 16 157 CH +24 16 158 B +24 16 159 AM +24 16 160 R +24 16 161 V +24 16 162 C +24 16 163 V +24 16 164 A +24 16 165 V +24 16 166 A +24 16 167 AM +24 16 168 V +24 16 169 A +24 16 170 V +24 16 171 V +24 16 172 B +24 16 173 R +24 16 174 AM +24 16 175 A +24 16 176 R +24 16 177 AM +24 16 178 A +24 16 179 CH +24 16 180 V +24 16 181 AM +24 16 182 G +24 16 183 CH +24 16 184 L +24 16 185 AM +24 16 186 A +24 16 187 S +24 16 188 A +24 16 189 B +24 16 190 R +24 16 191 V +24 16 192 L +24 16 193 V +24 16 194 CH +24 16 195 V +24 16 196 A +24 16 197 L +24 16 198 N +24 16 199 B +24 16 200 A +24 16 201 R +24 16 202 V +24 16 203 G +24 16 204 CH +24 16 205 A +24 16 206 B +24 16 207 C +24 16 208 AM +24 16 209 V +24 16 210 CH +24 16 211 A +24 16 212 S +24 16 213 A +24 16 214 V +24 16 215 L +24 16 216 V +24 16 217 R +24 16 218 V +24 16 219 A +24 16 220 A +24 16 221 B +24 16 222 L +24 16 223 V +24 16 224 B +24 16 225 V +24 16 226 A +24 16 227 N +24 16 228 A +24 16 229 V +24 16 230 B +24 16 231 L +24 16 232 CH +24 16 233 A +24 16 234 V +24 16 235 A +24 16 236 V +24 16 237 S +24 16 238 V +24 16 239 AM +24 16 240 CH +24 16 241 B +24 16 242 AM +24 16 243 G +24 16 244 A +24 16 245 C +24 16 246 V +24 16 247 L +24 16 248 V +24 16 249 V +24 16 250 L +24 16 251 V +24 16 252 B +24 16 253 V +24 16 254 A +24 16 255 N +24 16 256 S +24 16 257 A +24 16 258 AM +24 16 259 CH +24 16 260 B +24 16 261 S +24 16 262 B +24 16 263 N +24 16 264 A +24 16 265 V +24 16 266 CH +24 16 267 L +24 16 268 V +24 16 269 L +24 16 270 G +24 16 271 V +24 16 272 B +24 16 273 L +24 16 274 B +24 16 275 V +24 16 276 G +24 16 277 A +24 16 278 S +24 16 279 A +24 16 280 V +24 16 281 V +24 16 282 V +24 16 283 CH +24 16 284 B +24 16 285 R +24 16 286 B +24 16 287 CH +24 16 288 C +24 16 289 A +24 16 290 B +24 16 291 A +24 16 292 S +24 16 293 B +24 16 294 B +24 16 295 CH +24 16 296 L +24 16 297 AM +24 16 298 C +24 16 299 V +24 16 300 B +24 16 301 V +24 16 302 B +24 16 303 A +24 16 304 V +24 16 305 G +24 16 306 V +24 16 307 A +24 16 308 L +24 16 309 V +24 16 310 V +24 16 311 A +24 16 312 N +24 16 313 A +24 16 314 B +24 16 315 V +24 16 316 V +24 16 317 G +24 16 318 S +24 16 319 B +24 16 320 V +24 16 321 C +24 16 322 A +24 16 323 V +24 16 324 B +24 16 325 L +24 16 326 AM +24 16 327 B +24 16 328 V +24 16 329 CH +24 16 330 B +24 17 1 A +24 17 2 V +24 17 3 S +24 17 4 A +24 17 5 V +24 17 6 S +24 17 7 V +24 17 8 S +24 17 9 CH +24 17 10 A +24 17 11 A +24 17 12 AM +24 17 13 V +24 17 14 A +24 17 15 B +24 17 16 B +24 17 17 S +24 17 18 N +24 17 19 A +24 17 20 V +24 17 21 S +24 17 22 B +24 17 23 L +24 17 24 N +24 17 25 A +24 17 26 A +24 17 27 B +24 17 28 S +24 17 29 V +24 17 30 CH +24 17 31 A +24 17 32 L +24 17 33 V +24 17 34 A +24 17 35 S +24 17 36 A +24 17 37 A +24 17 38 S +24 17 39 V +24 17 40 V +24 17 41 S +24 17 42 AM +24 17 43 A +24 17 44 B +24 17 45 V +24 17 46 SI +24 17 47 A +24 17 48 AM +24 17 49 A +24 17 50 L +24 17 51 CH +24 17 52 B +24 17 53 S +24 17 54 V +24 17 55 A +24 17 56 S +24 17 57 A +24 17 58 CH +24 17 59 B +24 17 60 A +24 17 61 S +24 17 62 V +24 17 63 S +24 17 64 A +24 17 65 S +24 17 66 B +24 17 67 V +24 17 68 S +24 17 69 V +24 17 70 B +24 17 71 CH +24 17 72 V +24 17 73 L +24 17 74 A +24 17 75 A +24 17 76 S +24 17 77 A +24 17 78 B +24 17 79 N +24 17 80 A +24 17 81 V +24 17 82 A +24 17 83 B +24 17 84 S +24 17 85 V +24 17 86 S +24 17 87 N +24 17 88 L +24 17 89 N +24 17 90 A +24 17 91 V +24 17 92 B +24 17 93 A +24 17 94 CH +24 17 95 B +24 17 96 AM +24 17 97 A +24 17 98 C +24 17 99 B +24 17 100 V +24 17 101 L +24 17 102 B +24 17 103 CH +24 17 104 A +24 17 105 L +24 17 106 AM +24 17 107 B +24 17 108 B +24 17 109 A +24 17 110 AM +24 17 111 V +24 17 112 S +24 17 113 N +24 17 114 A +24 17 115 S +24 17 116 B +24 17 117 CH +24 17 118 S +24 17 119 AM +24 17 120 B +24 17 121 S +24 17 122 V +24 17 123 A +24 17 124 AM +24 17 125 S +24 17 126 S +24 17 127 A +24 17 128 AM +24 17 129 B +24 17 130 V +24 17 131 L +24 17 132 S +24 17 133 V +24 17 134 CH +24 17 135 S +24 17 136 A +24 17 137 V +24 17 138 A +24 17 139 B +24 17 140 A +24 17 141 B +24 17 142 B +24 17 143 V +24 17 144 A +24 17 145 V +24 17 146 AM +24 17 147 A +24 17 148 C +24 17 149 V +24 17 150 L +24 17 151 L +24 17 152 S +24 17 153 A +24 17 154 N +24 17 155 CH +24 17 156 V +24 17 157 CH +24 17 158 B +24 17 159 S +24 17 160 L +24 17 161 V +24 17 162 C +24 17 163 A +24 17 164 A +24 17 165 V +24 17 166 A +24 17 167 B +24 17 168 V +24 17 169 A +24 17 170 A +24 17 171 V +24 17 172 B +24 17 173 S +24 17 174 AM +24 17 175 B +24 17 176 S +24 17 177 AM +24 17 178 A +24 17 179 CH +24 17 180 V +24 17 181 CH +24 17 182 CH +24 17 183 CH +24 17 184 L +24 17 185 CH +24 17 186 A +24 17 187 AM +24 17 188 A +24 17 189 B +24 17 190 L +24 17 191 A +24 17 192 L +24 17 193 AM +24 17 194 CH +24 17 195 V +24 17 196 A +24 17 197 L +24 17 198 N +24 17 199 B +24 17 200 A +24 17 201 S +24 17 202 V +24 17 203 S +24 17 204 CH +24 17 205 L +24 17 206 B +24 17 207 S +24 17 208 CH +24 17 209 A +24 17 210 CH +24 17 211 A +24 17 212 AM +24 17 213 B +24 17 214 AM +24 17 215 L +24 17 216 V +24 17 217 L +24 17 218 AM +24 17 219 B +24 17 220 A +24 17 221 B +24 17 222 L +24 17 223 V +24 17 224 B +24 17 225 CH +24 17 226 A +24 17 227 N +24 17 228 A +24 17 229 A +24 17 230 B +24 17 231 S +24 17 232 CH +24 17 233 B +24 17 234 V +24 17 235 A +24 17 236 V +24 17 237 S +24 17 238 A +24 17 239 S +24 17 240 CH +24 17 241 B +24 17 242 AM +24 17 243 C +24 17 244 B +24 17 245 C +24 17 246 V +24 17 247 A +24 17 248 V +24 17 249 A +24 17 250 A +24 17 251 V +24 17 252 B +24 17 253 A +24 17 254 A +24 17 255 N +24 17 256 S +24 17 257 A +24 17 258 AM +24 17 259 CH +24 17 260 AM +24 17 261 AM +24 17 262 B +24 17 263 B +24 17 264 A +24 17 265 V +24 17 266 CH +24 17 267 CH +24 17 268 V +24 17 269 L +24 17 270 AM +24 17 271 V +24 17 272 B +24 17 273 L +24 17 274 B +24 17 275 AM +24 17 276 S +24 17 277 A +24 17 278 S +24 17 279 A +24 17 280 V +24 17 281 A +24 17 282 V +24 17 283 CH +24 17 284 B +24 17 285 S +24 17 286 B +24 17 287 CH +24 17 288 S +24 17 289 A +24 17 290 B +24 17 291 A +24 17 292 S +24 17 293 B +24 17 294 B +24 17 295 CH +24 17 296 L +24 17 297 AM +24 17 298 C +24 17 299 V +24 17 300 B +24 17 301 A +24 17 302 B +24 17 303 B +24 17 304 V +24 17 305 L +24 17 306 V +24 17 307 A +24 17 308 L +24 17 309 CH +24 17 310 V +24 17 311 A +24 17 312 N +24 17 313 A +24 17 314 B +24 17 315 V +24 17 316 A +24 17 317 S +24 17 318 S +24 17 319 B +24 17 320 V +24 17 321 C +24 17 322 A +24 17 323 V +24 17 324 B +24 17 325 L +24 17 326 AM +24 17 327 B +24 17 328 V +24 17 329 CH +24 17 330 B +24 18 1 A +24 18 2 V +24 18 3 G +24 18 4 L +24 18 5 V +24 18 6 CH +24 18 7 V +24 18 8 M +24 18 9 CH +24 18 10 A +24 18 11 N +24 18 12 AM +24 18 13 N +24 18 14 N +24 18 15 CH +24 18 16 B +24 18 17 C +24 18 18 N +24 18 19 A +24 18 20 V +24 18 21 R +24 18 22 AM +24 18 23 L +24 18 24 N +24 18 25 A +24 18 26 N +24 18 27 B +24 18 28 R +24 18 29 V +24 18 30 CH +24 18 31 A +24 18 32 L +24 18 33 V +24 18 34 A +24 18 35 R +24 18 36 N +24 18 37 A +24 18 38 M +24 18 39 V +24 18 40 A +24 18 41 M +24 18 42 CH +24 18 43 N +24 18 44 B +24 18 45 V +24 18 46 N +24 18 47 N +24 18 48 AM +24 18 49 A +24 18 50 L +24 18 51 CH +24 18 52 B +24 18 53 G +24 18 54 V +24 18 55 A +24 18 56 SI +24 18 57 N +24 18 58 CH +24 18 59 B +24 18 60 N +24 18 61 M +24 18 62 B +24 18 63 CH +24 18 64 A +24 18 65 R +24 18 66 B +24 18 67 V +24 18 68 L +24 18 69 V +24 18 70 B +24 18 71 L +24 18 72 V +24 18 73 N +24 18 74 B +24 18 75 N +24 18 76 R +24 18 77 A +24 18 78 B +24 18 79 N +24 18 80 A +24 18 81 V +24 18 82 V +24 18 83 B +24 18 84 CH +24 18 85 V +24 18 86 M +24 18 87 N +24 18 88 L +24 18 89 N +24 18 90 N +24 18 91 V +24 18 92 B +24 18 93 A +24 18 94 N +24 18 95 B +24 18 96 AM +24 18 97 L +24 18 98 C +24 18 99 L +24 18 100 V +24 18 101 L +24 18 102 B +24 18 103 G +24 18 104 A +24 18 105 L +24 18 106 AM +24 18 107 B +24 18 108 B +24 18 109 A +24 18 110 AM +24 18 111 N +24 18 112 C +24 18 113 N +24 18 114 V +24 18 115 C +24 18 116 B +24 18 117 N +24 18 118 R +24 18 119 V +24 18 120 B +24 18 121 R +24 18 122 V +24 18 123 A +24 18 124 V +24 18 125 R +24 18 126 CH +24 18 127 N +24 18 128 AM +24 18 129 B +24 18 130 N +24 18 131 L +24 18 132 M +24 18 133 V +24 18 134 N +24 18 135 L +24 18 136 V +24 18 137 V +24 18 138 A +24 18 139 B +24 18 140 A +24 18 141 B +24 18 142 B +24 18 143 V +24 18 144 N +24 18 145 V +24 18 146 AM +24 18 147 V +24 18 148 C +24 18 149 V +24 18 150 L +24 18 151 CH +24 18 152 L +24 18 153 A +24 18 154 G +24 18 155 N +24 18 156 V +24 18 157 CH +24 18 158 B +24 18 159 CH +24 18 160 R +24 18 161 V +24 18 162 C +24 18 163 A +24 18 164 A +24 18 165 V +24 18 166 N +24 18 167 B +24 18 168 V +24 18 169 A +24 18 170 N +24 18 171 V +24 18 172 B +24 18 173 R +24 18 174 AM +24 18 175 B +24 18 176 R +24 18 177 AM +24 18 178 A +24 18 179 G +24 18 180 V +24 18 181 AM +24 18 182 L +24 18 183 G +24 18 184 L +24 18 185 CH +24 18 186 V +24 18 187 CH +24 18 188 A +24 18 189 B +24 18 190 B +24 18 191 V +24 18 192 L +24 18 193 V +24 18 194 L +24 18 195 V +24 18 196 V +24 18 197 L +24 18 198 N +24 18 199 B +24 18 200 A +24 18 201 CH +24 18 202 V +24 18 203 L +24 18 204 N +24 18 205 L +24 18 206 B +24 18 207 C +24 18 208 CH +24 18 209 V +24 18 210 L +24 18 211 A +24 18 212 R +24 18 213 L +24 18 214 V +24 18 215 L +24 18 216 N +24 18 217 B +24 18 218 V +24 18 219 B +24 18 220 A +24 18 221 B +24 18 222 L +24 18 223 V +24 18 224 B +24 18 225 G +24 18 226 A +24 18 227 N +24 18 228 N +24 18 229 V +24 18 230 B +24 18 231 L +24 18 232 G +24 18 233 L +24 18 234 V +24 18 235 A +24 18 236 V +24 18 237 CH +24 18 238 A +24 18 239 CH +24 18 240 M +24 18 241 B +24 18 242 AM +24 18 243 M +24 18 244 B +24 18 245 M +24 18 246 V +24 18 247 L +24 18 248 V +24 18 249 V +24 18 250 L +24 18 251 V +24 18 252 B +24 18 253 V +24 18 254 A +24 18 255 N +24 18 256 C +24 18 257 G +24 18 258 AM +24 18 259 M +24 18 260 B +24 18 261 CH +24 18 262 B +24 18 263 G +24 18 264 A +24 18 265 V +24 18 266 M +24 18 267 L +24 18 268 V +24 18 269 L +24 18 270 CH +24 18 271 V +24 18 272 B +24 18 273 L +24 18 274 B +24 18 275 AM +24 18 276 L +24 18 277 G +24 18 278 CH +24 18 279 A +24 18 280 V +24 18 281 V +24 18 282 V +24 18 283 N +24 18 284 B +24 18 285 B +24 18 286 B +24 18 287 G +24 18 288 C +24 18 289 V +24 18 290 B +24 18 291 A +24 18 292 CH +24 18 293 B +24 18 294 B +24 18 295 G +24 18 296 L +24 18 297 AM +24 18 298 C +24 18 299 V +24 18 300 B +24 18 301 V +24 18 302 B +24 18 303 A +24 18 304 V +24 18 305 L +24 18 306 V +24 18 307 A +24 18 308 L +24 18 309 G +24 18 310 V +24 18 311 A +24 18 312 N +24 18 313 L +24 18 314 B +24 18 315 V +24 18 316 V +24 18 317 L +24 18 318 CH +24 18 319 B +24 18 320 V +24 18 321 C +24 18 322 A +24 18 323 V +24 18 324 B +24 18 325 L +24 18 326 AM +24 18 327 B +24 18 328 V +24 18 329 CH +24 18 330 B +24 19 1 A +24 19 2 V +24 19 3 C +24 19 4 L +24 19 5 V +24 19 6 S +24 19 7 V +24 19 8 M +24 19 9 CH +24 19 10 A +24 19 11 A +24 19 12 AM +24 19 13 V +24 19 14 A +24 19 15 R +24 19 16 B +24 19 17 C +24 19 18 N +24 19 19 A +24 19 20 V +24 19 21 R +24 19 22 AM +24 19 23 L +24 19 24 N +24 19 25 A +24 19 26 A +24 19 27 B +24 19 28 R +24 19 29 V +24 19 30 CH +24 19 31 A +24 19 32 L +24 19 33 V +24 19 34 A +24 19 35 S +24 19 36 V +24 19 37 A +24 19 38 M +24 19 39 V +24 19 40 A +24 19 41 M +24 19 42 AM +24 19 43 A +24 19 44 B +24 19 45 V +24 19 46 N +24 19 47 V +24 19 48 AM +24 19 49 A +24 19 50 A +24 19 51 CH +24 19 52 V +24 19 53 M +24 19 54 V +24 19 55 A +24 19 56 R +24 19 57 A +24 19 58 AM +24 19 59 B +24 19 60 A +24 19 61 M +24 19 62 L +24 19 63 R +24 19 64 A +24 19 65 R +24 19 66 B +24 19 67 V +24 19 68 R +24 19 69 V +24 19 70 B +24 19 71 CH +24 19 72 V +24 19 73 L +24 19 74 A +24 19 75 V +24 19 76 C +24 19 77 A +24 19 78 R +24 19 79 N +24 19 80 A +24 19 81 V +24 19 82 A +24 19 83 AM +24 19 84 R +24 19 85 V +24 19 86 R +24 19 87 N +24 19 88 L +24 19 89 N +24 19 90 A +24 19 91 V +24 19 92 B +24 19 93 A +24 19 94 N +24 19 95 A +24 19 96 AM +24 19 97 L +24 19 98 C +24 19 99 L +24 19 100 V +24 19 101 L +24 19 102 A +24 19 103 V +24 19 104 A +24 19 105 L +24 19 106 AM +24 19 107 B +24 19 108 V +24 19 109 A +24 19 110 AM +24 19 111 V +24 19 112 C +24 19 113 N +24 19 114 A +24 19 115 L +24 19 116 A +24 19 117 CH +24 19 118 R +24 19 119 V +24 19 120 B +24 19 121 C +24 19 122 V +24 19 123 A +24 19 124 V +24 19 125 S +24 19 126 R +24 19 127 V +24 19 128 AM +24 19 129 B +24 19 130 N +24 19 131 L +24 19 132 C +24 19 133 V +24 19 134 N +24 19 135 L +24 19 136 A +24 19 137 V +24 19 138 A +24 19 139 B +24 19 140 A +24 19 141 B +24 19 142 B +24 19 143 V +24 19 144 A +24 19 145 V +24 19 146 AM +24 19 147 V +24 19 148 C +24 19 149 V +24 19 150 L +24 19 151 R +24 19 152 R +24 19 153 A +24 19 154 N +24 19 155 CH +24 19 156 V +24 19 157 CH +24 19 158 B +24 19 159 AM +24 19 160 R +24 19 161 V +24 19 162 C +24 19 163 V +24 19 164 A +24 19 165 V +24 19 166 A +24 19 167 L +24 19 168 V +24 19 169 A +24 19 170 V +24 19 171 V +24 19 172 B +24 19 173 R +24 19 174 AM +24 19 175 A +24 19 176 C +24 19 177 V +24 19 178 A +24 19 179 CH +24 19 180 V +24 19 181 AM +24 19 182 CH +24 19 183 V +24 19 184 A +24 19 185 AM +24 19 186 A +24 19 187 AM +24 19 188 A +24 19 189 A +24 19 190 R +24 19 191 V +24 19 192 L +24 19 193 V +24 19 194 CH +24 19 195 V +24 19 196 V +24 19 197 L +24 19 198 N +24 19 199 V +24 19 200 A +24 19 201 R +24 19 202 V +24 19 203 R +24 19 204 N +24 19 205 L +24 19 206 AM +24 19 207 R +24 19 208 AM +24 19 209 V +24 19 210 CH +24 19 211 A +24 19 212 S +24 19 213 L +24 19 214 V +24 19 215 R +24 19 216 V +24 19 217 R +24 19 218 V +24 19 219 A +24 19 220 A +24 19 221 A +24 19 222 L +24 19 223 V +24 19 224 B +24 19 225 V +24 19 226 A +24 19 227 N +24 19 228 A +24 19 229 V +24 19 230 B +24 19 231 L +24 19 232 V +24 19 233 A +24 19 234 V +24 19 235 A +24 19 236 V +24 19 237 S +24 19 238 V +24 19 239 R +24 19 240 CH +24 19 241 B +24 19 242 AM +24 19 243 L +24 19 244 A +24 19 245 C +24 19 246 V +24 19 247 L +24 19 248 N +24 19 249 V +24 19 250 L +24 19 251 V +24 19 252 B +24 19 253 V +24 19 254 A +24 19 255 N +24 19 256 R +24 19 257 A +24 19 258 AM +24 19 259 M +24 19 260 AM +24 19 261 S +24 19 262 B +24 19 263 N +24 19 264 A +24 19 265 V +24 19 266 CH +24 19 267 L +24 19 268 V +24 19 269 L +24 19 270 AM +24 19 271 V +24 19 272 B +24 19 273 L +24 19 274 B +24 19 275 V +24 19 276 R +24 19 277 A +24 19 278 S +24 19 279 L +24 19 280 V +24 19 281 V +24 19 282 V +24 19 283 CH +24 19 284 B +24 19 285 R +24 19 286 B +24 19 287 AM +24 19 288 C +24 19 289 A +24 19 290 R +24 19 291 A +24 19 292 R +24 19 293 V +24 19 294 B +24 19 295 AM +24 19 296 L +24 19 297 AM +24 19 298 C +24 19 299 V +24 19 300 N +24 19 301 V +24 19 302 B +24 19 303 A +24 19 304 V +24 19 305 L +24 19 306 V +24 19 307 A +24 19 308 L +24 19 309 V +24 19 310 V +24 19 311 A +24 19 312 N +24 19 313 A +24 19 314 B +24 19 315 V +24 19 316 V +24 19 317 L +24 19 318 S +24 19 319 B +24 19 320 V +24 19 321 C +24 19 322 A +24 19 323 V +24 19 324 B +24 19 325 L +24 19 326 AM +24 19 327 A +24 19 328 V +24 19 329 CH +24 19 330 A +24 20 1 A +24 20 2 V +24 20 3 C +24 20 4 VI +24 20 5 V +24 20 6 S +24 20 7 V +24 20 8 VI +24 20 9 CH +24 20 10 A +24 20 11 N +24 20 12 AM +24 20 13 V +24 20 14 A +24 20 15 R +24 20 16 B +24 20 17 S +24 20 18 N +24 20 19 A +24 20 20 V +24 20 21 C +24 20 22 AM +24 20 23 VI +24 20 24 N +24 20 25 A +24 20 26 A +24 20 27 B +24 20 28 C +24 20 29 V +24 20 30 S +24 20 31 A +24 20 32 VI +24 20 33 V +24 20 34 A +24 20 35 S +24 20 36 N +24 20 37 A +24 20 38 R +24 20 39 V +24 20 40 A +24 20 41 C +24 20 42 AM +24 20 43 A +24 20 44 B +24 20 45 V +24 20 46 N +24 20 47 N +24 20 48 AM +24 20 49 A +24 20 50 VI +24 20 51 CH +24 20 52 B +24 20 53 R +24 20 54 V +24 20 55 A +24 20 56 S +24 20 57 A +24 20 58 AM +24 20 59 R +24 20 60 A +24 20 61 C +24 20 62 VI +24 20 63 S +24 20 64 A +24 20 65 C +24 20 66 B +24 20 67 V +24 20 68 R +24 20 69 V +24 20 70 B +24 20 71 VI +24 20 72 V +24 20 73 VI +24 20 74 A +24 20 75 N +24 20 76 S +24 20 77 A +24 20 78 R +24 20 79 N +24 20 80 A +24 20 81 V +24 20 82 A +24 20 83 AM +24 20 84 S +24 20 85 V +24 20 86 R +24 20 87 N +24 20 88 VI +24 20 89 N +24 20 90 N +24 20 91 AM +24 20 92 B +24 20 93 A +24 20 94 N +24 20 95 B +24 20 96 AM +24 20 97 VI +24 20 98 C +24 20 99 VI +24 20 100 A +24 20 101 VI +24 20 102 A +24 20 103 V +24 20 104 A +24 20 105 VI +24 20 106 AM +24 20 107 B +24 20 108 A +24 20 109 VI +24 20 110 S +24 20 111 N +24 20 112 C +24 20 113 N +24 20 114 A +24 20 115 C +24 20 116 A +24 20 117 N +24 20 118 R +24 20 119 V +24 20 120 B +24 20 121 S +24 20 122 V +24 20 123 A +24 20 124 V +24 20 125 S +24 20 126 R +24 20 127 N +24 20 128 AM +24 20 129 B +24 20 130 N +24 20 131 VI +24 20 132 C +24 20 133 V +24 20 134 N +24 20 135 R +24 20 136 A +24 20 137 N +24 20 138 A +24 20 139 B +24 20 140 A +24 20 141 B +24 20 142 B +24 20 143 V +24 20 144 A +24 20 145 V +24 20 146 AM +24 20 147 V +24 20 148 C +24 20 149 V +24 20 150 VI +24 20 151 S +24 20 152 R +24 20 153 A +24 20 154 N +24 20 155 N +24 20 156 V +24 20 157 S +24 20 158 B +24 20 159 AM +24 20 160 R +24 20 161 V +24 20 162 C +24 20 163 A +24 20 164 A +24 20 165 N +24 20 166 A +24 20 167 VI +24 20 168 V +24 20 169 A +24 20 170 N +24 20 171 V +24 20 172 B +24 20 173 C +24 20 174 AM +24 20 175 A +24 20 176 C +24 20 177 AM +24 20 178 A +24 20 179 C +24 20 180 V +24 20 181 AM +24 20 182 R +24 20 183 AM +24 20 184 VI +24 20 185 AM +24 20 186 A +24 20 187 S +24 20 188 A +24 20 189 B +24 20 190 R +24 20 191 V +24 20 192 VI +24 20 193 AM +24 20 194 C +24 20 195 V +24 20 196 A +24 20 197 VI +24 20 198 N +24 20 199 B +24 20 200 A +24 20 201 R +24 20 202 V +24 20 203 C +24 20 204 N +24 20 205 VI +24 20 206 AM +24 20 207 C +24 20 208 S +24 20 209 N +24 20 210 R +24 20 211 A +24 20 212 AM +24 20 213 VI +24 20 214 AM +24 20 215 R +24 20 216 N +24 20 217 S +24 20 218 V +24 20 219 B +24 20 220 A +24 20 221 B +24 20 222 VI +24 20 223 V +24 20 224 B +24 20 225 V +24 20 226 A +24 20 227 N +24 20 228 A +24 20 229 V +24 20 230 B +24 20 231 VI +24 20 232 N +24 20 233 VI +24 20 234 V +24 20 235 A +24 20 236 V +24 20 237 S +24 20 238 A +24 20 239 C +24 20 240 S +24 20 241 B +24 20 242 AM +24 20 243 C +24 20 244 B +24 20 245 C +24 20 246 A +24 20 247 VI +24 20 248 N +24 20 249 A +24 20 250 VI +24 20 251 V +24 20 252 B +24 20 253 V +24 20 254 A +24 20 255 N +24 20 256 C +24 20 257 A +24 20 258 AM +24 20 259 C +24 20 260 AM +24 20 261 S +24 20 262 B +24 20 263 N +24 20 264 B +24 20 265 V +24 20 266 S +24 20 267 VI +24 20 268 V +24 20 269 R +24 20 270 AM +24 20 271 N +24 20 272 B +24 20 273 VI +24 20 274 B +24 20 275 AM +24 20 276 C +24 20 277 A +24 20 278 S +24 20 279 A +24 20 280 V +24 20 281 V +24 20 282 V +24 20 283 S +24 20 284 B +24 20 285 R +24 20 286 B +24 20 287 AM +24 20 288 C +24 20 289 A +24 20 290 B +24 20 291 A +24 20 292 R +24 20 293 B +24 20 294 B +24 20 295 CH +24 20 296 VI +24 20 297 AM +24 20 298 C +24 20 299 V +24 20 300 B +24 20 301 V +24 20 302 B +24 20 303 A +24 20 304 V +24 20 305 VI +24 20 306 V +24 20 307 A +24 20 308 VI +24 20 309 N +24 20 310 V +24 20 311 A +24 20 312 N +24 20 313 A +24 20 314 B +24 20 315 V +24 20 316 A +24 20 317 R +24 20 318 AM +24 20 319 B +24 20 320 V +24 20 321 C +24 20 322 A +24 20 323 V +24 20 324 B +24 20 325 VI +24 20 326 AM +24 20 327 B +24 20 328 V +24 20 329 CH +24 20 330 B +24 21 1 A +24 21 2 V +24 21 3 C +24 21 4 L +24 21 5 V +24 21 6 S +24 21 7 V +24 21 8 M +24 21 9 CH +24 21 10 A +24 21 11 V +24 21 12 AM +24 21 13 V +24 21 14 N +24 21 15 L +24 21 16 B +24 21 17 S +24 21 18 N +24 21 19 A +24 21 20 V +24 21 21 L +24 21 22 AM +24 21 23 L +24 21 24 CH +24 21 25 A +24 21 26 A +24 21 27 L +24 21 28 L +24 21 29 V +24 21 30 S +24 21 31 A +24 21 32 L +24 21 33 V +24 21 34 A +24 21 35 S +24 21 36 V +24 21 37 A +24 21 38 M +24 21 39 V +24 21 40 A +24 21 41 C +24 21 42 AM +24 21 43 A +24 21 44 L +24 21 45 V +24 21 46 N +24 21 47 V +24 21 48 AM +24 21 49 A +24 21 50 L +24 21 51 CH +24 21 52 AM +24 21 53 M +24 21 54 V +24 21 55 A +24 21 56 L +24 21 57 A +24 21 58 CH +24 21 59 L +24 21 60 N +24 21 61 M +24 21 62 L +24 21 63 S +24 21 64 A +24 21 65 C +24 21 66 AM +24 21 67 V +24 21 68 R +24 21 69 V +24 21 70 L +24 21 71 M +24 21 72 V +24 21 73 L +24 21 74 V +24 21 75 V +24 21 76 S +24 21 77 A +24 21 78 L +24 21 79 N +24 21 80 A +24 21 81 V +24 21 82 V +24 21 83 AM +24 21 84 R +24 21 85 V +24 21 86 R +24 21 87 N +24 21 88 L +24 21 89 N +24 21 90 V +24 21 91 V +24 21 92 R +24 21 93 A +24 21 94 N +24 21 95 V +24 21 96 AM +24 21 97 L +24 21 98 C +24 21 99 L +24 21 100 V +24 21 101 M +24 21 102 N +24 21 103 V +24 21 104 A +24 21 105 L +24 21 106 AM +24 21 107 B +24 21 108 V +24 21 109 A +24 21 110 AM +24 21 111 V +24 21 112 C +24 21 113 N +24 21 114 V +24 21 115 C +24 21 116 V +24 21 117 CH +24 21 118 R +24 21 119 V +24 21 120 B +24 21 121 S +24 21 122 V +24 21 123 A +24 21 124 V +24 21 125 S +24 21 126 R +24 21 127 V +24 21 128 AM +24 21 129 R +24 21 130 V +24 21 131 L +24 21 132 S +24 21 133 V +24 21 134 CH +24 21 135 L +24 21 136 V +24 21 137 V +24 21 138 A +24 21 139 R +24 21 140 A +24 21 141 B +24 21 142 N +24 21 143 V +24 21 144 L +24 21 145 V +24 21 146 AM +24 21 147 V +24 21 148 C +24 21 149 V +24 21 150 L +24 21 151 R +24 21 152 R +24 21 153 A +24 21 154 N +24 21 155 CH +24 21 156 V +24 21 157 CH +24 21 158 B +24 21 159 AM +24 21 160 R +24 21 161 V +24 21 162 C +24 21 163 V +24 21 164 A +24 21 165 V +24 21 166 A +24 21 167 L +24 21 168 V +24 21 169 A +24 21 170 A +24 21 171 V +24 21 172 B +24 21 173 C +24 21 174 AM +24 21 175 A +24 21 176 S +24 21 177 AM +24 21 178 A +24 21 179 C +24 21 180 V +24 21 181 S +24 21 182 L +24 21 183 CH +24 21 184 L +24 21 185 CH +24 21 186 A +24 21 187 AM +24 21 188 A +24 21 189 A +24 21 190 R +24 21 191 A +24 21 192 L +24 21 193 V +24 21 194 CH +24 21 195 V +24 21 196 V +24 21 197 L +24 21 198 N +24 21 199 V +24 21 200 A +24 21 201 R +24 21 202 V +24 21 203 L +24 21 204 CH +24 21 205 L +24 21 206 V +24 21 207 C +24 21 208 CH +24 21 209 V +24 21 210 CH +24 21 211 A +24 21 212 S +24 21 213 L +24 21 214 V +24 21 215 R +24 21 216 V +24 21 217 S +24 21 218 V +24 21 219 A +24 21 220 A +24 21 221 A +24 21 222 L +24 21 223 V +24 21 224 R +24 21 225 V +24 21 226 A +24 21 227 N +24 21 228 A +24 21 229 V +24 21 230 L +24 21 231 L +24 21 232 CH +24 21 233 L +24 21 234 V +24 21 235 A +24 21 236 V +24 21 237 R +24 21 238 A +24 21 239 R +24 21 240 CH +24 21 241 R +24 21 242 AM +24 21 243 L +24 21 244 A +24 21 245 C +24 21 246 V +24 21 247 L +24 21 248 V +24 21 249 V +24 21 250 L +24 21 251 V +24 21 252 R +24 21 253 V +24 21 254 A +24 21 255 N +24 21 256 C +24 21 257 A +24 21 258 AM +24 21 259 C +24 21 260 AM +24 21 261 S +24 21 262 B +24 21 263 N +24 21 264 A +24 21 265 V +24 21 266 CH +24 21 267 L +24 21 268 V +24 21 269 L +24 21 270 S +24 21 271 V +24 21 272 B +24 21 273 L +24 21 274 B +24 21 275 V +24 21 276 S +24 21 277 A +24 21 278 S +24 21 279 A +24 21 280 V +24 21 281 V +24 21 282 V +24 21 283 CH +24 21 284 B +24 21 285 R +24 21 286 B +24 21 287 CH +24 21 288 C +24 21 289 V +24 21 290 R +24 21 291 A +24 21 292 R +24 21 293 V +24 21 294 B +24 21 295 CH +24 21 296 L +24 21 297 AM +24 21 298 C +24 21 299 V +24 21 300 N +24 21 301 V +24 21 302 R +24 21 303 A +24 21 304 V +24 21 305 L +24 21 306 V +24 21 307 A +24 21 308 L +24 21 309 V +24 21 310 V +24 21 311 A +24 21 312 N +24 21 313 L +24 21 314 R +24 21 315 V +24 21 316 V +24 21 317 M +24 21 318 S +24 21 319 B +24 21 320 V +24 21 321 C +24 21 322 A +24 21 323 V +24 21 324 R +24 21 325 L +24 21 326 AM +24 21 327 A +24 21 328 V +24 21 329 CH +24 21 330 A +24 22 1 A +24 22 2 V +24 22 3 S +24 22 4 L +24 22 5 V +24 22 6 AM +24 22 7 V +24 22 8 G +24 22 9 CH +24 22 10 A +24 22 11 SI +24 22 12 AM +24 22 13 V +24 22 14 SI +24 22 15 R +24 22 16 B +24 22 17 S +24 22 18 SI +24 22 19 A +24 22 20 V +24 22 21 R +24 22 22 AM +24 22 23 L +24 22 24 SI +24 22 25 A +24 22 26 A +24 22 27 B +24 22 28 R +24 22 29 V +24 22 30 CH +24 22 31 V +24 22 32 L +24 22 33 V +24 22 34 A +24 22 35 S +24 22 36 V +24 22 37 A +24 22 38 G +24 22 39 V +24 22 40 A +24 22 41 G +24 22 42 AM +24 22 43 A +24 22 44 B +24 22 45 V +24 22 46 SI +24 22 47 SI +24 22 48 AM +24 22 49 A +24 22 50 L +24 22 51 CH +24 22 52 B +24 22 53 L +24 22 54 V +24 22 55 A +24 22 56 S +24 22 57 A +24 22 58 AM +24 22 59 R +24 22 60 SI +24 22 61 L +24 22 62 L +24 22 63 R +24 22 64 A +24 22 65 R +24 22 66 AM +24 22 67 V +24 22 68 R +24 22 69 V +24 22 70 B +24 22 71 G +24 22 72 V +24 22 73 L +24 22 74 A +24 22 75 V +24 22 76 S +24 22 77 A +24 22 78 R +24 22 79 SI +24 22 80 A +24 22 81 V +24 22 82 V +24 22 83 AM +24 22 84 R +24 22 85 V +24 22 86 R +24 22 87 N +24 22 88 G +24 22 89 N +24 22 90 N +24 22 91 AM +24 22 92 B +24 22 93 A +24 22 94 CH +24 22 95 AM +24 22 96 AM +24 22 97 G +24 22 98 C +24 22 99 L +24 22 100 V +24 22 101 G +24 22 102 SI +24 22 103 V +24 22 104 A +24 22 105 L +24 22 106 AM +24 22 107 B +24 22 108 V +24 22 109 A +24 22 110 AM +24 22 111 V +24 22 112 R +24 22 113 N +24 22 114 A +24 22 115 G +24 22 116 A +24 22 117 CH +24 22 118 R +24 22 119 V +24 22 120 B +24 22 121 S +24 22 122 V +24 22 123 A +24 22 124 AM +24 22 125 S +24 22 126 R +24 22 127 N +24 22 128 AM +24 22 129 B +24 22 130 V +24 22 131 L +24 22 132 S +24 22 133 V +24 22 134 CH +24 22 135 L +24 22 136 A +24 22 137 V +24 22 138 A +24 22 139 B +24 22 140 A +24 22 141 B +24 22 142 SI +24 22 143 V +24 22 144 L +24 22 145 V +24 22 146 AM +24 22 147 V +24 22 148 G +24 22 149 V +24 22 150 L +24 22 151 R +24 22 152 G +24 22 153 A +24 22 154 SI +24 22 155 CH +24 22 156 V +24 22 157 CH +24 22 158 B +24 22 159 AM +24 22 160 R +24 22 161 V +24 22 162 G +24 22 163 A +24 22 164 A +24 22 165 V +24 22 166 A +24 22 167 G +24 22 168 V +24 22 169 A +24 22 170 N +24 22 171 V +24 22 172 B +24 22 173 R +24 22 174 AM +24 22 175 A +24 22 176 S +24 22 177 AM +24 22 178 A +24 22 179 CH +24 22 180 V +24 22 181 AM +24 22 182 L +24 22 183 AM +24 22 184 L +24 22 185 CH +24 22 186 A +24 22 187 AM +24 22 188 A +24 22 189 SI +24 22 190 R +24 22 191 V +24 22 192 L +24 22 193 V +24 22 194 G +24 22 195 V +24 22 196 V +24 22 197 L +24 22 198 N +24 22 199 AM +24 22 200 A +24 22 201 R +24 22 202 V +24 22 203 G +24 22 204 CH +24 22 205 G +24 22 206 AM +24 22 207 G +24 22 208 CH +24 22 209 A +24 22 210 CH +24 22 211 A +24 22 212 AM +24 22 213 SI +24 22 214 V +24 22 215 R +24 22 216 V +24 22 217 R +24 22 218 V +24 22 219 V +24 22 220 A +24 22 221 B +24 22 222 L +24 22 223 V +24 22 224 B +24 22 225 AM +24 22 226 A +24 22 227 N +24 22 228 A +24 22 229 V +24 22 230 R +24 22 231 L +24 22 232 AM +24 22 233 L +24 22 234 V +24 22 235 A +24 22 236 V +24 22 237 R +24 22 238 A +24 22 239 R +24 22 240 CH +24 22 241 B +24 22 242 AM +24 22 243 G +24 22 244 B +24 22 245 S +24 22 246 A +24 22 247 L +24 22 248 N +24 22 249 A +24 22 250 L +24 22 251 V +24 22 252 B +24 22 253 V +24 22 254 SI +24 22 255 N +24 22 256 R +24 22 257 A +24 22 258 AM +24 22 259 CH +24 22 260 AM +24 22 261 CH +24 22 262 B +24 22 263 SI +24 22 264 SI +24 22 265 V +24 22 266 CH +24 22 267 L +24 22 268 V +24 22 269 L +24 22 270 AM +24 22 271 V +24 22 272 B +24 22 273 L +24 22 274 B +24 22 275 AM +24 22 276 G +24 22 277 A +24 22 278 S +24 22 279 A +24 22 280 V +24 22 281 V +24 22 282 V +24 22 283 CH +24 22 284 B +24 22 285 R +24 22 286 B +24 22 287 AM +24 22 288 S +24 22 289 A +24 22 290 AM +24 22 291 A +24 22 292 R +24 22 293 V +24 22 294 B +24 22 295 CH +24 22 296 L +24 22 297 AM +24 22 298 C +24 22 299 V +24 22 300 SI +24 22 301 V +24 22 302 B +24 22 303 SI +24 22 304 V +24 22 305 G +24 22 306 V +24 22 307 A +24 22 308 L +24 22 309 V +24 22 310 V +24 22 311 A +24 22 312 N +24 22 313 A +24 22 314 B +24 22 315 V +24 22 316 V +24 22 317 G +24 22 318 S +24 22 319 B +24 22 320 V +24 22 321 C +24 22 322 A +24 22 323 V +24 22 324 AM +24 22 325 L +24 22 326 AM +24 22 327 SI +24 22 328 V +24 22 329 CH +24 22 330 B +24 23 1 A +24 23 2 V +24 23 3 C +24 23 4 L +24 23 5 V +24 23 6 CH +24 23 7 V +24 23 8 L +24 23 9 CH +24 23 10 A +24 23 11 V +24 23 12 AM +24 23 13 V +24 23 14 A +24 23 15 L +24 23 16 B +24 23 17 C +24 23 18 N +24 23 19 A +24 23 20 V +24 23 21 C +24 23 22 AM +24 23 23 L +24 23 24 N +24 23 25 A +24 23 26 A +24 23 27 B +24 23 28 C +24 23 29 V +24 23 30 CH +24 23 31 A +24 23 32 L +24 23 33 V +24 23 34 A +24 23 35 C +24 23 36 V +24 23 37 A +24 23 38 C +24 23 39 V +24 23 40 A +24 23 41 C +24 23 42 AM +24 23 43 A +24 23 44 B +24 23 45 V +24 23 46 N +24 23 47 N +24 23 48 AM +24 23 49 A +24 23 50 L +24 23 51 CH +24 23 52 B +24 23 53 C +24 23 54 V +24 23 55 A +24 23 56 CH +24 23 57 A +24 23 58 AM +24 23 59 B +24 23 60 A +24 23 61 C +24 23 62 L +24 23 63 R +24 23 64 A +24 23 65 C +24 23 66 B +24 23 67 V +24 23 68 L +24 23 69 V +24 23 70 B +24 23 71 L +24 23 72 V +24 23 73 L +24 23 74 A +24 23 75 N +24 23 76 CH +24 23 77 A +24 23 78 L +24 23 79 N +24 23 80 A +24 23 81 V +24 23 82 A +24 23 83 AM +24 23 84 R +24 23 85 V +24 23 86 R +24 23 87 N +24 23 88 L +24 23 89 N +24 23 90 A +24 23 91 V +24 23 92 B +24 23 93 A +24 23 94 N +24 23 95 A +24 23 96 AM +24 23 97 A +24 23 98 C +24 23 99 L +24 23 100 A +24 23 101 L +24 23 102 L +24 23 103 CH +24 23 104 A +24 23 105 L +24 23 106 AM +24 23 107 B +24 23 108 A +24 23 109 A +24 23 110 CH +24 23 111 V +24 23 112 C +24 23 113 N +24 23 114 A +24 23 115 L +24 23 116 A +24 23 117 CH +24 23 118 R +24 23 119 V +24 23 120 B +24 23 121 C +24 23 122 V +24 23 123 A +24 23 124 V +24 23 125 CH +24 23 126 R +24 23 127 A +24 23 128 AM +24 23 129 B +24 23 130 N +24 23 131 L +24 23 132 C +24 23 133 V +24 23 134 CH +24 23 135 L +24 23 136 A +24 23 137 V +24 23 138 A +24 23 139 B +24 23 140 A +24 23 141 B +24 23 142 L +24 23 143 V +24 23 144 L +24 23 145 V +24 23 146 AM +24 23 147 A +24 23 148 C +24 23 149 V +24 23 150 L +24 23 151 R +24 23 152 L +24 23 153 A +24 23 154 N +24 23 155 CH +24 23 156 A +24 23 157 CH +24 23 158 B +24 23 159 AM +24 23 160 L +24 23 161 V +24 23 162 C +24 23 163 A +24 23 164 A +24 23 165 V +24 23 166 A +24 23 167 L +24 23 168 V +24 23 169 A +24 23 170 N +24 23 171 V +24 23 172 B +24 23 173 R +24 23 174 AM +24 23 175 A +24 23 176 R +24 23 177 AM +24 23 178 A +24 23 179 CH +24 23 180 A +24 23 181 CH +24 23 182 CH +24 23 183 CH +24 23 184 L +24 23 185 CH +24 23 186 A +24 23 187 AM +24 23 188 A +24 23 189 A +24 23 190 R +24 23 191 V +24 23 192 L +24 23 193 V +24 23 194 CH +24 23 195 V +24 23 196 A +24 23 197 L +24 23 198 N +24 23 199 B +24 23 200 A +24 23 201 R +24 23 202 V +24 23 203 L +24 23 204 N +24 23 205 L +24 23 206 B +24 23 207 C +24 23 208 CH +24 23 209 A +24 23 210 CH +24 23 211 A +24 23 212 AM +24 23 213 L +24 23 214 V +24 23 215 L +24 23 216 N +24 23 217 R +24 23 218 V +24 23 219 A +24 23 220 L +24 23 221 A +24 23 222 L +24 23 223 V +24 23 224 B +24 23 225 V +24 23 226 A +24 23 227 N +24 23 228 A +24 23 229 A +24 23 230 B +24 23 231 L +24 23 232 CH +24 23 233 L +24 23 234 V +24 23 235 A +24 23 236 V +24 23 237 R +24 23 238 A +24 23 239 R +24 23 240 CH +24 23 241 B +24 23 242 AM +24 23 243 L +24 23 244 A +24 23 245 C +24 23 246 A +24 23 247 L +24 23 248 V +24 23 249 A +24 23 250 L +24 23 251 V +24 23 252 B +24 23 253 A +24 23 254 A +24 23 255 N +24 23 256 C +24 23 257 A +24 23 258 AM +24 23 259 CH +24 23 260 AM +24 23 261 CH +24 23 262 B +24 23 263 SI +24 23 264 A +24 23 265 V +24 23 266 CH +24 23 267 L +24 23 268 V +24 23 269 L +24 23 270 CH +24 23 271 V +24 23 272 B +24 23 273 L +24 23 274 B +24 23 275 AM +24 23 276 C +24 23 277 A +24 23 278 R +24 23 279 A +24 23 280 V +24 23 281 A +24 23 282 V +24 23 283 CH +24 23 284 B +24 23 285 L +24 23 286 B +24 23 287 CH +24 23 288 C +24 23 289 A +24 23 290 B +24 23 291 A +24 23 292 R +24 23 293 V +24 23 294 B +24 23 295 CH +24 23 296 L +24 23 297 AM +24 23 298 C +24 23 299 V +24 23 300 SI +24 23 301 V +24 23 302 B +24 23 303 SI +24 23 304 V +24 23 305 L +24 23 306 V +24 23 307 A +24 23 308 L +24 23 309 CH +24 23 310 V +24 23 311 A +24 23 312 N +24 23 313 L +24 23 314 B +24 23 315 V +24 23 316 A +24 23 317 L +24 23 318 CH +24 23 319 B +24 23 320 AM +24 23 321 C +24 23 322 A +24 23 323 A +24 23 324 B +24 23 325 L +24 23 326 AM +24 23 327 A +24 23 328 V +24 23 329 CH +24 23 330 A +24 24 1 A +24 24 2 V +24 24 3 C +24 24 4 G +24 24 5 V +24 24 6 AM +24 24 7 V +24 24 8 G +24 24 9 G +24 24 10 A +24 24 11 A +24 24 12 AM +24 24 13 V +24 24 14 V +24 24 15 R +24 24 16 B +24 24 17 C +24 24 18 N +24 24 19 A +24 24 20 V +24 24 21 R +24 24 22 AM +24 24 23 VI +24 24 24 N +24 24 25 A +24 24 26 A +24 24 27 B +24 24 28 R +24 24 29 V +24 24 30 C +24 24 31 A +24 24 32 R +24 24 33 V +24 24 34 A +24 24 35 R +24 24 36 V +24 24 37 A +24 24 38 R +24 24 39 V +24 24 40 A +24 24 41 R +24 24 42 AM +24 24 43 A +24 24 44 B +24 24 45 V +24 24 46 B +24 24 47 V +24 24 48 AM +24 24 49 A +24 24 50 VI +24 24 51 N +24 24 52 B +24 24 53 R +24 24 54 V +24 24 55 A +24 24 56 C +24 24 57 A +24 24 58 AM +24 24 59 B +24 24 60 N +24 24 61 R +24 24 62 A +24 24 63 R +24 24 64 A +24 24 65 C +24 24 66 B +24 24 67 V +24 24 68 R +24 24 69 V +24 24 70 B +24 24 71 R +24 24 72 V +24 24 73 VI +24 24 74 A +24 24 75 N +24 24 76 R +24 24 77 A +24 24 78 R +24 24 79 N +24 24 80 A +24 24 81 V +24 24 82 A +24 24 83 B +24 24 84 R +24 24 85 V +24 24 86 R +24 24 87 N +24 24 88 VI +24 24 89 N +24 24 90 N +24 24 91 V +24 24 92 B +24 24 93 A +24 24 94 N +24 24 95 A +24 24 96 AM +24 24 97 VI +24 24 98 C +24 24 99 A +24 24 100 A +24 24 101 VI +24 24 102 A +24 24 103 V +24 24 104 A +24 24 105 VI +24 24 106 AM +24 24 107 B +24 24 108 A +24 24 109 A +24 24 110 AM +24 24 111 N +24 24 112 R +24 24 113 N +24 24 114 A +24 24 115 R +24 24 116 A +24 24 117 N +24 24 118 R +24 24 119 V +24 24 120 B +24 24 121 C +24 24 122 V +24 24 123 A +24 24 124 V +24 24 125 R +24 24 126 R +24 24 127 N +24 24 128 V +24 24 129 B +24 24 130 N +24 24 131 VI +24 24 132 R +24 24 133 V +24 24 134 CH +24 24 135 R +24 24 136 A +24 24 137 V +24 24 138 A +24 24 139 B +24 24 140 A +24 24 141 B +24 24 142 B +24 24 143 V +24 24 144 A +24 24 145 V +24 24 146 AM +24 24 147 V +24 24 148 R +24 24 149 V +24 24 150 VI +24 24 151 R +24 24 152 R +24 24 153 A +24 24 154 N +24 24 155 N +24 24 156 V +24 24 157 CH +24 24 158 B +24 24 159 AM +24 24 160 R +24 24 161 V +24 24 162 R +24 24 163 A +24 24 164 A +24 24 165 V +24 24 166 A +24 24 167 B +24 24 168 V +24 24 169 A +24 24 170 A +24 24 171 V +24 24 172 B +24 24 173 R +24 24 174 AM +24 24 175 A +24 24 176 R +24 24 177 AM +24 24 178 A +24 24 179 C +24 24 180 V +24 24 181 AM +24 24 182 R +24 24 183 CH +24 24 184 VI +24 24 185 CH +24 24 186 A +24 24 187 AM +24 24 188 A +24 24 189 A +24 24 190 R +24 24 191 V +24 24 192 VI +24 24 193 V +24 24 194 R +24 24 195 V +24 24 196 V +24 24 197 R +24 24 198 N +24 24 199 B +24 24 200 A +24 24 201 R +24 24 202 V +24 24 203 R +24 24 204 N +24 24 205 A +24 24 206 B +24 24 207 R +24 24 208 CH +24 24 209 A +24 24 210 R +24 24 211 A +24 24 212 AM +24 24 213 B +24 24 214 V +24 24 215 R +24 24 216 N +24 24 217 R +24 24 218 V +24 24 219 A +24 24 220 A +24 24 221 A +24 24 222 VI +24 24 223 V +24 24 224 B +24 24 225 V +24 24 226 A +24 24 227 N +24 24 228 N +24 24 229 V +24 24 230 B +24 24 231 R +24 24 232 CH +24 24 233 A +24 24 234 V +24 24 235 A +24 24 236 V +24 24 237 AM +24 24 238 A +24 24 239 R +24 24 240 CH +24 24 241 B +24 24 242 AM +24 24 243 R +24 24 244 A +24 24 245 R +24 24 246 V +24 24 247 VI +24 24 248 N +24 24 249 V +24 24 250 VI +24 24 251 V +24 24 252 B +24 24 253 V +24 24 254 A +24 24 255 N +24 24 256 R +24 24 257 A +24 24 258 AM +24 24 259 R +24 24 260 AM +24 24 261 AM +24 24 262 B +24 24 263 B +24 24 264 A +24 24 265 V +24 24 266 C +24 24 267 VI +24 24 268 V +24 24 269 VI +24 24 270 AM +24 24 271 N +24 24 272 B +24 24 273 VI +24 24 274 B +24 24 275 V +24 24 276 R +24 24 277 A +24 24 278 AM +24 24 279 VI +24 24 280 V +24 24 281 V +24 24 282 V +24 24 283 CH +24 24 284 B +24 24 285 R +24 24 286 B +24 24 287 CH +24 24 288 R +24 24 289 A +24 24 290 B +24 24 291 A +24 24 292 R +24 24 293 B +24 24 294 B +24 24 295 CH +24 24 296 VI +24 24 297 AM +24 24 298 R +24 24 299 V +24 24 300 B +24 24 301 V +24 24 302 B +24 24 303 B +24 24 304 V +24 24 305 VI +24 24 306 V +24 24 307 A +24 24 308 R +24 24 309 N +24 24 310 V +24 24 311 A +24 24 312 N +24 24 313 VI +24 24 314 B +24 24 315 V +24 24 316 V +24 24 317 R +24 24 318 AM +24 24 319 B +24 24 320 V +24 24 321 R +24 24 322 A +24 24 323 V +24 24 324 B +24 24 325 VI +24 24 326 AM +24 24 327 B +24 24 328 V +24 24 329 CH +24 24 330 B +24 25 1 A +24 25 2 V +24 25 3 C +24 25 4 L +24 25 5 V +24 25 6 S +24 25 7 V +24 25 8 G +24 25 9 CH +24 25 10 A +24 25 11 A +24 25 12 AM +24 25 13 V +24 25 14 A +24 25 15 R +24 25 16 B +24 25 17 C +24 25 18 N +24 25 19 A +24 25 20 V +24 25 21 R +24 25 22 AM +24 25 23 L +24 25 24 N +24 25 25 A +24 25 26 A +24 25 27 AM +24 25 28 R +24 25 29 V +24 25 30 S +24 25 31 A +24 25 32 L +24 25 33 V +24 25 34 A +24 25 35 S +24 25 36 V +24 25 37 A +24 25 38 G +24 25 39 V +24 25 40 A +24 25 41 C +24 25 42 AM +24 25 43 A +24 25 44 B +24 25 45 V +24 25 46 N +24 25 47 V +24 25 48 AM +24 25 49 A +24 25 50 L +24 25 51 CH +24 25 52 AM +24 25 53 G +24 25 54 V +24 25 55 A +24 25 56 S +24 25 57 A +24 25 58 AM +24 25 59 B +24 25 60 A +24 25 61 G +24 25 62 A +24 25 63 S +24 25 64 A +24 25 65 C +24 25 66 B +24 25 67 V +24 25 68 S +24 25 69 V +24 25 70 B +24 25 71 G +24 25 72 V +24 25 73 L +24 25 74 A +24 25 75 V +24 25 76 S +24 25 77 A +24 25 78 R +24 25 79 N +24 25 80 A +24 25 81 V +24 25 82 V +24 25 83 AM +24 25 84 R +24 25 85 V +24 25 86 R +24 25 87 N +24 25 88 L +24 25 89 N +24 25 90 V +24 25 91 V +24 25 92 B +24 25 93 A +24 25 94 N +24 25 95 B +24 25 96 AM +24 25 97 L +24 25 98 C +24 25 99 L +24 25 100 V +24 25 101 L +24 25 102 A +24 25 103 V +24 25 104 A +24 25 105 L +24 25 106 AM +24 25 107 B +24 25 108 V +24 25 109 A +24 25 110 S +24 25 111 V +24 25 112 C +24 25 113 N +24 25 114 V +24 25 115 G +24 25 116 A +24 25 117 CH +24 25 118 R +24 25 119 V +24 25 120 B +24 25 121 S +24 25 122 V +24 25 123 A +24 25 124 V +24 25 125 S +24 25 126 R +24 25 127 V +24 25 128 AM +24 25 129 B +24 25 130 V +24 25 131 L +24 25 132 C +24 25 133 V +24 25 134 CH +24 25 135 L +24 25 136 A +24 25 137 V +24 25 138 A +24 25 139 B +24 25 140 A +24 25 141 B +24 25 142 B +24 25 143 V +24 25 144 L +24 25 145 V +24 25 146 AM +24 25 147 V +24 25 148 C +24 25 149 V +24 25 150 L +24 25 151 R +24 25 152 L +24 25 153 A +24 25 154 N +24 25 155 CH +24 25 156 V +24 25 157 CH +24 25 158 B +24 25 159 S +24 25 160 R +24 25 161 V +24 25 162 C +24 25 163 V +24 25 164 A +24 25 165 V +24 25 166 A +24 25 167 A +24 25 168 V +24 25 169 A +24 25 170 A +24 25 171 V +24 25 172 B +24 25 173 S +24 25 174 AM +24 25 175 A +24 25 176 S +24 25 177 AM +24 25 178 A +24 25 179 G +24 25 180 V +24 25 181 AM +24 25 182 L +24 25 183 CH +24 25 184 L +24 25 185 S +24 25 186 A +24 25 187 S +24 25 188 A +24 25 189 A +24 25 190 R +24 25 191 V +24 25 192 L +24 25 193 V +24 25 194 G +24 25 195 V +24 25 196 V +24 25 197 L +24 25 198 N +24 25 199 B +24 25 200 A +24 25 201 R +24 25 202 V +24 25 203 L +24 25 204 CH +24 25 205 A +24 25 206 B +24 25 207 R +24 25 208 CH +24 25 209 V +24 25 210 G +24 25 211 A +24 25 212 S +24 25 213 A +24 25 214 V +24 25 215 R +24 25 216 V +24 25 217 R +24 25 218 V +24 25 219 B +24 25 220 A +24 25 221 B +24 25 222 L +24 25 223 V +24 25 224 B +24 25 225 V +24 25 226 A +24 25 227 N +24 25 228 A +24 25 229 V +24 25 230 B +24 25 231 L +24 25 232 CH +24 25 233 A +24 25 234 V +24 25 235 A +24 25 236 V +24 25 237 S +24 25 238 V +24 25 239 S +24 25 240 CH +24 25 241 B +24 25 242 AM +24 25 243 G +24 25 244 B +24 25 245 C +24 25 246 V +24 25 247 L +24 25 248 V +24 25 249 V +24 25 250 L +24 25 251 V +24 25 252 B +24 25 253 V +24 25 254 A +24 25 255 N +24 25 256 R +24 25 257 A +24 25 258 AM +24 25 259 G +24 25 260 AM +24 25 261 S +24 25 262 B +24 25 263 N +24 25 264 A +24 25 265 V +24 25 266 CH +24 25 267 L +24 25 268 V +24 25 269 L +24 25 270 S +24 25 271 V +24 25 272 B +24 25 273 L +24 25 274 B +24 25 275 V +24 25 276 C +24 25 277 A +24 25 278 S +24 25 279 A +24 25 280 V +24 25 281 V +24 25 282 V +24 25 283 CH +24 25 284 B +24 25 285 R +24 25 286 B +24 25 287 CH +24 25 288 C +24 25 289 A +24 25 290 B +24 25 291 A +24 25 292 R +24 25 293 A +24 25 294 B +24 25 295 CH +24 25 296 L +24 25 297 AM +24 25 298 C +24 25 299 V +24 25 300 B +24 25 301 V +24 25 302 B +24 25 303 A +24 25 304 V +24 25 305 L +24 25 306 V +24 25 307 A +24 25 308 L +24 25 309 N +24 25 310 V +24 25 311 A +24 25 312 N +24 25 313 A +24 25 314 B +24 25 315 V +24 25 316 V +24 25 317 L +24 25 318 S +24 25 319 B +24 25 320 V +24 25 321 C +24 25 322 A +24 25 323 V +24 25 324 B +24 25 325 L +24 25 326 S +24 25 327 A +24 25 328 V +24 25 329 CH +24 25 330 A +25 1 1 K +25 1 2 K +25 1 3 U +25 1 4 A +25 1 5 K +25 1 6 S +25 1 7 K +25 1 8 U +25 1 9 E +25 1 10 K +25 1 11 K +25 1 12 S +25 1 13 K +25 1 14 K +25 1 15 A +25 1 16 H +25 1 17 A +25 1 18 R +25 1 19 K +25 1 20 K +25 1 21 A +25 1 22 S +25 1 23 A +25 1 24 E +25 1 25 K +25 1 26 K +25 1 27 H +25 1 28 A +25 1 29 K +25 1 30 S +25 1 31 K +25 1 32 A +25 1 33 K +25 1 34 K +25 1 35 S +25 1 36 K +25 1 37 K +25 1 38 U +25 1 39 K +25 1 40 K +25 1 41 U +25 1 42 S +25 1 43 K +25 1 44 H +25 1 45 K +25 1 46 E +25 1 47 K +25 1 48 S +25 1 49 K +25 1 50 A +25 1 51 E +25 1 52 K +25 1 53 U +25 1 54 K +25 1 55 K +25 1 56 S +25 1 57 K +25 1 58 S +25 1 59 H +25 1 60 K +25 1 61 U +25 1 62 K +25 1 63 S +25 1 64 K +25 1 65 A +25 1 66 H +25 1 67 K +25 1 68 A +25 1 69 E +25 1 70 H +25 1 71 A +25 1 72 K +25 1 73 A +25 1 74 K +25 1 75 K +25 1 76 U +25 1 77 K +25 1 78 A +25 1 79 E +25 1 80 K +25 1 81 K +25 1 82 K +25 1 83 S +25 1 84 S +25 1 85 K +25 1 86 A +25 1 87 R +25 1 88 A +25 1 89 R +25 1 90 K +25 1 91 K +25 1 92 S +25 1 93 K +25 1 94 E +25 1 95 K +25 1 96 S +25 1 97 K +25 1 98 U +25 1 99 K +25 1 100 K +25 1 101 U +25 1 102 K +25 1 103 E +25 1 104 K +25 1 105 A +25 1 106 S +25 1 107 H +25 1 108 K +25 1 109 K +25 1 110 K +25 1 111 A +25 1 112 A +25 1 113 E +25 1 114 K +25 1 115 A +25 1 116 K +25 1 117 E +25 1 118 A +25 1 119 K +25 1 120 H +25 1 121 U +25 1 122 K +25 1 123 K +25 1 124 K +25 1 125 U +25 1 126 A +25 1 127 K +25 1 128 S +25 1 129 H +25 1 130 E +25 1 131 A +25 1 132 U +25 1 133 K +25 1 134 E +25 1 135 A +25 1 136 K +25 1 137 K +25 1 138 K +25 1 139 H +25 1 140 K +25 1 141 H +25 1 142 K +25 1 143 K +25 1 144 K +25 1 145 K +25 1 146 S +25 1 147 K +25 1 148 U +25 1 149 K +25 1 150 A +25 1 151 S +25 1 152 A +25 1 153 K +25 1 154 E +25 1 155 E +25 1 156 K +25 1 157 E +25 1 158 H +25 1 159 S +25 1 160 A +25 1 161 K +25 1 162 U +25 1 163 K +25 1 164 K +25 1 165 K +25 1 166 K +25 1 167 A +25 1 168 K +25 1 169 K +25 1 170 K +25 1 171 K +25 1 172 H +25 1 173 A +25 1 174 S +25 1 175 K +25 1 176 A +25 1 177 S +25 1 178 K +25 1 179 U +25 1 180 K +25 1 181 S +25 1 182 A +25 1 183 E +25 1 184 A +25 1 185 S +25 1 186 K +25 1 187 S +25 1 188 K +25 1 189 K +25 1 190 A +25 1 191 K +25 1 192 A +25 1 193 K +25 1 194 A +25 1 195 K +25 1 196 K +25 1 197 A +25 1 198 E +25 1 199 K +25 1 200 K +25 1 201 S +25 1 202 K +25 1 203 A +25 1 204 E +25 1 205 K +25 1 206 K +25 1 207 A +25 1 208 S +25 1 209 K +25 1 210 U +25 1 211 K +25 1 212 S +25 1 213 K +25 1 214 S +25 1 215 A +25 1 216 K +25 1 217 A +25 1 218 K +25 1 219 K +25 1 220 K +25 1 221 K +25 1 222 A +25 1 223 K +25 1 224 H +25 1 225 E +25 1 226 K +25 1 227 R +25 1 228 K +25 1 229 K +25 1 230 H +25 1 231 A +25 1 232 E +25 1 233 K +25 1 234 K +25 1 235 K +25 1 236 K +25 1 237 S +25 1 238 K +25 1 239 A +25 1 240 U +25 1 241 H +25 1 242 S +25 1 243 A +25 1 244 K +25 1 245 U +25 1 246 K +25 1 247 K +25 1 248 K +25 1 249 K +25 1 250 A +25 1 251 K +25 1 252 H +25 1 253 K +25 1 254 K +25 1 255 E +25 1 256 A +25 1 257 K +25 1 258 S +25 1 259 U +25 1 260 S +25 1 261 S +25 1 262 H +25 1 263 K +25 1 264 K +25 1 265 K +25 1 266 U +25 1 267 A +25 1 268 K +25 1 269 A +25 1 270 S +25 1 271 K +25 1 272 H +25 1 273 A +25 1 274 H +25 1 275 S +25 1 276 U +25 1 277 K +25 1 278 S +25 1 279 K +25 1 280 K +25 1 281 K +25 1 282 K +25 1 283 E +25 1 284 * +25 1 285 A +25 1 286 H +25 1 287 S +25 1 288 A +25 1 289 K +25 1 290 H +25 1 291 K +25 1 292 A +25 1 293 K +25 1 294 K +25 1 295 E +25 1 296 A +25 1 297 S +25 1 298 U +25 1 299 K +25 1 300 H +25 1 301 K +25 1 302 H +25 1 303 K +25 1 304 K +25 1 305 A +25 1 306 K +25 1 307 K +25 1 308 A +25 1 309 E +25 1 310 K +25 1 311 K +25 1 312 R +25 1 313 K +25 1 314 H +25 1 315 K +25 1 316 K +25 1 317 A +25 1 318 A +25 1 319 H +25 1 320 K +25 1 321 U +25 1 322 K +25 1 323 K +25 1 324 H +25 1 325 A +25 1 326 S +25 1 327 K +25 1 328 K +25 1 329 S +25 1 330 K +25 2 1 K +25 2 2 K +25 2 3 U +25 2 4 K +25 2 5 K +25 2 6 S +25 2 7 K +25 2 8 U +25 2 9 S +25 2 10 K +25 2 11 K +25 2 12 S +25 2 13 K +25 2 14 K +25 2 15 A +25 2 16 H +25 2 17 A +25 2 18 R +25 2 19 K +25 2 20 K +25 2 21 A +25 2 22 S +25 2 23 K +25 2 24 E +25 2 25 K +25 2 26 K +25 2 27 H +25 2 28 A +25 2 29 K +25 2 30 S +25 2 31 K +25 2 32 A +25 2 33 K +25 2 34 K +25 2 35 A +25 2 36 K +25 2 37 K +25 2 38 U +25 2 39 K +25 2 40 K +25 2 41 U +25 2 42 S +25 2 43 K +25 2 44 H +25 2 45 K +25 2 46 E +25 2 47 K +25 2 48 S +25 2 49 K +25 2 50 K +25 2 51 E +25 2 52 H +25 2 53 U +25 2 54 K +25 2 55 K +25 2 56 A +25 2 57 K +25 2 58 S +25 2 59 H +25 2 60 K +25 2 61 U +25 2 62 K +25 2 63 A +25 2 64 K +25 2 65 A +25 2 66 H +25 2 67 K +25 2 68 A +25 2 69 E +25 2 70 H +25 2 71 U +25 2 72 K +25 2 73 K +25 2 74 K +25 2 75 K +25 2 76 U +25 2 77 K +25 2 78 A +25 2 79 E +25 2 80 K +25 2 81 S +25 2 82 K +25 2 83 H +25 2 84 A +25 2 85 K +25 2 86 A +25 2 87 R +25 2 88 A +25 2 89 R +25 2 90 K +25 2 91 S +25 2 92 H +25 2 93 K +25 2 94 R +25 2 95 K +25 2 96 S +25 2 97 K +25 2 98 U +25 2 99 A +25 2 100 K +25 2 101 A +25 2 102 K +25 2 103 E +25 2 104 K +25 2 105 A +25 2 106 S +25 2 107 H +25 2 108 K +25 2 109 K +25 2 110 S +25 2 111 E +25 2 112 U +25 2 113 R +25 2 114 K +25 2 115 U +25 2 116 K +25 2 117 E +25 2 118 A +25 2 119 K +25 2 120 H +25 2 121 U +25 2 122 K +25 2 123 K +25 2 124 S +25 2 125 S +25 2 126 A +25 2 127 K +25 2 128 S +25 2 129 H +25 2 130 E +25 2 131 K +25 2 132 U +25 2 133 K +25 2 134 R +25 2 135 A +25 2 136 K +25 2 137 K +25 2 138 K +25 2 139 K +25 2 140 K +25 2 141 H +25 2 142 K +25 2 143 K +25 2 144 K +25 2 145 K +25 2 146 S +25 2 147 K +25 2 148 U +25 2 149 K +25 2 150 A +25 2 151 S +25 2 152 A +25 2 153 K +25 2 154 E +25 2 155 E +25 2 156 K +25 2 157 E +25 2 158 H +25 2 159 S +25 2 160 A +25 2 161 K +25 2 162 U +25 2 163 K +25 2 164 K +25 2 165 K +25 2 166 K +25 2 167 H +25 2 168 K +25 2 169 K +25 2 170 K +25 2 171 K +25 2 172 H +25 2 173 U +25 2 174 S +25 2 175 K +25 2 176 U +25 2 177 S +25 2 178 K +25 2 179 U +25 2 180 K +25 2 181 S +25 2 182 U +25 2 183 E +25 2 184 A +25 2 185 S +25 2 186 K +25 2 187 S +25 2 188 K +25 2 189 K +25 2 190 A +25 2 191 K +25 2 192 K +25 2 193 S +25 2 194 U +25 2 195 K +25 2 196 K +25 2 197 A +25 2 198 R +25 2 199 K +25 2 200 K +25 2 201 S +25 2 202 K +25 2 203 A +25 2 204 E +25 2 205 K +25 2 206 K +25 2 207 U +25 2 208 S +25 2 209 K +25 2 210 U +25 2 211 K +25 2 212 S +25 2 213 K +25 2 214 S +25 2 215 A +25 2 216 K +25 2 217 S +25 2 218 S +25 2 219 K +25 2 220 K +25 2 221 K +25 2 222 A +25 2 223 K +25 2 224 H +25 2 225 E +25 2 226 K +25 2 227 R +25 2 228 K +25 2 229 K +25 2 230 H +25 2 231 A +25 2 232 E +25 2 233 K +25 2 234 K +25 2 235 K +25 2 236 K +25 2 237 S +25 2 238 K +25 2 239 A +25 2 240 U +25 2 241 H +25 2 242 S +25 2 243 U +25 2 244 K +25 2 245 U +25 2 246 K +25 2 247 K +25 2 248 K +25 2 249 K +25 2 250 A +25 2 251 K +25 2 252 H +25 2 253 K +25 2 254 K +25 2 255 R +25 2 256 U +25 2 257 K +25 2 258 S +25 2 259 U +25 2 260 K +25 2 261 S +25 2 262 H +25 2 263 E +25 2 264 K +25 2 265 K +25 2 266 U +25 2 267 U +25 2 268 K +25 2 269 A +25 2 270 S +25 2 271 K +25 2 272 H +25 2 273 A +25 2 274 H +25 2 275 S +25 2 276 U +25 2 277 K +25 2 278 S +25 2 279 K +25 2 280 K +25 2 281 K +25 2 282 K +25 2 283 E +25 2 284 K +25 2 285 A +25 2 286 H +25 2 287 E +25 2 288 U +25 2 289 K +25 2 290 H +25 2 291 K +25 2 292 A +25 2 293 K +25 2 294 H +25 2 295 E +25 2 296 K +25 2 297 S +25 2 298 U +25 2 299 K +25 2 300 H +25 2 301 K +25 2 302 H +25 2 303 K +25 2 304 K +25 2 305 U +25 2 306 K +25 2 307 K +25 2 308 E +25 2 309 R +25 2 310 K +25 2 311 K +25 2 312 R +25 2 313 K +25 2 314 H +25 2 315 K +25 2 316 K +25 2 317 U +25 2 318 S +25 2 319 H +25 2 320 K +25 2 321 U +25 2 322 K +25 2 323 K +25 2 324 H +25 2 325 U +25 2 326 S +25 2 327 K +25 2 328 K +25 2 329 S +25 2 330 K +25 3 1 K +25 3 2 K +25 3 3 U +25 3 4 K +25 3 5 K +25 3 6 S +25 3 7 K +25 3 8 A +25 3 9 S +25 3 10 K +25 3 11 K +25 3 12 S +25 3 13 K +25 3 14 K +25 3 15 A +25 3 16 H +25 3 17 U +25 3 18 R +25 3 19 K +25 3 20 K +25 3 21 A +25 3 22 S +25 3 23 K +25 3 24 E +25 3 25 K +25 3 26 K +25 3 27 H +25 3 28 A +25 3 29 K +25 3 30 S +25 3 31 K +25 3 32 A +25 3 33 K +25 3 34 K +25 3 35 A +25 3 36 K +25 3 37 K +25 3 38 U +25 3 39 K +25 3 40 K +25 3 41 U +25 3 42 S +25 3 43 K +25 3 44 A +25 3 45 K +25 3 46 E +25 3 47 K +25 3 48 S +25 3 49 K +25 3 50 K +25 3 51 E +25 3 52 H +25 3 53 A +25 3 54 K +25 3 55 K +25 3 56 A +25 3 57 K +25 3 58 S +25 3 59 A +25 3 60 K +25 3 61 U +25 3 62 K +25 3 63 A +25 3 64 K +25 3 65 A +25 3 66 H +25 3 67 K +25 3 68 A +25 3 69 S +25 3 70 K +25 3 71 U +25 3 72 K +25 3 73 K +25 3 74 K +25 3 75 K +25 3 76 U +25 3 77 K +25 3 78 A +25 3 79 E +25 3 80 K +25 3 81 S +25 3 82 K +25 3 83 S +25 3 84 A +25 3 85 K +25 3 86 A +25 3 87 R +25 3 88 A +25 3 89 R +25 3 90 K +25 3 91 S +25 3 92 H +25 3 93 K +25 3 94 E +25 3 95 K +25 3 96 S +25 3 97 K +25 3 98 U +25 3 99 A +25 3 100 K +25 3 101 A +25 3 102 K +25 3 103 E +25 3 104 K +25 3 105 A +25 3 106 S +25 3 107 H +25 3 108 K +25 3 109 K +25 3 110 S +25 3 111 E +25 3 112 A +25 3 113 E +25 3 114 K +25 3 115 U +25 3 116 K +25 3 117 E +25 3 118 A +25 3 119 K +25 3 120 H +25 3 121 U +25 3 122 K +25 3 123 K +25 3 124 S +25 3 125 U +25 3 126 A +25 3 127 K +25 3 128 S +25 3 129 H +25 3 130 E +25 3 131 K +25 3 132 U +25 3 133 K +25 3 134 E +25 3 135 A +25 3 136 K +25 3 137 K +25 3 138 K +25 3 139 H +25 3 140 K +25 3 141 H +25 3 142 K +25 3 143 S +25 3 144 K +25 3 145 K +25 3 146 S +25 3 147 K +25 3 148 U +25 3 149 K +25 3 150 K +25 3 151 A +25 3 152 A +25 3 153 K +25 3 154 E +25 3 155 E +25 3 156 K +25 3 157 E +25 3 158 H +25 3 159 S +25 3 160 A +25 3 161 K +25 3 162 U +25 3 163 K +25 3 164 K +25 3 165 E +25 3 166 K +25 3 167 A +25 3 168 K +25 3 169 K +25 3 170 K +25 3 171 S +25 3 172 H +25 3 173 A +25 3 174 S +25 3 175 K +25 3 176 A +25 3 177 S +25 3 178 K +25 3 179 U +25 3 180 K +25 3 181 S +25 3 182 U +25 3 183 E +25 3 184 K +25 3 185 S +25 3 186 K +25 3 187 S +25 3 188 K +25 3 189 K +25 3 190 A +25 3 191 K +25 3 192 K +25 3 193 S +25 3 194 U +25 3 195 K +25 3 196 K +25 3 197 A +25 3 198 R +25 3 199 K +25 3 200 K +25 3 201 A +25 3 202 K +25 3 203 A +25 3 204 E +25 3 205 K +25 3 206 H +25 3 207 A +25 3 208 S +25 3 209 K +25 3 210 E +25 3 211 K +25 3 212 S +25 3 213 K +25 3 214 S +25 3 215 A +25 3 216 E +25 3 217 A +25 3 218 S +25 3 219 K +25 3 220 K +25 3 221 K +25 3 222 K +25 3 223 K +25 3 224 H +25 3 225 S +25 3 226 K +25 3 227 E +25 3 228 K +25 3 229 K +25 3 230 H +25 3 231 A +25 3 232 E +25 3 233 K +25 3 234 K +25 3 235 S +25 3 236 S +25 3 237 A +25 3 238 K +25 3 239 A +25 3 240 U +25 3 241 H +25 3 242 S +25 3 243 U +25 3 244 K +25 3 245 U +25 3 246 K +25 3 247 K +25 3 248 E +25 3 249 K +25 3 250 K +25 3 251 K +25 3 252 H +25 3 253 K +25 3 254 K +25 3 255 E +25 3 256 A +25 3 257 K +25 3 258 S +25 3 259 U +25 3 260 S +25 3 261 U +25 3 262 H +25 3 263 E +25 3 264 K +25 3 265 K +25 3 266 U +25 3 267 K +25 3 268 K +25 3 269 A +25 3 270 S +25 3 271 K +25 3 272 H +25 3 273 A +25 3 274 H +25 3 275 S +25 3 276 A +25 3 277 K +25 3 278 A +25 3 279 K +25 3 280 K +25 3 281 K +25 3 282 K +25 3 283 E +25 3 284 K +25 3 285 A +25 3 286 H +25 3 287 S +25 3 288 U +25 3 289 K +25 3 290 H +25 3 291 K +25 3 292 A +25 3 293 K +25 3 294 K +25 3 295 E +25 3 296 K +25 3 297 S +25 3 298 U +25 3 299 K +25 3 300 H +25 3 301 K +25 3 302 H +25 3 303 K +25 3 304 S +25 3 305 K +25 3 306 K +25 3 307 K +25 3 308 K +25 3 309 E +25 3 310 K +25 3 311 K +25 3 312 K +25 3 313 K +25 3 314 H +25 3 315 K +25 3 316 K +25 3 317 A +25 3 318 S +25 3 319 H +25 3 320 S +25 3 321 A +25 3 322 K +25 3 323 K +25 3 324 H +25 3 325 K +25 3 326 S +25 3 327 K +25 3 328 K +25 3 329 E +25 3 330 K +25 4 1 K +25 4 2 K +25 4 3 U +25 4 4 K +25 4 5 K +25 4 6 S +25 4 7 K +25 4 8 U +25 4 9 S +25 4 10 K +25 4 11 K +25 4 12 S +25 4 13 K +25 4 14 K +25 4 15 A +25 4 16 H +25 4 17 U +25 4 18 E +25 4 19 K +25 4 20 K +25 4 21 U +25 4 22 S +25 4 23 K +25 4 24 E +25 4 25 K +25 4 26 K +25 4 27 H +25 4 28 U +25 4 29 K +25 4 30 S +25 4 31 K +25 4 32 A +25 4 33 K +25 4 34 K +25 4 35 A +25 4 36 K +25 4 37 K +25 4 38 U +25 4 39 K +25 4 40 K +25 4 41 U +25 4 42 S +25 4 43 K +25 4 44 H +25 4 45 K +25 4 46 E +25 4 47 K +25 4 48 S +25 4 49 K +25 4 50 K +25 4 51 S +25 4 52 K +25 4 53 U +25 4 54 K +25 4 55 K +25 4 56 A +25 4 57 S +25 4 58 S +25 4 59 H +25 4 60 K +25 4 61 U +25 4 62 K +25 4 63 A +25 4 64 K +25 4 65 U +25 4 66 H +25 4 67 K +25 4 68 A +25 4 69 K +25 4 70 K +25 4 71 U +25 4 72 K +25 4 73 K +25 4 74 K +25 4 75 K +25 4 76 S +25 4 77 K +25 4 78 A +25 4 79 E +25 4 80 K +25 4 81 S +25 4 82 K +25 4 83 S +25 4 84 A +25 4 85 K +25 4 86 A +25 4 87 E +25 4 88 A +25 4 89 R +25 4 90 K +25 4 91 S +25 4 92 H +25 4 93 K +25 4 94 E +25 4 95 K +25 4 96 S +25 4 97 K +25 4 98 U +25 4 99 A +25 4 100 K +25 4 101 U +25 4 102 K +25 4 103 E +25 4 104 K +25 4 105 A +25 4 106 S +25 4 107 H +25 4 108 K +25 4 109 K +25 4 110 S +25 4 111 K +25 4 112 A +25 4 113 R +25 4 114 K +25 4 115 U +25 4 116 K +25 4 117 E +25 4 118 A +25 4 119 K +25 4 120 H +25 4 121 S +25 4 122 K +25 4 123 K +25 4 124 S +25 4 125 S +25 4 126 A +25 4 127 K +25 4 128 S +25 4 129 H +25 4 130 E +25 4 131 K +25 4 132 U +25 4 133 K +25 4 134 E +25 4 135 A +25 4 136 K +25 4 137 K +25 4 138 K +25 4 139 K +25 4 140 K +25 4 141 H +25 4 142 K +25 4 143 S +25 4 144 K +25 4 145 K +25 4 146 S +25 4 147 K +25 4 148 U +25 4 149 K +25 4 150 K +25 4 151 A +25 4 152 A +25 4 153 K +25 4 154 E +25 4 155 E +25 4 156 K +25 4 157 E +25 4 158 H +25 4 159 S +25 4 160 A +25 4 161 K +25 4 162 U +25 4 163 K +25 4 164 K +25 4 165 E +25 4 166 K +25 4 167 A +25 4 168 K +25 4 169 K +25 4 170 K +25 4 171 K +25 4 172 H +25 4 173 A +25 4 174 S +25 4 175 K +25 4 176 A +25 4 177 S +25 4 178 K +25 4 179 U +25 4 180 K +25 4 181 S +25 4 182 U +25 4 183 E +25 4 184 A +25 4 185 S +25 4 186 K +25 4 187 S +25 4 188 K +25 4 189 K +25 4 190 A +25 4 191 K +25 4 192 K +25 4 193 K +25 4 194 U +25 4 195 K +25 4 196 K +25 4 197 A +25 4 198 R +25 4 199 K +25 4 200 K +25 4 201 S +25 4 202 K +25 4 203 A +25 4 204 E +25 4 205 K +25 4 206 K +25 4 207 A +25 4 208 S +25 4 209 K +25 4 210 U +25 4 211 K +25 4 212 S +25 4 213 K +25 4 214 K +25 4 215 A +25 4 216 E +25 4 217 S +25 4 218 K +25 4 219 K +25 4 220 K +25 4 221 K +25 4 222 A +25 4 223 K +25 4 224 H +25 4 225 K +25 4 226 K +25 4 227 R +25 4 228 K +25 4 229 K +25 4 230 S +25 4 231 A +25 4 232 E +25 4 233 K +25 4 234 K +25 4 235 K +25 4 236 K +25 4 237 S +25 4 238 K +25 4 239 A +25 4 240 U +25 4 241 H +25 4 242 S +25 4 243 U +25 4 244 K +25 4 245 U +25 4 246 K +25 4 247 K +25 4 248 K +25 4 249 K +25 4 250 K +25 4 251 K +25 4 252 H +25 4 253 K +25 4 254 K +25 4 255 E +25 4 256 U +25 4 257 K +25 4 258 S +25 4 259 U +25 4 260 S +25 4 261 S +25 4 262 H +25 4 263 E +25 4 264 K +25 4 265 K +25 4 266 U +25 4 267 A +25 4 268 K +25 4 269 A +25 4 270 S +25 4 271 K +25 4 272 H +25 4 273 A +25 4 274 H +25 4 275 S +25 4 276 U +25 4 277 K +25 4 278 S +25 4 279 K +25 4 280 K +25 4 281 K +25 4 282 K +25 4 283 K +25 4 284 E +25 4 285 A +25 4 286 H +25 4 287 S +25 4 288 U +25 4 289 K +25 4 290 S +25 4 291 K +25 4 292 A +25 4 293 K +25 4 294 K +25 4 295 E +25 4 296 K +25 4 297 S +25 4 298 U +25 4 299 K +25 4 300 E +25 4 301 K +25 4 302 S +25 4 303 K +25 4 304 K +25 4 305 U +25 4 306 K +25 4 307 K +25 4 308 A +25 4 309 E +25 4 310 K +25 4 311 K +25 4 312 R +25 4 313 K +25 4 314 S +25 4 315 K +25 4 316 K +25 4 317 U +25 4 318 S +25 4 319 H +25 4 320 K +25 4 321 U +25 4 322 K +25 4 323 K +25 4 324 S +25 4 325 A +25 4 326 S +25 4 327 K +25 4 328 E +25 4 329 K +25 4 330 K +25 5 1 K +25 5 2 K +25 5 3 U +25 5 4 K +25 5 5 K +25 5 6 S +25 5 7 K +25 5 8 U +25 5 9 S +25 5 10 K +25 5 11 K +25 5 12 S +25 5 13 K +25 5 14 K +25 5 15 A +25 5 16 H +25 5 17 U +25 5 18 R +25 5 19 K +25 5 20 K +25 5 21 A +25 5 22 S +25 5 23 K +25 5 24 E +25 5 25 K +25 5 26 K +25 5 27 H +25 5 28 A +25 5 29 K +25 5 30 S +25 5 31 K +25 5 32 A +25 5 33 K +25 5 34 K +25 5 35 A +25 5 36 K +25 5 37 K +25 5 38 A +25 5 39 K +25 5 40 K +25 5 41 U +25 5 42 S +25 5 43 K +25 5 44 H +25 5 45 K +25 5 46 E +25 5 47 K +25 5 48 S +25 5 49 K +25 5 50 E +25 5 51 H +25 5 52 A +25 5 53 K +25 5 54 K +25 5 55 K +25 5 56 A +25 5 57 K +25 5 58 S +25 5 59 K +25 5 60 K +25 5 61 U +25 5 62 K +25 5 63 A +25 5 64 K +25 5 65 A +25 5 66 H +25 5 67 K +25 5 68 A +25 5 69 S +25 5 70 K +25 5 71 U +25 5 72 K +25 5 73 K +25 5 74 K +25 5 75 K +25 5 76 U +25 5 77 K +25 5 78 A +25 5 79 R +25 5 80 K +25 5 81 S +25 5 82 K +25 5 83 S +25 5 84 A +25 5 85 K +25 5 86 A +25 5 87 R +25 5 88 A +25 5 89 R +25 5 90 K +25 5 91 S +25 5 92 H +25 5 93 K +25 5 94 E +25 5 95 K +25 5 96 S +25 5 97 K +25 5 98 U +25 5 99 K +25 5 100 K +25 5 101 A +25 5 102 K +25 5 103 E +25 5 104 K +25 5 105 A +25 5 106 S +25 5 107 H +25 5 108 K +25 5 109 K +25 5 110 S +25 5 111 E +25 5 112 A +25 5 113 E +25 5 114 K +25 5 115 U +25 5 116 K +25 5 117 E +25 5 118 A +25 5 119 K +25 5 120 H +25 5 121 U +25 5 122 K +25 5 123 K +25 5 124 S +25 5 125 U +25 5 126 A +25 5 127 K +25 5 128 S +25 5 129 H +25 5 130 E +25 5 131 K +25 5 132 U +25 5 133 K +25 5 134 E +25 5 135 A +25 5 136 K +25 5 137 K +25 5 138 K +25 5 139 K +25 5 140 K +25 5 141 H +25 5 142 K +25 5 143 S +25 5 144 K +25 5 145 K +25 5 146 S +25 5 147 K +25 5 148 U +25 5 149 K +25 5 150 K +25 5 151 A +25 5 152 A +25 5 153 K +25 5 154 E +25 5 155 E +25 5 156 K +25 5 157 E +25 5 158 H +25 5 159 S +25 5 160 A +25 5 161 K +25 5 162 U +25 5 163 K +25 5 164 K +25 5 165 E +25 5 166 K +25 5 167 K +25 5 168 K +25 5 169 K +25 5 170 K +25 5 171 S +25 5 172 H +25 5 173 A +25 5 174 S +25 5 175 K +25 5 176 A +25 5 177 S +25 5 178 K +25 5 179 U +25 5 180 K +25 5 181 S +25 5 182 A +25 5 183 E +25 5 184 K +25 5 185 S +25 5 186 K +25 5 187 S +25 5 188 K +25 5 189 K +25 5 190 A +25 5 191 K +25 5 192 K +25 5 193 S +25 5 194 U +25 5 195 K +25 5 196 K +25 5 197 A +25 5 198 R +25 5 199 K +25 5 200 K +25 5 201 A +25 5 202 K +25 5 203 A +25 5 204 E +25 5 205 K +25 5 206 K +25 5 207 A +25 5 208 S +25 5 209 K +25 5 210 U +25 5 211 K +25 5 212 S +25 5 213 K +25 5 214 S +25 5 215 A +25 5 216 E +25 5 217 A +25 5 218 S +25 5 219 K +25 5 220 K +25 5 221 K +25 5 222 K +25 5 223 K +25 5 224 H +25 5 225 S +25 5 226 K +25 5 227 E +25 5 228 K +25 5 229 K +25 5 230 H +25 5 231 A +25 5 232 E +25 5 233 K +25 5 234 K +25 5 235 K +25 5 236 S +25 5 237 A +25 5 238 K +25 5 239 A +25 5 240 U +25 5 241 H +25 5 242 S +25 5 243 U +25 5 244 K +25 5 245 U +25 5 246 K +25 5 247 K +25 5 248 K +25 5 249 K +25 5 250 K +25 5 251 K +25 5 252 H +25 5 253 K +25 5 254 K +25 5 255 E +25 5 256 A +25 5 257 K +25 5 258 S +25 5 259 U +25 5 260 S +25 5 261 S +25 5 262 H +25 5 263 E +25 5 264 K +25 5 265 K +25 5 266 U +25 5 267 A +25 5 268 K +25 5 269 A +25 5 270 S +25 5 271 K +25 5 272 K +25 5 273 A +25 5 274 H +25 5 275 S +25 5 276 A +25 5 277 K +25 5 278 U +25 5 279 K +25 5 280 K +25 5 281 K +25 5 282 K +25 5 283 E +25 5 284 K +25 5 285 A +25 5 286 H +25 5 287 S +25 5 288 U +25 5 289 K +25 5 290 H +25 5 291 K +25 5 292 A +25 5 293 K +25 5 294 K +25 5 295 E +25 5 296 K +25 5 297 S +25 5 298 U +25 5 299 K +25 5 300 E +25 5 301 K +25 5 302 H +25 5 303 K +25 5 304 S +25 5 305 A +25 5 306 K +25 5 307 K +25 5 308 K +25 5 309 E +25 5 310 K +25 5 311 K +25 5 312 R +25 5 313 K +25 5 314 H +25 5 315 K +25 5 316 K +25 5 317 A +25 5 318 S +25 5 319 H +25 5 320 S +25 5 321 U +25 5 322 K +25 5 323 K +25 5 324 H +25 5 325 A +25 5 326 S +25 5 327 K +25 5 328 K +25 5 329 S +25 5 330 K +25 6 1 K +25 6 2 K +25 6 3 U +25 6 4 A +25 6 5 K +25 6 6 S +25 6 7 K +25 6 8 U +25 6 9 S +25 6 10 K +25 6 11 K +25 6 12 S +25 6 13 K +25 6 14 K +25 6 15 A +25 6 16 H +25 6 17 A +25 6 18 E +25 6 19 K +25 6 20 K +25 6 21 A +25 6 22 S +25 6 23 A +25 6 24 K +25 6 25 K +25 6 26 H +25 6 27 A +25 6 28 K +25 6 29 K +25 6 30 S +25 6 31 K +25 6 32 A +25 6 33 K +25 6 34 K +25 6 35 S +25 6 36 K +25 6 37 K +25 6 38 U +25 6 39 K +25 6 40 K +25 6 41 U +25 6 42 S +25 6 43 K +25 6 44 H +25 6 45 K +25 6 46 E +25 6 47 K +25 6 48 S +25 6 49 K +25 6 50 A +25 6 51 E +25 6 52 K +25 6 53 U +25 6 54 K +25 6 55 K +25 6 56 S +25 6 57 K +25 6 58 E +25 6 59 H +25 6 60 K +25 6 61 U +25 6 62 K +25 6 63 A +25 6 64 K +25 6 65 U +25 6 66 H +25 6 67 K +25 6 68 E +25 6 69 H +25 6 70 U +25 6 71 K +25 6 72 A +25 6 73 K +25 6 74 K +25 6 75 U +25 6 76 K +25 6 77 A +25 6 78 E +25 6 79 K +25 6 80 K +25 6 81 K +25 6 82 S +25 6 83 A +25 6 84 K +25 6 85 K +25 6 86 A +25 6 87 R +25 6 88 A +25 6 89 A +25 6 90 R +25 6 91 K +25 6 92 S +25 6 93 H +25 6 94 R +25 6 95 K +25 6 96 S +25 6 97 K +25 6 98 U +25 6 99 A +25 6 100 K +25 6 101 U +25 6 102 K +25 6 103 E +25 6 104 K +25 6 105 A +25 6 106 S +25 6 107 H +25 6 108 K +25 6 109 K +25 6 110 S +25 6 111 K +25 6 112 U +25 6 113 E +25 6 114 K +25 6 115 U +25 6 116 K +25 6 117 E +25 6 118 A +25 6 119 K +25 6 120 H +25 6 121 U +25 6 122 K +25 6 123 K +25 6 124 S +25 6 125 U +25 6 126 S +25 6 127 K +25 6 128 S +25 6 129 S +25 6 130 E +25 6 131 A +25 6 132 U +25 6 133 K +25 6 134 E +25 6 135 A +25 6 136 K +25 6 137 K +25 6 138 K +25 6 139 H +25 6 140 K +25 6 141 H +25 6 142 K +25 6 143 K +25 6 144 K +25 6 145 K +25 6 146 S +25 6 147 K +25 6 148 U +25 6 149 K +25 6 150 K +25 6 151 U +25 6 152 A +25 6 153 K +25 6 154 E +25 6 155 E +25 6 156 K +25 6 157 E +25 6 158 H +25 6 159 S +25 6 160 A +25 6 161 K +25 6 162 U +25 6 163 K +25 6 164 K +25 6 165 E +25 6 166 K +25 6 167 A +25 6 168 K +25 6 169 K +25 6 170 K +25 6 171 E +25 6 172 H +25 6 173 A +25 6 174 S +25 6 175 K +25 6 176 U +25 6 177 S +25 6 178 K +25 6 179 U +25 6 180 K +25 6 181 S +25 6 182 U +25 6 183 E +25 6 184 K +25 6 185 S +25 6 186 K +25 6 187 S +25 6 188 K +25 6 189 K +25 6 190 A +25 6 191 K +25 6 192 K +25 6 193 S +25 6 194 U +25 6 195 K +25 6 196 K +25 6 197 K +25 6 198 R +25 6 199 H +25 6 200 K +25 6 201 A +25 6 202 K +25 6 203 A +25 6 204 E +25 6 205 K +25 6 206 H +25 6 207 A +25 6 208 S +25 6 209 K +25 6 210 U +25 6 211 K +25 6 212 S +25 6 213 K +25 6 214 S +25 6 215 A +25 6 216 E +25 6 217 A +25 6 218 S +25 6 219 K +25 6 220 K +25 6 221 K +25 6 222 K +25 6 223 K +25 6 224 H +25 6 225 S +25 6 226 K +25 6 227 R +25 6 228 K +25 6 229 K +25 6 230 H +25 6 231 A +25 6 232 E +25 6 233 K +25 6 234 K +25 6 235 K +25 6 236 K +25 6 237 S +25 6 238 K +25 6 239 A +25 6 240 U +25 6 241 S +25 6 242 S +25 6 243 U +25 6 244 K +25 6 245 U +25 6 246 K +25 6 247 K +25 6 248 K +25 6 249 K +25 6 250 A +25 6 251 K +25 6 252 H +25 6 253 K +25 6 254 K +25 6 255 R +25 6 256 U +25 6 257 K +25 6 258 S +25 6 259 U +25 6 260 S +25 6 261 S +25 6 262 H +25 6 263 E +25 6 264 K +25 6 265 K +25 6 266 U +25 6 267 U +25 6 268 K +25 6 269 A +25 6 270 S +25 6 271 K +25 6 272 H +25 6 273 A +25 6 274 H +25 6 275 S +25 6 276 U +25 6 277 K +25 6 278 S +25 6 279 K +25 6 280 K +25 6 281 K +25 6 282 K +25 6 283 E +25 6 284 K +25 6 285 A +25 6 286 H +25 6 287 S +25 6 288 U +25 6 289 K +25 6 290 H +25 6 291 K +25 6 292 A +25 6 293 K +25 6 294 K +25 6 295 E +25 6 296 A +25 6 297 S +25 6 298 U +25 6 299 K +25 6 300 K +25 6 301 K +25 6 302 S +25 6 303 K +25 6 304 K +25 6 305 U +25 6 306 K +25 6 307 K +25 6 308 A +25 6 309 E +25 6 310 K +25 6 311 K +25 6 312 R +25 6 313 K +25 6 314 H +25 6 315 K +25 6 316 K +25 6 317 U +25 6 318 K +25 6 319 H +25 6 320 S +25 6 321 U +25 6 322 K +25 6 323 K +25 6 324 H +25 6 325 U +25 6 326 S +25 6 327 K +25 6 328 K +25 6 329 S +25 6 330 K +25 7 1 K +25 7 2 K +25 7 3 U +25 7 4 A +25 7 5 K +25 7 6 H +25 7 7 K +25 7 8 U +25 7 9 E +25 7 10 K +25 7 11 K +25 7 12 S +25 7 13 K +25 7 14 K +25 7 15 A +25 7 16 H +25 7 17 U +25 7 18 R +25 7 19 K +25 7 20 K +25 7 21 A +25 7 22 H +25 7 23 A +25 7 24 E +25 7 25 K +25 7 26 K +25 7 27 H +25 7 28 A +25 7 29 K +25 7 30 S +25 7 31 H +25 7 32 A +25 7 33 S +25 7 34 K +25 7 35 U +25 7 36 K +25 7 37 K +25 7 38 U +25 7 39 K +25 7 40 K +25 7 41 U +25 7 42 S +25 7 43 K +25 7 44 H +25 7 45 K +25 7 46 E +25 7 47 K +25 7 48 S +25 7 49 K +25 7 50 A +25 7 51 E +25 7 52 H +25 7 53 U +25 7 54 K +25 7 55 K +25 7 56 A +25 7 57 K +25 7 58 S +25 7 59 H +25 7 60 K +25 7 61 U +25 7 62 A +25 7 63 U +25 7 64 K +25 7 65 U +25 7 66 H +25 7 67 K +25 7 68 A +25 7 69 E +25 7 70 H +25 7 71 A +25 7 72 K +25 7 73 A +25 7 74 H +25 7 75 E +25 7 76 S +25 7 77 K +25 7 78 A +25 7 79 E +25 7 80 K +25 7 81 S +25 7 82 K +25 7 83 H +25 7 84 A +25 7 85 K +25 7 86 A +25 7 87 E +25 7 88 A +25 7 89 R +25 7 90 K +25 7 91 S +25 7 92 H +25 7 93 K +25 7 94 E +25 7 95 H +25 7 96 S +25 7 97 A +25 7 98 U +25 7 99 A +25 7 100 K +25 7 101 A +25 7 102 H +25 7 103 E +25 7 104 K +25 7 105 A +25 7 106 S +25 7 107 H +25 7 108 K +25 7 109 K +25 7 110 S +25 7 111 K +25 7 112 A +25 7 113 E +25 7 114 K +25 7 115 U +25 7 116 K +25 7 117 E +25 7 118 A +25 7 119 K +25 7 120 H +25 7 121 U +25 7 122 K +25 7 123 K +25 7 124 S +25 7 125 S +25 7 126 A +25 7 127 K +25 7 128 S +25 7 129 H +25 7 130 E +25 7 131 A +25 7 132 U +25 7 133 K +25 7 134 E +25 7 135 A +25 7 136 K +25 7 137 K +25 7 138 K +25 7 139 K +25 7 140 K +25 7 141 H +25 7 142 K +25 7 143 S +25 7 144 A +25 7 145 K +25 7 146 S +25 7 147 K +25 7 148 U +25 7 149 K +25 7 150 A +25 7 151 A +25 7 152 A +25 7 153 K +25 7 154 E +25 7 155 E +25 7 156 K +25 7 157 U +25 7 158 H +25 7 159 S +25 7 160 A +25 7 161 K +25 7 162 A +25 7 163 K +25 7 164 K +25 7 165 K +25 7 166 K +25 7 167 A +25 7 168 K +25 7 169 K +25 7 170 K +25 7 171 K +25 7 172 H +25 7 173 A +25 7 174 S +25 7 175 K +25 7 176 U +25 7 177 S +25 7 178 K +25 7 179 U +25 7 180 K +25 7 181 S +25 7 182 A +25 7 183 S +25 7 184 A +25 7 185 S +25 7 186 K +25 7 187 S +25 7 188 K +25 7 189 K +25 7 190 A +25 7 191 K +25 7 192 A +25 7 193 S +25 7 194 U +25 7 195 K +25 7 196 K +25 7 197 A +25 7 198 R +25 7 199 K +25 7 200 K +25 7 201 A +25 7 202 K +25 7 203 A +25 7 204 E +25 7 205 K +25 7 206 S +25 7 207 A +25 7 208 S +25 7 209 K +25 7 210 U +25 7 211 K +25 7 212 S +25 7 213 K +25 7 214 S +25 7 215 A +25 7 216 E +25 7 217 A +25 7 218 S +25 7 219 K +25 7 220 K +25 7 221 K +25 7 222 K +25 7 223 K +25 7 224 H +25 7 225 S +25 7 226 K +25 7 227 E +25 7 228 K +25 7 229 K +25 7 230 A +25 7 231 A +25 7 232 S +25 7 233 K +25 7 234 K +25 7 235 K +25 7 236 S +25 7 237 A +25 7 238 K +25 7 239 A +25 7 240 U +25 7 241 H +25 7 242 S +25 7 243 A +25 7 244 K +25 7 245 U +25 7 246 K +25 7 247 K +25 7 248 K +25 7 249 K +25 7 250 K +25 7 251 K +25 7 252 A +25 7 253 K +25 7 254 K +25 7 255 E +25 7 256 A +25 7 257 K +25 7 258 S +25 7 259 U +25 7 260 S +25 7 261 S +25 7 262 H +25 7 263 E +25 7 264 K +25 7 265 K +25 7 266 U +25 7 267 A +25 7 268 K +25 7 269 A +25 7 270 H +25 7 271 K +25 7 272 K +25 7 273 A +25 7 274 H +25 7 275 S +25 7 276 A +25 7 277 K +25 7 278 S +25 7 279 K +25 7 280 K +25 7 281 K +25 7 282 K +25 7 283 E +25 7 284 K +25 7 285 A +25 7 286 H +25 7 287 S +25 7 288 U +25 7 289 K +25 7 290 H +25 7 291 K +25 7 292 A +25 7 293 K +25 7 294 K +25 7 295 E +25 7 296 K +25 7 297 S +25 7 298 U +25 7 299 K +25 7 300 H +25 7 301 K +25 7 302 H +25 7 303 K +25 7 304 K +25 7 305 A +25 7 306 K +25 7 307 K +25 7 308 K +25 7 309 E +25 7 310 K +25 7 311 K +25 7 312 R +25 7 313 K +25 7 314 K +25 7 315 K +25 7 316 K +25 7 317 A +25 7 318 S +25 7 319 H +25 7 320 S +25 7 321 U +25 7 322 K +25 7 323 K +25 7 324 H +25 7 325 A +25 7 326 S +25 7 327 K +25 7 328 K +25 7 329 S +25 7 330 K +25 8 1 K +25 8 2 K +25 8 3 U +25 8 4 K +25 8 5 K +25 8 6 K +25 8 7 K +25 8 8 U +25 8 9 E +25 8 10 K +25 8 11 K +25 8 12 K +25 8 13 K +25 8 14 K +25 8 15 A +25 8 16 H +25 8 17 U +25 8 18 R +25 8 19 K +25 8 20 K +25 8 21 A +25 8 22 S +25 8 23 K +25 8 24 E +25 8 25 K +25 8 26 K +25 8 27 H +25 8 28 A +25 8 29 K +25 8 30 S +25 8 31 K +25 8 32 A +25 8 33 K +25 8 34 K +25 8 35 A +25 8 36 K +25 8 37 K +25 8 38 U +25 8 39 K +25 8 40 K +25 8 41 U +25 8 42 S +25 8 43 K +25 8 44 H +25 8 45 K +25 8 46 E +25 8 47 K +25 8 48 S +25 8 49 K +25 8 50 K +25 8 51 E +25 8 52 S +25 8 53 U +25 8 54 K +25 8 55 K +25 8 56 A +25 8 57 K +25 8 58 S +25 8 59 A +25 8 60 K +25 8 61 U +25 8 62 K +25 8 63 A +25 8 64 K +25 8 65 A +25 8 66 H +25 8 67 K +25 8 68 A +25 8 69 K +25 8 70 K +25 8 71 U +25 8 72 K +25 8 73 A +25 8 74 K +25 8 75 K +25 8 76 S +25 8 77 K +25 8 78 A +25 8 79 E +25 8 80 K +25 8 81 S +25 8 82 K +25 8 83 S +25 8 84 A +25 8 85 K +25 8 86 A +25 8 87 R +25 8 88 A +25 8 89 R +25 8 90 K +25 8 91 S +25 8 92 H +25 8 93 K +25 8 94 E +25 8 95 K +25 8 96 S +25 8 97 K +25 8 98 A +25 8 99 A +25 8 100 K +25 8 101 A +25 8 102 K +25 8 103 E +25 8 104 K +25 8 105 A +25 8 106 S +25 8 107 H +25 8 108 K +25 8 109 K +25 8 110 S +25 8 111 K +25 8 112 A +25 8 113 R +25 8 114 K +25 8 115 U +25 8 116 K +25 8 117 E +25 8 118 A +25 8 119 K +25 8 120 H +25 8 121 U +25 8 122 K +25 8 123 K +25 8 124 S +25 8 125 U +25 8 126 A +25 8 127 K +25 8 128 S +25 8 129 H +25 8 130 E +25 8 131 K +25 8 132 U +25 8 133 K +25 8 134 E +25 8 135 A +25 8 136 K +25 8 137 K +25 8 138 K +25 8 139 K +25 8 140 K +25 8 141 H +25 8 142 K +25 8 143 S +25 8 144 K +25 8 145 K +25 8 146 S +25 8 147 K +25 8 148 U +25 8 149 K +25 8 150 * +25 8 151 A +25 8 152 A +25 8 153 K +25 8 154 E +25 8 155 E +25 8 156 K +25 8 157 E +25 8 158 H +25 8 159 S +25 8 160 A +25 8 161 K +25 8 162 U +25 8 163 K +25 8 164 K +25 8 165 K +25 8 166 K +25 8 167 K +25 8 168 K +25 8 169 K +25 8 170 K +25 8 171 K +25 8 172 H +25 8 173 A +25 8 174 S +25 8 175 K +25 8 176 U +25 8 177 S +25 8 178 K +25 8 179 U +25 8 180 K +25 8 181 S +25 8 182 A +25 8 183 S +25 8 184 K +25 8 185 S +25 8 186 K +25 8 187 S +25 8 188 K +25 8 189 K +25 8 190 A +25 8 191 K +25 8 192 K +25 8 193 S +25 8 194 U +25 8 195 K +25 8 196 K +25 8 197 A +25 8 198 R +25 8 199 K +25 8 200 K +25 8 201 A +25 8 202 K +25 8 203 A +25 8 204 E +25 8 205 K +25 8 206 K +25 8 207 A +25 8 208 S +25 8 209 K +25 8 210 U +25 8 211 K +25 8 212 S +25 8 213 K +25 8 214 S +25 8 215 A +25 8 216 E +25 8 217 A +25 8 218 S +25 8 219 K +25 8 220 K +25 8 221 K +25 8 222 K +25 8 223 K +25 8 224 H +25 8 225 S +25 8 226 K +25 8 227 E +25 8 228 K +25 8 229 K +25 8 230 H +25 8 231 A +25 8 232 S +25 8 233 K +25 8 234 K +25 8 235 K +25 8 236 S +25 8 237 A +25 8 238 K +25 8 239 A +25 8 240 U +25 8 241 H +25 8 242 S +25 8 243 A +25 8 244 K +25 8 245 U +25 8 246 K +25 8 247 K +25 8 248 K +25 8 249 K +25 8 250 K +25 8 251 K +25 8 252 H +25 8 253 K +25 8 254 K +25 8 255 E +25 8 256 A +25 8 257 K +25 8 258 S +25 8 259 U +25 8 260 S +25 8 261 S +25 8 262 H +25 8 263 E +25 8 264 K +25 8 265 K +25 8 266 U +25 8 267 A +25 8 268 K +25 8 269 A +25 8 270 S +25 8 271 K +25 8 272 H +25 8 273 A +25 8 274 H +25 8 275 S +25 8 276 A +25 8 277 K +25 8 278 S +25 8 279 K +25 8 280 K +25 8 281 K +25 8 282 K +25 8 283 E +25 8 284 K +25 8 285 A +25 8 286 H +25 8 287 S +25 8 288 U +25 8 289 K +25 8 290 H +25 8 291 K +25 8 292 A +25 8 293 K +25 8 294 K +25 8 295 S +25 8 296 K +25 8 297 S +25 8 298 U +25 8 299 K +25 8 300 E +25 8 301 K +25 8 302 H +25 8 303 K +25 8 304 K +25 8 305 A +25 8 306 K +25 8 307 K +25 8 308 K +25 8 309 E +25 8 310 K +25 8 311 K +25 8 312 R +25 8 313 K +25 8 314 H +25 8 315 K +25 8 316 K +25 8 317 A +25 8 318 K +25 8 319 H +25 8 320 S +25 8 321 U +25 8 322 K +25 8 323 K +25 8 324 H +25 8 325 A +25 8 326 S +25 8 327 K +25 8 328 K +25 8 329 S +25 8 330 K +25 9 1 K +25 9 2 K +25 9 3 U +25 9 4 K +25 9 5 K +25 9 6 A +25 9 7 K +25 9 8 U +25 9 9 E +25 9 10 K +25 9 11 K +25 9 12 S +25 9 13 K +25 9 14 K +25 9 15 A +25 9 16 H +25 9 17 U +25 9 18 R +25 9 19 K +25 9 20 K +25 9 21 A +25 9 22 S +25 9 23 K +25 9 24 E +25 9 25 K +25 9 26 K +25 9 27 H +25 9 28 A +25 9 29 K +25 9 30 S +25 9 31 K +25 9 32 A +25 9 33 K +25 9 34 K +25 9 35 A +25 9 36 K +25 9 37 K +25 9 38 U +25 9 39 K +25 9 40 K +25 9 41 U +25 9 42 S +25 9 43 K +25 9 44 H +25 9 45 K +25 9 46 E +25 9 47 K +25 9 48 S +25 9 49 K +25 9 50 K +25 9 51 E +25 9 52 H +25 9 53 U +25 9 54 K +25 9 55 K +25 9 56 A +25 9 57 K +25 9 58 S +25 9 59 A +25 9 60 K +25 9 61 U +25 9 62 K +25 9 63 A +25 9 64 K +25 9 65 U +25 9 66 H +25 9 67 K +25 9 68 A +25 9 69 S +25 9 70 H +25 9 71 U +25 9 72 K +25 9 73 K +25 9 74 K +25 9 75 K +25 9 76 U +25 9 77 K +25 9 78 A +25 9 79 R +25 9 80 K +25 9 81 K +25 9 82 K +25 9 83 S +25 9 84 A +25 9 85 K +25 9 86 A +25 9 87 E +25 9 88 K +25 9 89 R +25 9 90 K +25 9 91 S +25 9 92 H +25 9 93 K +25 9 94 E +25 9 95 K +25 9 96 S +25 9 97 K +25 9 98 U +25 9 99 K +25 9 100 K +25 9 101 U +25 9 102 K +25 9 103 S +25 9 104 K +25 9 105 K +25 9 106 S +25 9 107 H +25 9 108 K +25 9 109 K +25 9 110 S +25 9 111 K +25 9 112 U +25 9 113 R +25 9 114 K +25 9 115 U +25 9 116 K +25 9 117 E +25 9 118 A +25 9 119 K +25 9 120 H +25 9 121 U +25 9 122 K +25 9 123 K +25 9 124 S +25 9 125 U +25 9 126 A +25 9 127 K +25 9 128 S +25 9 129 H +25 9 130 E +25 9 131 K +25 9 132 U +25 9 133 K +25 9 134 E +25 9 135 A +25 9 136 K +25 9 137 K +25 9 138 K +25 9 139 H +25 9 140 K +25 9 141 H +25 9 142 H +25 9 143 S +25 9 144 K +25 9 145 K +25 9 146 S +25 9 147 K +25 9 148 U +25 9 149 K +25 9 150 K +25 9 151 A +25 9 152 K +25 9 153 K +25 9 154 E +25 9 155 E +25 9 156 K +25 9 157 E +25 9 158 H +25 9 159 A +25 9 160 A +25 9 161 K +25 9 162 U +25 9 163 K +25 9 164 K +25 9 165 K +25 9 166 K +25 9 167 K +25 9 168 K +25 9 169 K +25 9 170 K +25 9 171 K +25 9 172 H +25 9 173 A +25 9 174 S +25 9 175 K +25 9 176 A +25 9 177 S +25 9 178 K +25 9 179 U +25 9 180 K +25 9 181 S +25 9 182 K +25 9 183 E +25 9 184 K +25 9 185 S +25 9 186 K +25 9 187 S +25 9 188 K +25 9 189 K +25 9 190 A +25 9 191 K +25 9 192 K +25 9 193 S +25 9 194 U +25 9 195 K +25 9 196 K +25 9 197 K +25 9 198 E +25 9 199 H +25 9 200 K +25 9 201 A +25 9 202 K +25 9 203 A +25 9 204 E +25 9 205 K +25 9 206 H +25 9 207 U +25 9 208 S +25 9 209 K +25 9 210 U +25 9 211 K +25 9 212 S +25 9 213 K +25 9 214 S +25 9 215 A +25 9 216 E +25 9 217 A +25 9 218 S +25 9 219 K +25 9 220 K +25 9 221 K +25 9 222 K +25 9 223 K +25 9 224 H +25 9 225 S +25 9 226 K +25 9 227 R +25 9 228 K +25 9 229 K +25 9 230 H +25 9 231 U +25 9 232 S +25 9 233 K +25 9 234 K +25 9 235 K +25 9 236 S +25 9 237 A +25 9 238 K +25 9 239 A +25 9 240 U +25 9 241 H +25 9 242 S +25 9 243 K +25 9 244 K +25 9 245 U +25 9 246 K +25 9 247 K +25 9 248 R +25 9 249 K +25 9 250 K +25 9 251 K +25 9 252 H +25 9 253 K +25 9 254 K +25 9 255 R +25 9 256 A +25 9 257 K +25 9 258 S +25 9 259 U +25 9 260 S +25 9 261 A +25 9 262 H +25 9 263 E +25 9 264 K +25 9 265 K +25 9 266 U +25 9 267 K +25 9 268 K +25 9 269 A +25 9 270 U +25 9 271 K +25 9 272 K +25 9 273 A +25 9 274 H +25 9 275 S +25 9 276 U +25 9 277 K +25 9 278 A +25 9 279 K +25 9 280 K +25 9 281 K +25 9 282 K +25 9 283 E +25 9 284 H +25 9 285 A +25 9 286 H +25 9 287 E +25 9 288 U +25 9 289 K +25 9 290 H +25 9 291 K +25 9 292 A +25 9 293 K +25 9 294 H +25 9 295 E +25 9 296 K +25 9 297 S +25 9 298 U +25 9 299 K +25 9 300 H +25 9 301 K +25 9 302 A +25 9 303 H +25 9 304 K +25 9 305 K +25 9 306 K +25 9 307 K +25 9 308 A +25 9 309 R +25 9 310 K +25 9 311 K +25 9 312 R +25 9 313 K +25 9 314 H +25 9 315 K +25 9 316 K +25 9 317 A +25 9 318 A +25 9 319 H +25 9 320 E +25 9 321 U +25 9 322 K +25 9 323 K +25 9 324 H +25 9 325 U +25 9 326 S +25 9 327 H +25 9 328 K +25 9 329 E +25 9 330 H +25 10 1 K +25 10 2 K +25 10 3 U +25 10 4 A +25 10 5 K +25 10 6 S +25 10 7 K +25 10 8 U +25 10 9 E +25 10 10 K +25 10 11 K +25 10 12 S +25 10 13 K +25 10 14 K +25 10 15 A +25 10 16 H +25 10 17 U +25 10 18 R +25 10 19 K +25 10 20 K +25 10 21 U +25 10 22 S +25 10 23 A +25 10 24 R +25 10 25 K +25 10 26 K +25 10 27 H +25 10 28 A +25 10 29 K +25 10 30 S +25 10 31 K +25 10 32 A +25 10 33 K +25 10 34 K +25 10 35 A +25 10 36 K +25 10 37 K +25 10 38 U +25 10 39 K +25 10 40 K +25 10 41 U +25 10 42 S +25 10 43 K +25 10 44 H +25 10 45 K +25 10 46 R +25 10 47 K +25 10 48 S +25 10 49 K +25 10 50 A +25 10 51 S +25 10 52 H +25 10 53 U +25 10 54 K +25 10 55 K +25 10 56 A +25 10 57 K +25 10 58 S +25 10 59 A +25 10 60 K +25 10 61 U +25 10 62 K +25 10 63 A +25 10 64 K +25 10 65 A +25 10 66 H +25 10 67 K +25 10 68 A +25 10 69 E +25 10 70 K +25 10 71 U +25 10 72 K +25 10 73 A +25 10 74 K +25 10 75 K +25 10 76 U +25 10 77 K +25 10 78 A +25 10 79 E +25 10 80 K +25 10 81 K +25 10 82 K +25 10 83 K +25 10 84 A +25 10 85 K +25 10 86 A +25 10 87 E +25 10 88 A +25 10 89 R +25 10 90 K +25 10 91 S +25 10 92 H +25 10 93 K +25 10 94 E +25 10 95 K +25 10 96 S +25 10 97 K +25 10 98 U +25 10 99 A +25 10 100 K +25 10 101 A +25 10 102 K +25 10 103 E +25 10 104 K +25 10 105 A +25 10 106 S +25 10 107 H +25 10 108 K +25 10 109 K +25 10 110 S +25 10 111 E +25 10 112 A +25 10 113 E +25 10 114 K +25 10 115 U +25 10 116 K +25 10 117 E +25 10 118 A +25 10 119 K +25 10 120 H +25 10 121 U +25 10 122 K +25 10 123 K +25 10 124 S +25 10 125 U +25 10 126 A +25 10 127 K +25 10 128 S +25 10 129 H +25 10 130 E +25 10 131 A +25 10 132 U +25 10 133 K +25 10 134 E +25 10 135 A +25 10 136 K +25 10 137 K +25 10 138 K +25 10 139 H +25 10 140 K +25 10 141 H +25 10 142 K +25 10 143 S +25 10 144 K +25 10 145 K +25 10 146 S +25 10 147 K +25 10 148 U +25 10 149 K +25 10 150 K +25 10 151 A +25 10 152 A +25 10 153 K +25 10 154 E +25 10 155 E +25 10 156 K +25 10 157 E +25 10 158 H +25 10 159 S +25 10 160 A +25 10 161 K +25 10 162 A +25 10 163 K +25 10 164 K +25 10 165 K +25 10 166 K +25 10 167 A +25 10 168 K +25 10 169 K +25 10 170 K +25 10 171 K +25 10 172 H +25 10 173 A +25 10 174 S +25 10 175 K +25 10 176 U +25 10 177 S +25 10 178 K +25 10 179 U +25 10 180 K +25 10 181 S +25 10 182 A +25 10 183 S +25 10 184 K +25 10 185 S +25 10 186 K +25 10 187 S +25 10 188 K +25 10 189 K +25 10 190 A +25 10 191 K +25 10 192 A +25 10 193 S +25 10 194 U +25 10 195 K +25 10 196 K +25 10 197 A +25 10 198 E +25 10 199 K +25 10 200 K +25 10 201 A +25 10 202 K +25 10 203 A +25 10 204 E +25 10 205 K +25 10 206 S +25 10 207 A +25 10 208 S +25 10 209 K +25 10 210 U +25 10 211 K +25 10 212 S +25 10 213 K +25 10 214 S +25 10 215 A +25 10 216 E +25 10 217 A +25 10 218 S +25 10 219 K +25 10 220 K +25 10 221 K +25 10 222 K +25 10 223 K +25 10 224 A +25 10 225 S +25 10 226 K +25 10 227 E +25 10 228 K +25 10 229 K +25 10 230 A +25 10 231 A +25 10 232 E +25 10 233 K +25 10 234 K +25 10 235 K +25 10 236 S +25 10 237 A +25 10 238 K +25 10 239 A +25 10 240 U +25 10 241 H +25 10 242 S +25 10 243 A +25 10 244 K +25 10 245 U +25 10 246 K +25 10 247 K +25 10 248 K +25 10 249 K +25 10 250 K +25 10 251 K +25 10 252 H +25 10 253 K +25 10 254 K +25 10 255 E +25 10 256 A +25 10 257 K +25 10 258 S +25 10 259 U +25 10 260 S +25 10 261 S +25 10 262 H +25 10 263 E +25 10 264 K +25 10 265 K +25 10 266 U +25 10 267 A +25 10 268 K +25 10 269 A +25 10 270 S +25 10 271 K +25 10 272 K +25 10 273 A +25 10 274 H +25 10 275 S +25 10 276 A +25 10 277 K +25 10 278 S +25 10 279 K +25 10 280 K +25 10 281 K +25 10 282 K +25 10 283 U +25 10 284 K +25 10 285 A +25 10 286 H +25 10 287 S +25 10 288 U +25 10 289 K +25 10 290 H +25 10 291 K +25 10 292 A +25 10 293 K +25 10 294 K +25 10 295 E +25 10 296 K +25 10 297 S +25 10 298 U +25 10 299 K +25 10 300 E +25 10 301 K +25 10 302 A +25 10 303 K +25 10 304 S +25 10 305 A +25 10 306 K +25 10 307 K +25 10 308 A +25 10 309 E +25 10 310 K +25 10 311 K +25 10 312 R +25 10 313 K +25 10 314 A +25 10 315 K +25 10 316 K +25 10 317 A +25 10 318 S +25 10 319 H +25 10 320 S +25 10 321 U +25 10 322 K +25 10 323 K +25 10 324 H +25 10 325 A +25 10 326 S +25 10 327 K +25 10 328 K +25 10 329 S +25 10 330 K +25 11 1 K +25 11 2 K +25 11 3 U +25 11 4 A +25 11 5 K +25 11 6 A +25 11 7 K +25 11 8 A +25 11 9 S +25 11 10 K +25 11 11 K +25 11 12 K +25 11 13 K +25 11 14 K +25 11 15 A +25 11 16 H +25 11 17 U +25 11 18 R +25 11 19 K +25 11 20 K +25 11 21 A +25 11 22 S +25 11 23 K +25 11 24 E +25 11 25 K +25 11 26 K +25 11 27 H +25 11 28 A +25 11 29 K +25 11 30 S +25 11 31 K +25 11 32 A +25 11 33 K +25 11 34 K +25 11 35 A +25 11 36 K +25 11 37 K +25 11 38 A +25 11 39 K +25 11 40 K +25 11 41 U +25 11 42 S +25 11 43 K +25 11 44 H +25 11 45 K +25 11 46 E +25 11 47 K +25 11 48 S +25 11 49 K +25 11 50 A +25 11 51 S +25 11 52 H +25 11 53 A +25 11 54 K +25 11 55 K +25 11 56 A +25 11 57 K +25 11 58 S +25 11 59 A +25 11 60 K +25 11 61 U +25 11 62 K +25 11 63 A +25 11 64 K +25 11 65 U +25 11 66 H +25 11 67 K +25 11 68 A +25 11 69 S +25 11 70 K +25 11 71 A +25 11 72 K +25 11 73 A +25 11 74 K +25 11 75 K +25 11 76 S +25 11 77 K +25 11 78 A +25 11 79 E +25 11 80 K +25 11 81 S +25 11 82 K +25 11 83 S +25 11 84 A +25 11 85 K +25 11 86 A +25 11 87 E +25 11 88 A +25 11 89 R +25 11 90 K +25 11 91 S +25 11 92 H +25 11 93 K +25 11 94 E +25 11 95 K +25 11 96 S +25 11 97 K +25 11 98 U +25 11 99 A +25 11 100 K +25 11 101 A +25 11 102 K +25 11 103 S +25 11 104 K +25 11 105 A +25 11 106 S +25 11 107 H +25 11 108 K +25 11 109 K +25 11 110 S +25 11 111 K +25 11 112 U +25 11 113 * +25 11 114 K +25 11 115 U +25 11 116 K +25 11 117 E +25 11 118 A +25 11 119 K +25 11 120 H +25 11 121 U +25 11 122 K +25 11 123 K +25 11 124 S +25 11 125 S +25 11 126 A +25 11 127 K +25 11 128 S +25 11 129 H +25 11 130 E +25 11 131 K +25 11 132 U +25 11 133 K +25 11 134 E +25 11 135 A +25 11 136 K +25 11 137 K +25 11 138 K +25 11 139 K +25 11 140 K +25 11 141 H +25 11 142 K +25 11 143 S +25 11 144 K +25 11 145 K +25 11 146 S +25 11 147 K +25 11 148 U +25 11 149 K +25 11 150 K +25 11 151 A +25 11 152 A +25 11 153 K +25 11 154 E +25 11 155 E +25 11 156 K +25 11 157 E +25 11 158 H +25 11 159 S +25 11 160 A +25 11 161 K +25 11 162 U +25 11 163 K +25 11 164 K +25 11 165 E +25 11 166 K +25 11 167 A +25 11 168 K +25 11 169 K +25 11 170 K +25 11 171 K +25 11 172 H +25 11 173 A +25 11 174 S +25 11 175 K +25 11 176 U +25 11 177 S +25 11 178 K +25 11 179 U +25 11 180 K +25 11 181 S +25 11 182 U +25 11 183 E +25 11 184 K +25 11 185 S +25 11 186 K +25 11 187 S +25 11 188 K +25 11 189 K +25 11 190 A +25 11 191 K +25 11 192 K +25 11 193 S +25 11 194 U +25 11 195 K +25 11 196 K +25 11 197 A +25 11 198 E +25 11 199 K +25 11 200 K +25 11 201 A +25 11 202 K +25 11 203 A +25 11 204 E +25 11 205 K +25 11 206 H +25 11 207 A +25 11 208 S +25 11 209 K +25 11 210 U +25 11 211 K +25 11 212 S +25 11 213 K +25 11 214 S +25 11 215 A +25 11 216 E +25 11 217 A +25 11 218 S +25 11 219 K +25 11 220 K +25 11 221 K +25 11 222 K +25 11 223 K +25 11 224 H +25 11 225 S +25 11 226 K +25 11 227 E +25 11 228 K +25 11 229 K +25 11 230 A +25 11 231 A +25 11 232 E +25 11 233 K +25 11 234 K +25 11 235 K +25 11 236 S +25 11 237 A +25 11 238 K +25 11 239 A +25 11 240 U +25 11 241 H +25 11 242 S +25 11 243 U +25 11 244 K +25 11 245 U +25 11 246 K +25 11 247 K +25 11 248 K +25 11 249 K +25 11 250 K +25 11 251 K +25 11 252 H +25 11 253 K +25 11 254 K +25 11 255 E +25 11 256 A +25 11 257 K +25 11 258 S +25 11 259 U +25 11 260 S +25 11 261 S +25 11 262 H +25 11 263 E +25 11 264 K +25 11 265 K +25 11 266 U +25 11 267 A +25 11 268 K +25 11 269 A +25 11 270 S +25 11 271 K +25 11 272 H +25 11 273 A +25 11 274 H +25 11 275 S +25 11 276 A +25 11 277 K +25 11 278 A +25 11 279 K +25 11 280 K +25 11 281 K +25 11 282 K +25 11 283 E +25 11 284 K +25 11 285 A +25 11 286 H +25 11 287 S +25 11 288 U +25 11 289 K +25 11 290 H +25 11 291 K +25 11 292 A +25 11 293 K +25 11 294 K +25 11 295 E +25 11 296 K +25 11 297 S +25 11 298 U +25 11 299 K +25 11 300 E +25 11 301 K +25 11 302 H +25 11 303 K +25 11 304 K +25 11 305 K +25 11 306 K +25 11 307 K +25 11 308 K +25 11 309 E +25 11 310 K +25 11 311 K +25 11 312 R +25 11 313 K +25 11 314 H +25 11 315 K +25 11 316 K +25 11 317 A +25 11 318 S +25 11 319 H +25 11 320 S +25 11 321 U +25 11 322 K +25 11 323 K +25 11 324 H +25 11 325 A +25 11 326 S +25 11 327 K +25 11 328 K +25 11 329 S +25 11 330 K +25 12 1 K +25 12 2 K +25 12 3 U +25 12 4 K +25 12 5 K +25 12 6 S +25 12 7 K +25 12 8 A +25 12 9 S +25 12 10 K +25 12 11 K +25 12 12 S +25 12 13 K +25 12 14 K +25 12 15 A +25 12 16 H +25 12 17 U +25 12 18 R +25 12 19 K +25 12 20 K +25 12 21 A +25 12 22 S +25 12 23 K +25 12 24 E +25 12 25 K +25 12 26 K +25 12 27 H +25 12 28 A +25 12 29 K +25 12 30 S +25 12 31 K +25 12 32 A +25 12 33 K +25 12 34 K +25 12 35 A +25 12 36 K +25 12 37 K +25 12 38 A +25 12 39 K +25 12 40 K +25 12 41 U +25 12 42 S +25 12 43 K +25 12 44 H +25 12 45 K +25 12 46 E +25 12 47 K +25 12 48 S +25 12 49 K +25 12 50 A +25 12 51 E +25 12 52 K +25 12 53 A +25 12 54 K +25 12 55 K +25 12 56 A +25 12 57 K +25 12 58 S +25 12 59 A +25 12 60 K +25 12 61 U +25 12 62 K +25 12 63 A +25 12 64 K +25 12 65 A +25 12 66 K +25 12 67 K +25 12 68 A +25 12 69 S +25 12 70 K +25 12 71 U +25 12 72 K +25 12 73 A +25 12 74 K +25 12 75 K +25 12 76 S +25 12 77 K +25 12 78 A +25 12 79 E +25 12 80 K +25 12 81 S +25 12 82 K +25 12 83 S +25 12 84 A +25 12 85 K +25 12 86 A +25 12 87 E +25 12 88 A +25 12 89 R +25 12 90 K +25 12 91 S +25 12 92 H +25 12 93 K +25 12 94 E +25 12 95 K +25 12 96 S +25 12 97 K +25 12 98 U +25 12 99 A +25 12 100 K +25 12 101 A +25 12 102 K +25 12 103 S +25 12 104 K +25 12 105 A +25 12 106 S +25 12 107 H +25 12 108 K +25 12 109 K +25 12 110 S +25 12 111 E +25 12 112 A +25 12 113 E +25 12 114 K +25 12 115 U +25 12 116 K +25 12 117 E +25 12 118 A +25 12 119 K +25 12 120 H +25 12 121 U +25 12 122 K +25 12 123 K +25 12 124 S +25 12 125 S +25 12 126 A +25 12 127 K +25 12 128 S +25 12 129 H +25 12 130 E +25 12 131 K +25 12 132 U +25 12 133 K +25 12 134 E +25 12 135 A +25 12 136 K +25 12 137 K +25 12 138 K +25 12 139 H +25 12 140 K +25 12 141 H +25 12 142 K +25 12 143 S +25 12 144 K +25 12 145 K +25 12 146 S +25 12 147 K +25 12 148 U +25 12 149 K +25 12 150 K +25 12 151 A +25 12 152 A +25 12 153 K +25 12 154 E +25 12 155 E +25 12 156 K +25 12 157 E +25 12 158 H +25 12 159 S +25 12 160 A +25 12 161 K +25 12 162 U +25 12 163 K +25 12 164 K +25 12 165 E +25 12 166 K +25 12 167 K +25 12 168 K +25 12 169 K +25 12 170 K +25 12 171 K +25 12 172 H +25 12 173 A +25 12 174 S +25 12 175 K +25 12 176 A +25 12 177 S +25 12 178 K +25 12 179 U +25 12 180 K +25 12 181 S +25 12 182 U +25 12 183 E +25 12 184 K +25 12 185 S +25 12 186 K +25 12 187 S +25 12 188 K +25 12 189 K +25 12 190 A +25 12 191 K +25 12 192 K +25 12 193 S +25 12 194 U +25 12 195 K +25 12 196 K +25 12 197 A +25 12 198 E +25 12 199 K +25 12 200 K +25 12 201 A +25 12 202 K +25 12 203 A +25 12 204 E +25 12 205 K +25 12 206 A +25 12 207 S +25 12 208 K +25 12 209 U +25 12 210 K +25 12 211 K +25 12 212 S +25 12 213 K +25 12 214 S +25 12 215 A +25 12 216 E +25 12 217 A +25 12 218 S +25 12 219 K +25 12 220 K +25 12 221 K +25 12 222 K +25 12 223 K +25 12 224 H +25 12 225 S +25 12 226 K +25 12 227 E +25 12 228 K +25 12 229 K +25 12 230 H +25 12 231 A +25 12 232 S +25 12 233 K +25 12 234 K +25 12 235 K +25 12 236 S +25 12 237 A +25 12 238 K +25 12 239 A +25 12 240 U +25 12 241 H +25 12 242 S +25 12 243 U +25 12 244 K +25 12 245 U +25 12 246 K +25 12 247 K +25 12 248 K +25 12 249 K +25 12 250 K +25 12 251 K +25 12 252 H +25 12 253 K +25 12 254 K +25 12 255 E +25 12 256 A +25 12 257 K +25 12 258 S +25 12 259 U +25 12 260 S +25 12 261 S +25 12 262 H +25 12 263 E +25 12 264 K +25 12 265 K +25 12 266 U +25 12 267 A +25 12 268 K +25 12 269 A +25 12 270 S +25 12 271 K +25 12 272 K +25 12 273 A +25 12 274 H +25 12 275 S +25 12 276 A +25 12 277 K +25 12 278 A +25 12 279 K +25 12 280 K +25 12 281 K +25 12 282 K +25 12 283 E +25 12 284 K +25 12 285 A +25 12 286 H +25 12 287 S +25 12 288 U +25 12 289 K +25 12 290 H +25 12 291 K +25 12 292 A +25 12 293 K +25 12 294 K +25 12 295 E +25 12 296 K +25 12 297 S +25 12 298 U +25 12 299 K +25 12 300 H +25 12 301 K +25 12 302 H +25 12 303 K +25 12 304 K +25 12 305 K +25 12 306 K +25 12 307 K +25 12 308 K +25 12 309 E +25 12 310 K +25 12 311 K +25 12 312 R +25 12 313 K +25 12 314 H +25 12 315 K +25 12 316 K +25 12 317 A +25 12 318 S +25 12 319 H +25 12 320 E +25 12 321 U +25 12 322 K +25 12 323 K +25 12 324 H +25 12 325 K +25 12 326 S +25 12 327 K +25 12 328 K +25 12 329 S +25 12 330 K +25 13 1 K +25 13 2 K +25 13 3 U +25 13 4 E +25 13 5 K +25 13 6 S +25 13 7 K +25 13 8 U +25 13 9 E +25 13 10 K +25 13 11 K +25 13 12 S +25 13 13 K +25 13 14 K +25 13 15 A +25 13 16 H +25 13 17 U +25 13 18 R +25 13 19 K +25 13 20 K +25 13 21 U +25 13 22 S +25 13 23 A +25 13 24 E +25 13 25 K +25 13 26 K +25 13 27 S +25 13 28 A +25 13 29 K +25 13 30 S +25 13 31 K +25 13 32 A +25 13 33 K +25 13 34 K +25 13 35 S +25 13 36 K +25 13 37 K +25 13 38 U +25 13 39 K +25 13 40 K +25 13 41 U +25 13 42 S +25 13 43 K +25 13 44 S +25 13 45 K +25 13 46 E +25 13 47 K +25 13 48 S +25 13 49 K +25 13 50 U +25 13 51 E +25 13 52 H +25 13 53 U +25 13 54 K +25 13 55 K +25 13 56 S +25 13 57 K +25 13 58 E +25 13 59 H +25 13 60 K +25 13 61 U +25 13 62 K +25 13 63 S +25 13 64 K +25 13 65 U +25 13 66 S +25 13 67 K +25 13 68 A +25 13 69 E +25 13 70 H +25 13 71 U +25 13 72 K +25 13 73 A +25 13 74 K +25 13 75 K +25 13 76 U +25 13 77 K +25 13 78 S +25 13 79 R +25 13 80 K +25 13 81 K +25 13 82 K +25 13 83 S +25 13 84 S +25 13 85 K +25 13 86 A +25 13 87 R +25 13 88 A +25 13 89 R +25 13 90 K +25 13 91 S +25 13 92 S +25 13 93 K +25 13 94 E +25 13 95 K +25 13 96 S +25 13 97 K +25 13 98 U +25 13 99 A +25 13 100 K +25 13 101 U +25 13 102 E +25 13 103 E +25 13 104 K +25 13 105 A +25 13 106 S +25 13 107 H +25 13 108 K +25 13 109 K +25 13 110 K +25 13 111 K +25 13 112 U +25 13 113 R +25 13 114 K +25 13 115 U +25 13 116 K +25 13 117 E +25 13 118 S +25 13 119 K +25 13 120 H +25 13 121 U +25 13 122 K +25 13 123 K +25 13 124 K +25 13 125 U +25 13 126 A +25 13 127 K +25 13 128 S +25 13 129 H +25 13 130 E +25 13 131 A +25 13 132 U +25 13 133 K +25 13 134 E +25 13 135 U +25 13 136 K +25 13 137 K +25 13 138 K +25 13 139 K +25 13 140 K +25 13 141 H +25 13 142 K +25 13 143 K +25 13 144 K +25 13 145 K +25 13 146 S +25 13 147 K +25 13 148 U +25 13 149 K +25 13 150 U +25 13 151 S +25 13 152 A +25 13 153 K +25 13 154 E +25 13 155 E +25 13 156 K +25 13 157 E +25 13 158 H +25 13 159 A +25 13 160 K +25 13 161 K +25 13 162 U +25 13 163 K +25 13 164 K +25 13 165 K +25 13 166 K +25 13 167 A +25 13 168 K +25 13 169 K +25 13 170 K +25 13 171 K +25 13 172 H +25 13 173 U +25 13 174 S +25 13 175 K +25 13 176 U +25 13 177 S +25 13 178 K +25 13 179 U +25 13 180 K +25 13 181 S +25 13 182 U +25 13 183 E +25 13 184 A +25 13 185 S +25 13 186 K +25 13 187 S +25 13 188 K +25 13 189 K +25 13 190 A +25 13 191 K +25 13 192 A +25 13 193 K +25 13 194 U +25 13 195 K +25 13 196 K +25 13 197 A +25 13 198 R +25 13 199 K +25 13 200 K +25 13 201 S +25 13 202 K +25 13 203 A +25 13 204 E +25 13 205 K +25 13 206 S +25 13 207 A +25 13 208 S +25 13 209 K +25 13 210 U +25 13 211 K +25 13 212 S +25 13 213 K +25 13 214 S +25 13 215 A +25 13 216 K +25 13 217 A +25 13 218 E +25 13 219 K +25 13 220 K +25 13 221 K +25 13 222 A +25 13 223 K +25 13 224 H +25 13 225 E +25 13 226 K +25 13 227 R +25 13 228 K +25 13 229 K +25 13 230 S +25 13 231 A +25 13 232 E +25 13 233 K +25 13 234 K +25 13 235 K +25 13 236 K +25 13 237 S +25 13 238 K +25 13 239 A +25 13 240 U +25 13 241 H +25 13 242 S +25 13 243 U +25 13 244 K +25 13 245 U +25 13 246 K +25 13 247 K +25 13 248 K +25 13 249 K +25 13 250 K +25 13 251 K +25 13 252 H +25 13 253 K +25 13 254 K +25 13 255 R +25 13 256 U +25 13 257 K +25 13 258 S +25 13 259 U +25 13 260 K +25 13 261 S +25 13 262 H +25 13 263 E +25 13 264 K +25 13 265 K +25 13 266 U +25 13 267 U +25 13 268 K +25 13 269 A +25 13 270 S +25 13 271 K +25 13 272 K +25 13 273 A +25 13 274 H +25 13 275 S +25 13 276 U +25 13 277 K +25 13 278 S +25 13 279 K +25 13 280 K +25 13 281 K +25 13 282 K +25 13 283 E +25 13 284 K +25 13 285 A +25 13 286 H +25 13 287 E +25 13 288 U +25 13 289 K +25 13 290 H +25 13 291 K +25 13 292 A +25 13 293 K +25 13 294 K +25 13 295 E +25 13 296 K +25 13 297 S +25 13 298 U +25 13 299 K +25 13 300 K +25 13 301 K +25 13 302 H +25 13 303 K +25 13 304 K +25 13 305 U +25 13 306 K +25 13 307 K +25 13 308 A +25 13 309 E +25 13 310 K +25 13 311 K +25 13 312 R +25 13 313 K +25 13 314 H +25 13 315 K +25 13 316 K +25 13 317 U +25 13 318 S +25 13 319 H +25 13 320 K +25 13 321 U +25 13 322 K +25 13 323 K +25 13 324 H +25 13 325 A +25 13 326 S +25 13 327 K +25 13 328 K +25 13 329 S +25 13 330 K +25 14 1 K +25 14 2 K +25 14 3 U +25 14 4 A +25 14 5 K +25 14 6 S +25 14 7 K +25 14 8 U +25 14 9 E +25 14 10 K +25 14 11 K +25 14 12 S +25 14 13 K +25 14 14 K +25 14 15 A +25 14 16 H +25 14 17 A +25 14 18 R +25 14 19 K +25 14 20 K +25 14 21 A +25 14 22 S +25 14 23 A +25 14 24 E +25 14 25 K +25 14 26 K +25 14 27 H +25 14 28 A +25 14 29 K +25 14 30 S +25 14 31 K +25 14 32 A +25 14 33 K +25 14 34 K +25 14 35 A +25 14 36 K +25 14 37 K +25 14 38 U +25 14 39 K +25 14 40 K +25 14 41 U +25 14 42 S +25 14 43 K +25 14 44 H +25 14 45 K +25 14 46 E +25 14 47 K +25 14 48 S +25 14 49 K +25 14 50 A +25 14 51 E +25 14 52 K +25 14 53 U +25 14 54 K +25 14 55 K +25 14 56 A +25 14 57 K +25 14 58 S +25 14 59 A +25 14 60 U +25 14 61 K +25 14 62 K +25 14 63 A +25 14 64 A +25 14 65 A +25 14 66 H +25 14 67 K +25 14 68 A +25 14 69 E +25 14 70 K +25 14 71 A +25 14 72 K +25 14 73 A +25 14 74 K +25 14 75 K +25 14 76 U +25 14 77 K +25 14 78 A +25 14 79 R +25 14 80 K +25 14 81 K +25 14 82 K +25 14 83 S +25 14 84 A +25 14 85 K +25 14 86 A +25 14 87 R +25 14 88 A +25 14 89 R +25 14 90 K +25 14 91 S +25 14 92 E +25 14 93 K +25 14 94 R +25 14 95 K +25 14 96 S +25 14 97 K +25 14 98 U +25 14 99 K +25 14 100 K +25 14 101 U +25 14 102 K +25 14 103 E +25 14 104 K +25 14 105 A +25 14 106 S +25 14 107 E +25 14 108 K +25 14 109 K +25 14 110 S +25 14 111 K +25 14 112 U +25 14 113 R +25 14 114 K +25 14 115 U +25 14 116 K +25 14 117 R +25 14 118 A +25 14 119 K +25 14 120 E +25 14 121 U +25 14 122 K +25 14 123 K +25 14 124 K +25 14 125 U +25 14 126 A +25 14 127 K +25 14 128 S +25 14 129 E +25 14 130 R +25 14 131 A +25 14 132 U +25 14 133 K +25 14 134 E +25 14 135 A +25 14 136 K +25 14 137 K +25 14 138 K +25 14 139 A +25 14 140 K +25 14 141 H +25 14 142 K +25 14 143 S +25 14 144 A +25 14 145 K +25 14 146 S +25 14 147 K +25 14 148 U +25 14 149 K +25 14 150 A +25 14 151 S +25 14 152 A +25 14 153 K +25 14 154 E +25 14 155 E +25 14 156 K +25 14 157 E +25 14 158 H +25 14 159 S +25 14 160 A +25 14 161 K +25 14 162 U +25 14 163 K +25 14 164 K +25 14 165 K +25 14 166 K +25 14 167 E +25 14 168 K +25 14 169 K +25 14 170 K +25 14 171 K +25 14 172 H +25 14 173 A +25 14 174 S +25 14 175 K +25 14 176 A +25 14 177 S +25 14 178 K +25 14 179 U +25 14 180 K +25 14 181 S +25 14 182 U +25 14 183 E +25 14 184 A +25 14 185 S +25 14 186 K +25 14 187 S +25 14 188 K +25 14 189 K +25 14 190 A +25 14 191 K +25 14 192 A +25 14 193 K +25 14 194 A +25 14 195 K +25 14 196 K +25 14 197 A +25 14 198 R +25 14 199 K +25 14 200 K +25 14 201 A +25 14 202 K +25 14 203 A +25 14 204 E +25 14 205 A +25 14 206 K +25 14 207 U +25 14 208 S +25 14 209 K +25 14 210 U +25 14 211 K +25 14 212 S +25 14 213 E +25 14 214 K +25 14 215 A +25 14 216 K +25 14 217 A +25 14 218 S +25 14 219 K +25 14 220 K +25 14 221 K +25 14 222 A +25 14 223 K +25 14 224 H +25 14 225 E +25 14 226 K +25 14 227 R +25 14 228 K +25 14 229 K +25 14 230 H +25 14 231 A +25 14 232 E +25 14 233 K +25 14 234 K +25 14 235 K +25 14 236 K +25 14 237 A +25 14 238 K +25 14 239 A +25 14 240 U +25 14 241 H +25 14 242 S +25 14 243 U +25 14 244 K +25 14 245 U +25 14 246 K +25 14 247 K +25 14 248 K +25 14 249 K +25 14 250 A +25 14 251 K +25 14 252 H +25 14 253 K +25 14 254 K +25 14 255 R +25 14 256 A +25 14 257 K +25 14 258 S +25 14 259 U +25 14 260 S +25 14 261 A +25 14 262 H +25 14 263 E +25 14 264 K +25 14 265 K +25 14 266 U +25 14 267 U +25 14 268 K +25 14 269 A +25 14 270 S +25 14 271 K +25 14 272 H +25 14 273 A +25 14 274 H +25 14 275 S +25 14 276 U +25 14 277 K +25 14 278 S +25 14 279 K +25 14 280 K +25 14 281 K +25 14 282 K +25 14 283 E +25 14 284 K +25 14 285 A +25 14 286 H +25 14 287 E +25 14 288 U +25 14 289 K +25 14 290 H +25 14 291 K +25 14 292 A +25 14 293 K +25 14 294 K +25 14 295 E +25 14 296 A +25 14 297 S +25 14 298 U +25 14 299 K +25 14 300 E +25 14 301 K +25 14 302 H +25 14 303 K +25 14 304 K +25 14 305 A +25 14 306 K +25 14 307 K +25 14 308 E +25 14 309 E +25 14 310 K +25 14 311 K +25 14 312 R +25 14 313 K +25 14 314 H +25 14 315 K +25 14 316 K +25 14 317 U +25 14 318 A +25 14 319 H +25 14 320 K +25 14 321 U +25 14 322 K +25 14 323 K +25 14 324 H +25 14 325 A +25 14 326 S +25 14 327 K +25 14 328 K +25 14 329 E +25 14 330 K +25 15 1 K +25 15 2 H +25 15 3 U +25 15 4 K +25 15 5 K +25 15 6 E +25 15 7 K +25 15 8 U +25 15 9 E +25 15 10 K +25 15 11 K +25 15 12 S +25 15 13 K +25 15 14 K +25 15 15 K +25 15 16 H +25 15 17 U +25 15 18 R +25 15 19 K +25 15 20 K +25 15 21 U +25 15 22 S +25 15 23 K +25 15 24 E +25 15 25 K +25 15 26 K +25 15 27 H +25 15 28 A +25 15 29 K +25 15 30 S +25 15 31 K +25 15 32 A +25 15 33 K +25 15 34 K +25 15 35 U +25 15 36 K +25 15 37 K +25 15 38 U +25 15 39 K +25 15 40 K +25 15 41 A +25 15 42 S +25 15 43 K +25 15 44 H +25 15 45 K +25 15 46 E +25 15 47 K +25 15 48 S +25 15 49 K +25 15 50 K +25 15 51 E +25 15 52 K +25 15 53 A +25 15 54 K +25 15 55 K +25 15 56 A +25 15 57 K +25 15 58 E +25 15 59 H +25 15 60 K +25 15 61 U +25 15 62 K +25 15 63 A +25 15 64 K +25 15 65 A +25 15 66 E +25 15 67 K +25 15 68 A +25 15 69 E +25 15 70 H +25 15 71 A +25 15 72 K +25 15 73 K +25 15 74 K +25 15 75 K +25 15 76 U +25 15 77 K +25 15 78 A +25 15 79 R +25 15 80 K +25 15 81 S +25 15 82 K +25 15 83 E +25 15 84 A +25 15 85 K +25 15 86 A +25 15 87 E +25 15 88 A +25 15 89 R +25 15 90 K +25 15 91 S +25 15 92 H +25 15 93 K +25 15 94 E +25 15 95 K +25 15 96 S +25 15 97 K +25 15 98 U +25 15 99 A +25 15 100 K +25 15 101 A +25 15 102 K +25 15 103 E +25 15 104 K +25 15 105 K +25 15 106 S +25 15 107 H +25 15 108 K +25 15 109 K +25 15 110 S +25 15 111 E +25 15 112 U +25 15 113 E +25 15 114 K +25 15 115 U +25 15 116 K +25 15 117 E +25 15 118 A +25 15 119 K +25 15 120 H +25 15 121 U +25 15 122 K +25 15 123 K +25 15 124 S +25 15 125 U +25 15 126 A +25 15 127 K +25 15 128 S +25 15 129 H +25 15 130 E +25 15 131 K +25 15 132 U +25 15 133 K +25 15 134 E +25 15 135 A +25 15 136 K +25 15 137 K +25 15 138 K +25 15 139 H +25 15 140 K +25 15 141 H +25 15 142 H +25 15 143 S +25 15 144 K +25 15 145 K +25 15 146 S +25 15 147 K +25 15 148 U +25 15 149 K +25 15 150 K +25 15 151 A +25 15 152 K +25 15 153 K +25 15 154 E +25 15 155 E +25 15 156 K +25 15 157 E +25 15 158 H +25 15 159 S +25 15 160 A +25 15 161 K +25 15 162 U +25 15 163 K +25 15 164 K +25 15 165 E +25 15 166 K +25 15 167 H +25 15 168 K +25 15 169 K +25 15 170 K +25 15 171 S +25 15 172 H +25 15 173 A +25 15 174 S +25 15 175 K +25 15 176 A +25 15 177 S +25 15 178 K +25 15 179 U +25 15 180 K +25 15 181 S +25 15 182 U +25 15 183 E +25 15 184 K +25 15 185 S +25 15 186 K +25 15 187 S +25 15 188 K +25 15 189 K +25 15 190 A +25 15 191 K +25 15 192 K +25 15 193 S +25 15 194 U +25 15 195 K +25 15 196 K +25 15 197 A +25 15 198 R +25 15 199 K +25 15 200 K +25 15 201 A +25 15 202 K +25 15 203 A +25 15 204 E +25 15 205 K +25 15 206 H +25 15 207 A +25 15 208 S +25 15 209 K +25 15 210 U +25 15 211 K +25 15 212 S +25 15 213 H +25 15 214 S +25 15 215 A +25 15 216 E +25 15 217 A +25 15 218 S +25 15 219 K +25 15 220 K +25 15 221 H +25 15 222 K +25 15 223 K +25 15 224 H +25 15 225 S +25 15 226 K +25 15 227 E +25 15 228 K +25 15 229 K +25 15 230 H +25 15 231 A +25 15 232 S +25 15 233 K +25 15 234 K +25 15 235 K +25 15 236 S +25 15 237 A +25 15 238 K +25 15 239 A +25 15 240 U +25 15 241 H +25 15 242 S +25 15 243 U +25 15 244 H +25 15 245 U +25 15 246 K +25 15 247 K +25 15 248 K +25 15 249 K +25 15 250 K +25 15 251 K +25 15 252 H +25 15 253 K +25 15 254 K +25 15 255 R +25 15 256 A +25 15 257 K +25 15 258 S +25 15 259 U +25 15 260 S +25 15 261 S +25 15 262 H +25 15 263 E +25 15 264 H +25 15 265 K +25 15 266 U +25 15 267 U +25 15 268 K +25 15 269 A +25 15 270 S +25 15 271 K +25 15 272 H +25 15 273 A +25 15 274 H +25 15 275 S +25 15 276 U +25 15 277 K +25 15 278 U +25 15 279 K +25 15 280 S +25 15 281 K +25 15 282 K +25 15 283 E +25 15 284 H +25 15 285 A +25 15 286 H +25 15 287 S +25 15 288 U +25 15 289 K +25 15 290 H +25 15 291 K +25 15 292 A +25 15 293 H +25 15 294 H +25 15 295 E +25 15 296 K +25 15 297 S +25 15 298 U +25 15 299 K +25 15 300 H +25 15 301 K +25 15 302 H +25 15 303 H +25 15 304 S +25 15 305 U +25 15 306 S +25 15 307 K +25 15 308 K +25 15 309 E +25 15 310 K +25 15 311 K +25 15 312 R +25 15 313 K +25 15 314 H +25 15 315 S +25 15 316 K +25 15 317 U +25 15 318 S +25 15 319 H +25 15 320 S +25 15 321 U +25 15 322 K +25 15 323 K +25 15 324 H +25 15 325 U +25 15 326 S +25 15 327 H +25 15 328 K +25 15 329 S +25 15 330 H +25 16 1 K +25 16 2 K +25 16 3 U +25 16 4 A +25 16 5 K +25 16 6 S +25 16 7 K +25 16 8 A +25 16 9 K +25 16 10 K +25 16 11 E +25 16 12 S +25 16 13 K +25 16 14 K +25 16 15 A +25 16 16 H +25 16 17 U +25 16 18 E +25 16 19 K +25 16 20 U +25 16 21 S +25 16 22 A +25 16 23 E +25 16 24 K +25 16 25 K +25 16 26 K +25 16 27 H +25 16 28 A +25 16 29 K +25 16 30 S +25 16 31 K +25 16 32 A +25 16 33 K +25 16 34 K +25 16 35 A +25 16 36 K +25 16 37 K +25 16 38 A +25 16 39 K +25 16 40 K +25 16 41 U +25 16 42 S +25 16 43 K +25 16 44 H +25 16 45 K +25 16 46 E +25 16 47 K +25 16 48 S +25 16 49 K +25 16 50 A +25 16 51 E +25 16 52 H +25 16 53 U +25 16 54 K +25 16 55 K +25 16 56 A +25 16 57 K +25 16 58 S +25 16 59 K +25 16 60 H +25 16 61 K +25 16 62 A +25 16 63 A +25 16 64 K +25 16 65 U +25 16 66 H +25 16 67 K +25 16 68 A +25 16 69 S +25 16 70 H +25 16 71 U +25 16 72 K +25 16 73 A +25 16 74 K +25 16 75 E +25 16 76 S +25 16 77 K +25 16 78 A +25 16 79 E +25 16 80 K +25 16 81 K +25 16 82 K +25 16 83 H +25 16 84 A +25 16 85 K +25 16 86 A +25 16 87 E +25 16 88 A +25 16 89 R +25 16 90 K +25 16 91 S +25 16 92 H +25 16 93 K +25 16 94 E +25 16 95 H +25 16 96 S +25 16 97 A +25 16 98 U +25 16 99 A +25 16 100 K +25 16 101 A +25 16 102 H +25 16 103 E +25 16 104 K +25 16 105 A +25 16 106 S +25 16 107 H +25 16 108 H +25 16 109 K +25 16 110 S +25 16 111 E +25 16 112 A +25 16 113 E +25 16 114 K +25 16 115 U +25 16 116 K +25 16 117 E +25 16 118 A +25 16 119 K +25 16 120 H +25 16 121 U +25 16 122 K +25 16 123 K +25 16 124 S +25 16 125 U +25 16 126 A +25 16 127 K +25 16 128 S +25 16 129 H +25 16 130 E +25 16 131 A +25 16 132 U +25 16 133 K +25 16 134 E +25 16 135 A +25 16 136 K +25 16 137 K +25 16 138 K +25 16 139 H +25 16 140 K +25 16 141 H +25 16 142 K +25 16 143 S +25 16 144 K +25 16 145 K +25 16 146 S +25 16 147 K +25 16 148 U +25 16 149 K +25 16 150 K +25 16 151 A +25 16 152 A +25 16 153 K +25 16 154 E +25 16 155 E +25 16 156 K +25 16 157 E +25 16 158 H +25 16 159 S +25 16 160 A +25 16 161 K +25 16 162 U +25 16 163 K +25 16 164 K +25 16 165 E +25 16 166 K +25 16 167 A +25 16 168 K +25 16 169 K +25 16 170 K +25 16 171 K +25 16 172 H +25 16 173 A +25 16 174 S +25 16 175 K +25 16 176 U +25 16 177 S +25 16 178 K +25 16 179 U +25 16 180 K +25 16 181 S +25 16 182 U +25 16 183 S +25 16 184 A +25 16 185 S +25 16 186 K +25 16 187 S +25 16 188 K +25 16 189 K +25 16 190 A +25 16 191 K +25 16 192 K +25 16 193 S +25 16 194 U +25 16 195 K +25 16 196 K +25 16 197 A +25 16 198 E +25 16 199 K +25 16 200 K +25 16 201 A +25 16 202 K +25 16 203 A +25 16 204 E +25 16 205 K +25 16 206 H +25 16 207 A +25 16 208 S +25 16 209 K +25 16 210 U +25 16 211 K +25 16 212 S +25 16 213 K +25 16 214 S +25 16 215 A +25 16 216 E +25 16 217 A +25 16 218 S +25 16 219 K +25 16 220 K +25 16 221 K +25 16 222 A +25 16 223 K +25 16 224 H +25 16 225 S +25 16 226 K +25 16 227 E +25 16 228 K +25 16 229 K +25 16 230 H +25 16 231 A +25 16 232 E +25 16 233 K +25 16 234 K +25 16 235 K +25 16 236 S +25 16 237 A +25 16 238 K +25 16 239 A +25 16 240 U +25 16 241 H +25 16 242 S +25 16 243 A +25 16 244 K +25 16 245 U +25 16 246 K +25 16 247 K +25 16 248 K +25 16 249 K +25 16 250 A +25 16 251 K +25 16 252 H +25 16 253 K +25 16 254 K +25 16 255 E +25 16 256 A +25 16 257 K +25 16 258 S +25 16 259 U +25 16 260 S +25 16 261 S +25 16 262 H +25 16 263 E +25 16 264 K +25 16 265 K +25 16 266 U +25 16 267 A +25 16 268 K +25 16 269 A +25 16 270 S +25 16 271 K +25 16 272 H +25 16 273 A +25 16 274 H +25 16 275 S +25 16 276 A +25 16 277 K +25 16 278 U +25 16 279 K +25 16 280 K +25 16 281 K +25 16 282 K +25 16 283 U +25 16 284 K +25 16 285 A +25 16 286 H +25 16 287 S +25 16 288 U +25 16 289 K +25 16 290 H +25 16 291 K +25 16 292 A +25 16 293 K +25 16 294 K +25 16 295 S +25 16 296 A +25 16 297 K +25 16 298 U +25 16 299 K +25 16 300 E +25 16 301 K +25 16 302 H +25 16 303 K +25 16 304 K +25 16 305 A +25 16 306 K +25 16 307 K +25 16 308 A +25 16 309 E +25 16 310 K +25 16 311 K +25 16 312 R +25 16 313 K +25 16 314 H +25 16 315 K +25 16 316 K +25 16 317 A +25 16 318 K +25 16 319 H +25 16 320 S +25 16 321 U +25 16 322 K +25 16 323 K +25 16 324 H +25 16 325 A +25 16 326 S +25 16 327 K +25 16 328 K +25 16 329 S +25 16 330 K +25 17 1 K +25 17 2 K +25 17 3 U +25 17 4 K +25 17 5 K +25 17 6 S +25 17 7 K +25 17 8 U +25 17 9 E +25 17 10 K +25 17 11 K +25 17 12 S +25 17 13 K +25 17 14 K +25 17 15 A +25 17 16 H +25 17 17 U +25 17 18 E +25 17 19 K +25 17 20 K +25 17 21 A +25 17 22 S +25 17 23 A +25 17 24 E +25 17 25 K +25 17 26 K +25 17 27 H +25 17 28 A +25 17 29 K +25 17 30 S +25 17 31 K +25 17 32 A +25 17 33 K +25 17 34 K +25 17 35 A +25 17 36 K +25 17 37 K +25 17 38 U +25 17 39 K +25 17 40 K +25 17 41 U +25 17 42 S +25 17 43 K +25 17 44 H +25 17 45 K +25 17 46 E +25 17 47 K +25 17 48 S +25 17 49 K +25 17 50 A +25 17 51 E +25 17 52 H +25 17 53 U +25 17 54 K +25 17 55 K +25 17 56 A +25 17 57 K +25 17 58 S +25 17 59 A +25 17 60 S +25 17 61 U +25 17 62 K +25 17 63 A +25 17 64 K +25 17 65 U +25 17 66 H +25 17 67 K +25 17 68 A +25 17 69 E +25 17 70 K +25 17 71 U +25 17 72 K +25 17 73 K +25 17 74 K +25 17 75 K +25 17 76 S +25 17 77 K +25 17 78 A +25 17 79 E +25 17 80 K +25 17 81 S +25 17 82 K +25 17 83 S +25 17 84 A +25 17 85 K +25 17 86 A +25 17 87 E +25 17 88 A +25 17 89 R +25 17 90 K +25 17 91 S +25 17 92 H +25 17 93 K +25 17 94 E +25 17 95 K +25 17 96 S +25 17 97 K +25 17 98 U +25 17 99 A +25 17 100 K +25 17 101 U +25 17 102 K +25 17 103 S +25 17 104 K +25 17 105 K +25 17 106 S +25 17 107 H +25 17 108 K +25 17 109 K +25 17 110 S +25 17 111 K +25 17 112 U +25 17 113 E +25 17 114 K +25 17 115 U +25 17 116 K +25 17 117 E +25 17 118 A +25 17 119 K +25 17 120 H +25 17 121 U +25 17 122 K +25 17 123 K +25 17 124 S +25 17 125 S +25 17 126 A +25 17 127 K +25 17 128 S +25 17 129 H +25 17 130 E +25 17 131 K +25 17 132 U +25 17 133 K +25 17 134 E +25 17 135 A +25 17 136 K +25 17 137 K +25 17 138 K +25 17 139 H +25 17 140 K +25 17 141 H +25 17 142 K +25 17 143 S +25 17 144 K +25 17 145 K +25 17 146 S +25 17 147 K +25 17 148 U +25 17 149 K +25 17 150 K +25 17 151 A +25 17 152 A +25 17 153 K +25 17 154 E +25 17 155 E +25 17 156 K +25 17 157 E +25 17 158 H +25 17 159 S +25 17 160 A +25 17 161 K +25 17 162 U +25 17 163 K +25 17 164 K +25 17 165 S +25 17 166 K +25 17 167 A +25 17 168 K +25 17 169 K +25 17 170 K +25 17 171 S +25 17 172 H +25 17 173 U +25 17 174 S +25 17 175 K +25 17 176 U +25 17 177 S +25 17 178 K +25 17 179 U +25 17 180 K +25 17 181 S +25 17 182 U +25 17 183 S +25 17 184 K +25 17 185 S +25 17 186 K +25 17 187 S +25 17 188 K +25 17 189 K +25 17 190 A +25 17 191 K +25 17 192 K +25 17 193 S +25 17 194 U +25 17 195 K +25 17 196 K +25 17 197 A +25 17 198 E +25 17 199 K +25 17 200 K +25 17 201 A +25 17 202 K +25 17 203 A +25 17 204 E +25 17 205 K +25 17 206 K +25 17 207 U +25 17 208 S +25 17 209 K +25 17 210 U +25 17 211 K +25 17 212 S +25 17 213 K +25 17 214 S +25 17 215 A +25 17 216 E +25 17 217 A +25 17 218 S +25 17 219 K +25 17 220 K +25 17 221 K +25 17 222 K +25 17 223 K +25 17 224 H +25 17 225 S +25 17 226 K +25 17 227 E +25 17 228 K +25 17 229 K +25 17 230 H +25 17 231 A +25 17 232 S +25 17 233 K +25 17 234 K +25 17 235 K +25 17 236 S +25 17 237 S +25 17 238 K +25 17 239 A +25 17 240 U +25 17 241 H +25 17 242 S +25 17 243 U +25 17 244 K +25 17 245 U +25 17 246 K +25 17 247 K +25 17 248 K +25 17 249 K +25 17 250 K +25 17 251 K +25 17 252 H +25 17 253 K +25 17 254 K +25 17 255 E +25 17 256 U +25 17 257 K +25 17 258 S +25 17 259 U +25 17 260 S +25 17 261 U +25 17 262 H +25 17 263 E +25 17 264 K +25 17 265 K +25 17 266 U +25 17 267 U +25 17 268 K +25 17 269 A +25 17 270 S +25 17 271 K +25 17 272 H +25 17 273 A +25 17 274 H +25 17 275 S +25 17 276 U +25 17 277 K +25 17 278 S +25 17 279 K +25 17 280 S +25 17 281 K +25 17 282 K +25 17 283 E +25 17 284 K +25 17 285 A +25 17 286 H +25 17 287 S +25 17 288 U +25 17 289 K +25 17 290 H +25 17 291 K +25 17 292 A +25 17 293 K +25 17 294 K +25 17 295 S +25 17 296 K +25 17 297 S +25 17 298 U +25 17 299 K +25 17 300 E +25 17 301 K +25 17 302 H +25 17 303 K +25 17 304 S +25 17 305 K +25 17 306 K +25 17 307 K +25 17 308 K +25 17 309 E +25 17 310 K +25 17 311 K +25 17 312 E +25 17 313 K +25 17 314 H +25 17 315 K +25 17 316 K +25 17 317 U +25 17 318 S +25 17 319 H +25 17 320 S +25 17 321 U +25 17 322 K +25 17 323 K +25 17 324 H +25 17 325 K +25 17 326 S +25 17 327 K +25 17 328 K +25 17 329 S +25 17 330 K +25 18 1 K +25 18 2 H +25 18 3 U +25 18 4 K +25 18 5 K +25 18 6 S +25 18 7 K +25 18 8 U +25 18 9 E +25 18 10 K +25 18 11 K +25 18 12 S +25 18 13 K +25 18 14 K +25 18 15 A +25 18 16 H +25 18 17 U +25 18 18 R +25 18 19 K +25 18 20 K +25 18 21 U +25 18 22 S +25 18 23 A +25 18 24 E +25 18 25 K +25 18 26 K +25 18 27 H +25 18 28 U +25 18 29 K +25 18 30 S +25 18 31 K +25 18 32 A +25 18 33 K +25 18 34 K +25 18 35 A +25 18 36 K +25 18 37 K +25 18 38 U +25 18 39 K +25 18 40 K +25 18 41 U +25 18 42 S +25 18 43 K +25 18 44 H +25 18 45 K +25 18 46 E +25 18 47 K +25 18 48 S +25 18 49 K +25 18 50 K +25 18 51 E +25 18 52 H +25 18 53 U +25 18 54 K +25 18 55 K +25 18 56 A +25 18 57 K +25 18 58 S +25 18 59 H +25 18 60 K +25 18 61 U +25 18 62 K +25 18 63 A +25 18 64 K +25 18 65 U +25 18 66 H +25 18 67 K +25 18 68 A +25 18 69 E +25 18 70 H +25 18 71 U +25 18 72 K +25 18 73 K +25 18 74 K +25 18 75 R +25 18 76 S +25 18 77 K +25 18 78 A +25 18 79 R +25 18 80 K +25 18 81 S +25 18 82 K +25 18 83 H +25 18 84 A +25 18 85 K +25 18 86 A +25 18 87 R +25 18 88 A +25 18 89 R +25 18 90 K +25 18 91 S +25 18 92 H +25 18 93 K +25 18 94 E +25 18 95 H +25 18 96 S +25 18 97 K +25 18 98 U +25 18 99 A +25 18 100 K +25 18 101 A +25 18 102 K +25 18 103 E +25 18 104 K +25 18 105 A +25 18 106 S +25 18 107 H +25 18 108 K +25 18 109 K +25 18 110 S +25 18 111 E +25 18 112 U +25 18 113 R +25 18 114 K +25 18 115 U +25 18 116 K +25 18 117 E +25 18 118 A +25 18 119 K +25 18 120 H +25 18 121 U +25 18 122 K +25 18 123 K +25 18 124 S +25 18 125 U +25 18 126 A +25 18 127 K +25 18 128 S +25 18 129 H +25 18 130 E +25 18 131 K +25 18 132 U +25 18 133 K +25 18 134 E +25 18 135 A +25 18 136 K +25 18 137 K +25 18 138 K +25 18 139 H +25 18 140 K +25 18 141 H +25 18 142 K +25 18 143 S +25 18 144 K +25 18 145 K +25 18 146 S +25 18 147 K +25 18 148 U +25 18 149 K +25 18 150 K +25 18 151 A +25 18 152 A +25 18 153 K +25 18 154 E +25 18 155 E +25 18 156 K +25 18 157 E +25 18 158 H +25 18 159 S +25 18 160 A +25 18 161 K +25 18 162 U +25 18 163 K +25 18 164 K +25 18 165 K +25 18 166 K +25 18 167 K +25 18 168 K +25 18 169 K +25 18 170 K +25 18 171 K +25 18 172 H +25 18 173 A +25 18 174 S +25 18 175 K +25 18 176 U +25 18 177 S +25 18 178 K +25 18 179 U +25 18 180 K +25 18 181 S +25 18 182 U +25 18 183 S +25 18 184 K +25 18 185 S +25 18 186 K +25 18 187 S +25 18 188 K +25 18 189 K +25 18 190 A +25 18 191 K +25 18 192 K +25 18 193 S +25 18 194 U +25 18 195 K +25 18 196 K +25 18 197 K +25 18 198 R +25 18 199 K +25 18 200 K +25 18 201 A +25 18 202 K +25 18 203 A +25 18 204 E +25 18 205 K +25 18 206 H +25 18 207 A +25 18 208 S +25 18 209 K +25 18 210 U +25 18 211 K +25 18 212 S +25 18 213 K +25 18 214 S +25 18 215 A +25 18 216 E +25 18 217 A +25 18 218 S +25 18 219 K +25 18 220 K +25 18 221 K +25 18 222 K +25 18 223 K +25 18 224 H +25 18 225 S +25 18 226 K +25 18 227 R +25 18 228 K +25 18 229 K +25 18 230 H +25 18 231 A +25 18 232 S +25 18 233 K +25 18 234 K +25 18 235 K +25 18 236 S +25 18 237 A +25 18 238 K +25 18 239 A +25 18 240 U +25 18 241 H +25 18 242 S +25 18 243 A +25 18 244 K +25 18 245 U +25 18 246 K +25 18 247 K +25 18 248 K +25 18 249 K +25 18 250 K +25 18 251 K +25 18 252 H +25 18 253 K +25 18 254 K +25 18 255 E +25 18 256 A +25 18 257 K +25 18 258 S +25 18 259 U +25 18 260 S +25 18 261 S +25 18 262 H +25 18 263 E +25 18 264 K +25 18 265 K +25 18 266 U +25 18 267 A +25 18 268 K +25 18 269 A +25 18 270 S +25 18 271 K +25 18 272 K +25 18 273 A +25 18 274 H +25 18 275 S +25 18 276 U +25 18 277 K +25 18 278 A +25 18 279 K +25 18 280 K +25 18 281 K +25 18 282 K +25 18 283 U +25 18 284 K +25 18 285 A +25 18 286 H +25 18 287 S +25 18 288 U +25 18 289 K +25 18 290 H +25 18 291 K +25 18 292 A +25 18 293 K +25 18 294 H +25 18 295 S +25 18 296 K +25 18 297 S +25 18 298 U +25 18 299 K +25 18 300 E +25 18 301 K +25 18 302 H +25 18 303 K +25 18 304 S +25 18 305 A +25 18 306 K +25 18 307 K +25 18 308 K +25 18 309 K +25 18 310 K +25 18 311 K +25 18 312 R +25 18 313 K +25 18 314 H +25 18 315 K +25 18 316 K +25 18 317 A +25 18 318 K +25 18 319 H +25 18 320 S +25 18 321 U +25 18 322 K +25 18 323 K +25 18 324 H +25 18 325 A +25 18 326 S +25 18 327 K +25 18 328 K +25 18 329 S +25 18 330 K +25 19 1 K +25 19 2 K +25 19 3 U +25 19 4 K +25 19 5 K +25 19 6 S +25 19 7 K +25 19 8 A +25 19 9 S +25 19 10 K +25 19 11 K +25 19 12 S +25 19 13 K +25 19 14 K +25 19 15 A +25 19 16 E +25 19 17 U +25 19 18 R +25 19 19 K +25 19 20 K +25 19 21 A +25 19 22 S +25 19 23 K +25 19 24 E +25 19 25 K +25 19 26 K +25 19 27 H +25 19 28 A +25 19 29 K +25 19 30 S +25 19 31 K +25 19 32 A +25 19 33 K +25 19 34 K +25 19 35 U +25 19 36 K +25 19 37 K +25 19 38 A +25 19 39 K +25 19 40 K +25 19 41 U +25 19 42 S +25 19 43 K +25 19 44 H +25 19 45 K +25 19 46 E +25 19 47 K +25 19 48 S +25 19 49 K +25 19 50 K +25 19 51 E +25 19 52 K +25 19 53 A +25 19 54 K +25 19 55 K +25 19 56 S +25 19 57 K +25 19 58 S +25 19 59 K +25 19 60 K +25 19 61 U +25 19 62 K +25 19 63 S +25 19 64 K +25 19 65 U +25 19 66 E +25 19 67 K +25 19 68 K +25 19 69 E +25 19 70 K +25 19 71 K +25 19 72 K +25 19 73 K +25 19 74 K +25 19 75 E +25 19 76 S +25 19 77 K +25 19 78 A +25 19 79 R +25 19 80 K +25 19 81 K +25 19 82 K +25 19 83 S +25 19 84 S +25 19 85 K +25 19 86 A +25 19 87 R +25 19 88 A +25 19 89 R +25 19 90 K +25 19 91 S +25 19 92 E +25 19 93 K +25 19 94 R +25 19 95 K +25 19 96 S +25 19 97 K +25 19 98 A +25 19 99 K +25 19 100 K +25 19 101 A +25 19 102 K +25 19 103 E +25 19 104 K +25 19 105 K +25 19 106 S +25 19 107 E +25 19 108 K +25 19 109 K +25 19 110 S +25 19 111 E +25 19 112 A +25 19 113 R +25 19 114 K +25 19 115 A +25 19 116 K +25 19 117 E +25 19 118 A +25 19 119 K +25 19 120 H +25 19 121 S +25 19 122 K +25 19 123 K +25 19 124 S +25 19 125 S +25 19 126 A +25 19 127 E +25 19 128 S +25 19 129 H +25 19 130 E +25 19 131 K +25 19 132 U +25 19 133 K +25 19 134 E +25 19 135 A +25 19 136 K +25 19 137 K +25 19 138 K +25 19 139 E +25 19 140 K +25 19 141 H +25 19 142 K +25 19 143 K +25 19 144 K +25 19 145 K +25 19 146 S +25 19 147 K +25 19 148 U +25 19 149 K +25 19 150 K +25 19 151 S +25 19 152 K +25 19 153 K +25 19 154 E +25 19 155 E +25 19 156 K +25 19 157 E +25 19 158 H +25 19 159 S +25 19 160 A +25 19 161 K +25 19 162 A +25 19 163 K +25 19 164 K +25 19 165 E +25 19 166 K +25 19 167 K +25 19 168 K +25 19 169 K +25 19 170 K +25 19 171 K +25 19 172 K +25 19 173 A +25 19 174 S +25 19 175 K +25 19 176 U +25 19 177 S +25 19 178 K +25 19 179 E +25 19 180 K +25 19 181 S +25 19 182 K +25 19 183 E +25 19 184 K +25 19 185 S +25 19 186 K +25 19 187 S +25 19 188 K +25 19 189 K +25 19 190 A +25 19 191 K +25 19 192 K +25 19 193 S +25 19 194 E +25 19 195 K +25 19 196 K +25 19 197 K +25 19 198 E +25 19 199 H +25 19 200 K +25 19 201 A +25 19 202 K +25 19 203 A +25 19 204 E +25 19 205 K +25 19 206 H +25 19 207 A +25 19 208 S +25 19 209 K +25 19 210 E +25 19 211 K +25 19 212 S +25 19 213 K +25 19 214 S +25 19 215 A +25 19 216 E +25 19 217 A +25 19 218 S +25 19 219 K +25 19 220 K +25 19 221 H +25 19 222 K +25 19 223 K +25 19 224 H +25 19 225 E +25 19 226 K +25 19 227 E +25 19 228 K +25 19 229 K +25 19 230 H +25 19 231 K +25 19 232 E +25 19 233 K +25 19 234 K +25 19 235 K +25 19 236 S +25 19 237 S +25 19 238 K +25 19 239 A +25 19 240 E +25 19 241 H +25 19 242 S +25 19 243 K +25 19 244 K +25 19 245 U +25 19 246 K +25 19 247 K +25 19 248 K +25 19 249 K +25 19 250 K +25 19 251 K +25 19 252 H +25 19 253 K +25 19 254 K +25 19 255 E +25 19 256 A +25 19 257 K +25 19 258 S +25 19 259 U +25 19 260 S +25 19 261 S +25 19 262 H +25 19 263 E +25 19 264 K +25 19 265 K +25 19 266 U +25 19 267 K +25 19 268 K +25 19 269 A +25 19 270 S +25 19 271 K +25 19 272 H +25 19 273 A +25 19 274 H +25 19 275 S +25 19 276 A +25 19 277 K +25 19 278 S +25 19 279 K +25 19 280 K +25 19 281 K +25 19 282 K +25 19 283 E +25 19 284 H +25 19 285 A +25 19 286 H +25 19 287 E +25 19 288 U +25 19 289 K +25 19 290 H +25 19 291 K +25 19 292 A +25 19 293 K +25 19 294 K +25 19 295 E +25 19 296 K +25 19 297 S +25 19 298 U +25 19 299 K +25 19 300 E +25 19 301 K +25 19 302 H +25 19 303 K +25 19 304 E +25 19 305 K +25 19 306 K +25 19 307 K +25 19 308 K +25 19 309 E +25 19 310 K +25 19 311 K +25 19 312 R +25 19 313 K +25 19 314 H +25 19 315 K +25 19 316 K +25 19 317 A +25 19 318 S +25 19 319 H +25 19 320 E +25 19 321 U +25 19 322 K +25 19 323 K +25 19 324 H +25 19 325 K +25 19 326 S +25 19 327 K +25 19 328 K +25 19 329 S +25 19 330 K +25 20 1 K +25 20 2 K +25 20 3 U +25 20 4 K +25 20 5 K +25 20 6 A +25 20 7 K +25 20 8 U +25 20 9 S +25 20 10 K +25 20 11 K +25 20 12 S +25 20 13 K +25 20 14 K +25 20 15 A +25 20 16 H +25 20 17 U +25 20 18 R +25 20 19 K +25 20 20 K +25 20 21 A +25 20 22 S +25 20 23 K +25 20 24 R +25 20 25 K +25 20 26 K +25 20 27 H +25 20 28 A +25 20 29 K +25 20 30 U +25 20 31 K +25 20 32 A +25 20 33 K +25 20 34 K +25 20 35 A +25 20 36 K +25 20 37 K +25 20 38 A +25 20 39 K +25 20 40 K +25 20 41 U +25 20 42 S +25 20 43 K +25 20 44 A +25 20 45 K +25 20 46 E +25 20 47 K +25 20 48 S +25 20 49 K +25 20 50 K +25 20 51 E +25 20 52 H +25 20 53 A +25 20 54 K +25 20 55 K +25 20 56 A +25 20 57 K +25 20 58 S +25 20 59 A +25 20 60 K +25 20 61 U +25 20 62 K +25 20 63 A +25 20 64 K +25 20 65 A +25 20 66 H +25 20 67 K +25 20 68 A +25 20 69 E +25 20 70 K +25 20 71 U +25 20 72 K +25 20 73 K +25 20 74 K +25 20 75 K +25 20 76 U +25 20 77 K +25 20 78 A +25 20 79 E +25 20 80 K +25 20 81 S +25 20 82 K +25 20 83 S +25 20 84 A +25 20 85 K +25 20 86 A +25 20 87 R +25 20 88 A +25 20 89 R +25 20 90 K +25 20 91 S +25 20 92 H +25 20 93 K +25 20 94 E +25 20 95 K +25 20 96 S +25 20 97 K +25 20 98 U +25 20 99 A +25 20 100 K +25 20 101 A +25 20 102 K +25 20 103 E +25 20 104 K +25 20 105 A +25 20 106 S +25 20 107 H +25 20 108 K +25 20 109 K +25 20 110 S +25 20 111 E +25 20 112 A +25 20 113 R +25 20 114 K +25 20 115 U +25 20 116 K +25 20 117 E +25 20 118 A +25 20 119 K +25 20 120 H +25 20 121 U +25 20 122 K +25 20 123 K +25 20 124 S +25 20 125 U +25 20 126 A +25 20 127 K +25 20 128 S +25 20 129 A +25 20 130 E +25 20 131 K +25 20 132 U +25 20 133 K +25 20 134 E +25 20 135 A +25 20 136 K +25 20 137 K +25 20 138 K +25 20 139 H +25 20 140 K +25 20 141 H +25 20 142 K +25 20 143 S +25 20 144 K +25 20 145 K +25 20 146 S +25 20 147 K +25 20 148 U +25 20 149 K +25 20 150 K +25 20 151 A +25 20 152 A +25 20 153 K +25 20 154 E +25 20 155 E +25 20 156 K +25 20 157 E +25 20 158 H +25 20 159 S +25 20 160 A +25 20 161 K +25 20 162 U +25 20 163 K +25 20 164 K +25 20 165 S +25 20 166 K +25 20 167 A +25 20 168 K +25 20 169 K +25 20 170 K +25 20 171 E +25 20 172 H +25 20 173 A +25 20 174 S +25 20 175 K +25 20 176 U +25 20 177 S +25 20 178 K +25 20 179 U +25 20 180 K +25 20 181 S +25 20 182 A +25 20 183 S +25 20 184 K +25 20 185 S +25 20 186 K +25 20 187 S +25 20 188 K +25 20 189 K +25 20 190 A +25 20 191 K +25 20 192 K +25 20 193 S +25 20 194 U +25 20 195 K +25 20 196 K +25 20 197 A +25 20 198 E +25 20 199 H +25 20 200 K +25 20 201 A +25 20 202 K +25 20 203 A +25 20 204 E +25 20 205 K +25 20 206 H +25 20 207 A +25 20 208 K +25 20 209 K +25 20 210 U +25 20 211 K +25 20 212 S +25 20 213 K +25 20 214 S +25 20 215 A +25 20 216 E +25 20 217 A +25 20 218 S +25 20 219 H +25 20 220 K +25 20 221 K +25 20 222 K +25 20 223 K +25 20 224 H +25 20 225 S +25 20 226 K +25 20 227 E +25 20 228 K +25 20 229 K +25 20 230 A +25 20 231 A +25 20 232 S +25 20 233 K +25 20 234 K +25 20 235 K +25 20 236 S +25 20 237 A +25 20 238 K +25 20 239 A +25 20 240 U +25 20 241 H +25 20 242 S +25 20 243 U +25 20 244 K +25 20 245 U +25 20 246 K +25 20 247 K +25 20 248 E +25 20 249 K +25 20 250 K +25 20 251 K +25 20 252 H +25 20 253 K +25 20 254 K +25 20 255 E +25 20 256 A +25 20 257 K +25 20 258 S +25 20 259 U +25 20 260 S +25 20 261 S +25 20 262 H +25 20 263 E +25 20 264 K +25 20 265 K +25 20 266 U +25 20 267 U +25 20 268 K +25 20 269 A +25 20 270 S +25 20 271 K +25 20 272 H +25 20 273 A +25 20 274 H +25 20 275 S +25 20 276 A +25 20 277 K +25 20 278 S +25 20 279 K +25 20 280 S +25 20 281 K +25 20 282 K +25 20 283 U +25 20 284 K +25 20 285 A +25 20 286 H +25 20 287 S +25 20 288 U +25 20 289 K +25 20 290 H +25 20 291 K +25 20 292 A +25 20 293 K +25 20 294 K +25 20 295 S +25 20 296 K +25 20 297 S +25 20 298 U +25 20 299 K +25 20 300 E +25 20 301 K +25 20 302 A +25 20 303 K +25 20 304 S +25 20 305 A +25 20 306 K +25 20 307 K +25 20 308 K +25 20 309 E +25 20 310 K +25 20 311 K +25 20 312 R +25 20 313 K +25 20 314 H +25 20 315 K +25 20 316 K +25 20 317 A +25 20 318 S +25 20 319 H +25 20 320 S +25 20 321 U +25 20 322 K +25 20 323 K +25 20 324 A +25 20 325 A +25 20 326 S +25 20 327 H +25 20 328 K +25 20 329 S +25 20 330 K +25 21 1 K +25 21 2 K +25 21 3 U +25 21 4 K +25 21 5 K +25 21 6 S +25 21 7 K +25 21 8 A +25 21 9 S +25 21 10 K +25 21 11 K +25 21 12 S +25 21 13 K +25 21 14 K +25 21 15 A +25 21 16 H +25 21 17 U +25 21 18 E +25 21 19 K +25 21 20 K +25 21 21 A +25 21 22 S +25 21 23 A +25 21 24 E +25 21 25 K +25 21 26 K +25 21 27 H +25 21 28 A +25 21 29 K +25 21 30 S +25 21 31 K +25 21 32 A +25 21 33 K +25 21 34 K +25 21 35 A +25 21 36 K +25 21 37 K +25 21 38 A +25 21 39 K +25 21 40 K +25 21 41 U +25 21 42 S +25 21 43 K +25 21 44 H +25 21 45 K +25 21 46 E +25 21 47 K +25 21 48 S +25 21 49 K +25 21 50 K +25 21 51 E +25 21 52 H +25 21 53 U +25 21 54 K +25 21 55 K +25 21 56 A +25 21 57 K +25 21 58 S +25 21 59 K +25 21 60 U +25 21 61 A +25 21 62 A +25 21 63 A +25 21 64 K +25 21 65 U +25 21 66 H +25 21 67 K +25 21 68 A +25 21 69 E +25 21 70 H +25 21 71 K +25 21 72 U +25 21 73 K +25 21 74 K +25 21 75 K +25 21 76 U +25 21 77 K +25 21 78 A +25 21 79 E +25 21 80 K +25 21 81 K +25 21 82 K +25 21 83 H +25 21 84 A +25 21 85 K +25 21 86 A +25 21 87 E +25 21 88 A +25 21 89 R +25 21 90 K +25 21 91 S +25 21 92 H +25 21 93 K +25 21 94 E +25 21 95 K +25 21 96 S +25 21 97 K +25 21 98 U +25 21 99 A +25 21 100 K +25 21 101 A +25 21 102 K +25 21 103 E +25 21 104 K +25 21 105 A +25 21 106 S +25 21 107 H +25 21 108 K +25 21 109 K +25 21 110 S +25 21 111 E +25 21 112 U +25 21 113 E +25 21 114 K +25 21 115 K +25 21 116 K +25 21 117 E +25 21 118 A +25 21 119 K +25 21 120 H +25 21 121 U +25 21 122 K +25 21 123 K +25 21 124 S +25 21 125 U +25 21 126 A +25 21 127 K +25 21 128 S +25 21 129 H +25 21 130 E +25 21 131 A +25 21 132 U +25 21 133 K +25 21 134 E +25 21 135 A +25 21 136 K +25 21 137 K +25 21 138 K +25 21 139 A +25 21 140 K +25 21 141 H +25 21 142 H +25 21 143 K +25 21 144 K +25 21 145 K +25 21 146 S +25 21 147 K +25 21 148 U +25 21 149 K +25 21 150 K +25 21 151 A +25 21 152 A +25 21 153 K +25 21 154 E +25 21 155 E +25 21 156 K +25 21 157 E +25 21 158 H +25 21 159 S +25 21 160 A +25 21 161 K +25 21 162 U +25 21 163 K +25 21 164 K +25 21 165 K +25 21 166 K +25 21 167 A +25 21 168 K +25 21 169 K +25 21 170 K +25 21 171 K +25 21 172 H +25 21 173 A +25 21 174 S +25 21 175 K +25 21 176 U +25 21 177 S +25 21 178 K +25 21 179 U +25 21 180 K +25 21 181 S +25 21 182 U +25 21 183 E +25 21 184 K +25 21 185 S +25 21 186 K +25 21 187 S +25 21 188 K +25 21 189 K +25 21 190 A +25 21 191 K +25 21 192 A +25 21 193 S +25 21 194 U +25 21 195 K +25 21 196 K +25 21 197 A +25 21 198 E +25 21 199 H +25 21 200 K +25 21 201 A +25 21 202 K +25 21 203 A +25 21 204 E +25 21 205 K +25 21 206 H +25 21 207 A +25 21 208 S +25 21 209 K +25 21 210 U +25 21 211 K +25 21 212 S +25 21 213 A +25 21 214 S +25 21 215 A +25 21 216 K +25 21 217 A +25 21 218 S +25 21 219 H +25 21 220 K +25 21 221 H +25 21 222 K +25 21 223 K +25 21 224 H +25 21 225 S +25 21 226 K +25 21 227 E +25 21 228 K +25 21 229 K +25 21 230 H +25 21 231 A +25 21 232 E +25 21 233 K +25 21 234 K +25 21 235 K +25 21 236 S +25 21 237 A +25 21 238 K +25 21 239 A +25 21 240 U +25 21 241 H +25 21 242 S +25 21 243 U +25 21 244 K +25 21 245 U +25 21 246 K +25 21 247 K +25 21 248 K +25 21 249 K +25 21 250 K +25 21 251 K +25 21 252 H +25 21 253 K +25 21 254 K +25 21 255 E +25 21 256 A +25 21 257 K +25 21 258 S +25 21 259 U +25 21 260 S +25 21 261 S +25 21 262 H +25 21 263 E +25 21 264 K +25 21 265 K +25 21 266 U +25 21 267 K +25 21 268 K +25 21 269 A +25 21 270 S +25 21 271 K +25 21 272 H +25 21 273 A +25 21 274 H +25 21 275 S +25 21 276 U +25 21 277 K +25 21 278 U +25 21 279 K +25 21 280 K +25 21 281 K +25 21 282 K +25 21 283 E +25 21 284 K +25 21 285 A +25 21 286 H +25 21 287 S +25 21 288 U +25 21 289 K +25 21 290 H +25 21 291 K +25 21 292 A +25 21 293 K +25 21 294 K +25 21 295 S +25 21 296 A +25 21 297 S +25 21 298 U +25 21 299 K +25 21 300 E +25 21 301 K +25 21 302 A +25 21 303 K +25 21 304 K +25 21 305 A +25 21 306 K +25 21 307 K +25 21 308 A +25 21 309 E +25 21 310 K +25 21 311 K +25 21 312 R +25 21 313 K +25 21 314 H +25 21 315 K +25 21 316 K +25 21 317 A +25 21 318 S +25 21 319 H +25 21 320 S +25 21 321 U +25 21 322 K +25 21 323 K +25 21 324 H +25 21 325 A +25 21 326 S +25 21 327 K +25 21 328 K +25 21 329 S +25 21 330 K +25 22 1 K +25 22 2 K +25 22 3 U +25 22 4 K +25 22 5 K +25 22 6 S +25 22 7 K +25 22 8 U +25 22 9 S +25 22 10 K +25 22 11 K +25 22 12 S +25 22 13 K +25 22 14 K +25 22 15 A +25 22 16 H +25 22 17 U +25 22 18 R +25 22 19 K +25 22 20 K +25 22 21 A +25 22 22 S +25 22 23 K +25 22 24 E +25 22 25 K +25 22 26 K +25 22 27 H +25 22 28 A +25 22 29 K +25 22 30 S +25 22 31 K +25 22 32 A +25 22 33 K +25 22 34 K +25 22 35 A +25 22 36 K +25 22 37 K +25 22 38 A +25 22 39 K +25 22 40 K +25 22 41 U +25 22 42 S +25 22 43 K +25 22 44 H +25 22 45 K +25 22 46 E +25 22 47 K +25 22 48 S +25 22 49 K +25 22 50 K +25 22 51 E +25 22 52 H +25 22 53 A +25 22 54 K +25 22 55 K +25 22 56 A +25 22 57 K +25 22 58 S +25 22 59 A +25 22 60 K +25 22 61 U +25 22 62 K +25 22 63 A +25 22 64 K +25 22 65 A +25 22 66 H +25 22 67 K +25 22 68 A +25 22 69 K +25 22 70 H +25 22 71 A +25 22 72 K +25 22 73 K +25 22 74 K +25 22 75 K +25 22 76 U +25 22 77 K +25 22 78 A +25 22 79 E +25 22 80 K +25 22 81 K +25 22 82 K +25 22 83 S +25 22 84 A +25 22 85 K +25 22 86 A +25 22 87 E +25 22 88 A +25 22 89 R +25 22 90 K +25 22 91 S +25 22 92 H +25 22 93 K +25 22 94 E +25 22 95 K +25 22 96 S +25 22 97 K +25 22 98 U +25 22 99 A +25 22 100 K +25 22 101 A +25 22 102 K +25 22 103 S +25 22 104 K +25 22 105 A +25 22 106 S +25 22 107 H +25 22 108 K +25 22 109 K +25 22 110 S +25 22 111 K +25 22 112 A +25 22 113 R +25 22 114 K +25 22 115 U +25 22 116 K +25 22 117 E +25 22 118 A +25 22 119 K +25 22 120 H +25 22 121 U +25 22 122 K +25 22 123 K +25 22 124 S +25 22 125 U +25 22 126 A +25 22 127 K +25 22 128 S +25 22 129 H +25 22 130 E +25 22 131 K +25 22 132 U +25 22 133 K +25 22 134 E +25 22 135 A +25 22 136 K +25 22 137 K +25 22 138 K +25 22 139 H +25 22 140 K +25 22 141 H +25 22 142 E +25 22 143 K +25 22 144 K +25 22 145 K +25 22 146 S +25 22 147 K +25 22 148 U +25 22 149 K +25 22 150 K +25 22 151 A +25 22 152 A +25 22 153 K +25 22 154 R +25 22 155 E +25 22 156 K +25 22 157 E +25 22 158 H +25 22 159 S +25 22 160 A +25 22 161 K +25 22 162 U +25 22 163 K +25 22 164 K +25 22 165 S +25 22 166 K +25 22 167 A +25 22 168 K +25 22 169 K +25 22 170 K +25 22 171 K +25 22 172 H +25 22 173 A +25 22 174 S +25 22 175 K +25 22 176 U +25 22 177 S +25 22 178 K +25 22 179 U +25 22 180 K +25 22 181 S +25 22 182 A +25 22 183 S +25 22 184 A +25 22 185 S +25 22 186 K +25 22 187 S +25 22 188 K +25 22 189 K +25 22 190 A +25 22 191 K +25 22 192 K +25 22 193 S +25 22 194 U +25 22 195 K +25 22 196 K +25 22 197 A +25 22 198 R +25 22 199 K +25 22 200 K +25 22 201 A +25 22 202 K +25 22 203 A +25 22 204 E +25 22 205 K +25 22 206 H +25 22 207 A +25 22 208 S +25 22 209 K +25 22 210 U +25 22 211 K +25 22 212 S +25 22 213 K +25 22 214 S +25 22 215 A +25 22 216 K +25 22 217 A +25 22 218 S +25 22 219 K +25 22 220 K +25 22 221 K +25 22 222 K +25 22 223 K +25 22 224 H +25 22 225 S +25 22 226 K +25 22 227 R +25 22 228 K +25 22 229 K +25 22 230 H +25 22 231 A +25 22 232 S +25 22 233 K +25 22 234 K +25 22 235 K +25 22 236 S +25 22 237 A +25 22 238 K +25 22 239 A +25 22 240 U +25 22 241 H +25 22 242 S +25 22 243 U +25 22 244 K +25 22 245 K +25 22 246 U +25 22 247 K +25 22 248 K +25 22 249 K +25 22 250 K +25 22 251 K +25 22 252 H +25 22 253 K +25 22 254 K +25 22 255 E +25 22 256 A +25 22 257 K +25 22 258 S +25 22 259 U +25 22 260 S +25 22 261 S +25 22 262 H +25 22 263 E +25 22 264 K +25 22 265 K +25 22 266 U +25 22 267 A +25 22 268 K +25 22 269 A +25 22 270 S +25 22 271 K +25 22 272 K +25 22 273 A +25 22 274 H +25 22 275 S +25 22 276 A +25 22 277 K +25 22 278 U +25 22 279 K +25 22 280 S +25 22 281 K +25 22 282 K +25 22 283 U +25 22 284 K +25 22 285 A +25 22 286 H +25 22 287 S +25 22 288 U +25 22 289 K +25 22 290 H +25 22 291 K +25 22 292 A +25 22 293 K +25 22 294 K +25 22 295 S +25 22 296 K +25 22 297 S +25 22 298 U +25 22 299 K +25 22 300 H +25 22 301 K +25 22 302 H +25 22 303 K +25 22 304 S +25 22 305 A +25 22 306 K +25 22 307 K +25 22 308 K +25 22 309 S +25 22 310 K +25 22 311 K +25 22 312 R +25 22 313 K +25 22 314 H +25 22 315 K +25 22 316 K +25 22 317 A +25 22 318 S +25 22 319 H +25 22 320 S +25 22 321 U +25 22 322 K +25 22 323 K +25 22 324 H +25 22 325 A +25 22 326 S +25 22 327 K +25 22 328 K +25 22 329 S +25 22 330 K +25 23 1 K +25 23 2 K +25 23 3 U +25 23 4 A +25 23 5 K +25 23 6 S +25 23 7 K +25 23 8 A +25 23 9 S +25 23 10 K +25 23 11 K +25 23 12 S +25 23 13 K +25 23 14 K +25 23 15 A +25 23 16 H +25 23 17 U +25 23 18 E +25 23 19 K +25 23 20 K +25 23 21 A +25 23 22 S +25 23 23 A +25 23 24 E +25 23 25 K +25 23 26 K +25 23 27 H +25 23 28 A +25 23 29 K +25 23 30 S +25 23 31 K +25 23 32 A +25 23 33 K +25 23 34 K +25 23 35 A +25 23 36 K +25 23 37 K +25 23 38 A +25 23 39 K +25 23 40 K +25 23 41 U +25 23 42 K +25 23 43 K +25 23 44 H +25 23 45 K +25 23 46 E +25 23 47 K +25 23 48 S +25 23 49 K +25 23 50 A +25 23 51 S +25 23 52 H +25 23 53 A +25 23 54 K +25 23 55 K +25 23 56 A +25 23 57 K +25 23 58 S +25 23 59 A +25 23 60 K +25 23 61 U +25 23 62 K +25 23 63 A +25 23 64 K +25 23 65 U +25 23 66 H +25 23 67 K +25 23 68 A +25 23 69 S +25 23 70 K +25 23 71 A +25 23 72 K +25 23 73 A +25 23 74 K +25 23 75 K +25 23 76 S +25 23 77 K +25 23 78 A +25 23 79 E +25 23 80 K +25 23 81 S +25 23 82 K +25 23 83 H +25 23 84 A +25 23 85 K +25 23 86 A +25 23 87 R +25 23 88 A +25 23 89 R +25 23 90 K +25 23 91 S +25 23 92 H +25 23 93 K +25 23 94 E +25 23 95 H +25 23 96 S +25 23 97 K +25 23 98 U +25 23 99 A +25 23 100 K +25 23 101 A +25 23 102 K +25 23 103 S +25 23 104 K +25 23 105 A +25 23 106 S +25 23 107 H +25 23 108 K +25 23 109 K +25 23 110 S +25 23 111 K +25 23 112 U +25 23 113 R +25 23 114 K +25 23 115 U +25 23 116 K +25 23 117 E +25 23 118 A +25 23 119 K +25 23 120 H +25 23 121 S +25 23 122 K +25 23 123 K +25 23 124 S +25 23 125 S +25 23 126 A +25 23 127 K +25 23 128 S +25 23 129 S +25 23 130 E +25 23 131 A +25 23 132 U +25 23 133 K +25 23 134 E +25 23 135 A +25 23 136 K +25 23 137 K +25 23 138 K +25 23 139 H +25 23 140 K +25 23 141 S +25 23 142 K +25 23 143 K +25 23 144 K +25 23 145 K +25 23 146 S +25 23 147 K +25 23 148 U +25 23 149 K +25 23 150 K +25 23 151 S +25 23 152 A +25 23 153 K +25 23 154 E +25 23 155 E +25 23 156 K +25 23 157 E +25 23 158 H +25 23 159 S +25 23 160 A +25 23 161 K +25 23 162 A +25 23 163 K +25 23 164 K +25 23 165 K +25 23 166 K +25 23 167 A +25 23 168 K +25 23 169 K +25 23 170 K +25 23 171 K +25 23 172 H +25 23 173 U +25 23 174 S +25 23 175 K +25 23 176 U +25 23 177 S +25 23 178 K +25 23 179 U +25 23 180 K +25 23 181 S +25 23 182 A +25 23 183 E +25 23 184 A +25 23 185 S +25 23 186 K +25 23 187 S +25 23 188 K +25 23 189 K +25 23 190 A +25 23 191 K +25 23 192 A +25 23 193 S +25 23 194 U +25 23 195 K +25 23 196 K +25 23 197 A +25 23 198 R +25 23 199 K +25 23 200 K +25 23 201 S +25 23 202 K +25 23 203 A +25 23 204 R +25 23 205 K +25 23 206 K +25 23 207 A +25 23 208 S +25 23 209 K +25 23 210 U +25 23 211 K +25 23 212 S +25 23 213 K +25 23 214 K +25 23 215 A +25 23 216 E +25 23 217 S +25 23 218 K +25 23 219 K +25 23 220 K +25 23 221 K +25 23 222 A +25 23 223 K +25 23 224 S +25 23 225 E +25 23 226 K +25 23 227 R +25 23 228 K +25 23 229 K +25 23 230 S +25 23 231 A +25 23 232 E +25 23 233 K +25 23 234 K +25 23 235 K +25 23 236 K +25 23 237 S +25 23 238 K +25 23 239 A +25 23 240 U +25 23 241 H +25 23 242 S +25 23 243 A +25 23 244 K +25 23 245 U +25 23 246 K +25 23 247 K +25 23 248 K +25 23 249 K +25 23 250 K +25 23 251 K +25 23 252 S +25 23 253 K +25 23 254 K +25 23 255 E +25 23 256 A +25 23 257 K +25 23 258 S +25 23 259 U +25 23 260 S +25 23 261 S +25 23 262 H +25 23 263 E +25 23 264 K +25 23 265 K +25 23 266 U +25 23 267 A +25 23 268 K +25 23 269 A +25 23 270 S +25 23 271 K +25 23 272 K +25 23 273 A +25 23 274 H +25 23 275 S +25 23 276 A +25 23 277 K +25 23 278 S +25 23 279 K +25 23 280 K +25 23 281 K +25 23 282 K +25 23 283 E +25 23 284 K +25 23 285 A +25 23 286 H +25 23 287 S +25 23 288 U +25 23 289 K +25 23 290 S +25 23 291 K +25 23 292 A +25 23 293 K +25 23 294 K +25 23 295 S +25 23 296 K +25 23 297 S +25 23 298 U +25 23 299 K +25 23 300 K +25 23 301 K +25 23 302 H +25 23 303 K +25 23 304 K +25 23 305 A +25 23 306 K +25 23 307 K +25 23 308 A +25 23 309 E +25 23 310 K +25 23 311 K +25 23 312 R +25 23 313 K +25 23 314 H +25 23 315 K +25 23 316 K +25 23 317 A +25 23 318 S +25 23 319 H +25 23 320 K +25 23 321 U +25 23 322 K +25 23 323 K +25 23 324 H +25 23 325 A +25 23 326 S +25 23 327 K +25 23 328 K +25 23 329 S +25 23 330 K +25 24 1 K +25 24 2 K +25 24 3 U +25 24 4 A +25 24 5 K +25 24 6 A +25 24 7 K +25 24 8 U +25 24 9 E +25 24 10 K +25 24 11 K +25 24 12 S +25 24 13 K +25 24 14 K +25 24 15 A +25 24 16 H +25 24 17 U +25 24 18 R +25 24 19 K +25 24 20 K +25 24 21 A +25 24 22 S +25 24 23 K +25 24 24 R +25 24 25 K +25 24 26 K +25 24 27 H +25 24 28 A +25 24 29 K +25 24 30 S +25 24 31 K +25 24 32 A +25 24 33 K +25 24 34 K +25 24 35 A +25 24 36 K +25 24 37 K +25 24 38 A +25 24 39 K +25 24 40 K +25 24 41 U +25 24 42 S +25 24 43 K +25 24 44 H +25 24 45 K +25 24 46 E +25 24 47 K +25 24 48 S +25 24 49 K +25 24 50 K +25 24 51 E +25 24 52 H +25 24 53 U +25 24 54 K +25 24 55 K +25 24 56 A +25 24 57 K +25 24 58 S +25 24 59 A +25 24 60 K +25 24 61 U +25 24 62 K +25 24 63 A +25 24 64 K +25 24 65 A +25 24 66 H +25 24 67 K +25 24 68 A +25 24 69 E +25 24 70 H +25 24 71 A +25 24 72 K +25 24 73 K +25 24 74 H +25 24 75 E +25 24 76 S +25 24 77 K +25 24 78 A +25 24 79 E +25 24 80 K +25 24 81 S +25 24 82 K +25 24 83 S +25 24 84 A +25 24 85 K +25 24 86 A +25 24 87 E +25 24 88 A +25 24 89 R +25 24 90 K +25 24 91 S +25 24 92 H +25 24 93 K +25 24 94 E +25 24 95 H +25 24 96 S +25 24 97 K +25 24 98 U +25 24 99 H +25 24 100 K +25 24 101 A +25 24 102 K +25 24 103 E +25 24 104 K +25 24 105 A +25 24 106 S +25 24 107 H +25 24 108 K +25 24 109 K +25 24 110 S +25 24 111 E +25 24 112 A +25 24 113 E +25 24 114 K +25 24 115 A +25 24 116 K +25 24 117 R +25 24 118 A +25 24 119 K +25 24 120 H +25 24 121 S +25 24 122 K +25 24 123 K +25 24 124 S +25 24 125 S +25 24 126 A +25 24 127 E +25 24 128 S +25 24 129 H +25 24 130 E +25 24 131 A +25 24 132 U +25 24 133 K +25 24 134 E +25 24 135 A +25 24 136 K +25 24 137 K +25 24 138 K +25 24 139 E +25 24 140 K +25 24 141 H +25 24 142 E +25 24 143 S +25 24 144 K +25 24 145 K +25 24 146 S +25 24 147 K +25 24 148 U +25 24 149 S +25 24 150 A +25 24 151 A +25 24 152 A +25 24 153 K +25 24 154 E +25 24 155 E +25 24 156 K +25 24 157 S +25 24 158 H +25 24 159 S +25 24 160 A +25 24 161 K +25 24 162 U +25 24 163 K +25 24 164 K +25 24 165 E +25 24 166 K +25 24 167 A +25 24 168 K +25 24 169 K +25 24 170 E +25 24 171 E +25 24 172 H +25 24 173 A +25 24 174 S +25 24 175 K +25 24 176 A +25 24 177 S +25 24 178 K +25 24 179 U +25 24 180 K +25 24 181 S +25 24 182 A +25 24 183 E +25 24 184 A +25 24 185 S +25 24 186 K +25 24 187 S +25 24 188 K +25 24 189 K +25 24 190 A +25 24 191 K +25 24 192 A +25 24 193 S +25 24 194 A +25 24 195 K +25 24 196 K +25 24 197 A +25 24 198 E +25 24 199 H +25 24 200 K +25 24 201 A +25 24 202 K +25 24 203 U +25 24 204 R +25 24 205 K +25 24 206 H +25 24 207 A +25 24 208 S +25 24 209 K +25 24 210 A +25 24 211 K +25 24 212 S +25 24 213 K +25 24 214 S +25 24 215 A +25 24 216 E +25 24 217 A +25 24 218 S +25 24 219 H +25 24 220 K +25 24 221 H +25 24 222 A +25 24 223 K +25 24 224 H +25 24 225 S +25 24 226 K +25 24 227 R +25 24 228 K +25 24 229 K +25 24 230 A +25 24 231 A +25 24 232 S +25 24 233 K +25 24 234 K +25 24 235 K +25 24 236 S +25 24 237 A +25 24 238 K +25 24 239 A +25 24 240 S +25 24 241 H +25 24 242 S +25 24 243 A +25 24 244 H +25 24 245 U +25 24 246 K +25 24 247 K +25 24 248 E +25 24 249 K +25 24 250 A +25 24 251 S +25 24 252 H +25 24 253 K +25 24 254 K +25 24 255 R +25 24 256 A +25 24 257 K +25 24 258 S +25 24 259 U +25 24 260 S +25 24 261 S +25 24 262 H +25 24 263 E +25 24 264 K +25 24 265 K +25 24 266 S +25 24 267 A +25 24 268 K +25 24 269 A +25 24 270 S +25 24 271 K +25 24 272 H +25 24 273 A +25 24 274 H +25 24 275 S +25 24 276 A +25 24 277 K +25 24 278 S +25 24 279 K +25 24 280 S +25 24 281 K +25 24 282 K +25 24 283 S +25 24 284 H +25 24 285 A +25 24 286 H +25 24 287 S +25 24 288 U +25 24 289 K +25 24 290 H +25 24 291 K +25 24 292 A +25 24 293 H +25 24 294 H +25 24 295 S +25 24 296 K +25 24 297 S +25 24 298 U +25 24 299 K +25 24 300 H +25 24 301 K +25 24 302 H +25 24 303 H +25 24 304 S +25 24 305 A +25 24 306 S +25 24 307 K +25 24 308 A +25 24 309 E +25 24 310 K +25 24 311 K +25 24 312 R +25 24 313 K +25 24 314 H +25 24 315 S +25 24 316 K +25 24 317 A +25 24 318 H +25 24 319 H +25 24 320 S +25 24 321 U +25 24 322 K +25 24 323 K +25 24 324 H +25 24 325 A +25 24 326 S +25 24 327 H +25 24 328 E +25 24 329 S +25 24 330 H +25 25 1 K +25 25 2 K +25 25 3 U +25 25 4 K +25 25 5 K +25 25 6 S +25 25 7 A +25 25 8 K +25 25 9 S +25 25 10 K +25 25 11 K +25 25 12 S +25 25 13 K +25 25 14 K +25 25 15 A +25 25 16 H +25 25 17 U +25 25 18 R +25 25 19 K +25 25 20 K +25 25 21 A +25 25 22 S +25 25 23 K +25 25 24 E +25 25 25 K +25 25 26 K +25 25 27 H +25 25 28 A +25 25 29 K +25 25 30 S +25 25 31 K +25 25 32 A +25 25 33 K +25 25 34 K +25 25 35 A +25 25 36 K +25 25 37 K +25 25 38 A +25 25 39 K +25 25 40 K +25 25 41 U +25 25 42 S +25 25 43 K +25 25 44 H +25 25 45 K +25 25 46 E +25 25 47 K +25 25 48 S +25 25 49 K +25 25 50 A +25 25 51 E +25 25 52 K +25 25 53 A +25 25 54 K +25 25 55 K +25 25 56 A +25 25 57 K +25 25 58 S +25 25 59 K +25 25 60 K +25 25 61 U +25 25 62 K +25 25 63 A +25 25 64 K +25 25 65 A +25 25 66 H +25 25 67 K +25 25 68 A +25 25 69 S +25 25 70 K +25 25 71 K +25 25 72 U +25 25 73 A +25 25 74 K +25 25 75 K +25 25 76 S +25 25 77 K +25 25 78 A +25 25 79 E +25 25 80 K +25 25 81 S +25 25 82 K +25 25 83 S +25 25 84 A +25 25 85 K +25 25 86 A +25 25 87 E +25 25 88 A +25 25 89 R +25 25 90 K +25 25 91 S +25 25 92 H +25 25 93 K +25 25 94 E +25 25 95 K +25 25 96 S +25 25 97 K +25 25 98 U +25 25 99 K +25 25 100 K +25 25 101 A +25 25 102 K +25 25 103 S +25 25 104 K +25 25 105 A +25 25 106 S +25 25 107 H +25 25 108 K +25 25 109 K +25 25 110 S +25 25 111 E +25 25 112 A +25 25 113 R +25 25 114 K +25 25 115 U +25 25 116 K +25 25 117 E +25 25 118 A +25 25 119 K +25 25 120 H +25 25 121 U +25 25 122 K +25 25 123 K +25 25 124 S +25 25 125 S +25 25 126 A +25 25 127 K +25 25 128 S +25 25 129 H +25 25 130 E +25 25 131 A +25 25 132 U +25 25 133 K +25 25 134 U +25 25 135 A +25 25 136 K +25 25 137 K +25 25 138 K +25 25 139 K +25 25 140 K +25 25 141 H +25 25 142 K +25 25 143 S +25 25 144 K +25 25 145 K +25 25 146 S +25 25 147 K +25 25 148 U +25 25 149 K +25 25 150 K +25 25 151 A +25 25 152 A +25 25 153 K +25 25 154 E +25 25 155 E +25 25 156 K +25 25 157 E +25 25 158 H +25 25 159 S +25 25 160 A +25 25 161 K +25 25 162 U +25 25 163 K +25 25 164 K +25 25 165 K +25 25 166 K +25 25 167 K +25 25 168 K +25 25 169 K +25 25 170 K +25 25 171 K +25 25 172 H +25 25 173 A +25 25 174 S +25 25 175 K +25 25 176 U +25 25 177 S +25 25 178 K +25 25 179 U +25 25 180 K +25 25 181 S +25 25 182 U +25 25 183 E +25 25 184 K +25 25 185 S +25 25 186 K +25 25 187 S +25 25 188 K +25 25 189 K +25 25 190 A +25 25 191 K +25 25 192 K +25 25 193 S +25 25 194 U +25 25 195 K +25 25 196 K +25 25 197 A +25 25 198 R +25 25 199 K +25 25 200 K +25 25 201 A +25 25 202 K +25 25 203 A +25 25 204 R +25 25 205 K +25 25 206 S +25 25 207 A +25 25 208 S +25 25 209 K +25 25 210 U +25 25 211 K +25 25 212 S +25 25 213 K +25 25 214 S +25 25 215 A +25 25 216 E +25 25 217 A +25 25 218 S +25 25 219 K +25 25 220 K +25 25 221 K +25 25 222 A +25 25 223 K +25 25 224 H +25 25 225 S +25 25 226 K +25 25 227 E +25 25 228 K +25 25 229 K +25 25 230 H +25 25 231 A +25 25 232 S +25 25 233 K +25 25 234 K +25 25 235 K +25 25 236 S +25 25 237 A +25 25 238 K +25 25 239 A +25 25 240 U +25 25 241 H +25 25 242 S +25 25 243 A +25 25 244 K +25 25 245 U +25 25 246 K +25 25 247 K +25 25 248 K +25 25 249 K +25 25 250 K +25 25 251 K +25 25 252 H +25 25 253 K +25 25 254 K +25 25 255 E +25 25 256 A +25 25 257 K +25 25 258 S +25 25 259 U +25 25 260 S +25 25 261 S +25 25 262 H +25 25 263 E +25 25 264 K +25 25 265 K +25 25 266 U +25 25 267 A +25 25 268 K +25 25 269 A +25 25 270 S +25 25 271 K +25 25 272 K +25 25 273 A +25 25 274 H +25 25 275 S +25 25 276 A +25 25 277 K +25 25 278 U +25 25 279 K +25 25 280 K +25 25 281 K +25 25 282 K +25 25 283 E +25 25 284 K +25 25 285 A +25 25 286 H +25 25 287 S +25 25 288 U +25 25 289 K +25 25 290 H +25 25 291 K +25 25 292 A +25 25 293 K +25 25 294 K +25 25 295 S +25 25 296 A +25 25 297 S +25 25 298 U +25 25 299 K +25 25 300 E +25 25 301 K +25 25 302 H +25 25 303 K +25 25 304 S +25 25 305 A +25 25 306 K +25 25 307 K +25 25 308 A +25 25 309 E +25 25 310 K +25 25 311 K +25 25 312 R +25 25 313 K +25 25 314 H +25 25 315 K +25 25 316 K +25 25 317 A +25 25 318 S +25 25 319 H +25 25 320 S +25 25 321 A +25 25 322 K +25 25 323 K +25 25 324 H +25 25 325 A +25 25 326 S +25 25 327 K +25 25 328 K +25 25 329 S +25 25 330 K +26 1 1 MC +26 1 2 RA +26 1 3 NA +26 1 4 MC +26 1 5 RA +26 1 6 NA +26 1 7 RA +26 1 8 CA +26 1 9 CA +26 1 10 MC +26 1 11 RA +26 1 12 NA +26 1 13 RA +26 1 14 MC +26 1 15 NA +26 1 16 TA +26 1 17 GA +26 1 18 LA +26 1 19 RA +26 1 20 RA +26 1 21 GA +26 1 22 NA +26 1 23 MC +26 1 24 LA +26 1 25 RA +26 1 26 MC +26 1 27 TA +26 1 28 RO +26 1 29 RA +26 1 30 NA +26 1 31 RA +26 1 32 RO +26 1 33 NA +26 1 34 RA +26 1 35 GA +26 1 36 RA +26 1 37 RA +26 1 38 RO +26 1 39 RA +26 1 40 RA +26 1 41 GA +26 1 42 NA +26 1 43 MC +26 1 44 TA +26 1 45 RA +26 1 46 TA +26 1 47 RA +26 1 48 NA +26 1 49 RA +26 1 50 MC +26 1 51 CA +26 1 52 TA +26 1 53 CA +26 1 54 RA +26 1 55 RA +26 1 56 RO +26 1 57 RA +26 1 58 JG +26 1 59 NA +26 1 60 MC +26 1 61 GA +26 1 62 MC +26 1 63 GA +26 1 64 MC +26 1 65 NA +26 1 66 NA +26 1 67 RA +26 1 68 NA +26 1 69 RA +26 1 70 TA +26 1 71 CA +26 1 72 RA +26 1 73 MC +26 1 74 RA +26 1 75 RA +26 1 76 NA +26 1 77 RA +26 1 78 NA +26 1 79 CA +26 1 80 MC +26 1 81 RA +26 1 82 RA +26 1 83 NA +26 1 84 RO +26 1 85 RA +26 1 86 NA +26 1 87 CA +26 1 88 RO +26 1 89 LA +26 1 90 RA +26 1 91 RA +26 1 92 TA +26 1 93 RA +26 1 94 CA +26 1 95 RA +26 1 96 NA +26 1 97 MC +26 1 98 GA +26 1 99 MC +26 1 100 RA +26 1 101 CA +26 1 102 MC +26 1 103 RA +26 1 104 RA +26 1 105 MC +26 1 106 NA +26 1 107 NA +26 1 108 RA +26 1 109 MC +26 1 110 NA +26 1 111 RA +26 1 112 GA +26 1 113 LA +26 1 114 RA +26 1 115 GA +26 1 116 RA +26 1 117 CA +26 1 118 RO +26 1 119 RA +26 1 120 TA +26 1 121 GA +26 1 122 RA +26 1 123 RA +26 1 124 RA +26 1 125 NA +26 1 126 GA +26 1 127 RA +26 1 128 NA +26 1 129 TA +26 1 130 RA +26 1 131 MC +26 1 132 GA +26 1 133 RA +26 1 134 CA +26 1 135 RO +26 1 136 RA +26 1 137 RA +26 1 138 RA +26 1 139 TA +26 1 140 MC +26 1 141 TA +26 1 142 TA +26 1 143 LI +26 1 144 MC +26 1 145 RA +26 1 146 NA +26 1 147 RA +26 1 148 GA +26 1 149 RA +26 1 150 MC +26 1 151 RO +26 1 152 RO +26 1 153 MC +26 1 154 LA +26 1 155 CA +26 1 156 RA +26 1 157 CA +26 1 158 TA +26 1 159 NA +26 1 160 RO +26 1 161 RA +26 1 162 GA +26 1 163 RA +26 1 164 MC +26 1 165 RA +26 1 166 MC +26 1 167 MC +26 1 168 RA +26 1 169 MC +26 1 170 RA +26 1 171 RA +26 1 172 TA +26 1 173 NA +26 1 174 NA +26 1 175 RA +26 1 176 GA +26 1 177 NA +26 1 178 MC +26 1 179 CA +26 1 180 RA +26 1 181 NA +26 1 182 MC +26 1 183 CA +26 1 184 MC +26 1 185 NA +26 1 186 RA +26 1 187 NA +26 1 188 MC +26 1 189 MC +26 1 190 RO +26 1 191 RA +26 1 192 MC +26 1 193 RA +26 1 194 MC +26 1 195 RA +26 1 196 RA +26 1 197 MC +26 1 198 LA +26 1 199 RA +26 1 200 RO +26 1 201 GA +26 1 202 RA +26 1 203 * +26 1 204 CA +26 1 205 MC +26 1 206 NA +26 1 207 RO +26 1 208 GA +26 1 209 RA +26 1 210 CA +26 1 211 RA +26 1 212 NA +26 1 213 MC +26 1 214 RA +26 1 215 MC +26 1 216 RA +26 1 217 RO +26 1 218 RA +26 1 219 RA +26 1 220 MC +26 1 221 RA +26 1 222 MC +26 1 223 RA +26 1 224 RO +26 1 225 RA +26 1 226 RA +26 1 227 LA +26 1 228 MC +26 1 229 RA +26 1 230 NA +26 1 231 RO +26 1 232 CA +26 1 233 RO +26 1 234 RA +26 1 235 MC +26 1 236 RA +26 1 237 NA +26 1 238 RA +26 1 239 NA +26 1 240 GA +26 1 241 TA +26 1 242 MC +26 1 243 NA +26 1 244 TA +26 1 245 GA +26 1 246 RA +26 1 247 MC +26 1 248 RA +26 1 249 RA +26 1 250 MC +26 1 251 RA +26 1 252 RO +26 1 253 RA +26 1 254 MC +26 1 255 LA +26 1 256 GA +26 1 257 MC +26 1 258 NA +26 1 259 CA +26 1 260 NA +26 1 261 NA +26 1 262 TA +26 1 263 TA +26 1 264 RA +26 1 265 RA +26 1 266 GA +26 1 267 MC +26 1 268 RA +26 1 269 MC +26 1 270 NA +26 1 271 RA +26 1 272 TA +26 1 273 RO +26 1 274 TA +26 1 275 NA +26 1 276 RO +26 1 277 LA +26 1 278 NA +26 1 279 MC +26 1 280 RA +26 1 281 RA +26 1 282 RA +26 1 283 CA +26 1 284 TA +26 1 285 RO +26 1 286 TA +26 1 287 NA +26 1 288 GA +26 1 289 RA +26 1 290 RO +26 1 291 MC +26 1 292 * +26 1 293 RA +26 1 294 RA +26 1 295 CA +26 1 296 MC +26 1 297 NA +26 1 298 GA +26 1 299 RA +26 1 300 TA +26 1 301 RA +26 1 302 RO +26 1 303 RA +26 1 304 RA +26 1 305 RO +26 1 306 RA +26 1 307 RA +26 1 308 RO +26 1 309 LA +26 1 310 RA +26 1 311 RA +26 1 312 LA +26 1 313 MC +26 1 314 TA +26 1 315 RA +26 1 316 RA +26 1 317 MC +26 1 318 NA +26 1 319 TA +26 1 320 RA +26 1 321 GA +26 1 322 MC +26 1 323 RA +26 1 324 TA +26 1 325 MC +26 1 326 NA +26 1 327 RA +26 1 328 RA +26 1 329 CA +26 1 330 RA +26 2 1 RA +26 2 2 RA +26 2 3 NA +26 2 4 MC +26 2 5 RA +26 2 6 * +26 2 7 RA +26 2 8 GA +26 2 9 CA +26 2 10 MC +26 2 11 RA +26 2 12 NA +26 2 13 RA +26 2 14 LA +26 2 15 RO +26 2 16 TA +26 2 17 GA +26 2 18 LA +26 2 19 RA +26 2 20 RA +26 2 21 RO +26 2 22 NA +26 2 23 MC +26 2 24 CA +26 2 25 RA +26 2 26 MC +26 2 27 TA +26 2 28 RO +26 2 29 RA +26 2 30 NA +26 2 31 RA +26 2 32 MC +26 2 33 RA +26 2 34 MC +26 2 35 RO +26 2 36 RA +26 2 37 RA +26 2 38 RO +26 2 39 RA +26 2 40 RA +26 2 41 GA +26 2 42 NA +26 2 43 MC +26 2 44 TA +26 2 45 RA +26 2 46 LA +26 2 47 RA +26 2 48 NA +26 2 49 RA +26 2 50 MC +26 2 51 CA +26 2 52 TA +26 2 53 GA +26 2 54 RA +26 2 55 RA +26 2 56 RO +26 2 57 RA +26 2 58 NA +26 2 59 MC +26 2 60 RA +26 2 61 GA +26 2 62 MC +26 2 63 RO +26 2 64 RA +26 2 65 RO +26 2 66 TA +26 2 67 RA +26 2 68 RO +26 2 69 RA +26 2 70 TA +26 2 71 CA +26 2 72 RA +26 2 73 MC +26 2 74 RA +26 2 75 RA +26 2 76 NA +26 2 77 RA +26 2 78 RO +26 2 79 LA +26 2 80 RA +26 2 81 RA +26 2 82 RA +26 2 83 NA +26 2 84 RO +26 2 85 RA +26 2 86 RO +26 2 87 LA +26 2 88 RO +26 2 89 LA +26 2 90 RA +26 2 91 NA +26 2 92 TA +26 2 93 RA +26 2 94 CA +26 2 95 RA +26 2 96 NA +26 2 97 MC +26 2 98 GA +26 2 99 MC +26 2 100 RA +26 2 101 GA +26 2 102 MC +26 2 103 RA +26 2 104 RA +26 2 105 RO +26 2 106 NA +26 2 107 TA +26 2 108 RA +26 2 109 MC +26 2 110 NA +26 2 111 RA +26 2 112 RO +26 2 113 LA +26 2 114 RA +26 2 115 GA +26 2 116 RA +26 2 117 CA +26 2 118 RO +26 2 119 RA +26 2 120 TA +26 2 121 NA +26 2 122 RA +26 2 123 RA +26 2 124 NA +26 2 125 NA +26 2 126 RO +26 2 127 RA +26 2 128 NA +26 2 129 TA +26 2 130 RA +26 2 131 MC +26 2 132 GA +26 2 133 RA +26 2 134 CA +26 2 135 RO +26 2 136 RA +26 2 137 RA +26 2 138 RA +26 2 139 RO +26 2 140 MC +26 2 141 TA +26 2 142 MC +26 2 143 RA +26 2 144 MC +26 2 145 RA +26 2 146 NA +26 2 147 RA +26 2 148 GA +26 2 149 RA +26 2 150 MC +26 2 151 RO +26 2 152 RO +26 2 153 MC +26 2 154 LA +26 2 155 CA +26 2 156 RA +26 2 157 CA +26 2 158 TA +26 2 159 NA +26 2 160 RO +26 2 161 RA +26 2 162 GA +26 2 163 RA +26 2 164 MC +26 2 165 RA +26 2 166 MC +26 2 167 MC +26 2 168 RA +26 2 169 RA +26 2 170 RA +26 2 171 * +26 2 172 TA +26 2 173 RO +26 2 174 NA +26 2 175 TA +26 2 176 RO +26 2 177 NA +26 2 178 MC +26 2 179 CA +26 2 180 RA +26 2 181 NA +26 2 182 CA +26 2 183 * +26 2 184 MC +26 2 185 NA +26 2 186 RA +26 2 187 NA +26 2 188 RA +26 2 189 TA +26 2 190 RO +26 2 191 RA +26 2 192 MC +26 2 193 NA +26 2 194 CA +26 2 195 RA +26 2 196 RA +26 2 197 MC +26 2 198 LA +26 2 199 TA +26 2 200 RA +26 2 201 RO +26 2 202 RA +26 2 203 RO +26 2 204 CA +26 2 205 MC +26 2 206 TA +26 2 207 RO +26 2 208 NA +26 2 209 RA +26 2 210 CA +26 2 211 RA +26 2 212 NA +26 2 213 MC +26 2 214 NA +26 2 215 RO +26 2 216 RA +26 2 217 RO +26 2 218 NA +26 2 219 TA +26 2 220 MC +26 2 221 TA +26 2 222 MC +26 2 223 RA +26 2 224 TA +26 2 225 NA +26 2 226 RA +26 2 227 LA +26 2 228 MC +26 2 229 RA +26 2 230 RO +26 2 231 MC +26 2 232 CA +26 2 233 MC +26 2 234 RA +26 2 235 MC +26 2 236 NA +26 2 237 RO +26 2 238 RA +26 2 239 RO +26 2 240 GA +26 2 241 TA +26 2 242 NA +26 2 243 CA +26 2 244 TA +26 2 245 NA +26 2 246 RA +26 2 247 MC +26 2 248 RA +26 2 249 RA +26 2 250 MC +26 2 251 RA +26 2 252 TA +26 2 253 RA +26 2 254 MC +26 2 255 LA +26 2 256 RO +26 2 257 MC +26 2 258 NA +26 2 259 GA +26 2 260 NA +26 2 261 NA +26 2 262 TA +26 2 263 LA +26 2 264 MC +26 2 265 RA +26 2 266 CA +26 2 267 MC +26 2 268 RA +26 2 269 RO +26 2 270 NA +26 2 271 RA +26 2 272 TA +26 2 273 RO +26 2 274 TA +26 2 275 NA +26 2 276 RO +26 2 277 RA +26 2 278 NA +26 2 279 MC +26 2 280 RA +26 2 281 RA +26 2 282 RA +26 2 283 CA +26 2 284 TA +26 2 285 RO +26 2 286 TA +26 2 287 NA +26 2 288 GA +26 2 289 RA +26 2 290 TA +26 2 291 MC +26 2 292 RO +26 2 293 RA +26 2 294 TA +26 2 295 CA +26 2 296 MC +26 2 297 NA +26 2 298 GA +26 2 299 RA +26 2 300 TA +26 2 301 RA +26 2 302 RO +26 2 303 MC +26 2 304 RA +26 2 305 MC +26 2 306 RA +26 2 307 RA +26 2 308 MC +26 2 309 LA +26 2 310 RA +26 2 311 MC +26 2 312 LA +26 2 313 MC +26 2 314 RO +26 2 315 RA +26 2 316 RA +26 2 317 RO +26 2 318 NA +26 2 319 TA +26 2 320 RA +26 2 321 GA +26 2 322 MC +26 2 323 RA +26 2 324 TA +26 2 325 MC +26 2 326 NA +26 2 327 TA +26 2 328 RA +26 2 329 CA +26 2 330 TA +26 3 1 RA +26 3 2 RA +26 3 3 GA +26 3 4 MC +26 3 5 RA +26 3 6 CA +26 3 7 RA +26 3 8 RO +26 3 9 CA +26 3 10 * +26 3 11 LA +26 3 12 NA +26 3 13 RA +26 3 14 MC +26 3 15 RO +26 3 16 TA +26 3 17 RO +26 3 18 LA +26 3 19 RA +26 3 20 RA +26 3 21 RO +26 3 22 NA +26 3 23 * +26 3 24 CA +26 3 25 RA +26 3 26 * +26 3 27 TA +26 3 28 RO +26 3 29 RA +26 3 30 NA +26 3 31 TA +26 3 32 RO +26 3 33 RA +26 3 34 * +26 3 35 RO +26 3 36 RA +26 3 37 MC +26 3 38 RO +26 3 39 RA +26 3 40 RA +26 3 41 GA +26 3 42 NA +26 3 43 MC +26 3 44 RO +26 3 45 RA +26 3 46 TA +26 3 47 RA +26 3 48 NA +26 3 49 RA +26 3 50 MC +26 3 51 CA +26 3 52 TA +26 3 53 RO +26 3 54 RA +26 3 55 RA +26 3 56 RO +26 3 57 * +26 3 58 NA +26 3 59 TA +26 3 60 RA +26 3 61 RO +26 3 62 MC +26 3 63 RO +26 3 64 * +26 3 65 RO +26 3 66 TA +26 3 67 RA +26 3 68 RO +26 3 69 CA +26 3 70 RO +26 3 71 GA +26 3 72 RA +26 3 73 MC +26 3 74 TA +26 3 75 RA +26 3 76 RO +26 3 77 RA +26 3 78 RO +26 3 79 LA +26 3 80 * +26 3 81 RA +26 3 82 RA +26 3 83 NA +26 3 84 RO +26 3 85 RA +26 3 86 RO +26 3 87 CA +26 3 88 MC +26 3 89 LA +26 3 90 RA +26 3 91 NA +26 3 92 TA +26 3 93 * +26 3 94 CA +26 3 95 TA +26 3 96 NA +26 3 97 MC +26 3 98 GA +26 3 99 RO +26 3 100 RA +26 3 101 * +26 3 102 * +26 3 103 NA +26 3 104 RA +26 3 105 RO +26 3 106 NA +26 3 107 TA +26 3 108 RA +26 3 109 * +26 3 110 NA +26 3 111 RA +26 3 112 RO +26 3 113 CA +26 3 114 RA +26 3 115 RO +26 3 116 TA +26 3 117 CA +26 3 118 RO +26 3 119 RA +26 3 120 TA +26 3 121 RO +26 3 122 RA +26 3 123 * +26 3 124 NA +26 3 125 GA +26 3 126 RO +26 3 127 RA +26 3 128 NA +26 3 129 TA +26 3 130 RA +26 3 131 * +26 3 132 RO +26 3 133 RA +26 3 134 CA +26 3 135 RO +26 3 136 RA +26 3 137 RA +26 3 138 RA +26 3 139 RO +26 3 140 * +26 3 141 TA +26 3 142 RO +26 3 143 RA +26 3 144 * +26 3 145 RA +26 3 146 NA +26 3 147 RA +26 3 148 GA +26 3 149 RA +26 3 150 * +26 3 151 RO +26 3 152 RO +26 3 153 MC +26 3 154 CA +26 3 155 NA +26 3 156 RA +26 3 157 CA +26 3 158 TA +26 3 159 NA +26 3 160 RO +26 3 161 RA +26 3 162 RO +26 3 163 * +26 3 164 * +26 3 165 RA +26 3 166 * +26 3 167 RO +26 3 168 RA +26 3 169 * +26 3 170 RA +26 3 171 RA +26 3 172 TA +26 3 173 RO +26 3 174 NA +26 3 175 RA +26 3 176 RO +26 3 177 NA +26 3 178 * +26 3 179 RO +26 3 180 RA +26 3 181 NA +26 3 182 * +26 3 183 NA +26 3 184 * +26 3 185 NA +26 3 186 RA +26 3 187 NA +26 3 188 * +26 3 189 RA +26 3 190 RO +26 3 191 RA +26 3 192 * +26 3 193 NA +26 3 194 RO +26 3 195 RA +26 3 196 RA +26 3 197 RO +26 3 198 LA +26 3 199 TA +26 3 200 RA +26 3 201 RO +26 3 202 RA +26 3 203 RO +26 3 204 CA +26 3 205 * +26 3 206 TA +26 3 207 RO +26 3 208 NA +26 3 209 RA +26 3 210 CA +26 3 211 RA +26 3 212 NA +26 3 213 * +26 3 214 RA +26 3 215 RO +26 3 216 RA +26 3 217 RO +26 3 218 RA +26 3 219 TA +26 3 220 * +26 3 221 TA +26 3 222 * +26 3 223 RA +26 3 224 TA +26 3 225 RA +26 3 226 * +26 3 227 LA +26 3 228 * +26 3 229 RA +26 3 230 TA +26 3 231 * +26 3 232 CA +26 3 233 * +26 3 234 RA +26 3 235 * +26 3 236 RA +26 3 237 RO +26 3 238 RA +26 3 239 RO +26 3 240 GA +26 3 241 TA +26 3 242 NA +26 3 243 * +26 3 244 TA +26 3 245 GA +26 3 246 RA +26 3 247 * +26 3 248 CA +26 3 249 RA +26 3 250 * +26 3 251 RA +26 3 252 TA +26 3 253 RA +26 3 254 * +26 3 255 LA +26 3 256 RO +26 3 257 * +26 3 258 NA +26 3 259 RO +26 3 260 NA +26 3 261 NA +26 3 262 TA +26 3 263 CA +26 3 264 * +26 3 265 RA +26 3 266 RO +26 3 267 MC +26 3 268 RA +26 3 269 RO +26 3 270 NA +26 3 271 RA +26 3 272 TA +26 3 273 RO +26 3 274 TA +26 3 275 NA +26 3 276 RO +26 3 277 * +26 3 278 RO +26 3 279 * +26 3 280 RA +26 3 281 RA +26 3 282 RA +26 3 283 CA +26 3 284 TA +26 3 285 RO +26 3 286 TA +26 3 287 NA +26 3 288 RO +26 3 289 RA +26 3 290 TA +26 3 291 MC +26 3 292 RO +26 3 293 TA +26 3 294 TA +26 3 295 CA +26 3 296 * +26 3 297 NA +26 3 298 RO +26 3 299 RA +26 3 300 TA +26 3 301 RA +26 3 302 TA +26 3 303 * +26 3 304 RA +26 3 305 * +26 3 306 RA +26 3 307 * +26 3 308 RO +26 3 309 CA +26 3 310 RA +26 3 311 * +26 3 312 LA +26 3 313 * +26 3 314 TA +26 3 315 RA +26 3 316 RA +26 3 317 * +26 3 318 NA +26 3 319 TA +26 3 320 RA +26 3 321 RO +26 3 322 * +26 3 323 RA +26 3 324 TA +26 3 325 MC +26 3 326 NA +26 3 327 RA +26 3 328 RA +26 3 329 CA +26 3 330 TA +26 4 1 RA +26 4 2 RA +26 4 3 GA +26 4 4 MC +26 4 5 RA +26 4 6 CA +26 4 7 RA +26 4 8 CA +26 4 9 JG +26 4 10 MC +26 4 11 RA +26 4 12 NA +26 4 13 RA +26 4 14 RA +26 4 15 JG +26 4 16 TA +26 4 17 GA +26 4 18 LA +26 4 19 RA +26 4 20 RA +26 4 21 RA +26 4 22 NA +26 4 23 CA +26 4 24 LA +26 4 25 RA +26 4 26 MC +26 4 27 JG +26 4 28 RO +26 4 29 RA +26 4 30 JG +26 4 31 RA +26 4 32 MC +26 4 33 RA +26 4 34 RA +26 4 35 RO +26 4 36 RA +26 4 37 RA +26 4 38 GA +26 4 39 RA +26 4 40 RA +26 4 41 CA +26 4 42 NA +26 4 43 MC +26 4 44 TA +26 4 45 RA +26 4 46 JG +26 4 47 RA +26 4 48 NA +26 4 49 RA +26 4 50 MC +26 4 51 LA +26 4 52 * +26 4 53 RO +26 4 54 RA +26 4 55 RA +26 4 56 JG +26 4 57 RA +26 4 58 JG +26 4 59 RA +26 4 60 MC +26 4 61 CA +26 4 62 CA +26 4 63 JG +26 4 64 RA +26 4 65 GA +26 4 66 NA +26 4 67 RA +26 4 68 RO +26 4 69 CA +26 4 70 JG +26 4 71 CA +26 4 72 RA +26 4 73 CA +26 4 74 RA +26 4 75 RA +26 4 76 NA +26 4 77 RA +26 4 78 CA +26 4 79 LA +26 4 80 RA +26 4 81 RA +26 4 82 RA +26 4 83 NA +26 4 84 CA +26 4 85 RA +26 4 86 RO +26 4 87 LA +26 4 88 CA +26 4 89 LA +26 4 90 RA +26 4 91 NA +26 4 92 NA +26 4 93 RA +26 4 94 LA +26 4 95 TA +26 4 96 NA +26 4 97 MC +26 4 98 GA +26 4 99 CA +26 4 100 RA +26 4 101 CA +26 4 102 TA +26 4 103 RA +26 4 104 RA +26 4 105 MC +26 4 106 NA +26 4 107 TA +26 4 108 RA +26 4 109 MC +26 4 110 NA +26 4 111 RA +26 4 112 GA +26 4 113 LA +26 4 114 RA +26 4 115 CA +26 4 116 RA +26 4 117 CA +26 4 118 GA +26 4 119 RA +26 4 120 TA +26 4 121 NA +26 4 122 RA +26 4 123 RA +26 4 124 RA +26 4 125 GA +26 4 126 RO +26 4 127 RA +26 4 128 NA +26 4 129 NA +26 4 130 LA +26 4 131 MC +26 4 132 GA +26 4 133 RA +26 4 134 MC +26 4 135 RO +26 4 136 RA +26 4 137 RA +26 4 138 RA +26 4 139 TA +26 4 140 AZ +26 4 141 TA +26 4 142 RA +26 4 143 RA +26 4 144 MC +26 4 145 RA +26 4 146 NA +26 4 147 RA +26 4 148 GA +26 4 149 RA +26 4 150 MC +26 4 151 CA +26 4 152 CA +26 4 153 RA +26 4 154 RA +26 4 155 LA +26 4 156 RA +26 4 157 JG +26 4 158 TA +26 4 159 NA +26 4 160 RO +26 4 161 RA +26 4 162 GA +26 4 163 RA +26 4 164 MC +26 4 165 CA +26 4 166 MC +26 4 167 CA +26 4 168 RA +26 4 169 RA +26 4 170 LA +26 4 171 RA +26 4 172 TA +26 4 173 GA +26 4 174 NA +26 4 175 RA +26 4 176 NA +26 4 177 NA +26 4 178 MC +26 4 179 CA +26 4 180 RA +26 4 181 NA +26 4 182 MC +26 4 183 JG +26 4 184 MC +26 4 185 CA +26 4 186 RA +26 4 187 NA +26 4 188 RA +26 4 189 RA +26 4 190 NA +26 4 191 RA +26 4 192 MC +26 4 193 NA +26 4 194 CA +26 4 195 RA +26 4 196 RA +26 4 197 RA +26 4 198 LA +26 4 199 NA +26 4 200 RA +26 4 201 NA +26 4 202 RA +26 4 203 RO +26 4 204 LA +26 4 205 MC +26 4 206 NA +26 4 207 GA +26 4 208 CA +26 4 209 RA +26 4 210 CA +26 4 211 RA +26 4 212 NA +26 4 213 NA +26 4 214 NA +26 4 215 CA +26 4 216 RA +26 4 217 RO +26 4 218 RA +26 4 219 RA +26 4 220 MC +26 4 221 RA +26 4 222 RO +26 4 223 RA +26 4 224 TA +26 4 225 RA +26 4 226 RA +26 4 227 LA +26 4 228 MC +26 4 229 RA +26 4 230 TA +26 4 231 RO +26 4 232 CA +26 4 233 RA +26 4 234 RA +26 4 235 MC +26 4 236 RA +26 4 237 JG +26 4 238 RA +26 4 239 NA +26 4 240 CA +26 4 241 TA +26 4 242 NA +26 4 243 MC +26 4 244 RA +26 4 245 GA +26 4 246 RA +26 4 247 MC +26 4 248 LA +26 4 249 RA +26 4 250 CA +26 4 251 RA +26 4 252 TA +26 4 253 RA +26 4 254 TA +26 4 255 LA +26 4 256 GA +26 4 257 MC +26 4 258 NA +26 4 259 CA +26 4 260 NA +26 4 261 CA +26 4 262 TA +26 4 263 JG +26 4 264 RA +26 4 265 RA +26 4 266 JG +26 4 267 LA +26 4 268 RA +26 4 269 MC +26 4 270 NA +26 4 271 RA +26 4 272 TA +26 4 273 NA +26 4 274 TA +26 4 275 JG +26 4 276 GA +26 4 277 RA +26 4 278 NA +26 4 279 MC +26 4 280 RA +26 4 281 RA +26 4 282 RA +26 4 283 CA +26 4 284 RA +26 4 285 NA +26 4 286 TA +26 4 287 CA +26 4 288 NA +26 4 289 RA +26 4 290 TA +26 4 291 RA +26 4 292 RO +26 4 293 RA +26 4 294 TA +26 4 295 JG +26 4 296 RO +26 4 297 NA +26 4 298 GA +26 4 299 RA +26 4 300 RA +26 4 301 RA +26 4 302 TA +26 4 303 RA +26 4 304 RA +26 4 305 CA +26 4 306 RA +26 4 307 * +26 4 308 CA +26 4 309 LA +26 4 310 RA +26 4 311 MC +26 4 312 LA +26 4 313 RA +26 4 314 RO +26 4 315 RA +26 4 316 RA +26 4 317 CA +26 4 318 GA +26 4 319 TA +26 4 320 RA +26 4 321 GA +26 4 322 RA +26 4 323 RA +26 4 324 NA +26 4 325 CA +26 4 326 NA +26 4 327 RA +26 4 328 RA +26 4 329 CA +26 4 330 RA +26 5 1 MC +26 5 2 RA +26 5 3 GA +26 5 4 MC +26 5 5 RA +26 5 6 RO +26 5 7 RA +26 5 8 MC +26 5 9 CA +26 5 10 MC +26 5 11 RA +26 5 12 NA +26 5 13 RA +26 5 14 MC +26 5 15 RO +26 5 16 TA +26 5 17 GA +26 5 18 LA +26 5 19 MC +26 5 20 RA +26 5 21 RO +26 5 22 NA +26 5 23 MC +26 5 24 CA +26 5 25 RA +26 5 26 MC +26 5 27 TA +26 5 28 RO +26 5 29 RA +26 5 30 NA +26 5 31 RA +26 5 32 MC +26 5 33 RA +26 5 34 MC +26 5 35 RO +26 5 36 RA +26 5 37 MC +26 5 38 RO +26 5 39 RA +26 5 40 MC +26 5 41 CA +26 5 42 NA +26 5 43 MC +26 5 44 TA +26 5 45 RA +26 5 46 TA +26 5 47 RA +26 5 48 NA +26 5 49 RA +26 5 50 MC +26 5 51 CA +26 5 52 TA +26 5 53 MC +26 5 54 RA +26 5 55 MC +26 5 56 RO +26 5 57 RA +26 5 58 NA +26 5 59 MC +26 5 60 RA +26 5 61 CA +26 5 62 MC +26 5 63 RO +26 5 64 MC +26 5 65 RO +26 5 66 TA +26 5 67 RA +26 5 68 RO +26 5 69 RA +26 5 70 TA +26 5 71 CA +26 5 72 RA +26 5 73 MC +26 5 74 RA +26 5 75 RA +26 5 76 NA +26 5 77 RA +26 5 78 RO +26 5 79 LA +26 5 80 MC +26 5 81 RA +26 5 82 RA +26 5 83 TA +26 5 84 RO +26 5 85 RA +26 5 86 RO +26 5 87 LA +26 5 88 MC +26 5 89 LA +26 5 90 RA +26 5 91 RA +26 5 92 TA +26 5 93 MC +26 5 94 LA +26 5 95 TA +26 5 96 NA +26 5 97 MC +26 5 98 GA +26 5 99 RO +26 5 100 RA +26 5 101 MC +26 5 102 MC +26 5 103 CA +26 5 104 RA +26 5 105 MC +26 5 106 NA +26 5 107 TA +26 5 108 RA +26 5 109 MC +26 5 110 NA +26 5 111 LA +26 5 112 RO +26 5 113 LA +26 5 114 RA +26 5 115 CA +26 5 116 RA +26 5 117 CA +26 5 118 RO +26 5 119 RA +26 5 120 TA +26 5 121 NA +26 5 122 RA +26 5 123 RA +26 5 124 RA +26 5 125 NA +26 5 126 RO +26 5 127 LA +26 5 128 RA +26 5 129 TA +26 5 130 LA +26 5 131 MC +26 5 132 CA +26 5 133 RA +26 5 134 CA +26 5 135 MC +26 5 136 RA +26 5 137 RA +26 5 138 MC +26 5 139 TA +26 5 140 RA +26 5 141 TA +26 5 142 TA +26 5 143 RA +26 5 144 MC +26 5 145 RA +26 5 146 NA +26 5 147 RA +26 5 148 GA +26 5 149 RA +26 5 150 MC +26 5 151 RO +26 5 152 MC +26 5 153 MC +26 5 154 LA +26 5 155 CA +26 5 156 RA +26 5 157 CA +26 5 158 TA +26 5 159 NA +26 5 160 RO +26 5 161 RA +26 5 162 GA +26 5 163 MC +26 5 164 MC +26 5 165 RA +26 5 166 MC +26 5 167 MC +26 5 168 RA +26 5 169 MC +26 5 170 RA +26 5 171 RA +26 5 172 TA +26 5 173 RO +26 5 174 NA +26 5 175 RA +26 5 176 RO +26 5 177 TA +26 5 178 MC +26 5 179 CA +26 5 180 RA +26 5 181 NA +26 5 182 MC +26 5 183 CA +26 5 184 MC +26 5 185 CA +26 5 186 RA +26 5 187 NA +26 5 188 RA +26 5 189 RA +26 5 190 RO +26 5 191 RA +26 5 192 MC +26 5 193 RA +26 5 194 CA +26 5 195 RA +26 5 196 RA +26 5 197 MC +26 5 198 LA +26 5 199 RA +26 5 200 RA +26 5 201 RO +26 5 202 RA +26 5 203 MC +26 5 204 LA +26 5 205 MC +26 5 206 TA +26 5 207 RO +26 5 208 CA +26 5 209 RA +26 5 210 CA +26 5 211 RA +26 5 212 NA +26 5 213 MC +26 5 214 RA +26 5 215 MC +26 5 216 LA +26 5 217 RO +26 5 218 RA +26 5 219 RA +26 5 220 MC +26 5 221 RA +26 5 222 MC +26 5 223 RA +26 5 224 TA +26 5 225 RA +26 5 226 RA +26 5 227 LA +26 5 228 MC +26 5 229 RA +26 5 230 RO +26 5 231 MC +26 5 232 CA +26 5 233 MC +26 5 234 RA +26 5 235 MC +26 5 236 RA +26 5 237 RO +26 5 238 MC +26 5 239 RO +26 5 240 CA +26 5 241 TA +26 5 242 NA +26 5 243 MC +26 5 244 TA +26 5 245 GA +26 5 246 RA +26 5 247 MC +26 5 248 LA +26 5 249 RA +26 5 250 MC +26 5 251 RA +26 5 252 RO +26 5 253 RA +26 5 254 MC +26 5 255 LA +26 5 256 RO +26 5 257 RA +26 5 258 NA +26 5 259 CA +26 5 260 NA +26 5 261 NA +26 5 262 TA +26 5 263 LA +26 5 264 RA +26 5 265 RA +26 5 266 CA +26 5 267 MC +26 5 268 RA +26 5 269 MC +26 5 270 NA +26 5 271 * +26 5 272 TA +26 5 273 MC +26 5 274 TA +26 5 275 TA +26 5 276 MC +26 5 277 RA +26 5 278 RO +26 5 279 MC +26 5 280 RA +26 5 281 RA +26 5 282 RA +26 5 283 CA +26 5 284 TA +26 5 285 RO +26 5 286 TA +26 5 287 CA +26 5 288 GA +26 5 289 RA +26 5 290 RO +26 5 291 MC +26 5 292 RO +26 5 293 TA +26 5 294 TA +26 5 295 CA +26 5 296 MC +26 5 297 NA +26 5 298 GA +26 5 299 RA +26 5 300 TA +26 5 301 RA +26 5 302 TA +26 5 303 RA +26 5 304 RA +26 5 305 MC +26 5 306 RA +26 5 307 RA +26 5 308 MC +26 5 309 LA +26 5 310 RA +26 5 311 RA +26 5 312 LA +26 5 313 MC +26 5 314 TA +26 5 315 RA +26 5 316 RA +26 5 317 MC +26 5 318 NA +26 5 319 TA +26 5 320 RA +26 5 321 GA +26 5 322 MC +26 5 323 RA +26 5 324 TA +26 5 325 MC +26 5 326 NA +26 5 327 RA +26 5 328 RA +26 5 329 CA +26 5 330 TA +26 6 1 RA +26 6 2 RA +26 6 3 GA +26 6 4 MC +26 6 5 RA +26 6 6 NA +26 6 7 RA +26 6 8 MC +26 6 9 CA +26 6 10 MC +26 6 11 RA +26 6 12 NA +26 6 13 RA +26 6 14 RA +26 6 15 RO +26 6 16 TA +26 6 17 NA +26 6 18 LA +26 6 19 NA +26 6 20 RA +26 6 21 GA +26 6 22 RA +26 6 23 RO +26 6 24 LA +26 6 25 MC +26 6 26 MC +26 6 27 TA +26 6 28 RO +26 6 29 RA +26 6 30 CA +26 6 31 RA +26 6 32 RO +26 6 33 RA +26 6 34 MC +26 6 35 NA +26 6 36 MC +26 6 37 MC +26 6 38 RO +26 6 39 RA +26 6 40 RA +26 6 41 RA +26 6 42 NA +26 6 43 MC +26 6 44 TA +26 6 45 RA +26 6 46 TA +26 6 47 RA +26 6 48 NA +26 6 49 RA +26 6 50 MC +26 6 51 CA +26 6 52 TA +26 6 53 RO +26 6 54 RA +26 6 55 MC +26 6 56 NA +26 6 57 MC +26 6 58 NA +26 6 59 NA +26 6 60 MC +26 6 61 RO +26 6 62 RO +26 6 63 NA +26 6 64 MC +26 6 65 RO +26 6 66 TA +26 6 67 RA +26 6 68 RO +26 6 69 RA +26 6 70 RA +26 6 71 MC +26 6 72 RA +26 6 73 MC +26 6 74 RA +26 6 75 RA +26 6 76 GA +26 6 77 MC +26 6 78 RO +26 6 79 MC +26 6 80 MC +26 6 81 RA +26 6 82 RA +26 6 83 NA +26 6 84 RO +26 6 85 RA +26 6 86 RO +26 6 87 RA +26 6 88 MC +26 6 89 MC +26 6 90 RA +26 6 91 RA +26 6 92 TA +26 6 93 MC +26 6 94 CA +26 6 95 RA +26 6 96 RA +26 6 97 MC +26 6 98 RA +26 6 99 MC +26 6 100 RA +26 6 101 MC +26 6 102 MC +26 6 103 RA +26 6 104 RA +26 6 105 MC +26 6 106 NA +26 6 107 TA +26 6 108 MC +26 6 109 MC +26 6 110 NA +26 6 111 MC +26 6 112 MC +26 6 113 MC +26 6 114 RA +26 6 115 MC +26 6 116 MC +26 6 117 MC +26 6 118 MC +26 6 119 MC +26 6 120 MC +26 6 121 MC +26 6 122 MC +26 6 123 MC +26 6 124 MC +26 6 125 MC +26 6 126 MC +26 6 127 MC +26 6 128 MC +26 6 129 MC +26 6 130 MC +26 6 131 MC +26 6 132 MC +26 6 133 MC +26 6 134 MC +26 6 135 MC +26 6 136 MC +26 6 137 RA +26 6 138 MC +26 6 139 MC +26 6 140 MC +26 6 141 MC +26 6 142 MC +26 6 143 MC +26 6 144 MC +26 6 145 MC +26 6 146 MC +26 6 147 MC +26 6 148 MC +26 6 149 MC +26 6 150 MC +26 6 151 MC +26 6 152 MC +26 6 153 MC +26 6 154 MC +26 6 155 MC +26 6 156 MC +26 6 157 MC +26 6 158 MC +26 6 159 MC +26 6 160 MC +26 6 161 MC +26 6 162 MC +26 6 163 MC +26 6 164 MC +26 6 165 MC +26 6 166 MC +26 6 167 MC +26 6 168 MC +26 6 169 MC +26 6 170 MC +26 6 171 MC +26 6 172 MC +26 6 173 MC +26 6 174 MC +26 6 175 MC +26 6 176 MC +26 6 177 MC +26 6 178 MC +26 6 179 MC +26 6 180 MC +26 6 181 MC +26 6 182 MC +26 6 183 MC +26 6 184 MC +26 6 185 MC +26 6 186 MC +26 6 187 MC +26 6 188 MC +26 6 189 MC +26 6 190 MC +26 6 191 MC +26 6 192 MC +26 6 193 MC +26 6 194 MC +26 6 195 MC +26 6 196 RA +26 6 197 RO +26 6 198 MC +26 6 199 MC +26 6 200 MC +26 6 201 MC +26 6 202 MC +26 6 203 MC +26 6 204 MC +26 6 205 MC +26 6 206 MC +26 6 207 MC +26 6 208 MC +26 6 209 MC +26 6 210 MC +26 6 211 MC +26 6 212 MC +26 6 213 MC +26 6 214 MC +26 6 215 MC +26 6 216 MC +26 6 217 MC +26 6 218 MC +26 6 219 MC +26 6 220 MC +26 6 221 MC +26 6 222 MC +26 6 223 MC +26 6 224 MC +26 6 225 MC +26 6 226 RA +26 6 227 MC +26 6 228 MC +26 6 229 RA +26 6 230 TA +26 6 231 RO +26 6 232 CA +26 6 233 MC +26 6 234 RA +26 6 235 MC +26 6 236 MC +26 6 237 MC +26 6 238 MC +26 6 239 RO +26 6 240 CA +26 6 241 MC +26 6 242 MC +26 6 243 MC +26 6 244 MC +26 6 245 MC +26 6 246 MC +26 6 247 MC +26 6 248 MC +26 6 249 RA +26 6 250 MC +26 6 251 MC +26 6 252 MC +26 6 253 MC +26 6 254 RO +26 6 255 MC +26 6 256 MC +26 6 257 MC +26 6 258 MC +26 6 259 CA +26 6 260 RO +26 6 261 NA +26 6 262 RO +26 6 263 CA +26 6 264 MC +26 6 265 MC +26 6 266 CA +26 6 267 RO +26 6 268 RA +26 6 269 RO +26 6 270 NA +26 6 271 RA +26 6 272 TA +26 6 273 RO +26 6 274 MC +26 6 275 MC +26 6 276 RO +26 6 277 MC +26 6 278 MC +26 6 279 MC +26 6 280 MC +26 6 281 MC +26 6 282 MC +26 6 283 CA +26 6 284 MC +26 6 285 RO +26 6 286 TA +26 6 287 RA +26 6 288 GA +26 6 289 MC +26 6 290 TA +26 6 291 MC +26 6 292 RO +26 6 293 RA +26 6 294 TA +26 6 295 MC +26 6 296 RO +26 6 297 MC +26 6 298 MC +26 6 299 MC +26 6 300 MC +26 6 301 RA +26 6 302 RA +26 6 303 RA +26 6 304 RA +26 6 305 RO +26 6 306 MC +26 6 307 MC +26 6 308 RO +26 6 309 MC +26 6 310 MC +26 6 311 MC +26 6 312 MC +26 6 313 MC +26 6 314 MC +26 6 315 MC +26 6 316 MC +26 6 317 MC +26 6 318 MC +26 6 319 MC +26 6 320 MC +26 6 321 MC +26 6 322 MC +26 6 323 MC +26 6 324 MC +26 6 325 MC +26 6 326 MC +26 6 327 MC +26 6 328 MC +26 6 329 MC +26 6 330 MC +26 7 1 RA +26 7 2 RA +26 7 3 GA +26 7 4 MC +26 7 5 TA +26 7 6 JG +26 7 7 RA +26 7 8 CA +26 7 9 NA +26 7 10 MC +26 7 11 RA +26 7 12 NA +26 7 13 RA +26 7 14 MC +26 7 15 CA +26 7 16 GA +26 7 17 GA +26 7 18 LA +26 7 19 MC +26 7 20 RA +26 7 21 RO +26 7 22 NA +26 7 23 MC +26 7 24 RA +26 7 25 RA +26 7 26 MC +26 7 27 JG +26 7 28 RO +26 7 29 RA +26 7 30 NA +26 7 31 MC +26 7 32 MC +26 7 33 RA +26 7 34 MC +26 7 35 GA +26 7 36 RA +26 7 37 MC +26 7 38 NA +26 7 39 RA +26 7 40 MC +26 7 41 CA +26 7 42 NA +26 7 43 MC +26 7 44 TA +26 7 45 RA +26 7 46 LA +26 7 47 RA +26 7 48 NA +26 7 49 MC +26 7 50 CA +26 7 51 LA +26 7 52 TA +26 7 53 RO +26 7 54 RA +26 7 55 RA +26 7 56 JG +26 7 57 CA +26 7 58 NA +26 7 59 MC +26 7 60 LA +26 7 61 CA +26 7 62 MC +26 7 63 NA +26 7 64 MC +26 7 65 RO +26 7 66 TA +26 7 67 RA +26 7 68 RO +26 7 69 RA +26 7 70 TA +26 7 71 CA +26 7 72 RA +26 7 73 MC +26 7 74 TA +26 7 75 RA +26 7 76 NA +26 7 77 MC +26 7 78 RO +26 7 79 LA +26 7 80 MC +26 7 81 RA +26 7 82 RA +26 7 83 TA +26 7 84 JG +26 7 85 RA +26 7 86 RO +26 7 87 LA +26 7 88 MC +26 7 89 LA +26 7 90 RA +26 7 91 NA +26 7 92 TA +26 7 93 MC +26 7 94 CA +26 7 95 TA +26 7 96 NA +26 7 97 MC +26 7 98 GA +26 7 99 CA +26 7 100 RA +26 7 101 MC +26 7 102 TA +26 7 103 * +26 7 104 RA +26 7 105 MC +26 7 106 NA +26 7 107 TA +26 7 108 RA +26 7 109 MC +26 7 110 NA +26 7 111 RA +26 7 112 RO +26 7 113 LA +26 7 114 RA +26 7 115 CA +26 7 116 RA +26 7 117 CA +26 7 118 RO +26 7 119 RA +26 7 120 TA +26 7 121 NA +26 7 122 RA +26 7 123 MC +26 7 124 RA +26 7 125 NA +26 7 126 RO +26 7 127 RA +26 7 128 NA +26 7 129 TA +26 7 130 RA +26 7 131 MC +26 7 132 NA +26 7 133 RA +26 7 134 CA +26 7 135 RO +26 7 136 RA +26 7 137 RA +26 7 138 MC +26 7 139 TA +26 7 140 MC +26 7 141 TA +26 7 142 TA +26 7 143 RA +26 7 144 MC +26 7 145 RA +26 7 146 NA +26 7 147 RA +26 7 148 GA +26 7 149 RA +26 7 150 MC +26 7 151 JG +26 7 152 CA +26 7 153 RA +26 7 154 LA +26 7 155 CA +26 7 156 RA +26 7 157 CA +26 7 158 TA +26 7 159 NA +26 7 160 RO +26 7 161 RA +26 7 162 GA +26 7 163 RA +26 7 164 MC +26 7 165 LA +26 7 166 RA +26 7 167 MC +26 7 168 RA +26 7 169 MC +26 7 170 * +26 7 171 RA +26 7 172 TA +26 7 173 GA +26 7 174 NA +26 7 175 RA +26 7 176 GA +26 7 177 NA +26 7 178 MC +26 7 179 CA +26 7 180 RA +26 7 181 NA +26 7 182 CA +26 7 183 RA +26 7 184 MC +26 7 185 NA +26 7 186 RA +26 7 187 NA +26 7 188 RA +26 7 189 RA +26 7 190 RO +26 7 191 RA +26 7 192 MC +26 7 193 NA +26 7 194 CA +26 7 195 RA +26 7 196 TA +26 7 197 MC +26 7 198 LA +26 7 199 TA +26 7 200 RA +26 7 201 JG +26 7 202 RA +26 7 203 RO +26 7 204 LA +26 7 205 MC +26 7 206 TA +26 7 207 RO +26 7 208 NA +26 7 209 RA +26 7 210 CA +26 7 211 RA +26 7 212 NA +26 7 213 MC +26 7 214 NA +26 7 215 RO +26 7 216 RA +26 7 217 RO +26 7 218 RA +26 7 219 TA +26 7 220 MC +26 7 221 TA +26 7 222 MC +26 7 223 RA +26 7 224 TA +26 7 225 RA +26 7 226 MC +26 7 227 LA +26 7 228 RA +26 7 229 RA +26 7 230 TA +26 7 231 MC +26 7 232 CA +26 7 233 RA +26 7 234 RA +26 7 235 MC +26 7 236 RA +26 7 237 JG +26 7 238 RA +26 7 239 RO +26 7 240 NA +26 7 241 TA +26 7 242 TA +26 7 243 MC +26 7 244 RA +26 7 245 GA +26 7 246 RA +26 7 247 MC +26 7 248 * +26 7 249 LA +26 7 250 MC +26 7 251 RA +26 7 252 TA +26 7 253 RA +26 7 254 TA +26 7 255 LA +26 7 256 RO +26 7 257 MC +26 7 258 NA +26 7 259 GA +26 7 260 NA +26 7 261 NA +26 7 262 TA +26 7 263 LA +26 7 264 RA +26 7 265 RA +26 7 266 CA +26 7 267 MC +26 7 268 NA +26 7 269 MC +26 7 270 NA +26 7 271 RA +26 7 272 TA +26 7 273 RO +26 7 274 TA +26 7 275 RA +26 7 276 RO +26 7 277 RA +26 7 278 JG +26 7 279 RA +26 7 280 MC +26 7 281 RA +26 7 282 RA +26 7 283 CA +26 7 284 TA +26 7 285 RO +26 7 286 TA +26 7 287 JG +26 7 288 GA +26 7 289 RA +26 7 290 TA +26 7 291 MC +26 7 292 RO +26 7 293 RA +26 7 294 TA +26 7 295 CA +26 7 296 MC +26 7 297 NA +26 7 298 GA +26 7 299 RA +26 7 300 LA +26 7 301 RA +26 7 302 TA +26 7 303 RA +26 7 304 RA +26 7 305 MC +26 7 306 RA +26 7 307 RA +26 7 308 CA +26 7 309 RA +26 7 310 RA +26 7 311 MC +26 7 312 LA +26 7 313 MC +26 7 314 * +26 7 315 RA +26 7 316 RA +26 7 317 CA +26 7 318 JG +26 7 319 TA +26 7 320 RA +26 7 321 GA +26 7 322 RA +26 7 323 RA +26 7 324 TA +26 7 325 MC +26 7 326 NA +26 7 327 RA +26 7 328 RA +26 7 329 CA +26 7 330 TA +26 8 1 RA +26 8 2 RA +26 8 3 GA +26 8 4 MC +26 8 5 RA +26 8 6 NA +26 8 7 RA +26 8 8 GA +26 8 9 CA +26 8 10 RA +26 8 11 RA +26 8 12 NA +26 8 13 RA +26 8 14 RA +26 8 15 RO +26 8 16 TA +26 8 17 GA +26 8 18 LA +26 8 19 RA +26 8 20 RA +26 8 21 RO +26 8 22 NA +26 8 23 CA +26 8 24 CA +26 8 25 RA +26 8 26 MC +26 8 27 RA +26 8 28 RO +26 8 29 RA +26 8 30 CA +26 8 31 RA +26 8 32 MC +26 8 33 RA +26 8 34 RA +26 8 35 NA +26 8 36 RA +26 8 37 RA +26 8 38 CA +26 8 39 RA +26 8 40 RA +26 8 41 CA +26 8 42 RA +26 8 43 MC +26 8 44 TA +26 8 45 RA +26 8 46 CA +26 8 47 RA +26 8 48 CA +26 8 49 RA +26 8 50 MC +26 8 51 CA +26 8 52 TA +26 8 53 MC +26 8 54 RA +26 8 55 RA +26 8 56 NA +26 8 57 RA +26 8 58 CA +26 8 59 MC +26 8 60 RA +26 8 61 CA +26 8 62 CA +26 8 63 NA +26 8 64 RA +26 8 65 RO +26 8 66 TA +26 8 67 RA +26 8 68 RO +26 8 69 RA +26 8 70 TA +26 8 71 CA +26 8 72 RA +26 8 73 MC +26 8 74 RA +26 8 75 LA +26 8 76 NA +26 8 77 RA +26 8 78 NA +26 8 79 LA +26 8 80 RA +26 8 81 RA +26 8 82 RA +26 8 83 TA +26 8 84 NA +26 8 85 RA +26 8 86 CA +26 8 87 LA +26 8 88 MC +26 8 89 LA +26 8 90 LA +26 8 91 RA +26 8 92 TA +26 8 93 RA +26 8 94 LA +26 8 95 TA +26 8 96 NA +26 8 97 MC +26 8 98 RO +26 8 99 RO +26 8 100 RA +26 8 101 CA +26 8 102 RA +26 8 103 RA +26 8 104 RA +26 8 105 MC +26 8 106 RA +26 8 107 TA +26 8 108 RA +26 8 109 MC +26 8 110 NA +26 8 111 LA +26 8 112 GA +26 8 113 LA +26 8 114 RA +26 8 115 CA +26 8 116 RA +26 8 117 LA +26 8 118 NA +26 8 119 RA +26 8 120 TA +26 8 121 GA +26 8 122 RA +26 8 123 RA +26 8 124 RA +26 8 125 GA +26 8 126 RO +26 8 127 LA +26 8 128 RA +26 8 129 TA +26 8 130 CA +26 8 131 MC +26 8 132 GA +26 8 133 RA +26 8 134 MC +26 8 135 RA +26 8 136 RA +26 8 137 RA +26 8 138 RA +26 8 139 TA +26 8 140 RA +26 8 141 TA +26 8 142 TA +26 8 143 RA +26 8 144 MC +26 8 145 RA +26 8 146 CA +26 8 147 RA +26 8 148 GA +26 8 149 RA +26 8 150 MC +26 8 151 NA +26 8 152 RO +26 8 153 RA +26 8 154 LA +26 8 155 CA +26 8 156 RA +26 8 157 CA +26 8 158 TA +26 8 159 GA +26 8 160 RO +26 8 161 RA +26 8 162 GA +26 8 163 RA +26 8 164 RA +26 8 165 RA +26 8 166 MC +26 8 167 MC +26 8 168 RA +26 8 169 RA +26 8 170 LA +26 8 171 * +26 8 172 TA +26 8 173 GA +26 8 174 NA +26 8 175 RA +26 8 176 NA +26 8 177 NA +26 8 178 MC +26 8 179 CA +26 8 180 RA +26 8 181 CA +26 8 182 MC +26 8 183 CA +26 8 184 CA +26 8 185 CA +26 8 186 RA +26 8 187 NA +26 8 188 RA +26 8 189 RA +26 8 190 NA +26 8 191 RA +26 8 192 MC +26 8 193 RA +26 8 194 MC +26 8 195 RA +26 8 196 RA +26 8 197 CA +26 8 198 LA +26 8 199 TA +26 8 200 * +26 8 201 NA +26 8 202 RA +26 8 203 RO +26 8 204 LA +26 8 205 MC +26 8 206 TA +26 8 207 NA +26 8 208 CA +26 8 209 RA +26 8 210 CA +26 8 211 RA +26 8 212 NA +26 8 213 CA +26 8 214 RA +26 8 215 RO +26 8 216 LA +26 8 217 NA +26 8 218 RA +26 8 219 RA +26 8 220 MC +26 8 221 RA +26 8 222 MC +26 8 223 RA +26 8 224 TA +26 8 225 RA +26 8 226 RA +26 8 227 LA +26 8 228 LA +26 8 229 RA +26 8 230 RA +26 8 231 MC +26 8 232 CA +26 8 233 CA +26 8 234 RA +26 8 235 MC +26 8 236 RA +26 8 237 NA +26 8 238 RA +26 8 239 NA +26 8 240 CA +26 8 241 TA +26 8 242 NA +26 8 243 MC +26 8 244 RA +26 8 245 NA +26 8 246 RA +26 8 247 MC +26 8 248 LA +26 8 249 RA +26 8 250 MC +26 8 251 RA +26 8 252 TA +26 8 253 RA +26 8 254 TA +26 8 255 LA +26 8 256 NA +26 8 257 RA +26 8 258 NA +26 8 259 CA +26 8 260 NA +26 8 261 NA +26 8 262 TA +26 8 263 TA +26 8 264 TA +26 8 265 RA +26 8 266 CA +26 8 267 MC +26 8 268 RA +26 8 269 MC +26 8 270 NA +26 8 271 LA +26 8 272 TA +26 8 273 MC +26 8 274 TA +26 8 275 NA +26 8 276 RO +26 8 277 RA +26 8 278 NA +26 8 279 MC +26 8 280 RA +26 8 281 RA +26 8 282 RA +26 8 283 CA +26 8 284 TA +26 8 285 NA +26 8 286 TA +26 8 287 CA +26 8 288 NA +26 8 289 RA +26 8 290 TA +26 8 291 MC +26 8 292 RO +26 8 293 RA +26 8 294 TA +26 8 295 CA +26 8 296 MC +26 8 297 NA +26 8 298 GA +26 8 299 RA +26 8 300 TA +26 8 301 RA +26 8 302 RA +26 8 303 RA +26 8 304 RA +26 8 305 MC +26 8 306 RA +26 8 307 RA +26 8 308 RA +26 8 309 LA +26 8 310 RA +26 8 311 MC +26 8 312 LA +26 8 313 MC +26 8 314 TA +26 8 315 RA +26 8 316 RA +26 8 317 CA +26 8 318 NA +26 8 319 TA +26 8 320 RA +26 8 321 GA +26 8 322 RA +26 8 323 RA +26 8 324 TA +26 8 325 MC +26 8 326 NA +26 8 327 TA +26 8 328 RA +26 8 329 CA +26 8 330 RA +26 9 1 RA +26 9 2 RA +26 9 3 GA +26 9 4 MC +26 9 5 RA +26 9 6 GA +26 9 7 RA +26 9 8 MC +26 9 9 CA +26 9 10 * +26 9 11 LA +26 9 12 GA +26 9 13 LA +26 9 14 LA +26 9 15 RO +26 9 16 TA +26 9 17 GA +26 9 18 LA +26 9 19 TA +26 9 20 RA +26 9 21 RO +26 9 22 TA +26 9 23 MC +26 9 24 LA +26 9 25 MC +26 9 26 MC +26 9 27 TA +26 9 28 RO +26 9 29 MC +26 9 30 CA +26 9 31 TA +26 9 32 RO +26 9 33 RA +26 9 34 MC +26 9 35 NA +26 9 36 LA +26 9 37 MC +26 9 38 GA +26 9 39 RA +26 9 40 RA +26 9 41 GA +26 9 42 TA +26 9 43 LA +26 9 44 TA +26 9 45 MC +26 9 46 LA +26 9 47 LA +26 9 48 NA +26 9 49 MC +26 9 50 LA +26 9 51 CA +26 9 52 TA +26 9 53 RO +26 9 54 RA +26 9 55 RA +26 9 56 GA +26 9 57 TA +26 9 58 CA +26 9 59 TA +26 9 60 RA +26 9 61 RO +26 9 62 TA +26 9 63 GA +26 9 64 RA +26 9 65 RO +26 9 66 TA +26 9 67 RA +26 9 68 RO +26 9 69 CA +26 9 70 TA +26 9 71 MC +26 9 72 RA +26 9 73 RA +26 9 74 TA +26 9 75 LA +26 9 76 GA +26 9 77 MC +26 9 78 TA +26 9 79 LA +26 9 80 RA +26 9 81 RA +26 9 82 MC +26 9 83 NA +26 9 84 RO +26 9 85 RA +26 9 86 RO +26 9 87 LA +26 9 88 NA +26 9 89 LA +26 9 90 MC +26 9 91 RA +26 9 92 TA +26 9 93 MC +26 9 94 LA +26 9 95 TA +26 9 96 NA +26 9 97 MC +26 9 98 GA +26 9 99 TA +26 9 100 MC +26 9 101 GA +26 9 102 TA +26 9 103 CA +26 9 104 RA +26 9 105 MC +26 9 106 NA +26 9 107 TA +26 9 108 RA +26 9 109 LA +26 9 110 MC +26 9 111 LA +26 9 112 GA +26 9 113 LA +26 9 114 MC +26 9 115 GA +26 9 116 TA +26 9 117 LA +26 9 118 MC +26 9 119 RA +26 9 120 TA +26 9 121 GA +26 9 122 RA +26 9 123 MC +26 9 124 * +26 9 125 GA +26 9 126 RO +26 9 127 LA +26 9 128 RA +26 9 129 TA +26 9 130 LA +26 9 131 MC +26 9 132 GA +26 9 133 RA +26 9 134 LA +26 9 135 CA +26 9 136 RA +26 9 137 LA +26 9 138 RA +26 9 139 TA +26 9 140 MC +26 9 141 TA +26 9 142 TA +26 9 143 RA +26 9 144 MC +26 9 145 RA +26 9 146 NA +26 9 147 RA +26 9 148 GA +26 9 149 RA +26 9 150 MC +26 9 151 RO +26 9 152 RO +26 9 153 NA +26 9 154 LA +26 9 155 CA +26 9 156 RA +26 9 157 CA +26 9 158 TA +26 9 159 NA +26 9 160 RO +26 9 161 NA +26 9 162 GA +26 9 163 RA +26 9 164 MC +26 9 165 RA +26 9 166 LA +26 9 167 RO +26 9 168 RA +26 9 169 RA +26 9 170 LA +26 9 171 RA +26 9 172 TA +26 9 173 RO +26 9 174 GA +26 9 175 MC +26 9 176 GA +26 9 177 NA +26 9 178 MC +26 9 179 CA +26 9 180 NA +26 9 181 CA +26 9 182 CA +26 9 183 LA +26 9 184 MC +26 9 185 MC +26 9 186 RA +26 9 187 GA +26 9 188 RA +26 9 189 TA +26 9 190 RO +26 9 191 RA +26 9 192 MC +26 9 193 RA +26 9 194 CA +26 9 195 RA +26 9 196 RA +26 9 197 MC +26 9 198 LA +26 9 199 TA +26 9 200 MC +26 9 201 NA +26 9 202 RA +26 9 203 GA +26 9 204 LA +26 9 205 MC +26 9 206 TA +26 9 207 GA +26 9 208 CA +26 9 209 RA +26 9 210 CA +26 9 211 TA +26 9 212 GA +26 9 213 RA +26 9 214 MC +26 9 215 RO +26 9 216 LA +26 9 217 RO +26 9 218 RA +26 9 219 TA +26 9 220 MC +26 9 221 TA +26 9 222 MC +26 9 223 RA +26 9 224 TA +26 9 225 CA +26 9 226 RA +26 9 227 LA +26 9 228 LA +26 9 229 RA +26 9 230 TA +26 9 231 NA +26 9 232 CA +26 9 233 TA +26 9 234 RA +26 9 235 MC +26 9 236 RA +26 9 237 NA +26 9 238 RA +26 9 239 RO +26 9 240 CA +26 9 241 TA +26 9 242 NA +26 9 243 CA +26 9 244 TA +26 9 245 GA +26 9 246 RA +26 9 247 * +26 9 248 CA +26 9 249 CA +26 9 250 * +26 9 251 RA +26 9 252 TA +26 9 253 RA +26 9 254 MC +26 9 255 LA +26 9 256 GA +26 9 257 RA +26 9 258 NA +26 9 259 CA +26 9 260 TA +26 9 261 NA +26 9 262 TA +26 9 263 LA +26 9 264 RA +26 9 265 RA +26 9 266 CA +26 9 267 * +26 9 268 RA +26 9 269 RO +26 9 270 NA +26 9 271 LA +26 9 272 TA +26 9 273 RO +26 9 274 TA +26 9 275 RA +26 9 276 GA +26 9 277 * +26 9 278 GA +26 9 279 LA +26 9 280 RA +26 9 281 RA +26 9 282 RA +26 9 283 CA +26 9 284 TA +26 9 285 RO +26 9 286 TA +26 9 287 CA +26 9 288 GA +26 9 289 RA +26 9 290 TA +26 9 291 MC +26 9 292 NA +26 9 293 TA +26 9 294 TA +26 9 295 CA +26 9 296 MC +26 9 297 GA +26 9 298 GA +26 9 299 RA +26 9 300 TA +26 9 301 RA +26 9 302 TA +26 9 303 TA +26 9 304 RA +26 9 305 LA +26 9 306 RA +26 9 307 MC +26 9 308 RO +26 9 309 LA +26 9 310 RA +26 9 311 MC +26 9 312 LA +26 9 313 MC +26 9 314 TA +26 9 315 RA +26 9 316 MC +26 9 317 GA +26 9 318 GA +26 9 319 TA +26 9 320 RA +26 9 321 GA +26 9 322 RA +26 9 323 RA +26 9 324 TA +26 9 325 MC +26 9 326 NA +26 9 327 TA +26 9 328 RA +26 9 329 CA +26 9 330 TA +26 10 1 RA +26 10 2 RA +26 10 3 NA +26 10 4 MC +26 10 5 RA +26 10 6 RO +26 10 7 RA +26 10 8 MC +26 10 9 CA +26 10 10 MC +26 10 11 RA +26 10 12 NA +26 10 13 RA +26 10 14 MC +26 10 15 RO +26 10 16 TA +26 10 17 NA +26 10 18 TA +26 10 19 RA +26 10 20 RA +26 10 21 RO +26 10 22 NA +26 10 23 MC +26 10 24 CA +26 10 25 RA +26 10 26 MC +26 10 27 TA +26 10 28 NA +26 10 29 RA +26 10 30 CA +26 10 31 RA +26 10 32 MC +26 10 33 RA +26 10 34 MC +26 10 35 RO +26 10 36 RA +26 10 37 MC +26 10 38 CA +26 10 39 RA +26 10 40 RA +26 10 41 CA +26 10 42 NA +26 10 43 RA +26 10 44 TA +26 10 45 RA +26 10 46 TA +26 10 47 RA +26 10 48 NA +26 10 49 RA +26 10 50 MC +26 10 51 CA +26 10 52 TA +26 10 53 MC +26 10 54 RA +26 10 55 RA +26 10 56 TA +26 10 57 RA +26 10 58 CA +26 10 59 TA +26 10 60 RA +26 10 61 MC +26 10 62 RA +26 10 63 RO +26 10 64 MC +26 10 65 RO +26 10 66 TA +26 10 67 RA +26 10 68 MC +26 10 69 RA +26 10 70 TA +26 10 71 MC +26 10 72 RA +26 10 73 MC +26 10 74 TA +26 10 75 RA +26 10 76 RO +26 10 77 RA +26 10 78 RO +26 10 79 TA +26 10 80 MC +26 10 81 RA +26 10 82 RA +26 10 83 TA +26 10 84 RO +26 10 85 RA +26 10 86 RO +26 10 87 TA +26 10 88 MC +26 10 89 TA +26 10 90 RA +26 10 91 TA +26 10 92 TA +26 10 93 MC +26 10 94 TA +26 10 95 TA +26 10 96 NA +26 10 97 MC +26 10 98 RO +26 10 99 MC +26 10 100 TA +26 10 101 MC +26 10 102 TA +26 10 103 TA +26 10 104 MC +26 10 105 MC +26 10 106 RO +26 10 107 TA +26 10 108 RA +26 10 109 MC +26 10 110 NA +26 10 111 RA +26 10 112 RO +26 10 113 TA +26 10 114 RA +26 10 115 RO +26 10 116 TA +26 10 117 CA +26 10 118 RO +26 10 119 RA +26 10 120 TA +26 10 121 GA +26 10 122 RA +26 10 123 MC +26 10 124 RA +26 10 125 RO +26 10 126 RO +26 10 127 TA +26 10 128 NA +26 10 129 TA +26 10 130 RA +26 10 131 MC +26 10 132 CA +26 10 133 RA +26 10 134 TA +26 10 135 MC +26 10 136 RA +26 10 137 RA +26 10 138 MC +26 10 139 TA +26 10 140 MC +26 10 141 TA +26 10 142 TA +26 10 143 RA +26 10 144 * +26 10 145 RA +26 10 146 NA +26 10 147 RA +26 10 148 GA +26 10 149 RA +26 10 150 MC +26 10 151 NA +26 10 152 MC +26 10 153 RA +26 10 154 TA +26 10 155 CA +26 10 156 RA +26 10 157 CA +26 10 158 TA +26 10 159 NA +26 10 160 RO +26 10 161 RA +26 10 162 CA +26 10 163 RA +26 10 164 RA +26 10 165 CA +26 10 166 MC +26 10 167 MC +26 10 168 RA +26 10 169 MC +26 10 170 TA +26 10 171 CA +26 10 172 TA +26 10 173 RO +26 10 174 NA +26 10 175 RA +26 10 176 RO +26 10 177 NA +26 10 178 RA +26 10 179 CA +26 10 180 RA +26 10 181 MC +26 10 182 MC +26 10 183 CA +26 10 184 MC +26 10 185 NA +26 10 186 RA +26 10 187 GA +26 10 188 MC +26 10 189 MC +26 10 190 RO +26 10 191 * +26 10 192 MC +26 10 193 RA +26 10 194 CA +26 10 195 RA +26 10 196 RA +26 10 197 MC +26 10 198 TA +26 10 199 RA +26 10 200 RA +26 10 201 RO +26 10 202 RA +26 10 203 MC +26 10 204 CA +26 10 205 MC +26 10 206 TA +26 10 207 RO +26 10 208 CA +26 10 209 RA +26 10 210 CA +26 10 211 RA +26 10 212 NA +26 10 213 TA +26 10 214 RA +26 10 215 MC +26 10 216 TA +26 10 217 NA +26 10 218 RA +26 10 219 TA +26 10 220 MC +26 10 221 TA +26 10 222 MC +26 10 223 RA +26 10 224 TA +26 10 225 CA +26 10 226 RA +26 10 227 TA +26 10 228 MC +26 10 229 RA +26 10 230 TA +26 10 231 MC +26 10 232 CA +26 10 233 MC +26 10 234 RA +26 10 235 MC +26 10 236 RA +26 10 237 NA +26 10 238 RA +26 10 239 RO +26 10 240 CA +26 10 241 TA +26 10 242 NA +26 10 243 CA +26 10 244 TA +26 10 245 NA +26 10 246 RA +26 10 247 MC +26 10 248 TA +26 10 249 RA +26 10 250 MC +26 10 251 RA +26 10 252 TA +26 10 253 RA +26 10 254 RA +26 10 255 TA +26 10 256 NA +26 10 257 TA +26 10 258 NA +26 10 259 CA +26 10 260 RA +26 10 261 RO +26 10 262 TA +26 10 263 TA +26 10 264 RA +26 10 265 RA +26 10 266 CA +26 10 267 MC +26 10 268 RA +26 10 269 CA +26 10 270 NA +26 10 271 TA +26 10 272 TA +26 10 273 MC +26 10 274 TA +26 10 275 NA +26 10 276 MC +26 10 277 RA +26 10 278 NA +26 10 279 MC +26 10 280 RA +26 10 281 RA +26 10 282 RA +26 10 283 CA +26 10 284 TA +26 10 285 NA +26 10 286 TA +26 10 287 CA +26 10 288 GA +26 10 289 RA +26 10 290 TA +26 10 291 MC +26 10 292 RO +26 10 293 TA +26 10 294 TA +26 10 295 CA +26 10 296 MC +26 10 297 NA +26 10 298 GA +26 10 299 RA +26 10 300 TA +26 10 301 RA +26 10 302 TA +26 10 303 MC +26 10 304 RA +26 10 305 MC +26 10 306 RA +26 10 307 RA +26 10 308 MC +26 10 309 CA +26 10 310 RA +26 10 311 MC +26 10 312 TA +26 10 313 MC +26 10 314 TA +26 10 315 RA +26 10 316 RA +26 10 317 MC +26 10 318 NA +26 10 319 TA +26 10 320 CA +26 10 321 NA +26 10 322 MC +26 10 323 RA +26 10 324 TA +26 10 325 MC +26 10 326 NA +26 10 327 TA +26 10 328 RA +26 10 329 MC +26 10 330 TA +26 11 1 RA +26 11 2 TA +26 11 3 GA +26 11 4 MC +26 11 5 RA +26 11 6 NA +26 11 7 RA +26 11 8 MC +26 11 9 CA +26 11 10 MC +26 11 11 RA +26 11 12 NA +26 11 13 RA +26 11 14 MC +26 11 15 RO +26 11 16 TA +26 11 17 GA +26 11 18 LA +26 11 19 RA +26 11 20 RA +26 11 21 GA +26 11 22 NA +26 11 23 MC +26 11 24 CA +26 11 25 RA +26 11 26 MC +26 11 27 TA +26 11 28 RO +26 11 29 RA +26 11 30 CA +26 11 31 TA +26 11 32 RO +26 11 33 RA +26 11 34 RA +26 11 35 MC +26 11 36 CA +26 11 37 MC +26 11 38 RO +26 11 39 RA +26 11 40 RA +26 11 41 CA +26 11 42 NA +26 11 43 MC +26 11 44 TA +26 11 45 RA +26 11 46 CA +26 11 47 MC +26 11 48 NA +26 11 49 RA +26 11 50 MC +26 11 51 CA +26 11 52 TA +26 11 53 RO +26 11 54 RA +26 11 55 RA +26 11 56 TA +26 11 57 RA +26 11 58 CA +26 11 59 MC +26 11 60 RA +26 11 61 CA +26 11 62 MC +26 11 63 RO +26 11 64 RA +26 11 65 RO +26 11 66 TA +26 11 67 RA +26 11 68 RO +26 11 69 RA +26 11 70 TA +26 11 71 CA +26 11 72 MC +26 11 73 MC +26 11 74 RA +26 11 75 RA +26 11 76 CA +26 11 77 RA +26 11 78 RO +26 11 79 LA +26 11 80 MC +26 11 81 RA +26 11 82 RA +26 11 83 CA +26 11 84 RO +26 11 85 RA +26 11 86 RO +26 11 87 RA +26 11 88 MC +26 11 89 LA +26 11 90 RA +26 11 91 NA +26 11 92 CA +26 11 93 MC +26 11 94 CA +26 11 95 NA +26 11 96 NA +26 11 97 MC +26 11 98 GA +26 11 99 CA +26 11 100 RA +26 11 101 RO +26 11 102 MC +26 11 103 CA +26 11 104 RA +26 11 105 MC +26 11 106 NA +26 11 107 TA +26 11 108 TA +26 11 109 MC +26 11 110 NA +26 11 111 CA +26 11 112 RO +26 11 113 CA +26 11 114 RA +26 11 115 RO +26 11 116 RA +26 11 117 CA +26 11 118 RO +26 11 119 RA +26 11 120 TA +26 11 121 GA +26 11 122 RA +26 11 123 MC +26 11 124 NA +26 11 125 CA +26 11 126 RO +26 11 127 RA +26 11 128 NA +26 11 129 TA +26 11 130 CA +26 11 131 MC +26 11 132 GA +26 11 133 RA +26 11 134 CA +26 11 135 RO +26 11 136 RA +26 11 137 RA +26 11 138 RA +26 11 139 CA +26 11 140 RA +26 11 141 TA +26 11 142 CA +26 11 143 RA +26 11 144 MC +26 11 145 RA +26 11 146 NA +26 11 147 RA +26 11 148 GA +26 11 149 RA +26 11 150 MC +26 11 151 RO +26 11 152 MC +26 11 153 RA +26 11 154 LA +26 11 155 CA +26 11 156 RA +26 11 157 CA +26 11 158 TA +26 11 159 NA +26 11 160 RO +26 11 161 RA +26 11 162 GA +26 11 163 RA +26 11 164 MC +26 11 165 CA +26 11 166 RA +26 11 167 CA +26 11 168 RA +26 11 169 RA +26 11 170 RA +26 11 171 RA +26 11 172 TA +26 11 173 RO +26 11 174 NA +26 11 175 TA +26 11 176 GA +26 11 177 NA +26 11 178 MC +26 11 179 CA +26 11 180 RA +26 11 181 NA +26 11 182 RO +26 11 183 CA +26 11 184 MC +26 11 185 CA +26 11 186 RA +26 11 187 NA +26 11 188 RA +26 11 189 TA +26 11 190 RO +26 11 191 RA +26 11 192 MC +26 11 193 NA +26 11 194 CA +26 11 195 RA +26 11 196 RA +26 11 197 MC +26 11 198 CA +26 11 199 TA +26 11 200 RA +26 11 201 RO +26 11 202 RA +26 11 203 RO +26 11 204 CA +26 11 205 MC +26 11 206 TA +26 11 207 RO +26 11 208 NA +26 11 209 RA +26 11 210 CA +26 11 211 RA +26 11 212 NA +26 11 213 MC +26 11 214 NA +26 11 215 RO +26 11 216 MC +26 11 217 TA +26 11 218 NA +26 11 219 TA +26 11 220 MC +26 11 221 TA +26 11 222 MC +26 11 223 RA +26 11 224 TA +26 11 225 CA +26 11 226 RA +26 11 227 CA +26 11 228 MC +26 11 229 RA +26 11 230 TA +26 11 231 MC +26 11 232 CA +26 11 233 MC +26 11 234 RA +26 11 235 RA +26 11 236 RA +26 11 237 RO +26 11 238 RA +26 11 239 RO +26 11 240 CA +26 11 241 TA +26 11 242 NA +26 11 243 MC +26 11 244 TA +26 11 245 GA +26 11 246 RA +26 11 247 MC +26 11 248 CA +26 11 249 RA +26 11 250 MC +26 11 251 RA +26 11 252 RO +26 11 253 RA +26 11 254 MC +26 11 255 CA +26 11 256 RO +26 11 257 RA +26 11 258 NA +26 11 259 GA +26 11 260 NA +26 11 261 NA +26 11 262 TA +26 11 263 CA +26 11 264 RA +26 11 265 RA +26 11 266 RO +26 11 267 MC +26 11 268 RA +26 11 269 RO +26 11 270 NA +26 11 271 RA +26 11 272 TA +26 11 273 MC +26 11 274 TA +26 11 275 NA +26 11 276 RO +26 11 277 RA +26 11 278 RO +26 11 279 MC +26 11 280 RA +26 11 281 RA +26 11 282 RA +26 11 283 CA +26 11 284 TA +26 11 285 RO +26 11 286 TA +26 11 287 CA +26 11 288 GA +26 11 289 RA +26 11 290 NA +26 11 291 MC +26 11 292 RO +26 11 293 TA +26 11 294 TA +26 11 295 CA +26 11 296 MC +26 11 297 NA +26 11 298 GA +26 11 299 RA +26 11 300 CA +26 11 301 RA +26 11 302 TA +26 11 303 RA +26 11 304 NA +26 11 305 MC +26 11 306 RA +26 11 307 RA +26 11 308 MC +26 11 309 CA +26 11 310 RA +26 11 311 RA +26 11 312 CA +26 11 313 MC +26 11 314 TA +26 11 315 RA +26 11 316 RA +26 11 317 RO +26 11 318 NA +26 11 319 TA +26 11 320 RA +26 11 321 GA +26 11 322 RA +26 11 323 RA +26 11 324 NA +26 11 325 MC +26 11 326 NA +26 11 327 TA +26 11 328 RA +26 11 329 CA +26 11 330 TA +26 12 1 * +26 12 2 * +26 12 3 NA +26 12 4 MC +26 12 5 RA +26 12 6 CA +26 12 7 RA +26 12 8 CA +26 12 9 CA +26 12 10 MC +26 12 11 RA +26 12 12 NA +26 12 13 RA +26 12 14 MC +26 12 15 RO +26 12 16 TA +26 12 17 NA +26 12 18 LA +26 12 19 * +26 12 20 RA +26 12 21 RO +26 12 22 NA +26 12 23 MC +26 12 24 CA +26 12 25 MC +26 12 26 MC +26 12 27 MC +26 12 28 RO +26 12 29 RA +26 12 30 NA +26 12 31 RA +26 12 32 RO +26 12 33 RA +26 12 34 * +26 12 35 NA +26 12 36 RA +26 12 37 * +26 12 38 RO +26 12 39 RA +26 12 40 RA +26 12 41 NA +26 12 42 NA +26 12 43 MC +26 12 44 TA +26 12 45 RA +26 12 46 CA +26 12 47 RA +26 12 48 NA +26 12 49 * +26 12 50 CA +26 12 51 CA +26 12 52 TA +26 12 53 RO +26 12 54 RA +26 12 55 * +26 12 56 RO +26 12 57 RA +26 12 58 NA +26 12 59 RO +26 12 60 RA +26 12 61 CA +26 12 62 MC +26 12 63 RO +26 12 64 * +26 12 65 RO +26 12 66 TA +26 12 67 RA +26 12 68 RO +26 12 69 RA +26 12 70 RO +26 12 71 CA +26 12 72 RA +26 12 73 MC +26 12 74 RA +26 12 75 RA +26 12 76 NA +26 12 77 * +26 12 78 RO +26 12 79 LA +26 12 80 * +26 12 81 RA +26 12 82 * +26 12 83 TA +26 12 84 RO +26 12 85 RA +26 12 86 RO +26 12 87 RA +26 12 88 RO +26 12 89 LA +26 12 90 RA +26 12 91 RA +26 12 92 TA +26 12 93 MC +26 12 94 LA +26 12 95 MC +26 12 96 NA +26 12 97 MC +26 12 98 GA +26 12 99 RO +26 12 100 RA +26 12 101 RO +26 12 102 * +26 12 103 RA +26 12 104 * +26 12 105 RO +26 12 106 NA +26 12 107 TA +26 12 108 RA +26 12 109 MC +26 12 110 NA +26 12 111 RA +26 12 112 GA +26 12 113 LA +26 12 114 * +26 12 115 CA +26 12 116 RA +26 12 117 CA +26 12 118 RO +26 12 119 RA +26 12 120 TA +26 12 121 NA +26 12 122 RA +26 12 123 MC +26 12 124 RA +26 12 125 NA +26 12 126 RO +26 12 127 RA +26 12 128 NA +26 12 129 TA +26 12 130 RA +26 12 131 MC +26 12 132 NA +26 12 133 RA +26 12 134 CA +26 12 135 RO +26 12 136 * +26 12 137 RA +26 12 138 MC +26 12 139 RO +26 12 140 * +26 12 141 TA +26 12 142 NA +26 12 143 RA +26 12 144 MC +26 12 145 RA +26 12 146 NA +26 12 147 RA +26 12 148 GA +26 12 149 RA +26 12 150 MC +26 12 151 NA +26 12 152 RO +26 12 153 * +26 12 154 CA +26 12 155 RA +26 12 156 RA +26 12 157 CA +26 12 158 TA +26 12 159 NA +26 12 160 RO +26 12 161 RA +26 12 162 TA +26 12 163 RA +26 12 164 * +26 12 165 RA +26 12 166 MC +26 12 167 RO +26 12 168 RA +26 12 169 RA +26 12 170 RA +26 12 171 RA +26 12 172 TA +26 12 173 RO +26 12 174 NA +26 12 175 MC +26 12 176 GA +26 12 177 NA +26 12 178 MC +26 12 179 CA +26 12 180 RA +26 12 181 CA +26 12 182 CA +26 12 183 CA +26 12 184 MC +26 12 185 NA +26 12 186 RA +26 12 187 * +26 12 188 * +26 12 189 * +26 12 190 RO +26 12 191 RA +26 12 192 MC +26 12 193 RA +26 12 194 CA +26 12 195 RA +26 12 196 * +26 12 197 RO +26 12 198 LA +26 12 199 TA +26 12 200 * +26 12 201 RO +26 12 202 RA +26 12 203 RO +26 12 204 CA +26 12 205 MC +26 12 206 TA +26 12 207 RO +26 12 208 NA +26 12 209 RA +26 12 210 CA +26 12 211 * +26 12 212 NA +26 12 213 RO +26 12 214 RA +26 12 215 RO +26 12 216 RA +26 12 217 RO +26 12 218 RA +26 12 219 TA +26 12 220 * +26 12 221 RA +26 12 222 MC +26 12 223 RA +26 12 224 TA +26 12 225 RA +26 12 226 MC +26 12 227 CA +26 12 228 * +26 12 229 RA +26 12 230 RO +26 12 231 RO +26 12 232 CA +26 12 233 MC +26 12 234 RA +26 12 235 * +26 12 236 RA +26 12 237 RO +26 12 238 * +26 12 239 RA +26 12 240 RO +26 12 241 CA +26 12 242 TA +26 12 243 MC +26 12 244 NA +26 12 245 TA +26 12 246 NA +26 12 247 RA +26 12 248 MC +26 12 249 LA +26 12 250 MC +26 12 251 RA +26 12 252 TA +26 12 253 RA +26 12 254 * +26 12 255 LA +26 12 256 RO +26 12 257 MC +26 12 258 RA +26 12 259 CA +26 12 260 NA +26 12 261 NA +26 12 262 NA +26 12 263 CA +26 12 264 RA +26 12 265 RA +26 12 266 CA +26 12 267 MC +26 12 268 RA +26 12 269 RO +26 12 270 NA +26 12 271 RA +26 12 272 TA +26 12 273 RO +26 12 274 TA +26 12 275 RA +26 12 276 RO +26 12 277 * +26 12 278 NA +26 12 279 * +26 12 280 RA +26 12 281 RA +26 12 282 RA +26 12 283 CA +26 12 284 TA +26 12 285 RO +26 12 286 TA +26 12 287 CA +26 12 288 GA +26 12 289 * +26 12 290 TA +26 12 291 MC +26 12 292 RO +26 12 293 TA +26 12 294 TA +26 12 295 CA +26 12 296 MC +26 12 297 NA +26 12 298 GA +26 12 299 RA +26 12 300 TA +26 12 301 RA +26 12 302 RO +26 12 303 * +26 12 304 RA +26 12 305 MC +26 12 306 RA +26 12 307 * +26 12 308 MC +26 12 309 LA +26 12 310 RA +26 12 311 * +26 12 312 LA +26 12 313 MC +26 12 314 RO +26 12 315 RA +26 12 316 RA +26 12 317 RO +26 12 318 NA +26 12 319 TA +26 12 320 RA +26 12 321 GA +26 12 322 * +26 12 323 RA +26 12 324 TA +26 12 325 RO +26 12 326 NA +26 12 327 TA +26 12 328 RA +26 12 329 CA +26 12 330 TA +26 13 1 RA +26 13 2 RA +26 13 3 NA +26 13 4 MC +26 13 5 RA +26 13 6 NA +26 13 7 RA +26 13 8 CA +26 13 9 CA +26 13 10 MC +26 13 11 RA +26 13 12 NA +26 13 13 RA +26 13 14 MC +26 13 15 RO +26 13 16 TA +26 13 17 NA +26 13 18 LA +26 13 19 RA +26 13 20 RA +26 13 21 RO +26 13 22 NA +26 13 23 MC +26 13 24 LA +26 13 25 RA +26 13 26 MC +26 13 27 TA +26 13 28 RO +26 13 29 RA +26 13 30 NA +26 13 31 RA +26 13 32 RO +26 13 33 RA +26 13 34 MC +26 13 35 NA +26 13 36 RA +26 13 37 RA +26 13 38 RO +26 13 39 RA +26 13 40 RA +26 13 41 CA +26 13 42 NA +26 13 43 MC +26 13 44 TA +26 13 45 RA +26 13 46 TA +26 13 47 RA +26 13 48 NA +26 13 49 TA +26 13 50 MC +26 13 51 CA +26 13 52 TA +26 13 53 RO +26 13 54 RA +26 13 55 RA +26 13 56 NA +26 13 57 RA +26 13 58 RA +26 13 59 TA +26 13 60 MC +26 13 61 CA +26 13 62 MC +26 13 63 RO +26 13 64 MC +26 13 65 RO +26 13 66 TA +26 13 67 RA +26 13 68 RO +26 13 69 RA +26 13 70 TA +26 13 71 CA +26 13 72 RA +26 13 73 MC +26 13 74 RA +26 13 75 RA +26 13 76 NA +26 13 77 RA +26 13 78 RO +26 13 79 LA +26 13 80 MC +26 13 81 RA +26 13 82 RA +26 13 83 NA +26 13 84 RO +26 13 85 RA +26 13 86 RO +26 13 87 LA +26 13 88 RO +26 13 89 LA +26 13 90 RA +26 13 91 RA +26 13 92 TA +26 13 93 MC +26 13 94 LA +26 13 95 RA +26 13 96 NA +26 13 97 MC +26 13 98 GA +26 13 99 MC +26 13 100 RA +26 13 101 NA +26 13 102 MC +26 13 103 RA +26 13 104 RA +26 13 105 NA +26 13 106 NA +26 13 107 TA +26 13 108 RA +26 13 109 MC +26 13 110 NA +26 13 111 RA +26 13 112 RO +26 13 113 LA +26 13 114 RA +26 13 115 CA +26 13 116 RA +26 13 117 LA +26 13 118 RO +26 13 119 RA +26 13 120 TA +26 13 121 NA +26 13 122 RA +26 13 123 RA +26 13 124 RA +26 13 125 NA +26 13 126 RO +26 13 127 RA +26 13 128 RA +26 13 129 TA +26 13 130 RA +26 13 131 MC +26 13 132 NA +26 13 133 RA +26 13 134 CA +26 13 135 NA +26 13 136 RA +26 13 137 RA +26 13 138 RA +26 13 139 TA +26 13 140 MC +26 13 141 TA +26 13 142 TA +26 13 143 RA +26 13 144 MC +26 13 145 RA +26 13 146 NA +26 13 147 RA +26 13 148 GA +26 13 149 RA +26 13 150 MC +26 13 151 RO +26 13 152 MC +26 13 153 RA +26 13 154 LA +26 13 155 CA +26 13 156 RA +26 13 157 CA +26 13 158 TA +26 13 159 NA +26 13 160 RO +26 13 161 RA +26 13 162 NA +26 13 163 RA +26 13 164 MC +26 13 165 RA +26 13 166 MC +26 13 167 RA +26 13 168 RA +26 13 169 MC +26 13 170 MC +26 13 171 RA +26 13 172 TA +26 13 173 RO +26 13 174 NA +26 13 175 RA +26 13 176 RO +26 13 177 NA +26 13 178 MC +26 13 179 CA +26 13 180 RA +26 13 181 NA +26 13 182 CA +26 13 183 NA +26 13 184 MC +26 13 185 NA +26 13 186 RA +26 13 187 NA +26 13 188 RA +26 13 189 RA +26 13 190 RO +26 13 191 RA +26 13 192 MC +26 13 193 RA +26 13 194 CA +26 13 195 RA +26 13 196 RA +26 13 197 MC +26 13 198 LA +26 13 199 TA +26 13 200 RA +26 13 201 NA +26 13 202 RA +26 13 203 RO +26 13 204 LA +26 13 205 MC +26 13 206 TA +26 13 207 RO +26 13 208 NA +26 13 209 RA +26 13 210 CA +26 13 211 RA +26 13 212 NA +26 13 213 MC +26 13 214 RA +26 13 215 RO +26 13 216 LA +26 13 217 RO +26 13 218 RA +26 13 219 RA +26 13 220 MC +26 13 221 TA +26 13 222 MC +26 13 223 RA +26 13 224 TA +26 13 225 RA +26 13 226 MC +26 13 227 LA +26 13 228 MC +26 13 229 RA +26 13 230 TA +26 13 231 NA +26 13 232 CA +26 13 233 MC +26 13 234 RA +26 13 235 MC +26 13 236 RA +26 13 237 RO +26 13 238 RA +26 13 239 RO +26 13 240 CA +26 13 241 TA +26 13 242 NA +26 13 243 NA +26 13 244 TA +26 13 245 RO +26 13 246 RA +26 13 247 MC +26 13 248 LA +26 13 249 RA +26 13 250 MC +26 13 251 RA +26 13 252 TA +26 13 253 RA +26 13 254 RA +26 13 255 LA +26 13 256 RO +26 13 257 MC +26 13 258 RA +26 13 259 CA +26 13 260 RA +26 13 261 NA +26 13 262 TA +26 13 263 MC +26 13 264 RA +26 13 265 RA +26 13 266 CA +26 13 267 MC +26 13 268 RA +26 13 269 MC +26 13 270 NA +26 13 271 RA +26 13 272 TA +26 13 273 NA +26 13 274 TA +26 13 275 RA +26 13 276 RO +26 13 277 MC +26 13 278 RO +26 13 279 MC +26 13 280 RA +26 13 281 RA +26 13 282 RA +26 13 283 LA +26 13 284 TA +26 13 285 RO +26 13 286 TA +26 13 287 RA +26 13 288 RO +26 13 289 RA +26 13 290 TA +26 13 291 MC +26 13 292 RO +26 13 293 RA +26 13 294 RA +26 13 295 CA +26 13 296 MC +26 13 297 NA +26 13 298 GA +26 13 299 RA +26 13 300 TA +26 13 301 RA +26 13 302 RO +26 13 303 RO +26 13 304 RA +26 13 305 MC +26 13 306 RA +26 13 307 RA +26 13 308 MC +26 13 309 LA +26 13 310 RA +26 13 311 MC +26 13 312 LA +26 13 313 MC +26 13 314 TA +26 13 315 RA +26 13 316 RA +26 13 317 MC +26 13 318 NA +26 13 319 TA +26 13 320 RA +26 13 321 RO +26 13 322 NA +26 13 323 RA +26 13 324 TA +26 13 325 MC +26 13 326 NA +26 13 327 TA +26 13 328 RA +26 13 329 CA +26 13 330 NA +26 14 1 RA +26 14 2 RA +26 14 3 GA +26 14 4 CA +26 14 5 RA +26 14 6 NA +26 14 7 RA +26 14 8 CA +26 14 9 CA +26 14 10 MC +26 14 11 RA +26 14 12 NA +26 14 13 RA +26 14 14 MC +26 14 15 RO +26 14 16 TA +26 14 17 GA +26 14 18 LA +26 14 19 MC +26 14 20 RA +26 14 21 RO +26 14 22 NA +26 14 23 MC +26 14 24 LA +26 14 25 RA +26 14 26 MC +26 14 27 TA +26 14 28 RO +26 14 29 RA +26 14 30 NA +26 14 31 RA +26 14 32 RO +26 14 33 RA +26 14 34 MC +26 14 35 NA +26 14 36 RA +26 14 37 MC +26 14 38 GA +26 14 39 RA +26 14 40 RA +26 14 41 GA +26 14 42 NA +26 14 43 MC +26 14 44 TA +26 14 45 RA +26 14 46 LA +26 14 47 LA +26 14 48 NA +26 14 49 MC +26 14 50 MC +26 14 51 LA +26 14 52 TA +26 14 53 MC +26 14 54 RA +26 14 55 MC +26 14 56 RO +26 14 57 RA +26 14 58 NA +26 14 59 TA +26 14 60 RA +26 14 61 GA +26 14 62 MC +26 14 63 RO +26 14 64 MC +26 14 65 RO +26 14 66 TA +26 14 67 RA +26 14 68 RO +26 14 69 RA +26 14 70 TA +26 14 71 CA +26 14 72 RA +26 14 73 RO +26 14 74 RA +26 14 75 RA +26 14 76 RO +26 14 77 MC +26 14 78 RO +26 14 79 LA +26 14 80 MC +26 14 81 RA +26 14 82 MC +26 14 83 NA +26 14 84 RO +26 14 85 RA +26 14 86 RO +26 14 87 LA +26 14 88 RO +26 14 89 LA +26 14 90 RA +26 14 91 RA +26 14 92 TA +26 14 93 MC +26 14 94 LA +26 14 95 RA +26 14 96 NA +26 14 97 MC +26 14 98 GA +26 14 99 RO +26 14 100 TA +26 14 101 RO +26 14 102 RO +26 14 103 RA +26 14 104 MC +26 14 105 MC +26 14 106 NA +26 14 107 TA +26 14 108 RA +26 14 109 MC +26 14 110 NA +26 14 111 LA +26 14 112 RO +26 14 113 LA +26 14 114 RA +26 14 115 RO +26 14 116 RA +26 14 117 CA +26 14 118 RO +26 14 119 RA +26 14 120 TA +26 14 121 NA +26 14 122 RA +26 14 123 MC +26 14 124 RA +26 14 125 NA +26 14 126 RO +26 14 127 RA +26 14 128 NA +26 14 129 TA +26 14 130 LA +26 14 131 MC +26 14 132 GA +26 14 133 RA +26 14 134 CA +26 14 135 RO +26 14 136 MC +26 14 137 RA +26 14 138 MC +26 14 139 TA +26 14 140 MC +26 14 141 TA +26 14 142 TA +26 14 143 RA +26 14 144 MC +26 14 145 RA +26 14 146 NA +26 14 147 RA +26 14 148 RO +26 14 149 RA +26 14 150 MC +26 14 151 RO +26 14 152 RO +26 14 153 MC +26 14 154 LA +26 14 155 CA +26 14 156 RA +26 14 157 CA +26 14 158 TA +26 14 159 NA +26 14 160 RO +26 14 161 RA +26 14 162 RO +26 14 163 MC +26 14 164 MC +26 14 165 RA +26 14 166 MC +26 14 167 RO +26 14 168 RA +26 14 169 MC +26 14 170 MC +26 14 171 RA +26 14 172 TA +26 14 173 RO +26 14 174 NA +26 14 175 RA +26 14 176 GA +26 14 177 NA +26 14 178 MC +26 14 179 CA +26 14 180 RA +26 14 181 NA +26 14 182 MC +26 14 183 NA +26 14 184 MC +26 14 185 NA +26 14 186 MC +26 14 187 NA +26 14 188 MC +26 14 189 MC +26 14 190 RO +26 14 191 RA +26 14 192 RO +26 14 193 RA +26 14 194 CA +26 14 195 RA +26 14 196 MC +26 14 197 RO +26 14 198 LA +26 14 199 NA +26 14 200 MC +26 14 201 NA +26 14 202 RA +26 14 203 RO +26 14 204 CA +26 14 205 MC +26 14 206 TA +26 14 207 RA +26 14 208 NA +26 14 209 RA +26 14 210 CA +26 14 211 MC +26 14 212 NA +26 14 213 RO +26 14 214 RA +26 14 215 RO +26 14 216 RA +26 14 217 RO +26 14 218 RA +26 14 219 RA +26 14 220 MC +26 14 221 RA +26 14 222 MC +26 14 223 RA +26 14 224 TA +26 14 225 RA +26 14 226 RA +26 14 227 LA +26 14 228 RA +26 14 229 RA +26 14 230 TA +26 14 231 MC +26 14 232 RA +26 14 233 MC +26 14 234 RA +26 14 235 MC +26 14 236 NA +26 14 237 GA +26 14 238 MC +26 14 239 RO +26 14 240 GA +26 14 241 TA +26 14 242 NA +26 14 243 RO +26 14 244 RA +26 14 245 GA +26 14 246 RA +26 14 247 MC +26 14 248 RA +26 14 249 RA +26 14 250 MC +26 14 251 RA +26 14 252 TA +26 14 253 RA +26 14 254 MC +26 14 255 LA +26 14 256 RO +26 14 257 MC +26 14 258 NA +26 14 259 GA +26 14 260 NA +26 14 261 NA +26 14 262 TA +26 14 263 LA +26 14 264 MC +26 14 265 RA +26 14 266 CA +26 14 267 MC +26 14 268 RA +26 14 269 RO +26 14 270 NA +26 14 271 RA +26 14 272 RA +26 14 273 MC +26 14 274 TA +26 14 275 RA +26 14 276 RO +26 14 277 MC +26 14 278 NA +26 14 279 MC +26 14 280 RA +26 14 281 RA +26 14 282 RA +26 14 283 CA +26 14 284 RA +26 14 285 RO +26 14 286 TA +26 14 287 NA +26 14 288 GA +26 14 289 MC +26 14 290 NA +26 14 291 MC +26 14 292 TA +26 14 293 RA +26 14 294 TA +26 14 295 CA +26 14 296 MC +26 14 297 NA +26 14 298 GA +26 14 299 RA +26 14 300 TA +26 14 301 RA +26 14 302 TA +26 14 303 MC +26 14 304 RA +26 14 305 RO +26 14 306 RA +26 14 307 MC +26 14 308 MC +26 14 309 LA +26 14 310 RA +26 14 311 MC +26 14 312 LA +26 14 313 MC +26 14 314 TA +26 14 315 RA +26 14 316 MC +26 14 317 RO +26 14 318 NA +26 14 319 TA +26 14 320 RA +26 14 321 GA +26 14 322 MC +26 14 323 RA +26 14 324 TA +26 14 325 RO +26 14 326 NA +26 14 327 TA +26 14 328 RA +26 14 329 CA +26 14 330 TA +26 15 1 MC +26 15 2 RA +26 15 3 GA +26 15 4 GJ +26 15 5 RA +26 15 6 NA +26 15 7 RA +26 15 8 GJ +26 15 9 CA +26 15 10 MC +26 15 11 MC +26 15 12 NA +26 15 13 RA +26 15 14 MC +26 15 15 RO +26 15 16 TA +26 15 17 GA +26 15 18 LA +26 15 19 MC +26 15 20 RA +26 15 21 RO +26 15 22 NA +26 15 23 RO +26 15 24 LA +26 15 25 MC +26 15 26 MC +26 15 27 RO +26 15 28 RO +26 15 29 RA +26 15 30 GA +26 15 31 MC +26 15 32 RO +26 15 33 RA +26 15 34 MC +26 15 35 RO +26 15 36 MC +26 15 37 RA +26 15 38 RO +26 15 39 RA +26 15 40 MC +26 15 41 GA +26 15 42 NA +26 15 43 MC +26 15 44 RO +26 15 45 RA +26 15 46 LA +26 15 47 MC +26 15 48 NA +26 15 49 MC +26 15 50 MC +26 15 51 CA +26 15 52 RA +26 15 53 RO +26 15 54 RA +26 15 55 MC +26 15 56 RO +26 15 57 MC +26 15 58 CA +26 15 59 RO +26 15 60 MC +26 15 61 GA +26 15 62 RA +26 15 63 GA +26 15 64 MC +26 15 65 RO +26 15 66 TA +26 15 67 RA +26 15 68 RO +26 15 69 RA +26 15 70 TA +26 15 71 GA +26 15 72 RA +26 15 73 MC +26 15 74 MC +26 15 75 LA +26 15 76 GA +26 15 77 MC +26 15 78 RO +26 15 79 LA +26 15 80 MC +26 15 81 RA +26 15 82 RA +26 15 83 NA +26 15 84 RO +26 15 85 RA +26 15 86 RO +26 15 87 LA +26 15 88 RO +26 15 89 LA +26 15 90 LA +26 15 91 NA +26 15 92 TA +26 15 93 MC +26 15 94 LA +26 15 95 TA +26 15 96 NA +26 15 97 MC +26 15 98 GA +26 15 99 RO +26 15 100 RA +26 15 101 RO +26 15 102 MC +26 15 103 CA +26 15 104 MC +26 15 105 RO +26 15 106 NA +26 15 107 TA +26 15 108 MC +26 15 109 MC +26 15 110 NA +26 15 111 LA +26 15 112 RO +26 15 113 LA +26 15 114 MC +26 15 115 GA +26 15 116 MC +26 15 117 CA +26 15 118 RO +26 15 119 RA +26 15 120 TA +26 15 121 GA +26 15 122 RA +26 15 123 MC +26 15 124 RA +26 15 125 GA +26 15 126 RO +26 15 127 LA +26 15 128 NA +26 15 129 TA +26 15 130 LA +26 15 131 RO +26 15 132 RA +26 15 133 CA +26 15 134 LA +26 15 135 RO +26 15 136 MC +26 15 137 RA +26 15 138 MC +26 15 139 TA +26 15 140 MC +26 15 141 TA +26 15 142 TA +26 15 143 RA +26 15 144 MC +26 15 145 RA +26 15 146 NA +26 15 147 RA +26 15 148 GA +26 15 149 RA +26 15 150 MC +26 15 151 RO +26 15 152 RO +26 15 153 MC +26 15 154 LA +26 15 155 LA +26 15 156 RA +26 15 157 CA +26 15 158 TA +26 15 159 NA +26 15 160 RO +26 15 161 RA +26 15 162 RO +26 15 163 MC +26 15 164 MC +26 15 165 RA +26 15 166 MC +26 15 167 RO +26 15 168 RA +26 15 169 MC +26 15 170 LA +26 15 171 RA +26 15 172 TA +26 15 173 RO +26 15 174 NA +26 15 175 MC +26 15 176 RO +26 15 177 NA +26 15 178 MC +26 15 179 CA +26 15 180 RA +26 15 181 CA +26 15 182 MC +26 15 183 CA +26 15 184 MC +26 15 185 CA +26 15 186 MC +26 15 187 NA +26 15 188 MC +26 15 189 MC +26 15 190 RO +26 15 191 MC +26 15 192 MC +26 15 193 NA +26 15 194 MC +26 15 195 RA +26 15 196 RA +26 15 197 MC +26 15 198 LA +26 15 199 RA +26 15 200 MC +26 15 201 RO +26 15 202 RA +26 15 203 RO +26 15 204 LA +26 15 205 MC +26 15 206 NA +26 15 207 RO +26 15 208 CA +26 15 209 RA +26 15 210 LA +26 15 211 MC +26 15 212 NA +26 15 213 MC +26 15 214 RA +26 15 215 MC +26 15 216 LA +26 15 217 RO +26 15 218 RA +26 15 219 MC +26 15 220 MC +26 15 221 RA +26 15 222 MC +26 15 223 RA +26 15 224 TA +26 15 225 CA +26 15 226 MC +26 15 227 LA +26 15 228 MC +26 15 229 RA +26 15 230 RO +26 15 231 MC +26 15 232 CA +26 15 233 MC +26 15 234 RA +26 15 235 MC +26 15 236 RA +26 15 237 RO +26 15 238 RA +26 15 239 RO +26 15 240 CA +26 15 241 TA +26 15 242 NA +26 15 243 MC +26 15 244 TA +26 15 245 GA +26 15 246 RA +26 15 247 MC +26 15 248 LA +26 15 249 RA +26 15 250 MC +26 15 251 RA +26 15 252 TA +26 15 253 RA +26 15 254 MC +26 15 255 LA +26 15 256 RO +26 15 257 MC +26 15 258 NA +26 15 259 GA +26 15 260 NA +26 15 261 GA +26 15 262 TA +26 15 263 LA +26 15 264 MC +26 15 265 RA +26 15 266 CA +26 15 267 MC +26 15 268 RA +26 15 269 RO +26 15 270 NA +26 15 271 RA +26 15 272 TA +26 15 273 MC +26 15 274 TA +26 15 275 CA +26 15 276 MC +26 15 277 MC +26 15 278 GA +26 15 279 MC +26 15 280 RA +26 15 281 RA +26 15 282 RA +26 15 283 CA +26 15 284 TA +26 15 285 RO +26 15 286 TA +26 15 287 CA +26 15 288 GA +26 15 289 MC +26 15 290 TA +26 15 291 MC +26 15 292 RO +26 15 293 RA +26 15 294 TA +26 15 295 CA +26 15 296 MC +26 15 297 NA +26 15 298 RO +26 15 299 RA +26 15 300 LA +26 15 301 RA +26 15 302 TA +26 15 303 MC +26 15 304 RA +26 15 305 MC +26 15 306 RA +26 15 307 MC +26 15 308 RA +26 15 309 LA +26 15 310 RA +26 15 311 MC +26 15 312 LA +26 15 313 MC +26 15 314 TA +26 15 315 RA +26 15 316 RA +26 15 317 GA +26 15 318 GA +26 15 319 TA +26 15 320 RA +26 15 321 GA +26 15 322 MC +26 15 323 RA +26 15 324 TA +26 15 325 MC +26 15 326 NA +26 15 327 TA +26 15 328 RA +26 15 329 CA +26 15 330 TA +26 16 1 MC +26 16 2 RA +26 16 3 GA +26 16 4 MC +26 16 5 RA +26 16 6 NA +26 16 7 RA +26 16 8 GA +26 16 9 GA +26 16 10 MC +26 16 11 RA +26 16 12 NA +26 16 13 RA +26 16 14 RA +26 16 15 GA +26 16 16 TA +26 16 17 GA +26 16 18 LA +26 16 19 RA +26 16 20 RA +26 16 21 GA +26 16 22 NA +26 16 23 MC +26 16 24 TA +26 16 25 RA +26 16 26 MC +26 16 27 TA +26 16 28 GA +26 16 29 RA +26 16 30 GA +26 16 31 TA +26 16 32 GA +26 16 33 RA +26 16 34 TA +26 16 35 GA +26 16 36 RA +26 16 37 RA +26 16 38 GA +26 16 39 RA +26 16 40 RA +26 16 41 GA +26 16 42 NA +26 16 43 RA +26 16 44 TA +26 16 45 RA +26 16 46 TA +26 16 47 RA +26 16 48 NA +26 16 49 RA +26 16 50 MC +26 16 51 LA +26 16 52 TA +26 16 53 MC +26 16 54 RA +26 16 55 RA +26 16 56 NA +26 16 57 RA +26 16 58 NA +26 16 59 TA +26 16 60 TA +26 16 61 GA +26 16 62 MC +26 16 63 NA +26 16 64 MC +26 16 65 GA +26 16 66 TA +26 16 67 RA +26 16 68 GA +26 16 69 RA +26 16 70 TA +26 16 71 MC +26 16 72 RA +26 16 73 MC +26 16 74 RA +26 16 75 RA +26 16 76 GA +26 16 77 RA +26 16 78 MC +26 16 79 LA +26 16 80 RA +26 16 81 NA +26 16 82 RA +26 16 83 NA +26 16 84 GA +26 16 85 RA +26 16 86 GA +26 16 87 LA +26 16 88 MC +26 16 89 LA +26 16 90 RA +26 16 91 NA +26 16 92 TA +26 16 93 RA +26 16 94 LA +26 16 95 RA +26 16 96 NA +26 16 97 MC +26 16 98 GA +26 16 99 MC +26 16 100 RA +26 16 101 GA +26 16 102 TA +26 16 103 NA +26 16 104 RA +26 16 105 MC +26 16 106 NA +26 16 107 TA +26 16 108 RA +26 16 109 MC +26 16 110 NA +26 16 111 RA +26 16 112 GA +26 16 113 LA +26 16 114 RA +26 16 115 GA +26 16 116 RA +26 16 117 LA +26 16 118 GA +26 16 119 RA +26 16 120 TA +26 16 121 GA +26 16 122 RA +26 16 123 RA +26 16 124 RA +26 16 125 GA +26 16 126 GA +26 16 127 RA +26 16 128 NA +26 16 129 TA +26 16 130 TA +26 16 131 MC +26 16 132 GA +26 16 133 RA +26 16 134 LA +26 16 135 MC +26 16 136 RA +26 16 137 RA +26 16 138 RA +26 16 139 TA +26 16 140 MC +26 16 141 TA +26 16 142 TA +26 16 143 NA +26 16 144 MC +26 16 145 RA +26 16 146 NA +26 16 147 RA +26 16 148 GA +26 16 149 RA +26 16 150 MC +26 16 151 TA +26 16 152 GA +26 16 153 RA +26 16 154 TA +26 16 155 LA +26 16 156 RA +26 16 157 LA +26 16 158 TA +26 16 159 NA +26 16 160 GA +26 16 161 RA +26 16 162 GA +26 16 163 RA +26 16 164 MC +26 16 165 RA +26 16 166 RA +26 16 167 TA +26 16 168 RA +26 16 169 RA +26 16 170 RA +26 16 171 NA +26 16 172 TA +26 16 173 GA +26 16 174 NA +26 16 175 TA +26 16 176 NA +26 16 177 NA +26 16 178 RA +26 16 179 CA +26 16 180 RA +26 16 181 NA +26 16 182 GA +26 16 183 NA +26 16 184 MC +26 16 185 GA +26 16 186 MC +26 16 187 NA +26 16 188 RA +26 16 189 TA +26 16 190 TA +26 16 191 RA +26 16 192 MC +26 16 193 NA +26 16 194 GA +26 16 195 RA +26 16 196 RA +26 16 197 MC +26 16 198 LA +26 16 199 RA +26 16 200 RA +26 16 201 NA +26 16 202 RA +26 16 203 MC +26 16 204 LA +26 16 205 MC +26 16 206 TA +26 16 207 GA +26 16 208 NA +26 16 209 RA +26 16 210 GA +26 16 211 RA +26 16 212 NA +26 16 213 TA +26 16 214 NA +26 16 215 MC +26 16 216 LA +26 16 217 MC +26 16 218 NA +26 16 219 RA +26 16 220 MC +26 16 221 TA +26 16 222 MC +26 16 223 RA +26 16 224 TA +26 16 225 NA +26 16 226 RA +26 16 227 LA +26 16 228 MC +26 16 229 RA +26 16 230 TA +26 16 231 MC +26 16 232 NA +26 16 233 TA +26 16 234 RA +26 16 235 MC +26 16 236 NA +26 16 237 TA +26 16 238 RA +26 16 239 GA +26 16 240 GA +26 16 241 TA +26 16 242 NA +26 16 243 MC +26 16 244 TA +26 16 245 GA +26 16 246 RA +26 16 247 MC +26 16 248 RA +26 16 249 RA +26 16 250 MC +26 16 251 RA +26 16 252 TA +26 16 253 RA +26 16 254 TA +26 16 255 LA +26 16 256 GA +26 16 257 RA +26 16 258 NA +26 16 259 GA +26 16 260 NA +26 16 261 GA +26 16 262 TA +26 16 263 TA +26 16 264 RA +26 16 265 RA +26 16 266 GA +26 16 267 MC +26 16 268 RA +26 16 269 MC +26 16 270 NA +26 16 271 RA +26 16 272 TA +26 16 273 MC +26 16 274 TA +26 16 275 NA +26 16 276 GA +26 16 277 RA +26 16 278 GA +26 16 279 MC +26 16 280 RA +26 16 281 RA +26 16 282 RA +26 16 283 GA +26 16 284 TA +26 16 285 TA +26 16 286 TA +26 16 287 NA +26 16 288 GA +26 16 289 RA +26 16 290 GA +26 16 291 MC +26 16 292 TA +26 16 293 RA +26 16 294 TA +26 16 295 GA +26 16 296 MC +26 16 297 NA +26 16 298 GA +26 16 299 RA +26 16 300 TA +26 16 301 RA +26 16 302 TA +26 16 303 RA +26 16 304 NA +26 16 305 MC +26 16 306 NA +26 16 307 RA +26 16 308 MC +26 16 309 RA +26 16 310 LA +26 16 311 RA +26 16 312 MC +26 16 313 LA +26 16 314 MC +26 16 315 TA +26 16 316 RA +26 16 317 MC +26 16 318 GA +26 16 319 TA +26 16 320 NA +26 16 321 GA +26 16 322 RA +26 16 323 RA +26 16 324 TA +26 16 325 MC +26 16 326 NA +26 16 327 TA +26 16 328 RA +26 16 329 GA +26 16 330 RA +26 17 1 RA +26 17 2 NA +26 17 3 GA +26 17 4 CA +26 17 5 RA +26 17 6 GA +26 17 7 RA +26 17 8 CA +26 17 9 NA +26 17 10 MC +26 17 11 MC +26 17 12 NA +26 17 13 RA +26 17 14 RA +26 17 15 RO +26 17 16 TA +26 17 17 GA +26 17 18 LA +26 17 19 RA +26 17 20 RA +26 17 21 GA +26 17 22 NA +26 17 23 MC +26 17 24 CA +26 17 25 RA +26 17 26 MC +26 17 27 NA +26 17 28 GA +26 17 29 RA +26 17 30 CA +26 17 31 RA +26 17 32 NA +26 17 33 RA +26 17 34 RA +26 17 35 GA +26 17 36 RA +26 17 37 MC +26 17 38 CA +26 17 39 RA +26 17 40 RA +26 17 41 CA +26 17 42 NA +26 17 43 RA +26 17 44 TA +26 17 45 RA +26 17 46 LA +26 17 47 RA +26 17 48 NA +26 17 49 RA +26 17 50 CA +26 17 51 CA +26 17 52 TA +26 17 53 CA +26 17 54 RA +26 17 55 RA +26 17 56 NA +26 17 57 RA +26 17 58 NA +26 17 59 MC +26 17 60 RA +26 17 61 CA +26 17 62 RO +26 17 63 GA +26 17 64 MC +26 17 65 GA +26 17 66 TA +26 17 67 RA +26 17 68 MC +26 17 69 MC +26 17 70 MC +26 17 71 CA +26 17 72 RA +26 17 73 RO +26 17 74 RA +26 17 75 LA +26 17 76 GA +26 17 77 RA +26 17 78 NA +26 17 79 LA +26 17 80 RA +26 17 81 NA +26 17 82 RA +26 17 83 NA +26 17 84 RO +26 17 85 RA +26 17 86 RO +26 17 87 LA +26 17 88 CA +26 17 89 LA +26 17 90 RA +26 17 91 NA +26 17 92 TA +26 17 93 RA +26 17 94 CA +26 17 95 TA +26 17 96 NA +26 17 97 MC +26 17 98 GA +26 17 99 NA +26 17 100 NA +26 17 101 CA +26 17 102 RA +26 17 103 RO +26 17 104 RA +26 17 105 RO +26 17 106 NA +26 17 107 TA +26 17 108 RA +26 17 109 MC +26 17 110 NA +26 17 111 RA +26 17 112 CA +26 17 113 LA +26 17 114 RA +26 17 115 CA +26 17 116 NA +26 17 117 CA +26 17 118 NA +26 17 119 RA +26 17 120 TA +26 17 121 GA +26 17 122 RA +26 17 123 RA +26 17 124 RA +26 17 125 NA +26 17 126 RO +26 17 127 RA +26 17 128 NA +26 17 129 TA +26 17 130 RA +26 17 131 MC +26 17 132 CA +26 17 133 RA +26 17 134 CA +26 17 135 MC +26 17 136 RA +26 17 137 RA +26 17 138 RA +26 17 139 TA +26 17 140 MC +26 17 141 TA +26 17 142 TA +26 17 143 RA +26 17 144 MC +26 17 145 RA +26 17 146 NA +26 17 147 RA +26 17 148 GA +26 17 149 RA +26 17 150 CA +26 17 151 NA +26 17 152 RO +26 17 153 MC +26 17 154 LA +26 17 155 RO +26 17 156 RA +26 17 157 CA +26 17 158 TA +26 17 159 NA +26 17 160 RO +26 17 161 RA +26 17 162 GA +26 17 163 RA +26 17 164 MC +26 17 165 NA +26 17 166 RA +26 17 167 MC +26 17 168 RA +26 17 169 RO +26 17 170 LA +26 17 171 RA +26 17 172 TA +26 17 173 GA +26 17 174 NA +26 17 175 RO +26 17 176 GA +26 17 177 NA +26 17 178 MC +26 17 179 CA +26 17 180 RA +26 17 181 RO +26 17 182 CA +26 17 183 RA +26 17 184 MC +26 17 185 NA +26 17 186 RA +26 17 187 NA +26 17 188 RA +26 17 189 RA +26 17 190 RO +26 17 191 RA +26 17 192 MC +26 17 193 MC +26 17 194 CA +26 17 195 RA +26 17 196 RA +26 17 197 MC +26 17 198 LA +26 17 199 TA +26 17 200 RA +26 17 201 RO +26 17 202 RA +26 17 203 RO +26 17 204 LA +26 17 205 MC +26 17 206 RA +26 17 207 GA +26 17 208 NA +26 17 209 RA +26 17 210 CA +26 17 211 RA +26 17 212 RO +26 17 213 RO +26 17 214 MC +26 17 215 NA +26 17 216 RA +26 17 217 RO +26 17 218 RA +26 17 219 RA +26 17 220 MC +26 17 221 RA +26 17 222 MC +26 17 223 RA +26 17 224 TA +26 17 225 RA +26 17 226 RA +26 17 227 MC +26 17 228 RO +26 17 229 RA +26 17 230 RA +26 17 231 CA +26 17 232 NA +26 17 233 RO +26 17 234 RA +26 17 235 MC +26 17 236 RA +26 17 237 RO +26 17 238 RA +26 17 239 NA +26 17 240 CA +26 17 241 TA +26 17 242 NA +26 17 243 MC +26 17 244 RA +26 17 245 GA +26 17 246 RA +26 17 247 MC +26 17 248 RA +26 17 249 RA +26 17 250 MC +26 17 251 RA +26 17 252 TA +26 17 253 RA +26 17 254 MC +26 17 255 LA +26 17 256 GA +26 17 257 RO +26 17 258 NA +26 17 259 CA +26 17 260 NA +26 17 261 RO +26 17 262 TA +26 17 263 MC +26 17 264 MC +26 17 265 RA +26 17 266 NA +26 17 267 MC +26 17 268 RA +26 17 269 MC +26 17 270 NA +26 17 271 RA +26 17 272 TA +26 17 273 MC +26 17 274 TA +26 17 275 NA +26 17 276 RO +26 17 277 RA +26 17 278 GA +26 17 279 MC +26 17 280 RA +26 17 281 RA +26 17 282 RA +26 17 283 CA +26 17 284 TA +26 17 285 RO +26 17 286 TA +26 17 287 NA +26 17 288 CA +26 17 289 RA +26 17 290 TA +26 17 291 MC +26 17 292 RO +26 17 293 RO +26 17 294 TA +26 17 295 RO +26 17 296 MC +26 17 297 NA +26 17 298 GA +26 17 299 RA +26 17 300 RO +26 17 301 RA +26 17 302 TA +26 17 303 MC +26 17 304 RA +26 17 305 MC +26 17 306 RA +26 17 307 RO +26 17 308 MC +26 17 309 RA +26 17 310 RA +26 17 311 MC +26 17 312 LA +26 17 313 MC +26 17 314 TA +26 17 315 RA +26 17 316 RA +26 17 317 CA +26 17 318 GA +26 17 319 TA +26 17 320 MC +26 17 321 GA +26 17 322 MC +26 17 323 RA +26 17 324 TA +26 17 325 CA +26 17 326 NA +26 17 327 RA +26 17 328 RA +26 17 329 NA +26 17 330 RA +26 18 1 RA +26 18 2 RA +26 18 3 GA +26 18 4 MC +26 18 5 RA +26 18 6 JG +26 18 7 RA +26 18 8 CA +26 18 9 JG +26 18 10 * +26 18 11 RA +26 18 12 NA +26 18 13 RA +26 18 14 RA +26 18 15 MC +26 18 16 TA +26 18 17 JG +26 18 18 LA +26 18 19 RA +26 18 20 RA +26 18 21 GA +26 18 22 NA +26 18 23 MC +26 18 24 LA +26 18 25 RA +26 18 26 RA +26 18 27 TA +26 18 28 JG +26 18 29 RA +26 18 30 JG +26 18 31 RA +26 18 32 TA +26 18 33 RA +26 18 34 RA +26 18 35 JG +26 18 36 RA +26 18 37 * +26 18 38 GA +26 18 39 RA +26 18 40 RA +26 18 41 JG +26 18 42 NA +26 18 43 RA +26 18 44 TA +26 18 45 RA +26 18 46 TA +26 18 47 RA +26 18 48 NA +26 18 49 RA +26 18 50 CA +26 18 51 JG +26 18 52 TA +26 18 53 MC +26 18 54 RA +26 18 55 RA +26 18 56 JG +26 18 57 * +26 18 58 NA +26 18 59 TA +26 18 60 * +26 18 61 JG +26 18 62 RA +26 18 63 MC +26 18 64 * +26 18 65 GA +26 18 66 TA +26 18 67 RA +26 18 68 MC +26 18 69 RA +26 18 70 RA +26 18 71 MC +26 18 72 RA +26 18 73 MC +26 18 74 RA +26 18 75 RA +26 18 76 JG +26 18 77 RA +26 18 78 MC +26 18 79 LA +26 18 80 * +26 18 81 NA +26 18 82 RA +26 18 83 NA +26 18 84 JG +26 18 85 RA +26 18 86 MC +26 18 87 LA +26 18 88 MC +26 18 89 LA +26 18 90 LA +26 18 91 RA +26 18 92 TA +26 18 93 RA +26 18 94 LA +26 18 95 TA +26 18 96 NA +26 18 97 MC +26 18 98 GA +26 18 99 MC +26 18 100 TA +26 18 101 MC +26 18 102 TA +26 18 103 * +26 18 104 RA +26 18 105 MC +26 18 106 TA +26 18 107 TA +26 18 108 TA +26 18 109 RA +26 18 110 NA +26 18 111 RA +26 18 112 GA +26 18 113 LA +26 18 114 RA +26 18 115 JG +26 18 116 RA +26 18 117 LA +26 18 118 JG +26 18 119 RA +26 18 120 TA +26 18 121 JG +26 18 122 RA +26 18 123 RA +26 18 124 NA +26 18 125 JG +26 18 126 MC +26 18 127 RA +26 18 128 NA +26 18 129 TA +26 18 130 RA +26 18 131 MC +26 18 132 JG +26 18 133 RA +26 18 134 LA +26 18 135 MC +26 18 136 RA +26 18 137 RA +26 18 138 RA +26 18 139 TA +26 18 140 * +26 18 141 TA +26 18 142 TA +26 18 143 NA +26 18 144 MC +26 18 145 RA +26 18 146 NA +26 18 147 RA +26 18 148 GA +26 18 149 RA +26 18 150 MC +26 18 151 JG +26 18 152 JG +26 18 153 RA +26 18 154 TA +26 18 155 * +26 18 156 RA +26 18 157 CA +26 18 158 TA +26 18 159 NA +26 18 160 MC +26 18 161 RA +26 18 162 RO +26 18 163 RA +26 18 164 RA +26 18 165 RA +26 18 166 RA +26 18 167 TA +26 18 168 RA +26 18 169 RA +26 18 170 * +26 18 171 RA +26 18 172 TA +26 18 173 JG +26 18 174 NA +26 18 175 RA +26 18 176 JG +26 18 177 NA +26 18 178 * +26 18 179 CA +26 18 180 RA +26 18 181 NA +26 18 182 MC +26 18 183 NA +26 18 184 MC +26 18 185 NA +26 18 186 RA +26 18 187 NA +26 18 188 RA +26 18 189 RA +26 18 190 MC +26 18 191 RA +26 18 192 * +26 18 193 NA +26 18 194 CA +26 18 195 RA +26 18 196 RA +26 18 197 MC +26 18 198 LA +26 18 199 TA +26 18 200 RA +26 18 201 NA +26 18 202 RA +26 18 203 MC +26 18 204 LA +26 18 205 MC +26 18 206 TA +26 18 207 RO +26 18 208 JG +26 18 209 RA +26 18 210 CA +26 18 211 RA +26 18 212 NA +26 18 213 MC +26 18 214 NA +26 18 215 MC +26 18 216 LA +26 18 217 MC +26 18 218 NA +26 18 219 RA +26 18 220 * +26 18 221 RA +26 18 222 * +26 18 223 RA +26 18 224 TA +26 18 225 NA +26 18 226 RA +26 18 227 LA +26 18 228 RA +26 18 229 RA +26 18 230 TA +26 18 231 MC +26 18 232 JG +26 18 233 * +26 18 234 RA +26 18 235 RA +26 18 236 NA +26 18 237 JG +26 18 238 RA +26 18 239 RO +26 18 240 JG +26 18 241 TA +26 18 242 NA +26 18 243 MC +26 18 244 TA +26 18 245 GA +26 18 246 RA +26 18 247 MC +26 18 248 LA +26 18 249 RA +26 18 250 MC +26 18 251 RA +26 18 252 TA +26 18 253 RA +26 18 254 TA +26 18 255 LA +26 18 256 JG +26 18 257 RA +26 18 258 NA +26 18 259 CA +26 18 260 NA +26 18 261 NA +26 18 262 TA +26 18 263 LA +26 18 264 RA +26 18 265 RA +26 18 266 CA +26 18 267 MC +26 18 268 RA +26 18 269 MC +26 18 270 NA +26 18 271 RA +26 18 272 TA +26 18 273 MC +26 18 274 TA +26 18 275 NA +26 18 276 MC +26 18 277 RA +26 18 278 JG +26 18 279 * +26 18 280 RA +26 18 281 RA +26 18 282 RA +26 18 283 JG +26 18 284 TA +26 18 285 RO +26 18 286 TA +26 18 287 NA +26 18 288 RO +26 18 289 RA +26 18 290 RA +26 18 291 * +26 18 292 RO +26 18 293 RA +26 18 294 TA +26 18 295 JG +26 18 296 * +26 18 297 NA +26 18 298 RO +26 18 299 RA +26 18 300 * +26 18 301 RA +26 18 302 RO +26 18 303 RA +26 18 304 NA +26 18 305 MC +26 18 306 RA +26 18 307 RA +26 18 308 MC +26 18 309 LA +26 18 310 RA +26 18 311 RA +26 18 312 LA +26 18 313 MC +26 18 314 TA +26 18 315 RA +26 18 316 RA +26 18 317 MC +26 18 318 JG +26 18 319 TA +26 18 320 NA +26 18 321 RO +26 18 322 RA +26 18 323 RA +26 18 324 TA +26 18 325 MC +26 18 326 NA +26 18 327 TA +26 18 328 RA +26 18 329 JG +26 18 330 RA +26 19 1 RA +26 19 2 RA +26 19 3 GA +26 19 4 CA +26 19 5 RA +26 19 6 NA +26 19 7 RA +26 19 8 GA +26 19 9 NA +26 19 10 LA +26 19 11 RA +26 19 12 NA +26 19 13 RA +26 19 14 LA +26 19 15 NA +26 19 16 TA +26 19 17 GA +26 19 18 LA +26 19 19 RA +26 19 20 RA +26 19 21 NA +26 19 22 NA +26 19 23 MC +26 19 24 CA +26 19 25 RA +26 19 26 * +26 19 27 TA +26 19 28 MC +26 19 29 RA +26 19 30 NA +26 19 31 RA +26 19 32 NA +26 19 33 RA +26 19 34 * +26 19 35 NA +26 19 36 RA +26 19 37 RA +26 19 38 GA +26 19 39 RA +26 19 40 RA +26 19 41 GA +26 19 42 NA +26 19 43 * +26 19 44 TA +26 19 45 RA +26 19 46 CA +26 19 47 LA +26 19 48 TA +26 19 49 RA +26 19 50 CA +26 19 51 CA +26 19 52 TA +26 19 53 GA +26 19 54 RA +26 19 55 RA +26 19 56 NA +26 19 57 RA +26 19 58 NA +26 19 59 NA +26 19 60 RA +26 19 61 GA +26 19 62 MC +26 19 63 NA +26 19 64 * +26 19 65 GA +26 19 66 TA +26 19 67 RA +26 19 68 MC +26 19 69 RA +26 19 70 NA +26 19 71 GA +26 19 72 RA +26 19 73 MC +26 19 74 RA +26 19 75 RA +26 19 76 NA +26 19 77 RA +26 19 78 NA +26 19 79 LA +26 19 80 RA +26 19 81 RA +26 19 82 RA +26 19 83 NA +26 19 84 NA +26 19 85 RA +26 19 86 RO +26 19 87 LA +26 19 88 RO +26 19 89 LA +26 19 90 RA +26 19 91 NA +26 19 92 NA +26 19 93 RA +26 19 94 LA +26 19 95 NA +26 19 96 NA +26 19 97 RA +26 19 98 GA +26 19 99 NA +26 19 100 RA +26 19 101 GA +26 19 102 RA +26 19 103 NA +26 19 104 RA +26 19 105 RO +26 19 106 NA +26 19 107 TA +26 19 108 TA +26 19 109 * +26 19 110 NA +26 19 111 RA +26 19 112 GA +26 19 113 LA +26 19 114 RA +26 19 115 GA +26 19 116 RA +26 19 117 CA +26 19 118 NA +26 19 119 RA +26 19 120 RA +26 19 121 NA +26 19 122 RA +26 19 123 RA +26 19 124 NA +26 19 125 NA +26 19 126 NA +26 19 127 RA +26 19 128 NA +26 19 129 TA +26 19 130 CA +26 19 131 CA +26 19 132 GA +26 19 133 RA +26 19 134 CA +26 19 135 NA +26 19 136 RA +26 19 137 RA +26 19 138 RA +26 19 139 NA +26 19 140 * +26 19 141 TA +26 19 142 NA +26 19 143 RA +26 19 144 MC +26 19 145 RA +26 19 146 NA +26 19 147 RA +26 19 148 GA +26 19 149 RA +26 19 150 RO +26 19 151 RO +26 19 152 MC +26 19 153 RA +26 19 154 CA +26 19 155 CA +26 19 156 RA +26 19 157 CA +26 19 158 TA +26 19 159 MC +26 19 160 MC +26 19 161 RA +26 19 162 GA +26 19 163 RA +26 19 164 RA +26 19 165 RA +26 19 166 * +26 19 167 NA +26 19 168 RA +26 19 169 RA +26 19 170 RA +26 19 171 RA +26 19 172 TA +26 19 173 MC +26 19 174 NA +26 19 175 RA +26 19 176 RO +26 19 177 NA +26 19 178 * +26 19 179 CA +26 19 180 RA +26 19 181 NA +26 19 182 CA +26 19 183 CA +26 19 184 * +26 19 185 NA +26 19 186 RA +26 19 187 NA +26 19 188 RA +26 19 189 NA +26 19 190 RO +26 19 191 RA +26 19 192 RO +26 19 193 NA +26 19 194 CA +26 19 195 RA +26 19 196 RA +26 19 197 CA +26 19 198 LA +26 19 199 NA +26 19 200 RA +26 19 201 NA +26 19 202 RA +26 19 203 MC +26 19 204 CA +26 19 205 MC +26 19 206 TA +26 19 207 MC +26 19 208 NA +26 19 209 RA +26 19 210 CA +26 19 211 RA +26 19 212 NA +26 19 213 MC +26 19 214 NA +26 19 215 MC +26 19 216 RA +26 19 217 NA +26 19 218 NA +26 19 219 TA +26 19 220 TA +26 19 221 TA +26 19 222 * +26 19 223 RA +26 19 224 TA +26 19 225 * +26 19 226 RA +26 19 227 LA +26 19 228 RA +26 19 229 RA +26 19 230 NA +26 19 231 NA +26 19 232 CA +26 19 233 RA +26 19 234 RA +26 19 235 * +26 19 236 RA +26 19 237 NA +26 19 238 RA +26 19 239 NA +26 19 240 GA +26 19 241 TA +26 19 242 NA +26 19 243 CA +26 19 244 TA +26 19 245 GA +26 19 246 RA +26 19 247 MC +26 19 248 TA +26 19 249 RA +26 19 250 * +26 19 251 RA +26 19 252 TA +26 19 253 LA +26 19 254 RA +26 19 255 LA +26 19 256 MC +26 19 257 RA +26 19 258 NA +26 19 259 GA +26 19 260 NA +26 19 261 NA +26 19 262 TA +26 19 263 TA +26 19 264 RA +26 19 265 RA +26 19 266 NA +26 19 267 CA +26 19 268 RA +26 19 269 MC +26 19 270 NA +26 19 271 RA +26 19 272 TA +26 19 273 NA +26 19 274 TA +26 19 275 NA +26 19 276 NA +26 19 277 RA +26 19 278 TA +26 19 279 * +26 19 280 RA +26 19 281 RA +26 19 282 RA +26 19 283 CA +26 19 284 TA +26 19 285 NA +26 19 286 TA +26 19 287 NA +26 19 288 GA +26 19 289 RA +26 19 290 TA +26 19 291 * +26 19 292 MC +26 19 293 TA +26 19 294 TA +26 19 295 CA +26 19 296 * +26 19 297 NA +26 19 298 GA +26 19 299 RA +26 19 300 TA +26 19 301 RA +26 19 302 TA +26 19 303 RA +26 19 304 RA +26 19 305 RO +26 19 306 RA +26 19 307 RA +26 19 308 MC +26 19 309 CA +26 19 310 RA +26 19 311 RA +26 19 312 LA +26 19 313 * +26 19 314 TA +26 19 315 RA +26 19 316 RA +26 19 317 CA +26 19 318 NA +26 19 319 TA +26 19 320 RA +26 19 321 GA +26 19 322 RA +26 19 323 RA +26 19 324 TA +26 19 325 RO +26 19 326 NA +26 19 327 TA +26 19 328 RA +26 19 329 CA +26 19 330 TA +26 20 1 MC +26 20 2 RA +26 20 3 RO +26 20 4 MC +26 20 5 RA +26 20 6 NA +26 20 7 NA +26 20 8 MC +26 20 9 TA +26 20 10 RO +26 20 11 RA +26 20 12 NA +26 20 13 RA +26 20 14 RA +26 20 15 TA +26 20 16 TA +26 20 17 GA +26 20 18 LA +26 20 19 RA +26 20 20 RA +26 20 21 GA +26 20 22 NA +26 20 23 MC +26 20 24 LA +26 20 25 RA +26 20 26 MC +26 20 27 TA +26 20 28 GA +26 20 29 RA +26 20 30 NA +26 20 31 RA +26 20 32 GA +26 20 33 RA +26 20 34 RA +26 20 35 GA +26 20 36 RA +26 20 37 MC +26 20 38 RO +26 20 39 RA +26 20 40 RA +26 20 41 GA +26 20 42 NA +26 20 43 MC +26 20 44 TA +26 20 45 RA +26 20 46 TA +26 20 47 RA +26 20 48 NA +26 20 49 RA +26 20 50 MC +26 20 51 LA +26 20 52 NA +26 20 53 GA +26 20 54 RA +26 20 55 RA +26 20 56 NA +26 20 57 RA +26 20 58 NA +26 20 59 TA +26 20 60 RA +26 20 61 GA +26 20 62 MC +26 20 63 GA +26 20 64 RA +26 20 65 RO +26 20 66 TA +26 20 67 RA +26 20 68 GA +26 20 69 NA +26 20 70 TA +26 20 71 MC +26 20 72 RA +26 20 73 MC +26 20 74 RA +26 20 75 LA +26 20 76 NA +26 20 77 RA +26 20 78 NA +26 20 79 LA +26 20 80 RA +26 20 81 NA +26 20 82 RA +26 20 83 TA +26 20 84 TA +26 20 85 RA +26 20 86 GA +26 20 87 LA +26 20 88 MC +26 20 89 LA +26 20 90 RA +26 20 91 NA +26 20 92 TA +26 20 93 RA +26 20 94 CA +26 20 95 TA +26 20 96 NA +26 20 97 MC +26 20 98 GA +26 20 99 TA +26 20 100 RA +26 20 101 MC +26 20 102 TA +26 20 103 NA +26 20 104 RA +26 20 105 MC +26 20 106 NA +26 20 107 TA +26 20 108 RA +26 20 109 RA +26 20 110 NA +26 20 111 CA +26 20 112 GA +26 20 113 CA +26 20 114 RA +26 20 115 GA +26 20 116 RA +26 20 117 CA +26 20 118 GA +26 20 119 RA +26 20 120 TA +26 20 121 NA +26 20 122 RA +26 20 123 RA +26 20 124 NA +26 20 125 NA +26 20 126 GA +26 20 127 RA +26 20 128 NA +26 20 129 TA +26 20 130 CA +26 20 131 MC +26 20 132 GA +26 20 133 RA +26 20 134 CA +26 20 135 MC +26 20 136 RA +26 20 137 RA +26 20 138 RA +26 20 139 TA +26 20 140 RA +26 20 141 TA +26 20 142 TA +26 20 143 NA +26 20 144 CA +26 20 145 RA +26 20 146 NA +26 20 147 RA +26 20 148 GA +26 20 149 RA +26 20 150 MC +26 20 151 TA +26 20 152 TA +26 20 153 RA +26 20 154 LA +26 20 155 LA +26 20 156 RA +26 20 157 CA +26 20 158 TA +26 20 159 NA +26 20 160 GA +26 20 161 RA +26 20 162 GA +26 20 163 RA +26 20 164 RA +26 20 165 LA +26 20 166 RA +26 20 167 RA +26 20 168 RA +26 20 169 RA +26 20 170 RA +26 20 171 RA +26 20 172 TA +26 20 173 GA +26 20 174 NA +26 20 175 RA +26 20 176 GA +26 20 177 NA +26 20 178 RA +26 20 179 CA +26 20 180 RA +26 20 181 NA +26 20 182 MC +26 20 183 MC +26 20 184 RO +26 20 185 NA +26 20 186 RA +26 20 187 NA +26 20 188 RA +26 20 189 RA +26 20 190 TA +26 20 191 RA +26 20 192 MC +26 20 193 NA +26 20 194 CA +26 20 195 RA +26 20 196 RA +26 20 197 MC +26 20 198 LA +26 20 199 NA +26 20 200 RA +26 20 201 GA +26 20 202 RA +26 20 203 TA +26 20 204 CA +26 20 205 MC +26 20 206 NA +26 20 207 GA +26 20 208 NA +26 20 209 RA +26 20 210 CA +26 20 211 RA +26 20 212 NA +26 20 213 RA +26 20 214 NA +26 20 215 GA +26 20 216 LA +26 20 217 GA +26 20 218 RA +26 20 219 RA +26 20 220 RA +26 20 221 TA +26 20 222 MC +26 20 223 RA +26 20 224 TA +26 20 225 NA +26 20 226 RA +26 20 227 LA +26 20 228 MC +26 20 229 RA +26 20 230 GA +26 20 231 GA +26 20 232 JG +26 20 233 RA +26 20 234 RA +26 20 235 RA +26 20 236 NA +26 20 237 RA +26 20 238 RA +26 20 239 GA +26 20 240 GA +26 20 241 TA +26 20 242 NA +26 20 243 CA +26 20 244 RA +26 20 245 GA +26 20 246 RA +26 20 247 LA +26 20 248 LA +26 20 249 RA +26 20 250 * +26 20 251 RA +26 20 252 TA +26 20 253 RA +26 20 254 RA +26 20 255 LA +26 20 256 NA +26 20 257 RA +26 20 258 NA +26 20 259 * +26 20 260 NA +26 20 261 GA +26 20 262 TA +26 20 263 LA +26 20 264 RA +26 20 265 RA +26 20 266 GA +26 20 267 MC +26 20 268 RA +26 20 269 GA +26 20 270 NA +26 20 271 RA +26 20 272 TA +26 20 273 GA +26 20 274 TA +26 20 275 NA +26 20 276 GA +26 20 277 RA +26 20 278 GA +26 20 279 MC +26 20 280 RA +26 20 281 RA +26 20 282 RA +26 20 283 CA +26 20 284 TA +26 20 285 GA +26 20 286 TA +26 20 287 JG +26 20 288 GA +26 20 289 RA +26 20 290 TA +26 20 291 RA +26 20 292 GA +26 20 293 RA +26 20 294 RA +26 20 295 JG +26 20 296 MC +26 20 297 NA +26 20 298 GA +26 20 299 RA +26 20 300 TA +26 20 301 RA +26 20 302 TA +26 20 303 RA +26 20 304 RA +26 20 305 MC +26 20 306 RA +26 20 307 RA +26 20 308 MC +26 20 309 JG +26 20 310 RA +26 20 311 RA +26 20 312 LA +26 20 313 MC +26 20 314 TA +26 20 315 RA +26 20 316 RA +26 20 317 GA +26 20 318 GA +26 20 319 TA +26 20 320 JG +26 20 321 GA +26 20 322 RA +26 20 323 RA +26 20 324 TA +26 20 325 MC +26 20 326 NA +26 20 327 TA +26 20 328 RA +26 20 329 JG +26 20 330 RA +26 21 1 RA +26 21 2 RA +26 21 3 GA +26 21 4 MC +26 21 5 MC +26 21 6 NA +26 21 7 RA +26 21 8 GA +26 21 9 CA +26 21 10 CA +26 21 11 RA +26 21 12 NA +26 21 13 MC +26 21 14 RA +26 21 15 TA +26 21 16 TA +26 21 17 RO +26 21 18 LA +26 21 19 TA +26 21 20 MC +26 21 21 NA +26 21 22 GA +26 21 23 MC +26 21 24 CA +26 21 25 RA +26 21 26 MC +26 21 27 NA +26 21 28 GA +26 21 29 RA +26 21 30 CA +26 21 31 RA +26 21 32 MC +26 21 33 RA +26 21 34 RA +26 21 35 MC +26 21 36 MC +26 21 37 RA +26 21 38 MC +26 21 39 RA +26 21 40 RA +26 21 41 MC +26 21 42 NA +26 21 43 MC +26 21 44 TA +26 21 45 RA +26 21 46 CA +26 21 47 RA +26 21 48 NA +26 21 49 RA +26 21 50 MC +26 21 51 CA +26 21 52 TA +26 21 53 MC +26 21 54 RA +26 21 55 RA +26 21 56 NA +26 21 57 RA +26 21 58 NA +26 21 59 TA +26 21 60 RA +26 21 61 MC +26 21 62 MC +26 21 63 NA +26 21 64 RO +26 21 65 NA +26 21 66 TA +26 21 67 RA +26 21 68 RO +26 21 69 CA +26 21 70 TA +26 21 71 MC +26 21 72 RA +26 21 73 MC +26 21 74 RA +26 21 75 RA +26 21 76 NA +26 21 77 RA +26 21 78 NA +26 21 79 LA +26 21 80 RA +26 21 81 MC +26 21 82 RA +26 21 83 RA +26 21 84 NA +26 21 85 RA +26 21 86 RO +26 21 87 LA +26 21 88 RO +26 21 89 LA +26 21 90 RO +26 21 91 RA +26 21 92 TA +26 21 93 RA +26 21 94 CA +26 21 95 TA +26 21 96 MC +26 21 97 RO +26 21 98 GA +26 21 99 RO +26 21 100 RA +26 21 101 GA +26 21 102 TA +26 21 103 CA +26 21 104 RA +26 21 105 RA +26 21 106 MC +26 21 107 TA +26 21 108 RA +26 21 109 MC +26 21 110 NA +26 21 111 RA +26 21 112 GA +26 21 113 LA +26 21 114 RA +26 21 115 GA +26 21 116 GA +26 21 117 RA +26 21 118 NA +26 21 119 RA +26 21 120 TA +26 21 121 NA +26 21 122 RA +26 21 123 RA +26 21 124 NA +26 21 125 RO +26 21 126 RO +26 21 127 LA +26 21 128 RO +26 21 129 TA +26 21 130 LA +26 21 131 RO +26 21 132 GA +26 21 133 RA +26 21 134 CA +26 21 135 CA +26 21 136 RA +26 21 137 RA +26 21 138 MC +26 21 139 TA +26 21 140 MC +26 21 141 TA +26 21 142 TA +26 21 143 RA +26 21 144 NA +26 21 145 RA +26 21 146 MC +26 21 147 RA +26 21 148 GA +26 21 149 RA +26 21 150 MC +26 21 151 NA +26 21 152 MC +26 21 153 RA +26 21 154 LA +26 21 155 CA +26 21 156 RA +26 21 157 CA +26 21 158 TA +26 21 159 NA +26 21 160 NA +26 21 161 RA +26 21 162 GA +26 21 163 RA +26 21 164 MC +26 21 165 CA +26 21 166 RA +26 21 167 MC +26 21 168 RA +26 21 169 RA +26 21 170 LA +26 21 171 RA +26 21 172 TA +26 21 173 GA +26 21 174 NA +26 21 175 RA +26 21 176 GA +26 21 177 NA +26 21 178 MC +26 21 179 CA +26 21 180 RA +26 21 181 NA +26 21 182 MC +26 21 183 NA +26 21 184 MC +26 21 185 MC +26 21 186 RA +26 21 187 NA +26 21 188 RA +26 21 189 TA +26 21 190 MC +26 21 191 RA +26 21 192 MC +26 21 193 MC +26 21 194 CA +26 21 195 RA +26 21 196 RA +26 21 197 RO +26 21 198 LA +26 21 199 RA +26 21 200 RA +26 21 201 NA +26 21 202 RA +26 21 203 RO +26 21 204 LA +26 21 205 MC +26 21 206 TA +26 21 207 GA +26 21 208 CA +26 21 209 RA +26 21 210 CA +26 21 211 RA +26 21 212 NA +26 21 213 CA +26 21 214 MC +26 21 215 NA +26 21 216 LA +26 21 217 NA +26 21 218 MC +26 21 219 TA +26 21 220 RO +26 21 221 RA +26 21 222 MC +26 21 223 RA +26 21 224 TA +26 21 225 RA +26 21 226 RA +26 21 227 LA +26 21 228 RA +26 21 229 RA +26 21 230 TA +26 21 231 RO +26 21 232 CA +26 21 233 RO +26 21 234 RA +26 21 235 RA +26 21 236 MC +26 21 237 NA +26 21 238 RA +26 21 239 NA +26 21 240 CA +26 21 241 TA +26 21 242 NA +26 21 243 RO +26 21 244 TA +26 21 245 GA +26 21 246 RA +26 21 247 RO +26 21 248 RA +26 21 249 RA +26 21 250 RO +26 21 251 RA +26 21 252 TA +26 21 253 RA +26 21 254 MC +26 21 255 LA +26 21 256 GA +26 21 257 RA +26 21 258 NA +26 21 259 GA +26 21 260 TA +26 21 261 GA +26 21 262 TA +26 21 263 CA +26 21 264 RA +26 21 265 RA +26 21 266 GA +26 21 267 MC +26 21 268 RA +26 21 269 MC +26 21 270 NA +26 21 271 RA +26 21 272 TA +26 21 273 MC +26 21 274 TA +26 21 275 RA +26 21 276 MC +26 21 277 RA +26 21 278 NA +26 21 279 MC +26 21 280 RA +26 21 281 RA +26 21 282 RA +26 21 283 CA +26 21 284 TA +26 21 285 MC +26 21 286 TA +26 21 287 CA +26 21 288 GA +26 21 289 RA +26 21 290 TA +26 21 291 RA +26 21 292 NA +26 21 293 TA +26 21 294 TA +26 21 295 CA +26 21 296 RO +26 21 297 NA +26 21 298 GA +26 21 299 RA +26 21 300 LA +26 21 301 RA +26 21 302 RO +26 21 303 MC +26 21 304 RA +26 21 305 MC +26 21 306 RA +26 21 307 RA +26 21 308 MC +26 21 309 LA +26 21 310 RA +26 21 311 MC +26 21 312 LA +26 21 313 MC +26 21 314 TA +26 21 315 RA +26 21 316 RA +26 21 317 MC +26 21 318 RO +26 21 319 TA +26 21 320 CA +26 21 321 GA +26 21 322 RA +26 21 323 RA +26 21 324 TA +26 21 325 MC +26 21 326 NA +26 21 327 TA +26 21 328 RA +26 21 329 CA +26 21 330 TA +26 22 1 RA +26 22 2 NA +26 22 3 GA +26 22 4 MC +26 22 5 RA +26 22 6 NA +26 22 7 RA +26 22 8 GA +26 22 9 NA +26 22 10 RA +26 22 11 RA +26 22 12 NA +26 22 13 RA +26 22 14 RA +26 22 15 NA +26 22 16 TA +26 22 17 GA +26 22 18 CA +26 22 19 RA +26 22 20 RA +26 22 21 NA +26 22 22 NA +26 22 23 RO +26 22 24 LA +26 22 25 RA +26 22 26 RA +26 22 27 TA +26 22 28 GA +26 22 29 RA +26 22 30 NA +26 22 31 RA +26 22 32 CA +26 22 33 TA +26 22 34 RA +26 22 35 NA +26 22 36 RA +26 22 37 TA +26 22 38 NA +26 22 39 RA +26 22 40 RA +26 22 41 GA +26 22 42 NA +26 22 43 LA +26 22 44 TA +26 22 45 RA +26 22 46 * +26 22 47 RA +26 22 48 NA +26 22 49 RA +26 22 50 RO +26 22 51 CA +26 22 52 NA +26 22 53 NA +26 22 54 RA +26 22 55 RA +26 22 56 * +26 22 57 RA +26 22 58 NA +26 22 59 TA +26 22 60 RA +26 22 61 GA +26 22 62 NA +26 22 63 GA +26 22 64 RA +26 22 65 NA +26 22 66 TA +26 22 67 RA +26 22 68 NA +26 22 69 CA +26 22 70 TA +26 22 71 CA +26 22 72 RA +26 22 73 NA +26 22 74 TA +26 22 75 RA +26 22 76 NA +26 22 77 RA +26 22 78 GA +26 22 79 LA +26 22 80 RA +26 22 81 CA +26 22 82 RA +26 22 83 TA +26 22 84 NA +26 22 85 RA +26 22 86 GA +26 22 87 RA +26 22 88 NA +26 22 89 LA +26 22 90 RA +26 22 91 NA +26 22 92 TA +26 22 93 RA +26 22 94 CA +26 22 95 NA +26 22 96 NA +26 22 97 RA +26 22 98 GA +26 22 99 TA +26 22 100 RA +26 22 101 NA +26 22 102 NA +26 22 103 RA +26 22 104 RA +26 22 105 NA +26 22 106 NA +26 22 107 TA +26 22 108 RA +26 22 109 LA +26 22 110 NA +26 22 111 RA +26 22 112 GA +26 22 113 LA +26 22 114 RA +26 22 115 GA +26 22 116 RA +26 22 117 CA +26 22 118 NA +26 22 119 RA +26 22 120 TA +26 22 121 NA +26 22 122 RA +26 22 123 NA +26 22 124 TA +26 22 125 GA +26 22 126 NA +26 22 127 RA +26 22 128 NA +26 22 129 TA +26 22 130 NA +26 22 131 RO +26 22 132 GA +26 22 133 RA +26 22 134 CA +26 22 135 NA +26 22 136 RA +26 22 137 RA +26 22 138 TA +26 22 139 TA +26 22 140 RA +26 22 141 TA +26 22 142 NA +26 22 143 RA +26 22 144 RA +26 22 145 RA +26 22 146 RO +26 22 147 RA +26 22 148 GA +26 22 149 NA +26 22 150 CA +26 22 151 TA +26 22 152 RO +26 22 153 RA +26 22 154 LA +26 22 155 CA +26 22 156 RA +26 22 157 CA +26 22 158 TA +26 22 159 CA +26 22 160 RO +26 22 161 RA +26 22 162 GA +26 22 163 RA +26 22 164 RA +26 22 165 NA +26 22 166 RA +26 22 167 TA +26 22 168 RA +26 22 169 RA +26 22 170 RA +26 22 171 NA +26 22 172 TA +26 22 173 GA +26 22 174 NA +26 22 175 RA +26 22 176 GA +26 22 177 NA +26 22 178 RA +26 22 179 CA +26 22 180 RA +26 22 181 NA +26 22 182 CA +26 22 183 MC +26 22 184 NA +26 22 185 NA +26 22 186 RA +26 22 187 MC +26 22 188 RA +26 22 189 TA +26 22 190 NA +26 22 191 RA +26 22 192 MC +26 22 193 NA +26 22 194 CA +26 22 195 RA +26 22 196 TA +26 22 197 RO +26 22 198 LA +26 22 199 TA +26 22 200 RA +26 22 201 NA +26 22 202 RA +26 22 203 NA +26 22 204 CA +26 22 205 RO +26 22 206 TA +26 22 207 NA +26 22 208 NA +26 22 209 RA +26 22 210 CA +26 22 211 RA +26 22 212 RO +26 22 213 NA +26 22 214 RA +26 22 215 RO +26 22 216 RA +26 22 217 RO +26 22 218 TA +26 22 219 RA +26 22 220 RA +26 22 221 TA +26 22 222 CA +26 22 223 RA +26 22 224 TA +26 22 225 NA +26 22 226 RA +26 22 227 RA +26 22 228 RA +26 22 229 RA +26 22 230 NA +26 22 231 CA +26 22 232 NA +26 22 233 RA +26 22 234 RA +26 22 235 RA +26 22 236 NA +26 22 237 RO +26 22 238 RA +26 22 239 RO +26 22 240 CA +26 22 241 TA +26 22 242 NA +26 22 243 CA +26 22 244 RA +26 22 245 GA +26 22 246 RA +26 22 247 NA +26 22 248 RA +26 22 249 RA +26 22 250 NA +26 22 251 RA +26 22 252 TA +26 22 253 RA +26 22 254 TA +26 22 255 LA +26 22 256 NA +26 22 257 RA +26 22 258 NA +26 22 259 CA +26 22 260 NA +26 22 261 NA +26 22 262 TA +26 22 263 LA +26 22 264 RA +26 22 265 RA +26 22 266 CA +26 22 267 NA +26 22 268 RA +26 22 269 NA +26 22 270 NA +26 22 271 RA +26 22 272 RA +26 22 273 NA +26 22 274 TA +26 22 275 RA +26 22 276 RO +26 22 277 RA +26 22 278 NA +26 22 279 RA +26 22 280 RA +26 22 281 RA +26 22 282 RA +26 22 283 CA +26 22 284 RA +26 22 285 NA +26 22 286 TA +26 22 287 RO +26 22 288 GA +26 22 289 RA +26 22 290 TA +26 22 291 RA +26 22 292 NA +26 22 293 RA +26 22 294 RA +26 22 295 NA +26 22 296 RA +26 22 297 RO +26 22 298 GA +26 22 299 RA +26 22 300 TA +26 22 301 RA +26 22 302 TA +26 22 303 RA +26 22 304 CA +26 22 305 NA +26 22 306 NA +26 22 307 RA +26 22 308 NA +26 22 309 CA +26 22 310 RA +26 22 311 RA +26 22 312 LA +26 22 313 RA +26 22 314 TA +26 22 315 RA +26 22 316 MC +26 22 317 NA +26 22 318 GA +26 22 319 TA +26 22 320 RA +26 22 321 GA +26 22 322 RA +26 22 323 RA +26 22 324 TA +26 22 325 CA +26 22 326 NA +26 22 327 RA +26 22 328 RA +26 22 329 CA +26 22 330 TA +26 23 1 RA +26 23 2 RA +26 23 3 GA +26 23 4 MC +26 23 5 RA +26 23 6 NA +26 23 7 RA +26 23 8 CA +26 23 9 CA +26 23 10 MC +26 23 11 RA +26 23 12 NA +26 23 13 RA +26 23 14 LA +26 23 15 RO +26 23 16 TA +26 23 17 GA +26 23 18 LA +26 23 19 * +26 23 20 RA +26 23 21 RO +26 23 22 NA +26 23 23 LA +26 23 24 LA +26 23 25 RA +26 23 26 MC +26 23 27 TA +26 23 28 RO +26 23 29 RA +26 23 30 NA +26 23 31 RA +26 23 32 RO +26 23 33 RA +26 23 34 MC +26 23 35 NA +26 23 36 RA +26 23 37 NA +26 23 38 GA +26 23 39 RA +26 23 40 RA +26 23 41 GA +26 23 42 NA +26 23 43 MC +26 23 44 TA +26 23 45 RA +26 23 46 LA +26 23 47 RA +26 23 48 NA +26 23 49 RA +26 23 50 CA +26 23 51 * +26 23 52 TA +26 23 53 GA +26 23 54 RA +26 23 55 RA +26 23 56 NA +26 23 57 RA +26 23 58 NA +26 23 59 NA +26 23 60 RA +26 23 61 LA +26 23 62 NA +26 23 63 TA +26 23 64 RA +26 23 65 RO +26 23 66 NA +26 23 67 RA +26 23 68 RO +26 23 69 RA +26 23 70 TA +26 23 71 CA +26 23 72 RA +26 23 73 NA +26 23 74 RA +26 23 75 RA +26 23 76 NA +26 23 77 RA +26 23 78 RO +26 23 79 LA +26 23 80 MC +26 23 81 NA +26 23 82 RA +26 23 83 NA +26 23 84 NA +26 23 85 RA +26 23 86 RO +26 23 87 LA +26 23 88 MC +26 23 89 LA +26 23 90 MC +26 23 91 NA +26 23 92 TA +26 23 93 RA +26 23 94 CA +26 23 95 TA +26 23 96 NA +26 23 97 MC +26 23 98 GA +26 23 99 NA +26 23 100 NA +26 23 101 RO +26 23 102 NA +26 23 103 NA +26 23 104 RA +26 23 105 NA +26 23 106 TA +26 23 107 TA +26 23 108 TA +26 23 109 MC +26 23 110 NA +26 23 111 RA +26 23 112 GA +26 23 113 LA +26 23 114 RA +26 23 115 NA +26 23 116 NA +26 23 117 LA +26 23 118 GA +26 23 119 RA +26 23 120 TA +26 23 121 NA +26 23 122 RA +26 23 123 MC +26 23 124 NA +26 23 125 NA +26 23 126 NA +26 23 127 RA +26 23 128 NA +26 23 129 TA +26 23 130 NA +26 23 131 RA +26 23 132 NA +26 23 133 RA +26 23 134 CA +26 23 135 NA +26 23 136 RA +26 23 137 RA +26 23 138 RA +26 23 139 TA +26 23 140 RA +26 23 141 TA +26 23 142 TA +26 23 143 RA +26 23 144 RA +26 23 145 RA +26 23 146 NA +26 23 147 RA +26 23 148 GA +26 23 149 GA +26 23 150 RO +26 23 151 NA +26 23 152 RO +26 23 153 RA +26 23 154 CA +26 23 155 CA +26 23 156 RA +26 23 157 CA +26 23 158 TA +26 23 159 NA +26 23 160 TA +26 23 161 RA +26 23 162 GA +26 23 163 RA +26 23 164 RA +26 23 165 NA +26 23 166 LA +26 23 167 NA +26 23 168 RA +26 23 169 RA +26 23 170 LA +26 23 171 NA +26 23 172 TA +26 23 173 NA +26 23 174 NA +26 23 175 NA +26 23 176 NA +26 23 177 NA +26 23 178 MC +26 23 179 CA +26 23 180 RA +26 23 181 NA +26 23 182 NA +26 23 183 NA +26 23 184 RO +26 23 185 NA +26 23 186 RA +26 23 187 NA +26 23 188 RA +26 23 189 NA +26 23 190 TA +26 23 191 RA +26 23 192 MC +26 23 193 TA +26 23 194 CA +26 23 195 RA +26 23 196 RA +26 23 197 MC +26 23 198 RA +26 23 199 TA +26 23 200 RA +26 23 201 NA +26 23 202 RA +26 23 203 MC +26 23 204 CA +26 23 205 RO +26 23 206 TA +26 23 207 GA +26 23 208 NA +26 23 209 RA +26 23 210 CA +26 23 211 RA +26 23 212 NA +26 23 213 NA +26 23 214 NA +26 23 215 RO +26 23 216 RA +26 23 217 NA +26 23 218 NA +26 23 219 NA +26 23 220 MC +26 23 221 NA +26 23 222 MC +26 23 223 RA +26 23 224 TA +26 23 225 NA +26 23 226 RA +26 23 227 LA +26 23 228 MC +26 23 229 MC +26 23 230 TA +26 23 231 RO +26 23 232 NA +26 23 233 TA +26 23 234 RA +26 23 235 MC +26 23 236 NA +26 23 237 NA +26 23 238 RA +26 23 239 NA +26 23 240 CA +26 23 241 TA +26 23 242 NA +26 23 243 RO +26 23 244 TA +26 23 245 GA +26 23 246 RA +26 23 247 MC +26 23 248 LA +26 23 249 RA +26 23 250 MC +26 23 251 RA +26 23 252 NA +26 23 253 RA +26 23 254 MC +26 23 255 LA +26 23 256 GA +26 23 257 RA +26 23 258 RA +26 23 259 CA +26 23 260 TA +26 23 261 NA +26 23 262 TA +26 23 263 TA +26 23 264 TA +26 23 265 RA +26 23 266 NA +26 23 267 RO +26 23 268 RA +26 23 269 RO +26 23 270 NA +26 23 271 RA +26 23 272 TA +26 23 273 MC +26 23 274 TA +26 23 275 NA +26 23 276 RO +26 23 277 RA +26 23 278 NA +26 23 279 MC +26 23 280 RA +26 23 281 RA +26 23 282 RA +26 23 283 CA +26 23 284 TA +26 23 285 RO +26 23 286 TA +26 23 287 NA +26 23 288 GA +26 23 289 RA +26 23 290 TA +26 23 291 MC +26 23 292 MC +26 23 293 RA +26 23 294 TA +26 23 295 CA +26 23 296 RO +26 23 297 NA +26 23 298 GA +26 23 299 RA +26 23 300 TA +26 23 301 RA +26 23 302 TA +26 23 303 RA +26 23 304 RA +26 23 305 RO +26 23 306 NA +26 23 307 RA +26 23 308 MC +26 23 309 RA +26 23 310 RA +26 23 311 RA +26 23 312 LA +26 23 313 MC +26 23 314 TA +26 23 315 RA +26 23 316 RA +26 23 317 RO +26 23 318 NA +26 23 319 TA +26 23 320 NA +26 23 321 GA +26 23 322 NA +26 23 323 RA +26 23 324 TA +26 23 325 RO +26 23 326 NA +26 23 327 RA +26 23 328 RA +26 23 329 CA +26 23 330 TA +26 24 1 RA +26 24 2 RA +26 24 3 GA +26 24 4 MC +26 24 5 RA +26 24 6 NA +26 24 7 RA +26 24 8 MC +26 24 9 CA +26 24 10 RA +26 24 11 RA +26 24 12 NA +26 24 13 RA +26 24 14 RA +26 24 15 RO +26 24 16 TA +26 24 17 GA +26 24 18 LA +26 24 19 RA +26 24 20 RA +26 24 21 RO +26 24 22 NA +26 24 23 RA +26 24 24 LA +26 24 25 RA +26 24 26 RA +26 24 27 TA +26 24 28 RO +26 24 29 RA +26 24 30 CA +26 24 31 RA +26 24 32 NA +26 24 33 RA +26 24 34 RA +26 24 35 NA +26 24 36 RA +26 24 37 RA +26 24 38 GA +26 24 39 NA +26 24 40 RA +26 24 41 CA +26 24 42 NA +26 24 43 RA +26 24 44 TA +26 24 45 RA +26 24 46 TA +26 24 47 RA +26 24 48 NA +26 24 49 RA +26 24 50 LA +26 24 51 CA +26 24 52 TA +26 24 53 MC +26 24 54 RA +26 24 55 RA +26 24 56 NA +26 24 57 RA +26 24 58 NA +26 24 59 TA +26 24 60 RA +26 24 61 RO +26 24 62 TA +26 24 63 GA +26 24 64 RA +26 24 65 GA +26 24 66 TA +26 24 67 RA +26 24 68 GA +26 24 69 RA +26 24 70 TA +26 24 71 CA +26 24 72 RA +26 24 73 MC +26 24 74 RA +26 24 75 LA +26 24 76 NA +26 24 77 RA +26 24 78 RO +26 24 79 LA +26 24 80 * +26 24 81 RA +26 24 82 * +26 24 83 NA +26 24 84 RO +26 24 85 RA +26 24 86 NA +26 24 87 LA +26 24 88 RO +26 24 89 LA +26 24 90 RA +26 24 91 NA +26 24 92 TA +26 24 93 RA +26 24 94 CA +26 24 95 RA +26 24 96 NA +26 24 97 MC +26 24 98 GA +26 24 99 TA +26 24 100 RA +26 24 101 CA +26 24 102 TA +26 24 103 NA +26 24 104 RA +26 24 105 RO +26 24 106 NA +26 24 107 TA +26 24 108 RA +26 24 109 RA +26 24 110 NA +26 24 111 NA +26 24 112 GA +26 24 113 RO +26 24 114 RA +26 24 115 GA +26 24 116 TA +26 24 117 RA +26 24 118 NA +26 24 119 RA +26 24 120 TA +26 24 121 GA +26 24 122 RA +26 24 123 RA +26 24 124 NA +26 24 125 RO +26 24 126 TA +26 24 127 RA +26 24 128 NA +26 24 129 TA +26 24 130 RA +26 24 131 RO +26 24 132 GA +26 24 133 RA +26 24 134 CA +26 24 135 RO +26 24 136 RA +26 24 137 NA +26 24 138 RA +26 24 139 TA +26 24 140 RA +26 24 141 NA +26 24 142 TA +26 24 143 NA +26 24 144 RO +26 24 145 RA +26 24 146 NA +26 24 147 RA +26 24 148 GA +26 24 149 RA +26 24 150 RO +26 24 151 GA +26 24 152 RO +26 24 153 RA +26 24 154 TA +26 24 155 CA +26 24 156 RA +26 24 157 CA +26 24 158 TA +26 24 159 NA +26 24 160 RA +26 24 161 NA +26 24 162 RO +26 24 163 RA +26 24 164 RA +26 24 165 RA +26 24 166 RA +26 24 167 TA +26 24 168 RA +26 24 169 RA +26 24 170 RA +26 24 171 RA +26 24 172 TA +26 24 173 GA +26 24 174 NA +26 24 175 RA +26 24 176 RO +26 24 177 NA +26 24 178 RA +26 24 179 CA +26 24 180 RA +26 24 181 NA +26 24 182 MC +26 24 183 CA +26 24 184 RO +26 24 185 NA +26 24 186 RA +26 24 187 NA +26 24 188 RA +26 24 189 TA +26 24 190 NA +26 24 191 RA +26 24 192 RO +26 24 193 NA +26 24 194 CA +26 24 195 RA +26 24 196 RA +26 24 197 RO +26 24 198 LA +26 24 199 TA +26 24 200 RA +26 24 201 NA +26 24 202 RA +26 24 203 CA +26 24 204 CA +26 24 205 RO +26 24 206 NA +26 24 207 GA +26 24 208 RA +26 24 209 RA +26 24 210 CA +26 24 211 RA +26 24 212 NA +26 24 213 TA +26 24 214 NA +26 24 215 RO +26 24 216 LA +26 24 217 RO +26 24 218 NA +26 24 219 RO +26 24 220 RA +26 24 221 RA +26 24 222 RO +26 24 223 RA +26 24 224 TA +26 24 225 RA +26 24 226 RA +26 24 227 * +26 24 228 RA +26 24 229 RA +26 24 230 NA +26 24 231 RO +26 24 232 RA +26 24 233 TA +26 24 234 RA +26 24 235 RA +26 24 236 NA +26 24 237 RO +26 24 238 RA +26 24 239 RO +26 24 240 CA +26 24 241 TA +26 24 242 NA +26 24 243 RO +26 24 244 RA +26 24 245 GA +26 24 246 RA +26 24 247 RO +26 24 248 RA +26 24 249 RA +26 24 250 RO +26 24 251 RA +26 24 252 TA +26 24 253 RA +26 24 254 TA +26 24 255 LA +26 24 256 GA +26 24 257 RA +26 24 258 NA +26 24 259 CA +26 24 260 NA +26 24 261 GA +26 24 262 TA +26 24 263 TA +26 24 264 RA +26 24 265 RA +26 24 266 CA +26 24 267 RO +26 24 268 RA +26 24 269 RO +26 24 270 NA +26 24 271 RA +26 24 272 TA +26 24 273 RO +26 24 274 TA +26 24 275 NA +26 24 276 GA +26 24 277 RA +26 24 278 NA +26 24 279 RO +26 24 280 NA +26 24 281 RA +26 24 282 NA +26 24 283 CA +26 24 284 NA +26 24 285 RO +26 24 286 TA +26 24 287 NA +26 24 288 GA +26 24 289 RA +26 24 290 TA +26 24 291 RA +26 24 292 NA +26 24 293 RA +26 24 294 TA +26 24 295 CA +26 24 296 RO +26 24 297 NA +26 24 298 GA +26 24 299 RA +26 24 300 TA +26 24 301 RA +26 24 302 TA +26 24 303 TA +26 24 304 RA +26 24 305 RO +26 24 306 RA +26 24 307 RA +26 24 308 RO +26 24 309 LA +26 24 310 RA +26 24 311 RA +26 24 312 LA +26 24 313 RO +26 24 314 TA +26 24 315 RA +26 24 316 RA +26 24 317 CA +26 24 318 RO +26 24 319 TA +26 24 320 RA +26 24 321 GA +26 24 322 RA +26 24 323 RA +26 24 324 TA +26 24 325 RO +26 24 326 NA +26 24 327 NA +26 24 328 RA +26 24 329 CA +26 24 330 RA +26 25 1 RA +26 25 2 RA +26 25 3 GA +26 25 4 MC +26 25 5 RA +26 25 6 GA +26 25 7 RA +26 25 8 RO +26 25 9 CA +26 25 10 MC +26 25 11 MC +26 25 12 NA +26 25 13 MC +26 25 14 RA +26 25 15 GA +26 25 16 TA +26 25 17 GA +26 25 18 RA +26 25 19 RA +26 25 20 RO +26 25 21 NA +26 25 22 MC +26 25 23 LA +26 25 24 RA +26 25 25 RA +26 25 26 MC +26 25 27 RO +26 25 28 RO +26 25 29 RA +26 25 30 CA +26 25 31 RA +26 25 32 MC +26 25 33 RA +26 25 34 RA +26 25 35 GA +26 25 36 RA +26 25 37 RA +26 25 38 RO +26 25 39 RA +26 25 40 RA +26 25 41 MC +26 25 42 NA +26 25 43 RA +26 25 44 * +26 25 45 RA +26 25 46 TA +26 25 47 RA +26 25 48 NA +26 25 49 RA +26 25 50 MC +26 25 51 CA +26 25 52 RA +26 25 53 CA +26 25 54 RA +26 25 55 RA +26 25 56 GA +26 25 57 RA +26 25 58 GA +26 25 59 MC +26 25 60 * +26 25 61 CA +26 25 62 * +26 25 63 GA +26 25 64 RA +26 25 65 RO +26 25 66 TA +26 25 67 RA +26 25 68 MC +26 25 69 RA +26 25 70 MC +26 25 71 MC +26 25 72 RA +26 25 73 GA +26 25 74 RA +26 25 75 * +26 25 76 GA +26 25 77 RA +26 25 78 MC +26 25 79 CA +26 25 80 RA +26 25 81 RA +26 25 82 RA +26 25 83 * +26 25 84 * +26 25 85 RA +26 25 86 RO +26 25 87 CA +26 25 88 MC +26 25 89 CA +26 25 90 RA +26 25 91 RA +26 25 92 * +26 25 93 RA +26 25 94 MC +26 25 95 RA +26 25 96 NA +26 25 97 CA +26 25 98 * +26 25 99 CA +26 25 100 RA +26 25 101 CA +26 25 102 CA +26 25 103 RA +26 25 104 RA +26 25 105 CA +26 25 106 NA +26 25 107 GA +26 25 108 RA +26 25 109 RA +26 25 110 NA +26 25 111 RA +26 25 112 GA +26 25 113 RA +26 25 114 RA +26 25 115 CA +26 25 116 RA +26 25 117 CA +26 25 118 GA +26 25 119 RA +26 25 120 TA +26 25 121 GA +26 25 122 RA +26 25 123 RA +26 25 124 * +26 25 125 GA +26 25 126 GA +26 25 127 * +26 25 128 RA +26 25 129 GA +26 25 130 RA +26 25 131 CA +26 25 132 GA +26 25 133 RA +26 25 134 * +26 25 135 GA +26 25 136 RA +26 25 137 * +26 25 138 RA +26 25 139 CA +26 25 140 RA +26 25 141 TA +26 25 142 CA +26 25 143 RA +26 25 144 CA +26 25 145 RA +26 25 146 NA +26 25 147 RA +26 25 148 GA +26 25 149 RA +26 25 150 CA +26 25 151 CA +26 25 152 CA +26 25 153 RA +26 25 154 * +26 25 155 CA +26 25 156 RA +26 25 157 CA +26 25 158 TA +26 25 159 NA +26 25 160 GA +26 25 161 RA +26 25 162 * +26 25 163 RA +26 25 164 RA +26 25 165 * +26 25 166 * +26 25 167 CA +26 25 168 RA +26 25 169 RA +26 25 170 * +26 25 171 RA +26 25 172 TA +26 25 173 GA +26 25 174 NA +26 25 175 RA +26 25 176 GA +26 25 177 RA +26 25 178 * +26 25 179 CA +26 25 180 RA +26 25 181 NA +26 25 182 CA +26 25 183 MC +26 25 184 RO +26 25 185 NA +26 25 186 RA +26 25 187 NA +26 25 188 RA +26 25 189 RA +26 25 190 GA +26 25 191 RA +26 25 192 CA +26 25 193 NA +26 25 194 CA +26 25 195 RA +26 25 196 RA +26 25 197 CA +26 25 198 CA +26 25 199 RA +26 25 200 RA +26 25 201 GA +26 25 202 RA +26 25 203 RO +26 25 204 CA +26 25 205 MC +26 25 206 RA +26 25 207 GA +26 25 208 CA +26 25 209 * +26 25 210 CA +26 25 211 RA +26 25 212 NA +26 25 213 MC +26 25 214 RA +26 25 215 GA +26 25 216 RA +26 25 217 * +26 25 218 NA +26 25 219 RA +26 25 220 MC +26 25 221 RA +26 25 222 CA +26 25 223 RA +26 25 224 TA +26 25 225 NA +26 25 226 RA +26 25 227 RA +26 25 228 RA +26 25 229 RA +26 25 230 GA +26 25 231 RO +26 25 232 CA +26 25 233 CA +26 25 234 RA +26 25 235 RA +26 25 236 RA +26 25 237 GA +26 25 238 RA +26 25 239 RO +26 25 240 CA +26 25 241 CA +26 25 242 NA +26 25 243 CA +26 25 244 RA +26 25 245 GA +26 25 246 RA +26 25 247 CA +26 25 248 RA +26 25 249 RA +26 25 250 RO +26 25 251 RA +26 25 252 GA +26 25 253 RA +26 25 254 RA +26 25 255 CA +26 25 256 GA +26 25 257 RA +26 25 258 NA +26 25 259 CA +26 25 260 RA +26 25 261 GA +26 25 262 TA +26 25 263 CA +26 25 264 RA +26 25 265 * +26 25 266 CA +26 25 267 RO +26 25 268 RA +26 25 269 RO +26 25 270 NA +26 25 271 RA +26 25 272 TA +26 25 273 * +26 25 274 TA +26 25 275 RA +26 25 276 RO +26 25 277 RA +26 25 278 GA +26 25 279 MC +26 25 280 RA +26 25 281 RA +26 25 282 RA +26 25 283 CA +26 25 284 RA +26 25 285 GA +26 25 286 TA +26 25 287 MC +26 25 288 GA +26 25 289 RA +26 25 290 NA +26 25 291 RA +26 25 292 GA +26 25 293 RA +26 25 294 RA +26 25 295 CA +26 25 296 RO +26 25 297 NA +26 25 298 GA +26 25 299 RA +26 25 300 TA +26 25 301 RA +26 25 302 RO +26 25 303 RA +26 25 304 * +26 25 305 CA +26 25 306 RA +26 25 307 * +26 25 308 CA +26 25 309 RA +26 25 310 RA +26 25 311 * +26 25 312 RA +26 25 313 RO +26 25 314 RO +26 25 315 RA +26 25 316 RA +26 25 317 CA +26 25 318 GA +26 25 319 GA +26 25 320 RA +26 25 321 GA +26 25 322 RA +26 25 323 * +26 25 324 GA +26 25 325 CA +26 25 326 NA +26 25 327 RA +26 25 328 * +26 25 329 CA +26 25 330 RA +27 1 1 CL +27 1 2 AS +27 1 3 RO +27 1 4 MO +27 1 5 VE +27 1 6 CH +27 1 7 VE +27 1 8 CT +27 1 9 CA +27 1 10 AS +27 1 11 VE +27 1 12 AM +27 1 13 VE +27 1 14 AS +27 1 15 RO +27 1 16 PU +27 1 17 CT +27 1 18 CB +27 1 19 CL +27 1 20 VE +27 1 21 RO +27 1 22 AM +27 1 23 MO +27 1 24 CH +27 1 25 AS +27 1 26 AS +27 1 27 PU +27 1 28 CT +27 1 29 VE +27 1 30 CA +27 1 31 CL +27 1 32 MO +27 1 33 VE +27 1 34 AS +27 1 35 CT +27 1 36 CL +27 1 37 AS +27 1 38 MO +27 1 39 VE +27 1 40 CL +27 1 41 CT +27 1 42 NN +27 1 43 IN +27 1 44 PU +27 1 45 VE +27 1 46 CB +27 1 47 VE +27 1 48 CU +27 1 49 CL +27 1 50 MO +27 1 51 CH +27 1 52 PU +27 1 53 CT +27 1 54 VE +27 1 55 CL +27 1 56 CL +27 1 57 AS +27 1 58 CH +27 1 59 PU +27 1 60 CB +27 1 61 CT +27 1 62 MO +27 1 63 * +27 1 64 AS +27 1 65 MO +27 1 66 PU +27 1 67 VE +27 1 68 MO +27 1 69 CA +27 1 70 PU +27 1 71 MO +27 1 72 VE +27 1 73 MO +27 1 74 CL +27 1 75 VE +27 1 76 CO +27 1 77 VE +27 1 78 MO +27 1 79 CB +27 1 80 AS +27 1 81 VE +27 1 82 CL +27 1 83 CH +27 1 84 CT +27 1 85 VE +27 1 86 CT +27 1 87 CB +27 1 88 MO +27 1 89 CB +27 1 90 VE +27 1 91 AM +27 1 92 CU +27 1 93 CL +27 1 94 CB +27 1 95 CL +27 1 96 AM +27 1 97 MO +27 1 98 CT +27 1 99 MO +27 1 100 CL +27 1 101 MO +27 1 102 MO +27 1 103 CU +27 1 104 CL +27 1 105 MO +27 1 106 AM +27 1 107 PU +27 1 108 CL +27 1 109 AS +27 1 110 CU +27 1 111 VE +27 1 112 CT +27 1 113 CB +27 1 114 VE +27 1 115 MO +27 1 116 CL +27 1 117 CA +27 1 118 RO +27 1 119 VE +27 1 120 PU +27 1 121 CO +27 1 122 VE +27 1 123 CL +27 1 124 VE +27 1 125 CO +27 1 126 CU +27 1 127 CB +27 1 128 AM +27 1 129 PU +27 1 130 CU +27 1 131 MO +27 1 132 CT +27 1 133 VE +27 1 134 CH +27 1 135 MO +27 1 136 CL +27 1 137 VE +27 1 138 CL +27 1 139 MO +27 1 140 AS +27 1 141 PU +27 1 142 CU +27 1 143 VE +27 1 144 MO +27 1 145 CL +27 1 146 CU +27 1 147 VE +27 1 148 CT +27 1 149 VE +27 1 150 MO +27 1 151 CU +27 1 152 MO +27 1 153 CL +27 1 154 CB +27 1 155 CH +27 1 156 VE +27 1 157 CH +27 1 158 PU +27 1 159 CU +27 1 160 CT +27 1 161 CL +27 1 162 CT +27 1 163 AS +27 1 164 AS +27 1 165 VE +27 1 166 AS +27 1 167 MO +27 1 168 VE +27 1 169 CL +27 1 170 CB +27 1 171 VE +27 1 172 PU +27 1 173 CT +27 1 174 AM +27 1 175 CL +27 1 176 CT +27 1 177 AM +27 1 178 AS +27 1 179 MO +27 1 180 VE +27 1 181 CU +27 1 182 MO +27 1 183 CH +27 1 184 MO +27 1 185 CU +27 1 186 CL +27 1 187 CT +27 1 188 CL +27 1 189 PU +27 1 190 CU +27 1 191 VE +27 1 192 MO +27 1 193 VE +27 1 194 MO +27 1 195 VE +27 1 196 CL +27 1 197 MO +27 1 198 CB +27 1 199 PU +27 1 200 CL +27 1 201 CT +27 1 202 * +27 1 203 MO +27 1 204 CU +27 1 205 MO +27 1 206 PU +27 1 207 CT +27 1 208 CU +27 1 209 VE +27 1 210 CH +27 1 211 CL +27 1 212 CU +27 1 213 MO +27 1 214 VE +27 1 215 MO +27 1 216 CU +27 1 217 CT +27 1 218 VE +27 1 219 CL +27 1 220 MO +27 1 221 PU +27 1 222 MO +27 1 223 VE +27 1 224 PU +27 1 225 CU +27 1 226 AS +27 1 227 CB +27 1 228 AS +27 1 229 VE +27 1 230 PU +27 1 231 MO +27 1 232 CU +27 1 233 MO +27 1 234 VE +27 1 235 AS +27 1 236 VE +27 1 237 CU +27 1 238 CL +27 1 239 CT +27 1 240 CU +27 1 241 PU +27 1 242 AM +27 1 243 MO +27 1 244 PU +27 1 245 CT +27 1 246 CL +27 1 247 MO +27 1 248 CB +27 1 249 VE +27 1 250 MO +27 1 251 VE +27 1 252 CU +27 1 253 VE +27 1 254 AS +27 1 255 CB +27 1 256 CT +27 1 257 AS +27 1 258 AM +27 1 259 CT +27 1 260 PU +27 1 261 CO +27 1 262 PU +27 1 263 CU +27 1 264 CL +27 1 265 * +27 1 266 CH +27 1 267 MO +27 1 268 VE +27 1 269 MO +27 1 270 CU +27 1 271 VE +27 1 272 PU +27 1 273 MO +27 1 274 PU +27 1 275 CU +27 1 276 CT +27 1 277 AS +27 1 278 CU +27 1 279 AS +27 1 280 VE +27 1 281 VE +27 1 282 VE +27 1 283 CU +27 1 284 PU +27 1 285 CT +27 1 286 PU +27 1 287 CU +27 1 288 CT +27 1 289 CL +27 1 290 CU +27 1 291 CL +27 1 292 CU +27 1 293 PU +27 1 294 PU +27 1 295 CU +27 1 296 MO +27 1 297 AM +27 1 298 CT +27 1 299 VE +27 1 300 CU +27 1 301 VE +27 1 302 CU +27 1 303 CU +27 1 304 VE +27 1 305 MO +27 1 306 VE +27 1 307 CL +27 1 308 MO +27 1 309 CU +27 1 310 VE +27 1 311 CL +27 1 312 CB +27 1 313 MO +27 1 314 PU +27 1 315 VE +27 1 316 VE +27 1 317 MO +27 1 318 CU +27 1 319 PU +27 1 320 CU +27 1 321 CT +27 1 322 AS +27 1 323 VE +27 1 324 PU +27 1 325 MO +27 1 326 AM +27 1 327 PU +27 1 328 VE +27 1 329 CU +27 1 330 PU +27 2 1 AS +27 2 2 CR +27 2 3 CT +27 2 4 MO +27 2 5 AS +27 2 6 CH +27 2 7 AS +27 2 8 CT +27 2 9 CH +27 2 10 MO +27 2 11 CB +27 2 12 AM +27 2 13 AS +27 2 14 CB +27 2 15 RR +27 2 16 PU +27 2 17 CT +27 2 18 CB +27 2 19 AS +27 2 20 AS +27 2 21 RR +27 2 22 AM +27 2 23 MO +27 2 24 CB +27 2 25 AS +27 2 26 AS +27 2 27 AS +27 2 28 PU +27 2 29 RR +27 2 30 AS +27 2 31 CH +27 2 32 AS +27 2 33 RR +27 2 34 NO +27 2 35 MO +27 2 36 RR +27 2 37 AS +27 2 38 MO +27 2 39 CT +27 2 40 NO +27 2 41 AS +27 2 42 CT +27 2 43 AM +27 2 44 MO +27 2 45 PU +27 2 46 NO +27 2 47 CR +27 2 48 AM +27 2 49 CR +27 2 50 AS +27 2 51 MO +27 2 52 CH +27 2 53 PU +27 2 54 CT +27 2 55 NO +27 2 56 RR +27 2 57 RR +27 2 58 CH +27 2 59 CR +27 2 60 AS +27 2 61 CT +27 2 62 MO +27 2 63 RR +27 2 64 AS +27 2 65 CT +27 2 66 PU +27 2 67 NO +27 2 68 RR +27 2 69 AS +27 2 70 PU +27 2 71 CT +27 2 72 AS +27 2 73 MO +27 2 74 CR +27 2 75 NO +27 2 76 CT +27 2 77 AS +27 2 78 RR +27 2 79 CB +27 2 80 NO +27 2 81 NO +27 2 82 AS +27 2 83 PU +27 2 84 RR +27 2 85 NO +27 2 86 NO +27 2 87 CB +27 2 88 CT +27 2 89 CB +27 2 90 AS +27 2 91 AM +27 2 92 PU +27 2 93 AS +27 2 94 CB +27 2 95 PU +27 2 96 AM +27 2 97 MO +27 2 98 CT +27 2 99 CR +27 2 100 CR +27 2 101 CT +27 2 102 CR +27 2 103 CH +27 2 104 AS +27 2 105 MO +27 2 106 AM +27 2 107 PU +27 2 108 CR +27 2 109 AS +27 2 110 AM +27 2 111 NO +27 2 112 CT +27 2 113 CB +27 2 114 AS +27 2 115 CT +27 2 116 CR +27 2 117 CH +27 2 118 RR +27 2 119 NO +27 2 120 PU +27 2 121 CT +27 2 122 NO +27 2 123 AS +27 2 124 AM +27 2 125 CT +27 2 126 RR +27 2 127 AS +27 2 128 AM +27 2 129 PU +27 2 130 CH +27 2 131 MO +27 2 132 CT +27 2 133 NO +27 2 134 CH +27 2 135 CT +27 2 136 AS +27 2 137 AS +27 2 138 AS +27 2 139 PU +27 2 140 AS +27 2 141 PU +27 2 142 CR +27 2 143 NO +27 2 144 MO +27 2 145 AS +27 2 146 AM +27 2 147 AS +27 2 148 CT +27 2 149 NO +27 2 150 MO +27 2 151 RR +27 2 152 RR +27 2 153 AS +27 2 154 CB +27 2 155 CH +27 2 156 AS +27 2 157 CH +27 2 158 PU +27 2 159 RR +27 2 160 RR +27 2 161 NO +27 2 162 CT +27 2 163 AS +27 2 164 AS +27 2 165 NO +27 2 166 AS +27 2 167 MO +27 2 168 NO +27 2 169 AS +27 2 170 CB +27 2 171 NO +27 2 172 PU +27 2 173 CT +27 2 174 AM +27 2 175 CR +27 2 176 CT +27 2 177 AM +27 2 178 AS +27 2 179 CT +27 2 180 NO +27 2 181 AM +27 2 182 CH +27 2 183 CT +27 2 184 MO +27 2 185 CH +27 2 186 AS +27 2 187 AM +27 2 188 NO +27 2 189 * +27 2 190 RR +27 2 191 AS +27 2 192 MO +27 2 193 AM +27 2 194 CT +27 2 195 NO +27 2 196 CR +27 2 197 MO +27 2 198 CB +27 2 199 PU +27 2 200 AS +27 2 201 RR +27 2 202 NO +27 2 203 CT +27 2 204 CB +27 2 205 MO +27 2 206 PU +27 2 207 CT +27 2 208 CH +27 2 209 AS +27 2 210 CH +27 2 211 AS +27 2 212 RR +27 2 213 CR +27 2 214 AM +27 2 215 RR +27 2 216 CB +27 2 217 RR +27 2 218 AM +27 2 219 PU +27 2 220 MO +27 2 221 PU +27 2 222 MO +27 2 223 AS +27 2 224 PU +27 2 225 AS +27 2 226 NO +27 2 227 CB +27 2 228 AS +27 2 229 NO +27 2 230 PU +27 2 231 RR +27 2 232 CH +27 2 233 AS +27 2 234 NO +27 2 235 AS +27 2 236 AM +27 2 237 RR +27 2 238 AS +27 2 239 RR +27 2 240 CH +27 2 241 PU +27 2 242 AM +27 2 243 CT +27 2 244 PU +27 2 245 CT +27 2 246 AS +27 2 247 MO +27 2 248 CB +27 2 249 AS +27 2 250 MO +27 2 251 NO +27 2 252 PU +27 2 253 NO +27 2 254 AS +27 2 255 CB +27 2 256 CT +27 2 257 AS +27 2 258 AM +27 2 259 CT +27 2 260 PU +27 2 261 CT +27 2 262 PU +27 2 263 CR +27 2 264 CR +27 2 265 AS +27 2 266 CH +27 2 267 MO +27 2 268 NO +27 2 269 CT +27 2 270 RR +27 2 271 AS +27 2 272 PU +27 2 273 RR +27 2 274 PU +27 2 275 AM +27 2 276 CT +27 2 277 AS +27 2 278 RR +27 2 279 MO +27 2 280 NO +27 2 281 NO +27 2 282 NO +27 2 283 CH +27 2 284 PU +27 2 285 RR +27 2 286 PU +27 2 287 CH +27 2 288 CT +27 2 289 NO +27 2 290 RR +27 2 291 AS +27 2 292 RR +27 2 293 PU +27 2 294 PU +27 2 295 CH +27 2 296 MO +27 2 297 NM +27 2 298 CT +27 2 299 AS +27 2 300 PU +27 2 301 AS +27 2 302 RR +27 2 303 AS +27 2 304 NO +27 2 305 MO +27 2 306 AM +27 2 307 AS +27 2 308 MO +27 2 309 CH +27 2 310 NO +27 2 311 AS +27 2 312 CB +27 2 313 MO +27 2 314 PU +27 2 315 NO +27 2 316 NO +27 2 317 CT +27 2 318 RR +27 2 319 PU +27 2 320 NO +27 2 321 CT +27 2 322 CR +27 2 323 AS +27 2 324 PU +27 2 325 MO +27 2 326 AM +27 2 327 PU +27 2 328 NO +27 2 329 CH +27 2 330 PU +27 3 1 AS +27 3 2 CR +27 3 3 CT +27 3 4 MO +27 3 5 NO +27 3 6 CH +27 3 7 NO +27 3 8 CT +27 3 9 CH +27 3 10 AS +27 3 11 NO +27 3 12 AM +27 3 13 NO +27 3 14 AS +27 3 15 MO +27 3 16 PU +27 3 17 CT +27 3 18 CR +27 3 19 AS +27 3 20 NO +27 3 21 CT +27 3 22 AM +27 3 23 MO +27 3 24 CH +27 3 25 AS +27 3 26 CR +27 3 27 MY +27 3 28 CT +27 3 29 NO +27 3 30 CH +27 3 31 CR +27 3 32 MO +27 3 33 NO +27 3 34 AS +27 3 35 CM +27 3 36 NO +27 3 37 CR +27 3 38 CT +27 3 39 NO +27 3 40 AS +27 3 41 CT +27 3 42 CH +27 3 43 AS +27 3 44 PU +27 3 45 NO +27 3 46 CR +27 3 47 NO +27 3 48 CH +27 3 49 NO +27 3 50 MO +27 3 51 CH +27 3 52 CR +27 3 53 MO +27 3 54 NO +27 3 55 CR +27 3 56 CT +27 3 57 AS +27 3 58 CH +27 3 59 CR +27 3 60 AS +27 3 61 CT +27 3 62 CR +27 3 63 CT +27 3 64 AS +27 3 65 CT +27 3 66 PU +27 3 67 CR +27 3 68 MO +27 3 69 NO +27 3 70 PU +27 3 71 MO +27 3 72 NO +27 3 73 CR +27 3 74 PU +27 3 75 NO +27 3 76 CM +27 3 77 AS +27 3 78 CR +27 3 79 CB +27 3 80 AS +27 3 81 NO +27 3 82 AS +27 3 83 PU +27 3 84 CT +27 3 85 NO +27 3 86 CT +27 3 87 CR +27 3 88 MO +27 3 89 CB +27 3 90 NO +27 3 91 SA +27 3 92 PU +27 3 93 AS +27 3 94 CH +27 3 95 CR +27 3 96 AM +27 3 97 MO +27 3 98 CT +27 3 99 CR +27 3 100 AS +27 3 101 MO +27 3 102 CR +27 3 103 CH +27 3 104 CR +27 3 105 MO +27 3 106 AM +27 3 107 CR +27 3 108 SA +27 3 109 AS +27 3 110 CM +27 3 111 CB +27 3 112 CT +27 3 113 CB +27 3 114 NO +27 3 115 CT +27 3 116 CR +27 3 117 CH +27 3 118 CT +27 3 119 NO +27 3 120 CR +27 3 121 CT +27 3 122 NO +27 3 123 AS +27 3 124 NO +27 3 125 CT +27 3 126 CT +27 3 127 AS +27 3 128 AM +27 3 129 CR +27 3 130 CB +27 3 131 MO +27 3 132 CT +27 3 133 NO +27 3 134 CH +27 3 135 MO +27 3 136 AS +27 3 137 NO +27 3 138 AS +27 3 139 PU +27 3 140 AS +27 3 141 PU +27 3 142 SA +27 3 143 NO +27 3 144 MO +27 3 145 SA +27 3 146 AM +27 3 147 CR +27 3 148 CT +27 3 149 NO +27 3 150 MO +27 3 151 CT +27 3 152 MO +27 3 153 NO +27 3 154 CH +27 3 155 SA +27 3 156 NO +27 3 157 CH +27 3 158 PU +27 3 159 SA +27 3 160 CT +27 3 161 NO +27 3 162 CT +27 3 163 AS +27 3 164 CR +27 3 165 NO +27 3 166 AS +27 3 167 MO +27 3 168 NO +27 3 169 AS +27 3 170 CB +27 3 171 NO +27 3 172 PU +27 3 173 CT +27 3 174 AM +27 3 175 CR +27 3 176 CT +27 3 177 PU +27 3 178 AS +27 3 179 CT +27 3 180 NO +27 3 181 CH +27 3 182 MO +27 3 183 CH +27 3 184 MO +27 3 185 CT +27 3 186 SA +27 3 187 CT +27 3 188 NO +27 3 189 CR +27 3 190 CT +27 3 191 NO +27 3 192 MO +27 3 193 MY +27 3 194 MO +27 3 195 NO +27 3 196 CR +27 3 197 CT +27 3 198 CB +27 3 199 PU +27 3 200 CR +27 3 201 CT +27 3 202 NO +27 3 203 MO +27 3 204 CH +27 3 205 MO +27 3 206 PU +27 3 207 CT +27 3 208 CH +27 3 209 NO +27 3 210 CB +27 3 211 AS +27 3 212 CT +27 3 213 CR +27 3 214 AM +27 3 215 CT +27 3 216 CB +27 3 217 * +27 3 218 MO +27 3 219 CR +27 3 220 AS +27 3 221 PU +27 3 222 MO +27 3 223 NO +27 3 224 PU +27 3 225 CH +27 3 226 AS +27 3 227 CB +27 3 228 AS +27 3 229 NO +27 3 230 CR +27 3 231 MO +27 3 232 CH +27 3 233 AS +27 3 234 NO +27 3 235 AS +27 3 236 CR +27 3 237 CT +27 3 238 NO +27 3 239 CT +27 3 240 CB +27 3 241 PU +27 3 242 AM +27 3 243 MO +27 3 244 CR +27 3 245 CT +27 3 246 NO +27 3 247 MO +27 3 248 CB +27 3 249 NO +27 3 250 MO +27 3 251 SA +27 3 252 CR +27 3 253 NO +27 3 254 CR +27 3 255 CB +27 3 256 CT +27 3 257 AS +27 3 258 AM +27 3 259 CT +27 3 260 CR +27 3 261 CT +27 3 262 PU +27 3 263 CR +27 3 264 PU +27 3 265 NO +27 3 266 CT +27 3 267 MO +27 3 268 NO +27 3 269 MO +27 3 270 CT +27 3 271 NO +27 3 272 PU +27 3 273 MO +27 3 274 CR +27 3 275 AM +27 3 276 MO +27 3 277 AS +27 3 278 CT +27 3 279 AS +27 3 280 NO +27 3 281 NO +27 3 282 AS +27 3 283 CH +27 3 284 CR +27 3 285 CT +27 3 286 SA +27 3 287 MY +27 3 288 CT +27 3 289 AS +27 3 290 CR +27 3 291 CT +27 3 292 PU +27 3 293 CR +27 3 294 CH +27 3 295 AS +27 3 296 MO +27 3 297 AM +27 3 298 CT +27 3 299 NO +27 3 300 CR +27 3 301 NO +27 3 302 PU +27 3 303 CR +27 3 304 NO +27 3 305 MO +27 3 306 AS +27 3 307 AS +27 3 308 MY +27 3 309 CB +27 3 310 AS +27 3 311 NO +27 3 312 MO +27 3 313 AS +27 3 314 AM +27 3 315 NO +27 3 316 AS +27 3 317 CT +27 3 318 CT +27 3 319 CR +27 3 320 CH +27 3 321 CT +27 3 322 AS +27 3 323 NO +27 3 324 PU +27 3 325 CT +27 3 326 AM +27 3 327 SA +27 3 328 NO +27 3 329 CH +27 3 330 CR +27 4 1 CL +27 4 2 CL +27 4 3 NA +27 4 4 MO +27 4 5 VE +27 4 6 NA +27 4 7 VE +27 4 8 CT +27 4 9 CH +27 4 10 AS +27 4 11 CB +27 4 12 AM +27 4 13 CB +27 4 14 TO +27 4 15 * +27 4 16 PU +27 4 17 CT +27 4 18 AN +27 4 19 AS +27 4 20 VE +27 4 21 CT +27 4 22 AM +27 4 23 MO +27 4 24 CH +27 4 25 AS +27 4 26 AS +27 4 27 PU +27 4 28 RO +27 4 29 VE +27 4 30 CO +27 4 31 CL +27 4 32 MO +27 4 33 VE +27 4 34 AS +27 4 35 RO +27 4 36 VE +27 4 37 CL +27 4 38 GI +27 4 39 VE +27 4 40 CL +27 4 41 CT +27 4 42 AM +27 4 43 AS +27 4 44 PU +27 4 45 VE +27 4 46 CR +27 4 47 AS +27 4 48 AM +27 4 49 CL +27 4 50 MO +27 4 51 * +27 4 52 PU +27 4 53 GI +27 4 54 VE +27 4 55 CL +27 4 56 CT +27 4 57 AS +27 4 58 AM +27 4 59 PU +27 4 60 AS +27 4 61 CT +27 4 62 MO +27 4 63 CT +27 4 64 AS +27 4 65 CT +27 4 66 PU +27 4 67 VE +27 4 68 RO +27 4 69 VE +27 4 70 PU +27 4 71 CT +27 4 72 VE +27 4 73 MO +27 4 74 CL +27 4 75 AS +27 4 76 CT +27 4 77 AS +27 4 78 PU +27 4 79 CB +27 4 80 AS +27 4 81 VE +27 4 82 AS +27 4 83 PU +27 4 84 RO +27 4 85 VE +27 4 86 RO +27 4 87 CB +27 4 88 MO +27 4 89 CB +27 4 90 AS +27 4 91 NO +27 4 92 PU +27 4 93 AS +27 4 94 CB +27 4 95 PU +27 4 96 AM +27 4 97 MO +27 4 98 CT +27 4 99 MO +27 4 100 VE +27 4 101 GI +27 4 102 AS +27 4 103 VE +27 4 104 CL +27 4 105 MO +27 4 106 AM +27 4 107 PU +27 4 108 AS +27 4 109 AS +27 4 110 AM +27 4 111 VE +27 4 112 GI +27 4 113 TO +27 4 114 AS +27 4 115 CT +27 4 116 PU +27 4 117 CB +27 4 118 RO +27 4 119 VE +27 4 120 PU +27 4 121 CB +27 4 122 VE +27 4 123 AS +27 4 124 NO +27 4 125 CB +27 4 126 RO +27 4 127 VE +27 4 128 AM +27 4 129 PU +27 4 130 VE +27 4 131 MO +27 4 132 CT +27 4 133 VE +27 4 134 CH +27 4 135 GI +27 4 136 CL +27 4 137 VE +27 4 138 CL +27 4 139 PU +27 4 140 AS +27 4 141 PU +27 4 142 PU +27 4 143 VE +27 4 144 MO +27 4 145 VE +27 4 146 AM +27 4 147 VE +27 4 148 CT +27 4 149 VE +27 4 150 MO +27 4 151 CT +27 4 152 MO +27 4 153 CL +27 4 154 CR +27 4 155 CH +27 4 156 VE +27 4 157 CH +27 4 158 PU +27 4 159 AM +27 4 160 RO +27 4 161 VE +27 4 162 CT +27 4 163 AS +27 4 164 CL +27 4 165 VE +27 4 166 AS +27 4 167 MO +27 4 168 VE +27 4 169 * +27 4 170 CB +27 4 171 VE +27 4 172 PU +27 4 173 RO +27 4 174 AM +27 4 175 CL +27 4 176 CT +27 4 177 AM +27 4 178 AS +27 4 179 * +27 4 180 VE +27 4 181 AM +27 4 182 MO +27 4 183 CH +27 4 184 MO +27 4 185 CH +27 4 186 CL +27 4 187 AM +27 4 188 AS +27 4 189 PU +27 4 190 RO +27 4 191 VE +27 4 192 MO +27 4 193 NO +27 4 194 * +27 4 195 VE +27 4 196 CL +27 4 197 MO +27 4 198 CB +27 4 199 PU +27 4 200 CL +27 4 201 RO +27 4 202 VE +27 4 203 GI +27 4 204 CB +27 4 205 MO +27 4 206 PU +27 4 207 RO +27 4 208 CH +27 4 209 VE +27 4 210 CH +27 4 211 CL +27 4 212 AS +27 4 213 MO +27 4 214 NO +27 4 215 RO +27 4 216 CB +27 4 217 RO +27 4 218 VE +27 4 219 PU +27 4 220 AS +27 4 221 PU +27 4 222 MO +27 4 223 VE +27 4 224 PU +27 4 225 CH +27 4 226 AS +27 4 227 CB +27 4 228 AS +27 4 229 CL +27 4 230 PU +27 4 231 MO +27 4 232 CH +27 4 233 MO +27 4 234 VE +27 4 235 AS +27 4 236 NO +27 4 237 RO +27 4 238 AS +27 4 239 RO +27 4 240 CH +27 4 241 PU +27 4 242 AM +27 4 243 GI +27 4 244 PU +27 4 245 CT +27 4 246 VE +27 4 247 MO +27 4 248 CB +27 4 249 TO +27 4 250 MO +27 4 251 VE +27 4 252 PU +27 4 253 VE +27 4 254 AS +27 4 255 CB +27 4 256 RO +27 4 257 AS +27 4 258 AM +27 4 259 CT +27 4 260 PU +27 4 261 CB +27 4 262 PU +27 4 263 CR +27 4 264 CL +27 4 265 VE +27 4 266 CH +27 4 267 MO +27 4 268 VE +27 4 269 MO +27 4 270 AS +27 4 271 VE +27 4 272 PU +27 4 273 * +27 4 274 PU +27 4 275 NO +27 4 276 GI +27 4 277 AS +27 4 278 RO +27 4 279 AS +27 4 280 VE +27 4 281 AS +27 4 282 NO +27 4 283 CH +27 4 284 PU +27 4 285 SA +27 4 286 PU +27 4 287 CH +27 4 288 CT +27 4 289 VE +27 4 290 SA +27 4 291 AS +27 4 292 RO +27 4 293 PU +27 4 294 PU +27 4 295 CH +27 4 296 MO +27 4 297 AM +27 4 298 CT +27 4 299 VE +27 4 300 CR +27 4 301 VE +27 4 302 RO +27 4 303 AS +27 4 304 NO +27 4 305 MO +27 4 306 VE +27 4 307 AS +27 4 308 MO +27 4 309 TO +27 4 310 VE +27 4 311 AS +27 4 312 TO +27 4 313 AS +27 4 314 SA +27 4 315 VE +27 4 316 AS +27 4 317 GI +27 4 318 CB +27 4 319 PU +27 4 320 VE +27 4 321 RO +27 4 322 CL +27 4 323 VE +27 4 324 SA +27 4 325 MO +27 4 326 AM +27 4 327 SA +27 4 328 VE +27 4 329 CH +27 4 330 SA +27 5 1 CL +27 5 2 PU +27 5 3 NN +27 5 4 PU +27 5 5 MO +27 5 6 PU +27 5 7 NO +27 5 8 NN +27 5 9 CA +27 5 10 AS +27 5 11 CB +27 5 12 AM +27 5 13 AS +27 5 14 CB +27 5 15 SA +27 5 16 PU +27 5 17 NN +27 5 18 CB +27 5 19 CL +27 5 20 NO +27 5 21 NN +27 5 22 AM +27 5 23 MO +27 5 24 CB +27 5 25 CU +27 5 26 AS +27 5 27 PU +27 5 28 NN +27 5 29 CU +27 5 30 CU +27 5 31 CL +27 5 32 NN +27 5 33 NO +27 5 34 AS +27 5 35 CU +27 5 36 CB +27 5 37 CL +27 5 38 NN +27 5 39 VE +27 5 40 CL +27 5 41 CA +27 5 42 AM +27 5 43 CB +27 5 44 PU +27 5 45 NO +27 5 46 CH +27 5 47 CR +27 5 48 AM +27 5 49 CL +27 5 50 MO +27 5 51 CA +27 5 52 PU +27 5 53 NN +27 5 54 VE +27 5 55 CL +27 5 56 CU +27 5 57 CB +27 5 58 AM +27 5 59 PU +27 5 60 CB +27 5 61 NN +27 5 62 MO +27 5 63 CB +27 5 64 AS +27 5 65 AL +27 5 66 PU +27 5 67 CL +27 5 68 NN +27 5 69 CH +27 5 70 PU +27 5 71 MO +27 5 72 VE +27 5 73 MO +27 5 74 CU +27 5 75 VE +27 5 76 CO +27 5 77 CU +27 5 78 NN +27 5 79 CB +27 5 80 AS +27 5 81 NO +27 5 82 CU +27 5 83 CU +27 5 84 PU +27 5 85 CR +27 5 86 NN +27 5 87 CB +27 5 88 MO +27 5 89 CB +27 5 90 VE +27 5 91 AM +27 5 92 PU +27 5 93 AS +27 5 94 CA +27 5 95 PU +27 5 96 AM +27 5 97 MO +27 5 98 AL +27 5 99 PU +27 5 100 CL +27 5 101 AL +27 5 102 PU +27 5 103 CB +27 5 104 CL +27 5 105 MO +27 5 106 AM +27 5 107 PU +27 5 108 PU +27 5 109 AS +27 5 110 AM +27 5 111 CB +27 5 112 NN +27 5 113 CB +27 5 114 CB +27 5 115 AL +27 5 116 PU +27 5 117 CA +27 5 118 NN +27 5 119 CR +27 5 120 PU +27 5 121 CO +27 5 122 VE +27 5 123 CU +27 5 124 CU +27 5 125 CO +27 5 126 SA +27 5 127 CB +27 5 128 AM +27 5 129 PU +27 5 130 CB +27 5 131 MO +27 5 132 CO +27 5 133 VE +27 5 134 CU +27 5 135 NN +27 5 136 CL +27 5 137 VE +27 5 138 CL +27 5 139 PU +27 5 140 AS +27 5 141 PU +27 5 142 PU +27 5 143 CU +27 5 144 MO +27 5 145 CU +27 5 146 AM +27 5 147 CB +27 5 148 AL +27 5 149 VE +27 5 150 MO +27 5 151 CB +27 5 152 SA +27 5 153 CL +27 5 154 CH +27 5 155 CR +27 5 156 VE +27 5 157 CU +27 5 158 PU +27 5 159 CU +27 5 160 SA +27 5 161 SA +27 5 162 GI +27 5 163 CB +27 5 164 AS +27 5 165 VE +27 5 166 CR +27 5 167 SA +27 5 168 VE +27 5 169 CL +27 5 170 CB +27 5 171 NO +27 5 172 PU +27 5 173 NN +27 5 174 AM +27 5 175 PU +27 5 176 SA +27 5 177 AM +27 5 178 AS +27 5 179 CA +27 5 180 CB +27 5 181 CA +27 5 182 CR +27 5 183 MO +27 5 184 CR +27 5 185 CL +27 5 186 CR +27 5 187 CR +27 5 188 SA +27 5 189 SA +27 5 190 VE +27 5 191 MO +27 5 192 AM +27 5 193 CA +27 5 194 NO +27 5 195 SA +27 5 196 MO +27 5 197 CR +27 5 198 PU +27 5 199 CL +27 5 200 SA +27 5 201 SA +27 5 202 VE +27 5 203 AL +27 5 204 CR +27 5 205 MO +27 5 206 PU +27 5 207 CU +27 5 208 CU +27 5 209 CB +27 5 210 CA +27 5 211 CL +27 5 212 NN +27 5 213 MO +27 5 214 AM +27 5 215 PU +27 5 216 CB +27 5 217 PU +27 5 218 CU +27 5 219 PU +27 5 220 MO +27 5 221 PU +27 5 222 MO +27 5 223 VE +27 5 224 PU +27 5 225 CR +27 5 226 CU +27 5 227 CA +27 5 228 AS +27 5 229 SA +27 5 230 SA +27 5 231 MO +27 5 232 CR +27 5 233 SA +27 5 234 VE +27 5 235 AS +27 5 236 SA +27 5 237 SA +27 5 238 CR +27 5 239 SA +27 5 240 CA +27 5 241 PU +27 5 242 AM +27 5 243 MO +27 5 244 SA +27 5 245 NN +27 5 246 CL +27 5 247 MO +27 5 248 CU +27 5 249 VE +27 5 250 MO +27 5 251 CR +27 5 252 SA +27 5 253 SA +27 5 254 CL +27 5 255 CB +27 5 256 NN +27 5 257 SA +27 5 258 AM +27 5 259 CA +27 5 260 AM +27 5 261 SA +27 5 262 SA +27 5 263 CR +27 5 264 SA +27 5 265 VE +27 5 266 CR +27 5 267 MO +27 5 268 SA +27 5 269 MO +27 5 270 VE +27 5 271 CB +27 5 272 PU +27 5 273 MO +27 5 274 PU +27 5 275 CR +27 5 276 AL +27 5 277 CB +27 5 278 CR +27 5 279 MO +27 5 280 NO +27 5 281 VE +27 5 282 CR +27 5 283 CA +27 5 284 PU +27 5 285 SA +27 5 286 PU +27 5 287 CR +27 5 288 CO +27 5 289 CL +27 5 290 PU +27 5 291 AS +27 5 292 SA +27 5 293 SA +27 5 294 PU +27 5 295 CH +27 5 296 MO +27 5 297 AM +27 5 298 NN +27 5 299 VE +27 5 300 PU +27 5 301 CU +27 5 302 PU +27 5 303 MO +27 5 304 NO +27 5 305 MO +27 5 306 SA +27 5 307 CB +27 5 308 MO +27 5 309 CR +27 5 310 CB +27 5 311 AS +27 5 312 CU +27 5 313 MO +27 5 314 PU +27 5 315 CU +27 5 316 CU +27 5 317 MO +27 5 318 SA +27 5 319 SA +27 5 320 NO +27 5 321 NN +27 5 322 CL +27 5 323 VE +27 5 324 PU +27 5 325 MO +27 5 326 AM +27 5 327 PU +27 5 328 VE +27 5 329 CA +27 5 330 PU +27 6 1 CL +27 6 2 VE +27 6 3 CT +27 6 4 MO +27 6 5 AS +27 6 6 NA +27 6 7 VE +27 6 8 CT +27 6 9 CH +27 6 10 AS +27 6 11 VE +27 6 12 AM +27 6 13 VE +27 6 14 AS +27 6 15 CT +27 6 16 PU +27 6 17 CT +27 6 18 CB +27 6 19 AS +27 6 20 VE +27 6 21 CT +27 6 22 AM +27 6 23 MO +27 6 24 CH +27 6 25 AS +27 6 26 AS +27 6 27 PU +27 6 28 CT +27 6 29 VE +27 6 30 CA +27 6 31 CL +27 6 32 CT +27 6 33 VE +27 6 34 AS +27 6 35 CT +27 6 36 VE +27 6 37 AS +27 6 38 CT +27 6 39 VE +27 6 40 AS +27 6 41 CT +27 6 42 AM +27 6 43 AS +27 6 44 PU +27 6 45 VE +27 6 46 CR +27 6 47 NO +27 6 48 AM +27 6 49 AS +27 6 50 MO +27 6 51 CA +27 6 52 PU +27 6 53 CT +27 6 54 NO +27 6 55 AS +27 6 56 CT +27 6 57 AS +27 6 58 AM +27 6 59 MO +27 6 60 AS +27 6 61 CT +27 6 62 MO +27 6 63 CT +27 6 64 AS +27 6 65 CT +27 6 66 PU +27 6 67 NO +27 6 68 CT +27 6 69 TO +27 6 70 CR +27 6 71 CT +27 6 72 NO +27 6 73 MO +27 6 74 AS +27 6 75 NO +27 6 76 CT +27 6 77 AS +27 6 78 CT +27 6 79 TO +27 6 80 AS +27 6 81 NO +27 6 82 AS +27 6 83 AM +27 6 84 CT +27 6 85 NO +27 6 86 CT +27 6 87 TO +27 6 88 MO +27 6 89 TO +27 6 90 NO +27 6 91 NO +27 6 92 PU +27 6 93 AS +27 6 94 CA +27 6 95 AS +27 6 96 AM +27 6 97 MO +27 6 98 CT +27 6 99 MO +27 6 100 AS +27 6 101 CT +27 6 102 AS +27 6 103 CH +27 6 104 AS +27 6 105 MO +27 6 106 AM +27 6 107 PU +27 6 108 AS +27 6 109 AS +27 6 110 AM +27 6 111 NO +27 6 112 CT +27 6 113 TO +27 6 114 AS +27 6 115 CT +27 6 116 AS +27 6 117 CA +27 6 118 CT +27 6 119 AS +27 6 120 PU +27 6 121 CT +27 6 122 NO +27 6 123 AS +27 6 124 NO +27 6 125 CT +27 6 126 CT +27 6 127 NO +27 6 128 AM +27 6 129 PU +27 6 130 TO +27 6 131 MO +27 6 132 CT +27 6 133 VE +27 6 134 CA +27 6 135 MO +27 6 136 AS +27 6 137 NO +27 6 138 AS +27 6 139 PU +27 6 140 AS +27 6 141 PU +27 6 142 CR +27 6 143 NO +27 6 144 MO +27 6 145 AS +27 6 146 AM +27 6 147 AS +27 6 148 CT +27 6 149 AS +27 6 150 MO +27 6 151 CT +27 6 152 MO +27 6 153 AS +27 6 154 TO +27 6 155 CA +27 6 156 VE +27 6 157 CA +27 6 158 PU +27 6 159 AM +27 6 160 CT +27 6 161 AS +27 6 162 CT +27 6 163 AS +27 6 164 CL +27 6 165 NO +27 6 166 TO +27 6 167 MO +27 6 168 VE +27 6 169 CA +27 6 170 TO +27 6 171 * +27 6 172 PU +27 6 173 CT +27 6 174 AM +27 6 175 AS +27 6 176 CT +27 6 177 AM +27 6 178 AS +27 6 179 CA +27 6 180 AS +27 6 181 AM +27 6 182 MO +27 6 183 CA +27 6 184 MO +27 6 185 CO +27 6 186 AS +27 6 187 AM +27 6 188 AS +27 6 189 CL +27 6 190 CT +27 6 191 AS +27 6 192 MO +27 6 193 NO +27 6 194 CT +27 6 195 NO +27 6 196 AS +27 6 197 MO +27 6 198 TO +27 6 199 PU +27 6 200 AS +27 6 201 CT +27 6 202 NO +27 6 203 CT +27 6 204 CA +27 6 205 MO +27 6 206 AM +27 6 207 CT +27 6 208 CA +27 6 209 AS +27 6 210 MO +27 6 211 AS +27 6 212 AM +27 6 213 PU +27 6 214 NO +27 6 215 CT +27 6 216 NO +27 6 217 CT +27 6 218 NO +27 6 219 PU +27 6 220 AS +27 6 221 PU +27 6 222 MO +27 6 223 AS +27 6 224 PU +27 6 225 CU +27 6 226 AS +27 6 227 TO +27 6 228 AS +27 6 229 AS +27 6 230 PU +27 6 231 MO +27 6 232 CA +27 6 233 MO +27 6 234 VE +27 6 235 AS +27 6 236 NO +27 6 237 CT +27 6 238 AS +27 6 239 CT +27 6 240 CU +27 6 241 PU +27 6 242 AM +27 6 243 MO +27 6 244 PU +27 6 245 CT +27 6 246 AS +27 6 247 MO +27 6 248 NO +27 6 249 AS +27 6 250 MO +27 6 251 NO +27 6 252 PU +27 6 253 AS +27 6 254 CL +27 6 255 CU +27 6 256 CT +27 6 257 AS +27 6 258 AM +27 6 259 CT +27 6 260 AM +27 6 261 CT +27 6 262 PU +27 6 263 CU +27 6 264 CL +27 6 265 NO +27 6 266 CO +27 6 267 MO +27 6 268 NO +27 6 269 MO +27 6 270 AM +27 6 271 TO +27 6 272 PU +27 6 273 MO +27 6 274 PU +27 6 275 AM +27 6 276 CT +27 6 277 AS +27 6 278 CT +27 6 279 AS +27 6 280 NO +27 6 281 AS +27 6 282 NO +27 6 283 CA +27 6 284 PU +27 6 285 CT +27 6 286 PU +27 6 287 CA +27 6 288 CT +27 6 289 CL +27 6 290 PU +27 6 291 AS +27 6 292 CT +27 6 293 PU +27 6 294 PU +27 6 295 CA +27 6 296 MO +27 6 297 AM +27 6 298 CT +27 6 299 VE +27 6 300 CR +27 6 301 AS +27 6 302 PU +27 6 303 PU +27 6 304 NO +27 6 305 MO +27 6 306 NO +27 6 307 AS +27 6 308 MO +27 6 309 CU +27 6 310 AS +27 6 311 AS +27 6 312 CU +27 6 313 MO +27 6 314 PU +27 6 315 NO +27 6 316 AS +27 6 317 MO +27 6 318 CT +27 6 319 PU +27 6 320 NO +27 6 321 CT +27 6 322 AS +27 6 323 VE +27 6 324 PU +27 6 325 MO +27 6 326 AM +27 6 327 PU +27 6 328 NO +27 6 329 CA +27 6 330 PU +27 7 1 AS +27 7 2 VE +27 7 3 NA +27 7 4 MO +27 7 5 AS +27 7 6 * +27 7 7 NS +27 7 8 AL +27 7 9 CA +27 7 10 AS +27 7 11 VE +27 7 12 AM +27 7 13 VE +27 7 14 AS +27 7 15 TI +27 7 16 PL +27 7 17 NA +27 7 18 CA +27 7 19 AS +27 7 20 VE +27 7 21 AL +27 7 22 AM +27 7 23 * +27 7 24 CH +27 7 25 VE +27 7 26 MO +27 7 27 PN +27 7 28 AL +27 7 29 VE +27 7 30 UR +27 7 31 AL +27 7 32 AS +27 7 33 VE +27 7 34 AS +27 7 35 AL +27 7 36 VE +27 7 37 CL +27 7 38 AL +27 7 39 VE +27 7 40 AS +27 7 41 CT +27 7 42 NN +27 7 43 AS +27 7 44 PN +27 7 45 VE +27 7 46 PL +27 7 47 VE +27 7 48 VI +27 7 49 AS +27 7 50 MO +27 7 51 CA +27 7 52 AM +27 7 53 AL +27 7 54 VE +27 7 55 CL +27 7 56 VI +27 7 57 VE +27 7 58 AM +27 7 59 PN +27 7 60 VE +27 7 61 CT +27 7 62 MO +27 7 63 VI +27 7 64 AS +27 7 65 AL +27 7 66 PN +27 7 67 VE +27 7 68 AL +27 7 69 NO +27 7 70 PN +27 7 71 CA +27 7 72 VE +27 7 73 MO +27 7 74 CL +27 7 75 VE +27 7 76 NA +27 7 77 CL +27 7 78 VI +27 7 79 CA +27 7 80 AS +27 7 81 AM +27 7 82 CL +27 7 83 VI +27 7 84 AL +27 7 85 VE +27 7 86 AL +27 7 87 VE +27 7 88 AC +27 7 89 CB +27 7 90 VE +27 7 91 AM +27 7 92 PN +27 7 93 AS +27 7 94 CA +27 7 95 PN +27 7 96 AM +27 7 97 MO +27 7 98 CT +27 7 99 PL +27 7 100 CL +27 7 101 AL +27 7 102 CL +27 7 103 VE +27 7 104 AS +27 7 105 MO +27 7 106 AM +27 7 107 PN +27 7 108 CL +27 7 109 AS +27 7 110 AM +27 7 111 VE +27 7 112 CT +27 7 113 CB +27 7 114 VE +27 7 115 CT +27 7 116 CL +27 7 117 CO +27 7 118 VI +27 7 119 VE +27 7 120 PU +27 7 121 NA +27 7 122 VE +27 7 123 VE +27 7 124 AM +27 7 125 NA +27 7 126 AL +27 7 127 VE +27 7 128 AM +27 7 129 PN +27 7 130 VE +27 7 131 MO +27 7 132 CT +27 7 133 VE +27 7 134 * +27 7 135 AC +27 7 136 CL +27 7 137 VE +27 7 138 AS +27 7 139 PN +27 7 140 AS +27 7 141 PU +27 7 142 PN +27 7 143 AM +27 7 144 MO +27 7 145 CL +27 7 146 AM +27 7 147 CL +27 7 148 CT +27 7 149 NS +27 7 150 MO +27 7 151 VI +27 7 152 AL +27 7 153 AS +27 7 154 CB +27 7 155 CA +27 7 156 VE +27 7 157 CA +27 7 158 PN +27 7 159 AC +27 7 160 AC +27 7 161 VE +27 7 162 CT +27 7 163 VE +27 7 164 AS +27 7 165 VE +27 7 166 VE +27 7 167 MO +27 7 168 VE +27 7 169 CL +27 7 170 VE +27 7 171 NS +27 7 172 PU +27 7 173 AL +27 7 174 AM +27 7 175 CL +27 7 176 AL +27 7 177 AM +27 7 178 AS +27 7 179 CA +27 7 180 VE +27 7 181 VI +27 7 182 MO +27 7 183 CA +27 7 184 AS +27 7 185 CA +27 7 186 CL +27 7 187 NA +27 7 188 CL +27 7 189 PN +27 7 190 AL +27 7 191 VE +27 7 192 MO +27 7 193 AM +27 7 194 AL +27 7 195 VE +27 7 196 CL +27 7 197 MO +27 7 198 CB +27 7 199 PU +27 7 200 CL +27 7 201 VI +27 7 202 VE +27 7 203 AL +27 7 204 CA +27 7 205 MO +27 7 206 PN +27 7 207 AL +27 7 208 NA +27 7 209 VE +27 7 210 CA +27 7 211 CL +27 7 212 NA +27 7 213 PN +27 7 214 AM +27 7 215 AL +27 7 216 VE +27 7 217 VI +27 7 218 NS +27 7 219 CL +27 7 220 AS +27 7 221 PN +27 7 222 MO +27 7 223 VE +27 7 224 VI +27 7 225 VE +27 7 226 AS +27 7 227 CB +27 7 228 CL +27 7 229 CL +27 7 230 PN +27 7 231 MO +27 7 232 CA +27 7 233 CL +27 7 234 VE +27 7 235 CL +27 7 236 NS +27 7 237 AC +27 7 238 VE +27 7 239 AL +27 7 240 UR +27 7 241 PN +27 7 242 AM +27 7 243 MO +27 7 244 PN +27 7 245 CT +27 7 246 VE +27 7 247 MO +27 7 248 NO +27 7 249 VE +27 7 250 MO +27 7 251 VE +27 7 252 PN +27 7 253 CL +27 7 254 CL +27 7 255 CB +27 7 256 NA +27 7 257 VE +27 7 258 NN +27 7 259 CT +27 7 260 NN +27 7 261 CA +27 7 262 PN +27 7 263 PL +27 7 264 CL +27 7 265 VE +27 7 266 VI +27 7 267 MO +27 7 268 VE +27 7 269 AL +27 7 270 NA +27 7 271 VE +27 7 272 * +27 7 273 MO +27 7 274 PU +27 7 275 * +27 7 276 AL +27 7 277 AS +27 7 278 NA +27 7 279 CL +27 7 280 VE +27 7 281 VE +27 7 282 NO +27 7 283 CA +27 7 284 PN +27 7 285 VI +27 7 286 PU +27 7 287 CH +27 7 288 CT +27 7 289 CL +27 7 290 * +27 7 291 CL +27 7 292 VI +27 7 293 NS +27 7 294 PU +27 7 295 CA +27 7 296 MO +27 7 297 AM +27 7 298 CT +27 7 299 VE +27 7 300 PL +27 7 301 VE +27 7 302 AC +27 7 303 CL +27 7 304 VE +27 7 305 MO +27 7 306 * +27 7 307 CL +27 7 308 MO +27 7 309 CA +27 7 310 VE +27 7 311 CL +27 7 312 CB +27 7 313 MO +27 7 314 PU +27 7 315 NS +27 7 316 VE +27 7 317 MO +27 7 318 UR +27 7 319 PN +27 7 320 VE +27 7 321 CT +27 7 322 CL +27 7 323 VE +27 7 324 AC +27 7 325 MO +27 7 326 NN +27 7 327 CL +27 7 328 VE +27 7 329 CA +27 7 330 CL +27 8 1 AS +27 8 2 CL +27 8 3 CT +27 8 4 MO +27 8 5 CL +27 8 6 SA +27 8 7 NO +27 8 8 CT +27 8 9 MY +27 8 10 AS +27 8 11 NO +27 8 12 AM +27 8 13 NO +27 8 14 AS +27 8 15 SA +27 8 16 PU +27 8 17 CT +27 8 18 CX +27 8 19 CL +27 8 20 NO +27 8 21 CT +27 8 22 AM +27 8 23 MO +27 8 24 CA +27 8 25 AS +27 8 26 AS +27 8 27 PN +27 8 28 CT +27 8 29 AS +27 8 30 BA +27 8 31 AS +27 8 32 MO +27 8 33 NO +27 8 34 AS +27 8 35 CT +27 8 36 NO +27 8 37 AS +27 8 38 CT +27 8 39 * +27 8 40 CL +27 8 41 CT +27 8 42 AM +27 8 43 AS +27 8 44 PN +27 8 45 NO +27 8 46 CR +27 8 47 CX +27 8 48 AM +27 8 49 CL +27 8 50 MO +27 8 51 CA +27 8 52 PN +27 8 53 CT +27 8 54 NO +27 8 55 CL +27 8 56 AM +27 8 57 AS +27 8 58 AM +27 8 59 SA +27 8 60 CX +27 8 61 CT +27 8 62 MO +27 8 63 CT +27 8 64 AS +27 8 65 CT +27 8 66 PU +27 8 67 RR +27 8 68 CL +27 8 69 NO +27 8 70 SA +27 8 71 RR +27 8 72 NO +27 8 73 MO +27 8 74 CL +27 8 75 CX +27 8 76 CT +27 8 77 CL +27 8 78 RR +27 8 79 CB +27 8 80 AS +27 8 81 NO +27 8 82 CL +27 8 83 SA +27 8 84 CT +27 8 85 NO +27 8 86 CT +27 8 87 CB +27 8 88 RR +27 8 89 CB +27 8 90 NO +27 8 91 AM +27 8 92 SA +27 8 93 AS +27 8 94 CA +27 8 95 CL +27 8 96 AM +27 8 97 MO +27 8 98 CT +27 8 99 MO +27 8 100 CL +27 8 101 CT +27 8 102 CR +27 8 103 CA +27 8 104 CL +27 8 105 MO +27 8 106 AM +27 8 107 PN +27 8 108 CL +27 8 109 AS +27 8 110 AM +27 8 111 CX +27 8 112 CT +27 8 113 CB +27 8 114 AS +27 8 115 CT +27 8 116 CL +27 8 117 CA +27 8 118 RR +27 8 119 NO +27 8 120 PN +27 8 121 CT +27 8 122 NO +27 8 123 AS +27 8 124 AM +27 8 125 CT +27 8 126 RR +27 8 127 CB +27 8 128 AM +27 8 129 SA +27 8 130 CB +27 8 131 MO +27 8 132 CT +27 8 133 NO +27 8 134 CA +27 8 135 MO +27 8 136 CL +27 8 137 NO +27 8 138 CL +27 8 139 SA +27 8 140 AS +27 8 141 PN +27 8 142 PN +27 8 143 NO +27 8 144 MO +27 8 145 CL +27 8 146 AM +27 8 147 CL +27 8 148 * +27 8 149 CL +27 8 150 MO +27 8 151 RR +27 8 152 RR +27 8 153 CL +27 8 154 CB +27 8 155 CA +27 8 156 NO +27 8 157 CA +27 8 158 PU +27 8 159 AM +27 8 160 RR +27 8 161 CL +27 8 162 CT +27 8 163 AS +27 8 164 CL +27 8 165 NO +27 8 166 AS +27 8 167 RR +27 8 168 NO +27 8 169 CL +27 8 170 CX +27 8 171 NO +27 8 172 PU +27 8 173 PN +27 8 174 AM +27 8 175 CL +27 8 176 CT +27 8 177 AM +27 8 178 AS +27 8 179 CT +27 8 180 NO +27 8 181 AM +27 8 182 MO +27 8 183 CA +27 8 184 MO +27 8 185 BA +27 8 186 CL +27 8 187 AM +27 8 188 CL +27 8 189 CL +27 8 190 RR +27 8 191 NO +27 8 192 MO +27 8 193 AM +27 8 194 CA +27 8 195 NO +27 8 196 CL +27 8 197 MO +27 8 198 CB +27 8 199 CL +27 8 200 CL +27 8 201 RR +27 8 202 NO +27 8 203 MO +27 8 204 CB +27 8 205 MO +27 8 206 PN +27 8 207 RR +27 8 208 AM +27 8 209 AS +27 8 210 CA +27 8 211 CL +27 8 212 AM +27 8 213 MO +27 8 214 AM +27 8 215 MO +27 8 216 CB +27 8 217 CT +27 8 218 AM +27 8 219 CL +27 8 220 AS +27 8 221 CL +27 8 222 MO +27 8 223 NO +27 8 224 SA +27 8 225 AM +27 8 226 AS +27 8 227 CB +27 8 228 AS +27 8 229 CL +27 8 230 SA +27 8 231 MO +27 8 232 CA +27 8 233 CL +27 8 234 NO +27 8 235 AS +27 8 236 NO +27 8 237 AM +27 8 238 CL +27 8 239 RR +27 8 240 BA +27 8 241 PU +27 8 242 AM +27 8 243 MO +27 8 244 PN +27 8 245 CT +27 8 246 CL +27 8 247 MO +27 8 248 CB +27 8 249 NO +27 8 250 MO +27 8 251 CL +27 8 252 SA +27 8 253 CL +27 8 254 CL +27 8 255 CB +27 8 256 CT +27 8 257 AS +27 8 258 AM +27 8 259 CT +27 8 260 AM +27 8 261 AM +27 8 262 PU +27 8 263 CR +27 8 264 CL +27 8 265 NO +27 8 266 CT +27 8 267 MO +27 8 268 CL +27 8 269 MO +27 8 270 AM +27 8 271 AS +27 8 272 PU +27 8 273 MO +27 8 274 PU +27 8 275 AM +27 8 276 RR +27 8 277 AS +27 8 278 AM +27 8 279 AS +27 8 280 NO +27 8 281 NO +27 8 282 NO +27 8 283 CA +27 8 284 SA +27 8 285 RR +27 8 286 PU +27 8 287 AM +27 8 288 CT +27 8 289 CL +27 8 290 SA +27 8 291 AS +27 8 292 RR +27 8 293 CL +27 8 294 SA +27 8 295 CA +27 8 296 MO +27 8 297 AM +27 8 298 CT +27 8 299 NO +27 8 300 SA +27 8 301 NO +27 8 302 SA +27 8 303 CL +27 8 304 NO +27 8 305 MO +27 8 306 NO +27 8 307 CL +27 8 308 MO +27 8 309 CA +27 8 310 NO +27 8 311 AS +27 8 312 CB +27 8 313 AS +27 8 314 SA +27 8 315 NO +27 8 316 CL +27 8 317 MO +27 8 318 AM +27 8 319 PU +27 8 320 NO +27 8 321 CT +27 8 322 CL +27 8 323 NO +27 8 324 SA +27 8 325 MO +27 8 326 AM +27 8 327 SA +27 8 328 NO +27 8 329 BA +27 8 330 SA +27 9 1 CL +27 9 2 CL +27 9 3 NA +27 9 4 MO +27 9 5 CL +27 9 6 MO +27 9 7 VE +27 9 8 MO +27 9 9 CA +27 9 10 AS +27 9 11 CB +27 9 12 AM +27 9 13 CL +27 9 14 CB +27 9 15 MO +27 9 16 NA +27 9 17 CR +27 9 18 CB +27 9 19 CL +27 9 20 VE +27 9 21 NA +27 9 22 AM +27 9 23 MO +27 9 24 CB +27 9 25 CL +27 9 26 AS +27 9 27 PU +27 9 28 MO +27 9 29 VE +27 9 30 CA +27 9 31 CL +27 9 32 MO +27 9 33 VE +27 9 34 CL +27 9 35 GI +27 9 36 CB +27 9 37 CL +27 9 38 GI +27 9 39 VE +27 9 40 CL +27 9 41 MA +27 9 42 AM +27 9 43 AS +27 9 44 CR +27 9 45 VE +27 9 46 CR +27 9 47 CB +27 9 48 AM +27 9 49 CL +27 9 50 MO +27 9 51 CA +27 9 52 PU +27 9 53 GI +27 9 54 VE +27 9 55 CL +27 9 56 AM +27 9 57 AS +27 9 58 AM +27 9 59 CR +27 9 60 CB +27 9 61 GI +27 9 62 MO +27 9 63 CO +27 9 64 AS +27 9 65 GI +27 9 66 CR +27 9 67 VE +27 9 68 MO +27 9 69 CA +27 9 70 CR +27 9 71 MO +27 9 72 VE +27 9 73 MO +27 9 74 CL +27 9 75 CB +27 9 76 CO +27 9 77 CL +27 9 78 MO +27 9 79 MO +27 9 80 CL +27 9 81 NO +27 9 82 CL +27 9 83 PU +27 9 84 CT +27 9 85 AS +27 9 86 MO +27 9 87 CB +27 9 88 MO +27 9 89 CB +27 9 90 CB +27 9 91 AM +27 9 92 PU +27 9 93 AS +27 9 94 CB +27 9 95 * +27 9 96 AM +27 9 97 MO +27 9 98 GI +27 9 99 MO +27 9 100 CL +27 9 101 MO +27 9 102 MO +27 9 103 CA +27 9 104 CL +27 9 105 MO +27 9 106 AM +27 9 107 CR +27 9 108 AS +27 9 109 MO +27 9 110 AM +27 9 111 CB +27 9 112 GI +27 9 113 CA +27 9 114 AS +27 9 115 MO +27 9 116 CL +27 9 117 MO +27 9 118 MO +27 9 119 CL +27 9 120 CR +27 9 121 CO +27 9 122 VE +27 9 123 CL +27 9 124 AM +27 9 125 CO +27 9 126 MO +27 9 127 CB +27 9 128 AM +27 9 129 CU +27 9 130 CB +27 9 131 MO +27 9 132 MO +27 9 133 VE +27 9 134 MO +27 9 135 GI +27 9 136 CL +27 9 137 VE +27 9 138 CL +27 9 139 MO +27 9 140 CL +27 9 141 * +27 9 142 CR +27 9 143 AM +27 9 144 MO +27 9 145 CL +27 9 146 AM +27 9 147 CL +27 9 148 GI +27 9 149 VE +27 9 150 MO +27 9 151 NA +27 9 152 MO +27 9 153 CL +27 9 154 CB +27 9 155 CA +27 9 156 CL +27 9 157 CH +27 9 158 CR +27 9 159 AM +27 9 160 MO +27 9 161 CL +27 9 162 GI +27 9 163 CL +27 9 164 CL +27 9 165 CA +27 9 166 AS +27 9 167 MO +27 9 168 CL +27 9 169 CL +27 9 170 CB +27 9 171 CB +27 9 172 CR +27 9 173 GI +27 9 174 AM +27 9 175 CL +27 9 176 CT +27 9 177 AM +27 9 178 CL +27 9 179 MO +27 9 180 CL +27 9 181 AM +27 9 182 MO +27 9 183 CA +27 9 184 MO +27 9 185 CH +27 9 186 CL +27 9 187 AM +27 9 188 CL +27 9 189 CR +27 9 190 MO +27 9 191 VE +27 9 192 MO +27 9 193 AM +27 9 194 MO +27 9 195 VE +27 9 196 CL +27 9 197 MO +27 9 198 CB +27 9 199 PU +27 9 200 CL +27 9 201 NA +27 9 202 VE +27 9 203 GI +27 9 204 CA +27 9 205 MO +27 9 206 PU +27 9 207 MO +27 9 208 CA +27 9 209 AS +27 9 210 MO +27 9 211 CL +27 9 212 NA +27 9 213 MO +27 9 214 AM +27 9 215 MO +27 9 216 CB +27 9 217 NA +27 9 218 AM +27 9 219 CR +27 9 220 MO +27 9 221 CR +27 9 222 MO +27 9 223 VE +27 9 224 CR +27 9 225 AM +27 9 226 CL +27 9 227 CB +27 9 228 CB +27 9 229 VE +27 9 230 CR +27 9 231 MO +27 9 232 CA +27 9 233 MO +27 9 234 VE +27 9 235 AS +27 9 236 NO +27 9 237 * +27 9 238 VE +27 9 239 NA +27 9 240 CA +27 9 241 CR +27 9 242 AM +27 9 243 MO +27 9 244 PU +27 9 245 GI +27 9 246 VE +27 9 247 MO +27 9 248 CB +27 9 249 VE +27 9 250 MO +27 9 251 VE +27 9 252 MA +27 9 253 VE +27 9 254 MO +27 9 255 CA +27 9 256 GI +27 9 257 CL +27 9 258 AM +27 9 259 MO +27 9 260 AM +27 9 261 MA +27 9 262 PU +27 9 263 CR +27 9 264 CL +27 9 265 VE +27 9 266 MA +27 9 267 MO +27 9 268 VE +27 9 269 MO +27 9 270 NA +27 9 271 CB +27 9 272 CR +27 9 273 MO +27 9 274 CR +27 9 275 AM +27 9 276 MO +27 9 277 CL +27 9 278 NA +27 9 279 AS +27 9 280 AM +27 9 281 VE +27 9 282 VE +27 9 283 CH +27 9 284 CR +27 9 285 NA +27 9 286 CR +27 9 287 CA +27 9 288 GI +27 9 289 CL +27 9 290 CR +27 9 291 CL +27 9 292 NA +27 9 293 CL +27 9 294 CR +27 9 295 CH +27 9 296 MO +27 9 297 AM +27 9 298 CT +27 9 299 VE +27 9 300 CH +27 9 301 VE +27 9 302 CR +27 9 303 AS +27 9 304 MA +27 9 305 MO +27 9 306 NO +27 9 307 CL +27 9 308 MO +27 9 309 CA +27 9 310 VE +27 9 311 CL +27 9 312 MO +27 9 313 MO +27 9 314 MA +27 9 315 VE +27 9 316 CL +27 9 317 MO +27 9 318 NA +27 9 319 CR +27 9 320 NO +27 9 321 CT +27 9 322 CL +27 9 323 VE +27 9 324 MA +27 9 325 MO +27 9 326 AM +27 9 327 CL +27 9 328 CB +27 9 329 CA +27 9 330 CR +27 10 1 CL +27 10 2 CL +27 10 3 CT +27 10 4 MO +27 10 5 NO +27 10 6 NN +27 10 7 NO +27 10 8 MO +27 10 9 CH +27 10 10 AS +27 10 11 VE +27 10 12 AM +27 10 13 VE +27 10 14 AS +27 10 15 CR +27 10 16 NN +27 10 17 CT +27 10 18 CB +27 10 19 CL +27 10 20 VE +27 10 21 NN +27 10 22 AM +27 10 23 MO +27 10 24 CH +27 10 25 CL +27 10 26 AS +27 10 27 NN +27 10 28 NN +27 10 29 VE +27 10 30 CO +27 10 31 CL +27 10 32 MO +27 10 33 * +27 10 34 CL +27 10 35 NN +27 10 36 VE +27 10 37 CL +27 10 38 MO +27 10 39 VE +27 10 40 CL +27 10 41 MO +27 10 42 AM +27 10 43 AS +27 10 44 SA +27 10 45 VE +27 10 46 CR +27 10 47 CB +27 10 48 AM +27 10 49 CL +27 10 50 MO +27 10 51 MY +27 10 52 SA +27 10 53 MO +27 10 54 VE +27 10 55 CL +27 10 56 NN +27 10 57 AS +27 10 58 MY +27 10 59 SA +27 10 60 AS +27 10 61 MO +27 10 62 MO +27 10 63 NN +27 10 64 AS +27 10 65 MO +27 10 66 SA +27 10 67 VE +27 10 68 MO +27 10 69 MY +27 10 70 SA +27 10 71 MO +27 10 72 VE +27 10 73 MO +27 10 74 CL +27 10 75 VE +27 10 76 CO +27 10 77 CL +27 10 78 MO +27 10 79 CR +27 10 80 CL +27 10 81 NO +27 10 82 VE +27 10 83 AM +27 10 84 NN +27 10 85 VE +27 10 86 MO +27 10 87 CB +27 10 88 MO +27 10 89 CB +27 10 90 AS +27 10 91 AM +27 10 92 SA +27 10 93 VE +27 10 94 CB +27 10 95 SA +27 10 96 AM +27 10 97 MO +27 10 98 CT +27 10 99 MO +27 10 100 CL +27 10 101 MO +27 10 102 MO +27 10 103 MY +27 10 104 CL +27 10 105 MO +27 10 106 AM +27 10 107 SA +27 10 108 SA +27 10 109 AS +27 10 110 AM +27 10 111 CB +27 10 112 CT +27 10 113 CB +27 10 114 AS +27 10 115 MO +27 10 116 CL +27 10 117 CB +27 10 118 NN +27 10 119 VE +27 10 120 CR +27 10 121 CO +27 10 122 VE +27 10 123 CL +27 10 124 NO +27 10 125 CO +27 10 126 NN +27 10 127 AS +27 10 128 AM +27 10 129 SA +27 10 130 CB +27 10 131 MO +27 10 132 MO +27 10 133 VE +27 10 134 MY +27 10 135 MO +27 10 136 CL +27 10 137 AS +27 10 138 CL +27 10 139 SA +27 10 140 AS +27 10 141 PU +27 10 142 PU +27 10 143 NO +27 10 144 MO +27 10 145 * +27 10 146 AM +27 10 147 VE +27 10 148 CT +27 10 149 VE +27 10 150 MO +27 10 151 NN +27 10 152 MO +27 10 153 CL +27 10 154 CR +27 10 155 MY +27 10 156 VE +27 10 157 MY +27 10 158 PU +27 10 159 AM +27 10 160 NN +27 10 161 VE +27 10 162 GI +27 10 163 AS +27 10 164 CL +27 10 165 VE +27 10 166 AS +27 10 167 MO +27 10 168 VE +27 10 169 CL +27 10 170 AS +27 10 171 VE +27 10 172 PU +27 10 173 NN +27 10 174 AM +27 10 175 CL +27 10 176 NN +27 10 177 AM +27 10 178 AS +27 10 179 MO +27 10 180 VE +27 10 181 AM +27 10 182 MO +27 10 183 MY +27 10 184 MO +27 10 185 CO +27 10 186 CL +27 10 187 AM +27 10 188 CL +27 10 189 CL +27 10 190 NN +27 10 191 VE +27 10 192 MO +27 10 193 NO +27 10 194 MO +27 10 195 VE +27 10 196 CL +27 10 197 MO +27 10 198 CB +27 10 199 SA +27 10 200 CL +27 10 201 NN +27 10 202 VE +27 10 203 MO +27 10 204 CB +27 10 205 MO +27 10 206 PU +27 10 207 NN +27 10 208 AM +27 10 209 AS +27 10 210 MO +27 10 211 CL +27 10 212 AN +27 10 213 MO +27 10 214 AM +27 10 215 MO +27 10 216 CB +27 10 217 NN +27 10 218 AM +27 10 219 CL +27 10 220 CL +27 10 221 CL +27 10 222 MO +27 10 223 VE +27 10 224 PU +27 10 225 AM +27 10 226 AS +27 10 227 CB +27 10 228 AS +27 10 229 VE +27 10 230 SA +27 10 231 MO +27 10 232 CH +27 10 233 CL +27 10 234 VE +27 10 235 CL +27 10 236 NO +27 10 237 NN +27 10 238 CL +27 10 239 NN +27 10 240 CH +27 10 241 PU +27 10 242 AM +27 10 243 MO +27 10 244 CL +27 10 245 CT +27 10 246 VE +27 10 247 MO +27 10 248 VE +27 10 249 VE +27 10 250 MO +27 10 251 VE +27 10 252 SA +27 10 253 VE +27 10 254 CL +27 10 255 CB +27 10 256 NN +27 10 257 AS +27 10 258 AM +27 10 259 CT +27 10 260 SA +27 10 261 CO +27 10 262 PU +27 10 263 CR +27 10 264 CL +27 10 265 VE +27 10 266 CT +27 10 267 MO +27 10 268 VE +27 10 269 MO +27 10 270 AM +27 10 271 VE +27 10 272 CR +27 10 273 MO +27 10 274 PU +27 10 275 AM +27 10 276 GI +27 10 277 CL +27 10 278 NN +27 10 279 AS +27 10 280 VE +27 10 281 VE +27 10 282 VE +27 10 283 MY +27 10 284 SA +27 10 285 NN +27 10 286 PU +27 10 287 AM +27 10 288 CT +27 10 289 CL +27 10 290 PU +27 10 291 CL +27 10 292 NN +27 10 293 PU +27 10 294 PU +27 10 295 MY +27 10 296 MO +27 10 297 AM +27 10 298 CT +27 10 299 VE +27 10 300 CR +27 10 301 VE +27 10 302 PU +27 10 303 CL +27 10 304 VE +27 10 305 MO +27 10 306 VE +27 10 307 CL +27 10 308 MO +27 10 309 CB +27 10 310 VE +27 10 311 CL +27 10 312 CB +27 10 313 AS +27 10 314 SA +27 10 315 VE +27 10 316 VE +27 10 317 MO +27 10 318 NN +27 10 319 SA +27 10 320 AM +27 10 321 CT +27 10 322 CL +27 10 323 VE +27 10 324 SA +27 10 325 MO +27 10 326 AM +27 10 327 SA +27 10 328 VE +27 10 329 CH +27 10 330 PU +27 11 1 AS +27 11 2 AS +27 11 3 CT +27 11 4 MO +27 11 5 AS +27 11 6 CT +27 11 7 VE +27 11 8 CT +27 11 9 CB +27 11 10 AS +27 11 11 VE +27 11 12 AM +27 11 13 VE +27 11 14 AS +27 11 15 CT +27 11 16 PU +27 11 17 CT +27 11 18 CB +27 11 19 AS +27 11 20 VE +27 11 21 CT +27 11 22 AM +27 11 23 MO +27 11 24 CB +27 11 25 AS +27 11 26 AS +27 11 27 PU +27 11 28 CT +27 11 29 VE +27 11 30 CT +27 11 31 AS +27 11 32 MO +27 11 33 VE +27 11 34 AS +27 11 35 CT +27 11 36 VE +27 11 37 AS +27 11 38 CT +27 11 39 VE +27 11 40 AS +27 11 41 CT +27 11 42 AM +27 11 43 AS +27 11 44 PU +27 11 45 VE +27 11 46 PU +27 11 47 VE +27 11 48 CT +27 11 49 AS +27 11 50 MO +27 11 51 CB +27 11 52 AS +27 11 53 CT +27 11 54 VE +27 11 55 AS +27 11 56 CT +27 11 57 AS +27 11 58 AM +27 11 59 MO +27 11 60 VE +27 11 61 CT +27 11 62 MO +27 11 63 CT +27 11 64 AS +27 11 65 CT +27 11 66 PU +27 11 67 VE +27 11 68 MO +27 11 69 CB +27 11 70 PU +27 11 71 CT +27 11 72 VE +27 11 73 MO +27 11 74 AS +27 11 75 VE +27 11 76 CT +27 11 77 AS +27 11 78 MO +27 11 79 CB +27 11 80 AS +27 11 81 VE +27 11 82 AS +27 11 83 PU +27 11 84 CT +27 11 85 VE +27 11 86 MO +27 11 87 CB +27 11 88 MO +27 11 89 CB +27 11 90 VE +27 11 91 AM +27 11 92 PU +27 11 93 AS +27 11 94 CB +27 11 95 PU +27 11 96 AM +27 11 97 MO +27 11 98 CT +27 11 99 MO +27 11 100 AS +27 11 101 MO +27 11 102 AS +27 11 103 CB +27 11 104 AS +27 11 105 MO +27 11 106 PU +27 11 107 PU +27 11 108 AS +27 11 109 AS +27 11 110 AM +27 11 111 CB +27 11 112 CT +27 11 113 CB +27 11 114 VE +27 11 115 CT +27 11 116 AS +27 11 117 CB +27 11 118 CT +27 11 119 VE +27 11 120 PU +27 11 121 CT +27 11 122 VE +27 11 123 AS +27 11 124 * +27 11 125 CT +27 11 126 CT +27 11 127 VE +27 11 128 AM +27 11 129 PU +27 11 130 VE +27 11 131 MO +27 11 132 CT +27 11 133 VE +27 11 134 CB +27 11 135 MO +27 11 136 AS +27 11 137 VE +27 11 138 AS +27 11 139 PU +27 11 140 AS +27 11 141 PU +27 11 142 PU +27 11 143 VE +27 11 144 MO +27 11 145 AS +27 11 146 AM +27 11 147 VE +27 11 148 CT +27 11 149 VE +27 11 150 MO +27 11 151 CT +27 11 152 MO +27 11 153 AS +27 11 154 CB +27 11 155 CB +27 11 156 VE +27 11 157 CB +27 11 158 PU +27 11 159 CT +27 11 160 CT +27 11 161 AS +27 11 162 CT +27 11 163 VE +27 11 164 AS +27 11 165 * +27 11 166 VE +27 11 167 MO +27 11 168 VE +27 11 169 AS +27 11 170 VE +27 11 171 VE +27 11 172 PU +27 11 173 CT +27 11 174 AM +27 11 175 AS +27 11 176 CT +27 11 177 AM +27 11 178 AS +27 11 179 CT +27 11 180 VE +27 11 181 AM +27 11 182 MO +27 11 183 CB +27 11 184 MO +27 11 185 CT +27 11 186 AS +27 11 187 CT +27 11 188 AS +27 11 189 AS +27 11 190 CT +27 11 191 VE +27 11 192 MO +27 11 193 VE +27 11 194 CT +27 11 195 VE +27 11 196 AS +27 11 197 MO +27 11 198 CB +27 11 199 AS +27 11 200 AS +27 11 201 CT +27 11 202 VE +27 11 203 CT +27 11 204 CB +27 11 205 MO +27 11 206 PU +27 11 207 CT +27 11 208 AM +27 11 209 VE +27 11 210 CB +27 11 211 AS +27 11 212 CT +27 11 213 MO +27 11 214 VE +27 11 215 MO +27 11 216 VE +27 11 217 CT +27 11 218 VE +27 11 219 AS +27 11 220 AS +27 11 221 AS +27 11 222 MO +27 11 223 VE +27 11 224 PU +27 11 225 AM +27 11 226 VE +27 11 227 CB +27 11 228 AS +27 11 229 AS +27 11 230 PU +27 11 231 MO +27 11 232 CB +27 11 233 AS +27 11 234 VE +27 11 235 AS +27 11 236 VE +27 11 237 CT +27 11 238 VE +27 11 239 CT +27 11 240 CB +27 11 241 PU +27 11 242 AM +27 11 243 CT +27 11 244 PU +27 11 245 CT +27 11 246 AS +27 11 247 MO +27 11 248 VE +27 11 249 AS +27 11 250 MO +27 11 251 VE +27 11 252 PU +27 11 253 AS +27 11 254 AS +27 11 255 CB +27 11 256 CT +27 11 257 AS +27 11 258 AM +27 11 259 CT +27 11 260 CT +27 11 261 VE +27 11 262 PU +27 11 263 CB +27 11 264 VE +27 11 265 VE +27 11 266 CT +27 11 267 MO +27 11 268 VE +27 11 269 MO +27 11 270 AM +27 11 271 VE +27 11 272 PU +27 11 273 MO +27 11 274 PU +27 11 275 MO +27 11 276 CT +27 11 277 AS +27 11 278 CT +27 11 279 AS +27 11 280 VE +27 11 281 VE +27 11 282 VE +27 11 283 CB +27 11 284 AS +27 11 285 CT +27 11 286 PU +27 11 287 AM +27 11 288 CT +27 11 289 AS +27 11 290 PU +27 11 291 AS +27 11 292 CT +27 11 293 AS +27 11 294 PU +27 11 295 CB +27 11 296 MO +27 11 297 AM +27 11 298 CT +27 11 299 VE +27 11 300 PU +27 11 301 AS +27 11 302 PU +27 11 303 AS +27 11 304 VE +27 11 305 MO +27 11 306 AS +27 11 307 AS +27 11 308 MO +27 11 309 CB +27 11 310 AS +27 11 311 AS +27 11 312 CB +27 11 313 MO +27 11 314 PU +27 11 315 VE +27 11 316 AS +27 11 317 MO +27 11 318 CT +27 11 319 PU +27 11 320 AM +27 11 321 CT +27 11 322 AS +27 11 323 VE +27 11 324 PU +27 11 325 MO +27 11 326 AM +27 11 327 PU +27 11 328 VE +27 11 329 AM +27 11 330 PU +27 12 1 AS +27 12 2 VE +27 12 3 RJ +27 12 4 MO +27 12 5 VE +27 12 6 CA +27 12 7 VE +27 12 8 GI +27 12 9 CA +27 12 10 AS +27 12 11 VE +27 12 12 AM +27 12 13 VE +27 12 14 AS +27 12 15 GI +27 12 16 RJ +27 12 17 PU +27 12 18 CA +27 12 19 AS +27 12 20 VE +27 12 21 GI +27 12 22 AS +27 12 23 MO +27 12 24 CA +27 12 25 AS +27 12 26 AS +27 12 27 GI +27 12 28 GI +27 12 29 VE +27 12 30 CA +27 12 31 AS +27 12 32 MO +27 12 33 VE +27 12 34 AS +27 12 35 RJ +27 12 36 VE +27 12 37 AS +27 12 38 GI +27 12 39 VE +27 12 40 AS +27 12 41 RJ +27 12 42 AM +27 12 43 AS +27 12 44 GI +27 12 45 VE +27 12 46 CA +27 12 47 CA +27 12 48 AM +27 12 49 AS +27 12 50 MO +27 12 51 CA +27 12 52 PU +27 12 53 GI +27 12 54 VE +27 12 55 AS +27 12 56 RJ +27 12 57 AS +27 12 58 CA +27 12 59 MO +27 12 60 CB +27 12 61 GI +27 12 62 MO +27 12 63 RJ +27 12 64 AS +27 12 65 GI +27 12 66 PU +27 12 67 VE +27 12 68 GI +27 12 69 CA +27 12 70 MO +27 12 71 GI +27 12 72 VE +27 12 73 MO +27 12 74 AS +27 12 75 VE +27 12 76 RJ +27 12 77 AS +27 12 78 GI +27 12 79 CA +27 12 80 AS +27 12 81 VE +27 12 82 VE +27 12 83 RJ +27 12 84 RJ +27 12 85 VE +27 12 86 GI +27 12 87 CB +27 12 88 MO +27 12 89 CB +27 12 90 CB +27 12 91 VE +27 12 92 PU +27 12 93 AS +27 12 94 CB +27 12 95 VE +27 12 96 AS +27 12 97 MO +27 12 98 RJ +27 12 99 MO +27 12 100 AS +27 12 101 GI +27 12 102 AS +27 12 103 CA +27 12 104 AS +27 12 105 MO +27 12 106 AM +27 12 107 PU +27 12 108 VE +27 12 109 AS +27 12 110 AM +27 12 111 VE +27 12 112 GI +27 12 113 CA +27 12 114 VE +27 12 115 GI +27 12 116 AS +27 12 117 CA +27 12 118 GI +27 12 119 VE +27 12 120 PU +27 12 121 CT +27 12 122 VE +27 12 123 AS +27 12 124 VE +27 12 125 RJ +27 12 126 GI +27 12 127 CB +27 12 128 AM +27 12 129 PU +27 12 130 CA +27 12 131 MO +27 12 132 CT +27 12 133 VE +27 12 134 CA +27 12 135 GI +27 12 136 AS +27 12 137 VE +27 12 138 AS +27 12 139 PU +27 12 140 AS +27 12 141 PU +27 12 142 PU +27 12 143 VE +27 12 144 MO +27 12 145 VE +27 12 146 AM +27 12 147 VE +27 12 148 GI +27 12 149 VE +27 12 150 MO +27 12 151 CT +27 12 152 MO +27 12 153 AS +27 12 154 CB +27 12 155 CA +27 12 156 VE +27 12 157 CA +27 12 158 PU +27 12 159 CT +27 12 160 GI +27 12 161 VE +27 12 162 GI +27 12 163 VE +27 12 164 AS +27 12 165 CA +27 12 166 AS +27 12 167 MO +27 12 168 VE +27 12 169 AS +27 12 170 CB +27 12 171 VE +27 12 172 PU +27 12 173 CT +27 12 174 AM +27 12 175 AS +27 12 176 CT +27 12 177 AM +27 12 178 AS +27 12 179 GI +27 12 180 VE +27 12 181 CA +27 12 182 GI +27 12 183 CA +27 12 184 MO +27 12 185 CA +27 12 186 AS +27 12 187 CT +27 12 188 AS +27 12 189 AS +27 12 190 GI +27 12 191 VE +27 12 192 MO +27 12 193 VE +27 12 194 GI +27 12 195 VE +27 12 196 AS +27 12 197 MO +27 12 198 CB +27 12 199 PU +27 12 200 AS +27 12 201 CT +27 12 202 VE +27 12 203 MO +27 12 204 CA +27 12 205 MO +27 12 206 PU +27 12 207 GI +27 12 208 CA +27 12 209 VE +27 12 210 CA +27 12 211 AS +27 12 212 CT +27 12 213 MO +27 12 214 VE +27 12 215 GI +27 12 216 CB +27 12 217 CT +27 12 218 VE +27 12 219 AS +27 12 220 AS +27 12 221 AS +27 12 222 MO +27 12 223 VE +27 12 224 CT +27 12 225 VE +27 12 226 AS +27 12 227 CB +27 12 228 AS +27 12 229 VE +27 12 230 CT +27 12 231 MO +27 12 232 CA +27 12 233 MO +27 12 234 VE +27 12 235 AS +27 12 236 VE +27 12 237 CT +27 12 238 AS +27 12 239 CT +27 12 240 CA +27 12 241 PU +27 12 242 AM +27 12 243 MO +27 12 244 AS +27 12 245 GI +27 12 246 VE +27 12 247 MO +27 12 248 CB +27 12 249 VE +27 12 250 MO +27 12 251 VE +27 12 252 CT +27 12 253 VE +27 12 254 AS +27 12 255 CB +27 12 256 CT +27 12 257 AS +27 12 258 AM +27 12 259 GI +27 12 260 VE +27 12 261 CA +27 12 262 PU +27 12 263 CA +27 12 264 AS +27 12 265 VE +27 12 266 CA +27 12 267 MO +27 12 268 VE +27 12 269 MO +27 12 270 CA +27 12 271 VE +27 12 272 PU +27 12 273 MO +27 12 274 PU +27 12 275 CA +27 12 276 GI +27 12 277 AS +27 12 278 CT +27 12 279 AS +27 12 280 VE +27 12 281 VE +27 12 282 VE +27 12 283 CA +27 12 284 AS +27 12 285 GI +27 12 286 PU +27 12 287 CA +27 12 288 CT +27 12 289 AS +27 12 290 PU +27 12 291 AS +27 12 292 CT +27 12 293 VE +27 12 294 PU +27 12 295 CA +27 12 296 MO +27 12 297 AS +27 12 298 GI +27 12 299 VE +27 12 300 PU +27 12 301 VE +27 12 302 CT +27 12 303 AS +27 12 304 VE +27 12 305 MO +27 12 306 VE +27 12 307 AS +27 12 308 MO +27 12 309 CA +27 12 310 VE +27 12 311 AS +27 12 312 CA +27 12 313 MO +27 12 314 PU +27 12 315 VE +27 12 316 VE +27 12 317 MO +27 12 318 CT +27 12 319 PU +27 12 320 CA +27 12 321 CT +27 12 322 AS +27 12 323 VE +27 12 324 PU +27 12 325 MO +27 12 326 AM +27 12 327 AS +27 12 328 VE +27 12 329 CA +27 12 330 AS +27 13 1 AS +27 13 2 VE +27 13 3 CT +27 13 4 MO +27 13 5 VE +27 13 6 CA +27 13 7 VE +27 13 8 CT +27 13 9 CA +27 13 10 AS +27 13 11 VE +27 13 12 AM +27 13 13 VE +27 13 14 AS +27 13 15 NX +27 13 16 PU +27 13 17 CT +27 13 18 CB +27 13 19 AS +27 13 20 VE +27 13 21 CT +27 13 22 AM +27 13 23 MO +27 13 24 CB +27 13 25 AS +27 13 26 AS +27 13 27 PU +27 13 28 CT +27 13 29 VE +27 13 30 CA +27 13 31 AS +27 13 32 * +27 13 33 VE +27 13 34 AS +27 13 35 CA +27 13 36 VE +27 13 37 AS +27 13 38 CT +27 13 39 VE +27 13 40 AS +27 13 41 CT +27 13 42 AM +27 13 43 AS +27 13 44 PU +27 13 45 VE +27 13 46 PL +27 13 47 VE +27 13 48 CA +27 13 49 AS +27 13 50 MO +27 13 51 YA +27 13 52 YU +27 13 53 MO +27 13 54 VE +27 13 55 AS +27 13 56 CA +27 13 57 AS +27 13 58 VE +27 13 59 NX +27 13 60 VE +27 13 61 NY +27 13 62 AS +27 13 63 CT +27 13 64 AS +27 13 65 CT +27 13 66 PU +27 13 67 AS +27 13 68 CT +27 13 69 VE +27 13 70 MO +27 13 71 MO +27 13 72 VE +27 13 73 MO +27 13 74 AS +27 13 75 NS +27 13 76 * +27 13 77 AS +27 13 78 MO +27 13 79 CB +27 13 80 AS +27 13 81 VE +27 13 82 AS +27 13 83 CA +27 13 84 CT +27 13 85 VE +27 13 86 MO +27 13 87 CB +27 13 88 MO +27 13 89 CB +27 13 90 VE +27 13 91 VE +27 13 92 PU +27 13 93 AS +27 13 94 CB +27 13 95 AS +27 13 96 AM +27 13 97 MO +27 13 98 CT +27 13 99 MO +27 13 100 AS +27 13 101 MO +27 13 102 PL +27 13 103 VE +27 13 104 AS +27 13 105 MO +27 13 106 AM +27 13 107 PU +27 13 108 AS +27 13 109 AS +27 13 110 AM +27 13 111 VE +27 13 112 CT +27 13 113 CB +27 13 114 AS +27 13 115 CT +27 13 116 AS +27 13 117 CA +27 13 118 NN +27 13 119 AS +27 13 120 PU +27 13 121 CT +27 13 122 VE +27 13 123 AS +27 13 124 VE +27 13 125 CT +27 13 126 MO +27 13 127 VE +27 13 128 VE +27 13 129 PU +27 13 130 VE +27 13 131 MO +27 13 132 CT +27 13 133 VE +27 13 134 YA +27 13 135 MO +27 13 136 AS +27 13 137 VE +27 13 138 AS +27 13 139 MO +27 13 140 AS +27 13 141 PU +27 13 142 PL +27 13 143 VE +27 13 144 MO +27 13 145 VE +27 13 146 AM +27 13 147 AS +27 13 148 CT +27 13 149 AS +27 13 150 MO +27 13 151 CT +27 13 152 MO +27 13 153 AS +27 13 154 CB +27 13 155 CA +27 13 156 AS +27 13 157 CA +27 13 158 PL +27 13 159 AS +27 13 160 MO +27 13 161 AS +27 13 162 CT +27 13 163 AS +27 13 164 AS +27 13 165 VE +27 13 166 * +27 13 167 MO +27 13 168 VE +27 13 169 * +27 13 170 CB +27 13 171 VE +27 13 172 PU +27 13 173 CT +27 13 174 AM +27 13 175 AS +27 13 176 CT +27 13 177 VE +27 13 178 AS +27 13 179 CA +27 13 180 AS +27 13 181 AM +27 13 182 MO +27 13 183 CA +27 13 184 NR +27 13 185 CA +27 13 186 AS +27 13 187 AM +27 13 188 AS +27 13 189 PL +27 13 190 MO +27 13 191 AS +27 13 192 MO +27 13 193 VE +27 13 194 CT +27 13 195 AS +27 13 196 AS +27 13 197 MO +27 13 198 CB +27 13 199 PU +27 13 200 AS +27 13 201 AM +27 13 202 VE +27 13 203 MO +27 13 204 CB +27 13 205 NR +27 13 206 AM +27 13 207 CT +27 13 208 CA +27 13 209 VE +27 13 210 CA +27 13 211 AS +27 13 212 AM +27 13 213 MO +27 13 214 VE +27 13 215 MO +27 13 216 VE +27 13 217 MO +27 13 218 VE +27 13 219 VE +27 13 220 MO +27 13 221 PU +27 13 222 MO +27 13 223 VE +27 13 224 AM +27 13 225 VE +27 13 226 AS +27 13 227 CB +27 13 228 AS +27 13 229 VE +27 13 230 AM +27 13 231 MO +27 13 232 VE +27 13 233 MO +27 13 234 VE +27 13 235 MO +27 13 236 VE +27 13 237 AM +27 13 238 VE +27 13 239 CT +27 13 240 CA +27 13 241 PL +27 13 242 VE +27 13 243 MO +27 13 244 AS +27 13 245 CT +27 13 246 AS +27 13 247 MO +27 13 248 VE +27 13 249 AS +27 13 250 MO +27 13 251 VE +27 13 252 AM +27 13 253 VE +27 13 254 AS +27 13 255 CB +27 13 256 CT +27 13 257 AS +27 13 258 AM +27 13 259 CT +27 13 260 VE +27 13 261 CA +27 13 262 PL +27 13 263 PL +27 13 264 AS +27 13 265 VE +27 13 266 * +27 13 267 MO +27 13 268 VE +27 13 269 MO +27 13 270 AM +27 13 271 VE +27 13 272 PL +27 13 273 MO +27 13 274 PL +27 13 275 VE +27 13 276 MO +27 13 277 AS +27 13 278 AM +27 13 279 AS +27 13 280 VE +27 13 281 AS +27 13 282 VE +27 13 283 CA +27 13 284 PU +27 13 285 MO +27 13 286 PL +27 13 287 VE +27 13 288 CT +27 13 289 AS +27 13 290 PL +27 13 291 AS +27 13 292 MO +27 13 293 VE +27 13 294 VE +27 13 295 CA +27 13 296 MO +27 13 297 AM +27 13 298 CT +27 13 299 VE +27 13 300 PL +27 13 301 AS +27 13 302 AM +27 13 303 AS +27 13 304 VE +27 13 305 MO +27 13 306 VE +27 13 307 AS +27 13 308 MO +27 13 309 CB +27 13 310 AS +27 13 311 AS +27 13 312 CB +27 13 313 MO +27 13 314 AM +27 13 315 VE +27 13 316 NO +27 13 317 MO +27 13 318 AM +27 13 319 PL +27 13 320 VE +27 13 321 CT +27 13 322 AS +27 13 323 VE +27 13 324 PL +27 13 325 MO +27 13 326 AM +27 13 327 VE +27 13 328 VE +27 13 329 CA +27 13 330 AS +27 14 1 CL +27 14 2 NO +27 14 3 CT +27 14 4 MO +27 14 5 NO +27 14 6 AN +27 14 7 VE +27 14 8 MO +27 14 9 CA +27 14 10 AS +27 14 11 CB +27 14 12 AM +27 14 13 VE +27 14 14 AS +27 14 15 GI +27 14 16 PL +27 14 17 RO +27 14 18 CB +27 14 19 CL +27 14 20 VE +27 14 21 RO +27 14 22 AM +27 14 23 MO +27 14 24 NI +27 14 25 AS +27 14 26 AS +27 14 27 SA +27 14 28 GI +27 14 29 VE +27 14 30 CA +27 14 31 CL +27 14 32 MO +27 14 33 VE +27 14 34 AS +27 14 35 NA +27 14 36 VE +27 14 37 CL +27 14 38 MO +27 14 39 VE +27 14 40 CL +27 14 41 CT +27 14 42 CH +27 14 43 AS +27 14 44 RO +27 14 45 VE +27 14 46 PL +27 14 47 VE +27 14 48 CH +27 14 49 CL +27 14 50 MO +27 14 51 CA +27 14 52 NO +27 14 53 MO +27 14 54 VE +27 14 55 AS +27 14 56 RO +27 14 57 AS +27 14 58 * +27 14 59 RO +27 14 60 AS +27 14 61 NY +27 14 62 MO +27 14 63 RO +27 14 64 AS +27 14 65 GI +27 14 66 SA +27 14 67 VE +27 14 68 MO +27 14 69 * +27 14 70 PL +27 14 71 CT +27 14 72 VE +27 14 73 MO +27 14 74 CL +27 14 75 VE +27 14 76 NA +27 14 77 CL +27 14 78 RO +27 14 79 PL +27 14 80 AS +27 14 81 VE +27 14 82 VE +27 14 83 SA +27 14 84 RO +27 14 85 VE +27 14 86 GI +27 14 87 NI +27 14 88 GI +27 14 89 CB +27 14 90 AS +27 14 91 NO +27 14 92 SA +27 14 93 AS +27 14 94 CB +27 14 95 VE +27 14 96 AM +27 14 97 MO +27 14 98 CT +27 14 99 MO +27 14 100 CL +27 14 101 GI +27 14 102 CL +27 14 103 MY +27 14 104 CL +27 14 105 MO +27 14 106 AM +27 14 107 SA +27 14 108 NO +27 14 109 AS +27 14 110 RO +27 14 111 CB +27 14 112 GI +27 14 113 CB +27 14 114 AS +27 14 115 NY +27 14 116 CL +27 14 117 MY +27 14 118 RO +27 14 119 VE +27 14 120 SA +27 14 121 NA +27 14 122 VE +27 14 123 AS +27 14 124 NO +27 14 125 NA +27 14 126 RO +27 14 127 AS +27 14 128 NO +27 14 129 SA +27 14 130 * +27 14 131 MO +27 14 132 CT +27 14 133 VE +27 14 134 CH +27 14 135 MO +27 14 136 CL +27 14 137 VE +27 14 138 CL +27 14 139 MO +27 14 140 AS +27 14 141 PU +27 14 142 PU +27 14 143 NO +27 14 144 MO +27 14 145 VE +27 14 146 MY +27 14 147 VE +27 14 148 NY +27 14 149 VE +27 14 150 MO +27 14 151 RO +27 14 152 GI +27 14 153 CL +27 14 154 NI +27 14 155 NI +27 14 156 VE +27 14 157 CH +27 14 158 PU +27 14 159 NA +27 14 160 RO +27 14 161 VE +27 14 162 CT +27 14 163 AS +27 14 164 AS +27 14 165 * +27 14 166 AS +27 14 167 RO +27 14 168 VE +27 14 169 AS +27 14 170 AS +27 14 171 VE +27 14 172 PU +27 14 173 CT +27 14 174 MY +27 14 175 CL +27 14 176 RO +27 14 177 NO +27 14 178 AS +27 14 179 CH +27 14 180 VE +27 14 181 MY +27 14 182 MO +27 14 183 NI +27 14 184 MO +27 14 185 CA +27 14 186 CL +27 14 187 NA +27 14 188 AS +27 14 189 CL +27 14 190 RO +27 14 191 VE +27 14 192 MO +27 14 193 NO +27 14 194 CT +27 14 195 VE +27 14 196 CL +27 14 197 MO +27 14 198 NI +27 14 199 PU +27 14 200 CL +27 14 201 RO +27 14 202 VE +27 14 203 MO +27 14 204 CB +27 14 205 MO +27 14 206 PU +27 14 207 MO +27 14 208 * +27 14 209 AS +27 14 210 CA +27 14 211 CL +27 14 212 NA +27 14 213 MO +27 14 214 * +27 14 215 MO +27 14 216 VE +27 14 217 RO +27 14 218 NO +27 14 219 PU +27 14 220 CL +27 14 221 PU +27 14 222 MO +27 14 223 VE +27 14 224 RO +27 14 225 CH +27 14 226 AS +27 14 227 NI +27 14 228 AS +27 14 229 NO +27 14 230 RO +27 14 231 MO +27 14 232 NI +27 14 233 AS +27 14 234 VE +27 14 235 AS +27 14 236 NO +27 14 237 RO +27 14 238 AS +27 14 239 RO +27 14 240 CA +27 14 241 SA +27 14 242 AM +27 14 243 MO +27 14 244 PU +27 14 245 CT +27 14 246 VE +27 14 247 MO +27 14 248 * +27 14 249 VE +27 14 250 MO +27 14 251 VE +27 14 252 SA +27 14 253 VE +27 14 254 CL +27 14 255 NI +27 14 256 RO +27 14 257 AS +27 14 258 AM +27 14 259 CT +27 14 260 VE +27 14 261 NA +27 14 262 PU +27 14 263 PL +27 14 264 CL +27 14 265 VE +27 14 266 CA +27 14 267 MO +27 14 268 VE +27 14 269 MO +27 14 270 CH +27 14 271 VE +27 14 272 PU +27 14 273 MO +27 14 274 PU +27 14 275 * +27 14 276 MO +27 14 277 AS +27 14 278 RO +27 14 279 MO +27 14 280 VE +27 14 281 VE +27 14 282 VE +27 14 283 NI +27 14 284 PL +27 14 285 RO +27 14 286 PU +27 14 287 MY +27 14 288 CT +27 14 289 CL +27 14 290 RO +27 14 291 AS +27 14 292 RO +27 14 293 NO +27 14 294 PL +27 14 295 NI +27 14 296 MO +27 14 297 AM +27 14 298 CT +27 14 299 VE +27 14 300 PL +27 14 301 VE +27 14 302 RO +27 14 303 CL +27 14 304 NO +27 14 305 MO +27 14 306 NO +27 14 307 CL +27 14 308 MO +27 14 309 NI +27 14 310 VE +27 14 311 CL +27 14 312 NI +27 14 313 MO +27 14 314 SA +27 14 315 NO +27 14 316 VE +27 14 317 MO +27 14 318 NA +27 14 319 SA +27 14 320 * +27 14 321 GI +27 14 322 CL +27 14 323 VE +27 14 324 SA +27 14 325 MO +27 14 326 AM +27 14 327 CL +27 14 328 VE +27 14 329 CH +27 14 330 PU +27 15 1 CL +27 15 2 VE +27 15 3 CT +27 15 4 MO +27 15 5 VE +27 15 6 RO +27 15 7 VE +27 15 8 GI +27 15 9 CA +27 15 10 AS +27 15 11 VE +27 15 12 AM +27 15 13 VE +27 15 14 AS +27 15 15 RO +27 15 16 PU +27 15 17 CT +27 15 18 CB +27 15 19 CL +27 15 20 VE +27 15 21 CT +27 15 22 AM +27 15 23 MO +27 15 24 CA +27 15 25 AS +27 15 26 AS +27 15 27 PU +27 15 28 CT +27 15 29 VE +27 15 30 NA +27 15 31 CL +27 15 32 MO +27 15 33 VE +27 15 34 AS +27 15 35 RO +27 15 36 VE +27 15 37 AS +27 15 38 CT +27 15 39 VE +27 15 40 CL +27 15 41 CT +27 15 42 AM +27 15 43 AS +27 15 44 PU +27 15 45 VE +27 15 46 PL +27 15 47 VE +27 15 48 NA +27 15 49 CL +27 15 50 MO +27 15 51 CA +27 15 52 SA +27 15 53 CT +27 15 54 VE +27 15 55 CL +27 15 56 SA +27 15 57 AS +27 15 58 AM +27 15 59 SA +27 15 60 AS +27 15 61 CT +27 15 62 MO +27 15 63 CT +27 15 64 AS +27 15 65 CT +27 15 66 PU +27 15 67 VE +27 15 68 MO +27 15 69 CA +27 15 70 PU +27 15 71 GI +27 15 72 VE +27 15 73 MO +27 15 74 CL +27 15 75 VE +27 15 76 AN +27 15 77 CL +27 15 78 SA +27 15 79 PL +27 15 80 AS +27 15 81 VE +27 15 82 CL +27 15 83 AM +27 15 84 CT +27 15 85 VE +27 15 86 RO +27 15 87 CB +27 15 88 MO +27 15 89 CB +27 15 90 VE +27 15 91 AM +27 15 92 SA +27 15 93 CL +27 15 94 CH +27 15 95 CL +27 15 96 AM +27 15 97 MO +27 15 98 CT +27 15 99 MO +27 15 100 CL +27 15 101 GI +27 15 102 PL +27 15 103 VE +27 15 104 CL +27 15 105 MO +27 15 106 AM +27 15 107 PU +27 15 108 CL +27 15 109 AS +27 15 110 AM +27 15 111 VE +27 15 112 CT +27 15 113 CA +27 15 114 AS +27 15 115 GI +27 15 116 CL +27 15 117 CA +27 15 118 CT +27 15 119 VE +27 15 120 PU +27 15 121 CT +27 15 122 VE +27 15 123 AS +27 15 124 VE +27 15 125 NA +27 15 126 CT +27 15 127 VE +27 15 128 AM +27 15 129 PU +27 15 130 PL +27 15 131 MO +27 15 132 CT +27 15 133 VE +27 15 134 CA +27 15 135 GI +27 15 136 CL +27 15 137 VE +27 15 138 CL +27 15 139 PU +27 15 140 AS +27 15 141 PU +27 15 142 PU +27 15 143 VE +27 15 144 MO +27 15 145 VE +27 15 146 AM +27 15 147 VE +27 15 148 CT +27 15 149 VE +27 15 150 MO +27 15 151 CT +27 15 152 MO +27 15 153 CL +27 15 154 PL +27 15 155 CA +27 15 156 VE +27 15 157 CH +27 15 158 PU +27 15 159 NA +27 15 160 CT +27 15 161 VE +27 15 162 GI +27 15 163 VE +27 15 164 AS +27 15 165 VE +27 15 166 AS +27 15 167 MO +27 15 168 VE +27 15 169 CL +27 15 170 VE +27 15 171 VE +27 15 172 PU +27 15 173 CT +27 15 174 AM +27 15 175 CL +27 15 176 CT +27 15 177 AM +27 15 178 AS +27 15 179 GI +27 15 180 VE +27 15 181 AM +27 15 182 MO +27 15 183 CA +27 15 184 MO +27 15 185 NA +27 15 186 CL +27 15 187 NA +27 15 188 CL +27 15 189 CL +27 15 190 RO +27 15 191 VE +27 15 192 MO +27 15 193 AM +27 15 194 GI +27 15 195 VE +27 15 196 CL +27 15 197 MO +27 15 198 CB +27 15 199 CL +27 15 200 CL +27 15 201 RO +27 15 202 VE +27 15 203 MO +27 15 204 CA +27 15 205 MO +27 15 206 VE +27 15 207 RO +27 15 208 AM +27 15 209 VE +27 15 210 CA +27 15 211 CL +27 15 212 NA +27 15 213 MO +27 15 214 VE +27 15 215 MO +27 15 216 VE +27 15 217 RO +27 15 218 VE +27 15 219 CL +27 15 220 MO +27 15 221 CL +27 15 222 MO +27 15 223 VE +27 15 224 PU +27 15 225 AM +27 15 226 AS +27 15 227 CB +27 15 228 AS +27 15 229 VE +27 15 230 RO +27 15 231 MO +27 15 232 CA +27 15 233 MO +27 15 234 VE +27 15 235 AS +27 15 236 VE +27 15 237 RO +27 15 238 VE +27 15 239 RO +27 15 240 CA +27 15 241 PU +27 15 242 AM +27 15 243 GI +27 15 244 CL +27 15 245 CT +27 15 246 VE +27 15 247 MO +27 15 248 VE +27 15 249 VE +27 15 250 MO +27 15 251 VE +27 15 252 PU +27 15 253 VE +27 15 254 CL +27 15 255 CB +27 15 256 CT +27 15 257 AS +27 15 258 AM +27 15 259 CT +27 15 260 AM +27 15 261 NA +27 15 262 PU +27 15 263 PL +27 15 264 CL +27 15 265 VE +27 15 266 CT +27 15 267 GI +27 15 268 VE +27 15 269 MO +27 15 270 AM +27 15 271 VE +27 15 272 PU +27 15 273 MO +27 15 274 PU +27 15 275 AM +27 15 276 CT +27 15 277 AS +27 15 278 NA +27 15 279 AS +27 15 280 VE +27 15 281 VE +27 15 282 VE +27 15 283 CA +27 15 284 PU +27 15 285 RO +27 15 286 PU +27 15 287 CH +27 15 288 CT +27 15 289 CL +27 15 290 RO +27 15 291 AS +27 15 292 RO +27 15 293 CL +27 15 294 PU +27 15 295 CA +27 15 296 MO +27 15 297 AM +27 15 298 CT +27 15 299 VE +27 15 300 PU +27 15 301 VE +27 15 302 PU +27 15 303 CL +27 15 304 VE +27 15 305 MO +27 15 306 VE +27 15 307 AS +27 15 308 MO +27 15 309 VE +27 15 310 VE +27 15 311 AS +27 15 312 CB +27 15 313 MO +27 15 314 PU +27 15 315 VE +27 15 316 VE +27 15 317 GI +27 15 318 NA +27 15 319 PU +27 15 320 VE +27 15 321 CT +27 15 322 CL +27 15 323 VE +27 15 324 PU +27 15 325 MO +27 15 326 AM +27 15 327 CL +27 15 328 VE +27 15 329 CA +27 15 330 CL +27 16 1 AS +27 16 2 CL +27 16 3 CT +27 16 4 CA +27 16 5 NO +27 16 6 NA +27 16 7 VE +27 16 8 GI +27 16 9 CA +27 16 10 AS +27 16 11 CB +27 16 12 AM +27 16 13 CB +27 16 14 CH +27 16 15 PL +27 16 16 PU +27 16 17 NA +27 16 18 CH +27 16 19 AS +27 16 20 NO +27 16 21 CT +27 16 22 AM +27 16 23 MO +27 16 24 CB +27 16 25 VE +27 16 26 MO +27 16 27 PU +27 16 28 NA +27 16 29 NO +27 16 30 CA +27 16 31 CL +27 16 32 MO +27 16 33 NO +27 16 34 AS +27 16 35 NA +27 16 36 CH +27 16 37 MO +27 16 38 GI +27 16 39 NO +27 16 40 AS +27 16 41 GI +27 16 42 CL +27 16 43 AS +27 16 44 PU +27 16 45 NO +27 16 46 CB +27 16 47 PL +27 16 48 CH +27 16 49 CL +27 16 50 MO +27 16 51 CA +27 16 52 PU +27 16 53 MO +27 16 54 NO +27 16 55 NO +27 16 56 AM +27 16 57 NO +27 16 58 CH +27 16 59 MO +27 16 60 CB +27 16 61 GI +27 16 62 MO +27 16 63 CT +27 16 64 VE +27 16 65 GI +27 16 66 PU +27 16 67 NO +27 16 68 GI +27 16 69 CA +27 16 70 PU +27 16 71 CA +27 16 72 VE +27 16 73 MO +27 16 74 VE +27 16 75 CB +27 16 76 CT +27 16 77 VE +27 16 78 CL +27 16 79 CB +27 16 80 VE +27 16 81 CL +27 16 82 VE +27 16 83 AM +27 16 84 RO +27 16 85 VE +27 16 86 CT +27 16 87 CB +27 16 88 MO +27 16 89 CB +27 16 90 CB +27 16 91 CL +27 16 92 PU +27 16 93 NO +27 16 94 CB +27 16 95 PU +27 16 96 AM +27 16 97 MO +27 16 98 GI +27 16 99 PL +27 16 100 CL +27 16 101 MO +27 16 102 CL +27 16 103 CA +27 16 104 NO +27 16 105 MO +27 16 106 AM +27 16 107 PU +27 16 108 CL +27 16 109 MO +27 16 110 AM +27 16 111 CB +27 16 112 GI +27 16 113 CB +27 16 114 AS +27 16 115 GI +27 16 116 PL +27 16 117 CA +27 16 118 AN +27 16 119 NO +27 16 120 PU +27 16 121 AN +27 16 122 NO +27 16 123 CB +27 16 124 AM +27 16 125 AN +27 16 126 CT +27 16 127 CB +27 16 128 AM +27 16 129 PU +27 16 130 CB +27 16 131 MO +27 16 132 CT +27 16 133 VE +27 16 134 MO +27 16 135 GI +27 16 136 VE +27 16 137 CB +27 16 138 CL +27 16 139 PU +27 16 140 AS +27 16 141 PU +27 16 142 PL +27 16 143 CL +27 16 144 MO +27 16 145 NO +27 16 146 AM +27 16 147 VE +27 16 148 GI +27 16 149 CL +27 16 150 MO +27 16 151 * +27 16 152 AN +27 16 153 VE +27 16 154 CB +27 16 155 CH +27 16 156 VE +27 16 157 CA +27 16 158 PU +27 16 159 AN +27 16 160 RO +27 16 161 VE +27 16 162 GI +27 16 163 VE +27 16 164 NO +27 16 165 CB +27 16 166 PL +27 16 167 MO +27 16 168 NO +27 16 169 VE +27 16 170 CB +27 16 171 CA +27 16 172 PU +27 16 173 GI +27 16 174 AM +27 16 175 CL +27 16 176 CT +27 16 177 AM +27 16 178 MO +27 16 179 CA +27 16 180 NO +27 16 181 CA +27 16 182 MO +27 16 183 CB +27 16 184 MO +27 16 185 RO +27 16 186 VE +27 16 187 AM +27 16 188 NO +27 16 189 CL +27 16 190 RO +27 16 191 NO +27 16 192 MO +27 16 193 NO +27 16 194 CA +27 16 195 NO +27 16 196 VE +27 16 197 MO +27 16 198 CB +27 16 199 PU +27 16 200 CL +27 16 201 RO +27 16 202 NO +27 16 203 MO +27 16 204 CB +27 16 205 MO +27 16 206 PU +27 16 207 GI +27 16 208 CA +27 16 209 CB +27 16 210 CA +27 16 211 VE +27 16 212 * +27 16 213 PL +27 16 214 AM +27 16 215 CL +27 16 216 CB +27 16 217 RO +27 16 218 PL +27 16 219 CL +27 16 220 MO +27 16 221 PL +27 16 222 MO +27 16 223 VE +27 16 224 RO +27 16 225 CA +27 16 226 VE +27 16 227 CB +27 16 228 MO +27 16 229 CL +27 16 230 RO +27 16 231 MO +27 16 232 CA +27 16 233 CL +27 16 234 VE +27 16 235 AS +27 16 236 AM +27 16 237 RO +27 16 238 VE +27 16 239 AN +27 16 240 CA +27 16 241 PU +27 16 242 AM +27 16 243 CA +27 16 244 PU +27 16 245 CT +27 16 246 VE +27 16 247 MO +27 16 248 CB +27 16 249 NO +27 16 250 MO +27 16 251 NO +27 16 252 PU +27 16 253 VE +27 16 254 PL +27 16 255 CB +27 16 256 CT +27 16 257 CL +27 16 258 AM +27 16 259 CT +27 16 260 CL +27 16 261 AN +27 16 262 PU +27 16 263 PL +27 16 264 * +27 16 265 VE +27 16 266 CA +27 16 267 MO +27 16 268 NO +27 16 269 MO +27 16 270 AM +27 16 271 CB +27 16 272 PU +27 16 273 MO +27 16 274 PL +27 16 275 CL +27 16 276 MO +27 16 277 AS +27 16 278 AN +27 16 279 MO +27 16 280 VE +27 16 281 AS +27 16 282 NO +27 16 283 CA +27 16 284 PL +27 16 285 RO +27 16 286 PL +27 16 287 CA +27 16 288 CT +27 16 289 CL +27 16 290 PU +27 16 291 AS +27 16 292 RO +27 16 293 PL +27 16 294 PL +27 16 295 CA +27 16 296 MO +27 16 297 AM +27 16 298 CT +27 16 299 NO +27 16 300 PL +27 16 301 VE +27 16 302 PU +27 16 303 PL +27 16 304 NO +27 16 305 MO +27 16 306 NO +27 16 307 VE +27 16 308 MO +27 16 309 CA +27 16 310 AS +27 16 311 NO +27 16 312 CB +27 16 313 MO +27 16 314 RO +27 16 315 VE +27 16 316 VE +27 16 317 MO +27 16 318 AM +27 16 319 AM +27 16 320 CL +27 16 321 CT +27 16 322 CL +27 16 323 VE +27 16 324 PL +27 16 325 MO +27 16 326 AM +27 16 327 PL +27 16 328 CB +27 16 329 CA +27 16 330 PL +27 17 1 AS +27 17 2 NO +27 17 3 CT +27 17 4 MO +27 17 5 AS +27 17 6 CT +27 17 7 NO +27 17 8 CT +27 17 9 CH +27 17 10 AS +27 17 11 NO +27 17 12 AM +27 17 13 AS +27 17 14 MO +27 17 15 CT +27 17 16 CR +27 17 17 CT +27 17 18 CB +27 17 19 AS +27 17 20 NO +27 17 21 CT +27 17 22 AM +27 17 23 MO +27 17 24 CH +27 17 25 AS +27 17 26 NO +27 17 27 MO +27 17 28 CT +27 17 29 NO +27 17 30 CT +27 17 31 AS +27 17 32 MO +27 17 33 NO +27 17 34 AS +27 17 35 CT +27 17 36 NO +27 17 37 AS +27 17 38 CT +27 17 39 NO +27 17 40 AS +27 17 41 CT +27 17 42 AM +27 17 43 MO +27 17 44 CR +27 17 45 NO +27 17 46 CR +27 17 47 CH +27 17 48 AS +27 17 49 NO +27 17 50 MO +27 17 51 CH +27 17 52 CR +27 17 53 CT +27 17 54 NO +27 17 55 AS +27 17 56 CT +27 17 57 AS +27 17 58 MY +27 17 59 SA +27 17 60 AS +27 17 61 CT +27 17 62 MO +27 17 63 CT +27 17 64 AS +27 17 65 CT +27 17 66 CH +27 17 67 NO +27 17 68 CT +27 17 69 CH +27 17 70 MO +27 17 71 CT +27 17 72 NO +27 17 73 MO +27 17 74 AS +27 17 75 NO +27 17 76 CT +27 17 77 AS +27 17 78 MO +27 17 79 AS +27 17 80 CU +27 17 81 AM +27 17 82 AS +27 17 83 CH +27 17 84 CT +27 17 85 NO +27 17 86 CT +27 17 87 CH +27 17 88 MO +27 17 89 CB +27 17 90 AS +27 17 91 AM +27 17 92 MY +27 17 93 AS +27 17 94 CU +27 17 95 PU +27 17 96 AM +27 17 97 MO +27 17 98 CT +27 17 99 MO +27 17 100 AS +27 17 101 CT +27 17 102 MO +27 17 103 CH +27 17 104 AS +27 17 105 MO +27 17 106 AM +27 17 107 PU +27 17 108 AS +27 17 109 MO +27 17 110 CT +27 17 111 CH +27 17 112 CT +27 17 113 CH +27 17 114 NO +27 17 115 CT +27 17 116 AS +27 17 117 CH +27 17 118 CT +27 17 119 NO +27 17 120 SA +27 17 121 CT +27 17 122 NO +27 17 123 AS +27 17 124 AM +27 17 125 CT +27 17 126 CT +27 17 127 AS +27 17 128 AM +27 17 129 CR +27 17 130 CH +27 17 131 MO +27 17 132 SI +27 17 133 NO +27 17 134 CH +27 17 135 CT +27 17 136 AS +27 17 137 NO +27 17 138 AS +27 17 139 SA +27 17 140 AS +27 17 141 CR +27 17 142 SA +27 17 143 AM +27 17 144 MO +27 17 145 NO +27 17 146 AM +27 17 147 AS +27 17 148 CT +27 17 149 NO +27 17 150 MO +27 17 151 CT +27 17 152 MO +27 17 153 AS +27 17 154 CR +27 17 155 CH +27 17 156 NO +27 17 157 CH +27 17 158 CR +27 17 159 * +27 17 160 CT +27 17 161 NO +27 17 162 CT +27 17 163 NO +27 17 164 AS +27 17 165 CH +27 17 166 AS +27 17 167 MO +27 17 168 NO +27 17 169 AS +27 17 170 AS +27 17 171 CH +27 17 172 CR +27 17 173 CT +27 17 174 AM +27 17 175 AS +27 17 176 CT +27 17 177 AM +27 17 178 AS +27 17 179 CT +27 17 180 NO +27 17 181 CH +27 17 182 MO +27 17 183 MY +27 17 184 MO +27 17 185 CH +27 17 186 AS +27 17 187 CT +27 17 188 AS +27 17 189 AS +27 17 190 CT +27 17 191 NO +27 17 192 MO +27 17 193 AM +27 17 194 CT +27 17 195 NO +27 17 196 AS +27 17 197 MO +27 17 198 MY +27 17 199 SA +27 17 200 AS +27 17 201 CT +27 17 202 NO +27 17 203 CT +27 17 204 CH +27 17 205 MO +27 17 206 CR +27 17 207 CT +27 17 208 CH +27 17 209 NO +27 17 210 MY +27 17 211 AS +27 17 212 CT +27 17 213 CR +27 17 214 AM +27 17 215 CT +27 17 216 MY +27 17 217 CT +27 17 218 AM +27 17 219 SA +27 17 220 MO +27 17 221 CR +27 17 222 MO +27 17 223 NO +27 17 224 MY +27 17 225 CH +27 17 226 AS +27 17 227 MY +27 17 228 AS +27 17 229 NO +27 17 230 CR +27 17 231 MO +27 17 232 CH +27 17 233 MO +27 17 234 NO +27 17 235 AS +27 17 236 AM +27 17 237 CT +27 17 238 AS +27 17 239 CT +27 17 240 MY +27 17 241 CR +27 17 242 AM +27 17 243 MO +27 17 244 SA +27 17 245 CT +27 17 246 NO +27 17 247 MO +27 17 248 CH +27 17 249 NO +27 17 250 MO +27 17 251 NO +27 17 252 MY +27 17 253 NO +27 17 254 AS +27 17 255 MY +27 17 256 CT +27 17 257 AS +27 17 258 CH +27 17 259 CT +27 17 260 AM +27 17 261 CT +27 17 262 SA +27 17 263 CR +27 17 264 AS +27 17 265 NO +27 17 266 CT +27 17 267 MO +27 17 268 NO +27 17 269 MO +27 17 270 MY +27 17 271 NO +27 17 272 CR +27 17 273 MO +27 17 274 SA +27 17 275 AM +27 17 276 CT +27 17 277 AS +27 17 278 CT +27 17 279 AS +27 17 280 MY +27 17 281 NO +27 17 282 NO +27 17 283 MY +27 17 284 SA +27 17 285 CT +27 17 286 CR +27 17 287 CH +27 17 288 CT +27 17 289 AS +27 17 290 CR +27 17 291 AS +27 17 292 CT +27 17 293 SA +27 17 294 CR +27 17 295 MO +27 17 296 AM +27 17 297 CT +27 17 298 CT +27 17 299 NO +27 17 300 CR +27 17 301 NO +27 17 302 MY +27 17 303 SA +27 17 304 CH +27 17 305 MO +27 17 306 NO +27 17 307 AS +27 17 308 MO +27 17 309 MY +27 17 310 NO +27 17 311 AS +27 17 312 MY +27 17 313 MO +27 17 314 CR +27 17 315 NO +27 17 316 AS +27 17 317 MO +27 17 318 CT +27 17 319 CR +27 17 320 MY +27 17 321 CT +27 17 322 AS +27 17 323 NO +27 17 324 SA +27 17 325 MO +27 17 326 AM +27 17 327 SA +27 17 328 NO +27 17 329 CH +27 17 330 SA +27 18 1 AS +27 18 2 CL +27 18 3 CT +27 18 4 MO +27 18 5 NO +27 18 6 MY +27 18 7 NO +27 18 8 MO +27 18 9 MY +27 18 10 AS +27 18 11 AS +27 18 12 AM +27 18 13 VE +27 18 14 AS +27 18 15 MO +27 18 16 PU +27 18 17 CT +27 18 18 CB +27 18 19 AS +27 18 20 VE +27 18 21 NN +27 18 22 AM +27 18 23 MO +27 18 24 CH +27 18 25 AS +27 18 26 AS +27 18 27 SA +27 18 28 NN +27 18 29 NO +27 18 30 CT +27 18 31 CL +27 18 32 MO +27 18 33 VE +27 18 34 AS +27 18 35 CT +27 18 36 VE +27 18 37 CL +27 18 38 MO +27 18 39 VE +27 18 40 CL +27 18 41 AL +27 18 42 AM +27 18 43 AS +27 18 44 SA +27 18 45 VE +27 18 46 CR +27 18 47 VE +27 18 48 MY +27 18 49 CL +27 18 50 MO +27 18 51 MY +27 18 52 SA +27 18 53 MO +27 18 54 VE +27 18 55 CL +27 18 56 CT +27 18 57 CL +27 18 58 AM +27 18 59 MO +27 18 60 NZ +27 18 61 AL +27 18 62 MO +27 18 63 RO +27 18 64 AS +27 18 65 NN +27 18 66 SA +27 18 67 VE +27 18 68 MO +27 18 69 VE +27 18 70 CL +27 18 71 MO +27 18 72 VE +27 18 73 MO +27 18 74 CL +27 18 75 VE +27 18 76 CO +27 18 77 CL +27 18 78 NN +27 18 79 CB +27 18 80 AS +27 18 81 NO +27 18 82 VE +27 18 83 CR +27 18 84 CT +27 18 85 VE +27 18 86 MO +27 18 87 CB +27 18 88 MO +27 18 89 CB +27 18 90 CB +27 18 91 AM +27 18 92 CR +27 18 93 CL +27 18 94 CB +27 18 95 SA +27 18 96 AM +27 18 97 MO +27 18 98 NN +27 18 99 MO +27 18 100 VE +27 18 101 MO +27 18 102 MO +27 18 103 CU +27 18 104 CL +27 18 105 MO +27 18 106 AM +27 18 107 PU +27 18 108 NO +27 18 109 AS +27 18 110 AM +27 18 111 CB +27 18 112 * +27 18 113 CB +27 18 114 AS +27 18 115 NN +27 18 116 CL +27 18 117 CB +27 18 118 NN +27 18 119 VE +27 18 120 PU +27 18 121 CO +27 18 122 VE +27 18 123 AS +27 18 124 NO +27 18 125 CO +27 18 126 NN +27 18 127 CB +27 18 128 AM +27 18 129 PU +27 18 130 CB +27 18 131 MO +27 18 132 CT +27 18 133 VE +27 18 134 MO +27 18 135 MO +27 18 136 VE +27 18 137 VE +27 18 138 CL +27 18 139 CU +27 18 140 AS +27 18 141 NE +27 18 142 CU +27 18 143 VE +27 18 144 AS +27 18 145 VE +27 18 146 AM +27 18 147 VE +27 18 148 CT +27 18 149 VE +27 18 150 MO +27 18 151 CT +27 18 152 MO +27 18 153 AS +27 18 154 CB +27 18 155 CB +27 18 156 VE +27 18 157 CA +27 18 158 NE +27 18 159 AM +27 18 160 NN +27 18 161 VE +27 18 162 AL +27 18 163 VE +27 18 164 AS +27 18 165 VE +27 18 166 AS +27 18 167 MO +27 18 168 VE +27 18 169 AS +27 18 170 CB +27 18 171 VE +27 18 172 NE +27 18 173 NN +27 18 174 AM +27 18 175 CL +27 18 176 NN +27 18 177 AM +27 18 178 AS +27 18 179 MO +27 18 180 VE +27 18 181 AM +27 18 182 MO +27 18 183 CA +27 18 184 MO +27 18 185 CT +27 18 186 CL +27 18 187 CO +27 18 188 AS +27 18 189 CL +27 18 190 NN +27 18 191 AS +27 18 192 MO +27 18 193 NZ +27 18 194 MO +27 18 195 VE +27 18 196 VE +27 18 197 MO +27 18 198 CB +27 18 199 SA +27 18 200 CL +27 18 201 CT +27 18 202 VE +27 18 203 MO +27 18 204 CB +27 18 205 MO +27 18 206 SA +27 18 207 NN +27 18 208 MY +27 18 209 AS +27 18 210 MO +27 18 211 CL +27 18 212 CO +27 18 213 MO +27 18 214 AM +27 18 215 MO +27 18 216 CB +27 18 217 NN +27 18 218 VE +27 18 219 PU +27 18 220 MO +27 18 221 SA +27 18 222 MO +27 18 223 VE +27 18 224 SA +27 18 225 NO +27 18 226 AS +27 18 227 CB +27 18 228 AS +27 18 229 VE +27 18 230 CT +27 18 231 MO +27 18 232 CU +27 18 233 MO +27 18 234 VE +27 18 235 AS +27 18 236 VE +27 18 237 CT +27 18 238 VE +27 18 239 NN +27 18 240 CH +27 18 241 SA +27 18 242 AM +27 18 243 MO +27 18 244 SA +27 18 245 CT +27 18 246 VE +27 18 247 MO +27 18 248 VE +27 18 249 VE +27 18 250 MO +27 18 251 VE +27 18 252 SA +27 18 253 VE +27 18 254 AS +27 18 255 CB +27 18 256 CT +27 18 257 AS +27 18 258 AM +27 18 259 CH +27 18 260 AM +27 18 261 CH +27 18 262 NE +27 18 263 PL +27 18 264 CL +27 18 265 VE +27 18 266 CH +27 18 267 MO +27 18 268 VE +27 18 269 AL +27 18 270 AM +27 18 271 VE +27 18 272 NE +27 18 273 MO +27 18 274 NE +27 18 275 NO +27 18 276 MO +27 18 277 AS +27 18 278 CT +27 18 279 AS +27 18 280 VE +27 18 281 VE +27 18 282 VE +27 18 283 CA +27 18 284 PU +27 18 285 NN +27 18 286 SA +27 18 287 CA +27 18 288 CT +27 18 289 CL +27 18 290 PU +27 18 291 AS +27 18 292 CT +27 18 293 CL +27 18 294 PU +27 18 295 CA +27 18 296 MO +27 18 297 AM +27 18 298 CT +27 18 299 VE +27 18 300 CR +27 18 301 VE +27 18 302 CT +27 18 303 CL +27 18 304 NZ +27 18 305 MO +27 18 306 VE +27 18 307 AS +27 18 308 MO +27 18 309 CB +27 18 310 VE +27 18 311 AS +27 18 312 CB +27 18 313 MO +27 18 314 PU +27 18 315 VE +27 18 316 VE +27 18 317 MO +27 18 318 AN +27 18 319 PU +27 18 320 VE +27 18 321 NN +27 18 322 CL +27 18 323 VE +27 18 324 PU +27 18 325 MO +27 18 326 AM +27 18 327 CL +27 18 328 VE +27 18 329 CA +27 18 330 CL +27 19 1 AS +27 19 2 CL +27 19 3 CO +27 19 4 AS +27 19 5 MO +27 19 6 CT +27 19 7 NS +27 19 8 RO +27 19 9 NN +27 19 10 MO +27 19 11 MO +27 19 12 AM +27 19 13 AS +27 19 14 AS +27 19 15 CL +27 19 16 PU +27 19 17 CM +27 19 18 CB +27 19 19 AS +27 19 20 NS +27 19 21 CT +27 19 22 AM +27 19 23 MO +27 19 24 CA +27 19 25 VE +27 19 26 AS +27 19 27 PU +27 19 28 CT +27 19 29 VE +27 19 30 CM +27 19 31 AS +27 19 32 MO +27 19 33 AS +27 19 34 CL +27 19 35 CM +27 19 36 AS +27 19 37 CT +27 19 38 CL +27 19 39 * +27 19 40 CT +27 19 41 AM +27 19 42 AS +27 19 43 PU +27 19 44 VE +27 19 45 CU +27 19 46 NS +27 19 47 AM +27 19 48 AS +27 19 49 MO +27 19 50 AS +27 19 51 PU +27 19 52 RO +27 19 53 NS +27 19 54 AS +27 19 55 CT +27 19 56 CL +27 19 57 AM +27 19 58 MO +27 19 59 CL +27 19 60 CT +27 19 61 MO +27 19 62 CM +27 19 63 AS +27 19 64 CT +27 19 65 PU +27 19 66 CL +27 19 67 MO +27 19 68 AM +27 19 69 PU +27 19 70 PL +27 19 71 CL +27 19 72 MO +27 19 73 VE +27 19 74 NS +27 19 75 CB +27 19 76 CT +27 19 77 CL +27 19 78 MO +27 19 79 CB +27 19 80 AS +27 19 81 AM +27 19 82 AS +27 19 83 AM +27 19 84 CT +27 19 85 AS +27 19 86 MO +27 19 87 CB +27 19 88 RO +27 19 89 CB +27 19 90 AS +27 19 91 AM +27 19 92 PU +27 19 93 AS +27 19 94 CA +27 19 95 PU +27 19 96 AM +27 19 97 MO +27 19 98 CT +27 19 99 MO +27 19 100 AS +27 19 101 CT +27 19 102 CL +27 19 103 AM +27 19 104 AS +27 19 105 MO +27 19 106 AM +27 19 107 PU +27 19 108 PU +27 19 109 AS +27 19 110 NN +27 19 111 AS +27 19 112 CT +27 19 113 CB +27 19 114 AS +27 19 115 CT +27 19 116 CL +27 19 117 CA +27 19 118 CT +27 19 119 CL +27 19 120 PU +27 19 121 CT +27 19 122 NS +27 19 123 AS +27 19 124 AM +27 19 125 CT +27 19 126 CT +27 19 127 CB +27 19 128 AM +27 19 129 PU +27 19 130 CB +27 19 131 * +27 19 132 CT +27 19 133 AS +27 19 134 CA +27 19 135 RO +27 19 136 AS +27 19 137 VE +27 19 138 VE +27 19 139 PU +27 19 140 AS +27 19 141 PU +27 19 142 PU +27 19 143 AM +27 19 144 MO +27 19 145 AS +27 19 146 AM +27 19 147 VE +27 19 148 CT +27 19 149 CL +27 19 150 MO +27 19 151 CT +27 19 152 MO +27 19 153 AS +27 19 154 CB +27 19 155 CA +27 19 156 VE +27 19 157 CA +27 19 158 PU +27 19 159 AM +27 19 160 CT +27 19 161 VE +27 19 162 CT +27 19 163 AS +27 19 164 CL +27 19 165 AM +27 19 166 CB +27 19 167 MO +27 19 168 VE +27 19 169 CL +27 19 170 CB +27 19 171 AM +27 19 172 PU +27 19 173 CT +27 19 174 NN +27 19 175 AS +27 19 176 CT +27 19 177 AM +27 19 178 AS +27 19 179 CA +27 19 180 VE +27 19 181 AM +27 19 182 CA +27 19 183 AM +27 19 184 MO +27 19 185 AM +27 19 186 AS +27 19 187 NN +27 19 188 VE +27 19 189 AS +27 19 190 CT +27 19 191 VE +27 19 192 MO +27 19 193 AS +27 19 194 PL +27 19 195 NS +27 19 196 AS +27 19 197 MO +27 19 198 CB +27 19 199 PU +27 19 200 AS +27 19 201 CT +27 19 202 NS +27 19 203 MO +27 19 204 CB +27 19 205 MO +27 19 206 PU +27 19 207 CT +27 19 208 AM +27 19 209 VE +27 19 210 CA +27 19 211 AS +27 19 212 NN +27 19 213 MO +27 19 214 AM +27 19 215 CT +27 19 216 AM +27 19 217 CT +27 19 218 AM +27 19 219 PU +27 19 220 * +27 19 221 PU +27 19 222 MO +27 19 223 NS +27 19 224 PU +27 19 225 AM +27 19 226 AS +27 19 227 CB +27 19 228 MO +27 19 229 CL +27 19 230 PU +27 19 231 MO +27 19 232 AM +27 19 233 MO +27 19 234 NS +27 19 235 AS +27 19 236 AM +27 19 237 AM +27 19 238 AS +27 19 239 CT +27 19 240 CA +27 19 241 PU +27 19 242 AM +27 19 243 MO +27 19 244 PU +27 19 245 CT +27 19 246 AS +27 19 247 MO +27 19 248 NS +27 19 249 AS +27 19 250 MO +27 19 251 CL +27 19 252 PU +27 19 253 AS +27 19 254 CL +27 19 255 CB +27 19 256 CT +27 19 257 AS +27 19 258 AM +27 19 259 CT +27 19 260 AM +27 19 261 CT +27 19 262 PU +27 19 263 MO +27 19 264 AS +27 19 265 NS +27 19 266 CT +27 19 267 MO +27 19 268 AS +27 19 269 MO +27 19 270 AM +27 19 271 NS +27 19 272 PU +27 19 273 MO +27 19 274 PU +27 19 275 AM +27 19 276 * +27 19 277 AS +27 19 278 AM +27 19 279 MO +27 19 280 AM +27 19 281 NS +27 19 282 CL +27 19 283 CA +27 19 284 PU +27 19 285 CT +27 19 286 PU +27 19 287 AM +27 19 288 CT +27 19 289 AS +27 19 290 AM +27 19 291 AS +27 19 292 CT +27 19 293 PU +27 19 294 MO +27 19 295 AM +27 19 296 MO +27 19 297 AM +27 19 298 CT +27 19 299 NS +27 19 300 PU +27 19 301 NS +27 19 302 PU +27 19 303 AS +27 19 304 AM +27 19 305 MO +27 19 306 AM +27 19 307 AS +27 19 308 * +27 19 309 CB +27 19 310 NS +27 19 311 AS +27 19 312 CB +27 19 313 MO +27 19 314 PU +27 19 315 CL +27 19 316 AS +27 19 317 MO +27 19 318 AM +27 19 319 PU +27 19 320 AM +27 19 321 CT +27 19 322 AS +27 19 323 NS +27 19 324 * +27 19 325 MO +27 19 326 AM +27 19 327 PU +27 19 328 AS +27 19 329 CA +27 19 330 PU +27 20 1 CL +27 20 2 VE +27 20 3 UR +27 20 4 MO +27 20 5 VE +27 20 6 RO +27 20 7 VE +27 20 8 RO +27 20 9 CA +27 20 10 CL +27 20 11 VE +27 20 12 AM +27 20 13 VE +27 20 14 MO +27 20 15 NN +27 20 16 PU +27 20 17 RO +27 20 18 CA +27 20 19 CL +27 20 20 VE +27 20 21 NN +27 20 22 AM +27 20 23 MO +27 20 24 CH +27 20 25 CL +27 20 26 MO +27 20 27 RO +27 20 28 RO +27 20 29 VE +27 20 30 UR +27 20 31 VE +27 20 32 RO +27 20 33 VE +27 20 34 CL +27 20 35 UR +27 20 36 AS +27 20 37 CL +27 20 38 RO +27 20 39 VE +27 20 40 CL +27 20 41 UR +27 20 42 VE +27 20 43 MO +27 20 44 RO +27 20 45 VE +27 20 46 CR +27 20 47 VE +27 20 48 AM +27 20 49 CL +27 20 50 MO +27 20 51 CA +27 20 52 VE +27 20 53 MO +27 20 54 VE +27 20 55 CL +27 20 56 RO +27 20 57 CL +27 20 58 AS +27 20 59 RO +27 20 60 * +27 20 61 GI +27 20 62 CL +27 20 63 RO +27 20 64 CL +27 20 65 NN +27 20 66 PU +27 20 67 VE +27 20 68 MO +27 20 69 VE +27 20 70 MO +27 20 71 MO +27 20 72 VE +27 20 73 MO +27 20 74 CL +27 20 75 VE +27 20 76 UR +27 20 77 CL +27 20 78 RO +27 20 79 CR +27 20 80 CL +27 20 81 VE +27 20 82 AS +27 20 83 RO +27 20 84 RO +27 20 85 VE +27 20 86 NN +27 20 87 CB +27 20 88 MO +27 20 89 CB +27 20 90 AS +27 20 91 VE +27 20 92 RO +27 20 93 AS +27 20 94 CH +27 20 95 VE +27 20 96 AM +27 20 97 MO +27 20 98 GI +27 20 99 MO +27 20 100 VE +27 20 101 MO +27 20 102 CL +27 20 103 VE +27 20 104 CL +27 20 105 MO +27 20 106 AM +27 20 107 PU +27 20 108 VE +27 20 109 AS +27 20 110 AM +27 20 111 * +27 20 112 GI +27 20 113 CA +27 20 114 AS +27 20 115 RO +27 20 116 CL +27 20 117 CH +27 20 118 RO +27 20 119 VE +27 20 120 PU +27 20 121 UR +27 20 122 VE +27 20 123 MO +27 20 124 AM +27 20 125 UR +27 20 126 RO +27 20 127 VE +27 20 128 AM +27 20 129 RO +27 20 130 CA +27 20 131 MO +27 20 132 CO +27 20 133 VE +27 20 134 CA +27 20 135 MO +27 20 136 CL +27 20 137 VE +27 20 138 CL +27 20 139 MO +27 20 140 CL +27 20 141 PU +27 20 142 CL +27 20 143 VE +27 20 144 AS +27 20 145 VE +27 20 146 AM +27 20 147 CL +27 20 148 UR +27 20 149 VE +27 20 150 MO +27 20 151 RO +27 20 152 MO +27 20 153 CL +27 20 154 PU +27 20 155 CA +27 20 156 VE +27 20 157 CH +27 20 158 PU +27 20 159 MO +27 20 160 RO +27 20 161 VE +27 20 162 RO +27 20 163 VE +27 20 164 CL +27 20 165 VE +27 20 166 MO +27 20 167 CL +27 20 168 VE +27 20 169 CL +27 20 170 VE +27 20 171 VE +27 20 172 PU +27 20 173 RO +27 20 174 AM +27 20 175 CL +27 20 176 RO +27 20 177 AM +27 20 178 MO +27 20 179 CA +27 20 180 VE +27 20 181 AM +27 20 182 MO +27 20 183 CA +27 20 184 MO +27 20 185 UR +27 20 186 CL +27 20 187 AM +27 20 188 CL +27 20 189 CL +27 20 190 RO +27 20 191 VE +27 20 192 MO +27 20 193 VE +27 20 194 GI +27 20 195 VE +27 20 196 VE +27 20 197 AS +27 20 198 CB +27 20 199 PU +27 20 200 CL +27 20 201 RO +27 20 202 VE +27 20 203 MO +27 20 204 CA +27 20 205 MO +27 20 206 AM +27 20 207 GI +27 20 208 AM +27 20 209 VE +27 20 210 CH +27 20 211 CL +27 20 212 AM +27 20 213 MO +27 20 214 VE +27 20 215 AS +27 20 216 VE +27 20 217 RO +27 20 218 VE +27 20 219 PU +27 20 220 MO +27 20 221 AS +27 20 222 MO +27 20 223 VE +27 20 224 RO +27 20 225 AM +27 20 226 CL +27 20 227 CB +27 20 228 MO +27 20 229 AM +27 20 230 RO +27 20 231 MO +27 20 232 VE +27 20 233 CL +27 20 234 VE +27 20 235 AS +27 20 236 NS +27 20 237 RO +27 20 238 AS +27 20 239 RO +27 20 240 CH +27 20 241 PU +27 20 242 AM +27 20 243 MO +27 20 244 PU +27 20 245 UR +27 20 246 AS +27 20 247 MO +27 20 248 VE +27 20 249 VE +27 20 250 MO +27 20 251 VE +27 20 252 PU +27 20 253 VE +27 20 254 CL +27 20 255 * +27 20 256 RO +27 20 257 MO +27 20 258 VE +27 20 259 UR +27 20 260 AM +27 20 261 AM +27 20 262 PU +27 20 263 CR +27 20 264 CL +27 20 265 VE +27 20 266 CL +27 20 267 MO +27 20 268 VE +27 20 269 RO +27 20 270 AM +27 20 271 VE +27 20 272 PU +27 20 273 RO +27 20 274 PU +27 20 275 VE +27 20 276 NN +27 20 277 AS +27 20 278 RO +27 20 279 CL +27 20 280 VE +27 20 281 VE +27 20 282 VE +27 20 283 CA +27 20 284 PU +27 20 285 RO +27 20 286 PU +27 20 287 CH +27 20 288 * +27 20 289 CL +27 20 290 PU +27 20 291 CL +27 20 292 RO +27 20 293 VE +27 20 294 CL +27 20 295 CA +27 20 296 MO +27 20 297 AM +27 20 298 GI +27 20 299 VE +27 20 300 * +27 20 301 VE +27 20 302 RO +27 20 303 CL +27 20 304 VE +27 20 305 MO +27 20 306 VE +27 20 307 CL +27 20 308 MO +27 20 309 CH +27 20 310 VE +27 20 311 MO +27 20 312 CB +27 20 313 MO +27 20 314 PU +27 20 315 VE +27 20 316 VE +27 20 317 GI +27 20 318 RO +27 20 319 PU +27 20 320 VE +27 20 321 GI +27 20 322 CL +27 20 323 VE +27 20 324 RO +27 20 325 MO +27 20 326 * +27 20 327 CL +27 20 328 VE +27 20 329 CA +27 20 330 CL +27 21 1 CL +27 21 2 NO +27 21 3 CT +27 21 4 MO +27 21 5 NO +27 21 6 CO +27 21 7 NO +27 21 8 GI +27 21 9 CU +27 21 10 AS +27 21 11 VE +27 21 12 AM +27 21 13 NO +27 21 14 AS +27 21 15 CT +27 21 16 PL +27 21 17 CT +27 21 18 CU +27 21 19 CL +27 21 20 VE +27 21 21 CT +27 21 22 AM +27 21 23 MO +27 21 24 CU +27 21 25 AS +27 21 26 AS +27 21 27 * +27 21 28 CT +27 21 29 NO +27 21 30 CA +27 21 31 CL +27 21 32 MO +27 21 33 VE +27 21 34 AS +27 21 35 NA +27 21 36 VE +27 21 37 CL +27 21 38 GI +27 21 39 VE +27 21 40 CL +27 21 41 CT +27 21 42 AM +27 21 43 AS +27 21 44 CT +27 21 45 VE +27 21 46 PL +27 21 47 VE +27 21 48 AM +27 21 49 CL +27 21 50 MO +27 21 51 CU +27 21 52 PU +27 21 53 CT +27 21 54 VE +27 21 55 CL +27 21 56 CT +27 21 57 AS +27 21 58 CU +27 21 59 MO +27 21 60 AS +27 21 61 CT +27 21 62 MO +27 21 63 CT +27 21 64 AS +27 21 65 CT +27 21 66 PU +27 21 67 VE +27 21 68 MO +27 21 69 CU +27 21 70 MO +27 21 71 CT +27 21 72 VE +27 21 73 MO +27 21 74 AS +27 21 75 VE +27 21 76 CT +27 21 77 CL +27 21 78 MO +27 21 79 PL +27 21 80 AS +27 21 81 VE +27 21 82 CL +27 21 83 CU +27 21 84 CT +27 21 85 VE +27 21 86 CT +27 21 87 * +27 21 88 MO +27 21 89 CU +27 21 90 VE +27 21 91 VE +27 21 92 PU +27 21 93 AS +27 21 94 CU +27 21 95 CU +27 21 96 AM +27 21 97 MO +27 21 98 CT +27 21 99 MO +27 21 100 CL +27 21 101 MO +27 21 102 MO +27 21 103 CU +27 21 104 CL +27 21 105 MO +27 21 106 AM +27 21 107 PU +27 21 108 VE +27 21 109 AS +27 21 110 AM +27 21 111 * +27 21 112 CT +27 21 113 CU +27 21 114 VE +27 21 115 CT +27 21 116 CL +27 21 117 CH +27 21 118 CT +27 21 119 VE +27 21 120 PU +27 21 121 CT +27 21 122 VE +27 21 123 AS +27 21 124 AM +27 21 125 CT +27 21 126 CT +27 21 127 VE +27 21 128 AM +27 21 129 PU +27 21 130 CU +27 21 131 MO +27 21 132 NA +27 21 133 VE +27 21 134 CH +27 21 135 CT +27 21 136 CL +27 21 137 AS +27 21 138 CL +27 21 139 MO +27 21 140 VE +27 21 141 PU +27 21 142 MO +27 21 143 VE +27 21 144 MO +27 21 145 VE +27 21 146 AM +27 21 147 VE +27 21 148 CT +27 21 149 VE +27 21 150 MO +27 21 151 CT +27 21 152 MO +27 21 153 CL +27 21 154 CU +27 21 155 CU +27 21 156 VE +27 21 157 CU +27 21 158 PU +27 21 159 AM +27 21 160 CT +27 21 161 VE +27 21 162 CT +27 21 163 AS +27 21 164 CL +27 21 165 CU +27 21 166 AS +27 21 167 MO +27 21 168 VE +27 21 169 CL +27 21 170 CU +27 21 171 CU +27 21 172 PU +27 21 173 CT +27 21 174 AM +27 21 175 CL +27 21 176 CT +27 21 177 AM +27 21 178 AS +27 21 179 CH +27 21 180 VE +27 21 181 CU +27 21 182 MO +27 21 183 CU +27 21 184 MO +27 21 185 CA +27 21 186 CL +27 21 187 AM +27 21 188 CL +27 21 189 CL +27 21 190 CT +27 21 191 VE +27 21 192 MO +27 21 193 AM +27 21 194 CH +27 21 195 VE +27 21 196 CL +27 21 197 MO +27 21 198 CU +27 21 199 AM +27 21 200 CL +27 21 201 CT +27 21 202 VE +27 21 203 GI +27 21 204 CU +27 21 205 MO +27 21 206 PU +27 21 207 CT +27 21 208 CA +27 21 209 AS +27 21 210 CH +27 21 211 CL +27 21 212 NA +27 21 213 MO +27 21 214 AM +27 21 215 MO +27 21 216 CU +27 21 217 CT +27 21 218 AM +27 21 219 PU +27 21 220 MO +27 21 221 CL +27 21 222 MO +27 21 223 VE +27 21 224 PU +27 21 225 CU +27 21 226 AS +27 21 227 CU +27 21 228 AS +27 21 229 CL +27 21 230 CT +27 21 231 MO +27 21 232 CU +27 21 233 MO +27 21 234 VE +27 21 235 AS +27 21 236 CU +27 21 237 CT +27 21 238 VE +27 21 239 CT +27 21 240 CH +27 21 241 PU +27 21 242 AM +27 21 243 MO +27 21 244 VE +27 21 245 CT +27 21 246 VE +27 21 247 MO +27 21 248 VE +27 21 249 VE +27 21 250 MO +27 21 251 VE +27 21 252 MO +27 21 253 VE +27 21 254 AS +27 21 255 CU +27 21 256 CT +27 21 257 VE +27 21 258 AM +27 21 259 CH +27 21 260 AM +27 21 261 NA +27 21 262 PU +27 21 263 PL +27 21 264 CL +27 21 265 VE +27 21 266 CH +27 21 267 MO +27 21 268 VE +27 21 269 CT +27 21 270 AM +27 21 271 VE +27 21 272 CL +27 21 273 MO +27 21 274 PU +27 21 275 CU +27 21 276 CT +27 21 277 VE +27 21 278 NA +27 21 279 AS +27 21 280 VE +27 21 281 VE +27 21 282 VE +27 21 283 CH +27 21 284 CL +27 21 285 MO +27 21 286 PU +27 21 287 CA +27 21 288 CT +27 21 289 VE +27 21 290 MO +27 21 291 VE +27 21 292 CT +27 21 293 CL +27 21 294 CL +27 21 295 * +27 21 296 MO +27 21 297 AM +27 21 298 CT +27 21 299 VE +27 21 300 PL +27 21 301 VE +27 21 302 MO +27 21 303 CL +27 21 304 VE +27 21 305 MO +27 21 306 VE +27 21 307 AS +27 21 308 MO +27 21 309 CU +27 21 310 VE +27 21 311 VE +27 21 312 CU +27 21 313 MO +27 21 314 PU +27 21 315 VE +27 21 316 VE +27 21 317 GI +27 21 318 NA +27 21 319 PU +27 21 320 VE +27 21 321 CT +27 21 322 CL +27 21 323 VE +27 21 324 PU +27 21 325 MO +27 21 326 AM +27 21 327 CL +27 21 328 VE +27 21 329 CH +27 21 330 CL +27 22 1 AS +27 22 2 CL +27 22 3 UR +27 22 4 MO +27 22 5 VE +27 22 6 CH +27 22 7 VE +27 22 8 GI +27 22 9 CA +27 22 10 AS +27 22 11 VE +27 22 12 AM +27 22 13 VE +27 22 14 AS +27 22 15 GI +27 22 16 PU +27 22 17 CT +27 22 18 CB +27 22 19 AS +27 22 20 VE +27 22 21 AL +27 22 22 AM +27 22 23 MO +27 22 24 CH +27 22 25 AS +27 22 26 AS +27 22 27 RO +27 22 28 AL +27 22 29 VE +27 22 30 UR +27 22 31 CL +27 22 32 RO +27 22 33 VE +27 22 34 AS +27 22 35 CT +27 22 36 * +27 22 37 CL +27 22 38 AL +27 22 39 VE +27 22 40 AS +27 22 41 CT +27 22 42 AM +27 22 43 AS +27 22 44 RO +27 22 45 VE +27 22 46 PL +27 22 47 VE +27 22 48 AM +27 22 49 AS +27 22 50 MO +27 22 51 CH +27 22 52 PU +27 22 53 AL +27 22 54 VE +27 22 55 CL +27 22 56 RO +27 22 57 AS +27 22 58 AM +27 22 59 MO +27 22 60 AS +27 22 61 CT +27 22 62 MO +27 22 63 RO +27 22 64 AS +27 22 65 * +27 22 66 PU +27 22 67 VE +27 22 68 GI +27 22 69 AM +27 22 70 PU +27 22 71 GI +27 22 72 VE +27 22 73 MO +27 22 74 * +27 22 75 VE +27 22 76 CU +27 22 77 CL +27 22 78 RO +27 22 79 PL +27 22 80 AS +27 22 81 VE +27 22 82 VE +27 22 83 AM +27 22 84 RO +27 22 85 VE +27 22 86 GI +27 22 87 CB +27 22 88 GI +27 22 89 CB +27 22 90 VE +27 22 91 AM +27 22 92 PU +27 22 93 AS +27 22 94 CB +27 22 95 CL +27 22 96 AM +27 22 97 MO +27 22 98 * +27 22 99 MO +27 22 100 CL +27 22 101 GI +27 22 102 MO +27 22 103 VE +27 22 104 CL +27 22 105 GI +27 22 106 AM +27 22 107 PU +27 22 108 CL +27 22 109 AS +27 22 110 AM +27 22 111 VE +27 22 112 AL +27 22 113 CB +27 22 114 VE +27 22 115 CT +27 22 116 CL +27 22 117 CH +27 22 118 RO +27 22 119 VE +27 22 120 PU +27 22 121 UR +27 22 122 VE +27 22 123 AS +27 22 124 VE +27 22 125 UR +27 22 126 RO +27 22 127 VE +27 22 128 AM +27 22 129 PU +27 22 130 CB +27 22 131 * +27 22 132 CT +27 22 133 VE +27 22 134 CH +27 22 135 AL +27 22 136 CL +27 22 137 VE +27 22 138 * +27 22 139 PU +27 22 140 AS +27 22 141 PU +27 22 142 PU +27 22 143 VE +27 22 144 MO +27 22 145 VE +27 22 146 AM +27 22 147 VE +27 22 148 CT +27 22 149 VE +27 22 150 MO +27 22 151 RO +27 22 152 MO +27 22 153 AS +27 22 154 PL +27 22 155 CH +27 22 156 VE +27 22 157 CH +27 22 158 PU +27 22 159 RO +27 22 160 RO +27 22 161 VE +27 22 162 CT +27 22 163 VE +27 22 164 AS +27 22 165 VE +27 22 166 AS +27 22 167 MO +27 22 168 VE +27 22 169 CL +27 22 170 AS +27 22 171 VE +27 22 172 PU +27 22 173 RO +27 22 174 AM +27 22 175 CL +27 22 176 RO +27 22 177 AM +27 22 178 AS +27 22 179 CH +27 22 180 VE +27 22 181 AM +27 22 182 MO +27 22 183 CH +27 22 184 MO +27 22 185 CH +27 22 186 CL +27 22 187 AM +27 22 188 AS +27 22 189 * +27 22 190 RO +27 22 191 VE +27 22 192 MO +27 22 193 AM +27 22 194 CH +27 22 195 VE +27 22 196 VE +27 22 197 MO +27 22 198 CB +27 22 199 CL +27 22 200 CL +27 22 201 RO +27 22 202 VE +27 22 203 GI +27 22 204 CH +27 22 205 MO +27 22 206 PU +27 22 207 GI +27 22 208 CH +27 22 209 VE +27 22 210 CH +27 22 211 CL +27 22 212 UR +27 22 213 MO +27 22 214 VE +27 22 215 RO +27 22 216 VE +27 22 217 RO +27 22 218 VE +27 22 219 CL +27 22 220 MO +27 22 221 CL +27 22 222 MO +27 22 223 VE +27 22 224 PU +27 22 225 AM +27 22 226 AS +27 22 227 CB +27 22 228 AS +27 22 229 VE +27 22 230 RO +27 22 231 MO +27 22 232 CH +27 22 233 AS +27 22 234 VE +27 22 235 AS +27 22 236 VE +27 22 237 RO +27 22 238 VE +27 22 239 RO +27 22 240 CH +27 22 241 PU +27 22 242 AM +27 22 243 MO +27 22 244 CL +27 22 245 CT +27 22 246 VE +27 22 247 MO +27 22 248 VE +27 22 249 VE +27 22 250 MO +27 22 251 VE +27 22 252 PU +27 22 253 VE +27 22 254 AS +27 22 255 PL +27 22 256 RO +27 22 257 AS +27 22 258 AM +27 22 259 CT +27 22 260 UR +27 22 261 AM +27 22 262 PU +27 22 263 PL +27 22 264 CL +27 22 265 VE +27 22 266 CH +27 22 267 MO +27 22 268 VE +27 22 269 AL +27 22 270 AM +27 22 271 VE +27 22 272 PU +27 22 273 MO +27 22 274 PU +27 22 275 AM +27 22 276 AL +27 22 277 AS +27 22 278 RO +27 22 279 AS +27 22 280 VE +27 22 281 VE +27 22 282 VE +27 22 283 CH +27 22 284 PU +27 22 285 RO +27 22 286 PU +27 22 287 CH +27 22 288 CT +27 22 289 CL +27 22 290 PU +27 22 291 AS +27 22 292 RO +27 22 293 CL +27 22 294 CL +27 22 295 CH +27 22 296 MO +27 22 297 AM +27 22 298 CT +27 22 299 VE +27 22 300 PL +27 22 301 VE +27 22 302 RO +27 22 303 CL +27 22 304 VE +27 22 305 MO +27 22 306 VE +27 22 307 AS +27 22 308 MO +27 22 309 CH +27 22 310 VE +27 22 311 AS +27 22 312 PL +27 22 313 MO +27 22 314 PU +27 22 315 VE +27 22 316 VE +27 22 317 AL +27 22 318 UR +27 22 319 PU +27 22 320 VE +27 22 321 CT +27 22 322 AS +27 22 323 VE +27 22 324 PU +27 22 325 MO +27 22 326 AM +27 22 327 CL +27 22 328 VE +27 22 329 CH +27 22 330 CL +27 23 1 NO +27 23 2 PU +27 23 3 CT +27 23 4 MO +27 23 5 NO +27 23 6 AC +27 23 7 NO +27 23 8 CT +27 23 9 CU +27 23 10 AS +27 23 11 NO +27 23 12 AM +27 23 13 NO +27 23 14 CB +27 23 15 AC +27 23 16 PU +27 23 17 CT +27 23 18 CB +27 23 19 NO +27 23 20 NO +27 23 21 CT +27 23 22 AM +27 23 23 MO +27 23 24 CB +27 23 25 NO +27 23 26 NO +27 23 27 PU +27 23 28 CT +27 23 29 NO +27 23 30 CT +27 23 31 NO +27 23 32 CT +27 23 33 NO +27 23 34 NO +27 23 35 AC +27 23 36 NO +27 23 37 NO +27 23 38 CT +27 23 39 NO +27 23 40 NO +27 23 41 CT +27 23 42 AM +27 23 43 AS +27 23 44 PU +27 23 45 NO +27 23 46 CB +27 23 47 NO +27 23 48 AC +27 23 49 NO +27 23 50 MO +27 23 51 CB +27 23 52 PU +27 23 53 CT +27 23 54 NO +27 23 55 NO +27 23 56 AC +27 23 57 NO +27 23 58 AM +27 23 59 PU +27 23 60 NO +27 23 61 CT +27 23 62 NO +27 23 63 CT +27 23 64 NO +27 23 65 CT +27 23 66 PU +27 23 67 NO +27 23 68 CT +27 23 69 NO +27 23 70 PU +27 23 71 CT +27 23 72 NO +27 23 73 MO +27 23 74 NO +27 23 75 NO +27 23 76 CT +27 23 77 NO +27 23 78 PU +27 23 79 CB +27 23 80 NO +27 23 81 NO +27 23 82 NO +27 23 83 PU +27 23 84 AC +27 23 85 NO +27 23 86 CT +27 23 87 CB +27 23 88 CT +27 23 89 CB +27 23 90 NO +27 23 91 NO +27 23 92 PU +27 23 93 NO +27 23 94 CB +27 23 95 PU +27 23 96 AM +27 23 97 MO +27 23 98 CT +27 23 99 PU +27 23 100 NO +27 23 101 CT +27 23 102 PU +27 23 103 AM +27 23 104 NO +27 23 105 CT +27 23 106 AM +27 23 107 PU +27 23 108 NO +27 23 109 NO +27 23 110 AM +27 23 111 NO +27 23 112 CT +27 23 113 CB +27 23 114 NO +27 23 115 CT +27 23 116 PU +27 23 117 MO +27 23 118 CT +27 23 119 NO +27 23 120 PU +27 23 121 CT +27 23 122 NO +27 23 123 NO +27 23 124 NO +27 23 125 CT +27 23 126 PU +27 23 127 NO +27 23 128 NO +27 23 129 PU +27 23 130 CB +27 23 131 MO +27 23 132 CT +27 23 133 NO +27 23 134 CB +27 23 135 CT +27 23 136 NO +27 23 137 NO +27 23 138 NO +27 23 139 PU +27 23 140 NO +27 23 141 PU +27 23 142 PU +27 23 143 NO +27 23 144 MO +27 23 145 NO +27 23 146 AM +27 23 147 NO +27 23 148 CT +27 23 149 NO +27 23 150 MO +27 23 151 CT +27 23 152 CT +27 23 153 NO +27 23 154 CB +27 23 155 CB +27 23 156 NO +27 23 157 CU +27 23 158 PU +27 23 159 AC +27 23 160 PU +27 23 161 NO +27 23 162 CT +27 23 163 NO +27 23 164 NO +27 23 165 NO +27 23 166 NO +27 23 167 PU +27 23 168 NO +27 23 169 NO +27 23 170 CB +27 23 171 NO +27 23 172 PU +27 23 173 CT +27 23 174 AM +27 23 175 NO +27 23 176 CT +27 23 177 AM +27 23 178 NO +27 23 179 MO +27 23 180 NO +27 23 181 AM +27 23 182 MO +27 23 183 CB +27 23 184 MO +27 23 185 AM +27 23 186 NO +27 23 187 AM +27 23 188 NO +27 23 189 NO +27 23 190 PU +27 23 191 NO +27 23 192 MO +27 23 193 NO +27 23 194 MO +27 23 195 NO +27 23 196 NO +27 23 197 MO +27 23 198 CB +27 23 199 PU +27 23 200 NO +27 23 201 AC +27 23 202 NO +27 23 203 CT +27 23 204 CB +27 23 205 NO +27 23 206 PU +27 23 207 CT +27 23 208 AM +27 23 209 NO +27 23 210 MO +27 23 211 NO +27 23 212 AM +27 23 213 PU +27 23 214 NO +27 23 215 MO +27 23 216 CB +27 23 217 PU +27 23 218 NO +27 23 219 PU +27 23 220 NO +27 23 221 PU +27 23 222 MO +27 23 223 NO +27 23 224 PU +27 23 225 AM +27 23 226 NO +27 23 227 CB +27 23 228 NO +27 23 229 NO +27 23 230 PU +27 23 231 CT +27 23 232 MO +27 23 233 NO +27 23 234 NO +27 23 235 NO +27 23 236 NO +27 23 237 PU +27 23 238 NO +27 23 239 CT +27 23 240 MO +27 23 241 PU +27 23 242 AM +27 23 243 MO +27 23 244 PU +27 23 245 * +27 23 246 NO +27 23 247 MO +27 23 248 CB +27 23 249 NO +27 23 250 MO +27 23 251 NO +27 23 252 PU +27 23 253 NO +27 23 254 NO +27 23 255 CB +27 23 256 CT +27 23 257 NO +27 23 258 AM +27 23 259 CT +27 23 260 PU +27 23 261 AM +27 23 262 PU +27 23 263 CB +27 23 264 PU +27 23 265 NO +27 23 266 MO +27 23 267 MO +27 23 268 NO +27 23 269 CT +27 23 270 AM +27 23 271 NO +27 23 272 PU +27 23 273 RO +27 23 274 PU +27 23 275 NO +27 23 276 CT +27 23 277 NO +27 23 278 CT +27 23 279 NO +27 23 280 NO +27 23 281 NO +27 23 282 NO +27 23 283 MO +27 23 284 PU +27 23 285 PU +27 23 286 PU +27 23 287 AM +27 23 288 CT +27 23 289 NO +27 23 290 PU +27 23 291 NO +27 23 292 PU +27 23 293 NO +27 23 294 NO +27 23 295 MO +27 23 296 MO +27 23 297 AM +27 23 298 CT +27 23 299 NO +27 23 300 CU +27 23 301 NO +27 23 302 PU +27 23 303 NO +27 23 304 NO +27 23 305 MO +27 23 306 NO +27 23 307 NO +27 23 308 MO +27 23 309 CB +27 23 310 NO +27 23 311 NO +27 23 312 CB +27 23 313 NO +27 23 314 PU +27 23 315 NO +27 23 316 NO +27 23 317 MO +27 23 318 AM +27 23 319 PU +27 23 320 NO +27 23 321 CT +27 23 322 NO +27 23 323 NO +27 23 324 PU +27 23 325 MO +27 23 326 AM +27 23 327 PU +27 23 328 NO +27 23 329 MO +27 23 330 PU +27 24 1 AS +27 24 2 AS +27 24 3 CO +27 24 4 MO +27 24 5 AS +27 24 6 CO +27 24 7 NO +27 24 8 GI +27 24 9 CA +27 24 10 AS +27 24 11 VE +27 24 12 AS +27 24 13 VE +27 24 14 AS +27 24 15 RO +27 24 16 PU +27 24 17 RO +27 24 18 CB +27 24 19 CL +27 24 20 VE +27 24 21 RO +27 24 22 AM +27 24 23 MO +27 24 24 CA +27 24 25 AS +27 24 26 AS +27 24 27 PU +27 24 28 RO +27 24 29 VE +27 24 30 CH +27 24 31 AS +27 24 32 MO +27 24 33 NO +27 24 34 AS +27 24 35 RO +27 24 36 VE +27 24 37 AS +27 24 38 GI +27 24 39 VE +27 24 40 AS +27 24 41 GI +27 24 42 AM +27 24 43 AS +27 24 44 PU +27 24 45 NO +27 24 46 CR +27 24 47 VE +27 24 48 AM +27 24 49 CL +27 24 50 MO +27 24 51 CA +27 24 52 PU +27 24 53 GI +27 24 54 NO +27 24 55 CL +27 24 56 CO +27 24 57 AS +27 24 58 AM +27 24 59 MO +27 24 60 AS +27 24 61 GI +27 24 62 MO +27 24 63 RO +27 24 64 CL +27 24 65 GI +27 24 66 PU +27 24 67 NO +27 24 68 GI +27 24 69 VE +27 24 70 PU +27 24 71 MO +27 24 72 VE +27 24 73 MO +27 24 74 AS +27 24 75 VE +27 24 76 CO +27 24 77 CL +27 24 78 RO +27 24 79 CR +27 24 80 AS +27 24 81 NO +27 24 82 NO +27 24 83 AM +27 24 84 RO +27 24 85 VE +27 24 86 RO +27 24 87 CB +27 24 88 MO +27 24 89 CB +27 24 90 AS +27 24 91 NO +27 24 92 PU +27 24 93 CL +27 24 94 CA +27 24 95 PU +27 24 96 AM +27 24 97 MO +27 24 98 GI +27 24 99 MO +27 24 100 AS +27 24 101 MO +27 24 102 AS +27 24 103 CA +27 24 104 AS +27 24 105 MO +27 24 106 AM +27 24 107 PU +27 24 108 PU +27 24 109 CL +27 24 110 AM +27 24 111 VE +27 24 112 GI +27 24 113 CB +27 24 114 AS +27 24 115 GI +27 24 116 AS +27 24 117 CA +27 24 118 RO +27 24 119 VE +27 24 120 PU +27 24 121 CO +27 24 122 VE +27 24 123 AS +27 24 124 AM +27 24 125 CO +27 24 126 RO +27 24 127 AS +27 24 128 AM +27 24 129 PU +27 24 130 VE +27 24 131 MO +27 24 132 CT +27 24 133 VE +27 24 134 CH +27 24 135 MO +27 24 136 CL +27 24 137 VE +27 24 138 AS +27 24 139 PU +27 24 140 AS +27 24 141 PU +27 24 142 PU +27 24 143 NO +27 24 144 AS +27 24 145 NO +27 24 146 AS +27 24 147 VE +27 24 148 GI +27 24 149 NO +27 24 150 MO +27 24 151 RO +27 24 152 MO +27 24 153 AS +27 24 154 CR +27 24 155 CA +27 24 156 VE +27 24 157 CA +27 24 158 PU +27 24 159 AM +27 24 160 RO +27 24 161 VE +27 24 162 GI +27 24 163 AS +27 24 164 AS +27 24 165 VE +27 24 166 AS +27 24 167 VE +27 24 168 MO +27 24 169 AS +27 24 170 AS +27 24 171 VE +27 24 172 PU +27 24 173 RO +27 24 174 AM +27 24 175 AS +27 24 176 RO +27 24 177 AM +27 24 178 CL +27 24 179 CH +27 24 180 VE +27 24 181 AM +27 24 182 MO +27 24 183 CA +27 24 184 MO +27 24 185 CH +27 24 186 AS +27 24 187 AM +27 24 188 CL +27 24 189 AS +27 24 190 RO +27 24 191 VE +27 24 192 MO +27 24 193 AM +27 24 194 GI +27 24 195 VE +27 24 196 AS +27 24 197 MO +27 24 198 CR +27 24 199 PU +27 24 200 AS +27 24 201 RO +27 24 202 VE +27 24 203 MO +27 24 204 CA +27 24 205 MO +27 24 206 PU +27 24 207 RO +27 24 208 CH +27 24 209 AS +27 24 210 CH +27 24 211 AS +27 24 212 CO +27 24 213 MO +27 24 214 AM +27 24 215 RO +27 24 216 VE +27 24 217 RO +27 24 218 NO +27 24 219 PU +27 24 220 AS +27 24 221 PU +27 24 222 MO +27 24 223 VE +27 24 224 PU +27 24 225 NO +27 24 226 AS +27 24 227 CB +27 24 228 AS +27 24 229 VE +27 24 230 PU +27 24 231 MO +27 24 232 CA +27 24 233 MO +27 24 234 VE +27 24 235 AS +27 24 236 NO +27 24 237 CO +27 24 238 CL +27 24 239 RO +27 24 240 CH +27 24 241 PU +27 24 242 AM +27 24 243 MO +27 24 244 PU +27 24 245 GI +27 24 246 CL +27 24 247 MO +27 24 248 VE +27 24 249 VE +27 24 250 MO +27 24 251 NO +27 24 252 PU +27 24 253 VE +27 24 254 AS +27 24 255 CB +27 24 256 RO +27 24 257 AS +27 24 258 AM +27 24 259 CH +27 24 260 AM +27 24 261 CO +27 24 262 PU +27 24 263 CR +27 24 264 AS +27 24 265 VE +27 24 266 CH +27 24 267 MO +27 24 268 VE +27 24 269 MO +27 24 270 AM +27 24 271 VE +27 24 272 PU +27 24 273 MO +27 24 274 PU +27 24 275 NO +27 24 276 MO +27 24 277 AS +27 24 278 CO +27 24 279 AS +27 24 280 NO +27 24 281 VE +27 24 282 VE +27 24 283 CA +27 24 284 PU +27 24 285 RO +27 24 286 PU +27 24 287 AM +27 24 288 CT +27 24 289 CL +27 24 290 PU +27 24 291 AS +27 24 292 AS +27 24 293 PU +27 24 294 PU +27 24 295 CA +27 24 296 MO +27 24 297 AM +27 24 298 CT +27 24 299 VE +27 24 300 CR +27 24 301 VE +27 24 302 PU +27 24 303 AS +27 24 304 NO +27 24 305 MO +27 24 306 NO +27 24 307 * +27 24 308 MO +27 24 309 CB +27 24 310 VE +27 24 311 AS +27 24 312 CB +27 24 313 AS +27 24 314 PU +27 24 315 NO +27 24 316 VE +27 24 317 MO +27 24 318 CO +27 24 319 PU +27 24 320 NO +27 24 321 * +27 24 322 AS +27 24 323 VE +27 24 324 PU +27 24 325 MO +27 24 326 AM +27 24 327 PU +27 24 328 VE +27 24 329 CH +27 24 330 PU +27 25 1 AS +27 25 2 AS +27 25 3 CO +27 25 4 MO +27 25 5 NO +27 25 6 CH +27 25 7 NO +27 25 8 MO +27 25 9 CH +27 25 10 AS +27 25 11 VE +27 25 12 AM +27 25 13 VE +27 25 14 AS +27 25 15 SA +27 25 16 CR +27 25 17 CO +27 25 18 CH +27 25 19 AS +27 25 20 VE +27 25 21 NN +27 25 22 AM +27 25 23 MO +27 25 24 CH +27 25 25 AS +27 25 26 AS +27 25 27 PU +27 25 28 NN +27 25 29 VE +27 25 30 AM +27 25 31 CL +27 25 32 MO +27 25 33 VE +27 25 34 AS +27 25 35 CT +27 25 36 NO +27 25 37 CL +27 25 38 GI +27 25 39 VE +27 25 40 CL +27 25 41 CT +27 25 42 AM +27 25 43 TO +27 25 44 PU +27 25 45 NO +27 25 46 CR +27 25 47 NO +27 25 48 NA +27 25 49 CL +27 25 50 MO +27 25 51 CH +27 25 52 NE +27 25 53 GI +27 25 54 NO +27 25 55 CL +27 25 56 CT +27 25 57 AS +27 25 58 * +27 25 59 PU +27 25 60 AS +27 25 61 CT +27 25 62 CL +27 25 63 CO +27 25 64 AS +27 25 65 NN +27 25 66 NE +27 25 67 NO +27 25 68 MO +27 25 69 NO +27 25 70 NE +27 25 71 MO +27 25 72 NO +27 25 73 MO +27 25 74 CL +27 25 75 NO +27 25 76 CO +27 25 77 CL +27 25 78 CU +27 25 79 CU +27 25 80 AS +27 25 81 NO +27 25 82 CL +27 25 83 AM +27 25 84 * +27 25 85 NO +27 25 86 NN +27 25 87 CB +27 25 88 MO +27 25 89 CB +27 25 90 AS +27 25 91 NO +27 25 92 NE +27 25 93 CL +27 25 94 CH +27 25 95 NO +27 25 96 AM +27 25 97 MO +27 25 98 CT +27 25 99 * +27 25 100 AS +27 25 101 MO +27 25 102 PU +27 25 103 * +27 25 104 CL +27 25 105 MO +27 25 106 AM +27 25 107 PU +27 25 108 CL +27 25 109 AS +27 25 110 AM +27 25 111 * +27 25 112 NN +27 25 113 CH +27 25 114 VE +27 25 115 GI +27 25 116 CL +27 25 117 CH +27 25 118 NN +27 25 119 NO +27 25 120 PU +27 25 121 NA +27 25 122 NO +27 25 123 CL +27 25 124 NO +27 25 125 NA +27 25 126 CT +27 25 127 NO +27 25 128 AM +27 25 129 NE +27 25 130 * +27 25 131 MO +27 25 132 GI +27 25 133 VE +27 25 134 CH +27 25 135 MO +27 25 136 CL +27 25 137 NO +27 25 138 CL +27 25 139 PU +27 25 140 AS +27 25 141 PU +27 25 142 NE +27 25 143 NO +27 25 144 MO +27 25 145 VE +27 25 146 AM +27 25 147 CL +27 25 148 * +27 25 149 VE +27 25 150 MO +27 25 151 NN +27 25 152 MO +27 25 153 CL +27 25 154 CU +27 25 155 CH +27 25 156 VE +27 25 157 CH +27 25 158 CR +27 25 159 NA +27 25 160 NN +27 25 161 NO +27 25 162 CT +27 25 163 CL +27 25 164 CL +27 25 165 * +27 25 166 AS +27 25 167 CR +27 25 168 NO +27 25 169 CL +27 25 170 TO +27 25 171 VE +27 25 172 CR +27 25 173 NN +27 25 174 AM +27 25 175 CL +27 25 176 NA +27 25 177 NO +27 25 178 CL +27 25 179 * +27 25 180 NO +27 25 181 AM +27 25 182 MO +27 25 183 CH +27 25 184 MO +27 25 185 NA +27 25 186 CL +27 25 187 NA +27 25 188 CL +27 25 189 CR +27 25 190 NN +27 25 191 NO +27 25 192 MO +27 25 193 NO +27 25 194 CT +27 25 195 NO +27 25 196 AS +27 25 197 MO +27 25 198 CB +27 25 199 CL +27 25 200 CL +27 25 201 NN +27 25 202 NO +27 25 203 MO +27 25 204 CB +27 25 205 MO +27 25 206 NE +27 25 207 MO +27 25 208 AM +27 25 209 NO +27 25 210 CH +27 25 211 CL +27 25 212 AM +27 25 213 CR +27 25 214 NO +27 25 215 MO +27 25 216 * +27 25 217 NN +27 25 218 * +27 25 219 CL +27 25 220 MO +27 25 221 CL +27 25 222 MO +27 25 223 NO +27 25 224 NE +27 25 225 * +27 25 226 AS +27 25 227 TO +27 25 228 AS +27 25 229 VE +27 25 230 NE +27 25 231 MO +27 25 232 * +27 25 233 CR +27 25 234 NO +27 25 235 AS +27 25 236 NO +27 25 237 NN +27 25 238 VE +27 25 239 NN +27 25 240 CH +27 25 241 NE +27 25 242 AM +27 25 243 MO +27 25 244 NO +27 25 245 CT +27 25 246 NO +27 25 247 MO +27 25 248 * +27 25 249 NO +27 25 250 MO +27 25 251 VE +27 25 252 NE +27 25 253 VE +27 25 254 AS +27 25 255 CB +27 25 256 NA +27 25 257 CL +27 25 258 NO +27 25 259 CT +27 25 260 PU +27 25 261 NA +27 25 262 NE +27 25 263 CR +27 25 264 CL +27 25 265 NO +27 25 266 NA +27 25 267 MO +27 25 268 VE +27 25 269 MO +27 25 270 AM +27 25 271 NO +27 25 272 NE +27 25 273 MO +27 25 274 NE +27 25 275 * +27 25 276 MO +27 25 277 CL +27 25 278 NN +27 25 279 MO +27 25 280 NO +27 25 281 VE +27 25 282 VE +27 25 283 CH +27 25 284 CR +27 25 285 MO +27 25 286 NE +27 25 287 * +27 25 288 CT +27 25 289 CL +27 25 290 NE +27 25 291 AS +27 25 292 CT +27 25 293 CL +27 25 294 CL +27 25 295 CH +27 25 296 MO +27 25 297 AM +27 25 298 CT +27 25 299 NO +27 25 300 CR +27 25 301 NO +27 25 302 PU +27 25 303 CR +27 25 304 * +27 25 305 MO +27 25 306 NO +27 25 307 AS +27 25 308 MO +27 25 309 * +27 25 310 NO +27 25 311 AS +27 25 312 CB +27 25 313 MO +27 25 314 NE +27 25 315 NO +27 25 316 CL +27 25 317 MO +27 25 318 NA +27 25 319 NE +27 25 320 * +27 25 321 CT +27 25 322 AS +27 25 323 VE +27 25 324 CU +27 25 325 MO +27 25 326 AM +27 25 327 CR +27 25 328 VE +27 25 329 CH +27 25 330 CR +28 1 1 DZ +28 1 2 BJ +28 1 3 PF +28 1 4 DZ +28 1 5 BJ +28 1 6 PF +28 1 7 BJ +28 1 8 PF +28 1 9 ES +28 1 10 DZ +28 1 11 DZ +28 1 12 BJ +28 1 13 BJ +28 1 14 BJ +28 1 15 PA +28 1 16 FJ +28 1 17 PF +28 1 18 DZ +28 1 19 DZ +28 1 20 BJ +28 1 21 PF +28 1 22 FJ +28 1 23 DZ +28 1 24 DZ +28 1 25 DZ +28 1 26 DZ +28 1 27 FJ +28 1 28 PF +28 1 29 BJ +28 1 30 ES +28 1 31 FJ +28 1 32 PF +28 1 33 BJ +28 1 34 DZ +28 1 35 PF +28 1 36 BJ +28 1 37 DZ +28 1 38 PF +28 1 39 BJ +28 1 40 DZ +28 1 41 PF +28 1 42 KF +28 1 43 DZ +28 1 44 PA +28 1 45 BJ +28 1 46 FJ +28 1 47 DZ +28 1 48 KF +28 1 49 BJ +28 1 50 DZ +28 1 51 ES +28 1 52 FJ +28 1 53 PF +28 1 54 BJ +28 1 55 DZ +28 1 56 PF +28 1 57 DZ +28 1 58 BJ +28 1 59 PA +28 1 60 BJ +28 1 61 PF +28 1 62 DZ +28 1 63 PA +28 1 64 DZ +28 1 65 PF +28 1 66 FJ +28 1 67 BJ +28 1 68 PF +28 1 69 BJ +28 1 70 FJ +28 1 71 PF +28 1 72 BJ +28 1 73 PF +28 1 74 FJ +28 1 75 DZ +28 1 76 PF +28 1 77 DZ +28 1 78 PA +28 1 79 DZ +28 1 80 BJ +28 1 81 BJ +28 1 82 FJ +28 1 83 FJ +28 1 84 PA +28 1 85 BJ +28 1 86 PF +28 1 87 DZ +28 1 88 PF +28 1 89 DZ +28 1 90 DZ +28 1 91 BJ +28 1 92 FJ +28 1 93 DZ +28 1 94 DZ +28 1 95 FJ +28 1 96 KF +28 1 97 DZ +28 1 98 PF +28 1 99 DZ +28 1 100 BJ +28 1 101 PF +28 1 102 DZ +28 1 103 KF +28 1 104 DZ +28 1 105 PF +28 1 106 KF +28 1 107 FJ +28 1 108 BJ +28 1 109 PF +28 1 110 KF +28 1 111 DZ +28 1 112 PF +28 1 113 DZ +28 1 114 DZ +28 1 115 PF +28 1 116 FJ +28 1 117 DZ +28 1 118 PF +28 1 119 BJ +28 1 120 FJ +28 1 121 PF +28 1 122 BJ +28 1 123 DZ +28 1 124 BJ +28 1 125 PF +28 1 126 PF +28 1 127 DZ +28 1 128 BJ +28 1 129 FJ +28 1 130 DZ +28 1 131 PF +28 1 132 PF +28 1 133 BJ +28 1 134 DZ +28 1 135 PF +28 1 136 BJ +28 1 137 BJ +28 1 138 BJ +28 1 139 FJ +28 1 140 BJ +28 1 141 FJ +28 1 142 FJ +28 1 143 BJ +28 1 144 DZ +28 1 145 BJ +28 1 146 KF +28 1 147 DZ +28 1 148 PF +28 1 149 BJ +28 1 150 DZ +28 1 151 PA +28 1 152 PA +28 1 153 BJ +28 1 154 DZ +28 1 155 ES +28 1 156 BJ +28 1 157 DZ +28 1 158 FJ +28 1 159 KF +28 1 160 DZ +28 1 161 BJ +28 1 162 PF +28 1 163 DZ +28 1 164 PF +28 1 165 BJ +28 1 166 DZ +28 1 167 FJ +28 1 168 BJ +28 1 169 DZ +28 1 170 DZ +28 1 171 BJ +28 1 172 FJ +28 1 173 PF +28 1 174 KF +28 1 175 FJ +28 1 176 PF +28 1 177 KF +28 1 178 DZ +28 1 179 KF +28 1 180 DZ +28 1 181 KF +28 1 182 BJ +28 1 183 DZ +28 1 184 BJ +28 1 185 DZ +28 1 186 BJ +28 1 187 KF +28 1 188 DZ +28 1 189 FJ +28 1 190 PA +28 1 191 BJ +28 1 192 DZ +28 1 193 BJ +28 1 194 FJ +28 1 195 BJ +28 1 196 KF +28 1 197 DZ +28 1 198 DZ +28 1 199 FJ +28 1 200 DZ +28 1 201 PA +28 1 202 BJ +28 1 203 PF +28 1 204 DZ +28 1 205 DZ +28 1 206 FJ +28 1 207 PF +28 1 208 DZ +28 1 209 BJ +28 1 210 DZ +28 1 211 DZ +28 1 212 PF +28 1 213 DZ +28 1 214 KF +28 1 215 PA +28 1 216 DZ +28 1 217 PA +28 1 218 BJ +28 1 219 FJ +28 1 220 DZ +28 1 221 DZ +28 1 222 FJ +28 1 223 BJ +28 1 224 PA +28 1 225 BJ +28 1 226 DZ +28 1 227 DZ +28 1 228 DZ +28 1 229 BJ +28 1 230 PA +28 1 231 DZ +28 1 232 DZ +28 1 233 DZ +28 1 234 BJ +28 1 235 DZ +28 1 236 BJ +28 1 237 PA +28 1 238 BJ +28 1 239 PA +28 1 240 DZ +28 1 241 FJ +28 1 242 KF +28 1 243 PF +28 1 244 FJ +28 1 245 PF +28 1 246 DZ +28 1 247 FJ +28 1 248 DZ +28 1 249 DZ +28 1 250 PF +28 1 251 BJ +28 1 252 PA +28 1 253 BJ +28 1 254 DZ +28 1 255 DZ +28 1 256 PF +28 1 257 DZ +28 1 258 KF +28 1 259 PF +28 1 260 DZ +28 1 261 PF +28 1 262 FJ +28 1 263 DZ +28 1 264 DZ +28 1 265 BJ +28 1 266 PF +28 1 267 PF +28 1 268 BJ +28 1 269 PA +28 1 270 DZ +28 1 271 BJ +28 1 272 FJ +28 1 273 PA +28 1 274 FJ +28 1 275 KF +28 1 276 PF +28 1 277 DZ +28 1 278 PF +28 1 279 DZ +28 1 280 BJ +28 1 281 FJ +28 1 282 BJ +28 1 283 ES +28 1 284 FJ +28 1 285 PA +28 1 286 FJ +28 1 287 KF +28 1 288 PF +28 1 289 DZ +28 1 290 FJ +28 1 291 DZ +28 1 292 PA +28 1 293 FJ +28 1 294 FJ +28 1 295 ES +28 1 296 DZ +28 1 297 KF +28 1 298 PF +28 1 299 BJ +28 1 300 FJ +28 1 301 BJ +28 1 302 FJ +28 1 303 DZ +28 1 304 BJ +28 1 305 ES +28 1 306 BJ +28 1 307 DZ +28 1 308 DZ +28 1 309 DZ +28 1 310 BJ +28 1 311 DZ +28 1 312 DZ +28 1 313 DZ +28 1 314 FJ +28 1 315 BJ +28 1 316 BJ +28 1 317 PF +28 1 318 PF +28 1 319 FJ +28 1 320 BJ +28 1 321 PF +28 1 322 DZ +28 1 323 DZ +28 1 324 FJ +28 1 325 DZ +28 1 326 KF +28 1 327 FJ +28 1 328 BJ +28 1 329 ES +28 1 330 FJ +28 2 1 DZ +28 2 2 BJ +28 2 3 PF +28 2 4 PA +28 2 5 BJ +28 2 6 PF +28 2 7 BJ +28 2 8 PF +28 2 9 KF +28 2 10 DZ +28 2 11 BJ +28 2 12 KF +28 2 13 BJ +28 2 14 DZ +28 2 15 PA +28 2 16 FJ +28 2 17 PF +28 2 18 DZ +28 2 19 DZ +28 2 20 BJ +28 2 21 PF +28 2 22 KF +28 2 23 PA +28 2 24 DZ +28 2 25 DZ +28 2 26 DZ +28 2 27 PA +28 2 28 PF +28 2 29 BJ +28 2 30 PF +28 2 31 FJ +28 2 32 PF +28 2 33 BJ +28 2 34 DZ +28 2 35 PF +28 2 36 BJ +28 2 37 DZ +28 2 38 PF +28 2 39 BJ +28 2 40 DZ +28 2 41 PF +28 2 42 KF +28 2 43 DZ +28 2 44 PA +28 2 45 BJ +28 2 46 DZ +28 2 47 BJ +28 2 48 PF +28 2 49 DZ +28 2 50 LN +28 2 51 DZ +28 2 52 FJ +28 2 53 PF +28 2 54 BJ +28 2 55 DZ +28 2 56 PA +28 2 57 DZ +28 2 58 KF +28 2 59 PA +28 2 60 DZ +28 2 61 PF +28 2 62 PA +28 2 63 PF +28 2 64 DZ +28 2 65 PF +28 2 66 PA +28 2 67 BJ +28 2 68 PF +28 2 69 DZ +28 2 70 PA +28 2 71 PF +28 2 72 BJ +28 2 73 PF +28 2 74 BJ +28 2 75 BJ +28 2 76 PF +28 2 77 DZ +28 2 78 PF +28 2 79 DZ +28 2 80 DZ +28 2 81 BJ +28 2 82 BJ +28 2 83 PA +28 2 84 PA +28 2 85 BJ +28 2 86 PA +28 2 87 DZ +28 2 88 PF +28 2 89 DZ +28 2 90 BJ +28 2 91 BJ +28 2 92 PA +28 2 93 DZ +28 2 94 DZ +28 2 95 FJ +28 2 96 KF +28 2 97 DZ +28 2 98 PF +28 2 99 PA +28 2 100 KF +28 2 101 PF +28 2 102 DZ +28 2 103 KF +28 2 104 DZ +28 2 105 PF +28 2 106 BJ +28 2 107 PA +28 2 108 PA +28 2 109 DZ +28 2 110 PF +28 2 111 BJ +28 2 112 PF +28 2 113 DZ +28 2 114 DZ +28 2 115 PF +28 2 116 PA +28 2 117 DZ +28 2 118 KF +28 2 119 BJ +28 2 120 FJ +28 2 121 PF +28 2 122 BJ +28 2 123 DZ +28 2 124 BJ +28 2 125 PF +28 2 126 PA +28 2 127 DZ +28 2 128 KF +28 2 129 FJ +28 2 130 DZ +28 2 131 PF +28 2 132 PF +28 2 133 BJ +28 2 134 DZ +28 2 135 PA +28 2 136 DZ +28 2 137 BJ +28 2 138 PA +28 2 139 PA +28 2 140 DZ +28 2 141 FJ +28 2 142 DZ +28 2 143 BJ +28 2 144 DZ +28 2 145 BJ +28 2 146 PF +28 2 147 BJ +28 2 148 PF +28 2 149 BJ +28 2 150 DZ +28 2 151 PA +28 2 152 DZ +28 2 153 DZ +28 2 154 DZ +28 2 155 PA +28 2 156 BJ +28 2 157 DZ +28 2 158 FJ +28 2 159 PA +28 2 160 PA +28 2 161 BJ +28 2 162 PF +28 2 163 DZ +28 2 164 DZ +28 2 165 BJ +28 2 166 DZ +28 2 167 PA +28 2 168 BJ +28 2 169 DZ +28 2 170 DZ +28 2 171 BJ +28 2 172 FJ +28 2 173 PF +28 2 174 KF +28 2 175 DZ +28 2 176 PF +28 2 177 PA +28 2 178 DZ +28 2 179 PF +28 2 180 BJ +28 2 181 PA +28 2 182 DZ +28 2 183 KF +28 2 184 PF +28 2 185 PF +28 2 186 DZ +28 2 187 PF +28 2 188 DZ +28 2 189 FJ +28 2 190 FJ +28 2 191 BJ +28 2 192 DZ +28 2 193 BJ +28 2 194 PF +28 2 195 BJ +28 2 196 PA +28 2 197 PA +28 2 198 DZ +28 2 199 FJ +28 2 200 DZ +28 2 201 PF +28 2 202 BJ +28 2 203 PF +28 2 204 DZ +28 2 205 LN +28 2 206 DZ +28 2 207 KF +28 2 208 PF +28 2 209 BJ +28 2 210 DZ +28 2 211 KF +28 2 212 PF +28 2 213 PA +28 2 214 BJ +28 2 215 PA +28 2 216 BJ +28 2 217 FJ +28 2 218 BJ +28 2 219 FJ +28 2 220 DZ +28 2 221 FJ +28 2 222 KF +28 2 223 BJ +28 2 224 FJ +28 2 225 KF +28 2 226 DZ +28 2 227 DZ +28 2 228 DZ +28 2 229 BJ +28 2 230 PA +28 2 231 KF +28 2 232 DZ +28 2 233 PA +28 2 234 BJ +28 2 235 DZ +28 2 236 BJ +28 2 237 PA +28 2 238 BJ +28 2 239 PA +28 2 240 PF +28 2 241 FJ +28 2 242 KF +28 2 243 PF +28 2 244 FJ +28 2 245 PF +28 2 246 BJ +28 2 247 PA +28 2 248 BJ +28 2 249 BJ +28 2 250 PA +28 2 251 BJ +28 2 252 PA +28 2 253 BJ +28 2 254 DZ +28 2 255 DZ +28 2 256 PF +28 2 257 DZ +28 2 258 KF +28 2 259 PF +28 2 260 KF +28 2 261 PF +28 2 262 PA +28 2 263 DZ +28 2 264 PA +28 2 265 BJ +28 2 266 PF +28 2 267 PA +28 2 268 BJ +28 2 269 KF +28 2 270 PF +28 2 271 BJ +28 2 272 FJ +28 2 273 PA +28 2 274 FJ +28 2 275 KF +28 2 276 PF +28 2 277 DZ +28 2 278 PF +28 2 279 DZ +28 2 280 BJ +28 2 281 BJ +28 2 282 BJ +28 2 283 KF +28 2 284 FJ +28 2 285 PA +28 2 286 PA +28 2 287 KF +28 2 288 PF +28 2 289 DZ +28 2 290 PA +28 2 291 DZ +28 2 292 PA +28 2 293 BJ +28 2 294 FJ +28 2 295 KF +28 2 296 LN +28 2 297 PF +28 2 298 PF +28 2 299 BJ +28 2 300 FJ +28 2 301 BJ +28 2 302 PA +28 2 303 PA +28 2 304 BJ +28 2 305 KF +28 2 306 BJ +28 2 307 DZ +28 2 308 PA +28 2 309 DZ +28 2 310 BJ +28 2 311 DZ +28 2 312 DZ +28 2 313 DZ +28 2 314 PA +28 2 315 BJ +28 2 316 BJ +28 2 317 PF +28 2 318 PA +28 2 319 FJ +28 2 320 BJ +28 2 321 PF +28 2 322 DZ +28 2 323 BJ +28 2 324 PA +28 2 325 LN +28 2 326 KF +28 2 327 FJ +28 2 328 BJ +28 2 329 KF +28 2 330 FJ +28 3 1 BL +28 3 2 BL +28 3 3 PF +28 3 4 LN +28 3 5 BJ +28 3 6 PF +28 3 7 BJ +28 3 8 PF +28 3 9 ES +28 3 10 BL +28 3 11 BJ +28 3 12 KF +28 3 13 BJ +28 3 14 BL +28 3 15 PA +28 3 16 FJ +28 3 17 PF +28 3 18 DZ +28 3 19 BL +28 3 20 BJ +28 3 21 PF +28 3 22 KF +28 3 23 LN +28 3 24 DZ +28 3 25 BL +28 3 26 BL +28 3 27 FJ +28 3 28 PF +28 3 29 BJ +28 3 30 PF +28 3 31 BL +28 3 32 LN +28 3 33 BJ +28 3 34 BL +28 3 35 PF +28 3 36 BJ +28 3 37 BL +28 3 38 PF +28 3 39 BL +28 3 40 BL +28 3 41 PF +28 3 42 BJ +28 3 43 DZ +28 3 44 FJ +28 3 45 BJ +28 3 46 DZ +28 3 47 BJ +28 3 48 KF +28 3 49 BL +28 3 50 LN +28 3 51 ES +28 3 52 FJ +28 3 53 LN +28 3 54 BJ +28 3 55 BL +28 3 56 PA +28 3 57 BL +28 3 58 BJ +28 3 59 PA +28 3 60 BL +28 3 61 PF +28 3 62 LN +28 3 63 PF +28 3 64 BL +28 3 65 PF +28 3 66 FJ +28 3 67 BJ +28 3 68 LN +28 3 69 BJ +28 3 70 FJ +28 3 71 LN +28 3 72 BJ +28 3 73 LN +28 3 74 BL +28 3 75 BJ +28 3 76 PF +28 3 77 BL +28 3 78 LN +28 3 79 ES +28 3 80 BL +28 3 81 BJ +28 3 82 BJ +28 3 83 FJ +28 3 84 PA +28 3 85 BJ +28 3 86 LN +28 3 87 DZ +28 3 88 LN +28 3 89 DZ +28 3 90 BJ +28 3 91 BJ +28 3 92 FJ +28 3 93 BL +28 3 94 ES +28 3 95 FJ +28 3 96 PF +28 3 97 LN +28 3 98 PF +28 3 99 PA +28 3 100 BJ +28 3 101 PF +28 3 102 PA +28 3 103 BJ +28 3 104 BL +28 3 105 PA +28 3 106 KF +28 3 107 FJ +28 3 108 FJ +28 3 109 BL +28 3 110 PF +28 3 111 BJ +28 3 112 PF +28 3 113 DZ +28 3 114 BJ +28 3 115 PF +28 3 116 BL +28 3 117 ES +28 3 118 PA +28 3 119 BJ +28 3 120 FJ +28 3 121 PF +28 3 122 BJ +28 3 123 BL +28 3 124 BJ +28 3 125 PF +28 3 126 LN +28 3 127 DZ +28 3 128 BJ +28 3 129 FJ +28 3 130 DZ +28 3 131 LN +28 3 132 PF +28 3 133 BJ +28 3 134 ES +28 3 135 LN +28 3 136 BL +28 3 137 BJ +28 3 138 BL +28 3 139 FJ +28 3 140 BL +28 3 141 FJ +28 3 142 FJ +28 3 143 BJ +28 3 144 LN +28 3 145 BJ +28 3 146 KF +28 3 147 BJ +28 3 148 PF +28 3 149 BJ +28 3 150 LN +28 3 151 PA +28 3 152 PA +28 3 153 BL +28 3 154 DZ +28 3 155 ES +28 3 156 BJ +28 3 157 ES +28 3 158 FJ +28 3 159 PA +28 3 160 PA +28 3 161 BJ +28 3 162 PF +28 3 163 BJ +28 3 164 BL +28 3 165 BJ +28 3 166 BL +28 3 167 PA +28 3 168 BJ +28 3 169 BL +28 3 170 BL +28 3 171 BJ +28 3 172 FJ +28 3 173 PF +28 3 174 KF +28 3 175 FJ +28 3 176 PF +28 3 177 BJ +28 3 178 BL +28 3 179 PF +28 3 180 BJ +28 3 181 KF +28 3 182 LN +28 3 183 ES +28 3 184 LN +28 3 185 PF +28 3 186 BL +28 3 187 PF +28 3 188 BL +28 3 189 BL +28 3 190 LN +28 3 191 BJ +28 3 192 LN +28 3 193 BJ +28 3 194 PF +28 3 195 BJ +28 3 196 BL +28 3 197 LN +28 3 198 DZ +28 3 199 FJ +28 3 200 BL +28 3 201 PA +28 3 202 BJ +28 3 203 LN +28 3 204 ES +28 3 205 BL +28 3 206 FJ +28 3 207 PF +28 3 208 KF +28 3 209 BL +28 3 210 ES +28 3 211 BL +28 3 212 PF +28 3 213 LN +28 3 214 BJ +28 3 215 LN +28 3 216 BJ +28 3 217 PA +28 3 218 BJ +28 3 219 FJ +28 3 220 BL +28 3 221 BL +28 3 222 LN +28 3 223 BJ +28 3 224 FJ +28 3 225 BJ +28 3 226 BL +28 3 227 DZ +28 3 228 BL +28 3 229 BJ +28 3 230 FJ +28 3 231 BL +28 3 232 BJ +28 3 233 BL +28 3 234 BJ +28 3 235 BL +28 3 236 BJ +28 3 237 PA +28 3 238 BL +28 3 239 PA +28 3 240 PF +28 3 241 FJ +28 3 242 BJ +28 3 243 PF +28 3 244 FJ +28 3 245 PF +28 3 246 BL +28 3 247 LN +28 3 248 BJ +28 3 249 BJ +28 3 250 LN +28 3 251 BJ +28 3 252 FJ +28 3 253 BJ +28 3 254 BL +28 3 255 DZ +28 3 256 PF +28 3 257 BL +28 3 258 KF +28 3 259 PF +28 3 260 KF +28 3 261 PF +28 3 262 FJ +28 3 263 DZ +28 3 264 FJ +28 3 265 BJ +28 3 266 PF +28 3 267 LN +28 3 268 BJ +28 3 269 PA +28 3 270 PF +28 3 271 BJ +28 3 272 FJ +28 3 273 LN +28 3 274 FJ +28 3 275 KF +28 3 276 PF +28 3 277 BL +28 3 278 PA +28 3 279 BL +28 3 280 BJ +28 3 281 BJ +28 3 282 BJ +28 3 283 DZ +28 3 284 FJ +28 3 285 LN +28 3 286 FJ +28 3 287 BJ +28 3 288 PF +28 3 289 BL +28 3 290 FJ +28 3 291 BL +28 3 292 PA +28 3 293 FJ +28 3 294 FJ +28 3 295 ES +28 3 296 LN +28 3 297 PF +28 3 298 PF +28 3 299 BJ +28 3 300 FJ +28 3 301 BJ +28 3 302 FJ +28 3 303 BL +28 3 304 BJ +28 3 305 LN +28 3 306 BJ +28 3 307 BL +28 3 308 PA +28 3 309 DZ +28 3 310 BJ +28 3 311 BL +28 3 312 DZ +28 3 313 BL +28 3 314 FJ +28 3 315 BJ +28 3 316 BJ +28 3 317 LN +28 3 318 PA +28 3 319 FJ +28 3 320 BJ +28 3 321 PF +28 3 322 BL +28 3 323 BJ +28 3 324 FJ +28 3 325 LN +28 3 326 KF +28 3 327 FJ +28 3 328 BJ +28 3 329 ES +28 3 330 FJ +28 4 1 DZ +28 4 2 BJ +28 4 3 PF +28 4 4 LN +28 4 5 BJ +28 4 6 PA +28 4 7 BJ +28 4 8 PF +28 4 9 EF +28 4 10 DZ +28 4 11 KR +28 4 12 TF +28 4 13 KR +28 4 14 DZ +28 4 15 PA +28 4 16 FJ +28 4 17 PF +28 4 18 DZ +28 4 19 BL +28 4 20 BJ +28 4 21 PA +28 4 22 TF +28 4 23 LN +28 4 24 DZ +28 4 25 BL +28 4 26 DZ +28 4 27 PA +28 4 28 PA +28 4 29 BJ +28 4 30 EF +28 4 31 BL +28 4 32 PA +28 4 33 BJ +28 4 34 DZ +28 4 35 PA +28 4 36 SA +28 4 37 DZ +28 4 38 PA +28 4 39 BJ +28 4 40 DE +28 4 41 PF +28 4 42 TF +28 4 43 DZ +28 4 44 PA +28 4 45 BJ +28 4 46 NS +28 4 47 KO +28 4 48 TF +28 4 49 BL +28 4 50 LN +28 4 51 EF +28 4 52 SA +28 4 53 PF +28 4 54 BJ +28 4 55 DZ +28 4 56 PA +28 4 57 DZ +28 4 58 EF +28 4 59 PA +28 4 60 DZ +28 4 61 PF +28 4 62 PA +28 4 63 PA +28 4 64 DZ +28 4 65 PF +28 4 66 SA +28 4 67 BJ +28 4 68 PA +28 4 69 KO +28 4 70 PA +28 4 71 PF +28 4 72 BJ +28 4 73 LN +28 4 74 SA +28 4 75 BJ +28 4 76 PF +28 4 77 DZ +28 4 78 PA +28 4 79 KO +28 4 80 BL +28 4 81 EF +28 4 82 BJ +28 4 83 PA +28 4 84 PA +28 4 85 BJ +28 4 86 PA +28 4 87 KO +28 4 88 LN +28 4 89 DZ +28 4 90 KO +28 4 91 TF +28 4 92 PA +28 4 93 BL +28 4 94 KO +28 4 95 NS +28 4 96 TF +28 4 97 PA +28 4 98 PF +28 4 99 PA +28 4 100 SA +28 4 101 PF +28 4 102 PA +28 4 103 KO +28 4 104 BL +28 4 105 PF +28 4 106 SA +28 4 107 PA +28 4 108 NS +28 4 109 BL +28 4 110 EF +28 4 111 KO +28 4 112 PF +28 4 113 KO +28 4 114 KR +28 4 115 PF +28 4 116 NS +28 4 117 KO +28 4 118 PA +28 4 119 BJ +28 4 120 FJ +28 4 121 PF +28 4 122 BJ +28 4 123 DZ +28 4 124 EF +28 4 125 PF +28 4 126 PA +28 4 127 KO +28 4 128 KF +28 4 129 PA +28 4 130 KO +28 4 131 LN +28 4 132 PF +28 4 133 BJ +28 4 134 SA +28 4 135 LN +28 4 136 BL +28 4 137 KO +28 4 138 BL +28 4 139 PA +28 4 140 DZ +28 4 141 FJ +28 4 142 SA +28 4 143 BJ +28 4 144 LN +28 4 145 BJ +28 4 146 TF +28 4 147 BJ +28 4 148 PF +28 4 149 TF +28 4 150 LN +28 4 151 PA +28 4 152 PA +28 4 153 BL +28 4 154 DZ +28 4 155 NS +28 4 156 BJ +28 4 157 KO +28 4 158 FJ +28 4 159 EF +28 4 160 PA +28 4 161 BJ +28 4 162 PF +28 4 163 DE +28 4 164 BL +28 4 165 KO +28 4 166 DZ +28 4 167 PA +28 4 168 BJ +28 4 169 BL +28 4 170 KO +28 4 171 KO +28 4 172 FJ +28 4 173 PF +28 4 174 TF +28 4 175 NS +28 4 176 PF +28 4 177 TF +28 4 178 BL +28 4 179 LN +28 4 180 BJ +28 4 181 TF +28 4 182 PF +28 4 183 NS +28 4 184 LN +28 4 185 EF +28 4 186 SA +28 4 187 TF +28 4 188 BL +28 4 189 NS +28 4 190 PA +28 4 191 BJ +28 4 192 LN +28 4 193 EF +28 4 194 LN +28 4 195 BJ +28 4 196 SA +28 4 197 PA +28 4 198 DZ +28 4 199 NS +28 4 200 BL +28 4 201 PA +28 4 202 BJ +28 4 203 LN +28 4 204 KO +28 4 205 LN +28 4 206 SA +28 4 207 PF +28 4 208 NS +28 4 209 BJ +28 4 210 KO +28 4 211 BL +28 4 212 PF +28 4 213 PA +28 4 214 EF +28 4 215 PA +28 4 216 KO +28 4 217 PA +28 4 218 EF +28 4 219 NS +28 4 220 SA +28 4 221 NS +28 4 222 LN +28 4 223 BJ +28 4 224 NS +28 4 225 KO +28 4 226 SA +28 4 227 DZ +28 4 228 BL +28 4 229 BJ +28 4 230 PA +28 4 231 LN +28 4 232 KO +28 4 233 PA +28 4 234 BJ +28 4 235 BL +28 4 236 EF +28 4 237 PA +28 4 238 BJ +28 4 239 PA +28 4 240 PF +28 4 241 NS +28 4 242 TF +28 4 243 PF +28 4 244 NS +28 4 245 PF +28 4 246 BJ +28 4 247 LN +28 4 248 KO +28 4 249 BJ +28 4 250 LN +28 4 251 BJ +28 4 252 NS +28 4 253 BJ +28 4 254 BL +28 4 255 DZ +28 4 256 PF +28 4 257 SA +28 4 258 TF +28 4 259 PF +28 4 260 TF +28 4 261 PF +28 4 262 NS +28 4 263 NS +28 4 264 SA +28 4 265 BJ +28 4 266 PF +28 4 267 LN +28 4 268 BJ +28 4 269 LN +28 4 270 EF +28 4 271 BJ +28 4 272 NS +28 4 273 LN +28 4 274 NS +28 4 275 EF +28 4 276 LN +28 4 277 BL +28 4 278 PA +28 4 279 LN +28 4 280 EF +28 4 281 BJ +28 4 282 BJ +28 4 283 KO +28 4 284 NS +28 4 285 PA +28 4 286 NS +28 4 287 KO +28 4 288 PF +28 4 289 SA +28 4 290 PA +28 4 291 BL +28 4 292 PA +28 4 293 SA +28 4 294 NS +28 4 295 KO +28 4 296 LN +28 4 297 EF +28 4 298 PF +28 4 299 BJ +28 4 300 NS +28 4 301 BJ +28 4 302 NS +28 4 303 BL +28 4 304 KO +28 4 305 LN +28 4 306 SA +28 4 307 BL +28 4 308 PA +28 4 309 KO +28 4 310 BJ +28 4 311 BL +28 4 312 DZ +28 4 313 LN +28 4 314 NS +28 4 315 BJ +28 4 316 BJ +28 4 317 PF +28 4 318 PA +28 4 319 NS +28 4 320 KO +28 4 321 PF +28 4 322 BL +28 4 323 BJ +28 4 324 NS +28 4 325 LN +28 4 326 TF +28 4 327 NS +28 4 328 BJ +28 4 329 KO +28 4 330 NS +28 5 1 BJ +28 5 2 DZ +28 5 3 PF +28 5 4 FJ +28 5 5 BJ +28 5 6 PA +28 5 7 BJ +28 5 8 PA +28 5 9 LN +28 5 10 DZ +28 5 11 BJ +28 5 12 KF +28 5 13 DZ +28 5 14 DZ +28 5 15 PA +28 5 16 FJ +28 5 17 PA +28 5 18 DZ +28 5 19 BJ +28 5 20 BJ +28 5 21 PF +28 5 22 FJ +28 5 23 LN +28 5 24 FJ +28 5 25 BJ +28 5 26 DZ +28 5 27 LN +28 5 28 PF +28 5 29 BJ +28 5 30 PF +28 5 31 FJ +28 5 32 LN +28 5 33 BJ +28 5 34 DZ +28 5 35 PF +28 5 36 FJ +28 5 37 DZ +28 5 38 PF +28 5 39 BJ +28 5 40 DZ +28 5 41 PF +28 5 42 BJ +28 5 43 FJ +28 5 44 FJ +28 5 45 BJ +28 5 46 DZ +28 5 47 DZ +28 5 48 KF +28 5 49 BJ +28 5 50 LN +28 5 51 DZ +28 5 52 FJ +28 5 53 PF +28 5 54 BJ +28 5 55 BJ +28 5 56 KF +28 5 57 BJ +28 5 58 PF +28 5 59 LN +28 5 60 DZ +28 5 61 PF +28 5 62 LN +28 5 63 PF +28 5 64 DZ +28 5 65 PF +28 5 66 FJ +28 5 67 BJ +28 5 68 PF +28 5 69 DZ +28 5 70 FJ +28 5 71 PF +28 5 72 BJ +28 5 73 KF +28 5 74 FJ +28 5 75 BJ +28 5 76 PF +28 5 77 BJ +28 5 78 LN +28 5 79 FJ +28 5 80 DZ +28 5 81 BJ +28 5 82 KF +28 5 83 FJ +28 5 84 PA +28 5 85 BJ +28 5 86 PA +28 5 87 BJ +28 5 88 PA +28 5 89 BJ +28 5 90 FJ +28 5 91 BJ +28 5 92 FJ +28 5 93 BJ +28 5 94 DZ +28 5 95 FJ +28 5 96 KF +28 5 97 PA +28 5 98 PF +28 5 99 PA +28 5 100 BJ +28 5 101 PF +28 5 102 PA +28 5 103 LN +28 5 104 DZ +28 5 105 PA +28 5 106 FJ +28 5 107 FJ +28 5 108 BJ +28 5 109 DZ +28 5 110 PF +28 5 111 DZ +28 5 112 PF +28 5 113 DZ +28 5 114 DZ +28 5 115 PF +28 5 116 DZ +28 5 117 FJ +28 5 118 PA +28 5 119 BJ +28 5 120 FJ +28 5 121 PF +28 5 122 BJ +28 5 123 DZ +28 5 124 BJ +28 5 125 PF +28 5 126 PA +28 5 127 KF +28 5 128 LN +28 5 129 PA +28 5 130 FJ +28 5 131 PA +28 5 132 PF +28 5 133 DZ +28 5 134 FJ +28 5 135 PF +28 5 136 BJ +28 5 137 DZ +28 5 138 FJ +28 5 139 LN +28 5 140 DZ +28 5 141 FJ +28 5 142 LN +28 5 143 BJ +28 5 144 PA +28 5 145 DZ +28 5 146 PF +28 5 147 BJ +28 5 148 PF +28 5 149 DZ +28 5 150 PF +28 5 151 LN +28 5 152 PA +28 5 153 BJ +28 5 154 DZ +28 5 155 KF +28 5 156 DZ +28 5 157 ES +28 5 158 FJ +28 5 159 KF +28 5 160 LN +28 5 161 BJ +28 5 162 PF +28 5 163 BJ +28 5 164 DZ +28 5 165 FJ +28 5 166 DZ +28 5 167 LN +28 5 168 BJ +28 5 169 DZ +28 5 170 BJ +28 5 171 ES +28 5 172 FJ +28 5 173 LN +28 5 174 PF +28 5 175 BJ +28 5 176 PF +28 5 177 FJ +28 5 178 DZ +28 5 179 PF +28 5 180 BJ +28 5 181 KF +28 5 182 PF +28 5 183 ES +28 5 184 PA +28 5 185 LN +28 5 186 BJ +28 5 187 FJ +28 5 188 DZ +28 5 189 BJ +28 5 190 PA +28 5 191 BJ +28 5 192 LN +28 5 193 BJ +28 5 194 FJ +28 5 195 BJ +28 5 196 DZ +28 5 197 LN +28 5 198 DZ +28 5 199 FJ +28 5 200 DZ +28 5 201 PA +28 5 202 BJ +28 5 203 PF +28 5 204 FJ +28 5 205 PA +28 5 206 FJ +28 5 207 PF +28 5 208 BJ +28 5 209 DZ +28 5 210 KF +28 5 211 DZ +28 5 212 PF +28 5 213 LN +28 5 214 KF +28 5 215 LN +28 5 216 FJ +28 5 217 PA +28 5 218 BJ +28 5 219 FJ +28 5 220 BJ +28 5 221 FJ +28 5 222 BJ +28 5 223 DZ +28 5 224 FJ +28 5 225 DZ +28 5 226 BJ +28 5 227 FJ +28 5 228 DZ +28 5 229 BJ +28 5 230 KF +28 5 231 LN +28 5 232 PA +28 5 233 PA +28 5 234 BJ +28 5 235 DZ +28 5 236 BJ +28 5 237 PA +28 5 238 LN +28 5 239 PA +28 5 240 DZ +28 5 241 FJ +28 5 242 KF +28 5 243 PF +28 5 244 FJ +28 5 245 PF +28 5 246 DZ +28 5 247 BJ +28 5 248 DZ +28 5 249 BJ +28 5 250 PA +28 5 251 LN +28 5 252 FJ +28 5 253 BJ +28 5 254 PA +28 5 255 DZ +28 5 256 PF +28 5 257 BJ +28 5 258 KF +28 5 259 PF +28 5 260 FJ +28 5 261 PF +28 5 262 FJ +28 5 263 BJ +28 5 264 DZ +28 5 265 BJ +28 5 266 PF +28 5 267 KF +28 5 268 BJ +28 5 269 LN +28 5 270 PF +28 5 271 BJ +28 5 272 FJ +28 5 273 PF +28 5 274 FJ +28 5 275 KF +28 5 276 PA +28 5 277 DZ +28 5 278 PF +28 5 279 DZ +28 5 280 BJ +28 5 281 BJ +28 5 282 DZ +28 5 283 FJ +28 5 284 FJ +28 5 285 LN +28 5 286 FJ +28 5 287 KF +28 5 288 PF +28 5 289 BJ +28 5 290 FJ +28 5 291 DZ +28 5 292 PA +28 5 293 FJ +28 5 294 FJ +28 5 295 ES +28 5 296 PA +28 5 297 FJ +28 5 298 PF +28 5 299 BJ +28 5 300 FJ +28 5 301 BJ +28 5 302 LN +28 5 303 PA +28 5 304 BJ +28 5 305 FJ +28 5 306 DZ +28 5 307 FJ +28 5 308 LN +28 5 309 FJ +28 5 310 BJ +28 5 311 DZ +28 5 312 KF +28 5 313 DZ +28 5 314 FJ +28 5 315 BJ +28 5 316 BJ +28 5 317 PF +28 5 318 PF +28 5 319 FJ +28 5 320 DZ +28 5 321 PF +28 5 322 DZ +28 5 323 BJ +28 5 324 FJ +28 5 325 PF +28 5 326 KF +28 5 327 LN +28 5 328 BJ +28 5 329 DZ +28 5 330 FJ +28 6 1 BL +28 6 2 BJ +28 6 3 PF +28 6 4 LN +28 6 5 BJ +28 6 6 PA +28 6 7 BJ +28 6 8 PF +28 6 9 DZ +28 6 10 DZ +28 6 11 BJ +28 6 12 BJ +28 6 13 BJ +28 6 14 DZ +28 6 15 PA +28 6 16 FJ +28 6 17 PF +28 6 18 DZ +28 6 19 BL +28 6 20 BJ +28 6 21 PF +28 6 22 FJ +28 6 23 LN +28 6 24 DZ +28 6 25 BL +28 6 26 BL +28 6 27 FJ +28 6 28 PF +28 6 29 BJ +28 6 30 PF +28 6 31 PA +28 6 32 LN +28 6 33 BJ +28 6 34 DZ +28 6 35 PF +28 6 36 DZ +28 6 37 BL +28 6 38 PF +28 6 39 BJ +28 6 40 BL +28 6 41 PF +28 6 42 BJ +28 6 43 DZ +28 6 44 FJ +28 6 45 BJ +28 6 46 DZ +28 6 47 DZ +28 6 48 TF +28 6 49 BL +28 6 50 TF +28 6 51 DZ +28 6 52 FJ +28 6 53 LN +28 6 54 BJ +28 6 55 BL +28 6 56 PA +28 6 57 BL +28 6 58 TF +28 6 59 FJ +28 6 60 KU +28 6 61 PF +28 6 62 PA +28 6 63 LN +28 6 64 DZ +28 6 65 PF +28 6 66 FJ +28 6 67 BJ +28 6 68 LN +28 6 69 DZ +28 6 70 FJ +28 6 71 LN +28 6 72 BJ +28 6 73 LN +28 6 74 PA +28 6 75 DZ +28 6 76 DZ +28 6 77 BL +28 6 78 PA +28 6 79 DZ +28 6 80 BL +28 6 81 BJ +28 6 82 BJ +28 6 83 FJ +28 6 84 PA +28 6 85 BJ +28 6 86 LN +28 6 87 DZ +28 6 88 LN +28 6 89 DZ +28 6 90 DZ +28 6 91 BJ +28 6 92 FJ +28 6 93 BL +28 6 94 DZ +28 6 95 FJ +28 6 96 TF +28 6 97 DZ +28 6 98 PF +28 6 99 PA +28 6 100 DZ +28 6 101 PF +28 6 102 BL +28 6 103 DZ +28 6 104 PA +28 6 105 PF +28 6 106 KF +28 6 107 FJ +28 6 108 PA +28 6 109 DZ +28 6 110 PF +28 6 111 DZ +28 6 112 PF +28 6 113 DZ +28 6 114 BJ +28 6 115 PF +28 6 116 DZ +28 6 117 DZ +28 6 118 PF +28 6 119 BJ +28 6 120 FJ +28 6 121 PF +28 6 122 BJ +28 6 123 DZ +28 6 124 BJ +28 6 125 PF +28 6 126 LN +28 6 127 DZ +28 6 128 BJ +28 6 129 FJ +28 6 130 DZ +28 6 131 LN +28 6 132 PF +28 6 133 FJ +28 6 134 DZ +28 6 135 LN +28 6 136 BL +28 6 137 BJ +28 6 138 BL +28 6 139 FJ +28 6 140 BL +28 6 141 FJ +28 6 142 PA +28 6 143 BJ +28 6 144 DZ +28 6 145 BJ +28 6 146 KF +28 6 147 BJ +28 6 148 PF +28 6 149 BJ +28 6 150 LN +28 6 151 PA +28 6 152 PA +28 6 153 DZ +28 6 154 DZ +28 6 155 DZ +28 6 156 BJ +28 6 157 DZ +28 6 158 FJ +28 6 159 KF +28 6 160 PA +28 6 161 BJ +28 6 162 PF +28 6 163 BL +28 6 164 BL +28 6 165 DZ +28 6 166 DZ +28 6 167 LN +28 6 168 BJ +28 6 169 BL +28 6 170 DZ +28 6 171 DZ +28 6 172 FJ +28 6 173 PF +28 6 174 KF +28 6 175 BL +28 6 176 PF +28 6 177 PA +28 6 178 BL +28 6 179 KF +28 6 180 BJ +28 6 181 KF +28 6 182 LN +28 6 183 DZ +28 6 184 LN +28 6 185 KF +28 6 186 BJ +28 6 187 KF +28 6 188 BL +28 6 189 PA +28 6 190 PA +28 6 191 BJ +28 6 192 LN +28 6 193 KF +28 6 194 PF +28 6 195 BJ +28 6 196 BL +28 6 197 LN +28 6 198 DZ +28 6 199 PA +28 6 200 DZ +28 6 201 KF +28 6 202 BJ +28 6 203 PF +28 6 204 DZ +28 6 205 BL +28 6 206 PA +28 6 207 LN +28 6 208 KF +28 6 209 BJ +28 6 210 PF +28 6 211 DZ +28 6 212 KF +28 6 213 PA +28 6 214 BJ +28 6 215 PA +28 6 216 DZ +28 6 217 PA +28 6 218 BJ +28 6 219 FJ +28 6 220 BL +28 6 221 FJ +28 6 222 LN +28 6 223 BJ +28 6 224 FJ +28 6 225 KF +28 6 226 BL +28 6 227 DZ +28 6 228 BJ +28 6 229 BL +28 6 230 FJ +28 6 231 LN +28 6 232 BJ +28 6 233 BL +28 6 234 BJ +28 6 235 BL +28 6 236 KF +28 6 237 PA +28 6 238 BJ +28 6 239 LN +28 6 240 KF +28 6 241 FJ +28 6 242 PA +28 6 243 LN +28 6 244 PA +28 6 245 PF +28 6 246 DZ +28 6 247 LN +28 6 248 DZ +28 6 249 BJ +28 6 250 LN +28 6 251 BJ +28 6 252 FJ +28 6 253 BJ +28 6 254 BL +28 6 255 DZ +28 6 256 PF +28 6 257 BJ +28 6 258 KF +28 6 259 PF +28 6 260 FJ +28 6 261 KF +28 6 262 FJ +28 6 263 DZ +28 6 264 PA +28 6 265 BJ +28 6 266 KF +28 6 267 LN +28 6 268 BJ +28 6 269 LN +28 6 270 KF +28 6 271 BJ +28 6 272 FJ +28 6 273 LN +28 6 274 FJ +28 6 275 KF +28 6 276 PF +28 6 277 DZ +28 6 278 KF +28 6 279 BL +28 6 280 DZ +28 6 281 BJ +28 6 282 BJ +28 6 283 DZ +28 6 284 FJ +28 6 285 LN +28 6 286 FJ +28 6 287 KF +28 6 288 PF +28 6 289 PA +28 6 290 FJ +28 6 291 BL +28 6 292 KF +28 6 293 PA +28 6 294 BL +28 6 295 DZ +28 6 296 LN +28 6 297 KF +28 6 298 PF +28 6 299 BJ +28 6 300 DZ +28 6 301 BJ +28 6 302 FJ +28 6 303 BL +28 6 304 DZ +28 6 305 LN +28 6 306 BJ +28 6 307 BL +28 6 308 LN +28 6 309 DZ +28 6 310 BJ +28 6 311 BL +28 6 312 DZ +28 6 313 BL +28 6 314 FJ +28 6 315 BJ +28 6 316 BJ +28 6 317 PF +28 6 318 KF +28 6 319 FJ +28 6 320 KF +28 6 321 PF +28 6 322 BL +28 6 323 BJ +28 6 324 FJ +28 6 325 LN +28 6 326 KF +28 6 327 PA +28 6 328 DZ +28 6 329 KF +28 6 330 FJ +28 7 1 BL +28 7 2 FJ +28 7 3 PF +28 7 4 DZ +28 7 5 BJ +28 7 6 FJ +28 7 7 BJ +28 7 8 PF +28 7 9 FJ +28 7 10 BL +28 7 11 DZ +28 7 12 BJ +28 7 13 BJ +28 7 14 BL +28 7 15 FJ +28 7 16 FJ +28 7 17 PF +28 7 18 DZ +28 7 19 BL +28 7 20 BJ +28 7 21 PF +28 7 22 BJ +28 7 23 PF +28 7 24 FJ +28 7 25 DZ +28 7 26 DZ +28 7 27 FJ +28 7 28 PF +28 7 29 BJ +28 7 30 PF +28 7 31 FJ +28 7 32 PF +28 7 33 BJ +28 7 34 BL +28 7 35 PF +28 7 36 DZ +28 7 37 DZ +28 7 38 PF +28 7 39 BJ +28 7 40 BL +28 7 41 PF +28 7 42 DZ +28 7 43 DZ +28 7 44 FJ +28 7 45 BJ +28 7 46 DZ +28 7 47 DZ +28 7 48 BJ +28 7 49 FJ +28 7 50 BJ +28 7 51 FJ +28 7 52 FJ +28 7 53 PF +28 7 54 BJ +28 7 55 FJ +28 7 56 PF +28 7 57 DZ +28 7 58 BJ +28 7 59 FJ +28 7 60 DZ +28 7 61 PF +28 7 62 FJ +28 7 63 PF +28 7 64 DZ +28 7 65 PF +28 7 66 FJ +28 7 67 DZ +28 7 68 PF +28 7 69 BJ +28 7 70 DZ +28 7 71 PF +28 7 72 BJ +28 7 73 BJ +28 7 74 DZ +28 7 75 FJ +28 7 76 PF +28 7 77 BJ +28 7 78 FJ +28 7 79 FJ +28 7 80 BL +28 7 81 BJ +28 7 82 BJ +28 7 83 FJ +28 7 84 PF +28 7 85 BJ +28 7 86 PF +28 7 87 FJ +28 7 88 BJ +28 7 89 DZ +28 7 90 DZ +28 7 91 BJ +28 7 92 KF +28 7 93 BL +28 7 94 DZ +28 7 95 FJ +28 7 96 BJ +28 7 97 DZ +28 7 98 PF +28 7 99 KF +28 7 100 BJ +28 7 101 PF +28 7 102 FJ +28 7 103 DZ +28 7 104 KF +28 7 105 PF +28 7 106 KF +28 7 107 FJ +28 7 108 KF +28 7 109 DZ +28 7 110 TF +28 7 111 DZ +28 7 112 PF +28 7 113 DZ +28 7 114 DZ +28 7 115 PF +28 7 116 KF +28 7 117 DZ +28 7 118 BL +28 7 119 BJ +28 7 120 FJ +28 7 121 PF +28 7 122 BJ +28 7 123 DZ +28 7 124 BJ +28 7 125 PF +28 7 126 KF +28 7 127 DZ +28 7 128 KF +28 7 129 FJ +28 7 130 DZ +28 7 131 KF +28 7 132 PF +28 7 133 DZ +28 7 134 DZ +28 7 135 PF +28 7 136 DZ +28 7 137 DZ +28 7 138 BJ +28 7 139 PF +28 7 140 DZ +28 7 141 FJ +28 7 142 FJ +28 7 143 BJ +28 7 144 DZ +28 7 145 FJ +28 7 146 KF +28 7 147 DZ +28 7 148 PF +28 7 149 BJ +28 7 150 BL +28 7 151 PF +28 7 152 FJ +28 7 153 BL +28 7 154 DZ +28 7 155 DZ +28 7 156 BJ +28 7 157 DZ +28 7 158 FJ +28 7 159 KF +28 7 160 FJ +28 7 161 BJ +28 7 162 PF +28 7 163 BJ +28 7 164 BJ +28 7 165 DZ +28 7 166 DZ +28 7 167 BJ +28 7 168 BJ +28 7 169 DZ +28 7 170 DZ +28 7 171 DZ +28 7 172 FJ +28 7 173 PF +28 7 174 KF +28 7 175 FJ +28 7 176 PF +28 7 177 BJ +28 7 178 DZ +28 7 179 DZ +28 7 180 BJ +28 7 181 KF +28 7 182 DZ +28 7 183 DZ +28 7 184 KF +28 7 185 PF +28 7 186 BJ +28 7 187 BJ +28 7 188 KF +28 7 189 FJ +28 7 190 KF +28 7 191 BJ +28 7 192 FJ +28 7 193 BJ +28 7 194 DZ +28 7 195 BJ +28 7 196 FJ +28 7 197 KF +28 7 198 DZ +28 7 199 FJ +28 7 200 FJ +28 7 201 KF +28 7 202 BJ +28 7 203 BL +28 7 204 DZ +28 7 205 DZ +28 7 206 FJ +28 7 207 PF +28 7 208 DZ +28 7 209 DZ +28 7 210 DZ +28 7 211 BJ +28 7 212 PF +28 7 213 FJ +28 7 214 BJ +28 7 215 PF +28 7 216 DZ +28 7 217 PF +28 7 218 BJ +28 7 219 DZ +28 7 220 BJ +28 7 221 FJ +28 7 222 DZ +28 7 223 BJ +28 7 224 FJ +28 7 225 BJ +28 7 226 DZ +28 7 227 DZ +28 7 228 DZ +28 7 229 BJ +28 7 230 FJ +28 7 231 KF +28 7 232 DZ +28 7 233 BJ +28 7 234 DZ +28 7 235 BJ +28 7 236 BJ +28 7 237 FJ +28 7 238 BL +28 7 239 KF +28 7 240 DZ +28 7 241 FJ +28 7 242 FJ +28 7 243 DZ +28 7 244 FJ +28 7 245 PF +28 7 246 BJ +28 7 247 BL +28 7 248 DZ +28 7 249 DZ +28 7 250 KF +28 7 251 BJ +28 7 252 FJ +28 7 253 BJ +28 7 254 FJ +28 7 255 DZ +28 7 256 PF +28 7 257 KF +28 7 258 BJ +28 7 259 PF +28 7 260 DZ +28 7 261 PF +28 7 262 DZ +28 7 263 DZ +28 7 264 PF +28 7 265 BJ +28 7 266 DZ +28 7 267 BJ +28 7 268 BJ +28 7 269 PF +28 7 270 PF +28 7 271 DZ +28 7 272 FJ +28 7 273 KF +28 7 274 FJ +28 7 275 KF +28 7 276 PF +28 7 277 BL +28 7 278 PF +28 7 279 DZ +28 7 280 BJ +28 7 281 DZ +28 7 282 BJ +28 7 283 DZ +28 7 284 FJ +28 7 285 KF +28 7 286 FJ +28 7 287 DZ +28 7 288 FJ +28 7 289 BJ +28 7 290 FJ +28 7 291 DZ +28 7 292 BJ +28 7 293 FJ +28 7 294 FJ +28 7 295 DZ +28 7 296 KF +28 7 297 BJ +28 7 298 PF +28 7 299 BJ +28 7 300 DZ +28 7 301 BJ +28 7 302 FJ +28 7 303 FJ +28 7 304 BJ +28 7 305 DZ +28 7 306 BJ +28 7 307 BL +28 7 308 DZ +28 7 309 DZ +28 7 310 BJ +28 7 311 DZ +28 7 312 DZ +28 7 313 DZ +28 7 314 FJ +28 7 315 BJ +28 7 316 DZ +28 7 317 PF +28 7 318 FJ +28 7 319 FJ +28 7 320 BJ +28 7 321 PF +28 7 322 BL +28 7 323 DZ +28 7 324 FJ +28 7 325 PF +28 7 326 BJ +28 7 327 FJ +28 7 328 BJ +28 7 329 BL +28 7 330 FJ +28 8 1 BJ +28 8 2 BJ +28 8 3 PF +28 8 4 PF +28 8 5 BJ +28 8 6 ES +28 8 7 BJ +28 8 8 PF +28 8 9 ES +28 8 10 DZ +28 8 11 DZ +28 8 12 LN +28 8 13 BJ +28 8 14 DZ +28 8 15 PA +28 8 16 FJ +28 8 17 PF +28 8 18 DZ +28 8 19 BJ +28 8 20 BJ +28 8 21 PF +28 8 22 FJ +28 8 23 PA +28 8 24 PF +28 8 25 BJ +28 8 26 DZ +28 8 27 FJ +28 8 28 PF +28 8 29 BJ +28 8 30 PF +28 8 31 FJ +28 8 32 LN +28 8 33 BJ +28 8 34 DZ +28 8 35 PF +28 8 36 PF +28 8 37 BL +28 8 38 PF +28 8 39 DZ +28 8 40 PA +28 8 41 PF +28 8 42 KF +28 8 43 DZ +28 8 44 FJ +28 8 45 BJ +28 8 46 DZ +28 8 47 BJ +28 8 48 PF +28 8 49 FJ +28 8 50 PF +28 8 51 DZ +28 8 52 FJ +28 8 53 PF +28 8 54 BJ +28 8 55 BJ +28 8 56 PA +28 8 57 BJ +28 8 58 KF +28 8 59 FJ +28 8 60 DZ +28 8 61 PF +28 8 62 PA +28 8 63 LN +28 8 64 DZ +28 8 65 PF +28 8 66 FJ +28 8 67 BJ +28 8 68 LN +28 8 69 DZ +28 8 70 PA +28 8 71 PF +28 8 72 BJ +28 8 73 LN +28 8 74 FJ +28 8 75 DZ +28 8 76 PF +28 8 77 BJ +28 8 78 LN +28 8 79 DZ +28 8 80 BJ +28 8 81 BJ +28 8 82 BJ +28 8 83 PF +28 8 84 LN +28 8 85 BJ +28 8 86 PA +28 8 87 DZ +28 8 88 LN +28 8 89 DZ +28 8 90 DZ +28 8 91 BJ +28 8 92 ES +28 8 93 BJ +28 8 94 DZ +28 8 95 FJ +28 8 96 PA +28 8 97 LN +28 8 98 PF +28 8 99 PA +28 8 100 BJ +28 8 101 PF +28 8 102 LN +28 8 103 ES +28 8 104 FJ +28 8 105 PF +28 8 106 KF +28 8 107 FJ +28 8 108 PA +28 8 109 LN +28 8 110 PF +28 8 111 DZ +28 8 112 PF +28 8 113 DZ +28 8 114 BJ +28 8 115 PF +28 8 116 FJ +28 8 117 DZ +28 8 118 PA +28 8 119 BJ +28 8 120 FJ +28 8 121 PF +28 8 122 BJ +28 8 123 DZ +28 8 124 BJ +28 8 125 PF +28 8 126 LN +28 8 127 DZ +28 8 128 BJ +28 8 129 FJ +28 8 130 DZ +28 8 131 LN +28 8 132 PF +28 8 133 BJ +28 8 134 DZ +28 8 135 LN +28 8 136 BJ +28 8 137 DZ +28 8 138 BL +28 8 139 PA +28 8 140 DZ +28 8 141 FJ +28 8 142 FJ +28 8 143 BJ +28 8 144 LN +28 8 145 BJ +28 8 146 KF +28 8 147 BJ +28 8 148 PF +28 8 149 BJ +28 8 150 LN +28 8 151 PA +28 8 152 PA +28 8 153 BL +28 8 154 DZ +28 8 155 ES +28 8 156 BJ +28 8 157 ES +28 8 158 FJ +28 8 159 PA +28 8 160 PA +28 8 161 BJ +28 8 162 PF +28 8 163 BJ +28 8 164 BL +28 8 165 BJ +28 8 166 DZ +28 8 167 PA +28 8 168 BJ +28 8 169 DZ +28 8 170 DZ +28 8 171 BJ +28 8 172 FJ +28 8 173 PF +28 8 174 KF +28 8 175 FJ +28 8 176 PF +28 8 177 PA +28 8 178 DZ +28 8 179 PF +28 8 180 BJ +28 8 181 ES +28 8 182 PF +28 8 183 ES +28 8 184 PA +28 8 185 PF +28 8 186 FJ +28 8 187 PF +28 8 188 DZ +28 8 189 FJ +28 8 190 PA +28 8 191 DZ +28 8 192 LN +28 8 193 KF +28 8 194 PF +28 8 195 BJ +28 8 196 FJ +28 8 197 PA +28 8 198 DZ +28 8 199 FJ +28 8 200 LN +28 8 201 PA +28 8 202 BJ +28 8 203 PA +28 8 204 DZ +28 8 205 LN +28 8 206 FJ +28 8 207 PF +28 8 208 KF +28 8 209 DZ +28 8 210 PF +28 8 211 BJ +28 8 212 PF +28 8 213 PA +28 8 214 BJ +28 8 215 LN +28 8 216 ES +28 8 217 PA +28 8 218 BJ +28 8 219 FJ +28 8 220 LN +28 8 221 FJ +28 8 222 LN +28 8 223 BJ +28 8 224 PA +28 8 225 ES +28 8 226 DZ +28 8 227 DZ +28 8 228 BL +28 8 229 BJ +28 8 230 PA +28 8 231 LN +28 8 232 ES +28 8 233 PA +28 8 234 BJ +28 8 235 BL +28 8 236 KF +28 8 237 PA +28 8 238 BJ +28 8 239 PA +28 8 240 PF +28 8 241 FJ +28 8 242 KF +28 8 243 PF +28 8 244 FJ +28 8 245 PF +28 8 246 BJ +28 8 247 PA +28 8 248 BJ +28 8 249 BJ +28 8 250 LN +28 8 251 BJ +28 8 252 PA +28 8 253 BJ +28 8 254 PA +28 8 255 DZ +28 8 256 PF +28 8 257 DZ +28 8 258 KF +28 8 259 PF +28 8 260 FJ +28 8 261 PF +28 8 262 FJ +28 8 263 DZ +28 8 264 FJ +28 8 265 BJ +28 8 266 PF +28 8 267 PF +28 8 268 BJ +28 8 269 LN +28 8 270 KF +28 8 271 BJ +28 8 272 FJ +28 8 273 LN +28 8 274 FJ +28 8 275 BJ +28 8 276 PF +28 8 277 DZ +28 8 278 PF +28 8 279 BL +28 8 280 BJ +28 8 281 BJ +28 8 282 BJ +28 8 283 ES +28 8 284 FJ +28 8 285 PA +28 8 286 FJ +28 8 287 KF +28 8 288 PF +28 8 289 BL +28 8 290 PA +28 8 291 BL +28 8 292 PA +28 8 293 FJ +28 8 294 FJ +28 8 295 ES +28 8 296 LN +28 8 297 KF +28 8 298 PF +28 8 299 BJ +28 8 300 FJ +28 8 301 BJ +28 8 302 PA +28 8 303 BL +28 8 304 BJ +28 8 305 PF +28 8 306 BJ +28 8 307 BL +28 8 308 PA +28 8 309 DZ +28 8 310 BJ +28 8 311 BL +28 8 312 DZ +28 8 313 BL +28 8 314 FJ +28 8 315 BJ +28 8 316 BJ +28 8 317 PF +28 8 318 PA +28 8 319 FJ +28 8 320 BJ +28 8 321 PF +28 8 322 BL +28 8 323 BJ +28 8 324 PA +28 8 325 LN +28 8 326 KF +28 8 327 FJ +28 8 328 BJ +28 8 329 ES +28 8 330 FJ +28 9 1 BL +28 9 2 FJ +28 9 3 PF +28 9 4 LN +28 9 5 BJ +28 9 6 SA +28 9 7 BJ +28 9 8 LN +28 9 9 ES +28 9 10 DZ +28 9 11 BJ +28 9 12 NT +28 9 13 BJ +28 9 14 DZ +28 9 15 PA +28 9 16 FJ +28 9 17 PF +28 9 18 DZ +28 9 19 BL +28 9 20 BJ +28 9 21 PF +28 9 22 SA +28 9 23 PA +28 9 24 ES +28 9 25 BL +28 9 26 DZ +28 9 27 ES +28 9 28 LN +28 9 29 BJ +28 9 30 PF +28 9 31 DZ +28 9 32 LN +28 9 33 BJ +28 9 34 BL +28 9 35 PF +28 9 36 BJ +28 9 37 BL +28 9 38 LN +28 9 39 BJ +28 9 40 BL +28 9 41 PF +28 9 42 KF +28 9 43 BL +28 9 44 SA +28 9 45 BJ +28 9 46 ES +28 9 47 BJ +28 9 48 KF +28 9 49 FJ +28 9 50 LN +28 9 51 ES +28 9 52 FJ +28 9 53 LN +28 9 54 BJ +28 9 55 BL +28 9 56 NT +28 9 57 BL +28 9 58 KF +28 9 59 PA +28 9 60 DZ +28 9 61 PF +28 9 62 PA +28 9 63 FJ +28 9 64 BL +28 9 65 PF +28 9 66 FJ +28 9 67 BJ +28 9 68 PA +28 9 69 ES +28 9 70 FJ +28 9 71 PF +28 9 72 BJ +28 9 73 PA +28 9 74 FJ +28 9 75 BJ +28 9 76 PF +28 9 77 BL +28 9 78 PA +28 9 79 DZ +28 9 80 BL +28 9 81 BJ +28 9 82 BJ +28 9 83 SA +28 9 84 PA +28 9 85 BJ +28 9 86 LN +28 9 87 DZ +28 9 88 PA +28 9 89 DZ +28 9 90 BJ +28 9 91 BJ +28 9 92 FJ +28 9 93 BL +28 9 94 ES +28 9 95 FJ +28 9 96 KF +28 9 97 PA +28 9 98 PF +28 9 99 SA +28 9 100 FJ +28 9 101 PF +28 9 102 ES +28 9 103 KF +28 9 104 BL +28 9 105 LN +28 9 106 NT +28 9 107 FJ +28 9 108 SA +28 9 109 BL +28 9 110 KF +28 9 111 BJ +28 9 112 PA +28 9 113 DZ +28 9 114 BL +28 9 115 PF +28 9 116 FJ +28 9 117 DZ +28 9 118 PA +28 9 119 BJ +28 9 120 FJ +28 9 121 PF +28 9 122 BJ +28 9 123 BL +28 9 124 PA +28 9 125 PF +28 9 126 LN +28 9 127 DZ +28 9 128 KF +28 9 129 FJ +28 9 130 ES +28 9 131 LN +28 9 132 PF +28 9 133 BJ +28 9 134 ES +28 9 135 PA +28 9 136 BL +28 9 137 BJ +28 9 138 ES +28 9 139 SA +28 9 140 BL +28 9 141 FJ +28 9 142 SA +28 9 143 BJ +28 9 144 PA +28 9 145 BJ +28 9 146 KF +28 9 147 BJ +28 9 148 PF +28 9 149 BJ +28 9 150 PA +28 9 151 PF +28 9 152 SA +28 9 153 BL +28 9 154 DZ +28 9 155 ES +28 9 156 BJ +28 9 157 SA +28 9 158 FJ +28 9 159 LN +28 9 160 PA +28 9 161 BJ +28 9 162 PF +28 9 163 BL +28 9 164 DZ +28 9 165 ES +28 9 166 BL +28 9 167 PA +28 9 168 BJ +28 9 169 BL +28 9 170 DZ +28 9 171 BJ +28 9 172 FJ +28 9 173 PF +28 9 174 KF +28 9 175 FJ +28 9 176 PF +28 9 177 SA +28 9 178 BL +28 9 179 PF +28 9 180 BJ +28 9 181 KF +28 9 182 LN +28 9 183 DZ +28 9 184 PA +28 9 185 NT +28 9 186 FJ +28 9 187 KF +28 9 188 BL +28 9 189 FJ +28 9 190 PA +28 9 191 BJ +28 9 192 LN +28 9 193 KF +28 9 194 PF +28 9 195 BJ +28 9 196 SA +28 9 197 PA +28 9 198 DZ +28 9 199 FJ +28 9 200 BL +28 9 201 NT +28 9 202 BJ +28 9 203 LN +28 9 204 ES +28 9 205 BL +28 9 206 FJ +28 9 207 LN +28 9 208 KF +28 9 209 BJ +28 9 210 ES +28 9 211 BL +28 9 212 PF +28 9 213 PA +28 9 214 KF +28 9 215 PA +28 9 216 DZ +28 9 217 PA +28 9 218 KF +28 9 219 FJ +28 9 220 BL +28 9 221 FJ +28 9 222 LN +28 9 223 BJ +28 9 224 FJ +28 9 225 KF +28 9 226 BL +28 9 227 DZ +28 9 228 BL +28 9 229 BJ +28 9 230 FJ +28 9 231 PA +28 9 232 ES +28 9 233 DZ +28 9 234 BJ +28 9 235 BL +28 9 236 NT +28 9 237 PA +28 9 238 BL +28 9 239 LN +28 9 240 PF +28 9 241 FJ +28 9 242 SA +28 9 243 LN +28 9 244 FJ +28 9 245 PF +28 9 246 BJ +28 9 247 LN +28 9 248 BJ +28 9 249 DZ +28 9 250 PA +28 9 251 BJ +28 9 252 FJ +28 9 253 DZ +28 9 254 BL +28 9 255 DZ +28 9 256 PF +28 9 257 BL +28 9 258 KF +28 9 259 PF +28 9 260 SA +28 9 261 PF +28 9 262 FJ +28 9 263 ES +28 9 264 FJ +28 9 265 BJ +28 9 266 PF +28 9 267 LN +28 9 268 BJ +28 9 269 PA +28 9 270 NT +28 9 271 BJ +28 9 272 FJ +28 9 273 PA +28 9 274 FJ +28 9 275 KF +28 9 276 PA +28 9 277 BL +28 9 278 PF +28 9 279 BL +28 9 280 BJ +28 9 281 BJ +28 9 282 BJ +28 9 283 ES +28 9 284 FJ +28 9 285 PA +28 9 286 FJ +28 9 287 NT +28 9 288 PF +28 9 289 DZ +28 9 290 SA +28 9 291 BL +28 9 292 PA +28 9 293 FJ +28 9 294 DZ +28 9 295 KM +28 9 296 LN +28 9 297 NT +28 9 298 PF +28 9 299 BJ +28 9 300 FJ +28 9 301 BJ +28 9 302 FJ +28 9 303 BL +28 9 304 BJ +28 9 305 LN +28 9 306 BJ +28 9 307 BL +28 9 308 PA +28 9 309 DZ +28 9 310 BJ +28 9 311 BL +28 9 312 DZ +28 9 313 BL +28 9 314 FJ +28 9 315 BJ +28 9 316 BL +28 9 317 LN +28 9 318 PF +28 9 319 FJ +28 9 320 KF +28 9 321 PF +28 9 322 BL +28 9 323 BJ +28 9 324 FJ +28 9 325 LN +28 9 326 NT +28 9 327 FJ +28 9 328 BJ +28 9 329 KM +28 9 330 FJ +28 10 1 DZ +28 10 2 FJ +28 10 3 PF +28 10 4 LN +28 10 5 BJ +28 10 6 PF +28 10 7 DZ +28 10 8 PF +28 10 9 PF +28 10 10 BL +28 10 11 DZ +28 10 12 KF +28 10 13 BL +28 10 14 BL +28 10 15 LN +28 10 16 FJ +28 10 17 PF +28 10 18 DZ +28 10 19 BL +28 10 20 BJ +28 10 21 PF +28 10 22 DZ +28 10 23 BL +28 10 24 DZ +28 10 25 BJ +28 10 26 BL +28 10 27 FJ +28 10 28 PF +28 10 29 BL +28 10 30 PF +28 10 31 BJ +28 10 32 LN +28 10 33 BJ +28 10 34 BL +28 10 35 PF +28 10 36 DZ +28 10 37 DZ +28 10 38 PF +28 10 39 BJ +28 10 40 BL +28 10 41 PF +28 10 42 DZ +28 10 43 DZ +28 10 44 FJ +28 10 45 BJ +28 10 46 DZ +28 10 47 DZ +28 10 48 BJ +28 10 49 BL +28 10 50 LN +28 10 51 DZ +28 10 52 FJ +28 10 53 PF +28 10 54 DZ +28 10 55 BL +28 10 56 FJ +28 10 57 DZ +28 10 58 PF +28 10 59 BL +28 10 60 DZ +28 10 61 LN +28 10 62 DZ +28 10 63 PF +28 10 64 DZ +28 10 65 PF +28 10 66 FJ +28 10 67 DZ +28 10 68 PF +28 10 69 DZ +28 10 70 FJ +28 10 71 BL +28 10 72 BJ +28 10 73 BL +28 10 74 FJ +28 10 75 DZ +28 10 76 PF +28 10 77 DZ +28 10 78 FJ +28 10 79 DZ +28 10 80 DZ +28 10 81 BJ +28 10 82 DZ +28 10 83 FJ +28 10 84 PF +28 10 85 BJ +28 10 86 BL +28 10 87 DZ +28 10 88 PF +28 10 89 DZ +28 10 90 DZ +28 10 91 BJ +28 10 92 FJ +28 10 93 DZ +28 10 94 DZ +28 10 95 FJ +28 10 96 PF +28 10 97 DZ +28 10 98 PF +28 10 99 LN +28 10 100 DZ +28 10 101 DZ +28 10 102 FJ +28 10 103 DZ +28 10 104 DZ +28 10 105 LN +28 10 106 KF +28 10 107 FJ +28 10 108 FJ +28 10 109 DZ +28 10 110 PF +28 10 111 DZ +28 10 112 PF +28 10 113 DZ +28 10 114 DZ +28 10 115 PF +28 10 116 FJ +28 10 117 DZ +28 10 118 PF +28 10 119 DZ +28 10 120 FJ +28 10 121 PF +28 10 122 BJ +28 10 123 DZ +28 10 124 BJ +28 10 125 PF +28 10 126 DZ +28 10 127 DZ +28 10 128 BL +28 10 129 FJ +28 10 130 DZ +28 10 131 BJ +28 10 132 PF +28 10 133 BJ +28 10 134 DZ +28 10 135 BJ +28 10 136 FJ +28 10 137 DZ +28 10 138 FJ +28 10 139 FJ +28 10 140 BL +28 10 141 FJ +28 10 142 FJ +28 10 143 DZ +28 10 144 BJ +28 10 145 BJ +28 10 146 KF +28 10 147 DZ +28 10 148 PF +28 10 149 BJ +28 10 150 BL +28 10 151 PF +28 10 152 LN +28 10 153 BL +28 10 154 DZ +28 10 155 DZ +28 10 156 BJ +28 10 157 FJ +28 10 158 FJ +28 10 159 PF +28 10 160 LN +28 10 161 BJ +28 10 162 PF +28 10 163 DZ +28 10 164 BL +28 10 165 DZ +28 10 166 DZ +28 10 167 LN +28 10 168 BJ +28 10 169 DZ +28 10 170 DZ +28 10 171 DZ +28 10 172 DZ +28 10 173 PF +28 10 174 BJ +28 10 175 FJ +28 10 176 PF +28 10 177 BJ +28 10 178 KF +28 10 179 PF +28 10 180 DZ +28 10 181 FJ +28 10 182 BJ +28 10 183 FJ +28 10 184 LN +28 10 185 KF +28 10 186 DZ +28 10 187 PF +28 10 188 DZ +28 10 189 PA +28 10 190 PF +28 10 191 BJ +28 10 192 PA +28 10 193 BJ +28 10 194 LN +28 10 195 BJ +28 10 196 DZ +28 10 197 LN +28 10 198 DZ +28 10 199 DZ +28 10 200 BJ +28 10 201 LN +28 10 202 BJ +28 10 203 PF +28 10 204 DZ +28 10 205 LN +28 10 206 FJ +28 10 207 PA +28 10 208 DZ +28 10 209 DZ +28 10 210 DZ +28 10 211 DZ +28 10 212 PF +28 10 213 LN +28 10 214 DZ +28 10 215 PA +28 10 216 DZ +28 10 217 PF +28 10 218 DZ +28 10 219 FJ +28 10 220 BL +28 10 221 FJ +28 10 222 BL +28 10 223 BJ +28 10 224 FJ +28 10 225 DZ +28 10 226 BJ +28 10 227 DZ +28 10 228 DZ +28 10 229 FJ +28 10 230 FJ +28 10 231 LN +28 10 232 DZ +28 10 233 DZ +28 10 234 BJ +28 10 235 BL +28 10 236 DZ +28 10 237 PF +28 10 238 BJ +28 10 239 DZ +28 10 240 DZ +28 10 241 FJ +28 10 242 BJ +28 10 243 BL +28 10 244 FJ +28 10 245 PF +28 10 246 BJ +28 10 247 BL +28 10 248 DZ +28 10 249 DZ +28 10 250 BL +28 10 251 BJ +28 10 252 FJ +28 10 253 BJ +28 10 254 BL +28 10 255 DZ +28 10 256 PF +28 10 257 DZ +28 10 258 BJ +28 10 259 PF +28 10 260 FJ +28 10 261 PF +28 10 262 FJ +28 10 263 DZ +28 10 264 FJ +28 10 265 DZ +28 10 266 PF +28 10 267 LN +28 10 268 BJ +28 10 269 LN +28 10 270 PF +28 10 271 DZ +28 10 272 FJ +28 10 273 LN +28 10 274 FJ +28 10 275 DZ +28 10 276 PF +28 10 277 DZ +28 10 278 PF +28 10 279 BL +28 10 280 BJ +28 10 281 BJ +28 10 282 BJ +28 10 283 DZ +28 10 284 DZ +28 10 285 PF +28 10 286 DZ +28 10 287 DZ +28 10 288 PF +28 10 289 BJ +28 10 290 FJ +28 10 291 BL +28 10 292 PA +28 10 293 FJ +28 10 294 FJ +28 10 295 DZ +28 10 296 BL +28 10 297 BJ +28 10 298 PF +28 10 299 BJ +28 10 300 DZ +28 10 301 DZ +28 10 302 FJ +28 10 303 LN +28 10 304 BJ +28 10 305 PF +28 10 306 BJ +28 10 307 BL +28 10 308 LN +28 10 309 DZ +28 10 310 BJ +28 10 311 DZ +28 10 312 DZ +28 10 313 BL +28 10 314 FJ +28 10 315 DZ +28 10 316 DZ +28 10 317 PF +28 10 318 PF +28 10 319 FJ +28 10 320 DZ +28 10 321 PF +28 10 322 BL +28 10 323 BJ +28 10 324 FJ +28 10 325 LN +28 10 326 PF +28 10 327 FJ +28 10 328 BJ +28 10 329 DZ +28 10 330 FJ +28 11 1 DZ +28 11 2 FJ +28 11 3 PF +28 11 4 DZ +28 11 5 FJ +28 11 6 NT +28 11 7 BJ +28 11 8 PF +28 11 9 PF +28 11 10 BL +28 11 11 DZ +28 11 12 NT +28 11 13 DZ +28 11 14 DZ +28 11 15 PA +28 11 16 FJ +28 11 17 * +28 11 18 DZ +28 11 19 BL +28 11 20 BJ +28 11 21 PA +28 11 22 NT +28 11 23 LN +28 11 24 BJ +28 11 25 BL +28 11 26 DZ +28 11 27 PA +28 11 28 LN +28 11 29 BJ +28 11 30 PF +28 11 31 FJ +28 11 32 PA +28 11 33 BJ +28 11 34 BL +28 11 35 PF +28 11 36 BL +28 11 37 BL +28 11 38 PF +28 11 39 BJ +28 11 40 BL +28 11 41 PF +28 11 42 KF +28 11 43 DZ +28 11 44 FJ +28 11 45 BJ +28 11 46 DZ +28 11 47 DZ +28 11 48 KF +28 11 49 DZ +28 11 50 DZ +28 11 51 DZ +28 11 52 FJ +28 11 53 PF +28 11 54 BJ +28 11 55 BL +28 11 56 PA +28 11 57 DZ +28 11 58 DZ +28 11 59 PA +28 11 60 DZ +28 11 61 PF +28 11 62 LN +28 11 63 PA +28 11 64 BL +28 11 65 PF +28 11 66 FJ +28 11 67 BJ +28 11 68 PA +28 11 69 DZ +28 11 70 LN +28 11 71 DZ +28 11 72 BJ +28 11 73 PF +28 11 74 FJ +28 11 75 DZ +28 11 76 PF +28 11 77 BL +28 11 78 PF +28 11 79 DZ +28 11 80 BL +28 11 81 BJ +28 11 82 BJ +28 11 83 FJ +28 11 84 PA +28 11 85 BJ +28 11 86 LN +28 11 87 DZ +28 11 88 LN +28 11 89 DZ +28 11 90 DZ +28 11 91 BJ +28 11 92 FJ +28 11 93 BL +28 11 94 DZ +28 11 95 FJ +28 11 96 PA +28 11 97 LN +28 11 98 PF +28 11 99 PA +28 11 100 FJ +28 11 101 PF +28 11 102 FJ +28 11 103 DZ +28 11 104 BL +28 11 105 LN +28 11 106 FJ +28 11 107 FJ +28 11 108 FJ +28 11 109 BL +28 11 110 KF +28 11 111 DZ +28 11 112 PF +28 11 113 DZ +28 11 114 DZ +28 11 115 PF +28 11 116 BL +28 11 117 DZ +28 11 118 PF +28 11 119 BJ +28 11 120 FJ +28 11 121 PF +28 11 122 BJ +28 11 123 DZ +28 11 124 BJ +28 11 125 PF +28 11 126 PA +28 11 127 DZ +28 11 128 BJ +28 11 129 FJ +28 11 130 DZ +28 11 131 LN +28 11 132 PF +28 11 133 BJ +28 11 134 DZ +28 11 135 LN +28 11 136 BL +28 11 137 DZ +28 11 138 BL +28 11 139 PA +28 11 140 BL +28 11 141 FJ +28 11 142 FJ +28 11 143 BJ +28 11 144 DZ +28 11 145 BJ +28 11 146 KF +28 11 147 BJ +28 11 148 PF +28 11 149 BJ +28 11 150 LN +28 11 151 PA +28 11 152 PA +28 11 153 BL +28 11 154 DZ +28 11 155 DZ +28 11 156 BJ +28 11 157 DZ +28 11 158 FJ +28 11 159 PA +28 11 160 PA +28 11 161 BJ +28 11 162 PF +28 11 163 DZ +28 11 164 BL +28 11 165 DZ +28 11 166 DZ +28 11 167 PA +28 11 168 BJ +28 11 169 BL +28 11 170 DZ +28 11 171 BJ +28 11 172 FJ +28 11 173 LN +28 11 174 KF +28 11 175 FJ +28 11 176 PF +28 11 177 KF +28 11 178 BL +28 11 179 PF +28 11 180 BJ +28 11 181 KF +28 11 182 LN +28 11 183 DZ +28 11 184 LN +28 11 185 PF +28 11 186 BL +28 11 187 KF +28 11 188 BL +28 11 189 FJ +28 11 190 PA +28 11 191 BJ +28 11 192 PA +28 11 193 BJ +28 11 194 PF +28 11 195 BJ +28 11 196 BJ +28 11 197 PA +28 11 198 DZ +28 11 199 FJ +28 11 200 BL +28 11 201 PA +28 11 202 BJ +28 11 203 LN +28 11 204 DZ +28 11 205 LN +28 11 206 FJ +28 11 207 LN +28 11 208 KF +28 11 209 DZ +28 11 210 PF +28 11 211 BL +28 11 212 KF +28 11 213 PA +28 11 214 BJ +28 11 215 PA +28 11 216 DZ +28 11 217 PA +28 11 218 BJ +28 11 219 FJ +28 11 220 BL +28 11 221 FJ +28 11 222 LN +28 11 223 BJ +28 11 224 FJ +28 11 225 DZ +28 11 226 DZ +28 11 227 DZ +28 11 228 DZ +28 11 229 BJ +28 11 230 PA +28 11 231 LN +28 11 232 DZ +28 11 233 BL +28 11 234 BJ +28 11 235 BL +28 11 236 BJ +28 11 237 PA +28 11 238 BL +28 11 239 PA +28 11 240 PF +28 11 241 PA +28 11 242 KF +28 11 243 LN +28 11 244 FJ +28 11 245 PF +28 11 246 BL +28 11 247 LN +28 11 248 DZ +28 11 249 DZ +28 11 250 LN +28 11 251 BJ +28 11 252 FJ +28 11 253 BJ +28 11 254 BL +28 11 255 DZ +28 11 256 FJ +28 11 257 BL +28 11 258 KF +28 11 259 PF +28 11 260 FJ +28 11 261 PF +28 11 262 FJ +28 11 263 DZ +28 11 264 BL +28 11 265 BJ +28 11 266 PF +28 11 267 LN +28 11 268 BJ +28 11 269 PA +28 11 270 KF +28 11 271 DZ +28 11 272 FJ +28 11 273 PA +28 11 274 FJ +28 11 275 KF +28 11 276 LN +28 11 277 DZ +28 11 278 PA +28 11 279 BL +28 11 280 BJ +28 11 281 BJ +28 11 282 BJ +28 11 283 DZ +28 11 284 FJ +28 11 285 PA +28 11 286 FJ +28 11 287 DZ +28 11 288 PF +28 11 289 BL +28 11 290 FJ +28 11 291 BL +28 11 292 PA +28 11 293 FJ +28 11 294 FJ +28 11 295 DZ +28 11 296 LN +28 11 297 KF +28 11 298 FJ +28 11 299 BJ +28 11 300 FJ +28 11 301 BJ +28 11 302 FJ +28 11 303 BL +28 11 304 BJ +28 11 305 LN +28 11 306 BJ +28 11 307 BL +28 11 308 PA +28 11 309 DZ +28 11 310 BJ +28 11 311 BL +28 11 312 DZ +28 11 313 BL +28 11 314 FJ +28 11 315 BJ +28 11 316 BJ +28 11 317 LN +28 11 318 PA +28 11 319 FJ +28 11 320 BJ +28 11 321 PF +28 11 322 BL +28 11 323 DZ +28 11 324 FJ +28 11 325 LN +28 11 326 KF +28 11 327 FJ +28 11 328 BJ +28 11 329 DZ +28 11 330 FJ +28 12 1 BL +28 12 2 KA +28 12 3 PF +28 12 4 LN +28 12 5 BJ +28 12 6 KA +28 12 7 BJ +28 12 8 LN +28 12 9 * +28 12 10 BL +28 12 11 BJ +28 12 12 NT +28 12 13 DF +28 12 14 DF +28 12 15 LN +28 12 16 FJ +28 12 17 PF +28 12 18 DZ +28 12 19 BL +28 12 20 BJ +28 12 21 LN +28 12 22 DF +28 12 23 LN +28 12 24 DZ +28 12 25 BL +28 12 26 BL +28 12 27 FJ +28 12 28 LN +28 12 29 BJ +28 12 30 * +28 12 31 DF +28 12 32 LN +28 12 33 BJ +28 12 34 BL +28 12 35 * +28 12 36 BJ +28 12 37 BL +28 12 38 LN +28 12 39 BJ +28 12 40 BL +28 12 41 LN +28 12 42 NT +28 12 43 BL +28 12 44 FJ +28 12 45 BJ +28 12 46 DF +28 12 47 BJ +28 12 48 KF +28 12 49 BL +28 12 50 LN +28 12 51 DF +28 12 52 DF +28 12 53 LN +28 12 54 BJ +28 12 55 BL +28 12 56 DF +28 12 57 BL +28 12 58 DF +28 12 59 LN +28 12 60 BL +28 12 61 LN +28 12 62 DF +28 12 63 DF +28 12 64 BL +28 12 65 LN +28 12 66 FJ +28 12 67 BL +28 12 68 LN +28 12 69 BJ +28 12 70 DF +28 12 71 LN +28 12 72 BJ +28 12 73 LN +28 12 74 FJ +28 12 75 BJ +28 12 76 BJ +28 12 77 BL +28 12 78 DF +28 12 79 DZ +28 12 80 BL +28 12 81 BJ +28 12 82 BJ +28 12 83 DF +28 12 84 DF +28 12 85 BJ +28 12 86 LN +28 12 87 DZ +28 12 88 LN +28 12 89 DZ +28 12 90 BJ +28 12 91 BJ +28 12 92 FJ +28 12 93 BL +28 12 94 DZ +28 12 95 FJ +28 12 96 KF +28 12 97 LN +28 12 98 PF +28 12 99 LN +28 12 100 BL +28 12 101 LN +28 12 102 DF +28 12 103 BJ +28 12 104 BL +28 12 105 LN +28 12 106 DF +28 12 107 DF +28 12 108 DF +28 12 109 BL +28 12 110 PF +28 12 111 BJ +28 12 112 PF +28 12 113 DZ +28 12 114 BJ +28 12 115 PF +28 12 116 FJ +28 12 117 DZ +28 12 118 DF +28 12 119 BJ +28 12 120 FJ +28 12 121 PF +28 12 122 BJ +28 12 123 DF +28 12 124 BJ +28 12 125 PF +28 12 126 DF +28 12 127 DZ +28 12 128 KF +28 12 129 DF +28 12 130 BJ +28 12 131 LN +28 12 132 PF +28 12 133 BJ +28 12 134 DZ +28 12 135 LN +28 12 136 DZ +28 12 137 DZ +28 12 138 BL +28 12 139 FJ +28 12 140 BL +28 12 141 FJ +28 12 142 FJ +28 12 143 BJ +28 12 144 DZ +28 12 145 BJ +28 12 146 NT +28 12 147 BJ +28 12 148 PF +28 12 149 BJ +28 12 150 LN +28 12 151 DF +28 12 152 DF +28 12 153 BL +28 12 154 DZ +28 12 155 DZ +28 12 156 BJ +28 12 157 DZ +28 12 158 FJ +28 12 159 DF +28 12 160 DF +28 12 161 DZ +28 12 162 PF +28 12 163 DF +28 12 164 BL +28 12 165 BJ +28 12 166 DZ +28 12 167 DF +28 12 168 BJ +28 12 169 BL +28 12 170 DZ +28 12 171 BJ +28 12 172 FJ +28 12 173 PF +28 12 174 DF +28 12 175 DF +28 12 176 PF +28 12 177 DF +28 12 178 BL +28 12 179 PF +28 12 180 BJ +28 12 181 DF +28 12 182 LN +28 12 183 DF +28 12 184 LN +28 12 185 PF +28 12 186 BJ +28 12 187 PF +28 12 188 BL +28 12 189 DF +28 12 190 LN +28 12 191 BJ +28 12 192 LN +28 12 193 BJ +28 12 194 LN +28 12 195 BJ +28 12 196 DF +28 12 197 LN +28 12 198 DZ +28 12 199 DF +28 12 200 BL +28 12 201 DF +28 12 202 BJ +28 12 203 LN +28 12 204 DZ +28 12 205 LN +28 12 206 DF +28 12 207 LN +28 12 208 DF +28 12 209 BJ +28 12 210 LN +28 12 211 BL +28 12 212 PF +28 12 213 DF +28 12 214 BJ +28 12 215 LN +28 12 216 BJ +28 12 217 DF +28 12 218 BJ +28 12 219 FJ +28 12 220 BL +28 12 221 FJ +28 12 222 LN +28 12 223 BJ +28 12 224 DF +28 12 225 BJ +28 12 226 BL +28 12 227 DZ +28 12 228 BL +28 12 229 BJ +28 12 230 DF +28 12 231 LN +28 12 232 BJ +28 12 233 DF +28 12 234 BJ +28 12 235 BL +28 12 236 BJ +28 12 237 DF +28 12 238 BJ +28 12 239 LN +28 12 240 LN +28 12 241 FJ +28 12 242 DF +28 12 243 LN +28 12 244 FJ +28 12 245 PF +28 12 246 BL +28 12 247 LN +28 12 248 BJ +28 12 249 BJ +28 12 250 LN +28 12 251 BJ +28 12 252 DF +28 12 253 DF +28 12 254 DF +28 12 255 DZ +28 12 256 PF +28 12 257 BL +28 12 258 LN +28 12 259 PF +28 12 260 DF +28 12 261 PF +28 12 262 FJ +28 12 263 BL +28 12 264 FJ +28 12 265 BJ +28 12 266 PF +28 12 267 LN +28 12 268 BJ +28 12 269 LN +28 12 270 PF +28 12 271 BJ +28 12 272 FJ +28 12 273 LN +28 12 274 FJ +28 12 275 BJ +28 12 276 PF +28 12 277 BL +28 12 278 PF +28 12 279 BL +28 12 280 BJ +28 12 281 BJ +28 12 282 BJ +28 12 283 DF +28 12 284 DF +28 12 285 LN +28 12 286 FJ +28 12 287 BJ +28 12 288 PF +28 12 289 DF +28 12 290 DF +28 12 291 BL +28 12 292 DF +28 12 293 DF +28 12 294 DF +28 12 295 DF +28 12 296 LN +28 12 297 NT +28 12 298 PF +28 12 299 BJ +28 12 300 FJ +28 12 301 BJ +28 12 302 FJ +28 12 303 FJ +28 12 304 BJ +28 12 305 LN +28 12 306 BJ +28 12 307 BL +28 12 308 LN +28 12 309 DZ +28 12 310 BJ +28 12 311 BL +28 12 312 DZ +28 12 313 BL +28 12 314 FJ +28 12 315 BJ +28 12 316 BJ +28 12 317 LN +28 12 318 DF +28 12 319 DF +28 12 320 BJ +28 12 321 PF +28 12 322 DF +28 12 323 BJ +28 12 324 DF +28 12 325 LN +28 12 326 NT +28 12 327 DF +28 12 328 BJ +28 12 329 DF +28 12 330 FJ +28 13 1 BL +28 13 2 BL +28 13 3 PF +28 13 4 LN +28 13 5 BJ +28 13 6 PF +28 13 7 BJ +28 13 8 PF +28 13 9 LN +28 13 10 BJ +28 13 11 DZ +28 13 12 BJ +28 13 13 DZ +28 13 14 DZ +28 13 15 KF +28 13 16 FJ +28 13 17 PF +28 13 18 DZ +28 13 19 BL +28 13 20 BJ +28 13 21 PA +28 13 22 KF +28 13 23 BJ +28 13 24 BL +28 13 25 BJ +28 13 26 DZ +28 13 27 FJ +28 13 28 PF +28 13 29 LN +28 13 30 KF +28 13 31 BL +28 13 32 PA +28 13 33 BJ +28 13 34 BJ +28 13 35 PF +28 13 36 BJ +28 13 37 BL +28 13 38 PF +28 13 39 BJ +28 13 40 BL +28 13 41 PF +28 13 42 PA +28 13 43 DZ +28 13 44 FJ +28 13 45 BL +28 13 46 DZ +28 13 47 BL +28 13 48 PF +28 13 49 BJ +28 13 50 PA +28 13 51 LN +28 13 52 FJ +28 13 53 PF +28 13 54 BJ +28 13 55 BL +28 13 56 PF +28 13 57 DZ +28 13 58 BJ +28 13 59 KF +28 13 60 DZ +28 13 61 PF +28 13 62 PA +28 13 63 PF +28 13 64 DZ +28 13 65 PF +28 13 66 FJ +28 13 67 BL +28 13 68 PF +28 13 69 KF +28 13 70 FJ +28 13 71 PF +28 13 72 BJ +28 13 73 PA +28 13 74 BJ +28 13 75 DZ +28 13 76 PF +28 13 77 DZ +28 13 78 PA +28 13 79 DZ +28 13 80 BJ +28 13 81 BJ +28 13 82 BJ +28 13 83 FJ +28 13 84 LN +28 13 85 BJ +28 13 86 PA +28 13 87 DZ +28 13 88 PA +28 13 89 DZ +28 13 90 DZ +28 13 91 BJ +28 13 92 FJ +28 13 93 BL +28 13 94 DZ +28 13 95 BJ +28 13 96 BJ +28 13 97 BL +28 13 98 PF +28 13 99 KF +28 13 100 BJ +28 13 101 PF +28 13 102 PA +28 13 103 KF +28 13 104 BL +28 13 105 PF +28 13 106 KF +28 13 107 FJ +28 13 108 BL +28 13 109 BJ +28 13 110 PF +28 13 111 KF +28 13 112 PF +28 13 113 LN +28 13 114 BJ +28 13 115 PF +28 13 116 LN +28 13 117 PF +28 13 118 PF +28 13 119 BJ +28 13 120 FJ +28 13 121 PF +28 13 122 BJ +28 13 123 PF +28 13 124 PA +28 13 125 PF +28 13 126 PF +28 13 127 BJ +28 13 128 BJ +28 13 129 FJ +28 13 130 BJ +28 13 131 BL +28 13 132 PF +28 13 133 BJ +28 13 134 PF +28 13 135 PF +28 13 136 BJ +28 13 137 BJ +28 13 138 BL +28 13 139 FJ +28 13 140 DZ +28 13 141 FJ +28 13 142 FJ +28 13 143 BJ +28 13 144 PA +28 13 145 BJ +28 13 146 BJ +28 13 147 BJ +28 13 148 PF +28 13 149 BJ +28 13 150 PA +28 13 151 PF +28 13 152 PA +28 13 153 BL +28 13 154 DZ +28 13 155 DZ +28 13 156 BJ +28 13 157 * +28 13 158 FJ +28 13 159 KF +28 13 160 * +28 13 161 BJ +28 13 162 PF +28 13 163 BJ +28 13 164 BL +28 13 165 BJ +28 13 166 DZ +28 13 167 PA +28 13 168 BJ +28 13 169 BJ +28 13 170 BJ +28 13 171 BJ +28 13 172 FJ +28 13 173 PF +28 13 174 KF +28 13 175 BL +28 13 176 PF +28 13 177 BL +28 13 178 DZ +28 13 179 PF +28 13 180 BL +28 13 181 KF +28 13 182 PF +28 13 183 * +28 13 184 PA +28 13 185 KF +28 13 186 BJ +28 13 187 PF +28 13 188 BJ +28 13 189 * +28 13 190 PA +28 13 191 BJ +28 13 192 PA +28 13 193 * +28 13 194 PF +28 13 195 BJ +28 13 196 BJ +28 13 197 PA +28 13 198 DZ +28 13 199 * +28 13 200 BL +28 13 201 PF +28 13 202 BJ +28 13 203 PF +28 13 204 DZ +28 13 205 PA +28 13 206 KF +28 13 207 PF +28 13 208 KF +28 13 209 BJ +28 13 210 PF +28 13 211 BL +28 13 212 PF +28 13 213 PA +28 13 214 KF +28 13 215 PF +28 13 216 DZ +28 13 217 PF +28 13 218 PA +28 13 219 FJ +28 13 220 BL +28 13 221 FJ +28 13 222 * +28 13 223 BJ +28 13 224 FJ +28 13 225 KF +28 13 226 BJ +28 13 227 DZ +28 13 228 BJ +28 13 229 * +28 13 230 FJ +28 13 231 PA +28 13 232 KF +28 13 233 BL +28 13 234 BJ +28 13 235 BL +28 13 236 KF +28 13 237 PF +28 13 238 BL +28 13 239 PF +28 13 240 BJ +28 13 241 FJ +28 13 242 BJ +28 13 243 PF +28 13 244 * +28 13 245 PF +28 13 246 * +28 13 247 PA +28 13 248 DZ +28 13 249 DZ +28 13 250 BJ +28 13 251 BJ +28 13 252 FJ +28 13 253 BL +28 13 254 PA +28 13 255 DZ +28 13 256 PF +28 13 257 DZ +28 13 258 KF +28 13 259 PF +28 13 260 KF +28 13 261 PF +28 13 262 FJ +28 13 263 DZ +28 13 264 DZ +28 13 265 BJ +28 13 266 PF +28 13 267 PF +28 13 268 BL +28 13 269 PF +28 13 270 PF +28 13 271 DZ +28 13 272 FJ +28 13 273 PA +28 13 274 FJ +28 13 275 PA +28 13 276 PF +28 13 277 DZ +28 13 278 PF +28 13 279 BL +28 13 280 DZ +28 13 281 BJ +28 13 282 BJ +28 13 283 PF +28 13 284 FJ +28 13 285 * +28 13 286 FJ +28 13 287 KF +28 13 288 PF +28 13 289 BJ +28 13 290 FJ +28 13 291 DZ +28 13 292 PF +28 13 293 BJ +28 13 294 FJ +28 13 295 PF +28 13 296 * +28 13 297 PF +28 13 298 PF +28 13 299 BJ +28 13 300 FJ +28 13 301 BJ +28 13 302 FJ +28 13 303 FJ +28 13 304 BJ +28 13 305 PF +28 13 306 * +28 13 307 BJ +28 13 308 LN +28 13 309 DZ +28 13 310 BJ +28 13 311 PA +28 13 312 DZ +28 13 313 BJ +28 13 314 FJ +28 13 315 BJ +28 13 316 BJ +28 13 317 PF +28 13 318 PF +28 13 319 FJ +28 13 320 BJ +28 13 321 PF +28 13 322 BL +28 13 323 BJ +28 13 324 FJ +28 13 325 * +28 13 326 KF +28 13 327 FJ +28 13 328 BJ +28 13 329 KF +28 13 330 FJ +28 14 1 BL +28 14 2 BJ +28 14 3 PF +28 14 4 DZ +28 14 5 BJ +28 14 6 PF +28 14 7 BJ +28 14 8 DZ +28 14 9 DZ +28 14 10 DZ +28 14 11 BJ +28 14 12 KF +28 14 13 DZ +28 14 14 DZ +28 14 15 PF +28 14 16 FJ +28 14 17 PF +28 14 18 DZ +28 14 19 BL +28 14 20 BJ +28 14 21 PF +28 14 22 TF +28 14 23 DZ +28 14 24 DZ +28 14 25 BL +28 14 26 BJ +28 14 27 FJ +28 14 28 PF +28 14 29 BJ +28 14 30 DZ +28 14 31 BL +28 14 32 PF +28 14 33 BJ +28 14 34 DZ +28 14 35 PF +28 14 36 BJ +28 14 37 BL +28 14 38 PF +28 14 39 BJ +28 14 40 DZ +28 14 41 PF +28 14 42 DZ +28 14 43 DZ +28 14 44 FJ +28 14 45 BJ +28 14 46 DZ +28 14 47 DZ +28 14 48 TF +28 14 49 BL +28 14 50 DZ +28 14 51 DZ +28 14 52 FJ +28 14 53 PF +28 14 54 BJ +28 14 55 BJ +28 14 56 DZ +28 14 57 DZ +28 14 58 DZ +28 14 59 FJ +28 14 60 DZ +28 14 61 PF +28 14 62 BL +28 14 63 PF +28 14 64 BJ +28 14 65 PF +28 14 66 FJ +28 14 67 BJ +28 14 68 PF +28 14 69 BJ +28 14 70 FJ +28 14 71 PF +28 14 72 BJ +28 14 73 DZ +28 14 74 FJ +28 14 75 DZ +28 14 76 PF +28 14 77 BJ +28 14 78 FJ +28 14 79 DZ +28 14 80 BL +28 14 81 BJ +28 14 82 FJ +28 14 83 FJ +28 14 84 PF +28 14 85 BJ +28 14 86 BJ +28 14 87 DZ +28 14 88 DZ +28 14 89 DZ +28 14 90 BJ +28 14 91 BJ +28 14 92 FJ +28 14 93 DZ +28 14 94 DZ +28 14 95 FJ +28 14 96 PF +28 14 97 BJ +28 14 98 PF +28 14 99 FJ +28 14 100 FJ +28 14 101 DZ +28 14 102 FJ +28 14 103 DZ +28 14 104 BL +28 14 105 DZ +28 14 106 TF +28 14 107 FJ +28 14 108 DZ +28 14 109 DZ +28 14 110 PF +28 14 111 DZ +28 14 112 PF +28 14 113 DZ +28 14 114 DZ +28 14 115 PF +28 14 116 FJ +28 14 117 DZ +28 14 118 PF +28 14 119 BJ +28 14 120 FJ +28 14 121 PF +28 14 122 BJ +28 14 123 BL +28 14 124 BJ +28 14 125 PF +28 14 126 FJ +28 14 127 DZ +28 14 128 BJ +28 14 129 FJ +28 14 130 DZ +28 14 131 * +28 14 132 PF +28 14 133 BJ +28 14 134 DZ +28 14 135 LN +28 14 136 BL +28 14 137 DZ +28 14 138 BL +28 14 139 FJ +28 14 140 DZ +28 14 141 FJ +28 14 142 FJ +28 14 143 BJ +28 14 144 DZ +28 14 145 BJ +28 14 146 TF +28 14 147 BJ +28 14 148 PF +28 14 149 BJ +28 14 150 DZ +28 14 151 PF +28 14 152 PF +28 14 153 BL +28 14 154 DZ +28 14 155 DZ +28 14 156 BJ +28 14 157 DZ +28 14 158 FJ +28 14 159 TF +28 14 160 LN +28 14 161 BJ +28 14 162 PF +28 14 163 DZ +28 14 164 BL +28 14 165 DZ +28 14 166 DZ +28 14 167 DZ +28 14 168 BJ +28 14 169 BL +28 14 170 DZ +28 14 171 DZ +28 14 172 FJ +28 14 173 PF +28 14 174 TF +28 14 175 FJ +28 14 176 PF +28 14 177 FJ +28 14 178 BL +28 14 179 PF +28 14 180 BJ +28 14 181 TF +28 14 182 PF +28 14 183 DZ +28 14 184 BJ +28 14 185 DZ +28 14 186 DZ +28 14 187 PF +28 14 188 BL +28 14 189 FJ +28 14 190 FJ +28 14 191 BJ +28 14 192 LN +28 14 193 DZ +28 14 194 DZ +28 14 195 BJ +28 14 196 BJ +28 14 197 DZ +28 14 198 DZ +28 14 199 FJ +28 14 200 BL +28 14 201 DZ +28 14 202 BJ +28 14 203 DZ +28 14 204 DZ +28 14 205 DZ +28 14 206 FJ +28 14 207 DZ +28 14 208 DZ +28 14 209 DZ +28 14 210 DZ +28 14 211 BL +28 14 212 PF +28 14 213 FJ +28 14 214 BJ +28 14 215 DZ +28 14 216 BJ +28 14 217 DZ +28 14 218 BJ +28 14 219 FJ +28 14 220 BL +28 14 221 FJ +28 14 222 DZ +28 14 223 BJ +28 14 224 FJ +28 14 225 DZ +28 14 226 BJ +28 14 227 DZ +28 14 228 DZ +28 14 229 BJ +28 14 230 FJ +28 14 231 DZ +28 14 232 DZ +28 14 233 DZ +28 14 234 BJ +28 14 235 BL +28 14 236 BJ +28 14 237 FJ +28 14 238 BJ +28 14 239 DZ +28 14 240 DZ +28 14 241 FJ +28 14 242 TF +28 14 243 DZ +28 14 244 FJ +28 14 245 PF +28 14 246 BJ +28 14 247 DZ +28 14 248 DZ +28 14 249 BJ +28 14 250 DZ +28 14 251 BJ +28 14 252 FJ +28 14 253 BJ +28 14 254 BL +28 14 255 DZ +28 14 256 PF +28 14 257 DZ +28 14 258 BJ +28 14 259 PF +28 14 260 FJ +28 14 261 PF +28 14 262 FJ +28 14 263 FJ +28 14 264 BL +28 14 265 BJ +28 14 266 PF +28 14 267 DZ +28 14 268 BJ +28 14 269 DZ +28 14 270 PF +28 14 271 BJ +28 14 272 FJ +28 14 273 BJ +28 14 274 FJ +28 14 275 BJ +28 14 276 DZ +28 14 277 DZ +28 14 278 FJ +28 14 279 BL +28 14 280 BJ +28 14 281 BJ +28 14 282 BJ +28 14 283 DZ +28 14 284 FJ +28 14 285 DZ +28 14 286 FJ +28 14 287 DZ +28 14 288 PF +28 14 289 BL +28 14 290 FJ +28 14 291 BL +28 14 292 FJ +28 14 293 FJ +28 14 294 FJ +28 14 295 DZ +28 14 296 DZ +28 14 297 * +28 14 298 PF +28 14 299 BJ +28 14 300 FJ +28 14 301 BJ +28 14 302 FJ +28 14 303 DZ +28 14 304 DZ +28 14 305 DZ +28 14 306 BJ +28 14 307 BL +28 14 308 DZ +28 14 309 DZ +28 14 310 BJ +28 14 311 BL +28 14 312 DZ +28 14 313 DZ +28 14 314 FJ +28 14 315 BJ +28 14 316 BJ +28 14 317 DZ +28 14 318 PF +28 14 319 FJ +28 14 320 DZ +28 14 321 PF +28 14 322 BL +28 14 323 BJ +28 14 324 FJ +28 14 325 DZ +28 14 326 * +28 14 327 FJ +28 14 328 BJ +28 14 329 DZ +28 14 330 FJ +28 15 1 BL +28 15 2 DF +28 15 3 PF +28 15 4 LN +28 15 5 DF +28 15 6 DF +28 15 7 BJ +28 15 8 PF +28 15 9 DF +28 15 10 BL +28 15 11 BJ +28 15 12 KF +28 15 13 BJ +28 15 14 DZ +28 15 15 LN +28 15 16 FJ +28 15 17 PF +28 15 18 DZ +28 15 19 BL +28 15 20 BJ +28 15 21 DF +28 15 22 KF +28 15 23 LN +28 15 24 DZ +28 15 25 BL +28 15 26 BL +28 15 27 DF +28 15 28 LN +28 15 29 BJ +28 15 30 KU +28 15 31 DF +28 15 32 LN +28 15 33 BJ +28 15 34 BL +28 15 35 DF +28 15 36 BL +28 15 37 BL +28 15 38 LN +28 15 39 BJ +28 15 40 BL +28 15 41 PF +28 15 42 DF +28 15 43 DF +28 15 44 DF +28 15 45 BJ +28 15 46 DF +28 15 47 BJ +28 15 48 KF +28 15 49 BL +28 15 50 LN +28 15 51 DF +28 15 52 DF +28 15 53 LN +28 15 54 BJ +28 15 55 BJ +28 15 56 DF +28 15 57 BL +28 15 58 DF +28 15 59 DF +28 15 60 DZ +28 15 61 PF +28 15 62 DF +28 15 63 KU +28 15 64 BL +28 15 65 PF +28 15 66 DF +28 15 67 DF +28 15 68 PF +28 15 69 LN +28 15 70 DF +28 15 71 PF +28 15 72 BJ +28 15 73 LN +28 15 74 DF +28 15 75 BJ +28 15 76 KU +28 15 77 BL +28 15 78 DF +28 15 79 DZ +28 15 80 BL +28 15 81 BJ +28 15 82 BL +28 15 83 DF +28 15 84 DF +28 15 85 BJ +28 15 86 DF +28 15 87 DZ +28 15 88 DF +28 15 89 DZ +28 15 90 DZ +28 15 91 BJ +28 15 92 DF +28 15 93 BL +28 15 94 BJ +28 15 95 DF +28 15 96 KF +28 15 97 BL +28 15 98 PF +28 15 99 DF +28 15 100 DF +28 15 101 LN +28 15 102 BL +28 15 103 DF +28 15 104 DF +28 15 105 LN +28 15 106 DF +28 15 107 LN +28 15 108 DF +28 15 109 BL +28 15 110 PF +28 15 111 DZ +28 15 112 PF +28 15 113 DZ +28 15 114 BL +28 15 115 KU +28 15 116 DF +28 15 117 DZ +28 15 118 DF +28 15 119 BJ +28 15 120 FJ +28 15 121 PF +28 15 122 BJ +28 15 123 DF +28 15 124 BL +28 15 125 PF +28 15 126 DF +28 15 127 DZ +28 15 128 BJ +28 15 129 DF +28 15 130 DZ +28 15 131 LN +28 15 132 PF +28 15 133 BJ +28 15 134 DZ +28 15 135 LN +28 15 136 BL +28 15 137 BJ +28 15 138 BL +28 15 139 DF +28 15 140 DZ +28 15 141 FJ +28 15 142 FJ +28 15 143 BJ +28 15 144 LN +28 15 145 DF +28 15 146 KF +28 15 147 BL +28 15 148 PF +28 15 149 BJ +28 15 150 BL +28 15 151 DF +28 15 152 DF +28 15 153 BL +28 15 154 DZ +28 15 155 DZ +28 15 156 BJ +28 15 157 BJ +28 15 158 FJ +28 15 159 DF +28 15 160 DF +28 15 161 BJ +28 15 162 PF +28 15 163 BL +28 15 164 BL +28 15 165 BJ +28 15 166 BL +28 15 167 DF +28 15 168 BJ +28 15 169 DF +28 15 170 DZ +28 15 171 DF +28 15 172 FJ +28 15 173 PF +28 15 174 KF +28 15 175 DF +28 15 176 PF +28 15 177 DF +28 15 178 BL +28 15 179 KU +28 15 180 BJ +28 15 181 KU +28 15 182 PF +28 15 183 KU +28 15 184 LN +28 15 185 KU +28 15 186 BL +28 15 187 PF +28 15 188 BL +28 15 189 DF +28 15 190 DF +28 15 191 BJ +28 15 192 LN +28 15 193 KF +28 15 194 DF +28 15 195 BJ +28 15 196 DF +28 15 197 BJ +28 15 198 DZ +28 15 199 DF +28 15 200 DF +28 15 201 DF +28 15 202 BJ +28 15 203 LN +28 15 204 DZ +28 15 205 LN +28 15 206 DF +28 15 207 PF +28 15 208 KU +28 15 209 BJ +28 15 210 KU +28 15 211 BL +28 15 212 PF +28 15 213 DF +28 15 214 DF +28 15 215 DF +28 15 216 DZ +28 15 217 DF +28 15 218 BJ +28 15 219 DF +28 15 220 BL +28 15 221 DF +28 15 222 BL +28 15 223 BJ +28 15 224 DF +28 15 225 BJ +28 15 226 BL +28 15 227 DZ +28 15 228 BL +28 15 229 DF +28 15 230 DF +28 15 231 LN +28 15 232 DZ +28 15 233 BL +28 15 234 BJ +28 15 235 BL +28 15 236 BJ +28 15 237 DF +28 15 238 BL +28 15 239 BL +28 15 240 DZ +28 15 241 DF +28 15 242 DF +28 15 243 BJ +28 15 244 DF +28 15 245 PF +28 15 246 BL +28 15 247 LN +28 15 248 DZ +28 15 249 BJ +28 15 250 LN +28 15 251 DF +28 15 252 DF +28 15 253 BL +28 15 254 BL +28 15 255 DZ +28 15 256 PF +28 15 257 BL +28 15 258 KF +28 15 259 PF +28 15 260 DF +28 15 261 PF +28 15 262 DF +28 15 263 DZ +28 15 264 DF +28 15 265 BJ +28 15 266 PF +28 15 267 LN +28 15 268 BJ +28 15 269 LN +28 15 270 PF +28 15 271 DZ +28 15 272 DF +28 15 273 LN +28 15 274 DF +28 15 275 KU +28 15 276 PF +28 15 277 BL +28 15 278 PF +28 15 279 BL +28 15 280 BJ +28 15 281 BJ +28 15 282 BJ +28 15 283 KU +28 15 284 FJ +28 15 285 DF +28 15 286 DF +28 15 287 KU +28 15 288 PF +28 15 289 DF +28 15 290 DF +28 15 291 BL +28 15 292 DF +28 15 293 BL +28 15 294 DF +28 15 295 KU +28 15 296 BJ +28 15 297 KF +28 15 298 PF +28 15 299 BJ +28 15 300 DF +28 15 301 BJ +28 15 302 DF +28 15 303 DF +28 15 304 BJ +28 15 305 BJ +28 15 306 BJ +28 15 307 BL +28 15 308 LN +28 15 309 DZ +28 15 310 BJ +28 15 311 BL +28 15 312 DZ +28 15 313 LN +28 15 314 DF +28 15 315 BJ +28 15 316 BJ +28 15 317 LN +28 15 318 PF +28 15 319 DF +28 15 320 BJ +28 15 321 PF +28 15 322 DF +28 15 323 BJ +28 15 324 DF +28 15 325 BJ +28 15 326 PF +28 15 327 DF +28 15 328 BJ +28 15 329 KU +28 15 330 DF +28 16 1 BL +28 16 2 BL +28 16 3 PF +28 16 4 LN +28 16 5 BJ +28 16 6 KK +28 16 7 BJ +28 16 8 PF +28 16 9 ES +28 16 10 BL +28 16 11 DZ +28 16 12 KF +28 16 13 BJ +28 16 14 DZ +28 16 15 PA +28 16 16 FJ +28 16 17 PF +28 16 18 DZ +28 16 19 BL +28 16 20 BJ +28 16 21 PF +28 16 22 KF +28 16 23 PA +28 16 24 ES +28 16 25 DZ +28 16 26 BL +28 16 27 PA +28 16 28 PF +28 16 29 BJ +28 16 30 PF +28 16 31 DZ +28 16 32 PF +28 16 33 BJ +28 16 34 BL +28 16 35 PF +28 16 36 DZ +28 16 37 BL +28 16 38 PF +28 16 39 BJ +28 16 40 BL +28 16 41 PF +28 16 42 KF +28 16 43 DZ +28 16 44 PA +28 16 45 BJ +28 16 46 DZ +28 16 47 DZ +28 16 48 LN +28 16 49 DZ +28 16 50 LN +28 16 51 ES +28 16 52 FJ +28 16 53 PF +28 16 54 BJ +28 16 55 BL +28 16 56 PA +28 16 57 DZ +28 16 58 KF +28 16 59 PF +28 16 60 DZ +28 16 61 PF +28 16 62 PA +28 16 63 KK +28 16 64 BL +28 16 65 LN +28 16 66 FJ +28 16 67 BJ +28 16 68 LN +28 16 69 DZ +28 16 70 FJ +28 16 71 PF +28 16 72 BJ +28 16 73 LN +28 16 74 FJ +28 16 75 DZ +28 16 76 PF +28 16 77 DZ +28 16 78 PA +28 16 79 DZ +28 16 80 BL +28 16 81 BJ +28 16 82 BJ +28 16 83 PA +28 16 84 LN +28 16 85 BJ +28 16 86 PA +28 16 87 DZ +28 16 88 LN +28 16 89 DZ +28 16 90 DZ +28 16 91 BJ +28 16 92 PA +28 16 93 BL +28 16 94 ES +28 16 95 FJ +28 16 96 KF +28 16 97 PA +28 16 98 PA +28 16 99 FJ +28 16 100 DZ +28 16 101 PF +28 16 102 FJ +28 16 103 DZ +28 16 104 BL +28 16 105 PF +28 16 106 KF +28 16 107 FJ +28 16 108 DZ +28 16 109 BL +28 16 110 KK +28 16 111 DZ +28 16 112 PF +28 16 113 DZ +28 16 114 LN +28 16 115 KK +28 16 116 FJ +28 16 117 DZ +28 16 118 PA +28 16 119 BJ +28 16 120 FJ +28 16 121 PF +28 16 122 BJ +28 16 123 BL +28 16 124 BJ +28 16 125 PF +28 16 126 PA +28 16 127 DZ +28 16 128 KF +28 16 129 FJ +28 16 130 DZ +28 16 131 LN +28 16 132 PF +28 16 133 BJ +28 16 134 FJ +28 16 135 PF +28 16 136 BL +28 16 137 BJ +28 16 138 BL +28 16 139 FJ +28 16 140 BL +28 16 141 FJ +28 16 142 FJ +28 16 143 BJ +28 16 144 BL +28 16 145 BJ +28 16 146 KF +28 16 147 BJ +28 16 148 PF +28 16 149 BJ +28 16 150 LN +28 16 151 PA +28 16 152 PA +28 16 153 BL +28 16 154 FJ +28 16 155 FJ +28 16 156 BJ +28 16 157 FJ +28 16 158 FJ +28 16 159 PA +28 16 160 PA +28 16 161 BJ +28 16 162 PF +28 16 163 BL +28 16 164 BL +28 16 165 DZ +28 16 166 BL +28 16 167 PA +28 16 168 BJ +28 16 169 BL +28 16 170 DZ +28 16 171 BJ +28 16 172 FJ +28 16 173 PF +28 16 174 PA +28 16 175 FJ +28 16 176 PF +28 16 177 KF +28 16 178 BL +28 16 179 LN +28 16 180 BJ +28 16 181 PA +28 16 182 PF +28 16 183 DZ +28 16 184 PA +28 16 185 PF +28 16 186 BL +28 16 187 PF +28 16 188 BL +28 16 189 FJ +28 16 190 PA +28 16 191 BJ +28 16 192 PA +28 16 193 PA +28 16 194 PF +28 16 195 BJ +28 16 196 BJ +28 16 197 LN +28 16 198 DZ +28 16 199 PA +28 16 200 BL +28 16 201 PA +28 16 202 BJ +28 16 203 PF +28 16 204 DZ +28 16 205 BL +28 16 206 PA +28 16 207 LN +28 16 208 PF +28 16 209 BJ +28 16 210 KK +28 16 211 BL +28 16 212 PF +28 16 213 PA +28 16 214 KF +28 16 215 PA +28 16 216 DZ +28 16 217 PA +28 16 218 KF +28 16 219 DZ +28 16 220 BL +28 16 221 PA +28 16 222 PA +28 16 223 BL +28 16 224 PA +28 16 225 KF +28 16 226 BL +28 16 227 DZ +28 16 228 BL +28 16 229 PA +28 16 230 PA +28 16 231 PF +28 16 232 DZ +28 16 233 BL +28 16 234 BJ +28 16 235 BL +28 16 236 KF +28 16 237 PA +28 16 238 BL +28 16 239 PA +28 16 240 DZ +28 16 241 FJ +28 16 242 PA +28 16 243 LN +28 16 244 PA +28 16 245 PF +28 16 246 BJ +28 16 247 BL +28 16 248 BJ +28 16 249 BJ +28 16 250 PA +28 16 251 BJ +28 16 252 FJ +28 16 253 BJ +28 16 254 BL +28 16 255 DZ +28 16 256 PA +28 16 257 BL +28 16 258 KF +28 16 259 PF +28 16 260 KF +28 16 261 PF +28 16 262 FJ +28 16 263 DZ +28 16 264 BL +28 16 265 BJ +28 16 266 PF +28 16 267 LN +28 16 268 BJ +28 16 269 LN +28 16 270 PF +28 16 271 BJ +28 16 272 FJ +28 16 273 LN +28 16 274 FJ +28 16 275 KF +28 16 276 PF +28 16 277 BL +28 16 278 PF +28 16 279 BL +28 16 280 BJ +28 16 281 BJ +28 16 282 BJ +28 16 283 LN +28 16 284 FJ +28 16 285 PA +28 16 286 FJ +28 16 287 KF +28 16 288 PF +28 16 289 BL +28 16 290 FJ +28 16 291 BL +28 16 292 PA +28 16 293 FJ +28 16 294 FJ +28 16 295 ES +28 16 296 LN +28 16 297 PF +28 16 298 BJ +28 16 299 FJ +28 16 300 FJ +28 16 301 BJ +28 16 302 FJ +28 16 303 BL +28 16 304 BJ +28 16 305 LN +28 16 306 BJ +28 16 307 BL +28 16 308 LN +28 16 309 DZ +28 16 310 BJ +28 16 311 BL +28 16 312 DZ +28 16 313 BL +28 16 314 FJ +28 16 315 BJ +28 16 316 BJ +28 16 317 PF +28 16 318 LN +28 16 319 FJ +28 16 320 ES +28 16 321 PF +28 16 322 BL +28 16 323 BJ +28 16 324 FJ +28 16 325 LN +28 16 326 KF +28 16 327 FJ +28 16 328 DZ +28 16 329 PF +28 16 330 FJ +28 17 1 DZ +28 17 2 BJ +28 17 3 PF +28 17 4 DZ +28 17 5 BJ +28 17 6 PA +28 17 7 BJ +28 17 8 PF +28 17 9 ES +28 17 10 DZ +28 17 11 BJ +28 17 12 KF +28 17 13 DZ +28 17 14 DZ +28 17 15 PA +28 17 16 FJ +28 17 17 PF +28 17 18 FJ +28 17 19 DZ +28 17 20 BJ +28 17 21 PF +28 17 22 KF +28 17 23 DZ +28 17 24 ES +28 17 25 DZ +28 17 26 DZ +28 17 27 FJ +28 17 28 PF +28 17 29 BJ +28 17 30 PA +28 17 31 DZ +28 17 32 DZ +28 17 33 BJ +28 17 34 DZ +28 17 35 PF +28 17 36 DZ +28 17 37 DZ +28 17 38 PF +28 17 39 BJ +28 17 40 DZ +28 17 41 PF +28 17 42 KF +28 17 43 DZ +28 17 44 FJ +28 17 45 BJ +28 17 46 FJ +28 17 47 DZ +28 17 48 KF +28 17 49 DZ +28 17 50 DZ +28 17 51 ES +28 17 52 FJ +28 17 53 PF +28 17 54 BJ +28 17 55 DZ +28 17 56 PA +28 17 57 DZ +28 17 58 KF +28 17 59 PA +28 17 60 DZ +28 17 61 PF +28 17 62 DZ +28 17 63 PA +28 17 64 DZ +28 17 65 PF +28 17 66 FJ +28 17 67 BJ +28 17 68 PF +28 17 69 DZ +28 17 70 PA +28 17 71 DZ +28 17 72 BJ +28 17 73 DZ +28 17 74 PA +28 17 75 DZ +28 17 76 PF +28 17 77 DZ +28 17 78 PA +28 17 79 DZ +28 17 80 DZ +28 17 81 BJ +28 17 82 BJ +28 17 83 KF +28 17 84 PF +28 17 85 BJ +28 17 86 PF +28 17 87 DZ +28 17 88 PF +28 17 89 FJ +28 17 90 DZ +28 17 91 KF +28 17 92 PA +28 17 93 DZ +28 17 94 FJ +28 17 95 PA +28 17 96 KF +28 17 97 DZ +28 17 98 PF +28 17 99 PA +28 17 100 BJ +28 17 101 PF +28 17 102 PA +28 17 103 DZ +28 17 104 DZ +28 17 105 DZ +28 17 106 KF +28 17 107 FJ +28 17 108 DZ +28 17 109 DZ +28 17 110 KF +28 17 111 DZ +28 17 112 PF +28 17 113 FJ +28 17 114 DZ +28 17 115 PF +28 17 116 DZ +28 17 117 FJ +28 17 118 PF +28 17 119 BJ +28 17 120 FJ +28 17 121 PF +28 17 122 BJ +28 17 123 DZ +28 17 124 PF +28 17 125 PF +28 17 126 PF +28 17 127 PA +28 17 128 KF +28 17 129 FJ +28 17 130 DZ +28 17 131 DZ +28 17 132 PF +28 17 133 BJ +28 17 134 FJ +28 17 135 DZ +28 17 136 DZ +28 17 137 BJ +28 17 138 DZ +28 17 139 PA +28 17 140 DZ +28 17 141 FJ +28 17 142 FJ +28 17 143 BJ +28 17 144 DZ +28 17 145 BJ +28 17 146 KF +28 17 147 BJ +28 17 148 PF +28 17 149 BJ +28 17 150 DZ +28 17 151 PF +28 17 152 DZ +28 17 153 DZ +28 17 154 FJ +28 17 155 ES +28 17 156 BJ +28 17 157 ES +28 17 158 FJ +28 17 159 KF +28 17 160 PF +28 17 161 BJ +28 17 162 PF +28 17 163 DZ +28 17 164 DZ +28 17 165 DZ +28 17 166 DZ +28 17 167 DZ +28 17 168 BJ +28 17 169 DZ +28 17 170 FJ +28 17 171 BJ +28 17 172 PA +28 17 173 PF +28 17 174 KF +28 17 175 DZ +28 17 176 PF +28 17 177 KF +28 17 178 DZ +28 17 179 PF +28 17 180 BJ +28 17 181 KF +28 17 182 PF +28 17 183 ES +28 17 184 DZ +28 17 185 PF +28 17 186 DZ +28 17 187 KF +28 17 188 DZ +28 17 189 FJ +28 17 190 PF +28 17 191 BJ +28 17 192 DZ +28 17 193 KF +28 17 194 PF +28 17 195 BJ +28 17 196 BJ +28 17 197 DZ +28 17 198 FJ +28 17 199 DZ +28 17 200 DZ +28 17 201 PF +28 17 202 BJ +28 17 203 PF +28 17 204 FJ +28 17 205 DZ +28 17 206 FJ +28 17 207 PF +28 17 208 KF +28 17 209 DZ +28 17 210 PF +28 17 211 DZ +28 17 212 KF +28 17 213 DZ +28 17 214 KF +28 17 215 PF +28 17 216 PA +28 17 217 PA +28 17 218 KF +28 17 219 FJ +28 17 220 DZ +28 17 221 FJ +28 17 222 DZ +28 17 223 BJ +28 17 224 FJ +28 17 225 KF +28 17 226 DZ +28 17 227 FJ +28 17 228 DZ +28 17 229 BJ +28 17 230 FJ +28 17 231 DZ +28 17 232 ES +28 17 233 DZ +28 17 234 BJ +28 17 235 DZ +28 17 236 KF +28 17 237 PF +28 17 238 DZ +28 17 239 PF +28 17 240 ES +28 17 241 FJ +28 17 242 KF +28 17 243 PF +28 17 244 FJ +28 17 245 PF +28 17 246 BJ +28 17 247 DZ +28 17 248 BJ +28 17 249 BJ +28 17 250 DZ +28 17 251 BJ +28 17 252 FJ +28 17 253 BJ +28 17 254 DZ +28 17 255 FJ +28 17 256 PF +28 17 257 DZ +28 17 258 KF +28 17 259 PF +28 17 260 KF +28 17 261 PF +28 17 262 FJ +28 17 263 FJ +28 17 264 PA +28 17 265 BJ +28 17 266 PF +28 17 267 DZ +28 17 268 BJ +28 17 269 DZ +28 17 270 KF +28 17 271 BJ +28 17 272 FJ +28 17 273 DZ +28 17 274 FJ +28 17 275 KF +28 17 276 PF +28 17 277 DZ +28 17 278 PF +28 17 279 DZ +28 17 280 BJ +28 17 281 BJ +28 17 282 BJ +28 17 283 ES +28 17 284 FJ +28 17 285 PF +28 17 286 FJ +28 17 287 PF +28 17 288 PF +28 17 289 DZ +28 17 290 PA +28 17 291 DZ +28 17 292 PF +28 17 293 FJ +28 17 294 FJ +28 17 295 ES +28 17 296 DZ +28 17 297 KF +28 17 298 PF +28 17 299 BJ +28 17 300 FJ +28 17 301 BJ +28 17 302 FJ +28 17 303 BJ +28 17 304 BJ +28 17 305 DZ +28 17 306 BJ +28 17 307 DZ +28 17 308 DZ +28 17 309 FJ +28 17 310 BJ +28 17 311 DZ +28 17 312 FJ +28 17 313 DZ +28 17 314 FJ +28 17 315 BJ +28 17 316 BJ +28 17 317 PF +28 17 318 PF +28 17 319 FJ +28 17 320 DZ +28 17 321 PF +28 17 322 DZ +28 17 323 BJ +28 17 324 FJ +28 17 325 DZ +28 17 326 KF +28 17 327 FJ +28 17 328 BJ +28 17 329 ES +28 17 330 FJ +28 18 1 DZ +28 18 2 DZ +28 18 3 PF +28 18 4 LN +28 18 5 BJ +28 18 6 KK +28 18 7 BJ +28 18 8 LN +28 18 9 ES +28 18 10 DZ +28 18 11 BJ +28 18 12 KF +28 18 13 BJ +28 18 14 * +28 18 15 PF +28 18 16 FJ +28 18 17 PF +28 18 18 DZ +28 18 19 BL +28 18 20 BJ +28 18 21 PF +28 18 22 KF +28 18 23 LN +28 18 24 ES +28 18 25 BJ +28 18 26 DZ +28 18 27 PA +28 18 28 PF +28 18 29 BJ +28 18 30 PF +28 18 31 DZ +28 18 32 PF +28 18 33 BJ +28 18 34 BL +28 18 35 PF +28 18 36 BJ +28 18 37 DZ +28 18 38 PF +28 18 39 BJ +28 18 40 DZ +28 18 41 PF +28 18 42 KK +28 18 43 DZ +28 18 44 PA +28 18 45 BJ +28 18 46 FJ +28 18 47 BJ +28 18 48 KK +28 18 49 DZ +28 18 50 LN +28 18 51 ES +28 18 52 FJ +28 18 53 PF +28 18 54 BJ +28 18 55 DZ +28 18 56 PA +28 18 57 BJ +28 18 58 ES +28 18 59 PA +28 18 60 DZ +28 18 61 PF +28 18 62 LN +28 18 63 PF +28 18 64 BL +28 18 65 PF +28 18 66 FJ +28 18 67 BJ +28 18 68 PF +28 18 69 BJ +28 18 70 PA +28 18 71 PF +28 18 72 BJ +28 18 73 LN +28 18 74 FJ +28 18 75 BJ +28 18 76 KK +28 18 77 DZ +28 18 78 PA +28 18 79 DZ +28 18 80 BL +28 18 81 BJ +28 18 82 BJ +28 18 83 FJ +28 18 84 PA +28 18 85 BJ +28 18 86 PF +28 18 87 DZ +28 18 88 PF +28 18 89 DZ +28 18 90 BJ +28 18 91 BJ +28 18 92 FJ +28 18 93 DZ +28 18 94 DZ +28 18 95 FJ +28 18 96 KF +28 18 97 LN +28 18 98 PF +28 18 99 LN +28 18 100 BJ +28 18 101 PF +28 18 102 FJ +28 18 103 ES +28 18 104 BL +28 18 105 PF +28 18 106 KF +28 18 107 FJ +28 18 108 BJ +28 18 109 DZ +28 18 110 KK +28 18 111 BJ +28 18 112 PF +28 18 113 DZ +28 18 114 BJ +28 18 115 PF +28 18 116 FJ +28 18 117 ES +28 18 118 PF +28 18 119 BJ +28 18 120 FJ +28 18 121 PF +28 18 122 BJ +28 18 123 DZ +28 18 124 BJ +28 18 125 PF +28 18 126 PF +28 18 127 BJ +28 18 128 KF +28 18 129 FJ +28 18 130 BJ +28 18 131 LN +28 18 132 PF +28 18 133 BJ +28 18 134 ES +28 18 135 PF +28 18 136 DZ +28 18 137 BJ +28 18 138 DZ +28 18 139 FJ +28 18 140 BL +28 18 141 FJ +28 18 142 PA +28 18 143 BJ +28 18 144 LN +28 18 145 BJ +28 18 146 KF +28 18 147 BJ +28 18 148 PF +28 18 149 BJ +28 18 150 LN +28 18 151 PF +28 18 152 LN +28 18 153 DZ +28 18 154 ES +28 18 155 ES +28 18 156 BJ +28 18 157 ES +28 18 158 FJ +28 18 159 KK +28 18 160 PF +28 18 161 BJ +28 18 162 PF +28 18 163 BJ +28 18 164 BL +28 18 165 BJ +28 18 166 BJ +28 18 167 PA +28 18 168 BJ +28 18 169 BL +28 18 170 BJ +28 18 171 BJ +28 18 172 FJ +28 18 173 PF +28 18 174 KF +28 18 175 DZ +28 18 176 PF +28 18 177 BJ +28 18 178 BL +28 18 179 PF +28 18 180 BL +28 18 181 KF +28 18 182 LN +28 18 183 ES +28 18 184 LN +28 18 185 ES +28 18 186 DZ +28 18 187 PF +28 18 188 BL +28 18 189 FJ +28 18 190 PF +28 18 191 BJ +28 18 192 LN +28 18 193 BJ +28 18 194 ES +28 18 195 BJ +28 18 196 BJ +28 18 197 PA +28 18 198 ES +28 18 199 FJ +28 18 200 BL +28 18 201 PF +28 18 202 BJ +28 18 203 PF +28 18 204 ES +28 18 205 LN +28 18 206 FJ +28 18 207 PF +28 18 208 KK +28 18 209 BJ +28 18 210 ES +28 18 211 BL +28 18 212 KK +28 18 213 PA +28 18 214 BJ +28 18 215 PA +28 18 216 BJ +28 18 217 PF +28 18 218 BJ +28 18 219 FJ +28 18 220 DZ +28 18 221 FJ +28 18 222 LN +28 18 223 BJ +28 18 224 FJ +28 18 225 BJ +28 18 226 BJ +28 18 227 ES +28 18 228 DZ +28 18 229 BJ +28 18 230 FJ +28 18 231 LN +28 18 232 ES +28 18 233 DZ +28 18 234 BJ +28 18 235 BL +28 18 236 BJ +28 18 237 KK +28 18 238 BJ +28 18 239 PF +28 18 240 ES +28 18 241 FJ +28 18 242 KF +28 18 243 LN +28 18 244 FJ +28 18 245 PF +28 18 246 BJ +28 18 247 LN +28 18 248 BJ +28 18 249 BJ +28 18 250 LN +28 18 251 BJ +28 18 252 FJ +28 18 253 BJ +28 18 254 BL +28 18 255 ES +28 18 256 PF +28 18 257 BL +28 18 258 KF +28 18 259 KK +28 18 260 FJ +28 18 261 PF +28 18 262 FJ +28 18 263 FJ +28 18 264 DZ +28 18 265 BJ +28 18 266 PF +28 18 267 LN +28 18 268 BJ +28 18 269 LN +28 18 270 KF +28 18 271 BJ +28 18 272 FJ +28 18 273 LN +28 18 274 FJ +28 18 275 BJ +28 18 276 PF +28 18 277 DZ +28 18 278 KF +28 18 279 BL +28 18 280 BJ +28 18 281 BJ +28 18 282 BJ +28 18 283 ES +28 18 284 FJ +28 18 285 PA +28 18 286 FJ +28 18 287 ES +28 18 288 PF +28 18 289 BJ +28 18 290 FJ +28 18 291 BL +28 18 292 PF +28 18 293 BJ +28 18 294 FJ +28 18 295 ES +28 18 296 LN +28 18 297 KK +28 18 298 PF +28 18 299 BJ +28 18 300 FJ +28 18 301 BJ +28 18 302 FJ +28 18 303 DZ +28 18 304 BJ +28 18 305 LN +28 18 306 BJ +28 18 307 DZ +28 18 308 PA +28 18 309 ES +28 18 310 BJ +28 18 311 BL +28 18 312 DZ +28 18 313 BJ +28 18 314 FJ +28 18 315 BJ +28 18 316 BJ +28 18 317 LN +28 18 318 KF +28 18 319 FJ +28 18 320 BJ +28 18 321 PF +28 18 322 DZ +28 18 323 BJ +28 18 324 PA +28 18 325 LN +28 18 326 KF +28 18 327 FJ +28 18 328 BJ +28 18 329 ES +28 18 330 FJ +28 19 1 DZ +28 19 2 BJ +28 19 3 PF +28 19 4 LN +28 19 5 BJ +28 19 6 PA +28 19 7 BJ +28 19 8 PF +28 19 9 PA +28 19 10 DZ +28 19 11 BJ +28 19 12 KF +28 19 13 BJ +28 19 14 DZ +28 19 15 LN +28 19 16 FJ +28 19 17 PF +28 19 18 DZ +28 19 19 DZ +28 19 20 BJ +28 19 21 PF +28 19 22 KF +28 19 23 LN +28 19 24 DZ +28 19 25 DZ +28 19 26 DZ +28 19 27 PA +28 19 28 PF +28 19 29 BJ +28 19 30 PF +28 19 31 DZ +28 19 32 PF +28 19 33 BJ +28 19 34 DZ +28 19 35 PF +28 19 36 DZ +28 19 37 DZ +28 19 38 PF +28 19 39 BJ +28 19 40 DZ +28 19 41 PF +28 19 42 KF +28 19 43 DZ +28 19 44 PA +28 19 45 BJ +28 19 46 DZ +28 19 47 BJ +28 19 48 PA +28 19 49 DZ +28 19 50 LN +28 19 51 PA +28 19 52 FJ +28 19 53 PF +28 19 54 BJ +28 19 55 DZ +28 19 56 LN +28 19 57 DZ +28 19 58 KF +28 19 59 LN +28 19 60 DZ +28 19 61 PF +28 19 62 DZ +28 19 63 PF +28 19 64 DZ +28 19 65 PF +28 19 66 FJ +28 19 67 BJ +28 19 68 PF +28 19 69 DZ +28 19 70 PA +28 19 71 LN +28 19 72 BJ +28 19 73 LN +28 19 74 DZ +28 19 75 BJ +28 19 76 PF +28 19 77 DZ +28 19 78 PA +28 19 79 FJ +28 19 80 DZ +28 19 81 BJ +28 19 82 DZ +28 19 83 PA +28 19 84 PA +28 19 85 BJ +28 19 86 LN +28 19 87 DZ +28 19 88 PF +28 19 89 DZ +28 19 90 DZ +28 19 91 KF +28 19 92 PA +28 19 93 DZ +28 19 94 FJ +28 19 95 DZ +28 19 96 KF +28 19 97 LN +28 19 98 PF +28 19 99 LN +28 19 100 DZ +28 19 101 PF +28 19 102 DZ +28 19 103 DZ +28 19 104 DZ +28 19 105 PF +28 19 106 KF +28 19 107 PF +28 19 108 DZ +28 19 109 DZ +28 19 110 KF +28 19 111 DZ +28 19 112 PF +28 19 113 DZ +28 19 114 DZ +28 19 115 PF +28 19 116 DZ +28 19 117 PA +28 19 118 LN +28 19 119 BJ +28 19 120 FJ +28 19 121 PF +28 19 122 BJ +28 19 123 DZ +28 19 124 BJ +28 19 125 PF +28 19 126 PA +28 19 127 DZ +28 19 128 KF +28 19 129 PA +28 19 130 DZ +28 19 131 LN +28 19 132 PF +28 19 133 BJ +28 19 134 PA +28 19 135 PF +28 19 136 DZ +28 19 137 BJ +28 19 138 DZ +28 19 139 PA +28 19 140 DZ +28 19 141 FJ +28 19 142 DZ +28 19 143 BJ +28 19 144 LN +28 19 145 BJ +28 19 146 KF +28 19 147 BJ +28 19 148 PF +28 19 149 BJ +28 19 150 LN +28 19 151 PA +28 19 152 LN +28 19 153 DZ +28 19 154 DZ +28 19 155 PA +28 19 156 BJ +28 19 157 PA +28 19 158 FJ +28 19 159 KF +28 19 160 PA +28 19 161 BJ +28 19 162 PF +28 19 163 DZ +28 19 164 DZ +28 19 165 BJ +28 19 166 DZ +28 19 167 LN +28 19 168 BJ +28 19 169 DZ +28 19 170 DZ +28 19 171 BJ +28 19 172 FJ +28 19 173 PF +28 19 174 KF +28 19 175 DZ +28 19 176 PF +28 19 177 KF +28 19 178 DZ +28 19 179 PA +28 19 180 BJ +28 19 181 KF +28 19 182 PA +28 19 183 PA +28 19 184 LN +28 19 185 PA +28 19 186 DZ +28 19 187 KF +28 19 188 DZ +28 19 189 DZ +28 19 190 PA +28 19 191 BJ +28 19 192 LN +28 19 193 KF +28 19 194 PA +28 19 195 BJ +28 19 196 BJ +28 19 197 PA +28 19 198 DZ +28 19 199 * +28 19 200 DZ +28 19 201 PA +28 19 202 BJ +28 19 203 PF +28 19 204 DZ +28 19 205 LN +28 19 206 FJ +28 19 207 PF +28 19 208 PA +28 19 209 DZ +28 19 210 PF +28 19 211 DZ +28 19 212 KF +28 19 213 DZ +28 19 214 BJ +28 19 215 PA +28 19 216 DZ +28 19 217 PA +28 19 218 BJ +28 19 219 DZ +28 19 220 DZ +28 19 221 FJ +28 19 222 PA +28 19 223 BJ +28 19 224 PA +28 19 225 DZ +28 19 226 DZ +28 19 227 DZ +28 19 228 DZ +28 19 229 BJ +28 19 230 PA +28 19 231 LN +28 19 232 DZ +28 19 233 DZ +28 19 234 BJ +28 19 235 DZ +28 19 236 BJ +28 19 237 PA +28 19 238 DZ +28 19 239 PA +28 19 240 LN +28 19 241 FJ +28 19 242 DZ +28 19 243 LN +28 19 244 * +28 19 245 PF +28 19 246 DZ +28 19 247 DZ +28 19 248 BJ +28 19 249 BJ +28 19 250 PA +28 19 251 BJ +28 19 252 PA +28 19 253 BJ +28 19 254 DZ +28 19 255 DZ +28 19 256 PF +28 19 257 DZ +28 19 258 KF +28 19 259 LN +28 19 260 PA +28 19 261 KF +28 19 262 FJ +28 19 263 DZ +28 19 264 DZ +28 19 265 BJ +28 19 266 PF +28 19 267 LN +28 19 268 BJ +28 19 269 PF +28 19 270 KF +28 19 271 BJ +28 19 272 DZ +28 19 273 PA +28 19 274 FJ +28 19 275 BJ +28 19 276 PF +28 19 277 DZ +28 19 278 PA +28 19 279 DZ +28 19 280 BJ +28 19 281 BJ +28 19 282 BJ +28 19 283 PA +28 19 284 DZ +28 19 285 LN +28 19 286 FJ +28 19 287 KF +28 19 288 PF +28 19 289 DZ +28 19 290 PA +28 19 291 DZ +28 19 292 LN +28 19 293 DZ +28 19 294 FJ +28 19 295 ES +28 19 296 LN +28 19 297 KF +28 19 298 PF +28 19 299 BJ +28 19 300 FJ +28 19 301 BJ +28 19 302 PA +28 19 303 DZ +28 19 304 BJ +28 19 305 LN +28 19 306 BJ +28 19 307 DZ +28 19 308 PA +28 19 309 DZ +28 19 310 BJ +28 19 311 DZ +28 19 312 DZ +28 19 313 LN +28 19 314 PA +28 19 315 BJ +28 19 316 DZ +28 19 317 PF +28 19 318 PA +28 19 319 FJ +28 19 320 BJ +28 19 321 PF +28 19 322 DZ +28 19 323 BJ +28 19 324 PA +28 19 325 LN +28 19 326 KF +28 19 327 DZ +28 19 328 BJ +28 19 329 PA +28 19 330 FJ +28 20 1 DZ +28 20 2 FJ +28 20 3 PF +28 20 4 LN +28 20 5 BJ +28 20 6 PF +28 20 7 BJ +28 20 8 PF +28 20 9 DZ +28 20 10 DZ +28 20 11 BJ +28 20 12 KF +28 20 13 DZ +28 20 14 DZ +28 20 15 FJ +28 20 16 FJ +28 20 17 PF +28 20 18 DZ +28 20 19 BL +28 20 20 BJ +28 20 21 PF +28 20 22 FJ +28 20 23 DZ +28 20 24 DZ +28 20 25 BJ +28 20 26 DZ +28 20 27 FJ +28 20 28 PF +28 20 29 BJ +28 20 30 PF +28 20 31 FJ +28 20 32 DZ +28 20 33 BJ +28 20 34 DZ +28 20 35 PF +28 20 36 BJ +28 20 37 DZ +28 20 38 PF +28 20 39 BJ +28 20 40 BL +28 20 41 PF +28 20 42 KF +28 20 43 DZ +28 20 44 FJ +28 20 45 BJ +28 20 46 DZ +28 20 47 DZ +28 20 48 KF +28 20 49 DZ +28 20 50 DZ +28 20 51 DZ +28 20 52 FJ +28 20 53 PF +28 20 54 BJ +28 20 55 BL +28 20 56 FJ +28 20 57 DZ +28 20 58 DZ +28 20 59 FJ +28 20 60 DZ +28 20 61 PF +28 20 62 DZ +28 20 63 PF +28 20 64 DZ +28 20 65 PF +28 20 66 FJ +28 20 67 BJ +28 20 68 DZ +28 20 69 DZ +28 20 70 FJ +28 20 71 PF +28 20 72 BJ +28 20 73 DZ +28 20 74 FJ +28 20 75 DZ +28 20 76 PF +28 20 77 BL +28 20 78 FJ +28 20 79 DZ +28 20 80 DZ +28 20 81 BJ +28 20 82 BJ +28 20 83 FJ +28 20 84 FJ +28 20 85 BJ +28 20 86 PF +28 20 87 DZ +28 20 88 PF +28 20 89 DZ +28 20 90 DZ +28 20 91 BJ +28 20 92 FJ +28 20 93 DZ +28 20 94 DZ +28 20 95 FJ +28 20 96 KF +28 20 97 DZ +28 20 98 PF +28 20 99 FJ +28 20 100 BJ +28 20 101 PF +28 20 102 BL +28 20 103 DZ +28 20 104 BL +28 20 105 PF +28 20 106 FJ +28 20 107 FJ +28 20 108 FJ +28 20 109 DZ +28 20 110 KF +28 20 111 DZ +28 20 112 PF +28 20 113 DZ +28 20 114 DZ +28 20 115 FJ +28 20 116 FJ +28 20 117 DZ +28 20 118 PA +28 20 119 BJ +28 20 120 FJ +28 20 121 PF +28 20 122 BJ +28 20 123 DZ +28 20 124 BJ +28 20 125 PF +28 20 126 PA +28 20 127 DZ +28 20 128 BJ +28 20 129 DZ +28 20 130 LN +28 20 131 PF +28 20 132 BJ +28 20 133 DZ +28 20 134 PF +28 20 135 BL +28 20 136 BJ +28 20 137 BJ +28 20 138 BL +28 20 139 FJ +28 20 140 DZ +28 20 141 FJ +28 20 142 FJ +28 20 143 BJ +28 20 144 DZ +28 20 145 BJ +28 20 146 KF +28 20 147 BJ +28 20 148 PF +28 20 149 BJ +28 20 150 DZ +28 20 151 PF +28 20 152 PA +28 20 153 DZ +28 20 154 DZ +28 20 155 DZ +28 20 156 BJ +28 20 157 DZ +28 20 158 FJ +28 20 159 FJ +28 20 160 PA +28 20 161 BJ +28 20 162 PF +28 20 163 BJ +28 20 164 DZ +28 20 165 DZ +28 20 166 DZ +28 20 167 PA +28 20 168 BJ +28 20 169 BL +28 20 170 DZ +28 20 171 BJ +28 20 172 FJ +28 20 173 PF +28 20 174 KF +28 20 175 FJ +28 20 176 PF +28 20 177 BJ +28 20 178 DZ +28 20 179 LN +28 20 180 BJ +28 20 181 DZ +28 20 182 LN +28 20 183 KF +28 20 184 LN +28 20 185 KF +28 20 186 BJ +28 20 187 KF +28 20 188 DZ +28 20 189 FJ +28 20 190 PA +28 20 191 BJ +28 20 192 DZ +28 20 193 KF +28 20 194 PF +28 20 195 BJ +28 20 196 BJ +28 20 197 FJ +28 20 198 DZ +28 20 199 BJ +28 20 200 BL +28 20 201 PF +28 20 202 BJ +28 20 203 DZ +28 20 204 DZ +28 20 205 DZ +28 20 206 BJ +28 20 207 PF +28 20 208 DZ +28 20 209 BJ +28 20 210 DZ +28 20 211 BL +28 20 212 KF +28 20 213 DZ +28 20 214 BJ +28 20 215 DZ +28 20 216 DZ +28 20 217 DZ +28 20 218 BJ +28 20 219 FJ +28 20 220 DZ +28 20 221 * +28 20 222 DZ +28 20 223 BJ +28 20 224 FJ +28 20 225 BJ +28 20 226 DZ +28 20 227 DZ +28 20 228 DZ +28 20 229 BJ +28 20 230 FJ +28 20 231 LN +28 20 232 DZ +28 20 233 DZ +28 20 234 BJ +28 20 235 BL +28 20 236 BJ +28 20 237 PF +28 20 238 BJ +28 20 239 PF +28 20 240 DZ +28 20 241 FJ +28 20 242 KF +28 20 243 LN +28 20 244 FJ +28 20 245 PF +28 20 246 BJ +28 20 247 DZ +28 20 248 DZ +28 20 249 BJ +28 20 250 LN +28 20 251 BJ +28 20 252 FJ +28 20 253 BJ +28 20 254 DZ +28 20 255 DZ +28 20 256 PF +28 20 257 BJ +28 20 258 KF +28 20 259 PF +28 20 260 BJ +28 20 261 PF +28 20 262 FJ +28 20 263 DZ +28 20 264 BL +28 20 265 BJ +28 20 266 PF +28 20 267 LN +28 20 268 BJ +28 20 269 DZ +28 20 270 KF +28 20 271 BJ +28 20 272 FJ +28 20 273 DZ +28 20 274 FJ +28 20 275 BJ +28 20 276 LN +28 20 277 BJ +28 20 278 PF +28 20 279 DZ +28 20 280 BJ +28 20 281 BJ +28 20 282 BJ +28 20 283 DZ +28 20 284 FJ +28 20 285 FJ +28 20 286 FJ +28 20 287 BJ +28 20 288 PF +28 20 289 BJ +28 20 290 FJ +28 20 291 DZ +28 20 292 FJ +28 20 293 BJ +28 20 294 FJ +28 20 295 DZ +28 20 296 LN +28 20 297 KF +28 20 298 PF +28 20 299 BJ +28 20 300 FJ +28 20 301 BJ +28 20 302 FJ +28 20 303 BL +28 20 304 BJ +28 20 305 LN +28 20 306 BJ +28 20 307 BL +28 20 308 DZ +28 20 309 DZ +28 20 310 BJ +28 20 311 BL +28 20 312 DZ +28 20 313 DZ +28 20 314 FJ +28 20 315 BJ +28 20 316 BJ +28 20 317 LN +28 20 318 PF +28 20 319 FJ +28 20 320 BJ +28 20 321 PF +28 20 322 BL +28 20 323 BJ +28 20 324 FJ +28 20 325 LN +28 20 326 KF +28 20 327 BL +28 20 328 BJ +28 20 329 DZ +28 20 330 FJ +28 21 1 DZ +28 21 2 BJ +28 21 3 PF +28 21 4 DZ +28 21 5 BJ +28 21 6 PF +28 21 7 BJ +28 21 8 PF +28 21 9 PF +28 21 10 DZ +28 21 11 DZ +28 21 12 KF +28 21 13 BJ +28 21 14 DZ +28 21 15 FJ +28 21 16 FJ +28 21 17 PF +28 21 18 DZ +28 21 19 DZ +28 21 20 BJ +28 21 21 PF +28 21 22 KF +28 21 23 PF +28 21 24 DZ +28 21 25 BJ +28 21 26 DZ +28 21 27 FJ +28 21 28 PF +28 21 29 BJ +28 21 30 PF +28 21 31 FJ +28 21 32 PF +28 21 33 BJ +28 21 34 DZ +28 21 35 PF +28 21 36 DZ +28 21 37 DZ +28 21 38 PF +28 21 39 BJ +28 21 40 DZ +28 21 41 PF +28 21 42 KF +28 21 43 DZ +28 21 44 FJ +28 21 45 BJ +28 21 46 DZ +28 21 47 DZ +28 21 48 PF +28 21 49 DZ +28 21 50 PF +28 21 51 DZ +28 21 52 FJ +28 21 53 PF +28 21 54 BJ +28 21 55 DZ +28 21 56 PF +28 21 57 DZ +28 21 58 KF +28 21 59 FJ +28 21 60 DZ +28 21 61 PF +28 21 62 DZ +28 21 63 PF +28 21 64 DZ +28 21 65 PF +28 21 66 FJ +28 21 67 BJ +28 21 68 PF +28 21 69 KF +28 21 70 FJ +28 21 71 PF +28 21 72 BJ +28 21 73 PF +28 21 74 FJ +28 21 75 DZ +28 21 76 PF +28 21 77 DZ +28 21 78 FJ +28 21 79 DZ +28 21 80 DZ +28 21 81 BJ +28 21 82 BJ +28 21 83 FJ +28 21 84 PF +28 21 85 BJ +28 21 86 PF +28 21 87 DZ +28 21 88 PF +28 21 89 DZ +28 21 90 DZ +28 21 91 KF +28 21 92 FJ +28 21 93 DZ +28 21 94 DZ +28 21 95 FJ +28 21 96 KF +28 21 97 DZ +28 21 98 PF +28 21 99 FJ +28 21 100 BJ +28 21 101 PF +28 21 102 FJ +28 21 103 KF +28 21 104 DZ +28 21 105 PF +28 21 106 KF +28 21 107 FJ +28 21 108 FJ +28 21 109 DZ +28 21 110 KF +28 21 111 BJ +28 21 112 PF +28 21 113 DZ +28 21 114 BJ +28 21 115 PF +28 21 116 FJ +28 21 117 PF +28 21 118 PF +28 21 119 BJ +28 21 120 FJ +28 21 121 PF +28 21 122 BJ +28 21 123 DZ +28 21 124 BJ +28 21 125 PF +28 21 126 PF +28 21 127 DZ +28 21 128 KF +28 21 129 FJ +28 21 130 DZ +28 21 131 PF +28 21 132 PF +28 21 133 BJ +28 21 134 DZ +28 21 135 PF +28 21 136 BJ +28 21 137 BJ +28 21 138 DZ +28 21 139 FJ +28 21 140 DZ +28 21 141 FJ +28 21 142 FJ +28 21 143 BJ +28 21 144 DZ +28 21 145 BJ +28 21 146 KF +28 21 147 BJ +28 21 148 PF +28 21 149 BJ +28 21 150 PF +28 21 151 PF +28 21 152 PF +28 21 153 DZ +28 21 154 DZ +28 21 155 DZ +28 21 156 BJ +28 21 157 DZ +28 21 158 FJ +28 21 159 PF +28 21 160 PF +28 21 161 BJ +28 21 162 PF +28 21 163 BJ +28 21 164 DZ +28 21 165 BJ +28 21 166 DZ +28 21 167 FJ +28 21 168 BJ +28 21 169 DZ +28 21 170 DZ +28 21 171 DZ +28 21 172 FJ +28 21 173 PF +28 21 174 KF +28 21 175 FJ +28 21 176 PF +28 21 177 KF +28 21 178 DZ +28 21 179 PF +28 21 180 BJ +28 21 181 KF +28 21 182 PF +28 21 183 DZ +28 21 184 PF +28 21 185 PF +28 21 186 BJ +28 21 187 PF +28 21 188 DZ +28 21 189 FJ +28 21 190 PF +28 21 191 BJ +28 21 192 PF +28 21 193 KF +28 21 194 PF +28 21 195 BJ +28 21 196 BJ +28 21 197 PF +28 21 198 DZ +28 21 199 FJ +28 21 200 DZ +28 21 201 PF +28 21 202 BJ +28 21 203 PF +28 21 204 DZ +28 21 205 DZ +28 21 206 FJ +28 21 207 PF +28 21 208 PF +28 21 209 BJ +28 21 210 PF +28 21 211 DZ +28 21 212 PF +28 21 213 FJ +28 21 214 KF +28 21 215 PF +28 21 216 DZ +28 21 217 FJ +28 21 218 BJ +28 21 219 FJ +28 21 220 DZ +28 21 221 FJ +28 21 222 PF +28 21 223 BJ +28 21 224 FJ +28 21 225 KF +28 21 226 DZ +28 21 227 DZ +28 21 228 DZ +28 21 229 BJ +28 21 230 FJ +28 21 231 PF +28 21 232 KF +28 21 233 DZ +28 21 234 BJ +28 21 235 DZ +28 21 236 BJ +28 21 237 PF +28 21 238 BJ +28 21 239 PF +28 21 240 PF +28 21 241 FJ +28 21 242 KF +28 21 243 PF +28 21 244 FJ +28 21 245 PF +28 21 246 BJ +28 21 247 PF +28 21 248 BJ +28 21 249 BJ +28 21 250 PF +28 21 251 BJ +28 21 252 FJ +28 21 253 BJ +28 21 254 DZ +28 21 255 DZ +28 21 256 PF +28 21 257 DZ +28 21 258 KF +28 21 259 PF +28 21 260 FJ +28 21 261 PF +28 21 262 FJ +28 21 263 DZ +28 21 264 DZ +28 21 265 BJ +28 21 266 PF +28 21 267 PF +28 21 268 BJ +28 21 269 PF +28 21 270 PF +28 21 271 BJ +28 21 272 FJ +28 21 273 PF +28 21 274 FJ +28 21 275 KF +28 21 276 PF +28 21 277 DZ +28 21 278 PF +28 21 279 DZ +28 21 280 BJ +28 21 281 BJ +28 21 282 BJ +28 21 283 PF +28 21 284 FJ +28 21 285 PF +28 21 286 FJ +28 21 287 PF +28 21 288 PF +28 21 289 DZ +28 21 290 FJ +28 21 291 DZ +28 21 292 PF +28 21 293 FJ +28 21 294 FJ +28 21 295 PF +28 21 296 PF +28 21 297 KF +28 21 298 PF +28 21 299 BJ +28 21 300 FJ +28 21 301 BJ +28 21 302 FJ +28 21 303 DZ +28 21 304 BJ +28 21 305 PF +28 21 306 BJ +28 21 307 DZ +28 21 308 PF +28 21 309 DZ +28 21 310 BJ +28 21 311 DZ +28 21 312 DZ +28 21 313 PF +28 21 314 FJ +28 21 315 BJ +28 21 316 BJ +28 21 317 PF +28 21 318 PF +28 21 319 FJ +28 21 320 PF +28 21 321 PF +28 21 322 DZ +28 21 323 BJ +28 21 324 FJ +28 21 325 PF +28 21 326 KF +28 21 327 FJ +28 21 328 BJ +28 21 329 PF +28 21 330 FJ +28 22 1 DZ +28 22 2 BJ +28 22 3 PF +28 22 4 LN +28 22 5 BJ +28 22 6 DF +28 22 7 BJ +28 22 8 PF +28 22 9 DF +28 22 10 DZ +28 22 11 DZ +28 22 12 KF +28 22 13 BJ +28 22 14 DZ +28 22 15 FJ +28 22 16 FJ +28 22 17 PF +28 22 18 DZ +28 22 19 DZ +28 22 20 BJ +28 22 21 PF +28 22 22 KF +28 22 23 LN +28 22 24 DZ +28 22 25 BJ +28 22 26 DZ +28 22 27 FJ +28 22 28 PF +28 22 29 BJ +28 22 30 PF +28 22 31 BJ +28 22 32 PF +28 22 33 BJ +28 22 34 DZ +28 22 35 PF +28 22 36 DZ +28 22 37 DZ +28 22 38 PF +28 22 39 BJ +28 22 40 DZ +28 22 41 PF +28 22 42 KF +28 22 43 DZ +28 22 44 FJ +28 22 45 BJ +28 22 46 DZ +28 22 47 DZ +28 22 48 DF +28 22 49 DZ +28 22 50 LN +28 22 51 DZ +28 22 52 FJ +28 22 53 PF +28 22 54 BJ +28 22 55 DZ +28 22 56 FJ +28 22 57 DZ +28 22 58 KF +28 22 59 FJ +28 22 60 DZ +28 22 61 PF +28 22 62 LN +28 22 63 PF +28 22 64 DZ +28 22 65 PF +28 22 66 FJ +28 22 67 BJ +28 22 68 PF +28 22 69 BJ +28 22 70 FJ +28 22 71 PF +28 22 72 BJ +28 22 73 LN +28 22 74 FJ +28 22 75 DZ +28 22 76 PF +28 22 77 DZ +28 22 78 FJ +28 22 79 DZ +28 22 80 DZ +28 22 81 BJ +28 22 82 BJ +28 22 83 FJ +28 22 84 PF +28 22 85 BJ +28 22 86 PF +28 22 87 DZ +28 22 88 LN +28 22 89 DZ +28 22 90 DZ +28 22 91 BJ +28 22 92 FJ +28 22 93 DZ +28 22 94 DZ +28 22 95 FJ +28 22 96 KF +28 22 97 LN +28 22 98 PF +28 22 99 FJ +28 22 100 BJ +28 22 101 PF +28 22 102 FJ +28 22 103 DZ +28 22 104 DZ +28 22 105 LN +28 22 106 FJ +28 22 107 FJ +28 22 108 FJ +28 22 109 DZ +28 22 110 DF +28 22 111 DZ +28 22 112 PF +28 22 113 DZ +28 22 114 BJ +28 22 115 PF +28 22 116 FJ +28 22 117 DZ +28 22 118 PF +28 22 119 BJ +28 22 120 FJ +28 22 121 PF +28 22 122 BJ +28 22 123 DZ +28 22 124 BJ +28 22 125 PF +28 22 126 PF +28 22 127 DZ +28 22 128 KF +28 22 129 FJ +28 22 130 DZ +28 22 131 LN +28 22 132 PF +28 22 133 BJ +28 22 134 DZ +28 22 135 LN +28 22 136 BJ +28 22 137 BJ +28 22 138 DZ +28 22 139 FJ +28 22 140 DZ +28 22 141 FJ +28 22 142 FJ +28 22 143 BJ +28 22 144 LN +28 22 145 BJ +28 22 146 KF +28 22 147 BJ +28 22 148 PF +28 22 149 BJ +28 22 150 LN +28 22 151 PF +28 22 152 LN +28 22 153 DZ +28 22 154 DZ +28 22 155 DZ +28 22 156 BJ +28 22 157 DZ +28 22 158 FJ +28 22 159 DF +28 22 160 PF +28 22 161 BJ +28 22 162 PF +28 22 163 BJ +28 22 164 DZ +28 22 165 BJ +28 22 166 DZ +28 22 167 LN +28 22 168 BJ +28 22 169 DZ +28 22 170 DZ +28 22 171 BJ +28 22 172 FJ +28 22 173 PF +28 22 174 KF +28 22 175 FJ +28 22 176 PF +28 22 177 BJ +28 22 178 DZ +28 22 179 PF +28 22 180 BJ +28 22 181 DF +28 22 182 PF +28 22 183 DF +28 22 184 LN +28 22 185 DF +28 22 186 BJ +28 22 187 DF +28 22 188 DZ +28 22 189 FJ +28 22 190 PF +28 22 191 BJ +28 22 192 LN +28 22 193 BJ +28 22 194 DZ +28 22 195 BJ +28 22 196 BJ +28 22 197 LN +28 22 198 DZ +28 22 199 FJ +28 22 200 DZ +28 22 201 PF +28 22 202 BJ +28 22 203 PF +28 22 204 DZ +28 22 205 LN +28 22 206 FJ +28 22 207 PF +28 22 208 DF +28 22 209 BJ +28 22 210 DZ +28 22 211 DZ +28 22 212 PF +28 22 213 FJ +28 22 214 BJ +28 22 215 LN +28 22 216 DZ +28 22 217 PF +28 22 218 BJ +28 22 219 FJ +28 22 220 DZ +28 22 221 FJ +28 22 222 LN +28 22 223 BJ +28 22 224 FJ +28 22 225 KF +28 22 226 DZ +28 22 227 DZ +28 22 228 DZ +28 22 229 BJ +28 22 230 FJ +28 22 231 LN +28 22 232 DF +28 22 233 DZ +28 22 234 BJ +28 22 235 DZ +28 22 236 BJ +28 22 237 PF +28 22 238 BJ +28 22 239 PF +28 22 240 PF +28 22 241 FJ +28 22 242 FJ +28 22 243 PF +28 22 244 FJ +28 22 245 PF +28 22 246 BJ +28 22 247 DZ +28 22 248 DZ +28 22 249 BJ +28 22 250 LN +28 22 251 BJ +28 22 252 FJ +28 22 253 BJ +28 22 254 DZ +28 22 255 DZ +28 22 256 PF +28 22 257 DZ +28 22 258 KF +28 22 259 PF +28 22 260 FJ +28 22 261 PF +28 22 262 FJ +28 22 263 FJ +28 22 264 FJ +28 22 265 BJ +28 22 266 PF +28 22 267 LN +28 22 268 BJ +28 22 269 LN +28 22 270 DF +28 22 271 DZ +28 22 272 FJ +28 22 273 LN +28 22 274 FJ +28 22 275 BJ +28 22 276 PF +28 22 277 DZ +28 22 278 PF +28 22 279 DZ +28 22 280 BJ +28 22 281 BJ +28 22 282 BJ +28 22 283 DZ +28 22 284 FJ +28 22 285 PF +28 22 286 FJ +28 22 287 DF +28 22 288 PF +28 22 289 BJ +28 22 290 FJ +28 22 291 DZ +28 22 292 PF +28 22 293 FJ +28 22 294 FJ +28 22 295 DZ +28 22 296 LN +28 22 297 KF +28 22 298 PF +28 22 299 BJ +28 22 300 FJ +28 22 301 BJ +28 22 302 FJ +28 22 303 FJ +28 22 304 BJ +28 22 305 LN +28 22 306 BJ +28 22 307 DZ +28 22 308 LN +28 22 309 DZ +28 22 310 BJ +28 22 311 DZ +28 22 312 DZ +28 22 313 DZ +28 22 314 FJ +28 22 315 BJ +28 22 316 BJ +28 22 317 PF +28 22 318 PF +28 22 319 FJ +28 22 320 BJ +28 22 321 PF +28 22 322 DZ +28 22 323 BJ +28 22 324 FJ +28 22 325 LN +28 22 326 KF +28 22 327 FJ +28 22 328 BJ +28 22 329 DF +28 22 330 FJ +28 23 1 BL +28 23 2 BJ +28 23 3 PF +28 23 4 PA +28 23 5 BJ +28 23 6 PA +28 23 7 BJ +28 23 8 PF +28 23 9 PF +28 23 10 DZ +28 23 11 BJ +28 23 12 PF +28 23 13 DZ +28 23 14 DZ +28 23 15 PA +28 23 16 FJ +28 23 17 PF +28 23 18 DZ +28 23 19 BJ +28 23 20 BJ +28 23 21 PF +28 23 22 FJ +28 23 23 PF +28 23 24 DZ +28 23 25 PA +28 23 26 FJ +28 23 27 PA +28 23 28 PF +28 23 29 BJ +28 23 30 PF +28 23 31 FJ +28 23 32 PA +28 23 33 BJ +28 23 34 DZ +28 23 35 PF +28 23 36 BJ +28 23 37 PA +28 23 38 PF +28 23 39 BJ +28 23 40 BJ +28 23 41 PF +28 23 42 BJ +28 23 43 DZ +28 23 44 FJ +28 23 45 BJ +28 23 46 DZ +28 23 47 BJ +28 23 48 PF +28 23 49 FJ +28 23 50 BJ +28 23 51 ES +28 23 52 FJ +28 23 53 PF +28 23 54 BJ +28 23 55 BJ +28 23 56 PA +28 23 57 BJ +28 23 58 BJ +28 23 59 PA +28 23 60 DZ +28 23 61 PF +28 23 62 PA +28 23 63 PA +28 23 64 DZ +28 23 65 PF +28 23 66 FJ +28 23 67 BJ +28 23 68 PF +28 23 69 DZ +28 23 70 PA +28 23 71 PF +28 23 72 BJ +28 23 73 LN +28 23 74 BJ +28 23 75 DZ +28 23 76 PF +28 23 77 BJ +28 23 78 PA +28 23 79 DZ +28 23 80 BJ +28 23 81 BJ +28 23 82 DZ +28 23 83 FJ +28 23 84 PA +28 23 85 BJ +28 23 86 PA +28 23 87 DZ +28 23 88 PF +28 23 89 DZ +28 23 90 DZ +28 23 91 BJ +28 23 92 FJ +28 23 93 DZ +28 23 94 DZ +28 23 95 FJ +28 23 96 BJ +28 23 97 DZ +28 23 98 PF +28 23 99 PA +28 23 100 BJ +28 23 101 PF +28 23 102 PA +28 23 103 DZ +28 23 104 FJ +28 23 105 PF +28 23 106 BJ +28 23 107 FJ +28 23 108 FJ +28 23 109 BJ +28 23 110 PA +28 23 111 DZ +28 23 112 PF +28 23 113 DZ +28 23 114 DZ +28 23 115 PF +28 23 116 FJ +28 23 117 BJ +28 23 118 PA +28 23 119 BJ +28 23 120 FJ +28 23 121 PF +28 23 122 BJ +28 23 123 DZ +28 23 124 BJ +28 23 125 PF +28 23 126 PF +28 23 127 DZ +28 23 128 BJ +28 23 129 FJ +28 23 130 FJ +28 23 131 PF +28 23 132 PA +28 23 133 BJ +28 23 134 DZ +28 23 135 PF +28 23 136 DZ +28 23 137 BJ +28 23 138 DZ +28 23 139 FJ +28 23 140 DZ +28 23 141 FJ +28 23 142 FJ +28 23 143 BJ +28 23 144 BJ +28 23 145 BJ +28 23 146 DZ +28 23 147 PA +28 23 148 PF +28 23 149 BJ +28 23 150 DZ +28 23 151 LN +28 23 152 PA +28 23 153 DZ +28 23 154 DZ +28 23 155 BJ +28 23 156 DZ +28 23 157 PF +28 23 158 FJ +28 23 159 PA +28 23 160 PA +28 23 161 DZ +28 23 162 PF +28 23 163 DZ +28 23 164 DZ +28 23 165 BJ +28 23 166 DZ +28 23 167 PA +28 23 168 BJ +28 23 169 DZ +28 23 170 BJ +28 23 171 BJ +28 23 172 FJ +28 23 173 PF +28 23 174 PA +28 23 175 BJ +28 23 176 PF +28 23 177 BJ +28 23 178 DZ +28 23 179 PF +28 23 180 DZ +28 23 181 BJ +28 23 182 PF +28 23 183 BJ +28 23 184 DZ +28 23 185 PF +28 23 186 FJ +28 23 187 PF +28 23 188 DZ +28 23 189 FJ +28 23 190 PA +28 23 191 DZ +28 23 192 LN +28 23 193 BJ +28 23 194 PF +28 23 195 BJ +28 23 196 FJ +28 23 197 BJ +28 23 198 FJ +28 23 199 FJ +28 23 200 DZ +28 23 201 PA +28 23 202 BJ +28 23 203 PA +28 23 204 FJ +28 23 205 DZ +28 23 206 FJ +28 23 207 PF +28 23 208 PF +28 23 209 DZ +28 23 210 PF +28 23 211 DZ +28 23 212 PF +28 23 213 DZ +28 23 214 BJ +28 23 215 PF +28 23 216 FJ +28 23 217 PA +28 23 218 BJ +28 23 219 FJ +28 23 220 DZ +28 23 221 FJ +28 23 222 DZ +28 23 223 BJ +28 23 224 FJ +28 23 225 BJ +28 23 226 DZ +28 23 227 FJ +28 23 228 BJ +28 23 229 PA +28 23 230 LN +28 23 231 LN +28 23 232 BJ +28 23 233 DZ +28 23 234 DZ +28 23 235 DZ +28 23 236 BJ +28 23 237 PA +28 23 238 DZ +28 23 239 PA +28 23 240 PF +28 23 241 FJ +28 23 242 DZ +28 23 243 PF +28 23 244 FJ +28 23 245 PF +28 23 246 BJ +28 23 247 DZ +28 23 248 BJ +28 23 249 DZ +28 23 250 PA +28 23 251 BJ +28 23 252 FJ +28 23 253 PA +28 23 254 PA +28 23 255 DZ +28 23 256 PF +28 23 257 DZ +28 23 258 BJ +28 23 259 PF +28 23 260 FJ +28 23 261 DZ +28 23 262 FJ +28 23 263 FJ +28 23 264 BJ +28 23 265 BJ +28 23 266 PF +28 23 267 BJ +28 23 268 DZ +28 23 269 LN +28 23 270 PF +28 23 271 FJ +28 23 272 FJ +28 23 273 LN +28 23 274 FJ +28 23 275 DZ +28 23 276 PF +28 23 277 DZ +28 23 278 PA +28 23 279 BJ +28 23 280 DZ +28 23 281 BJ +28 23 282 DZ +28 23 283 DZ +28 23 284 FJ +28 23 285 LN +28 23 286 FJ +28 23 287 BJ +28 23 288 PF +28 23 289 BJ +28 23 290 FJ +28 23 291 DZ +28 23 292 LN +28 23 293 FJ +28 23 294 FJ +28 23 295 BJ +28 23 296 PF +28 23 297 PA +28 23 298 PF +28 23 299 BJ +28 23 300 FJ +28 23 301 DZ +28 23 302 FJ +28 23 303 FJ +28 23 304 BJ +28 23 305 LN +28 23 306 BJ +28 23 307 FJ +28 23 308 PA +28 23 309 FJ +28 23 310 BJ +28 23 311 DZ +28 23 312 DZ +28 23 313 BJ +28 23 314 FJ +28 23 315 BJ +28 23 316 DZ +28 23 317 PF +28 23 318 PA +28 23 319 FJ +28 23 320 DZ +28 23 321 PF +28 23 322 BJ +28 23 323 BJ +28 23 324 FJ +28 23 325 PA +28 23 326 DZ +28 23 327 FJ +28 23 328 BJ +28 23 329 BJ +28 23 330 FJ +28 24 1 BJ +28 24 2 BJ +28 24 3 PF +28 24 4 LN +28 24 5 BJ +28 24 6 PF +28 24 7 BJ +28 24 8 PF +28 24 9 LN +28 24 10 BJ +28 24 11 DZ +28 24 12 KF +28 24 13 BJ +28 24 14 DZ +28 24 15 PA +28 24 16 FJ +28 24 17 PF +28 24 18 DZ +28 24 19 BL +28 24 20 BJ +28 24 21 PF +28 24 22 PA +28 24 23 PA +28 24 24 DZ +28 24 25 DZ +28 24 26 BJ +28 24 27 PA +28 24 28 PA +28 24 29 BJ +28 24 30 LN +28 24 31 BJ +28 24 32 PA +28 24 33 BJ +28 24 34 DZ +28 24 35 PF +28 24 36 BL +28 24 37 BJ +28 24 38 PF +28 24 39 DZ +28 24 40 BJ +28 24 41 PF +28 24 42 PA +28 24 43 BL +28 24 44 PF +28 24 45 DZ +28 24 46 BJ +28 24 47 BJ +28 24 48 PF +28 24 49 BJ +28 24 50 DZ +28 24 51 LN +28 24 52 BJ +28 24 53 KF +28 24 54 BJ +28 24 55 DZ +28 24 56 PA +28 24 57 BJ +28 24 58 KF +28 24 59 PA +28 24 60 DZ +28 24 61 PF +28 24 62 PA +28 24 63 PA +28 24 64 BJ +28 24 65 PF +28 24 66 FJ +28 24 67 PF +28 24 68 PF +28 24 69 BJ +28 24 70 BJ +28 24 71 PF +28 24 72 DZ +28 24 73 PF +28 24 74 PA +28 24 75 DZ +28 24 76 PF +28 24 77 BJ +28 24 78 PF +28 24 79 DZ +28 24 80 DZ +28 24 81 BJ +28 24 82 PA +28 24 83 FJ +28 24 84 PA +28 24 85 DZ +28 24 86 BJ +28 24 87 DZ +28 24 88 LN +28 24 89 DZ +28 24 90 BJ +28 24 91 PA +28 24 92 FJ +28 24 93 DZ +28 24 94 DZ +28 24 95 BJ +28 24 96 PF +28 24 97 DZ +28 24 98 PF +28 24 99 PA +28 24 100 BJ +28 24 101 PF +28 24 102 PA +28 24 103 BJ +28 24 104 BJ +28 24 105 PA +28 24 106 PF +28 24 107 FJ +28 24 108 BJ +28 24 109 DZ +28 24 110 PF +28 24 111 BJ +28 24 112 PF +28 24 113 DZ +28 24 114 BJ +28 24 115 PF +28 24 116 PA +28 24 117 DZ +28 24 118 PF +28 24 119 DZ +28 24 120 FJ +28 24 121 PF +28 24 122 BL +28 24 123 DZ +28 24 124 BJ +28 24 125 PF +28 24 126 FJ +28 24 127 PF +28 24 128 DZ +28 24 129 FJ +28 24 130 DZ +28 24 131 * +28 24 132 PF +28 24 133 BJ +28 24 134 DZ +28 24 135 PA +28 24 136 DZ +28 24 137 BJ +28 24 138 BJ +28 24 139 PA +28 24 140 BJ +28 24 141 FJ +28 24 142 PA +28 24 143 BJ +28 24 144 DZ +28 24 145 BJ +28 24 146 PA +28 24 147 BJ +28 24 148 PF +28 24 149 PF +28 24 150 BJ +28 24 151 PF +28 24 152 PA +28 24 153 DZ +28 24 154 BJ +28 24 155 DZ +28 24 156 BJ +28 24 157 PA +28 24 158 PA +28 24 159 PA +28 24 160 PF +28 24 161 BJ +28 24 162 PF +28 24 163 BJ +28 24 164 BJ +28 24 165 PA +28 24 166 PA +28 24 167 PA +28 24 168 BJ +28 24 169 BJ +28 24 170 BJ +28 24 171 BJ +28 24 172 PA +28 24 173 PA +28 24 174 KF +28 24 175 DZ +28 24 176 PF +28 24 177 KF +28 24 178 DZ +28 24 179 PF +28 24 180 BJ +28 24 181 PA +28 24 182 PF +28 24 183 DZ +28 24 184 KF +28 24 185 PA +28 24 186 BJ +28 24 187 PF +28 24 188 DZ +28 24 189 BJ +28 24 190 KF +28 24 191 DZ +28 24 192 PF +28 24 193 BJ +28 24 194 PF +28 24 195 PA +28 24 196 BJ +28 24 197 FJ +28 24 198 DZ +28 24 199 FJ +28 24 200 BJ +28 24 201 PF +28 24 202 BJ +28 24 203 PA +28 24 204 DZ +28 24 205 BJ +28 24 206 FJ +28 24 207 DZ +28 24 208 PF +28 24 209 KF +28 24 210 KF +28 24 211 DZ +28 24 212 PF +28 24 213 PA +28 24 214 BJ +28 24 215 PA +28 24 216 DZ +28 24 217 KF +28 24 218 PA +28 24 219 FJ +28 24 220 BJ +28 24 221 PA +28 24 222 KF +28 24 223 DZ +28 24 224 FJ +28 24 225 PA +28 24 226 BJ +28 24 227 BJ +28 24 228 DZ +28 24 229 PA +28 24 230 PA +28 24 231 BJ +28 24 232 DZ +28 24 233 PF +28 24 234 FJ +28 24 235 DZ +28 24 236 BJ +28 24 237 PF +28 24 238 DZ +28 24 239 PF +28 24 240 BJ +28 24 241 FJ +28 24 242 KF +28 24 243 PF +28 24 244 FJ +28 24 245 PF +28 24 246 KF +28 24 247 DZ +28 24 248 BJ +28 24 249 BJ +28 24 250 DZ +28 24 251 DZ +28 24 252 FJ +28 24 253 DZ +28 24 254 DZ +28 24 255 DZ +28 24 256 KF +28 24 257 DZ +28 24 258 KF +28 24 259 PF +28 24 260 FJ +28 24 261 PF +28 24 262 PF +28 24 263 PA +28 24 264 BJ +28 24 265 BJ +28 24 266 PF +28 24 267 PF +28 24 268 BJ +28 24 269 PF +28 24 270 PF +28 24 271 BJ +28 24 272 FJ +28 24 273 BJ +28 24 274 FJ +28 24 275 KF +28 24 276 KF +28 24 277 BJ +28 24 278 PF +28 24 279 DZ +28 24 280 BJ +28 24 281 BJ +28 24 282 BJ +28 24 283 DZ +28 24 284 FJ +28 24 285 KF +28 24 286 FJ +28 24 287 BJ +28 24 288 PF +28 24 289 DZ +28 24 290 FJ +28 24 291 BL +28 24 292 KF +28 24 293 PF +28 24 294 FJ +28 24 295 DZ +28 24 296 * +28 24 297 KF +28 24 298 PF +28 24 299 DZ +28 24 300 FJ +28 24 301 DZ +28 24 302 KF +28 24 303 KF +28 24 304 DZ +28 24 305 BJ +28 24 306 BJ +28 24 307 BJ +28 24 308 DZ +28 24 309 BJ +28 24 310 DZ +28 24 311 DZ +28 24 312 DZ +28 24 313 * +28 24 314 * +28 24 315 * +28 24 316 BJ +28 24 317 DZ +28 24 318 PF +28 24 319 FJ +28 24 320 BJ +28 24 321 KF +28 24 322 DZ +28 24 323 BJ +28 24 324 FJ +28 24 325 KF +28 24 326 KF +28 24 327 FJ +28 24 328 BJ +28 24 329 PF +28 24 330 FJ +28 25 1 BJ +28 25 2 FJ +28 25 3 PF +28 25 4 BJ +28 25 5 BL +28 25 6 PF +28 25 7 DZ +28 25 8 PF +28 25 9 ES +28 25 10 BL +28 25 11 DZ +28 25 12 KF +28 25 13 BJ +28 25 14 DZ +28 25 15 PF +28 25 16 FJ +28 25 17 PA +28 25 18 DZ +28 25 19 BL +28 25 20 BJ +28 25 21 PF +28 25 22 KF +28 25 23 BJ +28 25 24 DZ +28 25 25 BL +28 25 26 BL +28 25 27 FJ +28 25 28 PF +28 25 29 BJ +28 25 30 DZ +28 25 31 FJ +28 25 32 PF +28 25 33 BJ +28 25 34 DZ +28 25 35 PF +28 25 36 BJ +28 25 37 DZ +28 25 38 DZ +28 25 39 BJ +28 25 40 FJ +28 25 41 FJ +28 25 42 PF +28 25 43 DZ +28 25 44 FJ +28 25 45 DZ +28 25 46 DZ +28 25 47 BJ +28 25 48 PF +28 25 49 BL +28 25 50 DZ +28 25 51 PF +28 25 52 FJ +28 25 53 PF +28 25 54 DZ +28 25 55 DZ +28 25 56 PF +28 25 57 FJ +28 25 58 DZ +28 25 59 PF +28 25 60 BJ +28 25 61 PF +28 25 62 FJ +28 25 63 PF +28 25 64 BJ +28 25 65 PF +28 25 66 FJ +28 25 67 BJ +28 25 68 FJ +28 25 69 BJ +28 25 70 FJ +28 25 71 PF +28 25 72 KI +28 25 73 PF +28 25 74 FJ +28 25 75 DZ +28 25 76 FJ +28 25 77 FJ +28 25 78 BJ +28 25 79 DZ +28 25 80 FJ +28 25 81 BJ +28 25 82 DZ +28 25 83 FJ +28 25 84 PF +28 25 85 DZ +28 25 86 PF +28 25 87 DZ +28 25 88 PF +28 25 89 DZ +28 25 90 FJ +28 25 91 BJ +28 25 92 FJ +28 25 93 BJ +28 25 94 FJ +28 25 95 BL +28 25 96 KF +28 25 97 DZ +28 25 98 PF +28 25 99 FJ +28 25 100 BL +28 25 101 PF +28 25 102 FJ +28 25 103 DZ +28 25 104 FJ +28 25 105 DZ +28 25 106 KF +28 25 107 FJ +28 25 108 FJ +28 25 109 BL +28 25 110 KF +28 25 111 DZ +28 25 112 PF +28 25 113 DZ +28 25 114 BJ +28 25 115 PF +28 25 116 FJ +28 25 117 DZ +28 25 118 FJ +28 25 119 BJ +28 25 120 FJ +28 25 121 PF +28 25 122 BJ +28 25 123 DZ +28 25 124 FJ +28 25 125 PF +28 25 126 PF +28 25 127 DZ +28 25 128 BJ +28 25 129 FJ +28 25 130 DZ +28 25 131 BJ +28 25 132 PF +28 25 133 BJ +28 25 134 DZ +28 25 135 PF +28 25 136 BJ +28 25 137 BJ +28 25 138 BL +28 25 139 FJ +28 25 140 BL +28 25 141 FJ +28 25 142 FJ +28 25 143 BJ +28 25 144 BL +28 25 145 BJ +28 25 146 PF +28 25 147 BJ +28 25 148 PF +28 25 149 BJ +28 25 150 DZ +28 25 151 FJ +28 25 152 FJ +28 25 153 DZ +28 25 154 DZ +28 25 155 DZ +28 25 156 BJ +28 25 157 FJ +28 25 158 FJ +28 25 159 PF +28 25 160 BL +28 25 161 BJ +28 25 162 PF +28 25 163 BJ +28 25 164 BJ +28 25 165 DZ +28 25 166 BJ +28 25 167 PF +28 25 168 BJ +28 25 169 BJ +28 25 170 BJ +28 25 171 DZ +28 25 172 FJ +28 25 173 PF +28 25 174 * +28 25 175 FJ +28 25 176 PF +28 25 177 BJ +28 25 178 BL +28 25 179 DZ +28 25 180 BJ +28 25 181 DZ +28 25 182 DZ +28 25 183 DZ +28 25 184 PF +28 25 185 DZ +28 25 186 BL +28 25 187 PF +28 25 188 BL +28 25 189 FJ +28 25 190 BL +28 25 191 BJ +28 25 192 BL +28 25 193 BJ +28 25 194 PF +28 25 195 BJ +28 25 196 BJ +28 25 197 BL +28 25 198 DZ +28 25 199 FJ +28 25 200 BJ +28 25 201 PF +28 25 202 BJ +28 25 203 PF +28 25 204 DZ +28 25 205 BJ +28 25 206 FJ +28 25 207 BJ +28 25 208 DZ +28 25 209 BL +28 25 210 DZ +28 25 211 BL +28 25 212 PF +28 25 213 FJ +28 25 214 BJ +28 25 215 PF +28 25 216 DZ +28 25 217 BJ +28 25 218 DZ +28 25 219 FJ +28 25 220 DZ +28 25 221 FJ +28 25 222 DZ +28 25 223 BJ +28 25 224 FJ +28 25 225 FJ +28 25 226 DZ +28 25 227 DZ +28 25 228 DZ +28 25 229 BJ +28 25 230 FJ +28 25 231 PF +28 25 232 KI +28 25 233 FJ +28 25 234 BJ +28 25 235 DZ +28 25 236 KI +28 25 237 BJ +28 25 238 KI +28 25 239 PF +28 25 240 DZ +28 25 241 FJ +28 25 242 PF +28 25 243 DZ +28 25 244 FJ +28 25 245 PF +28 25 246 BL +28 25 247 LN +28 25 248 DZ +28 25 249 BJ +28 25 250 KI +28 25 251 BJ +28 25 252 FJ +28 25 253 FJ +28 25 254 KI +28 25 255 DZ +28 25 256 PF +28 25 257 DZ +28 25 258 KF +28 25 259 PF +28 25 260 BJ +28 25 261 KF +28 25 262 FJ +28 25 263 DZ +28 25 264 FJ +28 25 265 BJ +28 25 266 PF +28 25 267 LN +28 25 268 BJ +28 25 269 PF +28 25 270 FJ +28 25 271 KI +28 25 272 FJ +28 25 273 PF +28 25 274 FJ +28 25 275 KI +28 25 276 PF +28 25 277 DZ +28 25 278 PF +28 25 279 BL +28 25 280 BJ +28 25 281 BJ +28 25 282 BJ +28 25 283 DZ +28 25 284 FJ +28 25 285 PF +28 25 286 FJ +28 25 287 PF +28 25 288 PF +28 25 289 KI +28 25 290 FJ +28 25 291 BL +28 25 292 FJ +28 25 293 FJ +28 25 294 FJ +28 25 295 DZ +28 25 296 LN +28 25 297 KF +28 25 298 PF +28 25 299 BJ +28 25 300 FJ +28 25 301 BJ +28 25 302 FJ +28 25 303 FJ +28 25 304 BJ +28 25 305 LN +28 25 306 BJ +28 25 307 BL +28 25 308 LN +28 25 309 DZ +28 25 310 BJ +28 25 311 DZ +28 25 312 DZ +28 25 313 LN +28 25 314 FJ +28 25 315 BJ +28 25 316 BJ +28 25 317 PF +28 25 318 PF +28 25 319 FJ +28 25 320 DZ +28 25 321 PF +28 25 322 KI +28 25 323 BJ +28 25 324 FJ +28 25 325 LN +28 25 326 PF +28 25 327 FJ +28 25 328 BJ +28 25 329 DZ +28 25 330 FJ +29 1 1 I +29 1 2 Q +29 1 3 C +29 1 4 S +29 1 5 I +29 1 6 T +29 1 7 I +29 1 8 C +29 1 9 T +29 1 10 I +29 1 11 I +29 1 12 Q +29 1 13 I +29 1 14 I +29 1 15 T +29 1 16 T +29 1 17 C +29 1 18 S +29 1 19 I +29 1 20 I +29 1 21 C +29 1 22 Q +29 1 23 Y +29 1 24 S +29 1 25 I +29 1 26 I +29 1 27 T +29 1 28 C +29 1 29 I +29 1 30 C +29 1 31 I +29 1 32 Y +29 1 33 I +29 1 34 I +29 1 35 C +29 1 36 S +29 1 37 I +29 1 38 C +29 1 39 I +29 1 40 I +29 1 41 C +29 1 42 Q +29 1 43 S +29 1 44 T +29 1 45 I +29 1 46 S +29 1 47 S +29 1 48 Q +29 1 49 I +29 1 50 Y +29 1 51 S +29 1 52 T +29 1 53 Y +29 1 54 I +29 1 55 I +29 1 56 Q +29 1 57 I +29 1 58 T +29 1 59 T +29 1 60 I +29 1 61 C +29 1 62 Y +29 1 63 C +29 1 64 T +29 1 65 C +29 1 66 T +29 1 67 I +29 1 68 Y +29 1 69 I +29 1 70 T +29 1 71 Y +29 1 72 I +29 1 73 Y +29 1 74 T +29 1 75 S +29 1 76 C +29 1 77 I +29 1 78 T +29 1 79 S +29 1 80 I +29 1 81 I +29 1 82 I +29 1 83 T +29 1 84 Y +29 1 85 I +29 1 86 C +29 1 87 S +29 1 88 Y +29 1 89 S +29 1 90 I +29 1 91 Q +29 1 92 T +29 1 93 I +29 1 94 S +29 1 95 T +29 1 96 Q +29 1 97 Y +29 1 98 C +29 1 99 T +29 1 100 I +29 1 101 Y +29 1 102 T +29 1 103 I +29 1 104 I +29 1 105 Y +29 1 106 Q +29 1 107 T +29 1 108 I +29 1 109 I +29 1 110 Q +29 1 111 S +29 1 112 C +29 1 113 S +29 1 114 I +29 1 115 C +29 1 116 T +29 1 117 S +29 1 118 T +29 1 119 I +29 1 120 T +29 1 121 C +29 1 122 I +29 1 123 I +29 1 124 Q +29 1 125 C +29 1 126 T +29 1 127 I +29 1 128 Q +29 1 129 T +29 1 130 S +29 1 131 Y +29 1 132 C +29 1 133 I +29 1 134 Y +29 1 135 Y +29 1 136 I +29 1 137 I +29 1 138 I +29 1 139 T +29 1 140 I +29 1 141 T +29 1 142 T +29 1 143 I +29 1 144 Y +29 1 145 I +29 1 146 Q +29 1 147 I +29 1 148 C +29 1 149 I +29 1 150 Y +29 1 151 T +29 1 152 I +29 1 153 I +29 1 154 S +29 1 155 S +29 1 156 I +29 1 157 T +29 1 158 T +29 1 159 T +29 1 160 T +29 1 161 I +29 1 162 C +29 1 163 I +29 1 164 I +29 1 165 I +29 1 166 I +29 1 167 T +29 1 168 I +29 1 169 I +29 1 170 I +29 1 171 I +29 1 172 T +29 1 173 C +29 1 174 Q +29 1 175 T +29 1 176 C +29 1 177 T +29 1 178 I +29 1 179 Y +29 1 180 I +29 1 181 Q +29 1 182 Y +29 1 183 S +29 1 184 Y +29 1 185 T +29 1 186 I +29 1 187 Q +29 1 188 I +29 1 189 T +29 1 190 T +29 1 191 I +29 1 192 Y +29 1 193 Q +29 1 194 Y +29 1 195 I +29 1 196 T +29 1 197 Y +29 1 198 S +29 1 199 T +29 1 200 I +29 1 201 T +29 1 202 I +29 1 203 Y +29 1 204 S +29 1 205 Y +29 1 206 T +29 1 207 C +29 1 208 T +29 1 209 I +29 1 210 Y +29 1 211 I +29 1 212 Q +29 1 213 T +29 1 214 Q +29 1 215 T +29 1 216 S +29 1 217 T +29 1 218 Q +29 1 219 T +29 1 220 I +29 1 221 T +29 1 222 Y +29 1 223 I +29 1 224 T +29 1 225 Q +29 1 226 I +29 1 227 S +29 1 228 I +29 1 229 T +29 1 230 T +29 1 231 Y +29 1 232 Q +29 1 233 T +29 1 234 I +29 1 235 I +29 1 236 Q +29 1 237 T +29 1 238 I +29 1 239 Y +29 1 240 Y +29 1 241 T +29 1 242 T +29 1 243 Y +29 1 244 T +29 1 245 C +29 1 246 I +29 1 247 T +29 1 248 S +29 1 249 I +29 1 250 Y +29 1 251 T +29 1 252 T +29 1 253 I +29 1 254 T +29 1 255 S +29 1 256 C +29 1 257 I +29 1 258 Q +29 1 259 Y +29 1 260 T +29 1 261 Y +29 1 262 T +29 1 263 T +29 1 264 T +29 1 265 I +29 1 266 C +29 1 267 Y +29 1 268 I +29 1 269 Y +29 1 270 Q +29 1 271 S +29 1 272 T +29 1 273 Y +29 1 274 T +29 1 275 Q +29 1 276 C +29 1 277 I +29 1 278 T +29 1 279 I +29 1 280 I +29 1 281 I +29 1 282 I +29 1 283 T +29 1 284 T +29 1 285 T +29 1 286 T +29 1 287 Q +29 1 288 C +29 1 289 I +29 1 290 T +29 1 291 I +29 1 292 T +29 1 293 I +29 1 294 T +29 1 295 S +29 1 296 Y +29 1 297 Q +29 1 298 C +29 1 299 I +29 1 300 T +29 1 301 I +29 1 302 T +29 1 303 T +29 1 304 I +29 1 305 Y +29 1 306 I +29 1 307 I +29 1 308 Y +29 1 309 S +29 1 310 I +29 1 311 I +29 1 312 T +29 1 313 S +29 1 314 I +29 1 315 I +29 1 316 I +29 1 317 Y +29 1 318 Q +29 1 319 T +29 1 320 I +29 1 321 C +29 1 322 I +29 1 323 I +29 1 324 T +29 1 325 Y +29 1 326 Q +29 1 327 T +29 1 328 I +29 1 329 Q +29 1 330 T +29 2 1 I +29 2 2 I +29 2 3 C +29 2 4 S +29 2 5 I +29 2 6 Q +29 2 7 I +29 2 8 C +29 2 9 Q +29 2 10 S +29 2 11 I +29 2 12 Q +29 2 13 I +29 2 14 S +29 2 15 C +29 2 16 T +29 2 17 C +29 2 18 S +29 2 19 I +29 2 20 I +29 2 21 C +29 2 22 Q +29 2 23 G +29 2 24 T +29 2 25 I +29 2 26 S +29 2 27 T +29 2 28 C +29 2 29 I +29 2 30 C +29 2 31 I +29 2 32 G +29 2 33 I +29 2 34 I +29 2 35 C +29 2 36 I +29 2 37 I +29 2 38 C +29 2 39 I +29 2 40 I +29 2 41 C +29 2 42 Q +29 2 43 S +29 2 44 T +29 2 45 I +29 2 46 T +29 2 47 I +29 2 48 Q +29 2 49 I +29 2 50 G +29 2 51 Q +29 2 52 T +29 2 53 C +29 2 54 I +29 2 55 I +29 2 56 T +29 2 57 I +29 2 58 Q +29 2 59 T +29 2 60 S +29 2 61 C +29 2 62 G +29 2 63 C +29 2 64 I +29 2 65 C +29 2 66 T +29 2 67 I +29 2 68 G +29 2 69 I +29 2 70 T +29 2 71 G +29 2 72 I +29 2 73 G +29 2 74 I +29 2 75 I +29 2 76 C +29 2 77 I +29 2 78 T +29 2 79 S +29 2 80 I +29 2 81 I +29 2 82 I +29 2 83 T +29 2 84 T +29 2 85 I +29 2 86 G +29 2 87 S +29 2 88 G +29 2 89 S +29 2 90 I +29 2 91 Q +29 2 92 T +29 2 93 I +29 2 94 S +29 2 95 T +29 2 96 Q +29 2 97 G +29 2 98 C +29 2 99 I +29 2 100 I +29 2 101 G +29 2 102 T +29 2 103 Q +29 2 104 I +29 2 105 G +29 2 106 Q +29 2 107 T +29 2 108 T +29 2 109 S +29 2 110 Q +29 2 111 I +29 2 112 C +29 2 113 S +29 2 114 I +29 2 115 C +29 2 116 I +29 2 117 S +29 2 118 C +29 2 119 I +29 2 120 T +29 2 121 Q +29 2 122 I +29 2 123 I +29 2 124 Q +29 2 125 C +29 2 126 C +29 2 127 S +29 2 128 Q +29 2 129 T +29 2 130 S +29 2 131 CU +29 2 132 C +29 2 133 I +29 2 134 S +29 2 135 G +29 2 136 I +29 2 137 I +29 2 138 I +29 2 139 T +29 2 140 I +29 2 141 T +29 2 142 T +29 2 143 Q +29 2 144 G +29 2 145 I +29 2 146 Q +29 2 147 I +29 2 148 C +29 2 149 I +29 2 150 G +29 2 151 T +29 2 152 G +29 2 153 I +29 2 154 S +29 2 155 S +29 2 156 I +29 2 157 S +29 2 158 T +29 2 159 Q +29 2 160 T +29 2 161 I +29 2 162 C +29 2 163 I +29 2 164 I +29 2 165 Q +29 2 166 S +29 2 167 G +29 2 168 I +29 2 169 I +29 2 170 S +29 2 171 I +29 2 172 T +29 2 173 C +29 2 174 Q +29 2 175 I +29 2 176 C +29 2 177 Q +29 2 178 S +29 2 179 C +29 2 180 I +29 2 181 Q +29 2 182 G +29 2 183 Q +29 2 184 G +29 2 185 Q +29 2 186 I +29 2 187 Q +29 2 188 I +29 2 189 I +29 2 190 C +29 2 191 I +29 2 192 G +29 2 193 Q +29 2 194 C +29 2 195 I +29 2 196 I +29 2 197 G +29 2 198 S +29 2 199 T +29 2 200 I +29 2 201 T +29 2 202 I +29 2 203 G +29 2 204 S +29 2 205 G +29 2 206 T +29 2 207 G +29 2 208 Q +29 2 209 I +29 2 210 S +29 2 211 I +29 2 212 Q +29 2 213 G +29 2 214 Q +29 2 215 G +29 2 216 I +29 2 217 T +29 2 218 Q +29 2 219 I +29 2 220 G +29 2 221 T +29 2 222 G +29 2 223 I +29 2 224 T +29 2 225 Q +29 2 226 I +29 2 227 S +29 2 228 S +29 2 229 I +29 2 230 T +29 2 231 G +29 2 232 Q +29 2 233 G +29 2 234 I +29 2 235 I +29 2 236 Q +29 2 237 T +29 2 238 I +29 2 239 C +29 2 240 C +29 2 241 T +29 2 242 Q +29 2 243 G +29 2 244 T +29 2 245 C +29 2 246 I +29 2 247 G +29 2 248 S +29 2 249 I +29 2 250 G +29 2 251 I +29 2 252 T +29 2 253 I +29 2 254 I +29 2 255 S +29 2 256 C +29 2 257 I +29 2 258 Q +29 2 259 C +29 2 260 T +29 2 261 Q +29 2 262 T +29 2 263 T +29 2 264 T +29 2 265 I +29 2 266 C +29 2 267 G +29 2 268 I +29 2 269 G +29 2 270 Q +29 2 271 I +29 2 272 T +29 2 273 G +29 2 274 T +29 2 275 Q +29 2 276 G +29 2 277 I +29 2 278 C +29 2 279 S +29 2 280 I +29 2 281 I +29 2 282 I +29 2 283 S +29 2 284 T +29 2 285 T +29 2 286 T +29 2 287 Q +29 2 288 C +29 2 289 I +29 2 290 T +29 2 291 I +29 2 292 C +29 2 293 T +29 2 294 T +29 2 295 Q +29 2 296 G +29 2 297 Q +29 2 298 C +29 2 299 I +29 2 300 T +29 2 301 I +29 2 302 T +29 2 303 T +29 2 304 I +29 2 305 G +29 2 306 Q +29 2 307 I +29 2 308 G +29 2 309 S +29 2 310 I +29 2 311 I +29 2 312 S +29 2 313 G +29 2 314 T +29 2 315 I +29 2 316 I +29 2 317 G +29 2 318 Q +29 2 319 T +29 2 320 I +29 2 321 C +29 2 322 I +29 2 323 I +29 2 324 T +29 2 325 G +29 2 326 Q +29 2 327 T +29 2 328 I +29 2 329 Q +29 2 330 T +29 3 1 I +29 3 2 T +29 3 3 C +29 3 4 Y +29 3 5 I +29 3 6 T +29 3 7 I +29 3 8 I +29 3 9 T +29 3 10 I +29 3 11 I +29 3 12 Q +29 3 13 I +29 3 14 S +29 3 15 T +29 3 16 T +29 3 17 C +29 3 18 S +29 3 19 I +29 3 20 I +29 3 21 C +29 3 22 Q +29 3 23 Y +29 3 24 S +29 3 25 I +29 3 26 S +29 3 27 T +29 3 28 C +29 3 29 I +29 3 30 Q +29 3 31 I +29 3 32 Y +29 3 33 I +29 3 34 I +29 3 35 T +29 3 36 I +29 3 37 I +29 3 38 C +29 3 39 I +29 3 40 I +29 3 41 C +29 3 42 Q +29 3 43 S +29 3 44 T +29 3 45 I +29 3 46 T +29 3 47 I +29 3 48 Q +29 3 49 I +29 3 50 Y +29 3 51 Q +29 3 52 T +29 3 53 C +29 3 54 I +29 3 55 I +29 3 56 T +29 3 57 S +29 3 58 Q +29 3 59 T +29 3 60 S +29 3 61 C +29 3 62 Y +29 3 63 T +29 3 64 I +29 3 65 C +29 3 66 T +29 3 67 I +29 3 68 C +29 3 69 I +29 3 70 T +29 3 71 C +29 3 72 I +29 3 73 Y +29 3 74 T +29 3 75 S +29 3 76 Q +29 3 77 I +29 3 78 T +29 3 79 S +29 3 80 I +29 3 81 I +29 3 82 I +29 3 83 T +29 3 84 T +29 3 85 I +29 3 86 C +29 3 87 S +29 3 88 Y +29 3 89 S +29 3 90 I +29 3 91 Q +29 3 92 T +29 3 93 I +29 3 94 S +29 3 95 T +29 3 96 Q +29 3 97 Y +29 3 98 C +29 3 99 T +29 3 100 I +29 3 101 C +29 3 102 T +29 3 103 T +29 3 104 I +29 3 105 Y +29 3 106 Q +29 3 107 T +29 3 108 T +29 3 109 I +29 3 110 Y +29 3 111 I +29 3 112 C +29 3 113 S +29 3 114 I +29 3 115 C +29 3 116 I +29 3 117 S +29 3 118 C +29 3 119 I +29 3 120 T +29 3 121 Q +29 3 122 I +29 3 123 I +29 3 124 Q +29 3 125 Q +29 3 126 T +29 3 127 I +29 3 128 Q +29 3 129 T +29 3 130 S +29 3 131 Y +29 3 132 C +29 3 133 I +29 3 134 S +29 3 135 Y +29 3 136 I +29 3 137 I +29 3 138 I +29 3 139 T +29 3 140 I +29 3 141 T +29 3 142 T +29 3 143 Q +29 3 144 Y +29 3 145 I +29 3 146 Q +29 3 147 I +29 3 148 C +29 3 149 I +29 3 150 Y +29 3 151 T +29 3 152 T +29 3 153 I +29 3 154 S +29 3 155 S +29 3 156 I +29 3 157 T +29 3 158 T +29 3 159 Q +29 3 160 T +29 3 161 I +29 3 162 C +29 3 163 I +29 3 164 I +29 3 165 T +29 3 166 I +29 3 167 T +29 3 168 I +29 3 169 I +29 3 170 S +29 3 171 Q +29 3 172 T +29 3 173 C +29 3 174 Q +29 3 175 I +29 3 176 C +29 3 177 Q +29 3 178 I +29 3 179 C +29 3 180 I +29 3 181 Q +29 3 182 Y +29 3 183 T +29 3 184 Y +29 3 185 Q +29 3 186 I +29 3 187 Q +29 3 188 I +29 3 189 T +29 3 190 T +29 3 191 I +29 3 192 Y +29 3 193 Q +29 3 194 C +29 3 195 I +29 3 196 I +29 3 197 Y +29 3 198 S +29 3 199 T +29 3 200 I +29 3 201 T +29 3 202 I +29 3 203 Y +29 3 204 S +29 3 205 Y +29 3 206 T +29 3 207 C +29 3 208 Q +29 3 209 I +29 3 210 S +29 3 211 I +29 3 212 Q +29 3 213 T +29 3 214 Q +29 3 215 Y +29 3 216 S +29 3 217 T +29 3 218 I +29 3 219 T +29 3 220 Y +29 3 221 T +29 3 222 Y +29 3 223 I +29 3 224 T +29 3 225 Q +29 3 226 I +29 3 227 S +29 3 228 I +29 3 229 I +29 3 230 T +29 3 231 Y +29 3 232 T +29 3 233 Y +29 3 234 I +29 3 235 I +29 3 236 Q +29 3 237 T +29 3 238 I +29 3 239 T +29 3 240 C +29 3 241 T +29 3 242 Q +29 3 243 Y +29 3 244 T +29 3 245 C +29 3 246 I +29 3 247 Y +29 3 248 S +29 3 249 I +29 3 250 Y +29 3 251 I +29 3 252 T +29 3 253 I +29 3 254 I +29 3 255 S +29 3 256 T +29 3 257 I +29 3 258 Q +29 3 259 C +29 3 260 Q +29 3 261 Q +29 3 262 T +29 3 263 T +29 3 264 T +29 3 265 I +29 3 266 C +29 3 267 Y +29 3 268 I +29 3 269 Y +29 3 270 Q +29 3 271 I +29 3 272 T +29 3 273 Y +29 3 274 T +29 3 275 Q +29 3 276 C +29 3 277 I +29 3 278 Q +29 3 279 I +29 3 280 I +29 3 281 I +29 3 282 I +29 3 283 S +29 3 284 T +29 3 285 T +29 3 286 T +29 3 287 T +29 3 288 C +29 3 289 I +29 3 290 T +29 3 291 I +29 3 292 T +29 3 293 T +29 3 294 T +29 3 295 S +29 3 296 Y +29 3 297 Q +29 3 298 C +29 3 299 I +29 3 300 T +29 3 301 I +29 3 302 T +29 3 303 T +29 3 304 I +29 3 305 Y +29 3 306 I +29 3 307 I +29 3 308 Y +29 3 309 T +29 3 310 I +29 3 311 I +29 3 312 S +29 3 313 Y +29 3 314 T +29 3 315 I +29 3 316 I +29 3 317 Y +29 3 318 Q +29 3 319 T +29 3 320 I +29 3 321 C +29 3 322 I +29 3 323 I +29 3 324 T +29 3 325 Y +29 3 326 Q +29 3 327 T +29 3 328 I +29 3 329 T +29 3 330 T +29 4 1 I +29 4 2 I +29 4 3 C +29 4 4 Y +29 4 5 I +29 4 6 T +29 4 7 I +29 4 8 C +29 4 9 CO +29 4 10 I +29 4 11 I +29 4 12 Q +29 4 13 I +29 4 14 I +29 4 15 T +29 4 16 T +29 4 17 C +29 4 18 S +29 4 19 I +29 4 20 I +29 4 21 C +29 4 22 T +29 4 23 Y +29 4 24 S +29 4 25 I +29 4 26 I +29 4 27 T +29 4 28 C +29 4 29 I +29 4 30 Q +29 4 31 T +29 4 32 Y +29 4 33 I +29 4 34 I +29 4 35 C +29 4 36 I +29 4 37 I +29 4 38 C +29 4 39 I +29 4 40 I +29 4 41 C +29 4 42 Q +29 4 43 I +29 4 44 T +29 4 45 I +29 4 46 T +29 4 47 I +29 4 48 Q +29 4 49 I +29 4 50 Y +29 4 51 S +29 4 52 T +29 4 53 C +29 4 54 I +29 4 55 I +29 4 56 T +29 4 57 I +29 4 58 T +29 4 59 T +29 4 60 I +29 4 61 C +29 4 62 I +29 4 63 C +29 4 64 I +29 4 65 C +29 4 66 T +29 4 67 I +29 4 68 C +29 4 69 I +29 4 70 T +29 4 71 C +29 4 72 I +29 4 73 C +29 4 74 T +29 4 75 I +29 4 76 Q +29 4 77 I +29 4 78 T +29 4 79 S +29 4 80 I +29 4 81 I +29 4 82 I +29 4 83 T +29 4 84 T +29 4 85 I +29 4 86 T +29 4 87 S +29 4 88 Y +29 4 89 S +29 4 90 I +29 4 91 I +29 4 92 T +29 4 93 I +29 4 94 S +29 4 95 T +29 4 96 Q +29 4 97 Y +29 4 98 C +29 4 99 T +29 4 100 I +29 4 101 C +29 4 102 I +29 4 103 I +29 4 104 I +29 4 105 Y +29 4 106 T +29 4 107 T +29 4 108 I +29 4 109 I +29 4 110 Q +29 4 111 I +29 4 112 C +29 4 113 S +29 4 114 I +29 4 115 C +29 4 116 T +29 4 117 S +29 4 118 C +29 4 119 I +29 4 120 T +29 4 121 C +29 4 122 I +29 4 123 I +29 4 124 I +29 4 125 C +29 4 126 T +29 4 127 I +29 4 128 Q +29 4 129 T +29 4 130 S +29 4 131 Y +29 4 132 C +29 4 133 I +29 4 134 S +29 4 135 Y +29 4 136 I +29 4 137 I +29 4 138 I +29 4 139 T +29 4 140 I +29 4 141 T +29 4 142 T +29 4 143 I +29 4 144 Y +29 4 145 I +29 4 146 Q +29 4 147 I +29 4 148 C +29 4 149 I +29 4 150 Y +29 4 151 T +29 4 152 Y +29 4 153 I +29 4 154 S +29 4 155 S +29 4 156 I +29 4 157 S +29 4 158 T +29 4 159 T +29 4 160 T +29 4 161 I +29 4 162 C +29 4 163 I +29 4 164 I +29 4 165 I +29 4 166 I +29 4 167 T +29 4 168 I +29 4 169 I +29 4 170 S +29 4 171 I +29 4 172 T +29 4 173 C +29 4 174 Q +29 4 175 T +29 4 176 C +29 4 177 T +29 4 178 I +29 4 179 C +29 4 180 I +29 4 181 Q +29 4 182 Y +29 4 183 T +29 4 184 Y +29 4 185 T +29 4 186 I +29 4 187 Q +29 4 188 I +29 4 189 T +29 4 190 T +29 4 191 I +29 4 192 Y +29 4 193 Q +29 4 194 C +29 4 195 I +29 4 196 I +29 4 197 Y +29 4 198 S +29 4 199 T +29 4 200 I +29 4 201 T +29 4 202 I +29 4 203 Y +29 4 204 S +29 4 205 Y +29 4 206 T +29 4 207 C +29 4 208 Q +29 4 209 I +29 4 210 C +29 4 211 I +29 4 212 Q +29 4 213 T +29 4 214 I +29 4 215 Y +29 4 216 S +29 4 217 T +29 4 218 I +29 4 219 T +29 4 220 I +29 4 221 T +29 4 222 Y +29 4 223 I +29 4 224 T +29 4 225 I +29 4 226 I +29 4 227 S +29 4 228 I +29 4 229 I +29 4 230 T +29 4 231 Y +29 4 232 S +29 4 233 I +29 4 234 I +29 4 235 I +29 4 236 I +29 4 237 T +29 4 238 I +29 4 239 T +29 4 240 C +29 4 241 T +29 4 242 T +29 4 243 Y +29 4 244 T +29 4 245 C +29 4 246 I +29 4 247 Y +29 4 248 S +29 4 249 I +29 4 250 Y +29 4 251 I +29 4 252 T +29 4 253 I +29 4 254 I +29 4 255 S +29 4 256 C +29 4 257 I +29 4 258 Q +29 4 259 C +29 4 260 T +29 4 261 Q +29 4 262 T +29 4 263 T +29 4 264 T +29 4 265 I +29 4 266 Q +29 4 267 Y +29 4 268 I +29 4 269 Y +29 4 270 Q +29 4 271 I +29 4 272 T +29 4 273 Y +29 4 274 T +29 4 275 I +29 4 276 C +29 4 277 I +29 4 278 T +29 4 279 I +29 4 280 I +29 4 281 I +29 4 282 I +29 4 283 S +29 4 284 T +29 4 285 Y +29 4 286 T +29 4 287 T +29 4 288 C +29 4 289 T +29 4 290 T +29 4 291 I +29 4 292 T +29 4 293 T +29 4 294 T +29 4 295 S +29 4 296 Y +29 4 297 Q +29 4 298 C +29 4 299 I +29 4 300 T +29 4 301 I +29 4 302 T +29 4 303 I +29 4 304 I +29 4 305 Y +29 4 306 I +29 4 307 I +29 4 308 Y +29 4 309 S +29 4 310 I +29 4 311 I +29 4 312 S +29 4 313 I +29 4 314 T +29 4 315 I +29 4 316 I +29 4 317 Y +29 4 318 C +29 4 319 T +29 4 320 I +29 4 321 C +29 4 322 I +29 4 323 I +29 4 324 T +29 4 325 Y +29 4 326 Q +29 4 327 T +29 4 328 I +29 4 329 Q +29 4 330 T +29 5 1 I +29 5 2 I +29 5 3 C +29 5 4 Y +29 5 5 T +29 5 6 I +29 5 7 C +29 5 8 S +29 5 9 I +29 5 10 I +29 5 11 Q +29 5 12 I +29 5 13 T +29 5 14 T +29 5 15 T +29 5 16 C +29 5 17 S +29 5 18 I +29 5 19 I +29 5 20 I +29 5 21 C +29 5 22 Q +29 5 23 S +29 5 24 S +29 5 25 I +29 5 26 I +29 5 27 T +29 5 28 C +29 5 29 I +29 5 30 Q +29 5 31 T +29 5 32 C +29 5 33 I +29 5 34 I +29 5 35 C +29 5 36 G +29 5 37 I +29 5 38 C +29 5 39 I +29 5 40 I +29 5 41 C +29 5 42 Q +29 5 43 G +29 5 44 T +29 5 45 I +29 5 46 S +29 5 47 I +29 5 48 Q +29 5 49 I +29 5 50 Y +29 5 51 G +29 5 52 T +29 5 53 C +29 5 54 I +29 5 55 I +29 5 56 Q +29 5 57 I +29 5 58 Q +29 5 59 T +29 5 60 S +29 5 61 C +29 5 62 I +29 5 63 C +29 5 64 I +29 5 65 C +29 5 66 T +29 5 67 I +29 5 68 C +29 5 69 I +29 5 70 T +29 5 71 Y +29 5 72 I +29 5 73 Y +29 5 74 I +29 5 75 G +29 5 76 Q +29 5 77 I +29 5 78 T +29 5 79 S +29 5 80 I +29 5 81 I +29 5 82 I +29 5 83 Q +29 5 84 C +29 5 85 I +29 5 86 C +29 5 87 S +29 5 88 Y +29 5 89 S +29 5 90 I +29 5 91 I +29 5 92 T +29 5 93 I +29 5 94 S +29 5 95 T +29 5 96 Q +29 5 97 Y +29 5 98 C +29 5 99 T +29 5 100 I +29 5 101 Y +29 5 102 I +29 5 103 S +29 5 104 I +29 5 105 Y +29 5 106 Q +29 5 107 T +29 5 108 T +29 5 109 I +29 5 110 Q +29 5 111 G +29 5 112 C +29 5 113 S +29 5 114 I +29 5 115 C +29 5 116 I +29 5 117 S +29 5 118 C +29 5 119 I +29 5 120 T +29 5 121 Q +29 5 122 I +29 5 123 I +29 5 124 Q +29 5 125 Q +29 5 126 C +29 5 127 G +29 5 128 Q +29 5 129 T +29 5 130 S +29 5 131 Y +29 5 132 C +29 5 133 I +29 5 134 G +29 5 135 Y +29 5 136 I +29 5 137 I +29 5 138 I +29 5 139 T +29 5 140 I +29 5 141 T +29 5 142 T +29 5 143 I +29 5 144 Y +29 5 145 I +29 5 146 Q +29 5 147 I +29 5 148 C +29 5 149 I +29 5 150 Y +29 5 151 Q +29 5 152 Y +29 5 153 I +29 5 154 S +29 5 155 G +29 5 156 I +29 5 157 G +29 5 158 T +29 5 159 Q +29 5 160 C +29 5 161 I +29 5 162 C +29 5 163 I +29 5 164 I +29 5 165 G +29 5 166 S +29 5 167 T +29 5 168 I +29 5 169 S +29 5 170 S +29 5 171 G +29 5 172 T +29 5 173 C +29 5 174 Q +29 5 175 I +29 5 176 C +29 5 177 Q +29 5 178 I +29 5 179 G +29 5 180 I +29 5 181 Q +29 5 182 Y +29 5 183 Q +29 5 184 Y +29 5 185 Q +29 5 186 I +29 5 187 Q +29 5 188 I +29 5 189 I +29 5 190 C +29 5 191 I +29 5 192 Y +29 5 193 Q +29 5 194 Y +29 5 195 I +29 5 196 I +29 5 197 Y +29 5 198 S +29 5 199 T +29 5 200 I +29 5 201 C +29 5 202 I +29 5 203 C +29 5 204 S +29 5 205 G +29 5 206 T +29 5 207 C +29 5 208 Q +29 5 209 I +29 5 210 G +29 5 211 I +29 5 212 Q +29 5 213 T +29 5 214 Q +29 5 215 C +29 5 216 G +29 5 217 C +29 5 218 Q +29 5 219 T +29 5 220 I +29 5 221 T +29 5 222 Y +29 5 223 I +29 5 224 T +29 5 225 Q +29 5 226 I +29 5 227 S +29 5 228 I +29 5 229 I +29 5 230 T +29 5 231 Y +29 5 232 G +29 5 233 I +29 5 234 I +29 5 235 I +29 5 236 I +29 5 237 Q +29 5 238 I +29 5 239 C +29 5 240 G +29 5 241 T +29 5 242 Q +29 5 243 Y +29 5 244 T +29 5 245 C +29 5 246 I +29 5 247 I +29 5 248 S +29 5 249 I +29 5 250 Y +29 5 251 I +29 5 252 T +29 5 253 I +29 5 254 I +29 5 255 S +29 5 256 C +29 5 257 I +29 5 258 Q +29 5 259 C +29 5 260 Q +29 5 261 Q +29 5 262 T +29 5 263 G +29 5 264 I +29 5 265 I +29 5 266 Q +29 5 267 Y +29 5 268 I +29 5 269 Y +29 5 270 Q +29 5 271 G +29 5 272 T +29 5 273 Y +29 5 274 T +29 5 275 Q +29 5 276 C +29 5 277 I +29 5 278 Q +29 5 279 I +29 5 280 I +29 5 281 I +29 5 282 I +29 5 283 G +29 5 284 T +29 5 285 C +29 5 286 T +29 5 287 Q +29 5 288 C +29 5 289 I +29 5 290 T +29 5 291 I +29 5 292 C +29 5 293 T +29 5 294 T +29 5 295 G +29 5 296 Y +29 5 297 Q +29 5 298 C +29 5 299 I +29 5 300 T +29 5 301 I +29 5 302 T +29 5 303 T +29 5 304 I +29 5 305 Y +29 5 306 I +29 5 307 I +29 5 308 Y +29 5 309 G +29 5 310 I +29 5 311 I +29 5 312 S +29 5 313 I +29 5 314 T +29 5 315 I +29 5 316 I +29 5 317 Y +29 5 318 Q +29 5 319 T +29 5 320 I +29 5 321 C +29 5 322 I +29 5 323 I +29 5 324 T +29 5 325 Y +29 5 326 Q +29 5 327 T +29 5 328 I +29 5 329 G +29 5 330 T +29 6 1 I +29 6 2 I +29 6 3 C +29 6 4 G +29 6 5 T +29 6 6 C +29 6 7 I +29 6 8 S +29 6 9 S +29 6 10 I +29 6 11 I +29 6 12 Q +29 6 13 I +29 6 14 I +29 6 15 C +29 6 16 T +29 6 17 C +29 6 18 S +29 6 19 I +29 6 20 I +29 6 21 C +29 6 22 Q +29 6 23 S +29 6 24 Q +29 6 25 I +29 6 26 I +29 6 27 T +29 6 28 C +29 6 29 I +29 6 30 S +29 6 31 I +29 6 32 C +29 6 33 I +29 6 34 I +29 6 35 C +29 6 36 I +29 6 37 I +29 6 38 C +29 6 39 I +29 6 40 I +29 6 41 C +29 6 42 Q +29 6 43 S +29 6 44 T +29 6 45 I +29 6 46 T +29 6 47 I +29 6 48 Q +29 6 49 I +29 6 50 S +29 6 51 S +29 6 52 T +29 6 53 C +29 6 54 I +29 6 55 I +29 6 56 T +29 6 57 I +29 6 58 Q +29 6 59 T +29 6 60 I +29 6 61 C +29 6 62 G +29 6 63 C +29 6 64 I +29 6 65 C +29 6 66 T +29 6 67 I +29 6 68 C +29 6 69 I +29 6 70 T +29 6 71 G +29 6 72 I +29 6 73 G +29 6 74 I +29 6 75 I +29 6 76 C +29 6 77 I +29 6 78 Q +29 6 79 S +29 6 80 I +29 6 81 I +29 6 82 I +29 6 83 T +29 6 84 C +29 6 85 I +29 6 86 C +29 6 87 S +29 6 88 G +29 6 89 S +29 6 90 I +29 6 91 Q +29 6 92 T +29 6 93 I +29 6 94 S +29 6 95 T +29 6 96 Q +29 6 97 S +29 6 98 C +29 6 99 C +29 6 100 I +29 6 101 G +29 6 102 S +29 6 103 Q +29 6 104 I +29 6 105 G +29 6 106 Q +29 6 107 T +29 6 108 I +29 6 109 I +29 6 110 Q +29 6 111 S +29 6 112 C +29 6 113 S +29 6 114 I +29 6 115 C +29 6 116 I +29 6 117 S +29 6 118 C +29 6 119 I +29 6 120 T +29 6 121 C +29 6 122 I +29 6 123 I +29 6 124 Q +29 6 125 C +29 6 126 C +29 6 127 S +29 6 128 Q +29 6 129 T +29 6 130 S +29 6 131 G +29 6 132 C +29 6 133 I +29 6 134 S +29 6 135 S +29 6 136 I +29 6 137 I +29 6 138 I +29 6 139 T +29 6 140 I +29 6 141 T +29 6 142 T +29 6 143 Q +29 6 144 S +29 6 145 I +29 6 146 Q +29 6 147 I +29 6 148 C +29 6 149 G +29 6 150 I +29 6 151 C +29 6 152 C +29 6 153 I +29 6 154 S +29 6 155 G +29 6 156 I +29 6 157 S +29 6 158 T +29 6 159 Q +29 6 160 C +29 6 161 I +29 6 162 C +29 6 163 I +29 6 164 I +29 6 165 I +29 6 166 I +29 6 167 G +29 6 168 I +29 6 169 I +29 6 170 G +29 6 171 I +29 6 172 T +29 6 173 C +29 6 174 Q +29 6 175 I +29 6 176 C +29 6 177 Q +29 6 178 I +29 6 179 S +29 6 180 I +29 6 181 Q +29 6 182 S +29 6 183 S +29 6 184 G +29 6 185 Q +29 6 186 I +29 6 187 Q +29 6 188 I +29 6 189 T +29 6 190 C +29 6 191 I +29 6 192 S +29 6 193 Q +29 6 194 S +29 6 195 I +29 6 196 I +29 6 197 C +29 6 198 S +29 6 199 T +29 6 200 I +29 6 201 C +29 6 202 I +29 6 203 C +29 6 204 S +29 6 205 G +29 6 206 T +29 6 207 C +29 6 208 Q +29 6 209 I +29 6 210 S +29 6 211 I +29 6 212 Q +29 6 213 G +29 6 214 Q +29 6 215 C +29 6 216 G +29 6 217 C +29 6 218 Q +29 6 219 T +29 6 220 S +29 6 221 T +29 6 222 S +29 6 223 I +29 6 224 T +29 6 225 Q +29 6 226 I +29 6 227 S +29 6 228 I +29 6 229 I +29 6 230 T +29 6 231 C +29 6 232 Q +29 6 233 G +29 6 234 I +29 6 235 I +29 6 236 Q +29 6 237 C +29 6 238 I +29 6 239 C +29 6 240 G +29 6 241 T +29 6 242 Q +29 6 243 G +29 6 244 T +29 6 245 C +29 6 246 I +29 6 247 I +29 6 248 S +29 6 249 I +29 6 250 G +29 6 251 I +29 6 252 T +29 6 253 I +29 6 254 I +29 6 255 S +29 6 256 C +29 6 257 I +29 6 258 Q +29 6 259 C +29 6 260 Q +29 6 261 Q +29 6 262 T +29 6 263 S +29 6 264 T +29 6 265 I +29 6 266 C +29 6 267 G +29 6 268 I +29 6 269 C +29 6 270 Q +29 6 271 I +29 6 272 T +29 6 273 G +29 6 274 T +29 6 275 Q +29 6 276 C +29 6 277 I +29 6 278 C +29 6 279 G +29 6 280 I +29 6 281 I +29 6 282 I +29 6 283 S +29 6 284 T +29 6 285 C +29 6 286 T +29 6 287 C +29 6 288 C +29 6 289 I +29 6 290 T +29 6 291 I +29 6 292 C +29 6 293 T +29 6 294 T +29 6 295 G +29 6 296 G +29 6 297 Q +29 6 298 C +29 6 299 I +29 6 300 T +29 6 301 I +29 6 302 T +29 6 303 T +29 6 304 I +29 6 305 G +29 6 306 I +29 6 307 I +29 6 308 G +29 6 309 S +29 6 310 I +29 6 311 I +29 6 312 S +29 6 313 I +29 6 314 T +29 6 315 I +29 6 316 I +29 6 317 G +29 6 318 C +29 6 319 T +29 6 320 Q +29 6 321 C +29 6 322 I +29 6 323 I +29 6 324 T +29 6 325 G +29 6 326 Q +29 6 327 T +29 6 328 I +29 6 329 C +29 6 330 I +29 7 1 I +29 7 2 I +29 7 3 C +29 7 4 Y +29 7 5 I +29 7 6 T +29 7 7 I +29 7 8 C +29 7 9 T +29 7 10 I +29 7 11 I +29 7 12 Q +29 7 13 I +29 7 14 I +29 7 15 T +29 7 16 T +29 7 17 C +29 7 18 S +29 7 19 I +29 7 20 I +29 7 21 C +29 7 22 Q +29 7 23 Y +29 7 24 T +29 7 25 I +29 7 26 I +29 7 27 T +29 7 28 C +29 7 29 I +29 7 30 T +29 7 31 T +29 7 32 T +29 7 33 I +29 7 34 I +29 7 35 T +29 7 36 I +29 7 37 I +29 7 38 C +29 7 39 I +29 7 40 I +29 7 41 C +29 7 42 Q +29 7 43 I +29 7 44 T +29 7 45 I +29 7 46 T +29 7 47 I +29 7 48 Q +29 7 49 I +29 7 50 Y +29 7 51 T +29 7 52 T +29 7 53 C +29 7 54 I +29 7 55 I +29 7 56 T +29 7 57 I +29 7 58 T +29 7 59 T +29 7 60 I +29 7 61 C +29 7 62 T +29 7 63 C +29 7 64 I +29 7 65 C +29 7 66 T +29 7 67 I +29 7 68 T +29 7 69 I +29 7 70 T +29 7 71 C +29 7 72 I +29 7 73 Y +29 7 74 T +29 7 75 I +29 7 76 Q +29 7 77 I +29 7 78 T +29 7 79 S +29 7 80 I +29 7 81 I +29 7 82 I +29 7 83 T +29 7 84 T +29 7 85 I +29 7 86 T +29 7 87 S +29 7 88 Y +29 7 89 S +29 7 90 I +29 7 91 Q +29 7 92 T +29 7 93 I +29 7 94 T +29 7 95 T +29 7 96 Q +29 7 97 Y +29 7 98 C +29 7 99 T +29 7 100 T +29 7 101 C +29 7 102 T +29 7 103 T +29 7 104 I +29 7 105 Y +29 7 106 Q +29 7 107 T +29 7 108 T +29 7 109 I +29 7 110 Q +29 7 111 I +29 7 112 C +29 7 113 S +29 7 114 I +29 7 115 C +29 7 116 T +29 7 117 S +29 7 118 C +29 7 119 I +29 7 120 T +29 7 121 C +29 7 122 I +29 7 123 I +29 7 124 Q +29 7 125 Q +29 7 126 T +29 7 127 I +29 7 128 Q +29 7 129 T +29 7 130 I +29 7 131 Y +29 7 132 C +29 7 133 I +29 7 134 T +29 7 135 Y +29 7 136 I +29 7 137 I +29 7 138 I +29 7 139 T +29 7 140 I +29 7 141 T +29 7 142 T +29 7 143 I +29 7 144 Y +29 7 145 I +29 7 146 Q +29 7 147 I +29 7 148 C +29 7 149 I +29 7 150 Y +29 7 151 C +29 7 152 T +29 7 153 I +29 7 154 S +29 7 155 S +29 7 156 I +29 7 157 T +29 7 158 T +29 7 159 Q +29 7 160 T +29 7 161 I +29 7 162 C +29 7 163 I +29 7 164 I +29 7 165 T +29 7 166 I +29 7 167 T +29 7 168 I +29 7 169 I +29 7 170 I +29 7 171 I +29 7 172 T +29 7 173 C +29 7 174 Q +29 7 175 I +29 7 176 C +29 7 177 Q +29 7 178 I +29 7 179 C +29 7 180 I +29 7 181 Q +29 7 182 C +29 7 183 T +29 7 184 Y +29 7 185 Q +29 7 186 I +29 7 187 Q +29 7 188 I +29 7 189 I +29 7 190 Q +29 7 191 I +29 7 192 Y +29 7 193 Q +29 7 194 C +29 7 195 I +29 7 196 I +29 7 197 T +29 7 198 S +29 7 199 T +29 7 200 I +29 7 201 C +29 7 202 I +29 7 203 C +29 7 204 S +29 7 205 Y +29 7 206 T +29 7 207 C +29 7 208 Q +29 7 209 I +29 7 210 Y +29 7 211 I +29 7 212 Q +29 7 213 T +29 7 214 Q +29 7 215 Y +29 7 216 T +29 7 217 T +29 7 218 I +29 7 219 I +29 7 220 I +29 7 221 T +29 7 222 Y +29 7 223 I +29 7 224 T +29 7 225 Q +29 7 226 I +29 7 227 S +29 7 228 I +29 7 229 I +29 7 230 T +29 7 231 Y +29 7 232 T +29 7 233 I +29 7 234 I +29 7 235 I +29 7 236 Q +29 7 237 T +29 7 238 I +29 7 239 C +29 7 240 C +29 7 241 T +29 7 242 Q +29 7 243 C +29 7 244 T +29 7 245 C +29 7 246 I +29 7 247 Y +29 7 248 I +29 7 249 I +29 7 250 Y +29 7 251 I +29 7 252 T +29 7 253 I +29 7 254 I +29 7 255 S +29 7 256 C +29 7 257 I +29 7 258 Q +29 7 259 C +29 7 260 T +29 7 261 Q +29 7 262 T +29 7 263 T +29 7 264 I +29 7 265 I +29 7 266 C +29 7 267 Y +29 7 268 I +29 7 269 Y +29 7 270 Q +29 7 271 I +29 7 272 T +29 7 273 Y +29 7 274 T +29 7 275 Q +29 7 276 C +29 7 277 I +29 7 278 Q +29 7 279 I +29 7 280 I +29 7 281 I +29 7 282 I +29 7 283 C +29 7 284 T +29 7 285 C +29 7 286 T +29 7 287 Q +29 7 288 C +29 7 289 I +29 7 290 T +29 7 291 I +29 7 292 C +29 7 293 T +29 7 294 T +29 7 295 C +29 7 296 Y +29 7 297 Q +29 7 298 C +29 7 299 I +29 7 300 T +29 7 301 I +29 7 302 T +29 7 303 T +29 7 304 I +29 7 305 Y +29 7 306 I +29 7 307 I +29 7 308 Y +29 7 309 S +29 7 310 I +29 7 311 I +29 7 312 S +29 7 313 Y +29 7 314 T +29 7 315 I +29 7 316 I +29 7 317 Y +29 7 318 Q +29 7 319 T +29 7 320 I +29 7 321 C +29 7 322 I +29 7 323 I +29 7 324 T +29 7 325 Y +29 7 326 Q +29 7 327 T +29 7 328 I +29 7 329 C +29 7 330 I +29 8 1 I +29 8 2 I +29 8 3 C +29 8 4 Y +29 8 5 I +29 8 6 T +29 8 7 I +29 8 8 C +29 8 9 T +29 8 10 I +29 8 11 I +29 8 12 Q +29 8 13 I +29 8 14 I +29 8 15 Q +29 8 16 T +29 8 17 C +29 8 18 S +29 8 19 I +29 8 20 I +29 8 21 C +29 8 22 T +29 8 23 Y +29 8 24 S +29 8 25 I +29 8 26 I +29 8 27 T +29 8 28 C +29 8 29 I +29 8 30 I +29 8 31 I +29 8 32 C +29 8 33 I +29 8 34 I +29 8 35 T +29 8 36 I +29 8 37 I +29 8 38 C +29 8 39 I +29 8 40 I +29 8 41 C +29 8 42 Q +29 8 43 I +29 8 44 T +29 8 45 I +29 8 46 T +29 8 47 I +29 8 48 Q +29 8 49 I +29 8 50 Y +29 8 51 S +29 8 52 T +29 8 53 C +29 8 54 I +29 8 55 I +29 8 56 T +29 8 57 I +29 8 58 Q +29 8 59 T +29 8 60 I +29 8 61 C +29 8 62 T +29 8 63 T +29 8 64 I +29 8 65 C +29 8 66 T +29 8 67 I +29 8 68 C +29 8 69 I +29 8 70 T +29 8 71 C +29 8 72 I +29 8 73 Y +29 8 74 T +29 8 75 I +29 8 76 Q +29 8 77 I +29 8 78 T +29 8 79 S +29 8 80 I +29 8 81 I +29 8 82 I +29 8 83 T +29 8 84 T +29 8 85 I +29 8 86 C +29 8 87 S +29 8 88 Y +29 8 89 S +29 8 90 I +29 8 91 I +29 8 92 T +29 8 93 I +29 8 94 S +29 8 95 T +29 8 96 Q +29 8 97 Y +29 8 98 C +29 8 99 T +29 8 100 I +29 8 101 C +29 8 102 T +29 8 103 I +29 8 104 I +29 8 105 Y +29 8 106 Q +29 8 107 T +29 8 108 I +29 8 109 I +29 8 110 Q +29 8 111 I +29 8 112 C +29 8 113 S +29 8 114 I +29 8 115 C +29 8 116 T +29 8 117 S +29 8 118 T +29 8 119 I +29 8 120 T +29 8 121 Q +29 8 122 I +29 8 123 I +29 8 124 I +29 8 125 Q +29 8 126 T +29 8 127 I +29 8 128 I +29 8 129 T +29 8 130 I +29 8 131 Y +29 8 132 C +29 8 133 I +29 8 134 S +29 8 135 Y +29 8 136 I +29 8 137 I +29 8 138 I +29 8 139 T +29 8 140 I +29 8 141 T +29 8 142 T +29 8 143 I +29 8 144 I +29 8 145 I +29 8 146 Q +29 8 147 I +29 8 148 C +29 8 149 I +29 8 150 Y +29 8 151 T +29 8 152 T +29 8 153 I +29 8 154 S +29 8 155 S +29 8 156 I +29 8 157 S +29 8 158 T +29 8 159 T +29 8 160 T +29 8 161 I +29 8 162 C +29 8 163 I +29 8 164 I +29 8 165 I +29 8 166 S +29 8 167 T +29 8 168 I +29 8 169 I +29 8 170 S +29 8 171 I +29 8 172 T +29 8 173 C +29 8 174 Q +29 8 175 T +29 8 176 T +29 8 177 I +29 8 178 I +29 8 179 C +29 8 180 I +29 8 181 T +29 8 182 Y +29 8 183 I +29 8 184 Y +29 8 185 T +29 8 186 I +29 8 187 Q +29 8 188 I +29 8 189 T +29 8 190 T +29 8 191 I +29 8 192 T +29 8 193 I +29 8 194 S +29 8 195 I +29 8 196 I +29 8 197 T +29 8 198 S +29 8 199 T +29 8 200 I +29 8 201 T +29 8 202 I +29 8 203 C +29 8 204 S +29 8 205 S +29 8 206 T +29 8 207 C +29 8 208 I +29 8 209 I +29 8 210 S +29 8 211 I +29 8 212 Q +29 8 213 T +29 8 214 I +29 8 215 T +29 8 216 S +29 8 217 T +29 8 218 I +29 8 219 T +29 8 220 T +29 8 221 T +29 8 222 Y +29 8 223 I +29 8 224 T +29 8 225 S +29 8 226 I +29 8 227 S +29 8 228 I +29 8 229 I +29 8 230 T +29 8 231 Y +29 8 232 T +29 8 233 T +29 8 234 I +29 8 235 I +29 8 236 I +29 8 237 T +29 8 238 I +29 8 239 T +29 8 240 T +29 8 241 T +29 8 242 T +29 8 243 Y +29 8 244 T +29 8 245 C +29 8 246 I +29 8 247 I +29 8 248 S +29 8 249 I +29 8 250 S +29 8 251 I +29 8 252 T +29 8 253 I +29 8 254 T +29 8 255 S +29 8 256 C +29 8 257 I +29 8 258 Q +29 8 259 C +29 8 260 T +29 8 261 T +29 8 262 T +29 8 263 S +29 8 264 I +29 8 265 I +29 8 266 Q +29 8 267 Y +29 8 268 I +29 8 269 Y +29 8 270 T +29 8 271 I +29 8 272 T +29 8 273 T +29 8 274 T +29 8 275 I +29 8 276 C +29 8 277 I +29 8 278 T +29 8 279 I +29 8 280 I +29 8 281 I +29 8 282 I +29 8 283 I +29 8 284 T +29 8 285 T +29 8 286 T +29 8 287 I +29 8 288 C +29 8 289 * +29 8 290 T +29 8 291 I +29 8 292 T +29 8 293 T +29 8 294 T +29 8 295 S +29 8 296 Y +29 8 297 Q +29 8 298 C +29 8 299 I +29 8 300 S +29 8 301 I +29 8 302 T +29 8 303 T +29 8 304 I +29 8 305 Y +29 8 306 I +29 8 307 I +29 8 308 T +29 8 309 S +29 8 310 I +29 8 311 I +29 8 312 S +29 8 313 S +29 8 314 T +29 8 315 I +29 8 316 I +29 8 317 C +29 8 318 T +29 8 319 T +29 8 320 I +29 8 321 C +29 8 322 I +29 8 323 I +29 8 324 T +29 8 325 Y +29 8 326 Q +29 8 327 T +29 8 328 I +29 8 329 S +29 8 330 T +29 9 1 I +29 9 2 T +29 9 3 C +29 9 4 Y +29 9 5 I +29 9 6 T +29 9 7 I +29 9 8 C +29 9 9 C +29 9 10 I +29 9 11 I +29 9 12 Q +29 9 13 I +29 9 14 I +29 9 15 T +29 9 16 T +29 9 17 C +29 9 18 S +29 9 19 I +29 9 20 I +29 9 21 C +29 9 22 Q +29 9 23 Q +29 9 24 S +29 9 25 I +29 9 26 I +29 9 27 T +29 9 28 C +29 9 29 I +29 9 30 C +29 9 31 T +29 9 32 C +29 9 33 I +29 9 34 I +29 9 35 C +29 9 36 I +29 9 37 I +29 9 38 C +29 9 39 I +29 9 40 I +29 9 41 C +29 9 42 Q +29 9 43 S +29 9 44 T +29 9 45 I +29 9 46 T +29 9 47 I +29 9 48 Q +29 9 49 I +29 9 50 Y +29 9 51 S +29 9 52 T +29 9 53 C +29 9 54 I +29 9 55 I +29 9 56 T +29 9 57 I +29 9 58 T +29 9 59 T +29 9 60 I +29 9 61 C +29 9 62 T +29 9 63 Q +29 9 64 I +29 9 65 C +29 9 66 T +29 9 67 I +29 9 68 C +29 9 69 I +29 9 70 T +29 9 71 G +29 9 72 I +29 9 73 Y +29 9 74 T +29 9 75 I +29 9 76 C +29 9 77 I +29 9 78 Q +29 9 79 S +29 9 80 I +29 9 81 I +29 9 82 I +29 9 83 T +29 9 84 T +29 9 85 I +29 9 86 Q +29 9 87 S +29 9 88 Y +29 9 89 S +29 9 90 I +29 9 91 Q +29 9 92 T +29 9 93 I +29 9 94 S +29 9 95 T +29 9 96 Q +29 9 97 S +29 9 98 C +29 9 99 T +29 9 100 I +29 9 101 C +29 9 102 T +29 9 103 Q +29 9 104 I +29 9 105 Y +29 9 106 Q +29 9 107 T +29 9 108 T +29 9 109 I +29 9 110 Q +29 9 111 I +29 9 112 C +29 9 113 S +29 9 114 I +29 9 115 C +29 9 116 T +29 9 117 S +29 9 118 Q +29 9 119 I +29 9 120 T +29 9 121 C +29 9 122 I +29 9 123 I +29 9 124 Q +29 9 125 C +29 9 126 Q +29 9 127 I +29 9 128 Q +29 9 129 T +29 9 130 S +29 9 131 Y +29 9 132 C +29 9 133 I +29 9 134 S +29 9 135 C +29 9 136 I +29 9 137 I +29 9 138 I +29 9 139 T +29 9 140 I +29 9 141 T +29 9 142 T +29 9 143 Q +29 9 144 S +29 9 145 I +29 9 146 Q +29 9 147 I +29 9 148 C +29 9 149 Q +29 9 150 Y +29 9 151 T +29 9 152 T +29 9 153 I +29 9 154 S +29 9 155 S +29 9 156 I +29 9 157 S +29 9 158 T +29 9 159 Q +29 9 160 T +29 9 161 I +29 9 162 C +29 9 163 I +29 9 164 I +29 9 165 I +29 9 166 I +29 9 167 T +29 9 168 I +29 9 169 I +29 9 170 I +29 9 171 I +29 9 172 T +29 9 173 C +29 9 174 Q +29 9 175 T +29 9 176 C +29 9 177 Q +29 9 178 I +29 9 179 C +29 9 180 I +29 9 181 Q +29 9 182 Y +29 9 183 Q +29 9 184 Y +29 9 185 Q +29 9 186 I +29 9 187 Q +29 9 188 I +29 9 189 T +29 9 190 T +29 9 191 I +29 9 192 Y +29 9 193 Q +29 9 194 S +29 9 195 I +29 9 196 I +29 9 197 T +29 9 198 S +29 9 199 T +29 9 200 I +29 9 201 Q +29 9 202 I +29 9 203 C +29 9 204 S +29 9 205 I +29 9 206 T +29 9 207 C +29 9 208 Q +29 9 209 I +29 9 210 C +29 9 211 I +29 9 212 Q +29 9 213 T +29 9 214 Q +29 9 215 Q +29 9 216 I +29 9 217 T +29 9 218 Q +29 9 219 T +29 9 220 I +29 9 221 T +29 9 222 Y +29 9 223 I +29 9 224 T +29 9 225 Q +29 9 226 I +29 9 227 S +29 9 228 I +29 9 229 I +29 9 230 T +29 9 231 C +29 9 232 Q +29 9 233 T +29 9 234 I +29 9 235 I +29 9 236 Q +29 9 237 T +29 9 238 I +29 9 239 Q +29 9 240 C +29 9 241 T +29 9 242 Q +29 9 243 C +29 9 244 T +29 9 245 C +29 9 246 I +29 9 247 Y +29 9 248 S +29 9 249 I +29 9 250 Y +29 9 251 I +29 9 252 T +29 9 253 I +29 9 254 I +29 9 255 S +29 9 256 C +29 9 257 I +29 9 258 Q +29 9 259 C +29 9 260 Q +29 9 261 C +29 9 262 T +29 9 263 T +29 9 264 I +29 9 265 I +29 9 266 C +29 9 267 Y +29 9 268 I +29 9 269 C +29 9 270 Q +29 9 271 I +29 9 272 T +29 9 273 T +29 9 274 T +29 9 275 Q +29 9 276 C +29 9 277 I +29 9 278 C +29 9 279 I +29 9 280 I +29 9 281 I +29 9 282 I +29 9 283 S +29 9 284 T +29 9 285 T +29 9 286 T +29 9 287 Q +29 9 288 C +29 9 289 I +29 9 290 T +29 9 291 I +29 9 292 T +29 9 293 T +29 9 294 T +29 9 295 S +29 9 296 Y +29 9 297 Q +29 9 298 C +29 9 299 I +29 9 300 T +29 9 301 I +29 9 302 T +29 9 303 T +29 9 304 I +29 9 305 Y +29 9 306 Q +29 9 307 I +29 9 308 T +29 9 309 I +29 9 310 I +29 9 311 I +29 9 312 S +29 9 313 I +29 9 314 T +29 9 315 I +29 9 316 I +29 9 317 C +29 9 318 Q +29 9 319 T +29 9 320 Q +29 9 321 C +29 9 322 T +29 9 323 I +29 9 324 T +29 9 325 Y +29 9 326 Q +29 9 327 T +29 9 328 I +29 9 329 S +29 9 330 T +29 10 1 I +29 10 2 T +29 10 3 C +29 10 4 Y +29 10 5 I +29 10 6 T +29 10 7 I +29 10 8 Y +29 10 9 G +29 10 10 S +29 10 11 I +29 10 12 Q +29 10 13 I +29 10 14 S +29 10 15 Y +29 10 16 T +29 10 17 Q +29 10 18 S +29 10 19 I +29 10 20 I +29 10 21 C +29 10 22 T +29 10 23 Y +29 10 24 G +29 10 25 I +29 10 26 I +29 10 27 T +29 10 28 C +29 10 29 I +29 10 30 G +29 10 31 I +29 10 32 Y +29 10 33 I +29 10 34 I +29 10 35 G +29 10 36 S +29 10 37 I +29 10 38 Y +29 10 39 I +29 10 40 I +29 10 41 Y +29 10 42 Q +29 10 43 S +29 10 44 T +29 10 45 I +29 10 46 S +29 10 47 S +29 10 48 Q +29 10 49 I +29 10 50 Y +29 10 51 G +29 10 52 T +29 10 53 Y +29 10 54 I +29 10 55 I +29 10 56 T +29 10 57 I +29 10 58 G +29 10 59 T +29 10 60 S +29 10 61 Y +29 10 62 T +29 10 63 C +29 10 64 I +29 10 65 Y +29 10 66 T +29 10 67 I +29 10 68 Y +29 10 69 G +29 10 70 T +29 10 71 Y +29 10 72 I +29 10 73 Y +29 10 74 T +29 10 75 I +29 10 76 Q +29 10 77 I +29 10 78 T +29 10 79 S +29 10 80 I +29 10 81 I +29 10 82 I +29 10 83 T +29 10 84 C +29 10 85 I +29 10 86 Y +29 10 87 S +29 10 88 Y +29 10 89 S +29 10 90 I +29 10 91 I +29 10 92 T +29 10 93 I +29 10 94 S +29 10 95 T +29 10 96 Q +29 10 97 Y +29 10 98 C +29 10 99 Q +29 10 100 I +29 10 101 Y +29 10 102 T +29 10 103 S +29 10 104 I +29 10 105 Y +29 10 106 T +29 10 107 T +29 10 108 T +29 10 109 I +29 10 110 Q +29 10 111 S +29 10 112 Y +29 10 113 S +29 10 114 I +29 10 115 Y +29 10 116 T +29 10 117 S +29 10 118 Y +29 10 119 I +29 10 120 T +29 10 121 Q +29 10 122 I +29 10 123 I +29 10 124 I +29 10 125 C +29 10 126 T +29 10 127 S +29 10 128 Q +29 10 129 T +29 10 130 S +29 10 131 Y +29 10 132 C +29 10 133 I +29 10 134 S +29 10 135 Y +29 10 136 I +29 10 137 I +29 10 138 I +29 10 139 T +29 10 140 I +29 10 141 T +29 10 142 T +29 10 143 I +29 10 144 Y +29 10 145 I +29 10 146 Q +29 10 147 I +29 10 148 C +29 10 149 I +29 10 150 Y +29 10 151 T +29 10 152 T +29 10 153 I +29 10 154 S +29 10 155 S +29 10 156 I +29 10 157 S +29 10 158 T +29 10 159 T +29 10 160 C +29 10 161 I +29 10 162 C +29 10 163 I +29 10 164 I +29 10 165 G +29 10 166 I +29 10 167 T +29 10 168 I +29 10 169 I +29 10 170 S +29 10 171 I +29 10 172 T +29 10 173 C +29 10 174 Q +29 10 175 I +29 10 176 Q +29 10 177 T +29 10 178 I +29 10 179 G +29 10 180 I +29 10 181 T +29 10 182 C +29 10 183 T +29 10 184 Y +29 10 185 G +29 10 186 I +29 10 187 Q +29 10 188 I +29 10 189 T +29 10 190 T +29 10 191 I +29 10 192 Y +29 10 193 CO +29 10 194 G +29 10 195 I +29 10 196 I +29 10 197 Y +29 10 198 S +29 10 199 T +29 10 200 I +29 10 201 T +29 10 202 I +29 10 203 Y +29 10 204 S +29 10 205 Y +29 10 206 T +29 10 207 Y +29 10 208 T +29 10 209 I +29 10 210 G +29 10 211 I +29 10 212 Q +29 10 213 T +29 10 214 I +29 10 215 Y +29 10 216 G +29 10 217 T +29 10 218 I +29 10 219 T +29 10 220 G +29 10 221 T +29 10 222 Y +29 10 223 I +29 10 224 T +29 10 225 G +29 10 226 I +29 10 227 S +29 10 228 I +29 10 229 I +29 10 230 T +29 10 231 Y +29 10 232 G +29 10 233 T +29 10 234 I +29 10 235 I +29 10 236 I +29 10 237 C +29 10 238 I +29 10 239 Q +29 10 240 G +29 10 241 T +29 10 242 Q +29 10 243 Y +29 10 244 T +29 10 245 C +29 10 246 I +29 10 247 Y +29 10 248 S +29 10 249 I +29 10 250 Y +29 10 251 I +29 10 252 T +29 10 253 I +29 10 254 T +29 10 255 S +29 10 256 Q +29 10 257 I +29 10 258 Q +29 10 259 C +29 10 260 T +29 10 261 C +29 10 262 T +29 10 263 T +29 10 264 T +29 10 265 I +29 10 266 G +29 10 267 Y +29 10 268 I +29 10 269 Y +29 10 270 Q +29 10 271 I +29 10 272 T +29 10 273 Y +29 10 274 T +29 10 275 Q +29 10 276 Y +29 10 277 I +29 10 278 G +29 10 279 S +29 10 280 I +29 10 281 I +29 10 282 I +29 10 283 G +29 10 284 T +29 10 285 C +29 10 286 T +29 10 287 G +29 10 288 C +29 10 289 I +29 10 290 T +29 10 291 I +29 10 292 C +29 10 293 T +29 10 294 T +29 10 295 G +29 10 296 Y +29 10 297 Q +29 10 298 C +29 10 299 I +29 10 300 T +29 10 301 I +29 10 302 T +29 10 303 T +29 10 304 I +29 10 305 Y +29 10 306 I +29 10 307 I +29 10 308 Y +29 10 309 S +29 10 310 I +29 10 311 I +29 10 312 S +29 10 313 I +29 10 314 T +29 10 315 I +29 10 316 I +29 10 317 Y +29 10 318 Q +29 10 319 T +29 10 320 I +29 10 321 C +29 10 322 I +29 10 323 I +29 10 324 T +29 10 325 Y +29 10 326 Q +29 10 327 T +29 10 328 I +29 10 329 G +29 10 330 T +29 11 1 I +29 11 2 I +29 11 3 G +29 11 4 Y +29 11 5 I +29 11 6 Q +29 11 7 I +29 11 8 G +29 11 9 T +29 11 10 I +29 11 11 I +29 11 12 Q +29 11 13 I +29 11 14 S +29 11 15 Y +29 11 16 T +29 11 17 C +29 11 18 S +29 11 19 I +29 11 20 I +29 11 21 G +29 11 22 Q +29 11 23 Y +29 11 24 S +29 11 25 I +29 11 26 I +29 11 27 T +29 11 28 C +29 11 29 I +29 11 30 Q +29 11 31 I +29 11 32 C +29 11 33 I +29 11 34 G +29 11 35 C +29 11 36 G +29 11 37 I +29 11 38 Y +29 11 39 I +29 11 40 I +29 11 41 C +29 11 42 Q +29 11 43 G +29 11 44 T +29 11 45 I +29 11 46 S +29 11 47 G +29 11 48 C +29 11 49 I +29 11 50 Y +29 11 51 G +29 11 52 T +29 11 53 Y +29 11 54 G +29 11 55 I +29 11 56 T +29 11 57 I +29 11 58 Q +29 11 59 T +29 11 60 G +29 11 61 C +29 11 62 G +29 11 63 Q +29 11 64 I +29 11 65 Y +29 11 66 Q +29 11 67 I +29 11 68 Y +29 11 69 G +29 11 70 T +29 11 71 Y +29 11 72 I +29 11 73 Y +29 11 74 I +29 11 75 G +29 11 76 C +29 11 77 I +29 11 78 T +29 11 79 S +29 11 80 I +29 11 81 Q +29 11 82 I +29 11 83 T +29 11 84 T +29 11 85 I +29 11 86 C +29 11 87 S +29 11 88 Y +29 11 89 S +29 11 90 S +29 11 91 Q +29 11 92 T +29 11 93 I +29 11 94 S +29 11 95 T +29 11 96 Q +29 11 97 Y +29 11 98 C +29 11 99 T +29 11 100 I +29 11 101 Y +29 11 102 I +29 11 103 S +29 11 104 I +29 11 105 Y +29 11 106 Q +29 11 107 T +29 11 108 G +29 11 109 Q +29 11 110 G +29 11 111 C +29 11 112 S +29 11 113 I +29 11 114 C +29 11 115 I +29 11 116 S +29 11 117 T +29 11 118 I +29 11 119 T +29 11 120 T +29 11 121 Q +29 11 122 I +29 11 123 I +29 11 124 Q +29 11 125 C +29 11 126 T +29 11 127 S +29 11 128 Q +29 11 129 T +29 11 130 G +29 11 131 Y +29 11 132 C +29 11 133 I +29 11 134 G +29 11 135 G +29 11 136 I +29 11 137 I +29 11 138 I +29 11 139 T +29 11 140 S +29 11 141 T +29 11 142 T +29 11 143 Q +29 11 144 S +29 11 145 I +29 11 146 Q +29 11 147 I +29 11 148 C +29 11 149 I +29 11 150 S +29 11 151 T +29 11 152 G +29 11 153 I +29 11 154 S +29 11 155 S +29 11 156 I +29 11 157 S +29 11 158 T +29 11 159 Q +29 11 160 G +29 11 161 I +29 11 162 C +29 11 163 I +29 11 164 I +29 11 165 Q +29 11 166 S +29 11 167 T +29 11 168 I +29 11 169 I +29 11 170 S +29 11 171 I +29 11 172 T +29 11 173 C +29 11 174 Q +29 11 175 I +29 11 176 C +29 11 177 Q +29 11 178 S +29 11 179 Y +29 11 180 I +29 11 181 Q +29 11 182 Y +29 11 183 T +29 11 184 Y +29 11 185 Q +29 11 186 I +29 11 187 Q +29 11 188 I +29 11 189 T +29 11 190 C +29 11 191 I +29 11 192 Y +29 11 193 Q +29 11 194 Y +29 11 195 I +29 11 196 I +29 11 197 C +29 11 198 S +29 11 199 T +29 11 200 I +29 11 201 T +29 11 202 I +29 11 203 C +29 11 204 S +29 11 205 Y +29 11 206 T +29 11 207 C +29 11 208 Q +29 11 209 I +29 11 210 S +29 11 211 I +29 11 212 Q +29 11 213 G +29 11 214 I +29 11 215 C +29 11 216 G +29 11 217 T +29 11 218 Q +29 11 219 I +29 11 220 S +29 11 221 T +29 11 222 Y +29 11 223 I +29 11 224 T +29 11 225 Q +29 11 226 G +29 11 227 S +29 11 228 S +29 11 229 I +29 11 230 T +29 11 231 C +29 11 232 Q +29 11 233 S +29 11 234 I +29 11 235 I +29 11 236 Q +29 11 237 T +29 11 238 I +29 11 239 C +29 11 240 S +29 11 241 T +29 11 242 Q +29 11 243 Y +29 11 244 T +29 11 245 C +29 11 246 I +29 11 247 Y +29 11 248 S +29 11 249 I +29 11 250 Y +29 11 251 I +29 11 252 T +29 11 253 I +29 11 254 G +29 11 255 S +29 11 256 C +29 11 257 I +29 11 258 Q +29 11 259 C +29 11 260 Q +29 11 261 Q +29 11 262 T +29 11 263 T +29 11 264 I +29 11 265 I +29 11 266 G +29 11 267 Y +29 11 268 I +29 11 269 C +29 11 270 Q +29 11 271 S +29 11 272 T +29 11 273 G +29 11 274 T +29 11 275 Q +29 11 276 C +29 11 277 I +29 11 278 T +29 11 279 S +29 11 280 I +29 11 281 I +29 11 282 I +29 11 283 S +29 11 284 I +29 11 285 T +29 11 286 T +29 11 287 Q +29 11 288 C +29 11 289 I +29 11 290 T +29 11 291 I +29 11 292 G +29 11 293 I +29 11 294 T +29 11 295 S +29 11 296 Y +29 11 297 Q +29 11 298 C +29 11 299 I +29 11 300 T +29 11 301 I +29 11 302 T +29 11 303 T +29 11 304 Q +29 11 305 Y +29 11 306 I +29 11 307 I +29 11 308 G +29 11 309 S +29 11 310 I +29 11 311 I +29 11 312 S +29 11 313 I +29 11 314 T +29 11 315 I +29 11 316 I +29 11 317 C +29 11 318 Q +29 11 319 T +29 11 320 I +29 11 321 C +29 11 322 I +29 11 323 I +29 11 324 T +29 11 325 Y +29 11 326 Q +29 11 327 I +29 11 328 I +29 11 329 Q +29 11 330 I +29 12 1 I +29 12 2 I +29 12 3 C +29 12 4 Y +29 12 5 I +29 12 6 T +29 12 7 I +29 12 8 C +29 12 9 G +29 12 10 I +29 12 11 I +29 12 12 Q +29 12 13 I +29 12 14 I +29 12 15 T +29 12 16 T +29 12 17 C +29 12 18 S +29 12 19 I +29 12 20 I +29 12 21 C +29 12 22 Q +29 12 23 I +29 12 24 S +29 12 25 I +29 12 26 I +29 12 27 T +29 12 28 C +29 12 29 I +29 12 30 C +29 12 31 I +29 12 32 C +29 12 33 I +29 12 34 I +29 12 35 C +29 12 36 I +29 12 37 I +29 12 38 C +29 12 39 I +29 12 40 I +29 12 41 C +29 12 42 Q +29 12 43 I +29 12 44 T +29 12 45 I +29 12 46 T +29 12 47 S +29 12 48 Q +29 12 49 I +29 12 50 G +29 12 51 S +29 12 52 T +29 12 53 Y +29 12 54 I +29 12 55 I +29 12 56 T +29 12 57 I +29 12 58 Q +29 12 59 T +29 12 60 I +29 12 61 C +29 12 62 I +29 12 63 C +29 12 64 I +29 12 65 C +29 12 66 T +29 12 67 I +29 12 68 C +29 12 69 Q +29 12 70 T +29 12 71 G +29 12 72 I +29 12 73 I +29 12 74 I +29 12 75 I +29 12 76 C +29 12 77 I +29 12 78 T +29 12 79 S +29 12 80 I +29 12 81 I +29 12 82 I +29 12 83 T +29 12 84 C +29 12 85 I +29 12 86 C +29 12 87 S +29 12 88 C +29 12 89 S +29 12 90 I +29 12 91 Q +29 12 92 T +29 12 93 I +29 12 94 S +29 12 95 T +29 12 96 Q +29 12 97 I +29 12 98 C +29 12 99 C +29 12 100 I +29 12 101 C +29 12 102 I +29 12 103 Q +29 12 104 I +29 12 105 C +29 12 106 Q +29 12 107 T +29 12 108 I +29 12 109 I +29 12 110 Q +29 12 111 I +29 12 112 C +29 12 113 S +29 12 114 I +29 12 115 C +29 12 116 I +29 12 117 S +29 12 118 C +29 12 119 I +29 12 120 T +29 12 121 C +29 12 122 I +29 12 123 I +29 12 124 Q +29 12 125 C +29 12 126 C +29 12 127 S +29 12 128 Q +29 12 129 T +29 12 130 G +29 12 131 Y +29 12 132 C +29 12 133 I +29 12 134 G +29 12 135 C +29 12 136 I +29 12 137 I +29 12 138 I +29 12 139 T +29 12 140 I +29 12 141 T +29 12 142 T +29 12 143 I +29 12 144 G +29 12 145 I +29 12 146 Q +29 12 147 I +29 12 148 C +29 12 149 I +29 12 150 Y +29 12 151 C +29 12 152 C +29 12 153 I +29 12 154 S +29 12 155 S +29 12 156 I +29 12 157 G +29 12 158 T +29 12 159 Q +29 12 160 C +29 12 161 I +29 12 162 C +29 12 163 I +29 12 164 I +29 12 165 I +29 12 166 I +29 12 167 T +29 12 168 I +29 12 169 I +29 12 170 S +29 12 171 I +29 12 172 T +29 12 173 C +29 12 174 Q +29 12 175 I +29 12 176 C +29 12 177 Q +29 12 178 I +29 12 179 G +29 12 180 I +29 12 181 Q +29 12 182 Y +29 12 183 Q +29 12 184 Y +29 12 185 Q +29 12 186 I +29 12 187 Q +29 12 188 I +29 12 189 I +29 12 190 C +29 12 191 I +29 12 192 I +29 12 193 Q +29 12 194 S +29 12 195 I +29 12 196 I +29 12 197 C +29 12 198 S +29 12 199 T +29 12 200 I +29 12 201 C +29 12 202 I +29 12 203 C +29 12 204 S +29 12 205 I +29 12 206 T +29 12 207 C +29 12 208 Q +29 12 209 I +29 12 210 G +29 12 211 I +29 12 212 Q +29 12 213 I +29 12 214 Q +29 12 215 C +29 12 216 S +29 12 217 C +29 12 218 I +29 12 219 T +29 12 220 I +29 12 221 T +29 12 222 Y +29 12 223 I +29 12 224 T +29 12 225 Q +29 12 226 I +29 12 227 S +29 12 228 I +29 12 229 I +29 12 230 T +29 12 231 C +29 12 232 Q +29 12 233 I +29 12 234 I +29 12 235 I +29 12 236 Q +29 12 237 C +29 12 238 I +29 12 239 C +29 12 240 G +29 12 241 T +29 12 242 Q +29 12 243 Y +29 12 244 I +29 12 245 C +29 12 246 I +29 12 247 I +29 12 248 G +29 12 249 I +29 12 250 G +29 12 251 I +29 12 252 T +29 12 253 I +29 12 254 I +29 12 255 S +29 12 256 C +29 12 257 I +29 12 258 Q +29 12 259 C +29 12 260 T +29 12 261 C +29 12 262 T +29 12 263 T +29 12 264 I +29 12 265 I +29 12 266 C +29 12 267 Y +29 12 268 I +29 12 269 Y +29 12 270 Q +29 12 271 I +29 12 272 T +29 12 273 C +29 12 274 T +29 12 275 Q +29 12 276 C +29 12 277 I +29 12 278 C +29 12 279 I +29 12 280 I +29 12 281 I +29 12 282 I +29 12 283 G +29 12 284 T +29 12 285 C +29 12 286 T +29 12 287 Q +29 12 288 C +29 12 289 I +29 12 290 T +29 12 291 I +29 12 292 C +29 12 293 I +29 12 294 T +29 12 295 G +29 12 296 Y +29 12 297 Q +29 12 298 C +29 12 299 I +29 12 300 T +29 12 301 I +29 12 302 T +29 12 303 I +29 12 304 I +29 12 305 Y +29 12 306 I +29 12 307 I +29 12 308 C +29 12 309 G +29 12 310 I +29 12 311 I +29 12 312 S +29 12 313 I +29 12 314 T +29 12 315 I +29 12 316 I +29 12 317 Y +29 12 318 C +29 12 319 T +29 12 320 Q +29 12 321 C +29 12 322 I +29 12 323 I +29 12 324 T +29 12 325 Y +29 12 326 Q +29 12 327 I +29 12 328 I +29 12 329 G +29 12 330 T +29 13 1 I +29 13 2 I +29 13 3 C +29 13 4 Y +29 13 5 I +29 13 6 T +29 13 7 I +29 13 8 C +29 13 9 Q +29 13 10 I +29 13 11 I +29 13 12 Q +29 13 13 I +29 13 14 S +29 13 15 T +29 13 16 T +29 13 17 C +29 13 18 S +29 13 19 I +29 13 20 I +29 13 21 G +29 13 22 Q +29 13 23 Y +29 13 24 S +29 13 25 I +29 13 26 I +29 13 27 T +29 13 28 G +29 13 29 I +29 13 30 C +29 13 31 T +29 13 32 G +29 13 33 I +29 13 34 I +29 13 35 C +29 13 36 I +29 13 37 I +29 13 38 C +29 13 39 I +29 13 40 T +29 13 41 C +29 13 42 Q +29 13 43 I +29 13 44 T +29 13 45 I +29 13 46 S +29 13 47 I +29 13 48 Q +29 13 49 T +29 13 50 Y +29 13 51 S +29 13 52 T +29 13 53 G +29 13 54 I +29 13 55 I +29 13 56 T +29 13 57 I +29 13 58 Q +29 13 59 T +29 13 60 I +29 13 61 C +29 13 62 I +29 13 63 C +29 13 64 I +29 13 65 C +29 13 66 T +29 13 67 I +29 13 68 G +29 13 69 I +29 13 70 T +29 13 71 Y +29 13 72 I +29 13 73 G +29 13 74 T +29 13 75 I +29 13 76 C +29 13 77 I +29 13 78 T +29 13 79 S +29 13 80 I +29 13 81 I +29 13 82 I +29 13 83 T +29 13 84 C +29 13 85 I +29 13 86 C +29 13 87 S +29 13 88 Y +29 13 89 S +29 13 90 I +29 13 91 Q +29 13 92 T +29 13 93 I +29 13 94 S +29 13 95 T +29 13 96 Q +29 13 97 G +29 13 98 C +29 13 99 T +29 13 100 I +29 13 101 G +29 13 102 T +29 13 103 Q +29 13 104 I +29 13 105 G +29 13 106 Q +29 13 107 T +29 13 108 T +29 13 109 I +29 13 110 Q +29 13 111 I +29 13 112 C +29 13 113 S +29 13 114 I +29 13 115 C +29 13 116 T +29 13 117 S +29 13 118 C +29 13 119 I +29 13 120 T +29 13 121 C +29 13 122 I +29 13 123 I +29 13 124 T +29 13 125 C +29 13 126 T +29 13 127 I +29 13 128 Q +29 13 129 T +29 13 130 S +29 13 131 G +29 13 132 C +29 13 133 I +29 13 134 S +29 13 135 G +29 13 136 I +29 13 137 I +29 13 138 T +29 13 139 T +29 13 140 I +29 13 141 T +29 13 142 T +29 13 143 Q +29 13 144 G +29 13 145 I +29 13 146 Q +29 13 147 I +29 13 148 C +29 13 149 I +29 13 150 G +29 13 151 T +29 13 152 T +29 13 153 I +29 13 154 S +29 13 155 S +29 13 156 I +29 13 157 C +29 13 158 T +29 13 159 T +29 13 160 C +29 13 161 I +29 13 162 Y +29 13 163 I +29 13 164 I +29 13 165 I +29 13 166 S +29 13 167 T +29 13 168 I +29 13 169 I +29 13 170 S +29 13 171 I +29 13 172 T +29 13 173 C +29 13 174 Q +29 13 175 T +29 13 176 C +29 13 177 T +29 13 178 I +29 13 179 G +29 13 180 I +29 13 181 Q +29 13 182 G +29 13 183 T +29 13 184 G +29 13 185 C +29 13 186 I +29 13 187 Q +29 13 188 I +29 13 189 T +29 13 190 C +29 13 191 I +29 13 192 G +29 13 193 Q +29 13 194 G +29 13 195 I +29 13 196 T +29 13 197 G +29 13 198 S +29 13 199 T +29 13 200 I +29 13 201 C +29 13 202 I +29 13 203 G +29 13 204 S +29 13 205 I +29 13 206 T +29 13 207 C +29 13 208 Q +29 13 209 I +29 13 210 S +29 13 211 I +29 13 212 Q +29 13 213 T +29 13 214 Q +29 13 215 T +29 13 216 S +29 13 217 T +29 13 218 I +29 13 219 T +29 13 220 I +29 13 221 T +29 13 222 Y +29 13 223 I +29 13 224 T +29 13 225 Q +29 13 226 I +29 13 227 S +29 13 228 S +29 13 229 I +29 13 230 T +29 13 231 G +29 13 232 Q +29 13 233 T +29 13 234 I +29 13 235 I +29 13 236 Q +29 13 237 T +29 13 238 I +29 13 239 C +29 13 240 C +29 13 241 T +29 13 242 Q +29 13 243 G +29 13 244 T +29 13 245 C +29 13 246 I +29 13 247 S +29 13 248 I +29 13 249 I +29 13 250 G +29 13 251 I +29 13 252 T +29 13 253 I +29 13 254 S +29 13 255 S +29 13 256 C +29 13 257 I +29 13 258 Q +29 13 259 G +29 13 260 T +29 13 261 Q +29 13 262 T +29 13 263 T +29 13 264 I +29 13 265 I +29 13 266 C +29 13 267 Y +29 13 268 I +29 13 269 G +29 13 270 Q +29 13 271 I +29 13 272 T +29 13 273 G +29 13 274 T +29 13 275 Q +29 13 276 G +29 13 277 I +29 13 278 C +29 13 279 I +29 13 280 I +29 13 281 I +29 13 282 I +29 13 283 S +29 13 284 T +29 13 285 C +29 13 286 T +29 13 287 Q +29 13 288 C +29 13 289 T +29 13 290 T +29 13 291 I +29 13 292 C +29 13 293 T +29 13 294 T +29 13 295 C +29 13 296 Y +29 13 297 Q +29 13 298 C +29 13 299 I +29 13 300 T +29 13 301 I +29 13 302 T +29 13 303 S +29 13 304 I +29 13 305 G +29 13 306 I +29 13 307 I +29 13 308 I +29 13 309 S +29 13 310 I +29 13 311 I +29 13 312 S +29 13 313 G +29 13 314 T +29 13 315 I +29 13 316 I +29 13 317 G +29 13 318 Q +29 13 319 T +29 13 320 I +29 13 321 C +29 13 322 I +29 13 323 I +29 13 324 T +29 13 325 G +29 13 326 Q +29 13 327 T +29 13 328 I +29 13 329 Q +29 13 330 T +29 14 1 I +29 14 2 I +29 14 3 C +29 14 4 Y +29 14 5 I +29 14 6 T +29 14 7 I +29 14 8 Y +29 14 9 T +29 14 10 I +29 14 11 I +29 14 12 Q +29 14 13 I +29 14 14 I +29 14 15 Y +29 14 16 T +29 14 17 T +29 14 18 S +29 14 19 I +29 14 20 I +29 14 21 Y +29 14 22 Q +29 14 23 G +29 14 24 S +29 14 25 I +29 14 26 I +29 14 27 T +29 14 28 Y +29 14 29 I +29 14 30 I +29 14 31 T +29 14 32 Y +29 14 33 I +29 14 34 I +29 14 35 T +29 14 36 I +29 14 37 I +29 14 38 Y +29 14 39 I +29 14 40 I +29 14 41 Y +29 14 42 I +29 14 43 S +29 14 44 T +29 14 45 I +29 14 46 S +29 14 47 I +29 14 48 Q +29 14 49 I +29 14 50 Y +29 14 51 S +29 14 52 T +29 14 53 Y +29 14 54 I +29 14 55 I +29 14 56 T +29 14 57 I +29 14 58 Q +29 14 59 T +29 14 60 I +29 14 61 Y +29 14 62 Y +29 14 63 T +29 14 64 I +29 14 65 Y +29 14 66 T +29 14 67 I +29 14 68 Y +29 14 69 I +29 14 70 T +29 14 71 C +29 14 72 I +29 14 73 C +29 14 74 I +29 14 75 I +29 14 76 T +29 14 77 I +29 14 78 Y +29 14 79 S +29 14 80 I +29 14 81 I +29 14 82 I +29 14 83 T +29 14 84 Y +29 14 85 I +29 14 86 Y +29 14 87 S +29 14 88 Y +29 14 89 S +29 14 90 I +29 14 91 I +29 14 92 T +29 14 93 I +29 14 94 S +29 14 95 I +29 14 96 Q +29 14 97 Y +29 14 98 C +29 14 99 Y +29 14 100 I +29 14 101 Y +29 14 102 T +29 14 103 I +29 14 104 I +29 14 105 Y +29 14 106 Q +29 14 107 T +29 14 108 I +29 14 109 I +29 14 110 Q +29 14 111 T +29 14 112 C +29 14 113 S +29 14 114 G +29 14 115 Y +29 14 116 I +29 14 117 S +29 14 118 Y +29 14 119 I +29 14 120 T +29 14 121 Q +29 14 122 I +29 14 123 I +29 14 124 I +29 14 125 Q +29 14 126 Y +29 14 127 I +29 14 128 Q +29 14 129 T +29 14 130 S +29 14 131 Y +29 14 132 C +29 14 133 I +29 14 134 S +29 14 135 Y +29 14 136 I +29 14 137 I +29 14 138 I +29 14 139 T +29 14 140 I +29 14 141 T +29 14 142 T +29 14 143 I +29 14 144 Y +29 14 145 I +29 14 146 Q +29 14 147 I +29 14 148 Y +29 14 149 I +29 14 150 Y +29 14 151 T +29 14 152 T +29 14 153 I +29 14 154 S +29 14 155 S +29 14 156 I +29 14 157 T +29 14 158 T +29 14 159 Q +29 14 160 Q +29 14 161 I +29 14 162 Y +29 14 163 I +29 14 164 I +29 14 165 I +29 14 166 I +29 14 167 Y +29 14 168 I +29 14 169 Y +29 14 170 S +29 14 171 I +29 14 172 T +29 14 173 Y +29 14 174 Q +29 14 175 I +29 14 176 Y +29 14 177 Q +29 14 178 I +29 14 179 Y +29 14 180 I +29 14 181 Q +29 14 182 Y +29 14 183 S +29 14 184 Y +29 14 185 S +29 14 186 I +29 14 187 Q +29 14 188 I +29 14 189 I +29 14 190 Y +29 14 191 I +29 14 192 Y +29 14 193 Q +29 14 194 Y +29 14 195 I +29 14 196 I +29 14 197 Y +29 14 198 S +29 14 199 T +29 14 200 I +29 14 201 Y +29 14 202 I +29 14 203 Y +29 14 204 S +29 14 205 Y +29 14 206 T +29 14 207 Y +29 14 208 T +29 14 209 I +29 14 210 S +29 14 211 I +29 14 212 Q +29 14 213 S +29 14 214 I +29 14 215 Y +29 14 216 S +29 14 217 Q +29 14 218 Q +29 14 219 I +29 14 220 Y +29 14 221 T +29 14 222 Y +29 14 223 I +29 14 224 T +29 14 225 S +29 14 226 I +29 14 227 S +29 14 228 S +29 14 229 I +29 14 230 T +29 14 231 Y +29 14 232 S +29 14 233 S +29 14 234 I +29 14 235 I +29 14 236 Q +29 14 237 Y +29 14 238 I +29 14 239 Y +29 14 240 S +29 14 241 Y +29 14 242 Q +29 14 243 Y +29 14 244 T +29 14 245 Y +29 14 246 I +29 14 247 Y +29 14 248 S +29 14 249 I +29 14 250 Y +29 14 251 I +29 14 252 Y +29 14 253 I +29 14 254 I +29 14 255 S +29 14 256 Y +29 14 257 S +29 14 258 Q +29 14 259 Y +29 14 260 Q +29 14 261 Y +29 14 262 T +29 14 263 S +29 14 264 I +29 14 265 I +29 14 266 Y +29 14 267 Y +29 14 268 I +29 14 269 Y +29 14 270 Q +29 14 271 S +29 14 272 T +29 14 273 Y +29 14 274 T +29 14 275 Q +29 14 276 Y +29 14 277 I +29 14 278 Y +29 14 279 Y +29 14 280 I +29 14 281 I +29 14 282 I +29 14 283 S +29 14 284 T +29 14 285 Y +29 14 286 Y +29 14 287 S +29 14 288 Y +29 14 289 I +29 14 290 Y +29 14 291 Y +29 14 292 Y +29 14 293 I +29 14 294 T +29 14 295 S +29 14 296 Y +29 14 297 Q +29 14 298 Y +29 14 299 I +29 14 300 S +29 14 301 I +29 14 302 Y +29 14 303 Y +29 14 304 T +29 14 305 Y +29 14 306 I +29 14 307 I +29 14 308 Y +29 14 309 S +29 14 310 I +29 14 311 I +29 14 312 S +29 14 313 Y +29 14 314 Y +29 14 315 T +29 14 316 I +29 14 317 Y +29 14 318 Y +29 14 319 Y +29 14 320 S +29 14 321 Y +29 14 322 I +29 14 323 I +29 14 324 Y +29 14 325 Y +29 14 326 Q +29 14 327 T +29 14 328 I +29 14 329 S +29 14 330 T +29 15 1 I +29 15 2 T +29 15 3 C +29 15 4 Y +29 15 5 T +29 15 6 T +29 15 7 I +29 15 8 G +29 15 9 T +29 15 10 I +29 15 11 I +29 15 12 Q +29 15 13 G +29 15 14 I +29 15 15 T +29 15 16 T +29 15 17 C +29 15 18 S +29 15 19 I +29 15 20 I +29 15 21 T +29 15 22 Q +29 15 23 G +29 15 24 S +29 15 25 I +29 15 26 I +29 15 27 T +29 15 28 C +29 15 29 T +29 15 30 Q +29 15 31 T +29 15 32 Y +29 15 33 I +29 15 34 I +29 15 35 T +29 15 36 I +29 15 37 I +29 15 38 G +29 15 39 I +29 15 40 G +29 15 41 C +29 15 42 Q +29 15 43 G +29 15 44 T +29 15 45 I +29 15 46 T +29 15 47 I +29 15 48 Q +29 15 49 T +29 15 50 Y +29 15 51 S +29 15 52 T +29 15 53 Y +29 15 54 G +29 15 55 T +29 15 56 T +29 15 57 I +29 15 58 Q +29 15 59 T +29 15 60 I +29 15 61 C +29 15 62 G +29 15 63 C +29 15 64 I +29 15 65 C +29 15 66 T +29 15 67 T +29 15 68 G +29 15 69 Q +29 15 70 T +29 15 71 Y +29 15 72 I +29 15 73 G +29 15 74 T +29 15 75 I +29 15 76 C +29 15 77 I +29 15 78 T +29 15 79 S +29 15 80 I +29 15 81 G +29 15 82 T +29 15 83 T +29 15 84 T +29 15 85 I +29 15 86 G +29 15 87 S +29 15 88 Y +29 15 89 S +29 15 90 I +29 15 91 Q +29 15 92 T +29 15 93 I +29 15 94 S +29 15 95 T +29 15 96 Q +29 15 97 Y +29 15 98 C +29 15 99 T +29 15 100 T +29 15 101 Y +29 15 102 T +29 15 103 S +29 15 104 T +29 15 105 Y +29 15 106 Q +29 15 107 T +29 15 108 T +29 15 109 I +29 15 110 Q +29 15 111 I +29 15 112 C +29 15 113 S +29 15 114 I +29 15 115 C +29 15 116 T +29 15 117 S +29 15 118 T +29 15 119 I +29 15 120 T +29 15 121 C +29 15 122 I +29 15 123 I +29 15 124 Q +29 15 125 C +29 15 126 T +29 15 127 I +29 15 128 Q +29 15 129 T +29 15 130 S +29 15 131 Y +29 15 132 C +29 15 133 I +29 15 134 G +29 15 135 Y +29 15 136 I +29 15 137 I +29 15 138 T +29 15 139 T +29 15 140 I +29 15 141 T +29 15 142 T +29 15 143 Q +29 15 144 Y +29 15 145 T +29 15 146 Q +29 15 147 I +29 15 148 C +29 15 149 T +29 15 150 Y +29 15 151 T +29 15 152 C +29 15 153 I +29 15 154 S +29 15 155 S +29 15 156 I +29 15 157 G +29 15 158 T +29 15 159 T +29 15 160 T +29 15 161 I +29 15 162 C +29 15 163 I +29 15 164 I +29 15 165 I +29 15 166 I +29 15 167 T +29 15 168 I +29 15 169 I +29 15 170 S +29 15 171 S +29 15 172 T +29 15 173 C +29 15 174 Q +29 15 175 T +29 15 176 C +29 15 177 Q +29 15 178 I +29 15 179 G +29 15 180 I +29 15 181 Q +29 15 182 Y +29 15 183 S +29 15 184 Y +29 15 185 Q +29 15 186 T +29 15 187 Q +29 15 188 I +29 15 189 T +29 15 190 T +29 15 191 I +29 15 192 G +29 15 193 Q +29 15 194 S +29 15 195 I +29 15 196 T +29 15 197 Y +29 15 198 S +29 15 199 T +29 15 200 T +29 15 201 C +29 15 202 I +29 15 203 Y +29 15 204 S +29 15 205 G +29 15 206 T +29 15 207 C +29 15 208 Q +29 15 209 I +29 15 210 S +29 15 211 I +29 15 212 Q +29 15 213 T +29 15 214 Q +29 15 215 G +29 15 216 S +29 15 217 T +29 15 218 I +29 15 219 T +29 15 220 I +29 15 221 T +29 15 222 Y +29 15 223 I +29 15 224 T +29 15 225 Q +29 15 226 I +29 15 227 S +29 15 228 I +29 15 229 T +29 15 230 T +29 15 231 Y +29 15 232 S +29 15 233 G +29 15 234 I +29 15 235 I +29 15 236 T +29 15 237 T +29 15 238 I +29 15 239 C +29 15 240 S +29 15 241 T +29 15 242 Q +29 15 243 Y +29 15 244 T +29 15 245 C +29 15 246 I +29 15 247 G +29 15 248 I +29 15 249 I +29 15 250 Y +29 15 251 T +29 15 252 T +29 15 253 I +29 15 254 T +29 15 255 S +29 15 256 C +29 15 257 I +29 15 258 Q +29 15 259 C +29 15 260 T +29 15 261 C +29 15 262 T +29 15 263 S +29 15 264 T +29 15 265 I +29 15 266 C +29 15 267 Y +29 15 268 T +29 15 269 G +29 15 270 Q +29 15 271 I +29 15 272 T +29 15 273 G +29 15 274 T +29 15 275 Q +29 15 276 C +29 15 277 I +29 15 278 C +29 15 279 I +29 15 280 I +29 15 281 I +29 15 282 I +29 15 283 S +29 15 284 T +29 15 285 C +29 15 286 T +29 15 287 I +29 15 288 C +29 15 289 T +29 15 290 T +29 15 291 I +29 15 292 T +29 15 293 T +29 15 294 T +29 15 295 S +29 15 296 Y +29 15 297 Q +29 15 298 C +29 15 299 I +29 15 300 T +29 15 301 I +29 15 302 T +29 15 303 T +29 15 304 I +29 15 305 Y +29 15 306 T +29 15 307 I +29 15 308 Y +29 15 309 S +29 15 310 I +29 15 311 I +29 15 312 S +29 15 313 G +29 15 314 T +29 15 315 I +29 15 316 I +29 15 317 Y +29 15 318 C +29 15 319 T +29 15 320 I +29 15 321 C +29 15 322 T +29 15 323 I +29 15 324 T +29 15 325 Y +29 15 326 Q +29 15 327 T +29 15 328 I +29 15 329 S +29 15 330 T +29 16 1 I +29 16 2 I +29 16 3 C +29 16 4 G +29 16 5 T +29 16 6 T +29 16 7 I +29 16 8 Y +29 16 9 G +29 16 10 S +29 16 11 S +29 16 12 Q +29 16 13 I +29 16 14 S +29 16 15 T +29 16 16 T +29 16 17 C +29 16 18 S +29 16 19 I +29 16 20 I +29 16 21 C +29 16 22 T +29 16 23 Y +29 16 24 T +29 16 25 I +29 16 26 I +29 16 27 T +29 16 28 C +29 16 29 I +29 16 30 Q +29 16 31 I +29 16 32 Y +29 16 33 T +29 16 34 I +29 16 35 C +29 16 36 I +29 16 37 T +29 16 38 Y +29 16 39 I +29 16 40 I +29 16 41 C +29 16 42 Q +29 16 43 S +29 16 44 T +29 16 45 I +29 16 46 T +29 16 47 I +29 16 48 Q +29 16 49 T +29 16 50 Y +29 16 51 T +29 16 52 T +29 16 53 C +29 16 54 I +29 16 55 T +29 16 56 Q +29 16 57 I +29 16 58 Q +29 16 59 T +29 16 60 S +29 16 61 C +29 16 62 Y +29 16 63 C +29 16 64 I +29 16 65 Y +29 16 66 T +29 16 67 I +29 16 68 G +29 16 69 Q +29 16 70 T +29 16 71 G +29 16 72 I +29 16 73 Y +29 16 74 T +29 16 75 S +29 16 76 C +29 16 77 I +29 16 78 T +29 16 79 S +29 16 80 I +29 16 81 I +29 16 82 T +29 16 83 T +29 16 84 C +29 16 85 I +29 16 86 Y +29 16 87 S +29 16 88 Y +29 16 89 S +29 16 90 I +29 16 91 Q +29 16 92 T +29 16 93 I +29 16 94 S +29 16 95 T +29 16 96 Q +29 16 97 Y +29 16 98 C +29 16 99 T +29 16 100 I +29 16 101 Y +29 16 102 T +29 16 103 Q +29 16 104 I +29 16 105 Y +29 16 106 Q +29 16 107 T +29 16 108 T +29 16 109 I +29 16 110 Q +29 16 111 I +29 16 112 C +29 16 113 S +29 16 114 I +29 16 115 Y +29 16 116 T +29 16 117 G +29 16 118 C +29 16 119 I +29 16 120 T +29 16 121 C +29 16 122 I +29 16 123 I +29 16 124 Q +29 16 125 C +29 16 126 Y +29 16 127 S +29 16 128 Q +29 16 129 T +29 16 130 S +29 16 131 Y +29 16 132 C +29 16 133 I +29 16 134 S +29 16 135 Y +29 16 136 I +29 16 137 I +29 16 138 T +29 16 139 T +29 16 140 I +29 16 141 T +29 16 142 T +29 16 143 Q +29 16 144 Y +29 16 145 I +29 16 146 Q +29 16 147 T +29 16 148 C +29 16 149 T +29 16 150 Y +29 16 151 T +29 16 152 G +29 16 153 I +29 16 154 S +29 16 155 S +29 16 156 I +29 16 157 T +29 16 158 T +29 16 159 T +29 16 160 C +29 16 161 I +29 16 162 C +29 16 163 I +29 16 164 I +29 16 165 T +29 16 166 S +29 16 167 G +29 16 168 I +29 16 169 I +29 16 170 S +29 16 171 T +29 16 172 T +29 16 173 C +29 16 174 Q +29 16 175 I +29 16 176 C +29 16 177 Q +29 16 178 I +29 16 179 G +29 16 180 I +29 16 181 Q +29 16 182 Y +29 16 183 G +29 16 184 Y +29 16 185 T +29 16 186 I +29 16 187 Q +29 16 188 I +29 16 189 T +29 16 190 C +29 16 191 I +29 16 192 Y +29 16 193 Q +29 16 194 G +29 16 195 I +29 16 196 I +29 16 197 Y +29 16 198 S +29 16 199 T +29 16 200 T +29 16 201 T +29 16 202 I +29 16 203 Y +29 16 204 S +29 16 205 G +29 16 206 T +29 16 207 C +29 16 208 Q +29 16 209 I +29 16 210 G +29 16 211 I +29 16 212 Q +29 16 213 T +29 16 214 Q +29 16 215 Y +29 16 216 S +29 16 217 T +29 16 218 Q +29 16 219 T +29 16 220 Y +29 16 221 T +29 16 222 G +29 16 223 I +29 16 224 T +29 16 225 Q +29 16 226 I +29 16 227 S +29 16 228 I +29 16 229 T +29 16 230 T +29 16 231 Y +29 16 232 G +29 16 233 I +29 16 234 I +29 16 235 I +29 16 236 Q +29 16 237 T +29 16 238 I +29 16 239 C +29 16 240 G +29 16 241 T +29 16 242 * +29 16 243 Y +29 16 244 T +29 16 245 C +29 16 246 I +29 16 247 S +29 16 248 S +29 16 249 I +29 16 250 Y +29 16 251 T +29 16 252 T +29 16 253 I +29 16 254 T +29 16 255 S +29 16 256 C +29 16 257 S +29 16 258 Q +29 16 259 G +29 16 260 T +29 16 261 C +29 16 262 T +29 16 263 T +29 16 264 T +29 16 265 I +29 16 266 C +29 16 267 Y +29 16 268 T +29 16 269 Y +29 16 270 Q +29 16 271 I +29 16 272 T +29 16 273 Y +29 16 274 T +29 16 275 Q +29 16 276 Y +29 16 277 I +29 16 278 C +29 16 279 G +29 16 280 T +29 16 281 I +29 16 282 I +29 16 283 G +29 16 284 T +29 16 285 T +29 16 286 T +29 16 287 Q +29 16 288 C +29 16 289 I +29 16 290 T +29 16 291 I +29 16 292 T +29 16 293 T +29 16 294 T +29 16 295 S +29 16 296 Y +29 16 297 Q +29 16 298 C +29 16 299 I +29 16 300 T +29 16 301 I +29 16 302 T +29 16 303 T +29 16 304 Q +29 16 305 Y +29 16 306 T +29 16 307 I +29 16 308 G +29 16 309 Q +29 16 310 I +29 16 311 I +29 16 312 S +29 16 313 G +29 16 314 T +29 16 315 T +29 16 316 I +29 16 317 C +29 16 318 T +29 16 319 T +29 16 320 Q +29 16 321 C +29 16 322 T +29 16 323 I +29 16 324 T +29 16 325 Y +29 16 326 Q +29 16 327 T +29 16 328 I +29 16 329 S +29 16 330 T +29 17 1 I +29 17 2 I +29 17 3 C +29 17 4 Y +29 17 5 T +29 17 6 Q +29 17 7 I +29 17 8 C +29 17 9 Q +29 17 10 I +29 17 11 S +29 17 12 Q +29 17 13 I +29 17 14 S +29 17 15 T +29 17 16 T +29 17 17 C +29 17 18 S +29 17 19 I +29 17 20 I +29 17 21 C +29 17 22 T +29 17 23 Y +29 17 24 T +29 17 25 I +29 17 26 S +29 17 27 T +29 17 28 C +29 17 29 I +29 17 30 Q +29 17 31 T +29 17 32 Y +29 17 33 I +29 17 34 I +29 17 35 C +29 17 36 S +29 17 37 Y +29 17 38 C +29 17 39 I +29 17 40 I +29 17 41 C +29 17 42 T +29 17 43 S +29 17 44 T +29 17 45 I +29 17 46 T +29 17 47 S +29 17 48 Q +29 17 49 I +29 17 50 Y +29 17 51 S +29 17 52 T +29 17 53 C +29 17 54 I +29 17 55 I +29 17 56 Q +29 17 57 I +29 17 58 Q +29 17 59 T +29 17 60 S +29 17 61 C +29 17 62 Y +29 17 63 Q +29 17 64 I +29 17 65 C +29 17 66 T +29 17 67 I +29 17 68 Y +29 17 69 I +29 17 70 T +29 17 71 Y +29 17 72 I +29 17 73 Y +29 17 74 T +29 17 75 S +29 17 76 Q +29 17 77 I +29 17 78 T +29 17 79 S +29 17 80 I +29 17 81 I +29 17 82 I +29 17 83 T +29 17 84 Q +29 17 85 I +29 17 86 Q +29 17 87 S +29 17 88 Y +29 17 89 S +29 17 90 I +29 17 91 Q +29 17 92 T +29 17 93 I +29 17 94 S +29 17 95 T +29 17 96 Q +29 17 97 Y +29 17 98 C +29 17 99 T +29 17 100 T +29 17 101 C +29 17 102 T +29 17 103 I +29 17 104 I +29 17 105 Y +29 17 106 Q +29 17 107 T +29 17 108 I +29 17 109 S +29 17 110 Q +29 17 111 S +29 17 112 C +29 17 113 S +29 17 114 I +29 17 115 C +29 17 116 T +29 17 117 S +29 17 118 Q +29 17 119 I +29 17 120 T +29 17 121 Q +29 17 122 I +29 17 123 S +29 17 124 Q +29 17 125 C +29 17 126 T +29 17 127 S +29 17 128 Q +29 17 129 T +29 17 130 S +29 17 131 Y +29 17 132 C +29 17 133 I +29 17 134 S +29 17 135 Y +29 17 136 I +29 17 137 S +29 17 138 I +29 17 139 T +29 17 140 I +29 17 141 T +29 17 142 T +29 17 143 I +29 17 144 Y +29 17 145 I +29 17 146 Q +29 17 147 I +29 17 148 C +29 17 149 T +29 17 150 Y +29 17 151 Q +29 17 152 T +29 17 153 I +29 17 154 S +29 17 155 S +29 17 156 I +29 17 157 S +29 17 158 T +29 17 159 Q +29 17 160 T +29 17 161 I +29 17 162 C +29 17 163 I +29 17 164 I +29 17 165 S +29 17 166 I +29 17 167 T +29 17 168 I +29 17 169 I +29 17 170 S +29 17 171 I +29 17 172 T +29 17 173 C +29 17 174 Q +29 17 175 I +29 17 176 C +29 17 177 T +29 17 178 I +29 17 179 C +29 17 180 I +29 17 181 Q +29 17 182 Y +29 17 183 S +29 17 184 Y +29 17 185 Q +29 17 186 I +29 17 187 Q +29 17 188 I +29 17 189 T +29 17 190 Q +29 17 191 I +29 17 192 Y +29 17 193 Q +29 17 194 S +29 17 195 I +29 17 196 I +29 17 197 Y +29 17 198 S +29 17 199 T +29 17 200 I +29 17 201 Q +29 17 202 I +29 17 203 Y +29 17 204 S +29 17 205 Y +29 17 206 T +29 17 207 C +29 17 208 Q +29 17 209 S +29 17 210 Y +29 17 211 I +29 17 212 Q +29 17 213 T +29 17 214 Q +29 17 215 C +29 17 216 S +29 17 217 T +29 17 218 I +29 17 219 T +29 17 220 I +29 17 221 T +29 17 222 Y +29 17 223 I +29 17 224 T +29 17 225 I +29 17 226 S +29 17 227 S +29 17 228 I +29 17 229 I +29 17 230 T +29 17 231 Y +29 17 232 S +29 17 233 I +29 17 234 I +29 17 235 I +29 17 236 Q +29 17 237 T +29 17 238 I +29 17 239 Q +29 17 240 S +29 17 241 T +29 17 242 Q +29 17 243 C +29 17 244 T +29 17 245 C +29 17 246 I +29 17 247 I +29 17 248 S +29 17 249 I +29 17 250 Y +29 17 251 I +29 17 252 T +29 17 253 I +29 17 254 I +29 17 255 S +29 17 256 C +29 17 257 I +29 17 258 Q +29 17 259 C +29 17 260 T +29 17 261 Q +29 17 262 T +29 17 263 S +29 17 264 I +29 17 265 I +29 17 266 Q +29 17 267 Y +29 17 268 I +29 17 269 Y +29 17 270 Q +29 17 271 S +29 17 272 T +29 17 273 Y +29 17 274 T +29 17 275 Q +29 17 276 C +29 17 277 I +29 17 278 Q +29 17 279 I +29 17 280 I +29 17 281 I +29 17 282 I +29 17 283 S +29 17 284 T +29 17 285 T +29 17 286 T +29 17 287 Q +29 17 288 C +29 17 289 I +29 17 290 T +29 17 291 I +29 17 292 T +29 17 293 T +29 17 294 T +29 17 295 S +29 17 296 Y +29 17 297 Q +29 17 298 C +29 17 299 I +29 17 300 T +29 17 301 I +29 17 302 T +29 17 303 T +29 17 304 I +29 17 305 Y +29 17 306 I +29 17 307 I +29 17 308 S +29 17 309 S +29 17 310 I +29 17 311 I +29 17 312 S +29 17 313 I +29 17 314 T +29 17 315 I +29 17 316 I +29 17 317 Y +29 17 318 Q +29 17 319 T +29 17 320 S +29 17 321 C +29 17 322 I +29 17 323 I +29 17 324 T +29 17 325 Y +29 17 326 Q +29 17 327 T +29 17 328 S +29 17 329 Q +29 17 330 T +29 18 1 I +29 18 2 T +29 18 3 C +29 18 4 S +29 18 5 I +29 18 6 T +29 18 7 I +29 18 8 C +29 18 9 Q +29 18 10 I +29 18 11 S +29 18 12 Q +29 18 13 I +29 18 14 I +29 18 15 Q +29 18 16 T +29 18 17 Q +29 18 18 S +29 18 19 I +29 18 20 I +29 18 21 T +29 18 22 Q +29 18 23 I +29 18 24 T +29 18 25 I +29 18 26 I +29 18 27 T +29 18 28 C +29 18 29 I +29 18 30 Q +29 18 31 I +29 18 32 C +29 18 33 I +29 18 34 I +29 18 35 T +29 18 36 S +29 18 37 Q +29 18 38 C +29 18 39 I +29 18 40 I +29 18 41 C +29 18 42 Q +29 18 43 S +29 18 44 T +29 18 45 I +29 18 46 T +29 18 47 S +29 18 48 Q +29 18 49 T +29 18 50 S +29 18 51 T +29 18 52 T +29 18 53 C +29 18 54 I +29 18 55 I +29 18 56 T +29 18 57 I +29 18 58 Q +29 18 59 T +29 18 60 S +29 18 61 C +29 18 62 T +29 18 63 Q +29 18 64 I +29 18 65 C +29 18 66 T +29 18 67 I +29 18 68 C +29 18 69 S +29 18 70 T +29 18 71 C +29 18 72 I +29 18 73 I +29 18 74 T +29 18 75 I +29 18 76 Q +29 18 77 I +29 18 78 T +29 18 79 S +29 18 80 I +29 18 81 Q +29 18 82 I +29 18 83 T +29 18 84 Q +29 18 85 I +29 18 86 C +29 18 87 S +29 18 88 C +29 18 89 S +29 18 90 I +29 18 91 Q +29 18 92 T +29 18 93 I +29 18 94 S +29 18 95 T +29 18 96 Q +29 18 97 I +29 18 98 C +29 18 99 T +29 18 100 I +29 18 101 C +29 18 102 T +29 18 103 Q +29 18 104 I +29 18 105 C +29 18 106 Q +29 18 107 T +29 18 108 T +29 18 109 I +29 18 110 Q +29 18 111 S +29 18 112 C +29 18 113 S +29 18 114 I +29 18 115 C +29 18 116 T +29 18 117 S +29 18 118 C +29 18 119 I +29 18 120 T +29 18 121 Q +29 18 122 I +29 18 123 I +29 18 124 Q +29 18 125 Q +29 18 126 T +29 18 127 S +29 18 128 Q +29 18 129 T +29 18 130 S +29 18 131 C +29 18 132 C +29 18 133 I +29 18 134 S +29 18 135 C +29 18 136 I +29 18 137 S +29 18 138 I +29 18 139 T +29 18 140 I +29 18 141 T +29 18 142 T +29 18 143 Q +29 18 144 S +29 18 145 I +29 18 146 Q +29 18 147 I +29 18 148 C +29 18 149 I +29 18 150 S +29 18 151 Q +29 18 152 Q +29 18 153 I +29 18 154 S +29 18 155 S +29 18 156 I +29 18 157 S +29 18 158 T +29 18 159 Q +29 18 160 T +29 18 161 I +29 18 162 C +29 18 163 I +29 18 164 I +29 18 165 I +29 18 166 S +29 18 167 T +29 18 168 I +29 18 169 I +29 18 170 S +29 18 171 Q +29 18 172 T +29 18 173 C +29 18 174 Q +29 18 175 I +29 18 176 C +29 18 177 Q +29 18 178 I +29 18 179 C +29 18 180 I +29 18 181 Q +29 18 182 S +29 18 183 Q +29 18 184 I +29 18 185 Q +29 18 186 I +29 18 187 Q +29 18 188 I +29 18 189 T +29 18 190 Q +29 18 191 I +29 18 192 I +29 18 193 Q +29 18 194 C +29 18 195 I +29 18 196 I +29 18 197 Q +29 18 198 S +29 18 199 T +29 18 200 I +29 18 201 Q +29 18 202 I +29 18 203 C +29 18 204 S +29 18 205 I +29 18 206 T +29 18 207 C +29 18 208 Q +29 18 209 I +29 18 210 T +29 18 211 I +29 18 212 Q +29 18 213 T +29 18 214 Q +29 18 215 T +29 18 216 S +29 18 217 Q +29 18 218 I +29 18 219 T +29 18 220 I +29 18 221 T +29 18 222 I +29 18 223 I +29 18 224 T +29 18 225 Q +29 18 226 I +29 18 227 S +29 18 228 I +29 18 229 I +29 18 230 T +29 18 231 C +29 18 232 Q +29 18 233 I +29 18 234 I +29 18 235 I +29 18 236 Q +29 18 237 T +29 18 238 I +29 18 239 C +29 18 240 C +29 18 241 T +29 18 242 Q +29 18 243 C +29 18 244 T +29 18 245 C +29 18 246 I +29 18 247 S +29 18 248 I +29 18 249 I +29 18 250 T +29 18 251 Q +29 18 252 T +29 18 253 I +29 18 254 I +29 18 255 S +29 18 256 C +29 18 257 I +29 18 258 Q +29 18 259 C +29 18 260 Q +29 18 261 Q +29 18 262 T +29 18 263 I +29 18 264 I +29 18 265 I +29 18 266 Q +29 18 267 S +29 18 268 I +29 18 269 C +29 18 270 Q +29 18 271 I +29 18 272 T +29 18 273 I +29 18 274 T +29 18 275 Q +29 18 276 C +29 18 277 I +29 18 278 Q +29 18 279 I +29 18 280 I +29 18 281 I +29 18 282 I +29 18 283 S +29 18 284 T +29 18 285 Q +29 18 286 T +29 18 287 Q +29 18 288 C +29 18 289 I +29 18 290 T +29 18 291 I +29 18 292 Q +29 18 293 T +29 18 294 T +29 18 295 C +29 18 296 S +29 18 297 Q +29 18 298 C +29 18 299 I +29 18 300 T +29 18 301 I +29 18 302 T +29 18 303 I +29 18 304 Q +29 18 305 C +29 18 306 I +29 18 307 I +29 18 308 I +29 18 309 Q +29 18 310 I +29 18 311 I +29 18 312 S +29 18 313 I +29 18 314 T +29 18 315 I +29 18 316 I +29 18 317 C +29 18 318 Q +29 18 319 T +29 18 320 Q +29 18 321 C +29 18 322 I +29 18 323 I +29 18 324 T +29 18 325 C +29 18 326 Q +29 18 327 T +29 18 328 I +29 18 329 Q +29 18 330 T +29 19 1 I +29 19 2 I +29 19 3 C +29 19 4 S +29 19 5 I +29 19 6 T +29 19 7 I +29 19 8 C +29 19 9 Q +29 19 10 I +29 19 11 S +29 19 12 Q +29 19 13 I +29 19 14 S +29 19 15 T +29 19 16 T +29 19 17 C +29 19 18 S +29 19 19 I +29 19 20 I +29 19 21 C +29 19 22 Q +29 19 23 I +29 19 24 S +29 19 25 I +29 19 26 I +29 19 27 T +29 19 28 C +29 19 29 I +29 19 30 C +29 19 31 I +29 19 32 I +29 19 33 I +29 19 34 I +29 19 35 C +29 19 36 S +29 19 37 I +29 19 38 C +29 19 39 I +29 19 40 I +29 19 41 C +29 19 42 Q +29 19 43 I +29 19 44 T +29 19 45 I +29 19 46 S +29 19 47 I +29 19 48 Q +29 19 49 I +29 19 50 I +29 19 51 S +29 19 52 T +29 19 53 C +29 19 54 I +29 19 55 I +29 19 56 T +29 19 57 I +29 19 58 Q +29 19 59 T +29 19 60 S +29 19 61 C +29 19 62 I +29 19 63 C +29 19 64 I +29 19 65 C +29 19 66 T +29 19 67 I +29 19 68 C +29 19 69 S +29 19 70 T +29 19 71 C +29 19 72 I +29 19 73 I +29 19 74 I +29 19 75 S +29 19 76 C +29 19 77 I +29 19 78 T +29 19 79 S +29 19 80 I +29 19 81 I +29 19 82 I +29 19 83 T +29 19 84 C +29 19 85 I +29 19 86 C +29 19 87 S +29 19 88 S +29 19 89 S +29 19 90 I +29 19 91 Q +29 19 92 T +29 19 93 I +29 19 94 S +29 19 95 I +29 19 96 Q +29 19 97 I +29 19 98 C +29 19 99 I +29 19 100 I +29 19 101 C +29 19 102 C +29 19 103 Q +29 19 104 I +29 19 105 C +29 19 106 Q +29 19 107 T +29 19 108 T +29 19 109 I +29 19 110 Q +29 19 111 S +29 19 112 C +29 19 113 S +29 19 114 I +29 19 115 C +29 19 116 I +29 19 117 S +29 19 118 C +29 19 119 I +29 19 120 T +29 19 121 C +29 19 122 I +29 19 123 I +29 19 124 Q +29 19 125 C +29 19 126 C +29 19 127 I +29 19 128 Q +29 19 129 T +29 19 130 S +29 19 131 C +29 19 132 C +29 19 133 I +29 19 134 S +29 19 135 C +29 19 136 I +29 19 137 I +29 19 138 I +29 19 139 T +29 19 140 I +29 19 141 T +29 19 142 T +29 19 143 I +29 19 144 I +29 19 145 I +29 19 146 Q +29 19 147 I +29 19 148 C +29 19 149 T +29 19 150 I +29 19 151 C +29 19 152 I +29 19 153 I +29 19 154 S +29 19 155 S +29 19 156 I +29 19 157 C +29 19 158 T +29 19 159 Q +29 19 160 C +29 19 161 I +29 19 162 C +29 19 163 I +29 19 164 I +29 19 165 Q +29 19 166 I +29 19 167 T +29 19 168 I +29 19 169 I +29 19 170 S +29 19 171 Q +29 19 172 T +29 19 173 C +29 19 174 Q +29 19 175 I +29 19 176 C +29 19 177 Q +29 19 178 I +29 19 179 C +29 19 180 I +29 19 181 Q +29 19 182 S +29 19 183 Q +29 19 184 I +29 19 185 Q +29 19 186 I +29 19 187 Q +29 19 188 I +29 19 189 T +29 19 190 I +29 19 191 I +29 19 192 I +29 19 193 Q +29 19 194 C +29 19 195 I +29 19 196 I +29 19 197 C +29 19 198 S +29 19 199 T +29 19 200 I +29 19 201 Q +29 19 202 I +29 19 203 C +29 19 204 S +29 19 205 I +29 19 206 T +29 19 207 C +29 19 208 Q +29 19 209 I +29 19 210 S +29 19 211 I +29 19 212 Q +29 19 213 S +29 19 214 Q +29 19 215 Q +29 19 216 S +29 19 217 Q +29 19 218 Q +29 19 219 T +29 19 220 I +29 19 221 T +29 19 222 I +29 19 223 I +29 19 224 T +29 19 225 Q +29 19 226 I +29 19 227 S +29 19 228 I +29 19 229 T +29 19 230 T +29 19 231 I +29 19 232 S +29 19 233 I +29 19 234 I +29 19 235 I +29 19 236 Q +29 19 237 C +29 19 238 I +29 19 239 Q +29 19 240 S +29 19 241 T +29 19 242 Q +29 19 243 C +29 19 244 T +29 19 245 C +29 19 246 I +29 19 247 I +29 19 248 S +29 19 249 I +29 19 250 S +29 19 251 I +29 19 252 T +29 19 253 I +29 19 254 I +29 19 255 S +29 19 256 C +29 19 257 I +29 19 258 Q +29 19 259 C +29 19 260 T +29 19 261 Q +29 19 262 T +29 19 263 S +29 19 264 I +29 19 265 I +29 19 266 C +29 19 267 C +29 19 268 I +29 19 269 C +29 19 270 Q +29 19 271 I +29 19 272 T +29 19 273 Q +29 19 274 T +29 19 275 Q +29 19 276 C +29 19 277 I +29 19 278 Q +29 19 279 I +29 19 280 I +29 19 281 I +29 19 282 I +29 19 283 S +29 19 284 T +29 19 285 I +29 19 286 T +29 19 287 Q +29 19 288 C +29 19 289 I +29 19 290 T +29 19 291 I +29 19 292 Q +29 19 293 T +29 19 294 T +29 19 295 S +29 19 296 I +29 19 297 Q +29 19 298 C +29 19 299 I +29 19 300 T +29 19 301 I +29 19 302 T +29 19 303 I +29 19 304 Q +29 19 305 S +29 19 306 Q +29 19 307 I +29 19 308 I +29 19 309 S +29 19 310 I +29 19 311 I +29 19 312 S +29 19 313 I +29 19 314 T +29 19 315 I +29 19 316 I +29 19 317 C +29 19 318 Q +29 19 319 T +29 19 320 Q +29 19 321 C +29 19 322 I +29 19 323 I +29 19 324 T +29 19 325 I +29 19 326 Q +29 19 327 T +29 19 328 S +29 19 329 Q +29 19 330 T +29 20 1 I +29 20 2 T +29 20 3 C +29 20 4 Y +29 20 5 T +29 20 6 T +29 20 7 Q +29 20 8 Y +29 20 9 G +29 20 10 I +29 20 11 G +29 20 12 Q +29 20 13 G +29 20 14 G +29 20 15 T +29 20 16 T +29 20 17 C +29 20 18 S +29 20 19 Q +29 20 20 I +29 20 21 Q +29 20 22 T +29 20 23 Y +29 20 24 G +29 20 25 I +29 20 26 I +29 20 27 T +29 20 28 Q +29 20 29 T +29 20 30 Q +29 20 31 T +29 20 32 I +29 20 33 Q +29 20 34 I +29 20 35 C +29 20 36 G +29 20 37 I +29 20 38 C +29 20 39 G +29 20 40 I +29 20 41 C +29 20 42 Q +29 20 43 I +29 20 44 T +29 20 45 Q +29 20 46 T +29 20 47 I +29 20 48 Q +29 20 49 Q +29 20 50 Y +29 20 51 T +29 20 52 T +29 20 53 Y +29 20 54 Q +29 20 55 I +29 20 56 Q +29 20 57 G +29 20 58 I +29 20 59 T +29 20 60 G +29 20 61 C +29 20 62 Q +29 20 63 C +29 20 64 I +29 20 65 C +29 20 66 T +29 20 67 T +29 20 68 Y +29 20 69 I +29 20 70 T +29 20 71 Y +29 20 72 I +29 20 73 C +29 20 74 Q +29 20 75 G +29 20 76 C +29 20 77 I +29 20 78 T +29 20 79 S +29 20 80 Q +29 20 81 I +29 20 82 I +29 20 83 T +29 20 84 T +29 20 85 I +29 20 86 Y +29 20 87 S +29 20 88 Y +29 20 89 S +29 20 90 G +29 20 91 I +29 20 92 T +29 20 93 I +29 20 94 S +29 20 95 T +29 20 96 Q +29 20 97 Y +29 20 98 C +29 20 99 I +29 20 100 I +29 20 101 Y +29 20 102 T +29 20 103 I +29 20 104 I +29 20 105 Y +29 20 106 I +29 20 107 T +29 20 108 T +29 20 109 G +29 20 110 Q +29 20 111 G +29 20 112 C +29 20 113 S +29 20 114 Q +29 20 115 C +29 20 116 T +29 20 117 G +29 20 118 Q +29 20 119 I +29 20 120 T +29 20 121 C +29 20 122 I +29 20 123 Q +29 20 124 T +29 20 125 C +29 20 126 Q +29 20 127 G +29 20 128 Q +29 20 129 T +29 20 130 G +29 20 131 Y +29 20 132 C +29 20 133 I +29 20 134 G +29 20 135 Y +29 20 136 I +29 20 137 I +29 20 138 I +29 20 139 T +29 20 140 I +29 20 141 T +29 20 142 T +29 20 143 Q +29 20 144 Y +29 20 145 I +29 20 146 Q +29 20 147 I +29 20 148 C +29 20 149 T +29 20 150 Y +29 20 151 Q +29 20 152 C +29 20 153 I +29 20 154 S +29 20 155 S +29 20 156 I +29 20 157 C +29 20 158 T +29 20 159 T +29 20 160 I +29 20 161 I +29 20 162 C +29 20 163 G +29 20 164 I +29 20 165 G +29 20 166 I +29 20 167 T +29 20 168 I +29 20 169 I +29 20 170 G +29 20 171 I +29 20 172 T +29 20 173 C +29 20 174 Q +29 20 175 T +29 20 176 C +29 20 177 Q +29 20 178 I +29 20 179 G +29 20 180 Q +29 20 181 Q +29 20 182 Y +29 20 183 Q +29 20 184 Y +29 20 185 Q +29 20 186 I +29 20 187 Q +29 20 188 I +29 20 189 T +29 20 190 Q +29 20 191 I +29 20 192 C +29 20 193 Q +29 20 194 G +29 20 195 I +29 20 196 I +29 20 197 Y +29 20 198 G +29 20 199 T +29 20 200 I +29 20 201 C +29 20 202 I +29 20 203 C +29 20 204 G +29 20 205 Q +29 20 206 T +29 20 207 C +29 20 208 Q +29 20 209 G +29 20 210 C +29 20 211 I +29 20 212 Q +29 20 213 T +29 20 214 I +29 20 215 Y +29 20 216 G +29 20 217 Q +29 20 218 I +29 20 219 T +29 20 220 I +29 20 221 T +29 20 222 Y +29 20 223 I +29 20 224 T +29 20 225 I +29 20 226 I +29 20 227 S +29 20 228 I +29 20 229 T +29 20 230 T +29 20 231 Y +29 20 232 Q +29 20 233 I +29 20 234 I +29 20 235 I +29 20 236 Q +29 20 237 T +29 20 238 I +29 20 239 C +29 20 240 G +29 20 241 T +29 20 242 Q +29 20 243 Y +29 20 244 T +29 20 245 C +29 20 246 I +29 20 247 I +29 20 248 S +29 20 249 I +29 20 250 Y +29 20 251 T +29 20 252 T +29 20 253 I +29 20 254 T +29 20 255 S +29 20 256 C +29 20 257 I +29 20 258 Q +29 20 259 C +29 20 260 Q +29 20 261 C +29 20 262 T +29 20 263 T +29 20 264 T +29 20 265 I +29 20 266 C +29 20 267 Y +29 20 268 I +29 20 269 C +29 20 270 Q +29 20 271 I +29 20 272 T +29 20 273 Y +29 20 274 T +29 20 275 Q +29 20 276 C +29 20 277 I +29 20 278 T +29 20 279 Q +29 20 280 I +29 20 281 I +29 20 282 I +29 20 283 G +29 20 284 T +29 20 285 T +29 20 286 T +29 20 287 Q +29 20 288 C +29 20 289 I +29 20 290 T +29 20 291 I +29 20 292 Q +29 20 293 T +29 20 294 T +29 20 295 S +29 20 296 Y +29 20 297 Q +29 20 298 C +29 20 299 I +29 20 300 T +29 20 301 I +29 20 302 T +29 20 303 T +29 20 304 I +29 20 305 Y +29 20 306 T +29 20 307 I +29 20 308 I +29 20 309 G +29 20 310 I +29 20 311 I +29 20 312 S +29 20 313 I +29 20 314 T +29 20 315 Q +29 20 316 I +29 20 317 C +29 20 318 T +29 20 319 T +29 20 320 Q +29 20 321 C +29 20 322 T +29 20 323 I +29 20 324 T +29 20 325 Y +29 20 326 Q +29 20 327 T +29 20 328 I +29 20 329 C +29 20 330 T +29 21 1 I +29 21 2 I +29 21 3 C +29 21 4 Y +29 21 5 I +29 21 6 T +29 21 7 I +29 21 8 C +29 21 9 S +29 21 10 I +29 21 11 I +29 21 12 Q +29 21 13 I +29 21 14 I +29 21 15 T +29 21 16 T +29 21 17 C +29 21 18 S +29 21 19 I +29 21 20 I +29 21 21 C +29 21 22 Q +29 21 23 T +29 21 24 S +29 21 25 I +29 21 26 I +29 21 27 T +29 21 28 C +29 21 29 I +29 21 30 Q +29 21 31 I +29 21 32 T +29 21 33 I +29 21 34 I +29 21 35 T +29 21 36 I +29 21 37 I +29 21 38 C +29 21 39 I +29 21 40 I +29 21 41 C +29 21 42 Q +29 21 43 I +29 21 44 T +29 21 45 I +29 21 46 T +29 21 47 I +29 21 48 Q +29 21 49 I +29 21 50 Y +29 21 51 S +29 21 52 T +29 21 53 C +29 21 54 I +29 21 55 I +29 21 56 T +29 21 57 I +29 21 58 Q +29 21 59 T +29 21 60 I +29 21 61 C +29 21 62 T +29 21 63 T +29 21 64 I +29 21 65 C +29 21 66 T +29 21 67 I +29 21 68 C +29 21 69 I +29 21 70 T +29 21 71 C +29 21 72 I +29 21 73 T +29 21 74 I +29 21 75 S +29 21 76 Q +29 21 77 I +29 21 78 T +29 21 79 S +29 21 80 I +29 21 81 I +29 21 82 I +29 21 83 T +29 21 84 T +29 21 85 I +29 21 86 T +29 21 87 S +29 21 88 C +29 21 89 S +29 21 90 S +29 21 91 I +29 21 92 T +29 21 93 I +29 21 94 S +29 21 95 T +29 21 96 Q +29 21 97 Y +29 21 98 C +29 21 99 T +29 21 100 I +29 21 101 C +29 21 102 T +29 21 103 S +29 21 104 I +29 21 105 C +29 21 106 Q +29 21 107 T +29 21 108 I +29 21 109 I +29 21 110 Q +29 21 111 S +29 21 112 C +29 21 113 S +29 21 114 I +29 21 115 C +29 21 116 I +29 21 117 S +29 21 118 T +29 21 119 I +29 21 120 T +29 21 121 Q +29 21 122 I +29 21 123 I +29 21 124 I +29 21 125 Q +29 21 126 T +29 21 127 S +29 21 128 Q +29 21 129 T +29 21 130 S +29 21 131 Y +29 21 132 C +29 21 133 I +29 21 134 S +29 21 135 C +29 21 136 I +29 21 137 I +29 21 138 I +29 21 139 T +29 21 140 I +29 21 141 T +29 21 142 T +29 21 143 I +29 21 144 Y +29 21 145 I +29 21 146 Q +29 21 147 I +29 21 148 C +29 21 149 I +29 21 150 Y +29 21 151 T +29 21 152 T +29 21 153 I +29 21 154 S +29 21 155 S +29 21 156 I +29 21 157 S +29 21 158 T +29 21 159 T +29 21 160 T +29 21 161 I +29 21 162 C +29 21 163 I +29 21 164 I +29 21 165 S +29 21 166 I +29 21 167 T +29 21 168 I +29 21 169 I +29 21 170 S +29 21 171 I +29 21 172 T +29 21 173 T +29 21 174 Q +29 21 175 T +29 21 176 T +29 21 177 Q +29 21 178 I +29 21 179 Y +29 21 180 I +29 21 181 Q +29 21 182 C +29 21 183 S +29 21 184 T +29 21 185 Q +29 21 186 I +29 21 187 Q +29 21 188 I +29 21 189 T +29 21 190 T +29 21 191 I +29 21 192 T +29 21 193 Q +29 21 194 S +29 21 195 I +29 21 196 T +29 21 197 T +29 21 198 S +29 21 199 T +29 21 200 I +29 21 201 T +29 21 202 I +29 21 203 C +29 21 204 S +29 21 205 I +29 21 206 T +29 21 207 C +29 21 208 Q +29 21 209 I +29 21 210 S +29 21 211 I +29 21 212 Q +29 21 213 T +29 21 214 Q +29 21 215 T +29 21 216 I +29 21 217 T +29 21 218 Q +29 21 219 T +29 21 220 I +29 21 221 T +29 21 222 Y +29 21 223 I +29 21 224 T +29 21 225 Q +29 21 226 I +29 21 227 S +29 21 228 I +29 21 229 I +29 21 230 T +29 21 231 Y +29 21 232 Q +29 21 233 T +29 21 234 I +29 21 235 I +29 21 236 Q +29 21 237 T +29 21 238 I +29 21 239 T +29 21 240 S +29 21 241 T +29 21 242 Q +29 21 243 Y +29 21 244 T +29 21 245 C +29 21 246 I +29 21 247 Y +29 21 248 I +29 21 249 I +29 21 250 Y +29 21 251 I +29 21 252 T +29 21 253 I +29 21 254 I +29 21 255 S +29 21 256 C +29 21 257 I +29 21 258 Q +29 21 259 C +29 21 260 Q +29 21 261 Q +29 21 262 T +29 21 263 T +29 21 264 I +29 21 265 I +29 21 266 Q +29 21 267 Y +29 21 268 I +29 21 269 Y +29 21 270 Q +29 21 271 I +29 21 272 T +29 21 273 T +29 21 274 T +29 21 275 Q +29 21 276 C +29 21 277 I +29 21 278 T +29 21 279 I +29 21 280 I +29 21 281 I +29 21 282 I +29 21 283 S +29 21 284 T +29 21 285 T +29 21 286 T +29 21 287 Q +29 21 288 C +29 21 289 I +29 21 290 T +29 21 291 I +29 21 292 T +29 21 293 T +29 21 294 T +29 21 295 S +29 21 296 Y +29 21 297 Q +29 21 298 C +29 21 299 I +29 21 300 T +29 21 301 I +29 21 302 T +29 21 303 I +29 21 304 I +29 21 305 Y +29 21 306 I +29 21 307 I +29 21 308 Y +29 21 309 S +29 21 310 I +29 21 311 I +29 21 312 S +29 21 313 T +29 21 314 S +29 21 315 I +29 21 316 I +29 21 317 C +29 21 318 T +29 21 319 T +29 21 320 Q +29 21 321 C +29 21 322 I +29 21 323 I +29 21 324 T +29 21 325 Y +29 21 326 Q +29 21 327 T +29 21 328 I +29 21 329 S +29 21 330 T +29 22 1 I +29 22 2 I +29 22 3 C +29 22 4 S +29 22 5 I +29 22 6 T +29 22 7 I +29 22 8 G +29 22 9 C +29 22 10 I +29 22 11 I +29 22 12 Q +29 22 13 I +29 22 14 I +29 22 15 C +29 22 16 T +29 22 17 C +29 22 18 S +29 22 19 I +29 22 20 I +29 22 21 C +29 22 22 Q +29 22 23 Y +29 22 24 S +29 22 25 I +29 22 26 I +29 22 27 T +29 22 28 C +29 22 29 I +29 22 30 C +29 22 31 I +29 22 32 Y +29 22 33 I +29 22 34 I +29 22 35 C +29 22 36 S +29 22 37 I +29 22 38 C +29 22 39 I +29 22 40 I +29 22 41 C +29 22 42 Q +29 22 43 I +29 22 44 T +29 22 45 I +29 22 46 S +29 22 47 I +29 22 48 Q +29 22 49 I +29 22 50 S +29 22 51 S +29 22 52 T +29 22 53 C +29 22 54 I +29 22 55 I +29 22 56 C +29 22 57 I +29 22 58 Q +29 22 59 T +29 22 60 S +29 22 61 C +29 22 62 Q +29 22 63 C +29 22 64 I +29 22 65 C +29 22 66 T +29 22 67 I +29 22 68 C +29 22 69 S +29 22 70 T +29 22 71 S +29 22 72 I +29 22 73 Y +29 22 74 I +29 22 75 I +29 22 76 C +29 22 77 I +29 22 78 Q +29 22 79 S +29 22 80 I +29 22 81 I +29 22 82 I +29 22 83 T +29 22 84 C +29 22 85 I +29 22 86 C +29 22 87 S +29 22 88 Y +29 22 89 S +29 22 90 I +29 22 91 Q +29 22 92 T +29 22 93 I +29 22 94 S +29 22 95 T +29 22 96 Q +29 22 97 Y +29 22 98 C +29 22 99 T +29 22 100 I +29 22 101 Y +29 22 102 T +29 22 103 S +29 22 104 I +29 22 105 Y +29 22 106 T +29 22 107 T +29 22 108 I +29 22 109 I +29 22 110 Q +29 22 111 S +29 22 112 C +29 22 113 S +29 22 114 I +29 22 115 C +29 22 116 I +29 22 117 S +29 22 118 Y +29 22 119 I +29 22 120 T +29 22 121 C +29 22 122 I +29 22 123 I +29 22 124 Q +29 22 125 C +29 22 126 C +29 22 127 I +29 22 128 Q +29 22 129 T +29 22 130 S +29 22 131 Y +29 22 132 C +29 22 133 I +29 22 134 S +29 22 135 Y +29 22 136 I +29 22 137 I +29 22 138 I +29 22 139 T +29 22 140 I +29 22 141 T +29 22 142 T +29 22 143 I +29 22 144 Y +29 22 145 I +29 22 146 Q +29 22 147 I +29 22 148 C +29 22 149 I +29 22 150 Y +29 22 151 T +29 22 152 Y +29 22 153 I +29 22 154 S +29 22 155 S +29 22 156 I +29 22 157 S +29 22 158 T +29 22 159 T +29 22 160 Q +29 22 161 I +29 22 162 C +29 22 163 I +29 22 164 I +29 22 165 I +29 22 166 I +29 22 167 T +29 22 168 I +29 22 169 I +29 22 170 I +29 22 171 I +29 22 172 T +29 22 173 C +29 22 174 Q +29 22 175 I +29 22 176 C +29 22 177 Q +29 22 178 I +29 22 179 C +29 22 180 I +29 22 181 Q +29 22 182 Y +29 22 183 S +29 22 184 Y +29 22 185 Q +29 22 186 I +29 22 187 Q +29 22 188 I +29 22 189 T +29 22 190 Q +29 22 191 I +29 22 192 Y +29 22 193 Q +29 22 194 C +29 22 195 I +29 22 196 I +29 22 197 Y +29 22 198 S +29 22 199 T +29 22 200 I +29 22 201 C +29 22 202 I +29 22 203 Y +29 22 204 S +29 22 205 Y +29 22 206 T +29 22 207 C +29 22 208 Q +29 22 209 I +29 22 210 S +29 22 211 I +29 22 212 C +29 22 213 T +29 22 214 Q +29 22 215 Y +29 22 216 S +29 22 217 T +29 22 218 Q +29 22 219 T +29 22 220 I +29 22 221 T +29 22 222 Y +29 22 223 I +29 22 224 T +29 22 225 Q +29 22 226 I +29 22 227 S +29 22 228 I +29 22 229 I +29 22 230 T +29 22 231 Y +29 22 232 Q +29 22 233 I +29 22 234 I +29 22 235 I +29 22 236 Q +29 22 237 C +29 22 238 I +29 22 239 C +29 22 240 C +29 22 241 T +29 22 242 Q +29 22 243 C +29 22 244 T +29 22 245 C +29 22 246 I +29 22 247 Y +29 22 248 S +29 22 249 I +29 22 250 Y +29 22 251 I +29 22 252 T +29 22 253 I +29 22 254 I +29 22 255 S +29 22 256 C +29 22 257 I +29 22 258 Q +29 22 259 C +29 22 260 T +29 22 261 C +29 22 262 T +29 22 263 S +29 22 264 I +29 22 265 I +29 22 266 C +29 22 267 Y +29 22 268 I +29 22 269 Y +29 22 270 C +29 22 271 I +29 22 272 T +29 22 273 Y +29 22 274 T +29 22 275 Q +29 22 276 Y +29 22 277 I +29 22 278 C +29 22 279 I +29 22 280 I +29 22 281 I +29 22 282 I +29 22 283 S +29 22 284 T +29 22 285 T +29 22 286 T +29 22 287 Q +29 22 288 C +29 22 289 I +29 22 290 T +29 22 291 I +29 22 292 T +29 22 293 I +29 22 294 T +29 22 295 S +29 22 296 Y +29 22 297 Q +29 22 298 C +29 22 299 I +29 22 300 T +29 22 301 I +29 22 302 T +29 22 303 T +29 22 304 I +29 22 305 Y +29 22 306 I +29 22 307 I +29 22 308 Y +29 22 309 S +29 22 310 I +29 22 311 I +29 22 312 I +29 22 313 T +29 22 314 S +29 22 315 I +29 22 316 I +29 22 317 Y +29 22 318 C +29 22 319 T +29 22 320 Q +29 22 321 C +29 22 322 I +29 22 323 I +29 22 324 T +29 22 325 Y +29 22 326 Q +29 22 327 T +29 22 328 I +29 22 329 Q +29 22 330 T +29 23 1 I +29 23 2 T +29 23 3 C +29 23 4 G +29 23 5 I +29 23 6 T +29 23 7 I +29 23 8 G +29 23 9 G +29 23 10 S +29 23 11 G +29 23 12 Q +29 23 13 S +29 23 14 S +29 23 15 T +29 23 16 T +29 23 17 C +29 23 18 S +29 23 19 I +29 23 20 I +29 23 21 C +29 23 22 Q +29 23 23 S +29 23 24 G +29 23 25 I +29 23 26 I +29 23 27 T +29 23 28 C +29 23 29 I +29 23 30 C +29 23 31 T +29 23 32 C +29 23 33 I +29 23 34 I +29 23 35 T +29 23 36 G +29 23 37 T +29 23 38 G +29 23 39 I +29 23 40 I +29 23 41 C +29 23 42 Q +29 23 43 G +29 23 44 T +29 23 45 I +29 23 46 G +29 23 47 S +29 23 48 Q +29 23 49 I +29 23 50 Y +29 23 51 G +29 23 52 T +29 23 53 C +29 23 54 I +29 23 55 I +29 23 56 T +29 23 57 G +29 23 58 T +29 23 59 T +29 23 60 S +29 23 61 G +29 23 62 I +29 23 63 T +29 23 64 I +29 23 65 C +29 23 66 T +29 23 67 I +29 23 68 T +29 23 69 G +29 23 70 T +29 23 71 G +29 23 72 I +29 23 73 Y +29 23 74 T +29 23 75 S +29 23 76 C +29 23 77 I +29 23 78 T +29 23 79 S +29 23 80 I +29 23 81 I +29 23 82 I +29 23 83 T +29 23 84 T +29 23 85 I +29 23 86 T +29 23 87 G +29 23 88 Y +29 23 89 S +29 23 90 S +29 23 91 Q +29 23 92 T +29 23 93 I +29 23 94 G +29 23 95 T +29 23 96 Q +29 23 97 Y +29 23 98 C +29 23 99 Y +29 23 100 I +29 23 101 G +29 23 102 T +29 23 103 G +29 23 104 I +29 23 105 Y +29 23 106 Q +29 23 107 T +29 23 108 I +29 23 109 Y +29 23 110 C +29 23 111 G +29 23 112 C +29 23 113 G +29 23 114 I +29 23 115 G +29 23 116 T +29 23 117 G +29 23 118 C +29 23 119 I +29 23 120 T +29 23 121 C +29 23 122 I +29 23 123 G +29 23 124 Q +29 23 125 C +29 23 126 T +29 23 127 I +29 23 128 Q +29 23 129 T +29 23 130 G +29 23 131 Y +29 23 132 C +29 23 133 I +29 23 134 G +29 23 135 Y +29 23 136 I +29 23 137 G +29 23 138 I +29 23 139 T +29 23 140 I +29 23 141 T +29 23 142 G +29 23 143 I +29 23 144 Y +29 23 145 I +29 23 146 Q +29 23 147 I +29 23 148 C +29 23 149 I +29 23 150 Y +29 23 151 C +29 23 152 T +29 23 153 I +29 23 154 G +29 23 155 G +29 23 156 I +29 23 157 S +29 23 158 T +29 23 159 C +29 23 160 T +29 23 161 I +29 23 162 C +29 23 163 I +29 23 164 I +29 23 165 G +29 23 166 S +29 23 167 Y +29 23 168 I +29 23 169 I +29 23 170 S +29 23 171 S +29 23 172 T +29 23 173 C +29 23 174 Q +29 23 175 T +29 23 176 C +29 23 177 Q +29 23 178 I +29 23 179 G +29 23 180 I +29 23 181 S +29 23 182 Y +29 23 183 G +29 23 184 Y +29 23 185 G +29 23 186 I +29 23 187 Q +29 23 188 I +29 23 189 T +29 23 190 C +29 23 191 I +29 23 192 Y +29 23 193 Q +29 23 194 G +29 23 195 I +29 23 196 I +29 23 197 Y +29 23 198 G +29 23 199 T +29 23 200 I +29 23 201 T +29 23 202 I +29 23 203 Y +29 23 204 G +29 23 205 Y +29 23 206 T +29 23 207 C +29 23 208 T +29 23 209 I +29 23 210 G +29 23 211 I +29 23 212 C +29 23 213 Y +29 23 214 Q +29 23 215 C +29 23 216 G +29 23 217 T +29 23 218 Q +29 23 219 I +29 23 220 Y +29 23 221 T +29 23 222 Y +29 23 223 I +29 23 224 T +29 23 225 S +29 23 226 I +29 23 227 G +29 23 228 I +29 23 229 I +29 23 230 T +29 23 231 Y +29 23 232 G +29 23 233 Y +29 23 234 I +29 23 235 I +29 23 236 Q +29 23 237 C +29 23 238 I +29 23 239 T +29 23 240 G +29 23 241 T +29 23 242 Q +29 23 243 Y +29 23 244 T +29 23 245 C +29 23 246 I +29 23 247 Y +29 23 248 G +29 23 249 I +29 23 250 Y +29 23 251 I +29 23 252 T +29 23 253 I +29 23 254 T +29 23 255 G +29 23 256 C +29 23 257 S +29 23 258 Q +29 23 259 C +29 23 260 Q +29 23 261 C +29 23 262 T +29 23 263 T +29 23 264 T +29 23 265 I +29 23 266 G +29 23 267 Y +29 23 268 I +29 23 269 C +29 23 270 C +29 23 271 S +29 23 272 T +29 23 273 Y +29 23 274 T +29 23 275 Q +29 23 276 Y +29 23 277 G +29 23 278 C +29 23 279 Y +29 23 280 G +29 23 281 I +29 23 282 I +29 23 283 G +29 23 284 T +29 23 285 C +29 23 286 T +29 23 287 G +29 23 288 C +29 23 289 I +29 23 290 T +29 23 291 I +29 23 292 T +29 23 293 I +29 23 294 T +29 23 295 G +29 23 296 Y +29 23 297 Q +29 23 298 C +29 23 299 I +29 23 300 T +29 23 301 I +29 23 302 T +29 23 303 S +29 23 304 G +29 23 305 Y +29 23 306 I +29 23 307 I +29 23 308 Y +29 23 309 G +29 23 310 I +29 23 311 I +29 23 312 G +29 23 313 Y +29 23 314 T +29 23 315 I +29 23 316 I +29 23 317 Y +29 23 318 C +29 23 319 T +29 23 320 G +29 23 321 C +29 23 322 I +29 23 323 I +29 23 324 T +29 23 325 Y +29 23 326 Q +29 23 327 T +29 23 328 G +29 23 329 C +29 23 330 T +29 24 1 I +29 24 2 T +29 24 3 C +29 24 4 G +29 24 5 I +29 24 6 T +29 24 7 I +29 24 8 C +29 24 9 T +29 24 10 I +29 24 11 I +29 24 12 Q +29 24 13 I +29 24 14 S +29 24 15 T +29 24 16 T +29 24 17 C +29 24 18 S +29 24 19 I +29 24 20 I +29 24 21 C +29 24 22 T +29 24 23 G +29 24 24 S +29 24 25 I +29 24 26 S +29 24 27 T +29 24 28 C +29 24 29 I +29 24 30 C +29 24 31 T +29 24 32 Q +29 24 33 I +29 24 34 I +29 24 35 T +29 24 36 S +29 24 37 I +29 24 38 C +29 24 39 I +29 24 40 I +29 24 41 C +29 24 42 T +29 24 43 S +29 24 44 T +29 24 45 I +29 24 46 S +29 24 47 I +29 24 48 Q +29 24 49 T +29 24 50 Y +29 24 51 T +29 24 52 T +29 24 53 Y +29 24 54 I +29 24 55 I +29 24 56 T +29 24 57 I +29 24 58 T +29 24 59 T +29 24 60 S +29 24 61 C +29 24 62 T +29 24 63 T +29 24 64 I +29 24 65 C +29 24 66 T +29 24 67 I +29 24 68 C +29 24 69 I +29 24 70 T +29 24 71 G +29 24 72 I +29 24 73 G +29 24 74 I +29 24 75 S +29 24 76 C +29 24 77 I +29 24 78 T +29 24 79 S +29 24 80 I +29 24 81 I +29 24 82 T +29 24 83 T +29 24 84 T +29 24 85 I +29 24 86 T +29 24 87 S +29 24 88 C +29 24 89 S +29 24 90 I +29 24 91 Q +29 24 92 T +29 24 93 I +29 24 94 S +29 24 95 T +29 24 96 Q +29 24 97 Y +29 24 98 C +29 24 99 T +29 24 100 I +29 24 101 Y +29 24 102 T +29 24 103 Q +29 24 104 I +29 24 105 Y +29 24 106 Q +29 24 107 T +29 24 108 I +29 24 109 G +29 24 110 Q +29 24 111 S +29 24 112 C +29 24 113 S +29 24 114 G +29 24 115 C +29 24 116 T +29 24 117 S +29 24 118 Y +29 24 119 I +29 24 120 T +29 24 121 C +29 24 122 I +29 24 123 S +29 24 124 Q +29 24 125 C +29 24 126 T +29 24 127 S +29 24 128 Q +29 24 129 T +29 24 130 S +29 24 131 Y +29 24 132 C +29 24 133 I +29 24 134 S +29 24 135 C +29 24 136 I +29 24 137 S +29 24 138 I +29 24 139 T +29 24 140 S +29 24 141 T +29 24 142 T +29 24 143 I +29 24 144 S +29 24 145 I +29 24 146 Q +29 24 147 I +29 24 148 C +29 24 149 I +29 24 150 S +29 24 151 T +29 24 152 T +29 24 153 I +29 24 154 S +29 24 155 S +29 24 156 I +29 24 157 S +29 24 158 T +29 24 159 Q +29 24 160 Q +29 24 161 I +29 24 162 C +29 24 163 I +29 24 164 I +29 24 165 I +29 24 166 S +29 24 167 T +29 24 168 I +29 24 169 I +29 24 170 S +29 24 171 I +29 24 172 T +29 24 173 C +29 24 174 Q +29 24 175 I +29 24 176 C +29 24 177 Q +29 24 178 I +29 24 179 Y +29 24 180 I +29 24 181 Q +29 24 182 Y +29 24 183 Q +29 24 184 Y +29 24 185 C +29 24 186 I +29 24 187 Q +29 24 188 I +29 24 189 T +29 24 190 T +29 24 191 I +29 24 192 Y +29 24 193 Q +29 24 194 S +29 24 195 I +29 24 196 I +29 24 197 T +29 24 198 S +29 24 199 T +29 24 200 I +29 24 201 T +29 24 202 I +29 24 203 Y +29 24 204 S +29 24 205 T +29 24 206 T +29 24 207 C +29 24 208 Q +29 24 209 I +29 24 210 S +29 24 211 I +29 24 212 Q +29 24 213 T +29 24 214 Q +29 24 215 T +29 24 216 S +29 24 217 T +29 24 218 I +29 24 219 T +29 24 220 G +29 24 221 T +29 24 222 Y +29 24 223 I +29 24 224 T +29 24 225 I +29 24 226 I +29 24 227 S +29 24 228 G +29 24 229 I +29 24 230 T +29 24 231 Y +29 24 232 Q +29 24 233 T +29 24 234 I +29 24 235 I +29 24 236 Q +29 24 237 T +29 24 238 I +29 24 239 T +29 24 240 S +29 24 241 T +29 24 242 Q +29 24 243 Y +29 24 244 T +29 24 245 C +29 24 246 I +29 24 247 Y +29 24 248 S +29 24 249 I +29 24 250 Y +29 24 251 I +29 24 252 T +29 24 253 I +29 24 254 T +29 24 255 S +29 24 256 C +29 24 257 I +29 24 258 Q +29 24 259 G +29 24 260 Q +29 24 261 Q +29 24 262 T +29 24 263 T +29 24 264 I +29 24 265 I +29 24 266 C +29 24 267 Y +29 24 268 I +29 24 269 C +29 24 270 Q +29 24 271 I +29 24 272 T +29 24 273 Y +29 24 274 T +29 24 275 Q +29 24 276 C +29 24 277 S +29 24 278 T +29 24 279 T +29 24 280 I +29 24 281 I +29 24 282 I +29 24 283 S +29 24 284 T +29 24 285 T +29 24 286 T +29 24 287 S +29 24 288 C +29 24 289 I +29 24 290 T +29 24 291 I +29 24 292 T +29 24 293 T +29 24 294 T +29 24 295 S +29 24 296 S +29 24 297 Q +29 24 298 C +29 24 299 I +29 24 300 T +29 24 301 I +29 24 302 T +29 24 303 I +29 24 304 I +29 24 305 Y +29 24 306 I +29 24 307 I +29 24 308 T +29 24 309 S +29 24 310 I +29 24 311 I +29 24 312 S +29 24 313 I +29 24 314 T +29 24 315 I +29 24 316 I +29 24 317 Y +29 24 318 Q +29 24 319 T +29 24 320 I +29 24 321 C +29 24 322 I +29 24 323 I +29 24 324 T +29 24 325 S +29 24 326 Q +29 24 327 T +29 24 328 I +29 24 329 Q +29 24 330 T +29 25 1 I +29 25 2 I +29 25 3 C +29 25 4 G +29 25 5 I +29 25 6 T +29 25 7 I +29 25 8 G +29 25 9 T +29 25 10 G +29 25 11 I +29 25 12 Q +29 25 13 I +29 25 14 S +29 25 15 T +29 25 16 T +29 25 17 C +29 25 18 S +29 25 19 I +29 25 20 I +29 25 21 C +29 25 22 T +29 25 23 G +29 25 24 S +29 25 25 I +29 25 26 I +29 25 27 T +29 25 28 C +29 25 29 I +29 25 30 C +29 25 31 T +29 25 32 G +29 25 33 I +29 25 34 I +29 25 35 C +29 25 36 I +29 25 37 T +29 25 38 C +29 25 39 I +29 25 40 I +29 25 41 C +29 25 42 Q +29 25 43 G +29 25 44 T +29 25 45 I +29 25 46 T +29 25 47 I +29 25 48 Q +29 25 49 I +29 25 50 G +29 25 51 G +29 25 52 T +29 25 53 G +29 25 54 I +29 25 55 I +29 25 56 T +29 25 57 I +29 25 58 Q +29 25 59 T +29 25 60 G +29 25 61 C +29 25 62 G +29 25 63 C +29 25 64 I +29 25 65 C +29 25 66 T +29 25 67 I +29 25 68 C +29 25 69 I +29 25 70 T +29 25 71 G +29 25 72 I +29 25 73 G +29 25 74 T +29 25 75 I +29 25 76 Q +29 25 77 I +29 25 78 T +29 25 79 G +29 25 80 I +29 25 81 I +29 25 82 I +29 25 83 T +29 25 84 C +29 25 85 I +29 25 86 C +29 25 87 I +29 25 88 Y +29 25 89 I +29 25 90 I +29 25 91 Q +29 25 92 T +29 25 93 I +29 25 94 S +29 25 95 I +29 25 96 Q +29 25 97 G +29 25 98 C +29 25 99 T +29 25 100 I +29 25 101 C +29 25 102 T +29 25 103 I +29 25 104 I +29 25 105 Y +29 25 106 Q +29 25 107 T +29 25 108 I +29 25 109 S +29 25 110 Q +29 25 111 I +29 25 112 C +29 25 113 I +29 25 114 I +29 25 115 C +29 25 116 T +29 25 117 G +29 25 118 T +29 25 119 I +29 25 120 T +29 25 121 C +29 25 122 I +29 25 123 I +29 25 124 Q +29 25 125 Q +29 25 126 C +29 25 127 I +29 25 128 Q +29 25 129 T +29 25 130 I +29 25 131 G +29 25 132 C +29 25 133 I +29 25 134 I +29 25 135 G +29 25 136 I +29 25 137 I +29 25 138 I +29 25 139 T +29 25 140 I +29 25 141 T +29 25 142 T +29 25 143 I +29 25 144 G +29 25 145 I +29 25 146 Q +29 25 147 I +29 25 148 C +29 25 149 I +29 25 150 Y +29 25 151 C +29 25 152 T +29 25 153 I +29 25 154 S +29 25 155 I +29 25 156 I +29 25 157 S +29 25 158 T +29 25 159 Q +29 25 160 C +29 25 161 I +29 25 162 C +29 25 163 I +29 25 164 I +29 25 165 I +29 25 166 G +29 25 167 T +29 25 168 I +29 25 169 I +29 25 170 I +29 25 171 Q +29 25 172 T +29 25 173 C +29 25 174 Q +29 25 175 T +29 25 176 C +29 25 177 Q +29 25 178 I +29 25 179 Y +29 25 180 I +29 25 181 Q +29 25 182 Y +29 25 183 Q +29 25 184 G +29 25 185 Q +29 25 186 I +29 25 187 Q +29 25 188 I +29 25 189 T +29 25 190 C +29 25 191 I +29 25 192 Y +29 25 193 I +29 25 194 G +29 25 195 I +29 25 196 I +29 25 197 G +29 25 198 I +29 25 199 T +29 25 200 I +29 25 201 C +29 25 202 I +29 25 203 G +29 25 204 S +29 25 205 Y +29 25 206 T +29 25 207 C +29 25 208 Q +29 25 209 I +29 25 210 G +29 25 211 I +29 25 212 Q +29 25 213 T +29 25 214 Q +29 25 215 C +29 25 216 I +29 25 217 T +29 25 218 I +29 25 219 T +29 25 220 G +29 25 221 T +29 25 222 Y +29 25 223 I +29 25 224 T +29 25 225 I +29 25 226 I +29 25 227 G +29 25 228 S +29 25 229 I +29 25 230 T +29 25 231 C +29 25 232 Q +29 25 233 S +29 25 234 I +29 25 235 G +29 25 236 Q +29 25 237 C +29 25 238 I +29 25 239 C +29 25 240 G +29 25 241 T +29 25 242 Q +29 25 243 Y +29 25 244 T +29 25 245 C +29 25 246 I +29 25 247 G +29 25 248 I +29 25 249 I +29 25 250 G +29 25 251 I +29 25 252 T +29 25 253 I +29 25 254 I +29 25 255 S +29 25 256 C +29 25 257 I +29 25 258 Q +29 25 259 C +29 25 260 T +29 25 261 Q +29 25 262 T +29 25 263 T +29 25 264 I +29 25 265 I +29 25 266 C +29 25 267 Y +29 25 268 I +29 25 269 G +29 25 270 Q +29 25 271 I +29 25 272 T +29 25 273 G +29 25 274 T +29 25 275 Q +29 25 276 C +29 25 277 I +29 25 278 Q +29 25 279 G +29 25 280 I +29 25 281 I +29 25 282 I +29 25 283 S +29 25 284 T +29 25 285 C +29 25 286 T +29 25 287 Q +29 25 288 C +29 25 289 I +29 25 290 T +29 25 291 G +29 25 292 C +29 25 293 T +29 25 294 T +29 25 295 G +29 25 296 Y +29 25 297 Q +29 25 298 C +29 25 299 I +29 25 300 T +29 25 301 I +29 25 302 T +29 25 303 T +29 25 304 I +29 25 305 G +29 25 306 I +29 25 307 I +29 25 308 G +29 25 309 I +29 25 310 I +29 25 311 I +29 25 312 S +29 25 313 G +29 25 314 T +29 25 315 I +29 25 316 I +29 25 317 G +29 25 318 Q +29 25 319 T +29 25 320 I +29 25 321 C +29 25 322 I +29 25 323 I +29 25 324 T +29 25 325 G +29 25 326 Q +29 25 327 T +29 25 328 I +29 25 329 Q +29 25 330 T +30 1 1 OS +30 1 2 FI +30 1 3 LU +30 1 4 OP +30 1 5 FI +30 1 6 LA +30 1 7 OS +30 1 8 OP +30 1 9 LA +30 1 10 OS +30 1 11 OS +30 1 12 LA +30 1 13 OS +30 1 14 OS +30 1 15 FI +30 1 16 FI +30 1 17 LU +30 1 18 OP +30 1 19 OS +30 1 20 OS +30 1 21 LU +30 1 22 FI +30 1 23 OP +30 1 24 OP +30 1 25 OS +30 1 26 OS +30 1 27 FI +30 1 28 LU +30 1 29 OS +30 1 30 OP +30 1 31 OS +30 1 32 OP +30 1 33 OS +30 1 34 OS +30 1 35 LU +30 1 36 OS +30 1 37 OP +30 1 38 LU +30 1 39 OS +30 1 40 OS +30 1 41 LU +30 1 42 LA +30 1 43 OS +30 1 44 FI +30 1 45 OS +30 1 46 PA +30 1 47 OS +30 1 48 LA +30 1 49 OS +30 1 50 OP +30 1 51 OP +30 1 52 FI +30 1 53 LU +30 1 54 OS +30 1 55 OS +30 1 56 FI +30 1 57 OS +30 1 58 OP +30 1 59 FI +30 1 60 OS +30 1 61 LU +30 1 62 OP +30 1 63 OP +30 1 64 OS +30 1 65 LU +30 1 66 FI +30 1 67 OS +30 1 68 LU +30 1 69 PA +30 1 70 FI +30 1 71 LU +30 1 72 OS +30 1 73 OP +30 1 74 FI +30 1 75 OS +30 1 76 LA +30 1 77 OS +30 1 78 FI +30 1 79 PA +30 1 80 OS +30 1 81 LA +30 1 82 OS +30 1 83 FI +30 1 84 OP +30 1 85 OS +30 1 86 OP +30 1 87 PA +30 1 88 OP +30 1 89 PA +30 1 90 OS +30 1 91 LA +30 1 92 FI +30 1 93 OS +30 1 94 PA +30 1 95 FI +30 1 96 LA +30 1 97 OP +30 1 98 LU +30 1 99 OP +30 1 100 OS +30 1 101 OP +30 1 102 FI +30 1 103 OP +30 1 104 OS +30 1 105 OP +30 1 106 LA +30 1 107 FI +30 1 108 FI +30 1 109 OS +30 1 110 LA +30 1 111 OP +30 1 112 LU +30 1 113 PA +30 1 114 OS +30 1 115 LU +30 1 116 FI +30 1 117 OP +30 1 118 OP +30 1 119 OS +30 1 120 FI +30 1 121 LU +30 1 122 OS +30 1 123 OS +30 1 124 OP +30 1 125 LA +30 1 126 OP +30 1 127 OS +30 1 128 LA +30 1 129 FI +30 1 130 OP +30 1 131 OP +30 1 132 LU +30 1 133 OS +30 1 134 OP +30 1 135 OP +30 1 136 OS +30 1 137 OP +30 1 138 OS +30 1 139 FI +30 1 140 OS +30 1 141 FI +30 1 142 FI +30 1 143 OP +30 1 144 OP +30 1 145 OS +30 1 146 LA +30 1 147 OS +30 1 148 LU +30 1 149 OS +30 1 150 OP +30 1 151 LA +30 1 152 OP +30 1 153 OS +30 1 154 PA +30 1 155 OP +30 1 156 OS +30 1 157 OP +30 1 158 FI +30 1 159 OP +30 1 160 OP +30 1 161 OS +30 1 162 LU +30 1 163 OS +30 1 164 OS +30 1 165 OP +30 1 166 OS +30 1 167 FI +30 1 168 OS +30 1 169 OS +30 1 170 OS +30 1 171 OP +30 1 172 FI +30 1 173 LU +30 1 174 LA +30 1 175 OP +30 1 176 LU +30 1 177 LA +30 1 178 OS +30 1 179 OP +30 1 180 OS +30 1 181 LA +30 1 182 OP +30 1 183 OP +30 1 184 OP +30 1 185 OP +30 1 186 OS +30 1 187 LA +30 1 188 OS +30 1 189 FI +30 1 190 OP +30 1 191 OS +30 1 192 OP +30 1 193 LA +30 1 194 OP +30 1 195 OS +30 1 196 FI +30 1 197 OP +30 1 198 PA +30 1 199 FI +30 1 200 OS +30 1 201 OP +30 1 202 OS +30 1 203 LA +30 1 204 PA +30 1 205 OS +30 1 206 FI +30 1 207 LU +30 1 208 OP +30 1 209 OS +30 1 210 OP +30 1 211 OS +30 1 212 LA +30 1 213 FI +30 1 214 LA +30 1 215 OP +30 1 216 PA +30 1 217 FI +30 1 218 LA +30 1 219 FI +30 1 220 OS +30 1 221 FI +30 1 222 OP +30 1 223 OS +30 1 224 FI +30 1 225 OP +30 1 226 OS +30 1 227 PA +30 1 228 OS +30 1 229 OS +30 1 230 FI +30 1 231 OP +30 1 232 OP +30 1 233 OS +30 1 234 OS +30 1 235 OS +30 1 236 OP +30 1 237 LA +30 1 238 OS +30 1 239 OP +30 1 240 OP +30 1 241 FI +30 1 242 LA +30 1 243 OP +30 1 244 FI +30 1 245 LU +30 1 246 OS +30 1 247 OP +30 1 248 OS +30 1 249 OS +30 1 250 OP +30 1 251 OS +30 1 252 FI +30 1 253 OS +30 1 254 OS +30 1 255 PA +30 1 256 LU +30 1 257 OS +30 1 258 LA +30 1 259 LU +30 1 260 LA +30 1 261 LA +30 1 262 FI +30 1 263 PA +30 1 264 OS +30 1 265 OS +30 1 266 LU +30 1 267 OP +30 1 268 OS +30 1 269 OP +30 1 270 LA +30 1 271 OS +30 1 272 FI +30 1 273 OP +30 1 274 FI +30 1 275 OP +30 1 276 LU +30 1 277 OS +30 1 278 LA +30 1 279 OS +30 1 280 OP +30 1 281 OS +30 1 282 OS +30 1 283 OP +30 1 284 FI +30 1 285 OP +30 1 286 FI +30 1 287 OP +30 1 288 LU +30 1 289 OS +30 1 290 FI +30 1 291 OS +30 1 292 OP +30 1 293 FI +30 1 294 FI +30 1 295 OP +30 1 296 OP +30 1 297 LA +30 1 298 LU +30 1 299 OS +30 1 300 PA +30 1 301 OS +30 1 302 FI +30 1 303 FI +30 1 304 OP +30 1 305 LU +30 1 306 OS +30 1 307 OS +30 1 308 OP +30 1 309 PA +30 1 310 OS +30 1 311 OS +30 1 312 PA +30 1 313 OS +30 1 314 FI +30 1 315 OS +30 1 316 OS +30 1 317 LU +30 1 318 LA +30 1 319 FI +30 1 320 OP +30 1 321 LU +30 1 322 OS +30 1 323 OS +30 1 324 FI +30 1 325 OP +30 1 326 LA +30 1 327 FI +30 1 328 OP +30 1 329 OP +30 1 330 FI +30 2 1 OS +30 2 2 OP +30 2 3 LU +30 2 4 PA +30 2 5 OP +30 2 6 LA +30 2 7 OS +30 2 8 LU +30 2 9 LA +30 2 10 PA +30 2 11 OS +30 2 12 LA +30 2 13 OS +30 2 14 PA +30 2 15 LU +30 2 16 FI +30 2 17 LU +30 2 18 OP +30 2 19 OP +30 2 20 OS +30 2 21 LU +30 2 22 LA +30 2 23 OP +30 2 24 OS +30 2 25 OS +30 2 26 PA +30 2 27 FI +30 2 28 LU +30 2 29 OP +30 2 30 LU +30 2 31 OP +30 2 32 LU +30 2 33 OS +30 2 34 OP +30 2 35 LU +30 2 36 OS +30 2 37 OP +30 2 38 LU +30 2 39 OS +30 2 40 OP +30 2 41 LU +30 2 42 LA +30 2 43 PA +30 2 44 FI +30 2 45 OS +30 2 46 FI +30 2 47 OS +30 2 48 LA +30 2 49 OP +30 2 50 LU +30 2 51 LA +30 2 52 FI +30 2 53 LU +30 2 54 OS +30 2 55 OP +30 2 56 FI +30 2 57 OS +30 2 58 LA +30 2 59 FI +30 2 60 OP +30 2 61 LU +30 2 62 FI +30 2 63 LU +30 2 64 OP +30 2 65 LU +30 2 66 FI +30 2 67 OS +30 2 68 LU +30 2 69 LA +30 2 70 FI +30 2 71 LU +30 2 72 OS +30 2 73 OP +30 2 74 OP +30 2 75 OS +30 2 76 LA +30 2 77 OS +30 2 78 LU +30 2 79 FI +30 2 80 OP +30 2 81 OS +30 2 82 OP +30 2 83 FI +30 2 84 LU +30 2 85 OS +30 2 86 LU +30 2 87 FI +30 2 88 LU +30 2 89 PA +30 2 90 OS +30 2 91 LA +30 2 92 FI +30 2 93 OP +30 2 94 FI +30 2 95 FI +30 2 96 LA +30 2 97 PA +30 2 98 LU +30 2 99 OP +30 2 100 OS +30 2 101 LU +30 2 102 FI +30 2 103 LA +30 2 104 OP +30 2 105 LU +30 2 106 LA +30 2 107 FI +30 2 108 OP +30 2 109 PA +30 2 110 LA +30 2 111 OS +30 2 112 LU +30 2 113 FI +30 2 114 OS +30 2 115 LU +30 2 116 OP +30 2 117 FI +30 2 118 LU +30 2 119 OS +30 2 120 FI +30 2 121 LU +30 2 122 OS +30 2 123 OP +30 2 124 OS +30 2 125 LU +30 2 126 LU +30 2 127 OS +30 2 128 LA +30 2 129 FI +30 2 130 OS +30 2 131 LU +30 2 132 LU +30 2 133 OS +30 2 134 LU +30 2 135 LU +30 2 136 OP +30 2 137 OS +30 2 138 OP +30 2 139 FI +30 2 140 PA +30 2 141 FI +30 2 142 FI +30 2 143 OS +30 2 144 OP +30 2 145 OS +30 2 146 LA +30 2 147 OP +30 2 148 LU +30 2 149 OS +30 2 150 PA +30 2 151 LU +30 2 152 OP +30 2 153 OP +30 2 154 FI +30 2 155 LA +30 2 156 OS +30 2 157 LA +30 2 158 FI +30 2 159 LA +30 2 160 LU +30 2 161 OP +30 2 162 LU +30 2 163 OS +30 2 164 OP +30 2 165 LA +30 2 166 PA +30 2 167 OP +30 2 168 OS +30 2 169 OP +30 2 170 OS +30 2 171 LA +30 2 172 FI +30 2 173 LU +30 2 174 LA +30 2 175 OP +30 2 176 LU +30 2 177 LA +30 2 178 OS +30 2 179 LU +30 2 180 OS +30 2 181 LA +30 2 182 LU +30 2 183 LA +30 2 184 OP +30 2 185 LA +30 2 186 OP +30 2 187 LA +30 2 188 OP +30 2 189 OP +30 2 190 LU +30 2 191 OS +30 2 192 FI +30 2 193 LA +30 2 194 LU +30 2 195 OS +30 2 196 OP +30 2 197 OP +30 2 198 OS +30 2 199 OP +30 2 200 OP +30 2 201 LU +30 2 202 OS +30 2 203 LU +30 2 204 FI +30 2 205 OP +30 2 206 FI +30 2 207 LU +30 2 208 LA +30 2 209 OS +30 2 210 LU +30 2 211 OP +30 2 212 LA +30 2 213 FI +30 2 214 OS +30 2 215 OP +30 2 216 OS +30 2 217 LU +30 2 218 LA +30 2 219 FI +30 2 220 OP +30 2 221 FI +30 2 222 OP +30 2 223 OS +30 2 224 FI +30 2 225 OP +30 2 226 OS +30 2 227 OS +30 2 228 PA +30 2 229 OP +30 2 230 FI +30 2 231 LU +30 2 232 LA +30 2 233 FI +30 2 234 OS +30 2 235 OP +30 2 236 LA +30 2 237 LU +30 2 238 OS +30 2 239 LU +30 2 240 LA +30 2 241 FI +30 2 242 LA +30 2 243 LU +30 2 244 FI +30 2 245 LU +30 2 246 OP +30 2 247 OP +30 2 248 OS +30 2 249 OP +30 2 250 OP +30 2 251 OS +30 2 252 FI +30 2 253 OP +30 2 254 OP +30 2 255 OS +30 2 256 LU +30 2 257 OP +30 2 258 LA +30 2 259 LU +30 2 260 FI +30 2 261 LA +30 2 262 FI +30 2 263 FI +30 2 264 OP +30 2 265 OS +30 2 266 LU +30 2 267 LU +30 2 268 OS +30 2 269 OP +30 2 270 LA +30 2 271 OS +30 2 272 FI +30 2 273 OP +30 2 274 FI +30 2 275 LA +30 2 276 LU +30 2 277 OP +30 2 278 LA +30 2 279 PA +30 2 280 OS +30 2 281 OS +30 2 282 OS +30 2 283 LA +30 2 284 FI +30 2 285 LU +30 2 286 FI +30 2 287 LA +30 2 288 LU +30 2 289 OP +30 2 290 FI +30 2 291 OS +30 2 292 OP +30 2 293 FI +30 2 294 FI +30 2 295 LA +30 2 296 OP +30 2 297 LA +30 2 298 LU +30 2 299 OS +30 2 300 FI +30 2 301 OS +30 2 302 FI +30 2 303 FI +30 2 304 OS +30 2 305 LU +30 2 306 OP +30 2 307 OS +30 2 308 OP +30 2 309 LA +30 2 310 OP +30 2 311 OS +30 2 312 PA +30 2 313 OP +30 2 314 FI +30 2 315 OS +30 2 316 OP +30 2 317 LU +30 2 318 LA +30 2 319 FI +30 2 320 LA +30 2 321 LU +30 2 322 OP +30 2 323 OS +30 2 324 FI +30 2 325 OP +30 2 326 LA +30 2 327 FI +30 2 328 OS +30 2 329 LA +30 2 330 FI +30 3 1 OS +30 3 2 OS +30 3 3 LU +30 3 4 LU +30 3 5 OS +30 3 6 LA +30 3 7 OS +30 3 8 LU +30 3 9 LA +30 3 10 PA +30 3 11 OS +30 3 12 LA +30 3 13 OS +30 3 14 PA +30 3 15 FI +30 3 16 FI +30 3 17 LU +30 3 18 PA +30 3 19 OS +30 3 20 OS +30 3 21 LU +30 3 22 LA +30 3 23 LU +30 3 24 OP +30 3 25 OS +30 3 26 OS +30 3 27 OP +30 3 28 LU +30 3 29 OS +30 3 30 LA +30 3 31 OS +30 3 32 LU +30 3 33 OS +30 3 34 OS +30 3 35 LU +30 3 36 OS +30 3 37 OP +30 3 38 LU +30 3 39 OS +30 3 40 OS +30 3 41 LU +30 3 42 LA +30 3 43 PA +30 3 44 OP +30 3 45 OS +30 3 46 OP +30 3 47 OS +30 3 48 LA +30 3 49 OS +30 3 50 LU +30 3 51 OP +30 3 52 FI +30 3 53 LU +30 3 54 OS +30 3 55 OS +30 3 56 OP +30 3 57 OS +30 3 58 LA +30 3 59 OP +30 3 60 OS +30 3 61 LU +30 3 62 OP +30 3 63 LA +30 3 64 OS +30 3 65 LU +30 3 66 OP +30 3 67 OS +30 3 68 LU +30 3 69 OS +30 3 70 OP +30 3 71 LU +30 3 72 OS +30 3 73 LU +30 3 74 OS +30 3 75 OS +30 3 76 LA +30 3 77 OS +30 3 78 OP +30 3 79 OP +30 3 80 OS +30 3 81 OS +30 3 82 OS +30 3 83 OP +30 3 84 OP +30 3 85 OS +30 3 86 LU +30 3 87 OP +30 3 88 LU +30 3 89 PA +30 3 90 OS +30 3 91 LA +30 3 92 OP +30 3 93 OS +30 3 94 PA +30 3 95 OP +30 3 96 LA +30 3 97 LU +30 3 98 LU +30 3 99 OP +30 3 100 OS +30 3 101 LU +30 3 102 OP +30 3 103 OS +30 3 104 OS +30 3 105 LU +30 3 106 LA +30 3 107 FI +30 3 108 OS +30 3 109 OS +30 3 110 LA +30 3 111 OS +30 3 112 LU +30 3 113 PA +30 3 114 OS +30 3 115 LU +30 3 116 OS +30 3 117 LU +30 3 118 LU +30 3 119 OS +30 3 120 FI +30 3 121 LA +30 3 122 OS +30 3 123 OS +30 3 124 OS +30 3 125 LA +30 3 126 OP +30 3 127 OS +30 3 128 LA +30 3 129 OP +30 3 130 OS +30 3 131 LU +30 3 132 LU +30 3 133 OS +30 3 134 LU +30 3 135 LU +30 3 136 OS +30 3 137 OS +30 3 138 OS +30 3 139 OP +30 3 140 OS +30 3 141 FI +30 3 142 OP +30 3 143 OS +30 3 144 LU +30 3 145 OS +30 3 146 LA +30 3 147 OS +30 3 148 LU +30 3 149 OS +30 3 150 LU +30 3 151 OP +30 3 152 OP +30 3 153 OS +30 3 154 OP +30 3 155 OP +30 3 156 OS +30 3 157 LU +30 3 158 FI +30 3 159 LA +30 3 160 OP +30 3 161 OS +30 3 162 LU +30 3 163 OS +30 3 164 OS +30 3 165 OS +30 3 166 PA +30 3 167 OP +30 3 168 OS +30 3 169 OS +30 3 170 PA +30 3 171 OS +30 3 172 FI +30 3 173 LU +30 3 174 LA +30 3 175 OS +30 3 176 LU +30 3 177 LA +30 3 178 OS +30 3 179 LU +30 3 180 OS +30 3 181 LA +30 3 182 LU +30 3 183 LA +30 3 184 LU +30 3 185 LA +30 3 186 OS +30 3 187 LA +30 3 188 OS +30 3 189 OP +30 3 190 OP +30 3 191 OS +30 3 192 LU +30 3 193 LA +30 3 194 LU +30 3 195 OS +30 3 196 OS +30 3 197 OP +30 3 198 PA +30 3 199 OP +30 3 200 OS +30 3 201 OP +30 3 202 OS +30 3 203 LU +30 3 204 OP +30 3 205 OP +30 3 206 OP +30 3 207 LU +30 3 208 LA +30 3 209 OS +30 3 210 LU +30 3 211 OS +30 3 212 LA +30 3 213 OP +30 3 214 LA +30 3 215 LU +30 3 216 OS +30 3 217 OP +30 3 218 LA +30 3 219 FI +30 3 220 OP +30 3 221 OP +30 3 222 LU +30 3 223 OS +30 3 224 OP +30 3 225 OP +30 3 226 OS +30 3 227 PA +30 3 228 PA +30 3 229 OS +30 3 230 OP +30 3 231 LU +30 3 232 OP +30 3 233 OP +30 3 234 OS +30 3 235 OS +30 3 236 OS +30 3 237 LA +30 3 238 OS +30 3 239 LU +30 3 240 LU +30 3 241 FI +30 3 242 LA +30 3 243 LU +30 3 244 FI +30 3 245 LU +30 3 246 OS +30 3 247 OP +30 3 248 OS +30 3 249 OS +30 3 250 LU +30 3 251 OS +30 3 252 OP +30 3 253 OS +30 3 254 OP +30 3 255 PA +30 3 256 LU +30 3 257 OS +30 3 258 LA +30 3 259 LU +30 3 260 OP +30 3 261 LA +30 3 262 OP +30 3 263 OP +30 3 264 OP +30 3 265 OS +30 3 266 LU +30 3 267 LU +30 3 268 OS +30 3 269 LU +30 3 270 LA +30 3 271 OS +30 3 272 FI +30 3 273 LU +30 3 274 OP +30 3 275 LA +30 3 276 LU +30 3 277 OS +30 3 278 LA +30 3 279 OP +30 3 280 OS +30 3 281 OS +30 3 282 OS +30 3 283 LU +30 3 284 FI +30 3 285 OP +30 3 286 FI +30 3 287 LA +30 3 288 LU +30 3 289 OS +30 3 290 OP +30 3 291 OS +30 3 292 OP +30 3 293 OP +30 3 294 FI +30 3 295 OP +30 3 296 LU +30 3 297 LA +30 3 298 LU +30 3 299 OS +30 3 300 OP +30 3 301 OS +30 3 302 OP +30 3 303 OP +30 3 304 OS +30 3 305 LU +30 3 306 OS +30 3 307 OS +30 3 308 OP +30 3 309 LA +30 3 310 OP +30 3 311 OS +30 3 312 PA +30 3 313 LU +30 3 314 OP +30 3 315 OS +30 3 316 OS +30 3 317 LU +30 3 318 LA +30 3 319 OP +30 3 320 LA +30 3 321 LU +30 3 322 OS +30 3 323 OS +30 3 324 OP +30 3 325 LU +30 3 326 LA +30 3 327 OP +30 3 328 OS +30 3 329 LA +30 3 330 OP +30 4 1 OS +30 4 2 OS +30 4 3 LU +30 4 4 LU +30 4 5 OS +30 4 6 FI +30 4 7 OS +30 4 8 LU +30 4 9 LU +30 4 10 OS +30 4 11 OS +30 4 12 LA +30 4 13 OS +30 4 14 OS +30 4 15 FI +30 4 16 FI +30 4 17 LU +30 4 18 PA +30 4 19 OS +30 4 20 OS +30 4 21 LU +30 4 22 LA +30 4 23 LU +30 4 24 OS +30 4 25 OS +30 4 26 OS +30 4 27 FI +30 4 28 LU +30 4 29 OS +30 4 30 LU +30 4 31 OS +30 4 32 LU +30 4 33 LA +30 4 34 OS +30 4 35 LU +30 4 36 OS +30 4 37 OS +30 4 38 LU +30 4 39 OS +30 4 40 OS +30 4 41 LU +30 4 42 LA +30 4 43 OS +30 4 44 FI +30 4 45 OS +30 4 46 PA +30 4 47 OS +30 4 48 LA +30 4 49 OS +30 4 50 OS +30 4 51 LU +30 4 52 FI +30 4 53 LU +30 4 54 LA +30 4 55 OS +30 4 56 FI +30 4 57 OS +30 4 58 LA +30 4 59 FI +30 4 60 OS +30 4 61 LU +30 4 62 FI +30 4 63 LU +30 4 64 OS +30 4 65 LU +30 4 66 FI +30 4 67 OS +30 4 68 OS +30 4 69 LA +30 4 70 FI +30 4 71 LU +30 4 72 OS +30 4 73 LU +30 4 74 OS +30 4 75 OS +30 4 76 LU +30 4 77 OS +30 4 78 FI +30 4 79 PA +30 4 80 OS +30 4 81 LA +30 4 82 FI +30 4 83 FI +30 4 84 FI +30 4 85 OS +30 4 86 LU +30 4 87 PA +30 4 88 LU +30 4 89 PA +30 4 90 PA +30 4 91 LA +30 4 92 FI +30 4 93 OS +30 4 94 PA +30 4 95 FI +30 4 96 LA +30 4 97 OS +30 4 98 LU +30 4 99 FI +30 4 100 OS +30 4 101 LU +30 4 102 FI +30 4 103 PA +30 4 104 OS +30 4 105 LU +30 4 106 LA +30 4 107 FI +30 4 108 OS +30 4 109 OS +30 4 110 LA +30 4 111 PA +30 4 112 LU +30 4 113 PA +30 4 114 OS +30 4 115 LU +30 4 116 FI +30 4 117 PA +30 4 118 LU +30 4 119 OS +30 4 120 FI +30 4 121 LU +30 4 122 OS +30 4 123 OS +30 4 124 LA +30 4 125 LU +30 4 126 LU +30 4 127 OS +30 4 128 LA +30 4 129 FI +30 4 130 PA +30 4 131 PA +30 4 132 LU +30 4 133 OS +30 4 134 PA +30 4 135 LU +30 4 136 OS +30 4 137 OS +30 4 138 OS +30 4 139 FI +30 4 140 OS +30 4 141 FI +30 4 142 FI +30 4 143 LA +30 4 144 PA +30 4 145 OS +30 4 146 LA +30 4 147 OS +30 4 148 LU +30 4 149 LA +30 4 150 LU +30 4 151 LU +30 4 152 LU +30 4 153 OS +30 4 154 PA +30 4 155 PA +30 4 156 OS +30 4 157 PA +30 4 158 FI +30 4 159 LA +30 4 160 LA +30 4 161 OS +30 4 162 LU +30 4 163 OS +30 4 164 OS +30 4 165 LA +30 4 166 PA +30 4 167 FI +30 4 168 OS +30 4 169 OS +30 4 170 OS +30 4 171 LA +30 4 172 FI +30 4 173 LU +30 4 174 LA +30 4 175 FI +30 4 176 LU +30 4 177 LA +30 4 178 OS +30 4 179 LU +30 4 180 OS +30 4 181 LA +30 4 182 LU +30 4 183 LA +30 4 184 LU +30 4 185 LU +30 4 186 OS +30 4 187 LA +30 4 188 OS +30 4 189 FI +30 4 190 FI +30 4 191 OS +30 4 192 PA +30 4 193 LA +30 4 194 LU +30 4 195 LA +30 4 196 OS +30 4 197 LU +30 4 198 PA +30 4 199 FI +30 4 200 OS +30 4 201 LU +30 4 202 OS +30 4 203 LU +30 4 204 PA +30 4 205 PA +30 4 206 FI +30 4 207 LU +30 4 208 LA +30 4 209 OS +30 4 210 PA +30 4 211 OS +30 4 212 LA +30 4 213 FI +30 4 214 LA +30 4 215 LU +30 4 216 PA +30 4 217 LA +30 4 218 LA +30 4 219 FI +30 4 220 OS +30 4 221 FI +30 4 222 PA +30 4 223 OS +30 4 224 FI +30 4 225 LA +30 4 226 OS +30 4 227 PA +30 4 228 PA +30 4 229 OS +30 4 230 FI +30 4 231 LU +30 4 232 LA +30 4 233 OS +30 4 234 OS +30 4 235 OS +30 4 236 LA +30 4 237 LA +30 4 238 OS +30 4 239 LU +30 4 240 PA +30 4 241 FI +30 4 242 LA +30 4 243 PA +30 4 244 FI +30 4 245 LU +30 4 246 OS +30 4 247 PA +30 4 248 PA +30 4 249 OS +30 4 250 OS +30 4 251 LA +30 4 252 FI +30 4 253 OS +30 4 254 OS +30 4 255 PA +30 4 256 LU +30 4 257 OS +30 4 258 LA +30 4 259 LU +30 4 260 LA +30 4 261 LU +30 4 262 FI +30 4 263 PA +30 4 264 FI +30 4 265 OS +30 4 266 LU +30 4 267 PA +30 4 268 OS +30 4 269 LU +30 4 270 LA +30 4 271 OS +30 4 272 FI +30 4 273 OS +30 4 274 FI +30 4 275 LA +30 4 276 LU +30 4 277 OS +30 4 278 LU +30 4 279 OS +30 4 280 LA +30 4 281 OS +30 4 282 LA +30 4 283 PA +30 4 284 FI +30 4 285 FI +30 4 286 FI +30 4 287 LA +30 4 288 LU +30 4 289 OS +30 4 290 FI +30 4 291 OS +30 4 292 LU +30 4 293 FI +30 4 294 FI +30 4 295 PA +30 4 296 OS +30 4 297 LA +30 4 298 LU +30 4 299 OS +30 4 300 FI +30 4 301 OS +30 4 302 FI +30 4 303 FI +30 4 304 LA +30 4 305 PA +30 4 306 OS +30 4 307 OS +30 4 308 OS +30 4 309 PA +30 4 310 OS +30 4 311 OS +30 4 312 PA +30 4 313 PA +30 4 314 FI +30 4 315 OS +30 4 316 OS +30 4 317 LU +30 4 318 LU +30 4 319 FI +30 4 320 LA +30 4 321 LU +30 4 322 OS +30 4 323 OS +30 4 324 FI +30 4 325 LU +30 4 326 LA +30 4 327 FI +30 4 328 OS +30 4 329 PA +30 4 330 FI +30 5 1 OS +30 5 2 LA +30 5 3 LU +30 5 4 PA +30 5 5 LA +30 5 6 LU +30 5 7 OS +30 5 8 LU +30 5 9 LA +30 5 10 OS +30 5 11 LA +30 5 12 LA +30 5 13 OS +30 5 14 PA +30 5 15 FI +30 5 16 FI +30 5 17 LU +30 5 18 PA +30 5 19 OS +30 5 20 OS +30 5 21 LU +30 5 22 LA +30 5 23 LA +30 5 24 PA +30 5 25 OS +30 5 26 OS +30 5 27 FI +30 5 28 LU +30 5 29 OS +30 5 30 LU +30 5 31 OS +30 5 32 LA +30 5 33 LA +30 5 34 OS +30 5 35 LU +30 5 36 PA +30 5 37 LA +30 5 38 LU +30 5 39 OS +30 5 40 OS +30 5 41 LU +30 5 42 OS +30 5 43 PA +30 5 44 FI +30 5 45 OS +30 5 46 PA +30 5 47 OS +30 5 48 LA +30 5 49 OS +30 5 50 PA +30 5 51 PA +30 5 52 LA +30 5 53 LU +30 5 54 OS +30 5 55 OS +30 5 56 LA +30 5 57 PA +30 5 58 LA +30 5 59 FI +30 5 60 PA +30 5 61 LU +30 5 62 OS +30 5 63 LA +30 5 64 OS +30 5 65 LU +30 5 66 FI +30 5 67 LA +30 5 68 LU +30 5 69 LA +30 5 70 FI +30 5 71 LU +30 5 72 OS +30 5 73 LA +30 5 74 FI +30 5 75 OS +30 5 76 LU +30 5 77 OS +30 5 78 FI +30 5 79 PA +30 5 80 OS +30 5 81 LA +30 5 82 LA +30 5 83 LA +30 5 84 LA +30 5 85 OS +30 5 86 LA +30 5 87 PA +30 5 88 LU +30 5 89 PA +30 5 90 OS +30 5 91 LA +30 5 92 FI +30 5 93 OS +30 5 94 PA +30 5 95 FI +30 5 96 LA +30 5 97 OS +30 5 98 LU +30 5 99 FI +30 5 100 OS +30 5 101 LU +30 5 102 FI +30 5 103 LA +30 5 104 OS +30 5 105 LU +30 5 106 LA +30 5 107 FI +30 5 108 FI +30 5 109 OS +30 5 110 LA +30 5 111 PA +30 5 112 LU +30 5 113 PA +30 5 114 OS +30 5 115 LU +30 5 116 FI +30 5 117 PA +30 5 118 LA +30 5 119 OS +30 5 120 FI +30 5 121 LU +30 5 122 OS +30 5 123 OS +30 5 124 LA +30 5 125 LU +30 5 126 LA +30 5 127 PA +30 5 128 LA +30 5 129 FI +30 5 130 LA +30 5 131 LU +30 5 132 LU +30 5 133 OS +30 5 134 PA +30 5 135 LU +30 5 136 OS +30 5 137 LA +30 5 138 OS +30 5 139 FI +30 5 140 OS +30 5 141 FI +30 5 142 FI +30 5 143 LA +30 5 144 PA +30 5 145 OS +30 5 146 LA +30 5 147 OS +30 5 148 LU +30 5 149 LA +30 5 150 PA +30 5 151 LA +30 5 152 LA +30 5 153 OS +30 5 154 PA +30 5 155 PA +30 5 156 OS +30 5 157 PA +30 5 158 FI +30 5 159 LA +30 5 160 LA +30 5 161 OS +30 5 162 LU +30 5 163 OS +30 5 164 OS +30 5 165 LA +30 5 166 OS +30 5 167 LA +30 5 168 OS +30 5 169 OS +30 5 170 PA +30 5 171 LA +30 5 172 FI +30 5 173 LU +30 5 174 LA +30 5 175 OS +30 5 176 LU +30 5 177 LA +30 5 178 OS +30 5 179 LU +30 5 180 OS +30 5 181 LA +30 5 182 LU +30 5 183 LA +30 5 184 LA +30 5 185 LA +30 5 186 OS +30 5 187 LA +30 5 188 OS +30 5 189 OS +30 5 190 LA +30 5 191 OS +30 5 192 OS +30 5 193 LA +30 5 194 LU +30 5 195 LA +30 5 196 OS +30 5 197 LA +30 5 198 PA +30 5 199 LA +30 5 200 OS +30 5 201 LA +30 5 202 OS +30 5 203 LU +30 5 204 PA +30 5 205 OS +30 5 206 LA +30 5 207 LU +30 5 208 LA +30 5 209 OS +30 5 210 PA +30 5 211 OS +30 5 212 LA +30 5 213 OS +30 5 214 LA +30 5 215 OS +30 5 216 PA +30 5 217 LA +30 5 218 LA +30 5 219 LA +30 5 220 OS +30 5 221 LA +30 5 222 OS +30 5 223 OS +30 5 224 LA +30 5 225 LA +30 5 226 OS +30 5 227 PA +30 5 228 OS +30 5 229 LA +30 5 230 LA +30 5 231 OS +30 5 232 LA +30 5 233 OS +30 5 234 OS +30 5 235 OS +30 5 236 LA +30 5 237 LA +30 5 238 OS +30 5 239 LA +30 5 240 LU +30 5 241 LA +30 5 242 LA +30 5 243 LU +30 5 244 LA +30 5 245 LU +30 5 246 OS +30 5 247 OS +30 5 248 PA +30 5 249 OS +30 5 250 OS +30 5 251 LA +30 5 252 LA +30 5 253 OS +30 5 254 OS +30 5 255 PA +30 5 256 LU +30 5 257 OS +30 5 258 LA +30 5 259 LU +30 5 260 LA +30 5 261 LA +30 5 262 FI +30 5 263 PA +30 5 264 OS +30 5 265 OS +30 5 266 LU +30 5 267 PA +30 5 268 OS +30 5 269 LA +30 5 270 LA +30 5 271 OS +30 5 272 FI +30 5 273 LA +30 5 274 FI +30 5 275 LA +30 5 276 LU +30 5 277 OS +30 5 278 LA +30 5 279 OS +30 5 280 LA +30 5 281 OS +30 5 282 OS +30 5 283 PA +30 5 284 LA +30 5 285 LA +30 5 286 FI +30 5 287 LA +30 5 288 LU +30 5 289 OS +30 5 290 LA +30 5 291 OS +30 5 292 LA +30 5 293 LA +30 5 294 LA +30 5 295 PA +30 5 296 OS +30 5 297 LA +30 5 298 LU +30 5 299 OS +30 5 300 LA +30 5 301 OS +30 5 302 LA +30 5 303 OS +30 5 304 LA +30 5 305 PA +30 5 306 LA +30 5 307 OS +30 5 308 OS +30 5 309 PA +30 5 310 OS +30 5 311 OS +30 5 312 PA +30 5 313 OS +30 5 314 LA +30 5 315 LA +30 5 316 OS +30 5 317 LU +30 5 318 LA +30 5 319 LA +30 5 320 LA +30 5 321 LU +30 5 322 OS +30 5 323 OS +30 5 324 LA +30 5 325 LA +30 5 326 LA +30 5 327 LA +30 5 328 OS +30 5 329 LA +30 5 330 LA +30 6 1 OS +30 6 2 OS +30 6 3 LU +30 6 4 PA +30 6 5 OS +30 6 6 LA +30 6 7 OS +30 6 8 LU +30 6 9 LA +30 6 10 OS +30 6 11 OS +30 6 12 LA +30 6 13 OS +30 6 14 OS +30 6 15 FI +30 6 16 FI +30 6 17 LU +30 6 18 PA +30 6 19 OS +30 6 20 OS +30 6 21 LU +30 6 22 LA +30 6 23 FI +30 6 24 LA +30 6 25 OS +30 6 26 OS +30 6 27 FI +30 6 28 LU +30 6 29 OS +30 6 30 LA +30 6 31 OS +30 6 32 FI +30 6 33 OS +30 6 34 OS +30 6 35 LU +30 6 36 OS +30 6 37 OS +30 6 38 LU +30 6 39 OS +30 6 40 OS +30 6 41 LU +30 6 42 LA +30 6 43 OS +30 6 44 FI +30 6 45 OS +30 6 46 FI +30 6 47 OS +30 6 48 LA +30 6 49 OS +30 6 50 PA +30 6 51 LA +30 6 52 FI +30 6 53 LU +30 6 54 OS +30 6 55 OS +30 6 56 FI +30 6 57 OS +30 6 58 LA +30 6 59 FI +30 6 60 OS +30 6 61 LU +30 6 62 FI +30 6 63 LA +30 6 64 OS +30 6 65 LU +30 6 66 FI +30 6 67 OS +30 6 68 LU +30 6 69 LA +30 6 70 FI +30 6 71 LU +30 6 72 OS +30 6 73 PA +30 6 74 FI +30 6 75 OS +30 6 76 LA +30 6 77 OS +30 6 78 FI +30 6 79 PA +30 6 80 OS +30 6 81 LA +30 6 82 OS +30 6 83 FI +30 6 84 FI +30 6 85 OS +30 6 86 LU +30 6 87 PA +30 6 88 LU +30 6 89 PA +30 6 90 OS +30 6 91 LA +30 6 92 FI +30 6 93 OS +30 6 94 PA +30 6 95 FI +30 6 96 LA +30 6 97 PA +30 6 98 LU +30 6 99 FI +30 6 100 OS +30 6 101 LU +30 6 102 FI +30 6 103 LA +30 6 104 OS +30 6 105 LU +30 6 106 LA +30 6 107 FI +30 6 108 FI +30 6 109 OS +30 6 110 LA +30 6 111 PA +30 6 112 LU +30 6 113 PA +30 6 114 OS +30 6 115 LU +30 6 116 FI +30 6 117 PA +30 6 118 LU +30 6 119 OS +30 6 120 FI +30 6 121 LU +30 6 122 OS +30 6 123 OS +30 6 124 LA +30 6 125 LA +30 6 126 FI +30 6 127 OS +30 6 128 LA +30 6 129 FI +30 6 130 PA +30 6 131 PA +30 6 132 LU +30 6 133 OS +30 6 134 PA +30 6 135 LU +30 6 136 OS +30 6 137 OS +30 6 138 OS +30 6 139 FI +30 6 140 OS +30 6 141 FI +30 6 142 FI +30 6 143 LA +30 6 144 PA +30 6 145 OS +30 6 146 LA +30 6 147 OS +30 6 148 LU +30 6 149 LA +30 6 150 PA +30 6 151 LU +30 6 152 FI +30 6 153 OS +30 6 154 PA +30 6 155 PA +30 6 156 OS +30 6 157 PA +30 6 158 FI +30 6 159 LA +30 6 160 FI +30 6 161 OS +30 6 162 LU +30 6 163 OS +30 6 164 OS +30 6 165 PA +30 6 166 OS +30 6 167 FI +30 6 168 OS +30 6 169 OS +30 6 170 OS +30 6 171 OS +30 6 172 FI +30 6 173 LU +30 6 174 LA +30 6 175 FI +30 6 176 LU +30 6 177 LA +30 6 178 OS +30 6 179 LU +30 6 180 OS +30 6 181 LA +30 6 182 LU +30 6 183 LA +30 6 184 PA +30 6 185 LA +30 6 186 OS +30 6 187 LA +30 6 188 OS +30 6 189 FI +30 6 190 FI +30 6 191 OS +30 6 192 PA +30 6 193 LA +30 6 194 LU +30 6 195 OS +30 6 196 OS +30 6 197 FI +30 6 198 PA +30 6 199 FI +30 6 200 OS +30 6 201 FI +30 6 202 OS +30 6 203 LU +30 6 204 PA +30 6 205 PA +30 6 206 FI +30 6 207 LU +30 6 208 LA +30 6 209 OS +30 6 210 LU +30 6 211 OS +30 6 212 LA +30 6 213 FI +30 6 214 LA +30 6 215 FI +30 6 216 PA +30 6 217 FI +30 6 218 LA +30 6 219 FI +30 6 220 FI +30 6 221 FI +30 6 222 PA +30 6 223 OS +30 6 224 FI +30 6 225 LA +30 6 226 OS +30 6 227 PA +30 6 228 OS +30 6 229 OS +30 6 230 FI +30 6 231 LU +30 6 232 LA +30 6 233 FI +30 6 234 OS +30 6 235 OS +30 6 236 LA +30 6 237 FI +30 6 238 OS +30 6 239 FI +30 6 240 LU +30 6 241 FI +30 6 242 LA +30 6 243 LU +30 6 244 FI +30 6 245 LU +30 6 246 OS +30 6 247 PA +30 6 248 OS +30 6 249 OS +30 6 250 PA +30 6 251 OS +30 6 252 FI +30 6 253 OS +30 6 254 FI +30 6 255 PA +30 6 256 LU +30 6 257 OS +30 6 258 LA +30 6 259 LU +30 6 260 FI +30 6 261 LA +30 6 262 FI +30 6 263 FI +30 6 264 FI +30 6 265 OS +30 6 266 LU +30 6 267 LU +30 6 268 OS +30 6 269 LU +30 6 270 LA +30 6 271 OS +30 6 272 FI +30 6 273 FI +30 6 274 FI +30 6 275 LA +30 6 276 LU +30 6 277 OS +30 6 278 LA +30 6 279 OS +30 6 280 OS +30 6 281 OS +30 6 282 OS +30 6 283 LU +30 6 284 FI +30 6 285 FI +30 6 286 FI +30 6 287 LA +30 6 288 LU +30 6 289 OS +30 6 290 FI +30 6 291 OS +30 6 292 FI +30 6 293 FI +30 6 294 FI +30 6 295 PA +30 6 296 PA +30 6 297 LA +30 6 298 LU +30 6 299 OS +30 6 300 FI +30 6 301 OS +30 6 302 FI +30 6 303 FI +30 6 304 LA +30 6 305 LU +30 6 306 LA +30 6 307 OS +30 6 308 FI +30 6 309 PA +30 6 310 OS +30 6 311 OS +30 6 312 PA +30 6 313 OS +30 6 314 FI +30 6 315 OS +30 6 316 OS +30 6 317 LU +30 6 318 LA +30 6 319 FI +30 6 320 LA +30 6 321 LU +30 6 322 FI +30 6 323 OS +30 6 324 FI +30 6 325 LU +30 6 326 LA +30 6 327 FI +30 6 328 OS +30 6 329 LA +30 6 330 FI +30 7 1 OS +30 7 2 FI +30 7 3 LU +30 7 4 LU +30 7 5 FI +30 7 6 LA +30 7 7 OS +30 7 8 LU +30 7 9 PA +30 7 10 PA +30 7 11 OS +30 7 12 LA +30 7 13 OS +30 7 14 PA +30 7 15 FI +30 7 16 FI +30 7 17 LU +30 7 18 PA +30 7 19 OS +30 7 20 OS +30 7 21 LU +30 7 22 LA +30 7 23 LU +30 7 24 PA +30 7 25 OS +30 7 26 PA +30 7 27 FI +30 7 28 LU +30 7 29 OS +30 7 30 LA +30 7 31 FI +30 7 32 LU +30 7 33 OS +30 7 34 OS +30 7 35 LU +30 7 36 OS +30 7 37 FI +30 7 38 LU +30 7 39 OS +30 7 40 OS +30 7 41 LU +30 7 42 LA +30 7 43 PA +30 7 44 FI +30 7 45 OS +30 7 46 FI +30 7 47 OS +30 7 48 LA +30 7 49 OS +30 7 50 LU +30 7 51 LA +30 7 52 FI +30 7 53 LU +30 7 54 OS +30 7 55 OS +30 7 56 LA +30 7 57 OS +30 7 58 LA +30 7 59 FI +30 7 60 PA +30 7 61 LU +30 7 62 FI +30 7 63 LU +30 7 64 OS +30 7 65 LU +30 7 66 FI +30 7 67 OS +30 7 68 LU +30 7 69 OS +30 7 70 FI +30 7 71 LU +30 7 72 OS +30 7 73 LU +30 7 74 FI +30 7 75 OS +30 7 76 LU +30 7 77 OS +30 7 78 FI +30 7 79 PA +30 7 80 OS +30 7 81 OS +30 7 82 OS +30 7 83 FI +30 7 84 LA +30 7 85 OS +30 7 86 LU +30 7 87 PA +30 7 88 LU +30 7 89 PA +30 7 90 PA +30 7 91 LA +30 7 92 FI +30 7 93 OS +30 7 94 PA +30 7 95 FI +30 7 96 LA +30 7 97 LU +30 7 98 LU +30 7 99 FI +30 7 100 FI +30 7 101 LU +30 7 102 FI +30 7 103 LA +30 7 104 OS +30 7 105 LU +30 7 106 LA +30 7 107 FI +30 7 108 FI +30 7 109 PA +30 7 110 LA +30 7 111 OS +30 7 112 LU +30 7 113 PA +30 7 114 OS +30 7 115 LU +30 7 116 FI +30 7 117 PA +30 7 118 LU +30 7 119 OS +30 7 120 FI +30 7 121 LU +30 7 122 OS +30 7 123 OS +30 7 124 LA +30 7 125 LU +30 7 126 LU +30 7 127 PA +30 7 128 LA +30 7 129 FI +30 7 130 PA +30 7 131 LU +30 7 132 LU +30 7 133 OS +30 7 134 PA +30 7 135 LU +30 7 136 OS +30 7 137 OS +30 7 138 FI +30 7 139 FI +30 7 140 PA +30 7 141 FI +30 7 142 FI +30 7 143 LA +30 7 144 LU +30 7 145 OS +30 7 146 LA +30 7 147 OS +30 7 148 LU +30 7 149 OS +30 7 150 LU +30 7 151 LU +30 7 152 LU +30 7 153 OS +30 7 154 PA +30 7 155 PA +30 7 156 OS +30 7 157 PA +30 7 158 FI +30 7 159 FI +30 7 160 LU +30 7 161 OS +30 7 162 LU +30 7 163 OS +30 7 164 PA +30 7 165 OS +30 7 166 PA +30 7 167 FI +30 7 168 OS +30 7 169 PA +30 7 170 PA +30 7 171 OS +30 7 172 FI +30 7 173 LU +30 7 174 LA +30 7 175 FI +30 7 176 LU +30 7 177 LA +30 7 178 PA +30 7 179 LU +30 7 180 OS +30 7 181 LA +30 7 182 LU +30 7 183 PA +30 7 184 LU +30 7 185 LA +30 7 186 OS +30 7 187 LA +30 7 188 OS +30 7 189 FI +30 7 190 FI +30 7 191 OS +30 7 192 LU +30 7 193 LA +30 7 194 LU +30 7 195 OS +30 7 196 FI +30 7 197 LU +30 7 198 PA +30 7 199 FI +30 7 200 FI +30 7 201 LU +30 7 202 OS +30 7 203 LU +30 7 204 PA +30 7 205 PA +30 7 206 FI +30 7 207 LU +30 7 208 LA +30 7 209 OS +30 7 210 PA +30 7 211 OS +30 7 212 LA +30 7 213 FI +30 7 214 LA +30 7 215 LU +30 7 216 PA +30 7 217 FI +30 7 218 OS +30 7 219 FI +30 7 220 PA +30 7 221 FI +30 7 222 PA +30 7 223 OS +30 7 224 FI +30 7 225 PA +30 7 226 PA +30 7 227 PA +30 7 228 PA +30 7 229 FI +30 7 230 FI +30 7 231 LU +30 7 232 PA +30 7 233 FI +30 7 234 OS +30 7 235 OS +30 7 236 OS +30 7 237 FI +30 7 238 OS +30 7 239 LU +30 7 240 LU +30 7 241 FI +30 7 242 FI +30 7 243 LU +30 7 244 FI +30 7 245 LU +30 7 246 OS +30 7 247 PA +30 7 248 OS +30 7 249 OS +30 7 250 LU +30 7 251 OS +30 7 252 FI +30 7 253 OS +30 7 254 FI +30 7 255 PA +30 7 256 LU +30 7 257 PA +30 7 258 LA +30 7 259 LU +30 7 260 FI +30 7 261 LA +30 7 262 FI +30 7 263 FI +30 7 264 FI +30 7 265 OS +30 7 266 LU +30 7 267 LU +30 7 268 OS +30 7 269 LU +30 7 270 LA +30 7 271 OS +30 7 272 FI +30 7 273 LU +30 7 274 FI +30 7 275 LA +30 7 276 LU +30 7 277 PA +30 7 278 LU +30 7 279 PA +30 7 280 OS +30 7 281 OS +30 7 282 OS +30 7 283 PA +30 7 284 FI +30 7 285 FI +30 7 286 FI +30 7 287 LA +30 7 288 LU +30 7 289 FI +30 7 290 FI +30 7 291 PA +30 7 292 FI +30 7 293 FI +30 7 294 FI +30 7 295 PA +30 7 296 PA +30 7 297 LA +30 7 298 LU +30 7 299 OS +30 7 300 FI +30 7 301 OS +30 7 302 FI +30 7 303 FI +30 7 304 LA +30 7 305 LU +30 7 306 LA +30 7 307 OS +30 7 308 FI +30 7 309 PA +30 7 310 OS +30 7 311 PA +30 7 312 PA +30 7 313 PA +30 7 314 FI +30 7 315 OS +30 7 316 OS +30 7 317 LU +30 7 318 LA +30 7 319 FI +30 7 320 LA +30 7 321 LU +30 7 322 FI +30 7 323 OS +30 7 324 FI +30 7 325 LU +30 7 326 LA +30 7 327 FI +30 7 328 OS +30 7 329 PA +30 7 330 FI +30 8 1 PA +30 8 2 OS +30 8 3 LU +30 8 4 PA +30 8 5 OS +30 8 6 LU +30 8 7 OS +30 8 8 LU +30 8 9 LU +30 8 10 PA +30 8 11 OS +30 8 12 LA +30 8 13 OS +30 8 14 PA +30 8 15 FI +30 8 16 FI +30 8 17 LU +30 8 18 PA +30 8 19 OS +30 8 20 OS +30 8 21 LU +30 8 22 FI +30 8 23 PA +30 8 24 PA +30 8 25 OS +30 8 26 PA +30 8 27 FI +30 8 28 LU +30 8 29 OS +30 8 30 LU +30 8 31 OS +30 8 32 LU +30 8 33 OS +30 8 34 OS +30 8 35 LU +30 8 36 PA +30 8 37 OS +30 8 38 LU +30 8 39 OS +30 8 40 OS +30 8 41 LU +30 8 42 LA +30 8 43 PA +30 8 44 FI +30 8 45 OS +30 8 46 PA +30 8 47 PA +30 8 48 LU +30 8 49 OS +30 8 50 PA +30 8 51 PA +30 8 52 FI +30 8 53 LU +30 8 54 OS +30 8 55 OS +30 8 56 FI +30 8 57 OS +30 8 58 LU +30 8 59 FI +30 8 60 PA +30 8 61 LU +30 8 62 OS +30 8 63 LU +30 8 64 OS +30 8 65 LU +30 8 66 FI +30 8 67 OS +30 8 68 LU +30 8 69 PA +30 8 70 FI +30 8 71 LU +30 8 72 OS +30 8 73 PA +30 8 74 OS +30 8 75 PA +30 8 76 LU +30 8 77 OS +30 8 78 FI +30 8 79 PA +30 8 80 OS +30 8 81 OS +30 8 82 OS +30 8 83 FI +30 8 84 LU +30 8 85 OS +30 8 86 LU +30 8 87 PA +30 8 88 LU +30 8 89 PA +30 8 90 OS +30 8 91 LA +30 8 92 FI +30 8 93 OS +30 8 94 PA +30 8 95 FI +30 8 96 LA +30 8 97 OS +30 8 98 LU +30 8 99 FI +30 8 100 OS +30 8 101 LU +30 8 102 FI +30 8 103 OS +30 8 104 FI +30 8 105 LU +30 8 106 LA +30 8 107 FI +30 8 108 FI +30 8 109 PA +30 8 110 LA +30 8 111 PA +30 8 112 LU +30 8 113 PA +30 8 114 OS +30 8 115 LU +30 8 116 OS +30 8 117 LU +30 8 118 LA +30 8 119 OS +30 8 120 FI +30 8 121 LU +30 8 122 OS +30 8 123 OS +30 8 124 OS +30 8 125 LU +30 8 126 LU +30 8 127 PA +30 8 128 LA +30 8 129 FI +30 8 130 PA +30 8 131 PA +30 8 132 LU +30 8 133 OS +30 8 134 PA +30 8 135 LU +30 8 136 OS +30 8 137 OS +30 8 138 OS +30 8 139 FI +30 8 140 PA +30 8 141 FI +30 8 142 FI +30 8 143 OS +30 8 144 PA +30 8 145 OS +30 8 146 LA +30 8 147 OS +30 8 148 LU +30 8 149 OS +30 8 150 PA +30 8 151 LU +30 8 152 LU +30 8 153 OS +30 8 154 PA +30 8 155 PA +30 8 156 OS +30 8 157 LU +30 8 158 FI +30 8 159 LA +30 8 160 LU +30 8 161 OS +30 8 162 LU +30 8 163 OS +30 8 164 OS +30 8 165 OS +30 8 166 OS +30 8 167 FI +30 8 168 OS +30 8 169 OS +30 8 170 PA +30 8 171 OS +30 8 172 FI +30 8 173 PA +30 8 174 LA +30 8 175 FI +30 8 176 LU +30 8 177 LA +30 8 178 OS +30 8 179 LU +30 8 180 OS +30 8 181 LA +30 8 182 LU +30 8 183 PA +30 8 184 OS +30 8 185 LA +30 8 186 OS +30 8 187 LA +30 8 188 OS +30 8 189 FI +30 8 190 FI +30 8 191 OS +30 8 192 PA +30 8 193 OS +30 8 194 PA +30 8 195 OS +30 8 196 OS +30 8 197 FI +30 8 198 PA +30 8 199 FI +30 8 200 OS +30 8 201 LU +30 8 202 OS +30 8 203 LU +30 8 204 PA +30 8 205 PA +30 8 206 FI +30 8 207 LU +30 8 208 LA +30 8 209 OS +30 8 210 PA +30 8 211 OS +30 8 212 LU +30 8 213 FI +30 8 214 OS +30 8 215 FI +30 8 216 PA +30 8 217 LU +30 8 218 OS +30 8 219 FI +30 8 220 OS +30 8 221 FI +30 8 222 PA +30 8 223 OS +30 8 224 FI +30 8 225 OS +30 8 226 PA +30 8 227 PA +30 8 228 PA +30 8 229 OS +30 8 230 FI +30 8 231 LU +30 8 232 OS +30 8 233 FI +30 8 234 OS +30 8 235 OS +30 8 236 OS +30 8 237 LU +30 8 238 OS +30 8 239 LU +30 8 240 LU +30 8 241 FI +30 8 242 FI +30 8 243 PA +30 8 244 FI +30 8 245 LU +30 8 246 OS +30 8 247 PA +30 8 248 OS +30 8 249 PA +30 8 250 PA +30 8 251 OS +30 8 252 FI +30 8 253 OS +30 8 254 FI +30 8 255 PA +30 8 256 LU +30 8 257 OS +30 8 258 LA +30 8 259 LU +30 8 260 FI +30 8 261 LU +30 8 262 FI +30 8 263 FI +30 8 264 FI +30 8 265 OS +30 8 266 LU +30 8 267 PA +30 8 268 OS +30 8 269 LU +30 8 270 LA +30 8 271 PA +30 8 272 FI +30 8 273 FI +30 8 274 FI +30 8 275 OS +30 8 276 LU +30 8 277 OS +30 8 278 LU +30 8 279 PA +30 8 280 OS +30 8 281 OS +30 8 282 OS +30 8 283 PA +30 8 284 FI +30 8 285 LU +30 8 286 FI +30 8 287 PA +30 8 288 LU +30 8 289 OS +30 8 290 FI +30 8 291 OS +30 8 292 LU +30 8 293 FI +30 8 294 FI +30 8 295 PA +30 8 296 PA +30 8 297 LA +30 8 298 LU +30 8 299 OS +30 8 300 FI +30 8 301 OS +30 8 302 FI +30 8 303 FI +30 8 304 OS +30 8 305 PA +30 8 306 OS +30 8 307 OS +30 8 308 PA +30 8 309 PA +30 8 310 OS +30 8 311 PA +30 8 312 PA +30 8 313 PA +30 8 314 FI +30 8 315 OS +30 8 316 OS +30 8 317 LU +30 8 318 LU +30 8 319 FI +30 8 320 OS +30 8 321 LU +30 8 322 OS +30 8 323 OS +30 8 324 FI +30 8 325 LU +30 8 326 LA +30 8 327 FI +30 8 328 OS +30 8 329 PA +30 8 330 FI +30 9 1 OP +30 9 2 OP +30 9 3 LU +30 9 4 PA +30 9 5 OS +30 9 6 FI +30 9 7 OS +30 9 8 LU +30 9 9 OP +30 9 10 PA +30 9 11 PA +30 9 12 LA +30 9 13 PA +30 9 14 PA +30 9 15 OP +30 9 16 FI +30 9 17 LU +30 9 18 PA +30 9 19 OP +30 9 20 OS +30 9 21 LU +30 9 22 OP +30 9 23 OP +30 9 24 PA +30 9 25 OS +30 9 26 PA +30 9 27 FI +30 9 28 LU +30 9 29 OS +30 9 30 LA +30 9 31 OP +30 9 32 FI +30 9 33 OS +30 9 34 PA +30 9 35 FI +30 9 36 PA +30 9 37 OP +30 9 38 LU +30 9 39 OS +30 9 40 OP +30 9 41 LU +30 9 42 LA +30 9 43 PA +30 9 44 FI +30 9 45 OS +30 9 46 PA +30 9 47 PA +30 9 48 LA +30 9 49 OP +30 9 50 PA +30 9 51 PA +30 9 52 FI +30 9 53 LU +30 9 54 OS +30 9 55 OP +30 9 56 FI +30 9 57 PA +30 9 58 LA +30 9 59 FI +30 9 60 PA +30 9 61 LU +30 9 62 OP +30 9 63 OP +30 9 64 OS +30 9 65 LU +30 9 66 FI +30 9 67 OP +30 9 68 LU +30 9 69 LA +30 9 70 FI +30 9 71 LU +30 9 72 OS +30 9 73 PA +30 9 74 OP +30 9 75 OS +30 9 76 LU +30 9 77 OS +30 9 78 FI +30 9 79 PA +30 9 80 PA +30 9 81 OP +30 9 82 OP +30 9 83 FI +30 9 84 FI +30 9 85 OS +30 9 86 FI +30 9 87 PA +30 9 88 FI +30 9 89 PA +30 9 90 PA +30 9 91 LA +30 9 92 FI +30 9 93 OP +30 9 94 PA +30 9 95 FI +30 9 96 LA +30 9 97 OP +30 9 98 LU +30 9 99 OP +30 9 100 OP +30 9 101 LU +30 9 102 OP +30 9 103 LA +30 9 104 OP +30 9 105 LU +30 9 106 LA +30 9 107 FI +30 9 108 FI +30 9 109 PA +30 9 110 LA +30 9 111 OP +30 9 112 LU +30 9 113 PA +30 9 114 OS +30 9 115 LU +30 9 116 OP +30 9 117 PA +30 9 118 FI +30 9 119 OS +30 9 120 FI +30 9 121 LU +30 9 122 OS +30 9 123 OP +30 9 124 LA +30 9 125 LU +30 9 126 FI +30 9 127 PA +30 9 128 LA +30 9 129 FI +30 9 130 PA +30 9 131 LU +30 9 132 LU +30 9 133 OS +30 9 134 PA +30 9 135 LU +30 9 136 OP +30 9 137 OS +30 9 138 OP +30 9 139 FI +30 9 140 PA +30 9 141 FI +30 9 142 FI +30 9 143 LA +30 9 144 PA +30 9 145 OP +30 9 146 LA +30 9 147 OP +30 9 148 LU +30 9 149 OP +30 9 150 PA +30 9 151 FI +30 9 152 FI +30 9 153 OP +30 9 154 PA +30 9 155 PA +30 9 156 OS +30 9 157 PA +30 9 158 FI +30 9 159 LA +30 9 160 FI +30 9 161 OP +30 9 162 LU +30 9 163 OS +30 9 164 OP +30 9 165 PA +30 9 166 PA +30 9 167 FI +30 9 168 OS +30 9 169 OP +30 9 170 PA +30 9 171 LA +30 9 172 FI +30 9 173 LU +30 9 174 LA +30 9 175 FI +30 9 176 LU +30 9 177 LA +30 9 178 PA +30 9 179 LU +30 9 180 OP +30 9 181 LA +30 9 182 LU +30 9 183 OP +30 9 184 LU +30 9 185 LA +30 9 186 OP +30 9 187 LA +30 9 188 OP +30 9 189 FI +30 9 190 FI +30 9 191 OS +30 9 192 FI +30 9 193 LA +30 9 194 PA +30 9 195 OS +30 9 196 OP +30 9 197 OP +30 9 198 PA +30 9 199 FI +30 9 200 OP +30 9 201 FI +30 9 202 OS +30 9 203 LU +30 9 204 PA +30 9 205 OP +30 9 206 FI +30 9 207 LU +30 9 208 LA +30 9 209 PA +30 9 210 PA +30 9 211 OP +30 9 212 LA +30 9 213 FI +30 9 214 LA +30 9 215 FI +30 9 216 PA +30 9 217 FI +30 9 218 LA +30 9 219 FI +30 9 220 PA +30 9 221 FI +30 9 222 LU +30 9 223 OS +30 9 224 FI +30 9 225 LA +30 9 226 PA +30 9 227 PA +30 9 228 PA +30 9 229 FI +30 9 230 FI +30 9 231 LU +30 9 232 LA +30 9 233 OP +30 9 234 OS +30 9 235 PA +30 9 236 LA +30 9 237 FI +30 9 238 OP +30 9 239 FI +30 9 240 PA +30 9 241 FI +30 9 242 LA +30 9 243 PA +30 9 244 OP +30 9 245 LU +30 9 246 OP +30 9 247 FI +30 9 248 OS +30 9 249 OS +30 9 250 OP +30 9 251 OP +30 9 252 FI +30 9 253 OP +30 9 254 FI +30 9 255 PA +30 9 256 LU +30 9 257 PA +30 9 258 LA +30 9 259 LU +30 9 260 FI +30 9 261 LU +30 9 262 FI +30 9 263 FI +30 9 264 OP +30 9 265 OS +30 9 266 LU +30 9 267 PA +30 9 268 OP +30 9 269 LU +30 9 270 LA +30 9 271 PA +30 9 272 FI +30 9 273 FI +30 9 274 FI +30 9 275 LA +30 9 276 LU +30 9 277 PA +30 9 278 LA +30 9 279 PA +30 9 280 OP +30 9 281 OS +30 9 282 OP +30 9 283 PA +30 9 284 FI +30 9 285 FI +30 9 286 FI +30 9 287 LA +30 9 288 LU +30 9 289 OP +30 9 290 FI +30 9 291 OP +30 9 292 FI +30 9 293 FI +30 9 294 FI +30 9 295 PA +30 9 296 LU +30 9 297 LA +30 9 298 LU +30 9 299 OP +30 9 300 FI +30 9 301 OS +30 9 302 FI +30 9 303 FI +30 9 304 LA +30 9 305 PA +30 9 306 LA +30 9 307 OP +30 9 308 OP +30 9 309 PA +30 9 310 OP +30 9 311 PA +30 9 312 PA +30 9 313 PA +30 9 314 FI +30 9 315 OP +30 9 316 OS +30 9 317 LU +30 9 318 LU +30 9 319 FI +30 9 320 LA +30 9 321 LU +30 9 322 OP +30 9 323 OS +30 9 324 FI +30 9 325 LU +30 9 326 LA +30 9 327 FI +30 9 328 OS +30 9 329 LU +30 9 330 FI +30 10 1 OP +30 10 2 OS +30 10 3 LU +30 10 4 PA +30 10 5 OS +30 10 6 FI +30 10 7 OS +30 10 8 LU +30 10 9 PA +30 10 10 PA +30 10 11 OS +30 10 12 LA +30 10 13 OS +30 10 14 PA +30 10 15 FI +30 10 16 FI +30 10 17 LU +30 10 18 PA +30 10 19 PA +30 10 20 OS +30 10 21 LU +30 10 22 LA +30 10 23 OP +30 10 24 PA +30 10 25 OP +30 10 26 PA +30 10 27 FI +30 10 28 LU +30 10 29 OS +30 10 30 LU +30 10 31 OP +30 10 32 FI +30 10 33 OS +30 10 34 OP +30 10 35 LU +30 10 36 OS +30 10 37 OP +30 10 38 LU +30 10 39 OS +30 10 40 OP +30 10 41 LU +30 10 42 LA +30 10 43 PA +30 10 44 FI +30 10 45 OS +30 10 46 PA +30 10 47 OS +30 10 48 LA +30 10 49 OP +30 10 50 PA +30 10 51 PA +30 10 52 FI +30 10 53 LU +30 10 54 OS +30 10 55 OP +30 10 56 FI +30 10 57 OP +30 10 58 LA +30 10 59 FI +30 10 60 PA +30 10 61 LU +30 10 62 FI +30 10 63 LU +30 10 64 OP +30 10 65 LU +30 10 66 FI +30 10 67 OP +30 10 68 FI +30 10 69 OS +30 10 70 FI +30 10 71 LU +30 10 72 OS +30 10 73 OP +30 10 74 OP +30 10 75 OS +30 10 76 LU +30 10 77 OP +30 10 78 FI +30 10 79 PA +30 10 80 OP +30 10 81 OS +30 10 82 OP +30 10 83 FI +30 10 84 OP +30 10 85 OS +30 10 86 OP +30 10 87 PA +30 10 88 OP +30 10 89 PA +30 10 90 OS +30 10 91 LA +30 10 92 FI +30 10 93 PA +30 10 94 PA +30 10 95 FI +30 10 96 LA +30 10 97 PA +30 10 98 LU +30 10 99 FI +30 10 100 OP +30 10 101 LU +30 10 102 FI +30 10 103 OS +30 10 104 OP +30 10 105 OP +30 10 106 LA +30 10 107 FI +30 10 108 OP +30 10 109 PA +30 10 110 LA +30 10 111 OS +30 10 112 LU +30 10 113 PA +30 10 114 OS +30 10 115 LU +30 10 116 FI +30 10 117 PA +30 10 118 LU +30 10 119 OS +30 10 120 FI +30 10 121 LU +30 10 122 OS +30 10 123 OP +30 10 124 LA +30 10 125 LU +30 10 126 LU +30 10 127 PA +30 10 128 LA +30 10 129 FI +30 10 130 OS +30 10 131 OP +30 10 132 LU +30 10 133 OS +30 10 134 PA +30 10 135 LU +30 10 136 OP +30 10 137 OS +30 10 138 OP +30 10 139 FI +30 10 140 PA +30 10 141 FI +30 10 142 FI +30 10 143 OS +30 10 144 PA +30 10 145 OP +30 10 146 LA +30 10 147 OP +30 10 148 LU +30 10 149 OP +30 10 150 PA +30 10 151 LU +30 10 152 OP +30 10 153 OP +30 10 154 PA +30 10 155 PA +30 10 156 OS +30 10 157 PA +30 10 158 FI +30 10 159 LA +30 10 160 FI +30 10 161 OP +30 10 162 LU +30 10 163 OS +30 10 164 PA +30 10 165 OS +30 10 166 PA +30 10 167 FI +30 10 168 OS +30 10 169 OP +30 10 170 PA +30 10 171 OS +30 10 172 FI +30 10 173 LU +30 10 174 LA +30 10 175 OP +30 10 176 LU +30 10 177 LA +30 10 178 PA +30 10 179 PA +30 10 180 OP +30 10 181 LA +30 10 182 PA +30 10 183 LA +30 10 184 OP +30 10 185 LA +30 10 186 OP +30 10 187 LA +30 10 188 OP +30 10 189 FI +30 10 190 FI +30 10 191 OS +30 10 192 OP +30 10 193 LA +30 10 194 LU +30 10 195 OS +30 10 196 OP +30 10 197 OP +30 10 198 PA +30 10 199 FI +30 10 200 OP +30 10 201 FI +30 10 202 OS +30 10 203 OP +30 10 204 PA +30 10 205 OP +30 10 206 FI +30 10 207 LU +30 10 208 LA +30 10 209 OS +30 10 210 PA +30 10 211 OP +30 10 212 LA +30 10 213 OP +30 10 214 LA +30 10 215 OP +30 10 216 PA +30 10 217 FI +30 10 218 OS +30 10 219 OP +30 10 220 OP +30 10 221 FI +30 10 222 OP +30 10 223 OS +30 10 224 FI +30 10 225 LA +30 10 226 PA +30 10 227 PA +30 10 228 PA +30 10 229 OP +30 10 230 FI +30 10 231 OP +30 10 232 PA +30 10 233 OP +30 10 234 OS +30 10 235 OP +30 10 236 OS +30 10 237 FI +30 10 238 OP +30 10 239 FI +30 10 240 LU +30 10 241 FI +30 10 242 LA +30 10 243 PA +30 10 244 OP +30 10 245 LU +30 10 246 OP +30 10 247 OP +30 10 248 OS +30 10 249 OS +30 10 250 PA +30 10 251 OP +30 10 252 FI +30 10 253 OP +30 10 254 OP +30 10 255 PA +30 10 256 LU +30 10 257 PA +30 10 258 LA +30 10 259 LU +30 10 260 FI +30 10 261 LU +30 10 262 FI +30 10 263 PA +30 10 264 OP +30 10 265 OS +30 10 266 LU +30 10 267 LU +30 10 268 OP +30 10 269 OP +30 10 270 LA +30 10 271 PA +30 10 272 FI +30 10 273 OP +30 10 274 FI +30 10 275 LA +30 10 276 OP +30 10 277 PA +30 10 278 LU +30 10 279 PA +30 10 280 OS +30 10 281 OS +30 10 282 OP +30 10 283 PA +30 10 284 FI +30 10 285 FI +30 10 286 FI +30 10 287 LA +30 10 288 LU +30 10 289 OP +30 10 290 FI +30 10 291 OP +30 10 292 FI +30 10 293 FI +30 10 294 FI +30 10 295 PA +30 10 296 PA +30 10 297 LA +30 10 298 LU +30 10 299 OP +30 10 300 FI +30 10 301 OP +30 10 302 FI +30 10 303 FI +30 10 304 LA +30 10 305 PA +30 10 306 OP +30 10 307 OP +30 10 308 OP +30 10 309 PA +30 10 310 OP +30 10 311 PA +30 10 312 PA +30 10 313 OP +30 10 314 FI +30 10 315 OP +30 10 316 OP +30 10 317 LU +30 10 318 LA +30 10 319 FI +30 10 320 LA +30 10 321 LU +30 10 322 OP +30 10 323 OS +30 10 324 FI +30 10 325 OP +30 10 326 LA +30 10 327 FI +30 10 328 OS +30 10 329 PA +30 10 330 FI +30 11 1 OS +30 11 2 OS +30 11 3 LU +30 11 4 LU +30 11 5 OS +30 11 6 FI +30 11 7 OS +30 11 8 LU +30 11 9 PA +30 11 10 OS +30 11 11 OS +30 11 12 LA +30 11 13 OS +30 11 14 PA +30 11 15 FI +30 11 16 FI +30 11 17 LU +30 11 18 PA +30 11 19 OS +30 11 20 OS +30 11 21 LU +30 11 22 FI +30 11 23 LU +30 11 24 PA +30 11 25 OS +30 11 26 OS +30 11 27 FI +30 11 28 LU +30 11 29 OS +30 11 30 LA +30 11 31 OP +30 11 32 LU +30 11 33 OS +30 11 34 OS +30 11 35 LU +30 11 36 OS +30 11 37 OP +30 11 38 LU +30 11 39 OS +30 11 40 OP +30 11 41 LU +30 11 42 LA +30 11 43 PA +30 11 44 FI +30 11 45 OS +30 11 46 FI +30 11 47 OS +30 11 48 LA +30 11 49 OP +30 11 50 PA +30 11 51 PA +30 11 52 OP +30 11 53 LU +30 11 54 OS +30 11 55 OP +30 11 56 FI +30 11 57 OS +30 11 58 LA +30 11 59 FI +30 11 60 OS +30 11 61 LU +30 11 62 FI +30 11 63 LU +30 11 64 OS +30 11 65 LU +30 11 66 FI +30 11 67 OP +30 11 68 LU +30 11 69 OS +30 11 70 FI +30 11 71 LU +30 11 72 OS +30 11 73 LU +30 11 74 OP +30 11 75 OS +30 11 76 LU +30 11 77 OP +30 11 78 FI +30 11 79 PA +30 11 80 OS +30 11 81 OP +30 11 82 OP +30 11 83 FI +30 11 84 FI +30 11 85 OS +30 11 86 LU +30 11 87 PA +30 11 88 LU +30 11 89 PA +30 11 90 OS +30 11 91 LA +30 11 92 FI +30 11 93 OS +30 11 94 PA +30 11 95 OP +30 11 96 LA +30 11 97 OS +30 11 98 LU +30 11 99 FI +30 11 100 OP +30 11 101 LU +30 11 102 FI +30 11 103 OS +30 11 104 OP +30 11 105 LU +30 11 106 LA +30 11 107 FI +30 11 108 OP +30 11 109 OS +30 11 110 LA +30 11 111 PA +30 11 112 LU +30 11 113 PA +30 11 114 OS +30 11 115 LU +30 11 116 OP +30 11 117 PA +30 11 118 LU +30 11 119 OS +30 11 120 FI +30 11 121 LU +30 11 122 OS +30 11 123 OP +30 11 124 OS +30 11 125 LU +30 11 126 LU +30 11 127 OS +30 11 128 LA +30 11 129 FI +30 11 130 PA +30 11 131 LU +30 11 132 LU +30 11 133 OS +30 11 134 PA +30 11 135 LU +30 11 136 OP +30 11 137 OS +30 11 138 OP +30 11 139 FI +30 11 140 OS +30 11 141 FI +30 11 142 FI +30 11 143 OP +30 11 144 PA +30 11 145 OP +30 11 146 LA +30 11 147 OP +30 11 148 LU +30 11 149 OP +30 11 150 PA +30 11 151 FI +30 11 152 OP +30 11 153 OP +30 11 154 PA +30 11 155 PA +30 11 156 OS +30 11 157 PA +30 11 158 FI +30 11 159 LA +30 11 160 FI +30 11 161 OP +30 11 162 LU +30 11 163 OS +30 11 164 OS +30 11 165 OS +30 11 166 OS +30 11 167 FI +30 11 168 OS +30 11 169 OP +30 11 170 PA +30 11 171 OS +30 11 172 FI +30 11 173 LU +30 11 174 LA +30 11 175 OP +30 11 176 LU +30 11 177 OP +30 11 178 OS +30 11 179 LU +30 11 180 OP +30 11 181 LA +30 11 182 LU +30 11 183 PA +30 11 184 PA +30 11 185 LA +30 11 186 OP +30 11 187 LA +30 11 188 OP +30 11 189 FI +30 11 190 FI +30 11 191 OS +30 11 192 OS +30 11 193 LA +30 11 194 LU +30 11 195 OS +30 11 196 OP +30 11 197 FI +30 11 198 PA +30 11 199 OP +30 11 200 OP +30 11 201 FI +30 11 202 OS +30 11 203 LU +30 11 204 PA +30 11 205 OS +30 11 206 FI +30 11 207 LU +30 11 208 LA +30 11 209 OS +30 11 210 LU +30 11 211 OP +30 11 212 LA +30 11 213 FI +30 11 214 LA +30 11 215 FI +30 11 216 PA +30 11 217 FI +30 11 218 LA +30 11 219 OP +30 11 220 OS +30 11 221 FI +30 11 222 FI +30 11 223 OP +30 11 224 FI +30 11 225 LA +30 11 226 OS +30 11 227 PA +30 11 228 OS +30 11 229 OP +30 11 230 FI +30 11 231 FI +30 11 232 PA +30 11 233 FI +30 11 234 OS +30 11 235 OS +30 11 236 LA +30 11 237 FI +30 11 238 OP +30 11 239 FI +30 11 240 LU +30 11 241 FI +30 11 242 LA +30 11 243 LU +30 11 244 FI +30 11 245 LU +30 11 246 OP +30 11 247 OS +30 11 248 OS +30 11 249 OS +30 11 250 FI +30 11 251 OP +30 11 252 FI +30 11 253 OP +30 11 254 FI +30 11 255 PA +30 11 256 LU +30 11 257 OS +30 11 258 LA +30 11 259 LU +30 11 260 FI +30 11 261 LU +30 11 262 FI +30 11 263 PA +30 11 264 PA +30 11 265 OS +30 11 266 LU +30 11 267 LU +30 11 268 OP +30 11 269 FI +30 11 270 LA +30 11 271 OS +30 11 272 FI +30 11 273 LU +30 11 274 FI +30 11 275 LA +30 11 276 LU +30 11 277 OS +30 11 278 LU +30 11 279 OS +30 11 280 OS +30 11 281 OS +30 11 282 OS +30 11 283 PA +30 11 284 FI +30 11 285 FI +30 11 286 FI +30 11 287 LA +30 11 288 LU +30 11 289 OP +30 11 290 FI +30 11 291 OS +30 11 292 FI +30 11 293 OP +30 11 294 FI +30 11 295 PA +30 11 296 OP +30 11 297 LA +30 11 298 LU +30 11 299 OS +30 11 300 FI +30 11 301 OP +30 11 302 FI +30 11 303 FI +30 11 304 LA +30 11 305 LU +30 11 306 OP +30 11 307 OS +30 11 308 FI +30 11 309 PA +30 11 310 OP +30 11 311 OS +30 11 312 PA +30 11 313 OS +30 11 314 FI +30 11 315 OP +30 11 316 OS +30 11 317 LU +30 11 318 LU +30 11 319 FI +30 11 320 LA +30 11 321 LU +30 11 322 OP +30 11 323 OS +30 11 324 FI +30 11 325 LU +30 11 326 LA +30 11 327 FI +30 11 328 OS +30 11 329 PA +30 11 330 OP +30 12 1 OS +30 12 2 OP +30 12 3 LU +30 12 4 PA +30 12 5 OS +30 12 6 FI +30 12 7 OS +30 12 8 LU +30 12 9 LU +30 12 10 PA +30 12 11 OS +30 12 12 LA +30 12 13 OS +30 12 14 PA +30 12 15 FI +30 12 16 FI +30 12 17 LU +30 12 18 PA +30 12 19 OP +30 12 20 OS +30 12 21 LU +30 12 22 LA +30 12 23 PA +30 12 24 OS +30 12 25 OP +30 12 26 PA +30 12 27 FI +30 12 28 LU +30 12 29 OS +30 12 30 LU +30 12 31 OS +30 12 32 LU +30 12 33 OS +30 12 34 OS +30 12 35 LU +30 12 36 PA +30 12 37 OP +30 12 38 LU +30 12 39 OS +30 12 40 OP +30 12 41 LU +30 12 42 LA +30 12 43 PA +30 12 44 FI +30 12 45 OS +30 12 46 PA +30 12 47 OS +30 12 48 LA +30 12 49 OP +30 12 50 PA +30 12 51 PA +30 12 52 FI +30 12 53 LU +30 12 54 OS +30 12 55 OP +30 12 56 LU +30 12 57 OS +30 12 58 LA +30 12 59 FI +30 12 60 OS +30 12 61 LU +30 12 62 OP +30 12 63 LU +30 12 64 OS +30 12 65 LU +30 12 66 FI +30 12 67 OS +30 12 68 LU +30 12 69 OS +30 12 70 FI +30 12 71 LU +30 12 72 OS +30 12 73 PA +30 12 74 OP +30 12 75 OS +30 12 76 LU +30 12 77 OP +30 12 78 OP +30 12 79 PA +30 12 80 OS +30 12 81 OS +30 12 82 OS +30 12 83 FI +30 12 84 LA +30 12 85 OS +30 12 86 OP +30 12 87 PA +30 12 88 PA +30 12 89 PA +30 12 90 OS +30 12 91 LA +30 12 92 FI +30 12 93 OP +30 12 94 PA +30 12 95 OS +30 12 96 LA +30 12 97 PA +30 12 98 LU +30 12 99 OP +30 12 100 OS +30 12 101 LU +30 12 102 FI +30 12 103 OS +30 12 104 OP +30 12 105 PA +30 12 106 LA +30 12 107 FI +30 12 108 OP +30 12 109 OS +30 12 110 LA +30 12 111 OS +30 12 112 LU +30 12 113 PA +30 12 114 PA +30 12 115 LU +30 12 116 OP +30 12 117 PA +30 12 118 LU +30 12 119 OS +30 12 120 FI +30 12 121 LU +30 12 122 OS +30 12 123 OS +30 12 124 LA +30 12 125 LU +30 12 126 LU +30 12 127 OS +30 12 128 LA +30 12 129 FI +30 12 130 OS +30 12 131 OS +30 12 132 LU +30 12 133 OS +30 12 134 PA +30 12 135 PA +30 12 136 OS +30 12 137 OS +30 12 138 OP +30 12 139 FI +30 12 140 OS +30 12 141 FI +30 12 142 PA +30 12 143 OS +30 12 144 PA +30 12 145 OS +30 12 146 LA +30 12 147 OS +30 12 148 LU +30 12 149 OS +30 12 150 PA +30 12 151 LU +30 12 152 LU +30 12 153 OS +30 12 154 PA +30 12 155 PA +30 12 156 OS +30 12 157 PA +30 12 158 FI +30 12 159 LA +30 12 160 LU +30 12 161 OP +30 12 162 LU +30 12 163 OS +30 12 164 OS +30 12 165 OS +30 12 166 PA +30 12 167 FI +30 12 168 OS +30 12 169 OP +30 12 170 PA +30 12 171 OS +30 12 172 FI +30 12 173 LU +30 12 174 LA +30 12 175 OP +30 12 176 LU +30 12 177 LA +30 12 178 OS +30 12 179 LU +30 12 180 OS +30 12 181 LA +30 12 182 LU +30 12 183 PA +30 12 184 OP +30 12 185 LU +30 12 186 OS +30 12 187 LA +30 12 188 OS +30 12 189 OP +30 12 190 LU +30 12 191 OS +30 12 192 OP +30 12 193 LA +30 12 194 LU +30 12 195 OS +30 12 196 OS +30 12 197 OS +30 12 198 PA +30 12 199 FI +30 12 200 OP +30 12 201 LU +30 12 202 OS +30 12 203 LU +30 12 204 PA +30 12 205 OS +30 12 206 LA +30 12 207 LU +30 12 208 LA +30 12 209 OS +30 12 210 LU +30 12 211 OP +30 12 212 LA +30 12 213 OP +30 12 214 LA +30 12 215 LU +30 12 216 OS +30 12 217 LU +30 12 218 OS +30 12 219 OP +30 12 220 PA +30 12 221 OP +30 12 222 PA +30 12 223 OS +30 12 224 FI +30 12 225 OS +30 12 226 PA +30 12 227 PA +30 12 228 OS +30 12 229 OP +30 12 230 FI +30 12 231 OP +30 12 232 OS +30 12 233 OP +30 12 234 OS +30 12 235 OS +30 12 236 OS +30 12 237 LU +30 12 238 OS +30 12 239 LU +30 12 240 LU +30 12 241 FI +30 12 242 LA +30 12 243 LU +30 12 244 FI +30 12 245 LU +30 12 246 OP +30 12 247 PA +30 12 248 OS +30 12 249 OS +30 12 250 PA +30 12 251 OS +30 12 252 FI +30 12 253 OP +30 12 254 OP +30 12 255 PA +30 12 256 LU +30 12 257 OS +30 12 258 LA +30 12 259 LU +30 12 260 FI +30 12 261 LU +30 12 262 FI +30 12 263 FI +30 12 264 OP +30 12 265 OS +30 12 266 LU +30 12 267 PA +30 12 268 OS +30 12 269 LU +30 12 270 LA +30 12 271 OS +30 12 272 FI +30 12 273 PA +30 12 274 FI +30 12 275 LA +30 12 276 LU +30 12 277 OS +30 12 278 LU +30 12 279 PA +30 12 280 OS +30 12 281 OS +30 12 282 OS +30 12 283 LU +30 12 284 FI +30 12 285 LU +30 12 286 FI +30 12 287 LA +30 12 288 LU +30 12 289 OS +30 12 290 LU +30 12 291 OS +30 12 292 LU +30 12 293 OS +30 12 294 OS +30 12 295 LU +30 12 296 PA +30 12 297 LA +30 12 298 LU +30 12 299 OS +30 12 300 FI +30 12 301 OS +30 12 302 FI +30 12 303 OP +30 12 304 OS +30 12 305 LU +30 12 306 OS +30 12 307 OS +30 12 308 OP +30 12 309 OS +30 12 310 OS +30 12 311 OS +30 12 312 PA +30 12 313 PA +30 12 314 FI +30 12 315 OS +30 12 316 OS +30 12 317 OS +30 12 318 FI +30 12 319 FI +30 12 320 OS +30 12 321 LU +30 12 322 OP +30 12 323 OS +30 12 324 FI +30 12 325 LU +30 12 326 LA +30 12 327 FI +30 12 328 OS +30 12 329 LU +30 12 330 FI +30 13 1 OS +30 13 2 OP +30 13 3 LU +30 13 4 LU +30 13 5 OS +30 13 6 LA +30 13 7 OS +30 13 8 LU +30 13 9 LU +30 13 10 OS +30 13 11 OS +30 13 12 LA +30 13 13 OS +30 13 14 OS +30 13 15 OP +30 13 16 FI +30 13 17 LU +30 13 18 PA +30 13 19 OS +30 13 20 OS +30 13 21 LU +30 13 22 OP +30 13 23 LU +30 13 24 LA +30 13 25 OS +30 13 26 PA +30 13 27 OP +30 13 28 LU +30 13 29 OS +30 13 30 LU +30 13 31 OP +30 13 32 LU +30 13 33 OS +30 13 34 OS +30 13 35 LU +30 13 36 OS +30 13 37 OP +30 13 38 LU +30 13 39 OS +30 13 40 OS +30 13 41 LU +30 13 42 LA +30 13 43 PA +30 13 44 OP +30 13 45 OS +30 13 46 OP +30 13 47 OS +30 13 48 LA +30 13 49 OS +30 13 50 LU +30 13 51 LA +30 13 52 OP +30 13 53 LU +30 13 54 OS +30 13 55 OS +30 13 56 LU +30 13 57 OS +30 13 58 LA +30 13 59 OP +30 13 60 OS +30 13 61 LU +30 13 62 LA +30 13 63 LU +30 13 64 OS +30 13 65 LU +30 13 66 OP +30 13 67 OS +30 13 68 LU +30 13 69 LA +30 13 70 OP +30 13 71 LU +30 13 72 OS +30 13 73 LU +30 13 74 OP +30 13 75 OS +30 13 76 LA +30 13 77 OS +30 13 78 OP +30 13 79 PA +30 13 80 OS +30 13 81 LA +30 13 82 OS +30 13 83 OP +30 13 84 OP +30 13 85 OS +30 13 86 LU +30 13 87 PA +30 13 88 LU +30 13 89 PA +30 13 90 OS +30 13 91 LA +30 13 92 OP +30 13 93 OS +30 13 94 PA +30 13 95 OP +30 13 96 LA +30 13 97 OS +30 13 98 LU +30 13 99 OP +30 13 100 OS +30 13 101 LU +30 13 102 OP +30 13 103 LA +30 13 104 OS +30 13 105 LU +30 13 106 LA +30 13 107 OP +30 13 108 OP +30 13 109 OS +30 13 110 LA +30 13 111 OS +30 13 112 LU +30 13 113 PA +30 13 114 OS +30 13 115 LU +30 13 116 OP +30 13 117 OP +30 13 118 LU +30 13 119 OS +30 13 120 FI +30 13 121 LU +30 13 122 OS +30 13 123 OS +30 13 124 LA +30 13 125 LU +30 13 126 LU +30 13 127 OS +30 13 128 LA +30 13 129 OP +30 13 130 OS +30 13 131 LU +30 13 132 LU +30 13 133 OS +30 13 134 LU +30 13 135 LU +30 13 136 OS +30 13 137 OS +30 13 138 OP +30 13 139 OP +30 13 140 OS +30 13 141 FI +30 13 142 OP +30 13 143 LA +30 13 144 LU +30 13 145 OS +30 13 146 LA +30 13 147 OS +30 13 148 LU +30 13 149 OS +30 13 150 LU +30 13 151 LU +30 13 152 LU +30 13 153 OS +30 13 154 OP +30 13 155 LA +30 13 156 OS +30 13 157 LA +30 13 158 FI +30 13 159 LA +30 13 160 LU +30 13 161 OS +30 13 162 LU +30 13 163 OS +30 13 164 OS +30 13 165 LA +30 13 166 OS +30 13 167 OP +30 13 168 OS +30 13 169 OS +30 13 170 OS +30 13 171 LA +30 13 172 OP +30 13 173 LU +30 13 174 LA +30 13 175 OS +30 13 176 LU +30 13 177 LA +30 13 178 OS +30 13 179 LU +30 13 180 OS +30 13 181 LA +30 13 182 LU +30 13 183 LA +30 13 184 LU +30 13 185 LA +30 13 186 OS +30 13 187 LA +30 13 188 OS +30 13 189 OP +30 13 190 LU +30 13 191 OS +30 13 192 LU +30 13 193 LA +30 13 194 LU +30 13 195 OS +30 13 196 OS +30 13 197 LU +30 13 198 PA +30 13 199 OP +30 13 200 OS +30 13 201 LU +30 13 202 OS +30 13 203 LU +30 13 204 PA +30 13 205 LU +30 13 206 OP +30 13 207 LU +30 13 208 LA +30 13 209 OS +30 13 210 LU +30 13 211 OS +30 13 212 LU +30 13 213 OP +30 13 214 LA +30 13 215 LU +30 13 216 OS +30 13 217 LU +30 13 218 LA +30 13 219 OP +30 13 220 OS +30 13 221 OP +30 13 222 LU +30 13 223 OS +30 13 224 OP +30 13 225 LA +30 13 226 OS +30 13 227 PA +30 13 228 OS +30 13 229 OS +30 13 230 OP +30 13 231 LU +30 13 232 LA +30 13 233 OP +30 13 234 OS +30 13 235 OS +30 13 236 LA +30 13 237 LU +30 13 238 OS +30 13 239 LU +30 13 240 LU +30 13 241 OP +30 13 242 LA +30 13 243 LU +30 13 244 OP +30 13 245 LU +30 13 246 OS +30 13 247 LU +30 13 248 OS +30 13 249 OS +30 13 250 LU +30 13 251 OS +30 13 252 OP +30 13 253 OS +30 13 254 OP +30 13 255 PA +30 13 256 LU +30 13 257 OS +30 13 258 LA +30 13 259 LU +30 13 260 OP +30 13 261 LU +30 13 262 FI +30 13 263 FI +30 13 264 OP +30 13 265 OS +30 13 266 LU +30 13 267 LU +30 13 268 OS +30 13 269 LU +30 13 270 LA +30 13 271 OS +30 13 272 OP +30 13 273 LU +30 13 274 FI +30 13 275 LA +30 13 276 LU +30 13 277 OS +30 13 278 LU +30 13 279 OS +30 13 280 OS +30 13 281 OS +30 13 282 OS +30 13 283 LA +30 13 284 OP +30 13 285 LU +30 13 286 FI +30 13 287 LA +30 13 288 LU +30 13 289 OS +30 13 290 OP +30 13 291 OS +30 13 292 LU +30 13 293 OP +30 13 294 OP +30 13 295 LA +30 13 296 OS +30 13 297 LA +30 13 298 LU +30 13 299 OS +30 13 300 OP +30 13 301 OS +30 13 302 OP +30 13 303 OP +30 13 304 LA +30 13 305 LU +30 13 306 OS +30 13 307 OS +30 13 308 LU +30 13 309 LA +30 13 310 OS +30 13 311 OS +30 13 312 PA +30 13 313 OS +30 13 314 OP +30 13 315 OS +30 13 316 OS +30 13 317 LU +30 13 318 LU +30 13 319 FI +30 13 320 LA +30 13 321 LU +30 13 322 OS +30 13 323 OS +30 13 324 OP +30 13 325 LU +30 13 326 LA +30 13 327 OP +30 13 328 OS +30 13 329 LA +30 13 330 OP +30 14 1 OP +30 14 2 OP +30 14 3 LU +30 14 4 PA +30 14 5 OP +30 14 6 LA +30 14 7 OS +30 14 8 LU +30 14 9 LA +30 14 10 OP +30 14 11 OS +30 14 12 LA +30 14 13 OS +30 14 14 OP +30 14 15 FI +30 14 16 FI +30 14 17 LU +30 14 18 PA +30 14 19 OP +30 14 20 OS +30 14 21 LU +30 14 22 LA +30 14 23 PA +30 14 24 PA +30 14 25 OP +30 14 26 OP +30 14 27 FI +30 14 28 LU +30 14 29 OS +30 14 30 LU +30 14 31 OP +30 14 32 LU +30 14 33 OS +30 14 34 OP +30 14 35 LU +30 14 36 OS +30 14 37 OP +30 14 38 LU +30 14 39 OS +30 14 40 OP +30 14 41 LU +30 14 42 LA +30 14 43 OP +30 14 44 FI +30 14 45 OS +30 14 46 PA +30 14 47 OS +30 14 48 LA +30 14 49 OP +30 14 50 PA +30 14 51 PA +30 14 52 FI +30 14 53 LU +30 14 54 OS +30 14 55 OP +30 14 56 FI +30 14 57 OS +30 14 58 LA +30 14 59 FI +30 14 60 OS +30 14 61 LU +30 14 62 PA +30 14 63 LU +30 14 64 OS +30 14 65 LU +30 14 66 FI +30 14 67 OP +30 14 68 LU +30 14 69 PA +30 14 70 FI +30 14 71 LU +30 14 72 OS +30 14 73 PA +30 14 74 OP +30 14 75 OS +30 14 76 LU +30 14 77 OP +30 14 78 FI +30 14 79 PA +30 14 80 OP +30 14 81 OS +30 14 82 OP +30 14 83 FI +30 14 84 FI +30 14 85 OS +30 14 86 LU +30 14 87 PA +30 14 88 LU +30 14 89 PA +30 14 90 OS +30 14 91 OP +30 14 92 FI +30 14 93 OS +30 14 94 PA +30 14 95 FI +30 14 96 LA +30 14 97 OP +30 14 98 LU +30 14 99 OP +30 14 100 OP +30 14 101 LU +30 14 102 FI +30 14 103 OS +30 14 104 OP +30 14 105 LU +30 14 106 FI +30 14 107 FI +30 14 108 OP +30 14 109 OP +30 14 110 LA +30 14 111 OS +30 14 112 LU +30 14 113 PA +30 14 114 OS +30 14 115 LU +30 14 116 OP +30 14 117 PA +30 14 118 LU +30 14 119 OS +30 14 120 FI +30 14 121 LU +30 14 122 OS +30 14 123 OP +30 14 124 OP +30 14 125 LU +30 14 126 LU +30 14 127 OS +30 14 128 LA +30 14 129 FI +30 14 130 OS +30 14 131 LU +30 14 132 LU +30 14 133 OS +30 14 134 PA +30 14 135 LU +30 14 136 OP +30 14 137 OS +30 14 138 OP +30 14 139 FI +30 14 140 OP +30 14 141 FI +30 14 142 FI +30 14 143 OS +30 14 144 PA +30 14 145 OP +30 14 146 LA +30 14 147 OP +30 14 148 LU +30 14 149 OP +30 14 150 PA +30 14 151 LU +30 14 152 FI +30 14 153 OP +30 14 154 PA +30 14 155 PA +30 14 156 OS +30 14 157 PA +30 14 158 FI +30 14 159 LA +30 14 160 FI +30 14 161 OP +30 14 162 LU +30 14 163 OP +30 14 164 OP +30 14 165 PA +30 14 166 OP +30 14 167 FI +30 14 168 OS +30 14 169 OP +30 14 170 OS +30 14 171 OS +30 14 172 FI +30 14 173 LU +30 14 174 LA +30 14 175 OP +30 14 176 LU +30 14 177 FI +30 14 178 OP +30 14 179 LU +30 14 180 OS +30 14 181 LA +30 14 182 LU +30 14 183 PA +30 14 184 PA +30 14 185 LA +30 14 186 OP +30 14 187 LA +30 14 188 OP +30 14 189 OP +30 14 190 FI +30 14 191 OS +30 14 192 LU +30 14 193 LA +30 14 194 LU +30 14 195 OS +30 14 196 OP +30 14 197 FI +30 14 198 PA +30 14 199 FI +30 14 200 OP +30 14 201 LU +30 14 202 OS +30 14 203 LU +30 14 204 PA +30 14 205 PA +30 14 206 FI +30 14 207 LU +30 14 208 LA +30 14 209 OS +30 14 210 LU +30 14 211 OP +30 14 212 LA +30 14 213 FI +30 14 214 LA +30 14 215 FI +30 14 216 PA +30 14 217 FI +30 14 218 LA +30 14 219 OP +30 14 220 OP +30 14 221 FI +30 14 222 PA +30 14 223 OS +30 14 224 FI +30 14 225 PA +30 14 226 OS +30 14 227 OS +30 14 228 OP +30 14 229 OP +30 14 230 FI +30 14 231 PA +30 14 232 PA +30 14 233 FI +30 14 234 OS +30 14 235 OP +30 14 236 LA +30 14 237 FI +30 14 238 OS +30 14 239 LU +30 14 240 LU +30 14 241 FI +30 14 242 LA +30 14 243 LU +30 14 244 FI +30 14 245 LU +30 14 246 OS +30 14 247 PA +30 14 248 OS +30 14 249 OS +30 14 250 PA +30 14 251 OP +30 14 252 FI +30 14 253 OS +30 14 254 OP +30 14 255 PA +30 14 256 LU +30 14 257 OP +30 14 258 LA +30 14 259 LU +30 14 260 FI +30 14 261 LA +30 14 262 FI +30 14 263 FI +30 14 264 OP +30 14 265 OS +30 14 266 LU +30 14 267 PA +30 14 268 OS +30 14 269 LU +30 14 270 LA +30 14 271 OS +30 14 272 FI +30 14 273 LU +30 14 274 FI +30 14 275 LA +30 14 276 LU +30 14 277 OP +30 14 278 LA +30 14 279 PA +30 14 280 OS +30 14 281 OS +30 14 282 OS +30 14 283 PA +30 14 284 FI +30 14 285 FI +30 14 286 FI +30 14 287 LA +30 14 288 LU +30 14 289 OP +30 14 290 FI +30 14 291 OP +30 14 292 LA +30 14 293 OP +30 14 294 FI +30 14 295 PA +30 14 296 PA +30 14 297 LA +30 14 298 LU +30 14 299 OS +30 14 300 FI +30 14 301 OS +30 14 302 FI +30 14 303 FI +30 14 304 OS +30 14 305 LU +30 14 306 OP +30 14 307 OP +30 14 308 FI +30 14 309 PA +30 14 310 OS +30 14 311 OP +30 14 312 PA +30 14 313 PA +30 14 314 FI +30 14 315 OS +30 14 316 OS +30 14 317 LU +30 14 318 LA +30 14 319 FI +30 14 320 PA +30 14 321 LU +30 14 322 OP +30 14 323 OS +30 14 324 FI +30 14 325 LU +30 14 326 LA +30 14 327 FI +30 14 328 OS +30 14 329 PA +30 14 330 FI +30 15 1 OS +30 15 2 OS +30 15 3 LU +30 15 4 PA +30 15 5 OS +30 15 6 LA +30 15 7 OS +30 15 8 LU +30 15 9 LA +30 15 10 OS +30 15 11 OS +30 15 12 LA +30 15 13 OS +30 15 14 OS +30 15 15 LA +30 15 16 FI +30 15 17 LU +30 15 18 PA +30 15 19 OS +30 15 20 OS +30 15 21 LU +30 15 22 LA +30 15 23 OS +30 15 24 OS +30 15 25 OS +30 15 26 OS +30 15 27 LU +30 15 28 OS +30 15 29 LU +30 15 30 FI +30 15 31 OS +30 15 32 LU +30 15 33 OS +30 15 34 OS +30 15 35 LA +30 15 36 OS +30 15 37 OS +30 15 38 LU +30 15 39 OS +30 15 40 OS +30 15 41 LU +30 15 42 LA +30 15 43 OS +30 15 44 FI +30 15 45 OS +30 15 46 FI +30 15 47 OS +30 15 48 LA +30 15 49 OS +30 15 50 PA +30 15 51 LA +30 15 52 FI +30 15 53 LU +30 15 54 OS +30 15 55 OS +30 15 56 LA +30 15 57 OS +30 15 58 LA +30 15 59 FI +30 15 60 PA +30 15 61 LU +30 15 62 OS +30 15 63 LA +30 15 64 OS +30 15 65 LU +30 15 66 FI +30 15 67 OS +30 15 68 LU +30 15 69 OS +30 15 70 FI +30 15 71 LU +30 15 72 OS +30 15 73 OS +30 15 74 FI +30 15 75 OS +30 15 76 LA +30 15 77 OS +30 15 78 FI +30 15 79 PA +30 15 80 OS +30 15 81 OS +30 15 82 OS +30 15 83 FI +30 15 84 FI +30 15 85 OS +30 15 86 LA +30 15 87 PA +30 15 88 LU +30 15 89 PA +30 15 90 OS +30 15 91 LA +30 15 92 FI +30 15 93 OS +30 15 94 PA +30 15 95 FI +30 15 96 LA +30 15 97 OS +30 15 98 LU +30 15 99 OP +30 15 100 OS +30 15 101 LU +30 15 102 FI +30 15 103 OP +30 15 104 OS +30 15 105 LU +30 15 106 LA +30 15 107 FI +30 15 108 FI +30 15 109 OS +30 15 110 LA +30 15 111 PA +30 15 112 LU +30 15 113 PA +30 15 114 OS +30 15 115 LU +30 15 116 OP +30 15 117 PA +30 15 118 OP +30 15 119 OS +30 15 120 FI +30 15 121 LU +30 15 122 OS +30 15 123 OS +30 15 124 OP +30 15 125 LA +30 15 126 OP +30 15 127 PA +30 15 128 LA +30 15 129 FI +30 15 130 PA +30 15 131 OP +30 15 132 LU +30 15 133 OS +30 15 134 PA +30 15 135 LU +30 15 136 OS +30 15 137 OS +30 15 138 OP +30 15 139 FI +30 15 140 OS +30 15 141 FI +30 15 142 FI +30 15 143 OS +30 15 144 PA +30 15 145 OS +30 15 146 LA +30 15 147 OS +30 15 148 LU +30 15 149 OP +30 15 150 PA +30 15 151 OP +30 15 152 OP +30 15 153 OS +30 15 154 PA +30 15 155 PA +30 15 156 OS +30 15 157 PA +30 15 158 FI +30 15 159 OP +30 15 160 OP +30 15 161 OS +30 15 162 LU +30 15 163 OS +30 15 164 OS +30 15 165 PA +30 15 166 PA +30 15 167 FI +30 15 168 OS +30 15 169 OS +30 15 170 PA +30 15 171 OS +30 15 172 FI +30 15 173 OP +30 15 174 LA +30 15 175 OP +30 15 176 LU +30 15 177 OP +30 15 178 PA +30 15 179 PA +30 15 180 OS +30 15 181 OP +30 15 182 PA +30 15 183 PA +30 15 184 PA +30 15 185 LA +30 15 186 OS +30 15 187 LA +30 15 188 OS +30 15 189 OP +30 15 190 OP +30 15 191 OS +30 15 192 PA +30 15 193 OP +30 15 194 PA +30 15 195 OS +30 15 196 OS +30 15 197 OP +30 15 198 PA +30 15 199 OS +30 15 200 OS +30 15 201 OP +30 15 202 OS +30 15 203 LU +30 15 204 PA +30 15 205 OP +30 15 206 OP +30 15 207 LU +30 15 208 PA +30 15 209 OS +30 15 210 PA +30 15 211 OS +30 15 212 LA +30 15 213 FI +30 15 214 OS +30 15 215 LA +30 15 216 OS +30 15 217 LA +30 15 218 OS +30 15 219 OS +30 15 220 OS +30 15 221 OP +30 15 222 OP +30 15 223 OS +30 15 224 FI +30 15 225 OP +30 15 226 OS +30 15 227 OS +30 15 228 OS +30 15 229 OP +30 15 230 FI +30 15 231 OP +30 15 232 PA +30 15 233 OP +30 15 234 OS +30 15 235 OS +30 15 236 OS +30 15 237 OP +30 15 238 OS +30 15 239 LA +30 15 240 LA +30 15 241 FI +30 15 242 LA +30 15 243 LU +30 15 244 FI +30 15 245 LU +30 15 246 OP +30 15 247 OP +30 15 248 PA +30 15 249 OS +30 15 250 PA +30 15 251 OS +30 15 252 FI +30 15 253 OS +30 15 254 OP +30 15 255 OS +30 15 256 LU +30 15 257 OS +30 15 258 LA +30 15 259 LU +30 15 260 OP +30 15 261 LA +30 15 262 FI +30 15 263 OP +30 15 264 OP +30 15 265 OS +30 15 266 LU +30 15 267 LU +30 15 268 OS +30 15 269 LU +30 15 270 LA +30 15 271 OS +30 15 272 FI +30 15 273 OP +30 15 274 FI +30 15 275 OP +30 15 276 LU +30 15 277 OS +30 15 278 OP +30 15 279 OS +30 15 280 OS +30 15 281 OS +30 15 282 OS +30 15 283 PA +30 15 284 OP +30 15 285 OP +30 15 286 FI +30 15 287 OP +30 15 288 LU +30 15 289 OP +30 15 290 FI +30 15 291 OS +30 15 292 OP +30 15 293 FI +30 15 294 OP +30 15 295 PA +30 15 296 OS +30 15 297 LA +30 15 298 LU +30 15 299 OS +30 15 300 FI +30 15 301 OS +30 15 302 FI +30 15 303 OP +30 15 304 OS +30 15 305 PA +30 15 306 OS +30 15 307 OS +30 15 308 OP +30 15 309 PA +30 15 310 OS +30 15 311 OS +30 15 312 PA +30 15 313 OS +30 15 314 FI +30 15 315 OS +30 15 316 OS +30 15 317 LU +30 15 318 LA +30 15 319 FI +30 15 320 OP +30 15 321 LU +30 15 322 OS +30 15 323 OS +30 15 324 FI +30 15 325 LU +30 15 326 LA +30 15 327 OP +30 15 328 OS +30 15 329 PA +30 15 330 OP +30 16 1 OS +30 16 2 OS +30 16 3 LU +30 16 4 OP +30 16 5 OS +30 16 6 LU +30 16 7 OS +30 16 8 LU +30 16 9 OP +30 16 10 OS +30 16 11 OS +30 16 12 LA +30 16 13 OS +30 16 14 OS +30 16 15 LA +30 16 16 FI +30 16 17 LU +30 16 18 PA +30 16 19 OS +30 16 20 OS +30 16 21 LU +30 16 22 LA +30 16 23 OP +30 16 24 OP +30 16 25 OS +30 16 26 OS +30 16 27 LA +30 16 28 LU +30 16 29 OS +30 16 30 LA +30 16 31 OS +30 16 32 LU +30 16 33 OS +30 16 34 OS +30 16 35 LU +30 16 36 OS +30 16 37 OS +30 16 38 LU +30 16 39 OS +30 16 40 OS +30 16 41 LU +30 16 42 LA +30 16 43 OS +30 16 44 LA +30 16 45 OS +30 16 46 OP +30 16 47 OS +30 16 48 LU +30 16 49 OS +30 16 50 LU +30 16 51 OP +30 16 52 FI +30 16 53 LU +30 16 54 OS +30 16 55 OS +30 16 56 LU +30 16 57 OS +30 16 58 LA +30 16 59 OP +30 16 60 OS +30 16 61 LU +30 16 62 OP +30 16 63 LU +30 16 64 OS +30 16 65 LU +30 16 66 FI +30 16 67 OS +30 16 68 LU +30 16 69 OP +30 16 70 FI +30 16 71 LU +30 16 72 OS +30 16 73 LU +30 16 74 OS +30 16 75 OS +30 16 76 LU +30 16 77 OS +30 16 78 LU +30 16 79 PA +30 16 80 OS +30 16 81 OS +30 16 82 OS +30 16 83 LA +30 16 84 LU +30 16 85 OS +30 16 86 LU +30 16 87 PA +30 16 88 LU +30 16 89 PA +30 16 90 OS +30 16 91 LA +30 16 92 LA +30 16 93 OS +30 16 94 OP +30 16 95 LA +30 16 96 LA +30 16 97 OS +30 16 98 LU +30 16 99 LU +30 16 100 OS +30 16 101 LU +30 16 102 OS +30 16 103 LA +30 16 104 OS +30 16 105 LU +30 16 106 LA +30 16 107 FI +30 16 108 OS +30 16 109 OS +30 16 110 LA +30 16 111 PA +30 16 112 LU +30 16 113 PA +30 16 114 OS +30 16 115 LU +30 16 116 OS +30 16 117 OP +30 16 118 LU +30 16 119 OS +30 16 120 FI +30 16 121 LU +30 16 122 OS +30 16 123 OS +30 16 124 OS +30 16 125 LU +30 16 126 LU +30 16 127 OS +30 16 128 LA +30 16 129 LA +30 16 130 OS +30 16 131 LU +30 16 132 LU +30 16 133 OS +30 16 134 OP +30 16 135 LU +30 16 136 OS +30 16 137 OS +30 16 138 OS +30 16 139 OP +30 16 140 OS +30 16 141 FI +30 16 142 OS +30 16 143 OS +30 16 144 OP +30 16 145 OS +30 16 146 LA +30 16 147 OS +30 16 148 LU +30 16 149 OS +30 16 150 OP +30 16 151 LA +30 16 152 LA +30 16 153 OS +30 16 154 OP +30 16 155 OP +30 16 156 OS +30 16 157 OP +30 16 158 FI +30 16 159 LA +30 16 160 LA +30 16 161 OS +30 16 162 LU +30 16 163 OS +30 16 164 OS +30 16 165 OP +30 16 166 OS +30 16 167 OP +30 16 168 OS +30 16 169 OS +30 16 170 OS +30 16 171 LA +30 16 172 FI +30 16 173 LU +30 16 174 LA +30 16 175 OS +30 16 176 LU +30 16 177 LA +30 16 178 OS +30 16 179 LU +30 16 180 OS +30 16 181 LA +30 16 182 LU +30 16 183 LA +30 16 184 LU +30 16 185 LU +30 16 186 OS +30 16 187 LA +30 16 188 OS +30 16 189 OS +30 16 190 LA +30 16 191 OS +30 16 192 OP +30 16 193 LA +30 16 194 LU +30 16 195 OS +30 16 196 OS +30 16 197 OP +30 16 198 PA +30 16 199 FI +30 16 200 OS +30 16 201 LU +30 16 202 OS +30 16 203 LU +30 16 204 OP +30 16 205 OS +30 16 206 FI +30 16 207 LU +30 16 208 LA +30 16 209 OS +30 16 210 LU +30 16 211 OS +30 16 212 LU +30 16 213 OP +30 16 214 LA +30 16 215 LU +30 16 216 OS +30 16 217 LA +30 16 218 LA +30 16 219 OS +30 16 220 OS +30 16 221 OS +30 16 222 OS +30 16 223 OS +30 16 224 LA +30 16 225 LA +30 16 226 OS +30 16 227 PA +30 16 228 OS +30 16 229 OS +30 16 230 LA +30 16 231 LU +30 16 232 LA +30 16 233 OS +30 16 234 OS +30 16 235 OS +30 16 236 LA +30 16 237 LA +30 16 238 OS +30 16 239 LU +30 16 240 LU +30 16 241 FI +30 16 242 LA +30 16 243 LU +30 16 244 OS +30 16 245 LU +30 16 246 OS +30 16 247 OP +30 16 248 OS +30 16 249 OS +30 16 250 OP +30 16 251 OS +30 16 252 LA +30 16 253 OS +30 16 254 OS +30 16 255 OP +30 16 256 LU +30 16 257 OS +30 16 258 LA +30 16 259 LU +30 16 260 LA +30 16 261 LU +30 16 262 FI +30 16 263 OP +30 16 264 OS +30 16 265 OS +30 16 266 LU +30 16 267 LU +30 16 268 OS +30 16 269 LU +30 16 270 LA +30 16 271 OS +30 16 272 FI +30 16 273 LU +30 16 274 FI +30 16 275 LA +30 16 276 LU +30 16 277 OS +30 16 278 LU +30 16 279 OS +30 16 280 OS +30 16 281 OS +30 16 282 OS +30 16 283 LU +30 16 284 OS +30 16 285 LU +30 16 286 FI +30 16 287 LA +30 16 288 LU +30 16 289 OS +30 16 290 LA +30 16 291 OS +30 16 292 LU +30 16 293 OS +30 16 294 OS +30 16 295 OP +30 16 296 LU +30 16 297 LA +30 16 298 LU +30 16 299 OS +30 16 300 OP +30 16 301 OS +30 16 302 LA +30 16 303 OS +30 16 304 LA +30 16 305 LU +30 16 306 OS +30 16 307 OS +30 16 308 OP +30 16 309 OP +30 16 310 OS +30 16 311 OS +30 16 312 OP +30 16 313 OS +30 16 314 LA +30 16 315 OS +30 16 316 OS +30 16 317 LU +30 16 318 LU +30 16 319 LA +30 16 320 LA +30 16 321 LU +30 16 322 OS +30 16 323 OS +30 16 324 LA +30 16 325 LU +30 16 326 LA +30 16 327 OS +30 16 328 OS +30 16 329 LU +30 16 330 OS +30 17 1 OS +30 17 2 OS +30 17 3 LU +30 17 4 LU +30 17 5 OS +30 17 6 LA +30 17 7 OS +30 17 8 LU +30 17 9 LA +30 17 10 PA +30 17 11 OS +30 17 12 LA +30 17 13 OS +30 17 14 PA +30 17 15 FI +30 17 16 FI +30 17 17 LU +30 17 18 FI +30 17 19 OS +30 17 20 OS +30 17 21 LU +30 17 22 LA +30 17 23 OS +30 17 24 FI +30 17 25 OS +30 17 26 OS +30 17 27 FI +30 17 28 LU +30 17 29 OS +30 17 30 LA +30 17 31 FI +30 17 32 LU +30 17 33 OS +30 17 34 OS +30 17 35 LA +30 17 36 OS +30 17 37 FI +30 17 38 LU +30 17 39 OS +30 17 40 FI +30 17 41 LU +30 17 42 LA +30 17 43 PA +30 17 44 FI +30 17 45 OS +30 17 46 FI +30 17 47 PA +30 17 48 LA +30 17 49 OS +30 17 50 PA +30 17 51 LA +30 17 52 FI +30 17 53 LU +30 17 54 OS +30 17 55 OS +30 17 56 FI +30 17 57 OS +30 17 58 LA +30 17 59 FI +30 17 60 PA +30 17 61 LU +30 17 62 FI +30 17 63 LA +30 17 64 OS +30 17 65 LU +30 17 66 FI +30 17 67 OS +30 17 68 LU +30 17 69 PA +30 17 70 FI +30 17 71 LU +30 17 72 OS +30 17 73 OS +30 17 74 FI +30 17 75 PA +30 17 76 LA +30 17 77 OS +30 17 78 FI +30 17 79 PA +30 17 80 OS +30 17 81 OS +30 17 82 OS +30 17 83 FI +30 17 84 FI +30 17 85 OS +30 17 86 LA +30 17 87 PA +30 17 88 LU +30 17 89 PA +30 17 90 OS +30 17 91 LA +30 17 92 FI +30 17 93 OS +30 17 94 FI +30 17 95 FI +30 17 96 LA +30 17 97 OS +30 17 98 LU +30 17 99 FI +30 17 100 OS +30 17 101 LU +30 17 102 FI +30 17 103 LA +30 17 104 OS +30 17 105 LU +30 17 106 LA +30 17 107 FI +30 17 108 FI +30 17 109 OS +30 17 110 LA +30 17 111 OS +30 17 112 LU +30 17 113 PA +30 17 114 OS +30 17 115 LU +30 17 116 FI +30 17 117 FI +30 17 118 LU +30 17 119 OS +30 17 120 FI +30 17 121 LA +30 17 122 OS +30 17 123 OS +30 17 124 LA +30 17 125 LU +30 17 126 LA +30 17 127 OS +30 17 128 LA +30 17 129 FI +30 17 130 PA +30 17 131 OS +30 17 132 LU +30 17 133 OS +30 17 134 PA +30 17 135 LU +30 17 136 OS +30 17 137 OS +30 17 138 OS +30 17 139 FI +30 17 140 OS +30 17 141 FI +30 17 142 FI +30 17 143 LA +30 17 144 OS +30 17 145 OS +30 17 146 LA +30 17 147 OS +30 17 148 LU +30 17 149 OS +30 17 150 OS +30 17 151 LA +30 17 152 FI +30 17 153 OS +30 17 154 PA +30 17 155 PA +30 17 156 OS +30 17 157 PA +30 17 158 FI +30 17 159 LA +30 17 160 FI +30 17 161 OS +30 17 162 LU +30 17 163 OS +30 17 164 OS +30 17 165 PA +30 17 166 PA +30 17 167 FI +30 17 168 OS +30 17 169 OS +30 17 170 PA +30 17 171 OS +30 17 172 FI +30 17 173 LU +30 17 174 LA +30 17 175 FI +30 17 176 LU +30 17 177 LA +30 17 178 OS +30 17 179 LU +30 17 180 OS +30 17 181 LA +30 17 182 PA +30 17 183 FI +30 17 184 OS +30 17 185 LA +30 17 186 OS +30 17 187 LA +30 17 188 OS +30 17 189 FI +30 17 190 FI +30 17 191 OS +30 17 192 FI +30 17 193 LA +30 17 194 PA +30 17 195 OS +30 17 196 FI +30 17 197 FI +30 17 198 PA +30 17 199 FI +30 17 200 OS +30 17 201 LA +30 17 202 OS +30 17 203 LU +30 17 204 PA +30 17 205 OS +30 17 206 FI +30 17 207 LU +30 17 208 LA +30 17 209 OS +30 17 210 PA +30 17 211 OS +30 17 212 LA +30 17 213 FI +30 17 214 LA +30 17 215 FI +30 17 216 PA +30 17 217 FI +30 17 218 LA +30 17 219 FI +30 17 220 OS +30 17 221 FI +30 17 222 OS +30 17 223 OS +30 17 224 FI +30 17 225 LA +30 17 226 PA +30 17 227 PA +30 17 228 OS +30 17 229 OS +30 17 230 FI +30 17 231 FI +30 17 232 LA +30 17 233 FI +30 17 234 OS +30 17 235 OS +30 17 236 LA +30 17 237 FI +30 17 238 OS +30 17 239 FI +30 17 240 PA +30 17 241 FI +30 17 242 LA +30 17 243 LU +30 17 244 FI +30 17 245 LU +30 17 246 OS +30 17 247 OS +30 17 248 PA +30 17 249 OS +30 17 250 OS +30 17 251 OS +30 17 252 FI +30 17 253 OS +30 17 254 FI +30 17 255 PA +30 17 256 LU +30 17 257 OS +30 17 258 LA +30 17 259 LU +30 17 260 FI +30 17 261 LA +30 17 262 FI +30 17 263 FI +30 17 264 FI +30 17 265 OS +30 17 266 LA +30 17 267 PA +30 17 268 OS +30 17 269 FI +30 17 270 LA +30 17 271 PA +30 17 272 FI +30 17 273 FI +30 17 274 FI +30 17 275 LA +30 17 276 LU +30 17 277 OS +30 17 278 LA +30 17 279 OS +30 17 280 OS +30 17 281 OS +30 17 282 OS +30 17 283 PA +30 17 284 FI +30 17 285 FI +30 17 286 FI +30 17 287 LA +30 17 288 LU +30 17 289 OS +30 17 290 FI +30 17 291 OS +30 17 292 FI +30 17 293 FI +30 17 294 FI +30 17 295 PA +30 17 296 OS +30 17 297 LA +30 17 298 LU +30 17 299 OS +30 17 300 FI +30 17 301 OS +30 17 302 FI +30 17 303 FI +30 17 304 PA +30 17 305 PA +30 17 306 OS +30 17 307 OS +30 17 308 FI +30 17 309 PA +30 17 310 OS +30 17 311 OS +30 17 312 PA +30 17 313 OS +30 17 314 FI +30 17 315 OS +30 17 316 OS +30 17 317 LU +30 17 318 LA +30 17 319 FI +30 17 320 LA +30 17 321 LU +30 17 322 FI +30 17 323 OS +30 17 324 FI +30 17 325 OS +30 17 326 LA +30 17 327 FI +30 17 328 OS +30 17 329 LA +30 17 330 FI +30 18 1 OS +30 18 2 OP +30 18 3 LU +30 18 4 PA +30 18 5 OS +30 18 6 LA +30 18 7 OS +30 18 8 LU +30 18 9 LA +30 18 10 PA +30 18 11 OS +30 18 12 LA +30 18 13 OS +30 18 14 PA +30 18 15 FI +30 18 16 FI +30 18 17 LU +30 18 18 PA +30 18 19 OS +30 18 20 OS +30 18 21 LU +30 18 22 LA +30 18 23 PA +30 18 24 PA +30 18 25 OS +30 18 26 PA +30 18 27 FI +30 18 28 LU +30 18 29 OS +30 18 30 LU +30 18 31 OP +30 18 32 FI +30 18 33 OS +30 18 34 OS +30 18 35 LU +30 18 36 PA +30 18 37 OS +30 18 38 LU +30 18 39 OS +30 18 40 OS +30 18 41 LU +30 18 42 LA +30 18 43 PA +30 18 44 FI +30 18 45 OS +30 18 46 FI +30 18 47 PA +30 18 48 LA +30 18 49 FI +30 18 50 PA +30 18 51 LA +30 18 52 OS +30 18 53 LU +30 18 54 OS +30 18 55 OS +30 18 56 FI +30 18 57 OS +30 18 58 LA +30 18 59 FI +30 18 60 PA +30 18 61 LU +30 18 62 OP +30 18 63 LA +30 18 64 PA +30 18 65 LU +30 18 66 FI +30 18 67 OS +30 18 68 LU +30 18 69 LA +30 18 70 FI +30 18 71 LU +30 18 72 OS +30 18 73 LU +30 18 74 FI +30 18 75 PA +30 18 76 LU +30 18 77 OS +30 18 78 FI +30 18 79 PA +30 18 80 OS +30 18 81 LA +30 18 82 OP +30 18 83 FI +30 18 84 LA +30 18 85 PA +30 18 86 LA +30 18 87 PA +30 18 88 LU +30 18 89 PA +30 18 90 PA +30 18 91 LA +30 18 92 FI +30 18 93 PA +30 18 94 PA +30 18 95 FI +30 18 96 LA +30 18 97 PA +30 18 98 LU +30 18 99 FI +30 18 100 FI +30 18 101 LU +30 18 102 FI +30 18 103 LA +30 18 104 OS +30 18 105 LU +30 18 106 LA +30 18 107 FI +30 18 108 FI +30 18 109 PA +30 18 110 LA +30 18 111 PA +30 18 112 LU +30 18 113 PA +30 18 114 PA +30 18 115 LU +30 18 116 FI +30 18 117 PA +30 18 118 LU +30 18 119 OS +30 18 120 FI +30 18 121 LU +30 18 122 OS +30 18 123 PA +30 18 124 LA +30 18 125 LU +30 18 126 LU +30 18 127 PA +30 18 128 LA +30 18 129 FI +30 18 130 PA +30 18 131 PA +30 18 132 LU +30 18 133 PA +30 18 134 PA +30 18 135 LU +30 18 136 OS +30 18 137 PA +30 18 138 OP +30 18 139 FI +30 18 140 PA +30 18 141 FI +30 18 142 FI +30 18 143 LA +30 18 144 PA +30 18 145 OS +30 18 146 LA +30 18 147 OS +30 18 148 LU +30 18 149 OS +30 18 150 PA +30 18 151 LU +30 18 152 LU +30 18 153 PA +30 18 154 PA +30 18 155 PA +30 18 156 OS +30 18 157 PA +30 18 158 FI +30 18 159 LA +30 18 160 FI +30 18 161 PA +30 18 162 LU +30 18 163 PA +30 18 164 PA +30 18 165 LA +30 18 166 PA +30 18 167 FI +30 18 168 PA +30 18 169 PA +30 18 170 PA +30 18 171 LA +30 18 172 FI +30 18 173 LU +30 18 174 LA +30 18 175 FI +30 18 176 LU +30 18 177 LA +30 18 178 PA +30 18 179 LU +30 18 180 OS +30 18 181 LA +30 18 182 LU +30 18 183 LA +30 18 184 PA +30 18 185 LA +30 18 186 OP +30 18 187 LA +30 18 188 PA +30 18 189 FI +30 18 190 FI +30 18 191 PA +30 18 192 PA +30 18 193 LA +30 18 194 LU +30 18 195 OS +30 18 196 OP +30 18 197 PA +30 18 198 PA +30 18 199 FI +30 18 200 OS +30 18 201 FI +30 18 202 OS +30 18 203 LU +30 18 204 PA +30 18 205 PA +30 18 206 FI +30 18 207 LU +30 18 208 LA +30 18 209 OS +30 18 210 PA +30 18 211 OP +30 18 212 LA +30 18 213 FI +30 18 214 LA +30 18 215 FI +30 18 216 PA +30 18 217 FI +30 18 218 LA +30 18 219 FI +30 18 220 PA +30 18 221 FI +30 18 222 PA +30 18 223 OS +30 18 224 FI +30 18 225 LA +30 18 226 PA +30 18 227 PA +30 18 228 PA +30 18 229 OP +30 18 230 FI +30 18 231 PA +30 18 232 LA +30 18 233 FI +30 18 234 OS +30 18 235 PA +30 18 236 LA +30 18 237 FI +30 18 238 OS +30 18 239 FI +30 18 240 PA +30 18 241 FI +30 18 242 LA +30 18 243 LU +30 18 244 FI +30 18 245 LU +30 18 246 OS +30 18 247 PA +30 18 248 PA +30 18 249 OS +30 18 250 PA +30 18 251 OS +30 18 252 FI +30 18 253 OS +30 18 254 OP +30 18 255 PA +30 18 256 LU +30 18 257 PA +30 18 258 LA +30 18 259 LU +30 18 260 FI +30 18 261 LU +30 18 262 FI +30 18 263 PA +30 18 264 OP +30 18 265 OS +30 18 266 LU +30 18 267 PA +30 18 268 OS +30 18 269 LU +30 18 270 LA +30 18 271 PA +30 18 272 FI +30 18 273 PA +30 18 274 FI +30 18 275 LA +30 18 276 LU +30 18 277 PA +30 18 278 LU +30 18 279 PA +30 18 280 OS +30 18 281 OS +30 18 282 OS +30 18 283 PA +30 18 284 FI +30 18 285 FI +30 18 286 FI +30 18 287 LA +30 18 288 LU +30 18 289 OP +30 18 290 FI +30 18 291 PA +30 18 292 FI +30 18 293 FI +30 18 294 FI +30 18 295 LA +30 18 296 PA +30 18 297 LA +30 18 298 LU +30 18 299 OS +30 18 300 FI +30 18 301 OS +30 18 302 FI +30 18 303 FI +30 18 304 LA +30 18 305 PA +30 18 306 OP +30 18 307 PA +30 18 308 FI +30 18 309 PA +30 18 310 OS +30 18 311 PA +30 18 312 PA +30 18 313 PA +30 18 314 FI +30 18 315 OS +30 18 316 OS +30 18 317 LU +30 18 318 LA +30 18 319 FI +30 18 320 LA +30 18 321 LU +30 18 322 OP +30 18 323 OS +30 18 324 FI +30 18 325 PA +30 18 326 LA +30 18 327 FI +30 18 328 OS +30 18 329 LA +30 18 330 FI +30 19 1 OS +30 19 2 OS +30 19 3 LU +30 19 4 LU +30 19 5 OS +30 19 6 LA +30 19 7 OS +30 19 8 LU +30 19 9 LA +30 19 10 OS +30 19 11 OS +30 19 12 LA +30 19 13 OS +30 19 14 OS +30 19 15 FI +30 19 16 FI +30 19 17 LU +30 19 18 PA +30 19 19 OS +30 19 20 OS +30 19 21 LU +30 19 22 LA +30 19 23 FI +30 19 24 PA +30 19 25 OS +30 19 26 OS +30 19 27 FI +30 19 28 LU +30 19 29 OS +30 19 30 LU +30 19 31 OS +30 19 32 FI +30 19 33 OS +30 19 34 OS +30 19 35 LU +30 19 36 OS +30 19 37 OS +30 19 38 LU +30 19 39 OS +30 19 40 OS +30 19 41 LU +30 19 42 LA +30 19 43 OS +30 19 44 FI +30 19 45 OS +30 19 46 FI +30 19 47 OS +30 19 48 LA +30 19 49 OS +30 19 50 PA +30 19 51 PA +30 19 52 FI +30 19 53 LU +30 19 54 OS +30 19 55 OS +30 19 56 FI +30 19 57 OS +30 19 58 LA +30 19 59 FI +30 19 60 OS +30 19 61 LU +30 19 62 FI +30 19 63 FI +30 19 64 OS +30 19 65 LU +30 19 66 FI +30 19 67 OS +30 19 68 LU +30 19 69 OS +30 19 70 FI +30 19 71 LU +30 19 72 OS +30 19 73 PA +30 19 74 OS +30 19 75 OS +30 19 76 LU +30 19 77 OS +30 19 78 FI +30 19 79 PA +30 19 80 OS +30 19 81 OS +30 19 82 OS +30 19 83 FI +30 19 84 FI +30 19 85 OS +30 19 86 LU +30 19 87 PA +30 19 88 LU +30 19 89 PA +30 19 90 OS +30 19 91 LA +30 19 92 FI +30 19 93 OS +30 19 94 PA +30 19 95 FI +30 19 96 LA +30 19 97 PA +30 19 98 LU +30 19 99 FI +30 19 100 FI +30 19 101 LU +30 19 102 FI +30 19 103 LA +30 19 104 OS +30 19 105 LU +30 19 106 LA +30 19 107 FI +30 19 108 FI +30 19 109 PA +30 19 110 LA +30 19 111 PA +30 19 112 LU +30 19 113 PA +30 19 114 OS +30 19 115 LU +30 19 116 FI +30 19 117 PA +30 19 118 LU +30 19 119 OS +30 19 120 FI +30 19 121 LU +30 19 122 OS +30 19 123 OS +30 19 124 LA +30 19 125 LU +30 19 126 FI +30 19 127 PA +30 19 128 LA +30 19 129 FI +30 19 130 PA +30 19 131 PA +30 19 132 LU +30 19 133 OS +30 19 134 PA +30 19 135 LU +30 19 136 OS +30 19 137 OS +30 19 138 OS +30 19 139 FI +30 19 140 PA +30 19 141 FI +30 19 142 FI +30 19 143 LA +30 19 144 PA +30 19 145 OS +30 19 146 LA +30 19 147 OS +30 19 148 LU +30 19 149 OS +30 19 150 PA +30 19 151 FI +30 19 152 FI +30 19 153 OS +30 19 154 PA +30 19 155 PA +30 19 156 OS +30 19 157 PA +30 19 158 FI +30 19 159 LA +30 19 160 FI +30 19 161 OS +30 19 162 LU +30 19 163 OS +30 19 164 OS +30 19 165 OS +30 19 166 PA +30 19 167 FI +30 19 168 OS +30 19 169 OS +30 19 170 PA +30 19 171 OS +30 19 172 FI +30 19 173 LU +30 19 174 LA +30 19 175 FI +30 19 176 LU +30 19 177 LA +30 19 178 PA +30 19 179 PA +30 19 180 OS +30 19 181 LA +30 19 182 PA +30 19 183 PA +30 19 184 PA +30 19 185 LA +30 19 186 OS +30 19 187 LA +30 19 188 OS +30 19 189 FI +30 19 190 FI +30 19 191 OS +30 19 192 PA +30 19 193 LA +30 19 194 PA +30 19 195 OS +30 19 196 OS +30 19 197 FI +30 19 198 PA +30 19 199 FI +30 19 200 OS +30 19 201 FI +30 19 202 OS +30 19 203 LU +30 19 204 PA +30 19 205 PA +30 19 206 FI +30 19 207 LU +30 19 208 LA +30 19 209 OS +30 19 210 PA +30 19 211 OS +30 19 212 LA +30 19 213 FI +30 19 214 LA +30 19 215 FI +30 19 216 PA +30 19 217 FI +30 19 218 LA +30 19 219 FI +30 19 220 PA +30 19 221 FI +30 19 222 PA +30 19 223 OS +30 19 224 FI +30 19 225 LA +30 19 226 PA +30 19 227 PA +30 19 228 PA +30 19 229 OS +30 19 230 FI +30 19 231 LU +30 19 232 PA +30 19 233 FI +30 19 234 OS +30 19 235 PA +30 19 236 LA +30 19 237 LA +30 19 238 OS +30 19 239 LA +30 19 240 PA +30 19 241 FI +30 19 242 LA +30 19 243 PA +30 19 244 FI +30 19 245 LU +30 19 246 OS +30 19 247 FI +30 19 248 PA +30 19 249 OS +30 19 250 PA +30 19 251 OS +30 19 252 FI +30 19 253 OS +30 19 254 FI +30 19 255 PA +30 19 256 LU +30 19 257 PA +30 19 258 LA +30 19 259 LU +30 19 260 LA +30 19 261 LA +30 19 262 FI +30 19 263 FI +30 19 264 FI +30 19 265 OS +30 19 266 LU +30 19 267 PA +30 19 268 OS +30 19 269 LU +30 19 270 LA +30 19 271 OS +30 19 272 FI +30 19 273 FI +30 19 274 FI +30 19 275 LA +30 19 276 LU +30 19 277 OS +30 19 278 LA +30 19 279 PA +30 19 280 OS +30 19 281 OS +30 19 282 OS +30 19 283 PA +30 19 284 FI +30 19 285 FI +30 19 286 FI +30 19 287 LA +30 19 288 LU +30 19 289 OS +30 19 290 FI +30 19 291 PA +30 19 292 FI +30 19 293 FI +30 19 294 FI +30 19 295 PA +30 19 296 PA +30 19 297 LA +30 19 298 LU +30 19 299 OS +30 19 300 FI +30 19 301 OS +30 19 302 FI +30 19 303 FI +30 19 304 PA +30 19 305 PA +30 19 306 OS +30 19 307 OS +30 19 308 FI +30 19 309 PA +30 19 310 OS +30 19 311 OS +30 19 312 PA +30 19 313 PA +30 19 314 FI +30 19 315 OS +30 19 316 OS +30 19 317 LU +30 19 318 LA +30 19 319 FI +30 19 320 OS +30 19 321 LU +30 19 322 OS +30 19 323 OS +30 19 324 FI +30 19 325 PA +30 19 326 LA +30 19 327 FI +30 19 328 PA +30 19 329 PA +30 19 330 FI +30 20 1 OP +30 20 2 OP +30 20 3 LU +30 20 4 PA +30 20 5 OS +30 20 6 LA +30 20 7 LA +30 20 8 LU +30 20 9 LU +30 20 10 PA +30 20 11 PA +30 20 12 LA +30 20 13 PA +30 20 14 PA +30 20 15 FI +30 20 16 FI +30 20 17 LU +30 20 18 PA +30 20 19 OS +30 20 20 LA +30 20 21 LU +30 20 22 LA +30 20 23 LU +30 20 24 PA +30 20 25 PA +30 20 26 PA +30 20 27 FI +30 20 28 LU +30 20 29 OS +30 20 30 LU +30 20 31 OP +30 20 32 LU +30 20 33 LA +30 20 34 OS +30 20 35 LU +30 20 36 PA +30 20 37 OS +30 20 38 LU +30 20 39 PA +30 20 40 OS +30 20 41 PA +30 20 42 PA +30 20 43 LA +30 20 44 OP +30 20 45 PA +30 20 46 PA +30 20 47 FI +30 20 48 LU +30 20 49 LA +30 20 50 OP +30 20 51 LU +30 20 52 PA +30 20 53 LA +30 20 54 FI +30 20 55 PA +30 20 56 LU +30 20 57 PA +30 20 58 LA +30 20 59 FI +30 20 60 PA +30 20 61 LU +30 20 62 FI +30 20 63 LU +30 20 64 OS +30 20 65 LU +30 20 66 LA +30 20 67 OP +30 20 68 LU +30 20 69 PA +30 20 70 FI +30 20 71 LU +30 20 72 OS +30 20 73 LU +30 20 74 FI +30 20 75 PA +30 20 76 LU +30 20 77 OS +30 20 78 LU +30 20 79 PA +30 20 80 OS +30 20 81 LA +30 20 82 OS +30 20 83 LA +30 20 84 LU +30 20 85 OS +30 20 86 LU +30 20 87 PA +30 20 88 LU +30 20 89 PA +30 20 90 PA +30 20 91 LA +30 20 92 FI +30 20 93 OS +30 20 94 PA +30 20 95 FI +30 20 96 LA +30 20 97 PA +30 20 98 LU +30 20 99 FI +30 20 100 OP +30 20 101 LU +30 20 102 FI +30 20 103 PA +30 20 104 OS +30 20 105 LU +30 20 106 LA +30 20 107 FI +30 20 108 OP +30 20 109 OS +30 20 110 LA +30 20 111 PA +30 20 112 LU +30 20 113 PA +30 20 114 PA +30 20 115 LU +30 20 116 FI +30 20 117 PA +30 20 118 LU +30 20 119 OS +30 20 120 FI +30 20 121 LU +30 20 122 OS +30 20 123 OS +30 20 124 LA +30 20 125 LU +30 20 126 LU +30 20 127 PA +30 20 128 LA +30 20 129 FI +30 20 130 PA +30 20 131 LU +30 20 132 LU +30 20 133 OS +30 20 134 PA +30 20 135 LU +30 20 136 OS +30 20 137 PA +30 20 138 OS +30 20 139 FI +30 20 140 OS +30 20 141 FI +30 20 142 FI +30 20 143 LA +30 20 144 PA +30 20 145 OP +30 20 146 LA +30 20 147 OP +30 20 148 LU +30 20 149 LA +30 20 150 PA +30 20 151 LU +30 20 152 FI +30 20 153 OS +30 20 154 PA +30 20 155 PA +30 20 156 OP +30 20 157 PA +30 20 158 FI +30 20 159 LA +30 20 160 LU +30 20 161 OP +30 20 162 LU +30 20 163 OP +30 20 164 OS +30 20 165 LA +30 20 166 PA +30 20 167 FI +30 20 168 PA +30 20 169 OP +30 20 170 PA +30 20 171 LA +30 20 172 FI +30 20 173 LU +30 20 174 LA +30 20 175 FI +30 20 176 LU +30 20 177 LA +30 20 178 OS +30 20 179 LU +30 20 180 OP +30 20 181 LA +30 20 182 LU +30 20 183 PA +30 20 184 LU +30 20 185 LA +30 20 186 OP +30 20 187 LA +30 20 188 OS +30 20 189 FI +30 20 190 LA +30 20 191 OP +30 20 192 LU +30 20 193 LA +30 20 194 PA +30 20 195 LA +30 20 196 FI +30 20 197 LU +30 20 198 PA +30 20 199 LA +30 20 200 OP +30 20 201 LU +30 20 202 LA +30 20 203 LU +30 20 204 PA +30 20 205 PA +30 20 206 LA +30 20 207 LU +30 20 208 LA +30 20 209 PA +30 20 210 LU +30 20 211 OS +30 20 212 LA +30 20 213 FI +30 20 214 LA +30 20 215 LU +30 20 216 PA +30 20 217 LU +30 20 218 LA +30 20 219 FI +30 20 220 OS +30 20 221 FI +30 20 222 LU +30 20 223 OP +30 20 224 FI +30 20 225 LA +30 20 226 OS +30 20 227 PA +30 20 228 OS +30 20 229 OP +30 20 230 LA +30 20 231 LU +30 20 232 PA +30 20 233 OP +30 20 234 OS +30 20 235 OS +30 20 236 LA +30 20 237 LA +30 20 238 OS +30 20 239 LU +30 20 240 LU +30 20 241 FI +30 20 242 LA +30 20 243 LU +30 20 244 FI +30 20 245 LU +30 20 246 OP +30 20 247 LU +30 20 248 PA +30 20 249 OS +30 20 250 PA +30 20 251 LA +30 20 252 LA +30 20 253 OP +30 20 254 OS +30 20 255 PA +30 20 256 LU +30 20 257 OS +30 20 258 LA +30 20 259 LU +30 20 260 LA +30 20 261 LA +30 20 262 FI +30 20 263 PA +30 20 264 OS +30 20 265 OP +30 20 266 LU +30 20 267 LU +30 20 268 LA +30 20 269 LU +30 20 270 LU +30 20 271 PA +30 20 272 FI +30 20 273 LU +30 20 274 LA +30 20 275 LA +30 20 276 LU +30 20 277 PA +30 20 278 LU +30 20 279 OS +30 20 280 LA +30 20 281 OS +30 20 282 LA +30 20 283 LU +30 20 284 FI +30 20 285 LU +30 20 286 FI +30 20 287 LA +30 20 288 LU +30 20 289 OS +30 20 290 LA +30 20 291 OS +30 20 292 LU +30 20 293 FI +30 20 294 FI +30 20 295 PA +30 20 296 LU +30 20 297 LA +30 20 298 LU +30 20 299 OP +30 20 300 PA +30 20 301 OP +30 20 302 LA +30 20 303 FI +30 20 304 LA +30 20 305 LU +30 20 306 LA +30 20 307 OS +30 20 308 LU +30 20 309 PA +30 20 310 OP +30 20 311 OS +30 20 312 PA +30 20 313 OP +30 20 314 LA +30 20 315 LA +30 20 316 OP +30 20 317 LU +30 20 318 LU +30 20 319 FI +30 20 320 LA +30 20 321 LU +30 20 322 OS +30 20 323 PA +30 20 324 FI +30 20 325 LU +30 20 326 LA +30 20 327 FI +30 20 328 PA +30 20 329 LU +30 20 330 LA +30 21 1 OP +30 21 2 OP +30 21 3 LU +30 21 4 PA +30 21 5 OP +30 21 6 LA +30 21 7 OS +30 21 8 LU +30 21 9 LA +30 21 10 PA +30 21 11 PA +30 21 12 LA +30 21 13 OS +30 21 14 PA +30 21 15 FI +30 21 16 FI +30 21 17 LU +30 21 18 PA +30 21 19 OP +30 21 20 OS +30 21 21 LU +30 21 22 LA +30 21 23 OP +30 21 24 PA +30 21 25 OS +30 21 26 PA +30 21 27 FI +30 21 28 LU +30 21 29 OP +30 21 30 LU +30 21 31 OP +30 21 32 OP +30 21 33 LA +30 21 34 OP +30 21 35 LU +30 21 36 OS +30 21 37 OP +30 21 38 LU +30 21 39 OS +30 21 40 OP +30 21 41 LU +30 21 42 LA +30 21 43 PA +30 21 44 FI +30 21 45 OS +30 21 46 FI +30 21 47 OS +30 21 48 LA +30 21 49 OP +30 21 50 PA +30 21 51 PA +30 21 52 FI +30 21 53 LU +30 21 54 OS +30 21 55 OP +30 21 56 FI +30 21 57 OS +30 21 58 LA +30 21 59 FI +30 21 60 PA +30 21 61 LU +30 21 62 FI +30 21 63 LU +30 21 64 OP +30 21 65 LU +30 21 66 FI +30 21 67 OS +30 21 68 LU +30 21 69 LA +30 21 70 FI +30 21 71 LU +30 21 72 OS +30 21 73 PA +30 21 74 FI +30 21 75 OS +30 21 76 LU +30 21 77 OP +30 21 78 FI +30 21 79 PA +30 21 80 PA +30 21 81 LA +30 21 82 OP +30 21 83 LA +30 21 84 FI +30 21 85 OS +30 21 86 FI +30 21 87 PA +30 21 88 LU +30 21 89 PA +30 21 90 OS +30 21 91 LA +30 21 92 FI +30 21 93 OP +30 21 94 PA +30 21 95 FI +30 21 96 LA +30 21 97 PA +30 21 98 LU +30 21 99 FI +30 21 100 FI +30 21 101 LU +30 21 102 FI +30 21 103 OS +30 21 104 OP +30 21 105 PA +30 21 106 LA +30 21 107 FI +30 21 108 FI +30 21 109 PA +30 21 110 LA +30 21 111 OS +30 21 112 LU +30 21 113 PA +30 21 114 OS +30 21 115 OP +30 21 116 PA +30 21 117 LU +30 21 118 LU +30 21 119 OS +30 21 120 FI +30 21 121 LU +30 21 122 OS +30 21 123 PA +30 21 124 LA +30 21 125 LU +30 21 126 FI +30 21 127 OS +30 21 128 LA +30 21 129 FI +30 21 130 OS +30 21 131 PA +30 21 132 LU +30 21 133 OS +30 21 134 PA +30 21 135 LU +30 21 136 OP +30 21 137 OS +30 21 138 OP +30 21 139 FI +30 21 140 PA +30 21 141 FI +30 21 142 FI +30 21 143 LA +30 21 144 PA +30 21 145 OP +30 21 146 LA +30 21 147 OP +30 21 148 LU +30 21 149 LA +30 21 150 PA +30 21 151 LU +30 21 152 FI +30 21 153 OP +30 21 154 PA +30 21 155 LA +30 21 156 OS +30 21 157 LA +30 21 158 FI +30 21 159 LA +30 21 160 FI +30 21 161 OS +30 21 162 LU +30 21 163 OS +30 21 164 OP +30 21 165 LA +30 21 166 PA +30 21 167 FI +30 21 168 OS +30 21 169 LU +30 21 170 OS +30 21 171 LA +30 21 172 FI +30 21 173 LU +30 21 174 LA +30 21 175 FI +30 21 176 LU +30 21 177 LA +30 21 178 PA +30 21 179 LU +30 21 180 OS +30 21 181 LA +30 21 182 LU +30 21 183 LA +30 21 184 PA +30 21 185 LA +30 21 186 OP +30 21 187 LA +30 21 188 OP +30 21 189 FI +30 21 190 FI +30 21 191 OS +30 21 192 FI +30 21 193 LA +30 21 194 LU +30 21 195 OS +30 21 196 OP +30 21 197 LU +30 21 198 OS +30 21 199 FI +30 21 200 OP +30 21 201 LU +30 21 202 OS +30 21 203 LU +30 21 204 PA +30 21 205 PA +30 21 206 FI +30 21 207 LU +30 21 208 LA +30 21 209 OS +30 21 210 LU +30 21 211 OP +30 21 212 LA +30 21 213 FI +30 21 214 LA +30 21 215 LU +30 21 216 OS +30 21 217 LU +30 21 218 LA +30 21 219 FI +30 21 220 OP +30 21 221 FI +30 21 222 PA +30 21 223 OS +30 21 224 FI +30 21 225 LA +30 21 226 PA +30 21 227 OS +30 21 228 PA +30 21 229 OP +30 21 230 FI +30 21 231 LU +30 21 232 LA +30 21 233 FI +30 21 234 OS +30 21 235 OP +30 21 236 LA +30 21 237 LU +30 21 238 OS +30 21 239 LU +30 21 240 LU +30 21 241 FI +30 21 242 LA +30 21 243 LU +30 21 244 FI +30 21 245 LU +30 21 246 OP +30 21 247 PA +30 21 248 OS +30 21 249 OS +30 21 250 PA +30 21 251 OS +30 21 252 FI +30 21 253 OS +30 21 254 OP +30 21 255 OS +30 21 256 LU +30 21 257 OS +30 21 258 LA +30 21 259 LU +30 21 260 FI +30 21 261 LU +30 21 262 FI +30 21 263 FI +30 21 264 FI +30 21 265 OS +30 21 266 LU +30 21 267 LU +30 21 268 OS +30 21 269 LU +30 21 270 LA +30 21 271 OS +30 21 272 FI +30 21 273 LU +30 21 274 FI +30 21 275 LA +30 21 276 LU +30 21 277 PA +30 21 278 LU +30 21 279 PA +30 21 280 OS +30 21 281 OS +30 21 282 OS +30 21 283 LU +30 21 284 FI +30 21 285 LU +30 21 286 FI +30 21 287 LA +30 21 288 LU +30 21 289 OP +30 21 290 FI +30 21 291 OP +30 21 292 LU +30 21 293 FI +30 21 294 FI +30 21 295 LA +30 21 296 PA +30 21 297 LA +30 21 298 LU +30 21 299 OS +30 21 300 FI +30 21 301 OS +30 21 302 FI +30 21 303 FI +30 21 304 LA +30 21 305 LU +30 21 306 LA +30 21 307 OP +30 21 308 LU +30 21 309 OS +30 21 310 OP +30 21 311 PA +30 21 312 PA +30 21 313 OP +30 21 314 FI +30 21 315 OS +30 21 316 OS +30 21 317 LU +30 21 318 LU +30 21 319 FI +30 21 320 LA +30 21 321 LU +30 21 322 OP +30 21 323 OS +30 21 324 FI +30 21 325 LU +30 21 326 LA +30 21 327 FI +30 21 328 OS +30 21 329 LU +30 21 330 FI +30 22 1 OP +30 22 2 OP +30 22 3 LU +30 22 4 LU +30 22 5 OS +30 22 6 LA +30 22 7 OS +30 22 8 LU +30 22 9 OP +30 22 10 PA +30 22 11 OP +30 22 12 LA +30 22 13 OS +30 22 14 PA +30 22 15 LA +30 22 16 FI +30 22 17 LU +30 22 18 PA +30 22 19 OP +30 22 20 OS +30 22 21 LU +30 22 22 LA +30 22 23 OP +30 22 24 PA +30 22 25 OS +30 22 26 PA +30 22 27 FI +30 22 28 LU +30 22 29 OS +30 22 30 LA +30 22 31 OP +30 22 32 LA +30 22 33 OS +30 22 34 OP +30 22 35 LA +30 22 36 OS +30 22 37 OP +30 22 38 LU +30 22 39 OS +30 22 40 OP +30 22 41 LU +30 22 42 LA +30 22 43 PA +30 22 44 FI +30 22 45 OS +30 22 46 OP +30 22 47 OS +30 22 48 LA +30 22 49 OP +30 22 50 PA +30 22 51 PA +30 22 52 FI +30 22 53 LU +30 22 54 OS +30 22 55 OP +30 22 56 FI +30 22 57 OS +30 22 58 LA +30 22 59 FI +30 22 60 OS +30 22 61 LU +30 22 62 OP +30 22 63 LU +30 22 64 OS +30 22 65 LU +30 22 66 FI +30 22 67 OS +30 22 68 LU +30 22 69 OS +30 22 70 FI +30 22 71 LU +30 22 72 OS +30 22 73 PA +30 22 74 OP +30 22 75 OS +30 22 76 LU +30 22 77 OP +30 22 78 FI +30 22 79 PA +30 22 80 OP +30 22 81 OS +30 22 82 OP +30 22 83 FI +30 22 84 OS +30 22 85 OP +30 22 86 LU +30 22 87 PA +30 22 88 LU +30 22 89 PA +30 22 90 OS +30 22 91 LA +30 22 92 FI +30 22 93 OP +30 22 94 PA +30 22 95 FI +30 22 96 LA +30 22 97 LU +30 22 98 LU +30 22 99 FI +30 22 100 OP +30 22 101 LU +30 22 102 FI +30 22 103 OS +30 22 104 OP +30 22 105 LU +30 22 106 LA +30 22 107 FI +30 22 108 OS +30 22 109 PA +30 22 110 LA +30 22 111 OS +30 22 112 LU +30 22 113 PA +30 22 114 OS +30 22 115 LU +30 22 116 FI +30 22 117 PA +30 22 118 LU +30 22 119 OS +30 22 120 FI +30 22 121 LU +30 22 122 OS +30 22 123 OP +30 22 124 LA +30 22 125 LU +30 22 126 OP +30 22 127 OS +30 22 128 LA +30 22 129 FI +30 22 130 PA +30 22 131 OS +30 22 132 LU +30 22 133 OS +30 22 134 PA +30 22 135 LU +30 22 136 OS +30 22 137 OS +30 22 138 OP +30 22 139 FI +30 22 140 OS +30 22 141 FI +30 22 142 OP +30 22 143 OS +30 22 144 PA +30 22 145 OS +30 22 146 LA +30 22 147 OS +30 22 148 LU +30 22 149 OS +30 22 150 PA +30 22 151 LU +30 22 152 OP +30 22 153 OS +30 22 154 PA +30 22 155 PA +30 22 156 OS +30 22 157 PA +30 22 158 FI +30 22 159 LA +30 22 160 FI +30 22 161 OS +30 22 162 LU +30 22 163 OS +30 22 164 OP +30 22 165 LA +30 22 166 PA +30 22 167 FI +30 22 168 OS +30 22 169 LU +30 22 170 OS +30 22 171 LA +30 22 172 FI +30 22 173 LU +30 22 174 LA +30 22 175 OP +30 22 176 LU +30 22 177 FI +30 22 178 PA +30 22 179 OP +30 22 180 OS +30 22 181 LA +30 22 182 LU +30 22 183 LA +30 22 184 LU +30 22 185 LA +30 22 186 OS +30 22 187 LU +30 22 188 OP +30 22 189 FI +30 22 190 LA +30 22 191 OS +30 22 192 OP +30 22 193 LA +30 22 194 LU +30 22 195 OS +30 22 196 OP +30 22 197 FI +30 22 198 PA +30 22 199 FI +30 22 200 OP +30 22 201 LU +30 22 202 OS +30 22 203 LU +30 22 204 PA +30 22 205 OS +30 22 206 FI +30 22 207 LU +30 22 208 LA +30 22 209 OP +30 22 210 LU +30 22 211 OS +30 22 212 LA +30 22 213 FI +30 22 214 LA +30 22 215 FI +30 22 216 OS +30 22 217 FI +30 22 218 LA +30 22 219 FI +30 22 220 OP +30 22 221 FI +30 22 222 OS +30 22 223 OS +30 22 224 FI +30 22 225 LA +30 22 226 OS +30 22 227 PA +30 22 228 OP +30 22 229 OS +30 22 230 FI +30 22 231 LU +30 22 232 LA +30 22 233 OP +30 22 234 OS +30 22 235 OP +30 22 236 LA +30 22 237 LA +30 22 238 OS +30 22 239 LU +30 22 240 LA +30 22 241 FI +30 22 242 LA +30 22 243 LU +30 22 244 FI +30 22 245 LU +30 22 246 OS +30 22 247 OP +30 22 248 OS +30 22 249 OS +30 22 250 LA +30 22 251 OS +30 22 252 FI +30 22 253 OP +30 22 254 OP +30 22 255 PA +30 22 256 LU +30 22 257 OP +30 22 258 LA +30 22 259 LU +30 22 260 FI +30 22 261 LA +30 22 262 FI +30 22 263 PA +30 22 264 OP +30 22 265 OS +30 22 266 LA +30 22 267 LU +30 22 268 OS +30 22 269 LU +30 22 270 LA +30 22 271 OS +30 22 272 FI +30 22 273 FI +30 22 274 FI +30 22 275 LA +30 22 276 LU +30 22 277 OS +30 22 278 LU +30 22 279 PA +30 22 280 OS +30 22 281 OS +30 22 282 OS +30 22 283 LA +30 22 284 FI +30 22 285 LA +30 22 286 FI +30 22 287 LA +30 22 288 LU +30 22 289 OP +30 22 290 FI +30 22 291 OP +30 22 292 LA +30 22 293 FI +30 22 294 LA +30 22 295 FI +30 22 296 PA +30 22 297 LA +30 22 298 LU +30 22 299 OS +30 22 300 FI +30 22 301 OS +30 22 302 FI +30 22 303 OP +30 22 304 LA +30 22 305 LA +30 22 306 OS +30 22 307 OP +30 22 308 FI +30 22 309 OS +30 22 310 OS +30 22 311 OP +30 22 312 PA +30 22 313 PA +30 22 314 FI +30 22 315 OS +30 22 316 OS +30 22 317 LU +30 22 318 LA +30 22 319 FI +30 22 320 LA +30 22 321 LU +30 22 322 OP +30 22 323 OS +30 22 324 FI +30 22 325 LU +30 22 326 LA +30 22 327 FI +30 22 328 OS +30 22 329 LA +30 22 330 FI +30 23 1 OP +30 23 2 OS +30 23 3 LU +30 23 4 LU +30 23 5 OS +30 23 6 FI +30 23 7 OS +30 23 8 LU +30 23 9 LU +30 23 10 OS +30 23 11 OP +30 23 12 LA +30 23 13 OS +30 23 14 PA +30 23 15 PA +30 23 16 FI +30 23 17 LU +30 23 18 PA +30 23 19 OP +30 23 20 OS +30 23 21 LU +30 23 22 LA +30 23 23 LU +30 23 24 PA +30 23 25 OP +30 23 26 PA +30 23 27 FI +30 23 28 LU +30 23 29 OS +30 23 30 LA +30 23 31 OP +30 23 32 LU +30 23 33 OS +30 23 34 OP +30 23 35 LU +30 23 36 OP +30 23 37 OP +30 23 38 LU +30 23 39 OS +30 23 40 OP +30 23 41 LU +30 23 42 LA +30 23 43 PA +30 23 44 FI +30 23 45 OS +30 23 46 OP +30 23 47 PA +30 23 48 LA +30 23 49 OP +30 23 50 PA +30 23 51 OP +30 23 52 FI +30 23 53 LU +30 23 54 OS +30 23 55 LA +30 23 56 LU +30 23 57 OP +30 23 58 LA +30 23 59 FI +30 23 60 PA +30 23 61 LU +30 23 62 OP +30 23 63 LU +30 23 64 OP +30 23 65 LU +30 23 66 FI +30 23 67 OS +30 23 68 LU +30 23 69 OP +30 23 70 FI +30 23 71 LU +30 23 72 OS +30 23 73 LU +30 23 74 FI +30 23 75 PA +30 23 76 LU +30 23 77 OS +30 23 78 FI +30 23 79 PA +30 23 80 OP +30 23 81 OP +30 23 82 OS +30 23 83 FI +30 23 84 FI +30 23 85 OS +30 23 86 LU +30 23 87 PA +30 23 88 LU +30 23 89 PA +30 23 90 PA +30 23 91 LA +30 23 92 FI +30 23 93 OP +30 23 94 PA +30 23 95 OP +30 23 96 LA +30 23 97 OP +30 23 98 LU +30 23 99 OP +30 23 100 OS +30 23 101 LU +30 23 102 OP +30 23 103 PA +30 23 104 OP +30 23 105 LU +30 23 106 LA +30 23 107 FI +30 23 108 OP +30 23 109 PA +30 23 110 LA +30 23 111 PA +30 23 112 LU +30 23 113 PA +30 23 114 OP +30 23 115 LU +30 23 116 OP +30 23 117 PA +30 23 118 LU +30 23 119 OS +30 23 120 FI +30 23 121 LU +30 23 122 OS +30 23 123 OP +30 23 124 LA +30 23 125 LU +30 23 126 OP +30 23 127 PA +30 23 128 LA +30 23 129 FI +30 23 130 PA +30 23 131 LU +30 23 132 LU +30 23 133 OS +30 23 134 PA +30 23 135 LU +30 23 136 OS +30 23 137 OS +30 23 138 OP +30 23 139 FI +30 23 140 OS +30 23 141 FI +30 23 142 FI +30 23 143 LA +30 23 144 OP +30 23 145 OS +30 23 146 LA +30 23 147 OS +30 23 148 LU +30 23 149 OS +30 23 150 LU +30 23 151 LU +30 23 152 OP +30 23 153 OS +30 23 154 OP +30 23 155 PA +30 23 156 OS +30 23 157 PA +30 23 158 FI +30 23 159 LA +30 23 160 OP +30 23 161 OS +30 23 162 LU +30 23 163 OS +30 23 164 OP +30 23 165 PA +30 23 166 PA +30 23 167 OP +30 23 168 OS +30 23 169 OP +30 23 170 PA +30 23 171 OS +30 23 172 FI +30 23 173 LU +30 23 174 LA +30 23 175 OP +30 23 176 LA +30 23 177 LU +30 23 178 PA +30 23 179 LU +30 23 180 OS +30 23 181 LA +30 23 182 LU +30 23 183 PA +30 23 184 OP +30 23 185 LU +30 23 186 OP +30 23 187 LA +30 23 188 OP +30 23 189 OP +30 23 190 OP +30 23 191 OS +30 23 192 OP +30 23 193 LA +30 23 194 LU +30 23 195 OS +30 23 196 OP +30 23 197 OP +30 23 198 PA +30 23 199 FI +30 23 200 OP +30 23 201 LU +30 23 202 OS +30 23 203 OP +30 23 204 PA +30 23 205 OP +30 23 206 FI +30 23 207 LU +30 23 208 LA +30 23 209 OP +30 23 210 PA +30 23 211 OP +30 23 212 LA +30 23 213 FI +30 23 214 LA +30 23 215 LU +30 23 216 PA +30 23 217 FI +30 23 218 OP +30 23 219 FI +30 23 220 OP +30 23 221 OS +30 23 222 PA +30 23 223 OS +30 23 224 FI +30 23 225 LA +30 23 226 OS +30 23 227 PA +30 23 228 OS +30 23 229 OS +30 23 230 FI +30 23 231 LU +30 23 232 PA +30 23 233 OP +30 23 234 OS +30 23 235 PA +30 23 236 LA +30 23 237 FI +30 23 238 OS +30 23 239 LU +30 23 240 PA +30 23 241 FI +30 23 242 LA +30 23 243 LU +30 23 244 OS +30 23 245 LU +30 23 246 OS +30 23 247 OP +30 23 248 PA +30 23 249 OS +30 23 250 OP +30 23 251 OS +30 23 252 FI +30 23 253 OS +30 23 254 OP +30 23 255 PA +30 23 256 LU +30 23 257 OP +30 23 258 LA +30 23 259 LU +30 23 260 FI +30 23 261 LA +30 23 262 FI +30 23 263 OP +30 23 264 OS +30 23 265 OS +30 23 266 LU +30 23 267 LU +30 23 268 OS +30 23 269 OP +30 23 270 LA +30 23 271 OP +30 23 272 FI +30 23 273 OP +30 23 274 FI +30 23 275 LA +30 23 276 LU +30 23 277 PA +30 23 278 LU +30 23 279 OP +30 23 280 OS +30 23 281 OS +30 23 282 OS +30 23 283 PA +30 23 284 OP +30 23 285 FI +30 23 286 FI +30 23 287 LA +30 23 288 LU +30 23 289 OS +30 23 290 FI +30 23 291 OP +30 23 292 LU +30 23 293 OP +30 23 294 FI +30 23 295 PA +30 23 296 OP +30 23 297 LA +30 23 298 LU +30 23 299 OS +30 23 300 FI +30 23 301 OS +30 23 302 FI +30 23 303 OP +30 23 304 LA +30 23 305 OP +30 23 306 OS +30 23 307 OS +30 23 308 OP +30 23 309 PA +30 23 310 OS +30 23 311 OP +30 23 312 PA +30 23 313 OP +30 23 314 FI +30 23 315 OS +30 23 316 OS +30 23 317 LU +30 23 318 LA +30 23 319 FI +30 23 320 LA +30 23 321 LU +30 23 322 OP +30 23 323 OS +30 23 324 FI +30 23 325 LU +30 23 326 LA +30 23 327 OP +30 23 328 PA +30 23 329 OP +30 23 330 OP +30 24 1 OP +30 24 2 OP +30 24 3 LU +30 24 4 PA +30 24 5 OS +30 24 6 LA +30 24 7 OS +30 24 8 LU +30 24 9 LA +30 24 10 PA +30 24 11 OS +30 24 12 LA +30 24 13 OS +30 24 14 OP +30 24 15 FI +30 24 16 FI +30 24 17 LU +30 24 18 PA +30 24 19 OP +30 24 20 OS +30 24 21 LU +30 24 22 LA +30 24 23 OP +30 24 24 PA +30 24 25 OP +30 24 26 OP +30 24 27 FI +30 24 28 LU +30 24 29 OS +30 24 30 LA +30 24 31 OP +30 24 32 LU +30 24 33 OS +30 24 34 OP +30 24 35 LU +30 24 36 OS +30 24 37 OP +30 24 38 LU +30 24 39 OS +30 24 40 OP +30 24 41 LU +30 24 42 LA +30 24 43 OP +30 24 44 FI +30 24 45 OS +30 24 46 FI +30 24 47 OS +30 24 48 LA +30 24 49 OP +30 24 50 PA +30 24 51 PA +30 24 52 FI +30 24 53 LU +30 24 54 OS +30 24 55 OP +30 24 56 FI +30 24 57 OP +30 24 58 LA +30 24 59 FI +30 24 60 OS +30 24 61 LU +30 24 62 FI +30 24 63 LA +30 24 64 OP +30 24 65 LU +30 24 66 FI +30 24 67 OP +30 24 68 LU +30 24 69 FI +30 24 70 FI +30 24 71 LU +30 24 72 OS +30 24 73 LU +30 24 74 FI +30 24 75 OS +30 24 76 LU +30 24 77 OP +30 24 78 FI +30 24 79 PA +30 24 80 OP +30 24 81 OS +30 24 82 OP +30 24 83 FI +30 24 84 FI +30 24 85 OS +30 24 86 LU +30 24 87 PA +30 24 88 LU +30 24 89 PA +30 24 90 OS +30 24 91 OS +30 24 92 FI +30 24 93 OP +30 24 94 PA +30 24 95 FI +30 24 96 LA +30 24 97 PA +30 24 98 LU +30 24 99 FI +30 24 100 OP +30 24 101 PA +30 24 102 FI +30 24 103 OS +30 24 104 OP +30 24 105 PA +30 24 106 LA +30 24 107 FI +30 24 108 FI +30 24 109 OP +30 24 110 LA +30 24 111 OS +30 24 112 LU +30 24 113 PA +30 24 114 OS +30 24 115 OP +30 24 116 FI +30 24 117 PA +30 24 118 FI +30 24 119 OS +30 24 120 FI +30 24 121 LU +30 24 122 OS +30 24 123 OP +30 24 124 LA +30 24 125 LU +30 24 126 FI +30 24 127 OS +30 24 128 LA +30 24 129 FI +30 24 130 PA +30 24 131 LU +30 24 132 LU +30 24 133 OS +30 24 134 PA +30 24 135 PA +30 24 136 OP +30 24 137 OS +30 24 138 OP +30 24 139 FI +30 24 140 OP +30 24 141 FI +30 24 142 FI +30 24 143 LA +30 24 144 PA +30 24 145 OP +30 24 146 LA +30 24 147 OP +30 24 148 LU +30 24 149 FI +30 24 150 PA +30 24 151 FI +30 24 152 FI +30 24 153 OP +30 24 154 PA +30 24 155 PA +30 24 156 OS +30 24 157 PA +30 24 158 FI +30 24 159 LA +30 24 160 FI +30 24 161 OP +30 24 162 LU +30 24 163 OP +30 24 164 OP +30 24 165 OS +30 24 166 PA +30 24 167 FI +30 24 168 OS +30 24 169 OP +30 24 170 PA +30 24 171 OS +30 24 172 FI +30 24 173 LU +30 24 174 LA +30 24 175 FI +30 24 176 LU +30 24 177 LA +30 24 178 OP +30 24 179 LU +30 24 180 OS +30 24 181 LA +30 24 182 PA +30 24 183 PA +30 24 184 PA +30 24 185 LA +30 24 186 OP +30 24 187 LA +30 24 188 OP +30 24 189 FI +30 24 190 FI +30 24 191 OS +30 24 192 PA +30 24 193 LA +30 24 194 PA +30 24 195 OS +30 24 196 OP +30 24 197 FI +30 24 198 PA +30 24 199 FI +30 24 200 OP +30 24 201 FI +30 24 202 OS +30 24 203 PA +30 24 204 PA +30 24 205 PA +30 24 206 FI +30 24 207 LU +30 24 208 LA +30 24 209 OS +30 24 210 PA +30 24 211 OP +30 24 212 LA +30 24 213 FI +30 24 214 LA +30 24 215 FI +30 24 216 PA +30 24 217 FI +30 24 218 LA +30 24 219 FI +30 24 220 OP +30 24 221 FI +30 24 222 PA +30 24 223 OS +30 24 224 FI +30 24 225 LA +30 24 226 OP +30 24 227 PA +30 24 228 PA +30 24 229 FI +30 24 230 FI +30 24 231 PA +30 24 232 LA +30 24 233 OP +30 24 234 OS +30 24 235 OP +30 24 236 LA +30 24 237 FI +30 24 238 OP +30 24 239 FI +30 24 240 PA +30 24 241 FI +30 24 242 LA +30 24 243 PA +30 24 244 FI +30 24 245 LU +30 24 246 OP +30 24 247 FI +30 24 248 OS +30 24 249 OS +30 24 250 PA +30 24 251 OS +30 24 252 FI +30 24 253 OP +30 24 254 FI +30 24 255 PA +30 24 256 LU +30 24 257 OP +30 24 258 LA +30 24 259 LU +30 24 260 FI +30 24 261 LA +30 24 262 FI +30 24 263 FI +30 24 264 FI +30 24 265 OS +30 24 266 LU +30 24 267 PA +30 24 268 OS +30 24 269 PA +30 24 270 LA +30 24 271 OS +30 24 272 FI +30 24 273 FI +30 24 274 FI +30 24 275 LA +30 24 276 LU +30 24 277 PA +30 24 278 LA +30 24 279 PA +30 24 280 OS +30 24 281 OS +30 24 282 OS +30 24 283 PA +30 24 284 FI +30 24 285 FI +30 24 286 FI +30 24 287 LA +30 24 288 LU +30 24 289 OP +30 24 290 FI +30 24 291 OP +30 24 292 FI +30 24 293 FI +30 24 294 FI +30 24 295 PA +30 24 296 PA +30 24 297 LA +30 24 298 LU +30 24 299 OS +30 24 300 FI +30 24 301 OP +30 24 302 FI +30 24 303 FI +30 24 304 OS +30 24 305 PA +30 24 306 LA +30 24 307 OP +30 24 308 FI +30 24 309 PA +30 24 310 OS +30 24 311 OP +30 24 312 PA +30 24 313 PA +30 24 314 FI +30 24 315 OP +30 24 316 OP +30 24 317 LU +30 24 318 LA +30 24 319 FI +30 24 320 LA +30 24 321 LU +30 24 322 FI +30 24 323 OS +30 24 324 FI +30 24 325 PA +30 24 326 LA +30 24 327 FI +30 24 328 OS +30 24 329 LA +30 24 330 FI +30 25 1 OS +30 25 2 OS +30 25 3 LU +30 25 4 PA +30 25 5 OS +30 25 6 FI +30 25 7 OS +30 25 8 LU +30 25 9 LU +30 25 10 OS +30 25 11 OS +30 25 12 LA +30 25 13 OS +30 25 14 PA +30 25 15 FI +30 25 16 FI +30 25 17 LU +30 25 18 PA +30 25 19 OS +30 25 20 OS +30 25 21 LU +30 25 22 LA +30 25 23 LU +30 25 24 PA +30 25 25 OS +30 25 26 OS +30 25 27 FI +30 25 28 LU +30 25 29 OS +30 25 30 LU +30 25 31 OS +30 25 32 LU +30 25 33 OS +30 25 34 OS +30 25 35 LU +30 25 36 PA +30 25 37 OS +30 25 38 LU +30 25 39 OS +30 25 40 OS +30 25 41 LU +30 25 42 LA +30 25 43 PA +30 25 44 FI +30 25 45 OS +30 25 46 PA +30 25 47 PA +30 25 48 LA +30 25 49 OS +30 25 50 PA +30 25 51 PA +30 25 52 FI +30 25 53 LU +30 25 54 OS +30 25 55 OS +30 25 56 LU +30 25 57 OS +30 25 58 LA +30 25 59 FI +30 25 60 PA +30 25 61 LU +30 25 62 OS +30 25 63 LU +30 25 64 OS +30 25 65 LU +30 25 66 FI +30 25 67 OS +30 25 68 LU +30 25 69 OS +30 25 70 FI +30 25 71 LU +30 25 72 OS +30 25 73 LU +30 25 74 OS +30 25 75 PA +30 25 76 LU +30 25 77 OS +30 25 78 FI +30 25 79 PA +30 25 80 OS +30 25 81 OS +30 25 82 OS +30 25 83 FI +30 25 84 LU +30 25 85 OS +30 25 86 LU +30 25 87 PA +30 25 88 LU +30 25 89 PA +30 25 90 PA +30 25 91 LA +30 25 92 FI +30 25 93 OS +30 25 94 PA +30 25 95 FI +30 25 96 LA +30 25 97 OS +30 25 98 LU +30 25 99 OS +30 25 100 OS +30 25 101 LU +30 25 102 OS +30 25 103 PA +30 25 104 OS +30 25 105 LU +30 25 106 FI +30 25 107 FI +30 25 108 FI +30 25 109 OS +30 25 110 LA +30 25 111 PA +30 25 112 LU +30 25 113 PA +30 25 114 OS +30 25 115 LU +30 25 116 FI +30 25 117 PA +30 25 118 LU +30 25 119 OS +30 25 120 FI +30 25 121 LU +30 25 122 OS +30 25 123 OS +30 25 124 OS +30 25 125 LU +30 25 126 LU +30 25 127 PA +30 25 128 LA +30 25 129 FI +30 25 130 PA +30 25 131 LU +30 25 132 LU +30 25 133 OS +30 25 134 PA +30 25 135 LU +30 25 136 OS +30 25 137 OS +30 25 138 OS +30 25 139 FI +30 25 140 OS +30 25 141 FI +30 25 142 FI +30 25 143 OS +30 25 144 OS +30 25 145 OS +30 25 146 LA +30 25 147 OS +30 25 148 LU +30 25 149 OS +30 25 150 LU +30 25 151 LU +30 25 152 LU +30 25 153 OS +30 25 154 PA +30 25 155 PA +30 25 156 OS +30 25 157 PA +30 25 158 FI +30 25 159 LA +30 25 160 LU +30 25 161 OS +30 25 162 LU +30 25 163 OS +30 25 164 OS +30 25 165 OS +30 25 166 OS +30 25 167 FI +30 25 168 OS +30 25 169 OS +30 25 170 PA +30 25 171 OS +30 25 172 FI +30 25 173 LU +30 25 174 LA +30 25 175 OS +30 25 176 LU +30 25 177 FI +30 25 178 OS +30 25 179 LU +30 25 180 OS +30 25 181 LA +30 25 182 LU +30 25 183 LA +30 25 184 LU +30 25 185 LA +30 25 186 OS +30 25 187 LA +30 25 188 OS +30 25 189 OS +30 25 190 FI +30 25 191 OS +30 25 192 OS +30 25 193 LA +30 25 194 LU +30 25 195 OS +30 25 196 OS +30 25 197 LU +30 25 198 PA +30 25 199 FI +30 25 200 OP +30 25 201 LU +30 25 202 OS +30 25 203 LU +30 25 204 PA +30 25 205 OS +30 25 206 FI +30 25 207 LU +30 25 208 LA +30 25 209 OS +30 25 210 LU +30 25 211 OS +30 25 212 LA +30 25 213 FI +30 25 214 LA +30 25 215 FI +30 25 216 PA +30 25 217 FI +30 25 218 LA +30 25 219 FI +30 25 220 OS +30 25 221 FI +30 25 222 OS +30 25 223 OS +30 25 224 FI +30 25 225 LA +30 25 226 OS +30 25 227 PA +30 25 228 OS +30 25 229 OS +30 25 230 FI +30 25 231 LU +30 25 232 LA +30 25 233 OS +30 25 234 OS +30 25 235 OS +30 25 236 OS +30 25 237 FI +30 25 238 OS +30 25 239 LU +30 25 240 LU +30 25 241 FI +30 25 242 FI +30 25 243 LU +30 25 244 OP +30 25 245 LU +30 25 246 OS +30 25 247 OS +30 25 248 PA +30 25 249 OS +30 25 250 LU +30 25 251 OS +30 25 252 FI +30 25 253 OS +30 25 254 OS +30 25 255 PA +30 25 256 LU +30 25 257 OS +30 25 258 LA +30 25 259 LU +30 25 260 FI +30 25 261 LU +30 25 262 FI +30 25 263 FI +30 25 264 OS +30 25 265 OS +30 25 266 LU +30 25 267 LU +30 25 268 OS +30 25 269 LU +30 25 270 LA +30 25 271 OS +30 25 272 FI +30 25 273 LU +30 25 274 FI +30 25 275 LA +30 25 276 LU +30 25 277 OS +30 25 278 LU +30 25 279 OS +30 25 280 OS +30 25 281 OS +30 25 282 OS +30 25 283 LU +30 25 284 FI +30 25 285 FI +30 25 286 FI +30 25 287 LA +30 25 288 LU +30 25 289 OS +30 25 290 FI +30 25 291 OS +30 25 292 FI +30 25 293 FI +30 25 294 FI +30 25 295 LU +30 25 296 OS +30 25 297 LA +30 25 298 LU +30 25 299 OS +30 25 300 FI +30 25 301 OS +30 25 302 FI +30 25 303 OS +30 25 304 OS +30 25 305 LU +30 25 306 OS +30 25 307 OS +30 25 308 OS +30 25 309 PA +30 25 310 OS +30 25 311 OS +30 25 312 PA +30 25 313 PA +30 25 314 FI +30 25 315 OS +30 25 316 OS +30 25 317 LU +30 25 318 LA +30 25 319 FI +30 25 320 OS +30 25 321 LU +30 25 322 OS +30 25 323 OS +30 25 324 FI +30 25 325 LU +30 25 326 LA +30 25 327 FI +30 25 328 OS +30 25 329 LU +30 25 330 FI +31 1 1 * +31 1 2 * +31 1 3 * +31 1 4 * +31 1 5 * +31 1 6 * +31 1 7 * +31 1 8 MU +31 1 9 * +31 1 10 * +31 1 11 * +31 1 12 * +31 1 13 * +31 1 14 * +31 1 15 * +31 1 16 * +31 1 17 * +31 1 18 WI +31 1 19 * +31 1 20 * +31 1 21 * +31 1 22 * +31 1 23 * +31 1 24 * +31 1 25 * +31 1 26 * +31 1 27 * +31 1 28 * +31 1 29 * +31 1 30 * +31 1 31 * +31 1 32 * +31 1 33 * +31 1 34 * +31 1 35 * +31 1 36 * +31 1 37 * +31 1 38 * +31 1 39 * +31 1 40 * +31 1 41 MU +31 1 42 * +31 1 43 WS +31 1 44 * +31 1 45 * +31 1 46 * +31 1 47 * +31 1 48 * +31 1 49 * +31 1 50 * +31 1 51 US +31 1 52 * +31 1 53 * +31 1 54 * +31 1 55 * +31 1 56 * +31 1 57 * +31 1 58 * +31 1 59 * +31 1 60 * +31 1 61 MU +31 1 62 * +31 1 63 * +31 1 64 WS +31 1 65 * +31 1 66 WP +31 1 67 * +31 1 68 * +31 1 69 * +31 1 70 * +31 1 71 MU +31 1 72 EP +31 1 73 * +31 1 74 * +31 1 75 * +31 1 76 * +31 1 77 * +31 1 78 * +31 1 79 * +31 1 80 WS +31 1 81 * +31 1 82 * +31 1 83 * +31 1 84 * +31 1 85 * +31 1 86 * +31 1 87 WI +31 1 88 * +31 1 89 WI +31 1 90 * +31 1 91 * +31 1 92 WP +31 1 93 * +31 1 94 * +31 1 95 * +31 1 96 US +31 1 97 US +31 1 98 MU +31 1 99 * +31 1 100 * +31 1 101 * +31 1 102 * +31 1 103 * +31 1 104 * +31 1 105 * +31 1 106 * +31 1 107 WP +31 1 108 * +31 1 109 * +31 1 110 * +31 1 111 * +31 1 112 MU +31 1 113 WI +31 1 114 * +31 1 115 MU +31 1 116 * +31 1 117 * +31 1 118 * +31 1 119 * +31 1 120 WP +31 1 121 * +31 1 122 * +31 1 123 * +31 1 124 * +31 1 125 * +31 1 126 * +31 1 127 * +31 1 128 * +31 1 129 WP +31 1 130 * +31 1 131 * +31 1 132 MU +31 1 133 * +31 1 134 * +31 1 135 * +31 1 136 * +31 1 137 * +31 1 138 * +31 1 139 * +31 1 140 * +31 1 141 WP +31 1 142 * +31 1 143 * +31 1 144 * +31 1 145 * +31 1 146 * +31 1 147 * +31 1 148 MU +31 1 149 * +31 1 150 * +31 1 151 * +31 1 152 * +31 1 153 * +31 1 154 * +31 1 155 * +31 1 156 * +31 1 157 * +31 1 158 WP +31 1 159 * +31 1 160 * +31 1 161 * +31 1 162 MU +31 1 163 * +31 1 164 * +31 1 165 * +31 1 166 * +31 1 167 * +31 1 168 * +31 1 169 * +31 1 170 * +31 1 171 * +31 1 172 WP +31 1 173 * +31 1 174 * +31 1 175 * +31 1 176 * +31 1 177 * +31 1 178 * +31 1 179 MU +31 1 180 * +31 1 181 * +31 1 182 MU +31 1 183 * +31 1 184 * +31 1 185 * +31 1 186 * +31 1 187 * +31 1 188 * +31 1 189 * +31 1 190 * +31 1 191 * +31 1 192 * +31 1 193 * +31 1 194 MU +31 1 195 * +31 1 196 * +31 1 197 * +31 1 198 * +31 1 199 * +31 1 200 * +31 1 201 * +31 1 202 * +31 1 203 * +31 1 204 * +31 1 205 * +31 1 206 * +31 1 207 * +31 1 208 * +31 1 209 * +31 1 210 * +31 1 211 * +31 1 212 * +31 1 213 * +31 1 214 * +31 1 215 * +31 1 216 * +31 1 217 * +31 1 218 * +31 1 219 * +31 1 220 * +31 1 221 * +31 1 222 * +31 1 223 * +31 1 224 WP +31 1 225 * +31 1 226 * +31 1 227 * +31 1 228 * +31 1 229 * +31 1 230 * +31 1 231 * +31 1 232 * +31 1 233 * +31 1 234 * +31 1 235 * +31 1 236 * +31 1 237 * +31 1 238 * +31 1 239 * +31 1 240 * +31 1 241 WP +31 1 242 * +31 1 243 * +31 1 244 * +31 1 245 MU +31 1 246 * +31 1 247 * +31 1 248 * +31 1 249 * +31 1 250 * +31 1 251 * +31 1 252 * +31 1 253 * +31 1 254 * +31 1 255 WI +31 1 256 * +31 1 257 * +31 1 258 * +31 1 259 MU +31 1 260 * +31 1 261 * +31 1 262 WP +31 1 263 * +31 1 264 * +31 1 265 * +31 1 266 * +31 1 267 * +31 1 268 * +31 1 269 * +31 1 270 * +31 1 271 * +31 1 272 * +31 1 273 * +31 1 274 WP +31 1 275 * +31 1 276 * +31 1 277 * +31 1 278 * +31 1 279 * +31 1 280 * +31 1 281 * +31 1 282 * +31 1 283 * +31 1 284 * +31 1 285 * +31 1 286 WP +31 1 287 * +31 1 288 MU +31 1 289 * +31 1 290 * +31 1 291 * +31 1 292 * +31 1 293 * +31 1 294 * +31 1 295 * +31 1 296 * +31 1 297 * +31 1 298 MU +31 1 299 * +31 1 300 * +31 1 301 * +31 1 302 * +31 1 303 * +31 1 304 * +31 1 305 * +31 1 306 * +31 1 307 * +31 1 308 * +31 1 309 * +31 1 310 * +31 1 311 * +31 1 312 WI +31 1 313 * +31 1 314 * +31 1 315 * +31 1 316 * +31 1 317 * +31 1 318 * +31 1 319 * +31 1 320 * +31 1 321 MU +31 1 322 * +31 1 323 * +31 1 324 * +31 1 325 * +31 1 326 * +31 1 327 * +31 1 328 EP +31 1 329 US +31 1 330 * +31 2 1 EP +31 2 2 * +31 2 3 MU +31 2 4 * +31 2 5 * +31 2 6 * +31 2 7 US +31 2 8 * +31 2 9 * +31 2 10 EP +31 2 11 * +31 2 12 US +31 2 13 * +31 2 14 * +31 2 15 * +31 2 16 WP +31 2 17 MU +31 2 18 WI +31 2 19 EP +31 2 20 US +31 2 21 * +31 2 22 US +31 2 23 * +31 2 24 WI +31 2 25 * +31 2 26 EP +31 2 27 WP +31 2 28 * +31 2 29 * +31 2 30 * +31 2 31 * +31 2 32 * +31 2 33 US +31 2 34 EP +31 2 35 * +31 2 36 * +31 2 37 EP +31 2 38 * +31 2 39 US +31 2 40 * +31 2 41 * +31 2 42 * +31 2 43 * +31 2 44 WP +31 2 45 US +31 2 46 * +31 2 47 * +31 2 48 * +31 2 49 * +31 2 50 * +31 2 51 * +31 2 52 WP +31 2 53 * +31 2 54 * +31 2 55 * +31 2 56 * +31 2 57 * +31 2 58 * +31 2 59 * +31 2 60 * +31 2 61 * +31 2 62 * +31 2 63 * +31 2 64 EP +31 2 65 * +31 2 66 WP +31 2 67 * +31 2 68 * +31 2 69 * +31 2 70 * +31 2 71 EP +31 2 72 * +31 2 73 * +31 2 74 * +31 2 75 * +31 2 76 * +31 2 77 * +31 2 78 * +31 2 79 * +31 2 80 EP +31 2 81 * +31 2 82 * +31 2 83 WP +31 2 84 * +31 2 85 US +31 2 86 * +31 2 87 WI +31 2 88 * +31 2 89 WI +31 2 90 * +31 2 91 US +31 2 92 WP +31 2 93 EP +31 2 94 WI +31 2 95 * +31 2 96 US +31 2 97 * +31 2 98 MU +31 2 99 * +31 2 100 * +31 2 101 * +31 2 102 * +31 2 103 * +31 2 104 EP +31 2 105 * +31 2 106 US +31 2 107 WP +31 2 108 * +31 2 109 EP +31 2 110 US +31 2 111 * +31 2 112 * +31 2 113 WI +31 2 114 * +31 2 115 * +31 2 116 * +31 2 117 * +31 2 118 * +31 2 119 US +31 2 120 WP +31 2 121 * +31 2 122 US +31 2 123 * +31 2 124 * +31 2 125 * +31 2 126 * +31 2 127 * +31 2 128 US +31 2 129 * +31 2 130 * +31 2 131 * +31 2 132 * +31 2 133 * +31 2 134 * +31 2 135 * +31 2 136 * +31 2 137 * +31 2 138 * +31 2 139 * +31 2 140 EP +31 2 141 WP +31 2 142 WP +31 2 143 US +31 2 144 * +31 2 145 * +31 2 146 US +31 2 147 US +31 2 148 MU +31 2 149 * +31 2 150 * +31 2 151 * +31 2 152 * +31 2 153 EP +31 2 154 WI +31 2 155 WI +31 2 156 * +31 2 157 * +31 2 158 WP +31 2 159 * +31 2 160 * +31 2 161 * +31 2 162 * +31 2 163 * +31 2 164 EP +31 2 165 * +31 2 166 * +31 2 167 * +31 2 168 * +31 2 169 EP +31 2 170 WI +31 2 171 * +31 2 172 WP +31 2 173 * +31 2 174 US +31 2 175 * +31 2 176 MU +31 2 177 * +31 2 178 EP +31 2 179 * +31 2 180 * +31 2 181 * +31 2 182 * +31 2 183 * +31 2 184 * +31 2 185 * +31 2 186 * +31 2 187 * +31 2 188 EP +31 2 189 * +31 2 190 * +31 2 191 * +31 2 192 * +31 2 193 * +31 2 194 * +31 2 195 * +31 2 196 * +31 2 197 * +31 2 198 WI +31 2 199 WP +31 2 200 EP +31 2 201 * +31 2 202 US +31 2 203 * +31 2 204 WI +31 2 205 * +31 2 206 WP +31 2 207 * +31 2 208 * +31 2 209 * +31 2 210 * +31 2 211 EP +31 2 212 * +31 2 213 * +31 2 214 US +31 2 215 * +31 2 216 * +31 2 217 * +31 2 218 * +31 2 219 WP +31 2 220 EP +31 2 221 WP +31 2 222 * +31 2 223 * +31 2 224 WP +31 2 225 * +31 2 226 * +31 2 227 WI +31 2 228 * +31 2 229 * +31 2 230 * +31 2 231 * +31 2 232 * +31 2 233 * +31 2 234 * +31 2 235 EP +31 2 236 * +31 2 237 * +31 2 238 * +31 2 239 * +31 2 240 * +31 2 241 WP +31 2 242 * +31 2 243 * +31 2 244 MU +31 2 245 MU +31 2 246 * +31 2 247 * +31 2 248 WI +31 2 249 * +31 2 250 * +31 2 251 * +31 2 252 WP +31 2 253 * +31 2 254 * +31 2 255 WI +31 2 256 MU +31 2 257 * +31 2 258 * +31 2 259 * +31 2 260 * +31 2 261 * +31 2 262 WP +31 2 263 * +31 2 264 * +31 2 265 * +31 2 266 * +31 2 267 * +31 2 268 US +31 2 269 * +31 2 270 * +31 2 271 * +31 2 272 WP +31 2 273 * +31 2 274 WP +31 2 275 * +31 2 276 * +31 2 277 * +31 2 278 * +31 2 279 * +31 2 280 * +31 2 281 * +31 2 282 * +31 2 283 * +31 2 284 WP +31 2 285 * +31 2 286 WP +31 2 287 * +31 2 288 MU +31 2 289 * +31 2 290 * +31 2 291 EP +31 2 292 * +31 2 293 * +31 2 294 WP +31 2 295 * +31 2 296 * +31 2 297 US +31 2 298 MU +31 2 299 US +31 2 300 * +31 2 301 US +31 2 302 WP +31 2 303 * +31 2 304 * +31 2 305 * +31 2 306 * +31 2 307 EP +31 2 308 * +31 2 309 WI +31 2 310 * +31 2 311 EP +31 2 312 WI +31 2 313 * +31 2 314 WP +31 2 315 * +31 2 316 * +31 2 317 * +31 2 318 * +31 2 319 WP +31 2 320 * +31 2 321 MU +31 2 322 * +31 2 323 * +31 2 324 WP +31 2 325 * +31 2 326 * +31 2 327 * +31 2 328 * +31 2 329 * +31 2 330 * +31 3 1 * +31 3 2 * +31 3 3 * +31 3 4 * +31 3 5 * +31 3 6 * +31 3 7 * +31 3 8 * +31 3 9 * +31 3 10 * +31 3 11 * +31 3 12 * +31 3 13 * +31 3 14 * +31 3 15 * +31 3 16 * +31 3 17 * +31 3 18 * +31 3 19 * +31 3 20 * +31 3 21 * +31 3 22 * +31 3 23 * +31 3 24 * +31 3 25 * +31 3 26 * +31 3 27 * +31 3 28 * +31 3 29 * +31 3 30 * +31 3 31 * +31 3 32 * +31 3 33 * +31 3 34 * +31 3 35 * +31 3 36 * +31 3 37 * +31 3 38 * +31 3 39 * +31 3 40 * +31 3 41 * +31 3 42 * +31 3 43 * +31 3 44 * +31 3 45 * +31 3 46 * +31 3 47 * +31 3 48 * +31 3 49 * +31 3 50 * +31 3 51 * +31 3 52 * +31 3 53 * +31 3 54 * +31 3 55 * +31 3 56 * +31 3 57 * +31 3 58 * +31 3 59 * +31 3 60 * +31 3 61 * +31 3 62 * +31 3 63 * +31 3 64 * +31 3 65 * +31 3 66 * +31 3 67 * +31 3 68 * +31 3 69 * +31 3 70 * +31 3 71 * +31 3 72 * +31 3 73 * +31 3 74 * +31 3 75 * +31 3 76 * +31 3 77 * +31 3 78 * +31 3 79 * +31 3 80 * +31 3 81 * +31 3 82 * +31 3 83 * +31 3 84 * +31 3 85 * +31 3 86 * +31 3 87 * +31 3 88 * +31 3 89 * +31 3 90 * +31 3 91 * +31 3 92 * +31 3 93 * +31 3 94 * +31 3 95 * +31 3 96 * +31 3 97 * +31 3 98 * +31 3 99 * +31 3 100 * +31 3 101 * +31 3 102 * +31 3 103 * +31 3 104 * +31 3 105 * +31 3 106 * +31 3 107 * +31 3 108 * +31 3 109 * +31 3 110 * +31 3 111 * +31 3 112 * +31 3 113 * +31 3 114 * +31 3 115 * +31 3 116 * +31 3 117 * +31 3 118 * +31 3 119 * +31 3 120 * +31 3 121 * +31 3 122 * +31 3 123 * +31 3 124 * +31 3 125 * +31 3 126 * +31 3 127 * +31 3 128 * +31 3 129 * +31 3 130 * +31 3 131 * +31 3 132 * +31 3 133 * +31 3 134 * +31 3 135 * +31 3 136 * +31 3 137 * +31 3 138 * +31 3 139 * +31 3 140 EP +31 3 141 WP +31 3 142 * +31 3 143 * +31 3 144 * +31 3 145 * +31 3 146 * +31 3 147 * +31 3 148 * +31 3 149 * +31 3 150 * +31 3 151 * +31 3 152 * +31 3 153 * +31 3 154 * +31 3 155 * +31 3 156 * +31 3 157 * +31 3 158 * +31 3 159 * +31 3 160 * +31 3 161 * +31 3 162 * +31 3 163 * +31 3 164 EP +31 3 165 * +31 3 166 * +31 3 167 * +31 3 168 US +31 3 169 * +31 3 170 * +31 3 171 * +31 3 172 * +31 3 173 * +31 3 174 * +31 3 175 * +31 3 176 * +31 3 177 * +31 3 178 * +31 3 179 * +31 3 180 * +31 3 181 * +31 3 182 * +31 3 183 * +31 3 184 * +31 3 185 * +31 3 186 * +31 3 187 * +31 3 188 * +31 3 189 * +31 3 190 * +31 3 191 * +31 3 192 * +31 3 193 * +31 3 194 * +31 3 195 * +31 3 196 * +31 3 197 * +31 3 198 * +31 3 199 * +31 3 200 * +31 3 201 * +31 3 202 * +31 3 203 * +31 3 204 * +31 3 205 * +31 3 206 * +31 3 207 * +31 3 208 * +31 3 209 * +31 3 210 * +31 3 211 * +31 3 212 * +31 3 213 * +31 3 214 * +31 3 215 * +31 3 216 * +31 3 217 * +31 3 218 * +31 3 219 * +31 3 220 * +31 3 221 * +31 3 222 * +31 3 223 * +31 3 224 * +31 3 225 * +31 3 226 * +31 3 227 * +31 3 228 * +31 3 229 * +31 3 230 * +31 3 231 * +31 3 232 * +31 3 233 * +31 3 234 * +31 3 235 * +31 3 236 * +31 3 237 * +31 3 238 * +31 3 239 * +31 3 240 * +31 3 241 * +31 3 242 * +31 3 243 * +31 3 244 * +31 3 245 MU +31 3 246 * +31 3 247 * +31 3 248 * +31 3 249 * +31 3 250 * +31 3 251 * +31 3 252 * +31 3 253 * +31 3 254 * +31 3 255 * +31 3 256 * +31 3 257 * +31 3 258 * +31 3 259 MU +31 3 260 * +31 3 261 * +31 3 262 * +31 3 263 * +31 3 264 * +31 3 265 * +31 3 266 * +31 3 267 * +31 3 268 * +31 3 269 * +31 3 270 * +31 3 271 * +31 3 272 * +31 3 273 * +31 3 274 * +31 3 275 * +31 3 276 * +31 3 277 * +31 3 278 * +31 3 279 * +31 3 280 * +31 3 281 * +31 3 282 * +31 3 283 * +31 3 284 * +31 3 285 * +31 3 286 * +31 3 287 * +31 3 288 * +31 3 289 * +31 3 290 * +31 3 291 * +31 3 292 * +31 3 293 * +31 3 294 * +31 3 295 * +31 3 296 * +31 3 297 US +31 3 298 * +31 3 299 * +31 3 300 * +31 3 301 * +31 3 302 * +31 3 303 * +31 3 304 * +31 3 305 * +31 3 306 * +31 3 307 * +31 3 308 * +31 3 309 * +31 3 310 * +31 3 311 * +31 3 312 * +31 3 313 EP +31 3 314 * +31 3 315 * +31 3 316 * +31 3 317 * +31 3 318 * +31 3 319 * +31 3 320 * +31 3 321 * +31 3 322 * +31 3 323 * +31 3 324 * +31 3 325 * +31 3 326 * +31 3 327 * +31 3 328 * +31 3 329 * +31 3 330 * +31 4 1 * +31 4 2 * +31 4 3 * +31 4 4 * +31 4 5 * +31 4 6 * +31 4 7 * +31 4 8 * +31 4 9 * +31 4 10 EP +31 4 11 * +31 4 12 US +31 4 13 * +31 4 14 * +31 4 15 * +31 4 16 * +31 4 17 * +31 4 18 * +31 4 19 * +31 4 20 * +31 4 21 * +31 4 22 * +31 4 23 * +31 4 24 * +31 4 25 * +31 4 26 EP +31 4 27 * +31 4 28 * +31 4 29 * +31 4 30 * +31 4 31 * +31 4 32 * +31 4 33 * +31 4 34 * +31 4 35 * +31 4 36 * +31 4 37 * +31 4 38 * +31 4 39 * +31 4 40 * +31 4 41 MU +31 4 42 * +31 4 43 * +31 4 44 * +31 4 45 * +31 4 46 * +31 4 47 * +31 4 48 * +31 4 49 * +31 4 50 * +31 4 51 * +31 4 52 * +31 4 53 * +31 4 54 * +31 4 55 * +31 4 56 * +31 4 57 * +31 4 58 * +31 4 59 * +31 4 60 * +31 4 61 MU +31 4 62 * +31 4 63 * +31 4 64 EP +31 4 65 * +31 4 66 WP +31 4 67 * +31 4 68 * +31 4 69 * +31 4 70 * +31 4 71 * +31 4 72 * +31 4 73 * +31 4 74 * +31 4 75 * +31 4 76 * +31 4 77 * +31 4 78 * +31 4 79 * +31 4 80 EP +31 4 81 * +31 4 82 * +31 4 83 * +31 4 84 * +31 4 85 * +31 4 86 * +31 4 87 WI +31 4 88 * +31 4 89 WI +31 4 90 * +31 4 91 * +31 4 92 * +31 4 93 EP +31 4 94 * +31 4 95 * +31 4 96 US +31 4 97 * +31 4 98 MU +31 4 99 * +31 4 100 * +31 4 101 * +31 4 102 * +31 4 103 * +31 4 104 * +31 4 105 * +31 4 106 * +31 4 107 WP +31 4 108 * +31 4 109 * +31 4 110 * +31 4 111 * +31 4 112 * +31 4 113 WI +31 4 114 * +31 4 115 MU +31 4 116 * +31 4 117 * +31 4 118 * +31 4 119 * +31 4 120 WP +31 4 121 * +31 4 122 * +31 4 123 * +31 4 124 * +31 4 125 * +31 4 126 * +31 4 127 * +31 4 128 US +31 4 129 * +31 4 130 * +31 4 131 * +31 4 132 MU +31 4 133 * +31 4 134 * +31 4 135 * +31 4 136 * +31 4 137 * +31 4 138 * +31 4 139 * +31 4 140 EP +31 4 141 WP +31 4 142 * +31 4 143 * +31 4 144 * +31 4 145 * +31 4 146 * +31 4 147 * +31 4 148 MU +31 4 149 * +31 4 150 * +31 4 151 * +31 4 152 * +31 4 153 * +31 4 154 * +31 4 155 * +31 4 156 * +31 4 157 * +31 4 158 WP +31 4 159 * +31 4 160 * +31 4 161 * +31 4 162 * +31 4 163 * +31 4 164 EP +31 4 165 * +31 4 166 EP +31 4 167 * +31 4 168 * +31 4 169 * +31 4 170 * +31 4 171 * +31 4 172 WP +31 4 173 * +31 4 174 * +31 4 175 * +31 4 176 * +31 4 177 * +31 4 178 EP +31 4 179 MU +31 4 180 * +31 4 181 * +31 4 182 * +31 4 183 * +31 4 184 * +31 4 185 * +31 4 186 * +31 4 187 * +31 4 188 * +31 4 189 * +31 4 190 * +31 4 191 * +31 4 192 * +31 4 193 * +31 4 194 MU +31 4 195 * +31 4 196 * +31 4 197 * +31 4 198 WI +31 4 199 * +31 4 200 * +31 4 201 * +31 4 202 * +31 4 203 * +31 4 204 * +31 4 205 * +31 4 206 * +31 4 207 * +31 4 208 * +31 4 209 * +31 4 210 * +31 4 211 * +31 4 212 * +31 4 213 * +31 4 214 * +31 4 215 * +31 4 216 * +31 4 217 * +31 4 218 * +31 4 219 * +31 4 220 * +31 4 221 * +31 4 222 * +31 4 223 * +31 4 224 * +31 4 225 * +31 4 226 * +31 4 227 * +31 4 228 EP +31 4 229 * +31 4 230 * +31 4 231 * +31 4 232 * +31 4 233 * +31 4 234 * +31 4 235 EP +31 4 236 * +31 4 237 * +31 4 238 * +31 4 239 * +31 4 240 * +31 4 241 * +31 4 242 * +31 4 243 * +31 4 244 * +31 4 245 MU +31 4 246 * +31 4 247 * +31 4 248 * +31 4 249 * +31 4 250 * +31 4 251 * +31 4 252 * +31 4 253 * +31 4 254 * +31 4 255 WI +31 4 256 * +31 4 257 EP +31 4 258 * +31 4 259 MU +31 4 260 * +31 4 261 * +31 4 262 * +31 4 263 * +31 4 264 * +31 4 265 * +31 4 266 * +31 4 267 * +31 4 268 * +31 4 269 * +31 4 270 * +31 4 271 * +31 4 272 * +31 4 273 * +31 4 274 WP +31 4 275 * +31 4 276 * +31 4 277 * +31 4 278 * +31 4 279 * +31 4 280 * +31 4 281 * +31 4 282 * +31 4 283 * +31 4 284 * +31 4 285 * +31 4 286 WP +31 4 287 * +31 4 288 MU +31 4 289 * +31 4 290 * +31 4 291 * +31 4 292 * +31 4 293 * +31 4 294 * +31 4 295 * +31 4 296 * +31 4 297 US +31 4 298 MU +31 4 299 * +31 4 300 * +31 4 301 * +31 4 302 * +31 4 303 * +31 4 304 * +31 4 305 * +31 4 306 * +31 4 307 * +31 4 308 * +31 4 309 * +31 4 310 * +31 4 311 EP +31 4 312 WI +31 4 313 * +31 4 314 * +31 4 315 * +31 4 316 * +31 4 317 * +31 4 318 * +31 4 319 * +31 4 320 * +31 4 321 * +31 4 322 * +31 4 323 * +31 4 324 * +31 4 325 * +31 4 326 * +31 4 327 * +31 4 328 * +31 4 329 * +31 4 330 * +31 5 1 * +31 5 2 * +31 5 3 * +31 5 4 * +31 5 5 * +31 5 6 * +31 5 7 * +31 5 8 * +31 5 9 * +31 5 10 * +31 5 11 * +31 5 12 US +31 5 13 * +31 5 14 * +31 5 15 * +31 5 16 * +31 5 17 * +31 5 18 WI +31 5 19 * +31 5 20 * +31 5 21 * +31 5 22 * +31 5 23 * +31 5 24 * +31 5 25 * +31 5 26 EP +31 5 27 * +31 5 28 * +31 5 29 * +31 5 30 * +31 5 31 * +31 5 32 * +31 5 33 * +31 5 34 * +31 5 35 * +31 5 36 * +31 5 37 * +31 5 38 * +31 5 39 * +31 5 40 * +31 5 41 * +31 5 42 * +31 5 43 * +31 5 44 * +31 5 45 * +31 5 46 * +31 5 47 * +31 5 48 * +31 5 49 * +31 5 50 * +31 5 51 * +31 5 52 * +31 5 53 * +31 5 54 * +31 5 55 * +31 5 56 * +31 5 57 * +31 5 58 * +31 5 59 * +31 5 60 * +31 5 61 * +31 5 62 * +31 5 63 * +31 5 64 EP +31 5 65 * +31 5 66 * +31 5 67 * +31 5 68 * +31 5 69 * +31 5 70 * +31 5 71 * +31 5 72 * +31 5 73 * +31 5 74 * +31 5 75 * +31 5 76 * +31 5 77 * +31 5 78 * +31 5 79 * +31 5 80 * +31 5 81 * +31 5 82 * +31 5 83 * +31 5 84 * +31 5 85 * +31 5 86 * +31 5 87 WI +31 5 88 * +31 5 89 * +31 5 90 * +31 5 91 * +31 5 92 * +31 5 93 * +31 5 94 * +31 5 95 * +31 5 96 US +31 5 97 * +31 5 98 MU +31 5 99 * +31 5 100 * +31 5 101 * +31 5 102 * +31 5 103 * +31 5 104 * +31 5 105 * +31 5 106 * +31 5 107 * +31 5 108 * +31 5 109 * +31 5 110 * +31 5 111 * +31 5 112 * +31 5 113 WI +31 5 114 * +31 5 115 * +31 5 116 * +31 5 117 * +31 5 118 * +31 5 119 * +31 5 120 WP +31 5 121 * +31 5 122 * +31 5 123 * +31 5 124 * +31 5 125 * +31 5 126 * +31 5 127 * +31 5 128 * +31 5 129 WP +31 5 130 * +31 5 131 * +31 5 132 * +31 5 133 * +31 5 134 * +31 5 135 * +31 5 136 * +31 5 137 * +31 5 138 * +31 5 139 * +31 5 140 EP +31 5 141 WP +31 5 142 * +31 5 143 * +31 5 144 * +31 5 145 * +31 5 146 * +31 5 147 * +31 5 148 MU +31 5 149 * +31 5 150 * +31 5 151 * +31 5 152 * +31 5 153 * +31 5 154 * +31 5 155 * +31 5 156 * +31 5 157 * +31 5 158 * +31 5 159 * +31 5 160 * +31 5 161 * +31 5 162 * +31 5 163 * +31 5 164 * +31 5 165 * +31 5 166 * +31 5 167 * +31 5 168 * +31 5 169 * +31 5 170 * +31 5 171 * +31 5 172 * +31 5 173 * +31 5 174 * +31 5 175 * +31 5 176 * +31 5 177 * +31 5 178 EP +31 5 179 * +31 5 180 * +31 5 181 * +31 5 182 * +31 5 183 * +31 5 184 * +31 5 185 * +31 5 186 * +31 5 187 * +31 5 188 * +31 5 189 * +31 5 190 * +31 5 191 * +31 5 192 * +31 5 193 * +31 5 194 * +31 5 195 * +31 5 196 * +31 5 197 * +31 5 198 WI +31 5 199 * +31 5 200 * +31 5 201 * +31 5 202 * +31 5 203 * +31 5 204 * +31 5 205 * +31 5 206 * +31 5 207 * +31 5 208 * +31 5 209 * +31 5 210 * +31 5 211 * +31 5 212 * +31 5 213 * +31 5 214 * +31 5 215 * +31 5 216 * +31 5 217 * +31 5 218 * +31 5 219 * +31 5 220 * +31 5 221 * +31 5 222 * +31 5 223 * +31 5 224 * +31 5 225 * +31 5 226 * +31 5 227 * +31 5 228 * +31 5 229 * +31 5 230 * +31 5 231 * +31 5 232 * +31 5 233 * +31 5 234 * +31 5 235 EP +31 5 236 * +31 5 237 * +31 5 238 * +31 5 239 * +31 5 240 * +31 5 241 * +31 5 242 * +31 5 243 * +31 5 244 * +31 5 245 MU +31 5 246 * +31 5 247 * +31 5 248 * +31 5 249 * +31 5 250 * +31 5 251 * +31 5 252 * +31 5 253 * +31 5 254 * +31 5 255 * +31 5 256 * +31 5 257 * +31 5 258 * +31 5 259 * +31 5 260 * +31 5 261 * +31 5 262 WP +31 5 263 * +31 5 264 * +31 5 265 * +31 5 266 * +31 5 267 * +31 5 268 * +31 5 269 * +31 5 270 * +31 5 271 * +31 5 272 * +31 5 273 * +31 5 274 * +31 5 275 * +31 5 276 * +31 5 277 * +31 5 278 * +31 5 279 EP +31 5 280 * +31 5 281 * +31 5 282 * +31 5 283 * +31 5 284 * +31 5 285 * +31 5 286 * +31 5 287 * +31 5 288 * +31 5 289 * +31 5 290 * +31 5 291 EP +31 5 292 * +31 5 293 * +31 5 294 * +31 5 295 * +31 5 296 * +31 5 297 US +31 5 298 * +31 5 299 * +31 5 300 * +31 5 301 * +31 5 302 * +31 5 303 * +31 5 304 * +31 5 305 * +31 5 306 * +31 5 307 * +31 5 308 * +31 5 309 * +31 5 310 * +31 5 311 * +31 5 312 * +31 5 313 * +31 5 314 * +31 5 315 * +31 5 316 * +31 5 317 * +31 5 318 * +31 5 319 * +31 5 320 * +31 5 321 MU +31 5 322 * +31 5 323 * +31 5 324 * +31 5 325 * +31 5 326 * +31 5 327 * +31 5 328 * +31 5 329 * +31 5 330 * +31 6 1 * +31 6 2 * +31 6 3 * +31 6 4 * +31 6 5 * +31 6 6 * +31 6 7 * +31 6 8 * +31 6 9 * +31 6 10 * +31 6 11 * +31 6 12 US +31 6 13 * +31 6 14 * +31 6 15 * +31 6 16 * +31 6 17 * +31 6 18 WI +31 6 19 WP +31 6 20 * +31 6 21 * +31 6 22 * +31 6 23 * +31 6 24 * +31 6 25 * +31 6 26 EP +31 6 27 * +31 6 28 * +31 6 29 * +31 6 30 * +31 6 31 * +31 6 32 * +31 6 33 * +31 6 34 * +31 6 35 * +31 6 36 * +31 6 37 * +31 6 38 * +31 6 39 * +31 6 40 * +31 6 41 MU +31 6 42 * +31 6 43 * +31 6 44 * +31 6 45 * +31 6 46 * +31 6 47 * +31 6 48 * +31 6 49 * +31 6 50 * +31 6 51 * +31 6 52 * +31 6 53 * +31 6 54 * +31 6 55 * +31 6 56 * +31 6 57 * +31 6 58 * +31 6 59 * +31 6 60 * +31 6 61 * +31 6 62 * +31 6 63 * +31 6 64 EP +31 6 65 * +31 6 66 * +31 6 67 * +31 6 68 * +31 6 69 * +31 6 70 * +31 6 71 * +31 6 72 * +31 6 73 * +31 6 74 * +31 6 75 * +31 6 76 * +31 6 77 * +31 6 78 * +31 6 79 * +31 6 80 * +31 6 81 * +31 6 82 * +31 6 83 * +31 6 84 * +31 6 85 * +31 6 86 * +31 6 87 WI +31 6 88 * +31 6 89 * +31 6 90 * +31 6 91 * +31 6 92 * +31 6 93 * +31 6 94 * +31 6 95 * +31 6 96 * +31 6 97 * +31 6 98 MU +31 6 99 * +31 6 100 * +31 6 101 * +31 6 102 * +31 6 103 * +31 6 104 * +31 6 105 * +31 6 106 * +31 6 107 * +31 6 108 * +31 6 109 * +31 6 110 * +31 6 111 * +31 6 112 * +31 6 113 * +31 6 114 * +31 6 115 * +31 6 116 * +31 6 117 * +31 6 118 * +31 6 119 * +31 6 120 * +31 6 121 * +31 6 122 * +31 6 123 * +31 6 124 * +31 6 125 * +31 6 126 * +31 6 127 * +31 6 128 * +31 6 129 * +31 6 130 * +31 6 131 * +31 6 132 * +31 6 133 * +31 6 134 * +31 6 135 * +31 6 136 * +31 6 137 * +31 6 138 * +31 6 139 * +31 6 140 * +31 6 141 WP +31 6 142 * +31 6 143 * +31 6 144 * +31 6 145 * +31 6 146 * +31 6 147 * +31 6 148 * +31 6 149 * +31 6 150 * +31 6 151 * +31 6 152 * +31 6 153 * +31 6 154 * +31 6 155 * +31 6 156 * +31 6 157 * +31 6 158 * +31 6 159 * +31 6 160 * +31 6 161 * +31 6 162 * +31 6 163 * +31 6 164 * +31 6 165 * +31 6 166 * +31 6 167 * +31 6 168 * +31 6 169 * +31 6 170 * +31 6 171 * +31 6 172 WP +31 6 173 * +31 6 174 * +31 6 175 * +31 6 176 * +31 6 177 * +31 6 178 * +31 6 179 * +31 6 180 * +31 6 181 * +31 6 182 * +31 6 183 * +31 6 184 * +31 6 185 * +31 6 186 * +31 6 187 * +31 6 188 * +31 6 189 * +31 6 190 * +31 6 191 * +31 6 192 * +31 6 193 * +31 6 194 * +31 6 195 * +31 6 196 * +31 6 197 * +31 6 198 WI +31 6 199 * +31 6 200 * +31 6 201 * +31 6 202 * +31 6 203 * +31 6 204 * +31 6 205 * +31 6 206 * +31 6 207 * +31 6 208 * +31 6 209 * +31 6 210 * +31 6 211 * +31 6 212 * +31 6 213 * +31 6 214 * +31 6 215 * +31 6 216 * +31 6 217 * +31 6 218 * +31 6 219 * +31 6 220 * +31 6 221 * +31 6 222 * +31 6 223 * +31 6 224 * +31 6 225 * +31 6 226 * +31 6 227 * +31 6 228 * +31 6 229 * +31 6 230 * +31 6 231 * +31 6 232 * +31 6 233 * +31 6 234 * +31 6 235 EP +31 6 236 * +31 6 237 * +31 6 238 * +31 6 239 * +31 6 240 * +31 6 241 * +31 6 242 * +31 6 243 * +31 6 244 * +31 6 245 * +31 6 246 * +31 6 247 US +31 6 248 * +31 6 249 * +31 6 250 EP +31 6 251 * +31 6 252 * +31 6 253 * +31 6 254 * +31 6 255 * +31 6 256 * +31 6 257 * +31 6 258 * +31 6 259 * +31 6 260 * +31 6 261 * +31 6 262 * +31 6 263 * +31 6 264 * +31 6 265 * +31 6 266 * +31 6 267 * +31 6 268 * +31 6 269 * +31 6 270 * +31 6 271 * +31 6 272 * +31 6 273 * +31 6 274 * +31 6 275 * +31 6 276 * +31 6 277 * +31 6 278 * +31 6 279 * +31 6 280 * +31 6 281 * +31 6 282 * +31 6 283 * +31 6 284 * +31 6 285 * +31 6 286 * +31 6 287 * +31 6 288 * +31 6 289 * +31 6 290 * +31 6 291 EP +31 6 292 * +31 6 293 * +31 6 294 * +31 6 295 * +31 6 296 * +31 6 297 * +31 6 298 * +31 6 299 * +31 6 300 * +31 6 301 * +31 6 302 * +31 6 303 * +31 6 304 * +31 6 305 * +31 6 306 * +31 6 307 * +31 6 308 * +31 6 309 * +31 6 310 * +31 6 311 * +31 6 312 WI +31 6 313 * +31 6 314 * +31 6 315 * +31 6 316 * +31 6 317 * +31 6 318 * +31 6 319 * +31 6 320 * +31 6 321 * +31 6 322 * +31 6 323 * +31 6 324 * +31 6 325 * +31 6 326 * +31 6 327 * +31 6 328 * +31 6 329 * +31 6 330 * +31 7 1 * +31 7 2 * +31 7 3 * +31 7 4 * +31 7 5 * +31 7 6 * +31 7 7 * +31 7 8 * +31 7 9 * +31 7 10 * +31 7 11 * +31 7 12 US +31 7 13 * +31 7 14 * +31 7 15 * +31 7 16 * +31 7 17 * +31 7 18 * +31 7 19 * +31 7 20 * +31 7 21 * +31 7 22 * +31 7 23 * +31 7 24 * +31 7 25 * +31 7 26 EP +31 7 27 * +31 7 28 * +31 7 29 * +31 7 30 * +31 7 31 * +31 7 32 * +31 7 33 * +31 7 34 * +31 7 35 * +31 7 36 * +31 7 37 * +31 7 38 * +31 7 39 * +31 7 40 * +31 7 41 * +31 7 42 * +31 7 43 * +31 7 44 * +31 7 45 * +31 7 46 * +31 7 47 * +31 7 48 * +31 7 49 * +31 7 50 * +31 7 51 * +31 7 52 * +31 7 53 * +31 7 54 * +31 7 55 * +31 7 56 * +31 7 57 * +31 7 58 * +31 7 59 * +31 7 60 * +31 7 61 * +31 7 62 * +31 7 63 * +31 7 64 * +31 7 65 * +31 7 66 * +31 7 67 * +31 7 68 * +31 7 69 * +31 7 70 * +31 7 71 * +31 7 72 * +31 7 73 * +31 7 74 * +31 7 75 * +31 7 76 * +31 7 77 * +31 7 78 * +31 7 79 * +31 7 80 * +31 7 81 * +31 7 82 * +31 7 83 * +31 7 84 * +31 7 85 * +31 7 86 * +31 7 87 * +31 7 88 * +31 7 89 WI +31 7 90 * +31 7 91 * +31 7 92 * +31 7 93 * +31 7 94 * +31 7 95 * +31 7 96 US +31 7 97 * +31 7 98 * +31 7 99 * +31 7 100 * +31 7 101 * +31 7 102 * +31 7 103 * +31 7 104 * +31 7 105 * +31 7 106 * +31 7 107 * +31 7 108 * +31 7 109 * +31 7 110 * +31 7 111 * +31 7 112 * +31 7 113 WI +31 7 114 * +31 7 115 * +31 7 116 * +31 7 117 * +31 7 118 * +31 7 119 * +31 7 120 WP +31 7 121 * +31 7 122 * +31 7 123 * +31 7 124 * +31 7 125 * +31 7 126 * +31 7 127 * +31 7 128 US +31 7 129 * +31 7 130 * +31 7 131 * +31 7 132 * +31 7 133 * +31 7 134 * +31 7 135 * +31 7 136 * +31 7 137 * +31 7 138 * +31 7 139 * +31 7 140 * +31 7 141 * +31 7 142 * +31 7 143 * +31 7 144 * +31 7 145 * +31 7 146 * +31 7 147 * +31 7 148 MU +31 7 149 * +31 7 150 * +31 7 151 * +31 7 152 * +31 7 153 * +31 7 154 * +31 7 155 * +31 7 156 * +31 7 157 * +31 7 158 * +31 7 159 * +31 7 160 * +31 7 161 * +31 7 162 * +31 7 163 * +31 7 164 EP +31 7 165 * +31 7 166 * +31 7 167 * +31 7 168 * +31 7 169 * +31 7 170 * +31 7 171 * +31 7 172 WP +31 7 173 * +31 7 174 * +31 7 175 * +31 7 176 * +31 7 177 * +31 7 178 * +31 7 179 * +31 7 180 * +31 7 181 * +31 7 182 * +31 7 183 * +31 7 184 * +31 7 185 * +31 7 186 * +31 7 187 * +31 7 188 * +31 7 189 * +31 7 190 * +31 7 191 * +31 7 192 * +31 7 193 * +31 7 194 * +31 7 195 * +31 7 196 * +31 7 197 * +31 7 198 WI +31 7 199 * +31 7 200 * +31 7 201 * +31 7 202 * +31 7 203 * +31 7 204 * +31 7 205 * +31 7 206 * +31 7 207 * +31 7 208 * +31 7 209 * +31 7 210 * +31 7 211 * +31 7 212 * +31 7 213 * +31 7 214 US +31 7 215 * +31 7 216 * +31 7 217 * +31 7 218 * +31 7 219 * +31 7 220 * +31 7 221 * +31 7 222 * +31 7 223 * +31 7 224 * +31 7 225 * +31 7 226 * +31 7 227 * +31 7 228 * +31 7 229 * +31 7 230 * +31 7 231 * +31 7 232 * +31 7 233 * +31 7 234 * +31 7 235 EP +31 7 236 * +31 7 237 * +31 7 238 * +31 7 239 * +31 7 240 * +31 7 241 * +31 7 242 * +31 7 243 * +31 7 244 * +31 7 245 MU +31 7 246 * +31 7 247 * +31 7 248 * +31 7 249 * +31 7 250 * +31 7 251 * +31 7 252 * +31 7 253 * +31 7 254 * +31 7 255 * +31 7 256 * +31 7 257 * +31 7 258 * +31 7 259 * +31 7 260 * +31 7 261 * +31 7 262 WP +31 7 263 * +31 7 264 * +31 7 265 * +31 7 266 * +31 7 267 * +31 7 268 * +31 7 269 * +31 7 270 * +31 7 271 * +31 7 272 WP +31 7 273 * +31 7 274 * +31 7 275 * +31 7 276 * +31 7 277 * +31 7 278 * +31 7 279 EP +31 7 280 * +31 7 281 * +31 7 282 * +31 7 283 * +31 7 284 * +31 7 285 * +31 7 286 * +31 7 287 * +31 7 288 * +31 7 289 * +31 7 290 * +31 7 291 EP +31 7 292 * +31 7 293 * +31 7 294 * +31 7 295 * +31 7 296 * +31 7 297 * +31 7 298 * +31 7 299 * +31 7 300 * +31 7 301 * +31 7 302 * +31 7 303 * +31 7 304 * +31 7 305 * +31 7 306 * +31 7 307 * +31 7 308 * +31 7 309 * +31 7 310 * +31 7 311 EP +31 7 312 WI +31 7 313 * +31 7 314 * +31 7 315 * +31 7 316 * +31 7 317 * +31 7 318 * +31 7 319 * +31 7 320 * +31 7 321 * +31 7 322 * +31 7 323 * +31 7 324 * +31 7 325 * +31 7 326 * +31 7 327 * +31 7 328 * +31 7 329 * +31 7 330 * +31 8 1 * +31 8 2 * +31 8 3 * +31 8 4 * +31 8 5 * +31 8 6 * +31 8 7 * +31 8 8 PO +31 8 9 PO +31 8 10 * +31 8 11 * +31 8 12 US +31 8 13 * +31 8 14 * +31 8 15 * +31 8 16 * +31 8 17 * +31 8 18 * +31 8 19 * +31 8 20 US +31 8 21 * +31 8 22 * +31 8 23 * +31 8 24 * +31 8 25 * +31 8 26 EP +31 8 27 * +31 8 28 * +31 8 29 * +31 8 30 * +31 8 31 * +31 8 32 * +31 8 33 US +31 8 34 * +31 8 35 * +31 8 36 * +31 8 37 * +31 8 38 PO +31 8 39 * +31 8 40 * +31 8 41 MU +31 8 42 * +31 8 43 * +31 8 44 * +31 8 45 * +31 8 46 * +31 8 47 * +31 8 48 * +31 8 49 * +31 8 50 * +31 8 51 * +31 8 52 * +31 8 53 * +31 8 54 * +31 8 55 * +31 8 56 * +31 8 57 * +31 8 58 * +31 8 59 * +31 8 60 * +31 8 61 PO +31 8 62 * +31 8 63 * +31 8 64 EP +31 8 65 * +31 8 66 * +31 8 67 * +31 8 68 * +31 8 69 * +31 8 70 * +31 8 71 * +31 8 72 * +31 8 73 * +31 8 74 * +31 8 75 * +31 8 76 * +31 8 77 * +31 8 78 * +31 8 79 WI +31 8 80 EP +31 8 81 * +31 8 82 * +31 8 83 * +31 8 84 * +31 8 85 US +31 8 86 * +31 8 87 * +31 8 88 * +31 8 89 WI +31 8 90 * +31 8 91 * +31 8 92 * +31 8 93 * +31 8 94 WI +31 8 95 * +31 8 96 US +31 8 97 * +31 8 98 * +31 8 99 * +31 8 100 * +31 8 101 * +31 8 102 * +31 8 103 * +31 8 104 * +31 8 105 * +31 8 106 * +31 8 107 * +31 8 108 * +31 8 109 EP +31 8 110 * +31 8 111 * +31 8 112 * +31 8 113 WI +31 8 114 * +31 8 115 PO +31 8 116 * +31 8 117 * +31 8 118 * +31 8 119 * +31 8 120 * +31 8 121 * +31 8 122 * +31 8 123 * +31 8 124 * +31 8 125 * +31 8 126 * +31 8 127 * +31 8 128 US +31 8 129 * +31 8 130 * +31 8 131 * +31 8 132 * +31 8 133 * +31 8 134 * +31 8 135 * +31 8 136 * +31 8 137 * +31 8 138 * +31 8 139 * +31 8 140 * +31 8 141 * +31 8 142 * +31 8 143 * +31 8 144 * +31 8 145 * +31 8 146 * +31 8 147 * +31 8 148 * +31 8 149 * +31 8 150 * +31 8 151 * +31 8 152 * +31 8 153 * +31 8 154 * +31 8 155 * +31 8 156 * +31 8 157 * +31 8 158 * +31 8 159 * +31 8 160 * +31 8 161 * +31 8 162 * +31 8 163 * +31 8 164 EP +31 8 165 * +31 8 166 * +31 8 167 * +31 8 168 * +31 8 169 * +31 8 170 * +31 8 171 * +31 8 172 * +31 8 173 * +31 8 174 * +31 8 175 * +31 8 176 * +31 8 177 * +31 8 178 EP +31 8 179 * +31 8 180 * +31 8 181 * +31 8 182 * +31 8 183 * +31 8 184 * +31 8 185 * +31 8 186 * +31 8 187 * +31 8 188 * +31 8 189 * +31 8 190 * +31 8 191 * +31 8 192 * +31 8 193 * +31 8 194 * +31 8 195 * +31 8 196 * +31 8 197 * +31 8 198 WI +31 8 199 * +31 8 200 * +31 8 201 * +31 8 202 * +31 8 203 * +31 8 204 * +31 8 205 * +31 8 206 * +31 8 207 * +31 8 208 * +31 8 209 * +31 8 210 * +31 8 211 * +31 8 212 * +31 8 213 * +31 8 214 * +31 8 215 * +31 8 216 * +31 8 217 * +31 8 218 * +31 8 219 * +31 8 220 * +31 8 221 * +31 8 222 * +31 8 223 * +31 8 224 * +31 8 225 * +31 8 226 * +31 8 227 * +31 8 228 * +31 8 229 * +31 8 230 * +31 8 231 * +31 8 232 * +31 8 233 * +31 8 234 * +31 8 235 EP +31 8 236 * +31 8 237 * +31 8 238 * +31 8 239 * +31 8 240 * +31 8 241 * +31 8 242 * +31 8 243 * +31 8 244 * +31 8 245 PO +31 8 246 * +31 8 247 * +31 8 248 * +31 8 249 * +31 8 250 * +31 8 251 * +31 8 252 * +31 8 253 * +31 8 254 * +31 8 255 WI +31 8 256 * +31 8 257 * +31 8 258 * +31 8 259 * +31 8 260 * +31 8 261 * +31 8 262 * +31 8 263 * +31 8 264 * +31 8 265 * +31 8 266 * +31 8 267 * +31 8 268 * +31 8 269 * +31 8 270 * +31 8 271 * +31 8 272 * +31 8 273 * +31 8 274 WP +31 8 275 * +31 8 276 * +31 8 277 * +31 8 278 * +31 8 279 * +31 8 280 * +31 8 281 * +31 8 282 * +31 8 283 * +31 8 284 * +31 8 285 * +31 8 286 WP +31 8 287 * +31 8 288 * +31 8 289 * +31 8 290 * +31 8 291 EP +31 8 292 * +31 8 293 * +31 8 294 * +31 8 295 * +31 8 296 * +31 8 297 * +31 8 298 * +31 8 299 * +31 8 300 * +31 8 301 * +31 8 302 * +31 8 303 * +31 8 304 * +31 8 305 * +31 8 306 * +31 8 307 * +31 8 308 * +31 8 309 * +31 8 310 * +31 8 311 * +31 8 312 * +31 8 313 * +31 8 314 * +31 8 315 * +31 8 316 * +31 8 317 * +31 8 318 * +31 8 319 * +31 8 320 * +31 8 321 * +31 8 322 * +31 8 323 * +31 8 324 * +31 8 325 * +31 8 326 * +31 8 327 * +31 8 328 * +31 8 329 * +31 8 330 * +31 9 1 * +31 9 2 * +31 9 3 * +31 9 4 * +31 9 5 * +31 9 6 * +31 9 7 US +31 9 8 PO +31 9 9 * +31 9 10 EP +31 9 11 WI +31 9 12 * +31 9 13 * +31 9 14 * +31 9 15 * +31 9 16 WP +31 9 17 MU +31 9 18 WI +31 9 19 * +31 9 20 US +31 9 21 * +31 9 22 * +31 9 23 * +31 9 24 WI +31 9 25 * +31 9 26 EP +31 9 27 * +31 9 28 * +31 9 29 * +31 9 30 * +31 9 31 * +31 9 32 * +31 9 33 * +31 9 34 WS +31 9 35 * +31 9 36 WI +31 9 37 WS +31 9 38 PO +31 9 39 * +31 9 40 * +31 9 41 MU +31 9 42 * +31 9 43 * +31 9 44 * +31 9 45 US +31 9 46 * +31 9 47 WI +31 9 48 * +31 9 49 * +31 9 50 * +31 9 51 WI +31 9 52 * +31 9 53 PO +31 9 54 * +31 9 55 * +31 9 56 * +31 9 57 * +31 9 58 * +31 9 59 * +31 9 60 * +31 9 61 PO +31 9 62 * +31 9 63 * +31 9 64 WS +31 9 65 * +31 9 66 WP +31 9 67 * +31 9 68 * +31 9 69 * +31 9 70 * +31 9 71 PO +31 9 72 US +31 9 73 * +31 9 74 * +31 9 75 WI +31 9 76 * +31 9 77 * +31 9 78 * +31 9 79 WI +31 9 80 WS +31 9 81 * +31 9 82 * +31 9 83 * +31 9 84 * +31 9 85 US +31 9 86 * +31 9 87 WI +31 9 88 * +31 9 89 WI +31 9 90 * +31 9 91 * +31 9 92 * +31 9 93 WS +31 9 94 * +31 9 95 * +31 9 96 * +31 9 97 * +31 9 98 PO +31 9 99 * +31 9 100 * +31 9 101 * +31 9 102 * +31 9 103 * +31 9 104 * +31 9 105 * +31 9 106 * +31 9 107 * +31 9 108 * +31 9 109 EP +31 9 110 * +31 9 111 * +31 9 112 PO +31 9 113 WI +31 9 114 * +31 9 115 PO +31 9 116 * +31 9 117 * +31 9 118 * +31 9 119 * +31 9 120 * +31 9 121 * +31 9 122 US +31 9 123 * +31 9 124 * +31 9 125 * +31 9 126 * +31 9 127 * +31 9 128 * +31 9 129 * +31 9 130 WI +31 9 131 * +31 9 132 * +31 9 133 * +31 9 134 * +31 9 135 * +31 9 136 * +31 9 137 * +31 9 138 * +31 9 139 * +31 9 140 EP +31 9 141 WP +31 9 142 * +31 9 143 * +31 9 144 * +31 9 145 * +31 9 146 * +31 9 147 * +31 9 148 PO +31 9 149 * +31 9 150 * +31 9 151 * +31 9 152 * +31 9 153 EP +31 9 154 WI +31 9 155 * +31 9 156 US +31 9 157 * +31 9 158 * +31 9 159 * +31 9 160 * +31 9 161 * +31 9 162 PO +31 9 163 * +31 9 164 EP +31 9 165 * +31 9 166 * +31 9 167 * +31 9 168 * +31 9 169 EP +31 9 170 * +31 9 171 * +31 9 172 * +31 9 173 * +31 9 174 * +31 9 175 * +31 9 176 * +31 9 177 * +31 9 178 EP +31 9 179 * +31 9 180 US +31 9 181 * +31 9 182 * +31 9 183 * +31 9 184 * +31 9 185 * +31 9 186 * +31 9 187 * +31 9 188 * +31 9 189 * +31 9 190 * +31 9 191 * +31 9 192 * +31 9 193 * +31 9 194 * +31 9 195 * +31 9 196 * +31 9 197 * +31 9 198 WI +31 9 199 * +31 9 200 * +31 9 201 * +31 9 202 US +31 9 203 * +31 9 204 WI +31 9 205 * +31 9 206 * +31 9 207 * +31 9 208 * +31 9 209 * +31 9 210 * +31 9 211 * +31 9 212 * +31 9 213 * +31 9 214 * +31 9 215 * +31 9 216 WI +31 9 217 * +31 9 218 * +31 9 219 * +31 9 220 * +31 9 221 * +31 9 222 * +31 9 223 US +31 9 224 * +31 9 225 * +31 9 226 * +31 9 227 WI +31 9 228 * +31 9 229 * +31 9 230 * +31 9 231 * +31 9 232 * +31 9 233 * +31 9 234 US +31 9 235 EP +31 9 236 * +31 9 237 * +31 9 238 * +31 9 239 * +31 9 240 * +31 9 241 * +31 9 242 * +31 9 243 * +31 9 244 WP +31 9 245 MU +31 9 246 * +31 9 247 * +31 9 248 WI +31 9 249 * +31 9 250 * +31 9 251 * +31 9 252 * +31 9 253 * +31 9 254 * +31 9 255 WI +31 9 256 * +31 9 257 * +31 9 258 * +31 9 259 * +31 9 260 * +31 9 261 * +31 9 262 * +31 9 263 * +31 9 264 * +31 9 265 US +31 9 266 * +31 9 267 * +31 9 268 * +31 9 269 * +31 9 270 * +31 9 271 * +31 9 272 * +31 9 273 * +31 9 274 WP +31 9 275 * +31 9 276 * +31 9 277 * +31 9 278 * +31 9 279 EP +31 9 280 * +31 9 281 US +31 9 282 * +31 9 283 * +31 9 284 * +31 9 285 * +31 9 286 WP +31 9 287 * +31 9 288 MU +31 9 289 * +31 9 290 * +31 9 291 EP +31 9 292 * +31 9 293 * +31 9 294 * +31 9 295 * +31 9 296 * +31 9 297 * +31 9 298 MU +31 9 299 US +31 9 300 * +31 9 301 * +31 9 302 * +31 9 303 * +31 9 304 * +31 9 305 * +31 9 306 * +31 9 307 * +31 9 308 * +31 9 309 WI +31 9 310 US +31 9 311 EP +31 9 312 * +31 9 313 * +31 9 314 * +31 9 315 * +31 9 316 * +31 9 317 * +31 9 318 * +31 9 319 * +31 9 320 * +31 9 321 MU +31 9 322 * +31 9 323 US +31 9 324 * +31 9 325 * +31 9 326 * +31 9 327 * +31 9 328 US +31 9 329 * +31 9 330 * +31 10 1 EP +31 10 2 * +31 10 3 MU +31 10 4 * +31 10 5 * +31 10 6 * +31 10 7 * +31 10 8 * +31 10 9 * +31 10 10 EP +31 10 11 * +31 10 12 US +31 10 13 * +31 10 14 * +31 10 15 * +31 10 16 WP +31 10 17 * +31 10 18 WI +31 10 19 * +31 10 20 * +31 10 21 * +31 10 22 US +31 10 23 * +31 10 24 * +31 10 25 * +31 10 26 EP +31 10 27 * +31 10 28 * +31 10 29 * +31 10 30 * +31 10 31 * +31 10 32 * +31 10 33 * +31 10 34 * +31 10 35 * +31 10 36 * +31 10 37 * +31 10 38 * +31 10 39 * +31 10 40 * +31 10 41 * +31 10 42 * +31 10 43 * +31 10 44 * +31 10 45 * +31 10 46 * +31 10 47 * +31 10 48 * +31 10 49 * +31 10 50 * +31 10 51 * +31 10 52 * +31 10 53 * +31 10 54 * +31 10 55 * +31 10 56 * +31 10 57 * +31 10 58 * +31 10 59 * +31 10 60 * +31 10 61 * +31 10 62 * +31 10 63 * +31 10 64 * +31 10 65 * +31 10 66 * +31 10 67 * +31 10 68 * +31 10 69 * +31 10 70 * +31 10 71 * +31 10 72 * +31 10 73 * +31 10 74 * +31 10 75 * +31 10 76 * +31 10 77 * +31 10 78 * +31 10 79 * +31 10 80 * +31 10 81 * +31 10 82 * +31 10 83 * +31 10 84 * +31 10 85 * +31 10 86 * +31 10 87 WI +31 10 88 * +31 10 89 WI +31 10 90 * +31 10 91 US +31 10 92 * +31 10 93 * +31 10 94 * +31 10 95 * +31 10 96 US +31 10 97 * +31 10 98 * +31 10 99 * +31 10 100 * +31 10 101 * +31 10 102 * +31 10 103 * +31 10 104 * +31 10 105 * +31 10 106 * +31 10 107 WP +31 10 108 * +31 10 109 * +31 10 110 * +31 10 111 * +31 10 112 * +31 10 113 * +31 10 114 * +31 10 115 * +31 10 116 * +31 10 117 * +31 10 118 * +31 10 119 * +31 10 120 * +31 10 121 * +31 10 122 * +31 10 123 * +31 10 124 * +31 10 125 * +31 10 126 * +31 10 127 * +31 10 128 US +31 10 129 * +31 10 130 * +31 10 131 * +31 10 132 * +31 10 133 * +31 10 134 * +31 10 135 * +31 10 136 * +31 10 137 * +31 10 138 * +31 10 139 * +31 10 140 EP +31 10 141 * +31 10 142 * +31 10 143 * +31 10 144 * +31 10 145 * +31 10 146 * +31 10 147 * +31 10 148 * +31 10 149 * +31 10 150 * +31 10 151 * +31 10 152 * +31 10 153 * +31 10 154 * +31 10 155 * +31 10 156 * +31 10 157 * +31 10 158 * +31 10 159 * +31 10 160 * +31 10 161 * +31 10 162 * +31 10 163 * +31 10 164 * +31 10 165 * +31 10 166 * +31 10 167 * +31 10 168 * +31 10 169 * +31 10 170 * +31 10 171 * +31 10 172 WP +31 10 173 * +31 10 174 US +31 10 175 * +31 10 176 * +31 10 177 * +31 10 178 * +31 10 179 * +31 10 180 * +31 10 181 * +31 10 182 * +31 10 183 * +31 10 184 * +31 10 185 * +31 10 186 * +31 10 187 * +31 10 188 * +31 10 189 * +31 10 190 * +31 10 191 * +31 10 192 * +31 10 193 * +31 10 194 * +31 10 195 * +31 10 196 * +31 10 197 * +31 10 198 * +31 10 199 * +31 10 200 * +31 10 201 * +31 10 202 * +31 10 203 * +31 10 204 * +31 10 205 * +31 10 206 * +31 10 207 * +31 10 208 * +31 10 209 * +31 10 210 * +31 10 211 * +31 10 212 * +31 10 213 * +31 10 214 US +31 10 215 * +31 10 216 * +31 10 217 * +31 10 218 * +31 10 219 * +31 10 220 * +31 10 221 * +31 10 222 * +31 10 223 * +31 10 224 * +31 10 225 * +31 10 226 * +31 10 227 WI +31 10 228 * +31 10 229 * +31 10 230 * +31 10 231 * +31 10 232 * +31 10 233 * +31 10 234 * +31 10 235 * +31 10 236 * +31 10 237 * +31 10 238 * +31 10 239 * +31 10 240 * +31 10 241 * +31 10 242 * +31 10 243 * +31 10 244 * +31 10 245 MU +31 10 246 * +31 10 247 * +31 10 248 * +31 10 249 * +31 10 250 * +31 10 251 * +31 10 252 * +31 10 253 * +31 10 254 * +31 10 255 * +31 10 256 * +31 10 257 * +31 10 258 * +31 10 259 * +31 10 260 * +31 10 261 * +31 10 262 * +31 10 263 * +31 10 264 * +31 10 265 * +31 10 266 * +31 10 267 * +31 10 268 * +31 10 269 * +31 10 270 * +31 10 271 * +31 10 272 * +31 10 273 * +31 10 274 * +31 10 275 * +31 10 276 * +31 10 277 * +31 10 278 * +31 10 279 * +31 10 280 * +31 10 281 * +31 10 282 * +31 10 283 * +31 10 284 * +31 10 285 * +31 10 286 * +31 10 287 * +31 10 288 * +31 10 289 * +31 10 290 * +31 10 291 * +31 10 292 * +31 10 293 * +31 10 294 * +31 10 295 * +31 10 296 * +31 10 297 * +31 10 298 MU +31 10 299 * +31 10 300 * +31 10 301 * +31 10 302 * +31 10 303 * +31 10 304 * +31 10 305 * +31 10 306 * +31 10 307 * +31 10 308 * +31 10 309 * +31 10 310 * +31 10 311 * +31 10 312 * +31 10 313 * +31 10 314 * +31 10 315 * +31 10 316 * +31 10 317 * +31 10 318 * +31 10 319 * +31 10 320 * +31 10 321 * +31 10 322 * +31 10 323 * +31 10 324 * +31 10 325 * +31 10 326 * +31 10 327 * +31 10 328 * +31 10 329 * +31 10 330 * +31 11 1 EP +31 11 2 * +31 11 3 PO +31 11 4 * +31 11 5 * +31 11 6 * +31 11 7 US +31 11 8 PO +31 11 9 * +31 11 10 EP +31 11 11 * +31 11 12 US +31 11 13 * +31 11 14 * +31 11 15 * +31 11 16 * +31 11 17 * +31 11 18 * +31 11 19 EP +31 11 20 * +31 11 21 * +31 11 22 * +31 11 23 * +31 11 24 * +31 11 25 * +31 11 26 EP +31 11 27 WP +31 11 28 * +31 11 29 * +31 11 30 * +31 11 31 * +31 11 32 * +31 11 33 * +31 11 34 EP +31 11 35 * +31 11 36 * +31 11 37 * +31 11 38 PO +31 11 39 US +31 11 40 EP +31 11 41 PO +31 11 42 * +31 11 43 * +31 11 44 * +31 11 45 * +31 11 46 * +31 11 47 * +31 11 48 * +31 11 49 * +31 11 50 * +31 11 51 * +31 11 52 * +31 11 53 PO +31 11 54 * +31 11 55 * +31 11 56 * +31 11 57 * +31 11 58 * +31 11 59 * +31 11 60 * +31 11 61 PO +31 11 62 * +31 11 63 * +31 11 64 EP +31 11 65 * +31 11 66 WP +31 11 67 * +31 11 68 * +31 11 69 * +31 11 70 * +31 11 71 * +31 11 72 * +31 11 73 * +31 11 74 * +31 11 75 US +31 11 76 MU +31 11 77 EP +31 11 78 * +31 11 79 * +31 11 80 EP +31 11 81 US +31 11 82 * +31 11 83 * +31 11 84 * +31 11 85 * +31 11 86 * +31 11 87 * +31 11 88 * +31 11 89 * +31 11 90 * +31 11 91 * +31 11 92 WP +31 11 93 * +31 11 94 * +31 11 95 * +31 11 96 US +31 11 97 EP +31 11 98 MU +31 11 99 * +31 11 100 * +31 11 101 * +31 11 102 * +31 11 103 US +31 11 104 * +31 11 105 * +31 11 106 US +31 11 107 * +31 11 108 * +31 11 109 EP +31 11 110 * +31 11 111 * +31 11 112 PO +31 11 113 * +31 11 114 EP +31 11 115 MU +31 11 116 * +31 11 117 * +31 11 118 * +31 11 119 * +31 11 120 WP +31 11 121 PO +31 11 122 * +31 11 123 * +31 11 124 US +31 11 125 * +31 11 126 PO +31 11 127 * +31 11 128 US +31 11 129 WP +31 11 130 US +31 11 131 EP +31 11 132 MU +31 11 133 * +31 11 134 * +31 11 135 * +31 11 136 * +31 11 137 * +31 11 138 * +31 11 139 * +31 11 140 * +31 11 141 WP +31 11 142 * +31 11 143 * +31 11 144 * +31 11 145 * +31 11 146 * +31 11 147 * +31 11 148 * +31 11 149 * +31 11 150 * +31 11 151 * +31 11 152 * +31 11 153 EP +31 11 154 * +31 11 155 * +31 11 156 * +31 11 157 * +31 11 158 WP +31 11 159 * +31 11 160 * +31 11 161 * +31 11 162 * +31 11 163 * +31 11 164 * +31 11 165 * +31 11 166 * +31 11 167 * +31 11 168 US +31 11 169 EP +31 11 170 EP +31 11 171 * +31 11 172 WP +31 11 173 * +31 11 174 * +31 11 175 * +31 11 176 * +31 11 177 * +31 11 178 * +31 11 179 PO +31 11 180 US +31 11 181 * +31 11 182 PO +31 11 183 * +31 11 184 * +31 11 185 * +31 11 186 * +31 11 187 * +31 11 188 EP +31 11 189 * +31 11 190 * +31 11 191 * +31 11 192 PO +31 11 193 * +31 11 194 * +31 11 195 US +31 11 196 * +31 11 197 * +31 11 198 * +31 11 199 * +31 11 200 * +31 11 201 * +31 11 202 * +31 11 203 * +31 11 204 * +31 11 205 * +31 11 206 * +31 11 207 * +31 11 208 * +31 11 209 EP +31 11 210 * +31 11 211 * +31 11 212 US +31 11 213 * +31 11 214 * +31 11 215 * +31 11 216 * +31 11 217 * +31 11 218 * +31 11 219 * +31 11 220 EP +31 11 221 * +31 11 222 * +31 11 223 * +31 11 224 * +31 11 225 US +31 11 226 EP +31 11 227 * +31 11 228 EP +31 11 229 * +31 11 230 * +31 11 231 * +31 11 232 * +31 11 233 * +31 11 234 * +31 11 235 EP +31 11 236 US +31 11 237 * +31 11 238 * +31 11 239 * +31 11 240 * +31 11 241 * +31 11 242 * +31 11 243 EP +31 11 244 * +31 11 245 MU +31 11 246 * +31 11 247 * +31 11 248 * +31 11 249 * +31 11 250 * +31 11 251 US +31 11 252 * +31 11 253 * +31 11 254 * +31 11 255 * +31 11 256 PO +31 11 257 EP +31 11 258 US +31 11 259 MU +31 11 260 * +31 11 261 * +31 11 262 * +31 11 263 * +31 11 264 * +31 11 265 EP +31 11 266 * +31 11 267 * +31 11 268 US +31 11 269 PO +31 11 270 * +31 11 271 * +31 11 272 WP +31 11 273 PO +31 11 274 WP +31 11 275 US +31 11 276 PO +31 11 277 EP +31 11 278 * +31 11 279 EP +31 11 280 US +31 11 281 * +31 11 282 * +31 11 283 * +31 11 284 * +31 11 285 * +31 11 286 WP +31 11 287 * +31 11 288 MU +31 11 289 * +31 11 290 * +31 11 291 * +31 11 292 * +31 11 293 * +31 11 294 WP +31 11 295 * +31 11 296 EP +31 11 297 US +31 11 298 MU +31 11 299 EP +31 11 300 * +31 11 301 EP +31 11 302 * +31 11 303 * +31 11 304 US +31 11 305 PO +31 11 306 US +31 11 307 EP +31 11 308 * +31 11 309 * +31 11 310 * +31 11 311 EP +31 11 312 * +31 11 313 EP +31 11 314 WP +31 11 315 * +31 11 316 * +31 11 317 * +31 11 318 * +31 11 319 WP +31 11 320 US +31 11 321 * +31 11 322 EP +31 11 323 * +31 11 324 * +31 11 325 MU +31 11 326 US +31 11 327 * +31 11 328 US +31 11 329 * +31 11 330 * +31 12 1 * +31 12 2 * +31 12 3 * +31 12 4 * +31 12 5 * +31 12 6 * +31 12 7 * +31 12 8 * +31 12 9 * +31 12 10 EP +31 12 11 * +31 12 12 * +31 12 13 * +31 12 14 EP +31 12 15 * +31 12 16 * +31 12 17 * +31 12 18 WI +31 12 19 * +31 12 20 * +31 12 21 * +31 12 22 * +31 12 23 * +31 12 24 US +31 12 25 EP +31 12 26 EP +31 12 27 * +31 12 28 * +31 12 29 * +31 12 30 * +31 12 31 * +31 12 32 * +31 12 33 * +31 12 34 * +31 12 35 US +31 12 36 * +31 12 37 * +31 12 38 MU +31 12 39 * +31 12 40 * +31 12 41 * +31 12 42 * +31 12 43 * +31 12 44 * +31 12 45 * +31 12 46 * +31 12 47 * +31 12 48 * +31 12 49 * +31 12 50 * +31 12 51 US +31 12 52 * +31 12 53 MU +31 12 54 US +31 12 55 * +31 12 56 * +31 12 57 * +31 12 58 US +31 12 59 * +31 12 60 WI +31 12 61 MU +31 12 62 * +31 12 63 * +31 12 64 EP +31 12 65 MU +31 12 66 * +31 12 67 * +31 12 68 * +31 12 69 US +31 12 70 * +31 12 71 * +31 12 72 EP +31 12 73 * +31 12 74 * +31 12 75 WI +31 12 76 * +31 12 77 * +31 12 78 * +31 12 79 * +31 12 80 EP +31 12 81 * +31 12 82 * +31 12 83 * +31 12 84 * +31 12 85 US +31 12 86 * +31 12 87 WI +31 12 88 * +31 12 89 WI +31 12 90 WI +31 12 91 * +31 12 92 * +31 12 93 EP +31 12 94 * +31 12 95 * +31 12 96 US +31 12 97 * +31 12 98 MU +31 12 99 * +31 12 100 * +31 12 101 * +31 12 102 * +31 12 103 US +31 12 104 * +31 12 105 * +31 12 106 * +31 12 107 * +31 12 108 * +31 12 109 * +31 12 110 US +31 12 111 * +31 12 112 MU +31 12 113 WI +31 12 114 * +31 12 115 MU +31 12 116 * +31 12 117 * +31 12 118 * +31 12 119 * +31 12 120 WP +31 12 121 US +31 12 122 * +31 12 123 EP +31 12 124 * +31 12 125 MU +31 12 126 * +31 12 127 * +31 12 128 * +31 12 129 WP +31 12 130 * +31 12 131 EP +31 12 132 * +31 12 133 * +31 12 134 * +31 12 135 MU +31 12 136 * +31 12 137 US +31 12 138 * +31 12 139 * +31 12 140 EP +31 12 141 WP +31 12 142 * +31 12 143 US +31 12 144 * +31 12 145 * +31 12 146 * +31 12 147 * +31 12 148 MU +31 12 149 * +31 12 150 * +31 12 151 * +31 12 152 * +31 12 153 EP +31 12 154 WI +31 12 155 * +31 12 156 EP +31 12 157 US +31 12 158 WP +31 12 159 * +31 12 160 * +31 12 161 EP +31 12 162 * +31 12 163 * +31 12 164 EP +31 12 165 * +31 12 166 * +31 12 167 * +31 12 168 US +31 12 169 EP +31 12 170 * +31 12 171 US +31 12 172 WP +31 12 173 * +31 12 174 US +31 12 175 * +31 12 176 * +31 12 177 * +31 12 178 EP +31 12 179 * +31 12 180 * +31 12 181 US +31 12 182 MU +31 12 183 * +31 12 184 * +31 12 185 US +31 12 186 * +31 12 187 US +31 12 188 EP +31 12 189 * +31 12 190 * +31 12 191 EP +31 12 192 * +31 12 193 US +31 12 194 MU +31 12 195 * +31 12 196 * +31 12 197 * +31 12 198 WI +31 12 199 * +31 12 200 * +31 12 201 * +31 12 202 EP +31 12 203 * +31 12 204 * +31 12 205 EP +31 12 206 * +31 12 207 MU +31 12 208 * +31 12 209 * +31 12 210 US +31 12 211 EP +31 12 212 US +31 12 213 * +31 12 214 * +31 12 215 * +31 12 216 * +31 12 217 * +31 12 218 US +31 12 219 * +31 12 220 EP +31 12 221 * +31 12 222 * +31 12 223 * +31 12 224 * +31 12 225 * +31 12 226 * +31 12 227 WI +31 12 228 * +31 12 229 * +31 12 230 * +31 12 231 * +31 12 232 US +31 12 233 * +31 12 234 * +31 12 235 EP +31 12 236 * +31 12 237 * +31 12 238 EP +31 12 239 * +31 12 240 * +31 12 241 * +31 12 242 * +31 12 243 MU +31 12 244 * +31 12 245 MU +31 12 246 * +31 12 247 EP +31 12 248 WI +31 12 249 * +31 12 250 * +31 12 251 * +31 12 252 * +31 12 253 EP +31 12 254 * +31 12 255 WI +31 12 256 * +31 12 257 * +31 12 258 US +31 12 259 MU +31 12 260 * +31 12 261 US +31 12 262 * +31 12 263 * +31 12 264 * +31 12 265 EP +31 12 266 US +31 12 267 * +31 12 268 * +31 12 269 * +31 12 270 US +31 12 271 * +31 12 272 WP +31 12 273 * +31 12 274 WP +31 12 275 * +31 12 276 MU +31 12 277 * +31 12 278 * +31 12 279 EP +31 12 280 US +31 12 281 * +31 12 282 US +31 12 283 * +31 12 284 WP +31 12 285 * +31 12 286 WP +31 12 287 US +31 12 288 MU +31 12 289 * +31 12 290 * +31 12 291 EP +31 12 292 * +31 12 293 * +31 12 294 * +31 12 295 US +31 12 296 EP +31 12 297 US +31 12 298 MU +31 12 299 EP +31 12 300 * +31 12 301 * +31 12 302 * +31 12 303 * +31 12 304 US +31 12 305 MU +31 12 306 US +31 12 307 EP +31 12 308 * +31 12 309 WI +31 12 310 US +31 12 311 EP +31 12 312 WI +31 12 313 EP +31 12 314 * +31 12 315 * +31 12 316 * +31 12 317 MU +31 12 318 US +31 12 319 * +31 12 320 * +31 12 321 MU +31 12 322 * +31 12 323 * +31 12 324 * +31 12 325 MU +31 12 326 US +31 12 327 * +31 12 328 US +31 12 329 * +31 12 330 * +31 13 1 * +31 13 2 * +31 13 3 * +31 13 4 * +31 13 5 * +31 13 6 * +31 13 7 * +31 13 8 * +31 13 9 * +31 13 10 * +31 13 11 * +31 13 12 * +31 13 13 * +31 13 14 * +31 13 15 * +31 13 16 * +31 13 17 * +31 13 18 * +31 13 19 * +31 13 20 * +31 13 21 * +31 13 22 * +31 13 23 * +31 13 24 * +31 13 25 * +31 13 26 * +31 13 27 * +31 13 28 * +31 13 29 * +31 13 30 * +31 13 31 * +31 13 32 * +31 13 33 * +31 13 34 * +31 13 35 * +31 13 36 * +31 13 37 * +31 13 38 * +31 13 39 * +31 13 40 * +31 13 41 * +31 13 42 * +31 13 43 * +31 13 44 * +31 13 45 * +31 13 46 * +31 13 47 * +31 13 48 * +31 13 49 * +31 13 50 * +31 13 51 * +31 13 52 * +31 13 53 * +31 13 54 * +31 13 55 * +31 13 56 * +31 13 57 * +31 13 58 * +31 13 59 * +31 13 60 * +31 13 61 * +31 13 62 * +31 13 63 * +31 13 64 * +31 13 65 * +31 13 66 * +31 13 67 * +31 13 68 * +31 13 69 * +31 13 70 * +31 13 71 * +31 13 72 * +31 13 73 * +31 13 74 * +31 13 75 * +31 13 76 * +31 13 77 * +31 13 78 * +31 13 79 * +31 13 80 * +31 13 81 * +31 13 82 * +31 13 83 * +31 13 84 * +31 13 85 * +31 13 86 * +31 13 87 * +31 13 88 * +31 13 89 * +31 13 90 * +31 13 91 * +31 13 92 * +31 13 93 * +31 13 94 * +31 13 95 * +31 13 96 * +31 13 97 * +31 13 98 * +31 13 99 * +31 13 100 * +31 13 101 * +31 13 102 * +31 13 103 * +31 13 104 * +31 13 105 * +31 13 106 * +31 13 107 * +31 13 108 * +31 13 109 * +31 13 110 * +31 13 111 * +31 13 112 * +31 13 113 * +31 13 114 * +31 13 115 * +31 13 116 * +31 13 117 * +31 13 118 * +31 13 119 * +31 13 120 * +31 13 121 * +31 13 122 * +31 13 123 * +31 13 124 * +31 13 125 * +31 13 126 * +31 13 127 * +31 13 128 * +31 13 129 * +31 13 130 * +31 13 131 * +31 13 132 * +31 13 133 * +31 13 134 * +31 13 135 * +31 13 136 * +31 13 137 * +31 13 138 * +31 13 139 * +31 13 140 * +31 13 141 * +31 13 142 * +31 13 143 * +31 13 144 * +31 13 145 * +31 13 146 * +31 13 147 * +31 13 148 MU +31 13 149 * +31 13 150 * +31 13 151 * +31 13 152 * +31 13 153 * +31 13 154 * +31 13 155 * +31 13 156 * +31 13 157 * +31 13 158 * +31 13 159 * +31 13 160 * +31 13 161 * +31 13 162 * +31 13 163 * +31 13 164 * +31 13 165 * +31 13 166 * +31 13 167 * +31 13 168 * +31 13 169 * +31 13 170 * +31 13 171 * +31 13 172 WP +31 13 173 * +31 13 174 * +31 13 175 * +31 13 176 * +31 13 177 * +31 13 178 * +31 13 179 * +31 13 180 * +31 13 181 * +31 13 182 * +31 13 183 * +31 13 184 * +31 13 185 * +31 13 186 * +31 13 187 * +31 13 188 * +31 13 189 * +31 13 190 * +31 13 191 * +31 13 192 * +31 13 193 * +31 13 194 * +31 13 195 * +31 13 196 * +31 13 197 * +31 13 198 * +31 13 199 * +31 13 200 * +31 13 201 * +31 13 202 * +31 13 203 * +31 13 204 * +31 13 205 * +31 13 206 * +31 13 207 * +31 13 208 * +31 13 209 * +31 13 210 * +31 13 211 * +31 13 212 * +31 13 213 * +31 13 214 * +31 13 215 * +31 13 216 * +31 13 217 * +31 13 218 * +31 13 219 * +31 13 220 * +31 13 221 * +31 13 222 * +31 13 223 * +31 13 224 * +31 13 225 * +31 13 226 * +31 13 227 * +31 13 228 * +31 13 229 * +31 13 230 * +31 13 231 * +31 13 232 * +31 13 233 * +31 13 234 * +31 13 235 * +31 13 236 * +31 13 237 * +31 13 238 * +31 13 239 * +31 13 240 * +31 13 241 * +31 13 242 * +31 13 243 * +31 13 244 * +31 13 245 * +31 13 246 * +31 13 247 * +31 13 248 * +31 13 249 * +31 13 250 * +31 13 251 * +31 13 252 * +31 13 253 * +31 13 254 * +31 13 255 * +31 13 256 * +31 13 257 * +31 13 258 * +31 13 259 * +31 13 260 * +31 13 261 * +31 13 262 * +31 13 263 * +31 13 264 * +31 13 265 * +31 13 266 * +31 13 267 * +31 13 268 * +31 13 269 * +31 13 270 * +31 13 271 * +31 13 272 WP +31 13 273 * +31 13 274 * +31 13 275 * +31 13 276 * +31 13 277 * +31 13 278 * +31 13 279 * +31 13 280 * +31 13 281 * +31 13 282 * +31 13 283 * +31 13 284 * +31 13 285 * +31 13 286 * +31 13 287 * +31 13 288 * +31 13 289 * +31 13 290 * +31 13 291 * +31 13 292 * +31 13 293 * +31 13 294 * +31 13 295 * +31 13 296 * +31 13 297 * +31 13 298 * +31 13 299 * +31 13 300 * +31 13 301 * +31 13 302 * +31 13 303 * +31 13 304 * +31 13 305 * +31 13 306 * +31 13 307 * +31 13 308 * +31 13 309 * +31 13 310 * +31 13 311 * +31 13 312 * +31 13 313 * +31 13 314 * +31 13 315 * +31 13 316 * +31 13 317 * +31 13 318 * +31 13 319 * +31 13 320 * +31 13 321 * +31 13 322 * +31 13 323 * +31 13 324 * +31 13 325 * +31 13 326 * +31 13 327 * +31 13 328 * +31 13 329 * +31 13 330 * +31 14 1 * +31 14 2 * +31 14 3 * +31 14 4 * +31 14 5 * +31 14 6 * +31 14 7 US +31 14 8 * +31 14 9 * +31 14 10 * +31 14 11 * +31 14 12 US +31 14 13 * +31 14 14 * +31 14 15 * +31 14 16 WP +31 14 17 * +31 14 18 WI +31 14 19 WS +31 14 20 US +31 14 21 * +31 14 22 * +31 14 23 * +31 14 24 * +31 14 25 * +31 14 26 WS +31 14 27 * +31 14 28 * +31 14 29 * +31 14 30 * +31 14 31 * +31 14 32 * +31 14 33 * +31 14 34 * +31 14 35 * +31 14 36 * +31 14 37 * +31 14 38 * +31 14 39 * +31 14 40 * +31 14 41 * +31 14 42 * +31 14 43 * +31 14 44 * +31 14 45 US +31 14 46 * +31 14 47 * +31 14 48 * +31 14 49 * +31 14 50 * +31 14 51 * +31 14 52 * +31 14 53 * +31 14 54 * +31 14 55 * +31 14 56 * +31 14 57 * +31 14 58 * +31 14 59 * +31 14 60 * +31 14 61 * +31 14 62 * +31 14 63 * +31 14 64 * +31 14 65 * +31 14 66 WP +31 14 67 * +31 14 68 * +31 14 69 * +31 14 70 * +31 14 71 * +31 14 72 * +31 14 73 * +31 14 74 * +31 14 75 * +31 14 76 * +31 14 77 * +31 14 78 * +31 14 79 WI +31 14 80 EP +31 14 81 * +31 14 82 * +31 14 83 * +31 14 84 * +31 14 85 * +31 14 86 * +31 14 87 * +31 14 88 * +31 14 89 WP +31 14 90 * +31 14 91 US +31 14 92 * +31 14 93 * +31 14 94 * +31 14 95 * +31 14 96 US +31 14 97 EP +31 14 98 * +31 14 99 * +31 14 100 * +31 14 101 * +31 14 102 * +31 14 103 * +31 14 104 * +31 14 105 * +31 14 106 * +31 14 107 WP +31 14 108 * +31 14 109 EP +31 14 110 US +31 14 111 * +31 14 112 * +31 14 113 WI +31 14 114 * +31 14 115 * +31 14 116 * +31 14 117 * +31 14 118 * +31 14 119 US +31 14 120 WP +31 14 121 * +31 14 122 US +31 14 123 * +31 14 124 * +31 14 125 * +31 14 126 * +31 14 127 * +31 14 128 US +31 14 129 * +31 14 130 * +31 14 131 * +31 14 132 MU +31 14 133 * +31 14 134 * +31 14 135 * +31 14 136 EP +31 14 137 * +31 14 138 * +31 14 139 * +31 14 140 * +31 14 141 WP +31 14 142 * +31 14 143 US +31 14 144 * +31 14 145 * +31 14 146 US +31 14 147 * +31 14 148 MU +31 14 149 * +31 14 150 * +31 14 151 * +31 14 152 * +31 14 153 EP +31 14 154 * +31 14 155 * +31 14 156 * +31 14 157 * +31 14 158 WP +31 14 159 * +31 14 160 * +31 14 161 * +31 14 162 * +31 14 163 * +31 14 164 EP +31 14 165 * +31 14 166 * +31 14 167 * +31 14 168 * +31 14 169 * +31 14 170 * +31 14 171 * +31 14 172 WP +31 14 173 * +31 14 174 US +31 14 175 * +31 14 176 * +31 14 177 * +31 14 178 EP +31 14 179 * +31 14 180 * +31 14 181 * +31 14 182 * +31 14 183 * +31 14 184 * +31 14 185 * +31 14 186 * +31 14 187 * +31 14 188 * +31 14 189 * +31 14 190 * +31 14 191 * +31 14 192 * +31 14 193 * +31 14 194 * +31 14 195 * +31 14 196 * +31 14 197 * +31 14 198 WI +31 14 199 * +31 14 200 * +31 14 201 * +31 14 202 US +31 14 203 * +31 14 204 * +31 14 205 * +31 14 206 * +31 14 207 * +31 14 208 * +31 14 209 * +31 14 210 * +31 14 211 * +31 14 212 * +31 14 213 * +31 14 214 US +31 14 215 * +31 14 216 * +31 14 217 * +31 14 218 * +31 14 219 * +31 14 220 WS +31 14 221 * +31 14 222 * +31 14 223 US +31 14 224 * +31 14 225 * +31 14 226 * +31 14 227 * +31 14 228 * +31 14 229 * +31 14 230 * +31 14 231 * +31 14 232 * +31 14 233 * +31 14 234 US +31 14 235 EP +31 14 236 * +31 14 237 * +31 14 238 * +31 14 239 * +31 14 240 * +31 14 241 * +31 14 242 * +31 14 243 * +31 14 244 * +31 14 245 MU +31 14 246 * +31 14 247 * +31 14 248 * +31 14 249 * +31 14 250 * +31 14 251 * +31 14 252 * +31 14 253 * +31 14 254 * +31 14 255 WI +31 14 256 * +31 14 257 * +31 14 258 * +31 14 259 * +31 14 260 * +31 14 261 * +31 14 262 * +31 14 263 * +31 14 264 * +31 14 265 * +31 14 266 * +31 14 267 * +31 14 268 US +31 14 269 * +31 14 270 * +31 14 271 * +31 14 272 WP +31 14 273 * +31 14 274 * +31 14 275 * +31 14 276 * +31 14 277 * +31 14 278 * +31 14 279 WS +31 14 280 * +31 14 281 US +31 14 282 * +31 14 283 * +31 14 284 * +31 14 285 * +31 14 286 WP +31 14 287 * +31 14 288 MU +31 14 289 * +31 14 290 * +31 14 291 EP +31 14 292 * +31 14 293 * +31 14 294 * +31 14 295 * +31 14 296 * +31 14 297 US +31 14 298 MU +31 14 299 US +31 14 300 * +31 14 301 US +31 14 302 * +31 14 303 * +31 14 304 * +31 14 305 * +31 14 306 * +31 14 307 EP +31 14 308 * +31 14 309 * +31 14 310 US +31 14 311 * +31 14 312 WI +31 14 313 * +31 14 314 WP +31 14 315 US +31 14 316 * +31 14 317 * +31 14 318 * +31 14 319 * +31 14 320 * +31 14 321 * +31 14 322 WS +31 14 323 * +31 14 324 * +31 14 325 * +31 14 326 US +31 14 327 * +31 14 328 * +31 14 329 * +31 14 330 * +31 15 1 * +31 15 2 * +31 15 3 MU +31 15 4 * +31 15 5 * +31 15 6 * +31 15 7 * +31 15 8 * +31 15 9 * +31 15 10 EP +31 15 11 * +31 15 12 * +31 15 13 * +31 15 14 * +31 15 15 * +31 15 16 * +31 15 17 * +31 15 18 WI +31 15 19 * +31 15 20 * +31 15 21 * +31 15 22 * +31 15 23 * +31 15 24 * +31 15 25 * +31 15 26 * +31 15 27 * +31 15 28 * +31 15 29 * +31 15 30 * +31 15 31 * +31 15 32 * +31 15 33 * +31 15 34 * +31 15 35 * +31 15 36 * +31 15 37 * +31 15 38 * +31 15 39 * +31 15 40 * +31 15 41 * +31 15 42 * +31 15 43 * +31 15 44 * +31 15 45 * +31 15 46 * +31 15 47 * +31 15 48 * +31 15 49 * +31 15 50 * +31 15 51 * +31 15 52 * +31 15 53 * +31 15 54 * +31 15 55 * +31 15 56 * +31 15 57 * +31 15 58 * +31 15 59 * +31 15 60 * +31 15 61 * +31 15 62 * +31 15 63 * +31 15 64 * +31 15 65 * +31 15 66 * +31 15 67 * +31 15 68 * +31 15 69 * +31 15 70 * +31 15 71 * +31 15 72 * +31 15 73 * +31 15 74 * +31 15 75 * +31 15 76 * +31 15 77 * +31 15 78 * +31 15 79 * +31 15 80 * +31 15 81 * +31 15 82 * +31 15 83 * +31 15 84 * +31 15 85 * +31 15 86 * +31 15 87 * +31 15 88 * +31 15 89 * +31 15 90 * +31 15 91 * +31 15 92 * +31 15 93 * +31 15 94 * +31 15 95 * +31 15 96 * +31 15 97 * +31 15 98 * +31 15 99 * +31 15 100 * +31 15 101 * +31 15 102 * +31 15 103 * +31 15 104 * +31 15 105 * +31 15 106 * +31 15 107 * +31 15 108 * +31 15 109 * +31 15 110 US +31 15 111 * +31 15 112 * +31 15 113 * +31 15 114 * +31 15 115 * +31 15 116 * +31 15 117 * +31 15 118 * +31 15 119 * +31 15 120 * +31 15 121 * +31 15 122 US +31 15 123 * +31 15 124 * +31 15 125 * +31 15 126 * +31 15 127 * +31 15 128 US +31 15 129 * +31 15 130 * +31 15 131 * +31 15 132 * +31 15 133 * +31 15 134 * +31 15 135 * +31 15 136 * +31 15 137 * +31 15 138 * +31 15 139 * +31 15 140 EP +31 15 141 * +31 15 142 * +31 15 143 * +31 15 144 * +31 15 145 * +31 15 146 * +31 15 147 * +31 15 148 MU +31 15 149 US +31 15 150 * +31 15 151 * +31 15 152 * +31 15 153 WS +31 15 154 * +31 15 155 * +31 15 156 * +31 15 157 * +31 15 158 * +31 15 159 * +31 15 160 * +31 15 161 * +31 15 162 * +31 15 163 * +31 15 164 WS +31 15 165 * +31 15 166 * +31 15 167 * +31 15 168 * +31 15 169 * +31 15 170 * +31 15 171 US +31 15 172 * +31 15 173 * +31 15 174 US +31 15 175 * +31 15 176 * +31 15 177 US +31 15 178 * +31 15 179 * +31 15 180 * +31 15 181 * +31 15 182 * +31 15 183 * +31 15 184 * +31 15 185 * +31 15 186 * +31 15 187 * +31 15 188 * +31 15 189 * +31 15 190 * +31 15 191 * +31 15 192 * +31 15 193 US +31 15 194 * +31 15 195 * +31 15 196 * +31 15 197 * +31 15 198 * +31 15 199 * +31 15 200 * +31 15 201 * +31 15 202 US +31 15 203 * +31 15 204 * +31 15 205 EP +31 15 206 * +31 15 207 * +31 15 208 * +31 15 209 EP +31 15 210 * +31 15 211 * +31 15 212 * +31 15 213 * +31 15 214 US +31 15 215 * +31 15 216 * +31 15 217 * +31 15 218 US +31 15 219 * +31 15 220 EP +31 15 221 * +31 15 222 * +31 15 223 * +31 15 224 * +31 15 225 * +31 15 226 * +31 15 227 WI +31 15 228 * +31 15 229 * +31 15 230 * +31 15 231 * +31 15 232 * +31 15 233 * +31 15 234 * +31 15 235 * +31 15 236 US +31 15 237 * +31 15 238 * +31 15 239 * +31 15 240 * +31 15 241 * +31 15 242 * +31 15 243 US +31 15 244 * +31 15 245 MU +31 15 246 * +31 15 247 * +31 15 248 * +31 15 249 * +31 15 250 EP +31 15 251 US +31 15 252 * +31 15 253 * +31 15 254 * +31 15 255 WI +31 15 256 MU +31 15 257 * +31 15 258 US +31 15 259 * +31 15 260 * +31 15 261 * +31 15 262 * +31 15 263 * +31 15 264 * +31 15 265 * +31 15 266 * +31 15 267 * +31 15 268 * +31 15 269 * +31 15 270 US +31 15 271 EP +31 15 272 WP +31 15 273 * +31 15 274 WP +31 15 275 US +31 15 276 MU +31 15 277 * +31 15 278 * +31 15 279 * +31 15 280 US +31 15 281 * +31 15 282 * +31 15 283 * +31 15 284 * +31 15 285 PO +31 15 286 WP +31 15 287 US +31 15 288 MU +31 15 289 * +31 15 290 * +31 15 291 * +31 15 292 * +31 15 293 * +31 15 294 * +31 15 295 * +31 15 296 EP +31 15 297 US +31 15 298 MU +31 15 299 * +31 15 300 * +31 15 301 * +31 15 302 * +31 15 303 * +31 15 304 US +31 15 305 * +31 15 306 US +31 15 307 * +31 15 308 * +31 15 309 * +31 15 310 * +31 15 311 * +31 15 312 * +31 15 313 * +31 15 314 * +31 15 315 * +31 15 316 * +31 15 317 * +31 15 318 * +31 15 319 * +31 15 320 * +31 15 321 MU +31 15 322 * +31 15 323 * +31 15 324 * +31 15 325 * +31 15 326 * +31 15 327 * +31 15 328 * +31 15 329 * +31 15 330 * +31 16 1 * +31 16 2 * +31 16 3 MU +31 16 4 * +31 16 5 * +31 16 6 * +31 16 7 * +31 16 8 * +31 16 9 * +31 16 10 EP +31 16 11 * +31 16 12 * +31 16 13 * +31 16 14 * +31 16 15 * +31 16 16 * +31 16 17 * +31 16 18 * +31 16 19 * +31 16 20 * +31 16 21 * +31 16 22 * +31 16 23 * +31 16 24 * +31 16 25 * +31 16 26 EP +31 16 27 * +31 16 28 * +31 16 29 * +31 16 30 * +31 16 31 * +31 16 32 * +31 16 33 * +31 16 34 EP +31 16 35 * +31 16 36 * +31 16 37 * +31 16 38 * +31 16 39 * +31 16 40 * +31 16 41 * +31 16 42 * +31 16 43 * +31 16 44 * +31 16 45 * +31 16 46 * +31 16 47 * +31 16 48 * +31 16 49 * +31 16 50 * +31 16 51 * +31 16 52 * +31 16 53 * +31 16 54 * +31 16 55 * +31 16 56 * +31 16 57 * +31 16 58 * +31 16 59 * +31 16 60 * +31 16 61 * +31 16 62 * +31 16 63 * +31 16 64 EP +31 16 65 * +31 16 66 * +31 16 67 * +31 16 68 * +31 16 69 * +31 16 70 * +31 16 71 * +31 16 72 * +31 16 73 * +31 16 74 * +31 16 75 * +31 16 76 * +31 16 77 * +31 16 78 * +31 16 79 * +31 16 80 EP +31 16 81 * +31 16 82 * +31 16 83 * +31 16 84 * +31 16 85 * +31 16 86 * +31 16 87 * +31 16 88 * +31 16 89 WI +31 16 90 * +31 16 91 * +31 16 92 * +31 16 93 * +31 16 94 * +31 16 95 * +31 16 96 US +31 16 97 * +31 16 98 MU +31 16 99 * +31 16 100 * +31 16 101 * +31 16 102 * +31 16 103 * +31 16 104 * +31 16 105 * +31 16 106 * +31 16 107 WP +31 16 108 * +31 16 109 * +31 16 110 US +31 16 111 * +31 16 112 * +31 16 113 * +31 16 114 * +31 16 115 * +31 16 116 * +31 16 117 * +31 16 118 * +31 16 119 * +31 16 120 * +31 16 121 * +31 16 122 * +31 16 123 * +31 16 124 * +31 16 125 * +31 16 126 * +31 16 127 * +31 16 128 * +31 16 129 * +31 16 130 * +31 16 131 * +31 16 132 * +31 16 133 * +31 16 134 * +31 16 135 * +31 16 136 * +31 16 137 * +31 16 138 * +31 16 139 * +31 16 140 EP +31 16 141 WP +31 16 142 * +31 16 143 * +31 16 144 * +31 16 145 * +31 16 146 US +31 16 147 * +31 16 148 MU +31 16 149 * +31 16 150 * +31 16 151 * +31 16 152 * +31 16 153 EP +31 16 154 * +31 16 155 * +31 16 156 * +31 16 157 * +31 16 158 WP +31 16 159 * +31 16 160 * +31 16 161 * +31 16 162 * +31 16 163 * +31 16 164 EP +31 16 165 * +31 16 166 * +31 16 167 * +31 16 168 * +31 16 169 * +31 16 170 * +31 16 171 * +31 16 172 WP +31 16 173 * +31 16 174 US +31 16 175 * +31 16 176 * +31 16 177 * +31 16 178 * +31 16 179 * +31 16 180 * +31 16 181 * +31 16 182 * +31 16 183 * +31 16 184 * +31 16 185 * +31 16 186 * +31 16 187 * +31 16 188 * +31 16 189 * +31 16 190 * +31 16 191 * +31 16 192 * +31 16 193 * +31 16 194 * +31 16 195 * +31 16 196 * +31 16 197 WI +31 16 198 * +31 16 199 * +31 16 200 * +31 16 201 * +31 16 202 * +31 16 203 * +31 16 204 * +31 16 205 * +31 16 206 * +31 16 207 * +31 16 208 * +31 16 209 * +31 16 210 * +31 16 211 EP +31 16 212 * +31 16 213 * +31 16 214 * +31 16 215 * +31 16 216 * +31 16 217 * +31 16 218 * +31 16 219 * +31 16 220 * +31 16 221 * +31 16 222 * +31 16 223 * +31 16 224 * +31 16 225 * +31 16 226 * +31 16 227 * +31 16 228 * +31 16 229 * +31 16 230 * +31 16 231 * +31 16 232 * +31 16 233 * +31 16 234 * +31 16 235 EP +31 16 236 * +31 16 237 * +31 16 238 * +31 16 239 * +31 16 240 * +31 16 241 * +31 16 242 * +31 16 243 * +31 16 244 * +31 16 245 MU +31 16 246 * +31 16 247 * +31 16 248 * +31 16 249 * +31 16 250 * +31 16 251 * +31 16 252 * +31 16 253 * +31 16 254 * +31 16 255 * +31 16 256 * +31 16 257 * +31 16 258 * +31 16 259 MU +31 16 260 * +31 16 261 US +31 16 262 WP +31 16 263 * +31 16 264 * +31 16 265 * +31 16 266 * +31 16 267 * +31 16 268 * +31 16 269 * +31 16 270 US +31 16 271 * +31 16 272 WP +31 16 273 * +31 16 274 * +31 16 275 * +31 16 276 * +31 16 277 * +31 16 278 * +31 16 279 EP +31 16 280 * +31 16 281 * +31 16 282 * +31 16 283 * +31 16 284 * +31 16 285 * +31 16 286 WP +31 16 287 * +31 16 288 * +31 16 289 * +31 16 290 * +31 16 291 EP +31 16 292 * +31 16 293 * +31 16 294 * +31 16 295 * +31 16 296 * +31 16 297 US +31 16 298 * +31 16 299 * +31 16 300 * +31 16 301 * +31 16 302 * +31 16 303 * +31 16 304 * +31 16 305 * +31 16 306 * +31 16 307 * +31 16 308 * +31 16 309 * +31 16 310 * +31 16 311 * +31 16 312 * +31 16 313 * +31 16 314 * +31 16 315 * +31 16 316 * +31 16 317 * +31 16 318 * +31 16 319 * +31 16 320 * +31 16 321 * +31 16 322 * +31 16 323 * +31 16 324 * +31 16 325 * +31 16 326 US +31 16 327 * +31 16 328 * +31 16 329 * +31 16 330 * +31 17 1 * +31 17 2 * +31 17 3 * +31 17 4 * +31 17 5 * +31 17 6 * +31 17 7 * +31 17 8 * +31 17 9 * +31 17 10 * +31 17 11 * +31 17 12 * +31 17 13 * +31 17 14 * +31 17 15 * +31 17 16 * +31 17 17 * +31 17 18 * +31 17 19 * +31 17 20 * +31 17 21 * +31 17 22 * +31 17 23 * +31 17 24 * +31 17 25 * +31 17 26 * +31 17 27 * +31 17 28 * +31 17 29 * +31 17 30 * +31 17 31 * +31 17 32 * +31 17 33 * +31 17 34 * +31 17 35 * +31 17 36 * +31 17 37 * +31 17 38 * +31 17 39 * +31 17 40 * +31 17 41 * +31 17 42 * +31 17 43 * +31 17 44 * +31 17 45 * +31 17 46 * +31 17 47 * +31 17 48 * +31 17 49 * +31 17 50 * +31 17 51 * +31 17 52 * +31 17 53 * +31 17 54 * +31 17 55 * +31 17 56 * +31 17 57 * +31 17 58 * +31 17 59 * +31 17 60 * +31 17 61 * +31 17 62 * +31 17 63 * +31 17 64 * +31 17 65 * +31 17 66 * +31 17 67 * +31 17 68 * +31 17 69 * +31 17 70 * +31 17 71 * +31 17 72 * +31 17 73 * +31 17 74 * +31 17 75 * +31 17 76 * +31 17 77 * +31 17 78 * +31 17 79 * +31 17 80 * +31 17 81 * +31 17 82 * +31 17 83 * +31 17 84 * +31 17 85 * +31 17 86 * +31 17 87 * +31 17 88 * +31 17 89 * +31 17 90 * +31 17 91 * +31 17 92 * +31 17 93 * +31 17 94 * +31 17 95 * +31 17 96 * +31 17 97 * +31 17 98 * +31 17 99 * +31 17 100 * +31 17 101 * +31 17 102 * +31 17 103 * +31 17 104 * +31 17 105 * +31 17 106 * +31 17 107 * +31 17 108 * +31 17 109 * +31 17 110 * +31 17 111 * +31 17 112 * +31 17 113 * +31 17 114 * +31 17 115 * +31 17 116 * +31 17 117 * +31 17 118 * +31 17 119 * +31 17 120 * +31 17 121 * +31 17 122 * +31 17 123 * +31 17 124 * +31 17 125 * +31 17 126 * +31 17 127 * +31 17 128 * +31 17 129 * +31 17 130 * +31 17 131 * +31 17 132 * +31 17 133 * +31 17 134 * +31 17 135 * +31 17 136 * +31 17 137 * +31 17 138 * +31 17 139 * +31 17 140 * +31 17 141 WP +31 17 142 * +31 17 143 * +31 17 144 * +31 17 145 * +31 17 146 * +31 17 147 * +31 17 148 * +31 17 149 * +31 17 150 * +31 17 151 * +31 17 152 * +31 17 153 * +31 17 154 * +31 17 155 * +31 17 156 * +31 17 157 * +31 17 158 * +31 17 159 * +31 17 160 * +31 17 161 * +31 17 162 * +31 17 163 * +31 17 164 * +31 17 165 * +31 17 166 * +31 17 167 * +31 17 168 * +31 17 169 * +31 17 170 * +31 17 171 * +31 17 172 * +31 17 173 * +31 17 174 * +31 17 175 * +31 17 176 * +31 17 177 * +31 17 178 * +31 17 179 * +31 17 180 * +31 17 181 * +31 17 182 * +31 17 183 * +31 17 184 * +31 17 185 * +31 17 186 * +31 17 187 * +31 17 188 * +31 17 189 * +31 17 190 * +31 17 191 * +31 17 192 * +31 17 193 * +31 17 194 * +31 17 195 * +31 17 196 * +31 17 197 * +31 17 198 * +31 17 199 * +31 17 200 * +31 17 201 * +31 17 202 * +31 17 203 * +31 17 204 * +31 17 205 * +31 17 206 * +31 17 207 * +31 17 208 * +31 17 209 * +31 17 210 * +31 17 211 * +31 17 212 * +31 17 213 * +31 17 214 * +31 17 215 * +31 17 216 * +31 17 217 * +31 17 218 * +31 17 219 * +31 17 220 * +31 17 221 * +31 17 222 * +31 17 223 * +31 17 224 * +31 17 225 * +31 17 226 * +31 17 227 * +31 17 228 * +31 17 229 * +31 17 230 * +31 17 231 * +31 17 232 * +31 17 233 * +31 17 234 * +31 17 235 EP +31 17 236 * +31 17 237 * +31 17 238 * +31 17 239 * +31 17 240 * +31 17 241 * +31 17 242 * +31 17 243 * +31 17 244 * +31 17 245 MU +31 17 246 * +31 17 247 * +31 17 248 * +31 17 249 * +31 17 250 * +31 17 251 * +31 17 252 * +31 17 253 * +31 17 254 * +31 17 255 * +31 17 256 * +31 17 257 * +31 17 258 * +31 17 259 * +31 17 260 * +31 17 261 * +31 17 262 WP +31 17 263 * +31 17 264 * +31 17 265 * +31 17 266 * +31 17 267 * +31 17 268 * +31 17 269 * +31 17 270 * +31 17 271 * +31 17 272 * +31 17 273 * +31 17 274 * +31 17 275 * +31 17 276 * +31 17 277 * +31 17 278 * +31 17 279 EP +31 17 280 * +31 17 281 * +31 17 282 * +31 17 283 * +31 17 284 * +31 17 285 * +31 17 286 * +31 17 287 * +31 17 288 * +31 17 289 * +31 17 290 * +31 17 291 * +31 17 292 * +31 17 293 * +31 17 294 * +31 17 295 * +31 17 296 * +31 17 297 * +31 17 298 * +31 17 299 * +31 17 300 * +31 17 301 * +31 17 302 * +31 17 303 * +31 17 304 * +31 17 305 * +31 17 306 * +31 17 307 * +31 17 308 * +31 17 309 * +31 17 310 * +31 17 311 * +31 17 312 * +31 17 313 * +31 17 314 * +31 17 315 * +31 17 316 * +31 17 317 * +31 17 318 * +31 17 319 * +31 17 320 * +31 17 321 * +31 17 322 * +31 17 323 * +31 17 324 * +31 17 325 * +31 17 326 * +31 17 327 * +31 17 328 * +31 17 329 * +31 17 330 * +31 18 1 EP +31 18 2 * +31 18 3 * +31 18 4 * +31 18 5 * +31 18 6 * +31 18 7 * +31 18 8 * +31 18 9 * +31 18 10 * +31 18 11 * +31 18 12 US +31 18 13 * +31 18 14 * +31 18 15 * +31 18 16 * +31 18 17 * +31 18 18 * +31 18 19 * +31 18 20 * +31 18 21 * +31 18 22 * +31 18 23 * +31 18 24 * +31 18 25 * +31 18 26 EP +31 18 27 * +31 18 28 * +31 18 29 * +31 18 30 * +31 18 31 * +31 18 32 * +31 18 33 * +31 18 34 * +31 18 35 * +31 18 36 * +31 18 37 * +31 18 38 * +31 18 39 * +31 18 40 * +31 18 41 * +31 18 42 * +31 18 43 * +31 18 44 * +31 18 45 * +31 18 46 * +31 18 47 * +31 18 48 * +31 18 49 * +31 18 50 * +31 18 51 * +31 18 52 * +31 18 53 * +31 18 54 * +31 18 55 * +31 18 56 * +31 18 57 * +31 18 58 * +31 18 59 * +31 18 60 * +31 18 61 * +31 18 62 * +31 18 63 * +31 18 64 * +31 18 65 * +31 18 66 * +31 18 67 * +31 18 68 * +31 18 69 * +31 18 70 * +31 18 71 * +31 18 72 * +31 18 73 * +31 18 74 * +31 18 75 * +31 18 76 * +31 18 77 * +31 18 78 * +31 18 79 * +31 18 80 * +31 18 81 * +31 18 82 * +31 18 83 * +31 18 84 * +31 18 85 * +31 18 86 * +31 18 87 * +31 18 88 * +31 18 89 WI +31 18 90 * +31 18 91 * +31 18 92 * +31 18 93 * +31 18 94 * +31 18 95 * +31 18 96 US +31 18 97 * +31 18 98 * +31 18 99 * +31 18 100 * +31 18 101 * +31 18 102 * +31 18 103 * +31 18 104 * +31 18 105 * +31 18 106 * +31 18 107 * +31 18 108 * +31 18 109 * +31 18 110 * +31 18 111 * +31 18 112 * +31 18 113 * +31 18 114 * +31 18 115 * +31 18 116 * +31 18 117 * +31 18 118 * +31 18 119 * +31 18 120 WP +31 18 121 * +31 18 122 * +31 18 123 * +31 18 124 * +31 18 125 * +31 18 126 * +31 18 127 * +31 18 128 US +31 18 129 * +31 18 130 * +31 18 131 * +31 18 132 * +31 18 133 * +31 18 134 * +31 18 135 * +31 18 136 * +31 18 137 * +31 18 138 * +31 18 139 * +31 18 140 * +31 18 141 WP +31 18 142 * +31 18 143 * +31 18 144 * +31 18 145 * +31 18 146 * +31 18 147 * +31 18 148 MU +31 18 149 * +31 18 150 * +31 18 151 * +31 18 152 * +31 18 153 * +31 18 154 * +31 18 155 * +31 18 156 * +31 18 157 * +31 18 158 WP +31 18 159 * +31 18 160 * +31 18 161 * +31 18 162 * +31 18 163 * +31 18 164 * +31 18 165 * +31 18 166 * +31 18 167 * +31 18 168 * +31 18 169 * +31 18 170 * +31 18 171 * +31 18 172 WP +31 18 173 * +31 18 174 * +31 18 175 * +31 18 176 * +31 18 177 * +31 18 178 EP +31 18 179 * +31 18 180 * +31 18 181 * +31 18 182 * +31 18 183 * +31 18 184 * +31 18 185 * +31 18 186 * +31 18 187 * +31 18 188 * +31 18 189 * +31 18 190 * +31 18 191 * +31 18 192 * +31 18 193 * +31 18 194 * +31 18 195 * +31 18 196 * +31 18 197 * +31 18 198 WI +31 18 199 * +31 18 200 * +31 18 201 * +31 18 202 * +31 18 203 * +31 18 204 * +31 18 205 * +31 18 206 * +31 18 207 * +31 18 208 * +31 18 209 * +31 18 210 * +31 18 211 * +31 18 212 * +31 18 213 * +31 18 214 * +31 18 215 * +31 18 216 * +31 18 217 * +31 18 218 * +31 18 219 * +31 18 220 * +31 18 221 * +31 18 222 * +31 18 223 * +31 18 224 * +31 18 225 * +31 18 226 * +31 18 227 WI +31 18 228 * +31 18 229 * +31 18 230 * +31 18 231 * +31 18 232 * +31 18 233 * +31 18 234 * +31 18 235 EP +31 18 236 * +31 18 237 * +31 18 238 * +31 18 239 * +31 18 240 * +31 18 241 * +31 18 242 * +31 18 243 * +31 18 244 * +31 18 245 * +31 18 246 * +31 18 247 * +31 18 248 * +31 18 249 * +31 18 250 * +31 18 251 * +31 18 252 * +31 18 253 * +31 18 254 * +31 18 255 WI +31 18 256 * +31 18 257 * +31 18 258 * +31 18 259 * +31 18 260 * +31 18 261 * +31 18 262 * +31 18 263 * +31 18 264 * +31 18 265 * +31 18 266 * +31 18 267 * +31 18 268 * +31 18 269 * +31 18 270 * +31 18 271 * +31 18 272 * +31 18 273 * +31 18 274 WP +31 18 275 * +31 18 276 * +31 18 277 * +31 18 278 * +31 18 279 EP +31 18 280 * +31 18 281 * +31 18 282 * +31 18 283 * +31 18 284 * +31 18 285 * +31 18 286 * +31 18 287 * +31 18 288 * +31 18 289 * +31 18 290 * +31 18 291 * +31 18 292 * +31 18 293 * +31 18 294 * +31 18 295 * +31 18 296 * +31 18 297 US +31 18 298 * +31 18 299 * +31 18 300 * +31 18 301 * +31 18 302 * +31 18 303 * +31 18 304 * +31 18 305 * +31 18 306 * +31 18 307 * +31 18 308 * +31 18 309 * +31 18 310 * +31 18 311 * +31 18 312 * +31 18 313 * +31 18 314 * +31 18 315 * +31 18 316 * +31 18 317 * +31 18 318 * +31 18 319 * +31 18 320 * +31 18 321 * +31 18 322 * +31 18 323 * +31 18 324 * +31 18 325 * +31 18 326 * +31 18 327 * +31 18 328 * +31 18 329 * +31 18 330 * +31 19 1 * +31 19 2 * +31 19 3 * +31 19 4 * +31 19 5 * +31 19 6 * +31 19 7 * +31 19 8 * +31 19 9 * +31 19 10 * +31 19 11 * +31 19 12 * +31 19 13 * +31 19 14 * +31 19 15 * +31 19 16 * +31 19 17 * +31 19 18 * +31 19 19 * +31 19 20 * +31 19 21 * +31 19 22 * +31 19 23 * +31 19 24 * +31 19 25 * +31 19 26 * +31 19 27 * +31 19 28 * +31 19 29 * +31 19 30 * +31 19 31 * +31 19 32 * +31 19 33 * +31 19 34 * +31 19 35 * +31 19 36 * +31 19 37 * +31 19 38 * +31 19 39 * +31 19 40 * +31 19 41 * +31 19 42 * +31 19 43 * +31 19 44 * +31 19 45 * +31 19 46 * +31 19 47 * +31 19 48 * +31 19 49 * +31 19 50 * +31 19 51 * +31 19 52 * +31 19 53 * +31 19 54 * +31 19 55 * +31 19 56 * +31 19 57 * +31 19 58 * +31 19 59 * +31 19 60 * +31 19 61 * +31 19 62 * +31 19 63 * +31 19 64 * +31 19 65 * +31 19 66 * +31 19 67 * +31 19 68 * +31 19 69 * +31 19 70 * +31 19 71 * +31 19 72 * +31 19 73 * +31 19 74 * +31 19 75 * +31 19 76 * +31 19 77 * +31 19 78 * +31 19 79 * +31 19 80 * +31 19 81 * +31 19 82 * +31 19 83 * +31 19 84 * +31 19 85 * +31 19 86 * +31 19 87 * +31 19 88 * +31 19 89 WI +31 19 90 * +31 19 91 * +31 19 92 * +31 19 93 * +31 19 94 * +31 19 95 * +31 19 96 * +31 19 97 * +31 19 98 * +31 19 99 * +31 19 100 * +31 19 101 * +31 19 102 * +31 19 103 * +31 19 104 * +31 19 105 * +31 19 106 * +31 19 107 * +31 19 108 * +31 19 109 * +31 19 110 * +31 19 111 * +31 19 112 * +31 19 113 WI +31 19 114 * +31 19 115 * +31 19 116 * +31 19 117 * +31 19 118 * +31 19 119 * +31 19 120 WP +31 19 121 * +31 19 122 * +31 19 123 * +31 19 124 * +31 19 125 * +31 19 126 * +31 19 127 * +31 19 128 * +31 19 129 * +31 19 130 * +31 19 131 * +31 19 132 * +31 19 133 * +31 19 134 * +31 19 135 * +31 19 136 * +31 19 137 * +31 19 138 * +31 19 139 * +31 19 140 * +31 19 141 WP +31 19 142 * +31 19 143 * +31 19 144 * +31 19 145 * +31 19 146 * +31 19 147 * +31 19 148 * +31 19 149 * +31 19 150 * +31 19 151 * +31 19 152 * +31 19 153 WS +31 19 154 * +31 19 155 * +31 19 156 * +31 19 157 * +31 19 158 WP +31 19 159 * +31 19 160 * +31 19 161 * +31 19 162 * +31 19 163 * +31 19 164 WS +31 19 165 * +31 19 166 * +31 19 167 * +31 19 168 * +31 19 169 * +31 19 170 * +31 19 171 * +31 19 172 * +31 19 173 * +31 19 174 * +31 19 175 * +31 19 176 * +31 19 177 * +31 19 178 * +31 19 179 * +31 19 180 * +31 19 181 * +31 19 182 * +31 19 183 * +31 19 184 * +31 19 185 * +31 19 186 * +31 19 187 * +31 19 188 * +31 19 189 * +31 19 190 * +31 19 191 * +31 19 192 * +31 19 193 * +31 19 194 * +31 19 195 * +31 19 196 * +31 19 197 * +31 19 198 WI +31 19 199 * +31 19 200 * +31 19 201 * +31 19 202 EP +31 19 203 * +31 19 204 * +31 19 205 * +31 19 206 * +31 19 207 * +31 19 208 * +31 19 209 * +31 19 210 * +31 19 211 * +31 19 212 * +31 19 213 * +31 19 214 * +31 19 215 * +31 19 216 * +31 19 217 * +31 19 218 * +31 19 219 * +31 19 220 * +31 19 221 * +31 19 222 * +31 19 223 * +31 19 224 * +31 19 225 * +31 19 226 * +31 19 227 * +31 19 228 * +31 19 229 * +31 19 230 * +31 19 231 * +31 19 232 * +31 19 233 * +31 19 234 EP +31 19 235 WS +31 19 236 * +31 19 237 * +31 19 238 * +31 19 239 * +31 19 240 * +31 19 241 * +31 19 242 * +31 19 243 * +31 19 244 * +31 19 245 * +31 19 246 * +31 19 247 * +31 19 248 * +31 19 249 * +31 19 250 * +31 19 251 * +31 19 252 * +31 19 253 * +31 19 254 * +31 19 255 * +31 19 256 * +31 19 257 * +31 19 258 * +31 19 259 * +31 19 260 * +31 19 261 * +31 19 262 * +31 19 263 * +31 19 264 * +31 19 265 * +31 19 266 * +31 19 267 * +31 19 268 * +31 19 269 * +31 19 270 * +31 19 271 * +31 19 272 * +31 19 273 * +31 19 274 * +31 19 275 * +31 19 276 * +31 19 277 * +31 19 278 * +31 19 279 * +31 19 280 * +31 19 281 * +31 19 282 EP +31 19 283 * +31 19 284 * +31 19 285 * +31 19 286 * +31 19 287 * +31 19 288 * +31 19 289 * +31 19 290 * +31 19 291 * +31 19 292 * +31 19 293 * +31 19 294 * +31 19 295 * +31 19 296 * +31 19 297 * +31 19 298 MU +31 19 299 * +31 19 300 * +31 19 301 * +31 19 302 * +31 19 303 * +31 19 304 * +31 19 305 * +31 19 306 * +31 19 307 * +31 19 308 * +31 19 309 * +31 19 310 * +31 19 311 * +31 19 312 * +31 19 313 * +31 19 314 * +31 19 315 * +31 19 316 * +31 19 317 * +31 19 318 * +31 19 319 * +31 19 320 * +31 19 321 * +31 19 322 * +31 19 323 * +31 19 324 * +31 19 325 * +31 19 326 * +31 19 327 * +31 19 328 * +31 19 329 * +31 19 330 * +31 20 1 * +31 20 2 * +31 20 3 * +31 20 4 * +31 20 5 * +31 20 6 * +31 20 7 US +31 20 8 * +31 20 9 * +31 20 10 EP +31 20 11 * +31 20 12 * +31 20 13 * +31 20 14 * +31 20 15 * +31 20 16 * +31 20 17 * +31 20 18 * +31 20 19 * +31 20 20 * +31 20 21 * +31 20 22 * +31 20 23 * +31 20 24 * +31 20 25 * +31 20 26 * +31 20 27 * +31 20 28 * +31 20 29 * +31 20 30 * +31 20 31 * +31 20 32 * +31 20 33 * +31 20 34 * +31 20 35 * +31 20 36 * +31 20 37 * +31 20 38 * +31 20 39 * +31 20 40 * +31 20 41 * +31 20 42 * +31 20 43 * +31 20 44 * +31 20 45 * +31 20 46 * +31 20 47 * +31 20 48 * +31 20 49 * +31 20 50 * +31 20 51 * +31 20 52 * +31 20 53 * +31 20 54 * +31 20 55 * +31 20 56 * +31 20 57 * +31 20 58 * +31 20 59 * +31 20 60 * +31 20 61 * +31 20 62 * +31 20 63 * +31 20 64 EP +31 20 65 * +31 20 66 * +31 20 67 * +31 20 68 * +31 20 69 * +31 20 70 * +31 20 71 * +31 20 72 US +31 20 73 * +31 20 74 * +31 20 75 * +31 20 76 * +31 20 77 * +31 20 78 * +31 20 79 * +31 20 80 EP +31 20 81 * +31 20 82 * +31 20 83 * +31 20 84 * +31 20 85 * +31 20 86 * +31 20 87 * +31 20 88 * +31 20 89 WI +31 20 90 * +31 20 91 US +31 20 92 * +31 20 93 * +31 20 94 * +31 20 95 * +31 20 96 US +31 20 97 * +31 20 98 MU +31 20 99 * +31 20 100 * +31 20 101 * +31 20 102 * +31 20 103 * +31 20 104 * +31 20 105 * +31 20 106 * +31 20 107 * +31 20 108 * +31 20 109 * +31 20 110 * +31 20 111 * +31 20 112 * +31 20 113 * +31 20 114 * +31 20 115 * +31 20 116 * +31 20 117 * +31 20 118 * +31 20 119 * +31 20 120 WP +31 20 121 * +31 20 122 US +31 20 123 * +31 20 124 US +31 20 125 * +31 20 126 * +31 20 127 * +31 20 128 * +31 20 129 * +31 20 130 * +31 20 131 * +31 20 132 * +31 20 133 US +31 20 134 * +31 20 135 * +31 20 136 * +31 20 137 * +31 20 138 * +31 20 139 * +31 20 140 EP +31 20 141 * +31 20 142 * +31 20 143 * +31 20 144 * +31 20 145 * +31 20 146 US +31 20 147 * +31 20 148 * +31 20 149 * +31 20 150 * +31 20 151 * +31 20 152 * +31 20 153 * +31 20 154 * +31 20 155 * +31 20 156 * +31 20 157 * +31 20 158 * +31 20 159 * +31 20 160 * +31 20 161 * +31 20 162 * +31 20 163 * +31 20 164 EP +31 20 165 * +31 20 166 * +31 20 167 * +31 20 168 * +31 20 169 * +31 20 170 * +31 20 171 * +31 20 172 WP +31 20 173 * +31 20 174 * +31 20 175 * +31 20 176 * +31 20 177 * +31 20 178 EP +31 20 179 * +31 20 180 * +31 20 181 * +31 20 182 * +31 20 183 * +31 20 184 * +31 20 185 * +31 20 186 * +31 20 187 * +31 20 188 * +31 20 189 * +31 20 190 * +31 20 191 * +31 20 192 * +31 20 193 * +31 20 194 * +31 20 195 US +31 20 196 * +31 20 197 * +31 20 198 WI +31 20 199 * +31 20 200 * +31 20 201 * +31 20 202 US +31 20 203 * +31 20 204 * +31 20 205 * +31 20 206 * +31 20 207 * +31 20 208 * +31 20 209 US +31 20 210 * +31 20 211 * +31 20 212 * +31 20 213 * +31 20 214 US +31 20 215 * +31 20 216 * +31 20 217 * +31 20 218 * +31 20 219 * +31 20 220 * +31 20 221 * +31 20 222 * +31 20 223 * +31 20 224 * +31 20 225 * +31 20 226 * +31 20 227 * +31 20 228 * +31 20 229 * +31 20 230 * +31 20 231 * +31 20 232 * +31 20 233 * +31 20 234 US +31 20 235 EP +31 20 236 * +31 20 237 * +31 20 238 * +31 20 239 * +31 20 240 * +31 20 241 * +31 20 242 * +31 20 243 * +31 20 244 * +31 20 245 MU +31 20 246 * +31 20 247 * +31 20 248 * +31 20 249 * +31 20 250 * +31 20 251 * +31 20 252 * +31 20 253 * +31 20 254 * +31 20 255 * +31 20 256 * +31 20 257 * +31 20 258 US +31 20 259 * +31 20 260 * +31 20 261 * +31 20 262 * +31 20 263 * +31 20 264 * +31 20 265 * +31 20 266 * +31 20 267 * +31 20 268 US +31 20 269 * +31 20 270 * +31 20 271 US +31 20 272 * +31 20 273 * +31 20 274 * +31 20 275 * +31 20 276 * +31 20 277 * +31 20 278 * +31 20 279 EP +31 20 280 * +31 20 281 US +31 20 282 US +31 20 283 * +31 20 284 * +31 20 285 * +31 20 286 WP +31 20 287 * +31 20 288 * +31 20 289 * +31 20 290 * +31 20 291 EP +31 20 292 * +31 20 293 * +31 20 294 * +31 20 295 * +31 20 296 * +31 20 297 US +31 20 298 * +31 20 299 * +31 20 300 * +31 20 301 * +31 20 302 * +31 20 303 * +31 20 304 * +31 20 305 * +31 20 306 US +31 20 307 * +31 20 308 * +31 20 309 * +31 20 310 * +31 20 311 EP +31 20 312 * +31 20 313 * +31 20 314 * +31 20 315 * +31 20 316 * +31 20 317 * +31 20 318 * +31 20 319 * +31 20 320 * +31 20 321 * +31 20 322 * +31 20 323 US +31 20 324 * +31 20 325 * +31 20 326 * +31 20 327 * +31 20 328 US +31 20 329 * +31 20 330 * +31 21 1 * +31 21 2 * +31 21 3 MU +31 21 4 * +31 21 5 WS +31 21 6 * +31 21 7 US +31 21 8 * +31 21 9 * +31 21 10 * +31 21 11 * +31 21 12 * +31 21 13 EP +31 21 14 WI +31 21 15 * +31 21 16 WP +31 21 17 MU +31 21 18 WI +31 21 19 * +31 21 20 * +31 21 21 * +31 21 22 * +31 21 23 * +31 21 24 WI +31 21 25 * +31 21 26 * +31 21 27 WP +31 21 28 * +31 21 29 US +31 21 30 * +31 21 31 * +31 21 32 * +31 21 33 US +31 21 34 EP +31 21 35 * +31 21 36 * +31 21 37 * +31 21 38 * +31 21 39 * +31 21 40 * +31 21 41 MU +31 21 42 * +31 21 43 * +31 21 44 * +31 21 45 * +31 21 46 * +31 21 47 * +31 21 48 * +31 21 49 WS +31 21 50 * +31 21 51 * +31 21 52 * +31 21 53 MU +31 21 54 * +31 21 55 * +31 21 56 * +31 21 57 * +31 21 58 * +31 21 59 * +31 21 60 * +31 21 61 MU +31 21 62 * +31 21 63 * +31 21 64 EP +31 21 65 MU +31 21 66 * +31 21 67 * +31 21 68 * +31 21 69 * +31 21 70 * +31 21 71 * +31 21 72 EP +31 21 73 * +31 21 74 * +31 21 75 * +31 21 76 * +31 21 77 * +31 21 78 * +31 21 79 WI +31 21 80 EP +31 21 81 US +31 21 82 * +31 21 83 * +31 21 84 * +31 21 85 * +31 21 86 * +31 21 87 WI +31 21 88 * +31 21 89 WI +31 21 90 * +31 21 91 * +31 21 92 WP +31 21 93 WS +31 21 94 WI +31 21 95 * +31 21 96 US +31 21 97 * +31 21 98 MU +31 21 99 * +31 21 100 * +31 21 101 MU +31 21 102 * +31 21 103 * +31 21 104 WS +31 21 105 * +31 21 106 * +31 21 107 WP +31 21 108 * +31 21 109 EP +31 21 110 * +31 21 111 WI +31 21 112 MU +31 21 113 WI +31 21 114 * +31 21 115 MU +31 21 116 * +31 21 117 * +31 21 118 * +31 21 119 EP +31 21 120 WP +31 21 121 * +31 21 122 EP +31 21 123 * +31 21 124 * +31 21 125 * +31 21 126 * +31 21 127 WI +31 21 128 * +31 21 129 * +31 21 130 * +31 21 131 * +31 21 132 * +31 21 133 EP +31 21 134 * +31 21 135 * +31 21 136 WS +31 21 137 * +31 21 138 WS +31 21 139 * +31 21 140 * +31 21 141 WP +31 21 142 * +31 21 143 * +31 21 144 * +31 21 145 * +31 21 146 * +31 21 147 EP +31 21 148 MU +31 21 149 * +31 21 150 * +31 21 151 * +31 21 152 * +31 21 153 EP +31 21 154 WI +31 21 155 * +31 21 156 EP +31 21 157 * +31 21 158 WP +31 21 159 * +31 21 160 * +31 21 161 EP +31 21 162 MU +31 21 163 EP +31 21 164 * +31 21 165 * +31 21 166 * +31 21 167 * +31 21 168 * +31 21 169 EP +31 21 170 WI +31 21 171 * +31 21 172 WI +31 21 173 * +31 21 174 * +31 21 175 * +31 21 176 MU +31 21 177 * +31 21 178 EP +31 21 179 * +31 21 180 * +31 21 181 * +31 21 182 * +31 21 183 * +31 21 184 * +31 21 185 * +31 21 186 WS +31 21 187 * +31 21 188 * +31 21 189 * +31 21 190 * +31 21 191 * +31 21 192 * +31 21 193 * +31 21 194 * +31 21 195 US +31 21 196 * +31 21 197 * +31 21 198 WI +31 21 199 * +31 21 200 * +31 21 201 WS +31 21 202 * +31 21 203 * +31 21 204 WI +31 21 205 * +31 21 206 * +31 21 207 * +31 21 208 * +31 21 209 * +31 21 210 * +31 21 211 WS +31 21 212 * +31 21 213 * +31 21 214 * +31 21 215 * +31 21 216 * +31 21 217 * +31 21 218 * +31 21 219 * +31 21 220 * +31 21 221 * +31 21 222 * +31 21 223 EP +31 21 224 * +31 21 225 * +31 21 226 * +31 21 227 WI +31 21 228 * +31 21 229 * +31 21 230 * +31 21 231 * +31 21 232 * +31 21 233 * +31 21 234 EP +31 21 235 EP +31 21 236 * +31 21 237 * +31 21 238 * +31 21 239 * +31 21 240 * +31 21 241 WP +31 21 242 * +31 21 243 * +31 21 244 * +31 21 245 * +31 21 246 * +31 21 247 * +31 21 248 WI +31 21 249 * +31 21 250 * +31 21 251 * +31 21 252 WP +31 21 253 WS +31 21 254 * +31 21 255 WI +31 21 256 * +31 21 257 * +31 21 258 * +31 21 259 MU +31 21 260 * +31 21 261 * +31 21 262 WP +31 21 263 * +31 21 264 * +31 21 265 * +31 21 266 * +31 21 267 * +31 21 268 * +31 21 269 * +31 21 270 * +31 21 271 * +31 21 272 * +31 21 273 * +31 21 274 WP +31 21 275 * +31 21 276 * +31 21 277 * +31 21 278 * +31 21 279 * +31 21 280 * +31 21 281 * +31 21 282 * +31 21 283 * +31 21 284 * +31 21 285 * +31 21 286 WP +31 21 287 * +31 21 288 MU +31 21 289 * +31 21 290 * +31 21 291 WS +31 21 292 * +31 21 293 * +31 21 294 * +31 21 295 * +31 21 296 * +31 21 297 US +31 21 298 MU +31 21 299 * +31 21 300 * +31 21 301 EP +31 21 302 * +31 21 303 * +31 21 304 * +31 21 305 * +31 21 306 US +31 21 307 * +31 21 308 * +31 21 309 * +31 21 310 * +31 21 311 EP +31 21 312 WI +31 21 313 * +31 21 314 * +31 21 315 US +31 21 316 * +31 21 317 * +31 21 318 * +31 21 319 WP +31 21 320 * +31 21 321 MU +31 21 322 * +31 21 323 * +31 21 324 * +31 21 325 * +31 21 326 * +31 21 327 * +31 21 328 * +31 21 329 * +31 21 330 * +31 22 1 EP +31 22 2 * +31 22 3 MU +31 22 4 PO +31 22 5 * +31 22 6 * +31 22 7 EP +31 22 8 MU +31 22 9 US +31 22 10 EP +31 22 11 * +31 22 12 US +31 22 13 EP +31 22 14 * +31 22 15 * +31 22 16 WP +31 22 17 * +31 22 18 * +31 22 19 EP +31 22 20 * +31 22 21 * +31 22 22 * +31 22 23 * +31 22 24 * +31 22 25 EP +31 22 26 EP +31 22 27 * +31 22 28 * +31 22 29 * +31 22 30 * +31 22 31 * +31 22 32 * +31 22 33 * +31 22 34 EP +31 22 35 * +31 22 36 EP +31 22 37 EP +31 22 38 * +31 22 39 EP +31 22 40 * +31 22 41 MU +31 22 42 US +31 22 43 EP +31 22 44 * +31 22 45 EP +31 22 46 * +31 22 47 EP +31 22 48 US +31 22 49 EP +31 22 50 PO +31 22 51 * +31 22 52 * +31 22 53 EP +31 22 54 * +31 22 55 EP +31 22 56 * +31 22 57 EP +31 22 58 * +31 22 59 * +31 22 60 EP +31 22 61 MU +31 22 62 * +31 22 63 * +31 22 64 EP +31 22 65 * +31 22 66 WP +31 22 67 * +31 22 68 PO +31 22 69 * +31 22 70 * +31 22 71 PO +31 22 72 * +31 22 73 EP +31 22 74 * +31 22 75 * +31 22 76 US +31 22 77 EP +31 22 78 PO +31 22 79 * +31 22 80 EP +31 22 81 * +31 22 82 EP +31 22 83 * +31 22 84 * +31 22 85 * +31 22 86 * +31 22 87 * +31 22 88 * +31 22 89 WI +31 22 90 EP +31 22 91 US +31 22 92 WP +31 22 93 EP +31 22 94 * +31 22 95 * +31 22 96 US +31 22 97 EP +31 22 98 MU +31 22 99 * +31 22 100 * +31 22 101 * +31 22 102 * +31 22 103 * +31 22 104 * +31 22 105 PO +31 22 106 US +31 22 107 WP +31 22 108 * +31 22 109 EP +31 22 110 US +31 22 111 * +31 22 112 MU +31 22 113 * +31 22 114 EP +31 22 115 MU +31 22 116 * +31 22 117 * +31 22 118 * +31 22 119 * +31 22 120 WP +31 22 121 * +31 22 122 * +31 22 123 EP +31 22 124 * +31 22 125 * +31 22 126 PO +31 22 127 EP +31 22 128 * +31 22 129 WP +31 22 130 * +31 22 131 * +31 22 132 MU +31 22 133 EP +31 22 134 * +31 22 135 PO +31 22 136 EP +31 22 137 EP +31 22 138 EP +31 22 139 * +31 22 140 EP +31 22 141 WP +31 22 142 * +31 22 143 * +31 22 144 * +31 22 145 * +31 22 146 * +31 22 147 EP +31 22 148 MU +31 22 149 * +31 22 150 * +31 22 151 * +31 22 152 * +31 22 153 EP +31 22 154 * +31 22 155 * +31 22 156 * +31 22 157 EP +31 22 158 WP +31 22 159 * +31 22 160 * +31 22 161 EP +31 22 162 MU +31 22 163 EP +31 22 164 EP +31 22 165 * +31 22 166 EP +31 22 167 * +31 22 168 EP +31 22 169 EP +31 22 170 EP +31 22 171 * +31 22 172 WP +31 22 173 MU +31 22 174 US +31 22 175 * +31 22 176 PO +31 22 177 * +31 22 178 EP +31 22 179 PO +31 22 180 EP +31 22 181 * +31 22 182 MU +31 22 183 * +31 22 184 EP +31 22 185 US +31 22 186 EP +31 22 187 US +31 22 188 EP +31 22 189 * +31 22 190 * +31 22 191 * +31 22 192 EP +31 22 193 US +31 22 194 MU +31 22 195 * +31 22 196 * +31 22 197 * +31 22 198 * +31 22 199 * +31 22 200 EP +31 22 201 * +31 22 202 EP +31 22 203 * +31 22 204 * +31 22 205 EP +31 22 206 * +31 22 207 * +31 22 208 US +31 22 209 EP +31 22 210 EP +31 22 211 * +31 22 212 US +31 22 213 * +31 22 214 US +31 22 215 * +31 22 216 * +31 22 217 * +31 22 218 US +31 22 219 * +31 22 220 EP +31 22 221 * +31 22 222 EP +31 22 223 EP +31 22 224 * +31 22 225 US +31 22 226 EP +31 22 227 * +31 22 228 EP +31 22 229 EP +31 22 230 * +31 22 231 EP +31 22 232 * +31 22 233 EP +31 22 234 * +31 22 235 EP +31 22 236 US +31 22 237 * +31 22 238 EP +31 22 239 * +31 22 240 * +31 22 241 WP +31 22 242 * +31 22 243 MU +31 22 244 * +31 22 245 MU +31 22 246 * +31 22 247 * +31 22 248 * +31 22 249 EP +31 22 250 * +31 22 251 * +31 22 252 WP +31 22 253 * +31 22 254 * +31 22 255 * +31 22 256 PO +31 22 257 * +31 22 258 * +31 22 259 * +31 22 260 * +31 22 261 WP +31 22 262 * +31 22 263 * +31 22 264 * +31 22 265 EP +31 22 266 * +31 22 267 * +31 22 268 * +31 22 269 PO +31 22 270 US +31 22 271 * +31 22 272 * +31 22 273 PO +31 22 274 WP +31 22 275 * +31 22 276 PO +31 22 277 * +31 22 278 * +31 22 279 EP +31 22 280 * +31 22 281 EP +31 22 282 EP +31 22 283 * +31 22 284 * +31 22 285 * +31 22 286 WP +31 22 287 * +31 22 288 MU +31 22 289 EP +31 22 290 * +31 22 291 EP +31 22 292 * +31 22 293 * +31 22 294 * +31 22 295 * +31 22 296 EP +31 22 297 US +31 22 298 MU +31 22 299 EP +31 22 300 * +31 22 301 * +31 22 302 * +31 22 303 EP +31 22 304 * +31 22 305 PO +31 22 306 US +31 22 307 EP +31 22 308 EP +31 22 309 * +31 22 310 * +31 22 311 EP +31 22 312 * +31 22 313 EP +31 22 314 * +31 22 315 * +31 22 316 * +31 22 317 PO +31 22 318 US +31 22 319 WP +31 22 320 * +31 22 321 MU +31 22 322 EP +31 22 323 EP +31 22 324 * +31 22 325 * +31 22 326 US +31 22 327 * +31 22 328 * +31 22 329 * +31 22 330 * +31 23 1 EP +31 23 2 * +31 23 3 MU +31 23 4 PO +31 23 5 * +31 23 6 * +31 23 7 EP +31 23 8 MU +31 23 9 * +31 23 10 EP +31 23 11 * +31 23 12 * +31 23 13 * +31 23 14 * +31 23 15 * +31 23 16 WP +31 23 17 * +31 23 18 * +31 23 19 * +31 23 20 * +31 23 21 * +31 23 22 * +31 23 23 * +31 23 24 * +31 23 25 * +31 23 26 EP +31 23 27 * +31 23 28 * +31 23 29 * +31 23 30 * +31 23 31 * +31 23 32 * +31 23 33 * +31 23 34 * +31 23 35 * +31 23 36 * +31 23 37 * +31 23 38 * +31 23 39 * +31 23 40 * +31 23 41 MU +31 23 42 US +31 23 43 * +31 23 44 * +31 23 45 * +31 23 46 * +31 23 47 EP +31 23 48 US +31 23 49 * +31 23 50 PO +31 23 51 * +31 23 52 * +31 23 53 EP +31 23 54 * +31 23 55 * +31 23 56 * +31 23 57 EP +31 23 58 * +31 23 59 * +31 23 60 * +31 23 61 MU +31 23 62 * +31 23 63 * +31 23 64 * +31 23 65 * +31 23 66 WP +31 23 67 * +31 23 68 PO +31 23 69 * +31 23 70 * +31 23 71 PO +31 23 72 * +31 23 73 EP +31 23 74 * +31 23 75 * +31 23 76 US +31 23 77 EP +31 23 78 PO +31 23 79 * +31 23 80 EP +31 23 81 * +31 23 82 EP +31 23 83 * +31 23 84 * +31 23 85 * +31 23 86 * +31 23 87 * +31 23 88 * +31 23 89 WI +31 23 90 EP +31 23 91 US +31 23 92 WP +31 23 93 * +31 23 94 * +31 23 95 * +31 23 96 US +31 23 97 * +31 23 98 MU +31 23 99 * +31 23 100 * +31 23 101 * +31 23 102 * +31 23 103 * +31 23 104 * +31 23 105 PO +31 23 106 US +31 23 107 WP +31 23 108 * +31 23 109 * +31 23 110 US +31 23 111 * +31 23 112 MU +31 23 113 * +31 23 114 EP +31 23 115 MU +31 23 116 * +31 23 117 * +31 23 118 * +31 23 119 * +31 23 120 WP +31 23 121 * +31 23 122 * +31 23 123 * +31 23 124 * +31 23 125 * +31 23 126 PO +31 23 127 EP +31 23 128 * +31 23 129 WP +31 23 130 * +31 23 131 * +31 23 132 MU +31 23 133 EP +31 23 134 * +31 23 135 PO +31 23 136 * +31 23 137 EP +31 23 138 * +31 23 139 * +31 23 140 EP +31 23 141 WP +31 23 142 * +31 23 143 * +31 23 144 * +31 23 145 * +31 23 146 * +31 23 147 * +31 23 148 MU +31 23 149 * +31 23 150 * +31 23 151 * +31 23 152 * +31 23 153 EP +31 23 154 * +31 23 155 * +31 23 156 * +31 23 157 EP +31 23 158 WP +31 23 159 * +31 23 160 * +31 23 161 * +31 23 162 MU +31 23 163 * +31 23 164 * +31 23 165 * +31 23 166 * +31 23 167 * +31 23 168 * +31 23 169 EP +31 23 170 EP +31 23 171 * +31 23 172 WP +31 23 173 MU +31 23 174 US +31 23 175 * +31 23 176 PO +31 23 177 * +31 23 178 EP +31 23 179 PO +31 23 180 EP +31 23 181 * +31 23 182 MU +31 23 183 * +31 23 184 * +31 23 185 US +31 23 186 * +31 23 187 US +31 23 188 * +31 23 189 * +31 23 190 * +31 23 191 * +31 23 192 EP +31 23 193 US +31 23 194 MU +31 23 195 * +31 23 196 * +31 23 197 * +31 23 198 * +31 23 199 * +31 23 200 * +31 23 201 * +31 23 202 EP +31 23 203 * +31 23 204 * +31 23 205 EP +31 23 206 * +31 23 207 * +31 23 208 US +31 23 209 * +31 23 210 * +31 23 211 * +31 23 212 US +31 23 213 * +31 23 214 US +31 23 215 * +31 23 216 * +31 23 217 * +31 23 218 US +31 23 219 * +31 23 220 * +31 23 221 * +31 23 222 * +31 23 223 * +31 23 224 * +31 23 225 US +31 23 226 EP +31 23 227 * +31 23 228 * +31 23 229 * +31 23 230 * +31 23 231 * +31 23 232 * +31 23 233 * +31 23 234 * +31 23 235 EP +31 23 236 US +31 23 237 * +31 23 238 EP +31 23 239 * +31 23 240 * +31 23 241 WP +31 23 242 * +31 23 243 MU +31 23 244 * +31 23 245 MU +31 23 246 * +31 23 247 * +31 23 248 * +31 23 249 EP +31 23 250 * +31 23 251 * +31 23 252 WP +31 23 253 * +31 23 254 * +31 23 255 * +31 23 256 PO +31 23 257 * +31 23 258 * +31 23 259 * +31 23 260 * +31 23 261 WP +31 23 262 * +31 23 263 * +31 23 264 * +31 23 265 * +31 23 266 * +31 23 267 * +31 23 268 * +31 23 269 PO +31 23 270 US +31 23 271 * +31 23 272 * +31 23 273 US +31 23 274 WP +31 23 275 * +31 23 276 PO +31 23 277 * +31 23 278 * +31 23 279 EP +31 23 280 * +31 23 281 * +31 23 282 * +31 23 283 * +31 23 284 * +31 23 285 * +31 23 286 WP +31 23 287 * +31 23 288 MU +31 23 289 * +31 23 290 * +31 23 291 * +31 23 292 * +31 23 293 * +31 23 294 * +31 23 295 * +31 23 296 * +31 23 297 US +31 23 298 MU +31 23 299 * +31 23 300 * +31 23 301 * +31 23 302 * +31 23 303 * +31 23 304 * +31 23 305 PO +31 23 306 US +31 23 307 EP +31 23 308 EP +31 23 309 * +31 23 310 * +31 23 311 * +31 23 312 * +31 23 313 * +31 23 314 * +31 23 315 * +31 23 316 * +31 23 317 PO +31 23 318 * +31 23 319 WP +31 23 320 * +31 23 321 MU +31 23 322 * +31 23 323 * +31 23 324 * +31 23 325 * +31 23 326 US +31 23 327 * +31 23 328 * +31 23 329 * +31 23 330 * +31 24 1 * +31 24 2 * +31 24 3 * +31 24 4 * +31 24 5 * +31 24 6 * +31 24 7 * +31 24 8 * +31 24 9 * +31 24 10 * +31 24 11 * +31 24 12 * +31 24 13 * +31 24 14 * +31 24 15 * +31 24 16 * +31 24 17 * +31 24 18 * +31 24 19 * +31 24 20 * +31 24 21 * +31 24 22 * +31 24 23 * +31 24 24 * +31 24 25 * +31 24 26 EP +31 24 27 * +31 24 28 * +31 24 29 * +31 24 30 * +31 24 31 * +31 24 32 * +31 24 33 * +31 24 34 * +31 24 35 * +31 24 36 * +31 24 37 * +31 24 38 * +31 24 39 * +31 24 40 * +31 24 41 * +31 24 42 * +31 24 43 * +31 24 44 * +31 24 45 * +31 24 46 * +31 24 47 * +31 24 48 * +31 24 49 * +31 24 50 * +31 24 51 * +31 24 52 * +31 24 53 * +31 24 54 * +31 24 55 * +31 24 56 * +31 24 57 * +31 24 58 * +31 24 59 * +31 24 60 * +31 24 61 * +31 24 62 * +31 24 63 * +31 24 64 * +31 24 65 * +31 24 66 * +31 24 67 * +31 24 68 * +31 24 69 * +31 24 70 * +31 24 71 * +31 24 72 * +31 24 73 * +31 24 74 * +31 24 75 * +31 24 76 * +31 24 77 * +31 24 78 * +31 24 79 * +31 24 80 * +31 24 81 * +31 24 82 * +31 24 83 * +31 24 84 * +31 24 85 * +31 24 86 * +31 24 87 * +31 24 88 * +31 24 89 WI +31 24 90 * +31 24 91 * +31 24 92 * +31 24 93 * +31 24 94 * +31 24 95 * +31 24 96 US +31 24 97 * +31 24 98 * +31 24 99 * +31 24 100 * +31 24 101 * +31 24 102 * +31 24 103 * +31 24 104 * +31 24 105 * +31 24 106 * +31 24 107 * +31 24 108 * +31 24 109 * +31 24 110 * +31 24 111 * +31 24 112 * +31 24 113 * +31 24 114 * +31 24 115 * +31 24 116 * +31 24 117 * +31 24 118 * +31 24 119 * +31 24 120 WP +31 24 121 * +31 24 122 * +31 24 123 * +31 24 124 * +31 24 125 * +31 24 126 * +31 24 127 * +31 24 128 * +31 24 129 * +31 24 130 * +31 24 131 * +31 24 132 * +31 24 133 * +31 24 134 * +31 24 135 * +31 24 136 * +31 24 137 * +31 24 138 * +31 24 139 * +31 24 140 * +31 24 141 * +31 24 142 * +31 24 143 * +31 24 144 * +31 24 145 * +31 24 146 * +31 24 147 * +31 24 148 MU +31 24 149 * +31 24 150 * +31 24 151 * +31 24 152 * +31 24 153 * +31 24 154 * +31 24 155 * +31 24 156 * +31 24 157 * +31 24 158 WP +31 24 159 * +31 24 160 * +31 24 161 * +31 24 162 * +31 24 163 * +31 24 164 * +31 24 165 * +31 24 166 * +31 24 167 * +31 24 168 * +31 24 169 * +31 24 170 * +31 24 171 * +31 24 172 WP +31 24 173 * +31 24 174 US +31 24 175 * +31 24 176 * +31 24 177 * +31 24 178 * +31 24 179 * +31 24 180 * +31 24 181 * +31 24 182 * +31 24 183 * +31 24 184 * +31 24 185 * +31 24 186 * +31 24 187 * +31 24 188 * +31 24 189 * +31 24 190 * +31 24 191 * +31 24 192 * +31 24 193 * +31 24 194 * +31 24 195 * +31 24 196 * +31 24 197 * +31 24 198 WI +31 24 199 * +31 24 200 * +31 24 201 * +31 24 202 * +31 24 203 * +31 24 204 * +31 24 205 * +31 24 206 * +31 24 207 * +31 24 208 * +31 24 209 * +31 24 210 * +31 24 211 * +31 24 212 * +31 24 213 * +31 24 214 * +31 24 215 * +31 24 216 * +31 24 217 * +31 24 218 * +31 24 219 * +31 24 220 * +31 24 221 * +31 24 222 * +31 24 223 * +31 24 224 * +31 24 225 * +31 24 226 * +31 24 227 * +31 24 228 * +31 24 229 * +31 24 230 * +31 24 231 * +31 24 232 * +31 24 233 * +31 24 234 * +31 24 235 EP +31 24 236 * +31 24 237 * +31 24 238 * +31 24 239 * +31 24 240 * +31 24 241 * +31 24 242 * +31 24 243 * +31 24 244 WP +31 24 245 MU +31 24 246 * +31 24 247 * +31 24 248 * +31 24 249 * +31 24 250 * +31 24 251 * +31 24 252 WP +31 24 253 * +31 24 254 * +31 24 255 * +31 24 256 * +31 24 257 * +31 24 258 * +31 24 259 * +31 24 260 * +31 24 261 * +31 24 262 * +31 24 263 * +31 24 264 * +31 24 265 * +31 24 266 * +31 24 267 * +31 24 268 * +31 24 269 * +31 24 270 US +31 24 271 * +31 24 272 * +31 24 273 * +31 24 274 * +31 24 275 * +31 24 276 * +31 24 277 * +31 24 278 * +31 24 279 EP +31 24 280 * +31 24 281 * +31 24 282 * +31 24 283 * +31 24 284 * +31 24 285 * +31 24 286 WP +31 24 287 * +31 24 288 MU +31 24 289 * +31 24 290 * +31 24 291 EP +31 24 292 * +31 24 293 * +31 24 294 WP +31 24 295 * +31 24 296 * +31 24 297 US +31 24 298 MU +31 24 299 * +31 24 300 * +31 24 301 * +31 24 302 * +31 24 303 * +31 24 304 * +31 24 305 * +31 24 306 * +31 24 307 * +31 24 308 * +31 24 309 * +31 24 310 * +31 24 311 * +31 24 312 WP +31 24 313 * +31 24 314 * +31 24 315 * +31 24 316 * +31 24 317 * +31 24 318 * +31 24 319 WP +31 24 320 * +31 24 321 * +31 24 322 * +31 24 323 * +31 24 324 WP +31 24 325 * +31 24 326 * +31 24 327 * +31 24 328 * +31 24 329 * +31 24 330 * +31 25 1 EP +31 25 2 * +31 25 3 MU +31 25 4 * +31 25 5 * +31 25 6 * +31 25 7 EP +31 25 8 MU +31 25 9 * +31 25 10 * +31 25 11 * +31 25 12 US +31 25 13 * +31 25 14 * +31 25 15 * +31 25 16 WP +31 25 17 MU +31 25 18 * +31 25 19 EP +31 25 20 * +31 25 21 MU +31 25 22 * +31 25 23 * +31 25 24 * +31 25 25 * +31 25 26 EP +31 25 27 * +31 25 28 MU +31 25 29 US +31 25 30 * +31 25 31 * +31 25 32 * +31 25 33 * +31 25 34 * +31 25 35 * +31 25 36 * +31 25 37 * +31 25 38 * +31 25 39 * +31 25 40 * +31 25 41 MU +31 25 42 * +31 25 43 * +31 25 44 * +31 25 45 * +31 25 46 * +31 25 47 * +31 25 48 * +31 25 49 * +31 25 50 * +31 25 51 * +31 25 52 * +31 25 53 * +31 25 54 * +31 25 55 * +31 25 56 PO +31 25 57 * +31 25 58 * +31 25 59 * +31 25 60 * +31 25 61 * +31 25 62 * +31 25 63 * +31 25 64 * +31 25 65 * +31 25 66 * +31 25 67 * +31 25 68 * +31 25 69 * +31 25 70 * +31 25 71 * +31 25 72 * +31 25 73 * +31 25 74 * +31 25 75 * +31 25 76 * +31 25 77 * +31 25 78 * +31 25 79 * +31 25 80 * +31 25 81 * +31 25 82 * +31 25 83 * +31 25 84 * +31 25 85 * +31 25 86 * +31 25 87 * +31 25 88 * +31 25 89 * +31 25 90 * +31 25 91 * +31 25 92 * +31 25 93 * +31 25 94 * +31 25 95 * +31 25 96 * +31 25 97 * +31 25 98 * +31 25 99 * +31 25 100 * +31 25 101 * +31 25 102 * +31 25 103 * +31 25 104 * +31 25 105 * +31 25 106 * +31 25 107 * +31 25 108 * +31 25 109 * +31 25 110 * +31 25 111 * +31 25 112 * +31 25 113 * +31 25 114 * +31 25 115 * +31 25 116 * +31 25 117 * +31 25 118 * +31 25 119 * +31 25 120 * +31 25 121 * +31 25 122 * +31 25 123 * +31 25 124 * +31 25 125 * +31 25 126 * +31 25 127 * +31 25 128 * +31 25 129 * +31 25 130 * +31 25 131 * +31 25 132 * +31 25 133 * +31 25 134 * +31 25 135 * +31 25 136 * +31 25 137 * +31 25 138 * +31 25 139 * +31 25 140 * +31 25 141 * +31 25 142 * +31 25 143 * +31 25 144 * +31 25 145 * +31 25 146 * +31 25 147 * +31 25 148 * +31 25 149 * +31 25 150 * +31 25 151 * +31 25 152 * +31 25 153 * +31 25 154 * +31 25 155 * +31 25 156 * +31 25 157 * +31 25 158 * +31 25 159 * +31 25 160 * +31 25 161 * +31 25 162 * +31 25 163 * +31 25 164 EP +31 25 165 * +31 25 166 * +31 25 167 * +31 25 168 * +31 25 169 * +31 25 170 * +31 25 171 * +31 25 172 * +31 25 173 * +31 25 174 * +31 25 175 * +31 25 176 * +31 25 177 * +31 25 178 * +31 25 179 * +31 25 180 * +31 25 181 * +31 25 182 * +31 25 183 * +31 25 184 * +31 25 185 * +31 25 186 * +31 25 187 * +31 25 188 * +31 25 189 * +31 25 190 * +31 25 191 * +31 25 192 * +31 25 193 * +31 25 194 * +31 25 195 * +31 25 196 * +31 25 197 * +31 25 198 * +31 25 199 * +31 25 200 * +31 25 201 * +31 25 202 * +31 25 203 * +31 25 204 * +31 25 205 * +31 25 206 * +31 25 207 * +31 25 208 * +31 25 209 * +31 25 210 * +31 25 211 * +31 25 212 * +31 25 213 * +31 25 214 * +31 25 215 * +31 25 216 * +31 25 217 * +31 25 218 * +31 25 219 * +31 25 220 * +31 25 221 * +31 25 222 * +31 25 223 * +31 25 224 * +31 25 225 * +31 25 226 * +31 25 227 * +31 25 228 * +31 25 229 * +31 25 230 * +31 25 231 * +31 25 232 * +31 25 233 * +31 25 234 * +31 25 235 * +31 25 236 * +31 25 237 * +31 25 238 * +31 25 239 * +31 25 240 * +31 25 241 * +31 25 242 * +31 25 243 * +31 25 244 * +31 25 245 * +31 25 246 * +31 25 247 * +31 25 248 * +31 25 249 * +31 25 250 * +31 25 251 * +31 25 252 * +31 25 253 * +31 25 254 * +31 25 255 * +31 25 256 * +31 25 257 * +31 25 258 * +31 25 259 * +31 25 260 * +31 25 261 * +31 25 262 * +31 25 263 * +31 25 264 * +31 25 265 * +31 25 266 * +31 25 267 * +31 25 268 * +31 25 269 * +31 25 270 * +31 25 271 * +31 25 272 * +31 25 273 * +31 25 274 * +31 25 275 * +31 25 276 * +31 25 277 * +31 25 278 * +31 25 279 * +31 25 280 * +31 25 281 * +31 25 282 * +31 25 283 * +31 25 284 * +31 25 285 * +31 25 286 * +31 25 287 * +31 25 288 * +31 25 289 * +31 25 290 * +31 25 291 * +31 25 292 * +31 25 293 * +31 25 294 * +31 25 295 * +31 25 296 * +31 25 297 * +31 25 298 * +31 25 299 * +31 25 300 * +31 25 301 * +31 25 302 * +31 25 303 * +31 25 304 * +31 25 305 * +31 25 306 * +31 25 307 * +31 25 308 * +31 25 309 * +31 25 310 * +31 25 311 * +31 25 312 * +31 25 313 * +31 25 314 * +31 25 315 * +31 25 316 * +31 25 317 * +31 25 318 * +31 25 319 * +31 25 320 * +31 25 321 * +31 25 322 * +31 25 323 * +31 25 324 * +31 25 325 * +31 25 326 * +31 25 327 * +31 25 328 * +31 25 329 * +31 25 330 * +32 1 1 SI +32 1 2 NI +32 1 3 MI +32 1 4 SI +32 1 5 HI +32 1 6 HI +32 1 7 SI +32 1 8 MI +32 1 9 SI +32 1 10 SI +32 1 11 SI +32 1 12 HI +32 1 13 SI +32 1 14 SI +32 1 15 HI +32 1 16 NI +32 1 17 MI +32 1 18 SI +32 1 19 HI +32 1 20 SI +32 1 21 MH +32 1 22 HI +32 1 23 SI +32 1 24 SI +32 1 25 SI +32 1 26 SI +32 1 27 HI +32 1 28 MI +32 1 29 HI +32 1 30 MI +32 1 31 HI +32 1 32 SI +32 1 33 HI +32 1 34 SI +32 1 35 MI +32 1 36 SI +32 1 37 SI +32 1 38 MI +32 1 39 SI +32 1 40 SI +32 1 41 MI +32 1 42 HI +32 1 43 SI +32 1 44 NI +32 1 45 SI +32 1 46 NI +32 1 47 SI +32 1 48 HI +32 1 49 HI +32 1 50 SI +32 1 51 SI +32 1 52 HI +32 1 53 MI +32 1 54 SI +32 1 55 HI +32 1 56 SI +32 1 57 SI +32 1 58 HI +32 1 59 NI +32 1 60 SI +32 1 61 MI +32 1 62 HI +32 1 63 HI +32 1 64 SI +32 1 65 MI +32 1 66 NI +32 1 67 SI +32 1 68 MI +32 1 69 SI +32 1 70 NI +32 1 71 SI +32 1 72 HI +32 1 73 HI +32 1 74 NI +32 1 75 SI +32 1 76 MI +32 1 77 SI +32 1 78 HI +32 1 79 SI +32 1 80 SI +32 1 81 HI +32 1 82 NI +32 1 83 HI +32 1 84 MI +32 1 85 SI +32 1 86 HI +32 1 87 SI +32 1 88 MI +32 1 89 SI +32 1 90 SI +32 1 91 HI +32 1 92 NI +32 1 93 SI +32 1 94 HI +32 1 95 NI +32 1 96 HI +32 1 97 SI +32 1 98 MI +32 1 99 HI +32 1 100 NI +32 1 101 MI +32 1 102 HI +32 1 103 HI +32 1 104 SI +32 1 105 MI +32 1 106 HI +32 1 107 HI +32 1 108 NI +32 1 109 SI +32 1 110 HI +32 1 111 SI +32 1 112 MH +32 1 113 SI +32 1 114 HI +32 1 115 MI +32 1 116 NI +32 1 117 SI +32 1 118 HI +32 1 119 SI +32 1 120 NI +32 1 121 MI +32 1 122 SI +32 1 123 SI +32 1 124 HI +32 1 125 MI +32 1 126 HI +32 1 127 SI +32 1 128 HI +32 1 129 NI +32 1 130 SI +32 1 131 SI +32 1 132 MI +32 1 133 SI +32 1 134 SI +32 1 135 MH +32 1 136 SI +32 1 137 SI +32 1 138 HI +32 1 139 NI +32 1 140 SI +32 1 141 NI +32 1 142 HI +32 1 143 HI +32 1 144 SI +32 1 145 HI +32 1 146 HI +32 1 147 SI +32 1 148 MI +32 1 149 HI +32 1 150 SI +32 1 151 NI +32 1 152 HI +32 1 153 SI +32 1 154 SI +32 1 155 SI +32 1 156 SI +32 1 157 HI +32 1 158 NI +32 1 159 HI +32 1 160 MH +32 1 161 SI +32 1 162 MI +32 1 163 SI +32 1 164 SI +32 1 165 HI +32 1 166 SI +32 1 167 NI +32 1 168 SI +32 1 169 SI +32 1 170 SI +32 1 171 HI +32 1 172 NI +32 1 173 MH +32 1 174 HI +32 1 175 NI +32 1 176 MI +32 1 177 HI +32 1 178 SI +32 1 179 MI +32 1 180 SI +32 1 181 HI +32 1 182 MI +32 1 183 HI +32 1 184 HI +32 1 185 MH +32 1 186 NI +32 1 187 HI +32 1 188 SI +32 1 189 NI +32 1 190 HI +32 1 191 SI +32 1 192 MH +32 1 193 HI +32 1 194 MI +32 1 195 SI +32 1 196 SI +32 1 197 NI +32 1 198 SI +32 1 199 NI +32 1 200 SI +32 1 201 HI +32 1 202 SI +32 1 203 MH +32 1 204 SI +32 1 205 SI +32 1 206 NI +32 1 207 MI +32 1 208 HI +32 1 209 SI +32 1 210 MI +32 1 211 SI +32 1 212 HI +32 1 213 NI +32 1 214 NI +32 1 215 HI +32 1 216 SI +32 1 217 MI +32 1 218 HI +32 1 219 NI +32 1 220 SI +32 1 221 NI +32 1 222 SI +32 1 223 SI +32 1 224 NI +32 1 225 HI +32 1 226 SI +32 1 227 SI +32 1 228 HI +32 1 229 NI +32 1 230 SI +32 1 231 HI +32 1 232 SI +32 1 233 SI +32 1 234 HI +32 1 235 SI +32 1 236 HI +32 1 237 HI +32 1 238 SI +32 1 239 MH +32 1 240 MI +32 1 241 NI +32 1 242 HI +32 1 243 MI +32 1 244 NI +32 1 245 MI +32 1 246 HI +32 1 247 SI +32 1 248 SI +32 1 249 SI +32 1 250 HI +32 1 251 HI +32 1 252 NI +32 1 253 HI +32 1 254 SI +32 1 255 SI +32 1 256 MI +32 1 257 SI +32 1 258 SI +32 1 259 MI +32 1 260 NI +32 1 261 HI +32 1 262 NI +32 1 263 SI +32 1 264 NI +32 1 265 SI +32 1 266 MI +32 1 267 SI +32 1 268 HI +32 1 269 SI +32 1 270 HI +32 1 271 SI +32 1 272 NI +32 1 273 HI +32 1 274 NI +32 1 275 HI +32 1 276 MI +32 1 277 SI +32 1 278 MI +32 1 279 SI +32 1 280 HI +32 1 281 SI +32 1 282 HI +32 1 283 SI +32 1 284 NI +32 1 285 HI +32 1 286 NI +32 1 287 HI +32 1 288 MI +32 1 289 SI +32 1 290 NI +32 1 291 SI +32 1 292 HI +32 1 293 NI +32 1 294 SI +32 1 295 SI +32 1 296 SI +32 1 297 HI +32 1 298 MI +32 1 299 SI +32 1 300 NI +32 1 301 SI +32 1 302 HI +32 1 303 NI +32 1 304 SI +32 1 305 SI +32 1 306 HI +32 1 307 SI +32 1 308 HI +32 1 309 SI +32 1 310 SI +32 1 311 HI +32 1 312 SI +32 1 313 SI +32 1 314 NI +32 1 315 HI +32 1 316 SI +32 1 317 MH +32 1 318 HI +32 1 319 NI +32 1 320 HI +32 1 321 MI +32 1 322 SI +32 1 323 SI +32 1 324 NI +32 1 325 SI +32 1 326 HI +32 1 327 NI +32 1 328 SI +32 1 329 HI +32 1 330 NI +32 2 1 SI +32 2 2 HI +32 2 3 MI +32 2 4 SI +32 2 5 HI +32 2 6 HI +32 2 7 SI +32 2 8 MI +32 2 9 HI +32 2 10 SI +32 2 11 SI +32 2 12 HI +32 2 13 SI +32 2 14 SI +32 2 15 HI +32 2 16 NI +32 2 17 MI +32 2 18 SI +32 2 19 SI +32 2 20 HI +32 2 21 MI +32 2 22 HI +32 2 23 HI +32 2 24 SI +32 2 25 SI +32 2 26 SI +32 2 27 NI +32 2 28 MI +32 2 29 SI +32 2 30 HI +32 2 31 HI +32 2 32 MI +32 2 33 HI +32 2 34 SI +32 2 35 MI +32 2 36 SI +32 2 37 SI +32 2 38 MI +32 2 39 SI +32 2 40 SI +32 2 41 MI +32 2 42 HI +32 2 43 SI +32 2 44 NI +32 2 45 SI +32 2 46 NI +32 2 47 SI +32 2 48 HI +32 2 49 HI +32 2 50 SI +32 2 51 MI +32 2 52 NI +32 2 53 MI +32 2 54 HI +32 2 55 SI +32 2 56 HI +32 2 57 SI +32 2 58 HI +32 2 59 NI +32 2 60 SI +32 2 61 MI +32 2 62 HI +32 2 63 SI +32 2 64 HI +32 2 65 MI +32 2 66 NI +32 2 67 SI +32 2 68 MI +32 2 69 HI +32 2 70 NI +32 2 71 MI +32 2 72 SI +32 2 73 MI +32 2 74 HI +32 2 75 SI +32 2 76 MI +32 2 77 SI +32 2 78 HI +32 2 79 SI +32 2 80 HI +32 2 81 HI +32 2 82 SI +32 2 83 NI +32 2 84 HI +32 2 85 SI +32 2 86 MI +32 2 87 MI +32 2 88 SI +32 2 89 SI +32 2 90 SI +32 2 91 HI +32 2 92 NI +32 2 93 SI +32 2 94 SI +32 2 95 NI +32 2 96 HI +32 2 97 SI +32 2 98 MI +32 2 99 HI +32 2 100 NI +32 2 101 MI +32 2 102 HI +32 2 103 HI +32 2 104 SI +32 2 105 SI +32 2 106 HI +32 2 107 NI +32 2 108 NI +32 2 109 SI +32 2 110 HI +32 2 111 SI +32 2 112 MI +32 2 113 SI +32 2 114 SI +32 2 115 MI +32 2 116 NI +32 2 117 MI +32 2 118 MI +32 2 119 SI +32 2 120 NI +32 2 121 MI +32 2 122 SI +32 2 123 HI +32 2 124 HI +32 2 125 HI +32 2 126 MI +32 2 127 SI +32 2 128 HI +32 2 129 NI +32 2 130 SI +32 2 131 SI +32 2 132 MI +32 2 133 SI +32 2 134 MI +32 2 135 MI +32 2 136 SI +32 2 137 SI +32 2 138 SI +32 2 139 NI +32 2 140 SI +32 2 141 NI +32 2 142 NI +32 2 143 HI +32 2 144 SI +32 2 145 SI +32 2 146 HI +32 2 147 SI +32 2 148 MI +32 2 149 HI +32 2 150 SI +32 2 151 MI +32 2 152 HI +32 2 153 SI +32 2 154 SI +32 2 155 HI +32 2 156 HI +32 2 157 MI +32 2 158 NI +32 2 159 HI +32 2 160 MI +32 2 161 SI +32 2 162 MI +32 2 163 SI +32 2 164 SI +32 2 165 SI +32 2 166 HI +32 2 167 HI +32 2 168 SI +32 2 169 SI +32 2 170 SI +32 2 171 HI +32 2 172 NI +32 2 173 MI +32 2 174 HI +32 2 175 SI +32 2 176 MI +32 2 177 HI +32 2 178 SI +32 2 179 MI +32 2 180 SI +32 2 181 HI +32 2 182 MI +32 2 183 HI +32 2 184 SI +32 2 185 HI +32 2 186 SI +32 2 187 HI +32 2 188 SI +32 2 189 NI +32 2 190 HI +32 2 191 SI +32 2 192 SI +32 2 193 HI +32 2 194 MI +32 2 195 SI +32 2 196 HI +32 2 197 MI +32 2 198 SI +32 2 199 NI +32 2 200 HI +32 2 201 MI +32 2 202 SI +32 2 203 HI +32 2 204 MI +32 2 205 SI +32 2 206 NI +32 2 207 MI +32 2 208 HI +32 2 209 SI +32 2 210 MI +32 2 211 SI +32 2 212 HI +32 2 213 NI +32 2 214 HI +32 2 215 MI +32 2 216 SI +32 2 217 MI +32 2 218 HI +32 2 219 NI +32 2 220 SI +32 2 221 NI +32 2 222 SI +32 2 223 SI +32 2 224 NI +32 2 225 HI +32 2 226 SI +32 2 227 SI +32 2 228 SI +32 2 229 SI +32 2 230 NI +32 2 231 MI +32 2 232 HI +32 2 233 SI +32 2 234 SI +32 2 235 SI +32 2 236 HI +32 2 237 MI +32 2 238 SI +32 2 239 MI +32 2 240 MI +32 2 241 NI +32 2 242 HI +32 2 243 MI +32 2 244 NI +32 2 245 MI +32 2 246 SI +32 2 247 HI +32 2 248 SI +32 2 249 SI +32 2 250 SI +32 2 251 HI +32 2 252 NI +32 2 253 SI +32 2 254 HI +32 2 255 SI +32 2 256 MI +32 2 257 SI +32 2 258 SI +32 2 259 MI +32 2 260 HI +32 2 261 HI +32 2 262 NI +32 2 263 NI +32 2 264 HI +32 2 265 SI +32 2 266 MI +32 2 267 MI +32 2 268 SI +32 2 269 HI +32 2 270 MI +32 2 271 SI +32 2 272 NI +32 2 273 HI +32 2 274 NI +32 2 275 HI +32 2 276 MI +32 2 277 SI +32 2 278 MI +32 2 279 SI +32 2 280 HI +32 2 281 SI +32 2 282 HI +32 2 283 MI +32 2 284 NI +32 2 285 HI +32 2 286 NI +32 2 287 HI +32 2 288 MI +32 2 289 HI +32 2 290 NI +32 2 291 SI +32 2 292 HI +32 2 293 SI +32 2 294 NI +32 2 295 HI +32 2 296 SI +32 2 297 HI +32 2 298 MI +32 2 299 SI +32 2 300 NI +32 2 301 SI +32 2 302 HI +32 2 303 NI +32 2 304 HI +32 2 305 SI +32 2 306 MI +32 2 307 SI +32 2 308 HI +32 2 309 MI +32 2 310 HI +32 2 311 SI +32 2 312 SI +32 2 313 SI +32 2 314 NI +32 2 315 HI +32 2 316 SI +32 2 317 MI +32 2 318 HI +32 2 319 NI +32 2 320 HI +32 2 321 MI +32 2 322 SI +32 2 323 SI +32 2 324 NI +32 2 325 MI +32 2 326 HI +32 2 327 NI +32 2 328 SI +32 2 329 HI +32 2 330 NI +32 3 1 SI +32 3 2 * +32 3 3 * +32 3 4 SI +32 3 5 SI +32 3 6 HI +32 3 7 SI +32 3 8 MI +32 3 9 * +32 3 10 SI +32 3 11 SI +32 3 12 HI +32 3 13 SI +32 3 14 SI +32 3 15 HI +32 3 16 NI +32 3 17 MI +32 3 18 SI +32 3 19 SI +32 3 20 SI +32 3 21 MI +32 3 22 HI +32 3 23 SI +32 3 24 * +32 3 25 SI +32 3 26 SI +32 3 27 NI +32 3 28 MI +32 3 29 SI +32 3 30 HI +32 3 31 SI +32 3 32 HI +32 3 33 SI +32 3 34 SI +32 3 35 MH +32 3 36 SI +32 3 37 SI +32 3 38 MI +32 3 39 * +32 3 40 * +32 3 41 * +32 3 42 HI +32 3 43 SI +32 3 44 NI +32 3 45 * +32 3 46 * +32 3 47 SI +32 3 48 * +32 3 49 SI +32 3 50 * +32 3 51 SI +32 3 52 NI +32 3 53 MI +32 3 54 * +32 3 55 HI +32 3 56 MH +32 3 57 * +32 3 58 * +32 3 59 HI +32 3 60 SI +32 3 61 MI +32 3 62 SI +32 3 63 MH +32 3 64 * +32 3 65 MI +32 3 66 NI +32 3 67 SI +32 3 68 MI +32 3 69 * +32 3 70 * +32 3 71 MI +32 3 72 * +32 3 73 * +32 3 74 * +32 3 75 * +32 3 76 * +32 3 77 SI +32 3 78 HI +32 3 79 SI +32 3 80 * +32 3 81 HI +32 3 82 SI +32 3 83 HI +32 3 84 MH +32 3 85 * +32 3 86 HI +32 3 87 SI +32 3 88 MI +32 3 89 SI +32 3 90 SI +32 3 91 HI +32 3 92 * +32 3 93 * +32 3 94 SI +32 3 95 HI +32 3 96 HI +32 3 97 * +32 3 98 MI +32 3 99 * +32 3 100 SI +32 3 101 MI +32 3 102 SI +32 3 103 SI +32 3 104 * +32 3 105 MI +32 3 106 HI +32 3 107 NI +32 3 108 HI +32 3 109 SI +32 3 110 HI +32 3 111 SI +32 3 112 * +32 3 113 SI +32 3 114 SI +32 3 115 MI +32 3 116 SI +32 3 117 SI +32 3 118 MH +32 3 119 SI +32 3 120 NI +32 3 121 MH +32 3 122 SI +32 3 123 * +32 3 124 HI +32 3 125 MH +32 3 126 HI +32 3 127 SI +32 3 128 HI +32 3 129 NI +32 3 130 SI +32 3 131 * +32 3 132 MH +32 3 133 * +32 3 134 SI +32 3 135 MI +32 3 136 SI +32 3 137 SI +32 3 138 HI +32 3 139 * +32 3 140 * +32 3 141 NI +32 3 142 HI +32 3 143 HI +32 3 144 SI +32 3 145 HI +32 3 146 HI +32 3 147 SI +32 3 148 MI +32 3 149 HI +32 3 150 SI +32 3 151 * +32 3 152 SI +32 3 153 * +32 3 154 SI +32 3 155 SI +32 3 156 * +32 3 157 SI +32 3 158 NI +32 3 159 MH +32 3 160 HI +32 3 161 * +32 3 162 MI +32 3 163 SI +32 3 164 * +32 3 165 SI +32 3 166 SI +32 3 167 HI +32 3 168 SI +32 3 169 * +32 3 170 SI +32 3 171 HI +32 3 172 NI +32 3 173 MH +32 3 174 HI +32 3 175 SI +32 3 176 MI +32 3 177 HI +32 3 178 SI +32 3 179 MI +32 3 180 SI +32 3 181 HI +32 3 182 MI +32 3 183 HI +32 3 184 SI +32 3 185 MH +32 3 186 SI +32 3 187 HI +32 3 188 SI +32 3 189 HI +32 3 190 MH +32 3 191 SI +32 3 192 SI +32 3 193 HI +32 3 194 MI +32 3 195 SI +32 3 196 HI +32 3 197 SI +32 3 198 SI +32 3 199 HI +32 3 200 * +32 3 201 MH +32 3 202 SI +32 3 203 MI +32 3 204 SI +32 3 205 SI +32 3 206 HI +32 3 207 MI +32 3 208 HI +32 3 209 SI +32 3 210 SI +32 3 211 * +32 3 212 HI +32 3 213 HI +32 3 214 HI +32 3 215 MI +32 3 216 SI +32 3 217 MH +32 3 218 HI +32 3 219 SI +32 3 220 SI +32 3 221 * +32 3 222 SI +32 3 223 * +32 3 224 * +32 3 225 HI +32 3 226 SI +32 3 227 SI +32 3 228 SI +32 3 229 HI +32 3 230 MH +32 3 231 SI +32 3 232 SI +32 3 233 HI +32 3 234 * +32 3 235 SI +32 3 236 HI +32 3 237 MH +32 3 238 SI +32 3 239 MI +32 3 240 MI +32 3 241 NI +32 3 242 HI +32 3 243 MI +32 3 244 HI +32 3 245 MI +32 3 246 SI +32 3 247 SI +32 3 248 SI +32 3 249 * +32 3 250 SI +32 3 251 HI +32 3 252 NI +32 3 253 SI +32 3 254 SI +32 3 255 SI +32 3 256 MI +32 3 257 SI +32 3 258 HI +32 3 259 MI +32 3 260 HI +32 3 261 MH +32 3 262 NI +32 3 263 * +32 3 264 SI +32 3 265 * +32 3 266 MI +32 3 267 MI +32 3 268 SI +32 3 269 HI +32 3 270 HI +32 3 271 * +32 3 272 NI +32 3 273 HI +32 3 274 NI +32 3 275 HI +32 3 276 MI +32 3 277 SI +32 3 278 MH +32 3 279 SI +32 3 280 HI +32 3 281 * +32 3 282 HI +32 3 283 SI +32 3 284 SI +32 3 285 HI +32 3 286 NI +32 3 287 HI +32 3 288 MI +32 3 289 SI +32 3 290 HI +32 3 291 SI +32 3 292 HI +32 3 293 SI +32 3 294 HI +32 3 295 SI +32 3 296 SI +32 3 297 HI +32 3 298 MI +32 3 299 SI +32 3 300 SI +32 3 301 * +32 3 302 HI +32 3 303 SI +32 3 304 HI +32 3 305 MI +32 3 306 HI +32 3 307 SI +32 3 308 SI +32 3 309 SI +32 3 310 * +32 3 311 SI +32 3 312 SI +32 3 313 SI +32 3 314 HI +32 3 315 HI +32 3 316 * +32 3 317 MI +32 3 318 MH +32 3 319 NI +32 3 320 HI +32 3 321 MI +32 3 322 SI +32 3 323 * +32 3 324 HI +32 3 325 MI +32 3 326 HI +32 3 327 HI +32 3 328 SI +32 3 329 MI +32 3 330 SI +32 4 1 SI +32 4 2 HI +32 4 3 MI +32 4 4 SI +32 4 5 HI +32 4 6 HI +32 4 7 HI +32 4 8 MI +32 4 9 HI +32 4 10 SI +32 4 11 SI +32 4 12 HI +32 4 13 OB +32 4 14 SI +32 4 15 HI +32 4 16 NI +32 4 17 MI +32 4 18 OB +32 4 19 SI +32 4 20 SI +32 4 21 MI +32 4 22 HI +32 4 23 NN +32 4 24 SX +32 4 25 SI +32 4 26 SI +32 4 27 HI +32 4 28 MI +32 4 29 SI +32 4 30 HI +32 4 31 HI +32 4 32 MI +32 4 33 HI +32 4 34 SI +32 4 35 HI +32 4 36 SI +32 4 37 SI +32 4 38 SI +32 4 39 MI +32 4 40 HI +32 4 41 SI +32 4 42 MI +32 4 43 HI +32 4 44 SI +32 4 45 NI +32 4 46 SI +32 4 47 HI +32 4 48 SI +32 4 49 HI +32 4 50 SI +32 4 51 MH +32 4 52 HI +32 4 53 NI +32 4 54 MI +32 4 55 SI +32 4 56 HI +32 4 57 HI +32 4 58 SI +32 4 59 HI +32 4 60 NI +32 4 61 SI +32 4 62 MI +32 4 63 HI +32 4 64 MI +32 4 65 SI +32 4 66 MI +32 4 67 NI +32 4 68 SI +32 4 69 MI +32 4 70 HI +32 4 71 NI +32 4 72 MI +32 4 73 SI +32 4 74 SI +32 4 75 HI +32 4 76 SI +32 4 77 MH +32 4 78 SI +32 4 79 HI +32 4 80 SI +32 4 81 SI +32 4 82 HI +32 4 83 SI +32 4 84 NI +32 4 85 HI +32 4 86 SI +32 4 87 MI +32 4 88 MI +32 4 89 SI +32 4 90 SI +32 4 91 SI +32 4 92 NI +32 4 93 HI +32 4 94 SI +32 4 95 SI +32 4 96 NI +32 4 97 HI +32 4 98 SI +32 4 99 MI +32 4 100 HI +32 4 101 SI +32 4 102 MI +32 4 103 SI +32 4 104 SI +32 4 105 MH +32 4 106 HI +32 4 107 NI +32 4 108 SI +32 4 109 SI +32 4 110 MH +32 4 111 SI +32 4 112 MH +32 4 113 SI +32 4 114 SI +32 4 115 MI +32 4 116 SI +32 4 117 SI +32 4 118 MH +32 4 119 SI +32 4 120 NI +32 4 121 MI +32 4 122 SI +32 4 123 SI +32 4 124 HI +32 4 125 MI +32 4 126 MH +32 4 127 SI +32 4 128 HI +32 4 129 NI +32 4 130 SI +32 4 131 SI +32 4 132 MI +32 4 133 SI +32 4 134 * +32 4 135 MH +32 4 136 SI +32 4 137 SI +32 4 138 SI +32 4 139 NI +32 4 140 SI +32 4 141 NI +32 4 142 NI +32 4 143 HI +32 4 144 SI +32 4 145 SI +32 4 146 HI +32 4 147 SI +32 4 148 MI +32 4 149 HI +32 4 150 SI +32 4 151 MH +32 4 152 HI +32 4 153 SI +32 4 154 SI +32 4 155 SI +32 4 156 SI +32 4 157 HI +32 4 158 NI +32 4 159 HI +32 4 160 HI +32 4 161 SI +32 4 162 MI +32 4 163 SI +32 4 164 SI +32 4 165 SI +32 4 166 SI +32 4 167 HI +32 4 168 SI +32 4 169 SI +32 4 170 SI +32 4 171 SI +32 4 172 NI +32 4 173 MH +32 4 174 HI +32 4 175 SI +32 4 176 MI +32 4 177 HI +32 4 178 SI +32 4 179 MI +32 4 180 SI +32 4 181 HI +32 4 182 MI +32 4 183 SI +32 4 184 SI +32 4 185 HI +32 4 186 SI +32 4 187 HI +32 4 188 SI +32 4 189 SI +32 4 190 HI +32 4 191 SI +32 4 192 SI +32 4 193 HI +32 4 194 MH +32 4 195 SI +32 4 196 SI +32 4 197 HI +32 4 198 SI +32 4 199 NI +32 4 200 SI +32 4 201 HI +32 4 202 SI +32 4 203 MI +32 4 204 SI +32 4 205 SI +32 4 206 NI +32 4 207 MI +32 4 208 HI +32 4 209 SI +32 4 210 MI +32 4 211 SI +32 4 212 HI +32 4 213 SI +32 4 214 HI +32 4 215 MH +32 4 216 SI +32 4 217 HI +32 4 218 HI +32 4 219 SI +32 4 220 SI +32 4 221 NI +32 4 222 SI +32 4 223 SI +32 4 224 NI +32 4 225 HI +32 4 226 SI +32 4 227 SI +32 4 228 SI +32 4 229 SI +32 4 230 HI +32 4 231 MH +32 4 232 HI +32 4 233 SI +32 4 234 SI +32 4 235 SI +32 4 236 HI +32 4 237 HI +32 4 238 SI +32 4 239 MH +32 4 240 MI +32 4 241 NI +32 4 242 HI +32 4 243 MI +32 4 244 HI +32 4 245 MI +32 4 246 SI +32 4 247 SI +32 4 248 SI +32 4 249 SI +32 4 250 SI +32 4 251 HI +32 4 252 NI +32 4 253 SI +32 4 254 SI +32 4 255 SI +32 4 256 MI +32 4 257 SI +32 4 258 HI +32 4 259 MH +32 4 260 HI +32 4 261 MH +32 4 262 NI +32 4 263 SI +32 4 264 SI +32 4 265 SI +32 4 266 MH +32 4 267 SI +32 4 268 SI +32 4 269 MH +32 4 270 HI +32 4 271 SI +32 4 272 NI +32 4 273 HI +32 4 274 NI +32 4 275 HI +32 4 276 MI +32 4 277 SI +32 4 278 MH +32 4 279 SI +32 4 280 HI +32 4 281 SI +32 4 282 HI +32 4 283 MH +32 4 284 NI +32 4 285 SI +32 4 286 NI +32 4 287 HI +32 4 288 MI +32 4 289 SI +32 4 290 HI +32 4 291 SI +32 4 292 MH +32 4 293 SI +32 4 294 HI +32 4 295 HI +32 4 296 SI +32 4 297 HI +32 4 298 MI +32 4 299 SI +32 4 300 NI +32 4 301 SI +32 4 302 HI +32 4 303 SI +32 4 304 HI +32 4 305 MI +32 4 306 HI +32 4 307 SI +32 4 308 HI +32 4 309 SI +32 4 310 SI +32 4 311 SI +32 4 312 SI +32 4 313 SI +32 4 314 HI +32 4 315 HI +32 4 316 SI +32 4 317 MI +32 4 318 MH +32 4 319 NI +32 4 320 HI +32 4 321 MI +32 4 322 SI +32 4 323 SI +32 4 324 NI +32 4 325 MH +32 4 326 HI +32 4 327 SI +32 4 328 SI +32 4 329 MH +32 4 330 SI +32 5 1 HI +32 5 2 HI +32 5 3 MI +32 5 4 HI +32 5 5 NI +32 5 6 NN +32 5 7 HI +32 5 8 MI +32 5 9 SI +32 5 10 SP +32 5 11 SI +32 5 12 HI +32 5 13 HI +32 5 14 SI +32 5 15 NN +32 5 16 NI +32 5 17 MI +32 5 18 SI +32 5 19 HI +32 5 20 NI +32 5 21 NN +32 5 22 HI +32 5 23 NN +32 5 24 SI +32 5 25 SI +32 5 26 HI +32 5 27 NN +32 5 28 MI +32 5 29 HI +32 5 30 NN +32 5 31 HI +32 5 32 NN +32 5 33 HI +32 5 34 SI +32 5 35 HI +32 5 36 SI +32 5 37 HI +32 5 38 MI +32 5 39 NN +32 5 40 HI +32 5 41 MI +32 5 42 HI +32 5 43 SI +32 5 44 SI +32 5 45 NN +32 5 46 HI +32 5 47 HI +32 5 48 HI +32 5 49 NN +32 5 50 MI +32 5 51 HI +32 5 52 NI +32 5 53 MI +32 5 54 HI +32 5 55 NN +32 5 56 MI +32 5 57 SI +32 5 58 HI +32 5 59 HI +32 5 60 SI +32 5 61 MI +32 5 62 HI +32 5 63 NN +32 5 64 MI +32 5 65 MI +32 5 66 NI +32 5 67 HI +32 5 68 MI +32 5 69 HI +32 5 70 NI +32 5 71 SI +32 5 72 NN +32 5 73 SI +32 5 74 NI +32 5 75 SI +32 5 76 MI +32 5 77 SI +32 5 78 MI +32 5 79 SI +32 5 80 NN +32 5 81 * +32 5 82 NI +32 5 83 NI +32 5 84 HI +32 5 85 SI +32 5 86 MI +32 5 87 SI +32 5 88 MI +32 5 89 SI +32 5 90 SI +32 5 91 SX +32 5 92 NI +32 5 93 SI +32 5 94 SI +32 5 95 NI +32 5 96 HI +32 5 97 MI +32 5 98 MI +32 5 99 NI +32 5 100 NI +32 5 101 MI +32 5 102 SX +32 5 103 SI +32 5 104 NI +32 5 105 SP +32 5 106 HI +32 5 107 NI +32 5 108 NI +32 5 109 SI +32 5 110 HI +32 5 111 SI +32 5 112 MI +32 5 113 SI +32 5 114 SI +32 5 115 MI +32 5 116 HI +32 5 117 SI +32 5 118 HI +32 5 119 SX +32 5 120 NI +32 5 121 MI +32 5 122 SI +32 5 123 SI +32 5 124 NI +32 5 125 MI +32 5 126 HI +32 5 127 SI +32 5 128 MI +32 5 129 NI +32 5 130 SI +32 5 131 SX +32 5 132 MI +32 5 133 SI +32 5 134 SI +32 5 135 MI +32 5 136 NI +32 5 137 SI +32 5 138 HI +32 5 139 NI +32 5 140 SI +32 5 141 NI +32 5 142 HI +32 5 143 SX +32 5 144 SI +32 5 145 HI +32 5 146 NN +32 5 147 SI +32 5 148 MI +32 5 149 HI +32 5 150 SI +32 5 151 NN +32 5 152 MI +32 5 153 SI +32 5 154 SI +32 5 155 SX +32 5 156 MI +32 5 157 SI +32 5 158 NI +32 5 159 HI +32 5 160 MI +32 5 161 HI +32 5 162 MI +32 5 163 SI +32 5 164 SX +32 5 165 SI +32 5 166 MI +32 5 167 NI +32 5 168 SI +32 5 169 SI +32 5 170 SI +32 5 171 SI +32 5 172 NI +32 5 173 MI +32 5 174 HI +32 5 175 NI +32 5 176 MI +32 5 177 NI +32 5 178 SI +32 5 179 SI +32 5 180 MI +32 5 181 SI +32 5 182 MI +32 5 183 HI +32 5 184 SP +32 5 185 HI +32 5 186 HI +32 5 187 MI +32 5 188 SX +32 5 189 NI +32 5 190 MI +32 5 191 SI +32 5 192 MI +32 5 193 HI +32 5 194 SI +32 5 195 HI +32 5 196 NI +32 5 197 SX +32 5 198 SI +32 5 199 NI +32 5 200 HI +32 5 201 HI +32 5 202 MI +32 5 203 DS +32 5 204 SI +32 5 205 SX +32 5 206 NI +32 5 207 MI +32 5 208 HI +32 5 209 SI +32 5 210 SI +32 5 211 HI +32 5 212 NN +32 5 213 NI +32 5 214 MI +32 5 215 HI +32 5 216 SI +32 5 217 HI +32 5 218 MI +32 5 219 NI +32 5 220 NN +32 5 221 NI +32 5 222 SI +32 5 223 SX +32 5 224 NI +32 5 225 SX +32 5 226 SI +32 5 227 SI +32 5 228 SX +32 5 229 NI +32 5 230 NN +32 5 231 MI +32 5 232 SI +32 5 233 NI +32 5 234 MI +32 5 235 HI +32 5 236 SX +32 5 237 MI +32 5 238 SI +32 5 239 MI +32 5 240 SI +32 5 241 NI +32 5 242 HI +32 5 243 NN +32 5 244 NI +32 5 245 MI +32 5 246 HI +32 5 247 NN +32 5 248 SI +32 5 249 SI +32 5 250 HI +32 5 251 HI +32 5 252 NI +32 5 253 HI +32 5 254 NN +32 5 255 SI +32 5 256 MI +32 5 257 SI +32 5 258 NN +32 5 259 MI +32 5 260 HI +32 5 261 DS +32 5 262 NI +32 5 263 SX +32 5 264 NI +32 5 265 SI +32 5 266 MI +32 5 267 SX +32 5 268 HI +32 5 269 MI +32 5 270 HI +32 5 271 SI +32 5 272 NI +32 5 273 HI +32 5 274 NI +32 5 275 SX +32 5 276 MI +32 5 277 SI +32 5 278 NN +32 5 279 SI +32 5 280 HI +32 5 281 SI +32 5 282 HI +32 5 283 SI +32 5 284 NI +32 5 285 MI +32 5 286 NI +32 5 287 HI +32 5 288 MI +32 5 289 NN +32 5 290 NI +32 5 291 SI +32 5 292 MI +32 5 293 HI +32 5 294 NI +32 5 295 SI +32 5 296 HI +32 5 297 MI +32 5 298 SP +32 5 299 SX +32 5 300 NI +32 5 301 HI +32 5 302 NI +32 5 303 NI +32 5 304 NN +32 5 305 SI +32 5 306 HI +32 5 307 SI +32 5 308 NI +32 5 309 SI +32 5 310 SX +32 5 311 SX +32 5 312 SI +32 5 313 SX +32 5 314 NI +32 5 315 HI +32 5 316 SI +32 5 317 MI +32 5 318 HI +32 5 319 NI +32 5 320 MI +32 5 321 SI +32 5 322 SI +32 5 323 SX +32 5 324 NI +32 5 325 MI +32 5 326 HI +32 5 327 NI +32 5 328 SI +32 5 329 SX +32 5 330 NI +32 6 1 SI +32 6 2 HI +32 6 3 MI +32 6 4 SI +32 6 5 SI +32 6 6 HI +32 6 7 HI +32 6 8 MI +32 6 9 HI +32 6 10 SI +32 6 11 SI +32 6 12 HI +32 6 13 SI +32 6 14 SI +32 6 15 HI +32 6 16 NI +32 6 17 MI +32 6 18 SI +32 6 19 SX +32 6 20 SI +32 6 21 MI +32 6 22 HI +32 6 23 SI +32 6 24 SI +32 6 25 SI +32 6 26 SI +32 6 27 HI +32 6 28 MI +32 6 29 SI +32 6 30 HI +32 6 31 SI +32 6 32 MI +32 6 33 HI +32 6 34 SI +32 6 35 MI +32 6 36 SI +32 6 37 SI +32 6 38 MI +32 6 39 SI +32 6 40 SI +32 6 41 MI +32 6 42 HI +32 6 43 SI +32 6 44 NI +32 6 45 SI +32 6 46 SI +32 6 47 SI +32 6 48 HI +32 6 49 SI +32 6 50 SI +32 6 51 SI +32 6 52 HI +32 6 53 MI +32 6 54 HI +32 6 55 SI +32 6 56 HI +32 6 57 SI +32 6 58 HI +32 6 59 HI +32 6 60 SI +32 6 61 MI +32 6 62 SI +32 6 63 SI +32 6 64 SI +32 6 65 MI +32 6 66 NI +32 6 67 SI +32 6 68 MI +32 6 69 NI +32 6 70 SI +32 6 71 MI +32 6 72 SI +32 6 73 SI +32 6 74 HI +32 6 75 SI +32 6 76 MI +32 6 77 SI +32 6 78 HI +32 6 79 SI +32 6 80 SI +32 6 81 HI +32 6 82 HI +32 6 83 HI +32 6 84 MI +32 6 85 SI +32 6 86 MI +32 6 87 SI +32 6 88 MI +32 6 89 SI +32 6 90 SI +32 6 91 HI +32 6 92 HI +32 6 93 SI +32 6 94 SI +32 6 95 HI +32 6 96 HI +32 6 97 SI +32 6 98 MI +32 6 99 HI +32 6 100 SI +32 6 101 MI +32 6 102 SI +32 6 103 SI +32 6 104 HI +32 6 105 SI +32 6 106 NI +32 6 107 HI +32 6 108 SI +32 6 109 SI +32 6 110 HI +32 6 111 SI +32 6 112 MI +32 6 113 SI +32 6 114 SI +32 6 115 MI +32 6 116 HI +32 6 117 SI +32 6 118 HI +32 6 119 HI +32 6 120 NI +32 6 121 MI +32 6 122 SI +32 6 123 SI +32 6 124 HI +32 6 125 MI +32 6 126 HI +32 6 127 SI +32 6 128 HI +32 6 129 NI +32 6 130 SI +32 6 131 SX +32 6 132 MI +32 6 133 SI +32 6 134 SI +32 6 135 MI +32 6 136 SI +32 6 137 SI +32 6 138 HI +32 6 139 NI +32 6 140 SI +32 6 141 NI +32 6 142 NI +32 6 143 HI +32 6 144 SI +32 6 145 HI +32 6 146 HI +32 6 147 SI +32 6 148 MI +32 6 149 HI +32 6 150 SI +32 6 151 MI +32 6 152 HI +32 6 153 SI +32 6 154 SI +32 6 155 SI +32 6 156 SI +32 6 157 SI +32 6 158 NI +32 6 159 HI +32 6 160 HI +32 6 161 SI +32 6 162 MI +32 6 163 SI +32 6 164 SI +32 6 165 SI +32 6 166 SI +32 6 167 HI +32 6 168 SI +32 6 169 SI +32 6 170 SI +32 6 171 SI +32 6 172 NI +32 6 173 MI +32 6 174 HI +32 6 175 SI +32 6 176 MI +32 6 177 HI +32 6 178 SI +32 6 179 SI +32 6 180 SI +32 6 181 HI +32 6 182 SI +32 6 183 HI +32 6 184 SI +32 6 185 HI +32 6 186 HI +32 6 187 HI +32 6 188 SI +32 6 189 HI +32 6 190 MI +32 6 191 HI +32 6 192 SI +32 6 193 HI +32 6 194 MI +32 6 195 HI +32 6 196 HI +32 6 197 SI +32 6 198 SI +32 6 199 HI +32 6 200 NI +32 6 201 HI +32 6 202 SI +32 6 203 MI +32 6 204 SI +32 6 205 SI +32 6 206 NI +32 6 207 MI +32 6 208 HI +32 6 209 SI +32 6 210 SI +32 6 211 SI +32 6 212 HI +32 6 213 SI +32 6 214 HI +32 6 215 MI +32 6 216 SI +32 6 217 HI +32 6 218 HI +32 6 219 NI +32 6 220 SI +32 6 221 HI +32 6 222 SI +32 6 223 SI +32 6 224 HI +32 6 225 HI +32 6 226 SI +32 6 227 SI +32 6 228 HI +32 6 229 HI +32 6 230 NI +32 6 231 MI +32 6 232 SI +32 6 233 HI +32 6 234 SI +32 6 235 HI +32 6 236 HI +32 6 237 HI +32 6 238 SI +32 6 239 MI +32 6 240 SI +32 6 241 NI +32 6 242 HI +32 6 243 MI +32 6 244 HI +32 6 245 MI +32 6 246 SI +32 6 247 SI +32 6 248 SI +32 6 249 SI +32 6 250 HI +32 6 251 NI +32 6 252 NI +32 6 253 SI +32 6 254 HI +32 6 255 SI +32 6 256 MI +32 6 257 HI +32 6 258 MI +32 6 259 HI +32 6 260 HI +32 6 261 MI +32 6 262 NI +32 6 263 SI +32 6 264 HI +32 6 265 SI +32 6 266 MI +32 6 267 SI +32 6 268 HI +32 6 269 SI +32 6 270 MI +32 6 271 SI +32 6 272 HI +32 6 273 SI +32 6 274 NI +32 6 275 HI +32 6 276 MI +32 6 277 HI +32 6 278 MI +32 6 279 SI +32 6 280 SI +32 6 281 SI +32 6 282 HI +32 6 283 SI +32 6 284 HI +32 6 285 HI +32 6 286 NI +32 6 287 HI +32 6 288 MI +32 6 289 SI +32 6 290 NI +32 6 291 HI +32 6 292 MI +32 6 293 NI +32 6 294 NI +32 6 295 HI +32 6 296 SI +32 6 297 HI +32 6 298 MI +32 6 299 HI +32 6 300 SI +32 6 301 HI +32 6 302 NI +32 6 303 SI +32 6 304 HI +32 6 305 MI +32 6 306 HI +32 6 307 SI +32 6 308 HI +32 6 309 SI +32 6 310 HI +32 6 311 SI +32 6 312 SI +32 6 313 SI +32 6 314 NI +32 6 315 HI +32 6 316 HI +32 6 317 MI +32 6 318 HI +32 6 319 NI +32 6 320 SI +32 6 321 MI +32 6 322 SI +32 6 323 SI +32 6 324 NI +32 6 325 SI +32 6 326 HI +32 6 327 HI +32 6 328 SI +32 6 329 MI +32 6 330 SI +32 7 1 SI +32 7 2 SI +32 7 3 MI +32 7 4 SI +32 7 5 SI +32 7 6 SX +32 7 7 AM +32 7 8 SI +32 7 9 SX +32 7 10 SI +32 7 11 SX +32 7 12 NN +32 7 13 SI +32 7 14 SX +32 7 15 HI +32 7 16 NI +32 7 17 MI +32 7 18 SI +32 7 19 SI +32 7 20 SX +32 7 21 MH +32 7 22 MH +32 7 23 SI +32 7 24 SI +32 7 25 SI +32 7 26 SI +32 7 27 HI +32 7 28 MI +32 7 29 SX +32 7 30 HI +32 7 31 HI +32 7 32 MH +32 7 33 SX +32 7 34 SI +32 7 35 MI +32 7 36 SI +32 7 37 SI +32 7 38 MI +32 7 39 SI +32 7 40 SX +32 7 41 MI +32 7 42 MH +32 7 43 SI +32 7 44 NI +32 7 45 SX +32 7 46 HI +32 7 47 SI +32 7 48 MH +32 7 49 SX +32 7 50 SI +32 7 51 SI +32 7 52 HI +32 7 53 MI +32 7 54 SX +32 7 55 SX +32 7 56 HI +32 7 57 SI +32 7 58 HI +32 7 59 SI +32 7 60 MI +32 7 61 SI +32 7 62 MH +32 7 63 SX +32 7 64 MI +32 7 65 NI +32 7 66 SX +32 7 67 MH +32 7 68 SI +32 7 69 NI +32 7 70 SI +32 7 71 SI +32 7 72 SX +32 7 73 SI +32 7 74 SI +32 7 75 MI +32 7 76 SX +32 7 77 MH +32 7 78 SI +32 7 79 SX +32 7 80 SX +32 7 81 SI +32 7 82 MH +32 7 83 HI +32 7 84 MH +32 7 85 SX +32 7 86 MH +32 7 87 SI +32 7 88 MI +32 7 89 SI +32 7 90 SX +32 7 91 HI +32 7 92 SX +32 7 93 SI +32 7 94 SI +32 7 95 MH +32 7 96 HI +32 7 97 SX +32 7 98 MI +32 7 99 HI +32 7 100 SX +32 7 101 MI +32 7 102 HI +32 7 103 SI +32 7 104 SX +32 7 105 MI +32 7 106 MH +32 7 107 NI +32 7 108 HI +32 7 109 SX +32 7 110 HI +32 7 111 SI +32 7 112 MI +32 7 113 SI +32 7 114 SX +32 7 115 MI +32 7 116 HI +32 7 117 SI +32 7 118 MI +32 7 119 SX +32 7 120 NI +32 7 121 MH +32 7 122 SX +32 7 123 SX +32 7 124 MH +32 7 125 MI +32 7 126 MH +32 7 127 SX +32 7 128 MH +32 7 129 NI +32 7 130 SI +32 7 131 SI +32 7 132 MI +32 7 133 SX +32 7 134 SI +32 7 135 MI +32 7 136 SX +32 7 137 SI +32 7 138 SX +32 7 139 NI +32 7 140 SI +32 7 141 NI +32 7 142 NI +32 7 143 SX +32 7 144 SI +32 7 145 SX +32 7 146 MH +32 7 147 SX +32 7 148 MI +32 7 149 SX +32 7 150 SI +32 7 151 MH +32 7 152 HI +32 7 153 SX +32 7 154 SI +32 7 155 SI +32 7 156 SX +32 7 157 SI +32 7 158 NI +32 7 159 MH +32 7 160 HI +32 7 161 SX +32 7 162 MI +32 7 163 SX +32 7 164 SX +32 7 165 SI +32 7 166 SX +32 7 167 NI +32 7 168 SX +32 7 169 SX +32 7 170 SI +32 7 171 HI +32 7 172 NI +32 7 173 MI +32 7 174 MH +32 7 175 HI +32 7 176 MI +32 7 177 MH +32 7 178 SX +32 7 179 MI +32 7 180 SX +32 7 181 MH +32 7 182 MI +32 7 183 SI +32 7 184 SX +32 7 185 HA +32 7 186 SX +32 7 187 MH +32 7 188 SX +32 7 189 HI +32 7 190 MH +32 7 191 SX +32 7 192 SX +32 7 193 MH +32 7 194 MI +32 7 195 SX +32 7 196 HI +32 7 197 SI +32 7 198 SI +32 7 199 NI +32 7 200 SX +32 7 201 MH +32 7 202 SX +32 7 203 MI +32 7 204 SI +32 7 205 SX +32 7 206 NI +32 7 207 MI +32 7 208 HA +32 7 209 SX +32 7 210 MI +32 7 211 SX +32 7 212 MH +32 7 213 HI +32 7 214 MH +32 7 215 HI +32 7 216 SI +32 7 217 HI +32 7 218 HI +32 7 219 NI +32 7 220 SX +32 7 221 NI +32 7 222 SI +32 7 223 SX +32 7 224 NI +32 7 225 HA +32 7 226 SX +32 7 227 SI +32 7 228 SX +32 7 229 HI +32 7 230 NI +32 7 231 MH +32 7 232 SI +32 7 233 SX +32 7 234 SX +32 7 235 SI +32 7 236 MH +32 7 237 HA +32 7 238 SX +32 7 239 MH +32 7 240 SI +32 7 241 NI +32 7 242 MH +32 7 243 MI +32 7 244 NI +32 7 245 MI +32 7 246 SX +32 7 247 SI +32 7 248 SI +32 7 249 SX +32 7 250 SI +32 7 251 SX +32 7 252 HI +32 7 253 SX +32 7 254 SX +32 7 255 SI +32 7 256 MI +32 7 257 SI +32 7 258 MH +32 7 259 MI +32 7 260 HI +32 7 261 HA +32 7 262 NI +32 7 263 NI +32 7 264 HI +32 7 265 SX +32 7 266 HA +32 7 267 SX +32 7 268 HI +32 7 269 MI +32 7 270 HA +32 7 271 SX +32 7 272 NI +32 7 273 MH +32 7 274 NI +32 7 275 HI +32 7 276 MI +32 7 277 SI +32 7 278 MH +32 7 279 SX +32 7 280 SX +32 7 281 SI +32 7 282 SX +32 7 283 SI +32 7 284 HI +32 7 285 MH +32 7 286 NI +32 7 287 HA +32 7 288 MI +32 7 289 SX +32 7 290 NI +32 7 291 SX +32 7 292 MH +32 7 293 HI +32 7 294 HI +32 7 295 SI +32 7 296 SX +32 7 297 MH +32 7 298 MI +32 7 299 SX +32 7 300 NI +32 7 301 SX +32 7 302 NI +32 7 303 SX +32 7 304 SX +32 7 305 SI +32 7 306 SX +32 7 307 SI +32 7 308 SX +32 7 309 SI +32 7 310 SX +32 7 311 SI +32 7 312 SI +32 7 313 SX +32 7 314 NI +32 7 315 SX +32 7 316 SX +32 7 317 MI +32 7 318 HI +32 7 319 NI +32 7 320 SI +32 7 321 MI +32 7 322 SX +32 7 323 SX +32 7 324 NI +32 7 325 SI +32 7 326 MH +32 7 327 NI +32 7 328 HA +32 7 329 NI +32 7 330 SI +32 8 1 SI +32 8 2 HI +32 8 3 MI +32 8 4 MI +32 8 5 HI +32 8 6 HI +32 8 7 SI +32 8 8 MI +32 8 9 MI +32 8 10 SI +32 8 11 SI +32 8 12 HI +32 8 13 SI +32 8 14 SI +32 8 15 HI +32 8 16 SI +32 8 17 MI +32 8 18 SI +32 8 19 HI +32 8 20 HI +32 8 21 MI +32 8 22 HI +32 8 23 HI +32 8 24 SI +32 8 25 HI +32 8 26 SI +32 8 27 NI +32 8 28 MI +32 8 29 HI +32 8 30 HI +32 8 31 HI +32 8 32 MI +32 8 33 HI +32 8 34 SI +32 8 35 MI +32 8 36 SI +32 8 37 SI +32 8 38 MI +32 8 39 HI +32 8 40 SI +32 8 41 MI +32 8 42 HI +32 8 43 SI +32 8 44 HI +32 8 45 HI +32 8 46 SI +32 8 47 SI +32 8 48 HI +32 8 49 SI +32 8 50 HI +32 8 51 HI +32 8 52 NI +32 8 53 MI +32 8 54 HI +32 8 55 HI +32 8 56 HI +32 8 57 SI +32 8 58 HI +32 8 59 HI +32 8 60 SI +32 8 61 MI +32 8 62 HI +32 8 63 HI +32 8 64 SI +32 8 65 MI +32 8 66 HI +32 8 67 HI +32 8 68 MI +32 8 69 HI +32 8 70 HI +32 8 71 MI +32 8 72 SI +32 8 73 MI +32 8 74 HI +32 8 75 SI +32 8 76 MI +32 8 77 SI +32 8 78 HI +32 8 79 SI +32 8 80 SI +32 8 81 HI +32 8 82 HI +32 8 83 HI +32 8 84 HI +32 8 85 SI +32 8 86 HI +32 8 87 SI +32 8 88 MI +32 8 89 SI +32 8 90 SI +32 8 91 HI +32 8 92 HI +32 8 93 SI +32 8 94 SI +32 8 95 HI +32 8 96 HI +32 8 97 SI +32 8 98 MI +32 8 99 HI +32 8 100 HI +32 8 101 MI +32 8 102 HI +32 8 103 HI +32 8 104 HI +32 8 105 MI +32 8 106 HI +32 8 107 HI +32 8 108 HI +32 8 109 SI +32 8 110 HI +32 8 111 SI +32 8 112 MI +32 8 113 SI +32 8 114 SI +32 8 115 MI +32 8 116 HI +32 8 117 SI +32 8 118 HI +32 8 119 SI +32 8 120 HI +32 8 121 MI +32 8 122 SI +32 8 123 SI +32 8 124 HI +32 8 125 MI +32 8 126 HI +32 8 127 SI +32 8 128 HI +32 8 129 HI +32 8 130 SI +32 8 131 MI +32 8 132 MI +32 8 133 SI +32 8 134 SI +32 8 135 MI +32 8 136 HI +32 8 137 SI +32 8 138 HI +32 8 139 NI +32 8 140 SI +32 8 141 NI +32 8 142 NI +32 8 143 HI +32 8 144 SI +32 8 145 HI +32 8 146 HI +32 8 147 SI +32 8 148 MI +32 8 149 HI +32 8 150 MI +32 8 151 HI +32 8 152 HI +32 8 153 SI +32 8 154 SI +32 8 155 SI +32 8 156 SI +32 8 157 SI +32 8 158 NI +32 8 159 HI +32 8 160 HI +32 8 161 SI +32 8 162 MI +32 8 163 SI +32 8 164 SI +32 8 165 HI +32 8 166 SI +32 8 167 HI +32 8 168 SI +32 8 169 SI +32 8 170 SI +32 8 171 HI +32 8 172 NI +32 8 173 MI +32 8 174 HI +32 8 175 HI +32 8 176 MI +32 8 177 HI +32 8 178 SI +32 8 179 MI +32 8 180 SI +32 8 181 HI +32 8 182 MI +32 8 183 HI +32 8 184 HI +32 8 185 MI +32 8 186 HI +32 8 187 MI +32 8 188 SI +32 8 189 HI +32 8 190 HI +32 8 191 SI +32 8 192 HI +32 8 193 HI +32 8 194 MI +32 8 195 HI +32 8 196 HI +32 8 197 HI +32 8 198 SI +32 8 199 HI +32 8 200 SI +32 8 201 HI +32 8 202 SI +32 8 203 MI +32 8 204 SI +32 8 205 SI +32 8 206 NI +32 8 207 MI +32 8 208 HI +32 8 209 SI +32 8 210 MI +32 8 211 SI +32 8 212 MI +32 8 213 HI +32 8 214 HI +32 8 215 HI +32 8 216 SI +32 8 217 HI +32 8 218 HI +32 8 219 NI +32 8 220 SI +32 8 221 HI +32 8 222 MI +32 8 223 SI +32 8 224 HI +32 8 225 HI +32 8 226 SI +32 8 227 SI +32 8 228 SI +32 8 229 HI +32 8 230 HI +32 8 231 MI +32 8 232 HI +32 8 233 HI +32 8 234 SI +32 8 235 SI +32 8 236 HI +32 8 237 HI +32 8 238 SI +32 8 239 HI +32 8 240 MI +32 8 241 NI +32 8 242 HI +32 8 243 MI +32 8 244 NI +32 8 245 MI +32 8 246 SI +32 8 247 HI +32 8 248 SI +32 8 249 SI +32 8 250 HI +32 8 251 HI +32 8 252 HI +32 8 253 SI +32 8 254 HI +32 8 255 SI +32 8 256 MI +32 8 257 SI +32 8 258 HI +32 8 259 MI +32 8 260 HI +32 8 261 MI +32 8 262 NI +32 8 263 SI +32 8 264 HI +32 8 265 SI +32 8 266 MI +32 8 267 MI +32 8 268 HI +32 8 269 MI +32 8 270 HI +32 8 271 SI +32 8 272 NI +32 8 273 HI +32 8 274 NI +32 8 275 HI +32 8 276 MI +32 8 277 HI +32 8 278 HI +32 8 279 SI +32 8 280 HI +32 8 281 SI +32 8 282 SI +32 8 283 MI +32 8 284 NI +32 8 285 HI +32 8 286 NI +32 8 287 HI +32 8 288 MI +32 8 289 HI +32 8 290 NI +32 8 291 SI +32 8 292 HI +32 8 293 NI +32 8 294 NI +32 8 295 SI +32 8 296 SI +32 8 297 HI +32 8 298 MI +32 8 299 SI +32 8 300 HI +32 8 301 SI +32 8 302 NI +32 8 303 HI +32 8 304 SI +32 8 305 MI +32 8 306 HI +32 8 307 SI +32 8 308 HI +32 8 309 SI +32 8 310 SI +32 8 311 SI +32 8 312 SI +32 8 313 SI +32 8 314 HI +32 8 315 SI +32 8 316 SI +32 8 317 MI +32 8 318 HI +32 8 319 NI +32 8 320 SI +32 8 321 MI +32 8 322 HI +32 8 323 SI +32 8 324 HI +32 8 325 MI +32 8 326 HI +32 8 327 NI +32 8 328 SI +32 8 329 HI +32 8 330 * +32 9 1 SI +32 9 2 HI +32 9 3 MI +32 9 4 SI +32 9 5 HI +32 9 6 HI +32 9 7 SX +32 9 8 MI +32 9 9 HI +32 9 10 SI +32 9 11 SI +32 9 12 HI +32 9 13 SI +32 9 14 SI +32 9 15 NI +32 9 16 NI +32 9 17 MI +32 9 18 SI +32 9 19 SI +32 9 20 SX +32 9 21 MI +32 9 22 HI +32 9 23 SI +32 9 24 HI +32 9 25 SI +32 9 26 SI +32 9 27 NI +32 9 28 MI +32 9 29 HI +32 9 30 MI +32 9 31 NI +32 9 32 MI +32 9 33 HI +32 9 34 SI +32 9 35 MI +32 9 36 SI +32 9 37 HI +32 9 38 MI +32 9 39 HI +32 9 40 SI +32 9 41 MI +32 9 42 HI +32 9 43 SI +32 9 44 NI +32 9 45 HI +32 9 46 SI +32 9 47 SI +32 9 48 HI +32 9 49 SI +32 9 50 SI +32 9 51 HI +32 9 52 NI +32 9 53 MI +32 9 54 HI +32 9 55 SI +32 9 56 NI +32 9 57 SI +32 9 58 HI +32 9 59 NI +32 9 60 SI +32 9 61 MI +32 9 62 HI +32 9 63 HI +32 9 64 SI +32 9 65 MI +32 9 66 NI +32 9 67 SI +32 9 68 MI +32 9 69 HI +32 9 70 NI +32 9 71 MI +32 9 72 SI +32 9 73 MI +32 9 74 NI +32 9 75 SI +32 9 76 MI +32 9 77 SI +32 9 78 NI +32 9 79 SI +32 9 80 HI +32 9 81 HI +32 9 82 NI +32 9 83 HI +32 9 84 NI +32 9 85 SI +32 9 86 MI +32 9 87 SI +32 9 88 MI +32 9 89 SI +32 9 90 SI +32 9 91 HI +32 9 92 NI +32 9 93 SI +32 9 94 SI +32 9 95 NI +32 9 96 HI +32 9 97 SI +32 9 98 MI +32 9 99 HI +32 9 100 NI +32 9 101 MI +32 9 102 NI +32 9 103 HI +32 9 104 SI +32 9 105 MI +32 9 106 HI +32 9 107 NI +32 9 108 NI +32 9 109 SI +32 9 110 HI +32 9 111 SI +32 9 112 MI +32 9 113 SI +32 9 114 SI +32 9 115 HI +32 9 116 NI +32 9 117 SI +32 9 118 MI +32 9 119 SI +32 9 120 NI +32 9 121 MI +32 9 122 HI +32 9 123 SI +32 9 124 HI +32 9 125 HI +32 9 126 MI +32 9 127 SI +32 9 128 HI +32 9 129 NI +32 9 130 SI +32 9 131 SI +32 9 132 MI +32 9 133 SI +32 9 134 SI +32 9 135 MI +32 9 136 SI +32 9 137 HI +32 9 138 SI +32 9 139 NI +32 9 140 SI +32 9 141 NI +32 9 142 NI +32 9 143 HI +32 9 144 SI +32 9 145 SI +32 9 146 HI +32 9 147 SI +32 9 148 MI +32 9 149 HI +32 9 150 SI +32 9 151 MI +32 9 152 HI +32 9 153 SI +32 9 154 SI +32 9 155 HI +32 9 156 SI +32 9 157 MI +32 9 158 NI +32 9 159 HI +32 9 160 MI +32 9 161 HI +32 9 162 MI +32 9 163 SI +32 9 164 SI +32 9 165 HI +32 9 166 SI +32 9 167 HI +32 9 168 SI +32 9 169 SI +32 9 170 SI +32 9 171 HI +32 9 172 NI +32 9 173 MI +32 9 174 HI +32 9 175 NI +32 9 176 MI +32 9 177 HI +32 9 178 SI +32 9 179 MI +32 9 180 HI +32 9 181 HI +32 9 182 MI +32 9 183 HI +32 9 184 SI +32 9 185 MI +32 9 186 HI +32 9 187 HI +32 9 188 SI +32 9 189 NI +32 9 190 HI +32 9 191 SI +32 9 192 SI +32 9 193 HI +32 9 194 MI +32 9 195 HI +32 9 196 SI +32 9 197 MI +32 9 198 SI +32 9 199 NI +32 9 200 SI +32 9 201 MI +32 9 202 HI +32 9 203 MI +32 9 204 SI +32 9 205 HI +32 9 206 NI +32 9 207 MI +32 9 208 HI +32 9 209 SI +32 9 210 SI +32 9 211 HI +32 9 212 MI +32 9 213 HI +32 9 214 HI +32 9 215 HI +32 9 216 SI +32 9 217 HI +32 9 218 HI +32 9 219 NI +32 9 220 SI +32 9 221 NI +32 9 222 SI +32 9 223 SI +32 9 224 NI +32 9 225 HI +32 9 226 SI +32 9 227 SI +32 9 228 SI +32 9 229 HI +32 9 230 NI +32 9 231 MI +32 9 232 SI +32 9 233 HI +32 9 234 SI +32 9 235 SI +32 9 236 HI +32 9 237 HI +32 9 238 SI +32 9 239 MI +32 9 240 MI +32 9 241 NI +32 9 242 HI +32 9 243 MI +32 9 244 NI +32 9 245 MI +32 9 246 HI +32 9 247 SI +32 9 248 SI +32 9 249 HI +32 9 250 SI +32 9 251 HI +32 9 252 NI +32 9 253 SI +32 9 254 HI +32 9 255 SI +32 9 256 MI +32 9 257 SI +32 9 258 HI +32 9 259 MI +32 9 260 HI +32 9 261 MI +32 9 262 HI +32 9 263 HI +32 9 264 NI +32 9 265 SI +32 9 266 MI +32 9 267 SI +32 9 268 HI +32 9 269 MI +32 9 270 HI +32 9 271 SI +32 9 272 NI +32 9 273 SI +32 9 274 NI +32 9 275 HI +32 9 276 MI +32 9 277 SI +32 9 278 MI +32 9 279 SI +32 9 280 HI +32 9 281 SI +32 9 282 HI +32 9 283 MI +32 9 284 NI +32 9 285 HI +32 9 286 NI +32 9 287 HI +32 9 288 MI +32 9 289 SI +32 9 290 HI +32 9 291 SI +32 9 292 MI +32 9 293 HI +32 9 294 NI +32 9 295 HI +32 9 296 SI +32 9 297 HI +32 9 298 MI +32 9 299 SI +32 9 300 NI +32 9 301 SI +32 9 302 HI +32 9 303 NI +32 9 304 HI +32 9 305 MI +32 9 306 HI +32 9 307 SI +32 9 308 HI +32 9 309 SI +32 9 310 HI +32 9 311 SI +32 9 312 SI +32 9 313 SI +32 9 314 NI +32 9 315 HI +32 9 316 SI +32 9 317 MI +32 9 318 HI +32 9 319 NI +32 9 320 MI +32 9 321 HI +32 9 322 SI +32 9 323 SI +32 9 324 HI +32 9 325 MI +32 9 326 HI +32 9 327 NI +32 9 328 SI +32 9 329 HI +32 9 330 NI +32 10 1 SI +32 10 2 HI +32 10 3 MI +32 10 4 MI +32 10 5 HI +32 10 6 HI +32 10 7 SI +32 10 8 MI +32 10 9 HI +32 10 10 SI +32 10 11 SI +32 10 12 HI +32 10 13 SI +32 10 14 SI +32 10 15 HI +32 10 16 NI +32 10 17 MI +32 10 18 SI +32 10 19 SI +32 10 20 SI +32 10 21 MI +32 10 22 HI +32 10 23 SI +32 10 24 SI +32 10 25 SI +32 10 26 SI +32 10 27 HI +32 10 28 MI +32 10 29 SI +32 10 30 MI +32 10 31 HI +32 10 32 MI +32 10 33 SI +32 10 34 SI +32 10 35 MI +32 10 36 SI +32 10 37 SI +32 10 38 MI +32 10 39 SI +32 10 40 SI +32 10 41 MI +32 10 42 HI +32 10 43 NI +32 10 44 SI +32 10 45 SI +32 10 46 SI +32 10 47 SI +32 10 48 HI +32 10 49 SI +32 10 50 SI +32 10 51 SI +32 10 52 NI +32 10 53 MI +32 10 54 SI +32 10 55 SI +32 10 56 NI +32 10 57 SI +32 10 58 HI +32 10 59 NI +32 10 60 SI +32 10 61 MI +32 10 62 SI +32 10 63 MI +32 10 64 SI +32 10 65 MI +32 10 66 NI +32 10 67 SI +32 10 68 MI +32 10 69 SI +32 10 70 NI +32 10 71 MI +32 10 72 SI +32 10 73 SI +32 10 74 NI +32 10 75 SI +32 10 76 MI +32 10 77 SI +32 10 78 NI +32 10 79 SI +32 10 80 SI +32 10 81 HI +32 10 82 SI +32 10 83 NI +32 10 84 HI +32 10 85 SI +32 10 86 MI +32 10 87 SI +32 10 88 MI +32 10 89 SI +32 10 90 SI +32 10 91 HI +32 10 92 NI +32 10 93 SI +32 10 94 SI +32 10 95 NI +32 10 96 HI +32 10 97 SI +32 10 98 MI +32 10 99 HI +32 10 100 SI +32 10 101 MI +32 10 102 NI +32 10 103 SI +32 10 104 SI +32 10 105 MI +32 10 106 NI +32 10 107 NI +32 10 108 HI +32 10 109 SI +32 10 110 HI +32 10 111 SI +32 10 112 MI +32 10 113 SI +32 10 114 SI +32 10 115 MI +32 10 116 SI +32 10 117 SI +32 10 118 MI +32 10 119 SI +32 10 120 NI +32 10 121 MI +32 10 122 SI +32 10 123 SI +32 10 124 HI +32 10 125 MI +32 10 126 MI +32 10 127 SI +32 10 128 HI +32 10 129 NI +32 10 130 SI +32 10 131 MI +32 10 132 MI +32 10 133 SI +32 10 134 SI +32 10 135 MI +32 10 136 SI +32 10 137 SI +32 10 138 SI +32 10 139 NI +32 10 140 SI +32 10 141 NI +32 10 142 NI +32 10 143 HI +32 10 144 SI +32 10 145 SI +32 10 146 HI +32 10 147 SI +32 10 148 MI +32 10 149 HI +32 10 150 SI +32 10 151 MI +32 10 152 HI +32 10 153 SI +32 10 154 SI +32 10 155 SI +32 10 156 SI +32 10 157 SI +32 10 158 NI +32 10 159 HI +32 10 160 MI +32 10 161 SI +32 10 162 MI +32 10 163 SI +32 10 164 SI +32 10 165 SI +32 10 166 SI +32 10 167 HI +32 10 168 SI +32 10 169 SI +32 10 170 SI +32 10 171 SI +32 10 172 NI +32 10 173 MI +32 10 174 HI +32 10 175 SI +32 10 176 MI +32 10 177 HI +32 10 178 SI +32 10 179 SI +32 10 180 SI +32 10 181 HI +32 10 182 MI +32 10 183 SI +32 10 184 SI +32 10 185 HI +32 10 186 SI +32 10 187 MI +32 10 188 SI +32 10 189 NI +32 10 190 HI +32 10 191 SI +32 10 192 SI +32 10 193 HI +32 10 194 SI +32 10 195 SI +32 10 196 SI +32 10 197 SI +32 10 198 SI +32 10 199 NI +32 10 200 SI +32 10 201 HI +32 10 202 SI +32 10 203 MI +32 10 204 SI +32 10 205 SI +32 10 206 NI +32 10 207 MI +32 10 208 HI +32 10 209 SI +32 10 210 SI +32 10 211 SI +32 10 212 MI +32 10 213 SI +32 10 214 HI +32 10 215 MI +32 10 216 SI +32 10 217 HI +32 10 218 HI +32 10 219 NI +32 10 220 SI +32 10 221 NI +32 10 222 SI +32 10 223 SI +32 10 224 NI +32 10 225 HI +32 10 226 SI +32 10 227 SI +32 10 228 SI +32 10 229 HI +32 10 230 NI +32 10 231 MI +32 10 232 SI +32 10 233 SI +32 10 234 SI +32 10 235 SI +32 10 236 HI +32 10 237 HI +32 10 238 SI +32 10 239 MI +32 10 240 MI +32 10 241 NI +32 10 242 NI +32 10 243 MI +32 10 244 NI +32 10 245 MI +32 10 246 SI +32 10 247 SI +32 10 248 SI +32 10 249 SI +32 10 250 SI +32 10 251 HI +32 10 252 NI +32 10 253 SI +32 10 254 SI +32 10 255 SI +32 10 256 MI +32 10 257 SI +32 10 258 HI +32 10 259 MI +32 10 260 NI +32 10 261 MI +32 10 262 NI +32 10 263 NI +32 10 264 SI +32 10 265 SI +32 10 266 MI +32 10 267 MI +32 10 268 SI +32 10 269 MI +32 10 270 HI +32 10 271 SI +32 10 272 NI +32 10 273 MI +32 10 274 NI +32 10 275 HI +32 10 276 MI +32 10 277 SI +32 10 278 HI +32 10 279 SI +32 10 280 SI +32 10 281 SI +32 10 282 SI +32 10 283 SI +32 10 284 NI +32 10 285 HI +32 10 286 NI +32 10 287 HI +32 10 288 MI +32 10 289 SI +32 10 290 NI +32 10 291 SI +32 10 292 HI +32 10 293 NI +32 10 294 NI +32 10 295 HI +32 10 296 SI +32 10 297 HI +32 10 298 MI +32 10 299 SI +32 10 300 NI +32 10 301 SI +32 10 302 NI +32 10 303 HI +32 10 304 SI +32 10 305 SI +32 10 306 HI +32 10 307 SI +32 10 308 SI +32 10 309 SI +32 10 310 SI +32 10 311 SI +32 10 312 SI +32 10 313 SI +32 10 314 NI +32 10 315 HI +32 10 316 SI +32 10 317 MI +32 10 318 MI +32 10 319 NI +32 10 320 HI +32 10 321 MI +32 10 322 SI +32 10 323 SI +32 10 324 NI +32 10 325 MI +32 10 326 HI +32 10 327 NI +32 10 328 SI +32 10 329 HI +32 10 330 NI +32 11 1 SI +32 11 2 SX +32 11 3 MI +32 11 4 SI +32 11 5 HI +32 11 6 MI +32 11 7 HI +32 11 8 MI +32 11 9 HI +32 11 10 SI +32 11 11 SI +32 11 12 HI +32 11 13 SI +32 11 14 SI +32 11 15 HI +32 11 16 NI +32 11 17 MI +32 11 18 SI +32 11 19 SI +32 11 20 SX +32 11 21 MI +32 11 22 HI +32 11 23 MI +32 11 24 HI +32 11 25 SI +32 11 26 SI +32 11 27 NI +32 11 28 MI +32 11 29 HI +32 11 30 MI +32 11 31 NI +32 11 32 MI +32 11 33 HI +32 11 34 SI +32 11 35 MI +32 11 36 SI +32 11 37 SI +32 11 38 MI +32 11 39 SI +32 11 40 SI +32 11 41 MI +32 11 42 HI +32 11 43 SI +32 11 44 NI +32 11 45 HI +32 11 46 HI +32 11 47 SI +32 11 48 MI +32 11 49 SI +32 11 50 SI +32 11 51 HI +32 11 52 NI +32 11 53 MI +32 11 54 SI +32 11 55 SI +32 11 56 MI +32 11 57 SI +32 11 58 HI +32 11 59 NI +32 11 60 SI +32 11 61 MI +32 11 62 HI +32 11 63 MI +32 11 64 HI +32 11 65 MI +32 11 66 NI +32 11 67 HI +32 11 68 MI +32 11 69 SI +32 11 70 NI +32 11 71 MI +32 11 72 SI +32 11 73 MI +32 11 74 HI +32 11 75 SI +32 11 76 MI +32 11 77 SI +32 11 78 NI +32 11 79 SI +32 11 80 SI +32 11 81 HI +32 11 82 HI +32 11 83 NI +32 11 84 MI +32 11 85 MI +32 11 86 SI +32 11 87 MI +32 11 88 SI +32 11 89 SI +32 11 90 SI +32 11 91 HI +32 11 92 NI +32 11 93 SI +32 11 94 SI +32 11 95 NI +32 11 96 HI +32 11 97 SI +32 11 98 MI +32 11 99 HI +32 11 100 NI +32 11 101 MI +32 11 102 NI +32 11 103 HI +32 11 104 SI +32 11 105 SI +32 11 106 HI +32 11 107 NI +32 11 108 NI +32 11 109 SI +32 11 110 MI +32 11 111 SI +32 11 112 MI +32 11 113 SI +32 11 114 SI +32 11 115 MI +32 11 116 NI +32 11 117 SI +32 11 118 MI +32 11 119 SI +32 11 120 NI +32 11 121 MI +32 11 122 SI +32 11 123 SI +32 11 124 HI +32 11 125 MI +32 11 126 HI +32 11 127 SI +32 11 128 HI +32 11 129 NI +32 11 130 SI +32 11 131 SI +32 11 132 MI +32 11 133 SI +32 11 134 SI +32 11 135 MI +32 11 136 SI +32 11 137 SI +32 11 138 SI +32 11 139 NI +32 11 140 SI +32 11 141 SI +32 11 142 NI +32 11 143 HI +32 11 144 SI +32 11 145 HI +32 11 146 HI +32 11 147 SI +32 11 148 MI +32 11 149 HI +32 11 150 SI +32 11 151 MI +32 11 152 HI +32 11 153 SI +32 11 154 SI +32 11 155 SI +32 11 156 SI +32 11 157 SI +32 11 158 NI +32 11 159 HI +32 11 160 MI +32 11 161 SI +32 11 162 MI +32 11 163 SI +32 11 164 SI +32 11 165 SI +32 11 166 HI +32 11 167 HI +32 11 168 SI +32 11 169 SI +32 11 170 SI +32 11 171 HI +32 11 172 NI +32 11 173 MI +32 11 174 HI +32 11 175 HI +32 11 176 MI +32 11 177 HI +32 11 178 SI +32 11 179 SI +32 11 180 HI +32 11 181 HI +32 11 182 HI +32 11 183 MI +32 11 184 SI +32 11 185 HI +32 11 186 MI +32 11 187 MI +32 11 188 SI +32 11 189 NI +32 11 190 MI +32 11 191 SI +32 11 192 SI +32 11 193 HI +32 11 194 MI +32 11 195 HI +32 11 196 NI +32 11 197 HI +32 11 198 SI +32 11 199 NI +32 11 200 SI +32 11 201 MI +32 11 202 SI +32 11 203 MI +32 11 204 SI +32 11 205 SI +32 11 206 NI +32 11 207 MI +32 11 208 HI +32 11 209 SI +32 11 210 SI +32 11 211 SI +32 11 212 MI +32 11 213 HI +32 11 214 HI +32 11 215 MI +32 11 216 SI +32 11 217 MI +32 11 218 HI +32 11 219 NI +32 11 220 HI +32 11 221 NI +32 11 222 SI +32 11 223 SI +32 11 224 NI +32 11 225 HI +32 11 226 SI +32 11 227 SI +32 11 228 SI +32 11 229 HI +32 11 230 NI +32 11 231 SI +32 11 232 HI +32 11 233 SI +32 11 234 SI +32 11 235 SI +32 11 236 HI +32 11 237 HI +32 11 238 SI +32 11 239 MI +32 11 240 HI +32 11 241 NI +32 11 242 NI +32 11 243 SI +32 11 244 NI +32 11 245 MI +32 11 246 SI +32 11 247 HI +32 11 248 SI +32 11 249 SI +32 11 250 HI +32 11 251 HI +32 11 252 NI +32 11 253 HI +32 11 254 NI +32 11 255 HI +32 11 256 MI +32 11 257 SI +32 11 258 HI +32 11 259 MI +32 11 260 NI +32 11 261 HI +32 11 262 NI +32 11 263 HI +32 11 264 NI +32 11 265 SI +32 11 266 HI +32 11 267 HI +32 11 268 HI +32 11 269 MI +32 11 270 HI +32 11 271 SI +32 11 272 NI +32 11 273 HI +32 11 274 NI +32 11 275 HI +32 11 276 MI +32 11 277 SI +32 11 278 HI +32 11 279 SI +32 11 280 SI +32 11 281 SI +32 11 282 HI +32 11 283 HI +32 11 284 NI +32 11 285 MI +32 11 286 NI +32 11 287 HI +32 11 288 MI +32 11 289 HI +32 11 290 HI +32 11 291 SI +32 11 292 MI +32 11 293 NI +32 11 294 NI +32 11 295 HI +32 11 296 MI +32 11 297 HI +32 11 298 MI +32 11 299 HI +32 11 300 SI +32 11 301 SI +32 11 302 NI +32 11 303 HI +32 11 304 HI +32 11 305 SI +32 11 306 HI +32 11 307 SI +32 11 308 HI +32 11 309 SI +32 11 310 SI +32 11 311 SI +32 11 312 SI +32 11 313 SI +32 11 314 NI +32 11 315 HI +32 11 316 SI +32 11 317 MI +32 11 318 MI +32 11 319 NI +32 11 320 HI +32 11 321 MI +32 11 322 SI +32 11 323 SI +32 11 324 NI +32 11 325 MI +32 11 326 HI +32 11 327 NI +32 11 328 HI +32 11 329 HI +32 11 330 NI +32 12 1 SI +32 12 2 SI +32 12 3 MI +32 12 4 MH +32 12 5 HI +32 12 6 NN +32 12 7 HI +32 12 8 MI +32 12 9 MI +32 12 10 SI +32 12 11 SI +32 12 12 HI +32 12 13 SI +32 12 14 SI +32 12 15 HI +32 12 16 NI +32 12 17 MI +32 12 18 SI +32 12 19 SI +32 12 20 SI +32 12 21 MI +32 12 22 HI +32 12 23 SI +32 12 24 SI +32 12 25 SI +32 12 26 SI +32 12 27 NI +32 12 28 MI +32 12 29 SI +32 12 30 MH +32 12 31 HI +32 12 32 MI +32 12 33 HI +32 12 34 SI +32 12 35 MI +32 12 36 SI +32 12 37 SI +32 12 38 MI +32 12 39 SI +32 12 40 SI +32 12 41 MI +32 12 42 HI +32 12 43 SI +32 12 44 HI +32 12 45 SI +32 12 46 SI +32 12 47 SI +32 12 48 HI +32 12 49 HI +32 12 50 SI +32 12 51 MI +32 12 52 NI +32 12 53 MI +32 12 54 HI +32 12 55 SI +32 12 56 MI +32 12 57 SI +32 12 58 HI +32 12 59 HI +32 12 60 SI +32 12 61 MI +32 12 62 SI +32 12 63 HI +32 12 64 SI +32 12 65 MI +32 12 66 NI +32 12 67 SI +32 12 68 MI +32 12 69 HI +32 12 70 NI +32 12 71 MI +32 12 72 SI +32 12 73 SI +32 12 74 NI +32 12 75 SI +32 12 76 MI +32 12 77 SI +32 12 78 HI +32 12 79 SI +32 12 80 SI +32 12 81 HI +32 12 82 HI +32 12 83 HI +32 12 84 HI +32 12 85 SI +32 12 86 HI +32 12 87 SI +32 12 88 MI +32 12 89 SI +32 12 90 SI +32 12 91 HI +32 12 92 NI +32 12 93 SI +32 12 94 SI +32 12 95 NI +32 12 96 NN +32 12 97 SI +32 12 98 MI +32 12 99 SI +32 12 100 HI +32 12 101 MI +32 12 102 HI +32 12 103 HI +32 12 104 SI +32 12 105 MI +32 12 106 HI +32 12 107 NI +32 12 108 NI +32 12 109 SI +32 12 110 HI +32 12 111 SI +32 12 112 MI +32 12 113 SI +32 12 114 SI +32 12 115 MI +32 12 116 NI +32 12 117 HI +32 12 118 MI +32 12 119 SI +32 12 120 NI +32 12 121 MI +32 12 122 SI +32 12 123 SI +32 12 124 HI +32 12 125 MI +32 12 126 HI +32 12 127 SI +32 12 128 HI +32 12 129 NI +32 12 130 SI +32 12 131 SI +32 12 132 MI +32 12 133 SI +32 12 134 SI +32 12 135 MI +32 12 136 HI +32 12 137 SI +32 12 138 HI +32 12 139 NI +32 12 140 SI +32 12 141 NI +32 12 142 HI +32 12 143 HI +32 12 144 SI +32 12 145 NI +32 12 146 MI +32 12 147 SI +32 12 148 MI +32 12 149 HI +32 12 150 SI +32 12 151 MI +32 12 152 HI +32 12 153 SI +32 12 154 SI +32 12 155 SI +32 12 156 SI +32 12 157 SI +32 12 158 NI +32 12 159 HI +32 12 160 HI +32 12 161 SI +32 12 162 MI +32 12 163 SI +32 12 164 SI +32 12 165 HI +32 12 166 SI +32 12 167 HI +32 12 168 SI +32 12 169 SI +32 12 170 SI +32 12 171 HI +32 12 172 NI +32 12 173 MI +32 12 174 MI +32 12 175 NI +32 12 176 MI +32 12 177 HI +32 12 178 SI +32 12 179 MI +32 12 180 SI +32 12 181 HI +32 12 182 MI +32 12 183 SI +32 12 184 SI +32 12 185 MI +32 12 186 SI +32 12 187 MI +32 12 188 SI +32 12 189 NI +32 12 190 HI +32 12 191 SI +32 12 192 SI +32 12 193 HI +32 12 194 MI +32 12 195 SI +32 12 196 NI +32 12 197 SI +32 12 198 SI +32 12 199 NI +32 12 200 SI +32 12 201 MI +32 12 202 SI +32 12 203 MI +32 12 204 SI +32 12 205 SI +32 12 206 HI +32 12 207 MI +32 12 208 MI +32 12 209 SI +32 12 210 MI +32 12 211 SI +32 12 212 MH +32 12 213 HI +32 12 214 HI +32 12 215 MI +32 12 216 SI +32 12 217 MI +32 12 218 MH +32 12 219 HI +32 12 220 SI +32 12 221 NI +32 12 222 SI +32 12 223 SI +32 12 224 HI +32 12 225 HI +32 12 226 SI +32 12 227 SI +32 12 228 SI +32 12 229 HI +32 12 230 NI +32 12 231 MI +32 12 232 MI +32 12 233 HI +32 12 234 SI +32 12 235 SI +32 12 236 HI +32 12 237 MI +32 12 238 SI +32 12 239 HI +32 12 240 MI +32 12 241 NI +32 12 242 HI +32 12 243 MI +32 12 244 HI +32 12 245 MI +32 12 246 SI +32 12 247 SI +32 12 248 SI +32 12 249 SI +32 12 250 HI +32 12 251 SI +32 12 252 HI +32 12 253 SI +32 12 254 NI +32 12 255 SI +32 12 256 MI +32 12 257 SI +32 12 258 MH +32 12 259 MI +32 12 260 HI +32 12 261 MI +32 12 262 NI +32 12 263 HI +32 12 264 NI +32 12 265 SI +32 12 266 MI +32 12 267 SI +32 12 268 SI +32 12 269 MI +32 12 270 HI +32 12 271 SI +32 12 272 NI +32 12 273 MH +32 12 274 NI +32 12 275 HI +32 12 276 MI +32 12 277 SI +32 12 278 HI +32 12 279 SI +32 12 280 HI +32 12 281 SI +32 12 282 HI +32 12 283 MI +32 12 284 NI +32 12 285 HI +32 12 286 NI +32 12 287 HI +32 12 288 MI +32 12 289 SI +32 12 290 HI +32 12 291 SI +32 12 292 HI +32 12 293 HI +32 12 294 NI +32 12 295 MI +32 12 296 SI +32 12 297 NN +32 12 298 MI +32 12 299 SI +32 12 300 NI +32 12 301 SI +32 12 302 HI +32 12 303 HI +32 12 304 HI +32 12 305 MI +32 12 306 HI +32 12 307 SI +32 12 308 HI +32 12 309 MI +32 12 310 SI +32 12 311 SI +32 12 312 SI +32 12 313 SI +32 12 314 HI +32 12 315 SI +32 12 316 HI +32 12 317 MI +32 12 318 HI +32 12 319 NI +32 12 320 HI +32 12 321 MI +32 12 322 SI +32 12 323 SI +32 12 324 HI +32 12 325 MI +32 12 326 HI +32 12 327 NI +32 12 328 SI +32 12 329 MI +32 12 330 HI +32 13 1 SI +32 13 2 HI +32 13 3 MI +32 13 4 * +32 13 5 HI +32 13 6 HI +32 13 7 * +32 13 8 MI +32 13 9 * +32 13 10 * +32 13 11 * +32 13 12 * +32 13 13 * +32 13 14 SI +32 13 15 HI +32 13 16 NI +32 13 17 MI +32 13 18 SI +32 13 19 * +32 13 20 SI +32 13 21 MI +32 13 22 * +32 13 23 * +32 13 24 * +32 13 25 SI +32 13 26 SI +32 13 27 HI +32 13 28 MI +32 13 29 * +32 13 30 * +32 13 31 HI +32 13 32 * +32 13 33 HI +32 13 34 SI +32 13 35 MI +32 13 36 * +32 13 37 * +32 13 38 MI +32 13 39 SI +32 13 40 HI +32 13 41 MI +32 13 42 HI +32 13 43 * +32 13 44 NI +32 13 45 HI +32 13 46 SI +32 13 47 SI +32 13 48 HI +32 13 49 * +32 13 50 * +32 13 51 * +32 13 52 NI +32 13 53 MI +32 13 54 HI +32 13 55 SI +32 13 56 HI +32 13 57 SI +32 13 58 * +32 13 59 NI +32 13 60 SI +32 13 61 MI +32 13 62 * +32 13 63 MI +32 13 64 SI +32 13 65 MI +32 13 66 NI +32 13 67 HI +32 13 68 MI +32 13 69 SI +32 13 70 NI +32 13 71 * +32 13 72 SI +32 13 73 * +32 13 74 HI +32 13 75 SI +32 13 76 MI +32 13 77 SI +32 13 78 HI +32 13 79 SI +32 13 80 SI +32 13 81 HI +32 13 82 * +32 13 83 HI +32 13 84 * +32 13 85 SI +32 13 86 MI +32 13 87 SI +32 13 88 MI +32 13 89 SI +32 13 90 * +32 13 91 HI +32 13 92 NI +32 13 93 SI +32 13 94 * +32 13 95 NI +32 13 96 HI +32 13 97 * +32 13 98 MI +32 13 99 HI +32 13 100 HI +32 13 101 MI +32 13 102 NI +32 13 103 * +32 13 104 HI +32 13 105 MI +32 13 106 HI +32 13 107 NI +32 13 108 NI +32 13 109 SI +32 13 110 HI +32 13 111 SI +32 13 112 MI +32 13 113 SI +32 13 114 SI +32 13 115 MI +32 13 116 NI +32 13 117 * +32 13 118 MJ +32 13 119 SI +32 13 120 NI +32 13 121 MI +32 13 122 SI +32 13 123 * +32 13 124 HI +32 13 125 MI +32 13 126 * +32 13 127 SI +32 13 128 HI +32 13 129 NI +32 13 130 SI +32 13 131 * +32 13 132 MI +32 13 133 SI +32 13 134 * +32 13 135 MI +32 13 136 SI +32 13 137 SI +32 13 138 HI +32 13 139 NI +32 13 140 SI +32 13 141 NI +32 13 142 NI +32 13 143 HI +32 13 144 * +32 13 145 HI +32 13 146 HI +32 13 147 * +32 13 148 MI +32 13 149 HI +32 13 150 * +32 13 151 MI +32 13 152 AM +32 13 153 SI +32 13 154 SI +32 13 155 HI +32 13 156 SI +32 13 157 * +32 13 158 NI +32 13 159 HI +32 13 160 MI +32 13 161 HI +32 13 162 MI +32 13 163 SI +32 13 164 SI +32 13 165 HI +32 13 166 SI +32 13 167 * +32 13 168 HI +32 13 169 HI +32 13 170 SI +32 13 171 HI +32 13 172 NI +32 13 173 MI +32 13 174 HI +32 13 175 HI +32 13 176 MI +32 13 177 HI +32 13 178 * +32 13 179 MI +32 13 180 SI +32 13 181 HI +32 13 182 MI +32 13 183 HI +32 13 184 * +32 13 185 HI +32 13 186 HI +32 13 187 HI +32 13 188 SI +32 13 189 HI +32 13 190 MI +32 13 191 SI +32 13 192 * +32 13 193 HI +32 13 194 * +32 13 195 HI +32 13 196 HI +32 13 197 * +32 13 198 SI +32 13 199 HI +32 13 200 HI +32 13 201 MI +32 13 202 SI +32 13 203 MI +32 13 204 SI +32 13 205 * +32 13 206 HI +32 13 207 MI +32 13 208 HI +32 13 209 SI +32 13 210 MI +32 13 211 HI +32 13 212 HI +32 13 213 * +32 13 214 HI +32 13 215 * +32 13 216 SI +32 13 217 MI +32 13 218 HI +32 13 219 HI +32 13 220 * +32 13 221 NI +32 13 222 * +32 13 223 SI +32 13 224 NI +32 13 225 HI +32 13 226 * +32 13 227 SI +32 13 228 * +32 13 229 HI +32 13 230 NI +32 13 231 SI +32 13 232 * +32 13 233 SI +32 13 234 SI +32 13 235 * +32 13 236 HI +32 13 237 MI +32 13 238 HI +32 13 239 * +32 13 240 * +32 13 241 NI +32 13 242 HI +32 13 243 MI +32 13 244 HI +32 13 245 MI +32 13 246 SI +32 13 247 * +32 13 248 SI +32 13 249 SI +32 13 250 * +32 13 251 HI +32 13 252 NI +32 13 253 HI +32 13 254 * +32 13 255 SI +32 13 256 * +32 13 257 SI +32 13 258 HI +32 13 259 * +32 13 260 HI +32 13 261 MI +32 13 262 NI +32 13 263 NI +32 13 264 HI +32 13 265 SI +32 13 266 MI +32 13 267 * +32 13 268 HI +32 13 269 * +32 13 270 HI +32 13 271 SI +32 13 272 NI +32 13 273 MI +32 13 274 NI +32 13 275 HI +32 13 276 MI +32 13 277 * +32 13 278 * +32 13 279 * +32 13 280 HI +32 13 281 SI +32 13 282 HI +32 13 283 MI +32 13 284 NI +32 13 285 MI +32 13 286 NI +32 13 287 HI +32 13 288 MI +32 13 289 HI +32 13 290 NI +32 13 291 * +32 13 292 MI +32 13 293 HI +32 13 294 NI +32 13 295 HI +32 13 296 * +32 13 297 HI +32 13 298 MI +32 13 299 SI +32 13 300 NI +32 13 301 SI +32 13 302 NI +32 13 303 SI +32 13 304 HI +32 13 305 * +32 13 306 HI +32 13 307 SI +32 13 308 * +32 13 309 SI +32 13 310 HI +32 13 311 * +32 13 312 SI +32 13 313 * +32 13 314 NI +32 13 315 HI +32 13 316 SI +32 13 317 * +32 13 318 * +32 13 319 NI +32 13 320 HI +32 13 321 MI +32 13 322 * +32 13 323 SI +32 13 324 NI +32 13 325 * +32 13 326 HI +32 13 327 NI +32 13 328 SI +32 13 329 * +32 13 330 NI +32 14 1 SI +32 14 2 HI +32 14 3 MI +32 14 4 SI +32 14 5 HI +32 14 6 HI +32 14 7 SI +32 14 8 MI +32 14 9 SI +32 14 10 HI +32 14 11 SI +32 14 12 HI +32 14 13 SI +32 14 14 SI +32 14 15 HI +32 14 16 HI +32 14 17 MI +32 14 18 SI +32 14 19 HI +32 14 20 HI +32 14 21 MI +32 14 22 HI +32 14 23 HI +32 14 24 SI +32 14 25 HI +32 14 26 HI +32 14 27 NI +32 14 28 MI +32 14 29 HI +32 14 30 MI +32 14 31 HI +32 14 32 MI +32 14 33 HI +32 14 34 HI +32 14 35 MI +32 14 36 SI +32 14 37 HI +32 14 38 MI +32 14 39 HI +32 14 40 HI +32 14 41 MI +32 14 42 HI +32 14 43 SI +32 14 44 HI +32 14 45 NN +32 14 46 HI +32 14 47 SI +32 14 48 NN +32 14 49 HI +32 14 50 SI +32 14 51 SI +32 14 52 HI +32 14 53 MI +32 14 54 NN +32 14 55 HI +32 14 56 HI +32 14 57 SI +32 14 58 HI +32 14 59 HI +32 14 60 SI +32 14 61 MI +32 14 62 HI +32 14 63 MI +32 14 64 NN +32 14 65 MI +32 14 66 HI +32 14 67 HI +32 14 68 NN +32 14 69 HI +32 14 70 NI +32 14 71 MI +32 14 72 HI +32 14 73 MI +32 14 74 HI +32 14 75 HI +32 14 76 MI +32 14 77 NN +32 14 78 HI +32 14 79 SI +32 14 80 HI +32 14 81 NN +32 14 82 HI +32 14 83 NI +32 14 84 HI +32 14 85 SI +32 14 86 MI +32 14 87 SI +32 14 88 MI +32 14 89 SI +32 14 90 NN +32 14 91 HI +32 14 92 HI +32 14 93 NN +32 14 94 SI +32 14 95 NI +32 14 96 NN +32 14 97 SI +32 14 98 MI +32 14 99 HI +32 14 100 NN +32 14 101 MI +32 14 102 HI +32 14 103 SI +32 14 104 HI +32 14 105 NN +32 14 106 HI +32 14 107 HI +32 14 108 HI +32 14 109 SI +32 14 110 HI +32 14 111 SI +32 14 112 MI +32 14 113 SI +32 14 114 HI +32 14 115 MI +32 14 116 HI +32 14 117 SI +32 14 118 NN +32 14 119 HI +32 14 120 NI +32 14 121 MI +32 14 122 NI +32 14 123 HI +32 14 124 HI +32 14 125 MI +32 14 126 NN +32 14 127 SI +32 14 128 HI +32 14 129 NI +32 14 130 SI +32 14 131 NN +32 14 132 MI +32 14 133 NN +32 14 134 SI +32 14 135 MI +32 14 136 NN +32 14 137 SI +32 14 138 HI +32 14 139 NI +32 14 140 SI +32 14 141 NI +32 14 142 HI +32 14 143 NN +32 14 144 SI +32 14 145 HI +32 14 146 NN +32 14 147 NN +32 14 148 MI +32 14 149 HI +32 14 150 SI +32 14 151 HI +32 14 152 NN +32 14 153 SI +32 14 154 HI +32 14 155 SI +32 14 156 NI +32 14 157 SI +32 14 158 NI +32 14 159 HI +32 14 160 MI +32 14 161 NN +32 14 162 MI +32 14 163 SI +32 14 164 HI +32 14 165 SI +32 14 166 HI +32 14 167 NI +32 14 168 SI +32 14 169 NI +32 14 170 SI +32 14 171 NN +32 14 172 NI +32 14 173 NN +32 14 174 MI +32 14 175 NI +32 14 176 MI +32 14 177 HI +32 14 178 SI +32 14 179 MI +32 14 180 HI +32 14 181 HI +32 14 182 MI +32 14 183 HI +32 14 184 * +32 14 185 HI +32 14 186 MI +32 14 187 NN +32 14 188 SI +32 14 189 NI +32 14 190 MI +32 14 191 SI +32 14 192 NI +32 14 193 HI +32 14 194 MI +32 14 195 HI +32 14 196 NI +32 14 197 HI +32 14 198 SI +32 14 199 NI +32 14 200 NN +32 14 201 MI +32 14 202 SI +32 14 203 MI +32 14 204 SI +32 14 205 SI +32 14 206 NI +32 14 207 MI +32 14 208 HI +32 14 209 SI +32 14 210 MI +32 14 211 HI +32 14 212 MI +32 14 213 NI +32 14 214 HI +32 14 215 MI +32 14 216 SI +32 14 217 MI +32 14 218 HI +32 14 219 NI +32 14 220 SI +32 14 221 NI +32 14 222 SI +32 14 223 NN +32 14 224 HI +32 14 225 SI +32 14 226 SI +32 14 227 SI +32 14 228 NN +32 14 229 HI +32 14 230 NI +32 14 231 MI +32 14 232 HI +32 14 233 NI +32 14 234 NN +32 14 235 SI +32 14 236 HI +32 14 237 NN +32 14 238 SI +32 14 239 MI +32 14 240 SI +32 14 241 HI +32 14 242 HI +32 14 243 MI +32 14 244 NI +32 14 245 MI +32 14 246 NN +32 14 247 SI +32 14 248 SI +32 14 249 HI +32 14 250 NN +32 14 251 NN +32 14 252 HI +32 14 253 HI +32 14 254 HI +32 14 255 SI +32 14 256 MI +32 14 257 SI +32 14 258 NI +32 14 259 MI +32 14 260 HI +32 14 261 MI +32 14 262 HI +32 14 263 HI +32 14 264 NI +32 14 265 SI +32 14 266 MI +32 14 267 SI +32 14 268 NI +32 14 269 MI +32 14 270 HI +32 14 271 SI +32 14 272 NI +32 14 273 NN +32 14 274 NI +32 14 275 HI +32 14 276 MI +32 14 277 SI +32 14 278 MI +32 14 279 SI +32 14 280 HI +32 14 281 SI +32 14 282 NN +32 14 283 SI +32 14 284 NI +32 14 285 MI +32 14 286 NI +32 14 287 NN +32 14 288 MI +32 14 289 NN +32 14 290 NI +32 14 291 SI +32 14 292 MI +32 14 293 HI +32 14 294 NI +32 14 295 SI +32 14 296 NN +32 14 297 HI +32 14 298 MI +32 14 299 SI +32 14 300 NI +32 14 301 SI +32 14 302 NI +32 14 303 HI +32 14 304 SI +32 14 305 MI +32 14 306 HI +32 14 307 NN +32 14 308 HI +32 14 309 SI +32 14 310 NN +32 14 311 HI +32 14 312 SI +32 14 313 SI +32 14 314 HI +32 14 315 NN +32 14 316 SI +32 14 317 MI +32 14 318 NN +32 14 319 HI +32 14 320 NN +32 14 321 MI +32 14 322 HI +32 14 323 SI +32 14 324 NI +32 14 325 MI +32 14 326 NN +32 14 327 NI +32 14 328 SI +32 14 329 NI +32 14 330 NI +32 15 1 HI +32 15 2 HI +32 15 3 MI +32 15 4 MI +32 15 5 HI +32 15 6 HI +32 15 7 SI +32 15 8 MI +32 15 9 HI +32 15 10 SI +32 15 11 SI +32 15 12 HI +32 15 13 HI +32 15 14 SI +32 15 15 MI +32 15 16 NI +32 15 17 MI +32 15 18 SI +32 15 19 SI +32 15 20 HI +32 15 21 MI +32 15 22 HI +32 15 23 MI +32 15 24 SI +32 15 25 SI +32 15 26 SI +32 15 27 NI +32 15 28 MI +32 15 29 HI +32 15 30 MI +32 15 31 HI +32 15 32 MI +32 15 33 HI +32 15 34 SI +32 15 35 MI +32 15 36 SI +32 15 37 SI +32 15 38 MI +32 15 39 HI +32 15 40 SI +32 15 41 MI +32 15 42 HI +32 15 43 SI +32 15 44 NI +32 15 45 HI +32 15 46 SI +32 15 47 SI +32 15 48 HI +32 15 49 HI +32 15 50 SI +32 15 51 SI +32 15 52 NI +32 15 53 MI +32 15 54 HI +32 15 55 SI +32 15 56 MI +32 15 57 SI +32 15 58 HI +32 15 59 HI +32 15 60 SI +32 15 61 MI +32 15 62 HI +32 15 63 MI +32 15 64 SI +32 15 65 MI +32 15 66 NI +32 15 67 HI +32 15 68 MI +32 15 69 SI +32 15 70 NI +32 15 71 MI +32 15 72 SI +32 15 73 MI +32 15 74 NI +32 15 75 SI +32 15 76 MI +32 15 77 SI +32 15 78 HI +32 15 79 SI +32 15 80 SI +32 15 81 HI +32 15 82 SI +32 15 83 NI +32 15 84 MI +32 15 85 SI +32 15 86 MI +32 15 87 SI +32 15 88 MI +32 15 89 SI +32 15 90 SI +32 15 91 HI +32 15 92 NI +32 15 93 SI +32 15 94 SI +32 15 95 NI +32 15 96 HI +32 15 97 SI +32 15 98 MI +32 15 99 HI +32 15 100 HI +32 15 101 MI +32 15 102 HI +32 15 103 SI +32 15 104 SI +32 15 105 MI +32 15 106 HI +32 15 107 HI +32 15 108 NI +32 15 109 SI +32 15 110 MI +32 15 111 SI +32 15 112 MI +32 15 113 SI +32 15 114 SI +32 15 115 MI +32 15 116 HI +32 15 117 SI +32 15 118 MI +32 15 119 SI +32 15 120 NI +32 15 121 MI +32 15 122 SI +32 15 123 SI +32 15 124 HI +32 15 125 MI +32 15 126 MI +32 15 127 SI +32 15 128 HI +32 15 129 NI +32 15 130 SI +32 15 131 SI +32 15 132 MI +32 15 133 SI +32 15 134 SI +32 15 135 MI +32 15 136 SI +32 15 137 SI +32 15 138 HI +32 15 139 NI +32 15 140 SI +32 15 141 NI +32 15 142 NI +32 15 143 HI +32 15 144 SI +32 15 145 HI +32 15 146 MI +32 15 147 SI +32 15 148 MI +32 15 149 HI +32 15 150 SI +32 15 151 MI +32 15 152 HI +32 15 153 SI +32 15 154 SI +32 15 155 SI +32 15 156 SI +32 15 157 SI +32 15 158 NI +32 15 159 HI +32 15 160 MI +32 15 161 HI +32 15 162 MI +32 15 163 SI +32 15 164 SI +32 15 165 SI +32 15 166 SI +32 15 167 HI +32 15 168 SI +32 15 169 SI +32 15 170 SI +32 15 171 HI +32 15 172 NI +32 15 173 MI +32 15 174 HI +32 15 175 HI +32 15 176 MI +32 15 177 HI +32 15 178 SI +32 15 179 SI +32 15 180 HI +32 15 181 HI +32 15 182 SI +32 15 183 SI +32 15 184 SI +32 15 185 HI +32 15 186 SI +32 15 187 MI +32 15 188 SI +32 15 189 NI +32 15 190 HI +32 15 191 SI +32 15 192 SI +32 15 193 HI +32 15 194 SI +32 15 195 SI +32 15 196 HI +32 15 197 MI +32 15 198 SI +32 15 199 NI +32 15 200 HI +32 15 201 MI +32 15 202 SI +32 15 203 MI +32 15 204 SI +32 15 205 SI +32 15 206 NI +32 15 207 MI +32 15 208 SI +32 15 209 SI +32 15 210 SI +32 15 211 HI +32 15 212 HI +32 15 213 HI +32 15 214 HI +32 15 215 MI +32 15 216 SI +32 15 217 MI +32 15 218 HI +32 15 219 NI +32 15 220 HI +32 15 221 NI +32 15 222 SI +32 15 223 SI +32 15 224 MI +32 15 225 SI +32 15 226 SI +32 15 227 SI +32 15 228 SI +32 15 229 HI +32 15 230 HI +32 15 231 MI +32 15 232 SI +32 15 233 HI +32 15 234 SI +32 15 235 SI +32 15 236 HI +32 15 237 HI +32 15 238 SI +32 15 239 MI +32 15 240 MI +32 15 241 HI +32 15 242 HI +32 15 243 MI +32 15 244 NI +32 15 245 MI +32 15 246 SI +32 15 247 HI +32 15 248 SI +32 15 249 SI +32 15 250 HI +32 15 251 HI +32 15 252 NI +32 15 253 SI +32 15 254 HI +32 15 255 SI +32 15 256 MI +32 15 257 SI +32 15 258 HI +32 15 259 MI +32 15 260 HI +32 15 261 MI +32 15 262 NI +32 15 263 SI +32 15 264 HI +32 15 265 SI +32 15 266 MI +32 15 267 SI +32 15 268 * +32 15 269 MI +32 15 270 HI +32 15 271 SI +32 15 272 NI +32 15 273 HI +32 15 274 NI +32 15 275 HI +32 15 276 MI +32 15 277 SI +32 15 278 MI +32 15 279 SI +32 15 280 HI +32 15 281 SI +32 15 282 HI +32 15 283 MI +32 15 284 NI +32 15 285 HI +32 15 286 NI +32 15 287 SI +32 15 288 MI +32 15 289 SI +32 15 290 HI +32 15 291 HI +32 15 292 MI +32 15 293 NI +32 15 294 NI +32 15 295 SI +32 15 296 SI +32 15 297 HI +32 15 298 MI +32 15 299 SI +32 15 300 NI +32 15 301 SI +32 15 302 NI +32 15 303 NI +32 15 304 SI +32 15 305 MI +32 15 306 HI +32 15 307 SI +32 15 308 HI +32 15 309 SI +32 15 310 SI +32 15 311 SI +32 15 312 SI +32 15 313 SI +32 15 314 NI +32 15 315 HI +32 15 316 HI +32 15 317 MI +32 15 318 MI +32 15 319 NI +32 15 320 HI +32 15 321 MI +32 15 322 HI +32 15 323 HI +32 15 324 NI +32 15 325 SI +32 15 326 HI +32 15 327 NI +32 15 328 SI +32 15 329 HI +32 15 330 NI +32 16 1 SI +32 16 2 HI +32 16 3 MI +32 16 4 SI +32 16 5 HI +32 16 6 HI +32 16 7 SI +32 16 8 MI +32 16 9 SI +32 16 10 SI +32 16 11 SI +32 16 12 HI +32 16 13 SI +32 16 14 SI +32 16 15 HI +32 16 16 NI +32 16 17 MI +32 16 18 OB +32 16 19 SI +32 16 20 HI +32 16 21 MI +32 16 22 HI +32 16 23 SI +32 16 24 SI +32 16 25 SI +32 16 26 SI +32 16 27 HI +32 16 28 HI +32 16 29 HI +32 16 30 MI +32 16 31 HI +32 16 32 HI +32 16 33 SI +32 16 34 SI +32 16 35 MI +32 16 36 SI +32 16 37 SI +32 16 38 MI +32 16 39 SI +32 16 40 SI +32 16 41 MI +32 16 42 HI +32 16 43 SI +32 16 44 NI +32 16 45 SI +32 16 46 SI +32 16 47 SI +32 16 48 HI +32 16 49 SI +32 16 50 HI +32 16 51 SI +32 16 52 HI +32 16 53 MI +32 16 54 HI +32 16 55 SI +32 16 56 HI +32 16 57 SI +32 16 58 HI +32 16 59 HI +32 16 60 SI +32 16 61 MI +32 16 62 HI +32 16 63 HI +32 16 64 SI +32 16 65 MI +32 16 66 HI +32 16 67 HI +32 16 68 MI +32 16 69 SI +32 16 70 NI +32 16 71 SI +32 16 72 SI +32 16 73 HI +32 16 74 HI +32 16 75 SI +32 16 76 MI +32 16 77 SI +32 16 78 HI +32 16 79 SI +32 16 80 SI +32 16 81 HI +32 16 82 SI +32 16 83 HI +32 16 84 NI +32 16 85 SI +32 16 86 HI +32 16 87 SI +32 16 88 SI +32 16 89 SI +32 16 90 NI +32 16 91 HI +32 16 92 HI +32 16 93 SI +32 16 94 SI +32 16 95 NI +32 16 96 MI +32 16 97 SI +32 16 98 MI +32 16 99 HI +32 16 100 HI +32 16 101 MI +32 16 102 SI +32 16 103 SI +32 16 104 HI +32 16 105 SI +32 16 106 HI +32 16 107 HI +32 16 108 HI +32 16 109 SI +32 16 110 HI +32 16 111 SI +32 16 112 MI +32 16 113 SI +32 16 114 SI +32 16 115 MI +32 16 116 NI +32 16 117 SI +32 16 118 HI +32 16 119 SI +32 16 120 NI +32 16 121 MI +32 16 122 SI +32 16 123 SI +32 16 124 HI +32 16 125 MI +32 16 126 HI +32 16 127 SI +32 16 128 HI +32 16 129 NI +32 16 130 SI +32 16 131 HI +32 16 132 MI +32 16 133 SI +32 16 134 HI +32 16 135 HI +32 16 136 SI +32 16 137 HI +32 16 138 SI +32 16 139 NI +32 16 140 SI +32 16 141 NI +32 16 142 HI +32 16 143 SI +32 16 144 HI +32 16 145 HI +32 16 146 HI +32 16 147 SI +32 16 148 MI +32 16 149 HI +32 16 150 SI +32 16 151 HI +32 16 152 HI +32 16 153 SI +32 16 154 NI +32 16 155 SI +32 16 156 SI +32 16 157 HI +32 16 158 NI +32 16 159 HI +32 16 160 HI +32 16 161 SI +32 16 162 MI +32 16 163 SI +32 16 164 HI +32 16 165 HI +32 16 166 SI +32 16 167 HI +32 16 168 SI +32 16 169 SI +32 16 170 SI +32 16 171 HI +32 16 172 NI +32 16 173 MI +32 16 174 HI +32 16 175 NI +32 16 176 MI +32 16 177 NI +32 16 178 SI +32 16 179 HI +32 16 180 SI +32 16 181 HI +32 16 182 SI +32 16 183 HI +32 16 184 SI +32 16 185 HI +32 16 186 NI +32 16 187 HI +32 16 188 SI +32 16 189 NI +32 16 190 HI +32 16 191 SI +32 16 192 HI +32 16 193 HI +32 16 194 SI +32 16 195 SI +32 16 196 NI +32 16 197 HI +32 16 198 SI +32 16 199 NI +32 16 200 SI +32 16 201 MI +32 16 202 HI +32 16 203 MI +32 16 204 SI +32 16 205 HI +32 16 206 NI +32 16 207 MI +32 16 208 SX +32 16 209 SI +32 16 210 HI +32 16 211 SI +32 16 212 MI +32 16 213 HI +32 16 214 HI +32 16 215 HI +32 16 216 HI +32 16 217 SI +32 16 218 HI +32 16 219 NI +32 16 220 SI +32 16 221 HI +32 16 222 SI +32 16 223 SI +32 16 224 NI +32 16 225 HI +32 16 226 SI +32 16 227 SI +32 16 228 SI +32 16 229 HI +32 16 230 HI +32 16 231 SI +32 16 232 SI +32 16 233 SI +32 16 234 SI +32 16 235 SI +32 16 236 HI +32 16 237 HI +32 16 238 SI +32 16 239 MI +32 16 240 SI +32 16 241 NI +32 16 242 HI +32 16 243 SI +32 16 244 NI +32 16 245 MI +32 16 246 SI +32 16 247 HI +32 16 248 SI +32 16 249 SI +32 16 250 SI +32 16 251 HI +32 16 252 NI +32 16 253 SI +32 16 254 SI +32 16 255 SI +32 16 256 MI +32 16 257 SI +32 16 258 HI +32 16 259 NI +32 16 260 NI +32 16 261 MI +32 16 262 NI +32 16 263 SI +32 16 264 SI +32 16 265 SI +32 16 266 MI +32 16 267 SI +32 16 268 HI +32 16 269 MI +32 16 270 HI +32 16 271 SI +32 16 272 NI +32 16 273 HI +32 16 274 NI +32 16 275 SI +32 16 276 MI +32 16 277 SI +32 16 278 HI +32 16 279 SI +32 16 280 HI +32 16 281 SI +32 16 282 HI +32 16 283 SI +32 16 284 NI +32 16 285 HI +32 16 286 NI +32 16 287 SI +32 16 288 MI +32 16 289 HI +32 16 290 NI +32 16 291 SI +32 16 292 MI +32 16 293 NI +32 16 294 HI +32 16 295 SI +32 16 296 SI +32 16 297 HI +32 16 298 MI +32 16 299 SI +32 16 300 NI +32 16 301 SI +32 16 302 NI +32 16 303 SI +32 16 304 HI +32 16 305 HI +32 16 306 HI +32 16 307 SI +32 16 308 HI +32 16 309 SI +32 16 310 HI +32 16 311 SI +32 16 312 SI +32 16 313 HI +32 16 314 NI +32 16 315 HI +32 16 316 SI +32 16 317 MI +32 16 318 HI +32 16 319 NI +32 16 320 SI +32 16 321 MI +32 16 322 HI +32 16 323 SI +32 16 324 NI +32 16 325 HI +32 16 326 SI +32 16 327 HI +32 16 328 NI +32 16 329 SI +32 16 330 NI +32 17 1 SI +32 17 2 HI +32 17 3 MI +32 17 4 AM +32 17 5 SI +32 17 6 MI +32 17 7 HI +32 17 8 AM +32 17 9 MI +32 17 10 SI +32 17 11 OR +32 17 12 HI +32 17 13 OR +32 17 14 SI +32 17 15 MI +32 17 16 NI +32 17 17 MI +32 17 18 SI +32 17 19 SI +32 17 20 HI +32 17 21 MI +32 17 22 HI +32 17 23 MI +32 17 24 SI +32 17 25 OR +32 17 26 OR +32 17 27 NI +32 17 28 MI +32 17 29 SI +32 17 30 HI +32 17 31 NN +32 17 32 MI +32 17 33 HI +32 17 34 OR +32 17 35 MI +32 17 36 SI +32 17 37 SI +32 17 38 AM +32 17 39 HI +32 17 40 SI +32 17 41 MI +32 17 42 HI +32 17 43 OR +32 17 44 MI +32 17 45 SI +32 17 46 SI +32 17 47 * +32 17 48 NN +32 17 49 SI +32 17 50 AM +32 17 51 HI +32 17 52 NI +32 17 53 AM +32 17 54 HI +32 17 55 SI +32 17 56 NN +32 17 57 OR +32 17 58 NN +32 17 59 MI +32 17 60 OR +32 17 61 MI +32 17 62 MI +32 17 63 HI +32 17 64 OR +32 17 65 MI +32 17 66 NN +32 17 67 SI +32 17 68 MI +32 17 69 NN +32 17 70 HI +32 17 71 AM +32 17 72 OR +32 17 73 MI +32 17 74 NN +32 17 75 SI +32 17 76 MI +32 17 77 OR +32 17 78 NN +32 17 79 SI +32 17 80 OR +32 17 81 HI +32 17 82 SI +32 17 83 NN +32 17 84 MI +32 17 85 OR +32 17 86 MI +32 17 87 SI +32 17 88 AM +32 17 89 SI +32 17 90 SI +32 17 91 HI +32 17 92 NI +32 17 93 OR +32 17 94 MI +32 17 95 HI +32 17 96 TA +32 17 97 * +32 17 98 MI +32 17 99 NN +32 17 100 HI +32 17 101 AM +32 17 102 MI +32 17 103 NN +32 17 104 SI +32 17 105 AM +32 17 106 HI +32 17 107 NN +32 17 108 HI +32 17 109 MI +32 17 110 TA +32 17 111 HI +32 17 112 MI +32 17 113 SI +32 17 114 OR +32 17 115 AM +32 17 116 HI +32 17 117 NN +32 17 118 MI +32 17 119 SI +32 17 120 NI +32 17 121 MI +32 17 122 OR +32 17 123 OR +32 17 124 HI +32 17 125 MI +32 17 126 NN +32 17 127 SI +32 17 128 TA +32 17 129 HI +32 17 130 SI +32 17 131 AM +32 17 132 MI +32 17 133 OR +32 17 134 MI +32 17 135 AM +32 17 136 SI +32 17 137 SI +32 17 138 HI +32 17 139 MI +32 17 140 OR +32 17 141 NI +32 17 142 SI +32 17 143 HI +32 17 144 AM +32 17 145 HI +32 17 146 HI +32 17 147 SI +32 17 148 MI +32 17 149 HI +32 17 150 HI +32 17 151 MI +32 17 152 MI +32 17 153 OR +32 17 154 SI +32 17 155 HI +32 17 156 SI +32 17 157 MI +32 17 158 HI +32 17 159 NN +32 17 160 MI +32 17 161 OR +32 17 162 AM +32 17 163 OR +32 17 164 OR +32 17 165 HI +32 17 166 OR +32 17 167 MI +32 17 168 SI +32 17 169 OR +32 17 170 SI +32 17 171 HI +32 17 172 NI +32 17 173 MI +32 17 174 HI +32 17 175 HI +32 17 176 MI +32 17 177 NN +32 17 178 OR +32 17 179 AM +32 17 180 HI +32 17 181 HI +32 17 182 MI +32 17 183 NN +32 17 184 AM +32 17 185 HI +32 17 186 SI +32 17 187 NN +32 17 188 OR +32 17 189 HI +32 17 190 NN +32 17 191 OR +32 17 192 MI +32 17 193 HI +32 17 194 AM +32 17 195 HI +32 17 196 HI +32 17 197 MI +32 17 198 SI +32 17 199 HI +32 17 200 OR +32 17 201 NN +32 17 202 OR +32 17 203 AM +32 17 204 MI +32 17 205 SI +32 17 206 HI +32 17 207 NN +32 17 208 OR +32 17 209 MI +32 17 210 OR +32 17 211 HI +32 17 212 SI +32 17 213 HI +32 17 214 MI +32 17 215 SI +32 17 216 HI +32 17 217 NN +32 17 218 HI +32 17 219 NN +32 17 220 SI +32 17 221 NN +32 17 222 AM +32 17 223 SI +32 17 224 HI +32 17 225 HI +32 17 226 OR +32 17 227 SI +32 17 228 OR +32 17 229 HI +32 17 230 NN +32 17 231 MI +32 17 232 NN +32 17 233 SI +32 17 234 SI +32 17 235 OR +32 17 236 HI +32 17 237 NN +32 17 238 OR +32 17 239 MI +32 17 240 MI +32 17 241 NI +32 17 242 TA +32 17 243 AM +32 17 244 HI +32 17 245 MI +32 17 246 SI +32 17 247 SI +32 17 248 SI +32 17 249 OR +32 17 250 MI +32 17 251 HI +32 17 252 NN +32 17 253 SI +32 17 254 SI +32 17 255 MI +32 17 256 MI +32 17 257 OR +32 17 258 HI +32 17 259 MI +32 17 260 NN +32 17 261 MI +32 17 262 NI +32 17 263 HI +32 17 264 HI +32 17 265 OR +32 17 266 MI +32 17 267 AM +32 17 268 HI +32 17 269 MI +32 17 270 HI +32 17 271 OR +32 17 272 HI +32 17 273 MI +32 17 274 NI +32 17 275 NN +32 17 276 MI +32 17 277 OR +32 17 278 NN +32 17 279 SI +32 17 280 HI +32 17 281 OR +32 17 282 NN +32 17 283 MI +32 17 284 SI +32 17 285 MI +32 17 286 NI +32 17 287 NN +32 17 288 MI +32 17 289 HI +32 17 290 HI +32 17 291 OR +32 17 292 HI +32 17 293 HI +32 17 294 NI +32 17 295 MI +32 17 296 MI +32 17 297 HI +32 17 298 MI +32 17 299 SI +32 17 300 NI +32 17 301 SI +32 17 302 HI +32 17 303 SI +32 17 304 HI +32 17 305 AM +32 17 306 NN +32 17 307 SI +32 17 308 MI +32 17 309 SI +32 17 310 NN +32 17 311 SI +32 17 312 MI +32 17 313 SI +32 17 314 HI +32 17 315 NN +32 17 316 SI +32 17 317 AM +32 17 318 TA +32 17 319 NI +32 17 320 NN +32 17 321 MI +32 17 322 SI +32 17 323 SI +32 17 324 NN +32 17 325 AM +32 17 326 HI +32 17 327 NI +32 17 328 SI +32 17 329 MI +32 17 330 HI +32 18 1 SI +32 18 2 HI +32 18 3 MI +32 18 4 NN +32 18 5 HI +32 18 6 HI +32 18 7 BI +32 18 8 MI +32 18 9 HI +32 18 10 SI +32 18 11 SI +32 18 12 HI +32 18 13 BI +32 18 14 SI +32 18 15 MI +32 18 16 NI +32 18 17 MI +32 18 18 SJ +32 18 19 HI +32 18 20 NN +32 18 21 MI +32 18 22 HI +32 18 23 NN +32 18 24 SJ +32 18 25 SI +32 18 26 SI +32 18 27 NI +32 18 28 MI +32 18 29 HI +32 18 30 MI +32 18 31 HI +32 18 32 MI +32 18 33 HI +32 18 34 SI +32 18 35 MI +32 18 36 SI +32 18 37 SI +32 18 38 MI +32 18 39 HI +32 18 40 HI +32 18 41 MI +32 18 42 SI +32 18 43 HI +32 18 44 NI +32 18 45 SI +32 18 46 HI +32 18 47 SI +32 18 48 HI +32 18 49 HI +32 18 50 NN +32 18 51 OB +32 18 52 NI +32 18 53 MI +32 18 54 HI +32 18 55 HI +32 18 56 HI +32 18 57 SI +32 18 58 HI +32 18 59 NI +32 18 60 SI +32 18 61 MI +32 18 62 HI +32 18 63 MI +32 18 64 SI +32 18 65 MI +32 18 66 NI +32 18 67 HI +32 18 68 NN +32 18 69 HI +32 18 70 NI +32 18 71 MI +32 18 72 SI +32 18 73 NN +32 18 74 NI +32 18 75 HI +32 18 76 MI +32 18 77 SI +32 18 78 HI +32 18 79 OB +32 18 80 SI +32 18 81 HI +32 18 82 HI +32 18 83 NI +32 18 84 MI +32 18 85 SI +32 18 86 HI +32 18 87 SZ +32 18 88 NN +32 18 89 SJ +32 18 90 NI +32 18 91 HI +32 18 92 OB +32 18 93 NI +32 18 94 OB +32 18 95 SI +32 18 96 HI +32 18 97 NN +32 18 98 MI +32 18 99 JI +32 18 100 NI +32 18 101 MI +32 18 102 NI +32 18 103 HI +32 18 104 SI +32 18 105 NN +32 18 106 HI +32 18 107 NI +32 18 108 HI +32 18 109 SI +32 18 110 MO +32 18 111 OB +32 18 112 MI +32 18 113 OB +32 18 114 SI +32 18 115 MI +32 18 116 NI +32 18 117 MI +32 18 118 HI +32 18 119 HI +32 18 120 NI +32 18 121 MI +32 18 122 SI +32 18 123 SI +32 18 124 HI +32 18 125 MI +32 18 126 HI +32 18 127 SI +32 18 128 MO +32 18 129 NI +32 18 130 SJ +32 18 131 NN +32 18 132 MI +32 18 133 SI +32 18 134 OB +32 18 135 NN +32 18 136 HI +32 18 137 SI +32 18 138 HI +32 18 139 NI +32 18 140 SI +32 18 141 NI +32 18 142 HI +32 18 143 MO +32 18 144 NN +32 18 145 HI +32 18 146 HI +32 18 147 SI +32 18 148 MI +32 18 149 MO +32 18 150 NN +32 18 151 MO +32 18 152 HI +32 18 153 SI +32 18 154 SJ +32 18 155 OB +32 18 156 SI +32 18 157 HI +32 18 158 NI +32 18 159 MO +32 18 160 HI +32 18 161 SI +32 18 162 MI +32 18 163 SI +32 18 164 SI +32 18 165 HI +32 18 166 SI +32 18 167 HI +32 18 168 SI +32 18 169 SI +32 18 170 SI +32 18 171 HI +32 18 172 NI +32 18 173 MO +32 18 174 MI +32 18 175 HI +32 18 176 MI +32 18 177 MO +32 18 178 SI +32 18 179 MI +32 18 180 HI +32 18 181 MZ +32 18 182 NN +32 18 183 HI +32 18 184 NN +32 18 185 HI +32 18 186 HI +32 18 187 HI +32 18 188 SI +32 18 189 NI +32 18 190 HI +32 18 191 SI +32 18 192 NN +32 18 193 HI +32 18 194 MI +32 18 195 HI +32 18 196 HI +32 18 197 NN +32 18 198 OB +32 18 199 NI +32 18 200 HI +32 18 201 HI +32 18 202 SI +32 18 203 MI +32 18 204 OB +32 18 205 NN +32 18 206 NI +32 18 207 MI +32 18 208 HI +32 18 209 SI +32 18 210 OB +32 18 211 HI +32 18 212 SI +32 18 213 MI +32 18 214 NI +32 18 215 HI +32 18 216 MI +32 18 217 OB +32 18 218 HI +32 18 219 NI +32 18 220 MZ +32 18 221 NI +32 18 222 NN +32 18 223 SI +32 18 224 NI +32 18 225 HI +32 18 226 SI +32 18 227 SI +32 18 228 SI +32 18 229 HI +32 18 230 NI +32 18 231 NN +32 18 232 HI +32 18 233 HI +32 18 234 MZ +32 18 235 SI +32 18 236 HI +32 18 237 HI +32 18 238 SI +32 18 239 HI +32 18 240 MI +32 18 241 NI +32 18 242 HI +32 18 243 NN +32 18 244 HI +32 18 245 MI +32 18 246 HI +32 18 247 NN +32 18 248 SJ +32 18 249 SI +32 18 250 NN +32 18 251 HI +32 18 252 NI +32 18 253 SI +32 18 254 NI +32 18 255 SI +32 18 256 MI +32 18 257 SI +32 18 258 HI +32 18 259 MI +32 18 260 HI +32 18 261 MO +32 18 262 NI +32 18 263 HI +32 18 264 NI +32 18 265 SI +32 18 266 MI +32 18 267 NN +32 18 268 HI +32 18 269 NN +32 18 270 MZ +32 18 271 SJ +32 18 272 NI +32 18 273 NN +32 18 274 NI +32 18 275 HI +32 18 276 MI +32 18 277 SI +32 18 278 HI +32 18 279 SI +32 18 280 HI +32 18 281 SI +32 18 282 BI +32 18 283 MZ +32 18 284 NI +32 18 285 HI +32 18 286 NI +32 18 287 HI +32 18 288 MI +32 18 289 HI +32 18 290 NI +32 18 291 SI +32 18 292 MI +32 18 293 HI +32 18 294 NI +32 18 295 SI +32 18 296 NN +32 18 297 MZ +32 18 298 MI +32 18 299 SI +32 18 300 HI +32 18 301 SI +32 18 302 NI +32 18 303 HI +32 18 304 MO +32 18 305 NN +32 18 306 HI +32 18 307 HI +32 18 308 NN +32 18 309 SI +32 18 310 HI +32 18 311 SI +32 18 312 SJ +32 18 313 NN +32 18 314 NI +32 18 315 HI +32 18 316 BI +32 18 317 MI +32 18 318 HI +32 18 319 NI +32 18 320 HI +32 18 321 MI +32 18 322 HI +32 18 323 SI +32 18 324 NI +32 18 325 NN +32 18 326 HI +32 18 327 NI +32 18 328 MZ +32 18 329 HI +32 18 330 NI +32 19 1 HI +32 19 2 NI +32 19 3 MI +32 19 4 * +32 19 5 HI +32 19 6 NN +32 19 7 HI +32 19 8 * +32 19 9 SI +32 19 10 SI +32 19 11 SI +32 19 12 HI +32 19 13 SI +32 19 14 SI +32 19 15 HI +32 19 16 NI +32 19 17 MI +32 19 18 SI +32 19 19 HI +32 19 20 HI +32 19 21 MI +32 19 22 HI +32 19 23 NN +32 19 24 SI +32 19 25 SI +32 19 26 HI +32 19 27 NI +32 19 28 MI +32 19 29 HI +32 19 30 NN +32 19 31 HI +32 19 32 MI +32 19 33 HI +32 19 34 SI +32 19 35 * +32 19 36 SI +32 19 37 HI +32 19 38 MI +32 19 39 HI +32 19 40 HI +32 19 41 MI +32 19 42 HI +32 19 43 SI +32 19 44 NI +32 19 45 HI +32 19 46 SI +32 19 47 SI +32 19 48 HI +32 19 49 SI +32 19 50 HI +32 19 51 SI +32 19 52 HI +32 19 53 * +32 19 54 HI +32 19 55 SI +32 19 56 HI +32 19 57 SI +32 19 58 HI +32 19 59 NN +32 19 60 SI +32 19 61 MI +32 19 62 HI +32 19 63 NN +32 19 64 SI +32 19 65 MI +32 19 66 NI +32 19 67 HI +32 19 68 NN +32 19 69 SI +32 19 70 HI +32 19 71 HI +32 19 72 SI +32 19 73 NN +32 19 74 NI +32 19 75 SI +32 19 76 MI +32 19 77 HI +32 19 78 NI +32 19 79 SI +32 19 80 HI +32 19 81 HI +32 19 82 HI +32 19 83 NI +32 19 84 HI +32 19 85 SI +32 19 86 HI +32 19 87 SI +32 19 88 MI +32 19 89 SI +32 19 90 SI +32 19 91 HI +32 19 92 NI +32 19 93 HI +32 19 94 SI +32 19 95 NI +32 19 96 HI +32 19 97 NN +32 19 98 MI +32 19 99 HI +32 19 100 HI +32 19 101 NI +32 19 102 HI +32 19 103 SI +32 19 104 SI +32 19 105 NN +32 19 106 NI +32 19 107 NI +32 19 108 NI +32 19 109 SI +32 19 110 NN +32 19 111 SI +32 19 112 MI +32 19 113 SI +32 19 114 SI +32 19 115 NN +32 19 116 HI +32 19 117 SI +32 19 118 HI +32 19 119 SI +32 19 120 NI +32 19 121 MI +32 19 122 HI +32 19 123 HI +32 19 124 HI +32 19 125 MI +32 19 126 HI +32 19 127 SI +32 19 128 HI +32 19 129 NI +32 19 130 SI +32 19 131 SI +32 19 132 MI +32 19 133 SI +32 19 134 SI +32 19 135 HI +32 19 136 HI +32 19 137 SI +32 19 138 HI +32 19 139 NI +32 19 140 SI +32 19 141 NI +32 19 142 HI +32 19 143 HI +32 19 144 SI +32 19 145 HI +32 19 146 HI +32 19 147 SI +32 19 148 MI +32 19 149 HI +32 19 150 SI +32 19 151 NI +32 19 152 MI +32 19 153 SI +32 19 154 SI +32 19 155 SI +32 19 156 HI +32 19 157 SI +32 19 158 NI +32 19 159 HI +32 19 160 NN +32 19 161 SI +32 19 162 MI +32 19 163 SI +32 19 164 HI +32 19 165 SI +32 19 166 SI +32 19 167 HI +32 19 168 SI +32 19 169 HI +32 19 170 SI +32 19 171 HI +32 19 172 NI +32 19 173 MI +32 19 174 HI +32 19 175 HI +32 19 176 NN +32 19 177 HI +32 19 178 SI +32 19 179 HI +32 19 180 SI +32 19 181 HI +32 19 182 SI +32 19 183 SI +32 19 184 HI +32 19 185 HI +32 19 186 HI +32 19 187 HI +32 19 188 SI +32 19 189 NI +32 19 190 HI +32 19 191 SI +32 19 192 HI +32 19 193 HI +32 19 194 SI +32 19 195 HI +32 19 196 HI +32 19 197 SI +32 19 198 SI +32 19 199 NI +32 19 200 HI +32 19 201 NN +32 19 202 HI +32 19 203 SI +32 19 204 SI +32 19 205 HI +32 19 206 NI +32 19 207 HI +32 19 208 HI +32 19 209 SI +32 19 210 SI +32 19 211 HI +32 19 212 HI +32 19 213 NI +32 19 214 HI +32 19 215 NN +32 19 216 SI +32 19 217 HI +32 19 218 SI +32 19 219 NI +32 19 220 SI +32 19 221 NI +32 19 222 HI +32 19 223 HI +32 19 224 NI +32 19 225 SI +32 19 226 SI +32 19 227 SI +32 19 228 HI +32 19 229 HI +32 19 230 NI +32 19 231 SI +32 19 232 SI +32 19 233 HI +32 19 234 SI +32 19 235 SI +32 19 236 HI +32 19 237 NN +32 19 238 SI +32 19 239 MI +32 19 240 SI +32 19 241 NI +32 19 242 NI +32 19 243 NN +32 19 244 NI +32 19 245 NN +32 19 246 HI +32 19 247 SI +32 19 248 SI +32 19 249 SI +32 19 250 HI +32 19 251 HI +32 19 252 NI +32 19 253 HI +32 19 254 SI +32 19 255 SI +32 19 256 NN +32 19 257 SI +32 19 258 HI +32 19 259 NN +32 19 260 NI +32 19 261 HI +32 19 262 NI +32 19 263 SI +32 19 264 HI +32 19 265 SI +32 19 266 NN +32 19 267 SI +32 19 268 HI +32 19 269 HI +32 19 270 MI +32 19 271 SI +32 19 272 NI +32 19 273 NN +32 19 274 NI +32 19 275 HI +32 19 276 MH +32 19 277 SI +32 19 278 NN +32 19 279 SI +32 19 280 HI +32 19 281 SI +32 19 282 SI +32 19 283 SI +32 19 284 NI +32 19 285 NN +32 19 286 NI +32 19 287 SI +32 19 288 NN +32 19 289 HI +32 19 290 NI +32 19 291 HI +32 19 292 NN +32 19 293 NI +32 19 294 NI +32 19 295 SI +32 19 296 HI +32 19 297 HI +32 19 298 MI +32 19 299 SI +32 19 300 NI +32 19 301 SI +32 19 302 NI +32 19 303 HI +32 19 304 SI +32 19 305 NN +32 19 306 HI +32 19 307 SI +32 19 308 NN +32 19 309 SI +32 19 310 HI +32 19 311 SI +32 19 312 SI +32 19 313 SI +32 19 314 NI +32 19 315 HI +32 19 316 SI +32 19 317 NN +32 19 318 NN +32 19 319 NI +32 19 320 SI +32 19 321 MI +32 19 322 HI +32 19 323 SI +32 19 324 NI +32 19 325 NN +32 19 326 NN +32 19 327 NI +32 19 328 SI +32 19 329 HI +32 19 330 NI +32 20 1 SI +32 20 2 HI +32 20 3 MI +32 20 4 HA +32 20 5 HI +32 20 6 * +32 20 7 HI +32 20 8 MI +32 20 9 * +32 20 10 SI +32 20 11 SI +32 20 12 HI +32 20 13 SI +32 20 14 SI +32 20 15 HA +32 20 16 NI +32 20 17 HA +32 20 18 SI +32 20 19 SI +32 20 20 HI +32 20 21 HA +32 20 22 HI +32 20 23 NN +32 20 24 SI +32 20 25 SI +32 20 26 SI +32 20 27 NI +32 20 28 MI +32 20 29 SX +32 20 30 NN +32 20 31 NI +32 20 32 HI +32 20 33 HI +32 20 34 SI +32 20 35 HA +32 20 36 SI +32 20 37 SI +32 20 38 MI +32 20 39 SI +32 20 40 SI +32 20 41 MI +32 20 42 HI +32 20 43 SI +32 20 44 HI +32 20 45 SI +32 20 46 SI +32 20 47 SX +32 20 48 SI +32 20 49 HI +32 20 50 HI +32 20 51 SX +32 20 52 HA +32 20 53 HI +32 20 54 MI +32 20 55 SI +32 20 56 SI +32 20 57 HI +32 20 58 SI +32 20 59 HI +32 20 60 NI +32 20 61 SI +32 20 62 MI +32 20 63 SI +32 20 64 HA +32 20 65 SX +32 20 66 MI +32 20 67 NI +32 20 68 HI +32 20 69 MI +32 20 70 SI +32 20 71 NI +32 20 72 MI +32 20 73 SI +32 20 74 SX +32 20 75 SI +32 20 76 SI +32 20 77 MI +32 20 78 SI +32 20 79 HI +32 20 80 SI +32 20 81 SI +32 20 82 HI +32 20 83 HI +32 20 84 HI +32 20 85 HI +32 20 86 SI +32 20 87 MI +32 20 88 SI +32 20 89 SX +32 20 90 SI +32 20 91 SX +32 20 92 HI +32 20 93 SI +32 20 94 SI +32 20 95 HI +32 20 96 HI +32 20 97 SX +32 20 98 HI +32 20 99 HI +32 20 100 MI +32 20 101 HI +32 20 102 SI +32 20 103 SI +32 20 104 HI +32 20 105 MI +32 20 106 HI +32 20 107 MI +32 20 108 NI +32 20 109 SX +32 20 110 HI +32 20 111 SI +32 20 112 MI +32 20 113 SI +32 20 114 SI +32 20 115 MI +32 20 116 HI +32 20 117 SI +32 20 118 HI +32 20 119 SI +32 20 120 NI +32 20 121 MI +32 20 122 SX +32 20 123 SI +32 20 124 HI +32 20 125 MI +32 20 126 HI +32 20 127 SX +32 20 128 HI +32 20 129 NI +32 20 130 SI +32 20 131 SI +32 20 132 MI +32 20 133 SX +32 20 134 SI +32 20 135 MI +32 20 136 SI +32 20 137 SX +32 20 138 SI +32 20 139 NI +32 20 140 SX +32 20 141 NI +32 20 142 NI +32 20 143 HI +32 20 144 SI +32 20 145 SI +32 20 146 HI +32 20 147 HI +32 20 148 MI +32 20 149 HI +32 20 150 SX +32 20 151 MI +32 20 152 HI +32 20 153 SI +32 20 154 SI +32 20 155 SI +32 20 156 SI +32 20 157 SI +32 20 158 NI +32 20 159 HI +32 20 160 HI +32 20 161 SI +32 20 162 MI +32 20 163 SX +32 20 164 SI +32 20 165 SI +32 20 166 SX +32 20 167 HI +32 20 168 SX +32 20 169 SI +32 20 170 SI +32 20 171 SI +32 20 172 NI +32 20 173 MI +32 20 174 HI +32 20 175 SI +32 20 176 MI +32 20 177 HI +32 20 178 SX +32 20 179 MI +32 20 180 SI +32 20 181 MI +32 20 182 SI +32 20 183 SX +32 20 184 MI +32 20 185 MI +32 20 186 HI +32 20 187 HI +32 20 188 SI +32 20 189 HI +32 20 190 HI +32 20 191 SX +32 20 192 HI +32 20 193 HI +32 20 194 MI +32 20 195 HI +32 20 196 HI +32 20 197 HI +32 20 198 SI +32 20 199 NI +32 20 200 HI +32 20 201 MI +32 20 202 HI +32 20 203 MI +32 20 204 SI +32 20 205 SX +32 20 206 MI +32 20 207 MI +32 20 208 HI +32 20 209 SX +32 20 210 SI +32 20 211 SI +32 20 212 HI +32 20 213 NI +32 20 214 HI +32 20 215 MI +32 20 216 SX +32 20 217 HI +32 20 218 HI +32 20 219 MI +32 20 220 SX +32 20 221 NI +32 20 222 SX +32 20 223 SI +32 20 224 NI +32 20 225 SI +32 20 226 SX +32 20 227 SI +32 20 228 SX +32 20 229 SI +32 20 230 NI +32 20 231 HI +32 20 232 SI +32 20 233 SI +32 20 234 SI +32 20 235 SX +32 20 236 HI +32 20 237 HI +32 20 238 SX +32 20 239 HI +32 20 240 MI +32 20 241 NI +32 20 242 HI +32 20 243 MI +32 20 244 NI +32 20 245 MI +32 20 246 HI +32 20 247 SX +32 20 248 SI +32 20 249 SX +32 20 250 SI +32 20 251 SI +32 20 252 NI +32 20 253 SI +32 20 254 SI +32 20 255 SI +32 20 256 MI +32 20 257 SX +32 20 258 HI +32 20 259 MI +32 20 260 HI +32 20 261 MI +32 20 262 NI +32 20 263 SI +32 20 264 SI +32 20 265 SX +32 20 266 MI +32 20 267 SX +32 20 268 SI +32 20 269 MI +32 20 270 HI +32 20 271 SX +32 20 272 NI +32 20 273 HI +32 20 274 NI +32 20 275 HI +32 20 276 MI +32 20 277 SX +32 20 278 HI +32 20 279 SX +32 20 280 HI +32 20 281 SX +32 20 282 HI +32 20 283 SI +32 20 284 NI +32 20 285 HI +32 20 286 NI +32 20 287 HI +32 20 288 MI +32 20 289 HI +32 20 290 NI +32 20 291 SX +32 20 292 NI +32 20 293 NI +32 20 294 NI +32 20 295 SI +32 20 296 SX +32 20 297 HI +32 20 298 MI +32 20 299 SI +32 20 300 SI +32 20 301 HI +32 20 302 SI +32 20 303 NI +32 20 304 SI +32 20 305 HI +32 20 306 SX +32 20 307 HI +32 20 308 SI +32 20 309 SI +32 20 310 SI +32 20 311 SX +32 20 312 SI +32 20 313 SX +32 20 314 NI +32 20 315 HI +32 20 316 SI +32 20 317 MI +32 20 318 HI +32 20 319 NI +32 20 320 SI +32 20 321 MI +32 20 322 SI +32 20 323 SX +32 20 324 NI +32 20 325 SI +32 20 326 HI +32 20 327 HI +32 20 328 NI +32 20 329 SI +32 20 330 NI +32 21 1 SI +32 21 2 NN +32 21 3 MI +32 21 4 NN +32 21 5 HI +32 21 6 MH +32 21 7 SI +32 21 8 MI +32 21 9 HI +32 21 10 SI +32 21 11 SI +32 21 12 HI +32 21 13 SI +32 21 14 SI +32 21 15 NI +32 21 16 NI +32 21 17 MI +32 21 18 SI +32 21 19 SI +32 21 20 HI +32 21 21 MI +32 21 22 MI +32 21 23 SI +32 21 24 MH +32 21 25 SI +32 21 26 SI +32 21 27 NI +32 21 28 MI +32 21 29 HI +32 21 30 MI +32 21 31 NI +32 21 32 MI +32 21 33 HI +32 21 34 SI +32 21 35 MI +32 21 36 SI +32 21 37 SI +32 21 38 MI +32 21 39 SI +32 21 40 SI +32 21 41 MI +32 21 42 MI +32 21 43 SI +32 21 44 NI +32 21 45 SI +32 21 46 NI +32 21 47 SI +32 21 48 HI +32 21 49 SI +32 21 50 MI +32 21 51 HI +32 21 52 NI +32 21 53 MI +32 21 54 SI +32 21 55 SI +32 21 56 MI +32 21 57 SI +32 21 58 HI +32 21 59 NI +32 21 60 SI +32 21 61 MI +32 21 62 SI +32 21 63 HI +32 21 64 SI +32 21 65 MI +32 21 66 NI +32 21 67 HI +32 21 68 MI +32 21 69 HI +32 21 70 NI +32 21 71 MI +32 21 72 SI +32 21 73 MI +32 21 74 NI +32 21 75 SI +32 21 76 MI +32 21 77 SI +32 21 78 NI +32 21 79 SI +32 21 80 SI +32 21 81 MH +32 21 82 HI +32 21 83 NI +32 21 84 MI +32 21 85 SI +32 21 86 MI +32 21 87 SI +32 21 88 MI +32 21 89 SI +32 21 90 SI +32 21 91 NI +32 21 92 HI +32 21 93 SI +32 21 94 SI +32 21 95 NI +32 21 96 HI +32 21 97 SI +32 21 98 MI +32 21 99 NI +32 21 100 HI +32 21 101 MI +32 21 102 NI +32 21 103 HI +32 21 104 NI +32 21 105 MI +32 21 106 HI +32 21 107 NI +32 21 108 NI +32 21 109 SI +32 21 110 SI +32 21 111 MH +32 21 112 MI +32 21 113 SI +32 21 114 SI +32 21 115 MI +32 21 116 SI +32 21 117 HI +32 21 118 HI +32 21 119 MI +32 21 120 NI +32 21 121 MI +32 21 122 SI +32 21 123 SI +32 21 124 HI +32 21 125 MI +32 21 126 HI +32 21 127 SI +32 21 128 HI +32 21 129 NI +32 21 130 SI +32 21 131 MI +32 21 132 MI +32 21 133 HI +32 21 134 SI +32 21 135 MI +32 21 136 HI +32 21 137 HI +32 21 138 NI +32 21 139 NI +32 21 140 SI +32 21 141 NI +32 21 142 NI +32 21 143 HI +32 21 144 SI +32 21 145 HI +32 21 146 MI +32 21 147 HI +32 21 148 MI +32 21 149 HI +32 21 150 SI +32 21 151 MI +32 21 152 HI +32 21 153 SI +32 21 154 SI +32 21 155 SI +32 21 156 SI +32 21 157 HI +32 21 158 NI +32 21 159 HI +32 21 160 MI +32 21 161 NN +32 21 162 MI +32 21 163 SI +32 21 164 SI +32 21 165 NN +32 21 166 SI +32 21 167 NI +32 21 168 NN +32 21 169 NN +32 21 170 SI +32 21 171 NN +32 21 172 NI +32 21 173 NN +32 21 174 MI +32 21 175 NN +32 21 176 MI +32 21 177 NN +32 21 178 SI +32 21 179 MI +32 21 180 NN +32 21 181 NN +32 21 182 MI +32 21 183 NN +32 21 184 SI +32 21 185 MI +32 21 186 NN +32 21 187 MI +32 21 188 SI +32 21 189 NI +32 21 190 MI +32 21 191 SI +32 21 192 NN +32 21 193 NN +32 21 194 MI +32 21 195 NN +32 21 196 NN +32 21 197 HI +32 21 198 NN +32 21 199 NI +32 21 200 SI +32 21 201 MI +32 21 202 MH +32 21 203 MI +32 21 204 HI +32 21 205 SI +32 21 206 NI +32 21 207 MI +32 21 208 HI +32 21 209 SI +32 21 210 MI +32 21 211 MH +32 21 212 SI +32 21 213 MH +32 21 214 HI +32 21 215 HI +32 21 216 MH +32 21 217 HI +32 21 218 HI +32 21 219 NI +32 21 220 SI +32 21 221 HI +32 21 222 NN +32 21 223 NN +32 21 224 NI +32 21 225 NN +32 21 226 SI +32 21 227 NN +32 21 228 SI +32 21 229 NI +32 21 230 NI +32 21 231 MI +32 21 232 NN +32 21 233 SI +32 21 234 SI +32 21 235 SI +32 21 236 NN +32 21 237 MI +32 21 238 SI +32 21 239 MI +32 21 240 MI +32 21 241 NI +32 21 242 HI +32 21 243 MI +32 21 244 NI +32 21 245 MI +32 21 246 SI +32 21 247 NN +32 21 248 NN +32 21 249 SI +32 21 250 MI +32 21 251 HI +32 21 252 NI +32 21 253 HI +32 21 254 NN +32 21 255 NN +32 21 256 MI +32 21 257 SI +32 21 258 NN +32 21 259 MI +32 21 260 HI +32 21 261 NN +32 21 262 NI +32 21 263 HI +32 21 264 NI +32 21 265 SI +32 21 266 MI +32 21 267 MI +32 21 268 NN +32 21 269 MI +32 21 270 NN +32 21 271 SI +32 21 272 NI +32 21 273 MH +32 21 274 NI +32 21 275 MH +32 21 276 MI +32 21 277 SI +32 21 278 * +32 21 279 SI +32 21 280 HI +32 21 281 SI +32 21 282 HI +32 21 283 MH +32 21 284 NI +32 21 285 MH +32 21 286 NI +32 21 287 HI +32 21 288 MI +32 21 289 SI +32 21 290 NI +32 21 291 SI +32 21 292 MH +32 21 293 HI +32 21 294 NI +32 21 295 MH +32 21 296 SI +32 21 297 MH +32 21 298 MI +32 21 299 HI +32 21 300 NI +32 21 301 SI +32 21 302 NI +32 21 303 NN +32 21 304 NN +32 21 305 MI +32 21 306 HI +32 21 307 SI +32 21 308 NN +32 21 309 NN +32 21 310 HI +32 21 311 SI +32 21 312 SI +32 21 313 SI +32 21 314 NI +32 21 315 HI +32 21 316 SI +32 21 317 MI +32 21 318 NN +32 21 319 NI +32 21 320 NN +32 21 321 MI +32 21 322 NN +32 21 323 SI +32 21 324 NI +32 21 325 NN +32 21 326 SI +32 21 327 NI +32 21 328 MH +32 21 329 NN +32 21 330 NI +32 22 1 SI +32 22 2 HI +32 22 3 MI +32 22 4 * +32 22 5 HI +32 22 6 MH +32 22 7 SX +32 22 8 MI +32 22 9 MU +32 22 10 SI +32 22 11 * +32 22 12 MH +32 22 13 * +32 22 14 SI +32 22 15 * +32 22 16 NI +32 22 17 MI +32 22 18 SI +32 22 19 SX +32 22 20 HI +32 22 21 MI +32 22 22 MH +32 22 23 * +32 22 24 SI +32 22 25 SX +32 22 26 * +32 22 27 NI +32 22 28 MI +32 22 29 HI +32 22 30 * +32 22 31 * +32 22 32 * +32 22 33 HI +32 22 34 SX +32 22 35 * +32 22 36 * +32 22 37 * +32 22 38 * +32 22 39 HI +32 22 40 SX +32 22 41 MI +32 22 42 MH +32 22 43 * +32 22 44 * +32 22 45 HI +32 22 46 SI +32 22 47 * +32 22 48 MH +32 22 49 SX +32 22 50 * +32 22 51 * +32 22 52 * +32 22 53 MI +32 22 54 * +32 22 55 SX +32 22 56 * +32 22 57 * +32 22 58 HI +32 22 59 NI +32 22 60 SI +32 22 61 MI +32 22 62 SX +32 22 63 MI +32 22 64 SX +32 22 65 MI +32 22 66 NI +32 22 67 SX +32 22 68 MI +32 22 69 HI +32 22 70 NI +32 22 71 MI +32 22 72 SX +32 22 73 MI +32 22 74 HI +32 22 75 SI +32 22 76 MI +32 22 77 SX +32 22 78 HI +32 22 79 SI +32 22 80 SX +32 22 81 MH +32 22 82 SX +32 22 83 HI +32 22 84 MI +32 22 85 SX +32 22 86 MI +32 22 87 SI +32 22 88 MI +32 22 89 SI +32 22 90 SI +32 22 91 MH +32 22 92 NI +32 22 93 SX +32 22 94 SI +32 22 95 NI +32 22 96 MH +32 22 97 SX +32 22 98 MI +32 22 99 HI +32 22 100 HI +32 22 101 MI +32 22 102 HI +32 22 103 HI +32 22 104 SX +32 22 105 MI +32 22 106 MH +32 22 107 NI +32 22 108 HI +32 22 109 SX +32 22 110 MH +32 22 111 SI +32 22 112 MI +32 22 113 SI +32 22 114 SX +32 22 115 MI +32 22 116 HI +32 22 117 SI +32 22 118 MI +32 22 119 SX +32 22 120 NI +32 22 121 MI +32 22 122 SX +32 22 123 SI +32 22 124 MH +32 22 125 MI +32 22 126 MI +32 22 127 SI +32 22 128 MH +32 22 129 HI +32 22 130 SI +32 22 131 SX +32 22 132 MI +32 22 133 SI +32 22 134 MU +32 22 135 MI +32 22 136 SX +32 22 137 SX +32 22 138 SX +32 22 139 HI +32 22 140 SX +32 22 141 NI +32 22 142 HI +32 22 143 MH +32 22 144 SX +32 22 145 SX +32 22 146 MH +32 22 147 SX +32 22 148 MI +32 22 149 HI +32 22 150 SI +32 22 151 MI +32 22 152 MI +32 22 153 SX +32 22 154 SI +32 22 155 SI +32 22 156 SX +32 22 157 SI +32 22 158 NI +32 22 159 MH +32 22 160 MI +32 22 161 SX +32 22 162 MI +32 22 163 SX +32 22 164 SX +32 22 165 HI +32 22 166 SI +32 22 167 HI +32 22 168 SX +32 22 169 SX +32 22 170 SI +32 22 171 HI +32 22 172 NI +32 22 173 MI +32 22 174 MH +32 22 175 HI +32 22 176 MI +32 22 177 MH +32 22 178 SX +32 22 179 MI +32 22 180 SX +32 22 181 MH +32 22 182 MI +32 22 183 MU +32 22 184 SX +32 22 185 MH +32 22 186 SX +32 22 187 MH +32 22 188 SX +32 22 189 HI +32 22 190 MI +32 22 191 SX +32 22 192 MI +32 22 193 MH +32 22 194 MI +32 22 195 HI +32 22 196 SX +32 22 197 MI +32 22 198 SI +32 22 199 HI +32 22 200 SX +32 22 201 MI +32 22 202 SX +32 22 203 MI +32 22 204 SI +32 22 205 SI +32 22 206 HI +32 22 207 MI +32 22 208 MH +32 22 209 SX +32 22 210 MI +32 22 211 SX +32 22 212 MH +32 22 213 HI +32 22 214 MH +32 22 215 MI +32 22 216 SI +32 22 217 HI +32 22 218 HI +32 22 219 NI +32 22 220 SX +32 22 221 HI +32 22 222 MI +32 22 223 SX +32 22 224 HI +32 22 225 HI +32 22 226 SX +32 22 227 SI +32 22 228 SX +32 22 229 HI +32 22 230 NI +32 22 231 MI +32 22 232 SI +32 22 233 SX +32 22 234 SX +32 22 235 SX +32 22 236 MH +32 22 237 MH +32 22 238 SX +32 22 239 MI +32 22 240 MI +32 22 241 HI +32 22 242 MH +32 22 243 MI +32 22 244 NI +32 22 245 MI +32 22 246 SX +32 22 247 SX +32 22 248 SI +32 22 249 SX +32 22 250 MI +32 22 251 HI +32 22 252 NI +32 22 253 SX +32 22 254 SX +32 22 255 SI +32 22 256 MI +32 22 257 SX +32 22 258 MH +32 22 259 MI +32 22 260 HI +32 22 261 MH +32 22 262 NI +32 22 263 HI +32 22 264 HI +32 22 265 SX +32 22 266 MI +32 22 267 MI +32 22 268 SX +32 22 269 MI +32 22 270 MH +32 22 271 SI +32 22 272 NI +32 22 273 MI +32 22 274 NI +32 22 275 MH +32 22 276 MI +32 22 277 SX +32 22 278 MH +32 22 279 SX +32 22 280 HI +32 22 281 SX +32 22 282 SX +32 22 283 MI +32 22 284 NI +32 22 285 MI +32 22 286 NI +32 22 287 HI +32 22 288 MI +32 22 289 SX +32 22 290 HI +32 22 291 SX +32 22 292 MI +32 22 293 HI +32 22 294 NI +32 22 295 SI +32 22 296 SX +32 22 297 MH +32 22 298 MI +32 22 299 SX +32 22 300 NI +32 22 301 SX +32 22 302 NI +32 22 303 HI +32 22 304 HI +32 22 305 MI +32 22 306 HI +32 22 307 SX +32 22 308 MI +32 22 309 SI +32 22 310 SX +32 22 311 SX +32 22 312 SI +32 22 313 NI +32 22 314 SX +32 22 315 SX +32 22 316 MI +32 22 317 MI +32 22 318 MH +32 22 319 NI +32 22 320 HI +32 22 321 MI +32 22 322 SX +32 22 323 SX +32 22 324 NI +32 22 325 MI +32 22 326 MH +32 22 327 NI +32 22 328 SI +32 22 329 MH +32 22 330 NI +32 23 1 SI +32 23 2 MY +32 23 3 MI +32 23 4 OB +32 23 5 SI +32 23 6 NN +32 23 7 * +32 23 8 MI +32 23 9 NN +32 23 10 MY +32 23 11 SI +32 23 12 HI +32 23 13 OB +32 23 14 SI +32 23 15 NY +32 23 16 HI +32 23 17 MI +32 23 18 NN +32 23 19 SI +32 23 20 NN +32 23 21 MI +32 23 22 HI +32 23 23 NN +32 23 24 OB +32 23 25 SI +32 23 26 SI +32 23 27 NN +32 23 28 MI +32 23 29 * +32 23 30 NN +32 23 31 HI +32 23 32 NN +32 23 33 MY +32 23 34 SI +32 23 35 MI +32 23 36 OB +32 23 37 MY +32 23 38 MI +32 23 39 SI +32 23 40 * +32 23 41 MI +32 23 42 HI +32 23 43 OB +32 23 44 NY +32 23 45 SI +32 23 46 OB +32 23 47 NN +32 23 48 HI +32 23 49 * +32 23 50 MI +32 23 51 OB +32 23 52 HI +32 23 53 MI +32 23 54 NN +32 23 55 SI +32 23 56 HI +32 23 57 SI +32 23 58 NN +32 23 59 HI +32 23 60 SI +32 23 61 MI +32 23 62 NY +32 23 63 NN +32 23 64 SI +32 23 65 MI +32 23 66 HI +32 23 67 SI +32 23 68 MI +32 23 69 MY +32 23 70 HI +32 23 71 MI +32 23 72 SI +32 23 73 MY +32 23 74 HI +32 23 75 SI +32 23 76 MI +32 23 77 SI +32 23 78 NY +32 23 79 SI +32 23 80 SI +32 23 81 MY +32 23 82 SI +32 23 83 NI +32 23 84 HI +32 23 85 SI +32 23 86 MY +32 23 87 OB +32 23 88 MI +32 23 89 MY +32 23 90 SI +32 23 91 HI +32 23 92 NI +32 23 93 SI +32 23 94 OB +32 23 95 HI +32 23 96 NN +32 23 97 OB +32 23 98 MI +32 23 99 NN +32 23 100 SI +32 23 101 MI +32 23 102 HI +32 23 103 MY +32 23 104 SI +32 23 105 MI +32 23 106 HI +32 23 107 MY +32 23 108 HI +32 23 109 SI +32 23 110 HI +32 23 111 NN +32 23 112 MI +32 23 113 OB +32 23 114 SI +32 23 115 MI +32 23 116 NN +32 23 117 MY +32 23 118 HI +32 23 119 SI +32 23 120 HI +32 23 121 MI +32 23 122 SI +32 23 123 SI +32 23 124 MY +32 23 125 MI +32 23 126 MI +32 23 127 SI +32 23 128 HI +32 23 129 HI +32 23 130 NN +32 23 131 MI +32 23 132 MI +32 23 133 SI +32 23 134 OB +32 23 135 MI +32 23 136 SI +32 23 137 NN +32 23 138 HI +32 23 139 NN +32 23 140 SI +32 23 141 HI +32 23 142 NI +32 23 143 HI +32 23 144 SI +32 23 145 SI +32 23 146 MY +32 23 147 SI +32 23 148 MI +32 23 149 SI +32 23 150 NN +32 23 151 NI +32 23 152 NN +32 23 153 SI +32 23 154 OB +32 23 155 JI +32 23 156 SI +32 23 157 OB +32 23 158 HI +32 23 159 MY +32 23 160 HI +32 23 161 SI +32 23 162 MI +32 23 163 SI +32 23 164 SI +32 23 165 SI +32 23 166 NN +32 23 167 MY +32 23 168 SI +32 23 169 SI +32 23 170 OB +32 23 171 MY +32 23 172 NI +32 23 173 HI +32 23 174 MI +32 23 175 * +32 23 176 MI +32 23 177 NN +32 23 178 SI +32 23 179 MI +32 23 180 SI +32 23 181 MY +32 23 182 MI +32 23 183 OB +32 23 184 NN +32 23 185 SI +32 23 186 NN +32 23 187 MY +32 23 188 SI +32 23 189 NN +32 23 190 NN +32 23 191 SI +32 23 192 MY +32 23 193 NN +32 23 194 MI +32 23 195 NN +32 23 196 * +32 23 197 MY +32 23 198 OB +32 23 199 NY +32 23 200 SI +32 23 201 MI +32 23 202 SI +32 23 203 MI +32 23 204 OB +32 23 205 NN +32 23 206 HI +32 23 207 MI +32 23 208 MY +32 23 209 SI +32 23 210 OB +32 23 211 SI +32 23 212 HI +32 23 213 HI +32 23 214 HI +32 23 215 NN +32 23 216 HI +32 23 217 MY +32 23 218 NN +32 23 219 HI +32 23 220 NN +32 23 221 HI +32 23 222 MY +32 23 223 SI +32 23 224 NN +32 23 225 HI +32 23 226 SI +32 23 227 NN +32 23 228 SI +32 23 229 SI +32 23 230 HI +32 23 231 NN +32 23 232 OB +32 23 233 MY +32 23 234 SI +32 23 235 SI +32 23 236 HI +32 23 237 NN +32 23 238 SI +32 23 239 MI +32 23 240 NN +32 23 241 HI +32 23 242 HI +32 23 243 MI +32 23 244 HI +32 23 245 MI +32 23 246 SI +32 23 247 NN +32 23 248 OB +32 23 249 SI +32 23 250 MY +32 23 251 HI +32 23 252 HI +32 23 253 SI +32 23 254 MY +32 23 255 OB +32 23 256 MI +32 23 257 SI +32 23 258 HI +32 23 259 MI +32 23 260 HI +32 23 261 NN +32 23 262 HI +32 23 263 HI +32 23 264 MY +32 23 265 SI +32 23 266 NY +32 23 267 NN +32 23 268 SI +32 23 269 MI +32 23 270 MY +32 23 271 SI +32 23 272 HI +32 23 273 NN +32 23 274 HI +32 23 275 MY +32 23 276 MI +32 23 277 SI +32 23 278 MI +32 23 279 * +32 23 280 MY +32 23 281 SI +32 23 282 SI +32 23 283 NN +32 23 284 HI +32 23 285 NN +32 23 286 HI +32 23 287 OB +32 23 288 MI +32 23 289 SI +32 23 290 HI +32 23 291 SI +32 23 292 MI +32 23 293 HI +32 23 294 HI +32 23 295 OB +32 23 296 NN +32 23 297 MY +32 23 298 MI +32 23 299 SI +32 23 300 HI +32 23 301 SI +32 23 302 HI +32 23 303 NI +32 23 304 MY +32 23 305 MI +32 23 306 HI +32 23 307 SI +32 23 308 MY +32 23 309 NN +32 23 310 SI +32 23 311 SI +32 23 312 OB +32 23 313 SI +32 23 314 HI +32 23 315 SI +32 23 316 SI +32 23 317 MI +32 23 318 MY +32 23 319 HI +32 23 320 OB +32 23 321 MI +32 23 322 SI +32 23 323 SI +32 23 324 HI +32 23 325 MI +32 23 326 NN +32 23 327 HI +32 23 328 SI +32 23 329 OB +32 23 330 HI +32 24 1 SI +32 24 2 SX +32 24 3 MI +32 24 4 HI +32 24 5 SX +32 24 6 MH +32 24 7 PJ +32 24 8 * +32 24 9 SI +32 24 10 SI +32 24 11 HI +32 24 12 SI +32 24 13 SI +32 24 14 HI +32 24 15 NI +32 24 16 MI +32 24 17 SI +32 24 18 SI +32 24 19 SX +32 24 20 MI +32 24 21 MH +32 24 22 SI +32 24 23 OB +32 24 24 SX +32 24 25 SI +32 24 26 NI +32 24 27 MI +32 24 28 SX +32 24 29 MH +32 24 30 SX +32 24 31 MH +32 24 32 HI +32 24 33 SX +32 24 34 HI +32 24 35 SI +32 24 36 SI +32 24 37 MI +32 24 38 SX +32 24 39 SX +32 24 40 MI +32 24 41 MH +32 24 42 SI +32 24 43 NI +32 24 44 SX +32 24 45 HI +32 24 46 SI +32 24 47 MH +32 24 48 HI +32 24 49 SX +32 24 50 SI +32 24 51 NI +32 24 52 MI +32 24 53 SX +32 24 54 SX +32 24 55 MH +32 24 56 SX +32 24 57 SI +32 24 58 OB +32 24 59 HI +32 24 60 OB +32 24 61 MI +32 24 62 HI +32 24 63 MH +32 24 64 SX +32 24 65 MI +32 24 66 NI +32 24 67 HI +32 24 68 MI +32 24 69 SI +32 24 70 NI +32 24 71 MI +32 24 72 SI +32 24 73 MI +32 24 74 NI +32 24 75 SX +32 24 76 MI +32 24 77 SX +32 24 78 MH +32 24 79 HI +32 24 80 SX +32 24 81 HI +32 24 82 SX +32 24 83 NN +32 24 84 MH +32 24 85 SX +32 24 86 MI +32 24 87 OB +32 24 88 MI +32 24 89 OB +32 24 90 SI +32 24 91 HI +32 24 92 NI +32 24 93 SI +32 24 94 OB +32 24 95 NI +32 24 96 MH +32 24 97 SX +32 24 98 MI +32 24 99 OB +32 24 100 HI +32 24 101 MI +32 24 102 SI +32 24 103 OB +32 24 104 SX +32 24 105 MI +32 24 106 HI +32 24 107 NI +32 24 108 NI +32 24 109 SX +32 24 110 MH +32 24 111 OB +32 24 112 MI +32 24 113 OB +32 24 114 * +32 24 115 MI +32 24 116 HI +32 24 117 OB +32 24 118 MI +32 24 119 SX +32 24 120 NI +32 24 121 MI +32 24 122 SX +32 24 123 SI +32 24 124 HI +32 24 125 MI +32 24 126 HI +32 24 127 SI +32 24 128 MH +32 24 129 HI +32 24 130 OB +32 24 131 SI +32 24 132 MI +32 24 133 SX +32 24 134 OB +32 24 135 MI +32 24 136 SX +32 24 137 SX +32 24 138 HI +32 24 139 NI +32 24 140 SI +32 24 141 NI +32 24 142 HI +32 24 143 HI +32 24 144 SI +32 24 145 SX +32 24 146 MH +32 24 147 SX +32 24 148 MI +32 24 149 SX +32 24 150 SI +32 24 151 MH +32 24 152 MH +32 24 153 SX +32 24 154 OB +32 24 155 OB +32 24 156 SX +32 24 157 OB +32 24 158 NI +32 24 159 MH +32 24 160 MI +32 24 161 SX +32 24 162 MI +32 24 163 SI +32 24 164 SI +32 24 165 OB +32 24 166 SX +32 24 167 HI +32 24 168 SX +32 24 169 SX +32 24 170 SI +32 24 171 OB +32 24 172 NI +32 24 173 MI +32 24 174 MH +32 24 175 SX +32 24 176 MH +32 24 177 HI +32 24 178 SI +32 24 179 MH +32 24 180 SX +32 24 181 OB +32 24 182 MI +32 24 183 OB +32 24 184 MH +32 24 185 OB +32 24 186 SX +32 24 187 MH +32 24 188 SI +32 24 189 HI +32 24 190 MH +32 24 191 SX +32 24 192 SI +32 24 193 HI +32 24 194 MI +32 24 195 SX +32 24 196 SX +32 24 197 HI +32 24 198 OB +32 24 199 HI +32 24 200 SX +32 24 201 MH +32 24 202 SX +32 24 203 MI +32 24 204 OB +32 24 205 SI +32 24 206 HI +32 24 207 MI +32 24 208 MH +32 24 209 SI +32 24 210 OB +32 24 211 SX +32 24 212 MH +32 24 213 HI +32 24 214 HI +32 24 215 MH +32 24 216 OB +32 24 217 MH +32 24 218 HI +32 24 219 SX +32 24 220 SX +32 24 221 HI +32 24 222 MH +32 24 223 SX +32 24 224 HI +32 24 225 OB +32 24 226 SI +32 24 227 OB +32 24 228 SX +32 24 229 HI +32 24 230 NI +32 24 231 MH +32 24 232 OB +32 24 233 SX +32 24 234 SI +32 24 235 SI +32 24 236 SX +32 24 237 MH +32 24 238 SX +32 24 239 MH +32 24 240 OB +32 24 241 HI +32 24 242 HI +32 24 243 MI +32 24 244 NI +32 24 245 MI +32 24 246 SX +32 24 247 SI +32 24 248 OB +32 24 249 SI +32 24 250 SX +32 24 251 HI +32 24 252 NI +32 24 253 SX +32 24 254 SX +32 24 255 OB +32 24 256 HI +32 24 257 SI +32 24 258 MH +32 24 259 MI +32 24 260 HI +32 24 261 MH +32 24 262 NI +32 24 263 OB +32 24 264 HI +32 24 265 SX +32 24 266 OB +32 24 267 SI +32 24 268 SX +32 24 269 MI +32 24 270 NI +32 24 271 SI +32 24 272 NI +32 24 273 SX +32 24 274 NI +32 24 275 HI +32 24 276 MI +32 24 277 SI +32 24 278 NN +32 24 279 SI +32 24 280 HI +32 24 281 SI +32 24 282 SX +32 24 283 OB +32 24 284 HI +32 24 285 MH +32 24 286 NI +32 24 287 OB +32 24 288 MI +32 24 289 SX +32 24 290 NI +32 24 291 SI +32 24 292 MH +32 24 293 HI +32 24 294 NI +32 24 295 OB +32 24 296 SI +32 24 297 MH +32 24 298 MI +32 24 299 SX +32 24 300 NI +32 24 301 SX +32 24 302 NI +32 24 303 SX +32 24 304 SI +32 24 305 SX +32 24 306 HI +32 24 307 SI +32 24 308 HI +32 24 309 OB +32 24 310 SX +32 24 311 SI +32 24 312 OB +32 24 313 SX +32 24 314 NI +32 24 315 SX +32 24 316 SI +32 24 317 MI +32 24 318 MH +32 24 319 NI +32 24 320 OB +32 24 321 MI +32 24 322 SX +32 24 323 SI +32 24 324 NI +32 24 325 MI +32 24 326 MH +32 24 327 HI +32 24 328 SI +32 24 329 OB +32 24 330 NI +32 25 1 SX +32 25 2 HI +32 25 3 MI +32 25 4 MI +32 25 5 SX +32 25 6 HI +32 25 7 SX +32 25 8 MI +32 25 9 MT +32 25 10 SI +32 25 11 SI +32 25 12 HI +32 25 13 SI +32 25 14 SI +32 25 15 MI +32 25 16 NI +32 25 17 MI +32 25 18 HI +32 25 19 SI +32 25 20 HI +32 25 21 MI +32 25 22 HI +32 25 23 SX +32 25 24 MT +32 25 25 SI +32 25 26 SI +32 25 27 NI +32 25 28 MI +32 25 29 HI +32 25 30 MI +32 25 31 NI +32 25 32 MI +32 25 33 SX +32 25 34 SI +32 25 35 MI +32 25 36 SI +32 25 37 SX +32 25 38 MI +32 25 39 HI +32 25 40 SI +32 25 41 MI +32 25 42 MT +32 25 43 SI +32 25 44 HI +32 25 45 SX +32 25 46 MT +32 25 47 SI +32 25 48 SX +32 25 49 SI +32 25 50 MI +32 25 51 HI +32 25 52 NI +32 25 53 MI +32 25 54 SI +32 25 55 SX +32 25 56 MI +32 25 57 SI +32 25 58 MT +32 25 59 HI +32 25 60 SI +32 25 61 MI +32 25 62 HI +32 25 63 MI +32 25 64 SI +32 25 65 MI +32 25 66 NI +32 25 67 HI +32 25 68 MI +32 25 69 HI +32 25 70 SX +32 25 71 MI +32 25 72 SI +32 25 73 SX +32 25 74 HI +32 25 75 SI +32 25 76 MI +32 25 77 SI +32 25 78 MI +32 25 79 SI +32 25 80 SX +32 25 81 HI +32 25 82 SX +32 25 83 HI +32 25 84 MI +32 25 85 SX +32 25 86 MI +32 25 87 SI +32 25 88 MI +32 25 89 SI +32 25 90 SI +32 25 91 HI +32 25 92 NI +32 25 93 SI +32 25 94 MT +32 25 95 HI +32 25 96 MH +32 25 97 SX +32 25 98 MI +32 25 99 HI +32 25 100 SI +32 25 101 MI +32 25 102 SX +32 25 103 MT +32 25 104 HI +32 25 105 MI +32 25 106 HI +32 25 107 NI +32 25 108 HI +32 25 109 SX +32 25 110 MI +32 25 111 SI +32 25 112 MI +32 25 113 SI +32 25 114 SX +32 25 115 MI +32 25 116 NI +32 25 117 SI +32 25 118 MI +32 25 119 SX +32 25 120 NI +32 25 121 MI +32 25 122 SX +32 25 123 SI +32 25 124 HI +32 25 125 MI +32 25 126 HI +32 25 127 SI +32 25 128 HI +32 25 129 NI +32 25 130 SI +32 25 131 SX +32 25 132 MI +32 25 133 SI +32 25 134 MT +32 25 135 MI +32 25 136 SX +32 25 137 MT +32 25 138 SX +32 25 139 HI +32 25 140 SI +32 25 141 NI +32 25 142 NI +32 25 143 SX +32 25 144 SI +32 25 145 HI +32 25 146 HI +32 25 147 SI +32 25 148 MI +32 25 149 HI +32 25 150 SI +32 25 151 HI +32 25 152 MI +32 25 153 SI +32 25 154 MT +32 25 155 SI +32 25 156 SX +32 25 157 MT +32 25 158 NI +32 25 159 HI +32 25 160 MI +32 25 161 HI +32 25 162 MI +32 25 163 SI +32 25 164 SI +32 25 165 SI +32 25 166 MT +32 25 167 HI +32 25 168 SI +32 25 169 SX +32 25 170 SX +32 25 171 HI +32 25 172 NI +32 25 173 HI +32 25 174 MI +32 25 175 SX +32 25 176 MI +32 25 177 HI +32 25 178 SI +32 25 179 MT +32 25 180 HI +32 25 181 MT +32 25 182 MI +32 25 183 HI +32 25 184 MI +32 25 185 SX +32 25 186 HI +32 25 187 DS +32 25 188 SX +32 25 189 HI +32 25 190 MI +32 25 191 SX +32 25 192 MI +32 25 193 HI +32 25 194 SX +32 25 195 SI +32 25 196 HI +32 25 197 MI +32 25 198 MT +32 25 199 HI +32 25 200 SX +32 25 201 MI +32 25 202 SX +32 25 203 MI +32 25 204 MT +32 25 205 SX +32 25 206 HI +32 25 207 MI +32 25 208 MT +32 25 209 SI +32 25 210 MT +32 25 211 SX +32 25 212 MI +32 25 213 HI +32 25 214 HI +32 25 215 MI +32 25 216 MT +32 25 217 MI +32 25 218 MT +32 25 219 NI +32 25 220 SX +32 25 221 HI +32 25 222 SI +32 25 223 SX +32 25 224 NI +32 25 225 MT +32 25 226 SI +32 25 227 MT +32 25 228 SI +32 25 229 HI +32 25 230 NI +32 25 231 MI +32 25 232 MT +32 25 233 SX +32 25 234 SI +32 25 235 SI +32 25 236 HI +32 25 237 MI +32 25 238 SI +32 25 239 MI +32 25 240 SX +32 25 241 HI +32 25 242 SX +32 25 243 MI +32 25 244 * +32 25 245 MI +32 25 246 SX +32 25 247 SI +32 25 248 SX +32 25 249 SI +32 25 250 SX +32 25 251 HI +32 25 252 NI +32 25 253 SX +32 25 254 HI +32 25 255 SX +32 25 256 MI +32 25 257 SI +32 25 258 MT +32 25 259 MI +32 25 260 HI +32 25 261 MH +32 25 262 HI +32 25 263 SI +32 25 264 SX +32 25 265 SI +32 25 266 SX +32 25 267 MI +32 25 268 HI +32 25 269 MI +32 25 270 HI +32 25 271 SI +32 25 272 NI +32 25 273 MI +32 25 274 * +32 25 275 HI +32 25 276 MI +32 25 277 SI +32 25 278 MI +32 25 279 SI +32 25 280 SX +32 25 281 HI +32 25 282 SX +32 25 283 MT +32 25 284 NI +32 25 285 MI +32 25 286 NI +32 25 287 SX +32 25 288 MI +32 25 289 SI +32 25 290 NI +32 25 291 SX +32 25 292 MI +32 25 293 NI +32 25 294 NI +32 25 295 SX +32 25 296 MI +32 25 297 HI +32 25 298 MI +32 25 299 SX +32 25 300 HI +32 25 301 SX +32 25 302 HI +32 25 303 NI +32 25 304 SX +32 25 305 SX +32 25 306 HI +32 25 307 SI +32 25 308 MI +32 25 309 HI +32 25 310 SI +32 25 311 SX +32 25 312 MT +32 25 313 SI +32 25 314 NI +32 25 315 HI +32 25 316 SI +32 25 317 MI +32 25 318 DS +32 25 319 * +32 25 320 MT +32 25 321 MI +32 25 322 SX +32 25 323 SI +32 25 324 HI +32 25 325 MI +32 25 326 HI +32 25 327 NI +32 25 328 SX +32 25 329 MT +32 25 330 NI +33 1 1 C +33 1 2 C +33 1 3 M +33 1 4 G +33 1 5 C +33 1 6 MN +33 1 7 C +33 1 8 G +33 1 9 G +33 1 10 H +33 1 11 H +33 1 12 MN +33 1 13 G +33 1 14 G +33 1 15 R +33 1 16 O +33 1 17 M +33 1 18 H +33 1 19 C +33 1 20 C +33 1 21 M +33 1 22 MN +33 1 23 R +33 1 24 G +33 1 25 C +33 1 26 H +33 1 27 MN +33 1 28 M +33 1 29 C +33 1 30 G +33 1 31 C +33 1 32 R +33 1 33 C +33 1 34 C +33 1 35 R +33 1 36 C +33 1 37 C +33 1 38 M +33 1 39 C +33 1 40 C +33 1 41 M +33 1 42 MN +33 1 43 H +33 1 44 O +33 1 45 C +33 1 46 G +33 1 47 H +33 1 48 MN +33 1 49 C +33 1 50 G +33 1 51 G +33 1 52 O +33 1 53 M +33 1 54 C +33 1 55 C +33 1 56 R +33 1 57 H +33 1 58 G +33 1 59 R +33 1 60 H +33 1 61 M +33 1 62 R +33 1 63 M +33 1 64 H +33 1 65 M +33 1 66 O +33 1 67 C +33 1 68 M +33 1 69 G +33 1 70 O +33 1 71 G +33 1 72 C +33 1 73 G +33 1 74 C +33 1 75 H +33 1 76 M +33 1 77 C +33 1 78 R +33 1 79 G +33 1 80 C +33 1 81 C +33 1 82 C +33 1 83 MN +33 1 84 M +33 1 85 C +33 1 86 R +33 1 87 H +33 1 88 M +33 1 89 H +33 1 90 H +33 1 91 C +33 1 92 O +33 1 93 C +33 1 94 G +33 1 95 O +33 1 96 MN +33 1 97 H +33 1 98 M +33 1 99 R +33 1 100 C +33 1 101 M +33 1 102 G +33 1 103 G +33 1 104 C +33 1 105 M +33 1 106 MN +33 1 107 O +33 1 108 C +33 1 109 H +33 1 110 MN +33 1 111 G +33 1 112 M +33 1 113 H +33 1 114 C +33 1 115 M +33 1 116 C +33 1 117 G +33 1 118 M +33 1 119 C +33 1 120 O +33 1 121 M +33 1 122 C +33 1 123 C +33 1 124 C +33 1 125 M +33 1 126 R +33 1 127 H +33 1 128 MN +33 1 129 O +33 1 130 G +33 1 131 M +33 1 132 M +33 1 133 C +33 1 134 G +33 1 135 O +33 1 136 M +33 1 137 C +33 1 138 C +33 1 139 O +33 1 140 H +33 1 141 O +33 1 142 R +33 1 143 C +33 1 144 H +33 1 145 C +33 1 146 MN +33 1 147 C +33 1 148 M +33 1 149 C +33 1 150 H +33 1 151 R +33 1 152 R +33 1 153 C +33 1 154 G +33 1 155 G +33 1 156 C +33 1 157 G +33 1 158 O +33 1 159 MN +33 1 160 R +33 1 161 C +33 1 162 M +33 1 163 C +33 1 164 C +33 1 165 G +33 1 166 H +33 1 167 R +33 1 168 C +33 1 169 C +33 1 170 G +33 1 171 G +33 1 172 O +33 1 173 M +33 1 174 MN +33 1 175 C +33 1 176 M +33 1 177 MN +33 1 178 C +33 1 179 G +33 1 180 C +33 1 181 G +33 1 182 G +33 1 183 G +33 1 184 R +33 1 185 G +33 1 186 C +33 1 187 MN +33 1 188 C +33 1 189 O +33 1 190 R +33 1 191 C +33 1 192 R +33 1 193 MN +33 1 194 G +33 1 195 C +33 1 196 C +33 1 197 G +33 1 198 H +33 1 199 O +33 1 200 C +33 1 201 R +33 1 202 C +33 1 203 M +33 1 204 G +33 1 205 R +33 1 206 O +33 1 207 M +33 1 208 G +33 1 209 C +33 1 210 G +33 1 211 C +33 1 212 M +33 1 213 O +33 1 214 C +33 1 215 R +33 1 216 G +33 1 217 R +33 1 218 C +33 1 219 C +33 1 220 H +33 1 221 C +33 1 222 H +33 1 223 C +33 1 224 O +33 1 225 MN +33 1 226 H +33 1 227 H +33 1 228 H +33 1 229 C +33 1 230 O +33 1 231 M +33 1 232 G +33 1 233 O +33 1 234 C +33 1 235 C +33 1 236 C +33 1 237 R +33 1 238 C +33 1 239 R +33 1 240 M +33 1 241 O +33 1 242 MN +33 1 243 M +33 1 244 O +33 1 245 M +33 1 246 C +33 1 247 R +33 1 248 H +33 1 249 C +33 1 250 G +33 1 251 C +33 1 252 O +33 1 253 C +33 1 254 C +33 1 255 H +33 1 256 M +33 1 257 C +33 1 258 MN +33 1 259 M +33 1 260 M +33 1 261 M +33 1 262 O +33 1 263 G +33 1 264 C +33 1 265 C +33 1 266 M +33 1 267 G +33 1 268 C +33 1 269 R +33 1 270 MN +33 1 271 H +33 1 272 O +33 1 273 R +33 1 274 O +33 1 275 G +33 1 276 M +33 1 277 H +33 1 278 R +33 1 279 H +33 1 280 C +33 1 281 C +33 1 282 C +33 1 283 G +33 1 284 O +33 1 285 R +33 1 286 O +33 1 287 G +33 1 288 M +33 1 289 C +33 1 290 O +33 1 291 C +33 1 292 R +33 1 293 O +33 1 294 O +33 1 295 G +33 1 296 H +33 1 297 MN +33 1 298 M +33 1 299 C +33 1 300 O +33 1 301 C +33 1 302 O +33 1 303 C +33 1 304 C +33 1 305 G +33 1 306 C +33 1 307 C +33 1 308 R +33 1 309 G +33 1 310 C +33 1 311 C +33 1 312 H +33 1 313 H +33 1 314 O +33 1 315 C +33 1 316 C +33 1 317 M +33 1 318 R +33 1 319 O +33 1 320 G +33 1 321 M +33 1 322 C +33 1 323 C +33 1 324 O +33 1 325 G +33 1 326 MN +33 1 327 O +33 1 328 C +33 1 329 G +33 1 330 O +33 2 1 C +33 2 2 C +33 2 3 M +33 2 4 G +33 2 5 C +33 2 6 MN +33 2 7 C +33 2 8 M +33 2 9 G +33 2 10 H +33 2 11 H +33 2 12 MN +33 2 13 H +33 2 14 H +33 2 15 R +33 2 16 O +33 2 17 M +33 2 18 G +33 2 19 C +33 2 20 C +33 2 21 M +33 2 22 MN +33 2 23 R +33 2 24 G +33 2 25 C +33 2 26 C +33 2 27 O +33 2 28 M +33 2 29 C +33 2 30 G +33 2 31 C +33 2 32 R +33 2 33 C +33 2 34 C +33 2 35 R +33 2 36 C +33 2 37 C +33 2 38 M +33 2 39 C +33 2 40 C +33 2 41 M +33 2 42 MN +33 2 43 H +33 2 44 O +33 2 45 C +33 2 46 G +33 2 47 H +33 2 48 MN +33 2 49 C +33 2 50 G +33 2 51 G +33 2 52 O +33 2 53 M +33 2 54 C +33 2 55 C +33 2 56 R +33 2 57 H +33 2 58 MN +33 2 59 R +33 2 60 H +33 2 61 M +33 2 62 R +33 2 63 R +33 2 64 C +33 2 65 M +33 2 66 R +33 2 67 C +33 2 68 R +33 2 69 G +33 2 70 O +33 2 71 G +33 2 72 C +33 2 73 H +33 2 74 C +33 2 75 G +33 2 76 M +33 2 77 C +33 2 78 R +33 2 79 G +33 2 80 C +33 2 81 C +33 2 82 C +33 2 83 MN +33 2 84 R +33 2 85 C +33 2 86 R +33 2 87 H +33 2 88 R +33 2 89 H +33 2 90 G +33 2 91 MN +33 2 92 O +33 2 93 C +33 2 94 G +33 2 95 O +33 2 96 MN +33 2 97 H +33 2 98 M +33 2 99 MN +33 2 100 C +33 2 101 M +33 2 102 H +33 2 103 G +33 2 104 C +33 2 105 R +33 2 106 MN +33 2 107 O +33 2 108 C +33 2 109 H +33 2 110 MN +33 2 111 G +33 2 112 M +33 2 113 G +33 2 114 C +33 2 115 M +33 2 116 C +33 2 117 G +33 2 118 R +33 2 119 C +33 2 120 O +33 2 121 M +33 2 122 C +33 2 123 G +33 2 124 C +33 2 125 M +33 2 126 R +33 2 127 H +33 2 128 MN +33 2 129 O +33 2 130 G +33 2 131 R +33 2 132 M +33 2 133 C +33 2 134 G +33 2 135 R +33 2 136 C +33 2 137 C +33 2 138 C +33 2 139 O +33 2 140 H +33 2 141 O +33 2 142 O +33 2 143 C +33 2 144 H +33 2 145 C +33 2 146 MN +33 2 147 C +33 2 148 M +33 2 149 C +33 2 150 H +33 2 151 R +33 2 152 C +33 2 153 G +33 2 154 G +33 2 155 C +33 2 156 G +33 2 157 O +33 2 158 MN +33 2 159 R +33 2 160 C +33 2 161 C +33 2 162 M +33 2 163 C +33 2 164 C +33 2 165 G +33 2 166 H +33 2 167 R +33 2 168 C +33 2 169 C +33 2 170 H +33 2 171 C +33 2 172 O +33 2 173 M +33 2 174 MN +33 2 175 C +33 2 176 M +33 2 177 MN +33 2 178 H +33 2 179 G +33 2 180 C +33 2 181 MN +33 2 182 G +33 2 183 G +33 2 184 R +33 2 185 G +33 2 186 C +33 2 187 MN +33 2 188 C +33 2 189 C +33 2 190 R +33 2 191 C +33 2 192 R +33 2 193 MN +33 2 194 G +33 2 195 C +33 2 196 C +33 2 197 R +33 2 198 G +33 2 199 C +33 2 200 C +33 2 201 R +33 2 202 C +33 2 203 R +33 2 204 G +33 2 205 H +33 2 206 MN +33 2 207 M +33 2 208 MN +33 2 209 C +33 2 210 G +33 2 211 C +33 2 212 MN +33 2 213 G +33 2 214 C +33 2 215 R +33 2 216 G +33 2 217 R +33 2 218 G +33 2 219 C +33 2 220 H +33 2 221 O +33 2 222 R +33 2 223 C +33 2 224 O +33 2 225 G +33 2 226 C +33 2 227 G +33 2 228 H +33 2 229 C +33 2 230 O +33 2 231 R +33 2 232 G +33 2 233 R +33 2 234 C +33 2 235 C +33 2 236 MN +33 2 237 MN +33 2 238 C +33 2 239 R +33 2 240 G +33 2 241 O +33 2 242 MN +33 2 243 M +33 2 244 O +33 2 245 M +33 2 246 C +33 2 247 H +33 2 248 C +33 2 249 C +33 2 250 H +33 2 251 C +33 2 252 O +33 2 253 C +33 2 254 O +33 2 255 G +33 2 256 M +33 2 257 H +33 2 258 MN +33 2 259 M +33 2 260 MN +33 2 261 MN +33 2 262 O +33 2 263 G +33 2 264 C +33 2 265 C +33 2 266 M +33 2 267 G +33 2 268 C +33 2 269 R +33 2 270 MN +33 2 271 C +33 2 272 O +33 2 273 R +33 2 274 O +33 2 275 MN +33 2 276 M +33 2 277 H +33 2 278 R +33 2 279 H +33 2 280 C +33 2 281 C +33 2 282 C +33 2 283 G +33 2 284 O +33 2 285 R +33 2 286 O +33 2 287 MN +33 2 288 M +33 2 289 C +33 2 290 O +33 2 291 C +33 2 292 R +33 2 293 C +33 2 294 O +33 2 295 G +33 2 296 H +33 2 297 MN +33 2 298 M +33 2 299 C +33 2 300 G +33 2 301 C +33 2 302 O +33 2 303 O +33 2 304 C +33 2 305 H +33 2 306 C +33 2 307 C +33 2 308 R +33 2 309 G +33 2 310 C +33 2 311 C +33 2 312 G +33 2 313 H +33 2 314 R +33 2 315 C +33 2 316 C +33 2 317 M +33 2 318 MN +33 2 319 O +33 2 320 G +33 2 321 M +33 2 322 C +33 2 323 C +33 2 324 O +33 2 325 M +33 2 326 MN +33 2 327 O +33 2 328 C +33 2 329 O +33 2 330 G +33 3 1 C +33 3 2 C +33 3 3 M +33 3 4 G +33 3 5 C +33 3 6 MN +33 3 7 C +33 3 8 G +33 3 9 G +33 3 10 H +33 3 11 H +33 3 12 MN +33 3 13 G +33 3 14 G +33 3 15 R +33 3 16 O +33 3 17 M +33 3 18 H +33 3 19 C +33 3 20 C +33 3 21 M +33 3 22 MN +33 3 23 R +33 3 24 G +33 3 25 C +33 3 26 H +33 3 27 MN +33 3 28 M +33 3 29 C +33 3 30 G +33 3 31 C +33 3 32 R +33 3 33 C +33 3 34 C +33 3 35 R +33 3 36 C +33 3 37 C +33 3 38 M +33 3 39 C +33 3 40 C +33 3 41 M +33 3 42 MN +33 3 43 H +33 3 44 O +33 3 45 C +33 3 46 G +33 3 47 H +33 3 48 MN +33 3 49 C +33 3 50 G +33 3 51 G +33 3 52 O +33 3 53 M +33 3 54 C +33 3 55 C +33 3 56 R +33 3 57 H +33 3 58 G +33 3 59 R +33 3 60 H +33 3 61 M +33 3 62 R +33 3 63 MN +33 3 64 H +33 3 65 M +33 3 66 O +33 3 67 C +33 3 68 M +33 3 69 G +33 3 70 O +33 3 71 G +33 3 72 C +33 3 73 G +33 3 74 C +33 3 75 H +33 3 76 M +33 3 77 C +33 3 78 R +33 3 79 C +33 3 80 C +33 3 81 C +33 3 82 C +33 3 83 MN +33 3 84 M +33 3 85 C +33 3 86 R +33 3 87 H +33 3 88 M +33 3 89 H +33 3 90 H +33 3 91 C +33 3 92 O +33 3 93 C +33 3 94 G +33 3 95 O +33 3 96 MN +33 3 97 H +33 3 98 M +33 3 99 R +33 3 100 C +33 3 101 M +33 3 102 G +33 3 103 G +33 3 104 C +33 3 105 M +33 3 106 MN +33 3 107 O +33 3 108 C +33 3 109 H +33 3 110 MN +33 3 111 G +33 3 112 M +33 3 113 H +33 3 114 C +33 3 115 M +33 3 116 C +33 3 117 G +33 3 118 M +33 3 119 C +33 3 120 O +33 3 121 M +33 3 122 C +33 3 123 C +33 3 124 C +33 3 125 M +33 3 126 R +33 3 127 H +33 3 128 MN +33 3 129 O +33 3 130 G +33 3 131 M +33 3 132 M +33 3 133 C +33 3 134 G +33 3 135 O +33 3 136 M +33 3 137 C +33 3 138 C +33 3 139 O +33 3 140 H +33 3 141 O +33 3 142 O +33 3 143 C +33 3 144 H +33 3 145 C +33 3 146 MN +33 3 147 C +33 3 148 M +33 3 149 C +33 3 150 H +33 3 151 R +33 3 152 R +33 3 153 C +33 3 154 G +33 3 155 G +33 3 156 C +33 3 157 G +33 3 158 O +33 3 159 MN +33 3 160 R +33 3 161 C +33 3 162 M +33 3 163 C +33 3 164 C +33 3 165 G +33 3 166 H +33 3 167 R +33 3 168 C +33 3 169 C +33 3 170 C +33 3 171 C +33 3 172 O +33 3 173 M +33 3 174 MN +33 3 175 C +33 3 176 M +33 3 177 MN +33 3 178 C +33 3 179 G +33 3 180 C +33 3 181 G +33 3 182 G +33 3 183 G +33 3 184 R +33 3 185 G +33 3 186 C +33 3 187 MN +33 3 188 C +33 3 189 O +33 3 190 R +33 3 191 C +33 3 192 R +33 3 193 MN +33 3 194 G +33 3 195 C +33 3 196 C +33 3 197 G +33 3 198 H +33 3 199 O +33 3 200 C +33 3 201 R +33 3 202 C +33 3 203 M +33 3 204 G +33 3 205 R +33 3 206 O +33 3 207 M +33 3 208 G +33 3 209 C +33 3 210 G +33 3 211 C +33 3 212 M +33 3 213 O +33 3 214 C +33 3 215 R +33 3 216 G +33 3 217 R +33 3 218 C +33 3 219 C +33 3 220 H +33 3 221 C +33 3 222 H +33 3 223 C +33 3 224 O +33 3 225 MN +33 3 226 H +33 3 227 H +33 3 228 H +33 3 229 C +33 3 230 O +33 3 231 M +33 3 232 G +33 3 233 O +33 3 234 C +33 3 235 C +33 3 236 C +33 3 237 R +33 3 238 C +33 3 239 R +33 3 240 M +33 3 241 O +33 3 242 MN +33 3 243 M +33 3 244 O +33 3 245 M +33 3 246 C +33 3 247 R +33 3 248 H +33 3 249 C +33 3 250 G +33 3 251 C +33 3 252 O +33 3 253 C +33 3 254 C +33 3 255 H +33 3 256 M +33 3 257 C +33 3 258 MN +33 3 259 M +33 3 260 M +33 3 261 O +33 3 262 G +33 3 263 H +33 3 264 C +33 3 265 C +33 3 266 M +33 3 267 G +33 3 268 C +33 3 269 R +33 3 270 MN +33 3 271 H +33 3 272 O +33 3 273 R +33 3 274 O +33 3 275 G +33 3 276 M +33 3 277 H +33 3 278 R +33 3 279 H +33 3 280 C +33 3 281 C +33 3 282 C +33 3 283 G +33 3 284 O +33 3 285 R +33 3 286 O +33 3 287 G +33 3 288 M +33 3 289 C +33 3 290 O +33 3 291 C +33 3 292 R +33 3 293 O +33 3 294 O +33 3 295 G +33 3 296 H +33 3 297 MN +33 3 298 M +33 3 299 C +33 3 300 O +33 3 301 C +33 3 302 O +33 3 303 C +33 3 304 C +33 3 305 G +33 3 306 C +33 3 307 C +33 3 308 R +33 3 309 G +33 3 310 C +33 3 311 C +33 3 312 H +33 3 313 H +33 3 314 O +33 3 315 C +33 3 316 C +33 3 317 M +33 3 318 R +33 3 319 O +33 3 320 G +33 3 321 M +33 3 322 C +33 3 323 C +33 3 324 O +33 3 325 G +33 3 326 MN +33 3 327 O +33 3 328 C +33 3 329 G +33 3 330 O +33 4 1 C +33 4 2 C +33 4 3 M +33 4 4 G +33 4 5 C +33 4 6 MN +33 4 7 C +33 4 8 G +33 4 9 G +33 4 10 H +33 4 11 H +33 4 12 MN +33 4 13 G +33 4 14 G +33 4 15 R +33 4 16 O +33 4 17 M +33 4 18 H +33 4 19 C +33 4 20 C +33 4 21 M +33 4 22 MN +33 4 23 R +33 4 24 G +33 4 25 C +33 4 26 H +33 4 27 MN +33 4 28 M +33 4 29 C +33 4 30 G +33 4 31 C +33 4 32 R +33 4 33 C +33 4 34 C +33 4 35 R +33 4 36 C +33 4 37 C +33 4 38 M +33 4 39 C +33 4 40 C +33 4 41 M +33 4 42 MN +33 4 43 H +33 4 44 O +33 4 45 C +33 4 46 G +33 4 47 H +33 4 48 MN +33 4 49 C +33 4 50 G +33 4 51 G +33 4 52 O +33 4 53 M +33 4 54 C +33 4 55 C +33 4 56 R +33 4 57 H +33 4 58 G +33 4 59 R +33 4 60 H +33 4 61 M +33 4 62 R +33 4 63 MN +33 4 64 H +33 4 65 M +33 4 66 O +33 4 67 C +33 4 68 M +33 4 69 G +33 4 70 O +33 4 71 G +33 4 72 C +33 4 73 G +33 4 74 C +33 4 75 H +33 4 76 M +33 4 77 C +33 4 78 R +33 4 79 G +33 4 80 C +33 4 81 C +33 4 82 C +33 4 83 MN +33 4 84 M +33 4 85 C +33 4 86 R +33 4 87 H +33 4 88 M +33 4 89 H +33 4 90 H +33 4 91 C +33 4 92 O +33 4 93 C +33 4 94 G +33 4 95 O +33 4 96 MN +33 4 97 H +33 4 98 M +33 4 99 R +33 4 100 C +33 4 101 M +33 4 102 G +33 4 103 G +33 4 104 C +33 4 105 M +33 4 106 MN +33 4 107 O +33 4 108 C +33 4 109 H +33 4 110 MN +33 4 111 G +33 4 112 M +33 4 113 H +33 4 114 C +33 4 115 M +33 4 116 C +33 4 117 G +33 4 118 M +33 4 119 C +33 4 120 O +33 4 121 M +33 4 122 C +33 4 123 C +33 4 124 C +33 4 125 M +33 4 126 R +33 4 127 H +33 4 128 MN +33 4 129 O +33 4 130 G +33 4 131 M +33 4 132 M +33 4 133 C +33 4 134 G +33 4 135 O +33 4 136 M +33 4 137 C +33 4 138 C +33 4 139 O +33 4 140 H +33 4 141 O +33 4 142 O +33 4 143 C +33 4 144 H +33 4 145 C +33 4 146 MN +33 4 147 C +33 4 148 M +33 4 149 C +33 4 150 H +33 4 151 R +33 4 152 R +33 4 153 C +33 4 154 G +33 4 155 G +33 4 156 C +33 4 157 G +33 4 158 O +33 4 159 MN +33 4 160 R +33 4 161 C +33 4 162 M +33 4 163 C +33 4 164 C +33 4 165 G +33 4 166 H +33 4 167 R +33 4 168 C +33 4 169 C +33 4 170 G +33 4 171 G +33 4 172 O +33 4 173 M +33 4 174 MN +33 4 175 C +33 4 176 M +33 4 177 MN +33 4 178 C +33 4 179 G +33 4 180 C +33 4 181 G +33 4 182 G +33 4 183 G +33 4 184 R +33 4 185 G +33 4 186 C +33 4 187 MN +33 4 188 C +33 4 189 O +33 4 190 R +33 4 191 C +33 4 192 R +33 4 193 MN +33 4 194 G +33 4 195 C +33 4 196 C +33 4 197 G +33 4 198 H +33 4 199 O +33 4 200 C +33 4 201 R +33 4 202 C +33 4 203 M +33 4 204 G +33 4 205 R +33 4 206 O +33 4 207 M +33 4 208 G +33 4 209 C +33 4 210 G +33 4 211 C +33 4 212 M +33 4 213 O +33 4 214 C +33 4 215 R +33 4 216 G +33 4 217 R +33 4 218 C +33 4 219 C +33 4 220 H +33 4 221 C +33 4 222 H +33 4 223 C +33 4 224 O +33 4 225 MN +33 4 226 H +33 4 227 H +33 4 228 H +33 4 229 C +33 4 230 O +33 4 231 M +33 4 232 G +33 4 233 O +33 4 234 C +33 4 235 C +33 4 236 C +33 4 237 R +33 4 238 C +33 4 239 R +33 4 240 M +33 4 241 O +33 4 242 MN +33 4 243 M +33 4 244 O +33 4 245 M +33 4 246 R +33 4 247 H +33 4 248 C +33 4 249 G +33 4 250 C +33 4 251 C +33 4 252 O +33 4 253 C +33 4 254 C +33 4 255 H +33 4 256 M +33 4 257 C +33 4 258 MN +33 4 259 M +33 4 260 M +33 4 261 M +33 4 262 O +33 4 263 G +33 4 264 C +33 4 265 C +33 4 266 M +33 4 267 G +33 4 268 C +33 4 269 R +33 4 270 MN +33 4 271 H +33 4 272 O +33 4 273 R +33 4 274 O +33 4 275 G +33 4 276 M +33 4 277 H +33 4 278 R +33 4 279 H +33 4 280 C +33 4 281 C +33 4 282 C +33 4 283 G +33 4 284 O +33 4 285 R +33 4 286 O +33 4 287 G +33 4 288 M +33 4 289 C +33 4 290 O +33 4 291 C +33 4 292 R +33 4 293 O +33 4 294 O +33 4 295 G +33 4 296 H +33 4 297 MN +33 4 298 M +33 4 299 C +33 4 300 O +33 4 301 C +33 4 302 O +33 4 303 C +33 4 304 C +33 4 305 G +33 4 306 C +33 4 307 C +33 4 308 R +33 4 309 G +33 4 310 C +33 4 311 C +33 4 312 H +33 4 313 H +33 4 314 O +33 4 315 C +33 4 316 C +33 4 317 M +33 4 318 R +33 4 319 O +33 4 320 G +33 4 321 M +33 4 322 C +33 4 323 C +33 4 324 O +33 4 325 G +33 4 326 MN +33 4 327 O +33 4 328 C +33 4 329 G +33 4 330 O +33 5 1 C +33 5 2 C +33 5 3 M +33 5 4 G +33 5 5 C +33 5 6 MN +33 5 7 C +33 5 8 G +33 5 9 G +33 5 10 H +33 5 11 H +33 5 12 MN +33 5 13 G +33 5 14 G +33 5 15 R +33 5 16 O +33 5 17 M +33 5 18 H +33 5 19 C +33 5 20 C +33 5 21 M +33 5 22 MN +33 5 23 R +33 5 24 G +33 5 25 C +33 5 26 H +33 5 27 MN +33 5 28 M +33 5 29 MN +33 5 30 G +33 5 31 C +33 5 32 R +33 5 33 C +33 5 34 C +33 5 35 R +33 5 36 C +33 5 37 C +33 5 38 M +33 5 39 C +33 5 40 C +33 5 41 M +33 5 42 MN +33 5 43 H +33 5 44 O +33 5 45 C +33 5 46 G +33 5 47 H +33 5 48 MN +33 5 49 C +33 5 50 G +33 5 51 G +33 5 52 O +33 5 53 M +33 5 54 C +33 5 55 C +33 5 56 R +33 5 57 H +33 5 58 R +33 5 59 R +33 5 60 H +33 5 61 M +33 5 62 R +33 5 63 M +33 5 64 H +33 5 65 M +33 5 66 O +33 5 67 C +33 5 68 M +33 5 69 G +33 5 70 O +33 5 71 G +33 5 72 C +33 5 73 G +33 5 74 C +33 5 75 H +33 5 76 M +33 5 77 C +33 5 78 R +33 5 79 G +33 5 80 C +33 5 81 MN +33 5 82 C +33 5 83 O +33 5 84 M +33 5 85 C +33 5 86 R +33 5 87 H +33 5 88 M +33 5 89 H +33 5 90 H +33 5 91 C +33 5 92 O +33 5 93 C +33 5 94 G +33 5 95 O +33 5 96 MN +33 5 97 H +33 5 98 M +33 5 99 R +33 5 100 C +33 5 101 M +33 5 102 G +33 5 103 H +33 5 104 C +33 5 105 M +33 5 106 MN +33 5 107 O +33 5 108 C +33 5 109 H +33 5 110 MN +33 5 111 G +33 5 112 M +33 5 113 G +33 5 114 C +33 5 115 M +33 5 116 C +33 5 117 G +33 5 118 M +33 5 119 C +33 5 120 MN +33 5 121 M +33 5 122 C +33 5 123 C +33 5 124 C +33 5 125 M +33 5 126 R +33 5 127 H +33 5 128 MN +33 5 129 O +33 5 130 H +33 5 131 M +33 5 132 M +33 5 133 C +33 5 134 G +33 5 135 R +33 5 136 M +33 5 137 C +33 5 138 C +33 5 139 O +33 5 140 H +33 5 141 MN +33 5 142 R +33 5 143 C +33 5 144 H +33 5 145 C +33 5 146 MN +33 5 147 C +33 5 148 M +33 5 149 C +33 5 150 H +33 5 151 R +33 5 152 MN +33 5 153 C +33 5 154 G +33 5 155 H +33 5 156 C +33 5 157 G +33 5 158 O +33 5 159 MN +33 5 160 R +33 5 161 C +33 5 162 M +33 5 163 C +33 5 164 C +33 5 165 G +33 5 166 H +33 5 167 R +33 5 168 C +33 5 169 C +33 5 170 G +33 5 171 G +33 5 172 O +33 5 173 M +33 5 174 MN +33 5 175 C +33 5 176 MN +33 5 177 R +33 5 178 C +33 5 179 G +33 5 180 C +33 5 181 G +33 5 182 H +33 5 183 G +33 5 184 R +33 5 185 H +33 5 186 C +33 5 187 O +33 5 188 C +33 5 189 O +33 5 190 R +33 5 191 MN +33 5 192 R +33 5 193 MN +33 5 194 G +33 5 195 C +33 5 196 C +33 5 197 G +33 5 198 H +33 5 199 O +33 5 200 C +33 5 201 R +33 5 202 C +33 5 203 M +33 5 204 G +33 5 205 MN +33 5 206 O +33 5 207 M +33 5 208 H +33 5 209 C +33 5 210 G +33 5 211 C +33 5 212 M +33 5 213 O +33 5 214 C +33 5 215 R +33 5 216 G +33 5 217 R +33 5 218 C +33 5 219 C +33 5 220 G +33 5 221 C +33 5 222 H +33 5 223 C +33 5 224 O +33 5 225 R +33 5 226 H +33 5 227 G +33 5 228 H +33 5 229 C +33 5 230 O +33 5 231 M +33 5 232 G +33 5 233 O +33 5 234 C +33 5 235 C +33 5 236 MN +33 5 237 R +33 5 238 C +33 5 239 R +33 5 240 M +33 5 241 O +33 5 242 MN +33 5 243 M +33 5 244 O +33 5 245 M +33 5 246 C +33 5 247 R +33 5 248 H +33 5 249 C +33 5 250 G +33 5 251 H +33 5 252 O +33 5 253 C +33 5 254 G +33 5 255 H +33 5 256 M +33 5 257 C +33 5 258 MN +33 5 259 R +33 5 260 M +33 5 261 MN +33 5 262 O +33 5 263 G +33 5 264 C +33 5 265 C +33 5 266 M +33 5 267 G +33 5 268 C +33 5 269 R +33 5 270 O +33 5 271 H +33 5 272 R +33 5 273 R +33 5 274 O +33 5 275 G +33 5 276 M +33 5 277 H +33 5 278 R +33 5 279 H +33 5 280 C +33 5 281 MN +33 5 282 C +33 5 283 G +33 5 284 O +33 5 285 R +33 5 286 O +33 5 287 G +33 5 288 M +33 5 289 C +33 5 290 O +33 5 291 C +33 5 292 R +33 5 293 O +33 5 294 O +33 5 295 G +33 5 296 H +33 5 297 MN +33 5 298 M +33 5 299 C +33 5 300 O +33 5 301 C +33 5 302 C +33 5 303 O +33 5 304 C +33 5 305 H +33 5 306 C +33 5 307 G +33 5 308 R +33 5 309 H +33 5 310 C +33 5 311 H +33 5 312 H +33 5 313 G +33 5 314 MN +33 5 315 C +33 5 316 C +33 5 317 M +33 5 318 R +33 5 319 O +33 5 320 G +33 5 321 M +33 5 322 C +33 5 323 C +33 5 324 O +33 5 325 G +33 5 326 MN +33 5 327 O +33 5 328 C +33 5 329 G +33 5 330 O +33 6 1 C +33 6 2 C +33 6 3 M +33 6 4 G +33 6 5 C +33 6 6 MN +33 6 7 C +33 6 8 G +33 6 9 G +33 6 10 H +33 6 11 H +33 6 12 MN +33 6 13 G +33 6 14 G +33 6 15 R +33 6 16 O +33 6 17 M +33 6 18 H +33 6 19 C +33 6 20 C +33 6 21 M +33 6 22 MN +33 6 23 R +33 6 24 G +33 6 25 C +33 6 26 H +33 6 27 MN +33 6 28 M +33 6 29 C +33 6 30 G +33 6 31 C +33 6 32 R +33 6 33 C +33 6 34 C +33 6 35 R +33 6 36 C +33 6 37 C +33 6 38 M +33 6 39 C +33 6 40 C +33 6 41 M +33 6 42 MN +33 6 43 H +33 6 44 O +33 6 45 C +33 6 46 G +33 6 47 H +33 6 48 MN +33 6 49 C +33 6 50 G +33 6 51 G +33 6 52 O +33 6 53 M +33 6 54 C +33 6 55 C +33 6 56 R +33 6 57 H +33 6 58 R +33 6 59 R +33 6 60 H +33 6 61 M +33 6 62 R +33 6 63 M +33 6 64 H +33 6 65 M +33 6 66 O +33 6 67 C +33 6 68 M +33 6 69 G +33 6 70 O +33 6 71 G +33 6 72 C +33 6 73 G +33 6 74 C +33 6 75 H +33 6 76 M +33 6 77 C +33 6 78 R +33 6 79 G +33 6 80 C +33 6 81 MN +33 6 82 C +33 6 83 MN +33 6 84 M +33 6 85 C +33 6 86 R +33 6 87 H +33 6 88 M +33 6 89 H +33 6 90 H +33 6 91 C +33 6 92 O +33 6 93 C +33 6 94 G +33 6 95 O +33 6 96 MN +33 6 97 H +33 6 98 M +33 6 99 R +33 6 100 C +33 6 101 M +33 6 102 G +33 6 103 G +33 6 104 C +33 6 105 M +33 6 106 MN +33 6 107 O +33 6 108 C +33 6 109 H +33 6 110 MN +33 6 111 G +33 6 112 M +33 6 113 G +33 6 114 C +33 6 115 M +33 6 116 C +33 6 117 G +33 6 118 M +33 6 119 C +33 6 120 O +33 6 121 M +33 6 122 C +33 6 123 C +33 6 124 C +33 6 125 M +33 6 126 R +33 6 127 H +33 6 128 MN +33 6 129 O +33 6 130 G +33 6 131 M +33 6 132 M +33 6 133 C +33 6 134 G +33 6 135 O +33 6 136 M +33 6 137 C +33 6 138 C +33 6 139 O +33 6 140 H +33 6 141 O +33 6 142 R +33 6 143 C +33 6 144 H +33 6 145 C +33 6 146 MN +33 6 147 C +33 6 148 M +33 6 149 C +33 6 150 H +33 6 151 R +33 6 152 R +33 6 153 C +33 6 154 G +33 6 155 G +33 6 156 C +33 6 157 G +33 6 158 O +33 6 159 MN +33 6 160 R +33 6 161 C +33 6 162 M +33 6 163 C +33 6 164 C +33 6 165 G +33 6 166 H +33 6 167 R +33 6 168 C +33 6 169 C +33 6 170 G +33 6 171 G +33 6 172 O +33 6 173 M +33 6 174 MN +33 6 175 C +33 6 176 M +33 6 177 MN +33 6 178 C +33 6 179 G +33 6 180 C +33 6 181 G +33 6 182 G +33 6 183 G +33 6 184 R +33 6 185 G +33 6 186 C +33 6 187 O +33 6 188 C +33 6 189 O +33 6 190 R +33 6 191 MN +33 6 192 R +33 6 193 MN +33 6 194 G +33 6 195 C +33 6 196 C +33 6 197 G +33 6 198 H +33 6 199 O +33 6 200 C +33 6 201 R +33 6 202 C +33 6 203 M +33 6 204 G +33 6 205 R +33 6 206 O +33 6 207 M +33 6 208 G +33 6 209 C +33 6 210 G +33 6 211 C +33 6 212 M +33 6 213 O +33 6 214 C +33 6 215 R +33 6 216 G +33 6 217 R +33 6 218 C +33 6 219 C +33 6 220 H +33 6 221 C +33 6 222 H +33 6 223 C +33 6 224 O +33 6 225 MN +33 6 226 H +33 6 227 G +33 6 228 H +33 6 229 C +33 6 230 O +33 6 231 M +33 6 232 G +33 6 233 O +33 6 234 C +33 6 235 C +33 6 236 MN +33 6 237 R +33 6 238 C +33 6 239 R +33 6 240 M +33 6 241 O +33 6 242 MN +33 6 243 M +33 6 244 O +33 6 245 M +33 6 246 C +33 6 247 R +33 6 248 H +33 6 249 C +33 6 250 G +33 6 251 C +33 6 252 O +33 6 253 C +33 6 254 H +33 6 255 H +33 6 256 M +33 6 257 C +33 6 258 MN +33 6 259 M +33 6 260 M +33 6 261 M +33 6 262 O +33 6 263 G +33 6 264 C +33 6 265 C +33 6 266 M +33 6 267 G +33 6 268 C +33 6 269 R +33 6 270 MN +33 6 271 H +33 6 272 O +33 6 273 R +33 6 274 O +33 6 275 G +33 6 276 M +33 6 277 H +33 6 278 R +33 6 279 H +33 6 280 C +33 6 281 MN +33 6 282 C +33 6 283 G +33 6 284 O +33 6 285 R +33 6 286 O +33 6 287 G +33 6 288 M +33 6 289 C +33 6 290 O +33 6 291 C +33 6 292 R +33 6 293 O +33 6 294 O +33 6 295 G +33 6 296 H +33 6 297 MN +33 6 298 M +33 6 299 C +33 6 300 O +33 6 301 C +33 6 302 O +33 6 303 C +33 6 304 C +33 6 305 H +33 6 306 C +33 6 307 H +33 6 308 R +33 6 309 G +33 6 310 C +33 6 311 C +33 6 312 H +33 6 313 H +33 6 314 O +33 6 315 C +33 6 316 C +33 6 317 M +33 6 318 R +33 6 319 O +33 6 320 G +33 6 321 M +33 6 322 C +33 6 323 C +33 6 324 O +33 6 325 G +33 6 326 MN +33 6 327 O +33 6 328 C +33 6 329 G +33 6 330 O +33 7 1 C +33 7 2 C +33 7 3 M +33 7 4 G +33 7 5 C +33 7 6 MN +33 7 7 C +33 7 8 M +33 7 9 G +33 7 10 H +33 7 11 H +33 7 12 MN +33 7 13 H +33 7 14 H +33 7 15 R +33 7 16 O +33 7 17 M +33 7 18 G +33 7 19 C +33 7 20 C +33 7 21 M +33 7 22 MN +33 7 23 R +33 7 24 G +33 7 25 C +33 7 26 C +33 7 27 O +33 7 28 M +33 7 29 C +33 7 30 G +33 7 31 C +33 7 32 R +33 7 33 C +33 7 34 C +33 7 35 R +33 7 36 C +33 7 37 C +33 7 38 M +33 7 39 C +33 7 40 C +33 7 41 M +33 7 42 MN +33 7 43 H +33 7 44 O +33 7 45 C +33 7 46 G +33 7 47 H +33 7 48 MN +33 7 49 C +33 7 50 G +33 7 51 G +33 7 52 O +33 7 53 M +33 7 54 C +33 7 55 C +33 7 56 R +33 7 57 G +33 7 58 MN +33 7 59 R +33 7 60 H +33 7 61 M +33 7 62 R +33 7 63 R +33 7 64 C +33 7 65 M +33 7 66 R +33 7 67 C +33 7 68 R +33 7 69 G +33 7 70 O +33 7 71 G +33 7 72 C +33 7 73 H +33 7 74 C +33 7 75 G +33 7 76 M +33 7 77 C +33 7 78 R +33 7 79 G +33 7 80 C +33 7 81 C +33 7 82 C +33 7 83 MN +33 7 84 R +33 7 85 C +33 7 86 R +33 7 87 H +33 7 88 R +33 7 89 H +33 7 90 R +33 7 91 H +33 7 92 O +33 7 93 C +33 7 94 G +33 7 95 O +33 7 96 MN +33 7 97 H +33 7 98 M +33 7 99 MN +33 7 100 C +33 7 101 M +33 7 102 H +33 7 103 G +33 7 104 C +33 7 105 R +33 7 106 O +33 7 107 O +33 7 108 C +33 7 109 H +33 7 110 MN +33 7 111 G +33 7 112 M +33 7 113 G +33 7 114 C +33 7 115 M +33 7 116 C +33 7 117 M +33 7 118 C +33 7 119 G +33 7 120 O +33 7 121 M +33 7 122 C +33 7 123 G +33 7 124 C +33 7 125 M +33 7 126 R +33 7 127 H +33 7 128 MN +33 7 129 O +33 7 130 G +33 7 131 R +33 7 132 M +33 7 133 C +33 7 134 G +33 7 135 R +33 7 136 C +33 7 137 C +33 7 138 C +33 7 139 O +33 7 140 H +33 7 141 MN +33 7 142 O +33 7 143 C +33 7 144 H +33 7 145 C +33 7 146 MN +33 7 147 C +33 7 148 M +33 7 149 C +33 7 150 H +33 7 151 R +33 7 152 C +33 7 153 G +33 7 154 G +33 7 155 C +33 7 156 G +33 7 157 O +33 7 158 MN +33 7 159 R +33 7 160 C +33 7 161 C +33 7 162 M +33 7 163 C +33 7 164 C +33 7 165 G +33 7 166 H +33 7 167 R +33 7 168 C +33 7 169 C +33 7 170 H +33 7 171 C +33 7 172 O +33 7 173 M +33 7 174 MN +33 7 175 C +33 7 176 M +33 7 177 MN +33 7 178 H +33 7 179 G +33 7 180 C +33 7 181 MN +33 7 182 G +33 7 183 G +33 7 184 R +33 7 185 G +33 7 186 C +33 7 187 MN +33 7 188 C +33 7 189 C +33 7 190 R +33 7 191 C +33 7 192 R +33 7 193 MN +33 7 194 G +33 7 195 C +33 7 196 C +33 7 197 R +33 7 198 G +33 7 199 C +33 7 200 C +33 7 201 R +33 7 202 C +33 7 203 R +33 7 204 G +33 7 205 H +33 7 206 MN +33 7 207 M +33 7 208 MN +33 7 209 C +33 7 210 G +33 7 211 C +33 7 212 MN +33 7 213 G +33 7 214 C +33 7 215 R +33 7 216 G +33 7 217 R +33 7 218 G +33 7 219 C +33 7 220 H +33 7 221 O +33 7 222 R +33 7 223 C +33 7 224 O +33 7 225 G +33 7 226 C +33 7 227 G +33 7 228 H +33 7 229 C +33 7 230 O +33 7 231 R +33 7 232 G +33 7 233 R +33 7 234 C +33 7 235 C +33 7 236 MN +33 7 237 MN +33 7 238 C +33 7 239 R +33 7 240 G +33 7 241 O +33 7 242 MN +33 7 243 M +33 7 244 O +33 7 245 M +33 7 246 C +33 7 247 H +33 7 248 C +33 7 249 C +33 7 250 H +33 7 251 C +33 7 252 O +33 7 253 C +33 7 254 O +33 7 255 H +33 7 256 M +33 7 257 H +33 7 258 MN +33 7 259 M +33 7 260 MN +33 7 261 MN +33 7 262 O +33 7 263 G +33 7 264 C +33 7 265 C +33 7 266 M +33 7 267 G +33 7 268 C +33 7 269 R +33 7 270 MN +33 7 271 C +33 7 272 O +33 7 273 R +33 7 274 O +33 7 275 MN +33 7 276 M +33 7 277 H +33 7 278 R +33 7 279 H +33 7 280 C +33 7 281 C +33 7 282 C +33 7 283 G +33 7 284 O +33 7 285 R +33 7 286 O +33 7 287 MN +33 7 288 M +33 7 289 O +33 7 290 O +33 7 291 C +33 7 292 R +33 7 293 C +33 7 294 O +33 7 295 G +33 7 296 H +33 7 297 MN +33 7 298 M +33 7 299 C +33 7 300 G +33 7 301 C +33 7 302 O +33 7 303 O +33 7 304 C +33 7 305 C +33 7 306 H +33 7 307 C +33 7 308 R +33 7 309 G +33 7 310 C +33 7 311 C +33 7 312 G +33 7 313 H +33 7 314 R +33 7 315 C +33 7 316 M +33 7 317 MN +33 7 318 R +33 7 319 M +33 7 320 G +33 7 321 M +33 7 322 C +33 7 323 C +33 7 324 O +33 7 325 M +33 7 326 MN +33 7 327 O +33 7 328 C +33 7 329 O +33 7 330 R +33 8 1 C +33 8 2 C +33 8 3 M +33 8 4 G +33 8 5 C +33 8 6 MN +33 8 7 C +33 8 8 M +33 8 9 G +33 8 10 H +33 8 11 H +33 8 12 MN +33 8 13 H +33 8 14 H +33 8 15 R +33 8 16 O +33 8 17 M +33 8 18 G +33 8 19 C +33 8 20 C +33 8 21 M +33 8 22 MN +33 8 23 R +33 8 24 G +33 8 25 C +33 8 26 C +33 8 27 O +33 8 28 M +33 8 29 C +33 8 30 G +33 8 31 C +33 8 32 R +33 8 33 C +33 8 34 C +33 8 35 R +33 8 36 C +33 8 37 C +33 8 38 M +33 8 39 C +33 8 40 C +33 8 41 M +33 8 42 MN +33 8 43 H +33 8 44 O +33 8 45 C +33 8 46 G +33 8 47 H +33 8 48 MN +33 8 49 C +33 8 50 G +33 8 51 H +33 8 52 O +33 8 53 M +33 8 54 C +33 8 55 C +33 8 56 M +33 8 57 H +33 8 58 MN +33 8 59 R +33 8 60 H +33 8 61 M +33 8 62 R +33 8 63 R +33 8 64 C +33 8 65 M +33 8 66 R +33 8 67 C +33 8 68 R +33 8 69 G +33 8 70 O +33 8 71 G +33 8 72 C +33 8 73 H +33 8 74 C +33 8 75 G +33 8 76 M +33 8 77 C +33 8 78 R +33 8 79 G +33 8 80 C +33 8 81 C +33 8 82 C +33 8 83 MN +33 8 84 R +33 8 85 C +33 8 86 R +33 8 87 H +33 8 88 R +33 8 89 H +33 8 90 G +33 8 91 MN +33 8 92 O +33 8 93 C +33 8 94 G +33 8 95 O +33 8 96 MN +33 8 97 H +33 8 98 M +33 8 99 MN +33 8 100 C +33 8 101 M +33 8 102 H +33 8 103 G +33 8 104 C +33 8 105 R +33 8 106 MN +33 8 107 O +33 8 108 C +33 8 109 H +33 8 110 MN +33 8 111 G +33 8 112 M +33 8 113 G +33 8 114 C +33 8 115 M +33 8 116 C +33 8 117 G +33 8 118 R +33 8 119 C +33 8 120 O +33 8 121 M +33 8 122 C +33 8 123 H +33 8 124 C +33 8 125 M +33 8 126 R +33 8 127 H +33 8 128 MN +33 8 129 O +33 8 130 G +33 8 131 R +33 8 132 M +33 8 133 C +33 8 134 G +33 8 135 R +33 8 136 C +33 8 137 C +33 8 138 C +33 8 139 O +33 8 140 H +33 8 141 MN +33 8 142 O +33 8 143 C +33 8 144 H +33 8 145 C +33 8 146 MN +33 8 147 C +33 8 148 G +33 8 149 C +33 8 150 H +33 8 151 R +33 8 152 C +33 8 153 G +33 8 154 G +33 8 155 C +33 8 156 G +33 8 157 O +33 8 158 MN +33 8 159 R +33 8 160 C +33 8 161 C +33 8 162 M +33 8 163 C +33 8 164 C +33 8 165 G +33 8 166 H +33 8 167 R +33 8 168 C +33 8 169 C +33 8 170 H +33 8 171 C +33 8 172 O +33 8 173 M +33 8 174 MN +33 8 175 C +33 8 176 MN +33 8 177 MN +33 8 178 H +33 8 179 G +33 8 180 C +33 8 181 MN +33 8 182 G +33 8 183 G +33 8 184 R +33 8 185 G +33 8 186 C +33 8 187 MN +33 8 188 C +33 8 189 C +33 8 190 R +33 8 191 C +33 8 192 R +33 8 193 MN +33 8 194 G +33 8 195 C +33 8 196 C +33 8 197 R +33 8 198 G +33 8 199 C +33 8 200 C +33 8 201 R +33 8 202 C +33 8 203 R +33 8 204 G +33 8 205 H +33 8 206 MN +33 8 207 M +33 8 208 MN +33 8 209 C +33 8 210 G +33 8 211 C +33 8 212 MN +33 8 213 H +33 8 214 C +33 8 215 R +33 8 216 G +33 8 217 R +33 8 218 G +33 8 219 C +33 8 220 H +33 8 221 O +33 8 222 R +33 8 223 C +33 8 224 O +33 8 225 H +33 8 226 C +33 8 227 G +33 8 228 H +33 8 229 C +33 8 230 O +33 8 231 R +33 8 232 H +33 8 233 R +33 8 234 C +33 8 235 C +33 8 236 MN +33 8 237 MN +33 8 238 C +33 8 239 R +33 8 240 G +33 8 241 O +33 8 242 MN +33 8 243 M +33 8 244 O +33 8 245 M +33 8 246 C +33 8 247 H +33 8 248 C +33 8 249 C +33 8 250 H +33 8 251 C +33 8 252 O +33 8 253 C +33 8 254 O +33 8 255 G +33 8 256 M +33 8 257 H +33 8 258 MN +33 8 259 M +33 8 260 MN +33 8 261 O +33 8 262 O +33 8 263 G +33 8 264 C +33 8 265 C +33 8 266 M +33 8 267 G +33 8 268 C +33 8 269 R +33 8 270 O +33 8 271 C +33 8 272 O +33 8 273 R +33 8 274 O +33 8 275 MN +33 8 276 M +33 8 277 H +33 8 278 R +33 8 279 H +33 8 280 C +33 8 281 C +33 8 282 C +33 8 283 G +33 8 284 O +33 8 285 R +33 8 286 O +33 8 287 MN +33 8 288 M +33 8 289 C +33 8 290 O +33 8 291 C +33 8 292 R +33 8 293 C +33 8 294 O +33 8 295 G +33 8 296 H +33 8 297 MN +33 8 298 M +33 8 299 C +33 8 300 G +33 8 301 C +33 8 302 G +33 8 303 C +33 8 304 C +33 8 305 H +33 8 306 G +33 8 307 C +33 8 308 M +33 8 309 H +33 8 310 C +33 8 311 C +33 8 312 G +33 8 313 H +33 8 314 R +33 8 315 C +33 8 316 C +33 8 317 M +33 8 318 MN +33 8 319 O +33 8 320 G +33 8 321 M +33 8 322 C +33 8 323 C +33 8 324 O +33 8 325 M +33 8 326 MN +33 8 327 O +33 8 328 C +33 8 329 O +33 8 330 C +33 9 1 C +33 9 2 C +33 9 3 M +33 9 4 G +33 9 5 C +33 9 6 MN +33 9 7 C +33 9 8 M +33 9 9 G +33 9 10 H +33 9 11 H +33 9 12 MN +33 9 13 H +33 9 14 H +33 9 15 R +33 9 16 O +33 9 17 M +33 9 18 H +33 9 19 C +33 9 20 C +33 9 21 M +33 9 22 MN +33 9 23 R +33 9 24 G +33 9 25 C +33 9 26 O +33 9 27 MN +33 9 28 M +33 9 29 C +33 9 30 G +33 9 31 C +33 9 32 R +33 9 33 C +33 9 34 C +33 9 35 R +33 9 36 C +33 9 37 C +33 9 38 M +33 9 39 C +33 9 40 C +33 9 41 M +33 9 42 MN +33 9 43 H +33 9 44 O +33 9 45 C +33 9 46 G +33 9 47 H +33 9 48 MN +33 9 49 C +33 9 50 G +33 9 51 H +33 9 52 O +33 9 53 M +33 9 54 C +33 9 55 C +33 9 56 M +33 9 57 H +33 9 58 MN +33 9 59 R +33 9 60 H +33 9 61 M +33 9 62 R +33 9 63 R +33 9 64 C +33 9 65 M +33 9 66 R +33 9 67 C +33 9 68 R +33 9 69 G +33 9 70 O +33 9 71 G +33 9 72 C +33 9 73 H +33 9 74 C +33 9 75 G +33 9 76 M +33 9 77 C +33 9 78 R +33 9 79 G +33 9 80 C +33 9 81 C +33 9 82 C +33 9 83 MN +33 9 84 R +33 9 85 C +33 9 86 R +33 9 87 H +33 9 88 R +33 9 89 H +33 9 90 G +33 9 91 MN +33 9 92 O +33 9 93 C +33 9 94 G +33 9 95 O +33 9 96 MN +33 9 97 H +33 9 98 M +33 9 99 MN +33 9 100 C +33 9 101 M +33 9 102 H +33 9 103 G +33 9 104 C +33 9 105 R +33 9 106 MN +33 9 107 O +33 9 108 C +33 9 109 H +33 9 110 MN +33 9 111 G +33 9 112 M +33 9 113 G +33 9 114 C +33 9 115 M +33 9 116 C +33 9 117 G +33 9 118 R +33 9 119 C +33 9 120 O +33 9 121 M +33 9 122 C +33 9 123 H +33 9 124 C +33 9 125 M +33 9 126 R +33 9 127 H +33 9 128 MN +33 9 129 O +33 9 130 G +33 9 131 R +33 9 132 M +33 9 133 C +33 9 134 G +33 9 135 R +33 9 136 C +33 9 137 C +33 9 138 C +33 9 139 O +33 9 140 H +33 9 141 MN +33 9 142 O +33 9 143 C +33 9 144 H +33 9 145 C +33 9 146 MN +33 9 147 C +33 9 148 G +33 9 149 C +33 9 150 H +33 9 151 R +33 9 152 C +33 9 153 G +33 9 154 G +33 9 155 C +33 9 156 G +33 9 157 O +33 9 158 MN +33 9 159 R +33 9 160 C +33 9 161 C +33 9 162 M +33 9 163 C +33 9 164 C +33 9 165 G +33 9 166 H +33 9 167 R +33 9 168 C +33 9 169 C +33 9 170 H +33 9 171 C +33 9 172 O +33 9 173 M +33 9 174 MN +33 9 175 C +33 9 176 MN +33 9 177 MN +33 9 178 H +33 9 179 G +33 9 180 C +33 9 181 MN +33 9 182 H +33 9 183 G +33 9 184 R +33 9 185 G +33 9 186 C +33 9 187 MN +33 9 188 C +33 9 189 C +33 9 190 R +33 9 191 C +33 9 192 R +33 9 193 MN +33 9 194 G +33 9 195 C +33 9 196 C +33 9 197 R +33 9 198 G +33 9 199 C +33 9 200 C +33 9 201 R +33 9 202 C +33 9 203 R +33 9 204 G +33 9 205 H +33 9 206 MN +33 9 207 M +33 9 208 MN +33 9 209 C +33 9 210 G +33 9 211 C +33 9 212 MN +33 9 213 H +33 9 214 C +33 9 215 R +33 9 216 G +33 9 217 R +33 9 218 G +33 9 219 C +33 9 220 H +33 9 221 O +33 9 222 R +33 9 223 C +33 9 224 O +33 9 225 H +33 9 226 C +33 9 227 G +33 9 228 H +33 9 229 C +33 9 230 O +33 9 231 R +33 9 232 H +33 9 233 R +33 9 234 C +33 9 235 C +33 9 236 MN +33 9 237 MN +33 9 238 C +33 9 239 R +33 9 240 G +33 9 241 O +33 9 242 MN +33 9 243 M +33 9 244 O +33 9 245 M +33 9 246 C +33 9 247 H +33 9 248 C +33 9 249 C +33 9 250 H +33 9 251 C +33 9 252 O +33 9 253 C +33 9 254 O +33 9 255 G +33 9 256 M +33 9 257 H +33 9 258 MN +33 9 259 M +33 9 260 MN +33 9 261 O +33 9 262 O +33 9 263 G +33 9 264 C +33 9 265 C +33 9 266 M +33 9 267 G +33 9 268 C +33 9 269 R +33 9 270 O +33 9 271 C +33 9 272 O +33 9 273 R +33 9 274 O +33 9 275 MN +33 9 276 M +33 9 277 H +33 9 278 R +33 9 279 H +33 9 280 C +33 9 281 C +33 9 282 C +33 9 283 G +33 9 284 O +33 9 285 R +33 9 286 O +33 9 287 MN +33 9 288 M +33 9 289 C +33 9 290 O +33 9 291 C +33 9 292 R +33 9 293 C +33 9 294 O +33 9 295 G +33 9 296 H +33 9 297 MN +33 9 298 M +33 9 299 C +33 9 300 G +33 9 301 C +33 9 302 G +33 9 303 C +33 9 304 C +33 9 305 H +33 9 306 G +33 9 307 C +33 9 308 R +33 9 309 G +33 9 310 C +33 9 311 C +33 9 312 G +33 9 313 H +33 9 314 R +33 9 315 C +33 9 316 C +33 9 317 M +33 9 318 MN +33 9 319 O +33 9 320 G +33 9 321 M +33 9 322 C +33 9 323 C +33 9 324 C +33 9 325 M +33 9 326 MN +33 9 327 O +33 9 328 C +33 9 329 O +33 9 330 R +33 10 1 C +33 10 2 C +33 10 3 M +33 10 4 G +33 10 5 C +33 10 6 MN +33 10 7 C +33 10 8 M +33 10 9 G +33 10 10 H +33 10 11 H +33 10 12 MN +33 10 13 H +33 10 14 H +33 10 15 R +33 10 16 O +33 10 17 M +33 10 18 G +33 10 19 C +33 10 20 C +33 10 21 M +33 10 22 MN +33 10 23 R +33 10 24 G +33 10 25 C +33 10 26 C +33 10 27 O +33 10 28 M +33 10 29 C +33 10 30 G +33 10 31 C +33 10 32 R +33 10 33 C +33 10 34 C +33 10 35 R +33 10 36 C +33 10 37 C +33 10 38 M +33 10 39 C +33 10 40 C +33 10 41 M +33 10 42 MN +33 10 43 H +33 10 44 O +33 10 45 C +33 10 46 G +33 10 47 H +33 10 48 MN +33 10 49 C +33 10 50 G +33 10 51 G +33 10 52 O +33 10 53 M +33 10 54 C +33 10 55 C +33 10 56 R +33 10 57 G +33 10 58 MN +33 10 59 R +33 10 60 H +33 10 61 M +33 10 62 R +33 10 63 R +33 10 64 C +33 10 65 M +33 10 66 R +33 10 67 C +33 10 68 R +33 10 69 G +33 10 70 O +33 10 71 G +33 10 72 C +33 10 73 H +33 10 74 C +33 10 75 G +33 10 76 M +33 10 77 C +33 10 78 R +33 10 79 G +33 10 80 C +33 10 81 C +33 10 82 C +33 10 83 MN +33 10 84 R +33 10 85 C +33 10 86 R +33 10 87 H +33 10 88 R +33 10 89 H +33 10 90 R +33 10 91 H +33 10 92 O +33 10 93 C +33 10 94 G +33 10 95 O +33 10 96 MN +33 10 97 H +33 10 98 M +33 10 99 MN +33 10 100 C +33 10 101 M +33 10 102 H +33 10 103 G +33 10 104 C +33 10 105 R +33 10 106 MN +33 10 107 O +33 10 108 C +33 10 109 H +33 10 110 MN +33 10 111 G +33 10 112 M +33 10 113 G +33 10 114 C +33 10 115 M +33 10 116 C +33 10 117 M +33 10 118 C +33 10 119 G +33 10 120 O +33 10 121 M +33 10 122 C +33 10 123 G +33 10 124 C +33 10 125 M +33 10 126 R +33 10 127 H +33 10 128 MN +33 10 129 O +33 10 130 G +33 10 131 R +33 10 132 M +33 10 133 C +33 10 134 G +33 10 135 R +33 10 136 C +33 10 137 C +33 10 138 C +33 10 139 O +33 10 140 H +33 10 141 O +33 10 142 O +33 10 143 C +33 10 144 H +33 10 145 C +33 10 146 MN +33 10 147 C +33 10 148 M +33 10 149 C +33 10 150 H +33 10 151 R +33 10 152 C +33 10 153 G +33 10 154 G +33 10 155 C +33 10 156 G +33 10 157 O +33 10 158 MN +33 10 159 R +33 10 160 C +33 10 161 C +33 10 162 M +33 10 163 C +33 10 164 C +33 10 165 G +33 10 166 H +33 10 167 R +33 10 168 C +33 10 169 C +33 10 170 H +33 10 171 C +33 10 172 O +33 10 173 M +33 10 174 MN +33 10 175 C +33 10 176 M +33 10 177 MN +33 10 178 H +33 10 179 G +33 10 180 C +33 10 181 MN +33 10 182 G +33 10 183 G +33 10 184 R +33 10 185 G +33 10 186 C +33 10 187 MN +33 10 188 C +33 10 189 C +33 10 190 R +33 10 191 C +33 10 192 R +33 10 193 MN +33 10 194 G +33 10 195 C +33 10 196 C +33 10 197 R +33 10 198 G +33 10 199 C +33 10 200 C +33 10 201 R +33 10 202 C +33 10 203 R +33 10 204 G +33 10 205 H +33 10 206 MN +33 10 207 M +33 10 208 MN +33 10 209 C +33 10 210 G +33 10 211 C +33 10 212 MN +33 10 213 G +33 10 214 C +33 10 215 R +33 10 216 G +33 10 217 R +33 10 218 G +33 10 219 C +33 10 220 H +33 10 221 O +33 10 222 R +33 10 223 C +33 10 224 O +33 10 225 G +33 10 226 C +33 10 227 G +33 10 228 H +33 10 229 C +33 10 230 O +33 10 231 R +33 10 232 G +33 10 233 R +33 10 234 C +33 10 235 C +33 10 236 MN +33 10 237 MN +33 10 238 C +33 10 239 R +33 10 240 G +33 10 241 O +33 10 242 MN +33 10 243 M +33 10 244 O +33 10 245 M +33 10 246 C +33 10 247 H +33 10 248 C +33 10 249 C +33 10 250 H +33 10 251 C +33 10 252 O +33 10 253 C +33 10 254 O +33 10 255 H +33 10 256 M +33 10 257 H +33 10 258 MN +33 10 259 M +33 10 260 MN +33 10 261 MN +33 10 262 O +33 10 263 G +33 10 264 C +33 10 265 C +33 10 266 M +33 10 267 G +33 10 268 C +33 10 269 R +33 10 270 MN +33 10 271 C +33 10 272 O +33 10 273 R +33 10 274 O +33 10 275 MN +33 10 276 M +33 10 277 H +33 10 278 R +33 10 279 H +33 10 280 C +33 10 281 C +33 10 282 C +33 10 283 G +33 10 284 O +33 10 285 R +33 10 286 O +33 10 287 MN +33 10 288 M +33 10 289 C +33 10 290 O +33 10 291 C +33 10 292 R +33 10 293 C +33 10 294 O +33 10 295 G +33 10 296 H +33 10 297 MN +33 10 298 M +33 10 299 C +33 10 300 G +33 10 301 C +33 10 302 O +33 10 303 O +33 10 304 C +33 10 305 C +33 10 306 H +33 10 307 C +33 10 308 R +33 10 309 G +33 10 310 C +33 10 311 C +33 10 312 G +33 10 313 H +33 10 314 R +33 10 315 C +33 10 316 C +33 10 317 M +33 10 318 MN +33 10 319 O +33 10 320 G +33 10 321 M +33 10 322 C +33 10 323 C +33 10 324 O +33 10 325 M +33 10 326 MN +33 10 327 O +33 10 328 C +33 10 329 O +33 10 330 R +33 11 1 C +33 11 2 C +33 11 3 M +33 11 4 G +33 11 5 C +33 11 6 MN +33 11 7 C +33 11 8 M +33 11 9 G +33 11 10 H +33 11 11 H +33 11 12 MN +33 11 13 H +33 11 14 H +33 11 15 R +33 11 16 O +33 11 17 M +33 11 18 G +33 11 19 C +33 11 20 C +33 11 21 M +33 11 22 MN +33 11 23 R +33 11 24 G +33 11 25 C +33 11 26 C +33 11 27 O +33 11 28 C +33 11 29 C +33 11 30 G +33 11 31 C +33 11 32 R +33 11 33 C +33 11 34 C +33 11 35 R +33 11 36 C +33 11 37 C +33 11 38 M +33 11 39 C +33 11 40 C +33 11 41 M +33 11 42 MN +33 11 43 H +33 11 44 O +33 11 45 C +33 11 46 G +33 11 47 H +33 11 48 MN +33 11 49 C +33 11 50 G +33 11 51 G +33 11 52 O +33 11 53 M +33 11 54 C +33 11 55 C +33 11 56 R +33 11 57 G +33 11 58 MN +33 11 59 R +33 11 60 H +33 11 61 M +33 11 62 R +33 11 63 R +33 11 64 C +33 11 65 M +33 11 66 R +33 11 67 C +33 11 68 R +33 11 69 G +33 11 70 O +33 11 71 G +33 11 72 C +33 11 73 H +33 11 74 C +33 11 75 G +33 11 76 M +33 11 77 C +33 11 78 R +33 11 79 H +33 11 80 C +33 11 81 C +33 11 82 C +33 11 83 MN +33 11 84 R +33 11 85 C +33 11 86 R +33 11 87 H +33 11 88 R +33 11 89 H +33 11 90 R +33 11 91 H +33 11 92 C +33 11 93 C +33 11 94 G +33 11 95 O +33 11 96 MN +33 11 97 H +33 11 98 M +33 11 99 MN +33 11 100 C +33 11 101 M +33 11 102 H +33 11 103 G +33 11 104 C +33 11 105 R +33 11 106 MN +33 11 107 O +33 11 108 C +33 11 109 H +33 11 110 MN +33 11 111 G +33 11 112 M +33 11 113 H +33 11 114 C +33 11 115 M +33 11 116 C +33 11 117 M +33 11 118 C +33 11 119 G +33 11 120 O +33 11 121 M +33 11 122 C +33 11 123 G +33 11 124 C +33 11 125 M +33 11 126 R +33 11 127 H +33 11 128 MN +33 11 129 O +33 11 130 G +33 11 131 R +33 11 132 M +33 11 133 C +33 11 134 G +33 11 135 R +33 11 136 C +33 11 137 C +33 11 138 C +33 11 139 O +33 11 140 H +33 11 141 MN +33 11 142 O +33 11 143 C +33 11 144 H +33 11 145 C +33 11 146 MN +33 11 147 C +33 11 148 M +33 11 149 C +33 11 150 H +33 11 151 R +33 11 152 C +33 11 153 G +33 11 154 G +33 11 155 C +33 11 156 G +33 11 157 O +33 11 158 MN +33 11 159 R +33 11 160 C +33 11 161 C +33 11 162 M +33 11 163 C +33 11 164 C +33 11 165 G +33 11 166 H +33 11 167 R +33 11 168 C +33 11 169 C +33 11 170 H +33 11 171 C +33 11 172 O +33 11 173 M +33 11 174 MN +33 11 175 C +33 11 176 M +33 11 177 MN +33 11 178 H +33 11 179 G +33 11 180 C +33 11 181 MN +33 11 182 G +33 11 183 G +33 11 184 R +33 11 185 G +33 11 186 C +33 11 187 MN +33 11 188 C +33 11 189 C +33 11 190 R +33 11 191 C +33 11 192 R +33 11 193 MN +33 11 194 G +33 11 195 C +33 11 196 C +33 11 197 R +33 11 198 G +33 11 199 C +33 11 200 C +33 11 201 R +33 11 202 C +33 11 203 R +33 11 204 G +33 11 205 H +33 11 206 MN +33 11 207 M +33 11 208 MN +33 11 209 C +33 11 210 G +33 11 211 C +33 11 212 MN +33 11 213 G +33 11 214 C +33 11 215 R +33 11 216 G +33 11 217 R +33 11 218 G +33 11 219 C +33 11 220 H +33 11 221 O +33 11 222 R +33 11 223 C +33 11 224 O +33 11 225 G +33 11 226 C +33 11 227 C +33 11 228 H +33 11 229 C +33 11 230 O +33 11 231 R +33 11 232 G +33 11 233 R +33 11 234 C +33 11 235 C +33 11 236 MN +33 11 237 MN +33 11 238 C +33 11 239 R +33 11 240 G +33 11 241 O +33 11 242 MN +33 11 243 M +33 11 244 O +33 11 245 M +33 11 246 C +33 11 247 H +33 11 248 C +33 11 249 C +33 11 250 H +33 11 251 C +33 11 252 O +33 11 253 C +33 11 254 O +33 11 255 H +33 11 256 M +33 11 257 H +33 11 258 MN +33 11 259 M +33 11 260 MN +33 11 261 O +33 11 262 O +33 11 263 G +33 11 264 C +33 11 265 C +33 11 266 M +33 11 267 G +33 11 268 C +33 11 269 R +33 11 270 MN +33 11 271 C +33 11 272 O +33 11 273 R +33 11 274 O +33 11 275 MN +33 11 276 M +33 11 277 H +33 11 278 R +33 11 279 H +33 11 280 C +33 11 281 C +33 11 282 C +33 11 283 G +33 11 284 O +33 11 285 R +33 11 286 O +33 11 287 MN +33 11 288 M +33 11 289 C +33 11 290 O +33 11 291 C +33 11 292 R +33 11 293 C +33 11 294 O +33 11 295 G +33 11 296 H +33 11 297 MN +33 11 298 M +33 11 299 C +33 11 300 G +33 11 301 C +33 11 302 O +33 11 303 O +33 11 304 C +33 11 305 C +33 11 306 H +33 11 307 C +33 11 308 R +33 11 309 C +33 11 310 G +33 11 311 C +33 11 312 G +33 11 313 H +33 11 314 R +33 11 315 C +33 11 316 C +33 11 317 M +33 11 318 MN +33 11 319 O +33 11 320 G +33 11 321 M +33 11 322 C +33 11 323 C +33 11 324 O +33 11 325 M +33 11 326 MN +33 11 327 O +33 11 328 C +33 11 329 O +33 11 330 R +33 12 1 C +33 12 2 C +33 12 3 M +33 12 4 G +33 12 5 C +33 12 6 MN +33 12 7 C +33 12 8 M +33 12 9 G +33 12 10 H +33 12 11 H +33 12 12 MN +33 12 13 H +33 12 14 H +33 12 15 R +33 12 16 O +33 12 17 M +33 12 18 G +33 12 19 C +33 12 20 C +33 12 21 M +33 12 22 MN +33 12 23 R +33 12 24 G +33 12 25 C +33 12 26 C +33 12 27 O +33 12 28 C +33 12 29 C +33 12 30 G +33 12 31 C +33 12 32 R +33 12 33 C +33 12 34 C +33 12 35 R +33 12 36 C +33 12 37 C +33 12 38 M +33 12 39 C +33 12 40 C +33 12 41 M +33 12 42 MN +33 12 43 H +33 12 44 O +33 12 45 C +33 12 46 G +33 12 47 H +33 12 48 MN +33 12 49 C +33 12 50 G +33 12 51 G +33 12 52 O +33 12 53 M +33 12 54 C +33 12 55 C +33 12 56 R +33 12 57 G +33 12 58 MN +33 12 59 R +33 12 60 H +33 12 61 M +33 12 62 R +33 12 63 R +33 12 64 C +33 12 65 M +33 12 66 R +33 12 67 C +33 12 68 R +33 12 69 G +33 12 70 O +33 12 71 G +33 12 72 C +33 12 73 H +33 12 74 C +33 12 75 G +33 12 76 M +33 12 77 C +33 12 78 R +33 12 79 H +33 12 80 C +33 12 81 C +33 12 82 C +33 12 83 MN +33 12 84 R +33 12 85 C +33 12 86 R +33 12 87 H +33 12 88 R +33 12 89 H +33 12 90 R +33 12 91 H +33 12 92 O +33 12 93 C +33 12 94 G +33 12 95 O +33 12 96 MN +33 12 97 H +33 12 98 M +33 12 99 MN +33 12 100 C +33 12 101 M +33 12 102 H +33 12 103 G +33 12 104 C +33 12 105 R +33 12 106 MN +33 12 107 O +33 12 108 C +33 12 109 H +33 12 110 MN +33 12 111 G +33 12 112 M +33 12 113 H +33 12 114 C +33 12 115 M +33 12 116 C +33 12 117 M +33 12 118 C +33 12 119 G +33 12 120 O +33 12 121 M +33 12 122 C +33 12 123 G +33 12 124 C +33 12 125 M +33 12 126 R +33 12 127 H +33 12 128 MN +33 12 129 O +33 12 130 G +33 12 131 R +33 12 132 M +33 12 133 C +33 12 134 G +33 12 135 R +33 12 136 C +33 12 137 C +33 12 138 C +33 12 139 O +33 12 140 H +33 12 141 MN +33 12 142 O +33 12 143 C +33 12 144 H +33 12 145 C +33 12 146 MN +33 12 147 C +33 12 148 M +33 12 149 C +33 12 150 H +33 12 151 R +33 12 152 C +33 12 153 G +33 12 154 G +33 12 155 C +33 12 156 G +33 12 157 O +33 12 158 MN +33 12 159 R +33 12 160 C +33 12 161 C +33 12 162 M +33 12 163 C +33 12 164 C +33 12 165 G +33 12 166 H +33 12 167 R +33 12 168 C +33 12 169 C +33 12 170 H +33 12 171 C +33 12 172 O +33 12 173 M +33 12 174 MN +33 12 175 C +33 12 176 M +33 12 177 MN +33 12 178 H +33 12 179 G +33 12 180 C +33 12 181 MN +33 12 182 G +33 12 183 G +33 12 184 R +33 12 185 G +33 12 186 C +33 12 187 MN +33 12 188 C +33 12 189 C +33 12 190 R +33 12 191 C +33 12 192 R +33 12 193 MN +33 12 194 G +33 12 195 C +33 12 196 C +33 12 197 R +33 12 198 G +33 12 199 C +33 12 200 C +33 12 201 R +33 12 202 C +33 12 203 R +33 12 204 G +33 12 205 H +33 12 206 MN +33 12 207 M +33 12 208 MN +33 12 209 C +33 12 210 G +33 12 211 C +33 12 212 MN +33 12 213 G +33 12 214 C +33 12 215 R +33 12 216 G +33 12 217 R +33 12 218 G +33 12 219 C +33 12 220 H +33 12 221 O +33 12 222 R +33 12 223 C +33 12 224 O +33 12 225 G +33 12 226 C +33 12 227 G +33 12 228 H +33 12 229 C +33 12 230 O +33 12 231 R +33 12 232 G +33 12 233 R +33 12 234 C +33 12 235 C +33 12 236 MN +33 12 237 MN +33 12 238 C +33 12 239 R +33 12 240 G +33 12 241 O +33 12 242 MN +33 12 243 M +33 12 244 O +33 12 245 M +33 12 246 C +33 12 247 H +33 12 248 C +33 12 249 C +33 12 250 H +33 12 251 C +33 12 252 O +33 12 253 C +33 12 254 O +33 12 255 H +33 12 256 M +33 12 257 H +33 12 258 MN +33 12 259 M +33 12 260 MN +33 12 261 O +33 12 262 O +33 12 263 G +33 12 264 C +33 12 265 C +33 12 266 M +33 12 267 G +33 12 268 C +33 12 269 R +33 12 270 MN +33 12 271 C +33 12 272 O +33 12 273 R +33 12 274 O +33 12 275 MN +33 12 276 M +33 12 277 H +33 12 278 R +33 12 279 H +33 12 280 C +33 12 281 C +33 12 282 C +33 12 283 G +33 12 284 O +33 12 285 R +33 12 286 O +33 12 287 MN +33 12 288 M +33 12 289 C +33 12 290 O +33 12 291 C +33 12 292 R +33 12 293 C +33 12 294 O +33 12 295 G +33 12 296 H +33 12 297 MN +33 12 298 M +33 12 299 C +33 12 300 G +33 12 301 C +33 12 302 O +33 12 303 O +33 12 304 C +33 12 305 C +33 12 306 H +33 12 307 C +33 12 308 R +33 12 309 H +33 12 310 C +33 12 311 C +33 12 312 G +33 12 313 H +33 12 314 R +33 12 315 C +33 12 316 C +33 12 317 M +33 12 318 MN +33 12 319 O +33 12 320 G +33 12 321 M +33 12 322 C +33 12 323 C +33 12 324 O +33 12 325 M +33 12 326 MN +33 12 327 O +33 12 328 C +33 12 329 O +33 12 330 R +33 13 1 C +33 13 2 C +33 13 3 M +33 13 4 G +33 13 5 C +33 13 6 MN +33 13 7 C +33 13 8 M +33 13 9 G +33 13 10 H +33 13 11 H +33 13 12 MN +33 13 13 H +33 13 14 H +33 13 15 R +33 13 16 O +33 13 17 M +33 13 18 G +33 13 19 C +33 13 20 C +33 13 21 M +33 13 22 MN +33 13 23 R +33 13 24 G +33 13 25 C +33 13 26 C +33 13 27 O +33 13 28 C +33 13 29 C +33 13 30 G +33 13 31 C +33 13 32 R +33 13 33 C +33 13 34 C +33 13 35 R +33 13 36 C +33 13 37 C +33 13 38 M +33 13 39 C +33 13 40 C +33 13 41 M +33 13 42 MN +33 13 43 H +33 13 44 O +33 13 45 C +33 13 46 G +33 13 47 H +33 13 48 MN +33 13 49 C +33 13 50 G +33 13 51 G +33 13 52 O +33 13 53 M +33 13 54 C +33 13 55 C +33 13 56 R +33 13 57 G +33 13 58 MN +33 13 59 R +33 13 60 H +33 13 61 M +33 13 62 R +33 13 63 R +33 13 64 C +33 13 65 M +33 13 66 R +33 13 67 C +33 13 68 R +33 13 69 G +33 13 70 O +33 13 71 G +33 13 72 C +33 13 73 H +33 13 74 C +33 13 75 G +33 13 76 M +33 13 77 C +33 13 78 R +33 13 79 H +33 13 80 C +33 13 81 C +33 13 82 C +33 13 83 MN +33 13 84 R +33 13 85 C +33 13 86 R +33 13 87 H +33 13 88 R +33 13 89 H +33 13 90 R +33 13 91 H +33 13 92 C +33 13 93 C +33 13 94 G +33 13 95 O +33 13 96 MN +33 13 97 H +33 13 98 M +33 13 99 MN +33 13 100 C +33 13 101 M +33 13 102 H +33 13 103 G +33 13 104 C +33 13 105 R +33 13 106 MN +33 13 107 O +33 13 108 C +33 13 109 H +33 13 110 MN +33 13 111 G +33 13 112 M +33 13 113 H +33 13 114 C +33 13 115 M +33 13 116 C +33 13 117 G +33 13 118 M +33 13 119 C +33 13 120 O +33 13 121 M +33 13 122 C +33 13 123 C +33 13 124 C +33 13 125 M +33 13 126 R +33 13 127 H +33 13 128 MN +33 13 129 O +33 13 130 G +33 13 131 M +33 13 132 M +33 13 133 C +33 13 134 G +33 13 135 O +33 13 136 M +33 13 137 C +33 13 138 C +33 13 139 O +33 13 140 H +33 13 141 O +33 13 142 R +33 13 143 C +33 13 144 H +33 13 145 C +33 13 146 MN +33 13 147 C +33 13 148 M +33 13 149 C +33 13 150 H +33 13 151 R +33 13 152 R +33 13 153 C +33 13 154 G +33 13 155 G +33 13 156 C +33 13 157 G +33 13 158 O +33 13 159 MN +33 13 160 R +33 13 161 C +33 13 162 M +33 13 163 C +33 13 164 C +33 13 165 G +33 13 166 H +33 13 167 R +33 13 168 C +33 13 169 C +33 13 170 G +33 13 171 G +33 13 172 O +33 13 173 M +33 13 174 MN +33 13 175 C +33 13 176 M +33 13 177 MN +33 13 178 C +33 13 179 G +33 13 180 C +33 13 181 G +33 13 182 G +33 13 183 G +33 13 184 R +33 13 185 G +33 13 186 C +33 13 187 MN +33 13 188 C +33 13 189 O +33 13 190 R +33 13 191 C +33 13 192 R +33 13 193 MN +33 13 194 G +33 13 195 C +33 13 196 C +33 13 197 G +33 13 198 H +33 13 199 O +33 13 200 C +33 13 201 R +33 13 202 C +33 13 203 M +33 13 204 G +33 13 205 R +33 13 206 O +33 13 207 M +33 13 208 G +33 13 209 C +33 13 210 G +33 13 211 C +33 13 212 M +33 13 213 O +33 13 214 C +33 13 215 R +33 13 216 G +33 13 217 R +33 13 218 C +33 13 219 C +33 13 220 H +33 13 221 C +33 13 222 H +33 13 223 C +33 13 224 O +33 13 225 MN +33 13 226 H +33 13 227 H +33 13 228 H +33 13 229 C +33 13 230 O +33 13 231 M +33 13 232 G +33 13 233 O +33 13 234 C +33 13 235 C +33 13 236 C +33 13 237 R +33 13 238 C +33 13 239 R +33 13 240 M +33 13 241 O +33 13 242 MN +33 13 243 M +33 13 244 O +33 13 245 M +33 13 246 C +33 13 247 R +33 13 248 H +33 13 249 C +33 13 250 G +33 13 251 C +33 13 252 O +33 13 253 C +33 13 254 C +33 13 255 H +33 13 256 M +33 13 257 C +33 13 258 MN +33 13 259 M +33 13 260 M +33 13 261 M +33 13 262 O +33 13 263 G +33 13 264 C +33 13 265 C +33 13 266 M +33 13 267 G +33 13 268 * +33 13 269 * +33 13 270 * +33 13 271 * +33 13 272 * +33 13 273 * +33 13 274 * +33 13 275 * +33 13 276 * +33 13 277 * +33 13 278 * +33 13 279 * +33 13 280 * +33 13 281 C +33 13 282 C +33 13 283 G +33 13 284 O +33 13 285 R +33 13 286 O +33 13 287 G +33 13 288 M +33 13 289 C +33 13 290 O +33 13 291 C +33 13 292 R +33 13 293 O +33 13 294 O +33 13 295 G +33 13 296 H +33 13 297 MN +33 13 298 M +33 13 299 C +33 13 300 O +33 13 301 C +33 13 302 O +33 13 303 C +33 13 304 C +33 13 305 G +33 13 306 C +33 13 307 C +33 13 308 R +33 13 309 G +33 13 310 C +33 13 311 C +33 13 312 H +33 13 313 H +33 13 314 O +33 13 315 C +33 13 316 C +33 13 317 M +33 13 318 R +33 13 319 O +33 13 320 G +33 13 321 M +33 13 322 C +33 13 323 C +33 13 324 O +33 13 325 G +33 13 326 MN +33 13 327 O +33 13 328 C +33 13 329 G +33 13 330 R +33 14 1 C +33 14 2 C +33 14 3 M +33 14 4 G +33 14 5 C +33 14 6 MN +33 14 7 C +33 14 8 M +33 14 9 G +33 14 10 H +33 14 11 H +33 14 12 MN +33 14 13 H +33 14 14 H +33 14 15 R +33 14 16 O +33 14 17 M +33 14 18 G +33 14 19 C +33 14 20 C +33 14 21 M +33 14 22 MN +33 14 23 R +33 14 24 G +33 14 25 C +33 14 26 C +33 14 27 O +33 14 28 C +33 14 29 C +33 14 30 G +33 14 31 C +33 14 32 R +33 14 33 C +33 14 34 C +33 14 35 R +33 14 36 C +33 14 37 C +33 14 38 M +33 14 39 C +33 14 40 C +33 14 41 M +33 14 42 MN +33 14 43 H +33 14 44 O +33 14 45 C +33 14 46 G +33 14 47 H +33 14 48 MN +33 14 49 C +33 14 50 G +33 14 51 G +33 14 52 O +33 14 53 M +33 14 54 C +33 14 55 C +33 14 56 R +33 14 57 G +33 14 58 MN +33 14 59 R +33 14 60 H +33 14 61 M +33 14 62 R +33 14 63 R +33 14 64 C +33 14 65 M +33 14 66 R +33 14 67 C +33 14 68 R +33 14 69 G +33 14 70 O +33 14 71 G +33 14 72 C +33 14 73 H +33 14 74 C +33 14 75 G +33 14 76 M +33 14 77 C +33 14 78 R +33 14 79 H +33 14 80 C +33 14 81 C +33 14 82 C +33 14 83 MN +33 14 84 R +33 14 85 C +33 14 86 R +33 14 87 H +33 14 88 R +33 14 89 H +33 14 90 R +33 14 91 H +33 14 92 O +33 14 93 C +33 14 94 G +33 14 95 O +33 14 96 MN +33 14 97 H +33 14 98 M +33 14 99 MN +33 14 100 C +33 14 101 M +33 14 102 H +33 14 103 G +33 14 104 C +33 14 105 R +33 14 106 MN +33 14 107 O +33 14 108 C +33 14 109 H +33 14 110 MN +33 14 111 G +33 14 112 M +33 14 113 H +33 14 114 C +33 14 115 M +33 14 116 C +33 14 117 M +33 14 118 G +33 14 119 O +33 14 120 O +33 14 121 M +33 14 122 C +33 14 123 G +33 14 124 C +33 14 125 M +33 14 126 R +33 14 127 H +33 14 128 MN +33 14 129 O +33 14 130 G +33 14 131 R +33 14 132 M +33 14 133 C +33 14 134 G +33 14 135 R +33 14 136 C +33 14 137 C +33 14 138 C +33 14 139 O +33 14 140 H +33 14 141 O +33 14 142 O +33 14 143 C +33 14 144 H +33 14 145 C +33 14 146 MN +33 14 147 C +33 14 148 M +33 14 149 C +33 14 150 H +33 14 151 R +33 14 152 C +33 14 153 G +33 14 154 G +33 14 155 C +33 14 156 G +33 14 157 O +33 14 158 MN +33 14 159 R +33 14 160 C +33 14 161 C +33 14 162 M +33 14 163 C +33 14 164 C +33 14 165 G +33 14 166 H +33 14 167 R +33 14 168 C +33 14 169 C +33 14 170 H +33 14 171 C +33 14 172 O +33 14 173 M +33 14 174 MN +33 14 175 C +33 14 176 M +33 14 177 MN +33 14 178 H +33 14 179 G +33 14 180 C +33 14 181 MN +33 14 182 G +33 14 183 G +33 14 184 R +33 14 185 G +33 14 186 C +33 14 187 MN +33 14 188 C +33 14 189 C +33 14 190 R +33 14 191 C +33 14 192 R +33 14 193 MN +33 14 194 G +33 14 195 C +33 14 196 C +33 14 197 R +33 14 198 G +33 14 199 C +33 14 200 C +33 14 201 C +33 14 202 C +33 14 203 R +33 14 204 G +33 14 205 H +33 14 206 MN +33 14 207 M +33 14 208 MN +33 14 209 C +33 14 210 G +33 14 211 C +33 14 212 MN +33 14 213 G +33 14 214 C +33 14 215 R +33 14 216 G +33 14 217 R +33 14 218 G +33 14 219 C +33 14 220 H +33 14 221 O +33 14 222 R +33 14 223 C +33 14 224 O +33 14 225 G +33 14 226 C +33 14 227 G +33 14 228 H +33 14 229 C +33 14 230 O +33 14 231 R +33 14 232 G +33 14 233 R +33 14 234 C +33 14 235 C +33 14 236 MN +33 14 237 C +33 14 238 C +33 14 239 R +33 14 240 G +33 14 241 O +33 14 242 MN +33 14 243 M +33 14 244 O +33 14 245 M +33 14 246 C +33 14 247 H +33 14 248 C +33 14 249 C +33 14 250 H +33 14 251 C +33 14 252 O +33 14 253 C +33 14 254 O +33 14 255 H +33 14 256 M +33 14 257 H +33 14 258 MN +33 14 259 M +33 14 260 MN +33 14 261 O +33 14 262 O +33 14 263 G +33 14 264 C +33 14 265 C +33 14 266 M +33 14 267 G +33 14 268 C +33 14 269 R +33 14 270 MN +33 14 271 C +33 14 272 O +33 14 273 R +33 14 274 O +33 14 275 MN +33 14 276 M +33 14 277 H +33 14 278 R +33 14 279 H +33 14 280 C +33 14 281 C +33 14 282 C +33 14 283 G +33 14 284 O +33 14 285 R +33 14 286 O +33 14 287 MN +33 14 288 M +33 14 289 C +33 14 290 O +33 14 291 C +33 14 292 R +33 14 293 C +33 14 294 O +33 14 295 G +33 14 296 H +33 14 297 MN +33 14 298 M +33 14 299 C +33 14 300 G +33 14 301 C +33 14 302 O +33 14 303 O +33 14 304 C +33 14 305 C +33 14 306 H +33 14 307 C +33 14 308 R +33 14 309 H +33 14 310 C +33 14 311 C +33 14 312 G +33 14 313 H +33 14 314 R +33 14 315 C +33 14 316 C +33 14 317 M +33 14 318 MN +33 14 319 O +33 14 320 G +33 14 321 M +33 14 322 C +33 14 323 C +33 14 324 O +33 14 325 M +33 14 326 MN +33 14 327 O +33 14 328 C +33 14 329 O +33 14 330 R +33 15 1 C +33 15 2 C +33 15 3 M +33 15 4 G +33 15 5 C +33 15 6 R +33 15 7 C +33 15 8 M +33 15 9 G +33 15 10 H +33 15 11 H +33 15 12 MN +33 15 13 H +33 15 14 H +33 15 15 R +33 15 16 O +33 15 17 M +33 15 18 G +33 15 19 C +33 15 20 C +33 15 21 M +33 15 22 MN +33 15 23 R +33 15 24 G +33 15 25 C +33 15 26 C +33 15 27 O +33 15 28 C +33 15 29 C +33 15 30 G +33 15 31 C +33 15 32 R +33 15 33 C +33 15 34 C +33 15 35 R +33 15 36 C +33 15 37 C +33 15 38 M +33 15 39 C +33 15 40 C +33 15 41 M +33 15 42 MN +33 15 43 H +33 15 44 O +33 15 45 C +33 15 46 G +33 15 47 H +33 15 48 MN +33 15 49 C +33 15 50 G +33 15 51 G +33 15 52 O +33 15 53 M +33 15 54 C +33 15 55 C +33 15 56 R +33 15 57 G +33 15 58 MN +33 15 59 R +33 15 60 H +33 15 61 M +33 15 62 R +33 15 63 R +33 15 64 C +33 15 65 M +33 15 66 R +33 15 67 C +33 15 68 R +33 15 69 G +33 15 70 O +33 15 71 G +33 15 72 C +33 15 73 H +33 15 74 C +33 15 75 G +33 15 76 M +33 15 77 C +33 15 78 R +33 15 79 H +33 15 80 C +33 15 81 C +33 15 82 C +33 15 83 MN +33 15 84 R +33 15 85 C +33 15 86 R +33 15 87 H +33 15 88 R +33 15 89 H +33 15 90 R +33 15 91 H +33 15 92 O +33 15 93 C +33 15 94 G +33 15 95 O +33 15 96 MN +33 15 97 H +33 15 98 M +33 15 99 MN +33 15 100 C +33 15 101 M +33 15 102 H +33 15 103 G +33 15 104 C +33 15 105 R +33 15 106 MN +33 15 107 O +33 15 108 C +33 15 109 H +33 15 110 MN +33 15 111 G +33 15 112 M +33 15 113 H +33 15 114 C +33 15 115 M +33 15 116 C +33 15 117 M +33 15 118 G +33 15 119 O +33 15 120 O +33 15 121 M +33 15 122 C +33 15 123 G +33 15 124 C +33 15 125 M +33 15 126 R +33 15 127 H +33 15 128 MN +33 15 129 O +33 15 130 G +33 15 131 R +33 15 132 M +33 15 133 C +33 15 134 G +33 15 135 R +33 15 136 C +33 15 137 C +33 15 138 C +33 15 139 O +33 15 140 H +33 15 141 O +33 15 142 O +33 15 143 C +33 15 144 H +33 15 145 C +33 15 146 MN +33 15 147 C +33 15 148 M +33 15 149 C +33 15 150 H +33 15 151 R +33 15 152 C +33 15 153 G +33 15 154 G +33 15 155 C +33 15 156 G +33 15 157 O +33 15 158 MN +33 15 159 R +33 15 160 C +33 15 161 C +33 15 162 M +33 15 163 C +33 15 164 C +33 15 165 G +33 15 166 H +33 15 167 R +33 15 168 C +33 15 169 C +33 15 170 H +33 15 171 C +33 15 172 O +33 15 173 M +33 15 174 MN +33 15 175 C +33 15 176 M +33 15 177 MN +33 15 178 H +33 15 179 G +33 15 180 C +33 15 181 MN +33 15 182 G +33 15 183 G +33 15 184 R +33 15 185 G +33 15 186 C +33 15 187 MN +33 15 188 C +33 15 189 C +33 15 190 R +33 15 191 C +33 15 192 R +33 15 193 MN +33 15 194 G +33 15 195 C +33 15 196 C +33 15 197 R +33 15 198 G +33 15 199 C +33 15 200 C +33 15 201 C +33 15 202 C +33 15 203 R +33 15 204 G +33 15 205 H +33 15 206 MN +33 15 207 M +33 15 208 MN +33 15 209 C +33 15 210 G +33 15 211 C +33 15 212 MN +33 15 213 G +33 15 214 C +33 15 215 R +33 15 216 G +33 15 217 R +33 15 218 G +33 15 219 C +33 15 220 H +33 15 221 O +33 15 222 R +33 15 223 C +33 15 224 O +33 15 225 G +33 15 226 C +33 15 227 G +33 15 228 H +33 15 229 C +33 15 230 O +33 15 231 R +33 15 232 G +33 15 233 R +33 15 234 C +33 15 235 C +33 15 236 MN +33 15 237 C +33 15 238 C +33 15 239 R +33 15 240 G +33 15 241 O +33 15 242 MN +33 15 243 M +33 15 244 O +33 15 245 M +33 15 246 C +33 15 247 H +33 15 248 C +33 15 249 C +33 15 250 H +33 15 251 C +33 15 252 O +33 15 253 C +33 15 254 O +33 15 255 H +33 15 256 M +33 15 257 H +33 15 258 MN +33 15 259 M +33 15 260 MN +33 15 261 O +33 15 262 O +33 15 263 G +33 15 264 C +33 15 265 C +33 15 266 M +33 15 267 G +33 15 268 C +33 15 269 R +33 15 270 MN +33 15 271 C +33 15 272 O +33 15 273 R +33 15 274 O +33 15 275 MN +33 15 276 M +33 15 277 H +33 15 278 R +33 15 279 H +33 15 280 C +33 15 281 C +33 15 282 C +33 15 283 G +33 15 284 O +33 15 285 R +33 15 286 O +33 15 287 MN +33 15 288 M +33 15 289 C +33 15 290 O +33 15 291 C +33 15 292 R +33 15 293 O +33 15 294 O +33 15 295 G +33 15 296 H +33 15 297 MN +33 15 298 M +33 15 299 C +33 15 300 G +33 15 301 C +33 15 302 R +33 15 303 O +33 15 304 C +33 15 305 H +33 15 306 C +33 15 307 C +33 15 308 R +33 15 309 G +33 15 310 C +33 15 311 C +33 15 312 H +33 15 313 H +33 15 314 O +33 15 315 C +33 15 316 H +33 15 317 M +33 15 318 MN +33 15 319 M +33 15 320 C +33 15 321 C +33 15 322 O +33 15 323 R +33 15 324 MN +33 15 325 O +33 15 326 MN +33 15 327 O +33 15 328 C +33 15 329 H +33 15 330 MN +33 16 1 C +33 16 2 C +33 16 3 M +33 16 4 G +33 16 5 C +33 16 6 R +33 16 7 C +33 16 8 M +33 16 9 G +33 16 10 H +33 16 11 H +33 16 12 MN +33 16 13 H +33 16 14 H +33 16 15 R +33 16 16 O +33 16 17 M +33 16 18 G +33 16 19 C +33 16 20 C +33 16 21 R +33 16 22 MN +33 16 23 R +33 16 24 G +33 16 25 C +33 16 26 C +33 16 27 O +33 16 28 M +33 16 29 C +33 16 30 G +33 16 31 C +33 16 32 R +33 16 33 C +33 16 34 C +33 16 35 M +33 16 36 C +33 16 37 C +33 16 38 M +33 16 39 C +33 16 40 C +33 16 41 M +33 16 42 MN +33 16 43 H +33 16 44 O +33 16 45 C +33 16 46 G +33 16 47 G +33 16 48 MN +33 16 49 C +33 16 50 R +33 16 51 G +33 16 52 O +33 16 53 M +33 16 54 C +33 16 55 C +33 16 56 R +33 16 57 C +33 16 58 G +33 16 59 R +33 16 60 H +33 16 61 M +33 16 62 R +33 16 63 R +33 16 64 C +33 16 65 M +33 16 66 R +33 16 67 C +33 16 68 R +33 16 69 G +33 16 70 O +33 16 71 G +33 16 72 C +33 16 73 R +33 16 74 C +33 16 75 C +33 16 76 M +33 16 77 C +33 16 78 R +33 16 79 G +33 16 80 C +33 16 81 C +33 16 82 C +33 16 83 MN +33 16 84 R +33 16 85 C +33 16 86 M +33 16 87 G +33 16 88 M +33 16 89 G +33 16 90 C +33 16 91 C +33 16 92 O +33 16 93 C +33 16 94 G +33 16 95 O +33 16 96 MN +33 16 97 R +33 16 98 R +33 16 99 O +33 16 100 C +33 16 101 M +33 16 102 O +33 16 103 C +33 16 104 C +33 16 105 R +33 16 106 MN +33 16 107 O +33 16 108 O +33 16 109 C +33 16 110 MN +33 16 111 C +33 16 112 M +33 16 113 G +33 16 114 C +33 16 115 M +33 16 116 C +33 16 117 G +33 16 118 R +33 16 119 C +33 16 120 O +33 16 121 M +33 16 122 C +33 16 123 C +33 16 124 C +33 16 125 M +33 16 126 R +33 16 127 H +33 16 128 MN +33 16 129 O +33 16 130 G +33 16 131 R +33 16 132 M +33 16 133 C +33 16 134 G +33 16 135 R +33 16 136 C +33 16 137 C +33 16 138 C +33 16 139 O +33 16 140 C +33 16 141 O +33 16 142 O +33 16 143 C +33 16 144 G +33 16 145 C +33 16 146 MN +33 16 147 C +33 16 148 M +33 16 149 C +33 16 150 H +33 16 151 R +33 16 152 R +33 16 153 C +33 16 154 G +33 16 155 G +33 16 156 C +33 16 157 G +33 16 158 O +33 16 159 MN +33 16 160 R +33 16 161 C +33 16 162 M +33 16 163 C +33 16 164 C +33 16 165 G +33 16 166 H +33 16 167 R +33 16 168 C +33 16 169 C +33 16 170 R +33 16 171 O +33 16 172 G +33 16 173 C +33 16 174 O +33 16 175 R +33 16 176 MN +33 16 177 C +33 16 178 C +33 16 179 M +33 16 180 C +33 16 181 G +33 16 182 G +33 16 183 G +33 16 184 R +33 16 185 G +33 16 186 C +33 16 187 MN +33 16 188 C +33 16 189 O +33 16 190 R +33 16 191 C +33 16 192 R +33 16 193 C +33 16 194 G +33 16 195 C +33 16 196 C +33 16 197 R +33 16 198 G +33 16 199 O +33 16 200 C +33 16 201 R +33 16 202 C +33 16 203 M +33 16 204 G +33 16 205 R +33 16 206 O +33 16 207 M +33 16 208 MN +33 16 209 C +33 16 210 G +33 16 211 C +33 16 212 MN +33 16 213 R +33 16 214 C +33 16 215 R +33 16 216 G +33 16 217 R +33 16 218 MN +33 16 219 O +33 16 220 C +33 16 221 O +33 16 222 R +33 16 223 C +33 16 224 O +33 16 225 O +33 16 226 MN +33 16 227 C +33 16 228 H +33 16 229 H +33 16 230 C +33 16 231 R +33 16 232 R +33 16 233 MN +33 16 234 R +33 16 235 C +33 16 236 C +33 16 237 C +33 16 238 R +33 16 239 C +33 16 240 M +33 16 241 M +33 16 242 O +33 16 243 MN +33 16 244 M +33 16 245 O +33 16 246 M +33 16 247 C +33 16 248 R +33 16 249 C +33 16 250 R +33 16 251 C +33 16 252 O +33 16 253 C +33 16 254 R +33 16 255 G +33 16 256 M +33 16 257 H +33 16 258 MN +33 16 259 R +33 16 260 MN +33 16 261 R +33 16 262 O +33 16 263 G +33 16 264 O +33 16 265 C +33 16 266 M +33 16 267 R +33 16 268 C +33 16 269 R +33 16 270 MN +33 16 271 H +33 16 272 O +33 16 273 R +33 16 274 O +33 16 275 MN +33 16 276 M +33 16 277 H +33 16 278 R +33 16 279 H +33 16 280 C +33 16 281 C +33 16 282 C +33 16 283 G +33 16 284 O +33 16 285 R +33 16 286 O +33 16 287 MN +33 16 288 M +33 16 289 C +33 16 290 O +33 16 291 C +33 16 292 R +33 16 293 O +33 16 294 O +33 16 295 G +33 16 296 H +33 16 297 MN +33 16 298 M +33 16 299 C +33 16 300 G +33 16 301 C +33 16 302 R +33 16 303 O +33 16 304 C +33 16 305 H +33 16 306 C +33 16 307 C +33 16 308 R +33 16 309 G +33 16 310 C +33 16 311 C +33 16 312 H +33 16 313 H +33 16 314 O +33 16 315 C +33 16 316 C +33 16 317 M +33 16 318 MN +33 16 319 O +33 16 320 MN +33 16 321 M +33 16 322 C +33 16 323 C +33 16 324 O +33 16 325 R +33 16 326 MN +33 16 327 O +33 16 328 C +33 16 329 G +33 16 330 O +33 17 1 C +33 17 2 C +33 17 3 M +33 17 4 G +33 17 5 C +33 17 6 MN +33 17 7 C +33 17 8 M +33 17 9 G +33 17 10 H +33 17 11 H +33 17 12 MN +33 17 13 H +33 17 14 G +33 17 15 R +33 17 16 O +33 17 17 M +33 17 18 G +33 17 19 C +33 17 20 C +33 17 21 M +33 17 22 MN +33 17 23 R +33 17 24 G +33 17 25 C +33 17 26 C +33 17 27 O +33 17 28 M +33 17 29 C +33 17 30 G +33 17 31 C +33 17 32 R +33 17 33 C +33 17 34 C +33 17 35 R +33 17 36 C +33 17 37 C +33 17 38 M +33 17 39 C +33 17 40 C +33 17 41 M +33 17 42 MN +33 17 43 H +33 17 44 O +33 17 45 C +33 17 46 G +33 17 47 H +33 17 48 MN +33 17 49 C +33 17 50 G +33 17 51 H +33 17 52 O +33 17 53 M +33 17 54 C +33 17 55 M +33 17 56 R +33 17 57 H +33 17 58 MN +33 17 59 R +33 17 60 H +33 17 61 M +33 17 62 R +33 17 63 R +33 17 64 C +33 17 65 M +33 17 66 R +33 17 67 C +33 17 68 R +33 17 69 G +33 17 70 O +33 17 71 G +33 17 72 C +33 17 73 H +33 17 74 C +33 17 75 G +33 17 76 M +33 17 77 C +33 17 78 R +33 17 79 G +33 17 80 C +33 17 81 C +33 17 82 C +33 17 83 MN +33 17 84 R +33 17 85 C +33 17 86 R +33 17 87 H +33 17 88 R +33 17 89 H +33 17 90 G +33 17 91 MN +33 17 92 O +33 17 93 C +33 17 94 G +33 17 95 O +33 17 96 MN +33 17 97 H +33 17 98 M +33 17 99 MN +33 17 100 C +33 17 101 R +33 17 102 H +33 17 103 G +33 17 104 C +33 17 105 R +33 17 106 MN +33 17 107 O +33 17 108 C +33 17 109 H +33 17 110 MN +33 17 111 G +33 17 112 M +33 17 113 G +33 17 114 C +33 17 115 M +33 17 116 C +33 17 117 G +33 17 118 R +33 17 119 C +33 17 120 O +33 17 121 M +33 17 122 C +33 17 123 H +33 17 124 C +33 17 125 M +33 17 126 R +33 17 127 H +33 17 128 MN +33 17 129 O +33 17 130 G +33 17 131 R +33 17 132 M +33 17 133 C +33 17 134 G +33 17 135 R +33 17 136 C +33 17 137 C +33 17 138 C +33 17 139 O +33 17 140 H +33 17 141 MN +33 17 142 O +33 17 143 C +33 17 144 H +33 17 145 C +33 17 146 MN +33 17 147 C +33 17 148 G +33 17 149 C +33 17 150 H +33 17 151 R +33 17 152 C +33 17 153 G +33 17 154 H +33 17 155 C +33 17 156 G +33 17 157 O +33 17 158 MN +33 17 159 R +33 17 160 C +33 17 161 C +33 17 162 M +33 17 163 C +33 17 164 C +33 17 165 G +33 17 166 H +33 17 167 R +33 17 168 C +33 17 169 C +33 17 170 H +33 17 171 C +33 17 172 O +33 17 173 M +33 17 174 MN +33 17 175 C +33 17 176 MN +33 17 177 MN +33 17 178 H +33 17 179 G +33 17 180 C +33 17 181 MN +33 17 182 G +33 17 183 H +33 17 184 R +33 17 185 G +33 17 186 C +33 17 187 MN +33 17 188 C +33 17 189 C +33 17 190 R +33 17 191 C +33 17 192 R +33 17 193 MN +33 17 194 G +33 17 195 C +33 17 196 C +33 17 197 R +33 17 198 G +33 17 199 C +33 17 200 C +33 17 201 R +33 17 202 C +33 17 203 R +33 17 204 G +33 17 205 H +33 17 206 MN +33 17 207 M +33 17 208 MN +33 17 209 C +33 17 210 G +33 17 211 C +33 17 212 MN +33 17 213 H +33 17 214 C +33 17 215 R +33 17 216 G +33 17 217 R +33 17 218 H +33 17 219 C +33 17 220 G +33 17 221 O +33 17 222 R +33 17 223 C +33 17 224 O +33 17 225 H +33 17 226 C +33 17 227 G +33 17 228 H +33 17 229 C +33 17 230 O +33 17 231 R +33 17 232 H +33 17 233 R +33 17 234 C +33 17 235 C +33 17 236 MN +33 17 237 MN +33 17 238 C +33 17 239 R +33 17 240 G +33 17 241 O +33 17 242 MN +33 17 243 M +33 17 244 O +33 17 245 M +33 17 246 C +33 17 247 H +33 17 248 C +33 17 249 C +33 17 250 H +33 17 251 C +33 17 252 MN +33 17 253 C +33 17 254 O +33 17 255 G +33 17 256 M +33 17 257 H +33 17 258 MN +33 17 259 M +33 17 260 MN +33 17 261 O +33 17 262 O +33 17 263 G +33 17 264 C +33 17 265 C +33 17 266 M +33 17 267 G +33 17 268 C +33 17 269 R +33 17 270 O +33 17 271 C +33 17 272 O +33 17 273 R +33 17 274 O +33 17 275 MN +33 17 276 M +33 17 277 H +33 17 278 R +33 17 279 H +33 17 280 C +33 17 281 C +33 17 282 C +33 17 283 G +33 17 284 O +33 17 285 R +33 17 286 O +33 17 287 MN +33 17 288 M +33 17 289 C +33 17 290 O +33 17 291 C +33 17 292 R +33 17 293 C +33 17 294 O +33 17 295 G +33 17 296 H +33 17 297 MN +33 17 298 M +33 17 299 C +33 17 300 G +33 17 301 C +33 17 302 G +33 17 303 C +33 17 304 H +33 17 305 G +33 17 306 H +33 17 307 C +33 17 308 M +33 17 309 G +33 17 310 C +33 17 311 C +33 17 312 G +33 17 313 H +33 17 314 R +33 17 315 C +33 17 316 C +33 17 317 M +33 17 318 MN +33 17 319 O +33 17 320 G +33 17 321 M +33 17 322 C +33 17 323 C +33 17 324 O +33 17 325 M +33 17 326 MN +33 17 327 O +33 17 328 C +33 17 329 O +33 17 330 C +33 18 1 C +33 18 2 C +33 18 3 M +33 18 4 H +33 18 5 C +33 18 6 MN +33 18 7 C +33 18 8 M +33 18 9 G +33 18 10 H +33 18 11 H +33 18 12 MN +33 18 13 H +33 18 14 G +33 18 15 R +33 18 16 O +33 18 17 M +33 18 18 G +33 18 19 C +33 18 20 C +33 18 21 M +33 18 22 MN +33 18 23 R +33 18 24 H +33 18 25 C +33 18 26 C +33 18 27 O +33 18 28 C +33 18 29 C +33 18 30 G +33 18 31 C +33 18 32 M +33 18 33 C +33 18 34 C +33 18 35 R +33 18 36 C +33 18 37 C +33 18 38 M +33 18 39 C +33 18 40 C +33 18 41 M +33 18 42 MN +33 18 43 H +33 18 44 O +33 18 45 C +33 18 46 G +33 18 47 H +33 18 48 MN +33 18 49 C +33 18 50 G +33 18 51 H +33 18 52 O +33 18 53 M +33 18 54 C +33 18 55 C +33 18 56 R +33 18 57 H +33 18 58 MN +33 18 59 R +33 18 60 H +33 18 61 M +33 18 62 R +33 18 63 R +33 18 64 C +33 18 65 M +33 18 66 R +33 18 67 C +33 18 68 R +33 18 69 G +33 18 70 O +33 18 71 H +33 18 72 C +33 18 73 H +33 18 74 C +33 18 75 G +33 18 76 M +33 18 77 C +33 18 78 R +33 18 79 H +33 18 80 C +33 18 81 C +33 18 82 O +33 18 83 MN +33 18 84 M +33 18 85 C +33 18 86 R +33 18 87 H +33 18 88 R +33 18 89 G +33 18 90 M +33 18 91 H +33 18 92 O +33 18 93 C +33 18 94 G +33 18 95 O +33 18 96 MN +33 18 97 H +33 18 98 M +33 18 99 MN +33 18 100 C +33 18 101 M +33 18 102 H +33 18 103 G +33 18 104 C +33 18 105 R +33 18 106 MN +33 18 107 O +33 18 108 C +33 18 109 H +33 18 110 MN +33 18 111 G +33 18 112 M +33 18 113 G +33 18 114 C +33 18 115 R +33 18 116 C +33 18 117 M +33 18 118 C +33 18 119 H +33 18 120 O +33 18 121 M +33 18 122 C +33 18 123 G +33 18 124 C +33 18 125 M +33 18 126 R +33 18 127 H +33 18 128 MN +33 18 129 O +33 18 130 G +33 18 131 R +33 18 132 M +33 18 133 C +33 18 134 H +33 18 135 R +33 18 136 C +33 18 137 C +33 18 138 C +33 18 139 O +33 18 140 H +33 18 141 MN +33 18 142 O +33 18 143 C +33 18 144 H +33 18 145 C +33 18 146 MN +33 18 147 C +33 18 148 M +33 18 149 C +33 18 150 H +33 18 151 R +33 18 152 C +33 18 153 G +33 18 154 H +33 18 155 C +33 18 156 G +33 18 157 O +33 18 158 MN +33 18 159 R +33 18 160 C +33 18 161 C +33 18 162 M +33 18 163 C +33 18 164 H +33 18 165 G +33 18 166 H +33 18 167 R +33 18 168 C +33 18 169 C +33 18 170 H +33 18 171 C +33 18 172 O +33 18 173 M +33 18 174 MN +33 18 175 C +33 18 176 M +33 18 177 MN +33 18 178 H +33 18 179 G +33 18 180 C +33 18 181 MN +33 18 182 G +33 18 183 H +33 18 184 R +33 18 185 G +33 18 186 C +33 18 187 MN +33 18 188 C +33 18 189 C +33 18 190 R +33 18 191 C +33 18 192 R +33 18 193 MN +33 18 194 G +33 18 195 C +33 18 196 C +33 18 197 R +33 18 198 G +33 18 199 C +33 18 200 C +33 18 201 C +33 18 202 R +33 18 203 M +33 18 204 G +33 18 205 H +33 18 206 MN +33 18 207 M +33 18 208 O +33 18 209 C +33 18 210 H +33 18 211 C +33 18 212 MN +33 18 213 G +33 18 214 C +33 18 215 R +33 18 216 G +33 18 217 R +33 18 218 H +33 18 219 C +33 18 220 H +33 18 221 O +33 18 222 R +33 18 223 C +33 18 224 MN +33 18 225 G +33 18 226 C +33 18 227 G +33 18 228 H +33 18 229 C +33 18 230 O +33 18 231 R +33 18 232 G +33 18 233 R +33 18 234 C +33 18 235 C +33 18 236 MN +33 18 237 O +33 18 238 C +33 18 239 R +33 18 240 G +33 18 241 O +33 18 242 MN +33 18 243 M +33 18 244 O +33 18 245 M +33 18 246 C +33 18 247 G +33 18 248 C +33 18 249 H +33 18 250 G +33 18 251 C +33 18 252 MN +33 18 253 C +33 18 254 O +33 18 255 H +33 18 256 M +33 18 257 H +33 18 258 MN +33 18 259 M +33 18 260 MN +33 18 261 O +33 18 262 O +33 18 263 G +33 18 264 C +33 18 265 C +33 18 266 M +33 18 267 G +33 18 268 C +33 18 269 R +33 18 270 MN +33 18 271 C +33 18 272 O +33 18 273 R +33 18 274 O +33 18 275 MN +33 18 276 M +33 18 277 H +33 18 278 R +33 18 279 H +33 18 280 C +33 18 281 C +33 18 282 C +33 18 283 G +33 18 284 O +33 18 285 R +33 18 286 O +33 18 287 MN +33 18 288 M +33 18 289 C +33 18 290 O +33 18 291 C +33 18 292 R +33 18 293 C +33 18 294 O +33 18 295 G +33 18 296 H +33 18 297 MN +33 18 298 M +33 18 299 C +33 18 300 G +33 18 301 C +33 18 302 O +33 18 303 MN +33 18 304 C +33 18 305 C +33 18 306 H +33 18 307 C +33 18 308 R +33 18 309 H +33 18 310 C +33 18 311 C +33 18 312 G +33 18 313 H +33 18 314 R +33 18 315 C +33 18 316 C +33 18 317 M +33 18 318 MN +33 18 319 O +33 18 320 G +33 18 321 M +33 18 322 C +33 18 323 C +33 18 324 O +33 18 325 M +33 18 326 MN +33 18 327 O +33 18 328 C +33 18 329 O +33 18 330 M +33 19 1 C +33 19 2 C +33 19 3 M +33 19 4 G +33 19 5 C +33 19 6 MN +33 19 7 C +33 19 8 M +33 19 9 G +33 19 10 H +33 19 11 H +33 19 12 MN +33 19 13 H +33 19 14 G +33 19 15 R +33 19 16 O +33 19 17 M +33 19 18 G +33 19 19 C +33 19 20 C +33 19 21 M +33 19 22 MN +33 19 23 R +33 19 24 G +33 19 25 C +33 19 26 C +33 19 27 O +33 19 28 M +33 19 29 C +33 19 30 G +33 19 31 MN +33 19 32 R +33 19 33 C +33 19 34 C +33 19 35 R +33 19 36 C +33 19 37 C +33 19 38 M +33 19 39 C +33 19 40 C +33 19 41 M +33 19 42 MN +33 19 43 H +33 19 44 O +33 19 45 C +33 19 46 G +33 19 47 H +33 19 48 MN +33 19 49 C +33 19 50 H +33 19 51 G +33 19 52 O +33 19 53 M +33 19 54 C +33 19 55 C +33 19 56 R +33 19 57 H +33 19 58 MN +33 19 59 R +33 19 60 H +33 19 61 M +33 19 62 R +33 19 63 R +33 19 64 C +33 19 65 M +33 19 66 R +33 19 67 C +33 19 68 R +33 19 69 G +33 19 70 O +33 19 71 G +33 19 72 C +33 19 73 H +33 19 74 C +33 19 75 G +33 19 76 M +33 19 77 C +33 19 78 R +33 19 79 G +33 19 80 C +33 19 81 MN +33 19 82 C +33 19 83 MN +33 19 84 M +33 19 85 C +33 19 86 R +33 19 87 H +33 19 88 R +33 19 89 H +33 19 90 G +33 19 91 MN +33 19 92 O +33 19 93 C +33 19 94 G +33 19 95 O +33 19 96 MN +33 19 97 H +33 19 98 M +33 19 99 MN +33 19 100 C +33 19 101 M +33 19 102 H +33 19 103 G +33 19 104 C +33 19 105 R +33 19 106 MN +33 19 107 O +33 19 108 C +33 19 109 H +33 19 110 MN +33 19 111 G +33 19 112 M +33 19 113 G +33 19 114 C +33 19 115 M +33 19 116 C +33 19 117 G +33 19 118 R +33 19 119 C +33 19 120 O +33 19 121 M +33 19 122 C +33 19 123 G +33 19 124 C +33 19 125 M +33 19 126 R +33 19 127 H +33 19 128 MN +33 19 129 O +33 19 130 G +33 19 131 R +33 19 132 M +33 19 133 C +33 19 134 G +33 19 135 R +33 19 136 C +33 19 137 C +33 19 138 C +33 19 139 O +33 19 140 H +33 19 141 O +33 19 142 O +33 19 143 C +33 19 144 H +33 19 145 C +33 19 146 MN +33 19 147 C +33 19 148 M +33 19 149 C +33 19 150 H +33 19 151 R +33 19 152 C +33 19 153 G +33 19 154 H +33 19 155 C +33 19 156 G +33 19 157 O +33 19 158 MN +33 19 159 R +33 19 160 C +33 19 161 C +33 19 162 M +33 19 163 C +33 19 164 C +33 19 165 G +33 19 166 H +33 19 167 R +33 19 168 C +33 19 169 C +33 19 170 H +33 19 171 C +33 19 172 O +33 19 173 M +33 19 174 MN +33 19 175 C +33 19 176 M +33 19 177 MN +33 19 178 H +33 19 179 G +33 19 180 C +33 19 181 MN +33 19 182 G +33 19 183 G +33 19 184 R +33 19 185 G +33 19 186 C +33 19 187 MN +33 19 188 C +33 19 189 C +33 19 190 R +33 19 191 C +33 19 192 R +33 19 193 MN +33 19 194 G +33 19 195 C +33 19 196 C +33 19 197 R +33 19 198 G +33 19 199 C +33 19 200 C +33 19 201 R +33 19 202 C +33 19 203 R +33 19 204 G +33 19 205 H +33 19 206 MN +33 19 207 M +33 19 208 MN +33 19 209 C +33 19 210 H +33 19 211 C +33 19 212 MN +33 19 213 H +33 19 214 C +33 19 215 R +33 19 216 G +33 19 217 R +33 19 218 G +33 19 219 C +33 19 220 H +33 19 221 O +33 19 222 R +33 19 223 C +33 19 224 O +33 19 225 G +33 19 226 C +33 19 227 G +33 19 228 H +33 19 229 C +33 19 230 O +33 19 231 R +33 19 232 H +33 19 233 R +33 19 234 C +33 19 235 C +33 19 236 MN +33 19 237 MN +33 19 238 C +33 19 239 R +33 19 240 G +33 19 241 O +33 19 242 MN +33 19 243 M +33 19 244 O +33 19 245 M +33 19 246 C +33 19 247 H +33 19 248 C +33 19 249 C +33 19 250 H +33 19 251 C +33 19 252 MN +33 19 253 C +33 19 254 O +33 19 255 G +33 19 256 M +33 19 257 H +33 19 258 MN +33 19 259 M +33 19 260 MN +33 19 261 MN +33 19 262 O +33 19 263 G +33 19 264 C +33 19 265 C +33 19 266 M +33 19 267 G +33 19 268 C +33 19 269 R +33 19 270 MN +33 19 271 C +33 19 272 O +33 19 273 R +33 19 274 O +33 19 275 MN +33 19 276 M +33 19 277 H +33 19 278 R +33 19 279 H +33 19 280 C +33 19 281 C +33 19 282 C +33 19 283 G +33 19 284 O +33 19 285 R +33 19 286 O +33 19 287 MN +33 19 288 M +33 19 289 C +33 19 290 O +33 19 291 C +33 19 292 R +33 19 293 C +33 19 294 O +33 19 295 G +33 19 296 H +33 19 297 MN +33 19 298 M +33 19 299 C +33 19 300 G +33 19 301 C +33 19 302 O +33 19 303 MN +33 19 304 C +33 19 305 C +33 19 306 H +33 19 307 C +33 19 308 R +33 19 309 G +33 19 310 C +33 19 311 C +33 19 312 G +33 19 313 H +33 19 314 R +33 19 315 C +33 19 316 C +33 19 317 M +33 19 318 MN +33 19 319 O +33 19 320 H +33 19 321 M +33 19 322 C +33 19 323 C +33 19 324 O +33 19 325 M +33 19 326 MN +33 19 327 H +33 19 328 C +33 19 329 O +33 19 330 G +33 20 1 C +33 20 2 C +33 20 3 M +33 20 4 G +33 20 5 C +33 20 6 MN +33 20 7 C +33 20 8 G +33 20 9 G +33 20 10 H +33 20 11 MN +33 20 12 G +33 20 13 G +33 20 14 R +33 20 15 O +33 20 16 O +33 20 17 M +33 20 18 H +33 20 19 C +33 20 20 C +33 20 21 M +33 20 22 MN +33 20 23 R +33 20 24 C +33 20 25 G +33 20 26 H +33 20 27 MN +33 20 28 M +33 20 29 C +33 20 30 G +33 20 31 C +33 20 32 R +33 20 33 C +33 20 34 C +33 20 35 R +33 20 36 C +33 20 37 C +33 20 38 M +33 20 39 C +33 20 40 C +33 20 41 M +33 20 42 MN +33 20 43 H +33 20 44 O +33 20 45 C +33 20 46 G +33 20 47 H +33 20 48 MN +33 20 49 C +33 20 50 G +33 20 51 H +33 20 52 O +33 20 53 M +33 20 54 C +33 20 55 C +33 20 56 R +33 20 57 H +33 20 58 G +33 20 59 R +33 20 60 H +33 20 61 M +33 20 62 R +33 20 63 M +33 20 64 H +33 20 65 M +33 20 66 O +33 20 67 C +33 20 68 M +33 20 69 G +33 20 70 O +33 20 71 G +33 20 72 C +33 20 73 G +33 20 74 C +33 20 75 H +33 20 76 M +33 20 77 C +33 20 78 R +33 20 79 G +33 20 80 C +33 20 81 H +33 20 82 C +33 20 83 MN +33 20 84 M +33 20 85 C +33 20 86 R +33 20 87 H +33 20 88 M +33 20 89 H +33 20 90 G +33 20 91 C +33 20 92 O +33 20 93 C +33 20 94 G +33 20 95 O +33 20 96 MN +33 20 97 H +33 20 98 M +33 20 99 R +33 20 100 C +33 20 101 M +33 20 102 G +33 20 103 G +33 20 104 C +33 20 105 M +33 20 106 MN +33 20 107 O +33 20 108 C +33 20 109 H +33 20 110 MN +33 20 111 G +33 20 112 M +33 20 113 G +33 20 114 C +33 20 115 M +33 20 116 C +33 20 117 G +33 20 118 M +33 20 119 C +33 20 120 O +33 20 121 M +33 20 122 C +33 20 123 H +33 20 124 G +33 20 125 M +33 20 126 R +33 20 127 H +33 20 128 MN +33 20 129 O +33 20 130 G +33 20 131 M +33 20 132 M +33 20 133 C +33 20 134 G +33 20 135 O +33 20 136 M +33 20 137 C +33 20 138 C +33 20 139 O +33 20 140 H +33 20 141 MN +33 20 142 R +33 20 143 C +33 20 144 H +33 20 145 C +33 20 146 MN +33 20 147 C +33 20 148 M +33 20 149 C +33 20 150 H +33 20 151 R +33 20 152 R +33 20 153 C +33 20 154 G +33 20 155 G +33 20 156 C +33 20 157 H +33 20 158 O +33 20 159 MN +33 20 160 R +33 20 161 C +33 20 162 M +33 20 163 C +33 20 164 C +33 20 165 G +33 20 166 H +33 20 167 R +33 20 168 C +33 20 169 C +33 20 170 G +33 20 171 H +33 20 172 O +33 20 173 M +33 20 174 MN +33 20 175 C +33 20 176 M +33 20 177 MN +33 20 178 C +33 20 179 G +33 20 180 C +33 20 181 G +33 20 182 H +33 20 183 H +33 20 184 R +33 20 185 G +33 20 186 C +33 20 187 MN +33 20 188 C +33 20 189 O +33 20 190 R +33 20 191 C +33 20 192 R +33 20 193 MN +33 20 194 G +33 20 195 C +33 20 196 C +33 20 197 G +33 20 198 H +33 20 199 O +33 20 200 C +33 20 201 R +33 20 202 C +33 20 203 M +33 20 204 G +33 20 205 R +33 20 206 O +33 20 207 M +33 20 208 G +33 20 209 C +33 20 210 G +33 20 211 C +33 20 212 M +33 20 213 O +33 20 214 C +33 20 215 R +33 20 216 G +33 20 217 R +33 20 218 C +33 20 219 C +33 20 220 G +33 20 221 C +33 20 222 H +33 20 223 C +33 20 224 MN +33 20 225 MN +33 20 226 H +33 20 227 H +33 20 228 G +33 20 229 C +33 20 230 O +33 20 231 M +33 20 232 H +33 20 233 O +33 20 234 C +33 20 235 C +33 20 236 C +33 20 237 C +33 20 238 R +33 20 239 M +33 20 240 R +33 20 241 O +33 20 242 MN +33 20 243 M +33 20 244 O +33 20 245 M +33 20 246 C +33 20 247 R +33 20 248 H +33 20 249 C +33 20 250 G +33 20 251 C +33 20 252 O +33 20 253 C +33 20 254 C +33 20 255 H +33 20 256 M +33 20 257 C +33 20 258 MN +33 20 259 M +33 20 260 M +33 20 261 R +33 20 262 O +33 20 263 G +33 20 264 C +33 20 265 C +33 20 266 M +33 20 267 H +33 20 268 C +33 20 269 R +33 20 270 MN +33 20 271 H +33 20 272 O +33 20 273 R +33 20 274 O +33 20 275 G +33 20 276 M +33 20 277 H +33 20 278 R +33 20 279 H +33 20 280 C +33 20 281 C +33 20 282 C +33 20 283 G +33 20 284 O +33 20 285 R +33 20 286 O +33 20 287 G +33 20 288 M +33 20 289 C +33 20 290 O +33 20 291 C +33 20 292 R +33 20 293 O +33 20 294 G +33 20 295 G +33 20 296 H +33 20 297 MN +33 20 298 M +33 20 299 C +33 20 300 O +33 20 301 C +33 20 302 O +33 20 303 C +33 20 304 C +33 20 305 H +33 20 306 C +33 20 307 C +33 20 308 R +33 20 309 G +33 20 310 C +33 20 311 C +33 20 312 H +33 20 313 H +33 20 314 O +33 20 315 C +33 20 316 C +33 20 317 M +33 20 318 R +33 20 319 O +33 20 320 G +33 20 321 M +33 20 322 C +33 20 323 C +33 20 324 O +33 20 325 G +33 20 326 MN +33 20 327 O +33 20 328 C +33 20 329 G +33 20 330 M +33 21 1 C +33 21 2 C +33 21 3 M +33 21 4 G +33 21 5 C +33 21 6 MN +33 21 7 C +33 21 8 G +33 21 9 G +33 21 10 H +33 21 11 MN +33 21 12 G +33 21 13 G +33 21 14 R +33 21 15 O +33 21 16 O +33 21 17 M +33 21 18 H +33 21 19 C +33 21 20 C +33 21 21 M +33 21 22 MN +33 21 23 R +33 21 24 G +33 21 25 C +33 21 26 H +33 21 27 MN +33 21 28 M +33 21 29 C +33 21 30 G +33 21 31 C +33 21 32 R +33 21 33 C +33 21 34 C +33 21 35 R +33 21 36 C +33 21 37 C +33 21 38 M +33 21 39 C +33 21 40 C +33 21 41 M +33 21 42 MN +33 21 43 H +33 21 44 O +33 21 45 C +33 21 46 G +33 21 47 H +33 21 48 MN +33 21 49 C +33 21 50 G +33 21 51 G +33 21 52 O +33 21 53 M +33 21 54 C +33 21 55 C +33 21 56 R +33 21 57 H +33 21 58 G +33 21 59 R +33 21 60 H +33 21 61 M +33 21 62 R +33 21 63 M +33 21 64 H +33 21 65 M +33 21 66 O +33 21 67 C +33 21 68 M +33 21 69 G +33 21 70 O +33 21 71 G +33 21 72 C +33 21 73 G +33 21 74 C +33 21 75 H +33 21 76 M +33 21 77 C +33 21 78 R +33 21 79 G +33 21 80 C +33 21 81 H +33 21 82 C +33 21 83 MN +33 21 84 M +33 21 85 C +33 21 86 R +33 21 87 H +33 21 88 M +33 21 89 H +33 21 90 G +33 21 91 C +33 21 92 O +33 21 93 C +33 21 94 G +33 21 95 O +33 21 96 MN +33 21 97 H +33 21 98 M +33 21 99 R +33 21 100 C +33 21 101 M +33 21 102 G +33 21 103 G +33 21 104 C +33 21 105 M +33 21 106 MN +33 21 107 O +33 21 108 C +33 21 109 H +33 21 110 MN +33 21 111 G +33 21 112 M +33 21 113 G +33 21 114 C +33 21 115 M +33 21 116 C +33 21 117 G +33 21 118 M +33 21 119 C +33 21 120 O +33 21 121 M +33 21 122 C +33 21 123 H +33 21 124 G +33 21 125 M +33 21 126 R +33 21 127 H +33 21 128 MN +33 21 129 O +33 21 130 G +33 21 131 M +33 21 132 M +33 21 133 C +33 21 134 G +33 21 135 O +33 21 136 M +33 21 137 C +33 21 138 C +33 21 139 O +33 21 140 H +33 21 141 MN +33 21 142 R +33 21 143 C +33 21 144 H +33 21 145 C +33 21 146 MN +33 21 147 C +33 21 148 M +33 21 149 C +33 21 150 H +33 21 151 R +33 21 152 R +33 21 153 C +33 21 154 G +33 21 155 G +33 21 156 C +33 21 157 H +33 21 158 O +33 21 159 MN +33 21 160 R +33 21 161 C +33 21 162 M +33 21 163 C +33 21 164 C +33 21 165 G +33 21 166 H +33 21 167 R +33 21 168 C +33 21 169 C +33 21 170 G +33 21 171 H +33 21 172 O +33 21 173 M +33 21 174 MN +33 21 175 C +33 21 176 M +33 21 177 MN +33 21 178 C +33 21 179 G +33 21 180 C +33 21 181 G +33 21 182 H +33 21 183 H +33 21 184 R +33 21 185 G +33 21 186 C +33 21 187 MN +33 21 188 C +33 21 189 O +33 21 190 R +33 21 191 C +33 21 192 R +33 21 193 MN +33 21 194 G +33 21 195 C +33 21 196 C +33 21 197 G +33 21 198 H +33 21 199 O +33 21 200 C +33 21 201 R +33 21 202 C +33 21 203 M +33 21 204 G +33 21 205 R +33 21 206 O +33 21 207 M +33 21 208 G +33 21 209 C +33 21 210 G +33 21 211 C +33 21 212 M +33 21 213 O +33 21 214 C +33 21 215 R +33 21 216 G +33 21 217 R +33 21 218 C +33 21 219 C +33 21 220 G +33 21 221 C +33 21 222 H +33 21 223 C +33 21 224 MN +33 21 225 MN +33 21 226 H +33 21 227 H +33 21 228 G +33 21 229 C +33 21 230 O +33 21 231 M +33 21 232 H +33 21 233 O +33 21 234 C +33 21 235 C +33 21 236 C +33 21 237 R +33 21 238 C +33 21 239 R +33 21 240 M +33 21 241 O +33 21 242 MN +33 21 243 M +33 21 244 O +33 21 245 M +33 21 246 C +33 21 247 R +33 21 248 H +33 21 249 C +33 21 250 G +33 21 251 C +33 21 252 O +33 21 253 C +33 21 254 C +33 21 255 H +33 21 256 M +33 21 257 C +33 21 258 MN +33 21 259 M +33 21 260 M +33 21 261 R +33 21 262 O +33 21 263 G +33 21 264 C +33 21 265 C +33 21 266 M +33 21 267 H +33 21 268 C +33 21 269 R +33 21 270 MN +33 21 271 H +33 21 272 O +33 21 273 R +33 21 274 O +33 21 275 G +33 21 276 M +33 21 277 H +33 21 278 R +33 21 279 H +33 21 280 C +33 21 281 C +33 21 282 C +33 21 283 G +33 21 284 O +33 21 285 R +33 21 286 O +33 21 287 G +33 21 288 M +33 21 289 C +33 21 290 O +33 21 291 C +33 21 292 R +33 21 293 O +33 21 294 G +33 21 295 G +33 21 296 H +33 21 297 MN +33 21 298 M +33 21 299 C +33 21 300 O +33 21 301 C +33 21 302 O +33 21 303 C +33 21 304 C +33 21 305 H +33 21 306 C +33 21 307 C +33 21 308 O +33 21 309 H +33 21 310 C +33 21 311 C +33 21 312 H +33 21 313 H +33 21 314 O +33 21 315 C +33 21 316 C +33 21 317 M +33 21 318 R +33 21 319 O +33 21 320 G +33 21 321 M +33 21 322 C +33 21 323 C +33 21 324 O +33 21 325 G +33 21 326 MN +33 21 327 O +33 21 328 C +33 21 329 G +33 21 330 O +33 22 1 C +33 22 2 C +33 22 3 M +33 22 4 G +33 22 5 C +33 22 6 MN +33 22 7 C +33 22 8 M +33 22 9 G +33 22 10 H +33 22 11 G +33 22 12 MN +33 22 13 H +33 22 14 H +33 22 15 R +33 22 16 O +33 22 17 M +33 22 18 H +33 22 19 C +33 22 20 C +33 22 21 M +33 22 22 MN +33 22 23 R +33 22 24 G +33 22 25 C +33 22 26 C +33 22 27 O +33 22 28 R +33 22 29 C +33 22 30 G +33 22 31 C +33 22 32 R +33 22 33 H +33 22 34 C +33 22 35 R +33 22 36 C +33 22 37 C +33 22 38 M +33 22 39 MN +33 22 40 H +33 22 41 O +33 22 42 C +33 22 43 G +33 22 44 H +33 22 45 MN +33 22 46 C +33 22 47 G +33 22 48 H +33 22 49 O +33 22 50 M +33 22 51 C +33 22 52 C +33 22 53 M +33 22 54 C +33 22 55 C +33 22 56 M +33 22 57 H +33 22 58 MN +33 22 59 R +33 22 60 H +33 22 61 M +33 22 62 R +33 22 63 R +33 22 64 C +33 22 65 R +33 22 66 C +33 22 67 R +33 22 68 G +33 22 69 O +33 22 70 G +33 22 71 H +33 22 72 C +33 22 73 H +33 22 74 C +33 22 75 G +33 22 76 M +33 22 77 C +33 22 78 R +33 22 79 H +33 22 80 C +33 22 81 C +33 22 82 C +33 22 83 MN +33 22 84 R +33 22 85 C +33 22 86 R +33 22 87 H +33 22 88 R +33 22 89 H +33 22 90 G +33 22 91 MN +33 22 92 O +33 22 93 C +33 22 94 G +33 22 95 O +33 22 96 MN +33 22 97 H +33 22 98 M +33 22 99 MN +33 22 100 C +33 22 101 M +33 22 102 H +33 22 103 G +33 22 104 C +33 22 105 R +33 22 106 MN +33 22 107 O +33 22 108 C +33 22 109 H +33 22 110 MN +33 22 111 G +33 22 112 M +33 22 113 G +33 22 114 C +33 22 115 M +33 22 116 C +33 22 117 G +33 22 118 R +33 22 119 C +33 22 120 O +33 22 121 M +33 22 122 C +33 22 123 H +33 22 124 C +33 22 125 R +33 22 126 H +33 22 127 MN +33 22 128 O +33 22 129 C +33 22 130 G +33 22 131 R +33 22 132 M +33 22 133 C +33 22 134 H +33 22 135 R +33 22 136 C +33 22 137 C +33 22 138 C +33 22 139 O +33 22 140 H +33 22 141 O +33 22 142 O +33 22 143 C +33 22 144 H +33 22 145 C +33 22 146 MN +33 22 147 C +33 22 148 G +33 22 149 C +33 22 150 H +33 22 151 R +33 22 152 C +33 22 153 G +33 22 154 H +33 22 155 C +33 22 156 G +33 22 157 O +33 22 158 MN +33 22 159 R +33 22 160 C +33 22 161 C +33 22 162 M +33 22 163 C +33 22 164 C +33 22 165 G +33 22 166 H +33 22 167 R +33 22 168 C +33 22 169 C +33 22 170 H +33 22 171 C +33 22 172 O +33 22 173 M +33 22 174 MN +33 22 175 C +33 22 176 MN +33 22 177 O +33 22 178 G +33 22 179 H +33 22 180 C +33 22 181 MN +33 22 182 G +33 22 183 G +33 22 184 R +33 22 185 G +33 22 186 C +33 22 187 MN +33 22 188 C +33 22 189 C +33 22 190 R +33 22 191 C +33 22 192 R +33 22 193 MN +33 22 194 G +33 22 195 C +33 22 196 C +33 22 197 R +33 22 198 G +33 22 199 C +33 22 200 C +33 22 201 R +33 22 202 C +33 22 203 R +33 22 204 G +33 22 205 H +33 22 206 MN +33 22 207 M +33 22 208 MN +33 22 209 C +33 22 210 G +33 22 211 C +33 22 212 MN +33 22 213 H +33 22 214 C +33 22 215 R +33 22 216 G +33 22 217 R +33 22 218 G +33 22 219 C +33 22 220 H +33 22 221 O +33 22 222 R +33 22 223 C +33 22 224 O +33 22 225 G +33 22 226 C +33 22 227 H +33 22 228 G +33 22 229 C +33 22 230 O +33 22 231 R +33 22 232 C +33 22 233 C +33 22 234 C +33 22 235 R +33 22 236 MN +33 22 237 O +33 22 238 C +33 22 239 R +33 22 240 G +33 22 241 O +33 22 242 MN +33 22 243 M +33 22 244 O +33 22 245 M +33 22 246 C +33 22 247 H +33 22 248 C +33 22 249 C +33 22 250 H +33 22 251 C +33 22 252 MN +33 22 253 C +33 22 254 O +33 22 255 G +33 22 256 M +33 22 257 H +33 22 258 MN +33 22 259 O +33 22 260 O +33 22 261 G +33 22 262 O +33 22 263 G +33 22 264 C +33 22 265 C +33 22 266 M +33 22 267 H +33 22 268 R +33 22 269 O +33 22 270 C +33 22 271 O +33 22 272 R +33 22 273 O +33 22 274 MN +33 22 275 M +33 22 276 H +33 22 277 G +33 22 278 R +33 22 279 H +33 22 280 C +33 22 281 C +33 22 282 C +33 22 283 G +33 22 284 O +33 22 285 R +33 22 286 O +33 22 287 MN +33 22 288 M +33 22 289 C +33 22 290 O +33 22 291 C +33 22 292 R +33 22 293 C +33 22 294 O +33 22 295 G +33 22 296 H +33 22 297 MN +33 22 298 M +33 22 299 C +33 22 300 G +33 22 301 C +33 22 302 O +33 22 303 O +33 22 304 C +33 22 305 H +33 22 306 C +33 22 307 C +33 22 308 M +33 22 309 G +33 22 310 C +33 22 311 C +33 22 312 G +33 22 313 H +33 22 314 R +33 22 315 C +33 22 316 C +33 22 317 M +33 22 318 MN +33 22 319 O +33 22 320 G +33 22 321 M +33 22 322 C +33 22 323 C +33 22 324 O +33 22 325 M +33 22 326 MN +33 22 327 O +33 22 328 C +33 22 329 O +33 22 330 R +33 23 1 C +33 23 2 C +33 23 3 M +33 23 4 G +33 23 5 C +33 23 6 MN +33 23 7 C +33 23 8 M +33 23 9 G +33 23 10 H +33 23 11 G +33 23 12 MN +33 23 13 H +33 23 14 H +33 23 15 R +33 23 16 O +33 23 17 M +33 23 18 H +33 23 19 C +33 23 20 C +33 23 21 M +33 23 22 MN +33 23 23 R +33 23 24 G +33 23 25 C +33 23 26 C +33 23 27 O +33 23 28 R +33 23 29 C +33 23 30 G +33 23 31 C +33 23 32 R +33 23 33 H +33 23 34 C +33 23 35 R +33 23 36 C +33 23 37 C +33 23 38 M +33 23 39 MN +33 23 40 H +33 23 41 O +33 23 42 C +33 23 43 G +33 23 44 H +33 23 45 MN +33 23 46 C +33 23 47 G +33 23 48 H +33 23 49 O +33 23 50 M +33 23 51 C +33 23 52 C +33 23 53 M +33 23 54 C +33 23 55 C +33 23 56 M +33 23 57 G +33 23 58 MN +33 23 59 R +33 23 60 H +33 23 61 M +33 23 62 R +33 23 63 R +33 23 64 C +33 23 65 M +33 23 66 R +33 23 67 C +33 23 68 R +33 23 69 G +33 23 70 O +33 23 71 G +33 23 72 C +33 23 73 H +33 23 74 C +33 23 75 G +33 23 76 M +33 23 77 C +33 23 78 R +33 23 79 H +33 23 80 C +33 23 81 C +33 23 82 C +33 23 83 MN +33 23 84 R +33 23 85 C +33 23 86 R +33 23 87 H +33 23 88 R +33 23 89 H +33 23 90 G +33 23 91 MN +33 23 92 O +33 23 93 C +33 23 94 G +33 23 95 O +33 23 96 MN +33 23 97 H +33 23 98 M +33 23 99 MN +33 23 100 C +33 23 101 M +33 23 102 H +33 23 103 G +33 23 104 C +33 23 105 R +33 23 106 MN +33 23 107 O +33 23 108 C +33 23 109 H +33 23 110 MN +33 23 111 G +33 23 112 M +33 23 113 H +33 23 114 C +33 23 115 M +33 23 116 C +33 23 117 G +33 23 118 R +33 23 119 C +33 23 120 O +33 23 121 M +33 23 122 C +33 23 123 H +33 23 124 C +33 23 125 R +33 23 126 H +33 23 127 MN +33 23 128 O +33 23 129 C +33 23 130 G +33 23 131 R +33 23 132 M +33 23 133 C +33 23 134 H +33 23 135 R +33 23 136 C +33 23 137 C +33 23 138 C +33 23 139 O +33 23 140 H +33 23 141 MN +33 23 142 O +33 23 143 C +33 23 144 H +33 23 145 C +33 23 146 MN +33 23 147 C +33 23 148 G +33 23 149 C +33 23 150 H +33 23 151 R +33 23 152 C +33 23 153 G +33 23 154 H +33 23 155 C +33 23 156 G +33 23 157 O +33 23 158 MN +33 23 159 R +33 23 160 C +33 23 161 C +33 23 162 M +33 23 163 C +33 23 164 C +33 23 165 G +33 23 166 H +33 23 167 R +33 23 168 C +33 23 169 C +33 23 170 H +33 23 171 C +33 23 172 O +33 23 173 M +33 23 174 MN +33 23 175 C +33 23 176 MN +33 23 177 O +33 23 178 G +33 23 179 H +33 23 180 C +33 23 181 MN +33 23 182 G +33 23 183 G +33 23 184 R +33 23 185 G +33 23 186 C +33 23 187 MN +33 23 188 C +33 23 189 C +33 23 190 R +33 23 191 C +33 23 192 R +33 23 193 MN +33 23 194 G +33 23 195 C +33 23 196 C +33 23 197 R +33 23 198 G +33 23 199 C +33 23 200 C +33 23 201 R +33 23 202 C +33 23 203 R +33 23 204 G +33 23 205 H +33 23 206 MN +33 23 207 M +33 23 208 MN +33 23 209 C +33 23 210 H +33 23 211 C +33 23 212 MN +33 23 213 H +33 23 214 C +33 23 215 R +33 23 216 G +33 23 217 R +33 23 218 G +33 23 219 C +33 23 220 H +33 23 221 O +33 23 222 R +33 23 223 C +33 23 224 O +33 23 225 H +33 23 226 C +33 23 227 G +33 23 228 H +33 23 229 C +33 23 230 O +33 23 231 R +33 23 232 H +33 23 233 R +33 23 234 C +33 23 235 C +33 23 236 MN +33 23 237 MN +33 23 238 C +33 23 239 R +33 23 240 G +33 23 241 O +33 23 242 MN +33 23 243 M +33 23 244 O +33 23 245 M +33 23 246 C +33 23 247 H +33 23 248 C +33 23 249 C +33 23 250 H +33 23 251 C +33 23 252 MN +33 23 253 C +33 23 254 O +33 23 255 G +33 23 256 M +33 23 257 H +33 23 258 MN +33 23 259 M +33 23 260 MN +33 23 261 MN +33 23 262 O +33 23 263 G +33 23 264 C +33 23 265 C +33 23 266 M +33 23 267 G +33 23 268 C +33 23 269 R +33 23 270 MN +33 23 271 C +33 23 272 O +33 23 273 R +33 23 274 O +33 23 275 MN +33 23 276 M +33 23 277 H +33 23 278 R +33 23 279 H +33 23 280 C +33 23 281 C +33 23 282 C +33 23 283 G +33 23 284 O +33 23 285 R +33 23 286 O +33 23 287 MN +33 23 288 M +33 23 289 C +33 23 290 O +33 23 291 C +33 23 292 R +33 23 293 C +33 23 294 O +33 23 295 G +33 23 296 H +33 23 297 MN +33 23 298 M +33 23 299 C +33 23 300 G +33 23 301 C +33 23 302 O +33 23 303 O +33 23 304 C +33 23 305 H +33 23 306 C +33 23 307 C +33 23 308 M +33 23 309 H +33 23 310 C +33 23 311 G +33 23 312 G +33 23 313 R +33 23 314 C +33 23 315 C +33 23 316 M +33 23 317 MN +33 23 318 O +33 23 319 M +33 23 320 G +33 23 321 M +33 23 322 C +33 23 323 C +33 23 324 O +33 23 325 M +33 23 326 MN +33 23 327 O +33 23 328 C +33 23 329 O +33 23 330 R +33 24 1 C +33 24 2 C +33 24 3 M +33 24 4 G +33 24 5 C +33 24 6 MN +33 24 7 C +33 24 8 M +33 24 9 G +33 24 10 H +33 24 11 G +33 24 12 MN +33 24 13 H +33 24 14 H +33 24 15 R +33 24 16 O +33 24 17 M +33 24 18 H +33 24 19 C +33 24 20 C +33 24 21 M +33 24 22 MN +33 24 23 R +33 24 24 G +33 24 25 C +33 24 26 C +33 24 27 O +33 24 28 M +33 24 29 C +33 24 30 G +33 24 31 C +33 24 32 R +33 24 33 C +33 24 34 C +33 24 35 R +33 24 36 C +33 24 37 C +33 24 38 M +33 24 39 MN +33 24 40 H +33 24 41 O +33 24 42 C +33 24 43 G +33 24 44 H +33 24 45 MN +33 24 46 C +33 24 47 G +33 24 48 H +33 24 49 O +33 24 50 M +33 24 51 C +33 24 52 C +33 24 53 M +33 24 54 C +33 24 55 C +33 24 56 M +33 24 57 G +33 24 58 MN +33 24 59 R +33 24 60 H +33 24 61 M +33 24 62 R +33 24 63 R +33 24 64 C +33 24 65 M +33 24 66 R +33 24 67 C +33 24 68 R +33 24 69 G +33 24 70 O +33 24 71 G +33 24 72 C +33 24 73 H +33 24 74 C +33 24 75 G +33 24 76 M +33 24 77 C +33 24 78 R +33 24 79 H +33 24 80 C +33 24 81 C +33 24 82 C +33 24 83 MN +33 24 84 R +33 24 85 C +33 24 86 R +33 24 87 H +33 24 88 R +33 24 89 H +33 24 90 G +33 24 91 MN +33 24 92 O +33 24 93 C +33 24 94 G +33 24 95 O +33 24 96 MN +33 24 97 H +33 24 98 M +33 24 99 MN +33 24 100 C +33 24 101 M +33 24 102 H +33 24 103 G +33 24 104 C +33 24 105 R +33 24 106 MN +33 24 107 O +33 24 108 C +33 24 109 H +33 24 110 MN +33 24 111 G +33 24 112 M +33 24 113 H +33 24 114 C +33 24 115 M +33 24 116 C +33 24 117 G +33 24 118 R +33 24 119 C +33 24 120 O +33 24 121 M +33 24 122 C +33 24 123 H +33 24 124 C +33 24 125 R +33 24 126 H +33 24 127 MN +33 24 128 O +33 24 129 C +33 24 130 G +33 24 131 R +33 24 132 M +33 24 133 C +33 24 134 H +33 24 135 R +33 24 136 C +33 24 137 C +33 24 138 C +33 24 139 O +33 24 140 H +33 24 141 MN +33 24 142 O +33 24 143 C +33 24 144 H +33 24 145 C +33 24 146 MN +33 24 147 C +33 24 148 G +33 24 149 C +33 24 150 H +33 24 151 R +33 24 152 C +33 24 153 G +33 24 154 H +33 24 155 C +33 24 156 G +33 24 157 O +33 24 158 MN +33 24 159 R +33 24 160 C +33 24 161 C +33 24 162 M +33 24 163 C +33 24 164 C +33 24 165 G +33 24 166 H +33 24 167 R +33 24 168 C +33 24 169 C +33 24 170 H +33 24 171 C +33 24 172 O +33 24 173 M +33 24 174 MN +33 24 175 C +33 24 176 MN +33 24 177 O +33 24 178 G +33 24 179 H +33 24 180 C +33 24 181 MN +33 24 182 G +33 24 183 G +33 24 184 R +33 24 185 G +33 24 186 C +33 24 187 MN +33 24 188 C +33 24 189 C +33 24 190 R +33 24 191 C +33 24 192 R +33 24 193 MN +33 24 194 G +33 24 195 C +33 24 196 C +33 24 197 R +33 24 198 G +33 24 199 C +33 24 200 C +33 24 201 R +33 24 202 C +33 24 203 R +33 24 204 G +33 24 205 H +33 24 206 MN +33 24 207 M +33 24 208 MN +33 24 209 C +33 24 210 G +33 24 211 C +33 24 212 MN +33 24 213 H +33 24 214 C +33 24 215 R +33 24 216 G +33 24 217 R +33 24 218 G +33 24 219 C +33 24 220 H +33 24 221 O +33 24 222 R +33 24 223 C +33 24 224 O +33 24 225 G +33 24 226 C +33 24 227 H +33 24 228 H +33 24 229 C +33 24 230 O +33 24 231 R +33 24 232 C +33 24 233 C +33 24 234 C +33 24 235 R +33 24 236 MN +33 24 237 O +33 24 238 C +33 24 239 R +33 24 240 G +33 24 241 O +33 24 242 MN +33 24 243 M +33 24 244 O +33 24 245 M +33 24 246 C +33 24 247 H +33 24 248 C +33 24 249 C +33 24 250 H +33 24 251 C +33 24 252 MN +33 24 253 C +33 24 254 O +33 24 255 G +33 24 256 M +33 24 257 H +33 24 258 MN +33 24 259 O +33 24 260 O +33 24 261 G +33 24 262 O +33 24 263 G +33 24 264 C +33 24 265 C +33 24 266 M +33 24 267 H +33 24 268 R +33 24 269 O +33 24 270 C +33 24 271 O +33 24 272 R +33 24 273 O +33 24 274 MN +33 24 275 M +33 24 276 H +33 24 277 G +33 24 278 R +33 24 279 H +33 24 280 C +33 24 281 C +33 24 282 C +33 24 283 G +33 24 284 O +33 24 285 R +33 24 286 O +33 24 287 MN +33 24 288 M +33 24 289 C +33 24 290 O +33 24 291 C +33 24 292 R +33 24 293 C +33 24 294 O +33 24 295 G +33 24 296 H +33 24 297 MN +33 24 298 M +33 24 299 C +33 24 300 G +33 24 301 C +33 24 302 O +33 24 303 O +33 24 304 C +33 24 305 H +33 24 306 C +33 24 307 C +33 24 308 M +33 24 309 H +33 24 310 C +33 24 311 C +33 24 312 G +33 24 313 H +33 24 314 R +33 24 315 C +33 24 316 C +33 24 317 M +33 24 318 MN +33 24 319 O +33 24 320 G +33 24 321 M +33 24 322 C +33 24 323 C +33 24 324 O +33 24 325 M +33 24 326 MN +33 24 327 O +33 24 328 C +33 24 329 O +33 24 330 R +33 25 1 C +33 25 2 C +33 25 3 M +33 25 4 G +33 25 5 C +33 25 6 MN +33 25 7 C +33 25 8 M +33 25 9 G +33 25 10 H +33 25 11 H +33 25 12 MN +33 25 13 H +33 25 14 G +33 25 15 R +33 25 16 O +33 25 17 M +33 25 18 H +33 25 19 C +33 25 20 C +33 25 21 M +33 25 22 MN +33 25 23 R +33 25 24 G +33 25 25 C +33 25 26 C +33 25 27 O +33 25 28 R +33 25 29 C +33 25 30 G +33 25 31 MN +33 25 32 R +33 25 33 C +33 25 34 MN +33 25 35 R +33 25 36 C +33 25 37 C +33 25 38 M +33 25 39 C +33 25 40 C +33 25 41 M +33 25 42 MN +33 25 43 H +33 25 44 O +33 25 45 C +33 25 46 G +33 25 47 H +33 25 48 MN +33 25 49 C +33 25 50 H +33 25 51 G +33 25 52 O +33 25 53 M +33 25 54 C +33 25 55 C +33 25 56 M +33 25 57 H +33 25 58 MN +33 25 59 R +33 25 60 H +33 25 61 M +33 25 62 R +33 25 63 R +33 25 64 C +33 25 65 M +33 25 66 R +33 25 67 C +33 25 68 R +33 25 69 G +33 25 70 O +33 25 71 G +33 25 72 C +33 25 73 H +33 25 74 C +33 25 75 G +33 25 76 M +33 25 77 C +33 25 78 R +33 25 79 G +33 25 80 C +33 25 81 MN +33 25 82 C +33 25 83 MN +33 25 84 M +33 25 85 C +33 25 86 R +33 25 87 H +33 25 88 R +33 25 89 H +33 25 90 G +33 25 91 MN +33 25 92 O +33 25 93 C +33 25 94 G +33 25 95 O +33 25 96 MN +33 25 97 H +33 25 98 M +33 25 99 MN +33 25 100 C +33 25 101 M +33 25 102 H +33 25 103 G +33 25 104 C +33 25 105 R +33 25 106 MN +33 25 107 O +33 25 108 C +33 25 109 H +33 25 110 MN +33 25 111 G +33 25 112 R +33 25 113 G +33 25 114 C +33 25 115 M +33 25 116 C +33 25 117 G +33 25 118 R +33 25 119 C +33 25 120 O +33 25 121 M +33 25 122 C +33 25 123 H +33 25 124 C +33 25 125 M +33 25 126 R +33 25 127 H +33 25 128 MN +33 25 129 O +33 25 130 H +33 25 131 R +33 25 132 M +33 25 133 C +33 25 134 G +33 25 135 R +33 25 136 C +33 25 137 C +33 25 138 C +33 25 139 O +33 25 140 H +33 25 141 O +33 25 142 O +33 25 143 C +33 25 144 H +33 25 145 MN +33 25 146 C +33 25 147 M +33 25 148 C +33 25 149 H +33 25 150 H +33 25 151 R +33 25 152 C +33 25 153 G +33 25 154 H +33 25 155 C +33 25 156 G +33 25 157 O +33 25 158 MN +33 25 159 R +33 25 160 C +33 25 161 C +33 25 162 M +33 25 163 C +33 25 164 C +33 25 165 G +33 25 166 H +33 25 167 R +33 25 168 C +33 25 169 C +33 25 170 H +33 25 171 C +33 25 172 O +33 25 173 M +33 25 174 MN +33 25 175 C +33 25 176 M +33 25 177 MN +33 25 178 H +33 25 179 G +33 25 180 C +33 25 181 MN +33 25 182 G +33 25 183 H +33 25 184 R +33 25 185 G +33 25 186 C +33 25 187 MN +33 25 188 C +33 25 189 C +33 25 190 R +33 25 191 C +33 25 192 M +33 25 193 C +33 25 194 C +33 25 195 H +33 25 196 C +33 25 197 R +33 25 198 G +33 25 199 C +33 25 200 C +33 25 201 R +33 25 202 C +33 25 203 R +33 25 204 G +33 25 205 H +33 25 206 MN +33 25 207 M +33 25 208 MN +33 25 209 C +33 25 210 H +33 25 211 C +33 25 212 MN +33 25 213 H +33 25 214 C +33 25 215 R +33 25 216 G +33 25 217 R +33 25 218 G +33 25 219 C +33 25 220 H +33 25 221 O +33 25 222 R +33 25 223 C +33 25 224 O +33 25 225 G +33 25 226 C +33 25 227 G +33 25 228 H +33 25 229 C +33 25 230 O +33 25 231 R +33 25 232 H +33 25 233 R +33 25 234 C +33 25 235 C +33 25 236 MN +33 25 237 MN +33 25 238 C +33 25 239 R +33 25 240 G +33 25 241 O +33 25 242 MN +33 25 243 M +33 25 244 O +33 25 245 M +33 25 246 C +33 25 247 H +33 25 248 C +33 25 249 C +33 25 250 H +33 25 251 C +33 25 252 MN +33 25 253 C +33 25 254 O +33 25 255 G +33 25 256 M +33 25 257 H +33 25 258 MN +33 25 259 M +33 25 260 MN +33 25 261 MN +33 25 262 O +33 25 263 G +33 25 264 C +33 25 265 C +33 25 266 M +33 25 267 G +33 25 268 C +33 25 269 R +33 25 270 MN +33 25 271 C +33 25 272 O +33 25 273 R +33 25 274 O +33 25 275 MN +33 25 276 M +33 25 277 H +33 25 278 R +33 25 279 H +33 25 280 C +33 25 281 C +33 25 282 C +33 25 283 G +33 25 284 O +33 25 285 R +33 25 286 O +33 25 287 MN +33 25 288 M +33 25 289 C +33 25 290 O +33 25 291 C +33 25 292 R +33 25 293 C +33 25 294 O +33 25 295 G +33 25 296 H +33 25 297 MN +33 25 298 M +33 25 299 C +33 25 300 G +33 25 301 C +33 25 302 O +33 25 303 MN +33 25 304 C +33 25 305 C +33 25 306 C +33 25 307 C +33 25 308 M +33 25 309 H +33 25 310 C +33 25 311 C +33 25 312 G +33 25 313 H +33 25 314 R +33 25 315 C +33 25 316 C +33 25 317 M +33 25 318 MN +33 25 319 O +33 25 320 H +33 25 321 M +33 25 322 C +33 25 323 C +33 25 324 O +33 25 325 M +33 25 326 MN +33 25 327 H +33 25 328 C +33 25 329 O +33 25 330 G +34 1 1 B +34 1 2 W +34 1 3 L +34 1 4 S +34 1 5 W +34 1 6 D +34 1 7 G +34 1 8 S +34 1 9 F +34 1 10 B +34 1 11 G +34 1 12 T +34 1 13 G +34 1 14 B +34 1 15 F +34 1 16 W +34 1 17 L +34 1 18 K +34 1 19 G +34 1 20 G +34 1 21 L +34 1 22 W +34 1 23 F +34 1 24 K +34 1 25 B +34 1 26 B +34 1 27 W +34 1 28 D +34 1 29 G +34 1 30 S +34 1 31 W +34 1 32 D +34 1 33 G +34 1 34 T +34 1 35 S +34 1 36 G +34 1 37 B +34 1 38 L +34 1 39 G +34 1 40 B +34 1 41 L +34 1 42 D +34 1 43 B +34 1 44 W +34 1 45 G +34 1 46 K +34 1 47 G +34 1 48 T +34 1 49 B +34 1 50 S +34 1 51 K +34 1 52 W +34 1 53 L +34 1 54 G +34 1 55 B +34 1 56 W +34 1 57 B +34 1 58 D +34 1 59 W +34 1 60 B +34 1 61 L +34 1 62 S +34 1 63 D +34 1 64 B +34 1 65 L +34 1 66 W +34 1 67 G +34 1 68 B +34 1 69 K +34 1 70 W +34 1 71 S +34 1 72 G +34 1 73 S +34 1 74 W +34 1 75 K +34 1 76 L +34 1 77 B +34 1 78 W +34 1 79 K +34 1 80 B +34 1 81 G +34 1 82 T +34 1 83 D +34 1 84 W +34 1 85 G +34 1 86 S +34 1 87 K +34 1 88 S +34 1 89 K +34 1 90 G +34 1 91 T +34 1 92 W +34 1 93 B +34 1 94 K +34 1 95 W +34 1 96 D +34 1 97 B +34 1 98 L +34 1 99 W +34 1 100 D +34 1 101 L +34 1 102 W +34 1 103 K +34 1 104 F +34 1 105 S +34 1 106 W +34 1 107 T +34 1 108 D +34 1 109 B +34 1 110 D +34 1 111 K +34 1 112 L +34 1 113 K +34 1 114 B +34 1 115 L +34 1 116 W +34 1 117 K +34 1 118 D +34 1 119 G +34 1 120 W +34 1 121 L +34 1 122 G +34 1 123 B +34 1 124 D +34 1 125 L +34 1 126 S +34 1 127 G +34 1 128 D +34 1 129 W +34 1 130 K +34 1 131 S +34 1 132 L +34 1 133 G +34 1 134 K +34 1 135 S +34 1 136 F +34 1 137 G +34 1 138 G +34 1 139 W +34 1 140 B +34 1 141 W +34 1 142 W +34 1 143 G +34 1 144 B +34 1 145 F +34 1 146 D +34 1 147 G +34 1 148 L +34 1 149 G +34 1 150 S +34 1 151 T +34 1 152 S +34 1 153 G +34 1 154 K +34 1 155 K +34 1 156 G +34 1 157 D +34 1 158 W +34 1 159 S +34 1 160 F +34 1 161 G +34 1 162 L +34 1 163 B +34 1 164 G +34 1 165 K +34 1 166 B +34 1 167 S +34 1 168 G +34 1 169 B +34 1 170 G +34 1 171 D +34 1 172 W +34 1 173 L +34 1 174 T +34 1 175 W +34 1 176 L +34 1 177 D +34 1 178 B +34 1 179 S +34 1 180 G +34 1 181 D +34 1 182 S +34 1 183 K +34 1 184 B +34 1 185 T +34 1 186 G +34 1 187 D +34 1 188 B +34 1 189 W +34 1 190 F +34 1 191 B +34 1 192 S +34 1 193 T +34 1 194 S +34 1 195 G +34 1 196 F +34 1 197 F +34 1 198 K +34 1 199 W +34 1 200 F +34 1 201 S +34 1 202 G +34 1 203 S +34 1 204 K +34 1 205 B +34 1 206 W +34 1 207 L +34 1 208 D +34 1 209 B +34 1 210 S +34 1 211 F +34 1 212 D +34 1 213 W +34 1 214 G +34 1 215 S +34 1 216 K +34 1 217 F +34 1 218 G +34 1 219 W +34 1 220 B +34 1 221 W +34 1 222 S +34 1 223 G +34 1 224 W +34 1 225 D +34 1 226 B +34 1 227 K +34 1 228 B +34 1 229 W +34 1 230 W +34 1 231 S +34 1 232 G +34 1 233 F +34 1 234 G +34 1 235 B +34 1 236 D +34 1 237 W +34 1 238 B +34 1 239 S +34 1 240 D +34 1 241 W +34 1 242 T +34 1 243 S +34 1 244 W +34 1 245 L +34 1 246 G +34 1 247 F +34 1 248 G +34 1 249 K +34 1 250 S +34 1 251 G +34 1 252 W +34 1 253 G +34 1 254 W +34 1 255 K +34 1 256 L +34 1 257 B +34 1 258 D +34 1 259 L +34 1 260 W +34 1 261 S +34 1 262 W +34 1 263 W +34 1 264 W +34 1 265 G +34 1 266 S +34 1 267 F +34 1 268 G +34 1 269 * +34 1 270 D +34 1 271 G +34 1 272 W +34 1 273 * +34 1 274 W +34 1 275 T +34 1 276 L +34 1 277 B +34 1 278 L +34 1 279 B +34 1 280 G +34 1 281 G +34 1 282 G +34 1 283 K +34 1 284 W +34 1 285 D +34 1 286 W +34 1 287 S +34 1 288 L +34 1 289 W +34 1 290 W +34 1 291 B +34 1 292 F +34 1 293 W +34 1 294 W +34 1 295 K +34 1 296 S +34 1 297 T +34 1 298 L +34 1 299 G +34 1 300 W +34 1 301 G +34 1 302 W +34 1 303 W +34 1 304 G +34 1 305 S +34 1 306 G +34 1 307 B +34 1 308 S +34 1 309 K +34 1 310 G +34 1 311 B +34 1 312 K +34 1 313 B +34 1 314 W +34 1 315 G +34 1 316 B +34 1 317 S +34 1 318 D +34 1 319 W +34 1 320 D +34 1 321 L +34 1 322 W +34 1 323 G +34 1 324 W +34 1 325 T +34 1 326 W +34 1 327 S +34 1 328 G +34 1 329 K +34 1 330 W +34 2 1 B +34 2 2 G +34 2 3 L +34 2 4 X +34 2 5 G +34 2 6 J +34 2 7 G +34 2 8 L +34 2 9 D +34 2 10 B +34 2 11 K +34 2 12 T +34 2 13 B +34 2 14 K +34 2 15 D +34 2 16 W +34 2 17 L +34 2 18 K +34 2 19 G +34 2 20 G +34 2 21 O +34 2 22 T +34 2 23 X +34 2 24 K +34 2 25 G +34 2 26 G +34 2 27 W +34 2 28 O +34 2 29 G +34 2 30 T +34 2 31 B +34 2 32 D +34 2 33 G +34 2 34 B +34 2 35 J +34 2 36 B +34 2 37 F +34 2 38 L +34 2 39 G +34 2 40 B +34 2 41 L +34 2 42 J +34 2 43 G +34 2 44 W +34 2 45 G +34 2 46 W +34 2 47 B +34 2 48 T +34 2 49 G +34 2 50 X +34 2 51 J +34 2 52 W +34 2 53 L +34 2 54 G +34 2 55 F +34 2 56 T +34 2 57 G +34 2 58 T +34 2 59 W +34 2 60 B +34 2 61 L +34 2 62 D +34 2 63 P +34 2 64 B +34 2 65 L +34 2 66 W +34 2 67 J +34 2 68 X +34 2 69 P +34 2 70 W +34 2 71 L +34 2 72 G +34 2 73 X +34 2 74 W +34 2 75 B +34 2 76 L +34 2 77 B +34 2 78 P +34 2 79 K +34 2 80 G +34 2 81 J +34 2 82 G +34 2 83 T +34 2 84 J +34 2 85 G +34 2 86 P +34 2 87 K +34 2 88 X +34 2 89 K +34 2 90 D +34 2 91 J +34 2 92 W +34 2 93 B +34 2 94 K +34 2 95 W +34 2 96 T +34 2 97 X +34 2 98 L +34 2 99 J +34 2 100 P +34 2 101 X +34 2 102 W +34 2 103 D +34 2 104 F +34 2 105 X +34 2 106 T +34 2 107 W +34 2 108 P +34 2 109 G +34 2 110 T +34 2 111 K +34 2 112 L +34 2 113 K +34 2 114 B +34 2 115 L +34 2 116 F +34 2 117 K +34 2 118 J +34 2 119 G +34 2 120 W +34 2 121 L +34 2 122 G +34 2 123 B +34 2 124 J +34 2 125 T +34 2 126 J +34 2 127 K +34 2 128 T +34 2 129 W +34 2 130 K +34 2 131 X +34 2 132 L +34 2 133 G +34 2 134 K +34 2 135 X +34 2 136 P +34 2 137 B +34 2 138 F +34 2 139 W +34 2 140 B +34 2 141 W +34 2 142 W +34 2 143 T +34 2 144 X +34 2 145 D +34 2 146 T +34 2 147 G +34 2 148 L +34 2 149 J +34 2 150 X +34 2 151 D +34 2 152 J +34 2 153 B +34 2 154 K +34 2 155 K +34 2 156 G +34 2 157 J +34 2 158 W +34 2 159 T +34 2 160 J +34 2 161 G +34 2 162 L +34 2 163 B +34 2 164 G +34 2 165 K +34 2 166 B +34 2 167 X +34 2 168 G +34 2 169 B +34 2 170 K +34 2 171 X +34 2 172 W +34 2 173 L +34 2 174 T +34 2 175 P +34 2 176 L +34 2 177 T +34 2 178 G +34 2 179 L +34 2 180 B +34 2 181 T +34 2 182 L +34 2 183 D +34 2 184 X +34 2 185 L +34 2 186 F +34 2 187 T +34 2 188 G +34 2 189 W +34 2 190 P +34 2 191 G +34 2 192 P +34 2 193 T +34 2 194 L +34 2 195 G +34 2 196 D +34 2 197 X +34 2 198 K +34 2 199 W +34 2 200 B +34 2 201 J +34 2 202 G +34 2 203 L +34 2 204 K +34 2 205 P +34 2 206 W +34 2 207 L +34 2 208 J +34 2 209 G +34 2 210 D +34 2 211 P +34 2 212 T +34 2 213 W +34 2 214 G +34 2 215 J +34 2 216 K +34 2 217 L +34 2 218 J +34 2 219 W +34 2 220 B +34 2 221 W +34 2 222 X +34 2 223 G +34 2 224 W +34 2 225 D +34 2 226 G +34 2 227 K +34 2 228 B +34 2 229 J +34 2 230 W +34 2 231 B +34 2 232 K +34 2 233 K +34 2 234 B +34 2 235 G +34 2 236 J +34 2 237 D +34 2 238 B +34 2 239 J +34 2 240 L +34 2 241 W +34 2 242 T +34 2 243 L +34 2 244 W +34 2 245 L +34 2 246 B +34 2 247 X +34 2 248 K +34 2 249 B +34 2 250 X +34 2 251 J +34 2 252 P +34 2 253 G +34 2 254 W +34 2 255 K +34 2 256 T +34 2 257 B +34 2 258 T +34 2 259 L +34 2 260 T +34 2 261 J +34 2 262 W +34 2 263 W +34 2 264 B +34 2 265 G +34 2 266 L +34 2 267 P +34 2 268 G +34 2 269 X +34 2 270 T +34 2 271 B +34 2 272 W +34 2 273 X +34 2 274 W +34 2 275 T +34 2 276 L +34 2 277 P +34 2 278 J +34 2 279 G +34 2 280 B +34 2 281 G +34 2 282 B +34 2 283 P +34 2 284 W +34 2 285 J +34 2 286 W +34 2 287 P +34 2 288 L +34 2 289 G +34 2 290 W +34 2 291 G +34 2 292 P +34 2 293 J +34 2 294 W +34 2 295 P +34 2 296 P +34 2 297 T +34 2 298 L +34 2 299 G +34 2 300 W +34 2 301 B +34 2 302 W +34 2 303 W +34 2 304 P +34 2 305 X +34 2 306 G +34 2 307 B +34 2 308 P +34 2 309 K +34 2 310 G +34 2 311 B +34 2 312 K +34 2 313 P +34 2 314 W +34 2 315 G +34 2 316 G +34 2 317 X +34 2 318 J +34 2 319 W +34 2 320 J +34 2 321 L +34 2 322 B +34 2 323 G +34 2 324 W +34 2 325 X +34 2 326 T +34 2 327 W +34 2 328 G +34 2 329 J +34 2 330 W +34 3 1 B +34 3 2 G +34 3 3 O +34 3 4 I +34 3 5 G +34 3 6 O +34 3 7 G +34 3 8 I +34 3 9 S +34 3 10 B +34 3 11 G +34 3 12 T +34 3 13 G +34 3 14 B +34 3 15 I +34 3 16 W +34 3 17 O +34 3 18 K +34 3 19 B +34 3 20 G +34 3 21 I +34 3 22 D +34 3 23 I +34 3 24 T +34 3 25 B +34 3 26 B +34 3 27 W +34 3 28 I +34 3 29 G +34 3 30 S +34 3 31 J +34 3 32 I +34 3 33 G +34 3 34 B +34 3 35 O +34 3 36 B +34 3 37 B +34 3 38 I +34 3 39 G +34 3 40 B +34 3 41 O +34 3 42 T +34 3 43 B +34 3 44 W +34 3 45 G +34 3 46 K +34 3 47 G +34 3 48 D +34 3 49 J +34 3 50 I +34 3 51 S +34 3 52 J +34 3 53 I +34 3 54 G +34 3 55 B +34 3 56 O +34 3 57 B +34 3 58 T +34 3 59 J +34 3 60 B +34 3 61 L +34 3 62 I +34 3 63 O +34 3 64 B +34 3 65 I +34 3 66 W +34 3 67 G +34 3 68 I +34 3 69 T +34 3 70 J +34 3 71 I +34 3 72 G +34 3 73 I +34 3 74 J +34 3 75 G +34 3 76 O +34 3 77 B +34 3 78 I +34 3 79 K +34 3 80 B +34 3 81 G +34 3 82 G +34 3 83 T +34 3 84 O +34 3 85 G +34 3 86 I +34 3 87 K +34 3 88 I +34 3 89 K +34 3 90 B +34 3 91 G +34 3 92 W +34 3 93 B +34 3 94 K +34 3 95 J +34 3 96 T +34 3 97 I +34 3 98 L +34 3 99 I +34 3 100 B +34 3 101 I +34 3 102 I +34 3 103 T +34 3 104 B +34 3 105 I +34 3 106 D +34 3 107 J +34 3 108 J +34 3 109 B +34 3 110 T +34 3 111 G +34 3 112 I +34 3 113 K +34 3 114 B +34 3 115 I +34 3 116 J +34 3 117 K +34 3 118 I +34 3 119 G +34 3 120 W +34 3 121 O +34 3 122 G +34 3 123 B +34 3 124 G +34 3 125 O +34 3 126 I +34 3 127 G +34 3 128 T +34 3 129 W +34 3 130 K +34 3 131 I +34 3 132 O +34 3 133 G +34 3 134 S +34 3 135 I +34 3 136 B +34 3 137 G +34 3 138 J +34 3 139 W +34 3 140 B +34 3 141 W +34 3 142 W +34 3 143 G +34 3 144 I +34 3 145 G +34 3 146 T +34 3 147 G +34 3 148 L +34 3 149 G +34 3 150 I +34 3 151 O +34 3 152 I +34 3 153 B +34 3 154 K +34 3 155 K +34 3 156 G +34 3 157 S +34 3 158 W +34 3 159 O +34 3 160 I +34 3 161 G +34 3 162 I +34 3 163 B +34 3 164 B +34 3 165 G +34 3 166 B +34 3 167 J +34 3 168 G +34 3 169 B +34 3 170 B +34 3 171 G +34 3 172 W +34 3 173 I +34 3 174 T +34 3 175 J +34 3 176 O +34 3 177 T +34 3 178 B +34 3 179 L +34 3 180 G +34 3 181 D +34 3 182 I +34 3 183 T +34 3 184 I +34 3 185 S +34 3 186 J +34 3 187 T +34 3 188 B +34 3 189 B +34 3 190 I +34 3 191 G +34 3 192 I +34 3 193 T +34 3 194 S +34 3 195 G +34 3 196 G +34 3 197 I +34 3 198 K +34 3 199 J +34 3 200 J +34 3 201 O +34 3 202 G +34 3 203 I +34 3 204 K +34 3 205 I +34 3 206 J +34 3 207 I +34 3 208 D +34 3 209 G +34 3 210 S +34 3 211 J +34 3 212 T +34 3 213 I +34 3 214 G +34 3 215 I +34 3 216 G +34 3 217 I +34 3 218 G +34 3 219 J +34 3 220 I +34 3 221 J +34 3 222 I +34 3 223 G +34 3 224 W +34 3 225 G +34 3 226 B +34 3 227 K +34 3 228 B +34 3 229 J +34 3 230 W +34 3 231 I +34 3 232 T +34 3 233 I +34 3 234 G +34 3 235 B +34 3 236 G +34 3 237 O +34 3 238 B +34 3 239 I +34 3 240 I +34 3 241 W +34 3 242 T +34 3 243 I +34 3 244 J +34 3 245 L +34 3 246 G +34 3 247 I +34 3 248 G +34 3 249 G +34 3 250 I +34 3 251 G +34 3 252 W +34 3 253 G +34 3 254 I +34 3 255 K +34 3 256 O +34 3 257 B +34 3 258 D +34 3 259 L +34 3 260 T +34 3 261 O +34 3 262 W +34 3 263 W +34 3 264 J +34 3 265 G +34 3 266 S +34 3 267 I +34 3 268 G +34 3 269 I +34 3 270 T +34 3 271 G +34 3 272 W +34 3 273 I +34 3 274 W +34 3 275 T +34 3 276 I +34 3 277 B +34 3 278 O +34 3 279 B +34 3 280 G +34 3 281 G +34 3 282 G +34 3 283 S +34 3 284 J +34 3 285 I +34 3 286 W +34 3 287 T +34 3 288 L +34 3 289 J +34 3 290 W +34 3 291 B +34 3 292 I +34 3 293 J +34 3 294 J +34 3 295 S +34 3 296 I +34 3 297 T +34 3 298 L +34 3 299 G +34 3 300 W +34 3 301 G +34 3 302 W +34 3 303 J +34 3 304 G +34 3 305 I +34 3 306 G +34 3 307 B +34 3 308 I +34 3 309 K +34 3 310 G +34 3 311 B +34 3 312 K +34 3 313 B +34 3 314 W +34 3 315 G +34 3 316 G +34 3 317 I +34 3 318 O +34 3 319 W +34 3 320 G +34 3 321 L +34 3 322 J +34 3 323 W +34 3 324 I +34 3 325 G +34 3 326 T +34 3 327 J +34 3 328 G +34 3 329 S +34 3 330 J +34 4 1 J +34 4 2 J +34 4 3 O +34 4 4 I +34 4 5 G +34 4 6 S +34 4 7 G +34 4 8 L +34 4 9 S +34 4 10 B +34 4 11 G +34 4 12 D +34 4 13 G +34 4 14 B +34 4 15 I +34 4 16 W +34 4 17 O +34 4 18 K +34 4 19 B +34 4 20 G +34 4 21 I +34 4 22 T +34 4 23 I +34 4 24 S +34 4 25 B +34 4 26 B +34 4 27 W +34 4 28 I +34 4 29 G +34 4 30 S +34 4 31 J +34 4 32 I +34 4 33 G +34 4 34 B +34 4 35 O +34 4 36 G +34 4 37 B +34 4 38 L +34 4 39 G +34 4 40 J +34 4 41 L +34 4 42 D +34 4 43 B +34 4 44 W +34 4 45 G +34 4 46 * +34 4 47 G +34 4 48 T +34 4 49 J +34 4 50 I +34 4 51 S +34 4 52 W +34 4 53 L +34 4 54 G +34 4 55 J +34 4 56 * +34 4 57 B +34 4 58 D +34 4 59 I +34 4 60 B +34 4 61 L +34 4 62 I +34 4 63 Z +34 4 64 B +34 4 65 L +34 4 66 W +34 4 67 G +34 4 68 I +34 4 69 T +34 4 70 W +34 4 71 L +34 4 72 G +34 4 73 I +34 4 74 B +34 4 75 G +34 4 76 O +34 4 77 J +34 4 78 I +34 4 79 K +34 4 80 B +34 4 81 G +34 4 82 B +34 4 83 W +34 4 84 I +34 4 85 G +34 4 86 I +34 4 87 K +34 4 88 I +34 4 89 K +34 4 90 G +34 4 91 G +34 4 92 W +34 4 93 B +34 4 94 K +34 4 95 W +34 4 96 D +34 4 97 I +34 4 98 L +34 4 99 I +34 4 100 J +34 4 101 I +34 4 102 J +34 4 103 T +34 4 104 J +34 4 105 I +34 4 106 D +34 4 107 W +34 4 108 J +34 4 109 B +34 4 110 T +34 4 111 G +34 4 112 L +34 4 113 K +34 4 114 G +34 4 115 L +34 4 116 J +34 4 117 K +34 4 118 I +34 4 119 G +34 4 120 W +34 4 121 O +34 4 122 G +34 4 123 B +34 4 124 G +34 4 125 O +34 4 126 I +34 4 127 G +34 4 128 D +34 4 129 W +34 4 130 G +34 4 131 I +34 4 132 O +34 4 133 G +34 4 134 S +34 4 135 I +34 4 136 J +34 4 137 G +34 4 138 J +34 4 139 W +34 4 140 B +34 4 141 W +34 4 142 W +34 4 143 G +34 4 144 I +34 4 145 G +34 4 146 D +34 4 147 G +34 4 148 L +34 4 149 G +34 4 150 I +34 4 151 I +34 4 152 I +34 4 153 J +34 4 154 K +34 4 155 K +34 4 156 G +34 4 157 S +34 4 158 W +34 4 159 O +34 4 160 I +34 4 161 G +34 4 162 L +34 4 163 B +34 4 164 B +34 4 165 G +34 4 166 B +34 4 167 I +34 4 168 G +34 4 169 B +34 4 170 G +34 4 171 G +34 4 172 W +34 4 173 L +34 4 174 D +34 4 175 J +34 4 176 L +34 4 177 D +34 4 178 B +34 4 179 L +34 4 180 G +34 4 181 D +34 4 182 L +34 4 183 S +34 4 184 I +34 4 185 S +34 4 186 J +34 4 187 D +34 4 188 B +34 4 189 J +34 4 190 I +34 4 191 G +34 4 192 I +34 4 193 G +34 4 194 L +34 4 195 G +34 4 196 J +34 4 197 I +34 4 198 K +34 4 199 J +34 4 200 J +34 4 201 I +34 4 202 G +34 4 203 I +34 4 204 K +34 4 205 I +34 4 206 W +34 4 207 L +34 4 208 D +34 4 209 G +34 4 210 S +34 4 211 B +34 4 212 T +34 4 213 I +34 4 214 G +34 4 215 I +34 4 216 G +34 4 217 I +34 4 218 G +34 4 219 J +34 4 220 B +34 4 221 J +34 4 222 I +34 4 223 G +34 4 224 W +34 4 225 D +34 4 226 B +34 4 227 K +34 4 228 B +34 4 229 G +34 4 230 W +34 4 231 I +34 4 232 T +34 4 233 S +34 4 234 G +34 4 235 B +34 4 236 G +34 4 237 O +34 4 238 B +34 4 239 I +34 4 240 S +34 4 241 W +34 4 242 T +34 4 243 L +34 4 244 J +34 4 245 L +34 4 246 J +34 4 247 I +34 4 248 G +34 4 249 G +34 4 250 I +34 4 251 G +34 4 252 W +34 4 253 G +34 4 254 J +34 4 255 K +34 4 256 O +34 4 257 B +34 4 258 D +34 4 259 L +34 4 260 G +34 4 261 O +34 4 262 W +34 4 263 K +34 4 264 J +34 4 265 G +34 4 266 S +34 4 267 I +34 4 268 G +34 4 269 I +34 4 270 T +34 4 271 G +34 4 272 W +34 4 273 I +34 4 274 W +34 4 275 T +34 4 276 I +34 4 277 B +34 4 278 O +34 4 279 B +34 4 280 G +34 4 281 G +34 4 282 G +34 4 283 S +34 4 284 W +34 4 285 I +34 4 286 W +34 4 287 T +34 4 288 L +34 4 289 J +34 4 290 W +34 4 291 B +34 4 292 I +34 4 293 J +34 4 294 J +34 4 295 S +34 4 296 I +34 4 297 D +34 4 298 L +34 4 299 G +34 4 300 K +34 4 301 G +34 4 302 W +34 4 303 J +34 4 304 G +34 4 305 I +34 4 306 G +34 4 307 B +34 4 308 I +34 4 309 K +34 4 310 G +34 4 311 B +34 4 312 K +34 4 313 B +34 4 314 W +34 4 315 G +34 4 316 G +34 4 317 I +34 4 318 O +34 4 319 W +34 4 320 G +34 4 321 L +34 4 322 B +34 4 323 W +34 4 324 I +34 4 325 G +34 4 326 D +34 4 327 J +34 4 328 G +34 4 329 S +34 4 330 J +34 5 1 B +34 5 2 G +34 5 3 L +34 5 4 S +34 5 5 G +34 5 6 L +34 5 7 G +34 5 8 L +34 5 9 S +34 5 10 B +34 5 11 G +34 5 12 T +34 5 13 G +34 5 14 G +34 5 15 W +34 5 16 W +34 5 17 L +34 5 18 K +34 5 19 G +34 5 20 G +34 5 21 L +34 5 22 T +34 5 23 B +34 5 24 K +34 5 25 B +34 5 26 B +34 5 27 W +34 5 28 L +34 5 29 G +34 5 30 S +34 5 31 G +34 5 32 B +34 5 33 G +34 5 34 G +34 5 35 D +34 5 36 G +34 5 37 B +34 5 38 L +34 5 39 G +34 5 40 B +34 5 41 L +34 5 42 D +34 5 43 B +34 5 44 W +34 5 45 G +34 5 46 K +34 5 47 G +34 5 48 D +34 5 49 B +34 5 50 S +34 5 51 S +34 5 52 W +34 5 53 L +34 5 54 G +34 5 55 B +34 5 56 D +34 5 57 G +34 5 58 D +34 5 59 W +34 5 60 B +34 5 61 L +34 5 62 S +34 5 63 L +34 5 64 B +34 5 65 L +34 5 66 W +34 5 67 G +34 5 68 S +34 5 69 K +34 5 70 W +34 5 71 K +34 5 72 G +34 5 73 B +34 5 74 W +34 5 75 G +34 5 76 L +34 5 77 B +34 5 78 W +34 5 79 K +34 5 80 G +34 5 81 G +34 5 82 B +34 5 83 T +34 5 84 D +34 5 85 G +34 5 86 L +34 5 87 K +34 5 88 B +34 5 89 K +34 5 90 G +34 5 91 T +34 5 92 W +34 5 93 B +34 5 94 K +34 5 95 W +34 5 96 T +34 5 97 S +34 5 98 L +34 5 99 S +34 5 100 G +34 5 101 L +34 5 102 G +34 5 103 K +34 5 104 B +34 5 105 S +34 5 106 T +34 5 107 W +34 5 108 W +34 5 109 B +34 5 110 T +34 5 111 G +34 5 112 L +34 5 113 K +34 5 114 G +34 5 115 L +34 5 116 B +34 5 117 K +34 5 118 L +34 5 119 G +34 5 120 W +34 5 121 D +34 5 122 G +34 5 123 B +34 5 124 G +34 5 125 D +34 5 126 D +34 5 127 G +34 5 128 T +34 5 129 W +34 5 130 K +34 5 131 B +34 5 132 L +34 5 133 G +34 5 134 S +34 5 135 S +34 5 136 B +34 5 137 G +34 5 138 B +34 5 139 W +34 5 140 B +34 5 141 W +34 5 142 W +34 5 143 G +34 5 144 B +34 5 145 G +34 5 146 T +34 5 147 G +34 5 148 L +34 5 149 G +34 5 150 B +34 5 151 D +34 5 152 B +34 5 153 G +34 5 154 K +34 5 155 K +34 5 156 G +34 5 157 S +34 5 158 W +34 5 159 D +34 5 160 D +34 5 161 G +34 5 162 L +34 5 163 B +34 5 164 G +34 5 165 G +34 5 166 B +34 5 167 B +34 5 168 G +34 5 169 G +34 5 170 B +34 5 171 G +34 5 172 W +34 5 173 L +34 5 174 T +34 5 175 G +34 5 176 L +34 5 177 T +34 5 178 B +34 5 179 S +34 5 180 G +34 5 181 D +34 5 182 S +34 5 183 D +34 5 184 B +34 5 185 D +34 5 186 G +34 5 187 D +34 5 188 B +34 5 189 W +34 5 190 S +34 5 191 G +34 5 192 S +34 5 193 G +34 5 194 S +34 5 195 G +34 5 196 B +34 5 197 S +34 5 198 K +34 5 199 W +34 5 200 G +34 5 201 D +34 5 202 G +34 5 203 S +34 5 204 K +34 5 205 B +34 5 206 W +34 5 207 L +34 5 208 D +34 5 209 G +34 5 210 S +34 5 211 G +34 5 212 T +34 5 213 B +34 5 214 G +34 5 215 B +34 5 216 K +34 5 217 F +34 5 218 T +34 5 219 W +34 5 220 B +34 5 221 W +34 5 222 B +34 5 223 G +34 5 224 W +34 5 225 T +34 5 226 B +34 5 227 K +34 5 228 B +34 5 229 G +34 5 230 W +34 5 231 S +34 5 232 T +34 5 233 B +34 5 234 G +34 5 235 B +34 5 236 G +34 5 237 D +34 5 238 G +34 5 239 S +34 5 240 S +34 5 241 W +34 5 242 T +34 5 243 B +34 5 244 W +34 5 245 L +34 5 246 G +34 5 247 B +34 5 248 G +34 5 249 B +34 5 250 B +34 5 251 G +34 5 252 W +34 5 253 G +34 5 254 B +34 5 255 K +34 5 256 L +34 5 257 B +34 5 258 T +34 5 259 L +34 5 260 W +34 5 261 D +34 5 262 W +34 5 263 S +34 5 264 B +34 5 265 G +34 5 266 S +34 5 267 B +34 5 268 G +34 5 269 B +34 5 270 D +34 5 271 G +34 5 272 W +34 5 273 S +34 5 274 W +34 5 275 D +34 5 276 L +34 5 277 B +34 5 278 D +34 5 279 B +34 5 280 G +34 5 281 G +34 5 282 G +34 5 283 S +34 5 284 W +34 5 285 F +34 5 286 W +34 5 287 D +34 5 288 L +34 5 289 G +34 5 290 W +34 5 291 B +34 5 292 L +34 5 293 W +34 5 294 W +34 5 295 S +34 5 296 B +34 5 297 T +34 5 298 L +34 5 299 G +34 5 300 K +34 5 301 G +34 5 302 W +34 5 303 W +34 5 304 G +34 5 305 B +34 5 306 G +34 5 307 B +34 5 308 S +34 5 309 K +34 5 310 G +34 5 311 B +34 5 312 K +34 5 313 B +34 5 314 W +34 5 315 G +34 5 316 G +34 5 317 L +34 5 318 D +34 5 319 W +34 5 320 G +34 5 321 L +34 5 322 B +34 5 323 G +34 5 324 W +34 5 325 T +34 5 326 W +34 5 327 B +34 5 328 G +34 5 329 S +34 5 330 W +34 6 1 G +34 6 2 W +34 6 3 L +34 6 4 * +34 6 5 G +34 6 6 W +34 6 7 G +34 6 8 S +34 6 9 S +34 6 10 B +34 6 11 G +34 6 12 T +34 6 13 G +34 6 14 B +34 6 15 W +34 6 16 W +34 6 17 L +34 6 18 K +34 6 19 G +34 6 20 G +34 6 21 S +34 6 22 T +34 6 23 S +34 6 24 B +34 6 25 G +34 6 26 S +34 6 27 W +34 6 28 L +34 6 29 G +34 6 30 S +34 6 31 W +34 6 32 S +34 6 33 G +34 6 34 B +34 6 35 T +34 6 36 G +34 6 37 B +34 6 38 S +34 6 39 G +34 6 40 B +34 6 41 S +34 6 42 T +34 6 43 B +34 6 44 W +34 6 45 G +34 6 46 K +34 6 47 G +34 6 48 S +34 6 49 W +34 6 50 S +34 6 51 S +34 6 52 W +34 6 53 L +34 6 54 G +34 6 55 G +34 6 56 W +34 6 57 G +34 6 58 T +34 6 59 W +34 6 60 B +34 6 61 L +34 6 62 B +34 6 63 S +34 6 64 B +34 6 65 L +34 6 66 W +34 6 67 G +34 6 68 S +34 6 69 G +34 6 70 W +34 6 71 S +34 6 72 G +34 6 73 S +34 6 74 W +34 6 75 G +34 6 76 T +34 6 77 G +34 6 78 W +34 6 79 K +34 6 80 G +34 6 81 G +34 6 82 G +34 6 83 W +34 6 84 W +34 6 85 G +34 6 86 W +34 6 87 K +34 6 88 L +34 6 89 K +34 6 90 G +34 6 91 T +34 6 92 W +34 6 93 B +34 6 94 K +34 6 95 W +34 6 96 T +34 6 97 B +34 6 98 L +34 6 99 W +34 6 100 G +34 6 101 L +34 6 102 W +34 6 103 G +34 6 104 W +34 6 105 S +34 6 106 T +34 6 107 W +34 6 108 W +34 6 109 B +34 6 110 T +34 6 111 K +34 6 112 L +34 6 113 K +34 6 114 G +34 6 115 L +34 6 116 W +34 6 117 K +34 6 118 W +34 6 119 G +34 6 120 W +34 6 121 L +34 6 122 G +34 6 123 B +34 6 124 G +34 6 125 T +34 6 126 S +34 6 127 K +34 6 128 T +34 6 129 W +34 6 130 K +34 6 131 B +34 6 132 L +34 6 133 G +34 6 134 B +34 6 135 L +34 6 136 G +34 6 137 G +34 6 138 W +34 6 139 W +34 6 140 B +34 6 141 W +34 6 142 W +34 6 143 G +34 6 144 B +34 6 145 G +34 6 146 T +34 6 147 G +34 6 148 L +34 6 149 G +34 6 150 B +34 6 151 T +34 6 152 W +34 6 153 B +34 6 154 K +34 6 155 K +34 6 156 G +34 6 157 S +34 6 158 W +34 6 159 T +34 6 160 T +34 6 161 G +34 6 162 L +34 6 163 G +34 6 164 B +34 6 165 G +34 6 166 B +34 6 167 W +34 6 168 G +34 6 169 B +34 6 170 K +34 6 171 G +34 6 172 W +34 6 173 L +34 6 174 T +34 6 175 G +34 6 176 T +34 6 177 T +34 6 178 B +34 6 179 S +34 6 180 G +34 6 181 S +34 6 182 B +34 6 183 S +34 6 184 B +34 6 185 S +34 6 186 G +34 6 187 T +34 6 188 G +34 6 189 W +34 6 190 T +34 6 191 G +34 6 192 S +34 6 193 T +34 6 194 S +34 6 195 G +34 6 196 W +34 6 197 S +34 6 198 K +34 6 199 W +34 6 200 B +34 6 201 T +34 6 202 G +34 6 203 L +34 6 204 K +34 6 205 B +34 6 206 W +34 6 207 T +34 6 208 G +34 6 209 G +34 6 210 S +34 6 211 G +34 6 212 T +34 6 213 B +34 6 214 G +34 6 215 L +34 6 216 G +34 6 217 G +34 6 218 G +34 6 219 W +34 6 220 B +34 6 221 W +34 6 222 B +34 6 223 G +34 6 224 W +34 6 225 T +34 6 226 K +34 6 227 K +34 6 228 B +34 6 229 G +34 6 230 W +34 6 231 B +34 6 232 K +34 6 233 B +34 6 234 G +34 6 235 B +34 6 236 G +34 6 237 W +34 6 238 B +34 6 239 L +34 6 240 S +34 6 241 W +34 6 242 T +34 6 243 S +34 6 244 W +34 6 245 L +34 6 246 B +34 6 247 B +34 6 248 K +34 6 249 K +34 6 250 B +34 6 251 G +34 6 252 W +34 6 253 G +34 6 254 B +34 6 255 K +34 6 256 L +34 6 257 B +34 6 258 T +34 6 259 L +34 6 260 W +34 6 261 T +34 6 262 W +34 6 263 W +34 6 264 B +34 6 265 G +34 6 266 S +34 6 267 B +34 6 268 G +34 6 269 T +34 6 270 S +34 6 271 G +34 6 272 W +34 6 273 T +34 6 274 W +34 6 275 G +34 6 276 L +34 6 277 K +34 6 278 T +34 6 279 B +34 6 280 G +34 6 281 G +34 6 282 G +34 6 283 K +34 6 284 W +34 6 285 S +34 6 286 W +34 6 287 S +34 6 288 L +34 6 289 B +34 6 290 W +34 6 291 B +34 6 292 W +34 6 293 W +34 6 294 W +34 6 295 K +34 6 296 B +34 6 297 T +34 6 298 L +34 6 299 G +34 6 300 S +34 6 301 G +34 6 302 W +34 6 303 B +34 6 304 K +34 6 305 S +34 6 306 T +34 6 307 B +34 6 308 S +34 6 309 K +34 6 310 G +34 6 311 B +34 6 312 K +34 6 313 B +34 6 314 W +34 6 315 G +34 6 316 G +34 6 317 S +34 6 318 T +34 6 319 W +34 6 320 T +34 6 321 L +34 6 322 B +34 6 323 K +34 6 324 W +34 6 325 B +34 6 326 T +34 6 327 W +34 6 328 G +34 6 329 S +34 6 330 W +34 7 1 F +34 7 2 * +34 7 3 O +34 7 4 S +34 7 5 G +34 7 6 S +34 7 7 G +34 7 8 S +34 7 9 S +34 7 10 B +34 7 11 G +34 7 12 T +34 7 13 G +34 7 14 G +34 7 15 * +34 7 16 W +34 7 17 L +34 7 18 K +34 7 19 B +34 7 20 G +34 7 21 L +34 7 22 T +34 7 23 S +34 7 24 G +34 7 25 G +34 7 26 B +34 7 27 W +34 7 28 L +34 7 29 G +34 7 30 T +34 7 31 G +34 7 32 S +34 7 33 G +34 7 34 B +34 7 35 * +34 7 36 G +34 7 37 B +34 7 38 L +34 7 39 G +34 7 40 G +34 7 41 L +34 7 42 T +34 7 43 B +34 7 44 W +34 7 45 G +34 7 46 K +34 7 47 G +34 7 48 T +34 7 49 G +34 7 50 S +34 7 51 K +34 7 52 W +34 7 53 L +34 7 54 G +34 7 55 G +34 7 56 * +34 7 57 G +34 7 58 T +34 7 59 W +34 7 60 B +34 7 61 L +34 7 62 B +34 7 63 * +34 7 64 B +34 7 65 L +34 7 66 W +34 7 67 G +34 7 68 S +34 7 69 G +34 7 70 W +34 7 71 S +34 7 72 G +34 7 73 S +34 7 74 W +34 7 75 G +34 7 76 T +34 7 77 G +34 7 78 W +34 7 79 K +34 7 80 B +34 7 81 G +34 7 82 G +34 7 83 W +34 7 84 T +34 7 85 G +34 7 86 L +34 7 87 B +34 7 88 L +34 7 89 K +34 7 90 B +34 7 91 T +34 7 92 W +34 7 93 G +34 7 94 K +34 7 95 W +34 7 96 T +34 7 97 B +34 7 98 L +34 7 99 B +34 7 100 G +34 7 101 B +34 7 102 W +34 7 103 B +34 7 104 G +34 7 105 S +34 7 106 T +34 7 107 W +34 7 108 W +34 7 109 B +34 7 110 T +34 7 111 B +34 7 112 L +34 7 113 K +34 7 114 G +34 7 115 L +34 7 116 W +34 7 117 S +34 7 118 L +34 7 119 G +34 7 120 W +34 7 121 L +34 7 122 G +34 7 123 G +34 7 124 G +34 7 125 L +34 7 126 T +34 7 127 B +34 7 128 T +34 7 129 W +34 7 130 K +34 7 131 B +34 7 132 L +34 7 133 G +34 7 134 K +34 7 135 B +34 7 136 G +34 7 137 G +34 7 138 G +34 7 139 W +34 7 140 B +34 7 141 W +34 7 142 W +34 7 143 G +34 7 144 B +34 7 145 G +34 7 146 T +34 7 147 G +34 7 148 L +34 7 149 G +34 7 150 B +34 7 151 T +34 7 152 T +34 7 153 G +34 7 154 K +34 7 155 K +34 7 156 G +34 7 157 K +34 7 158 W +34 7 159 T +34 7 160 B +34 7 161 F +34 7 162 L +34 7 163 B +34 7 164 B +34 7 165 G +34 7 166 B +34 7 167 S +34 7 168 G +34 7 169 B +34 7 170 B +34 7 171 G +34 7 172 W +34 7 173 L +34 7 174 T +34 7 175 B +34 7 176 L +34 7 177 T +34 7 178 B +34 7 179 L +34 7 180 G +34 7 181 T +34 7 182 S +34 7 183 G +34 7 184 B +34 7 185 L +34 7 186 F +34 7 187 T +34 7 188 B +34 7 189 W +34 7 190 S +34 7 191 G +34 7 192 B +34 7 193 T +34 7 194 S +34 7 195 G +34 7 196 T +34 7 197 B +34 7 198 K +34 7 199 W +34 7 200 B +34 7 201 L +34 7 202 G +34 7 203 L +34 7 204 K +34 7 205 B +34 7 206 W +34 7 207 L +34 7 208 T +34 7 209 B +34 7 210 S +34 7 211 G +34 7 212 D +34 7 213 W +34 7 214 T +34 7 215 B +34 7 216 G +34 7 217 T +34 7 218 T +34 7 219 W +34 7 220 B +34 7 221 W +34 7 222 B +34 7 223 G +34 7 224 W +34 7 225 T +34 7 226 B +34 7 227 K +34 7 228 B +34 7 229 G +34 7 230 W +34 7 231 B +34 7 232 T +34 7 233 B +34 7 234 G +34 7 235 B +34 7 236 T +34 7 237 L +34 7 238 L +34 7 239 B +34 7 240 S +34 7 241 W +34 7 242 T +34 7 243 B +34 7 244 W +34 7 245 L +34 7 246 G +34 7 247 B +34 7 248 G +34 7 249 G +34 7 250 B +34 7 251 G +34 7 252 W +34 7 253 G +34 7 254 B +34 7 255 K +34 7 256 L +34 7 257 B +34 7 258 D +34 7 259 L +34 7 260 W +34 7 261 L +34 7 262 W +34 7 263 B +34 7 264 G +34 7 265 G +34 7 266 B +34 7 267 B +34 7 268 G +34 7 269 B +34 7 270 T +34 7 271 G +34 7 272 W +34 7 273 B +34 7 274 W +34 7 275 D +34 7 276 L +34 7 277 B +34 7 278 L +34 7 279 B +34 7 280 G +34 7 281 G +34 7 282 G +34 7 283 S +34 7 284 W +34 7 285 L +34 7 286 W +34 7 287 D +34 7 288 L +34 7 289 G +34 7 290 W +34 7 291 B +34 7 292 L +34 7 293 W +34 7 294 W +34 7 295 B +34 7 296 B +34 7 297 D +34 7 298 L +34 7 299 G +34 7 300 W +34 7 301 G +34 7 302 W +34 7 303 W +34 7 304 G +34 7 305 B +34 7 306 G +34 7 307 F +34 7 308 B +34 7 309 K +34 7 310 G +34 7 311 B +34 7 312 K +34 7 313 B +34 7 314 W +34 7 315 G +34 7 316 G +34 7 317 B +34 7 318 L +34 7 319 W +34 7 320 G +34 7 321 L +34 7 322 B +34 7 323 G +34 7 324 W +34 7 325 D +34 7 326 W +34 7 327 B +34 7 328 G +34 7 329 K +34 7 330 W +34 8 1 B +34 8 2 G +34 8 3 O +34 8 4 X +34 8 5 G +34 8 6 T +34 8 7 G +34 8 8 * +34 8 9 * +34 8 10 B +34 8 11 G +34 8 12 T +34 8 13 G +34 8 14 B +34 8 15 Z +34 8 16 W +34 8 17 O +34 8 18 K +34 8 19 B +34 8 20 G +34 8 21 Z +34 8 22 T +34 8 23 Z +34 8 24 K +34 8 25 G +34 8 26 B +34 8 27 W +34 8 28 Z +34 8 29 G +34 8 30 U +34 8 31 B +34 8 32 Z +34 8 33 G +34 8 34 B +34 8 35 Z +34 8 36 G +34 8 37 B +34 8 38 Z +34 8 39 G +34 8 40 B +34 8 41 L +34 8 42 T +34 8 43 B +34 8 44 W +34 8 45 G +34 8 46 * +34 8 47 G +34 8 48 T +34 8 49 B +34 8 50 X +34 8 51 U +34 8 52 W +34 8 53 X +34 8 54 G +34 8 55 B +34 8 56 * +34 8 57 G +34 8 58 T +34 8 59 W +34 8 60 G +34 8 61 L +34 8 62 B +34 8 63 L +34 8 64 B +34 8 65 Z +34 8 66 W +34 8 67 G +34 8 68 Z +34 8 69 G +34 8 70 W +34 8 71 X +34 8 72 G +34 8 73 X +34 8 74 B +34 8 75 G +34 8 76 O +34 8 77 B +34 8 78 * +34 8 79 U +34 8 80 B +34 8 81 G +34 8 82 G +34 8 83 W +34 8 84 * +34 8 85 G +34 8 86 Z +34 8 87 K +34 8 88 Z +34 8 89 K +34 8 90 G +34 8 91 G +34 8 92 W +34 8 93 B +34 8 94 K +34 8 95 W +34 8 96 D +34 8 97 X +34 8 98 L +34 8 99 * +34 8 100 G +34 8 101 X +34 8 102 * +34 8 103 G +34 8 104 B +34 8 105 X +34 8 106 D +34 8 107 W +34 8 108 G +34 8 109 B +34 8 110 D +34 8 111 G +34 8 112 Z +34 8 113 K +34 8 114 G +34 8 115 L +34 8 116 B +34 8 117 K +34 8 118 X +34 8 119 G +34 8 120 W +34 8 121 O +34 8 122 G +34 8 123 B +34 8 124 G +34 8 125 O +34 8 126 L +34 8 127 G +34 8 128 D +34 8 129 W +34 8 130 K +34 8 131 X +34 8 132 L +34 8 133 G +34 8 134 K +34 8 135 Z +34 8 136 F +34 8 137 G +34 8 138 F +34 8 139 W +34 8 140 B +34 8 141 W +34 8 142 W +34 8 143 G +34 8 144 B +34 8 145 G +34 8 146 D +34 8 147 G +34 8 148 L +34 8 149 G +34 8 150 X +34 8 151 * +34 8 152 Z +34 8 153 F +34 8 154 * +34 8 155 U +34 8 156 G +34 8 157 U +34 8 158 W +34 8 159 D +34 8 160 * +34 8 161 G +34 8 162 L +34 8 163 F +34 8 164 G +34 8 165 * +34 8 166 B +34 8 167 * +34 8 168 G +34 8 169 B +34 8 170 G +34 8 171 G +34 8 172 W +34 8 173 Z +34 8 174 D +34 8 175 B +34 8 176 L +34 8 177 D +34 8 178 B +34 8 179 L +34 8 180 G +34 8 181 D +34 8 182 X +34 8 183 U +34 8 184 X +34 8 185 U +34 8 186 B +34 8 187 D +34 8 188 B +34 8 189 B +34 8 190 U +34 8 191 G +34 8 192 X +34 8 193 D +34 8 194 L +34 8 195 G +34 8 196 G +34 8 197 X +34 8 198 K +34 8 199 W +34 8 200 F +34 8 201 U +34 8 202 G +34 8 203 X +34 8 204 K +34 8 205 B +34 8 206 W +34 8 207 X +34 8 208 U +34 8 209 G +34 8 210 U +34 8 211 F +34 8 212 D +34 8 213 * +34 8 214 D +34 8 215 Z +34 8 216 K +34 8 217 Z +34 8 218 G +34 8 219 B +34 8 220 B +34 8 221 B +34 8 222 X +34 8 223 G +34 8 224 W +34 8 225 U +34 8 226 B +34 8 227 K +34 8 228 B +34 8 229 B +34 8 230 W +34 8 231 X +34 8 232 U +34 8 233 B +34 8 234 G +34 8 235 B +34 8 236 G +34 8 237 U +34 8 238 G +34 8 239 U +34 8 240 U +34 8 241 W +34 8 242 D +34 8 243 X +34 8 244 B +34 8 245 L +34 8 246 G +34 8 247 B +34 8 248 G +34 8 249 G +34 8 250 X +34 8 251 G +34 8 252 W +34 8 253 G +34 8 254 B +34 8 255 K +34 8 256 Z +34 8 257 B +34 8 258 D +34 8 259 L +34 8 260 D +34 8 261 U +34 8 262 W +34 8 263 A +34 8 264 B +34 8 265 G +34 8 266 U +34 8 267 X +34 8 268 G +34 8 269 X +34 8 270 U +34 8 271 G +34 8 272 W +34 8 273 U +34 8 274 W +34 8 275 D +34 8 276 L +34 8 277 B +34 8 278 * +34 8 279 B +34 8 280 G +34 8 281 G +34 8 282 G +34 8 283 U +34 8 284 W +34 8 285 U +34 8 286 W +34 8 287 U +34 8 288 L +34 8 289 B +34 8 290 W +34 8 291 B +34 8 292 Z +34 8 293 W +34 8 294 W +34 8 295 U +34 8 296 B +34 8 297 D +34 8 298 L +34 8 299 G +34 8 300 W +34 8 301 G +34 8 302 W +34 8 303 B +34 8 304 G +34 8 305 X +34 8 306 G +34 8 307 B +34 8 308 X +34 8 309 K +34 8 310 G +34 8 311 B +34 8 312 K +34 8 313 B +34 8 314 W +34 8 315 G +34 8 316 G +34 8 317 X +34 8 318 U +34 8 319 W +34 8 320 G +34 8 321 L +34 8 322 B +34 8 323 G +34 8 324 W +34 8 325 D +34 8 326 W +34 8 327 X +34 8 328 G +34 8 329 U +34 8 330 W +34 9 1 B +34 9 2 I +34 9 3 L +34 9 4 R +34 9 5 G +34 9 6 I +34 9 7 G +34 9 8 L +34 9 9 I +34 9 10 E +34 9 11 K +34 9 12 T +34 9 13 B +34 9 14 K +34 9 15 O +34 9 16 W +34 9 17 L +34 9 18 K +34 9 19 O +34 9 20 G +34 9 21 O +34 9 22 T +34 9 23 E +34 9 24 I +34 9 25 G +34 9 26 F +34 9 27 W +34 9 28 T +34 9 29 G +34 9 30 L +34 9 31 W +34 9 32 E +34 9 33 G +34 9 34 F +34 9 35 T +34 9 36 K +34 9 37 O +34 9 38 L +34 9 39 G +34 9 40 F +34 9 41 L +34 9 42 O +34 9 43 B +34 9 44 W +34 9 45 G +34 9 46 O +34 9 47 K +34 9 48 T +34 9 49 W +34 9 50 L +34 9 51 O +34 9 52 W +34 9 53 L +34 9 54 E +34 9 55 F +34 9 56 T +34 9 57 K +34 9 58 O +34 9 59 W +34 9 60 K +34 9 61 L +34 9 62 O +34 9 63 T +34 9 64 G +34 9 65 T +34 9 66 W +34 9 67 G +34 9 68 O +34 9 69 K +34 9 70 R +34 9 71 L +34 9 72 G +34 9 73 L +34 9 74 G +34 9 75 K +34 9 76 L +34 9 77 O +34 9 78 T +34 9 79 K +34 9 80 G +34 9 81 G +34 9 82 O +34 9 83 O +34 9 84 O +34 9 85 G +34 9 86 O +34 9 87 K +34 9 88 T +34 9 89 K +34 9 90 O +34 9 91 G +34 9 92 W +34 9 93 G +34 9 94 K +34 9 95 W +34 9 96 T +34 9 97 O +34 9 98 L +34 9 99 L +34 9 100 W +34 9 101 L +34 9 102 O +34 9 103 K +34 9 104 W +34 9 105 L +34 9 106 T +34 9 107 W +34 9 108 W +34 9 109 R +34 9 110 T +34 9 111 K +34 9 112 L +34 9 113 K +34 9 114 G +34 9 115 L +34 9 116 W +34 9 117 K +34 9 118 O +34 9 119 G +34 9 120 W +34 9 121 L +34 9 122 G +34 9 123 G +34 9 124 O +34 9 125 L +34 9 126 O +34 9 127 K +34 9 128 T +34 9 129 W +34 9 130 K +34 9 131 O +34 9 132 L +34 9 133 G +34 9 134 L +34 9 135 F +34 9 136 F +34 9 137 G +34 9 138 O +34 9 139 E +34 9 140 G +34 9 141 W +34 9 142 W +34 9 143 G +34 9 144 B +34 9 145 G +34 9 146 O +34 9 147 G +34 9 148 L +34 9 149 F +34 9 150 L +34 9 151 L +34 9 152 O +34 9 153 F +34 9 154 K +34 9 155 K +34 9 156 G +34 9 157 K +34 9 158 W +34 9 159 O +34 9 160 O +34 9 161 G +34 9 162 L +34 9 163 G +34 9 164 B +34 9 165 G +34 9 166 K +34 9 167 W +34 9 168 O +34 9 169 B +34 9 170 G +34 9 171 K +34 9 172 W +34 9 173 L +34 9 174 L +34 9 175 F +34 9 176 L +34 9 177 T +34 9 178 G +34 9 179 K +34 9 180 G +34 9 181 O +34 9 182 L +34 9 183 K +34 9 184 B +34 9 185 E +34 9 186 G +34 9 187 T +34 9 188 G +34 9 189 O +34 9 190 L +34 9 191 T +34 9 192 B +34 9 193 W +34 9 194 L +34 9 195 G +34 9 196 B +34 9 197 L +34 9 198 K +34 9 199 O +34 9 200 B +34 9 201 T +34 9 202 G +34 9 203 L +34 9 204 K +34 9 205 B +34 9 206 W +34 9 207 L +34 9 208 B +34 9 209 G +34 9 210 L +34 9 211 O +34 9 212 L +34 9 213 B +34 9 214 G +34 9 215 O +34 9 216 K +34 9 217 W +34 9 218 E +34 9 219 W +34 9 220 B +34 9 221 W +34 9 222 E +34 9 223 G +34 9 224 W +34 9 225 B +34 9 226 G +34 9 227 K +34 9 228 G +34 9 229 O +34 9 230 W +34 9 231 B +34 9 232 G +34 9 233 W +34 9 234 G +34 9 235 F +34 9 236 G +34 9 237 W +34 9 238 G +34 9 239 T +34 9 240 K +34 9 241 W +34 9 242 W +34 9 243 L +34 9 244 W +34 9 245 L +34 9 246 G +34 9 247 F +34 9 248 K +34 9 249 G +34 9 250 B +34 9 251 F +34 9 252 W +34 9 253 G +34 9 254 B +34 9 255 K +34 9 256 L +34 9 257 B +34 9 258 T +34 9 259 L +34 9 260 E +34 9 261 L +34 9 262 W +34 9 263 B +34 9 264 W +34 9 265 K +34 9 266 L +34 9 267 L +34 9 268 G +34 9 269 L +34 9 270 T +34 9 271 G +34 9 272 W +34 9 273 L +34 9 274 W +34 9 275 T +34 9 276 L +34 9 277 G +34 9 278 O +34 9 279 B +34 9 280 G +34 9 281 B +34 9 282 G +34 9 283 L +34 9 284 W +34 9 285 E +34 9 286 W +34 9 287 L +34 9 288 L +34 9 289 G +34 9 290 W +34 9 291 G +34 9 292 T +34 9 293 F +34 9 294 W +34 9 295 K +34 9 296 G +34 9 297 T +34 9 298 E +34 9 299 G +34 9 300 W +34 9 301 G +34 9 302 W +34 9 303 W +34 9 304 G +34 9 305 L +34 9 306 G +34 9 307 G +34 9 308 O +34 9 309 K +34 9 310 G +34 9 311 G +34 9 312 K +34 9 313 G +34 9 314 W +34 9 315 O +34 9 316 G +34 9 317 L +34 9 318 W +34 9 319 W +34 9 320 O +34 9 321 L +34 9 322 F +34 9 323 G +34 9 324 W +34 9 325 L +34 9 326 G +34 9 327 W +34 9 328 G +34 9 329 L +34 9 330 W +34 10 1 B +34 10 2 G +34 10 3 L +34 10 4 B +34 10 5 J +34 10 6 O +34 10 7 G +34 10 8 L +34 10 9 O +34 10 10 B +34 10 11 K +34 10 12 T +34 10 13 B +34 10 14 B +34 10 15 X +34 10 16 W +34 10 17 T +34 10 18 K +34 10 19 B +34 10 20 G +34 10 21 L +34 10 22 T +34 10 23 B +34 10 24 K +34 10 25 B +34 10 26 G +34 10 27 W +34 10 28 F +34 10 29 G +34 10 30 L +34 10 31 W +34 10 32 F +34 10 33 G +34 10 34 B +34 10 35 L +34 10 36 K +34 10 37 B +34 10 38 G +34 10 39 B +34 10 40 K +34 10 41 L +34 10 42 T +34 10 43 B +34 10 44 W +34 10 45 G +34 10 46 K +34 10 47 B +34 10 48 T +34 10 49 L +34 10 50 B +34 10 51 J +34 10 52 W +34 10 53 L +34 10 54 G +34 10 55 J +34 10 56 F +34 10 57 B +34 10 58 T +34 10 59 W +34 10 60 K +34 10 61 G +34 10 62 B +34 10 63 F +34 10 64 B +34 10 65 L +34 10 66 W +34 10 67 J +34 10 68 F +34 10 69 G +34 10 70 W +34 10 71 L +34 10 72 G +34 10 73 B +34 10 74 W +34 10 75 K +34 10 76 F +34 10 77 B +34 10 78 O +34 10 79 K +34 10 80 B +34 10 81 G +34 10 82 F +34 10 83 W +34 10 84 T +34 10 85 K +34 10 86 O +34 10 87 K +34 10 88 O +34 10 89 K +34 10 90 G +34 10 91 T +34 10 92 W +34 10 93 B +34 10 94 K +34 10 95 W +34 10 96 T +34 10 97 B +34 10 98 L +34 10 99 F +34 10 100 J +34 10 101 L +34 10 102 F +34 10 103 K +34 10 104 O +34 10 105 B +34 10 106 T +34 10 107 W +34 10 108 W +34 10 109 B +34 10 110 T +34 10 111 K +34 10 112 L +34 10 113 K +34 10 114 B +34 10 115 L +34 10 116 W +34 10 117 K +34 10 118 F +34 10 119 O +34 10 120 W +34 10 121 T +34 10 122 G +34 10 123 B +34 10 124 T +34 10 125 L +34 10 126 G +34 10 127 B +34 10 128 T +34 10 129 W +34 10 130 K +34 10 131 O +34 10 132 L +34 10 133 G +34 10 134 K +34 10 135 O +34 10 136 B +34 10 137 W +34 10 138 J +34 10 139 W +34 10 140 B +34 10 141 W +34 10 142 W +34 10 143 T +34 10 144 B +34 10 145 O +34 10 146 T +34 10 147 B +34 10 148 L +34 10 149 G +34 10 150 B +34 10 151 F +34 10 152 T +34 10 153 B +34 10 154 K +34 10 155 O +34 10 156 J +34 10 157 K +34 10 158 W +34 10 159 T +34 10 160 B +34 10 161 G +34 10 162 L +34 10 163 B +34 10 164 B +34 10 165 G +34 10 166 K +34 10 167 W +34 10 168 T +34 10 169 B +34 10 170 G +34 10 171 T +34 10 172 W +34 10 173 O +34 10 174 T +34 10 175 F +34 10 176 K +34 10 177 T +34 10 178 B +34 10 179 L +34 10 180 G +34 10 181 T +34 10 182 B +34 10 183 O +34 10 184 B +34 10 185 T +34 10 186 J +34 10 187 T +34 10 188 B +34 10 189 W +34 10 190 F +34 10 191 G +34 10 192 B +34 10 193 T +34 10 194 K +34 10 195 G +34 10 196 T +34 10 197 B +34 10 198 K +34 10 199 F +34 10 200 O +34 10 201 T +34 10 202 G +34 10 203 F +34 10 204 K +34 10 205 B +34 10 206 W +34 10 207 F +34 10 208 T +34 10 209 B +34 10 210 K +34 10 211 B +34 10 212 F +34 10 213 W +34 10 214 T +34 10 215 J +34 10 216 K +34 10 217 T +34 10 218 W +34 10 219 G +34 10 220 K +34 10 221 B +34 10 222 B +34 10 223 G +34 10 224 W +34 10 225 O +34 10 226 K +34 10 227 K +34 10 228 G +34 10 229 W +34 10 230 K +34 10 231 L +34 10 232 O +34 10 233 F +34 10 234 T +34 10 235 G +34 10 236 K +34 10 237 T +34 10 238 L +34 10 239 W +34 10 240 K +34 10 241 W +34 10 242 O +34 10 243 G +34 10 244 J +34 10 245 L +34 10 246 G +34 10 247 B +34 10 248 K +34 10 249 G +34 10 250 T +34 10 251 B +34 10 252 W +34 10 253 G +34 10 254 B +34 10 255 K +34 10 256 F +34 10 257 O +34 10 258 T +34 10 259 L +34 10 260 W +34 10 261 T +34 10 262 W +34 10 263 K +34 10 264 J +34 10 265 G +34 10 266 L +34 10 267 B +34 10 268 G +34 10 269 B +34 10 270 F +34 10 271 G +34 10 272 W +34 10 273 F +34 10 274 W +34 10 275 K +34 10 276 T +34 10 277 B +34 10 278 O +34 10 279 B +34 10 280 O +34 10 281 B +34 10 282 G +34 10 283 L +34 10 284 W +34 10 285 O +34 10 286 W +34 10 287 F +34 10 288 L +34 10 289 B +34 10 290 W +34 10 291 B +34 10 292 O +34 10 293 W +34 10 294 G +34 10 295 K +34 10 296 T +34 10 297 T +34 10 298 L +34 10 299 G +34 10 300 W +34 10 301 G +34 10 302 W +34 10 303 B +34 10 304 O +34 10 305 B +34 10 306 G +34 10 307 F +34 10 308 B +34 10 309 K +34 10 310 O +34 10 311 B +34 10 312 K +34 10 313 G +34 10 314 W +34 10 315 G +34 10 316 B +34 10 317 F +34 10 318 T +34 10 319 W +34 10 320 B +34 10 321 K +34 10 322 B +34 10 323 G +34 10 324 W +34 10 325 B +34 10 326 T +34 10 327 W +34 10 328 G +34 10 329 O +34 10 330 W +34 11 1 B +34 11 2 G +34 11 3 L +34 11 4 L +34 11 5 G +34 11 6 T +34 11 7 G +34 11 8 L +34 11 9 T +34 11 10 B +34 11 11 G +34 11 12 T +34 11 13 G +34 11 14 B +34 11 15 W +34 11 16 W +34 11 17 L +34 11 18 K +34 11 19 G +34 11 20 G +34 11 21 L +34 11 22 T +34 11 23 B +34 11 24 B +34 11 25 G +34 11 26 B +34 11 27 W +34 11 28 L +34 11 29 G +34 11 30 L +34 11 31 T +34 11 32 L +34 11 33 G +34 11 34 B +34 11 35 L +34 11 36 G +34 11 37 B +34 11 38 L +34 11 39 G +34 11 40 G +34 11 41 L +34 11 42 T +34 11 43 B +34 11 44 W +34 11 45 G +34 11 46 K +34 11 47 B +34 11 48 T +34 11 49 G +34 11 50 B +34 11 51 W +34 11 52 W +34 11 53 L +34 11 54 G +34 11 55 G +34 11 56 T +34 11 57 G +34 11 58 T +34 11 59 W +34 11 60 B +34 11 61 L +34 11 62 W +34 11 63 L +34 11 64 G +34 11 65 L +34 11 66 W +34 11 67 G +34 11 68 L +34 11 69 W +34 11 70 W +34 11 71 L +34 11 72 G +34 11 73 B +34 11 74 W +34 11 75 G +34 11 76 L +34 11 77 G +34 11 78 W +34 11 79 B +34 11 80 B +34 11 81 G +34 11 82 T +34 11 83 W +34 11 84 W +34 11 85 G +34 11 86 L +34 11 87 W +34 11 88 L +34 11 89 B +34 11 90 B +34 11 91 G +34 11 92 W +34 11 93 B +34 11 94 W +34 11 95 T +34 11 96 T +34 11 97 B +34 11 98 L +34 11 99 L +34 11 100 W +34 11 101 G +34 11 102 L +34 11 103 B +34 11 104 B +34 11 105 L +34 11 106 T +34 11 107 T +34 11 108 W +34 11 109 B +34 11 110 T +34 11 111 G +34 11 112 L +34 11 113 K +34 11 114 G +34 11 115 L +34 11 116 W +34 11 117 K +34 11 118 L +34 11 119 G +34 11 120 W +34 11 121 L +34 11 122 G +34 11 123 K +34 11 124 G +34 11 125 L +34 11 126 W +34 11 127 K +34 11 128 G +34 11 129 W +34 11 130 K +34 11 131 G +34 11 132 L +34 11 133 G +34 11 134 B +34 11 135 L +34 11 136 W +34 11 137 G +34 11 138 T +34 11 139 B +34 11 140 L +34 11 141 W +34 11 142 W +34 11 143 G +34 11 144 B +34 11 145 G +34 11 146 T +34 11 147 G +34 11 148 L +34 11 149 G +34 11 150 B +34 11 151 L +34 11 152 W +34 11 153 K +34 11 154 K +34 11 155 B +34 11 156 G +34 11 157 W +34 11 158 W +34 11 159 T +34 11 160 W +34 11 161 G +34 11 162 L +34 11 163 G +34 11 164 K +34 11 165 K +34 11 166 B +34 11 167 W +34 11 168 G +34 11 169 B +34 11 170 B +34 11 171 G +34 11 172 W +34 11 173 L +34 11 174 T +34 11 175 W +34 11 176 L +34 11 177 G +34 11 178 B +34 11 179 B +34 11 180 G +34 11 181 T +34 11 182 B +34 11 183 B +34 11 184 B +34 11 185 T +34 11 186 W +34 11 187 T +34 11 188 B +34 11 189 W +34 11 190 W +34 11 191 G +34 11 192 T +34 11 193 G +34 11 194 B +34 11 195 G +34 11 196 B +34 11 197 B +34 11 198 G +34 11 199 W +34 11 200 K +34 11 201 K +34 11 202 G +34 11 203 L +34 11 204 K +34 11 205 K +34 11 206 W +34 11 207 L +34 11 208 T +34 11 209 G +34 11 210 K +34 11 211 G +34 11 212 T +34 11 213 W +34 11 214 G +34 11 215 B +34 11 216 K +34 11 217 T +34 11 218 W +34 11 219 B +34 11 220 K +34 11 221 W +34 11 222 B +34 11 223 G +34 11 224 W +34 11 225 B +34 11 226 K +34 11 227 W +34 11 228 B +34 11 229 G +34 11 230 W +34 11 231 B +34 11 232 K +34 11 233 B +34 11 234 G +34 11 235 G +34 11 236 G +34 11 237 B +34 11 238 W +34 11 239 W +34 11 240 B +34 11 241 W +34 11 242 W +34 11 243 G +34 11 244 B +34 11 245 L +34 11 246 G +34 11 247 B +34 11 248 B +34 11 249 G +34 11 250 T +34 11 251 G +34 11 252 W +34 11 253 G +34 11 254 T +34 11 255 B +34 11 256 L +34 11 257 K +34 11 258 T +34 11 259 L +34 11 260 W +34 11 261 L +34 11 262 W +34 11 263 W +34 11 264 W +34 11 265 G +34 11 266 L +34 11 267 B +34 11 268 G +34 11 269 L +34 11 270 T +34 11 271 G +34 11 272 W +34 11 273 T +34 11 274 W +34 11 275 W +34 11 276 L +34 11 277 L +34 11 278 L +34 11 279 B +34 11 280 G +34 11 281 G +34 11 282 G +34 11 283 B +34 11 284 W +34 11 285 T +34 11 286 W +34 11 287 T +34 11 288 L +34 11 289 G +34 11 290 W +34 11 291 B +34 11 292 B +34 11 293 W +34 11 294 W +34 11 295 B +34 11 296 T +34 11 297 T +34 11 298 L +34 11 299 G +34 11 300 W +34 11 301 G +34 11 302 W +34 11 303 W +34 11 304 T +34 11 305 B +34 11 306 G +34 11 307 B +34 11 308 T +34 11 309 B +34 11 310 K +34 11 311 K +34 11 312 K +34 11 313 G +34 11 314 W +34 11 315 G +34 11 316 B +34 11 317 B +34 11 318 L +34 11 319 W +34 11 320 B +34 11 321 L +34 11 322 B +34 11 323 G +34 11 324 W +34 11 325 L +34 11 326 T +34 11 327 K +34 11 328 B +34 11 329 B +34 11 330 T +34 12 1 B +34 12 2 E +34 12 3 L +34 12 4 B +34 12 5 G +34 12 6 T +34 12 7 G +34 12 8 L +34 12 9 L +34 12 10 B +34 12 11 B +34 12 12 T +34 12 13 B +34 12 14 B +34 12 15 T +34 12 16 W +34 12 17 L +34 12 18 B +34 12 19 G +34 12 20 G +34 12 21 L +34 12 22 T +34 12 23 L +34 12 24 B +34 12 25 B +34 12 26 G +34 12 27 W +34 12 28 L +34 12 29 G +34 12 30 L +34 12 31 B +34 12 32 L +34 12 33 B +34 12 34 G +34 12 35 L +34 12 36 K +34 12 37 B +34 12 38 L +34 12 39 G +34 12 40 B +34 12 41 L +34 12 42 T +34 12 43 K +34 12 44 W +34 12 45 B +34 12 46 G +34 12 47 K +34 12 48 L +34 12 49 G +34 12 50 K +34 12 51 K +34 12 52 W +34 12 53 L +34 12 54 B +34 12 55 G +34 12 56 L +34 12 57 G +34 12 58 K +34 12 59 G +34 12 60 B +34 12 61 L +34 12 62 G +34 12 63 L +34 12 64 B +34 12 65 L +34 12 66 W +34 12 67 G +34 12 68 L +34 12 69 K +34 12 70 W +34 12 71 G +34 12 72 B +34 12 73 K +34 12 74 G +34 12 75 K +34 12 76 L +34 12 77 G +34 12 78 W +34 12 79 K +34 12 80 G +34 12 81 B +34 12 82 G +34 12 83 W +34 12 84 W +34 12 85 G +34 12 86 L +34 12 87 K +34 12 88 G +34 12 89 K +34 12 90 K +34 12 91 T +34 12 92 W +34 12 93 G +34 12 94 K +34 12 95 W +34 12 96 T +34 12 97 K +34 12 98 L +34 12 99 L +34 12 100 G +34 12 101 B +34 12 102 B +34 12 103 K +34 12 104 B +34 12 105 T +34 12 106 T +34 12 107 W +34 12 108 W +34 12 109 G +34 12 110 T +34 12 111 K +34 12 112 L +34 12 113 K +34 12 114 B +34 12 115 L +34 12 116 W +34 12 117 K +34 12 118 L +34 12 119 G +34 12 120 W +34 12 121 L +34 12 122 G +34 12 123 B +34 12 124 T +34 12 125 L +34 12 126 L +34 12 127 K +34 12 128 T +34 12 129 W +34 12 130 K +34 12 131 K +34 12 132 L +34 12 133 G +34 12 134 K +34 12 135 L +34 12 136 G +34 12 137 K +34 12 138 W +34 12 139 W +34 12 140 G +34 12 141 W +34 12 142 W +34 12 143 G +34 12 144 K +34 12 145 B +34 12 146 T +34 12 147 G +34 12 148 L +34 12 149 B +34 12 150 K +34 12 151 T +34 12 152 T +34 12 153 G +34 12 154 K +34 12 155 K +34 12 156 G +34 12 157 K +34 12 158 W +34 12 159 T +34 12 160 T +34 12 161 G +34 12 162 L +34 12 163 G +34 12 164 B +34 12 165 K +34 12 166 K +34 12 167 T +34 12 168 G +34 12 169 G +34 12 170 K +34 12 171 K +34 12 172 W +34 12 173 L +34 12 174 T +34 12 175 W +34 12 176 L +34 12 177 T +34 12 178 G +34 12 179 L +34 12 180 G +34 12 181 T +34 12 182 K +34 12 183 K +34 12 184 L +34 12 185 L +34 12 186 G +34 12 187 T +34 12 188 G +34 12 189 W +34 12 190 L +34 12 191 G +34 12 192 B +34 12 193 T +34 12 194 K +34 12 195 G +34 12 196 W +34 12 197 B +34 12 198 K +34 12 199 W +34 12 200 G +34 12 201 T +34 12 202 G +34 12 203 L +34 12 204 K +34 12 205 K +34 12 206 W +34 12 207 L +34 12 208 T +34 12 209 K +34 12 210 K +34 12 211 G +34 12 212 T +34 12 213 T +34 12 214 T +34 12 215 L +34 12 216 K +34 12 217 T +34 12 218 L +34 12 219 W +34 12 220 K +34 12 221 W +34 12 222 K +34 12 223 G +34 12 224 W +34 12 225 K +34 12 226 K +34 12 227 K +34 12 228 K +34 12 229 G +34 12 230 T +34 12 231 L +34 12 232 K +34 12 233 G +34 12 234 B +34 12 235 B +34 12 236 L +34 12 237 T +34 12 238 G +34 12 239 L +34 12 240 K +34 12 241 W +34 12 242 T +34 12 243 B +34 12 244 W +34 12 245 L +34 12 246 G +34 12 247 B +34 12 248 K +34 12 249 K +34 12 250 K +34 12 251 G +34 12 252 W +34 12 253 G +34 12 254 W +34 12 255 K +34 12 256 L +34 12 257 K +34 12 258 T +34 12 259 L +34 12 260 T +34 12 261 T +34 12 262 W +34 12 263 W +34 12 264 W +34 12 265 K +34 12 266 L +34 12 267 K +34 12 268 G +34 12 269 K +34 12 270 T +34 12 271 K +34 12 272 W +34 12 273 L +34 12 274 W +34 12 275 T +34 12 276 L +34 12 277 K +34 12 278 T +34 12 279 K +34 12 280 K +34 12 281 G +34 12 282 G +34 12 283 K +34 12 284 W +34 12 285 T +34 12 286 W +34 12 287 K +34 12 288 L +34 12 289 G +34 12 290 W +34 12 291 G +34 12 292 T +34 12 293 W +34 12 294 W +34 12 295 K +34 12 296 K +34 12 297 T +34 12 298 L +34 12 299 B +34 12 300 W +34 12 301 G +34 12 302 W +34 12 303 W +34 12 304 K +34 12 305 K +34 12 306 G +34 12 307 B +34 12 308 K +34 12 309 K +34 12 310 G +34 12 311 B +34 12 312 K +34 12 313 K +34 12 314 W +34 12 315 G +34 12 316 G +34 12 317 L +34 12 318 T +34 12 319 W +34 12 320 L +34 12 321 L +34 12 322 W +34 12 323 K +34 12 324 W +34 12 325 K +34 12 326 T +34 12 327 W +34 12 328 K +34 12 329 K +34 12 330 W +34 13 1 B +34 13 2 G +34 13 3 L +34 13 4 B +34 13 5 G +34 13 6 T +34 13 7 G +34 13 8 L +34 13 9 T +34 13 10 B +34 13 11 G +34 13 12 T +34 13 13 G +34 13 14 B +34 13 15 L +34 13 16 W +34 13 17 L +34 13 18 K +34 13 19 B +34 13 20 G +34 13 21 L +34 13 22 T +34 13 23 B +34 13 24 K +34 13 25 G +34 13 26 B +34 13 27 W +34 13 28 L +34 13 29 G +34 13 30 T +34 13 31 G +34 13 32 L +34 13 33 G +34 13 34 B +34 13 35 L +34 13 36 G +34 13 37 B +34 13 38 L +34 13 39 G +34 13 40 B +34 13 41 L +34 13 42 T +34 13 43 B +34 13 44 W +34 13 45 G +34 13 46 K +34 13 47 G +34 13 48 T +34 13 49 B +34 13 50 B +34 13 51 K +34 13 52 W +34 13 53 L +34 13 54 G +34 13 55 B +34 13 56 T +34 13 57 B +34 13 58 T +34 13 59 W +34 13 60 B +34 13 61 L +34 13 62 B +34 13 63 L +34 13 64 B +34 13 65 L +34 13 66 W +34 13 67 G +34 13 68 L +34 13 69 G +34 13 70 W +34 13 71 B +34 13 72 G +34 13 73 B +34 13 74 B +34 13 75 G +34 13 76 L +34 13 77 B +34 13 78 W +34 13 79 K +34 13 80 B +34 13 81 G +34 13 82 G +34 13 83 T +34 13 84 L +34 13 85 G +34 13 86 L +34 13 87 K +34 13 88 L +34 13 89 K +34 13 90 G +34 13 91 T +34 13 92 W +34 13 93 B +34 13 94 K +34 13 95 B +34 13 96 T +34 13 97 B +34 13 98 L +34 13 99 B +34 13 100 G +34 13 101 L +34 13 102 B +34 13 103 G +34 13 104 B +34 13 105 B +34 13 106 T +34 13 107 W +34 13 108 G +34 13 109 B +34 13 110 T +34 13 111 G +34 13 112 L +34 13 113 K +34 13 114 B +34 13 115 L +34 13 116 B +34 13 117 K +34 13 118 L +34 13 119 G +34 13 120 W +34 13 121 L +34 13 122 G +34 13 123 B +34 13 124 G +34 13 125 L +34 13 126 L +34 13 127 G +34 13 128 T +34 13 129 W +34 13 130 G +34 13 131 B +34 13 132 L +34 13 133 G +34 13 134 S +34 13 135 L +34 13 136 G +34 13 137 G +34 13 138 B +34 13 139 W +34 13 140 B +34 13 141 W +34 13 142 W +34 13 143 G +34 13 144 B +34 13 145 G +34 13 146 T +34 13 147 G +34 13 148 L +34 13 149 G +34 13 150 B +34 13 151 L +34 13 152 L +34 13 153 B +34 13 154 K +34 13 155 G +34 13 156 G +34 13 157 T +34 13 158 W +34 13 159 T +34 13 160 L +34 13 161 G +34 13 162 L +34 13 163 B +34 13 164 B +34 13 165 G +34 13 166 B +34 13 167 W +34 13 168 G +34 13 169 B +34 13 170 B +34 13 171 G +34 13 172 W +34 13 173 L +34 13 174 T +34 13 175 G +34 13 176 L +34 13 177 T +34 13 178 B +34 13 179 L +34 13 180 G +34 13 181 T +34 13 182 B +34 13 183 L +34 13 184 B +34 13 185 T +34 13 186 G +34 13 187 T +34 13 188 B +34 13 189 B +34 13 190 L +34 13 191 G +34 13 192 B +34 13 193 T +34 13 194 L +34 13 195 G +34 13 196 G +34 13 197 B +34 13 198 K +34 13 199 W +34 13 200 B +34 13 201 L +34 13 202 G +34 13 203 B +34 13 204 K +34 13 205 B +34 13 206 G +34 13 207 L +34 13 208 T +34 13 209 G +34 13 210 K +34 13 211 B +34 13 212 T +34 13 213 B +34 13 214 G +34 13 215 B +34 13 216 G +34 13 217 T +34 13 218 T +34 13 219 G +34 13 220 B +34 13 221 G +34 13 222 B +34 13 223 G +34 13 224 W +34 13 225 G +34 13 226 B +34 13 227 K +34 13 228 B +34 13 229 G +34 13 230 W +34 13 231 B +34 13 232 G +34 13 233 B +34 13 234 G +34 13 235 B +34 13 236 G +34 13 237 T +34 13 238 G +34 13 239 L +34 13 240 S +34 13 241 W +34 13 242 T +34 13 243 B +34 13 244 W +34 13 245 L +34 13 246 G +34 13 247 B +34 13 248 G +34 13 249 G +34 13 250 B +34 13 251 G +34 13 252 W +34 13 253 G +34 13 254 B +34 13 255 K +34 13 256 L +34 13 257 B +34 13 258 T +34 13 259 L +34 13 260 T +34 13 261 T +34 13 262 W +34 13 263 W +34 13 264 B +34 13 265 G +34 13 266 T +34 13 267 B +34 13 268 G +34 13 269 B +34 13 270 T +34 13 271 G +34 13 272 W +34 13 273 B +34 13 274 W +34 13 275 G +34 13 276 L +34 13 277 B +34 13 278 L +34 13 279 B +34 13 280 G +34 13 281 G +34 13 282 G +34 13 283 T +34 13 284 W +34 13 285 L +34 13 286 W +34 13 287 T +34 13 288 L +34 13 289 G +34 13 290 W +34 13 291 B +34 13 292 L +34 13 293 W +34 13 294 W +34 13 295 T +34 13 296 B +34 13 297 T +34 13 298 L +34 13 299 G +34 13 300 W +34 13 301 G +34 13 302 W +34 13 303 B +34 13 304 G +34 13 305 B +34 13 306 G +34 13 307 B +34 13 308 B +34 13 309 G +34 13 310 G +34 13 311 B +34 13 312 K +34 13 313 B +34 13 314 W +34 13 315 G +34 13 316 G +34 13 317 B +34 13 318 L +34 13 319 W +34 13 320 G +34 13 321 L +34 13 322 B +34 13 323 G +34 13 324 W +34 13 325 T +34 13 326 W +34 13 327 B +34 13 328 G +34 13 329 T +34 13 330 W +34 14 1 B +34 14 2 W +34 14 3 L +34 14 4 K +34 14 5 G +34 14 6 W +34 14 7 B +34 14 8 L +34 14 9 K +34 14 10 G +34 14 11 K +34 14 12 T +34 14 13 K +34 14 14 K +34 14 15 T +34 14 16 W +34 14 17 L +34 14 18 K +34 14 19 B +34 14 20 G +34 14 21 L +34 14 22 T +34 14 23 B +34 14 24 K +34 14 25 G +34 14 26 G +34 14 27 W +34 14 28 L +34 14 29 B +34 14 30 T +34 14 31 W +34 14 32 L +34 14 33 G +34 14 34 B +34 14 35 T +34 14 36 K +34 14 37 G +34 14 38 L +34 14 39 K +34 14 40 B +34 14 41 L +34 14 42 K +34 14 43 K +34 14 44 W +34 14 45 B +34 14 46 K +34 14 47 K +34 14 48 T +34 14 49 B +34 14 50 K +34 14 51 K +34 14 52 W +34 14 53 L +34 14 54 K +34 14 55 B +34 14 56 T +34 14 57 K +34 14 58 T +34 14 59 W +34 14 60 K +34 14 61 L +34 14 62 W +34 14 63 W +34 14 64 G +34 14 65 L +34 14 66 W +34 14 67 B +34 14 68 L +34 14 69 K +34 14 70 W +34 14 71 L +34 14 72 B +34 14 73 L +34 14 74 B +34 14 75 K +34 14 76 T +34 14 77 G +34 14 78 W +34 14 79 K +34 14 80 B +34 14 81 T +34 14 82 B +34 14 83 W +34 14 84 T +34 14 85 K +34 14 86 T +34 14 87 K +34 14 88 L +34 14 89 K +34 14 90 K +34 14 91 T +34 14 92 W +34 14 93 B +34 14 94 K +34 14 95 W +34 14 96 T +34 14 97 G +34 14 98 L +34 14 99 T +34 14 100 B +34 14 101 L +34 14 102 W +34 14 103 K +34 14 104 G +34 14 105 K +34 14 106 T +34 14 107 W +34 14 108 W +34 14 109 G +34 14 110 T +34 14 111 K +34 14 112 L +34 14 113 K +34 14 114 K +34 14 115 L +34 14 116 W +34 14 117 K +34 14 118 T +34 14 119 G +34 14 120 W +34 14 121 L +34 14 122 B +34 14 123 B +34 14 124 T +34 14 125 L +34 14 126 L +34 14 127 K +34 14 128 T +34 14 129 W +34 14 130 K +34 14 131 G +34 14 132 L +34 14 133 T +34 14 134 K +34 14 135 L +34 14 136 G +34 14 137 B +34 14 138 B +34 14 139 W +34 14 140 B +34 14 141 W +34 14 142 W +34 14 143 B +34 14 144 K +34 14 145 G +34 14 146 T +34 14 147 G +34 14 148 L +34 14 149 T +34 14 150 B +34 14 151 T +34 14 152 T +34 14 153 G +34 14 154 K +34 14 155 K +34 14 156 G +34 14 157 K +34 14 158 W +34 14 159 T +34 14 160 T +34 14 161 G +34 14 162 L +34 14 163 K +34 14 164 B +34 14 165 K +34 14 166 T +34 14 167 K +34 14 168 K +34 14 169 B +34 14 170 K +34 14 171 B +34 14 172 W +34 14 173 L +34 14 174 T +34 14 175 B +34 14 176 L +34 14 177 T +34 14 178 G +34 14 179 L +34 14 180 T +34 14 181 T +34 14 182 K +34 14 183 K +34 14 184 G +34 14 185 T +34 14 186 G +34 14 187 T +34 14 188 G +34 14 189 T +34 14 190 T +34 14 191 B +34 14 192 K +34 14 193 T +34 14 194 L +34 14 195 B +34 14 196 G +34 14 197 K +34 14 198 K +34 14 199 T +34 14 200 W +34 14 201 T +34 14 202 B +34 14 203 L +34 14 204 K +34 14 205 G +34 14 206 T +34 14 207 L +34 14 208 T +34 14 209 K +34 14 210 L +34 14 211 G +34 14 212 T +34 14 213 K +34 14 214 T +34 14 215 T +34 14 216 K +34 14 217 K +34 14 218 T +34 14 219 W +34 14 220 G +34 14 221 W +34 14 222 B +34 14 223 B +34 14 224 W +34 14 225 T +34 14 226 K +34 14 227 K +34 14 228 G +34 14 229 B +34 14 230 W +34 14 231 T +34 14 232 K +34 14 233 G +34 14 234 B +34 14 235 B +34 14 236 T +34 14 237 T +34 14 238 G +34 14 239 T +34 14 240 K +34 14 241 W +34 14 242 T +34 14 243 L +34 14 244 W +34 14 245 L +34 14 246 G +34 14 247 T +34 14 248 K +34 14 249 K +34 14 250 T +34 14 251 T +34 14 252 W +34 14 253 B +34 14 254 B +34 14 255 K +34 14 256 L +34 14 257 G +34 14 258 T +34 14 259 L +34 14 260 T +34 14 261 L +34 14 262 W +34 14 263 K +34 14 264 W +34 14 265 B +34 14 266 L +34 14 267 L +34 14 268 G +34 14 269 L +34 14 270 T +34 14 271 K +34 14 272 W +34 14 273 B +34 14 274 W +34 14 275 G +34 14 276 L +34 14 277 K +34 14 278 T +34 14 279 B +34 14 280 G +34 14 281 B +34 14 282 B +34 14 283 K +34 14 284 W +34 14 285 T +34 14 286 W +34 14 287 B +34 14 288 L +34 14 289 B +34 14 290 T +34 14 291 G +34 14 292 T +34 14 293 W +34 14 294 W +34 14 295 K +34 14 296 B +34 14 297 T +34 14 298 L +34 14 299 B +34 14 300 W +34 14 301 G +34 14 302 W +34 14 303 W +34 14 304 B +34 14 305 L +34 14 306 T +34 14 307 B +34 14 308 G +34 14 309 K +34 14 310 T +34 14 311 G +34 14 312 K +34 14 313 B +34 14 314 W +34 14 315 B +34 14 316 G +34 14 317 L +34 14 318 T +34 14 319 W +34 14 320 T +34 14 321 L +34 14 322 W +34 14 323 B +34 14 324 W +34 14 325 L +34 14 326 T +34 14 327 W +34 14 328 K +34 14 329 G +34 14 330 W +34 15 1 B +34 15 2 B +34 15 3 L +34 15 4 * +34 15 5 G +34 15 6 T +34 15 7 G +34 15 8 L +34 15 9 L +34 15 10 K +34 15 11 K +34 15 12 W +34 15 13 K +34 15 14 K +34 15 15 L +34 15 16 W +34 15 17 L +34 15 18 K +34 15 19 G +34 15 20 G +34 15 21 L +34 15 22 W +34 15 23 L +34 15 24 K +34 15 25 G +34 15 26 G +34 15 27 W +34 15 28 L +34 15 29 G +34 15 30 L +34 15 31 G +34 15 32 L +34 15 33 G +34 15 34 G +34 15 35 L +34 15 36 K +34 15 37 G +34 15 38 L +34 15 39 G +34 15 40 G +34 15 41 L +34 15 42 W +34 15 43 K +34 15 44 W +34 15 45 G +34 15 46 W +34 15 47 K +34 15 48 L +34 15 49 G +34 15 50 * +34 15 51 T +34 15 52 W +34 15 53 L +34 15 54 G +34 15 55 G +34 15 56 L +34 15 57 G +34 15 58 W +34 15 59 W +34 15 60 K +34 15 61 L +34 15 62 W +34 15 63 L +34 15 64 G +34 15 65 L +34 15 66 W +34 15 67 G +34 15 68 L +34 15 69 K +34 15 70 W +34 15 71 L +34 15 72 G +34 15 73 L +34 15 74 G +34 15 75 K +34 15 76 L +34 15 77 G +34 15 78 W +34 15 79 K +34 15 80 G +34 15 81 G +34 15 82 G +34 15 83 W +34 15 84 L +34 15 85 G +34 15 86 L +34 15 87 K +34 15 88 L +34 15 89 K +34 15 90 K +34 15 91 G +34 15 92 W +34 15 93 G +34 15 94 K +34 15 95 W +34 15 96 T +34 15 97 K +34 15 98 L +34 15 99 W +34 15 100 G +34 15 101 L +34 15 102 W +34 15 103 K +34 15 104 G +34 15 105 L +34 15 106 W +34 15 107 W +34 15 108 G +34 15 109 K +34 15 110 L +34 15 111 K +34 15 112 L +34 15 113 K +34 15 114 G +34 15 115 L +34 15 116 G +34 15 117 K +34 15 118 L +34 15 119 G +34 15 120 W +34 15 121 L +34 15 122 G +34 15 123 G +34 15 124 G +34 15 125 L +34 15 126 L +34 15 127 K +34 15 128 G +34 15 129 W +34 15 130 K +34 15 131 L +34 15 132 L +34 15 133 G +34 15 134 G +34 15 135 L +34 15 136 G +34 15 137 K +34 15 138 G +34 15 139 W +34 15 140 G +34 15 141 W +34 15 142 W +34 15 143 G +34 15 144 K +34 15 145 G +34 15 146 W +34 15 147 G +34 15 148 L +34 15 149 G +34 15 150 K +34 15 151 L +34 15 152 L +34 15 153 G +34 15 154 K +34 15 155 K +34 15 156 G +34 15 157 T +34 15 158 W +34 15 159 T +34 15 160 T +34 15 161 G +34 15 162 L +34 15 163 G +34 15 164 G +34 15 165 K +34 15 166 K +34 15 167 W +34 15 168 G +34 15 169 G +34 15 170 K +34 15 171 K +34 15 172 W +34 15 173 L +34 15 174 T +34 15 175 G +34 15 176 L +34 15 177 W +34 15 178 K +34 15 179 L +34 15 180 G +34 15 181 W +34 15 182 L +34 15 183 K +34 15 184 T +34 15 185 T +34 15 186 G +34 15 187 T +34 15 188 G +34 15 189 G +34 15 190 T +34 15 191 G +34 15 192 K +34 15 193 G +34 15 194 L +34 15 195 G +34 15 196 G +34 15 197 T +34 15 198 B +34 15 199 G +34 15 200 G +34 15 201 L +34 15 202 G +34 15 203 L +34 15 204 K +34 15 205 K +34 15 206 W +34 15 207 L +34 15 208 T +34 15 209 B +34 15 210 L +34 15 211 G +34 15 212 L +34 15 213 W +34 15 214 G +34 15 215 L +34 15 216 K +34 15 217 T +34 15 218 * +34 15 219 G +34 15 220 K +34 15 221 G +34 15 222 K +34 15 223 G +34 15 224 W +34 15 225 * +34 15 226 G +34 15 227 K +34 15 228 K +34 15 229 G +34 15 230 W +34 15 231 L +34 15 232 K +34 15 233 W +34 15 234 G +34 15 235 G +34 15 236 G +34 15 237 L +34 15 238 G +34 15 239 L +34 15 240 L +34 15 241 W +34 15 242 W +34 15 243 L +34 15 244 G +34 15 245 L +34 15 246 G +34 15 247 * +34 15 248 K +34 15 249 G +34 15 250 * +34 15 251 G +34 15 252 W +34 15 253 G +34 15 254 G +34 15 255 K +34 15 256 L +34 15 257 G +34 15 258 W +34 15 259 L +34 15 260 W +34 15 261 L +34 15 262 W +34 15 263 W +34 15 264 G +34 15 265 G +34 15 266 L +34 15 267 L +34 15 268 G +34 15 269 L +34 15 270 T +34 15 271 K +34 15 272 W +34 15 273 L +34 15 274 W +34 15 275 W +34 15 276 L +34 15 277 B +34 15 278 L +34 15 279 K +34 15 280 G +34 15 281 G +34 15 282 G +34 15 283 L +34 15 284 W +34 15 285 L +34 15 286 W +34 15 287 T +34 15 288 L +34 15 289 G +34 15 290 W +34 15 291 G +34 15 292 T +34 15 293 G +34 15 294 G +34 15 295 L +34 15 296 L +34 15 297 T +34 15 298 L +34 15 299 G +34 15 300 W +34 15 301 G +34 15 302 W +34 15 303 W +34 15 304 G +34 15 305 L +34 15 306 G +34 15 307 G +34 15 308 T +34 15 309 K +34 15 310 G +34 15 311 G +34 15 312 K +34 15 313 K +34 15 314 W +34 15 315 G +34 15 316 G +34 15 317 L +34 15 318 T +34 15 319 W +34 15 320 W +34 15 321 L +34 15 322 G +34 15 323 B +34 15 324 W +34 15 325 T +34 15 326 G +34 15 327 L +34 15 328 K +34 15 329 T +34 15 330 G +34 16 1 B +34 16 2 L +34 16 3 S +34 16 4 J +34 16 5 R +34 16 6 G +34 16 7 * +34 16 8 L +34 16 9 S +34 16 10 G +34 16 11 * +34 16 12 T +34 16 13 G +34 16 14 B +34 16 15 D +34 16 16 W +34 16 17 L +34 16 18 K +34 16 19 G +34 16 20 G +34 16 21 L +34 16 22 D +34 16 23 J +34 16 24 R +34 16 25 G +34 16 26 G +34 16 27 W +34 16 28 O +34 16 29 G +34 16 30 R +34 16 31 G +34 16 32 O +34 16 33 G +34 16 34 G +34 16 35 R +34 16 36 G +34 16 37 R +34 16 38 L +34 16 39 G +34 16 40 R +34 16 41 L +34 16 42 O +34 16 43 G +34 16 44 W +34 16 45 G +34 16 46 K +34 16 47 G +34 16 48 J +34 16 49 D +34 16 50 T +34 16 51 S +34 16 52 W +34 16 53 L +34 16 54 G +34 16 55 T +34 16 56 T +34 16 57 G +34 16 58 T +34 16 59 R +34 16 60 G +34 16 61 L +34 16 62 B +34 16 63 O +34 16 64 G +34 16 65 L +34 16 66 W +34 16 67 J +34 16 68 O +34 16 69 G +34 16 70 T +34 16 71 L +34 16 72 G +34 16 73 O +34 16 74 T +34 16 75 G +34 16 76 J +34 16 77 G +34 16 78 R +34 16 79 K +34 16 80 G +34 16 81 D +34 16 82 D +34 16 83 R +34 16 84 T +34 16 85 G +34 16 86 D +34 16 87 K +34 16 88 G +34 16 89 K +34 16 90 G +34 16 91 T +34 16 92 W +34 16 93 G +34 16 94 S +34 16 95 G +34 16 96 O +34 16 97 G +34 16 98 L +34 16 99 R +34 16 100 G +34 16 101 L +34 16 102 J +34 16 103 S +34 16 104 G +34 16 105 L +34 16 106 J +34 16 107 R +34 16 108 R +34 16 109 G +34 16 110 T +34 16 111 K +34 16 112 L +34 16 113 K +34 16 114 G +34 16 115 L +34 16 116 J +34 16 117 S +34 16 118 T +34 16 119 G +34 16 120 W +34 16 121 R +34 16 122 G +34 16 123 G +34 16 124 R +34 16 125 T +34 16 126 T +34 16 127 G +34 16 128 T +34 16 129 W +34 16 130 K +34 16 131 G +34 16 132 L +34 16 133 G +34 16 134 S +34 16 135 R +34 16 136 T +34 16 137 G +34 16 138 J +34 16 139 W +34 16 140 G +34 16 141 W +34 16 142 W +34 16 143 G +34 16 144 B +34 16 145 B +34 16 146 T +34 16 147 G +34 16 148 L +34 16 149 J +34 16 150 K +34 16 151 D +34 16 152 D +34 16 153 G +34 16 154 K +34 16 155 S +34 16 156 G +34 16 157 K +34 16 158 W +34 16 159 T +34 16 160 D +34 16 161 G +34 16 162 L +34 16 163 G +34 16 164 G +34 16 165 K +34 16 166 G +34 16 167 W +34 16 168 G +34 16 169 G +34 16 170 G +34 16 171 G +34 16 172 W +34 16 173 T +34 16 174 O +34 16 175 R +34 16 176 L +34 16 177 T +34 16 178 G +34 16 179 S +34 16 180 G +34 16 181 O +34 16 182 B +34 16 183 D +34 16 184 B +34 16 185 D +34 16 186 G +34 16 187 O +34 16 188 G +34 16 189 G +34 16 190 R +34 16 191 G +34 16 192 R +34 16 193 T +34 16 194 S +34 16 195 G +34 16 196 G +34 16 197 K +34 16 198 K +34 16 199 W +34 16 200 G +34 16 201 T +34 16 202 G +34 16 203 D +34 16 204 K +34 16 205 G +34 16 206 W +34 16 207 G +34 16 208 T +34 16 209 G +34 16 210 S +34 16 211 G +34 16 212 D +34 16 213 G +34 16 214 T +34 16 215 D +34 16 216 K +34 16 217 O +34 16 218 T +34 16 219 G +34 16 220 B +34 16 221 W +34 16 222 B +34 16 223 G +34 16 224 W +34 16 225 T +34 16 226 G +34 16 227 K +34 16 228 G +34 16 229 G +34 16 230 W +34 16 231 D +34 16 232 S +34 16 233 G +34 16 234 G +34 16 235 B +34 16 236 O +34 16 237 R +34 16 238 G +34 16 239 R +34 16 240 S +34 16 241 W +34 16 242 T +34 16 243 L +34 16 244 W +34 16 245 L +34 16 246 G +34 16 247 J +34 16 248 G +34 16 249 G +34 16 250 B +34 16 251 G +34 16 252 W +34 16 253 G +34 16 254 D +34 16 255 K +34 16 256 L +34 16 257 G +34 16 258 T +34 16 259 S +34 16 260 R +34 16 261 R +34 16 262 W +34 16 263 R +34 16 264 T +34 16 265 G +34 16 266 L +34 16 267 B +34 16 268 G +34 16 269 D +34 16 270 T +34 16 271 G +34 16 272 W +34 16 273 W +34 16 274 W +34 16 275 R +34 16 276 L +34 16 277 G +34 16 278 D +34 16 279 B +34 16 280 G +34 16 281 G +34 16 282 G +34 16 283 S +34 16 284 S +34 16 285 G +34 16 286 W +34 16 287 R +34 16 288 L +34 16 289 G +34 16 290 W +34 16 291 G +34 16 292 D +34 16 293 G +34 16 294 W +34 16 295 S +34 16 296 J +34 16 297 T +34 16 298 L +34 16 299 G +34 16 300 R +34 16 301 G +34 16 302 R +34 16 303 G +34 16 304 T +34 16 305 S +34 16 306 G +34 16 307 G +34 16 308 D +34 16 309 S +34 16 310 G +34 16 311 G +34 16 312 K +34 16 313 B +34 16 314 R +34 16 315 G +34 16 316 G +34 16 317 L +34 16 318 J +34 16 319 W +34 16 320 D +34 16 321 L +34 16 322 G +34 16 323 W +34 16 324 S +34 16 325 G +34 16 326 O +34 16 327 W +34 16 328 G +34 16 329 S +34 16 330 W +34 17 1 J +34 17 2 J +34 17 3 L +34 17 4 S +34 17 5 G +34 17 6 N +34 17 7 B +34 17 8 L +34 17 9 N +34 17 10 B +34 17 11 G +34 17 12 T +34 17 13 G +34 17 14 B +34 17 15 W +34 17 16 W +34 17 17 L +34 17 18 K +34 17 19 J +34 17 20 G +34 17 21 O +34 17 22 T +34 17 23 B +34 17 24 K +34 17 25 G +34 17 26 B +34 17 27 W +34 17 28 O +34 17 29 G +34 17 30 S +34 17 31 J +34 17 32 S +34 17 33 G +34 17 34 B +34 17 35 L +34 17 36 G +34 17 37 J +34 17 38 L +34 17 39 G +34 17 40 J +34 17 41 L +34 17 42 T +34 17 43 B +34 17 44 W +34 17 45 G +34 17 46 W +34 17 47 G +34 17 48 T +34 17 49 B +34 17 50 N +34 17 51 N +34 17 52 W +34 17 53 L +34 17 54 G +34 17 55 J +34 17 56 W +34 17 57 G +34 17 58 T +34 17 59 W +34 17 60 B +34 17 61 L +34 17 62 W +34 17 63 S +34 17 64 B +34 17 65 L +34 17 66 W +34 17 67 G +34 17 68 O +34 17 69 G +34 17 70 W +34 17 71 L +34 17 72 G +34 17 73 S +34 17 74 G +34 17 75 G +34 17 76 O +34 17 77 J +34 17 78 W +34 17 79 K +34 17 80 B +34 17 81 G +34 17 82 J +34 17 83 W +34 17 84 S +34 17 85 G +34 17 86 O +34 17 87 K +34 17 88 S +34 17 89 K +34 17 90 G +34 17 91 G +34 17 92 W +34 17 93 B +34 17 94 K +34 17 95 W +34 17 96 T +34 17 97 B +34 17 98 L +34 17 99 W +34 17 100 B +34 17 101 N +34 17 102 W +34 17 103 G +34 17 104 B +34 17 105 S +34 17 106 T +34 17 107 W +34 17 108 W +34 17 109 B +34 17 110 T +34 17 111 G +34 17 112 L +34 17 113 K +34 17 114 G +34 17 115 L +34 17 116 W +34 17 117 S +34 17 118 O +34 17 119 G +34 17 120 W +34 17 121 O +34 17 122 G +34 17 123 J +34 17 124 G +34 17 125 O +34 17 126 S +34 17 127 G +34 17 128 T +34 17 129 W +34 17 130 K +34 17 131 N +34 17 132 L +34 17 133 G +34 17 134 S +34 17 135 N +34 17 136 G +34 17 137 G +34 17 138 B +34 17 139 W +34 17 140 G +34 17 141 W +34 17 142 W +34 17 143 G +34 17 144 B +34 17 145 G +34 17 146 T +34 17 147 G +34 17 148 L +34 17 149 G +34 17 150 S +34 17 151 O +34 17 152 O +34 17 153 J +34 17 154 K +34 17 155 N +34 17 156 G +34 17 157 S +34 17 158 W +34 17 159 T +34 17 160 O +34 17 161 G +34 17 162 W +34 17 163 G +34 17 164 B +34 17 165 G +34 17 166 B +34 17 167 W +34 17 168 G +34 17 169 B +34 17 170 B +34 17 171 G +34 17 172 W +34 17 173 O +34 17 174 T +34 17 175 W +34 17 176 L +34 17 177 T +34 17 178 B +34 17 179 S +34 17 180 G +34 17 181 T +34 17 182 N +34 17 183 T +34 17 184 S +34 17 185 N +34 17 186 G +34 17 187 O +34 17 188 B +34 17 189 W +34 17 190 O +34 17 191 G +34 17 192 B +34 17 193 G +34 17 194 N +34 17 195 G +34 17 196 G +34 17 197 B +34 17 198 K +34 17 199 W +34 17 200 G +34 17 201 O +34 17 202 G +34 17 203 S +34 17 204 N +34 17 205 B +34 17 206 W +34 17 207 L +34 17 208 T +34 17 209 G +34 17 210 N +34 17 211 G +34 17 212 O +34 17 213 W +34 17 214 G +34 17 215 O +34 17 216 G +34 17 217 W +34 17 218 G +34 17 219 W +34 17 220 B +34 17 221 W +34 17 222 B +34 17 223 G +34 17 224 W +34 17 225 T +34 17 226 G +34 17 227 K +34 17 228 B +34 17 229 G +34 17 230 W +34 17 231 S +34 17 232 T +34 17 233 W +34 17 234 G +34 17 235 J +34 17 236 G +34 17 237 T +34 17 238 G +34 17 239 O +34 17 240 S +34 17 241 W +34 17 242 T +34 17 243 L +34 17 244 W +34 17 245 L +34 17 246 G +34 17 247 B +34 17 248 G +34 17 249 G +34 17 250 B +34 17 251 G +34 17 252 W +34 17 253 G +34 17 254 B +34 17 255 K +34 17 256 O +34 17 257 G +34 17 258 T +34 17 259 L +34 17 260 W +34 17 261 O +34 17 262 W +34 17 263 W +34 17 264 B +34 17 265 G +34 17 266 N +34 17 267 S +34 17 268 G +34 17 269 O +34 17 270 T +34 17 271 G +34 17 272 W +34 17 273 O +34 17 274 W +34 17 275 T +34 17 276 L +34 17 277 G +34 17 278 O +34 17 279 B +34 17 280 G +34 17 281 G +34 17 282 G +34 17 283 S +34 17 284 W +34 17 285 O +34 17 286 W +34 17 287 T +34 17 288 L +34 17 289 G +34 17 290 W +34 17 291 B +34 17 292 O +34 17 293 W +34 17 294 W +34 17 295 S +34 17 296 B +34 17 297 T +34 17 298 L +34 17 299 G +34 17 300 W +34 17 301 G +34 17 302 W +34 17 303 W +34 17 304 G +34 17 305 S +34 17 306 G +34 17 307 B +34 17 308 A +34 17 309 G +34 17 310 G +34 17 311 B +34 17 312 K +34 17 313 B +34 17 314 W +34 17 315 G +34 17 316 B +34 17 317 N +34 17 318 O +34 17 319 W +34 17 320 G +34 17 321 L +34 17 322 B +34 17 323 G +34 17 324 W +34 17 325 S +34 17 326 T +34 17 327 W +34 17 328 G +34 17 329 N +34 17 330 W +34 18 1 B +34 18 2 R +34 18 3 L +34 18 4 B +34 18 5 G +34 18 6 A +34 18 7 G +34 18 8 L +34 18 9 S +34 18 10 B +34 18 11 B +34 18 12 T +34 18 13 B +34 18 14 B +34 18 15 W +34 18 16 W +34 18 17 L +34 18 18 K +34 18 19 R +34 18 20 G +34 18 21 R +34 18 22 T +34 18 23 B +34 18 24 K +34 18 25 B +34 18 26 W +34 18 27 W +34 18 28 L +34 18 29 G +34 18 30 N +34 18 31 G +34 18 32 N +34 18 33 G +34 18 34 B +34 18 35 N +34 18 36 G +34 18 37 B +34 18 38 N +34 18 39 G +34 18 40 G +34 18 41 L +34 18 42 A +34 18 43 B +34 18 44 W +34 18 45 G +34 18 46 W +34 18 47 G +34 18 48 T +34 18 49 R +34 18 50 B +34 18 51 A +34 18 52 W +34 18 53 L +34 18 54 G +34 18 55 N +34 18 56 A +34 18 57 B +34 18 58 N +34 18 59 W +34 18 60 B +34 18 61 L +34 18 62 N +34 18 63 A +34 18 64 B +34 18 65 L +34 18 66 W +34 18 67 G +34 18 68 N +34 18 69 G +34 18 70 W +34 18 71 N +34 18 72 G +34 18 73 B +34 18 74 G +34 18 75 G +34 18 76 L +34 18 77 N +34 18 78 W +34 18 79 K +34 18 80 B +34 18 81 G +34 18 82 G +34 18 83 W +34 18 84 L +34 18 85 G +34 18 86 N +34 18 87 K +34 18 88 B +34 18 89 K +34 18 90 G +34 18 91 G +34 18 92 W +34 18 93 B +34 18 94 B +34 18 95 W +34 18 96 T +34 18 97 B +34 18 98 L +34 18 99 W +34 18 100 G +34 18 101 N +34 18 102 W +34 18 103 N +34 18 104 B +34 18 105 N +34 18 106 T +34 18 107 W +34 18 108 W +34 18 109 T +34 18 110 T +34 18 111 G +34 18 112 L +34 18 113 K +34 18 114 G +34 18 115 L +34 18 116 W +34 18 117 K +34 18 118 A +34 18 119 G +34 18 120 W +34 18 121 L +34 18 122 G +34 18 123 B +34 18 124 G +34 18 125 L +34 18 126 A +34 18 127 B +34 18 128 T +34 18 129 W +34 18 130 N +34 18 131 J +34 18 132 L +34 18 133 G +34 18 134 K +34 18 135 R +34 18 136 G +34 18 137 G +34 18 138 N +34 18 139 W +34 18 140 B +34 18 141 W +34 18 142 W +34 18 143 G +34 18 144 B +34 18 145 G +34 18 146 T +34 18 147 G +34 18 148 L +34 18 149 G +34 18 150 B +34 18 151 A +34 18 152 A +34 18 153 N +34 18 154 K +34 18 155 A +34 18 156 G +34 18 157 N +34 18 158 W +34 18 159 E +34 18 160 A +34 18 161 G +34 18 162 L +34 18 163 G +34 18 164 B +34 18 165 N +34 18 166 B +34 18 167 A +34 18 168 G +34 18 169 B +34 18 170 B +34 18 171 G +34 18 172 W +34 18 173 L +34 18 174 T +34 18 175 B +34 18 176 L +34 18 177 T +34 18 178 N +34 18 179 L +34 18 180 G +34 18 181 T +34 18 182 S +34 18 183 S +34 18 184 N +34 18 185 N +34 18 186 G +34 18 187 E +34 18 188 B +34 18 189 W +34 18 190 S +34 18 191 G +34 18 192 N +34 18 193 E +34 18 194 N +34 18 195 G +34 18 196 G +34 18 197 B +34 18 198 K +34 18 199 W +34 18 200 B +34 18 201 S +34 18 202 G +34 18 203 N +34 18 204 K +34 18 205 T +34 18 206 W +34 18 207 L +34 18 208 S +34 18 209 G +34 18 210 S +34 18 211 B +34 18 212 L +34 18 213 W +34 18 214 G +34 18 215 N +34 18 216 K +34 18 217 W +34 18 218 G +34 18 219 A +34 18 220 B +34 18 221 W +34 18 222 B +34 18 223 G +34 18 224 W +34 18 225 T +34 18 226 B +34 18 227 K +34 18 228 J +34 18 229 G +34 18 230 A +34 18 231 T +34 18 232 A +34 18 233 B +34 18 234 G +34 18 235 B +34 18 236 G +34 18 237 A +34 18 238 G +34 18 239 N +34 18 240 N +34 18 241 W +34 18 242 T +34 18 243 N +34 18 244 W +34 18 245 L +34 18 246 G +34 18 247 B +34 18 248 G +34 18 249 G +34 18 250 B +34 18 251 G +34 18 252 W +34 18 253 G +34 18 254 R +34 18 255 K +34 18 256 L +34 18 257 B +34 18 258 T +34 18 259 N +34 18 260 W +34 18 261 L +34 18 262 W +34 18 263 W +34 18 264 B +34 18 265 G +34 18 266 N +34 18 267 B +34 18 268 G +34 18 269 B +34 18 270 T +34 18 271 G +34 18 272 W +34 18 273 A +34 18 274 W +34 18 275 N +34 18 276 R +34 18 277 B +34 18 278 A +34 18 279 B +34 18 280 G +34 18 281 G +34 18 282 G +34 18 283 N +34 18 284 W +34 18 285 N +34 18 286 W +34 18 287 N +34 18 288 L +34 18 289 B +34 18 290 W +34 18 291 B +34 18 292 A +34 18 293 G +34 18 294 W +34 18 295 B +34 18 296 B +34 18 297 T +34 18 298 L +34 18 299 G +34 18 300 W +34 18 301 G +34 18 302 A +34 18 303 B +34 18 304 D +34 18 305 R +34 18 306 G +34 18 307 B +34 18 308 J +34 18 309 K +34 18 310 G +34 18 311 B +34 18 312 K +34 18 313 B +34 18 314 W +34 18 315 G +34 18 316 G +34 18 317 L +34 18 318 A +34 18 319 W +34 18 320 N +34 18 321 L +34 18 322 B +34 18 323 G +34 18 324 W +34 18 325 B +34 18 326 T +34 18 327 W +34 18 328 G +34 18 329 S +34 18 330 W +34 19 1 B +34 19 2 G +34 19 3 L +34 19 4 S +34 19 5 G +34 19 6 T +34 19 7 G +34 19 8 S +34 19 9 T +34 19 10 B +34 19 11 B +34 19 12 T +34 19 13 G +34 19 14 B +34 19 15 W +34 19 16 W +34 19 17 L +34 19 18 K +34 19 19 J +34 19 20 G +34 19 21 L +34 19 22 T +34 19 23 B +34 19 24 K +34 19 25 G +34 19 26 B +34 19 27 W +34 19 28 L +34 19 29 G +34 19 30 T +34 19 31 W +34 19 32 S +34 19 33 G +34 19 34 B +34 19 35 L +34 19 36 G +34 19 37 J +34 19 38 L +34 19 39 G +34 19 40 J +34 19 41 L +34 19 42 W +34 19 43 K +34 19 44 W +34 19 45 G +34 19 46 K +34 19 47 G +34 19 48 D +34 19 49 J +34 19 50 S +34 19 51 S +34 19 52 J +34 19 53 L +34 19 54 G +34 19 55 J +34 19 56 W +34 19 57 G +34 19 58 D +34 19 59 W +34 19 60 K +34 19 61 L +34 19 62 B +34 19 63 S +34 19 64 B +34 19 65 L +34 19 66 W +34 19 67 G +34 19 68 T +34 19 69 G +34 19 70 W +34 19 71 L +34 19 72 G +34 19 73 B +34 19 74 J +34 19 75 K +34 19 76 T +34 19 77 G +34 19 78 S +34 19 79 K +34 19 80 D +34 19 81 G +34 19 82 J +34 19 83 W +34 19 84 S +34 19 85 G +34 19 86 L +34 19 87 K +34 19 88 S +34 19 89 K +34 19 90 G +34 19 91 T +34 19 92 D +34 19 93 J +34 19 94 K +34 19 95 W +34 19 96 D +34 19 97 B +34 19 98 L +34 19 99 L +34 19 100 G +34 19 101 L +34 19 102 W +34 19 103 T +34 19 104 J +34 19 105 B +34 19 106 T +34 19 107 W +34 19 108 G +34 19 109 K +34 19 110 T +34 19 111 G +34 19 112 S +34 19 113 K +34 19 114 G +34 19 115 L +34 19 116 J +34 19 117 W +34 19 118 T +34 19 119 G +34 19 120 W +34 19 121 D +34 19 122 G +34 19 123 B +34 19 124 D +34 19 125 T +34 19 126 S +34 19 127 G +34 19 128 T +34 19 129 W +34 19 130 B +34 19 131 S +34 19 132 L +34 19 133 G +34 19 134 K +34 19 135 D +34 19 136 J +34 19 137 G +34 19 138 J +34 19 139 W +34 19 140 B +34 19 141 W +34 19 142 W +34 19 143 T +34 19 144 B +34 19 145 G +34 19 146 T +34 19 147 G +34 19 148 L +34 19 149 G +34 19 150 B +34 19 151 D +34 19 152 D +34 19 153 J +34 19 154 K +34 19 155 K +34 19 156 G +34 19 157 S +34 19 158 W +34 19 159 T +34 19 160 D +34 19 161 G +34 19 162 L +34 19 163 G +34 19 164 B +34 19 165 G +34 19 166 K +34 19 167 D +34 19 168 G +34 19 169 J +34 19 170 J +34 19 171 G +34 19 172 W +34 19 173 L +34 19 174 T +34 19 175 J +34 19 176 L +34 19 177 D +34 19 178 B +34 19 179 S +34 19 180 D +34 19 181 T +34 19 182 B +34 19 183 D +34 19 184 B +34 19 185 T +34 19 186 G +34 19 187 T +34 19 188 J +34 19 189 J +34 19 190 L +34 19 191 G +34 19 192 B +34 19 193 T +34 19 194 S +34 19 195 G +34 19 196 J +34 19 197 B +34 19 198 K +34 19 199 G +34 19 200 J +34 19 201 L +34 19 202 G +34 19 203 B +34 19 204 G +34 19 205 B +34 19 206 W +34 19 207 L +34 19 208 D +34 19 209 K +34 19 210 S +34 19 211 J +34 19 212 D +34 19 213 W +34 19 214 T +34 19 215 S +34 19 216 K +34 19 217 W +34 19 218 T +34 19 219 J +34 19 220 B +34 19 221 W +34 19 222 B +34 19 223 G +34 19 224 W +34 19 225 T +34 19 226 K +34 19 227 W +34 19 228 B +34 19 229 J +34 19 230 T +34 19 231 B +34 19 232 D +34 19 233 J +34 19 234 G +34 19 235 B +34 19 236 T +34 19 237 L +34 19 238 G +34 19 239 L +34 19 240 S +34 19 241 W +34 19 242 T +34 19 243 S +34 19 244 W +34 19 245 L +34 19 246 G +34 19 247 B +34 19 248 G +34 19 249 G +34 19 250 B +34 19 251 G +34 19 252 W +34 19 253 J +34 19 254 J +34 19 255 K +34 19 256 L +34 19 257 G +34 19 258 T +34 19 259 S +34 19 260 W +34 19 261 D +34 19 262 W +34 19 263 B +34 19 264 J +34 19 265 G +34 19 266 S +34 19 267 L +34 19 268 G +34 19 269 S +34 19 270 T +34 19 271 K +34 19 272 W +34 19 273 L +34 19 274 W +34 19 275 T +34 19 276 L +34 19 277 G +34 19 278 L +34 19 279 B +34 19 280 G +34 19 281 G +34 19 282 D +34 19 283 L +34 19 284 W +34 19 285 L +34 19 286 W +34 19 287 T +34 19 288 L +34 19 289 J +34 19 290 W +34 19 291 B +34 19 292 L +34 19 293 G +34 19 294 B +34 19 295 T +34 19 296 B +34 19 297 T +34 19 298 L +34 19 299 G +34 19 300 W +34 19 301 G +34 19 302 W +34 19 303 B +34 19 304 G +34 19 305 L +34 19 306 D +34 19 307 B +34 19 308 S +34 19 309 K +34 19 310 G +34 19 311 B +34 19 312 K +34 19 313 J +34 19 314 W +34 19 315 G +34 19 316 G +34 19 317 L +34 19 318 T +34 19 319 W +34 19 320 B +34 19 321 L +34 19 322 J +34 19 323 G +34 19 324 W +34 19 325 L +34 19 326 T +34 19 327 J +34 19 328 J +34 19 329 S +34 19 330 J +34 20 1 B +34 20 2 G +34 20 3 L +34 20 4 B +34 20 5 G +34 20 6 * +34 20 7 G +34 20 8 S +34 20 9 S +34 20 10 B +34 20 11 G +34 20 12 T +34 20 13 G +34 20 14 B +34 20 15 W +34 20 16 W +34 20 17 L +34 20 18 B +34 20 19 J +34 20 20 G +34 20 21 L +34 20 22 D +34 20 23 B +34 20 24 * +34 20 25 G +34 20 26 B +34 20 27 W +34 20 28 L +34 20 29 G +34 20 30 O +34 20 31 J +34 20 32 * +34 20 33 G +34 20 34 B +34 20 35 L +34 20 36 G +34 20 37 B +34 20 38 L +34 20 39 G +34 20 40 B +34 20 41 S +34 20 42 D +34 20 43 B +34 20 44 W +34 20 45 G +34 20 46 A +34 20 47 G +34 20 48 T +34 20 49 J +34 20 50 B +34 20 51 * +34 20 52 G +34 20 53 L +34 20 54 G +34 20 55 B +34 20 56 D +34 20 57 B +34 20 58 T +34 20 59 A +34 20 60 B +34 20 61 L +34 20 62 B +34 20 63 * +34 20 64 B +34 20 65 L +34 20 66 W +34 20 67 G +34 20 68 L +34 20 69 G +34 20 70 W +34 20 71 S +34 20 72 G +34 20 73 B +34 20 74 B +34 20 75 G +34 20 76 O +34 20 77 B +34 20 78 * +34 20 79 A +34 20 80 B +34 20 81 G +34 20 82 G +34 20 83 T +34 20 84 * +34 20 85 G +34 20 86 * +34 20 87 K +34 20 88 L +34 20 89 K +34 20 90 G +34 20 91 G +34 20 92 A +34 20 93 B +34 20 94 S +34 20 95 G +34 20 96 T +34 20 97 B +34 20 98 L +34 20 99 A +34 20 100 G +34 20 101 L +34 20 102 B +34 20 103 G +34 20 104 J +34 20 105 A +34 20 106 T +34 20 107 W +34 20 108 G +34 20 109 B +34 20 110 O +34 20 111 G +34 20 112 L +34 20 113 A +34 20 114 G +34 20 115 L +34 20 116 J +34 20 117 S +34 20 118 A +34 20 119 G +34 20 120 W +34 20 121 O +34 20 122 G +34 20 123 B +34 20 124 G +34 20 125 L +34 20 126 A +34 20 127 G +34 20 128 G +34 20 129 W +34 20 130 G +34 20 131 B +34 20 132 O +34 20 133 G +34 20 134 S +34 20 135 L +34 20 136 G +34 20 137 G +34 20 138 B +34 20 139 A +34 20 140 B +34 20 141 A +34 20 142 A +34 20 143 G +34 20 144 B +34 20 145 G +34 20 146 T +34 20 147 G +34 20 148 L +34 20 149 G +34 20 150 B +34 20 151 * +34 20 152 A +34 20 153 B +34 20 154 A +34 20 155 A +34 20 156 G +34 20 157 A +34 20 158 W +34 20 159 * +34 20 160 A +34 20 161 G +34 20 162 L +34 20 163 G +34 20 164 B +34 20 165 G +34 20 166 B +34 20 167 A +34 20 168 G +34 20 169 B +34 20 170 B +34 20 171 G +34 20 172 W +34 20 173 L +34 20 174 T +34 20 175 B +34 20 176 L +34 20 177 D +34 20 178 B +34 20 179 L +34 20 180 G +34 20 181 T +34 20 182 S +34 20 183 T +34 20 184 A +34 20 185 T +34 20 186 B +34 20 187 O +34 20 188 B +34 20 189 A +34 20 190 * +34 20 191 G +34 20 192 A +34 20 193 G +34 20 194 A +34 20 195 G +34 20 196 G +34 20 197 A +34 20 198 K +34 20 199 W +34 20 200 B +34 20 201 * +34 20 202 G +34 20 203 L +34 20 204 K +34 20 205 B +34 20 206 W +34 20 207 L +34 20 208 * +34 20 209 G +34 20 210 S +34 20 211 B +34 20 212 O +34 20 213 A +34 20 214 G +34 20 215 * +34 20 216 G +34 20 217 A +34 20 218 G +34 20 219 G +34 20 220 B +34 20 221 W +34 20 222 B +34 20 223 G +34 20 224 W +34 20 225 G +34 20 226 B +34 20 227 K +34 20 228 B +34 20 229 G +34 20 230 W +34 20 231 * +34 20 232 G +34 20 233 A +34 20 234 G +34 20 235 B +34 20 236 G +34 20 237 * +34 20 238 G +34 20 239 O +34 20 240 S +34 20 241 W +34 20 242 T +34 20 243 S +34 20 244 W +34 20 245 L +34 20 246 G +34 20 247 A +34 20 248 G +34 20 249 G +34 20 250 B +34 20 251 G +34 20 252 A +34 20 253 G +34 20 254 J +34 20 255 K +34 20 256 O +34 20 257 B +34 20 258 T +34 20 259 S +34 20 260 G +34 20 261 O +34 20 262 W +34 20 263 A +34 20 264 J +34 20 265 G +34 20 266 O +34 20 267 B +34 20 268 G +34 20 269 L +34 20 270 O +34 20 271 G +34 20 272 W +34 20 273 * +34 20 274 W +34 20 275 G +34 20 276 L +34 20 277 B +34 20 278 O +34 20 279 B +34 20 280 G +34 20 281 G +34 20 282 G +34 20 283 S +34 20 284 W +34 20 285 * +34 20 286 W +34 20 287 A +34 20 288 L +34 20 289 G +34 20 290 T +34 20 291 B +34 20 292 O +34 20 293 G +34 20 294 W +34 20 295 S +34 20 296 B +34 20 297 T +34 20 298 L +34 20 299 G +34 20 300 A +34 20 301 G +34 20 302 W +34 20 303 A +34 20 304 G +34 20 305 S +34 20 306 G +34 20 307 B +34 20 308 A +34 20 309 G +34 20 310 G +34 20 311 B +34 20 312 K +34 20 313 B +34 20 314 W +34 20 315 G +34 20 316 B +34 20 317 S +34 20 318 O +34 20 319 W +34 20 320 G +34 20 321 L +34 20 322 J +34 20 323 G +34 20 324 W +34 20 325 S +34 20 326 T +34 20 327 W +34 20 328 G +34 20 329 S +34 20 330 W +34 21 1 J +34 21 2 A +34 21 3 L +34 21 4 B +34 21 5 G +34 21 6 A +34 21 7 G +34 21 8 S +34 21 9 S +34 21 10 B +34 21 11 B +34 21 12 J +34 21 13 B +34 21 14 B +34 21 15 A +34 21 16 W +34 21 17 L +34 21 18 K +34 21 19 J +34 21 20 G +34 21 21 L +34 21 22 W +34 21 23 B +34 21 24 K +34 21 25 B +34 21 26 B +34 21 27 W +34 21 28 S +34 21 29 J +34 21 30 S +34 21 31 B +34 21 32 S +34 21 33 J +34 21 34 J +34 21 35 Q +34 21 36 B +34 21 37 B +34 21 38 S +34 21 39 J +34 21 40 J +34 21 41 L +34 21 42 T +34 21 43 J +34 21 44 W +34 21 45 G +34 21 46 A +34 21 47 J +34 21 48 T +34 21 49 J +34 21 50 S +34 21 51 A +34 21 52 A +34 21 53 S +34 21 54 J +34 21 55 B +34 21 56 A +34 21 57 J +34 21 58 A +34 21 59 A +34 21 60 B +34 21 61 L +34 21 62 A +34 21 63 L +34 21 64 J +34 21 65 L +34 21 66 A +34 21 67 J +34 21 68 S +34 21 69 G +34 21 70 W +34 21 71 S +34 21 72 J +34 21 73 B +34 21 74 J +34 21 75 B +34 21 76 L +34 21 77 B +34 21 78 A +34 21 79 B +34 21 80 J +34 21 81 G +34 21 82 A +34 21 83 W +34 21 84 S +34 21 85 G +34 21 86 S +34 21 87 K +34 21 88 S +34 21 89 K +34 21 90 G +34 21 91 E +34 21 92 A +34 21 93 B +34 21 94 K +34 21 95 W +34 21 96 D +34 21 97 B +34 21 98 L +34 21 99 A +34 21 100 J +34 21 101 S +34 21 102 A +34 21 103 A +34 21 104 J +34 21 105 Q +34 21 106 J +34 21 107 W +34 21 108 J +34 21 109 B +34 21 110 D +34 21 111 K +34 21 112 L +34 21 113 K +34 21 114 J +34 21 115 L +34 21 116 A +34 21 117 Q +34 21 118 Q +34 21 119 G +34 21 120 W +34 21 121 L +34 21 122 G +34 21 123 B +34 21 124 J +34 21 125 L +34 21 126 L +34 21 127 K +34 21 128 J +34 21 129 W +34 21 130 K +34 21 131 B +34 21 132 L +34 21 133 G +34 21 134 S +34 21 135 S +34 21 136 J +34 21 137 J +34 21 138 B +34 21 139 W +34 21 140 J +34 21 141 W +34 21 142 W +34 21 143 B +34 21 144 J +34 21 145 B +34 21 146 Q +34 21 147 J +34 21 148 L +34 21 149 G +34 21 150 B +34 21 151 D +34 21 152 D +34 21 153 G +34 21 154 K +34 21 155 K +34 21 156 J +34 21 157 S +34 21 158 W +34 21 159 A +34 21 160 A +34 21 161 G +34 21 162 L +34 21 163 B +34 21 164 B +34 21 165 W +34 21 166 B +34 21 167 A +34 21 168 B +34 21 169 G +34 21 170 A +34 21 171 B +34 21 172 W +34 21 173 L +34 21 174 D +34 21 175 J +34 21 176 L +34 21 177 D +34 21 178 B +34 21 179 Q +34 21 180 G +34 21 181 D +34 21 182 Q +34 21 183 Q +34 21 184 B +34 21 185 D +34 21 186 G +34 21 187 D +34 21 188 G +34 21 189 G +34 21 190 Q +34 21 191 J +34 21 192 B +34 21 193 J +34 21 194 L +34 21 195 G +34 21 196 A +34 21 197 A +34 21 198 K +34 21 199 W +34 21 200 J +34 21 201 D +34 21 202 G +34 21 203 T +34 21 204 K +34 21 205 B +34 21 206 W +34 21 207 G +34 21 208 Q +34 21 209 G +34 21 210 Q +34 21 211 G +34 21 212 L +34 21 213 Q +34 21 214 G +34 21 215 A +34 21 216 K +34 21 217 A +34 21 218 J +34 21 219 G +34 21 220 B +34 21 221 A +34 21 222 B +34 21 223 G +34 21 224 W +34 21 225 J +34 21 226 B +34 21 227 K +34 21 228 J +34 21 229 G +34 21 230 W +34 21 231 Q +34 21 232 D +34 21 233 B +34 21 234 G +34 21 235 A +34 21 236 B +34 21 237 A +34 21 238 J +34 21 239 Q +34 21 240 Q +34 21 241 W +34 21 242 E +34 21 243 S +34 21 244 W +34 21 245 L +34 21 246 G +34 21 247 A +34 21 248 K +34 21 249 G +34 21 250 B +34 21 251 J +34 21 252 E +34 21 253 J +34 21 254 A +34 21 255 K +34 21 256 L +34 21 257 B +34 21 258 D +34 21 259 Q +34 21 260 A +34 21 261 T +34 21 262 W +34 21 263 W +34 21 264 J +34 21 265 B +34 21 266 L +34 21 267 S +34 21 268 G +34 21 269 Q +34 21 270 D +34 21 271 G +34 21 272 W +34 21 273 S +34 21 274 W +34 21 275 D +34 21 276 L +34 21 277 G +34 21 278 E +34 21 279 G +34 21 280 G +34 21 281 G +34 21 282 G +34 21 283 Q +34 21 284 W +34 21 285 A +34 21 286 W +34 21 287 Q +34 21 288 L +34 21 289 G +34 21 290 A +34 21 291 B +34 21 292 E +34 21 293 W +34 21 294 W +34 21 295 S +34 21 296 G +34 21 297 D +34 21 298 L +34 21 299 B +34 21 300 A +34 21 301 B +34 21 302 W +34 21 303 W +34 21 304 B +34 21 305 S +34 21 306 G +34 21 307 G +34 21 308 A +34 21 309 B +34 21 310 G +34 21 311 J +34 21 312 K +34 21 313 B +34 21 314 W +34 21 315 G +34 21 316 J +34 21 317 S +34 21 318 L +34 21 319 W +34 21 320 Q +34 21 321 L +34 21 322 B +34 21 323 G +34 21 324 W +34 21 325 Q +34 21 326 D +34 21 327 W +34 21 328 G +34 21 329 S +34 21 330 W +34 22 1 J +34 22 2 A +34 22 3 G +34 22 4 B +34 22 5 J +34 22 6 T +34 22 7 G +34 22 8 S +34 22 9 S +34 22 10 B +34 22 11 J +34 22 12 D +34 22 13 J +34 22 14 B +34 22 15 A +34 22 16 W +34 22 17 S +34 22 18 W +34 22 19 J +34 22 20 G +34 22 21 T +34 22 22 D +34 22 23 A +34 22 24 W +34 22 25 J +34 22 26 B +34 22 27 W +34 22 28 S +34 22 29 J +34 22 30 S +34 22 31 J +34 22 32 S +34 22 33 G +34 22 34 J +34 22 35 S +34 22 36 G +34 22 37 J +34 22 38 L +34 22 39 G +34 22 40 J +34 22 41 L +34 22 42 A +34 22 43 B +34 22 44 W +34 22 45 J +34 22 46 W +34 22 47 G +34 22 48 S +34 22 49 J +34 22 50 B +34 22 51 B +34 22 52 W +34 22 53 L +34 22 54 G +34 22 55 J +34 22 56 A +34 22 57 B +34 22 58 G +34 22 59 W +34 22 60 G +34 22 61 L +34 22 62 A +34 22 63 T +34 22 64 G +34 22 65 L +34 22 66 W +34 22 67 J +34 22 68 S +34 22 69 T +34 22 70 W +34 22 71 B +34 22 72 G +34 22 73 B +34 22 74 A +34 22 75 G +34 22 76 S +34 22 77 J +34 22 78 T +34 22 79 W +34 22 80 J +34 22 81 G +34 22 82 J +34 22 83 W +34 22 84 T +34 22 85 G +34 22 86 T +34 22 87 W +34 22 88 G +34 22 89 W +34 22 90 B +34 22 91 G +34 22 92 W +34 22 93 G +34 22 94 W +34 22 95 A +34 22 96 T +34 22 97 B +34 22 98 L +34 22 99 A +34 22 100 J +34 22 101 G +34 22 102 A +34 22 103 G +34 22 104 J +34 22 105 G +34 22 106 D +34 22 107 W +34 22 108 A +34 22 109 J +34 22 110 D +34 22 111 G +34 22 112 L +34 22 113 W +34 22 114 J +34 22 115 G +34 22 116 A +34 22 117 W +34 22 118 D +34 22 119 J +34 22 120 W +34 22 121 L +34 22 122 G +34 22 123 T +34 22 124 A +34 22 125 G +34 22 126 A +34 22 127 G +34 22 128 G +34 22 129 W +34 22 130 G +34 22 131 B +34 22 132 S +34 22 133 G +34 22 134 S +34 22 135 G +34 22 136 J +34 22 137 G +34 22 138 J +34 22 139 W +34 22 140 G +34 22 141 W +34 22 142 W +34 22 143 A +34 22 144 B +34 22 145 J +34 22 146 T +34 22 147 J +34 22 148 L +34 22 149 J +34 22 150 B +34 22 151 T +34 22 152 A +34 22 153 J +34 22 154 W +34 22 155 S +34 22 156 G +34 22 157 T +34 22 158 W +34 22 159 G +34 22 160 A +34 22 161 J +34 22 162 L +34 22 163 G +34 22 164 B +34 22 165 A +34 22 166 B +34 22 167 A +34 22 168 G +34 22 169 J +34 22 170 G +34 22 171 G +34 22 172 W +34 22 173 D +34 22 174 D +34 22 175 A +34 22 176 G +34 22 177 T +34 22 178 B +34 22 179 S +34 22 180 G +34 22 181 E +34 22 182 L +34 22 183 S +34 22 184 E +34 22 185 T +34 22 186 A +34 22 187 E +34 22 188 J +34 22 189 A +34 22 190 T +34 22 191 B +34 22 192 B +34 22 193 T +34 22 194 G +34 22 195 J +34 22 196 J +34 22 197 A +34 22 198 W +34 22 199 A +34 22 200 J +34 22 201 T +34 22 202 G +34 22 203 E +34 22 204 S +34 22 205 B +34 22 206 W +34 22 207 E +34 22 208 S +34 22 209 B +34 22 210 S +34 22 211 J +34 22 212 D +34 22 213 A +34 22 214 T +34 22 215 A +34 22 216 G +34 22 217 T +34 22 218 B +34 22 219 A +34 22 220 B +34 22 221 W +34 22 222 B +34 22 223 J +34 22 224 W +34 22 225 B +34 22 226 G +34 22 227 K +34 22 228 G +34 22 229 J +34 22 230 W +34 22 231 E +34 22 232 S +34 22 233 A +34 22 234 G +34 22 235 T +34 22 236 E +34 22 237 A +34 22 238 J +34 22 239 E +34 22 240 S +34 22 241 W +34 22 242 A +34 22 243 L +34 22 244 W +34 22 245 S +34 22 246 J +34 22 247 B +34 22 248 K +34 22 249 G +34 22 250 B +34 22 251 J +34 22 252 W +34 22 253 J +34 22 254 B +34 22 255 K +34 22 256 S +34 22 257 G +34 22 258 E +34 22 259 S +34 22 260 A +34 22 261 E +34 22 262 W +34 22 263 A +34 22 264 J +34 22 265 B +34 22 266 S +34 22 267 E +34 22 268 B +34 22 269 E +34 22 270 S +34 22 271 G +34 22 272 W +34 22 273 T +34 22 274 W +34 22 275 E +34 22 276 L +34 22 277 G +34 22 278 T +34 22 279 B +34 22 280 G +34 22 281 J +34 22 282 G +34 22 283 S +34 22 284 W +34 22 285 E +34 22 286 W +34 22 287 E +34 22 288 L +34 22 289 J +34 22 290 W +34 22 291 B +34 22 292 E +34 22 293 A +34 22 294 A +34 22 295 S +34 22 296 B +34 22 297 T +34 22 298 L +34 22 299 J +34 22 300 A +34 22 301 B +34 22 302 W +34 22 303 J +34 22 304 G +34 22 305 E +34 22 306 A +34 22 307 G +34 22 308 E +34 22 309 W +34 22 310 J +34 22 311 G +34 22 312 K +34 22 313 B +34 22 314 W +34 22 315 G +34 22 316 J +34 22 317 E +34 22 318 T +34 22 319 W +34 22 320 E +34 22 321 L +34 22 322 J +34 22 323 G +34 22 324 W +34 22 325 G +34 22 326 T +34 22 327 W +34 22 328 G +34 22 329 E +34 22 330 S +34 23 1 J +34 23 2 J +34 23 3 L +34 23 4 B +34 23 5 G +34 23 6 D +34 23 7 G +34 23 8 S +34 23 9 S +34 23 10 B +34 23 11 G +34 23 12 D +34 23 13 G +34 23 14 J +34 23 15 A +34 23 16 W +34 23 17 S +34 23 18 B +34 23 19 B +34 23 20 G +34 23 21 S +34 23 22 D +34 23 23 B +34 23 24 G +34 23 25 G +34 23 26 B +34 23 27 A +34 23 28 L +34 23 29 G +34 23 30 T +34 23 31 G +34 23 32 B +34 23 33 G +34 23 34 B +34 23 35 T +34 23 36 G +34 23 37 B +34 23 38 S +34 23 39 G +34 23 40 J +34 23 41 S +34 23 42 T +34 23 43 B +34 23 44 A +34 23 45 G +34 23 46 A +34 23 47 G +34 23 48 T +34 23 49 J +34 23 50 B +34 23 51 * +34 23 52 A +34 23 53 L +34 23 54 G +34 23 55 J +34 23 56 T +34 23 57 G +34 23 58 D +34 23 59 A +34 23 60 J +34 23 61 S +34 23 62 J +34 23 63 T +34 23 64 J +34 23 65 S +34 23 66 A +34 23 67 G +34 23 68 B +34 23 69 G +34 23 70 A +34 23 71 S +34 23 72 G +34 23 73 B +34 23 74 A +34 23 75 G +34 23 76 T +34 23 77 J +34 23 78 A +34 23 79 A +34 23 80 B +34 23 81 G +34 23 82 G +34 23 83 T +34 23 84 A +34 23 85 G +34 23 86 A +34 23 87 G +34 23 88 S +34 23 89 B +34 23 90 G +34 23 91 G +34 23 92 A +34 23 93 B +34 23 94 K +34 23 95 G +34 23 96 D +34 23 97 B +34 23 98 S +34 23 99 A +34 23 100 G +34 23 101 L +34 23 102 A +34 23 103 G +34 23 104 J +34 23 105 B +34 23 106 T +34 23 107 A +34 23 108 G +34 23 109 B +34 23 110 D +34 23 111 G +34 23 112 L +34 23 113 B +34 23 114 G +34 23 115 S +34 23 116 J +34 23 117 T +34 23 118 A +34 23 119 G +34 23 120 W +34 23 121 T +34 23 122 G +34 23 123 J +34 23 124 G +34 23 125 L +34 23 126 A +34 23 127 G +34 23 128 D +34 23 129 A +34 23 130 G +34 23 131 B +34 23 132 S +34 23 133 G +34 23 134 T +34 23 135 B +34 23 136 G +34 23 137 G +34 23 138 J +34 23 139 A +34 23 140 B +34 23 141 W +34 23 142 A +34 23 143 G +34 23 144 B +34 23 145 G +34 23 146 T +34 23 147 G +34 23 148 S +34 23 149 G +34 23 150 B +34 23 151 T +34 23 152 A +34 23 153 J +34 23 154 A +34 23 155 T +34 23 156 G +34 23 157 T +34 23 158 W +34 23 159 T +34 23 160 S +34 23 161 G +34 23 162 L +34 23 163 G +34 23 164 B +34 23 165 G +34 23 166 B +34 23 167 A +34 23 168 G +34 23 169 J +34 23 170 G +34 23 171 G +34 23 172 W +34 23 173 S +34 23 174 T +34 23 175 J +34 23 176 S +34 23 177 T +34 23 178 B +34 23 179 T +34 23 180 G +34 23 181 T +34 23 182 B +34 23 183 G +34 23 184 B +34 23 185 T +34 23 186 G +34 23 187 T +34 23 188 B +34 23 189 A +34 23 190 S +34 23 191 G +34 23 192 B +34 23 193 T +34 23 194 S +34 23 195 G +34 23 196 G +34 23 197 B +34 23 198 K +34 23 199 A +34 23 200 J +34 23 201 S +34 23 202 G +34 23 203 B +34 23 204 S +34 23 205 B +34 23 206 A +34 23 207 S +34 23 208 D +34 23 209 G +34 23 210 T +34 23 211 J +34 23 212 T +34 23 213 A +34 23 214 G +34 23 215 A +34 23 216 G +34 23 217 A +34 23 218 G +34 23 219 A +34 23 220 B +34 23 221 A +34 23 222 B +34 23 223 G +34 23 224 A +34 23 225 T +34 23 226 J +34 23 227 G +34 23 228 B +34 23 229 G +34 23 230 A +34 23 231 B +34 23 232 T +34 23 233 B +34 23 234 G +34 23 235 J +34 23 236 G +34 23 237 T +34 23 238 G +34 23 239 A +34 23 240 T +34 23 241 A +34 23 242 T +34 23 243 B +34 23 244 W +34 23 245 S +34 23 246 G +34 23 247 J +34 23 248 G +34 23 249 G +34 23 250 B +34 23 251 G +34 23 252 A +34 23 253 G +34 23 254 J +34 23 255 K +34 23 256 S +34 23 257 J +34 23 258 D +34 23 259 S +34 23 260 A +34 23 261 T +34 23 262 A +34 23 263 A +34 23 264 J +34 23 265 G +34 23 266 T +34 23 267 B +34 23 268 G +34 23 269 B +34 23 270 T +34 23 271 G +34 23 272 W +34 23 273 B +34 23 274 A +34 23 275 G +34 23 276 B +34 23 277 J +34 23 278 D +34 23 279 B +34 23 280 G +34 23 281 G +34 23 282 G +34 23 283 T +34 23 284 W +34 23 285 A +34 23 286 W +34 23 287 T +34 23 288 L +34 23 289 G +34 23 290 A +34 23 291 B +34 23 292 T +34 23 293 J +34 23 294 A +34 23 295 T +34 23 296 B +34 23 297 T +34 23 298 L +34 23 299 G +34 23 300 A +34 23 301 G +34 23 302 A +34 23 303 B +34 23 304 G +34 23 305 B +34 23 306 G +34 23 307 J +34 23 308 J +34 23 309 G +34 23 310 G +34 23 311 B +34 23 312 K +34 23 313 B +34 23 314 A +34 23 315 G +34 23 316 G +34 23 317 S +34 23 318 T +34 23 319 A +34 23 320 G +34 23 321 L +34 23 322 J +34 23 323 G +34 23 324 A +34 23 325 J +34 23 326 T +34 23 327 A +34 23 328 G +34 23 329 T +34 23 330 J +34 24 1 B +34 24 2 B +34 24 3 L +34 24 4 B +34 24 5 G +34 24 6 T +34 24 7 B +34 24 8 L +34 24 9 T +34 24 10 B +34 24 11 G +34 24 12 T +34 24 13 K +34 24 14 G +34 24 15 T +34 24 16 W +34 24 17 L +34 24 18 K +34 24 19 G +34 24 20 G +34 24 21 T +34 24 22 T +34 24 23 G +34 24 24 B +34 24 25 G +34 24 26 B +34 24 27 W +34 24 28 T +34 24 29 G +34 24 30 T +34 24 31 G +34 24 32 L +34 24 33 G +34 24 34 B +34 24 35 T +34 24 36 K +34 24 37 G +34 24 38 L +34 24 39 G +34 24 40 B +34 24 41 L +34 24 42 T +34 24 43 B +34 24 44 W +34 24 45 G +34 24 46 K +34 24 47 G +34 24 48 T +34 24 49 B +34 24 50 K +34 24 51 T +34 24 52 W +34 24 53 L +34 24 54 G +34 24 55 G +34 24 56 T +34 24 57 G +34 24 58 T +34 24 59 T +34 24 60 K +34 24 61 L +34 24 62 T +34 24 63 T +34 24 64 G +34 24 65 L +34 24 66 W +34 24 67 G +34 24 68 T +34 24 69 T +34 24 70 W +34 24 71 T +34 24 72 G +34 24 73 T +34 24 74 W +34 24 75 K +34 24 76 T +34 24 77 G +34 24 78 W +34 24 79 K +34 24 80 G +34 24 81 G +34 24 82 G +34 24 83 W +34 24 84 T +34 24 85 G +34 24 86 T +34 24 87 K +34 24 88 T +34 24 89 K +34 24 90 G +34 24 91 T +34 24 92 W +34 24 93 G +34 24 94 K +34 24 95 G +34 24 96 T +34 24 97 B +34 24 98 L +34 24 99 T +34 24 100 G +34 24 101 T +34 24 102 B +34 24 103 T +34 24 104 G +34 24 105 T +34 24 106 T +34 24 107 W +34 24 108 T +34 24 109 B +34 24 110 T +34 24 111 K +34 24 112 L +34 24 113 K +34 24 114 G +34 24 115 T +34 24 116 W +34 24 117 K +34 24 118 T +34 24 119 G +34 24 120 W +34 24 121 T +34 24 122 B +34 24 123 B +34 24 124 T +34 24 125 T +34 24 126 T +34 24 127 K +34 24 128 T +34 24 129 W +34 24 130 W +34 24 131 L +34 24 132 L +34 24 133 B +34 24 134 T +34 24 135 T +34 24 136 G +34 24 137 G +34 24 138 G +34 24 139 W +34 24 140 K +34 24 141 W +34 24 142 W +34 24 143 G +34 24 144 B +34 24 145 G +34 24 146 T +34 24 147 G +34 24 148 L +34 24 149 T +34 24 150 K +34 24 151 T +34 24 152 W +34 24 153 G +34 24 154 K +34 24 155 K +34 24 156 G +34 24 157 T +34 24 158 W +34 24 159 T +34 24 160 T +34 24 161 G +34 24 162 L +34 24 163 B +34 24 164 B +34 24 165 T +34 24 166 B +34 24 167 T +34 24 168 G +34 24 169 B +34 24 170 G +34 24 171 T +34 24 172 W +34 24 173 L +34 24 174 T +34 24 175 G +34 24 176 L +34 24 177 T +34 24 178 G +34 24 179 T +34 24 180 B +34 24 181 T +34 24 182 T +34 24 183 T +34 24 184 G +34 24 185 T +34 24 186 G +34 24 187 T +34 24 188 B +34 24 189 W +34 24 190 T +34 24 191 G +34 24 192 T +34 24 193 T +34 24 194 L +34 24 195 G +34 24 196 G +34 24 197 W +34 24 198 K +34 24 199 T +34 24 200 G +34 24 201 T +34 24 202 G +34 24 203 T +34 24 204 K +34 24 205 B +34 24 206 W +34 24 207 L +34 24 208 T +34 24 209 G +34 24 210 T +34 24 211 G +34 24 212 D +34 24 213 T +34 24 214 B +34 24 215 T +34 24 216 B +34 24 217 T +34 24 218 G +34 24 219 W +34 24 220 B +34 24 221 W +34 24 222 B +34 24 223 G +34 24 224 W +34 24 225 T +34 24 226 G +34 24 227 K +34 24 228 G +34 24 229 G +34 24 230 W +34 24 231 T +34 24 232 G +34 24 233 G +34 24 234 G +34 24 235 B +34 24 236 G +34 24 237 T +34 24 238 G +34 24 239 T +34 24 240 T +34 24 241 W +34 24 242 T +34 24 243 G +34 24 244 W +34 24 245 L +34 24 246 G +34 24 247 B +34 24 248 G +34 24 249 G +34 24 250 B +34 24 251 G +34 24 252 W +34 24 253 G +34 24 254 G +34 24 255 K +34 24 256 L +34 24 257 B +34 24 258 T +34 24 259 L +34 24 260 T +34 24 261 T +34 24 262 W +34 24 263 G +34 24 264 G +34 24 265 G +34 24 266 G +34 24 267 L +34 24 268 G +34 24 269 L +34 24 270 T +34 24 271 G +34 24 272 W +34 24 273 G +34 24 274 W +34 24 275 G +34 24 276 L +34 24 277 G +34 24 278 T +34 24 279 B +34 24 280 G +34 24 281 G +34 24 282 G +34 24 283 T +34 24 284 W +34 24 285 T +34 24 286 W +34 24 287 G +34 24 288 L +34 24 289 G +34 24 290 T +34 24 291 G +34 24 292 T +34 24 293 B +34 24 294 B +34 24 295 T +34 24 296 B +34 24 297 T +34 24 298 L +34 24 299 G +34 24 300 T +34 24 301 G +34 24 302 W +34 24 303 G +34 24 304 G +34 24 305 B +34 24 306 G +34 24 307 B +34 24 308 G +34 24 309 K +34 24 310 G +34 24 311 G +34 24 312 K +34 24 313 B +34 24 314 W +34 24 315 G +34 24 316 G +34 24 317 L +34 24 318 T +34 24 319 W +34 24 320 G +34 24 321 L +34 24 322 G +34 24 323 B +34 24 324 W +34 24 325 B +34 24 326 T +34 24 327 W +34 24 328 G +34 24 329 T +34 24 330 G +34 25 1 J +34 25 2 A +34 25 3 L +34 25 4 L +34 25 5 J +34 25 6 D +34 25 7 G +34 25 8 L +34 25 9 T +34 25 10 B +34 25 11 K +34 25 12 D +34 25 13 B +34 25 14 A +34 25 15 W +34 25 16 W +34 25 17 V +34 25 18 K +34 25 19 G +34 25 20 G +34 25 21 S +34 25 22 T +34 25 23 B +34 25 24 N +34 25 25 J +34 25 26 B +34 25 27 T +34 25 28 S +34 25 29 G +34 25 30 T +34 25 31 W +34 25 32 S +34 25 33 N +34 25 34 J +34 25 35 L +34 25 36 G +34 25 37 B +34 25 38 S +34 25 39 G +34 25 40 G +34 25 41 L +34 25 42 D +34 25 43 A +34 25 44 W +34 25 45 G +34 25 46 A +34 25 47 K +34 25 48 D +34 25 49 G +34 25 50 S +34 25 51 Q +34 25 52 A +34 25 53 T +34 25 54 G +34 25 55 J +34 25 56 D +34 25 57 K +34 25 58 J +34 25 59 A +34 25 60 K +34 25 61 V +34 25 62 B +34 25 63 T +34 25 64 J +34 25 65 L +34 25 66 W +34 25 67 G +34 25 68 L +34 25 69 G +34 25 70 A +34 25 71 S +34 25 72 G +34 25 73 B +34 25 74 J +34 25 75 K +34 25 76 V +34 25 77 J +34 25 78 A +34 25 79 K +34 25 80 J +34 25 81 G +34 25 82 B +34 25 83 D +34 25 84 T +34 25 85 G +34 25 86 L +34 25 87 K +34 25 88 S +34 25 89 K +34 25 90 G +34 25 91 D +34 25 92 W +34 25 93 J +34 25 94 K +34 25 95 W +34 25 96 D +34 25 97 B +34 25 98 L +34 25 99 A +34 25 100 J +34 25 101 S +34 25 102 W +34 25 103 T +34 25 104 J +34 25 105 S +34 25 106 D +34 25 107 A +34 25 108 A +34 25 109 B +34 25 110 D +34 25 111 K +34 25 112 V +34 25 113 K +34 25 114 G +34 25 115 L +34 25 116 J +34 25 117 T +34 25 118 T +34 25 119 G +34 25 120 A +34 25 121 L +34 25 122 G +34 25 123 B +34 25 124 D +34 25 125 V +34 25 126 T +34 25 127 K +34 25 128 D +34 25 129 A +34 25 130 K +34 25 131 B +34 25 132 D +34 25 133 G +34 25 134 S +34 25 135 S +34 25 136 J +34 25 137 G +34 25 138 J +34 25 139 A +34 25 140 G +34 25 141 W +34 25 142 A +34 25 143 D +34 25 144 B +34 25 145 G +34 25 146 D +34 25 147 G +34 25 148 V +34 25 149 G +34 25 150 S +34 25 151 D +34 25 152 T +34 25 153 J +34 25 154 K +34 25 155 K +34 25 156 G +34 25 157 K +34 25 158 W +34 25 159 D +34 25 160 A +34 25 161 G +34 25 162 S +34 25 163 G +34 25 164 J +34 25 165 K +34 25 166 B +34 25 167 A +34 25 168 G +34 25 169 J +34 25 170 K +34 25 171 G +34 25 172 W +34 25 173 V +34 25 174 D +34 25 175 A +34 25 176 V +34 25 177 D +34 25 178 B +34 25 179 S +34 25 180 G +34 25 181 D +34 25 182 S +34 25 183 T +34 25 184 B +34 25 185 T +34 25 186 J +34 25 187 D +34 25 188 J +34 25 189 A +34 25 190 T +34 25 191 G +34 25 192 G +34 25 193 T +34 25 194 S +34 25 195 G +34 25 196 A +34 25 197 S +34 25 198 K +34 25 199 J +34 25 200 J +34 25 201 A +34 25 202 G +34 25 203 T +34 25 204 K +34 25 205 B +34 25 206 W +34 25 207 S +34 25 208 D +34 25 209 G +34 25 210 T +34 25 211 J +34 25 212 D +34 25 213 A +34 25 214 D +34 25 215 N +34 25 216 K +34 25 217 T +34 25 218 D +34 25 219 W +34 25 220 G +34 25 221 W +34 25 222 B +34 25 223 G +34 25 224 W +34 25 225 D +34 25 226 B +34 25 227 K +34 25 228 J +34 25 229 A +34 25 230 W +34 25 231 S +34 25 232 D +34 25 233 G +34 25 234 B +34 25 235 J +34 25 236 D +34 25 237 T +34 25 238 G +34 25 239 T +34 25 240 S +34 25 241 W +34 25 242 D +34 25 243 S +34 25 244 W +34 25 245 L +34 25 246 G +34 25 247 B +34 25 248 K +34 25 249 G +34 25 250 B +34 25 251 G +34 25 252 A +34 25 253 G +34 25 254 J +34 25 255 K +34 25 256 A +34 25 257 J +34 25 258 D +34 25 259 S +34 25 260 D +34 25 261 A +34 25 262 W +34 25 263 A +34 25 264 B +34 25 265 G +34 25 266 S +34 25 267 S +34 25 268 G +34 25 269 A +34 25 270 D +34 25 271 G +34 25 272 W +34 25 273 A +34 25 274 W +34 25 275 D +34 25 276 S +34 25 277 G +34 25 278 A +34 25 279 B +34 25 280 G +34 25 281 G +34 25 282 G +34 25 283 K +34 25 284 W +34 25 285 A +34 25 286 W +34 25 287 D +34 25 288 S +34 25 289 G +34 25 290 A +34 25 291 B +34 25 292 A +34 25 293 W +34 25 294 W +34 25 295 T +34 25 296 B +34 25 297 D +34 25 298 L +34 25 299 G +34 25 300 W +34 25 301 G +34 25 302 A +34 25 303 J +34 25 304 T +34 25 305 S +34 25 306 G +34 25 307 G +34 25 308 S +34 25 309 K +34 25 310 G +34 25 311 B +34 25 312 K +34 25 313 B +34 25 314 W +34 25 315 G +34 25 316 B +34 25 317 S +34 25 318 D +34 25 319 W +34 25 320 T +34 25 321 S +34 25 322 B +34 25 323 G +34 25 324 W +34 25 325 S +34 25 326 D +34 25 327 W +34 25 328 G +34 25 329 T +34 25 330 W +35 1 1 W +35 1 2 F +35 1 3 Y +35 1 4 W +35 1 5 T +35 1 6 Y +35 1 7 T +35 1 8 Y +35 1 9 Y +35 1 10 W +35 1 11 W +35 1 12 M +35 1 13 T +35 1 14 W +35 1 15 F +35 1 16 F +35 1 17 Y +35 1 18 W +35 1 19 W +35 1 20 T +35 1 21 Y +35 1 22 T +35 1 23 W +35 1 24 W +35 1 25 W +35 1 26 W +35 1 27 Y +35 1 28 F +35 1 29 T +35 1 30 Y +35 1 31 F +35 1 32 Y +35 1 33 T +35 1 34 W +35 1 35 Y +35 1 36 W +35 1 37 W +35 1 38 Y +35 1 39 T +35 1 40 B +35 1 41 Y +35 1 42 M +35 1 43 W +35 1 44 F +35 1 45 T +35 1 46 W +35 1 47 T +35 1 48 Y +35 1 49 B +35 1 50 W +35 1 51 W +35 1 52 F +35 1 53 Y +35 1 54 T +35 1 55 B +35 1 56 Y +35 1 57 W +35 1 58 F +35 1 59 F +35 1 60 W +35 1 61 Y +35 1 62 W +35 1 63 Y +35 1 64 W +35 1 65 Y +35 1 66 F +35 1 67 T +35 1 68 Y +35 1 69 T +35 1 70 F +35 1 71 Y +35 1 72 N +35 1 73 Y +35 1 74 F +35 1 75 W +35 1 76 Y +35 1 77 W +35 1 78 Y +35 1 79 W +35 1 80 W +35 1 81 N +35 1 82 B +35 1 83 M +35 1 84 Y +35 1 85 T +35 1 86 Y +35 1 87 W +35 1 88 Y +35 1 89 W +35 1 90 W +35 1 91 M +35 1 92 F +35 1 93 B +35 1 94 W +35 1 95 F +35 1 96 M +35 1 97 B +35 1 98 Y +35 1 99 W +35 1 100 F +35 1 101 Y +35 1 102 F +35 1 103 W +35 1 104 W +35 1 105 Y +35 1 106 M +35 1 107 F +35 1 108 F +35 1 109 W +35 1 110 M +35 1 111 W +35 1 112 Y +35 1 113 W +35 1 114 W +35 1 115 Y +35 1 116 F +35 1 117 W +35 1 118 Y +35 1 119 T +35 1 120 F +35 1 121 Y +35 1 122 T +35 1 123 B +35 1 124 N +35 1 125 Y +35 1 126 Y +35 1 127 W +35 1 128 M +35 1 129 F +35 1 130 W +35 1 131 W +35 1 132 Y +35 1 133 T +35 1 134 W +35 1 135 Y +35 1 136 B +35 1 137 T +35 1 138 B +35 1 139 F +35 1 140 W +35 1 141 F +35 1 142 F +35 1 143 M +35 1 144 W +35 1 145 T +35 1 146 M +35 1 147 T +35 1 148 Y +35 1 149 T +35 1 150 W +35 1 151 Y +35 1 152 Y +35 1 153 W +35 1 154 W +35 1 155 T +35 1 156 W +35 1 157 F +35 1 158 Y +35 1 159 Y +35 1 160 T +35 1 161 T +35 1 162 Y +35 1 163 T +35 1 164 B +35 1 165 N +35 1 166 W +35 1 167 F +35 1 168 T +35 1 169 W +35 1 170 B +35 1 171 W +35 1 172 T +35 1 173 F +35 1 174 Y +35 1 175 M +35 1 176 B +35 1 177 Y +35 1 178 M +35 1 179 Y +35 1 180 T +35 1 181 Y +35 1 182 W +35 1 183 W +35 1 184 W +35 1 185 Y +35 1 186 T +35 1 187 Y +35 1 188 W +35 1 189 F +35 1 190 Y +35 1 191 T +35 1 192 W +35 1 193 M +35 1 194 W +35 1 195 T +35 1 196 F +35 1 197 W +35 1 198 W +35 1 199 F +35 1 200 T +35 1 201 Y +35 1 202 T +35 1 203 Y +35 1 204 W +35 1 205 W +35 1 206 M +35 1 207 Y +35 1 208 Y +35 1 209 T +35 1 210 Y +35 1 211 W +35 1 212 Y +35 1 213 W +35 1 214 M +35 1 215 Y +35 1 216 W +35 1 217 Y +35 1 218 N +35 1 219 F +35 1 220 W +35 1 221 F +35 1 222 W +35 1 223 T +35 1 224 F +35 1 225 T +35 1 226 W +35 1 227 W +35 1 228 W +35 1 229 F +35 1 230 F +35 1 231 Y +35 1 232 W +35 1 233 B +35 1 234 T +35 1 235 B +35 1 236 T +35 1 237 Y +35 1 238 T +35 1 239 Y +35 1 240 Y +35 1 241 F +35 1 242 M +35 1 243 Y +35 1 244 F +35 1 245 Y +35 1 246 T +35 1 247 W +35 1 248 T +35 1 249 T +35 1 250 W +35 1 251 T +35 1 252 F +35 1 253 T +35 1 254 B +35 1 255 W +35 1 256 Y +35 1 257 W +35 1 258 M +35 1 259 Y +35 1 260 M +35 1 261 Y +35 1 262 F +35 1 263 W +35 1 264 F +35 1 265 T +35 1 266 Y +35 1 267 W +35 1 268 T +35 1 269 Y +35 1 270 Y +35 1 271 N +35 1 272 F +35 1 273 W +35 1 274 F +35 1 275 M +35 1 276 Y +35 1 277 W +35 1 278 Y +35 1 279 W +35 1 280 N +35 1 281 N +35 1 282 N +35 1 283 W +35 1 284 F +35 1 285 F +35 1 286 F +35 1 287 M +35 1 288 Y +35 1 289 N +35 1 290 F +35 1 291 B +35 1 292 Y +35 1 293 F +35 1 294 F +35 1 295 W +35 1 296 W +35 1 297 M +35 1 298 Y +35 1 299 T +35 1 300 W +35 1 301 T +35 1 302 F +35 1 303 W +35 1 304 N +35 1 305 W +35 1 306 N +35 1 307 B +35 1 308 W +35 1 309 W +35 1 310 T +35 1 311 B +35 1 312 W +35 1 313 W +35 1 314 F +35 1 315 N +35 1 316 N +35 1 317 Y +35 1 318 Y +35 1 319 F +35 1 320 T +35 1 321 Y +35 1 322 B +35 1 323 T +35 1 324 F +35 1 325 W +35 1 326 M +35 1 327 F +35 1 328 T +35 1 329 Y +35 1 330 F +35 2 1 B +35 2 2 V +35 2 3 Y +35 2 4 Y +35 2 5 T +35 2 6 Y +35 2 7 T +35 2 8 K +35 2 9 K +35 2 10 W +35 2 11 W +35 2 12 M +35 2 13 W +35 2 14 W +35 2 15 F +35 2 16 F +35 2 17 Y +35 2 18 W +35 2 19 B +35 2 20 N +35 2 21 Y +35 2 22 M +35 2 23 V +35 2 24 W +35 2 25 V +35 2 26 B +35 2 27 F +35 2 28 Y +35 2 29 T +35 2 30 K +35 2 31 B +35 2 32 Y +35 2 33 T +35 2 34 B +35 2 35 Y +35 2 36 W +35 2 37 B +35 2 38 Y +35 2 39 N +35 2 40 B +35 2 41 K +35 2 42 M +35 2 43 W +35 2 44 F +35 2 45 T +35 2 46 W +35 2 47 W +35 2 48 Y +35 2 49 B +35 2 50 W +35 2 51 K +35 2 52 F +35 2 53 Y +35 2 54 T +35 2 55 B +35 2 56 Y +35 2 57 B +35 2 58 K +35 2 59 F +35 2 60 W +35 2 61 Y +35 2 62 B +35 2 63 Y +35 2 64 B +35 2 65 Y +35 2 66 F +35 2 67 T +35 2 68 Y +35 2 69 V +35 2 70 F +35 2 71 K +35 2 72 N +35 2 73 W +35 2 74 F +35 2 75 N +35 2 76 Y +35 2 77 B +35 2 78 Y +35 2 79 W +35 2 80 B +35 2 81 T +35 2 82 B +35 2 83 M +35 2 84 Y +35 2 85 T +35 2 86 Y +35 2 87 W +35 2 88 Y +35 2 89 W +35 2 90 T +35 2 91 M +35 2 92 F +35 2 93 B +35 2 94 W +35 2 95 F +35 2 96 M +35 2 97 W +35 2 98 Y +35 2 99 F +35 2 100 W +35 2 101 K +35 2 102 F +35 2 103 V +35 2 104 B +35 2 105 K +35 2 106 M +35 2 107 F +35 2 108 F +35 2 109 B +35 2 110 Y +35 2 111 W +35 2 112 Y +35 2 113 W +35 2 114 W +35 2 115 Y +35 2 116 F +35 2 117 K +35 2 118 Y +35 2 119 T +35 2 120 F +35 2 121 Y +35 2 122 N +35 2 123 W +35 2 124 M +35 2 125 Y +35 2 126 Y +35 2 127 W +35 2 128 M +35 2 129 F +35 2 130 V +35 2 131 V +35 2 132 Y +35 2 133 W +35 2 134 K +35 2 135 Y +35 2 136 B +35 2 137 T +35 2 138 B +35 2 139 F +35 2 140 B +35 2 141 F +35 2 142 F +35 2 143 T +35 2 144 W +35 2 145 N +35 2 146 M +35 2 147 B +35 2 148 Y +35 2 149 N +35 2 150 W +35 2 151 Y +35 2 152 F +35 2 153 B +35 2 154 W +35 2 155 K +35 2 156 T +35 2 157 K +35 2 158 F +35 2 159 Y +35 2 160 Y +35 2 161 N +35 2 162 Y +35 2 163 N +35 2 164 B +35 2 165 V +35 2 166 W +35 2 167 F +35 2 168 T +35 2 169 B +35 2 170 W +35 2 171 N +35 2 172 F +35 2 173 Y +35 2 174 M +35 2 175 F +35 2 176 Y +35 2 177 M +35 2 178 B +35 2 179 K +35 2 180 N +35 2 181 M +35 2 182 Y +35 2 183 K +35 2 184 W +35 2 185 K +35 2 186 B +35 2 187 Y +35 2 188 B +35 2 189 F +35 2 190 Y +35 2 191 W +35 2 192 W +35 2 193 K +35 2 194 M +35 2 195 T +35 2 196 F +35 2 197 W +35 2 198 W +35 2 199 F +35 2 200 B +35 2 201 Y +35 2 202 T +35 2 203 Y +35 2 204 W +35 2 205 B +35 2 206 F +35 2 207 Y +35 2 208 K +35 2 209 W +35 2 210 K +35 2 211 B +35 2 212 Y +35 2 213 F +35 2 214 M +35 2 215 Y +35 2 216 W +35 2 217 Y +35 2 218 T +35 2 219 F +35 2 220 B +35 2 221 F +35 2 222 W +35 2 223 T +35 2 224 F +35 2 225 K +35 2 226 W +35 2 227 W +35 2 228 W +35 2 229 F +35 2 230 F +35 2 231 Y +35 2 232 K +35 2 233 B +35 2 234 N +35 2 235 B +35 2 236 K +35 2 237 Y +35 2 238 W +35 2 239 Y +35 2 240 K +35 2 241 F +35 2 242 M +35 2 243 Y +35 2 244 F +35 2 245 Y +35 2 246 W +35 2 247 W +35 2 248 T +35 2 249 T +35 2 250 B +35 2 251 T +35 2 252 F +35 2 253 B +35 2 254 B +35 2 255 W +35 2 256 Y +35 2 257 M +35 2 258 W +35 2 259 K +35 2 260 M +35 2 261 Y +35 2 262 F +35 2 263 W +35 2 264 B +35 2 265 T +35 2 266 K +35 2 267 W +35 2 268 T +35 2 269 Y +35 2 270 K +35 2 271 W +35 2 272 F +35 2 273 V +35 2 274 F +35 2 275 M +35 2 276 Y +35 2 277 W +35 2 278 Y +35 2 279 B +35 2 280 N +35 2 281 T +35 2 282 T +35 2 283 K +35 2 284 F +35 2 285 F +35 2 286 F +35 2 287 K +35 2 288 Y +35 2 289 B +35 2 290 F +35 2 291 B +35 2 292 Y +35 2 293 F +35 2 294 F +35 2 295 K +35 2 296 W +35 2 297 M +35 2 298 Y +35 2 299 T +35 2 300 V +35 2 301 T +35 2 302 F +35 2 303 B +35 2 304 T +35 2 305 W +35 2 306 T +35 2 307 B +35 2 308 V +35 2 309 K +35 2 310 N +35 2 311 W +35 2 312 W +35 2 313 W +35 2 314 F +35 2 315 T +35 2 316 T +35 2 317 Y +35 2 318 Y +35 2 319 F +35 2 320 T +35 2 321 Y +35 2 322 B +35 2 323 T +35 2 324 F +35 2 325 Y +35 2 326 M +35 2 327 F +35 2 328 T +35 2 329 F +35 2 330 K +35 3 1 W +35 3 2 F +35 3 3 Y +35 3 4 B +35 3 5 N +35 3 6 Y +35 3 7 T +35 3 8 Y +35 3 9 V +35 3 10 B +35 3 11 W +35 3 12 M +35 3 13 W +35 3 14 W +35 3 15 F +35 3 16 F +35 3 17 Y +35 3 18 W +35 3 19 W +35 3 20 T +35 3 21 Y +35 3 22 M +35 3 23 B +35 3 24 W +35 3 25 W +35 3 26 B +35 3 27 Y +35 3 28 F +35 3 29 T +35 3 30 Y +35 3 31 F +35 3 32 B +35 3 33 T +35 3 34 W +35 3 35 Y +35 3 36 W +35 3 37 W +35 3 38 Y +35 3 39 W +35 3 40 W +35 3 41 Y +35 3 42 M +35 3 43 W +35 3 44 F +35 3 45 T +35 3 46 W +35 3 47 W +35 3 48 M +35 3 49 W +35 3 50 B +35 3 51 W +35 3 52 F +35 3 53 Y +35 3 54 T +35 3 55 W +35 3 56 Y +35 3 57 W +35 3 58 M +35 3 59 F +35 3 60 W +35 3 61 Y +35 3 62 B +35 3 63 Y +35 3 64 W +35 3 65 Y +35 3 66 F +35 3 67 T +35 3 68 B +35 3 69 W +35 3 70 F +35 3 71 W +35 3 72 N +35 3 73 B +35 3 74 F +35 3 75 W +35 3 76 Y +35 3 77 W +35 3 78 F +35 3 79 W +35 3 80 W +35 3 81 N +35 3 82 W +35 3 83 F +35 3 84 Y +35 3 85 T +35 3 86 Y +35 3 87 W +35 3 88 B +35 3 89 W +35 3 90 W +35 3 91 M +35 3 92 F +35 3 93 W +35 3 94 W +35 3 95 F +35 3 96 M +35 3 97 B +35 3 98 Y +35 3 99 V +35 3 100 W +35 3 101 B +35 3 102 V +35 3 103 W +35 3 104 W +35 3 105 B +35 3 106 F +35 3 107 F +35 3 108 W +35 3 109 B +35 3 110 M +35 3 111 W +35 3 112 Y +35 3 113 W +35 3 114 W +35 3 115 Y +35 3 116 F +35 3 117 W +35 3 118 Y +35 3 119 N +35 3 120 F +35 3 121 Y +35 3 122 T +35 3 123 W +35 3 124 M +35 3 125 Y +35 3 126 M +35 3 127 W +35 3 128 M +35 3 129 F +35 3 130 W +35 3 131 B +35 3 132 Y +35 3 133 N +35 3 134 W +35 3 135 B +35 3 136 W +35 3 137 N +35 3 138 W +35 3 139 F +35 3 140 W +35 3 141 F +35 3 142 F +35 3 143 M +35 3 144 B +35 3 145 N +35 3 146 M +35 3 147 N +35 3 148 Y +35 3 149 T +35 3 150 B +35 3 151 V +35 3 152 B +35 3 153 W +35 3 154 W +35 3 155 V +35 3 156 T +35 3 157 V +35 3 158 F +35 3 159 V +35 3 160 Y +35 3 161 T +35 3 162 Y +35 3 163 W +35 3 164 W +35 3 165 V +35 3 166 W +35 3 167 V +35 3 168 T +35 3 169 W +35 3 170 W +35 3 171 V +35 3 172 F +35 3 173 Y +35 3 174 M +35 3 175 V +35 3 176 Y +35 3 177 M +35 3 178 W +35 3 179 Y +35 3 180 T +35 3 181 M +35 3 182 Y +35 3 183 V +35 3 184 B +35 3 185 V +35 3 186 W +35 3 187 M +35 3 188 W +35 3 189 V +35 3 190 Y +35 3 191 N +35 3 192 B +35 3 193 M +35 3 194 V +35 3 195 N +35 3 196 V +35 3 197 B +35 3 198 W +35 3 199 F +35 3 200 V +35 3 201 Y +35 3 202 N +35 3 203 Y +35 3 204 W +35 3 205 B +35 3 206 F +35 3 207 Y +35 3 208 V +35 3 209 W +35 3 210 V +35 3 211 W +35 3 212 M +35 3 213 V +35 3 214 M +35 3 215 Y +35 3 216 W +35 3 217 V +35 3 218 M +35 3 219 F +35 3 220 W +35 3 221 F +35 3 222 B +35 3 223 N +35 3 224 F +35 3 225 M +35 3 226 W +35 3 227 W +35 3 228 B +35 3 229 N +35 3 230 F +35 3 231 B +35 3 232 V +35 3 233 W +35 3 234 N +35 3 235 W +35 3 236 M +35 3 237 V +35 3 238 N +35 3 239 Y +35 3 240 Y +35 3 241 F +35 3 242 V +35 3 243 W +35 3 244 F +35 3 245 Y +35 3 246 N +35 3 247 B +35 3 248 N +35 3 249 N +35 3 250 B +35 3 251 N +35 3 252 F +35 3 253 N +35 3 254 V +35 3 255 V +35 3 256 Y +35 3 257 W +35 3 258 M +35 3 259 Y +35 3 260 F +35 3 261 Y +35 3 262 F +35 3 263 V +35 3 264 F +35 3 265 N +35 3 266 Y +35 3 267 B +35 3 268 N +35 3 269 Y +35 3 270 M +35 3 271 N +35 3 272 F +35 3 273 V +35 3 274 F +35 3 275 M +35 3 276 Y +35 3 277 W +35 3 278 Y +35 3 279 B +35 3 280 Y +35 3 281 N +35 3 282 N +35 3 283 V +35 3 284 F +35 3 285 Y +35 3 286 F +35 3 287 V +35 3 288 Y +35 3 289 W +35 3 290 F +35 3 291 W +35 3 292 Y +35 3 293 V +35 3 294 F +35 3 295 V +35 3 296 B +35 3 297 M +35 3 298 Y +35 3 299 T +35 3 300 W +35 3 301 N +35 3 302 F +35 3 303 V +35 3 304 N +35 3 305 B +35 3 306 N +35 3 307 W +35 3 308 B +35 3 309 V +35 3 310 N +35 3 311 W +35 3 312 W +35 3 313 B +35 3 314 F +35 3 315 T +35 3 316 W +35 3 317 B +35 3 318 V +35 3 319 F +35 3 320 V +35 3 321 Y +35 3 322 V +35 3 323 N +35 3 324 F +35 3 325 B +35 3 326 M +35 3 327 F +35 3 328 N +35 3 329 V +35 3 330 F +35 4 1 B +35 4 2 V +35 4 3 Y +35 4 4 K +35 4 5 N +35 4 6 K +35 4 7 T +35 4 8 Y +35 4 9 K +35 4 10 B +35 4 11 W +35 4 12 M +35 4 13 W +35 4 14 W +35 4 15 V +35 4 16 F +35 4 17 Y +35 4 18 W +35 4 19 B +35 4 20 T +35 4 21 Y +35 4 22 M +35 4 23 B +35 4 24 W +35 4 25 T +35 4 26 B +35 4 27 F +35 4 28 Y +35 4 29 T +35 4 30 K +35 4 31 V +35 4 32 Y +35 4 33 N +35 4 34 B +35 4 35 Y +35 4 36 W +35 4 37 B +35 4 38 Y +35 4 39 T +35 4 40 B +35 4 41 K +35 4 42 K +35 4 43 W +35 4 44 F +35 4 45 T +35 4 46 W +35 4 47 W +35 4 48 M +35 4 49 B +35 4 50 B +35 4 51 K +35 4 52 F +35 4 53 Y +35 4 54 T +35 4 55 B +35 4 56 Y +35 4 57 W +35 4 58 K +35 4 59 F +35 4 60 W +35 4 61 Y +35 4 62 B +35 4 63 Y +35 4 64 B +35 4 65 Y +35 4 66 F +35 4 67 T +35 4 68 Y +35 4 69 K +35 4 70 F +35 4 71 K +35 4 72 N +35 4 73 B +35 4 74 W +35 4 75 W +35 4 76 Y +35 4 77 B +35 4 78 V +35 4 79 W +35 4 80 B +35 4 81 T +35 4 82 V +35 4 83 M +35 4 84 Y +35 4 85 T +35 4 86 Y +35 4 87 W +35 4 88 Y +35 4 89 W +35 4 90 W +35 4 91 M +35 4 92 F +35 4 93 B +35 4 94 K +35 4 95 F +35 4 96 M +35 4 97 B +35 4 98 Y +35 4 99 V +35 4 100 F +35 4 101 Y +35 4 102 F +35 4 103 K +35 4 104 B +35 4 105 B +35 4 106 M +35 4 107 F +35 4 108 F +35 4 109 B +35 4 110 M +35 4 111 W +35 4 112 Y +35 4 113 W +35 4 114 W +35 4 115 Y +35 4 116 F +35 4 117 K +35 4 118 Y +35 4 119 T +35 4 120 F +35 4 121 Y +35 4 122 T +35 4 123 B +35 4 124 V +35 4 125 Y +35 4 126 Y +35 4 127 W +35 4 128 M +35 4 129 F +35 4 130 W +35 4 131 B +35 4 132 Y +35 4 133 T +35 4 134 K +35 4 135 Y +35 4 136 V +35 4 137 W +35 4 138 B +35 4 139 F +35 4 140 W +35 4 141 F +35 4 142 F +35 4 143 T +35 4 144 B +35 4 145 B +35 4 146 M +35 4 147 T +35 4 148 Y +35 4 149 T +35 4 150 B +35 4 151 Y +35 4 152 V +35 4 153 B +35 4 154 W +35 4 155 K +35 4 156 T +35 4 157 K +35 4 158 F +35 4 159 Y +35 4 160 W +35 4 161 T +35 4 162 Y +35 4 163 W +35 4 164 B +35 4 165 T +35 4 166 W +35 4 167 V +35 4 168 T +35 4 169 B +35 4 170 W +35 4 171 T +35 4 172 F +35 4 173 Y +35 4 174 M +35 4 175 B +35 4 176 Y +35 4 177 M +35 4 178 B +35 4 179 K +35 4 180 T +35 4 181 M +35 4 182 K +35 4 183 K +35 4 184 B +35 4 185 K +35 4 186 B +35 4 187 M +35 4 188 B +35 4 189 B +35 4 190 Y +35 4 191 T +35 4 192 B +35 4 193 G +35 4 194 K +35 4 195 T +35 4 196 F +35 4 197 B +35 4 198 W +35 4 199 F +35 4 200 B +35 4 201 Y +35 4 202 T +35 4 203 Y +35 4 204 K +35 4 205 B +35 4 206 F +35 4 207 Y +35 4 208 K +35 4 209 W +35 4 210 K +35 4 211 B +35 4 212 Y +35 4 213 B +35 4 214 M +35 4 215 Y +35 4 216 W +35 4 217 Y +35 4 218 T +35 4 219 F +35 4 220 B +35 4 221 F +35 4 222 B +35 4 223 L +35 4 224 F +35 4 225 K +35 4 226 W +35 4 227 W +35 4 228 W +35 4 229 T +35 4 230 F +35 4 231 B +35 4 232 K +35 4 233 B +35 4 234 T +35 4 235 B +35 4 236 T +35 4 237 Y +35 4 238 W +35 4 239 Y +35 4 240 K +35 4 241 F +35 4 242 M +35 4 243 K +35 4 244 F +35 4 245 Y +35 4 246 B +35 4 247 B +35 4 248 N +35 4 249 N +35 4 250 B +35 4 251 T +35 4 252 F +35 4 253 N +35 4 254 B +35 4 255 W +35 4 256 Y +35 4 257 M +35 4 258 W +35 4 259 K +35 4 260 M +35 4 261 Y +35 4 262 F +35 4 263 W +35 4 264 B +35 4 265 T +35 4 266 K +35 4 267 K +35 4 268 N +35 4 269 V +35 4 270 K +35 4 271 L +35 4 272 F +35 4 273 V +35 4 274 F +35 4 275 K +35 4 276 Y +35 4 277 W +35 4 278 Y +35 4 279 B +35 4 280 L +35 4 281 N +35 4 282 N +35 4 283 K +35 4 284 F +35 4 285 K +35 4 286 F +35 4 287 K +35 4 288 Y +35 4 289 W +35 4 290 F +35 4 291 B +35 4 292 Y +35 4 293 F +35 4 294 F +35 4 295 K +35 4 296 B +35 4 297 M +35 4 298 Y +35 4 299 N +35 4 300 F +35 4 301 T +35 4 302 F +35 4 303 B +35 4 304 K +35 4 305 B +35 4 306 L +35 4 307 B +35 4 308 B +35 4 309 W +35 4 310 T +35 4 311 W +35 4 312 W +35 4 313 B +35 4 314 F +35 4 315 T +35 4 316 T +35 4 317 Y +35 4 318 Y +35 4 319 F +35 4 320 V +35 4 321 Y +35 4 322 B +35 4 323 N +35 4 324 F +35 4 325 V +35 4 326 M +35 4 327 F +35 4 328 T +35 4 329 F +35 4 330 K +35 5 1 W +35 5 2 W +35 5 3 Y +35 5 4 W +35 5 5 B +35 5 6 Y +35 5 7 W +35 5 8 Y +35 5 9 Y +35 5 10 W +35 5 11 W +35 5 12 M +35 5 13 W +35 5 14 W +35 5 15 B +35 5 16 F +35 5 17 Y +35 5 18 W +35 5 19 B +35 5 20 W +35 5 21 Y +35 5 22 F +35 5 23 B +35 5 24 W +35 5 25 W +35 5 26 W +35 5 27 F +35 5 28 Y +35 5 29 B +35 5 30 Y +35 5 31 B +35 5 32 Y +35 5 33 W +35 5 34 B +35 5 35 Y +35 5 36 W +35 5 37 B +35 5 38 Y +35 5 39 W +35 5 40 B +35 5 41 Y +35 5 42 Y +35 5 43 W +35 5 44 F +35 5 45 W +35 5 46 W +35 5 47 W +35 5 48 Y +35 5 49 W +35 5 50 B +35 5 51 Y +35 5 52 F +35 5 53 Y +35 5 54 W +35 5 55 B +35 5 56 F +35 5 57 W +35 5 58 Y +35 5 59 F +35 5 60 W +35 5 61 Y +35 5 62 B +35 5 63 Y +35 5 64 W +35 5 65 Y +35 5 66 F +35 5 67 B +35 5 68 Y +35 5 69 W +35 5 70 B +35 5 71 Y +35 5 72 W +35 5 73 B +35 5 74 F +35 5 75 W +35 5 76 Y +35 5 77 B +35 5 78 Y +35 5 79 W +35 5 80 W +35 5 81 W +35 5 82 B +35 5 83 F +35 5 84 Y +35 5 85 W +35 5 86 Y +35 5 87 W +35 5 88 Y +35 5 89 W +35 5 90 W +35 5 91 Y +35 5 92 F +35 5 93 W +35 5 94 W +35 5 95 F +35 5 96 M +35 5 97 B +35 5 98 Y +35 5 99 B +35 5 100 B +35 5 101 Y +35 5 102 B +35 5 103 W +35 5 104 B +35 5 105 Y +35 5 106 M +35 5 107 F +35 5 108 F +35 5 109 W +35 5 110 Y +35 5 111 W +35 5 112 Y +35 5 113 W +35 5 114 W +35 5 115 Y +35 5 116 F +35 5 117 W +35 5 118 Y +35 5 119 W +35 5 120 F +35 5 121 Y +35 5 122 W +35 5 123 B +35 5 124 M +35 5 125 Y +35 5 126 Y +35 5 127 W +35 5 128 M +35 5 129 F +35 5 130 W +35 5 131 B +35 5 132 Y +35 5 133 W +35 5 134 W +35 5 135 B +35 5 136 B +35 5 137 W +35 5 138 W +35 5 139 F +35 5 140 W +35 5 141 F +35 5 142 F +35 5 143 W +35 5 144 W +35 5 145 W +35 5 146 M +35 5 147 W +35 5 148 Y +35 5 149 W +35 5 150 B +35 5 151 Y +35 5 152 B +35 5 153 W +35 5 154 W +35 5 155 W +35 5 156 W +35 5 157 Y +35 5 158 F +35 5 159 F +35 5 160 Y +35 5 161 W +35 5 162 Y +35 5 163 W +35 5 164 W +35 5 165 W +35 5 166 W +35 5 167 F +35 5 168 W +35 5 169 W +35 5 170 W +35 5 171 B +35 5 172 F +35 5 173 Y +35 5 174 M +35 5 175 F +35 5 176 Y +35 5 177 F +35 5 178 W +35 5 179 Y +35 5 180 W +35 5 181 Y +35 5 182 W +35 5 183 Y +35 5 184 W +35 5 185 Y +35 5 186 B +35 5 187 M +35 5 188 B +35 5 189 F +35 5 190 Y +35 5 191 W +35 5 192 B +35 5 193 M +35 5 194 Y +35 5 195 W +35 5 196 F +35 5 197 B +35 5 198 W +35 5 199 F +35 5 200 B +35 5 201 Y +35 5 202 W +35 5 203 Y +35 5 204 W +35 5 205 W +35 5 206 F +35 5 207 Y +35 5 208 M +35 5 209 W +35 5 210 W +35 5 211 W +35 5 212 Y +35 5 213 B +35 5 214 M +35 5 215 Y +35 5 216 B +35 5 217 Y +35 5 218 M +35 5 219 F +35 5 220 W +35 5 221 F +35 5 222 B +35 5 223 W +35 5 224 F +35 5 225 M +35 5 226 W +35 5 227 W +35 5 228 W +35 5 229 B +35 5 230 F +35 5 231 B +35 5 232 M +35 5 233 B +35 5 234 W +35 5 235 W +35 5 236 M +35 5 237 F +35 5 238 W +35 5 239 Y +35 5 240 Y +35 5 241 F +35 5 242 M +35 5 243 Y +35 5 244 F +35 5 245 Y +35 5 246 W +35 5 247 B +35 5 248 W +35 5 249 W +35 5 250 B +35 5 251 F +35 5 252 F +35 5 253 B +35 5 254 B +35 5 255 W +35 5 256 Y +35 5 257 W +35 5 258 M +35 5 259 Y +35 5 260 F +35 5 261 Y +35 5 262 F +35 5 263 W +35 5 264 B +35 5 265 W +35 5 266 Y +35 5 267 Y +35 5 268 B +35 5 269 Y +35 5 270 Y +35 5 271 B +35 5 272 F +35 5 273 B +35 5 274 F +35 5 275 M +35 5 276 Y +35 5 277 W +35 5 278 Y +35 5 279 W +35 5 280 W +35 5 281 W +35 5 282 W +35 5 283 Y +35 5 284 F +35 5 285 Y +35 5 286 F +35 5 287 Y +35 5 288 Y +35 5 289 B +35 5 290 F +35 5 291 B +35 5 292 Y +35 5 293 F +35 5 294 F +35 5 295 W +35 5 296 W +35 5 297 M +35 5 298 Y +35 5 299 B +35 5 300 F +35 5 301 W +35 5 302 F +35 5 303 F +35 5 304 W +35 5 305 W +35 5 306 W +35 5 307 W +35 5 308 B +35 5 309 W +35 5 310 B +35 5 311 W +35 5 312 W +35 5 313 B +35 5 314 F +35 5 315 W +35 5 316 W +35 5 317 Y +35 5 318 M +35 5 319 F +35 5 320 W +35 5 321 Y +35 5 322 W +35 5 323 W +35 5 324 F +35 5 325 W +35 5 326 M +35 5 327 F +35 5 328 W +35 5 329 Y +35 5 330 F +35 6 1 B +35 6 2 B +35 6 3 Y +35 6 4 Y +35 6 5 T +35 6 6 Y +35 6 7 T +35 6 8 K +35 6 9 K +35 6 10 W +35 6 11 W +35 6 12 M +35 6 13 T +35 6 14 W +35 6 15 F +35 6 16 F +35 6 17 Y +35 6 18 W +35 6 19 B +35 6 20 N +35 6 21 Y +35 6 22 M +35 6 23 W +35 6 24 W +35 6 25 B +35 6 26 B +35 6 27 F +35 6 28 Y +35 6 29 N +35 6 30 Y +35 6 31 B +35 6 32 Y +35 6 33 T +35 6 34 B +35 6 35 Y +35 6 36 T +35 6 37 B +35 6 38 Y +35 6 39 N +35 6 40 W +35 6 41 Y +35 6 42 K +35 6 43 W +35 6 44 F +35 6 45 N +35 6 46 W +35 6 47 W +35 6 48 Y +35 6 49 W +35 6 50 K +35 6 51 K +35 6 52 F +35 6 53 K +35 6 54 N +35 6 55 B +35 6 56 Y +35 6 57 W +35 6 58 K +35 6 59 B +35 6 60 W +35 6 61 Y +35 6 62 B +35 6 63 Y +35 6 64 B +35 6 65 Y +35 6 66 F +35 6 67 B +35 6 68 Y +35 6 69 K +35 6 70 F +35 6 71 Y +35 6 72 T +35 6 73 W +35 6 74 B +35 6 75 W +35 6 76 Y +35 6 77 B +35 6 78 Y +35 6 79 W +35 6 80 W +35 6 81 L +35 6 82 W +35 6 83 M +35 6 84 G +35 6 85 N +35 6 86 Y +35 6 87 W +35 6 88 Y +35 6 89 W +35 6 90 W +35 6 91 M +35 6 92 F +35 6 93 W +35 6 94 W +35 6 95 F +35 6 96 M +35 6 97 W +35 6 98 Y +35 6 99 F +35 6 100 B +35 6 101 Y +35 6 102 B +35 6 103 L +35 6 104 B +35 6 105 K +35 6 106 M +35 6 107 F +35 6 108 F +35 6 109 B +35 6 110 M +35 6 111 W +35 6 112 Y +35 6 113 W +35 6 114 W +35 6 115 Y +35 6 116 B +35 6 117 K +35 6 118 Y +35 6 119 T +35 6 120 F +35 6 121 Y +35 6 122 T +35 6 123 B +35 6 124 M +35 6 125 Y +35 6 126 Y +35 6 127 W +35 6 128 M +35 6 129 F +35 6 130 W +35 6 131 Y +35 6 132 Y +35 6 133 N +35 6 134 K +35 6 135 Y +35 6 136 B +35 6 137 W +35 6 138 B +35 6 139 F +35 6 140 B +35 6 141 F +35 6 142 F +35 6 143 T +35 6 144 W +35 6 145 B +35 6 146 M +35 6 147 B +35 6 148 Y +35 6 149 T +35 6 150 K +35 6 151 Y +35 6 152 L +35 6 153 B +35 6 154 W +35 6 155 W +35 6 156 T +35 6 157 K +35 6 158 F +35 6 159 M +35 6 160 G +35 6 161 T +35 6 162 Y +35 6 163 W +35 6 164 B +35 6 165 W +35 6 166 W +35 6 167 B +35 6 168 N +35 6 169 B +35 6 170 W +35 6 171 L +35 6 172 F +35 6 173 Y +35 6 174 M +35 6 175 B +35 6 176 Y +35 6 177 M +35 6 178 B +35 6 179 K +35 6 180 T +35 6 181 M +35 6 182 K +35 6 183 K +35 6 184 V +35 6 185 K +35 6 186 B +35 6 187 Y +35 6 188 W +35 6 189 B +35 6 190 Y +35 6 191 W +35 6 192 B +35 6 193 K +35 6 194 M +35 6 195 T +35 6 196 B +35 6 197 K +35 6 198 W +35 6 199 F +35 6 200 B +35 6 201 Y +35 6 202 N +35 6 203 Y +35 6 204 W +35 6 205 L +35 6 206 F +35 6 207 Y +35 6 208 K +35 6 209 W +35 6 210 K +35 6 211 B +35 6 212 Y +35 6 213 B +35 6 214 N +35 6 215 K +35 6 216 W +35 6 217 Y +35 6 218 K +35 6 219 F +35 6 220 W +35 6 221 F +35 6 222 K +35 6 223 N +35 6 224 F +35 6 225 K +35 6 226 W +35 6 227 W +35 6 228 W +35 6 229 V +35 6 230 F +35 6 231 K +35 6 232 W +35 6 233 B +35 6 234 N +35 6 235 B +35 6 236 K +35 6 237 Y +35 6 238 W +35 6 239 Y +35 6 240 K +35 6 241 F +35 6 242 M +35 6 243 Y +35 6 244 F +35 6 245 Y +35 6 246 W +35 6 247 B +35 6 248 W +35 6 249 W +35 6 250 W +35 6 251 N +35 6 252 F +35 6 253 V +35 6 254 B +35 6 255 W +35 6 256 Y +35 6 257 M +35 6 258 W +35 6 259 Y +35 6 260 M +35 6 261 Y +35 6 262 F +35 6 263 W +35 6 264 B +35 6 265 N +35 6 266 K +35 6 267 K +35 6 268 N +35 6 269 Y +35 6 270 M +35 6 271 W +35 6 272 F +35 6 273 K +35 6 274 F +35 6 275 L +35 6 276 Y +35 6 277 W +35 6 278 Y +35 6 279 W +35 6 280 L +35 6 281 N +35 6 282 N +35 6 283 K +35 6 284 F +35 6 285 Y +35 6 286 F +35 6 287 K +35 6 288 Y +35 6 289 B +35 6 290 F +35 6 291 B +35 6 292 Y +35 6 293 F +35 6 294 F +35 6 295 K +35 6 296 W +35 6 297 M +35 6 298 Y +35 6 299 N +35 6 300 F +35 6 301 T +35 6 302 F +35 6 303 B +35 6 304 K +35 6 305 Y +35 6 306 N +35 6 307 B +35 6 308 K +35 6 309 W +35 6 310 T +35 6 311 W +35 6 312 W +35 6 313 W +35 6 314 F +35 6 315 T +35 6 316 W +35 6 317 Y +35 6 318 Y +35 6 319 F +35 6 320 K +35 6 321 Y +35 6 322 B +35 6 323 T +35 6 324 F +35 6 325 Y +35 6 326 M +35 6 327 F +35 6 328 N +35 6 329 F +35 6 330 K +35 7 1 B +35 7 2 F +35 7 3 Y +35 7 4 W +35 7 5 T +35 7 6 Y +35 7 7 T +35 7 8 Y +35 7 9 Y +35 7 10 B +35 7 11 W +35 7 12 M +35 7 13 T +35 7 14 W +35 7 15 Y +35 7 16 F +35 7 17 Y +35 7 18 W +35 7 19 B +35 7 20 T +35 7 21 Y +35 7 22 M +35 7 23 B +35 7 24 W +35 7 25 W +35 7 26 B +35 7 27 F +35 7 28 Y +35 7 29 T +35 7 30 Y +35 7 31 W +35 7 32 Y +35 7 33 T +35 7 34 W +35 7 35 Y +35 7 36 W +35 7 37 B +35 7 38 Y +35 7 39 T +35 7 40 B +35 7 41 Y +35 7 42 M +35 7 43 W +35 7 44 F +35 7 45 T +35 7 46 W +35 7 47 W +35 7 48 M +35 7 49 B +35 7 50 W +35 7 51 W +35 7 52 F +35 7 53 Y +35 7 54 T +35 7 55 B +35 7 56 Y +35 7 57 W +35 7 58 M +35 7 59 F +35 7 60 W +35 7 61 Y +35 7 62 B +35 7 63 Y +35 7 64 B +35 7 65 Y +35 7 66 F +35 7 67 T +35 7 68 Y +35 7 69 W +35 7 70 F +35 7 71 Y +35 7 72 T +35 7 73 W +35 7 74 B +35 7 75 T +35 7 76 Y +35 7 77 B +35 7 78 Y +35 7 79 W +35 7 80 B +35 7 81 T +35 7 82 T +35 7 83 M +35 7 84 Y +35 7 85 T +35 7 86 Y +35 7 87 W +35 7 88 Y +35 7 89 W +35 7 90 W +35 7 91 M +35 7 92 F +35 7 93 B +35 7 94 W +35 7 95 F +35 7 96 M +35 7 97 V +35 7 98 Y +35 7 99 F +35 7 100 B +35 7 101 Y +35 7 102 B +35 7 103 V +35 7 104 B +35 7 105 V +35 7 106 M +35 7 107 F +35 7 108 F +35 7 109 B +35 7 110 M +35 7 111 W +35 7 112 Y +35 7 113 W +35 7 114 T +35 7 115 Y +35 7 116 W +35 7 117 W +35 7 118 Y +35 7 119 T +35 7 120 F +35 7 121 Y +35 7 122 T +35 7 123 B +35 7 124 M +35 7 125 Y +35 7 126 Y +35 7 127 W +35 7 128 M +35 7 129 F +35 7 130 W +35 7 131 V +35 7 132 Y +35 7 133 T +35 7 134 W +35 7 135 Y +35 7 136 T +35 7 137 T +35 7 138 B +35 7 139 F +35 7 140 B +35 7 141 F +35 7 142 F +35 7 143 T +35 7 144 W +35 7 145 T +35 7 146 M +35 7 147 T +35 7 148 Y +35 7 149 T +35 7 150 W +35 7 151 Y +35 7 152 Y +35 7 153 B +35 7 154 W +35 7 155 W +35 7 156 T +35 7 157 Y +35 7 158 F +35 7 159 Y +35 7 160 Y +35 7 161 T +35 7 162 Y +35 7 163 T +35 7 164 B +35 7 165 T +35 7 166 W +35 7 167 V +35 7 168 T +35 7 169 B +35 7 170 W +35 7 171 T +35 7 172 F +35 7 173 Y +35 7 174 M +35 7 175 V +35 7 176 Y +35 7 177 M +35 7 178 B +35 7 179 V +35 7 180 N +35 7 181 M +35 7 182 W +35 7 183 V +35 7 184 B +35 7 185 Y +35 7 186 B +35 7 187 Y +35 7 188 B +35 7 189 F +35 7 190 Y +35 7 191 T +35 7 192 V +35 7 193 M +35 7 194 W +35 7 195 T +35 7 196 V +35 7 197 V +35 7 198 W +35 7 199 F +35 7 200 B +35 7 201 Y +35 7 202 T +35 7 203 Y +35 7 204 W +35 7 205 V +35 7 206 M +35 7 207 Y +35 7 208 Y +35 7 209 T +35 7 210 W +35 7 211 B +35 7 212 Y +35 7 213 B +35 7 214 M +35 7 215 Y +35 7 216 W +35 7 217 Y +35 7 218 T +35 7 219 F +35 7 220 B +35 7 221 F +35 7 222 V +35 7 223 T +35 7 224 F +35 7 225 V +35 7 226 W +35 7 227 W +35 7 228 W +35 7 229 T +35 7 230 F +35 7 231 V +35 7 232 W +35 7 233 B +35 7 234 T +35 7 235 B +35 7 236 T +35 7 237 Y +35 7 238 T +35 7 239 Y +35 7 240 Y +35 7 241 F +35 7 242 M +35 7 243 V +35 7 244 F +35 7 245 Y +35 7 246 T +35 7 247 V +35 7 248 T +35 7 249 T +35 7 250 W +35 7 251 T +35 7 252 F +35 7 253 T +35 7 254 B +35 7 255 W +35 7 256 Y +35 7 257 W +35 7 258 M +35 7 259 Y +35 7 260 M +35 7 261 Y +35 7 262 F +35 7 263 W +35 7 264 F +35 7 265 T +35 7 266 Y +35 7 267 V +35 7 268 T +35 7 269 Y +35 7 270 Y +35 7 271 T +35 7 272 F +35 7 273 V +35 7 274 F +35 7 275 M +35 7 276 Y +35 7 277 W +35 7 278 Y +35 7 279 V +35 7 280 T +35 7 281 T +35 7 282 T +35 7 283 W +35 7 284 F +35 7 285 Y +35 7 286 F +35 7 287 V +35 7 288 Y +35 7 289 T +35 7 290 F +35 7 291 B +35 7 292 Y +35 7 293 F +35 7 294 F +35 7 295 V +35 7 296 V +35 7 297 M +35 7 298 Y +35 7 299 T +35 7 300 F +35 7 301 T +35 7 302 F +35 7 303 F +35 7 304 V +35 7 305 V +35 7 306 N +35 7 307 B +35 7 308 V +35 7 309 W +35 7 310 T +35 7 311 B +35 7 312 W +35 7 313 W +35 7 314 F +35 7 315 T +35 7 316 B +35 7 317 Y +35 7 318 Y +35 7 319 F +35 7 320 V +35 7 321 Y +35 7 322 B +35 7 323 T +35 7 324 F +35 7 325 V +35 7 326 M +35 7 327 F +35 7 328 T +35 7 329 Y +35 7 330 F +35 8 1 B +35 8 2 B +35 8 3 Y +35 8 4 W +35 8 5 N +35 8 6 Y +35 8 7 T +35 8 8 Y +35 8 9 Y +35 8 10 W +35 8 11 W +35 8 12 M +35 8 13 W +35 8 14 W +35 8 15 V +35 8 16 F +35 8 17 Y +35 8 18 W +35 8 19 B +35 8 20 T +35 8 21 Y +35 8 22 M +35 8 23 V +35 8 24 W +35 8 25 W +35 8 26 B +35 8 27 F +35 8 28 Y +35 8 29 T +35 8 30 Y +35 8 31 F +35 8 32 Y +35 8 33 N +35 8 34 B +35 8 35 Y +35 8 36 W +35 8 37 B +35 8 38 Y +35 8 39 T +35 8 40 B +35 8 41 Y +35 8 42 M +35 8 43 W +35 8 44 F +35 8 45 T +35 8 46 W +35 8 47 W +35 8 48 M +35 8 49 W +35 8 50 V +35 8 51 V +35 8 52 F +35 8 53 Y +35 8 54 N +35 8 55 B +35 8 56 Y +35 8 57 W +35 8 58 V +35 8 59 F +35 8 60 W +35 8 61 Y +35 8 62 B +35 8 63 Y +35 8 64 B +35 8 65 Y +35 8 66 F +35 8 67 N +35 8 68 Y +35 8 69 V +35 8 70 V +35 8 71 W +35 8 72 T +35 8 73 B +35 8 74 B +35 8 75 W +35 8 76 Y +35 8 77 B +35 8 78 Y +35 8 79 W +35 8 80 B +35 8 81 N +35 8 82 T +35 8 83 M +35 8 84 Y +35 8 85 T +35 8 86 Y +35 8 87 W +35 8 88 Y +35 8 89 W +35 8 90 W +35 8 91 M +35 8 92 F +35 8 93 B +35 8 94 W +35 8 95 F +35 8 96 M +35 8 97 B +35 8 98 Y +35 8 99 F +35 8 100 B +35 8 101 Y +35 8 102 B +35 8 103 V +35 8 104 B +35 8 105 Y +35 8 106 M +35 8 107 F +35 8 108 B +35 8 109 B +35 8 110 M +35 8 111 W +35 8 112 Y +35 8 113 W +35 8 114 W +35 8 115 Y +35 8 116 F +35 8 117 W +35 8 118 Y +35 8 119 T +35 8 120 F +35 8 121 Y +35 8 122 T +35 8 123 W +35 8 124 M +35 8 125 Y +35 8 126 Y +35 8 127 W +35 8 128 M +35 8 129 F +35 8 130 W +35 8 131 V +35 8 132 Y +35 8 133 T +35 8 134 W +35 8 135 Y +35 8 136 B +35 8 137 T +35 8 138 B +35 8 139 F +35 8 140 B +35 8 141 F +35 8 142 F +35 8 143 M +35 8 144 W +35 8 145 T +35 8 146 M +35 8 147 T +35 8 148 Y +35 8 149 T +35 8 150 V +35 8 151 Y +35 8 152 V +35 8 153 B +35 8 154 W +35 8 155 W +35 8 156 T +35 8 157 W +35 8 158 F +35 8 159 Y +35 8 160 Y +35 8 161 T +35 8 162 Y +35 8 163 B +35 8 164 B +35 8 165 T +35 8 166 W +35 8 167 F +35 8 168 T +35 8 169 B +35 8 170 W +35 8 171 T +35 8 172 F +35 8 173 Y +35 8 174 M +35 8 175 B +35 8 176 Y +35 8 177 M +35 8 178 B +35 8 179 Y +35 8 180 T +35 8 181 M +35 8 182 W +35 8 183 V +35 8 184 V +35 8 185 Y +35 8 186 B +35 8 187 Y +35 8 188 B +35 8 189 F +35 8 190 Y +35 8 191 T +35 8 192 B +35 8 193 Y +35 8 194 M +35 8 195 N +35 8 196 B +35 8 197 B +35 8 198 W +35 8 199 F +35 8 200 B +35 8 201 Y +35 8 202 T +35 8 203 Y +35 8 204 W +35 8 205 B +35 8 206 M +35 8 207 Y +35 8 208 Y +35 8 209 W +35 8 210 Y +35 8 211 B +35 8 212 Y +35 8 213 B +35 8 214 M +35 8 215 Y +35 8 216 W +35 8 217 Y +35 8 218 T +35 8 219 F +35 8 220 B +35 8 221 F +35 8 222 V +35 8 223 T +35 8 224 F +35 8 225 T +35 8 226 W +35 8 227 W +35 8 228 W +35 8 229 T +35 8 230 F +35 8 231 Y +35 8 232 V +35 8 233 B +35 8 234 T +35 8 235 B +35 8 236 T +35 8 237 Y +35 8 238 T +35 8 239 Y +35 8 240 Y +35 8 241 F +35 8 242 M +35 8 243 W +35 8 244 F +35 8 245 Y +35 8 246 W +35 8 247 B +35 8 248 T +35 8 249 T +35 8 250 W +35 8 251 T +35 8 252 F +35 8 253 T +35 8 254 B +35 8 255 W +35 8 256 Y +35 8 257 M +35 8 258 W +35 8 259 Y +35 8 260 M +35 8 261 Y +35 8 262 F +35 8 263 W +35 8 264 W +35 8 265 N +35 8 266 Y +35 8 267 V +35 8 268 T +35 8 269 Y +35 8 270 M +35 8 271 T +35 8 272 F +35 8 273 V +35 8 274 F +35 8 275 M +35 8 276 Y +35 8 277 W +35 8 278 N +35 8 279 W +35 8 280 T +35 8 281 T +35 8 282 T +35 8 283 Y +35 8 284 F +35 8 285 Y +35 8 286 F +35 8 287 V +35 8 288 Y +35 8 289 B +35 8 290 F +35 8 291 B +35 8 292 Y +35 8 293 F +35 8 294 F +35 8 295 V +35 8 296 V +35 8 297 M +35 8 298 Y +35 8 299 N +35 8 300 F +35 8 301 T +35 8 302 F +35 8 303 F +35 8 304 T +35 8 305 V +35 8 306 T +35 8 307 W +35 8 308 V +35 8 309 W +35 8 310 N +35 8 311 B +35 8 312 W +35 8 313 W +35 8 314 F +35 8 315 N +35 8 316 T +35 8 317 Y +35 8 318 Y +35 8 319 F +35 8 320 T +35 8 321 Y +35 8 322 B +35 8 323 T +35 8 324 F +35 8 325 Y +35 8 326 M +35 8 327 F +35 8 328 T +35 8 329 F +35 8 330 V +35 9 1 W +35 9 2 F +35 9 3 Y +35 9 4 V +35 9 5 N +35 9 6 Y +35 9 7 T +35 9 8 Y +35 9 9 Y +35 9 10 W +35 9 11 N +35 9 12 M +35 9 13 W +35 9 14 W +35 9 15 F +35 9 16 F +35 9 17 Y +35 9 18 W +35 9 19 V +35 9 20 N +35 9 21 N +35 9 22 M +35 9 23 B +35 9 24 W +35 9 25 N +35 9 26 W +35 9 27 Y +35 9 28 F +35 9 29 N +35 9 30 Y +35 9 31 V +35 9 32 Y +35 9 33 M +35 9 34 V +35 9 35 Y +35 9 36 W +35 9 37 B +35 9 38 Y +35 9 39 T +35 9 40 V +35 9 41 Y +35 9 42 M +35 9 43 W +35 9 44 F +35 9 45 N +35 9 46 W +35 9 47 W +35 9 48 Y +35 9 49 W +35 9 50 W +35 9 51 W +35 9 52 F +35 9 53 Y +35 9 54 N +35 9 55 W +35 9 56 Y +35 9 57 V +35 9 58 W +35 9 59 F +35 9 60 W +35 9 61 Y +35 9 62 B +35 9 63 F +35 9 64 W +35 9 65 Y +35 9 66 F +35 9 67 F +35 9 68 W +35 9 69 N +35 9 70 F +35 9 71 V +35 9 72 N +35 9 73 B +35 9 74 F +35 9 75 W +35 9 76 Y +35 9 77 N +35 9 78 V +35 9 79 W +35 9 80 N +35 9 81 N +35 9 82 V +35 9 83 F +35 9 84 Y +35 9 85 N +35 9 86 V +35 9 87 W +35 9 88 B +35 9 89 W +35 9 90 W +35 9 91 M +35 9 92 F +35 9 93 N +35 9 94 W +35 9 95 F +35 9 96 M +35 9 97 B +35 9 98 Y +35 9 99 B +35 9 100 F +35 9 101 Y +35 9 102 F +35 9 103 N +35 9 104 F +35 9 105 B +35 9 106 M +35 9 107 F +35 9 108 F +35 9 109 W +35 9 110 M +35 9 111 W +35 9 112 Y +35 9 113 W +35 9 114 N +35 9 115 Y +35 9 116 F +35 9 117 W +35 9 118 Y +35 9 119 N +35 9 120 F +35 9 121 Y +35 9 122 N +35 9 123 W +35 9 124 M +35 9 125 Y +35 9 126 V +35 9 127 W +35 9 128 M +35 9 129 F +35 9 130 W +35 9 131 V +35 9 132 Y +35 9 133 N +35 9 134 W +35 9 135 B +35 9 136 N +35 9 137 W +35 9 138 W +35 9 139 F +35 9 140 W +35 9 141 F +35 9 142 F +35 9 143 M +35 9 144 W +35 9 145 T +35 9 146 M +35 9 147 N +35 9 148 Y +35 9 149 M +35 9 150 W +35 9 151 Y +35 9 152 V +35 9 153 B +35 9 154 W +35 9 155 W +35 9 156 T +35 9 157 W +35 9 158 F +35 9 159 Y +35 9 160 Y +35 9 161 N +35 9 162 Y +35 9 163 B +35 9 164 W +35 9 165 M +35 9 166 W +35 9 167 F +35 9 168 T +35 9 169 W +35 9 170 W +35 9 171 T +35 9 172 F +35 9 173 Y +35 9 174 M +35 9 175 V +35 9 176 Y +35 9 177 M +35 9 178 W +35 9 179 Y +35 9 180 T +35 9 181 M +35 9 182 V +35 9 183 V +35 9 184 B +35 9 185 Y +35 9 186 W +35 9 187 M +35 9 188 W +35 9 189 F +35 9 190 Y +35 9 191 N +35 9 192 B +35 9 193 M +35 9 194 V +35 9 195 T +35 9 196 T +35 9 197 B +35 9 198 W +35 9 199 F +35 9 200 B +35 9 201 Y +35 9 202 T +35 9 203 Y +35 9 204 W +35 9 205 B +35 9 206 F +35 9 207 Y +35 9 208 Y +35 9 209 N +35 9 210 W +35 9 211 B +35 9 212 Y +35 9 213 V +35 9 214 M +35 9 215 V +35 9 216 W +35 9 217 V +35 9 218 N +35 9 219 F +35 9 220 B +35 9 221 F +35 9 222 W +35 9 223 N +35 9 224 F +35 9 225 V +35 9 226 W +35 9 227 W +35 9 228 W +35 9 229 F +35 9 230 F +35 9 231 W +35 9 232 Y +35 9 233 B +35 9 234 N +35 9 235 W +35 9 236 M +35 9 237 M +35 9 238 B +35 9 239 V +35 9 240 W +35 9 241 F +35 9 242 M +35 9 243 W +35 9 244 F +35 9 245 Y +35 9 246 T +35 9 247 B +35 9 248 W +35 9 249 T +35 9 250 V +35 9 251 B +35 9 252 F +35 9 253 B +35 9 254 B +35 9 255 W +35 9 256 Y +35 9 257 W +35 9 258 M +35 9 259 Y +35 9 260 F +35 9 261 Y +35 9 262 F +35 9 263 W +35 9 264 F +35 9 265 N +35 9 266 W +35 9 267 W +35 9 268 N +35 9 269 V +35 9 270 M +35 9 271 W +35 9 272 F +35 9 273 V +35 9 274 F +35 9 275 M +35 9 276 W +35 9 277 W +35 9 278 Y +35 9 279 B +35 9 280 N +35 9 281 N +35 9 282 T +35 9 283 Y +35 9 284 F +35 9 285 V +35 9 286 F +35 9 287 M +35 9 288 Y +35 9 289 B +35 9 290 F +35 9 291 B +35 9 292 Y +35 9 293 F +35 9 294 F +35 9 295 M +35 9 296 B +35 9 297 M +35 9 298 Y +35 9 299 T +35 9 300 F +35 9 301 T +35 9 302 F +35 9 303 B +35 9 304 T +35 9 305 V +35 9 306 T +35 9 307 B +35 9 308 B +35 9 309 W +35 9 310 N +35 9 311 B +35 9 312 W +35 9 313 W +35 9 314 W +35 9 315 N +35 9 316 T +35 9 317 V +35 9 318 Y +35 9 319 F +35 9 320 T +35 9 321 Y +35 9 322 B +35 9 323 T +35 9 324 F +35 9 325 V +35 9 326 M +35 9 327 F +35 9 328 T +35 9 329 Y +35 9 330 F +35 10 1 W +35 10 2 V +35 10 3 Y +35 10 4 W +35 10 5 W +35 10 6 Y +35 10 7 T +35 10 8 Y +35 10 9 Y +35 10 10 W +35 10 11 W +35 10 12 M +35 10 13 W +35 10 14 W +35 10 15 F +35 10 16 F +35 10 17 Y +35 10 18 W +35 10 19 B +35 10 20 N +35 10 21 Y +35 10 22 M +35 10 23 B +35 10 24 W +35 10 25 W +35 10 26 B +35 10 27 F +35 10 28 Y +35 10 29 T +35 10 30 Y +35 10 31 B +35 10 32 Y +35 10 33 N +35 10 34 B +35 10 35 Y +35 10 36 W +35 10 37 B +35 10 38 Y +35 10 39 T +35 10 40 B +35 10 41 Y +35 10 42 M +35 10 43 B +35 10 44 F +35 10 45 T +35 10 46 W +35 10 47 W +35 10 48 Y +35 10 49 B +35 10 50 V +35 10 51 V +35 10 52 F +35 10 53 Y +35 10 54 N +35 10 55 B +35 10 56 Y +35 10 57 B +35 10 58 M +35 10 59 V +35 10 60 W +35 10 61 Y +35 10 62 B +35 10 63 Y +35 10 64 B +35 10 65 Y +35 10 66 F +35 10 67 T +35 10 68 Y +35 10 69 V +35 10 70 F +35 10 71 Y +35 10 72 N +35 10 73 B +35 10 74 B +35 10 75 T +35 10 76 Y +35 10 77 B +35 10 78 Y +35 10 79 W +35 10 80 B +35 10 81 T +35 10 82 W +35 10 83 M +35 10 84 Y +35 10 85 T +35 10 86 Y +35 10 87 W +35 10 88 Y +35 10 89 W +35 10 90 W +35 10 91 T +35 10 92 F +35 10 93 W +35 10 94 W +35 10 95 F +35 10 96 M +35 10 97 V +35 10 98 Y +35 10 99 V +35 10 100 V +35 10 101 Y +35 10 102 W +35 10 103 V +35 10 104 B +35 10 105 Y +35 10 106 M +35 10 107 F +35 10 108 F +35 10 109 B +35 10 110 Y +35 10 111 W +35 10 112 Y +35 10 113 W +35 10 114 B +35 10 115 Y +35 10 116 F +35 10 117 W +35 10 118 Y +35 10 119 T +35 10 120 F +35 10 121 Y +35 10 122 N +35 10 123 W +35 10 124 M +35 10 125 Y +35 10 126 Y +35 10 127 W +35 10 128 M +35 10 129 F +35 10 130 W +35 10 131 V +35 10 132 Y +35 10 133 T +35 10 134 W +35 10 135 Y +35 10 136 B +35 10 137 T +35 10 138 B +35 10 139 F +35 10 140 B +35 10 141 F +35 10 142 F +35 10 143 T +35 10 144 B +35 10 145 N +35 10 146 M +35 10 147 B +35 10 148 Y +35 10 149 N +35 10 150 V +35 10 151 Y +35 10 152 V +35 10 153 B +35 10 154 W +35 10 155 W +35 10 156 T +35 10 157 W +35 10 158 F +35 10 159 Y +35 10 160 Y +35 10 161 T +35 10 162 Y +35 10 163 T +35 10 164 B +35 10 165 V +35 10 166 B +35 10 167 V +35 10 168 N +35 10 169 B +35 10 170 W +35 10 171 N +35 10 172 F +35 10 173 Y +35 10 174 M +35 10 175 B +35 10 176 Y +35 10 177 M +35 10 178 W +35 10 179 V +35 10 180 N +35 10 181 M +35 10 182 K +35 10 183 V +35 10 184 V +35 10 185 Y +35 10 186 B +35 10 187 Y +35 10 188 B +35 10 189 B +35 10 190 Y +35 10 191 N +35 10 192 V +35 10 193 K +35 10 194 M +35 10 195 N +35 10 196 B +35 10 197 V +35 10 198 W +35 10 199 F +35 10 200 B +35 10 201 Y +35 10 202 T +35 10 203 K +35 10 204 W +35 10 205 B +35 10 206 F +35 10 207 Y +35 10 208 K +35 10 209 W +35 10 210 K +35 10 211 B +35 10 212 Y +35 10 213 B +35 10 214 M +35 10 215 K +35 10 216 W +35 10 217 Y +35 10 218 T +35 10 219 F +35 10 220 B +35 10 221 F +35 10 222 B +35 10 223 T +35 10 224 F +35 10 225 V +35 10 226 W +35 10 227 W +35 10 228 W +35 10 229 N +35 10 230 F +35 10 231 Y +35 10 232 N +35 10 233 B +35 10 234 T +35 10 235 B +35 10 236 T +35 10 237 Y +35 10 238 W +35 10 239 Y +35 10 240 K +35 10 241 F +35 10 242 M +35 10 243 K +35 10 244 F +35 10 245 Y +35 10 246 T +35 10 247 B +35 10 248 T +35 10 249 T +35 10 250 B +35 10 251 T +35 10 252 F +35 10 253 B +35 10 254 B +35 10 255 W +35 10 256 Y +35 10 257 M +35 10 258 B +35 10 259 Y +35 10 260 M +35 10 261 Y +35 10 262 F +35 10 263 W +35 10 264 F +35 10 265 N +35 10 266 Y +35 10 267 K +35 10 268 T +35 10 269 Y +35 10 270 Y +35 10 271 W +35 10 272 F +35 10 273 K +35 10 274 F +35 10 275 N +35 10 276 Y +35 10 277 B +35 10 278 Y +35 10 279 B +35 10 280 N +35 10 281 N +35 10 282 N +35 10 283 K +35 10 284 F +35 10 285 Y +35 10 286 F +35 10 287 N +35 10 288 Y +35 10 289 W +35 10 290 F +35 10 291 B +35 10 292 Y +35 10 293 F +35 10 294 F +35 10 295 K +35 10 296 B +35 10 297 M +35 10 298 Y +35 10 299 T +35 10 300 F +35 10 301 T +35 10 302 F +35 10 303 B +35 10 304 N +35 10 305 K +35 10 306 N +35 10 307 W +35 10 308 W +35 10 309 V +35 10 310 N +35 10 311 W +35 10 312 W +35 10 313 B +35 10 314 F +35 10 315 N +35 10 316 N +35 10 317 Y +35 10 318 Y +35 10 319 F +35 10 320 V +35 10 321 Y +35 10 322 B +35 10 323 T +35 10 324 F +35 10 325 Y +35 10 326 M +35 10 327 F +35 10 328 T +35 10 329 F +35 10 330 K +35 11 1 W +35 11 2 F +35 11 3 Y +35 11 4 W +35 11 5 B +35 11 6 Y +35 11 7 T +35 11 8 Y +35 11 9 Y +35 11 10 W +35 11 11 W +35 11 12 M +35 11 13 W +35 11 14 W +35 11 15 F +35 11 16 F +35 11 17 Y +35 11 18 W +35 11 19 B +35 11 20 N +35 11 21 Y +35 11 22 M +35 11 23 B +35 11 24 W +35 11 25 W +35 11 26 B +35 11 27 F +35 11 28 Y +35 11 29 W +35 11 30 Y +35 11 31 B +35 11 32 Y +35 11 33 T +35 11 34 B +35 11 35 Y +35 11 36 W +35 11 37 B +35 11 38 Y +35 11 39 T +35 11 40 Y +35 11 41 Y +35 11 42 M +35 11 43 W +35 11 44 F +35 11 45 T +35 11 46 W +35 11 47 W +35 11 48 M +35 11 49 B +35 11 50 B +35 11 51 W +35 11 52 F +35 11 53 Y +35 11 54 T +35 11 55 B +35 11 56 Y +35 11 57 W +35 11 58 M +35 11 59 F +35 11 60 W +35 11 61 Y +35 11 62 B +35 11 63 Y +35 11 64 B +35 11 65 Y +35 11 66 F +35 11 67 T +35 11 68 Y +35 11 69 W +35 11 70 F +35 11 71 W +35 11 72 T +35 11 73 V +35 11 74 F +35 11 75 W +35 11 76 Y +35 11 77 W +35 11 78 Y +35 11 79 W +35 11 80 W +35 11 81 T +35 11 82 T +35 11 83 M +35 11 84 Y +35 11 85 N +35 11 86 Y +35 11 87 W +35 11 88 Y +35 11 89 W +35 11 90 W +35 11 91 M +35 11 92 F +35 11 93 W +35 11 94 W +35 11 95 F +35 11 96 M +35 11 97 V +35 11 98 Y +35 11 99 B +35 11 100 B +35 11 101 Y +35 11 102 B +35 11 103 W +35 11 104 B +35 11 105 Y +35 11 106 M +35 11 107 F +35 11 108 F +35 11 109 W +35 11 110 M +35 11 111 W +35 11 112 Y +35 11 113 W +35 11 114 W +35 11 115 Y +35 11 116 F +35 11 117 W +35 11 118 Y +35 11 119 N +35 11 120 F +35 11 121 Y +35 11 122 T +35 11 123 W +35 11 124 M +35 11 125 Y +35 11 126 Y +35 11 127 W +35 11 128 M +35 11 129 F +35 11 130 W +35 11 131 V +35 11 132 Y +35 11 133 T +35 11 134 W +35 11 135 V +35 11 136 B +35 11 137 W +35 11 138 B +35 11 139 F +35 11 140 W +35 11 141 F +35 11 142 F +35 11 143 N +35 11 144 V +35 11 145 V +35 11 146 M +35 11 147 T +35 11 148 Y +35 11 149 N +35 11 150 V +35 11 151 Y +35 11 152 V +35 11 153 B +35 11 154 W +35 11 155 W +35 11 156 T +35 11 157 W +35 11 158 F +35 11 159 M +35 11 160 Y +35 11 161 T +35 11 162 Y +35 11 163 W +35 11 164 W +35 11 165 W +35 11 166 W +35 11 167 V +35 11 168 T +35 11 169 B +35 11 170 W +35 11 171 N +35 11 172 F +35 11 173 Y +35 11 174 M +35 11 175 B +35 11 176 Y +35 11 177 M +35 11 178 W +35 11 179 W +35 11 180 N +35 11 181 M +35 11 182 V +35 11 183 W +35 11 184 V +35 11 185 M +35 11 186 W +35 11 187 M +35 11 188 W +35 11 189 B +35 11 190 Y +35 11 191 W +35 11 192 B +35 11 193 W +35 11 194 M +35 11 195 T +35 11 196 T +35 11 197 V +35 11 198 W +35 11 199 F +35 11 200 B +35 11 201 Y +35 11 202 T +35 11 203 Y +35 11 204 W +35 11 205 V +35 11 206 F +35 11 207 Y +35 11 208 V +35 11 209 W +35 11 210 W +35 11 211 B +35 11 212 Y +35 11 213 F +35 11 214 M +35 11 215 V +35 11 216 W +35 11 217 Y +35 11 218 T +35 11 219 F +35 11 220 B +35 11 221 F +35 11 222 V +35 11 223 T +35 11 224 F +35 11 225 N +35 11 226 W +35 11 227 W +35 11 228 W +35 11 229 F +35 11 230 F +35 11 231 Y +35 11 232 Y +35 11 233 B +35 11 234 N +35 11 235 B +35 11 236 N +35 11 237 Y +35 11 238 W +35 11 239 Y +35 11 240 Y +35 11 241 F +35 11 242 M +35 11 243 V +35 11 244 F +35 11 245 Y +35 11 246 B +35 11 247 V +35 11 248 W +35 11 249 W +35 11 250 W +35 11 251 T +35 11 252 F +35 11 253 T +35 11 254 B +35 11 255 W +35 11 256 Y +35 11 257 M +35 11 258 W +35 11 259 Y +35 11 260 M +35 11 261 Y +35 11 262 F +35 11 263 W +35 11 264 F +35 11 265 T +35 11 266 Y +35 11 267 V +35 11 268 T +35 11 269 Y +35 11 270 Y +35 11 271 W +35 11 272 F +35 11 273 V +35 11 274 F +35 11 275 M +35 11 276 Y +35 11 277 W +35 11 278 Y +35 11 279 W +35 11 280 T +35 11 281 T +35 11 282 T +35 11 283 Y +35 11 284 F +35 11 285 Y +35 11 286 F +35 11 287 M +35 11 288 Y +35 11 289 B +35 11 290 F +35 11 291 B +35 11 292 Y +35 11 293 F +35 11 294 F +35 11 295 V +35 11 296 B +35 11 297 M +35 11 298 Y +35 11 299 T +35 11 300 F +35 11 301 T +35 11 302 F +35 11 303 F +35 11 304 T +35 11 305 V +35 11 306 T +35 11 307 B +35 11 308 B +35 11 309 W +35 11 310 T +35 11 311 B +35 11 312 W +35 11 313 W +35 11 314 F +35 11 315 T +35 11 316 W +35 11 317 V +35 11 318 Y +35 11 319 F +35 11 320 N +35 11 321 Y +35 11 322 B +35 11 323 T +35 11 324 B +35 11 325 V +35 11 326 M +35 11 327 F +35 11 328 N +35 11 329 F +35 11 330 Y +35 12 1 W +35 12 2 V +35 12 3 Y +35 12 4 B +35 12 5 N +35 12 6 V +35 12 7 N +35 12 8 Y +35 12 9 Y +35 12 10 W +35 12 11 W +35 12 12 M +35 12 13 W +35 12 14 W +35 12 15 V +35 12 16 F +35 12 17 Y +35 12 18 W +35 12 19 W +35 12 20 N +35 12 21 Y +35 12 22 F +35 12 23 B +35 12 24 W +35 12 25 W +35 12 26 W +35 12 27 Y +35 12 28 F +35 12 29 T +35 12 30 Y +35 12 31 V +35 12 32 Y +35 12 33 N +35 12 34 W +35 12 35 Y +35 12 36 W +35 12 37 V +35 12 38 Y +35 12 39 N +35 12 40 W +35 12 41 Y +35 12 42 M +35 12 43 W +35 12 44 F +35 12 45 N +35 12 46 W +35 12 47 W +35 12 48 M +35 12 49 V +35 12 50 V +35 12 51 V +35 12 52 F +35 12 53 Y +35 12 54 N +35 12 55 W +35 12 56 V +35 12 57 W +35 12 58 M +35 12 59 F +35 12 60 W +35 12 61 Y +35 12 62 V +35 12 63 Y +35 12 64 W +35 12 65 Y +35 12 66 F +35 12 67 V +35 12 68 Y +35 12 69 V +35 12 70 F +35 12 71 W +35 12 72 N +35 12 73 B +35 12 74 F +35 12 75 W +35 12 76 Y +35 12 77 W +35 12 78 V +35 12 79 W +35 12 80 W +35 12 81 T +35 12 82 W +35 12 83 F +35 12 84 Y +35 12 85 N +35 12 86 Y +35 12 87 W +35 12 88 Y +35 12 89 W +35 12 90 W +35 12 91 M +35 12 92 F +35 12 93 W +35 12 94 W +35 12 95 F +35 12 96 M +35 12 97 B +35 12 98 Y +35 12 99 V +35 12 100 V +35 12 101 Y +35 12 102 F +35 12 103 W +35 12 104 V +35 12 105 B +35 12 106 M +35 12 107 F +35 12 108 F +35 12 109 B +35 12 110 M +35 12 111 W +35 12 112 Y +35 12 113 W +35 12 114 W +35 12 115 Y +35 12 116 V +35 12 117 W +35 12 118 Y +35 12 119 T +35 12 120 F +35 12 121 Y +35 12 122 N +35 12 123 W +35 12 124 M +35 12 125 Y +35 12 126 Y +35 12 127 W +35 12 128 M +35 12 129 F +35 12 130 W +35 12 131 B +35 12 132 Y +35 12 133 N +35 12 134 V +35 12 135 B +35 12 136 V +35 12 137 W +35 12 138 W +35 12 139 F +35 12 140 W +35 12 141 F +35 12 142 F +35 12 143 M +35 12 144 B +35 12 145 N +35 12 146 M +35 12 147 N +35 12 148 Y +35 12 149 N +35 12 150 B +35 12 151 Y +35 12 152 B +35 12 153 W +35 12 154 W +35 12 155 W +35 12 156 N +35 12 157 W +35 12 158 F +35 12 159 V +35 12 160 Y +35 12 161 N +35 12 162 Y +35 12 163 W +35 12 164 W +35 12 165 V +35 12 166 W +35 12 167 F +35 12 168 N +35 12 169 W +35 12 170 W +35 12 171 V +35 12 172 F +35 12 173 Y +35 12 174 M +35 12 175 V +35 12 176 Y +35 12 177 M +35 12 178 W +35 12 179 W +35 12 180 N +35 12 181 M +35 12 182 V +35 12 183 W +35 12 184 B +35 12 185 V +35 12 186 W +35 12 187 M +35 12 188 W +35 12 189 F +35 12 190 Y +35 12 191 N +35 12 192 B +35 12 193 M +35 12 194 W +35 12 195 N +35 12 196 V +35 12 197 B +35 12 198 W +35 12 199 F +35 12 200 W +35 12 201 Y +35 12 202 N +35 12 203 Y +35 12 204 W +35 12 205 B +35 12 206 F +35 12 207 Y +35 12 208 M +35 12 209 W +35 12 210 W +35 12 211 W +35 12 212 M +35 12 213 B +35 12 214 M +35 12 215 Y +35 12 216 W +35 12 217 V +35 12 218 M +35 12 219 F +35 12 220 W +35 12 221 F +35 12 222 B +35 12 223 N +35 12 224 F +35 12 225 M +35 12 226 W +35 12 227 W +35 12 228 W +35 12 229 W +35 12 230 F +35 12 231 B +35 12 232 W +35 12 233 B +35 12 234 N +35 12 235 W +35 12 236 N +35 12 237 V +35 12 238 W +35 12 239 Y +35 12 240 Y +35 12 241 F +35 12 242 M +35 12 243 Y +35 12 244 F +35 12 245 Y +35 12 246 N +35 12 247 V +35 12 248 W +35 12 249 N +35 12 250 B +35 12 251 N +35 12 252 F +35 12 253 N +35 12 254 V +35 12 255 W +35 12 256 Y +35 12 257 W +35 12 258 M +35 12 259 Y +35 12 260 F +35 12 261 Y +35 12 262 F +35 12 263 F +35 12 264 V +35 12 265 N +35 12 266 Y +35 12 267 B +35 12 268 N +35 12 269 B +35 12 270 M +35 12 271 W +35 12 272 F +35 12 273 B +35 12 274 F +35 12 275 M +35 12 276 Y +35 12 277 W +35 12 278 Y +35 12 279 B +35 12 280 M +35 12 281 T +35 12 282 T +35 12 283 V +35 12 284 F +35 12 285 Y +35 12 286 F +35 12 287 V +35 12 288 Y +35 12 289 W +35 12 290 F +35 12 291 W +35 12 292 Y +35 12 293 F +35 12 294 F +35 12 295 V +35 12 296 B +35 12 297 M +35 12 298 Y +35 12 299 N +35 12 300 F +35 12 301 N +35 12 302 F +35 12 303 V +35 12 304 V +35 12 305 B +35 12 306 N +35 12 307 W +35 12 308 B +35 12 309 W +35 12 310 N +35 12 311 W +35 12 312 W +35 12 313 B +35 12 314 F +35 12 315 T +35 12 316 N +35 12 317 Y +35 12 318 Y +35 12 319 F +35 12 320 V +35 12 321 Y +35 12 322 W +35 12 323 N +35 12 324 F +35 12 325 B +35 12 326 M +35 12 327 F +35 12 328 W +35 12 329 Y +35 12 330 F +35 13 1 B +35 13 2 N +35 13 3 Y +35 13 4 Y +35 13 5 T +35 13 6 Y +35 13 7 T +35 13 8 Y +35 13 9 V +35 13 10 B +35 13 11 T +35 13 12 M +35 13 13 T +35 13 14 W +35 13 15 V +35 13 16 F +35 13 17 Y +35 13 18 W +35 13 19 B +35 13 20 T +35 13 21 Y +35 13 22 M +35 13 23 B +35 13 24 W +35 13 25 B +35 13 26 B +35 13 27 Y +35 13 28 F +35 13 29 T +35 13 30 Y +35 13 31 B +35 13 32 Y +35 13 33 T +35 13 34 B +35 13 35 Y +35 13 36 T +35 13 37 B +35 13 38 Y +35 13 39 T +35 13 40 W +35 13 41 Y +35 13 42 M +35 13 43 W +35 13 44 F +35 13 45 T +35 13 46 W +35 13 47 W +35 13 48 M +35 13 49 B +35 13 50 V +35 13 51 W +35 13 52 F +35 13 53 Y +35 13 54 T +35 13 55 B +35 13 56 Y +35 13 57 B +35 13 58 M +35 13 59 F +35 13 60 W +35 13 61 Y +35 13 62 B +35 13 63 Y +35 13 64 B +35 13 65 Y +35 13 66 F +35 13 67 N +35 13 68 Y +35 13 69 W +35 13 70 F +35 13 71 W +35 13 72 T +35 13 73 W +35 13 74 F +35 13 75 W +35 13 76 Y +35 13 77 B +35 13 78 V +35 13 79 W +35 13 80 B +35 13 81 T +35 13 82 T +35 13 83 F +35 13 84 Y +35 13 85 T +35 13 86 Y +35 13 87 W +35 13 88 B +35 13 89 W +35 13 90 W +35 13 91 M +35 13 92 F +35 13 93 B +35 13 94 W +35 13 95 F +35 13 96 M +35 13 97 B +35 13 98 Y +35 13 99 V +35 13 100 F +35 13 101 V +35 13 102 B +35 13 103 V +35 13 104 B +35 13 105 V +35 13 106 M +35 13 107 F +35 13 108 F +35 13 109 B +35 13 110 M +35 13 111 W +35 13 112 Y +35 13 113 W +35 13 114 W +35 13 115 Y +35 13 116 F +35 13 117 W +35 13 118 Y +35 13 119 T +35 13 120 F +35 13 121 Y +35 13 122 T +35 13 123 V +35 13 124 M +35 13 125 Y +35 13 126 Y +35 13 127 W +35 13 128 M +35 13 129 F +35 13 130 W +35 13 131 V +35 13 132 Y +35 13 133 T +35 13 134 V +35 13 135 V +35 13 136 B +35 13 137 T +35 13 138 B +35 13 139 F +35 13 140 B +35 13 141 F +35 13 142 F +35 13 143 M +35 13 144 W +35 13 145 N +35 13 146 M +35 13 147 B +35 13 148 Y +35 13 149 T +35 13 150 B +35 13 151 Y +35 13 152 V +35 13 153 B +35 13 154 W +35 13 155 W +35 13 156 T +35 13 157 W +35 13 158 F +35 13 159 Y +35 13 160 Y +35 13 161 T +35 13 162 Y +35 13 163 W +35 13 164 W +35 13 165 V +35 13 166 W +35 13 167 B +35 13 168 T +35 13 169 B +35 13 170 W +35 13 171 T +35 13 172 F +35 13 173 Y +35 13 174 M +35 13 175 B +35 13 176 Y +35 13 177 M +35 13 178 W +35 13 179 Y +35 13 180 T +35 13 181 M +35 13 182 V +35 13 183 V +35 13 184 B +35 13 185 Y +35 13 186 B +35 13 187 Y +35 13 188 B +35 13 189 B +35 13 190 Y +35 13 191 T +35 13 192 B +35 13 193 M +35 13 194 Y +35 13 195 T +35 13 196 V +35 13 197 V +35 13 198 W +35 13 199 F +35 13 200 B +35 13 201 Y +35 13 202 T +35 13 203 B +35 13 204 W +35 13 205 B +35 13 206 F +35 13 207 Y +35 13 208 V +35 13 209 W +35 13 210 W +35 13 211 W +35 13 212 Y +35 13 213 F +35 13 214 M +35 13 215 B +35 13 216 W +35 13 217 V +35 13 218 T +35 13 219 F +35 13 220 B +35 13 221 F +35 13 222 B +35 13 223 T +35 13 224 F +35 13 225 V +35 13 226 W +35 13 227 W +35 13 228 W +35 13 229 T +35 13 230 F +35 13 231 B +35 13 232 W +35 13 233 B +35 13 234 W +35 13 235 B +35 13 236 N +35 13 237 V +35 13 238 W +35 13 239 Y +35 13 240 V +35 13 241 F +35 13 242 M +35 13 243 B +35 13 244 F +35 13 245 Y +35 13 246 T +35 13 247 B +35 13 248 T +35 13 249 T +35 13 250 B +35 13 251 N +35 13 252 F +35 13 253 N +35 13 254 B +35 13 255 W +35 13 256 Y +35 13 257 W +35 13 258 M +35 13 259 Y +35 13 260 M +35 13 261 Y +35 13 262 F +35 13 263 F +35 13 264 B +35 13 265 N +35 13 266 Y +35 13 267 B +35 13 268 T +35 13 269 B +35 13 270 Y +35 13 271 W +35 13 272 F +35 13 273 B +35 13 274 F +35 13 275 M +35 13 276 Y +35 13 277 W +35 13 278 Y +35 13 279 B +35 13 280 T +35 13 281 T +35 13 282 T +35 13 283 W +35 13 284 F +35 13 285 V +35 13 286 F +35 13 287 V +35 13 288 Y +35 13 289 W +35 13 290 F +35 13 291 B +35 13 292 V +35 13 293 F +35 13 294 F +35 13 295 V +35 13 296 B +35 13 297 M +35 13 298 Y +35 13 299 T +35 13 300 F +35 13 301 T +35 13 302 F +35 13 303 F +35 13 304 N +35 13 305 B +35 13 306 T +35 13 307 W +35 13 308 B +35 13 309 W +35 13 310 T +35 13 311 W +35 13 312 W +35 13 313 B +35 13 314 F +35 13 315 T +35 13 316 W +35 13 317 V +35 13 318 Y +35 13 319 F +35 13 320 N +35 13 321 Y +35 13 322 B +35 13 323 T +35 13 324 F +35 13 325 B +35 13 326 M +35 13 327 F +35 13 328 T +35 13 329 V +35 13 330 F +35 14 1 W +35 14 2 B +35 14 3 Y +35 14 4 W +35 14 5 N +35 14 6 K +35 14 7 N +35 14 8 Y +35 14 9 K +35 14 10 B +35 14 11 W +35 14 12 M +35 14 13 N +35 14 14 W +35 14 15 K +35 14 16 F +35 14 17 Y +35 14 18 W +35 14 19 B +35 14 20 N +35 14 21 Y +35 14 22 M +35 14 23 V +35 14 24 W +35 14 25 W +35 14 26 W +35 14 27 F +35 14 28 Y +35 14 29 N +35 14 30 K +35 14 31 B +35 14 32 Y +35 14 33 T +35 14 34 B +35 14 35 Y +35 14 36 W +35 14 37 B +35 14 38 Y +35 14 39 N +35 14 40 B +35 14 41 K +35 14 42 M +35 14 43 W +35 14 44 F +35 14 45 N +35 14 46 W +35 14 47 W +35 14 48 M +35 14 49 B +35 14 50 K +35 14 51 K +35 14 52 F +35 14 53 Y +35 14 54 T +35 14 55 B +35 14 56 K +35 14 57 B +35 14 58 K +35 14 59 F +35 14 60 W +35 14 61 Y +35 14 62 B +35 14 63 Y +35 14 64 B +35 14 65 Y +35 14 66 F +35 14 67 T +35 14 68 Y +35 14 69 W +35 14 70 F +35 14 71 K +35 14 72 T +35 14 73 K +35 14 74 W +35 14 75 T +35 14 76 Y +35 14 77 B +35 14 78 F +35 14 79 W +35 14 80 B +35 14 81 N +35 14 82 W +35 14 83 M +35 14 84 Y +35 14 85 N +35 14 86 Y +35 14 87 W +35 14 88 Y +35 14 89 W +35 14 90 W +35 14 91 M +35 14 92 F +35 14 93 B +35 14 94 W +35 14 95 F +35 14 96 M +35 14 97 B +35 14 98 Y +35 14 99 F +35 14 100 B +35 14 101 Y +35 14 102 B +35 14 103 K +35 14 104 B +35 14 105 Y +35 14 106 F +35 14 107 F +35 14 108 F +35 14 109 B +35 14 110 M +35 14 111 W +35 14 112 Y +35 14 113 W +35 14 114 W +35 14 115 Y +35 14 116 B +35 14 117 K +35 14 118 Y +35 14 119 N +35 14 120 F +35 14 121 Y +35 14 122 N +35 14 123 B +35 14 124 M +35 14 125 Y +35 14 126 Y +35 14 127 W +35 14 128 M +35 14 129 F +35 14 130 W +35 14 131 W +35 14 132 Y +35 14 133 T +35 14 134 K +35 14 135 Y +35 14 136 B +35 14 137 W +35 14 138 B +35 14 139 F +35 14 140 W +35 14 141 F +35 14 142 F +35 14 143 T +35 14 144 W +35 14 145 T +35 14 146 M +35 14 147 T +35 14 148 Y +35 14 149 N +35 14 150 K +35 14 151 Y +35 14 152 Y +35 14 153 B +35 14 154 W +35 14 155 K +35 14 156 T +35 14 157 K +35 14 158 F +35 14 159 K +35 14 160 Y +35 14 161 W +35 14 162 Y +35 14 163 W +35 14 164 B +35 14 165 K +35 14 166 B +35 14 167 B +35 14 168 N +35 14 169 B +35 14 170 W +35 14 171 K +35 14 172 F +35 14 173 Y +35 14 174 M +35 14 175 B +35 14 176 Y +35 14 177 M +35 14 178 B +35 14 179 K +35 14 180 T +35 14 181 M +35 14 182 K +35 14 183 K +35 14 184 K +35 14 185 K +35 14 186 B +35 14 187 M +35 14 188 B +35 14 189 B +35 14 190 Y +35 14 191 T +35 14 192 B +35 14 193 M +35 14 194 K +35 14 195 T +35 14 196 T +35 14 197 K +35 14 198 W +35 14 199 F +35 14 200 B +35 14 201 Y +35 14 202 T +35 14 203 Y +35 14 204 W +35 14 205 B +35 14 206 F +35 14 207 Y +35 14 208 K +35 14 209 W +35 14 210 K +35 14 211 B +35 14 212 M +35 14 213 B +35 14 214 M +35 14 215 Y +35 14 216 W +35 14 217 Y +35 14 218 T +35 14 219 F +35 14 220 B +35 14 221 F +35 14 222 B +35 14 223 T +35 14 224 F +35 14 225 M +35 14 226 B +35 14 227 W +35 14 228 W +35 14 229 B +35 14 230 F +35 14 231 B +35 14 232 K +35 14 233 B +35 14 234 T +35 14 235 B +35 14 236 T +35 14 237 Y +35 14 238 B +35 14 239 Y +35 14 240 K +35 14 241 F +35 14 242 M +35 14 243 K +35 14 244 F +35 14 245 Y +35 14 246 B +35 14 247 B +35 14 248 W +35 14 249 T +35 14 250 B +35 14 251 T +35 14 252 F +35 14 253 T +35 14 254 B +35 14 255 W +35 14 256 Y +35 14 257 M +35 14 258 B +35 14 259 K +35 14 260 M +35 14 261 Y +35 14 262 F +35 14 263 W +35 14 264 B +35 14 265 T +35 14 266 Y +35 14 267 K +35 14 268 T +35 14 269 Y +35 14 270 M +35 14 271 W +35 14 272 F +35 14 273 Y +35 14 274 F +35 14 275 K +35 14 276 Y +35 14 277 W +35 14 278 Y +35 14 279 B +35 14 280 T +35 14 281 T +35 14 282 T +35 14 283 K +35 14 284 F +35 14 285 Y +35 14 286 F +35 14 287 K +35 14 288 Y +35 14 289 B +35 14 290 F +35 14 291 B +35 14 292 Y +35 14 293 F +35 14 294 F +35 14 295 K +35 14 296 B +35 14 297 M +35 14 298 Y +35 14 299 T +35 14 300 F +35 14 301 T +35 14 302 F +35 14 303 B +35 14 304 T +35 14 305 Y +35 14 306 T +35 14 307 B +35 14 308 B +35 14 309 K +35 14 310 T +35 14 311 B +35 14 312 W +35 14 313 B +35 14 314 F +35 14 315 T +35 14 316 T +35 14 317 Y +35 14 318 Y +35 14 319 F +35 14 320 K +35 14 321 Y +35 14 322 B +35 14 323 T +35 14 324 F +35 14 325 Y +35 14 326 M +35 14 327 F +35 14 328 T +35 14 329 F +35 14 330 K +35 15 1 W +35 15 2 F +35 15 3 Y +35 15 4 W +35 15 5 T +35 15 6 Y +35 15 7 T +35 15 8 Y +35 15 9 Y +35 15 10 W +35 15 11 W +35 15 12 M +35 15 13 N +35 15 14 W +35 15 15 F +35 15 16 F +35 15 17 Y +35 15 18 W +35 15 19 B +35 15 20 T +35 15 21 Y +35 15 22 M +35 15 23 V +35 15 24 W +35 15 25 W +35 15 26 B +35 15 27 Y +35 15 28 F +35 15 29 N +35 15 30 Y +35 15 31 F +35 15 32 Y +35 15 33 T +35 15 34 B +35 15 35 Y +35 15 36 W +35 15 37 B +35 15 38 Y +35 15 39 T +35 15 40 B +35 15 41 Y +35 15 42 M +35 15 43 W +35 15 44 F +35 15 45 N +35 15 46 W +35 15 47 W +35 15 48 Y +35 15 49 B +35 15 50 V +35 15 51 W +35 15 52 F +35 15 53 Y +35 15 54 T +35 15 55 B +35 15 56 Y +35 15 57 W +35 15 58 M +35 15 59 F +35 15 60 W +35 15 61 Y +35 15 62 B +35 15 63 Y +35 15 64 B +35 15 65 Y +35 15 66 F +35 15 67 T +35 15 68 Y +35 15 69 V +35 15 70 F +35 15 71 V +35 15 72 T +35 15 73 V +35 15 74 F +35 15 75 T +35 15 76 Y +35 15 77 B +35 15 78 Y +35 15 79 W +35 15 80 B +35 15 81 T +35 15 82 B +35 15 83 F +35 15 84 Y +35 15 85 N +35 15 86 Y +35 15 87 W +35 15 88 Y +35 15 89 W +35 15 90 W +35 15 91 M +35 15 92 F +35 15 93 W +35 15 94 W +35 15 95 F +35 15 96 M +35 15 97 B +35 15 98 Y +35 15 99 F +35 15 100 F +35 15 101 Y +35 15 102 B +35 15 103 W +35 15 104 B +35 15 105 Y +35 15 106 M +35 15 107 F +35 15 108 F +35 15 109 B +35 15 110 M +35 15 111 V +35 15 112 Y +35 15 113 W +35 15 114 T +35 15 115 Y +35 15 116 F +35 15 117 W +35 15 118 Y +35 15 119 T +35 15 120 F +35 15 121 Y +35 15 122 N +35 15 123 B +35 15 124 M +35 15 125 Y +35 15 126 Y +35 15 127 W +35 15 128 M +35 15 129 F +35 15 130 W +35 15 131 B +35 15 132 Y +35 15 133 T +35 15 134 W +35 15 135 Y +35 15 136 B +35 15 137 W +35 15 138 B +35 15 139 F +35 15 140 B +35 15 141 F +35 15 142 F +35 15 143 T +35 15 144 B +35 15 145 T +35 15 146 M +35 15 147 B +35 15 148 Y +35 15 149 T +35 15 150 V +35 15 151 Y +35 15 152 Y +35 15 153 B +35 15 154 W +35 15 155 W +35 15 156 T +35 15 157 Y +35 15 158 F +35 15 159 Y +35 15 160 V +35 15 161 T +35 15 162 Y +35 15 163 T +35 15 164 B +35 15 165 V +35 15 166 W +35 15 167 F +35 15 168 T +35 15 169 B +35 15 170 W +35 15 171 T +35 15 172 F +35 15 173 Y +35 15 174 M +35 15 175 B +35 15 176 Y +35 15 177 M +35 15 178 W +35 15 179 V +35 15 180 T +35 15 181 M +35 15 182 V +35 15 183 V +35 15 184 V +35 15 185 Y +35 15 186 B +35 15 187 Y +35 15 188 B +35 15 189 F +35 15 190 Y +35 15 191 T +35 15 192 B +35 15 193 M +35 15 194 V +35 15 195 T +35 15 196 F +35 15 197 V +35 15 198 W +35 15 199 F +35 15 200 F +35 15 201 Y +35 15 202 T +35 15 203 Y +35 15 204 W +35 15 205 B +35 15 206 F +35 15 207 Y +35 15 208 Y +35 15 209 W +35 15 210 W +35 15 211 B +35 15 212 Y +35 15 213 B +35 15 214 M +35 15 215 V +35 15 216 W +35 15 217 Y +35 15 218 M +35 15 219 F +35 15 220 B +35 15 221 F +35 15 222 V +35 15 223 T +35 15 224 F +35 15 225 M +35 15 226 W +35 15 227 W +35 15 228 W +35 15 229 T +35 15 230 F +35 15 231 Y +35 15 232 W +35 15 233 B +35 15 234 T +35 15 235 B +35 15 236 M +35 15 237 Y +35 15 238 B +35 15 239 Y +35 15 240 Y +35 15 241 F +35 15 242 M +35 15 243 Y +35 15 244 F +35 15 245 Y +35 15 246 T +35 15 247 B +35 15 248 W +35 15 249 T +35 15 250 B +35 15 251 T +35 15 252 F +35 15 253 T +35 15 254 B +35 15 255 W +35 15 256 Y +35 15 257 W +35 15 258 M +35 15 259 Y +35 15 260 M +35 15 261 Y +35 15 262 F +35 15 263 F +35 15 264 B +35 15 265 T +35 15 266 Y +35 15 267 W +35 15 268 N +35 15 269 Y +35 15 270 Y +35 15 271 W +35 15 272 F +35 15 273 F +35 15 274 F +35 15 275 M +35 15 276 Y +35 15 277 W +35 15 278 Y +35 15 279 B +35 15 280 T +35 15 281 T +35 15 282 T +35 15 283 Y +35 15 284 F +35 15 285 Y +35 15 286 F +35 15 287 V +35 15 288 Y +35 15 289 B +35 15 290 F +35 15 291 B +35 15 292 Y +35 15 293 F +35 15 294 F +35 15 295 W +35 15 296 W +35 15 297 M +35 15 298 Y +35 15 299 N +35 15 300 F +35 15 301 T +35 15 302 F +35 15 303 F +35 15 304 W +35 15 305 W +35 15 306 T +35 15 307 B +35 15 308 V +35 15 309 W +35 15 310 T +35 15 311 B +35 15 312 W +35 15 313 W +35 15 314 F +35 15 315 T +35 15 316 T +35 15 317 Y +35 15 318 Y +35 15 319 F +35 15 320 W +35 15 321 Y +35 15 322 B +35 15 323 T +35 15 324 F +35 15 325 Y +35 15 326 M +35 15 327 F +35 15 328 N +35 15 329 Y +35 15 330 F +35 16 1 W +35 16 2 V +35 16 3 Y +35 16 4 W +35 16 5 V +35 16 6 Y +35 16 7 W +35 16 8 Y +35 16 9 Y +35 16 10 W +35 16 11 W +35 16 12 M +35 16 13 W +35 16 14 W +35 16 15 Y +35 16 16 F +35 16 17 Y +35 16 18 W +35 16 19 V +35 16 20 V +35 16 21 Y +35 16 22 M +35 16 23 V +35 16 24 W +35 16 25 W +35 16 26 W +35 16 27 F +35 16 28 Y +35 16 29 V +35 16 30 Y +35 16 31 V +35 16 32 Y +35 16 33 V +35 16 34 W +35 16 35 Y +35 16 36 W +35 16 37 W +35 16 38 Y +35 16 39 V +35 16 40 W +35 16 41 Y +35 16 42 M +35 16 43 W +35 16 44 F +35 16 45 V +35 16 46 W +35 16 47 W +35 16 48 M +35 16 49 V +35 16 50 Y +35 16 51 V +35 16 52 F +35 16 53 Y +35 16 54 V +35 16 55 W +35 16 56 Y +35 16 57 W +35 16 58 M +35 16 59 F +35 16 60 W +35 16 61 Y +35 16 62 V +35 16 63 Y +35 16 64 W +35 16 65 Y +35 16 66 F +35 16 67 V +35 16 68 Y +35 16 69 V +35 16 70 F +35 16 71 W +35 16 72 W +35 16 73 Y +35 16 74 F +35 16 75 W +35 16 76 Y +35 16 77 W +35 16 78 V +35 16 79 W +35 16 80 W +35 16 81 V +35 16 82 V +35 16 83 M +35 16 84 Y +35 16 85 V +35 16 86 Y +35 16 87 W +35 16 88 Y +35 16 89 W +35 16 90 W +35 16 91 M +35 16 92 F +35 16 93 W +35 16 94 W +35 16 95 F +35 16 96 M +35 16 97 W +35 16 98 Y +35 16 99 V +35 16 100 V +35 16 101 Y +35 16 102 V +35 16 103 V +35 16 104 V +35 16 105 V +35 16 106 M +35 16 107 F +35 16 108 F +35 16 109 W +35 16 110 M +35 16 111 W +35 16 112 Y +35 16 113 W +35 16 114 W +35 16 115 Y +35 16 116 F +35 16 117 W +35 16 118 Y +35 16 119 W +35 16 120 F +35 16 121 Y +35 16 122 W +35 16 123 W +35 16 124 M +35 16 125 Y +35 16 126 Y +35 16 127 W +35 16 128 M +35 16 129 F +35 16 130 W +35 16 131 Y +35 16 132 Y +35 16 133 W +35 16 134 W +35 16 135 Y +35 16 136 V +35 16 137 V +35 16 138 V +35 16 139 F +35 16 140 W +35 16 141 F +35 16 142 F +35 16 143 M +35 16 144 W +35 16 145 V +35 16 146 M +35 16 147 V +35 16 148 Y +35 16 149 V +35 16 150 W +35 16 151 Y +35 16 152 Y +35 16 153 W +35 16 154 W +35 16 155 W +35 16 156 W +35 16 157 Y +35 16 158 F +35 16 159 Y +35 16 160 Y +35 16 161 V +35 16 162 Y +35 16 163 W +35 16 164 W +35 16 165 W +35 16 166 W +35 16 167 W +35 16 168 W +35 16 169 W +35 16 170 W +35 16 171 V +35 16 172 F +35 16 173 Y +35 16 174 M +35 16 175 W +35 16 176 Y +35 16 177 M +35 16 178 W +35 16 179 Y +35 16 180 V +35 16 181 M +35 16 182 Y +35 16 183 V +35 16 184 V +35 16 185 Y +35 16 186 W +35 16 187 Y +35 16 188 W +35 16 189 W +35 16 190 Y +35 16 191 W +35 16 192 V +35 16 193 M +35 16 194 Y +35 16 195 V +35 16 196 V +35 16 197 V +35 16 198 W +35 16 199 F +35 16 200 V +35 16 201 Y +35 16 202 V +35 16 203 Y +35 16 204 W +35 16 205 W +35 16 206 F +35 16 207 Y +35 16 208 Y +35 16 209 W +35 16 210 Y +35 16 211 W +35 16 212 Y +35 16 213 V +35 16 214 M +35 16 215 V +35 16 216 W +35 16 217 Y +35 16 218 V +35 16 219 F +35 16 220 W +35 16 221 F +35 16 222 V +35 16 223 V +35 16 224 F +35 16 225 V +35 16 226 W +35 16 227 W +35 16 228 W +35 16 229 V +35 16 230 F +35 16 231 V +35 16 232 V +35 16 233 W +35 16 234 V +35 16 235 W +35 16 236 V +35 16 237 Y +35 16 238 W +35 16 239 Y +35 16 240 Y +35 16 241 F +35 16 242 M +35 16 243 Y +35 16 244 F +35 16 245 Y +35 16 246 V +35 16 247 V +35 16 248 V +35 16 249 V +35 16 250 V +35 16 251 V +35 16 252 F +35 16 253 V +35 16 254 V +35 16 255 W +35 16 256 Y +35 16 257 W +35 16 258 M +35 16 259 Y +35 16 260 M +35 16 261 Y +35 16 262 F +35 16 263 W +35 16 264 V +35 16 265 V +35 16 266 Y +35 16 267 V +35 16 268 V +35 16 269 Y +35 16 270 Y +35 16 271 W +35 16 272 F +35 16 273 V +35 16 274 F +35 16 275 M +35 16 276 Y +35 16 277 W +35 16 278 Y +35 16 279 W +35 16 280 V +35 16 281 V +35 16 282 V +35 16 283 Y +35 16 284 F +35 16 285 Y +35 16 286 F +35 16 287 Y +35 16 288 Y +35 16 289 V +35 16 290 F +35 16 291 W +35 16 292 Y +35 16 293 F +35 16 294 F +35 16 295 Y +35 16 296 V +35 16 297 M +35 16 298 Y +35 16 299 V +35 16 300 F +35 16 301 V +35 16 302 F +35 16 303 W +35 16 304 V +35 16 305 V +35 16 306 V +35 16 307 W +35 16 308 V +35 16 309 V +35 16 310 V +35 16 311 V +35 16 312 W +35 16 313 W +35 16 314 F +35 16 315 V +35 16 316 V +35 16 317 Y +35 16 318 Y +35 16 319 F +35 16 320 V +35 16 321 Y +35 16 322 V +35 16 323 V +35 16 324 F +35 16 325 V +35 16 326 M +35 16 327 F +35 16 328 W +35 16 329 Y +35 16 330 F +35 17 1 B +35 17 2 N +35 17 3 Y +35 17 4 W +35 17 5 N +35 17 6 Y +35 17 7 T +35 17 8 Y +35 17 9 K +35 17 10 B +35 17 11 T +35 17 12 M +35 17 13 T +35 17 14 W +35 17 15 V +35 17 16 F +35 17 17 Y +35 17 18 W +35 17 19 B +35 17 20 T +35 17 21 Y +35 17 22 M +35 17 23 V +35 17 24 K +35 17 25 B +35 17 26 B +35 17 27 F +35 17 28 Y +35 17 29 T +35 17 30 Y +35 17 31 B +35 17 32 Y +35 17 33 T +35 17 34 B +35 17 35 Y +35 17 36 N +35 17 37 B +35 17 38 Y +35 17 39 N +35 17 40 B +35 17 41 Y +35 17 42 K +35 17 43 W +35 17 44 F +35 17 45 T +35 17 46 W +35 17 47 N +35 17 48 Y +35 17 49 B +35 17 50 V +35 17 51 K +35 17 52 F +35 17 53 Y +35 17 54 T +35 17 55 B +35 17 56 Y +35 17 57 N +35 17 58 K +35 17 59 F +35 17 60 W +35 17 61 Y +35 17 62 B +35 17 63 Y +35 17 64 B +35 17 65 Y +35 17 66 F +35 17 67 T +35 17 68 Y +35 17 69 K +35 17 70 F +35 17 71 K +35 17 72 N +35 17 73 B +35 17 74 F +35 17 75 N +35 17 76 Y +35 17 77 B +35 17 78 V +35 17 79 W +35 17 80 B +35 17 81 T +35 17 82 T +35 17 83 M +35 17 84 Y +35 17 85 T +35 17 86 V +35 17 87 W +35 17 88 Y +35 17 89 W +35 17 90 T +35 17 91 M +35 17 92 F +35 17 93 B +35 17 94 W +35 17 95 F +35 17 96 M +35 17 97 B +35 17 98 Y +35 17 99 V +35 17 100 V +35 17 101 Y +35 17 102 V +35 17 103 K +35 17 104 B +35 17 105 Y +35 17 106 M +35 17 107 F +35 17 108 F +35 17 109 B +35 17 110 M +35 17 111 T +35 17 112 Y +35 17 113 W +35 17 114 N +35 17 115 Y +35 17 116 F +35 17 117 K +35 17 118 Y +35 17 119 N +35 17 120 F +35 17 121 Y +35 17 122 N +35 17 123 B +35 17 124 M +35 17 125 Y +35 17 126 Y +35 17 127 W +35 17 128 M +35 17 129 F +35 17 130 T +35 17 131 B +35 17 132 Y +35 17 133 T +35 17 134 K +35 17 135 Y +35 17 136 B +35 17 137 T +35 17 138 B +35 17 139 F +35 17 140 W +35 17 141 F +35 17 142 F +35 17 143 M +35 17 144 B +35 17 145 N +35 17 146 M +35 17 147 N +35 17 148 Y +35 17 149 T +35 17 150 B +35 17 151 Y +35 17 152 V +35 17 153 B +35 17 154 W +35 17 155 K +35 17 156 T +35 17 157 K +35 17 158 F +35 17 159 Y +35 17 160 Y +35 17 161 N +35 17 162 Y +35 17 163 N +35 17 164 B +35 17 165 K +35 17 166 W +35 17 167 V +35 17 168 T +35 17 169 B +35 17 170 W +35 17 171 K +35 17 172 F +35 17 173 Y +35 17 174 M +35 17 175 F +35 17 176 Y +35 17 177 M +35 17 178 B +35 17 179 Y +35 17 180 N +35 17 181 K +35 17 182 Y +35 17 183 K +35 17 184 B +35 17 185 K +35 17 186 B +35 17 187 Y +35 17 188 B +35 17 189 F +35 17 190 Y +35 17 191 N +35 17 192 B +35 17 193 K +35 17 194 Y +35 17 195 N +35 17 196 N +35 17 197 V +35 17 198 W +35 17 199 F +35 17 200 B +35 17 201 Y +35 17 202 T +35 17 203 Y +35 17 204 W +35 17 205 B +35 17 206 V +35 17 207 Y +35 17 208 K +35 17 209 B +35 17 210 K +35 17 211 B +35 17 212 Y +35 17 213 V +35 17 214 M +35 17 215 V +35 17 216 W +35 17 217 Y +35 17 218 K +35 17 219 F +35 17 220 B +35 17 221 F +35 17 222 B +35 17 223 T +35 17 224 F +35 17 225 K +35 17 226 B +35 17 227 W +35 17 228 B +35 17 229 N +35 17 230 F +35 17 231 Y +35 17 232 K +35 17 233 V +35 17 234 N +35 17 235 B +35 17 236 T +35 17 237 Y +35 17 238 B +35 17 239 Y +35 17 240 K +35 17 241 F +35 17 242 M +35 17 243 Y +35 17 244 F +35 17 245 Y +35 17 246 V +35 17 247 B +35 17 248 T +35 17 249 N +35 17 250 B +35 17 251 T +35 17 252 F +35 17 253 N +35 17 254 B +35 17 255 W +35 17 256 Y +35 17 257 M +35 17 258 W +35 17 259 Y +35 17 260 M +35 17 261 Y +35 17 262 F +35 17 263 W +35 17 264 B +35 17 265 N +35 17 266 Y +35 17 267 V +35 17 268 N +35 17 269 Y +35 17 270 K +35 17 271 W +35 17 272 F +35 17 273 V +35 17 274 F +35 17 275 K +35 17 276 Y +35 17 277 W +35 17 278 Y +35 17 279 B +35 17 280 N +35 17 281 N +35 17 282 N +35 17 283 K +35 17 284 F +35 17 285 Y +35 17 286 F +35 17 287 K +35 17 288 Y +35 17 289 B +35 17 290 F +35 17 291 B +35 17 292 Y +35 17 293 F +35 17 294 F +35 17 295 K +35 17 296 B +35 17 297 M +35 17 298 Y +35 17 299 T +35 17 300 F +35 17 301 N +35 17 302 F +35 17 303 V +35 17 304 K +35 17 305 B +35 17 306 T +35 17 307 B +35 17 308 V +35 17 309 K +35 17 310 N +35 17 311 B +35 17 312 W +35 17 313 B +35 17 314 F +35 17 315 T +35 17 316 N +35 17 317 Y +35 17 318 Y +35 17 319 F +35 17 320 K +35 17 321 Y +35 17 322 B +35 17 323 N +35 17 324 F +35 17 325 Y +35 17 326 M +35 17 327 F +35 17 328 N +35 17 329 K +35 17 330 F +35 18 1 B +35 18 2 V +35 18 3 Y +35 18 4 Y +35 18 5 V +35 18 6 Y +35 18 7 N +35 18 8 Y +35 18 9 K +35 18 10 W +35 18 11 W +35 18 12 M +35 18 13 N +35 18 14 W +35 18 15 Y +35 18 16 F +35 18 17 Y +35 18 18 W +35 18 19 B +35 18 20 T +35 18 21 Y +35 18 22 M +35 18 23 Y +35 18 24 W +35 18 25 W +35 18 26 W +35 18 27 F +35 18 28 Y +35 18 29 T +35 18 30 K +35 18 31 B +35 18 32 Y +35 18 33 N +35 18 34 B +35 18 35 Y +35 18 36 N +35 18 37 B +35 18 38 K +35 18 39 T +35 18 40 B +35 18 41 K +35 18 42 K +35 18 43 W +35 18 44 F +35 18 45 T +35 18 46 W +35 18 47 W +35 18 48 M +35 18 49 B +35 18 50 Y +35 18 51 K +35 18 52 F +35 18 53 Y +35 18 54 T +35 18 55 B +35 18 56 Y +35 18 57 W +35 18 58 K +35 18 59 F +35 18 60 W +35 18 61 Y +35 18 62 V +35 18 63 Y +35 18 64 B +35 18 65 Y +35 18 66 F +35 18 67 T +35 18 68 Y +35 18 69 W +35 18 70 F +35 18 71 Y +35 18 72 N +35 18 73 B +35 18 74 B +35 18 75 W +35 18 76 Y +35 18 77 B +35 18 78 Y +35 18 79 W +35 18 80 B +35 18 81 T +35 18 82 B +35 18 83 M +35 18 84 Y +35 18 85 T +35 18 86 Y +35 18 87 W +35 18 88 Y +35 18 89 W +35 18 90 W +35 18 91 M +35 18 92 F +35 18 93 B +35 18 94 W +35 18 95 F +35 18 96 M +35 18 97 B +35 18 98 Y +35 18 99 B +35 18 100 F +35 18 101 Y +35 18 102 B +35 18 103 W +35 18 104 B +35 18 105 Y +35 18 106 M +35 18 107 F +35 18 108 F +35 18 109 B +35 18 110 M +35 18 111 W +35 18 112 Y +35 18 113 W +35 18 114 W +35 18 115 Y +35 18 116 F +35 18 117 K +35 18 118 Y +35 18 119 T +35 18 120 F +35 18 121 Y +35 18 122 N +35 18 123 B +35 18 124 T +35 18 125 Y +35 18 126 Y +35 18 127 W +35 18 128 M +35 18 129 F +35 18 130 W +35 18 131 Y +35 18 132 Y +35 18 133 T +35 18 134 W +35 18 135 Y +35 18 136 W +35 18 137 T +35 18 138 B +35 18 139 F +35 18 140 W +35 18 141 F +35 18 142 F +35 18 143 T +35 18 144 W +35 18 145 T +35 18 146 M +35 18 147 T +35 18 148 Y +35 18 149 T +35 18 150 W +35 18 151 Y +35 18 152 Y +35 18 153 B +35 18 154 W +35 18 155 W +35 18 156 T +35 18 157 K +35 18 158 F +35 18 159 Y +35 18 160 Y +35 18 161 N +35 18 162 Y +35 18 163 T +35 18 164 B +35 18 165 W +35 18 166 W +35 18 167 F +35 18 168 T +35 18 169 B +35 18 170 W +35 18 171 W +35 18 172 F +35 18 173 Y +35 18 174 M +35 18 175 W +35 18 176 Y +35 18 177 M +35 18 178 B +35 18 179 K +35 18 180 N +35 18 181 K +35 18 182 Y +35 18 183 K +35 18 184 W +35 18 185 Y +35 18 186 W +35 18 187 M +35 18 188 B +35 18 189 B +35 18 190 Y +35 18 191 T +35 18 192 W +35 18 193 M +35 18 194 K +35 18 195 N +35 18 196 N +35 18 197 V +35 18 198 W +35 18 199 F +35 18 200 B +35 18 201 Y +35 18 202 T +35 18 203 Y +35 18 204 W +35 18 205 B +35 18 206 F +35 18 207 Y +35 18 208 K +35 18 209 W +35 18 210 W +35 18 211 B +35 18 212 M +35 18 213 W +35 18 214 M +35 18 215 Y +35 18 216 W +35 18 217 Y +35 18 218 T +35 18 219 F +35 18 220 B +35 18 221 F +35 18 222 B +35 18 223 T +35 18 224 F +35 18 225 M +35 18 226 B +35 18 227 W +35 18 228 W +35 18 229 T +35 18 230 F +35 18 231 V +35 18 232 W +35 18 233 B +35 18 234 T +35 18 235 B +35 18 236 T +35 18 237 K +35 18 238 B +35 18 239 Y +35 18 240 K +35 18 241 F +35 18 242 M +35 18 243 K +35 18 244 F +35 18 245 Y +35 18 246 T +35 18 247 W +35 18 248 N +35 18 249 N +35 18 250 B +35 18 251 T +35 18 252 F +35 18 253 T +35 18 254 B +35 18 255 W +35 18 256 Y +35 18 257 M +35 18 258 B +35 18 259 Y +35 18 260 M +35 18 261 Y +35 18 262 F +35 18 263 W +35 18 264 W +35 18 265 N +35 18 266 Y +35 18 267 K +35 18 268 T +35 18 269 Y +35 18 270 Y +35 18 271 T +35 18 272 F +35 18 273 Y +35 18 274 F +35 18 275 M +35 18 276 Y +35 18 277 B +35 18 278 Y +35 18 279 B +35 18 280 T +35 18 281 T +35 18 282 T +35 18 283 K +35 18 284 F +35 18 285 Y +35 18 286 F +35 18 287 K +35 18 288 Y +35 18 289 B +35 18 290 F +35 18 291 B +35 18 292 Y +35 18 293 F +35 18 294 F +35 18 295 K +35 18 296 B +35 18 297 M +35 18 298 Y +35 18 299 T +35 18 300 F +35 18 301 N +35 18 302 F +35 18 303 B +35 18 304 T +35 18 305 K +35 18 306 T +35 18 307 B +35 18 308 K +35 18 309 W +35 18 310 N +35 18 311 B +35 18 312 W +35 18 313 B +35 18 314 F +35 18 315 T +35 18 316 T +35 18 317 Y +35 18 318 Y +35 18 319 F +35 18 320 T +35 18 321 Y +35 18 322 B +35 18 323 T +35 18 324 F +35 18 325 K +35 18 326 M +35 18 327 F +35 18 328 N +35 18 329 K +35 18 330 F +35 19 1 B +35 19 2 F +35 19 3 Y +35 19 4 B +35 19 5 T +35 19 6 Y +35 19 7 T +35 19 8 Y +35 19 9 K +35 19 10 B +35 19 11 T +35 19 12 M +35 19 13 T +35 19 14 B +35 19 15 F +35 19 16 F +35 19 17 Y +35 19 18 W +35 19 19 B +35 19 20 T +35 19 21 Y +35 19 22 M +35 19 23 B +35 19 24 W +35 19 25 W +35 19 26 B +35 19 27 F +35 19 28 Y +35 19 29 T +35 19 30 K +35 19 31 B +35 19 32 Y +35 19 33 T +35 19 34 B +35 19 35 Y +35 19 36 W +35 19 37 B +35 19 38 Y +35 19 39 N +35 19 40 B +35 19 41 Y +35 19 42 M +35 19 43 B +35 19 44 F +35 19 45 T +35 19 46 W +35 19 47 W +35 19 48 M +35 19 49 B +35 19 50 W +35 19 51 K +35 19 52 F +35 19 53 Y +35 19 54 T +35 19 55 B +35 19 56 Y +35 19 57 B +35 19 58 M +35 19 59 F +35 19 60 W +35 19 61 Y +35 19 62 B +35 19 63 Y +35 19 64 B +35 19 65 Y +35 19 66 Y +35 19 67 T +35 19 68 Y +35 19 69 T +35 19 70 F +35 19 71 K +35 19 72 T +35 19 73 Y +35 19 74 B +35 19 75 T +35 19 76 Y +35 19 77 B +35 19 78 Y +35 19 79 W +35 19 80 B +35 19 81 T +35 19 82 T +35 19 83 M +35 19 84 Y +35 19 85 W +35 19 86 Y +35 19 87 W +35 19 88 Y +35 19 89 W +35 19 90 T +35 19 91 T +35 19 92 M +35 19 93 B +35 19 94 W +35 19 95 F +35 19 96 M +35 19 97 B +35 19 98 Y +35 19 99 F +35 19 100 T +35 19 101 Y +35 19 102 V +35 19 103 W +35 19 104 B +35 19 105 W +35 19 106 M +35 19 107 F +35 19 108 V +35 19 109 B +35 19 110 M +35 19 111 W +35 19 112 Y +35 19 113 W +35 19 114 B +35 19 115 Y +35 19 116 F +35 19 117 K +35 19 118 Y +35 19 119 T +35 19 120 F +35 19 121 Y +35 19 122 T +35 19 123 B +35 19 124 T +35 19 125 Y +35 19 126 Y +35 19 127 W +35 19 128 M +35 19 129 F +35 19 130 W +35 19 131 V +35 19 132 Y +35 19 133 T +35 19 134 W +35 19 135 Y +35 19 136 B +35 19 137 W +35 19 138 B +35 19 139 F +35 19 140 B +35 19 141 F +35 19 142 F +35 19 143 T +35 19 144 W +35 19 145 T +35 19 146 M +35 19 147 W +35 19 148 Y +35 19 149 T +35 19 150 W +35 19 151 Y +35 19 152 V +35 19 153 B +35 19 154 W +35 19 155 K +35 19 156 T +35 19 157 K +35 19 158 F +35 19 159 M +35 19 160 Y +35 19 161 T +35 19 162 Y +35 19 163 B +35 19 164 B +35 19 165 T +35 19 166 W +35 19 167 V +35 19 168 T +35 19 169 B +35 19 170 W +35 19 171 T +35 19 172 F +35 19 173 Y +35 19 174 M +35 19 175 F +35 19 176 Y +35 19 177 M +35 19 178 B +35 19 179 K +35 19 180 T +35 19 181 M +35 19 182 Y +35 19 183 K +35 19 184 V +35 19 185 K +35 19 186 B +35 19 187 Y +35 19 188 B +35 19 189 B +35 19 190 Y +35 19 191 T +35 19 192 W +35 19 193 M +35 19 194 W +35 19 195 T +35 19 196 T +35 19 197 V +35 19 198 W +35 19 199 F +35 19 200 B +35 19 201 Y +35 19 202 T +35 19 203 Y +35 19 204 W +35 19 205 W +35 19 206 M +35 19 207 Y +35 19 208 K +35 19 209 T +35 19 210 W +35 19 211 B +35 19 212 Y +35 19 213 V +35 19 214 T +35 19 215 V +35 19 216 W +35 19 217 Y +35 19 218 T +35 19 219 V +35 19 220 B +35 19 221 V +35 19 222 V +35 19 223 T +35 19 224 F +35 19 225 V +35 19 226 W +35 19 227 W +35 19 228 B +35 19 229 T +35 19 230 V +35 19 231 V +35 19 232 K +35 19 233 B +35 19 234 T +35 19 235 B +35 19 236 T +35 19 237 Y +35 19 238 T +35 19 239 Y +35 19 240 K +35 19 241 F +35 19 242 M +35 19 243 Y +35 19 244 F +35 19 245 Y +35 19 246 T +35 19 247 B +35 19 248 T +35 19 249 T +35 19 250 V +35 19 251 T +35 19 252 F +35 19 253 W +35 19 254 B +35 19 255 W +35 19 256 Y +35 19 257 M +35 19 258 B +35 19 259 Y +35 19 260 M +35 19 261 Y +35 19 262 F +35 19 263 W +35 19 264 B +35 19 265 T +35 19 266 K +35 19 267 V +35 19 268 T +35 19 269 V +35 19 270 M +35 19 271 T +35 19 272 F +35 19 273 V +35 19 274 F +35 19 275 M +35 19 276 Y +35 19 277 W +35 19 278 Y +35 19 279 B +35 19 280 T +35 19 281 T +35 19 282 T +35 19 283 K +35 19 284 F +35 19 285 Y +35 19 286 F +35 19 287 K +35 19 288 Y +35 19 289 V +35 19 290 F +35 19 291 B +35 19 292 Y +35 19 293 F +35 19 294 F +35 19 295 K +35 19 296 B +35 19 297 M +35 19 298 Y +35 19 299 T +35 19 300 F +35 19 301 T +35 19 302 F +35 19 303 B +35 19 304 T +35 19 305 V +35 19 306 T +35 19 307 B +35 19 308 V +35 19 309 W +35 19 310 T +35 19 311 B +35 19 312 W +35 19 313 B +35 19 314 F +35 19 315 T +35 19 316 T +35 19 317 Y +35 19 318 M +35 19 319 F +35 19 320 V +35 19 321 Y +35 19 322 B +35 19 323 T +35 19 324 F +35 19 325 V +35 19 326 M +35 19 327 F +35 19 328 T +35 19 329 K +35 19 330 F +35 20 1 B +35 20 2 F +35 20 3 Y +35 20 4 W +35 20 5 E +35 20 6 Y +35 20 7 T +35 20 8 Y +35 20 9 K +35 20 10 B +35 20 11 W +35 20 12 M +35 20 13 W +35 20 14 W +35 20 15 E +35 20 16 F +35 20 17 Y +35 20 18 W +35 20 19 B +35 20 20 T +35 20 21 Y +35 20 22 M +35 20 23 B +35 20 24 K +35 20 25 B +35 20 26 N +35 20 27 F +35 20 28 Y +35 20 29 T +35 20 30 Y +35 20 31 E +35 20 32 Y +35 20 33 T +35 20 34 B +35 20 35 Y +35 20 36 W +35 20 37 B +35 20 38 Y +35 20 39 T +35 20 40 B +35 20 41 Y +35 20 42 M +35 20 43 W +35 20 44 E +35 20 45 T +35 20 46 W +35 20 47 W +35 20 48 M +35 20 49 B +35 20 50 K +35 20 51 K +35 20 52 F +35 20 53 Y +35 20 54 T +35 20 55 B +35 20 56 Y +35 20 57 B +35 20 58 K +35 20 59 E +35 20 60 W +35 20 61 Y +35 20 62 B +35 20 63 Y +35 20 64 B +35 20 65 Y +35 20 66 F +35 20 67 T +35 20 68 Y +35 20 69 K +35 20 70 E +35 20 71 K +35 20 72 N +35 20 73 B +35 20 74 F +35 20 75 W +35 20 76 Y +35 20 77 B +35 20 78 E +35 20 79 W +35 20 80 B +35 20 81 T +35 20 82 T +35 20 83 M +35 20 84 Y +35 20 85 T +35 20 86 Y +35 20 87 W +35 20 88 Y +35 20 89 W +35 20 90 W +35 20 91 M +35 20 92 F +35 20 93 B +35 20 94 W +35 20 95 F +35 20 96 M +35 20 97 B +35 20 98 Y +35 20 99 E +35 20 100 E +35 20 101 Y +35 20 102 B +35 20 103 K +35 20 104 B +35 20 105 Y +35 20 106 M +35 20 107 F +35 20 108 E +35 20 109 B +35 20 110 M +35 20 111 W +35 20 112 Y +35 20 113 W +35 20 114 W +35 20 115 Y +35 20 116 E +35 20 117 K +35 20 118 Y +35 20 119 T +35 20 120 F +35 20 121 Y +35 20 122 T +35 20 123 B +35 20 124 T +35 20 125 Y +35 20 126 Y +35 20 127 W +35 20 128 M +35 20 129 F +35 20 130 W +35 20 131 K +35 20 132 Y +35 20 133 T +35 20 134 W +35 20 135 Y +35 20 136 B +35 20 137 W +35 20 138 B +35 20 139 E +35 20 140 B +35 20 141 F +35 20 142 E +35 20 143 T +35 20 144 B +35 20 145 T +35 20 146 M +35 20 147 N +35 20 148 Y +35 20 149 T +35 20 150 B +35 20 151 Y +35 20 152 Y +35 20 153 B +35 20 154 W +35 20 155 K +35 20 156 T +35 20 157 K +35 20 158 F +35 20 159 M +35 20 160 Y +35 20 161 T +35 20 162 Y +35 20 163 W +35 20 164 B +35 20 165 K +35 20 166 W +35 20 167 E +35 20 168 T +35 20 169 B +35 20 170 W +35 20 171 K +35 20 172 F +35 20 173 Y +35 20 174 M +35 20 175 E +35 20 176 Y +35 20 177 M +35 20 178 B +35 20 179 K +35 20 180 T +35 20 181 K +35 20 182 K +35 20 183 K +35 20 184 B +35 20 185 K +35 20 186 B +35 20 187 M +35 20 188 B +35 20 189 B +35 20 190 Y +35 20 191 T +35 20 192 B +35 20 193 M +35 20 194 K +35 20 195 T +35 20 196 F +35 20 197 Y +35 20 198 W +35 20 199 F +35 20 200 B +35 20 201 Y +35 20 202 T +35 20 203 Y +35 20 204 W +35 20 205 B +35 20 206 F +35 20 207 Y +35 20 208 K +35 20 209 W +35 20 210 K +35 20 211 B +35 20 212 M +35 20 213 E +35 20 214 M +35 20 215 Y +35 20 216 W +35 20 217 Y +35 20 218 T +35 20 219 E +35 20 220 B +35 20 221 E +35 20 222 B +35 20 223 T +35 20 224 F +35 20 225 K +35 20 226 B +35 20 227 W +35 20 228 B +35 20 229 T +35 20 230 F +35 20 231 Y +35 20 232 K +35 20 233 B +35 20 234 T +35 20 235 B +35 20 236 T +35 20 237 Y +35 20 238 B +35 20 239 Y +35 20 240 K +35 20 241 F +35 20 242 M +35 20 243 K +35 20 244 F +35 20 245 Y +35 20 246 N +35 20 247 B +35 20 248 T +35 20 249 T +35 20 250 B +35 20 251 T +35 20 252 E +35 20 253 N +35 20 254 B +35 20 255 W +35 20 256 Y +35 20 257 M +35 20 258 B +35 20 259 K +35 20 260 M +35 20 261 M +35 20 262 F +35 20 263 W +35 20 264 E +35 20 265 T +35 20 266 K +35 20 267 B +35 20 268 T +35 20 269 Y +35 20 270 Y +35 20 271 W +35 20 272 F +35 20 273 Y +35 20 274 F +35 20 275 M +35 20 276 Y +35 20 277 B +35 20 278 Y +35 20 279 B +35 20 280 T +35 20 281 T +35 20 282 T +35 20 283 K +35 20 284 F +35 20 285 E +35 20 286 F +35 20 287 K +35 20 288 Y +35 20 289 N +35 20 290 E +35 20 291 B +35 20 292 Y +35 20 293 E +35 20 294 E +35 20 295 K +35 20 296 B +35 20 297 M +35 20 298 Y +35 20 299 T +35 20 300 W +35 20 301 T +35 20 302 E +35 20 303 W +35 20 304 T +35 20 305 B +35 20 306 T +35 20 307 B +35 20 308 B +35 20 309 W +35 20 310 N +35 20 311 B +35 20 312 W +35 20 313 B +35 20 314 F +35 20 315 T +35 20 316 T +35 20 317 Y +35 20 318 Y +35 20 319 F +35 20 320 K +35 20 321 Y +35 20 322 B +35 20 323 T +35 20 324 E +35 20 325 B +35 20 326 M +35 20 327 E +35 20 328 T +35 20 329 K +35 20 330 F +35 21 1 B +35 21 2 F +35 21 3 Y +35 21 4 W +35 21 5 F +35 21 6 E +35 21 7 T +35 21 8 Y +35 21 9 K +35 21 10 W +35 21 11 T +35 21 12 M +35 21 13 W +35 21 14 W +35 21 15 E +35 21 16 F +35 21 17 Y +35 21 18 W +35 21 19 B +35 21 20 T +35 21 21 Y +35 21 22 M +35 21 23 W +35 21 24 K +35 21 25 W +35 21 26 B +35 21 27 F +35 21 28 Y +35 21 29 T +35 21 30 Y +35 21 31 W +35 21 32 Y +35 21 33 T +35 21 34 B +35 21 35 Y +35 21 36 W +35 21 37 B +35 21 38 Y +35 21 39 T +35 21 40 B +35 21 41 Y +35 21 42 K +35 21 43 W +35 21 44 F +35 21 45 T +35 21 46 W +35 21 47 W +35 21 48 M +35 21 49 B +35 21 50 W +35 21 51 K +35 21 52 F +35 21 53 Y +35 21 54 T +35 21 55 B +35 21 56 Y +35 21 57 W +35 21 58 K +35 21 59 F +35 21 60 W +35 21 61 Y +35 21 62 W +35 21 63 Y +35 21 64 B +35 21 65 Y +35 21 66 F +35 21 67 T +35 21 68 Y +35 21 69 K +35 21 70 E +35 21 71 W +35 21 72 W +35 21 73 Y +35 21 74 E +35 21 75 W +35 21 76 Y +35 21 77 W +35 21 78 E +35 21 79 W +35 21 80 B +35 21 81 T +35 21 82 E +35 21 83 M +35 21 84 Y +35 21 85 T +35 21 86 Y +35 21 87 W +35 21 88 Y +35 21 89 W +35 21 90 W +35 21 91 M +35 21 92 F +35 21 93 B +35 21 94 W +35 21 95 F +35 21 96 M +35 21 97 B +35 21 98 Y +35 21 99 W +35 21 100 E +35 21 101 Y +35 21 102 B +35 21 103 K +35 21 104 B +35 21 105 Y +35 21 106 M +35 21 107 F +35 21 108 E +35 21 109 W +35 21 110 M +35 21 111 W +35 21 112 Y +35 21 113 W +35 21 114 W +35 21 115 Y +35 21 116 E +35 21 117 K +35 21 118 Y +35 21 119 T +35 21 120 F +35 21 121 Y +35 21 122 T +35 21 123 W +35 21 124 T +35 21 125 Y +35 21 126 Y +35 21 127 W +35 21 128 M +35 21 129 F +35 21 130 K +35 21 131 W +35 21 132 Y +35 21 133 T +35 21 134 K +35 21 135 Y +35 21 136 W +35 21 137 T +35 21 138 B +35 21 139 F +35 21 140 B +35 21 141 F +35 21 142 F +35 21 143 T +35 21 144 B +35 21 145 T +35 21 146 M +35 21 147 T +35 21 148 Y +35 21 149 T +35 21 150 K +35 21 151 Y +35 21 152 Y +35 21 153 B +35 21 154 W +35 21 155 K +35 21 156 T +35 21 157 K +35 21 158 F +35 21 159 M +35 21 160 Y +35 21 161 T +35 21 162 Y +35 21 163 W +35 21 164 B +35 21 165 K +35 21 166 W +35 21 167 E +35 21 168 T +35 21 169 B +35 21 170 W +35 21 171 K +35 21 172 F +35 21 173 Y +35 21 174 M +35 21 175 E +35 21 176 Y +35 21 177 M +35 21 178 B +35 21 179 Y +35 21 180 T +35 21 181 K +35 21 182 W +35 21 183 K +35 21 184 W +35 21 185 K +35 21 186 W +35 21 187 M +35 21 188 B +35 21 189 B +35 21 190 Y +35 21 191 T +35 21 192 B +35 21 193 M +35 21 194 K +35 21 195 T +35 21 196 E +35 21 197 Y +35 21 198 W +35 21 199 F +35 21 200 B +35 21 201 Y +35 21 202 T +35 21 203 Y +35 21 204 W +35 21 205 B +35 21 206 F +35 21 207 Y +35 21 208 K +35 21 209 T +35 21 210 K +35 21 211 B +35 21 212 M +35 21 213 E +35 21 214 M +35 21 215 Y +35 21 216 W +35 21 217 Y +35 21 218 K +35 21 219 F +35 21 220 B +35 21 221 F +35 21 222 B +35 21 223 T +35 21 224 F +35 21 225 K +35 21 226 W +35 21 227 W +35 21 228 W +35 21 229 E +35 21 230 F +35 21 231 Y +35 21 232 K +35 21 233 B +35 21 234 T +35 21 235 B +35 21 236 T +35 21 237 Y +35 21 238 B +35 21 239 Y +35 21 240 K +35 21 241 F +35 21 242 M +35 21 243 Y +35 21 244 F +35 21 245 Y +35 21 246 W +35 21 247 W +35 21 248 T +35 21 249 W +35 21 250 B +35 21 251 T +35 21 252 F +35 21 253 W +35 21 254 B +35 21 255 W +35 21 256 Y +35 21 257 K +35 21 258 B +35 21 259 K +35 21 260 M +35 21 261 Y +35 21 262 F +35 21 263 E +35 21 264 E +35 21 265 W +35 21 266 K +35 21 267 B +35 21 268 T +35 21 269 Y +35 21 270 K +35 21 271 W +35 21 272 F +35 21 273 Y +35 21 274 F +35 21 275 K +35 21 276 Y +35 21 277 W +35 21 278 Y +35 21 279 B +35 21 280 T +35 21 281 T +35 21 282 T +35 21 283 K +35 21 284 F +35 21 285 E +35 21 286 F +35 21 287 K +35 21 288 Y +35 21 289 T +35 21 290 E +35 21 291 B +35 21 292 Y +35 21 293 E +35 21 294 E +35 21 295 K +35 21 296 B +35 21 297 M +35 21 298 Y +35 21 299 T +35 21 300 E +35 21 301 B +35 21 302 F +35 21 303 E +35 21 304 T +35 21 305 B +35 21 306 T +35 21 307 B +35 21 308 W +35 21 309 W +35 21 310 W +35 21 311 B +35 21 312 W +35 21 313 W +35 21 314 F +35 21 315 T +35 21 316 T +35 21 317 Y +35 21 318 Y +35 21 319 F +35 21 320 K +35 21 321 Y +35 21 322 B +35 21 323 T +35 21 324 F +35 21 325 B +35 21 326 M +35 21 327 E +35 21 328 T +35 21 329 K +35 21 330 F +35 22 1 W +35 22 2 W +35 22 3 Y +35 22 4 Y +35 22 5 W +35 22 6 Y +35 22 7 W +35 22 8 Y +35 22 9 W +35 22 10 W +35 22 11 W +35 22 12 M +35 22 13 W +35 22 14 W +35 22 15 Y +35 22 16 F +35 22 17 Y +35 22 18 W +35 22 19 W +35 22 20 W +35 22 21 Y +35 22 22 M +35 22 23 Y +35 22 24 W +35 22 25 W +35 22 26 W +35 22 27 F +35 22 28 Y +35 22 29 W +35 22 30 Y +35 22 31 W +35 22 32 Y +35 22 33 W +35 22 34 W +35 22 35 Y +35 22 36 W +35 22 37 W +35 22 38 Y +35 22 39 W +35 22 40 W +35 22 41 Y +35 22 42 W +35 22 43 W +35 22 44 F +35 22 45 W +35 22 46 W +35 22 47 W +35 22 48 Y +35 22 49 W +35 22 50 Y +35 22 51 W +35 22 52 F +35 22 53 Y +35 22 54 W +35 22 55 W +35 22 56 Y +35 22 57 W +35 22 58 M +35 22 59 F +35 22 60 W +35 22 61 Y +35 22 62 W +35 22 63 Y +35 22 64 W +35 22 65 Y +35 22 66 F +35 22 67 W +35 22 68 Y +35 22 69 W +35 22 70 F +35 22 71 Y +35 22 72 W +35 22 73 Y +35 22 74 F +35 22 75 W +35 22 76 Y +35 22 77 W +35 22 78 F +35 22 79 W +35 22 80 W +35 22 81 W +35 22 82 W +35 22 83 M +35 22 84 Y +35 22 85 W +35 22 86 Y +35 22 87 W +35 22 88 Y +35 22 89 W +35 22 90 W +35 22 91 M +35 22 92 F +35 22 93 W +35 22 94 W +35 22 95 W +35 22 96 F +35 22 97 M +35 22 98 W +35 22 99 Y +35 22 100 W +35 22 101 F +35 22 102 Y +35 22 103 F +35 22 104 W +35 22 105 W +35 22 106 Y +35 22 107 F +35 22 108 F +35 22 109 W +35 22 110 Y +35 22 111 W +35 22 112 Y +35 22 113 W +35 22 114 W +35 22 115 Y +35 22 116 F +35 22 117 W +35 22 118 Y +35 22 119 W +35 22 120 F +35 22 121 Y +35 22 122 W +35 22 123 W +35 22 124 M +35 22 125 Y +35 22 126 Y +35 22 127 Y +35 22 128 M +35 22 129 F +35 22 130 W +35 22 131 W +35 22 132 Y +35 22 133 Y +35 22 134 W +35 22 135 Y +35 22 136 W +35 22 137 W +35 22 138 W +35 22 139 F +35 22 140 W +35 22 141 F +35 22 142 F +35 22 143 W +35 22 144 W +35 22 145 W +35 22 146 M +35 22 147 W +35 22 148 Y +35 22 149 W +35 22 150 W +35 22 151 Y +35 22 152 Y +35 22 153 W +35 22 154 W +35 22 155 W +35 22 156 W +35 22 157 W +35 22 158 F +35 22 159 Y +35 22 160 W +35 22 161 W +35 22 162 Y +35 22 163 W +35 22 164 W +35 22 165 W +35 22 166 W +35 22 167 W +35 22 168 W +35 22 169 W +35 22 170 W +35 22 171 W +35 22 172 F +35 22 173 Y +35 22 174 M +35 22 175 W +35 22 176 Y +35 22 177 M +35 22 178 W +35 22 179 W +35 22 180 W +35 22 181 M +35 22 182 W +35 22 183 W +35 22 184 W +35 22 185 Y +35 22 186 F +35 22 187 Y +35 22 188 W +35 22 189 F +35 22 190 Y +35 22 191 W +35 22 192 W +35 22 193 M +35 22 194 W +35 22 195 W +35 22 196 F +35 22 197 W +35 22 198 W +35 22 199 F +35 22 200 W +35 22 201 Y +35 22 202 W +35 22 203 Y +35 22 204 W +35 22 205 W +35 22 206 F +35 22 207 Y +35 22 208 M +35 22 209 W +35 22 210 W +35 22 211 W +35 22 212 Y +35 22 213 F +35 22 214 W +35 22 215 W +35 22 216 W +35 22 217 W +35 22 218 W +35 22 219 F +35 22 220 W +35 22 221 F +35 22 222 W +35 22 223 W +35 22 224 F +35 22 225 W +35 22 226 W +35 22 227 W +35 22 228 W +35 22 229 W +35 22 230 F +35 22 231 W +35 22 232 W +35 22 233 W +35 22 234 W +35 22 235 W +35 22 236 W +35 22 237 W +35 22 238 W +35 22 239 Y +35 22 240 W +35 22 241 F +35 22 242 M +35 22 243 Y +35 22 244 F +35 22 245 Y +35 22 246 W +35 22 247 W +35 22 248 W +35 22 249 W +35 22 250 W +35 22 251 W +35 22 252 F +35 22 253 W +35 22 254 W +35 22 255 W +35 22 256 Y +35 22 257 W +35 22 258 M +35 22 259 Y +35 22 260 M +35 22 261 Y +35 22 262 F +35 22 263 F +35 22 264 W +35 22 265 W +35 22 266 Y +35 22 267 W +35 22 268 W +35 22 269 Y +35 22 270 Y +35 22 271 Y +35 22 272 F +35 22 273 W +35 22 274 F +35 22 275 W +35 22 276 Y +35 22 277 W +35 22 278 Y +35 22 279 W +35 22 280 W +35 22 281 W +35 22 282 W +35 22 283 W +35 22 284 F +35 22 285 W +35 22 286 F +35 22 287 W +35 22 288 Y +35 22 289 W +35 22 290 F +35 22 291 W +35 22 292 Y +35 22 293 F +35 22 294 F +35 22 295 W +35 22 296 W +35 22 297 M +35 22 298 Y +35 22 299 W +35 22 300 F +35 22 301 W +35 22 302 F +35 22 303 W +35 22 304 W +35 22 305 W +35 22 306 W +35 22 307 W +35 22 308 W +35 22 309 W +35 22 310 W +35 22 311 W +35 22 312 W +35 22 313 W +35 22 314 F +35 22 315 W +35 22 316 W +35 22 317 Y +35 22 318 M +35 22 319 F +35 22 320 W +35 22 321 Y +35 22 322 W +35 22 323 W +35 22 324 F +35 22 325 W +35 22 326 M +35 22 327 F +35 22 328 W +35 22 329 W +35 22 330 F +35 23 1 W +35 23 2 F +35 23 3 * +35 23 4 Y +35 23 5 W +35 23 6 F +35 23 7 F +35 23 8 T +35 23 9 Y +35 23 10 V +35 23 11 W +35 23 12 W +35 23 13 M +35 23 14 W +35 23 15 W +35 23 16 F +35 23 17 F +35 23 18 Y +35 23 19 W +35 23 20 B +35 23 21 T +35 23 22 Y +35 23 23 M +35 23 24 Y +35 23 25 W +35 23 26 W +35 23 27 F +35 23 28 Y +35 23 29 N +35 23 30 Y +35 23 31 F +35 23 32 Y +35 23 33 N +35 23 34 W +35 23 35 Y +35 23 36 W +35 23 37 W +35 23 38 Y +35 23 39 N +35 23 40 W +35 23 41 Y +35 23 42 M +35 23 43 W +35 23 44 F +35 23 45 T +35 23 46 W +35 23 47 W +35 23 48 Y +35 23 49 F +35 23 50 W +35 23 51 W +35 23 52 F +35 23 53 Y +35 23 54 T +35 23 55 W +35 23 56 Y +35 23 57 W +35 23 58 Y +35 23 59 F +35 23 60 W +35 23 61 Y +35 23 62 V +35 23 63 Y +35 23 64 W +35 23 65 Y +35 23 66 F +35 23 67 T +35 23 68 Y +35 23 69 V +35 23 70 F +35 23 71 V +35 23 72 T +35 23 73 W +35 23 74 F +35 23 75 W +35 23 76 Y +35 23 77 W +35 23 78 F +35 23 79 W +35 23 80 B +35 23 81 T +35 23 82 F +35 23 83 M +35 23 84 Y +35 23 85 T +35 23 86 F +35 23 87 W +35 23 88 Y +35 23 89 W +35 23 90 W +35 23 91 M +35 23 92 F +35 23 93 W +35 23 94 W +35 23 95 F +35 23 96 M +35 23 97 W +35 23 98 Y +35 23 99 W +35 23 100 F +35 23 101 Y +35 23 102 W +35 23 103 V +35 23 104 W +35 23 105 Y +35 23 106 M +35 23 107 F +35 23 108 F +35 23 109 B +35 23 110 Y +35 23 111 W +35 23 112 Y +35 23 113 W +35 23 114 W +35 23 115 Y +35 23 116 F +35 23 117 W +35 23 118 Y +35 23 119 T +35 23 120 F +35 23 121 Y +35 23 122 T +35 23 123 W +35 23 124 M +35 23 125 Y +35 23 126 Y +35 23 127 W +35 23 128 M +35 23 129 F +35 23 130 W +35 23 131 B +35 23 132 Y +35 23 133 T +35 23 134 V +35 23 135 Y +35 23 136 W +35 23 137 T +35 23 138 B +35 23 139 F +35 23 140 W +35 23 141 F +35 23 142 F +35 23 143 T +35 23 144 W +35 23 145 V +35 23 146 M +35 23 147 W +35 23 148 Y +35 23 149 T +35 23 150 Y +35 23 151 Y +35 23 152 Y +35 23 153 W +35 23 154 W +35 23 155 W +35 23 156 T +35 23 157 W +35 23 158 F +35 23 159 Y +35 23 160 Y +35 23 161 T +35 23 162 Y +35 23 163 T +35 23 164 B +35 23 165 W +35 23 166 W +35 23 167 V +35 23 168 T +35 23 169 W +35 23 170 W +35 23 171 W +35 23 172 F +35 23 173 Y +35 23 174 M +35 23 175 W +35 23 176 Y +35 23 177 M +35 23 178 W +35 23 179 Y +35 23 180 T +35 23 181 Y +35 23 182 Y +35 23 183 V +35 23 184 B +35 23 185 Y +35 23 186 V +35 23 187 Y +35 23 188 B +35 23 189 F +35 23 190 Y +35 23 191 T +35 23 192 B +35 23 193 V +35 23 194 V +35 23 195 T +35 23 196 F +35 23 197 V +35 23 198 W +35 23 199 F +35 23 200 F +35 23 201 Y +35 23 202 T +35 23 203 Y +35 23 204 W +35 23 205 W +35 23 206 F +35 23 207 Y +35 23 208 Y +35 23 209 W +35 23 210 Y +35 23 211 W +35 23 212 Y +35 23 213 F +35 23 214 M +35 23 215 Y +35 23 216 W +35 23 217 Y +35 23 218 T +35 23 219 F +35 23 220 W +35 23 221 F +35 23 222 V +35 23 223 T +35 23 224 F +35 23 225 V +35 23 226 W +35 23 227 W +35 23 228 W +35 23 229 F +35 23 230 F +35 23 231 V +35 23 232 V +35 23 233 B +35 23 234 T +35 23 235 B +35 23 236 V +35 23 237 Y +35 23 238 W +35 23 239 Y +35 23 240 Y +35 23 241 F +35 23 242 M +35 23 243 Y +35 23 244 F +35 23 245 Y +35 23 246 T +35 23 247 B +35 23 248 W +35 23 249 T +35 23 250 B +35 23 251 T +35 23 252 F +35 23 253 T +35 23 254 B +35 23 255 W +35 23 256 Y +35 23 257 M +35 23 258 W +35 23 259 Y +35 23 260 M +35 23 261 Y +35 23 262 F +35 23 263 W +35 23 264 W +35 23 265 T +35 23 266 Y +35 23 267 Y +35 23 268 T +35 23 269 B +35 23 270 Y +35 23 271 W +35 23 272 F +35 23 273 B +35 23 274 F +35 23 275 V +35 23 276 Y +35 23 277 W +35 23 278 Y +35 23 279 B +35 23 280 N +35 23 281 T +35 23 282 T +35 23 283 Y +35 23 284 F +35 23 285 Y +35 23 286 F +35 23 287 Y +35 23 288 Y +35 23 289 T +35 23 290 F +35 23 291 W +35 23 292 Y +35 23 293 F +35 23 294 F +35 23 295 Y +35 23 296 B +35 23 297 M +35 23 298 Y +35 23 299 N +35 23 300 F +35 23 301 N +35 23 302 F +35 23 303 F +35 23 304 V +35 23 305 B +35 23 306 T +35 23 307 B +35 23 308 B +35 23 309 W +35 23 310 T +35 23 311 W +35 23 312 W +35 23 313 W +35 23 314 F +35 23 315 T +35 23 316 T +35 23 317 Y +35 23 318 Y +35 23 319 F +35 23 320 V +35 23 321 Y +35 23 322 B +35 23 323 T +35 23 324 F +35 23 325 B +35 23 326 M +35 23 327 F +35 23 328 T +35 23 329 Y +35 23 330 F +35 24 1 W +35 24 2 W +35 24 3 Y +35 24 4 W +35 24 5 W +35 24 6 Y +35 24 7 W +35 24 8 Y +35 24 9 W +35 24 10 W +35 24 11 W +35 24 12 M +35 24 13 W +35 24 14 W +35 24 15 Y +35 24 16 F +35 24 17 Y +35 24 18 W +35 24 19 W +35 24 20 W +35 24 21 Y +35 24 22 W +35 24 23 W +35 24 24 W +35 24 25 W +35 24 26 W +35 24 27 F +35 24 28 Y +35 24 29 W +35 24 30 Y +35 24 31 F +35 24 32 Y +35 24 33 M +35 24 34 W +35 24 35 W +35 24 36 W +35 24 37 W +35 24 38 Y +35 24 39 W +35 24 40 W +35 24 41 Y +35 24 42 M +35 24 43 W +35 24 44 F +35 24 45 W +35 24 46 W +35 24 47 W +35 24 48 M +35 24 49 W +35 24 50 W +35 24 51 F +35 24 52 F +35 24 53 Y +35 24 54 W +35 24 55 W +35 24 56 Y +35 24 57 W +35 24 58 M +35 24 59 F +35 24 60 W +35 24 61 Y +35 24 62 W +35 24 63 Y +35 24 64 W +35 24 65 Y +35 24 66 F +35 24 67 W +35 24 68 W +35 24 69 W +35 24 70 F +35 24 71 W +35 24 72 W +35 24 73 Y +35 24 74 F +35 24 75 W +35 24 76 Y +35 24 77 W +35 24 78 F +35 24 79 W +35 24 80 W +35 24 81 Y +35 24 82 W +35 24 83 F +35 24 84 Y +35 24 85 W +35 24 86 Y +35 24 87 W +35 24 88 Y +35 24 89 W +35 24 90 Y +35 24 91 W +35 24 92 F +35 24 93 W +35 24 94 W +35 24 95 F +35 24 96 Y +35 24 97 W +35 24 98 Y +35 24 99 W +35 24 100 W +35 24 101 Y +35 24 102 W +35 24 103 Y +35 24 104 W +35 24 105 Y +35 24 106 F +35 24 107 F +35 24 108 F +35 24 109 W +35 24 110 Y +35 24 111 W +35 24 112 Y +35 24 113 W +35 24 114 W +35 24 115 Y +35 24 116 F +35 24 117 W +35 24 118 Y +35 24 119 W +35 24 120 F +35 24 121 Y +35 24 122 W +35 24 123 W +35 24 124 Y +35 24 125 Y +35 24 126 W +35 24 127 W +35 24 128 Y +35 24 129 F +35 24 130 W +35 24 131 W +35 24 132 Y +35 24 133 W +35 24 134 W +35 24 135 Y +35 24 136 W +35 24 137 W +35 24 138 W +35 24 139 F +35 24 140 W +35 24 141 F +35 24 142 F +35 24 143 W +35 24 144 W +35 24 145 Y +35 24 146 Y +35 24 147 W +35 24 148 Y +35 24 149 W +35 24 150 Y +35 24 151 Y +35 24 152 W +35 24 153 W +35 24 154 W +35 24 155 W +35 24 156 W +35 24 157 Y +35 24 158 F +35 24 159 Y +35 24 160 F +35 24 161 W +35 24 162 Y +35 24 163 W +35 24 164 W +35 24 165 W +35 24 166 W +35 24 167 F +35 24 168 W +35 24 169 W +35 24 170 W +35 24 171 W +35 24 172 F +35 24 173 Y +35 24 174 Y +35 24 175 W +35 24 176 Y +35 24 177 W +35 24 178 W +35 24 179 Y +35 24 180 W +35 24 181 M +35 24 182 Y +35 24 183 Y +35 24 184 W +35 24 185 Y +35 24 186 W +35 24 187 Y +35 24 188 W +35 24 189 W +35 24 190 F +35 24 191 W +35 24 192 W +35 24 193 M +35 24 194 Y +35 24 195 W +35 24 196 W +35 24 197 Y +35 24 198 W +35 24 199 F +35 24 200 W +35 24 201 Y +35 24 202 W +35 24 203 Y +35 24 204 W +35 24 205 W +35 24 206 F +35 24 207 Y +35 24 208 Y +35 24 209 W +35 24 210 Y +35 24 211 W +35 24 212 Y +35 24 213 F +35 24 214 M +35 24 215 Y +35 24 216 W +35 24 217 Y +35 24 218 W +35 24 219 F +35 24 220 W +35 24 221 F +35 24 222 W +35 24 223 W +35 24 224 F +35 24 225 W +35 24 226 Y +35 24 227 W +35 24 228 W +35 24 229 W +35 24 230 F +35 24 231 Y +35 24 232 W +35 24 233 W +35 24 234 W +35 24 235 W +35 24 236 Y +35 24 237 Y +35 24 238 W +35 24 239 Y +35 24 240 Y +35 24 241 F +35 24 242 M +35 24 243 Y +35 24 244 F +35 24 245 Y +35 24 246 W +35 24 247 W +35 24 248 W +35 24 249 W +35 24 250 W +35 24 251 F +35 24 252 F +35 24 253 F +35 24 254 W +35 24 255 W +35 24 256 Y +35 24 257 W +35 24 258 M +35 24 259 Y +35 24 260 M +35 24 261 Y +35 24 262 F +35 24 263 W +35 24 264 W +35 24 265 W +35 24 266 Y +35 24 267 Y +35 24 268 W +35 24 269 Y +35 24 270 Y +35 24 271 W +35 24 272 F +35 24 273 Y +35 24 274 F +35 24 275 W +35 24 276 Y +35 24 277 W +35 24 278 Y +35 24 279 W +35 24 280 W +35 24 281 W +35 24 282 W +35 24 283 Y +35 24 284 F +35 24 285 Y +35 24 286 F +35 24 287 Y +35 24 288 Y +35 24 289 W +35 24 290 F +35 24 291 W +35 24 292 Y +35 24 293 F +35 24 294 F +35 24 295 W +35 24 296 W +35 24 297 Y +35 24 298 Y +35 24 299 W +35 24 300 F +35 24 301 W +35 24 302 F +35 24 303 F +35 24 304 W +35 24 305 W +35 24 306 W +35 24 307 W +35 24 308 W +35 24 309 W +35 24 310 W +35 24 311 W +35 24 312 W +35 24 313 W +35 24 314 F +35 24 315 W +35 24 316 W +35 24 317 Y +35 24 318 Y +35 24 319 F +35 24 320 Y +35 24 321 Y +35 24 322 W +35 24 323 W +35 24 324 F +35 24 325 Y +35 24 326 M +35 24 327 F +35 24 328 W +35 24 329 Y +35 24 330 F +35 25 1 V +35 25 2 F +35 25 3 Y +35 25 4 * +35 25 5 V +35 25 6 V +35 25 7 F +35 25 8 W +35 25 9 Y +35 25 10 Y +35 25 11 W +35 25 12 W +35 25 13 M +35 25 14 W +35 25 15 W +35 25 16 Y +35 25 17 F +35 25 18 Y +35 25 19 W +35 25 20 W +35 25 21 W +35 25 22 Y +35 25 23 M +35 25 24 Y +35 25 25 W +35 25 26 W +35 25 27 W +35 25 28 F +35 25 29 W +35 25 30 Y +35 25 31 W +35 25 32 Y +35 25 33 W +35 25 34 W +35 25 35 Y +35 25 36 W +35 25 37 W +35 25 38 Y +35 25 39 W +35 25 40 W +35 25 41 Y +35 25 42 M +35 25 43 W +35 25 44 F +35 25 45 W +35 25 46 W +35 25 47 W +35 25 48 Y +35 25 49 W +35 25 50 W +35 25 51 V +35 25 52 F +35 25 53 Y +35 25 54 W +35 25 55 W +35 25 56 Y +35 25 57 W +35 25 58 Y +35 25 59 F +35 25 60 W +35 25 61 Y +35 25 62 W +35 25 63 Y +35 25 64 W +35 25 65 Y +35 25 66 F +35 25 67 W +35 25 68 Y +35 25 69 W +35 25 70 F +35 25 71 Y +35 25 72 W +35 25 73 Y +35 25 74 F +35 25 75 W +35 25 76 Y +35 25 77 W +35 25 78 F +35 25 79 W +35 25 80 W +35 25 81 W +35 25 82 W +35 25 83 F +35 25 84 Y +35 25 85 W +35 25 86 Y +35 25 87 W +35 25 88 Y +35 25 89 W +35 25 90 W +35 25 91 Y +35 25 92 F +35 25 93 W +35 25 94 W +35 25 95 F +35 25 96 M +35 25 97 W +35 25 98 Y +35 25 99 F +35 25 100 F +35 25 101 Y +35 25 102 F +35 25 103 W +35 25 104 W +35 25 105 Y +35 25 106 M +35 25 107 F +35 25 108 F +35 25 109 W +35 25 110 M +35 25 111 W +35 25 112 Y +35 25 113 W +35 25 114 W +35 25 115 Y +35 25 116 F +35 25 117 W +35 25 118 Y +35 25 119 W +35 25 120 F +35 25 121 Y +35 25 122 W +35 25 123 W +35 25 124 M +35 25 125 Y +35 25 126 Y +35 25 127 W +35 25 128 M +35 25 129 F +35 25 130 W +35 25 131 Y +35 25 132 Y +35 25 133 W +35 25 134 W +35 25 135 Y +35 25 136 W +35 25 137 W +35 25 138 W +35 25 139 F +35 25 140 W +35 25 141 F +35 25 142 F +35 25 143 W +35 25 144 W +35 25 145 W +35 25 146 M +35 25 147 W +35 25 148 Y +35 25 149 W +35 25 150 W +35 25 151 Y +35 25 152 W +35 25 153 W +35 25 154 W +35 25 155 W +35 25 156 W +35 25 157 W +35 25 158 F +35 25 159 Y +35 25 160 Y +35 25 161 W +35 25 162 Y +35 25 163 W +35 25 164 W +35 25 165 W +35 25 166 W +35 25 167 W +35 25 168 W +35 25 169 W +35 25 170 W +35 25 171 W +35 25 172 F +35 25 173 Y +35 25 174 M +35 25 175 W +35 25 176 Y +35 25 177 M +35 25 178 W +35 25 179 Y +35 25 180 W +35 25 181 M +35 25 182 Y +35 25 183 W +35 25 184 Y +35 25 185 Y +35 25 186 W +35 25 187 Y +35 25 188 W +35 25 189 F +35 25 190 Y +35 25 191 W +35 25 192 W +35 25 193 W +35 25 194 Y +35 25 195 W +35 25 196 W +35 25 197 W +35 25 198 W +35 25 199 F +35 25 200 W +35 25 201 Y +35 25 202 W +35 25 203 Y +35 25 204 W +35 25 205 W +35 25 206 F +35 25 207 Y +35 25 208 Y +35 25 209 W +35 25 210 Y +35 25 211 W +35 25 212 Y +35 25 213 W +35 25 214 M +35 25 215 Y +35 25 216 W +35 25 217 Y +35 25 218 M +35 25 219 F +35 25 220 W +35 25 221 F +35 25 222 W +35 25 223 W +35 25 224 F +35 25 225 W +35 25 226 W +35 25 227 W +35 25 228 W +35 25 229 W +35 25 230 F +35 25 231 Y +35 25 232 W +35 25 233 W +35 25 234 W +35 25 235 W +35 25 236 W +35 25 237 Y +35 25 238 W +35 25 239 Y +35 25 240 Y +35 25 241 F +35 25 242 F +35 25 243 Y +35 25 244 F +35 25 245 Y +35 25 246 W +35 25 247 W +35 25 248 W +35 25 249 W +35 25 250 W +35 25 251 W +35 25 252 F +35 25 253 W +35 25 254 W +35 25 255 W +35 25 256 Y +35 25 257 W +35 25 258 M +35 25 259 Y +35 25 260 F +35 25 261 Y +35 25 262 F +35 25 263 W +35 25 264 W +35 25 265 W +35 25 266 Y +35 25 267 Y +35 25 268 W +35 25 269 Y +35 25 270 Y +35 25 271 W +35 25 272 F +35 25 273 Y +35 25 274 F +35 25 275 Y +35 25 276 Y +35 25 277 W +35 25 278 Y +35 25 279 W +35 25 280 W +35 25 281 W +35 25 282 W +35 25 283 W +35 25 284 F +35 25 285 Y +35 25 286 F +35 25 287 Y +35 25 288 Y +35 25 289 W +35 25 290 F +35 25 291 W +35 25 292 Y +35 25 293 F +35 25 294 F +35 25 295 W +35 25 296 W +35 25 297 Y +35 25 298 Y +35 25 299 W +35 25 300 F +35 25 301 W +35 25 302 F +35 25 303 F +35 25 304 W +35 25 305 W +35 25 306 W +35 25 307 W +35 25 308 W +35 25 309 W +35 25 310 W +35 25 311 W +35 25 312 W +35 25 313 W +35 25 314 F +35 25 315 W +35 25 316 W +35 25 317 Y +35 25 318 Y +35 25 319 F +35 25 320 W +35 25 321 Y +35 25 322 W +35 25 323 W +35 25 324 F +35 25 325 Y +35 25 326 M +35 25 327 F +35 25 328 W +35 25 329 Y +35 25 330 F +36 1 1 E +36 1 2 E +36 1 3 EB +36 1 4 E +36 1 5 B +36 1 6 EO +36 1 7 E +36 1 8 E +36 1 9 E +36 1 10 E +36 1 11 E +36 1 12 B +36 1 13 E +36 1 14 E +36 1 15 B +36 1 16 B +36 1 17 EB +36 1 18 E +36 1 19 E +36 1 20 E +36 1 21 EB +36 1 22 B +36 1 23 E +36 1 24 E +36 1 25 E +36 1 26 E +36 1 27 B +36 1 28 EB +36 1 29 B +36 1 30 EB +36 1 31 B +36 1 32 B +36 1 33 B +36 1 34 E +36 1 35 EB +36 1 36 E +36 1 37 E +36 1 38 EB +36 1 39 E +36 1 40 B +36 1 41 EB +36 1 42 E +36 1 43 E +36 1 44 B +36 1 45 E +36 1 46 E +36 1 47 E +36 1 48 E +36 1 49 B +36 1 50 E +36 1 51 E +36 1 52 B +36 1 53 E +36 1 54 E +36 1 55 B +36 1 56 EB +36 1 57 E +36 1 58 E +36 1 59 B +36 1 60 E +36 1 61 EB +36 1 62 E +36 1 63 EB +36 1 64 E +36 1 65 EB +36 1 66 B +36 1 67 E +36 1 68 EB +36 1 69 E +36 1 70 B +36 1 71 E +36 1 72 E +36 1 73 E +36 1 74 B +36 1 75 E +36 1 76 EB +36 1 77 E +36 1 78 B +36 1 79 E +36 1 80 E +36 1 81 E +36 1 82 E +36 1 83 B +36 1 84 EB +36 1 85 E +36 1 86 EB +36 1 87 E +36 1 88 EB +36 1 89 E +36 1 90 E +36 1 91 EB +36 1 92 B +36 1 93 E +36 1 94 E +36 1 95 B +36 1 96 EB +36 1 97 E +36 1 98 EB +36 1 99 B +36 1 100 B +36 1 101 EB +36 1 102 B +36 1 103 E +36 1 104 B +36 1 105 E +36 1 106 B +36 1 107 B +36 1 108 B +36 1 109 E +36 1 110 EB +36 1 111 E +36 1 112 EB +36 1 113 E +36 1 114 E +36 1 115 EB +36 1 116 B +36 1 117 E +36 1 118 EB +36 1 119 E +36 1 120 B +36 1 121 EB +36 1 122 E +36 1 123 E +36 1 124 B +36 1 125 EB +36 1 126 EB +36 1 127 E +36 1 128 EO +36 1 129 B +36 1 130 E +36 1 131 E +36 1 132 EB +36 1 133 E +36 1 134 E +36 1 135 EB +36 1 136 B +36 1 137 E +36 1 138 B +36 1 139 B +36 1 140 E +36 1 141 B +36 1 142 B +36 1 143 E +36 1 144 E +36 1 145 E +36 1 146 EO +36 1 147 E +36 1 148 EB +36 1 149 B +36 1 150 E +36 1 151 EB +36 1 152 B +36 1 153 E +36 1 154 E +36 1 155 E +36 1 156 E +36 1 157 E +36 1 158 B +36 1 159 EB +36 1 160 EB +36 1 161 E +36 1 162 EB +36 1 163 E +36 1 164 E +36 1 165 E +36 1 166 E +36 1 167 E +36 1 168 E +36 1 169 E +36 1 170 E +36 1 171 E +36 1 172 B +36 1 173 EB +36 1 174 EO +36 1 175 B +36 1 176 EB +36 1 177 EB +36 1 178 E +36 1 179 EB +36 1 180 E +36 1 181 EB +36 1 182 EB +36 1 183 E +36 1 184 E +36 1 185 EB +36 1 186 B +36 1 187 EB +36 1 188 E +36 1 189 B +36 1 190 B +36 1 191 E +36 1 192 E +36 1 193 EB +36 1 194 EB +36 1 195 E +36 1 196 E +36 1 197 E +36 1 198 E +36 1 199 B +36 1 200 E +36 1 201 EB +36 1 202 E +36 1 203 EB +36 1 204 E +36 1 205 E +36 1 206 B +36 1 207 EB +36 1 208 E +36 1 209 E +36 1 210 E +36 1 211 E +36 1 212 EB +36 1 213 E +36 1 214 B +36 1 215 EB +36 1 216 E +36 1 217 B +36 1 218 EO +36 1 219 B +36 1 220 E +36 1 221 B +36 1 222 E +36 1 223 E +36 1 224 B +36 1 225 E +36 1 226 E +36 1 227 E +36 1 228 E +36 1 229 B +36 1 230 B +36 1 231 E +36 1 232 E +36 1 233 E +36 1 234 E +36 1 235 E +36 1 236 E +36 1 237 EB +36 1 238 E +36 1 239 EB +36 1 240 EB +36 1 241 B +36 1 242 B +36 1 243 EB +36 1 244 B +36 1 245 EB +36 1 246 B +36 1 247 E +36 1 248 E +36 1 249 E +36 1 250 E +36 1 251 B +36 1 252 B +36 1 253 B +36 1 254 E +36 1 255 E +36 1 256 EB +36 1 257 E +36 1 258 EB +36 1 259 EB +36 1 260 B +36 1 261 EB +36 1 262 B +36 1 263 E +36 1 264 B +36 1 265 E +36 1 266 EB +36 1 267 EB +36 1 268 E +36 1 269 EB +36 1 270 EB +36 1 271 E +36 1 272 B +36 1 273 B +36 1 274 B +36 1 275 EB +36 1 276 EB +36 1 277 E +36 1 278 EB +36 1 279 E +36 1 280 EB +36 1 281 E +36 1 282 E +36 1 283 EB +36 1 284 B +36 1 285 EB +36 1 286 B +36 1 287 EB +36 1 288 EB +36 1 289 E +36 1 290 B +36 1 291 E +36 1 292 EB +36 1 293 B +36 1 294 B +36 1 295 E +36 1 296 E +36 1 297 EB +36 1 298 EB +36 1 299 E +36 1 300 B +36 1 301 E +36 1 302 B +36 1 303 B +36 1 304 EB +36 1 305 EB +36 1 306 B +36 1 307 E +36 1 308 EB +36 1 309 E +36 1 310 E +36 1 311 E +36 1 312 E +36 1 313 E +36 1 314 B +36 1 315 E +36 1 316 E +36 1 317 EB +36 1 318 EB +36 1 319 B +36 1 320 E +36 1 321 EB +36 1 322 E +36 1 323 E +36 1 324 B +36 1 325 EB +36 1 326 EB +36 1 327 B +36 1 328 E +36 1 329 EB +36 1 330 B +36 2 1 E +36 2 2 B +36 2 3 EB +36 2 4 EA +36 2 5 B +36 2 6 O +36 2 7 O +36 2 8 EB +36 2 9 EB +36 2 10 E +36 2 11 E +36 2 12 O +36 2 13 E +36 2 14 E +36 2 15 B +36 2 16 B +36 2 17 EB +36 2 18 E +36 2 19 E +36 2 20 B +36 2 21 EB +36 2 22 B +36 2 23 E +36 2 24 E +36 2 25 E +36 2 26 E +36 2 27 B +36 2 28 EB +36 2 29 E +36 2 30 EB +36 2 31 B +36 2 32 E +36 2 33 B +36 2 34 E +36 2 35 EB +36 2 36 E +36 2 37 E +36 2 38 EB +36 2 39 E +36 2 40 E +36 2 41 EB +36 2 42 B +36 2 43 E +36 2 44 B +36 2 45 E +36 2 46 E +36 2 47 E +36 2 48 EB +36 2 49 E +36 2 50 E +36 2 51 E +36 2 52 B +36 2 53 EB +36 2 54 E +36 2 55 E +36 2 56 EB +36 2 57 E +36 2 58 EB +36 2 59 B +36 2 60 E +36 2 61 EB +36 2 62 E +36 2 63 EB +36 2 64 E +36 2 65 EB +36 2 66 B +36 2 67 B +36 2 68 EB +36 2 69 E +36 2 70 B +36 2 71 E +36 2 72 E +36 2 73 E +36 2 74 B +36 2 75 E +36 2 76 EB +36 2 77 E +36 2 78 B +36 2 79 E +36 2 80 E +36 2 81 EB +36 2 82 B +36 2 83 B +36 2 84 EB +36 2 85 E +36 2 86 EB +36 2 87 E +36 2 88 EB +36 2 89 E +36 2 90 E +36 2 91 EB +36 2 92 B +36 2 93 E +36 2 94 E +36 2 95 B +36 2 96 EO +36 2 97 E +36 2 98 EB +36 2 99 B +36 2 100 B +36 2 101 EB +36 2 102 B +36 2 103 EB +36 2 104 B +36 2 105 EB +36 2 106 EB +36 2 107 B +36 2 108 B +36 2 109 E +36 2 110 EO +36 2 111 E +36 2 112 EB +36 2 113 E +36 2 114 E +36 2 115 EB +36 2 116 B +36 2 117 E +36 2 118 EB +36 2 119 E +36 2 120 B +36 2 121 EB +36 2 122 E +36 2 123 E +36 2 124 EB +36 2 125 EB +36 2 126 EB +36 2 127 E +36 2 128 EO +36 2 129 B +36 2 130 E +36 2 131 E +36 2 132 EB +36 2 133 E +36 2 134 E +36 2 135 EB +36 2 136 E +36 2 137 E +36 2 138 B +36 2 139 B +36 2 140 E +36 2 141 B +36 2 142 B +36 2 143 EB +36 2 144 E +36 2 145 E +36 2 146 EO +36 2 147 E +36 2 148 EB +36 2 149 B +36 2 150 E +36 2 151 EB +36 2 152 EB +36 2 153 E +36 2 154 E +36 2 155 E +36 2 156 E +36 2 157 E +36 2 158 B +36 2 159 EB +36 2 160 EB +36 2 161 B +36 2 162 EB +36 2 163 E +36 2 164 E +36 2 165 E +36 2 166 E +36 2 167 B +36 2 168 E +36 2 169 E +36 2 170 E +36 2 171 E +36 2 172 B +36 2 173 EB +36 2 174 EO +36 2 175 B +36 2 176 EB +36 2 177 B +36 2 178 E +36 2 179 EB +36 2 180 B +36 2 181 EB +36 2 182 EB +36 2 183 EB +36 2 184 E +36 2 185 EB +36 2 186 B +36 2 187 EB +36 2 188 E +36 2 189 B +36 2 190 EB +36 2 191 E +36 2 192 E +36 2 193 EB +36 2 194 EB +36 2 195 E +36 2 196 B +36 2 197 EB +36 2 198 E +36 2 199 B +36 2 200 B +36 2 201 EB +36 2 202 E +36 2 203 EB +36 2 204 E +36 2 205 E +36 2 206 B +36 2 207 EB +36 2 208 EO +36 2 209 E +36 2 210 EB +36 2 211 B +36 2 212 EB +36 2 213 B +36 2 214 EB +36 2 215 EB +36 2 216 E +36 2 217 EB +36 2 218 EB +36 2 219 B +36 2 220 E +36 2 221 B +36 2 222 E +36 2 223 E +36 2 224 B +36 2 225 EB +36 2 226 E +36 2 227 E +36 2 228 E +36 2 229 B +36 2 230 B +36 2 231 EB +36 2 232 EB +36 2 233 E +36 2 234 E +36 2 235 E +36 2 236 EB +36 2 237 EB +36 2 238 E +36 2 239 EB +36 2 240 EB +36 2 241 B +36 2 242 EB +36 2 243 EB +36 2 244 B +36 2 245 EB +36 2 246 B +36 2 247 E +36 2 248 E +36 2 249 E +36 2 250 E +36 2 251 B +36 2 252 B +36 2 253 B +36 2 254 B +36 2 255 E +36 2 256 EB +36 2 257 E +36 2 258 EO +36 2 259 EB +36 2 260 B +36 2 261 EB +36 2 262 B +36 2 263 B +36 2 264 B +36 2 265 E +36 2 266 EB +36 2 267 EB +36 2 268 B +36 2 269 EB +36 2 270 EB +36 2 271 E +36 2 272 B +36 2 273 EB +36 2 274 B +36 2 275 EB +36 2 276 EB +36 2 277 E +36 2 278 EB +36 2 279 E +36 2 280 EB +36 2 281 E +36 2 282 E +36 2 283 EB +36 2 284 B +36 2 285 EB +36 2 286 B +36 2 287 EB +36 2 288 EB +36 2 289 B +36 2 290 B +36 2 291 E +36 2 292 EB +36 2 293 B +36 2 294 B +36 2 295 EB +36 2 296 E +36 2 297 EB +36 2 298 EB +36 2 299 E +36 2 300 B +36 2 301 E +36 2 302 B +36 2 303 B +36 2 304 EB +36 2 305 E +36 2 306 EB +36 2 307 E +36 2 308 B +36 2 309 E +36 2 310 E +36 2 311 E +36 2 312 E +36 2 313 E +36 2 314 B +36 2 315 B +36 2 316 E +36 2 317 EB +36 2 318 EB +36 2 319 B +36 2 320 EB +36 2 321 EB +36 2 322 E +36 2 323 E +36 2 324 B +36 2 325 E +36 2 326 EO +36 2 327 B +36 2 328 E +36 2 329 EB +36 2 330 B +36 3 1 E +36 3 2 E +36 3 3 EB +36 3 4 E +36 3 5 E +36 3 6 EB +36 3 7 E +36 3 8 EB +36 3 9 E +36 3 10 E +36 3 11 E +36 3 12 EB +36 3 13 E +36 3 14 E +36 3 15 EB +36 3 16 B +36 3 17 EB +36 3 18 E +36 3 19 E +36 3 20 E +36 3 21 EB +36 3 22 B +36 3 23 E +36 3 24 E +36 3 25 E +36 3 26 E +36 3 27 B +36 3 28 EB +36 3 29 E +36 3 30 EB +36 3 31 E +36 3 32 EB +36 3 33 E +36 3 34 E +36 3 35 EB +36 3 36 E +36 3 37 E +36 3 38 EB +36 3 39 E +36 3 40 E +36 3 41 EB +36 3 42 EB +36 3 43 E +36 3 44 B +36 3 45 E +36 3 46 E +36 3 47 E +36 3 48 EB +36 3 49 E +36 3 50 E +36 3 51 E +36 3 52 B +36 3 53 EB +36 3 54 E +36 3 55 E +36 3 56 EB +36 3 57 E +36 3 58 EB +36 3 59 B +36 3 60 E +36 3 61 EB +36 3 62 E +36 3 63 EB +36 3 64 E +36 3 65 EB +36 3 66 B +36 3 67 E +36 3 68 EB +36 3 69 E +36 3 70 B +36 3 71 E +36 3 72 E +36 3 73 E +36 3 74 E +36 3 75 E +36 3 76 EB +36 3 77 E +36 3 78 B +36 3 79 E +36 3 80 E +36 3 81 EB +36 3 82 E +36 3 83 B +36 3 84 EB +36 3 85 E +36 3 86 EB +36 3 87 E +36 3 88 E +36 3 89 E +36 3 90 E +36 3 91 E +36 3 92 B +36 3 93 E +36 3 94 E +36 3 95 B +36 3 96 EB +36 3 97 E +36 3 98 EB +36 3 99 E +36 3 100 E +36 3 101 EB +36 3 102 E +36 3 103 E +36 3 104 E +36 3 105 EB +36 3 106 B +36 3 107 B +36 3 108 B +36 3 109 E +36 3 110 EB +36 3 111 E +36 3 112 EB +36 3 113 E +36 3 114 E +36 3 115 EB +36 3 116 E +36 3 117 E +36 3 118 EB +36 3 119 E +36 3 120 B +36 3 121 EB +36 3 122 E +36 3 123 E +36 3 124 EB +36 3 125 EB +36 3 126 EB +36 3 127 E +36 3 128 EB +36 3 129 B +36 3 130 E +36 3 131 E +36 3 132 E +36 3 133 E +36 3 134 E +36 3 135 E +36 3 136 E +36 3 137 E +36 3 138 E +36 3 139 B +36 3 140 E +36 3 141 B +36 3 142 B +36 3 143 EB +36 3 144 E +36 3 145 E +36 3 146 EB +36 3 147 E +36 3 148 EB +36 3 149 E +36 3 150 E +36 3 151 EB +36 3 152 EB +36 3 153 E +36 3 154 E +36 3 155 E +36 3 156 E +36 3 157 E +36 3 158 B +36 3 159 EB +36 3 160 EB +36 3 161 E +36 3 162 EB +36 3 163 E +36 3 164 E +36 3 165 E +36 3 166 E +36 3 167 E +36 3 168 E +36 3 169 E +36 3 170 E +36 3 171 E +36 3 172 B +36 3 173 EB +36 3 174 EB +36 3 175 B +36 3 176 EB +36 3 177 EB +36 3 178 E +36 3 179 E +36 3 180 E +36 3 181 EB +36 3 182 E +36 3 183 E +36 3 184 E +36 3 185 EB +36 3 186 E +36 3 187 EB +36 3 188 E +36 3 189 B +36 3 190 EB +36 3 191 E +36 3 192 E +36 3 193 EB +36 3 194 E +36 3 195 E +36 3 196 E +36 3 197 EB +36 3 198 E +36 3 199 B +36 3 200 E +36 3 201 EB +36 3 202 E +36 3 203 EB +36 3 204 E +36 3 205 E +36 3 206 B +36 3 207 EB +36 3 208 E +36 3 209 E +36 3 210 E +36 3 211 E +36 3 212 EB +36 3 213 B +36 3 214 EB +36 3 215 EB +36 3 216 E +36 3 217 B +36 3 218 E +36 3 219 B +36 3 220 E +36 3 221 B +36 3 222 E +36 3 223 E +36 3 224 B +36 3 225 E +36 3 226 E +36 3 227 E +36 3 228 E +36 3 229 E +36 3 230 B +36 3 231 E +36 3 232 E +36 3 233 E +36 3 234 E +36 3 235 E +36 3 236 E +36 3 237 EB +36 3 238 E +36 3 239 EB +36 3 240 E +36 3 241 B +36 3 242 B +36 3 243 E +36 3 244 B +36 3 245 EB +36 3 246 E +36 3 247 E +36 3 248 E +36 3 249 E +36 3 250 E +36 3 251 EB +36 3 252 B +36 3 253 EB +36 3 254 E +36 3 255 E +36 3 256 EB +36 3 257 E +36 3 258 EB +36 3 259 EB +36 3 260 B +36 3 261 EB +36 3 262 B +36 3 263 E +36 3 264 E +36 3 265 E +36 3 266 EB +36 3 267 E +36 3 268 E +36 3 269 EB +36 3 270 EB +36 3 271 E +36 3 272 B +36 3 273 EB +36 3 274 B +36 3 275 E +36 3 276 EB +36 3 277 E +36 3 278 EB +36 3 279 E +36 3 280 E +36 3 281 E +36 3 282 E +36 3 283 E +36 3 284 B +36 3 285 EB +36 3 286 B +36 3 287 EB +36 3 288 EB +36 3 289 E +36 3 290 B +36 3 291 E +36 3 292 EB +36 3 293 B +36 3 294 B +36 3 295 EB +36 3 296 E +36 3 297 EB +36 3 298 EB +36 3 299 E +36 3 300 B +36 3 301 E +36 3 302 B +36 3 303 B +36 3 304 E +36 3 305 E +36 3 306 E +36 3 307 E +36 3 308 E +36 3 309 E +36 3 310 E +36 3 311 E +36 3 312 E +36 3 313 E +36 3 314 B +36 3 315 EB +36 3 316 E +36 3 317 E +36 3 318 EB +36 3 319 B +36 3 320 E +36 3 321 EB +36 3 322 E +36 3 323 E +36 3 324 B +36 3 325 E +36 3 326 B +36 3 327 B +36 3 328 E +36 3 329 E +36 3 330 B +36 4 1 E +36 4 2 E +36 4 3 EB +36 4 4 E +36 4 5 E +36 4 6 EB +36 4 7 E +36 4 8 EB +36 4 9 E +36 4 10 E +36 4 11 E +36 4 12 EB +36 4 13 E +36 4 14 E +36 4 15 B +36 4 16 B +36 4 17 EB +36 4 18 E +36 4 19 E +36 4 20 E +36 4 21 EB +36 4 22 EB +36 4 23 E +36 4 24 E +36 4 25 E +36 4 26 E +36 4 27 B +36 4 28 EB +36 4 29 E +36 4 30 EB +36 4 31 E +36 4 32 EB +36 4 33 E +36 4 34 E +36 4 35 EB +36 4 36 E +36 4 37 E +36 4 38 EB +36 4 39 E +36 4 40 E +36 4 41 EB +36 4 42 EB +36 4 43 E +36 4 44 B +36 4 45 E +36 4 46 B +36 4 47 E +36 4 48 EB +36 4 49 E +36 4 50 E +36 4 51 E +36 4 52 B +36 4 53 EB +36 4 54 E +36 4 55 E +36 4 56 EB +36 4 57 E +36 4 58 E +36 4 59 B +36 4 60 E +36 4 61 EB +36 4 62 E +36 4 63 EB +36 4 64 E +36 4 65 EB +36 4 66 B +36 4 67 B +36 4 68 EB +36 4 69 EB +36 4 70 B +36 4 71 EB +36 4 72 E +36 4 73 E +36 4 74 E +36 4 75 E +36 4 76 EB +36 4 77 E +36 4 78 EB +36 4 79 E +36 4 80 E +36 4 81 E +36 4 82 E +36 4 83 B +36 4 84 EB +36 4 85 E +36 4 86 EB +36 4 87 E +36 4 88 E +36 4 89 E +36 4 90 E +36 4 91 E +36 4 92 B +36 4 93 E +36 4 94 E +36 4 95 B +36 4 96 EB +36 4 97 E +36 4 98 EB +36 4 99 B +36 4 100 E +36 4 101 EB +36 4 102 B +36 4 103 E +36 4 104 E +36 4 105 E +36 4 106 EB +36 4 107 EB +36 4 108 B +36 4 109 E +36 4 110 EB +36 4 111 E +36 4 112 EB +36 4 113 E +36 4 114 E +36 4 115 EB +36 4 116 B +36 4 117 E +36 4 118 EB +36 4 119 E +36 4 120 B +36 4 121 EB +36 4 122 E +36 4 123 E +36 4 124 E +36 4 125 EB +36 4 126 EB +36 4 127 E +36 4 128 EB +36 4 129 B +36 4 130 E +36 4 131 E +36 4 132 EB +36 4 133 E +36 4 134 E +36 4 135 E +36 4 136 E +36 4 137 E +36 4 138 E +36 4 139 B +36 4 140 E +36 4 141 B +36 4 142 B +36 4 143 E +36 4 144 E +36 4 145 E +36 4 146 EB +36 4 147 E +36 4 148 EB +36 4 149 E +36 4 150 E +36 4 151 EB +36 4 152 E +36 4 153 E +36 4 154 E +36 4 155 E +36 4 156 E +36 4 157 E +36 4 158 B +36 4 159 EB +36 4 160 EB +36 4 161 E +36 4 162 EB +36 4 163 E +36 4 164 E +36 4 165 E +36 4 166 E +36 4 167 B +36 4 168 E +36 4 169 E +36 4 170 E +36 4 171 E +36 4 172 B +36 4 173 EB +36 4 174 EB +36 4 175 E +36 4 176 EB +36 4 177 E +36 4 178 E +36 4 179 EB +36 4 180 E +36 4 181 EB +36 4 182 EB +36 4 183 E +36 4 184 EB +36 4 185 EB +36 4 186 E +36 4 187 EB +36 4 188 E +36 4 189 E +36 4 190 EB +36 4 191 E +36 4 192 E +36 4 193 EB +36 4 194 E +36 4 195 E +36 4 196 E +36 4 197 E +36 4 198 E +36 4 199 B +36 4 200 E +36 4 201 EB +36 4 202 E +36 4 203 EB +36 4 204 E +36 4 205 E +36 4 206 B +36 4 207 EB +36 4 208 EB +36 4 209 E +36 4 210 E +36 4 211 E +36 4 212 EB +36 4 213 E +36 4 214 E +36 4 215 EB +36 4 216 E +36 4 217 EB +36 4 218 E +36 4 219 B +36 4 220 E +36 4 221 B +36 4 222 E +36 4 223 E +36 4 224 B +36 4 225 E +36 4 226 E +36 4 227 E +36 4 228 E +36 4 229 E +36 4 230 B +36 4 231 EB +36 4 232 E +36 4 233 E +36 4 234 E +36 4 235 E +36 4 236 E +36 4 237 EB +36 4 238 E +36 4 239 EB +36 4 240 EB +36 4 241 B +36 4 242 B +36 4 243 EB +36 4 244 B +36 4 245 E +36 4 246 EB +36 4 247 E +36 4 248 E +36 4 249 E +36 4 250 E +36 4 251 E +36 4 252 B +36 4 253 E +36 4 254 E +36 4 255 E +36 4 256 EB +36 4 257 E +36 4 258 EB +36 4 259 EB +36 4 260 B +36 4 261 EB +36 4 262 B +36 4 263 B +36 4 264 B +36 4 265 E +36 4 266 EB +36 4 267 E +36 4 268 E +36 4 269 E +36 4 270 EB +36 4 271 E +36 4 272 B +36 4 273 EB +36 4 274 B +36 4 275 B +36 4 276 EB +36 4 277 E +36 4 278 EB +36 4 279 E +36 4 280 E +36 4 281 E +36 4 282 E +36 4 283 E +36 4 284 B +36 4 285 E +36 4 286 B +36 4 287 EB +36 4 288 EB +36 4 289 E +36 4 290 B +36 4 291 E +36 4 292 EB +36 4 293 B +36 4 294 B +36 4 295 E +36 4 296 E +36 4 297 EB +36 4 298 EB +36 4 299 E +36 4 300 B +36 4 301 E +36 4 302 B +36 4 303 E +36 4 304 E +36 4 305 EB +36 4 306 E +36 4 307 E +36 4 308 E +36 4 309 E +36 4 310 E +36 4 311 E +36 4 312 E +36 4 313 E +36 4 314 B +36 4 315 E +36 4 316 E +36 4 317 EB +36 4 318 EB +36 4 319 B +36 4 320 EB +36 4 321 EB +36 4 322 E +36 4 323 E +36 4 324 B +36 4 325 EB +36 4 326 EB +36 4 327 B +36 4 328 E +36 4 329 EB +36 4 330 B +36 5 1 E +36 5 2 B +36 5 3 EB +36 5 4 E +36 5 5 E +36 5 6 EB +36 5 7 E +36 5 8 EB +36 5 9 EB +36 5 10 E +36 5 11 E +36 5 12 EB +36 5 13 E +36 5 14 E +36 5 15 EB +36 5 16 B +36 5 17 EB +36 5 18 E +36 5 19 E +36 5 20 E +36 5 21 EB +36 5 22 B +36 5 23 EB +36 5 24 E +36 5 25 E +36 5 26 E +36 5 27 B +36 5 28 EB +36 5 29 E +36 5 30 EB +36 5 31 E +36 5 32 EB +36 5 33 E +36 5 34 E +36 5 35 EB +36 5 36 E +36 5 37 E +36 5 38 EB +36 5 39 E +36 5 40 E +36 5 41 EB +36 5 42 E +36 5 43 E +36 5 44 B +36 5 45 E +36 5 46 E +36 5 47 E +36 5 48 EB +36 5 49 E +36 5 50 EB +36 5 51 E +36 5 52 B +36 5 53 EB +36 5 54 E +36 5 55 E +36 5 56 EB +36 5 57 E +36 5 58 E +36 5 59 EB +36 5 60 E +36 5 61 EB +36 5 62 E +36 5 63 EB +36 5 64 E +36 5 65 EB +36 5 66 B +36 5 67 E +36 5 68 EB +36 5 69 E +36 5 70 B +36 5 71 EB +36 5 72 E +36 5 73 EB +36 5 74 E +36 5 75 E +36 5 76 EB +36 5 77 E +36 5 78 EB +36 5 79 E +36 5 80 E +36 5 81 EB +36 5 82 E +36 5 83 B +36 5 84 EB +36 5 85 E +36 5 86 EB +36 5 87 E +36 5 88 EB +36 5 89 E +36 5 90 E +36 5 91 E +36 5 92 B +36 5 93 E +36 5 94 E +36 5 95 B +36 5 96 EB +36 5 97 E +36 5 98 EB +36 5 99 EB +36 5 100 E +36 5 101 EB +36 5 102 E +36 5 103 E +36 5 104 E +36 5 105 EB +36 5 106 B +36 5 107 B +36 5 108 E +36 5 109 E +36 5 110 EB +36 5 111 E +36 5 112 EB +36 5 113 E +36 5 114 E +36 5 115 EB +36 5 116 E +36 5 117 E +36 5 118 EB +36 5 119 E +36 5 120 B +36 5 121 EB +36 5 122 E +36 5 123 E +36 5 124 E +36 5 125 EB +36 5 126 EB +36 5 127 E +36 5 128 E +36 5 129 B +36 5 130 E +36 5 131 E +36 5 132 EB +36 5 133 E +36 5 134 E +36 5 135 EB +36 5 136 E +36 5 137 E +36 5 138 E +36 5 139 B +36 5 140 E +36 5 141 B +36 5 142 B +36 5 143 E +36 5 144 E +36 5 145 E +36 5 146 EB +36 5 147 E +36 5 148 EB +36 5 149 E +36 5 150 E +36 5 151 EB +36 5 152 EB +36 5 153 E +36 5 154 E +36 5 155 E +36 5 156 E +36 5 157 EB +36 5 158 B +36 5 159 EB +36 5 160 EB +36 5 161 E +36 5 162 EB +36 5 163 E +36 5 164 E +36 5 165 E +36 5 166 E +36 5 167 EB +36 5 168 E +36 5 169 E +36 5 170 E +36 5 171 E +36 5 172 B +36 5 173 EB +36 5 174 EB +36 5 175 E +36 5 176 EB +36 5 177 E +36 5 178 E +36 5 179 EB +36 5 180 E +36 5 181 EB +36 5 182 EB +36 5 183 EB +36 5 184 EB +36 5 185 EB +36 5 186 E +36 5 187 EB +36 5 188 E +36 5 189 E +36 5 190 EB +36 5 191 E +36 5 192 E +36 5 193 E +36 5 194 EB +36 5 195 E +36 5 196 E +36 5 197 EB +36 5 198 E +36 5 199 B +36 5 200 E +36 5 201 EB +36 5 202 E +36 5 203 EB +36 5 204 EB +36 5 205 EB +36 5 206 B +36 5 207 EB +36 5 208 EB +36 5 209 E +36 5 210 EB +36 5 211 E +36 5 212 EB +36 5 213 EB +36 5 214 EB +36 5 215 EB +36 5 216 E +36 5 217 EB +36 5 218 E +36 5 219 B +36 5 220 E +36 5 221 B +36 5 222 EB +36 5 223 E +36 5 224 B +36 5 225 E +36 5 226 E +36 5 227 E +36 5 228 E +36 5 229 EB +36 5 230 B +36 5 231 EB +36 5 232 E +36 5 233 E +36 5 234 E +36 5 235 E +36 5 236 E +36 5 237 EB +36 5 238 E +36 5 239 EB +36 5 240 EB +36 5 241 B +36 5 242 B +36 5 243 EB +36 5 244 B +36 5 245 EB +36 5 246 E +36 5 247 EB +36 5 248 E +36 5 249 E +36 5 250 EB +36 5 251 E +36 5 252 B +36 5 253 E +36 5 254 E +36 5 255 E +36 5 256 EB +36 5 257 E +36 5 258 E +36 5 259 EB +36 5 260 B +36 5 261 EB +36 5 262 B +36 5 263 B +36 5 264 B +36 5 265 E +36 5 266 EB +36 5 267 EB +36 5 268 E +36 5 269 EB +36 5 270 EB +36 5 271 E +36 5 272 B +36 5 273 EB +36 5 274 B +36 5 275 EB +36 5 276 EB +36 5 277 E +36 5 278 EB +36 5 279 E +36 5 280 E +36 5 281 E +36 5 282 E +36 5 283 E +36 5 284 B +36 5 285 EB +36 5 286 B +36 5 287 EB +36 5 288 EB +36 5 289 E +36 5 290 B +36 5 291 E +36 5 292 EB +36 5 293 B +36 5 294 B +36 5 295 E +36 5 296 EB +36 5 297 EB +36 5 298 EB +36 5 299 E +36 5 300 B +36 5 301 E +36 5 302 B +36 5 303 B +36 5 304 E +36 5 305 EB +36 5 306 E +36 5 307 E +36 5 308 EB +36 5 309 E +36 5 310 E +36 5 311 E +36 5 312 E +36 5 313 E +36 5 314 B +36 5 315 E +36 5 316 E +36 5 317 EB +36 5 318 EB +36 5 319 B +36 5 320 E +36 5 321 EB +36 5 322 B +36 5 323 E +36 5 324 B +36 5 325 EB +36 5 326 EB +36 5 327 B +36 5 328 E +36 5 329 EB +36 5 330 B +36 6 1 E +36 6 2 E +36 6 3 EB +36 6 4 EB +36 6 5 E +36 6 6 EB +36 6 7 E +36 6 8 EB +36 6 9 EB +36 6 10 E +36 6 11 E +36 6 12 EB +36 6 13 E +36 6 14 E +36 6 15 EB +36 6 16 B +36 6 17 EB +36 6 18 E +36 6 19 E +36 6 20 E +36 6 21 EB +36 6 22 EB +36 6 23 E +36 6 24 E +36 6 25 E +36 6 26 E +36 6 27 B +36 6 28 EB +36 6 29 E +36 6 30 EB +36 6 31 E +36 6 32 EB +36 6 33 E +36 6 34 E +36 6 35 EB +36 6 36 E +36 6 37 E +36 6 38 EB +36 6 39 E +36 6 40 E +36 6 41 EB +36 6 42 EB +36 6 43 E +36 6 44 B +36 6 45 E +36 6 46 E +36 6 47 E +36 6 48 EB +36 6 49 E +36 6 50 EB +36 6 51 E +36 6 52 B +36 6 53 EB +36 6 54 E +36 6 55 E +36 6 56 EB +36 6 57 E +36 6 58 EA +36 6 59 EB +36 6 60 E +36 6 61 EB +36 6 62 E +36 6 63 EB +36 6 64 E +36 6 65 EB +36 6 66 B +36 6 67 E +36 6 68 EB +36 6 69 E +36 6 70 B +36 6 71 EB +36 6 72 E +36 6 73 EB +36 6 74 E +36 6 75 E +36 6 76 EB +36 6 77 E +36 6 78 EB +36 6 79 E +36 6 80 E +36 6 81 E +36 6 82 E +36 6 83 B +36 6 84 EB +36 6 85 E +36 6 86 EB +36 6 87 E +36 6 88 EB +36 6 89 E +36 6 90 E +36 6 91 EB +36 6 92 B +36 6 93 E +36 6 94 E +36 6 95 B +36 6 96 EB +36 6 97 E +36 6 98 EB +36 6 99 B +36 6 100 E +36 6 101 EB +36 6 102 E +36 6 103 E +36 6 104 E +36 6 105 BA +36 6 106 BA +36 6 107 B +36 6 108 B +36 6 109 E +36 6 110 EB +36 6 111 E +36 6 112 EB +36 6 113 E +36 6 114 E +36 6 115 EB +36 6 116 B +36 6 117 E +36 6 118 EB +36 6 119 E +36 6 120 B +36 6 121 EB +36 6 122 E +36 6 123 E +36 6 124 E +36 6 125 EB +36 6 126 EB +36 6 127 E +36 6 128 EB +36 6 129 B +36 6 130 E +36 6 131 EB +36 6 132 EB +36 6 133 E +36 6 134 E +36 6 135 E +36 6 136 E +36 6 137 E +36 6 138 E +36 6 139 B +36 6 140 E +36 6 141 B +36 6 142 B +36 6 143 EB +36 6 144 E +36 6 145 E +36 6 146 EB +36 6 147 E +36 6 148 EB +36 6 149 E +36 6 150 E +36 6 151 EB +36 6 152 EB +36 6 153 E +36 6 154 E +36 6 155 E +36 6 156 E +36 6 157 E +36 6 158 B +36 6 159 EB +36 6 160 EB +36 6 161 EB +36 6 162 EB +36 6 163 E +36 6 164 E +36 6 165 EB +36 6 166 E +36 6 167 B +36 6 168 E +36 6 169 E +36 6 170 E +36 6 171 E +36 6 172 B +36 6 173 EB +36 6 174 EB +36 6 175 E +36 6 176 EB +36 6 177 B +36 6 178 E +36 6 179 EB +36 6 180 E +36 6 181 EB +36 6 182 EB +36 6 183 E +36 6 184 E +36 6 185 EB +36 6 186 E +36 6 187 EB +36 6 188 E +36 6 189 E +36 6 190 EB +36 6 191 E +36 6 192 EB +36 6 193 EB +36 6 194 EB +36 6 195 E +36 6 196 E +36 6 197 EB +36 6 198 E +36 6 199 B +36 6 200 E +36 6 201 EB +36 6 202 E +36 6 203 EB +36 6 204 E +36 6 205 E +36 6 206 B +36 6 207 EB +36 6 208 EB +36 6 209 E +36 6 210 EB +36 6 211 E +36 6 212 EB +36 6 213 B +36 6 214 E +36 6 215 EB +36 6 216 E +36 6 217 EB +36 6 218 E +36 6 219 B +36 6 220 E +36 6 221 B +36 6 222 E +36 6 223 E +36 6 224 B +36 6 225 E +36 6 226 E +36 6 227 E +36 6 228 E +36 6 229 E +36 6 230 B +36 6 231 EB +36 6 232 E +36 6 233 E +36 6 234 E +36 6 235 E +36 6 236 E +36 6 237 B +36 6 238 E +36 6 239 EB +36 6 240 EB +36 6 241 B +36 6 242 B +36 6 243 EB +36 6 244 B +36 6 245 EB +36 6 246 E +36 6 247 E +36 6 248 E +36 6 249 E +36 6 250 E +36 6 251 E +36 6 252 B +36 6 253 E +36 6 254 E +36 6 255 E +36 6 256 EB +36 6 257 E +36 6 258 EB +36 6 259 EB +36 6 260 B +36 6 261 EB +36 6 262 B +36 6 263 B +36 6 264 B +36 6 265 E +36 6 266 EB +36 6 267 EB +36 6 268 E +36 6 269 EB +36 6 270 EB +36 6 271 E +36 6 272 B +36 6 273 EB +36 6 274 B +36 6 275 E +36 6 276 EB +36 6 277 E +36 6 278 EB +36 6 279 E +36 6 280 EB +36 6 281 E +36 6 282 E +36 6 283 E +36 6 284 B +36 6 285 EB +36 6 286 B +36 6 287 EB +36 6 288 EB +36 6 289 E +36 6 290 B +36 6 291 E +36 6 292 EB +36 6 293 B +36 6 294 B +36 6 295 EB +36 6 296 E +36 6 297 EB +36 6 298 EB +36 6 299 E +36 6 300 B +36 6 301 E +36 6 302 B +36 6 303 B +36 6 304 EB +36 6 305 E +36 6 306 B +36 6 307 E +36 6 308 EB +36 6 309 E +36 6 310 E +36 6 311 E +36 6 312 E +36 6 313 E +36 6 314 B +36 6 315 E +36 6 316 E +36 6 317 EB +36 6 318 EB +36 6 319 B +36 6 320 EB +36 6 321 EB +36 6 322 E +36 6 323 E +36 6 324 B +36 6 325 EB +36 6 326 EB +36 6 327 B +36 6 328 E +36 6 329 EB +36 6 330 B +36 7 1 E +36 7 2 E +36 7 3 EB +36 7 4 E +36 7 5 B +36 7 6 B +36 7 7 E +36 7 8 EB +36 7 9 EB +36 7 10 E +36 7 11 E +36 7 12 EB +36 7 13 E +36 7 14 E +36 7 15 B +36 7 16 B +36 7 17 EB +36 7 18 E +36 7 19 E +36 7 20 E +36 7 21 EB +36 7 22 B +36 7 23 E +36 7 24 E +36 7 25 E +36 7 26 E +36 7 27 B +36 7 28 EB +36 7 29 E +36 7 30 E +36 7 31 B +36 7 32 EB +36 7 33 B +36 7 34 E +36 7 35 EB +36 7 36 E +36 7 37 E +36 7 38 EB +36 7 39 E +36 7 40 E +36 7 41 EB +36 7 42 EB +36 7 43 E +36 7 44 B +36 7 45 E +36 7 46 E +36 7 47 E +36 7 48 EB +36 7 49 E +36 7 50 E +36 7 51 E +36 7 52 B +36 7 53 EB +36 7 54 E +36 7 55 B +36 7 56 EB +36 7 57 E +36 7 58 EB +36 7 59 B +36 7 60 E +36 7 61 EB +36 7 62 E +36 7 63 EB +36 7 64 E +36 7 65 EB +36 7 66 B +36 7 67 E +36 7 68 EB +36 7 69 E +36 7 70 B +36 7 71 E +36 7 72 E +36 7 73 E +36 7 74 B +36 7 75 E +36 7 76 EB +36 7 77 E +36 7 78 EB +36 7 79 E +36 7 80 E +36 7 81 E +36 7 82 E +36 7 83 B +36 7 84 EB +36 7 85 E +36 7 86 EB +36 7 87 E +36 7 88 E +36 7 89 E +36 7 90 E +36 7 91 E +36 7 92 B +36 7 93 E +36 7 94 E +36 7 95 B +36 7 96 EB +36 7 97 E +36 7 98 EB +36 7 99 EB +36 7 100 B +36 7 101 EB +36 7 102 E +36 7 103 E +36 7 104 E +36 7 105 EB +36 7 106 E +36 7 107 B +36 7 108 B +36 7 109 E +36 7 110 EB +36 7 111 E +36 7 112 EB +36 7 113 E +36 7 114 E +36 7 115 EB +36 7 116 B +36 7 117 E +36 7 118 EB +36 7 119 E +36 7 120 B +36 7 121 EB +36 7 122 E +36 7 123 E +36 7 124 EB +36 7 125 EB +36 7 126 EB +36 7 127 E +36 7 128 EB +36 7 129 B +36 7 130 E +36 7 131 E +36 7 132 EB +36 7 133 E +36 7 134 E +36 7 135 EB +36 7 136 E +36 7 137 E +36 7 138 E +36 7 139 B +36 7 140 E +36 7 141 B +36 7 142 B +36 7 143 EB +36 7 144 E +36 7 145 E +36 7 146 EB +36 7 147 E +36 7 148 EB +36 7 149 E +36 7 150 E +36 7 151 EB +36 7 152 EB +36 7 153 E +36 7 154 E +36 7 155 E +36 7 156 E +36 7 157 E +36 7 158 B +36 7 159 EB +36 7 160 EB +36 7 161 E +36 7 162 EB +36 7 163 E +36 7 164 E +36 7 165 E +36 7 166 E +36 7 167 EB +36 7 168 E +36 7 169 E +36 7 170 E +36 7 171 E +36 7 172 B +36 7 173 EB +36 7 174 EB +36 7 175 B +36 7 176 EB +36 7 177 EB +36 7 178 E +36 7 179 EB +36 7 180 E +36 7 181 EB +36 7 182 E +36 7 183 E +36 7 184 E +36 7 185 E +36 7 186 B +36 7 187 EB +36 7 188 E +36 7 189 B +36 7 190 EB +36 7 191 E +36 7 192 E +36 7 193 E +36 7 194 E +36 7 195 E +36 7 196 B +36 7 197 E +36 7 198 E +36 7 199 B +36 7 200 E +36 7 201 EB +36 7 202 E +36 7 203 EB +36 7 204 E +36 7 205 E +36 7 206 B +36 7 207 EB +36 7 208 E +36 7 209 E +36 7 210 E +36 7 211 E +36 7 212 EB +36 7 213 B +36 7 214 EB +36 7 215 EB +36 7 216 E +36 7 217 EB +36 7 218 E +36 7 219 B +36 7 220 E +36 7 221 B +36 7 222 E +36 7 223 E +36 7 224 B +36 7 225 E +36 7 226 E +36 7 227 E +36 7 228 E +36 7 229 B +36 7 230 B +36 7 231 E +36 7 232 E +36 7 233 E +36 7 234 E +36 7 235 E +36 7 236 E +36 7 237 B +36 7 238 E +36 7 239 B +36 7 240 E +36 7 241 B +36 7 242 B +36 7 243 E +36 7 244 B +36 7 245 B +36 7 246 EB +36 7 247 E +36 7 248 E +36 7 249 E +36 7 250 E +36 7 251 B +36 7 252 B +36 7 253 B +36 7 254 B +36 7 255 E +36 7 256 EB +36 7 257 E +36 7 258 EB +36 7 259 EB +36 7 260 B +36 7 261 EB +36 7 262 B +36 7 263 E +36 7 264 E +36 7 265 E +36 7 266 E +36 7 267 E +36 7 268 E +36 7 269 EB +36 7 270 EB +36 7 271 E +36 7 272 B +36 7 273 E +36 7 274 B +36 7 275 EB +36 7 276 EB +36 7 277 E +36 7 278 EB +36 7 279 E +36 7 280 E +36 7 281 E +36 7 282 E +36 7 283 E +36 7 284 B +36 7 285 EB +36 7 286 B +36 7 287 E +36 7 288 EB +36 7 289 E +36 7 290 B +36 7 291 E +36 7 292 EB +36 7 293 B +36 7 294 B +36 7 295 E +36 7 296 E +36 7 297 EB +36 7 298 EB +36 7 299 E +36 7 300 E +36 7 301 E +36 7 302 B +36 7 303 B +36 7 304 E +36 7 305 E +36 7 306 EB +36 7 307 E +36 7 308 EB +36 7 309 E +36 7 310 E +36 7 311 E +36 7 312 E +36 7 313 E +36 7 314 B +36 7 315 E +36 7 316 E +36 7 317 E +36 7 318 EB +36 7 319 B +36 7 320 E +36 7 321 EB +36 7 322 E +36 7 323 E +36 7 324 B +36 7 325 E +36 7 326 EB +36 7 327 B +36 7 328 E +36 7 329 E +36 7 330 B +36 8 1 E +36 8 2 E +36 8 3 EB +36 8 4 E +36 8 5 E +36 8 6 EB +36 8 7 E +36 8 8 EB +36 8 9 EB +36 8 10 E +36 8 11 E +36 8 12 EB +36 8 13 E +36 8 14 E +36 8 15 EB +36 8 16 B +36 8 17 EB +36 8 18 E +36 8 19 E +36 8 20 E +36 8 21 EB +36 8 22 EB +36 8 23 EB +36 8 24 E +36 8 25 E +36 8 26 E +36 8 27 B +36 8 28 EB +36 8 29 E +36 8 30 EB +36 8 31 E +36 8 32 EB +36 8 33 E +36 8 34 E +36 8 35 EB +36 8 36 E +36 8 37 E +36 8 38 EB +36 8 39 E +36 8 40 E +36 8 41 EB +36 8 42 EB +36 8 43 E +36 8 44 B +36 8 45 E +36 8 46 E +36 8 47 E +36 8 48 EB +36 8 49 E +36 8 50 E +36 8 51 E +36 8 52 B +36 8 53 EB +36 8 54 E +36 8 55 E +36 8 56 EB +36 8 57 E +36 8 58 E +36 8 59 B +36 8 60 E +36 8 61 EB +36 8 62 E +36 8 63 EB +36 8 64 E +36 8 65 EB +36 8 66 B +36 8 67 E +36 8 68 EB +36 8 69 E +36 8 70 B +36 8 71 EB +36 8 72 E +36 8 73 EB +36 8 74 E +36 8 75 E +36 8 76 EB +36 8 77 E +36 8 78 B +36 8 79 E +36 8 80 E +36 8 81 E +36 8 82 E +36 8 83 B +36 8 84 EB +36 8 85 E +36 8 86 EB +36 8 87 E +36 8 88 EB +36 8 89 E +36 8 90 E +36 8 91 EB +36 8 92 B +36 8 93 E +36 8 94 E +36 8 95 B +36 8 96 EB +36 8 97 E +36 8 98 EB +36 8 99 E +36 8 100 E +36 8 101 EB +36 8 102 E +36 8 103 E +36 8 104 E +36 8 105 EB +36 8 106 B +36 8 107 B +36 8 108 E +36 8 109 E +36 8 110 EB +36 8 111 E +36 8 112 EB +36 8 113 E +36 8 114 E +36 8 115 EB +36 8 116 E +36 8 117 E +36 8 118 EB +36 8 119 E +36 8 120 B +36 8 121 EB +36 8 122 E +36 8 123 E +36 8 124 E +36 8 125 EB +36 8 126 EB +36 8 127 E +36 8 128 EB +36 8 129 B +36 8 130 E +36 8 131 EB +36 8 132 EB +36 8 133 E +36 8 134 E +36 8 135 EB +36 8 136 E +36 8 137 E +36 8 138 E +36 8 139 B +36 8 140 E +36 8 141 B +36 8 142 E +36 8 143 EB +36 8 144 EB +36 8 145 E +36 8 146 EB +36 8 147 E +36 8 148 EB +36 8 149 E +36 8 150 E +36 8 151 EB +36 8 152 E +36 8 153 E +36 8 154 E +36 8 155 E +36 8 156 E +36 8 157 E +36 8 158 B +36 8 159 EB +36 8 160 EB +36 8 161 E +36 8 162 EB +36 8 163 E +36 8 164 E +36 8 165 E +36 8 166 E +36 8 167 E +36 8 168 E +36 8 169 E +36 8 170 E +36 8 171 E +36 8 172 B +36 8 173 EB +36 8 174 EB +36 8 175 E +36 8 176 EB +36 8 177 E +36 8 178 E +36 8 179 EB +36 8 180 E +36 8 181 E +36 8 182 EB +36 8 183 E +36 8 184 E +36 8 185 EB +36 8 186 E +36 8 187 EB +36 8 188 E +36 8 189 E +36 8 190 B +36 8 191 E +36 8 192 E +36 8 193 E +36 8 194 EB +36 8 195 E +36 8 196 E +36 8 197 E +36 8 198 E +36 8 199 B +36 8 200 E +36 8 201 B +36 8 202 E +36 8 203 EB +36 8 204 E +36 8 205 E +36 8 206 B +36 8 207 EB +36 8 208 E +36 8 209 E +36 8 210 E +36 8 211 E +36 8 212 EB +36 8 213 E +36 8 214 E +36 8 215 E +36 8 216 E +36 8 217 EB +36 8 218 E +36 8 219 B +36 8 220 E +36 8 221 B +36 8 222 E +36 8 223 E +36 8 224 B +36 8 225 E +36 8 226 E +36 8 227 E +36 8 228 E +36 8 229 E +36 8 230 B +36 8 231 E +36 8 232 E +36 8 233 E +36 8 234 E +36 8 235 E +36 8 236 E +36 8 237 B +36 8 238 E +36 8 239 EB +36 8 240 E +36 8 241 B +36 8 242 E +36 8 243 E +36 8 244 B +36 8 245 EB +36 8 246 E +36 8 247 E +36 8 248 E +36 8 249 E +36 8 250 E +36 8 251 E +36 8 252 B +36 8 253 E +36 8 254 E +36 8 255 E +36 8 256 EB +36 8 257 E +36 8 258 E +36 8 259 EB +36 8 260 B +36 8 261 EB +36 8 262 B +36 8 263 E +36 8 264 E +36 8 265 E +36 8 266 EB +36 8 267 E +36 8 268 E +36 8 269 E +36 8 270 EB +36 8 271 E +36 8 272 B +36 8 273 E +36 8 274 B +36 8 275 E +36 8 276 EB +36 8 277 E +36 8 278 EB +36 8 279 E +36 8 280 E +36 8 281 E +36 8 282 E +36 8 283 E +36 8 284 B +36 8 285 EB +36 8 286 B +36 8 287 E +36 8 288 EB +36 8 289 E +36 8 290 B +36 8 291 E +36 8 292 B +36 8 293 E +36 8 294 E +36 8 295 E +36 8 296 E +36 8 297 EB +36 8 298 EB +36 8 299 E +36 8 300 E +36 8 301 E +36 8 302 B +36 8 303 E +36 8 304 E +36 8 305 E +36 8 306 E +36 8 307 E +36 8 308 E +36 8 309 E +36 8 310 E +36 8 311 E +36 8 312 E +36 8 313 E +36 8 314 B +36 8 315 E +36 8 316 E +36 8 317 EB +36 8 318 EB +36 8 319 B +36 8 320 E +36 8 321 EB +36 8 322 E +36 8 323 E +36 8 324 B +36 8 325 E +36 8 326 EB +36 8 327 B +36 8 328 E +36 8 329 E +36 8 330 B +36 9 1 E +36 9 2 B +36 9 3 EB +36 9 4 E +36 9 5 B +36 9 6 E +36 9 7 E +36 9 8 EB +36 9 9 E +36 9 10 E +36 9 11 E +36 9 12 EB +36 9 13 E +36 9 14 E +36 9 15 B +36 9 16 B +36 9 17 EB +36 9 18 E +36 9 19 E +36 9 20 E +36 9 21 EB +36 9 22 B +36 9 23 E +36 9 24 E +36 9 25 E +36 9 26 E +36 9 27 B +36 9 28 EB +36 9 29 E +36 9 30 EB +36 9 31 B +36 9 32 EB +36 9 33 E +36 9 34 E +36 9 35 EB +36 9 36 E +36 9 37 E +36 9 38 EB +36 9 39 E +36 9 40 E +36 9 41 EB +36 9 42 B +36 9 43 E +36 9 44 B +36 9 45 E +36 9 46 E +36 9 47 E +36 9 48 EB +36 9 49 B +36 9 50 E +36 9 51 E +36 9 52 B +36 9 53 EB +36 9 54 E +36 9 55 E +36 9 56 B +36 9 57 E +36 9 58 E +36 9 59 B +36 9 60 E +36 9 61 EB +36 9 62 B +36 9 63 EB +36 9 64 E +36 9 65 EB +36 9 66 B +36 9 67 E +36 9 68 EB +36 9 69 E +36 9 70 B +36 9 71 E +36 9 72 E +36 9 73 E +36 9 74 B +36 9 75 E +36 9 76 EB +36 9 77 E +36 9 78 EB +36 9 79 E +36 9 80 E +36 9 81 E +36 9 82 E +36 9 83 B +36 9 84 EB +36 9 85 E +36 9 86 EB +36 9 87 E +36 9 88 EB +36 9 89 E +36 9 90 E +36 9 91 EB +36 9 92 B +36 9 93 E +36 9 94 E +36 9 95 B +36 9 96 EB +36 9 97 E +36 9 98 EB +36 9 99 E +36 9 100 B +36 9 101 EB +36 9 102 B +36 9 103 E +36 9 104 E +36 9 105 EB +36 9 106 B +36 9 107 B +36 9 108 E +36 9 109 E +36 9 110 EB +36 9 111 E +36 9 112 EB +36 9 113 E +36 9 114 E +36 9 115 EB +36 9 116 B +36 9 117 E +36 9 118 EB +36 9 119 E +36 9 120 B +36 9 121 EB +36 9 122 E +36 9 123 E +36 9 124 EB +36 9 125 EB +36 9 126 EB +36 9 127 E +36 9 128 EB +36 9 129 B +36 9 130 E +36 9 131 EB +36 9 132 EB +36 9 133 E +36 9 134 E +36 9 135 EB +36 9 136 E +36 9 137 E +36 9 138 E +36 9 139 B +36 9 140 E +36 9 141 B +36 9 142 B +36 9 143 E +36 9 144 E +36 9 145 E +36 9 146 EB +36 9 147 E +36 9 148 EB +36 9 149 E +36 9 150 E +36 9 151 EB +36 9 152 EB +36 9 153 E +36 9 154 E +36 9 155 E +36 9 156 E +36 9 157 E +36 9 158 B +36 9 159 EB +36 9 160 EB +36 9 161 E +36 9 162 EB +36 9 163 E +36 9 164 E +36 9 165 E +36 9 166 E +36 9 167 EB +36 9 168 E +36 9 169 E +36 9 170 E +36 9 171 E +36 9 172 B +36 9 173 EB +36 9 174 EB +36 9 175 E +36 9 176 EB +36 9 177 B +36 9 178 E +36 9 179 EB +36 9 180 E +36 9 181 EB +36 9 182 E +36 9 183 E +36 9 184 EB +36 9 185 EB +36 9 186 B +36 9 187 EB +36 9 188 E +36 9 189 B +36 9 190 EB +36 9 191 E +36 9 192 E +36 9 193 EB +36 9 194 EB +36 9 195 E +36 9 196 B +36 9 197 E +36 9 198 E +36 9 199 B +36 9 200 E +36 9 201 B +36 9 202 E +36 9 203 EB +36 9 204 E +36 9 205 E +36 9 206 B +36 9 207 EB +36 9 208 EB +36 9 209 E +36 9 210 E +36 9 211 E +36 9 212 EB +36 9 213 E +36 9 214 B +36 9 215 B +36 9 216 E +36 9 217 B +36 9 218 E +36 9 219 B +36 9 220 E +36 9 221 B +36 9 222 E +36 9 223 E +36 9 224 B +36 9 225 E +36 9 226 E +36 9 227 E +36 9 228 E +36 9 229 B +36 9 230 EB +36 9 231 E +36 9 232 E +36 9 233 B +36 9 234 E +36 9 235 E +36 9 236 E +36 9 237 B +36 9 238 E +36 9 239 EB +36 9 240 E +36 9 241 B +36 9 242 EB +36 9 243 EB +36 9 244 B +36 9 245 EB +36 9 246 E +36 9 247 E +36 9 248 E +36 9 249 E +36 9 250 E +36 9 251 E +36 9 252 B +36 9 253 E +36 9 254 B +36 9 255 E +36 9 256 EB +36 9 257 E +36 9 258 EB +36 9 259 EB +36 9 260 B +36 9 261 EB +36 9 262 B +36 9 263 E +36 9 264 B +36 9 265 E +36 9 266 EB +36 9 267 E +36 9 268 E +36 9 269 EB +36 9 270 EB +36 9 271 E +36 9 272 B +36 9 273 EB +36 9 274 B +36 9 275 E +36 9 276 EB +36 9 277 E +36 9 278 EB +36 9 279 E +36 9 280 E +36 9 281 E +36 9 282 E +36 9 283 EB +36 9 284 B +36 9 285 EB +36 9 286 B +36 9 287 E +36 9 288 EB +36 9 289 E +36 9 290 B +36 9 291 E +36 9 292 EB +36 9 293 B +36 9 294 B +36 9 295 E +36 9 296 E +36 9 297 EB +36 9 298 EB +36 9 299 E +36 9 300 B +36 9 301 E +36 9 302 EB +36 9 303 E +36 9 304 E +36 9 305 E +36 9 306 E +36 9 307 E +36 9 308 E +36 9 309 E +36 9 310 E +36 9 311 E +36 9 312 E +36 9 313 E +36 9 314 B +36 9 315 E +36 9 316 E +36 9 317 EB +36 9 318 EB +36 9 319 B +36 9 320 E +36 9 321 EB +36 9 322 E +36 9 323 E +36 9 324 B +36 9 325 E +36 9 326 EB +36 9 327 B +36 9 328 E +36 9 329 E +36 9 330 B +36 10 1 E +36 10 2 E +36 10 3 EB +36 10 4 E +36 10 5 E +36 10 6 EB +36 10 7 E +36 10 8 EB +36 10 9 E +36 10 10 E +36 10 11 E +36 10 12 EB +36 10 13 E +36 10 14 E +36 10 15 EB +36 10 16 B +36 10 17 EB +36 10 18 E +36 10 19 E +36 10 20 E +36 10 21 EB +36 10 22 B +36 10 23 E +36 10 24 E +36 10 25 E +36 10 26 E +36 10 27 B +36 10 28 EB +36 10 29 E +36 10 30 EB +36 10 31 B +36 10 32 EB +36 10 33 E +36 10 34 E +36 10 35 EB +36 10 36 E +36 10 37 E +36 10 38 EB +36 10 39 E +36 10 40 E +36 10 41 EB +36 10 42 B +36 10 43 E +36 10 44 B +36 10 45 E +36 10 46 E +36 10 47 E +36 10 48 EB +36 10 49 B +36 10 50 E +36 10 51 E +36 10 52 B +36 10 53 EB +36 10 54 E +36 10 55 E +36 10 56 B +36 10 57 E +36 10 58 E +36 10 59 B +36 10 60 E +36 10 61 EB +36 10 62 E +36 10 63 EB +36 10 64 E +36 10 65 EB +36 10 66 B +36 10 67 E +36 10 68 EB +36 10 69 E +36 10 70 B +36 10 71 EB +36 10 72 E +36 10 73 E +36 10 74 B +36 10 75 E +36 10 76 EB +36 10 77 E +36 10 78 B +36 10 79 E +36 10 80 E +36 10 81 E +36 10 82 E +36 10 83 B +36 10 84 EB +36 10 85 E +36 10 86 EB +36 10 87 E +36 10 88 EB +36 10 89 E +36 10 90 E +36 10 91 E +36 10 92 B +36 10 93 E +36 10 94 E +36 10 95 B +36 10 96 EB +36 10 97 E +36 10 98 EB +36 10 99 B +36 10 100 B +36 10 101 EB +36 10 102 E +36 10 103 E +36 10 104 E +36 10 105 EB +36 10 106 E +36 10 107 B +36 10 108 B +36 10 109 E +36 10 110 EB +36 10 111 E +36 10 112 EB +36 10 113 E +36 10 114 E +36 10 115 EB +36 10 116 B +36 10 117 E +36 10 118 EB +36 10 119 E +36 10 120 B +36 10 121 EB +36 10 122 E +36 10 123 E +36 10 124 E +36 10 125 EB +36 10 126 EB +36 10 127 E +36 10 128 EB +36 10 129 B +36 10 130 E +36 10 131 EB +36 10 132 EB +36 10 133 E +36 10 134 E +36 10 135 E +36 10 136 E +36 10 137 E +36 10 138 B +36 10 139 B +36 10 140 E +36 10 141 B +36 10 142 B +36 10 143 E +36 10 144 E +36 10 145 B +36 10 146 EB +36 10 147 E +36 10 148 EB +36 10 149 B +36 10 150 E +36 10 151 EB +36 10 152 EB +36 10 153 E +36 10 154 E +36 10 155 E +36 10 156 E +36 10 157 E +36 10 158 B +36 10 159 EB +36 10 160 EB +36 10 161 E +36 10 162 EB +36 10 163 E +36 10 164 E +36 10 165 E +36 10 166 E +36 10 167 EB +36 10 168 E +36 10 169 E +36 10 170 E +36 10 171 E +36 10 172 B +36 10 173 EB +36 10 174 EB +36 10 175 B +36 10 176 EB +36 10 177 B +36 10 178 E +36 10 179 EB +36 10 180 E +36 10 181 EB +36 10 182 EB +36 10 183 EB +36 10 184 E +36 10 185 EB +36 10 186 B +36 10 187 EB +36 10 188 E +36 10 189 B +36 10 190 EB +36 10 191 E +36 10 192 E +36 10 193 E +36 10 194 EB +36 10 195 E +36 10 196 B +36 10 197 EB +36 10 198 E +36 10 199 B +36 10 200 E +36 10 201 EB +36 10 202 E +36 10 203 EB +36 10 204 E +36 10 205 EB +36 10 206 B +36 10 207 EB +36 10 208 E +36 10 209 E +36 10 210 E +36 10 211 E +36 10 212 EB +36 10 213 E +36 10 214 E +36 10 215 EB +36 10 216 E +36 10 217 EB +36 10 218 E +36 10 219 B +36 10 220 E +36 10 221 B +36 10 222 E +36 10 223 E +36 10 224 B +36 10 225 E +36 10 226 E +36 10 227 E +36 10 228 E +36 10 229 E +36 10 230 B +36 10 231 EB +36 10 232 E +36 10 233 E +36 10 234 E +36 10 235 E +36 10 236 E +36 10 237 EB +36 10 238 E +36 10 239 EB +36 10 240 E +36 10 241 B +36 10 242 E +36 10 243 EB +36 10 244 B +36 10 245 EB +36 10 246 E +36 10 247 E +36 10 248 E +36 10 249 E +36 10 250 E +36 10 251 E +36 10 252 B +36 10 253 E +36 10 254 E +36 10 255 E +36 10 256 EB +36 10 257 E +36 10 258 EB +36 10 259 EB +36 10 260 B +36 10 261 EB +36 10 262 B +36 10 263 E +36 10 264 B +36 10 265 E +36 10 266 EB +36 10 267 EB +36 10 268 E +36 10 269 EB +36 10 270 EB +36 10 271 E +36 10 272 B +36 10 273 EB +36 10 274 B +36 10 275 E +36 10 276 EB +36 10 277 E +36 10 278 EB +36 10 279 E +36 10 280 E +36 10 281 E +36 10 282 E +36 10 283 E +36 10 284 B +36 10 285 EB +36 10 286 B +36 10 287 E +36 10 288 EB +36 10 289 E +36 10 290 B +36 10 291 E +36 10 292 EB +36 10 293 B +36 10 294 B +36 10 295 E +36 10 296 E +36 10 297 EB +36 10 298 EB +36 10 299 E +36 10 300 B +36 10 301 E +36 10 302 B +36 10 303 B +36 10 304 E +36 10 305 EB +36 10 306 E +36 10 307 E +36 10 308 E +36 10 309 E +36 10 310 E +36 10 311 E +36 10 312 E +36 10 313 E +36 10 314 B +36 10 315 E +36 10 316 E +36 10 317 EB +36 10 318 EB +36 10 319 B +36 10 320 E +36 10 321 EB +36 10 322 E +36 10 323 E +36 10 324 B +36 10 325 EB +36 10 326 EB +36 10 327 B +36 10 328 E +36 10 329 E +36 10 330 B +36 11 1 B +36 11 2 B +36 11 3 EB +36 11 4 E +36 11 5 B +36 11 6 EB +36 11 7 E +36 11 8 EB +36 11 9 E +36 11 10 E +36 11 11 E +36 11 12 EB +36 11 13 E +36 11 14 E +36 11 15 EB +36 11 16 B +36 11 17 EB +36 11 18 E +36 11 19 B +36 11 20 E +36 11 21 EB +36 11 22 B +36 11 23 EB +36 11 24 E +36 11 25 E +36 11 26 E +36 11 27 B +36 11 28 EB +36 11 29 E +36 11 30 EB +36 11 31 B +36 11 32 EB +36 11 33 B +36 11 34 B +36 11 35 EB +36 11 36 E +36 11 37 E +36 11 38 EB +36 11 39 E +36 11 40 B +36 11 41 EB +36 11 42 E +36 11 43 E +36 11 44 B +36 11 45 E +36 11 46 E +36 11 47 E +36 11 48 EB +36 11 49 B +36 11 50 E +36 11 51 E +36 11 52 B +36 11 53 EB +36 11 54 E +36 11 55 B +36 11 56 EB +36 11 57 E +36 11 58 EB +36 11 59 B +36 11 60 E +36 11 61 EB +36 11 62 E +36 11 63 EB +36 11 64 E +36 11 65 EB +36 11 66 B +36 11 67 B +36 11 68 EB +36 11 69 E +36 11 70 B +36 11 71 E +36 11 72 B +36 11 73 E +36 11 74 B +36 11 75 EB +36 11 76 EB +36 11 77 E +36 11 78 EB +36 11 79 E +36 11 80 E +36 11 81 B +36 11 82 B +36 11 83 EB +36 11 84 EB +36 11 85 E +36 11 86 EB +36 11 87 E +36 11 88 EB +36 11 89 E +36 11 90 E +36 11 91 E +36 11 92 B +36 11 93 E +36 11 94 E +36 11 95 B +36 11 96 EB +36 11 97 E +36 11 98 EB +36 11 99 B +36 11 100 B +36 11 101 EB +36 11 102 B +36 11 103 E +36 11 104 B +36 11 105 EB +36 11 106 B +36 11 107 B +36 11 108 B +36 11 109 E +36 11 110 EB +36 11 111 E +36 11 112 EB +36 11 113 E +36 11 114 E +36 11 115 EB +36 11 116 B +36 11 117 E +36 11 118 EB +36 11 119 E +36 11 120 B +36 11 121 EB +36 11 122 E +36 11 123 E +36 11 124 B +36 11 125 EB +36 11 126 EB +36 11 127 E +36 11 128 B +36 11 129 B +36 11 130 E +36 11 131 E +36 11 132 EB +36 11 133 E +36 11 134 E +36 11 135 EB +36 11 136 B +36 11 137 E +36 11 138 B +36 11 139 B +36 11 140 E +36 11 141 B +36 11 142 B +36 11 143 E +36 11 144 E +36 11 145 E +36 11 146 EB +36 11 147 B +36 11 148 EB +36 11 149 B +36 11 150 E +36 11 151 EB +36 11 152 EB +36 11 153 B +36 11 154 E +36 11 155 E +36 11 156 B +36 11 157 E +36 11 158 B +36 11 159 EB +36 11 160 EB +36 11 161 E +36 11 162 EB +36 11 163 E +36 11 164 E +36 11 165 E +36 11 166 E +36 11 167 B +36 11 168 E +36 11 169 B +36 11 170 E +36 11 171 E +36 11 172 B +36 11 173 EB +36 11 174 EB +36 11 175 B +36 11 176 EB +36 11 177 B +36 11 178 E +36 11 179 E +36 11 180 B +36 11 181 EB +36 11 182 EB +36 11 183 E +36 11 184 B +36 11 185 EB +36 11 186 B +36 11 187 EB +36 11 188 B +36 11 189 B +36 11 190 EB +36 11 191 E +36 11 192 E +36 11 193 EB +36 11 194 E +36 11 195 E +36 11 196 E +36 11 197 E +36 11 198 E +36 11 199 B +36 11 200 B +36 11 201 EB +36 11 202 E +36 11 203 EB +36 11 204 E +36 11 205 E +36 11 206 B +36 11 207 EB +36 11 208 E +36 11 209 E +36 11 210 E +36 11 211 E +36 11 212 EB +36 11 213 B +36 11 214 E +36 11 215 EB +36 11 216 E +36 11 217 EB +36 11 218 E +36 11 219 B +36 11 220 E +36 11 221 B +36 11 222 E +36 11 223 E +36 11 224 B +36 11 225 E +36 11 226 E +36 11 227 E +36 11 228 E +36 11 229 B +36 11 230 B +36 11 231 EB +36 11 232 E +36 11 233 B +36 11 234 E +36 11 235 E +36 11 236 B +36 11 237 EB +36 11 238 E +36 11 239 EB +36 11 240 E +36 11 241 B +36 11 242 B +36 11 243 E +36 11 244 B +36 11 245 EB +36 11 246 B +36 11 247 E +36 11 248 E +36 11 249 E +36 11 250 EB +36 11 251 B +36 11 252 B +36 11 253 B +36 11 254 B +36 11 255 E +36 11 256 EB +36 11 257 E +36 11 258 EB +36 11 259 EB +36 11 260 B +36 11 261 EB +36 11 262 B +36 11 263 E +36 11 264 B +36 11 265 E +36 11 266 EB +36 11 267 E +36 11 268 B +36 11 269 EB +36 11 270 EB +36 11 271 E +36 11 272 B +36 11 273 EB +36 11 274 B +36 11 275 E +36 11 276 E +36 11 277 E +36 11 278 EB +36 11 279 E +36 11 280 E +36 11 281 E +36 11 282 E +36 11 283 E +36 11 284 B +36 11 285 EB +36 11 286 B +36 11 287 E +36 11 288 EB +36 11 289 B +36 11 290 B +36 11 291 E +36 11 292 EB +36 11 293 B +36 11 294 B +36 11 295 E +36 11 296 E +36 11 297 EB +36 11 298 EB +36 11 299 E +36 11 300 B +36 11 301 E +36 11 302 B +36 11 303 B +36 11 304 E +36 11 305 E +36 11 306 B +36 11 307 E +36 11 308 E +36 11 309 E +36 11 310 B +36 11 311 E +36 11 312 E +36 11 313 E +36 11 314 B +36 11 315 B +36 11 316 E +36 11 317 EB +36 11 318 EB +36 11 319 B +36 11 320 E +36 11 321 EB +36 11 322 B +36 11 323 E +36 11 324 B +36 11 325 E +36 11 326 EB +36 11 327 B +36 11 328 E +36 11 329 E +36 11 330 B +36 12 1 E +36 12 2 B +36 12 3 EB +36 12 4 E +36 12 5 B +36 12 6 EB +36 12 7 E +36 12 8 EB +36 12 9 E +36 12 10 E +36 12 11 E +36 12 12 EB +36 12 13 E +36 12 14 E +36 12 15 EB +36 12 16 B +36 12 17 EB +36 12 18 E +36 12 19 E +36 12 20 E +36 12 21 EB +36 12 22 B +36 12 23 E +36 12 24 E +36 12 25 E +36 12 26 E +36 12 27 B +36 12 28 EB +36 12 29 B +36 12 30 E +36 12 31 B +36 12 32 EB +36 12 33 E +36 12 34 E +36 12 35 EB +36 12 36 E +36 12 37 E +36 12 38 EB +36 12 39 E +36 12 40 E +36 12 41 EB +36 12 42 E +36 12 43 E +36 12 44 B +36 12 45 E +36 12 46 E +36 12 47 E +36 12 48 EB +36 12 49 B +36 12 50 E +36 12 51 E +36 12 52 B +36 12 53 E +36 12 54 E +36 12 55 E +36 12 56 B +36 12 57 E +36 12 58 E +36 12 59 B +36 12 60 E +36 12 61 EB +36 12 62 E +36 12 63 EB +36 12 64 E +36 12 65 EB +36 12 66 B +36 12 67 B +36 12 68 EB +36 12 69 E +36 12 70 B +36 12 71 E +36 12 72 E +36 12 73 E +36 12 74 B +36 12 75 E +36 12 76 EB +36 12 77 E +36 12 78 EB +36 12 79 E +36 12 80 E +36 12 81 E +36 12 82 B +36 12 83 B +36 12 84 B +36 12 85 E +36 12 86 EB +36 12 87 E +36 12 88 E +36 12 89 E +36 12 90 E +36 12 91 B +36 12 92 B +36 12 93 B +36 12 94 E +36 12 95 B +36 12 96 EB +36 12 97 E +36 12 98 EB +36 12 99 E +36 12 100 B +36 12 101 EB +36 12 102 B +36 12 103 E +36 12 104 E +36 12 105 E +36 12 106 B +36 12 107 B +36 12 108 B +36 12 109 E +36 12 110 EB +36 12 111 E +36 12 112 EB +36 12 113 E +36 12 114 E +36 12 115 EB +36 12 116 B +36 12 117 E +36 12 118 EB +36 12 119 E +36 12 120 B +36 12 121 EB +36 12 122 E +36 12 123 E +36 12 124 E +36 12 125 EB +36 12 126 EB +36 12 127 E +36 12 128 EB +36 12 129 B +36 12 130 E +36 12 131 EB +36 12 132 EB +36 12 133 E +36 12 134 E +36 12 135 EB +36 12 136 E +36 12 137 E +36 12 138 E +36 12 139 B +36 12 140 E +36 12 141 B +36 12 142 B +36 12 143 E +36 12 144 E +36 12 145 E +36 12 146 EB +36 12 147 E +36 12 148 EB +36 12 149 B +36 12 150 E +36 12 151 EB +36 12 152 EB +36 12 153 E +36 12 154 E +36 12 155 E +36 12 156 E +36 12 157 EB +36 12 158 B +36 12 159 B +36 12 160 B +36 12 161 E +36 12 162 EB +36 12 163 E +36 12 164 E +36 12 165 E +36 12 166 E +36 12 167 EB +36 12 168 E +36 12 169 E +36 12 170 E +36 12 171 E +36 12 172 B +36 12 173 EB +36 12 174 EB +36 12 175 B +36 12 176 EB +36 12 177 B +36 12 178 E +36 12 179 E +36 12 180 E +36 12 181 EB +36 12 182 EB +36 12 183 E +36 12 184 EB +36 12 185 E +36 12 186 B +36 12 187 EB +36 12 188 E +36 12 189 B +36 12 190 B +36 12 191 E +36 12 192 EB +36 12 193 B +36 12 194 E +36 12 195 E +36 12 196 B +36 12 197 EB +36 12 198 E +36 12 199 B +36 12 200 E +36 12 201 B +36 12 202 E +36 12 203 EB +36 12 204 E +36 12 205 E +36 12 206 B +36 12 207 EB +36 12 208 EB +36 12 209 E +36 12 210 E +36 12 211 E +36 12 212 EB +36 12 213 B +36 12 214 E +36 12 215 EB +36 12 216 E +36 12 217 B +36 12 218 E +36 12 219 B +36 12 220 E +36 12 221 B +36 12 222 E +36 12 223 E +36 12 224 B +36 12 225 E +36 12 226 E +36 12 227 E +36 12 228 E +36 12 229 B +36 12 230 B +36 12 231 EB +36 12 232 E +36 12 233 E +36 12 234 E +36 12 235 E +36 12 236 E +36 12 237 EB +36 12 238 E +36 12 239 EB +36 12 240 EB +36 12 241 B +36 12 242 B +36 12 243 E +36 12 244 B +36 12 245 E +36 12 246 EB +36 12 247 E +36 12 248 E +36 12 249 E +36 12 250 EB +36 12 251 B +36 12 252 B +36 12 253 E +36 12 254 E +36 12 255 E +36 12 256 EB +36 12 257 E +36 12 258 B +36 12 259 EB +36 12 260 B +36 12 261 EB +36 12 262 B +36 12 263 E +36 12 264 B +36 12 265 E +36 12 266 EB +36 12 267 E +36 12 268 E +36 12 269 EB +36 12 270 EB +36 12 271 E +36 12 272 B +36 12 273 EB +36 12 274 B +36 12 275 E +36 12 276 EB +36 12 277 E +36 12 278 EB +36 12 279 E +36 12 280 E +36 12 281 E +36 12 282 E +36 12 283 E +36 12 284 B +36 12 285 EB +36 12 286 B +36 12 287 E +36 12 288 EB +36 12 289 E +36 12 290 B +36 12 291 E +36 12 292 EB +36 12 293 B +36 12 294 B +36 12 295 E +36 12 296 EB +36 12 297 EB +36 12 298 EB +36 12 299 E +36 12 300 B +36 12 301 E +36 12 302 B +36 12 303 B +36 12 304 E +36 12 305 E +36 12 306 E +36 12 307 E +36 12 308 EB +36 12 309 E +36 12 310 E +36 12 311 E +36 12 312 E +36 12 313 E +36 12 314 B +36 12 315 E +36 12 316 E +36 12 317 EB +36 12 318 EB +36 12 319 B +36 12 320 E +36 12 321 EB +36 12 322 E +36 12 323 E +36 12 324 B +36 12 325 EB +36 12 326 E +36 12 327 B +36 12 328 E +36 12 329 E +36 12 330 B +36 13 1 E +36 13 2 E +36 13 3 EB +36 13 4 E +36 13 5 E +36 13 6 EB +36 13 7 E +36 13 8 EB +36 13 9 E +36 13 10 E +36 13 11 E +36 13 12 EB +36 13 13 E +36 13 14 E +36 13 15 EB +36 13 16 B +36 13 17 EB +36 13 18 E +36 13 19 E +36 13 20 E +36 13 21 EB +36 13 22 E +36 13 23 E +36 13 24 E +36 13 25 E +36 13 26 E +36 13 27 B +36 13 28 EB +36 13 29 E +36 13 30 EB +36 13 31 E +36 13 32 EB +36 13 33 E +36 13 34 E +36 13 35 EB +36 13 36 E +36 13 37 E +36 13 38 EB +36 13 39 E +36 13 40 E +36 13 41 EB +36 13 42 E +36 13 43 E +36 13 44 B +36 13 45 E +36 13 46 E +36 13 47 E +36 13 48 EB +36 13 49 E +36 13 50 E +36 13 51 E +36 13 52 B +36 13 53 EB +36 13 54 E +36 13 55 E +36 13 56 E +36 13 57 E +36 13 58 E +36 13 59 B +36 13 60 E +36 13 61 EB +36 13 62 E +36 13 63 EB +36 13 64 E +36 13 65 EB +36 13 66 B +36 13 67 E +36 13 68 EB +36 13 69 E +36 13 70 B +36 13 71 E +36 13 72 E +36 13 73 E +36 13 74 B +36 13 75 E +36 13 76 EB +36 13 77 E +36 13 78 EB +36 13 79 E +36 13 80 E +36 13 81 E +36 13 82 E +36 13 83 B +36 13 84 EB +36 13 85 E +36 13 86 EB +36 13 87 E +36 13 88 EB +36 13 89 E +36 13 90 E +36 13 91 E +36 13 92 B +36 13 93 E +36 13 94 E +36 13 95 B +36 13 96 EB +36 13 97 E +36 13 98 EB +36 13 99 E +36 13 100 E +36 13 101 EB +36 13 102 E +36 13 103 E +36 13 104 E +36 13 105 EB +36 13 106 EB +36 13 107 B +36 13 108 B +36 13 109 E +36 13 110 EB +36 13 111 E +36 13 112 EB +36 13 113 E +36 13 114 E +36 13 115 EB +36 13 116 E +36 13 117 E +36 13 118 EB +36 13 119 E +36 13 120 B +36 13 121 EB +36 13 122 E +36 13 123 E +36 13 124 B +36 13 125 EB +36 13 126 EB +36 13 127 E +36 13 128 EB +36 13 129 B +36 13 130 E +36 13 131 E +36 13 132 EB +36 13 133 E +36 13 134 E +36 13 135 EB +36 13 136 E +36 13 137 E +36 13 138 E +36 13 139 B +36 13 140 E +36 13 141 B +36 13 142 B +36 13 143 E +36 13 144 E +36 13 145 B +36 13 146 EB +36 13 147 E +36 13 148 EB +36 13 149 B +36 13 150 E +36 13 151 EB +36 13 152 EB +36 13 153 E +36 13 154 E +36 13 155 E +36 13 156 E +36 13 157 E +36 13 158 B +36 13 159 B +36 13 160 EB +36 13 161 E +36 13 162 EB +36 13 163 E +36 13 164 E +36 13 165 E +36 13 166 E +36 13 167 E +36 13 168 E +36 13 169 E +36 13 170 E +36 13 171 E +36 13 172 B +36 13 173 EB +36 13 174 EB +36 13 175 E +36 13 176 EB +36 13 177 B +36 13 178 E +36 13 179 E +36 13 180 E +36 13 181 E +36 13 182 E +36 13 183 E +36 13 184 E +36 13 185 E +36 13 186 B +36 13 187 EB +36 13 188 E +36 13 189 B +36 13 190 EB +36 13 191 E +36 13 192 E +36 13 193 E +36 13 194 E +36 13 195 E +36 13 196 E +36 13 197 E +36 13 198 E +36 13 199 B +36 13 200 E +36 13 201 EB +36 13 202 E +36 13 203 EB +36 13 204 E +36 13 205 E +36 13 206 B +36 13 207 EB +36 13 208 EB +36 13 209 E +36 13 210 E +36 13 211 E +36 13 212 EB +36 13 213 E +36 13 214 E +36 13 215 EB +36 13 216 E +36 13 217 EB +36 13 218 E +36 13 219 B +36 13 220 E +36 13 221 B +36 13 222 E +36 13 223 E +36 13 224 B +36 13 225 E +36 13 226 E +36 13 227 E +36 13 228 E +36 13 229 E +36 13 230 B +36 13 231 EB +36 13 232 E +36 13 233 B +36 13 234 E +36 13 235 E +36 13 236 E +36 13 237 EB +36 13 238 E +36 13 239 EB +36 13 240 E +36 13 241 B +36 13 242 B +36 13 243 E +36 13 244 B +36 13 245 E +36 13 246 EB +36 13 247 E +36 13 248 E +36 13 249 E +36 13 250 E +36 13 251 E +36 13 252 B +36 13 253 E +36 13 254 E +36 13 255 E +36 13 256 EB +36 13 257 E +36 13 258 E +36 13 259 EB +36 13 260 B +36 13 261 EB +36 13 262 B +36 13 263 E +36 13 264 E +36 13 265 E +36 13 266 EB +36 13 267 E +36 13 268 E +36 13 269 EB +36 13 270 EB +36 13 271 E +36 13 272 B +36 13 273 EB +36 13 274 B +36 13 275 E +36 13 276 EB +36 13 277 E +36 13 278 EB +36 13 279 E +36 13 280 E +36 13 281 E +36 13 282 E +36 13 283 E +36 13 284 B +36 13 285 EB +36 13 286 B +36 13 287 E +36 13 288 EB +36 13 289 E +36 13 290 B +36 13 291 E +36 13 292 EB +36 13 293 B +36 13 294 B +36 13 295 E +36 13 296 E +36 13 297 E +36 13 298 EB +36 13 299 E +36 13 300 E +36 13 301 E +36 13 302 B +36 13 303 E +36 13 304 E +36 13 305 E +36 13 306 E +36 13 307 E +36 13 308 E +36 13 309 E +36 13 310 E +36 13 311 E +36 13 312 E +36 13 313 E +36 13 314 B +36 13 315 E +36 13 316 E +36 13 317 EB +36 13 318 EB +36 13 319 B +36 13 320 E +36 13 321 EB +36 13 322 E +36 13 323 E +36 13 324 B +36 13 325 EB +36 13 326 E +36 13 327 B +36 13 328 E +36 13 329 EB +36 13 330 B +36 14 1 E +36 14 2 B +36 14 3 EB +36 14 4 E +36 14 5 B +36 14 6 EB +36 14 7 E +36 14 8 EB +36 14 9 E +36 14 10 E +36 14 11 E +36 14 12 EB +36 14 13 E +36 14 14 E +36 14 15 B +36 14 16 B +36 14 17 EB +36 14 18 E +36 14 19 E +36 14 20 E +36 14 21 EB +36 14 22 B +36 14 23 E +36 14 24 E +36 14 25 E +36 14 26 E +36 14 27 B +36 14 28 EB +36 14 29 E +36 14 30 E +36 14 31 B +36 14 32 EB +36 14 33 E +36 14 34 E +36 14 35 EB +36 14 36 E +36 14 37 E +36 14 38 EB +36 14 39 E +36 14 40 E +36 14 41 EB +36 14 42 E +36 14 43 E +36 14 44 B +36 14 45 E +36 14 46 E +36 14 47 E +36 14 48 EB +36 14 49 B +36 14 50 E +36 14 51 E +36 14 52 B +36 14 53 EB +36 14 54 E +36 14 55 E +36 14 56 EB +36 14 57 E +36 14 58 E +36 14 59 B +36 14 60 E +36 14 61 EB +36 14 62 E +36 14 63 B +36 14 64 E +36 14 65 EB +36 14 66 B +36 14 67 B +36 14 68 EB +36 14 69 E +36 14 70 B +36 14 71 E +36 14 72 E +36 14 73 EB +36 14 74 B +36 14 75 E +36 14 76 EB +36 14 77 E +36 14 78 B +36 14 79 E +36 14 80 E +36 14 81 EB +36 14 82 E +36 14 83 B +36 14 84 B +36 14 85 E +36 14 86 EB +36 14 87 E +36 14 88 E +36 14 89 E +36 14 90 E +36 14 91 EB +36 14 92 B +36 14 93 E +36 14 94 E +36 14 95 B +36 14 96 EB +36 14 97 E +36 14 98 EB +36 14 99 B +36 14 100 B +36 14 101 EB +36 14 102 B +36 14 103 E +36 14 104 B +36 14 105 EB +36 14 106 B +36 14 107 B +36 14 108 B +36 14 109 E +36 14 110 EB +36 14 111 E +36 14 112 * +36 14 113 E +36 14 114 E +36 14 115 EB +36 14 116 B +36 14 117 E +36 14 118 EB +36 14 119 E +36 14 120 B +36 14 121 EB +36 14 122 E +36 14 123 E +36 14 124 EB +36 14 125 EB +36 14 126 B +36 14 127 E +36 14 128 EB +36 14 129 B +36 14 130 E +36 14 131 EB +36 14 132 EB +36 14 133 E +36 14 134 E +36 14 135 EB +36 14 136 E +36 14 137 E +36 14 138 B +36 14 139 B +36 14 140 E +36 14 141 B +36 14 142 B +36 14 143 E +36 14 144 E +36 14 145 E +36 14 146 EB +36 14 147 E +36 14 148 EB +36 14 149 E +36 14 150 E +36 14 151 EB +36 14 152 EB +36 14 153 E +36 14 154 E +36 14 155 E +36 14 156 E +36 14 157 E +36 14 158 B +36 14 159 EB +36 14 160 EB +36 14 161 B +36 14 162 EB +36 14 163 E +36 14 164 E +36 14 165 E +36 14 166 E +36 14 167 B +36 14 168 E +36 14 169 E +36 14 170 E +36 14 171 E +36 14 172 B +36 14 173 EB +36 14 174 B +36 14 175 B +36 14 176 EB +36 14 177 EB +36 14 178 E +36 14 179 E +36 14 180 E +36 14 181 E +36 14 182 E +36 14 183 E +36 14 184 EB +36 14 185 EB +36 14 186 B +36 14 187 EB +36 14 188 E +36 14 189 B +36 14 190 EB +36 14 191 E +36 14 192 E +36 14 193 EB +36 14 194 E +36 14 195 E +36 14 196 B +36 14 197 E +36 14 198 E +36 14 199 B +36 14 200 B +36 14 201 B +36 14 202 E +36 14 203 EB +36 14 204 E +36 14 205 E +36 14 206 B +36 14 207 EB +36 14 208 EB +36 14 209 E +36 14 210 E +36 14 211 E +36 14 212 EB +36 14 213 B +36 14 214 EB +36 14 215 EB +36 14 216 E +36 14 217 EB +36 14 218 E +36 14 219 B +36 14 220 E +36 14 221 B +36 14 222 E +36 14 223 E +36 14 224 B +36 14 225 E +36 14 226 E +36 14 227 E +36 14 228 E +36 14 229 B +36 14 230 B +36 14 231 EB +36 14 232 E +36 14 233 E +36 14 234 E +36 14 235 E +36 14 236 EB +36 14 237 EB +36 14 238 E +36 14 239 EB +36 14 240 E +36 14 241 B +36 14 242 B +36 14 243 E +36 14 244 B +36 14 245 EB +36 14 246 E +36 14 247 E +36 14 248 E +36 14 249 E +36 14 250 E +36 14 251 B +36 14 252 B +36 14 253 E +36 14 254 E +36 14 255 E +36 14 256 EB +36 14 257 E +36 14 258 EB +36 14 259 EB +36 14 260 B +36 14 261 EB +36 14 262 B +36 14 263 E +36 14 264 B +36 14 265 E +36 14 266 EB +36 14 267 E +36 14 268 B +36 14 269 EB +36 14 270 EB +36 14 271 E +36 14 272 B +36 14 273 EB +36 14 274 B +36 14 275 E +36 14 276 EB +36 14 277 E +36 14 278 EB +36 14 279 E +36 14 280 E +36 14 281 E +36 14 282 E +36 14 283 EB +36 14 284 B +36 14 285 EB +36 14 286 B +36 14 287 E +36 14 288 EB +36 14 289 B +36 14 290 B +36 14 291 E +36 14 292 EB +36 14 293 B +36 14 294 B +36 14 295 E +36 14 296 E +36 14 297 EB +36 14 298 EB +36 14 299 E +36 14 300 B +36 14 301 E +36 14 302 B +36 14 303 B +36 14 304 E +36 14 305 E +36 14 306 B +36 14 307 E +36 14 308 E +36 14 309 E +36 14 310 E +36 14 311 E +36 14 312 E +36 14 313 E +36 14 314 B +36 14 315 E +36 14 316 E +36 14 317 EB +36 14 318 EB +36 14 319 B +36 14 320 E +36 14 321 EB +36 14 322 B +36 14 323 E +36 14 324 B +36 14 325 EB +36 14 326 EB +36 14 327 B +36 14 328 E +36 14 329 E +36 14 330 B +36 15 1 E +36 15 2 B +36 15 3 EB +36 15 4 E +36 15 5 B +36 15 6 B +36 15 7 B +36 15 8 EB +36 15 9 E +36 15 10 E +36 15 11 E +36 15 12 EB +36 15 13 E +36 15 14 E +36 15 15 B +36 15 16 B +36 15 17 EB +36 15 18 E +36 15 19 E +36 15 20 E +36 15 21 EB +36 15 22 B +36 15 23 E +36 15 24 E +36 15 25 E +36 15 26 E +36 15 27 B +36 15 28 EB +36 15 29 B +36 15 30 EB +36 15 31 B +36 15 32 EB +36 15 33 E +36 15 34 E +36 15 35 EB +36 15 36 E +36 15 37 E +36 15 38 EB +36 15 39 E +36 15 40 E +36 15 41 EB +36 15 42 EB +36 15 43 E +36 15 44 B +36 15 45 E +36 15 46 E +36 15 47 E +36 15 48 EB +36 15 49 B +36 15 50 E +36 15 51 E +36 15 52 B +36 15 53 EB +36 15 54 E +36 15 55 E +36 15 56 B +36 15 57 E +36 15 58 E +36 15 59 B +36 15 60 E +36 15 61 EB +36 15 62 E +36 15 63 EB +36 15 64 E +36 15 65 EB +36 15 66 B +36 15 67 E +36 15 68 EB +36 15 69 E +36 15 70 B +36 15 71 EB +36 15 72 E +36 15 73 E +36 15 74 B +36 15 75 E +36 15 76 EB +36 15 77 E +36 15 78 B +36 15 79 E +36 15 80 E +36 15 81 E +36 15 82 E +36 15 83 B +36 15 84 EB +36 15 85 E +36 15 86 EB +36 15 87 E +36 15 88 EB +36 15 89 E +36 15 90 E +36 15 91 EB +36 15 92 B +36 15 93 E +36 15 94 E +36 15 95 B +36 15 96 EB +36 15 97 E +36 15 98 EB +36 15 99 B +36 15 100 B +36 15 101 EB +36 15 102 B +36 15 103 E +36 15 104 B +36 15 105 EB +36 15 106 B +36 15 107 B +36 15 108 B +36 15 109 E +36 15 110 EB +36 15 111 E +36 15 112 EB +36 15 113 E +36 15 114 E +36 15 115 EB +36 15 116 B +36 15 117 E +36 15 118 EB +36 15 119 E +36 15 120 B +36 15 121 EB +36 15 122 E +36 15 123 E +36 15 124 EB +36 15 125 EB +36 15 126 EB +36 15 127 E +36 15 128 EB +36 15 129 B +36 15 130 E +36 15 131 EB +36 15 132 EB +36 15 133 E +36 15 134 E +36 15 135 EB +36 15 136 E +36 15 137 E +36 15 138 E +36 15 139 * +36 15 140 E +36 15 141 B +36 15 142 B +36 15 143 EB +36 15 144 E +36 15 145 E +36 15 146 EB +36 15 147 E +36 15 148 EB +36 15 149 E +36 15 150 EB +36 15 151 EB +36 15 152 EB +36 15 153 E +36 15 154 E +36 15 155 E +36 15 156 E +36 15 157 E +36 15 158 B +36 15 159 EB +36 15 160 EB +36 15 161 E +36 15 162 EB +36 15 163 E +36 15 164 E +36 15 165 E +36 15 166 E +36 15 167 E +36 15 168 E +36 15 169 E +36 15 170 E +36 15 171 E +36 15 172 B +36 15 173 EB +36 15 174 EB +36 15 175 B +36 15 176 EB +36 15 177 EB +36 15 178 E +36 15 179 EB +36 15 180 E +36 15 181 EB +36 15 182 EB +36 15 183 EB +36 15 184 E +36 15 185 EB +36 15 186 E +36 15 187 EB +36 15 188 E +36 15 189 E +36 15 190 EB +36 15 191 E +36 15 192 E +36 15 193 EB +36 15 194 E +36 15 195 E +36 15 196 E +36 15 197 EB +36 15 198 E +36 15 199 B +36 15 200 E +36 15 201 EB +36 15 202 E +36 15 203 EB +36 15 204 E +36 15 205 B +36 15 206 E +36 15 207 EB +36 15 208 EB +36 15 209 E +36 15 210 EB +36 15 211 E +36 15 212 EB +36 15 213 E +36 15 214 EB +36 15 215 EB +36 15 216 E +36 15 217 EB +36 15 218 EB +36 15 219 B +36 15 220 E +36 15 221 B +36 15 222 E +36 15 223 E +36 15 224 B +36 15 225 EB +36 15 226 E +36 15 227 E +36 15 228 E +36 15 229 B +36 15 230 B +36 15 231 EB +36 15 232 EB +36 15 233 B +36 15 234 E +36 15 235 E +36 15 236 EB +36 15 237 EB +36 15 238 E +36 15 239 EB +36 15 240 EB +36 15 241 B +36 15 242 EB +36 15 243 EB +36 15 244 B +36 15 245 EB +36 15 246 E +36 15 247 E +36 15 248 E +36 15 249 E +36 15 250 E +36 15 251 E +36 15 252 B +36 15 253 E +36 15 254 E +36 15 255 E +36 15 256 EB +36 15 257 E +36 15 258 EB +36 15 259 EB +36 15 260 B +36 15 261 EB +36 15 262 B +36 15 263 E +36 15 264 B +36 15 265 E +36 15 266 EB +36 15 267 EB +36 15 268 E +36 15 269 EB +36 15 270 EB +36 15 271 E +36 15 272 B +36 15 273 EB +36 15 274 B +36 15 275 EB +36 15 276 EB +36 15 277 E +36 15 278 EB +36 15 279 E +36 15 280 E +36 15 281 E +36 15 282 E +36 15 283 EB +36 15 284 B +36 15 285 EB +36 15 286 B +36 15 287 EB +36 15 288 EB +36 15 289 B +36 15 290 B +36 15 291 E +36 15 292 EB +36 15 293 B +36 15 294 B +36 15 295 EB +36 15 296 E +36 15 297 EB +36 15 298 EB +36 15 299 E +36 15 300 B +36 15 301 E +36 15 302 B +36 15 303 E +36 15 304 EB +36 15 305 EB +36 15 306 E +36 15 307 E +36 15 308 E +36 15 309 EB +36 15 310 E +36 15 311 E +36 15 312 E +36 15 313 E +36 15 314 B +36 15 315 E +36 15 316 E +36 15 317 EB +36 15 318 EB +36 15 319 B +36 15 320 EB +36 15 321 EB +36 15 322 E +36 15 323 E +36 15 324 B +36 15 325 EB +36 15 326 EB +36 15 327 B +36 15 328 E +36 15 329 EB +36 15 330 B +36 16 1 E +36 16 2 E +36 16 3 EB +36 16 4 EB +36 16 5 E +36 16 6 EB +36 16 7 E +36 16 8 EB +36 16 9 E +36 16 10 E +36 16 11 E +36 16 12 EB +36 16 13 E +36 16 14 E +36 16 15 B +36 16 16 B +36 16 17 EB +36 16 18 E +36 16 19 E +36 16 20 E +36 16 21 EB +36 16 22 B +36 16 23 E +36 16 24 E +36 16 25 E +36 16 26 E +36 16 27 B +36 16 28 EB +36 16 29 E +36 16 30 EB +36 16 31 E +36 16 32 EB +36 16 33 E +36 16 34 E +36 16 35 EB +36 16 36 E +36 16 37 E +36 16 38 EB +36 16 39 E +36 16 40 E +36 16 41 EB +36 16 42 E +36 16 43 E +36 16 44 B +36 16 45 E +36 16 46 E +36 16 47 E +36 16 48 EB +36 16 49 E +36 16 50 E +36 16 51 E +36 16 52 B +36 16 53 EB +36 16 54 E +36 16 55 E +36 16 56 B +36 16 57 E +36 16 58 E +36 16 59 B +36 16 60 E +36 16 61 EB +36 16 62 E +36 16 63 EB +36 16 64 E +36 16 65 EB +36 16 66 B +36 16 67 E +36 16 68 EB +36 16 69 E +36 16 70 B +36 16 71 EB +36 16 72 E +36 16 73 EB +36 16 74 E +36 16 75 E +36 16 76 EB +36 16 77 E +36 16 78 B +36 16 79 E +36 16 80 E +36 16 81 E +36 16 82 E +36 16 83 B +36 16 84 B +36 16 85 E +36 16 86 EB +36 16 87 E +36 16 88 EB +36 16 89 E +36 16 90 E +36 16 91 E +36 16 92 B +36 16 93 E +36 16 94 E +36 16 95 B +36 16 96 EB +36 16 97 E +36 16 98 EB +36 16 99 E +36 16 100 E +36 16 101 EB +36 16 102 E +36 16 103 E +36 16 104 E +36 16 105 EB +36 16 106 B +36 16 107 B +36 16 108 B +36 16 109 E +36 16 110 EB +36 16 111 E +36 16 112 EB +36 16 113 E +36 16 114 E +36 16 115 EB +36 16 116 B +36 16 117 E +36 16 118 EB +36 16 119 E +36 16 120 B +36 16 121 EB +36 16 122 E +36 16 123 E +36 16 124 E +36 16 125 EB +36 16 126 EB +36 16 127 E +36 16 128 EB +36 16 129 B +36 16 130 E +36 16 131 EB +36 16 132 EB +36 16 133 E +36 16 134 E +36 16 135 EB +36 16 136 E +36 16 137 E +36 16 138 E +36 16 139 B +36 16 140 E +36 16 141 B +36 16 142 B +36 16 143 E +36 16 144 E +36 16 145 E +36 16 146 EB +36 16 147 E +36 16 148 EB +36 16 149 E +36 16 150 E +36 16 151 EB +36 16 152 EB +36 16 153 E +36 16 154 E +36 16 155 E +36 16 156 E +36 16 157 E +36 16 158 B +36 16 159 EB +36 16 160 EB +36 16 161 E +36 16 162 EB +36 16 163 E +36 16 164 E +36 16 165 E +36 16 166 E +36 16 167 B +36 16 168 E +36 16 169 E +36 16 170 E +36 16 171 E +36 16 172 B +36 16 173 EB +36 16 174 EB +36 16 175 B +36 16 176 EB +36 16 177 B +36 16 178 E +36 16 179 EB +36 16 180 E +36 16 181 EB +36 16 182 EB +36 16 183 EB +36 16 184 EB +36 16 185 EB +36 16 186 E +36 16 187 EB +36 16 188 E +36 16 189 B +36 16 190 EB +36 16 191 E +36 16 192 E +36 16 193 EB +36 16 194 EB +36 16 195 E +36 16 196 B +36 16 197 EB +36 16 198 E +36 16 199 B +36 16 200 B +36 16 201 EB +36 16 202 E +36 16 203 EB +36 16 204 E +36 16 205 E +36 16 206 B +36 16 207 EB +36 16 208 EB +36 16 209 E +36 16 210 EB +36 16 211 E +36 16 212 EB +36 16 213 B +36 16 214 E +36 16 215 EB +36 16 216 E +36 16 217 EB +36 16 218 E +36 16 219 B +36 16 220 E +36 16 221 B +36 16 222 E +36 16 223 E +36 16 224 B +36 16 225 EB +36 16 226 E +36 16 227 E +36 16 228 E +36 16 229 B +36 16 230 B +36 16 231 EB +36 16 232 E +36 16 233 E +36 16 234 E +36 16 235 E +36 16 236 E +36 16 237 EB +36 16 238 E +36 16 239 EB +36 16 240 EB +36 16 241 B +36 16 242 B +36 16 243 EB +36 16 244 B +36 16 245 EB +36 16 246 E +36 16 247 E +36 16 248 E +36 16 249 E +36 16 250 E +36 16 251 E +36 16 252 B +36 16 253 E +36 16 254 E +36 16 255 E +36 16 256 EB +36 16 257 E +36 16 258 EB +36 16 259 EB +36 16 260 B +36 16 261 EB +36 16 262 B +36 16 263 B +36 16 264 B +36 16 265 E +36 16 266 EB +36 16 267 EB +36 16 268 E +36 16 269 EB +36 16 270 EB +36 16 271 E +36 16 272 B +36 16 273 EB +36 16 274 B +36 16 275 EB +36 16 276 EB +36 16 277 E +36 16 278 EB +36 16 279 E +36 16 280 E +36 16 281 E +36 16 282 E +36 16 283 E +36 16 284 EB +36 16 285 B +36 16 286 EB +36 16 287 B +36 16 288 EB +36 16 289 EB +36 16 290 E +36 16 291 B +36 16 292 E +36 16 293 EB +36 16 294 B +36 16 295 B +36 16 296 E +36 16 297 E +36 16 298 EB +36 16 299 EB +36 16 300 E +36 16 301 B +36 16 302 E +36 16 303 B +36 16 304 B +36 16 305 E +36 16 306 EB +36 16 307 E +36 16 308 EB +36 16 309 E +36 16 310 E +36 16 311 E +36 16 312 E +36 16 313 E +36 16 314 B +36 16 315 E +36 16 316 E +36 16 317 EB +36 16 318 EB +36 16 319 B +36 16 320 E +36 16 321 EB +36 16 322 E +36 16 323 E +36 16 324 B +36 16 325 EB +36 16 326 EB +36 16 327 B +36 16 328 E +36 16 329 EB +36 16 330 B +36 17 1 E +36 17 2 E +36 17 3 EB +36 17 4 E +36 17 5 B +36 17 6 B +36 17 7 EB +36 17 8 EB +36 17 9 EB +36 17 10 E +36 17 11 E +36 17 12 EB +36 17 13 E +36 17 14 E +36 17 15 B +36 17 16 B +36 17 17 EB +36 17 18 E +36 17 19 E +36 17 20 E +36 17 21 EB +36 17 22 EB +36 17 23 EB +36 17 24 E +36 17 25 E +36 17 26 E +36 17 27 B +36 17 28 EB +36 17 29 E +36 17 30 EB +36 17 31 B +36 17 32 EB +36 17 33 E +36 17 34 E +36 17 35 EB +36 17 36 E +36 17 37 E +36 17 38 EB +36 17 39 E +36 17 40 E +36 17 41 EB +36 17 42 EB +36 17 43 E +36 17 44 B +36 17 45 E +36 17 46 E +36 17 47 E +36 17 48 EB +36 17 49 E +36 17 50 E +36 17 51 E +36 17 52 B +36 17 53 EB +36 17 54 E +36 17 55 E +36 17 56 B +36 17 57 E +36 17 58 E +36 17 59 B +36 17 60 E +36 17 61 EB +36 17 62 B +36 17 63 EB +36 17 64 E +36 17 65 EB +36 17 66 B +36 17 67 B +36 17 68 EB +36 17 69 E +36 17 70 B +36 17 71 EB +36 17 72 E +36 17 73 EB +36 17 74 B +36 17 75 E +36 17 76 EB +36 17 77 E +36 17 78 B +36 17 79 E +36 17 80 E +36 17 81 E +36 17 82 E +36 17 83 B +36 17 84 EB +36 17 85 E +36 17 86 EB +36 17 87 E +36 17 88 EB +36 17 89 E +36 17 90 E +36 17 91 EB +36 17 92 B +36 17 93 E +36 17 94 E +36 17 95 B +36 17 96 EB +36 17 97 E +36 17 98 EB +36 17 99 B +36 17 100 B +36 17 101 EB +36 17 102 E +36 17 103 E +36 17 104 E +36 17 105 E +36 17 106 B +36 17 107 B +36 17 108 B +36 17 109 E +36 17 110 EB +36 17 111 E +36 17 112 EB +36 17 113 E +36 17 114 E +36 17 115 EB +36 17 116 B +36 17 117 E +36 17 118 EB +36 17 119 E +36 17 120 B +36 17 121 EB +36 17 122 E +36 17 123 E +36 17 124 E +36 17 125 EB +36 17 126 EB +36 17 127 E +36 17 128 B +36 17 129 B +36 17 130 E +36 17 131 EB +36 17 132 EB +36 17 133 E +36 17 134 E +36 17 135 EB +36 17 136 E +36 17 137 E +36 17 138 E +36 17 139 B +36 17 140 E +36 17 141 B +36 17 142 B +36 17 143 E +36 17 144 E +36 17 145 E +36 17 146 EB +36 17 147 E +36 17 148 EB +36 17 149 B +36 17 150 E +36 17 151 EB +36 17 152 EB +36 17 153 E +36 17 154 E +36 17 155 EB +36 17 156 E +36 17 157 E +36 17 158 B +36 17 159 B +36 17 160 EB +36 17 161 E +36 17 162 EB +36 17 163 E +36 17 164 E +36 17 165 E +36 17 166 E +36 17 167 B +36 17 168 E +36 17 169 E +36 17 170 E +36 17 171 E +36 17 172 B +36 17 173 EB +36 17 174 EB +36 17 175 E +36 17 176 EB +36 17 177 B +36 17 178 E +36 17 179 EB +36 17 180 E +36 17 181 EB +36 17 182 EB +36 17 183 EB +36 17 184 EB +36 17 185 EB +36 17 186 E +36 17 187 EB +36 17 188 E +36 17 189 B +36 17 190 EB +36 17 191 E +36 17 192 E +36 17 193 E +36 17 194 EB +36 17 195 E +36 17 196 E +36 17 197 EB +36 17 198 E +36 17 199 B +36 17 200 E +36 17 201 EB +36 17 202 E +36 17 203 EB +36 17 204 E +36 17 205 EB +36 17 206 B +36 17 207 EB +36 17 208 EB +36 17 209 E +36 17 210 EB +36 17 211 E +36 17 212 EB +36 17 213 B +36 17 214 B +36 17 215 B +36 17 216 E +36 17 217 EB +36 17 218 E +36 17 219 B +36 17 220 E +36 17 221 B +36 17 222 EB +36 17 223 E +36 17 224 B +36 17 225 E +36 17 226 E +36 17 227 E +36 17 228 E +36 17 229 E +36 17 230 B +36 17 231 EB +36 17 232 E +36 17 233 E +36 17 234 E +36 17 235 E +36 17 236 E +36 17 237 EB +36 17 238 E +36 17 239 EB +36 17 240 E +36 17 241 B +36 17 242 EB +36 17 243 EB +36 17 244 B +36 17 245 EB +36 17 246 E +36 17 247 E +36 17 248 E +36 17 249 E +36 17 250 E +36 17 251 EB +36 17 252 B +36 17 253 E +36 17 254 E +36 17 255 E +36 17 256 EB +36 17 257 E +36 17 258 EB +36 17 259 EB +36 17 260 B +36 17 261 EB +36 17 262 B +36 17 263 E +36 17 264 B +36 17 265 E +36 17 266 EB +36 17 267 EB +36 17 268 E +36 17 269 EB +36 17 270 EB +36 17 271 E +36 17 272 B +36 17 273 EB +36 17 274 B +36 17 275 EB +36 17 276 EB +36 17 277 E +36 17 278 EB +36 17 279 E +36 17 280 E +36 17 281 E +36 17 282 E +36 17 283 E +36 17 284 B +36 17 285 EB +36 17 286 B +36 17 287 EB +36 17 288 EB +36 17 289 E +36 17 290 B +36 17 291 E +36 17 292 EB +36 17 293 B +36 17 294 B +36 17 295 EB +36 17 296 EB +36 17 297 EB +36 17 298 EB +36 17 299 E +36 17 300 B +36 17 301 E +36 17 302 B +36 17 303 B +36 17 304 E +36 17 305 EB +36 17 306 B +36 17 307 E +36 17 308 B +36 17 309 E +36 17 310 E +36 17 311 E +36 17 312 E +36 17 313 E +36 17 314 B +36 17 315 E +36 17 316 E +36 17 317 EB +36 17 318 EB +36 17 319 B +36 17 320 E +36 17 321 EB +36 17 322 E +36 17 323 E +36 17 324 B +36 17 325 EB +36 17 326 EB +36 17 327 B +36 17 328 E +36 17 329 EB +36 17 330 B +36 18 1 B +36 18 2 B +36 18 3 EB +36 18 4 E +36 18 5 B +36 18 6 EB +36 18 7 B +36 18 8 EB +36 18 9 E +36 18 10 E +36 18 11 E +36 18 12 EB +36 18 13 E +36 18 14 E +36 18 15 EB +36 18 16 B +36 18 17 EB +36 18 18 E +36 18 19 B +36 18 20 B +36 18 21 EB +36 18 22 EB +36 18 23 E +36 18 24 E +36 18 25 B +36 18 26 E +36 18 27 B +36 18 28 EB +36 18 29 B +36 18 30 EB +36 18 31 B +36 18 32 B +36 18 33 B +36 18 34 E +36 18 35 B +36 18 36 E +36 18 37 B +36 18 38 EB +36 18 39 E +36 18 40 B +36 18 41 EB +36 18 42 B +36 18 43 E +36 18 44 B +36 18 45 B +36 18 46 B +36 18 47 E +36 18 48 EB +36 18 49 B +36 18 50 E +36 18 51 E +36 18 52 B +36 18 53 EB +36 18 54 B +36 18 55 B +36 18 56 EB +36 18 57 E +36 18 58 EB +36 18 59 B +36 18 60 E +36 18 61 EB +36 18 62 B +36 18 63 EB +36 18 64 E +36 18 65 EB +36 18 66 B +36 18 67 B +36 18 68 EB +36 18 69 E +36 18 70 B +36 18 71 E +36 18 72 B +36 18 73 EB +36 18 74 B +36 18 75 E +36 18 76 EB +36 18 77 B +36 18 78 EB +36 18 79 E +36 18 80 B +36 18 81 B +36 18 82 B +36 18 83 EB +36 18 84 EB +36 18 85 E +36 18 86 EB +36 18 87 E +36 18 88 EB +36 18 89 E +36 18 90 E +36 18 91 B +36 18 92 B +36 18 93 E +36 18 94 E +36 18 95 B +36 18 96 EB +36 18 97 E +36 18 98 EB +36 18 99 B +36 18 100 B +36 18 101 EB +36 18 102 B +36 18 103 E +36 18 104 B +36 18 105 E +36 18 106 B +36 18 107 B +36 18 108 B +36 18 109 E +36 18 110 EB +36 18 111 E +36 18 112 EB +36 18 113 E +36 18 114 E +36 18 115 EB +36 18 116 B +36 18 117 E +36 18 118 EB +36 18 119 E +36 18 120 B +36 18 121 EB +36 18 122 E +36 18 123 E +36 18 124 B +36 18 125 EB +36 18 126 EB +36 18 127 E +36 18 128 EB +36 18 129 B +36 18 130 E +36 18 131 EB +36 18 132 EB +36 18 133 E +36 18 134 E +36 18 135 EB +36 18 136 E +36 18 137 E +36 18 138 B +36 18 139 B +36 18 140 E +36 18 141 B +36 18 142 B +36 18 143 E +36 18 144 E +36 18 145 E +36 18 146 EB +36 18 147 E +36 18 148 EB +36 18 149 B +36 18 150 E +36 18 151 EB +36 18 152 EB +36 18 153 E +36 18 154 E +36 18 155 E +36 18 156 B +36 18 157 E +36 18 158 B +36 18 159 EB +36 18 160 EB +36 18 161 B +36 18 162 EB +36 18 163 E +36 18 164 E +36 18 165 E +36 18 166 E +36 18 167 B +36 18 168 E +36 18 169 E +36 18 170 E +36 18 171 E +36 18 172 B +36 18 173 EB +36 18 174 EB +36 18 175 B +36 18 176 EB +36 18 177 B +36 18 178 E +36 18 179 E +36 18 180 B +36 18 181 EB +36 18 182 E +36 18 183 E +36 18 184 EB +36 18 185 EB +36 18 186 B +36 18 187 EB +36 18 188 B +36 18 189 B +36 18 190 EB +36 18 191 E +36 18 192 EB +36 18 193 EB +36 18 194 E +36 18 195 B +36 18 196 B +36 18 197 EB +36 18 198 E +36 18 199 B +36 18 200 B +36 18 201 EB +36 18 202 E +36 18 203 EB +36 18 204 E +36 18 205 E +36 18 206 B +36 18 207 EB +36 18 208 EB +36 18 209 E +36 18 210 EB +36 18 211 B +36 18 212 EB +36 18 213 B +36 18 214 B +36 18 215 EB +36 18 216 E +36 18 217 EB +36 18 218 EB +36 18 219 B +36 18 220 E +36 18 221 B +36 18 222 E +36 18 223 B +36 18 224 B +36 18 225 B +36 18 226 E +36 18 227 E +36 18 228 E +36 18 229 B +36 18 230 EB +36 18 231 EB +36 18 232 E +36 18 233 B +36 18 234 E +36 18 235 E +36 18 236 B +36 18 237 EB +36 18 238 E +36 18 239 EB +36 18 240 E +36 18 241 B +36 18 242 B +36 18 243 E +36 18 244 B +36 18 245 EB +36 18 246 B +36 18 247 B +36 18 248 E +36 18 249 E +36 18 250 EB +36 18 251 B +36 18 252 B +36 18 253 B +36 18 254 B +36 18 255 E +36 18 256 EB +36 18 257 E +36 18 258 EB +36 18 259 EB +36 18 260 B +36 18 261 EB +36 18 262 B +36 18 263 E +36 18 264 B +36 18 265 E +36 18 266 EB +36 18 267 E +36 18 268 B +36 18 269 EB +36 18 270 EB +36 18 271 E +36 18 272 B +36 18 273 B +36 18 274 B +36 18 275 EB +36 18 276 EB +36 18 277 E +36 18 278 EB +36 18 279 E +36 18 280 B +36 18 281 E +36 18 282 B +36 18 283 E +36 18 284 B +36 18 285 EB +36 18 286 B +36 18 287 B +36 18 288 EB +36 18 289 B +36 18 290 B +36 18 291 E +36 18 292 EB +36 18 293 B +36 18 294 B +36 18 295 E +36 18 296 E +36 18 297 EB +36 18 298 EB +36 18 299 E +36 18 300 B +36 18 301 E +36 18 302 B +36 18 303 B +36 18 304 E +36 18 305 E +36 18 306 B +36 18 307 B +36 18 308 EB +36 18 309 E +36 18 310 B +36 18 311 E +36 18 312 E +36 18 313 E +36 18 314 B +36 18 315 B +36 18 316 E +36 18 317 EB +36 18 318 EB +36 18 319 B +36 18 320 B +36 18 321 EB +36 18 322 E +36 18 323 E +36 18 324 B +36 18 325 E +36 18 326 EB +36 18 327 B +36 18 328 E +36 18 329 EB +36 18 330 B +36 19 1 E +36 19 2 B +36 19 3 EB +36 19 4 EB +36 19 5 E +36 19 6 B +36 19 7 E +36 19 8 EB +36 19 9 E +36 19 10 E +36 19 11 E +36 19 12 EB +36 19 13 E +36 19 14 E +36 19 15 EB +36 19 16 B +36 19 17 EB +36 19 18 E +36 19 19 E +36 19 20 E +36 19 21 EB +36 19 22 B +36 19 23 EB +36 19 24 E +36 19 25 E +36 19 26 E +36 19 27 B +36 19 28 EB +36 19 29 E +36 19 30 EB +36 19 31 B +36 19 32 EB +36 19 33 E +36 19 34 E +36 19 35 EB +36 19 36 E +36 19 37 E +36 19 38 EB +36 19 39 E +36 19 40 E +36 19 41 EB +36 19 42 EB +36 19 43 E +36 19 44 B +36 19 45 E +36 19 46 E +36 19 47 E +36 19 48 EB +36 19 49 E +36 19 50 E +36 19 51 E +36 19 52 B +36 19 53 EB +36 19 54 E +36 19 55 E +36 19 56 B +36 19 57 E +36 19 58 E +36 19 59 B +36 19 60 E +36 19 61 EB +36 19 62 E +36 19 63 EB +36 19 64 E +36 19 65 EB +36 19 66 B +36 19 67 B +36 19 68 EB +36 19 69 E +36 19 70 B +36 19 71 EB +36 19 72 E +36 19 73 EB +36 19 74 B +36 19 75 E +36 19 76 EB +36 19 77 E +36 19 78 B +36 19 79 E +36 19 80 E +36 19 81 E +36 19 82 E +36 19 83 B +36 19 84 B +36 19 85 E +36 19 86 EB +36 19 87 E +36 19 88 EB +36 19 89 E +36 19 90 E +36 19 91 EB +36 19 92 E +36 19 93 E +36 19 94 E +36 19 95 B +36 19 96 EB +36 19 97 E +36 19 98 EB +36 19 99 E +36 19 100 E +36 19 101 EB +36 19 102 B +36 19 103 E +36 19 104 E +36 19 105 EB +36 19 106 EB +36 19 107 B +36 19 108 B +36 19 109 E +36 19 110 EB +36 19 111 E +36 19 112 EB +36 19 113 E +36 19 114 E +36 19 115 EB +36 19 116 B +36 19 117 E +36 19 118 EB +36 19 119 E +36 19 120 B +36 19 121 EB +36 19 122 E +36 19 123 E +36 19 124 B +36 19 125 EB +36 19 126 EB +36 19 127 E +36 19 128 EB +36 19 129 B +36 19 130 E +36 19 131 EB +36 19 132 EB +36 19 133 E +36 19 134 E +36 19 135 EB +36 19 136 E +36 19 137 E +36 19 138 E +36 19 139 B +36 19 140 E +36 19 141 B +36 19 142 B +36 19 143 EB +36 19 144 E +36 19 145 E +36 19 146 EB +36 19 147 E +36 19 148 EB +36 19 149 E +36 19 150 EB +36 19 151 EB +36 19 152 EB +36 19 153 E +36 19 154 E +36 19 155 E +36 19 156 E +36 19 157 E +36 19 158 B +36 19 159 E +36 19 160 EB +36 19 161 E +36 19 162 EB +36 19 163 E +36 19 164 E +36 19 165 E +36 19 166 E +36 19 167 E +36 19 168 E +36 19 169 E +36 19 170 E +36 19 171 E +36 19 172 B +36 19 173 EB +36 19 174 EB +36 19 175 B +36 19 176 EB +36 19 177 B +36 19 178 E +36 19 179 EB +36 19 180 E +36 19 181 EB +36 19 182 EB +36 19 183 E +36 19 184 EB +36 19 185 EB +36 19 186 E +36 19 187 EB +36 19 188 E +36 19 189 B +36 19 190 B +36 19 191 E +36 19 192 E +36 19 193 EB +36 19 194 EB +36 19 195 E +36 19 196 B +36 19 197 E +36 19 198 E +36 19 199 B +36 19 200 E +36 19 201 EB +36 19 202 E +36 19 203 EB +36 19 204 E +36 19 205 E +36 19 206 B +36 19 207 EB +36 19 208 E +36 19 209 E +36 19 210 E +36 19 211 E +36 19 212 EB +36 19 213 B +36 19 214 EB +36 19 215 EB +36 19 216 E +36 19 217 E +36 19 218 EB +36 19 219 B +36 19 220 E +36 19 221 B +36 19 222 E +36 19 223 E +36 19 224 B +36 19 225 E +36 19 226 E +36 19 227 E +36 19 228 E +36 19 229 E +36 19 230 B +36 19 231 EB +36 19 232 E +36 19 233 E +36 19 234 E +36 19 235 E +36 19 236 EB +36 19 237 EB +36 19 238 E +36 19 239 EB +36 19 240 E +36 19 241 B +36 19 242 B +36 19 243 EB +36 19 244 B +36 19 245 EB +36 19 246 E +36 19 247 E +36 19 248 E +36 19 249 E +36 19 250 E +36 19 251 E +36 19 252 B +36 19 253 E +36 19 254 E +36 19 255 E +36 19 256 EB +36 19 257 E +36 19 258 EB +36 19 259 EB +36 19 260 B +36 19 261 EB +36 19 262 B +36 19 263 B +36 19 264 E +36 19 265 E +36 19 266 EB +36 19 267 EB +36 19 268 E +36 19 269 EB +36 19 270 E +36 19 271 E +36 19 272 B +36 19 273 EB +36 19 274 B +36 19 275 EB +36 19 276 EB +36 19 277 E +36 19 278 EB +36 19 279 E +36 19 280 E +36 19 281 E +36 19 282 E +36 19 283 E +36 19 284 B +36 19 285 EB +36 19 286 B +36 19 287 E +36 19 288 EB +36 19 289 E +36 19 290 B +36 19 291 E +36 19 292 EB +36 19 293 B +36 19 294 B +36 19 295 E +36 19 296 E +36 19 297 EB +36 19 298 EB +36 19 299 E +36 19 300 B +36 19 301 E +36 19 302 B +36 19 303 B +36 19 304 E +36 19 305 EB +36 19 306 E +36 19 307 E +36 19 308 E +36 19 309 E +36 19 310 E +36 19 311 E +36 19 312 E +36 19 313 E +36 19 314 B +36 19 315 E +36 19 316 E +36 19 317 EB +36 19 318 EB +36 19 319 B +36 19 320 E +36 19 321 EB +36 19 322 E +36 19 323 E +36 19 324 B +36 19 325 EB +36 19 326 EB +36 19 327 B +36 19 328 E +36 19 329 E +36 19 330 B +36 20 1 B +36 20 2 B +36 20 3 EB +36 20 4 E +36 20 5 B +36 20 6 B +36 20 7 E +36 20 8 EB +36 20 9 E +36 20 10 E +36 20 11 E +36 20 12 B +36 20 13 E +36 20 14 E +36 20 15 B +36 20 16 B +36 20 17 EB +36 20 18 E +36 20 19 B +36 20 20 E +36 20 21 EB +36 20 22 B +36 20 23 E +36 20 24 E +36 20 25 E +36 20 26 E +36 20 27 B +36 20 28 EB +36 20 29 E +36 20 30 EB +36 20 31 B +36 20 32 E +36 20 33 E +36 20 34 E +36 20 35 EB +36 20 36 E +36 20 37 B +36 20 38 EB +36 20 39 E +36 20 40 E +36 20 41 EB +36 20 42 E +36 20 43 E +36 20 44 B +36 20 45 E +36 20 46 E +36 20 47 E +36 20 48 EB +36 20 49 B +36 20 50 E +36 20 51 E +36 20 52 B +36 20 53 EB +36 20 54 E +36 20 55 E +36 20 56 B +36 20 57 E +36 20 58 E +36 20 59 B +36 20 60 E +36 20 61 EB +36 20 62 E +36 20 63 EB +36 20 64 E +36 20 65 EB +36 20 66 B +36 20 67 E +36 20 68 EB +36 20 69 E +36 20 70 B +36 20 71 EB +36 20 72 E +36 20 73 E +36 20 74 B +36 20 75 E +36 20 76 EB +36 20 77 E +36 20 78 B +36 20 79 E +36 20 80 E +36 20 81 E +36 20 82 E +36 20 83 B +36 20 84 EB +36 20 85 E +36 20 86 EB +36 20 87 E +36 20 88 EB +36 20 89 E +36 20 90 E +36 20 91 B +36 20 92 B +36 20 93 E +36 20 94 E +36 20 95 B +36 20 96 E +36 20 97 E +36 20 98 EB +36 20 99 B +36 20 100 B +36 20 101 EB +36 20 102 B +36 20 103 E +36 20 104 E +36 20 105 EB +36 20 106 B +36 20 107 B +36 20 108 B +36 20 109 E +36 20 110 EB +36 20 111 E +36 20 112 EB +36 20 113 E +36 20 114 E +36 20 115 EB +36 20 116 B +36 20 117 E +36 20 118 EB +36 20 119 E +36 20 120 B +36 20 121 EB +36 20 122 E +36 20 123 E +36 20 124 B +36 20 125 EB +36 20 126 EB +36 20 127 E +36 20 128 B +36 20 129 B +36 20 130 E +36 20 131 EB +36 20 132 EB +36 20 133 E +36 20 134 E +36 20 135 E +36 20 136 B +36 20 137 E +36 20 138 B +36 20 139 B +36 20 140 E +36 20 141 B +36 20 142 B +36 20 143 E +36 20 144 E +36 20 145 B +36 20 146 E +36 20 147 E +36 20 148 EB +36 20 149 B +36 20 150 E +36 20 151 EB +36 20 152 B +36 20 153 E +36 20 154 E +36 20 155 E +36 20 156 E +36 20 157 E +36 20 158 B +36 20 159 EB +36 20 160 B +36 20 161 E +36 20 162 EB +36 20 163 E +36 20 164 E +36 20 165 E +36 20 166 E +36 20 167 B +36 20 168 E +36 20 169 E +36 20 170 E +36 20 171 E +36 20 172 B +36 20 173 EB +36 20 174 EB +36 20 175 B +36 20 176 EB +36 20 177 B +36 20 178 E +36 20 179 EB +36 20 180 E +36 20 181 E +36 20 182 EB +36 20 183 E +36 20 184 E +36 20 185 EB +36 20 186 B +36 20 187 EB +36 20 188 E +36 20 189 B +36 20 190 EB +36 20 191 E +36 20 192 E +36 20 193 E +36 20 194 EB +36 20 195 E +36 20 196 B +36 20 197 EB +36 20 198 E +36 20 199 B +36 20 200 B +36 20 201 EB +36 20 202 E +36 20 203 EB +36 20 204 E +36 20 205 E +36 20 206 B +36 20 207 EB +36 20 208 E +36 20 209 E +36 20 210 EB +36 20 211 B +36 20 212 EB +36 20 213 B +36 20 214 E +36 20 215 EB +36 20 216 E +36 20 217 EB +36 20 218 E +36 20 219 B +36 20 220 E +36 20 221 B +36 20 222 E +36 20 223 E +36 20 224 B +36 20 225 E +36 20 226 E +36 20 227 E +36 20 228 E +36 20 229 B +36 20 230 B +36 20 231 E +36 20 232 E +36 20 233 B +36 20 234 E +36 20 235 E +36 20 236 E +36 20 237 EB +36 20 238 E +36 20 239 EB +36 20 240 EB +36 20 241 B +36 20 242 B +36 20 243 E +36 20 244 B +36 20 245 EB +36 20 246 E +36 20 247 E +36 20 248 E +36 20 249 E +36 20 250 E +36 20 251 B +36 20 252 B +36 20 253 E +36 20 254 B +36 20 255 E +36 20 256 EB +36 20 257 E +36 20 258 E +36 20 259 EB +36 20 260 B +36 20 261 EB +36 20 262 B +36 20 263 E +36 20 264 B +36 20 265 E +36 20 266 EB +36 20 267 E +36 20 268 E +36 20 269 EB +36 20 270 EB +36 20 271 E +36 20 272 B +36 20 273 E +36 20 274 B +36 20 275 E +36 20 276 EB +36 20 277 E +36 20 278 EB +36 20 279 E +36 20 280 E +36 20 281 E +36 20 282 E +36 20 283 EB +36 20 284 B +36 20 285 EB +36 20 286 B +36 20 287 E +36 20 288 EB +36 20 289 B +36 20 290 B +36 20 291 E +36 20 292 EB +36 20 293 B +36 20 294 B +36 20 295 E +36 20 296 E +36 20 297 EB +36 20 298 EB +36 20 299 E +36 20 300 E +36 20 301 E +36 20 302 B +36 20 303 B +36 20 304 E +36 20 305 EB +36 20 306 E +36 20 307 E +36 20 308 E +36 20 309 E +36 20 310 E +36 20 311 E +36 20 312 E +36 20 313 E +36 20 314 B +36 20 315 E +36 20 316 E +36 20 317 EB +36 20 318 EB +36 20 319 B +36 20 320 E +36 20 321 EB +36 20 322 B +36 20 323 E +36 20 324 B +36 20 325 EB +36 20 326 B +36 20 327 B +36 20 328 E +36 20 329 E +36 20 330 B +36 21 1 E +36 21 2 B +36 21 3 EB +36 21 4 E +36 21 5 B +36 21 6 B +36 21 7 E +36 21 8 EB +36 21 9 E +36 21 10 E +36 21 11 E +36 21 12 B +36 21 13 E +36 21 14 E +36 21 15 B +36 21 16 B +36 21 17 EB +36 21 18 E +36 21 19 E +36 21 20 E +36 21 21 EB +36 21 22 B +36 21 23 E +36 21 24 E +36 21 25 E +36 21 26 E +36 21 27 B +36 21 28 EB +36 21 29 E +36 21 30 EB +36 21 31 B +36 21 32 EB +36 21 33 B +36 21 34 E +36 21 35 EB +36 21 36 E +36 21 37 E +36 21 38 EB +36 21 39 E +36 21 40 E +36 21 41 EB +36 21 42 E +36 21 43 E +36 21 44 B +36 21 45 E +36 21 46 E +36 21 47 E +36 21 48 EB +36 21 49 E +36 21 50 E +36 21 51 E +36 21 52 B +36 21 53 EB +36 21 54 E +36 21 55 E +36 21 56 EB +36 21 57 E +36 21 58 E +36 21 59 B +36 21 60 E +36 21 61 EB +36 21 62 E +36 21 63 EB +36 21 64 E +36 21 65 EB +36 21 66 B +36 21 67 E +36 21 68 EB +36 21 69 E +36 21 70 B +36 21 71 EB +36 21 72 E +36 21 73 E +36 21 74 B +36 21 75 E +36 21 76 EB +36 21 77 E +36 21 78 B +36 21 79 E +36 21 80 E +36 21 81 B +36 21 82 B +36 21 83 B +36 21 84 EB +36 21 85 E +36 21 86 EB +36 21 87 E +36 21 88 EB +36 21 89 E +36 21 90 E +36 21 91 E +36 21 92 B +36 21 93 E +36 21 94 E +36 21 95 B +36 21 96 EB +36 21 97 E +36 21 98 EB +36 21 99 B +36 21 100 B +36 21 101 EB +36 21 102 B +36 21 103 E +36 21 104 E +36 21 105 EB +36 21 106 B +36 21 107 B +36 21 108 B +36 21 109 E +36 21 110 EB +36 21 111 E +36 21 112 EB +36 21 113 E +36 21 114 E +36 21 115 EB +36 21 116 B +36 21 117 E +36 21 118 EB +36 21 119 E +36 21 120 B +36 21 121 EB +36 21 122 E +36 21 123 E +36 21 124 B +36 21 125 EB +36 21 126 EB +36 21 127 E +36 21 128 B +36 21 129 B +36 21 130 E +36 21 131 E +36 21 132 EB +36 21 133 E +36 21 134 EB +36 21 135 EB +36 21 136 E +36 21 137 E +36 21 138 E +36 21 139 B +36 21 140 E +36 21 141 B +36 21 142 B +36 21 143 E +36 21 144 E +36 21 145 B +36 21 146 EB +36 21 147 E +36 21 148 EB +36 21 149 B +36 21 150 E +36 21 151 EB +36 21 152 EB +36 21 153 E +36 21 154 E +36 21 155 E +36 21 156 E +36 21 157 E +36 21 158 B +36 21 159 EB +36 21 160 EB +36 21 161 E +36 21 162 EB +36 21 163 E +36 21 164 E +36 21 165 E +36 21 166 E +36 21 167 B +36 21 168 E +36 21 169 E +36 21 170 E +36 21 171 E +36 21 172 B +36 21 173 EB +36 21 174 EB +36 21 175 B +36 21 176 EB +36 21 177 B +36 21 178 E +36 21 179 EB +36 21 180 E +36 21 181 EB +36 21 182 EB +36 21 183 E +36 21 184 E +36 21 185 EB +36 21 186 E +36 21 187 EB +36 21 188 B +36 21 189 B +36 21 190 EB +36 21 191 E +36 21 192 E +36 21 193 E +36 21 194 EB +36 21 195 E +36 21 196 B +36 21 197 E +36 21 198 E +36 21 199 B +36 21 200 E +36 21 201 EB +36 21 202 E +36 21 203 EB +36 21 204 E +36 21 205 E +36 21 206 B +36 21 207 EB +36 21 208 E +36 21 209 E +36 21 210 E +36 21 211 E +36 21 212 EB +36 21 213 B +36 21 214 E +36 21 215 EB +36 21 216 E +36 21 217 EB +36 21 218 E +36 21 219 B +36 21 220 E +36 21 221 B +36 21 222 E +36 21 223 E +36 21 224 B +36 21 225 E +36 21 226 E +36 21 227 E +36 21 228 E +36 21 229 B +36 21 230 B +36 21 231 EB +36 21 232 E +36 21 233 B +36 21 234 E +36 21 235 E +36 21 236 E +36 21 237 EB +36 21 238 E +36 21 239 EB +36 21 240 EB +36 21 241 B +36 21 242 B +36 21 243 EB +36 21 244 B +36 21 245 EB +36 21 246 E +36 21 247 E +36 21 248 E +36 21 249 E +36 21 250 E +36 21 251 E +36 21 252 B +36 21 253 E +36 21 254 E +36 21 255 E +36 21 256 EB +36 21 257 E +36 21 258 EB +36 21 259 EB +36 21 260 B +36 21 261 EB +36 21 262 B +36 21 263 E +36 21 264 B +36 21 265 E +36 21 266 EB +36 21 267 E +36 21 268 B +36 21 269 EB +36 21 270 EB +36 21 271 E +36 21 272 B +36 21 273 EB +36 21 274 B +36 21 275 E +36 21 276 EB +36 21 277 E +36 21 278 EB +36 21 279 E +36 21 280 E +36 21 281 E +36 21 282 E +36 21 283 E +36 21 284 B +36 21 285 EB +36 21 286 B +36 21 287 E +36 21 288 EB +36 21 289 E +36 21 290 B +36 21 291 E +36 21 292 EB +36 21 293 B +36 21 294 B +36 21 295 E +36 21 296 E +36 21 297 EB +36 21 298 EB +36 21 299 E +36 21 300 B +36 21 301 E +36 21 302 B +36 21 303 B +36 21 304 E +36 21 305 EB +36 21 306 E +36 21 307 E +36 21 308 E +36 21 309 E +36 21 310 E +36 21 311 E +36 21 312 E +36 21 313 E +36 21 314 B +36 21 315 E +36 21 316 E +36 21 317 EB +36 21 318 EB +36 21 319 B +36 21 320 E +36 21 321 EB +36 21 322 B +36 21 323 E +36 21 324 B +36 21 325 EB +36 21 326 EB +36 21 327 B +36 21 328 E +36 21 329 E +36 21 330 B +36 22 1 B +36 22 2 B +36 22 3 EB +36 22 4 E +36 22 5 B +36 22 6 B +36 22 7 E +36 22 8 EB +36 22 9 E +36 22 10 E +36 22 11 E +36 22 12 EB +36 22 13 E +36 22 14 E +36 22 15 B +36 22 16 B +36 22 17 EB +36 22 18 E +36 22 19 B +36 22 20 E +36 22 21 EB +36 22 22 B +36 22 23 E +36 22 24 E +36 22 25 E +36 22 26 E +36 22 27 B +36 22 28 EB +36 22 29 E +36 22 30 EB +36 22 31 B +36 22 32 B +36 22 33 E +36 22 34 E +36 22 35 EB +36 22 36 E +36 22 37 B +36 22 38 E +36 22 39 E +36 22 40 B +36 22 41 EB +36 22 42 B +36 22 43 E +36 22 44 B +36 22 45 E +36 22 46 E +36 22 47 E +36 22 48 EB +36 22 49 B +36 22 50 E +36 22 51 E +36 22 52 B +36 22 53 EB +36 22 54 E +36 22 55 E +36 22 56 B +36 22 57 E +36 22 58 E +36 22 59 B +36 22 60 E +36 22 61 EB +36 22 62 E +36 22 63 EB +36 22 64 E +36 22 65 EB +36 22 66 B +36 22 67 B +36 22 68 EB +36 22 69 E +36 22 70 B +36 22 71 E +36 22 72 E +36 22 73 E +36 22 74 B +36 22 75 E +36 22 76 EB +36 22 77 B +36 22 78 B +36 22 79 E +36 22 80 B +36 22 81 E +36 22 82 E +36 22 83 B +36 22 84 EB +36 22 85 E +36 22 86 EB +36 22 87 E +36 22 88 E +36 22 89 E +36 22 90 E +36 22 91 B +36 22 92 B +36 22 93 E +36 22 94 E +36 22 95 B +36 22 96 EB +36 22 97 E +36 22 98 EB +36 22 99 B +36 22 100 B +36 22 101 E +36 22 102 B +36 22 103 E +36 22 104 B +36 22 105 E +36 22 106 EB +36 22 107 B +36 22 108 B +36 22 109 E +36 22 110 EB +36 22 111 E +36 22 112 EB +36 22 113 E +36 22 114 E +36 22 115 EB +36 22 116 B +36 22 117 E +36 22 118 EB +36 22 119 B +36 22 120 B +36 22 121 EB +36 22 122 E +36 22 123 E +36 22 124 B +36 22 125 EB +36 22 126 EB +36 22 127 E +36 22 128 B +36 22 129 B +36 22 130 E +36 22 131 E +36 22 132 EB +36 22 133 E +36 22 134 E +36 22 135 EB +36 22 136 B +36 22 137 E +36 22 138 B +36 22 139 B +36 22 140 E +36 22 141 B +36 22 142 B +36 22 143 B +36 22 144 E +36 22 145 E +36 22 146 EB +36 22 147 E +36 22 148 EB +36 22 149 B +36 22 150 E +36 22 151 EB +36 22 152 B +36 22 153 B +36 22 154 E +36 22 155 E +36 22 156 E +36 22 157 E +36 22 158 B +36 22 159 EB +36 22 160 EB +36 22 161 B +36 22 162 EB +36 22 163 E +36 22 164 E +36 22 165 E +36 22 166 E +36 22 167 B +36 22 168 E +36 22 169 B +36 22 170 E +36 22 171 E +36 22 172 B +36 22 173 EB +36 22 174 EB +36 22 175 B +36 22 176 EB +36 22 177 B +36 22 178 E +36 22 179 EB +36 22 180 B +36 22 181 EB +36 22 182 EB +36 22 183 E +36 22 184 E +36 22 185 EB +36 22 186 B +36 22 187 EB +36 22 188 B +36 22 189 B +36 22 190 EB +36 22 191 E +36 22 192 B +36 22 193 EB +36 22 194 EB +36 22 195 E +36 22 196 B +36 22 197 B +36 22 198 E +36 22 199 B +36 22 200 B +36 22 201 EB +36 22 202 E +36 22 203 EB +36 22 204 E +36 22 205 E +36 22 206 B +36 22 207 EB +36 22 208 E +36 22 209 E +36 22 210 EB +36 22 211 E +36 22 212 EB +36 22 213 B +36 22 214 B +36 22 215 EB +36 22 216 E +36 22 217 EB +36 22 218 B +36 22 219 B +36 22 220 B +36 22 221 B +36 22 222 E +36 22 223 E +36 22 224 B +36 22 225 E +36 22 226 E +36 22 227 E +36 22 228 E +36 22 229 B +36 22 230 B +36 22 231 EB +36 22 232 E +36 22 233 B +36 22 234 E +36 22 235 E +36 22 236 B +36 22 237 EB +36 22 238 B +36 22 239 EB +36 22 240 EB +36 22 241 B +36 22 242 B +36 22 243 EB +36 22 244 B +36 22 245 EB +36 22 246 E +36 22 247 E +36 22 248 E +36 22 249 E +36 22 250 E +36 22 251 B +36 22 252 B +36 22 253 B +36 22 254 B +36 22 255 E +36 22 256 EB +36 22 257 E +36 22 258 B +36 22 259 EB +36 22 260 B +36 22 261 EB +36 22 262 B +36 22 263 B +36 22 264 B +36 22 265 E +36 22 266 EB +36 22 267 EB +36 22 268 B +36 22 269 EB +36 22 270 EB +36 22 271 E +36 22 272 B +36 22 273 B +36 22 274 B +36 22 275 B +36 22 276 EB +36 22 277 E +36 22 278 EB +36 22 279 E +36 22 280 E +36 22 281 E +36 22 282 E +36 22 283 E +36 22 284 B +36 22 285 B +36 22 286 B +36 22 287 E +36 22 288 EB +36 22 289 B +36 22 290 B +36 22 291 E +36 22 292 EB +36 22 293 B +36 22 294 B +36 22 295 E +36 22 296 E +36 22 297 EB +36 22 298 EB +36 22 299 E +36 22 300 B +36 22 301 E +36 22 302 B +36 22 303 B +36 22 304 E +36 22 305 EB +36 22 306 B +36 22 307 E +36 22 308 B +36 22 309 E +36 22 310 E +36 22 311 E +36 22 312 E +36 22 313 E +36 22 314 B +36 22 315 E +36 22 316 E +36 22 317 EB +36 22 318 EB +36 22 319 B +36 22 320 E +36 22 321 EB +36 22 322 B +36 22 323 E +36 22 324 B +36 22 325 EB +36 22 326 EB +36 22 327 B +36 22 328 E +36 22 329 E +36 22 330 B +36 23 1 E +36 23 2 E +36 23 3 EB +36 23 4 EB +36 23 5 E +36 23 6 EB +36 23 7 E +36 23 8 EB +36 23 9 EB +36 23 10 E +36 23 11 E +36 23 12 EB +36 23 13 E +36 23 14 E +36 23 15 EB +36 23 16 B +36 23 17 EB +36 23 18 E +36 23 19 E +36 23 20 E +36 23 21 EB +36 23 22 EB +36 23 23 E +36 23 24 E +36 23 25 E +36 23 26 E +36 23 27 B +36 23 28 EB +36 23 29 E +36 23 30 EB +36 23 31 E +36 23 32 EB +36 23 33 E +36 23 34 E +36 23 35 EB +36 23 36 E +36 23 37 E +36 23 38 EB +36 23 39 E +36 23 40 E +36 23 41 EB +36 23 42 EB +36 23 43 E +36 23 44 B +36 23 45 E +36 23 46 E +36 23 47 E +36 23 48 EB +36 23 49 E +36 23 50 E +36 23 51 E +36 23 52 B +36 23 53 EB +36 23 54 E +36 23 55 E +36 23 56 EB +36 23 57 E +36 23 58 E +36 23 59 EB +36 23 60 E +36 23 61 EB +36 23 62 E +36 23 63 EB +36 23 64 E +36 23 65 EB +36 23 66 B +36 23 67 E +36 23 68 EB +36 23 69 E +36 23 70 B +36 23 71 E +36 23 72 E +36 23 73 EB +36 23 74 B +36 23 75 E +36 23 76 EB +36 23 77 E +36 23 78 EB +36 23 79 E +36 23 80 E +36 23 81 E +36 23 82 E +36 23 83 B +36 23 84 EB +36 23 85 E +36 23 86 EB +36 23 87 E +36 23 88 EB +36 23 89 E +36 23 90 E +36 23 91 EB +36 23 92 B +36 23 93 E +36 23 94 E +36 23 95 B +36 23 96 EB +36 23 97 E +36 23 98 EB +36 23 99 EB +36 23 100 E +36 23 101 EB +36 23 102 B +36 23 103 E +36 23 104 E +36 23 105 EB +36 23 106 B +36 23 107 B +36 23 108 B +36 23 109 E +36 23 110 EB +36 23 111 E +36 23 112 EB +36 23 113 E +36 23 114 E +36 23 115 EB +36 23 116 B +36 23 117 E +36 23 118 EB +36 23 119 E +36 23 120 B +36 23 121 EB +36 23 122 E +36 23 123 E +36 23 124 EB +36 23 125 EB +36 23 126 EB +36 23 127 E +36 23 128 EB +36 23 129 B +36 23 130 E +36 23 131 EB +36 23 132 EB +36 23 133 E +36 23 134 E +36 23 135 EB +36 23 136 E +36 23 137 E +36 23 138 E +36 23 139 B +36 23 140 E +36 23 141 B +36 23 142 B +36 23 143 EB +36 23 144 E +36 23 145 E +36 23 146 EB +36 23 147 E +36 23 148 EB +36 23 149 E +36 23 150 E +36 23 151 EB +36 23 152 EB +36 23 153 E +36 23 154 E +36 23 155 E +36 23 156 E +36 23 157 EB +36 23 158 B +36 23 159 EB +36 23 160 EB +36 23 161 E +36 23 162 EB +36 23 163 E +36 23 164 E +36 23 165 E +36 23 166 E +36 23 167 EB +36 23 168 E +36 23 169 E +36 23 170 E +36 23 171 E +36 23 172 B +36 23 173 EB +36 23 174 EB +36 23 175 B +36 23 176 EB +36 23 177 EB +36 23 178 E +36 23 179 EB +36 23 180 E +36 23 181 EB +36 23 182 EB +36 23 183 E +36 23 184 E +36 23 185 EB +36 23 186 E +36 23 187 EB +36 23 188 E +36 23 189 B +36 23 190 EB +36 23 191 E +36 23 192 EB +36 23 193 EB +36 23 194 EB +36 23 195 E +36 23 196 E +36 23 197 EB +36 23 198 E +36 23 199 B +36 23 200 E +36 23 201 EB +36 23 202 E +36 23 203 EB +36 23 204 E +36 23 205 EB +36 23 206 B +36 23 207 EB +36 23 208 EB +36 23 209 E +36 23 210 EB +36 23 211 E +36 23 212 EB +36 23 213 E +36 23 214 EB +36 23 215 EB +36 23 216 E +36 23 217 EB +36 23 218 EB +36 23 219 B +36 23 220 E +36 23 221 B +36 23 222 E +36 23 223 E +36 23 224 B +36 23 225 EB +36 23 226 E +36 23 227 E +36 23 228 E +36 23 229 E +36 23 230 B +36 23 231 EB +36 23 232 EB +36 23 233 E +36 23 234 E +36 23 235 E +36 23 236 EB +36 23 237 EB +36 23 238 E +36 23 239 EB +36 23 240 EB +36 23 241 B +36 23 242 EB +36 23 243 EB +36 23 244 B +36 23 245 EB +36 23 246 E +36 23 247 EB +36 23 248 E +36 23 249 E +36 23 250 EB +36 23 251 B +36 23 252 B +36 23 253 B +36 23 254 B +36 23 255 E +36 23 256 EB +36 23 257 E +36 23 258 EB +36 23 259 EB +36 23 260 EB +36 23 261 EB +36 23 262 B +36 23 263 B +36 23 264 B +36 23 265 E +36 23 266 EB +36 23 267 EB +36 23 268 E +36 23 269 EB +36 23 270 EB +36 23 271 E +36 23 272 B +36 23 273 EB +36 23 274 B +36 23 275 EB +36 23 276 EB +36 23 277 E +36 23 278 EB +36 23 279 E +36 23 280 E +36 23 281 E +36 23 282 E +36 23 283 EB +36 23 284 B +36 23 285 EB +36 23 286 B +36 23 287 EB +36 23 288 EB +36 23 289 B +36 23 290 B +36 23 291 E +36 23 292 EB +36 23 293 B +36 23 294 B +36 23 295 EB +36 23 296 EB +36 23 297 EB +36 23 298 EB +36 23 299 E +36 23 300 B +36 23 301 E +36 23 302 B +36 23 303 B +36 23 304 EB +36 23 305 EB +36 23 306 E +36 23 307 E +36 23 308 EB +36 23 309 EB +36 23 310 E +36 23 311 E +36 23 312 E +36 23 313 E +36 23 314 B +36 23 315 E +36 23 316 E +36 23 317 EB +36 23 318 EB +36 23 319 B +36 23 320 EB +36 23 321 EB +36 23 322 E +36 23 323 E +36 23 324 B +36 23 325 EB +36 23 326 EB +36 23 327 B +36 23 328 E +36 23 329 EB +36 23 330 B +36 24 1 E +36 24 2 E +36 24 3 EB +36 24 4 E +36 24 5 B +36 24 6 EB +36 24 7 E +36 24 8 EB +36 24 9 E +36 24 10 E +36 24 11 E +36 24 12 EB +36 24 13 E +36 24 14 E +36 24 15 EB +36 24 16 B +36 24 17 EB +36 24 18 E +36 24 19 E +36 24 20 EB +36 24 21 EB +36 24 22 B +36 24 23 E +36 24 24 E +36 24 25 E +36 24 26 E +36 24 27 B +36 24 28 EB +36 24 29 E +36 24 30 EB +36 24 31 E +36 24 32 EB +36 24 33 E +36 24 34 E +36 24 35 EB +36 24 36 E +36 24 37 E +36 24 38 EB +36 24 39 E +36 24 40 E +36 24 41 EB +36 24 42 E +36 24 43 E +36 24 44 B +36 24 45 E +36 24 46 E +36 24 47 E +36 24 48 EB +36 24 49 E +36 24 50 E +36 24 51 E +36 24 52 B +36 24 53 EB +36 24 54 E +36 24 55 E +36 24 56 B +36 24 57 E +36 24 58 E +36 24 59 B +36 24 60 E +36 24 61 EB +36 24 62 E +36 24 63 EB +36 24 64 E +36 24 65 EB +36 24 66 B +36 24 67 E +36 24 68 EB +36 24 69 E +36 24 70 B +36 24 71 EB +36 24 72 E +36 24 73 EB +36 24 74 B +36 24 75 E +36 24 76 EB +36 24 77 E +36 24 78 B +36 24 79 E +36 24 80 E +36 24 81 E +36 24 82 E +36 24 83 B +36 24 84 B +36 24 85 E +36 24 86 EB +36 24 87 E +36 24 88 EB +36 24 89 E +36 24 90 E +36 24 91 B +36 24 92 B +36 24 93 E +36 24 94 E +36 24 95 B +36 24 96 EB +36 24 97 E +36 24 98 EB +36 24 99 B +36 24 100 B +36 24 101 EB +36 24 102 B +36 24 103 E +36 24 104 E +36 24 105 EB +36 24 106 B +36 24 107 B +36 24 108 B +36 24 109 E +36 24 110 EB +36 24 111 E +36 24 112 EB +36 24 113 E +36 24 114 E +36 24 115 EB +36 24 116 B +36 24 117 E +36 24 118 EB +36 24 119 E +36 24 120 B +36 24 121 EB +36 24 122 E +36 24 123 E +36 24 124 EB +36 24 125 EB +36 24 126 EB +36 24 127 E +36 24 128 EB +36 24 129 B +36 24 130 E +36 24 131 E +36 24 132 EB +36 24 133 E +36 24 134 E +36 24 135 EB +36 24 136 E +36 24 137 E +36 24 138 E +36 24 139 B +36 24 140 E +36 24 141 B +36 24 142 B +36 24 143 EB +36 24 144 E +36 24 145 E +36 24 146 EB +36 24 147 E +36 24 148 EB +36 24 149 E +36 24 150 E +36 24 151 EB +36 24 152 EB +36 24 153 E +36 24 154 E +36 24 155 E +36 24 156 E +36 24 157 EB +36 24 158 B +36 24 159 EB +36 24 160 EB +36 24 161 E +36 24 162 EB +36 24 163 E +36 24 164 E +36 24 165 E +36 24 166 E +36 24 167 E +36 24 168 E +36 24 169 E +36 24 170 E +36 24 171 E +36 24 172 B +36 24 173 EB +36 24 174 EB +36 24 175 B +36 24 176 EB +36 24 177 B +36 24 178 E +36 24 179 EB +36 24 180 E +36 24 181 EB +36 24 182 EB +36 24 183 E +36 24 184 EB +36 24 185 EB +36 24 186 E +36 24 187 EB +36 24 188 E +36 24 189 E +36 24 190 EB +36 24 191 E +36 24 192 E +36 24 193 EB +36 24 194 EB +36 24 195 E +36 24 196 E +36 24 197 E +36 24 198 E +36 24 199 B +36 24 200 E +36 24 201 EB +36 24 202 E +36 24 203 EB +36 24 204 E +36 24 205 E +36 24 206 B +36 24 207 EB +36 24 208 E +36 24 209 E +36 24 210 EB +36 24 211 E +36 24 212 EB +36 24 213 E +36 24 214 EB +36 24 215 EB +36 24 216 E +36 24 217 EB +36 24 218 E +36 24 219 B +36 24 220 E +36 24 221 B +36 24 222 E +36 24 223 E +36 24 224 B +36 24 225 E +36 24 226 E +36 24 227 E +36 24 228 E +36 24 229 E +36 24 230 B +36 24 231 E +36 24 232 E +36 24 233 E +36 24 234 E +36 24 235 E +36 24 236 E +36 24 237 EB +36 24 238 E +36 24 239 EB +36 24 240 EB +36 24 241 B +36 24 242 EB +36 24 243 EB +36 24 244 B +36 24 245 EB +36 24 246 E +36 24 247 E +36 24 248 E +36 24 249 E +36 24 250 E +36 24 251 E +36 24 252 B +36 24 253 E +36 24 254 E +36 24 255 E +36 24 256 EB +36 24 257 E +36 24 258 EB +36 24 259 EB +36 24 260 EB +36 24 261 EB +36 24 262 B +36 24 263 B +36 24 264 B +36 24 265 E +36 24 266 EB +36 24 267 EB +36 24 268 E +36 24 269 EB +36 24 270 EB +36 24 271 E +36 24 272 B +36 24 273 EB +36 24 274 B +36 24 275 EB +36 24 276 EB +36 24 277 E +36 24 278 EB +36 24 279 E +36 24 280 E +36 24 281 E +36 24 282 E +36 24 283 E +36 24 284 B +36 24 285 EB +36 24 286 B +36 24 287 E +36 24 288 EB +36 24 289 E +36 24 290 B +36 24 291 E +36 24 292 EB +36 24 293 B +36 24 294 B +36 24 295 E +36 24 296 E +36 24 297 EB +36 24 298 EB +36 24 299 E +36 24 300 B +36 24 301 E +36 24 302 B +36 24 303 B +36 24 304 E +36 24 305 EB +36 24 306 EB +36 24 307 E +36 24 308 EB +36 24 309 E +36 24 310 E +36 24 311 E +36 24 312 E +36 24 313 E +36 24 314 B +36 24 315 E +36 24 316 E +36 24 317 EB +36 24 318 EB +36 24 319 B +36 24 320 E +36 24 321 EB +36 24 322 E +36 24 323 E +36 24 324 B +36 24 325 EB +36 24 326 EB +36 24 327 B +36 24 328 E +36 24 329 EB +36 24 330 B +36 25 1 E +36 25 2 B +36 25 3 EB +36 25 4 E +36 25 5 B +36 25 6 B +36 25 7 E +36 25 8 EB +36 25 9 E +36 25 10 E +36 25 11 E +36 25 12 EB +36 25 13 E +36 25 14 E +36 25 15 EB +36 25 16 B +36 25 17 EB +36 25 18 E +36 25 19 E +36 25 20 E +36 25 21 EB +36 25 22 B +36 25 23 E +36 25 24 E +36 25 25 E +36 25 26 E +36 25 27 B +36 25 28 EB +36 25 29 E +36 25 30 EB +36 25 31 B +36 25 32 EB +36 25 33 E +36 25 34 E +36 25 35 EB +36 25 36 E +36 25 37 E +36 25 38 EB +36 25 39 E +36 25 40 E +36 25 41 EB +36 25 42 E +36 25 43 E +36 25 44 B +36 25 45 E +36 25 46 E +36 25 47 E +36 25 48 E +36 25 49 E +36 25 50 E +36 25 51 E +36 25 52 B +36 25 53 EB +36 25 54 E +36 25 55 E +36 25 56 B +36 25 57 E +36 25 58 E +36 25 59 B +36 25 60 E +36 25 61 EB +36 25 62 E +36 25 63 EB +36 25 64 E +36 25 65 EB +36 25 66 B +36 25 67 E +36 25 68 EB +36 25 69 E +36 25 70 B +36 25 71 EB +36 25 72 E +36 25 73 E +36 25 74 E +36 25 75 E +36 25 76 EB +36 25 77 E +36 25 78 B +36 25 79 E +36 25 80 E +36 25 81 E +36 25 82 E +36 25 83 B +36 25 84 EB +36 25 85 E +36 25 86 EB +36 25 87 E +36 25 88 EB +36 25 89 E +36 25 90 E +36 25 91 B +36 25 92 B +36 25 93 E +36 25 94 E +36 25 95 B +36 25 96 B +36 25 97 E +36 25 98 EB +36 25 99 B +36 25 100 B +36 25 101 EB +36 25 102 B +36 25 103 E +36 25 104 B +36 25 105 EB +36 25 106 B +36 25 107 B +36 25 108 B +36 25 109 E +36 25 110 EB +36 25 111 E +36 25 112 EB +36 25 113 E +36 25 114 E +36 25 115 EB +36 25 116 B +36 25 117 E +36 25 118 EB +36 25 119 E +36 25 120 B +36 25 121 EB +36 25 122 E +36 25 123 E +36 25 124 E +36 25 125 EB +36 25 126 B +36 25 127 E +36 25 128 B +36 25 129 B +36 25 130 E +36 25 131 E +36 25 132 EB +36 25 133 E +36 25 134 E +36 25 135 EB +36 25 136 E +36 25 137 E +36 25 138 E +36 25 139 B +36 25 140 E +36 25 141 B +36 25 142 B +36 25 143 E +36 25 144 E +36 25 145 E +36 25 146 E +36 25 147 E +36 25 148 EB +36 25 149 B +36 25 150 E +36 25 151 EB +36 25 152 EB +36 25 153 E +36 25 154 E +36 25 155 E +36 25 156 E +36 25 157 E +36 25 158 B +36 25 159 EB +36 25 160 EB +36 25 161 E +36 25 162 EB +36 25 163 E +36 25 164 E +36 25 165 E +36 25 166 E +36 25 167 B +36 25 168 E +36 25 169 E +36 25 170 E +36 25 171 E +36 25 172 B +36 25 173 EB +36 25 174 EB +36 25 175 B +36 25 176 EB +36 25 177 B +36 25 178 E +36 25 179 EB +36 25 180 B +36 25 181 EB +36 25 182 EB +36 25 183 E +36 25 184 E +36 25 185 EB +36 25 186 E +36 25 187 EB +36 25 188 E +36 25 189 B +36 25 190 B +36 25 191 E +36 25 192 E +36 25 193 B +36 25 194 EB +36 25 195 E +36 25 196 B +36 25 197 E +36 25 198 E +36 25 199 B +36 25 200 E +36 25 201 B +36 25 202 E +36 25 203 EB +36 25 204 E +36 25 205 E +36 25 206 B +36 25 207 EB +36 25 208 E +36 25 209 E +36 25 210 E +36 25 211 B +36 25 212 EB +36 25 213 B +36 25 214 E +36 25 215 B +36 25 216 E +36 25 217 B +36 25 218 E +36 25 219 B +36 25 220 E +36 25 221 B +36 25 222 E +36 25 223 E +36 25 224 B +36 25 225 E +36 25 226 E +36 25 227 E +36 25 228 E +36 25 229 B +36 25 230 B +36 25 231 EB +36 25 232 E +36 25 233 E +36 25 234 E +36 25 235 E +36 25 236 E +36 25 237 B +36 25 238 E +36 25 239 EB +36 25 240 EB +36 25 241 B +36 25 242 B +36 25 243 EB +36 25 244 B +36 25 245 EB +36 25 246 E +36 25 247 E +36 25 248 E +36 25 249 E +36 25 250 E +36 25 251 B +36 25 252 B +36 25 253 E +36 25 254 E +36 25 255 E +36 25 256 EB +36 25 257 E +36 25 258 B +36 25 259 EB +36 25 260 B +36 25 261 EB +36 25 262 B +36 25 263 B +36 25 264 B +36 25 265 E +36 25 266 EB +36 25 267 EB +36 25 268 E +36 25 269 EB +36 25 270 EB +36 25 271 E +36 25 272 B +36 25 273 B +36 25 274 B +36 25 275 E +36 25 276 EB +36 25 277 E +36 25 278 B +36 25 279 E +36 25 280 E +36 25 281 E +36 25 282 E +36 25 283 E +36 25 284 B +36 25 285 B +36 25 286 B +36 25 287 E +36 25 288 EB +36 25 289 B +36 25 290 B +36 25 291 E +36 25 292 B +36 25 293 B +36 25 294 B +36 25 295 E +36 25 296 E +36 25 297 EB +36 25 298 EB +36 25 299 E +36 25 300 B +36 25 301 E +36 25 302 B +36 25 303 B +36 25 304 E +36 25 305 EB +36 25 306 B +36 25 307 EB +36 25 308 E +36 25 309 E +36 25 310 E +36 25 311 E +36 25 312 E +36 25 313 E +36 25 314 B +36 25 315 E +36 25 316 E +36 25 317 EB +36 25 318 EB +36 25 319 B +36 25 320 E +36 25 321 EB +36 25 322 B +36 25 323 E +36 25 324 B +36 25 325 EB +36 25 326 EB +36 25 327 B +36 25 328 E +36 25 329 EB +36 25 330 B +37 1 1 TA +37 1 2 PO +37 1 3 HU +37 1 4 HU +37 1 5 TA +37 1 6 JA +37 1 7 TA +37 1 8 HU +37 1 9 PO +37 1 10 TA +37 1 11 TA +37 1 12 JA +37 1 13 TA +37 1 14 TA +37 1 15 OS +37 1 16 HU +37 1 17 OS +37 1 18 TE +37 1 19 TA +37 1 20 TA +37 1 21 HU +37 1 22 JA +37 1 23 HU +37 1 24 TE +37 1 25 TA +37 1 26 HU +37 1 27 OS +37 1 28 HU +37 1 29 TA +37 1 30 HU +37 1 31 TA +37 1 32 PO +37 1 33 TA +37 1 34 TA +37 1 35 HU +37 1 36 TA +37 1 37 TA +37 1 38 HU +37 1 39 TA +37 1 40 TA +37 1 41 HU +37 1 42 JA +37 1 43 TA +37 1 44 OS +37 1 45 TA +37 1 46 TE +37 1 47 TA +37 1 48 JA +37 1 49 TA +37 1 50 TA +37 1 51 PO +37 1 52 OS +37 1 53 HU +37 1 54 TA +37 1 55 TA +37 1 56 PO +37 1 57 TA +37 1 58 JA +37 1 59 OS +37 1 60 TA +37 1 61 HU +37 1 62 PO +37 1 63 HU +37 1 64 TA +37 1 65 HU +37 1 66 OS +37 1 67 TA +37 1 68 HU +37 1 69 PO +37 1 70 HU +37 1 71 TA +37 1 72 TA +37 1 73 HU +37 1 74 TA +37 1 75 TA +37 1 76 HU +37 1 77 TA +37 1 78 PO +37 1 79 TE +37 1 80 TA +37 1 81 JA +37 1 82 TA +37 1 83 JA +37 1 84 PO +37 1 85 TA +37 1 86 HU +37 1 87 TE +37 1 88 HU +37 1 89 TE +37 1 90 TA +37 1 91 JA +37 1 92 OS +37 1 93 TA +37 1 94 TE +37 1 95 JA +37 1 96 JA +37 1 97 TA +37 1 98 HU +37 1 99 PO +37 1 100 TA +37 1 101 HU +37 1 102 PO +37 1 103 TE +37 1 104 PO +37 1 105 HU +37 1 106 JA +37 1 107 OS +37 1 108 PO +37 1 109 HU +37 1 110 HU +37 1 111 PO +37 1 112 HU +37 1 113 TE +37 1 114 TA +37 1 115 HU +37 1 116 PO +37 1 117 TE +37 1 118 PO +37 1 119 TA +37 1 120 OS +37 1 121 HU +37 1 122 TA +37 1 123 TA +37 1 124 JA +37 1 125 HU +37 1 126 PO +37 1 127 TA +37 1 128 JA +37 1 129 OS +37 1 130 PO +37 1 131 HU +37 1 132 HU +37 1 133 TA +37 1 134 PO +37 1 135 HU +37 1 136 TA +37 1 137 TA +37 1 138 PO +37 1 139 OS +37 1 140 PO +37 1 141 OS +37 1 142 PO +37 1 143 JA +37 1 144 HU +37 1 145 TA +37 1 146 JA +37 1 147 TA +37 1 148 HU +37 1 149 JA +37 1 150 HU +37 1 151 PO +37 1 152 JA +37 1 153 TA +37 1 154 PO +37 1 155 TE +37 1 156 TA +37 1 157 PO +37 1 158 OS +37 1 159 JA +37 1 160 JA +37 1 161 TA +37 1 162 HU +37 1 163 TA +37 1 164 HU +37 1 165 JA +37 1 166 HU +37 1 167 JA +37 1 168 TA +37 1 169 PO +37 1 170 JA +37 1 171 TA +37 1 172 OS +37 1 173 HU +37 1 174 JA +37 1 175 TA +37 1 176 HU +37 1 177 JA +37 1 178 TA +37 1 179 HU +37 1 180 TA +37 1 181 JA +37 1 182 TE +37 1 183 PO +37 1 184 PO +37 1 185 PO +37 1 186 TA +37 1 187 JA +37 1 188 TA +37 1 189 PO +37 1 190 JA +37 1 191 TA +37 1 192 PO +37 1 193 JA +37 1 194 JA +37 1 195 TA +37 1 196 TA +37 1 197 PO +37 1 198 TE +37 1 199 TA +37 1 200 TA +37 1 201 PO +37 1 202 TA +37 1 203 HU +37 1 204 TE +37 1 205 PO +37 1 206 JA +37 1 207 HU +37 1 208 JA +37 1 209 TA +37 1 210 TE +37 1 211 TA +37 1 212 HU +37 1 213 PO +37 1 214 JA +37 1 215 TA +37 1 216 TE +37 1 217 JA +37 1 218 TA +37 1 219 OS +37 1 220 PO +37 1 221 OS +37 1 222 HU +37 1 223 TA +37 1 224 JA +37 1 225 JA +37 1 226 TA +37 1 227 TE +37 1 228 PO +37 1 229 TA +37 1 230 PO +37 1 231 PO +37 1 232 PO +37 1 233 PO +37 1 234 TA +37 1 235 PO +37 1 236 TA +37 1 237 PO +37 1 238 TA +37 1 239 HU +37 1 240 TA +37 1 241 OS +37 1 242 JA +37 1 243 PO +37 1 244 OS +37 1 245 HU +37 1 246 TA +37 1 247 PO +37 1 248 TE +37 1 249 TA +37 1 250 PO +37 1 251 TA +37 1 252 JA +37 1 253 TA +37 1 254 PO +37 1 255 TE +37 1 256 HU +37 1 257 TA +37 1 258 JA +37 1 259 PO +37 1 260 JA +37 1 261 HU +37 1 262 OS +37 1 263 TE +37 1 264 OS +37 1 265 TA +37 1 266 PO +37 1 267 JA +37 1 268 TA +37 1 269 HU +37 1 270 JA +37 1 271 TA +37 1 272 OS +37 1 273 PO +37 1 274 OS +37 1 275 TA +37 1 276 HU +37 1 277 TA +37 1 278 HU +37 1 279 PO +37 1 280 TA +37 1 281 TA +37 1 282 TA +37 1 283 PO +37 1 284 OS +37 1 285 JA +37 1 286 OS +37 1 287 JA +37 1 288 HU +37 1 289 TA +37 1 290 OS +37 1 291 TA +37 1 292 PO +37 1 293 TA +37 1 294 OS +37 1 295 TE +37 1 296 HU +37 1 297 JA +37 1 298 HU +37 1 299 TA +37 1 300 OS +37 1 301 TA +37 1 302 OS +37 1 303 PO +37 1 304 TA +37 1 305 HU +37 1 306 TA +37 1 307 TA +37 1 308 JA +37 1 309 TA +37 1 310 TA +37 1 311 TA +37 1 312 TE +37 1 313 PO +37 1 314 JA +37 1 315 TA +37 1 316 TA +37 1 317 HU +37 1 318 HU +37 1 319 OS +37 1 320 OS +37 1 321 HU +37 1 322 TA +37 1 323 TA +37 1 324 JA +37 1 325 HU +37 1 326 JA +37 1 327 JA +37 1 328 TA +37 1 329 PO +37 1 330 OS +37 2 1 PO +37 2 2 PO +37 2 3 HU +37 2 4 HU +37 2 5 PO +37 2 6 OS +37 2 7 TA +37 2 8 HU +37 2 9 PO +37 2 10 TA +37 2 11 TA +37 2 12 JA +37 2 13 TA +37 2 14 TA +37 2 15 OS +37 2 16 PO +37 2 17 HU +37 2 18 TE +37 2 19 PO +37 2 20 TA +37 2 21 HU +37 2 22 JA +37 2 23 HU +37 2 24 TE +37 2 25 TA +37 2 26 TA +37 2 27 OS +37 2 28 HU +37 2 29 TA +37 2 30 JA +37 2 31 PO +37 2 32 HU +37 2 33 TA +37 2 34 PO +37 2 35 HU +37 2 36 TA +37 2 37 PO +37 2 38 HU +37 2 39 TA +37 2 40 PO +37 2 41 HU +37 2 42 JA +37 2 43 TA +37 2 44 OS +37 2 45 TA +37 2 46 PO +37 2 47 TE +37 2 48 JA +37 2 49 PO +37 2 50 PO +37 2 51 TE +37 2 52 JA +37 2 53 HU +37 2 54 TA +37 2 55 PO +37 2 56 HU +37 2 57 TA +37 2 58 JA +37 2 59 OS +37 2 60 TE +37 2 61 HU +37 2 62 TA +37 2 63 HU +37 2 64 TA +37 2 65 HU +37 2 66 OS +37 2 67 PO +37 2 68 HU +37 2 69 TE +37 2 70 OS +37 2 71 HU +37 2 72 TA +37 2 73 HU +37 2 74 PO +37 2 75 TE +37 2 76 HU +37 2 77 PO +37 2 78 HU +37 2 79 TE +37 2 80 TA +37 2 81 PO +37 2 82 PO +37 2 83 JA +37 2 84 JA +37 2 85 TA +37 2 86 HU +37 2 87 TE +37 2 88 HU +37 2 89 TE +37 2 90 TE +37 2 91 TA +37 2 92 OS +37 2 93 TA +37 2 94 TE +37 2 95 PO +37 2 96 JA +37 2 97 TA +37 2 98 HU +37 2 99 PO +37 2 100 PO +37 2 101 HU +37 2 102 PO +37 2 103 TE +37 2 104 PO +37 2 105 HU +37 2 106 JA +37 2 107 OS +37 2 108 PO +37 2 109 TA +37 2 110 JA +37 2 111 TE +37 2 112 HU +37 2 113 TE +37 2 114 TA +37 2 115 HU +37 2 116 PO +37 2 117 TE +37 2 118 PO +37 2 119 TA +37 2 120 OS +37 2 121 HU +37 2 122 TA +37 2 123 PO +37 2 124 TA +37 2 125 JA +37 2 126 HU +37 2 127 TE +37 2 128 JA +37 2 129 OS +37 2 130 TA +37 2 131 HU +37 2 132 HU +37 2 133 TA +37 2 134 TE +37 2 135 HU +37 2 136 PO +37 2 137 TA +37 2 138 PO +37 2 139 OS +37 2 140 PO +37 2 141 OS +37 2 142 OS +37 2 143 TA +37 2 144 TA +37 2 145 TA +37 2 146 JA +37 2 147 TA +37 2 148 HU +37 2 149 TA +37 2 150 HU +37 2 151 OS +37 2 152 HU +37 2 153 PO +37 2 154 TE +37 2 155 TE +37 2 156 TA +37 2 157 TE +37 2 158 OS +37 2 159 JA +37 2 160 JA +37 2 161 TA +37 2 162 HU +37 2 163 TA +37 2 164 TA +37 2 165 TA +37 2 166 PO +37 2 167 OS +37 2 168 TA +37 2 169 TA +37 2 170 TE +37 2 171 TA +37 2 172 OS +37 2 173 HU +37 2 174 JA +37 2 175 PO +37 2 176 HU +37 2 177 JA +37 2 178 TA +37 2 179 HU +37 2 180 TA +37 2 181 JA +37 2 182 JE +37 2 183 TE +37 2 184 HU +37 2 185 JA +37 2 186 PO +37 2 187 JA +37 2 188 TA +37 2 189 PO +37 2 190 HU +37 2 191 TA +37 2 192 TA +37 2 193 JA +37 2 194 TE +37 2 195 TA +37 2 196 PO +37 2 197 HU +37 2 198 TE +37 2 199 JA +37 2 200 PO +37 2 201 JA +37 2 202 TA +37 2 203 HU +37 2 204 TE +37 2 205 TA +37 2 206 OS +37 2 207 HU +37 2 208 PO +37 2 209 TA +37 2 210 TE +37 2 211 TA +37 2 212 JA +37 2 213 PO +37 2 214 TA +37 2 215 JA +37 2 216 TE +37 2 217 JA +37 2 218 TA +37 2 219 OS +37 2 220 TA +37 2 221 PO +37 2 222 TA +37 2 223 TA +37 2 224 OS +37 2 225 TA +37 2 226 TA +37 2 227 TE +37 2 228 TA +37 2 229 TA +37 2 230 OS +37 2 231 HU +37 2 232 TA +37 2 233 PO +37 2 234 TA +37 2 235 PO +37 2 236 TA +37 2 237 PO +37 2 238 TA +37 2 239 HU +37 2 240 PO +37 2 241 OS +37 2 242 JA +37 2 243 TE +37 2 244 PO +37 2 245 HU +37 2 246 TA +37 2 247 PO +37 2 248 TE +37 2 249 TA +37 2 250 PO +37 2 251 TA +37 2 252 OS +37 2 253 TA +37 2 254 PO +37 2 255 TE +37 2 256 HU +37 2 257 TE +37 2 258 JA +37 2 259 HU +37 2 260 JA +37 2 261 JA +37 2 262 OS +37 2 263 OS +37 2 264 PO +37 2 265 TA +37 2 266 JA +37 2 267 HU +37 2 268 TA +37 2 269 HU +37 2 270 JA +37 2 271 TA +37 2 272 OS +37 2 273 PO +37 2 274 OS +37 2 275 JA +37 2 276 HU +37 2 277 TA +37 2 278 JA +37 2 279 TA +37 2 280 TA +37 2 281 TA +37 2 282 TA +37 2 283 TE +37 2 284 OS +37 2 285 HU +37 2 286 OS +37 2 287 PO +37 2 288 HU +37 2 289 PO +37 2 290 OS +37 2 291 PO +37 2 292 HU +37 2 293 PO +37 2 294 OS +37 2 295 TE +37 2 296 HU +37 2 297 JA +37 2 298 HU +37 2 299 TA +37 2 300 PO +37 2 301 TA +37 2 302 OS +37 2 303 PO +37 2 304 TA +37 2 305 HU +37 2 306 TA +37 2 307 PO +37 2 308 PO +37 2 309 TE +37 2 310 TA +37 2 311 PO +37 2 312 TE +37 2 313 PO +37 2 314 OS +37 2 315 TA +37 2 316 TA +37 2 317 HU +37 2 318 JA +37 2 319 OS +37 2 320 PO +37 2 321 HU +37 2 322 PO +37 2 323 TA +37 2 324 OS +37 2 325 HU +37 2 326 JA +37 2 327 PO +37 2 328 TA +37 2 329 PO +37 2 330 OS +37 3 1 TA +37 3 2 PO +37 3 3 HU +37 3 4 PO +37 3 5 TA +37 3 6 PO +37 3 7 TA +37 3 8 HU +37 3 9 PO +37 3 10 TA +37 3 11 TE +37 3 12 JA +37 3 13 TA +37 3 14 TA +37 3 15 PO +37 3 16 OS +37 3 17 HU +37 3 18 TE +37 3 19 TA +37 3 20 TA +37 3 21 HU +37 3 22 JA +37 3 23 PO +37 3 24 PO +37 3 25 TA +37 3 26 TA +37 3 27 PO +37 3 28 HU +37 3 29 TA +37 3 30 PO +37 3 31 TA +37 3 32 PO +37 3 33 TA +37 3 34 TA +37 3 35 PO +37 3 36 TA +37 3 37 TA +37 3 38 HU +37 3 39 TA +37 3 40 TA +37 3 41 HU +37 3 42 JA +37 3 43 TA +37 3 44 OS +37 3 45 TA +37 3 46 TE +37 3 47 TA +37 3 48 PO +37 3 49 TA +37 3 50 PO +37 3 51 PO +37 3 52 OS +37 3 53 HU +37 3 54 TA +37 3 55 TA +37 3 56 PO +37 3 57 TA +37 3 58 PO +37 3 59 PO +37 3 60 TA +37 3 61 HU +37 3 62 PO +37 3 63 PO +37 3 64 TA +37 3 65 HU +37 3 66 OS +37 3 67 TA +37 3 68 PO +37 3 69 TA +37 3 70 PO +37 3 71 PO +37 3 72 TA +37 3 73 PO +37 3 74 TA +37 3 75 TA +37 3 76 HU +37 3 77 TA +37 3 78 PO +37 3 79 TE +37 3 80 TA +37 3 81 TA +37 3 82 TA +37 3 83 PO +37 3 84 PO +37 3 85 TA +37 3 86 PO +37 3 87 TE +37 3 88 PO +37 3 89 TE +37 3 90 TA +37 3 91 JA +37 3 92 PO +37 3 93 TA +37 3 94 TE +37 3 95 TA +37 3 96 JA +37 3 97 PO +37 3 98 HU +37 3 99 PO +37 3 100 TA +37 3 101 HU +37 3 102 PO +37 3 103 PO +37 3 104 TA +37 3 105 PO +37 3 106 JA +37 3 107 OS +37 3 108 PO +37 3 109 TA +37 3 110 JA +37 3 111 TE +37 3 112 HU +37 3 113 TE +37 3 114 TA +37 3 115 HU +37 3 116 PO +37 3 117 PO +37 3 118 PO +37 3 119 TA +37 3 120 OS +37 3 121 HU +37 3 122 TA +37 3 123 TA +37 3 124 TA +37 3 125 PO +37 3 126 HU +37 3 127 TA +37 3 128 JA +37 3 129 OS +37 3 130 PO +37 3 131 TA +37 3 132 HU +37 3 133 TA +37 3 134 PO +37 3 135 HU +37 3 136 TA +37 3 137 TA +37 3 138 TA +37 3 139 OS +37 3 140 TA +37 3 141 OS +37 3 142 PO +37 3 143 TA +37 3 144 PO +37 3 145 TA +37 3 146 JA +37 3 147 TA +37 3 148 HU +37 3 149 TA +37 3 150 PO +37 3 151 PO +37 3 152 PO +37 3 153 TA +37 3 154 TE +37 3 155 PO +37 3 156 TA +37 3 157 PO +37 3 158 OS +37 3 159 PO +37 3 160 PO +37 3 161 TA +37 3 162 HU +37 3 163 TA +37 3 164 TA +37 3 165 PO +37 3 166 TA +37 3 167 PO +37 3 168 TA +37 3 169 TA +37 3 170 TA +37 3 171 PO +37 3 172 OS +37 3 173 HU +37 3 174 JA +37 3 175 PO +37 3 176 HU +37 3 177 JA +37 3 178 TA +37 3 179 PO +37 3 180 TA +37 3 181 JA +37 3 182 PO +37 3 183 PO +37 3 184 PO +37 3 185 PO +37 3 186 TA +37 3 187 JA +37 3 188 TA +37 3 189 PO +37 3 190 TA +37 3 191 TA +37 3 192 PO +37 3 193 JA +37 3 194 PO +37 3 195 TA +37 3 196 TA +37 3 197 PO +37 3 198 TE +37 3 199 PO +37 3 200 TA +37 3 201 PO +37 3 202 TA +37 3 203 PO +37 3 204 PO +37 3 205 PO +37 3 206 OS +37 3 207 HU +37 3 208 PO +37 3 209 TA +37 3 210 PO +37 3 211 TA +37 3 212 PO +37 3 213 PO +37 3 214 JA +37 3 215 PO +37 3 216 PO +37 3 217 PO +37 3 218 JA +37 3 219 PO +37 3 220 TA +37 3 221 PO +37 3 222 HU +37 3 223 TA +37 3 224 OS +37 3 225 PO +37 3 226 TA +37 3 227 TE +37 3 228 TE +37 3 229 TA +37 3 230 OS +37 3 231 TA +37 3 232 PO +37 3 233 PO +37 3 234 TA +37 3 235 PO +37 3 236 TA +37 3 237 PO +37 3 238 PO +37 3 239 HU +37 3 240 PO +37 3 241 OS +37 3 242 JA +37 3 243 HU +37 3 244 PO +37 3 245 HU +37 3 246 TA +37 3 247 PO +37 3 248 PO +37 3 249 TA +37 3 250 PO +37 3 251 TA +37 3 252 OS +37 3 253 TA +37 3 254 PO +37 3 255 TE +37 3 256 HU +37 3 257 TA +37 3 258 JA +37 3 259 HU +37 3 260 PO +37 3 261 PO +37 3 262 OS +37 3 263 PO +37 3 264 PO +37 3 265 TA +37 3 266 PO +37 3 267 PO +37 3 268 TA +37 3 269 HU +37 3 270 HU +37 3 271 TA +37 3 272 PO +37 3 273 OS +37 3 274 OS +37 3 275 PO +37 3 276 HU +37 3 277 TA +37 3 278 JA +37 3 279 TA +37 3 280 TA +37 3 281 TA +37 3 282 TA +37 3 283 PO +37 3 284 OS +37 3 285 PO +37 3 286 OS +37 3 287 PO +37 3 288 HU +37 3 289 TA +37 3 290 OS +37 3 291 PO +37 3 292 PO +37 3 293 PO +37 3 294 OS +37 3 295 PO +37 3 296 PO +37 3 297 JA +37 3 298 HU +37 3 299 TA +37 3 300 PO +37 3 301 TA +37 3 302 OS +37 3 303 PO +37 3 304 TA +37 3 305 PO +37 3 306 TA +37 3 307 TA +37 3 308 PO +37 3 309 TE +37 3 310 TA +37 3 311 PO +37 3 312 TE +37 3 313 PO +37 3 314 OS +37 3 315 TA +37 3 316 TA +37 3 317 HU +37 3 318 PO +37 3 319 OS +37 3 320 PO +37 3 321 HU +37 3 322 TA +37 3 323 TA +37 3 324 OS +37 3 325 PO +37 3 326 JA +37 3 327 OS +37 3 328 TA +37 3 329 PO +37 3 330 OS +37 4 1 TA +37 4 2 TA +37 4 3 HU +37 4 4 QU +37 4 5 TA +37 4 6 PO +37 4 7 TA +37 4 8 HU +37 4 9 PO +37 4 10 TA +37 4 11 TA +37 4 12 JA +37 4 13 TA +37 4 14 TA +37 4 15 OS +37 4 16 OS +37 4 17 HU +37 4 18 TE +37 4 19 TA +37 4 20 TA +37 4 21 HU +37 4 22 JA +37 4 23 QU +37 4 24 TE +37 4 25 TA +37 4 26 OS +37 4 27 HU +37 4 28 TA +37 4 29 JA +37 4 30 TA +37 4 31 HU +37 4 32 TA +37 4 33 TA +37 4 34 HU +37 4 35 HU +37 4 36 TA +37 4 37 TA +37 4 38 HU +37 4 39 TA +37 4 40 TA +37 4 41 HU +37 4 42 JA +37 4 43 TA +37 4 44 OS +37 4 45 TA +37 4 46 PO +37 4 47 TA +37 4 48 JA +37 4 49 PO +37 4 50 QU +37 4 51 PO +37 4 52 OS +37 4 53 HU +37 4 54 TA +37 4 55 TA +37 4 56 CH +37 4 57 TA +37 4 58 JA +37 4 59 CH +37 4 60 TA +37 4 61 HU +37 4 62 QU +37 4 63 CH +37 4 64 TA +37 4 65 HU +37 4 66 OS +37 4 67 TA +37 4 68 CH +37 4 69 TA +37 4 70 OS +37 4 71 HU +37 4 72 TA +37 4 73 QU +37 4 74 OS +37 4 75 TA +37 4 76 JA +37 4 77 TA +37 4 78 CH +37 4 79 TE +37 4 80 TA +37 4 81 TA +37 4 82 TA +37 4 83 JA +37 4 84 PO +37 4 85 TA +37 4 86 CH +37 4 87 TE +37 4 88 HU +37 4 89 TE +37 4 90 TA +37 4 91 TA +37 4 92 OS +37 4 93 TA +37 4 94 TE +37 4 95 OS +37 4 96 JA +37 4 97 QU +37 4 98 HU +37 4 99 CH +37 4 100 TA +37 4 101 HU +37 4 102 PO +37 4 103 TA +37 4 104 TA +37 4 105 HU +37 4 106 JA +37 4 107 OS +37 4 108 TA +37 4 109 TA +37 4 110 JA +37 4 111 TA +37 4 112 HU +37 4 113 TE +37 4 114 TA +37 4 115 HU +37 4 116 TA +37 4 117 TE +37 4 118 CH +37 4 119 TA +37 4 120 OS +37 4 121 JA +37 4 122 TA +37 4 123 TA +37 4 124 JA +37 4 125 JA +37 4 126 CH +37 4 127 TA +37 4 128 JA +37 4 129 OS +37 4 130 TA +37 4 131 QU +37 4 132 HU +37 4 133 TA +37 4 134 TE +37 4 135 HU +37 4 136 TA +37 4 137 TA +37 4 138 TA +37 4 139 OS +37 4 140 TA +37 4 141 OS +37 4 142 OS +37 4 143 TA +37 4 144 QU +37 4 145 TA +37 4 146 JA +37 4 147 TA +37 4 148 HU +37 4 149 TA +37 4 150 QU +37 4 151 CH +37 4 152 CH +37 4 153 TA +37 4 154 TE +37 4 155 PO +37 4 156 TA +37 4 157 PO +37 4 158 OS +37 4 159 JA +37 4 160 CH +37 4 161 TA +37 4 162 HU +37 4 163 TA +37 4 164 TA +37 4 165 TA +37 4 166 TA +37 4 167 OS +37 4 168 TA +37 4 169 TA +37 4 170 TA +37 4 171 TA +37 4 172 OS +37 4 173 HU +37 4 174 JA +37 4 175 TA +37 4 176 HU +37 4 177 JA +37 4 178 TA +37 4 179 PO +37 4 180 TA +37 4 181 JA +37 4 182 PO +37 4 183 JE +37 4 184 QU +37 4 185 PO +37 4 186 TA +37 4 187 JA +37 4 188 TA +37 4 189 OS +37 4 190 CH +37 4 191 TA +37 4 192 QU +37 4 193 JA +37 4 194 PO +37 4 195 TA +37 4 196 TA +37 4 197 QU +37 4 198 TE +37 4 199 OS +37 4 200 TA +37 4 201 CH +37 4 202 TA +37 4 203 HU +37 4 204 TE +37 4 205 QU +37 4 206 OS +37 4 207 HU +37 4 208 JA +37 4 209 TA +37 4 210 JE +37 4 211 TA +37 4 212 JA +37 4 213 OS +37 4 214 JA +37 4 215 CH +37 4 216 TE +37 4 217 OS +37 4 218 TA +37 4 219 OS +37 4 220 QU +37 4 221 OS +37 4 222 QU +37 4 223 TA +37 4 224 OS +37 4 225 JA +37 4 226 TA +37 4 227 TE +37 4 228 TA +37 4 229 TA +37 4 230 OS +37 4 231 HU +37 4 232 JA +37 4 233 PO +37 4 234 TA +37 4 235 TA +37 4 236 JA +37 4 237 HU +37 4 238 TA +37 4 239 CH +37 4 240 JE +37 4 241 OS +37 4 242 JA +37 4 243 HU +37 4 244 OS +37 4 245 HU +37 4 246 TA +37 4 247 PO +37 4 248 TA +37 4 249 TA +37 4 250 QU +37 4 251 TA +37 4 252 OS +37 4 253 TA +37 4 254 PO +37 4 255 TE +37 4 256 HU +37 4 257 TA +37 4 258 JA +37 4 259 JE +37 4 260 JA +37 4 261 JA +37 4 262 OS +37 4 263 OS +37 4 264 PO +37 4 265 TA +37 4 266 JE +37 4 267 QU +37 4 268 TA +37 4 269 HU +37 4 270 JA +37 4 271 TA +37 4 272 OS +37 4 273 CH +37 4 274 OS +37 4 275 JA +37 4 276 HU +37 4 277 TA +37 4 278 HU +37 4 279 TA +37 4 280 TA +37 4 281 TA +37 4 282 TA +37 4 283 JE +37 4 284 OS +37 4 285 CH +37 4 286 OS +37 4 287 JA +37 4 288 HU +37 4 289 TA +37 4 290 OS +37 4 291 TA +37 4 292 CH +37 4 293 OS +37 4 294 OS +37 4 295 JE +37 4 296 QU +37 4 297 JA +37 4 298 HU +37 4 299 TA +37 4 300 OS +37 4 301 TA +37 4 302 OS +37 4 303 PO +37 4 304 TA +37 4 305 QU +37 4 306 TA +37 4 307 TA +37 4 308 PO +37 4 309 JA +37 4 310 TA +37 4 311 TA +37 4 312 TE +37 4 313 QU +37 4 314 OS +37 4 315 TA +37 4 316 TA +37 4 317 HU +37 4 318 JA +37 4 319 OS +37 4 320 JA +37 4 321 HU +37 4 322 PO +37 4 323 TA +37 4 324 OS +37 4 325 QU +37 4 326 JA +37 4 327 OS +37 4 328 TA +37 4 329 JE +37 4 330 OS +37 5 1 TA +37 5 2 PO +37 5 3 HU +37 5 4 TA +37 5 5 PO +37 5 6 OS +37 5 7 TA +37 5 8 HU +37 5 9 JA +37 5 10 TE +37 5 11 TA +37 5 12 JA +37 5 13 TA +37 5 14 TE +37 5 15 PO +37 5 16 OS +37 5 17 HU +37 5 18 TE +37 5 19 TA +37 5 20 TA +37 5 21 HU +37 5 22 PO +37 5 23 HU +37 5 24 TE +37 5 25 TA +37 5 26 JA +37 5 27 OS +37 5 28 HU +37 5 29 TA +37 5 30 PO +37 5 31 OS +37 5 32 HU +37 5 33 TA +37 5 34 TA +37 5 35 HU +37 5 36 TE +37 5 37 PO +37 5 38 HU +37 5 39 TA +37 5 40 TA +37 5 41 HU +37 5 42 JA +37 5 43 TE +37 5 44 OS +37 5 45 TA +37 5 46 TE +37 5 47 TA +37 5 48 PO +37 5 49 TA +37 5 50 PO +37 5 51 JA +37 5 52 OS +37 5 53 HU +37 5 54 TA +37 5 55 TA +37 5 56 PO +37 5 57 TA +37 5 58 PO +37 5 59 OS +37 5 60 TE +37 5 61 HU +37 5 62 OS +37 5 63 HU +37 5 64 TA +37 5 65 HU +37 5 66 OS +37 5 67 PO +37 5 68 HU +37 5 69 TE +37 5 70 OS +37 5 71 HU +37 5 72 TA +37 5 73 HU +37 5 74 PO +37 5 75 TE +37 5 76 JA +37 5 77 TA +37 5 78 PO +37 5 79 TE +37 5 80 TA +37 5 81 PO +37 5 82 TA +37 5 83 OS +37 5 84 PO +37 5 85 TA +37 5 86 JA +37 5 87 TE +37 5 88 TA +37 5 89 TE +37 5 90 PO +37 5 91 JA +37 5 92 OS +37 5 93 TA +37 5 94 TE +37 5 95 PO +37 5 96 JA +37 5 97 JA +37 5 98 HU +37 5 99 PO +37 5 100 JA +37 5 101 HU +37 5 102 PO +37 5 103 JA +37 5 104 TA +37 5 105 HU +37 5 106 JA +37 5 107 OS +37 5 108 JA +37 5 109 TA +37 5 110 JA +37 5 111 TE +37 5 112 HU +37 5 113 TE +37 5 114 TA +37 5 115 HU +37 5 116 PO +37 5 117 JA +37 5 118 HU +37 5 119 TA +37 5 120 OS +37 5 121 HU +37 5 122 TA +37 5 123 JA +37 5 124 PO +37 5 125 JA +37 5 126 PO +37 5 127 TE +37 5 128 JA +37 5 129 OS +37 5 130 TE +37 5 131 TA +37 5 132 HU +37 5 133 TA +37 5 134 JA +37 5 135 HU +37 5 136 TA +37 5 137 TE +37 5 138 TA +37 5 139 OS +37 5 140 TE +37 5 141 OS +37 5 142 PO +37 5 143 JA +37 5 144 TA +37 5 145 TA +37 5 146 JA +37 5 147 TA +37 5 148 HU +37 5 149 TA +37 5 150 HU +37 5 151 PO +37 5 152 PO +37 5 153 TA +37 5 154 TE +37 5 155 JA +37 5 156 TA +37 5 157 TE +37 5 158 OS +37 5 159 JA +37 5 160 PO +37 5 161 TA +37 5 162 HU +37 5 163 TA +37 5 164 TE +37 5 165 PO +37 5 166 TA +37 5 167 OS +37 5 168 TA +37 5 169 TA +37 5 170 TE +37 5 171 PO +37 5 172 OS +37 5 173 HU +37 5 174 PO +37 5 175 JA +37 5 176 HU +37 5 177 JA +37 5 178 TA +37 5 179 HU +37 5 180 TA +37 5 181 PO +37 5 182 HU +37 5 183 PO +37 5 184 JA +37 5 185 PO +37 5 186 TA +37 5 187 JA +37 5 188 TA +37 5 189 PO +37 5 190 JA +37 5 191 TA +37 5 192 TA +37 5 193 PO +37 5 194 HU +37 5 195 TA +37 5 196 TA +37 5 197 PO +37 5 198 TE +37 5 199 OS +37 5 200 TA +37 5 201 PO +37 5 202 TA +37 5 203 HU +37 5 204 TE +37 5 205 HU +37 5 206 OS +37 5 207 HU +37 5 208 JA +37 5 209 TE +37 5 210 HU +37 5 211 TA +37 5 212 JA +37 5 213 PO +37 5 214 JA +37 5 215 PO +37 5 216 TE +37 5 217 PO +37 5 218 JA +37 5 219 OS +37 5 220 TA +37 5 221 OS +37 5 222 HU +37 5 223 TA +37 5 224 OS +37 5 225 PO +37 5 226 TE +37 5 227 TE +37 5 228 TA +37 5 229 JA +37 5 230 OS +37 5 231 TA +37 5 232 JA +37 5 233 PO +37 5 234 TA +37 5 235 TE +37 5 236 JA +37 5 237 PO +37 5 238 TA +37 5 239 HU +37 5 240 JA +37 5 241 OS +37 5 242 PO +37 5 243 HU +37 5 244 OS +37 5 245 HU +37 5 246 TA +37 5 247 JA +37 5 248 TE +37 5 249 TA +37 5 250 JA +37 5 251 TA +37 5 252 OS +37 5 253 TA +37 5 254 PO +37 5 255 TE +37 5 256 HU +37 5 257 TE +37 5 258 PO +37 5 259 HU +37 5 260 JA +37 5 261 PO +37 5 262 OS +37 5 263 PO +37 5 264 PO +37 5 265 TA +37 5 266 JA +37 5 267 HU +37 5 268 TA +37 5 269 HU +37 5 270 PO +37 5 271 TE +37 5 272 OS +37 5 273 JA +37 5 274 OS +37 5 275 PO +37 5 276 HU +37 5 277 TA +37 5 278 HU +37 5 279 TE +37 5 280 JA +37 5 281 TA +37 5 282 TA +37 5 283 JA +37 5 284 OS +37 5 285 PO +37 5 286 OS +37 5 287 PO +37 5 288 HU +37 5 289 TA +37 5 290 OS +37 5 291 TA +37 5 292 PO +37 5 293 JA +37 5 294 TE +37 5 295 JA +37 5 296 PO +37 5 297 JA +37 5 298 HU +37 5 299 TA +37 5 300 PO +37 5 301 TA +37 5 302 OS +37 5 303 PO +37 5 304 JA +37 5 305 HU +37 5 306 JA +37 5 307 TA +37 5 308 PO +37 5 309 TE +37 5 310 TA +37 5 311 TE +37 5 312 TE +37 5 313 HU +37 5 314 OS +37 5 315 TA +37 5 316 TA +37 5 317 HU +37 5 318 JA +37 5 319 OS +37 5 320 PO +37 5 321 HU +37 5 322 PO +37 5 323 TA +37 5 324 OS +37 5 325 HU +37 5 326 PO +37 5 327 OS +37 5 328 TA +37 5 329 PO +37 5 330 OS +37 6 1 TA +37 6 2 PO +37 6 3 HU +37 6 4 PO +37 6 5 TA +37 6 6 PO +37 6 7 TA +37 6 8 HU +37 6 9 PO +37 6 10 TA +37 6 11 PO +37 6 12 JA +37 6 13 TA +37 6 14 PO +37 6 15 PO +37 6 16 OS +37 6 17 HU +37 6 18 TE +37 6 19 PO +37 6 20 TA +37 6 21 HU +37 6 22 JA +37 6 23 PO +37 6 24 TE +37 6 25 TE +37 6 26 TA +37 6 27 OS +37 6 28 HU +37 6 29 TA +37 6 30 PO +37 6 31 PO +37 6 32 HU +37 6 33 TA +37 6 34 TA +37 6 35 HU +37 6 36 TA +37 6 37 PO +37 6 38 HU +37 6 39 TA +37 6 40 TA +37 6 41 HU +37 6 42 JA +37 6 43 PO +37 6 44 OS +37 6 45 TA +37 6 46 TE +37 6 47 TA +37 6 48 JA +37 6 49 TA +37 6 50 PO +37 6 51 TE +37 6 52 OS +37 6 53 HU +37 6 54 TA +37 6 55 PO +37 6 56 JA +37 6 57 TA +37 6 58 JA +37 6 59 OS +37 6 60 PO +37 6 61 HU +37 6 62 PO +37 6 63 HU +37 6 64 PO +37 6 65 HU +37 6 66 OS +37 6 67 TA +37 6 68 HU +37 6 69 TE +37 6 70 OS +37 6 71 PO +37 6 72 TA +37 6 73 PO +37 6 74 PO +37 6 75 TE +37 6 76 JA +37 6 77 TA +37 6 78 PO +37 6 79 TE +37 6 80 TA +37 6 81 JA +37 6 82 PO +37 6 83 PO +37 6 84 TA +37 6 85 JA +37 6 86 PO +37 6 87 TE +37 6 88 PO +37 6 89 TE +37 6 90 TE +37 6 91 JA +37 6 92 OS +37 6 93 PO +37 6 94 TE +37 6 95 OS +37 6 96 JA +37 6 97 TA +37 6 98 HU +37 6 99 PO +37 6 100 TA +37 6 101 HU +37 6 102 OS +37 6 103 PO +37 6 104 TA +37 6 105 PO +37 6 106 JA +37 6 107 OS +37 6 108 PO +37 6 109 TA +37 6 110 JA +37 6 111 TA +37 6 112 HU +37 6 113 TE +37 6 114 TA +37 6 115 PO +37 6 116 PO +37 6 117 TE +37 6 118 PO +37 6 119 TA +37 6 120 OS +37 6 121 JA +37 6 122 TA +37 6 123 PO +37 6 124 JA +37 6 125 HU +37 6 126 PO +37 6 127 TE +37 6 128 JA +37 6 129 OS +37 6 130 TE +37 6 131 PO +37 6 132 HU +37 6 133 TA +37 6 134 PO +37 6 135 PO +37 6 136 PO +37 6 137 TA +37 6 138 PO +37 6 139 OS +37 6 140 TA +37 6 141 OS +37 6 142 PO +37 6 143 TA +37 6 144 PO +37 6 145 TA +37 6 146 JA +37 6 147 TA +37 6 148 HU +37 6 149 TA +37 6 150 PO +37 6 151 PO +37 6 152 PO +37 6 153 TA +37 6 154 TA +37 6 155 TE +37 6 156 HU +37 6 157 PO +37 6 158 OS +37 6 159 PO +37 6 160 PO +37 6 161 TA +37 6 162 HU +37 6 163 TA +37 6 164 TA +37 6 165 PO +37 6 166 PO +37 6 167 PO +37 6 168 TA +37 6 169 TA +37 6 170 TE +37 6 171 TA +37 6 172 OS +37 6 173 HU +37 6 174 JA +37 6 175 PO +37 6 176 HU +37 6 177 JA +37 6 178 TA +37 6 179 PO +37 6 180 TA +37 6 181 PO +37 6 182 PO +37 6 183 PO +37 6 184 PO +37 6 185 JA +37 6 186 TA +37 6 187 JA +37 6 188 TA +37 6 189 PO +37 6 190 PO +37 6 191 TA +37 6 192 PO +37 6 193 JA +37 6 194 PO +37 6 195 TA +37 6 196 PO +37 6 197 PO +37 6 198 TE +37 6 199 OS +37 6 200 PO +37 6 201 PO +37 6 202 TA +37 6 203 PO +37 6 204 TE +37 6 205 PO +37 6 206 PO +37 6 207 HU +37 6 208 JA +37 6 209 TA +37 6 210 PO +37 6 211 PO +37 6 212 JA +37 6 213 PO +37 6 214 TA +37 6 215 PO +37 6 216 TE +37 6 217 PO +37 6 218 JA +37 6 219 PO +37 6 220 PO +37 6 221 PO +37 6 222 PO +37 6 223 TA +37 6 224 OS +37 6 225 PO +37 6 226 TA +37 6 227 TE +37 6 228 PO +37 6 229 TA +37 6 230 PO +37 6 231 TA +37 6 232 PO +37 6 233 PO +37 6 234 TA +37 6 235 PO +37 6 236 JA +37 6 237 PO +37 6 238 TA +37 6 239 PO +37 6 240 PO +37 6 241 OS +37 6 242 JA +37 6 243 PO +37 6 244 PO +37 6 245 HU +37 6 246 TA +37 6 247 PO +37 6 248 TE +37 6 249 TA +37 6 250 PO +37 6 251 TA +37 6 252 OS +37 6 253 TA +37 6 254 PO +37 6 255 TE +37 6 256 HU +37 6 257 JA +37 6 258 JA +37 6 259 HU +37 6 260 PO +37 6 261 JA +37 6 262 OS +37 6 263 PO +37 6 264 PO +37 6 265 TA +37 6 266 PO +37 6 267 TA +37 6 268 TA +37 6 269 PO +37 6 270 JA +37 6 271 TA +37 6 272 OS +37 6 273 PO +37 6 274 OS +37 6 275 JA +37 6 276 HU +37 6 277 PO +37 6 278 HU +37 6 279 PO +37 6 280 TA +37 6 281 TA +37 6 282 TA +37 6 283 PO +37 6 284 OS +37 6 285 PO +37 6 286 OS +37 6 287 PO +37 6 288 HU +37 6 289 PO +37 6 290 PO +37 6 291 PO +37 6 292 PO +37 6 293 PO +37 6 294 PO +37 6 295 TE +37 6 296 PO +37 6 297 JA +37 6 298 HU +37 6 299 TA +37 6 300 PO +37 6 301 TA +37 6 302 PO +37 6 303 PO +37 6 304 TA +37 6 305 PO +37 6 306 TA +37 6 307 PO +37 6 308 PO +37 6 309 TE +37 6 310 JA +37 6 311 PO +37 6 312 TE +37 6 313 PO +37 6 314 OS +37 6 315 TA +37 6 316 TA +37 6 317 HU +37 6 318 JA +37 6 319 OS +37 6 320 PO +37 6 321 HU +37 6 322 PO +37 6 323 TA +37 6 324 OS +37 6 325 PO +37 6 326 JA +37 6 327 PO +37 6 328 TA +37 6 329 PO +37 6 330 PO +37 7 1 PO +37 7 2 PO +37 7 3 HU +37 7 4 QU +37 7 5 PO +37 7 6 PO +37 7 7 TA +37 7 8 HU +37 7 9 PO +37 7 10 TA +37 7 11 TA +37 7 12 JA +37 7 13 TA +37 7 14 TA +37 7 15 PO +37 7 16 OS +37 7 17 HU +37 7 18 TE +37 7 19 PO +37 7 20 TA +37 7 21 HU +37 7 22 JA +37 7 23 TA +37 7 24 TE +37 7 25 TA +37 7 26 TA +37 7 27 OS +37 7 28 HU +37 7 29 TA +37 7 30 JA +37 7 31 PO +37 7 32 QU +37 7 33 JA +37 7 34 PO +37 7 35 TE +37 7 36 TE +37 7 37 PO +37 7 38 HU +37 7 39 TA +37 7 40 PO +37 7 41 QU +37 7 42 PO +37 7 43 TA +37 7 44 OS +37 7 45 TA +37 7 46 PO +37 7 47 TE +37 7 48 PO +37 7 49 PO +37 7 50 QU +37 7 51 PO +37 7 52 OS +37 7 53 QU +37 7 54 TA +37 7 55 PO +37 7 56 PO +37 7 57 PO +37 7 58 PO +37 7 59 OS +37 7 60 TE +37 7 61 QU +37 7 62 PO +37 7 63 HU +37 7 64 PO +37 7 65 HU +37 7 66 OS +37 7 67 TA +37 7 68 QU +37 7 69 TE +37 7 70 OS +37 7 71 QU +37 7 72 TA +37 7 73 QU +37 7 74 PO +37 7 75 TE +37 7 76 PO +37 7 77 PO +37 7 78 HU +37 7 79 TE +37 7 80 TA +37 7 81 JA +37 7 82 TA +37 7 83 TA +37 7 84 PO +37 7 85 TA +37 7 86 HU +37 7 87 TE +37 7 88 QU +37 7 89 TE +37 7 90 TE +37 7 91 JA +37 7 92 OS +37 7 93 TA +37 7 94 TE +37 7 95 OS +37 7 96 JA +37 7 97 QU +37 7 98 HU +37 7 99 PO +37 7 100 PO +37 7 101 QU +37 7 102 PO +37 7 103 PO +37 7 104 PO +37 7 105 QU +37 7 106 JA +37 7 107 OS +37 7 108 PO +37 7 109 TA +37 7 110 JA +37 7 111 TE +37 7 112 HU +37 7 113 TE +37 7 114 TA +37 7 115 HU +37 7 116 PO +37 7 117 TE +37 7 118 PO +37 7 119 JA +37 7 120 OS +37 7 121 HU +37 7 122 TA +37 7 123 TA +37 7 124 JA +37 7 125 HU +37 7 126 PO +37 7 127 TE +37 7 128 JA +37 7 129 OS +37 7 130 TE +37 7 131 QU +37 7 132 HU +37 7 133 JA +37 7 134 PO +37 7 135 QU +37 7 136 PO +37 7 137 TA +37 7 138 PO +37 7 139 OS +37 7 140 TA +37 7 141 OS +37 7 142 OS +37 7 143 JA +37 7 144 TA +37 7 145 PO +37 7 146 JA +37 7 147 JA +37 7 148 HU +37 7 149 JA +37 7 150 QU +37 7 151 HU +37 7 152 PO +37 7 153 TA +37 7 154 TE +37 7 155 TE +37 7 156 TA +37 7 157 TE +37 7 158 OS +37 7 159 HU +37 7 160 PO +37 7 161 TA +37 7 162 HU +37 7 163 TA +37 7 164 TA +37 7 165 TE +37 7 166 JA +37 7 167 PO +37 7 168 TA +37 7 169 PO +37 7 170 TE +37 7 171 TA +37 7 172 OS +37 7 173 HU +37 7 174 JA +37 7 175 PO +37 7 176 HU +37 7 177 PO +37 7 178 TA +37 7 179 QU +37 7 180 TA +37 7 181 PO +37 7 182 QU +37 7 183 TE +37 7 184 QU +37 7 185 PO +37 7 186 TA +37 7 187 JA +37 7 188 TA +37 7 189 PO +37 7 190 HU +37 7 191 TA +37 7 192 QU +37 7 193 JA +37 7 194 QU +37 7 195 JA +37 7 196 PO +37 7 197 PO +37 7 198 TE +37 7 199 PO +37 7 200 PO +37 7 201 HU +37 7 202 TA +37 7 203 QU +37 7 204 TE +37 7 205 QU +37 7 206 OS +37 7 207 HU +37 7 208 PO +37 7 209 TA +37 7 210 QU +37 7 211 PO +37 7 212 HU +37 7 213 PO +37 7 214 JA +37 7 215 PO +37 7 216 TE +37 7 217 HU +37 7 218 TA +37 7 219 PO +37 7 220 TA +37 7 221 OS +37 7 222 QU +37 7 223 TA +37 7 224 OS +37 7 225 JA +37 7 226 TA +37 7 227 TE +37 7 228 TA +37 7 229 PO +37 7 230 OS +37 7 231 QU +37 7 232 TE +37 7 233 PO +37 7 234 TA +37 7 235 TA +37 7 236 PO +37 7 237 HU +37 7 238 PO +37 7 239 HU +37 7 240 PO +37 7 241 OS +37 7 242 JA +37 7 243 QU +37 7 244 OS +37 7 245 HU +37 7 246 PO +37 7 247 QU +37 7 248 TE +37 7 249 TA +37 7 250 QU +37 7 251 PO +37 7 252 OS +37 7 253 PO +37 7 254 PO +37 7 255 TE +37 7 256 HU +37 7 257 TA +37 7 258 JA +37 7 259 QU +37 7 260 PO +37 7 261 HU +37 7 262 OS +37 7 263 OS +37 7 264 PO +37 7 265 TA +37 7 266 HU +37 7 267 QU +37 7 268 JA +37 7 269 TA +37 7 270 HU +37 7 271 TA +37 7 272 OS +37 7 273 QU +37 7 274 OS +37 7 275 JA +37 7 276 QU +37 7 277 TA +37 7 278 HU +37 7 279 TA +37 7 280 TA +37 7 281 TA +37 7 282 TA +37 7 283 TE +37 7 284 OS +37 7 285 PO +37 7 286 OS +37 7 287 TA +37 7 288 HU +37 7 289 TA +37 7 290 OS +37 7 291 TA +37 7 292 PO +37 7 293 OS +37 7 294 OS +37 7 295 TA +37 7 296 QU +37 7 297 JA +37 7 298 HU +37 7 299 TA +37 7 300 PO +37 7 301 TA +37 7 302 OS +37 7 303 PO +37 7 304 JA +37 7 305 QU +37 7 306 TA +37 7 307 TA +37 7 308 PO +37 7 309 TE +37 7 310 TA +37 7 311 TA +37 7 312 TE +37 7 313 HU +37 7 314 OS +37 7 315 TA +37 7 316 TA +37 7 317 QU +37 7 318 HU +37 7 319 OS +37 7 320 TA +37 7 321 HU +37 7 322 TA +37 7 323 TA +37 7 324 OS +37 7 325 QU +37 7 326 JA +37 7 327 OS +37 7 328 TA +37 7 329 PO +37 7 330 OS +37 8 1 TA +37 8 2 OS +37 8 3 HU +37 8 4 TE +37 8 5 JA +37 8 6 JA +37 8 7 TA +37 8 8 TE +37 8 9 PO +37 8 10 TA +37 8 11 TE +37 8 12 JA +37 8 13 OS +37 8 14 TA +37 8 15 JA +37 8 16 OS +37 8 17 HU +37 8 18 TE +37 8 19 TA +37 8 20 TA +37 8 21 HU +37 8 22 JA +37 8 23 TA +37 8 24 OS +37 8 25 TA +37 8 26 TA +37 8 27 OS +37 8 28 HU +37 8 29 TA +37 8 30 OS +37 8 31 TA +37 8 32 JA +37 8 33 TA +37 8 34 TA +37 8 35 HU +37 8 36 TA +37 8 37 TA +37 8 38 HU +37 8 39 JA +37 8 40 TA +37 8 41 HU +37 8 42 OS +37 8 43 TE +37 8 44 OS +37 8 45 TA +37 8 46 TE +37 8 47 OS +37 8 48 JA +37 8 49 TA +37 8 50 HU +37 8 51 TE +37 8 52 OS +37 8 53 HU +37 8 54 JA +37 8 55 TA +37 8 56 TA +37 8 57 TA +37 8 58 JA +37 8 59 TA +37 8 60 TE +37 8 61 HU +37 8 62 OS +37 8 63 HU +37 8 64 OS +37 8 65 HU +37 8 66 OS +37 8 67 TA +37 8 68 HU +37 8 69 TA +37 8 70 OS +37 8 71 TE +37 8 72 TA +37 8 73 HU +37 8 74 TA +37 8 75 TE +37 8 76 HU +37 8 77 TA +37 8 78 HU +37 8 79 OS +37 8 80 TA +37 8 81 TA +37 8 82 TA +37 8 83 OS +37 8 84 HU +37 8 85 TA +37 8 86 HU +37 8 87 OS +37 8 88 HU +37 8 89 TE +37 8 90 TA +37 8 91 JA +37 8 92 OS +37 8 93 TA +37 8 94 OS +37 8 95 OS +37 8 96 JA +37 8 97 TA +37 8 98 HU +37 8 99 TA +37 8 100 TA +37 8 101 HU +37 8 102 OS +37 8 103 TA +37 8 104 TA +37 8 105 HU +37 8 106 JA +37 8 107 OS +37 8 108 JA +37 8 109 TA +37 8 110 JA +37 8 111 TA +37 8 112 HU +37 8 113 TE +37 8 114 TA +37 8 115 HU +37 8 116 OS +37 8 117 TE +37 8 118 HU +37 8 119 TA +37 8 120 OS +37 8 121 HU +37 8 122 TA +37 8 123 PO +37 8 124 TA +37 8 125 HU +37 8 126 HU +37 8 127 TE +37 8 128 JA +37 8 129 PO +37 8 130 TE +37 8 131 HU +37 8 132 HU +37 8 133 TA +37 8 134 TE +37 8 135 HU +37 8 136 TA +37 8 137 TA +37 8 138 TA +37 8 139 OS +37 8 140 TA +37 8 141 OS +37 8 142 OS +37 8 143 JA +37 8 144 TA +37 8 145 TA +37 8 146 JA +37 8 147 TA +37 8 148 HU +37 8 149 JA +37 8 150 PO +37 8 151 HU +37 8 152 PO +37 8 153 JA +37 8 154 OS +37 8 155 PO +37 8 156 JA +37 8 157 PO +37 8 158 OS +37 8 159 JA +37 8 160 HU +37 8 161 TA +37 8 162 HU +37 8 163 TA +37 8 164 TA +37 8 165 PO +37 8 166 TA +37 8 167 PO +37 8 168 TA +37 8 169 TA +37 8 170 PO +37 8 171 TA +37 8 172 OS +37 8 173 HU +37 8 174 JA +37 8 175 TA +37 8 176 HU +37 8 177 JA +37 8 178 TA +37 8 179 TE +37 8 180 TA +37 8 181 JA +37 8 182 HU +37 8 183 PO +37 8 184 HU +37 8 185 JA +37 8 186 TA +37 8 187 JA +37 8 188 TA +37 8 189 PO +37 8 190 PO +37 8 191 TA +37 8 192 TA +37 8 193 JA +37 8 194 HU +37 8 195 TA +37 8 196 TA +37 8 197 PO +37 8 198 TE +37 8 199 OS +37 8 200 TA +37 8 201 HU +37 8 202 TA +37 8 203 HU +37 8 204 TE +37 8 205 TA +37 8 206 OS +37 8 207 HU +37 8 208 JA +37 8 209 TA +37 8 210 TE +37 8 211 TA +37 8 212 JA +37 8 213 OS +37 8 214 JA +37 8 215 HU +37 8 216 TE +37 8 217 HU +37 8 218 JA +37 8 219 OS +37 8 220 TA +37 8 221 OS +37 8 222 TA +37 8 223 TA +37 8 224 OS +37 8 225 JA +37 8 226 TA +37 8 227 TE +37 8 228 TA +37 8 229 TA +37 8 230 OS +37 8 231 TA +37 8 232 JA +37 8 233 TA +37 8 234 TA +37 8 235 TA +37 8 236 JA +37 8 237 OS +37 8 238 TA +37 8 239 HU +37 8 240 JA +37 8 241 OS +37 8 242 JA +37 8 243 HU +37 8 244 PO +37 8 245 HU +37 8 246 TA +37 8 247 TA +37 8 248 TE +37 8 249 TA +37 8 250 TA +37 8 251 JA +37 8 252 OS +37 8 253 TA +37 8 254 TA +37 8 255 TE +37 8 256 HU +37 8 257 TA +37 8 258 JA +37 8 259 HU +37 8 260 OS +37 8 261 JA +37 8 262 OS +37 8 263 PO +37 8 264 PO +37 8 265 TA +37 8 266 HU +37 8 267 HU +37 8 268 JA +37 8 269 HU +37 8 270 JA +37 8 271 TE +37 8 272 OS +37 8 273 HU +37 8 274 OS +37 8 275 JA +37 8 276 HU +37 8 277 TA +37 8 278 HU +37 8 279 TA +37 8 280 TA +37 8 281 TA +37 8 282 TA +37 8 283 PO +37 8 284 OS +37 8 285 HU +37 8 286 PO +37 8 287 JA +37 8 288 HU +37 8 289 TA +37 8 290 OS +37 8 291 TA +37 8 292 HU +37 8 293 OS +37 8 294 PO +37 8 295 TE +37 8 296 HU +37 8 297 JA +37 8 298 HU +37 8 299 TA +37 8 300 PO +37 8 301 TA +37 8 302 OS +37 8 303 PO +37 8 304 JA +37 8 305 TA +37 8 306 JA +37 8 307 TA +37 8 308 PO +37 8 309 TE +37 8 310 TA +37 8 311 TA +37 8 312 TE +37 8 313 TA +37 8 314 OS +37 8 315 JA +37 8 316 TA +37 8 317 HU +37 8 318 HU +37 8 319 OS +37 8 320 TA +37 8 321 HU +37 8 322 TA +37 8 323 TA +37 8 324 OS +37 8 325 TA +37 8 326 JA +37 8 327 PO +37 8 328 TA +37 8 329 TE +37 8 330 OS +37 9 1 TA +37 9 2 PO +37 9 3 HU +37 9 4 TE +37 9 5 TA +37 9 6 PO +37 9 7 TA +37 9 8 HU +37 9 9 PO +37 9 10 TA +37 9 11 TA +37 9 12 JA +37 9 13 TA +37 9 14 PO +37 9 15 JA +37 9 16 OS +37 9 17 HU +37 9 18 PO +37 9 19 TE +37 9 20 TA +37 9 21 HU +37 9 22 JA +37 9 23 TE +37 9 24 HU +37 9 25 TA +37 9 26 TA +37 9 27 OS +37 9 28 HU +37 9 29 TA +37 9 30 HU +37 9 31 TA +37 9 32 PO +37 9 33 TA +37 9 34 TA +37 9 35 HU +37 9 36 TA +37 9 37 PO +37 9 38 HU +37 9 39 TA +37 9 40 PO +37 9 41 HU +37 9 42 JA +37 9 43 TA +37 9 44 OS +37 9 45 TA +37 9 46 TE +37 9 47 TA +37 9 48 HU +37 9 49 TA +37 9 50 PO +37 9 51 PO +37 9 52 OS +37 9 53 HU +37 9 54 TA +37 9 55 HU +37 9 56 JA +37 9 57 JA +37 9 58 PO +37 9 59 OS +37 9 60 TA +37 9 61 HU +37 9 62 QU +37 9 63 HU +37 9 64 TA +37 9 65 HU +37 9 66 OS +37 9 67 TA +37 9 68 HU +37 9 69 TE +37 9 70 OS +37 9 71 HU +37 9 72 TA +37 9 73 PO +37 9 74 PO +37 9 75 TE +37 9 76 HU +37 9 77 TA +37 9 78 HU +37 9 79 TE +37 9 80 TA +37 9 81 TA +37 9 82 TA +37 9 83 JA +37 9 84 HU +37 9 85 TA +37 9 86 HU +37 9 87 TE +37 9 88 HU +37 9 89 TE +37 9 90 TA +37 9 91 JA +37 9 92 OS +37 9 93 TA +37 9 94 TE +37 9 95 OS +37 9 96 JA +37 9 97 QU +37 9 98 HU +37 9 99 JA +37 9 100 TA +37 9 101 HU +37 9 102 OS +37 9 103 PO +37 9 104 TA +37 9 105 JA +37 9 106 JA +37 9 107 OS +37 9 108 PO +37 9 109 TA +37 9 110 JA +37 9 111 TE +37 9 112 HU +37 9 113 TE +37 9 114 TA +37 9 115 HU +37 9 116 OS +37 9 117 TE +37 9 118 HU +37 9 119 TA +37 9 120 OS +37 9 121 HU +37 9 122 TA +37 9 123 TA +37 9 124 TA +37 9 125 HU +37 9 126 HU +37 9 127 TA +37 9 128 JA +37 9 129 OS +37 9 130 TE +37 9 131 HU +37 9 132 HU +37 9 133 TA +37 9 134 TE +37 9 135 JA +37 9 136 TA +37 9 137 TA +37 9 138 HU +37 9 139 OS +37 9 140 TA +37 9 141 OS +37 9 142 OS +37 9 143 TA +37 9 144 PO +37 9 145 TA +37 9 146 JA +37 9 147 TA +37 9 148 HU +37 9 149 JA +37 9 150 QU +37 9 151 HU +37 9 152 QU +37 9 153 TA +37 9 154 TE +37 9 155 PO +37 9 156 TA +37 9 157 PO +37 9 158 OS +37 9 159 PO +37 9 160 HU +37 9 161 TA +37 9 162 HU +37 9 163 TA +37 9 164 TA +37 9 165 TE +37 9 166 TA +37 9 167 QU +37 9 168 TA +37 9 169 TA +37 9 170 TA +37 9 171 TA +37 9 172 OS +37 9 173 HU +37 9 174 JA +37 9 175 TA +37 9 176 HU +37 9 177 JA +37 9 178 TA +37 9 179 HU +37 9 180 TA +37 9 181 PO +37 9 182 HU +37 9 183 JA +37 9 184 QU +37 9 185 PO +37 9 186 PO +37 9 187 JA +37 9 188 TA +37 9 189 TA +37 9 190 HU +37 9 191 TA +37 9 192 PO +37 9 193 JA +37 9 194 HU +37 9 195 TA +37 9 196 TA +37 9 197 PO +37 9 198 TE +37 9 199 JA +37 9 200 TA +37 9 201 HU +37 9 202 TA +37 9 203 HU +37 9 204 TE +37 9 205 TA +37 9 206 OS +37 9 207 HU +37 9 208 JA +37 9 209 TA +37 9 210 TE +37 9 211 TA +37 9 212 HU +37 9 213 OS +37 9 214 JA +37 9 215 HU +37 9 216 TE +37 9 217 HU +37 9 218 TA +37 9 219 JA +37 9 220 QU +37 9 221 OS +37 9 222 QU +37 9 223 TA +37 9 224 OS +37 9 225 PO +37 9 226 TA +37 9 227 TE +37 9 228 TA +37 9 229 PO +37 9 230 OS +37 9 231 HU +37 9 232 PO +37 9 233 TA +37 9 234 TA +37 9 235 TA +37 9 236 TA +37 9 237 HU +37 9 238 TA +37 9 239 HU +37 9 240 TE +37 9 241 OS +37 9 242 JA +37 9 243 HU +37 9 244 JA +37 9 245 HU +37 9 246 TA +37 9 247 PO +37 9 248 TE +37 9 249 TA +37 9 250 PO +37 9 251 TA +37 9 252 OS +37 9 253 TA +37 9 254 TA +37 9 255 TE +37 9 256 HU +37 9 257 TA +37 9 258 JA +37 9 259 HU +37 9 260 JA +37 9 261 HU +37 9 262 OS +37 9 263 TE +37 9 264 TA +37 9 265 TA +37 9 266 HU +37 9 267 QU +37 9 268 TA +37 9 269 HU +37 9 270 JA +37 9 271 TE +37 9 272 OS +37 9 273 QU +37 9 274 OS +37 9 275 TA +37 9 276 HU +37 9 277 TA +37 9 278 HU +37 9 279 TA +37 9 280 TA +37 9 281 TA +37 9 282 TA +37 9 283 TE +37 9 284 OS +37 9 285 HU +37 9 286 OS +37 9 287 JA +37 9 288 HU +37 9 289 TA +37 9 290 OS +37 9 291 TA +37 9 292 HU +37 9 293 TA +37 9 294 OS +37 9 295 TE +37 9 296 PO +37 9 297 JA +37 9 298 HU +37 9 299 TA +37 9 300 OS +37 9 301 TA +37 9 302 OS +37 9 303 TA +37 9 304 TA +37 9 305 HU +37 9 306 TA +37 9 307 TA +37 9 308 QU +37 9 309 TE +37 9 310 TA +37 9 311 TA +37 9 312 TE +37 9 313 QU +37 9 314 OS +37 9 315 TA +37 9 316 TA +37 9 317 HU +37 9 318 HU +37 9 319 OS +37 9 320 PO +37 9 321 HU +37 9 322 TA +37 9 323 TA +37 9 324 OS +37 9 325 QU +37 9 326 JA +37 9 327 OS +37 9 328 TA +37 9 329 PO +37 9 330 OS +37 10 1 TA +37 10 2 PO +37 10 3 HU +37 10 4 PO +37 10 5 PO +37 10 6 PO +37 10 7 TA +37 10 8 HU +37 10 9 PO +37 10 10 TA +37 10 11 PO +37 10 12 JA +37 10 13 TA +37 10 14 PO +37 10 15 PO +37 10 16 OS +37 10 17 HU +37 10 18 TE +37 10 19 PO +37 10 20 TA +37 10 21 HU +37 10 22 JA +37 10 23 PO +37 10 24 PO +37 10 25 TA +37 10 26 PO +37 10 27 OS +37 10 28 HU +37 10 29 PO +37 10 30 PO +37 10 31 PO +37 10 32 HU +37 10 33 PO +37 10 34 TA +37 10 35 HU +37 10 36 TA +37 10 37 PO +37 10 38 HU +37 10 39 TA +37 10 40 PO +37 10 41 HU +37 10 42 JA +37 10 43 PO +37 10 44 OS +37 10 45 TA +37 10 46 TE +37 10 47 PO +37 10 48 JA +37 10 49 PO +37 10 50 TA +37 10 51 TE +37 10 52 OS +37 10 53 HU +37 10 54 TA +37 10 55 TA +37 10 56 PO +37 10 57 TA +37 10 58 PO +37 10 59 OS +37 10 60 PO +37 10 61 HU +37 10 62 PO +37 10 63 HU +37 10 64 TA +37 10 65 HU +37 10 66 OS +37 10 67 PO +37 10 68 HU +37 10 69 PO +37 10 70 OS +37 10 71 HU +37 10 72 TA +37 10 73 PO +37 10 74 PO +37 10 75 TA +37 10 76 HU +37 10 77 TA +37 10 78 OS +37 10 79 TE +37 10 80 TA +37 10 81 PO +37 10 82 TA +37 10 83 PO +37 10 84 PO +37 10 85 TA +37 10 86 HU +37 10 87 TE +37 10 88 HU +37 10 89 TE +37 10 90 TE +37 10 91 JA +37 10 92 OS +37 10 93 TA +37 10 94 PO +37 10 95 OS +37 10 96 JA +37 10 97 PO +37 10 98 HU +37 10 99 PO +37 10 100 PO +37 10 101 HU +37 10 102 PO +37 10 103 PO +37 10 104 TA +37 10 105 HU +37 10 106 JA +37 10 107 OS +37 10 108 OS +37 10 109 TA +37 10 110 JA +37 10 111 TE +37 10 112 HU +37 10 113 TA +37 10 114 PO +37 10 115 HU +37 10 116 OS +37 10 117 TE +37 10 118 PO +37 10 119 TA +37 10 120 OS +37 10 121 JA +37 10 122 TA +37 10 123 PO +37 10 124 JA +37 10 125 PO +37 10 126 PO +37 10 127 TA +37 10 128 JA +37 10 129 OS +37 10 130 TE +37 10 131 PO +37 10 132 PO +37 10 133 OS +37 10 134 PO +37 10 135 HU +37 10 136 TA +37 10 137 TA +37 10 138 PO +37 10 139 OS +37 10 140 TA +37 10 141 OS +37 10 142 OS +37 10 143 JA +37 10 144 PO +37 10 145 PO +37 10 146 JA +37 10 147 PO +37 10 148 HU +37 10 149 PO +37 10 150 TE +37 10 151 HU +37 10 152 PO +37 10 153 TA +37 10 154 TE +37 10 155 TE +37 10 156 TA +37 10 157 TE +37 10 158 OS +37 10 159 PO +37 10 160 HU +37 10 161 TA +37 10 162 HU +37 10 163 TA +37 10 164 TA +37 10 165 PO +37 10 166 PO +37 10 167 PO +37 10 168 TA +37 10 169 PO +37 10 170 TE +37 10 171 PO +37 10 172 OS +37 10 173 HU +37 10 174 JA +37 10 175 PO +37 10 176 HU +37 10 177 JA +37 10 178 TA +37 10 179 HU +37 10 180 TA +37 10 181 JA +37 10 182 HU +37 10 183 PO +37 10 184 PO +37 10 185 JA +37 10 186 PO +37 10 187 JA +37 10 188 PO +37 10 189 PO +37 10 190 HU +37 10 191 TA +37 10 192 PO +37 10 193 JA +37 10 194 HU +37 10 195 PO +37 10 196 PO +37 10 197 PO +37 10 198 TE +37 10 199 PO +37 10 200 TA +37 10 201 HU +37 10 202 TA +37 10 203 HU +37 10 204 TE +37 10 205 TA +37 10 206 OS +37 10 207 HU +37 10 208 PO +37 10 209 TA +37 10 210 HU +37 10 211 PO +37 10 212 JA +37 10 213 PO +37 10 214 JA +37 10 215 HU +37 10 216 TE +37 10 217 PO +37 10 218 JA +37 10 219 OS +37 10 220 TA +37 10 221 OS +37 10 222 PO +37 10 223 TA +37 10 224 OS +37 10 225 PO +37 10 226 TA +37 10 227 TE +37 10 228 PO +37 10 229 OS +37 10 230 OS +37 10 231 HU +37 10 232 TE +37 10 233 TA +37 10 234 PO +37 10 235 TA +37 10 236 PO +37 10 237 OS +37 10 238 TA +37 10 239 HU +37 10 240 HU +37 10 241 OS +37 10 242 JA +37 10 243 HU +37 10 244 OS +37 10 245 HU +37 10 246 TA +37 10 247 PO +37 10 248 TE +37 10 249 TA +37 10 250 PO +37 10 251 TA +37 10 252 OS +37 10 253 PO +37 10 254 PO +37 10 255 TE +37 10 256 HU +37 10 257 TA +37 10 258 JA +37 10 259 HU +37 10 260 JA +37 10 261 JA +37 10 262 OS +37 10 263 TE +37 10 264 PO +37 10 265 TA +37 10 266 HU +37 10 267 HU +37 10 268 TA +37 10 269 HU +37 10 270 JA +37 10 271 TA +37 10 272 OS +37 10 273 PO +37 10 274 OS +37 10 275 JA +37 10 276 HU +37 10 277 TA +37 10 278 PO +37 10 279 TA +37 10 280 PO +37 10 281 TA +37 10 282 PO +37 10 283 TE +37 10 284 OS +37 10 285 PO +37 10 286 OS +37 10 287 PO +37 10 288 HU +37 10 289 TA +37 10 290 OS +37 10 291 TA +37 10 292 HU +37 10 293 OS +37 10 294 OS +37 10 295 PO +37 10 296 TA +37 10 297 JA +37 10 298 HU +37 10 299 TA +37 10 300 OS +37 10 301 TA +37 10 302 OS +37 10 303 PO +37 10 304 PO +37 10 305 HU +37 10 306 PO +37 10 307 TA +37 10 308 PO +37 10 309 TE +37 10 310 TA +37 10 311 TA +37 10 312 TE +37 10 313 TA +37 10 314 OS +37 10 315 TA +37 10 316 PO +37 10 317 HU +37 10 318 JA +37 10 319 OS +37 10 320 PO +37 10 321 HU +37 10 322 PO +37 10 323 TA +37 10 324 OS +37 10 325 HU +37 10 326 JA +37 10 327 OS +37 10 328 TA +37 10 329 PO +37 10 330 OS +37 11 1 PO +37 11 2 TA +37 11 3 HU +37 11 4 QU +37 11 5 TA +37 11 6 PO +37 11 7 TA +37 11 8 HU +37 11 9 PO +37 11 10 TA +37 11 11 TA +37 11 12 JA +37 11 13 TA +37 11 14 TE +37 11 15 OS +37 11 16 OS +37 11 17 HU +37 11 18 TE +37 11 19 PO +37 11 20 TA +37 11 21 HU +37 11 22 JA +37 11 23 QU +37 11 24 TE +37 11 25 TA +37 11 26 TA +37 11 27 OS +37 11 28 HU +37 11 29 TA +37 11 30 HU +37 11 31 PO +37 11 32 QU +37 11 33 TA +37 11 34 PO +37 11 35 HU +37 11 36 TA +37 11 37 PO +37 11 38 HU +37 11 39 TA +37 11 40 PO +37 11 41 HU +37 11 42 JA +37 11 43 TE +37 11 44 OS +37 11 45 TA +37 11 46 TE +37 11 47 TA +37 11 48 JA +37 11 49 PO +37 11 50 QU +37 11 51 TE +37 11 52 OS +37 11 53 QU +37 11 54 TA +37 11 55 TA +37 11 56 PO +37 11 57 TA +37 11 58 JA +37 11 59 OS +37 11 60 * +37 11 61 HU +37 11 62 PO +37 11 63 HU +37 11 64 PO +37 11 65 HU +37 11 66 OS +37 11 67 TA +37 11 68 PO +37 11 69 TA +37 11 70 OS +37 11 71 TE +37 11 72 TA +37 11 73 QU +37 11 74 PO +37 11 75 TA +37 11 76 HU +37 11 77 TA +37 11 78 OS +37 11 79 TE +37 11 80 PO +37 11 81 TA +37 11 82 PO +37 11 83 OS +37 11 84 PO +37 11 85 TA +37 11 86 PO +37 11 87 TE +37 11 88 QU +37 11 89 TE +37 11 90 TA +37 11 91 TA +37 11 92 OS +37 11 93 PO +37 11 94 TE +37 11 95 OS +37 11 96 JA +37 11 97 QU +37 11 98 HU +37 11 99 PO +37 11 100 TA +37 11 101 QU +37 11 102 PO +37 11 103 TA +37 11 104 PO +37 11 105 PO +37 11 106 JA +37 11 107 OS +37 11 108 PO +37 11 109 PO +37 11 110 JA +37 11 111 TA +37 11 112 HU +37 11 113 TE +37 11 114 TA +37 11 115 HU +37 11 116 PO +37 11 117 * +37 11 118 PO +37 11 119 TA +37 11 120 OS +37 11 121 HU +37 11 122 TA +37 11 123 TA +37 11 124 JA +37 11 125 HU +37 11 126 PO +37 11 127 TA +37 11 128 JA +37 11 129 OS +37 11 130 TA +37 11 131 PO +37 11 132 HU +37 11 133 TA +37 11 134 TE +37 11 135 QU +37 11 136 PO +37 11 137 TA +37 11 138 PO +37 11 139 OS +37 11 140 PO +37 11 141 OS +37 11 142 OS +37 11 143 TA +37 11 144 QU +37 11 145 TA +37 11 146 JA +37 11 147 TA +37 11 148 HU +37 11 149 TA +37 11 150 QU +37 11 151 PO +37 11 152 PO +37 11 153 PO +37 11 154 TE +37 11 155 TE +37 11 156 TA +37 11 157 TE +37 11 158 OS +37 11 159 PO +37 11 160 PO +37 11 161 TA +37 11 162 HU +37 11 163 TA +37 11 164 PO +37 11 165 TA +37 11 166 PO +37 11 167 PO +37 11 168 TA +37 11 169 PO +37 11 170 TE +37 11 171 TA +37 11 172 OS +37 11 173 HU +37 11 174 JA +37 11 175 PO +37 11 176 HU +37 11 177 JA +37 11 178 PO +37 11 179 PO +37 11 180 TA +37 11 181 PO +37 11 182 QU +37 11 183 TE +37 11 184 PO +37 11 185 PO +37 11 186 PO +37 11 187 JA +37 11 188 TA +37 11 189 OS +37 11 190 OS +37 11 191 TA +37 11 192 QU +37 11 193 JA +37 11 194 TE +37 11 195 TA +37 11 196 PO +37 11 197 PO +37 11 198 TE +37 11 199 OS +37 11 200 PO +37 11 201 PO +37 11 202 TA +37 11 203 QU +37 11 204 TE +37 11 205 QU +37 11 206 OS +37 11 207 PO +37 11 208 JA +37 11 209 TA +37 11 210 TE +37 11 211 PO +37 11 212 HU +37 11 213 OS +37 11 214 JA +37 11 215 PO +37 11 216 TA +37 11 217 OS +37 11 218 TA +37 11 219 OS +37 11 220 PO +37 11 221 OS +37 11 222 PO +37 11 223 TA +37 11 224 OS +37 11 225 TA +37 11 226 TE +37 11 227 TE +37 11 228 PO +37 11 229 TA +37 11 230 OS +37 11 231 PO +37 11 232 TA +37 11 233 PO +37 11 234 TA +37 11 235 PO +37 11 236 TA +37 11 237 HU +37 11 238 TA +37 11 239 HU +37 11 240 PO +37 11 241 OS +37 11 242 JA +37 11 243 HU +37 11 244 OS +37 11 245 HU +37 11 246 TA +37 11 247 PO +37 11 248 TA +37 11 249 TA +37 11 250 HU +37 11 251 TA +37 11 252 OS +37 11 253 TA +37 11 254 PO +37 11 255 TE +37 11 256 HU +37 11 257 PO +37 11 258 JA +37 11 259 HU +37 11 260 JA +37 11 261 HU +37 11 262 OS +37 11 263 TE +37 11 264 PO +37 11 265 TA +37 11 266 PO +37 11 267 QU +37 11 268 TA +37 11 269 HU +37 11 270 JA +37 11 271 TA +37 11 272 OS +37 11 273 PO +37 11 274 OS +37 11 275 TA +37 11 276 HU +37 11 277 TA +37 11 278 HU +37 11 279 PO +37 11 280 TA +37 11 281 TA +37 11 282 TA +37 11 283 PO +37 11 284 OS +37 11 285 HU +37 11 286 OS +37 11 287 JA +37 11 288 HU +37 11 289 PO +37 11 290 OS +37 11 291 PO +37 11 292 HU +37 11 293 TA +37 11 294 OS +37 11 295 PO +37 11 296 PO +37 11 297 JA +37 11 298 HU +37 11 299 TA +37 11 300 TE +37 11 301 TA +37 11 302 OS +37 11 303 PO +37 11 304 TA +37 11 305 HU +37 11 306 TA +37 11 307 PO +37 11 308 QU +37 11 309 TE +37 11 310 TA +37 11 311 PO +37 11 312 TE +37 11 313 PO +37 11 314 OS +37 11 315 TA +37 11 316 TA +37 11 317 HU +37 11 318 HU +37 11 319 OS +37 11 320 TA +37 11 321 HU +37 11 322 PO +37 11 323 TA +37 11 324 OS +37 11 325 HU +37 11 326 JA +37 11 327 OS +37 11 328 TA +37 11 329 PO +37 11 330 OS +37 12 1 TA +37 12 2 TA +37 12 3 HU +37 12 4 QU +37 12 5 TA +37 12 6 JA +37 12 7 TA +37 12 8 HU +37 12 9 PO +37 12 10 TA +37 12 11 TE +37 12 12 JA +37 12 13 TA +37 12 14 TE +37 12 15 CH +37 12 16 OS +37 12 17 HU +37 12 18 TE +37 12 19 TA +37 12 20 TA +37 12 21 CH +37 12 22 JA +37 12 23 QU +37 12 24 TE +37 12 25 TA +37 12 26 TA +37 12 27 OS +37 12 28 CH +37 12 29 TA +37 12 30 PO +37 12 31 TA +37 12 32 QU +37 12 33 TA +37 12 34 TA +37 12 35 PO +37 12 36 TA +37 12 37 QU +37 12 38 CH +37 12 39 TA +37 12 40 TA +37 12 41 HU +37 12 42 JA +37 12 43 TA +37 12 44 OS +37 12 45 TA +37 12 46 PO +37 12 47 TA +37 12 48 JA +37 12 49 PO +37 12 50 QU +37 12 51 TE +37 12 52 TA +37 12 53 HU +37 12 54 TA +37 12 55 TA +37 12 56 CH +37 12 57 TA +37 12 58 JA +37 12 59 CH +37 12 60 TE +37 12 61 HU +37 12 62 QU +37 12 63 CH +37 12 64 TA +37 12 65 HU +37 12 66 OS +37 12 67 TA +37 12 68 CH +37 12 69 TA +37 12 70 OS +37 12 71 PO +37 12 72 TA +37 12 73 QU +37 12 74 OS +37 12 75 TE +37 12 76 HU +37 12 77 TA +37 12 78 QU +37 12 79 TE +37 12 80 TA +37 12 81 TA +37 12 82 TA +37 12 83 OS +37 12 84 CH +37 12 85 TA +37 12 86 QU +37 12 87 TE +37 12 88 HU +37 12 89 TE +37 12 90 TA +37 12 91 JA +37 12 92 OS +37 12 93 TA +37 12 94 TE +37 12 95 TA +37 12 96 JA +37 12 97 QU +37 12 98 HU +37 12 99 QU +37 12 100 TA +37 12 101 TA +37 12 102 QU +37 12 103 PO +37 12 104 TA +37 12 105 QU +37 12 106 JA +37 12 107 OS +37 12 108 TA +37 12 109 QU +37 12 110 JA +37 12 111 TA +37 12 112 HU +37 12 113 TE +37 12 114 PO +37 12 115 HU +37 12 116 TA +37 12 117 TE +37 12 118 CH +37 12 119 TA +37 12 120 OS +37 12 121 HU +37 12 122 TA +37 12 123 PO +37 12 124 TA +37 12 125 HU +37 12 126 CH +37 12 127 TE +37 12 128 JA +37 12 129 OS +37 12 130 TE +37 12 131 QU +37 12 132 PO +37 12 133 TA +37 12 134 TE +37 12 135 QU +37 12 136 TA +37 12 137 TA +37 12 138 PO +37 12 139 OS +37 12 140 TA +37 12 141 OS +37 12 142 OS +37 12 143 TA +37 12 144 PO +37 12 145 TA +37 12 146 JA +37 12 147 TA +37 12 148 HU +37 12 149 TA +37 12 150 QU +37 12 151 CH +37 12 152 CH +37 12 153 TA +37 12 154 TE +37 12 155 PO +37 12 156 TA +37 12 157 PO +37 12 158 OS +37 12 159 JA +37 12 160 CH +37 12 161 TA +37 12 162 HU +37 12 163 TA +37 12 164 TA +37 12 165 TA +37 12 166 TA +37 12 167 QU +37 12 168 TA +37 12 169 TA +37 12 170 PO +37 12 171 TA +37 12 172 OS +37 12 173 CH +37 12 174 JA +37 12 175 PO +37 12 176 CH +37 12 177 JA +37 12 178 TA +37 12 179 PO +37 12 180 TA +37 12 181 JA +37 12 182 PO +37 12 183 PO +37 12 184 QU +37 12 185 PO +37 12 186 TA +37 12 187 JA +37 12 188 TA +37 12 189 TA +37 12 190 CH +37 12 191 TA +37 12 192 QU +37 12 193 JA +37 12 194 PO +37 12 195 TA +37 12 196 TA +37 12 197 QU +37 12 198 TE +37 12 199 OS +37 12 200 PO +37 12 201 CH +37 12 202 TA +37 12 203 HU +37 12 204 TE +37 12 205 QU +37 12 206 TA +37 12 207 HU +37 12 208 JA +37 12 209 PO +37 12 210 PO +37 12 211 TA +37 12 212 CH +37 12 213 PO +37 12 214 TA +37 12 215 QU +37 12 216 TE +37 12 217 CH +37 12 218 TA +37 12 219 OS +37 12 220 QU +37 12 221 TA +37 12 222 QU +37 12 223 TA +37 12 224 OS +37 12 225 JA +37 12 226 PO +37 12 227 TE +37 12 228 PO +37 12 229 TA +37 12 230 OS +37 12 231 QU +37 12 232 PO +37 12 233 TA +37 12 234 TA +37 12 235 QU +37 12 236 TA +37 12 237 CH +37 12 238 TA +37 12 239 CH +37 12 240 PO +37 12 241 OS +37 12 242 JA +37 12 243 PO +37 12 244 TA +37 12 245 HU +37 12 246 TA +37 12 247 QU +37 12 248 PO +37 12 249 TA +37 12 250 QU +37 12 251 TA +37 12 252 OS +37 12 253 TA +37 12 254 PO +37 12 255 TE +37 12 256 HU +37 12 257 PO +37 12 258 JA +37 12 259 PO +37 12 260 JA +37 12 261 CH +37 12 262 OS +37 12 263 TE +37 12 264 TA +37 12 265 TA +37 12 266 PO +37 12 267 QU +37 12 268 TA +37 12 269 QU +37 12 270 JA +37 12 271 PO +37 12 272 OS +37 12 273 QU +37 12 274 OS +37 12 275 TA +37 12 276 HU +37 12 277 PO +37 12 278 CH +37 12 279 TA +37 12 280 TA +37 12 281 TA +37 12 282 TA +37 12 283 PO +37 12 284 OS +37 12 285 CH +37 12 286 OS +37 12 287 JA +37 12 288 HU +37 12 289 TA +37 12 290 OS +37 12 291 TA +37 12 292 CH +37 12 293 TA +37 12 294 OS +37 12 295 PO +37 12 296 QU +37 12 297 JA +37 12 298 HU +37 12 299 TA +37 12 300 PO +37 12 301 TA +37 12 302 OS +37 12 303 TA +37 12 304 TA +37 12 305 QU +37 12 306 TA +37 12 307 TA +37 12 308 QU +37 12 309 PO +37 12 310 TA +37 12 311 TA +37 12 312 TE +37 12 313 QU +37 12 314 OS +37 12 315 TA +37 12 316 TA +37 12 317 CH +37 12 318 CH +37 12 319 OS +37 12 320 TA +37 12 321 HU +37 12 322 TA +37 12 323 TA +37 12 324 OS +37 12 325 QU +37 12 326 JA +37 12 327 OS +37 12 328 PO +37 12 329 PO +37 12 330 TA +37 13 1 PO +37 13 2 HU +37 13 3 JA +37 13 4 TA +37 13 5 HU +37 13 6 JA +37 13 7 JA +37 13 8 HU +37 13 9 TA +37 13 10 TA +37 13 11 TA +37 13 12 JA +37 13 13 TA +37 13 14 HU +37 13 15 HU +37 13 16 OS +37 13 17 TA +37 13 18 TA +37 13 19 PO +37 13 20 TA +37 13 21 HU +37 13 22 JA +37 13 23 PO +37 13 24 TA +37 13 25 PO +37 13 26 TA +37 13 27 OS +37 13 28 HU +37 13 29 TA +37 13 30 JA +37 13 31 OS +37 13 32 HU +37 13 33 TA +37 13 34 TA +37 13 35 JA +37 13 36 HU +37 13 37 TA +37 13 38 HU +37 13 39 TA +37 13 40 HU +37 13 41 HU +37 13 42 JA +37 13 43 TA +37 13 44 OS +37 13 45 TA +37 13 46 HU +37 13 47 TA +37 13 48 JA +37 13 49 HU +37 13 50 TA +37 13 51 TA +37 13 52 OS +37 13 53 HU +37 13 54 TA +37 13 55 HU +37 13 56 JA +37 13 57 PO +37 13 58 TA +37 13 59 HU +37 13 60 PO +37 13 61 TA +37 13 62 PO +37 13 63 OS +37 13 64 TA +37 13 65 HU +37 13 66 OS +37 13 67 OS +37 13 68 HU +37 13 69 TA +37 13 70 OS +37 13 71 JE +37 13 72 HU +37 13 73 PO +37 13 74 HU +37 13 75 JE +37 13 76 JA +37 13 77 HU +37 13 78 OS +37 13 79 TA +37 13 80 PO +37 13 81 JA +37 13 82 HU +37 13 83 JA +37 13 84 JA +37 13 85 TA +37 13 86 HU +37 13 87 TA +37 13 88 HU +37 13 89 TA +37 13 90 TA +37 13 91 JA +37 13 92 OS +37 13 93 HU +37 13 94 TA +37 13 95 OS +37 13 96 JA +37 13 97 HU +37 13 98 HU +37 13 99 PO +37 13 100 OS +37 13 101 HU +37 13 102 PO +37 13 103 TA +37 13 104 PO +37 13 105 HU +37 13 106 JA +37 13 107 OS +37 13 108 OS +37 13 109 TA +37 13 110 JA +37 13 111 TA +37 13 112 HU +37 13 113 TA +37 13 114 HU +37 13 115 TA +37 13 116 PO +37 13 117 TA +37 13 118 HU +37 13 119 TA +37 13 120 OS +37 13 121 JA +37 13 122 TA +37 13 123 PO +37 13 124 JA +37 13 125 JA +37 13 126 OS +37 13 127 TA +37 13 128 JA +37 13 129 OS +37 13 130 TA +37 13 131 PO +37 13 132 JA +37 13 133 TA +37 13 134 TA +37 13 135 HU +37 13 136 HU +37 13 137 TA +37 13 138 PO +37 13 139 OS +37 13 140 TA +37 13 141 OS +37 13 142 OS +37 13 143 JA +37 13 144 HU +37 13 145 HU +37 13 146 JA +37 13 147 HU +37 13 148 HU +37 13 149 TA +37 13 150 HU +37 13 151 TA +37 13 152 HU +37 13 153 TA +37 13 154 HU +37 13 155 TA +37 13 156 HU +37 13 157 TA +37 13 158 OS +37 13 159 JA +37 13 160 OS +37 13 161 HU +37 13 162 HU +37 13 163 TA +37 13 164 TA +37 13 165 TA +37 13 166 TA +37 13 167 HU +37 13 168 TA +37 13 169 PO +37 13 170 TA +37 13 171 TA +37 13 172 OS +37 13 173 HU +37 13 174 JA +37 13 175 HU +37 13 176 TA +37 13 177 JA +37 13 178 TA +37 13 179 HU +37 13 180 TA +37 13 181 JA +37 13 182 TA +37 13 183 TA +37 13 184 TA +37 13 185 TA +37 13 186 HU +37 13 187 JA +37 13 188 HU +37 13 189 HU +37 13 190 OS +37 13 191 PO +37 13 192 TA +37 13 193 JA +37 13 194 HU +37 13 195 TA +37 13 196 OS +37 13 197 HU +37 13 198 TA +37 13 199 OS +37 13 200 HU +37 13 201 JA +37 13 202 TA +37 13 203 HU +37 13 204 TA +37 13 205 TA +37 13 206 OS +37 13 207 HU +37 13 208 JA +37 13 209 HU +37 13 210 TA +37 13 211 PO +37 13 212 JA +37 13 213 HU +37 13 214 JA +37 13 215 HU +37 13 216 TA +37 13 217 OS +37 13 218 JA +37 13 219 OS +37 13 220 TA +37 13 221 OS +37 13 222 TA +37 13 223 HU +37 13 224 OS +37 13 225 JA +37 13 226 HU +37 13 227 TA +37 13 228 HU +37 13 229 OS +37 13 230 OS +37 13 231 HU +37 13 232 TA +37 13 233 HU +37 13 234 TA +37 13 235 TA +37 13 236 JA +37 13 237 JA +37 13 238 HU +37 13 239 OS +37 13 240 TA +37 13 241 OS +37 13 242 JA +37 13 243 TA +37 13 244 OS +37 13 245 HU +37 13 246 HU +37 13 247 TA +37 13 248 TA +37 13 249 TA +37 13 250 TA +37 13 251 OS +37 13 252 OS +37 13 253 HU +37 13 254 TA +37 13 255 TA +37 13 256 OS +37 13 257 TA +37 13 258 JA +37 13 259 HU +37 13 260 OS +37 13 261 JA +37 13 262 OS +37 13 263 PO +37 13 264 PO +37 13 265 TA +37 13 266 JA +37 13 267 HU +37 13 268 JA +37 13 269 HU +37 13 270 JA +37 13 271 TA +37 13 272 OS +37 13 273 HU +37 13 274 OS +37 13 275 JA +37 13 276 HU +37 13 277 TA +37 13 278 JA +37 13 279 TA +37 13 280 JA +37 13 281 HU +37 13 282 TA +37 13 283 TA +37 13 284 OS +37 13 285 OS +37 13 286 OS +37 13 287 TA +37 13 288 HU +37 13 289 PO +37 13 290 OS +37 13 291 TA +37 13 292 OS +37 13 293 OS +37 13 294 OS +37 13 295 TA +37 13 296 TA +37 13 297 JA +37 13 298 HU +37 13 299 JE +37 13 300 OS +37 13 301 HU +37 13 302 OS +37 13 303 TA +37 13 304 TA +37 13 305 HU +37 13 306 JA +37 13 307 HU +37 13 308 HU +37 13 309 TA +37 13 310 HU +37 13 311 TA +37 13 312 TE +37 13 313 TA +37 13 314 OS +37 13 315 TA +37 13 316 HU +37 13 317 TA +37 13 318 JA +37 13 319 PO +37 13 320 HU +37 13 321 TA +37 13 322 PO +37 13 323 TA +37 13 324 OS +37 13 325 TA +37 13 326 JA +37 13 327 OS +37 13 328 TA +37 13 329 TA +37 13 330 OS +37 14 1 TA +37 14 2 TA +37 14 3 HU +37 14 4 QU +37 14 5 TA +37 14 6 PO +37 14 7 TA +37 14 8 HU +37 14 9 PO +37 14 10 TA +37 14 11 TA +37 14 12 JA +37 14 13 TA +37 14 14 TA +37 14 15 PO +37 14 16 OS +37 14 17 HU +37 14 18 TE +37 14 19 PO +37 14 20 TA +37 14 21 HU +37 14 22 JA +37 14 23 PO +37 14 24 PO +37 14 25 PO +37 14 26 PO +37 14 27 OS +37 14 28 HU +37 14 29 TA +37 14 30 PO +37 14 31 PO +37 14 32 PO +37 14 33 TA +37 14 34 PO +37 14 35 PO +37 14 36 TA +37 14 37 PO +37 14 38 HU +37 14 39 TA +37 14 40 PO +37 14 41 HU +37 14 42 JA +37 14 43 PO +37 14 44 OS +37 14 45 TA +37 14 46 TE +37 14 47 TA +37 14 48 PO +37 14 49 PO +37 14 50 QU +37 14 51 PO +37 14 52 OS +37 14 53 HU +37 14 54 TA +37 14 55 PO +37 14 56 PO +37 14 57 TA +37 14 58 PO +37 14 59 PO +37 14 60 TA +37 14 61 HU +37 14 62 PO +37 14 63 PO +37 14 64 PO +37 14 65 HU +37 14 66 OS +37 14 67 TA +37 14 68 PO +37 14 69 TA +37 14 70 OS +37 14 71 PO +37 14 72 TA +37 14 73 PO +37 14 74 OS +37 14 75 TA +37 14 76 PO +37 14 77 PO +37 14 78 PO +37 14 79 TE +37 14 80 PO +37 14 81 TA +37 14 82 TA +37 14 83 OS +37 14 84 PO +37 14 85 TA +37 14 86 PO +37 14 87 TE +37 14 88 PO +37 14 89 TE +37 14 90 TA +37 14 91 TA +37 14 92 OS +37 14 93 PO +37 14 94 TE +37 14 95 PO +37 14 96 JA +37 14 97 PO +37 14 98 HU +37 14 99 PO +37 14 100 PO +37 14 101 HU +37 14 102 PO +37 14 103 JA +37 14 104 PO +37 14 105 PO +37 14 106 JA +37 14 107 OS +37 14 108 PO +37 14 109 PO +37 14 110 JA +37 14 111 TA +37 14 112 HU +37 14 113 TE +37 14 114 TA +37 14 115 HU +37 14 116 PO +37 14 117 PO +37 14 118 PO +37 14 119 TA +37 14 120 OS +37 14 121 HU +37 14 122 TA +37 14 123 PO +37 14 124 JA +37 14 125 HU +37 14 126 PO +37 14 127 TA +37 14 128 JA +37 14 129 PO +37 14 130 TA +37 14 131 PO +37 14 132 HU +37 14 133 TA +37 14 134 PO +37 14 135 HU +37 14 136 PO +37 14 137 TA +37 14 138 PO +37 14 139 OS +37 14 140 PO +37 14 141 OS +37 14 142 PO +37 14 143 TA +37 14 144 PO +37 14 145 TA +37 14 146 JA +37 14 147 TA +37 14 148 HU +37 14 149 TA +37 14 150 PO +37 14 151 PO +37 14 152 PO +37 14 153 PO +37 14 154 TE +37 14 155 PO +37 14 156 TA +37 14 157 PO +37 14 158 OS +37 14 159 PO +37 14 160 PO +37 14 161 TA +37 14 162 HU +37 14 163 TA +37 14 164 PO +37 14 165 TA +37 14 166 PO +37 14 167 PO +37 14 168 TA +37 14 169 PO +37 14 170 PO +37 14 171 PO +37 14 172 OS +37 14 173 HU +37 14 174 JA +37 14 175 PO +37 14 176 HU +37 14 177 JA +37 14 178 PO +37 14 179 PO +37 14 180 TA +37 14 181 PO +37 14 182 PO +37 14 183 PO +37 14 184 PO +37 14 185 JA +37 14 186 PO +37 14 187 JA +37 14 188 TA +37 14 189 OS +37 14 190 HU +37 14 191 TA +37 14 192 PO +37 14 193 JA +37 14 194 PO +37 14 195 TA +37 14 196 TA +37 14 197 PO +37 14 198 TE +37 14 199 OS +37 14 200 PO +37 14 201 PO +37 14 202 TA +37 14 203 HU +37 14 204 TE +37 14 205 PO +37 14 206 OS +37 14 207 HU +37 14 208 JA +37 14 209 TA +37 14 210 PO +37 14 211 TA +37 14 212 HU +37 14 213 PO +37 14 214 TA +37 14 215 PO +37 14 216 TE +37 14 217 PO +37 14 218 TA +37 14 219 OS +37 14 220 PO +37 14 221 PO +37 14 222 PO +37 14 223 TA +37 14 224 OS +37 14 225 JA +37 14 226 TA +37 14 227 TE +37 14 228 PO +37 14 229 TA +37 14 230 PO +37 14 231 PO +37 14 232 JA +37 14 233 PO +37 14 234 TA +37 14 235 PO +37 14 236 TA +37 14 237 PO +37 14 238 TA +37 14 239 PO +37 14 240 PO +37 14 241 OS +37 14 242 JA +37 14 243 PO +37 14 244 OS +37 14 245 HU +37 14 246 TA +37 14 247 PO +37 14 248 TA +37 14 249 TA +37 14 250 PO +37 14 251 TA +37 14 252 PO +37 14 253 TA +37 14 254 PO +37 14 255 TE +37 14 256 HU +37 14 257 PO +37 14 258 JA +37 14 259 HU +37 14 260 JA +37 14 261 PO +37 14 262 OS +37 14 263 OS +37 14 264 PO +37 14 265 TA +37 14 266 PO +37 14 267 PO +37 14 268 TA +37 14 269 PO +37 14 270 JA +37 14 271 TA +37 14 272 OS +37 14 273 PO +37 14 274 OS +37 14 275 JA +37 14 276 HU +37 14 277 TA +37 14 278 PO +37 14 279 PO +37 14 280 TA +37 14 281 TA +37 14 282 TA +37 14 283 PO +37 14 284 OS +37 14 285 PO +37 14 286 OS +37 14 287 PO +37 14 288 HU +37 14 289 TA +37 14 290 OS +37 14 291 PO +37 14 292 PO +37 14 293 OS +37 14 294 OS +37 14 295 PO +37 14 296 PO +37 14 297 JA +37 14 298 HU +37 14 299 TA +37 14 300 OS +37 14 301 TA +37 14 302 OS +37 14 303 PO +37 14 304 TA +37 14 305 PO +37 14 306 TA +37 14 307 PO +37 14 308 PO +37 14 309 TE +37 14 310 TA +37 14 311 PO +37 14 312 TE +37 14 313 PO +37 14 314 OS +37 14 315 TA +37 14 316 TA +37 14 317 HU +37 14 318 PO +37 14 319 OS +37 14 320 PO +37 14 321 HU +37 14 322 PO +37 14 323 TA +37 14 324 OS +37 14 325 PO +37 14 326 JA +37 14 327 OS +37 14 328 TA +37 14 329 PO +37 14 330 OS +37 15 1 TA +37 15 2 TA +37 15 3 JA +37 15 4 QU +37 15 5 TA +37 15 6 PO +37 15 7 TA +37 15 8 QU +37 15 9 PO +37 15 10 TA +37 15 11 TA +37 15 12 JA +37 15 13 TA +37 15 14 PO +37 15 15 OS +37 15 16 OS +37 15 17 HU +37 15 18 TE +37 15 19 TA +37 15 20 TA +37 15 21 HU +37 15 22 JA +37 15 23 QU +37 15 24 TA +37 15 25 TA +37 15 26 PO +37 15 27 OS +37 15 28 HU +37 15 29 TA +37 15 30 HU +37 15 31 TA +37 15 32 QU +37 15 33 JA +37 15 34 PO +37 15 35 HU +37 15 36 TA +37 15 37 PO +37 15 38 HU +37 15 39 TA +37 15 40 PO +37 15 41 HU +37 15 42 JA +37 15 43 TA +37 15 44 OS +37 15 45 TA +37 15 46 OS +37 15 47 TE +37 15 48 JA +37 15 49 TA +37 15 50 QU +37 15 51 JA +37 15 52 OS +37 15 53 HU +37 15 54 TA +37 15 55 PO +37 15 56 JA +37 15 57 TA +37 15 58 JA +37 15 59 OS +37 15 60 TA +37 15 61 HU +37 15 62 QU +37 15 63 HU +37 15 64 TA +37 15 65 HU +37 15 66 HU +37 15 67 TA +37 15 68 HU +37 15 69 JA +37 15 70 OS +37 15 71 HU +37 15 72 TA +37 15 73 TA +37 15 74 PO +37 15 75 CU +37 15 76 HU +37 15 77 TA +37 15 78 OS +37 15 79 TA +37 15 80 TA +37 15 81 HU +37 15 82 TA +37 15 83 JA +37 15 84 OS +37 15 85 JA +37 15 86 HU +37 15 87 TE +37 15 88 TA +37 15 89 TE +37 15 90 TE +37 15 91 JA +37 15 92 OS +37 15 93 TA +37 15 94 CU +37 15 95 OS +37 15 96 JA +37 15 97 PO +37 15 98 HU +37 15 99 TA +37 15 100 PO +37 15 101 TA +37 15 102 TA +37 15 103 HU +37 15 104 PO +37 15 105 QU +37 15 106 JA +37 15 107 OS +37 15 108 CH +37 15 109 TA +37 15 110 JA +37 15 111 CU +37 15 112 HU +37 15 113 TE +37 15 114 TA +37 15 115 HU +37 15 116 CH +37 15 117 TA +37 15 118 OS +37 15 119 TA +37 15 120 OS +37 15 121 JA +37 15 122 TA +37 15 123 TA +37 15 124 JA +37 15 125 JA +37 15 126 OS +37 15 127 TA +37 15 128 JA +37 15 129 OS +37 15 130 TA +37 15 131 PO +37 15 132 HU +37 15 133 TA +37 15 134 TE +37 15 135 HU +37 15 136 TA +37 15 137 TA +37 15 138 QU +37 15 139 CH +37 15 140 PO +37 15 141 OS +37 15 142 CH +37 15 143 JA +37 15 144 TA +37 15 145 HU +37 15 146 JA +37 15 147 TA +37 15 148 HU +37 15 149 TA +37 15 150 QU +37 15 151 HU +37 15 152 PO +37 15 153 TA +37 15 154 TA +37 15 155 HU +37 15 156 TA +37 15 157 HU +37 15 158 OS +37 15 159 JA +37 15 160 OS +37 15 161 TA +37 15 162 HU +37 15 163 TA +37 15 164 PO +37 15 165 HU +37 15 166 TA +37 15 167 PO +37 15 168 TA +37 15 169 PO +37 15 170 TA +37 15 171 TA +37 15 172 OS +37 15 173 HU +37 15 174 JA +37 15 175 PO +37 15 176 HU +37 15 177 JA +37 15 178 TA +37 15 179 HU +37 15 180 HU +37 15 181 JA +37 15 182 TA +37 15 183 TA +37 15 184 PO +37 15 185 TA +37 15 186 TA +37 15 187 JA +37 15 188 PO +37 15 189 QU +37 15 190 OS +37 15 191 TA +37 15 192 TA +37 15 193 JA +37 15 194 TA +37 15 195 HU +37 15 196 PO +37 15 197 PO +37 15 198 TE +37 15 199 OS +37 15 200 TA +37 15 201 HU +37 15 202 TA +37 15 203 TA +37 15 204 TA +37 15 205 TE +37 15 206 OS +37 15 207 HU +37 15 208 TA +37 15 209 TA +37 15 210 HU +37 15 211 PO +37 15 212 JA +37 15 213 QU +37 15 214 JA +37 15 215 PO +37 15 216 TA +37 15 217 OS +37 15 218 JA +37 15 219 OS +37 15 220 TA +37 15 221 OS +37 15 222 QU +37 15 223 TA +37 15 224 OS +37 15 225 JA +37 15 226 TA +37 15 227 TE +37 15 228 TA +37 15 229 TA +37 15 230 CH +37 15 231 TA +37 15 232 TA +37 15 233 PO +37 15 234 HU +37 15 235 PO +37 15 236 JA +37 15 237 HU +37 15 238 TA +37 15 239 HU +37 15 240 TA +37 15 241 OS +37 15 242 JA +37 15 243 TE +37 15 244 OS +37 15 245 HU +37 15 246 TA +37 15 247 PO +37 15 248 CU +37 15 249 TE +37 15 250 TA +37 15 251 HU +37 15 252 OS +37 15 253 TA +37 15 254 PO +37 15 255 TA +37 15 256 HU +37 15 257 PO +37 15 258 JA +37 15 259 HU +37 15 260 JA +37 15 261 TA +37 15 262 OS +37 15 263 HU +37 15 264 QU +37 15 265 TA +37 15 266 HU +37 15 267 TA +37 15 268 TA +37 15 269 PO +37 15 270 JA +37 15 271 TE +37 15 272 OS +37 15 273 PO +37 15 274 OS +37 15 275 TA +37 15 276 HU +37 15 277 TA +37 15 278 JA +37 15 279 TA +37 15 280 TA +37 15 281 TA +37 15 282 JA +37 15 283 CU +37 15 284 OS +37 15 285 CH +37 15 286 HU +37 15 287 TA +37 15 288 TA +37 15 289 PO +37 15 290 OS +37 15 291 TA +37 15 292 HU +37 15 293 OS +37 15 294 HU +37 15 295 TA +37 15 296 PO +37 15 297 JA +37 15 298 TA +37 15 299 TA +37 15 300 HU +37 15 301 TA +37 15 302 HU +37 15 303 PO +37 15 304 TA +37 15 305 PO +37 15 306 JA +37 15 307 PO +37 15 308 TA +37 15 309 CU +37 15 310 HU +37 15 311 PO +37 15 312 TE +37 15 313 TA +37 15 314 OS +37 15 315 JA +37 15 316 TA +37 15 317 TA +37 15 318 JA +37 15 319 OS +37 15 320 TA +37 15 321 HU +37 15 322 QU +37 15 323 TE +37 15 324 HU +37 15 325 TA +37 15 326 JA +37 15 327 OS +37 15 328 TA +37 15 329 TA +37 15 330 OS +37 16 1 TA +37 16 2 TA +37 16 3 HU +37 16 4 QU +37 16 5 TA +37 16 6 PO +37 16 7 TA +37 16 8 HU +37 16 9 PO +37 16 10 TA +37 16 11 TE +37 16 12 JA +37 16 13 TA +37 16 14 TA +37 16 15 CH +37 16 16 OS +37 16 17 HU +37 16 18 TE +37 16 19 TA +37 16 20 TA +37 16 21 HU +37 16 22 JA +37 16 23 QU +37 16 24 TE +37 16 25 TA +37 16 26 TA +37 16 27 OS +37 16 28 CH +37 16 29 TA +37 16 30 JA +37 16 31 TA +37 16 32 CH +37 16 33 TA +37 16 34 TA +37 16 35 HU +37 16 36 TA +37 16 37 TA +37 16 38 HU +37 16 39 TA +37 16 40 TA +37 16 41 HU +37 16 42 JA +37 16 43 TA +37 16 44 OS +37 16 45 TA +37 16 46 PO +37 16 47 TA +37 16 48 JA +37 16 49 TA +37 16 50 QU +37 16 51 PO +37 16 52 OS +37 16 53 HU +37 16 54 TA +37 16 55 TA +37 16 56 PO +37 16 57 TA +37 16 58 JA +37 16 59 PO +37 16 60 TA +37 16 61 HU +37 16 62 QU +37 16 63 PO +37 16 64 TA +37 16 65 HU +37 16 66 OS +37 16 67 TA +37 16 68 CH +37 16 69 TA +37 16 70 OS +37 16 71 HU +37 16 72 TA +37 16 73 QU +37 16 74 TA +37 16 75 TA +37 16 76 HU +37 16 77 TA +37 16 78 OS +37 16 79 TE +37 16 80 TA +37 16 81 TA +37 16 82 TA +37 16 83 OS +37 16 84 HU +37 16 85 TA +37 16 86 CH +37 16 87 TE +37 16 88 QU +37 16 89 TE +37 16 90 TA +37 16 91 JA +37 16 92 OS +37 16 93 TA +37 16 94 TE +37 16 95 TA +37 16 96 JA +37 16 97 QU +37 16 98 HU +37 16 99 CH +37 16 100 TA +37 16 101 QU +37 16 102 TA +37 16 103 JA +37 16 104 TA +37 16 105 QU +37 16 106 JA +37 16 107 OS +37 16 108 TA +37 16 109 TA +37 16 110 JA +37 16 111 TA +37 16 112 HU +37 16 113 TE +37 16 114 TA +37 16 115 HU +37 16 116 TA +37 16 117 PO +37 16 118 HU +37 16 119 TA +37 16 120 OS +37 16 121 HU +37 16 122 TA +37 16 123 TA +37 16 124 JA +37 16 125 HU +37 16 126 PO +37 16 127 TA +37 16 128 JA +37 16 129 OS +37 16 130 PO +37 16 131 QU +37 16 132 HU +37 16 133 TA +37 16 134 JA +37 16 135 CH +37 16 136 TA +37 16 137 TA +37 16 138 TA +37 16 139 OS +37 16 140 TA +37 16 141 OS +37 16 142 OS +37 16 143 TA +37 16 144 QU +37 16 145 TA +37 16 146 JA +37 16 147 TA +37 16 148 HU +37 16 149 TA +37 16 150 QU +37 16 151 HU +37 16 152 HU +37 16 153 TA +37 16 154 TE +37 16 155 TE +37 16 156 TA +37 16 157 JA +37 16 158 OS +37 16 159 JA +37 16 160 PO +37 16 161 TA +37 16 162 HU +37 16 163 TA +37 16 164 TA +37 16 165 TA +37 16 166 TA +37 16 167 PO +37 16 168 TA +37 16 169 TA +37 16 170 TA +37 16 171 JA +37 16 172 OS +37 16 173 HU +37 16 174 JA +37 16 175 TA +37 16 176 HU +37 16 177 JA +37 16 178 TA +37 16 179 HU +37 16 180 TA +37 16 181 JA +37 16 182 QU +37 16 183 PO +37 16 184 QU +37 16 185 JA +37 16 186 TA +37 16 187 JA +37 16 188 TA +37 16 189 TA +37 16 190 HU +37 16 191 TA +37 16 192 QU +37 16 193 JA +37 16 194 HU +37 16 195 TA +37 16 196 TA +37 16 197 CH +37 16 198 TE +37 16 199 OS +37 16 200 TA +37 16 201 HU +37 16 202 TA +37 16 203 HU +37 16 204 TE +37 16 205 QU +37 16 206 OS +37 16 207 CH +37 16 208 JA +37 16 209 TA +37 16 210 HU +37 16 211 TA +37 16 212 JA +37 16 213 OS +37 16 214 JA +37 16 215 CH +37 16 216 TE +37 16 217 CH +37 16 218 JA +37 16 219 OS +37 16 220 TA +37 16 221 OS +37 16 222 OS +37 16 223 TA +37 16 224 OS +37 16 225 JA +37 16 226 TA +37 16 227 TE +37 16 228 TA +37 16 229 TA +37 16 230 PO +37 16 231 CH +37 16 232 JA +37 16 233 PO +37 16 234 TA +37 16 235 TA +37 16 236 JA +37 16 237 PO +37 16 238 TA +37 16 239 CH +37 16 240 JA +37 16 241 OS +37 16 242 JA +37 16 243 QU +37 16 244 PO +37 16 245 HU +37 16 246 TA +37 16 247 QU +37 16 248 TA +37 16 249 TA +37 16 250 QU +37 16 251 TA +37 16 252 OS +37 16 253 TA +37 16 254 TA +37 16 255 TE +37 16 256 HU +37 16 257 TA +37 16 258 JA +37 16 259 HU +37 16 260 OS +37 16 261 JA +37 16 262 PO +37 16 263 OS +37 16 264 PO +37 16 265 TA +37 16 266 JA +37 16 267 CH +37 16 268 TA +37 16 269 CH +37 16 270 JA +37 16 271 TA +37 16 272 OS +37 16 273 CH +37 16 274 OS +37 16 275 JA +37 16 276 HU +37 16 277 TA +37 16 278 HU +37 16 279 TA +37 16 280 TA +37 16 281 TA +37 16 282 TA +37 16 283 PO +37 16 284 OS +37 16 285 HU +37 16 286 PO +37 16 287 JA +37 16 288 HU +37 16 289 TA +37 16 290 PO +37 16 291 TA +37 16 292 HU +37 16 293 PO +37 16 294 OS +37 16 295 JA +37 16 296 QU +37 16 297 JA +37 16 298 HU +37 16 299 TA +37 16 300 PO +37 16 301 TA +37 16 302 OS +37 16 303 PO +37 16 304 JA +37 16 305 QU +37 16 306 TA +37 16 307 TA +37 16 308 CH +37 16 309 TE +37 16 310 TA +37 16 311 TA +37 16 312 TE +37 16 313 TA +37 16 314 OS +37 16 315 TA +37 16 316 TA +37 16 317 CH +37 16 318 HU +37 16 319 OS +37 16 320 TA +37 16 321 HU +37 16 322 TA +37 16 323 TA +37 16 324 PO +37 16 325 CH +37 16 326 JA +37 16 327 PO +37 16 328 TA +37 16 329 HU +37 16 330 PO +37 17 1 PO +37 17 2 TA +37 17 3 HU +37 17 4 QU +37 17 5 TA +37 17 6 JA +37 17 7 TA +37 17 8 HU +37 17 9 JA +37 17 10 TA +37 17 11 TA +37 17 12 JA +37 17 13 TA +37 17 14 TA +37 17 15 PO +37 17 16 OS +37 17 17 HU +37 17 18 TE +37 17 19 TA +37 17 20 TA +37 17 21 HU +37 17 22 JA +37 17 23 QU +37 17 24 TE +37 17 25 PO +37 17 26 TA +37 17 27 OS +37 17 28 HU +37 17 29 TA +37 17 30 JA +37 17 31 PO +37 17 32 QU +37 17 33 TA +37 17 34 TA +37 17 35 HU +37 17 36 TA +37 17 37 PO +37 17 38 HU +37 17 39 TA +37 17 40 PO +37 17 41 HU +37 17 42 JA +37 17 43 TA +37 17 44 OS +37 17 45 TA +37 17 46 TE +37 17 47 TA +37 17 48 JA +37 17 49 PO +37 17 50 QU +37 17 51 TE +37 17 52 OS +37 17 53 HU +37 17 54 TA +37 17 55 TA +37 17 56 HU +37 17 57 TA +37 17 58 OS +37 17 59 PO +37 17 60 TA +37 17 61 HU +37 17 62 PO +37 17 63 JA +37 17 64 TA +37 17 65 HU +37 17 66 OS +37 17 67 TA +37 17 68 HU +37 17 69 OS +37 17 70 PO +37 17 71 QU +37 17 72 TA +37 17 73 QU +37 17 74 PO +37 17 75 TA +37 17 76 HU +37 17 77 PO +37 17 78 HU +37 17 79 TE +37 17 80 TA +37 17 81 TA +37 17 82 PO +37 17 83 OS +37 17 84 HU +37 17 85 TA +37 17 86 HU +37 17 87 TA +37 17 88 QU +37 17 89 TE +37 17 90 TA +37 17 91 JA +37 17 92 OS +37 17 93 TA +37 17 94 TE +37 17 95 JA +37 17 96 JA +37 17 97 QU +37 17 98 HU +37 17 99 PO +37 17 100 TA +37 17 101 QU +37 17 102 PO +37 17 103 JA +37 17 104 TA +37 17 105 QU +37 17 106 JA +37 17 107 OS +37 17 108 PO +37 17 109 TA +37 17 110 JA +37 17 111 TE +37 17 112 HU +37 17 113 TE +37 17 114 TA +37 17 115 QU +37 17 116 PO +37 17 117 TE +37 17 118 HU +37 17 119 TA +37 17 120 OS +37 17 121 HU +37 17 122 TA +37 17 123 TA +37 17 124 JA +37 17 125 HU +37 17 126 HU +37 17 127 TA +37 17 128 JA +37 17 129 OS +37 17 130 TE +37 17 131 QU +37 17 132 HU +37 17 133 TA +37 17 134 HU +37 17 135 HU +37 17 136 PO +37 17 137 TA +37 17 138 PO +37 17 139 OS +37 17 140 TA +37 17 141 OS +37 17 142 OS +37 17 143 JA +37 17 144 QU +37 17 145 PO +37 17 146 JA +37 17 147 PO +37 17 148 HU +37 17 149 PO +37 17 150 QU +37 17 151 HU +37 17 152 HU +37 17 153 TA +37 17 154 TE +37 17 155 JA +37 17 156 TA +37 17 157 TE +37 17 158 OS +37 17 159 JA +37 17 160 HU +37 17 161 OS +37 17 162 HU +37 17 163 PO +37 17 164 TA +37 17 165 TA +37 17 166 PO +37 17 167 PO +37 17 168 TA +37 17 169 PO +37 17 170 TA +37 17 171 TA +37 17 172 OS +37 17 173 HU +37 17 174 JA +37 17 175 PO +37 17 176 HU +37 17 177 JA +37 17 178 TA +37 17 179 HU +37 17 180 TA +37 17 181 OS +37 17 182 QU +37 17 183 JA +37 17 184 QU +37 17 185 JA +37 17 186 PO +37 17 187 JA +37 17 188 PO +37 17 189 PO +37 17 190 HU +37 17 191 TA +37 17 192 QU +37 17 193 JA +37 17 194 QU +37 17 195 TA +37 17 196 PO +37 17 197 HU +37 17 198 TE +37 17 199 OS +37 17 200 PO +37 17 201 HU +37 17 202 TA +37 17 203 QU +37 17 204 TA +37 17 205 TE +37 17 206 OS +37 17 207 HU +37 17 208 JA +37 17 209 TA +37 17 210 QU +37 17 211 PO +37 17 212 JA +37 17 213 PO +37 17 214 JA +37 17 215 HU +37 17 216 TA +37 17 217 HU +37 17 218 OS +37 17 219 PO +37 17 220 QU +37 17 221 PO +37 17 222 QU +37 17 223 TA +37 17 224 OS +37 17 225 JA +37 17 226 TA +37 17 227 TE +37 17 228 TA +37 17 229 PO +37 17 230 OS +37 17 231 QU +37 17 232 JA +37 17 233 QU +37 17 234 TA +37 17 235 TA +37 17 236 OS +37 17 237 HU +37 17 238 PO +37 17 239 HU +37 17 240 HU +37 17 241 OS +37 17 242 JA +37 17 243 QU +37 17 244 PO +37 17 245 HU +37 17 246 PO +37 17 247 QU +37 17 248 TA +37 17 249 TA +37 17 250 QU +37 17 251 PO +37 17 252 OS +37 17 253 PO +37 17 254 PO +37 17 255 TE +37 17 256 HU +37 17 257 PO +37 17 258 JA +37 17 259 HU +37 17 260 JA +37 17 261 JA +37 17 262 PO +37 17 263 PO +37 17 264 PO +37 17 265 TA +37 17 266 HU +37 17 267 QU +37 17 268 TA +37 17 269 QU +37 17 270 JA +37 17 271 TA +37 17 272 OS +37 17 273 QU +37 17 274 OS +37 17 275 JA +37 17 276 HU +37 17 277 PO +37 17 278 JA +37 17 279 TA +37 17 280 TA +37 17 281 TA +37 17 282 TA +37 17 283 TE +37 17 284 OS +37 17 285 HU +37 17 286 OS +37 17 287 JA +37 17 288 HU +37 17 289 PO +37 17 290 OS +37 17 291 TA +37 17 292 HU +37 17 293 OS +37 17 294 OS +37 17 295 TE +37 17 296 QU +37 17 297 JA +37 17 298 HU +37 17 299 TA +37 17 300 PO +37 17 301 TA +37 17 302 OS +37 17 303 PO +37 17 304 TA +37 17 305 QU +37 17 306 OS +37 17 307 TA +37 17 308 QU +37 17 309 TE +37 17 310 TA +37 17 311 TA +37 17 312 TE +37 17 313 QU +37 17 314 OS +37 17 315 TA +37 17 316 TA +37 17 317 QU +37 17 318 HU +37 17 319 OS +37 17 320 JA +37 17 321 HU +37 17 322 PO +37 17 323 TA +37 17 324 OS +37 17 325 QU +37 17 326 JA +37 17 327 PO +37 17 328 TA +37 17 329 TE +37 17 330 PO +37 18 1 TA +37 18 2 TA +37 18 3 HU +37 18 4 QU +37 18 5 TA +37 18 6 HU +37 18 7 TA +37 18 8 HU +37 18 9 HU +37 18 10 QU +37 18 11 TA +37 18 12 JA +37 18 13 TA +37 18 14 TA +37 18 15 OS +37 18 16 OS +37 18 17 HU +37 18 18 TE +37 18 19 TA +37 18 20 TA +37 18 21 HU +37 18 22 JA +37 18 23 QU +37 18 24 JA +37 18 25 TA +37 18 26 TA +37 18 27 OS +37 18 28 HU +37 18 29 TA +37 18 30 JA +37 18 31 TA +37 18 32 HU +37 18 33 TA +37 18 34 TA +37 18 35 HU +37 18 36 TA +37 18 37 TA +37 18 38 HU +37 18 39 TA +37 18 40 TA +37 18 41 HU +37 18 42 JA +37 18 43 TA +37 18 44 OS +37 18 45 TA +37 18 46 OS +37 18 47 TA +37 18 48 JA +37 18 49 TA +37 18 50 QU +37 18 51 PO +37 18 52 PO +37 18 53 HU +37 18 54 TA +37 18 55 TA +37 18 56 JA +37 18 57 TA +37 18 58 JA +37 18 59 OS +37 18 60 TA +37 18 61 HU +37 18 62 QU +37 18 63 HU +37 18 64 TA +37 18 65 HU +37 18 66 OS +37 18 67 TA +37 18 68 HU +37 18 69 JA +37 18 70 OS +37 18 71 HU +37 18 72 TA +37 18 73 QU +37 18 74 TA +37 18 75 TA +37 18 76 HU +37 18 77 TA +37 18 78 PO +37 18 79 PO +37 18 80 TA +37 18 81 TA +37 18 82 TA +37 18 83 OS +37 18 84 HU +37 18 85 TA +37 18 86 HU +37 18 87 TE +37 18 88 HU +37 18 89 TE +37 18 90 TA +37 18 91 JA +37 18 92 OS +37 18 93 TA +37 18 94 TE +37 18 95 OS +37 18 96 JA +37 18 97 QU +37 18 98 HU +37 18 99 HU +37 18 100 TA +37 18 101 HU +37 18 102 OS +37 18 103 JA +37 18 104 TA +37 18 105 TA +37 18 106 JA +37 18 107 OS +37 18 108 TA +37 18 109 TA +37 18 110 JA +37 18 111 TA +37 18 112 HU +37 18 113 TE +37 18 114 TA +37 18 115 HU +37 18 116 TA +37 18 117 JE +37 18 118 HU +37 18 119 TA +37 18 120 OS +37 18 121 HU +37 18 122 TA +37 18 123 TA +37 18 124 TA +37 18 125 HU +37 18 126 HU +37 18 127 TA +37 18 128 JA +37 18 129 OS +37 18 130 JE +37 18 131 QU +37 18 132 HU +37 18 133 TA +37 18 134 JE +37 18 135 HU +37 18 136 TA +37 18 137 TA +37 18 138 TA +37 18 139 OS +37 18 140 TA +37 18 141 OS +37 18 142 OS +37 18 143 TA +37 18 144 QU +37 18 145 TA +37 18 146 JA +37 18 147 TA +37 18 148 HU +37 18 149 TA +37 18 150 QU +37 18 151 HU +37 18 152 HU +37 18 153 TA +37 18 154 TE +37 18 155 PO +37 18 156 TA +37 18 157 PO +37 18 158 OS +37 18 159 HU +37 18 160 HU +37 18 161 TA +37 18 162 HU +37 18 163 TA +37 18 164 TA +37 18 165 TA +37 18 166 TA +37 18 167 QU +37 18 168 TA +37 18 169 TA +37 18 170 TA +37 18 171 TA +37 18 172 OS +37 18 173 HU +37 18 174 JA +37 18 175 TA +37 18 176 HU +37 18 177 JA +37 18 178 TA +37 18 179 CH +37 18 180 TA +37 18 181 JA +37 18 182 CH +37 18 183 PO +37 18 184 QU +37 18 185 HU +37 18 186 TA +37 18 187 JA +37 18 188 TA +37 18 189 TA +37 18 190 CH +37 18 191 TA +37 18 192 QU +37 18 193 TA +37 18 194 CH +37 18 195 TA +37 18 196 TA +37 18 197 QU +37 18 198 TE +37 18 199 TA +37 18 200 TA +37 18 201 HU +37 18 202 TA +37 18 203 HU +37 18 204 QU +37 18 205 PO +37 18 206 OS +37 18 207 HU +37 18 208 JA +37 18 209 TA +37 18 210 QU +37 18 211 TA +37 18 212 JA +37 18 213 QU +37 18 214 TA +37 18 215 CH +37 18 216 PO +37 18 217 CH +37 18 218 TA +37 18 219 TA +37 18 220 QU +37 18 221 OS +37 18 222 QU +37 18 223 TA +37 18 224 OS +37 18 225 JA +37 18 226 TA +37 18 227 TE +37 18 228 TA +37 18 229 TA +37 18 230 OS +37 18 231 QU +37 18 232 PO +37 18 233 TA +37 18 234 TA +37 18 235 TA +37 18 236 JA +37 18 237 HU +37 18 238 TA +37 18 239 CH +37 18 240 PO +37 18 241 OS +37 18 242 JA +37 18 243 QU +37 18 244 OS +37 18 245 HU +37 18 246 TA +37 18 247 QU +37 18 248 TA +37 18 249 TA +37 18 250 QU +37 18 251 TA +37 18 252 OS +37 18 253 TA +37 18 254 PO +37 18 255 TE +37 18 256 HU +37 18 257 TA +37 18 258 JA +37 18 259 HU +37 18 260 TA +37 18 261 JA +37 18 262 OS +37 18 263 PO +37 18 264 TA +37 18 265 TA +37 18 266 HU +37 18 267 QU +37 18 268 TA +37 18 269 QU +37 18 270 JA +37 18 271 TA +37 18 272 OS +37 18 273 QU +37 18 274 OS +37 18 275 TA +37 18 276 HU +37 18 277 TA +37 18 278 HU +37 18 279 TA +37 18 280 TA +37 18 281 TA +37 18 282 TA +37 18 283 PO +37 18 284 OS +37 18 285 CH +37 18 286 OS +37 18 287 JA +37 18 288 HU +37 18 289 TA +37 18 290 OS +37 18 291 TA +37 18 292 CH +37 18 293 TA +37 18 294 OS +37 18 295 PO +37 18 296 QU +37 18 297 JA +37 18 298 HU +37 18 299 TA +37 18 300 PO +37 18 301 TA +37 18 302 OS +37 18 303 PO +37 18 304 TA +37 18 305 QU +37 18 306 TA +37 18 307 TA +37 18 308 QU +37 18 309 PO +37 18 310 TA +37 18 311 TA +37 18 312 TE +37 18 313 QU +37 18 314 PO +37 18 315 TA +37 18 316 TA +37 18 317 QU +37 18 318 HU +37 18 319 OS +37 18 320 PO +37 18 321 HU +37 18 322 TA +37 18 323 TA +37 18 324 OS +37 18 325 QU +37 18 326 JA +37 18 327 TA +37 18 328 TA +37 18 329 PO +37 18 330 OS +37 19 1 TA +37 19 2 TA +37 19 3 HU +37 19 4 TE +37 19 5 TA +37 19 6 PO +37 19 7 TA +37 19 8 HU +37 19 9 JE +37 19 10 TA +37 19 11 TA +37 19 12 JA +37 19 13 TA +37 19 14 TA +37 19 15 HU +37 19 16 OS +37 19 17 HU +37 19 18 TE +37 19 19 TA +37 19 20 TA +37 19 21 HU +37 19 22 JA +37 19 23 PO +37 19 24 JE +37 19 25 TA +37 19 26 TA +37 19 27 OS +37 19 28 HU +37 19 29 TA +37 19 30 JA +37 19 31 OS +37 19 32 HU +37 19 33 TA +37 19 34 TA +37 19 35 PO +37 19 36 TE +37 19 37 TA +37 19 38 HU +37 19 39 TA +37 19 40 TA +37 19 41 HU +37 19 42 JA +37 19 43 TE +37 19 44 OS +37 19 45 TA +37 19 46 OS +37 19 47 TE +37 19 48 JA +37 19 49 TA +37 19 50 TE +37 19 51 JE +37 19 52 OS +37 19 53 HU +37 19 54 TA +37 19 55 TA +37 19 56 OS +37 19 57 TE +37 19 58 JA +37 19 59 OS +37 19 60 TE +37 19 61 HU +37 19 62 HU +37 19 63 HU +37 19 64 TA +37 19 65 HU +37 19 66 OS +37 19 67 TA +37 19 68 HU +37 19 69 JE +37 19 70 OS +37 19 71 TE +37 19 72 TA +37 19 73 PO +37 19 74 OS +37 19 75 TE +37 19 76 JA +37 19 77 TA +37 19 78 OS +37 19 79 PO +37 19 80 TA +37 19 81 JA +37 19 82 TA +37 19 83 OS +37 19 84 HU +37 19 85 TA +37 19 86 HU +37 19 87 JE +37 19 88 HU +37 19 89 TE +37 19 90 TE +37 19 91 JA +37 19 92 OS +37 19 93 TA +37 19 94 PO +37 19 95 OS +37 19 96 JA +37 19 97 TA +37 19 98 HU +37 19 99 PO +37 19 100 TA +37 19 101 HU +37 19 102 OS +37 19 103 PO +37 19 104 TA +37 19 105 HU +37 19 106 JA +37 19 107 OS +37 19 108 OS +37 19 109 TA +37 19 110 JA +37 19 111 TE +37 19 112 HU +37 19 113 TE +37 19 114 TA +37 19 115 HU +37 19 116 OS +37 19 117 PO +37 19 118 HU +37 19 119 TA +37 19 120 OS +37 19 121 JA +37 19 122 TA +37 19 123 TA +37 19 124 JA +37 19 125 JA +37 19 126 HU +37 19 127 TE +37 19 128 JA +37 19 129 OS +37 19 130 TE +37 19 131 TA +37 19 132 HU +37 19 133 TA +37 19 134 TE +37 19 135 HU +37 19 136 TA +37 19 137 TA +37 19 138 TA +37 19 139 OS +37 19 140 TA +37 19 141 OS +37 19 142 OS +37 19 143 JA +37 19 144 TE +37 19 145 TA +37 19 146 JA +37 19 147 TA +37 19 148 HU +37 19 149 JA +37 19 150 TE +37 19 151 HU +37 19 152 TA +37 19 153 TA +37 19 154 TE +37 19 155 PO +37 19 156 TA +37 19 157 PO +37 19 158 OS +37 19 159 JA +37 19 160 HU +37 19 161 TA +37 19 162 HU +37 19 163 TA +37 19 164 TA +37 19 165 TA +37 19 166 TE +37 19 167 OS +37 19 168 TA +37 19 169 TA +37 19 170 TE +37 19 171 JA +37 19 172 OS +37 19 173 HU +37 19 174 JA +37 19 175 OS +37 19 176 HU +37 19 177 JA +37 19 178 TA +37 19 179 HU +37 19 180 TA +37 19 181 JA +37 19 182 PO +37 19 183 JA +37 19 184 TA +37 19 185 JA +37 19 186 TA +37 19 187 JA +37 19 188 TA +37 19 189 OS +37 19 190 HU +37 19 191 TA +37 19 192 OS +37 19 193 JA +37 19 194 HU +37 19 195 TA +37 19 196 TA +37 19 197 OS +37 19 198 TE +37 19 199 OS +37 19 200 TA +37 19 201 JA +37 19 202 TA +37 19 203 HU +37 19 204 TE +37 19 205 TA +37 19 206 OS +37 19 207 HU +37 19 208 JA +37 19 209 TA +37 19 210 TE +37 19 211 TA +37 19 212 JA +37 19 213 OS +37 19 214 JA +37 19 215 HU +37 19 216 TA +37 19 217 OS +37 19 218 JA +37 19 219 OS +37 19 220 TA +37 19 221 OS +37 19 222 TA +37 19 223 TA +37 19 224 OS +37 19 225 JA +37 19 226 TA +37 19 227 TE +37 19 228 TE +37 19 229 TA +37 19 230 OS +37 19 231 HU +37 19 232 OS +37 19 233 TA +37 19 234 TA +37 19 235 TA +37 19 236 JA +37 19 237 JA +37 19 238 TA +37 19 239 HU +37 19 240 PO +37 19 241 OS +37 19 242 JA +37 19 243 HU +37 19 244 OS +37 19 245 HU +37 19 246 TA +37 19 247 TA +37 19 248 TE +37 19 249 TE +37 19 250 TA +37 19 251 JA +37 19 252 OS +37 19 253 TA +37 19 254 OS +37 19 255 TE +37 19 256 HU +37 19 257 TE +37 19 258 JA +37 19 259 HU +37 19 260 OS +37 19 261 JA +37 19 262 OS +37 19 263 OS +37 19 264 OS +37 19 265 TA +37 19 266 HU +37 19 267 TA +37 19 268 TA +37 19 269 HU +37 19 270 JA +37 19 271 TE +37 19 272 OS +37 19 273 TA +37 19 274 OS +37 19 275 JA +37 19 276 HU +37 19 277 TE +37 19 278 JA +37 19 279 TE +37 19 280 TA +37 19 281 TA +37 19 282 TA +37 19 283 PO +37 19 284 OS +37 19 285 HU +37 19 286 OS +37 19 287 JA +37 19 288 HU +37 19 289 OS +37 19 290 OS +37 19 291 TA +37 19 292 HU +37 19 293 OS +37 19 294 OS +37 19 295 TE +37 19 296 TA +37 19 297 JA +37 19 298 HU +37 19 299 TA +37 19 300 OS +37 19 301 TA +37 19 302 OS +37 19 303 OS +37 19 304 JA +37 19 305 TA +37 19 306 JA +37 19 307 TA +37 19 308 PO +37 19 309 TE +37 19 310 TA +37 19 311 TA +37 19 312 TE +37 19 313 TE +37 19 314 OS +37 19 315 JA +37 19 316 TA +37 19 317 HU +37 19 318 JA +37 19 319 OS +37 19 320 * +37 19 321 HU +37 19 322 TA +37 19 323 TA +37 19 324 OS +37 19 325 PO +37 19 326 JA +37 19 327 OS +37 19 328 TE +37 19 329 TE +37 19 330 OS +37 20 1 TA +37 20 2 PO +37 20 3 HU +37 20 4 HU +37 20 5 TA +37 20 6 JA +37 20 7 TA +37 20 8 HU +37 20 9 PO +37 20 10 TA +37 20 11 TA +37 20 12 JA +37 20 13 TA +37 20 14 TA +37 20 15 HU +37 20 16 OS +37 20 17 HU +37 20 18 TE +37 20 19 TA +37 20 20 TA +37 20 21 HU +37 20 22 JA +37 20 23 HU +37 20 24 TE +37 20 25 TA +37 20 26 TA +37 20 27 OS +37 20 28 HU +37 20 29 TA +37 20 30 PO +37 20 31 PO +37 20 32 HU +37 20 33 TA +37 20 34 PO +37 20 35 HU +37 20 36 PO +37 20 37 PO +37 20 38 HU +37 20 39 TA +37 20 40 PO +37 20 41 HU +37 20 42 JA +37 20 43 PO +37 20 44 OS +37 20 45 TA +37 20 46 TE +37 20 47 TE +37 20 48 JA +37 20 49 PO +37 20 50 TA +37 20 51 TE +37 20 52 OS +37 20 53 HU +37 20 54 TA +37 20 55 PO +37 20 56 JA +37 20 57 TA +37 20 58 JA +37 20 59 PO +37 20 60 TA +37 20 61 HU +37 20 62 PO +37 20 63 HU +37 20 64 PO +37 20 65 HU +37 20 66 OS +37 20 67 TA +37 20 68 HU +37 20 69 TA +37 20 70 PO +37 20 71 PO +37 20 72 TA +37 20 73 PO +37 20 74 TA +37 20 75 TA +37 20 76 HU +37 20 77 PO +37 20 78 HU +37 20 79 TE +37 20 80 TA +37 20 81 TA +37 20 82 PO +37 20 83 JA +37 20 84 SE +37 20 85 TA +37 20 86 HU +37 20 87 TE +37 20 88 HU +37 20 89 TE +37 20 90 TE +37 20 91 TA +37 20 92 OS +37 20 93 TA +37 20 94 TE +37 20 95 PO +37 20 96 JA +37 20 97 QU +37 20 98 HU +37 20 99 PO +37 20 100 PO +37 20 101 HU +37 20 102 PO +37 20 103 TA +37 20 104 PO +37 20 105 HU +37 20 106 JA +37 20 107 OS +37 20 108 PO +37 20 109 TA +37 20 110 JA +37 20 111 PO +37 20 112 HU +37 20 113 TE +37 20 114 TA +37 20 115 HU +37 20 116 PO +37 20 117 TE +37 20 118 HU +37 20 119 TA +37 20 120 OS +37 20 121 HU +37 20 122 TA +37 20 123 TA +37 20 124 JA +37 20 125 HU +37 20 126 HU +37 20 127 TA +37 20 128 JA +37 20 129 OS +37 20 130 TE +37 20 131 TA +37 20 132 HU +37 20 133 TA +37 20 134 TE +37 20 135 HU +37 20 136 TA +37 20 137 TA +37 20 138 PO +37 20 139 OS +37 20 140 TA +37 20 141 OS +37 20 142 OS +37 20 143 TA +37 20 144 TA +37 20 145 TA +37 20 146 JA +37 20 147 TA +37 20 148 HU +37 20 149 TA +37 20 150 QU +37 20 151 HU +37 20 152 QU +37 20 153 TA +37 20 154 TE +37 20 155 TE +37 20 156 TA +37 20 157 TE +37 20 158 OS +37 20 159 JA +37 20 160 HU +37 20 161 TA +37 20 162 HU +37 20 163 TA +37 20 164 PO +37 20 165 TA +37 20 166 PO +37 20 167 QU +37 20 168 TA +37 20 169 PO +37 20 170 PO +37 20 171 TA +37 20 172 OS +37 20 173 HU +37 20 174 JA +37 20 175 PO +37 20 176 HU +37 20 177 JA +37 20 178 TA +37 20 179 PO +37 20 180 TA +37 20 181 JA +37 20 182 PO +37 20 183 TE +37 20 184 TA +37 20 185 JA +37 20 186 TA +37 20 187 JA +37 20 188 TA +37 20 189 PO +37 20 190 HU +37 20 191 TA +37 20 192 TA +37 20 193 JA +37 20 194 PO +37 20 195 TA +37 20 196 PO +37 20 197 PO +37 20 198 TE +37 20 199 OS +37 20 200 PO +37 20 201 HU +37 20 202 TA +37 20 203 HU +37 20 204 TE +37 20 205 TA +37 20 206 OS +37 20 207 HU +37 20 208 JA +37 20 209 TA +37 20 210 PO +37 20 211 TA +37 20 212 JA +37 20 213 TA +37 20 214 JA +37 20 215 HU +37 20 216 TE +37 20 217 HU +37 20 218 TA +37 20 219 OS +37 20 220 TA +37 20 221 OS +37 20 222 TA +37 20 223 TA +37 20 224 OS +37 20 225 JA +37 20 226 PO +37 20 227 TE +37 20 228 PO +37 20 229 TA +37 20 230 OS +37 20 231 PO +37 20 232 TE +37 20 233 TA +37 20 234 TA +37 20 235 TA +37 20 236 JA +37 20 237 JA +37 20 238 TA +37 20 239 HU +37 20 240 PO +37 20 241 OS +37 20 242 JA +37 20 243 PO +37 20 244 OS +37 20 245 HU +37 20 246 PO +37 20 247 PO +37 20 248 TE +37 20 249 TA +37 20 250 PO +37 20 251 TA +37 20 252 OS +37 20 253 TA +37 20 254 PO +37 20 255 TE +37 20 256 HU +37 20 257 PO +37 20 258 JA +37 20 259 HU +37 20 260 JA +37 20 261 HU +37 20 262 OS +37 20 263 TE +37 20 264 PO +37 20 265 TA +37 20 266 HU +37 20 267 HU +37 20 268 TA +37 20 269 HU +37 20 270 JA +37 20 271 TA +37 20 272 OS +37 20 273 PO +37 20 274 OS +37 20 275 JA +37 20 276 HU +37 20 277 PO +37 20 278 HU +37 20 279 TA +37 20 280 TA +37 20 281 TA +37 20 282 TA +37 20 283 PO +37 20 284 OS +37 20 285 HU +37 20 286 OS +37 20 287 PO +37 20 288 HU +37 20 289 TA +37 20 290 OS +37 20 291 PO +37 20 292 HU +37 20 293 PO +37 20 294 OS +37 20 295 TE +37 20 296 TA +37 20 297 JA +37 20 298 HU +37 20 299 TA +37 20 300 OS +37 20 301 TA +37 20 302 OS +37 20 303 OS +37 20 304 PO +37 20 305 PO +37 20 306 JA +37 20 307 TA +37 20 308 PO +37 20 309 TE +37 20 310 TA +37 20 311 PO +37 20 312 TE +37 20 313 PO +37 20 314 OS +37 20 315 TA +37 20 316 TA +37 20 317 HU +37 20 318 HU +37 20 319 OS +37 20 320 PO +37 20 321 HU +37 20 322 TA +37 20 323 TA +37 20 324 OS +37 20 325 PO +37 20 326 JA +37 20 327 OS +37 20 328 TA +37 20 329 PO +37 20 330 OS +37 21 1 PO +37 21 2 TA +37 21 3 HU +37 21 4 QU +37 21 5 TA +37 21 6 SE +37 21 7 TA +37 21 8 HU +37 21 9 PO +37 21 10 TA +37 21 11 TA +37 21 12 JA +37 21 13 TA +37 21 14 TA +37 21 15 SE +37 21 16 OS +37 21 17 HU +37 21 18 TE +37 21 19 TA +37 21 20 TA +37 21 21 HU +37 21 22 JA +37 21 23 QU +37 21 24 PO +37 21 25 TA +37 21 26 TA +37 21 27 OS +37 21 28 SE +37 21 29 TA +37 21 30 JA +37 21 31 PO +37 21 32 QU +37 21 33 TA +37 21 34 PO +37 21 35 SE +37 21 36 TA +37 21 37 PO +37 21 38 HU +37 21 39 TA +37 21 40 PO +37 21 41 HU +37 21 42 JA +37 21 43 PO +37 21 44 SE +37 21 45 TA +37 21 46 PO +37 21 47 PO +37 21 48 JA +37 21 49 PO +37 21 50 QU +37 21 51 PO +37 21 52 TA +37 21 53 QU +37 21 54 TA +37 21 55 PO +37 21 56 SE +37 21 57 PO +37 21 58 JA +37 21 59 SE +37 21 60 PO +37 21 61 HU +37 21 62 QU +37 21 63 SE +37 21 64 TA +37 21 65 HU +37 21 66 OS +37 21 67 TA +37 21 68 QU +37 21 69 PO +37 21 70 QU +37 21 71 QU +37 21 72 TA +37 21 73 QU +37 21 74 PO +37 21 75 TA +37 21 76 JA +37 21 77 PO +37 21 78 SE +37 21 79 PO +37 21 80 TA +37 21 81 TA +37 21 82 TA +37 21 83 JA +37 21 84 SE +37 21 85 TA +37 21 86 QU +37 21 87 PO +37 21 88 QU +37 21 89 TE +37 21 90 TA +37 21 91 TA +37 21 92 OS +37 21 93 PO +37 21 94 JE +37 21 95 TA +37 21 96 JA +37 21 97 QU +37 21 98 HU +37 21 99 QU +37 21 100 PO +37 21 101 QU +37 21 102 PO +37 21 103 PO +37 21 104 TA +37 21 105 QU +37 21 106 JA +37 21 107 OS +37 21 108 PO +37 21 109 TA +37 21 110 JA +37 21 111 PO +37 21 112 HU +37 21 113 TE +37 21 114 TA +37 21 115 HU +37 21 116 PO +37 21 117 JE +37 21 118 SE +37 21 119 TA +37 21 120 OS +37 21 121 JA +37 21 122 TA +37 21 123 PO +37 21 124 TA +37 21 125 JA +37 21 126 SE +37 21 127 PO +37 21 128 JA +37 21 129 OS +37 21 130 PO +37 21 131 QU +37 21 132 HU +37 21 133 TA +37 21 134 PO +37 21 135 QU +37 21 136 TA +37 21 137 PO +37 21 138 PO +37 21 139 OS +37 21 140 TA +37 21 141 OS +37 21 142 OS +37 21 143 TA +37 21 144 QU +37 21 145 TA +37 21 146 JA +37 21 147 TA +37 21 148 HU +37 21 149 TA +37 21 150 QU +37 21 151 SE +37 21 152 QU +37 21 153 TA +37 21 154 PO +37 21 155 PO +37 21 156 TA +37 21 157 PO +37 21 158 OS +37 21 159 JA +37 21 160 * +37 21 161 TA +37 21 162 HU +37 21 163 TA +37 21 164 TA +37 21 165 PO +37 21 166 TA +37 21 167 QU +37 21 168 TA +37 21 169 TA +37 21 170 TA +37 21 171 PO +37 21 172 OS +37 21 173 HU +37 21 174 JA +37 21 175 PO +37 21 176 HU +37 21 177 TA +37 21 178 TA +37 21 179 PO +37 21 180 TA +37 21 181 JA +37 21 182 QU +37 21 183 PO +37 21 184 QU +37 21 185 JA +37 21 186 TA +37 21 187 JA +37 21 188 TA +37 21 189 PO +37 21 190 SE +37 21 191 TA +37 21 192 QU +37 21 193 JA +37 21 194 PO +37 21 195 TA +37 21 196 TA +37 21 197 QU +37 21 198 TE +37 21 199 TA +37 21 200 TA +37 21 201 SE +37 21 202 TA +37 21 203 QU +37 21 204 PO +37 21 205 QU +37 21 206 TA +37 21 207 QU +37 21 208 JA +37 21 209 TA +37 21 210 PO +37 21 211 TA +37 21 212 JA +37 21 213 QU +37 21 214 TA +37 21 215 QU +37 21 216 PO +37 21 217 SE +37 21 218 JA +37 21 219 TA +37 21 220 QU +37 21 221 PO +37 21 222 QU +37 21 223 TA +37 21 224 OS +37 21 225 JA +37 21 226 TA +37 21 227 TE +37 21 228 PO +37 21 229 TA +37 21 230 SE +37 21 231 QU +37 21 232 JA +37 21 233 PO +37 21 234 TA +37 21 235 TA +37 21 236 TA +37 21 237 SE +37 21 238 TA +37 21 239 SE +37 21 240 PO +37 21 241 OS +37 21 242 JA +37 21 243 QU +37 21 244 TA +37 21 245 HU +37 21 246 TA +37 21 247 QU +37 21 248 PO +37 21 249 TA +37 21 250 QU +37 21 251 TA +37 21 252 OS +37 21 253 TA +37 21 254 PO +37 21 255 TE +37 21 256 HU +37 21 257 PO +37 21 258 JA +37 21 259 HU +37 21 260 TA +37 21 261 JA +37 21 262 OS +37 21 263 PO +37 21 264 TA +37 21 265 TA +37 21 266 HU +37 21 267 QU +37 21 268 TA +37 21 269 QU +37 21 270 JA +37 21 271 TA +37 21 272 OS +37 21 273 QU +37 21 274 OS +37 21 275 JA +37 21 276 HU +37 21 277 TA +37 21 278 SE +37 21 279 PO +37 21 280 TA +37 21 281 TA +37 21 282 TA +37 21 283 PO +37 21 284 TA +37 21 285 QU +37 21 286 OS +37 21 287 JA +37 21 288 HU +37 21 289 TA +37 21 290 OS +37 21 291 TA +37 21 292 SE +37 21 293 PO +37 21 294 TA +37 21 295 PO +37 21 296 QU +37 21 297 JA +37 21 298 HU +37 21 299 TA +37 21 300 PO +37 21 301 TA +37 21 302 OS +37 21 303 PO +37 21 304 TA +37 21 305 QU +37 21 306 TA +37 21 307 TA +37 21 308 QU +37 21 309 PO +37 21 310 TA +37 21 311 TA +37 21 312 TE +37 21 313 QU +37 21 314 OS +37 21 315 TA +37 21 316 TA +37 21 317 HU +37 21 318 JA +37 21 319 OS +37 21 320 JA +37 21 321 HU +37 21 322 PO +37 21 323 TA +37 21 324 OS +37 21 325 QU +37 21 326 JA +37 21 327 PO +37 21 328 TA +37 21 329 PO +37 21 330 TA +37 22 1 PO +37 22 2 TA +37 22 3 HU +37 22 4 TE +37 22 5 TA +37 22 6 JA +37 22 7 TA +37 22 8 HU +37 22 9 JA +37 22 10 TA +37 22 11 TE +37 22 12 JA +37 22 13 TE +37 22 14 TE +37 22 15 JA +37 22 16 PO +37 22 17 TA +37 22 18 TE +37 22 19 TA +37 22 20 TA +37 22 21 HU +37 22 22 JA +37 22 23 TA +37 22 24 TE +37 22 25 TA +37 22 26 TA +37 22 27 OS +37 22 28 HU +37 22 29 TA +37 22 30 JA +37 22 31 OS +37 22 32 TA +37 22 33 JA +37 22 34 TA +37 22 35 JA +37 22 36 TE +37 22 37 PO +37 22 38 HU +37 22 39 TA +37 22 40 TA +37 22 41 HU +37 22 42 PO +37 22 43 TE +37 22 44 PO +37 22 45 TA +37 22 46 PO +37 22 47 TE +37 22 48 JA +37 22 49 PO +37 22 50 TA +37 22 51 JA +37 22 52 OS +37 22 53 HU +37 22 54 TA +37 22 55 TA +37 22 56 JA +37 22 57 TA +37 22 58 PO +37 22 59 PO +37 22 60 TE +37 22 61 HU +37 22 62 PO +37 22 63 JA +37 22 64 TA +37 22 65 HU +37 22 66 OS +37 22 67 TA +37 22 68 HU +37 22 69 JA +37 22 70 PO +37 22 71 TE +37 22 72 TA +37 22 73 HU +37 22 74 OS +37 22 75 TE +37 22 76 JA +37 22 77 HU +37 22 78 PO +37 22 79 TE +37 22 80 TA +37 22 81 TA +37 22 82 TA +37 22 83 OS +37 22 84 JA +37 22 85 TA +37 22 86 JA +37 22 87 TE +37 22 88 JA +37 22 89 TE +37 22 90 TE +37 22 91 JA +37 22 92 OS +37 22 93 TA +37 22 94 TE +37 22 95 OS +37 22 96 JA +37 22 97 TA +37 22 98 HU +37 22 99 OS +37 22 100 PO +37 22 101 HU +37 22 102 PO +37 22 103 TE +37 22 104 PO +37 22 105 TA +37 22 106 JA +37 22 107 OS +37 22 108 PO +37 22 109 TA +37 22 110 JA +37 22 111 TE +37 22 112 HU +37 22 113 TE +37 22 114 TA +37 22 115 HU +37 22 116 OS +37 22 117 TE +37 22 118 PO +37 22 119 TA +37 22 120 OS +37 22 121 JA +37 22 122 TA +37 22 123 TA +37 22 124 JA +37 22 125 JA +37 22 126 PO +37 22 127 TA +37 22 128 JA +37 22 129 OS +37 22 130 TE +37 22 131 TA +37 22 132 HU +37 22 133 TA +37 22 134 TE +37 22 135 HU +37 22 136 TA +37 22 137 TE +37 22 138 PO +37 22 139 OS +37 22 140 TA +37 22 141 OS +37 22 142 OS +37 22 143 TA +37 22 144 TA +37 22 145 TA +37 22 146 JA +37 22 147 TA +37 22 148 HU +37 22 149 JA +37 22 150 TA +37 22 151 JA +37 22 152 JA +37 22 153 TA +37 22 154 TE +37 22 155 TE +37 22 156 TA +37 22 157 TE +37 22 158 OS +37 22 159 JA +37 22 160 PO +37 22 161 TA +37 22 162 HU +37 22 163 TA +37 22 164 TA +37 22 165 JA +37 22 166 TE +37 22 167 PO +37 22 168 TA +37 22 169 TA +37 22 170 TE +37 22 171 JA +37 22 172 OS +37 22 173 HU +37 22 174 JA +37 22 175 OS +37 22 176 HU +37 22 177 JA +37 22 178 TA +37 22 179 TE +37 22 180 TA +37 22 181 JA +37 22 182 TE +37 22 183 PO +37 22 184 * +37 22 185 JA +37 22 186 TA +37 22 187 JA +37 22 188 TA +37 22 189 OS +37 22 190 PO +37 22 191 TA +37 22 192 TA +37 22 193 JA +37 22 194 TE +37 22 195 TA +37 22 196 PO +37 22 197 PO +37 22 198 TE +37 22 199 OS +37 22 200 PO +37 22 201 JA +37 22 202 TE +37 22 203 HU +37 22 204 TE +37 22 205 TA +37 22 206 OS +37 22 207 HU +37 22 208 JA +37 22 209 TA +37 22 210 TE +37 22 211 TA +37 22 212 JA +37 22 213 PO +37 22 214 JA +37 22 215 PO +37 22 216 TE +37 22 217 OS +37 22 218 JA +37 22 219 OS +37 22 220 TA +37 22 221 OS +37 22 222 TA +37 22 223 TA +37 22 224 OS +37 22 225 JA +37 22 226 TA +37 22 227 TE +37 22 228 TE +37 22 229 JA +37 22 230 OS +37 22 231 TA +37 22 232 TE +37 22 233 PO +37 22 234 TA +37 22 235 TA +37 22 236 JA +37 22 237 OS +37 22 238 TA +37 22 239 PO +37 22 240 JA +37 22 241 OS +37 22 242 JA +37 22 243 TA +37 22 244 OS +37 22 245 HU +37 22 246 TA +37 22 247 TA +37 22 248 TE +37 22 249 TA +37 22 250 TA +37 22 251 JA +37 22 252 OS +37 22 253 TA +37 22 254 PO +37 22 255 TE +37 22 256 HU +37 22 257 TA +37 22 258 JA +37 22 259 HU +37 22 260 OS +37 22 261 JA +37 22 262 OS +37 22 263 PO +37 22 264 PO +37 22 265 TA +37 22 266 JA +37 22 267 TA +37 22 268 TA +37 22 269 JA +37 22 270 JA +37 22 271 TA +37 22 272 OS +37 22 273 JA +37 22 274 OS +37 22 275 PO +37 22 276 HU +37 22 277 TA +37 22 278 JA +37 22 279 TA +37 22 280 JA +37 22 281 TA +37 22 282 TA +37 22 283 TE +37 22 284 OS +37 22 285 JA +37 22 286 PO +37 22 287 JA +37 22 288 HU +37 22 289 PO +37 22 290 OS +37 22 291 TA +37 22 292 PO +37 22 293 OS +37 22 294 OS +37 22 295 PO +37 22 296 TA +37 22 297 JA +37 22 298 HU +37 22 299 TA +37 22 300 PO +37 22 301 TA +37 22 302 OS +37 22 303 PO +37 22 304 JA +37 22 305 TA +37 22 306 JA +37 22 307 TA +37 22 308 PO +37 22 309 TE +37 22 310 TA +37 22 311 TA +37 22 312 TE +37 22 313 TA +37 22 314 OS +37 22 315 TA +37 22 316 TA +37 22 317 HU +37 22 318 JA +37 22 319 OS +37 22 320 JA +37 22 321 HU +37 22 322 PO +37 22 323 TA +37 22 324 OS +37 22 325 HU +37 22 326 JA +37 22 327 OS +37 22 328 TA +37 22 329 TA +37 22 330 OS +37 23 1 PO +37 23 2 TA +37 23 3 HU +37 23 4 QU +37 23 5 TA +37 23 6 JA +37 23 7 TA +37 23 8 CH +37 23 9 PO +37 23 10 TA +37 23 11 TE +37 23 12 JA +37 23 13 PO +37 23 14 PO +37 23 15 PO +37 23 16 OS +37 23 17 JA +37 23 18 TE +37 23 19 PO +37 23 20 TA +37 23 21 HU +37 23 22 JA +37 23 23 PO +37 23 24 TE +37 23 25 TA +37 23 26 TA +37 23 27 OS +37 23 28 HU +37 23 29 TA +37 23 30 JA +37 23 31 PO +37 23 32 HU +37 23 33 TA +37 23 34 TA +37 23 35 JA +37 23 36 TE +37 23 37 PO +37 23 38 HU +37 23 39 TA +37 23 40 PO +37 23 41 HU +37 23 42 JA +37 23 43 TA +37 23 44 OS +37 23 45 TA +37 23 46 PO +37 23 47 TE +37 23 48 JA +37 23 49 PO +37 23 50 CH +37 23 51 PO +37 23 52 OS +37 23 53 HU +37 23 54 TA +37 23 55 TA +37 23 56 JA +37 23 57 TA +37 23 58 JA +37 23 59 PO +37 23 60 TE +37 23 61 HU +37 23 62 PO +37 23 63 JA +37 23 64 TA +37 23 65 HU +37 23 66 JA +37 23 67 TA +37 23 68 HU +37 23 69 PO +37 23 70 PO +37 23 71 HU +37 23 72 TA +37 23 73 HU +37 23 74 PO +37 23 75 TE +37 23 76 JA +37 23 77 TA +37 23 78 JA +37 23 79 TE +37 23 80 TA +37 23 81 TA +37 23 82 TA +37 23 83 JA +37 23 84 JA +37 23 85 TA +37 23 86 HU +37 23 87 TE +37 23 88 HU +37 23 89 TE +37 23 90 TE +37 23 91 TA +37 23 92 JA +37 23 93 TA +37 23 94 TE +37 23 95 TA +37 23 96 JA +37 23 97 HU +37 23 98 HU +37 23 99 HU +37 23 100 TA +37 23 101 HU +37 23 102 PO +37 23 103 JA +37 23 104 TA +37 23 105 HU +37 23 106 JA +37 23 107 OS +37 23 108 PO +37 23 109 TA +37 23 110 JA +37 23 111 TE +37 23 112 HU +37 23 113 TE +37 23 114 TA +37 23 115 HU +37 23 116 PO +37 23 117 TE +37 23 118 JA +37 23 119 TA +37 23 120 PO +37 23 121 JA +37 23 122 TA +37 23 123 PO +37 23 124 JA +37 23 125 JA +37 23 126 HU +37 23 127 TE +37 23 128 JA +37 23 129 PO +37 23 130 TE +37 23 131 HU +37 23 132 HU +37 23 133 TA +37 23 134 PO +37 23 135 HU +37 23 136 TA +37 23 137 TA +37 23 138 TA +37 23 139 PO +37 23 140 TA +37 23 141 OS +37 23 142 PO +37 23 143 JA +37 23 144 HU +37 23 145 TA +37 23 146 JA +37 23 147 TA +37 23 148 HU +37 23 149 TA +37 23 150 HU +37 23 151 JA +37 23 152 HU +37 23 153 TA +37 23 154 PO +37 23 155 TE +37 23 156 TA +37 23 157 PO +37 23 158 PO +37 23 159 JA +37 23 160 JA +37 23 161 TA +37 23 162 HU +37 23 163 TA +37 23 164 TA +37 23 165 PO +37 23 166 TA +37 23 167 JA +37 23 168 TA +37 23 169 TA +37 23 170 TE +37 23 171 JA +37 23 172 PO +37 23 173 HU +37 23 174 JA +37 23 175 PO +37 23 176 HU +37 23 177 JA +37 23 178 TA +37 23 179 HU +37 23 180 TA +37 23 181 JA +37 23 182 HU +37 23 183 HE +37 23 184 HU +37 23 185 JA +37 23 186 TA +37 23 187 JA +37 23 188 TA +37 23 189 PO +37 23 190 JA +37 23 191 TA +37 23 192 HU +37 23 193 JA +37 23 194 HU +37 23 195 TA +37 23 196 TA +37 23 197 HU +37 23 198 TE +37 23 199 JA +37 23 200 TA +37 23 201 JA +37 23 202 TA +37 23 203 HU +37 23 204 HE +37 23 205 HU +37 23 206 PO +37 23 207 HU +37 23 208 JA +37 23 209 TA +37 23 210 HE +37 23 211 TA +37 23 212 JA +37 23 213 PO +37 23 214 JA +37 23 215 HU +37 23 216 PO +37 23 217 JA +37 23 218 JA +37 23 219 PO +37 23 220 TA +37 23 221 PO +37 23 222 HU +37 23 223 TA +37 23 224 PO +37 23 225 JA +37 23 226 TA +37 23 227 TE +37 23 228 TA +37 23 229 TA +37 23 230 JA +37 23 231 HU +37 23 232 PO +37 23 233 TA +37 23 234 TA +37 23 235 TA +37 23 236 JA +37 23 237 JA +37 23 238 TA +37 23 239 HU +37 23 240 HE +37 23 241 OS +37 23 242 JA +37 23 243 HU +37 23 244 PO +37 23 245 HU +37 23 246 TA +37 23 247 HU +37 23 248 HE +37 23 249 TA +37 23 250 HU +37 23 251 TA +37 23 252 OS +37 23 253 TA +37 23 254 PO +37 23 255 TE +37 23 256 HU +37 23 257 TA +37 23 258 JA +37 23 259 HU +37 23 260 PO +37 23 261 JA +37 23 262 OS +37 23 263 HE +37 23 264 PO +37 23 265 TA +37 23 266 JA +37 23 267 HU +37 23 268 TA +37 23 269 HU +37 23 270 JA +37 23 271 TA +37 23 272 PO +37 23 273 HU +37 23 274 OS +37 23 275 JA +37 23 276 HU +37 23 277 TA +37 23 278 JA +37 23 279 TA +37 23 280 TA +37 23 281 TA +37 23 282 TA +37 23 283 HE +37 23 284 PO +37 23 285 JA +37 23 286 OS +37 23 287 JA +37 23 288 HU +37 23 289 TA +37 23 290 JA +37 23 291 TA +37 23 292 JA +37 23 293 TA +37 23 294 PO +37 23 295 HE +37 23 296 HU +37 23 297 JA +37 23 298 HU +37 23 299 TA +37 23 300 PO +37 23 301 TA +37 23 302 JA +37 23 303 TA +37 23 304 JA +37 23 305 HU +37 23 306 TA +37 23 307 TA +37 23 308 HU +37 23 309 HE +37 23 310 TA +37 23 311 TA +37 23 312 TE +37 23 313 TA +37 23 314 PO +37 23 315 TA +37 23 316 TA +37 23 317 HU +37 23 318 JA +37 23 319 OS +37 23 320 PO +37 23 321 HU +37 23 322 TA +37 23 323 TA +37 23 324 OS +37 23 325 HU +37 23 326 JA +37 23 327 TA +37 23 328 TA +37 23 329 PO +37 23 330 TA +37 24 1 TA +37 24 2 OS +37 24 3 HU +37 24 4 CU +37 24 5 TA +37 24 6 OS +37 24 7 TA +37 24 8 HU +37 24 9 PO +37 24 10 TA +37 24 11 TA +37 24 12 JA +37 24 13 TA +37 24 14 PO +37 24 15 CH +37 24 16 OS +37 24 17 HU +37 24 18 TE +37 24 19 TA +37 24 20 TA +37 24 21 HU +37 24 22 JA +37 24 23 QU +37 24 24 TE +37 24 25 TA +37 24 26 TA +37 24 27 OS +37 24 28 HU +37 24 29 TA +37 24 30 JA +37 24 31 TA +37 24 32 QU +37 24 33 TA +37 24 34 TA +37 24 35 HU +37 24 36 TA +37 24 37 TA +37 24 38 HU +37 24 39 TA +37 24 40 TA +37 24 41 HU +37 24 42 JA +37 24 43 TA +37 24 44 OS +37 24 45 TA +37 24 46 PO +37 24 47 TA +37 24 48 JA +37 24 49 TA +37 24 50 QU +37 24 51 JA +37 24 52 OS +37 24 53 HU +37 24 54 TA +37 24 55 TA +37 24 56 PO +37 24 57 TA +37 24 58 JA +37 24 59 JE +37 24 60 TA +37 24 61 HU +37 24 62 QU +37 24 63 HU +37 24 64 TA +37 24 65 HU +37 24 66 OS +37 24 67 TA +37 24 68 HU +37 24 69 JA +37 24 70 OS +37 24 71 HU +37 24 72 TA +37 24 73 QU +37 24 74 TA +37 24 75 TA +37 24 76 JA +37 24 77 TA +37 24 78 PO +37 24 79 TE +37 24 80 TA +37 24 81 JA +37 24 82 TA +37 24 83 OS +37 24 84 CH +37 24 85 TA +37 24 86 HU +37 24 87 TE +37 24 88 QU +37 24 89 TE +37 24 90 TA +37 24 91 JA +37 24 92 OS +37 24 93 TA +37 24 94 JE +37 24 95 OS +37 24 96 JA +37 24 97 QU +37 24 98 HU +37 24 99 PO +37 24 100 TA +37 24 101 HU +37 24 102 PO +37 24 103 JA +37 24 104 TA +37 24 105 QU +37 24 106 OS +37 24 107 OS +37 24 108 TA +37 24 109 TA +37 24 110 JA +37 24 111 TA +37 24 112 HU +37 24 113 TE +37 24 114 TA +37 24 115 HU +37 24 116 OS +37 24 117 JE +37 24 118 CH +37 24 119 TA +37 24 120 OS +37 24 121 HU +37 24 122 TA +37 24 123 TA +37 24 124 JA +37 24 125 HU +37 24 126 PO +37 24 127 TA +37 24 128 JA +37 24 129 OS +37 24 130 JA +37 24 131 QU +37 24 132 HU +37 24 133 TA +37 24 134 JE +37 24 135 HU +37 24 136 TA +37 24 137 TA +37 24 138 TA +37 24 139 OS +37 24 140 TA +37 24 141 OS +37 24 142 OS +37 24 143 JA +37 24 144 TA +37 24 145 TA +37 24 146 JA +37 24 147 TA +37 24 148 HU +37 24 149 TA +37 24 150 QU +37 24 151 HU +37 24 152 PO +37 24 153 TA +37 24 154 TE +37 24 155 JE +37 24 156 TA +37 24 157 PO +37 24 158 OS +37 24 159 JA +37 24 160 CH +37 24 161 TA +37 24 162 HU +37 24 163 TA +37 24 164 TA +37 24 165 JA +37 24 166 TA +37 24 167 PO +37 24 168 TA +37 24 169 TA +37 24 170 TA +37 24 171 JA +37 24 172 OS +37 24 173 HU +37 24 174 JA +37 24 175 TA +37 24 176 HU +37 24 177 JA +37 24 178 TA +37 24 179 PO +37 24 180 TA +37 24 181 JA +37 24 182 QU +37 24 183 JA +37 24 184 QU +37 24 185 JA +37 24 186 TA +37 24 187 JA +37 24 188 TA +37 24 189 TA +37 24 190 CH +37 24 191 TA +37 24 192 QU +37 24 193 JA +37 24 194 CU +37 24 195 TA +37 24 196 TA +37 24 197 QU +37 24 198 TE +37 24 199 OS +37 24 200 TA +37 24 201 JA +37 24 202 TA +37 24 203 HU +37 24 204 JE +37 24 205 TA +37 24 206 OS +37 24 207 HU +37 24 208 JA +37 24 209 TA +37 24 210 PO +37 24 211 TA +37 24 212 JA +37 24 213 PO +37 24 214 JA +37 24 215 QU +37 24 216 JE +37 24 217 OS +37 24 218 JA +37 24 219 OS +37 24 220 TA +37 24 221 OS +37 24 222 QU +37 24 223 TA +37 24 224 OS +37 24 225 JA +37 24 226 TA +37 24 227 JE +37 24 228 TA +37 24 229 TA +37 24 230 OS +37 24 231 QU +37 24 232 JA +37 24 233 TA +37 24 234 TA +37 24 235 TA +37 24 236 JA +37 24 237 PO +37 24 238 TA +37 24 239 HU +37 24 240 JE +37 24 241 OS +37 24 242 JA +37 24 243 CU +37 24 244 OS +37 24 245 HU +37 24 246 TA +37 24 247 QU +37 24 248 TA +37 24 249 TA +37 24 250 QU +37 24 251 TA +37 24 252 OS +37 24 253 TA +37 24 254 TA +37 24 255 JE +37 24 256 HU +37 24 257 TA +37 24 258 JA +37 24 259 HU +37 24 260 OS +37 24 261 JA +37 24 262 OS +37 24 263 PO +37 24 264 TA +37 24 265 TA +37 24 266 JA +37 24 267 QU +37 24 268 TA +37 24 269 QU +37 24 270 JA +37 24 271 TA +37 24 272 OS +37 24 273 QU +37 24 274 OS +37 24 275 JA +37 24 276 HU +37 24 277 TA +37 24 278 HU +37 24 279 TA +37 24 280 TA +37 24 281 TA +37 24 282 TA +37 24 283 PO +37 24 284 OS +37 24 285 CH +37 24 286 OS +37 24 287 JA +37 24 288 HU +37 24 289 TA +37 24 290 TA +37 24 291 CH +37 24 292 OS +37 24 293 OS +37 24 294 JE +37 24 295 TA +37 24 296 QU +37 24 297 JA +37 24 298 HU +37 24 299 TA +37 24 300 OS +37 24 301 TA +37 24 302 OS +37 24 303 OS +37 24 304 JA +37 24 305 TE +37 24 306 TA +37 24 307 TA +37 24 308 QU +37 24 309 JE +37 24 310 TA +37 24 311 TA +37 24 312 JE +37 24 313 TA +37 24 314 OS +37 24 315 TA +37 24 316 TA +37 24 317 QU +37 24 318 JA +37 24 319 OS +37 24 320 JA +37 24 321 HU +37 24 322 TA +37 24 323 TA +37 24 324 OS +37 24 325 QU +37 24 326 JA +37 24 327 OS +37 24 328 TA +37 24 329 JA +37 24 330 OS +37 25 1 TA +37 25 2 TA +37 25 3 HU +37 25 4 QU +37 25 5 TA +37 25 6 JA +37 25 7 TA +37 25 8 HU +37 25 9 PO +37 25 10 TA +37 25 11 TA +37 25 12 JA +37 25 13 TA +37 25 14 TE +37 25 15 PO +37 25 16 OS +37 25 17 HU +37 25 18 TE +37 25 19 TA +37 25 20 TA +37 25 21 HU +37 25 22 JA +37 25 23 HU +37 25 24 JA +37 25 25 TA +37 25 26 TA +37 25 27 OS +37 25 28 HU +37 25 29 TA +37 25 30 JA +37 25 31 TA +37 25 32 HU +37 25 33 TA +37 25 34 TA +37 25 35 HU +37 25 36 TE +37 25 37 PO +37 25 38 HU +37 25 39 TA +37 25 40 TA +37 25 41 HU +37 25 42 JA +37 25 43 TA +37 25 44 OS +37 25 45 TA +37 25 46 PO +37 25 47 TA +37 25 48 JA +37 25 49 TA +37 25 50 TA +37 25 51 TE +37 25 52 OS +37 25 53 HU +37 25 54 TA +37 25 55 TA +37 25 56 HU +37 25 57 TA +37 25 58 JA +37 25 59 PO +37 25 60 TE +37 25 61 HU +37 25 62 PO +37 25 63 HU +37 25 64 TA +37 25 65 HU +37 25 66 OS +37 25 67 TA +37 25 68 HU +37 25 69 TA +37 25 70 OS +37 25 71 HU +37 25 72 TA +37 25 73 TA +37 25 74 OS +37 25 75 TA +37 25 76 HU +37 25 77 TA +37 25 78 OS +37 25 79 TE +37 25 80 TA +37 25 81 JA +37 25 82 TA +37 25 83 JA +37 25 84 HU +37 25 85 TA +37 25 86 HU +37 25 87 TE +37 25 88 HU +37 25 89 TE +37 25 90 TE +37 25 91 JA +37 25 92 OS +37 25 93 TA +37 25 94 TE +37 25 95 OS +37 25 96 JA +37 25 97 TA +37 25 98 HU +37 25 99 OS +37 25 100 TA +37 25 101 HU +37 25 102 OS +37 25 103 PO +37 25 104 TA +37 25 105 QU +37 25 106 JA +37 25 107 OS +37 25 108 OS +37 25 109 TA +37 25 110 JA +37 25 111 TA +37 25 112 HU +37 25 113 TE +37 25 114 TA +37 25 115 HU +37 25 116 OS +37 25 117 PO +37 25 118 HU +37 25 119 TA +37 25 120 OS +37 25 121 HU +37 25 122 TA +37 25 123 TA +37 25 124 TA +37 25 125 JA +37 25 126 HU +37 25 127 TE +37 25 128 JA +37 25 129 OS +37 25 130 TE +37 25 131 TA +37 25 132 HU +37 25 133 TA +37 25 134 PO +37 25 135 HU +37 25 136 TA +37 25 137 TA +37 25 138 TA +37 25 139 PO +37 25 140 TA +37 25 141 OS +37 25 142 OS +37 25 143 TA +37 25 144 TA +37 25 145 TA +37 25 146 JA +37 25 147 TA +37 25 148 HU +37 25 149 TA +37 25 150 HU +37 25 151 HU +37 25 152 PO +37 25 153 TA +37 25 154 TE +37 25 155 PO +37 25 156 TA +37 25 157 PO +37 25 158 OS +37 25 159 JA +37 25 160 HU +37 25 161 TA +37 25 162 HU +37 25 163 TA +37 25 164 TA +37 25 165 PO +37 25 166 TA +37 25 167 PO +37 25 168 TA +37 25 169 TA +37 25 170 TE +37 25 171 TA +37 25 172 OS +37 25 173 HU +37 25 174 JA +37 25 175 PO +37 25 176 HU +37 25 177 JA +37 25 178 TA +37 25 179 HU +37 25 180 TA +37 25 181 JA +37 25 182 HU +37 25 183 PO +37 25 184 PO +37 25 185 JA +37 25 186 TA +37 25 187 JA +37 25 188 TA +37 25 189 PO +37 25 190 HU +37 25 191 TA +37 25 192 PO +37 25 193 JA +37 25 194 HU +37 25 195 TA +37 25 196 TA +37 25 197 JA +37 25 198 TE +37 25 199 OS +37 25 200 PO +37 25 201 OS +37 25 202 TA +37 25 203 HU +37 25 204 TE +37 25 205 TE +37 25 206 OS +37 25 207 HU +37 25 208 PO +37 25 209 TA +37 25 210 HU +37 25 211 TA +37 25 212 JA +37 25 213 PO +37 25 214 JA +37 25 215 PO +37 25 216 TA +37 25 217 HU +37 25 218 JA +37 25 219 OS +37 25 220 TA +37 25 221 OS +37 25 222 QU +37 25 223 TA +37 25 224 OS +37 25 225 JA +37 25 226 TA +37 25 227 TE +37 25 228 TA +37 25 229 TA +37 25 230 OS +37 25 231 QU +37 25 232 PO +37 25 233 TA +37 25 234 TA +37 25 235 TA +37 25 236 JA +37 25 237 OS +37 25 238 TA +37 25 239 HU +37 25 240 PO +37 25 241 OS +37 25 242 JA +37 25 243 HU +37 25 244 OS +37 25 245 HU +37 25 246 TA +37 25 247 QU +37 25 248 TA +37 25 249 TA +37 25 250 QU +37 25 251 TA +37 25 252 OS +37 25 253 TA +37 25 254 TA +37 25 255 TE +37 25 256 HU +37 25 257 TA +37 25 258 JA +37 25 259 HU +37 25 260 OS +37 25 261 JA +37 25 262 OS +37 25 263 PO +37 25 264 TA +37 25 265 TA +37 25 266 HU +37 25 267 HU +37 25 268 TA +37 25 269 HU +37 25 270 JA +37 25 271 TA +37 25 272 OS +37 25 273 HU +37 25 274 OS +37 25 275 JA +37 25 276 HU +37 25 277 TA +37 25 278 JA +37 25 279 TA +37 25 280 TA +37 25 281 TA +37 25 282 TA +37 25 283 PO +37 25 284 OS +37 25 285 HU +37 25 286 OS +37 25 287 JA +37 25 288 HU +37 25 289 TA +37 25 290 OS +37 25 291 TA +37 25 292 HU +37 25 293 OS +37 25 294 OS +37 25 295 PO +37 25 296 TA +37 25 297 JA +37 25 298 HU +37 25 299 TA +37 25 300 OS +37 25 301 TA +37 25 302 OS +37 25 303 PO +37 25 304 TA +37 25 305 QU +37 25 306 TA +37 25 307 TA +37 25 308 QU +37 25 309 TE +37 25 310 TA +37 25 311 TA +37 25 312 TE +37 25 313 TA +37 25 314 OS +37 25 315 TA +37 25 316 TA +37 25 317 HU +37 25 318 JA +37 25 319 OS +37 25 320 JA +37 25 321 HU +37 25 322 TA +37 25 323 TA +37 25 324 OS +37 25 325 TA +37 25 326 JA +37 25 327 PO +37 25 328 TA +37 25 329 JA +37 25 330 OS +38 1 1 DI +38 1 2 VE +38 1 3 AR +38 1 4 GU +38 1 5 VE +38 1 6 CH +38 1 7 VE +38 1 8 GU +38 1 9 GA +38 1 10 DI +38 1 11 VE +38 1 12 AM +38 1 13 VE +38 1 14 DI +38 1 15 RO +38 1 16 JA +38 1 17 AM +38 1 18 WU +38 1 19 DI +38 1 20 VE +38 1 21 RO +38 1 22 AM +38 1 23 GU +38 1 24 WU +38 1 25 DI +38 1 26 DI +38 1 27 JA +38 1 28 RO +38 1 29 RO +38 1 30 AM +38 1 31 DI +38 1 32 GU +38 1 33 VE +38 1 34 DI +38 1 35 AM +38 1 36 VE +38 1 37 DI +38 1 38 GU +38 1 39 VE +38 1 40 DI +38 1 41 FU +38 1 42 AM +38 1 43 DI +38 1 44 CH +38 1 45 VE +38 1 46 WU +38 1 47 WU +38 1 48 VE +38 1 49 AM +38 1 50 DI +38 1 51 GU +38 1 52 CH +38 1 53 VE +38 1 54 GU +38 1 55 VE +38 1 56 DI +38 1 57 VE +38 1 58 CH +38 1 59 JA +38 1 60 VE +38 1 61 FU +38 1 62 GU +38 1 63 RO +38 1 64 DI +38 1 65 RO +38 1 66 CH +38 1 67 VE +38 1 68 RO +38 1 69 VE +38 1 70 JA +38 1 71 GU +38 1 72 VE +38 1 73 GU +38 1 74 VE +38 1 75 VE +38 1 76 AR +38 1 77 DI +38 1 78 RO +38 1 79 WU +38 1 80 DI +38 1 81 VE +38 1 82 VE +38 1 83 VE +38 1 84 AR +38 1 85 RO +38 1 86 VE +38 1 87 RO +38 1 88 WU +38 1 89 GU +38 1 90 WU +38 1 91 RO +38 1 92 VE +38 1 93 CH +38 1 94 DI +38 1 95 WU +38 1 96 VE +38 1 97 AM +38 1 98 GU +38 1 99 RO +38 1 100 GA +38 1 101 VE +38 1 102 GU +38 1 103 DI +38 1 104 VE +38 1 105 DI +38 1 106 GU +38 1 107 AM +38 1 108 JA +38 1 109 VE +38 1 110 DI +38 1 111 AM +38 1 112 VE +38 1 113 RO +38 1 114 WU +38 1 115 VE +38 1 116 RO +38 1 117 DI +38 1 118 FU +38 1 119 RO +38 1 120 VE +38 1 121 JA +38 1 122 AM +38 1 123 VE +38 1 124 DI +38 1 125 VE +38 1 126 AM +38 1 127 RO +38 1 128 VE +38 1 129 AM +38 1 130 JA +38 1 131 WU +38 1 132 GU +38 1 133 AM +38 1 134 VE +38 1 135 CH +38 1 136 GU +38 1 137 DI +38 1 138 VE +38 1 139 DI +38 1 140 JA +38 1 141 DI +38 1 142 JA +38 1 143 DI +38 1 144 VE +38 1 145 VE +38 1 146 AM +38 1 147 VE +38 1 148 FU +38 1 149 VE +38 1 150 GU +38 1 151 RO +38 1 152 GU +38 1 153 DI +38 1 154 WU +38 1 155 CH +38 1 156 VE +38 1 157 CH +38 1 158 WU +38 1 159 AM +38 1 160 RO +38 1 161 VE +38 1 162 RO +38 1 163 VE +38 1 164 DI +38 1 165 VE +38 1 166 DI +38 1 167 GU +38 1 168 VE +38 1 169 DI +38 1 170 DI +38 1 171 VE +38 1 172 VE +38 1 173 RO +38 1 174 AM +38 1 175 VE +38 1 176 RO +38 1 177 AM +38 1 178 DI +38 1 179 GU +38 1 180 VE +38 1 181 AM +38 1 182 GU +38 1 183 AM +38 1 184 GU +38 1 185 AM +38 1 186 VE +38 1 187 AM +38 1 188 DI +38 1 189 DI +38 1 190 RO +38 1 191 VE +38 1 192 GU +38 1 193 VE +38 1 194 GU +38 1 195 VE +38 1 196 VE +38 1 197 GU +38 1 198 WU +38 1 199 DI +38 1 200 DI +38 1 201 RO +38 1 202 GU +38 1 203 VE +38 1 204 GU +38 1 205 GU +38 1 206 VE +38 1 207 RO +38 1 208 GU +38 1 209 GU +38 1 210 VE +38 1 211 DI +38 1 212 AM +38 1 213 AM +38 1 214 VE +38 1 215 RO +38 1 216 VE +38 1 217 GU +38 1 218 BE +38 1 219 VE +38 1 220 GU +38 1 221 VE +38 1 222 DI +38 1 223 VE +38 1 224 VE +38 1 225 VE +38 1 226 DI +38 1 227 WU +38 1 228 DI +38 1 229 VE +38 1 230 RO +38 1 231 GU +38 1 232 VE +38 1 233 GU +38 1 234 VE +38 1 235 DI +38 1 236 VE +38 1 237 AM +38 1 238 VE +38 1 239 RO +38 1 240 FU +38 1 241 JA +38 1 242 AM +38 1 243 AM +38 1 244 GU +38 1 245 VE +38 1 246 FU +38 1 247 VE +38 1 248 GU +38 1 249 VE +38 1 250 VE +38 1 251 GU +38 1 252 VE +38 1 253 VE +38 1 254 DI +38 1 255 WU +38 1 256 RO +38 1 257 DI +38 1 258 VE +38 1 259 FU +38 1 260 VE +38 1 261 JA +38 1 262 VE +38 1 263 RO +38 1 264 AM +38 1 265 VE +38 1 266 VE +38 1 267 JA +38 1 268 GU +38 1 269 DI +38 1 270 VE +38 1 271 AM +38 1 272 GU +38 1 273 VE +38 1 274 FU +38 1 275 VE +38 1 276 DI +38 1 277 WU +38 1 278 VE +38 1 279 RO +38 1 280 FU +38 1 281 VE +38 1 282 VE +38 1 283 CH +38 1 284 DI +38 1 285 RO +38 1 286 JA +38 1 287 CH +38 1 288 FU +38 1 289 VE +38 1 290 CH +38 1 291 DI +38 1 292 RO +38 1 293 DI +38 1 294 DI +38 1 295 GU +38 1 296 AM +38 1 297 AM +38 1 298 FU +38 1 299 VE +38 1 300 CH +38 1 301 VE +38 1 302 CH +38 1 303 DI +38 1 304 VE +38 1 305 GU +38 1 306 VE +38 1 307 DI +38 1 308 GU +38 1 309 WU +38 1 310 VE +38 1 311 DI +38 1 312 GU +38 1 313 WU +38 1 314 RO +38 1 315 VE +38 1 316 VE +38 1 317 GU +38 1 318 AM +38 1 319 JA +38 1 320 VE +38 1 321 RO +38 1 322 DI +38 1 323 VE +38 1 324 JA +38 1 325 GU +38 1 326 AM +38 1 327 VE +38 1 328 DI +38 1 329 CH +38 1 330 VE +38 2 1 DI +38 2 2 VE +38 2 3 AM +38 2 4 GU +38 2 5 VE +38 2 6 CH +38 2 7 VE +38 2 8 GU +38 2 9 GA +38 2 10 DI +38 2 11 VE +38 2 12 AM +38 2 13 VE +38 2 14 DI +38 2 15 RO +38 2 16 JA +38 2 17 AM +38 2 18 WU +38 2 19 DI +38 2 20 VE +38 2 21 RO +38 2 22 AM +38 2 23 GU +38 2 24 WU +38 2 25 DI +38 2 26 DI +38 2 27 JA +38 2 28 RO +38 2 29 RO +38 2 30 AM +38 2 31 DI +38 2 32 GU +38 2 33 VE +38 2 34 DI +38 2 35 AM +38 2 36 VE +38 2 37 DI +38 2 38 GU +38 2 39 VE +38 2 40 DI +38 2 41 FU +38 2 42 AM +38 2 43 DI +38 2 44 CH +38 2 45 VE +38 2 46 WU +38 2 47 WU +38 2 48 VE +38 2 49 AM +38 2 50 DI +38 2 51 GU +38 2 52 CH +38 2 53 VE +38 2 54 GU +38 2 55 VE +38 2 56 DI +38 2 57 VE +38 2 58 CH +38 2 59 JA +38 2 60 VE +38 2 61 FU +38 2 62 GU +38 2 63 RO +38 2 64 DI +38 2 65 RO +38 2 66 CH +38 2 67 VE +38 2 68 RO +38 2 69 VE +38 2 70 JA +38 2 71 GU +38 2 72 VE +38 2 73 GU +38 2 74 VE +38 2 75 VE +38 2 76 AR +38 2 77 DI +38 2 78 RO +38 2 79 WU +38 2 80 DI +38 2 81 BE +38 2 82 BE +38 2 83 VE +38 2 84 AM +38 2 85 RO +38 2 86 VE +38 2 87 RO +38 2 88 WU +38 2 89 GU +38 2 90 WU +38 2 91 RO +38 2 92 VE +38 2 93 CH +38 2 94 DI +38 2 95 WU +38 2 96 VE +38 2 97 AM +38 2 98 GU +38 2 99 RO +38 2 100 GU +38 2 101 VE +38 2 102 GU +38 2 103 DI +38 2 104 VE +38 2 105 DI +38 2 106 GU +38 2 107 AM +38 2 108 JA +38 2 109 VE +38 2 110 DI +38 2 111 AM +38 2 112 VE +38 2 113 RO +38 2 114 WU +38 2 115 VE +38 2 116 RO +38 2 117 DI +38 2 118 FU +38 2 119 RO +38 2 120 VE +38 2 121 JA +38 2 122 AM +38 2 123 VE +38 2 124 DI +38 2 125 VE +38 2 126 AM +38 2 127 RO +38 2 128 VE +38 2 129 AM +38 2 130 JA +38 2 131 WU +38 2 132 GU +38 2 133 AM +38 2 134 VE +38 2 135 CH +38 2 136 GU +38 2 137 DI +38 2 138 VE +38 2 139 DI +38 2 140 JA +38 2 141 DI +38 2 142 JA +38 2 143 DI +38 2 144 VE +38 2 145 VE +38 2 146 AM +38 2 147 VE +38 2 148 FU +38 2 149 VE +38 2 150 GU +38 2 151 RO +38 2 152 GU +38 2 153 DI +38 2 154 WU +38 2 155 CH +38 2 156 VE +38 2 157 CH +38 2 158 WU +38 2 159 AM +38 2 160 VE +38 2 161 RO +38 2 162 RO +38 2 163 VE +38 2 164 DI +38 2 165 VE +38 2 166 DI +38 2 167 GU +38 2 168 VE +38 2 169 DI +38 2 170 DI +38 2 171 VE +38 2 172 VE +38 2 173 RO +38 2 174 AM +38 2 175 VE +38 2 176 RO +38 2 177 AM +38 2 178 DI +38 2 179 GU +38 2 180 VE +38 2 181 AM +38 2 182 GU +38 2 183 AM +38 2 184 GU +38 2 185 AM +38 2 186 VE +38 2 187 AM +38 2 188 DI +38 2 189 DI +38 2 190 RO +38 2 191 VE +38 2 192 GU +38 2 193 VE +38 2 194 GU +38 2 195 VE +38 2 196 VE +38 2 197 GU +38 2 198 WU +38 2 199 DI +38 2 200 DI +38 2 201 RO +38 2 202 GU +38 2 203 VE +38 2 204 GU +38 2 205 GU +38 2 206 VE +38 2 207 RO +38 2 208 GU +38 2 209 GU +38 2 210 VE +38 2 211 DI +38 2 212 VE +38 2 213 DI +38 2 214 AM +38 2 215 VE +38 2 216 RO +38 2 217 VE +38 2 218 GU +38 2 219 BE +38 2 220 VE +38 2 221 GU +38 2 222 VE +38 2 223 DI +38 2 224 VE +38 2 225 VE +38 2 226 DI +38 2 227 WU +38 2 228 DI +38 2 229 VE +38 2 230 RO +38 2 231 GU +38 2 232 VE +38 2 233 GU +38 2 234 VE +38 2 235 DI +38 2 236 VE +38 2 237 AM +38 2 238 VE +38 2 239 RO +38 2 240 FU +38 2 241 JA +38 2 242 AM +38 2 243 AM +38 2 244 GU +38 2 245 VE +38 2 246 FU +38 2 247 VE +38 2 248 GU +38 2 249 VE +38 2 250 VE +38 2 251 GU +38 2 252 VE +38 2 253 VE +38 2 254 DI +38 2 255 WU +38 2 256 RO +38 2 257 DI +38 2 258 VE +38 2 259 FU +38 2 260 VE +38 2 261 JA +38 2 262 VE +38 2 263 RO +38 2 264 AM +38 2 265 VE +38 2 266 VE +38 2 267 JA +38 2 268 GU +38 2 269 DI +38 2 270 VE +38 2 271 AM +38 2 272 GU +38 2 273 VE +38 2 274 FU +38 2 275 VE +38 2 276 DI +38 2 277 WU +38 2 278 VE +38 2 279 RO +38 2 280 FU +38 2 281 VE +38 2 282 VE +38 2 283 CH +38 2 284 DI +38 2 285 RO +38 2 286 JA +38 2 287 CH +38 2 288 FU +38 2 289 VE +38 2 290 CH +38 2 291 DI +38 2 292 RO +38 2 293 DI +38 2 294 DI +38 2 295 GU +38 2 296 AM +38 2 297 AM +38 2 298 FU +38 2 299 VE +38 2 300 CH +38 2 301 VE +38 2 302 CH +38 2 303 DI +38 2 304 VE +38 2 305 GU +38 2 306 VE +38 2 307 DI +38 2 308 GU +38 2 309 WU +38 2 310 VE +38 2 311 DI +38 2 312 GU +38 2 313 WU +38 2 314 RO +38 2 315 VE +38 2 316 VE +38 2 317 GU +38 2 318 AM +38 2 319 JA +38 2 320 VE +38 2 321 RO +38 2 322 DI +38 2 323 VE +38 2 324 JA +38 2 325 GU +38 2 326 AM +38 2 327 VE +38 2 328 DI +38 2 329 CH +38 2 330 VE +38 3 1 DI +38 3 2 VE +38 3 3 FU +38 3 4 GU +38 3 5 VE +38 3 6 * +38 3 7 VE +38 3 8 FU +38 3 9 CH +38 3 10 DI +38 3 11 VE +38 3 12 AM +38 3 13 VE +38 3 14 VE +38 3 15 RO +38 3 16 JA +38 3 17 RO +38 3 18 WU +38 3 19 DI +38 3 20 VE +38 3 21 RO +38 3 22 AM +38 3 23 GU +38 3 24 CH +38 3 25 VE +38 3 26 DI +38 3 27 RO +38 3 28 RO +38 3 29 VE +38 3 30 CH +38 3 31 DI +38 3 32 BE +38 3 33 VE +38 3 34 RO +38 3 35 DI +38 3 36 AM +38 3 37 FU +38 3 38 DI +38 3 39 RO +38 3 40 VE +38 3 41 DI +38 3 42 VE +38 3 43 AR +38 3 44 DI +38 3 45 VE +38 3 46 GU +38 3 47 RO +38 3 48 AM +38 3 49 VE +38 3 50 DI +38 3 51 GU +38 3 52 CH +38 3 53 VE +38 3 54 GU +38 3 55 VE +38 3 56 DI +38 3 57 DI +38 3 58 AM +38 3 59 GU +38 3 60 DI +38 3 61 FU +38 3 62 GU +38 3 63 RO +38 3 64 DI +38 3 65 RO +38 3 66 JA +38 3 67 VE +38 3 68 GU +38 3 69 VE +38 3 70 GU +38 3 71 WU +38 3 72 RO +38 3 73 VE +38 3 74 RO +38 3 75 AM +38 3 76 DI +38 3 77 VE +38 3 78 FU +38 3 79 GU +38 3 80 DI +38 3 81 GU +38 3 82 DI +38 3 83 VE +38 3 84 DI +38 3 85 GU +38 3 86 AM +38 3 87 JA +38 3 88 DI +38 3 89 DI +38 3 90 AM +38 3 91 VE +38 3 92 RO +38 3 93 FU +38 3 94 VE +38 3 95 GU +38 3 96 DI +38 3 97 DI +38 3 98 VE +38 3 99 AM +38 3 100 GU +38 3 101 DI +38 3 102 WU +38 3 103 GU +38 3 104 AM +38 3 105 VE +38 3 106 CH +38 3 107 DI +38 3 108 CH +38 3 109 VE +38 3 110 VE +38 3 111 WU +38 3 112 GU +38 3 113 WU +38 3 114 DI +38 3 115 FU +38 3 116 DI +38 3 117 CH +38 3 118 RO +38 3 119 VE +38 3 120 JA +38 3 121 AM +38 3 122 VE +38 3 123 DI +38 3 124 VE +38 3 125 AM +38 3 126 RO +38 3 127 VE +38 3 128 VE +38 3 129 RO +38 3 130 VE +38 3 131 GU +38 3 132 CH +38 3 133 VE +38 3 134 FU +38 3 135 GU +38 3 136 DI +38 3 137 VE +38 3 138 DI +38 3 139 JA +38 3 140 DI +38 3 141 JA +38 3 142 DI +38 3 143 VE +38 3 144 GU +38 3 145 VE +38 3 146 AM +38 3 147 DI +38 3 148 FU +38 3 149 VE +38 3 150 GU +38 3 151 RO +38 3 152 GU +38 3 153 DI +38 3 154 BE +38 3 155 CH +38 3 156 VE +38 3 157 CH +38 3 158 JA +38 3 159 AM +38 3 160 RO +38 3 161 VE +38 3 162 FU +38 3 163 VE +38 3 164 DI +38 3 165 VE +38 3 166 DI +38 3 167 GU +38 3 168 VE +38 3 169 DI +38 3 170 VE +38 3 171 VE +38 3 172 JA +38 3 173 RO +38 3 174 AM +38 3 175 DI +38 3 176 SA +38 3 177 VE +38 3 178 DI +38 3 179 FU +38 3 180 VE +38 3 181 CH +38 3 182 FU +38 3 183 RO +38 3 184 GU +38 3 185 CH +38 3 186 DI +38 3 187 AM +38 3 188 DI +38 3 189 DI +38 3 190 RO +38 3 191 VE +38 3 192 GU +38 3 193 VE +38 3 194 FU +38 3 195 VE +38 3 196 DI +38 3 197 GU +38 3 198 WU +38 3 199 VE +38 3 200 DI +38 3 201 RO +38 3 202 VE +38 3 203 CH +38 3 204 FU +38 3 205 GU +38 3 206 JA +38 3 207 RO +38 3 208 CH +38 3 209 DI +38 3 210 CH +38 3 211 DI +38 3 212 AM +38 3 213 GU +38 3 214 VE +38 3 215 RO +38 3 216 VE +38 3 217 RO +38 3 218 VE +38 3 219 DI +38 3 220 DI +38 3 221 DI +38 3 222 GU +38 3 223 VE +38 3 224 RO +38 3 225 VE +38 3 226 DI +38 3 227 WU +38 3 228 DI +38 3 229 DI +38 3 230 RO +38 3 231 GU +38 3 232 CH +38 3 233 GU +38 3 234 VE +38 3 235 DI +38 3 236 VE +38 3 237 SA +38 3 238 DI +38 3 239 RO +38 3 240 CH +38 3 241 AM +38 3 242 AM +38 3 243 FU +38 3 244 DI +38 3 245 FU +38 3 246 DI +38 3 247 GU +38 3 248 VE +38 3 249 VE +38 3 250 GU +38 3 251 VE +38 3 252 RO +38 3 253 VE +38 3 254 DI +38 3 255 WU +38 3 256 RO +38 3 257 DI +38 3 258 VE +38 3 259 CH +38 3 260 VE +38 3 261 VE +38 3 262 RO +38 3 263 RO +38 3 264 BE +38 3 265 DI +38 3 266 VE +38 3 267 CH +38 3 268 GU +38 3 269 VE +38 3 270 GU +38 3 271 AM +38 3 272 VE +38 3 273 DI +38 3 274 GU +38 3 275 JA +38 3 276 VE +38 3 277 GU +38 3 278 DI +38 3 279 SA +38 3 280 DI +38 3 281 VE +38 3 282 VE +38 3 283 CH +38 3 284 DI +38 3 285 RO +38 3 286 JA +38 3 287 CH +38 3 288 RO +38 3 289 DI +38 3 290 RO +38 3 291 DI +38 3 292 RO +38 3 293 DI +38 3 294 DI +38 3 295 CH +38 3 296 GU +38 3 297 AM +38 3 298 FU +38 3 299 VE +38 3 300 BE +38 3 301 VE +38 3 302 RO +38 3 303 DI +38 3 304 VE +38 3 305 GU +38 3 306 VE +38 3 307 DI +38 3 308 * +38 3 309 GU +38 3 310 CH +38 3 311 VE +38 3 312 DI +38 3 313 WU +38 3 314 GU +38 3 315 RO +38 3 316 VE +38 3 317 VE +38 3 318 GU +38 3 319 SA +38 3 320 JA +38 3 321 VE +38 3 322 FU +38 3 323 DI +38 3 324 VE +38 3 325 RO +38 3 326 GU +38 3 327 AM +38 3 328 DI +38 3 329 VE +38 3 330 CH +38 4 1 DI +38 4 2 VE +38 4 3 FU +38 4 4 GU +38 4 5 VE +38 4 6 AR +38 4 7 VE +38 4 8 RO +38 4 9 CH +38 4 10 DI +38 4 11 VE +38 4 12 RO +38 4 13 VE +38 4 14 * +38 4 15 RO +38 4 16 BE +38 4 17 FU +38 4 18 WU +38 4 19 DI +38 4 20 VE +38 4 21 RO +38 4 22 AM +38 4 23 GU +38 4 24 CH +38 4 25 DI +38 4 26 DI +38 4 27 RO +38 4 28 RO +38 4 29 VE +38 4 30 AR +38 4 31 DI +38 4 32 RO +38 4 33 VE +38 4 34 DI +38 4 35 RO +38 4 36 VE +38 4 37 DI +38 4 38 RO +38 4 39 VE +38 4 40 DI +38 4 41 FU +38 4 42 AM +38 4 43 DI +38 4 44 RO +38 4 45 VE +38 4 46 RO +38 4 47 VE +38 4 48 AN +38 4 49 DI +38 4 50 GU +38 4 51 CH +38 4 52 DI +38 4 53 GU +38 4 54 VE +38 4 55 DI +38 4 56 RO +38 4 57 DI +38 4 58 AM +38 4 59 GU +38 4 60 VE +38 4 61 FU +38 4 62 GU +38 4 63 RO +38 4 64 DI +38 4 65 RO +38 4 66 JA +38 4 67 VE +38 4 68 RO +38 4 69 VE +38 4 70 DI +38 4 71 FU +38 4 72 VE +38 4 73 GU +38 4 74 DI +38 4 75 VE +38 4 76 AM +38 4 77 DI +38 4 78 RO +38 4 79 BE +38 4 80 DI +38 4 81 VE +38 4 82 VE +38 4 83 AM +38 4 84 RO +38 4 85 VE +38 4 86 RO +38 4 87 BE +38 4 88 GU +38 4 89 WU +38 4 90 VE +38 4 91 VE +38 4 92 RO +38 4 93 DI +38 4 94 CH +38 4 95 DI +38 4 96 AM +38 4 97 GU +38 4 98 RO +38 4 99 GU +38 4 100 VE +38 4 101 GU +38 4 102 DI +38 4 103 CH +38 4 104 DI +38 4 105 GU +38 4 106 AM +38 4 107 JA +38 4 108 DI +38 4 109 DI +38 4 110 AM +38 4 111 VE +38 4 112 RO +38 4 113 CH +38 4 114 VE +38 4 115 FU +38 4 116 DI +38 4 117 CH +38 4 118 RO +38 4 119 VE +38 4 120 JA +38 4 121 AR +38 4 122 VE +38 4 123 DI +38 4 124 VE +38 4 125 AM +38 4 126 RO +38 4 127 VE +38 4 128 AM +38 4 129 JA +38 4 130 VE +38 4 131 FU +38 4 132 VE +38 4 133 CH +38 4 134 GU +38 4 135 DI +38 4 136 VE +38 4 137 DI +38 4 138 GU +38 4 139 JA +38 4 140 DI +38 4 141 JA +38 4 142 DI +38 4 143 VE +38 4 144 GU +38 4 145 VE +38 4 146 AM +38 4 147 VE +38 4 148 FU +38 4 149 GU +38 4 150 VE +38 4 151 RO +38 4 152 GU +38 4 153 DI +38 4 154 BE +38 4 155 CH +38 4 156 VE +38 4 157 CH +38 4 158 JA +38 4 159 AM +38 4 160 RO +38 4 161 VE +38 4 162 RO +38 4 163 DI +38 4 164 DI +38 4 165 VE +38 4 166 VE +38 4 167 GU +38 4 168 VE +38 4 169 DI +38 4 170 VE +38 4 171 VE +38 4 172 JA +38 4 173 RO +38 4 174 AM +38 4 175 DI +38 4 176 RO +38 4 177 AM +38 4 178 DI +38 4 179 FU +38 4 180 VE +38 4 181 AM +38 4 182 GU +38 4 183 CH +38 4 184 GU +38 4 185 AM +38 4 186 DI +38 4 187 AM +38 4 188 DI +38 4 189 RO +38 4 190 DI +38 4 191 VE +38 4 192 GU +38 4 193 AM +38 4 194 FU +38 4 195 VE +38 4 196 VE +38 4 197 GU +38 4 198 WU +38 4 199 DI +38 4 200 DI +38 4 201 RO +38 4 202 VE +38 4 203 GU +38 4 204 CH +38 4 205 GU +38 4 206 AM +38 4 207 RO +38 4 208 AR +38 4 209 VE +38 4 210 CH +38 4 211 DI +38 4 212 AM +38 4 213 GU +38 4 214 VE +38 4 215 RO +38 4 216 VE +38 4 217 RO +38 4 218 VE +38 4 219 DI +38 4 220 DI +38 4 221 DI +38 4 222 GU +38 4 223 VE +38 4 224 JA +38 4 225 AM +38 4 226 VE +38 4 227 WU +38 4 228 DI +38 4 229 VE +38 4 230 JA +38 4 231 GU +38 4 232 CH +38 4 233 DI +38 4 234 VE +38 4 235 DI +38 4 236 VE +38 4 237 RO +38 4 238 DI +38 4 239 RO +38 4 240 CH +38 4 241 JA +38 4 242 AM +38 4 243 AM +38 4 244 GU +38 4 245 DI +38 4 246 FU +38 4 247 VE +38 4 248 GU +38 4 249 VE +38 4 250 VE +38 4 251 GU +38 4 252 VE +38 4 253 JA +38 4 254 VE +38 4 255 DI +38 4 256 CH +38 4 257 RO +38 4 258 DI +38 4 259 AM +38 4 260 FU +38 4 261 AM +38 4 262 JA +38 4 263 BE +38 4 264 DI +38 4 265 VE +38 4 266 AR +38 4 267 VE +38 4 268 VE +38 4 269 GU +38 4 270 AM +38 4 271 VE +38 4 272 DI +38 4 273 GU +38 4 274 JA +38 4 275 AM +38 4 276 VE +38 4 277 DI +38 4 278 RO +38 4 279 GU +38 4 280 VE +38 4 281 VE +38 4 282 VE +38 4 283 CH +38 4 284 DI +38 4 285 RO +38 4 286 JA +38 4 287 CH +38 4 288 FU +38 4 289 RO +38 4 290 JA +38 4 291 DI +38 4 292 DI +38 4 293 DI +38 4 294 RO +38 4 295 DI +38 4 296 GU +38 4 297 DI +38 4 298 FU +38 4 299 VE +38 4 300 BE +38 4 301 VE +38 4 302 RO +38 4 303 DI +38 4 304 JA +38 4 305 GU +38 4 306 VE +38 4 307 DI +38 4 308 GU +38 4 309 CH +38 4 310 VE +38 4 311 DI +38 4 312 WU +38 4 313 DI +38 4 314 JA +38 4 315 VE +38 4 316 VE +38 4 317 GU +38 4 318 AM +38 4 319 JA +38 4 320 VE +38 4 321 RO +38 4 322 DI +38 4 323 VE +38 4 324 JA +38 4 325 GU +38 4 326 AM +38 4 327 DI +38 4 328 VE +38 4 329 CH +38 4 330 VE +38 5 1 DI +38 5 2 VE +38 5 3 FU +38 5 4 GU +38 5 5 VE +38 5 6 * +38 5 7 VE +38 5 8 GU +38 5 9 CH +38 5 10 DI +38 5 11 VE +38 5 12 AM +38 5 13 VE +38 5 14 VE +38 5 15 GU +38 5 16 JA +38 5 17 FU +38 5 18 WU +38 5 19 DI +38 5 20 VE +38 5 21 RO +38 5 22 AM +38 5 23 GU +38 5 24 WU +38 5 25 DI +38 5 26 DI +38 5 27 RO +38 5 28 RO +38 5 29 VE +38 5 30 FU +38 5 31 DI +38 5 32 GU +38 5 33 VE +38 5 34 DI +38 5 35 RO +38 5 36 VE +38 5 37 DI +38 5 38 GU +38 5 39 VE +38 5 40 DI +38 5 41 FU +38 5 42 AM +38 5 43 DI +38 5 44 RO +38 5 45 BE +38 5 46 VE +38 5 47 VE +38 5 48 AM +38 5 49 DI +38 5 50 GU +38 5 51 AM +38 5 52 VE +38 5 53 RO +38 5 54 VE +38 5 55 DI +38 5 56 RO +38 5 57 VE +38 5 58 * +38 5 59 GU +38 5 60 VE +38 5 61 FU +38 5 62 GU +38 5 63 RO +38 5 64 DI +38 5 65 RO +38 5 66 JA +38 5 67 VE +38 5 68 GU +38 5 69 VE +38 5 70 VE +38 5 71 FU +38 5 72 VE +38 5 73 GU +38 5 74 DI +38 5 75 VE +38 5 76 FU +38 5 77 DI +38 5 78 RO +38 5 79 WU +38 5 80 DI +38 5 81 VE +38 5 82 VE +38 5 83 AM +38 5 84 RO +38 5 85 VE +38 5 86 RO +38 5 87 WU +38 5 88 GU +38 5 89 WU +38 5 90 VE +38 5 91 VE +38 5 92 JA +38 5 93 DI +38 5 94 WU +38 5 95 DI +38 5 96 AM +38 5 97 GU +38 5 98 FU +38 5 99 GU +38 5 100 VE +38 5 101 GU +38 5 102 DI +38 5 103 VE +38 5 104 GU +38 5 105 GU +38 5 106 AM +38 5 107 JA +38 5 108 VE +38 5 109 DI +38 5 110 * +38 5 111 VE +38 5 112 FU +38 5 113 WU +38 5 114 VE +38 5 115 FU +38 5 116 DI +38 5 117 FU +38 5 118 RO +38 5 119 VE +38 5 120 JA +38 5 121 FU +38 5 122 VE +38 5 123 DI +38 5 124 FU +38 5 125 JA +38 5 126 RO +38 5 127 VE +38 5 128 VE +38 5 129 VE +38 5 130 FU +38 5 131 GU +38 5 132 FU +38 5 133 VE +38 5 134 FU +38 5 135 GU +38 5 136 DI +38 5 137 VE +38 5 138 DI +38 5 139 GU +38 5 140 DI +38 5 141 JA +38 5 142 GU +38 5 143 VE +38 5 144 GU +38 5 145 VE +38 5 146 FU +38 5 147 VE +38 5 148 FU +38 5 149 VE +38 5 150 GU +38 5 151 RO +38 5 152 GU +38 5 153 DI +38 5 154 WU +38 5 155 VE +38 5 156 VE +38 5 157 * +38 5 158 JA +38 5 159 AM +38 5 160 AM +38 5 161 VE +38 5 162 RO +38 5 163 VE +38 5 164 DI +38 5 165 VE +38 5 166 DI +38 5 167 GU +38 5 168 VE +38 5 169 DI +38 5 170 VE +38 5 171 VE +38 5 172 JA +38 5 173 AM +38 5 174 DI +38 5 175 RO +38 5 176 VE +38 5 177 DI +38 5 178 * +38 5 179 AM +38 5 180 VE +38 5 181 FU +38 5 182 AM +38 5 183 GU +38 5 184 CH +38 5 185 DI +38 5 186 AM +38 5 187 DI +38 5 188 DI +38 5 189 RO +38 5 190 VE +38 5 191 GU +38 5 192 VE +38 5 193 FU +38 5 194 VE +38 5 195 VE +38 5 196 VE +38 5 197 GU +38 5 198 WU +38 5 199 VE +38 5 200 DI +38 5 201 RO +38 5 202 VE +38 5 203 RO +38 5 204 CH +38 5 205 GU +38 5 206 AM +38 5 207 RO +38 5 208 AM +38 5 209 VE +38 5 210 FU +38 5 211 DI +38 5 212 AM +38 5 213 GU +38 5 214 VE +38 5 215 GU +38 5 216 WU +38 5 217 RO +38 5 218 VE +38 5 219 DI +38 5 220 GU +38 5 221 DI +38 5 222 GU +38 5 223 VE +38 5 224 RO +38 5 225 VE +38 5 226 DI +38 5 227 DI +38 5 228 VE +38 5 229 RO +38 5 230 GU +38 5 231 VE +38 5 232 VE +38 5 233 GU +38 5 234 VE +38 5 235 DI +38 5 236 VE +38 5 237 RO +38 5 238 VE +38 5 239 RO +38 5 240 FU +38 5 241 JA +38 5 242 AM +38 5 243 GU +38 5 244 DI +38 5 245 FU +38 5 246 VE +38 5 247 GU +38 5 248 VE +38 5 249 VE +38 5 250 GU +38 5 251 VE +38 5 252 RO +38 5 253 VE +38 5 254 DI +38 5 255 CH +38 5 256 RO +38 5 257 DI +38 5 258 FU +38 5 259 VE +38 5 260 RO +38 5 261 AM +38 5 262 JA +38 5 263 BA +38 5 264 DI +38 5 265 DI +38 5 266 FU +38 5 267 GU +38 5 268 VE +38 5 269 GU +38 5 270 AM +38 5 271 VE +38 5 272 DI +38 5 273 GU +38 5 274 JA +38 5 275 VE +38 5 276 FU +38 5 277 DI +38 5 278 RO +38 5 279 GU +38 5 280 VE +38 5 281 VE +38 5 282 VE +38 5 283 CH +38 5 284 DI +38 5 285 RO +38 5 286 JA +38 5 287 AM +38 5 288 FU +38 5 289 DI +38 5 290 CH +38 5 291 DI +38 5 292 RO +38 5 293 VE +38 5 294 DI +38 5 295 CH +38 5 296 GU +38 5 297 AM +38 5 298 FU +38 5 299 VE +38 5 300 BA +38 5 301 VE +38 5 302 RO +38 5 303 DI +38 5 304 GU +38 5 305 VE +38 5 306 VE +38 5 307 VE +38 5 308 DI +38 5 309 VE +38 5 310 VE +38 5 311 DI +38 5 312 WU +38 5 313 GU +38 5 314 RO +38 5 315 VE +38 5 316 VE +38 5 317 GU +38 5 318 SA +38 5 319 RO +38 5 320 VE +38 5 321 FU +38 5 322 DI +38 5 323 VE +38 5 324 RO +38 5 325 GU +38 5 326 FU +38 5 327 DI +38 5 328 VE +38 5 329 CH +38 5 330 DI +38 6 1 DI +38 6 2 VE +38 6 3 FU +38 6 4 * +38 6 5 DI +38 6 6 AM +38 6 7 VE +38 6 8 FU +38 6 9 CH +38 6 10 DI +38 6 11 VE +38 6 12 AM +38 6 13 VE +38 6 14 DI +38 6 15 RO +38 6 16 JA +38 6 17 AM +38 6 18 WU +38 6 19 DI +38 6 20 VE +38 6 21 RO +38 6 22 AM +38 6 23 FU +38 6 24 CH +38 6 25 DI +38 6 26 DI +38 6 27 JA +38 6 28 RO +38 6 29 VE +38 6 30 AM +38 6 31 DI +38 6 32 RO +38 6 33 VE +38 6 34 DI +38 6 35 RO +38 6 36 VE +38 6 37 DI +38 6 38 RO +38 6 39 VE +38 6 40 DI +38 6 41 RO +38 6 42 * +38 6 43 DI +38 6 44 JA +38 6 45 VE +38 6 46 BE +38 6 47 VE +38 6 48 AM +38 6 49 DI +38 6 50 FU +38 6 51 CH +38 6 52 VE +38 6 53 GU +38 6 54 VE +38 6 55 DI +38 6 56 RO +38 6 57 DI +38 6 58 CH +38 6 59 JA +38 6 60 DI +38 6 61 GU +38 6 62 GU +38 6 63 RO +38 6 64 DI +38 6 65 RO +38 6 66 JA +38 6 67 VE +38 6 68 GU +38 6 69 VE +38 6 70 JA +38 6 71 GU +38 6 72 VE +38 6 73 FU +38 6 74 DI +38 6 75 VE +38 6 76 AM +38 6 77 DI +38 6 78 RO +38 6 79 DI +38 6 80 DI +38 6 81 VE +38 6 82 DI +38 6 83 JA +38 6 84 RO +38 6 85 VE +38 6 86 RO +38 6 87 DI +38 6 88 GU +38 6 89 DI +38 6 90 VE +38 6 91 VE +38 6 92 JA +38 6 93 DI +38 6 94 CH +38 6 95 DI +38 6 96 AM +38 6 97 FU +38 6 98 FU +38 6 99 GU +38 6 100 DI +38 6 101 FU +38 6 102 DI +38 6 103 VE +38 6 104 DI +38 6 105 GU +38 6 106 AM +38 6 107 JA +38 6 108 DI +38 6 109 DI +38 6 110 AM +38 6 111 VE +38 6 112 RO +38 6 113 WU +38 6 114 DI +38 6 115 RO +38 6 116 DI +38 6 117 CH +38 6 118 RO +38 6 119 VE +38 6 120 JA +38 6 121 AM +38 6 122 VE +38 6 123 DI +38 6 124 VE +38 6 125 AM +38 6 126 RO +38 6 127 DI +38 6 128 VE +38 6 129 JA +38 6 130 DI +38 6 131 FU +38 6 132 VE +38 6 133 GU +38 6 134 RO +38 6 135 DI +38 6 136 VE +38 6 137 DI +38 6 138 FU +38 6 139 JA +38 6 140 DI +38 6 141 JA +38 6 142 DI +38 6 143 VE +38 6 144 FU +38 6 145 DI +38 6 146 AM +38 6 147 DI +38 6 148 RO +38 6 149 GU +38 6 150 VE +38 6 151 RO +38 6 152 GU +38 6 153 DI +38 6 154 CH +38 6 155 VE +38 6 156 VE +38 6 157 CH +38 6 158 JA +38 6 159 RO +38 6 160 RO +38 6 161 DI +38 6 162 GU +38 6 163 DI +38 6 164 DI +38 6 165 VE +38 6 166 DI +38 6 167 FU +38 6 168 VE +38 6 169 DI +38 6 170 DI +38 6 171 VE +38 6 172 JA +38 6 173 RO +38 6 174 AM +38 6 175 DI +38 6 176 RO +38 6 177 VE +38 6 178 DI +38 6 179 GU +38 6 180 VE +38 6 181 AM +38 6 182 GU +38 6 183 CH +38 6 184 GU +38 6 185 CH +38 6 186 DI +38 6 187 AM +38 6 188 DI +38 6 189 RO +38 6 190 DI +38 6 191 DI +38 6 192 GU +38 6 193 VE +38 6 194 GU +38 6 195 VE +38 6 196 DI +38 6 197 FU +38 6 198 WU +38 6 199 DI +38 6 200 DI +38 6 201 RO +38 6 202 VE +38 6 203 RO +38 6 204 CH +38 6 205 GU +38 6 206 DI +38 6 207 RO +38 6 208 CH +38 6 209 VE +38 6 210 GU +38 6 211 DI +38 6 212 AM +38 6 213 RO +38 6 214 VE +38 6 215 FU +38 6 216 VE +38 6 217 RO +38 6 218 VE +38 6 219 DI +38 6 220 GU +38 6 221 DI +38 6 222 FU +38 6 223 VE +38 6 224 JA +38 6 225 VE +38 6 226 DI +38 6 227 WU +38 6 228 DI +38 6 229 VE +38 6 230 JA +38 6 231 GU +38 6 232 VE +38 6 233 GU +38 6 234 VE +38 6 235 DI +38 6 236 VE +38 6 237 RO +38 6 238 DI +38 6 239 RO +38 6 240 GU +38 6 241 JA +38 6 242 AM +38 6 243 AM +38 6 244 GU +38 6 245 DI +38 6 246 FU +38 6 247 RO +38 6 248 GU +38 6 249 VE +38 6 250 VE +38 6 251 GU +38 6 252 VE +38 6 253 DI +38 6 254 DI +38 6 255 WU +38 6 256 RO +38 6 257 DI +38 6 258 AM +38 6 259 RO +38 6 260 DI +38 6 261 JA +38 6 262 FU +38 6 263 DI +38 6 264 VE +38 6 265 RO +38 6 266 FU +38 6 267 VE +38 6 268 GU +38 6 269 AM +38 6 270 VE +38 6 271 DI +38 6 272 RO +38 6 273 JA +38 6 274 VE +38 6 275 DI +38 6 276 DI +38 6 277 RO +38 6 278 FU +38 6 279 VE +38 6 280 FU +38 6 281 VE +38 6 282 VE +38 6 283 CH +38 6 284 JA +38 6 285 RO +38 6 286 JA +38 6 287 CH +38 6 288 RO +38 6 289 RO +38 6 290 DI +38 6 291 DI +38 6 292 DI +38 6 293 CH +38 6 294 DI +38 6 295 VE +38 6 296 AM +38 6 297 GU +38 6 298 JA +38 6 299 VE +38 6 300 DI +38 6 301 RO +38 6 302 VE +38 6 303 JA +38 6 304 RO +38 6 305 GU +38 6 306 GU +38 6 307 VE +38 6 308 VE +38 6 309 VE +38 6 310 DI +38 6 311 WU +38 6 312 VE +38 6 313 GU +38 6 314 JA +38 6 315 FU +38 6 316 DI +38 6 317 GU +38 6 318 RO +38 6 319 JA +38 6 320 VE +38 6 321 DI +38 6 322 RO +38 6 323 DI +38 6 324 DI +38 6 325 JA +38 6 326 GU +38 6 327 AM +38 6 328 VE +38 6 329 DI +38 6 330 CH +38 7 1 DI +38 7 2 DI +38 7 3 FU +38 7 4 GU +38 7 5 VE +38 7 6 SA +38 7 7 VE +38 7 8 FU +38 7 9 CH +38 7 10 DI +38 7 11 AM +38 7 12 VE +38 7 13 VE +38 7 14 DI +38 7 15 GU +38 7 16 JA +38 7 17 SA +38 7 18 WU +38 7 19 DI +38 7 20 VE +38 7 21 RO +38 7 22 AM +38 7 23 GU +38 7 24 CH +38 7 25 VE +38 7 26 DI +38 7 27 RO +38 7 28 RO +38 7 29 VE +38 7 30 DI +38 7 31 GU +38 7 32 VE +38 7 33 DI +38 7 34 RO +38 7 35 VE +38 7 36 DI +38 7 37 GU +38 7 38 VE +38 7 39 DI +38 7 40 FU +38 7 41 AM +38 7 42 DI +38 7 43 RO +38 7 44 VE +38 7 45 BE +38 7 46 VE +38 7 47 AM +38 7 48 DI +38 7 49 GU +38 7 50 CH +38 7 51 VE +38 7 52 GU +38 7 53 VE +38 7 54 DI +38 7 55 VE +38 7 56 RO +38 7 57 AM +38 7 58 GU +38 7 59 FU +38 7 60 FU +38 7 61 DI +38 7 62 GU +38 7 63 RO +38 7 64 GU +38 7 65 RO +38 7 66 AM +38 7 67 VE +38 7 68 RO +38 7 69 VE +38 7 70 GU +38 7 71 FU +38 7 72 VE +38 7 73 GU +38 7 74 DI +38 7 75 VE +38 7 76 AM +38 7 77 DI +38 7 78 RO +38 7 79 WU +38 7 80 DI +38 7 81 VE +38 7 82 DI +38 7 83 AM +38 7 84 RO +38 7 85 VE +38 7 86 RO +38 7 87 WU +38 7 88 GU +38 7 89 WU +38 7 90 VE +38 7 91 VE +38 7 92 DI +38 7 93 JA +38 7 94 DI +38 7 95 CH +38 7 96 VE +38 7 97 AM +38 7 98 GU +38 7 99 FU +38 7 100 GU +38 7 101 VE +38 7 102 GU +38 7 103 GU +38 7 104 VE +38 7 105 DI +38 7 106 GU +38 7 107 AM +38 7 108 JA +38 7 109 VE +38 7 110 DI +38 7 111 AM +38 7 112 RO +38 7 113 WU +38 7 114 VE +38 7 115 FU +38 7 116 DI +38 7 117 CH +38 7 118 RO +38 7 119 VE +38 7 120 JA +38 7 121 AM +38 7 122 VE +38 7 123 DI +38 7 124 VE +38 7 125 AM +38 7 126 RO +38 7 127 VE +38 7 128 VE +38 7 129 JA +38 7 130 WU +38 7 131 GU +38 7 132 FU +38 7 133 VE +38 7 134 CH +38 7 135 GU +38 7 136 DI +38 7 137 VE +38 7 138 DI +38 7 139 BE +38 7 140 DI +38 7 141 JA +38 7 142 VE +38 7 143 GU +38 7 144 VE +38 7 145 AM +38 7 146 VE +38 7 147 FU +38 7 148 VE +38 7 149 FU +38 7 150 GU +38 7 151 RO +38 7 152 GU +38 7 153 DI +38 7 154 BE +38 7 155 CH +38 7 156 VE +38 7 157 CH +38 7 158 JA +38 7 159 AM +38 7 160 RO +38 7 161 VE +38 7 162 FU +38 7 163 DI +38 7 164 DI +38 7 165 VE +38 7 166 DI +38 7 167 GU +38 7 168 VE +38 7 169 DI +38 7 170 DI +38 7 171 VE +38 7 172 JA +38 7 173 RO +38 7 174 AM +38 7 175 DI +38 7 176 RO +38 7 177 VE +38 7 178 DI +38 7 179 FU +38 7 180 VE +38 7 181 AM +38 7 182 FU +38 7 183 CH +38 7 184 GU +38 7 185 CH +38 7 186 DI +38 7 187 AM +38 7 188 DI +38 7 189 DI +38 7 190 RO +38 7 191 VE +38 7 192 GU +38 7 193 VE +38 7 194 FU +38 7 195 VE +38 7 196 DI +38 7 197 GU +38 7 198 WU +38 7 199 VE +38 7 200 DI +38 7 201 RO +38 7 202 VE +38 7 203 GU +38 7 204 CH +38 7 205 DI +38 7 206 VE +38 7 207 RO +38 7 208 CH +38 7 209 VE +38 7 210 FU +38 7 211 DI +38 7 212 AM +38 7 213 GU +38 7 214 AM +38 7 215 VE +38 7 216 GU +38 7 217 VE +38 7 218 RO +38 7 219 VE +38 7 220 DI +38 7 221 DI +38 7 222 DI +38 7 223 VE +38 7 224 JA +38 7 225 VE +38 7 226 DI +38 7 227 WU +38 7 228 DI +38 7 229 VE +38 7 230 JA +38 7 231 GU +38 7 232 CH +38 7 233 DI +38 7 234 VE +38 7 235 DI +38 7 236 VE +38 7 237 AM +38 7 238 AM +38 7 239 RO +38 7 240 DI +38 7 241 RO +38 7 242 CH +38 7 243 AM +38 7 244 AM +38 7 245 FU +38 7 246 DI +38 7 247 FU +38 7 248 VE +38 7 249 VE +38 7 250 GU +38 7 251 VE +38 7 252 RO +38 7 253 DI +38 7 254 DI +38 7 255 WU +38 7 256 RO +38 7 257 DI +38 7 258 VE +38 7 259 AM +38 7 260 FU +38 7 261 VE +38 7 262 JA +38 7 263 BE +38 7 264 BE +38 7 265 DI +38 7 266 VE +38 7 267 CH +38 7 268 GU +38 7 269 VE +38 7 270 GU +38 7 271 AM +38 7 272 DI +38 7 273 DI +38 7 274 DI +38 7 275 RO +38 7 276 DI +38 7 277 DI +38 7 278 SA +38 7 279 DI +38 7 280 JA +38 7 281 VE +38 7 282 VE +38 7 283 CH +38 7 284 DI +38 7 285 RO +38 7 286 JA +38 7 287 AM +38 7 288 FU +38 7 289 DI +38 7 290 RO +38 7 291 DI +38 7 292 RO +38 7 293 DI +38 7 294 DI +38 7 295 CH +38 7 296 GU +38 7 297 AM +38 7 298 FU +38 7 299 VE +38 7 300 BE +38 7 301 VE +38 7 302 RO +38 7 303 DI +38 7 304 VE +38 7 305 GU +38 7 306 VE +38 7 307 DI +38 7 308 GU +38 7 309 DI +38 7 310 GU +38 7 311 WU +38 7 312 DI +38 7 313 WU +38 7 314 DI +38 7 315 JA +38 7 316 VE +38 7 317 VE +38 7 318 GU +38 7 319 SA +38 7 320 JA +38 7 321 VE +38 7 322 FU +38 7 323 DI +38 7 324 VE +38 7 325 JA +38 7 326 GU +38 7 327 AM +38 7 328 VE +38 7 329 DI +38 7 330 CH +38 8 1 DI +38 8 2 VE +38 8 3 AM +38 8 4 GU +38 8 5 VE +38 8 6 CH +38 8 7 VE +38 8 8 GU +38 8 9 CH +38 8 10 DI +38 8 11 VE +38 8 12 AM +38 8 13 VE +38 8 14 DI +38 8 15 RO +38 8 16 JA +38 8 17 AM +38 8 18 WU +38 8 19 DI +38 8 20 VE +38 8 21 RO +38 8 22 AM +38 8 23 GU +38 8 24 WU +38 8 25 DI +38 8 26 DI +38 8 27 JA +38 8 28 RO +38 8 29 RO +38 8 30 AM +38 8 31 DI +38 8 32 GU +38 8 33 VE +38 8 34 DI +38 8 35 AM +38 8 36 VE +38 8 37 DI +38 8 38 GU +38 8 39 VE +38 8 40 DI +38 8 41 FU +38 8 42 AM +38 8 43 DI +38 8 44 CH +38 8 45 VE +38 8 46 WU +38 8 47 JA +38 8 48 VE +38 8 49 DI +38 8 50 GU +38 8 51 CH +38 8 52 VE +38 8 53 GU +38 8 54 VE +38 8 55 GU +38 8 56 DI +38 8 57 VE +38 8 58 CH +38 8 59 JA +38 8 60 VE +38 8 61 FU +38 8 62 GU +38 8 63 RO +38 8 64 DI +38 8 65 RO +38 8 66 CH +38 8 67 VE +38 8 68 RO +38 8 69 GU +38 8 70 VE +38 8 71 GU +38 8 72 VE +38 8 73 VE +38 8 74 AM +38 8 75 DI +38 8 76 RO +38 8 77 WU +38 8 78 DI +38 8 79 VE +38 8 80 VE +38 8 81 AM +38 8 82 * +38 8 83 * +38 8 84 * +38 8 85 RO +38 8 86 VE +38 8 87 RO +38 8 88 WU +38 8 89 GU +38 8 90 WU +38 8 91 RO +38 8 92 VE +38 8 93 CH +38 8 94 DI +38 8 95 WU +38 8 96 VE +38 8 97 AM +38 8 98 GU +38 8 99 RO +38 8 100 GU +38 8 101 VE +38 8 102 GU +38 8 103 DI +38 8 104 VE +38 8 105 DI +38 8 106 GU +38 8 107 AM +38 8 108 JA +38 8 109 VE +38 8 110 DI +38 8 111 AM +38 8 112 VE +38 8 113 RO +38 8 114 WU +38 8 115 VE +38 8 116 RO +38 8 117 DI +38 8 118 FU +38 8 119 RO +38 8 120 VE +38 8 121 JA +38 8 122 AM +38 8 123 VE +38 8 124 DI +38 8 125 VE +38 8 126 AM +38 8 127 RO +38 8 128 VE +38 8 129 AM +38 8 130 JA +38 8 131 WU +38 8 132 GU +38 8 133 AM +38 8 134 VE +38 8 135 CH +38 8 136 GU +38 8 137 DI +38 8 138 VE +38 8 139 DI +38 8 140 JA +38 8 141 DI +38 8 142 JA +38 8 143 DI +38 8 144 VE +38 8 145 VE +38 8 146 AM +38 8 147 VE +38 8 148 FU +38 8 149 VE +38 8 150 GU +38 8 151 RO +38 8 152 GU +38 8 153 DI +38 8 154 WU +38 8 155 CH +38 8 156 WU +38 8 157 AM +38 8 158 WU +38 8 159 AM +38 8 160 RO +38 8 161 VE +38 8 162 DI +38 8 163 VE +38 8 164 DI +38 8 165 GU +38 8 166 VE +38 8 167 VE +38 8 168 GU +38 8 169 DI +38 8 170 DI +38 8 171 VE +38 8 172 VE +38 8 173 RO +38 8 174 AM +38 8 175 VE +38 8 176 RO +38 8 177 AM +38 8 178 DI +38 8 179 GU +38 8 180 VE +38 8 181 AM +38 8 182 GU +38 8 183 AM +38 8 184 VE +38 8 185 AM +38 8 186 DI +38 8 187 DI +38 8 188 RO +38 8 189 VE +38 8 190 GU +38 8 191 VE +38 8 192 GU +38 8 193 VE +38 8 194 VE +38 8 195 GU +38 8 196 WU +38 8 197 GU +38 8 198 WU +38 8 199 DI +38 8 200 DI +38 8 201 RO +38 8 202 GU +38 8 203 GU +38 8 204 VE +38 8 205 RO +38 8 206 GU +38 8 207 VE +38 8 208 DI +38 8 209 AM +38 8 210 AM +38 8 211 VE +38 8 212 RO +38 8 213 GU +38 8 214 BE +38 8 215 VE +38 8 216 GU +38 8 217 VE +38 8 218 DI +38 8 219 VE +38 8 220 VE +38 8 221 AM +38 8 222 FU +38 8 223 WU +38 8 224 GU +38 8 225 VE +38 8 226 DI +38 8 227 WU +38 8 228 DI +38 8 229 VE +38 8 230 RO +38 8 231 GU +38 8 232 VE +38 8 233 RO +38 8 234 GU +38 8 235 VE +38 8 236 VE +38 8 237 DI +38 8 238 VE +38 8 239 AM +38 8 240 VE +38 8 241 RO +38 8 242 FU +38 8 243 JA +38 8 244 AM +38 8 245 GU +38 8 246 VE +38 8 247 FU +38 8 248 VE +38 8 249 GU +38 8 250 VE +38 8 251 VE +38 8 252 GU +38 8 253 VE +38 8 254 DI +38 8 255 WU +38 8 256 RO +38 8 257 DI +38 8 258 VE +38 8 259 FU +38 8 260 VE +38 8 261 JA +38 8 262 RO +38 8 263 AM +38 8 264 VE +38 8 265 JA +38 8 266 GU +38 8 267 VE +38 8 268 FU +38 8 269 VE +38 8 270 DI +38 8 271 RO +38 8 272 FU +38 8 273 WU +38 8 274 GU +38 8 275 AM +38 8 276 RO +38 8 277 FU +38 8 278 VE +38 8 279 GU +38 8 280 RO +38 8 281 VE +38 8 282 VE +38 8 283 CH +38 8 284 DI +38 8 285 RO +38 8 286 JA +38 8 287 CH +38 8 288 FU +38 8 289 VE +38 8 290 CH +38 8 291 DI +38 8 292 RO +38 8 293 DI +38 8 294 GU +38 8 295 AM +38 8 296 AM +38 8 297 FU +38 8 298 VE +38 8 299 CH +38 8 300 VE +38 8 301 GU +38 8 302 VE +38 8 303 DI +38 8 304 GU +38 8 305 FU +38 8 306 WU +38 8 307 VE +38 8 308 GU +38 8 309 WU +38 8 310 VE +38 8 311 DI +38 8 312 GU +38 8 313 WU +38 8 314 RO +38 8 315 VE +38 8 316 VE +38 8 317 GU +38 8 318 AM +38 8 319 JA +38 8 320 VE +38 8 321 RO +38 8 322 DI +38 8 323 VE +38 8 324 JA +38 8 325 GU +38 8 326 AM +38 8 327 VE +38 8 328 DI +38 8 329 CH +38 8 330 AM +38 9 1 DI +38 9 2 DI +38 9 3 FU +38 9 4 GU +38 9 5 DI +38 9 6 SA +38 9 7 VE +38 9 8 FU +38 9 9 CH +38 9 10 DI +38 9 11 VE +38 9 12 AM +38 9 13 VE +38 9 14 VE +38 9 15 RO +38 9 16 JA +38 9 17 FU +38 9 18 WU +38 9 19 DI +38 9 20 VE +38 9 21 RO +38 9 22 AM +38 9 23 GU +38 9 24 VE +38 9 25 DI +38 9 26 DI +38 9 27 CR +38 9 28 RO +38 9 29 VE +38 9 30 * +38 9 31 DI +38 9 32 GU +38 9 33 VE +38 9 34 DI +38 9 35 SA +38 9 36 VE +38 9 37 DI +38 9 38 RO +38 9 39 VE +38 9 40 DI +38 9 41 FU +38 9 42 AM +38 9 43 DI +38 9 44 BA +38 9 45 BA +38 9 46 VE +38 9 47 WU +38 9 48 AM +38 9 49 DI +38 9 50 GU +38 9 51 GU +38 9 52 DI +38 9 53 * +38 9 54 VE +38 9 55 DI +38 9 56 SA +38 9 57 * +38 9 58 VE +38 9 59 GU +38 9 60 VE +38 9 61 FU +38 9 62 GU +38 9 63 RO +38 9 64 DI +38 9 65 RO +38 9 66 GU +38 9 67 VE +38 9 68 GU +38 9 69 VE +38 9 70 GU +38 9 71 * +38 9 72 VE +38 9 73 GU +38 9 74 DI +38 9 75 VE +38 9 76 AM +38 9 77 DI +38 9 78 RO +38 9 79 WU +38 9 80 DI +38 9 81 VE +38 9 82 DI +38 9 83 AM +38 9 84 SA +38 9 85 VE +38 9 86 GU +38 9 87 WU +38 9 88 GU +38 9 89 WU +38 9 90 * +38 9 91 VE +38 9 92 BE +38 9 93 DI +38 9 94 WU +38 9 95 DI +38 9 96 AM +38 9 97 GU +38 9 98 FU +38 9 99 DI +38 9 100 GU +38 9 101 GU +38 9 102 VE +38 9 103 VE +38 9 104 DI +38 9 105 GU +38 9 106 AM +38 9 107 JA +38 9 108 DI +38 9 109 DI +38 9 110 AM +38 9 111 VE +38 9 112 RO +38 9 113 BE +38 9 114 VE +38 9 115 FU +38 9 116 DI +38 9 117 GA +38 9 118 RO +38 9 119 VE +38 9 120 JA +38 9 121 AM +38 9 122 VE +38 9 123 DI +38 9 124 VE +38 9 125 AR +38 9 126 RO +38 9 127 VE +38 9 128 VE +38 9 129 JA +38 9 130 VE +38 9 131 GU +38 9 132 FU +38 9 133 VE +38 9 134 GA +38 9 135 GU +38 9 136 DI +38 9 137 VE +38 9 138 AM +38 9 139 GU +38 9 140 DI +38 9 141 JA +38 9 142 GU +38 9 143 VE +38 9 144 GU +38 9 145 VE +38 9 146 AM +38 9 147 VE +38 9 148 FU +38 9 149 VE +38 9 150 GU +38 9 151 RO +38 9 152 GU +38 9 153 DI +38 9 154 BA +38 9 155 GA +38 9 156 VE +38 9 157 GA +38 9 158 WU +38 9 159 AM +38 9 160 RO +38 9 161 VE +38 9 162 FU +38 9 163 VE +38 9 164 DI +38 9 165 VE +38 9 166 DI +38 9 167 GU +38 9 168 VE +38 9 169 DI +38 9 170 VE +38 9 171 VE +38 9 172 JA +38 9 173 RO +38 9 174 AM +38 9 175 DI +38 9 176 RO +38 9 177 VE +38 9 178 DI +38 9 179 FU +38 9 180 VE +38 9 181 * +38 9 182 GU +38 9 183 * +38 9 184 GU +38 9 185 AM +38 9 186 DI +38 9 187 AM +38 9 188 DI +38 9 189 DI +38 9 190 RO +38 9 191 VE +38 9 192 GU +38 9 193 VE +38 9 194 FU +38 9 195 VE +38 9 196 DI +38 9 197 GU +38 9 198 WU +38 9 199 DI +38 9 200 DI +38 9 201 RO +38 9 202 VE +38 9 203 GU +38 9 204 WU +38 9 205 GU +38 9 206 VE +38 9 207 GU +38 9 208 * +38 9 209 VE +38 9 210 GA +38 9 211 DI +38 9 212 AM +38 9 213 GU +38 9 214 VE +38 9 215 GU +38 9 216 VE +38 9 217 RO +38 9 218 VE +38 9 219 DI +38 9 220 GU +38 9 221 DI +38 9 222 GU +38 9 223 VE +38 9 224 BA +38 9 225 VE +38 9 226 * +38 9 227 WU +38 9 228 DI +38 9 229 DI +38 9 230 JA +38 9 231 GU +38 9 232 VE +38 9 233 GU +38 9 234 VE +38 9 235 DI +38 9 236 VE +38 9 237 SA +38 9 238 VE +38 9 239 RO +38 9 240 FU +38 9 241 JA +38 9 242 AM +38 9 243 GU +38 9 244 DI +38 9 245 FU +38 9 246 VE +38 9 247 GU +38 9 248 VE +38 9 249 VE +38 9 250 GU +38 9 251 VE +38 9 252 WU +38 9 253 VE +38 9 254 DI +38 9 255 WU +38 9 256 RO +38 9 257 DI +38 9 258 VE +38 9 259 FU +38 9 260 VE +38 9 261 AM +38 9 262 JA +38 9 263 BA +38 9 264 DI +38 9 265 VE +38 9 266 FU +38 9 267 GU +38 9 268 VE +38 9 269 GU +38 9 270 AM +38 9 271 VE +38 9 272 DI +38 9 273 GU +38 9 274 JA +38 9 275 VE +38 9 276 RO +38 9 277 * +38 9 278 SA +38 9 279 DI +38 9 280 VE +38 9 281 VE +38 9 282 VE +38 9 283 GA +38 9 284 DI +38 9 285 RO +38 9 286 BE +38 9 287 * +38 9 288 FU +38 9 289 DI +38 9 290 BE +38 9 291 DI +38 9 292 RO +38 9 293 DI +38 9 294 JA +38 9 295 * +38 9 296 GU +38 9 297 AM +38 9 298 FU +38 9 299 VE +38 9 300 BE +38 9 301 VE +38 9 302 JA +38 9 303 DI +38 9 304 GU +38 9 305 VE +38 9 306 VE +38 9 307 DI +38 9 308 GU +38 9 309 WU +38 9 310 VE +38 9 311 DI +38 9 312 WU +38 9 313 GU +38 9 314 JA +38 9 315 VE +38 9 316 VE +38 9 317 GU +38 9 318 AM +38 9 319 BE +38 9 320 VE +38 9 321 RO +38 9 322 DI +38 9 323 VE +38 9 324 JA +38 9 325 GU +38 9 326 AM +38 9 327 DI +38 9 328 VE +38 9 329 GA +38 9 330 DI +38 10 1 DI +38 10 2 FU +38 10 3 VE +38 10 4 VE +38 10 5 VE +38 10 6 CH +38 10 7 DI +38 10 8 DI +38 10 9 VE +38 10 10 AM +38 10 11 VE +38 10 12 VE +38 10 13 DI +38 10 14 GU +38 10 15 BE +38 10 16 FU +38 10 17 WU +38 10 18 WU +38 10 19 AM +38 10 20 AM +38 10 21 GU +38 10 22 CH +38 10 23 DI +38 10 24 DI +38 10 25 CH +38 10 26 GU +38 10 27 WU +38 10 28 RO +38 10 29 GU +38 10 30 AM +38 10 31 VE +38 10 32 DI +38 10 33 GU +38 10 34 AM +38 10 35 DI +38 10 36 VE +38 10 37 DI +38 10 38 FU +38 10 39 AM +38 10 40 DI +38 10 41 GU +38 10 42 DI +38 10 43 BE +38 10 44 GU +38 10 45 DI +38 10 46 BE +38 10 47 AM +38 10 48 GU +38 10 49 CH +38 10 50 JA +38 10 51 CH +38 10 52 GU +38 10 53 VE +38 10 54 DI +38 10 55 VE +38 10 56 RO +38 10 57 VE +38 10 58 VE +38 10 59 GU +38 10 60 VE +38 10 61 GU +38 10 62 RO +38 10 63 DI +38 10 64 RO +38 10 65 RO +38 10 66 VE +38 10 67 GU +38 10 68 DI +38 10 69 AM +38 10 70 GU +38 10 71 VE +38 10 72 AM +38 10 73 TG +38 10 74 VE +38 10 75 AM +38 10 76 TG +38 10 77 GU +38 10 78 WU +38 10 79 DI +38 10 80 VE +38 10 81 VE +38 10 82 VE +38 10 83 RO +38 10 84 VE +38 10 85 RO +38 10 86 WU +38 10 87 GU +38 10 88 WU +38 10 89 VE +38 10 90 AM +38 10 91 DI +38 10 92 DI +38 10 93 WU +38 10 94 VE +38 10 95 AM +38 10 96 GU +38 10 97 FU +38 10 98 GU +38 10 99 VE +38 10 100 DI +38 10 101 GU +38 10 102 AM +38 10 103 GU +38 10 104 GU +38 10 105 DI +38 10 106 GU +38 10 107 JA +38 10 108 VE +38 10 109 DI +38 10 110 AM +38 10 111 VE +38 10 112 RO +38 10 113 WU +38 10 114 VE +38 10 115 GU +38 10 116 DI +38 10 117 FU +38 10 118 DI +38 10 119 VE +38 10 120 GU +38 10 121 AM +38 10 122 GU +38 10 123 DI +38 10 124 VE +38 10 125 AM +38 10 126 RO +38 10 127 VE +38 10 128 JA +38 10 129 VE +38 10 130 FU +38 10 131 VE +38 10 132 WU +38 10 133 VE +38 10 134 GU +38 10 135 DI +38 10 136 VE +38 10 137 DI +38 10 138 VE +38 10 139 DI +38 10 140 GU +38 10 141 DI +38 10 142 GU +38 10 143 VE +38 10 144 GU +38 10 145 DI +38 10 146 VE +38 10 147 FU +38 10 148 DI +38 10 149 VE +38 10 150 GU +38 10 151 DI +38 10 152 DI +38 10 153 GU +38 10 154 AM +38 10 155 GU +38 10 156 VE +38 10 157 GU +38 10 158 DI +38 10 159 AM +38 10 160 GU +38 10 161 VE +38 10 162 FU +38 10 163 VE +38 10 164 DI +38 10 165 VE +38 10 166 DI +38 10 167 GU +38 10 168 VE +38 10 169 DI +38 10 170 VE +38 10 171 VE +38 10 172 BE +38 10 173 RO +38 10 174 AM +38 10 175 DI +38 10 176 FU +38 10 177 VE +38 10 178 DI +38 10 179 GU +38 10 180 VE +38 10 181 AM +38 10 182 GU +38 10 183 AM +38 10 184 GU +38 10 185 AM +38 10 186 AM +38 10 187 DI +38 10 188 AM +38 10 189 RO +38 10 190 RO +38 10 191 VE +38 10 192 GU +38 10 193 VE +38 10 194 CH +38 10 195 VE +38 10 196 DI +38 10 197 GU +38 10 198 WU +38 10 199 DI +38 10 200 DI +38 10 201 RO +38 10 202 VE +38 10 203 GU +38 10 204 WU +38 10 205 GU +38 10 206 DI +38 10 207 RO +38 10 208 TG +38 10 209 VE +38 10 210 GU +38 10 211 DI +38 10 212 AM +38 10 213 GU +38 10 214 VE +38 10 215 RO +38 10 216 VE +38 10 217 RO +38 10 218 VE +38 10 219 DI +38 10 220 GU +38 10 221 DI +38 10 222 GU +38 10 223 VE +38 10 224 JA +38 10 225 VE +38 10 226 DI +38 10 227 WU +38 10 228 DI +38 10 229 VE +38 10 230 RO +38 10 231 GU +38 10 232 AM +38 10 233 GU +38 10 234 VE +38 10 235 DI +38 10 236 VE +38 10 237 AM +38 10 238 DI +38 10 239 RO +38 10 240 CH +38 10 241 JA +38 10 242 GU +38 10 243 DI +38 10 244 FU +38 10 245 GU +38 10 246 VE +38 10 247 VE +38 10 248 GU +38 10 249 VE +38 10 250 BE +38 10 251 DI +38 10 252 BE +38 10 253 VE +38 10 254 RO +38 10 255 FU +38 10 256 DI +38 10 257 DI +38 10 258 VE +38 10 259 JA +38 10 260 BE +38 10 261 DI +38 10 262 GU +38 10 263 FU +38 10 264 VE +38 10 265 VE +38 10 266 GU +38 10 267 FU +38 10 268 VE +38 10 269 GU +38 10 270 AM +38 10 271 VE +38 10 272 DI +38 10 273 GU +38 10 274 JA +38 10 275 GU +38 10 276 DI +38 10 277 AM +38 10 278 JA +38 10 279 GU +38 10 280 VE +38 10 281 VE +38 10 282 VE +38 10 283 CH +38 10 284 AM +38 10 285 RO +38 10 286 JA +38 10 287 WU +38 10 288 FU +38 10 289 DI +38 10 290 RO +38 10 291 DI +38 10 292 GU +38 10 293 DI +38 10 294 GU +38 10 295 * +38 10 296 GU +38 10 297 AM +38 10 298 FU +38 10 299 VE +38 10 300 BE +38 10 301 VE +38 10 302 JA +38 10 303 GU +38 10 304 VE +38 10 305 VE +38 10 306 GU +38 10 307 DI +38 10 308 GU +38 10 309 WU +38 10 310 VE +38 10 311 DI +38 10 312 WU +38 10 313 GU +38 10 314 JA +38 10 315 VE +38 10 316 DI +38 10 317 GU +38 10 318 AM +38 10 319 JA +38 10 320 VE +38 10 321 FU +38 10 322 DI +38 10 323 VE +38 10 324 GU +38 10 325 AM +38 10 326 DI +38 10 327 VE +38 10 328 VE +38 10 329 CH +38 10 330 DI +38 11 1 DI +38 11 2 DI +38 11 3 FU +38 11 4 GU +38 11 5 VE +38 11 6 * +38 11 7 VE +38 11 8 GU +38 11 9 CH +38 11 10 DI +38 11 11 VE +38 11 12 AM +38 11 13 VE +38 11 14 DI +38 11 15 RO +38 11 16 JA +38 11 17 FU +38 11 18 WU +38 11 19 * +38 11 20 VE +38 11 21 RO +38 11 22 AM +38 11 23 GU +38 11 24 CH +38 11 25 VE +38 11 26 DI +38 11 27 JA +38 11 28 RO +38 11 29 VE +38 11 30 CH +38 11 31 DI +38 11 32 GU +38 11 33 VE +38 11 34 DI +38 11 35 AM +38 11 36 VE +38 11 37 DI +38 11 38 GU +38 11 39 VE +38 11 40 DI +38 11 41 FU +38 11 42 * +38 11 43 DI +38 11 44 JA +38 11 45 BE +38 11 46 VE +38 11 47 VE +38 11 48 AM +38 11 49 DI +38 11 50 GU +38 11 51 CH +38 11 52 JA +38 11 53 GU +38 11 54 VE +38 11 55 DI +38 11 56 RO +38 11 57 VE +38 11 58 CH +38 11 59 JA +38 11 60 VE +38 11 61 FU +38 11 62 GU +38 11 63 RO +38 11 64 DI +38 11 65 FU +38 11 66 JA +38 11 67 VE +38 11 68 RO +38 11 69 VE +38 11 70 VE +38 11 71 JA +38 11 72 FU +38 11 73 VE +38 11 74 GU +38 11 75 DI +38 11 76 * +38 11 77 DI +38 11 78 RO +38 11 79 WU +38 11 80 DI +38 11 81 VE +38 11 82 * +38 11 83 JA +38 11 84 * +38 11 85 VE +38 11 86 RO +38 11 87 WU +38 11 88 GU +38 11 89 WU +38 11 90 DI +38 11 91 BE +38 11 92 JA +38 11 93 DI +38 11 94 CH +38 11 95 DI +38 11 96 AM +38 11 97 GU +38 11 98 FU +38 11 99 GU +38 11 100 DI +38 11 101 GU +38 11 102 GU +38 11 103 CH +38 11 104 DI +38 11 105 GU +38 11 106 AM +38 11 107 JA +38 11 108 DI +38 11 109 DI +38 11 110 * +38 11 111 VE +38 11 112 FU +38 11 113 WU +38 11 114 DI +38 11 115 FU +38 11 116 DI +38 11 117 * +38 11 118 RO +38 11 119 VE +38 11 120 JA +38 11 121 AM +38 11 122 VE +38 11 123 DI +38 11 124 VE +38 11 125 AM +38 11 126 RO +38 11 127 VE +38 11 128 VE +38 11 129 JA +38 11 130 CH +38 11 131 GU +38 11 132 FU +38 11 133 VE +38 11 134 CH +38 11 135 GU +38 11 136 DI +38 11 137 VE +38 11 138 DI +38 11 139 JA +38 11 140 DI +38 11 141 JA +38 11 142 BE +38 11 143 VE +38 11 144 GU +38 11 145 VE +38 11 146 AM +38 11 147 VE +38 11 148 FU +38 11 149 VE +38 11 150 GU +38 11 151 RO +38 11 152 GU +38 11 153 DI +38 11 154 WU +38 11 155 CH +38 11 156 VE +38 11 157 CH +38 11 158 JA +38 11 159 AM +38 11 160 RO +38 11 161 VE +38 11 162 FU +38 11 163 DI +38 11 164 DI +38 11 165 VE +38 11 166 DI +38 11 167 GU +38 11 168 VE +38 11 169 DI +38 11 170 WU +38 11 171 VE +38 11 172 JA +38 11 173 RO +38 11 174 AM +38 11 175 DI +38 11 176 FU +38 11 177 VE +38 11 178 DI +38 11 179 FU +38 11 180 VE +38 11 181 AM +38 11 182 FU +38 11 183 CH +38 11 184 GU +38 11 185 AM +38 11 186 DI +38 11 187 AM +38 11 188 DI +38 11 189 DI +38 11 190 RO +38 11 191 VE +38 11 192 GU +38 11 193 VE +38 11 194 FU +38 11 195 VE +38 11 196 DI +38 11 197 GU +38 11 198 WU +38 11 199 * +38 11 200 DI +38 11 201 RO +38 11 202 VE +38 11 203 GU +38 11 204 CH +38 11 205 GU +38 11 206 * +38 11 207 RO +38 11 208 AM +38 11 209 VE +38 11 210 FU +38 11 211 DI +38 11 212 GU +38 11 213 VE +38 11 214 RO +38 11 215 CH +38 11 216 RO +38 11 217 VE +38 11 218 VE +38 11 219 * +38 11 220 DI +38 11 221 DI +38 11 222 GU +38 11 223 VE +38 11 224 JA +38 11 225 VE +38 11 226 DI +38 11 227 WU +38 11 228 DI +38 11 229 * +38 11 230 JA +38 11 231 GU +38 11 232 CH +38 11 233 RO +38 11 234 VE +38 11 235 DI +38 11 236 VE +38 11 237 GU +38 11 238 DI +38 11 239 CH +38 11 240 CH +38 11 241 JA +38 11 242 AM +38 11 243 FU +38 11 244 DI +38 11 245 FU +38 11 246 DI +38 11 247 GU +38 11 248 WU +38 11 249 VE +38 11 250 GU +38 11 251 VE +38 11 252 JA +38 11 253 VE +38 11 254 DI +38 11 255 WU +38 11 256 FU +38 11 257 DI +38 11 258 AM +38 11 259 FU +38 11 260 JA +38 11 261 * +38 11 262 JA +38 11 263 CH +38 11 264 DI +38 11 265 VE +38 11 266 FU +38 11 267 GU +38 11 268 VE +38 11 269 GU +38 11 270 AM +38 11 271 VE +38 11 272 JA +38 11 273 GU +38 11 274 JA +38 11 275 * +38 11 276 FU +38 11 277 DI +38 11 278 DI +38 11 279 DI +38 11 280 VE +38 11 281 VE +38 11 282 VE +38 11 283 CH +38 11 284 JA +38 11 285 RO +38 11 286 BE +38 11 287 CH +38 11 288 FU +38 11 289 DI +38 11 290 JA +38 11 291 DI +38 11 292 RO +38 11 293 VE +38 11 294 * +38 11 295 CH +38 11 296 GU +38 11 297 AM +38 11 298 FU +38 11 299 VE +38 11 300 VE +38 11 301 VE +38 11 302 JA +38 11 303 DI +38 11 304 VE +38 11 305 GU +38 11 306 VE +38 11 307 DI +38 11 308 GU +38 11 309 CH +38 11 310 VE +38 11 311 DI +38 11 312 WU +38 11 313 DI +38 11 314 JA +38 11 315 VE +38 11 316 DI +38 11 317 FU +38 11 318 AM +38 11 319 JA +38 11 320 VE +38 11 321 FU +38 11 322 DI +38 11 323 VE +38 11 324 JA +38 11 325 CH +38 11 326 AM +38 11 327 DI +38 11 328 VE +38 11 329 CH +38 11 330 DI +38 12 1 DI +38 12 2 VE +38 12 3 FU +38 12 4 GU +38 12 5 VE +38 12 6 AM +38 12 7 VE +38 12 8 RO +38 12 9 CH +38 12 10 DI +38 12 11 VE +38 12 12 RO +38 12 13 VE +38 12 14 RO +38 12 15 FU +38 12 16 BE +38 12 17 FU +38 12 18 WU +38 12 19 DI +38 12 20 VE +38 12 21 RO +38 12 22 AM +38 12 23 GU +38 12 24 CH +38 12 25 DI +38 12 26 DI +38 12 27 RO +38 12 28 RO +38 12 29 VE +38 12 30 AM +38 12 31 DI +38 12 32 RO +38 12 33 VE +38 12 34 VE +38 12 35 DI +38 12 36 RO +38 12 37 VE +38 12 38 DI +38 12 39 FU +38 12 40 AM +38 12 41 DI +38 12 42 RO +38 12 43 VE +38 12 44 RO +38 12 45 VE +38 12 46 AR +38 12 47 DI +38 12 48 GU +38 12 49 CH +38 12 50 DI +38 12 51 GU +38 12 52 DI +38 12 53 GU +38 12 54 VE +38 12 55 DI +38 12 56 RO +38 12 57 DI +38 12 58 AM +38 12 59 GU +38 12 60 FU +38 12 61 AM +38 12 62 RO +38 12 63 DI +38 12 64 DI +38 12 65 JA +38 12 66 VE +38 12 67 RO +38 12 68 VE +38 12 69 DI +38 12 70 FU +38 12 71 DI +38 12 72 GU +38 12 73 DI +38 12 74 VE +38 12 75 AM +38 12 76 DI +38 12 77 VE +38 12 78 VE +38 12 79 AM +38 12 80 AM +38 12 81 RO +38 12 82 VE +38 12 83 FU +38 12 84 DI +38 12 85 VE +38 12 86 RO +38 12 87 BE +38 12 88 GU +38 12 89 WU +38 12 90 VE +38 12 91 VE +38 12 92 RO +38 12 93 DI +38 12 94 CH +38 12 95 DI +38 12 96 AM +38 12 97 GU +38 12 98 RO +38 12 99 GU +38 12 100 VE +38 12 101 DI +38 12 102 CH +38 12 103 DI +38 12 104 GU +38 12 105 AM +38 12 106 JA +38 12 107 DI +38 12 108 DI +38 12 109 AM +38 12 110 VE +38 12 111 RO +38 12 112 CH +38 12 113 WU +38 12 114 VE +38 12 115 FU +38 12 116 DI +38 12 117 CH +38 12 118 RO +38 12 119 VE +38 12 120 JA +38 12 121 AM +38 12 122 VE +38 12 123 DI +38 12 124 VE +38 12 125 AM +38 12 126 AM +38 12 127 JA +38 12 128 VE +38 12 129 CH +38 12 130 GU +38 12 131 BE +38 12 132 VE +38 12 133 DI +38 12 134 GU +38 12 135 JA +38 12 136 DI +38 12 137 CH +38 12 138 AM +38 12 139 GU +38 12 140 VE +38 12 141 JA +38 12 142 DI +38 12 143 VE +38 12 144 GU +38 12 145 VE +38 12 146 AM +38 12 147 VE +38 12 148 FU +38 12 149 GU +38 12 150 VE +38 12 151 RO +38 12 152 GU +38 12 153 DI +38 12 154 RO +38 12 155 CH +38 12 156 VE +38 12 157 CH +38 12 158 VE +38 12 159 JA +38 12 160 AM +38 12 161 RO +38 12 162 VE +38 12 163 RO +38 12 164 DI +38 12 165 DI +38 12 166 VE +38 12 167 GU +38 12 168 VE +38 12 169 DI +38 12 170 VE +38 12 171 VE +38 12 172 JA +38 12 173 RO +38 12 174 AM +38 12 175 DI +38 12 176 RO +38 12 177 AM +38 12 178 DI +38 12 179 FU +38 12 180 VE +38 12 181 AM +38 12 182 GU +38 12 183 CH +38 12 184 GU +38 12 185 AM +38 12 186 DI +38 12 187 RO +38 12 188 DI +38 12 189 VE +38 12 190 GU +38 12 191 AM +38 12 192 FU +38 12 193 VE +38 12 194 VE +38 12 195 GU +38 12 196 AM +38 12 197 GU +38 12 198 WU +38 12 199 DI +38 12 200 DI +38 12 201 RO +38 12 202 VE +38 12 203 GU +38 12 204 CH +38 12 205 GU +38 12 206 AM +38 12 207 RO +38 12 208 AM +38 12 209 VE +38 12 210 CH +38 12 211 DI +38 12 212 AM +38 12 213 GU +38 12 214 VE +38 12 215 RO +38 12 216 VE +38 12 217 RO +38 12 218 VE +38 12 219 DI +38 12 220 DI +38 12 221 DI +38 12 222 GU +38 12 223 VE +38 12 224 JA +38 12 225 AM +38 12 226 VE +38 12 227 WU +38 12 228 DI +38 12 229 VE +38 12 230 JA +38 12 231 GU +38 12 232 CH +38 12 233 DI +38 12 234 DI +38 12 235 VE +38 12 236 DI +38 12 237 VE +38 12 238 RO +38 12 239 CH +38 12 240 JA +38 12 241 AM +38 12 242 AM +38 12 243 GU +38 12 244 DI +38 12 245 FU +38 12 246 VE +38 12 247 GU +38 12 248 VE +38 12 249 VE +38 12 250 GU +38 12 251 VE +38 12 252 WU +38 12 253 JA +38 12 254 VE +38 12 255 DI +38 12 256 CH +38 12 257 RO +38 12 258 DI +38 12 259 AM +38 12 260 FU +38 12 261 AM +38 12 262 JA +38 12 263 BE +38 12 264 DI +38 12 265 VE +38 12 266 AM +38 12 267 VE +38 12 268 VE +38 12 269 GU +38 12 270 AM +38 12 271 VE +38 12 272 DI +38 12 273 GU +38 12 274 JA +38 12 275 AM +38 12 276 VE +38 12 277 DI +38 12 278 RO +38 12 279 GU +38 12 280 VE +38 12 281 VE +38 12 282 VE +38 12 283 CH +38 12 284 DI +38 12 285 RO +38 12 286 JA +38 12 287 CH +38 12 288 FU +38 12 289 RO +38 12 290 DI +38 12 291 DI +38 12 292 DI +38 12 293 RO +38 12 294 DI +38 12 295 GU +38 12 296 DI +38 12 297 GU +38 12 298 BE +38 12 299 FU +38 12 300 VE +38 12 301 RO +38 12 302 DI +38 12 303 JA +38 12 304 GU +38 12 305 VE +38 12 306 DI +38 12 307 GU +38 12 308 GU +38 12 309 CH +38 12 310 VE +38 12 311 DI +38 12 312 WU +38 12 313 DI +38 12 314 JA +38 12 315 VE +38 12 316 VE +38 12 317 GU +38 12 318 AM +38 12 319 JA +38 12 320 VE +38 12 321 RO +38 12 322 DI +38 12 323 VE +38 12 324 JA +38 12 325 GU +38 12 326 AM +38 12 327 DI +38 12 328 VE +38 12 329 CH +38 12 330 VE +38 13 1 DI +38 13 2 VE +38 13 3 FU +38 13 4 GU +38 13 5 VE +38 13 6 * +38 13 7 VE +38 13 8 GU +38 13 9 CH +38 13 10 DI +38 13 11 VE +38 13 12 AM +38 13 13 VE +38 13 14 VE +38 13 15 GU +38 13 16 JA +38 13 17 FU +38 13 18 WU +38 13 19 DI +38 13 20 VE +38 13 21 RO +38 13 22 AM +38 13 23 GU +38 13 24 WU +38 13 25 DI +38 13 26 DI +38 13 27 RO +38 13 28 RO +38 13 29 VE +38 13 30 FU +38 13 31 DI +38 13 32 GU +38 13 33 VE +38 13 34 DI +38 13 35 RO +38 13 36 VE +38 13 37 DI +38 13 38 GU +38 13 39 VE +38 13 40 DI +38 13 41 FU +38 13 42 AM +38 13 43 DI +38 13 44 RO +38 13 45 BE +38 13 46 VE +38 13 47 VE +38 13 48 AM +38 13 49 DI +38 13 50 GU +38 13 51 AM +38 13 52 VE +38 13 53 RO +38 13 54 VE +38 13 55 DI +38 13 56 RO +38 13 57 VE +38 13 58 * +38 13 59 GU +38 13 60 VE +38 13 61 FU +38 13 62 GU +38 13 63 RO +38 13 64 DI +38 13 65 RO +38 13 66 JA +38 13 67 VE +38 13 68 GU +38 13 69 VE +38 13 70 VE +38 13 71 FU +38 13 72 VE +38 13 73 GU +38 13 74 DI +38 13 75 VE +38 13 76 FU +38 13 77 DI +38 13 78 RO +38 13 79 WU +38 13 80 DI +38 13 81 VE +38 13 82 VE +38 13 83 AM +38 13 84 RO +38 13 85 VE +38 13 86 RO +38 13 87 WU +38 13 88 GU +38 13 89 WU +38 13 90 VE +38 13 91 VE +38 13 92 JA +38 13 93 DI +38 13 94 WU +38 13 95 DI +38 13 96 AM +38 13 97 GU +38 13 98 FU +38 13 99 GU +38 13 100 VE +38 13 101 GU +38 13 102 DI +38 13 103 VE +38 13 104 GU +38 13 105 GU +38 13 106 AM +38 13 107 JA +38 13 108 VE +38 13 109 DI +38 13 110 * +38 13 111 VE +38 13 112 FU +38 13 113 WU +38 13 114 VE +38 13 115 FU +38 13 116 DI +38 13 117 FU +38 13 118 RO +38 13 119 VE +38 13 120 JA +38 13 121 FU +38 13 122 VE +38 13 123 DI +38 13 124 VE +38 13 125 FU +38 13 126 RO +38 13 127 VE +38 13 128 VE +38 13 129 JA +38 13 130 VE +38 13 131 GU +38 13 132 FU +38 13 133 VE +38 13 134 FU +38 13 135 GU +38 13 136 DI +38 13 137 VE +38 13 138 DI +38 13 139 GU +38 13 140 DI +38 13 141 JA +38 13 142 GU +38 13 143 VE +38 13 144 GU +38 13 145 VE +38 13 146 FU +38 13 147 VE +38 13 148 FU +38 13 149 VE +38 13 150 GU +38 13 151 RO +38 13 152 GU +38 13 153 DI +38 13 154 WU +38 13 155 VE +38 13 156 VE +38 13 157 * +38 13 158 JA +38 13 159 AM +38 13 160 AM +38 13 161 VE +38 13 162 RO +38 13 163 VE +38 13 164 DI +38 13 165 VE +38 13 166 DI +38 13 167 GU +38 13 168 VE +38 13 169 DI +38 13 170 VE +38 13 171 VE +38 13 172 JA +38 13 173 RO +38 13 174 AM +38 13 175 DI +38 13 176 RO +38 13 177 VE +38 13 178 DI +38 13 179 * +38 13 180 AM +38 13 181 FU +38 13 182 AM +38 13 183 GU +38 13 184 CH +38 13 185 DI +38 13 186 AM +38 13 187 DI +38 13 188 DI +38 13 189 RO +38 13 190 VE +38 13 191 GU +38 13 192 VE +38 13 193 FU +38 13 194 VE +38 13 195 VE +38 13 196 VE +38 13 197 GU +38 13 198 WU +38 13 199 VE +38 13 200 DI +38 13 201 RO +38 13 202 VE +38 13 203 RO +38 13 204 CH +38 13 205 GU +38 13 206 AM +38 13 207 RO +38 13 208 AM +38 13 209 VE +38 13 210 FU +38 13 211 DI +38 13 212 AM +38 13 213 GU +38 13 214 VE +38 13 215 GU +38 13 216 WU +38 13 217 RO +38 13 218 VE +38 13 219 DI +38 13 220 GU +38 13 221 DI +38 13 222 GU +38 13 223 VE +38 13 224 RO +38 13 225 VE +38 13 226 DI +38 13 227 VE +38 13 228 DI +38 13 229 VE +38 13 230 RO +38 13 231 GU +38 13 232 VE +38 13 233 GU +38 13 234 VE +38 13 235 DI +38 13 236 VE +38 13 237 RO +38 13 238 VE +38 13 239 RO +38 13 240 FU +38 13 241 JA +38 13 242 AM +38 13 243 GU +38 13 244 DI +38 13 245 FU +38 13 246 VE +38 13 247 GU +38 13 248 VE +38 13 249 VE +38 13 250 GU +38 13 251 VE +38 13 252 RO +38 13 253 VE +38 13 254 DI +38 13 255 CH +38 13 256 RO +38 13 257 DI +38 13 258 VE +38 13 259 FU +38 13 260 VE +38 13 261 RO +38 13 262 JA +38 13 263 BA +38 13 264 DI +38 13 265 DI +38 13 266 FU +38 13 267 GU +38 13 268 VE +38 13 269 GU +38 13 270 AM +38 13 271 VE +38 13 272 DI +38 13 273 GU +38 13 274 JA +38 13 275 VE +38 13 276 FU +38 13 277 DI +38 13 278 RO +38 13 279 GU +38 13 280 VE +38 13 281 VE +38 13 282 VE +38 13 283 CH +38 13 284 DI +38 13 285 RO +38 13 286 JA +38 13 287 AM +38 13 288 FU +38 13 289 DI +38 13 290 * +38 13 291 DI +38 13 292 RO +38 13 293 VE +38 13 294 DI +38 13 295 CH +38 13 296 GU +38 13 297 AM +38 13 298 FU +38 13 299 VE +38 13 300 BA +38 13 301 VE +38 13 302 RO +38 13 303 DI +38 13 304 GU +38 13 305 VE +38 13 306 VE +38 13 307 DI +38 13 308 GU +38 13 309 VE +38 13 310 VE +38 13 311 DI +38 13 312 WU +38 13 313 GU +38 13 314 RO +38 13 315 VE +38 13 316 VE +38 13 317 GU +38 13 318 SA +38 13 319 RO +38 13 320 VE +38 13 321 FU +38 13 322 DI +38 13 323 VE +38 13 324 RO +38 13 325 GU +38 13 326 AM +38 13 327 DI +38 13 328 VE +38 13 329 CH +38 13 330 DI +38 14 1 DI +38 14 2 VE +38 14 3 AR +38 14 4 GU +38 14 5 VE +38 14 6 * +38 14 7 VE +38 14 8 FU +38 14 9 CH +38 14 10 DI +38 14 11 VE +38 14 12 AM +38 14 13 VE +38 14 14 DI +38 14 15 RO +38 14 16 JA +38 14 17 AR +38 14 18 WU +38 14 19 DI +38 14 20 VE +38 14 21 RO +38 14 22 AM +38 14 23 GU +38 14 24 BE +38 14 25 * +38 14 26 DI +38 14 27 BE +38 14 28 RO +38 14 29 VE +38 14 30 * +38 14 31 DI +38 14 32 BE +38 14 33 VE +38 14 34 GR +38 14 35 DI +38 14 36 * +38 14 37 FU +38 14 38 DI +38 14 39 VE +38 14 40 FU +38 14 41 DI +38 14 42 VE +38 14 43 AR +38 14 44 DI +38 14 45 VE +38 14 46 GU +38 14 47 * +38 14 48 DI +38 14 49 VE +38 14 50 GU +38 14 51 * +38 14 52 CH +38 14 53 GU +38 14 54 DI +38 14 55 * +38 14 56 VE +38 14 57 DI +38 14 58 * +38 14 59 GU +38 14 60 DI +38 14 61 FU +38 14 62 GU +38 14 63 RO +38 14 64 DI +38 14 65 RO +38 14 66 AM +38 14 67 VE +38 14 68 GU +38 14 69 * +38 14 70 GU +38 14 71 VE +38 14 72 GU +38 14 73 DI +38 14 74 VE +38 14 75 AM +38 14 76 * +38 14 77 GU +38 14 78 DI +38 14 79 WU +38 14 80 VE +38 14 81 VE +38 14 82 VE +38 14 83 AM +38 14 84 RO +38 14 85 VE +38 14 86 GU +38 14 87 WU +38 14 88 GU +38 14 89 WU +38 14 90 VE +38 14 91 VE +38 14 92 * +38 14 93 DI +38 14 94 CH +38 14 95 VE +38 14 96 AM +38 14 97 GU +38 14 98 FU +38 14 99 GU +38 14 100 VE +38 14 101 VE +38 14 102 DI +38 14 103 VE +38 14 104 DI +38 14 105 GU +38 14 106 AM +38 14 107 JA +38 14 108 VE +38 14 109 DI +38 14 110 AM +38 14 111 VE +38 14 112 FU +38 14 113 WU +38 14 114 VE +38 14 115 FU +38 14 116 DI +38 14 117 CH +38 14 118 RO +38 14 119 VE +38 14 120 JA +38 14 121 AM +38 14 122 VE +38 14 123 * +38 14 124 VE +38 14 125 AM +38 14 126 RO +38 14 127 VE +38 14 128 VE +38 14 129 JA +38 14 130 VE +38 14 131 GU +38 14 132 SA +38 14 133 VE +38 14 134 FU +38 14 135 GU +38 14 136 * +38 14 137 VE +38 14 138 DI +38 14 139 BE +38 14 140 DI +38 14 141 JA +38 14 142 DI +38 14 143 VE +38 14 144 GU +38 14 145 VE +38 14 146 AM +38 14 147 VE +38 14 148 FU +38 14 149 VE +38 14 150 GU +38 14 151 RO +38 14 152 GU +38 14 153 * +38 14 154 BE +38 14 155 CH +38 14 156 VE +38 14 157 CH +38 14 158 JA +38 14 159 AM +38 14 160 GU +38 14 161 VE +38 14 162 FU +38 14 163 DI +38 14 164 DI +38 14 165 VE +38 14 166 DI +38 14 167 GU +38 14 168 VE +38 14 169 DI +38 14 170 VE +38 14 171 VE +38 14 172 JA +38 14 173 RO +38 14 174 AM +38 14 175 AM +38 14 176 VE +38 14 177 DI +38 14 178 AM +38 14 179 FU +38 14 180 AM +38 14 181 CH +38 14 182 GU +38 14 183 AM +38 14 184 VE +38 14 185 AM +38 14 186 * +38 14 187 DI +38 14 188 RO +38 14 189 VE +38 14 190 GU +38 14 191 VE +38 14 192 FU +38 14 193 VE +38 14 194 VE +38 14 195 GU +38 14 196 WU +38 14 197 VE +38 14 198 DI +38 14 199 RO +38 14 200 VE +38 14 201 CH +38 14 202 GU +38 14 203 VE +38 14 204 RO +38 14 205 * +38 14 206 VE +38 14 207 FU +38 14 208 * +38 14 209 AM +38 14 210 GU +38 14 211 VE +38 14 212 GU +38 14 213 VE +38 14 214 RO +38 14 215 VE +38 14 216 VE +38 14 217 DI +38 14 218 VE +38 14 219 GU +38 14 220 GU +38 14 221 VE +38 14 222 VE +38 14 223 DI +38 14 224 GU +38 14 225 VE +38 14 226 DI +38 14 227 WU +38 14 228 DI +38 14 229 VE +38 14 230 RO +38 14 231 GU +38 14 232 CH +38 14 233 DI +38 14 234 VE +38 14 235 DI +38 14 236 VE +38 14 237 RO +38 14 238 VE +38 14 239 RO +38 14 240 FU +38 14 241 JA +38 14 242 AM +38 14 243 GU +38 14 244 DI +38 14 245 FU +38 14 246 VE +38 14 247 GU +38 14 248 VE +38 14 249 VE +38 14 250 GU +38 14 251 VE +38 14 252 RO +38 14 253 VE +38 14 254 DI +38 14 255 CH +38 14 256 RO +38 14 257 DI +38 14 258 AM +38 14 259 FU +38 14 260 VE +38 14 261 AM +38 14 262 BE +38 14 263 BE +38 14 264 DI +38 14 265 VE +38 14 266 FU +38 14 267 GU +38 14 268 VE +38 14 269 GU +38 14 270 AM +38 14 271 VE +38 14 272 DI +38 14 273 GU +38 14 274 BE +38 14 275 VE +38 14 276 GU +38 14 277 DI +38 14 278 AM +38 14 279 DI +38 14 280 VE +38 14 281 VE +38 14 282 VE +38 14 283 CH +38 14 284 DI +38 14 285 GU +38 14 286 JA +38 14 287 AM +38 14 288 FU +38 14 289 DI +38 14 290 CH +38 14 291 DI +38 14 292 RO +38 14 293 DI +38 14 294 DI +38 14 295 GU +38 14 296 AM +38 14 297 FU +38 14 298 VE +38 14 299 BE +38 14 300 VE +38 14 301 BE +38 14 302 DI +38 14 303 GU +38 14 304 DI +38 14 305 VE +38 14 306 VE +38 14 307 * +38 14 308 GU +38 14 309 VE +38 14 310 VE +38 14 311 * +38 14 312 WU +38 14 313 DI +38 14 314 JA +38 14 315 VE +38 14 316 DI +38 14 317 GU +38 14 318 SA +38 14 319 JA +38 14 320 VE +38 14 321 FU +38 14 322 DI +38 14 323 VE +38 14 324 * +38 14 325 GU +38 14 326 AM +38 14 327 DI +38 14 328 VE +38 14 329 CH +38 14 330 DI +38 15 1 DI +38 15 2 VE +38 15 3 FU +38 15 4 GU +38 15 5 VE +38 15 6 * +38 15 7 VE +38 15 8 GU +38 15 9 CH +38 15 10 DI +38 15 11 VE +38 15 12 AM +38 15 13 VE +38 15 14 DI +38 15 15 GU +38 15 16 BA +38 15 17 FU +38 15 18 WU +38 15 19 DI +38 15 20 VE +38 15 21 RO +38 15 22 AM +38 15 23 GU +38 15 24 CH +38 15 25 VE +38 15 26 DI +38 15 27 * +38 15 28 RO +38 15 29 VE +38 15 30 CH +38 15 31 VE +38 15 32 GU +38 15 33 VE +38 15 34 DI +38 15 35 * +38 15 36 VE +38 15 37 DI +38 15 38 GU +38 15 39 VE +38 15 40 DI +38 15 41 FU +38 15 42 TG +38 15 43 DI +38 15 44 RO +38 15 45 VE +38 15 46 BA +38 15 47 VE +38 15 48 TG +38 15 49 DI +38 15 50 GU +38 15 51 CH +38 15 52 VE +38 15 53 GU +38 15 54 VE +38 15 55 DI +38 15 56 RO +38 15 57 VE +38 15 58 VE +38 15 59 GU +38 15 60 DI +38 15 61 FU +38 15 62 GU +38 15 63 RO +38 15 64 DI +38 15 65 RO +38 15 66 BE +38 15 67 VE +38 15 68 CH +38 15 69 VE +38 15 70 GU +38 15 71 GU +38 15 72 VE +38 15 73 GU +38 15 74 DI +38 15 75 VE +38 15 76 TG +38 15 77 DI +38 15 78 GU +38 15 79 VE +38 15 80 WU +38 15 81 DI +38 15 82 VE +38 15 83 BE +38 15 84 RO +38 15 85 VE +38 15 86 GU +38 15 87 VE +38 15 88 GU +38 15 89 WU +38 15 90 VE +38 15 91 VE +38 15 92 BE +38 15 93 DI +38 15 94 CH +38 15 95 VE +38 15 96 AM +38 15 97 GU +38 15 98 FU +38 15 99 GU +38 15 100 VE +38 15 101 GU +38 15 102 GU +38 15 103 VE +38 15 104 DI +38 15 105 GU +38 15 106 AM +38 15 107 GU +38 15 108 VE +38 15 109 DI +38 15 110 TG +38 15 111 VE +38 15 112 RO +38 15 113 WU +38 15 114 VE +38 15 115 FU +38 15 116 DI +38 15 117 CH +38 15 118 RO +38 15 119 VE +38 15 120 GU +38 15 121 TG +38 15 122 VE +38 15 123 DI +38 15 124 VE +38 15 125 TG +38 15 126 RO +38 15 127 VE +38 15 128 VE +38 15 129 GU +38 15 130 VE +38 15 131 GU +38 15 132 FU +38 15 133 VE +38 15 134 CH +38 15 135 GU +38 15 136 DI +38 15 137 VE +38 15 138 DI +38 15 139 GU +38 15 140 DI +38 15 141 JA +38 15 142 GU +38 15 143 VE +38 15 144 GU +38 15 145 VE +38 15 146 TG +38 15 147 VE +38 15 148 FU +38 15 149 VE +38 15 150 GU +38 15 151 RO +38 15 152 GU +38 15 153 DI +38 15 154 WU +38 15 155 CH +38 15 156 VE +38 15 157 CH +38 15 158 GU +38 15 159 RO +38 15 160 RO +38 15 161 VE +38 15 162 FU +38 15 163 VE +38 15 164 DI +38 15 165 VE +38 15 166 DI +38 15 167 GU +38 15 168 VE +38 15 169 DI +38 15 170 VE +38 15 171 VE +38 15 172 GU +38 15 173 RO +38 15 174 TG +38 15 175 DI +38 15 176 RO +38 15 177 VE +38 15 178 DI +38 15 179 GU +38 15 180 VE +38 15 181 TG +38 15 182 GU +38 15 183 CH +38 15 184 GU +38 15 185 CH +38 15 186 DI +38 15 187 TG +38 15 188 DI +38 15 189 GU +38 15 190 RO +38 15 191 VE +38 15 192 GU +38 15 193 VE +38 15 194 GU +38 15 195 VE +38 15 196 VE +38 15 197 GU +38 15 198 WU +38 15 199 VE +38 15 200 DI +38 15 201 RO +38 15 202 VE +38 15 203 GU +38 15 204 CH +38 15 205 GU +38 15 206 VE +38 15 207 RO +38 15 208 TG +38 15 209 VE +38 15 210 GU +38 15 211 DI +38 15 212 TG +38 15 213 GU +38 15 214 VE +38 15 215 GU +38 15 216 VE +38 15 217 RO +38 15 218 VE +38 15 219 VE +38 15 220 GU +38 15 221 VE +38 15 222 GU +38 15 223 VE +38 15 224 RO +38 15 225 VE +38 15 226 VE +38 15 227 WU +38 15 228 DI +38 15 229 VE +38 15 230 RO +38 15 231 GU +38 15 232 VE +38 15 233 GU +38 15 234 VE +38 15 235 DI +38 15 236 VE +38 15 237 RO +38 15 238 VE +38 15 239 RO +38 15 240 CH +38 15 241 JA +38 15 242 AM +38 15 243 GU +38 15 244 DI +38 15 245 FU +38 15 246 VE +38 15 247 GU +38 15 248 VE +38 15 249 VE +38 15 250 GU +38 15 251 VE +38 15 252 JA +38 15 253 VE +38 15 254 GU +38 15 255 WU +38 15 256 RO +38 15 257 DI +38 15 258 VE +38 15 259 FU +38 15 260 VE +38 15 261 TG +38 15 262 GU +38 15 263 BA +38 15 264 DI +38 15 265 VE +38 15 266 CH +38 15 267 GU +38 15 268 VE +38 15 269 GU +38 15 270 TG +38 15 271 VE +38 15 272 DI +38 15 273 GU +38 15 274 JA +38 15 275 VE +38 15 276 RO +38 15 277 DI +38 15 278 RO +38 15 279 DI +38 15 280 VE +38 15 281 VE +38 15 282 VE +38 15 283 CH +38 15 284 DI +38 15 285 RO +38 15 286 GU +38 15 287 TG +38 15 288 FU +38 15 289 VE +38 15 290 JA +38 15 291 DI +38 15 292 RO +38 15 293 VE +38 15 294 DI +38 15 295 CH +38 15 296 AM +38 15 297 GU +38 15 298 FU +38 15 299 VE +38 15 300 BA +38 15 301 VE +38 15 302 JA +38 15 303 GU +38 15 304 VE +38 15 305 GU +38 15 306 VE +38 15 307 DI +38 15 308 GU +38 15 309 VE +38 15 310 VE +38 15 311 DI +38 15 312 WU +38 15 313 GU +38 15 314 JA +38 15 315 VE +38 15 316 VE +38 15 317 GU +38 15 318 TG +38 15 319 JA +38 15 320 VE +38 15 321 FU +38 15 322 DI +38 15 323 VE +38 15 324 JA +38 15 325 GU +38 15 326 TG +38 15 327 DI +38 15 328 VE +38 15 329 CH +38 15 330 DI +38 16 1 DI +38 16 2 VE +38 16 3 AM +38 16 4 GU +38 16 5 VE +38 16 6 RO +38 16 7 VE +38 16 8 FU +38 16 9 CH +38 16 10 DI +38 16 11 VE +38 16 12 AM +38 16 13 VE +38 16 14 RO +38 16 15 JA +38 16 16 AM +38 16 17 WU +38 16 18 RO +38 16 19 AM +38 16 20 DI +38 16 21 VE +38 16 22 RO +38 16 23 AM +38 16 24 GU +38 16 25 BE +38 16 26 VE +38 16 27 DI +38 16 28 RO +38 16 29 VE +38 16 30 AR +38 16 31 DI +38 16 32 BE +38 16 33 VE +38 16 34 BE +38 16 35 DI +38 16 36 VE +38 16 37 FU +38 16 38 DI +38 16 39 VE +38 16 40 FU +38 16 41 DI +38 16 42 AM +38 16 43 DI +38 16 44 VE +38 16 45 GU +38 16 46 VE +38 16 47 GU +38 16 48 AM +38 16 49 FU +38 16 50 CH +38 16 51 DI +38 16 52 GU +38 16 53 DI +38 16 54 WU +38 16 55 VE +38 16 56 VE +38 16 57 DI +38 16 58 RO +38 16 59 GU +38 16 60 DI +38 16 61 FU +38 16 62 GU +38 16 63 RO +38 16 64 DI +38 16 65 RO +38 16 66 AM +38 16 67 VE +38 16 68 GU +38 16 69 FU +38 16 70 GU +38 16 71 VE +38 16 72 GU +38 16 73 DI +38 16 74 VE +38 16 75 AM +38 16 76 AM +38 16 77 GU +38 16 78 DI +38 16 79 WU +38 16 80 VE +38 16 81 VE +38 16 82 AM +38 16 83 RO +38 16 84 JA +38 16 85 VE +38 16 86 GU +38 16 87 WU +38 16 88 GU +38 16 89 WU +38 16 90 VE +38 16 91 VE +38 16 92 FU +38 16 93 DI +38 16 94 CH +38 16 95 VE +38 16 96 VE +38 16 97 GU +38 16 98 FU +38 16 99 GU +38 16 100 VE +38 16 101 VE +38 16 102 DI +38 16 103 VE +38 16 104 DI +38 16 105 GU +38 16 106 AM +38 16 107 JA +38 16 108 VE +38 16 109 DI +38 16 110 AM +38 16 111 VE +38 16 112 FU +38 16 113 WU +38 16 114 VE +38 16 115 FU +38 16 116 DI +38 16 117 CH +38 16 118 RO +38 16 119 VE +38 16 120 JA +38 16 121 AM +38 16 122 VE +38 16 123 DI +38 16 124 VE +38 16 125 RO +38 16 126 VE +38 16 127 JA +38 16 128 GU +38 16 129 AM +38 16 130 VE +38 16 131 FU +38 16 132 GU +38 16 133 DI +38 16 134 AM +38 16 135 VE +38 16 136 DI +38 16 137 BE +38 16 138 DI +38 16 139 JA +38 16 140 FU +38 16 141 JA +38 16 142 DI +38 16 143 VE +38 16 144 GU +38 16 145 VE +38 16 146 GU +38 16 147 VE +38 16 148 FU +38 16 149 VE +38 16 150 GU +38 16 151 RO +38 16 152 RO +38 16 153 FU +38 16 154 BE +38 16 155 CH +38 16 156 VE +38 16 157 CH +38 16 158 JA +38 16 159 AM +38 16 160 FU +38 16 161 DI +38 16 162 DI +38 16 163 VE +38 16 164 DI +38 16 165 GU +38 16 166 VE +38 16 167 FU +38 16 168 RO +38 16 169 VE +38 16 170 DI +38 16 171 RO +38 16 172 VE +38 16 173 CH +38 16 174 VE +38 16 175 CH +38 16 176 GU +38 16 177 VE +38 16 178 RO +38 16 179 FU +38 16 180 VE +38 16 181 FU +38 16 182 AM +38 16 183 AM +38 16 184 VE +38 16 185 FU +38 16 186 RO +38 16 187 WU +38 16 188 DI +38 16 189 GU +38 16 190 GU +38 16 191 VE +38 16 192 GU +38 16 193 VE +38 16 194 FU +38 16 195 VE +38 16 196 WU +38 16 197 VE +38 16 198 DI +38 16 199 RO +38 16 200 VE +38 16 201 CH +38 16 202 GU +38 16 203 VE +38 16 204 RO +38 16 205 FU +38 16 206 VE +38 16 207 FU +38 16 208 AM +38 16 209 RO +38 16 210 GU +38 16 211 VE +38 16 212 GU +38 16 213 VE +38 16 214 RO +38 16 215 VE +38 16 216 VE +38 16 217 GU +38 16 218 GU +38 16 219 VE +38 16 220 GU +38 16 221 VE +38 16 222 DI +38 16 223 GU +38 16 224 FU +38 16 225 VE +38 16 226 DI +38 16 227 WU +38 16 228 DI +38 16 229 VE +38 16 230 RO +38 16 231 GU +38 16 232 CH +38 16 233 DI +38 16 234 VE +38 16 235 DI +38 16 236 VE +38 16 237 RO +38 16 238 VE +38 16 239 RO +38 16 240 FU +38 16 241 JA +38 16 242 AM +38 16 243 GU +38 16 244 DI +38 16 245 FU +38 16 246 VE +38 16 247 GU +38 16 248 VE +38 16 249 GU +38 16 250 VE +38 16 251 RO +38 16 252 CH +38 16 253 VE +38 16 254 DI +38 16 255 CH +38 16 256 RO +38 16 257 DI +38 16 258 AM +38 16 259 FU +38 16 260 VE +38 16 261 AM +38 16 262 BE +38 16 263 BE +38 16 264 DI +38 16 265 VE +38 16 266 FU +38 16 267 GU +38 16 268 GU +38 16 269 VE +38 16 270 AM +38 16 271 VE +38 16 272 DI +38 16 273 GU +38 16 274 BE +38 16 275 VE +38 16 276 GU +38 16 277 DI +38 16 278 AM +38 16 279 DI +38 16 280 VE +38 16 281 VE +38 16 282 VE +38 16 283 CH +38 16 284 DI +38 16 285 GU +38 16 286 JA +38 16 287 AM +38 16 288 FU +38 16 289 DI +38 16 290 CH +38 16 291 DI +38 16 292 RO +38 16 293 DI +38 16 294 DI +38 16 295 GU +38 16 296 AM +38 16 297 FU +38 16 298 VE +38 16 299 BE +38 16 300 VE +38 16 301 BE +38 16 302 DI +38 16 303 GU +38 16 304 DI +38 16 305 DI +38 16 306 VE +38 16 307 FU +38 16 308 GU +38 16 309 VE +38 16 310 VE +38 16 311 FU +38 16 312 WU +38 16 313 DI +38 16 314 JA +38 16 315 VE +38 16 316 DI +38 16 317 GU +38 16 318 AM +38 16 319 JA +38 16 320 VE +38 16 321 FU +38 16 322 DI +38 16 323 VE +38 16 324 RO +38 16 325 GU +38 16 326 AM +38 16 327 DI +38 16 328 VE +38 16 329 CH +38 16 330 VE +38 17 1 DI +38 17 2 VE +38 17 3 FU +38 17 4 * +38 17 5 VE +38 17 6 RO +38 17 7 VE +38 17 8 JA +38 17 9 GU +38 17 10 DI +38 17 11 VE +38 17 12 AM +38 17 13 VE +38 17 14 DI +38 17 15 RO +38 17 16 JA +38 17 17 RO +38 17 18 DI +38 17 19 WU +38 17 20 VE +38 17 21 RO +38 17 22 AM +38 17 23 AM +38 17 24 WU +38 17 25 VE +38 17 26 DI +38 17 27 * +38 17 28 RO +38 17 29 RO +38 17 30 GU +38 17 31 VE +38 17 32 AM +38 17 33 VE +38 17 34 DI +38 17 35 RO +38 17 36 VE +38 17 37 DI +38 17 38 RO +38 17 39 VE +38 17 40 VE +38 17 41 FU +38 17 42 AM +38 17 43 DI +38 17 44 JA +38 17 45 VE +38 17 46 * +38 17 47 BE +38 17 48 AM +38 17 49 VE +38 17 50 GU +38 17 51 CH +38 17 52 VE +38 17 53 FU +38 17 54 VE +38 17 55 DI +38 17 56 RO +38 17 57 VE +38 17 58 VE +38 17 59 RO +38 17 60 JA +38 17 61 FU +38 17 62 GU +38 17 63 RO +38 17 64 DI +38 17 65 RO +38 17 66 AM +38 17 67 VE +38 17 68 RO +38 17 69 VE +38 17 70 JA +38 17 71 WU +38 17 72 RO +38 17 73 VE +38 17 74 GU +38 17 75 GU +38 17 76 DI +38 17 77 WU +38 17 78 RO +38 17 79 VE +38 17 80 WU +38 17 81 VE +38 17 82 VE +38 17 83 RO +38 17 84 RO +38 17 85 VE +38 17 86 FU +38 17 87 WU +38 17 88 GU +38 17 89 WU +38 17 90 WU +38 17 91 VE +38 17 92 RO +38 17 93 DI +38 17 94 WU +38 17 95 VE +38 17 96 AM +38 17 97 GU +38 17 98 RO +38 17 99 GU +38 17 100 VE +38 17 101 FU +38 17 102 * +38 17 103 VE +38 17 104 DI +38 17 105 GU +38 17 106 AM +38 17 107 JA +38 17 108 DI +38 17 109 VE +38 17 110 AM +38 17 111 VE +38 17 112 RO +38 17 113 VE +38 17 114 DI +38 17 115 FU +38 17 116 DI +38 17 117 FU +38 17 118 RO +38 17 119 VE +38 17 120 JA +38 17 121 AM +38 17 122 VE +38 17 123 RO +38 17 124 VE +38 17 125 RO +38 17 126 AM +38 17 127 VE +38 17 128 VE +38 17 129 VE +38 17 130 RO +38 17 131 VE +38 17 132 GU +38 17 133 FU +38 17 134 VE +38 17 135 CH +38 17 136 RO +38 17 137 DI +38 17 138 VE +38 17 139 DI +38 17 140 DI +38 17 141 JA +38 17 142 DI +38 17 143 VE +38 17 144 GU +38 17 145 VE +38 17 146 TG +38 17 147 FU +38 17 148 FU +38 17 149 VE +38 17 150 VE +38 17 151 GU +38 17 152 RO +38 17 153 VE +38 17 154 DI +38 17 155 * +38 17 156 CH +38 17 157 VE +38 17 158 CH +38 17 159 JA +38 17 160 AM +38 17 161 RO +38 17 162 VE +38 17 163 FU +38 17 164 DI +38 17 165 VE +38 17 166 DI +38 17 167 GU +38 17 168 VE +38 17 169 DI +38 17 170 JA +38 17 171 VE +38 17 172 JA +38 17 173 RO +38 17 174 AM +38 17 175 DI +38 17 176 RO +38 17 177 VE +38 17 178 DI +38 17 179 FU +38 17 180 VE +38 17 181 TG +38 17 182 GU +38 17 183 RO +38 17 184 GU +38 17 185 AM +38 17 186 VE +38 17 187 AM +38 17 188 DI +38 17 189 DI +38 17 190 RO +38 17 191 VE +38 17 192 GU +38 17 193 VE +38 17 194 GU +38 17 195 VE +38 17 196 DI +38 17 197 GU +38 17 198 WU +38 17 199 DI +38 17 200 VE +38 17 201 RO +38 17 202 VE +38 17 203 VE +38 17 204 GU +38 17 205 WU +38 17 206 VE +38 17 207 RO +38 17 208 AM +38 17 209 VE +38 17 210 DI +38 17 211 DI +38 17 212 AM +38 17 213 GU +38 17 214 * +38 17 215 VE +38 17 216 WU +38 17 217 RO +38 17 218 VE +38 17 219 DI +38 17 220 DI +38 17 221 VE +38 17 222 GU +38 17 223 VE +38 17 224 JA +38 17 225 VE +38 17 226 DI +38 17 227 WU +38 17 228 DI +38 17 229 VE +38 17 230 RO +38 17 231 GU +38 17 232 VE +38 17 233 DI +38 17 234 VE +38 17 235 DI +38 17 236 VE +38 17 237 RO +38 17 238 VE +38 17 239 RO +38 17 240 GU +38 17 241 RO +38 17 242 VE +38 17 243 GU +38 17 244 DI +38 17 245 FU +38 17 246 VE +38 17 247 GU +38 17 248 WU +38 17 249 VE +38 17 250 GU +38 17 251 VE +38 17 252 RO +38 17 253 VE +38 17 254 DI +38 17 255 WU +38 17 256 RO +38 17 257 DI +38 17 258 AM +38 17 259 FU +38 17 260 VE +38 17 261 JA +38 17 262 AM +38 17 263 BE +38 17 264 DI +38 17 265 VE +38 17 266 TG +38 17 267 VE +38 17 268 GU +38 17 269 TG +38 17 270 AM +38 17 271 VE +38 17 272 JA +38 17 273 GU +38 17 274 JA +38 17 275 VE +38 17 276 RO +38 17 277 GU +38 17 278 RO +38 17 279 DI +38 17 280 VE +38 17 281 VE +38 17 282 VE +38 17 283 CH +38 17 284 DI +38 17 285 RO +38 17 286 JA +38 17 287 AM +38 17 288 FU +38 17 289 FU +38 17 290 RO +38 17 291 DI +38 17 292 RO +38 17 293 VE +38 17 294 JA +38 17 295 AM +38 17 296 GU +38 17 297 AM +38 17 298 FU +38 17 299 VE +38 17 300 JA +38 17 301 VE +38 17 302 RO +38 17 303 JA +38 17 304 DI +38 17 305 GU +38 17 306 VE +38 17 307 DI +38 17 308 WU +38 17 309 DI +38 17 310 VE +38 17 311 DI +38 17 312 WU +38 17 313 GU +38 17 314 RO +38 17 315 VE +38 17 316 VE +38 17 317 GU +38 17 318 RO +38 17 319 JA +38 17 320 VE +38 17 321 FU +38 17 322 DI +38 17 323 VE +38 17 324 RO +38 17 325 GU +38 17 326 AM +38 17 327 VE +38 17 328 DI +38 17 329 CH +38 17 330 DI +38 18 1 DI +38 18 2 FU +38 18 3 VE +38 18 4 GU +38 18 5 VE +38 18 6 VE +38 18 7 GU +38 18 8 CH +38 18 9 DI +38 18 10 DI +38 18 11 VE +38 18 12 AM +38 18 13 VE +38 18 14 DI +38 18 15 GU +38 18 16 BE +38 18 17 FU +38 18 18 FU +38 18 19 WU +38 18 20 AM +38 18 21 VE +38 18 22 DI +38 18 23 AM +38 18 24 GU +38 18 25 CH +38 18 26 DI +38 18 27 DI +38 18 28 * +38 18 29 GU +38 18 30 * +38 18 31 TG +38 18 32 DI +38 18 33 GU +38 18 34 AM +38 18 35 DI +38 18 36 * +38 18 37 DI +38 18 38 GU +38 18 39 * +38 18 40 DI +38 18 41 FU +38 18 42 TG +38 18 43 DI +38 18 44 GU +38 18 45 DI +38 18 46 * +38 18 47 TG +38 18 48 DI +38 18 49 GU +38 18 50 CH +38 18 51 JA +38 18 52 GU +38 18 53 VE +38 18 54 DI +38 18 55 * +38 18 56 * +38 18 57 VE +38 18 58 * +38 18 59 GU +38 18 60 VE +38 18 61 GU +38 18 62 RO +38 18 63 DI +38 18 64 RO +38 18 65 * +38 18 66 VE +38 18 67 GU +38 18 68 VE +38 18 69 GU +38 18 70 GU +38 18 71 VE +38 18 72 GU +38 18 73 DI +38 18 74 VE +38 18 75 AM +38 18 76 * +38 18 77 GU +38 18 78 WU +38 18 79 DI +38 18 80 VE +38 18 81 VE +38 18 82 * +38 18 83 RO +38 18 84 VE +38 18 85 RO +38 18 86 WU +38 18 87 GU +38 18 88 WU +38 18 89 VE +38 18 90 VE +38 18 91 AM +38 18 92 DI +38 18 93 DI +38 18 94 WU +38 18 95 VE +38 18 96 AM +38 18 97 GU +38 18 98 FU +38 18 99 GU +38 18 100 VE +38 18 101 GU +38 18 102 GU +38 18 103 VE +38 18 104 DI +38 18 105 GU +38 18 106 AM +38 18 107 * +38 18 108 VE +38 18 109 DI +38 18 110 AM +38 18 111 VE +38 18 112 RO +38 18 113 CH +38 18 114 VE +38 18 115 GU +38 18 116 DI +38 18 117 FU +38 18 118 DI +38 18 119 * +38 18 120 * +38 18 121 * +38 18 122 GU +38 18 123 DI +38 18 124 VE +38 18 125 AM +38 18 126 RO +38 18 127 VE +38 18 128 AM +38 18 129 JA +38 18 130 VE +38 18 131 GU +38 18 132 FU +38 18 133 VE +38 18 134 WU +38 18 135 VE +38 18 136 GU +38 18 137 DI +38 18 138 VE +38 18 139 DI +38 18 140 GU +38 18 141 VE +38 18 142 GU +38 18 143 VE +38 18 144 GU +38 18 145 DI +38 18 146 AM +38 18 147 VE +38 18 148 FU +38 18 149 VE +38 18 150 GU +38 18 151 DI +38 18 152 GU +38 18 153 DI +38 18 154 CH +38 18 155 CH +38 18 156 VE +38 18 157 GU +38 18 158 DI +38 18 159 AM +38 18 160 GU +38 18 161 VE +38 18 162 FU +38 18 163 VE +38 18 164 DI +38 18 165 * +38 18 166 * +38 18 167 GU +38 18 168 VE +38 18 169 DI +38 18 170 VE +38 18 171 VE +38 18 172 BA +38 18 173 RO +38 18 174 AM +38 18 175 DI +38 18 176 FU +38 18 177 VE +38 18 178 DI +38 18 179 GU +38 18 180 VE +38 18 181 * +38 18 182 GU +38 18 183 * +38 18 184 GU +38 18 185 * +38 18 186 DI +38 18 187 AM +38 18 188 DI +38 18 189 DI +38 18 190 RO +38 18 191 VE +38 18 192 GU +38 18 193 VE +38 18 194 CH +38 18 195 VE +38 18 196 DI +38 18 197 GU +38 18 198 WU +38 18 199 DI +38 18 200 DI +38 18 201 RO +38 18 202 VE +38 18 203 GU +38 18 204 WU +38 18 205 GU +38 18 206 DI +38 18 207 RO +38 18 208 * +38 18 209 VE +38 18 210 * +38 18 211 DI +38 18 212 AM +38 18 213 GU +38 18 214 VE +38 18 215 GU +38 18 216 VE +38 18 217 RO +38 18 218 VE +38 18 219 DI +38 18 220 GU +38 18 221 DI +38 18 222 GU +38 18 223 VE +38 18 224 JA +38 18 225 VE +38 18 226 DI +38 18 227 WU +38 18 228 DI +38 18 229 VE +38 18 230 RO +38 18 231 GU +38 18 232 * +38 18 233 GU +38 18 234 VE +38 18 235 DI +38 18 236 VE +38 18 237 * +38 18 238 DI +38 18 239 RO +38 18 240 * +38 18 241 JA +38 18 242 GU +38 18 243 DI +38 18 244 FU +38 18 245 DI +38 18 246 GU +38 18 247 VE +38 18 248 VE +38 18 249 GU +38 18 250 VE +38 18 251 BE +38 18 252 DI +38 18 253 VE +38 18 254 RO +38 18 255 FU +38 18 256 DI +38 18 257 DI +38 18 258 VE +38 18 259 FU +38 18 260 VE +38 18 261 AM +38 18 262 JA +38 18 263 BE +38 18 264 DI +38 18 265 VE +38 18 266 FU +38 18 267 GU +38 18 268 VE +38 18 269 GU +38 18 270 AM +38 18 271 VE +38 18 272 DI +38 18 273 GU +38 18 274 JA +38 18 275 VE +38 18 276 GU +38 18 277 DI +38 18 278 AM +38 18 279 GU +38 18 280 VE +38 18 281 VE +38 18 282 VE +38 18 283 CH +38 18 284 DI +38 18 285 RO +38 18 286 JA +38 18 287 * +38 18 288 FU +38 18 289 DI +38 18 290 JA +38 18 291 DI +38 18 292 RO +38 18 293 DI +38 18 294 GU +38 18 295 * +38 18 296 GU +38 18 297 AM +38 18 298 FU +38 18 299 VE +38 18 300 BE +38 18 301 VE +38 18 302 JA +38 18 303 GU +38 18 304 GU +38 18 305 VE +38 18 306 VE +38 18 307 DI +38 18 308 GU +38 18 309 WU +38 18 310 VE +38 18 311 DI +38 18 312 WU +38 18 313 GU +38 18 314 JA +38 18 315 VE +38 18 316 DI +38 18 317 GU +38 18 318 AM +38 18 319 JA +38 18 320 VE +38 18 321 FU +38 18 322 DI +38 18 323 VE +38 18 324 JA +38 18 325 GU +38 18 326 AM +38 18 327 DI +38 18 328 VE +38 18 329 * +38 18 330 DI +38 19 1 DI +38 19 2 VE +38 19 3 FU +38 19 4 RO +38 19 5 DI +38 19 6 AM +38 19 7 VE +38 19 8 FU +38 19 9 CH +38 19 10 DI +38 19 11 VE +38 19 12 VE +38 19 13 AM +38 19 14 DI +38 19 15 RO +38 19 16 JA +38 19 17 AM +38 19 18 WU +38 19 19 DI +38 19 20 VE +38 19 21 RO +38 19 22 AM +38 19 23 FU +38 19 24 CH +38 19 25 DI +38 19 26 DI +38 19 27 JA +38 19 28 RO +38 19 29 VE +38 19 30 AM +38 19 31 DI +38 19 32 RO +38 19 33 VE +38 19 34 DI +38 19 35 RO +38 19 36 VE +38 19 37 VE +38 19 38 DI +38 19 39 RO +38 19 40 JA +38 19 41 DI +38 19 42 JA +38 19 43 VE +38 19 44 BE +38 19 45 VE +38 19 46 AM +38 19 47 DI +38 19 48 FU +38 19 49 CH +38 19 50 VE +38 19 51 GU +38 19 52 VE +38 19 53 DI +38 19 54 FU +38 19 55 RO +38 19 56 RO +38 19 57 DI +38 19 58 CH +38 19 59 JA +38 19 60 DI +38 19 61 GU +38 19 62 GU +38 19 63 RO +38 19 64 DI +38 19 65 RO +38 19 66 JA +38 19 67 VE +38 19 68 GU +38 19 69 VE +38 19 70 JA +38 19 71 GU +38 19 72 VE +38 19 73 AM +38 19 74 DI +38 19 75 RO +38 19 76 DI +38 19 77 DI +38 19 78 VE +38 19 79 DI +38 19 80 JA +38 19 81 RO +38 19 82 FU +38 19 83 WU +38 19 84 GU +38 19 85 VE +38 19 86 RO +38 19 87 DI +38 19 88 GU +38 19 89 DI +38 19 90 VE +38 19 91 JA +38 19 92 CH +38 19 93 DI +38 19 94 AM +38 19 95 FU +38 19 96 FU +38 19 97 GU +38 19 98 DI +38 19 99 FU +38 19 100 DI +38 19 101 VE +38 19 102 GU +38 19 103 AM +38 19 104 DI +38 19 105 DI +38 19 106 AM +38 19 107 VE +38 19 108 RO +38 19 109 VE +38 19 110 RO +38 19 111 FU +38 19 112 GU +38 19 113 WU +38 19 114 DI +38 19 115 RO +38 19 116 DI +38 19 117 CH +38 19 118 RO +38 19 119 VE +38 19 120 JA +38 19 121 AM +38 19 122 VE +38 19 123 DI +38 19 124 VE +38 19 125 AM +38 19 126 RO +38 19 127 DI +38 19 128 VE +38 19 129 JA +38 19 130 DI +38 19 131 FU +38 19 132 VE +38 19 133 GU +38 19 134 RO +38 19 135 DI +38 19 136 FU +38 19 137 DI +38 19 138 JA +38 19 139 DI +38 19 140 DI +38 19 141 JA +38 19 142 DI +38 19 143 VE +38 19 144 FU +38 19 145 DI +38 19 146 AM +38 19 147 DI +38 19 148 RO +38 19 149 GU +38 19 150 DI +38 19 151 CH +38 19 152 VE +38 19 153 VE +38 19 154 CH +38 19 155 VE +38 19 156 JA +38 19 157 RO +38 19 158 RO +38 19 159 DI +38 19 160 GU +38 19 161 DI +38 19 162 DI +38 19 163 DI +38 19 164 DI +38 19 165 FU +38 19 166 DI +38 19 167 FU +38 19 168 VE +38 19 169 DI +38 19 170 DI +38 19 171 VE +38 19 172 JA +38 19 173 RO +38 19 174 AM +38 19 175 DI +38 19 176 DI +38 19 177 AM +38 19 178 GU +38 19 179 CH +38 19 180 DI +38 19 181 AM +38 19 182 RO +38 19 183 DI +38 19 184 DI +38 19 185 GU +38 19 186 VE +38 19 187 GU +38 19 188 VE +38 19 189 DI +38 19 190 RO +38 19 191 FU +38 19 192 GU +38 19 193 JA +38 19 194 DI +38 19 195 VE +38 19 196 DI +38 19 197 FU +38 19 198 WU +38 19 199 DI +38 19 200 DI +38 19 201 RO +38 19 202 CH +38 19 203 RO +38 19 204 GU +38 19 205 CH +38 19 206 DI +38 19 207 RO +38 19 208 CH +38 19 209 VE +38 19 210 GU +38 19 211 DI +38 19 212 AM +38 19 213 RO +38 19 214 VE +38 19 215 FU +38 19 216 VE +38 19 217 VE +38 19 218 DI +38 19 219 GU +38 19 220 DI +38 19 221 FU +38 19 222 VE +38 19 223 JA +38 19 224 VE +38 19 225 VE +38 19 226 DI +38 19 227 BE +38 19 228 WU +38 19 229 DI +38 19 230 VE +38 19 231 JA +38 19 232 GU +38 19 233 VE +38 19 234 GU +38 19 235 VE +38 19 236 GU +38 19 237 VE +38 19 238 RO +38 19 239 DI +38 19 240 RO +38 19 241 GU +38 19 242 JA +38 19 243 AM +38 19 244 AM +38 19 245 GU +38 19 246 DI +38 19 247 FU +38 19 248 RO +38 19 249 GU +38 19 250 VE +38 19 251 VE +38 19 252 GU +38 19 253 DI +38 19 254 DI +38 19 255 WU +38 19 256 RO +38 19 257 DI +38 19 258 AM +38 19 259 RO +38 19 260 DI +38 19 261 JA +38 19 262 FU +38 19 263 DI +38 19 264 VE +38 19 265 RO +38 19 266 FU +38 19 267 VE +38 19 268 GU +38 19 269 AM +38 19 270 VE +38 19 271 DI +38 19 272 RO +38 19 273 JA +38 19 274 VE +38 19 275 DI +38 19 276 DI +38 19 277 RO +38 19 278 FU +38 19 279 VE +38 19 280 FU +38 19 281 VE +38 19 282 VE +38 19 283 CH +38 19 284 JA +38 19 285 RO +38 19 286 JA +38 19 287 CH +38 19 288 RO +38 19 289 RO +38 19 290 DI +38 19 291 CH +38 19 292 DI +38 19 293 VE +38 19 294 AM +38 19 295 GU +38 19 296 JA +38 19 297 AM +38 19 298 DI +38 19 299 RO +38 19 300 GU +38 19 301 VE +38 19 302 GU +38 19 303 GU +38 19 304 VE +38 19 305 VE +38 19 306 RO +38 19 307 AM +38 19 308 FU +38 19 309 VE +38 19 310 DI +38 19 311 WU +38 19 312 AM +38 19 313 GU +38 19 314 JA +38 19 315 FU +38 19 316 DI +38 19 317 GU +38 19 318 RO +38 19 319 DI +38 19 320 DI +38 19 321 JA +38 19 322 GU +38 19 323 AM +38 19 324 BE +38 19 325 VE +38 19 326 DI +38 19 327 CH +38 19 328 FU +38 19 329 GU +38 19 330 GU +38 20 1 DI +38 20 2 VE +38 20 3 FU +38 20 4 GU +38 20 5 VE +38 20 6 AR +38 20 7 VE +38 20 8 RO +38 20 9 CH +38 20 10 DI +38 20 11 VE +38 20 12 RO +38 20 13 VE +38 20 14 * +38 20 15 RO +38 20 16 BE +38 20 17 FU +38 20 18 WU +38 20 19 DI +38 20 20 VE +38 20 21 RO +38 20 22 AM +38 20 23 GU +38 20 24 CH +38 20 25 DI +38 20 26 DI +38 20 27 RO +38 20 28 RO +38 20 29 VE +38 20 30 AR +38 20 31 DI +38 20 32 RO +38 20 33 VE +38 20 34 DI +38 20 35 RO +38 20 36 VE +38 20 37 DI +38 20 38 RO +38 20 39 VE +38 20 40 DI +38 20 41 FU +38 20 42 AM +38 20 43 DI +38 20 44 RO +38 20 45 VE +38 20 46 BE +38 20 47 VE +38 20 48 AR +38 20 49 DI +38 20 50 GU +38 20 51 CH +38 20 52 DI +38 20 53 GU +38 20 54 VE +38 20 55 DI +38 20 56 RO +38 20 57 DI +38 20 58 AM +38 20 59 GU +38 20 60 VE +38 20 61 FU +38 20 62 GU +38 20 63 RO +38 20 64 DI +38 20 65 RO +38 20 66 JA +38 20 67 VE +38 20 68 RO +38 20 69 RO +38 20 70 VE +38 20 71 DI +38 20 72 FU +38 20 73 VE +38 20 74 GU +38 20 75 VE +38 20 76 CH +38 20 77 FU +38 20 78 AM +38 20 79 VE +38 20 80 DI +38 20 81 VE +38 20 82 GU +38 20 83 AM +38 20 84 RO +38 20 85 VE +38 20 86 RO +38 20 87 BE +38 20 88 GU +38 20 89 WU +38 20 90 VE +38 20 91 VE +38 20 92 RO +38 20 93 DI +38 20 94 CH +38 20 95 AM +38 20 96 GU +38 20 97 RO +38 20 98 GU +38 20 99 RO +38 20 100 GU +38 20 101 VE +38 20 102 GU +38 20 103 DI +38 20 104 DI +38 20 105 GU +38 20 106 AM +38 20 107 JA +38 20 108 DI +38 20 109 DI +38 20 110 AM +38 20 111 VE +38 20 112 RO +38 20 113 CH +38 20 114 VE +38 20 115 FU +38 20 116 DI +38 20 117 CH +38 20 118 RO +38 20 119 VE +38 20 120 JA +38 20 121 AR +38 20 122 VE +38 20 123 DI +38 20 124 DI +38 20 125 AM +38 20 126 RO +38 20 127 VE +38 20 128 AM +38 20 129 JA +38 20 130 VE +38 20 131 FU +38 20 132 CH +38 20 133 GU +38 20 134 DI +38 20 135 VE +38 20 136 DI +38 20 137 GU +38 20 138 JA +38 20 139 GU +38 20 140 DI +38 20 141 JA +38 20 142 DI +38 20 143 VE +38 20 144 GU +38 20 145 VE +38 20 146 AM +38 20 147 VE +38 20 148 FU +38 20 149 GU +38 20 150 VE +38 20 151 RO +38 20 152 GU +38 20 153 DI +38 20 154 RO +38 20 155 CH +38 20 156 VE +38 20 157 CH +38 20 158 JA +38 20 159 AM +38 20 160 RO +38 20 161 VE +38 20 162 RO +38 20 163 DI +38 20 164 DI +38 20 165 VE +38 20 166 VE +38 20 167 GU +38 20 168 VE +38 20 169 DI +38 20 170 VE +38 20 171 VE +38 20 172 JA +38 20 173 RO +38 20 174 AM +38 20 175 DI +38 20 176 RO +38 20 177 AM +38 20 178 DI +38 20 179 FU +38 20 180 VE +38 20 181 AM +38 20 182 GU +38 20 183 CH +38 20 184 GU +38 20 185 AM +38 20 186 DI +38 20 187 AM +38 20 188 DI +38 20 189 RO +38 20 190 DI +38 20 191 VE +38 20 192 GU +38 20 193 AM +38 20 194 FU +38 20 195 VE +38 20 196 VE +38 20 197 GU +38 20 198 WU +38 20 199 DI +38 20 200 DI +38 20 201 RO +38 20 202 VE +38 20 203 GU +38 20 204 CH +38 20 205 GU +38 20 206 AM +38 20 207 RO +38 20 208 AR +38 20 209 VE +38 20 210 CH +38 20 211 DI +38 20 212 AM +38 20 213 GU +38 20 214 VE +38 20 215 RO +38 20 216 VE +38 20 217 RO +38 20 218 VE +38 20 219 DI +38 20 220 DI +38 20 221 DI +38 20 222 GU +38 20 223 VE +38 20 224 JA +38 20 225 AM +38 20 226 VE +38 20 227 WU +38 20 228 DI +38 20 229 VE +38 20 230 JA +38 20 231 GU +38 20 232 CH +38 20 233 DI +38 20 234 VE +38 20 235 DI +38 20 236 VE +38 20 237 RO +38 20 238 DI +38 20 239 RO +38 20 240 CH +38 20 241 JA +38 20 242 AM +38 20 243 AM +38 20 244 GU +38 20 245 DI +38 20 246 FU +38 20 247 VE +38 20 248 GU +38 20 249 VE +38 20 250 VE +38 20 251 GU +38 20 252 VE +38 20 253 JA +38 20 254 VE +38 20 255 DI +38 20 256 CH +38 20 257 RO +38 20 258 DI +38 20 259 AM +38 20 260 FU +38 20 261 AM +38 20 262 JA +38 20 263 BE +38 20 264 DI +38 20 265 VE +38 20 266 AR +38 20 267 VE +38 20 268 VE +38 20 269 GU +38 20 270 AM +38 20 271 VE +38 20 272 DI +38 20 273 GU +38 20 274 JA +38 20 275 AM +38 20 276 VE +38 20 277 DI +38 20 278 RO +38 20 279 GU +38 20 280 VE +38 20 281 VE +38 20 282 VE +38 20 283 CH +38 20 284 DI +38 20 285 RO +38 20 286 JA +38 20 287 CH +38 20 288 FU +38 20 289 RO +38 20 290 JA +38 20 291 DI +38 20 292 DI +38 20 293 DI +38 20 294 RO +38 20 295 DI +38 20 296 GU +38 20 297 DI +38 20 298 FU +38 20 299 VE +38 20 300 BE +38 20 301 VE +38 20 302 RO +38 20 303 DI +38 20 304 JA +38 20 305 GU +38 20 306 VE +38 20 307 DI +38 20 308 GU +38 20 309 CH +38 20 310 VE +38 20 311 DI +38 20 312 WU +38 20 313 DI +38 20 314 JA +38 20 315 VE +38 20 316 VE +38 20 317 GU +38 20 318 AM +38 20 319 JA +38 20 320 VE +38 20 321 RO +38 20 322 DI +38 20 323 VE +38 20 324 JA +38 20 325 GU +38 20 326 AM +38 20 327 DI +38 20 328 VE +38 20 329 CH +38 20 330 VE +38 21 1 DI +38 21 2 VE +38 21 3 FU +38 21 4 * +38 21 5 VE +38 21 6 RO +38 21 7 VE +38 21 8 FU +38 21 9 GU +38 21 10 DI +38 21 11 VE +38 21 12 AM +38 21 13 VE +38 21 14 DI +38 21 15 RO +38 21 16 JA +38 21 17 RO +38 21 18 DI +38 21 19 WU +38 21 20 VE +38 21 21 RO +38 21 22 AM +38 21 23 AM +38 21 24 WU +38 21 25 VE +38 21 26 DI +38 21 27 VE +38 21 28 RO +38 21 29 RO +38 21 30 GU +38 21 31 VE +38 21 32 AM +38 21 33 VE +38 21 34 DI +38 21 35 RO +38 21 36 VE +38 21 37 DI +38 21 38 RO +38 21 39 VE +38 21 40 VE +38 21 41 FU +38 21 42 AM +38 21 43 DI +38 21 44 JA +38 21 45 VE +38 21 46 * +38 21 47 BE +38 21 48 AM +38 21 49 VE +38 21 50 GU +38 21 51 CH +38 21 52 VE +38 21 53 FU +38 21 54 VE +38 21 55 DI +38 21 56 RO +38 21 57 VE +38 21 58 VE +38 21 59 RO +38 21 60 JA +38 21 61 FU +38 21 62 GU +38 21 63 RO +38 21 64 DI +38 21 65 RO +38 21 66 AM +38 21 67 VE +38 21 68 RO +38 21 69 VE +38 21 70 WU +38 21 71 RO +38 21 72 VE +38 21 73 GU +38 21 74 GU +38 21 75 DI +38 21 76 WU +38 21 77 RO +38 21 78 VE +38 21 79 WU +38 21 80 WU +38 21 81 VE +38 21 82 VE +38 21 83 RO +38 21 84 RO +38 21 85 VE +38 21 86 FU +38 21 87 WU +38 21 88 GU +38 21 89 WU +38 21 90 WU +38 21 91 VE +38 21 92 RO +38 21 93 DI +38 21 94 WU +38 21 95 VE +38 21 96 AM +38 21 97 GU +38 21 98 RO +38 21 99 GU +38 21 100 VE +38 21 101 FU +38 21 102 * +38 21 103 VE +38 21 104 DI +38 21 105 GU +38 21 106 AM +38 21 107 JA +38 21 108 DI +38 21 109 VE +38 21 110 AM +38 21 111 VE +38 21 112 RO +38 21 113 VE +38 21 114 DI +38 21 115 FU +38 21 116 DI +38 21 117 FU +38 21 118 RO +38 21 119 VE +38 21 120 JA +38 21 121 AM +38 21 122 VE +38 21 123 RO +38 21 124 VE +38 21 125 RO +38 21 126 AM +38 21 127 VE +38 21 128 RO +38 21 129 VE +38 21 130 GU +38 21 131 FU +38 21 132 VE +38 21 133 CH +38 21 134 RO +38 21 135 DI +38 21 136 VE +38 21 137 DI +38 21 138 DI +38 21 139 VE +38 21 140 AM +38 21 141 JA +38 21 142 DI +38 21 143 VE +38 21 144 GU +38 21 145 VE +38 21 146 TG +38 21 147 FU +38 21 148 VE +38 21 149 VE +38 21 150 GU +38 21 151 RO +38 21 152 VE +38 21 153 DI +38 21 154 * +38 21 155 CH +38 21 156 VE +38 21 157 CH +38 21 158 JA +38 21 159 RO +38 21 160 RO +38 21 161 VE +38 21 162 FU +38 21 163 VE +38 21 164 DI +38 21 165 VE +38 21 166 DI +38 21 167 GU +38 21 168 VE +38 21 169 DI +38 21 170 VE +38 21 171 JA +38 21 172 RO +38 21 173 AM +38 21 174 AM +38 21 175 DI +38 21 176 RO +38 21 177 VE +38 21 178 DI +38 21 179 FU +38 21 180 VE +38 21 181 TG +38 21 182 GU +38 21 183 RO +38 21 184 GU +38 21 185 AM +38 21 186 VE +38 21 187 AM +38 21 188 DI +38 21 189 DI +38 21 190 RO +38 21 191 VE +38 21 192 GU +38 21 193 VE +38 21 194 GU +38 21 195 VE +38 21 196 DI +38 21 197 GU +38 21 198 WU +38 21 199 DI +38 21 200 VE +38 21 201 RO +38 21 202 VE +38 21 203 VE +38 21 204 GU +38 21 205 WU +38 21 206 VE +38 21 207 RO +38 21 208 AM +38 21 209 VE +38 21 210 DI +38 21 211 DI +38 21 212 AM +38 21 213 GU +38 21 214 * +38 21 215 VE +38 21 216 WU +38 21 217 RO +38 21 218 VE +38 21 219 DI +38 21 220 DI +38 21 221 VE +38 21 222 GU +38 21 223 VE +38 21 224 JA +38 21 225 VE +38 21 226 DI +38 21 227 WU +38 21 228 DI +38 21 229 VE +38 21 230 RO +38 21 231 GU +38 21 232 VE +38 21 233 DI +38 21 234 VE +38 21 235 DI +38 21 236 VE +38 21 237 RO +38 21 238 VE +38 21 239 RO +38 21 240 GU +38 21 241 RO +38 21 242 VE +38 21 243 GU +38 21 244 DI +38 21 245 FU +38 21 246 VE +38 21 247 GU +38 21 248 WU +38 21 249 VE +38 21 250 GU +38 21 251 VE +38 21 252 RO +38 21 253 VE +38 21 254 DI +38 21 255 WU +38 21 256 RO +38 21 257 DI +38 21 258 AM +38 21 259 FU +38 21 260 VE +38 21 261 JA +38 21 262 AM +38 21 263 BE +38 21 264 DI +38 21 265 VE +38 21 266 TG +38 21 267 VE +38 21 268 GU +38 21 269 TG +38 21 270 AM +38 21 271 VE +38 21 272 JA +38 21 273 GU +38 21 274 JA +38 21 275 VE +38 21 276 RO +38 21 277 GU +38 21 278 RO +38 21 279 DI +38 21 280 VE +38 21 281 VE +38 21 282 VE +38 21 283 CH +38 21 284 DI +38 21 285 RO +38 21 286 JA +38 21 287 AM +38 21 288 FU +38 21 289 FU +38 21 290 RO +38 21 291 DI +38 21 292 RO +38 21 293 VE +38 21 294 JA +38 21 295 AM +38 21 296 GU +38 21 297 AM +38 21 298 FU +38 21 299 VE +38 21 300 JA +38 21 301 VE +38 21 302 RO +38 21 303 JA +38 21 304 DI +38 21 305 GU +38 21 306 VE +38 21 307 DI +38 21 308 WU +38 21 309 DI +38 21 310 VE +38 21 311 DI +38 21 312 WU +38 21 313 GU +38 21 314 RO +38 21 315 VE +38 21 316 VE +38 21 317 GU +38 21 318 RO +38 21 319 JA +38 21 320 VE +38 21 321 FU +38 21 322 DI +38 21 323 VE +38 21 324 RO +38 21 325 GU +38 21 326 AM +38 21 327 VE +38 21 328 DI +38 21 329 CH +38 21 330 DI +38 22 1 DI +38 22 2 VE +38 22 3 AM +38 22 4 GU +38 22 5 VE +38 22 6 CH +38 22 7 VE +38 22 8 CH +38 22 9 DI +38 22 10 VE +38 22 11 * +38 22 12 AM +38 22 13 VE +38 22 14 * +38 22 15 * +38 22 16 JA +38 22 17 * +38 22 18 WU +38 22 19 DI +38 22 20 VE +38 22 21 * +38 22 22 AM +38 22 23 GU +38 22 24 CH +38 22 25 * +38 22 26 DI +38 22 27 * +38 22 28 * +38 22 29 VE +38 22 30 * +38 22 31 DI +38 22 32 * +38 22 33 VE +38 22 34 DI +38 22 35 * +38 22 36 VE +38 22 37 DI +38 22 38 * +38 22 39 VE +38 22 40 DI +38 22 41 FU +38 22 42 AM +38 22 43 DI +38 22 44 * +38 22 45 BE +38 22 46 VE +38 22 47 VE +38 22 48 * +38 22 49 DI +38 22 50 GU +38 22 51 CH +38 22 52 * +38 22 53 FU +38 22 54 VE +38 22 55 DI +38 22 56 * +38 22 57 * +38 22 58 * +38 22 59 * +38 22 60 VE +38 22 61 FU +38 22 62 * +38 22 63 * +38 22 64 DI +38 22 65 FU +38 22 66 * +38 22 67 VE +38 22 68 GU +38 22 69 VE +38 22 70 * +38 22 71 FU +38 22 72 VE +38 22 73 GU +38 22 74 DI +38 22 75 * +38 22 76 * +38 22 77 DI +38 22 78 * +38 22 79 * +38 22 80 DI +38 22 81 VE +38 22 82 * +38 22 83 * +38 22 84 * +38 22 85 VE +38 22 86 * +38 22 87 WU +38 22 88 GU +38 22 89 WU +38 22 90 VE +38 22 91 VE +38 22 92 * +38 22 93 DI +38 22 94 CH +38 22 95 * +38 22 96 AM +38 22 97 GU +38 22 98 FU +38 22 99 * +38 22 100 DI +38 22 101 GU +38 22 102 WU +38 22 103 * +38 22 104 DI +38 22 105 GU +38 22 106 AM +38 22 107 * +38 22 108 DI +38 22 109 DI +38 22 110 * +38 22 111 VE +38 22 112 FU +38 22 113 WU +38 22 114 VE +38 22 115 FU +38 22 116 DI +38 22 117 CH +38 22 118 * +38 22 119 VE +38 22 120 * +38 22 121 * +38 22 122 VE +38 22 123 * +38 22 124 VE +38 22 125 * +38 22 126 * +38 22 127 VE +38 22 128 AM +38 22 129 * +38 22 130 VE +38 22 131 GU +38 22 132 FU +38 22 133 VE +38 22 134 CH +38 22 135 GU +38 22 136 DI +38 22 137 VE +38 22 138 DI +38 22 139 * +38 22 140 DI +38 22 141 JA +38 22 142 DI +38 22 143 VE +38 22 144 GU +38 22 145 VE +38 22 146 * +38 22 147 * +38 22 148 FU +38 22 149 VE +38 22 150 GU +38 22 151 * +38 22 152 * +38 22 153 DI +38 22 154 BE +38 22 155 GU +38 22 156 VE +38 22 157 CH +38 22 158 * +38 22 159 * +38 22 160 * +38 22 161 VE +38 22 162 FU +38 22 163 VE +38 22 164 DI +38 22 165 VE +38 22 166 DI +38 22 167 * +38 22 168 VE +38 22 169 DI +38 22 170 VE +38 22 171 VE +38 22 172 * +38 22 173 * +38 22 174 * +38 22 175 DI +38 22 176 FU +38 22 177 * +38 22 178 DI +38 22 179 FU +38 22 180 VE +38 22 181 * +38 22 182 FU +38 22 183 * +38 22 184 GU +38 22 185 * +38 22 186 DI +38 22 187 * +38 22 188 DI +38 22 189 DI +38 22 190 * +38 22 191 VE +38 22 192 GU +38 22 193 * +38 22 194 FU +38 22 195 VE +38 22 196 VE +38 22 197 DI +38 22 198 WU +38 22 199 * +38 22 200 DI +38 22 201 RO +38 22 202 VE +38 22 203 GU +38 22 204 CH +38 22 205 GU +38 22 206 * +38 22 207 FU +38 22 208 * +38 22 209 VE +38 22 210 FU +38 22 211 * +38 22 212 * +38 22 213 * +38 22 214 VE +38 22 215 * +38 22 216 VE +38 22 217 * +38 22 218 * +38 22 219 DI +38 22 220 DI +38 22 221 DI +38 22 222 GU +38 22 223 VE +38 22 224 * +38 22 225 * +38 22 226 * +38 22 227 WU +38 22 228 DI +38 22 229 * +38 22 230 * +38 22 231 GU +38 22 232 * +38 22 233 DI +38 22 234 VE +38 22 235 DI +38 22 236 VE +38 22 237 * +38 22 238 * +38 22 239 * +38 22 240 CH +38 22 241 * +38 22 242 AM +38 22 243 FU +38 22 244 DI +38 22 245 FU +38 22 246 * +38 22 247 GU +38 22 248 VE +38 22 249 VE +38 22 250 GU +38 22 251 * +38 22 252 * +38 22 253 * +38 22 254 DI +38 22 255 CH +38 22 256 * +38 22 257 DI +38 22 258 * +38 22 259 FU +38 22 260 * +38 22 261 * +38 22 262 * +38 22 263 BE +38 22 264 DI +38 22 265 VE +38 22 266 CH +38 22 267 GU +38 22 268 VE +38 22 269 * +38 22 270 * +38 22 271 VE +38 22 272 DI +38 22 273 GU +38 22 274 JA +38 22 275 * +38 22 276 FU +38 22 277 DI +38 22 278 * +38 22 279 DI +38 22 280 VE +38 22 281 VE +38 22 282 VE +38 22 283 CH +38 22 284 DI +38 22 285 RO +38 22 286 JA +38 22 287 AM +38 22 288 FU +38 22 289 DI +38 22 290 JA +38 22 291 DI +38 22 292 * +38 22 293 DI +38 22 294 DI +38 22 295 CH +38 22 296 AM +38 22 297 GU +38 22 298 FU +38 22 299 VE +38 22 300 BE +38 22 301 VE +38 22 302 CR +38 22 303 DI +38 22 304 VE +38 22 305 GU +38 22 306 VE +38 22 307 DI +38 22 308 GU +38 22 309 VE +38 22 310 VE +38 22 311 DI +38 22 312 WU +38 22 313 DI +38 22 314 CR +38 22 315 VE +38 22 316 VE +38 22 317 FU +38 22 318 AM +38 22 319 JA +38 22 320 VE +38 22 321 FU +38 22 322 DI +38 22 323 VE +38 22 324 CR +38 22 325 GU +38 22 326 AM +38 22 327 DI +38 22 328 VE +38 22 329 CH +38 22 330 DI +38 23 1 DI +38 23 2 DI +38 23 3 FU +38 23 4 GU +38 23 5 DI +38 23 6 SA +38 23 7 VE +38 23 8 FU +38 23 9 CH +38 23 10 DI +38 23 11 VE +38 23 12 AM +38 23 13 VE +38 23 14 VE +38 23 15 RO +38 23 16 JA +38 23 17 FU +38 23 18 WU +38 23 19 DI +38 23 20 VE +38 23 21 RO +38 23 22 AM +38 23 23 GU +38 23 24 VE +38 23 25 DI +38 23 26 DI +38 23 27 CR +38 23 28 RO +38 23 29 VE +38 23 30 AM +38 23 31 DI +38 23 32 GU +38 23 33 VE +38 23 34 DI +38 23 35 SA +38 23 36 VE +38 23 37 DI +38 23 38 RO +38 23 39 VE +38 23 40 DI +38 23 41 FU +38 23 42 AM +38 23 43 DI +38 23 44 BA +38 23 45 BE +38 23 46 VE +38 23 47 WU +38 23 48 AM +38 23 49 DI +38 23 50 GU +38 23 51 GU +38 23 52 DI +38 23 53 GU +38 23 54 VE +38 23 55 DI +38 23 56 SA +38 23 57 VE +38 23 58 VE +38 23 59 GU +38 23 60 VE +38 23 61 FU +38 23 62 GU +38 23 63 RO +38 23 64 GU +38 23 65 VE +38 23 66 GU +38 23 67 VE +38 23 68 GU +38 23 69 VE +38 23 70 GU +38 23 71 GU +38 23 72 VE +38 23 73 GU +38 23 74 DI +38 23 75 VE +38 23 76 AM +38 23 77 DI +38 23 78 RO +38 23 79 WU +38 23 80 DI +38 23 81 AM +38 23 82 DI +38 23 83 AM +38 23 84 SA +38 23 85 VE +38 23 86 GU +38 23 87 WU +38 23 88 GU +38 23 89 WU +38 23 90 VE +38 23 91 VE +38 23 92 RO +38 23 93 DI +38 23 94 WU +38 23 95 DI +38 23 96 AM +38 23 97 GU +38 23 98 FU +38 23 99 DI +38 23 100 GU +38 23 101 GU +38 23 102 VE +38 23 103 VE +38 23 104 DI +38 23 105 GU +38 23 106 AM +38 23 107 JA +38 23 108 DI +38 23 109 DI +38 23 110 AM +38 23 111 VE +38 23 112 RO +38 23 113 WU +38 23 114 VE +38 23 115 FU +38 23 116 DI +38 23 117 CH +38 23 118 RO +38 23 119 VE +38 23 120 JA +38 23 121 AM +38 23 122 VE +38 23 123 DI +38 23 124 VE +38 23 125 AM +38 23 126 RO +38 23 127 VE +38 23 128 VE +38 23 129 JA +38 23 130 VE +38 23 131 GU +38 23 132 FU +38 23 133 VE +38 23 134 CH +38 23 135 GU +38 23 136 DI +38 23 137 VE +38 23 138 AM +38 23 139 GU +38 23 140 DI +38 23 141 JA +38 23 142 GU +38 23 143 VE +38 23 144 GU +38 23 145 AM +38 23 146 AM +38 23 147 VE +38 23 148 FU +38 23 149 GU +38 23 150 RO +38 23 151 GU +38 23 152 DI +38 23 153 DI +38 23 154 BE +38 23 155 CH +38 23 156 VE +38 23 157 CH +38 23 158 WU +38 23 159 AM +38 23 160 RO +38 23 161 VE +38 23 162 FU +38 23 163 VE +38 23 164 DI +38 23 165 VE +38 23 166 GU +38 23 167 VE +38 23 168 GU +38 23 169 DI +38 23 170 VE +38 23 171 VE +38 23 172 JA +38 23 173 RO +38 23 174 AM +38 23 175 DI +38 23 176 RO +38 23 177 VE +38 23 178 DI +38 23 179 FU +38 23 180 VE +38 23 181 AM +38 23 182 GU +38 23 183 AM +38 23 184 DI +38 23 185 AM +38 23 186 DI +38 23 187 DI +38 23 188 RO +38 23 189 VE +38 23 190 GU +38 23 191 FU +38 23 192 VE +38 23 193 DI +38 23 194 VE +38 23 195 FU +38 23 196 DI +38 23 197 DI +38 23 198 WU +38 23 199 DI +38 23 200 DI +38 23 201 RO +38 23 202 VE +38 23 203 GU +38 23 204 WU +38 23 205 GU +38 23 206 VE +38 23 207 GU +38 23 208 AM +38 23 209 VE +38 23 210 CH +38 23 211 DI +38 23 212 AM +38 23 213 GU +38 23 214 VE +38 23 215 RO +38 23 216 VE +38 23 217 DI +38 23 218 GU +38 23 219 DI +38 23 220 GU +38 23 221 VE +38 23 222 BE +38 23 223 GU +38 23 224 BE +38 23 225 VE +38 23 226 VE +38 23 227 WU +38 23 228 DI +38 23 229 JA +38 23 230 GU +38 23 231 VE +38 23 232 GU +38 23 233 VE +38 23 234 DI +38 23 235 VE +38 23 236 AM +38 23 237 VE +38 23 238 RO +38 23 239 FU +38 23 240 AM +38 23 241 GU +38 23 242 DI +38 23 243 FU +38 23 244 VE +38 23 245 GU +38 23 246 VE +38 23 247 GU +38 23 248 VE +38 23 249 WU +38 23 250 VE +38 23 251 RO +38 23 252 WU +38 23 253 VE +38 23 254 DI +38 23 255 WU +38 23 256 RO +38 23 257 DI +38 23 258 VE +38 23 259 FU +38 23 260 VE +38 23 261 AM +38 23 262 JA +38 23 263 BE +38 23 264 DI +38 23 265 VE +38 23 266 FU +38 23 267 VE +38 23 268 GU +38 23 269 AM +38 23 270 VE +38 23 271 AM +38 23 272 DI +38 23 273 GU +38 23 274 JA +38 23 275 VE +38 23 276 RO +38 23 277 VE +38 23 278 AM +38 23 279 DI +38 23 280 VE +38 23 281 VE +38 23 282 VE +38 23 283 CH +38 23 284 DI +38 23 285 RO +38 23 286 BE +38 23 287 AM +38 23 288 FU +38 23 289 DI +38 23 290 RO +38 23 291 DI +38 23 292 JA +38 23 293 VE +38 23 294 VE +38 23 295 GU +38 23 296 GU +38 23 297 VE +38 23 298 BE +38 23 299 VE +38 23 300 JA +38 23 301 DI +38 23 302 GU +38 23 303 VE +38 23 304 VE +38 23 305 DI +38 23 306 DI +38 23 307 VE +38 23 308 GU +38 23 309 WU +38 23 310 VE +38 23 311 DI +38 23 312 WU +38 23 313 GU +38 23 314 JA +38 23 315 VE +38 23 316 GU +38 23 317 AM +38 23 318 BE +38 23 319 VE +38 23 320 RO +38 23 321 DI +38 23 322 VE +38 23 323 JA +38 23 324 GU +38 23 325 AM +38 23 326 DI +38 23 327 VE +38 23 328 CH +38 23 329 DI +38 23 330 CH +38 24 1 DI +38 24 2 VE +38 24 3 FU +38 24 4 GU +38 24 5 VE +38 24 6 AR +38 24 7 VE +38 24 8 RO +38 24 9 CH +38 24 10 DI +38 24 11 VE +38 24 12 RO +38 24 13 VE +38 24 14 * +38 24 15 RO +38 24 16 BE +38 24 17 FU +38 24 18 WU +38 24 19 DI +38 24 20 VE +38 24 21 RO +38 24 22 AM +38 24 23 GU +38 24 24 CH +38 24 25 DI +38 24 26 DI +38 24 27 RO +38 24 28 RO +38 24 29 VE +38 24 30 AR +38 24 31 DI +38 24 32 RO +38 24 33 VE +38 24 34 DI +38 24 35 RO +38 24 36 VE +38 24 37 DI +38 24 38 RO +38 24 39 VE +38 24 40 DI +38 24 41 FU +38 24 42 AM +38 24 43 DI +38 24 44 RO +38 24 45 VE +38 24 46 BE +38 24 47 VE +38 24 48 AR +38 24 49 DI +38 24 50 GU +38 24 51 CH +38 24 52 DI +38 24 53 GU +38 24 54 VE +38 24 55 DI +38 24 56 RO +38 24 57 DI +38 24 58 AM +38 24 59 GU +38 24 60 VE +38 24 61 FU +38 24 62 GU +38 24 63 RO +38 24 64 DI +38 24 65 RO +38 24 66 JA +38 24 67 VE +38 24 68 RO +38 24 69 RO +38 24 70 VE +38 24 71 DI +38 24 72 FU +38 24 73 VE +38 24 74 GU +38 24 75 VE +38 24 76 CR +38 24 77 FU +38 24 78 AM +38 24 79 VE +38 24 80 DI +38 24 81 VE +38 24 82 GU +38 24 83 AM +38 24 84 RO +38 24 85 VE +38 24 86 RO +38 24 87 BE +38 24 88 GU +38 24 89 WU +38 24 90 VE +38 24 91 VE +38 24 92 BE +38 24 93 DI +38 24 94 CH +38 24 95 AM +38 24 96 GU +38 24 97 RO +38 24 98 GU +38 24 99 VE +38 24 100 GU +38 24 101 VE +38 24 102 GU +38 24 103 DI +38 24 104 GU +38 24 105 AM +38 24 106 JA +38 24 107 DI +38 24 108 AM +38 24 109 VE +38 24 110 DI +38 24 111 VE +38 24 112 RO +38 24 113 CH +38 24 114 VE +38 24 115 FU +38 24 116 DI +38 24 117 CH +38 24 118 RO +38 24 119 VE +38 24 120 JA +38 24 121 AR +38 24 122 VE +38 24 123 DI +38 24 124 DI +38 24 125 AM +38 24 126 RO +38 24 127 VE +38 24 128 AM +38 24 129 JA +38 24 130 VE +38 24 131 FU +38 24 132 CH +38 24 133 GU +38 24 134 DI +38 24 135 VE +38 24 136 GU +38 24 137 GU +38 24 138 JA +38 24 139 DI +38 24 140 CH +38 24 141 JA +38 24 142 DI +38 24 143 VE +38 24 144 GU +38 24 145 VE +38 24 146 AM +38 24 147 VE +38 24 148 FU +38 24 149 GU +38 24 150 VE +38 24 151 RO +38 24 152 GU +38 24 153 DI +38 24 154 RO +38 24 155 CH +38 24 156 VE +38 24 157 CH +38 24 158 JA +38 24 159 AM +38 24 160 RO +38 24 161 DI +38 24 162 DI +38 24 163 DI +38 24 164 DI +38 24 165 VE +38 24 166 VE +38 24 167 GU +38 24 168 VE +38 24 169 DI +38 24 170 VE +38 24 171 VE +38 24 172 JA +38 24 173 RO +38 24 174 AM +38 24 175 DI +38 24 176 RO +38 24 177 FU +38 24 178 VE +38 24 179 DI +38 24 180 FU +38 24 181 VE +38 24 182 GU +38 24 183 CH +38 24 184 GU +38 24 185 AM +38 24 186 DI +38 24 187 AM +38 24 188 RO +38 24 189 DI +38 24 190 VE +38 24 191 GU +38 24 192 AM +38 24 193 FU +38 24 194 VE +38 24 195 VE +38 24 196 VE +38 24 197 GU +38 24 198 WU +38 24 199 DI +38 24 200 DI +38 24 201 RO +38 24 202 VE +38 24 203 GU +38 24 204 CH +38 24 205 GU +38 24 206 AM +38 24 207 RO +38 24 208 AR +38 24 209 VE +38 24 210 CH +38 24 211 DI +38 24 212 RO +38 24 213 GU +38 24 214 VE +38 24 215 RO +38 24 216 VE +38 24 217 RO +38 24 218 VE +38 24 219 DI +38 24 220 DI +38 24 221 DI +38 24 222 GU +38 24 223 VE +38 24 224 JA +38 24 225 AM +38 24 226 VE +38 24 227 WU +38 24 228 DI +38 24 229 VE +38 24 230 JA +38 24 231 GU +38 24 232 CH +38 24 233 DI +38 24 234 VE +38 24 235 DI +38 24 236 RO +38 24 237 DI +38 24 238 VE +38 24 239 RO +38 24 240 CH +38 24 241 JA +38 24 242 AM +38 24 243 AM +38 24 244 GU +38 24 245 DI +38 24 246 FU +38 24 247 VE +38 24 248 GU +38 24 249 VE +38 24 250 VE +38 24 251 GU +38 24 252 VE +38 24 253 JA +38 24 254 VE +38 24 255 DI +38 24 256 CH +38 24 257 RO +38 24 258 DI +38 24 259 AM +38 24 260 FU +38 24 261 AM +38 24 262 JA +38 24 263 DI +38 24 264 VE +38 24 265 AR +38 24 266 VE +38 24 267 VE +38 24 268 GU +38 24 269 AM +38 24 270 VE +38 24 271 DI +38 24 272 GU +38 24 273 VE +38 24 274 JA +38 24 275 AM +38 24 276 VE +38 24 277 DI +38 24 278 RO +38 24 279 GU +38 24 280 VE +38 24 281 VE +38 24 282 VE +38 24 283 CH +38 24 284 DI +38 24 285 RO +38 24 286 JA +38 24 287 CH +38 24 288 FU +38 24 289 RO +38 24 290 JA +38 24 291 DI +38 24 292 DI +38 24 293 DI +38 24 294 RO +38 24 295 GU +38 24 296 DI +38 24 297 FU +38 24 298 VE +38 24 299 BE +38 24 300 VE +38 24 301 RO +38 24 302 DI +38 24 303 JA +38 24 304 GU +38 24 305 DI +38 24 306 GU +38 24 307 VE +38 24 308 AM +38 24 309 CH +38 24 310 VE +38 24 311 DI +38 24 312 WU +38 24 313 DI +38 24 314 VE +38 24 315 VE +38 24 316 GU +38 24 317 AM +38 24 318 JA +38 24 319 VE +38 24 320 RO +38 24 321 JA +38 24 322 GU +38 24 323 DI +38 24 324 VE +38 24 325 CH +38 24 326 VE +38 24 327 FU +38 24 328 CR +38 24 329 VE +38 24 330 AM +38 25 1 DI +38 25 2 VE +38 25 3 FU +38 25 4 GU +38 25 5 VE +38 25 6 FU +38 25 7 GU +38 25 8 DI +38 25 9 VE +38 25 10 AM +38 25 11 VE +38 25 12 DI +38 25 13 VE +38 25 14 RO +38 25 15 JA +38 25 16 RO +38 25 17 DI +38 25 18 WU +38 25 19 VE +38 25 20 RO +38 25 21 AM +38 25 22 AM +38 25 23 WU +38 25 24 VE +38 25 25 DI +38 25 26 FU +38 25 27 VE +38 25 28 GU +38 25 29 RO +38 25 30 VE +38 25 31 GU +38 25 32 AM +38 25 33 VE +38 25 34 DI +38 25 35 RO +38 25 36 VE +38 25 37 VE +38 25 38 FU +38 25 39 AM +38 25 40 DI +38 25 41 JA +38 25 42 VE +38 25 43 FU +38 25 44 BE +38 25 45 AM +38 25 46 VE +38 25 47 GU +38 25 48 CH +38 25 49 VE +38 25 50 FU +38 25 51 VE +38 25 52 DI +38 25 53 RO +38 25 54 VE +38 25 55 DI +38 25 56 RO +38 25 57 VE +38 25 58 VE +38 25 59 RO +38 25 60 JA +38 25 61 FU +38 25 62 GU +38 25 63 RO +38 25 64 DI +38 25 65 RO +38 25 66 AM +38 25 67 VE +38 25 68 RO +38 25 69 VE +38 25 70 JA +38 25 71 WU +38 25 72 RO +38 25 73 VE +38 25 74 GU +38 25 75 GU +38 25 76 DI +38 25 77 WU +38 25 78 RO +38 25 79 VE +38 25 80 WU +38 25 81 VE +38 25 82 VE +38 25 83 RO +38 25 84 RO +38 25 85 VE +38 25 86 FU +38 25 87 WU +38 25 88 RO +38 25 89 GU +38 25 90 WU +38 25 91 VE +38 25 92 WU +38 25 93 RO +38 25 94 DI +38 25 95 WU +38 25 96 VE +38 25 97 GU +38 25 98 RO +38 25 99 GU +38 25 100 VE +38 25 101 FU +38 25 102 RO +38 25 103 VE +38 25 104 DI +38 25 105 GU +38 25 106 AM +38 25 107 JA +38 25 108 DI +38 25 109 VE +38 25 110 AM +38 25 111 VE +38 25 112 RO +38 25 113 VE +38 25 114 DI +38 25 115 FU +38 25 116 DI +38 25 117 FU +38 25 118 RO +38 25 119 VE +38 25 120 JA +38 25 121 AM +38 25 122 VE +38 25 123 RO +38 25 124 VE +38 25 125 RO +38 25 126 VE +38 25 127 RO +38 25 128 VE +38 25 129 GU +38 25 130 FU +38 25 131 VE +38 25 132 CH +38 25 133 RO +38 25 134 DI +38 25 135 VE +38 25 136 DI +38 25 137 DI +38 25 138 FU +38 25 139 DI +38 25 140 RO +38 25 141 JA +38 25 142 DI +38 25 143 VE +38 25 144 GU +38 25 145 VE +38 25 146 AM +38 25 147 FU +38 25 148 VE +38 25 149 VE +38 25 150 RO +38 25 151 VE +38 25 152 DI +38 25 153 CH +38 25 154 JA +38 25 155 CH +38 25 156 AM +38 25 157 RO +38 25 158 VE +38 25 159 FU +38 25 160 VE +38 25 161 VE +38 25 162 RO +38 25 163 FU +38 25 164 VE +38 25 165 GU +38 25 166 FU +38 25 167 RO +38 25 168 GU +38 25 169 DI +38 25 170 JA +38 25 171 VE +38 25 172 JA +38 25 173 RO +38 25 174 AM +38 25 175 DI +38 25 176 RO +38 25 177 VE +38 25 178 DI +38 25 179 FU +38 25 180 VE +38 25 181 AM +38 25 182 GU +38 25 183 RO +38 25 184 GU +38 25 185 AM +38 25 186 GU +38 25 187 RO +38 25 188 GU +38 25 189 VE +38 25 190 AM +38 25 191 FU +38 25 192 RO +38 25 193 VE +38 25 194 GU +38 25 195 FU +38 25 196 VE +38 25 197 GU +38 25 198 WU +38 25 199 DI +38 25 200 DI +38 25 201 VE +38 25 202 RO +38 25 203 VE +38 25 204 VE +38 25 205 RO +38 25 206 WU +38 25 207 RO +38 25 208 AM +38 25 209 FU +38 25 210 GU +38 25 211 JA +38 25 212 AM +38 25 213 GU +38 25 214 FU +38 25 215 VE +38 25 216 WU +38 25 217 RO +38 25 218 VE +38 25 219 DI +38 25 220 RO +38 25 221 GU +38 25 222 VE +38 25 223 FU +38 25 224 JA +38 25 225 VE +38 25 226 DI +38 25 227 WU +38 25 228 DI +38 25 229 VE +38 25 230 RO +38 25 231 GU +38 25 232 VE +38 25 233 DI +38 25 234 VE +38 25 235 RO +38 25 236 GU +38 25 237 DI +38 25 238 FU +38 25 239 RO +38 25 240 FU +38 25 241 GU +38 25 242 WU +38 25 243 VE +38 25 244 GU +38 25 245 VE +38 25 246 RO +38 25 247 FU +38 25 248 WU +38 25 249 DI +38 25 250 RO +38 25 251 FU +38 25 252 RO +38 25 253 DI +38 25 254 VE +38 25 255 WU +38 25 256 RO +38 25 257 RO +38 25 258 DI +38 25 259 AM +38 25 260 FU +38 25 261 VE +38 25 262 AM +38 25 263 BE +38 25 264 AM +38 25 265 GU +38 25 266 JA +38 25 267 VE +38 25 268 RO +38 25 269 GU +38 25 270 RO +38 25 271 DI +38 25 272 GU +38 25 273 AM +38 25 274 FU +38 25 275 WU +38 25 276 RO +38 25 277 VE +38 25 278 DI +38 25 279 AM +38 25 280 GU +38 25 281 VE +38 25 282 VE +38 25 283 CH +38 25 284 DI +38 25 285 RO +38 25 286 JA +38 25 287 AM +38 25 288 FU +38 25 289 RO +38 25 290 DI +38 25 291 RO +38 25 292 VE +38 25 293 VE +38 25 294 FU +38 25 295 VE +38 25 296 JA +38 25 297 VE +38 25 298 RO +38 25 299 JA +38 25 300 DI +38 25 301 GU +38 25 302 VE +38 25 303 DI +38 25 304 WU +38 25 305 JA +38 25 306 RO +38 25 307 GU +38 25 308 AM +38 25 309 VE +38 25 310 VE +38 25 311 DI +38 25 312 WU +38 25 313 GU +38 25 314 RO +38 25 315 VE +38 25 316 VE +38 25 317 GU +38 25 318 RO +38 25 319 JA +38 25 320 VE +38 25 321 FU +38 25 322 DI +38 25 323 VE +38 25 324 RO +38 25 325 GU +38 25 326 AM +38 25 327 VE +38 25 328 DI +38 25 329 CH +38 25 330 FU +38 26 1 DI +38 26 2 VE +38 26 3 FU +38 26 4 * +38 26 5 VE +38 26 6 RO +38 26 7 VE +38 26 8 FU +38 26 9 GU +38 26 10 DI +38 26 11 VE +38 26 12 AM +38 26 13 VE +38 26 14 DI +38 26 15 RO +38 26 16 JA +38 26 17 RO +38 26 18 DI +38 26 19 WU +38 26 20 VE +38 26 21 RO +38 26 22 AM +38 26 23 AM +38 26 24 WU +38 26 25 VE +38 26 26 DI +38 26 27 JA +38 26 28 RO +38 26 29 RO +38 26 30 GU +38 26 31 VE +38 26 32 AM +38 26 33 VE +38 26 34 DI +38 26 35 RO +38 26 36 VE +38 26 37 DI +38 26 38 RO +38 26 39 VE +38 26 40 DI +38 26 41 RO +38 26 42 VE +38 26 43 DI +38 26 44 JA +38 26 45 VE +38 26 46 * +38 26 47 BE +38 26 48 AM +38 26 49 VE +38 26 50 GU +38 26 51 CH +38 26 52 VE +38 26 53 FU +38 26 54 VE +38 26 55 DI +38 26 56 RO +38 26 57 VE +38 26 58 VE +38 26 59 RO +38 26 60 JA +38 26 61 FU +38 26 62 GU +38 26 63 RO +38 26 64 DI +38 26 65 RO +38 26 66 AM +38 26 67 VE +38 26 68 RO +38 26 69 VE +38 26 70 JA +38 26 71 WU +38 26 72 RO +38 26 73 VE +38 26 74 GU +38 26 75 GU +38 26 76 DI +38 26 77 WU +38 26 78 RO +38 26 79 VE +38 26 80 WU +38 26 81 VE +38 26 82 VE +38 26 83 RO +38 26 84 RO +38 26 85 VE +38 26 86 FU +38 26 87 WU +38 26 88 GU +38 26 89 WU +38 26 90 WU +38 26 91 VE +38 26 92 RO +38 26 93 DI +38 26 94 WU +38 26 95 VE +38 26 96 AM +38 26 97 GU +38 26 98 RO +38 26 99 GU +38 26 100 VE +38 26 101 FU +38 26 102 * +38 26 103 VE +38 26 104 DI +38 26 105 GU +38 26 106 AM +38 26 107 JA +38 26 108 DI +38 26 109 VE +38 26 110 AM +38 26 111 VE +38 26 112 RO +38 26 113 VE +38 26 114 DI +38 26 115 FU +38 26 116 DI +38 26 117 FU +38 26 118 RO +38 26 119 VE +38 26 120 JA +38 26 121 AM +38 26 122 VE +38 26 123 RO +38 26 124 VE +38 26 125 BE +38 26 126 AM +38 26 127 VE +38 26 128 VE +38 26 129 VE +38 26 130 RO +38 26 131 VE +38 26 132 GU +38 26 133 FU +38 26 134 VE +38 26 135 CH +38 26 136 RO +38 26 137 DI +38 26 138 VE +38 26 139 DI +38 26 140 DI +38 26 141 JA +38 26 142 DI +38 26 143 VE +38 26 144 GU +38 26 145 VE +38 26 146 TG +38 26 147 FU +38 26 148 VE +38 26 149 VE +38 26 150 GU +38 26 151 RO +38 26 152 VE +38 26 153 DI +38 26 154 * +38 26 155 CH +38 26 156 VE +38 26 157 CH +38 26 158 JA +38 26 159 AM +38 26 160 RO +38 26 161 VE +38 26 162 FU +38 26 163 VE +38 26 164 DI +38 26 165 VE +38 26 166 DI +38 26 167 GU +38 26 168 VE +38 26 169 DI +38 26 170 JA +38 26 171 VE +38 26 172 JA +38 26 173 RO +38 26 174 AM +38 26 175 DI +38 26 176 RO +38 26 177 VE +38 26 178 DI +38 26 179 FU +38 26 180 VE +38 26 181 AM +38 26 182 GU +38 26 183 RO +38 26 184 GU +38 26 185 AM +38 26 186 VE +38 26 187 AM +38 26 188 DI +38 26 189 DI +38 26 190 RO +38 26 191 VE +38 26 192 GU +38 26 193 VE +38 26 194 GU +38 26 195 VE +38 26 196 DI +38 26 197 GU +38 26 198 WU +38 26 199 DI +38 26 200 VE +38 26 201 RO +38 26 202 VE +38 26 203 VE +38 26 204 GU +38 26 205 WU +38 26 206 VE +38 26 207 RO +38 26 208 AM +38 26 209 VE +38 26 210 DI +38 26 211 DI +38 26 212 AM +38 26 213 GU +38 26 214 * +38 26 215 VE +38 26 216 WU +38 26 217 RO +38 26 218 VE +38 26 219 DI +38 26 220 DI +38 26 221 VE +38 26 222 GU +38 26 223 VE +38 26 224 JA +38 26 225 VE +38 26 226 DI +38 26 227 WU +38 26 228 DI +38 26 229 VE +38 26 230 RO +38 26 231 GU +38 26 232 VE +38 26 233 DI +38 26 234 VE +38 26 235 DI +38 26 236 VE +38 26 237 RO +38 26 238 VE +38 26 239 RO +38 26 240 GU +38 26 241 DI +38 26 242 FU +38 26 243 VE +38 26 244 GU +38 26 245 WU +38 26 246 VE +38 26 247 GU +38 26 248 VE +38 26 249 WU +38 26 250 AM +38 26 251 VE +38 26 252 RO +38 26 253 VE +38 26 254 DI +38 26 255 WU +38 26 256 RO +38 26 257 DI +38 26 258 AM +38 26 259 FU +38 26 260 VE +38 26 261 JA +38 26 262 AM +38 26 263 BE +38 26 264 DI +38 26 265 VE +38 26 266 TG +38 26 267 VE +38 26 268 GU +38 26 269 TG +38 26 270 AM +38 26 271 VE +38 26 272 JA +38 26 273 GU +38 26 274 JA +38 26 275 VE +38 26 276 RO +38 26 277 GU +38 26 278 RO +38 26 279 DI +38 26 280 VE +38 26 281 VE +38 26 282 VE +38 26 283 CH +38 26 284 DI +38 26 285 RO +38 26 286 JA +38 26 287 AM +38 26 288 FU +38 26 289 FU +38 26 290 RO +38 26 291 DI +38 26 292 RO +38 26 293 VE +38 26 294 JA +38 26 295 AM +38 26 296 GU +38 26 297 AM +38 26 298 FU +38 26 299 VE +38 26 300 JA +38 26 301 VE +38 26 302 RO +38 26 303 JA +38 26 304 DI +38 26 305 GU +38 26 306 VE +38 26 307 DI +38 26 308 WU +38 26 309 DI +38 26 310 VE +38 26 311 DI +38 26 312 WU +38 26 313 GU +38 26 314 RO +38 26 315 VE +38 26 316 VE +38 26 317 GU +38 26 318 RO +38 26 319 JA +38 26 320 VE +38 26 321 FU +38 26 322 DI +38 26 323 VE +38 26 324 RO +38 26 325 GU +38 26 326 AM +38 26 327 VE +38 26 328 DI +38 26 329 CH +38 26 330 DI +38 27 1 DI +38 27 2 VE +38 27 3 FU +38 27 4 GU +38 27 5 VE +38 27 6 FU +38 27 7 VE +38 27 8 FU +38 27 9 CH +38 27 10 DI +38 27 11 VE +38 27 12 AM +38 27 13 VE +38 27 14 VE +38 27 15 RO +38 27 16 JA +38 27 17 RO +38 27 18 * +38 27 19 DI +38 27 20 VE +38 27 21 RO +38 27 22 AM +38 27 23 GU +38 27 24 CH +38 27 25 VE +38 27 26 DI +38 27 27 RO +38 27 28 RO +38 27 29 VE +38 27 30 CH +38 27 31 DI +38 27 32 BE +38 27 33 VE +38 27 34 RO +38 27 35 DI +38 27 36 AM +38 27 37 FU +38 27 38 DI +38 27 39 RO +38 27 40 VE +38 27 41 DI +38 27 42 VE +38 27 43 AM +38 27 44 DI +38 27 45 VE +38 27 46 GU +38 27 47 RO +38 27 48 AM +38 27 49 VE +38 27 50 DI +38 27 51 GU +38 27 52 CH +38 27 53 VE +38 27 54 GU +38 27 55 VE +38 27 56 DI +38 27 57 DI +38 27 58 AM +38 27 59 DI +38 27 60 FU +38 27 61 GU +38 27 62 RO +38 27 63 DI +38 27 64 RO +38 27 65 JA +38 27 66 VE +38 27 67 GU +38 27 68 VE +38 27 69 GU +38 27 70 WU +38 27 71 RO +38 27 72 DI +38 27 73 VE +38 27 74 RO +38 27 75 AM +38 27 76 DI +38 27 77 VE +38 27 78 FU +38 27 79 GU +38 27 80 DI +38 27 81 GU +38 27 82 DI +38 27 83 VE +38 27 84 DI +38 27 85 GU +38 27 86 AM +38 27 87 JA +38 27 88 DI +38 27 89 DI +38 27 90 AM +38 27 91 VE +38 27 92 RO +38 27 93 FU +38 27 94 VE +38 27 95 GU +38 27 96 DI +38 27 97 DI +38 27 98 VE +38 27 99 AM +38 27 100 GU +38 27 101 VE +38 27 102 RO +38 27 103 AM +38 27 104 DI +38 27 105 GU +38 27 106 AM +38 27 107 JA +38 27 108 DI +38 27 109 GU +38 27 110 AM +38 27 111 WU +38 27 112 RO +38 27 113 WU +38 27 114 VE +38 27 115 FU +38 27 116 DI +38 27 117 CH +38 27 118 RO +38 27 119 VE +38 27 120 JA +38 27 121 AM +38 27 122 VE +38 27 123 DI +38 27 124 VE +38 27 125 AM +38 27 126 AM +38 27 127 JA +38 27 128 VE +38 27 129 CH +38 27 130 GU +38 27 131 BE +38 27 132 VE +38 27 133 DI +38 27 134 GU +38 27 135 JA +38 27 136 DI +38 27 137 CH +38 27 138 AM +38 27 139 GU +38 27 140 VE +38 27 141 JA +38 27 142 DI +38 27 143 GU +38 27 144 VE +38 27 145 AM +38 27 146 VE +38 27 147 RO +38 27 148 FU +38 27 149 GU +38 27 150 DI +38 27 151 RO +38 27 152 CH +38 27 153 VE +38 27 154 CH +38 27 155 VE +38 27 156 JA +38 27 157 AM +38 27 158 RO +38 27 159 VE +38 27 160 RO +38 27 161 DI +38 27 162 DI +38 27 163 VE +38 27 164 VE +38 27 165 VE +38 27 166 AM +38 27 167 RO +38 27 168 DI +38 27 169 DI +38 27 170 VE +38 27 171 VE +38 27 172 JA +38 27 173 RO +38 27 174 AM +38 27 175 DI +38 27 176 RO +38 27 177 AM +38 27 178 DI +38 27 179 FU +38 27 180 VE +38 27 181 AM +38 27 182 GU +38 27 183 CH +38 27 184 GU +38 27 185 AM +38 27 186 DI +38 27 187 RO +38 27 188 DI +38 27 189 VE +38 27 190 GU +38 27 191 AM +38 27 192 GU +38 27 193 FU +38 27 194 VE +38 27 195 VE +38 27 196 GU +38 27 197 GU +38 27 198 WU +38 27 199 DI +38 27 200 DI +38 27 201 RO +38 27 202 VE +38 27 203 GU +38 27 204 CH +38 27 205 GU +38 27 206 AM +38 27 207 RO +38 27 208 AM +38 27 209 VE +38 27 210 CH +38 27 211 DI +38 27 212 AM +38 27 213 GU +38 27 214 VE +38 27 215 RO +38 27 216 VE +38 27 217 RO +38 27 218 VE +38 27 219 DI +38 27 220 DI +38 27 221 DI +38 27 222 GU +38 27 223 VE +38 27 224 JA +38 27 225 AM +38 27 226 VE +38 27 227 WU +38 27 228 DI +38 27 229 VE +38 27 230 JA +38 27 231 GU +38 27 232 CH +38 27 233 DI +38 27 234 DI +38 27 235 VE +38 27 236 DI +38 27 237 VE +38 27 238 CH +38 27 239 JA +38 27 240 AM +38 27 241 AM +38 27 242 GU +38 27 243 DI +38 27 244 FU +38 27 245 VE +38 27 246 GU +38 27 247 VE +38 27 248 VE +38 27 249 GU +38 27 250 VE +38 27 251 GU +38 27 252 WU +38 27 253 JA +38 27 254 VE +38 27 255 DI +38 27 256 CH +38 27 257 RO +38 27 258 DI +38 27 259 AM +38 27 260 FU +38 27 261 AM +38 27 262 JA +38 27 263 BE +38 27 264 DI +38 27 265 VE +38 27 266 AM +38 27 267 VE +38 27 268 AM +38 27 269 GU +38 27 270 AM +38 27 271 VE +38 27 272 DI +38 27 273 GU +38 27 274 JA +38 27 275 AM +38 27 276 VE +38 27 277 DI +38 27 278 RO +38 27 279 GU +38 27 280 VE +38 27 281 VE +38 27 282 VE +38 27 283 CH +38 27 284 DI +38 27 285 RO +38 27 286 GU +38 27 287 CH +38 27 288 FU +38 27 289 RO +38 27 290 DI +38 27 291 GU +38 27 292 DI +38 27 293 GU +38 27 294 BE +38 27 295 FU +38 27 296 VE +38 27 297 RO +38 27 298 DI +38 27 299 JA +38 27 300 GU +38 27 301 VE +38 27 302 DI +38 27 303 GU +38 27 304 GU +38 27 305 DI +38 27 306 RO +38 27 307 DI +38 27 308 RO +38 27 309 CH +38 27 310 VE +38 27 311 DI +38 27 312 WU +38 27 313 DI +38 27 314 JA +38 27 315 VE +38 27 316 VE +38 27 317 GU +38 27 318 AM +38 27 319 JA +38 27 320 VE +38 27 321 JA +38 27 322 GU +38 27 323 AM +38 27 324 DI +38 27 325 VE +38 27 326 CH +38 27 327 VE +38 27 328 RO +38 27 329 VE +38 27 330 VE +38 28 1 DI +38 28 2 VE +38 28 3 FU +38 28 4 GU +38 28 5 VE +38 28 6 JA +38 28 7 VE +38 28 8 FU +38 28 9 CH +38 28 10 DI +38 28 11 VE +38 28 12 AM +38 28 13 VE +38 28 14 VE +38 28 15 RO +38 28 16 JA +38 28 17 RO +38 28 18 WU +38 28 19 DI +38 28 20 VE +38 28 21 RO +38 28 22 AM +38 28 23 GU +38 28 24 CH +38 28 25 VE +38 28 26 DI +38 28 27 RO +38 28 28 RO +38 28 29 VE +38 28 30 CH +38 28 31 DI +38 28 32 BE +38 28 33 VE +38 28 34 RO +38 28 35 DI +38 28 36 AM +38 28 37 FU +38 28 38 DI +38 28 39 RO +38 28 40 VE +38 28 41 DI +38 28 42 VE +38 28 43 DI +38 28 44 VE +38 28 45 AM +38 28 46 DI +38 28 47 VE +38 28 48 AM +38 28 49 VE +38 28 50 DI +38 28 51 GU +38 28 52 CH +38 28 53 VE +38 28 54 GU +38 28 55 VE +38 28 56 DI +38 28 57 DI +38 28 58 AM +38 28 59 GU +38 28 60 DI +38 28 61 FU +38 28 62 GU +38 28 63 RO +38 28 64 DI +38 28 65 RO +38 28 66 JA +38 28 67 VE +38 28 68 GU +38 28 69 VE +38 28 70 GU +38 28 71 WU +38 28 72 RO +38 28 73 VE +38 28 74 RO +38 28 75 AM +38 28 76 DI +38 28 77 VE +38 28 78 FU +38 28 79 GU +38 28 80 DI +38 28 81 GU +38 28 82 DI +38 28 83 VE +38 28 84 DI +38 28 85 GU +38 28 86 AM +38 28 87 JA +38 28 88 DI +38 28 89 DI +38 28 90 AM +38 28 91 VE +38 28 92 RO +38 28 93 FU +38 28 94 VE +38 28 95 GU +38 28 96 DI +38 28 97 DI +38 28 98 VE +38 28 99 AM +38 28 100 GU +38 28 101 DI +38 28 102 WU +38 28 103 GU +38 28 104 AM +38 28 105 VE +38 28 106 CH +38 28 107 DI +38 28 108 CH +38 28 109 VE +38 28 110 VE +38 28 111 WU +38 28 112 GU +38 28 113 WU +38 28 114 DI +38 28 115 FU +38 28 116 DI +38 28 117 CH +38 28 118 RO +38 28 119 VE +38 28 120 JA +38 28 121 AM +38 28 122 VE +38 28 123 DI +38 28 124 VE +38 28 125 AM +38 28 126 RO +38 28 127 VE +38 28 128 VE +38 28 129 RO +38 28 130 VE +38 28 131 GU +38 28 132 CH +38 28 133 VE +38 28 134 FU +38 28 135 GU +38 28 136 DI +38 28 137 VE +38 28 138 DI +38 28 139 JA +38 28 140 DI +38 28 141 JA +38 28 142 DI +38 28 143 VE +38 28 144 GU +38 28 145 VE +38 28 146 AM +38 28 147 DI +38 28 148 FU +38 28 149 VE +38 28 150 GU +38 28 151 RO +38 28 152 GU +38 28 153 DI +38 28 154 BE +38 28 155 CH +38 28 156 VE +38 28 157 CH +38 28 158 JA +38 28 159 AM +38 28 160 RO +38 28 161 VE +38 28 162 FU +38 28 163 VE +38 28 164 DI +38 28 165 VE +38 28 166 DI +38 28 167 GU +38 28 168 VE +38 28 169 DI +38 28 170 VE +38 28 171 JA +38 28 172 RO +38 28 173 AM +38 28 174 DI +38 28 175 VE +38 28 176 VE +38 28 177 DI +38 28 178 FU +38 28 179 VE +38 28 180 CH +38 28 181 FU +38 28 182 RO +38 28 183 GU +38 28 184 CH +38 28 185 DI +38 28 186 RO +38 28 187 VE +38 28 188 GU +38 28 189 VE +38 28 190 FU +38 28 191 VE +38 28 192 DI +38 28 193 GU +38 28 194 JA +38 28 195 AM +38 28 196 VE +38 28 197 GU +38 28 198 WU +38 28 199 VE +38 28 200 DI +38 28 201 RO +38 28 202 VE +38 28 203 CH +38 28 204 FU +38 28 205 GU +38 28 206 JA +38 28 207 RO +38 28 208 CH +38 28 209 DI +38 28 210 CH +38 28 211 DI +38 28 212 AM +38 28 213 GU +38 28 214 VE +38 28 215 RO +38 28 216 VE +38 28 217 RO +38 28 218 VE +38 28 219 DI +38 28 220 DI +38 28 221 DI +38 28 222 GU +38 28 223 VE +38 28 224 RO +38 28 225 VE +38 28 226 DI +38 28 227 WU +38 28 228 DI +38 28 229 DI +38 28 230 RO +38 28 231 GU +38 28 232 CH +38 28 233 GU +38 28 234 VE +38 28 235 DI +38 28 236 VE +38 28 237 VE +38 28 238 DI +38 28 239 AM +38 28 240 FU +38 28 241 DI +38 28 242 FU +38 28 243 DI +38 28 244 GU +38 28 245 VE +38 28 246 VE +38 28 247 GU +38 28 248 VE +38 28 249 RO +38 28 250 GU +38 28 251 GU +38 28 252 RO +38 28 253 VE +38 28 254 DI +38 28 255 WU +38 28 256 RO +38 28 257 DI +38 28 258 VE +38 28 259 CH +38 28 260 VE +38 28 261 VE +38 28 262 RO +38 28 263 RO +38 28 264 BE +38 28 265 DI +38 28 266 VE +38 28 267 CH +38 28 268 GU +38 28 269 VE +38 28 270 GU +38 28 271 AM +38 28 272 VE +38 28 273 DI +38 28 274 GU +38 28 275 JA +38 28 276 VE +38 28 277 GU +38 28 278 DI +38 28 279 CH +38 28 280 DI +38 28 281 VE +38 28 282 VE +38 28 283 CH +38 28 284 DI +38 28 285 RO +38 28 286 JA +38 28 287 CH +38 28 288 RO +38 28 289 DI +38 28 290 RO +38 28 291 DI +38 28 292 DI +38 28 293 CH +38 28 294 GU +38 28 295 AM +38 28 296 FU +38 28 297 VE +38 28 298 RO +38 28 299 VE +38 28 300 RO +38 28 301 DI +38 28 302 VE +38 28 303 GU +38 28 304 VE +38 28 305 DI +38 28 306 CH +38 28 307 DI +38 28 308 CH +38 28 309 GU +38 28 310 CH +38 28 311 VE +38 28 312 DI +38 28 313 WU +38 28 314 GU +38 28 315 RO +38 28 316 VE +38 28 317 VE +38 28 318 GU +38 28 319 WU +38 28 320 JA +38 28 321 VE +38 28 322 FU +38 28 323 DI +38 28 324 VE +38 28 325 RO +38 28 326 GU +38 28 327 AM +38 28 328 DI +38 28 329 VE +38 28 330 CH +39 1 1 RJ +39 1 2 NI +39 1 3 TO +39 1 4 SE +39 1 5 NI +39 1 6 NI +39 1 7 RA +39 1 8 TO +39 1 9 TE +39 1 10 RJ +39 1 11 TE +39 1 12 VA +39 1 13 TE +39 1 14 SE +39 1 15 NI +39 1 16 NI +39 1 17 TO +39 1 18 TE +39 1 19 SE +39 1 20 RJ +39 1 21 TO +39 1 22 NI +39 1 23 SE +39 1 24 TE +39 1 25 TA +39 1 26 TA +39 1 27 NI +39 1 28 TO +39 1 29 RJ +39 1 30 VA +39 1 31 NI +39 1 32 TO +39 1 33 SE +39 1 34 RJ +39 1 35 TO +39 1 36 TE +39 1 37 RJ +39 1 38 TO +39 1 39 TE +39 1 40 RJ +39 1 41 TO +39 1 42 VA +39 1 43 TA +39 1 44 NI +39 1 45 SE +39 1 46 TE +39 1 47 TE +39 1 48 VA +39 1 49 TA +39 1 50 SE +39 1 51 TE +39 1 52 NI +39 1 53 TO +39 1 54 TE +39 1 55 SE +39 1 56 VA +39 1 57 SE +39 1 58 VA +39 1 59 NI +39 1 60 SE +39 1 61 TO +39 1 62 SE +39 1 63 TO +39 1 64 RJ +39 1 65 TO +39 1 66 NI +39 1 67 RJ +39 1 68 TO +39 1 69 TE +39 1 70 NI +39 1 71 TO +39 1 72 SE +39 1 73 RJ +39 1 74 NI +39 1 75 TE +39 1 76 TO +39 1 77 TA +39 1 78 NI +39 1 79 TE +39 1 80 TA +39 1 81 SE +39 1 82 TA +39 1 83 NI +39 1 84 VA +39 1 85 RJ +39 1 86 VA +39 1 87 TE +39 1 88 SE +39 1 89 TE +39 1 90 TE +39 1 91 VA +39 1 92 NI +39 1 93 SE +39 1 94 TE +39 1 95 NI +39 1 96 VA +39 1 97 RJ +39 1 98 TO +39 1 99 NI +39 1 100 NI +39 1 101 TO +39 1 102 NI +39 1 103 TE +39 1 104 RJ +39 1 105 RA +39 1 106 VA +39 1 107 NI +39 1 108 NI +39 1 109 SE +39 1 110 VA +39 1 111 TE +39 1 112 TO +39 1 113 TE +39 1 114 RJ +39 1 115 TO +39 1 116 NI +39 1 117 TE +39 1 118 TO +39 1 119 SE +39 1 120 NI +39 1 121 TO +39 1 122 RJ +39 1 123 RA +39 1 124 NI +39 1 125 TO +39 1 126 VA +39 1 127 TE +39 1 128 VA +39 1 129 NI +39 1 130 TE +39 1 131 SE +39 1 132 TO +39 1 133 RJ +39 1 134 TE +39 1 135 SE +39 1 136 RJ +39 1 137 TE +39 1 138 RJ +39 1 139 NI +39 1 140 SE +39 1 141 NI +39 1 142 NI +39 1 143 SE +39 1 144 RJ +39 1 145 SE +39 1 146 VA +39 1 147 RJ +39 1 148 TO +39 1 149 RA +39 1 150 SE +39 1 151 VA +39 1 152 NI +39 1 153 RJ +39 1 154 NI +39 1 155 TE +39 1 156 RJ +39 1 157 TE +39 1 158 NI +39 1 159 VA +39 1 160 NI +39 1 161 RJ +39 1 162 TO +39 1 163 RA +39 1 164 SE +39 1 165 TE +39 1 166 RJ +39 1 167 NI +39 1 168 RJ +39 1 169 RJ +39 1 170 TE +39 1 171 TE +39 1 172 NI +39 1 173 VA +39 1 174 VA +39 1 175 NI +39 1 176 TO +39 1 177 VA +39 1 178 SE +39 1 179 PA +39 1 180 RJ +39 1 181 VA +39 1 182 TO +39 1 183 TO +39 1 184 SE +39 1 185 VA +39 1 186 SE +39 1 187 VA +39 1 188 RA +39 1 189 NI +39 1 190 NI +39 1 191 RJ +39 1 192 SE +39 1 193 VA +39 1 194 TO +39 1 195 RJ +39 1 196 NI +39 1 197 RJ +39 1 198 TE +39 1 199 NI +39 1 200 SE +39 1 201 VA +39 1 202 RJ +39 1 203 TO +39 1 204 TE +39 1 205 SE +39 1 206 NI +39 1 207 TO +39 1 208 VA +39 1 209 RA +39 1 210 TE +39 1 211 RA +39 1 212 VA +39 1 213 NI +39 1 214 RA +39 1 215 VA +39 1 216 TE +39 1 217 NI +39 1 218 SE +39 1 219 NI +39 1 220 RJ +39 1 221 NI +39 1 222 RJ +39 1 223 SE +39 1 224 NI +39 1 225 VA +39 1 226 RJ +39 1 227 TE +39 1 228 SE +39 1 229 NI +39 1 230 NI +39 1 231 RJ +39 1 232 TE +39 1 233 NI +39 1 234 RJ +39 1 235 RA +39 1 236 VA +39 1 237 NI +39 1 238 RJ +39 1 239 NA +39 1 240 PA +39 1 241 NI +39 1 242 VA +39 1 243 TO +39 1 244 NI +39 1 245 TO +39 1 246 RJ +39 1 247 SE +39 1 248 TE +39 1 249 RJ +39 1 250 SE +39 1 251 NI +39 1 252 NI +39 1 253 RA +39 1 254 NA +39 1 255 TE +39 1 256 TO +39 1 257 RJ +39 1 258 VA +39 1 259 PA +39 1 260 NI +39 1 261 VA +39 1 262 NI +39 1 263 TE +39 1 264 NA +39 1 265 SE +39 1 266 PA +39 1 267 SE +39 1 268 RJ +39 1 269 TO +39 1 270 VA +39 1 271 SE +39 1 272 NI +39 1 273 NA +39 1 274 NI +39 1 275 VA +39 1 276 TO +39 1 277 SE +39 1 278 VA +39 1 279 RA +39 1 280 NA +39 1 281 RJ +39 1 282 RA +39 1 283 TE +39 1 284 NI +39 1 285 VA +39 1 286 NI +39 1 287 TE +39 1 288 TO +39 1 289 RJ +39 1 290 NI +39 1 291 RA +39 1 292 NA +39 1 293 NI +39 1 294 NI +39 1 295 TE +39 1 296 SE +39 1 297 VA +39 1 298 TO +39 1 299 RJ +39 1 300 NI +39 1 301 RJ +39 1 302 NI +39 1 303 NI +39 1 304 TE +39 1 305 SE +39 1 306 RA +39 1 307 SE +39 1 308 NA +39 1 309 TE +39 1 310 RJ +39 1 311 RJ +39 1 312 TE +39 1 313 SE +39 1 314 NI +39 1 315 RJ +39 1 316 RJ +39 1 317 TO +39 1 318 NA +39 1 319 NI +39 1 320 TE +39 1 321 TO +39 1 322 RJ +39 1 323 SE +39 1 324 NI +39 1 325 RJ +39 1 326 VA +39 1 327 NI +39 1 328 TA +39 1 329 TE +39 1 330 NI +39 2 1 RJ +39 2 2 RJ +39 2 3 TO +39 2 4 TE +39 2 5 RA +39 2 6 NI +39 2 7 RJ +39 2 8 TO +39 2 9 TE +39 2 10 RJ +39 2 11 TE +39 2 12 NI +39 2 13 TE +39 2 14 RA +39 2 15 NI +39 2 16 NI +39 2 17 TO +39 2 18 PU +39 2 19 RJ +39 2 20 RA +39 2 21 TO +39 2 22 VA +39 2 23 RJ +39 2 24 PU +39 2 25 RJ +39 2 26 RA +39 2 27 NI +39 2 28 TO +39 2 29 RA +39 2 30 VA +39 2 31 NI +39 2 32 TO +39 2 33 RA +39 2 34 RJ +39 2 35 VA +39 2 36 PU +39 2 37 SE +39 2 38 TO +39 2 39 RA +39 2 40 RJ +39 2 41 TO +39 2 42 VA +39 2 43 SE +39 2 44 NI +39 2 45 RJ +39 2 46 TE +39 2 47 PU +39 2 48 VA +39 2 49 SE +39 2 50 RJ +39 2 51 TE +39 2 52 NI +39 2 53 RA +39 2 54 RJ +39 2 55 RA +39 2 56 NI +39 2 57 RJ +39 2 58 TE +39 2 59 NI +39 2 60 RJ +39 2 61 TO +39 2 62 RA +39 2 63 VA +39 2 64 RJ +39 2 65 TO +39 2 66 NI +39 2 67 RJ +39 2 68 TO +39 2 69 TE +39 2 70 NI +39 2 71 TE +39 2 72 SE +39 2 73 RA +39 2 74 NI +39 2 75 TE +39 2 76 TO +39 2 77 RJ +39 2 78 NI +39 2 79 TE +39 2 80 RJ +39 2 81 RA +39 2 82 RJ +39 2 83 NI +39 2 84 NI +39 2 85 RJ +39 2 86 TO +39 2 87 TE +39 2 88 TO +39 2 89 TE +39 2 90 RA +39 2 91 VA +39 2 92 NI +39 2 93 RJ +39 2 94 TE +39 2 95 NI +39 2 96 VA +39 2 97 RJ +39 2 98 TO +39 2 99 TE +39 2 100 RA +39 2 101 TO +39 2 102 PU +39 2 103 PU +39 2 104 RJ +39 2 105 TO +39 2 106 NI +39 2 107 NI +39 2 108 NI +39 2 109 RA +39 2 110 VA +39 2 111 TE +39 2 112 TO +39 2 113 TE +39 2 114 RJ +39 2 115 TO +39 2 116 NI +39 2 117 TA +39 2 118 VA +39 2 119 RJ +39 2 120 NI +39 2 121 TO +39 2 122 RJ +39 2 123 RA +39 2 124 VA +39 2 125 TO +39 2 126 TO +39 2 127 TE +39 2 128 VA +39 2 129 NI +39 2 130 TE +39 2 131 RJ +39 2 132 TO +39 2 133 RA +39 2 134 TE +39 2 135 TO +39 2 136 RJ +39 2 137 TE +39 2 138 RJ +39 2 139 NI +39 2 140 SE +39 2 141 NI +39 2 142 NI +39 2 143 SE +39 2 144 RA +39 2 145 RA +39 2 146 VA +39 2 147 RA +39 2 148 TO +39 2 149 VA +39 2 150 RA +39 2 151 VA +39 2 152 VA +39 2 153 RJ +39 2 154 TE +39 2 155 TE +39 2 156 SE +39 2 157 TA +39 2 158 NI +39 2 159 VA +39 2 160 VA +39 2 161 RA +39 2 162 TO +39 2 163 RJ +39 2 164 SE +39 2 165 PU +39 2 166 RJ +39 2 167 VA +39 2 168 RA +39 2 169 RJ +39 2 170 TE +39 2 171 TA +39 2 172 NI +39 2 173 TO +39 2 174 VA +39 2 175 RA +39 2 176 TO +39 2 177 NA +39 2 178 RJ +39 2 179 TE +39 2 180 RJ +39 2 181 TE +39 2 182 SE +39 2 183 TE +39 2 184 SE +39 2 185 TE +39 2 186 RA +39 2 187 VA +39 2 188 RJ +39 2 189 NI +39 2 190 NI +39 2 191 SE +39 2 192 RJ +39 2 193 VA +39 2 194 TE +39 2 195 RJ +39 2 196 SE +39 2 197 SE +39 2 198 TE +39 2 199 NI +39 2 200 RJ +39 2 201 VA +39 2 202 RJ +39 2 203 SE +39 2 204 TE +39 2 205 SE +39 2 206 NI +39 2 207 TO +39 2 208 TE +39 2 209 TA +39 2 210 TE +39 2 211 SE +39 2 212 VA +39 2 213 SE +39 2 214 VA +39 2 215 SE +39 2 216 TE +39 2 217 VA +39 2 218 TE +39 2 219 NA +39 2 220 RA +39 2 221 NA +39 2 222 RJ +39 2 223 RJ +39 2 224 NA +39 2 225 TE +39 2 226 SE +39 2 227 TE +39 2 228 TA +39 2 229 RA +39 2 230 NA +39 2 231 TO +39 2 232 TA +39 2 233 SE +39 2 234 RA +39 2 235 RJ +39 2 236 VA +39 2 237 VA +39 2 238 RA +39 2 239 TO +39 2 240 TE +39 2 241 NI +39 2 242 NI +39 2 243 TE +39 2 244 NI +39 2 245 TO +39 2 246 RJ +39 2 247 RA +39 2 248 TE +39 2 249 RJ +39 2 250 SE +39 2 251 VA +39 2 252 NI +39 2 253 RJ +39 2 254 SE +39 2 255 TE +39 2 256 TO +39 2 257 RJ +39 2 258 VA +39 2 259 TO +39 2 260 NI +39 2 261 VA +39 2 262 NI +39 2 263 TE +39 2 264 RA +39 2 265 RA +39 2 266 TE +39 2 267 RJ +39 2 268 RA +39 2 269 TO +39 2 270 VA +39 2 271 TE +39 2 272 NI +39 2 273 RA +39 2 274 NI +39 2 275 TE +39 2 276 TO +39 2 277 RJ +39 2 278 VA +39 2 279 RJ +39 2 280 TE +39 2 281 RA +39 2 282 RJ +39 2 283 TE +39 2 284 NI +39 2 285 VA +39 2 286 NI +39 2 287 TA +39 2 288 TO +39 2 289 SE +39 2 290 VA +39 2 291 RJ +39 2 292 NI +39 2 293 NI +39 2 294 NI +39 2 295 TE +39 2 296 RJ +39 2 297 VA +39 2 298 TO +39 2 299 RJ +39 2 300 NI +39 2 301 RA +39 2 302 NI +39 2 303 NI +39 2 304 TE +39 2 305 RJ +39 2 306 RA +39 2 307 RJ +39 2 308 PU +39 2 309 TE +39 2 310 RJ +39 2 311 RA +39 2 312 PU +39 2 313 RJ +39 2 314 NI +39 2 315 RA +39 2 316 RJ +39 2 317 TO +39 2 318 VA +39 2 319 NI +39 2 320 TE +39 2 321 TO +39 2 322 RA +39 2 323 RJ +39 2 324 NI +39 2 325 TO +39 2 326 VA +39 2 327 NI +39 2 328 PU +39 2 329 TE +39 2 330 NI +39 3 1 RA +39 3 2 NA +39 3 3 TO +39 3 4 PA +39 3 5 RA +39 3 6 RA +39 3 7 RA +39 3 8 PU +39 3 9 VA +39 3 10 VA +39 3 11 PU +39 3 12 VA +39 3 13 PU +39 3 14 VA +39 3 15 PU +39 3 16 TA +39 3 17 RJ +39 3 18 NI +39 3 19 TO +39 3 20 TA +39 3 21 VA +39 3 22 VA +39 3 23 VA +39 3 24 VA +39 3 25 SE +39 3 26 RJ +39 3 27 NI +39 3 28 TO +39 3 29 RJ +39 3 30 VA +39 3 31 RA +39 3 32 VA +39 3 33 RA +39 3 34 SE +39 3 35 TO +39 3 36 TA +39 3 37 NA +39 3 38 RJ +39 3 39 RA +39 3 40 RA +39 3 41 TO +39 3 42 VA +39 3 43 RA +39 3 44 NI +39 3 45 SE +39 3 46 TA +39 3 47 RA +39 3 48 VA +39 3 49 RJ +39 3 50 RJ +39 3 51 TA +39 3 52 NI +39 3 53 NA +39 3 54 SE +39 3 55 SE +39 3 56 NA +39 3 57 SE +39 3 58 VA +39 3 59 NI +39 3 60 RJ +39 3 61 TO +39 3 62 NA +39 3 63 VA +39 3 64 NA +39 3 65 TO +39 3 66 NI +39 3 67 NA +39 3 68 SE +39 3 69 TA +39 3 70 NI +39 3 71 RJ +39 3 72 SE +39 3 73 RJ +39 3 74 NI +39 3 75 RA +39 3 76 VA +39 3 77 RJ +39 3 78 NA +39 3 79 TA +39 3 80 RJ +39 3 81 SE +39 3 82 RA +39 3 83 SE +39 3 84 PU +39 3 85 RA +39 3 86 PU +39 3 87 TA +39 3 88 RJ +39 3 89 TA +39 3 90 RA +39 3 91 VA +39 3 92 NI +39 3 93 RJ +39 3 94 TA +39 3 95 NI +39 3 96 VA +39 3 97 SE +39 3 98 TO +39 3 99 PU +39 3 100 RJ +39 3 101 TO +39 3 102 NA +39 3 103 TA +39 3 104 NA +39 3 105 TO +39 3 106 NA +39 3 107 NI +39 3 108 NI +39 3 109 NA +39 3 110 VA +39 3 111 TA +39 3 112 TO +39 3 113 TA +39 3 114 RJ +39 3 115 RJ +39 3 116 NI +39 3 117 TA +39 3 118 NA +39 3 119 SE +39 3 120 NI +39 3 121 TO +39 3 122 RA +39 3 123 NA +39 3 124 VA +39 3 125 TO +39 3 126 NA +39 3 127 TA +39 3 128 VA +39 3 129 NI +39 3 130 TA +39 3 131 RJ +39 3 132 TO +39 3 133 NA +39 3 134 PU +39 3 135 SE +39 3 136 RJ +39 3 137 PU +39 3 138 SE +39 3 139 NA +39 3 140 SE +39 3 141 NI +39 3 142 NI +39 3 143 VA +39 3 144 RJ +39 3 145 RJ +39 3 146 VA +39 3 147 SE +39 3 148 TO +39 3 149 VA +39 3 150 NA +39 3 151 PU +39 3 152 NA +39 3 153 SE +39 3 154 TA +39 3 155 TA +39 3 156 NA +39 3 157 TA +39 3 158 NI +39 3 159 VA +39 3 160 PU +39 3 161 NA +39 3 162 TO +39 3 163 NA +39 3 164 SE +39 3 165 TA +39 3 166 NA +39 3 167 VA +39 3 168 RA +39 3 169 RA +39 3 170 TA +39 3 171 NA +39 3 172 NI +39 3 173 SE +39 3 174 VA +39 3 175 NA +39 3 176 TO +39 3 177 VA +39 3 178 SE +39 3 179 NA +39 3 180 RA +39 3 181 VA +39 3 182 PU +39 3 183 TA +39 3 184 RJ +39 3 185 VA +39 3 186 RA +39 3 187 VA +39 3 188 NA +39 3 189 NI +39 3 190 PU +39 3 191 RA +39 3 192 RJ +39 3 193 VA +39 3 194 TO +39 3 195 RA +39 3 196 RJ +39 3 197 PA +39 3 198 TA +39 3 199 NI +39 3 200 SE +39 3 201 PU +39 3 202 RA +39 3 203 TO +39 3 204 TA +39 3 205 NA +39 3 206 NI +39 3 207 PA +39 3 208 VA +39 3 209 PA +39 3 210 TA +39 3 211 NA +39 3 212 VA +39 3 213 RJ +39 3 214 VA +39 3 215 NA +39 3 216 TA +39 3 217 NA +39 3 218 VA +39 3 219 VA +39 3 220 RJ +39 3 221 NI +39 3 222 RJ +39 3 223 SE +39 3 224 PU +39 3 225 PU +39 3 226 RJ +39 3 227 TA +39 3 228 RJ +39 3 229 NA +39 3 230 NI +39 3 231 PU +39 3 232 TA +39 3 233 NA +39 3 234 RA +39 3 235 VA +39 3 236 VA +39 3 237 PU +39 3 238 RA +39 3 239 PU +39 3 240 TO +39 3 241 NI +39 3 242 RJ +39 3 243 TO +39 3 244 NI +39 3 245 TO +39 3 246 RJ +39 3 247 PU +39 3 248 RJ +39 3 249 RA +39 3 250 SE +39 3 251 RA +39 3 252 NI +39 3 253 RJ +39 3 254 NA +39 3 255 TA +39 3 256 TO +39 3 257 RA +39 3 258 VA +39 3 259 PA +39 3 260 VA +39 3 261 VA +39 3 262 NI +39 3 263 PU +39 3 264 NI +39 3 265 RA +39 3 266 TO +39 3 267 RA +39 3 268 RA +39 3 269 RJ +39 3 270 VA +39 3 271 RA +39 3 272 NI +39 3 273 RA +39 3 274 NI +39 3 275 VA +39 3 276 TO +39 3 277 RA +39 3 278 VA +39 3 279 RA +39 3 280 NA +39 3 281 RA +39 3 282 SE +39 3 283 PU +39 3 284 NI +39 3 285 NA +39 3 286 NI +39 3 287 PU +39 3 288 TO +39 3 289 NA +39 3 290 PU +39 3 291 RJ +39 3 292 NA +39 3 293 NI +39 3 294 NI +39 3 295 TA +39 3 296 RJ +39 3 297 VA +39 3 298 TO +39 3 299 RJ +39 3 300 PU +39 3 301 RJ +39 3 302 NA +39 3 303 NI +39 3 304 PU +39 3 305 RJ +39 3 306 VA +39 3 307 SE +39 3 308 PU +39 3 309 RA +39 3 310 RJ +39 3 311 RJ +39 3 312 TA +39 3 313 RJ +39 3 314 NI +39 3 315 NA +39 3 316 RA +39 3 317 RJ +39 3 318 NA +39 3 319 NA +39 3 320 PU +39 3 321 TA +39 3 322 RJ +39 3 323 RA +39 3 324 NI +39 3 325 RA +39 3 326 VA +39 3 327 NI +39 3 328 RA +39 3 329 PU +39 3 330 NA +39 4 1 RA +39 4 2 NA +39 4 3 TO +39 4 4 PA +39 4 5 NA +39 4 6 NA +39 4 7 RA +39 4 8 TO +39 4 9 TE +39 4 10 SE +39 4 11 TE +39 4 12 VA +39 4 13 RA +39 4 14 TE +39 4 15 NI +39 4 16 NI +39 4 17 TO +39 4 18 TE +39 4 19 RA +39 4 20 RA +39 4 21 TO +39 4 22 VA +39 4 23 NA +39 4 24 TE +39 4 25 RA +39 4 26 SE +39 4 27 NA +39 4 28 TO +39 4 29 RA +39 4 30 TO +39 4 31 NI +39 4 32 NA +39 4 33 RA +39 4 34 SE +39 4 35 TO +39 4 36 TE +39 4 37 NA +39 4 38 TO +39 4 39 RA +39 4 40 SE +39 4 41 TO +39 4 42 VA +39 4 43 SE +39 4 44 NI +39 4 45 RA +39 4 46 TE +39 4 47 RA +39 4 48 VA +39 4 49 NA +39 4 50 TE +39 4 51 TE +39 4 52 NI +39 4 53 TO +39 4 54 RA +39 4 55 SE +39 4 56 NA +39 4 57 SE +39 4 58 TE +39 4 59 NI +39 4 60 SE +39 4 61 TO +39 4 62 NA +39 4 63 TO +39 4 64 SE +39 4 65 TO +39 4 66 NI +39 4 67 NA +39 4 68 NA +39 4 69 TE +39 4 70 NI +39 4 71 TE +39 4 72 RA +39 4 73 TE +39 4 74 NI +39 4 75 TE +39 4 76 TO +39 4 77 SE +39 4 78 NI +39 4 79 TE +39 4 80 SE +39 4 81 RA +39 4 82 SE +39 4 83 NI +39 4 84 TO +39 4 85 RA +39 4 86 NA +39 4 87 TE +39 4 88 NA +39 4 89 TE +39 4 90 TE +39 4 91 VA +39 4 92 NI +39 4 93 SE +39 4 94 TE +39 4 95 NI +39 4 96 VA +39 4 97 NA +39 4 98 TO +39 4 99 NA +39 4 100 NI +39 4 101 TO +39 4 102 NI +39 4 103 TE +39 4 104 SE +39 4 105 TE +39 4 106 VA +39 4 107 NA +39 4 108 NA +39 4 109 SE +39 4 110 TA +39 4 111 TE +39 4 112 TO +39 4 113 TE +39 4 114 TE +39 4 115 TO +39 4 116 NI +39 4 117 TE +39 4 118 NA +39 4 119 RA +39 4 120 NI +39 4 121 TO +39 4 122 RA +39 4 123 SE +39 4 124 VA +39 4 125 TO +39 4 126 NA +39 4 127 TE +39 4 128 VA +39 4 129 NI +39 4 130 TE +39 4 131 NA +39 4 132 TO +39 4 133 RA +39 4 134 TE +39 4 135 NA +39 4 136 SE +39 4 137 TE +39 4 138 SE +39 4 139 NA +39 4 140 SE +39 4 141 NI +39 4 142 NI +39 4 143 VA +39 4 144 RA +39 4 145 RA +39 4 146 VA +39 4 147 RA +39 4 148 TO +39 4 149 RA +39 4 150 TE +39 4 151 TO +39 4 152 NA +39 4 153 SE +39 4 154 TE +39 4 155 TE +39 4 156 RA +39 4 157 TE +39 4 158 NI +39 4 159 VA +39 4 160 NA +39 4 161 RA +39 4 162 TO +39 4 163 SE +39 4 164 SE +39 4 165 TE +39 4 166 SE +39 4 167 NA +39 4 168 RA +39 4 169 SE +39 4 170 TE +39 4 171 TE +39 4 172 NI +39 4 173 TO +39 4 174 VA +39 4 175 NI +39 4 176 TO +39 4 177 VA +39 4 178 SE +39 4 179 TE +39 4 180 RA +39 4 181 VA +39 4 182 TE +39 4 183 TE +39 4 184 NA +39 4 185 VA +39 4 186 NA +39 4 187 VA +39 4 188 SE +39 4 189 NI +39 4 190 NA +39 4 191 RA +39 4 192 NA +39 4 193 VA +39 4 194 TE +39 4 195 RA +39 4 196 NI +39 4 197 NA +39 4 198 TE +39 4 199 NI +39 4 200 NA +39 4 201 TO +39 4 202 RA +39 4 203 TO +39 4 204 TE +39 4 205 NA +39 4 206 NI +39 4 207 TO +39 4 208 VA +39 4 209 RA +39 4 210 TE +39 4 211 SE +39 4 212 VA +39 4 213 NA +39 4 214 VA +39 4 215 NA +39 4 216 TE +39 4 217 NA +39 4 218 VA +39 4 219 NI +39 4 220 NA +39 4 221 NI +39 4 222 NA +39 4 223 RA +39 4 224 NI +39 4 225 VA +39 4 226 SE +39 4 227 TE +39 4 228 SE +39 4 229 NA +39 4 230 NI +39 4 231 NA +39 4 232 TE +39 4 233 NA +39 4 234 RA +39 4 235 SE +39 4 236 VA +39 4 237 NA +39 4 238 RA +39 4 239 NA +39 4 240 TE +39 4 241 NI +39 4 242 VA +39 4 243 TE +39 4 244 NI +39 4 245 TO +39 4 246 RA +39 4 247 NA +39 4 248 TE +39 4 249 RA +39 4 250 NA +39 4 251 RA +39 4 252 NI +39 4 253 RA +39 4 254 NA +39 4 255 TE +39 4 256 TO +39 4 257 SE +39 4 258 VA +39 4 259 TO +39 4 260 VA +39 4 261 TO +39 4 262 NI +39 4 263 TE +39 4 264 NA +39 4 265 RA +39 4 266 TO +39 4 267 TE +39 4 268 RA +39 4 269 NA +39 4 270 TO +39 4 271 RA +39 4 272 NI +39 4 273 NA +39 4 274 NI +39 4 275 VA +39 4 276 TO +39 4 277 SE +39 4 278 TO +39 4 279 SE +39 4 280 RA +39 4 281 RA +39 4 282 RA +39 4 283 TE +39 4 284 NI +39 4 285 NA +39 4 286 NI +39 4 287 TE +39 4 288 TO +39 4 289 NA +39 4 290 NI +39 4 291 SE +39 4 292 NA +39 4 293 NI +39 4 294 NI +39 4 295 TE +39 4 296 TE +39 4 297 VA +39 4 298 TO +39 4 299 RA +39 4 300 TE +39 4 301 RA +39 4 302 NI +39 4 303 NA +39 4 304 TE +39 4 305 TE +39 4 306 RA +39 4 307 SE +39 4 308 NA +39 4 309 TE +39 4 310 RA +39 4 311 SE +39 4 312 TE +39 4 313 SE +39 4 314 NI +39 4 315 RA +39 4 316 RA +39 4 317 TO +39 4 318 TO +39 4 319 NI +39 4 320 VA +39 4 321 TO +39 4 322 NA +39 4 323 RA +39 4 324 NI +39 4 325 TE +39 4 326 VA +39 4 327 NI +39 4 328 RA +39 4 329 TE +39 4 330 NI +39 5 1 RA +39 5 2 NA +39 5 3 VA +39 5 4 PA +39 5 5 NA +39 5 6 VA +39 5 7 RA +39 5 8 TO +39 5 9 TA +39 5 10 RJ +39 5 11 RA +39 5 12 VA +39 5 13 RA +39 5 14 TA +39 5 15 NA +39 5 16 NI +39 5 17 TO +39 5 18 TA +39 5 19 RA +39 5 20 RA +39 5 21 TO +39 5 22 VA +39 5 23 NA +39 5 24 TA +39 5 25 RA +39 5 26 RJ +39 5 27 NI +39 5 28 TO +39 5 29 RA +39 5 30 VA +39 5 31 NA +39 5 32 NA +39 5 33 RA +39 5 34 RJ +39 5 35 VA +39 5 36 TA +39 5 37 RA +39 5 38 TO +39 5 39 RA +39 5 40 RJ +39 5 41 TO +39 5 42 VA +39 5 43 TA +39 5 44 NI +39 5 45 RA +39 5 46 TA +39 5 47 RA +39 5 48 VA +39 5 49 RA +39 5 50 PA +39 5 51 TA +39 5 52 NI +39 5 53 PA +39 5 54 RA +39 5 55 RA +39 5 56 VA +39 5 57 RA +39 5 58 VA +39 5 59 NA +39 5 60 TA +39 5 61 TO +39 5 62 NA +39 5 63 VA +39 5 64 TA +39 5 65 TO +39 5 66 NI +39 5 67 NA +39 5 68 NA +39 5 69 PA +39 5 70 NI +39 5 71 TA +39 5 72 RA +39 5 73 RA +39 5 74 NI +39 5 75 TA +39 5 76 VA +39 5 77 RJ +39 5 78 NA +39 5 79 TA +39 5 80 RJ +39 5 81 RA +39 5 82 RA +39 5 83 VA +39 5 84 VA +39 5 85 RA +39 5 86 TO +39 5 87 TA +39 5 88 TO +39 5 89 TA +39 5 90 RJ +39 5 91 VA +39 5 92 NI +39 5 93 RJ +39 5 94 TA +39 5 95 NI +39 5 96 VA +39 5 97 TA +39 5 98 TO +39 5 99 NI +39 5 100 RA +39 5 101 TO +39 5 102 NI +39 5 103 TA +39 5 104 RA +39 5 105 RJ +39 5 106 RA +39 5 107 NI +39 5 108 NI +39 5 109 RJ +39 5 110 VA +39 5 111 TA +39 5 112 TO +39 5 113 TA +39 5 114 RJ +39 5 115 TO +39 5 116 NI +39 5 117 PA +39 5 118 TO +39 5 119 RA +39 5 120 NI +39 5 121 VA +39 5 122 RA +39 5 123 RJ +39 5 124 RA +39 5 125 VA +39 5 126 VA +39 5 127 TA +39 5 128 VA +39 5 129 NI +39 5 130 PA +39 5 131 RJ +39 5 132 TO +39 5 133 RA +39 5 134 PA +39 5 135 RJ +39 5 136 RA +39 5 137 RA +39 5 138 RA +39 5 139 NI +39 5 140 RJ +39 5 141 NI +39 5 142 NI +39 5 143 RA +39 5 144 RJ +39 5 145 RA +39 5 146 VA +39 5 147 RA +39 5 148 TO +39 5 149 RA +39 5 150 RJ +39 5 151 VA +39 5 152 NA +39 5 153 RA +39 5 154 TA +39 5 155 VA +39 5 156 RA +39 5 157 PA +39 5 158 NI +39 5 159 VA +39 5 160 NA +39 5 161 RA +39 5 162 TO +39 5 163 RA +39 5 164 RJ +39 5 165 TA +39 5 166 RA +39 5 167 NA +39 5 168 RA +39 5 169 RA +39 5 170 TA +39 5 171 TA +39 5 172 NI +39 5 173 TO +39 5 174 VA +39 5 175 NA +39 5 176 TO +39 5 177 VA +39 5 178 RA +39 5 179 PA +39 5 180 RA +39 5 181 VA +39 5 182 PA +39 5 183 TA +39 5 184 RJ +39 5 185 VA +39 5 186 NA +39 5 187 VA +39 5 188 RA +39 5 189 NA +39 5 190 VA +39 5 191 RA +39 5 192 NA +39 5 193 VA +39 5 194 TA +39 5 195 RA +39 5 196 NA +39 5 197 RJ +39 5 198 TA +39 5 199 NI +39 5 200 RJ +39 5 201 VA +39 5 202 RA +39 5 203 TO +39 5 204 TA +39 5 205 RA +39 5 206 NI +39 5 207 TO +39 5 208 VA +39 5 209 PU +39 5 210 TA +39 5 211 RA +39 5 212 VA +39 5 213 NA +39 5 214 VA +39 5 215 NA +39 5 216 PU +39 5 217 NA +39 5 218 VA +39 5 219 NI +39 5 220 RA +39 5 221 NI +39 5 222 RJ +39 5 223 RA +39 5 224 NI +39 5 225 PU +39 5 226 RA +39 5 227 TA +39 5 228 RJ +39 5 229 RA +39 5 230 NI +39 5 231 RJ +39 5 232 PU +39 5 233 RJ +39 5 234 RA +39 5 235 RJ +39 5 236 RA +39 5 237 VA +39 5 238 RA +39 5 239 VA +39 5 240 TA +39 5 241 NI +39 5 242 NA +39 5 243 PA +39 5 244 NI +39 5 245 TO +39 5 246 RJ +39 5 247 NA +39 5 248 RA +39 5 249 RA +39 5 250 RJ +39 5 251 RA +39 5 252 NI +39 5 253 RA +39 5 254 NI +39 5 255 TA +39 5 256 TO +39 5 257 RJ +39 5 258 VA +39 5 259 TA +39 5 260 NA +39 5 261 VA +39 5 262 NI +39 5 263 PA +39 5 264 NI +39 5 265 RA +39 5 266 TO +39 5 267 RJ +39 5 268 RA +39 5 269 NA +39 5 270 VA +39 5 271 TE +39 5 272 NI +39 5 273 NA +39 5 274 NI +39 5 275 PU +39 5 276 TO +39 5 277 RJ +39 5 278 VA +39 5 279 RA +39 5 280 RJ +39 5 281 RA +39 5 282 RA +39 5 283 PA +39 5 284 NI +39 5 285 VA +39 5 286 NI +39 5 287 VA +39 5 288 TO +39 5 289 RA +39 5 290 NI +39 5 291 RJ +39 5 292 VA +39 5 293 NA +39 5 294 NI +39 5 295 TE +39 5 296 PA +39 5 297 VA +39 5 298 TO +39 5 299 RA +39 5 300 PU +39 5 301 RA +39 5 302 NI +39 5 303 TE +39 5 304 RA +39 5 305 TA +39 5 306 RA +39 5 307 RJ +39 5 308 NA +39 5 309 TE +39 5 310 RA +39 5 311 RJ +39 5 312 TA +39 5 313 TE +39 5 314 NI +39 5 315 RA +39 5 316 RJ +39 5 317 TO +39 5 318 VA +39 5 319 NI +39 5 320 VA +39 5 321 TO +39 5 322 RJ +39 5 323 RA +39 5 324 NI +39 5 325 RJ +39 5 326 VA +39 5 327 NI +39 5 328 RA +39 5 329 TE +39 5 330 NI +39 6 1 RA +39 6 2 RA +39 6 3 VA +39 6 4 RA +39 6 5 VA +39 6 6 VA +39 6 7 SE +39 6 8 PA +39 6 9 TE +39 6 10 SE +39 6 11 TE +39 6 12 VA +39 6 13 RA +39 6 14 RJ +39 6 15 CA +39 6 16 NI +39 6 17 VA +39 6 18 TE +39 6 19 RA +39 6 20 RA +39 6 21 TO +39 6 22 NA +39 6 23 RA +39 6 24 TE +39 6 25 RA +39 6 26 RJ +39 6 27 NI +39 6 28 RA +39 6 29 RA +39 6 30 VA +39 6 31 RA +39 6 32 CA +39 6 33 RA +39 6 34 RJ +39 6 35 CA +39 6 36 RA +39 6 37 TE +39 6 38 RA +39 6 39 RA +39 6 40 RA +39 6 41 PA +39 6 42 VA +39 6 43 RJ +39 6 44 RA +39 6 45 VA +39 6 46 TE +39 6 47 TU +39 6 48 VA +39 6 49 RA +39 6 50 SE +39 6 51 TE +39 6 52 NI +39 6 53 RA +39 6 54 TE +39 6 55 SE +39 6 56 VA +39 6 57 TE +39 6 58 VA +39 6 59 RA +39 6 60 SE +39 6 61 PA +39 6 62 TE +39 6 63 VA +39 6 64 RJ +39 6 65 RA +39 6 66 VA +39 6 67 RA +39 6 68 TO +39 6 69 TE +39 6 70 RA +39 6 71 PA +39 6 72 RJ +39 6 73 RA +39 6 74 TU +39 6 75 TE +39 6 76 VA +39 6 77 RJ +39 6 78 VA +39 6 79 TE +39 6 80 RJ +39 6 81 TE +39 6 82 RA +39 6 83 NI +39 6 84 VA +39 6 85 RA +39 6 86 TE +39 6 87 TA +39 6 88 RA +39 6 89 TA +39 6 90 RA +39 6 91 VA +39 6 92 NI +39 6 93 RJ +39 6 94 TE +39 6 95 NI +39 6 96 VA +39 6 97 SE +39 6 98 PA +39 6 99 RA +39 6 100 VA +39 6 101 PA +39 6 102 RA +39 6 103 TE +39 6 104 RA +39 6 105 TE +39 6 106 VA +39 6 107 NI +39 6 108 RA +39 6 109 SE +39 6 110 VA +39 6 111 TE +39 6 112 TO +39 6 113 TE +39 6 114 RA +39 6 115 PA +39 6 116 NI +39 6 117 TE +39 6 118 NI +39 6 119 RJ +39 6 120 NI +39 6 121 VA +39 6 122 RA +39 6 123 RJ +39 6 124 VA +39 6 125 VA +39 6 126 RA +39 6 127 TE +39 6 128 VA +39 6 129 NI +39 6 130 TE +39 6 131 RA +39 6 132 VA +39 6 133 RA +39 6 134 TE +39 6 135 RA +39 6 136 SE +39 6 137 TE +39 6 138 RA +39 6 139 VA +39 6 140 RJ +39 6 141 NI +39 6 142 TE +39 6 143 VA +39 6 144 SE +39 6 145 RA +39 6 146 VA +39 6 147 RA +39 6 148 PA +39 6 149 TE +39 6 150 TE +39 6 151 VA +39 6 152 TE +39 6 153 RJ +39 6 154 TE +39 6 155 TA +39 6 156 RJ +39 6 157 TE +39 6 158 NI +39 6 159 VA +39 6 160 RJ +39 6 161 RA +39 6 162 PA +39 6 163 SE +39 6 164 RJ +39 6 165 TE +39 6 166 RJ +39 6 167 TU +39 6 168 RJ +39 6 169 RJ +39 6 170 RA +39 6 171 TE +39 6 172 NI +39 6 173 RJ +39 6 174 VA +39 6 175 NI +39 6 176 SE +39 6 177 RA +39 6 178 SE +39 6 179 TE +39 6 180 RJ +39 6 181 TE +39 6 182 PA +39 6 183 TE +39 6 184 RA +39 6 185 VA +39 6 186 RJ +39 6 187 VA +39 6 188 SE +39 6 189 RA +39 6 190 TO +39 6 191 TA +39 6 192 TA +39 6 193 VA +39 6 194 TE +39 6 195 RA +39 6 196 SE +39 6 197 TU +39 6 198 TE +39 6 199 NI +39 6 200 RJ +39 6 201 VA +39 6 202 RA +39 6 203 TO +39 6 204 TE +39 6 205 TE +39 6 206 NI +39 6 207 TO +39 6 208 TE +39 6 209 RA +39 6 210 TE +39 6 211 RJ +39 6 212 VA +39 6 213 RA +39 6 214 VA +39 6 215 SE +39 6 216 TE +39 6 217 VA +39 6 218 RA +39 6 219 VA +39 6 220 RJ +39 6 221 RA +39 6 222 SE +39 6 223 RJ +39 6 224 VA +39 6 225 TE +39 6 226 RJ +39 6 227 TE +39 6 228 RJ +39 6 229 RA +39 6 230 VA +39 6 231 TE +39 6 232 VA +39 6 233 RJ +39 6 234 TE +39 6 235 RJ +39 6 236 VA +39 6 237 RA +39 6 238 RJ +39 6 239 VA +39 6 240 TE +39 6 241 NI +39 6 242 VA +39 6 243 PA +39 6 244 NI +39 6 245 TO +39 6 246 RJ +39 6 247 RA +39 6 248 TE +39 6 249 RJ +39 6 250 RA +39 6 251 VA +39 6 252 NI +39 6 253 RA +39 6 254 VA +39 6 255 TE +39 6 256 TO +39 6 257 RJ +39 6 258 VA +39 6 259 TE +39 6 260 VA +39 6 261 VA +39 6 262 NI +39 6 263 TE +39 6 264 RA +39 6 265 RJ +39 6 266 TE +39 6 267 RJ +39 6 268 VA +39 6 269 RA +39 6 270 VA +39 6 271 TE +39 6 272 NI +39 6 273 RA +39 6 274 NI +39 6 275 VA +39 6 276 TO +39 6 277 RJ +39 6 278 VA +39 6 279 SE +39 6 280 TU +39 6 281 RA +39 6 282 VA +39 6 283 TE +39 6 284 VA +39 6 285 VA +39 6 286 NI +39 6 287 TE +39 6 288 TO +39 6 289 RA +39 6 290 NI +39 6 291 RJ +39 6 292 VA +39 6 293 NI +39 6 294 RA +39 6 295 TE +39 6 296 SE +39 6 297 VA +39 6 298 TO +39 6 299 RJ +39 6 300 TE +39 6 301 RJ +39 6 302 NI +39 6 303 TE +39 6 304 RA +39 6 305 TO +39 6 306 RA +39 6 307 SE +39 6 308 RA +39 6 309 TE +39 6 310 RA +39 6 311 RJ +39 6 312 TE +39 6 313 RJ +39 6 314 NI +39 6 315 RA +39 6 316 RJ +39 6 317 TO +39 6 318 VA +39 6 319 NI +39 6 320 RA +39 6 321 TO +39 6 322 TE +39 6 323 RA +39 6 324 VA +39 6 325 RJ +39 6 326 VA +39 6 327 NI +39 6 328 TE +39 6 329 TE +39 6 330 RA +39 7 1 RA +39 7 2 RA +39 7 3 VA +39 7 4 RJ +39 7 5 RA +39 7 6 NA +39 7 7 RA +39 7 8 TO +39 7 9 TE +39 7 10 RA +39 7 11 TE +39 7 12 VA +39 7 13 TU +39 7 14 RJ +39 7 15 PU +39 7 16 NI +39 7 17 TO +39 7 18 TE +39 7 19 RJ +39 7 20 RJ +39 7 21 PU +39 7 22 VA +39 7 23 TU +39 7 24 TU +39 7 25 RA +39 7 26 RA +39 7 27 NI +39 7 28 VA +39 7 29 SE +39 7 30 VA +39 7 31 NI +39 7 32 TO +39 7 33 RJ +39 7 34 SE +39 7 35 NA +39 7 36 TE +39 7 37 RJ +39 7 38 TO +39 7 39 RJ +39 7 40 TA +39 7 41 TO +39 7 42 VA +39 7 43 SE +39 7 44 PU +39 7 45 RJ +39 7 46 TE +39 7 47 TE +39 7 48 VA +39 7 49 SE +39 7 50 RJ +39 7 51 TU +39 7 52 NI +39 7 53 TO +39 7 54 RJ +39 7 55 SE +39 7 56 VA +39 7 57 RA +39 7 58 TE +39 7 59 PU +39 7 60 RJ +39 7 61 PA +39 7 62 RA +39 7 63 VA +39 7 64 RJ +39 7 65 TO +39 7 66 NI +39 7 67 RJ +39 7 68 PU +39 7 69 TE +39 7 70 NI +39 7 71 PA +39 7 72 SE +39 7 73 PU +39 7 74 NA +39 7 75 TE +39 7 76 VA +39 7 77 RJ +39 7 78 VA +39 7 79 TU +39 7 80 SE +39 7 81 VA +39 7 82 RJ +39 7 83 VA +39 7 84 VA +39 7 85 RJ +39 7 86 PU +39 7 87 TE +39 7 88 TU +39 7 89 TA +39 7 90 SE +39 7 91 VA +39 7 92 PU +39 7 93 SE +39 7 94 TA +39 7 95 VA +39 7 96 VA +39 7 97 PU +39 7 98 TO +39 7 99 NA +39 7 100 NI +39 7 101 TU +39 7 102 RJ +39 7 103 TE +39 7 104 PU +39 7 105 TU +39 7 106 VA +39 7 107 NI +39 7 108 VA +39 7 109 RA +39 7 110 VA +39 7 111 TE +39 7 112 TO +39 7 113 TE +39 7 114 SE +39 7 115 PA +39 7 116 NI +39 7 117 TE +39 7 118 TO +39 7 119 RJ +39 7 120 NI +39 7 121 VA +39 7 122 SE +39 7 123 RA +39 7 124 VA +39 7 125 TU +39 7 126 VA +39 7 127 TE +39 7 128 VA +39 7 129 NI +39 7 130 TE +39 7 131 RJ +39 7 132 TO +39 7 133 SE +39 7 134 TU +39 7 135 RA +39 7 136 RJ +39 7 137 TE +39 7 138 SE +39 7 139 PA +39 7 140 SE +39 7 141 NI +39 7 142 TE +39 7 143 VA +39 7 144 SE +39 7 145 VA +39 7 146 VA +39 7 147 RJ +39 7 148 TO +39 7 149 NA +39 7 150 PU +39 7 151 VA +39 7 152 NA +39 7 153 RJ +39 7 154 TE +39 7 155 TU +39 7 156 SE +39 7 157 TU +39 7 158 NI +39 7 159 VA +39 7 160 NI +39 7 161 RJ +39 7 162 TO +39 7 163 RJ +39 7 164 SE +39 7 165 TU +39 7 166 RJ +39 7 167 PU +39 7 168 SE +39 7 169 RJ +39 7 170 TE +39 7 171 VA +39 7 172 NI +39 7 173 TO +39 7 174 VA +39 7 175 NI +39 7 176 TO +39 7 177 VA +39 7 178 SE +39 7 179 PA +39 7 180 SE +39 7 181 VA +39 7 182 TU +39 7 183 TE +39 7 184 RJ +39 7 185 TU +39 7 186 RJ +39 7 187 VA +39 7 188 RJ +39 7 189 NI +39 7 190 NA +39 7 191 SE +39 7 192 RJ +39 7 193 VA +39 7 194 PA +39 7 195 RJ +39 7 196 RA +39 7 197 PU +39 7 198 TE +39 7 199 NI +39 7 200 SE +39 7 201 VA +39 7 202 RJ +39 7 203 TO +39 7 204 TU +39 7 205 RJ +39 7 206 NI +39 7 207 TO +39 7 208 VA +39 7 209 SE +39 7 210 TU +39 7 211 RJ +39 7 212 VA +39 7 213 PU +39 7 214 VA +39 7 215 TE +39 7 216 TU +39 7 217 VA +39 7 218 VA +39 7 219 RJ +39 7 220 SE +39 7 221 NA +39 7 222 RJ +39 7 223 SE +39 7 224 NI +39 7 225 VA +39 7 226 RJ +39 7 227 TE +39 7 228 RJ +39 7 229 VA +39 7 230 NA +39 7 231 RJ +39 7 232 TU +39 7 233 SE +39 7 234 SE +39 7 235 RJ +39 7 236 VA +39 7 237 NA +39 7 238 RJ +39 7 239 VA +39 7 240 TE +39 7 241 NI +39 7 242 VA +39 7 243 PA +39 7 244 RJ +39 7 245 TO +39 7 246 SE +39 7 247 RJ +39 7 248 TU +39 7 249 SE +39 7 250 RJ +39 7 251 RJ +39 7 252 NI +39 7 253 SE +39 7 254 PA +39 7 255 TU +39 7 256 TO +39 7 257 RJ +39 7 258 VA +39 7 259 PA +39 7 260 VA +39 7 261 TO +39 7 262 NI +39 7 263 TE +39 7 264 RJ +39 7 265 SE +39 7 266 VA +39 7 267 TO +39 7 268 RJ +39 7 269 TO +39 7 270 VA +39 7 271 SE +39 7 272 NI +39 7 273 SE +39 7 274 PA +39 7 275 VA +39 7 276 TO +39 7 277 SE +39 7 278 VA +39 7 279 SE +39 7 280 VA +39 7 281 SE +39 7 282 RJ +39 7 283 TE +39 7 284 NI +39 7 285 PA +39 7 286 NI +39 7 287 TE +39 7 288 TO +39 7 289 RJ +39 7 290 NI +39 7 291 RJ +39 7 292 NA +39 7 293 PU +39 7 294 NI +39 7 295 TE +39 7 296 RJ +39 7 297 VA +39 7 298 TO +39 7 299 SE +39 7 300 TE +39 7 301 SE +39 7 302 PU +39 7 303 RJ +39 7 304 TE +39 7 305 RJ +39 7 306 VA +39 7 307 RJ +39 7 308 RJ +39 7 309 TE +39 7 310 SE +39 7 311 SE +39 7 312 TE +39 7 313 RJ +39 7 314 NI +39 7 315 RJ +39 7 316 RJ +39 7 317 TO +39 7 318 VA +39 7 319 NI +39 7 320 TE +39 7 321 TO +39 7 322 RJ +39 7 323 SE +39 7 324 NI +39 7 325 SE +39 7 326 VA +39 7 327 NI +39 7 328 RJ +39 7 329 TE +39 7 330 RJ +39 8 1 RA +39 8 2 VA +39 8 3 TO +39 8 4 RA +39 8 5 SE +39 8 6 VA +39 8 7 RA +39 8 8 TO +39 8 9 TE +39 8 10 SE +39 8 11 TE +39 8 12 VA +39 8 13 RA +39 8 14 RJ +39 8 15 NI +39 8 16 NI +39 8 17 TO +39 8 18 TE +39 8 19 RA +39 8 20 RJ +39 8 21 TO +39 8 22 VA +39 8 23 RJ +39 8 24 TE +39 8 25 RJ +39 8 26 SE +39 8 27 NI +39 8 28 TO +39 8 29 SE +39 8 30 VA +39 8 31 NI +39 8 32 TO +39 8 33 SE +39 8 34 RA +39 8 35 TO +39 8 36 TE +39 8 37 SE +39 8 38 TO +39 8 39 RA +39 8 40 RJ +39 8 41 TO +39 8 42 VA +39 8 43 TE +39 8 44 NI +39 8 45 RJ +39 8 46 TE +39 8 47 RA +39 8 48 VA +39 8 49 SE +39 8 50 RJ +39 8 51 TE +39 8 52 NI +39 8 53 TO +39 8 54 SE +39 8 55 RJ +39 8 56 NI +39 8 57 RA +39 8 58 VA +39 8 59 NI +39 8 60 TE +39 8 61 TO +39 8 62 SE +39 8 63 TO +39 8 64 SE +39 8 65 TO +39 8 66 NI +39 8 67 RJ +39 8 68 TO +39 8 69 TE +39 8 70 NI +39 8 71 TE +39 8 72 RJ +39 8 73 RJ +39 8 74 NI +39 8 75 TE +39 8 76 TO +39 8 77 RJ +39 8 78 NI +39 8 79 TE +39 8 80 RJ +39 8 81 RJ +39 8 82 RA +39 8 83 NI +39 8 84 NI +39 8 85 RA +39 8 86 TO +39 8 87 TE +39 8 88 TO +39 8 89 TE +39 8 90 TE +39 8 91 VA +39 8 92 NI +39 8 93 RJ +39 8 94 PU +39 8 95 TE +39 8 96 VA +39 8 97 RJ +39 8 98 TO +39 8 99 PU +39 8 100 RA +39 8 101 TO +39 8 102 PU +39 8 103 TE +39 8 104 RJ +39 8 105 TO +39 8 106 VA +39 8 107 NI +39 8 108 VA +39 8 109 RJ +39 8 110 VA +39 8 111 TE +39 8 112 TO +39 8 113 TE +39 8 114 RJ +39 8 115 TO +39 8 116 NI +39 8 117 TE +39 8 118 TO +39 8 119 SE +39 8 120 NI +39 8 121 TO +39 8 122 SE +39 8 123 TE +39 8 124 VA +39 8 125 TO +39 8 126 TO +39 8 127 TE +39 8 128 VA +39 8 129 NI +39 8 130 PU +39 8 131 RA +39 8 132 TO +39 8 133 SE +39 8 134 PU +39 8 135 TO +39 8 136 RA +39 8 137 TE +39 8 138 NI +39 8 139 NI +39 8 140 PU +39 8 141 NI +39 8 142 NI +39 8 143 VA +39 8 144 PU +39 8 145 RJ +39 8 146 VA +39 8 147 RJ +39 8 148 TO +39 8 149 RA +39 8 150 RJ +39 8 151 TO +39 8 152 PU +39 8 153 RJ +39 8 154 PU +39 8 155 PU +39 8 156 RJ +39 8 157 TE +39 8 158 NI +39 8 159 VA +39 8 160 VA +39 8 161 RJ +39 8 162 TO +39 8 163 RJ +39 8 164 RJ +39 8 165 TE +39 8 166 RA +39 8 167 TE +39 8 168 RA +39 8 169 RJ +39 8 170 TE +39 8 171 TE +39 8 172 NI +39 8 173 TO +39 8 174 VA +39 8 175 RA +39 8 176 TO +39 8 177 VA +39 8 178 PU +39 8 179 PU +39 8 180 RA +39 8 181 TE +39 8 182 TE +39 8 183 TE +39 8 184 TE +39 8 185 VA +39 8 186 RJ +39 8 187 VA +39 8 188 RJ +39 8 189 NI +39 8 190 VA +39 8 191 RA +39 8 192 RA +39 8 193 VA +39 8 194 PU +39 8 195 RA +39 8 196 TE +39 8 197 RA +39 8 198 PU +39 8 199 NI +39 8 200 RA +39 8 201 VA +39 8 202 SE +39 8 203 TO +39 8 204 TE +39 8 205 RA +39 8 206 NI +39 8 207 TO +39 8 208 TE +39 8 209 PU +39 8 210 TE +39 8 211 RA +39 8 212 TO +39 8 213 TE +39 8 214 VA +39 8 215 TO +39 8 216 TE +39 8 217 TO +39 8 218 VA +39 8 219 NI +39 8 220 RA +39 8 221 NI +39 8 222 TE +39 8 223 RJ +39 8 224 NI +39 8 225 TE +39 8 226 RJ +39 8 227 TE +39 8 228 PU +39 8 229 VA +39 8 230 NI +39 8 231 TO +39 8 232 TE +39 8 233 PU +39 8 234 SE +39 8 235 RA +39 8 236 VA +39 8 237 NI +39 8 238 RJ +39 8 239 TO +39 8 240 TE +39 8 241 NI +39 8 242 VA +39 8 243 RA +39 8 244 NI +39 8 245 TO +39 8 246 RJ +39 8 247 TE +39 8 248 TE +39 8 249 PA +39 8 250 TE +39 8 251 PU +39 8 252 NI +39 8 253 RJ +39 8 254 TE +39 8 255 TE +39 8 256 TO +39 8 257 PU +39 8 258 VA +39 8 259 TO +39 8 260 NI +39 8 261 TO +39 8 262 NI +39 8 263 TE +39 8 264 NI +39 8 265 PU +39 8 266 TO +39 8 267 PU +39 8 268 SE +39 8 269 TO +39 8 270 VA +39 8 271 PU +39 8 272 NI +39 8 273 TO +39 8 274 NI +39 8 275 PU +39 8 276 TO +39 8 277 PU +39 8 278 VA +39 8 279 TE +39 8 280 PU +39 8 281 RJ +39 8 282 RJ +39 8 283 PU +39 8 284 NI +39 8 285 VA +39 8 286 NI +39 8 287 PU +39 8 288 TO +39 8 289 SE +39 8 290 NI +39 8 291 SE +39 8 292 TE +39 8 293 NI +39 8 294 NI +39 8 295 TE +39 8 296 RJ +39 8 297 VA +39 8 298 TO +39 8 299 RA +39 8 300 TE +39 8 301 RJ +39 8 302 NI +39 8 303 NI +39 8 304 RJ +39 8 305 TE +39 8 306 RA +39 8 307 VA +39 8 308 TE +39 8 309 TA +39 8 310 RJ +39 8 311 TE +39 8 312 TA +39 8 313 TE +39 8 314 NI +39 8 315 RA +39 8 316 TE +39 8 317 PU +39 8 318 TO +39 8 319 NI +39 8 320 TE +39 8 321 TO +39 8 322 RJ +39 8 323 PU +39 8 324 NI +39 8 325 TO +39 8 326 VA +39 8 327 NI +39 8 328 TA +39 8 329 TE +39 8 330 NI +39 9 1 RJ +39 9 2 RA +39 9 3 VA +39 9 4 RA +39 9 5 RA +39 9 6 NA +39 9 7 RA +39 9 8 PA +39 9 9 TE +39 9 10 RA +39 9 11 RA +39 9 12 VA +39 9 13 RA +39 9 14 RJ +39 9 15 CA +39 9 16 NI +39 9 17 TO +39 9 18 TA +39 9 19 RA +39 9 20 RA +39 9 21 CA +39 9 22 NA +39 9 23 RA +39 9 24 TE +39 9 25 RA +39 9 26 RJ +39 9 27 NI +39 9 28 CA +39 9 29 RA +39 9 30 VA +39 9 31 RA +39 9 32 RA +39 9 33 RA +39 9 34 RJ +39 9 35 VA +39 9 36 RA +39 9 37 RA +39 9 38 PA +39 9 39 RJ +39 9 40 RA +39 9 41 PA +39 9 42 VA +39 9 43 RJ +39 9 44 NI +39 9 45 RA +39 9 46 TE +39 9 47 RA +39 9 48 VA +39 9 49 RA +39 9 50 RJ +39 9 51 TE +39 9 52 RA +39 9 53 PA +39 9 54 RA +39 9 55 RJ +39 9 56 NA +39 9 57 RA +39 9 58 VA +39 9 59 NA +39 9 60 RA +39 9 61 PA +39 9 62 RA +39 9 63 NA +39 9 64 RJ +39 9 65 PA +39 9 66 NI +39 9 67 RA +39 9 68 RA +39 9 69 RA +39 9 70 RA +39 9 71 PA +39 9 72 RA +39 9 73 RJ +39 9 74 RA +39 9 75 RA +39 9 76 VA +39 9 77 RA +39 9 78 NA +39 9 79 TE +39 9 80 RJ +39 9 81 RA +39 9 82 RA +39 9 83 VA +39 9 84 NA +39 9 85 RJ +39 9 86 CA +39 9 87 TE +39 9 88 RA +39 9 89 TE +39 9 90 RA +39 9 91 VA +39 9 92 NI +39 9 93 RJ +39 9 94 TA +39 9 95 NA +39 9 96 VA +39 9 97 RA +39 9 98 PA +39 9 99 RA +39 9 100 RA +39 9 101 PA +39 9 102 RA +39 9 103 RA +39 9 104 RJ +39 9 105 RA +39 9 106 VA +39 9 107 NA +39 9 108 RA +39 9 109 RJ +39 9 110 VA +39 9 111 RA +39 9 112 TO +39 9 113 TE +39 9 114 RA +39 9 115 PA +39 9 116 RA +39 9 117 TE +39 9 118 NA +39 9 119 RA +39 9 120 NI +39 9 121 VA +39 9 122 RA +39 9 123 RJ +39 9 124 VA +39 9 125 VA +39 9 126 RA +39 9 127 RA +39 9 128 VA +39 9 129 NI +39 9 130 TE +39 9 131 RA +39 9 132 TO +39 9 133 RA +39 9 134 TE +39 9 135 RA +39 9 136 RA +39 9 137 RA +39 9 138 RA +39 9 139 NI +39 9 140 RJ +39 9 141 NI +39 9 142 RA +39 9 143 VA +39 9 144 RA +39 9 145 RA +39 9 146 VA +39 9 147 RA +39 9 148 TO +39 9 149 NA +39 9 150 RA +39 9 151 NA +39 9 152 RA +39 9 153 RJ +39 9 154 TE +39 9 155 TE +39 9 156 RA +39 9 157 TE +39 9 158 NI +39 9 159 VA +39 9 160 CA +39 9 161 RA +39 9 162 TO +39 9 163 RA +39 9 164 RJ +39 9 165 RA +39 9 166 RJ +39 9 167 RA +39 9 168 SE +39 9 169 RJ +39 9 170 RA +39 9 171 RA +39 9 172 NI +39 9 173 TO +39 9 174 VA +39 9 175 RA +39 9 176 TO +39 9 177 VA +39 9 178 RJ +39 9 179 PA +39 9 180 RA +39 9 181 VA +39 9 182 PA +39 9 183 TE +39 9 184 RA +39 9 185 VA +39 9 186 RA +39 9 187 VA +39 9 188 RJ +39 9 189 RA +39 9 190 CA +39 9 191 RA +39 9 192 RJ +39 9 193 VA +39 9 194 PA +39 9 195 RA +39 9 196 RA +39 9 197 RA +39 9 198 TE +39 9 199 NA +39 9 200 RA +39 9 201 CA +39 9 202 RA +39 9 203 CA +39 9 204 TE +39 9 205 RA +39 9 206 VA +39 9 207 CA +39 9 208 VA +39 9 209 RA +39 9 210 TE +39 9 211 RA +39 9 212 VA +39 9 213 RA +39 9 214 VA +39 9 215 CA +39 9 216 RA +39 9 217 NA +39 9 218 RA +39 9 219 RA +39 9 220 RJ +39 9 221 RA +39 9 222 RJ +39 9 223 RA +39 9 224 NI +39 9 225 VA +39 9 226 RJ +39 9 227 TE +39 9 228 RJ +39 9 229 RA +39 9 230 NA +39 9 231 RA +39 9 232 TE +39 9 233 RA +39 9 234 RA +39 9 235 RJ +39 9 236 VA +39 9 237 NA +39 9 238 RA +39 9 239 CA +39 9 240 TU +39 9 241 NI +39 9 242 VA +39 9 243 PA +39 9 244 RA +39 9 245 TO +39 9 246 RA +39 9 247 RJ +39 9 248 RA +39 9 249 RA +39 9 250 RJ +39 9 251 RA +39 9 252 NI +39 9 253 RA +39 9 254 RJ +39 9 255 TE +39 9 256 TO +39 9 257 RJ +39 9 258 VA +39 9 259 TU +39 9 260 VA +39 9 261 VA +39 9 262 NI +39 9 263 TE +39 9 264 RA +39 9 265 TA +39 9 266 TU +39 9 267 RA +39 9 268 RA +39 9 269 CA +39 9 270 VA +39 9 271 RA +39 9 272 NI +39 9 273 RA +39 9 274 NI +39 9 275 VA +39 9 276 CA +39 9 277 RJ +39 9 278 VA +39 9 279 RJ +39 9 280 RA +39 9 281 RA +39 9 282 RA +39 9 283 TE +39 9 284 NI +39 9 285 CA +39 9 286 NI +39 9 287 VA +39 9 288 TO +39 9 289 RA +39 9 290 NI +39 9 291 RJ +39 9 292 NA +39 9 293 RA +39 9 294 NI +39 9 295 TE +39 9 296 RA +39 9 297 VA +39 9 298 TO +39 9 299 RA +39 9 300 PU +39 9 301 RA +39 9 302 NI +39 9 303 RA +39 9 304 VA +39 9 305 RA +39 9 306 RA +39 9 307 RJ +39 9 308 RA +39 9 309 TE +39 9 310 RA +39 9 311 RJ +39 9 312 TA +39 9 313 RJ +39 9 314 NI +39 9 315 RA +39 9 316 SE +39 9 317 PA +39 9 318 VA +39 9 319 NI +39 9 320 RA +39 9 321 TO +39 9 322 RA +39 9 323 RA +39 9 324 NI +39 9 325 RA +39 9 326 VA +39 9 327 NA +39 9 328 RA +39 9 329 TU +39 9 330 NI +39 10 1 RA +39 10 2 NA +39 10 3 VA +39 10 4 RA +39 10 5 SE +39 10 6 VA +39 10 7 RJ +39 10 8 TO +39 10 9 TE +39 10 10 SE +39 10 11 RA +39 10 12 VA +39 10 13 SE +39 10 14 RA +39 10 15 NI +39 10 16 NI +39 10 17 TO +39 10 18 TA +39 10 19 SE +39 10 20 RJ +39 10 21 TO +39 10 22 VA +39 10 23 RA +39 10 24 TE +39 10 25 SE +39 10 26 RJ +39 10 27 NI +39 10 28 TO +39 10 29 RJ +39 10 30 TU +39 10 31 NI +39 10 32 TO +39 10 33 RJ +39 10 34 SE +39 10 35 TU +39 10 36 TA +39 10 37 RA +39 10 38 TO +39 10 39 SE +39 10 40 SE +39 10 41 TO +39 10 42 TE +39 10 43 RA +39 10 44 NI +39 10 45 SE +39 10 46 TE +39 10 47 RA +39 10 48 TU +39 10 49 SE +39 10 50 RJ +39 10 51 TE +39 10 52 NI +39 10 53 TO +39 10 54 SE +39 10 55 RA +39 10 56 TU +39 10 57 RA +39 10 58 TE +39 10 59 NI +39 10 60 SE +39 10 61 TO +39 10 62 NI +39 10 63 TO +39 10 64 SE +39 10 65 TO +39 10 66 NI +39 10 67 SE +39 10 68 TO +39 10 69 TE +39 10 70 NI +39 10 71 TE +39 10 72 RJ +39 10 73 TO +39 10 74 NI +39 10 75 TE +39 10 76 TO +39 10 77 SE +39 10 78 NI +39 10 79 TE +39 10 80 RA +39 10 81 SE +39 10 82 RA +39 10 83 VA +39 10 84 TU +39 10 85 SE +39 10 86 TO +39 10 87 TA +39 10 88 TO +39 10 89 TA +39 10 90 TE +39 10 91 VA +39 10 92 NI +39 10 93 SE +39 10 94 TA +39 10 95 NI +39 10 96 VA +39 10 97 RA +39 10 98 TO +39 10 99 NI +39 10 100 NI +39 10 101 TO +39 10 102 NI +39 10 103 TU +39 10 104 RJ +39 10 105 TO +39 10 106 VA +39 10 107 NI +39 10 108 NI +39 10 109 RA +39 10 110 TU +39 10 111 TE +39 10 112 TO +39 10 113 TA +39 10 114 SE +39 10 115 TO +39 10 116 NI +39 10 117 TE +39 10 118 TO +39 10 119 SE +39 10 120 NA +39 10 121 VA +39 10 122 RA +39 10 123 SE +39 10 124 VA +39 10 125 TU +39 10 126 TU +39 10 127 TE +39 10 128 VA +39 10 129 NI +39 10 130 TE +39 10 131 TO +39 10 132 TU +39 10 133 SE +39 10 134 TE +39 10 135 TO +39 10 136 SE +39 10 137 TE +39 10 138 SE +39 10 139 NI +39 10 140 SE +39 10 141 NI +39 10 142 NI +39 10 143 VA +39 10 144 SE +39 10 145 SE +39 10 146 TU +39 10 147 SE +39 10 148 TO +39 10 149 RA +39 10 150 RJ +39 10 151 TU +39 10 152 NI +39 10 153 SE +39 10 154 TE +39 10 155 TE +39 10 156 RJ +39 10 157 TE +39 10 158 NI +39 10 159 VA +39 10 160 NI +39 10 161 SE +39 10 162 TO +39 10 163 SE +39 10 164 RJ +39 10 165 TE +39 10 166 TE +39 10 167 NI +39 10 168 SE +39 10 169 SE +39 10 170 TE +39 10 171 TE +39 10 172 NI +39 10 173 TO +39 10 174 VA +39 10 175 RA +39 10 176 TO +39 10 177 VA +39 10 178 SE +39 10 179 TE +39 10 180 RJ +39 10 181 TU +39 10 182 TU +39 10 183 TE +39 10 184 NI +39 10 185 TU +39 10 186 SE +39 10 187 VA +39 10 188 RJ +39 10 189 NI +39 10 190 NI +39 10 191 SE +39 10 192 NI +39 10 193 VA +39 10 194 TE +39 10 195 RA +39 10 196 RA +39 10 197 NI +39 10 198 TE +39 10 199 NI +39 10 200 SE +39 10 201 VA +39 10 202 SE +39 10 203 TO +39 10 204 TE +39 10 205 RA +39 10 206 NI +39 10 207 TO +39 10 208 TU +39 10 209 RA +39 10 210 TU +39 10 211 SE +39 10 212 VA +39 10 213 NI +39 10 214 VA +39 10 215 TU +39 10 216 TE +39 10 217 NI +39 10 218 TE +39 10 219 NI +39 10 220 RJ +39 10 221 NI +39 10 222 RA +39 10 223 SE +39 10 224 NI +39 10 225 TE +39 10 226 RA +39 10 227 TA +39 10 228 RA +39 10 229 RJ +39 10 230 NI +39 10 231 TO +39 10 232 TE +39 10 233 NI +39 10 234 SE +39 10 235 RJ +39 10 236 TU +39 10 237 NI +39 10 238 RA +39 10 239 TO +39 10 240 TE +39 10 241 NI +39 10 242 VA +39 10 243 TO +39 10 244 NI +39 10 245 TO +39 10 246 SE +39 10 247 RA +39 10 248 TE +39 10 249 SE +39 10 250 TE +39 10 251 SE +39 10 252 NI +39 10 253 RA +39 10 254 RA +39 10 255 TA +39 10 256 TU +39 10 257 RJ +39 10 258 VA +39 10 259 TU +39 10 260 NI +39 10 261 TU +39 10 262 NI +39 10 263 TE +39 10 264 NI +39 10 265 RJ +39 10 266 TU +39 10 267 TO +39 10 268 SE +39 10 269 TO +39 10 270 TU +39 10 271 SE +39 10 272 NI +39 10 273 TU +39 10 274 NI +39 10 275 TE +39 10 276 TO +39 10 277 SE +39 10 278 TU +39 10 279 RJ +39 10 280 SE +39 10 281 SE +39 10 282 SE +39 10 283 TE +39 10 284 NI +39 10 285 NI +39 10 286 NI +39 10 287 TU +39 10 288 TO +39 10 289 RA +39 10 290 NI +39 10 291 SE +39 10 292 NI +39 10 293 NI +39 10 294 NI +39 10 295 TU +39 10 296 RA +39 10 297 VA +39 10 298 TO +39 10 299 RJ +39 10 300 NI +39 10 301 RJ +39 10 302 NI +39 10 303 NI +39 10 304 TE +39 10 305 TO +39 10 306 VA +39 10 307 SE +39 10 308 NI +39 10 309 TE +39 10 310 RA +39 10 311 SE +39 10 312 TA +39 10 313 RJ +39 10 314 NI +39 10 315 RJ +39 10 316 SE +39 10 317 TO +39 10 318 VA +39 10 319 NI +39 10 320 TU +39 10 321 TO +39 10 322 SE +39 10 323 RJ +39 10 324 NI +39 10 325 TO +39 10 326 TU +39 10 327 NI +39 10 328 RJ +39 10 329 TU +39 10 330 NI +39 11 1 RJ +39 11 2 RA +39 11 3 TO +39 11 4 PA +39 11 5 NA +39 11 6 VA +39 11 7 RJ +39 11 8 PA +39 11 9 PA +39 11 10 RJ +39 11 11 RA +39 11 12 VA +39 11 13 RA +39 11 14 RA +39 11 15 RO +39 11 16 NA +39 11 17 TO +39 11 18 PA +39 11 19 RJ +39 11 20 RA +39 11 21 RO +39 11 22 VA +39 11 23 RJ +39 11 24 PA +39 11 25 RJ +39 11 26 RJ +39 11 27 NA +39 11 28 RO +39 11 29 RA +39 11 30 VA +39 11 31 RA +39 11 32 RJ +39 11 33 RA +39 11 34 RJ +39 11 35 VA +39 11 36 RJ +39 11 37 NA +39 11 38 TO +39 11 39 RJ +39 11 40 RA +39 11 41 TO +39 11 42 VA +39 11 43 RA +39 11 44 NA +39 11 45 RA +39 11 46 PA +39 11 47 RA +39 11 48 VA +39 11 49 NA +39 11 50 PA +39 11 51 TA +39 11 52 NA +39 11 53 TO +39 11 54 RA +39 11 55 RJ +39 11 56 NA +39 11 57 RA +39 11 58 VA +39 11 59 NA +39 11 60 PA +39 11 61 TO +39 11 62 NA +39 11 63 NA +39 11 64 RJ +39 11 65 TO +39 11 66 NA +39 11 67 NA +39 11 68 NA +39 11 69 PA +39 11 70 NA +39 11 71 PA +39 11 72 RJ +39 11 73 SE +39 11 74 NA +39 11 75 PA +39 11 76 NA +39 11 77 SE +39 11 78 NA +39 11 79 PA +39 11 80 SE +39 11 81 VA +39 11 82 NA +39 11 83 VA +39 11 84 VA +39 11 85 RJ +39 11 86 TO +39 11 87 PA +39 11 88 RA +39 11 89 TA +39 11 90 RA +39 11 91 VA +39 11 92 VA +39 11 93 RJ +39 11 94 PA +39 11 95 RA +39 11 96 VA +39 11 97 RJ +39 11 98 TO +39 11 99 NA +39 11 100 NA +39 11 101 TO +39 11 102 NA +39 11 103 NA +39 11 104 NA +39 11 105 RJ +39 11 106 VA +39 11 107 NA +39 11 108 NA +39 11 109 RJ +39 11 110 VA +39 11 111 PA +39 11 112 TO +39 11 113 PA +39 11 114 RA +39 11 115 PA +39 11 116 NA +39 11 117 PA +39 11 118 NA +39 11 119 RA +39 11 120 FO +39 11 121 VA +39 11 122 RJ +39 11 123 RA +39 11 124 VA +39 11 125 TO +39 11 126 VA +39 11 127 RA +39 11 128 VA +39 11 129 FO +39 11 130 PA +39 11 131 RJ +39 11 132 PA +39 11 133 RJ +39 11 134 PA +39 11 135 TO +39 11 136 RA +39 11 137 PA +39 11 138 NA +39 11 139 NA +39 11 140 RJ +39 11 141 NA +39 11 142 NA +39 11 143 RA +39 11 144 RJ +39 11 145 RA +39 11 146 VA +39 11 147 RJ +39 11 148 TO +39 11 149 NA +39 11 150 PA +39 11 151 NA +39 11 152 NA +39 11 153 RA +39 11 154 PA +39 11 155 PA +39 11 156 RA +39 11 157 PA +39 11 158 FO +39 11 159 VA +39 11 160 NA +39 11 161 RA +39 11 162 TO +39 11 163 RA +39 11 164 RJ +39 11 165 PA +39 11 166 PA +39 11 167 NA +39 11 168 RJ +39 11 169 RA +39 11 170 RJ +39 11 171 PA +39 11 172 NA +39 11 173 TO +39 11 174 VA +39 11 175 NA +39 11 176 TO +39 11 177 VA +39 11 178 RA +39 11 179 PA +39 11 180 RJ +39 11 181 VA +39 11 182 PA +39 11 183 PA +39 11 184 RA +39 11 185 VA +39 11 186 NA +39 11 187 VA +39 11 188 RJ +39 11 189 NA +39 11 190 NA +39 11 191 RA +39 11 192 RJ +39 11 193 VA +39 11 194 PA +39 11 195 RA +39 11 196 NA +39 11 197 RA +39 11 198 PA +39 11 199 NA +39 11 200 NA +39 11 201 VA +39 11 202 RJ +39 11 203 TO +39 11 204 PA +39 11 205 RA +39 11 206 VA +39 11 207 VA +39 11 208 PA +39 11 209 RA +39 11 210 PA +39 11 211 NA +39 11 212 VA +39 11 213 NA +39 11 214 VA +39 11 215 NA +39 11 216 PA +39 11 217 NA +39 11 218 PA +39 11 219 NA +39 11 220 RA +39 11 221 NA +39 11 222 RJ +39 11 223 RA +39 11 224 NA +39 11 225 VA +39 11 226 RA +39 11 227 PA +39 11 228 RA +39 11 229 NA +39 11 230 NA +39 11 231 RA +39 11 232 PA +39 11 233 NA +39 11 234 RA +39 11 235 RA +39 11 236 PA +39 11 237 NA +39 11 238 RA +39 11 239 VA +39 11 240 PA +39 11 241 FO +39 11 242 VA +39 11 243 PA +39 11 244 NA +39 11 245 TO +39 11 246 RA +39 11 247 RA +39 11 248 PA +39 11 249 RJ +39 11 250 PA +39 11 251 NA +39 11 252 NA +39 11 253 RA +39 11 254 RA +39 11 255 PA +39 11 256 TO +39 11 257 RA +39 11 258 VA +39 11 259 PA +39 11 260 NA +39 11 261 VA +39 11 262 FO +39 11 263 PU +39 11 264 RA +39 11 265 RJ +39 11 266 VA +39 11 267 PU +39 11 268 RJ +39 11 269 RA +39 11 270 VA +39 11 271 RA +39 11 272 FO +39 11 273 NA +39 11 274 FO +39 11 275 RA +39 11 276 TO +39 11 277 RA +39 11 278 VA +39 11 279 RA +39 11 280 PU +39 11 281 RA +39 11 282 RA +39 11 283 PU +39 11 284 PU +39 11 285 NA +39 11 286 NA +39 11 287 VA +39 11 288 TO +39 11 289 NA +39 11 290 VA +39 11 291 RJ +39 11 292 VA +39 11 293 NA +39 11 294 NA +39 11 295 PA +39 11 296 RJ +39 11 297 VA +39 11 298 TO +39 11 299 RA +39 11 300 PU +39 11 301 RA +39 11 302 VA +39 11 303 NA +39 11 304 RA +39 11 305 RA +39 11 306 RA +39 11 307 RA +39 11 308 PU +39 11 309 PA +39 11 310 RA +39 11 311 RA +39 11 312 TA +39 11 313 RJ +39 11 314 NA +39 11 315 RA +39 11 316 RA +39 11 317 TO +39 11 318 VA +39 11 319 NA +39 11 320 PU +39 11 321 TO +39 11 322 NA +39 11 323 RJ +39 11 324 NA +39 11 325 RA +39 11 326 VA +39 11 327 NA +39 11 328 PU +39 11 329 PU +39 11 330 NA +39 12 1 RJ +39 12 2 NA +39 12 3 TO +39 12 4 PA +39 12 5 RJ +39 12 6 NA +39 12 7 RJ +39 12 8 PA +39 12 9 TA +39 12 10 SE +39 12 11 RJ +39 12 12 VA +39 12 13 SE +39 12 14 SE +39 12 15 NA +39 12 16 NI +39 12 17 TO +39 12 18 TA +39 12 19 RJ +39 12 20 RJ +39 12 21 TO +39 12 22 VA +39 12 23 RJ +39 12 24 TA +39 12 25 RA +39 12 26 SE +39 12 27 NI +39 12 28 TO +39 12 29 SE +39 12 30 TA +39 12 31 RA +39 12 32 RA +39 12 33 SE +39 12 34 NA +39 12 35 NA +39 12 36 SE +39 12 37 PA +39 12 38 PA +39 12 39 RJ +39 12 40 PA +39 12 41 VA +39 12 42 RJ +39 12 43 NA +39 12 44 SE +39 12 45 TA +39 12 46 TA +39 12 47 SE +39 12 48 VA +39 12 49 RJ +39 12 50 PA +39 12 51 TA +39 12 52 NI +39 12 53 PA +39 12 54 RJ +39 12 55 SE +39 12 56 NA +39 12 57 SE +39 12 58 VA +39 12 59 NA +39 12 60 TA +39 12 61 PA +39 12 62 RJ +39 12 63 NA +39 12 64 RJ +39 12 65 PA +39 12 66 NI +39 12 67 RJ +39 12 68 RJ +39 12 69 RJ +39 12 70 NA +39 12 71 PA +39 12 72 RJ +39 12 73 RJ +39 12 74 SE +39 12 75 RJ +39 12 76 VA +39 12 77 RJ +39 12 78 NA +39 12 79 TA +39 12 80 SE +39 12 81 RA +39 12 82 RA +39 12 83 NI +39 12 84 NA +39 12 85 RA +39 12 86 RA +39 12 87 TA +39 12 88 PA +39 12 89 TA +39 12 90 RA +39 12 91 VA +39 12 92 NI +39 12 93 RJ +39 12 94 TA +39 12 95 NI +39 12 96 VA +39 12 97 RA +39 12 98 TO +39 12 99 NA +39 12 100 RA +39 12 101 PA +39 12 102 RA +39 12 103 RJ +39 12 104 RJ +39 12 105 PA +39 12 106 VA +39 12 107 NI +39 12 108 RA +39 12 109 RJ +39 12 110 VA +39 12 111 TA +39 12 112 TO +39 12 113 TA +39 12 114 RJ +39 12 115 PA +39 12 116 RJ +39 12 117 TU +39 12 118 VA +39 12 119 RJ +39 12 120 NI +39 12 121 VA +39 12 122 RJ +39 12 123 RA +39 12 124 VA +39 12 125 VA +39 12 126 RA +39 12 127 RA +39 12 128 VA +39 12 129 NI +39 12 130 TU +39 12 131 RA +39 12 132 TO +39 12 133 RJ +39 12 134 TU +39 12 135 TO +39 12 136 RJ +39 12 137 RA +39 12 138 RJ +39 12 139 NI +39 12 140 RJ +39 12 141 NI +39 12 142 NI +39 12 143 RJ +39 12 144 RA +39 12 145 RJ +39 12 146 VA +39 12 147 RJ +39 12 148 TO +39 12 149 RA +39 12 150 PA +39 12 151 NI +39 12 152 RJ +39 12 153 RJ +39 12 154 TE +39 12 155 TA +39 12 156 RJ +39 12 157 TU +39 12 158 NI +39 12 159 NI +39 12 160 NI +39 12 161 RJ +39 12 162 PA +39 12 163 RA +39 12 164 RJ +39 12 165 RJ +39 12 166 TU +39 12 167 NI +39 12 168 RJ +39 12 169 RA +39 12 170 RA +39 12 171 TU +39 12 172 NI +39 12 173 TO +39 12 174 VA +39 12 175 RJ +39 12 176 TO +39 12 177 VA +39 12 178 RJ +39 12 179 PA +39 12 180 RJ +39 12 181 VA +39 12 182 PA +39 12 183 TE +39 12 184 PA +39 12 185 TU +39 12 186 RJ +39 12 187 VA +39 12 188 RJ +39 12 189 NI +39 12 190 NI +39 12 191 RJ +39 12 192 RA +39 12 193 VA +39 12 194 PA +39 12 195 RA +39 12 196 RJ +39 12 197 RA +39 12 198 TA +39 12 199 NI +39 12 200 RA +39 12 201 NI +39 12 202 RJ +39 12 203 PA +39 12 204 TE +39 12 205 RJ +39 12 206 NI +39 12 207 PA +39 12 208 TU +39 12 209 RJ +39 12 210 TU +39 12 211 RJ +39 12 212 VA +39 12 213 NI +39 12 214 VA +39 12 215 RJ +39 12 216 TE +39 12 217 NI +39 12 218 VA +39 12 219 NI +39 12 220 SE +39 12 221 NI +39 12 222 RJ +39 12 223 RJ +39 12 224 NI +39 12 225 TE +39 12 226 RA +39 12 227 TU +39 12 228 RA +39 12 229 RJ +39 12 230 NI +39 12 231 RA +39 12 232 TE +39 12 233 NI +39 12 234 RJ +39 12 235 RJ +39 12 236 VA +39 12 237 NI +39 12 238 RJ +39 12 239 NI +39 12 240 TE +39 12 241 NI +39 12 242 VA +39 12 243 PA +39 12 244 NI +39 12 245 TO +39 12 246 RJ +39 12 247 RJ +39 12 248 TE +39 12 249 RJ +39 12 250 PA +39 12 251 RJ +39 12 252 NI +39 12 253 RA +39 12 254 RJ +39 12 255 TE +39 12 256 TO +39 12 257 RJ +39 12 258 VA +39 12 259 PA +39 12 260 NI +39 12 261 VA +39 12 262 NI +39 12 263 TU +39 12 264 NI +39 12 265 RJ +39 12 266 TU +39 12 267 PA +39 12 268 RJ +39 12 269 PA +39 12 270 VA +39 12 271 RJ +39 12 272 NI +39 12 273 RJ +39 12 274 NI +39 12 275 VA +39 12 276 PA +39 12 277 RJ +39 12 278 NI +39 12 279 RJ +39 12 280 RJ +39 12 281 RJ +39 12 282 RJ +39 12 283 TE +39 12 284 NI +39 12 285 NI +39 12 286 NI +39 12 287 TU +39 12 288 TO +39 12 289 RJ +39 12 290 NI +39 12 291 RJ +39 12 292 NI +39 12 293 NI +39 12 294 NI +39 12 295 TU +39 12 296 RJ +39 12 297 VA +39 12 298 TO +39 12 299 RJ +39 12 300 NI +39 12 301 RJ +39 12 302 NI +39 12 303 NI +39 12 304 VA +39 12 305 PA +39 12 306 VA +39 12 307 RJ +39 12 308 RJ +39 12 309 TU +39 12 310 RJ +39 12 311 RJ +39 12 312 TA +39 12 313 RJ +39 12 314 NI +39 12 315 RJ +39 12 316 RJ +39 12 317 PA +39 12 318 NI +39 12 319 NI +39 12 320 TU +39 12 321 TO +39 12 322 RJ +39 12 323 RJ +39 12 324 NI +39 12 325 PA +39 12 326 VA +39 12 327 NI +39 12 328 RJ +39 12 329 TU +39 12 330 NI +39 13 1 SE +39 13 2 NI +39 13 3 TO +39 13 4 RA +39 13 5 SE +39 13 6 VA +39 13 7 RA +39 13 8 TO +39 13 9 PU +39 13 10 RA +39 13 11 RA +39 13 12 VA +39 13 13 RJ +39 13 14 TA +39 13 15 PU +39 13 16 NI +39 13 17 TO +39 13 18 TA +39 13 19 RJ +39 13 20 RJ +39 13 21 TO +39 13 22 NI +39 13 23 PU +39 13 24 PU +39 13 25 RA +39 13 26 RA +39 13 27 NI +39 13 28 TO +39 13 29 RJ +39 13 30 PU +39 13 31 RJ +39 13 32 PU +39 13 33 RJ +39 13 34 RJ +39 13 35 PU +39 13 36 RA +39 13 37 RJ +39 13 38 TO +39 13 39 RA +39 13 40 RA +39 13 41 TO +39 13 42 VA +39 13 43 TA +39 13 44 NI +39 13 45 SE +39 13 46 TE +39 13 47 TE +39 13 48 VA +39 13 49 SE +39 13 50 PA +39 13 51 TE +39 13 52 NI +39 13 53 TO +39 13 54 SE +39 13 55 SE +39 13 56 NI +39 13 57 PA +39 13 58 PU +39 13 59 NI +39 13 60 TA +39 13 61 TO +39 13 62 RJ +39 13 63 PU +39 13 64 RA +39 13 65 TO +39 13 66 NI +39 13 67 SE +39 13 68 TO +39 13 69 TE +39 13 70 NI +39 13 71 TO +39 13 72 SE +39 13 73 PU +39 13 74 NI +39 13 75 TE +39 13 76 VA +39 13 77 SE +39 13 78 NI +39 13 79 TE +39 13 80 RA +39 13 81 RJ +39 13 82 SE +39 13 83 NI +39 13 84 PU +39 13 85 RJ +39 13 86 PU +39 13 87 TA +39 13 88 TO +39 13 89 TA +39 13 90 RA +39 13 91 VA +39 13 92 NI +39 13 93 SE +39 13 94 TE +39 13 95 NI +39 13 96 VA +39 13 97 RJ +39 13 98 TO +39 13 99 NI +39 13 100 RJ +39 13 101 TO +39 13 102 NI +39 13 103 TE +39 13 104 SE +39 13 105 TO +39 13 106 VA +39 13 107 NI +39 13 108 NI +39 13 109 RJ +39 13 110 VA +39 13 111 TE +39 13 112 TO +39 13 113 TA +39 13 114 RA +39 13 115 TO +39 13 116 NI +39 13 117 SE +39 13 118 RJ +39 13 119 SE +39 13 120 NI +39 13 121 TO +39 13 122 RA +39 13 123 PU +39 13 124 VA +39 13 125 TO +39 13 126 SE +39 13 127 TA +39 13 128 VA +39 13 129 NI +39 13 130 PU +39 13 131 SE +39 13 132 TO +39 13 133 RA +39 13 134 TE +39 13 135 TO +39 13 136 RA +39 13 137 TE +39 13 138 RJ +39 13 139 NI +39 13 140 RA +39 13 141 NI +39 13 142 NI +39 13 143 SE +39 13 144 PU +39 13 145 SE +39 13 146 VA +39 13 147 SE +39 13 148 TO +39 13 149 TE +39 13 150 TE +39 13 151 NI +39 13 152 NA +39 13 153 RA +39 13 154 TE +39 13 155 TA +39 13 156 SE +39 13 157 PU +39 13 158 NI +39 13 159 VA +39 13 160 NI +39 13 161 RA +39 13 162 TO +39 13 163 SE +39 13 164 RA +39 13 165 TE +39 13 166 RJ +39 13 167 NA +39 13 168 SE +39 13 169 RJ +39 13 170 TA +39 13 171 TE +39 13 172 NI +39 13 173 TO +39 13 174 VA +39 13 175 NI +39 13 176 TO +39 13 177 VA +39 13 178 RA +39 13 179 TU +39 13 180 SE +39 13 181 PU +39 13 182 TU +39 13 183 TE +39 13 184 SE +39 13 185 TE +39 13 186 RJ +39 13 187 VA +39 13 188 RA +39 13 189 NA +39 13 190 NI +39 13 191 RA +39 13 192 PU +39 13 193 VA +39 13 194 TO +39 13 195 SE +39 13 196 NA +39 13 197 PU +39 13 198 TA +39 13 199 NI +39 13 200 RA +39 13 201 NA +39 13 202 SE +39 13 203 TO +39 13 204 TE +39 13 205 SE +39 13 206 NI +39 13 207 TO +39 13 208 PU +39 13 209 RA +39 13 210 TE +39 13 211 RJ +39 13 212 VA +39 13 213 TE +39 13 214 NA +39 13 215 SE +39 13 216 TE +39 13 217 NI +39 13 218 TE +39 13 219 NI +39 13 220 RJ +39 13 221 NI +39 13 222 TU +39 13 223 SE +39 13 224 NI +39 13 225 PU +39 13 226 RA +39 13 227 TA +39 13 228 SE +39 13 229 NA +39 13 230 NI +39 13 231 TU +39 13 232 TE +39 13 233 RJ +39 13 234 SE +39 13 235 RA +39 13 236 PU +39 13 237 TE +39 13 238 RA +39 13 239 TU +39 13 240 TE +39 13 241 NI +39 13 242 VA +39 13 243 TO +39 13 244 NI +39 13 245 TO +39 13 246 RA +39 13 247 SE +39 13 248 PU +39 13 249 RA +39 13 250 PU +39 13 251 NA +39 13 252 NI +39 13 253 SE +39 13 254 PU +39 13 255 TU +39 13 256 TO +39 13 257 RA +39 13 258 VA +39 13 259 PU +39 13 260 NI +39 13 261 VA +39 13 262 NI +39 13 263 TE +39 13 264 NA +39 13 265 SE +39 13 266 TO +39 13 267 TO +39 13 268 RA +39 13 269 RJ +39 13 270 VA +39 13 271 TE +39 13 272 NI +39 13 273 NA +39 13 274 PU +39 13 275 TE +39 13 276 TO +39 13 277 RA +39 13 278 VA +39 13 279 TA +39 13 280 TE +39 13 281 SE +39 13 282 RJ +39 13 283 TE +39 13 284 NI +39 13 285 NA +39 13 286 NI +39 13 287 PA +39 13 288 TU +39 13 289 RJ +39 13 290 NI +39 13 291 RJ +39 13 292 NA +39 13 293 NA +39 13 294 PU +39 13 295 TU +39 13 296 SE +39 13 297 VA +39 13 298 TO +39 13 299 RA +39 13 300 PU +39 13 301 SE +39 13 302 NI +39 13 303 TE +39 13 304 PU +39 13 305 TA +39 13 306 NA +39 13 307 RA +39 13 308 TE +39 13 309 TE +39 13 310 RA +39 13 311 NA +39 13 312 TA +39 13 313 SE +39 13 314 NI +39 13 315 SE +39 13 316 NA +39 13 317 TO +39 13 318 VA +39 13 319 NI +39 13 320 TE +39 13 321 TO +39 13 322 SE +39 13 323 TE +39 13 324 NI +39 13 325 TU +39 13 326 VA +39 13 327 NI +39 13 328 PU +39 13 329 TA +39 13 330 NI +39 14 1 SE +39 14 2 NA +39 14 3 TO +39 14 4 RJ +39 14 5 NA +39 14 6 PU +39 14 7 RA +39 14 8 TO +39 14 9 PA +39 14 10 SE +39 14 11 RA +39 14 12 VA +39 14 13 RA +39 14 14 SE +39 14 15 NA +39 14 16 NI +39 14 17 NA +39 14 18 TE +39 14 19 NA +39 14 20 RA +39 14 21 NA +39 14 22 NA +39 14 23 SE +39 14 24 PA +39 14 25 RJ +39 14 26 RJ +39 14 27 NI +39 14 28 TO +39 14 29 NA +39 14 30 PA +39 14 31 NA +39 14 32 PA +39 14 33 RA +39 14 34 SE +39 14 35 NA +39 14 36 RA +39 14 37 NA +39 14 38 TO +39 14 39 RA +39 14 40 RJ +39 14 41 TO +39 14 42 PA +39 14 43 PA +39 14 44 NI +39 14 45 RA +39 14 46 TE +39 14 47 PA +39 14 48 VA +39 14 49 NA +39 14 50 SE +39 14 51 TE +39 14 52 NA +39 14 53 TO +39 14 54 RA +39 14 55 NA +39 14 56 NA +39 14 57 PA +39 14 58 TE +39 14 59 NA +39 14 60 PA +39 14 61 TO +39 14 62 NA +39 14 63 NA +39 14 64 RJ +39 14 65 TO +39 14 66 NI +39 14 67 NA +39 14 68 NA +39 14 69 PA +39 14 70 NA +39 14 71 PA +39 14 72 RA +39 14 73 SE +39 14 74 NA +39 14 75 PA +39 14 76 TO +39 14 77 RJ +39 14 78 NA +39 14 79 TE +39 14 80 RJ +39 14 81 NA +39 14 82 TE +39 14 83 RJ +39 14 84 RA +39 14 85 NA +39 14 86 NA +39 14 87 NA +39 14 88 SE +39 14 89 PA +39 14 90 PA +39 14 91 VA +39 14 92 NI +39 14 93 RJ +39 14 94 PA +39 14 95 NI +39 14 96 VA +39 14 97 SE +39 14 98 TO +39 14 99 NA +39 14 100 NA +39 14 101 TO +39 14 102 NA +39 14 103 PA +39 14 104 NA +39 14 105 SE +39 14 106 VA +39 14 107 NI +39 14 108 NA +39 14 109 RJ +39 14 110 VA +39 14 111 TE +39 14 112 TO +39 14 113 PU +39 14 114 PA +39 14 115 TO +39 14 116 NA +39 14 117 PA +39 14 118 NA +39 14 119 RA +39 14 120 NA +39 14 121 TO +39 14 122 RA +39 14 123 RA +39 14 124 VA +39 14 125 TO +39 14 126 NA +39 14 127 PA +39 14 128 VA +39 14 129 NI +39 14 130 TE +39 14 131 SE +39 14 132 TO +39 14 133 RA +39 14 134 PA +39 14 135 SE +39 14 136 NA +39 14 137 RA +39 14 138 NA +39 14 139 NI +39 14 140 RJ +39 14 141 NI +39 14 142 NI +39 14 143 VA +39 14 144 SE +39 14 145 RA +39 14 146 VA +39 14 147 RA +39 14 148 TO +39 14 149 RA +39 14 150 SE +39 14 151 NA +39 14 152 NA +39 14 153 NA +39 14 154 TE +39 14 155 TE +39 14 156 RA +39 14 157 PA +39 14 158 NI +39 14 159 VA +39 14 160 NA +39 14 161 RA +39 14 162 TO +39 14 163 RA +39 14 164 RJ +39 14 165 PA +39 14 166 TA +39 14 167 NA +39 14 168 RA +39 14 169 RJ +39 14 170 TA +39 14 171 PA +39 14 172 NI +39 14 173 TO +39 14 174 VA +39 14 175 NA +39 14 176 TO +39 14 177 VA +39 14 178 RJ +39 14 179 PA +39 14 180 RA +39 14 181 VA +39 14 182 PA +39 14 183 PA +39 14 184 SE +39 14 185 PA +39 14 186 NA +39 14 187 VA +39 14 188 RJ +39 14 189 NA +39 14 190 NA +39 14 191 RA +39 14 192 SE +39 14 193 VA +39 14 194 PA +39 14 195 RA +39 14 196 NA +39 14 197 SE +39 14 198 TA +39 14 199 NA +39 14 200 NA +39 14 201 NA +39 14 202 RA +39 14 203 SE +39 14 204 PA +39 14 205 SE +39 14 206 NA +39 14 207 TO +39 14 208 VA +39 14 209 PA +39 14 210 PA +39 14 211 RJ +39 14 212 NA +39 14 213 NA +39 14 214 VA +39 14 215 NA +39 14 216 PA +39 14 217 NA +39 14 218 VA +39 14 219 NA +39 14 220 SE +39 14 221 NA +39 14 222 SE +39 14 223 RA +39 14 224 NI +39 14 225 PA +39 14 226 PA +39 14 227 PA +39 14 228 PA +39 14 229 NA +39 14 230 NI +39 14 231 SE +39 14 232 TE +39 14 233 SE +39 14 234 RA +39 14 235 RJ +39 14 236 VA +39 14 237 NA +39 14 238 RA +39 14 239 NA +39 14 240 PA +39 14 241 NI +39 14 242 VA +39 14 243 PA +39 14 244 NI +39 14 245 TO +39 14 246 NA +39 14 247 SE +39 14 248 PA +39 14 249 RA +39 14 250 SE +39 14 251 NA +39 14 252 NA +39 14 253 RA +39 14 254 NA +39 14 255 TA +39 14 256 TO +39 14 257 RJ +39 14 258 VA +39 14 259 TO +39 14 260 NA +39 14 261 NA +39 14 262 NI +39 14 263 TE +39 14 264 NA +39 14 265 RA +39 14 266 TO +39 14 267 SE +39 14 268 RA +39 14 269 SE +39 14 270 VA +39 14 271 PA +39 14 272 NA +39 14 273 SE +39 14 274 NA +39 14 275 VA +39 14 276 TO +39 14 277 RJ +39 14 278 NA +39 14 279 RJ +39 14 280 RA +39 14 281 RA +39 14 282 RA +39 14 283 PA +39 14 284 NI +39 14 285 NA +39 14 286 NI +39 14 287 PA +39 14 288 TO +39 14 289 NA +39 14 290 NA +39 14 291 RJ +39 14 292 NA +39 14 293 NA +39 14 294 NA +39 14 295 PA +39 14 296 SE +39 14 297 VA +39 14 298 TO +39 14 299 RA +39 14 300 TE +39 14 301 RA +39 14 302 NA +39 14 303 TE +39 14 304 PA +39 14 305 SE +39 14 306 VA +39 14 307 RJ +39 14 308 SE +39 14 309 PA +39 14 310 RA +39 14 311 RJ +39 14 312 TA +39 14 313 SE +39 14 314 NA +39 14 315 RA +39 14 316 RA +39 14 317 SE +39 14 318 NA +39 14 319 NI +39 14 320 PA +39 14 321 TO +39 14 322 NA +39 14 323 PA +39 14 324 NA +39 14 325 SE +39 14 326 VA +39 14 327 NA +39 14 328 PA +39 14 329 PA +39 14 330 NA +39 15 1 SE +39 15 2 NA +39 15 3 TO +39 15 4 RA +39 15 5 NA +39 15 6 NI +39 15 7 RA +39 15 8 PA +39 15 9 TE +39 15 10 RJ +39 15 11 RA +39 15 12 VA +39 15 13 RA +39 15 14 SE +39 15 15 NI +39 15 16 NI +39 15 17 TO +39 15 18 TE +39 15 19 SE +39 15 20 RA +39 15 21 TO +39 15 22 VA +39 15 23 RA +39 15 24 TE +39 15 25 SE +39 15 26 SE +39 15 27 NI +39 15 28 TO +39 15 29 RA +39 15 30 VA +39 15 31 SE +39 15 32 RA +39 15 33 NA +39 15 34 SE +39 15 35 VA +39 15 36 RA +39 15 37 RJ +39 15 38 TO +39 15 39 NA +39 15 40 SE +39 15 41 PA +39 15 42 VA +39 15 43 RJ +39 15 44 NI +39 15 45 NA +39 15 46 TE +39 15 47 RA +39 15 48 VA +39 15 49 SE +39 15 50 RA +39 15 51 TE +39 15 52 NI +39 15 53 TO +39 15 54 NA +39 15 55 SE +39 15 56 NI +39 15 57 SE +39 15 58 TE +39 15 59 NI +39 15 60 SE +39 15 61 TO +39 15 62 RA +39 15 63 VA +39 15 64 RJ +39 15 65 TO +39 15 66 NI +39 15 67 NA +39 15 68 PA +39 15 69 TE +39 15 70 NA +39 15 71 PA +39 15 72 RA +39 15 73 PA +39 15 74 NI +39 15 75 TE +39 15 76 VA +39 15 77 RJ +39 15 78 NI +39 15 79 TE +39 15 80 RA +39 15 81 NA +39 15 82 SE +39 15 83 VA +39 15 84 VA +39 15 85 RA +39 15 86 TO +39 15 87 TE +39 15 88 RA +39 15 89 TE +39 15 90 RA +39 15 91 NA +39 15 92 NI +39 15 93 RJ +39 15 94 TE +39 15 95 NI +39 15 96 VA +39 15 97 RA +39 15 98 TO +39 15 99 NI +39 15 100 SE +39 15 101 PA +39 15 102 RA +39 15 103 VA +39 15 104 SE +39 15 105 PA +39 15 106 VA +39 15 107 NI +39 15 108 SE +39 15 109 RJ +39 15 110 VA +39 15 111 TE +39 15 112 TO +39 15 113 TE +39 15 114 RA +39 15 115 TO +39 15 116 RA +39 15 117 TE +39 15 118 NI +39 15 119 NA +39 15 120 NI +39 15 121 VA +39 15 122 RA +39 15 123 SE +39 15 124 NA +39 15 125 VA +39 15 126 NI +39 15 127 RA +39 15 128 VA +39 15 129 NI +39 15 130 TE +39 15 131 RA +39 15 132 PA +39 15 133 SE +39 15 134 TE +39 15 135 RA +39 15 136 NA +39 15 137 TE +39 15 138 RJ +39 15 139 NI +39 15 140 SE +39 15 141 NI +39 15 142 NI +39 15 143 NA +39 15 144 PA +39 15 145 NA +39 15 146 VA +39 15 147 SE +39 15 148 TO +39 15 149 NA +39 15 150 RA +39 15 151 NI +39 15 152 NA +39 15 153 SE +39 15 154 TE +39 15 155 TE +39 15 156 RJ +39 15 157 TE +39 15 158 NI +39 15 159 VA +39 15 160 NI +39 15 161 RJ +39 15 162 TO +39 15 163 SE +39 15 164 RJ +39 15 165 TE +39 15 166 RJ +39 15 167 NI +39 15 168 RA +39 15 169 RJ +39 15 170 RJ +39 15 171 TE +39 15 172 NI +39 15 173 TO +39 15 174 VA +39 15 175 RJ +39 15 176 TO +39 15 177 VA +39 15 178 SE +39 15 179 TO +39 15 180 NA +39 15 181 VA +39 15 182 PA +39 15 183 TE +39 15 184 RA +39 15 185 VA +39 15 186 RJ +39 15 187 VA +39 15 188 RA +39 15 189 NI +39 15 190 NI +39 15 191 RA +39 15 192 PA +39 15 193 NA +39 15 194 PA +39 15 195 NA +39 15 196 RA +39 15 197 RA +39 15 198 TE +39 15 199 NA +39 15 200 RJ +39 15 201 NI +39 15 202 RJ +39 15 203 TO +39 15 204 TE +39 15 205 RA +39 15 206 NI +39 15 207 TO +39 15 208 VA +39 15 209 RJ +39 15 210 PA +39 15 211 SE +39 15 212 VA +39 15 213 RA +39 15 214 NA +39 15 215 NI +39 15 216 TE +39 15 217 NI +39 15 218 VA +39 15 219 NI +39 15 220 RA +39 15 221 NI +39 15 222 RA +39 15 223 RJ +39 15 224 NI +39 15 225 VA +39 15 226 SE +39 15 227 TE +39 15 228 SE +39 15 229 NA +39 15 230 NI +39 15 231 RA +39 15 232 TE +39 15 233 RA +39 15 234 RJ +39 15 235 SE +39 15 236 VA +39 15 237 NI +39 15 238 RJ +39 15 239 NI +39 15 240 TE +39 15 241 NI +39 15 242 NA +39 15 243 RA +39 15 244 NI +39 15 245 TO +39 15 246 SE +39 15 247 RA +39 15 248 TE +39 15 249 SE +39 15 250 RA +39 15 251 NA +39 15 252 NI +39 15 253 NA +39 15 254 NI +39 15 255 TE +39 15 256 TO +39 15 257 RA +39 15 258 VA +39 15 259 TO +39 15 260 NI +39 15 261 VA +39 15 262 NI +39 15 263 TE +39 15 264 NI +39 15 265 RJ +39 15 266 TE +39 15 267 RA +39 15 268 NA +39 15 269 RA +39 15 270 VA +39 15 271 RJ +39 15 272 NI +39 15 273 RA +39 15 274 NI +39 15 275 VA +39 15 276 TO +39 15 277 RA +39 15 278 NI +39 15 279 SE +39 15 280 NA +39 15 281 RA +39 15 282 NA +39 15 283 TE +39 15 284 NI +39 15 285 NI +39 15 286 NI +39 15 287 VA +39 15 288 TO +39 15 289 NA +39 15 290 NI +39 15 291 RJ +39 15 292 NI +39 15 293 NA +39 15 294 NI +39 15 295 TE +39 15 296 RA +39 15 297 VA +39 15 298 TO +39 15 299 RA +39 15 300 NI +39 15 301 RA +39 15 302 NI +39 15 303 NI +39 15 304 TE +39 15 305 RA +39 15 306 NA +39 15 307 RJ +39 15 308 RA +39 15 309 TE +39 15 310 RJ +39 15 311 SE +39 15 312 TA +39 15 313 RA +39 15 314 NI +39 15 315 NA +39 15 316 RJ +39 15 317 TO +39 15 318 VA +39 15 319 NI +39 15 320 VA +39 15 321 TO +39 15 322 RJ +39 15 323 SE +39 15 324 NI +39 15 325 RA +39 15 326 VA +39 15 327 NI +39 15 328 RA +39 15 329 TE +39 15 330 NI +39 16 1 RJ +39 16 2 RA +39 16 3 TO +39 16 4 TO +39 16 5 RA +39 16 6 TE +39 16 7 RA +39 16 8 PA +39 16 9 TE +39 16 10 RJ +39 16 11 RA +39 16 12 VA +39 16 13 RA +39 16 14 TE +39 16 15 NI +39 16 16 NI +39 16 17 TO +39 16 18 TA +39 16 19 RA +39 16 20 RA +39 16 21 TO +39 16 22 VA +39 16 23 TU +39 16 24 TE +39 16 25 RJ +39 16 26 SE +39 16 27 NI +39 16 28 TO +39 16 29 RA +39 16 30 TO +39 16 31 NI +39 16 32 TO +39 16 33 RA +39 16 34 SE +39 16 35 TO +39 16 36 RA +39 16 37 SE +39 16 38 TO +39 16 39 RA +39 16 40 SE +39 16 41 TO +39 16 42 VA +39 16 43 SE +39 16 44 NI +39 16 45 RA +39 16 46 TE +39 16 47 RA +39 16 48 VA +39 16 49 SE +39 16 50 TO +39 16 51 TE +39 16 52 NI +39 16 53 TO +39 16 54 RA +39 16 55 SE +39 16 56 NI +39 16 57 RA +39 16 58 VA +39 16 59 NI +39 16 60 RA +39 16 61 TO +39 16 62 NI +39 16 63 VA +39 16 64 SE +39 16 65 TO +39 16 66 NI +39 16 67 RJ +39 16 68 TO +39 16 69 TE +39 16 70 NI +39 16 71 TO +39 16 72 RA +39 16 73 SE +39 16 74 NI +39 16 75 PA +39 16 76 VA +39 16 77 SE +39 16 78 NI +39 16 79 TA +39 16 80 SE +39 16 81 VA +39 16 82 RA +39 16 83 NI +39 16 84 VA +39 16 85 RA +39 16 86 TU +39 16 87 TE +39 16 88 TO +39 16 89 TA +39 16 90 PA +39 16 91 VA +39 16 92 NI +39 16 93 SE +39 16 94 TA +39 16 95 NI +39 16 96 VA +39 16 97 SE +39 16 98 TO +39 16 99 NI +39 16 100 NI +39 16 101 PA +39 16 102 NI +39 16 103 TE +39 16 104 SE +39 16 105 TO +39 16 106 VA +39 16 107 NI +39 16 108 RJ +39 16 109 SE +39 16 110 VA +39 16 111 RA +39 16 112 TO +39 16 113 TE +39 16 114 PA +39 16 115 TO +39 16 116 NI +39 16 117 TE +39 16 118 TU +39 16 119 RA +39 16 120 NI +39 16 121 TO +39 16 122 RA +39 16 123 SE +39 16 124 VA +39 16 125 TO +39 16 126 TO +39 16 127 PA +39 16 128 VA +39 16 129 NI +39 16 130 TE +39 16 131 RJ +39 16 132 TO +39 16 133 RA +39 16 134 TE +39 16 135 TO +39 16 136 RJ +39 16 137 TE +39 16 138 SE +39 16 139 NI +39 16 140 RJ +39 16 141 NI +39 16 142 NI +39 16 143 VA +39 16 144 RJ +39 16 145 RA +39 16 146 VA +39 16 147 RA +39 16 148 TO +39 16 149 RA +39 16 150 TO +39 16 151 NI +39 16 152 RJ +39 16 153 SE +39 16 154 TA +39 16 155 TE +39 16 156 RA +39 16 157 TE +39 16 158 NI +39 16 159 VA +39 16 160 NI +39 16 161 RA +39 16 162 TO +39 16 163 PA +39 16 164 SE +39 16 165 TE +39 16 166 RA +39 16 167 NI +39 16 168 RA +39 16 169 SE +39 16 170 PA +39 16 171 TE +39 16 172 NI +39 16 173 TO +39 16 174 VA +39 16 175 NI +39 16 176 TO +39 16 177 VA +39 16 178 SE +39 16 179 TO +39 16 180 RA +39 16 181 TU +39 16 182 TO +39 16 183 TE +39 16 184 RJ +39 16 185 TU +39 16 186 RA +39 16 187 VA +39 16 188 RJ +39 16 189 NI +39 16 190 TU +39 16 191 RA +39 16 192 TO +39 16 193 VA +39 16 194 PA +39 16 195 RA +39 16 196 NI +39 16 197 RJ +39 16 198 TE +39 16 199 NI +39 16 200 RJ +39 16 201 VA +39 16 202 RA +39 16 203 TO +39 16 204 TE +39 16 205 RJ +39 16 206 NI +39 16 207 TO +39 16 208 VA +39 16 209 RJ +39 16 210 TE +39 16 211 SE +39 16 212 VA +39 16 213 NI +39 16 214 VA +39 16 215 TU +39 16 216 TE +39 16 217 NI +39 16 218 VA +39 16 219 NI +39 16 220 RJ +39 16 221 NI +39 16 222 PA +39 16 223 RA +39 16 224 NI +39 16 225 TE +39 16 226 RJ +39 16 227 TE +39 16 228 SE +39 16 229 NI +39 16 230 NI +39 16 231 PA +39 16 232 TE +39 16 233 NI +39 16 234 RA +39 16 235 SE +39 16 236 VA +39 16 237 NI +39 16 238 RA +39 16 239 TO +39 16 240 TU +39 16 241 NI +39 16 242 VA +39 16 243 TO +39 16 244 NI +39 16 245 TO +39 16 246 RA +39 16 247 RJ +39 16 248 TE +39 16 249 RA +39 16 250 PA +39 16 251 NI +39 16 252 NI +39 16 253 RA +39 16 254 NI +39 16 255 TA +39 16 256 TO +39 16 257 SE +39 16 258 VA +39 16 259 TO +39 16 260 NI +39 16 261 VA +39 16 262 NI +39 16 263 TE +39 16 264 NI +39 16 265 RA +39 16 266 TU +39 16 267 PA +39 16 268 RA +39 16 269 TO +39 16 270 VA +39 16 271 PA +39 16 272 NI +39 16 273 RJ +39 16 274 NI +39 16 275 VA +39 16 276 TO +39 16 277 RJ +39 16 278 TO +39 16 279 SE +39 16 280 RA +39 16 281 RA +39 16 282 RA +39 16 283 TE +39 16 284 NI +39 16 285 TU +39 16 286 NI +39 16 287 VA +39 16 288 TO +39 16 289 RJ +39 16 290 NI +39 16 291 RJ +39 16 292 TO +39 16 293 NI +39 16 294 NI +39 16 295 TE +39 16 296 PA +39 16 297 VA +39 16 298 TO +39 16 299 RA +39 16 300 TE +39 16 301 RA +39 16 302 NI +39 16 303 NI +39 16 304 VA +39 16 305 PA +39 16 306 RA +39 16 307 RJ +39 16 308 RJ +39 16 309 TE +39 16 310 RA +39 16 311 RJ +39 16 312 TA +39 16 313 SE +39 16 314 NI +39 16 315 RA +39 16 316 RJ +39 16 317 PA +39 16 318 VA +39 16 319 NI +39 16 320 TE +39 16 321 TO +39 16 322 RJ +39 16 323 RA +39 16 324 NI +39 16 325 PA +39 16 326 VA +39 16 327 NI +39 16 328 RA +39 16 329 PU +39 16 330 NI +39 17 1 RA +39 17 2 NI +39 17 3 TO +39 17 4 RJ +39 17 5 NI +39 17 6 TE +39 17 7 RJ +39 17 8 RA +39 17 9 TE +39 17 10 RA +39 17 11 TE +39 17 12 VA +39 17 13 RA +39 17 14 RJ +39 17 15 NI +39 17 16 NI +39 17 17 TO +39 17 18 TE +39 17 19 RA +39 17 20 RJ +39 17 21 TO +39 17 22 NI +39 17 23 RJ +39 17 24 TE +39 17 25 RA +39 17 26 RJ +39 17 27 NI +39 17 28 TO +39 17 29 RJ +39 17 30 VA +39 17 31 NI +39 17 32 RJ +39 17 33 RJ +39 17 34 RA +39 17 35 TE +39 17 36 RA +39 17 37 RA +39 17 38 TO +39 17 39 RJ +39 17 40 RA +39 17 41 TO +39 17 42 VA +39 17 43 RA +39 17 44 NI +39 17 45 RA +39 17 46 TE +39 17 47 RA +39 17 48 VA +39 17 49 RJ +39 17 50 TO +39 17 51 TE +39 17 52 NI +39 17 53 TO +39 17 54 RJ +39 17 55 RA +39 17 56 PU +39 17 57 RA +39 17 58 TE +39 17 59 NI +39 17 60 RA +39 17 61 TO +39 17 62 RJ +39 17 63 TO +39 17 64 RA +39 17 65 TO +39 17 66 NI +39 17 67 RA +39 17 68 TO +39 17 69 RA +39 17 70 NI +39 17 71 TO +39 17 72 RA +39 17 73 RA +39 17 74 PU +39 17 75 RA +39 17 76 TO +39 17 77 RA +39 17 78 NI +39 17 79 TE +39 17 80 RA +39 17 81 RA +39 17 82 RJ +39 17 83 NI +39 17 84 NI +39 17 85 RJ +39 17 86 TO +39 17 87 TE +39 17 88 TO +39 17 89 PU +39 17 90 RJ +39 17 91 VA +39 17 92 NI +39 17 93 RJ +39 17 94 PU +39 17 95 NI +39 17 96 VA +39 17 97 RJ +39 17 98 TO +39 17 99 NI +39 17 100 NI +39 17 101 TO +39 17 102 TE +39 17 103 TE +39 17 104 RJ +39 17 105 TO +39 17 106 NI +39 17 107 NI +39 17 108 NI +39 17 109 RJ +39 17 110 VA +39 17 111 TE +39 17 112 TO +39 17 113 TE +39 17 114 RA +39 17 115 TO +39 17 116 NI +39 17 117 TE +39 17 118 TO +39 17 119 RJ +39 17 120 NI +39 17 121 TO +39 17 122 RA +39 17 123 RA +39 17 124 NI +39 17 125 VA +39 17 126 NI +39 17 127 RA +39 17 128 VA +39 17 129 NI +39 17 130 PU +39 17 131 TO +39 17 132 TO +39 17 133 RJ +39 17 134 TE +39 17 135 TO +39 17 136 RJ +39 17 137 RA +39 17 138 RJ +39 17 139 NI +39 17 140 RJ +39 17 141 NI +39 17 142 NI +39 17 143 RJ +39 17 144 RJ +39 17 145 RA +39 17 146 VA +39 17 147 RJ +39 17 148 TO +39 17 149 RJ +39 17 150 RJ +39 17 151 VA +39 17 152 RA +39 17 153 RJ +39 17 154 PU +39 17 155 TE +39 17 156 RA +39 17 157 PU +39 17 158 NI +39 17 159 VA +39 17 160 NI +39 17 161 RJ +39 17 162 TO +39 17 163 RJ +39 17 164 RA +39 17 165 TE +39 17 166 RJ +39 17 167 NI +39 17 168 RJ +39 17 169 RJ +39 17 170 RA +39 17 171 TE +39 17 172 NI +39 17 173 TO +39 17 174 VA +39 17 175 RJ +39 17 176 TO +39 17 177 NI +39 17 178 RJ +39 17 179 TO +39 17 180 RJ +39 17 181 VA +39 17 182 TO +39 17 183 TE +39 17 184 RJ +39 17 185 VA +39 17 186 RJ +39 17 187 VA +39 17 188 RJ +39 17 189 NI +39 17 190 NI +39 17 191 RJ +39 17 192 RJ +39 17 193 VA +39 17 194 TO +39 17 195 RJ +39 17 196 RJ +39 17 197 RJ +39 17 198 TE +39 17 199 NI +39 17 200 RJ +39 17 201 TE +39 17 202 RJ +39 17 203 TO +39 17 204 TE +39 17 205 RJ +39 17 206 NI +39 17 207 TO +39 17 208 VA +39 17 209 RJ +39 17 210 TE +39 17 211 RJ +39 17 212 VA +39 17 213 NI +39 17 214 VA +39 17 215 NI +39 17 216 TE +39 17 217 NI +39 17 218 VA +39 17 219 NI +39 17 220 RJ +39 17 221 NI +39 17 222 RJ +39 17 223 RA +39 17 224 NI +39 17 225 VA +39 17 226 RJ +39 17 227 TE +39 17 228 RJ +39 17 229 NI +39 17 230 NI +39 17 231 RJ +39 17 232 TE +39 17 233 RJ +39 17 234 RA +39 17 235 RJ +39 17 236 VA +39 17 237 NI +39 17 238 RJ +39 17 239 TO +39 17 240 TE +39 17 241 NI +39 17 242 NI +39 17 243 TO +39 17 244 NI +39 17 245 TO +39 17 246 RJ +39 17 247 RJ +39 17 248 RJ +39 17 249 RA +39 17 250 RJ +39 17 251 RJ +39 17 252 NI +39 17 253 RJ +39 17 254 RJ +39 17 255 TE +39 17 256 TO +39 17 257 RJ +39 17 258 VA +39 17 259 TO +39 17 260 NI +39 17 261 VA +39 17 262 NI +39 17 263 TE +39 17 264 RJ +39 17 265 RJ +39 17 266 TO +39 17 267 RJ +39 17 268 RA +39 17 269 TO +39 17 270 VA +39 17 271 RA +39 17 272 NI +39 17 273 RJ +39 17 274 NI +39 17 275 VA +39 17 276 TO +39 17 277 RA +39 17 278 VA +39 17 279 RJ +39 17 280 RJ +39 17 281 RA +39 17 282 RJ +39 17 283 TE +39 17 284 NI +39 17 285 RJ +39 17 286 NI +39 17 287 TE +39 17 288 TO +39 17 289 RA +39 17 290 NI +39 17 291 RJ +39 17 292 TE +39 17 293 NI +39 17 294 NI +39 17 295 TE +39 17 296 RJ +39 17 297 VA +39 17 298 TO +39 17 299 RJ +39 17 300 TE +39 17 301 RJ +39 17 302 NI +39 17 303 NI +39 17 304 RJ +39 17 305 TO +39 17 306 RJ +39 17 307 RJ +39 17 308 RJ +39 17 309 PU +39 17 310 RJ +39 17 311 RA +39 17 312 TE +39 17 313 RJ +39 17 314 NI +39 17 315 RA +39 17 316 RJ +39 17 317 TO +39 17 318 VA +39 17 319 NI +39 17 320 TE +39 17 321 TO +39 17 322 RJ +39 17 323 RA +39 17 324 NI +39 17 325 TO +39 17 326 VA +39 17 327 NI +39 17 328 RJ +39 17 329 TE +39 17 330 NI +39 18 1 RA +39 18 2 NI +39 18 3 TO +39 18 4 SE +39 18 5 RA +39 18 6 VA +39 18 7 RA +39 18 8 TO +39 18 9 TE +39 18 10 SE +39 18 11 RJ +39 18 12 VA +39 18 13 RA +39 18 14 RJ +39 18 15 VA +39 18 16 NI +39 18 17 TO +39 18 18 TE +39 18 19 SE +39 18 20 RA +39 18 21 RJ +39 18 22 NI +39 18 23 NI +39 18 24 TE +39 18 25 RA +39 18 26 SE +39 18 27 NI +39 18 28 RJ +39 18 29 RA +39 18 30 VA +39 18 31 NI +39 18 32 RJ +39 18 33 SE +39 18 34 RJ +39 18 35 TO +39 18 36 RJ +39 18 37 RA +39 18 38 TO +39 18 39 RA +39 18 40 RJ +39 18 41 TO +39 18 42 VA +39 18 43 TA +39 18 44 NI +39 18 45 RJ +39 18 46 TE +39 18 47 RA +39 18 48 VA +39 18 49 RJ +39 18 50 TO +39 18 51 TE +39 18 52 NI +39 18 53 TO +39 18 54 RA +39 18 55 RJ +39 18 56 VA +39 18 57 RA +39 18 58 TE +39 18 59 VA +39 18 60 RA +39 18 61 TO +39 18 62 VA +39 18 63 VA +39 18 64 RJ +39 18 65 TO +39 18 66 NI +39 18 67 RJ +39 18 68 TO +39 18 69 TE +39 18 70 NI +39 18 71 TE +39 18 72 RA +39 18 73 RJ +39 18 74 NI +39 18 75 RJ +39 18 76 VA +39 18 77 RA +39 18 78 VA +39 18 79 TE +39 18 80 RJ +39 18 81 RA +39 18 82 RJ +39 18 83 NI +39 18 84 VA +39 18 85 RA +39 18 86 VA +39 18 87 TA +39 18 88 RJ +39 18 89 TE +39 18 90 RA +39 18 91 RA +39 18 92 VA +39 18 93 RJ +39 18 94 TE +39 18 95 NI +39 18 96 VA +39 18 97 RA +39 18 98 TO +39 18 99 NA +39 18 100 NA +39 18 101 TO +39 18 102 NI +39 18 103 TE +39 18 104 NA +39 18 105 RA +39 18 106 VA +39 18 107 NI +39 18 108 NA +39 18 109 RJ +39 18 110 VA +39 18 111 RJ +39 18 112 TO +39 18 113 RA +39 18 114 RA +39 18 115 TO +39 18 116 NI +39 18 117 TE +39 18 118 VA +39 18 119 RJ +39 18 120 NI +39 18 121 TO +39 18 122 RA +39 18 123 RA +39 18 124 NA +39 18 125 VA +39 18 126 NA +39 18 127 RA +39 18 128 VA +39 18 129 NI +39 18 130 TE +39 18 131 RJ +39 18 132 TO +39 18 133 RA +39 18 134 TE +39 18 135 RA +39 18 136 RJ +39 18 137 RA +39 18 138 NA +39 18 139 NI +39 18 140 RJ +39 18 141 NI +39 18 142 NI +39 18 143 RJ +39 18 144 RJ +39 18 145 RA +39 18 146 VA +39 18 147 SE +39 18 148 SE +39 18 149 NA +39 18 150 RA +39 18 151 VA +39 18 152 VA +39 18 153 RA +39 18 154 TE +39 18 155 TE +39 18 156 RA +39 18 157 TE +39 18 158 NI +39 18 159 VA +39 18 160 VA +39 18 161 RA +39 18 162 TO +39 18 163 RA +39 18 164 RJ +39 18 165 TE +39 18 166 RJ +39 18 167 NA +39 18 168 RA +39 18 169 RJ +39 18 170 RA +39 18 171 TE +39 18 172 NI +39 18 173 TO +39 18 174 VA +39 18 175 NA +39 18 176 TO +39 18 177 VA +39 18 178 RA +39 18 179 TE +39 18 180 RA +39 18 181 TE +39 18 182 TE +39 18 183 TE +39 18 184 RJ +39 18 185 TE +39 18 186 NA +39 18 187 TU +39 18 188 RA +39 18 189 NI +39 18 190 VA +39 18 191 RA +39 18 192 RJ +39 18 193 VA +39 18 194 TO +39 18 195 RJ +39 18 196 NA +39 18 197 RJ +39 18 198 TE +39 18 199 NI +39 18 200 RJ +39 18 201 TU +39 18 202 RJ +39 18 203 TO +39 18 204 TE +39 18 205 RA +39 18 206 NI +39 18 207 RJ +39 18 208 TE +39 18 209 RA +39 18 210 TE +39 18 211 RJ +39 18 212 VA +39 18 213 NA +39 18 214 RJ +39 18 215 RJ +39 18 216 TE +39 18 217 NA +39 18 218 TE +39 18 219 NI +39 18 220 RJ +39 18 221 NI +39 18 222 RJ +39 18 223 RJ +39 18 224 NI +39 18 225 TE +39 18 226 RA +39 18 227 TE +39 18 228 TA +39 18 229 NA +39 18 230 VA +39 18 231 RJ +39 18 232 TE +39 18 233 RJ +39 18 234 RA +39 18 235 RJ +39 18 236 TE +39 18 237 VA +39 18 238 RJ +39 18 239 VA +39 18 240 TE +39 18 241 NI +39 18 242 VA +39 18 243 RJ +39 18 244 NA +39 18 245 TO +39 18 246 RJ +39 18 247 RJ +39 18 248 RJ +39 18 249 RA +39 18 250 RJ +39 18 251 NA +39 18 252 NI +39 18 253 NA +39 18 254 NI +39 18 255 TE +39 18 256 RJ +39 18 257 RJ +39 18 258 VA +39 18 259 TE +39 18 260 VA +39 18 261 NA +39 18 262 NI +39 18 263 TE +39 18 264 NA +39 18 265 RJ +39 18 266 TE +39 18 267 RJ +39 18 268 RJ +39 18 269 RJ +39 18 270 VA +39 18 271 RA +39 18 272 NI +39 18 273 NA +39 18 274 NI +39 18 275 TE +39 18 276 RJ +39 18 277 RA +39 18 278 VA +39 18 279 RJ +39 18 280 RA +39 18 281 RA +39 18 282 RJ +39 18 283 TE +39 18 284 NI +39 18 285 NA +39 18 286 NI +39 18 287 TE +39 18 288 TO +39 18 289 RJ +39 18 290 VA +39 18 291 RJ +39 18 292 TU +39 18 293 RJ +39 18 294 NI +39 18 295 TU +39 18 296 NA +39 18 297 VA +39 18 298 TO +39 18 299 RA +39 18 300 NI +39 18 301 RJ +39 18 302 VA +39 18 303 NA +39 18 304 TE +39 18 305 RJ +39 18 306 RJ +39 18 307 RA +39 18 308 NA +39 18 309 TE +39 18 310 RA +39 18 311 RJ +39 18 312 TA +39 18 313 RJ +39 18 314 NI +39 18 315 RA +39 18 316 RJ +39 18 317 TO +39 18 318 TU +39 18 319 NI +39 18 320 TU +39 18 321 TO +39 18 322 NA +39 18 323 RJ +39 18 324 NI +39 18 325 RJ +39 18 326 VA +39 18 327 NI +39 18 328 RA +39 18 329 TE +39 18 330 NI +39 19 1 SE +39 19 2 NI +39 19 3 TO +39 19 4 TE +39 19 5 RA +39 19 6 VA +39 19 7 RJ +39 19 8 PA +39 19 9 TE +39 19 10 SE +39 19 11 RA +39 19 12 VA +39 19 13 RJ +39 19 14 SE +39 19 15 NI +39 19 16 NI +39 19 17 TO +39 19 18 TA +39 19 19 SE +39 19 20 RJ +39 19 21 CA +39 19 22 VA +39 19 23 RJ +39 19 24 TE +39 19 25 SE +39 19 26 SE +39 19 27 VA +39 19 28 TO +39 19 29 RJ +39 19 30 VA +39 19 31 SE +39 19 32 CA +39 19 33 RJ +39 19 34 SE +39 19 35 VA +39 19 36 RJ +39 19 37 SE +39 19 38 TO +39 19 39 RJ +39 19 40 SE +39 19 41 TO +39 19 42 VA +39 19 43 SE +39 19 44 NI +39 19 45 RJ +39 19 46 TE +39 19 47 TE +39 19 48 VA +39 19 49 SE +39 19 50 PA +39 19 51 TE +39 19 52 NI +39 19 53 TO +39 19 54 RJ +39 19 55 SE +39 19 56 CA +39 19 57 SE +39 19 58 TE +39 19 59 NI +39 19 60 SE +39 19 61 TO +39 19 62 AN +39 19 63 CA +39 19 64 SE +39 19 65 TO +39 19 66 NI +39 19 67 RJ +39 19 68 CA +39 19 69 TE +39 19 70 NI +39 19 71 TE +39 19 72 RJ +39 19 73 RA +39 19 74 SE +39 19 75 RJ +39 19 76 VA +39 19 77 SE +39 19 78 NI +39 19 79 TE +39 19 80 SE +39 19 81 RJ +39 19 82 SE +39 19 83 NI +39 19 84 CA +39 19 85 RJ +39 19 86 NA +39 19 87 TE +39 19 88 PA +39 19 89 TE +39 19 90 RJ +39 19 91 NA +39 19 92 NI +39 19 93 RJ +39 19 94 TE +39 19 95 NI +39 19 96 VA +39 19 97 SE +39 19 98 TO +39 19 99 AN +39 19 100 SE +39 19 101 TO +39 19 102 AN +39 19 103 TE +39 19 104 SE +39 19 105 PA +39 19 106 VA +39 19 107 NI +39 19 108 SE +39 19 109 SE +39 19 110 VA +39 19 111 TE +39 19 112 TO +39 19 113 TE +39 19 114 SE +39 19 115 TO +39 19 116 AN +39 19 117 TE +39 19 118 CA +39 19 119 RJ +39 19 120 NI +39 19 121 VA +39 19 122 RJ +39 19 123 SE +39 19 124 RJ +39 19 125 VA +39 19 126 CA +39 19 127 TE +39 19 128 VA +39 19 129 NI +39 19 130 TE +39 19 131 PA +39 19 132 TO +39 19 133 RJ +39 19 134 TE +39 19 135 PA +39 19 136 SE +39 19 137 RJ +39 19 138 SE +39 19 139 NI +39 19 140 SE +39 19 141 NI +39 19 142 AN +39 19 143 RJ +39 19 144 TE +39 19 145 RJ +39 19 146 VA +39 19 147 SE +39 19 148 TO +39 19 149 RJ +39 19 150 TE +39 19 151 AN +39 19 152 AN +39 19 153 SE +39 19 154 TE +39 19 155 TA +39 19 156 RJ +39 19 157 TE +39 19 158 NI +39 19 159 CA +39 19 160 NI +39 19 161 RJ +39 19 162 TO +39 19 163 SE +39 19 164 SE +39 19 165 RA +39 19 166 SE +39 19 167 AN +39 19 168 RJ +39 19 169 SE +39 19 170 TE +39 19 171 RJ +39 19 172 NI +39 19 173 CA +39 19 174 VA +39 19 175 SE +39 19 176 CA +39 19 177 VA +39 19 178 SE +39 19 179 PA +39 19 180 RJ +39 19 181 VA +39 19 182 PA +39 19 183 TE +39 19 184 TE +39 19 185 VA +39 19 186 SE +39 19 187 VA +39 19 188 SE +39 19 189 AN +39 19 190 CA +39 19 191 RJ +39 19 192 RA +39 19 193 VA +39 19 194 PA +39 19 195 RJ +39 19 196 SE +39 19 197 AN +39 19 198 TE +39 19 199 NA +39 19 200 SE +39 19 201 CA +39 19 202 RJ +39 19 203 TO +39 19 204 TE +39 19 205 RA +39 19 206 NI +39 19 207 TO +39 19 208 VA +39 19 209 SE +39 19 210 TE +39 19 211 SE +39 19 212 VA +39 19 213 RA +39 19 214 RJ +39 19 215 AN +39 19 216 TE +39 19 217 CA +39 19 218 RJ +39 19 219 AN +39 19 220 RA +39 19 221 AN +39 19 222 RA +39 19 223 RJ +39 19 224 AN +39 19 225 RJ +39 19 226 SE +39 19 227 TE +39 19 228 SE +39 19 229 RJ +39 19 230 AN +39 19 231 RA +39 19 232 TE +39 19 233 AN +39 19 234 RJ +39 19 235 SE +39 19 236 RA +39 19 237 CA +39 19 238 SE +39 19 239 CA +39 19 240 TE +39 19 241 AN +39 19 242 VA +39 19 243 TO +39 19 244 AN +39 19 245 TO +39 19 246 SE +39 19 247 RA +39 19 248 TE +39 19 249 RJ +39 19 250 RA +39 19 251 RA +39 19 252 AN +39 19 253 SE +39 19 254 SE +39 19 255 TE +39 19 256 TO +39 19 257 SE +39 19 258 VA +39 19 259 TO +39 19 260 AN +39 19 261 VA +39 19 262 NI +39 19 263 TE +39 19 264 NI +39 19 265 RJ +39 19 266 TE +39 19 267 RA +39 19 268 RJ +39 19 269 RA +39 19 270 VA +39 19 271 RJ +39 19 272 AN +39 19 273 RA +39 19 274 NA +39 19 275 RJ +39 19 276 TO +39 19 277 SE +39 19 278 VA +39 19 279 SE +39 19 280 RJ +39 19 281 RJ +39 19 282 RJ +39 19 283 TE +39 19 284 AN +39 19 285 AN +39 19 286 NI +39 19 287 VA +39 19 288 TO +39 19 289 SE +39 19 290 AN +39 19 291 SE +39 19 292 VA +39 19 293 NI +39 19 294 NI +39 19 295 TE +39 19 296 RA +39 19 297 VA +39 19 298 TO +39 19 299 RJ +39 19 300 TE +39 19 301 RJ +39 19 302 AN +39 19 303 SE +39 19 304 RJ +39 19 305 RA +39 19 306 RJ +39 19 307 SE +39 19 308 AN +39 19 309 TE +39 19 310 RJ +39 19 311 SE +39 19 312 TE +39 19 313 RA +39 19 314 AN +39 19 315 RJ +39 19 316 SE +39 19 317 TO +39 19 318 VA +39 19 319 NI +39 19 320 RJ +39 19 321 TO +39 19 322 SE +39 19 323 RJ +39 19 324 AN +39 19 325 RA +39 19 326 VA +39 19 327 AN +39 19 328 RJ +39 19 329 TE +39 19 330 AN +39 20 1 RA +39 20 2 NA +39 20 3 TO +39 20 4 TA +39 20 5 VA +39 20 6 TE +39 20 7 RA +39 20 8 SE +39 20 9 TE +39 20 10 RJ +39 20 11 RA +39 20 12 VA +39 20 13 SE +39 20 14 TA +39 20 15 NA +39 20 16 NI +39 20 17 TO +39 20 18 PU +39 20 19 RJ +39 20 20 RJ +39 20 21 TO +39 20 22 VA +39 20 23 RJ +39 20 24 TE +39 20 25 SE +39 20 26 RA +39 20 27 NI +39 20 28 TO +39 20 29 RA +39 20 30 TO +39 20 31 NI +39 20 32 RJ +39 20 33 VA +39 20 34 RJ +39 20 35 TO +39 20 36 SE +39 20 37 SE +39 20 38 TO +39 20 39 SE +39 20 40 VA +39 20 41 TO +39 20 42 VA +39 20 43 SE +39 20 44 NI +39 20 45 RJ +39 20 46 TE +39 20 47 RJ +39 20 48 VA +39 20 49 RJ +39 20 50 SE +39 20 51 TE +39 20 52 NI +39 20 53 TO +39 20 54 RJ +39 20 55 SE +39 20 56 NI +39 20 57 RJ +39 20 58 VA +39 20 59 NI +39 20 60 SE +39 20 61 TO +39 20 62 RJ +39 20 63 TO +39 20 64 RJ +39 20 65 TO +39 20 66 NI +39 20 67 NA +39 20 68 RJ +39 20 69 TE +39 20 70 NI +39 20 71 TO +39 20 72 RJ +39 20 73 RA +39 20 74 NI +39 20 75 RJ +39 20 76 TO +39 20 77 SE +39 20 78 NI +39 20 79 TE +39 20 80 SE +39 20 81 RJ +39 20 82 VA +39 20 83 NI +39 20 84 NI +39 20 85 RJ +39 20 86 VA +39 20 87 TE +39 20 88 RJ +39 20 89 TA +39 20 90 SE +39 20 91 VA +39 20 92 NI +39 20 93 RA +39 20 94 TE +39 20 95 NI +39 20 96 VA +39 20 97 RJ +39 20 98 TO +39 20 99 NI +39 20 100 NI +39 20 101 SE +39 20 102 NA +39 20 103 TE +39 20 104 NI +39 20 105 SE +39 20 106 VA +39 20 107 NI +39 20 108 NI +39 20 109 SE +39 20 110 VA +39 20 111 SE +39 20 112 TO +39 20 113 PU +39 20 114 RJ +39 20 115 TO +39 20 116 NI +39 20 117 TE +39 20 118 RJ +39 20 119 RJ +39 20 120 NI +39 20 121 TO +39 20 122 SE +39 20 123 SE +39 20 124 VA +39 20 125 TO +39 20 126 NI +39 20 127 SE +39 20 128 VA +39 20 129 NI +39 20 130 TE +39 20 131 SE +39 20 132 TO +39 20 133 RJ +39 20 134 TE +39 20 135 RJ +39 20 136 NA +39 20 137 TE +39 20 138 NI +39 20 139 NI +39 20 140 RJ +39 20 141 NI +39 20 142 NI +39 20 143 VA +39 20 144 SE +39 20 145 VA +39 20 146 VA +39 20 147 RJ +39 20 148 TO +39 20 149 NI +39 20 150 SE +39 20 151 NI +39 20 152 NA +39 20 153 RJ +39 20 154 TE +39 20 155 TE +39 20 156 RJ +39 20 157 TE +39 20 158 NI +39 20 159 VA +39 20 160 NI +39 20 161 RJ +39 20 162 TO +39 20 163 RJ +39 20 164 SE +39 20 165 TE +39 20 166 RJ +39 20 167 NI +39 20 168 RJ +39 20 169 RJ +39 20 170 RJ +39 20 171 VA +39 20 172 NI +39 20 173 TO +39 20 174 VA +39 20 175 NI +39 20 176 TO +39 20 177 VA +39 20 178 RA +39 20 179 TO +39 20 180 RJ +39 20 181 VA +39 20 182 SE +39 20 183 TE +39 20 184 RJ +39 20 185 NI +39 20 186 NI +39 20 187 VA +39 20 188 RJ +39 20 189 NA +39 20 190 NI +39 20 191 RJ +39 20 192 VA +39 20 193 VA +39 20 194 TO +39 20 195 RJ +39 20 196 NI +39 20 197 NI +39 20 198 TE +39 20 199 NI +39 20 200 NI +39 20 201 VA +39 20 202 RJ +39 20 203 TO +39 20 204 TE +39 20 205 SE +39 20 206 NI +39 20 207 TO +39 20 208 VA +39 20 209 SE +39 20 210 TE +39 20 211 RJ +39 20 212 VA +39 20 213 NI +39 20 214 VA +39 20 215 NI +39 20 216 TE +39 20 217 NI +39 20 218 RA +39 20 219 NI +39 20 220 RJ +39 20 221 NI +39 20 222 RA +39 20 223 RJ +39 20 224 NI +39 20 225 TE +39 20 226 RA +39 20 227 TE +39 20 228 RJ +39 20 229 NI +39 20 230 NI +39 20 231 RJ +39 20 232 TE +39 20 233 NI +39 20 234 RJ +39 20 235 RJ +39 20 236 VA +39 20 237 NI +39 20 238 RJ +39 20 239 NI +39 20 240 TE +39 20 241 NI +39 20 242 VA +39 20 243 TO +39 20 244 NI +39 20 245 TO +39 20 246 RJ +39 20 247 RJ +39 20 248 SE +39 20 249 SE +39 20 250 RJ +39 20 251 NI +39 20 252 NI +39 20 253 RJ +39 20 254 NI +39 20 255 TE +39 20 256 TO +39 20 257 RJ +39 20 258 VA +39 20 259 TO +39 20 260 NI +39 20 261 TO +39 20 262 NI +39 20 263 TE +39 20 264 NI +39 20 265 SE +39 20 266 TO +39 20 267 TO +39 20 268 RJ +39 20 269 TO +39 20 270 VA +39 20 271 SE +39 20 272 NI +39 20 273 NI +39 20 274 NI +39 20 275 RJ +39 20 276 TO +39 20 277 RA +39 20 278 TO +39 20 279 RJ +39 20 280 VA +39 20 281 RJ +39 20 282 RJ +39 20 283 TE +39 20 284 NI +39 20 285 NA +39 20 286 NI +39 20 287 NI +39 20 288 TO +39 20 289 RJ +39 20 290 NI +39 20 291 RJ +39 20 292 NI +39 20 293 NI +39 20 294 NI +39 20 295 TE +39 20 296 SE +39 20 297 VA +39 20 298 TO +39 20 299 RJ +39 20 300 NI +39 20 301 RJ +39 20 302 NI +39 20 303 NI +39 20 304 RJ +39 20 305 SE +39 20 306 VA +39 20 307 RJ +39 20 308 NI +39 20 309 TE +39 20 310 RJ +39 20 311 RA +39 20 312 TA +39 20 313 RJ +39 20 314 NI +39 20 315 VA +39 20 316 RA +39 20 317 TO +39 20 318 VA +39 20 319 NI +39 20 320 TE +39 20 321 TO +39 20 322 NI +39 20 323 RJ +39 20 324 NI +39 20 325 RJ +39 20 326 VA +39 20 327 NI +39 20 328 RA +39 20 329 TE +39 20 330 NI +39 21 1 RA +39 21 2 RA +39 21 3 TO +39 21 4 RJ +39 21 5 TA +39 21 6 VA +39 21 7 VA +39 21 8 TO +39 21 9 RA +39 21 10 RA +39 21 11 RA +39 21 12 VA +39 21 13 RA +39 21 14 RA +39 21 15 NI +39 21 16 NI +39 21 17 TO +39 21 18 TA +39 21 19 RA +39 21 20 RA +39 21 21 TO +39 21 22 VA +39 21 23 RA +39 21 24 TO +39 21 25 RA +39 21 26 RA +39 21 27 NI +39 21 28 TO +39 21 29 RA +39 21 30 VA +39 21 31 RA +39 21 32 TO +39 21 33 RA +39 21 34 RA +39 21 35 TO +39 21 36 TA +39 21 37 RA +39 21 38 TO +39 21 39 RA +39 21 40 RA +39 21 41 TO +39 21 42 VA +39 21 43 TA +39 21 44 NI +39 21 45 RA +39 21 46 TA +39 21 47 TA +39 21 48 VA +39 21 49 RA +39 21 50 RA +39 21 51 TA +39 21 52 NI +39 21 53 TO +39 21 54 RA +39 21 55 RA +39 21 56 NI +39 21 57 RA +39 21 58 RA +39 21 59 NI +39 21 60 RA +39 21 61 TO +39 21 62 RA +39 21 63 TO +39 21 64 RA +39 21 65 TO +39 21 66 NI +39 21 67 RA +39 21 68 TO +39 21 69 TA +39 21 70 NI +39 21 71 TO +39 21 72 RA +39 21 73 PA +39 21 74 RA +39 21 75 TA +39 21 76 TO +39 21 77 RA +39 21 78 NI +39 21 79 TA +39 21 80 RA +39 21 81 RA +39 21 82 RA +39 21 83 NI +39 21 84 TO +39 21 85 RA +39 21 86 TO +39 21 87 TA +39 21 88 TO +39 21 89 TA +39 21 90 RA +39 21 91 VA +39 21 92 NI +39 21 93 RA +39 21 94 TA +39 21 95 NI +39 21 96 VA +39 21 97 RA +39 21 98 TO +39 21 99 RA +39 21 100 RA +39 21 101 TO +39 21 102 NI +39 21 103 RA +39 21 104 RA +39 21 105 TO +39 21 106 VA +39 21 107 NI +39 21 108 RA +39 21 109 RA +39 21 110 VA +39 21 111 TA +39 21 112 TO +39 21 113 TA +39 21 114 RA +39 21 115 TO +39 21 116 RA +39 21 117 TA +39 21 118 TO +39 21 119 RA +39 21 120 NI +39 21 121 TO +39 21 122 RA +39 21 123 RA +39 21 124 VA +39 21 125 TO +39 21 126 NI +39 21 127 TA +39 21 128 VA +39 21 129 NI +39 21 130 TA +39 21 131 RA +39 21 132 TO +39 21 133 RA +39 21 134 TA +39 21 135 TO +39 21 136 RA +39 21 137 RA +39 21 138 RA +39 21 139 NI +39 21 140 TA +39 21 141 NI +39 21 142 NI +39 21 143 VA +39 21 144 TA +39 21 145 RA +39 21 146 VA +39 21 147 RA +39 21 148 TO +39 21 149 RA +39 21 150 TO +39 21 151 NI +39 21 152 RA +39 21 153 RA +39 21 154 TA +39 21 155 TA +39 21 156 RA +39 21 157 TA +39 21 158 NI +39 21 159 VA +39 21 160 RA +39 21 161 RA +39 21 162 TO +39 21 163 RA +39 21 164 TA +39 21 165 VA +39 21 166 TA +39 21 167 NI +39 21 168 RA +39 21 169 RA +39 21 170 TA +39 21 171 RA +39 21 172 NI +39 21 173 TO +39 21 174 VA +39 21 175 RA +39 21 176 TO +39 21 177 VA +39 21 178 RA +39 21 179 TO +39 21 180 RA +39 21 181 VA +39 21 182 TO +39 21 183 TA +39 21 184 RA +39 21 185 VA +39 21 186 RA +39 21 187 VA +39 21 188 RA +39 21 189 NI +39 21 190 TO +39 21 191 RA +39 21 192 RA +39 21 193 VA +39 21 194 TA +39 21 195 RA +39 21 196 RA +39 21 197 NI +39 21 198 TA +39 21 199 NI +39 21 200 RA +39 21 201 TO +39 21 202 RA +39 21 203 TO +39 21 204 TA +39 21 205 RA +39 21 206 NI +39 21 207 TO +39 21 208 VA +39 21 209 RA +39 21 210 TA +39 21 211 RA +39 21 212 VA +39 21 213 RA +39 21 214 VA +39 21 215 TO +39 21 216 TA +39 21 217 NI +39 21 218 RA +39 21 219 NI +39 21 220 RA +39 21 221 NI +39 21 222 RA +39 21 223 RA +39 21 224 NI +39 21 225 VA +39 21 226 RA +39 21 227 TA +39 21 228 RA +39 21 229 RA +39 21 230 NI +39 21 231 TO +39 21 232 TA +39 21 233 RA +39 21 234 RA +39 21 235 RA +39 21 236 VA +39 21 237 NI +39 21 238 RA +39 21 239 TO +39 21 240 TA +39 21 241 NA +39 21 242 VA +39 21 243 RA +39 21 244 NI +39 21 245 TO +39 21 246 RA +39 21 247 RA +39 21 248 TA +39 21 249 RA +39 21 250 RA +39 21 251 RA +39 21 252 NA +39 21 253 RA +39 21 254 RA +39 21 255 TA +39 21 256 TO +39 21 257 RA +39 21 258 VA +39 21 259 TO +39 21 260 NI +39 21 261 VA +39 21 262 NI +39 21 263 RA +39 21 264 NI +39 21 265 RA +39 21 266 TO +39 21 267 RA +39 21 268 RA +39 21 269 TO +39 21 270 VA +39 21 271 RA +39 21 272 NI +39 21 273 RA +39 21 274 NI +39 21 275 VA +39 21 276 TO +39 21 277 RA +39 21 278 TO +39 21 279 RA +39 21 280 VA +39 21 281 RA +39 21 282 RA +39 21 283 TA +39 21 284 NI +39 21 285 RA +39 21 286 NI +39 21 287 VA +39 21 288 TO +39 21 289 RA +39 21 290 NI +39 21 291 RA +39 21 292 NI +39 21 293 RA +39 21 294 NI +39 21 295 TA +39 21 296 RA +39 21 297 VA +39 21 298 TO +39 21 299 RA +39 21 300 NI +39 21 301 RA +39 21 302 NI +39 21 303 RA +39 21 304 VA +39 21 305 TO +39 21 306 RA +39 21 307 RA +39 21 308 RA +39 21 309 TA +39 21 310 RA +39 21 311 RA +39 21 312 TA +39 21 313 RA +39 21 314 NI +39 21 315 RA +39 21 316 RA +39 21 317 TO +39 21 318 VA +39 21 319 NI +39 21 320 VA +39 21 321 TO +39 21 322 RA +39 21 323 RA +39 21 324 NI +39 21 325 TO +39 21 326 VA +39 21 327 NI +39 21 328 RA +39 21 329 TA +39 21 330 NI +39 22 1 RA +39 22 2 NI +39 22 3 TO +39 22 4 TA +39 22 5 NI +39 22 6 TA +39 22 7 RA +39 22 8 TO +39 22 9 TE +39 22 10 RJ +39 22 11 TE +39 22 12 VA +39 22 13 TE +39 22 14 TA +39 22 15 NI +39 22 16 NI +39 22 17 TO +39 22 18 TE +39 22 19 RJ +39 22 20 RA +39 22 21 TO +39 22 22 NI +39 22 23 VA +39 22 24 TE +39 22 25 TA +39 22 26 RJ +39 22 27 NI +39 22 28 TO +39 22 29 NI +39 22 30 TO +39 22 31 NI +39 22 32 RJ +39 22 33 RA +39 22 34 TA +39 22 35 NI +39 22 36 TE +39 22 37 NI +39 22 38 TA +39 22 39 TA +39 22 40 RA +39 22 41 TE +39 22 42 NI +39 22 43 TA +39 22 44 NI +39 22 45 RA +39 22 46 TE +39 22 47 TA +39 22 48 NI +39 22 49 RJ +39 22 50 TA +39 22 51 TE +39 22 52 NI +39 22 53 TO +39 22 54 RA +39 22 55 RJ +39 22 56 NI +39 22 57 TA +39 22 58 NI +39 22 59 NI +39 22 60 TA +39 22 61 TO +39 22 62 NI +39 22 63 TO +39 22 64 RJ +39 22 65 TO +39 22 66 NI +39 22 67 RA +39 22 68 TO +39 22 69 TE +39 22 70 NI +39 22 71 TA +39 22 72 RJ +39 22 73 TE +39 22 74 NI +39 22 75 TA +39 22 76 NI +39 22 77 RJ +39 22 78 RA +39 22 79 TA +39 22 80 NI +39 22 81 NI +39 22 82 NI +39 22 83 NI +39 22 84 TO +39 22 85 RA +39 22 86 TO +39 22 87 TA +39 22 88 TO +39 22 89 TA +39 22 90 TE +39 22 91 NI +39 22 92 NI +39 22 93 RJ +39 22 94 TA +39 22 95 NI +39 22 96 TO +39 22 97 TO +39 22 98 TO +39 22 99 NI +39 22 100 RA +39 22 101 TO +39 22 102 NI +39 22 103 TA +39 22 104 RJ +39 22 105 TO +39 22 106 NI +39 22 107 NI +39 22 108 RJ +39 22 109 TA +39 22 110 NI +39 22 111 TA +39 22 112 TO +39 22 113 TA +39 22 114 NI +39 22 115 TO +39 22 116 NI +39 22 117 TA +39 22 118 NI +39 22 119 RA +39 22 120 NI +39 22 121 TO +39 22 122 RA +39 22 123 NI +39 22 124 NI +39 22 125 TO +39 22 126 TA +39 22 127 TA +39 22 128 TO +39 22 129 NI +39 22 130 TA +39 22 131 TO +39 22 132 TO +39 22 133 TA +39 22 134 TE +39 22 135 TO +39 22 136 RJ +39 22 137 TE +39 22 138 NI +39 22 139 NI +39 22 140 RJ +39 22 141 NI +39 22 142 TA +39 22 143 RA +39 22 144 TE +39 22 145 RA +39 22 146 VA +39 22 147 RA +39 22 148 TO +39 22 149 NI +39 22 150 TA +39 22 151 NI +39 22 152 TO +39 22 153 RJ +39 22 154 TA +39 22 155 TA +39 22 156 RA +39 22 157 TE +39 22 158 NI +39 22 159 VA +39 22 160 TO +39 22 161 RA +39 22 162 TO +39 22 163 RA +39 22 164 RJ +39 22 165 TE +39 22 166 TE +39 22 167 NI +39 22 168 TE +39 22 169 RJ +39 22 170 TA +39 22 171 TA +39 22 172 NI +39 22 173 TO +39 22 174 VA +39 22 175 NI +39 22 176 TO +39 22 177 NI +39 22 178 RJ +39 22 179 TE +39 22 180 TA +39 22 181 TE +39 22 182 TE +39 22 183 TA +39 22 184 RJ +39 22 185 TE +39 22 186 NI +39 22 187 VA +39 22 188 RJ +39 22 189 NI +39 22 190 NI +39 22 191 RJ +39 22 192 RJ +39 22 193 VA +39 22 194 TA +39 22 195 RA +39 22 196 NI +39 22 197 NI +39 22 198 TA +39 22 199 NI +39 22 200 RA +39 22 201 NI +39 22 202 RA +39 22 203 TO +39 22 204 TE +39 22 205 RJ +39 22 206 NI +39 22 207 TO +39 22 208 TE +39 22 209 RA +39 22 210 TE +39 22 211 RJ +39 22 212 VA +39 22 213 NI +39 22 214 VA +39 22 215 NI +39 22 216 TA +39 22 217 NI +39 22 218 TA +39 22 219 NI +39 22 220 RJ +39 22 221 NI +39 22 222 RA +39 22 223 RA +39 22 224 NI +39 22 225 TA +39 22 226 TA +39 22 227 TA +39 22 228 RJ +39 22 229 NI +39 22 230 NI +39 22 231 TO +39 22 232 TE +39 22 233 NI +39 22 234 RJ +39 22 235 RJ +39 22 236 TE +39 22 237 NI +39 22 238 TA +39 22 239 NI +39 22 240 TE +39 22 241 NI +39 22 242 VA +39 22 243 TO +39 22 244 NI +39 22 245 TO +39 22 246 RA +39 22 247 TA +39 22 248 TE +39 22 249 TE +39 22 250 TA +39 22 251 NI +39 22 252 NI +39 22 253 RA +39 22 254 RJ +39 22 255 TA +39 22 256 TO +39 22 257 TA +39 22 258 VA +39 22 259 TA +39 22 260 NI +39 22 261 TO +39 22 262 NI +39 22 263 TA +39 22 264 RA +39 22 265 RA +39 22 266 TE +39 22 267 RJ +39 22 268 RA +39 22 269 TO +39 22 270 VA +39 22 271 TA +39 22 272 NI +39 22 273 TO +39 22 274 NI +39 22 275 TA +39 22 276 TO +39 22 277 RJ +39 22 278 TO +39 22 279 RJ +39 22 280 TA +39 22 281 RJ +39 22 282 RA +39 22 283 TE +39 22 284 NI +39 22 285 TO +39 22 286 NI +39 22 287 TE +39 22 288 TO +39 22 289 RJ +39 22 290 NI +39 22 291 RJ +39 22 292 NI +39 22 293 NI +39 22 294 NI +39 22 295 TE +39 22 296 RJ +39 22 297 VA +39 22 298 TO +39 22 299 RA +39 22 300 NI +39 22 301 RA +39 22 302 NI +39 22 303 TA +39 22 304 TA +39 22 305 TA +39 22 306 NI +39 22 307 RJ +39 22 308 NI +39 22 309 TA +39 22 310 RA +39 22 311 RJ +39 22 312 TA +39 22 313 RJ +39 22 314 NI +39 22 315 RA +39 22 316 RJ +39 22 317 TO +39 22 318 VA +39 22 319 NI +39 22 320 TE +39 22 321 TO +39 22 322 NI +39 22 323 RA +39 22 324 NI +39 22 325 TO +39 22 326 VA +39 22 327 NI +39 22 328 TA +39 22 329 TE +39 22 330 NI +39 23 1 RA +39 23 2 RA +39 23 3 VA +39 23 4 PA +39 23 5 RA +39 23 6 PA +39 23 7 RA +39 23 8 RA +39 23 9 PA +39 23 10 PA +39 23 11 TE +39 23 12 VA +39 23 13 TE +39 23 14 PA +39 23 15 PA +39 23 16 NI +39 23 17 TO +39 23 18 TE +39 23 19 RA +39 23 20 RA +39 23 21 TO +39 23 22 TE +39 23 23 TE +39 23 24 TE +39 23 25 RA +39 23 26 RA +39 23 27 NI +39 23 28 TO +39 23 29 RA +39 23 30 TE +39 23 31 RA +39 23 32 TO +39 23 33 RA +39 23 34 RA +39 23 35 TO +39 23 36 TE +39 23 37 RA +39 23 38 TO +39 23 39 RA +39 23 40 RA +39 23 41 TO +39 23 42 TE +39 23 43 RA +39 23 44 NI +39 23 45 TA +39 23 46 PU +39 23 47 TE +39 23 48 TE +39 23 49 RA +39 23 50 PA +39 23 51 TE +39 23 52 NI +39 23 53 TO +39 23 54 RA +39 23 55 RA +39 23 56 TE +39 23 57 TE +39 23 58 TE +39 23 59 NI +39 23 60 TE +39 23 61 TO +39 23 62 RA +39 23 63 TO +39 23 64 RA +39 23 65 TO +39 23 66 PU +39 23 67 RA +39 23 68 TO +39 23 69 PU +39 23 70 NI +39 23 71 TO +39 23 72 RA +39 23 73 PA +39 23 74 TE +39 23 75 PA +39 23 76 VA +39 23 77 RA +39 23 78 PA +39 23 79 TE +39 23 80 RA +39 23 81 RA +39 23 82 RA +39 23 83 VA +39 23 84 TE +39 23 85 RA +39 23 86 TO +39 23 87 TE +39 23 88 RA +39 23 89 TA +39 23 90 RA +39 23 91 RA +39 23 92 NI +39 23 93 RA +39 23 94 TA +39 23 95 NI +39 23 96 VA +39 23 97 RJ +39 23 98 TO +39 23 99 TE +39 23 100 RA +39 23 101 TO +39 23 102 PA +39 23 103 TE +39 23 104 RA +39 23 105 RA +39 23 106 VA +39 23 107 NI +39 23 108 NI +39 23 109 RA +39 23 110 VA +39 23 111 TE +39 23 112 TO +39 23 113 TA +39 23 114 RA +39 23 115 TO +39 23 116 NI +39 23 117 PA +39 23 118 TO +39 23 119 RA +39 23 120 PA +39 23 121 VA +39 23 122 RA +39 23 123 RA +39 23 124 VA +39 23 125 TO +39 23 126 TO +39 23 127 TE +39 23 128 VA +39 23 129 PA +39 23 130 TE +39 23 131 RJ +39 23 132 PA +39 23 133 RA +39 23 134 TE +39 23 135 RA +39 23 136 RA +39 23 137 TE +39 23 138 RA +39 23 139 TE +39 23 140 RA +39 23 141 PA +39 23 142 PA +39 23 143 RA +39 23 144 RA +39 23 145 RA +39 23 146 VA +39 23 147 RA +39 23 148 TO +39 23 149 RA +39 23 150 TE +39 23 151 TO +39 23 152 RA +39 23 153 RA +39 23 154 TE +39 23 155 TE +39 23 156 RA +39 23 157 PA +39 23 158 NI +39 23 159 VA +39 23 160 RA +39 23 161 RA +39 23 162 TO +39 23 163 RA +39 23 164 RA +39 23 165 PA +39 23 166 TA +39 23 167 SE +39 23 168 RA +39 23 169 RA +39 23 170 PA +39 23 171 TE +39 23 172 NI +39 23 173 TO +39 23 174 VA +39 23 175 RA +39 23 176 TO +39 23 177 VA +39 23 178 RA +39 23 179 PA +39 23 180 RA +39 23 181 VA +39 23 182 PA +39 23 183 TE +39 23 184 SE +39 23 185 TE +39 23 186 RA +39 23 187 VA +39 23 188 RA +39 23 189 NI +39 23 190 TO +39 23 191 RA +39 23 192 PA +39 23 193 VA +39 23 194 TE +39 23 195 RA +39 23 196 RA +39 23 197 RA +39 23 198 TA +39 23 199 NI +39 23 200 RA +39 23 201 TE +39 23 202 RA +39 23 203 TO +39 23 204 TE +39 23 205 RA +39 23 206 TE +39 23 207 TO +39 23 208 TE +39 23 209 SE +39 23 210 RJ +39 23 211 TA +39 23 212 VA +39 23 213 RA +39 23 214 VA +39 23 215 TO +39 23 216 TE +39 23 217 TE +39 23 218 PA +39 23 219 NI +39 23 220 RJ +39 23 221 NI +39 23 222 SE +39 23 223 RA +39 23 224 NI +39 23 225 PA +39 23 226 RA +39 23 227 TE +39 23 228 RA +39 23 229 RA +39 23 230 NI +39 23 231 SE +39 23 232 TE +39 23 233 RA +39 23 234 RA +39 23 235 RA +39 23 236 VA +39 23 237 TO +39 23 238 RA +39 23 239 TO +39 23 240 TE +39 23 241 PA +39 23 242 NI +39 23 243 TE +39 23 244 NI +39 23 245 TO +39 23 246 RA +39 23 247 PA +39 23 248 TE +39 23 249 RA +39 23 250 RJ +39 23 251 RA +39 23 252 NI +39 23 253 RA +39 23 254 TE +39 23 255 TA +39 23 256 TO +39 23 257 RA +39 23 258 VA +39 23 259 TO +39 23 260 VA +39 23 261 VA +39 23 262 NI +39 23 263 TE +39 23 264 TE +39 23 265 RA +39 23 266 TE +39 23 267 PA +39 23 268 RA +39 23 269 PA +39 23 270 VA +39 23 271 TE +39 23 272 NI +39 23 273 PA +39 23 274 TE +39 23 275 VA +39 23 276 PA +39 23 277 RA +39 23 278 VA +39 23 279 RA +39 23 280 RA +39 23 281 RA +39 23 282 RA +39 23 283 TE +39 23 284 NI +39 23 285 TO +39 23 286 NI +39 23 287 TE +39 23 288 TO +39 23 289 RA +39 23 290 TE +39 23 291 RA +39 23 292 TO +39 23 293 NI +39 23 294 NI +39 23 295 TE +39 23 296 PA +39 23 297 VA +39 23 298 TO +39 23 299 RA +39 23 300 TE +39 23 301 RA +39 23 302 TE +39 23 303 TE +39 23 304 TE +39 23 305 PA +39 23 306 RA +39 23 307 RA +39 23 308 PA +39 23 309 TE +39 23 310 RA +39 23 311 RA +39 23 312 TA +39 23 313 PA +39 23 314 NI +39 23 315 RA +39 23 316 RA +39 23 317 PA +39 23 318 VA +39 23 319 NI +39 23 320 VA +39 23 321 TO +39 23 322 RA +39 23 323 RA +39 23 324 TE +39 23 325 PA +39 23 326 VA +39 23 327 NI +39 23 328 RA +39 23 329 TE +39 23 330 NI +39 24 1 RJ +39 24 2 SE +39 24 3 TO +39 24 4 TA +39 24 5 RA +39 24 6 VA +39 24 7 RA +39 24 8 TO +39 24 9 RA +39 24 10 RA +39 24 11 TA +39 24 12 VA +39 24 13 TA +39 24 14 TA +39 24 15 NI +39 24 16 NI +39 24 17 TO +39 24 18 TA +39 24 19 RA +39 24 20 VA +39 24 21 TO +39 24 22 VA +39 24 23 PA +39 24 24 TA +39 24 25 SE +39 24 26 RJ +39 24 27 NI +39 24 28 TO +39 24 29 VA +39 24 30 PA +39 24 31 NI +39 24 32 TO +39 24 33 VA +39 24 34 NI +39 24 35 TO +39 24 36 TA +39 24 37 SE +39 24 38 PA +39 24 39 RA +39 24 40 NI +39 24 41 PA +39 24 42 VA +39 24 43 TA +39 24 44 NI +39 24 45 VA +39 24 46 NI +39 24 47 TA +39 24 48 PA +39 24 49 NI +39 24 50 TA +39 24 51 TA +39 24 52 NI +39 24 53 TO +39 24 54 VA +39 24 55 NI +39 24 56 TO +39 24 57 RJ +39 24 58 PA +39 24 59 NI +39 24 60 TA +39 24 61 TO +39 24 62 NI +39 24 63 VA +39 24 64 RJ +39 24 65 TO +39 24 66 NI +39 24 67 VA +39 24 68 TO +39 24 69 VA +39 24 70 NI +39 24 71 PA +39 24 72 RA +39 24 73 PA +39 24 74 NI +39 24 75 TA +39 24 76 VA +39 24 77 SE +39 24 78 NI +39 24 79 TA +39 24 80 SE +39 24 81 VA +39 24 82 VA +39 24 83 NI +39 24 84 TO +39 24 85 SE +39 24 86 TO +39 24 87 TA +39 24 88 PA +39 24 89 TA +39 24 90 TA +39 24 91 VA +39 24 92 NI +39 24 93 SE +39 24 94 TA +39 24 95 NI +39 24 96 VA +39 24 97 RJ +39 24 98 TO +39 24 99 PA +39 24 100 RJ +39 24 101 TO +39 24 102 NI +39 24 103 VA +39 24 104 NI +39 24 105 PA +39 24 106 VA +39 24 107 NI +39 24 108 NI +39 24 109 SE +39 24 110 VA +39 24 111 TA +39 24 112 TO +39 24 113 TA +39 24 114 SE +39 24 115 PA +39 24 116 NI +39 24 117 PA +39 24 118 TO +39 24 119 SE +39 24 120 NI +39 24 121 TO +39 24 122 RJ +39 24 123 SE +39 24 124 VA +39 24 125 TO +39 24 126 TO +39 24 127 TA +39 24 128 VA +39 24 129 NI +39 24 130 TA +39 24 131 PA +39 24 132 TO +39 24 133 RJ +39 24 134 PA +39 24 135 PA +39 24 136 RJ +39 24 137 RJ +39 24 138 NI +39 24 139 NI +39 24 140 SE +39 24 141 NI +39 24 142 NI +39 24 143 VA +39 24 144 RJ +39 24 145 SE +39 24 146 VA +39 24 147 RJ +39 24 148 TO +39 24 149 VA +39 24 150 TA +39 24 151 PA +39 24 152 NI +39 24 153 SE +39 24 154 TA +39 24 155 TA +39 24 156 RJ +39 24 157 PA +39 24 158 NI +39 24 159 VA +39 24 160 NI +39 24 161 RJ +39 24 162 TO +39 24 163 SE +39 24 164 SE +39 24 165 VA +39 24 166 TA +39 24 167 NI +39 24 168 SE +39 24 169 RJ +39 24 170 TA +39 24 171 VA +39 24 172 NI +39 24 173 TO +39 24 174 VA +39 24 175 NI +39 24 176 TO +39 24 177 VA +39 24 178 SE +39 24 179 PA +39 24 180 SE +39 24 181 PA +39 24 182 PA +39 24 183 PA +39 24 184 PA +39 24 185 PA +39 24 186 SE +39 24 187 VA +39 24 188 RJ +39 24 189 NI +39 24 190 NI +39 24 191 SE +39 24 192 PA +39 24 193 VA +39 24 194 PA +39 24 195 VA +39 24 196 NI +39 24 197 PA +39 24 198 TA +39 24 199 NI +39 24 200 NI +39 24 201 TO +39 24 202 RJ +39 24 203 PA +39 24 204 TA +39 24 205 TA +39 24 206 NI +39 24 207 TO +39 24 208 PA +39 24 209 RJ +39 24 210 PA +39 24 211 SE +39 24 212 VA +39 24 213 NI +39 24 214 VA +39 24 215 NI +39 24 216 TA +39 24 217 NI +39 24 218 VA +39 24 219 NI +39 24 220 SE +39 24 221 NI +39 24 222 PA +39 24 223 SE +39 24 224 NI +39 24 225 VA +39 24 226 SE +39 24 227 TA +39 24 228 TA +39 24 229 NI +39 24 230 NI +39 24 231 PA +39 24 232 PA +39 24 233 RJ +39 24 234 SE +39 24 235 SE +39 24 236 VA +39 24 237 NI +39 24 238 SE +39 24 239 NI +39 24 240 PA +39 24 241 NI +39 24 242 VA +39 24 243 PA +39 24 244 NI +39 24 245 TO +39 24 246 SE +39 24 247 RJ +39 24 248 TA +39 24 249 SE +39 24 250 PA +39 24 251 VA +39 24 252 NI +39 24 253 SE +39 24 254 SE +39 24 255 TA +39 24 256 TO +39 24 257 TA +39 24 258 VA +39 24 259 PA +39 24 260 NI +39 24 261 PA +39 24 262 NI +39 24 263 TA +39 24 264 NI +39 24 265 SE +39 24 266 PA +39 24 267 PA +39 24 268 RJ +39 24 269 NI +39 24 270 VA +39 24 271 TA +39 24 272 NI +39 24 273 PA +39 24 274 NI +39 24 275 VA +39 24 276 TO +39 24 277 RJ +39 24 278 NI +39 24 279 RJ +39 24 280 VA +39 24 281 SE +39 24 282 VA +39 24 283 PA +39 24 284 NI +39 24 285 NI +39 24 286 NI +39 24 287 PA +39 24 288 TO +39 24 289 RJ +39 24 290 NI +39 24 291 RJ +39 24 292 NI +39 24 293 NI +39 24 294 NI +39 24 295 PA +39 24 296 SE +39 24 297 VA +39 24 298 TO +39 24 299 SE +39 24 300 NI +39 24 301 RJ +39 24 302 NI +39 24 303 NI +39 24 304 VA +39 24 305 PA +39 24 306 VA +39 24 307 RJ +39 24 308 PA +39 24 309 PA +39 24 310 SE +39 24 311 RJ +39 24 312 TA +39 24 313 SE +39 24 314 NI +39 24 315 VA +39 24 316 SE +39 24 317 PA +39 24 318 TO +39 24 319 NI +39 24 320 VA +39 24 321 TO +39 24 322 NI +39 24 323 RJ +39 24 324 NI +39 24 325 PA +39 24 326 VA +39 24 327 NI +39 24 328 TA +39 24 329 PA +39 24 330 NI +39 25 1 RA +39 25 2 NA +39 25 3 TO +39 25 4 RA +39 25 5 RA +39 25 6 NA +39 25 7 RA +39 25 8 TO +39 25 9 RA +39 25 10 RJ +39 25 11 RA +39 25 12 VA +39 25 13 RJ +39 25 14 RA +39 25 15 NA +39 25 16 FO +39 25 17 TO +39 25 18 RA +39 25 19 RA +39 25 20 SE +39 25 21 TO +39 25 22 VA +39 25 23 RJ +39 25 24 TA +39 25 25 RA +39 25 26 RJ +39 25 27 NA +39 25 28 NA +39 25 29 RA +39 25 30 VA +39 25 31 RA +39 25 32 CA +39 25 33 RA +39 25 34 RJ +39 25 35 TO +39 25 36 RA +39 25 37 RJ +39 25 38 TO +39 25 39 RJ +39 25 40 RJ +39 25 41 TO +39 25 42 VA +39 25 43 RA +39 25 44 NA +39 25 45 RJ +39 25 46 NA +39 25 47 RA +39 25 48 VA +39 25 49 NA +39 25 50 RJ +39 25 51 RA +39 25 52 NI +39 25 53 TO +39 25 54 RA +39 25 55 RJ +39 25 56 NA +39 25 57 RA +39 25 58 VA +39 25 59 NA +39 25 60 RA +39 25 61 TO +39 25 62 RJ +39 25 63 TO +39 25 64 RA +39 25 65 TO +39 25 66 NI +39 25 67 RA +39 25 68 CA +39 25 69 RA +39 25 70 NA +39 25 71 PA +39 25 72 RA +39 25 73 RJ +39 25 74 NA +39 25 75 TA +39 25 76 VA +39 25 77 RJ +39 25 78 NA +39 25 79 RA +39 25 80 RA +39 25 81 SE +39 25 82 SE +39 25 83 NI +39 25 84 NA +39 25 85 SE +39 25 86 NA +39 25 87 TA +39 25 88 TO +39 25 89 TA +39 25 90 RJ +39 25 91 VA +39 25 92 NA +39 25 93 RA +39 25 94 TU +39 25 95 NI +39 25 96 VA +39 25 97 RJ +39 25 98 TO +39 25 99 SE +39 25 100 NA +39 25 101 TO +39 25 102 RA +39 25 103 PA +39 25 104 NA +39 25 105 RJ +39 25 106 VA +39 25 107 NI +39 25 108 NA +39 25 109 RJ +39 25 110 TU +39 25 111 RA +39 25 112 TO +39 25 113 RA +39 25 114 RA +39 25 115 TO +39 25 116 NI +39 25 117 RA +39 25 118 CA +39 25 119 SE +39 25 120 NI +39 25 121 TO +39 25 122 SE +39 25 123 NA +39 25 124 VA +39 25 125 TU +39 25 126 NA +39 25 127 RA +39 25 128 VA +39 25 129 NA +39 25 130 RA +39 25 131 SE +39 25 132 TU +39 25 133 RA +39 25 134 NA +39 25 135 SE +39 25 136 NA +39 25 137 RA +39 25 138 NA +39 25 139 NI +39 25 140 RJ +39 25 141 NI +39 25 142 NA +39 25 143 RA +39 25 144 RJ +39 25 145 SE +39 25 146 VA +39 25 147 RJ +39 25 148 TO +39 25 149 NA +39 25 150 SE +39 25 151 TU +39 25 152 NA +39 25 153 SE +39 25 154 NA +39 25 155 TU +39 25 156 SE +39 25 157 VA +39 25 158 NI +39 25 159 VA +39 25 160 NA +39 25 161 SE +39 25 162 TO +39 25 163 RA +39 25 164 RJ +39 25 165 RA +39 25 166 RJ +39 25 167 NA +39 25 168 RA +39 25 169 RA +39 25 170 RA +39 25 171 TU +39 25 172 NI +39 25 173 CA +39 25 174 VA +39 25 175 SE +39 25 176 TU +39 25 177 VA +39 25 178 SE +39 25 179 PA +39 25 180 RJ +39 25 181 VA +39 25 182 TO +39 25 183 RA +39 25 184 RJ +39 25 185 TU +39 25 186 TA +39 25 187 VA +39 25 188 RA +39 25 189 NA +39 25 190 CA +39 25 191 RA +39 25 192 SE +39 25 193 VA +39 25 194 PA +39 25 195 RA +39 25 196 NA +39 25 197 NA +39 25 198 TA +39 25 199 NI +39 25 200 SE +39 25 201 VA +39 25 202 SE +39 25 203 TO +39 25 204 RA +39 25 205 SE +39 25 206 NI +39 25 207 TO +39 25 208 NA +39 25 209 RA +39 25 210 TA +39 25 211 RJ +39 25 212 VA +39 25 213 NA +39 25 214 VA +39 25 215 CA +39 25 216 RA +39 25 217 NA +39 25 218 VA +39 25 219 NI +39 25 220 SE +39 25 221 NI +39 25 222 SE +39 25 223 SE +39 25 224 CA +39 25 225 PA +39 25 226 RA +39 25 227 TA +39 25 228 RA +39 25 229 SE +39 25 230 NA +39 25 231 TO +39 25 232 PU +39 25 233 RJ +39 25 234 SE +39 25 235 RA +39 25 236 VA +39 25 237 NA +39 25 238 RJ +39 25 239 TU +39 25 240 PU +39 25 241 NA +39 25 242 VA +39 25 243 TO +39 25 244 NI +39 25 245 TO +39 25 246 RJ +39 25 247 SE +39 25 248 SE +39 25 249 SE +39 25 250 TO +39 25 251 RA +39 25 252 NA +39 25 253 SE +39 25 254 NA +39 25 255 PU +39 25 256 TU +39 25 257 RA +39 25 258 VA +39 25 259 PA +39 25 260 NA +39 25 261 TU +39 25 262 NA +39 25 263 PU +39 25 264 RA +39 25 265 RJ +39 25 266 TU +39 25 267 TO +39 25 268 RA +39 25 269 RJ +39 25 270 VA +39 25 271 RA +39 25 272 NI +39 25 273 SE +39 25 274 NA +39 25 275 VA +39 25 276 TO +39 25 277 RA +39 25 278 TU +39 25 279 RJ +39 25 280 RA +39 25 281 RJ +39 25 282 SE +39 25 283 PU +39 25 284 NI +39 25 285 CA +39 25 286 NI +39 25 287 PU +39 25 288 TU +39 25 289 RJ +39 25 290 NI +39 25 291 SE +39 25 292 CA +39 25 293 NI +39 25 294 NA +39 25 295 PU +39 25 296 SE +39 25 297 VA +39 25 298 TO +39 25 299 RJ +39 25 300 NA +39 25 301 SE +39 25 302 NA +39 25 303 SE +39 25 304 VA +39 25 305 SE +39 25 306 VA +39 25 307 RA +39 25 308 SE +39 25 309 PU +39 25 310 SE +39 25 311 RJ +39 25 312 TA +39 25 313 RJ +39 25 314 NI +39 25 315 RJ +39 25 316 RJ +39 25 317 TO +39 25 318 TU +39 25 319 NA +39 25 320 PU +39 25 321 TO +39 25 322 RA +39 25 323 RJ +39 25 324 NA +39 25 325 SE +39 25 326 VA +39 25 327 NI +39 25 328 RA +39 25 329 PU +39 25 330 NA +40 1 1 C +40 1 2 C +40 1 3 P +40 1 4 O +40 1 5 C +40 1 6 U +40 1 7 C +40 1 8 P +40 1 9 O +40 1 10 PI +40 1 11 C +40 1 12 U +40 1 13 C +40 1 14 PI +40 1 15 P +40 1 16 PO +40 1 17 P +40 1 18 Y +40 1 19 C +40 1 20 C +40 1 21 P +40 1 22 U +40 1 23 C +40 1 24 Y +40 1 25 C +40 1 26 PI +40 1 27 PO +40 1 28 P +40 1 29 C +40 1 30 O +40 1 31 PO +40 1 32 P +40 1 33 C +40 1 34 C +40 1 35 P +40 1 36 C +40 1 37 PI +40 1 38 P +40 1 39 C +40 1 40 C +40 1 41 P +40 1 42 O +40 1 43 Y +40 1 44 PO +40 1 45 C +40 1 46 Y +40 1 47 C +40 1 48 U +40 1 49 C +40 1 50 O +40 1 51 Y +40 1 52 PO +40 1 53 P +40 1 54 C +40 1 55 C +40 1 56 U +40 1 57 C +40 1 58 O +40 1 59 PO +40 1 60 C +40 1 61 P +40 1 62 PI +40 1 63 P +40 1 64 C +40 1 65 P +40 1 66 PO +40 1 67 C +40 1 68 P +40 1 69 Y +40 1 70 PI +40 1 71 Y +40 1 72 C +40 1 73 PI +40 1 74 C +40 1 75 Y +40 1 76 U +40 1 77 C +40 1 78 P +40 1 79 Y +40 1 80 C +40 1 81 C +40 1 82 C +40 1 83 PO +40 1 84 U +40 1 85 C +40 1 86 P +40 1 87 Y +40 1 88 P +40 1 89 Y +40 1 90 C +40 1 91 PI +40 1 92 PO +40 1 93 C +40 1 94 Y +40 1 95 U +40 1 96 U +40 1 97 C +40 1 98 P +40 1 99 C +40 1 100 U +40 1 101 P +40 1 102 PI +40 1 103 Y +40 1 104 C +40 1 105 P +40 1 106 PO +40 1 107 PO +40 1 108 PI +40 1 109 C +40 1 110 O +40 1 111 Y +40 1 112 P +40 1 113 Y +40 1 114 C +40 1 115 P +40 1 116 O +40 1 117 Y +40 1 118 P +40 1 119 PI +40 1 120 PO +40 1 121 P +40 1 122 C +40 1 123 C +40 1 124 U +40 1 125 P +40 1 126 C +40 1 127 Y +40 1 128 U +40 1 129 PO +40 1 130 Y +40 1 131 P +40 1 132 P +40 1 133 C +40 1 134 Y +40 1 135 P +40 1 136 C +40 1 137 Y +40 1 138 C +40 1 139 PO +40 1 140 C +40 1 141 PO +40 1 142 PO +40 1 143 C +40 1 144 P +40 1 145 C +40 1 146 U +40 1 147 C +40 1 148 P +40 1 149 C +40 1 150 P +40 1 151 P +40 1 152 O +40 1 153 C +40 1 154 Y +40 1 155 Y +40 1 156 C +40 1 157 Y +40 1 158 PO +40 1 159 Y +40 1 160 P +40 1 161 C +40 1 162 P +40 1 163 C +40 1 164 C +40 1 165 Y +40 1 166 Y +40 1 167 O +40 1 168 C +40 1 169 C +40 1 170 Y +40 1 171 C +40 1 172 PO +40 1 173 P +40 1 174 U +40 1 175 PO +40 1 176 P +40 1 177 U +40 1 178 C +40 1 179 Y +40 1 180 C +40 1 181 U +40 1 182 P +40 1 183 Y +40 1 184 P +40 1 185 Y +40 1 186 C +40 1 187 U +40 1 188 C +40 1 189 PO +40 1 190 P +40 1 191 C +40 1 192 Y +40 1 193 U +40 1 194 Y +40 1 195 C +40 1 196 C +40 1 197 P +40 1 198 Y +40 1 199 PO +40 1 200 C +40 1 201 O +40 1 202 C +40 1 203 P +40 1 204 Y +40 1 205 PI +40 1 206 PO +40 1 207 P +40 1 208 Y +40 1 209 C +40 1 210 Y +40 1 211 C +40 1 212 U +40 1 213 Y +40 1 214 C +40 1 215 P +40 1 216 Y +40 1 217 PO +40 1 218 Y +40 1 219 PO +40 1 220 C +40 1 221 PO +40 1 222 PI +40 1 223 C +40 1 224 PO +40 1 225 U +40 1 226 C +40 1 227 Y +40 1 228 C +40 1 229 C +40 1 230 PO +40 1 231 P +40 1 232 Y +40 1 233 C +40 1 234 C +40 1 235 C +40 1 236 U +40 1 237 PO +40 1 238 C +40 1 239 U +40 1 240 Y +40 1 241 PO +40 1 242 U +40 1 243 P +40 1 244 PO +40 1 245 P +40 1 246 C +40 1 247 P +40 1 248 Y +40 1 249 C +40 1 250 Y +40 1 251 C +40 1 252 PO +40 1 253 C +40 1 254 Y +40 1 255 Y +40 1 256 P +40 1 257 C +40 1 258 U +40 1 259 P +40 1 260 PO +40 1 261 P +40 1 262 PO +40 1 263 Y +40 1 264 PO +40 1 265 C +40 1 266 P +40 1 267 P +40 1 268 C +40 1 269 P +40 1 270 O +40 1 271 C +40 1 272 PO +40 1 273 P +40 1 274 PO +40 1 275 U +40 1 276 P +40 1 277 C +40 1 278 U +40 1 279 C +40 1 280 C +40 1 281 C +40 1 282 C +40 1 283 Y +40 1 284 PO +40 1 285 U +40 1 286 PO +40 1 287 Y +40 1 288 P +40 1 289 C +40 1 290 PO +40 1 291 C +40 1 292 U +40 1 293 PO +40 1 294 PO +40 1 295 Y +40 1 296 C +40 1 297 U +40 1 298 P +40 1 299 C +40 1 300 Y +40 1 301 C +40 1 302 PO +40 1 303 PO +40 1 304 PI +40 1 305 P +40 1 306 C +40 1 307 C +40 1 308 PI +40 1 309 Y +40 1 310 C +40 1 311 C +40 1 312 Y +40 1 313 C +40 1 314 PO +40 1 315 C +40 1 316 C +40 1 317 P +40 1 318 U +40 1 319 PO +40 1 320 Y +40 1 321 P +40 1 322 C +40 1 323 C +40 1 324 PO +40 1 325 P +40 1 326 U +40 1 327 PO +40 1 328 C +40 1 329 Y +40 1 330 PO +40 2 1 PI +40 2 2 C +40 2 3 P +40 2 4 PI +40 2 5 C +40 2 6 U +40 2 7 C +40 2 8 P +40 2 9 O +40 2 10 PI +40 2 11 O +40 2 12 U +40 2 13 O +40 2 14 O +40 2 15 PO +40 2 16 PO +40 2 17 P +40 2 18 Y +40 2 19 PI +40 2 20 C +40 2 21 P +40 2 22 PO +40 2 23 PI +40 2 24 O +40 2 25 PI +40 2 26 PI +40 2 27 PO +40 2 28 O +40 2 29 C +40 2 30 O +40 2 31 O +40 2 32 P +40 2 33 C +40 2 34 PI +40 2 35 P +40 2 36 PI +40 2 37 PI +40 2 38 P +40 2 39 C +40 2 40 PI +40 2 41 P +40 2 42 U +40 2 43 PI +40 2 44 PO +40 2 45 C +40 2 46 PO +40 2 47 O +40 2 48 U +40 2 49 PI +40 2 50 O +40 2 51 O +40 2 52 PO +40 2 53 O +40 2 54 C +40 2 55 PI +40 2 56 O +40 2 57 PI +40 2 58 U +40 2 59 O +40 2 60 O +40 2 61 P +40 2 62 O +40 2 63 P +40 2 64 PI +40 2 65 P +40 2 66 PO +40 2 67 C +40 2 68 P +40 2 69 O +40 2 70 PO +40 2 71 O +40 2 72 C +40 2 73 O +40 2 74 PI +40 2 75 O +40 2 76 P +40 2 77 PI +40 2 78 O +40 2 79 Y +40 2 80 PI +40 2 81 C +40 2 82 PI +40 2 83 O +40 2 84 P +40 2 85 C +40 2 86 O +40 2 87 Y +40 2 88 O +40 2 89 Y +40 2 90 O +40 2 91 U +40 2 92 PO +40 2 93 PI +40 2 94 Y +40 2 95 PO +40 2 96 U +40 2 97 PI +40 2 98 P +40 2 99 O +40 2 100 PI +40 2 101 P +40 2 102 O +40 2 103 U +40 2 104 PI +40 2 105 O +40 2 106 U +40 2 107 PO +40 2 108 O +40 2 109 PI +40 2 110 U +40 2 111 O +40 2 112 P +40 2 113 Y +40 2 114 O +40 2 115 P +40 2 116 PO +40 2 117 Y +40 2 118 P +40 2 119 C +40 2 120 PO +40 2 121 P +40 2 122 C +40 2 123 PI +40 2 124 C +40 2 125 P +40 2 126 P +40 2 127 C +40 2 128 U +40 2 129 PO +40 2 130 Y +40 2 131 PI +40 2 132 P +40 2 133 C +40 2 134 Y +40 2 135 P +40 2 136 PI +40 2 137 C +40 2 138 PI +40 2 139 O +40 2 140 PI +40 2 141 PO +40 2 142 PO +40 2 143 C +40 2 144 O +40 2 145 C +40 2 146 U +40 2 147 C +40 2 148 P +40 2 149 C +40 2 150 O +40 2 151 P +40 2 152 P +40 2 153 PI +40 2 154 Y +40 2 155 Y +40 2 156 PI +40 2 157 Y +40 2 158 PO +40 2 159 U +40 2 160 O +40 2 161 C +40 2 162 P +40 2 163 PI +40 2 164 PI +40 2 165 O +40 2 166 O +40 2 167 O +40 2 168 C +40 2 169 PI +40 2 170 O +40 2 171 C +40 2 172 PO +40 2 173 P +40 2 174 U +40 2 175 PI +40 2 176 P +40 2 177 U +40 2 178 PI +40 2 179 P +40 2 180 C +40 2 181 U +40 2 182 P +40 2 183 Y +40 2 184 PI +40 2 185 U +40 2 186 PI +40 2 187 U +40 2 188 PI +40 2 189 PI +40 2 190 O +40 2 191 PI +40 2 192 O +40 2 193 U +40 2 194 P +40 2 195 C +40 2 196 PI +40 2 197 O +40 2 198 Y +40 2 199 PI +40 2 200 PI +40 2 201 P +40 2 202 C +40 2 203 P +40 2 204 Y +40 2 205 O +40 2 206 PO +40 2 207 P +40 2 208 U +40 2 209 PI +40 2 210 Y +40 2 211 PI +40 2 212 U +40 2 213 O +40 2 214 U +40 2 215 O +40 2 216 O +40 2 217 P +40 2 218 U +40 2 219 PO +40 2 220 O +40 2 221 PO +40 2 222 O +40 2 223 C +40 2 224 PO +40 2 225 U +40 2 226 PI +40 2 227 O +40 2 228 PI +40 2 229 C +40 2 230 PO +40 2 231 O +40 2 232 U +40 2 233 PI +40 2 234 C +40 2 235 PI +40 2 236 U +40 2 237 U +40 2 238 PI +40 2 239 O +40 2 240 Y +40 2 241 PO +40 2 242 U +40 2 243 O +40 2 244 PO +40 2 245 P +40 2 246 PI +40 2 247 O +40 2 248 Y +40 2 249 C +40 2 250 O +40 2 251 C +40 2 252 PO +40 2 253 C +40 2 254 O +40 2 255 Y +40 2 256 P +40 2 257 PI +40 2 258 U +40 2 259 O +40 2 260 U +40 2 261 P +40 2 262 PO +40 2 263 O +40 2 264 O +40 2 265 C +40 2 266 P +40 2 267 O +40 2 268 C +40 2 269 O +40 2 270 U +40 2 271 C +40 2 272 PO +40 2 273 O +40 2 274 PO +40 2 275 U +40 2 276 P +40 2 277 PI +40 2 278 U +40 2 279 PI +40 2 280 C +40 2 281 C +40 2 282 C +40 2 283 Y +40 2 284 PO +40 2 285 O +40 2 286 PO +40 2 287 O +40 2 288 P +40 2 289 C +40 2 290 PO +40 2 291 PI +40 2 292 O +40 2 293 O +40 2 294 PO +40 2 295 Y +40 2 296 O +40 2 297 U +40 2 298 P +40 2 299 C +40 2 300 O +40 2 301 C +40 2 302 PO +40 2 303 O +40 2 304 C +40 2 305 O +40 2 306 C +40 2 307 PI +40 2 308 O +40 2 309 Y +40 2 310 C +40 2 311 PI +40 2 312 Y +40 2 313 O +40 2 314 PO +40 2 315 C +40 2 316 C +40 2 317 O +40 2 318 U +40 2 319 PO +40 2 320 O +40 2 321 P +40 2 322 O +40 2 323 C +40 2 324 PO +40 2 325 O +40 2 326 U +40 2 327 PO +40 2 328 C +40 2 329 O +40 2 330 PO +40 3 1 PI +40 3 2 PI +40 3 3 P +40 3 4 PI +40 3 5 PI +40 3 6 O +40 3 7 PI +40 3 8 P +40 3 9 O +40 3 10 PI +40 3 11 PI +40 3 12 U +40 3 13 PI +40 3 14 PI +40 3 15 O +40 3 16 PO +40 3 17 P +40 3 18 O +40 3 19 PI +40 3 20 PI +40 3 21 P +40 3 22 O +40 3 23 PI +40 3 24 O +40 3 25 PI +40 3 26 PI +40 3 27 O +40 3 28 P +40 3 29 PI +40 3 30 P +40 3 31 PI +40 3 32 P +40 3 33 PI +40 3 34 PI +40 3 35 P +40 3 36 O +40 3 37 PI +40 3 38 P +40 3 39 PI +40 3 40 PI +40 3 41 P +40 3 42 O +40 3 43 PI +40 3 44 O +40 3 45 PI +40 3 46 O +40 3 47 PI +40 3 48 O +40 3 49 PI +40 3 50 O +40 3 51 O +40 3 52 O +40 3 53 P +40 3 54 PI +40 3 55 PI +40 3 56 O +40 3 57 PI +40 3 58 O +40 3 59 O +40 3 60 PI +40 3 61 P +40 3 62 O +40 3 63 P +40 3 64 PI +40 3 65 P +40 3 66 O +40 3 67 PI +40 3 68 P +40 3 69 PI +40 3 70 O +40 3 71 P +40 3 72 PI +40 3 73 PI +40 3 74 PI +40 3 75 PI +40 3 76 P +40 3 77 PI +40 3 78 O +40 3 79 O +40 3 80 PI +40 3 81 PI +40 3 82 PI +40 3 83 O +40 3 84 O +40 3 85 PI +40 3 86 P +40 3 87 O +40 3 88 P +40 3 89 O +40 3 90 PI +40 3 91 PI +40 3 92 O +40 3 93 PI +40 3 94 O +40 3 95 PI +40 3 96 PI +40 3 97 PI +40 3 98 P +40 3 99 O +40 3 100 PI +40 3 101 P +40 3 102 O +40 3 103 O +40 3 104 PI +40 3 105 PI +40 3 106 O +40 3 107 O +40 3 108 PI +40 3 109 O +40 3 110 P +40 3 111 O +40 3 112 P +40 3 113 O +40 3 114 PI +40 3 115 P +40 3 116 PI +40 3 117 O +40 3 118 P +40 3 119 PI +40 3 120 PO +40 3 121 P +40 3 122 PI +40 3 123 PI +40 3 124 PI +40 3 125 P +40 3 126 P +40 3 127 PI +40 3 128 PI +40 3 129 O +40 3 130 PI +40 3 131 PI +40 3 132 P +40 3 133 PI +40 3 134 O +40 3 135 P +40 3 136 PI +40 3 137 PI +40 3 138 PI +40 3 139 O +40 3 140 PI +40 3 141 PO +40 3 142 PO +40 3 143 PI +40 3 144 O +40 3 145 PI +40 3 146 P +40 3 147 PI +40 3 148 P +40 3 149 PI +40 3 150 O +40 3 151 PO +40 3 152 PI +40 3 153 PI +40 3 154 O +40 3 155 O +40 3 156 PI +40 3 157 O +40 3 158 PO +40 3 159 O +40 3 160 P +40 3 161 PI +40 3 162 PI +40 3 163 PI +40 3 164 PI +40 3 165 O +40 3 166 P +40 3 167 O +40 3 168 PI +40 3 169 PI +40 3 170 O +40 3 171 PI +40 3 172 PO +40 3 173 P +40 3 174 P +40 3 175 PI +40 3 176 P +40 3 177 PO +40 3 178 PI +40 3 179 P +40 3 180 PI +40 3 181 PO +40 3 182 P +40 3 183 PO +40 3 184 PI +40 3 185 P +40 3 186 PI +40 3 187 P +40 3 188 PI +40 3 189 PI +40 3 190 O +40 3 191 PI +40 3 192 O +40 3 193 O +40 3 194 P +40 3 195 PI +40 3 196 PI +40 3 197 O +40 3 198 O +40 3 199 PI +40 3 200 PI +40 3 201 PO +40 3 202 PI +40 3 203 P +40 3 204 O +40 3 205 PI +40 3 206 PO +40 3 207 P +40 3 208 O +40 3 209 PI +40 3 210 P +40 3 211 PI +40 3 212 P +40 3 213 PO +40 3 214 PI +40 3 215 P +40 3 216 O +40 3 217 PO +40 3 218 PI +40 3 219 PO +40 3 220 PI +40 3 221 PO +40 3 222 P +40 3 223 PI +40 3 224 PO +40 3 225 O +40 3 226 PI +40 3 227 O +40 3 228 PI +40 3 229 PI +40 3 230 PO +40 3 231 PI +40 3 232 O +40 3 233 PI +40 3 234 PI +40 3 235 PI +40 3 236 PI +40 3 237 PO +40 3 238 PI +40 3 239 P +40 3 240 P +40 3 241 PO +40 3 242 PO +40 3 243 P +40 3 244 PO +40 3 245 P +40 3 246 PI +40 3 247 PI +40 3 248 O +40 3 249 PI +40 3 250 PI +40 3 251 PI +40 3 252 PO +40 3 253 PI +40 3 254 PI +40 3 255 O +40 3 256 P +40 3 257 PI +40 3 258 PI +40 3 259 P +40 3 260 PO +40 3 261 P +40 3 262 PO +40 3 263 PO +40 3 264 PO +40 3 265 PI +40 3 266 P +40 3 267 PI +40 3 268 PI +40 3 269 PI +40 3 270 P +40 3 271 PI +40 3 272 PO +40 3 273 PI +40 3 274 PO +40 3 275 PI +40 3 276 P +40 3 277 PI +40 3 278 P +40 3 279 PI +40 3 280 PI +40 3 281 PI +40 3 282 PI +40 3 283 P +40 3 284 PO +40 3 285 PO +40 3 286 PO +40 3 287 O +40 3 288 P +40 3 289 PI +40 3 290 PO +40 3 291 PI +40 3 292 P +40 3 293 PO +40 3 294 PO +40 3 295 O +40 3 296 PI +40 3 297 P +40 3 298 P +40 3 299 PI +40 3 300 O +40 3 301 PI +40 3 302 PO +40 3 303 PI +40 3 304 PI +40 3 305 P +40 3 306 PI +40 3 307 PI +40 3 308 PI +40 3 309 O +40 3 310 PI +40 3 311 PI +40 3 312 O +40 3 313 PI +40 3 314 PO +40 3 315 PI +40 3 316 PI +40 3 317 P +40 3 318 P +40 3 319 PO +40 3 320 PI +40 3 321 P +40 3 322 PI +40 3 323 PI +40 3 324 PO +40 3 325 PI +40 3 326 PI +40 3 327 PO +40 3 328 PI +40 3 329 P +40 3 330 PO +40 4 1 PI +40 4 2 C +40 4 3 P +40 4 4 O +40 4 5 C +40 4 6 U +40 4 7 C +40 4 8 P +40 4 9 O +40 4 10 PI +40 4 11 C +40 4 12 U +40 4 13 C +40 4 14 PI +40 4 15 PO +40 4 16 PO +40 4 17 P +40 4 18 Y +40 4 19 PI +40 4 20 C +40 4 21 P +40 4 22 U +40 4 23 PI +40 4 24 O +40 4 25 C +40 4 26 PI +40 4 27 PO +40 4 28 P +40 4 29 C +40 4 30 U +40 4 31 PI +40 4 32 P +40 4 33 C +40 4 34 PI +40 4 35 P +40 4 36 C +40 4 37 PI +40 4 38 P +40 4 39 C +40 4 40 PI +40 4 41 P +40 4 42 U +40 4 43 O +40 4 44 PO +40 4 45 C +40 4 46 Y +40 4 47 C +40 4 48 U +40 4 49 PI +40 4 50 O +40 4 51 O +40 4 52 PO +40 4 53 P +40 4 54 C +40 4 55 PI +40 4 56 U +40 4 57 C +40 4 58 U +40 4 59 PO +40 4 60 C +40 4 61 P +40 4 62 PI +40 4 63 P +40 4 64 PI +40 4 65 P +40 4 66 PO +40 4 67 C +40 4 68 P +40 4 69 C +40 4 70 PO +40 4 71 P +40 4 72 C +40 4 73 PI +40 4 74 C +40 4 75 C +40 4 76 U +40 4 77 PI +40 4 78 PO +40 4 79 Y +40 4 80 PI +40 4 81 PI +40 4 82 C +40 4 83 PO +40 4 84 P +40 4 85 C +40 4 86 P +40 4 87 O +40 4 88 P +40 4 89 Y +40 4 90 C +40 4 91 C +40 4 92 PO +40 4 93 C +40 4 94 O +40 4 95 C +40 4 96 U +40 4 97 O +40 4 98 P +40 4 99 P +40 4 100 C +40 4 101 P +40 4 102 O +40 4 103 C +40 4 104 PI +40 4 105 P +40 4 106 U +40 4 107 PO +40 4 108 C +40 4 109 PI +40 4 110 U +40 4 111 PI +40 4 112 P +40 4 113 Y +40 4 114 C +40 4 115 P +40 4 116 PI +40 4 117 Y +40 4 118 P +40 4 119 C +40 4 120 PO +40 4 121 P +40 4 122 C +40 4 123 PI +40 4 124 C +40 4 125 U +40 4 126 P +40 4 127 C +40 4 128 C +40 4 129 PO +40 4 130 Y +40 4 131 P +40 4 132 P +40 4 133 C +40 4 134 U +40 4 135 P +40 4 136 C +40 4 137 C +40 4 138 PI +40 4 139 PO +40 4 140 PI +40 4 141 PO +40 4 142 PO +40 4 143 C +40 4 144 PI +40 4 145 C +40 4 146 U +40 4 147 C +40 4 148 P +40 4 149 C +40 4 150 PI +40 4 151 P +40 4 152 PI +40 4 153 PI +40 4 154 Y +40 4 155 Y +40 4 156 C +40 4 157 U +40 4 158 PO +40 4 159 U +40 4 160 P +40 4 161 C +40 4 162 P +40 4 163 C +40 4 164 PI +40 4 165 U +40 4 166 PI +40 4 167 PO +40 4 168 C +40 4 169 PI +40 4 170 C +40 4 171 C +40 4 172 PO +40 4 173 P +40 4 174 U +40 4 175 PI +40 4 176 P +40 4 177 U +40 4 178 PI +40 4 179 P +40 4 180 C +40 4 181 U +40 4 182 P +40 4 183 O +40 4 184 PI +40 4 185 U +40 4 186 C +40 4 187 U +40 4 188 PI +40 4 189 PI +40 4 190 P +40 4 191 C +40 4 192 P +40 4 193 U +40 4 194 P +40 4 195 C +40 4 196 PI +40 4 197 PI +40 4 198 Y +40 4 199 C +40 4 200 PI +40 4 201 P +40 4 202 C +40 4 203 P +40 4 204 Y +40 4 205 PI +40 4 206 C +40 4 207 P +40 4 208 U +40 4 209 C +40 4 210 Y +40 4 211 PI +40 4 212 U +40 4 213 PO +40 4 214 C +40 4 215 P +40 4 216 C +40 4 217 U +40 4 218 C +40 4 219 PI +40 4 220 PI +40 4 221 PI +40 4 222 PI +40 4 223 C +40 4 224 PO +40 4 225 C +40 4 226 C +40 4 227 Y +40 4 228 PI +40 4 229 C +40 4 230 PO +40 4 231 P +40 4 232 U +40 4 233 PI +40 4 234 C +40 4 235 PI +40 4 236 U +40 4 237 U +40 4 238 C +40 4 239 P +40 4 240 O +40 4 241 PO +40 4 242 U +40 4 243 P +40 4 244 PI +40 4 245 P +40 4 246 C +40 4 247 PI +40 4 248 C +40 4 249 C +40 4 250 PI +40 4 251 C +40 4 252 PO +40 4 253 C +40 4 254 PI +40 4 255 Y +40 4 256 P +40 4 257 PI +40 4 258 U +40 4 259 P +40 4 260 U +40 4 261 U +40 4 262 PO +40 4 263 O +40 4 264 PI +40 4 265 C +40 4 266 U +40 4 267 P +40 4 268 C +40 4 269 P +40 4 270 U +40 4 271 C +40 4 272 PO +40 4 273 P +40 4 274 PO +40 4 275 C +40 4 276 P +40 4 277 PI +40 4 278 U +40 4 279 PI +40 4 280 C +40 4 281 C +40 4 282 C +40 4 283 O +40 4 284 PO +40 4 285 P +40 4 286 PO +40 4 287 U +40 4 288 P +40 4 289 C +40 4 290 PO +40 4 291 PI +40 4 292 P +40 4 293 C +40 4 294 PI +40 4 295 O +40 4 296 PI +40 4 297 U +40 4 298 P +40 4 299 C +40 4 300 PO +40 4 301 C +40 4 302 PO +40 4 303 PI +40 4 304 C +40 4 305 O +40 4 306 C +40 4 307 PI +40 4 308 PI +40 4 309 Y +40 4 310 C +40 4 311 PI +40 4 312 Y +40 4 313 PI +40 4 314 PO +40 4 315 C +40 4 316 C +40 4 317 P +40 4 318 U +40 4 319 PO +40 4 320 C +40 4 321 P +40 4 322 PI +40 4 323 C +40 4 324 PO +40 4 325 P +40 4 326 U +40 4 327 PI +40 4 328 C +40 4 329 U +40 4 330 PO +40 5 1 PI +40 5 2 PI +40 5 3 P +40 5 4 P +40 5 5 PI +40 5 6 U +40 5 7 C +40 5 8 P +40 5 9 U +40 5 10 PI +40 5 11 PI +40 5 12 U +40 5 13 PI +40 5 14 PI +40 5 15 P +40 5 16 PO +40 5 17 P +40 5 18 Y +40 5 19 PI +40 5 20 C +40 5 21 P +40 5 22 U +40 5 23 PI +40 5 24 Y +40 5 25 PI +40 5 26 PI +40 5 27 PO +40 5 28 P +40 5 29 PI +40 5 30 U +40 5 31 PI +40 5 32 P +40 5 33 C +40 5 34 PI +40 5 35 P +40 5 36 PI +40 5 37 PI +40 5 38 P +40 5 39 C +40 5 40 PI +40 5 41 P +40 5 42 U +40 5 43 PI +40 5 44 PO +40 5 45 C +40 5 46 O +40 5 47 C +40 5 48 U +40 5 49 PI +40 5 50 PI +40 5 51 O +40 5 52 PO +40 5 53 P +40 5 54 C +40 5 55 PI +40 5 56 U +40 5 57 PI +40 5 58 U +40 5 59 PO +40 5 60 PI +40 5 61 P +40 5 62 O +40 5 63 P +40 5 64 PI +40 5 65 P +40 5 66 PO +40 5 67 PI +40 5 68 P +40 5 69 PI +40 5 70 PO +40 5 71 P +40 5 72 PI +40 5 73 PI +40 5 74 PI +40 5 75 PI +40 5 76 P +40 5 77 PI +40 5 78 P +40 5 79 O +40 5 80 PI +40 5 81 C +40 5 82 PI +40 5 83 PO +40 5 84 P +40 5 85 C +40 5 86 P +40 5 87 Y +40 5 88 P +40 5 89 Y +40 5 90 PI +40 5 91 U +40 5 92 PO +40 5 93 PI +40 5 94 O +40 5 95 PO +40 5 96 U +40 5 97 PI +40 5 98 P +40 5 99 * +40 5 100 PI +40 5 101 P +40 5 102 O +40 5 103 C +40 5 104 PI +40 5 105 P +40 5 106 U +40 5 107 PO +40 5 108 PI +40 5 109 O +40 5 110 U +40 5 111 C +40 5 112 P +40 5 113 * +40 5 114 PI +40 5 115 P +40 5 116 PI +40 5 117 P +40 5 118 P +40 5 119 PI +40 5 120 PO +40 5 121 U +40 5 122 C +40 5 123 PI +40 5 124 C +40 5 125 P +40 5 126 P +40 5 127 C +40 5 128 U +40 5 129 PO +40 5 130 C +40 5 131 P +40 5 132 P +40 5 133 PI +40 5 134 P +40 5 135 P +40 5 136 PI +40 5 137 C +40 5 138 PI +40 5 139 PO +40 5 140 PI +40 5 141 PO +40 5 142 PO +40 5 143 C +40 5 144 PI +40 5 145 PI +40 5 146 U +40 5 147 PI +40 5 148 P +40 5 149 C +40 5 150 P +40 5 151 P +40 5 152 P +40 5 153 PI +40 5 154 O +40 5 155 O +40 5 156 PI +40 5 157 P +40 5 158 PO +40 5 159 U +40 5 160 P +40 5 161 PI +40 5 162 P +40 5 163 PI +40 5 164 PI +40 5 165 C +40 5 166 PI +40 5 167 O +40 5 168 C +40 5 169 PI +40 5 170 C +40 5 171 C +40 5 172 PO +40 5 173 P +40 5 174 U +40 5 175 PI +40 5 176 P +40 5 177 U +40 5 178 PI +40 5 179 P +40 5 180 C +40 5 181 U +40 5 182 P +40 5 183 U +40 5 184 P +40 5 185 U +40 5 186 PI +40 5 187 U +40 5 188 PI +40 5 189 O +40 5 190 P +40 5 191 C +40 5 192 PI +40 5 193 U +40 5 194 P +40 5 195 C +40 5 196 PI +40 5 197 P +40 5 198 Y +40 5 199 PO +40 5 200 PI +40 5 201 P +40 5 202 C +40 5 203 P +40 5 204 * +40 5 205 PI +40 5 206 PO +40 5 207 P +40 5 208 U +40 5 209 PI +40 5 210 P +40 5 211 PI +40 5 212 U +40 5 213 O +40 5 214 U +40 5 215 P +40 5 216 C +40 5 217 P +40 5 218 U +40 5 219 PO +40 5 220 O +40 5 221 PO +40 5 222 O +40 5 223 C +40 5 224 PO +40 5 225 U +40 5 226 PI +40 5 227 O +40 5 228 PI +40 5 229 PI +40 5 230 PO +40 5 231 P +40 5 232 U +40 5 233 O +40 5 234 PI +40 5 235 PI +40 5 236 U +40 5 237 P +40 5 238 C +40 5 239 P +40 5 240 P +40 5 241 PO +40 5 242 PO +40 5 243 P +40 5 244 PO +40 5 245 P +40 5 246 PI +40 5 247 O +40 5 248 C +40 5 249 C +40 5 250 O +40 5 251 PI +40 5 252 PO +40 5 253 PI +40 5 254 O +40 5 255 Y +40 5 256 P +40 5 257 PI +40 5 258 U +40 5 259 P +40 5 260 PO +40 5 261 U +40 5 262 PO +40 5 263 O +40 5 264 PI +40 5 265 C +40 5 266 U +40 5 267 P +40 5 268 C +40 5 269 P +40 5 270 U +40 5 271 PI +40 5 272 PO +40 5 273 P +40 5 274 PO +40 5 275 U +40 5 276 P +40 5 277 PI +40 5 278 U +40 5 279 PI +40 5 280 C +40 5 281 PI +40 5 282 C +40 5 283 P +40 5 284 PO +40 5 285 P +40 5 286 PO +40 5 287 U +40 5 288 P +40 5 289 PI +40 5 290 PO +40 5 291 PI +40 5 292 P +40 5 293 PO +40 5 294 PO +40 5 295 U +40 5 296 PI +40 5 297 U +40 5 298 P +40 5 299 C +40 5 300 PO +40 5 301 PI +40 5 302 PO +40 5 303 O +40 5 304 C +40 5 305 P +40 5 306 C +40 5 307 PI +40 5 308 O +40 5 309 O +40 5 310 PI +40 5 311 PI +40 5 312 Y +40 5 313 PI +40 5 314 PO +40 5 315 PI +40 5 316 PI +40 5 317 P +40 5 318 U +40 5 319 PO +40 5 320 C +40 5 321 P +40 5 322 PI +40 5 323 O +40 5 324 PO +40 5 325 P +40 5 326 U +40 5 327 PO +40 5 328 C +40 5 329 P +40 5 330 PO +40 6 1 PI +40 6 2 PI +40 6 3 P +40 6 4 P +40 6 5 PI +40 6 6 U +40 6 7 PI +40 6 8 P +40 6 9 U +40 6 10 PI +40 6 11 PI +40 6 12 U +40 6 13 PI +40 6 14 PI +40 6 15 P +40 6 16 PO +40 6 17 P +40 6 18 Y +40 6 19 PI +40 6 20 PI +40 6 21 P +40 6 22 U +40 6 23 PI +40 6 24 U +40 6 25 PI +40 6 26 PI +40 6 27 U +40 6 28 P +40 6 29 PI +40 6 30 U +40 6 31 PI +40 6 32 PI +40 6 33 PI +40 6 34 PI +40 6 35 P +40 6 36 PI +40 6 37 P +40 6 38 P +40 6 39 PI +40 6 40 PI +40 6 41 P +40 6 42 U +40 6 43 PI +40 6 44 U +40 6 45 PI +40 6 46 Y +40 6 47 PI +40 6 48 U +40 6 49 PI +40 6 50 PI +40 6 51 U +40 6 52 PO +40 6 53 P +40 6 54 PI +40 6 55 PI +40 6 56 P +40 6 57 PI +40 6 58 U +40 6 59 U +40 6 60 PI +40 6 61 P +40 6 62 P +40 6 63 P +40 6 64 PI +40 6 65 P +40 6 66 PO +40 6 67 PI +40 6 68 P +40 6 69 PI +40 6 70 PO +40 6 71 P +40 6 72 PI +40 6 73 P +40 6 74 PO +40 6 75 PI +40 6 76 U +40 6 77 PI +40 6 78 PO +40 6 79 Y +40 6 80 PI +40 6 81 PI +40 6 82 PI +40 6 83 PO +40 6 84 U +40 6 85 PI +40 6 86 P +40 6 87 Y +40 6 88 P +40 6 89 Y +40 6 90 PI +40 6 91 U +40 6 92 PO +40 6 93 PI +40 6 94 Y +40 6 95 PO +40 6 96 U +40 6 97 PI +40 6 98 P +40 6 99 PI +40 6 100 PO +40 6 101 P +40 6 102 PO +40 6 103 PI +40 6 104 PI +40 6 105 PI +40 6 106 U +40 6 107 PO +40 6 108 PI +40 6 109 PI +40 6 110 U +40 6 111 Y +40 6 112 P +40 6 113 Y +40 6 114 PI +40 6 115 P +40 6 116 PO +40 6 117 Y +40 6 118 P +40 6 119 PI +40 6 120 PO +40 6 121 U +40 6 122 PI +40 6 123 PI +40 6 124 U +40 6 125 U +40 6 126 P +40 6 127 PI +40 6 128 U +40 6 129 PO +40 6 130 Y +40 6 131 PI +40 6 132 P +40 6 133 PI +40 6 134 Y +40 6 135 PI +40 6 136 PI +40 6 137 PI +40 6 138 PI +40 6 139 PO +40 6 140 PI +40 6 141 PO +40 6 142 PO +40 6 143 PI +40 6 144 PI +40 6 145 PI +40 6 146 U +40 6 147 PI +40 6 148 P +40 6 149 PI +40 6 150 PI +40 6 151 P +40 6 152 PO +40 6 153 PI +40 6 154 Y +40 6 155 Y +40 6 156 PI +40 6 157 Y +40 6 158 PO +40 6 159 U +40 6 160 PO +40 6 161 PI +40 6 162 P +40 6 163 PI +40 6 164 PI +40 6 165 PI +40 6 166 PI +40 6 167 PO +40 6 168 PI +40 6 169 PO +40 6 170 Y +40 6 171 PI +40 6 172 PO +40 6 173 P +40 6 174 U +40 6 175 PO +40 6 176 P +40 6 177 U +40 6 178 PI +40 6 179 P +40 6 180 PI +40 6 181 U +40 6 182 P +40 6 183 U +40 6 184 P +40 6 185 U +40 6 186 PI +40 6 187 U +40 6 188 PI +40 6 189 PO +40 6 190 P +40 6 191 PI +40 6 192 PI +40 6 193 U +40 6 194 P +40 6 195 PI +40 6 196 PO +40 6 197 PO +40 6 198 Y +40 6 199 PO +40 6 200 PO +40 6 201 P +40 6 202 PI +40 6 203 P +40 6 204 Y +40 6 205 PI +40 6 206 PO +40 6 207 P +40 6 208 U +40 6 209 PI +40 6 210 Y +40 6 211 PI +40 6 212 U +40 6 213 P +40 6 214 U +40 6 215 P +40 6 216 PI +40 6 217 PO +40 6 218 PI +40 6 219 PI +40 6 220 PI +40 6 221 PO +40 6 222 PI +40 6 223 PI +40 6 224 PO +40 6 225 PI +40 6 226 PI +40 6 227 Y +40 6 228 PI +40 6 229 PI +40 6 230 PO +40 6 231 P +40 6 232 PI +40 6 233 PI +40 6 234 PI +40 6 235 PI +40 6 236 U +40 6 237 U +40 6 238 PI +40 6 239 P +40 6 240 P +40 6 241 PO +40 6 242 U +40 6 243 P +40 6 244 PO +40 6 245 P +40 6 246 PI +40 6 247 O +40 6 248 PI +40 6 249 PI +40 6 250 PI +40 6 251 PI +40 6 252 PO +40 6 253 PI +40 6 254 PI +40 6 255 Y +40 6 256 P +40 6 257 Y +40 6 258 U +40 6 259 P +40 6 260 U +40 6 261 U +40 6 262 PO +40 6 263 PO +40 6 264 PO +40 6 265 PI +40 6 266 P +40 6 267 P +40 6 268 PI +40 6 269 P +40 6 270 U +40 6 271 PI +40 6 272 PO +40 6 273 P +40 6 274 PO +40 6 275 U +40 6 276 P +40 6 277 PI +40 6 278 U +40 6 279 PI +40 6 280 PI +40 6 281 PI +40 6 282 PI +40 6 283 Y +40 6 284 PO +40 6 285 P +40 6 286 PO +40 6 287 U +40 6 288 P +40 6 289 PI +40 6 290 PO +40 6 291 PI +40 6 292 P +40 6 293 PO +40 6 294 PO +40 6 295 U +40 6 296 P +40 6 297 U +40 6 298 P +40 6 299 PI +40 6 300 Y +40 6 301 PI +40 6 302 PO +40 6 303 PO +40 6 304 PI +40 6 305 P +40 6 306 PI +40 6 307 PI +40 6 308 PI +40 6 309 PI +40 6 310 PI +40 6 311 PI +40 6 312 Y +40 6 313 PI +40 6 314 PO +40 6 315 PI +40 6 316 PI +40 6 317 P +40 6 318 U +40 6 319 PO +40 6 320 PI +40 6 321 P +40 6 322 PO +40 6 323 PI +40 6 324 PO +40 6 325 P +40 6 326 U +40 6 327 PO +40 6 328 PI +40 6 329 U +40 6 330 PO +40 7 1 PI +40 7 2 C +40 7 3 P +40 7 4 P +40 7 5 C +40 7 6 PO +40 7 7 C +40 7 8 P +40 7 9 U +40 7 10 PI +40 7 11 C +40 7 12 U +40 7 13 C +40 7 14 PI +40 7 15 PO +40 7 16 PO +40 7 17 P +40 7 18 Y +40 7 19 PI +40 7 20 C +40 7 21 P +40 7 22 U +40 7 23 PO +40 7 24 U +40 7 25 C +40 7 26 PI +40 7 27 PO +40 7 28 P +40 7 29 C +40 7 30 PO +40 7 31 PO +40 7 32 PO +40 7 33 C +40 7 34 PI +40 7 35 PO +40 7 36 C +40 7 37 PI +40 7 38 PI +40 7 39 C +40 7 40 PO +40 7 41 P +40 7 42 U +40 7 43 Y +40 7 44 PO +40 7 45 C +40 7 46 Y +40 7 47 C +40 7 48 U +40 7 49 PO +40 7 50 PI +40 7 51 O +40 7 52 PO +40 7 53 P +40 7 54 C +40 7 55 PI +40 7 56 O +40 7 57 PI +40 7 58 U +40 7 59 O +40 7 60 PI +40 7 61 P +40 7 62 O +40 7 63 PO +40 7 64 PI +40 7 65 P +40 7 66 PO +40 7 67 C +40 7 68 P +40 7 69 U +40 7 70 O +40 7 71 P +40 7 72 C +40 7 73 PI +40 7 74 O +40 7 75 C +40 7 76 U +40 7 77 PI +40 7 78 O +40 7 79 Y +40 7 80 PI +40 7 81 PO +40 7 82 PO +40 7 83 PO +40 7 84 PO +40 7 85 C +40 7 86 PO +40 7 87 Y +40 7 88 P +40 7 89 Y +40 7 90 C +40 7 91 U +40 7 92 O +40 7 93 PI +40 7 94 Y +40 7 95 O +40 7 96 U +40 7 97 PI +40 7 98 P +40 7 99 O +40 7 100 O +40 7 101 P +40 7 102 O +40 7 103 Y +40 7 104 O +40 7 105 PI +40 7 106 U +40 7 107 PO +40 7 108 PO +40 7 109 PI +40 7 110 U +40 7 111 Y +40 7 112 P +40 7 113 Y +40 7 114 C +40 7 115 P +40 7 116 PO +40 7 117 Y +40 7 118 PO +40 7 119 PO +40 7 120 PO +40 7 121 P +40 7 122 C +40 7 123 PI +40 7 124 PO +40 7 125 P +40 7 126 O +40 7 127 Y +40 7 128 U +40 7 129 PO +40 7 130 Y +40 7 131 P +40 7 132 P +40 7 133 C +40 7 134 Y +40 7 135 P +40 7 136 PO +40 7 137 C +40 7 138 PO +40 7 139 O +40 7 140 PI +40 7 141 PO +40 7 142 O +40 7 143 U +40 7 144 PI +40 7 145 O +40 7 146 U +40 7 147 C +40 7 148 P +40 7 149 PO +40 7 150 PI +40 7 151 PO +40 7 152 P +40 7 153 PI +40 7 154 Y +40 7 155 Y +40 7 156 C +40 7 157 Y +40 7 158 PO +40 7 159 O +40 7 160 O +40 7 161 C +40 7 162 P +40 7 163 C +40 7 164 PI +40 7 165 PO +40 7 166 Y +40 7 167 O +40 7 168 C +40 7 169 PI +40 7 170 Y +40 7 171 O +40 7 172 PO +40 7 173 P +40 7 174 U +40 7 175 O +40 7 176 P +40 7 177 U +40 7 178 PI +40 7 179 P +40 7 180 C +40 7 181 U +40 7 182 P +40 7 183 Y +40 7 184 PI +40 7 185 Y +40 7 186 PI +40 7 187 U +40 7 188 PI +40 7 189 O +40 7 190 PO +40 7 191 C +40 7 192 Y +40 7 193 U +40 7 194 P +40 7 195 C +40 7 196 PO +40 7 197 PI +40 7 198 Y +40 7 199 O +40 7 200 PI +40 7 201 PO +40 7 202 C +40 7 203 P +40 7 204 Y +40 7 205 Y +40 7 206 O +40 7 207 P +40 7 208 Y +40 7 209 PI +40 7 210 Y +40 7 211 PI +40 7 212 U +40 7 213 O +40 7 214 U +40 7 215 PO +40 7 216 Y +40 7 217 O +40 7 218 PO +40 7 219 PO +40 7 220 PI +40 7 221 PO +40 7 222 PI +40 7 223 C +40 7 224 PO +40 7 225 U +40 7 226 PI +40 7 227 Y +40 7 228 PI +40 7 229 PO +40 7 230 PO +40 7 231 P +40 7 232 U +40 7 233 PO +40 7 234 C +40 7 235 PI +40 7 236 U +40 7 237 PO +40 7 238 C +40 7 239 PO +40 7 240 Y +40 7 241 PO +40 7 242 U +40 7 243 P +40 7 244 O +40 7 245 P +40 7 246 C +40 7 247 PI +40 7 248 C +40 7 249 C +40 7 250 PI +40 7 251 C +40 7 252 PO +40 7 253 C +40 7 254 PI +40 7 255 Y +40 7 256 P +40 7 257 PI +40 7 258 U +40 7 259 P +40 7 260 PO +40 7 261 U +40 7 262 PO +40 7 263 O +40 7 264 PO +40 7 265 C +40 7 266 P +40 7 267 PI +40 7 268 C +40 7 269 P +40 7 270 U +40 7 271 C +40 7 272 PO +40 7 273 P +40 7 274 PO +40 7 275 U +40 7 276 P +40 7 277 PI +40 7 278 P +40 7 279 PI +40 7 280 U +40 7 281 C +40 7 282 C +40 7 283 Y +40 7 284 PO +40 7 285 PO +40 7 286 PO +40 7 287 Y +40 7 288 P +40 7 289 PO +40 7 290 PO +40 7 291 PI +40 7 292 PO +40 7 293 O +40 7 294 PO +40 7 295 Y +40 7 296 P +40 7 297 U +40 7 298 P +40 7 299 C +40 7 300 O +40 7 301 C +40 7 302 PO +40 7 303 PO +40 7 304 U +40 7 305 P +40 7 306 U +40 7 307 PI +40 7 308 PO +40 7 309 Y +40 7 310 C +40 7 311 PI +40 7 312 Y +40 7 313 PI +40 7 314 PO +40 7 315 C +40 7 316 C +40 7 317 P +40 7 318 U +40 7 319 PO +40 7 320 U +40 7 321 P +40 7 322 PI +40 7 323 C +40 7 324 PO +40 7 325 P +40 7 326 U +40 7 327 O +40 7 328 C +40 7 329 Y +40 7 330 O +40 8 1 PI +40 8 2 O +40 8 3 P +40 8 4 Y +40 8 5 O +40 8 6 U +40 8 7 C +40 8 8 P +40 8 9 Y +40 8 10 PI +40 8 11 C +40 8 12 U +40 8 13 C +40 8 14 PI +40 8 15 O +40 8 16 PO +40 8 17 P +40 8 18 Y +40 8 19 PI +40 8 20 C +40 8 21 P +40 8 22 U +40 8 23 Y +40 8 24 Y +40 8 25 C +40 8 26 PI +40 8 27 PO +40 8 28 P +40 8 29 C +40 8 30 P +40 8 31 O +40 8 32 P +40 8 33 C +40 8 34 PI +40 8 35 P +40 8 36 C +40 8 37 PI +40 8 38 P +40 8 39 C +40 8 40 C +40 8 41 P +40 8 42 U +40 8 43 PI +40 8 44 PO +40 8 45 C +40 8 46 Y +40 8 47 C +40 8 48 U +40 8 49 O +40 8 50 Y +40 8 51 Y +40 8 52 PO +40 8 53 P +40 8 54 C +40 8 55 O +40 8 56 PO +40 8 57 PI +40 8 58 U +40 8 59 O +40 8 60 PI +40 8 61 P +40 8 62 O +40 8 63 P +40 8 64 PI +40 8 65 P +40 8 66 PO +40 8 67 C +40 8 68 P +40 8 69 C +40 8 70 O +40 8 71 P +40 8 72 C +40 8 73 P +40 8 74 O +40 8 75 C +40 8 76 P +40 8 77 PI +40 8 78 O +40 8 79 Y +40 8 80 PI +40 8 81 U +40 8 82 O +40 8 83 PO +40 8 84 P +40 8 85 C +40 8 86 P +40 8 87 Y +40 8 88 P +40 8 89 Y +40 8 90 C +40 8 91 U +40 8 92 PO +40 8 93 PI +40 8 94 Y +40 8 95 O +40 8 96 U +40 8 97 Y +40 8 98 P +40 8 99 O +40 8 100 O +40 8 101 P +40 8 102 O +40 8 103 U +40 8 104 O +40 8 105 P +40 8 106 PO +40 8 107 PO +40 8 108 PO +40 8 109 PI +40 8 110 U +40 8 111 C +40 8 112 P +40 8 113 Y +40 8 114 C +40 8 115 P +40 8 116 O +40 8 117 P +40 8 118 P +40 8 119 C +40 8 120 PO +40 8 121 P +40 8 122 C +40 8 123 PI +40 8 124 U +40 8 125 U +40 8 126 P +40 8 127 C +40 8 128 U +40 8 129 PO +40 8 130 Y +40 8 131 P +40 8 132 P +40 8 133 C +40 8 134 Y +40 8 135 P +40 8 136 C +40 8 137 C +40 8 138 O +40 8 139 O +40 8 140 PI +40 8 141 PO +40 8 142 O +40 8 143 U +40 8 144 Y +40 8 145 C +40 8 146 U +40 8 147 C +40 8 148 P +40 8 149 O +40 8 150 Y +40 8 151 P +40 8 152 PO +40 8 153 PI +40 8 154 Y +40 8 155 Y +40 8 156 C +40 8 157 Y +40 8 158 PO +40 8 159 U +40 8 160 O +40 8 161 C +40 8 162 P +40 8 163 C +40 8 164 PI +40 8 165 C +40 8 166 PI +40 8 167 O +40 8 168 C +40 8 169 PI +40 8 170 C +40 8 171 C +40 8 172 PO +40 8 173 P +40 8 174 U +40 8 175 O +40 8 176 P +40 8 177 O +40 8 178 PI +40 8 179 P +40 8 180 C +40 8 181 U +40 8 182 P +40 8 183 U +40 8 184 PI +40 8 185 U +40 8 186 O +40 8 187 U +40 8 188 PI +40 8 189 O +40 8 190 PO +40 8 191 C +40 8 192 Y +40 8 193 U +40 8 194 P +40 8 195 C +40 8 196 O +40 8 197 O +40 8 198 Y +40 8 199 O +40 8 200 PI +40 8 201 U +40 8 202 C +40 8 203 P +40 8 204 Y +40 8 205 PI +40 8 206 O +40 8 207 P +40 8 208 U +40 8 209 C +40 8 210 P +40 8 211 PI +40 8 212 U +40 8 213 O +40 8 214 U +40 8 215 P +40 8 216 C +40 8 217 O +40 8 218 U +40 8 219 O +40 8 220 PI +40 8 221 PO +40 8 222 PI +40 8 223 C +40 8 224 PO +40 8 225 U +40 8 226 PI +40 8 227 Y +40 8 228 PI +40 8 229 O +40 8 230 PO +40 8 231 P +40 8 232 Y +40 8 233 PI +40 8 234 C +40 8 235 PI +40 8 236 U +40 8 237 U +40 8 238 C +40 8 239 P +40 8 240 P +40 8 241 O +40 8 242 U +40 8 243 P +40 8 244 O +40 8 245 P +40 8 246 C +40 8 247 PI +40 8 248 C +40 8 249 C +40 8 250 Y +40 8 251 O +40 8 252 PO +40 8 253 C +40 8 254 PI +40 8 255 Y +40 8 256 P +40 8 257 C +40 8 258 U +40 8 259 P +40 8 260 PO +40 8 261 U +40 8 262 PO +40 8 263 O +40 8 264 O +40 8 265 C +40 8 266 P +40 8 267 PI +40 8 268 C +40 8 269 P +40 8 270 U +40 8 271 C +40 8 272 PO +40 8 273 P +40 8 274 PO +40 8 275 U +40 8 276 P +40 8 277 PI +40 8 278 P +40 8 279 PI +40 8 280 C +40 8 281 C +40 8 282 C +40 8 283 Y +40 8 284 O +40 8 285 P +40 8 286 PO +40 8 287 U +40 8 288 P +40 8 289 C +40 8 290 O +40 8 291 PI +40 8 292 P +40 8 293 O +40 8 294 O +40 8 295 U +40 8 296 PI +40 8 297 U +40 8 298 P +40 8 299 C +40 8 300 O +40 8 301 C +40 8 302 O +40 8 303 O +40 8 304 U +40 8 305 P +40 8 306 U +40 8 307 PI +40 8 308 O +40 8 309 U +40 8 310 C +40 8 311 PI +40 8 312 Y +40 8 313 PI +40 8 314 O +40 8 315 C +40 8 316 C +40 8 317 P +40 8 318 U +40 8 319 O +40 8 320 U +40 8 321 P +40 8 322 PI +40 8 323 C +40 8 324 PO +40 8 325 P +40 8 326 U +40 8 327 PO +40 8 328 C +40 8 329 U +40 8 330 O +40 9 1 O +40 9 2 O +40 9 3 P +40 9 4 PI +40 9 5 PI +40 9 6 PO +40 9 7 PI +40 9 8 P +40 9 9 * +40 9 10 PI +40 9 11 Y +40 9 12 U +40 9 13 PI +40 9 14 PI +40 9 15 O +40 9 16 PO +40 9 17 P +40 9 18 Y +40 9 19 PI +40 9 20 PI +40 9 21 P +40 9 22 PO +40 9 23 PI +40 9 24 Y +40 9 25 PI +40 9 26 PI +40 9 27 PO +40 9 28 P +40 9 29 PI +40 9 30 O +40 9 31 PI +40 9 32 P +40 9 33 PI +40 9 34 PI +40 9 35 P +40 9 36 Y +40 9 37 PI +40 9 38 P +40 9 39 PI +40 9 40 PI +40 9 41 P +40 9 42 U +40 9 43 Y +40 9 44 PO +40 9 45 PI +40 9 46 O +40 9 47 PI +40 9 48 U +40 9 49 PI +40 9 50 PI +40 9 51 Y +40 9 52 PO +40 9 53 P +40 9 54 PI +40 9 55 PI +40 9 56 PO +40 9 57 O +40 9 58 Y +40 9 59 O +40 9 60 Y +40 9 61 P +40 9 62 PI +40 9 63 P +40 9 64 Y +40 9 65 P +40 9 66 PO +40 9 67 PI +40 9 68 P +40 9 69 Y +40 9 70 PO +40 9 71 Y +40 9 72 PI +40 9 73 PI +40 9 74 PI +40 9 75 Y +40 9 76 U +40 9 77 PI +40 9 78 PI +40 9 79 Y +40 9 80 PI +40 9 81 PI +40 9 82 PI +40 9 83 PO +40 9 84 O +40 9 85 PI +40 9 86 P +40 9 87 Y +40 9 88 PI +40 9 89 Y +40 9 90 Y +40 9 91 Y +40 9 92 PO +40 9 93 PI +40 9 94 Y +40 9 95 PO +40 9 96 U +40 9 97 PI +40 9 98 P +40 9 99 PI +40 9 100 PI +40 9 101 P +40 9 102 PI +40 9 103 Y +40 9 104 PI +40 9 105 PI +40 9 106 PO +40 9 107 PO +40 9 108 PO +40 9 109 PI +40 9 110 U +40 9 111 Y +40 9 112 P +40 9 113 Y +40 9 114 PI +40 9 115 P +40 9 116 PO +40 9 117 Y +40 9 118 P +40 9 119 PI +40 9 120 PO +40 9 121 U +40 9 122 PI +40 9 123 O +40 9 124 PI +40 9 125 U +40 9 126 P +40 9 127 Y +40 9 128 PI +40 9 129 PO +40 9 130 Y +40 9 131 PI +40 9 132 P +40 9 133 PI +40 9 134 Y +40 9 135 P +40 9 136 PI +40 9 137 Y +40 9 138 O +40 9 139 O +40 9 140 Y +40 9 141 PO +40 9 142 PO +40 9 143 PI +40 9 144 Y +40 9 145 PI +40 9 146 U +40 9 147 PI +40 9 148 P +40 9 149 PI +40 9 150 Y +40 9 151 P +40 9 152 PI +40 9 153 PI +40 9 154 Y +40 9 155 Y +40 9 156 PI +40 9 157 Y +40 9 158 PO +40 9 159 PO +40 9 160 P +40 9 161 PI +40 9 162 P +40 9 163 PI +40 9 164 PI +40 9 165 Y +40 9 166 Y +40 9 167 PI +40 9 168 Y +40 9 169 PI +40 9 170 O +40 9 171 PI +40 9 172 PO +40 9 173 P +40 9 174 U +40 9 175 O +40 9 176 P +40 9 177 PO +40 9 178 PI +40 9 179 Y +40 9 180 PI +40 9 181 Y +40 9 182 PI +40 9 183 Y +40 9 184 PI +40 9 185 Y +40 9 186 PI +40 9 187 U +40 9 188 PI +40 9 189 O +40 9 190 P +40 9 191 PI +40 9 192 PI +40 9 193 U +40 9 194 P +40 9 195 PI +40 9 196 O +40 9 197 PI +40 9 198 Y +40 9 199 O +40 9 200 PI +40 9 201 PI +40 9 202 PI +40 9 203 P +40 9 204 Y +40 9 205 PI +40 9 206 O +40 9 207 P +40 9 208 Y +40 9 209 PI +40 9 210 Y +40 9 211 PI +40 9 212 U +40 9 213 PI +40 9 214 U +40 9 215 P +40 9 216 Y +40 9 217 P +40 9 218 PI +40 9 219 O +40 9 220 Y +40 9 221 O +40 9 222 PI +40 9 223 PI +40 9 224 O +40 9 225 Y +40 9 226 Y +40 9 227 Y +40 9 228 Y +40 9 229 PI +40 9 230 PO +40 9 231 PI +40 9 232 Y +40 9 233 Y +40 9 234 PI +40 9 235 PI +40 9 236 PI +40 9 237 PO +40 9 238 PI +40 9 239 P +40 9 240 Y +40 9 241 PO +40 9 242 PO +40 9 243 P +40 9 244 PO +40 9 245 P +40 9 246 PI +40 9 247 PI +40 9 248 Y +40 9 249 PI +40 9 250 PI +40 9 251 PI +40 9 252 PO +40 9 253 PI +40 9 254 PI +40 9 255 Y +40 9 256 P +40 9 257 PI +40 9 258 U +40 9 259 P +40 9 260 PO +40 9 261 U +40 9 262 PO +40 9 263 O +40 9 264 O +40 9 265 Y +40 9 266 U +40 9 267 PI +40 9 268 PI +40 9 269 PI +40 9 270 U +40 9 271 Y +40 9 272 PO +40 9 273 PI +40 9 274 PO +40 9 275 U +40 9 276 P +40 9 277 Y +40 9 278 U +40 9 279 PI +40 9 280 PI +40 9 281 PI +40 9 282 PI +40 9 283 O +40 9 284 PO +40 9 285 P +40 9 286 PO +40 9 287 Y +40 9 288 P +40 9 289 PI +40 9 290 PO +40 9 291 PI +40 9 292 PI +40 9 293 PO +40 9 294 PO +40 9 295 O +40 9 296 Y +40 9 297 U +40 9 298 P +40 9 299 PI +40 9 300 O +40 9 301 PI +40 9 302 PO +40 9 303 PO +40 9 304 PI +40 9 305 PI +40 9 306 PI +40 9 307 PI +40 9 308 PI +40 9 309 Y +40 9 310 PI +40 9 311 PI +40 9 312 Y +40 9 313 PI +40 9 314 PO +40 9 315 PI +40 9 316 PI +40 9 317 P +40 9 318 U +40 9 319 PO +40 9 320 Y +40 9 321 P +40 9 322 PO +40 9 323 PI +40 9 324 PO +40 9 325 PI +40 9 326 U +40 9 327 PO +40 9 328 PI +40 9 329 Y +40 9 330 PO +40 10 1 PI +40 10 2 C +40 10 3 P +40 10 4 PI +40 10 5 C +40 10 6 O +40 10 7 C +40 10 8 P +40 10 9 U +40 10 10 PI +40 10 11 C +40 10 12 U +40 10 13 C +40 10 14 PI +40 10 15 O +40 10 16 PO +40 10 17 P +40 10 18 O +40 10 19 PI +40 10 20 C +40 10 21 P +40 10 22 U +40 10 23 U +40 10 24 Y +40 10 25 C +40 10 26 PI +40 10 27 PO +40 10 28 P +40 10 29 C +40 10 30 P +40 10 31 C +40 10 32 P +40 10 33 C +40 10 34 PI +40 10 35 P +40 10 36 C +40 10 37 PI +40 10 38 P +40 10 39 C +40 10 40 PI +40 10 41 P +40 10 42 U +40 10 43 PI +40 10 44 PO +40 10 45 C +40 10 46 O +40 10 47 C +40 10 48 U +40 10 49 PI +40 10 50 P +40 10 51 P +40 10 52 O +40 10 53 P +40 10 54 C +40 10 55 PI +40 10 56 P +40 10 57 C +40 10 58 O +40 10 59 O +40 10 60 PI +40 10 61 P +40 10 62 O +40 10 63 P +40 10 64 PI +40 10 65 P +40 10 66 O +40 10 67 C +40 10 68 P +40 10 69 O +40 10 70 PO +40 10 71 P +40 10 72 C +40 10 73 P +40 10 74 PI +40 10 75 C +40 10 76 P +40 10 77 C +40 10 78 P +40 10 79 O +40 10 80 PI +40 10 81 C +40 10 82 PI +40 10 83 O +40 10 84 PI +40 10 85 C +40 10 86 P +40 10 87 O +40 10 88 P +40 10 89 Y +40 10 90 C +40 10 91 C +40 10 92 O +40 10 93 PI +40 10 94 Y +40 10 95 PO +40 10 96 U +40 10 97 PI +40 10 98 P +40 10 99 O +40 10 100 PI +40 10 101 P +40 10 102 O +40 10 103 PI +40 10 104 PI +40 10 105 P +40 10 106 U +40 10 107 PO +40 10 108 C +40 10 109 PI +40 10 110 U +40 10 111 C +40 10 112 P +40 10 113 Y +40 10 114 C +40 10 115 P +40 10 116 PI +40 10 117 Y +40 10 118 P +40 10 119 C +40 10 120 PO +40 10 121 P +40 10 122 C +40 10 123 PI +40 10 124 O +40 10 125 P +40 10 126 P +40 10 127 C +40 10 128 U +40 10 129 PO +40 10 130 C +40 10 131 P +40 10 132 P +40 10 133 C +40 10 134 Y +40 10 135 P +40 10 136 C +40 10 137 C +40 10 138 PI +40 10 139 PO +40 10 140 PI +40 10 141 PO +40 10 142 PO +40 10 143 C +40 10 144 PI +40 10 145 C +40 10 146 U +40 10 147 C +40 10 148 P +40 10 149 C +40 10 150 PI +40 10 151 P +40 10 152 P +40 10 153 PI +40 10 154 O +40 10 155 Y +40 10 156 C +40 10 157 Y +40 10 158 PO +40 10 159 U +40 10 160 O +40 10 161 C +40 10 162 P +40 10 163 C +40 10 164 PI +40 10 165 C +40 10 166 PI +40 10 167 O +40 10 168 C +40 10 169 PI +40 10 170 C +40 10 171 C +40 10 172 PO +40 10 173 P +40 10 174 U +40 10 175 O +40 10 176 P +40 10 177 U +40 10 178 PI +40 10 179 P +40 10 180 C +40 10 181 U +40 10 182 P +40 10 183 O +40 10 184 P +40 10 185 U +40 10 186 PI +40 10 187 P +40 10 188 PI +40 10 189 O +40 10 190 P +40 10 191 C +40 10 192 PI +40 10 193 U +40 10 194 Y +40 10 195 C +40 10 196 C +40 10 197 PI +40 10 198 Y +40 10 199 PI +40 10 200 PI +40 10 201 P +40 10 202 C +40 10 203 P +40 10 204 Y +40 10 205 PI +40 10 206 O +40 10 207 P +40 10 208 U +40 10 209 C +40 10 210 Y +40 10 211 PI +40 10 212 P +40 10 213 O +40 10 214 C +40 10 215 P +40 10 216 C +40 10 217 P +40 10 218 C +40 10 219 O +40 10 220 PI +40 10 221 O +40 10 222 PI +40 10 223 C +40 10 224 PO +40 10 225 U +40 10 226 PI +40 10 227 Y +40 10 228 PI +40 10 229 C +40 10 230 O +40 10 231 P +40 10 232 Y +40 10 233 PI +40 10 234 C +40 10 235 PI +40 10 236 C +40 10 237 P +40 10 238 C +40 10 239 P +40 10 240 Y +40 10 241 PO +40 10 242 U +40 10 243 P +40 10 244 PO +40 10 245 U +40 10 246 C +40 10 247 PI +40 10 248 C +40 10 249 C +40 10 250 PI +40 10 251 C +40 10 252 U +40 10 253 C +40 10 254 PI +40 10 255 Y +40 10 256 P +40 10 257 PI +40 10 258 U +40 10 259 P +40 10 260 U +40 10 261 P +40 10 262 PO +40 10 263 O +40 10 264 PI +40 10 265 C +40 10 266 P +40 10 267 PI +40 10 268 C +40 10 269 P +40 10 270 U +40 10 271 C +40 10 272 PO +40 10 273 PI +40 10 274 PO +40 10 275 U +40 10 276 P +40 10 277 PI +40 10 278 P +40 10 279 PI +40 10 280 C +40 10 281 C +40 10 282 C +40 10 283 Y +40 10 284 O +40 10 285 P +40 10 286 PO +40 10 287 Y +40 10 288 P +40 10 289 C +40 10 290 O +40 10 291 PI +40 10 292 P +40 10 293 O +40 10 294 PO +40 10 295 Y +40 10 296 PI +40 10 297 U +40 10 298 P +40 10 299 C +40 10 300 O +40 10 301 C +40 10 302 O +40 10 303 O +40 10 304 C +40 10 305 PI +40 10 306 C +40 10 307 PI +40 10 308 PI +40 10 309 C +40 10 310 C +40 10 311 PI +40 10 312 Y +40 10 313 PI +40 10 314 PO +40 10 315 C +40 10 316 C +40 10 317 P +40 10 318 P +40 10 319 O +40 10 320 C +40 10 321 P +40 10 322 PI +40 10 323 C +40 10 324 O +40 10 325 P +40 10 326 U +40 10 327 O +40 10 328 C +40 10 329 Y +40 10 330 PI +40 11 1 PI +40 11 2 C +40 11 3 P +40 11 4 C +40 11 5 C +40 11 6 U +40 11 7 C +40 11 8 P +40 11 9 * +40 11 10 PI +40 11 11 PI +40 11 12 U +40 11 13 C +40 11 14 PI +40 11 15 P +40 11 16 O +40 11 17 P +40 11 18 Y +40 11 19 PI +40 11 20 C +40 11 21 P +40 11 22 U +40 11 23 O +40 11 24 O +40 11 25 PI +40 11 26 PI +40 11 27 U +40 11 28 P +40 11 29 C +40 11 30 U +40 11 31 C +40 11 32 P +40 11 33 C +40 11 34 PI +40 11 35 P +40 11 36 C +40 11 37 PI +40 11 38 P +40 11 39 C +40 11 40 C +40 11 41 P +40 11 42 O +40 11 43 C +40 11 44 O +40 11 45 C +40 11 46 O +40 11 47 C +40 11 48 U +40 11 49 PI +40 11 50 * +40 11 51 O +40 11 52 O +40 11 53 P +40 11 54 C +40 11 55 C +40 11 56 P +40 11 57 C +40 11 58 O +40 11 59 O +40 11 60 P +40 11 61 P +40 11 62 O +40 11 63 P +40 11 64 PI +40 11 65 P +40 11 66 O +40 11 67 C +40 11 68 P +40 11 69 C +40 11 70 O +40 11 71 P +40 11 72 C +40 11 73 P +40 11 74 O +40 11 75 C +40 11 76 P +40 11 77 C +40 11 78 O +40 11 79 O +40 11 80 PI +40 11 81 C +40 11 82 C +40 11 83 U +40 11 84 P +40 11 85 C +40 11 86 P +40 11 87 Y +40 11 88 P +40 11 89 Y +40 11 90 C +40 11 91 C +40 11 92 O +40 11 93 PI +40 11 94 Y +40 11 95 O +40 11 96 U +40 11 97 PI +40 11 98 P +40 11 99 O +40 11 100 C +40 11 101 P +40 11 102 O +40 11 103 U +40 11 104 PI +40 11 105 P +40 11 106 U +40 11 107 O +40 11 108 C +40 11 109 C +40 11 110 U +40 11 111 O +40 11 112 P +40 11 113 Y +40 11 114 C +40 11 115 P +40 11 116 O +40 11 117 P +40 11 118 P +40 11 119 C +40 11 120 O +40 11 121 P +40 11 122 PI +40 11 123 C +40 11 124 C +40 11 125 U +40 11 126 P +40 11 127 C +40 11 128 U +40 11 129 O +40 11 130 Y +40 11 131 PI +40 11 132 P +40 11 133 C +40 11 134 O +40 11 135 P +40 11 136 C +40 11 137 C +40 11 138 P +40 11 139 O +40 11 140 PI +40 11 141 O +40 11 142 O +40 11 143 C +40 11 144 PI +40 11 145 PI +40 11 146 U +40 11 147 PI +40 11 148 P +40 11 149 PI +40 11 150 PI +40 11 151 U +40 11 152 O +40 11 153 PI +40 11 154 Y +40 11 155 O +40 11 156 C +40 11 157 P +40 11 158 O +40 11 159 U +40 11 160 P +40 11 161 C +40 11 162 P +40 11 163 C +40 11 164 PI +40 11 165 PI +40 11 166 PI +40 11 167 O +40 11 168 C +40 11 169 PI +40 11 170 PI +40 11 171 C +40 11 172 PO +40 11 173 P +40 11 174 U +40 11 175 PI +40 11 176 P +40 11 177 U +40 11 178 PI +40 11 179 P +40 11 180 C +40 11 181 U +40 11 182 P +40 11 183 U +40 11 184 PI +40 11 185 U +40 11 186 PI +40 11 187 U +40 11 188 PI +40 11 189 O +40 11 190 P +40 11 191 C +40 11 192 P +40 11 193 U +40 11 194 P +40 11 195 C +40 11 196 PI +40 11 197 O +40 11 198 Y +40 11 199 O +40 11 200 C +40 11 201 U +40 11 202 C +40 11 203 P +40 11 204 Y +40 11 205 O +40 11 206 O +40 11 207 P +40 11 208 U +40 11 209 C +40 11 210 P +40 11 211 PI +40 11 212 U +40 11 213 O +40 11 214 C +40 11 215 P +40 11 216 PI +40 11 217 U +40 11 218 U +40 11 219 O +40 11 220 O +40 11 221 O +40 11 222 O +40 11 223 C +40 11 224 O +40 11 225 U +40 11 226 PI +40 11 227 Y +40 11 228 PI +40 11 229 C +40 11 230 U +40 11 231 P +40 11 232 U +40 11 233 O +40 11 234 C +40 11 235 PI +40 11 236 U +40 11 237 U +40 11 238 PI +40 11 239 P +40 11 240 P +40 11 241 O +40 11 242 U +40 11 243 P +40 11 244 O +40 11 245 P +40 11 246 PI +40 11 247 O +40 11 248 PI +40 11 249 PI +40 11 250 O +40 11 251 PI +40 11 252 U +40 11 253 PI +40 11 254 O +40 11 255 Y +40 11 256 P +40 11 257 PI +40 11 258 U +40 11 259 P +40 11 260 U +40 11 261 U +40 11 262 O +40 11 263 O +40 11 264 O +40 11 265 C +40 11 266 U +40 11 267 P +40 11 268 C +40 11 269 P +40 11 270 U +40 11 271 C +40 11 272 O +40 11 273 P +40 11 274 O +40 11 275 U +40 11 276 P +40 11 277 PI +40 11 278 U +40 11 279 C +40 11 280 C +40 11 281 C +40 11 282 C +40 11 283 P +40 11 284 O +40 11 285 U +40 11 286 O +40 11 287 U +40 11 288 P +40 11 289 PI +40 11 290 O +40 11 291 PI +40 11 292 U +40 11 293 O +40 11 294 O +40 11 295 U +40 11 296 P +40 11 297 U +40 11 298 P +40 11 299 C +40 11 300 O +40 11 301 C +40 11 302 O +40 11 303 O +40 11 304 C +40 11 305 P +40 11 306 C +40 11 307 PI +40 11 308 O +40 11 309 O +40 11 310 C +40 11 311 PI +40 11 312 Y +40 11 313 C +40 11 314 O +40 11 315 C +40 11 316 PI +40 11 317 P +40 11 318 U +40 11 319 O +40 11 320 O +40 11 321 P +40 11 322 C +40 11 323 C +40 11 324 O +40 11 325 P +40 11 326 U +40 11 327 O +40 11 328 C +40 11 329 O +40 11 330 O +40 12 1 PI +40 12 2 PI +40 12 3 P +40 12 4 P +40 12 5 C +40 12 6 U +40 12 7 C +40 12 8 P +40 12 9 P +40 12 10 PI +40 12 11 Y +40 12 12 U +40 12 13 C +40 12 14 Y +40 12 15 P +40 12 16 PO +40 12 17 P +40 12 18 Y +40 12 19 PI +40 12 20 C +40 12 21 P +40 12 22 U +40 12 23 P +40 12 24 Y +40 12 25 PI +40 12 26 PI +40 12 27 U +40 12 28 P +40 12 29 C +40 12 30 P +40 12 31 PI +40 12 32 P +40 12 33 C +40 12 34 PI +40 12 35 P +40 12 36 C +40 12 37 PI +40 12 38 P +40 12 39 C +40 12 40 PI +40 12 41 P +40 12 42 U +40 12 43 Y +40 12 44 U +40 12 45 C +40 12 46 Y +40 12 47 Y +40 12 48 U +40 12 49 PI +40 12 50 P +40 12 51 U +40 12 52 O +40 12 53 P +40 12 54 C +40 12 55 PI +40 12 56 U +40 12 57 PI +40 12 58 U +40 12 59 P +40 12 60 PI +40 12 61 P +40 12 62 PI +40 12 63 P +40 12 64 PI +40 12 65 P +40 12 66 U +40 12 67 C +40 12 68 P +40 12 69 C +40 12 70 U +40 12 71 P +40 12 72 C +40 12 73 P +40 12 74 PI +40 12 75 C +40 12 76 P +40 12 77 C +40 12 78 U +40 12 79 Y +40 12 80 PI +40 12 81 C +40 12 82 C +40 12 83 U +40 12 84 P +40 12 85 C +40 12 86 P +40 12 87 Y +40 12 88 P +40 12 89 Y +40 12 90 C +40 12 91 U +40 12 92 U +40 12 93 PI +40 12 94 P +40 12 95 U +40 12 96 U +40 12 97 PI +40 12 98 P +40 12 99 PI +40 12 100 C +40 12 101 P +40 12 102 PI +40 12 103 U +40 12 104 PI +40 12 105 P +40 12 106 U +40 12 107 PO +40 12 108 PI +40 12 109 PI +40 12 110 U +40 12 111 C +40 12 112 P +40 12 113 Y +40 12 114 C +40 12 115 P +40 12 116 PI +40 12 117 Y +40 12 118 P +40 12 119 C +40 12 120 PO +40 12 121 P +40 12 122 C +40 12 123 C +40 12 124 U +40 12 125 P +40 12 126 P +40 12 127 C +40 12 128 U +40 12 129 PO +40 12 130 Y +40 12 131 P +40 12 132 P +40 12 133 C +40 12 134 P +40 12 135 P +40 12 136 C +40 12 137 C +40 12 138 PI +40 12 139 PO +40 12 140 PI +40 12 141 PO +40 12 142 PO +40 12 143 U +40 12 144 PI +40 12 145 C +40 12 146 U +40 12 147 C +40 12 148 P +40 12 149 U +40 12 150 P +40 12 151 P +40 12 152 P +40 12 153 PI +40 12 154 Y +40 12 155 Y +40 12 156 C +40 12 157 P +40 12 158 PO +40 12 159 U +40 12 160 P +40 12 161 C +40 12 162 P +40 12 163 C +40 12 164 PI +40 12 165 U +40 12 166 PI +40 12 167 O +40 12 168 C +40 12 169 PI +40 12 170 PI +40 12 171 C +40 12 172 PO +40 12 173 P +40 12 174 U +40 12 175 PI +40 12 176 P +40 12 177 U +40 12 178 PI +40 12 179 P +40 12 180 C +40 12 181 U +40 12 182 P +40 12 183 U +40 12 184 P +40 12 185 U +40 12 186 PI +40 12 187 U +40 12 188 PI +40 12 189 O +40 12 190 P +40 12 191 C +40 12 192 P +40 12 193 U +40 12 194 P +40 12 195 C +40 12 196 PI +40 12 197 P +40 12 198 Y +40 12 199 O +40 12 200 PI +40 12 201 P +40 12 202 C +40 12 203 P +40 12 204 Y +40 12 205 P +40 12 206 U +40 12 207 P +40 12 208 U +40 12 209 C +40 12 210 P +40 12 211 PI +40 12 212 U +40 12 213 O +40 12 214 U +40 12 215 P +40 12 216 Y +40 12 217 P +40 12 218 U +40 12 219 O +40 12 220 PI +40 12 221 O +40 12 222 P +40 12 223 C +40 12 224 O +40 12 225 U +40 12 226 PI +40 12 227 Y +40 12 228 PI +40 12 229 U +40 12 230 U +40 12 231 P +40 12 232 U +40 12 233 PI +40 12 234 C +40 12 235 PI +40 12 236 U +40 12 237 P +40 12 238 U +40 12 239 P +40 12 240 P +40 12 241 O +40 12 242 U +40 12 243 P +40 12 244 PI +40 12 245 P +40 12 246 C +40 12 247 PI +40 12 248 Y +40 12 249 C +40 12 250 P +40 12 251 C +40 12 252 U +40 12 253 C +40 12 254 PI +40 12 255 Y +40 12 256 P +40 12 257 PI +40 12 258 U +40 12 259 P +40 12 260 U +40 12 261 U +40 12 262 O +40 12 263 O +40 12 264 PI +40 12 265 C +40 12 266 P +40 12 267 P +40 12 268 C +40 12 269 P +40 12 270 U +40 12 271 C +40 12 272 O +40 12 273 P +40 12 274 PO +40 12 275 U +40 12 276 P +40 12 277 PI +40 12 278 U +40 12 279 PI +40 12 280 C +40 12 281 C +40 12 282 C +40 12 283 P +40 12 284 O +40 12 285 P +40 12 286 O +40 12 287 U +40 12 288 P +40 12 289 C +40 12 290 U +40 12 291 PI +40 12 292 P +40 12 293 O +40 12 294 O +40 12 295 P +40 12 296 P +40 12 297 U +40 12 298 P +40 12 299 C +40 12 300 O +40 12 301 C +40 12 302 U +40 12 303 PI +40 12 304 C +40 12 305 P +40 12 306 U +40 12 307 PI +40 12 308 PI +40 12 309 Y +40 12 310 C +40 12 311 PI +40 12 312 Y +40 12 313 PI +40 12 314 O +40 12 315 C +40 12 316 C +40 12 317 P +40 12 318 U +40 12 319 O +40 12 320 U +40 12 321 P +40 12 322 PI +40 12 323 C +40 12 324 U +40 12 325 P +40 12 326 U +40 12 327 O +40 12 328 C +40 12 329 U +40 12 330 O +40 13 1 PI +40 13 2 PI +40 13 3 P +40 13 4 P +40 13 5 PI +40 13 6 P +40 13 7 PI +40 13 8 P +40 13 9 PI +40 13 10 PI +40 13 11 PI +40 13 12 U +40 13 13 PI +40 13 14 PI +40 13 15 P +40 13 16 PO +40 13 17 P +40 13 18 Y +40 13 19 PI +40 13 20 PI +40 13 21 P +40 13 22 U +40 13 23 PI +40 13 24 Y +40 13 25 PI +40 13 26 PI +40 13 27 PO +40 13 28 P +40 13 29 PI +40 13 30 P +40 13 31 PI +40 13 32 P +40 13 33 PI +40 13 34 PI +40 13 35 P +40 13 36 PI +40 13 37 PI +40 13 38 P +40 13 39 PI +40 13 40 PI +40 13 41 P +40 13 42 U +40 13 43 PI +40 13 44 PO +40 13 45 U +40 13 46 O +40 13 47 PI +40 13 48 U +40 13 49 PI +40 13 50 PI +40 13 51 Y +40 13 52 PO +40 13 53 P +40 13 54 U +40 13 55 PI +40 13 56 PO +40 13 57 PI +40 13 58 U +40 13 59 PO +40 13 60 PI +40 13 61 P +40 13 62 U +40 13 63 P +40 13 64 PI +40 13 65 P +40 13 66 PO +40 13 67 PI +40 13 68 P +40 13 69 Y +40 13 70 PO +40 13 71 Y +40 13 72 PI +40 13 73 PI +40 13 74 PO +40 13 75 PI +40 13 76 P +40 13 77 PI +40 13 78 P +40 13 79 Y +40 13 80 PI +40 13 81 PI +40 13 82 PI +40 13 83 U +40 13 84 PI +40 13 85 PI +40 13 86 P +40 13 87 Y +40 13 88 PI +40 13 89 Y +40 13 90 PI +40 13 91 PI +40 13 92 PO +40 13 93 PI +40 13 94 Y +40 13 95 PI +40 13 96 U +40 13 97 PI +40 13 98 PI +40 13 99 PI +40 13 100 PI +40 13 101 P +40 13 102 PI +40 13 103 PI +40 13 104 PI +40 13 105 PI +40 13 106 U +40 13 107 PO +40 13 108 PO +40 13 109 PI +40 13 110 U +40 13 111 PI +40 13 112 P +40 13 113 Y +40 13 114 PI +40 13 115 PI +40 13 116 PO +40 13 117 Y +40 13 118 U +40 13 119 PI +40 13 120 PO +40 13 121 P +40 13 122 PI +40 13 123 PI +40 13 124 PI +40 13 125 U +40 13 126 P +40 13 127 C +40 13 128 U +40 13 129 PO +40 13 130 Y +40 13 131 PI +40 13 132 P +40 13 133 PI +40 13 134 Y +40 13 135 P +40 13 136 PI +40 13 137 PI +40 13 138 PI +40 13 139 PO +40 13 140 PI +40 13 141 PO +40 13 142 PI +40 13 143 U +40 13 144 PI +40 13 145 PI +40 13 146 U +40 13 147 * +40 13 148 * +40 13 149 * +40 13 150 * +40 13 151 * +40 13 152 * +40 13 153 * +40 13 154 * +40 13 155 * +40 13 156 * +40 13 157 * +40 13 158 * +40 13 159 * +40 13 160 * +40 13 161 * +40 13 162 * +40 13 163 * +40 13 164 * +40 13 165 * +40 13 166 * +40 13 167 * +40 13 168 * +40 13 169 PI +40 13 170 PI +40 13 171 Y +40 13 172 PO +40 13 173 P +40 13 174 U +40 13 175 PO +40 13 176 P +40 13 177 U +40 13 178 PI +40 13 179 PI +40 13 180 PI +40 13 181 U +40 13 182 Y +40 13 183 * +40 13 184 PI +40 13 185 * +40 13 186 PI +40 13 187 U +40 13 188 PI +40 13 189 PO +40 13 190 P +40 13 191 * +40 13 192 PI +40 13 193 U +40 13 194 Y +40 13 195 PI +40 13 196 PI +40 13 197 PI +40 13 198 Y +40 13 199 PO +40 13 200 PI +40 13 201 U +40 13 202 PI +40 13 203 P +40 13 204 Y +40 13 205 PI +40 13 206 PO +40 13 207 P +40 13 208 U +40 13 209 PI +40 13 210 Y +40 13 211 PI +40 13 212 U +40 13 213 PI +40 13 214 U +40 13 215 PI +40 13 216 Y +40 13 217 P +40 13 218 PI +40 13 219 PO +40 13 220 PI +40 13 221 PO +40 13 222 PI +40 13 223 PI +40 13 224 PO +40 13 225 U +40 13 226 PI +40 13 227 Y +40 13 228 PI +40 13 229 PI +40 13 230 PO +40 13 231 PI +40 13 232 U +40 13 233 PI +40 13 234 PI +40 13 235 PI +40 13 236 U +40 13 237 U +40 13 238 PI +40 13 239 P +40 13 240 Y +40 13 241 PO +40 13 242 U +40 13 243 PI +40 13 244 PO +40 13 245 P +40 13 246 PI +40 13 247 PI +40 13 248 Y +40 13 249 PI +40 13 250 PI +40 13 251 PI +40 13 252 PO +40 13 253 PI +40 13 254 PI +40 13 255 Y +40 13 256 P +40 13 257 PI +40 13 258 U +40 13 259 Y +40 13 260 PO +40 13 261 U +40 13 262 PO +40 13 263 U +40 13 264 PI +40 13 265 PI +40 13 266 P +40 13 267 PI +40 13 268 U +40 13 269 PI +40 13 270 U +40 13 271 PI +40 13 272 PO +40 13 273 U +40 13 274 PO +40 13 275 PI +40 13 276 PI +40 13 277 PI +40 13 278 U +40 13 279 U +40 13 280 PI +40 13 281 PI +40 13 282 PI +40 13 283 Y +40 13 284 PO +40 13 285 P +40 13 286 PO +40 13 287 U +40 13 288 P +40 13 289 PI +40 13 290 PO +40 13 291 PI +40 13 292 PI +40 13 293 PO +40 13 294 U +40 13 295 Y +40 13 296 PI +40 13 297 U +40 13 298 PI +40 13 299 PI +40 13 300 PO +40 13 301 PI +40 13 302 PO +40 13 303 PI +40 13 304 PI +40 13 305 PI +40 13 306 PI +40 13 307 PI +40 13 308 PI +40 13 309 Y +40 13 310 PI +40 13 311 PI +40 13 312 Y +40 13 313 PI +40 13 314 PO +40 13 315 U +40 13 316 PI +40 13 317 P +40 13 318 U +40 13 319 PO +40 13 320 PI +40 13 321 P +40 13 322 PI +40 13 323 PI +40 13 324 PO +40 13 325 PI +40 13 326 U +40 13 327 PO +40 13 328 Y +40 13 329 Y +40 13 330 PO +40 14 1 PI +40 14 2 O +40 14 3 P +40 14 4 U +40 14 5 O +40 14 6 U +40 14 7 C +40 14 8 P +40 14 9 U +40 14 10 PI +40 14 11 O +40 14 12 U +40 14 13 C +40 14 14 PI +40 14 15 O +40 14 16 PO +40 14 17 P +40 14 18 Y +40 14 19 PI +40 14 20 C +40 14 21 P +40 14 22 U +40 14 23 C +40 14 24 Y +40 14 25 PI +40 14 26 PI +40 14 27 PO +40 14 28 U +40 14 29 C +40 14 30 U +40 14 31 O +40 14 32 P +40 14 33 C +40 14 34 PI +40 14 35 P +40 14 36 PI +40 14 37 PI +40 14 38 P +40 14 39 C +40 14 40 PI +40 14 41 P +40 14 42 U +40 14 43 PI +40 14 44 O +40 14 45 C +40 14 46 O +40 14 47 PI +40 14 48 U +40 14 49 PI +40 14 50 O +40 14 51 U +40 14 52 PO +40 14 53 P +40 14 54 PI +40 14 55 O +40 14 56 U +40 14 57 O +40 14 58 U +40 14 59 O +40 14 60 PI +40 14 61 P +40 14 62 O +40 14 63 U +40 14 64 PI +40 14 65 P +40 14 66 PO +40 14 67 O +40 14 68 P +40 14 69 O +40 14 70 O +40 14 71 P +40 14 72 C +40 14 73 O +40 14 74 O +40 14 75 C +40 14 76 P +40 14 77 PI +40 14 78 O +40 14 79 O +40 14 80 PI +40 14 81 O +40 14 82 O +40 14 83 PO +40 14 84 U +40 14 85 PI +40 14 86 O +40 14 87 Y +40 14 88 P +40 14 89 Y +40 14 90 PI +40 14 91 O +40 14 92 PO +40 14 93 PI +40 14 94 Y +40 14 95 O +40 14 96 U +40 14 97 PI +40 14 98 P +40 14 99 O +40 14 100 O +40 14 101 P +40 14 102 O +40 14 103 O +40 14 104 O +40 14 105 U +40 14 106 U +40 14 107 O +40 14 108 O +40 14 109 PI +40 14 110 U +40 14 111 PI +40 14 112 P +40 14 113 Y +40 14 114 PI +40 14 115 P +40 14 116 O +40 14 117 O +40 14 118 P +40 14 119 PI +40 14 120 PO +40 14 121 P +40 14 122 C +40 14 123 PI +40 14 124 O +40 14 125 U +40 14 126 O +40 14 127 PI +40 14 128 O +40 14 129 PO +40 14 130 U +40 14 131 O +40 14 132 P +40 14 133 C +40 14 134 U +40 14 135 P +40 14 136 PI +40 14 137 U +40 14 138 O +40 14 139 O +40 14 140 PI +40 14 141 PO +40 14 142 O +40 14 143 PI +40 14 144 PI +40 14 145 PI +40 14 146 U +40 14 147 PI +40 14 148 P +40 14 149 PI +40 14 150 U +40 14 151 P +40 14 152 O +40 14 153 PI +40 14 154 O +40 14 155 U +40 14 156 PI +40 14 157 U +40 14 158 PO +40 14 159 U +40 14 160 P +40 14 161 C +40 14 162 P +40 14 163 PI +40 14 164 PI +40 14 165 U +40 14 166 PI +40 14 167 O +40 14 168 C +40 14 169 O +40 14 170 U +40 14 171 O +40 14 172 PO +40 14 173 P +40 14 174 U +40 14 175 O +40 14 176 P +40 14 177 U +40 14 178 PI +40 14 179 P +40 14 180 C +40 14 181 U +40 14 182 P +40 14 183 O +40 14 184 O +40 14 185 P +40 14 186 PI +40 14 187 U +40 14 188 PI +40 14 189 O +40 14 190 P +40 14 191 C +40 14 192 O +40 14 193 U +40 14 194 U +40 14 195 C +40 14 196 O +40 14 197 U +40 14 198 Y +40 14 199 O +40 14 200 PI +40 14 201 P +40 14 202 C +40 14 203 P +40 14 204 Y +40 14 205 PI +40 14 206 O +40 14 207 P +40 14 208 U +40 14 209 C +40 14 210 O +40 14 211 PI +40 14 212 U +40 14 213 O +40 14 214 O +40 14 215 O +40 14 216 Y +40 14 217 P +40 14 218 O +40 14 219 O +40 14 220 PI +40 14 221 PO +40 14 222 PI +40 14 223 C +40 14 224 O +40 14 225 O +40 14 226 PI +40 14 227 Y +40 14 228 PI +40 14 229 O +40 14 230 O +40 14 231 U +40 14 232 O +40 14 233 O +40 14 234 C +40 14 235 PI +40 14 236 O +40 14 237 U +40 14 238 C +40 14 239 P +40 14 240 O +40 14 241 O +40 14 242 PO +40 14 243 P +40 14 244 O +40 14 245 P +40 14 246 PI +40 14 247 O +40 14 248 Y +40 14 249 C +40 14 250 PI +40 14 251 C +40 14 252 O +40 14 253 C +40 14 254 O +40 14 255 Y +40 14 256 P +40 14 257 PI +40 14 258 U +40 14 259 P +40 14 260 O +40 14 261 P +40 14 262 PO +40 14 263 O +40 14 264 O +40 14 265 C +40 14 266 P +40 14 267 PI +40 14 268 C +40 14 269 P +40 14 270 U +40 14 271 C +40 14 272 O +40 14 273 P +40 14 274 PO +40 14 275 U +40 14 276 P +40 14 277 PI +40 14 278 U +40 14 279 PI +40 14 280 C +40 14 281 C +40 14 282 PI +40 14 283 U +40 14 284 O +40 14 285 P +40 14 286 PO +40 14 287 U +40 14 288 P +40 14 289 PI +40 14 290 O +40 14 291 PI +40 14 292 P +40 14 293 O +40 14 294 O +40 14 295 U +40 14 296 PI +40 14 297 U +40 14 298 P +40 14 299 C +40 14 300 O +40 14 301 PI +40 14 302 O +40 14 303 O +40 14 304 PI +40 14 305 PI +40 14 306 C +40 14 307 PI +40 14 308 O +40 14 309 U +40 14 310 C +40 14 311 PI +40 14 312 Y +40 14 313 PI +40 14 314 O +40 14 315 PI +40 14 316 PI +40 14 317 P +40 14 318 U +40 14 319 O +40 14 320 O +40 14 321 P +40 14 322 PI +40 14 323 C +40 14 324 PO +40 14 325 U +40 14 326 U +40 14 327 O +40 14 328 C +40 14 329 U +40 14 330 O +40 15 1 O +40 15 2 C +40 15 3 P +40 15 4 P +40 15 5 C +40 15 6 U +40 15 7 C +40 15 8 P +40 15 9 U +40 15 10 PI +40 15 11 C +40 15 12 U +40 15 13 C +40 15 14 PI +40 15 15 O +40 15 16 PO +40 15 17 P +40 15 18 Y +40 15 19 O +40 15 20 C +40 15 21 P +40 15 22 U +40 15 23 PI +40 15 24 Y +40 15 25 C +40 15 26 PI +40 15 27 PO +40 15 28 P +40 15 29 C +40 15 30 P +40 15 31 O +40 15 32 P +40 15 33 C +40 15 34 O +40 15 35 P +40 15 36 C +40 15 37 O +40 15 38 P +40 15 39 C +40 15 40 O +40 15 41 P +40 15 42 U +40 15 43 PI +40 15 44 PO +40 15 45 C +40 15 46 O +40 15 47 C +40 15 48 U +40 15 49 O +40 15 50 P +40 15 51 P +40 15 52 PO +40 15 53 P +40 15 54 C +40 15 55 O +40 15 56 P +40 15 57 C +40 15 58 U +40 15 59 PI +40 15 60 C +40 15 61 P +40 15 62 O +40 15 63 P +40 15 64 PI +40 15 65 P +40 15 66 PO +40 15 67 C +40 15 68 P +40 15 69 O +40 15 70 PO +40 15 71 P +40 15 72 C +40 15 73 P +40 15 74 O +40 15 75 C +40 15 76 U +40 15 77 O +40 15 78 PO +40 15 79 Y +40 15 80 PI +40 15 81 C +40 15 82 C +40 15 83 PO +40 15 84 P +40 15 85 C +40 15 86 P +40 15 87 Y +40 15 88 P +40 15 89 Y +40 15 90 C +40 15 91 U +40 15 92 PO +40 15 93 PI +40 15 94 Y +40 15 95 O +40 15 96 U +40 15 97 P +40 15 98 P +40 15 99 O +40 15 100 O +40 15 101 P +40 15 102 O +40 15 103 O +40 15 104 O +40 15 105 P +40 15 106 U +40 15 107 PO +40 15 108 O +40 15 109 PI +40 15 110 U +40 15 111 C +40 15 112 P +40 15 113 Y +40 15 114 C +40 15 115 P +40 15 116 O +40 15 117 P +40 15 118 P +40 15 119 C +40 15 120 PO +40 15 121 P +40 15 122 C +40 15 123 O +40 15 124 C +40 15 125 P +40 15 126 P +40 15 127 C +40 15 128 U +40 15 129 PO +40 15 130 Y +40 15 131 P +40 15 132 P +40 15 133 C +40 15 134 P +40 15 135 P +40 15 136 O +40 15 137 C +40 15 138 O +40 15 139 PO +40 15 140 PI +40 15 141 PO +40 15 142 PO +40 15 143 C +40 15 144 P +40 15 145 C +40 15 146 U +40 15 147 O +40 15 148 P +40 15 149 C +40 15 150 P +40 15 151 P +40 15 152 P +40 15 153 O +40 15 154 Y +40 15 155 Y +40 15 156 C +40 15 157 P +40 15 158 PO +40 15 159 U +40 15 160 P +40 15 161 C +40 15 162 P +40 15 163 C +40 15 164 PI +40 15 165 C +40 15 166 PI +40 15 167 O +40 15 168 C +40 15 169 PI +40 15 170 C +40 15 171 C +40 15 172 PO +40 15 173 P +40 15 174 U +40 15 175 O +40 15 176 P +40 15 177 U +40 15 178 PI +40 15 179 P +40 15 180 C +40 15 181 U +40 15 182 P +40 15 183 P +40 15 184 P +40 15 185 P +40 15 186 O +40 15 187 U +40 15 188 PI +40 15 189 PO +40 15 190 P +40 15 191 C +40 15 192 P +40 15 193 U +40 15 194 P +40 15 195 C +40 15 196 O +40 15 197 P +40 15 198 Y +40 15 199 O +40 15 200 PI +40 15 201 P +40 15 202 C +40 15 203 P +40 15 204 P +40 15 205 PI +40 15 206 PO +40 15 207 P +40 15 208 U +40 15 209 C +40 15 210 P +40 15 211 O +40 15 212 U +40 15 213 O +40 15 214 C +40 15 215 P +40 15 216 Y +40 15 217 P +40 15 218 C +40 15 219 PO +40 15 220 O +40 15 221 PO +40 15 222 P +40 15 223 C +40 15 224 PO +40 15 225 U +40 15 226 PI +40 15 227 Y +40 15 228 PI +40 15 229 C +40 15 230 PO +40 15 231 P +40 15 232 P +40 15 233 O +40 15 234 C +40 15 235 PI +40 15 236 C +40 15 237 P +40 15 238 C +40 15 239 P +40 15 240 P +40 15 241 PO +40 15 242 U +40 15 243 P +40 15 244 O +40 15 245 P +40 15 246 C +40 15 247 PI +40 15 248 C +40 15 249 C +40 15 250 P +40 15 251 C +40 15 252 PO +40 15 253 C +40 15 254 O +40 15 255 Y +40 15 256 P +40 15 257 PI +40 15 258 U +40 15 259 P +40 15 260 PO +40 15 261 U +40 15 262 PO +40 15 263 PO +40 15 264 O +40 15 265 C +40 15 266 P +40 15 267 P +40 15 268 C +40 15 269 P +40 15 270 U +40 15 271 C +40 15 272 PO +40 15 273 P +40 15 274 PO +40 15 275 U +40 15 276 P +40 15 277 PI +40 15 278 P +40 15 279 PI +40 15 280 C +40 15 281 C +40 15 282 C +40 15 283 P +40 15 284 PO +40 15 285 P +40 15 286 PO +40 15 287 U +40 15 288 P +40 15 289 O +40 15 290 PO +40 15 291 PI +40 15 292 P +40 15 293 PO +40 15 294 PO +40 15 295 P +40 15 296 PI +40 15 297 U +40 15 298 P +40 15 299 C +40 15 300 O +40 15 301 C +40 15 302 PO +40 15 303 O +40 15 304 C +40 15 305 P +40 15 306 C +40 15 307 PI +40 15 308 P +40 15 309 Y +40 15 310 C +40 15 311 PI +40 15 312 Y +40 15 313 PI +40 15 314 PO +40 15 315 C +40 15 316 C +40 15 317 P +40 15 318 U +40 15 319 PO +40 15 320 U +40 15 321 P +40 15 322 O +40 15 323 C +40 15 324 PO +40 15 325 P +40 15 326 U +40 15 327 PO +40 15 328 C +40 15 329 P +40 15 330 PO +40 16 1 PI +40 16 2 C +40 16 3 P +40 16 4 CA +40 16 5 C +40 16 6 U +40 16 7 C +40 16 8 CA +40 16 9 CA +40 16 10 PI +40 16 11 PI +40 16 12 U +40 16 13 PI +40 16 14 PI +40 16 15 O +40 16 16 PO +40 16 17 U +40 16 18 Y +40 16 19 C +40 16 20 C +40 16 21 P +40 16 22 U +40 16 23 PI +40 16 24 CA +40 16 25 PI +40 16 26 PI +40 16 27 PO +40 16 28 P +40 16 29 C +40 16 30 CA +40 16 31 O +40 16 32 P +40 16 33 C +40 16 34 PI +40 16 35 O +40 16 36 Y +40 16 37 PI +40 16 38 P +40 16 39 C +40 16 40 PI +40 16 41 P +40 16 42 U +40 16 43 PI +40 16 44 O +40 16 45 C +40 16 46 O +40 16 47 Y +40 16 48 U +40 16 49 O +40 16 50 CA +40 16 51 CA +40 16 52 PO +40 16 53 P +40 16 54 C +40 16 55 PI +40 16 56 U +40 16 57 PI +40 16 58 CA +40 16 59 PO +40 16 60 PI +40 16 61 P +40 16 62 O +40 16 63 U +40 16 64 PI +40 16 65 P +40 16 66 PO +40 16 67 C +40 16 68 P +40 16 69 CA +40 16 70 O +40 16 71 CA +40 16 72 C +40 16 73 P +40 16 74 O +40 16 75 Y +40 16 76 U +40 16 77 PI +40 16 78 O +40 16 79 Y +40 16 80 PI +40 16 81 C +40 16 82 C +40 16 83 PO +40 16 84 O +40 16 85 C +40 16 86 P +40 16 87 Y +40 16 88 P +40 16 89 Y +40 16 90 Y +40 16 91 C +40 16 92 PO +40 16 93 PI +40 16 94 CA +40 16 95 PO +40 16 96 U +40 16 97 PI +40 16 98 P +40 16 99 O +40 16 100 PO +40 16 101 CA +40 16 102 O +40 16 103 CA +40 16 104 PI +40 16 105 PI +40 16 106 U +40 16 107 PO +40 16 108 PO +40 16 109 PI +40 16 110 U +40 16 111 C +40 16 112 P +40 16 113 CA +40 16 114 PI +40 16 115 P +40 16 116 O +40 16 117 Y +40 16 118 P +40 16 119 C +40 16 120 PO +40 16 121 U +40 16 122 C +40 16 123 C +40 16 124 U +40 16 125 U +40 16 126 P +40 16 127 CA +40 16 128 U +40 16 129 O +40 16 130 Y +40 16 131 PI +40 16 132 P +40 16 133 C +40 16 134 CA +40 16 135 P +40 16 136 C +40 16 137 C +40 16 138 PI +40 16 139 O +40 16 140 PI +40 16 141 PO +40 16 142 O +40 16 143 C +40 16 144 CA +40 16 145 C +40 16 146 U +40 16 147 PI +40 16 148 P +40 16 149 C +40 16 150 O +40 16 151 O +40 16 152 P +40 16 153 PI +40 16 154 Y +40 16 155 CA +40 16 156 C +40 16 157 CA +40 16 158 PO +40 16 159 U +40 16 160 O +40 16 161 C +40 16 162 P +40 16 163 PI +40 16 164 PI +40 16 165 C +40 16 166 Y +40 16 167 O +40 16 168 C +40 16 169 PI +40 16 170 Y +40 16 171 C +40 16 172 PO +40 16 173 P +40 16 174 U +40 16 175 O +40 16 176 P +40 16 177 U +40 16 178 PI +40 16 179 CA +40 16 180 PI +40 16 181 U +40 16 182 P +40 16 183 CA +40 16 184 PI +40 16 185 CA +40 16 186 O +40 16 187 U +40 16 188 PI +40 16 189 PO +40 16 190 O +40 16 191 C +40 16 192 O +40 16 193 U +40 16 194 P +40 16 195 C +40 16 196 PI +40 16 197 O +40 16 198 Y +40 16 199 PO +40 16 200 PI +40 16 201 U +40 16 202 C +40 16 203 P +40 16 204 CA +40 16 205 PI +40 16 206 PO +40 16 207 P +40 16 208 CA +40 16 209 C +40 16 210 CA +40 16 211 PI +40 16 212 U +40 16 213 O +40 16 214 U +40 16 215 P +40 16 216 Y +40 16 217 O +40 16 218 PI +40 16 219 PO +40 16 220 O +40 16 221 PO +40 16 222 PI +40 16 223 C +40 16 224 PO +40 16 225 C +40 16 226 PI +40 16 227 Y +40 16 228 PI +40 16 229 C +40 16 230 PO +40 16 231 PI +40 16 232 CA +40 16 233 PI +40 16 234 C +40 16 235 PI +40 16 236 C +40 16 237 O +40 16 238 C +40 16 239 P +40 16 240 CA +40 16 241 PO +40 16 242 U +40 16 243 P +40 16 244 PO +40 16 245 P +40 16 246 C +40 16 247 O +40 16 248 C +40 16 249 C +40 16 250 O +40 16 251 C +40 16 252 PO +40 16 253 C +40 16 254 O +40 16 255 Y +40 16 256 P +40 16 257 PI +40 16 258 U +40 16 259 CA +40 16 260 PO +40 16 261 U +40 16 262 PO +40 16 263 O +40 16 264 PI +40 16 265 C +40 16 266 CA +40 16 267 P +40 16 268 C +40 16 269 P +40 16 270 U +40 16 271 C +40 16 272 PO +40 16 273 P +40 16 274 PO +40 16 275 O +40 16 276 P +40 16 277 PI +40 16 278 P +40 16 279 PI +40 16 280 C +40 16 281 C +40 16 282 C +40 16 283 CA +40 16 284 PO +40 16 285 O +40 16 286 PO +40 16 287 CA +40 16 288 P +40 16 289 PI +40 16 290 PO +40 16 291 PI +40 16 292 O +40 16 293 O +40 16 294 PO +40 16 295 Y +40 16 296 PI +40 16 297 U +40 16 298 P +40 16 299 C +40 16 300 O +40 16 301 C +40 16 302 O +40 16 303 PI +40 16 304 C +40 16 305 PI +40 16 306 C +40 16 307 PI +40 16 308 O +40 16 309 C +40 16 310 C +40 16 311 PI +40 16 312 Y +40 16 313 PI +40 16 314 PO +40 16 315 C +40 16 316 PI +40 16 317 P +40 16 318 U +40 16 319 PO +40 16 320 C +40 16 321 P +40 16 322 O +40 16 323 C +40 16 324 PO +40 16 325 P +40 16 326 U +40 16 327 PO +40 16 328 C +40 16 329 CA +40 16 330 PO +40 17 1 PI +40 17 2 PI +40 17 3 P +40 17 4 Y +40 17 5 PI +40 17 6 U +40 17 7 C +40 17 8 P +40 17 9 U +40 17 10 C +40 17 11 U +40 17 12 U +40 17 13 C +40 17 14 C +40 17 15 PO +40 17 16 PO +40 17 17 P +40 17 18 Y +40 17 19 * +40 17 20 C +40 17 21 P +40 17 22 U +40 17 23 PI +40 17 24 Y +40 17 25 C +40 17 26 PI +40 17 27 PO +40 17 28 P +40 17 29 * +40 17 30 * +40 17 31 PI +40 17 32 P +40 17 33 C +40 17 34 PI +40 17 35 P +40 17 36 C +40 17 37 PI +40 17 38 P +40 17 39 PI +40 17 40 PI +40 17 41 P +40 17 42 U +40 17 43 PI +40 17 44 PO +40 17 45 PI +40 17 46 Y +40 17 47 C +40 17 48 U +40 17 49 PI +40 17 50 CA +40 17 51 Y +40 17 52 PO +40 17 53 P +40 17 54 C +40 17 55 PI +40 17 56 U +40 17 57 PI +40 17 58 U +40 17 59 PO +40 17 60 PI +40 17 61 P +40 17 62 PI +40 17 63 * +40 17 64 PI +40 17 65 P +40 17 66 PO +40 17 67 PI +40 17 68 P +40 17 69 PI +40 17 70 PO +40 17 71 CA +40 17 72 PI +40 17 73 P +40 17 74 PI +40 17 75 PI +40 17 76 P +40 17 77 C +40 17 78 P +40 17 79 Y +40 17 80 PI +40 17 81 C +40 17 82 PI +40 17 83 PO +40 17 84 P +40 17 85 PI +40 17 86 P +40 17 87 Y +40 17 88 P +40 17 89 Y +40 17 90 CA +40 17 91 PI +40 17 92 PO +40 17 93 PI +40 17 94 Y +40 17 95 PO +40 17 96 U +40 17 97 PI +40 17 98 P +40 17 99 PI +40 17 100 PI +40 17 101 P +40 17 102 PI +40 17 103 CA +40 17 104 PI +40 17 105 P +40 17 106 U +40 17 107 PO +40 17 108 PI +40 17 109 PI +40 17 110 U +40 17 111 CA +40 17 112 P +40 17 113 Y +40 17 114 PI +40 17 115 P +40 17 116 PI +40 17 117 Y +40 17 118 P +40 17 119 PI +40 17 120 PO +40 17 121 P +40 17 122 PI +40 17 123 C +40 17 124 PI +40 17 125 P +40 17 126 P +40 17 127 C +40 17 128 PI +40 17 129 PO +40 17 130 CA +40 17 131 PI +40 17 132 P +40 17 133 C +40 17 134 P +40 17 135 P +40 17 136 PI +40 17 137 C +40 17 138 PI +40 17 139 PO +40 17 140 PI +40 17 141 PO +40 17 142 PO +40 17 143 PI +40 17 144 P +40 17 145 C +40 17 146 U +40 17 147 U +40 17 148 P +40 17 149 PI +40 17 150 PI +40 17 151 P +40 17 152 PI +40 17 153 PI +40 17 154 Y +40 17 155 CA +40 17 156 C +40 17 157 CA +40 17 158 PO +40 17 159 * +40 17 160 P +40 17 161 PI +40 17 162 P +40 17 163 C +40 17 164 PI +40 17 165 CA +40 17 166 Y +40 17 167 PI +40 17 168 C +40 17 169 PI +40 17 170 PI +40 17 171 PI +40 17 172 PO +40 17 173 P +40 17 174 U +40 17 175 PI +40 17 176 P +40 17 177 U +40 17 178 PI +40 17 179 P +40 17 180 C +40 17 181 U +40 17 182 P +40 17 183 U +40 17 184 PI +40 17 185 U +40 17 186 PI +40 17 187 U +40 17 188 PI +40 17 189 PI +40 17 190 PI +40 17 191 C +40 17 192 PI +40 17 193 U +40 17 194 P +40 17 195 C +40 17 196 PI +40 17 197 PI +40 17 198 CA +40 17 199 PO +40 17 200 PI +40 17 201 P +40 17 202 C +40 17 203 P +40 17 204 Y +40 17 205 PI +40 17 206 U +40 17 207 P +40 17 208 U +40 17 209 C +40 17 210 P +40 17 211 PI +40 17 212 U +40 17 213 PI +40 17 214 PI +40 17 215 PI +40 17 216 CA +40 17 217 PI +40 17 218 U +40 17 219 PI +40 17 220 PI +40 17 221 PI +40 17 222 PI +40 17 223 C +40 17 224 PO +40 17 225 U +40 17 226 PI +40 17 227 Y +40 17 228 PI +40 17 229 C +40 17 230 PO +40 17 231 PI +40 17 232 Y +40 17 233 PI +40 17 234 C +40 17 235 PI +40 17 236 PI +40 17 237 U +40 17 238 C +40 17 239 P +40 17 240 P +40 17 241 PO +40 17 242 U +40 17 243 P +40 17 244 PO +40 17 245 P +40 17 246 C +40 17 247 PI +40 17 248 C +40 17 249 C +40 17 250 PI +40 17 251 PI +40 17 252 PO +40 17 253 C +40 17 254 PI +40 17 255 Y +40 17 256 P +40 17 257 PI +40 17 258 U +40 17 259 P +40 17 260 PO +40 17 261 PI +40 17 262 PO +40 17 263 PO +40 17 264 PI +40 17 265 C +40 17 266 P +40 17 267 PI +40 17 268 C +40 17 269 PI +40 17 270 U +40 17 271 C +40 17 272 PO +40 17 273 PI +40 17 274 PO +40 17 275 U +40 17 276 P +40 17 277 PI +40 17 278 U +40 17 279 PI +40 17 280 C +40 17 281 C +40 17 282 PI +40 17 283 Y +40 17 284 PO +40 17 285 P +40 17 286 PO +40 17 287 U +40 17 288 P +40 17 289 PI +40 17 290 PO +40 17 291 PI +40 17 292 PI +40 17 293 PI +40 17 294 PO +40 17 295 CA +40 17 296 PI +40 17 297 U +40 17 298 P +40 17 299 C +40 17 300 PO +40 17 301 C +40 17 302 PO +40 17 303 PI +40 17 304 C +40 17 305 PI +40 17 306 C +40 17 307 PI +40 17 308 PI +40 17 309 Y +40 17 310 PI +40 17 311 PI +40 17 312 Y +40 17 313 PI +40 17 314 PO +40 17 315 PI +40 17 316 PI +40 17 317 CA +40 17 318 U +40 17 319 PO +40 17 320 PI +40 17 321 P +40 17 322 PI +40 17 323 C +40 17 324 PO +40 17 325 PI +40 17 326 U +40 17 327 PO +40 17 328 C +40 17 329 CA +40 17 330 PO +40 18 1 PI +40 18 2 PI +40 18 3 P +40 18 4 P +40 18 5 PI +40 18 6 U +40 18 7 C +40 18 8 P +40 18 9 CA +40 18 10 PI +40 18 11 C +40 18 12 U +40 18 13 PI +40 18 14 PI +40 18 15 P +40 18 16 O +40 18 17 P +40 18 18 Y +40 18 19 PI +40 18 20 C +40 18 21 P +40 18 22 U +40 18 23 PI +40 18 24 CA +40 18 25 PI +40 18 26 PI +40 18 27 U +40 18 28 P +40 18 29 PI +40 18 30 U +40 18 31 PI +40 18 32 P +40 18 33 PI +40 18 34 PI +40 18 35 P +40 18 36 C +40 18 37 PI +40 18 38 P +40 18 39 PI +40 18 40 PI +40 18 41 P +40 18 42 U +40 18 43 PI +40 18 44 U +40 18 45 PI +40 18 46 O +40 18 47 PI +40 18 48 U +40 18 49 PI +40 18 50 P +40 18 51 CA +40 18 52 C +40 18 53 P +40 18 54 PI +40 18 55 PI +40 18 56 P +40 18 57 PI +40 18 58 U +40 18 59 PI +40 18 60 PI +40 18 61 P +40 18 62 C +40 18 63 P +40 18 64 PI +40 18 65 P +40 18 66 U +40 18 67 PI +40 18 68 P +40 18 69 U +40 18 70 C +40 18 71 P +40 18 72 PI +40 18 73 P +40 18 74 PI +40 18 75 C +40 18 76 P +40 18 77 PI +40 18 78 P +40 18 79 Y +40 18 80 PI +40 18 81 PI +40 18 82 PI +40 18 83 U +40 18 84 P +40 18 85 PI +40 18 86 P +40 18 87 Y +40 18 88 P +40 18 89 Y +40 18 90 PI +40 18 91 U +40 18 92 U +40 18 93 PI +40 18 94 CA +40 18 95 PI +40 18 96 U +40 18 97 C +40 18 98 P +40 18 99 C +40 18 100 PI +40 18 101 P +40 18 102 C +40 18 103 U +40 18 104 PI +40 18 105 P +40 18 106 U +40 18 107 O +40 18 108 PI +40 18 109 PI +40 18 110 U +40 18 111 C +40 18 112 P +40 18 113 CA +40 18 114 PI +40 18 115 P +40 18 116 PI +40 18 117 CA +40 18 118 P +40 18 119 PI +40 18 120 O +40 18 121 P +40 18 122 PI +40 18 123 PI +40 18 124 PI +40 18 125 P +40 18 126 P +40 18 127 PI +40 18 128 U +40 18 129 O +40 18 130 PI +40 18 131 C +40 18 132 P +40 18 133 PI +40 18 134 CA +40 18 135 P +40 18 136 PI +40 18 137 PI +40 18 138 PI +40 18 139 O +40 18 140 PI +40 18 141 PO +40 18 142 PI +40 18 143 PI +40 18 144 C +40 18 145 PI +40 18 146 U +40 18 147 PI +40 18 148 P +40 18 149 PI +40 18 150 C +40 18 151 P +40 18 152 P +40 18 153 PI +40 18 154 O +40 18 155 CA +40 18 156 PI +40 18 157 CA +40 18 158 O +40 18 159 P +40 18 160 P +40 18 161 PI +40 18 162 P +40 18 163 PI +40 18 164 PI +40 18 165 C +40 18 166 PI +40 18 167 C +40 18 168 PI +40 18 169 PI +40 18 170 PI +40 18 171 C +40 18 172 O +40 18 173 P +40 18 174 U +40 18 175 PI +40 18 176 P +40 18 177 U +40 18 178 PI +40 18 179 P +40 18 180 PI +40 18 181 U +40 18 182 P +40 18 183 U +40 18 184 C +40 18 185 P +40 18 186 PI +40 18 187 U +40 18 188 PI +40 18 189 PI +40 18 190 P +40 18 191 C +40 18 192 C +40 18 193 U +40 18 194 P +40 18 195 PI +40 18 196 PI +40 18 197 C +40 18 198 Y +40 18 199 PI +40 18 200 PI +40 18 201 P +40 18 202 PI +40 18 203 P +40 18 204 CA +40 18 205 C +40 18 206 U +40 18 207 P +40 18 208 U +40 18 209 PI +40 18 210 CA +40 18 211 PI +40 18 212 U +40 18 213 C +40 18 214 U +40 18 215 P +40 18 216 PI +40 18 217 P +40 18 218 U +40 18 219 PI +40 18 220 C +40 18 221 PI +40 18 222 C +40 18 223 PI +40 18 224 O +40 18 225 U +40 18 226 PI +40 18 227 Y +40 18 228 PI +40 18 229 PI +40 18 230 P +40 18 231 P +40 18 232 U +40 18 233 PI +40 18 234 PI +40 18 235 PI +40 18 236 U +40 18 237 P +40 18 238 PI +40 18 239 P +40 18 240 CA +40 18 241 O +40 18 242 U +40 18 243 P +40 18 244 PI +40 18 245 P +40 18 246 PI +40 18 247 C +40 18 248 PI +40 18 249 PI +40 18 250 C +40 18 251 PI +40 18 252 U +40 18 253 PI +40 18 254 PI +40 18 255 CA +40 18 256 P +40 18 257 PI +40 18 258 U +40 18 259 P +40 18 260 U +40 18 261 U +40 18 262 O +40 18 263 O +40 18 264 PI +40 18 265 C +40 18 266 P +40 18 267 C +40 18 268 PI +40 18 269 P +40 18 270 U +40 18 271 PI +40 18 272 O +40 18 273 P +40 18 274 O +40 18 275 U +40 18 276 P +40 18 277 PI +40 18 278 P +40 18 279 C +40 18 280 PI +40 18 281 PI +40 18 282 PI +40 18 283 CA +40 18 284 O +40 18 285 P +40 18 286 O +40 18 287 U +40 18 288 P +40 18 289 PI +40 18 290 U +40 18 291 PI +40 18 292 P +40 18 293 PI +40 18 294 PI +40 18 295 CA +40 18 296 C +40 18 297 U +40 18 298 P +40 18 299 PI +40 18 300 O +40 18 301 PI +40 18 302 P +40 18 303 PI +40 18 304 U +40 18 305 P +40 18 306 PI +40 18 307 PI +40 18 308 C +40 18 309 U +40 18 310 PI +40 18 311 PI +40 18 312 Y +40 18 313 PI +40 18 314 P +40 18 315 PI +40 18 316 PI +40 18 317 P +40 18 318 U +40 18 319 O +40 18 320 U +40 18 321 P +40 18 322 PI +40 18 323 PI +40 18 324 O +40 18 325 P +40 18 326 U +40 18 327 PI +40 18 328 PI +40 18 329 CA +40 18 330 PI +40 19 1 PI +40 19 2 C +40 19 3 P +40 19 4 PI +40 19 5 C +40 19 6 U +40 19 7 C +40 19 8 P +40 19 9 U +40 19 10 PI +40 19 11 C +40 19 12 U +40 19 13 C +40 19 14 PI +40 19 15 P +40 19 16 O +40 19 17 P +40 19 18 Y +40 19 19 PI +40 19 20 C +40 19 21 P +40 19 22 U +40 19 23 P +40 19 24 U +40 19 25 PI +40 19 26 PI +40 19 27 U +40 19 28 P +40 19 29 C +40 19 30 P +40 19 31 PI +40 19 32 P +40 19 33 C +40 19 34 PI +40 19 35 P +40 19 36 C +40 19 37 PI +40 19 38 P +40 19 39 C +40 19 40 PI +40 19 41 P +40 19 42 U +40 19 43 PI +40 19 44 O +40 19 45 PI +40 19 46 O +40 19 47 C +40 19 48 U +40 19 49 PI +40 19 50 P +40 19 51 P +40 19 52 C +40 19 53 P +40 19 54 C +40 19 55 PI +40 19 56 P +40 19 57 PI +40 19 58 U +40 19 59 P +40 19 60 PI +40 19 61 P +40 19 62 PI +40 19 63 P +40 19 64 PI +40 19 65 P +40 19 66 PO +40 19 67 C +40 19 68 P +40 19 69 PI +40 19 70 O +40 19 71 P +40 19 72 C +40 19 73 P +40 19 74 PI +40 19 75 C +40 19 76 P +40 19 77 PI +40 19 78 P +40 19 79 Y +40 19 80 PI +40 19 81 C +40 19 82 PI +40 19 83 PO +40 19 84 P +40 19 85 C +40 19 86 P +40 19 87 Y +40 19 88 P +40 19 89 Y +40 19 90 C +40 19 91 C +40 19 92 PO +40 19 93 PI +40 19 94 Y +40 19 95 PI +40 19 96 U +40 19 97 PI +40 19 98 P +40 19 99 PI +40 19 100 C +40 19 101 P +40 19 102 O +40 19 103 C +40 19 104 PI +40 19 105 P +40 19 106 U +40 19 107 PO +40 19 108 C +40 19 109 PI +40 19 110 U +40 19 111 PI +40 19 112 P +40 19 113 Y +40 19 114 PI +40 19 115 P +40 19 116 PI +40 19 117 P +40 19 118 P +40 19 119 C +40 19 120 O +40 19 121 P +40 19 122 C +40 19 123 PI +40 19 124 C +40 19 125 P +40 19 126 P +40 19 127 C +40 19 128 U +40 19 129 O +40 19 130 C +40 19 131 P +40 19 132 P +40 19 133 C +40 19 134 P +40 19 135 P +40 19 136 PI +40 19 137 C +40 19 138 PI +40 19 139 O +40 19 140 PI +40 19 141 PO +40 19 142 O +40 19 143 C +40 19 144 PI +40 19 145 C +40 19 146 U +40 19 147 C +40 19 148 P +40 19 149 C +40 19 150 P +40 19 151 P +40 19 152 P +40 19 153 PI +40 19 154 O +40 19 155 U +40 19 156 C +40 19 157 P +40 19 158 O +40 19 159 U +40 19 160 P +40 19 161 C +40 19 162 P +40 19 163 C +40 19 164 PI +40 19 165 C +40 19 166 PI +40 19 167 P +40 19 168 C +40 19 169 PI +40 19 170 C +40 19 171 C +40 19 172 O +40 19 173 P +40 19 174 U +40 19 175 PI +40 19 176 P +40 19 177 U +40 19 178 PI +40 19 179 P +40 19 180 C +40 19 181 U +40 19 182 P +40 19 183 U +40 19 184 PI +40 19 185 U +40 19 186 PI +40 19 187 U +40 19 188 PI +40 19 189 PI +40 19 190 P +40 19 191 C +40 19 192 P +40 19 193 U +40 19 194 P +40 19 195 C +40 19 196 PI +40 19 197 P +40 19 198 Y +40 19 199 PI +40 19 200 PI +40 19 201 P +40 19 202 C +40 19 203 P +40 19 204 P +40 19 205 PI +40 19 206 C +40 19 207 P +40 19 208 U +40 19 209 C +40 19 210 P +40 19 211 PI +40 19 212 U +40 19 213 O +40 19 214 C +40 19 215 P +40 19 216 C +40 19 217 P +40 19 218 C +40 19 219 PI +40 19 220 PI +40 19 221 C +40 19 222 P +40 19 223 C +40 19 224 O +40 19 225 C +40 19 226 PI +40 19 227 Y +40 19 228 PI +40 19 229 C +40 19 230 O +40 19 231 P +40 19 232 U +40 19 233 PI +40 19 234 C +40 19 235 PI +40 19 236 C +40 19 237 P +40 19 238 PI +40 19 239 P +40 19 240 P +40 19 241 O +40 19 242 U +40 19 243 P +40 19 244 PI +40 19 245 P +40 19 246 C +40 19 247 PI +40 19 248 C +40 19 249 C +40 19 250 PI +40 19 251 C +40 19 252 O +40 19 253 PI +40 19 254 PI +40 19 255 Y +40 19 256 P +40 19 257 PI +40 19 258 U +40 19 259 P +40 19 260 PI +40 19 261 U +40 19 262 O +40 19 263 O +40 19 264 PI +40 19 265 C +40 19 266 P +40 19 267 PI +40 19 268 C +40 19 269 P +40 19 270 U +40 19 271 C +40 19 272 O +40 19 273 P +40 19 274 O +40 19 275 C +40 19 276 P +40 19 277 PI +40 19 278 P +40 19 279 PI +40 19 280 C +40 19 281 C +40 19 282 C +40 19 283 P +40 19 284 PI +40 19 285 P +40 19 286 O +40 19 287 U +40 19 288 P +40 19 289 PI +40 19 290 O +40 19 291 PI +40 19 292 P +40 19 293 C +40 19 294 O +40 19 295 P +40 19 296 PI +40 19 297 U +40 19 298 P +40 19 299 C +40 19 300 O +40 19 301 C +40 19 302 O +40 19 303 PI +40 19 304 C +40 19 305 P +40 19 306 C +40 19 307 PI +40 19 308 PI +40 19 309 C +40 19 310 C +40 19 311 PI +40 19 312 Y +40 19 313 PI +40 19 314 O +40 19 315 C +40 19 316 PI +40 19 317 P +40 19 318 U +40 19 319 O +40 19 320 C +40 19 321 P +40 19 322 PI +40 19 323 C +40 19 324 O +40 19 325 P +40 19 326 U +40 19 327 PI +40 19 328 C +40 19 329 P +40 19 330 C +40 20 1 PI +40 20 2 C +40 20 3 P +40 20 4 P +40 20 5 PI +40 20 6 U +40 20 7 PI +40 20 8 P +40 20 9 CA +40 20 10 PI +40 20 11 PI +40 20 12 U +40 20 13 PI +40 20 14 PI +40 20 15 P +40 20 16 PO +40 20 17 P +40 20 18 PI +40 20 19 PI +40 20 20 C +40 20 21 P +40 20 22 U +40 20 23 PI +40 20 24 C +40 20 25 PI +40 20 26 PI +40 20 27 PO +40 20 28 P +40 20 29 C +40 20 30 U +40 20 31 PI +40 20 32 P +40 20 33 C +40 20 34 PI +40 20 35 P +40 20 36 C +40 20 37 PI +40 20 38 P +40 20 39 C +40 20 40 PI +40 20 41 P +40 20 42 U +40 20 43 PI +40 20 44 PO +40 20 45 C +40 20 46 O +40 20 47 PI +40 20 48 U +40 20 49 PI +40 20 50 P +40 20 51 CA +40 20 52 PI +40 20 53 P +40 20 54 PI +40 20 55 PI +40 20 56 P +40 20 57 PI +40 20 58 C +40 20 59 O +40 20 60 PI +40 20 61 P +40 20 62 O +40 20 63 P +40 20 64 PI +40 20 65 P +40 20 66 PO +40 20 67 C +40 20 68 P +40 20 69 C +40 20 70 O +40 20 71 P +40 20 72 C +40 20 73 P +40 20 74 PI +40 20 75 C +40 20 76 P +40 20 77 PI +40 20 78 P +40 20 79 O +40 20 80 PI +40 20 81 C +40 20 82 PI +40 20 83 PO +40 20 84 P +40 20 85 C +40 20 86 P +40 20 87 PI +40 20 88 P +40 20 89 Y +40 20 90 PI +40 20 91 C +40 20 92 PO +40 20 93 PI +40 20 94 CA +40 20 95 PI +40 20 96 U +40 20 97 PI +40 20 98 P +40 20 99 P +40 20 100 PI +40 20 101 P +40 20 102 O +40 20 103 C +40 20 104 PI +40 20 105 P +40 20 106 U +40 20 107 PO +40 20 108 PI +40 20 109 PI +40 20 110 U +40 20 111 C +40 20 112 P +40 20 113 CA +40 20 114 PI +40 20 115 P +40 20 116 O +40 20 117 CA +40 20 118 P +40 20 119 C +40 20 120 PO +40 20 121 P +40 20 122 C +40 20 123 PI +40 20 124 C +40 20 125 U +40 20 126 P +40 20 127 C +40 20 128 C +40 20 129 PO +40 20 130 C +40 20 131 PI +40 20 132 P +40 20 133 C +40 20 134 CA +40 20 135 P +40 20 136 PI +40 20 137 C +40 20 138 PI +40 20 139 O +40 20 140 PI +40 20 141 PO +40 20 142 O +40 20 143 C +40 20 144 PI +40 20 145 C +40 20 146 U +40 20 147 PI +40 20 148 P +40 20 149 C +40 20 150 PI +40 20 151 P +40 20 152 P +40 20 153 PI +40 20 154 O +40 20 155 CA +40 20 156 PI +40 20 157 CA +40 20 158 PO +40 20 159 U +40 20 160 P +40 20 161 C +40 20 162 P +40 20 163 PI +40 20 164 PI +40 20 165 C +40 20 166 PI +40 20 167 O +40 20 168 PI +40 20 169 PI +40 20 170 PI +40 20 171 C +40 20 172 PO +40 20 173 P +40 20 174 U +40 20 175 PI +40 20 176 P +40 20 177 C +40 20 178 PI +40 20 179 CA +40 20 180 C +40 20 181 U +40 20 182 P +40 20 183 CA +40 20 184 PI +40 20 185 U +40 20 186 PI +40 20 187 U +40 20 188 PI +40 20 189 PI +40 20 190 P +40 20 191 C +40 20 192 PI +40 20 193 C +40 20 194 CA +40 20 195 C +40 20 196 PI +40 20 197 PI +40 20 198 C +40 20 199 PI +40 20 200 PI +40 20 201 P +40 20 202 C +40 20 203 P +40 20 204 CA +40 20 205 PI +40 20 206 PO +40 20 207 P +40 20 208 U +40 20 209 PI +40 20 210 CA +40 20 211 PI +40 20 212 U +40 20 213 O +40 20 214 C +40 20 215 P +40 20 216 C +40 20 217 P +40 20 218 C +40 20 219 PI +40 20 220 PI +40 20 221 O +40 20 222 PI +40 20 223 C +40 20 224 O +40 20 225 C +40 20 226 PI +40 20 227 PI +40 20 228 PI +40 20 229 PI +40 20 230 O +40 20 231 P +40 20 232 C +40 20 233 O +40 20 234 C +40 20 235 PI +40 20 236 C +40 20 237 P +40 20 238 PI +40 20 239 P +40 20 240 CA +40 20 241 PO +40 20 242 U +40 20 243 P +40 20 244 O +40 20 245 P +40 20 246 PI +40 20 247 PI +40 20 248 C +40 20 249 C +40 20 250 PI +40 20 251 C +40 20 252 O +40 20 253 C +40 20 254 PI +40 20 255 CA +40 20 256 P +40 20 257 PI +40 20 258 C +40 20 259 P +40 20 260 C +40 20 261 P +40 20 262 O +40 20 263 O +40 20 264 O +40 20 265 C +40 20 266 CA +40 20 267 P +40 20 268 C +40 20 269 P +40 20 270 U +40 20 271 C +40 20 272 O +40 20 273 P +40 20 274 PO +40 20 275 C +40 20 276 P +40 20 277 PI +40 20 278 P +40 20 279 PI +40 20 280 C +40 20 281 C +40 20 282 C +40 20 283 CA +40 20 284 O +40 20 285 P +40 20 286 O +40 20 287 C +40 20 288 P +40 20 289 PI +40 20 290 O +40 20 291 PI +40 20 292 P +40 20 293 O +40 20 294 O +40 20 295 CA +40 20 296 PI +40 20 297 U +40 20 298 P +40 20 299 C +40 20 300 O +40 20 301 C +40 20 302 PO +40 20 303 O +40 20 304 C +40 20 305 P +40 20 306 C +40 20 307 PI +40 20 308 PI +40 20 309 C +40 20 310 C +40 20 311 PI +40 20 312 Y +40 20 313 PI +40 20 314 O +40 20 315 C +40 20 316 C +40 20 317 P +40 20 318 P +40 20 319 O +40 20 320 C +40 20 321 P +40 20 322 PI +40 20 323 C +40 20 324 O +40 20 325 P +40 20 326 U +40 20 327 O +40 20 328 C +40 20 329 CA +40 20 330 O +40 21 1 PI +40 21 2 PI +40 21 3 P +40 21 4 P +40 21 5 C +40 21 6 U +40 21 7 C +40 21 8 P +40 21 9 * +40 21 10 PI +40 21 11 C +40 21 12 U +40 21 13 C +40 21 14 PI +40 21 15 U +40 21 16 PO +40 21 17 P +40 21 18 Y +40 21 19 PI +40 21 20 C +40 21 21 P +40 21 22 U +40 21 23 PI +40 21 24 * +40 21 25 PI +40 21 26 PI +40 21 27 O +40 21 28 P +40 21 29 C +40 21 30 U +40 21 31 PI +40 21 32 P +40 21 33 C +40 21 34 PI +40 21 35 P +40 21 36 C +40 21 37 PI +40 21 38 P +40 21 39 C +40 21 40 PI +40 21 41 P +40 21 42 U +40 21 43 PI +40 21 44 O +40 21 45 C +40 21 46 O +40 21 47 C +40 21 48 U +40 21 49 PI +40 21 50 P +40 21 51 * +40 21 52 O +40 21 53 P +40 21 54 C +40 21 55 PI +40 21 56 U +40 21 57 C +40 21 58 U +40 21 59 O +40 21 60 C +40 21 61 P +40 21 62 PI +40 21 63 P +40 21 64 PI +40 21 65 P +40 21 66 U +40 21 67 C +40 21 68 P +40 21 69 C +40 21 70 O +40 21 71 P +40 21 72 C +40 21 73 P +40 21 74 PI +40 21 75 C +40 21 76 P +40 21 77 PI +40 21 78 U +40 21 79 Y +40 21 80 PI +40 21 81 C +40 21 82 C +40 21 83 U +40 21 84 P +40 21 85 C +40 21 86 P +40 21 87 Y +40 21 88 P +40 21 89 Y +40 21 90 C +40 21 91 U +40 21 92 PO +40 21 93 PI +40 21 94 Y +40 21 95 PI +40 21 96 U +40 21 97 PI +40 21 98 P +40 21 99 O +40 21 100 PI +40 21 101 P +40 21 102 PI +40 21 103 C +40 21 104 PI +40 21 105 P +40 21 106 U +40 21 107 PO +40 21 108 PI +40 21 109 PI +40 21 110 U +40 21 111 C +40 21 112 P +40 21 113 Y +40 21 114 C +40 21 115 P +40 21 116 PI +40 21 117 * +40 21 118 P +40 21 119 C +40 21 120 PO +40 21 121 P +40 21 122 C +40 21 123 PI +40 21 124 C +40 21 125 P +40 21 126 P +40 21 127 C +40 21 128 C +40 21 129 PO +40 21 130 C +40 21 131 * +40 21 132 P +40 21 133 C +40 21 134 * +40 21 135 P +40 21 136 PI +40 21 137 C +40 21 138 PI +40 21 139 O +40 21 140 PI +40 21 141 PO +40 21 142 O +40 21 143 C +40 21 144 PI +40 21 145 PI +40 21 146 U +40 21 147 PI +40 21 148 P +40 21 149 C +40 21 150 * +40 21 151 P +40 21 152 * +40 21 153 PI +40 21 154 Y +40 21 155 * +40 21 156 C +40 21 157 * +40 21 158 O +40 21 159 * +40 21 160 P +40 21 161 C +40 21 162 P +40 21 163 PI +40 21 164 PI +40 21 165 C +40 21 166 PI +40 21 167 O +40 21 168 C +40 21 169 PI +40 21 170 C +40 21 171 C +40 21 172 PO +40 21 173 P +40 21 174 U +40 21 175 PI +40 21 176 P +40 21 177 U +40 21 178 PI +40 21 179 * +40 21 180 C +40 21 181 U +40 21 182 P +40 21 183 * +40 21 184 PI +40 21 185 * +40 21 186 PI +40 21 187 U +40 21 188 PI +40 21 189 PI +40 21 190 U +40 21 191 C +40 21 192 PI +40 21 193 U +40 21 194 P +40 21 195 C +40 21 196 PI +40 21 197 PI +40 21 198 Y +40 21 199 PI +40 21 200 PI +40 21 201 P +40 21 202 C +40 21 203 P +40 21 204 CA +40 21 205 PI +40 21 206 PI +40 21 207 P +40 21 208 U +40 21 209 C +40 21 210 P +40 21 211 PI +40 21 212 U +40 21 213 PI +40 21 214 U +40 21 215 P +40 21 216 C +40 21 217 P +40 21 218 U +40 21 219 PI +40 21 220 PI +40 21 221 PI +40 21 222 PI +40 21 223 C +40 21 224 O +40 21 225 U +40 21 226 PI +40 21 227 Y +40 21 228 PI +40 21 229 PI +40 21 230 O +40 21 231 P +40 21 232 * +40 21 233 PI +40 21 234 C +40 21 235 PI +40 21 236 C +40 21 237 U +40 21 238 PI +40 21 239 P +40 21 240 P +40 21 241 PO +40 21 242 U +40 21 243 P +40 21 244 PI +40 21 245 P +40 21 246 PI +40 21 247 PI +40 21 248 C +40 21 249 C +40 21 250 PI +40 21 251 C +40 21 252 O +40 21 253 C +40 21 254 PI +40 21 255 Y +40 21 256 P +40 21 257 PI +40 21 258 U +40 21 259 P +40 21 260 U +40 21 261 P +40 21 262 PO +40 21 263 O +40 21 264 PI +40 21 265 C +40 21 266 P +40 21 267 P +40 21 268 C +40 21 269 P +40 21 270 U +40 21 271 C +40 21 272 O +40 21 273 P +40 21 274 PO +40 21 275 U +40 21 276 P +40 21 277 PI +40 21 278 P +40 21 279 PI +40 21 280 U +40 21 281 C +40 21 282 C +40 21 283 P +40 21 284 O +40 21 285 P +40 21 286 PO +40 21 287 P +40 21 288 P +40 21 289 PI +40 21 290 O +40 21 291 PI +40 21 292 U +40 21 293 PI +40 21 294 PI +40 21 295 P +40 21 296 PI +40 21 297 U +40 21 298 P +40 21 299 C +40 21 300 O +40 21 301 C +40 21 302 U +40 21 303 PI +40 21 304 C +40 21 305 P +40 21 306 C +40 21 307 PI +40 21 308 PI +40 21 309 Y +40 21 310 C +40 21 311 PI +40 21 312 Y +40 21 313 PI +40 21 314 U +40 21 315 C +40 21 316 C +40 21 317 P +40 21 318 P +40 21 319 O +40 21 320 U +40 21 321 P +40 21 322 PI +40 21 323 C +40 21 324 U +40 21 325 P +40 21 326 U +40 21 327 PI +40 21 328 C +40 21 329 P +40 21 330 PI +40 22 1 PI +40 22 2 PI +40 22 3 P +40 22 4 PI +40 22 5 C +40 22 6 P +40 22 7 C +40 22 8 P +40 22 9 C +40 22 10 PI +40 22 11 PI +40 22 12 U +40 22 13 C +40 22 14 PI +40 22 15 P +40 22 16 PO +40 22 17 P +40 22 18 Y +40 22 19 PI +40 22 20 C +40 22 21 P +40 22 22 U +40 22 23 P +40 22 24 C +40 22 25 C +40 22 26 PI +40 22 27 PO +40 22 28 P +40 22 29 C +40 22 30 P +40 22 31 PO +40 22 32 P +40 22 33 C +40 22 34 PI +40 22 35 P +40 22 36 C +40 22 37 PI +40 22 38 P +40 22 39 C +40 22 40 PI +40 22 41 P +40 22 42 U +40 22 43 PI +40 22 44 PO +40 22 45 C +40 22 46 O +40 22 47 PI +40 22 48 U +40 22 49 PI +40 22 50 P +40 22 51 O +40 22 52 PO +40 22 53 P +40 22 54 PI +40 22 55 PI +40 22 56 PO +40 22 57 PI +40 22 58 U +40 22 59 PO +40 22 60 PI +40 22 61 P +40 22 62 O +40 22 63 P +40 22 64 PI +40 22 65 P +40 22 66 PO +40 22 67 U +40 22 68 P +40 22 69 PI +40 22 70 O +40 22 71 P +40 22 72 PI +40 22 73 P +40 22 74 PI +40 22 75 PI +40 22 76 P +40 22 77 PI +40 22 78 PO +40 22 79 O +40 22 80 PI +40 22 81 C +40 22 82 PI +40 22 83 PO +40 22 84 P +40 22 85 C +40 22 86 P +40 22 87 Y +40 22 88 P +40 22 89 Y +40 22 90 O +40 22 91 PI +40 22 92 PO +40 22 93 PI +40 22 94 Y +40 22 95 PO +40 22 96 U +40 22 97 PI +40 22 98 P +40 22 99 O +40 22 100 PO +40 22 101 P +40 22 102 O +40 22 103 U +40 22 104 PI +40 22 105 P +40 22 106 U +40 22 107 PO +40 22 108 PI +40 22 109 PI +40 22 110 U +40 22 111 O +40 22 112 P +40 22 113 Y +40 22 114 PI +40 22 115 P +40 22 116 PO +40 22 117 P +40 22 118 P +40 22 119 PI +40 22 120 PO +40 22 121 P +40 22 122 PI +40 22 123 PI +40 22 124 U +40 22 125 P +40 22 126 P +40 22 127 C +40 22 128 C +40 22 129 PO +40 22 130 O +40 22 131 P +40 22 132 P +40 22 133 PI +40 22 134 O +40 22 135 P +40 22 136 PI +40 22 137 C +40 22 138 PI +40 22 139 PO +40 22 140 PI +40 22 141 PO +40 22 142 O +40 22 143 C +40 22 144 PI +40 22 145 C +40 22 146 U +40 22 147 PI +40 22 148 P +40 22 149 PI +40 22 150 * +40 22 151 P +40 22 152 P +40 22 153 PI +40 22 154 O +40 22 155 O +40 22 156 PI +40 22 157 O +40 22 158 PO +40 22 159 U +40 22 160 U +40 22 161 PI +40 22 162 P +40 22 163 PI +40 22 164 PI +40 22 165 U +40 22 166 PI +40 22 167 O +40 22 168 PI +40 22 169 PI +40 22 170 O +40 22 171 PI +40 22 172 PO +40 22 173 P +40 22 174 U +40 22 175 PI +40 22 176 P +40 22 177 PI +40 22 178 PI +40 22 179 P +40 22 180 PI +40 22 181 U +40 22 182 O +40 22 183 O +40 22 184 U +40 22 185 P +40 22 186 PI +40 22 187 U +40 22 188 PI +40 22 189 O +40 22 190 P +40 22 191 PI +40 22 192 O +40 22 193 U +40 22 194 P +40 22 195 PI +40 22 196 PO +40 22 197 O +40 22 198 Y +40 22 199 PO +40 22 200 PI +40 22 201 U +40 22 202 PI +40 22 203 P +40 22 204 Y +40 22 205 O +40 22 206 PO +40 22 207 P +40 22 208 U +40 22 209 PI +40 22 210 O +40 22 211 PI +40 22 212 U +40 22 213 O +40 22 214 U +40 22 215 P +40 22 216 PI +40 22 217 P +40 22 218 PI +40 22 219 PO +40 22 220 PI +40 22 221 PO +40 22 222 O +40 22 223 PI +40 22 224 PO +40 22 225 U +40 22 226 PI +40 22 227 Y +40 22 228 PI +40 22 229 PI +40 22 230 PO +40 22 231 P +40 22 232 O +40 22 233 O +40 22 234 PI +40 22 235 PI +40 22 236 U +40 22 237 P +40 22 238 PI +40 22 239 P +40 22 240 P +40 22 241 PO +40 22 242 U +40 22 243 O +40 22 244 PO +40 22 245 P +40 22 246 PI +40 22 247 O +40 22 248 PI +40 22 249 PI +40 22 250 * +40 22 251 PI +40 22 252 PO +40 22 253 PI +40 22 254 O +40 22 255 Y +40 22 256 P +40 22 257 PI +40 22 258 U +40 22 259 P +40 22 260 PO +40 22 261 U +40 22 262 PO +40 22 263 O +40 22 264 PI +40 22 265 PI +40 22 266 U +40 22 267 P +40 22 268 PI +40 22 269 PI +40 22 270 U +40 22 271 PI +40 22 272 PO +40 22 273 * +40 22 274 PO +40 22 275 U +40 22 276 P +40 22 277 PI +40 22 278 P +40 22 279 PI +40 22 280 PI +40 22 281 PI +40 22 282 PI +40 22 283 P +40 22 284 PO +40 22 285 P +40 22 286 PO +40 22 287 O +40 22 288 P +40 22 289 PI +40 22 290 PO +40 22 291 PI +40 22 292 O +40 22 293 O +40 22 294 PO +40 22 295 O +40 22 296 * +40 22 297 U +40 22 298 P +40 22 299 PI +40 22 300 O +40 22 301 PI +40 22 302 PO +40 22 303 O +40 22 304 U +40 22 305 P +40 22 306 PI +40 22 307 PI +40 22 308 O +40 22 309 Y +40 22 310 PI +40 22 311 PI +40 22 312 Y +40 22 313 PI +40 22 314 PO +40 22 315 PI +40 22 316 PI +40 22 317 P +40 22 318 U +40 22 319 PO +40 22 320 U +40 22 321 P +40 22 322 PI +40 22 323 PI +40 22 324 PO +40 22 325 P +40 22 326 U +40 22 327 PO +40 22 328 PI +40 22 329 O +40 22 330 PO +40 23 1 PI +40 23 2 O +40 23 3 P +40 23 4 P +40 23 5 U +40 23 6 O +40 23 7 C +40 23 8 P +40 23 9 U +40 23 10 PI +40 23 11 C +40 23 12 U +40 23 13 C +40 23 14 PI +40 23 15 O +40 23 16 O +40 23 17 P +40 23 18 Y +40 23 19 PI +40 23 20 C +40 23 21 P +40 23 22 U +40 23 23 PI +40 23 24 C +40 23 25 PI +40 23 26 PI +40 23 27 O +40 23 28 P +40 23 29 C +40 23 30 P +40 23 31 PI +40 23 32 P +40 23 33 C +40 23 34 PI +40 23 35 P +40 23 36 C +40 23 37 PI +40 23 38 P +40 23 39 C +40 23 40 PI +40 23 41 P +40 23 42 U +40 23 43 PI +40 23 44 O +40 23 45 C +40 23 46 O +40 23 47 C +40 23 48 U +40 23 49 PI +40 23 50 P +40 23 51 * +40 23 52 O +40 23 53 P +40 23 54 C +40 23 55 PI +40 23 56 O +40 23 57 C +40 23 58 U +40 23 59 O +40 23 60 C +40 23 61 P +40 23 62 PI +40 23 63 P +40 23 64 PI +40 23 65 P +40 23 66 O +40 23 67 C +40 23 68 P +40 23 69 C +40 23 70 O +40 23 71 P +40 23 72 C +40 23 73 P +40 23 74 PI +40 23 75 C +40 23 76 P +40 23 77 PI +40 23 78 O +40 23 79 Y +40 23 80 PI +40 23 81 C +40 23 82 C +40 23 83 O +40 23 84 P +40 23 85 C +40 23 86 P +40 23 87 Y +40 23 88 P +40 23 89 Y +40 23 90 C +40 23 91 C +40 23 92 O +40 23 93 PI +40 23 94 Y +40 23 95 O +40 23 96 U +40 23 97 PI +40 23 98 P +40 23 99 O +40 23 100 C +40 23 101 P +40 23 102 PI +40 23 103 C +40 23 104 PI +40 23 105 P +40 23 106 U +40 23 107 O +40 23 108 PI +40 23 109 PI +40 23 110 U +40 23 111 C +40 23 112 P +40 23 113 Y +40 23 114 C +40 23 115 P +40 23 116 PI +40 23 117 Y +40 23 118 P +40 23 119 C +40 23 120 O +40 23 121 P +40 23 122 C +40 23 123 C +40 23 124 C +40 23 125 P +40 23 126 P +40 23 127 C +40 23 128 U +40 23 129 O +40 23 130 C +40 23 131 P +40 23 132 P +40 23 133 C +40 23 134 P +40 23 135 P +40 23 136 C +40 23 137 C +40 23 138 PI +40 23 139 O +40 23 140 PI +40 23 141 O +40 23 142 PI +40 23 143 C +40 23 144 PI +40 23 145 C +40 23 146 U +40 23 147 C +40 23 148 P +40 23 149 C +40 23 150 P +40 23 151 P +40 23 152 P +40 23 153 PI +40 23 154 Y +40 23 155 CA +40 23 156 C +40 23 157 P +40 23 158 O +40 23 159 U +40 23 160 P +40 23 161 C +40 23 162 P +40 23 163 C +40 23 164 PI +40 23 165 C +40 23 166 PI +40 23 167 O +40 23 168 C +40 23 169 PI +40 23 170 C +40 23 171 C +40 23 172 O +40 23 173 P +40 23 174 U +40 23 175 PI +40 23 176 P +40 23 177 U +40 23 178 PI +40 23 179 P +40 23 180 C +40 23 181 U +40 23 182 P +40 23 183 CA +40 23 184 P +40 23 185 U +40 23 186 PI +40 23 187 U +40 23 188 PI +40 23 189 PI +40 23 190 P +40 23 191 C +40 23 192 P +40 23 193 U +40 23 194 P +40 23 195 C +40 23 196 PI +40 23 197 PI +40 23 198 Y +40 23 199 PI +40 23 200 PI +40 23 201 P +40 23 202 C +40 23 203 P +40 23 204 Y +40 23 205 PI +40 23 206 O +40 23 207 P +40 23 208 U +40 23 209 C +40 23 210 P +40 23 211 PI +40 23 212 U +40 23 213 O +40 23 214 C +40 23 215 P +40 23 216 C +40 23 217 P +40 23 218 C +40 23 219 PI +40 23 220 PI +40 23 221 PI +40 23 222 PI +40 23 223 C +40 23 224 O +40 23 225 C +40 23 226 PI +40 23 227 Y +40 23 228 PI +40 23 229 PI +40 23 230 O +40 23 231 P +40 23 232 C +40 23 233 PI +40 23 234 C +40 23 235 PI +40 23 236 C +40 23 237 O +40 23 238 C +40 23 239 P +40 23 240 P +40 23 241 O +40 23 242 U +40 23 243 P +40 23 244 PI +40 23 245 P +40 23 246 C +40 23 247 PI +40 23 248 C +40 23 249 C +40 23 250 PI +40 23 251 C +40 23 252 O +40 23 253 C +40 23 254 PI +40 23 255 Y +40 23 256 P +40 23 257 PI +40 23 258 U +40 23 259 P +40 23 260 O +40 23 261 U +40 23 262 O +40 23 263 O +40 23 264 PI +40 23 265 C +40 23 266 P +40 23 267 P +40 23 268 C +40 23 269 P +40 23 270 U +40 23 271 C +40 23 272 O +40 23 273 P +40 23 274 O +40 23 275 C +40 23 276 P +40 23 277 PI +40 23 278 P +40 23 279 PI +40 23 280 C +40 23 281 C +40 23 282 C +40 23 283 CA +40 23 284 O +40 23 285 P +40 23 286 O +40 23 287 U +40 23 288 P +40 23 289 PI +40 23 290 O +40 23 291 PI +40 23 292 P +40 23 293 O +40 23 294 O +40 23 295 CA +40 23 296 PI +40 23 297 U +40 23 298 P +40 23 299 C +40 23 300 O +40 23 301 C +40 23 302 O +40 23 303 PI +40 23 304 C +40 23 305 P +40 23 306 C +40 23 307 PI +40 23 308 PI +40 23 309 CA +40 23 310 C +40 23 311 PI +40 23 312 Y +40 23 313 PI +40 23 314 O +40 23 315 C +40 23 316 C +40 23 317 P +40 23 318 U +40 23 319 O +40 23 320 U +40 23 321 P +40 23 322 PI +40 23 323 C +40 23 324 O +40 23 325 P +40 23 326 U +40 23 327 O +40 23 328 C +40 23 329 CA +40 23 330 PI +40 24 1 PI +40 24 2 C +40 24 3 P +40 24 4 P +40 24 5 C +40 24 6 P +40 24 7 C +40 24 8 P +40 24 9 U +40 24 10 PI +40 24 11 C +40 24 12 U +40 24 13 C +40 24 14 PI +40 24 15 P +40 24 16 O +40 24 17 P +40 24 18 Y +40 24 19 PI +40 24 20 C +40 24 21 P +40 24 22 U +40 24 23 P +40 24 24 C +40 24 25 PI +40 24 26 PI +40 24 27 P +40 24 28 P +40 24 29 C +40 24 30 P +40 24 31 PI +40 24 32 P +40 24 33 C +40 24 34 PI +40 24 35 P +40 24 36 C +40 24 37 PI +40 24 38 P +40 24 39 C +40 24 40 PI +40 24 41 P +40 24 42 U +40 24 43 PI +40 24 44 P +40 24 45 C +40 24 46 O +40 24 47 C +40 24 48 U +40 24 49 PI +40 24 50 P +40 24 51 CA +40 24 52 C +40 24 53 P +40 24 54 C +40 24 55 PI +40 24 56 P +40 24 57 PI +40 24 58 U +40 24 59 P +40 24 60 PI +40 24 61 P +40 24 62 PI +40 24 63 P +40 24 64 PI +40 24 65 P +40 24 66 U +40 24 67 C +40 24 68 P +40 24 69 C +40 24 70 PI +40 24 71 P +40 24 72 C +40 24 73 P +40 24 74 PI +40 24 75 C +40 24 76 P +40 24 77 PI +40 24 78 P +40 24 79 O +40 24 80 PI +40 24 81 C +40 24 82 C +40 24 83 U +40 24 84 P +40 24 85 C +40 24 86 P +40 24 87 Y +40 24 88 P +40 24 89 Y +40 24 90 PI +40 24 91 C +40 24 92 U +40 24 93 PI +40 24 94 CA +40 24 95 C +40 24 96 U +40 24 97 PI +40 24 98 P +40 24 99 P +40 24 100 C +40 24 101 P +40 24 102 PI +40 24 103 C +40 24 104 PI +40 24 105 P +40 24 106 U +40 24 107 PO +40 24 108 C +40 24 109 PI +40 24 110 U +40 24 111 C +40 24 112 P +40 24 113 CA +40 24 114 PI +40 24 115 P +40 24 116 PI +40 24 117 CA +40 24 118 P +40 24 119 C +40 24 120 PO +40 24 121 P +40 24 122 C +40 24 123 PI +40 24 124 C +40 24 125 P +40 24 126 P +40 24 127 C +40 24 128 C +40 24 129 P +40 24 130 C +40 24 131 P +40 24 132 P +40 24 133 C +40 24 134 CA +40 24 135 P +40 24 136 PI +40 24 137 C +40 24 138 PI +40 24 139 PI +40 24 140 PI +40 24 141 PO +40 24 142 O +40 24 143 C +40 24 144 PI +40 24 145 C +40 24 146 U +40 24 147 C +40 24 148 P +40 24 149 C +40 24 150 P +40 24 151 P +40 24 152 P +40 24 153 PI +40 24 154 O +40 24 155 CA +40 24 156 C +40 24 157 CA +40 24 158 PO +40 24 159 U +40 24 160 P +40 24 161 C +40 24 162 P +40 24 163 PI +40 24 164 PI +40 24 165 C +40 24 166 PI +40 24 167 P +40 24 168 C +40 24 169 PI +40 24 170 PI +40 24 171 C +40 24 172 PO +40 24 173 P +40 24 174 U +40 24 175 PI +40 24 176 P +40 24 177 C +40 24 178 PI +40 24 179 P +40 24 180 C +40 24 181 U +40 24 182 P +40 24 183 C +40 24 184 P +40 24 185 U +40 24 186 PI +40 24 187 U +40 24 188 PI +40 24 189 PI +40 24 190 P +40 24 191 PI +40 24 192 P +40 24 193 C +40 24 194 P +40 24 195 C +40 24 196 C +40 24 197 P +40 24 198 Y +40 24 199 C +40 24 200 PI +40 24 201 P +40 24 202 C +40 24 203 P +40 24 204 CA +40 24 205 PI +40 24 206 C +40 24 207 P +40 24 208 U +40 24 209 PI +40 24 210 CA +40 24 211 PI +40 24 212 U +40 24 213 PI +40 24 214 C +40 24 215 P +40 24 216 C +40 24 217 P +40 24 218 C +40 24 219 C +40 24 220 PI +40 24 221 PI +40 24 222 P +40 24 223 C +40 24 224 P +40 24 225 C +40 24 226 PI +40 24 227 Y +40 24 228 PI +40 24 229 C +40 24 230 P +40 24 231 PI +40 24 232 C +40 24 233 PI +40 24 234 C +40 24 235 PI +40 24 236 C +40 24 237 P +40 24 238 PI +40 24 239 P +40 24 240 CA +40 24 241 PO +40 24 242 U +40 24 243 P +40 24 244 PI +40 24 245 P +40 24 246 C +40 24 247 PI +40 24 248 C +40 24 249 C +40 24 250 PI +40 24 251 C +40 24 252 P +40 24 253 C +40 24 254 PI +40 24 255 Y +40 24 256 P +40 24 257 PI +40 24 258 C +40 24 259 P +40 24 260 C +40 24 261 U +40 24 262 PO +40 24 263 O +40 24 264 PI +40 24 265 C +40 24 266 P +40 24 267 P +40 24 268 C +40 24 269 P +40 24 270 U +40 24 271 C +40 24 272 PI +40 24 273 P +40 24 274 PO +40 24 275 C +40 24 276 P +40 24 277 PI +40 24 278 P +40 24 279 PI +40 24 280 C +40 24 281 C +40 24 282 C +40 24 283 CA +40 24 284 PI +40 24 285 P +40 24 286 PO +40 24 287 C +40 24 288 P +40 24 289 PI +40 24 290 P +40 24 291 PI +40 24 292 P +40 24 293 PI +40 24 294 PI +40 24 295 CA +40 24 296 PI +40 24 297 U +40 24 298 P +40 24 299 C +40 24 300 O +40 24 301 C +40 24 302 P +40 24 303 PI +40 24 304 C +40 24 305 P +40 24 306 C +40 24 307 PI +40 24 308 P +40 24 309 C +40 24 310 C +40 24 311 PI +40 24 312 Y +40 24 313 PI +40 24 314 P +40 24 315 C +40 24 316 PI +40 24 317 P +40 24 318 P +40 24 319 PO +40 24 320 C +40 24 321 P +40 24 322 PI +40 24 323 C +40 24 324 P +40 24 325 P +40 24 326 U +40 24 327 PI +40 24 328 C +40 24 329 P +40 24 330 PI +40 25 1 PI +40 25 2 PI +40 25 3 P +40 25 4 Y +40 25 5 C +40 25 6 U +40 25 7 C +40 25 8 P +40 25 9 U +40 25 10 PI +40 25 11 C +40 25 12 U +40 25 13 C +40 25 14 PI +40 25 15 P +40 25 16 O +40 25 17 P +40 25 18 Y +40 25 19 PI +40 25 20 C +40 25 21 P +40 25 22 U +40 25 23 P +40 25 24 U +40 25 25 PI +40 25 26 PI +40 25 27 PO +40 25 28 P +40 25 29 C +40 25 30 U +40 25 31 PI +40 25 32 P +40 25 33 C +40 25 34 PI +40 25 35 P +40 25 36 C +40 25 37 PI +40 25 38 P +40 25 39 C +40 25 40 PI +40 25 41 P +40 25 42 U +40 25 43 PI +40 25 44 P +40 25 45 C +40 25 46 O +40 25 47 C +40 25 48 U +40 25 49 PI +40 25 50 P +40 25 51 U +40 25 52 C +40 25 53 P +40 25 54 C +40 25 55 PI +40 25 56 P +40 25 57 PI +40 25 58 U +40 25 59 P +40 25 60 PI +40 25 61 P +40 25 62 PI +40 25 63 P +40 25 64 PI +40 25 65 P +40 25 66 U +40 25 67 C +40 25 68 P +40 25 69 C +40 25 70 PI +40 25 71 P +40 25 72 C +40 25 73 P +40 25 74 PI +40 25 75 C +40 25 76 P +40 25 77 PI +40 25 78 P +40 25 79 O +40 25 80 PI +40 25 81 C +40 25 82 C +40 25 83 U +40 25 84 P +40 25 85 C +40 25 86 P +40 25 87 C +40 25 88 P +40 25 89 Y +40 25 90 PI +40 25 91 C +40 25 92 U +40 25 93 PI +40 25 94 Y +40 25 95 C +40 25 96 U +40 25 97 PI +40 25 98 P +40 25 99 PI +40 25 100 C +40 25 101 P +40 25 102 PI +40 25 103 C +40 25 104 PI +40 25 105 P +40 25 106 U +40 25 107 PO +40 25 108 C +40 25 109 PI +40 25 110 U +40 25 111 C +40 25 112 P +40 25 113 Y +40 25 114 PI +40 25 115 P +40 25 116 PI +40 25 117 P +40 25 118 P +40 25 119 C +40 25 120 PO +40 25 121 P +40 25 122 C +40 25 123 PI +40 25 124 C +40 25 125 P +40 25 126 P +40 25 127 C +40 25 128 U +40 25 129 P +40 25 130 C +40 25 131 P +40 25 132 P +40 25 133 C +40 25 134 P +40 25 135 P +40 25 136 PI +40 25 137 C +40 25 138 PI +40 25 139 O +40 25 140 PI +40 25 141 PO +40 25 142 PI +40 25 143 C +40 25 144 PI +40 25 145 C +40 25 146 U +40 25 147 C +40 25 148 P +40 25 149 C +40 25 150 P +40 25 151 P +40 25 152 P +40 25 153 PI +40 25 154 O +40 25 155 U +40 25 156 C +40 25 157 U +40 25 158 PO +40 25 159 U +40 25 160 P +40 25 161 C +40 25 162 P +40 25 163 PI +40 25 164 PI +40 25 165 C +40 25 166 PI +40 25 167 P +40 25 168 C +40 25 169 PI +40 25 170 PI +40 25 171 C +40 25 172 PO +40 25 173 P +40 25 174 U +40 25 175 PI +40 25 176 P +40 25 177 U +40 25 178 PI +40 25 179 P +40 25 180 C +40 25 181 U +40 25 182 P +40 25 183 U +40 25 184 PI +40 25 185 U +40 25 186 PI +40 25 187 U +40 25 188 PI +40 25 189 PI +40 25 190 P +40 25 191 C +40 25 192 PI +40 25 193 C +40 25 194 P +40 25 195 C +40 25 196 C +40 25 197 P +40 25 198 Y +40 25 199 C +40 25 200 PI +40 25 201 P +40 25 202 C +40 25 203 P +40 25 204 Y +40 25 205 PI +40 25 206 U +40 25 207 P +40 25 208 U +40 25 209 PI +40 25 210 P +40 25 211 PI +40 25 212 U +40 25 213 PI +40 25 214 C +40 25 215 P +40 25 216 C +40 25 217 P +40 25 218 C +40 25 219 C +40 25 220 PI +40 25 221 PI +40 25 222 PI +40 25 223 C +40 25 224 PO +40 25 225 C +40 25 226 PI +40 25 227 Y +40 25 228 PI +40 25 229 C +40 25 230 P +40 25 231 P +40 25 232 U +40 25 233 PI +40 25 234 C +40 25 235 PI +40 25 236 C +40 25 237 P +40 25 238 PI +40 25 239 P +40 25 240 P +40 25 241 PO +40 25 242 U +40 25 243 P +40 25 244 PI +40 25 245 P +40 25 246 C +40 25 247 PI +40 25 248 C +40 25 249 C +40 25 250 PI +40 25 251 C +40 25 252 P +40 25 253 C +40 25 254 PI +40 25 255 Y +40 25 256 P +40 25 257 PI +40 25 258 U +40 25 259 P +40 25 260 U +40 25 261 U +40 25 262 PO +40 25 263 O +40 25 264 PI +40 25 265 C +40 25 266 P +40 25 267 P +40 25 268 C +40 25 269 P +40 25 270 U +40 25 271 C +40 25 272 PI +40 25 273 P +40 25 274 PO +40 25 275 U +40 25 276 P +40 25 277 PI +40 25 278 P +40 25 279 PI +40 25 280 C +40 25 281 C +40 25 282 C +40 25 283 P +40 25 284 PI +40 25 285 P +40 25 286 PO +40 25 287 U +40 25 288 P +40 25 289 PI +40 25 290 U +40 25 291 PI +40 25 292 P +40 25 293 PI +40 25 294 PI +40 25 295 U +40 25 296 PI +40 25 297 U +40 25 298 P +40 25 299 C +40 25 300 O +40 25 301 C +40 25 302 P +40 25 303 PI +40 25 304 C +40 25 305 P +40 25 306 C +40 25 307 PI +40 25 308 PI +40 25 309 C +40 25 310 C +40 25 311 PI +40 25 312 Y +40 25 313 PI +40 25 314 PO +40 25 315 C +40 25 316 C +40 25 317 P +40 25 318 P +40 25 319 P +40 25 320 C +40 25 321 P +40 25 322 PI +40 25 323 C +40 25 324 P +40 25 325 P +40 25 326 U +40 25 327 PI +40 25 328 C +40 25 329 U +40 25 330 PI +40 26 1 PI +40 26 2 C +40 26 3 P +40 26 4 Y +40 26 5 PI +40 26 6 U +40 26 7 C +40 26 8 P +40 26 9 Y +40 26 10 C +40 26 11 PI +40 26 12 U +40 26 13 PI +40 26 14 C +40 26 15 U +40 26 16 O +40 26 17 P +40 26 18 Y +40 26 19 PI +40 26 20 PI +40 26 21 P +40 26 22 U +40 26 23 P +40 26 24 Y +40 26 25 PI +40 26 26 C +40 26 27 O +40 26 28 P +40 26 29 PI +40 26 30 U +40 26 31 O +40 26 32 P +40 26 33 PI +40 26 34 C +40 26 35 P +40 26 36 PI +40 26 37 PI +40 26 38 P +40 26 39 PI +40 26 40 C +40 26 41 P +40 26 42 U +40 26 43 PI +40 26 44 O +40 26 45 PI +40 26 46 O +40 26 47 PI +40 26 48 U +40 26 49 C +40 26 50 P +40 26 51 Y +40 26 52 O +40 26 53 P +40 26 54 PI +40 26 55 C +40 26 56 U +40 26 57 C +40 26 58 U +40 26 59 O +40 26 60 PI +40 26 61 P +40 26 62 U +40 26 63 P +40 26 64 PI +40 26 65 P +40 26 66 U +40 26 67 PI +40 26 68 P +40 26 69 PI +40 26 70 O +40 26 71 P +40 26 72 PI +40 26 73 P +40 26 74 O +40 26 75 PI +40 26 76 P +40 26 77 C +40 26 78 P +40 26 79 Y +40 26 80 PI +40 26 81 C +40 26 82 PI +40 26 83 O +40 26 84 P +40 26 85 PI +40 26 86 P +40 26 87 Y +40 26 88 P +40 26 89 Y +40 26 90 PI +40 26 91 C +40 26 92 O +40 26 93 PI +40 26 94 Y +40 26 95 O +40 26 96 U +40 26 97 P +40 26 98 P +40 26 99 P +40 26 100 PI +40 26 101 P +40 26 102 O +40 26 103 PI +40 26 104 PI +40 26 105 P +40 26 106 U +40 26 107 O +40 26 108 O +40 26 109 PI +40 26 110 U +40 26 111 PI +40 26 112 P +40 26 113 Y +40 26 114 PI +40 26 115 P +40 26 116 O +40 26 117 Y +40 26 118 P +40 26 119 PI +40 26 120 O +40 26 121 U +40 26 122 PI +40 26 123 PI +40 26 124 PI +40 26 125 U +40 26 126 P +40 26 127 PI +40 26 128 PI +40 26 129 O +40 26 130 PI +40 26 131 P +40 26 132 P +40 26 133 PI +40 26 134 Y +40 26 135 P +40 26 136 PI +40 26 137 PI +40 26 138 PI +40 26 139 O +40 26 140 PI +40 26 141 PO +40 26 142 O +40 26 143 PI +40 26 144 Y +40 26 145 PI +40 26 146 U +40 26 147 PI +40 26 148 P +40 26 149 PI +40 26 150 Y +40 26 151 U +40 26 152 U +40 26 153 PI +40 26 154 Y +40 26 155 Y +40 26 156 PI +40 26 157 Y +40 26 158 O +40 26 159 U +40 26 160 U +40 26 161 PI +40 26 162 P +40 26 163 PI +40 26 164 PI +40 26 165 PI +40 26 166 PI +40 26 167 O +40 26 168 PI +40 26 169 PI +40 26 170 PI +40 26 171 PI +40 26 172 O +40 26 173 P +40 26 174 U +40 26 175 PI +40 26 176 P +40 26 177 U +40 26 178 PI +40 26 179 Y +40 26 180 PI +40 26 181 U +40 26 182 Y +40 26 183 Y +40 26 184 Y +40 26 185 U +40 26 186 PI +40 26 187 U +40 26 188 PI +40 26 189 PI +40 26 190 U +40 26 191 PI +40 26 192 Y +40 26 193 PI +40 26 194 Y +40 26 195 PI +40 26 196 PI +40 26 197 Y +40 26 198 Y +40 26 199 PI +40 26 200 PI +40 26 201 U +40 26 202 PI +40 26 203 P +40 26 204 Y +40 26 205 Y +40 26 206 PI +40 26 207 P +40 26 208 U +40 26 209 PI +40 26 210 Y +40 26 211 PI +40 26 212 U +40 26 213 O +40 26 214 PI +40 26 215 U +40 26 216 PI +40 26 217 U +40 26 218 PI +40 26 219 PI +40 26 220 PI +40 26 221 PI +40 26 222 Y +40 26 223 PI +40 26 224 O +40 26 225 PI +40 26 226 PI +40 26 227 Y +40 26 228 PI +40 26 229 PI +40 26 230 O +40 26 231 P +40 26 232 Y +40 26 233 O +40 26 234 PI +40 26 235 PI +40 26 236 PI +40 26 237 U +40 26 238 PI +40 26 239 U +40 26 240 Y +40 26 241 O +40 26 242 O +40 26 243 Y +40 26 244 O +40 26 245 P +40 26 246 PI +40 26 247 Y +40 26 248 PI +40 26 249 PI +40 26 250 PI +40 26 251 PI +40 26 252 O +40 26 253 PI +40 26 254 PI +40 26 255 Y +40 26 256 P +40 26 257 PI +40 26 258 U +40 26 259 P +40 26 260 PI +40 26 261 U +40 26 262 O +40 26 263 Y +40 26 264 PI +40 26 265 PI +40 26 266 U +40 26 267 Y +40 26 268 PI +40 26 269 P +40 26 270 U +40 26 271 PI +40 26 272 O +40 26 273 U +40 26 274 O +40 26 275 PI +40 26 276 P +40 26 277 PI +40 26 278 U +40 26 279 PI +40 26 280 PI +40 26 281 PI +40 26 282 PI +40 26 283 Y +40 26 284 O +40 26 285 U +40 26 286 PO +40 26 287 Y +40 26 288 P +40 26 289 PI +40 26 290 O +40 26 291 PI +40 26 292 U +40 26 293 PI +40 26 294 O +40 26 295 Y +40 26 296 Y +40 26 297 U +40 26 298 P +40 26 299 PI +40 26 300 O +40 26 301 PI +40 26 302 O +40 26 303 PI +40 26 304 PI +40 26 305 Y +40 26 306 PI +40 26 307 PI +40 26 308 U +40 26 309 PI +40 26 310 PI +40 26 311 PI +40 26 312 Y +40 26 313 PI +40 26 314 PO +40 26 315 PI +40 26 316 PI +40 26 317 P +40 26 318 U +40 26 319 PO +40 26 320 PI +40 26 321 P +40 26 322 PI +40 26 323 PI +40 26 324 PO +40 26 325 P +40 26 326 U +40 26 327 PI +40 26 328 PI +40 26 329 Y +40 26 330 O +40 27 1 PI +40 27 2 PI +40 27 3 P +40 27 4 P +40 27 5 C +40 27 6 U +40 27 7 C +40 27 8 P +40 27 9 U +40 27 10 PI +40 27 11 PI +40 27 12 U +40 27 13 PI +40 27 14 PI +40 27 15 PO +40 27 16 PO +40 27 17 P +40 27 18 Y +40 27 19 PI +40 27 20 C +40 27 21 P +40 27 22 U +40 27 23 P +40 27 24 Y +40 27 25 PI +40 27 26 PI +40 27 27 PO +40 27 28 P +40 27 29 C +40 27 30 U +40 27 31 PI +40 27 32 P +40 27 33 C +40 27 34 PI +40 27 35 P +40 27 36 C +40 27 37 PI +40 27 38 P +40 27 39 C +40 27 40 PI +40 27 41 P +40 27 42 U +40 27 43 PI +40 27 44 O +40 27 45 C +40 27 46 O +40 27 47 C +40 27 48 U +40 27 49 PI +40 27 50 P +40 27 51 Y +40 27 52 PO +40 27 53 P +40 27 54 C +40 27 55 PI +40 27 56 * +40 27 57 PI +40 27 58 C +40 27 59 O +40 27 60 PI +40 27 61 P +40 27 62 PI +40 27 63 P +40 27 64 PI +40 27 65 P +40 27 66 PO +40 27 67 C +40 27 68 P +40 27 69 C +40 27 70 PO +40 27 71 P +40 27 72 C +40 27 73 P +40 27 74 PO +40 27 75 C +40 27 76 U +40 27 77 PI +40 27 78 PO +40 27 79 Y +40 27 80 PI +40 27 81 C +40 27 82 PI +40 27 83 PO +40 27 84 P +40 27 85 C +40 27 86 P +40 27 87 Y +40 27 88 P +40 27 89 Y +40 27 90 C +40 27 91 C +40 27 92 U +40 27 93 PI +40 27 94 Y +40 27 95 PI +40 27 96 U +40 27 97 P +40 27 98 P +40 27 99 O +40 27 100 PI +40 27 101 P +40 27 102 PI +40 27 103 C +40 27 104 PI +40 27 105 P +40 27 106 U +40 27 107 PO +40 27 108 O +40 27 109 PI +40 27 110 U +40 27 111 C +40 27 112 P +40 27 113 Y +40 27 114 C +40 27 115 P +40 27 116 O +40 27 117 Y +40 27 118 P +40 27 119 C +40 27 120 PO +40 27 121 P +40 27 122 C +40 27 123 PI +40 27 124 U +40 27 125 U +40 27 126 P +40 27 127 C +40 27 128 U +40 27 129 PO +40 27 130 C +40 27 131 P +40 27 132 P +40 27 133 C +40 27 134 Y +40 27 135 P +40 27 136 PI +40 27 137 C +40 27 138 PI +40 27 139 O +40 27 140 PI +40 27 141 PO +40 27 142 PO +40 27 143 C +40 27 144 PI +40 27 145 C +40 27 146 U +40 27 147 C +40 27 148 P +40 27 149 C +40 27 150 PI +40 27 151 P +40 27 152 P +40 27 153 PI +40 27 154 Y +40 27 155 Y +40 27 156 C +40 27 157 Y +40 27 158 PO +40 27 159 U +40 27 160 P +40 27 161 C +40 27 162 P +40 27 163 PI +40 27 164 PI +40 27 165 C +40 27 166 PI +40 27 167 P +40 27 168 C +40 27 169 PI +40 27 170 PI +40 27 171 C +40 27 172 O +40 27 173 P +40 27 174 U +40 27 175 PI +40 27 176 P +40 27 177 U +40 27 178 PI +40 27 179 P +40 27 180 C +40 27 181 U +40 27 182 P +40 27 183 Y +40 27 184 P +40 27 185 U +40 27 186 PI +40 27 187 U +40 27 188 PI +40 27 189 PI +40 27 190 P +40 27 191 C +40 27 192 P +40 27 193 U +40 27 194 P +40 27 195 C +40 27 196 C +40 27 197 P +40 27 198 Y +40 27 199 O +40 27 200 PI +40 27 201 P +40 27 202 C +40 27 203 P +40 27 204 Y +40 27 205 PI +40 27 206 PO +40 27 207 P +40 27 208 U +40 27 209 C +40 27 210 P +40 27 211 PI +40 27 212 U +40 27 213 P +40 27 214 C +40 27 215 P +40 27 216 C +40 27 217 P +40 27 218 C +40 27 219 PI +40 27 220 PI +40 27 221 O +40 27 222 PI +40 27 223 C +40 27 224 O +40 27 225 U +40 27 226 PI +40 27 227 Y +40 27 228 PI +40 27 229 C +40 27 230 O +40 27 231 P +40 27 232 Y +40 27 233 PI +40 27 234 C +40 27 235 PI +40 27 236 C +40 27 237 P +40 27 238 C +40 27 239 P +40 27 240 Y +40 27 241 PO +40 27 242 U +40 27 243 P +40 27 244 O +40 27 245 P +40 27 246 C +40 27 247 PI +40 27 248 C +40 27 249 C +40 27 250 P +40 27 251 C +40 27 252 O +40 27 253 C +40 27 254 PI +40 27 255 Y +40 27 256 P +40 27 257 PI +40 27 258 U +40 27 259 P +40 27 260 U +40 27 261 U +40 27 262 PO +40 27 263 O +40 27 264 PI +40 27 265 C +40 27 266 P +40 27 267 P +40 27 268 C +40 27 269 P +40 27 270 U +40 27 271 C +40 27 272 O +40 27 273 P +40 27 274 PO +40 27 275 U +40 27 276 P +40 27 277 PI +40 27 278 P +40 27 279 PI +40 27 280 C +40 27 281 C +40 27 282 C +40 27 283 Y +40 27 284 O +40 27 285 P +40 27 286 PO +40 27 287 U +40 27 288 P +40 27 289 PI +40 27 290 O +40 27 291 PI +40 27 292 P +40 27 293 O +40 27 294 O +40 27 295 Y +40 27 296 P +40 27 297 U +40 27 298 P +40 27 299 C +40 27 300 O +40 27 301 C +40 27 302 PO +40 27 303 PI +40 27 304 C +40 27 305 P +40 27 306 C +40 27 307 PI +40 27 308 P +40 27 309 Y +40 27 310 C +40 27 311 PI +40 27 312 Y +40 27 313 PI +40 27 314 PO +40 27 315 C +40 27 316 C +40 27 317 P +40 27 318 U +40 27 319 PO +40 27 320 C +40 27 321 P +40 27 322 PI +40 27 323 C +40 27 324 PO +40 27 325 P +40 27 326 U +40 27 327 O +40 27 328 C +40 27 329 Y +40 27 330 O +41 1 1 SI +41 1 2 SI +41 1 3 SA +41 1 4 SU +41 1 5 SI +41 1 6 SE +41 1 7 SI +41 1 8 SE +41 1 9 CO +41 1 10 OS +41 1 11 SI +41 1 12 SA +41 1 13 SI +41 1 14 OS +41 1 15 SE +41 1 16 TO +41 1 17 SE +41 1 18 OS +41 1 19 SI +41 1 20 SI +41 1 21 SE +41 1 22 SA +41 1 23 SE +41 1 24 CO +41 1 25 SI +41 1 26 OS +41 1 27 TO +41 1 28 SE +41 1 29 SI +41 1 30 SA +41 1 31 SI +41 1 32 SE +41 1 33 SI +41 1 34 SI +41 1 35 SE +41 1 36 SI +41 1 37 SI +41 1 38 SE +41 1 39 SI +41 1 40 SI +41 1 41 SE +41 1 42 SA +41 1 43 OS +41 1 44 TO +41 1 45 SI +41 1 46 CO +41 1 47 OS +41 1 48 SA +41 1 49 SI +41 1 50 SE +41 1 51 SU +41 1 52 SA +41 1 53 SE +41 1 54 SI +41 1 55 SI +41 1 56 SE +41 1 57 SI +41 1 58 SU +41 1 59 TO +41 1 60 OS +41 1 61 SE +41 1 62 SI +41 1 63 SE +41 1 64 SI +41 1 65 SE +41 1 66 TO +41 1 67 SI +41 1 68 SE +41 1 69 SA +41 1 70 TO +41 1 71 SE +41 1 72 SI +41 1 73 SE +41 1 74 SI +41 1 75 SI +41 1 76 SA +41 1 77 SI +41 1 78 SE +41 1 79 SU +41 1 80 SI +41 1 81 SI +41 1 82 TO +41 1 83 SE +41 1 84 SI +41 1 85 SE +41 1 86 SU +41 1 87 SE +41 1 88 OS +41 1 89 SI +41 1 90 SA +41 1 91 TO +41 1 92 SI +41 1 93 SU +41 1 94 TO +41 1 95 SA +41 1 96 SI +41 1 97 SE +41 1 98 SE +41 1 99 SI +41 1 100 SE +41 1 101 SI +41 1 102 SU +41 1 103 SI +41 1 104 SE +41 1 105 SA +41 1 106 SA +41 1 107 TO +41 1 108 SI +41 1 109 OS +41 1 110 SA +41 1 111 SU +41 1 112 SE +41 1 113 SU +41 1 114 SI +41 1 115 SE +41 1 116 SI +41 1 117 SI +41 1 118 SU +41 1 119 SE +41 1 120 TO +41 1 121 SA +41 1 122 SI +41 1 123 SI +41 1 124 SA +41 1 125 SA +41 1 126 SE +41 1 127 SI +41 1 128 SA +41 1 129 TO +41 1 130 SU +41 1 131 SE +41 1 132 SE +41 1 133 SI +41 1 134 SU +41 1 135 SE +41 1 136 SI +41 1 137 SI +41 1 138 SI +41 1 139 TO +41 1 140 OS +41 1 141 TO +41 1 142 TO +41 1 143 SA +41 1 144 SE +41 1 145 SI +41 1 146 SA +41 1 147 SI +41 1 148 SE +41 1 149 SI +41 1 150 SE +41 1 151 SE +41 1 152 SE +41 1 153 SI +41 1 154 OS +41 1 155 SU +41 1 156 SI +41 1 157 SU +41 1 158 TO +41 1 159 SA +41 1 160 SE +41 1 161 SI +41 1 162 SE +41 1 163 SI +41 1 164 SI +41 1 165 SU +41 1 166 OS +41 1 167 TO +41 1 168 SI +41 1 169 SI +41 1 170 OS +41 1 171 SI +41 1 172 TO +41 1 173 SE +41 1 174 SA +41 1 175 SI +41 1 176 SE +41 1 177 SA +41 1 178 SI +41 1 179 SE +41 1 180 SI +41 1 181 SA +41 1 182 SE +41 1 183 SU +41 1 184 SI +41 1 185 SA +41 1 186 SI +41 1 187 SA +41 1 188 SI +41 1 189 TO +41 1 190 SE +41 1 191 SI +41 1 192 SE +41 1 193 SA +41 1 194 SE +41 1 195 SI +41 1 196 SI +41 1 197 SE +41 1 198 OS +41 1 199 TO +41 1 200 SI +41 1 201 SE +41 1 202 SI +41 1 203 SE +41 1 204 SU +41 1 205 SE +41 1 206 TO +41 1 207 SE +41 1 208 SA +41 1 209 SI +41 1 210 SU +41 1 211 SI +41 1 212 SA +41 1 213 SI +41 1 214 SA +41 1 215 SE +41 1 216 SU +41 1 217 SE +41 1 218 SA +41 1 219 TO +41 1 220 OS +41 1 221 TO +41 1 222 SE +41 1 223 SI +41 1 224 TO +41 1 225 SU +41 1 226 SI +41 1 227 SU +41 1 228 OS +41 1 229 SI +41 1 230 TO +41 1 231 SE +41 1 232 SU +41 1 233 SI +41 1 234 SI +41 1 235 SI +41 1 236 SA +41 1 237 SE +41 1 238 SI +41 1 239 SE +41 1 240 SU +41 1 241 TO +41 1 242 SA +41 1 243 OS +41 1 244 SI +41 1 245 SE +41 1 246 SI +41 1 247 SI +41 1 248 OS +41 1 249 SI +41 1 250 SE +41 1 251 SI +41 1 252 TO +41 1 253 SI +41 1 254 SI +41 1 255 SU +41 1 256 SE +41 1 257 SI +41 1 258 SA +41 1 259 SE +41 1 260 TO +41 1 261 SA +41 1 262 TO +41 1 263 TO +41 1 264 SI +41 1 265 SI +41 1 266 SA +41 1 267 SE +41 1 268 SI +41 1 269 SE +41 1 270 SA +41 1 271 SI +41 1 272 TO +41 1 273 SE +41 1 274 TO +41 1 275 SA +41 1 276 SE +41 1 277 SI +41 1 278 SE +41 1 279 OS +41 1 280 SI +41 1 281 SI +41 1 282 SI +41 1 283 SU +41 1 284 TO +41 1 285 SE +41 1 286 TO +41 1 287 SA +41 1 288 SE +41 1 289 SI +41 1 290 TO +41 1 291 OS +41 1 292 SE +41 1 293 SI +41 1 294 TO +41 1 295 SU +41 1 296 SE +41 1 297 SA +41 1 298 SE +41 1 299 SI +41 1 300 TO +41 1 301 SI +41 1 302 TO +41 1 303 TO +41 1 304 SI +41 1 305 SE +41 1 306 SI +41 1 307 SI +41 1 308 SE +41 1 309 SU +41 1 310 SI +41 1 311 SI +41 1 312 OS +41 1 313 SI +41 1 314 TO +41 1 315 SI +41 1 316 SI +41 1 317 SE +41 1 318 SE +41 1 319 TO +41 1 320 SA +41 1 321 SE +41 1 322 SI +41 1 323 SI +41 1 324 TO +41 1 325 SE +41 1 326 SA +41 1 327 TO +41 1 328 SI +41 1 329 SU +41 1 330 SI +41 2 1 SI +41 2 2 SI +41 2 3 SE +41 2 4 OS +41 2 5 SI +41 2 6 SA +41 2 7 SI +41 2 8 SE +41 2 9 WE +41 2 10 SI +41 2 11 SI +41 2 12 SA +41 2 13 OS +41 2 14 OS +41 2 15 SE +41 2 16 TO +41 2 17 SE +41 2 18 OS +41 2 19 SI +41 2 20 SI +41 2 21 SE +41 2 22 SA +41 2 23 SE +41 2 24 OS +41 2 25 SI +41 2 26 SI +41 2 27 TO +41 2 28 SE +41 2 29 SI +41 2 30 WE +41 2 31 SI +41 2 32 SE +41 2 33 SI +41 2 34 SI +41 2 35 SE +41 2 36 OS +41 2 37 SI +41 2 38 SE +41 2 39 SI +41 2 40 SI +41 2 41 SE +41 2 42 SA +41 2 43 OS +41 2 44 TO +41 2 45 SI +41 2 46 OS +41 2 47 OS +41 2 48 SA +41 2 49 SI +41 2 50 OS +41 2 51 OS +41 2 52 TO +41 2 53 SE +41 2 54 SI +41 2 55 SI +41 2 56 SE +41 2 57 OS +41 2 58 SA +41 2 59 TO +41 2 60 SI +41 2 61 SE +41 2 62 SI +41 2 63 SE +41 2 64 SI +41 2 65 SE +41 2 66 TO +41 2 67 SI +41 2 68 SE +41 2 69 SI +41 2 70 TO +41 2 71 SE +41 2 72 SI +41 2 73 SE +41 2 74 SI +41 2 75 OS +41 2 76 SE +41 2 77 SI +41 2 78 SE +41 2 79 OS +41 2 80 SI +41 2 81 SI +41 2 82 SI +41 2 83 TO +41 2 84 SE +41 2 85 SI +41 2 86 SE +41 2 87 OS +41 2 88 SE +41 2 89 OS +41 2 90 SI +41 2 91 SA +41 2 92 TO +41 2 93 SI +41 2 94 OS +41 2 95 TO +41 2 96 SA +41 2 97 SI +41 2 98 SE +41 2 99 SI +41 2 100 SI +41 2 101 SE +41 2 102 SI +41 2 103 OS +41 2 104 SI +41 2 105 SE +41 2 106 SA +41 2 107 TO +41 2 108 SI +41 2 109 SI +41 2 110 SA +41 2 111 OS +41 2 112 SE +41 2 113 OS +41 2 114 SI +41 2 115 SE +41 2 116 SI +41 2 117 OS +41 2 118 SE +41 2 119 SI +41 2 120 TO +41 2 121 SE +41 2 122 SI +41 2 123 SI +41 2 124 SA +41 2 125 SE +41 2 126 SE +41 2 127 OS +41 2 128 SA +41 2 129 TO +41 2 130 OS +41 2 131 SI +41 2 132 SA +41 2 133 SI +41 2 134 OS +41 2 135 SE +41 2 136 SI +41 2 137 OS +41 2 138 SI +41 2 139 TO +41 2 140 SI +41 2 141 TO +41 2 142 TO +41 2 143 SI +41 2 144 SI +41 2 145 SI +41 2 146 SA +41 2 147 SI +41 2 148 SE +41 2 149 SI +41 2 150 WE +41 2 151 SE +41 2 152 SE +41 2 153 SI +41 2 154 OS +41 2 155 OS +41 2 156 SI +41 2 157 OS +41 2 158 TO +41 2 159 SA +41 2 160 SE +41 2 161 SI +41 2 162 SE +41 2 163 SI +41 2 164 SI +41 2 165 SI +41 2 166 SI +41 2 167 SI +41 2 168 SI +41 2 169 SI +41 2 170 OS +41 2 171 SI +41 2 172 TO +41 2 173 SE +41 2 174 SA +41 2 175 SI +41 2 176 SE +41 2 177 SA +41 2 178 SI +41 2 179 SE +41 2 180 SI +41 2 181 SA +41 2 182 OS +41 2 183 OS +41 2 184 SE +41 2 185 SA +41 2 186 SI +41 2 187 SA +41 2 188 SI +41 2 189 SI +41 2 190 SE +41 2 191 SI +41 2 192 SI +41 2 193 SA +41 2 194 OS +41 2 195 SI +41 2 196 SI +41 2 197 SE +41 2 198 OS +41 2 199 TO +41 2 200 SI +41 2 201 SE +41 2 202 SI +41 2 203 SE +41 2 204 OS +41 2 205 SI +41 2 206 TO +41 2 207 SE +41 2 208 SA +41 2 209 SI +41 2 210 OS +41 2 211 SI +41 2 212 SA +41 2 213 TO +41 2 214 SA +41 2 215 SI +41 2 216 OS +41 2 217 SE +41 2 218 SA +41 2 219 SI +41 2 220 SI +41 2 221 TO +41 2 222 SI +41 2 223 SI +41 2 224 TO +41 2 225 SI +41 2 226 SI +41 2 227 OS +41 2 228 OS +41 2 229 SI +41 2 230 TO +41 2 231 SE +41 2 232 OS +41 2 233 SE +41 2 234 SI +41 2 235 SI +41 2 236 SI +41 2 237 SE +41 2 238 SI +41 2 239 SE +41 2 240 WE +41 2 241 TO +41 2 242 SA +41 2 243 SE +41 2 244 TO +41 2 245 SE +41 2 246 SI +41 2 247 SI +41 2 248 OS +41 2 249 SI +41 2 250 OS +41 2 251 SI +41 2 252 TO +41 2 253 SI +41 2 254 SI +41 2 255 OS +41 2 256 SE +41 2 257 SI +41 2 258 SA +41 2 259 SE +41 2 260 TO +41 2 261 SA +41 2 262 TO +41 2 263 SI +41 2 264 SI +41 2 265 SI +41 2 266 SU +41 2 267 SE +41 2 268 SI +41 2 269 SE +41 2 270 SA +41 2 271 SI +41 2 272 TO +41 2 273 SE +41 2 274 TO +41 2 275 SI +41 2 276 SE +41 2 277 SI +41 2 278 SE +41 2 279 SI +41 2 280 SI +41 2 281 SI +41 2 282 SI +41 2 283 SU +41 2 284 SI +41 2 285 SE +41 2 286 TO +41 2 287 SA +41 2 288 SE +41 2 289 SI +41 2 290 TO +41 2 291 SI +41 2 292 SE +41 2 293 SI +41 2 294 SI +41 2 295 SU +41 2 296 SE +41 2 297 SA +41 2 298 SE +41 2 299 SI +41 2 300 SI +41 2 301 SI +41 2 302 TO +41 2 303 SI +41 2 304 SI +41 2 305 SE +41 2 306 SI +41 2 307 SI +41 2 308 SE +41 2 309 OS +41 2 310 SI +41 2 311 SI +41 2 312 OS +41 2 313 SI +41 2 314 TO +41 2 315 SI +41 2 316 SI +41 2 317 SE +41 2 318 SE +41 2 319 TO +41 2 320 SI +41 2 321 SE +41 2 322 SI +41 2 323 SI +41 2 324 TO +41 2 325 SE +41 2 326 SA +41 2 327 SI +41 2 328 SI +41 2 329 SU +41 2 330 SI +41 3 1 SI +41 3 2 SI +41 3 3 SE +41 3 4 MO +41 3 5 SI +41 3 6 SA +41 3 7 SI +41 3 8 SE +41 3 9 SE +41 3 10 MO +41 3 11 MO +41 3 12 SA +41 3 13 SI +41 3 14 MO +41 3 15 SE +41 3 16 TO +41 3 17 SE +41 3 18 MO +41 3 19 SI +41 3 20 SI +41 3 21 SE +41 3 22 SA +41 3 23 SU +41 3 24 MO +41 3 25 SI +41 3 26 SI +41 3 27 TO +41 3 28 SE +41 3 29 SI +41 3 30 SE +41 3 31 SI +41 3 32 SE +41 3 33 SI +41 3 34 SI +41 3 35 SE +41 3 36 MO +41 3 37 SI +41 3 38 SE +41 3 39 SI +41 3 40 SI +41 3 41 SE +41 3 42 SA +41 3 43 MO +41 3 44 TO +41 3 45 SI +41 3 46 MO +41 3 47 MO +41 3 48 SA +41 3 49 SI +41 3 50 SE +41 3 51 MO +41 3 52 TO +41 3 53 SE +41 3 54 SI +41 3 55 SI +41 3 56 SE +41 3 57 SI +41 3 58 MO +41 3 59 SE +41 3 60 MO +41 3 61 SE +41 3 62 TO +41 3 63 SE +41 3 64 SI +41 3 65 SE +41 3 66 TO +41 3 67 SI +41 3 68 SE +41 3 69 MO +41 3 70 TO +41 3 71 SE +41 3 72 SI +41 3 73 SE +41 3 74 SI +41 3 75 MO +41 3 76 SE +41 3 77 SI +41 3 78 SE +41 3 79 MO +41 3 80 SI +41 3 81 SI +41 3 82 SI +41 3 83 TO +41 3 84 SE +41 3 85 SI +41 3 86 SE +41 3 87 MO +41 3 88 SE +41 3 89 MO +41 3 90 SI +41 3 91 SI +41 3 92 TO +41 3 93 SI +41 3 94 MO +41 3 95 TO +41 3 96 SA +41 3 97 SI +41 3 98 SE +41 3 99 SE +41 3 100 SI +41 3 101 SE +41 3 102 TO +41 3 103 SU +41 3 104 SI +41 3 105 SE +41 3 106 SA +41 3 107 TO +41 3 108 SI +41 3 109 SI +41 3 110 SA +41 3 111 MO +41 3 112 SE +41 3 113 MO +41 3 114 SI +41 3 115 SE +41 3 116 SI +41 3 117 TO +41 3 118 SU +41 3 119 SE +41 3 120 TO +41 3 121 SE +41 3 122 SI +41 3 123 SI +41 3 124 SI +41 3 125 SE +41 3 126 SE +41 3 127 MO +41 3 128 SA +41 3 129 TO +41 3 130 SU +41 3 131 SE +41 3 132 SE +41 3 133 SI +41 3 134 SU +41 3 135 SE +41 3 136 SI +41 3 137 MO +41 3 138 SI +41 3 139 TO +41 3 140 SI +41 3 141 TO +41 3 142 MO +41 3 143 SI +41 3 144 MO +41 3 145 SI +41 3 146 SA +41 3 147 SI +41 3 148 SE +41 3 149 SI +41 3 150 SU +41 3 151 SE +41 3 152 SE +41 3 153 SI +41 3 154 MO +41 3 155 MO +41 3 156 SI +41 3 157 TO +41 3 158 TO +41 3 159 SA +41 3 160 SE +41 3 161 SI +41 3 162 SE +41 3 163 SI +41 3 164 SI +41 3 165 SU +41 3 166 MO +41 3 167 SE +41 3 168 SI +41 3 169 SI +41 3 170 MO +41 3 171 SI +41 3 172 TO +41 3 173 SE +41 3 174 SA +41 3 175 SI +41 3 176 SE +41 3 177 SA +41 3 178 MO +41 3 179 SU +41 3 180 SI +41 3 181 SA +41 3 182 SU +41 3 183 SU +41 3 184 SE +41 3 185 SA +41 3 186 SI +41 3 187 SA +41 3 188 SI +41 3 189 TO +41 3 190 SE +41 3 191 SI +41 3 192 SU +41 3 193 SA +41 3 194 SU +41 3 195 SI +41 3 196 SI +41 3 197 SU +41 3 198 MO +41 3 199 TO +41 3 200 SI +41 3 201 SE +41 3 202 SI +41 3 203 SE +41 3 204 MO +41 3 205 SU +41 3 206 TO +41 3 207 SE +41 3 208 SU +41 3 209 MO +41 3 210 SU +41 3 211 SI +41 3 212 SA +41 3 213 TO +41 3 214 SI +41 3 215 SE +41 3 216 MO +41 3 217 SE +41 3 218 SI +41 3 219 TO +41 3 220 SU +41 3 221 SI +41 3 222 SI +41 3 223 SI +41 3 224 TO +41 3 225 SU +41 3 226 SI +41 3 227 MO +41 3 228 SU +41 3 229 SI +41 3 230 TO +41 3 231 SE +41 3 232 SA +41 3 233 TO +41 3 234 SI +41 3 235 SI +41 3 236 SA +41 3 237 SE +41 3 238 SI +41 3 239 SE +41 3 240 SU +41 3 241 TO +41 3 242 SA +41 3 243 SU +41 3 244 TO +41 3 245 SE +41 3 246 SI +41 3 247 SI +41 3 248 MO +41 3 249 SI +41 3 250 SU +41 3 251 SI +41 3 252 TO +41 3 253 SI +41 3 254 SI +41 3 255 SU +41 3 256 SE +41 3 257 MO +41 3 258 SA +41 3 259 SU +41 3 260 SI +41 3 261 SA +41 3 262 TO +41 3 263 MO +41 3 264 SI +41 3 265 SI +41 3 266 SU +41 3 267 SU +41 3 268 SI +41 3 269 SE +41 3 270 SA +41 3 271 MO +41 3 272 TO +41 3 273 SE +41 3 274 TO +41 3 275 SA +41 3 276 SE +41 3 277 MO +41 3 278 SE +41 3 279 MO +41 3 280 SI +41 3 281 SI +41 3 282 SI +41 3 283 SU +41 3 284 TO +41 3 285 SU +41 3 286 SE +41 3 287 SI +41 3 288 TO +41 3 289 SI +41 3 290 SE +41 3 291 SI +41 3 292 TO +41 3 293 SU +41 3 294 SE +41 3 295 SA +41 3 296 SE +41 3 297 SI +41 3 298 TO +41 3 299 SI +41 3 300 TO +41 3 301 MO +41 3 302 SI +41 3 303 SU +41 3 304 SI +41 3 305 SU +41 3 306 SI +41 3 307 SI +41 3 308 SE +41 3 309 MO +41 3 310 SI +41 3 311 SI +41 3 312 MO +41 3 313 SI +41 3 314 TO +41 3 315 SI +41 3 316 SI +41 3 317 SU +41 3 318 SE +41 3 319 TO +41 3 320 SU +41 3 321 SE +41 3 322 SI +41 3 323 SI +41 3 324 TO +41 3 325 SE +41 3 326 SA +41 3 327 TO +41 3 328 SI +41 3 329 SU +41 3 330 TO +41 4 1 SI +41 4 2 TO +41 4 3 SE +41 4 4 SI +41 4 5 SA +41 4 6 SE +41 4 7 SA +41 4 8 SE +41 4 9 SU +41 4 10 SI +41 4 11 OS +41 4 12 SA +41 4 13 SI +41 4 14 SI +41 4 15 SE +41 4 16 TO +41 4 17 SE +41 4 18 OS +41 4 19 SI +41 4 20 SA +41 4 21 SE +41 4 22 SA +41 4 23 MO +41 4 24 OS +41 4 25 SI +41 4 26 SI +41 4 27 TO +41 4 28 SE +41 4 29 SI +41 4 30 SA +41 4 31 TO +41 4 32 SE +41 4 33 SA +41 4 34 SI +41 4 35 SE +41 4 36 OS +41 4 37 SI +41 4 38 SE +41 4 39 SI +41 4 40 SI +41 4 41 SE +41 4 42 SA +41 4 43 OS +41 4 44 TO +41 4 45 SI +41 4 46 OS +41 4 47 OS +41 4 48 SA +41 4 49 SI +41 4 50 OS +41 4 51 SU +41 4 52 TO +41 4 53 SE +41 4 54 SI +41 4 55 SI +41 4 56 SE +41 4 57 SI +41 4 58 SA +41 4 59 TO +41 4 60 OS +41 4 61 SE +41 4 62 TO +41 4 63 SE +41 4 64 SI +41 4 65 SE +41 4 66 TO +41 4 67 SI +41 4 68 SE +41 4 69 SA +41 4 70 TO +41 4 71 SE +41 4 72 SI +41 4 73 SE +41 4 74 TO +41 4 75 OS +41 4 76 SE +41 4 77 SI +41 4 78 TO +41 4 79 OS +41 4 80 SI +41 4 81 SA +41 4 82 SI +41 4 83 TO +41 4 84 SE +41 4 85 SI +41 4 86 SE +41 4 87 OS +41 4 88 SE +41 4 89 OS +41 4 90 OS +41 4 91 SA +41 4 92 TO +41 4 93 SI +41 4 94 OS +41 4 95 TO +41 4 96 SA +41 4 97 SI +41 4 98 SE +41 4 99 TO +41 4 100 SI +41 4 101 SE +41 4 102 TO +41 4 103 SU +41 4 104 SI +41 4 105 SE +41 4 106 SA +41 4 107 TO +41 4 108 TO +41 4 109 SI +41 4 110 SA +41 4 111 OS +41 4 112 SE +41 4 113 OS +41 4 114 SI +41 4 115 SE +41 4 116 SI +41 4 117 TO +41 4 118 OS +41 4 119 SE +41 4 120 TO +41 4 121 SE +41 4 122 SI +41 4 123 SI +41 4 124 SA +41 4 125 SE +41 4 126 SE +41 4 127 OS +41 4 128 SA +41 4 129 TO +41 4 130 OS +41 4 131 SE +41 4 132 SE +41 4 133 SI +41 4 134 OS +41 4 135 SE +41 4 136 SI +41 4 137 SI +41 4 138 TO +41 4 139 TO +41 4 140 SI +41 4 141 TO +41 4 142 TO +41 4 143 SA +41 4 144 SI +41 4 145 SI +41 4 146 SA +41 4 147 SI +41 4 148 SE +41 4 149 SA +41 4 150 SE +41 4 151 SE +41 4 152 SE +41 4 153 SI +41 4 154 OS +41 4 155 OS +41 4 156 SI +41 4 157 OS +41 4 158 TO +41 4 159 SA +41 4 160 SE +41 4 161 SI +41 4 162 SE +41 4 163 SI +41 4 164 SI +41 4 165 OS +41 4 166 OS +41 4 167 TO +41 4 168 SI +41 4 169 SI +41 4 170 OS +41 4 171 SA +41 4 172 TO +41 4 173 SE +41 4 174 SA +41 4 175 TO +41 4 176 SE +41 4 177 SA +41 4 178 SI +41 4 179 SE +41 4 180 SI +41 4 181 SA +41 4 182 SE +41 4 183 SU +41 4 184 MO +41 4 185 SU +41 4 186 SI +41 4 187 SA +41 4 188 SI +41 4 189 SA +41 4 190 SE +41 4 191 SI +41 4 192 SI +41 4 193 SA +41 4 194 SE +41 4 195 SI +41 4 196 SI +41 4 197 SE +41 4 198 OS +41 4 199 TO +41 4 200 SI +41 4 201 SE +41 4 202 SI +41 4 203 SE +41 4 204 OS +41 4 205 SI +41 4 206 TO +41 4 207 SE +41 4 208 SA +41 4 209 SI +41 4 210 OS +41 4 211 SI +41 4 212 SA +41 4 213 TO +41 4 214 SA +41 4 215 SE +41 4 216 OS +41 4 217 SE +41 4 218 SA +41 4 219 TO +41 4 220 SI +41 4 221 TO +41 4 222 SE +41 4 223 SI +41 4 224 TO +41 4 225 SA +41 4 226 SI +41 4 227 OS +41 4 228 OS +41 4 229 SI +41 4 230 TO +41 4 231 SE +41 4 232 SA +41 4 233 SI +41 4 234 SI +41 4 235 SI +41 4 236 SA +41 4 237 TO +41 4 238 SI +41 4 239 SE +41 4 240 SE +41 4 241 TO +41 4 242 SA +41 4 243 SE +41 4 244 TO +41 4 245 SE +41 4 246 SI +41 4 247 SI +41 4 248 OS +41 4 249 SI +41 4 250 SI +41 4 251 SI +41 4 252 TO +41 4 253 SI +41 4 254 SI +41 4 255 OS +41 4 256 SE +41 4 257 SI +41 4 258 SA +41 4 259 SE +41 4 260 TO +41 4 261 SE +41 4 262 TO +41 4 263 OS +41 4 264 TO +41 4 265 SI +41 4 266 SE +41 4 267 SE +41 4 268 SI +41 4 269 SE +41 4 270 SA +41 4 271 SI +41 4 272 TO +41 4 273 SE +41 4 274 TO +41 4 275 SA +41 4 276 SE +41 4 277 SI +41 4 278 SE +41 4 279 SI +41 4 280 SI +41 4 281 SI +41 4 282 SI +41 4 283 SU +41 4 284 TO +41 4 285 SE +41 4 286 TO +41 4 287 SA +41 4 288 SE +41 4 289 SI +41 4 290 TO +41 4 291 SI +41 4 292 SE +41 4 293 TO +41 4 294 TO +41 4 295 SU +41 4 296 SI +41 4 297 SA +41 4 298 SE +41 4 299 SI +41 4 300 TO +41 4 301 SI +41 4 302 TO +41 4 303 TO +41 4 304 SA +41 4 305 SE +41 4 306 SA +41 4 307 SI +41 4 308 MO +41 4 309 OS +41 4 310 SI +41 4 311 SI +41 4 312 OS +41 4 313 SI +41 4 314 TO +41 4 315 SA +41 4 316 SI +41 4 317 SE +41 4 318 SE +41 4 319 TO +41 4 320 SA +41 4 321 SE +41 4 322 SI +41 4 323 SI +41 4 324 TO +41 4 325 SE +41 4 326 SA +41 4 327 TO +41 4 328 OS +41 4 329 SA +41 4 330 TO +41 5 1 SI +41 5 2 SI +41 5 3 SE +41 5 4 SI +41 5 5 SI +41 5 6 SE +41 5 7 SI +41 5 8 SU +41 5 9 SU +41 5 10 SI +41 5 11 OS +41 5 12 SA +41 5 13 OS +41 5 14 SI +41 5 15 SE +41 5 16 TO +41 5 17 SE +41 5 18 OS +41 5 19 SI +41 5 20 SI +41 5 21 SE +41 5 22 SA +41 5 23 SI +41 5 24 OS +41 5 25 SI +41 5 26 SI +41 5 27 SA +41 5 28 SE +41 5 29 SI +41 5 30 SU +41 5 31 SI +41 5 32 SE +41 5 33 SI +41 5 34 SI +41 5 35 SE +41 5 36 SU +41 5 37 SI +41 5 38 SE +41 5 39 SI +41 5 40 SI +41 5 41 SU +41 5 42 SA +41 5 43 SI +41 5 44 TO +41 5 45 SI +41 5 46 OS +41 5 47 SI +41 5 48 SU +41 5 49 SI +41 5 50 SI +41 5 51 SU +41 5 52 TO +41 5 53 SU +41 5 54 SI +41 5 55 SI +41 5 56 SE +41 5 57 SI +41 5 58 SU +41 5 59 TO +41 5 60 OS +41 5 61 SE +41 5 62 SU +41 5 63 SE +41 5 64 SI +41 5 65 SE +41 5 66 TO +41 5 67 SI +41 5 68 SE +41 5 69 SU +41 5 70 TO +41 5 71 SU +41 5 72 SI +41 5 73 SI +41 5 74 SI +41 5 75 OS +41 5 76 SE +41 5 77 SI +41 5 78 SE +41 5 79 OS +41 5 80 SI +41 5 81 SI +41 5 82 SI +41 5 83 SA +41 5 84 SE +41 5 85 SI +41 5 86 SE +41 5 87 OS +41 5 88 SU +41 5 89 OS +41 5 90 SI +41 5 91 SI +41 5 92 SE +41 5 93 SI +41 5 94 OS +41 5 95 SI +41 5 96 SA +41 5 97 SI +41 5 98 SE +41 5 99 SI +41 5 100 SI +41 5 101 SU +41 5 102 SI +41 5 103 SU +41 5 104 SI +41 5 105 SI +41 5 106 SA +41 5 107 TO +41 5 108 SI +41 5 109 SI +41 5 110 SU +41 5 111 SI +41 5 112 SE +41 5 113 OS +41 5 114 SI +41 5 115 SU +41 5 116 SI +41 5 117 SU +41 5 118 SE +41 5 119 SI +41 5 120 TO +41 5 121 SE +41 5 122 SI +41 5 123 SI +41 5 124 SI +41 5 125 SE +41 5 126 SE +41 5 127 SI +41 5 128 SA +41 5 129 TO +41 5 130 OS +41 5 131 SI +41 5 132 SE +41 5 133 SI +41 5 134 SU +41 5 135 SE +41 5 136 SI +41 5 137 SI +41 5 138 SI +41 5 139 TO +41 5 140 SI +41 5 141 TO +41 5 142 TO +41 5 143 SI +41 5 144 OS +41 5 145 SI +41 5 146 SA +41 5 147 SI +41 5 148 SE +41 5 149 SI +41 5 150 SU +41 5 151 SE +41 5 152 SE +41 5 153 SI +41 5 154 OS +41 5 155 OS +41 5 156 SI +41 5 157 SU +41 5 158 TO +41 5 159 SA +41 5 160 SE +41 5 161 SI +41 5 162 SE +41 5 163 SI +41 5 164 SI +41 5 165 SU +41 5 166 OS +41 5 167 MO +41 5 168 SI +41 5 169 SI +41 5 170 SI +41 5 171 SI +41 5 172 TO +41 5 173 SE +41 5 174 SA +41 5 175 SI +41 5 176 SE +41 5 177 SA +41 5 178 SI +41 5 179 SU +41 5 180 SI +41 5 181 SU +41 5 182 SU +41 5 183 SU +41 5 184 SI +41 5 185 SU +41 5 186 SI +41 5 187 SE +41 5 188 SI +41 5 189 SI +41 5 190 SE +41 5 191 SI +41 5 192 SI +41 5 193 SI +41 5 194 SU +41 5 195 SI +41 5 196 SI +41 5 197 SU +41 5 198 OS +41 5 199 SI +41 5 200 SI +41 5 201 SE +41 5 202 SI +41 5 203 SE +41 5 204 SU +41 5 205 SI +41 5 206 SA +41 5 207 SE +41 5 208 SA +41 5 209 SI +41 5 210 SU +41 5 211 SI +41 5 212 SE +41 5 213 SI +41 5 214 SI +41 5 215 SE +41 5 216 OS +41 5 217 SE +41 5 218 SI +41 5 219 SI +41 5 220 SI +41 5 221 SI +41 5 222 SI +41 5 223 SI +41 5 224 TO +41 5 225 SU +41 5 226 SI +41 5 227 OS +41 5 228 OS +41 5 229 SI +41 5 230 TO +41 5 231 SI +41 5 232 SU +41 5 233 OS +41 5 234 SI +41 5 235 SI +41 5 236 SI +41 5 237 SE +41 5 238 SI +41 5 239 SE +41 5 240 SU +41 5 241 TO +41 5 242 SA +41 5 243 SU +41 5 244 TO +41 5 245 SE +41 5 246 SI +41 5 247 SI +41 5 248 OS +41 5 249 SI +41 5 250 SI +41 5 251 SI +41 5 252 TO +41 5 253 SI +41 5 254 SI +41 5 255 OS +41 5 256 SE +41 5 257 SI +41 5 258 SA +41 5 259 SU +41 5 260 SA +41 5 261 SE +41 5 262 TO +41 5 263 OS +41 5 264 SI +41 5 265 SI +41 5 266 SU +41 5 267 SU +41 5 268 SI +41 5 269 SI +41 5 270 SE +41 5 271 SI +41 5 272 TO +41 5 273 SI +41 5 274 TO +41 5 275 SU +41 5 276 SE +41 5 277 OS +41 5 278 SE +41 5 279 OS +41 5 280 SI +41 5 281 SI +41 5 282 SI +41 5 283 SU +41 5 284 TO +41 5 285 SE +41 5 286 TO +41 5 287 SU +41 5 288 SE +41 5 289 SI +41 5 290 TO +41 5 291 SI +41 5 292 SE +41 5 293 SI +41 5 294 SI +41 5 295 SU +41 5 296 SI +41 5 297 SA +41 5 298 SE +41 5 299 SI +41 5 300 SU +41 5 301 SI +41 5 302 TO +41 5 303 SI +41 5 304 SI +41 5 305 OS +41 5 306 SI +41 5 307 SI +41 5 308 SI +41 5 309 OS +41 5 310 SI +41 5 311 OS +41 5 312 OS +41 5 313 OS +41 5 314 TO +41 5 315 SI +41 5 316 SI +41 5 317 OS +41 5 318 SE +41 5 319 TO +41 5 320 SU +41 5 321 SE +41 5 322 SI +41 5 323 SI +41 5 324 TO +41 5 325 SI +41 5 326 SU +41 5 327 SI +41 5 328 SI +41 5 329 SU +41 5 330 SI +41 6 1 SI +41 6 2 TO +41 6 3 SE +41 6 4 SU +41 6 5 SI +41 6 6 SE +41 6 7 SI +41 6 8 OS +41 6 9 SU +41 6 10 OS +41 6 11 OS +41 6 12 SA +41 6 13 SU +41 6 14 SU +41 6 15 SE +41 6 16 TO +41 6 17 SE +41 6 18 SU +41 6 19 SI +41 6 20 SI +41 6 21 SE +41 6 22 SA +41 6 23 SE +41 6 24 SU +41 6 25 SI +41 6 26 OS +41 6 27 TO +41 6 28 SE +41 6 29 SI +41 6 30 SU +41 6 31 SI +41 6 32 SE +41 6 33 SU +41 6 34 SI +41 6 35 SE +41 6 36 OS +41 6 37 SI +41 6 38 OS +41 6 39 OS +41 6 40 SI +41 6 41 SE +41 6 42 SU +41 6 43 OS +41 6 44 TO +41 6 45 SI +41 6 46 SU +41 6 47 OS +41 6 48 SA +41 6 49 SI +41 6 50 OS +41 6 51 OS +41 6 52 TO +41 6 53 SE +41 6 54 SU +41 6 55 SI +41 6 56 SE +41 6 57 OS +41 6 58 SU +41 6 59 TO +41 6 60 OS +41 6 61 SE +41 6 62 SE +41 6 63 SE +41 6 64 SI +41 6 65 SE +41 6 66 TO +41 6 67 SI +41 6 68 SE +41 6 69 SU +41 6 70 TO +41 6 71 OS +41 6 72 SI +41 6 73 OS +41 6 74 TO +41 6 75 OS +41 6 76 SE +41 6 77 SI +41 6 78 SE +41 6 79 SU +41 6 80 SI +41 6 81 SA +41 6 82 SI +41 6 83 TO +41 6 84 TO +41 6 85 SI +41 6 86 SE +41 6 87 OS +41 6 88 SE +41 6 89 OS +41 6 90 OS +41 6 91 SA +41 6 92 TO +41 6 93 SI +41 6 94 SU +41 6 95 TO +41 6 96 SA +41 6 97 SE +41 6 98 SE +41 6 99 TO +41 6 100 SI +41 6 101 SE +41 6 102 SI +41 6 103 SU +41 6 104 SI +41 6 105 SE +41 6 106 SA +41 6 107 TO +41 6 108 TO +41 6 109 OS +41 6 110 SA +41 6 111 SU +41 6 112 SE +41 6 113 OS +41 6 114 SI +41 6 115 SE +41 6 116 SI +41 6 117 SU +41 6 118 ST +41 6 119 SI +41 6 120 TO +41 6 121 SE +41 6 122 SI +41 6 123 SU +41 6 124 SA +41 6 125 SE +41 6 126 SE +41 6 127 OS +41 6 128 SA +41 6 129 TO +41 6 130 OS +41 6 131 SE +41 6 132 SE +41 6 133 OS +41 6 134 OS +41 6 135 SE +41 6 136 SI +41 6 137 OS +41 6 138 SI +41 6 139 TO +41 6 140 OS +41 6 141 TO +41 6 142 TO +41 6 143 SA +41 6 144 OS +41 6 145 SI +41 6 146 SA +41 6 147 SI +41 6 148 SE +41 6 149 SI +41 6 150 OS +41 6 151 SE +41 6 152 SE +41 6 153 SI +41 6 154 SU +41 6 155 SU +41 6 156 SI +41 6 157 OS +41 6 158 TO +41 6 159 SA +41 6 160 ST +41 6 161 SI +41 6 162 SE +41 6 163 SI +41 6 164 SI +41 6 165 SU +41 6 166 OS +41 6 167 ST +41 6 168 OS +41 6 169 SI +41 6 170 SU +41 6 171 OS +41 6 172 TO +41 6 173 SE +41 6 174 SA +41 6 175 TO +41 6 176 SE +41 6 177 SA +41 6 178 OS +41 6 179 SE +41 6 180 SI +41 6 181 SA +41 6 182 OS +41 6 183 SU +41 6 184 SE +41 6 185 SU +41 6 186 SI +41 6 187 SA +41 6 188 SI +41 6 189 TO +41 6 190 SE +41 6 191 SI +41 6 192 SE +41 6 193 SA +41 6 194 OS +41 6 195 SI +41 6 196 TO +41 6 197 SE +41 6 198 OS +41 6 199 TO +41 6 200 SI +41 6 201 SE +41 6 202 SI +41 6 203 SE +41 6 204 OS +41 6 205 SE +41 6 206 TO +41 6 207 SE +41 6 208 SU +41 6 209 OS +41 6 210 OS +41 6 211 SI +41 6 212 SA +41 6 213 TO +41 6 214 SA +41 6 215 SE +41 6 216 OS +41 6 217 SE +41 6 218 SI +41 6 219 TO +41 6 220 OS +41 6 221 TO +41 6 222 SE +41 6 223 SI +41 6 224 TO +41 6 225 SU +41 6 226 OS +41 6 227 OS +41 6 228 OS +41 6 229 SI +41 6 230 TO +41 6 231 SE +41 6 232 SU +41 6 233 SI +41 6 234 SI +41 6 235 OS +41 6 236 SU +41 6 237 SE +41 6 238 SI +41 6 239 SE +41 6 240 OS +41 6 241 TO +41 6 242 SA +41 6 243 OS +41 6 244 TO +41 6 245 SE +41 6 246 SI +41 6 247 SE +41 6 248 SU +41 6 249 SU +41 6 250 SE +41 6 251 SI +41 6 252 TO +41 6 253 SI +41 6 254 SI +41 6 255 SU +41 6 256 SE +41 6 257 OS +41 6 258 SA +41 6 259 SE +41 6 260 TO +41 6 261 SE +41 6 262 TO +41 6 263 SU +41 6 264 SI +41 6 265 SI +41 6 266 SE +41 6 267 SE +41 6 268 SI +41 6 269 SE +41 6 270 SA +41 6 271 OS +41 6 272 TO +41 6 273 SE +41 6 274 TO +41 6 275 SU +41 6 276 SE +41 6 277 OS +41 6 278 SA +41 6 279 OS +41 6 280 SU +41 6 281 SI +41 6 282 SI +41 6 283 SE +41 6 284 TO +41 6 285 SE +41 6 286 TO +41 6 287 SU +41 6 288 SE +41 6 289 SI +41 6 290 TO +41 6 291 SI +41 6 292 SE +41 6 293 TO +41 6 294 TO +41 6 295 SU +41 6 296 SE +41 6 297 SA +41 6 298 SE +41 6 299 SI +41 6 300 SU +41 6 301 SI +41 6 302 TO +41 6 303 TO +41 6 304 SU +41 6 305 SE +41 6 306 SA +41 6 307 SI +41 6 308 SE +41 6 309 OS +41 6 310 SI +41 6 311 SI +41 6 312 OS +41 6 313 SE +41 6 314 TO +41 6 315 SU +41 6 316 SI +41 6 317 SE +41 6 318 SA +41 6 319 TO +41 6 320 SU +41 6 321 SE +41 6 322 TO +41 6 323 OS +41 6 324 TO +41 6 325 SI +41 6 326 SA +41 6 327 TO +41 6 328 SI +41 6 329 SU +41 6 330 TO +41 7 1 SI +41 7 2 SI +41 7 3 SE +41 7 4 OS +41 7 5 SI +41 7 6 SA +41 7 7 SA +41 7 8 SE +41 7 9 SU +41 7 10 OS +41 7 11 OS +41 7 12 SA +41 7 13 OS +41 7 14 OS +41 7 15 SE +41 7 16 TO +41 7 17 SE +41 7 18 OS +41 7 19 SI +41 7 20 SI +41 7 21 SE +41 7 22 SA +41 7 23 SE +41 7 24 SU +41 7 25 SI +41 7 26 OS +41 7 27 TO +41 7 28 SE +41 7 29 SI +41 7 30 SU +41 7 31 SI +41 7 32 SE +41 7 33 SI +41 7 34 OS +41 7 35 SE +41 7 36 OS +41 7 37 TO +41 7 38 SE +41 7 39 SI +41 7 40 SI +41 7 41 SE +41 7 42 SA +41 7 43 OS +41 7 44 TO +41 7 45 SI +41 7 46 OS +41 7 47 OS +41 7 48 SA +41 7 49 SI +41 7 50 OS +41 7 51 SU +41 7 52 TO +41 7 53 SE +41 7 54 SI +41 7 55 SI +41 7 56 SA +41 7 57 OS +41 7 58 SA +41 7 59 TO +41 7 60 OS +41 7 61 SE +41 7 62 SI +41 7 63 SE +41 7 64 OS +41 7 65 SE +41 7 66 TO +41 7 67 SI +41 7 68 SE +41 7 69 SI +41 7 70 TO +41 7 71 SE +41 7 72 SI +41 7 73 SE +41 7 74 TO +41 7 75 OS +41 7 76 SA +41 7 77 SI +41 7 78 TO +41 7 79 OS +41 7 80 SI +41 7 81 SI +41 7 82 SI +41 7 83 SA +41 7 84 SE +41 7 85 SI +41 7 86 SE +41 7 87 OS +41 7 88 SE +41 7 89 OS +41 7 90 OS +41 7 91 SA +41 7 92 TO +41 7 93 SI +41 7 94 OS +41 7 95 TO +41 7 96 SA +41 7 97 OS +41 7 98 SE +41 7 99 SE +41 7 100 SI +41 7 101 SE +41 7 102 TO +41 7 103 SU +41 7 104 SI +41 7 105 SE +41 7 106 SA +41 7 107 TO +41 7 108 SI +41 7 109 OS +41 7 110 SA +41 7 111 OS +41 7 112 SE +41 7 113 OS +41 7 114 SI +41 7 115 SE +41 7 116 SI +41 7 117 TO +41 7 118 SU +41 7 119 SE +41 7 120 TO +41 7 121 SE +41 7 122 SI +41 7 123 SI +41 7 124 SA +41 7 125 SE +41 7 126 SE +41 7 127 OS +41 7 128 SA +41 7 129 TO +41 7 130 OS +41 7 131 SE +41 7 132 SE +41 7 133 SI +41 7 134 OS +41 7 135 SE +41 7 136 SI +41 7 137 SI +41 7 138 SI +41 7 139 TO +41 7 140 OS +41 7 141 TO +41 7 142 TO +41 7 143 SI +41 7 144 SI +41 7 145 SI +41 7 146 SA +41 7 147 SI +41 7 148 SE +41 7 149 SI +41 7 150 OS +41 7 151 SE +41 7 152 SE +41 7 153 SI +41 7 154 OS +41 7 155 OS +41 7 156 SI +41 7 157 OS +41 7 158 TO +41 7 159 SA +41 7 160 SE +41 7 161 SI +41 7 162 SE +41 7 163 SI +41 7 164 SI +41 7 165 SI +41 7 166 OS +41 7 167 SE +41 7 168 SI +41 7 169 SI +41 7 170 OS +41 7 171 SI +41 7 172 TO +41 7 173 SE +41 7 174 SA +41 7 175 SI +41 7 176 SE +41 7 177 SA +41 7 178 OS +41 7 179 SU +41 7 180 SI +41 7 181 SA +41 7 182 OS +41 7 183 SU +41 7 184 SI +41 7 185 SA +41 7 186 SI +41 7 187 SA +41 7 188 SI +41 7 189 TO +41 7 190 SE +41 7 191 SI +41 7 192 OS +41 7 193 SA +41 7 194 SU +41 7 195 SI +41 7 196 SI +41 7 197 SE +41 7 198 OS +41 7 199 TO +41 7 200 SI +41 7 201 SA +41 7 202 SI +41 7 203 SE +41 7 204 OS +41 7 205 OS +41 7 206 TO +41 7 207 SE +41 7 208 SU +41 7 209 OS +41 7 210 SU +41 7 211 SI +41 7 212 SA +41 7 213 TO +41 7 214 SA +41 7 215 SE +41 7 216 OS +41 7 217 SE +41 7 218 SI +41 7 219 TO +41 7 220 OS +41 7 221 TO +41 7 222 OS +41 7 223 SI +41 7 224 TO +41 7 225 SU +41 7 226 OS +41 7 227 OS +41 7 228 OS +41 7 229 SI +41 7 230 SE +41 7 231 SE +41 7 232 SU +41 7 233 OS +41 7 234 SI +41 7 235 SI +41 7 236 SA +41 7 237 SE +41 7 238 SI +41 7 239 SE +41 7 240 SU +41 7 241 TO +41 7 242 SA +41 7 243 OS +41 7 244 SI +41 7 245 SE +41 7 246 SI +41 7 247 SI +41 7 248 OS +41 7 249 SI +41 7 250 OS +41 7 251 SI +41 7 252 SE +41 7 253 SI +41 7 254 SI +41 7 255 OS +41 7 256 SE +41 7 257 SI +41 7 258 SA +41 7 259 SU +41 7 260 SA +41 7 261 SE +41 7 262 TO +41 7 263 TO +41 7 264 SI +41 7 265 SI +41 7 266 SU +41 7 267 SE +41 7 268 SI +41 7 269 SE +41 7 270 SA +41 7 271 OS +41 7 272 TO +41 7 273 SE +41 7 274 TO +41 7 275 SA +41 7 276 SE +41 7 277 SI +41 7 278 SE +41 7 279 SI +41 7 280 SI +41 7 281 SI +41 7 282 SI +41 7 283 SU +41 7 284 TO +41 7 285 SE +41 7 286 TO +41 7 287 SA +41 7 288 SE +41 7 289 SI +41 7 290 SA +41 7 291 SI +41 7 292 SE +41 7 293 SI +41 7 294 TO +41 7 295 SU +41 7 296 SE +41 7 297 SA +41 7 298 SE +41 7 299 SI +41 7 300 TO +41 7 301 SI +41 7 302 SA +41 7 303 TO +41 7 304 SI +41 7 305 SE +41 7 306 SI +41 7 307 SI +41 7 308 SE +41 7 309 SU +41 7 310 SI +41 7 311 SI +41 7 312 OS +41 7 313 SI +41 7 314 SE +41 7 315 SA +41 7 316 SI +41 7 317 SE +41 7 318 SA +41 7 319 TO +41 7 320 SI +41 7 321 SE +41 7 322 SI +41 7 323 SI +41 7 324 TO +41 7 325 SE +41 7 326 SA +41 7 327 SI +41 7 328 SI +41 7 329 SU +41 7 330 SI +41 8 1 SI +41 8 2 SI +41 8 3 SE +41 8 4 OS +41 8 5 SI +41 8 6 SA +41 8 7 SI +41 8 8 SE +41 8 9 SA +41 8 10 OS +41 8 11 SI +41 8 12 SA +41 8 13 OS +41 8 14 OS +41 8 15 SE +41 8 16 TO +41 8 17 SE +41 8 18 OS +41 8 19 SI +41 8 20 SI +41 8 21 SE +41 8 22 SA +41 8 23 SE +41 8 24 OS +41 8 25 SI +41 8 26 SI +41 8 27 TO +41 8 28 SE +41 8 29 SI +41 8 30 SA +41 8 31 SI +41 8 32 SE +41 8 33 SI +41 8 34 SI +41 8 35 SE +41 8 36 SI +41 8 37 SI +41 8 38 SE +41 8 39 SI +41 8 40 SI +41 8 41 SE +41 8 42 SA +41 8 43 SI +41 8 44 TO +41 8 45 SI +41 8 46 OS +41 8 47 SI +41 8 48 SA +41 8 49 SI +41 8 50 SI +41 8 51 SA +41 8 52 TO +41 8 53 SE +41 8 54 SI +41 8 55 SI +41 8 56 SE +41 8 57 SI +41 8 58 SA +41 8 59 SE +41 8 60 SI +41 8 61 SE +41 8 62 MO +41 8 63 SE +41 8 64 SI +41 8 65 SE +41 8 66 TO +41 8 67 SI +41 8 68 MO +41 8 69 SA +41 8 70 TO +41 8 71 SE +41 8 72 SI +41 8 73 SE +41 8 74 SI +41 8 75 OS +41 8 76 SA +41 8 77 SI +41 8 78 SE +41 8 79 OS +41 8 80 SI +41 8 81 SA +41 8 82 SI +41 8 83 SA +41 8 84 SE +41 8 85 SI +41 8 86 SE +41 8 87 OS +41 8 88 SE +41 8 89 OS +41 8 90 SI +41 8 91 SA +41 8 92 TO +41 8 93 SI +41 8 94 OS +41 8 95 SI +41 8 96 SA +41 8 97 SI +41 8 98 SE +41 8 99 MO +41 8 100 SI +41 8 101 SE +41 8 102 MO +41 8 103 SA +41 8 104 SI +41 8 105 SE +41 8 106 SA +41 8 107 TO +41 8 108 SI +41 8 109 OS +41 8 110 SA +41 8 111 SI +41 8 112 SE +41 8 113 OS +41 8 114 SI +41 8 115 SE +41 8 116 SI +41 8 117 CO +41 8 118 SE +41 8 119 SI +41 8 120 TO +41 8 121 SA +41 8 122 SI +41 8 123 SI +41 8 124 SA +41 8 125 SA +41 8 126 SE +41 8 127 OS +41 8 128 SA +41 8 129 SE +41 8 130 OS +41 8 131 MO +41 8 132 SE +41 8 133 SI +41 8 134 CO +41 8 135 SE +41 8 136 SI +41 8 137 SI +41 8 138 SI +41 8 139 SE +41 8 140 SI +41 8 141 TO +41 8 142 TO +41 8 143 SA +41 8 144 MO +41 8 145 SI +41 8 146 SA +41 8 147 SI +41 8 148 SE +41 8 149 SI +41 8 150 OS +41 8 151 SE +41 8 152 SE +41 8 153 SI +41 8 154 OS +41 8 155 SA +41 8 156 SI +41 8 157 SA +41 8 158 TO +41 8 159 SA +41 8 160 SE +41 8 161 SI +41 8 162 SE +41 8 163 SI +41 8 164 SI +41 8 165 SA +41 8 166 SI +41 8 167 SE +41 8 168 SI +41 8 169 SI +41 8 170 OS +41 8 171 SI +41 8 172 TO +41 8 173 SE +41 8 174 SA +41 8 175 SI +41 8 176 SE +41 8 177 SA +41 8 178 SI +41 8 179 SE +41 8 180 SI +41 8 181 SA +41 8 182 SE +41 8 183 SA +41 8 184 SI +41 8 185 SA +41 8 186 SI +41 8 187 SA +41 8 188 SI +41 8 189 SI +41 8 190 SE +41 8 191 SI +41 8 192 MO +41 8 193 SA +41 8 194 SE +41 8 195 SI +41 8 196 SI +41 8 197 MO +41 8 198 OS +41 8 199 SI +41 8 200 SI +41 8 201 SE +41 8 202 SI +41 8 203 SE +41 8 204 OS +41 8 205 MO +41 8 206 TO +41 8 207 SE +41 8 208 SA +41 8 209 SI +41 8 210 CO +41 8 211 SI +41 8 212 SA +41 8 213 MO +41 8 214 SA +41 8 215 SE +41 8 216 SI +41 8 217 SE +41 8 218 SA +41 8 219 SI +41 8 220 SI +41 8 221 SI +41 8 222 SI +41 8 223 SI +41 8 224 TO +41 8 225 SA +41 8 226 SI +41 8 227 OS +41 8 228 SI +41 8 229 SI +41 8 230 SE +41 8 231 MO +41 8 232 SA +41 8 233 SI +41 8 234 SI +41 8 235 SI +41 8 236 SA +41 8 237 SE +41 8 238 SI +41 8 239 SE +41 8 240 CO +41 8 241 TO +41 8 242 SA +41 8 243 MO +41 8 244 TO +41 8 245 SE +41 8 246 SI +41 8 247 SI +41 8 248 OS +41 8 249 SI +41 8 250 MO +41 8 251 SI +41 8 252 TO +41 8 253 SI +41 8 254 SI +41 8 255 OS +41 8 256 SE +41 8 257 SI +41 8 258 SA +41 8 259 SE +41 8 260 SA +41 8 261 SA +41 8 262 TO +41 8 263 OS +41 8 264 SI +41 8 265 SI +41 8 266 SA +41 8 267 SI +41 8 268 SI +41 8 269 SE +41 8 270 SA +41 8 271 SI +41 8 272 TO +41 8 273 MO +41 8 274 TO +41 8 275 SA +41 8 276 SE +41 8 277 SI +41 8 278 SE +41 8 279 SI +41 8 280 SI +41 8 281 SI +41 8 282 SI +41 8 283 CO +41 8 284 SI +41 8 285 SE +41 8 286 TO +41 8 287 SA +41 8 288 SE +41 8 289 SI +41 8 290 SE +41 8 291 SI +41 8 292 SE +41 8 293 SI +41 8 294 SI +41 8 295 CO +41 8 296 MO +41 8 297 SA +41 8 298 SE +41 8 299 SI +41 8 300 TO +41 8 301 SI +41 8 302 SE +41 8 303 MO +41 8 304 SI +41 8 305 SE +41 8 306 SI +41 8 307 SI +41 8 308 MO +41 8 309 OS +41 8 310 SI +41 8 311 SI +41 8 312 OS +41 8 313 SI +41 8 314 SE +41 8 315 SI +41 8 316 SI +41 8 317 SE +41 8 318 SA +41 8 319 SE +41 8 320 SA +41 8 321 SE +41 8 322 SI +41 8 323 SI +41 8 324 SE +41 8 325 SI +41 8 326 SA +41 8 327 SI +41 8 328 SI +41 8 329 SA +41 8 330 SI +41 9 1 SI +41 9 2 SI +41 9 3 SE +41 9 4 SI +41 9 5 SI +41 9 6 SA +41 9 7 SI +41 9 8 SE +41 9 9 SU +41 9 10 SI +41 9 11 SI +41 9 12 SA +41 9 13 SI +41 9 14 MO +41 9 15 SE +41 9 16 TO +41 9 17 SE +41 9 18 MO +41 9 19 SI +41 9 20 SI +41 9 21 SE +41 9 22 SA +41 9 23 SI +41 9 24 SU +41 9 25 SI +41 9 26 SI +41 9 27 TO +41 9 28 SE +41 9 29 SI +41 9 30 SU +41 9 31 SI +41 9 32 SE +41 9 33 SI +41 9 34 SI +41 9 35 SE +41 9 36 SI +41 9 37 SI +41 9 38 SE +41 9 39 SI +41 9 40 SI +41 9 41 SE +41 9 42 SA +41 9 43 SI +41 9 44 TO +41 9 45 SI +41 9 46 TO +41 9 47 MO +41 9 48 SA +41 9 49 SI +41 9 50 SI +41 9 51 SU +41 9 52 TO +41 9 53 SE +41 9 54 SI +41 9 55 SI +41 9 56 SE +41 9 57 SI +41 9 58 SU +41 9 59 TO +41 9 60 SI +41 9 61 SE +41 9 62 SI +41 9 63 SE +41 9 64 SI +41 9 65 SE +41 9 66 TO +41 9 67 SI +41 9 68 SE +41 9 69 SI +41 9 70 TO +41 9 71 SE +41 9 72 SI +41 9 73 SI +41 9 74 SI +41 9 75 SI +41 9 76 SA +41 9 77 SI +41 9 78 SE +41 9 79 TO +41 9 80 SI +41 9 81 SI +41 9 82 SI +41 9 83 SA +41 9 84 SE +41 9 85 SI +41 9 86 SE +41 9 87 MO +41 9 88 SE +41 9 89 TO +41 9 90 SI +41 9 91 SA +41 9 92 TO +41 9 93 SI +41 9 94 SU +41 9 95 SI +41 9 96 SA +41 9 97 SI +41 9 98 SE +41 9 99 SE +41 9 100 SI +41 9 101 SE +41 9 102 TO +41 9 103 SA +41 9 104 SI +41 9 105 SE +41 9 106 SA +41 9 107 TO +41 9 108 SI +41 9 109 SI +41 9 110 SA +41 9 111 MO +41 9 112 SE +41 9 113 MO +41 9 114 SI +41 9 115 SE +41 9 116 SI +41 9 117 SI +41 9 118 MO +41 9 119 SE +41 9 120 TO +41 9 121 SA +41 9 122 SI +41 9 123 SI +41 9 124 SA +41 9 125 SA +41 9 126 SE +41 9 127 SI +41 9 128 SA +41 9 129 TO +41 9 130 SU +41 9 131 SI +41 9 132 SE +41 9 133 SI +41 9 134 MO +41 9 135 SE +41 9 136 SI +41 9 137 SI +41 9 138 SI +41 9 139 TO +41 9 140 SI +41 9 141 TO +41 9 142 TO +41 9 143 SI +41 9 144 OS +41 9 145 SI +41 9 146 SA +41 9 147 SI +41 9 148 SE +41 9 149 SI +41 9 150 SI +41 9 151 SE +41 9 152 SE +41 9 153 SI +41 9 154 TO +41 9 155 SU +41 9 156 SI +41 9 157 SU +41 9 158 TO +41 9 159 SA +41 9 160 SE +41 9 161 SI +41 9 162 SE +41 9 163 SI +41 9 164 SI +41 9 165 SA +41 9 166 SI +41 9 167 SE +41 9 168 SI +41 9 169 SI +41 9 170 MO +41 9 171 SA +41 9 172 TO +41 9 173 SE +41 9 174 SA +41 9 175 SI +41 9 176 SE +41 9 177 SA +41 9 178 SI +41 9 179 SE +41 9 180 SI +41 9 181 SA +41 9 182 SE +41 9 183 SU +41 9 184 SE +41 9 185 SA +41 9 186 SI +41 9 187 SA +41 9 188 SI +41 9 189 TO +41 9 190 SE +41 9 191 SI +41 9 192 SI +41 9 193 SI +41 9 194 SE +41 9 195 SI +41 9 196 SI +41 9 197 SE +41 9 198 MO +41 9 199 SI +41 9 200 SI +41 9 201 SE +41 9 202 SI +41 9 203 SE +41 9 204 SU +41 9 205 SI +41 9 206 TO +41 9 207 SE +41 9 208 SA +41 9 209 SI +41 9 210 SU +41 9 211 SI +41 9 212 SA +41 9 213 SI +41 9 214 SA +41 9 215 SE +41 9 216 SU +41 9 217 SE +41 9 218 SI +41 9 219 TO +41 9 220 SI +41 9 221 SI +41 9 222 SE +41 9 223 SI +41 9 224 TO +41 9 225 SU +41 9 226 SI +41 9 227 TO +41 9 228 SI +41 9 229 SI +41 9 230 SE +41 9 231 SE +41 9 232 SU +41 9 233 MO +41 9 234 SI +41 9 235 SI +41 9 236 SA +41 9 237 SE +41 9 238 SI +41 9 239 SE +41 9 240 SU +41 9 241 TO +41 9 242 TO +41 9 243 SE +41 9 244 TO +41 9 245 SE +41 9 246 SI +41 9 247 SI +41 9 248 MO +41 9 249 SI +41 9 250 SI +41 9 251 SI +41 9 252 TO +41 9 253 SI +41 9 254 SI +41 9 255 MO +41 9 256 SE +41 9 257 SI +41 9 258 SA +41 9 259 SE +41 9 260 SA +41 9 261 SE +41 9 262 TO +41 9 263 SU +41 9 264 SI +41 9 265 SI +41 9 266 SE +41 9 267 SE +41 9 268 SI +41 9 269 SE +41 9 270 SA +41 9 271 SI +41 9 272 TO +41 9 273 SE +41 9 274 TO +41 9 275 SA +41 9 276 SE +41 9 277 SI +41 9 278 SE +41 9 279 SI +41 9 280 SI +41 9 281 SI +41 9 282 SI +41 9 283 SU +41 9 284 TO +41 9 285 SE +41 9 286 TO +41 9 287 SU +41 9 288 SE +41 9 289 SI +41 9 290 TO +41 9 291 SI +41 9 292 SE +41 9 293 TO +41 9 294 TO +41 9 295 SU +41 9 296 SI +41 9 297 SA +41 9 298 SE +41 9 299 SI +41 9 300 TO +41 9 301 SI +41 9 302 TO +41 9 303 MO +41 9 304 SI +41 9 305 SE +41 9 306 SI +41 9 307 SI +41 9 308 SI +41 9 309 SU +41 9 310 SI +41 9 311 SI +41 9 312 MO +41 9 313 SI +41 9 314 TO +41 9 315 SI +41 9 316 SI +41 9 317 SE +41 9 318 SA +41 9 319 TO +41 9 320 SI +41 9 321 SE +41 9 322 SI +41 9 323 SI +41 9 324 TO +41 9 325 SI +41 9 326 SA +41 9 327 TO +41 9 328 SI +41 9 329 SU +41 9 330 TO +41 10 1 SI +41 10 2 SI +41 10 3 SE +41 10 4 SE +41 10 5 SI +41 10 6 SA +41 10 7 SI +41 10 8 SE +41 10 9 WE +41 10 10 SI +41 10 11 SI +41 10 12 SA +41 10 13 SI +41 10 14 OS +41 10 15 SE +41 10 16 TO +41 10 17 SE +41 10 18 OS +41 10 19 SI +41 10 20 SI +41 10 21 SE +41 10 22 SA +41 10 23 SE +41 10 24 SU +41 10 25 SI +41 10 26 SI +41 10 27 TO +41 10 28 SE +41 10 29 SI +41 10 30 SA +41 10 31 SI +41 10 32 SE +41 10 33 SI +41 10 34 SI +41 10 35 SE +41 10 36 SI +41 10 37 SI +41 10 38 SE +41 10 39 SI +41 10 40 SI +41 10 41 SE +41 10 42 SA +41 10 43 SI +41 10 44 TO +41 10 45 SI +41 10 46 TO +41 10 47 SI +41 10 48 SA +41 10 49 SI +41 10 50 SI +41 10 51 ST +41 10 52 TO +41 10 53 SE +41 10 54 SI +41 10 55 SI +41 10 56 SE +41 10 57 SI +41 10 58 SA +41 10 59 SU +41 10 60 SI +41 10 61 SE +41 10 62 SI +41 10 63 ST +41 10 64 SI +41 10 65 SE +41 10 66 TO +41 10 67 SI +41 10 68 SE +41 10 69 SI +41 10 70 TO +41 10 71 ST +41 10 72 SI +41 10 73 SE +41 10 74 TO +41 10 75 SI +41 10 76 SE +41 10 77 SI +41 10 78 SE +41 10 79 OS +41 10 80 SI +41 10 81 SA +41 10 82 SI +41 10 83 TO +41 10 84 SE +41 10 85 SI +41 10 86 SE +41 10 87 SI +41 10 88 SE +41 10 89 OS +41 10 90 SI +41 10 91 SA +41 10 92 TO +41 10 93 SI +41 10 94 SU +41 10 95 SI +41 10 96 SA +41 10 97 SI +41 10 98 SE +41 10 99 SE +41 10 100 SI +41 10 101 SE +41 10 102 TO +41 10 103 SA +41 10 104 SI +41 10 105 SE +41 10 106 SA +41 10 107 TO +41 10 108 SI +41 10 109 SI +41 10 110 SA +41 10 111 SU +41 10 112 SE +41 10 113 OS +41 10 114 SI +41 10 115 SE +41 10 116 SI +41 10 117 SI +41 10 118 SU +41 10 119 SE +41 10 120 TO +41 10 121 SE +41 10 122 SI +41 10 123 SI +41 10 124 SA +41 10 125 SA +41 10 126 SE +41 10 127 SI +41 10 128 SA +41 10 129 TO +41 10 130 SU +41 10 131 SE +41 10 132 SE +41 10 133 SI +41 10 134 SU +41 10 135 SE +41 10 136 SI +41 10 137 SI +41 10 138 SI +41 10 139 TO +41 10 140 SI +41 10 141 TO +41 10 142 TO +41 10 143 SA +41 10 144 SI +41 10 145 SI +41 10 146 SA +41 10 147 SI +41 10 148 SE +41 10 149 SA +41 10 150 SE +41 10 151 SE +41 10 152 SE +41 10 153 SI +41 10 154 WA +41 10 155 WE +41 10 156 SI +41 10 157 SU +41 10 158 TO +41 10 159 SA +41 10 160 SE +41 10 161 SI +41 10 162 SE +41 10 163 SI +41 10 164 SI +41 10 165 SI +41 10 166 SI +41 10 167 TO +41 10 168 SI +41 10 169 SI +41 10 170 SI +41 10 171 SI +41 10 172 TO +41 10 173 SE +41 10 174 SA +41 10 175 SI +41 10 176 SE +41 10 177 SA +41 10 178 SI +41 10 179 WE +41 10 180 SI +41 10 181 SA +41 10 182 SI +41 10 183 SA +41 10 184 SE +41 10 185 SA +41 10 186 SI +41 10 187 SA +41 10 188 SI +41 10 189 TO +41 10 190 SE +41 10 191 SI +41 10 192 SE +41 10 193 SA +41 10 194 SE +41 10 195 SI +41 10 196 SI +41 10 197 ST +41 10 198 OS +41 10 199 TO +41 10 200 SI +41 10 201 SE +41 10 202 SI +41 10 203 SE +41 10 204 SA +41 10 205 SE +41 10 206 TO +41 10 207 SE +41 10 208 SA +41 10 209 SI +41 10 210 WE +41 10 211 SI +41 10 212 SA +41 10 213 SE +41 10 214 SA +41 10 215 SE +41 10 216 SI +41 10 217 SE +41 10 218 SA +41 10 219 TO +41 10 220 SI +41 10 221 TO +41 10 222 SI +41 10 223 SI +41 10 224 TO +41 10 225 SA +41 10 226 SI +41 10 227 SI +41 10 228 SI +41 10 229 SI +41 10 230 TO +41 10 231 SE +41 10 232 SA +41 10 233 SI +41 10 234 SI +41 10 235 SI +41 10 236 SA +41 10 237 SA +41 10 238 SI +41 10 239 SE +41 10 240 WE +41 10 241 TO +41 10 242 SA +41 10 243 SE +41 10 244 TO +41 10 245 SE +41 10 246 SI +41 10 247 SI +41 10 248 SI +41 10 249 SI +41 10 250 SI +41 10 251 SI +41 10 252 TO +41 10 253 SI +41 10 254 SI +41 10 255 SI +41 10 256 SE +41 10 257 SI +41 10 258 SA +41 10 259 SE +41 10 260 SA +41 10 261 SA +41 10 262 TO +41 10 263 OS +41 10 264 SI +41 10 265 SI +41 10 266 SE +41 10 267 SE +41 10 268 SI +41 10 269 SE +41 10 270 SA +41 10 271 SI +41 10 272 TO +41 10 273 SE +41 10 274 TO +41 10 275 SA +41 10 276 SE +41 10 277 SI +41 10 278 SE +41 10 279 SI +41 10 280 SI +41 10 281 SI +41 10 282 SI +41 10 283 WE +41 10 284 TO +41 10 285 SE +41 10 286 TO +41 10 287 SA +41 10 288 SE +41 10 289 SI +41 10 290 TO +41 10 291 SI +41 10 292 SE +41 10 293 SI +41 10 294 TO +41 10 295 SU +41 10 296 SI +41 10 297 SA +41 10 298 SE +41 10 299 SI +41 10 300 TO +41 10 301 SI +41 10 302 TO +41 10 303 SI +41 10 304 SA +41 10 305 SE +41 10 306 SI +41 10 307 SI +41 10 308 SE +41 10 309 SU +41 10 310 SI +41 10 311 SI +41 10 312 WE +41 10 313 SI +41 10 314 TO +41 10 315 SI +41 10 316 SI +41 10 317 SE +41 10 318 SA +41 10 319 TO +41 10 320 WE +41 10 321 SE +41 10 322 SI +41 10 323 SI +41 10 324 TO +41 10 325 SE +41 10 326 SA +41 10 327 TO +41 10 328 SI +41 10 329 SU +41 10 330 TO +41 11 1 SI +41 11 2 SI +41 11 3 SE +41 11 4 SU +41 11 5 SI +41 11 6 SE +41 11 7 SI +41 11 8 SE +41 11 9 SU +41 11 10 SI +41 11 11 SI +41 11 12 SA +41 11 13 SI +41 11 14 SI +41 11 15 SE +41 11 16 TO +41 11 17 SE +41 11 18 OS +41 11 19 SI +41 11 20 SI +41 11 21 SE +41 11 22 SA +41 11 23 SI +41 11 24 OS +41 11 25 SI +41 11 26 SI +41 11 27 TO +41 11 28 SE +41 11 29 SI +41 11 30 SA +41 11 31 TO +41 11 32 SE +41 11 33 SI +41 11 34 SI +41 11 35 SE +41 11 36 OS +41 11 37 SI +41 11 38 SE +41 11 39 SI +41 11 40 SI +41 11 41 SE +41 11 42 SA +41 11 43 OS +41 11 44 TO +41 11 45 SI +41 11 46 TO +41 11 47 OS +41 11 48 SA +41 11 49 SI +41 11 50 SE +41 11 51 OS +41 11 52 TO +41 11 53 SE +41 11 54 SI +41 11 55 SI +41 11 56 SE +41 11 57 SI +41 11 58 SA +41 11 59 TO +41 11 60 OS +41 11 61 SE +41 11 62 SI +41 11 63 SE +41 11 64 SI +41 11 65 SE +41 11 66 TO +41 11 67 SA +41 11 68 SE +41 11 69 OS +41 11 70 TO +41 11 71 SE +41 11 72 SI +41 11 73 SE +41 11 74 TO +41 11 75 OS +41 11 76 SE +41 11 77 SI +41 11 78 SE +41 11 79 OS +41 11 80 SI +41 11 81 SA +41 11 82 SI +41 11 83 TO +41 11 84 SE +41 11 85 SI +41 11 86 SE +41 11 87 OS +41 11 88 SE +41 11 89 OS +41 11 90 OS +41 11 91 SA +41 11 92 TO +41 11 93 SI +41 11 94 OS +41 11 95 TO +41 11 96 SA +41 11 97 SI +41 11 98 SE +41 11 99 SE +41 11 100 SI +41 11 101 SE +41 11 102 TO +41 11 103 OS +41 11 104 SI +41 11 105 SE +41 11 106 SA +41 11 107 TO +41 11 108 TO +41 11 109 SI +41 11 110 SA +41 11 111 OS +41 11 112 SE +41 11 113 OS +41 11 114 SI +41 11 115 SE +41 11 116 SI +41 11 117 TO +41 11 118 OS +41 11 119 SE +41 11 120 TO +41 11 121 SE +41 11 122 SI +41 11 123 SI +41 11 124 SA +41 11 125 SE +41 11 126 SE +41 11 127 OS +41 11 128 SA +41 11 129 TO +41 11 130 OS +41 11 131 SE +41 11 132 SE +41 11 133 SI +41 11 134 OS +41 11 135 SE +41 11 136 SI +41 11 137 SI +41 11 138 TO +41 11 139 TO +41 11 140 SI +41 11 141 TO +41 11 142 TO +41 11 143 SI +41 11 144 SU +41 11 145 SI +41 11 146 SA +41 11 147 SI +41 11 148 SE +41 11 149 SI +41 11 150 SE +41 11 151 SE +41 11 152 SE +41 11 153 SI +41 11 154 OS +41 11 155 OS +41 11 156 SI +41 11 157 OS +41 11 158 TO +41 11 159 SE +41 11 160 SE +41 11 161 SI +41 11 162 SE +41 11 163 SI +41 11 164 SI +41 11 165 SI +41 11 166 OS +41 11 167 TO +41 11 168 SI +41 11 169 SI +41 11 170 OS +41 11 171 SI +41 11 172 TO +41 11 173 SE +41 11 174 SA +41 11 175 TO +41 11 176 SE +41 11 177 SA +41 11 178 SI +41 11 179 SE +41 11 180 SI +41 11 181 SA +41 11 182 SU +41 11 183 OS +41 11 184 SE +41 11 185 SA +41 11 186 TO +41 11 187 SA +41 11 188 SI +41 11 189 TO +41 11 190 SE +41 11 191 SI +41 11 192 SE +41 11 193 SA +41 11 194 OS +41 11 195 SI +41 11 196 TO +41 11 197 SE +41 11 198 OS +41 11 199 TO +41 11 200 SI +41 11 201 SE +41 11 202 SI +41 11 203 SE +41 11 204 OS +41 11 205 SI +41 11 206 TO +41 11 207 SE +41 11 208 SA +41 11 209 SI +41 11 210 OS +41 11 211 SI +41 11 212 SA +41 11 213 TO +41 11 214 SA +41 11 215 SE +41 11 216 OS +41 11 217 SE +41 11 218 SA +41 11 219 TO +41 11 220 SI +41 11 221 TO +41 11 222 SE +41 11 223 SI +41 11 224 TO +41 11 225 OS +41 11 226 SI +41 11 227 OS +41 11 228 SI +41 11 229 SI +41 11 230 TO +41 11 231 SE +41 11 232 OS +41 11 233 TO +41 11 234 SI +41 11 235 SI +41 11 236 SI +41 11 237 SE +41 11 238 SI +41 11 239 SE +41 11 240 SU +41 11 241 TO +41 11 242 SA +41 11 243 SE +41 11 244 TO +41 11 245 SE +41 11 246 SI +41 11 247 SE +41 11 248 OS +41 11 249 SI +41 11 250 SE +41 11 251 SI +41 11 252 TO +41 11 253 SI +41 11 254 SI +41 11 255 OS +41 11 256 SE +41 11 257 SI +41 11 258 SA +41 11 259 SE +41 11 260 SA +41 11 261 SA +41 11 262 TO +41 11 263 TO +41 11 264 TO +41 11 265 SI +41 11 266 SE +41 11 267 SU +41 11 268 SI +41 11 269 SE +41 11 270 SA +41 11 271 OS +41 11 272 TO +41 11 273 SE +41 11 274 TO +41 11 275 SA +41 11 276 SE +41 11 277 OS +41 11 278 SE +41 11 279 SI +41 11 280 SI +41 11 281 SI +41 11 282 SI +41 11 283 OS +41 11 284 TO +41 11 285 SE +41 11 286 TO +41 11 287 SA +41 11 288 SE +41 11 289 SI +41 11 290 TO +41 11 291 SI +41 11 292 SE +41 11 293 TO +41 11 294 TO +41 11 295 OS +41 11 296 SE +41 11 297 SA +41 11 298 SE +41 11 299 SI +41 11 300 TO +41 11 301 SI +41 11 302 TO +41 11 303 TO +41 11 304 SI +41 11 305 SE +41 11 306 SI +41 11 307 SI +41 11 308 SE +41 11 309 OS +41 11 310 SI +41 11 311 SI +41 11 312 OS +41 11 313 SI +41 11 314 TO +41 11 315 SI +41 11 316 SI +41 11 317 SE +41 11 318 SE +41 11 319 TO +41 11 320 SI +41 11 321 SE +41 11 322 TO +41 11 323 SI +41 11 324 TO +41 11 325 SE +41 11 326 SA +41 11 327 TO +41 11 328 SI +41 11 329 SU +41 11 330 TO +41 12 1 SI +41 12 2 SI +41 12 3 SA +41 12 4 SI +41 12 5 SI +41 12 6 SA +41 12 7 SI +41 12 8 SE +41 12 9 HU +41 12 10 SI +41 12 11 SI +41 12 12 SA +41 12 13 SI +41 12 14 SI +41 12 15 SE +41 12 16 TO +41 12 17 SE +41 12 18 OS +41 12 19 SI +41 12 20 SI +41 12 21 SE +41 12 22 SA +41 12 23 SI +41 12 24 OS +41 12 25 SI +41 12 26 SI +41 12 27 TO +41 12 28 SE +41 12 29 SI +41 12 30 HU +41 12 31 SI +41 12 32 SE +41 12 33 SI +41 12 34 SI +41 12 35 SA +41 12 36 SI +41 12 37 SI +41 12 38 SE +41 12 39 SI +41 12 40 SI +41 12 41 SE +41 12 42 SA +41 12 43 SI +41 12 44 TO +41 12 45 SI +41 12 46 TO +41 12 47 SI +41 12 48 SA +41 12 49 SI +41 12 50 SI +41 12 51 HU +41 12 52 TO +41 12 53 SE +41 12 54 SI +41 12 55 SI +41 12 56 TO +41 12 57 SI +41 12 58 SA +41 12 59 TO +41 12 60 SI +41 12 61 HU +41 12 62 SI +41 12 63 HU +41 12 64 SI +41 12 65 SE +41 12 66 TO +41 12 67 SI +41 12 68 SE +41 12 69 SI +41 12 70 TO +41 12 71 HU +41 12 72 SI +41 12 73 SE +41 12 74 SI +41 12 75 SI +41 12 76 SA +41 12 77 SI +41 12 78 SE +41 12 79 OS +41 12 80 SI +41 12 81 SI +41 12 82 SI +41 12 83 HU +41 12 84 HU +41 12 85 SI +41 12 86 SE +41 12 87 OS +41 12 88 SE +41 12 89 OS +41 12 90 OS +41 12 91 SA +41 12 92 TO +41 12 93 SI +41 12 94 OS +41 12 95 SI +41 12 96 SA +41 12 97 SI +41 12 98 SE +41 12 99 SE +41 12 100 SI +41 12 101 SE +41 12 102 TO +41 12 103 SI +41 12 104 SI +41 12 105 SI +41 12 106 SA +41 12 107 TO +41 12 108 SI +41 12 109 SI +41 12 110 SA +41 12 111 SI +41 12 112 SE +41 12 113 OS +41 12 114 OS +41 12 115 SE +41 12 116 SI +41 12 117 OS +41 12 118 SE +41 12 119 SI +41 12 120 TO +41 12 121 SA +41 12 122 SI +41 12 123 SI +41 12 124 SA +41 12 125 SA +41 12 126 SE +41 12 127 SI +41 12 128 SA +41 12 129 TO +41 12 130 SI +41 12 131 SI +41 12 132 SA +41 12 133 SI +41 12 134 HU +41 12 135 SE +41 12 136 SI +41 12 137 SI +41 12 138 SI +41 12 139 TO +41 12 140 SI +41 12 141 TO +41 12 142 TO +41 12 143 SI +41 12 144 SI +41 12 145 SI +41 12 146 SA +41 12 147 SI +41 12 148 SE +41 12 149 SI +41 12 150 SI +41 12 151 SE +41 12 152 SE +41 12 153 SI +41 12 154 OS +41 12 155 OS +41 12 156 SI +41 12 157 HU +41 12 158 TO +41 12 159 HU +41 12 160 SE +41 12 161 SI +41 12 162 SE +41 12 163 SI +41 12 164 SI +41 12 165 SI +41 12 166 SI +41 12 167 SI +41 12 168 SI +41 12 169 SI +41 12 170 SI +41 12 171 SI +41 12 172 TO +41 12 173 SE +41 12 174 SA +41 12 175 SI +41 12 176 SE +41 12 177 SA +41 12 178 SI +41 12 179 HU +41 12 180 SI +41 12 181 HU +41 12 182 HU +41 12 183 HU +41 12 184 SI +41 12 185 HU +41 12 186 SI +41 12 187 SA +41 12 188 SI +41 12 189 SI +41 12 190 SE +41 12 191 SI +41 12 192 SE +41 12 193 SI +41 12 194 HU +41 12 195 SI +41 12 196 SI +41 12 197 SE +41 12 198 SI +41 12 199 SI +41 12 200 SI +41 12 201 SE +41 12 202 SI +41 12 203 SE +41 12 204 OS +41 12 205 SI +41 12 206 SI +41 12 207 SE +41 12 208 HU +41 12 209 SI +41 12 210 OS +41 12 211 SI +41 12 212 SA +41 12 213 SI +41 12 214 SI +41 12 215 SE +41 12 216 SI +41 12 217 SE +41 12 218 SI +41 12 219 SI +41 12 220 SI +41 12 221 TO +41 12 222 SI +41 12 223 SI +41 12 224 TO +41 12 225 SI +41 12 226 SI +41 12 227 OS +41 12 228 OS +41 12 229 SI +41 12 230 TO +41 12 231 SE +41 12 232 HU +41 12 233 SI +41 12 234 SI +41 12 235 SI +41 12 236 SI +41 12 237 SE +41 12 238 SI +41 12 239 SE +41 12 240 HU +41 12 241 TO +41 12 242 SA +41 12 243 SE +41 12 244 TO +41 12 245 SE +41 12 246 SI +41 12 247 SI +41 12 248 OS +41 12 249 SI +41 12 250 SI +41 12 251 SI +41 12 252 TO +41 12 253 SI +41 12 254 SI +41 12 255 OS +41 12 256 SE +41 12 257 SI +41 12 258 SA +41 12 259 SE +41 12 260 SI +41 12 261 SA +41 12 262 TO +41 12 263 TO +41 12 264 SI +41 12 265 SI +41 12 266 HU +41 12 267 SI +41 12 268 SI +41 12 269 SE +41 12 270 SA +41 12 271 SI +41 12 272 TO +41 12 273 SE +41 12 274 TO +41 12 275 SI +41 12 276 SE +41 12 277 SI +41 12 278 SE +41 12 279 SI +41 12 280 SI +41 12 281 SI +41 12 282 SI +41 12 283 HU +41 12 284 TO +41 12 285 SE +41 12 286 TO +41 12 287 HU +41 12 288 SE +41 12 289 SI +41 12 290 TO +41 12 291 SI +41 12 292 SE +41 12 293 SI +41 12 294 TO +41 12 295 HU +41 12 296 SI +41 12 297 SA +41 12 298 SE +41 12 299 SI +41 12 300 TO +41 12 301 SI +41 12 302 TO +41 12 303 TO +41 12 304 SI +41 12 305 SE +41 12 306 SI +41 12 307 SI +41 12 308 SE +41 12 309 OS +41 12 310 SI +41 12 311 SI +41 12 312 OS +41 12 313 OS +41 12 314 TO +41 12 315 SI +41 12 316 SI +41 12 317 SE +41 12 318 SA +41 12 319 TO +41 12 320 SI +41 12 321 SE +41 12 322 SI +41 12 323 SI +41 12 324 TO +41 12 325 SE +41 12 326 SA +41 12 327 TO +41 12 328 SI +41 12 329 HU +41 12 330 TO +41 13 1 SI +41 13 2 SI +41 13 3 SE +41 13 4 MO +41 13 5 SI +41 13 6 SA +41 13 7 SI +41 13 8 SE +41 13 9 SU +41 13 10 SI +41 13 11 SI +41 13 12 SA +41 13 13 SI +41 13 14 OS +41 13 15 SE +41 13 16 TO +41 13 17 SE +41 13 18 OS +41 13 19 SI +41 13 20 SI +41 13 21 SE +41 13 22 SA +41 13 23 SE +41 13 24 SU +41 13 25 SI +41 13 26 SI +41 13 27 TO +41 13 28 SE +41 13 29 SI +41 13 30 SA +41 13 31 SI +41 13 32 SE +41 13 33 SI +41 13 34 SI +41 13 35 SE +41 13 36 SI +41 13 37 SI +41 13 38 SE +41 13 39 SI +41 13 40 SI +41 13 41 SE +41 13 42 SA +41 13 43 SI +41 13 44 TO +41 13 45 SI +41 13 46 TO +41 13 47 SI +41 13 48 SA +41 13 49 SI +41 13 50 SE +41 13 51 SU +41 13 52 TO +41 13 53 SE +41 13 54 SI +41 13 55 SI +41 13 56 SE +41 13 57 SI +41 13 58 SU +41 13 59 TO +41 13 60 SI +41 13 61 SE +41 13 62 SI +41 13 63 SE +41 13 64 SI +41 13 65 SE +41 13 66 TO +41 13 67 SI +41 13 68 SE +41 13 69 SI +41 13 70 TO +41 13 71 SE +41 13 72 SI +41 13 73 SE +41 13 74 SI +41 13 75 SI +41 13 76 SA +41 13 77 SI +41 13 78 SE +41 13 79 OS +41 13 80 SI +41 13 81 SI +41 13 82 SI +41 13 83 TO +41 13 84 SE +41 13 85 SI +41 13 86 SE +41 13 87 OS +41 13 88 SE +41 13 89 OS +41 13 90 SI +41 13 91 SA +41 13 92 TO +41 13 93 SI +41 13 94 OS +41 13 95 SI +41 13 96 SA +41 13 97 SI +41 13 98 SE +41 13 99 SI +41 13 100 SI +41 13 101 SE +41 13 102 SI +41 13 103 SI +41 13 104 SI +41 13 105 SE +41 13 106 SA +41 13 107 TO +41 13 108 SI +41 13 109 SI +41 13 110 SA +41 13 111 SI +41 13 112 SE +41 13 113 OS +41 13 114 SI +41 13 115 SE +41 13 116 SI +41 13 117 TO +41 13 118 SU +41 13 119 SE +41 13 120 TO +41 13 121 SA +41 13 122 SI +41 13 123 SI +41 13 124 SI +41 13 125 SA +41 13 126 SE +41 13 127 SI +41 13 128 SA +41 13 129 TO +41 13 130 SI +41 13 131 SI +41 13 132 SE +41 13 133 SI +41 13 134 SU +41 13 135 SE +41 13 136 SI +41 13 137 SI +41 13 138 SI +41 13 139 TO +41 13 140 SI +41 13 141 TO +41 13 142 TO +41 13 143 SI +41 13 144 SI +41 13 145 SI +41 13 146 SA +41 13 147 SI +41 13 148 SE +41 13 149 SI +41 13 150 SI +41 13 151 SE +41 13 152 SI +41 13 153 SI +41 13 154 OS +41 13 155 SU +41 13 156 SI +41 13 157 SU +41 13 158 TO +41 13 159 SA +41 13 160 SE +41 13 161 SI +41 13 162 SE +41 13 163 SI +41 13 164 SI +41 13 165 SA +41 13 166 SI +41 13 167 SI +41 13 168 SI +41 13 169 SI +41 13 170 SI +41 13 171 SI +41 13 172 TO +41 13 173 SE +41 13 174 SA +41 13 175 SI +41 13 176 SE +41 13 177 SA +41 13 178 SI +41 13 179 SU +41 13 180 SI +41 13 181 SA +41 13 182 SE +41 13 183 SU +41 13 184 SI +41 13 185 SU +41 13 186 SI +41 13 187 SA +41 13 188 SI +41 13 189 SI +41 13 190 SE +41 13 191 SI +41 13 192 SI +41 13 193 SA +41 13 194 SU +41 13 195 SI +41 13 196 SI +41 13 197 SE +41 13 198 OS +41 13 199 TO +41 13 200 SI +41 13 201 SE +41 13 202 SI +41 13 203 SE +41 13 204 OS +41 13 205 SI +41 13 206 TO +41 13 207 SE +41 13 208 SU +41 13 209 SI +41 13 210 SU +41 13 211 SI +41 13 212 SA +41 13 213 TO +41 13 214 SA +41 13 215 SE +41 13 216 SI +41 13 217 SE +41 13 218 SI +41 13 219 TO +41 13 220 SI +41 13 221 SI +41 13 222 SI +41 13 223 SI +41 13 224 TO +41 13 225 SA +41 13 226 SI +41 13 227 OS +41 13 228 SI +41 13 229 SI +41 13 230 TO +41 13 231 SE +41 13 232 SU +41 13 233 SI +41 13 234 SI +41 13 235 SI +41 13 236 SA +41 13 237 SE +41 13 238 SI +41 13 239 SE +41 13 240 SU +41 13 241 TO +41 13 242 SA +41 13 243 SE +41 13 244 TO +41 13 245 SE +41 13 246 SI +41 13 247 SI +41 13 248 SI +41 13 249 SI +41 13 250 SE +41 13 251 SI +41 13 252 TO +41 13 253 SI +41 13 254 SI +41 13 255 OS +41 13 256 SE +41 13 257 SI +41 13 258 SA +41 13 259 SU +41 13 260 SA +41 13 261 SA +41 13 262 TO +41 13 263 OS +41 13 264 SI +41 13 265 SI +41 13 266 SU +41 13 267 SI +41 13 268 SI +41 13 269 SI +41 13 270 SA +41 13 271 SI +41 13 272 TO +41 13 273 SE +41 13 274 TO +41 13 275 SI +41 13 276 SE +41 13 277 SI +41 13 278 SA +41 13 279 SI +41 13 280 SI +41 13 281 SI +41 13 282 SI +41 13 283 SU +41 13 284 TO +41 13 285 SE +41 13 286 TO +41 13 287 SA +41 13 288 SE +41 13 289 SI +41 13 290 TO +41 13 291 SI +41 13 292 SE +41 13 293 SI +41 13 294 TO +41 13 295 SU +41 13 296 SI +41 13 297 SA +41 13 298 SE +41 13 299 SI +41 13 300 TO +41 13 301 SI +41 13 302 TO +41 13 303 SI +41 13 304 SA +41 13 305 SU +41 13 306 SI +41 13 307 SI +41 13 308 SE +41 13 309 SU +41 13 310 SI +41 13 311 SI +41 13 312 OS +41 13 313 SI +41 13 314 TO +41 13 315 SI +41 13 316 SI +41 13 317 SE +41 13 318 SA +41 13 319 TO +41 13 320 SI +41 13 321 SE +41 13 322 SI +41 13 323 SI +41 13 324 TO +41 13 325 SE +41 13 326 SA +41 13 327 TO +41 13 328 SI +41 13 329 SU +41 13 330 TO +41 14 1 SI +41 14 2 SI +41 14 3 SE +41 14 4 SA +41 14 5 SI +41 14 6 WE +41 14 7 SI +41 14 8 SE +41 14 9 WE +41 14 10 SI +41 14 11 OS +41 14 12 SA +41 14 13 SI +41 14 14 OS +41 14 15 SE +41 14 16 TO +41 14 17 SE +41 14 18 OS +41 14 19 SI +41 14 20 SI +41 14 21 SE +41 14 22 SA +41 14 23 SE +41 14 24 WE +41 14 25 SI +41 14 26 SI +41 14 27 TO +41 14 28 SE +41 14 29 SI +41 14 30 SU +41 14 31 SI +41 14 32 SE +41 14 33 SI +41 14 34 SI +41 14 35 SE +41 14 36 OS +41 14 37 SI +41 14 38 SE +41 14 39 SI +41 14 40 SI +41 14 41 SE +41 14 42 SA +41 14 43 SI +41 14 44 TO +41 14 45 SI +41 14 46 WE +41 14 47 OS +41 14 48 SA +41 14 49 SI +41 14 50 SE +41 14 51 WE +41 14 52 TO +41 14 53 SE +41 14 54 SI +41 14 55 SI +41 14 56 SA +41 14 57 SI +41 14 58 WE +41 14 59 TO +41 14 60 OS +41 14 61 SE +41 14 62 SI +41 14 63 SA +41 14 64 SI +41 14 65 SE +41 14 66 TO +41 14 67 SI +41 14 68 SE +41 14 69 WE +41 14 70 TO +41 14 71 SE +41 14 72 SI +41 14 73 SA +41 14 74 SI +41 14 75 WE +41 14 76 SE +41 14 77 SI +41 14 78 SE +41 14 79 WE +41 14 80 SI +41 14 81 SI +41 14 82 SI +41 14 83 TO +41 14 84 SE +41 14 85 SI +41 14 86 SE +41 14 87 WE +41 14 88 SE +41 14 89 OS +41 14 90 SI +41 14 91 SA +41 14 92 TO +41 14 93 SI +41 14 94 OS +41 14 95 SI +41 14 96 SA +41 14 97 OS +41 14 98 SE +41 14 99 SI +41 14 100 SI +41 14 101 SE +41 14 102 SI +41 14 103 WE +41 14 104 SI +41 14 105 SE +41 14 106 SA +41 14 107 TO +41 14 108 SI +41 14 109 SI +41 14 110 SA +41 14 111 WE +41 14 112 SE +41 14 113 OS +41 14 114 SI +41 14 115 SE +41 14 116 SI +41 14 117 OS +41 14 118 SE +41 14 119 SI +41 14 120 TO +41 14 121 SE +41 14 122 SI +41 14 123 SI +41 14 124 SA +41 14 125 SE +41 14 126 SE +41 14 127 OS +41 14 128 SA +41 14 129 TO +41 14 130 OS +41 14 131 SE +41 14 132 SE +41 14 133 SI +41 14 134 OS +41 14 135 SE +41 14 136 SI +41 14 137 SI +41 14 138 SI +41 14 139 TO +41 14 140 SI +41 14 141 TO +41 14 142 TO +41 14 143 SI +41 14 144 OS +41 14 145 SI +41 14 146 SA +41 14 147 SI +41 14 148 SE +41 14 149 SI +41 14 150 OS +41 14 151 SE +41 14 152 SE +41 14 153 SI +41 14 154 WE +41 14 155 WE +41 14 156 SI +41 14 157 SA +41 14 158 TO +41 14 159 SA +41 14 160 SE +41 14 161 SI +41 14 162 SE +41 14 163 SI +41 14 164 SI +41 14 165 SU +41 14 166 OS +41 14 167 SE +41 14 168 SI +41 14 169 SI +41 14 170 OS +41 14 171 SA +41 14 172 TO +41 14 173 SE +41 14 174 SA +41 14 175 SI +41 14 176 SE +41 14 177 SA +41 14 178 SI +41 14 179 SE +41 14 180 SI +41 14 181 SA +41 14 182 OS +41 14 183 WE +41 14 184 SE +41 14 185 SU +41 14 186 SI +41 14 187 SA +41 14 188 SI +41 14 189 SI +41 14 190 SE +41 14 191 SI +41 14 192 SA +41 14 193 SA +41 14 194 WE +41 14 195 SI +41 14 196 SI +41 14 197 SA +41 14 198 WE +41 14 199 SI +41 14 200 SI +41 14 201 SE +41 14 202 SI +41 14 203 SE +41 14 204 WE +41 14 205 SA +41 14 206 TO +41 14 207 SE +41 14 208 WE +41 14 209 SI +41 14 210 OS +41 14 211 SI +41 14 212 SA +41 14 213 TO +41 14 214 SA +41 14 215 SE +41 14 216 OS +41 14 217 SA +41 14 218 SI +41 14 219 SI +41 14 220 SI +41 14 221 SI +41 14 222 SA +41 14 223 SI +41 14 224 TO +41 14 225 SU +41 14 226 SI +41 14 227 WE +41 14 228 OS +41 14 229 SI +41 14 230 TO +41 14 231 SE +41 14 232 WE +41 14 233 SI +41 14 234 SI +41 14 235 SI +41 14 236 SA +41 14 237 SE +41 14 238 SI +41 14 239 SE +41 14 240 SU +41 14 241 TO +41 14 242 SA +41 14 243 SE +41 14 244 SI +41 14 245 SE +41 14 246 SI +41 14 247 SA +41 14 248 OS +41 14 249 SI +41 14 250 SI +41 14 251 SI +41 14 252 TO +41 14 253 SI +41 14 254 SI +41 14 255 OS +41 14 256 SE +41 14 257 SI +41 14 258 SA +41 14 259 SE +41 14 260 SA +41 14 261 SA +41 14 262 TO +41 14 263 SA +41 14 264 SI +41 14 265 SI +41 14 266 WE +41 14 267 OS +41 14 268 SI +41 14 269 SE +41 14 270 SA +41 14 271 OS +41 14 272 TO +41 14 273 SA +41 14 274 TO +41 14 275 SA +41 14 276 SE +41 14 277 SI +41 14 278 SE +41 14 279 SI +41 14 280 SI +41 14 281 SI +41 14 282 SI +41 14 283 WE +41 14 284 SI +41 14 285 SE +41 14 286 TO +41 14 287 WE +41 14 288 SE +41 14 289 SI +41 14 290 SA +41 14 291 SI +41 14 292 SE +41 14 293 SI +41 14 294 SI +41 14 295 SU +41 14 296 SI +41 14 297 SA +41 14 298 SE +41 14 299 SI +41 14 300 TO +41 14 301 SI +41 14 302 TO +41 14 303 SI +41 14 304 SI +41 14 305 OS +41 14 306 SI +41 14 307 SI +41 14 308 SA +41 14 309 WE +41 14 310 SI +41 14 311 SI +41 14 312 WE +41 14 313 SI +41 14 314 TO +41 14 315 SI +41 14 316 SI +41 14 317 SE +41 14 318 SE +41 14 319 TO +41 14 320 SI +41 14 321 SE +41 14 322 SI +41 14 323 SI +41 14 324 TO +41 14 325 SE +41 14 326 SA +41 14 327 SI +41 14 328 OS +41 14 329 WE +41 14 330 SI +41 15 1 SI +41 15 2 SI +41 15 3 SE +41 15 4 CO +41 15 5 SI +41 15 6 SE +41 15 7 SI +41 15 8 SE +41 15 9 CO +41 15 10 SI +41 15 11 OS +41 15 12 SA +41 15 13 OS +41 15 14 OS +41 15 15 SE +41 15 16 TO +41 15 17 SE +41 15 18 OS +41 15 19 SI +41 15 20 SI +41 15 21 SE +41 15 22 SA +41 15 23 CO +41 15 24 OS +41 15 25 OS +41 15 26 OS +41 15 27 TO +41 15 28 SE +41 15 29 SI +41 15 30 SU +41 15 31 SI +41 15 32 SE +41 15 33 SI +41 15 34 SI +41 15 35 SE +41 15 36 OS +41 15 37 SI +41 15 38 SE +41 15 39 SI +41 15 40 SI +41 15 41 SE +41 15 42 SA +41 15 43 OS +41 15 44 TO +41 15 45 SI +41 15 46 OS +41 15 47 OS +41 15 48 SA +41 15 49 SI +41 15 50 SU +41 15 51 SU +41 15 52 TO +41 15 53 SE +41 15 54 SI +41 15 55 SI +41 15 56 SE +41 15 57 OS +41 15 58 SA +41 15 59 TO +41 15 60 OS +41 15 61 SE +41 15 62 MO +41 15 63 SE +41 15 64 SI +41 15 65 SE +41 15 66 TO +41 15 67 SI +41 15 68 SE +41 15 69 SI +41 15 70 TO +41 15 71 SU +41 15 72 SI +41 15 73 SE +41 15 74 SI +41 15 75 OS +41 15 76 SU +41 15 77 SI +41 15 78 SE +41 15 79 OS +41 15 80 SI +41 15 81 SI +41 15 82 SI +41 15 83 TO +41 15 84 SU +41 15 85 SI +41 15 86 SE +41 15 87 OS +41 15 88 SE +41 15 89 OS +41 15 90 OS +41 15 91 SA +41 15 92 TO +41 15 93 SI +41 15 94 OS +41 15 95 TO +41 15 96 SA +41 15 97 SU +41 15 98 SE +41 15 99 TO +41 15 100 TO +41 15 101 SE +41 15 102 TO +41 15 103 OS +41 15 104 SE +41 15 105 SE +41 15 106 SA +41 15 107 TO +41 15 108 TO +41 15 109 OS +41 15 110 SA +41 15 111 OS +41 15 112 SE +41 15 113 OS +41 15 114 OS +41 15 115 SE +41 15 116 TO +41 15 117 OS +41 15 118 SE +41 15 119 SI +41 15 120 TO +41 15 121 SE +41 15 122 SI +41 15 123 OS +41 15 124 SA +41 15 125 SU +41 15 126 SU +41 15 127 OS +41 15 128 SA +41 15 129 TO +41 15 130 OS +41 15 131 SU +41 15 132 SC +41 15 133 OS +41 15 134 OS +41 15 135 SE +41 15 136 SI +41 15 137 OS +41 15 138 TO +41 15 139 TO +41 15 140 OS +41 15 141 TO +41 15 142 TO +41 15 143 SI +41 15 144 OS +41 15 145 SI +41 15 146 SA +41 15 147 SI +41 15 148 SE +41 15 149 SI +41 15 150 OS +41 15 151 SU +41 15 152 SU +41 15 153 SI +41 15 154 OS +41 15 155 OS +41 15 156 SI +41 15 157 OS +41 15 158 TO +41 15 159 SA +41 15 160 SE +41 15 161 SI +41 15 162 SE +41 15 163 SI +41 15 164 SI +41 15 165 OS +41 15 166 OS +41 15 167 TO +41 15 168 OS +41 15 169 SI +41 15 170 OS +41 15 171 OS +41 15 172 TO +41 15 173 SE +41 15 174 SA +41 15 175 TO +41 15 176 SE +41 15 177 SA +41 15 178 OS +41 15 179 SU +41 15 180 SI +41 15 181 SA +41 15 182 SU +41 15 183 OS +41 15 184 SU +41 15 185 SU +41 15 186 SI +41 15 187 SA +41 15 188 SI +41 15 189 TO +41 15 190 SE +41 15 191 SI +41 15 192 SU +41 15 193 SA +41 15 194 SU +41 15 195 SI +41 15 196 SI +41 15 197 SU +41 15 198 OS +41 15 199 TO +41 15 200 SI +41 15 201 SU +41 15 202 SI +41 15 203 SE +41 15 204 OS +41 15 205 OS +41 15 206 TO +41 15 207 SE +41 15 208 SU +41 15 209 OS +41 15 210 OS +41 15 211 SI +41 15 212 SU +41 15 213 TO +41 15 214 SA +41 15 215 SU +41 15 216 OS +41 15 217 SE +41 15 218 SI +41 15 219 TO +41 15 220 OS +41 15 221 TO +41 15 222 SE +41 15 223 SI +41 15 224 TO +41 15 225 SA +41 15 226 OS +41 15 227 OS +41 15 228 OS +41 15 229 SI +41 15 230 TO +41 15 231 SE +41 15 232 OS +41 15 233 MO +41 15 234 SI +41 15 235 SI +41 15 236 SA +41 15 237 SU +41 15 238 SI +41 15 239 SE +41 15 240 SU +41 15 241 TO +41 15 242 SA +41 15 243 SU +41 15 244 TO +41 15 245 SE +41 15 246 SI +41 15 247 MO +41 15 248 OS +41 15 249 SI +41 15 250 SU +41 15 251 SI +41 15 252 TO +41 15 253 SI +41 15 254 TO +41 15 255 OS +41 15 256 SE +41 15 257 OS +41 15 258 SA +41 15 259 SU +41 15 260 SA +41 15 261 SU +41 15 262 TO +41 15 263 TO +41 15 264 TO +41 15 265 OS +41 15 266 SU +41 15 267 SU +41 15 268 SI +41 15 269 SE +41 15 270 SU +41 15 271 OS +41 15 272 TO +41 15 273 SE +41 15 274 TO +41 15 275 SA +41 15 276 SE +41 15 277 OS +41 15 278 SU +41 15 279 OS +41 15 280 SI +41 15 281 SI +41 15 282 SI +41 15 283 SU +41 15 284 TO +41 15 285 SE +41 15 286 TO +41 15 287 SA +41 15 288 SE +41 15 289 SI +41 15 290 TO +41 15 291 SI +41 15 292 SE +41 15 293 TO +41 15 294 TO +41 15 295 OS +41 15 296 SU +41 15 297 SA +41 15 298 SE +41 15 299 SI +41 15 300 TO +41 15 301 SI +41 15 302 TO +41 15 303 TO +41 15 304 SI +41 15 305 SU +41 15 306 SI +41 15 307 SI +41 15 308 MO +41 15 309 OS +41 15 310 SI +41 15 311 SI +41 15 312 OS +41 15 313 OS +41 15 314 TO +41 15 315 SI +41 15 316 SI +41 15 317 SE +41 15 318 SU +41 15 319 TO +41 15 320 SA +41 15 321 SE +41 15 322 SI +41 15 323 SI +41 15 324 TO +41 15 325 SU +41 15 326 SA +41 15 327 TO +41 15 328 OS +41 15 329 SU +41 15 330 TO +41 16 1 SI +41 16 2 SI +41 16 3 SE +41 16 4 OS +41 16 5 SI +41 16 6 CO +41 16 7 SI +41 16 8 SE +41 16 9 SA +41 16 10 OS +41 16 11 SI +41 16 12 SA +41 16 13 OS +41 16 14 OS +41 16 15 SA +41 16 16 TO +41 16 17 SE +41 16 18 OS +41 16 19 SI +41 16 20 SI +41 16 21 SE +41 16 22 SA +41 16 23 SE +41 16 24 OS +41 16 25 SI +41 16 26 OS +41 16 27 TO +41 16 28 SE +41 16 29 SI +41 16 30 SA +41 16 31 SI +41 16 32 SA +41 16 33 SI +41 16 34 SI +41 16 35 SE +41 16 36 OS +41 16 37 SI +41 16 38 SE +41 16 39 SI +41 16 40 SI +41 16 41 SE +41 16 42 SA +41 16 43 OS +41 16 44 TO +41 16 45 SI +41 16 46 OS +41 16 47 SI +41 16 48 SA +41 16 49 SI +41 16 50 OS +41 16 51 CO +41 16 52 TO +41 16 53 SE +41 16 54 SI +41 16 55 SI +41 16 56 SA +41 16 57 OS +41 16 58 CO +41 16 59 TO +41 16 60 OS +41 16 61 SE +41 16 62 SI +41 16 63 SE +41 16 64 SI +41 16 65 SE +41 16 66 TO +41 16 67 SI +41 16 68 SE +41 16 69 OS +41 16 70 TO +41 16 71 OS +41 16 72 SI +41 16 73 SE +41 16 74 TO +41 16 75 SI +41 16 76 SE +41 16 77 SI +41 16 78 TO +41 16 79 OS +41 16 80 SI +41 16 81 SI +41 16 82 SI +41 16 83 TO +41 16 84 SE +41 16 85 SI +41 16 86 SE +41 16 87 OS +41 16 88 SE +41 16 89 OS +41 16 90 SI +41 16 91 SA +41 16 92 TO +41 16 93 SI +41 16 94 OS +41 16 95 TO +41 16 96 SA +41 16 97 OS +41 16 98 SE +41 16 99 CO +41 16 100 SI +41 16 101 SE +41 16 102 TO +41 16 103 CO +41 16 104 SI +41 16 105 SE +41 16 106 SA +41 16 107 TO +41 16 108 TO +41 16 109 SI +41 16 110 SA +41 16 111 OS +41 16 112 SE +41 16 113 OS +41 16 114 SI +41 16 115 SE +41 16 116 TO +41 16 117 OS +41 16 118 SE +41 16 119 SI +41 16 120 TO +41 16 121 SE +41 16 122 SI +41 16 123 SI +41 16 124 SA +41 16 125 SE +41 16 126 SE +41 16 127 OS +41 16 128 SA +41 16 129 TO +41 16 130 OS +41 16 131 SE +41 16 132 SE +41 16 133 SI +41 16 134 OS +41 16 135 SE +41 16 136 SI +41 16 137 SI +41 16 138 SI +41 16 139 TO +41 16 140 SI +41 16 141 TO +41 16 142 TO +41 16 143 SA +41 16 144 OS +41 16 145 SI +41 16 146 SA +41 16 147 SI +41 16 148 SE +41 16 149 SI +41 16 150 OS +41 16 151 SE +41 16 152 SE +41 16 153 SI +41 16 154 OS +41 16 155 OS +41 16 156 SI +41 16 157 OS +41 16 158 TO +41 16 159 SA +41 16 160 SA +41 16 161 SI +41 16 162 SE +41 16 163 SI +41 16 164 SI +41 16 165 SI +41 16 166 OS +41 16 167 TO +41 16 168 SI +41 16 169 OS +41 16 170 OS +41 16 171 SI +41 16 172 TO +41 16 173 SE +41 16 174 SA +41 16 175 TO +41 16 176 SE +41 16 177 SA +41 16 178 SI +41 16 179 SE +41 16 180 SI +41 16 181 WA +41 16 182 OS +41 16 183 OS +41 16 184 SI +41 16 185 WA +41 16 186 SI +41 16 187 SA +41 16 188 SI +41 16 189 TO +41 16 190 SA +41 16 191 SI +41 16 192 OS +41 16 193 SA +41 16 194 SE +41 16 195 OS +41 16 196 SI +41 16 197 SA +41 16 198 OS +41 16 199 TO +41 16 200 SI +41 16 201 CO +41 16 202 SI +41 16 203 SE +41 16 204 OS +41 16 205 OS +41 16 206 TO +41 16 207 SE +41 16 208 SA +41 16 209 SI +41 16 210 OS +41 16 211 SI +41 16 212 SA +41 16 213 TO +41 16 214 SA +41 16 215 SE +41 16 216 OS +41 16 217 SE +41 16 218 SA +41 16 219 TO +41 16 220 SI +41 16 221 TO +41 16 222 SI +41 16 223 SI +41 16 224 TO +41 16 225 SA +41 16 226 SI +41 16 227 OS +41 16 228 SI +41 16 229 SA +41 16 230 TO +41 16 231 SE +41 16 232 CO +41 16 233 SI +41 16 234 SI +41 16 235 SI +41 16 236 SA +41 16 237 CO +41 16 238 SI +41 16 239 SE +41 16 240 CO +41 16 241 TO +41 16 242 SA +41 16 243 SE +41 16 244 TO +41 16 245 SE +41 16 246 SI +41 16 247 SI +41 16 248 OS +41 16 249 SI +41 16 250 SE +41 16 251 SI +41 16 252 TO +41 16 253 SI +41 16 254 SI +41 16 255 OS +41 16 256 SE +41 16 257 SI +41 16 258 SA +41 16 259 SE +41 16 260 SA +41 16 261 SE +41 16 262 TO +41 16 263 OS +41 16 264 SI +41 16 265 SI +41 16 266 SE +41 16 267 SE +41 16 268 SI +41 16 269 SE +41 16 270 SA +41 16 271 OS +41 16 272 TO +41 16 273 SA +41 16 274 TO +41 16 275 CO +41 16 276 SE +41 16 277 OS +41 16 278 SA +41 16 279 OS +41 16 280 SI +41 16 281 SI +41 16 282 SI +41 16 283 OS +41 16 284 TO +41 16 285 SA +41 16 286 TO +41 16 287 CO +41 16 288 SE +41 16 289 SI +41 16 290 TO +41 16 291 SI +41 16 292 SA +41 16 293 TO +41 16 294 TO +41 16 295 CO +41 16 296 OS +41 16 297 SA +41 16 298 SE +41 16 299 SI +41 16 300 TO +41 16 301 SI +41 16 302 TO +41 16 303 TO +41 16 304 OS +41 16 305 SE +41 16 306 SI +41 16 307 SI +41 16 308 SA +41 16 309 CO +41 16 310 SI +41 16 311 SI +41 16 312 OS +41 16 313 OS +41 16 314 TO +41 16 315 SI +41 16 316 SI +41 16 317 SE +41 16 318 SA +41 16 319 TO +41 16 320 CO +41 16 321 SE +41 16 322 SI +41 16 323 SI +41 16 324 TO +41 16 325 SE +41 16 326 SA +41 16 327 TO +41 16 328 OS +41 16 329 CO +41 16 330 TO +41 17 1 SI +41 17 2 SI +41 17 3 SE +41 17 4 SE +41 17 5 SI +41 17 6 SA +41 17 7 SI +41 17 8 SE +41 17 9 SU +41 17 10 SI +41 17 11 OS +41 17 12 SA +41 17 13 SI +41 17 14 SI +41 17 15 SE +41 17 16 TO +41 17 17 SE +41 17 18 OS +41 17 19 SI +41 17 20 SI +41 17 21 SE +41 17 22 SA +41 17 23 SE +41 17 24 SU +41 17 25 SI +41 17 26 SI +41 17 27 SE +41 17 28 SE +41 17 29 SI +41 17 30 SE +41 17 31 SI +41 17 32 SE +41 17 33 SI +41 17 34 SI +41 17 35 SA +41 17 36 OS +41 17 37 SI +41 17 38 SE +41 17 39 SI +41 17 40 SI +41 17 41 SE +41 17 42 SA +41 17 43 SI +41 17 44 SE +41 17 45 SI +41 17 46 SU +41 17 47 SI +41 17 48 SA +41 17 49 SI +41 17 50 SE +41 17 51 SU +41 17 52 TO +41 17 53 SE +41 17 54 SI +41 17 55 SI +41 17 56 SA +41 17 57 SI +41 17 58 SU +41 17 59 SE +41 17 60 OS +41 17 61 SE +41 17 62 SI +41 17 63 SA +41 17 64 SI +41 17 65 SE +41 17 66 SA +41 17 67 SI +41 17 68 SE +41 17 69 SU +41 17 70 TO +41 17 71 SE +41 17 72 SI +41 17 73 SE +41 17 74 SI +41 17 75 OS +41 17 76 SE +41 17 77 SI +41 17 78 SE +41 17 79 OS +41 17 80 SI +41 17 81 SI +41 17 82 SI +41 17 83 SA +41 17 84 SE +41 17 85 SI +41 17 86 SE +41 17 87 OS +41 17 88 SE +41 17 89 OS +41 17 90 OS +41 17 91 SA +41 17 92 TO +41 17 93 SI +41 17 94 SU +41 17 95 TO +41 17 96 SA +41 17 97 SI +41 17 98 SE +41 17 99 SE +41 17 100 SI +41 17 101 SE +41 17 102 SI +41 17 103 SA +41 17 104 SI +41 17 105 SE +41 17 106 SA +41 17 107 TO +41 17 108 SI +41 17 109 SI +41 17 110 SA +41 17 111 OS +41 17 112 SE +41 17 113 OS +41 17 114 SI +41 17 115 SE +41 17 116 SI +41 17 117 SU +41 17 118 SE +41 17 119 SI +41 17 120 TO +41 17 121 SA +41 17 122 SI +41 17 123 SI +41 17 124 SA +41 17 125 SE +41 17 126 SE +41 17 127 OS +41 17 128 SA +41 17 129 TO +41 17 130 OS +41 17 131 SE +41 17 132 SE +41 17 133 SI +41 17 134 SE +41 17 135 SE +41 17 136 SI +41 17 137 OS +41 17 138 SI +41 17 139 TO +41 17 140 SI +41 17 141 TO +41 17 142 TO +41 17 143 SA +41 17 144 SE +41 17 145 SI +41 17 146 SA +41 17 147 SI +41 17 148 SE +41 17 149 SI +41 17 150 SE +41 17 151 SA +41 17 152 SE +41 17 153 SI +41 17 154 OS +41 17 155 OS +41 17 156 SI +41 17 157 SU +41 17 158 TO +41 17 159 SA +41 17 160 SE +41 17 161 SI +41 17 162 SE +41 17 163 SI +41 17 164 SI +41 17 165 SI +41 17 166 SI +41 17 167 SE +41 17 168 SI +41 17 169 SI +41 17 170 OS +41 17 171 SI +41 17 172 TO +41 17 173 SE +41 17 174 SA +41 17 175 SI +41 17 176 SE +41 17 177 SA +41 17 178 SI +41 17 179 SE +41 17 180 SI +41 17 181 SA +41 17 182 SE +41 17 183 SU +41 17 184 SE +41 17 185 SA +41 17 186 SI +41 17 187 SE +41 17 188 SI +41 17 189 SI +41 17 190 SE +41 17 191 SI +41 17 192 SE +41 17 193 SI +41 17 194 SE +41 17 195 SI +41 17 196 SI +41 17 197 SE +41 17 198 OS +41 17 199 TO +41 17 200 SI +41 17 201 SE +41 17 202 SI +41 17 203 SE +41 17 204 OS +41 17 205 SI +41 17 206 TO +41 17 207 SE +41 17 208 SA +41 17 209 SI +41 17 210 SE +41 17 211 SI +41 17 212 SA +41 17 213 SI +41 17 214 SA +41 17 215 SE +41 17 216 OS +41 17 217 SE +41 17 218 SI +41 17 219 SI +41 17 220 SI +41 17 221 SI +41 17 222 SE +41 17 223 SI +41 17 224 TO +41 17 225 SU +41 17 226 SI +41 17 227 OS +41 17 228 SI +41 17 229 SI +41 17 230 SA +41 17 231 SE +41 17 232 SU +41 17 233 SI +41 17 234 SI +41 17 235 SI +41 17 236 SI +41 17 237 SE +41 17 238 SI +41 17 239 SE +41 17 240 SE +41 17 241 TO +41 17 242 SA +41 17 243 SE +41 17 244 SI +41 17 245 SE +41 17 246 SI +41 17 247 SI +41 17 248 OS +41 17 249 SI +41 17 250 SE +41 17 251 SI +41 17 252 TO +41 17 253 SI +41 17 254 SI +41 17 255 OS +41 17 256 SE +41 17 257 SI +41 17 258 SA +41 17 259 SE +41 17 260 SI +41 17 261 SE +41 17 262 TO +41 17 263 SU +41 17 264 SI +41 17 265 SI +41 17 266 SE +41 17 267 SE +41 17 268 SI +41 17 269 SE +41 17 270 SA +41 17 271 SI +41 17 272 SI +41 17 273 SE +41 17 274 SI +41 17 275 SA +41 17 276 SE +41 17 277 SI +41 17 278 SE +41 17 279 SI +41 17 280 SI +41 17 281 SI +41 17 282 SI +41 17 283 SU +41 17 284 SI +41 17 285 SE +41 17 286 TO +41 17 287 SU +41 17 288 SE +41 17 289 SI +41 17 290 TO +41 17 291 SI +41 17 292 SE +41 17 293 SI +41 17 294 SI +41 17 295 SU +41 17 296 SE +41 17 297 SA +41 17 298 SE +41 17 299 SI +41 17 300 SI +41 17 301 SI +41 17 302 TO +41 17 303 SI +41 17 304 SI +41 17 305 SE +41 17 306 SI +41 17 307 SI +41 17 308 SE +41 17 309 OS +41 17 310 SI +41 17 311 SI +41 17 312 OS +41 17 313 SI +41 17 314 TO +41 17 315 SI +41 17 316 SI +41 17 317 SE +41 17 318 SA +41 17 319 TO +41 17 320 SI +41 17 321 SE +41 17 322 SI +41 17 323 SI +41 17 324 TO +41 17 325 SE +41 17 326 SA +41 17 327 TO +41 17 328 SI +41 17 329 SU +41 17 330 SI +41 18 1 SI +41 18 2 SI +41 18 3 SE +41 18 4 SE +41 18 5 SI +41 18 6 SA +41 18 7 SI +41 18 8 SE +41 18 9 CO +41 18 10 SI +41 18 11 SI +41 18 12 SA +41 18 13 SI +41 18 14 SI +41 18 15 SE +41 18 16 TO +41 18 17 SE +41 18 18 OS +41 18 19 SI +41 18 20 SI +41 18 21 SE +41 18 22 SA +41 18 23 SE +41 18 24 CO +41 18 25 SI +41 18 26 SI +41 18 27 TO +41 18 28 SE +41 18 29 SI +41 18 30 SA +41 18 31 SI +41 18 32 SE +41 18 33 SI +41 18 34 SI +41 18 35 SE +41 18 36 SI +41 18 37 SI +41 18 38 SE +41 18 39 SI +41 18 40 SI +41 18 41 SE +41 18 42 SA +41 18 43 SI +41 18 44 TO +41 18 45 SI +41 18 46 SI +41 18 47 SI +41 18 48 SA +41 18 49 SI +41 18 50 SE +41 18 51 CO +41 18 52 TO +41 18 53 SE +41 18 54 SI +41 18 55 SI +41 18 56 SE +41 18 57 SI +41 18 58 SA +41 18 59 SE +41 18 60 SI +41 18 61 SE +41 18 62 SI +41 18 63 SE +41 18 64 SI +41 18 65 SE +41 18 66 SA +41 18 67 SI +41 18 68 SE +41 18 69 SA +41 18 70 TO +41 18 71 SE +41 18 72 SI +41 18 73 SE +41 18 74 SI +41 18 75 SI +41 18 76 SE +41 18 77 SI +41 18 78 SE +41 18 79 OS +41 18 80 SI +41 18 81 SA +41 18 82 SI +41 18 83 SA +41 18 84 SE +41 18 85 SI +41 18 86 SE +41 18 87 OS +41 18 88 SE +41 18 89 OS +41 18 90 SI +41 18 91 SA +41 18 92 TO +41 18 93 SI +41 18 94 OS +41 18 95 SI +41 18 96 SA +41 18 97 SE +41 18 98 SE +41 18 99 SE +41 18 100 SI +41 18 101 SE +41 18 102 SI +41 18 103 SA +41 18 104 SI +41 18 105 SE +41 18 106 SA +41 18 107 TO +41 18 108 SI +41 18 109 SI +41 18 110 SA +41 18 111 SI +41 18 112 SE +41 18 113 OS +41 18 114 SI +41 18 115 SE +41 18 116 SI +41 18 117 OS +41 18 118 SE +41 18 119 SI +41 18 120 TO +41 18 121 SE +41 18 122 SI +41 18 123 SI +41 18 124 SA +41 18 125 SE +41 18 126 SE +41 18 127 OS +41 18 128 SA +41 18 129 TO +41 18 130 OS +41 18 131 SE +41 18 132 SE +41 18 133 SI +41 18 134 SE +41 18 135 SE +41 18 136 SI +41 18 137 SI +41 18 138 SI +41 18 139 TO +41 18 140 SI +41 18 141 TO +41 18 142 TO +41 18 143 SA +41 18 144 SI +41 18 145 SI +41 18 146 SA +41 18 147 SI +41 18 148 SE +41 18 149 SI +41 18 150 SE +41 18 151 SE +41 18 152 SE +41 18 153 SI +41 18 154 OS +41 18 155 OS +41 18 156 SI +41 18 157 SA +41 18 158 TO +41 18 159 SA +41 18 160 SE +41 18 161 SI +41 18 162 SE +41 18 163 SI +41 18 164 SI +41 18 165 SA +41 18 166 OS +41 18 167 SE +41 18 168 SI +41 18 169 SI +41 18 170 SI +41 18 171 SA +41 18 172 TO +41 18 173 SE +41 18 174 SA +41 18 175 SI +41 18 176 SE +41 18 177 SA +41 18 178 SI +41 18 179 SE +41 18 180 SI +41 18 181 SA +41 18 182 SE +41 18 183 SA +41 18 184 SE +41 18 185 SA +41 18 186 SI +41 18 187 SA +41 18 188 SI +41 18 189 SI +41 18 190 SE +41 18 191 SI +41 18 192 SE +41 18 193 SA +41 18 194 SE +41 18 195 SI +41 18 196 SI +41 18 197 SE +41 18 198 OS +41 18 199 SI +41 18 200 SI +41 18 201 SE +41 18 202 SI +41 18 203 SE +41 18 204 OS +41 18 205 SI +41 18 206 TO +41 18 207 SE +41 18 208 SA +41 18 209 SI +41 18 210 SE +41 18 211 SI +41 18 212 SA +41 18 213 TO +41 18 214 SA +41 18 215 SE +41 18 216 SI +41 18 217 SE +41 18 218 SA +41 18 219 SI +41 18 220 SI +41 18 221 TO +41 18 222 SE +41 18 223 SI +41 18 224 TO +41 18 225 SA +41 18 226 SI +41 18 227 OS +41 18 228 SI +41 18 229 SI +41 18 230 TO +41 18 231 SE +41 18 232 SA +41 18 233 SI +41 18 234 SI +41 18 235 SI +41 18 236 SA +41 18 237 SE +41 18 238 SI +41 18 239 SE +41 18 240 SE +41 18 241 TO +41 18 242 SA +41 18 243 SE +41 18 244 TO +41 18 245 SE +41 18 246 SI +41 18 247 SI +41 18 248 OS +41 18 249 SI +41 18 250 SE +41 18 251 SI +41 18 252 TO +41 18 253 SI +41 18 254 SI +41 18 255 OS +41 18 256 SE +41 18 257 SI +41 18 258 SA +41 18 259 SE +41 18 260 SA +41 18 261 SE +41 18 262 TO +41 18 263 TO +41 18 264 SI +41 18 265 SI +41 18 266 SE +41 18 267 SE +41 18 268 SI +41 18 269 SE +41 18 270 SA +41 18 271 SI +41 18 272 TO +41 18 273 SE +41 18 274 TO +41 18 275 SA +41 18 276 SE +41 18 277 SI +41 18 278 SA +41 18 279 SI +41 18 280 SI +41 18 281 SI +41 18 282 SI +41 18 283 CO +41 18 284 TO +41 18 285 SE +41 18 286 TO +41 18 287 SA +41 18 288 SE +41 18 289 SI +41 18 290 TO +41 18 291 SI +41 18 292 SE +41 18 293 SI +41 18 294 SI +41 18 295 CO +41 18 296 SE +41 18 297 SA +41 18 298 SE +41 18 299 SI +41 18 300 TO +41 18 301 SI +41 18 302 TO +41 18 303 SI +41 18 304 SA +41 18 305 SE +41 18 306 SA +41 18 307 SI +41 18 308 SE +41 18 309 OS +41 18 310 SI +41 18 311 SI +41 18 312 OS +41 18 313 SI +41 18 314 TO +41 18 315 SA +41 18 316 SI +41 18 317 SE +41 18 318 SA +41 18 319 TO +41 18 320 SA +41 18 321 SE +41 18 322 SI +41 18 323 SI +41 18 324 TO +41 18 325 SE +41 18 326 SA +41 18 327 SI +41 18 328 SI +41 18 329 CO +41 18 330 TO +41 19 1 SI +41 19 2 SI +41 19 3 SE +41 19 4 SE +41 19 5 SI +41 19 6 SA +41 19 7 SI +41 19 8 SE +41 19 9 CO +41 19 10 SI +41 19 11 OS +41 19 12 SA +41 19 13 SI +41 19 14 OS +41 19 15 SE +41 19 16 TO +41 19 17 SE +41 19 18 OS +41 19 19 SI +41 19 20 SI +41 19 21 SE +41 19 22 TO +41 19 23 SE +41 19 24 CO +41 19 25 SI +41 19 26 SI +41 19 27 TO +41 19 28 SE +41 19 29 SI +41 19 30 SA +41 19 31 SI +41 19 32 SE +41 19 33 SI +41 19 34 SI +41 19 35 SE +41 19 36 SI +41 19 37 SI +41 19 38 SE +41 19 39 SI +41 19 40 SI +41 19 41 SE +41 19 42 SA +41 19 43 OS +41 19 44 TO +41 19 45 SI +41 19 46 OS +41 19 47 SI +41 19 48 SA +41 19 49 SI +41 19 50 OS +41 19 51 WA +41 19 52 TO +41 19 53 ST +41 19 54 SI +41 19 55 SI +41 19 56 SA +41 19 57 SI +41 19 58 SA +41 19 59 TO +41 19 60 OS +41 19 61 SE +41 19 62 SI +41 19 63 SE +41 19 64 SI +41 19 65 SE +41 19 66 TO +41 19 67 SI +41 19 68 SE +41 19 69 SI +41 19 70 TO +41 19 71 SE +41 19 72 SI +41 19 73 SE +41 19 74 SI +41 19 75 OS +41 19 76 SA +41 19 77 SI +41 19 78 SE +41 19 79 OS +41 19 80 SI +41 19 81 SI +41 19 82 SI +41 19 83 WA +41 19 84 ST +41 19 85 SI +41 19 86 SE +41 19 87 OS +41 19 88 SE +41 19 89 OS +41 19 90 OS +41 19 91 SA +41 19 92 TO +41 19 93 SI +41 19 94 OS +41 19 95 TO +41 19 96 SA +41 19 97 SI +41 19 98 SE +41 19 99 TO +41 19 100 SI +41 19 101 SE +41 19 102 SI +41 19 103 SA +41 19 104 SI +41 19 105 SE +41 19 106 SA +41 19 107 TO +41 19 108 SI +41 19 109 SI +41 19 110 SA +41 19 111 OS +41 19 112 SE +41 19 113 OS +41 19 114 SI +41 19 115 SE +41 19 116 TO +41 19 117 OS +41 19 118 SE +41 19 119 SI +41 19 120 TO +41 19 121 SA +41 19 122 SI +41 19 123 SI +41 19 124 SA +41 19 125 SA +41 19 126 SE +41 19 127 OS +41 19 128 SA +41 19 129 TO +41 19 130 OS +41 19 131 SE +41 19 132 SE +41 19 133 SI +41 19 134 OS +41 19 135 SE +41 19 136 SI +41 19 137 SI +41 19 138 SI +41 19 139 TO +41 19 140 SI +41 19 141 TO +41 19 142 TO +41 19 143 SA +41 19 144 OS +41 19 145 SI +41 19 146 SA +41 19 147 SI +41 19 148 SE +41 19 149 SI +41 19 150 OS +41 19 151 SE +41 19 152 SE +41 19 153 SI +41 19 154 OS +41 19 155 CO +41 19 156 SI +41 19 157 CO +41 19 158 TO +41 19 159 SA +41 19 160 SE +41 19 161 SI +41 19 162 SE +41 19 163 SI +41 19 164 SI +41 19 165 SA +41 19 166 OS +41 19 167 TO +41 19 168 SI +41 19 169 SI +41 19 170 OS +41 19 171 SA +41 19 172 TO +41 19 173 SE +41 19 174 SA +41 19 175 SI +41 19 176 SE +41 19 177 SA +41 19 178 SI +41 19 179 SE +41 19 180 SI +41 19 181 WA +41 19 182 SE +41 19 183 WA +41 19 184 SI +41 19 185 WA +41 19 186 SI +41 19 187 SA +41 19 188 SI +41 19 189 SI +41 19 190 SE +41 19 191 SI +41 19 192 SE +41 19 193 SA +41 19 194 SE +41 19 195 SI +41 19 196 SI +41 19 197 SE +41 19 198 OS +41 19 199 TO +41 19 200 SI +41 19 201 SE +41 19 202 SI +41 19 203 SE +41 19 204 OS +41 19 205 OS +41 19 206 SA +41 19 207 SE +41 19 208 CO +41 19 209 SI +41 19 210 OS +41 19 211 SI +41 19 212 SA +41 19 213 SI +41 19 214 SA +41 19 215 SE +41 19 216 SI +41 19 217 SE +41 19 218 SA +41 19 219 TO +41 19 220 SI +41 19 221 TO +41 19 222 SE +41 19 223 SI +41 19 224 TO +41 19 225 WA +41 19 226 SI +41 19 227 OS +41 19 228 OS +41 19 229 SI +41 19 230 TO +41 19 231 SE +41 19 232 CO +41 19 233 SI +41 19 234 SI +41 19 235 SI +41 19 236 SA +41 19 237 WA +41 19 238 SI +41 19 239 SE +41 19 240 CO +41 19 241 TO +41 19 242 SA +41 19 243 SE +41 19 244 TO +41 19 245 SE +41 19 246 SI +41 19 247 SI +41 19 248 OS +41 19 249 SI +41 19 250 OS +41 19 251 SI +41 19 252 TO +41 19 253 SI +41 19 254 SI +41 19 255 OS +41 19 256 SE +41 19 257 SI +41 19 258 SA +41 19 259 SE +41 19 260 TO +41 19 261 WA +41 19 262 TO +41 19 263 SI +41 19 264 SI +41 19 265 SI +41 19 266 CO +41 19 267 SE +41 19 268 SI +41 19 269 SE +41 19 270 SA +41 19 271 SI +41 19 272 TO +41 19 273 SE +41 19 274 TO +41 19 275 SA +41 19 276 SE +41 19 277 SI +41 19 278 SA +41 19 279 OS +41 19 280 SA +41 19 281 SI +41 19 282 SI +41 19 283 CO +41 19 284 TO +41 19 285 SE +41 19 286 TO +41 19 287 CO +41 19 288 SE +41 19 289 SI +41 19 290 TO +41 19 291 SI +41 19 292 SE +41 19 293 SI +41 19 294 TO +41 19 295 WA +41 19 296 SI +41 19 297 SA +41 19 298 SE +41 19 299 SI +41 19 300 TO +41 19 301 SI +41 19 302 TO +41 19 303 SI +41 19 304 SI +41 19 305 OS +41 19 306 SI +41 19 307 SI +41 19 308 SE +41 19 309 OS +41 19 310 SI +41 19 311 SI +41 19 312 OS +41 19 313 OS +41 19 314 TO +41 19 315 SI +41 19 316 SI +41 19 317 SE +41 19 318 SA +41 19 319 TO +41 19 320 SA +41 19 321 SE +41 19 322 SI +41 19 323 SI +41 19 324 TO +41 19 325 SE +41 19 326 SA +41 19 327 TO +41 19 328 SI +41 19 329 CO +41 19 330 TO +41 20 1 SI +41 20 2 SA +41 20 3 SE +41 20 4 SE +41 20 5 SI +41 20 6 SA +41 20 7 SI +41 20 8 SE +41 20 9 SU +41 20 10 SI +41 20 11 SI +41 20 12 SA +41 20 13 SI +41 20 14 SI +41 20 15 SE +41 20 16 TO +41 20 17 SE +41 20 18 OS +41 20 19 SI +41 20 20 SI +41 20 21 SE +41 20 22 SA +41 20 23 SE +41 20 24 SA +41 20 25 SI +41 20 26 SI +41 20 27 TO +41 20 28 SE +41 20 29 SI +41 20 30 SU +41 20 31 SI +41 20 32 SE +41 20 33 SI +41 20 34 SI +41 20 35 SE +41 20 36 SI +41 20 37 SI +41 20 38 SE +41 20 39 SI +41 20 40 SI +41 20 41 SE +41 20 42 SA +41 20 43 SI +41 20 44 TO +41 20 45 SI +41 20 46 TO +41 20 47 SI +41 20 48 SA +41 20 49 SI +41 20 50 SA +41 20 51 SA +41 20 52 TO +41 20 53 SE +41 20 54 SI +41 20 55 SI +41 20 56 SU +41 20 57 SI +41 20 58 SA +41 20 59 TO +41 20 60 SI +41 20 61 SE +41 20 62 SA +41 20 63 SE +41 20 64 SI +41 20 65 SE +41 20 66 TO +41 20 67 SI +41 20 68 SE +41 20 69 SI +41 20 70 TO +41 20 71 SE +41 20 72 SI +41 20 73 SE +41 20 74 TO +41 20 75 SI +41 20 76 SA +41 20 77 SI +41 20 78 SE +41 20 79 OS +41 20 80 SI +41 20 81 SI +41 20 82 SI +41 20 83 TO +41 20 84 SA +41 20 85 SI +41 20 86 SE +41 20 87 SI +41 20 88 SE +41 20 89 OS +41 20 90 SI +41 20 91 SI +41 20 92 TO +41 20 93 SI +41 20 94 SU +41 20 95 TO +41 20 96 SA +41 20 97 SI +41 20 98 SE +41 20 99 SE +41 20 100 SI +41 20 101 SE +41 20 102 TO +41 20 103 SU +41 20 104 SI +41 20 105 SE +41 20 106 SA +41 20 107 TO +41 20 108 TO +41 20 109 SI +41 20 110 SA +41 20 111 SI +41 20 112 SE +41 20 113 SU +41 20 114 SI +41 20 115 SE +41 20 116 TO +41 20 117 SA +41 20 118 SE +41 20 119 SI +41 20 120 TO +41 20 121 SE +41 20 122 SI +41 20 123 SI +41 20 124 SI +41 20 125 SE +41 20 126 SE +41 20 127 SI +41 20 128 SI +41 20 129 TO +41 20 130 SI +41 20 131 SE +41 20 132 SE +41 20 133 SI +41 20 134 SU +41 20 135 SE +41 20 136 SI +41 20 137 SI +41 20 138 TO +41 20 139 TO +41 20 140 SI +41 20 141 TO +41 20 142 TO +41 20 143 SI +41 20 144 SU +41 20 145 SI +41 20 146 SA +41 20 147 SI +41 20 148 SE +41 20 149 SI +41 20 150 SU +41 20 151 SE +41 20 152 SE +41 20 153 SI +41 20 154 OS +41 20 155 OS +41 20 156 SI +41 20 157 SU +41 20 158 TO +41 20 159 SU +41 20 160 SE +41 20 161 SI +41 20 162 SE +41 20 163 SI +41 20 164 SI +41 20 165 SI +41 20 166 SI +41 20 167 SA +41 20 168 SI +41 20 169 SI +41 20 170 SI +41 20 171 SI +41 20 172 TO +41 20 173 SE +41 20 174 SA +41 20 175 SI +41 20 176 SE +41 20 177 SU +41 20 178 SI +41 20 179 SU +41 20 180 SI +41 20 181 SA +41 20 182 SE +41 20 183 SA +41 20 184 SE +41 20 185 SA +41 20 186 SI +41 20 187 SA +41 20 188 SI +41 20 189 TO +41 20 190 SE +41 20 191 SI +41 20 192 SE +41 20 193 SA +41 20 194 SE +41 20 195 SI +41 20 196 SI +41 20 197 SE +41 20 198 OS +41 20 199 TO +41 20 200 SI +41 20 201 SE +41 20 202 SI +41 20 203 SE +41 20 204 OS +41 20 205 OS +41 20 206 TO +41 20 207 SE +41 20 208 SA +41 20 209 SI +41 20 210 SU +41 20 211 SI +41 20 212 SA +41 20 213 TO +41 20 214 SI +41 20 215 SE +41 20 216 SI +41 20 217 SU +41 20 218 SI +41 20 219 TO +41 20 220 OS +41 20 221 TO +41 20 222 SE +41 20 223 SI +41 20 224 TO +41 20 225 SA +41 20 226 SI +41 20 227 OS +41 20 228 SI +41 20 229 SI +41 20 230 TO +41 20 231 SE +41 20 232 OS +41 20 233 OS +41 20 234 SI +41 20 235 SI +41 20 236 SI +41 20 237 SU +41 20 238 SI +41 20 239 SE +41 20 240 SU +41 20 241 TO +41 20 242 SA +41 20 243 SE +41 20 244 TO +41 20 245 SE +41 20 246 SI +41 20 247 OS +41 20 248 SI +41 20 249 SI +41 20 250 SE +41 20 251 SI +41 20 252 TO +41 20 253 SI +41 20 254 OS +41 20 255 OS +41 20 256 SE +41 20 257 SI +41 20 258 SA +41 20 259 SE +41 20 260 TO +41 20 261 SE +41 20 262 TO +41 20 263 OS +41 20 264 TO +41 20 265 SI +41 20 266 SU +41 20 267 SE +41 20 268 SI +41 20 269 SE +41 20 270 SA +41 20 271 SI +41 20 272 TO +41 20 273 SE +41 20 274 TO +41 20 275 OS +41 20 276 SE +41 20 277 SI +41 20 278 SU +41 20 279 SI +41 20 280 SI +41 20 281 SI +41 20 282 SI +41 20 283 SU +41 20 284 TO +41 20 285 SE +41 20 286 TO +41 20 287 SA +41 20 288 SE +41 20 289 SI +41 20 290 TO +41 20 291 SI +41 20 292 SU +41 20 293 SI +41 20 294 TO +41 20 295 SA +41 20 296 SE +41 20 297 SA +41 20 298 SE +41 20 299 SI +41 20 300 TO +41 20 301 SI +41 20 302 TO +41 20 303 OS +41 20 304 SI +41 20 305 SE +41 20 306 SI +41 20 307 SI +41 20 308 SU +41 20 309 OS +41 20 310 SI +41 20 311 SI +41 20 312 OS +41 20 313 OS +41 20 314 TO +41 20 315 SI +41 20 316 SI +41 20 317 SE +41 20 318 SU +41 20 319 TO +41 20 320 OS +41 20 321 SE +41 20 322 SI +41 20 323 SI +41 20 324 TO +41 20 325 SE +41 20 326 SU +41 20 327 TO +41 20 328 SI +41 20 329 SU +41 20 330 TO +41 21 1 SI +41 21 2 SI +41 21 3 SE +41 21 4 SI +41 21 5 SI +41 21 6 SA +41 21 7 SI +41 21 8 SE +41 21 9 WE +41 21 10 OS +41 21 11 SI +41 21 12 SA +41 21 13 SI +41 21 14 OS +41 21 15 SI +41 21 16 TO +41 21 17 SE +41 21 18 OS +41 21 19 SI +41 21 20 SI +41 21 21 SE +41 21 22 SA +41 21 23 SI +41 21 24 WE +41 21 25 SI +41 21 26 SI +41 21 27 WE +41 21 28 SE +41 21 29 SI +41 21 30 SA +41 21 31 SI +41 21 32 SI +41 21 33 SI +41 21 34 SI +41 21 35 SE +41 21 36 OS +41 21 37 SI +41 21 38 SE +41 21 39 SI +41 21 40 SI +41 21 41 SE +41 21 42 SA +41 21 43 OS +41 21 44 TO +41 21 45 SI +41 21 46 WE +41 21 47 SI +41 21 48 SA +41 21 49 SI +41 21 50 SI +41 21 51 WE +41 21 52 SI +41 21 53 SE +41 21 54 SI +41 21 55 SI +41 21 56 SA +41 21 57 SI +41 21 58 WE +41 21 59 SI +41 21 60 SI +41 21 61 SE +41 21 62 SI +41 21 63 WE +41 21 64 SI +41 21 65 SE +41 21 66 TO +41 21 67 SI +41 21 68 SI +41 21 69 WE +41 21 70 TO +41 21 71 SE +41 21 72 SI +41 21 73 SI +41 21 74 SI +41 21 75 OS +41 21 76 SA +41 21 77 SI +41 21 78 SA +41 21 79 OS +41 21 80 SI +41 21 81 SA +41 21 82 SI +41 21 83 WE +41 21 84 SI +41 21 85 SI +41 21 86 SI +41 21 87 OS +41 21 88 SI +41 21 89 OS +41 21 90 SI +41 21 91 SA +41 21 92 TO +41 21 93 SI +41 21 94 OS +41 21 95 SI +41 21 96 SA +41 21 97 SI +41 21 98 SE +41 21 99 SE +41 21 100 SI +41 21 101 SE +41 21 102 SI +41 21 103 WE +41 21 104 SI +41 21 105 SE +41 21 106 SA +41 21 107 TO +41 21 108 SI +41 21 109 SI +41 21 110 SA +41 21 111 WE +41 21 112 SE +41 21 113 OS +41 21 114 SI +41 21 115 SE +41 21 116 SI +41 21 117 OS +41 21 118 SE +41 21 119 SI +41 21 120 TO +41 21 121 SE +41 21 122 SI +41 21 123 SI +41 21 124 SA +41 21 125 SE +41 21 126 SE +41 21 127 OS +41 21 128 SA +41 21 129 TO +41 21 130 OS +41 21 131 SI +41 21 132 SE +41 21 133 SI +41 21 134 OS +41 21 135 SI +41 21 136 SI +41 21 137 SI +41 21 138 SI +41 21 139 TO +41 21 140 SI +41 21 141 TO +41 21 142 TO +41 21 143 SA +41 21 144 SI +41 21 145 SI +41 21 146 SA +41 21 147 SI +41 21 148 SE +41 21 149 SI +41 21 150 SI +41 21 151 SE +41 21 152 SE +41 21 153 SI +41 21 154 OS +41 21 155 OS +41 21 156 SI +41 21 157 OS +41 21 158 TO +41 21 159 SA +41 21 160 SE +41 21 161 SI +41 21 162 SE +41 21 163 SI +41 21 164 SI +41 21 165 SI +41 21 166 SI +41 21 167 SI +41 21 168 SI +41 21 169 SI +41 21 170 OS +41 21 171 SI +41 21 172 TO +41 21 173 SE +41 21 174 SA +41 21 175 SI +41 21 176 SE +41 21 177 SA +41 21 178 SI +41 21 179 WE +41 21 180 SI +41 21 181 WE +41 21 182 SI +41 21 183 WE +41 21 184 SI +41 21 185 WE +41 21 186 SI +41 21 187 SA +41 21 188 SI +41 21 189 SI +41 21 190 SA +41 21 191 SI +41 21 192 SI +41 21 193 SA +41 21 194 WE +41 21 195 SI +41 21 196 SI +41 21 197 SE +41 21 198 OS +41 21 199 SA +41 21 200 SI +41 21 201 SE +41 21 202 SI +41 21 203 SE +41 21 204 OS +41 21 205 SI +41 21 206 TO +41 21 207 SE +41 21 208 WE +41 21 209 SI +41 21 210 WE +41 21 211 SI +41 21 212 WA +41 21 213 SI +41 21 214 SA +41 21 215 SE +41 21 216 OS +41 21 217 SE +41 21 218 SA +41 21 219 SI +41 21 220 SI +41 21 221 SI +41 21 222 SI +41 21 223 SI +41 21 224 TO +41 21 225 WE +41 21 226 SI +41 21 227 OS +41 21 228 SI +41 21 229 SI +41 21 230 TO +41 21 231 SE +41 21 232 WE +41 21 233 SI +41 21 234 SI +41 21 235 SI +41 21 236 SA +41 21 237 SA +41 21 238 SI +41 21 239 SE +41 21 240 WE +41 21 241 TO +41 21 242 SA +41 21 243 SE +41 21 244 TO +41 21 245 SE +41 21 246 SI +41 21 247 SI +41 21 248 OS +41 21 249 SI +41 21 250 SE +41 21 251 SI +41 21 252 TO +41 21 253 SI +41 21 254 SI +41 21 255 OS +41 21 256 SE +41 21 257 SI +41 21 258 SA +41 21 259 WE +41 21 260 SA +41 21 261 SE +41 21 262 TO +41 21 263 OS +41 21 264 SI +41 21 265 SI +41 21 266 WE +41 21 267 SE +41 21 268 SI +41 21 269 SE +41 21 270 SA +41 21 271 OS +41 21 272 TO +41 21 273 SI +41 21 274 TO +41 21 275 WE +41 21 276 SE +41 21 277 SI +41 21 278 SE +41 21 279 SI +41 21 280 SI +41 21 281 SI +41 21 282 SI +41 21 283 OS +41 21 284 SI +41 21 285 SE +41 21 286 TO +41 21 287 WE +41 21 288 SE +41 21 289 SI +41 21 290 TO +41 21 291 SI +41 21 292 SE +41 21 293 SI +41 21 294 TO +41 21 295 WE +41 21 296 SI +41 21 297 SA +41 21 298 SE +41 21 299 SI +41 21 300 TO +41 21 301 SI +41 21 302 TO +41 21 303 SI +41 21 304 WE +41 21 305 SE +41 21 306 SI +41 21 307 SI +41 21 308 SE +41 21 309 OS +41 21 310 SI +41 21 311 SI +41 21 312 OS +41 21 313 SI +41 21 314 TO +41 21 315 SI +41 21 316 SI +41 21 317 SE +41 21 318 SA +41 21 319 TO +41 21 320 WE +41 21 321 SE +41 21 322 SI +41 21 323 SI +41 21 324 TO +41 21 325 SE +41 21 326 WE +41 21 327 SI +41 21 328 SI +41 21 329 WE +41 21 330 SI +41 22 1 SI +41 22 2 SI +41 22 3 SA +41 22 4 SI +41 22 5 SI +41 22 6 SA +41 22 7 SI +41 22 8 SE +41 22 9 CO +41 22 10 OS +41 22 11 SI +41 22 12 SA +41 22 13 SI +41 22 14 OS +41 22 15 SA +41 22 16 TO +41 22 17 SA +41 22 18 OS +41 22 19 SI +41 22 20 SI +41 22 21 SE +41 22 22 SA +41 22 23 SI +41 22 24 SU +41 22 25 SI +41 22 26 SI +41 22 27 TO +41 22 28 SE +41 22 29 SI +41 22 30 SA +41 22 31 SI +41 22 32 SE +41 22 33 SA +41 22 34 SI +41 22 35 SA +41 22 36 SI +41 22 37 SI +41 22 38 SE +41 22 39 SI +41 22 40 SI +41 22 41 SE +41 22 42 SU +41 22 43 OS +41 22 44 TO +41 22 45 SI +41 22 46 MO +41 22 47 MO +41 22 48 SA +41 22 49 SI +41 22 50 SE +41 22 51 CO +41 22 52 TO +41 22 53 SE +41 22 54 SI +41 22 55 SI +41 22 56 SA +41 22 57 SI +41 22 58 SA +41 22 59 TO +41 22 60 OS +41 22 61 SE +41 22 62 SI +41 22 63 SE +41 22 64 SI +41 22 65 SE +41 22 66 TO +41 22 67 SI +41 22 68 SE +41 22 69 CO +41 22 70 TO +41 22 71 SE +41 22 72 SI +41 22 73 SE +41 22 74 SI +41 22 75 OS +41 22 76 SA +41 22 77 SI +41 22 78 TO +41 22 79 OS +41 22 80 SI +41 22 81 SI +41 22 82 SI +41 22 83 TO +41 22 84 SE +41 22 85 SI +41 22 86 SE +41 22 87 OS +41 22 88 SE +41 22 89 OS +41 22 90 OS +41 22 91 SA +41 22 92 TO +41 22 93 SI +41 22 94 OS +41 22 95 TO +41 22 96 SA +41 22 97 SE +41 22 98 SE +41 22 99 SI +41 22 100 SI +41 22 101 SE +41 22 102 SI +41 22 103 CO +41 22 104 SI +41 22 105 SE +41 22 106 SA +41 22 107 TO +41 22 108 SI +41 22 109 SI +41 22 110 SA +41 22 111 SI +41 22 112 SE +41 22 113 OS +41 22 114 SI +41 22 115 SE +41 22 116 TO +41 22 117 CO +41 22 118 SE +41 22 119 SI +41 22 120 TO +41 22 121 SA +41 22 122 SI +41 22 123 SI +41 22 124 SA +41 22 125 SE +41 22 126 SE +41 22 127 OS +41 22 128 TO +41 22 129 TO +41 22 130 OS +41 22 131 SE +41 22 132 CO +41 22 133 SI +41 22 134 OS +41 22 135 SE +41 22 136 SI +41 22 137 OS +41 22 138 SI +41 22 139 TO +41 22 140 SI +41 22 141 TO +41 22 142 TO +41 22 143 SI +41 22 144 CO +41 22 145 SI +41 22 146 SA +41 22 147 SI +41 22 148 SE +41 22 149 TO +41 22 150 SI +41 22 151 SA +41 22 152 SI +41 22 153 SI +41 22 154 OS +41 22 155 OS +41 22 156 SI +41 22 157 CO +41 22 158 TO +41 22 159 SA +41 22 160 SU +41 22 161 SI +41 22 162 SE +41 22 163 SI +41 22 164 SI +41 22 165 SU +41 22 166 OS +41 22 167 SI +41 22 168 OS +41 22 169 SI +41 22 170 OS +41 22 171 SI +41 22 172 TO +41 22 173 SE +41 22 174 SA +41 22 175 TO +41 22 176 SE +41 22 177 SA +41 22 178 SI +41 22 179 CO +41 22 180 SI +41 22 181 CO +41 22 182 SE +41 22 183 CO +41 22 184 SI +41 22 185 SU +41 22 186 SI +41 22 187 SA +41 22 188 SI +41 22 189 TO +41 22 190 TO +41 22 191 SI +41 22 192 SU +41 22 193 SA +41 22 194 SE +41 22 195 SI +41 22 196 SI +41 22 197 SE +41 22 198 OS +41 22 199 TO +41 22 200 SI +41 22 201 SA +41 22 202 SI +41 22 203 SE +41 22 204 OS +41 22 205 SE +41 22 206 SA +41 22 207 SE +41 22 208 SU +41 22 209 OS +41 22 210 CO +41 22 211 SI +41 22 212 SA +41 22 213 TO +41 22 214 SI +41 22 215 TO +41 22 216 OS +41 22 217 SE +41 22 218 SI +41 22 219 SI +41 22 220 OS +41 22 221 TO +41 22 222 SE +41 22 223 SI +41 22 224 TO +41 22 225 SU +41 22 226 OS +41 22 227 OS +41 22 228 SI +41 22 229 SI +41 22 230 SA +41 22 231 SI +41 22 232 CO +41 22 233 SI +41 22 234 SI +41 22 235 OS +41 22 236 SA +41 22 237 SA +41 22 238 SI +41 22 239 TO +41 22 240 SU +41 22 241 TO +41 22 242 SA +41 22 243 OS +41 22 244 TO +41 22 245 SE +41 22 246 SI +41 22 247 SI +41 22 248 OS +41 22 249 SI +41 22 250 SE +41 22 251 SI +41 22 252 TO +41 22 253 SI +41 22 254 OS +41 22 255 OS +41 22 256 SA +41 22 257 OS +41 22 258 SA +41 22 259 OS +41 22 260 TO +41 22 261 SA +41 22 262 TO +41 22 263 MO +41 22 264 MO +41 22 265 SI +41 22 266 SE +41 22 267 OS +41 22 268 SI +41 22 269 SE +41 22 270 SA +41 22 271 SI +41 22 272 TO +41 22 273 SI +41 22 274 TO +41 22 275 SI +41 22 276 SE +41 22 277 OS +41 22 278 SA +41 22 279 OS +41 22 280 OS +41 22 281 OS +41 22 282 SI +41 22 283 SU +41 22 284 TO +41 22 285 SA +41 22 286 TO +41 22 287 SU +41 22 288 SE +41 22 289 SI +41 22 290 TO +41 22 291 OS +41 22 292 SA +41 22 293 TO +41 22 294 TO +41 22 295 SU +41 22 296 SI +41 22 297 SA +41 22 298 SE +41 22 299 SI +41 22 300 TO +41 22 301 SI +41 22 302 TO +41 22 303 SI +41 22 304 OS +41 22 305 SE +41 22 306 SA +41 22 307 SI +41 22 308 SE +41 22 309 OS +41 22 310 SI +41 22 311 SI +41 22 312 OS +41 22 313 OS +41 22 314 TO +41 22 315 SI +41 22 316 OS +41 22 317 OS +41 22 318 SA +41 22 319 TO +41 22 320 SU +41 22 321 SE +41 22 322 SI +41 22 323 SI +41 22 324 TO +41 22 325 OS +41 22 326 SA +41 22 327 TO +41 22 328 SI +41 22 329 CO +41 22 330 TO +41 23 1 SI +41 23 2 SI +41 23 3 SE +41 23 4 SE +41 23 5 SI +41 23 6 TO +41 23 7 SI +41 23 8 SE +41 23 9 SA +41 23 10 SI +41 23 11 SI +41 23 12 SA +41 23 13 SI +41 23 14 SI +41 23 15 SE +41 23 16 TO +41 23 17 SE +41 23 18 OS +41 23 19 SI +41 23 20 SI +41 23 21 SI +41 23 22 SA +41 23 23 SE +41 23 24 OS +41 23 25 SI +41 23 26 SI +41 23 27 TO +41 23 28 SE +41 23 29 SI +41 23 30 SA +41 23 31 TO +41 23 32 SE +41 23 33 SI +41 23 34 SI +41 23 35 SE +41 23 36 SI +41 23 37 SI +41 23 38 SE +41 23 39 SI +41 23 40 SI +41 23 41 SE +41 23 42 SA +41 23 43 SI +41 23 44 TO +41 23 45 SI +41 23 46 OS +41 23 47 OS +41 23 48 SA +41 23 49 SI +41 23 50 SE +41 23 51 SU +41 23 52 TO +41 23 53 SE +41 23 54 SI +41 23 55 SI +41 23 56 TO +41 23 57 SI +41 23 58 WE +41 23 59 TO +41 23 60 SI +41 23 61 SE +41 23 62 SI +41 23 63 SE +41 23 64 SI +41 23 65 SE +41 23 66 TO +41 23 67 SI +41 23 68 SE +41 23 69 WE +41 23 70 TO +41 23 71 SU +41 23 72 SI +41 23 73 SE +41 23 74 SI +41 23 75 OS +41 23 76 SA +41 23 77 SI +41 23 78 TO +41 23 79 OS +41 23 80 SI +41 23 81 SI +41 23 82 SI +41 23 83 TO +41 23 84 SE +41 23 85 SI +41 23 86 SE +41 23 87 OS +41 23 88 SE +41 23 89 OS +41 23 90 SI +41 23 91 SA +41 23 92 TO +41 23 93 SI +41 23 94 OS +41 23 95 TO +41 23 96 SA +41 23 97 SE +41 23 98 SE +41 23 99 SE +41 23 100 SI +41 23 101 SE +41 23 102 TO +41 23 103 OS +41 23 104 SI +41 23 105 SE +41 23 106 SA +41 23 107 TO +41 23 108 TO +41 23 109 SI +41 23 110 SA +41 23 111 OS +41 23 112 SE +41 23 113 OS +41 23 114 SI +41 23 115 SE +41 23 116 TO +41 23 117 SU +41 23 118 SE +41 23 119 SI +41 23 120 TO +41 23 121 SE +41 23 122 SI +41 23 123 SI +41 23 124 SA +41 23 125 SE +41 23 126 SE +41 23 127 OS +41 23 128 SA +41 23 129 TO +41 23 130 OS +41 23 131 SE +41 23 132 SE +41 23 133 SI +41 23 134 SU +41 23 135 SE +41 23 136 SI +41 23 137 SI +41 23 138 SI +41 23 139 TO +41 23 140 SI +41 23 141 TO +41 23 142 TO +41 23 143 SI +41 23 144 SI +41 23 145 SI +41 23 146 SA +41 23 147 SI +41 23 148 SE +41 23 149 SI +41 23 150 SE +41 23 151 SE +41 23 152 SE +41 23 153 SI +41 23 154 OS +41 23 155 SU +41 23 156 SI +41 23 157 SU +41 23 158 TO +41 23 159 SA +41 23 160 SE +41 23 161 SI +41 23 162 SE +41 23 163 SI +41 23 164 SI +41 23 165 SU +41 23 166 SI +41 23 167 TO +41 23 168 SI +41 23 169 SI +41 23 170 SI +41 23 171 SI +41 23 172 TO +41 23 173 SE +41 23 174 SA +41 23 175 TO +41 23 176 SE +41 23 177 SA +41 23 178 SI +41 23 179 SU +41 23 180 SI +41 23 181 SA +41 23 182 SE +41 23 183 WE +41 23 184 SE +41 23 185 WE +41 23 186 SI +41 23 187 SA +41 23 188 SI +41 23 189 TO +41 23 190 SE +41 23 191 SI +41 23 192 SE +41 23 193 SA +41 23 194 SU +41 23 195 SI +41 23 196 TO +41 23 197 SE +41 23 198 OS +41 23 199 TO +41 23 200 SI +41 23 201 SE +41 23 202 SI +41 23 203 SE +41 23 204 SU +41 23 205 SI +41 23 206 TO +41 23 207 SE +41 23 208 SU +41 23 209 SI +41 23 210 SU +41 23 211 SI +41 23 212 SA +41 23 213 TO +41 23 214 SA +41 23 215 TO +41 23 216 SA +41 23 217 TO +41 23 218 OS +41 23 219 TO +41 23 220 SI +41 23 221 TO +41 23 222 SI +41 23 223 SI +41 23 224 TO +41 23 225 SI +41 23 226 SI +41 23 227 OS +41 23 228 SI +41 23 229 SI +41 23 230 TO +41 23 231 SE +41 23 232 SU +41 23 233 SI +41 23 234 SI +41 23 235 SI +41 23 236 SI +41 23 237 TO +41 23 238 SI +41 23 239 SE +41 23 240 SU +41 23 241 TO +41 23 242 SA +41 23 243 SE +41 23 244 TO +41 23 245 SE +41 23 246 SI +41 23 247 SI +41 23 248 SI +41 23 249 SI +41 23 250 SE +41 23 251 SI +41 23 252 TO +41 23 253 SI +41 23 254 TO +41 23 255 OS +41 23 256 SE +41 23 257 SI +41 23 258 SA +41 23 259 SE +41 23 260 SA +41 23 261 SA +41 23 262 TO +41 23 263 TO +41 23 264 TO +41 23 265 SI +41 23 266 SU +41 23 267 SE +41 23 268 SI +41 23 269 SE +41 23 270 SA +41 23 271 SI +41 23 272 TO +41 23 273 SE +41 23 274 TO +41 23 275 SA +41 23 276 SE +41 23 277 SI +41 23 278 SE +41 23 279 SI +41 23 280 SI +41 23 281 SI +41 23 282 SI +41 23 283 SA +41 23 284 TO +41 23 285 SE +41 23 286 TO +41 23 287 WE +41 23 288 SE +41 23 289 SI +41 23 290 TO +41 23 291 SI +41 23 292 SE +41 23 293 TO +41 23 294 TO +41 23 295 SU +41 23 296 SE +41 23 297 SA +41 23 298 SE +41 23 299 SI +41 23 300 TO +41 23 301 SI +41 23 302 TO +41 23 303 TO +41 23 304 SI +41 23 305 SE +41 23 306 SI +41 23 307 SI +41 23 308 SE +41 23 309 OS +41 23 310 SI +41 23 311 SI +41 23 312 OS +41 23 313 SI +41 23 314 TO +41 23 315 SI +41 23 316 SI +41 23 317 SE +41 23 318 SA +41 23 319 TO +41 23 320 SU +41 23 321 SE +41 23 322 SI +41 23 323 SI +41 23 324 TO +41 23 325 SE +41 23 326 SA +41 23 327 TO +41 23 328 SI +41 23 329 SU +41 23 330 TO +41 24 1 SI +41 24 2 SI +41 24 3 SE +41 24 4 SE +41 24 5 SI +41 24 6 SA +41 24 7 SI +41 24 8 SE +41 24 9 SU +41 24 10 SI +41 24 11 SI +41 24 12 SA +41 24 13 SI +41 24 14 SI +41 24 15 SE +41 24 16 TO +41 24 17 SE +41 24 18 OS +41 24 19 SI +41 24 20 SE +41 24 21 SE +41 24 22 SA +41 24 23 SE +41 24 24 SU +41 24 25 SI +41 24 26 SI +41 24 27 TO +41 24 28 SE +41 24 29 SI +41 24 30 SE +41 24 31 SI +41 24 32 SE +41 24 33 SA +41 24 34 SI +41 24 35 SE +41 24 36 SI +41 24 37 SI +41 24 38 SE +41 24 39 SI +41 24 40 SI +41 24 41 SE +41 24 42 SA +41 24 43 SI +41 24 44 TO +41 24 45 SI +41 24 46 MO +41 24 47 SI +41 24 48 SA +41 24 49 SI +41 24 50 SE +41 24 51 SU +41 24 52 TO +41 24 53 SE +41 24 54 SI +41 24 55 SI +41 24 56 SA +41 24 57 SI +41 24 58 SA +41 24 59 TO +41 24 60 SI +41 24 61 SE +41 24 62 SI +41 24 63 SA +41 24 64 SI +41 24 65 SE +41 24 66 TO +41 24 67 SI +41 24 68 SE +41 24 69 SA +41 24 70 TO +41 24 71 SE +41 24 72 SI +41 24 73 SE +41 24 74 SI +41 24 75 OS +41 24 76 SA +41 24 77 SI +41 24 78 SE +41 24 79 MO +41 24 80 SI +41 24 81 SA +41 24 82 SI +41 24 83 TO +41 24 84 SE +41 24 85 SI +41 24 86 SE +41 24 87 OS +41 24 88 SE +41 24 89 OS +41 24 90 SI +41 24 91 SA +41 24 92 TO +41 24 93 SI +41 24 94 OS +41 24 95 SI +41 24 96 SA +41 24 97 SI +41 24 98 SE +41 24 99 SI +41 24 100 SI +41 24 101 SE +41 24 102 SI +41 24 103 SA +41 24 104 SI +41 24 105 SE +41 24 106 SA +41 24 107 TO +41 24 108 SI +41 24 109 SI +41 24 110 SA +41 24 111 OS +41 24 112 SE +41 24 113 OS +41 24 114 SI +41 24 115 SE +41 24 116 SI +41 24 117 SU +41 24 118 SE +41 24 119 SI +41 24 120 TO +41 24 121 SA +41 24 122 SI +41 24 123 SI +41 24 124 SA +41 24 125 SA +41 24 126 SE +41 24 127 OS +41 24 128 SA +41 24 129 TO +41 24 130 OS +41 24 131 SE +41 24 132 SE +41 24 133 SI +41 24 134 SU +41 24 135 SE +41 24 136 SI +41 24 137 SI +41 24 138 SI +41 24 139 TO +41 24 140 SI +41 24 141 TO +41 24 142 TO +41 24 143 SA +41 24 144 SI +41 24 145 SI +41 24 146 SA +41 24 147 SI +41 24 148 SE +41 24 149 SI +41 24 150 SU +41 24 151 SA +41 24 152 SE +41 24 153 SI +41 24 154 OS +41 24 155 OS +41 24 156 SI +41 24 157 SU +41 24 158 TO +41 24 159 SA +41 24 160 SE +41 24 161 SI +41 24 162 SE +41 24 163 SI +41 24 164 SI +41 24 165 SU +41 24 166 SI +41 24 167 TO +41 24 168 SI +41 24 169 SI +41 24 170 OS +41 24 171 SA +41 24 172 TO +41 24 173 SE +41 24 174 SA +41 24 175 SI +41 24 176 SE +41 24 177 SA +41 24 178 SI +41 24 179 SE +41 24 180 SI +41 24 181 SU +41 24 182 SE +41 24 183 SU +41 24 184 SI +41 24 185 SA +41 24 186 SI +41 24 187 SA +41 24 188 SI +41 24 189 SI +41 24 190 SE +41 24 191 SI +41 24 192 SE +41 24 193 SA +41 24 194 SE +41 24 195 SI +41 24 196 SI +41 24 197 SE +41 24 198 OS +41 24 199 SI +41 24 200 SI +41 24 201 SA +41 24 202 SI +41 24 203 SE +41 24 204 OS +41 24 205 SI +41 24 206 TO +41 24 207 SE +41 24 208 SU +41 24 209 SI +41 24 210 SU +41 24 211 SI +41 24 212 SA +41 24 213 SI +41 24 214 SA +41 24 215 SE +41 24 216 OS +41 24 217 SA +41 24 218 SI +41 24 219 SI +41 24 220 SI +41 24 221 SI +41 24 222 SE +41 24 223 SI +41 24 224 TO +41 24 225 SU +41 24 226 SI +41 24 227 OS +41 24 228 SI +41 24 229 SI +41 24 230 TO +41 24 231 SE +41 24 232 SU +41 24 233 SI +41 24 234 SI +41 24 235 SI +41 24 236 SA +41 24 237 SA +41 24 238 SI +41 24 239 SE +41 24 240 SU +41 24 241 TO +41 24 242 SA +41 24 243 SU +41 24 244 SI +41 24 245 SE +41 24 246 SI +41 24 247 SI +41 24 248 OS +41 24 249 SI +41 24 250 SE +41 24 251 SA +41 24 252 TO +41 24 253 SI +41 24 254 SI +41 24 255 OS +41 24 256 SE +41 24 257 SI +41 24 258 SA +41 24 259 SE +41 24 260 SA +41 24 261 SA +41 24 262 TO +41 24 263 OS +41 24 264 SI +41 24 265 SI +41 24 266 SA +41 24 267 SE +41 24 268 SI +41 24 269 SE +41 24 270 SA +41 24 271 OS +41 24 272 TO +41 24 273 SE +41 24 274 TO +41 24 275 SA +41 24 276 SE +41 24 277 SI +41 24 278 SA +41 24 279 SI +41 24 280 SI +41 24 281 SI +41 24 282 SI +41 24 283 SU +41 24 284 TO +41 24 285 SE +41 24 286 TO +41 24 287 SU +41 24 288 SE +41 24 289 SI +41 24 290 TO +41 24 291 SI +41 24 292 SE +41 24 293 SI +41 24 294 TO +41 24 295 OS +41 24 296 SE +41 24 297 SA +41 24 298 SE +41 24 299 SI +41 24 300 SU +41 24 301 SI +41 24 302 TO +41 24 303 SI +41 24 304 SI +41 24 305 SE +41 24 306 SI +41 24 307 SI +41 24 308 SU +41 24 309 OS +41 24 310 SI +41 24 311 SI +41 24 312 OS +41 24 313 SI +41 24 314 TO +41 24 315 SI +41 24 316 SI +41 24 317 SE +41 24 318 SA +41 24 319 TO +41 24 320 SA +41 24 321 SE +41 24 322 SI +41 24 323 SI +41 24 324 TO +41 24 325 SE +41 24 326 SA +41 24 327 SI +41 24 328 SI +41 24 329 SU +41 24 330 SI +41 25 1 SI +41 25 2 SI +41 25 3 SE +41 25 4 SE +41 25 5 SI +41 25 6 SU +41 25 7 SI +41 25 8 SE +41 25 9 WE +41 25 10 SI +41 25 11 SI +41 25 12 SA +41 25 13 SI +41 25 14 SI +41 25 15 SE +41 25 16 TO +41 25 17 SE +41 25 18 OS +41 25 19 SI +41 25 20 SU +41 25 21 SE +41 25 22 SA +41 25 23 SE +41 25 24 WE +41 25 25 SI +41 25 26 SI +41 25 27 TO +41 25 28 SE +41 25 29 SI +41 25 30 SA +41 25 31 SI +41 25 32 SE +41 25 33 SA +41 25 34 SI +41 25 35 SE +41 25 36 SI +41 25 37 SI +41 25 38 SE +41 25 39 SI +41 25 40 SI +41 25 41 SE +41 25 42 SA +41 25 43 SI +41 25 44 TO +41 25 45 SI +41 25 46 WE +41 25 47 SI +41 25 48 SA +41 25 49 SI +41 25 50 SE +41 25 51 WE +41 25 52 TO +41 25 53 SE +41 25 54 SI +41 25 55 SI +41 25 56 SE +41 25 57 SI +41 25 58 SA +41 25 59 SE +41 25 60 SI +41 25 61 SE +41 25 62 SI +41 25 63 SE +41 25 64 SI +41 25 65 SE +41 25 66 TO +41 25 67 SI +41 25 68 SE +41 25 69 WE +41 25 70 TO +41 25 71 SE +41 25 72 SI +41 25 73 SE +41 25 74 SI +41 25 75 SI +41 25 76 SE +41 25 77 SI +41 25 78 SE +41 25 79 OS +41 25 80 SI +41 25 81 SA +41 25 82 SI +41 25 83 SA +41 25 84 SE +41 25 85 SI +41 25 86 SE +41 25 87 OS +41 25 88 SE +41 25 89 OS +41 25 90 SI +41 25 91 SA +41 25 92 TO +41 25 93 SI +41 25 94 WE +41 25 95 SI +41 25 96 SA +41 25 97 SI +41 25 98 SE +41 25 99 SE +41 25 100 SI +41 25 101 SE +41 25 102 SI +41 25 103 SA +41 25 104 SI +41 25 105 SE +41 25 106 SA +41 25 107 TO +41 25 108 SI +41 25 109 SI +41 25 110 SA +41 25 111 WE +41 25 112 SE +41 25 113 OS +41 25 114 SI +41 25 115 SE +41 25 116 SI +41 25 117 WE +41 25 118 SE +41 25 119 SI +41 25 120 TO +41 25 121 SE +41 25 122 SI +41 25 123 SI +41 25 124 SA +41 25 125 SE +41 25 126 SE +41 25 127 SI +41 25 128 SA +41 25 129 TO +41 25 130 WE +41 25 131 SE +41 25 132 SE +41 25 133 SI +41 25 134 WE +41 25 135 SE +41 25 136 SI +41 25 137 SI +41 25 138 SI +41 25 139 TO +41 25 140 SI +41 25 141 TO +41 25 142 TO +41 25 143 SA +41 25 144 OS +41 25 145 SI +41 25 146 SA +41 25 147 SI +41 25 148 SE +41 25 149 SI +41 25 150 SE +41 25 151 SE +41 25 152 SE +41 25 153 SI +41 25 154 WE +41 25 155 WE +41 25 156 SI +41 25 157 SA +41 25 158 TO +41 25 159 SA +41 25 160 SE +41 25 161 SI +41 25 162 SE +41 25 163 SI +41 25 164 SI +41 25 165 SI +41 25 166 SI +41 25 167 SE +41 25 168 SI +41 25 169 SI +41 25 170 SI +41 25 171 SI +41 25 172 TO +41 25 173 SE +41 25 174 SA +41 25 175 SI +41 25 176 SE +41 25 177 SA +41 25 178 SI +41 25 179 SE +41 25 180 SI +41 25 181 SA +41 25 182 SE +41 25 183 SA +41 25 184 SE +41 25 185 SA +41 25 186 SI +41 25 187 SA +41 25 188 SI +41 25 189 SI +41 25 190 SE +41 25 191 SI +41 25 192 SE +41 25 193 SA +41 25 194 SE +41 25 195 SI +41 25 196 SI +41 25 197 SE +41 25 198 OS +41 25 199 TO +41 25 200 SI +41 25 201 SE +41 25 202 SI +41 25 203 SE +41 25 204 WE +41 25 205 SI +41 25 206 TO +41 25 207 SE +41 25 208 SA +41 25 209 SI +41 25 210 WE +41 25 211 SI +41 25 212 SA +41 25 213 SI +41 25 214 SA +41 25 215 SE +41 25 216 SI +41 25 217 SE +41 25 218 SA +41 25 219 TO +41 25 220 SI +41 25 221 SI +41 25 222 SE +41 25 223 SI +41 25 224 TO +41 25 225 SA +41 25 226 SI +41 25 227 WE +41 25 228 SI +41 25 229 SI +41 25 230 TO +41 25 231 SE +41 25 232 WE +41 25 233 SI +41 25 234 SI +41 25 235 SI +41 25 236 SA +41 25 237 SE +41 25 238 SI +41 25 239 SE +41 25 240 SE +41 25 241 TO +41 25 242 SA +41 25 243 SE +41 25 244 TO +41 25 245 SE +41 25 246 SI +41 25 247 SI +41 25 248 SI +41 25 249 SI +41 25 250 SE +41 25 251 SI +41 25 252 TO +41 25 253 SI +41 25 254 SI +41 25 255 OS +41 25 256 SE +41 25 257 SI +41 25 258 SA +41 25 259 SE +41 25 260 SA +41 25 261 SA +41 25 262 TO +41 25 263 WE +41 25 264 SI +41 25 265 SI +41 25 266 SE +41 25 267 SE +41 25 268 SI +41 25 269 SE +41 25 270 SA +41 25 271 SI +41 25 272 TO +41 25 273 SE +41 25 274 TO +41 25 275 SA +41 25 276 SE +41 25 277 SI +41 25 278 SE +41 25 279 SI +41 25 280 SA +41 25 281 SI +41 25 282 SI +41 25 283 WE +41 25 284 TO +41 25 285 SE +41 25 286 TO +41 25 287 WE +41 25 288 SE +41 25 289 SI +41 25 290 TO +41 25 291 SI +41 25 292 SE +41 25 293 SI +41 25 294 SI +41 25 295 WE +41 25 296 SI +41 25 297 SA +41 25 298 SE +41 25 299 SI +41 25 300 TO +41 25 301 SI +41 25 302 TO +41 25 303 SI +41 25 304 SA +41 25 305 SE +41 25 306 SI +41 25 307 SI +41 25 308 SE +41 25 309 WE +41 25 310 SI +41 25 311 SI +41 25 312 OS +41 25 313 SI +41 25 314 TO +41 25 315 SI +41 25 316 SI +41 25 317 SE +41 25 318 SE +41 25 319 TO +41 25 320 SA +41 25 321 SE +41 25 322 SI +41 25 323 SI +41 25 324 TO +41 25 325 SE +41 25 326 SA +41 25 327 TO +41 25 328 SI +41 25 329 WE +41 25 330 TO +42 1 1 S +42 1 2 B +42 1 3 T +42 1 4 N +42 1 5 K +42 1 6 T +42 1 7 S +42 1 8 N +42 1 9 K +42 1 10 T +42 1 11 E +42 1 12 S +42 1 13 D +42 1 14 D +42 1 15 E +42 1 16 T +42 1 17 K +42 1 18 D +42 1 19 E +42 1 20 T +42 1 21 D +42 1 22 S +42 1 23 T +42 1 24 D +42 1 25 E +42 1 26 T +42 1 27 E +42 1 28 S +42 1 29 T +42 1 30 S +42 1 31 D +42 1 32 N +42 1 33 B +42 1 34 K +42 1 35 B +42 1 36 D +42 1 37 B +42 1 38 K +42 1 39 N +42 1 40 B +42 1 41 T +42 1 42 S +42 1 43 T +42 1 44 N +42 1 45 B +42 1 46 K +42 1 47 D +42 1 48 T +42 1 49 N +42 1 50 S +42 1 51 D +42 1 52 N +42 1 53 T +42 1 54 B +42 1 55 T +42 1 56 N +42 1 57 T +42 1 58 B +42 1 59 N +42 1 60 S +42 1 61 K +42 1 62 D +42 1 63 T +42 1 64 S +42 1 65 D +42 1 66 N +42 1 67 N +42 1 68 T +42 1 69 B +42 1 70 N +42 1 71 S +42 1 72 D +42 1 73 B +42 1 74 N +42 1 75 D +42 1 76 T +42 1 77 T +42 1 78 N +42 1 79 B +42 1 80 K +42 1 81 S +42 1 82 N +42 1 83 B +42 1 84 T +42 1 85 D +42 1 86 B +42 1 87 B +42 1 88 S +42 1 89 T +42 1 90 D +42 1 91 B +42 1 92 N +42 1 93 D +42 1 94 B +42 1 95 N +42 1 96 S +42 1 97 T +42 1 98 B +42 1 99 K +42 1 100 N +42 1 101 T +42 1 102 B +42 1 103 D +42 1 104 N +42 1 105 K +42 1 106 B +42 1 107 N +42 1 108 N +42 1 109 S +42 1 110 B +42 1 111 D +42 1 112 T +42 1 113 D +42 1 114 B +42 1 115 T +42 1 116 N +42 1 117 D +42 1 118 S +42 1 119 K +42 1 120 B +42 1 121 T +42 1 122 N +42 1 123 B +42 1 124 K +42 1 125 T +42 1 126 N +42 1 127 D +42 1 128 B +42 1 129 N +42 1 130 D +42 1 131 B +42 1 132 T +42 1 133 S +42 1 134 D +42 1 135 B +42 1 136 N +42 1 137 D +42 1 138 N +42 1 139 T +42 1 140 B +42 1 141 N +42 1 142 T +42 1 143 B +42 1 144 T +42 1 145 S +42 1 146 T +42 1 147 B +42 1 148 T +42 1 149 N +42 1 150 T +42 1 151 S +42 1 152 K +42 1 153 T +42 1 154 S +42 1 155 D +42 1 156 N +42 1 157 S +42 1 158 B +42 1 159 T +42 1 160 N +42 1 161 B +42 1 162 S +42 1 163 N +42 1 164 T +42 1 165 D +42 1 166 B +42 1 167 N +42 1 168 T +42 1 169 B +42 1 170 T +42 1 171 N +42 1 172 S +42 1 173 T +42 1 174 B +42 1 175 N +42 1 176 B +42 1 177 T +42 1 178 N +42 1 179 D +42 1 180 B +42 1 181 K +42 1 182 N +42 1 183 B +42 1 184 D +42 1 185 T +42 1 186 N +42 1 187 T +42 1 188 B +42 1 189 N +42 1 190 T +42 1 191 S +42 1 192 T +42 1 193 B +42 1 194 S +42 1 195 T +42 1 196 N +42 1 197 D +42 1 198 N +42 1 199 B +42 1 200 K +42 1 201 S +42 1 202 N +42 1 203 B +42 1 204 T +42 1 205 K +42 1 206 N +42 1 207 B +42 1 208 D +42 1 209 N +42 1 210 T +42 1 211 S +42 1 212 T +42 1 213 B +42 1 214 K +42 1 215 T +42 1 216 N +42 1 217 T +42 1 218 B +42 1 219 K +42 1 220 S +42 1 221 N +42 1 222 T +42 1 223 T +42 1 224 N +42 1 225 D +42 1 226 T +42 1 227 B +42 1 228 K +42 1 229 N +42 1 230 T +42 1 231 B +42 1 232 S +42 1 233 K +42 1 234 N +42 1 235 T +42 1 236 D +42 1 237 N +42 1 238 T +42 1 239 N +42 1 240 D +42 1 241 T +42 1 242 S +42 1 243 T +42 1 244 N +42 1 245 T +42 1 246 N +42 1 247 B +42 1 248 S +42 1 249 D +42 1 250 N +42 1 251 K +42 1 252 T +42 1 253 B +42 1 254 T +42 1 255 S +42 1 256 T +42 1 257 N +42 1 258 B +42 1 259 S +42 1 260 N +42 1 261 T +42 1 262 N +42 1 263 T +42 1 264 N +42 1 265 B +42 1 266 D +42 1 267 K +42 1 268 T +42 1 269 N +42 1 270 B +42 1 271 S +42 1 272 N +42 1 273 T +42 1 274 N +42 1 275 T +42 1 276 N +42 1 277 B +42 1 278 T +42 1 279 D +42 1 280 N +42 1 281 D +42 1 282 B +42 1 283 S +42 1 284 T +42 1 285 N +42 1 286 T +42 1 287 K +42 1 288 T +42 1 289 N +42 1 290 N +42 1 291 T +42 1 292 N +42 1 293 S +42 1 294 T +42 1 295 K +42 1 296 B +42 1 297 S +42 1 298 T +42 1 299 N +42 1 300 T +42 1 301 N +42 1 302 T +42 1 303 B +42 1 304 D +42 1 305 B +42 1 306 D +42 1 307 D +42 1 308 B +42 1 309 S +42 1 310 D +42 1 311 B +42 1 312 K +42 1 313 T +42 1 314 N +42 1 315 B +42 1 316 N +42 1 317 T +42 1 318 N +42 1 319 T +42 1 320 K +42 1 321 D +42 1 322 N +42 1 323 T +42 1 324 N +42 1 325 B +42 1 326 S +42 1 327 N +42 1 328 D +42 1 329 N +42 1 330 T +42 2 1 B +42 2 2 K +42 2 3 T +42 2 4 I +42 2 5 K +42 2 6 S +42 2 7 B +42 2 8 T +42 2 9 D +42 2 10 B +42 2 11 D +42 2 12 S +42 2 13 B +42 2 14 D +42 2 15 N +42 2 16 N +42 2 17 T +42 2 18 D +42 2 19 B +42 2 20 K +42 2 21 T +42 2 22 S +42 2 23 I +42 2 24 D +42 2 25 B +42 2 26 B +42 2 27 N +42 2 28 T +42 2 29 B +42 2 30 T +42 2 31 B +42 2 32 K +42 2 33 K +42 2 34 B +42 2 35 T +42 2 36 D +42 2 37 B +42 2 38 T +42 2 39 B +42 2 40 B +42 2 41 T +42 2 42 S +42 2 43 B +42 2 44 N +42 2 45 B +42 2 46 N +42 2 47 D +42 2 48 S +42 2 49 B +42 2 50 I +42 2 51 D +42 2 52 N +42 2 53 T +42 2 54 B +42 2 55 B +42 2 56 S +42 2 57 B +42 2 58 S +42 2 59 N +42 2 60 B +42 2 61 T +42 2 62 I +42 2 63 S +42 2 64 B +42 2 65 T +42 2 66 N +42 2 67 B +42 2 68 T +42 2 69 D +42 2 70 N +42 2 71 D +42 2 72 B +42 2 73 B +42 2 74 N +42 2 75 D +42 2 76 T +42 2 77 B +42 2 78 N +42 2 79 D +42 2 80 B +42 2 81 I +42 2 82 B +42 2 83 N +42 2 84 T +42 2 85 B +42 2 86 I +42 2 87 D +42 2 88 T +42 2 89 D +42 2 90 D +42 2 91 S +42 2 92 N +42 2 93 B +42 2 94 D +42 2 95 N +42 2 96 S +42 2 97 I +42 2 98 T +42 2 99 S +42 2 100 N +42 2 101 T +42 2 102 N +42 2 103 D +42 2 104 B +42 2 105 T +42 2 106 S +42 2 107 N +42 2 108 N +42 2 109 B +42 2 110 S +42 2 111 D +42 2 112 T +42 2 113 D +42 2 114 B +42 2 115 T +42 2 116 N +42 2 117 D +42 2 118 T +42 2 119 B +42 2 120 N +42 2 121 T +42 2 122 B +42 2 123 B +42 2 124 S +42 2 125 T +42 2 126 N +42 2 127 D +42 2 128 S +42 2 129 N +42 2 130 D +42 2 131 B +42 2 132 T +42 2 133 B +42 2 134 D +42 2 135 B +42 2 136 B +42 2 137 D +42 2 138 B +42 2 139 N +42 2 140 B +42 2 141 N +42 2 142 N +42 2 143 I +42 2 144 B +42 2 145 B +42 2 146 S +42 2 147 B +42 2 148 T +42 2 149 I +42 2 150 T +42 2 151 I +42 2 152 I +42 2 153 B +42 2 154 D +42 2 155 D +42 2 156 B +42 2 157 D +42 2 158 N +42 2 159 S +42 2 160 N +42 2 161 B +42 2 162 T +42 2 163 B +42 2 164 B +42 2 165 D +42 2 166 B +42 2 167 N +42 2 168 B +42 2 169 B +42 2 170 D +42 2 171 I +42 2 172 N +42 2 173 T +42 2 174 S +42 2 175 N +42 2 176 T +42 2 177 S +42 2 178 B +42 2 179 T +42 2 180 I +42 2 181 S +42 2 182 B +42 2 183 D +42 2 184 I +42 2 185 S +42 2 186 N +42 2 187 S +42 2 188 B +42 2 189 N +42 2 190 I +42 2 191 B +42 2 192 I +42 2 193 S +42 2 194 D +42 2 195 I +42 2 196 N +42 2 197 I +42 2 198 D +42 2 199 N +42 2 200 N +42 2 201 N +42 2 202 B +42 2 203 K +42 2 204 D +42 2 205 K +42 2 206 N +42 2 207 T +42 2 208 S +42 2 209 B +42 2 210 D +42 2 211 B +42 2 212 S +42 2 213 K +42 2 214 I +42 2 215 I +42 2 216 D +42 2 217 N +42 2 218 I +42 2 219 N +42 2 220 I +42 2 221 N +42 2 222 B +42 2 223 B +42 2 224 N +42 2 225 D +42 2 226 B +42 2 227 D +42 2 228 B +42 2 229 B +42 2 230 N +42 2 231 K +42 2 232 D +42 2 233 I +42 2 234 B +42 2 235 B +42 2 236 I +42 2 237 S +42 2 238 B +42 2 239 N +42 2 240 D +42 2 241 N +42 2 242 S +42 2 243 D +42 2 244 N +42 2 245 T +42 2 246 B +42 2 247 K +42 2 248 D +42 2 249 D +42 2 250 K +42 2 251 N +42 2 252 N +42 2 253 B +42 2 254 K +42 2 255 D +42 2 256 T +42 2 257 D +42 2 258 S +42 2 259 T +42 2 260 N +42 2 261 S +42 2 262 N +42 2 263 D +42 2 264 B +42 2 265 B +42 2 266 T +42 2 267 T +42 2 268 I +42 2 269 I +42 2 270 S +42 2 271 D +42 2 272 N +42 2 273 I +42 2 274 N +42 2 275 I +42 2 276 T +42 2 277 B +42 2 278 T +42 2 279 B +42 2 280 I +42 2 281 B +42 2 282 I +42 2 283 D +42 2 284 N +42 2 285 I +42 2 286 N +42 2 287 I +42 2 288 T +42 2 289 B +42 2 290 N +42 2 291 B +42 2 292 N +42 2 293 N +42 2 294 N +42 2 295 D +42 2 296 B +42 2 297 S +42 2 298 T +42 2 299 B +42 2 300 N +42 2 301 B +42 2 302 N +42 2 303 N +42 2 304 D +42 2 305 I +42 2 306 I +42 2 307 B +42 2 308 B +42 2 309 D +42 2 310 B +42 2 311 B +42 2 312 D +42 2 313 B +42 2 314 N +42 2 315 I +42 2 316 B +42 2 317 T +42 2 318 S +42 2 319 N +42 2 320 I +42 2 321 T +42 2 322 N +42 2 323 B +42 2 324 N +42 2 325 I +42 2 326 S +42 2 327 N +42 2 328 D +42 2 329 D +42 2 330 N +42 3 1 B +42 3 2 K +42 3 3 T +42 3 4 S +42 3 5 S +42 3 6 K +42 3 7 S +42 3 8 K +42 3 9 K +42 3 10 B +42 3 11 D +42 3 12 S +42 3 13 B +42 3 14 D +42 3 15 K +42 3 16 N +42 3 17 T +42 3 18 D +42 3 19 B +42 3 20 S +42 3 21 K +42 3 22 S +42 3 23 S +42 3 24 N +42 3 25 B +42 3 26 B +42 3 27 K +42 3 28 K +42 3 29 K +42 3 30 K +42 3 31 S +42 3 32 K +42 3 33 S +42 3 34 B +42 3 35 K +42 3 36 B +42 3 37 K +42 3 38 T +42 3 39 K +42 3 40 B +42 3 41 T +42 3 42 S +42 3 43 B +42 3 44 N +42 3 45 K +42 3 46 N +42 3 47 B +42 3 48 K +42 3 49 B +42 3 50 B +42 3 51 K +42 3 52 N +42 3 53 T +42 3 54 K +42 3 55 B +42 3 56 S +42 3 57 B +42 3 58 S +42 3 59 K +42 3 60 B +42 3 61 T +42 3 62 B +42 3 63 S +42 3 64 B +42 3 65 T +42 3 66 N +42 3 67 S +42 3 68 K +42 3 69 S +42 3 70 N +42 3 71 S +42 3 72 B +42 3 73 B +42 3 74 N +42 3 75 D +42 3 76 T +42 3 77 B +42 3 78 S +42 3 79 N +42 3 80 B +42 3 81 S +42 3 82 K +42 3 83 S +42 3 84 K +42 3 85 B +42 3 86 S +42 3 87 N +42 3 88 K +42 3 89 D +42 3 90 B +42 3 91 S +42 3 92 S +42 3 93 B +42 3 94 D +42 3 95 S +42 3 96 S +42 3 97 B +42 3 98 T +42 3 99 S +42 3 100 S +42 3 101 T +42 3 102 S +42 3 103 N +42 3 104 B +42 3 105 K +42 3 106 S +42 3 107 N +42 3 108 K +42 3 109 B +42 3 110 S +42 3 111 D +42 3 112 T +42 3 113 D +42 3 114 B +42 3 115 T +42 3 116 K +42 3 117 D +42 3 118 K +42 3 119 B +42 3 120 N +42 3 121 T +42 3 122 B +42 3 123 B +42 3 124 S +42 3 125 T +42 3 126 K +42 3 127 B +42 3 128 S +42 3 129 N +42 3 130 D +42 3 131 B +42 3 132 T +42 3 133 B +42 3 134 D +42 3 135 B +42 3 136 K +42 3 137 B +42 3 138 S +42 3 139 N +42 3 140 B +42 3 141 N +42 3 142 N +42 3 143 S +42 3 144 B +42 3 145 K +42 3 146 S +42 3 147 K +42 3 148 T +42 3 149 K +42 3 150 B +42 3 151 K +42 3 152 B +42 3 153 B +42 3 154 D +42 3 155 D +42 3 156 B +42 3 157 D +42 3 158 N +42 3 159 K +42 3 160 K +42 3 161 S +42 3 162 T +42 3 163 B +42 3 164 B +42 3 165 K +42 3 166 B +42 3 167 N +42 3 168 B +42 3 169 B +42 3 170 D +42 3 171 K +42 3 172 N +42 3 173 T +42 3 174 S +42 3 175 K +42 3 176 T +42 3 177 S +42 3 178 B +42 3 179 T +42 3 180 K +42 3 181 S +42 3 182 B +42 3 183 K +42 3 184 B +42 3 185 S +42 3 186 K +42 3 187 S +42 3 188 B +42 3 189 N +42 3 190 S +42 3 191 B +42 3 192 B +42 3 193 S +42 3 194 B +42 3 195 K +42 3 196 B +42 3 197 K +42 3 198 D +42 3 199 N +42 3 200 B +42 3 201 K +42 3 202 B +42 3 203 T +42 3 204 D +42 3 205 B +42 3 206 N +42 3 207 T +42 3 208 K +42 3 209 B +42 3 210 D +42 3 211 B +42 3 212 S +42 3 213 N +42 3 214 S +42 3 215 S +42 3 216 D +42 3 217 K +42 3 218 S +42 3 219 N +42 3 220 B +42 3 221 N +42 3 222 B +42 3 223 B +42 3 224 K +42 3 225 K +42 3 226 B +42 3 227 D +42 3 228 B +42 3 229 K +42 3 230 S +42 3 231 B +42 3 232 K +42 3 233 B +42 3 234 B +42 3 235 B +42 3 236 K +42 3 237 K +42 3 238 B +42 3 239 K +42 3 240 T +42 3 241 N +42 3 242 S +42 3 243 B +42 3 244 N +42 3 245 T +42 3 246 B +42 3 247 K +42 3 248 B +42 3 249 B +42 3 250 B +42 3 251 K +42 3 252 K +42 3 253 B +42 3 254 K +42 3 255 D +42 3 256 T +42 3 257 B +42 3 258 S +42 3 259 T +42 3 260 S +42 3 261 K +42 3 262 N +42 3 263 N +42 3 264 K +42 3 265 B +42 3 266 T +42 3 267 B +42 3 268 S +42 3 269 K +42 3 270 S +42 3 271 B +42 3 272 N +42 3 273 K +42 3 274 N +42 3 275 K +42 3 276 T +42 3 277 B +42 3 278 K +42 3 279 B +42 3 280 K +42 3 281 B +42 3 282 K +42 3 283 T +42 3 284 N +42 3 285 S +42 3 286 N +42 3 287 K +42 3 288 T +42 3 289 B +42 3 290 S +42 3 291 B +42 3 292 K +42 3 293 N +42 3 294 N +42 3 295 K +42 3 296 B +42 3 297 S +42 3 298 T +42 3 299 B +42 3 300 N +42 3 301 B +42 3 302 K +42 3 303 N +42 3 304 K +42 3 305 B +42 3 306 S +42 3 307 B +42 3 308 K +42 3 309 D +42 3 310 B +42 3 311 B +42 3 312 D +42 3 313 B +42 3 314 K +42 3 315 K +42 3 316 B +42 3 317 T +42 3 318 S +42 3 319 N +42 3 320 K +42 3 321 T +42 3 322 B +42 3 323 B +42 3 324 N +42 3 325 B +42 3 326 S +42 3 327 N +42 3 328 B +42 3 329 T +42 3 330 N +42 4 1 B +42 4 2 K +42 4 3 T +42 4 4 B +42 4 5 K +42 4 6 S +42 4 7 B +42 4 8 T +42 4 9 W +42 4 10 B +42 4 11 G +42 4 12 S +42 4 13 B +42 4 14 W +42 4 15 S +42 4 16 N +42 4 17 T +42 4 18 D +42 4 19 B +42 4 20 K +42 4 21 T +42 4 22 S +42 4 23 B +42 4 24 G +42 4 25 B +42 4 26 W +42 4 27 N +42 4 28 T +42 4 29 K +42 4 30 T +42 4 31 N +42 4 32 K +42 4 33 B +42 4 34 K +42 4 35 T +42 4 36 D +42 4 37 B +42 4 38 T +42 4 39 G +42 4 40 B +42 4 41 T +42 4 42 S +42 4 43 B +42 4 44 S +42 4 45 K +42 4 46 G +42 4 47 D +42 4 48 S +42 4 49 N +42 4 50 K +42 4 51 D +42 4 52 N +42 4 53 T +42 4 54 K +42 4 55 B +42 4 56 S +42 4 57 B +42 4 58 S +42 4 59 N +42 4 60 D +42 4 61 T +42 4 62 B +42 4 63 T +42 4 64 B +42 4 65 T +42 4 66 N +42 4 67 K +42 4 68 T +42 4 69 D +42 4 70 N +42 4 71 T +42 4 72 K +42 4 73 B +42 4 74 N +42 4 75 G +42 4 76 T +42 4 77 B +42 4 78 S +42 4 79 G +42 4 80 B +42 4 81 K +42 4 82 B +42 4 83 S +42 4 84 T +42 4 85 B +42 4 86 T +42 4 87 D +42 4 88 K +42 4 89 D +42 4 90 B +42 4 91 S +42 4 92 N +42 4 93 B +42 4 94 G +42 4 95 N +42 4 96 S +42 4 97 B +42 4 98 T +42 4 99 K +42 4 100 N +42 4 101 T +42 4 102 D +42 4 103 D +42 4 104 B +42 4 105 K +42 4 106 S +42 4 107 N +42 4 108 N +42 4 109 B +42 4 110 S +42 4 111 G +42 4 112 T +42 4 113 D +42 4 114 B +42 4 115 T +42 4 116 N +42 4 117 D +42 4 118 W +42 4 119 K +42 4 120 N +42 4 121 T +42 4 122 K +42 4 123 B +42 4 124 N +42 4 125 T +42 4 126 S +42 4 127 D +42 4 128 S +42 4 129 N +42 4 130 D +42 4 131 K +42 4 132 T +42 4 133 B +42 4 134 D +42 4 135 T +42 4 136 B +42 4 137 K +42 4 138 B +42 4 139 N +42 4 140 B +42 4 141 N +42 4 142 N +42 4 143 K +42 4 144 B +42 4 145 K +42 4 146 S +42 4 147 B +42 4 148 T +42 4 149 B +42 4 150 T +42 4 151 W +42 4 152 N +42 4 153 B +42 4 154 G +42 4 155 D +42 4 156 K +42 4 157 T +42 4 158 N +42 4 159 S +42 4 160 N +42 4 161 K +42 4 162 T +42 4 163 B +42 4 164 B +42 4 165 D +42 4 166 B +42 4 167 N +42 4 168 D +42 4 169 B +42 4 170 D +42 4 171 K +42 4 172 N +42 4 173 T +42 4 174 S +42 4 175 N +42 4 176 N +42 4 177 S +42 4 178 B +42 4 179 T +42 4 180 K +42 4 181 S +42 4 182 W +42 4 183 D +42 4 184 B +42 4 185 T +42 4 186 K +42 4 187 S +42 4 188 B +42 4 189 N +42 4 190 W +42 4 191 B +42 4 192 K +42 4 193 S +42 4 194 D +42 4 195 B +42 4 196 N +42 4 197 B +42 4 198 D +42 4 199 N +42 4 200 B +42 4 201 T +42 4 202 K +42 4 203 N +42 4 204 G +42 4 205 K +42 4 206 N +42 4 207 T +42 4 208 S +42 4 209 B +42 4 210 D +42 4 211 B +42 4 212 T +42 4 213 N +42 4 214 S +42 4 215 K +42 4 216 D +42 4 217 N +42 4 218 S +42 4 219 N +42 4 220 B +42 4 221 N +42 4 222 K +42 4 223 B +42 4 224 N +42 4 225 G +42 4 226 B +42 4 227 D +42 4 228 B +42 4 229 K +42 4 230 N +42 4 231 T +42 4 232 D +42 4 233 B +42 4 234 S +42 4 235 B +42 4 236 K +42 4 237 T +42 4 238 B +42 4 239 T +42 4 240 D +42 4 241 N +42 4 242 S +42 4 243 T +42 4 244 N +42 4 245 T +42 4 246 B +42 4 247 K +42 4 248 D +42 4 249 B +42 4 250 K +42 4 251 N +42 4 252 D +42 4 253 B +42 4 254 K +42 4 255 D +42 4 256 T +42 4 257 N +42 4 258 S +42 4 259 T +42 4 260 N +42 4 261 T +42 4 262 N +42 4 263 D +42 4 264 B +42 4 265 K +42 4 266 T +42 4 267 B +42 4 268 K +42 4 269 S +42 4 270 T +42 4 271 G +42 4 272 N +42 4 273 K +42 4 274 N +42 4 275 S +42 4 276 T +42 4 277 B +42 4 278 T +42 4 279 K +42 4 280 B +42 4 281 K +42 4 282 B +42 4 283 G +42 4 284 N +42 4 285 T +42 4 286 N +42 4 287 D +42 4 288 T +42 4 289 K +42 4 290 N +42 4 291 B +42 4 292 S +42 4 293 N +42 4 294 K +42 4 295 D +42 4 296 B +42 4 297 S +42 4 298 T +42 4 299 K +42 4 300 N +42 4 301 K +42 4 302 N +42 4 303 B +42 4 304 K +42 4 305 B +42 4 306 S +42 4 307 B +42 4 308 K +42 4 309 D +42 4 310 B +42 4 311 S +42 4 312 D +42 4 313 B +42 4 314 N +42 4 315 K +42 4 316 B +42 4 317 T +42 4 318 S +42 4 319 N +42 4 320 D +42 4 321 T +42 4 322 B +42 4 323 K +42 4 324 N +42 4 325 K +42 4 326 S +42 4 327 N +42 4 328 B +42 4 329 G +42 4 330 N +42 5 1 B +42 5 2 N +42 5 3 T +42 5 4 D +42 5 5 K +42 5 6 S +42 5 7 K +42 5 8 T +42 5 9 D +42 5 10 B +42 5 11 D +42 5 12 S +42 5 13 K +42 5 14 D +42 5 15 N +42 5 16 W +42 5 17 T +42 5 18 D +42 5 19 B +42 5 20 K +42 5 21 T +42 5 22 N +42 5 23 T +42 5 24 D +42 5 25 B +42 5 26 B +42 5 27 N +42 5 28 T +42 5 29 K +42 5 30 T +42 5 31 B +42 5 32 T +42 5 33 K +42 5 34 B +42 5 35 T +42 5 36 K +42 5 37 B +42 5 38 T +42 5 39 K +42 5 40 B +42 5 41 T +42 5 42 S +42 5 43 D +42 5 44 N +42 5 45 K +42 5 46 D +42 5 47 K +42 5 48 S +42 5 49 B +42 5 50 D +42 5 51 D +42 5 52 N +42 5 53 T +42 5 54 K +42 5 55 B +42 5 56 W +42 5 57 B +42 5 58 S +42 5 59 W +42 5 60 D +42 5 61 T +42 5 62 B +42 5 63 T +42 5 64 B +42 5 65 T +42 5 66 N +42 5 67 K +42 5 68 W +42 5 69 K +42 5 70 N +42 5 71 D +42 5 72 K +42 5 73 T +42 5 74 N +42 5 75 D +42 5 76 T +42 5 77 B +42 5 78 W +42 5 79 D +42 5 80 B +42 5 81 K +42 5 82 B +42 5 83 N +42 5 84 W +42 5 85 K +42 5 86 W +42 5 87 D +42 5 88 T +42 5 89 D +42 5 90 D +42 5 91 S +42 5 92 N +42 5 93 B +42 5 94 D +42 5 95 N +42 5 96 S +42 5 97 B +42 5 98 T +42 5 99 W +42 5 100 N +42 5 101 T +42 5 102 N +42 5 103 D +42 5 104 B +42 5 105 T +42 5 106 N +42 5 107 N +42 5 108 N +42 5 109 B +42 5 110 S +42 5 111 D +42 5 112 T +42 5 113 D +42 5 114 K +42 5 115 T +42 5 116 N +42 5 117 D +42 5 118 W +42 5 119 K +42 5 120 N +42 5 121 T +42 5 122 K +42 5 123 B +42 5 124 S +42 5 125 T +42 5 126 W +42 5 127 D +42 5 128 S +42 5 129 N +42 5 130 D +42 5 131 T +42 5 132 T +42 5 133 K +42 5 134 D +42 5 135 T +42 5 136 B +42 5 137 K +42 5 138 B +42 5 139 N +42 5 140 B +42 5 141 N +42 5 142 N +42 5 143 K +42 5 144 D +42 5 145 K +42 5 146 S +42 5 147 B +42 5 148 T +42 5 149 K +42 5 150 D +42 5 151 W +42 5 152 W +42 5 153 B +42 5 154 D +42 5 155 D +42 5 156 K +42 5 157 D +42 5 158 N +42 5 159 S +42 5 160 W +42 5 161 K +42 5 162 T +42 5 163 B +42 5 164 B +42 5 165 D +42 5 166 B +42 5 167 W +42 5 168 K +42 5 169 B +42 5 170 D +42 5 171 K +42 5 172 N +42 5 173 T +42 5 174 S +42 5 175 N +42 5 176 T +42 5 177 S +42 5 178 B +42 5 179 D +42 5 180 T +42 5 181 S +42 5 182 D +42 5 183 D +42 5 184 T +42 5 185 T +42 5 186 B +42 5 187 S +42 5 188 B +42 5 189 N +42 5 190 W +42 5 191 K +42 5 192 T +42 5 193 S +42 5 194 D +42 5 195 K +42 5 196 N +42 5 197 W +42 5 198 D +42 5 199 N +42 5 200 B +42 5 201 W +42 5 202 K +42 5 203 T +42 5 204 D +42 5 205 B +42 5 206 N +42 5 207 T +42 5 208 S +42 5 209 B +42 5 210 D +42 5 211 B +42 5 212 S +42 5 213 N +42 5 214 K +42 5 215 W +42 5 216 D +42 5 217 W +42 5 218 K +42 5 219 N +42 5 220 B +42 5 221 N +42 5 222 B +42 5 223 K +42 5 224 N +42 5 225 K +42 5 226 B +42 5 227 D +42 5 228 B +42 5 229 B +42 5 230 N +42 5 231 T +42 5 232 D +42 5 233 B +42 5 234 K +42 5 235 B +42 5 236 K +42 5 237 W +42 5 238 B +42 5 239 W +42 5 240 T +42 5 241 N +42 5 242 S +42 5 243 T +42 5 244 N +42 5 245 T +42 5 246 K +42 5 247 D +42 5 248 D +42 5 249 B +42 5 250 D +42 5 251 N +42 5 252 N +42 5 253 B +42 5 254 B +42 5 255 D +42 5 256 T +42 5 257 B +42 5 258 S +42 5 259 T +42 5 260 N +42 5 261 T +42 5 262 N +42 5 263 D +42 5 264 N +42 5 265 K +42 5 266 T +42 5 267 D +42 5 268 K +42 5 269 T +42 5 270 S +42 5 271 D +42 5 272 N +42 5 273 W +42 5 274 N +42 5 275 K +42 5 276 T +42 5 277 D +42 5 278 T +42 5 279 B +42 5 280 K +42 5 281 B +42 5 282 K +42 5 283 D +42 5 284 N +42 5 285 W +42 5 286 N +42 5 287 S +42 5 288 T +42 5 289 B +42 5 290 N +42 5 291 B +42 5 292 W +42 5 293 N +42 5 294 N +42 5 295 D +42 5 296 B +42 5 297 S +42 5 298 T +42 5 299 K +42 5 300 N +42 5 301 K +42 5 302 N +42 5 303 N +42 5 304 K +42 5 305 D +42 5 306 K +42 5 307 B +42 5 308 B +42 5 309 D +42 5 310 B +42 5 311 B +42 5 312 D +42 5 313 B +42 5 314 N +42 5 315 K +42 5 316 K +42 5 317 T +42 5 318 W +42 5 319 N +42 5 320 K +42 5 321 T +42 5 322 B +42 5 323 B +42 5 324 N +42 5 325 T +42 5 326 S +42 5 327 N +42 5 328 K +42 5 329 T +42 5 330 N +42 6 1 M +42 6 2 K +42 6 3 T +42 6 4 W +42 6 5 K +42 6 6 W +42 6 7 K +42 6 8 T +42 6 9 B +42 6 10 D +42 6 11 D +42 6 12 S +42 6 13 B +42 6 14 B +42 6 15 N +42 6 16 N +42 6 17 T +42 6 18 D +42 6 19 B +42 6 20 K +42 6 21 T +42 6 22 S +42 6 23 K +42 6 24 D +42 6 25 B +42 6 26 N +42 6 27 B +42 6 28 T +42 6 29 B +42 6 30 T +42 6 31 B +42 6 32 K +42 6 33 K +42 6 34 B +42 6 35 T +42 6 36 B +42 6 37 K +42 6 38 T +42 6 39 M +42 6 40 B +42 6 41 T +42 6 42 S +42 6 43 D +42 6 44 N +42 6 45 B +42 6 46 N +42 6 47 D +42 6 48 S +42 6 49 B +42 6 50 K +42 6 51 N +42 6 52 N +42 6 53 T +42 6 54 K +42 6 55 B +42 6 56 T +42 6 57 B +42 6 58 S +42 6 59 N +42 6 60 D +42 6 61 T +42 6 62 K +42 6 63 T +42 6 64 B +42 6 65 T +42 6 66 N +42 6 67 B +42 6 68 T +42 6 69 M +42 6 70 N +42 6 71 T +42 6 72 B +42 6 73 K +42 6 74 B +42 6 75 M +42 6 76 T +42 6 77 B +42 6 78 N +42 6 79 D +42 6 80 B +42 6 81 K +42 6 82 B +42 6 83 S +42 6 84 T +42 6 85 K +42 6 86 K +42 6 87 D +42 6 88 B +42 6 89 D +42 6 90 D +42 6 91 K +42 6 92 N +42 6 93 K +42 6 94 D +42 6 95 K +42 6 96 S +42 6 97 B +42 6 98 T +42 6 99 N +42 6 100 B +42 6 101 T +42 6 102 N +42 6 103 S +42 6 104 B +42 6 105 T +42 6 106 N +42 6 107 N +42 6 108 N +42 6 109 B +42 6 110 S +42 6 111 D +42 6 112 T +42 6 113 D +42 6 114 B +42 6 115 T +42 6 116 N +42 6 117 K +42 6 118 T +42 6 119 B +42 6 120 N +42 6 121 T +42 6 122 K +42 6 123 B +42 6 124 S +42 6 125 T +42 6 126 W +42 6 127 D +42 6 128 S +42 6 129 N +42 6 130 D +42 6 131 K +42 6 132 T +42 6 133 B +42 6 134 W +42 6 135 T +42 6 136 B +42 6 137 D +42 6 138 K +42 6 139 N +42 6 140 B +42 6 141 N +42 6 142 N +42 6 143 S +42 6 144 B +42 6 145 B +42 6 146 S +42 6 147 B +42 6 148 T +42 6 149 B +42 6 150 K +42 6 151 W +42 6 152 W +42 6 153 B +42 6 154 D +42 6 155 D +42 6 156 B +42 6 157 W +42 6 158 N +42 6 159 S +42 6 160 S +42 6 161 B +42 6 162 T +42 6 163 B +42 6 164 B +42 6 165 W +42 6 166 D +42 6 167 N +42 6 168 B +42 6 169 B +42 6 170 D +42 6 171 K +42 6 172 N +42 6 173 T +42 6 174 S +42 6 175 N +42 6 176 T +42 6 177 S +42 6 178 B +42 6 179 W +42 6 180 B +42 6 181 S +42 6 182 T +42 6 183 T +42 6 184 K +42 6 185 W +42 6 186 B +42 6 187 S +42 6 188 B +42 6 189 N +42 6 190 T +42 6 191 B +42 6 192 K +42 6 193 S +42 6 194 W +42 6 195 K +42 6 196 W +42 6 197 W +42 6 198 D +42 6 199 N +42 6 200 B +42 6 201 T +42 6 202 B +42 6 203 T +42 6 204 D +42 6 205 K +42 6 206 N +42 6 207 T +42 6 208 W +42 6 209 B +42 6 210 W +42 6 211 B +42 6 212 T +42 6 213 N +42 6 214 S +42 6 215 T +42 6 216 D +42 6 217 W +42 6 218 B +42 6 219 N +42 6 220 K +42 6 221 N +42 6 222 K +42 6 223 B +42 6 224 N +42 6 225 W +42 6 226 B +42 6 227 D +42 6 228 D +42 6 229 B +42 6 230 N +42 6 231 K +42 6 232 D +42 6 233 K +42 6 234 K +42 6 235 B +42 6 236 S +42 6 237 W +42 6 238 B +42 6 239 T +42 6 240 K +42 6 241 N +42 6 242 N +42 6 243 T +42 6 244 N +42 6 245 T +42 6 246 B +42 6 247 K +42 6 248 D +42 6 249 K +42 6 250 B +42 6 251 B +42 6 252 N +42 6 253 B +42 6 254 B +42 6 255 D +42 6 256 T +42 6 257 D +42 6 258 S +42 6 259 T +42 6 260 N +42 6 261 T +42 6 262 N +42 6 263 N +42 6 264 N +42 6 265 B +42 6 266 T +42 6 267 T +42 6 268 B +42 6 269 T +42 6 270 S +42 6 271 D +42 6 272 N +42 6 273 K +42 6 274 N +42 6 275 W +42 6 276 T +42 6 277 D +42 6 278 T +42 6 279 B +42 6 280 K +42 6 281 B +42 6 282 K +42 6 283 W +42 6 284 N +42 6 285 T +42 6 286 N +42 6 287 T +42 6 288 T +42 6 289 B +42 6 290 N +42 6 291 B +42 6 292 T +42 6 293 N +42 6 294 N +42 6 295 K +42 6 296 K +42 6 297 S +42 6 298 T +42 6 299 B +42 6 300 N +42 6 301 B +42 6 302 N +42 6 303 N +42 6 304 K +42 6 305 T +42 6 306 B +42 6 307 B +42 6 308 K +42 6 309 D +42 6 310 B +42 6 311 B +42 6 312 D +42 6 313 B +42 6 314 N +42 6 315 K +42 6 316 K +42 6 317 T +42 6 318 S +42 6 319 N +42 6 320 W +42 6 321 T +42 6 322 B +42 6 323 B +42 6 324 N +42 6 325 W +42 6 326 S +42 6 327 N +42 6 328 B +42 6 329 T +42 6 330 N +42 7 1 B +42 7 2 S +42 7 3 T +42 7 4 B +42 7 5 K +42 7 6 T +42 7 7 K +42 7 8 W +42 7 9 T +42 7 10 B +42 7 11 K +42 7 12 S +42 7 13 D +42 7 14 N +42 7 15 T +42 7 16 N +42 7 17 T +42 7 18 D +42 7 19 B +42 7 20 K +42 7 21 T +42 7 22 S +42 7 23 K +42 7 24 D +42 7 25 B +42 7 26 D +42 7 27 T +42 7 28 W +42 7 29 K +42 7 30 N +42 7 31 N +42 7 32 W +42 7 33 B +42 7 34 B +42 7 35 T +42 7 36 D +42 7 37 B +42 7 38 T +42 7 39 K +42 7 40 B +42 7 41 T +42 7 42 S +42 7 43 D +42 7 44 N +42 7 45 K +42 7 46 D +42 7 47 K +42 7 48 S +42 7 49 B +42 7 50 B +42 7 51 D +42 7 52 N +42 7 53 T +42 7 54 K +42 7 55 B +42 7 56 T +42 7 57 D +42 7 58 S +42 7 59 T +42 7 60 D +42 7 61 T +42 7 62 U +42 7 63 W +42 7 64 B +42 7 65 T +42 7 66 N +42 7 67 K +42 7 68 T +42 7 69 K +42 7 70 U +42 7 71 T +42 7 72 B +42 7 73 B +42 7 74 K +42 7 75 D +42 7 76 T +42 7 77 B +42 7 78 W +42 7 79 D +42 7 80 B +42 7 81 K +42 7 82 K +42 7 83 S +42 7 84 T +42 7 85 B +42 7 86 T +42 7 87 D +42 7 88 K +42 7 89 D +42 7 90 K +42 7 91 K +42 7 92 S +42 7 93 B +42 7 94 D +42 7 95 N +42 7 96 S +42 7 97 B +42 7 98 B +42 7 99 U +42 7 100 K +42 7 101 T +42 7 102 K +42 7 103 K +42 7 104 B +42 7 105 T +42 7 106 S +42 7 107 N +42 7 108 U +42 7 109 D +42 7 110 S +42 7 111 K +42 7 112 T +42 7 113 D +42 7 114 K +42 7 115 T +42 7 116 K +42 7 117 D +42 7 118 U +42 7 119 B +42 7 120 N +42 7 121 T +42 7 122 B +42 7 123 B +42 7 124 S +42 7 125 T +42 7 126 N +42 7 127 D +42 7 128 S +42 7 129 N +42 7 130 D +42 7 131 B +42 7 132 T +42 7 133 K +42 7 134 B +42 7 135 T +42 7 136 B +42 7 137 K +42 7 138 T +42 7 139 N +42 7 140 D +42 7 141 N +42 7 142 D +42 7 143 K +42 7 144 B +42 7 145 K +42 7 146 S +42 7 147 K +42 7 148 T +42 7 149 K +42 7 150 B +42 7 151 T +42 7 152 T +42 7 153 B +42 7 154 D +42 7 155 W +42 7 156 K +42 7 157 T +42 7 158 N +42 7 159 T +42 7 160 W +42 7 161 B +42 7 162 T +42 7 163 D +42 7 164 K +42 7 165 K +42 7 166 B +42 7 167 K +42 7 168 B +42 7 169 D +42 7 170 K +42 7 171 K +42 7 172 N +42 7 173 T +42 7 174 S +42 7 175 N +42 7 176 T +42 7 177 S +42 7 178 B +42 7 179 T +42 7 180 B +42 7 181 S +42 7 182 T +42 7 183 K +42 7 184 B +42 7 185 K +42 7 186 D +42 7 187 S +42 7 188 B +42 7 189 N +42 7 190 T +42 7 191 D +42 7 192 K +42 7 193 S +42 7 194 T +42 7 195 K +42 7 196 W +42 7 197 T +42 7 198 D +42 7 199 N +42 7 200 B +42 7 201 T +42 7 202 B +42 7 203 T +42 7 204 D +42 7 205 K +42 7 206 N +42 7 207 T +42 7 208 S +42 7 209 D +42 7 210 K +42 7 211 B +42 7 212 T +42 7 213 N +42 7 214 S +42 7 215 T +42 7 216 D +42 7 217 T +42 7 218 K +42 7 219 N +42 7 220 D +42 7 221 N +42 7 222 B +42 7 223 K +42 7 224 T +42 7 225 B +42 7 226 D +42 7 227 D +42 7 228 K +42 7 229 B +42 7 230 N +42 7 231 W +42 7 232 D +42 7 233 B +42 7 234 B +42 7 235 T +42 7 236 B +42 7 237 W +42 7 238 D +42 7 239 T +42 7 240 D +42 7 241 N +42 7 242 S +42 7 243 T +42 7 244 B +42 7 245 T +42 7 246 K +42 7 247 D +42 7 248 T +42 7 249 D +42 7 250 B +42 7 251 S +42 7 252 W +42 7 253 B +42 7 254 D +42 7 255 S +42 7 256 T +42 7 257 D +42 7 258 S +42 7 259 T +42 7 260 N +42 7 261 W +42 7 262 N +42 7 263 U +42 7 264 U +42 7 265 K +42 7 266 T +42 7 267 D +42 7 268 K +42 7 269 T +42 7 270 W +42 7 271 D +42 7 272 N +42 7 273 K +42 7 274 N +42 7 275 K +42 7 276 T +42 7 277 D +42 7 278 T +42 7 279 K +42 7 280 K +42 7 281 B +42 7 282 K +42 7 283 D +42 7 284 N +42 7 285 T +42 7 286 N +42 7 287 S +42 7 288 T +42 7 289 B +42 7 290 N +42 7 291 B +42 7 292 T +42 7 293 B +42 7 294 N +42 7 295 D +42 7 296 B +42 7 297 S +42 7 298 T +42 7 299 B +42 7 300 U +42 7 301 B +42 7 302 T +42 7 303 D +42 7 304 K +42 7 305 T +42 7 306 K +42 7 307 B +42 7 308 W +42 7 309 D +42 7 310 B +42 7 311 D +42 7 312 D +42 7 313 B +42 7 314 W +42 7 315 B +42 7 316 B +42 7 317 T +42 7 318 T +42 7 319 N +42 7 320 K +42 7 321 T +42 7 322 D +42 7 323 B +42 7 324 T +42 7 325 W +42 7 326 S +42 7 327 B +42 7 328 K +42 7 329 W +42 7 330 N +42 8 1 B +42 8 2 K +42 8 3 T +42 8 4 R +42 8 5 K +42 8 6 O +42 8 7 K +42 8 8 T +42 8 9 O +42 8 10 B +42 8 11 K +42 8 12 S +42 8 13 K +42 8 14 B +42 8 15 W +42 8 16 N +42 8 17 T +42 8 18 D +42 8 19 B +42 8 20 K +42 8 21 T +42 8 22 S +42 8 23 R +42 8 24 D +42 8 25 B +42 8 26 B +42 8 27 G +42 8 28 T +42 8 29 K +42 8 30 NA +42 8 31 B +42 8 32 R +42 8 33 K +42 8 34 B +42 8 35 T +42 8 36 B +42 8 37 B +42 8 38 T +42 8 39 K +42 8 40 B +42 8 41 T +42 8 42 S +42 8 43 B +42 8 44 G +42 8 45 K +42 8 46 U +42 8 47 K +42 8 48 S +42 8 49 B +42 8 50 R +42 8 51 O +42 8 52 N +42 8 53 R +42 8 54 K +42 8 55 B +42 8 56 DM +42 8 57 B +42 8 58 S +42 8 59 W +42 8 60 B +42 8 61 T +42 8 62 R +42 8 63 W +42 8 64 B +42 8 65 T +42 8 66 U +42 8 67 K +42 8 68 R +42 8 69 K +42 8 70 N +42 8 71 R +42 8 72 K +42 8 73 R +42 8 74 B +42 8 75 K +42 8 76 NA +42 8 77 B +42 8 78 T +42 8 79 U +42 8 80 B +42 8 81 K +42 8 82 K +42 8 83 G +42 8 84 T +42 8 85 K +42 8 86 T +42 8 87 D +42 8 88 R +42 8 89 MA +42 8 90 K +42 8 91 K +42 8 92 U +42 8 93 B +42 8 94 D +42 8 95 K +42 8 96 NA +42 8 97 R +42 8 98 T +42 8 99 R +42 8 100 K +42 8 101 R +42 8 102 B +42 8 103 K +42 8 104 K +42 8 105 R +42 8 106 S +42 8 107 U +42 8 108 K +42 8 109 B +42 8 110 NA +42 8 111 K +42 8 112 T +42 8 113 D +42 8 114 B +42 8 115 T +42 8 116 B +42 8 117 T +42 8 118 W +42 8 119 B +42 8 120 N +42 8 121 NA +42 8 122 K +42 8 123 B +42 8 124 K +42 8 125 NA +42 8 126 W +42 8 127 B +42 8 128 S +42 8 129 O +42 8 130 K +42 8 131 R +42 8 132 T +42 8 133 B +42 8 134 T +42 8 135 R +42 8 136 B +42 8 137 K +42 8 138 B +42 8 139 U +42 8 140 B +42 8 141 N +42 8 142 U +42 8 143 K +42 8 144 R +42 8 145 K +42 8 146 S +42 8 147 K +42 8 148 T +42 8 149 K +42 8 150 R +42 8 151 W +42 8 152 R +42 8 153 B +42 8 154 U +42 8 155 S +42 8 156 K +42 8 157 W +42 8 158 N +42 8 159 O +42 8 160 W +42 8 161 K +42 8 162 T +42 8 163 B +42 8 164 B +42 8 165 K +42 8 166 B +42 8 167 R +42 8 168 B +42 8 169 B +42 8 170 B +42 8 171 K +42 8 172 N +42 8 173 T +42 8 174 NA +42 8 175 B +42 8 176 T +42 8 177 S +42 8 178 B +42 8 179 T +42 8 180 K +42 8 181 NA +42 8 182 R +42 8 183 NA +42 8 184 R +42 8 185 NA +42 8 186 B +42 8 187 NA +42 8 188 B +42 8 189 B +42 8 190 W +42 8 191 K +42 8 192 R +42 8 193 S +42 8 194 T +42 8 195 K +42 8 196 K +42 8 197 R +42 8 198 D +42 8 199 U +42 8 200 B +42 8 201 W +42 8 202 K +42 8 203 R +42 8 204 D +42 8 205 R +42 8 206 S +42 8 207 T +42 8 208 NA +42 8 209 K +42 8 210 T +42 8 211 B +42 8 212 NA +42 8 213 R +42 8 214 S +42 8 215 W +42 8 216 K +42 8 217 W +42 8 218 K +42 8 219 K +42 8 220 R +42 8 221 K +42 8 222 R +42 8 223 K +42 8 224 W +42 8 225 K +42 8 226 B +42 8 227 K +42 8 228 B +42 8 229 K +42 8 230 W +42 8 231 R +42 8 232 S +42 8 233 B +42 8 234 K +42 8 235 B +42 8 236 K +42 8 237 W +42 8 238 B +42 8 239 W +42 8 240 T +42 8 241 U +42 8 242 S +42 8 243 R +42 8 244 K +42 8 245 T +42 8 246 K +42 8 247 R +42 8 248 K +42 8 249 K +42 8 250 R +42 8 251 K +42 8 252 T +42 8 253 K +42 8 254 B +42 8 255 D +42 8 256 T +42 8 257 D +42 8 258 S +42 8 259 T +42 8 260 K +42 8 261 NA +42 8 262 U +42 8 263 G +42 8 264 B +42 8 265 K +42 8 266 NA +42 8 267 R +42 8 268 K +42 8 269 R +42 8 270 NA +42 8 271 K +42 8 272 U +42 8 273 R +42 8 274 U +42 8 275 K +42 8 276 R +42 8 277 B +42 8 278 NA +42 8 279 B +42 8 280 K +42 8 281 K +42 8 282 K +42 8 283 D +42 8 284 K +42 8 285 R +42 8 286 U +42 8 287 NA +42 8 288 T +42 8 289 K +42 8 290 W +42 8 291 B +42 8 292 W +42 8 293 K +42 8 294 B +42 8 295 D +42 8 296 R +42 8 297 NA +42 8 298 T +42 8 299 K +42 8 300 U +42 8 301 K +42 8 302 W +42 8 303 B +42 8 304 S +42 8 305 R +42 8 306 K +42 8 307 B +42 8 308 R +42 8 309 D +42 8 310 K +42 8 311 B +42 8 312 D +42 8 313 R +42 8 314 W +42 8 315 K +42 8 316 K +42 8 317 R +42 8 318 NA +42 8 319 W +42 8 320 K +42 8 321 T +42 8 322 B +42 8 323 K +42 8 324 W +42 8 325 R +42 8 326 NA +42 8 327 K +42 8 328 K +42 8 329 NA +42 8 330 K +42 9 1 B +42 9 2 M +42 9 3 T +42 9 4 B +42 9 5 M +42 9 6 T +42 9 7 B +42 9 8 T +42 9 9 T +42 9 10 B +42 9 11 D +42 9 12 K +42 9 13 B +42 9 14 B +42 9 15 T +42 9 16 N +42 9 17 T +42 9 18 D +42 9 19 B +42 9 20 M +42 9 21 T +42 9 22 N +42 9 23 M +42 9 24 D +42 9 25 B +42 9 26 B +42 9 27 N +42 9 28 T +42 9 29 M +42 9 30 T +42 9 31 N +42 9 32 K +42 9 33 K +42 9 34 B +42 9 35 T +42 9 36 D +42 9 37 B +42 9 38 T +42 9 39 B +42 9 40 B +42 9 41 T +42 9 42 S +42 9 43 B +42 9 44 N +42 9 45 B +42 9 46 D +42 9 47 K +42 9 48 K +42 9 49 B +42 9 50 K +42 9 51 K +42 9 52 N +42 9 53 T +42 9 54 K +42 9 55 B +42 9 56 T +42 9 57 B +42 9 58 K +42 9 59 N +42 9 60 B +42 9 61 T +42 9 62 U +42 9 63 T +42 9 64 B +42 9 65 T +42 9 66 N +42 9 67 B +42 9 68 T +42 9 69 K +42 9 70 N +42 9 71 T +42 9 72 B +42 9 73 K +42 9 74 N +42 9 75 B +42 9 76 T +42 9 77 B +42 9 78 N +42 9 79 D +42 9 80 K +42 9 81 K +42 9 82 B +42 9 83 N +42 9 84 W +42 9 85 B +42 9 86 W +42 9 87 D +42 9 88 M +42 9 89 D +42 9 90 D +42 9 91 K +42 9 92 N +42 9 93 B +42 9 94 D +42 9 95 N +42 9 96 S +42 9 97 B +42 9 98 T +42 9 99 N +42 9 100 M +42 9 101 T +42 9 102 N +42 9 103 K +42 9 104 B +42 9 105 K +42 9 106 S +42 9 107 N +42 9 108 N +42 9 109 B +42 9 110 S +42 9 111 D +42 9 112 T +42 9 113 D +42 9 114 B +42 9 115 T +42 9 116 N +42 9 117 W +42 9 118 T +42 9 119 B +42 9 120 N +42 9 121 T +42 9 122 B +42 9 123 B +42 9 124 K +42 9 125 W +42 9 126 T +42 9 127 D +42 9 128 K +42 9 129 N +42 9 130 D +42 9 131 B +42 9 132 T +42 9 133 B +42 9 134 T +42 9 135 T +42 9 136 B +42 9 137 K +42 9 138 M +42 9 139 N +42 9 140 B +42 9 141 N +42 9 142 N +42 9 143 K +42 9 144 B +42 9 145 M +42 9 146 K +42 9 147 B +42 9 148 T +42 9 149 M +42 9 150 B +42 9 151 W +42 9 152 M +42 9 153 B +42 9 154 D +42 9 155 K +42 9 156 B +42 9 157 W +42 9 158 N +42 9 159 W +42 9 160 W +42 9 161 B +42 9 162 T +42 9 163 B +42 9 164 B +42 9 165 K +42 9 166 D +42 9 167 N +42 9 168 B +42 9 169 B +42 9 170 D +42 9 171 K +42 9 172 N +42 9 173 W +42 9 174 S +42 9 175 M +42 9 176 T +42 9 177 S +42 9 178 B +42 9 179 T +42 9 180 M +42 9 181 S +42 9 182 T +42 9 183 K +42 9 184 K +42 9 185 T +42 9 186 K +42 9 187 S +42 9 188 B +42 9 189 N +42 9 190 T +42 9 191 B +42 9 192 M +42 9 193 S +42 9 194 T +42 9 195 B +42 9 196 N +42 9 197 M +42 9 198 D +42 9 199 N +42 9 200 N +42 9 201 T +42 9 202 B +42 9 203 T +42 9 204 D +42 9 205 K +42 9 206 N +42 9 207 T +42 9 208 K +42 9 209 D +42 9 210 T +42 9 211 B +42 9 212 W +42 9 213 N +42 9 214 K +42 9 215 W +42 9 216 D +42 9 217 T +42 9 218 K +42 9 219 N +42 9 220 K +42 9 221 N +42 9 222 M +42 9 223 M +42 9 224 W +42 9 225 M +42 9 226 B +42 9 227 D +42 9 228 D +42 9 229 N +42 9 230 T +42 9 231 K +42 9 232 M +42 9 233 B +42 9 234 B +42 9 235 B +42 9 236 K +42 9 237 W +42 9 238 M +42 9 239 W +42 9 240 T +42 9 241 N +42 9 242 S +42 9 243 K +42 9 244 N +42 9 245 T +42 9 246 B +42 9 247 B +42 9 248 K +42 9 249 B +42 9 250 K +42 9 251 S +42 9 252 N +42 9 253 B +42 9 254 D +42 9 255 D +42 9 256 T +42 9 257 D +42 9 258 K +42 9 259 T +42 9 260 S +42 9 261 W +42 9 262 N +42 9 263 N +42 9 264 N +42 9 265 B +42 9 266 T +42 9 267 K +42 9 268 K +42 9 269 T +42 9 270 S +42 9 271 B +42 9 272 N +42 9 273 K +42 9 274 N +42 9 275 S +42 9 276 T +42 9 277 B +42 9 278 W +42 9 279 B +42 9 280 K +42 9 281 B +42 9 282 K +42 9 283 G +42 9 284 N +42 9 285 T +42 9 286 N +42 9 287 S +42 9 288 T +42 9 289 B +42 9 290 N +42 9 291 B +42 9 292 W +42 9 293 N +42 9 294 N +42 9 295 G +42 9 296 B +42 9 297 S +42 9 298 T +42 9 299 B +42 9 300 N +42 9 301 B +42 9 302 N +42 9 303 B +42 9 304 M +42 9 305 M +42 9 306 S +42 9 307 B +42 9 308 M +42 9 309 U +42 9 310 B +42 9 311 B +42 9 312 D +42 9 313 B +42 9 314 T +42 9 315 B +42 9 316 B +42 9 317 T +42 9 318 T +42 9 319 N +42 9 320 K +42 9 321 T +42 9 322 B +42 9 323 B +42 9 324 T +42 9 325 K +42 9 326 S +42 9 327 N +42 9 328 B +42 9 329 G +42 9 330 N +42 10 1 B +42 10 2 K +42 10 3 T +42 10 4 U +42 10 5 K +42 10 6 S +42 10 7 K +42 10 8 M +42 10 9 U +42 10 10 B +42 10 11 D +42 10 12 S +42 10 13 U +42 10 14 W +42 10 15 N +42 10 16 N +42 10 17 S +42 10 18 D +42 10 19 W +42 10 20 B +42 10 21 W +42 10 22 S +42 10 23 U +42 10 24 U +42 10 25 B +42 10 26 B +42 10 27 W +42 10 28 TO +42 10 29 K +42 10 30 S +42 10 31 U +42 10 32 M +42 10 33 B +42 10 34 B +42 10 35 W +42 10 36 U +42 10 37 B +42 10 38 T +42 10 39 B +42 10 40 K +42 10 41 T +42 10 42 S +42 10 43 D +42 10 44 N +42 10 45 B +42 10 46 U +42 10 47 D +42 10 48 S +42 10 49 W +42 10 50 D +42 10 51 U +42 10 52 N +42 10 53 W +42 10 54 U +42 10 55 B +42 10 56 U +42 10 57 K +42 10 58 S +42 10 59 U +42 10 60 D +42 10 61 T +42 10 62 K +42 10 63 N +42 10 64 B +42 10 65 T +42 10 66 K +42 10 67 K +42 10 68 * +42 10 69 U +42 10 70 N +42 10 71 W +42 10 72 B +42 10 73 K +42 10 74 N +42 10 75 D +42 10 76 S +42 10 77 B +42 10 78 U +42 10 79 D +42 10 80 B +42 10 81 S +42 10 82 K +42 10 83 N +42 10 84 W +42 10 85 B +42 10 86 W +42 10 87 D +42 10 88 NO +42 10 89 D +42 10 90 D +42 10 91 S +42 10 92 N +42 10 93 B +42 10 94 U +42 10 95 N +42 10 96 S +42 10 97 NO +42 10 98 T +42 10 99 U +42 10 100 K +42 10 101 NO +42 10 102 U +42 10 103 U +42 10 104 B +42 10 105 NO +42 10 106 S +42 10 107 N +42 10 108 N +42 10 109 B +42 10 110 S +42 10 111 U +42 10 112 T +42 10 113 U +42 10 114 B +42 10 115 T +42 10 116 N +42 10 117 U +42 10 118 W +42 10 119 B +42 10 120 N +42 10 121 T +42 10 122 B +42 10 123 U +42 10 124 S +42 10 125 T +42 10 126 W +42 10 127 D +42 10 128 S +42 10 129 N +42 10 130 D +42 10 131 M +42 10 132 T +42 10 133 B +42 10 134 U +42 10 135 U +42 10 136 B +42 10 137 U +42 10 138 B +42 10 139 N +42 10 140 B +42 10 141 N +42 10 142 N +42 10 143 S +42 10 144 U +42 10 145 B +42 10 146 S +42 10 147 K +42 10 148 T +42 10 149 B +42 10 150 U +42 10 151 W +42 10 152 U +42 10 153 B +42 10 154 D +42 10 155 D +42 10 156 B +42 10 157 U +42 10 158 N +42 10 159 S +42 10 160 W +42 10 161 B +42 10 162 T +42 10 163 B +42 10 164 B +42 10 165 U +42 10 166 D +42 10 167 W +42 10 168 B +42 10 169 B +42 10 170 K +42 10 171 M +42 10 172 N +42 10 173 T +42 10 174 S +42 10 175 U +42 10 176 T +42 10 177 S +42 10 178 B +42 10 179 T +42 10 180 B +42 10 181 S +42 10 182 U +42 10 183 U +42 10 184 M +42 10 185 S +42 10 186 B +42 10 187 S +42 10 188 B +42 10 189 U +42 10 190 W +42 10 191 B +42 10 192 W +42 10 193 S +42 10 194 D +42 10 195 B +42 10 196 U +42 10 197 N +42 10 198 D +42 10 199 N +42 10 200 B +42 10 201 U +42 10 202 B +42 10 203 M +42 10 204 U +42 10 205 B +42 10 206 N +42 10 207 T +42 10 208 S +42 10 209 B +42 10 210 U +42 10 211 B +42 10 212 S +42 10 213 U +42 10 214 S +42 10 215 W +42 10 216 D +42 10 217 W +42 10 218 S +42 10 219 N +42 10 220 B +42 10 221 N +42 10 222 M +42 10 223 B +42 10 224 U +42 10 225 S +42 10 226 B +42 10 227 D +42 10 228 B +42 10 229 B +42 10 230 N +42 10 231 W +42 10 232 U +42 10 233 B +42 10 234 B +42 10 235 B +42 10 236 S +42 10 237 W +42 10 238 B +42 10 239 U +42 10 240 U +42 10 241 N +42 10 242 S +42 10 243 M +42 10 244 N +42 10 245 T +42 10 246 B +42 10 247 B +42 10 248 D +42 10 249 B +42 10 250 M +42 10 251 B +42 10 252 N +42 10 253 B +42 10 254 W +42 10 255 D +42 10 256 T +42 10 257 U +42 10 258 S +42 10 259 U +42 10 260 S +42 10 261 S +42 10 262 N +42 10 263 U +42 10 264 N +42 10 265 B +42 10 266 U +42 10 267 M +42 10 268 B +42 10 269 W +42 10 270 S +42 10 271 D +42 10 272 N +42 10 273 M +42 10 274 N +42 10 275 U +42 10 276 T +42 10 277 D +42 10 278 T +42 10 279 B +42 10 280 B +42 10 281 B +42 10 282 B +42 10 283 U +42 10 284 N +42 10 285 W +42 10 286 N +42 10 287 S +42 10 288 T +42 10 289 B +42 10 290 N +42 10 291 B +42 10 292 W +42 10 293 U +42 10 294 N +42 10 295 U +42 10 296 M +42 10 297 S +42 10 298 T +42 10 299 B +42 10 300 N +42 10 301 B +42 10 302 U +42 10 303 W +42 10 304 S +42 10 305 M +42 10 306 B +42 10 307 B +42 10 308 B +42 10 309 U +42 10 310 B +42 10 311 B +42 10 312 D +42 10 313 B +42 10 314 N +42 10 315 B +42 10 316 B +42 10 317 M +42 10 318 T +42 10 319 N +42 10 320 U +42 10 321 T +42 10 322 B +42 10 323 B +42 10 324 N +42 10 325 M +42 10 326 S +42 10 327 N +42 10 328 D +42 10 329 U +42 10 330 N +42 11 1 B +42 11 2 K +42 11 3 T +42 11 4 B +42 11 5 K +42 11 6 K +42 11 7 B +42 11 8 W +42 11 9 U +42 11 10 B +42 11 11 B +42 11 12 S +42 11 13 B +42 11 14 B +42 11 15 W +42 11 16 N +42 11 17 T +42 11 18 D +42 11 19 B +42 11 20 B +42 11 21 T +42 11 22 S +42 11 23 B +42 11 24 U +42 11 25 B +42 11 26 B +42 11 27 W +42 11 28 T +42 11 29 K +42 11 30 S +42 11 31 B +42 11 32 K +42 11 33 K +42 11 34 B +42 11 35 W +42 11 36 B +42 11 37 B +42 11 38 W +42 11 39 B +42 11 40 B +42 11 41 T +42 11 42 K +42 11 43 B +42 11 44 U +42 11 45 B +42 11 46 U +42 11 47 B +42 11 48 S +42 11 49 B +42 11 50 B +42 11 51 U +42 11 52 N +42 11 53 W +42 11 54 B +42 11 55 B +42 11 56 K +42 11 57 B +42 11 58 U +42 11 59 N +42 11 60 B +42 11 61 T +42 11 62 B +42 11 63 K +42 11 64 B +42 11 65 T +42 11 66 N +42 11 67 B +42 11 68 W +42 11 69 K +42 11 70 U +42 11 71 T +42 11 72 B +42 11 73 B +42 11 74 B +42 11 75 B +42 11 76 T +42 11 77 B +42 11 78 K +42 11 79 D +42 11 80 B +42 11 81 K +42 11 82 B +42 11 83 N +42 11 84 K +42 11 85 B +42 11 86 T +42 11 87 D +42 11 88 B +42 11 89 D +42 11 90 B +42 11 91 K +42 11 92 N +42 11 93 B +42 11 94 U +42 11 95 K +42 11 96 S +42 11 97 B +42 11 98 T +42 11 99 U +42 11 100 B +42 11 101 K +42 11 102 B +42 11 103 K +42 11 104 B +42 11 105 B +42 11 106 S +42 11 107 N +42 11 108 K +42 11 109 B +42 11 110 S +42 11 111 D +42 11 112 T +42 11 113 D +42 11 114 B +42 11 115 T +42 11 116 B +42 11 117 U +42 11 118 W +42 11 119 B +42 11 120 N +42 11 121 W +42 11 122 B +42 11 123 B +42 11 124 S +42 11 125 T +42 11 126 W +42 11 127 B +42 11 128 S +42 11 129 N +42 11 130 U +42 11 131 B +42 11 132 W +42 11 133 B +42 11 134 U +42 11 135 W +42 11 136 B +42 11 137 U +42 11 138 B +42 11 139 N +42 11 140 B +42 11 141 N +42 11 142 U +42 11 143 S +42 11 144 B +42 11 145 B +42 11 146 S +42 11 147 B +42 11 148 T +42 11 149 K +42 11 150 B +42 11 151 W +42 11 152 U +42 11 153 B +42 11 154 D +42 11 155 U +42 11 156 B +42 11 157 U +42 11 158 N +42 11 159 U +42 11 160 W +42 11 161 B +42 11 162 T +42 11 163 B +42 11 164 B +42 11 165 K +42 11 166 B +42 11 167 U +42 11 168 B +42 11 169 B +42 11 170 D +42 11 171 U +42 11 172 N +42 11 173 T +42 11 174 S +42 11 175 B +42 11 176 W +42 11 177 S +42 11 178 B +42 11 179 U +42 11 180 B +42 11 181 S +42 11 182 W +42 11 183 S +42 11 184 B +42 11 185 S +42 11 186 B +42 11 187 S +42 11 188 B +42 11 189 B +42 11 190 K +42 11 191 B +42 11 192 K +42 11 193 S +42 11 194 W +42 11 195 B +42 11 196 B +42 11 197 K +42 11 198 D +42 11 199 N +42 11 200 B +42 11 201 W +42 11 202 B +42 11 203 W +42 11 204 D +42 11 205 B +42 11 206 N +42 11 207 K +42 11 208 S +42 11 209 B +42 11 210 W +42 11 211 B +42 11 212 S +42 11 213 K +42 11 214 K +42 11 215 W +42 11 216 D +42 11 217 U +42 11 218 K +42 11 219 N +42 11 220 B +42 11 221 N +42 11 222 B +42 11 223 B +42 11 224 K +42 11 225 S +42 11 226 B +42 11 227 D +42 11 228 B +42 11 229 B +42 11 230 K +42 11 231 K +42 11 232 U +42 11 233 U +42 11 234 B +42 11 235 B +42 11 236 K +42 11 237 W +42 11 238 B +42 11 239 W +42 11 240 S +42 11 241 N +42 11 242 S +42 11 243 K +42 11 244 B +42 11 245 W +42 11 246 B +42 11 247 B +42 11 248 B +42 11 249 B +42 11 250 B +42 11 251 B +42 11 252 N +42 11 253 B +42 11 254 U +42 11 255 D +42 11 256 T +42 11 257 B +42 11 258 S +42 11 259 T +42 11 260 S +42 11 261 S +42 11 262 N +42 11 263 U +42 11 264 B +42 11 265 B +42 11 266 W +42 11 267 K +42 11 268 B +42 11 269 K +42 11 270 S +42 11 271 B +42 11 272 N +42 11 273 K +42 11 274 N +42 11 275 K +42 11 276 B +42 11 277 B +42 11 278 W +42 11 279 B +42 11 280 K +42 11 281 B +42 11 282 K +42 11 283 U +42 11 284 N +42 11 285 W +42 11 286 N +42 11 287 S +42 11 288 T +42 11 289 B +42 11 290 N +42 11 291 B +42 11 292 K +42 11 293 B +42 11 294 B +42 11 295 U +42 11 296 B +42 11 297 S +42 11 298 T +42 11 299 B +42 11 300 N +42 11 301 B +42 11 302 N +42 11 303 B +42 11 304 K +42 11 305 U +42 11 306 K +42 11 307 B +42 11 308 U +42 11 309 U +42 11 310 B +42 11 311 B +42 11 312 B +42 11 313 B +42 11 314 N +42 11 315 K +42 11 316 B +42 11 317 T +42 11 318 W +42 11 319 N +42 11 320 S +42 11 321 W +42 11 322 B +42 11 323 B +42 11 324 N +42 11 325 U +42 11 326 S +42 11 327 N +42 11 328 U +42 11 329 K +42 11 330 N +42 12 1 S +42 12 2 D +42 12 3 T +42 12 4 B +42 12 5 B +42 12 6 S +42 12 7 B +42 12 8 T +42 12 9 S +42 12 10 K +42 12 11 K +42 12 12 S +42 12 13 D +42 12 14 D +42 12 15 T +42 12 16 N +42 12 17 S +42 12 18 D +42 12 19 B +42 12 20 B +42 12 21 T +42 12 22 N +42 12 23 B +42 12 24 D +42 12 25 D +42 12 26 D +42 12 27 N +42 12 28 T +42 12 29 D +42 12 30 T +42 12 31 B +42 12 32 T +42 12 33 B +42 12 34 B +42 12 35 T +42 12 36 B +42 12 37 B +42 12 38 T +42 12 39 B +42 12 40 B +42 12 41 T +42 12 42 S +42 12 43 D +42 12 44 N +42 12 45 K +42 12 46 N +42 12 47 D +42 12 48 S +42 12 49 S +42 12 50 D +42 12 51 D +42 12 52 N +42 12 53 T +42 12 54 D +42 12 55 S +42 12 56 T +42 12 57 D +42 12 58 T +42 12 59 B +42 12 60 D +42 12 61 T +42 12 62 D +42 12 63 T +42 12 64 B +42 12 65 T +42 12 66 N +42 12 67 B +42 12 68 T +42 12 69 D +42 12 70 N +42 12 71 T +42 12 72 D +42 12 73 B +42 12 74 N +42 12 75 B +42 12 76 T +42 12 77 B +42 12 78 T +42 12 79 D +42 12 80 D +42 12 81 B +42 12 82 B +42 12 83 N +42 12 84 T +42 12 85 B +42 12 86 T +42 12 87 D +42 12 88 T +42 12 89 D +42 12 90 D +42 12 91 B +42 12 92 N +42 12 93 B +42 12 94 D +42 12 95 N +42 12 96 T +42 12 97 B +42 12 98 T +42 12 99 B +42 12 100 B +42 12 101 T +42 12 102 N +42 12 103 B +42 12 104 B +42 12 105 T +42 12 106 S +42 12 107 N +42 12 108 N +42 12 109 B +42 12 110 T +42 12 111 D +42 12 112 T +42 12 113 D +42 12 114 B +42 12 115 T +42 12 116 N +42 12 117 D +42 12 118 T +42 12 119 B +42 12 120 N +42 12 121 T +42 12 122 B +42 12 123 B +42 12 124 S +42 12 125 T +42 12 126 T +42 12 127 D +42 12 128 S +42 12 129 N +42 12 130 D +42 12 131 D +42 12 132 T +42 12 133 D +42 12 134 D +42 12 135 T +42 12 136 D +42 12 137 D +42 12 138 D +42 12 139 D +42 12 140 B +42 12 141 N +42 12 142 N +42 12 143 B +42 12 144 B +42 12 145 B +42 12 146 S +42 12 147 B +42 12 148 T +42 12 149 B +42 12 150 D +42 12 151 T +42 12 152 T +42 12 153 B +42 12 154 D +42 12 155 D +42 12 156 D +42 12 157 D +42 12 158 N +42 12 159 T +42 12 160 T +42 12 161 B +42 12 162 T +42 12 163 B +42 12 164 B +42 12 165 T +42 12 166 D +42 12 167 K +42 12 168 K +42 12 169 S +42 12 170 D +42 12 171 S +42 12 172 N +42 12 173 T +42 12 174 S +42 12 175 D +42 12 176 T +42 12 177 S +42 12 178 D +42 12 179 D +42 12 180 D +42 12 181 S +42 12 182 D +42 12 183 D +42 12 184 D +42 12 185 T +42 12 186 B +42 12 187 T +42 12 188 B +42 12 189 B +42 12 190 T +42 12 191 B +42 12 192 S +42 12 193 S +42 12 194 D +42 12 195 S +42 12 196 S +42 12 197 T +42 12 198 D +42 12 199 N +42 12 200 K +42 12 201 T +42 12 202 S +42 12 203 T +42 12 204 D +42 12 205 K +42 12 206 N +42 12 207 T +42 12 208 K +42 12 209 D +42 12 210 D +42 12 211 K +42 12 212 T +42 12 213 K +42 12 214 K +42 12 215 K +42 12 216 D +42 12 217 N +42 12 218 S +42 12 219 N +42 12 220 D +42 12 221 N +42 12 222 S +42 12 223 S +42 12 224 N +42 12 225 S +42 12 226 S +42 12 227 D +42 12 228 D +42 12 229 S +42 12 230 N +42 12 231 K +42 12 232 D +42 12 233 K +42 12 234 S +42 12 235 B +42 12 236 S +42 12 237 T +42 12 238 S +42 12 239 T +42 12 240 D +42 12 241 N +42 12 242 N +42 12 243 D +42 12 244 K +42 12 245 T +42 12 246 K +42 12 247 K +42 12 248 D +42 12 249 D +42 12 250 D +42 12 251 K +42 12 252 N +42 12 253 K +42 12 254 D +42 12 255 D +42 12 256 T +42 12 257 D +42 12 258 S +42 12 259 T +42 12 260 S +42 12 261 T +42 12 262 N +42 12 263 N +42 12 264 S +42 12 265 D +42 12 266 D +42 12 267 D +42 12 268 D +42 12 269 T +42 12 270 T +42 12 271 D +42 12 272 N +42 12 273 T +42 12 274 N +42 12 275 D +42 12 276 T +42 12 277 D +42 12 278 T +42 12 279 D +42 12 280 S +42 12 281 S +42 12 282 S +42 12 283 D +42 12 284 N +42 12 285 T +42 12 286 N +42 12 287 S +42 12 288 T +42 12 289 S +42 12 290 N +42 12 291 S +42 12 292 T +42 12 293 S +42 12 294 N +42 12 295 D +42 12 296 D +42 12 297 T +42 12 298 T +42 12 299 B +42 12 300 N +42 12 301 B +42 12 302 N +42 12 303 N +42 12 304 B +42 12 305 T +42 12 306 B +42 12 307 B +42 12 308 T +42 12 309 D +42 12 310 D +42 12 311 D +42 12 312 D +42 12 313 D +42 12 314 N +42 12 315 B +42 12 316 B +42 12 317 T +42 12 318 T +42 12 319 N +42 12 320 B +42 12 321 T +42 12 322 B +42 12 323 B +42 12 324 N +42 12 325 B +42 12 326 K +42 12 327 N +42 12 328 D +42 12 329 D +42 12 330 N +42 13 1 K +42 13 2 B +42 13 3 T +42 13 4 B +42 13 5 K +42 13 6 N +42 13 7 S +42 13 8 T +42 13 9 D +42 13 10 B +42 13 11 D +42 13 12 S +42 13 13 K +42 13 14 B +42 13 15 N +42 13 16 N +42 13 17 T +42 13 18 D +42 13 19 B +42 13 20 K +42 13 21 T +42 13 22 S +42 13 23 B +42 13 24 D +42 13 25 B +42 13 26 B +42 13 27 N +42 13 28 S +42 13 29 B +42 13 30 S +42 13 31 K +42 13 32 T +42 13 33 B +42 13 34 B +42 13 35 T +42 13 36 D +42 13 37 B +42 13 38 T +42 13 39 K +42 13 40 B +42 13 41 T +42 13 42 S +42 13 43 B +42 13 44 N +42 13 45 B +42 13 46 D +42 13 47 N +42 13 48 S +42 13 49 B +42 13 50 K +42 13 51 D +42 13 52 N +42 13 53 T +42 13 54 B +42 13 55 K +42 13 56 W +42 13 57 B +42 13 58 S +42 13 59 N +42 13 60 B +42 13 61 T +42 13 62 K +42 13 63 W +42 13 64 B +42 13 65 W +42 13 66 N +42 13 67 K +42 13 68 I +42 13 69 D +42 13 70 N +42 13 71 T +42 13 72 B +42 13 73 K +42 13 74 N +42 13 75 D +42 13 76 T +42 13 77 B +42 13 78 S +42 13 79 D +42 13 80 B +42 13 81 I +42 13 82 K +42 13 83 S +42 13 84 K +42 13 85 B +42 13 86 W +42 13 87 D +42 13 88 K +42 13 89 D +42 13 90 K +42 13 91 S +42 13 92 N +42 13 93 B +42 13 94 D +42 13 95 N +42 13 96 S +42 13 97 B +42 13 98 T +42 13 99 N +42 13 100 I +42 13 101 S +42 13 102 N +42 13 103 W +42 13 104 B +42 13 105 I +42 13 106 S +42 13 107 N +42 13 108 N +42 13 109 K +42 13 110 S +42 13 111 D +42 13 112 T +42 13 113 N +42 13 114 B +42 13 115 T +42 13 116 B +42 13 117 D +42 13 118 I +42 13 119 B +42 13 120 N +42 13 121 S +42 13 122 K +42 13 123 K +42 13 124 S +42 13 125 S +42 13 126 K +42 13 127 D +42 13 128 S +42 13 129 N +42 13 130 D +42 13 131 B +42 13 132 T +42 13 133 B +42 13 134 D +42 13 135 K +42 13 136 B +42 13 137 W +42 13 138 B +42 13 139 N +42 13 140 B +42 13 141 N +42 13 142 N +42 13 143 S +42 13 144 B +42 13 145 K +42 13 146 S +42 13 147 B +42 13 148 T +42 13 149 N +42 13 150 I +42 13 151 T +42 13 152 B +42 13 153 B +42 13 154 D +42 13 155 D +42 13 156 B +42 13 157 D +42 13 158 N +42 13 159 S +42 13 160 K +42 13 161 B +42 13 162 T +42 13 163 B +42 13 164 K +42 13 165 I +42 13 166 D +42 13 167 W +42 13 168 B +42 13 169 B +42 13 170 D +42 13 171 W +42 13 172 N +42 13 173 T +42 13 174 S +42 13 175 B +42 13 176 T +42 13 177 N +42 13 178 B +42 13 179 I +42 13 180 K +42 13 181 S +42 13 182 I +42 13 183 D +42 13 184 K +42 13 185 S +42 13 186 B +42 13 187 S +42 13 188 B +42 13 189 N +42 13 190 N +42 13 191 B +42 13 192 B +42 13 193 S +42 13 194 K +42 13 195 K +42 13 196 B +42 13 197 I +42 13 198 D +42 13 199 N +42 13 200 B +42 13 201 I +42 13 202 B +42 13 203 T +42 13 204 D +42 13 205 K +42 13 206 N +42 13 207 K +42 13 208 S +42 13 209 W +42 13 210 D +42 13 211 B +42 13 212 S +42 13 213 K +42 13 214 S +42 13 215 K +42 13 216 D +42 13 217 N +42 13 218 K +42 13 219 N +42 13 220 B +42 13 221 N +42 13 222 K +42 13 223 B +42 13 224 N +42 13 225 W +42 13 226 B +42 13 227 D +42 13 228 B +42 13 229 K +42 13 230 N +42 13 231 I +42 13 232 D +42 13 233 B +42 13 234 K +42 13 235 B +42 13 236 S +42 13 237 N +42 13 238 B +42 13 239 K +42 13 240 D +42 13 241 N +42 13 242 S +42 13 243 K +42 13 244 N +42 13 245 T +42 13 246 B +42 13 247 K +42 13 248 D +42 13 249 B +42 13 250 I +42 13 251 B +42 13 252 N +42 13 253 K +42 13 254 B +42 13 255 D +42 13 256 T +42 13 257 B +42 13 258 S +42 13 259 T +42 13 260 S +42 13 261 T +42 13 262 N +42 13 263 D +42 13 264 B +42 13 265 B +42 13 266 T +42 13 267 I +42 13 268 B +42 13 269 K +42 13 270 S +42 13 271 I +42 13 272 N +42 13 273 I +42 13 274 N +42 13 275 K +42 13 276 I +42 13 277 B +42 13 278 S +42 13 279 B +42 13 280 W +42 13 281 B +42 13 282 K +42 13 283 D +42 13 284 N +42 13 285 I +42 13 286 N +42 13 287 S +42 13 288 T +42 13 289 B +42 13 290 N +42 13 291 B +42 13 292 K +42 13 293 N +42 13 294 N +42 13 295 D +42 13 296 B +42 13 297 I +42 13 298 T +42 13 299 K +42 13 300 N +42 13 301 K +42 13 302 N +42 13 303 N +42 13 304 S +42 13 305 I +42 13 306 W +42 13 307 B +42 13 308 I +42 13 309 D +42 13 310 B +42 13 311 B +42 13 312 D +42 13 313 B +42 13 314 N +42 13 315 K +42 13 316 I +42 13 317 I +42 13 318 T +42 13 319 N +42 13 320 S +42 13 321 T +42 13 322 B +42 13 323 K +42 13 324 N +42 13 325 I +42 13 326 S +42 13 327 N +42 13 328 I +42 13 329 I +42 13 330 N +42 14 1 B +42 14 2 N +42 14 3 T +42 14 4 B +42 14 5 K +42 14 6 K +42 14 7 B +42 14 8 K +42 14 9 S +42 14 10 B +42 14 11 D +42 14 12 S +42 14 13 D +42 14 14 U +42 14 15 K +42 14 16 N +42 14 17 T +42 14 18 D +42 14 19 B +42 14 20 B +42 14 21 S +42 14 22 N +42 14 23 K +42 14 24 D +42 14 25 K +42 14 26 B +42 14 27 N +42 14 28 K +42 14 29 K +42 14 30 B +42 14 31 N +42 14 32 M +42 14 33 B +42 14 34 B +42 14 35 K +42 14 36 D +42 14 37 K +42 14 38 B +42 14 39 B +42 14 40 K +42 14 41 U +42 14 42 K +42 14 43 B +42 14 44 N +42 14 45 B +42 14 46 N +42 14 47 B +42 14 48 K +42 14 49 B +42 14 50 U +42 14 51 D +42 14 52 K +42 14 53 T +42 14 54 K +42 14 55 N +42 14 56 K +42 14 57 B +42 14 58 S +42 14 59 N +42 14 60 D +42 14 61 K +42 14 62 U +42 14 63 M +42 14 64 B +42 14 65 K +42 14 66 N +42 14 67 T +42 14 68 K +42 14 69 U +42 14 70 N +42 14 71 B +42 14 72 K +42 14 73 S +42 14 74 N +42 14 75 U +42 14 76 M +42 14 77 B +42 14 78 N +42 14 79 D +42 14 80 B +42 14 81 K +42 14 82 T +42 14 83 N +42 14 84 K +42 14 85 B +42 14 86 K +42 14 87 D +42 14 88 U +42 14 89 D +42 14 90 K +42 14 91 S +42 14 92 N +42 14 93 B +42 14 94 D +42 14 95 N +42 14 96 S +42 14 97 K +42 14 98 T +42 14 99 K +42 14 100 M +42 14 101 K +42 14 102 N +42 14 103 D +42 14 104 B +42 14 105 K +42 14 106 N +42 14 107 N +42 14 108 K +42 14 109 B +42 14 110 S +42 14 111 D +42 14 112 K +42 14 113 D +42 14 114 U +42 14 115 K +42 14 116 N +42 14 117 D +42 14 118 M +42 14 119 B +42 14 120 N +42 14 121 K +42 14 122 B +42 14 123 U +42 14 124 N +42 14 125 K +42 14 126 T +42 14 127 D +42 14 128 K +42 14 129 N +42 14 130 D +42 14 131 K +42 14 132 M +42 14 133 B +42 14 134 D +42 14 135 K +42 14 136 U +42 14 137 D +42 14 138 K +42 14 139 N +42 14 140 B +42 14 141 N +42 14 142 N +42 14 143 K +42 14 144 D +42 14 145 M +42 14 146 S +42 14 147 K +42 14 148 TO +42 14 149 B +42 14 150 B +42 14 151 N +42 14 152 K +42 14 153 B +42 14 154 D +42 14 155 U +42 14 156 K +42 14 157 D +42 14 158 N +42 14 159 N +42 14 160 N +42 14 161 K +42 14 162 TO +42 14 163 B +42 14 164 B +42 14 165 U +42 14 166 B +42 14 167 N +42 14 168 B +42 14 169 K +42 14 170 D +42 14 171 K +42 14 172 N +42 14 173 K +42 14 174 S +42 14 175 N +42 14 176 K +42 14 177 S +42 14 178 B +42 14 179 U +42 14 180 K +42 14 181 S +42 14 182 U +42 14 183 D +42 14 184 K +42 14 185 M +42 14 186 N +42 14 187 B +42 14 188 B +42 14 189 N +42 14 190 N +42 14 191 K +42 14 192 U +42 14 193 S +42 14 194 U +42 14 195 M +42 14 196 K +42 14 197 K +42 14 198 U +42 14 199 N +42 14 200 M +42 14 201 K +42 14 202 B +42 14 203 M +42 14 204 D +42 14 205 K +42 14 206 N +42 14 207 M +42 14 208 S +42 14 209 B +42 14 210 U +42 14 211 K +42 14 212 S +42 14 213 N +42 14 214 K +42 14 215 M +42 14 216 U +42 14 217 K +42 14 218 M +42 14 219 N +42 14 220 B +42 14 221 N +42 14 222 B +42 14 223 K +42 14 224 N +42 14 225 M +42 14 226 B +42 14 227 D +42 14 228 B +42 14 229 K +42 14 230 N +42 14 231 K +42 14 232 U +42 14 233 N +42 14 234 B +42 14 235 B +42 14 236 K +42 14 237 N +42 14 238 K +42 14 239 K +42 14 240 U +42 14 241 N +42 14 242 N +42 14 243 U +42 14 244 N +42 14 245 T +42 14 246 K +42 14 247 K +42 14 248 U +42 14 249 B +42 14 250 K +42 14 251 S +42 14 252 N +42 14 253 K +42 14 254 N +42 14 255 D +42 14 256 T +42 14 257 B +42 14 258 S +42 14 259 U +42 14 260 N +42 14 261 K +42 14 262 N +42 14 263 N +42 14 264 K +42 14 265 B +42 14 266 K +42 14 267 B +42 14 268 K +42 14 269 K +42 14 270 S +42 14 271 U +42 14 272 N +42 14 273 K +42 14 274 N +42 14 275 K +42 14 276 B +42 14 277 B +42 14 278 K +42 14 279 B +42 14 280 B +42 14 281 K +42 14 282 B +42 14 283 U +42 14 284 N +42 14 285 M +42 14 286 N +42 14 287 K +42 14 288 T +42 14 289 K +42 14 290 N +42 14 291 B +42 14 292 N +42 14 293 N +42 14 294 N +42 14 295 U +42 14 296 B +42 14 297 S +42 14 298 T +42 14 299 B +42 14 300 N +42 14 301 K +42 14 302 N +42 14 303 K +42 14 304 U +42 14 305 B +42 14 306 K +42 14 307 B +42 14 308 G +42 14 309 U +42 14 310 B +42 14 311 B +42 14 312 D +42 14 313 B +42 14 314 N +42 14 315 K +42 14 316 B +42 14 317 K +42 14 318 N +42 14 319 N +42 14 320 K +42 14 321 T +42 14 322 B +42 14 323 B +42 14 324 N +42 14 325 B +42 14 326 K +42 14 327 N +42 14 328 U +42 14 329 K +42 14 330 N +42 15 1 B +42 15 2 K +42 15 3 T +42 15 4 D +42 15 5 B +42 15 6 S +42 15 7 B +42 15 8 D +42 15 9 T +42 15 10 K +42 15 11 U +42 15 12 S +42 15 13 U +42 15 14 D +42 15 15 N +42 15 16 N +42 15 17 T +42 15 18 D +42 15 19 B +42 15 20 K +42 15 21 T +42 15 22 S +42 15 23 B +42 15 24 D +42 15 25 U +42 15 26 K +42 15 27 N +42 15 28 T +42 15 29 K +42 15 30 B +42 15 31 K +42 15 32 N +42 15 33 K +42 15 34 B +42 15 35 S +42 15 36 D +42 15 37 B +42 15 38 T +42 15 39 B +42 15 40 K +42 15 41 D +42 15 42 N +42 15 43 D +42 15 44 N +42 15 45 B +42 15 46 D +42 15 47 D +42 15 48 S +42 15 49 K +42 15 50 B +42 15 51 D +42 15 52 N +42 15 53 T +42 15 54 K +42 15 55 B +42 15 56 S +42 15 57 D +42 15 58 K +42 15 59 N +42 15 60 D +42 15 61 U +42 15 62 B +42 15 63 S +42 15 64 K +42 15 65 T +42 15 66 N +42 15 67 K +42 15 68 U +42 15 69 D +42 15 70 N +42 15 71 D +42 15 72 B +42 15 73 U +42 15 74 N +42 15 75 D +42 15 76 S +42 15 77 B +42 15 78 U +42 15 79 D +42 15 80 K +42 15 81 B +42 15 82 K +42 15 83 S +42 15 84 N +42 15 85 K +42 15 86 U +42 15 87 D +42 15 88 T +42 15 89 D +42 15 90 K +42 15 91 S +42 15 92 N +42 15 93 B +42 15 94 D +42 15 95 K +42 15 96 S +42 15 97 B +42 15 98 T +42 15 99 U +42 15 100 K +42 15 101 D +42 15 102 U +42 15 103 B +42 15 104 K +42 15 105 U +42 15 106 S +42 15 107 N +42 15 108 K +42 15 109 B +42 15 110 S +42 15 111 D +42 15 112 T +42 15 113 D +42 15 114 U +42 15 115 T +42 15 116 N +42 15 117 D +42 15 118 S +42 15 119 B +42 15 120 N +42 15 121 S +42 15 122 B +42 15 123 U +42 15 124 K +42 15 125 T +42 15 126 N +42 15 127 D +42 15 128 K +42 15 129 N +42 15 130 D +42 15 131 U +42 15 132 D +42 15 133 K +42 15 134 U +42 15 135 B +42 15 136 K +42 15 137 U +42 15 138 B +42 15 139 N +42 15 140 U +42 15 141 N +42 15 142 U +42 15 143 K +42 15 144 U +42 15 145 B +42 15 146 S +42 15 147 K +42 15 148 T +42 15 149 B +42 15 150 U +42 15 151 N +42 15 152 K +42 15 153 B +42 15 154 D +42 15 155 U +42 15 156 K +42 15 157 U +42 15 158 N +42 15 159 S +42 15 160 K +42 15 161 B +42 15 162 T +42 15 163 U +42 15 164 K +42 15 165 U +42 15 166 D +42 15 167 N +42 15 168 U +42 15 169 K +42 15 170 D +42 15 171 U +42 15 172 N +42 15 173 T +42 15 174 S +42 15 175 U +42 15 176 T +42 15 177 S +42 15 178 B +42 15 179 U +42 15 180 B +42 15 181 N +42 15 182 U +42 15 183 D +42 15 184 K +42 15 185 D +42 15 186 K +42 15 187 S +42 15 188 B +42 15 189 N +42 15 190 U +42 15 191 D +42 15 192 B +42 15 193 K +42 15 194 U +42 15 195 B +42 15 196 N +42 15 197 U +42 15 198 D +42 15 199 N +42 15 200 K +42 15 201 U +42 15 202 K +42 15 203 U +42 15 204 D +42 15 205 B +42 15 206 N +42 15 207 S +42 15 208 K +42 15 209 U +42 15 210 D +42 15 211 K +42 15 212 S +42 15 213 U +42 15 214 S +42 15 215 U +42 15 216 D +42 15 217 N +42 15 218 B +42 15 219 S +42 15 220 U +42 15 221 N +42 15 222 U +42 15 223 K +42 15 224 N +42 15 225 D +42 15 226 B +42 15 227 D +42 15 228 U +42 15 229 K +42 15 230 N +42 15 231 B +42 15 232 U +42 15 233 K +42 15 234 B +42 15 235 U +42 15 236 S +42 15 237 T +42 15 238 K +42 15 239 U +42 15 240 U +42 15 241 N +42 15 242 S +42 15 243 U +42 15 244 N +42 15 245 T +42 15 246 K +42 15 247 U +42 15 248 D +42 15 249 U +42 15 250 D +42 15 251 K +42 15 252 N +42 15 253 K +42 15 254 U +42 15 255 D +42 15 256 T +42 15 257 D +42 15 258 W +42 15 259 D +42 15 260 N +42 15 261 S +42 15 262 N +42 15 263 U +42 15 264 B +42 15 265 K +42 15 266 D +42 15 267 K +42 15 268 B +42 15 269 U +42 15 270 S +42 15 271 D +42 15 272 N +42 15 273 U +42 15 274 N +42 15 275 U +42 15 276 T +42 15 277 D +42 15 278 S +42 15 279 B +42 15 280 U +42 15 281 K +42 15 282 B +42 15 283 D +42 15 284 N +42 15 285 U +42 15 286 N +42 15 287 U +42 15 288 T +42 15 289 B +42 15 290 N +42 15 291 B +42 15 292 W +42 15 293 S +42 15 294 N +42 15 295 U +42 15 296 K +42 15 297 S +42 15 298 T +42 15 299 B +42 15 300 U +42 15 301 B +42 15 302 N +42 15 303 U +42 15 304 D +42 15 305 B +42 15 306 S +42 15 307 B +42 15 308 K +42 15 309 U +42 15 310 K +42 15 311 B +42 15 312 D +42 15 313 U +42 15 314 N +42 15 315 B +42 15 316 K +42 15 317 U +42 15 318 W +42 15 319 N +42 15 320 U +42 15 321 T +42 15 322 B +42 15 323 U +42 15 324 N +42 15 325 U +42 15 326 S +42 15 327 N +42 15 328 U +42 15 329 D +42 15 330 N +42 16 1 B +42 16 2 K +42 16 3 T +42 16 4 U +42 16 5 B +42 16 6 N +42 16 7 B +42 16 8 T +42 16 9 D +42 16 10 B +42 16 11 K +42 16 12 S +42 16 13 K +42 16 14 U +42 16 15 N +42 16 16 N +42 16 17 T +42 16 18 D +42 16 19 B +42 16 20 K +42 16 21 N +42 16 22 S +42 16 23 B +42 16 24 U +42 16 25 N +42 16 26 B +42 16 27 N +42 16 28 T +42 16 29 K +42 16 30 T +42 16 31 N +42 16 32 T +42 16 33 K +42 16 34 B +42 16 35 T +42 16 36 U +42 16 37 B +42 16 38 T +42 16 39 K +42 16 40 B +42 16 41 T +42 16 42 S +42 16 43 D +42 16 44 N +42 16 45 K +42 16 46 D +42 16 47 K +42 16 48 S +42 16 49 N +42 16 50 T +42 16 51 O +42 16 52 N +42 16 53 T +42 16 54 K +42 16 55 B +42 16 56 N +42 16 57 B +42 16 58 NK +42 16 59 N +42 16 60 D +42 16 61 T +42 16 62 U +42 16 63 S +42 16 64 B +42 16 65 T +42 16 66 N +42 16 67 K +42 16 68 T +42 16 69 NK +42 16 70 N +42 16 71 T +42 16 72 K +42 16 73 T +42 16 74 N +42 16 75 U +42 16 76 T +42 16 77 B +42 16 78 N +42 16 79 D +42 16 80 B +42 16 81 K +42 16 82 K +42 16 83 N +42 16 84 T +42 16 85 K +42 16 86 T +42 16 87 D +42 16 88 T +42 16 89 D +42 16 90 U +42 16 91 B +42 16 92 N +42 16 93 B +42 16 94 O +42 16 95 N +42 16 96 S +42 16 97 D +42 16 98 T +42 16 99 N +42 16 100 K +42 16 101 T +42 16 102 U +42 16 103 U +42 16 104 B +42 16 105 T +42 16 106 S +42 16 107 N +42 16 108 N +42 16 109 B +42 16 110 W +42 16 111 U +42 16 112 T +42 16 113 O +42 16 114 B +42 16 115 T +42 16 116 N +42 16 117 O +42 16 118 T +42 16 119 K +42 16 120 N +42 16 121 W +42 16 122 K +42 16 123 OB +42 16 124 K +42 16 125 T +42 16 126 T +42 16 127 U +42 16 128 W +42 16 129 N +42 16 130 U +42 16 131 D +42 16 132 T +42 16 133 K +42 16 134 O +42 16 135 T +42 16 136 K +42 16 137 K +42 16 138 B +42 16 139 N +42 16 140 B +42 16 141 N +42 16 142 N +42 16 143 K +42 16 144 O +42 16 145 K +42 16 146 S +42 16 147 B +42 16 148 T +42 16 149 K +42 16 150 T +42 16 151 W +42 16 152 N +42 16 153 B +42 16 154 U +42 16 155 O +42 16 156 K +42 16 157 O +42 16 158 N +42 16 159 S +42 16 160 N +42 16 161 K +42 16 162 T +42 16 163 B +42 16 164 B +42 16 165 U +42 16 166 D +42 16 167 N +42 16 168 K +42 16 169 B +42 16 170 U +42 16 171 K +42 16 172 N +42 16 173 T +42 16 174 S +42 16 175 N +42 16 176 T +42 16 177 N +42 16 178 B +42 16 179 T +42 16 180 K +42 16 181 S +42 16 182 T +42 16 183 U +42 16 184 T +42 16 185 W +42 16 186 K +42 16 187 S +42 16 188 B +42 16 189 N +42 16 190 T +42 16 191 B +42 16 192 U +42 16 193 W +42 16 194 T +42 16 195 K +42 16 196 N +42 16 197 O +42 16 198 D +42 16 199 N +42 16 200 B +42 16 201 W +42 16 202 K +42 16 203 T +42 16 204 O +42 16 205 U +42 16 206 N +42 16 207 T +42 16 208 W +42 16 209 K +42 16 210 O +42 16 211 B +42 16 212 S +42 16 213 U +42 16 214 W +42 16 215 M +42 16 216 U +42 16 217 M +42 16 218 W +42 16 219 N +42 16 220 B +42 16 221 N +42 16 222 M +42 16 223 K +42 16 224 N +42 16 225 O +42 16 226 B +42 16 227 D +42 16 228 B +42 16 229 K +42 16 230 N +42 16 231 T +42 16 232 O +42 16 233 M +42 16 234 K +42 16 235 B +42 16 236 W +42 16 237 S +42 16 238 B +42 16 239 T +42 16 240 O +42 16 241 N +42 16 242 W +42 16 243 T +42 16 244 N +42 16 245 T +42 16 246 B +42 16 247 M +42 16 248 K +42 16 249 B +42 16 250 M +42 16 251 K +42 16 252 N +42 16 253 B +42 16 254 O +42 16 255 D +42 16 256 T +42 16 257 B +42 16 258 W +42 16 259 T +42 16 260 S +42 16 261 W +42 16 262 N +42 16 263 U +42 16 264 N +42 16 265 K +42 16 266 T +42 16 267 M +42 16 268 K +42 16 269 T +42 16 270 S +42 16 271 K +42 16 272 N +42 16 273 M +42 16 274 N +42 16 275 U +42 16 276 T +42 16 277 B +42 16 278 S +42 16 279 B +42 16 280 K +42 16 281 B +42 16 282 K +42 16 283 O +42 16 284 N +42 16 285 M +42 16 286 N +42 16 287 U +42 16 288 T +42 16 289 B +42 16 290 N +42 16 291 B +42 16 292 W +42 16 293 N +42 16 294 N +42 16 295 O +42 16 296 M +42 16 297 S +42 16 298 T +42 16 299 K +42 16 300 U +42 16 301 B +42 16 302 N +42 16 303 U +42 16 304 K +42 16 305 T +42 16 306 K +42 16 307 B +42 16 308 M +42 16 309 D +42 16 310 K +42 16 311 B +42 16 312 D +42 16 313 B +42 16 314 N +42 16 315 K +42 16 316 B +42 16 317 DA +42 16 318 S +42 16 319 N +42 16 320 O +42 16 321 T +42 16 322 B +42 16 323 K +42 16 324 N +42 16 325 DA +42 16 326 S +42 16 327 N +42 16 328 K +42 16 329 M +42 16 330 N +42 17 1 B +42 17 2 NR +42 17 3 T +42 17 4 D +42 17 5 N +42 17 6 O +42 17 7 K +42 17 8 T +42 17 9 O +42 17 10 B +42 17 11 B +42 17 12 S +42 17 13 B +42 17 14 B +42 17 15 N +42 17 16 N +42 17 17 UT +42 17 18 NR +42 17 19 B +42 17 20 K +42 17 21 UT +42 17 22 S +42 17 23 O +42 17 24 NR +42 17 25 B +42 17 26 B +42 17 27 N +42 17 28 T +42 17 29 K +42 17 30 K +42 17 31 N +42 17 32 T +42 17 33 K +42 17 34 B +42 17 35 T +42 17 36 NR +42 17 37 NR +42 17 38 T +42 17 39 B +42 17 40 B +42 17 41 T +42 17 42 S +42 17 43 B +42 17 44 N +42 17 45 B +42 17 46 N +42 17 47 D +42 17 48 S +42 17 49 B +42 17 50 B +42 17 51 B +42 17 52 N +42 17 53 T +42 17 54 B +42 17 55 B +42 17 56 N +42 17 57 B +42 17 58 S +42 17 59 N +42 17 60 B +42 17 61 T +42 17 62 N +42 17 63 T +42 17 64 B +42 17 65 T +42 17 66 N +42 17 67 B +42 17 68 T +42 17 69 B +42 17 70 N +42 17 71 O +42 17 72 B +42 17 73 O +42 17 74 B +42 17 75 B +42 17 76 O +42 17 77 B +42 17 78 N +42 17 79 D +42 17 80 B +42 17 81 B +42 17 82 B +42 17 83 N +42 17 84 O +42 17 85 B +42 17 86 O +42 17 87 D +42 17 88 T +42 17 89 D +42 17 90 D +42 17 91 S +42 17 92 N +42 17 93 B +42 17 94 D +42 17 95 N +42 17 96 S +42 17 97 B +42 17 98 T +42 17 99 N +42 17 100 B +42 17 101 T +42 17 102 N +42 17 103 D +42 17 104 B +42 17 105 T +42 17 106 S +42 17 107 N +42 17 108 N +42 17 109 B +42 17 110 S +42 17 111 D +42 17 112 T +42 17 113 D +42 17 114 D +42 17 115 T +42 17 116 N +42 17 117 D +42 17 118 T +42 17 119 B +42 17 120 N +42 17 121 T +42 17 122 B +42 17 123 B +42 17 124 S +42 17 125 S +42 17 126 T +42 17 127 D +42 17 128 S +42 17 129 N +42 17 130 D +42 17 131 B +42 17 132 T +42 17 133 B +42 17 134 D +42 17 135 T +42 17 136 B +42 17 137 D +42 17 138 B +42 17 139 N +42 17 140 B +42 17 141 N +42 17 142 N +42 17 143 S +42 17 144 D +42 17 145 B +42 17 146 S +42 17 147 B +42 17 148 T +42 17 149 S +42 17 150 B +42 17 151 N +42 17 152 N +42 17 153 B +42 17 154 D +42 17 155 D +42 17 156 B +42 17 157 O +42 17 158 N +42 17 159 S +42 17 160 N +42 17 161 B +42 17 162 T +42 17 163 B +42 17 164 B +42 17 165 D +42 17 166 D +42 17 167 N +42 17 168 B +42 17 169 B +42 17 170 D +42 17 171 S +42 17 172 N +42 17 173 T +42 17 174 S +42 17 175 B +42 17 176 T +42 17 177 S +42 17 178 B +42 17 179 O +42 17 180 B +42 17 181 S +42 17 182 O +42 17 183 S +42 17 184 S +42 17 185 S +42 17 186 B +42 17 187 S +42 17 188 B +42 17 189 N +42 17 190 T +42 17 191 B +42 17 192 N +42 17 193 S +42 17 194 O +42 17 195 B +42 17 196 B +42 17 197 N +42 17 198 D +42 17 199 S +42 17 200 B +42 17 201 T +42 17 202 B +42 17 203 O +42 17 204 D +42 17 205 D +42 17 206 S +42 17 207 T +42 17 208 S +42 17 209 B +42 17 210 O +42 17 211 B +42 17 212 S +42 17 213 N +42 17 214 S +42 17 215 N +42 17 216 D +42 17 217 O +42 17 218 S +42 17 219 N +42 17 220 N +42 17 221 N +42 17 222 O +42 17 223 B +42 17 224 N +42 17 225 S +42 17 226 B +42 17 227 D +42 17 228 B +42 17 229 B +42 17 230 N +42 17 231 O +42 17 232 O +42 17 233 N +42 17 234 B +42 17 235 B +42 17 236 S +42 17 237 O +42 17 238 B +42 17 239 O +42 17 240 O +42 17 241 N +42 17 242 S +42 17 243 O +42 17 244 N +42 17 245 T +42 17 246 B +42 17 247 B +42 17 248 D +42 17 249 B +42 17 250 B +42 17 251 S +42 17 252 N +42 17 253 B +42 17 254 B +42 17 255 D +42 17 256 T +42 17 257 N +42 17 258 S +42 17 259 O +42 17 260 S +42 17 261 S +42 17 262 N +42 17 263 NR +42 17 264 N +42 17 265 B +42 17 266 O +42 17 267 O +42 17 268 B +42 17 269 T +42 17 270 S +42 17 271 B +42 17 272 N +42 17 273 N +42 17 274 N +42 17 275 S +42 17 276 T +42 17 277 B +42 17 278 S +42 17 279 B +42 17 280 S +42 17 281 B +42 17 282 B +42 17 283 O +42 17 284 N +42 17 285 N +42 17 286 N +42 17 287 S +42 17 288 T +42 17 289 B +42 17 290 N +42 17 291 B +42 17 292 N +42 17 293 N +42 17 294 N +42 17 295 O +42 17 296 B +42 17 297 S +42 17 298 T +42 17 299 B +42 17 300 N +42 17 301 B +42 17 302 N +42 17 303 N +42 17 304 S +42 17 305 B +42 17 306 B +42 17 307 B +42 17 308 B +42 17 309 D +42 17 310 B +42 17 311 B +42 17 312 D +42 17 313 D +42 17 314 N +42 17 315 S +42 17 316 B +42 17 317 O +42 17 318 T +42 17 319 N +42 17 320 B +42 17 321 T +42 17 322 B +42 17 323 B +42 17 324 N +42 17 325 B +42 17 326 S +42 17 327 N +42 17 328 B +42 17 329 O +42 17 330 N +42 18 1 B +42 18 2 M +42 18 3 T +42 18 4 U +42 18 5 M +42 18 6 O +42 18 7 K +42 18 8 T +42 18 9 O +42 18 10 B +42 18 11 K +42 18 12 S +42 18 13 K +42 18 14 B +42 18 15 M +42 18 16 N +42 18 17 T +42 18 18 D +42 18 19 B +42 18 20 K +42 18 21 T +42 18 22 S +42 18 23 U +42 18 24 O +42 18 25 B +42 18 26 B +42 18 27 O +42 18 28 T +42 18 29 K +42 18 30 O +42 18 31 M +42 18 32 O +42 18 33 K +42 18 34 B +42 18 35 O +42 18 36 K +42 18 37 B +42 18 38 T +42 18 39 K +42 18 40 B +42 18 41 T +42 18 42 S +42 18 43 B +42 18 44 O +42 18 45 K +42 18 46 G +42 18 47 K +42 18 48 S +42 18 49 M +42 18 50 O +42 18 51 O +42 18 52 M +42 18 53 T +42 18 54 K +42 18 55 B +42 18 56 O +42 18 57 B +42 18 58 S +42 18 59 O +42 18 60 B +42 18 61 T +42 18 62 U +42 18 63 O +42 18 64 B +42 18 65 T +42 18 66 G +42 18 67 M +42 18 68 O +42 18 69 K +42 18 70 N +42 18 71 U +42 18 72 K +42 18 73 O +42 18 74 M +42 18 75 K +42 18 76 O +42 18 77 M +42 18 78 O +42 18 79 U +42 18 80 B +42 18 81 K +42 18 82 K +42 18 83 O +42 18 84 O +42 18 85 K +42 18 86 O +42 18 87 D +42 18 88 O +42 18 89 D +42 18 90 K +42 18 91 S +42 18 92 O +42 18 93 B +42 18 94 D +42 18 95 M +42 18 96 S +42 18 97 O +42 18 98 T +42 18 99 O +42 18 100 M +42 18 101 T +42 18 102 U +42 18 103 K +42 18 104 B +42 18 105 O +42 18 106 S +42 18 107 G +42 18 108 M +42 18 109 B +42 18 110 S +42 18 111 K +42 18 112 T +42 18 113 D +42 18 114 B +42 18 115 T +42 18 116 M +42 18 117 O +42 18 118 O +42 18 119 K +42 18 120 N +42 18 121 O +42 18 122 K +42 18 123 B +42 18 124 S +42 18 125 O +42 18 126 O +42 18 127 K +42 18 128 S +42 18 129 G +42 18 130 K +42 18 131 O +42 18 132 T +42 18 133 K +42 18 134 O +42 18 135 O +42 18 136 K +42 18 137 K +42 18 138 M +42 18 139 U +42 18 140 U +42 18 141 N +42 18 142 G +42 18 143 K +42 18 144 O +42 18 145 K +42 18 146 S +42 18 147 K +42 18 148 T +42 18 149 K +42 18 150 O +42 18 151 O +42 18 152 O +42 18 153 B +42 18 154 D +42 18 155 O +42 18 156 K +42 18 157 O +42 18 158 N +42 18 159 O +42 18 160 O +42 18 161 K +42 18 162 T +42 18 163 B +42 18 164 B +42 18 165 K +42 18 166 B +42 18 167 O +42 18 168 K +42 18 169 B +42 18 170 K +42 18 171 K +42 18 172 N +42 18 173 O +42 18 174 S +42 18 175 M +42 18 176 O +42 18 177 S +42 18 178 B +42 18 179 O +42 18 180 K +42 18 181 O +42 18 182 O +42 18 183 O +42 18 184 O +42 18 185 O +42 18 186 M +42 18 187 S +42 18 188 B +42 18 189 U +42 18 190 O +42 18 191 K +42 18 192 O +42 18 193 S +42 18 194 O +42 18 195 K +42 18 196 M +42 18 197 O +42 18 198 D +42 18 199 M +42 18 200 K +42 18 201 O +42 18 202 K +42 18 203 O +42 18 204 O +42 18 205 O +42 18 206 M +42 18 207 O +42 18 208 O +42 18 209 K +42 18 210 O +42 18 211 B +42 18 212 S +42 18 213 O +42 18 214 S +42 18 215 O +42 18 216 K +42 18 217 O +42 18 218 S +42 18 219 M +42 18 220 B +42 18 221 M +42 18 222 O +42 18 223 K +42 18 224 O +42 18 225 S +42 18 226 B +42 18 227 D +42 18 228 B +42 18 229 M +42 18 230 O +42 18 231 O +42 18 232 O +42 18 233 O +42 18 234 K +42 18 235 B +42 18 236 S +42 18 237 O +42 18 238 B +42 18 239 O +42 18 240 O +42 18 241 O +42 18 242 S +42 18 243 O +42 18 244 M +42 18 245 T +42 18 246 K +42 18 247 O +42 18 248 K +42 18 249 K +42 18 250 O +42 18 251 K +42 18 252 O +42 18 253 K +42 18 254 B +42 18 255 D +42 18 256 T +42 18 257 B +42 18 258 S +42 18 259 O +42 18 260 S +42 18 261 O +42 18 262 G +42 18 263 G +42 18 264 B +42 18 265 K +42 18 266 O +42 18 267 O +42 18 268 K +42 18 269 O +42 18 270 S +42 18 271 K +42 18 272 M +42 18 273 O +42 18 274 N +42 18 275 S +42 18 276 T +42 18 277 B +42 18 278 O +42 18 279 B +42 18 280 K +42 18 281 K +42 18 282 K +42 18 283 O +42 18 284 U +42 18 285 O +42 18 286 N +42 18 287 S +42 18 288 T +42 18 289 K +42 18 290 O +42 18 291 B +42 18 292 O +42 18 293 M +42 18 294 N +42 18 295 O +42 18 296 O +42 18 297 S +42 18 298 T +42 18 299 K +42 18 300 U +42 18 301 K +42 18 302 O +42 18 303 G +42 18 304 K +42 18 305 O +42 18 306 K +42 18 307 B +42 18 308 U +42 18 309 D +42 18 310 K +42 18 311 B +42 18 312 D +42 18 313 B +42 18 314 O +42 18 315 K +42 18 316 K +42 18 317 O +42 18 318 O +42 18 319 N +42 18 320 K +42 18 321 T +42 18 322 B +42 18 323 K +42 18 324 O +42 18 325 O +42 18 326 S +42 18 327 M +42 18 328 K +42 18 329 O +42 18 330 M +42 19 1 K +42 19 2 N +42 19 3 T +42 19 4 T +42 19 5 K +42 19 6 S +42 19 7 K +42 19 8 T +42 19 9 T +42 19 10 K +42 19 11 D +42 19 12 S +42 19 13 B +42 19 14 B +42 19 15 S +42 19 16 N +42 19 17 T +42 19 18 D +42 19 19 B +42 19 20 K +42 19 21 T +42 19 22 S +42 19 23 K +42 19 24 D +42 19 25 B +42 19 26 B +42 19 27 N +42 19 28 T +42 19 29 K +42 19 30 S +42 19 31 N +42 19 32 T +42 19 33 K +42 19 34 D +42 19 35 S +42 19 36 D +42 19 37 K +42 19 38 T +42 19 39 K +42 19 40 K +42 19 41 T +42 19 42 S +42 19 43 D +42 19 44 N +42 19 45 K +42 19 46 O +42 19 47 D +42 19 48 S +42 19 49 B +42 19 50 T +42 19 51 D +42 19 52 N +42 19 53 T +42 19 54 B +42 19 55 B +42 19 56 K +42 19 57 B +42 19 58 S +42 19 59 N +42 19 60 D +42 19 61 T +42 19 62 K +42 19 63 T +42 19 64 D +42 19 65 T +42 19 66 N +42 19 67 B +42 19 68 T +42 19 69 D +42 19 70 N +42 19 71 T +42 19 72 B +42 19 73 T +42 19 74 N +42 19 75 D +42 19 76 T +42 19 77 B +42 19 78 K +42 19 79 D +42 19 80 B +42 19 81 K +42 19 82 B +42 19 83 N +42 19 84 T +42 19 85 B +42 19 86 T +42 19 87 D +42 19 88 T +42 19 89 D +42 19 90 D +42 19 91 S +42 19 92 S +42 19 93 D +42 19 94 D +42 19 95 N +42 19 96 S +42 19 97 T +42 19 98 T +42 19 99 K +42 19 100 W +42 19 101 T +42 19 102 N +42 19 103 O +42 19 104 B +42 19 105 K +42 19 106 S +42 19 107 N +42 19 108 S +42 19 109 B +42 19 110 S +42 19 111 D +42 19 112 T +42 19 113 D +42 19 114 B +42 19 115 T +42 19 116 B +42 19 117 O +42 19 118 S +42 19 119 B +42 19 120 N +42 19 121 T +42 19 122 B +42 19 123 B +42 19 124 S +42 19 125 S +42 19 126 K +42 19 127 D +42 19 128 S +42 19 129 N +42 19 130 B +42 19 131 S +42 19 132 T +42 19 133 B +42 19 134 K +42 19 135 T +42 19 136 B +42 19 137 B +42 19 138 D +42 19 139 K +42 19 140 B +42 19 141 N +42 19 142 N +42 19 143 K +42 19 144 B +42 19 145 B +42 19 146 S +42 19 147 B +42 19 148 T +42 19 149 S +42 19 150 T +42 19 151 S +42 19 152 K +42 19 153 B +42 19 154 D +42 19 155 D +42 19 156 B +42 19 157 T +42 19 158 N +42 19 159 S +42 19 160 K +42 19 161 B +42 19 162 T +42 19 163 B +42 19 164 B +42 19 165 D +42 19 166 D +42 19 167 N +42 19 168 B +42 19 169 B +42 19 170 D +42 19 171 K +42 19 172 N +42 19 173 T +42 19 174 S +42 19 175 N +42 19 176 T +42 19 177 S +42 19 178 B +42 19 179 T +42 19 180 B +42 19 181 S +42 19 182 T +42 19 183 U +42 19 184 T +42 19 185 S +42 19 186 B +42 19 187 S +42 19 188 B +42 19 189 K +42 19 190 S +42 19 191 B +42 19 192 T +42 19 193 S +42 19 194 D +42 19 195 B +42 19 196 B +42 19 197 K +42 19 198 D +42 19 199 N +42 19 200 B +42 19 201 T +42 19 202 B +42 19 203 T +42 19 204 D +42 19 205 B +42 19 206 N +42 19 207 T +42 19 208 S +42 19 209 B +42 19 210 D +42 19 211 S +42 19 212 S +42 19 213 D +42 19 214 S +42 19 215 T +42 19 216 D +42 19 217 S +42 19 218 S +42 19 219 N +42 19 220 B +42 19 221 N +42 19 222 B +42 19 223 B +42 19 224 N +42 19 225 K +42 19 226 B +42 19 227 D +42 19 228 D +42 19 229 K +42 19 230 N +42 19 231 T +42 19 232 K +42 19 233 T +42 19 234 B +42 19 235 B +42 19 236 S +42 19 237 K +42 19 238 B +42 19 239 K +42 19 240 T +42 19 241 N +42 19 242 S +42 19 243 T +42 19 244 N +42 19 245 T +42 19 246 B +42 19 247 T +42 19 248 D +42 19 249 D +42 19 250 T +42 19 251 S +42 19 252 N +42 19 253 B +42 19 254 D +42 19 255 D +42 19 256 T +42 19 257 B +42 19 258 S +42 19 259 T +42 19 260 S +42 19 261 S +42 19 262 N +42 19 263 D +42 19 264 B +42 19 265 K +42 19 266 T +42 19 267 T +42 19 268 B +42 19 269 T +42 19 270 S +42 19 271 D +42 19 272 N +42 19 273 T +42 19 274 N +42 19 275 K +42 19 276 T +42 19 277 B +42 19 278 S +42 19 279 B +42 19 280 B +42 19 281 B +42 19 282 B +42 19 283 T +42 19 284 N +42 19 285 S +42 19 286 N +42 19 287 D +42 19 288 T +42 19 289 B +42 19 290 N +42 19 291 B +42 19 292 S +42 19 293 N +42 19 294 N +42 19 295 D +42 19 296 B +42 19 297 S +42 19 298 T +42 19 299 B +42 19 300 D +42 19 301 B +42 19 302 N +42 19 303 K +42 19 304 K +42 19 305 T +42 19 306 S +42 19 307 D +42 19 308 K +42 19 309 D +42 19 310 B +42 19 311 B +42 19 312 D +42 19 313 B +42 19 314 N +42 19 315 S +42 19 316 K +42 19 317 T +42 19 318 S +42 19 319 N +42 19 320 T +42 19 321 T +42 19 322 B +42 19 323 B +42 19 324 N +42 19 325 K +42 19 326 S +42 19 327 N +42 19 328 D +42 19 329 K +42 19 330 N +42 20 1 D +42 20 2 B +42 20 3 T +42 20 4 D +42 20 5 K +42 20 6 O +42 20 7 K +42 20 8 W +42 20 9 KO +42 20 10 B +42 20 11 K +42 20 12 S +42 20 13 K +42 20 14 B +42 20 15 W +42 20 16 U +42 20 17 W +42 20 18 BR +42 20 19 B +42 20 20 K +42 20 21 W +42 20 22 S +42 20 23 W +42 20 24 D +42 20 25 B +42 20 26 B +42 20 27 U +42 20 28 T +42 20 29 K +42 20 30 KO +42 20 31 B +42 20 32 W +42 20 33 K +42 20 34 B +42 20 35 T +42 20 36 K +42 20 37 B +42 20 38 T +42 20 39 K +42 20 40 B +42 20 41 T +42 20 42 S +42 20 43 B +42 20 44 N +42 20 45 K +42 20 46 U +42 20 47 K +42 20 48 S +42 20 49 B +42 20 50 MO +42 20 51 KO +42 20 52 N +42 20 53 T +42 20 54 K +42 20 55 B +42 20 56 W +42 20 57 B +42 20 58 DI +42 20 59 U +42 20 60 B +42 20 61 T +42 20 62 W +42 20 63 W +42 20 64 B +42 20 65 T +42 20 66 N +42 20 67 K +42 20 68 MO +42 20 69 K +42 20 70 N +42 20 71 O +42 20 72 K +42 20 73 W +42 20 74 B +42 20 75 K +42 20 76 T +42 20 77 B +42 20 78 U +42 20 79 D +42 20 80 B +42 20 81 K +42 20 82 B +42 20 83 S +42 20 84 W +42 20 85 K +42 20 86 W +42 20 87 D +42 20 88 MO +42 20 89 D +42 20 90 K +42 20 91 K +42 20 92 N +42 20 93 B +42 20 94 D +42 20 95 U +42 20 96 S +42 20 97 B +42 20 98 T +42 20 99 U +42 20 100 B +42 20 101 W +42 20 102 DI +42 20 103 U +42 20 104 B +42 20 105 MO +42 20 106 S +42 20 107 N +42 20 108 B +42 20 109 B +42 20 110 S +42 20 111 U +42 20 112 T +42 20 113 D +42 20 114 K +42 20 115 W +42 20 116 B +42 20 117 KO +42 20 118 W +42 20 119 K +42 20 120 N +42 20 121 T +42 20 122 K +42 20 123 B +42 20 124 S +42 20 125 T +42 20 126 W +42 20 127 K +42 20 128 S +42 20 129 N +42 20 130 U +42 20 131 MO +42 20 132 T +42 20 133 K +42 20 134 KO +42 20 135 W +42 20 136 B +42 20 137 K +42 20 138 B +42 20 139 N +42 20 140 B +42 20 141 N +42 20 142 N +42 20 143 K +42 20 144 MO +42 20 145 K +42 20 146 S +42 20 147 K +42 20 148 T +42 20 149 K +42 20 150 MO +42 20 151 W +42 20 152 U +42 20 153 B +42 20 154 D +42 20 155 KO +42 20 156 K +42 20 157 U +42 20 158 N +42 20 159 O +42 20 160 W +42 20 161 K +42 20 162 T +42 20 163 B +42 20 164 B +42 20 165 K +42 20 166 B +42 20 167 U +42 20 168 K +42 20 169 B +42 20 170 D +42 20 171 K +42 20 172 N +42 20 173 W +42 20 174 S +42 20 175 B +42 20 176 T +42 20 177 S +42 20 178 B +42 20 179 KO +42 20 180 K +42 20 181 O +42 20 182 MO +42 20 183 U +42 20 184 MO +42 20 185 KO +42 20 186 B +42 20 187 S +42 20 188 B +42 20 189 U +42 20 190 W +42 20 191 K +42 20 192 MO +42 20 193 K +42 20 194 KO +42 20 195 K +42 20 196 B +42 20 197 U +42 20 198 D +42 20 199 N +42 20 200 B +42 20 201 W +42 20 202 K +42 20 203 MO +42 20 204 D +42 20 205 U +42 20 206 N +42 20 207 W +42 20 208 S +42 20 209 K +42 20 210 KO +42 20 211 B +42 20 212 W +42 20 213 U +42 20 214 K +42 20 215 U +42 20 216 K +42 20 217 W +42 20 218 K +42 20 219 B +42 20 220 B +42 20 221 N +42 20 222 MO +42 20 223 K +42 20 224 U +42 20 225 K +42 20 226 B +42 20 227 D +42 20 228 B +42 20 229 B +42 20 230 U +42 20 231 MO +42 20 232 U +42 20 233 U +42 20 234 K +42 20 235 B +42 20 236 K +42 20 237 W +42 20 238 B +42 20 239 W +42 20 240 KO +42 20 241 N +42 20 242 S +42 20 243 MO +42 20 244 U +42 20 245 T +42 20 246 B +42 20 247 U +42 20 248 K +42 20 249 K +42 20 250 MO +42 20 251 K +42 20 252 N +42 20 253 K +42 20 254 B +42 20 255 D +42 20 256 T +42 20 257 B +42 20 258 S +42 20 259 T +42 20 260 S +42 20 261 W +42 20 262 N +42 20 263 U +42 20 264 B +42 20 265 K +42 20 266 KO +42 20 267 MO +42 20 268 K +42 20 269 MO +42 20 270 S +42 20 271 K +42 20 272 N +42 20 273 MO +42 20 274 N +42 20 275 K +42 20 276 W +42 20 277 B +42 20 278 W +42 20 279 B +42 20 280 K +42 20 281 K +42 20 282 K +42 20 283 KO +42 20 284 N +42 20 285 W +42 20 286 N +42 20 287 U +42 20 288 T +42 20 289 B +42 20 290 U +42 20 291 B +42 20 292 W +42 20 293 N +42 20 294 N +42 20 295 KO +42 20 296 MO +42 20 297 S +42 20 298 T +42 20 299 K +42 20 300 U +42 20 301 K +42 20 302 U +42 20 303 U +42 20 304 K +42 20 305 W +42 20 306 K +42 20 307 B +42 20 308 MO +42 20 309 D +42 20 310 B +42 20 311 B +42 20 312 D +42 20 313 B +42 20 314 N +42 20 315 K +42 20 316 K +42 20 317 MO +42 20 318 W +42 20 319 N +42 20 320 K +42 20 321 T +42 20 322 B +42 20 323 K +42 20 324 U +42 20 325 MO +42 20 326 S +42 20 327 N +42 20 328 K +42 20 329 KO +42 20 330 N +42 21 1 B +42 21 2 W +42 21 3 T +42 21 4 M +42 21 5 K +42 21 6 W +42 21 7 K +42 21 8 T +42 21 9 OR +42 21 10 M +42 21 11 K +42 21 12 S +42 21 13 K +42 21 14 M +42 21 15 I +42 21 16 N +42 21 17 T +42 21 18 D +42 21 19 B +42 21 20 K +42 21 21 W +42 21 22 S +42 21 23 B +42 21 24 D +42 21 25 B +42 21 26 B +42 21 27 I +42 21 28 W +42 21 29 K +42 21 30 T +42 21 31 B +42 21 32 W +42 21 33 K +42 21 34 B +42 21 35 W +42 21 36 K +42 21 37 B +42 21 38 T +42 21 39 K +42 21 40 B +42 21 41 T +42 21 42 S +42 21 43 B +42 21 44 N +42 21 45 K +42 21 46 D +42 21 47 K +42 21 48 S +42 21 49 B +42 21 50 B +42 21 51 D +42 21 52 N +42 21 53 W +42 21 54 K +42 21 55 B +42 21 56 W +42 21 57 B +42 21 58 W +42 21 59 N +42 21 60 B +42 21 61 T +42 21 62 B +42 21 63 W +42 21 64 B +42 21 65 T +42 21 66 N +42 21 67 W +42 21 68 I +42 21 69 K +42 21 70 B +42 21 71 T +42 21 72 K +42 21 73 B +42 21 74 N +42 21 75 K +42 21 76 T +42 21 77 B +42 21 78 W +42 21 79 D +42 21 80 B +42 21 81 K +42 21 82 B +42 21 83 S +42 21 84 W +42 21 85 K +42 21 86 W +42 21 87 D +42 21 88 B +42 21 89 D +42 21 90 K +42 21 91 S +42 21 92 N +42 21 93 B +42 21 94 D +42 21 95 N +42 21 96 S +42 21 97 B +42 21 98 T +42 21 99 I +42 21 100 K +42 21 101 T +42 21 102 B +42 21 103 K +42 21 104 B +42 21 105 B +42 21 106 S +42 21 107 N +42 21 108 N +42 21 109 B +42 21 110 S +42 21 111 K +42 21 112 T +42 21 113 D +42 21 114 K +42 21 115 T +42 21 116 B +42 21 117 D +42 21 118 W +42 21 119 K +42 21 120 N +42 21 121 T +42 21 122 K +42 21 123 B +42 21 124 S +42 21 125 T +42 21 126 I +42 21 127 K +42 21 128 S +42 21 129 N +42 21 130 D +42 21 131 B +42 21 132 T +42 21 133 K +42 21 134 D +42 21 135 B +42 21 136 B +42 21 137 K +42 21 138 B +42 21 139 N +42 21 140 B +42 21 141 N +42 21 142 B +42 21 143 K +42 21 144 B +42 21 145 K +42 21 146 S +42 21 147 K +42 21 148 T +42 21 149 K +42 21 150 B +42 21 151 I +42 21 152 I +42 21 153 B +42 21 154 D +42 21 155 D +42 21 156 K +42 21 157 D +42 21 158 N +42 21 159 S +42 21 160 W +42 21 161 K +42 21 162 T +42 21 163 B +42 21 164 B +42 21 165 K +42 21 166 B +42 21 167 I +42 21 168 K +42 21 169 B +42 21 170 D +42 21 171 K +42 21 172 N +42 21 173 W +42 21 174 S +42 21 175 B +42 21 176 W +42 21 177 S +42 21 178 B +42 21 179 T +42 21 180 K +42 21 181 W +42 21 182 T +42 21 183 W +42 21 184 B +42 21 185 T +42 21 186 B +42 21 187 W +42 21 188 B +42 21 189 B +42 21 190 W +42 21 191 K +42 21 192 B +42 21 193 S +42 21 194 T +42 21 195 K +42 21 196 B +42 21 197 I +42 21 198 D +42 21 199 W +42 21 200 B +42 21 201 W +42 21 202 K +42 21 203 W +42 21 204 D +42 21 205 B +42 21 206 S +42 21 207 W +42 21 208 S +42 21 209 K +42 21 210 D +42 21 211 B +42 21 212 T +42 21 213 I +42 21 214 S +42 21 215 W +42 21 216 K +42 21 217 W +42 21 218 S +42 21 219 N +42 21 220 B +42 21 221 N +42 21 222 B +42 21 223 K +42 21 224 W +42 21 225 S +42 21 226 B +42 21 227 D +42 21 228 B +42 21 229 W +42 21 230 W +42 21 231 B +42 21 232 D +42 21 233 W +42 21 234 K +42 21 235 B +42 21 236 S +42 21 237 W +42 21 238 K +42 21 239 W +42 21 240 D +42 21 241 N +42 21 242 S +42 21 243 B +42 21 244 N +42 21 245 T +42 21 246 K +42 21 247 B +42 21 248 K +42 21 249 K +42 21 250 B +42 21 251 W +42 21 252 N +42 21 253 K +42 21 254 B +42 21 255 D +42 21 256 W +42 21 257 B +42 21 258 S +42 21 259 T +42 21 260 W +42 21 261 W +42 21 262 N +42 21 263 D +42 21 264 B +42 21 265 K +42 21 266 T +42 21 267 B +42 21 268 K +42 21 269 W +42 21 270 S +42 21 271 K +42 21 272 N +42 21 273 I +42 21 274 N +42 21 275 S +42 21 276 W +42 21 277 B +42 21 278 W +42 21 279 B +42 21 280 K +42 21 281 K +42 21 282 K +42 21 283 D +42 21 284 N +42 21 285 W +42 21 286 N +42 21 287 S +42 21 288 W +42 21 289 B +42 21 290 N +42 21 291 B +42 21 292 W +42 21 293 N +42 21 294 N +42 21 295 D +42 21 296 B +42 21 297 S +42 21 298 W +42 21 299 K +42 21 300 N +42 21 301 K +42 21 302 W +42 21 303 B +42 21 304 K +42 21 305 B +42 21 306 K +42 21 307 B +42 21 308 B +42 21 309 D +42 21 310 K +42 21 311 B +42 21 312 D +42 21 313 B +42 21 314 N +42 21 315 K +42 21 316 B +42 21 317 W +42 21 318 W +42 21 319 N +42 21 320 W +42 21 321 W +42 21 322 B +42 21 323 K +42 21 324 N +42 21 325 B +42 21 326 S +42 21 327 N +42 21 328 K +42 21 329 D +42 21 330 N +42 22 1 B +42 22 2 K +42 22 3 T +42 22 4 W +42 22 5 S +42 22 6 T +42 22 7 S +42 22 8 T +42 22 9 W +42 22 10 B +42 22 11 D +42 22 12 S +42 22 13 K +42 22 14 U +42 22 15 N +42 22 16 N +42 22 17 T +42 22 18 D +42 22 19 B +42 22 20 K +42 22 21 T +42 22 22 N +42 22 23 U +42 22 24 N +42 22 25 K +42 22 26 B +42 22 27 N +42 22 28 T +42 22 29 K +42 22 30 T +42 22 31 N +42 22 32 T +42 22 33 S +42 22 34 B +42 22 35 T +42 22 36 K +42 22 37 B +42 22 38 W +42 22 39 S +42 22 40 B +42 22 41 T +42 22 42 K +42 22 43 G +42 22 44 N +42 22 45 S +42 22 46 U +42 22 47 K +42 22 48 K +42 22 49 N +42 22 50 B +42 22 51 G +42 22 52 N +42 22 53 T +42 22 54 K +42 22 55 B +42 22 56 T +42 22 57 B +42 22 58 S +42 22 59 N +42 22 60 B +42 22 61 T +42 22 62 K +42 22 63 T +42 22 64 B +42 22 65 T +42 22 66 N +42 22 67 S +42 22 68 T +42 22 69 G +42 22 70 N +42 22 71 T +42 22 72 K +42 22 73 U +42 22 74 B +42 22 75 K +42 22 76 TO +42 22 77 B +42 22 78 T +42 22 79 U +42 22 80 B +42 22 81 K +42 22 82 B +42 22 83 S +42 22 84 T +42 22 85 K +42 22 86 T +42 22 87 U +42 22 88 U +42 22 89 N +42 22 90 U +42 22 91 S +42 22 92 N +42 22 93 B +42 22 94 U +42 22 95 N +42 22 96 S +42 22 97 U +42 22 98 T +42 22 99 N +42 22 100 K +42 22 101 TO +42 22 102 N +42 22 103 K +42 22 104 B +42 22 105 T +42 22 106 S +42 22 107 N +42 22 108 N +42 22 109 B +42 22 110 S +42 22 111 K +42 22 112 T +42 22 113 U +42 22 114 B +42 22 115 T +42 22 116 N +42 22 117 D +42 22 118 T +42 22 119 K +42 22 120 N +42 22 121 T +42 22 122 K +42 22 123 U +42 22 124 S +42 22 125 T +42 22 126 N +42 22 127 D +42 22 128 S +42 22 129 N +42 22 130 K +42 22 131 U +42 22 132 T +42 22 133 K +42 22 134 W +42 22 135 T +42 22 136 K +42 22 137 U +42 22 138 B +42 22 139 N +42 22 140 B +42 22 141 N +42 22 142 N +42 22 143 K +42 22 144 U +42 22 145 K +42 22 146 S +42 22 147 K +42 22 148 T +42 22 149 S +42 22 150 U +42 22 151 N +42 22 152 T +42 22 153 B +42 22 154 N +42 22 155 G +42 22 156 K +42 22 157 G +42 22 158 N +42 22 159 S +42 22 160 T +42 22 161 K +42 22 162 TO +42 22 163 K +42 22 164 B +42 22 165 U +42 22 166 D +42 22 167 N +42 22 168 K +42 22 169 B +42 22 170 D +42 22 171 G +42 22 172 N +42 22 173 T +42 22 174 S +42 22 175 B +42 22 176 T +42 22 177 S +42 22 178 B +42 22 179 U +42 22 180 K +42 22 181 S +42 22 182 T +42 22 183 N +42 22 184 M +42 22 185 S +42 22 186 K +42 22 187 S +42 22 188 B +42 22 189 N +42 22 190 T +42 22 191 K +42 22 192 B +42 22 193 S +42 22 194 U +42 22 195 K +42 22 196 B +42 22 197 U +42 22 198 D +42 22 199 N +42 22 200 B +42 22 201 S +42 22 202 K +42 22 203 T +42 22 204 U +42 22 205 D +42 22 206 N +42 22 207 T +42 22 208 S +42 22 209 U +42 22 210 T +42 22 211 K +42 22 212 S +42 22 213 N +42 22 214 S +42 22 215 T +42 22 216 U +42 22 217 N +42 22 218 K +42 22 219 N +42 22 220 B +42 22 221 K +42 22 222 D +42 22 223 B +42 22 224 N +42 22 225 S +42 22 226 B +42 22 227 D +42 22 228 B +42 22 229 K +42 22 230 N +42 22 231 T +42 22 232 D +42 22 233 U +42 22 234 K +42 22 235 B +42 22 236 S +42 22 237 N +42 22 238 K +42 22 239 T +42 22 240 U +42 22 241 N +42 22 242 S +42 22 243 T +42 22 244 N +42 22 245 T +42 22 246 K +42 22 247 U +42 22 248 D +42 22 249 U +42 22 250 W +42 22 251 K +42 22 252 N +42 22 253 K +42 22 254 U +42 22 255 N +42 22 256 T +42 22 257 U +42 22 258 S +42 22 259 T +42 22 260 N +42 22 261 U +42 22 262 N +42 22 263 U +42 22 264 G +42 22 265 K +42 22 266 U +42 22 267 U +42 22 268 K +42 22 269 T +42 22 270 S +42 22 271 D +42 22 272 N +42 22 273 U +42 22 274 N +42 22 275 K +42 22 276 T +42 22 277 B +42 22 278 S +42 22 279 B +42 22 280 K +42 22 281 B +42 22 282 K +42 22 283 T +42 22 284 N +42 22 285 T +42 22 286 N +42 22 287 K +42 22 288 T +42 22 289 B +42 22 290 N +42 22 291 B +42 22 292 U +42 22 293 N +42 22 294 N +42 22 295 U +42 22 296 K +42 22 297 S +42 22 298 TO +42 22 299 K +42 22 300 U +42 22 301 K +42 22 302 N +42 22 303 U +42 22 304 S +42 22 305 T +42 22 306 K +42 22 307 B +42 22 308 U +42 22 309 D +42 22 310 B +42 22 311 K +42 22 312 N +42 22 313 B +42 22 314 N +42 22 315 K +42 22 316 B +42 22 317 U +42 22 318 S +42 22 319 N +42 22 320 U +42 22 321 T +42 22 322 B +42 22 323 K +42 22 324 N +42 22 325 U +42 22 326 S +42 22 327 N +42 22 328 K +42 22 329 U +42 22 330 N +42 23 1 B +42 23 2 N +42 23 3 T +42 23 4 D +42 23 5 K +42 23 6 S +42 23 7 T +42 23 8 D +42 23 9 T +42 23 10 B +42 23 11 N +42 23 12 S +42 23 13 N +42 23 14 B +42 23 15 N +42 23 16 N +42 23 17 T +42 23 18 N +42 23 19 B +42 23 20 T +42 23 21 K +42 23 22 S +42 23 23 B +42 23 24 T +42 23 25 K +42 23 26 B +42 23 27 N +42 23 28 K +42 23 29 K +42 23 30 T +42 23 31 N +42 23 32 N +42 23 33 T +42 23 34 B +42 23 35 T +42 23 36 N +42 23 37 B +42 23 38 K +42 23 39 T +42 23 40 N +42 23 41 T +42 23 42 S +42 23 43 D +42 23 44 N +42 23 45 T +42 23 46 K +42 23 47 K +42 23 48 T +42 23 49 K +42 23 50 K +42 23 51 T +42 23 52 N +42 23 53 K +42 23 54 T +42 23 55 K +42 23 56 K +42 23 57 D +42 23 58 T +42 23 59 N +42 23 60 D +42 23 61 T +42 23 62 K +42 23 63 K +42 23 64 B +42 23 65 K +42 23 66 N +42 23 67 N +42 23 68 K +42 23 69 T +42 23 70 N +42 23 71 K +42 23 72 K +42 23 73 B +42 23 74 N +42 23 75 D +42 23 76 K +42 23 77 N +42 23 78 T +42 23 79 K +42 23 80 B +42 23 81 T +42 23 82 K +42 23 83 S +42 23 84 S +42 23 85 K +42 23 86 K +42 23 87 D +42 23 88 B +42 23 89 D +42 23 90 K +42 23 91 T +42 23 92 N +42 23 93 B +42 23 94 K +42 23 95 N +42 23 96 S +42 23 97 B +42 23 98 K +42 23 99 N +42 23 100 N +42 23 101 K +42 23 102 N +42 23 103 T +42 23 104 N +42 23 105 K +42 23 106 S +42 23 107 N +42 23 108 N +42 23 109 B +42 23 110 T +42 23 111 K +42 23 112 K +42 23 113 D +42 23 114 K +42 23 115 T +42 23 116 N +42 23 117 D +42 23 118 N +42 23 119 K +42 23 120 N +42 23 121 T +42 23 122 K +42 23 123 D +42 23 124 S +42 23 125 T +42 23 126 K +42 23 127 D +42 23 128 T +42 23 129 N +42 23 130 D +42 23 131 B +42 23 132 T +42 23 133 K +42 23 134 K +42 23 135 K +42 23 136 K +42 23 137 T +42 23 138 B +42 23 139 N +42 23 140 B +42 23 141 N +42 23 142 N +42 23 143 T +42 23 144 B +42 23 145 N +42 23 146 T +42 23 147 K +42 23 148 T +42 23 149 S +42 23 150 B +42 23 151 S +42 23 152 K +42 23 153 B +42 23 154 K +42 23 155 T +42 23 156 K +42 23 157 T +42 23 158 N +42 23 159 S +42 23 160 N +42 23 161 K +42 23 162 K +42 23 163 D +42 23 164 B +42 23 165 T +42 23 166 B +42 23 167 N +42 23 168 K +42 23 169 B +42 23 170 K +42 23 171 T +42 23 172 N +42 23 173 K +42 23 174 S +42 23 175 N +42 23 176 T +42 23 177 S +42 23 178 B +42 23 179 D +42 23 180 K +42 23 181 T +42 23 182 D +42 23 183 T +42 23 184 B +42 23 185 T +42 23 186 N +42 23 187 S +42 23 188 B +42 23 189 N +42 23 190 N +42 23 191 D +42 23 192 B +42 23 193 T +42 23 194 D +42 23 195 T +42 23 196 N +42 23 197 B +42 23 198 D +42 23 199 N +42 23 200 N +42 23 201 K +42 23 202 T +42 23 203 K +42 23 204 D +42 23 205 B +42 23 206 K +42 23 207 D +42 23 208 T +42 23 209 D +42 23 210 D +42 23 211 B +42 23 212 S +42 23 213 B +42 23 214 S +42 23 215 N +42 23 216 T +42 23 217 K +42 23 218 T +42 23 219 N +42 23 220 B +42 23 221 N +42 23 222 B +42 23 223 D +42 23 224 N +42 23 225 T +42 23 226 B +42 23 227 D +42 23 228 B +42 23 229 K +42 23 230 N +42 23 231 B +42 23 232 T +42 23 233 B +42 23 234 D +42 23 235 B +42 23 236 T +42 23 237 K +42 23 238 K +42 23 239 N +42 23 240 T +42 23 241 N +42 23 242 S +42 23 243 D +42 23 244 N +42 23 245 T +42 23 246 K +42 23 247 B +42 23 248 D +42 23 249 D +42 23 250 B +42 23 251 K +42 23 252 N +42 23 253 K +42 23 254 B +42 23 255 D +42 23 256 T +42 23 257 B +42 23 258 T +42 23 259 T +42 23 260 S +42 23 261 T +42 23 262 N +42 23 263 K +42 23 264 N +42 23 265 D +42 23 266 T +42 23 267 D +42 23 268 K +42 23 269 B +42 23 270 T +42 23 271 D +42 23 272 N +42 23 273 B +42 23 274 N +42 23 275 T +42 23 276 D +42 23 277 B +42 23 278 T +42 23 279 B +42 23 280 T +42 23 281 D +42 23 282 T +42 23 283 T +42 23 284 N +42 23 285 N +42 23 286 N +42 23 287 T +42 23 288 T +42 23 289 N +42 23 290 N +42 23 291 B +42 23 292 K +42 23 293 K +42 23 294 N +42 23 295 T +42 23 296 B +42 23 297 S +42 23 298 T +42 23 299 D +42 23 300 D +42 23 301 D +42 23 302 K +42 23 303 D +42 23 304 T +42 23 305 D +42 23 306 S +42 23 307 D +42 23 308 B +42 23 309 T +42 23 310 D +42 23 311 B +42 23 312 D +42 23 313 B +42 23 314 N +42 23 315 T +42 23 316 D +42 23 317 D +42 23 318 S +42 23 319 N +42 23 320 T +42 23 321 T +42 23 322 B +42 23 323 D +42 23 324 N +42 23 325 B +42 23 326 S +42 23 327 N +42 23 328 D +42 23 329 T +42 23 330 N +42 24 1 B +42 24 2 K +42 24 3 T +42 24 4 M +42 24 5 K +42 24 6 O +42 24 7 K +42 24 8 T +42 24 9 O +42 24 10 B +42 24 11 K +42 24 12 S +42 24 13 K +42 24 14 B +42 24 15 G +42 24 16 N +42 24 17 T +42 24 18 D +42 24 19 K +42 24 20 K +42 24 21 T +42 24 22 S +42 24 23 M +42 24 24 G +42 24 25 B +42 24 26 B +42 24 27 G +42 24 28 T +42 24 29 K +42 24 30 W +42 24 31 M +42 24 32 DK +42 24 33 K +42 24 34 B +42 24 35 DK +42 24 36 M +42 24 37 B +42 24 38 T +42 24 39 K +42 24 40 K +42 24 41 T +42 24 42 S +42 24 43 B +42 24 44 N +42 24 45 K +42 24 46 D +42 24 47 M +42 24 48 S +42 24 49 K +42 24 50 M +42 24 51 G +42 24 52 N +42 24 53 DK +42 24 54 K +42 24 55 B +42 24 56 T +42 24 57 M +42 24 58 G +42 24 59 N +42 24 60 M +42 24 61 T +42 24 62 G +42 24 63 DK +42 24 64 K +42 24 65 T +42 24 66 N +42 24 67 K +42 24 68 T +42 24 69 K +42 24 70 N +42 24 71 T +42 24 72 K +42 24 73 M +42 24 74 N +42 24 75 K +42 24 76 T +42 24 77 K +42 24 78 G +42 24 79 D +42 24 80 B +42 24 81 K +42 24 82 K +42 24 83 S +42 24 84 DK +42 24 85 K +42 24 86 T +42 24 87 D +42 24 88 DK +42 24 89 D +42 24 90 K +42 24 91 S +42 24 92 N +42 24 93 B +42 24 94 G +42 24 95 N +42 24 96 S +42 24 97 M +42 24 98 T +42 24 99 G +42 24 100 K +42 24 101 T +42 24 102 N +42 24 103 K +42 24 104 K +42 24 105 T +42 24 106 S +42 24 107 N +42 24 108 K +42 24 109 B +42 24 110 S +42 24 111 G +42 24 112 T +42 24 113 D +42 24 114 K +42 24 115 T +42 24 116 N +42 24 117 O +42 24 118 T +42 24 119 K +42 24 120 N +42 24 121 T +42 24 122 K +42 24 123 B +42 24 124 K +42 24 125 T +42 24 126 DK +42 24 127 K +42 24 128 S +42 24 129 N +42 24 130 G +42 24 131 M +42 24 132 T +42 24 133 K +42 24 134 O +42 24 135 T +42 24 136 K +42 24 137 K +42 24 138 B +42 24 139 N +42 24 140 B +42 24 141 N +42 24 142 G +42 24 143 K +42 24 144 M +42 24 145 K +42 24 146 S +42 24 147 K +42 24 148 T +42 24 149 K +42 24 150 M +42 24 151 T +42 24 152 G +42 24 153 B +42 24 154 D +42 24 155 O +42 24 156 K +42 24 157 O +42 24 158 N +42 24 159 T +42 24 160 DK +42 24 161 K +42 24 162 T +42 24 163 K +42 24 164 B +42 24 165 K +42 24 166 B +42 24 167 N +42 24 168 K +42 24 169 B +42 24 170 K +42 24 171 K +42 24 172 N +42 24 173 T +42 24 174 S +42 24 175 K +42 24 176 T +42 24 177 S +42 24 178 B +42 24 179 T +42 24 180 K +42 24 181 S +42 24 182 T +42 24 183 K +42 24 184 B +42 24 185 T +42 24 186 K +42 24 187 S +42 24 188 B +42 24 189 N +42 24 190 G +42 24 191 K +42 24 192 B +42 24 193 K +42 24 194 T +42 24 195 K +42 24 196 N +42 24 197 G +42 24 198 D +42 24 199 S +42 24 200 K +42 24 201 DK +42 24 202 K +42 24 203 T +42 24 204 D +42 24 205 K +42 24 206 N +42 24 207 T +42 24 208 S +42 24 209 K +42 24 210 O +42 24 211 K +42 24 212 T +42 24 213 G +42 24 214 K +42 24 215 K +42 24 216 D +42 24 217 T +42 24 218 K +42 24 219 N +42 24 220 B +42 24 221 N +42 24 222 M +42 24 223 K +42 24 224 N +42 24 225 K +42 24 226 B +42 24 227 D +42 24 228 B +42 24 229 K +42 24 230 N +42 24 231 DK +42 24 232 K +42 24 233 N +42 24 234 K +42 24 235 B +42 24 236 K +42 24 237 T +42 24 238 K +42 24 239 DK +42 24 240 T +42 24 241 N +42 24 242 S +42 24 243 M +42 24 244 N +42 24 245 T +42 24 246 K +42 24 247 B +42 24 248 K +42 24 249 K +42 24 250 M +42 24 251 K +42 24 252 N +42 24 253 K +42 24 254 N +42 24 255 D +42 24 256 T +42 24 257 B +42 24 258 S +42 24 259 T +42 24 260 S +42 24 261 T +42 24 262 N +42 24 263 G +42 24 264 N +42 24 265 K +42 24 266 M +42 24 267 T +42 24 268 K +42 24 269 T +42 24 270 S +42 24 271 K +42 24 272 N +42 24 273 DK +42 24 274 N +42 24 275 S +42 24 276 T +42 24 277 K +42 24 278 T +42 24 279 B +42 24 280 K +42 24 281 K +42 24 282 K +42 24 283 G +42 24 284 N +42 24 285 DK +42 24 286 N +42 24 287 K +42 24 288 T +42 24 289 K +42 24 290 N +42 24 291 B +42 24 292 T +42 24 293 N +42 24 294 N +42 24 295 G +42 24 296 M +42 24 297 S +42 24 298 T +42 24 299 K +42 24 300 G +42 24 301 K +42 24 302 N +42 24 303 N +42 24 304 K +42 24 305 M +42 24 306 K +42 24 307 K +42 24 308 DK +42 24 309 D +42 24 310 K +42 24 311 B +42 24 312 D +42 24 313 B +42 24 314 N +42 24 315 K +42 24 316 K +42 24 317 M +42 24 318 T +42 24 319 N +42 24 320 K +42 24 321 T +42 24 322 B +42 24 323 K +42 24 324 N +42 24 325 M +42 24 326 S +42 24 327 N +42 24 328 K +42 24 329 T +42 24 330 N +42 25 1 B +42 25 2 K +42 25 3 T +42 25 4 I +42 25 5 B +42 25 6 O +42 25 7 M +42 25 8 T +42 25 9 W +42 25 10 B +42 25 11 M +42 25 12 S +42 25 13 M +42 25 14 D +42 25 15 W +42 25 16 N +42 25 17 T +42 25 18 D +42 25 19 B +42 25 20 K +42 25 21 T +42 25 22 S +42 25 23 B +42 25 24 W +42 25 25 B +42 25 26 K +42 25 27 O +42 25 28 T +42 25 29 K +42 25 30 W +42 25 31 B +42 25 32 S +42 25 33 K +42 25 34 B +42 25 35 O +42 25 36 B +42 25 37 M +42 25 38 T +42 25 39 M +42 25 40 B +42 25 41 T +42 25 42 O +42 25 43 B +42 25 44 O +42 25 45 B +42 25 46 D +42 25 47 B +42 25 48 S +42 25 49 B +42 25 50 D +42 25 51 O +42 25 52 N +42 25 53 T +42 25 54 K +42 25 55 B +42 25 56 O +42 25 57 B +42 25 58 S +42 25 59 O +42 25 60 D +42 25 61 T +42 25 62 B +42 25 63 O +42 25 64 B +42 25 65 T +42 25 66 O +42 25 67 K +42 25 68 T +42 25 69 B +42 25 70 N +42 25 71 T +42 25 72 B +42 25 73 M +42 25 74 K +42 25 75 B +42 25 76 S +42 25 77 K +42 25 78 O +42 25 79 D +42 25 80 B +42 25 81 K +42 25 82 K +42 25 83 O +42 25 84 O +42 25 85 B +42 25 86 T +42 25 87 D +42 25 88 T +42 25 89 D +42 25 90 K +42 25 91 K +42 25 92 O +42 25 93 B +42 25 94 W +42 25 95 O +42 25 96 S +42 25 97 K +42 25 98 T +42 25 99 O +42 25 100 B +42 25 101 T +42 25 102 B +42 25 103 K +42 25 104 K +42 25 105 T +42 25 106 O +42 25 107 O +42 25 108 K +42 25 109 B +42 25 110 S +42 25 111 K +42 25 112 T +42 25 113 D +42 25 114 B +42 25 115 T +42 25 116 B +42 25 117 D +42 25 118 W +42 25 119 B +42 25 120 N +42 25 121 S +42 25 122 K +42 25 123 B +42 25 124 K +42 25 125 S +42 25 126 W +42 25 127 D +42 25 128 S +42 25 129 O +42 25 130 K +42 25 131 M +42 25 132 W +42 25 133 M +42 25 134 KO +42 25 135 T +42 25 136 K +42 25 137 M +42 25 138 B +42 25 139 O +42 25 140 B +42 25 141 N +42 25 142 N +42 25 143 K +42 25 144 B +42 25 145 K +42 25 146 S +42 25 147 B +42 25 148 T +42 25 149 K +42 25 150 D +42 25 151 W +42 25 152 O +42 25 153 M +42 25 154 D +42 25 155 KO +42 25 156 M +42 25 157 KO +42 25 158 N +42 25 159 O +42 25 160 W +42 25 161 K +42 25 162 T +42 25 163 B +42 25 164 K +42 25 165 K +42 25 166 B +42 25 167 O +42 25 168 K +42 25 169 B +42 25 170 B +42 25 171 K +42 25 172 N +42 25 173 W +42 25 174 S +42 25 175 K +42 25 176 T +42 25 177 S +42 25 178 B +42 25 179 DA +42 25 180 K +42 25 181 S +42 25 182 DA +42 25 183 W +42 25 184 B +42 25 185 KO +42 25 186 K +42 25 187 S +42 25 188 M +42 25 189 B +42 25 190 O +42 25 191 M +42 25 192 B +42 25 193 S +42 25 194 DA +42 25 195 K +42 25 196 B +42 25 197 W +42 25 198 D +42 25 199 O +42 25 200 K +42 25 201 O +42 25 202 M +42 25 203 T +42 25 204 KO +42 25 205 B +42 25 206 O +42 25 207 T +42 25 208 W +42 25 209 M +42 25 210 KO +42 25 211 K +42 25 212 S +42 25 213 B +42 25 214 K +42 25 215 W +42 25 216 M +42 25 217 O +42 25 218 K +42 25 219 K +42 25 220 M +42 25 221 O +42 25 222 M +42 25 223 K +42 25 224 O +42 25 225 K +42 25 226 M +42 25 227 D +42 25 228 B +42 25 229 K +42 25 230 O +42 25 231 W +42 25 232 D +42 25 233 M +42 25 234 K +42 25 235 B +42 25 236 K +42 25 237 O +42 25 238 M +42 25 239 W +42 25 240 T +42 25 241 N +42 25 242 S +42 25 243 T +42 25 244 B +42 25 245 T +42 25 246 K +42 25 247 B +42 25 248 D +42 25 249 B +42 25 250 D +42 25 251 K +42 25 252 O +42 25 253 K +42 25 254 B +42 25 255 D +42 25 256 T +42 25 257 M +42 25 258 W +42 25 259 T +42 25 260 O +42 25 261 S +42 25 262 N +42 25 263 D +42 25 264 K +42 25 265 M +42 25 266 T +42 25 267 M +42 25 268 K +42 25 269 W +42 25 270 S +42 25 271 M +42 25 272 N +42 25 273 W +42 25 274 N +42 25 275 K +42 25 276 T +42 25 277 M +42 25 278 S +42 25 279 B +42 25 280 K +42 25 281 K +42 25 282 K +42 25 283 KO +42 25 284 K +42 25 285 O +42 25 286 N +42 25 287 W +42 25 288 T +42 25 289 K +42 25 290 O +42 25 291 M +42 25 292 O +42 25 293 N +42 25 294 N +42 25 295 KO +42 25 296 B +42 25 297 S +42 25 298 T +42 25 299 K +42 25 300 O +42 25 301 K +42 25 302 O +42 25 303 B +42 25 304 K +42 25 305 T +42 25 306 K +42 25 307 M +42 25 308 B +42 25 309 D +42 25 310 K +42 25 311 M +42 25 312 D +42 25 313 M +42 25 314 O +42 25 315 K +42 25 316 B +42 25 317 T +42 25 318 S +42 25 319 N +42 25 320 K +42 25 321 T +42 25 322 M +42 25 323 B +42 25 324 O +42 25 325 W +42 25 326 S +42 25 327 K +42 25 328 K +42 25 329 O +42 25 330 B +43 1 1 BF +43 1 2 BF +43 1 3 GA +43 1 4 BF +43 1 5 BF +43 1 6 GA +43 1 7 BF +43 1 8 GA +43 1 9 GA +43 1 10 BF +43 1 11 BF +43 1 12 GA +43 1 13 BF +43 1 14 BF +43 1 15 BA +43 1 16 BA +43 1 17 BF +43 1 18 BF +43 1 19 BF +43 1 20 BF +43 1 21 GA +43 1 22 BA +43 1 23 BF +43 1 24 BF +43 1 25 BF +43 1 26 BF +43 1 27 BA +43 1 28 GA +43 1 29 BF +43 1 30 BF +43 1 31 BF +43 1 32 GA +43 1 33 BF +43 1 34 BF +43 1 35 GA +43 1 36 BF +43 1 37 BF +43 1 38 GA +43 1 39 BF +43 1 40 BF +43 1 41 GA +43 1 42 GA +43 1 43 BF +43 1 44 BA +43 1 45 BF +43 1 46 BF +43 1 47 BF +43 1 48 BF +43 1 49 BF +43 1 50 GA +43 1 51 BF +43 1 52 GA +43 1 53 GA +43 1 54 BF +43 1 55 BF +43 1 56 GA +43 1 57 BF +43 1 58 BF +43 1 59 BA +43 1 60 BF +43 1 61 BF +43 1 62 BF +43 1 63 GA +43 1 64 BF +43 1 65 GA +43 1 66 BA +43 1 67 BF +43 1 68 GA +43 1 69 BF +43 1 70 BA +43 1 71 BF +43 1 72 BF +43 1 73 GA +43 1 74 BF +43 1 75 BF +43 1 76 GA +43 1 77 BF +43 1 78 GA +43 1 79 BF +43 1 80 BF +43 1 81 BF +43 1 82 BF +43 1 83 BA +43 1 84 GA +43 1 85 BF +43 1 86 BF +43 1 87 BF +43 1 88 GA +43 1 89 BF +43 1 90 BF +43 1 91 BF +43 1 92 BA +43 1 93 BF +43 1 94 BF +43 1 95 BA +43 1 96 BF +43 1 97 GA +43 1 98 GA +43 1 99 BF +43 1 100 BF +43 1 101 GA +43 1 102 BF +43 1 103 BF +43 1 104 BF +43 1 105 GA +43 1 106 BF +43 1 107 BA +43 1 108 BF +43 1 109 BF +43 1 110 BF +43 1 111 BF +43 1 112 GA +43 1 113 BF +43 1 114 BF +43 1 115 GA +43 1 116 BF +43 1 117 BF +43 1 118 GA +43 1 119 BF +43 1 120 BA +43 1 121 GA +43 1 122 BF +43 1 123 BF +43 1 124 BF +43 1 125 GA +43 1 126 GA +43 1 127 BF +43 1 128 BF +43 1 129 BA +43 1 130 BF +43 1 131 GA +43 1 132 GA +43 1 133 BF +43 1 134 BF +43 1 135 GA +43 1 136 BF +43 1 137 BF +43 1 138 BF +43 1 139 BA +43 1 140 BF +43 1 141 BA +43 1 142 BA +43 1 143 BF +43 1 144 BF +43 1 145 BF +43 1 146 BF +43 1 147 BF +43 1 148 GA +43 1 149 BF +43 1 150 BF +43 1 151 BF +43 1 152 BF +43 1 153 BF +43 1 154 BF +43 1 155 BF +43 1 156 BF +43 1 157 BF +43 1 158 BA +43 1 159 BF +43 1 160 BF +43 1 161 BF +43 1 162 GA +43 1 163 BF +43 1 164 BF +43 1 165 BF +43 1 166 FD +43 1 167 BF +43 1 168 BF +43 1 169 BF +43 1 170 FD +43 1 171 BF +43 1 172 BA +43 1 173 GA +43 1 174 BF +43 1 175 BF +43 1 176 GA +43 1 177 BF +43 1 178 BF +43 1 179 FD +43 1 180 BF +43 1 181 BF +43 1 182 BF +43 1 183 BF +43 1 184 BF +43 1 185 BF +43 1 186 BF +43 1 187 BF +43 1 188 BF +43 1 189 BF +43 1 190 BF +43 1 191 BF +43 1 192 BF +43 1 193 BF +43 1 194 BF +43 1 195 BF +43 1 196 BF +43 1 197 BF +43 1 198 FD +43 1 199 BF +43 1 200 BF +43 1 201 BF +43 1 202 BF +43 1 203 GA +43 1 204 FD +43 1 205 FD +43 1 206 BF +43 1 207 GA +43 1 208 BF +43 1 209 BF +43 1 210 BF +43 1 211 BF +43 1 212 BF +43 1 213 BF +43 1 214 BF +43 1 215 BF +43 1 216 FD +43 1 217 GA +43 1 218 BF +43 1 219 BF +43 1 220 BF +43 1 221 BF +43 1 222 BF +43 1 223 BF +43 1 224 BA +43 1 225 BF +43 1 226 BF +43 1 227 FD +43 1 228 BF +43 1 229 BF +43 1 230 BA +43 1 231 GA +43 1 232 BF +43 1 233 BF +43 1 234 BF +43 1 235 BF +43 1 236 BF +43 1 237 BF +43 1 238 BF +43 1 239 GA +43 1 240 GA +43 1 241 BA +43 1 242 BF +43 1 243 BF +43 1 244 BF +43 1 245 GA +43 1 246 BF +43 1 247 BF +43 1 248 FD +43 1 249 BF +43 1 250 BF +43 1 251 BF +43 1 252 BA +43 1 253 BF +43 1 254 BF +43 1 255 FD +43 1 256 GA +43 1 257 BF +43 1 258 BF +43 1 259 GA +43 1 260 BA +43 1 261 GA +43 1 262 BA +43 1 263 BF +43 1 264 BF +43 1 265 BF +43 1 266 GA +43 1 267 BF +43 1 268 BF +43 1 269 GA +43 1 270 BF +43 1 271 FD +43 1 272 BA +43 1 273 GA +43 1 274 BA +43 1 275 BF +43 1 276 GA +43 1 277 BF +43 1 278 GA +43 1 279 BF +43 1 280 BF +43 1 281 BF +43 1 282 BF +43 1 283 GA +43 1 284 BA +43 1 285 GA +43 1 286 BA +43 1 287 BF +43 1 288 GA +43 1 289 BF +43 1 290 BA +43 1 291 BF +43 1 292 BF +43 1 293 BA +43 1 294 BA +43 1 295 BF +43 1 296 BF +43 1 297 BF +43 1 298 GA +43 1 299 BF +43 1 300 BA +43 1 301 BF +43 1 302 BA +43 1 303 BA +43 1 304 BF +43 1 305 GA +43 1 306 BF +43 1 307 BF +43 1 308 BF +43 1 309 FD +43 1 310 BF +43 1 311 BF +43 1 312 FD +43 1 313 BF +43 1 314 BA +43 1 315 BF +43 1 316 BF +43 1 317 GA +43 1 318 GA +43 1 319 BA +43 1 320 BF +43 1 321 GA +43 1 322 BF +43 1 323 BF +43 1 324 BA +43 1 325 GA +43 1 326 BF +43 1 327 BF +43 1 328 BF +43 1 329 BF +43 1 330 BA +43 2 1 BF +43 2 2 BF +43 2 3 BE +43 2 4 TA +43 2 5 FD +43 2 6 GE +43 2 7 FD +43 2 8 BE +43 2 9 FD +43 2 10 BF +43 2 11 FD +43 2 12 GE +43 2 13 FD +43 2 14 FD +43 2 15 TA +43 2 16 FD +43 2 17 BE +43 2 18 FD +43 2 19 BF +43 2 20 FD +43 2 21 BE +43 2 22 GE +43 2 23 TA +43 2 24 FD +43 2 25 FD +43 2 26 BF +43 2 27 BF +43 2 28 BE +43 2 29 FD +43 2 30 BE +43 2 31 AT +43 2 32 TA +43 2 33 FD +43 2 34 BF +43 2 35 BE +43 2 36 FD +43 2 37 BF +43 2 38 BE +43 2 39 FD +43 2 40 BF +43 2 41 BE +43 2 42 FD +43 2 43 BF +43 2 44 BA +43 2 45 FD +43 2 46 FD +43 2 47 FD +43 2 48 GE +43 2 49 BF +43 2 50 TA +43 2 51 FD +43 2 52 BA +43 2 53 BE +43 2 54 FD +43 2 55 BF +43 2 56 GS +43 2 57 BF +43 2 58 FD +43 2 59 TA +43 2 60 FD +43 2 61 BE +43 2 62 TA +43 2 63 GS +43 2 64 BF +43 2 65 BE +43 2 66 BA +43 2 67 FD +43 2 68 TA +43 2 69 FD +43 2 70 TA +43 2 71 FD +43 2 72 FD +43 2 73 TA +43 2 74 BF +43 2 75 FD +43 2 76 BE +43 2 77 BF +43 2 78 GS +43 2 79 FD +43 2 80 BF +43 2 81 FD +43 2 82 FD +43 2 83 GE +43 2 84 GS +43 2 85 FD +43 2 86 TA +43 2 87 FD +43 2 88 TA +43 2 89 FD +43 2 90 FD +43 2 91 FD +43 2 92 BA +43 2 93 BF +43 2 94 FD +43 2 95 AT +43 2 96 GE +43 2 97 TA +43 2 98 BE +43 2 99 TA +43 2 100 FD +43 2 101 TA +43 2 102 TA +43 2 103 FD +43 2 104 BF +43 2 105 TA +43 2 106 GE +43 2 107 BA +43 2 108 AT +43 2 109 BF +43 2 110 GE +43 2 111 FD +43 2 112 BF +43 2 113 FD +43 2 114 FD +43 2 115 BE +43 2 116 BF +43 2 117 FD +43 2 118 BE +43 2 119 FD +43 2 120 BA +43 2 121 BE +43 2 122 FD +43 2 123 BF +43 2 124 FD +43 2 125 BE +43 2 126 GS +43 2 127 FD +43 2 128 GE +43 2 129 BA +43 2 130 FD +43 2 131 TA +43 2 132 BE +43 2 133 FD +43 2 134 FD +43 2 135 TA +43 2 136 BF +43 2 137 FD +43 2 138 BF +43 2 139 BA +43 2 140 BF +43 2 141 BA +43 2 142 AT +43 2 143 FD +43 2 144 TA +43 2 145 FD +43 2 146 GE +43 2 147 FD +43 2 148 BE +43 2 149 FD +43 2 150 TA +43 2 151 GS +43 2 152 TA +43 2 153 BF +43 2 154 FD +43 2 155 FD +43 2 156 FD +43 2 157 FD +43 2 158 BA +43 2 159 TA +43 2 160 GS +43 2 161 FD +43 2 162 BE +43 2 163 FD +43 2 164 BF +43 2 165 FD +43 2 166 BF +43 2 167 TA +43 2 168 FD +43 2 169 BF +43 2 170 FD +43 2 171 FD +43 2 172 BA +43 2 173 BE +43 2 174 GE +43 2 175 BF +43 2 176 BE +43 2 177 GE +43 2 178 BF +43 2 179 BE +43 2 180 FD +43 2 181 GE +43 2 182 FD +43 2 183 FD +43 2 184 TA +43 2 185 FD +43 2 186 BF +43 2 187 GE +43 2 188 BF +43 2 189 BF +43 2 190 GS +43 2 191 FD +43 2 192 TA +43 2 193 FD +43 2 194 BE +43 2 195 FD +43 2 196 FD +43 2 197 TA +43 2 198 FD +43 2 199 AT +43 2 200 BF +43 2 201 GS +43 2 202 FD +43 2 203 TA +43 2 204 FD +43 2 205 TA +43 2 206 GE +43 2 207 BE +43 2 208 FD +43 2 209 FD +43 2 210 FD +43 2 211 BF +43 2 212 GE +43 2 213 TA +43 2 214 FD +43 2 215 TA +43 2 216 FD +43 2 217 GS +43 2 218 FD +43 2 219 AT +43 2 220 GE +43 2 221 AT +43 2 222 GE +43 2 223 FD +43 2 224 BA +43 2 225 FD +43 2 226 BF +43 2 227 FD +43 2 228 BF +43 2 229 FD +43 2 230 BA +43 2 231 TA +43 2 232 FD +43 2 233 TA +43 2 234 FD +43 2 235 BF +43 2 236 FD +43 2 237 GS +43 2 238 FD +43 2 239 GS +43 2 240 BE +43 2 241 BA +43 2 242 GE +43 2 243 BE +43 2 244 TA +43 2 245 BE +43 2 246 FD +43 2 247 TA +43 2 248 FD +43 2 249 FD +43 2 250 TA +43 2 251 FD +43 2 252 BA +43 2 253 FD +43 2 254 BF +43 2 255 FD +43 2 256 BE +43 2 257 BF +43 2 258 GE +43 2 259 BE +43 2 260 GE +43 2 261 BE +43 2 262 BA +43 2 263 FD +43 2 264 BF +43 2 265 FD +43 2 266 BE +43 2 267 BE +43 2 268 FD +43 2 269 TA +43 2 270 GE +43 2 271 FD +43 2 272 BA +43 2 273 TA +43 2 274 BA +43 2 275 FD +43 2 276 BE +43 2 277 BF +43 2 278 GS +43 2 279 TA +43 2 280 FD +43 2 281 FD +43 2 282 FD +43 2 283 FD +43 2 284 TA +43 2 285 GS +43 2 286 BA +43 2 287 FD +43 2 288 BE +43 2 289 FD +43 2 290 BA +43 2 291 BF +43 2 292 GS +43 2 293 TA +43 2 294 TA +43 2 295 FD +43 2 296 TA +43 2 297 GE +43 2 298 BE +43 2 299 FD +43 2 300 FD +43 2 301 FD +43 2 302 BA +43 2 303 BF +43 2 304 FD +43 2 305 TA +43 2 306 FD +43 2 307 BF +43 2 308 TA +43 2 309 FD +43 2 310 FD +43 2 311 BF +43 2 312 FD +43 2 313 FD +43 2 314 BA +43 2 315 FD +43 2 316 FD +43 2 317 BE +43 2 318 GE +43 2 319 BA +43 2 320 FD +43 2 321 BE +43 2 322 BF +43 2 323 FD +43 2 324 BA +43 2 325 * +43 2 326 GE +43 2 327 AT +43 2 328 FD +43 2 329 FD +43 2 330 AT +43 3 1 BF +43 3 2 GA +43 3 3 GA +43 3 4 GG +43 3 5 GA +43 3 6 GA +43 3 7 GA +43 3 8 GA +43 3 9 GA +43 3 10 BF +43 3 11 GG +43 3 12 GA +43 3 13 GG +43 3 14 BF +43 3 15 GA +43 3 16 BA +43 3 17 GA +43 3 18 GG +43 3 19 BF +43 3 20 GA +43 3 21 GA +43 3 22 GA +43 3 23 GA +43 3 24 GG +43 3 25 BF +43 3 26 BF +43 3 27 BA +43 3 28 GA +43 3 29 BA +43 3 30 GA +43 3 31 BA +43 3 32 GA +43 3 33 GG +43 3 34 BF +43 3 35 GA +43 3 36 GG +43 3 37 BA +43 3 38 GA +43 3 39 GA +43 3 40 BF +43 3 41 GA +43 3 42 BA +43 3 43 GG +43 3 44 BA +43 3 45 GG +43 3 46 BA +43 3 47 GG +43 3 48 GA +43 3 49 BF +43 3 50 GG +43 3 51 GA +43 3 52 BA +43 3 53 GA +43 3 54 GG +43 3 55 BF +43 3 56 GA +43 3 57 BF +43 3 58 GA +43 3 59 BA +43 3 60 BF +43 3 61 GA +43 3 62 BA +43 3 63 GA +43 3 64 BF +43 3 65 GA +43 3 66 BA +43 3 67 GA +43 3 68 GA +43 3 69 GG +43 3 70 BA +43 3 71 GA +43 3 72 GG +43 3 73 GA +43 3 74 BA +43 3 75 GA +43 3 76 GA +43 3 77 BF +43 3 78 BA +43 3 79 BA +43 3 80 BF +43 3 81 GG +43 3 82 BF +43 3 83 GA +43 3 84 GA +43 3 85 GG +43 3 86 GA +43 3 87 GG +43 3 88 GA +43 3 89 GG +43 3 90 GG +43 3 91 GG +43 3 92 BA +43 3 93 BF +43 3 94 BA +43 3 95 BA +43 3 96 GA +43 3 97 GG +43 3 98 GA +43 3 99 BA +43 3 100 BA +43 3 101 GA +43 3 102 BA +43 3 103 GG +43 3 104 BF +43 3 105 GA +43 3 106 GA +43 3 107 BA +43 3 108 BA +43 3 109 BA +43 3 110 GA +43 3 111 GG +43 3 112 GA +43 3 113 BA +43 3 114 BF +43 3 115 GA +43 3 116 BA +43 3 117 GG +43 3 118 GA +43 3 119 GA +43 3 120 BA +43 3 121 GA +43 3 122 GG +43 3 123 BF +43 3 124 BA +43 3 125 GA +43 3 126 GA +43 3 127 GG +43 3 128 GA +43 3 129 BA +43 3 130 GG +43 3 131 GA +43 3 132 GA +43 3 133 GG +43 3 134 GG +43 3 135 GA +43 3 136 BF +43 3 137 GG +43 3 138 BF +43 3 139 BA +43 3 140 BF +43 3 141 BA +43 3 142 BA +43 3 143 GG +43 3 144 GG +43 3 145 GG +43 3 146 GA +43 3 147 GG +43 3 148 GA +43 3 149 GG +43 3 150 GG +43 3 151 GA +43 3 152 GA +43 3 153 BF +43 3 154 BA +43 3 155 GG +43 3 156 GG +43 3 157 GA +43 3 158 BA +43 3 159 GA +43 3 160 GA +43 3 161 GG +43 3 162 GA +43 3 163 BF +43 3 164 BF +43 3 165 BA +43 3 166 BF +43 3 167 BA +43 3 168 GG +43 3 169 BF +43 3 170 BF +43 3 171 GG +43 3 172 BA +43 3 173 GA +43 3 174 GA +43 3 175 BA +43 3 176 GA +43 3 177 GA +43 3 178 BF +43 3 179 GA +43 3 180 GG +43 3 181 GA +43 3 182 GA +43 3 183 GA +43 3 184 GG +43 3 185 GA +43 3 186 BF +43 3 187 GA +43 3 188 BF +43 3 189 BA +43 3 190 GA +43 3 191 GG +43 3 192 GG +43 3 193 GG +43 3 194 GA +43 3 195 GG +43 3 196 BA +43 3 197 GA +43 3 198 GG +43 3 199 BA +43 3 200 BF +43 3 201 GA +43 3 202 GG +43 3 203 GA +43 3 204 GG +43 3 205 GG +43 3 206 BA +43 3 207 GA +43 3 208 GG +43 3 209 BF +43 3 210 GA +43 3 211 BF +43 3 212 GA +43 3 213 BA +43 3 214 BA +43 3 215 GA +43 3 216 GG +43 3 217 GA +43 3 218 GG +43 3 219 BA +43 3 220 BF +43 3 221 BA +43 3 222 GA +43 3 223 GG +43 3 224 BA +43 3 225 GG +43 3 226 BF +43 3 227 GG +43 3 228 BF +43 3 229 BA +43 3 230 BA +43 3 231 GA +43 3 232 GG +43 3 233 BA +43 3 234 GG +43 3 235 GA +43 3 236 GG +43 3 237 GA +43 3 238 BF +43 3 239 GA +43 3 240 GA +43 3 241 BA +43 3 242 GA +43 3 243 GA +43 3 244 BA +43 3 245 GA +43 3 246 BF +43 3 247 GG +43 3 248 GG +43 3 249 GG +43 3 250 GA +43 3 251 BA +43 3 252 BA +43 3 253 BF +43 3 254 BF +43 3 255 GG +43 3 256 GA +43 3 257 BF +43 3 258 GA +43 3 259 GA +43 3 260 BA +43 3 261 GA +43 3 262 BA +43 3 263 BA +43 3 264 BF +43 3 265 GG +43 3 266 GA +43 3 267 GA +43 3 268 GG +43 3 269 GA +43 3 270 GA +43 3 271 GG +43 3 272 BA +43 3 273 GA +43 3 274 BA +43 3 275 GA +43 3 276 GA +43 3 277 BF +43 3 278 GA +43 3 279 BF +43 3 280 GG +43 3 281 BF +43 3 282 GG +43 3 283 GA +43 3 284 BA +43 3 285 GA +43 3 286 BA +43 3 287 GA +43 3 288 GA +43 3 289 BF +43 3 290 BA +43 3 291 BF +43 3 292 GA +43 3 293 BA +43 3 294 BA +43 3 295 GG +43 3 296 GA +43 3 297 GA +43 3 298 GA +43 3 299 GG +43 3 300 BA +43 3 301 GG +43 3 302 BF +43 3 303 BF +43 3 304 GG +43 3 305 GA +43 3 306 GG +43 3 307 BF +43 3 308 GA +43 3 309 GG +43 3 310 GG +43 3 311 BF +43 3 312 GG +43 3 313 BF +43 3 314 BA +43 3 315 GG +43 3 316 BF +43 3 317 GA +43 3 318 GA +43 3 319 BA +43 3 320 GG +43 3 321 GA +43 3 322 BF +43 3 323 GG +43 3 324 BA +43 3 325 GA +43 3 326 GA +43 3 327 BA +43 3 328 GG +43 3 329 GA +43 3 330 BA +43 4 1 BF +43 4 2 BF +43 4 3 GA +43 4 4 TA +43 4 5 AG +43 4 6 GE +43 4 7 AG +43 4 8 GA +43 4 9 GA +43 4 10 BF +43 4 11 FD +43 4 12 GE +43 4 13 FD +43 4 14 FD +43 4 15 TA +43 4 16 BA +43 4 17 GA +43 4 18 FD +43 4 19 BF +43 4 20 AG +43 4 21 GA +43 4 22 GE +43 4 23 TA +43 4 24 FD +43 4 25 BF +43 4 26 BF +43 4 27 BA +43 4 28 GA +43 4 29 AG +43 4 30 GA +43 4 31 BF +43 4 32 TA +43 4 33 AG +43 4 34 BF +43 4 35 GA +43 4 36 FD +43 4 37 BF +43 4 38 GA +43 4 39 AG +43 4 40 BF +43 4 41 GA +43 4 42 AG +43 4 43 BF +43 4 44 BA +43 4 45 AG +43 4 46 FD +43 4 47 FD +43 4 48 GE +43 4 49 BF +43 4 50 TA +43 4 51 FD +43 4 52 BA +43 4 53 GA +43 4 54 AG +43 4 55 BF +43 4 56 GA +43 4 57 BF +43 4 58 AG +43 4 59 TA +43 4 60 FD +43 4 61 GA +43 4 62 TA +43 4 63 GA +43 4 64 BF +43 4 65 GA +43 4 66 BA +43 4 67 AG +43 4 68 TA +43 4 69 AG +43 4 70 TA +43 4 71 TA +43 4 72 AG +43 4 73 TA +43 4 74 BF +43 4 75 FD +43 4 76 GA +43 4 77 FD +43 4 78 GA +43 4 79 FD +43 4 80 BF +43 4 81 AG +43 4 82 AG +43 4 83 GE +43 4 84 GA +43 4 85 AG +43 4 86 GA +43 4 87 FD +43 4 88 TA +43 4 89 FD +43 4 90 FD +43 4 91 AG +43 4 92 BA +43 4 93 BF +43 4 94 FD +43 4 95 BF +43 4 96 GE +43 4 97 TA +43 4 98 GA +43 4 99 TA +43 4 100 BF +43 4 101 TA +43 4 102 BF +43 4 103 AG +43 4 104 BF +43 4 105 TA +43 4 106 GE +43 4 107 BA +43 4 108 BA +43 4 109 BF +43 4 110 GE +43 4 111 FD +43 4 112 GA +43 4 113 FD +43 4 114 FD +43 4 115 GA +43 4 116 BF +43 4 117 FD +43 4 118 GA +43 4 119 AG +43 4 120 BA +43 4 121 GA +43 4 122 AG +43 4 123 BF +43 4 124 AG +43 4 125 GA +43 4 126 GA +43 4 127 FD +43 4 128 GE +43 4 129 BA +43 4 130 FD +43 4 131 TA +43 4 132 GA +43 4 133 AG +43 4 134 FD +43 4 135 TA +43 4 136 BF +43 4 137 AG +43 4 138 BF +43 4 139 BA +43 4 140 BF +43 4 141 BA +43 4 142 BF +43 4 143 AG +43 4 144 TA +43 4 145 AG +43 4 146 GE +43 4 147 AG +43 4 148 GA +43 4 149 AG +43 4 150 TA +43 4 151 GA +43 4 152 TA +43 4 153 BF +43 4 154 FD +43 4 155 FD +43 4 156 AG +43 4 157 FD +43 4 158 BA +43 4 159 GE +43 4 160 GA +43 4 161 AG +43 4 162 GA +43 4 163 BF +43 4 164 BF +43 4 165 AG +43 4 166 BF +43 4 167 TA +43 4 168 AG +43 4 169 BF +43 4 170 FD +43 4 171 AG +43 4 172 BA +43 4 173 GA +43 4 174 GE +43 4 175 BF +43 4 176 GA +43 4 177 GE +43 4 178 BF +43 4 179 GA +43 4 180 AG +43 4 181 GE +43 4 182 GA +43 4 183 FD +43 4 184 TA +43 4 185 GA +43 4 186 BF +43 4 187 GE +43 4 188 BF +43 4 189 BF +43 4 190 GA +43 4 191 FD +43 4 192 TA +43 4 193 AG +43 4 194 GA +43 4 195 AG +43 4 196 BF +43 4 197 TA +43 4 198 FD +43 4 199 BA +43 4 200 BF +43 4 201 GA +43 4 202 AG +43 4 203 GA +43 4 204 FD +43 4 205 TA +43 4 206 BA +43 4 207 GA +43 4 208 GE +43 4 209 FD +43 4 210 FD +43 4 211 BF +43 4 212 GA +43 4 213 TA +43 4 214 AG +43 4 215 TA +43 4 216 FD +43 4 217 GA +43 4 218 AG +43 4 219 BA +43 4 220 BF +43 4 221 BA +43 4 222 TA +43 4 223 AG +43 4 224 BA +43 4 225 AG +43 4 226 BF +43 4 227 FD +43 4 228 BF +43 4 229 AG +43 4 230 BA +43 4 231 TA +43 4 232 FD +43 4 233 BF +43 4 234 AG +43 4 235 BF +43 4 236 AG +43 4 237 TA +43 4 238 BF +43 4 239 GA +43 4 240 FD +43 4 241 BA +43 4 242 GE +43 4 243 GA +43 4 244 BA +43 4 245 GA +43 4 246 AG +43 4 247 TA +43 4 248 FD +43 4 249 FD +43 4 250 TA +43 4 251 AG +43 4 252 BA +43 4 253 AG +43 4 254 BF +43 4 255 FD +43 4 256 GA +43 4 257 BF +43 4 258 GE +43 4 259 GA +43 4 260 GE +43 4 261 GA +43 4 262 BA +43 4 263 FD +43 4 264 BF +43 4 265 AG +43 4 266 GA +43 4 267 TA +43 4 268 AG +43 4 269 GA +43 4 270 GE +43 4 271 FD +43 4 272 BA +43 4 273 TA +43 4 274 BA +43 4 275 AG +43 4 276 GA +43 4 277 BF +43 4 278 GA +43 4 279 BF +43 4 280 AG +43 4 281 AG +43 4 282 AG +43 4 283 FD +43 4 284 BA +43 4 285 GA +43 4 286 BA +43 4 287 GE +43 4 288 GA +43 4 289 BF +43 4 290 BA +43 4 291 BF +43 4 292 GA +43 4 293 BA +43 4 294 BA +43 4 295 FD +43 4 296 TA +43 4 297 GE +43 4 298 GA +43 4 299 AG +43 4 300 FD +43 4 301 AG +43 4 302 BA +43 4 303 BF +43 4 304 AG +43 4 305 TA +43 4 306 AG +43 4 307 BF +43 4 308 TA +43 4 309 FD +43 4 310 AG +43 4 311 BF +43 4 312 FD +43 4 313 BF +43 4 314 BA +43 4 315 AG +43 4 316 FD +43 4 317 GA +43 4 318 GA +43 4 319 BA +43 4 320 AG +43 4 321 GA +43 4 322 BF +43 4 323 AG +43 4 324 BA +43 4 325 TA +43 4 326 GE +43 4 327 BA +43 4 328 AG +43 4 329 GA +43 4 330 BA +43 5 1 GG +43 5 2 BA +43 5 3 GA +43 5 4 GG +43 5 5 BA +43 5 6 BA +43 5 7 BA +43 5 8 GA +43 5 9 BA +43 5 10 GG +43 5 11 BA +43 5 12 BA +43 5 13 GG +43 5 14 BA +43 5 15 BA +43 5 16 BA +43 5 17 BE +43 5 18 GG +43 5 19 BA +43 5 20 GG +43 5 21 GA +43 5 22 BA +43 5 23 BA +43 5 24 GG +43 5 25 GG +43 5 26 GG +43 5 27 BA +43 5 28 GA +43 5 29 BA +43 5 30 GA +43 5 31 BA +43 5 32 GA +43 5 33 BA +43 5 34 GG +43 5 35 GA +43 5 36 GG +43 5 37 BA +43 5 38 GA +43 5 39 GG +43 5 40 BA +43 5 41 GA +43 5 42 BA +43 5 43 GG +43 5 44 BA +43 5 45 GG +43 5 46 BA +43 5 47 GG +43 5 48 GA +43 5 49 BA +43 5 50 GA +43 5 51 BA +43 5 52 BA +43 5 53 GA +43 5 54 GG +43 5 55 GG +43 5 56 BA +43 5 57 BA +43 5 58 BA +43 5 59 BA +43 5 60 GG +43 5 61 GA +43 5 62 BA +43 5 63 GA +43 5 64 GG +43 5 65 BE +43 5 66 BA +43 5 67 GG +43 5 68 GA +43 5 69 BA +43 5 70 BA +43 5 71 GA +43 5 72 GG +43 5 73 GA +43 5 74 BA +43 5 75 GG +43 5 76 GA +43 5 77 GG +43 5 78 GA +43 5 79 GG +43 5 80 GG +43 5 81 BA +43 5 82 GG +43 5 83 BA +43 5 84 GA +43 5 85 GG +43 5 86 BE +43 5 87 GG +43 5 88 GA +43 5 89 GG +43 5 90 GG +43 5 91 BA +43 5 92 BA +43 5 93 GG +43 5 94 GG +43 5 95 BA +43 5 96 GA +43 5 97 GG +43 5 98 BE +43 5 99 BA +43 5 100 BA +43 5 101 GA +43 5 102 BA +43 5 103 BA +43 5 104 BA +43 5 105 GA +43 5 106 BA +43 5 107 BA +43 5 108 BA +43 5 109 GG +43 5 110 GA +43 5 111 GG +43 5 112 BE +43 5 113 GG +43 5 114 GG +43 5 115 GA +43 5 116 BA +43 5 117 GG +43 5 118 GA +43 5 119 GG +43 5 120 BA +43 5 121 GA +43 5 122 GG +43 5 123 GG +43 5 124 BA +43 5 125 GA +43 5 126 BA +43 5 127 GG +43 5 128 BA +43 5 129 BA +43 5 130 GG +43 5 131 GA +43 5 132 GA +43 5 133 GG +43 5 134 GG +43 5 135 GA +43 5 136 GG +43 5 137 GG +43 5 138 BA +43 5 139 BA +43 5 140 GG +43 5 141 BA +43 5 142 BA +43 5 143 BA +43 5 144 GG +43 5 145 BA +43 5 146 GA +43 5 147 GG +43 5 148 BE +43 5 149 BA +43 5 150 GG +43 5 151 BA +43 5 152 BA +43 5 153 GG +43 5 154 GG +43 5 155 GG +43 5 156 GG +43 5 157 GA +43 5 158 BA +43 5 159 GA +43 5 160 GA +43 5 161 GG +43 5 162 BE +43 5 163 GG +43 5 164 GG +43 5 165 BA +43 5 166 GG +43 5 167 BA +43 5 168 GG +43 5 169 GG +43 5 170 GG +43 5 171 GG +43 5 172 BA +43 5 173 GA +43 5 174 GA +43 5 175 BA +43 5 176 GA +43 5 177 BA +43 5 178 GG +43 5 179 GA +43 5 180 GG +43 5 181 BA +43 5 182 GA +43 5 183 BA +43 5 184 GA +43 5 185 BA +43 5 186 GG +43 5 187 GA +43 5 188 GG +43 5 189 BA +43 5 190 GA +43 5 191 GG +43 5 192 GA +43 5 193 BA +43 5 194 GA +43 5 195 GG +43 5 196 BA +43 5 197 GA +43 5 198 GG +43 5 199 BA +43 5 200 BA +43 5 201 GA +43 5 202 GG +43 5 203 BE +43 5 204 GG +43 5 205 GG +43 5 206 BA +43 5 207 GA +43 5 208 BA +43 5 209 GG +43 5 210 GG +43 5 211 GG +43 5 212 GA +43 5 213 BA +43 5 214 BA +43 5 215 GA +43 5 216 GG +43 5 217 BA +43 5 218 BA +43 5 219 BA +43 5 220 BA +43 5 221 BA +43 5 222 GG +43 5 223 GG +43 5 224 BA +43 5 225 BA +43 5 226 GG +43 5 227 GG +43 5 228 GG +43 5 229 BA +43 5 230 BA +43 5 231 GA +43 5 232 BA +43 5 233 BA +43 5 234 GG +43 5 235 GG +43 5 236 BA +43 5 237 GA +43 5 238 GG +43 5 239 GA +43 5 240 BA +43 5 241 BA +43 5 242 BA +43 5 243 GA +43 5 244 BA +43 5 245 BE +43 5 246 GG +43 5 247 GA +43 5 248 GG +43 5 249 GG +43 5 250 GA +43 5 251 GG +43 5 252 BA +43 5 253 GG +43 5 254 BA +43 5 255 GG +43 5 256 GA +43 5 257 GG +43 5 258 BA +43 5 259 BE +43 5 260 BA +43 5 261 GE +43 5 262 BA +43 5 263 BA +43 5 264 GG +43 5 265 GG +43 5 266 GA +43 5 267 GA +43 5 268 GG +43 5 269 GA +43 5 270 BE +43 5 271 GG +43 5 272 BA +43 5 273 GA +43 5 274 BA +43 5 275 BA +43 5 276 GA +43 5 277 GG +43 5 278 GA +43 5 279 GG +43 5 280 GG +43 5 281 GG +43 5 282 GG +43 5 283 GA +43 5 284 BA +43 5 285 GA +43 5 286 BA +43 5 287 BA +43 5 288 BE +43 5 289 GG +43 5 290 BA +43 5 291 GG +43 5 292 GA +43 5 293 BA +43 5 294 BA +43 5 295 GA +43 5 296 GA +43 5 297 GA +43 5 298 BE +43 5 299 GG +43 5 300 BA +43 5 301 GG +43 5 302 BA +43 5 303 BA +43 5 304 GG +43 5 305 GA +43 5 306 BA +43 5 307 GG +43 5 308 GA +43 5 309 GG +43 5 310 GG +43 5 311 GG +43 5 312 GG +43 5 313 GG +43 5 314 BA +43 5 315 GG +43 5 316 GG +43 5 317 GA +43 5 318 GA +43 5 319 BA +43 5 320 BA +43 5 321 BE +43 5 322 BA +43 5 323 GG +43 5 324 BA +43 5 325 GA +43 5 326 BA +43 5 327 BA +43 5 328 GG +43 5 329 GA +43 5 330 BA +43 6 1 BF +43 6 2 BA +43 6 3 GA +43 6 4 GA +43 6 5 BA +43 6 6 GA +43 6 7 BF +43 6 8 GA +43 6 9 BA +43 6 10 BF +43 6 11 GG +43 6 12 BA +43 6 13 GG +43 6 14 BF +43 6 15 GA +43 6 16 BA +43 6 17 GA +43 6 18 GG +43 6 19 BF +43 6 20 BA +43 6 21 GA +43 6 22 BA +43 6 23 BA +43 6 24 GG +43 6 25 BF +43 6 26 BF +43 6 27 BA +43 6 28 GA +43 6 29 BF +43 6 30 GA +43 6 31 BA +43 6 32 GA +43 6 33 BA +43 6 34 GG +43 6 35 GA +43 6 36 GG +43 6 37 BF +43 6 38 GA +43 6 39 GG +43 6 40 BA +43 6 41 GA +43 6 42 BA +43 6 43 GG +43 6 44 BA +43 6 45 GG +43 6 46 BA +43 6 47 GG +43 6 48 GA +43 6 49 BA +43 6 50 BF +43 6 51 GA +43 6 52 BA +43 6 53 GA +43 6 54 BA +43 6 55 GG +43 6 56 GA +43 6 57 BF +43 6 58 BA +43 6 59 BA +43 6 60 GG +43 6 61 GA +43 6 62 BA +43 6 63 GA +43 6 64 BF +43 6 65 GA +43 6 66 BA +43 6 67 GG +43 6 68 GA +43 6 69 GG +43 6 70 BA +43 6 71 GA +43 6 72 GG +43 6 73 BF +43 6 74 BA +43 6 75 GG +43 6 76 GA +43 6 77 GG +43 6 78 BA +43 6 79 GG +43 6 80 BF +43 6 81 BA +43 6 82 BA +43 6 83 BA +43 6 84 GA +43 6 85 GG +43 6 86 GA +43 6 87 GG +43 6 88 GA +43 6 89 GG +43 6 90 GG +43 6 91 BA +43 6 92 BA +43 6 93 GG +43 6 94 GG +43 6 95 BA +43 6 96 GA +43 6 97 BF +43 6 98 GA +43 6 99 BA +43 6 100 BA +43 6 101 GA +43 6 102 BA +43 6 103 GA +43 6 104 BA +43 6 105 GA +43 6 106 BA +43 6 107 BA +43 6 108 BA +43 6 109 GG +43 6 110 BA +43 6 111 GA +43 6 112 GA +43 6 113 GG +43 6 114 GG +43 6 115 GA +43 6 116 BA +43 6 117 GG +43 6 118 GA +43 6 119 GG +43 6 120 BA +43 6 121 GA +43 6 122 GG +43 6 123 GG +43 6 124 BA +43 6 125 GA +43 6 126 GA +43 6 127 GG +43 6 128 GA +43 6 129 BA +43 6 130 GG +43 6 131 GA +43 6 132 GA +43 6 133 GG +43 6 134 GG +43 6 135 GA +43 6 136 GG +43 6 137 GG +43 6 138 GG +43 6 139 BA +43 6 140 GG +43 6 141 BA +43 6 142 BA +43 6 143 GG +43 6 144 GG +43 6 145 BA +43 6 146 GA +43 6 147 GG +43 6 148 GA +43 6 149 BA +43 6 150 BF +43 6 151 GA +43 6 152 GA +43 6 153 GG +43 6 154 GG +43 6 155 GG +43 6 156 GG +43 6 157 GG +43 6 158 BA +43 6 159 GA +43 6 160 GA +43 6 161 BA +43 6 162 GA +43 6 163 GG +43 6 164 GG +43 6 165 GG +43 6 166 GG +43 6 167 BA +43 6 168 GG +43 6 169 BF +43 6 170 GG +43 6 171 GG +43 6 172 BA +43 6 173 GA +43 6 174 GA +43 6 175 GG +43 6 176 GA +43 6 177 BA +43 6 178 BF +43 6 179 GA +43 6 180 GG +43 6 181 GA +43 6 182 GA +43 6 183 GG +43 6 184 GG +43 6 185 GA +43 6 186 GG +43 6 187 GA +43 6 188 GG +43 6 189 BA +43 6 190 GA +43 6 191 GG +43 6 192 BF +43 6 193 GA +43 6 194 GA +43 6 195 GG +43 6 196 BA +43 6 197 GA +43 6 198 GG +43 6 199 BA +43 6 200 GG +43 6 201 GA +43 6 202 GG +43 6 203 GA +43 6 204 GG +43 6 205 GG +43 6 206 BA +43 6 207 GA +43 6 208 GA +43 6 209 GG +43 6 210 GA +43 6 211 GG +43 6 212 GA +43 6 213 BA +43 6 214 BA +43 6 215 GA +43 6 216 GG +43 6 217 GA +43 6 218 GG +43 6 219 BA +43 6 220 GG +43 6 221 BA +43 6 222 GG +43 6 223 GG +43 6 224 BA +43 6 225 GG +43 6 226 GG +43 6 227 GG +43 6 228 GG +43 6 229 BA +43 6 230 BA +43 6 231 GA +43 6 232 GG +43 6 233 BA +43 6 234 GG +43 6 235 BF +43 6 236 BA +43 6 237 GG +43 6 238 GA +43 6 239 GG +43 6 240 GG +43 6 241 BA +43 6 242 BA +43 6 243 GA +43 6 244 BA +43 6 245 GA +43 6 246 GG +43 6 247 GG +43 6 248 GG +43 6 249 GG +43 6 250 GG +43 6 251 BA +43 6 252 BA +43 6 253 BA +43 6 254 BA +43 6 255 GG +43 6 256 GA +43 6 257 GG +43 6 258 GG +43 6 259 GA +43 6 260 BA +43 6 261 GA +43 6 262 BA +43 6 263 BA +43 6 264 BA +43 6 265 GG +43 6 266 GA +43 6 267 GA +43 6 268 BA +43 6 269 GA +43 6 270 GA +43 6 271 GG +43 6 272 BA +43 6 273 GA +43 6 274 BB +43 6 275 GA +43 6 276 GA +43 6 277 GG +43 6 278 GA +43 6 279 BF +43 6 280 GG +43 6 281 GG +43 6 282 GG +43 6 283 GA +43 6 284 BA +43 6 285 GA +43 6 286 BA +43 6 287 GA +43 6 288 GA +43 6 289 BA +43 6 290 BA +43 6 291 GG +43 6 292 GA +43 6 293 BA +43 6 294 BA +43 6 295 GA +43 6 296 BF +43 6 297 GA +43 6 298 GA +43 6 299 GG +43 6 300 BA +43 6 301 GG +43 6 302 BA +43 6 303 BA +43 6 304 GG +43 6 305 GA +43 6 306 BA +43 6 307 GG +43 6 308 GA +43 6 309 GG +43 6 310 GG +43 6 311 GG +43 6 312 GG +43 6 313 GG +43 6 314 BA +43 6 315 GG +43 6 316 GG +43 6 317 GA +43 6 318 GA +43 6 319 BA +43 6 320 GG +43 6 321 GA +43 6 322 GG +43 6 323 GG +43 6 324 BA +43 6 325 GA +43 6 326 GA +43 6 327 BA +43 6 328 GG +43 6 329 GA +43 6 330 BA +43 7 1 BF +43 7 2 BF +43 7 3 GA +43 7 4 TA +43 7 5 AG +43 7 6 GE +43 7 7 AG +43 7 8 GA +43 7 9 * +43 7 10 BF +43 7 11 FD +43 7 12 GE +43 7 13 FD +43 7 14 FD +43 7 15 GA +43 7 16 BA +43 7 17 GA +43 7 18 FD +43 7 19 BF +43 7 20 AG +43 7 21 GA +43 7 22 GE +43 7 23 TA +43 7 24 FD +43 7 25 BF +43 7 26 BF +43 7 27 BA +43 7 28 GA +43 7 29 AG +43 7 30 GA +43 7 31 BF +43 7 32 TA +43 7 33 AG +43 7 34 BF +43 7 35 GA +43 7 36 FD +43 7 37 BF +43 7 38 GA +43 7 39 AG +43 7 40 BF +43 7 41 GA +43 7 42 AG +43 7 43 BF +43 7 44 BA +43 7 45 AG +43 7 46 FD +43 7 47 FD +43 7 48 GE +43 7 49 BF +43 7 50 TA +43 7 51 FD +43 7 52 BA +43 7 53 GA +43 7 54 AG +43 7 55 BF +43 7 56 GA +43 7 57 BF +43 7 58 AG +43 7 59 TA +43 7 60 FD +43 7 61 GA +43 7 62 TA +43 7 63 GA +43 7 64 BF +43 7 65 GA +43 7 66 BA +43 7 67 AG +43 7 68 TA +43 7 69 AG +43 7 70 TA +43 7 71 TA +43 7 72 AG +43 7 73 TA +43 7 74 BF +43 7 75 FD +43 7 76 GA +43 7 77 BF +43 7 78 GA +43 7 79 FD +43 7 80 BF +43 7 81 AG +43 7 82 AG +43 7 83 GE +43 7 84 GA +43 7 85 AG +43 7 86 GA +43 7 87 FD +43 7 88 TA +43 7 89 FD +43 7 90 FD +43 7 91 AG +43 7 92 BA +43 7 93 BF +43 7 94 FD +43 7 95 AT +43 7 96 GE +43 7 97 TA +43 7 98 GA +43 7 99 TA +43 7 100 AT +43 7 101 TA +43 7 102 BF +43 7 103 AG +43 7 104 BF +43 7 105 TA +43 7 106 GE +43 7 107 BA +43 7 108 AT +43 7 109 BF +43 7 110 GE +43 7 111 FD +43 7 112 GA +43 7 113 FD +43 7 114 FD +43 7 115 GA +43 7 116 BF +43 7 117 FD +43 7 118 GA +43 7 119 AG +43 7 120 BA +43 7 121 GA +43 7 122 AG +43 7 123 BF +43 7 124 AG +43 7 125 GA +43 7 126 GA +43 7 127 FD +43 7 128 GE +43 7 129 BA +43 7 130 FD +43 7 131 TA +43 7 132 GA +43 7 133 AG +43 7 134 FD +43 7 135 TA +43 7 136 BF +43 7 137 AG +43 7 138 BF +43 7 139 AT +43 7 140 BF +43 7 141 BA +43 7 142 AT +43 7 143 AG +43 7 144 TA +43 7 145 AG +43 7 146 GE +43 7 147 AG +43 7 148 GA +43 7 149 AG +43 7 150 TA +43 7 151 GA +43 7 152 TA +43 7 153 BF +43 7 154 FD +43 7 155 FD +43 7 156 AG +43 7 157 FD +43 7 158 BA +43 7 159 GE +43 7 160 GA +43 7 161 AG +43 7 162 GA +43 7 163 BF +43 7 164 BF +43 7 165 AG +43 7 166 BF +43 7 167 TA +43 7 168 AG +43 7 169 BF +43 7 170 FD +43 7 171 AG +43 7 172 BA +43 7 173 GA +43 7 174 GE +43 7 175 BF +43 7 176 GA +43 7 177 GE +43 7 178 BF +43 7 179 GA +43 7 180 AG +43 7 181 GE +43 7 182 TA +43 7 183 FD +43 7 184 TA +43 7 185 * +43 7 186 BF +43 7 187 GE +43 7 188 BF +43 7 189 BF +43 7 190 GA +43 7 191 AG +43 7 192 TA +43 7 193 AG +43 7 194 GA +43 7 195 AG +43 7 196 AG +43 7 197 TA +43 7 198 FD +43 7 199 BA +43 7 200 BF +43 7 201 GA +43 7 202 AG +43 7 203 GA +43 7 204 FD +43 7 205 TA +43 7 206 BA +43 7 207 GA +43 7 208 GE +43 7 209 AG +43 7 210 FD +43 7 211 BF +43 7 212 GA +43 7 213 TA +43 7 214 AG +43 7 215 TA +43 7 216 FD +43 7 217 GA +43 7 218 AG +43 7 219 AT +43 7 220 TA +43 7 221 BA +43 7 222 GA +43 7 223 AG +43 7 224 BA +43 7 225 AG +43 7 226 BF +43 7 227 FD +43 7 228 BF +43 7 229 AG +43 7 230 BA +43 7 231 TA +43 7 232 FD +43 7 233 TA +43 7 234 AG +43 7 235 BF +43 7 236 AG +43 7 237 GA +43 7 238 BF +43 7 239 GA +43 7 240 FD +43 7 241 BA +43 7 242 GE +43 7 243 TA +43 7 244 AT +43 7 245 GA +43 7 246 AG +43 7 247 TA +43 7 248 FD +43 7 249 AG +43 7 250 TA +43 7 251 AG +43 7 252 BA +43 7 253 AG +43 7 254 BF +43 7 255 FD +43 7 256 GA +43 7 257 BF +43 7 258 AG +43 7 259 GA +43 7 260 GE +43 7 261 GA +43 7 262 BA +43 7 263 FD +43 7 264 BF +43 7 265 AG +43 7 266 GA +43 7 267 TA +43 7 268 AG +43 7 269 TA +43 7 270 GE +43 7 271 FD +43 7 272 BA +43 7 273 TA +43 7 274 BA +43 7 275 AG +43 7 276 GA +43 7 277 BF +43 7 278 GA +43 7 279 BF +43 7 280 AG +43 7 281 AG +43 7 282 AG +43 7 283 FD +43 7 284 AT +43 7 285 GA +43 7 286 BA +43 7 287 GA +43 7 288 GA +43 7 289 BF +43 7 290 BA +43 7 291 BF +43 7 292 GA +43 7 293 AT +43 7 294 AT +43 7 295 FD +43 7 296 TA +43 7 297 GE +43 7 298 GA +43 7 299 AG +43 7 300 FD +43 7 301 AG +43 7 302 BA +43 7 303 BF +43 7 304 AG +43 7 305 TA +43 7 306 AG +43 7 307 BF +43 7 308 TA +43 7 309 FD +43 7 310 AG +43 7 311 BF +43 7 312 FD +43 7 313 BF +43 7 314 BA +43 7 315 AG +43 7 316 AG +43 7 317 TA +43 7 318 GA +43 7 319 BA +43 7 320 AG +43 7 321 GA +43 7 322 BF +43 7 323 AG +43 7 324 BA +43 7 325 TA +43 7 326 GE +43 7 327 AT +43 7 328 AG +43 7 329 FD +43 7 330 AT +43 8 1 BF +43 8 2 BF +43 8 3 GA +43 8 4 FD +43 8 5 AG +43 8 6 GE +43 8 7 AG +43 8 8 GA +43 8 9 GA +43 8 10 BF +43 8 11 FD +43 8 12 GE +43 8 13 FD +43 8 14 FD +43 8 15 GA +43 8 16 BA +43 8 17 GA +43 8 18 FD +43 8 19 BF +43 8 20 AG +43 8 21 GA +43 8 22 GE +43 8 23 FD +43 8 24 FD +43 8 25 BF +43 8 26 BF +43 8 27 BA +43 8 28 GA +43 8 29 AG +43 8 30 GA +43 8 31 BF +43 8 32 GA +43 8 33 AG +43 8 34 BF +43 8 35 GA +43 8 36 FD +43 8 37 BF +43 8 38 GA +43 8 39 AG +43 8 40 BF +43 8 41 GA +43 8 42 AG +43 8 43 BF +43 8 44 BA +43 8 45 AG +43 8 46 FD +43 8 47 FD +43 8 48 GE +43 8 49 BF +43 8 50 FD +43 8 51 FD +43 8 52 BA +43 8 53 GA +43 8 54 AG +43 8 55 BF +43 8 56 GE +43 8 57 BF +43 8 58 AG +43 8 59 BA +43 8 60 FD +43 8 61 GA +43 8 62 FD +43 8 63 GA +43 8 64 BF +43 8 65 GA +43 8 66 BA +43 8 67 AG +43 8 68 GA +43 8 69 AG +43 8 70 BA +43 8 71 FD +43 8 72 AG +43 8 73 FD +43 8 74 BF +43 8 75 FD +43 8 76 GA +43 8 77 BF +43 8 78 GA +43 8 79 FD +43 8 80 BF +43 8 81 AG +43 8 82 BF +43 8 83 GE +43 8 84 * +43 8 85 AG +43 8 86 GA +43 8 87 FD +43 8 88 FD +43 8 89 FD +43 8 90 FD +43 8 91 AG +43 8 92 BA +43 8 93 BF +43 8 94 FD +43 8 95 BA +43 8 96 GE +43 8 97 FD +43 8 98 GA +43 8 99 FD +43 8 100 BF +43 8 101 FD +43 8 102 FD +43 8 103 FD +43 8 104 BF +43 8 105 FD +43 8 106 GE +43 8 107 BA +43 8 108 BA +43 8 109 FD +43 8 110 GE +43 8 111 FD +43 8 112 GA +43 8 113 FD +43 8 114 FD +43 8 115 GA +43 8 116 BF +43 8 117 FD +43 8 118 GA +43 8 119 AG +43 8 120 BA +43 8 121 GA +43 8 122 AG +43 8 123 BF +43 8 124 AG +43 8 125 GA +43 8 126 GA +43 8 127 FD +43 8 128 GE +43 8 129 BA +43 8 130 FD +43 8 131 FD +43 8 132 GA +43 8 133 AG +43 8 134 FD +43 8 135 GA +43 8 136 BF +43 8 137 AG +43 8 138 BF +43 8 139 BA +43 8 140 BF +43 8 141 BA +43 8 142 BA +43 8 143 AG +43 8 144 FD +43 8 145 AG +43 8 146 GE +43 8 147 AG +43 8 148 GA +43 8 149 AG +43 8 150 FD +43 8 151 GA +43 8 152 GA +43 8 153 BF +43 8 154 FD +43 8 155 FD +43 8 156 AG +43 8 157 FD +43 8 158 BA +43 8 159 GE +43 8 160 GA +43 8 161 AG +43 8 162 GA +43 8 163 BF +43 8 164 BF +43 8 165 FD +43 8 166 BF +43 8 167 FD +43 8 168 AG +43 8 169 BF +43 8 170 FD +43 8 171 AG +43 8 172 BA +43 8 173 GA +43 8 174 GE +43 8 175 BF +43 8 176 GA +43 8 177 GE +43 8 178 BF +43 8 179 GA +43 8 180 AG +43 8 181 GE +43 8 182 GA +43 8 183 FD +43 8 184 FD +43 8 185 GE +43 8 186 BF +43 8 187 GE +43 8 188 BF +43 8 189 BF +43 8 190 GA +43 8 191 AG +43 8 192 FD +43 8 193 GE +43 8 194 GA +43 8 195 AG +43 8 196 AG +43 8 197 FD +43 8 198 FD +43 8 199 BA +43 8 200 BF +43 8 201 GA +43 8 202 AG +43 8 203 GA +43 8 204 FD +43 8 205 FD +43 8 206 BA +43 8 207 GA +43 8 208 GE +43 8 209 FD +43 8 210 FD +43 8 211 BF +43 8 212 GA +43 8 213 FD +43 8 214 AG +43 8 215 GA +43 8 216 FD +43 8 217 GA +43 8 218 AG +43 8 219 BA +43 8 220 FD +43 8 221 BA +43 8 222 FD +43 8 223 AG +43 8 224 BA +43 8 225 AG +43 8 226 BF +43 8 227 FD +43 8 228 BF +43 8 229 AG +43 8 230 BA +43 8 231 FD +43 8 232 FD +43 8 233 FD +43 8 234 AG +43 8 235 BF +43 8 236 AG +43 8 237 GA +43 8 238 BF +43 8 239 GA +43 8 240 GA +43 8 241 BF +43 8 242 GE +43 8 243 GA +43 8 244 BA +43 8 245 GA +43 8 246 BF +43 8 247 FD +43 8 248 FD +43 8 249 AG +43 8 250 FD +43 8 251 AG +43 8 252 BA +43 8 253 AG +43 8 254 BF +43 8 255 FD +43 8 256 GA +43 8 257 BF +43 8 258 GE +43 8 259 GA +43 8 260 GE +43 8 261 GA +43 8 262 BA +43 8 263 FD +43 8 264 BF +43 8 265 AG +43 8 266 GA +43 8 267 FD +43 8 268 AG +43 8 269 GA +43 8 270 GA +43 8 271 FD +43 8 272 BA +43 8 273 GA +43 8 274 BA +43 8 275 AG +43 8 276 GA +43 8 277 BF +43 8 278 GA +43 8 279 BF +43 8 280 AG +43 8 281 AG +43 8 282 AG +43 8 283 FD +43 8 284 BA +43 8 285 GA +43 8 286 BA +43 8 287 AG +43 8 288 GA +43 8 289 BF +43 8 290 BA +43 8 291 BF +43 8 292 GA +43 8 293 BA +43 8 294 BA +43 8 295 FD +43 8 296 FD +43 8 297 GE +43 8 298 GA +43 8 299 AG +43 8 300 FD +43 8 301 AG +43 8 302 BA +43 8 303 BF +43 8 304 AG +43 8 305 FD +43 8 306 AG +43 8 307 BF +43 8 308 FD +43 8 309 FD +43 8 310 AG +43 8 311 BF +43 8 312 FD +43 8 313 FD +43 8 314 BA +43 8 315 AG +43 8 316 AG +43 8 317 GA +43 8 318 GA +43 8 319 BA +43 8 320 AG +43 8 321 GA +43 8 322 BF +43 8 323 AG +43 8 324 BF +43 8 325 FD +43 8 326 GE +43 8 327 BA +43 8 328 FD +43 8 329 GA +43 8 330 BA +43 9 1 FD +43 9 2 FD +43 9 3 GA +43 9 4 FD +43 9 5 BA +43 9 6 BA +43 9 7 FD +43 9 8 GA +43 9 9 GA +43 9 10 FD +43 9 11 BA +43 9 12 GA +43 9 13 FD +43 9 14 FD +43 9 15 BA +43 9 16 BA +43 9 17 GA +43 9 18 BA +43 9 19 FD +43 9 20 FD +43 9 21 GA +43 9 22 GA +43 9 23 GA +43 9 24 FD +43 9 25 FD +43 9 26 FD +43 9 27 GA +43 9 28 GA +43 9 29 FD +43 9 30 GA +43 9 31 BA +43 9 32 BA +43 9 33 BA +43 9 34 GG +43 9 35 GA +43 9 36 GG +43 9 37 GG +43 9 38 GA +43 9 39 GG +43 9 40 BA +43 9 41 GA +43 9 42 BA +43 9 43 BA +43 9 44 BA +43 9 45 GG +43 9 46 BA +43 9 47 BA +43 9 48 GA +43 9 49 FD +43 9 50 FD +43 9 51 FD +43 9 52 BA +43 9 53 GA +43 9 54 FD +43 9 55 FD +43 9 56 GA +43 9 57 FD +43 9 58 BA +43 9 59 BA +43 9 60 GG +43 9 61 GA +43 9 62 BA +43 9 63 GA +43 9 64 FD +43 9 65 GA +43 9 66 BA +43 9 67 FD +43 9 68 GA +43 9 69 GG +43 9 70 BA +43 9 71 FD +43 9 72 GG +43 9 73 GG +43 9 74 BA +43 9 75 GG +43 9 76 GA +43 9 77 * +43 9 78 GA +43 9 79 BA +43 9 80 GG +43 9 81 FD +43 9 82 FD +43 9 83 GA +43 9 84 GA +43 9 85 GG +43 9 86 GA +43 9 87 BA +43 9 88 GA +43 9 89 GG +43 9 90 GG +43 9 91 GG +43 9 92 BA +43 9 93 GA +43 9 94 BA +43 9 95 BA +43 9 96 GA +43 9 97 GG +43 9 98 GA +43 9 99 BA +43 9 100 GG +43 9 101 GA +43 9 102 FD +43 9 103 FD +43 9 104 FD +43 9 105 GA +43 9 106 GA +43 9 107 BA +43 9 108 BA +43 9 109 GG +43 9 110 GA +43 9 111 BA +43 9 112 GA +43 9 113 BA +43 9 114 GG +43 9 115 GA +43 9 116 BA +43 9 117 FD +43 9 118 GA +43 9 119 FD +43 9 120 BA +43 9 121 GA +43 9 122 GG +43 9 123 GG +43 9 124 BA +43 9 125 GA +43 9 126 GA +43 9 127 GG +43 9 128 BA +43 9 129 BA +43 9 130 GG +43 9 131 GG +43 9 132 GA +43 9 133 FD +43 9 134 FD +43 9 135 GA +43 9 136 FD +43 9 137 GG +43 9 138 FD +43 9 139 BA +43 9 140 GG +43 9 141 BA +43 9 142 BA +43 9 143 FD +43 9 144 GG +43 9 145 FD +43 9 146 GA +43 9 147 FD +43 9 148 GA +43 9 149 BA +43 9 150 FD +43 9 151 GA +43 9 152 GA +43 9 153 FD +43 9 154 GG +43 9 155 GG +43 9 156 FD +43 9 157 FD +43 9 158 BA +43 9 159 GA +43 9 160 GA +43 9 161 FD +43 9 162 GA +43 9 163 FD +43 9 164 GG +43 9 165 GG +43 9 166 GG +43 9 167 BA +43 9 168 GG +43 9 169 GG +43 9 170 GG +43 9 171 BA +43 9 172 BA +43 9 173 GA +43 9 174 GA +43 9 175 BA +43 9 176 GA +43 9 177 BA +43 9 178 GG +43 9 179 GG +43 9 180 FD +43 9 181 BA +43 9 182 GG +43 9 183 BA +43 9 184 GG +43 9 185 BA +43 9 186 BA +43 9 187 GA +43 9 188 GG +43 9 189 GA +43 9 190 GG +43 9 191 FD +43 9 192 GA +43 9 193 BA +43 9 194 FD +43 9 195 FD +43 9 196 BA +43 9 197 GA +43 9 198 BA +43 9 199 BA +43 9 200 BA +43 9 201 GA +43 9 202 GA +43 9 203 GA +43 9 204 GG +43 9 205 GG +43 9 206 BA +43 9 207 GA +43 9 208 GA +43 9 209 FD +43 9 210 FD +43 9 211 FD +43 9 212 GA +43 9 213 BA +43 9 214 GG +43 9 215 GA +43 9 216 GG +43 9 217 GA +43 9 218 GG +43 9 219 BA +43 9 220 GG +43 9 221 BA +43 9 222 FD +43 9 223 FD +43 9 224 BA +43 9 225 FD +43 9 226 FD +43 9 227 FD +43 9 228 FD +43 9 229 BA +43 9 230 BA +43 9 231 GA +43 9 232 BA +43 9 233 BA +43 9 234 FD +43 9 235 GG +43 9 236 FD +43 9 237 GA +43 9 238 FD +43 9 239 GA +43 9 240 FD +43 9 241 BA +43 9 242 BA +43 9 243 FD +43 9 244 BA +43 9 245 GA +43 9 246 FD +43 9 247 FD +43 9 248 GG +43 9 249 GG +43 9 250 FD +43 9 251 FD +43 9 252 BA +43 9 253 FD +43 9 254 FD +43 9 255 GG +43 9 256 GA +43 9 257 FD +43 9 258 FD +43 9 259 GA +43 9 260 BA +43 9 261 GA +43 9 262 BA +43 9 263 BA +43 9 264 BA +43 9 265 FD +43 9 266 FD +43 9 267 FD +43 9 268 FD +43 9 269 GA +43 9 270 GA +43 9 271 GG +43 9 272 BA +43 9 273 GA +43 9 274 BA +43 9 275 GG +43 9 276 GA +43 9 277 FD +43 9 278 GA +43 9 279 FD +43 9 280 GG +43 9 281 FD +43 9 282 FD +43 9 283 GG +43 9 284 BA +43 9 285 GA +43 9 286 BA +43 9 287 GG +43 9 288 GA +43 9 289 BA +43 9 290 BA +43 9 291 FD +43 9 292 GA +43 9 293 BA +43 9 294 BA +43 9 295 FD +43 9 296 GG +43 9 297 GA +43 9 298 GA +43 9 299 FD +43 9 300 BA +43 9 301 FD +43 9 302 BA +43 9 303 FD +43 9 304 FD +43 9 305 GG +43 9 306 FD +43 9 307 GG +43 9 308 GG +43 9 309 GG +43 9 310 FD +43 9 311 GG +43 9 312 GG +43 9 313 GG +43 9 314 BA +43 9 315 FD +43 9 316 FD +43 9 317 GA +43 9 318 GA +43 9 319 BA +43 9 320 FD +43 9 321 GA +43 9 322 FD +43 9 323 GG +43 9 324 BA +43 9 325 FD +43 9 326 GA +43 9 327 BA +43 9 328 FD +43 9 329 GA +43 9 330 BA +43 10 1 BF +43 10 2 BF +43 10 3 GA +43 10 4 FD +43 10 5 FD +43 10 6 GE +43 10 7 FD +43 10 8 GA +43 10 9 FD +43 10 10 BF +43 10 11 FD +43 10 12 GE +43 10 13 FD +43 10 14 FD +43 10 15 GA +43 10 16 BA +43 10 17 GA +43 10 18 FD +43 10 19 BF +43 10 20 FD +43 10 21 GA +43 10 22 GE +43 10 23 FD +43 10 24 FD +43 10 25 BF +43 10 26 BF +43 10 27 BA +43 10 28 GA +43 10 29 FD +43 10 30 GA +43 10 31 BF +43 10 32 GA +43 10 33 FD +43 10 34 BF +43 10 35 GA +43 10 36 FD +43 10 37 BF +43 10 38 GA +43 10 39 FD +43 10 40 BF +43 10 41 GA +43 10 42 GE +43 10 43 BF +43 10 44 BA +43 10 45 FD +43 10 46 FD +43 10 47 FD +43 10 48 GE +43 10 49 BF +43 10 50 FD +43 10 51 FD +43 10 52 BA +43 10 53 GA +43 10 54 FD +43 10 55 BF +43 10 56 GS +43 10 57 BF +43 10 58 FD +43 10 59 AT +43 10 60 FD +43 10 61 GA +43 10 62 FD +43 10 63 GS +43 10 64 BF +43 10 65 GA +43 10 66 BA +43 10 67 FD +43 10 68 GA +43 10 69 FD +43 10 70 AT +43 10 71 FD +43 10 72 FD +43 10 73 FD +43 10 74 AT +43 10 75 FD +43 10 76 GA +43 10 77 BF +43 10 78 GS +43 10 79 FD +43 10 80 BF +43 10 81 FD +43 10 82 FD +43 10 83 GE +43 10 84 GS +43 10 85 FD +43 10 86 GS +43 10 87 FD +43 10 88 FD +43 10 89 FD +43 10 90 FD +43 10 91 FD +43 10 92 BA +43 10 93 BF +43 10 94 FD +43 10 95 AT +43 10 96 GE +43 10 97 FD +43 10 98 GA +43 10 99 FD +43 10 100 FD +43 10 101 FD +43 10 102 FD +43 10 103 FD +43 10 104 BF +43 10 105 FD +43 10 106 GE +43 10 107 BA +43 10 108 AT +43 10 109 BF +43 10 110 GE +43 10 111 FD +43 10 112 GA +43 10 113 FD +43 10 114 FD +43 10 115 GA +43 10 116 BF +43 10 117 FD +43 10 118 GA +43 10 119 FD +43 10 120 BA +43 10 121 GA +43 10 122 FD +43 10 123 BF +43 10 124 GE +43 10 125 GA +43 10 126 GS +43 10 127 FD +43 10 128 GE +43 10 129 BA +43 10 130 FD +43 10 131 FD +43 10 132 GA +43 10 133 FD +43 10 134 FD +43 10 135 FD +43 10 136 BF +43 10 137 FD +43 10 138 BF +43 10 139 AT +43 10 140 BF +43 10 141 BA +43 10 142 AT +43 10 143 FD +43 10 144 FD +43 10 145 FD +43 10 146 GE +43 10 147 FD +43 10 148 GA +43 10 149 FD +43 10 150 FD +43 10 151 GS +43 10 152 GS +43 10 153 BF +43 10 154 FD +43 10 155 FD +43 10 156 FD +43 10 157 FD +43 10 158 BA +43 10 159 GE +43 10 160 GS +43 10 161 FD +43 10 162 GA +43 10 163 FD +43 10 164 BF +43 10 165 FD +43 10 166 FD +43 10 167 FD +43 10 168 FD +43 10 169 BF +43 10 170 FD +43 10 171 FD +43 10 172 BA +43 10 173 GA +43 10 174 GE +43 10 175 BF +43 10 176 GA +43 10 177 GE +43 10 178 BF +43 10 179 GA +43 10 180 FD +43 10 181 GE +43 10 182 FD +43 10 183 FD +43 10 184 FD +43 10 185 GA +43 10 186 BF +43 10 187 GE +43 10 188 BF +43 10 189 BF +43 10 190 GS +43 10 191 FD +43 10 192 FD +43 10 193 GE +43 10 194 FD +43 10 195 FD +43 10 196 AT +43 10 197 FD +43 10 198 FD +43 10 199 BA +43 10 200 BF +43 10 201 GS +43 10 202 FD +43 10 203 GA +43 10 204 FD +43 10 205 FD +43 10 206 BA +43 10 207 GA +43 10 208 GE +43 10 209 FD +43 10 210 FD +43 10 211 BF +43 10 212 GA +43 10 213 FD +43 10 214 FD +43 10 215 GS +43 10 216 FD +43 10 217 GS +43 10 218 FD +43 10 219 AT +43 10 220 FD +43 10 221 AT +43 10 222 FD +43 10 223 FD +43 10 224 BA +43 10 225 FD +43 10 226 BF +43 10 227 FD +43 10 228 BF +43 10 229 FD +43 10 230 BA +43 10 231 FD +43 10 232 FD +43 10 233 FD +43 10 234 FD +43 10 235 BF +43 10 236 FD +43 10 237 GS +43 10 238 FD +43 10 239 GA +43 10 240 GA +43 10 241 BA +43 10 242 GE +43 10 243 FD +43 10 244 AT +43 10 245 FD +43 10 246 FD +43 10 247 FD +43 10 248 FD +43 10 249 FD +43 10 250 FD +43 10 251 FD +43 10 252 BA +43 10 253 FD +43 10 254 BA +43 10 255 FD +43 10 256 GA +43 10 257 BF +43 10 258 GE +43 10 259 GA +43 10 260 GE +43 10 261 GA +43 10 262 BA +43 10 263 FD +43 10 264 BF +43 10 265 FD +43 10 266 GA +43 10 267 FD +43 10 268 FD +43 10 269 FD +43 10 270 GE +43 10 271 FD +43 10 272 BA +43 10 273 FD +43 10 274 BA +43 10 275 FD +43 10 276 GA +43 10 277 BF +43 10 278 GA +43 10 279 BF +43 10 280 FD +43 10 281 FD +43 10 282 FD +43 10 283 FD +43 10 284 AT +43 10 285 GS +43 10 286 BA +43 10 287 FD +43 10 288 GA +43 10 289 FD +43 10 290 BA +43 10 291 BF +43 10 292 GS +43 10 293 AT +43 10 294 AT +43 10 295 FD +43 10 296 FD +43 10 297 GE +43 10 298 GA +43 10 299 FD +43 10 300 FD +43 10 301 FD +43 10 302 BA +43 10 303 BF +43 10 304 FD +43 10 305 FD +43 10 306 FD +43 10 307 BF +43 10 308 FD +43 10 309 FD +43 10 310 FD +43 10 311 BF +43 10 312 FD +43 10 313 BF +43 10 314 BA +43 10 315 FD +43 10 316 FD +43 10 317 GA +43 10 318 GA +43 10 319 BA +43 10 320 FD +43 10 321 GA +43 10 322 BF +43 10 323 FD +43 10 324 BA +43 10 325 FD +43 10 326 GE +43 10 327 AT +43 10 328 FD +43 10 329 FD +43 10 330 AT +43 11 1 FD +43 11 2 BA +43 11 3 BE +43 11 4 FD +43 11 5 BA +43 11 6 BA +43 11 7 BA +43 11 8 GA +43 11 9 GA +43 11 10 FD +43 11 11 FD +43 11 12 GA +43 11 13 BA +43 11 14 FD +43 11 15 GA +43 11 16 BA +43 11 17 GA +43 11 18 BA +43 11 19 BA +43 11 20 GA +43 11 21 GA +43 11 22 BA +43 11 23 GA +43 11 24 FD +43 11 25 FD +43 11 26 FD +43 11 27 BA +43 11 28 GA +43 11 29 BA +43 11 30 GA +43 11 31 BA +43 11 32 GA +43 11 33 BA +43 11 34 FD +43 11 35 GA +43 11 36 FD +43 11 37 FD +43 11 38 GA +43 11 39 BA +43 11 40 BA +43 11 41 GA +43 11 42 BA +43 11 43 FD +43 11 44 BA +43 11 45 FD +43 11 46 BF +43 11 47 FD +43 11 48 GA +43 11 49 BA +43 11 50 FD +43 11 51 FD +43 11 52 BA +43 11 53 GA +43 11 54 BF +43 11 55 BA +43 11 56 GA +43 11 57 FD +43 11 58 BA +43 11 59 BA +43 11 60 BA +43 11 61 GA +43 11 62 BA +43 11 63 GA +43 11 64 FD +43 11 65 GA +43 11 66 BA +43 11 67 FD +43 11 68 GA +43 11 69 GA +43 11 70 BA +43 11 71 GA +43 11 72 FD +43 11 73 GA +43 11 74 BA +43 11 75 GA +43 11 76 GA +43 11 77 FD +43 11 78 GA +43 11 79 FD +43 11 80 FD +43 11 81 BA +43 11 82 BF +43 11 83 GA +43 11 84 GA +43 11 85 FD +43 11 86 GA +43 11 87 GA +43 11 88 GA +43 11 89 BF +43 11 90 BF +43 11 91 GA +43 11 92 BF +43 11 93 GG +43 11 94 FD +43 11 95 BA +43 11 96 GA +43 11 97 BF +43 11 98 GA +43 11 99 GA +43 11 100 BF +43 11 101 GA +43 11 102 BF +43 11 103 FD +43 11 104 BA +43 11 105 GA +43 11 106 BA +43 11 107 BA +43 11 108 BF +43 11 109 BF +43 11 110 GA +43 11 111 FD +43 11 112 GA +43 11 113 FD +43 11 114 BF +43 11 115 GA +43 11 116 BA +43 11 117 FD +43 11 118 GA +43 11 119 BA +43 11 120 BA +43 11 121 GA +43 11 122 GA +43 11 123 FD +43 11 124 BA +43 11 125 GA +43 11 126 GA +43 11 127 FD +43 11 128 GA +43 11 129 BA +43 11 130 FD +43 11 131 GA +43 11 132 GA +43 11 133 FD +43 11 134 BF +43 11 135 GA +43 11 136 BA +43 11 137 FD +43 11 138 GA +43 11 139 GA +43 11 140 FD +43 11 141 BA +43 11 142 BA +43 11 143 BA +43 11 144 FD +43 11 145 BA +43 11 146 GA +43 11 147 BF +43 11 148 GA +43 11 149 BF +43 11 150 FD +43 11 151 GA +43 11 152 GA +43 11 153 FD +43 11 154 BA +43 11 155 BA +43 11 156 FD +43 11 157 GA +43 11 158 BA +43 11 159 GA +43 11 160 GA +43 11 161 FD +43 11 162 GA +43 11 163 FD +43 11 164 FD +43 11 165 BA +43 11 166 BA +43 11 167 GA +43 11 168 GG +43 11 169 GA +43 11 170 GG +43 11 171 BA +43 11 172 BA +43 11 173 GA +43 11 174 GA +43 11 175 BA +43 11 176 GA +43 11 177 BA +43 11 178 FD +43 11 179 GA +43 11 180 BA +43 11 181 GA +43 11 182 GA +43 11 183 FD +43 11 184 BF +43 11 185 GA +43 11 186 BA +43 11 187 GA +43 11 188 GG +43 11 189 BA +43 11 190 GA +43 11 191 FD +43 11 192 BF +43 11 193 BA +43 11 194 GA +43 11 195 BA +43 11 196 BA +43 11 197 GA +43 11 198 FD +43 11 199 BA +43 11 200 GG +43 11 201 GA +43 11 202 GG +43 11 203 GA +43 11 204 FD +43 11 205 BA +43 11 206 BA +43 11 207 GA +43 11 208 FD +43 11 209 FD +43 11 210 GG +43 11 211 GG +43 11 212 GA +43 11 213 BA +43 11 214 GA +43 11 215 GA +43 11 216 FD +43 11 217 GA +43 11 218 GG +43 11 219 BA +43 11 220 GG +43 11 221 BA +43 11 222 GA +43 11 223 BA +43 11 224 BA +43 11 225 FD +43 11 226 FD +43 11 227 FD +43 11 228 FD +43 11 229 BA +43 11 230 GA +43 11 231 GA +43 11 232 GG +43 11 233 BA +43 11 234 GG +43 11 235 GG +43 11 236 BA +43 11 237 GA +43 11 238 BF +43 11 239 GA +43 11 240 GA +43 11 241 BA +43 11 242 BA +43 11 243 GA +43 11 244 BA +43 11 245 GA +43 11 246 FD +43 11 247 FD +43 11 248 FD +43 11 249 BA +43 11 250 FD +43 11 251 FD +43 11 252 BA +43 11 253 BF +43 11 254 BA +43 11 255 FD +43 11 256 GA +43 11 257 FD +43 11 258 BA +43 11 259 GA +43 11 260 BA +43 11 261 GA +43 11 262 BA +43 11 263 BA +43 11 264 BA +43 11 265 FD +43 11 266 GA +43 11 267 GA +43 11 268 BA +43 11 269 GA +43 11 270 GA +43 11 271 FD +43 11 272 BA +43 11 273 GA +43 11 274 BF +43 11 275 GA +43 11 276 GA +43 11 277 GG +43 11 278 GA +43 11 279 FD +43 11 280 BF +43 11 281 FD +43 11 282 FD +43 11 283 FD +43 11 284 BA +43 11 285 GA +43 11 286 BA +43 11 287 FD +43 11 288 GA +43 11 289 BA +43 11 290 BA +43 11 291 FD +43 11 292 GA +43 11 293 BA +43 11 294 BA +43 11 295 FD +43 11 296 BF +43 11 297 GA +43 11 298 GA +43 11 299 FD +43 11 300 BA +43 11 301 FD +43 11 302 BA +43 11 303 BA +43 11 304 FD +43 11 305 GA +43 11 306 BA +43 11 307 BA +43 11 308 BA +43 11 309 FD +43 11 310 FD +43 11 311 GG +43 11 312 GG +43 11 313 GG +43 11 314 BA +43 11 315 BA +43 11 316 FD +43 11 317 GA +43 11 318 GA +43 11 319 BA +43 11 320 GG +43 11 321 GA +43 11 322 BA +43 11 323 GG +43 11 324 BA +43 11 325 GA +43 11 326 GA +43 11 327 BA +43 11 328 * +43 11 329 GA +43 11 330 BA +43 12 1 BF +43 12 2 BA +43 12 3 BE +43 12 4 FD +43 12 5 BA +43 12 6 AN +43 12 7 BE +43 12 8 BE +43 12 9 BE +43 12 10 BF +43 12 11 FD +43 12 12 AN +43 12 13 FD +43 12 14 BF +43 12 15 BA +43 12 16 BA +43 12 17 BE +43 12 18 FD +43 12 19 BF +43 12 20 BE +43 12 21 BE +43 12 22 AN +43 12 23 BF +43 12 24 BE +43 12 25 BF +43 12 26 BF +43 12 27 AN +43 12 28 BE +43 12 29 BE +43 12 30 BE +43 12 31 BA +43 12 32 BF +43 12 33 BE +43 12 34 BF +43 12 35 BE +43 12 36 FD +43 12 37 BF +43 12 38 BE +43 12 39 BE +43 12 40 BF +43 12 41 BE +43 12 42 BE +43 12 43 BF +43 12 44 AN +43 12 45 BE +43 12 46 BE +43 12 47 FD +43 12 48 BE +43 12 49 BF +43 12 50 FD +43 12 51 BE +43 12 52 AN +43 12 53 BE +43 12 54 BE +43 12 55 BF +43 12 56 AN +43 12 57 BF +43 12 58 BE +43 12 59 BF +43 12 60 FD +43 12 61 BE +43 12 62 BF +43 12 63 AN +43 12 64 BF +43 12 65 BE +43 12 66 AN +43 12 67 BE +43 12 68 BF +43 12 69 BE +43 12 70 BF +43 12 71 FD +43 12 72 BE +43 12 73 BF +43 12 74 BF +43 12 75 FD +43 12 76 BE +43 12 77 BF +43 12 78 BF +43 12 79 FD +43 12 80 BF +43 12 81 BE +43 12 82 BF +43 12 83 AN +43 12 84 AN +43 12 85 BE +43 12 86 BF +43 12 87 BE +43 12 88 BF +43 12 89 FD +43 12 90 FD +43 12 91 BE +43 12 92 AN +43 12 93 BF +43 12 94 FD +43 12 95 AN +43 12 96 AN +43 12 97 BF +43 12 98 BE +43 12 99 BF +43 12 100 BA +43 12 101 FD +43 12 102 BF +43 12 103 BE +43 12 104 BF +43 12 105 BF +43 12 106 AN +43 12 107 BA +43 12 108 BA +43 12 109 BF +43 12 110 BE +43 12 111 FD +43 12 112 BE +43 12 113 FD +43 12 114 BF +43 12 115 BE +43 12 116 BF +43 12 117 FD +43 12 118 BA +43 12 119 BE +43 12 120 BA +43 12 121 BE +43 12 122 BE +43 12 123 BF +43 12 124 AN +43 12 125 BE +43 12 126 AN +43 12 127 FD +43 12 128 AN +43 12 129 AN +43 12 130 BE +43 12 131 BF +43 12 132 BE +43 12 133 FD +43 12 134 FD +43 12 135 BF +43 12 136 BF +43 12 137 FD +43 12 138 BF +43 12 139 BA +43 12 140 BF +43 12 141 AN +43 12 142 BF +43 12 143 BE +43 12 144 BF +43 12 145 BE +43 12 146 BE +43 12 147 BE +43 12 148 BE +43 12 149 BE +43 12 150 BF +43 12 151 BE +43 12 152 BF +43 12 153 BF +43 12 154 BE +43 12 155 BE +43 12 156 FD +43 12 157 BE +43 12 158 BA +43 12 159 AN +43 12 160 AN +43 12 161 BE +43 12 162 BE +43 12 163 BF +43 12 164 BF +43 12 165 BE +43 12 166 BF +43 12 167 BF +43 12 168 FD +43 12 169 BF +43 12 170 FD +43 12 171 BE +43 12 172 BA +43 12 173 BE +43 12 174 AN +43 12 175 BF +43 12 176 BE +43 12 177 AN +43 12 178 BF +43 12 179 BE +43 12 180 BE +43 12 181 BE +43 12 182 FD +43 12 183 BE +43 12 184 BF +43 12 185 BE +43 12 186 BF +43 12 187 AN +43 12 188 BF +43 12 189 BF +43 12 190 AN +43 12 191 FD +43 12 192 BF +43 12 193 BE +43 12 194 FD +43 12 195 BE +43 12 196 AN +43 12 197 BF +43 12 198 FD +43 12 199 AN +43 12 200 BF +43 12 201 AN +43 12 202 BE +43 12 203 BE +43 12 204 FD +43 12 205 BF +43 12 206 AN +43 12 207 BE +43 12 208 BE +43 12 209 FD +43 12 210 FD +43 12 211 BF +43 12 212 BE +43 12 213 BF +43 12 214 BE +43 12 215 BF +43 12 216 BE +43 12 217 AN +43 12 218 BE +43 12 219 AN +43 12 220 BF +43 12 221 AN +43 12 222 BF +43 12 223 BE +43 12 224 AN +43 12 225 BE +43 12 226 BF +43 12 227 FD +43 12 228 BF +43 12 229 BE +43 12 230 AN +43 12 231 BF +43 12 232 BE +43 12 233 BF +43 12 234 BE +43 12 235 BF +43 12 236 BE +43 12 237 BE +43 12 238 BF +43 12 239 BE +43 12 240 BE +43 12 241 AN +43 12 242 AN +43 12 243 FD +43 12 244 AN +43 12 245 BE +43 12 246 BF +43 12 247 BF +43 12 248 FD +43 12 249 FD +43 12 250 BF +43 12 251 BE +43 12 252 BA +43 12 253 BE +43 12 254 BF +43 12 255 FD +43 12 256 BE +43 12 257 BF +43 12 258 BE +43 12 259 BE +43 12 260 AN +43 12 261 BE +43 12 262 BA +43 12 263 BE +43 12 264 BF +43 12 265 BE +43 12 266 BE +43 12 267 FD +43 12 268 BE +43 12 269 BF +43 12 270 BE +43 12 271 FD +43 12 272 BA +43 12 273 BF +43 12 274 AN +43 12 275 BE +43 12 276 BE +43 12 277 BF +43 12 278 BE +43 12 279 BF +43 12 280 BF +43 12 281 BE +43 12 282 BE +43 12 283 BE +43 12 284 BA +43 12 285 BA +43 12 286 BA +43 12 287 BE +43 12 288 BE +43 12 289 BF +43 12 290 AN +43 12 291 BF +43 12 292 AN +43 12 293 BA +43 12 294 BA +43 12 295 BE +43 12 296 BF +43 12 297 AN +43 12 298 BE +43 12 299 BE +43 12 300 BE +43 12 301 BE +43 12 302 AN +43 12 303 BF +43 12 304 BE +43 12 305 FD +43 12 306 BE +43 12 307 BF +43 12 308 BF +43 12 309 BE +43 12 310 BE +43 12 311 BF +43 12 312 FD +43 12 313 BF +43 12 314 BA +43 12 315 BE +43 12 316 BE +43 12 317 BE +43 12 318 BE +43 12 319 BA +43 12 320 BE +43 12 321 BE +43 12 322 BF +43 12 323 FD +43 12 324 AN +43 12 325 BF +43 12 326 BE +43 12 327 BA +43 12 328 BE +43 12 329 BE +43 12 330 BA +43 13 1 BF +43 13 2 BF +43 13 3 GA +43 13 4 FD +43 13 5 BA +43 13 6 BA +43 13 7 BJ +43 13 8 GA +43 13 9 * +43 13 10 BF +43 13 11 BF +43 13 12 AN +43 13 13 FD +43 13 14 BF +43 13 15 BA +43 13 16 BA +43 13 17 GA +43 13 18 FD +43 13 19 BF +43 13 20 BJ +43 13 21 GA +43 13 22 AN +43 13 23 GA +43 13 24 FD +43 13 25 BF +43 13 26 BF +43 13 27 BA +43 13 28 GA +43 13 29 BJ +43 13 30 AN +43 13 31 BA +43 13 32 GA +43 13 33 BJ +43 13 34 BF +43 13 35 GA +43 13 36 BF +43 13 37 BF +43 13 38 GA +43 13 39 BJ +43 13 40 BF +43 13 41 GA +43 13 42 AN +43 13 43 FD +43 13 44 BA +43 13 45 BJ +43 13 46 FD +43 13 47 BJ +43 13 48 AN +43 13 49 BF +43 13 50 GA +43 13 51 FD +43 13 52 BA +43 13 53 GA +43 13 54 BF +43 13 55 BF +43 13 56 GA +43 13 57 BF +43 13 58 AN +43 13 59 BA +43 13 60 FD +43 13 61 GA +43 13 62 BA +43 13 63 GA +43 13 64 BF +43 13 65 GA +43 13 66 BA +43 13 67 BJ +43 13 68 GA +43 13 69 FD +43 13 70 BA +43 13 71 GA +43 13 72 BJ +43 13 73 GA +43 13 74 BA +43 13 75 FD +43 13 76 GA +43 13 77 BF +43 13 78 BA +43 13 79 FD +43 13 80 BJ +43 13 81 BF +43 13 82 BJ +43 13 83 BA +43 13 84 GA +43 13 85 BF +43 13 86 GA +43 13 87 FD +43 13 88 GA +43 13 89 FD +43 13 90 FD +43 13 91 BJ +43 13 92 BA +43 13 93 BF +43 13 94 FD +43 13 95 BA +43 13 96 AN +43 13 97 FD +43 13 98 GA +43 13 99 BA +43 13 100 BF +43 13 101 GA +43 13 102 BA +43 13 103 FD +43 13 104 BF +43 13 105 GA +43 13 106 AN +43 13 107 BA +43 13 108 BA +43 13 109 BF +43 13 110 AN +43 13 111 FD +43 13 112 GA +43 13 113 FD +43 13 114 BF +43 13 115 GA +43 13 116 BA +43 13 117 FD +43 13 118 GA +43 13 119 AN +43 13 120 BF +43 13 121 GA +43 13 122 AN +43 13 123 BF +43 13 124 GA +43 13 125 GA +43 13 126 GA +43 13 127 FD +43 13 128 AN +43 13 129 BF +43 13 130 FD +43 13 131 GA +43 13 132 GA +43 13 133 BF +43 13 134 FD +43 13 135 GA +43 13 136 BF +43 13 137 BJ +43 13 138 BF +43 13 139 BA +43 13 140 BF +43 13 141 BA +43 13 142 BA +43 13 143 BJ +43 13 144 FD +43 13 145 BJ +43 13 146 AN +43 13 147 BF +43 13 148 GA +43 13 149 BJ +43 13 150 FD +43 13 151 BA +43 13 152 BA +43 13 153 BF +43 13 154 FD +43 13 155 AN +43 13 156 BJ +43 13 157 FD +43 13 158 BA +43 13 159 AN +43 13 160 GA +43 13 161 BF +43 13 162 GA +43 13 163 BF +43 13 164 BF +43 13 165 BJ +43 13 166 BF +43 13 167 BA +43 13 168 BJ +43 13 169 BF +43 13 170 FD +43 13 171 BJ +43 13 172 BA +43 13 173 GA +43 13 174 AN +43 13 175 BA +43 13 176 GA +43 13 177 AN +43 13 178 BF +43 13 179 GA +43 13 180 BJ +43 13 181 AN +43 13 182 GA +43 13 183 AN +43 13 184 FD +43 13 185 AN +43 13 186 BF +43 13 187 AN +43 13 188 BF +43 13 189 BA +43 13 190 GA +43 13 191 BF +43 13 192 GA +43 13 193 AN +43 13 194 GA +43 13 195 BJ +43 13 196 BJ +43 13 197 GA +43 13 198 FD +43 13 199 BA +43 13 200 BA +43 13 201 GA +43 13 202 BJ +43 13 203 GA +43 13 204 FD +43 13 205 FD +43 13 206 BA +43 13 207 GA +43 13 208 AN +43 13 209 BF +43 13 210 GA +43 13 211 BF +43 13 212 AN +43 13 213 BA +43 13 214 BF +43 13 215 GA +43 13 216 FD +43 13 217 BA +43 13 218 BJ +43 13 219 BA +43 13 220 FD +43 13 221 BA +43 13 222 GA +43 13 223 BJ +43 13 224 BA +43 13 225 AN +43 13 226 FD +43 13 227 FD +43 13 228 BF +43 13 229 BJ +43 13 230 BA +43 13 231 GA +43 13 232 AN +43 13 233 BF +43 13 234 BJ +43 13 235 BF +43 13 236 BJ +43 13 237 BA +43 13 238 BJ +43 13 239 GA +43 13 240 GA +43 13 241 BA +43 13 242 AN +43 13 243 GA +43 13 244 BA +43 13 245 GA +43 13 246 BJ +43 13 247 FD +43 13 248 FD +43 13 249 BF +43 13 250 GA +43 13 251 BJ +43 13 252 BA +43 13 253 BF +43 13 254 BF +43 13 255 FD +43 13 256 GA +43 13 257 BF +43 13 258 AN +43 13 259 GA +43 13 260 BF +43 13 261 GA +43 13 262 BA +43 13 263 BA +43 13 264 BF +43 13 265 BJ +43 13 266 GA +43 13 267 GA +43 13 268 BJ +43 13 269 GA +43 13 270 GA +43 13 271 BF +43 13 272 BA +43 13 273 GA +43 13 274 BA +43 13 275 AN +43 13 276 GA +43 13 277 FD +43 13 278 GA +43 13 279 BF +43 13 280 BJ +43 13 281 BJ +43 13 282 BJ +43 13 283 GA +43 13 284 BA +43 13 285 GA +43 13 286 BA +43 13 287 AN +43 13 288 GA +43 13 289 BJ +43 13 290 BA +43 13 291 BF +43 13 292 GA +43 13 293 BA +43 13 294 BA +43 13 295 GA +43 13 296 FD +43 13 297 AN +43 13 298 GA +43 13 299 BJ +43 13 300 BA +43 13 301 BJ +43 13 302 BA +43 13 303 BA +43 13 304 BJ +43 13 305 GA +43 13 306 BJ +43 13 307 BF +43 13 308 BA +43 13 309 FD +43 13 310 BJ +43 13 311 BF +43 13 312 FD +43 13 313 BF +43 13 314 BA +43 13 315 BJ +43 13 316 BJ +43 13 317 GA +43 13 318 GA +43 13 319 BA +43 13 320 BJ +43 13 321 BA +43 13 322 BF +43 13 323 BJ +43 13 324 BA +43 13 325 GA +43 13 326 AN +43 13 327 BA +43 13 328 BJ +43 13 329 GA +43 13 330 BA +43 14 1 BF +43 14 2 BF +43 14 3 GA +43 14 4 FD +43 14 5 SA +43 14 6 GD +43 14 7 SA +43 14 8 GA +43 14 9 GA +43 14 10 BF +43 14 11 EE +43 14 12 GA +43 14 13 EE +43 14 14 BF +43 14 15 AD +43 14 16 GI +43 14 17 GA +43 14 18 FD +43 14 19 BF +43 14 20 SA +43 14 21 GA +43 14 22 GA +43 14 23 BF +43 14 24 FD +43 14 25 BF +43 14 26 BF +43 14 27 AD +43 14 28 GA +43 14 29 SA +43 14 30 GD +43 14 31 BF +43 14 32 GA +43 14 33 SA +43 14 34 BF +43 14 35 GA +43 14 36 EE +43 14 37 BF +43 14 38 GA +43 14 39 SA +43 14 40 BF +43 14 41 GA +43 14 42 GD +43 14 43 BF +43 14 44 AD +43 14 45 EE +43 14 46 AD +43 14 47 EE +43 14 48 GD +43 14 49 BF +43 14 50 FD +43 14 51 FD +43 14 52 GI +43 14 53 GE +43 14 54 EE +43 14 55 BF +43 14 56 GA +43 14 57 BF +43 14 58 GA +43 14 59 AD +43 14 60 FD +43 14 61 GA +43 14 62 AD +43 14 63 GA +43 14 64 BF +43 14 65 GA +43 14 66 GI +43 14 67 SA +43 14 68 GA +43 14 69 EE +43 14 70 GI +43 14 71 FD +43 14 72 SA +43 14 73 GA +43 14 74 AD +43 14 75 EE +43 14 76 GA +43 14 77 BF +43 14 78 AD +43 14 79 FD +43 14 80 SA +43 14 81 BF +43 14 82 SA +43 14 83 GD +43 14 84 GA +43 14 85 EE +43 14 86 GA +43 14 87 FD +43 14 88 GA +43 14 89 FD +43 14 90 FD +43 14 91 SA +43 14 92 AD +43 14 93 BF +43 14 94 FD +43 14 95 SA +43 14 96 GD +43 14 97 FD +43 14 98 GA +43 14 99 AD +43 14 100 SA +43 14 101 GA +43 14 102 AD +43 14 103 EE +43 14 104 BF +43 14 105 GA +43 14 106 GD +43 14 107 GI +43 14 108 SA +43 14 109 BF +43 14 110 GD +43 14 111 EE +43 14 112 GA +43 14 113 FD +43 14 114 EE +43 14 115 GA +43 14 116 AD +43 14 117 FD +43 14 118 GA +43 14 119 SA +43 14 120 AD +43 14 121 GA +43 14 122 EE +43 14 123 BF +43 14 124 SA +43 14 125 GD +43 14 126 GA +43 14 127 FD +43 14 128 GA +43 14 129 AD +43 14 130 FD +43 14 131 GA +43 14 132 GA +43 14 133 EE +43 14 134 FD +43 14 135 GA +43 14 136 BF +43 14 137 EE +43 14 138 BF +43 14 139 GI +43 14 140 BF +43 14 141 AD +43 14 142 GI +43 14 143 SA +43 14 144 FD +43 14 145 SA +43 14 146 GD +43 14 147 SA +43 14 148 GA +43 14 149 SA +43 14 150 FD +43 14 151 GA +43 14 152 GA +43 14 153 BF +43 14 154 FD +43 14 155 FD +43 14 156 EE +43 14 157 FD +43 14 158 GI +43 14 159 GD +43 14 160 GA +43 14 161 SA +43 14 162 GA +43 14 163 EE +43 14 164 BF +43 14 165 EE +43 14 166 BF +43 14 167 AD +43 14 168 EE +43 14 169 BF +43 14 170 FD +43 14 171 EE +43 14 172 AD +43 14 173 GA +43 14 174 GD +43 14 175 SA +43 14 176 GA +43 14 177 GA +43 14 178 BF +43 14 179 GA +43 14 180 SA +43 14 181 GD +43 14 182 FD +43 14 183 GD +43 14 184 GA +43 14 185 GD +43 14 186 SA +43 14 187 GD +43 14 188 BF +43 14 189 AD +43 14 190 GA +43 14 191 EE +43 14 192 GA +43 14 193 GD +43 14 194 GA +43 14 195 GD +43 14 196 SA +43 14 197 AD +43 14 198 FD +43 14 199 AD +43 14 200 BF +43 14 201 GA +43 14 202 EE +43 14 203 GA +43 14 204 FD +43 14 205 BF +43 14 206 SA +43 14 207 GA +43 14 208 GD +43 14 209 EE +43 14 210 GA +43 14 211 BF +43 14 212 GD +43 14 213 AD +43 14 214 SA +43 14 215 GA +43 14 216 EE +43 14 217 GA +43 14 218 EE +43 14 219 SA +43 14 220 BF +43 14 221 SA +43 14 222 BF +43 14 223 EE +43 14 224 GI +43 14 225 GD +43 14 226 BF +43 14 227 FD +43 14 228 BF +43 14 229 SA +43 14 230 GA +43 14 231 GA +43 14 232 GD +43 14 233 BF +43 14 234 EE +43 14 235 BF +43 14 236 EE +43 14 237 GA +43 14 238 SA +43 14 239 GE +43 14 240 GD +43 14 241 AD +43 14 242 GA +43 14 243 GA +43 14 244 AD +43 14 245 GA +43 14 246 EE +43 14 247 FD +43 14 248 EE +43 14 249 EE +43 14 250 GA +43 14 251 SA +43 14 252 AD +43 14 253 SA +43 14 254 BF +43 14 255 FD +43 14 256 GA +43 14 257 BF +43 14 258 GD +43 14 259 GA +43 14 260 SA +43 14 261 GD +43 14 262 AD +43 14 263 AD +43 14 264 BF +43 14 265 EE +43 14 266 GA +43 14 267 GA +43 14 268 SA +43 14 269 GA +43 14 270 GD +43 14 271 EE +43 14 272 AD +43 14 273 GA +43 14 274 GI +43 14 275 GD +43 14 276 GA +43 14 277 BF +43 14 278 GA +43 14 279 BF +43 14 280 SA +43 14 281 SA +43 14 282 SA +43 14 283 GA +43 14 284 AD +43 14 285 GA +43 14 286 AD +43 14 287 GD +43 14 288 GA +43 14 289 SA +43 14 290 AD +43 14 291 BF +43 14 292 GA +43 14 293 SA +43 14 294 AD +43 14 295 GD +43 14 296 GA +43 14 297 GD +43 14 298 GA +43 14 299 EE +43 14 300 AD +43 14 301 EE +43 14 302 GI +43 14 303 AD +43 14 304 GD +43 14 305 GA +43 14 306 SA +43 14 307 BF +43 14 308 GA +43 14 309 FD +43 14 310 SA +43 14 311 BF +43 14 312 FD +43 14 313 BF +43 14 314 AD +43 14 315 SA +43 14 316 EE +43 14 317 GA +43 14 318 GD +43 14 319 AD +43 14 320 GA +43 14 321 GA +43 14 322 BF +43 14 323 EE +43 14 324 GI +43 14 325 GA +43 14 326 GD +43 14 327 SA +43 14 328 EE +43 14 329 GD +43 14 330 BF +43 15 1 BF +43 15 2 BF +43 15 3 GA +43 15 4 BF +43 15 5 BF +43 15 6 BA +43 15 7 AN +43 15 8 GA +43 15 9 FD +43 15 10 BF +43 15 11 BF +43 15 12 GA +43 15 13 BF +43 15 14 BF +43 15 15 BA +43 15 16 BA +43 15 17 GA +43 15 18 FD +43 15 19 BF +43 15 20 BF +43 15 21 GA +43 15 22 BA +43 15 23 BF +43 15 24 FD +43 15 25 BF +43 15 26 BF +43 15 27 BA +43 15 28 GA +43 15 29 BF +43 15 30 GA +43 15 31 BF +43 15 32 GA +43 15 33 BF +43 15 34 BF +43 15 35 GA +43 15 36 BF +43 15 37 BF +43 15 38 GA +43 15 39 BF +43 15 40 BF +43 15 41 GA +43 15 42 GA +43 15 43 FD +43 15 44 BA +43 15 45 FD +43 15 46 FD +43 15 47 FD +43 15 48 GA +43 15 49 BF +43 15 50 BF +43 15 51 FD +43 15 52 BA +43 15 53 GA +43 15 54 FD +43 15 55 BF +43 15 56 BA +43 15 57 FD +43 15 58 GA +43 15 59 BA +43 15 60 FD +43 15 61 GA +43 15 62 FD +43 15 63 GA +43 15 64 FD +43 15 65 GA +43 15 66 BA +43 15 67 FD +43 15 68 GA +43 15 69 FD +43 15 70 FD +43 15 71 FD +43 15 72 BF +43 15 73 BF +43 15 74 BA +43 15 75 FD +43 15 76 GA +43 15 77 BF +43 15 78 BA +43 15 79 FD +43 15 80 BF +43 15 81 FD +43 15 82 FD +43 15 83 BA +43 15 84 GA +43 15 85 BF +43 15 86 GA +43 15 87 FD +43 15 88 GA +43 15 89 FD +43 15 90 FD +43 15 91 GA +43 15 92 BA +43 15 93 BF +43 15 94 FD +43 15 95 BA +43 15 96 GA +43 15 97 BF +43 15 98 GA +43 15 99 BF +43 15 100 BF +43 15 101 GA +43 15 102 BF +43 15 103 FD +43 15 104 BF +43 15 105 GA +43 15 106 BA +43 15 107 BA +43 15 108 BA +43 15 109 BF +43 15 110 GA +43 15 111 FD +43 15 112 GA +43 15 113 FD +43 15 114 BF +43 15 115 GA +43 15 116 FD +43 15 117 FD +43 15 118 GA +43 15 119 BF +43 15 120 BA +43 15 121 GA +43 15 122 BF +43 15 123 BF +43 15 124 BA +43 15 125 GA +43 15 126 GA +43 15 127 FD +43 15 128 BF +43 15 129 BA +43 15 130 FD +43 15 131 GA +43 15 132 GA +43 15 133 BF +43 15 134 FD +43 15 135 GA +43 15 136 BF +43 15 137 FD +43 15 138 BF +43 15 139 BA +43 15 140 BF +43 15 141 BA +43 15 142 BA +43 15 143 BF +43 15 144 BF +43 15 145 BF +43 15 146 GA +43 15 147 BF +43 15 148 GA +43 15 149 BF +43 15 150 BF +43 15 151 GA +43 15 152 GA +43 15 153 BF +43 15 154 FD +43 15 155 FD +43 15 156 BF +43 15 157 FD +43 15 158 BA +43 15 159 BA +43 15 160 GA +43 15 161 BF +43 15 162 GA +43 15 163 FD +43 15 164 BF +43 15 165 FD +43 15 166 BF +43 15 167 BA +43 15 168 BF +43 15 169 BF +43 15 170 BF +43 15 171 BF +43 15 172 BA +43 15 173 GA +43 15 174 GA +43 15 175 BF +43 15 176 GA +43 15 177 BF +43 15 178 BF +43 15 179 GA +43 15 180 BF +43 15 181 BF +43 15 182 GA +43 15 183 FD +43 15 184 BF +43 15 185 BF +43 15 186 BF +43 15 187 BF +43 15 188 BF +43 15 189 BA +43 15 190 GA +43 15 191 FD +43 15 192 BF +43 15 193 BF +43 15 194 GA +43 15 195 BF +43 15 196 BF +43 15 197 BF +43 15 198 FD +43 15 199 BA +43 15 200 BF +43 15 201 GA +43 15 202 BF +43 15 203 GA +43 15 204 FD +43 15 205 BF +43 15 206 BA +43 15 207 GA +43 15 208 FD +43 15 209 BF +43 15 210 FD +43 15 211 BF +43 15 212 GA +43 15 213 FD +43 15 214 BF +43 15 215 BF +43 15 216 FD +43 15 217 GA +43 15 218 FD +43 15 219 BA +43 15 220 BF +43 15 221 BA +43 15 222 BF +43 15 223 BF +43 15 224 BA +43 15 225 BF +43 15 226 FD +43 15 227 FD +43 15 228 BF +43 15 229 FD +43 15 230 BA +43 15 231 BF +43 15 232 FD +43 15 233 BA +43 15 234 BA +43 15 235 BA +43 15 236 BA +43 15 237 GA +43 15 238 BF +43 15 239 GA +43 15 240 GA +43 15 241 BA +43 15 242 BA +43 15 243 GA +43 15 244 BA +43 15 245 GA +43 15 246 BF +43 15 247 BF +43 15 248 FD +43 15 249 FD +43 15 250 BF +43 15 251 BF +43 15 252 BA +43 15 253 BF +43 15 254 BF +43 15 255 FD +43 15 256 GA +43 15 257 BF +43 15 258 FD +43 15 259 GA +43 15 260 BA +43 15 261 GA +43 15 262 BA +43 15 263 FD +43 15 264 BF +43 15 265 BF +43 15 266 GA +43 15 267 GA +43 15 268 BF +43 15 269 GA +43 15 270 GA +43 15 271 BF +43 15 272 BA +43 15 273 BF +43 15 274 BA +43 15 275 GA +43 15 276 GA +43 15 277 BF +43 15 278 GA +43 15 279 BF +43 15 280 BF +43 15 281 BF +43 15 282 BF +43 15 283 FD +43 15 284 BA +43 15 285 GA +43 15 286 BA +43 15 287 FD +43 15 288 GA +43 15 289 BF +43 15 290 BA +43 15 291 BF +43 15 292 GA +43 15 293 BA +43 15 294 BA +43 15 295 FD +43 15 296 BF +43 15 297 GA +43 15 298 GA +43 15 299 BF +43 15 300 BA +43 15 301 BF +43 15 302 BA +43 15 303 BF +43 15 304 BF +43 15 305 BF +43 15 306 BF +43 15 307 BF +43 15 308 BF +43 15 309 FD +43 15 310 BF +43 15 311 BF +43 15 312 FD +43 15 313 BF +43 15 314 BA +43 15 315 BF +43 15 316 BF +43 15 317 GA +43 15 318 GA +43 15 319 BA +43 15 320 BA +43 15 321 GA +43 15 322 BF +43 15 323 BF +43 15 324 BA +43 15 325 GA +43 15 326 GA +43 15 327 BA +43 15 328 BF +43 15 329 FD +43 15 330 BA +43 16 1 FD +43 16 2 BA +43 16 3 BE +43 16 4 BE +43 16 5 BA +43 16 6 BE +43 16 7 GT +43 16 8 BE +43 16 9 BE +43 16 10 FD +43 16 11 FD +43 16 12 AN +43 16 13 FD +43 16 14 FD +43 16 15 BA +43 16 16 BA +43 16 17 BE +43 16 18 FD +43 16 19 FD +43 16 20 GT +43 16 21 BE +43 16 22 BA +43 16 23 BE +43 16 24 FD +43 16 25 FD +43 16 26 FD +43 16 27 BA +43 16 28 BE +43 16 29 GT +43 16 30 BE +43 16 31 BA +43 16 32 BE +43 16 33 GT +43 16 34 FD +43 16 35 BE +43 16 36 FD +43 16 37 FD +43 16 38 BE +43 16 39 FD +43 16 40 FD +43 16 41 BE +43 16 42 BA +43 16 43 FD +43 16 44 BA +43 16 45 FD +43 16 46 FD +43 16 47 FD +43 16 48 FD +43 16 49 BA +43 16 50 FD +43 16 51 FD +43 16 52 BA +43 16 53 BE +43 16 54 FD +43 16 55 FD +43 16 56 BA +43 16 57 FD +43 16 58 FD +43 16 59 BA +43 16 60 FD +43 16 61 BE +43 16 62 FD +43 16 63 BE +43 16 64 FD +43 16 65 BE +43 16 66 BA +43 16 67 GT +43 16 68 BE +43 16 69 FD +43 16 70 BA +43 16 71 BE +43 16 72 GT +43 16 73 BE +43 16 74 BA +43 16 75 FD +43 16 76 BE +43 16 77 FD +43 16 78 BA +43 16 79 FD +43 16 80 FD +43 16 81 GT +43 16 82 GT +43 16 83 BA +43 16 84 BA +43 16 85 GT +43 16 86 BE +43 16 87 FD +43 16 88 BE +43 16 89 FD +43 16 90 FD +43 16 91 GT +43 16 92 BA +43 16 93 FD +43 16 94 FD +43 16 95 BA +43 16 96 AN +43 16 97 FD +43 16 98 BE +43 16 99 BA +43 16 100 BA +43 16 101 BE +43 16 102 BA +43 16 103 GT +43 16 104 FD +43 16 105 BE +43 16 106 BA +43 16 107 BA +43 16 108 BA +43 16 109 FD +43 16 110 AN +43 16 111 AN +43 16 112 BE +43 16 113 FD +43 16 114 FD +43 16 115 BE +43 16 116 BA +43 16 117 BE +43 16 118 BE +43 16 119 AN +43 16 120 BA +43 16 121 BE +43 16 122 GT +43 16 123 FD +43 16 124 GT +43 16 125 BE +43 16 126 BE +43 16 127 FD +43 16 128 AN +43 16 129 BA +43 16 130 FD +43 16 131 BE +43 16 132 BE +43 16 133 GT +43 16 134 BE +43 16 135 BE +43 16 136 FD +43 16 137 GT +43 16 138 FD +43 16 139 BA +43 16 140 FD +43 16 141 BA +43 16 142 BA +43 16 143 GT +43 16 144 FD +43 16 145 GT +43 16 146 AN +43 16 147 GT +43 16 148 BE +43 16 149 GT +43 16 150 FD +43 16 151 BE +43 16 152 BE +43 16 153 FD +43 16 154 FD +43 16 155 FD +43 16 156 GT +43 16 157 FD +43 16 158 BA +43 16 159 BA +43 16 160 BE +43 16 161 GT +43 16 162 BE +43 16 163 GT +43 16 164 FD +43 16 165 GT +43 16 166 FD +43 16 167 BA +43 16 168 GT +43 16 169 FD +43 16 170 FD +43 16 171 GT +43 16 172 BA +43 16 173 BE +43 16 174 AN +43 16 175 BA +43 16 176 BE +43 16 177 BA +43 16 178 FD +43 16 179 BE +43 16 180 GT +43 16 181 AN +43 16 182 BE +43 16 183 AN +43 16 184 BE +43 16 185 AN +43 16 186 BA +43 16 187 AN +43 16 188 FD +43 16 189 BA +43 16 190 BE +43 16 191 GT +43 16 192 BE +43 16 193 AN +43 16 194 BE +43 16 195 GT +43 16 196 BA +43 16 197 BE +43 16 198 FD +43 16 199 BA +43 16 200 FD +43 16 201 BF +43 16 202 GT +43 16 203 BE +43 16 204 FD +43 16 205 FD +43 16 206 BA +43 16 207 BF +43 16 208 AN +43 16 209 GT +43 16 210 BE +43 16 211 FD +43 16 212 AN +43 16 213 BA +43 16 214 AN +43 16 215 BE +43 16 216 GT +43 16 217 BE +43 16 218 GT +43 16 219 BA +43 16 220 FD +43 16 221 BA +43 16 222 BE +43 16 223 GT +43 16 224 BA +43 16 225 AN +43 16 226 FD +43 16 227 FD +43 16 228 FD +43 16 229 FD +43 16 230 BA +43 16 231 BE +43 16 232 AN +43 16 233 FD +43 16 234 GT +43 16 235 FD +43 16 236 AN +43 16 237 BE +43 16 238 FD +43 16 239 BE +43 16 240 BE +43 16 241 BA +43 16 242 AN +43 16 243 BE +43 16 244 BA +43 16 245 BE +43 16 246 FD +43 16 247 FD +43 16 248 FD +43 16 249 GT +43 16 250 BE +43 16 251 GT +43 16 252 BA +43 16 253 FD +43 16 254 FD +43 16 255 FD +43 16 256 BE +43 16 257 FD +43 16 258 AN +43 16 259 BE +43 16 260 BA +43 16 261 BE +43 16 262 BA +43 16 263 BA +43 16 264 BA +43 16 265 GT +43 16 266 BE +43 16 267 BE +43 16 268 GT +43 16 269 BE +43 16 270 AN +43 16 271 FD +43 16 272 BA +43 16 273 BE +43 16 274 BA +43 16 275 AN +43 16 276 BE +43 16 277 FD +43 16 278 BE +43 16 279 FD +43 16 280 GT +43 16 281 GT +43 16 282 GT +43 16 283 BE +43 16 284 BA +43 16 285 BE +43 16 286 BA +43 16 287 AN +43 16 288 BE +43 16 289 BA +43 16 290 BA +43 16 291 FD +43 16 292 BE +43 16 293 BA +43 16 294 BA +43 16 295 AN +43 16 296 FD +43 16 297 AN +43 16 298 BE +43 16 299 GT +43 16 300 BA +43 16 301 GT +43 16 302 BA +43 16 303 BA +43 16 304 GT +43 16 305 BE +43 16 306 GT +43 16 307 FD +43 16 308 FD +43 16 309 FD +43 16 310 GT +43 16 311 FD +43 16 312 FD +43 16 313 FD +43 16 314 BA +43 16 315 GT +43 16 316 GT +43 16 317 BE +43 16 318 BE +43 16 319 BA +43 16 320 AN +43 16 321 BE +43 16 322 FD +43 16 323 GT +43 16 324 BA +43 16 325 BE +43 16 326 AN +43 16 327 BA +43 16 328 GT +43 16 329 BE +43 16 330 BA +43 17 1 BF +43 17 2 BA +43 17 3 GA +43 17 4 FD +43 17 5 BA +43 17 6 BA +43 17 7 SA +43 17 8 GA +43 17 9 AN +43 17 10 FD +43 17 11 FD +43 17 12 BA +43 17 13 FD +43 17 14 FD +43 17 15 BA +43 17 16 BA +43 17 17 GA +43 17 18 FD +43 17 19 FD +43 17 20 SA +43 17 21 GA +43 17 22 BA +43 17 23 BF +43 17 24 FD +43 17 25 FD +43 17 26 BF +43 17 27 BA +43 17 28 GA +43 17 29 SA +43 17 30 GA +43 17 31 BA +43 17 32 GA +43 17 33 SA +43 17 34 BF +43 17 35 GA +43 17 36 FD +43 17 37 BF +43 17 38 GA +43 17 39 SA +43 17 40 BF +43 17 41 GA +43 17 42 MB +43 17 43 BF +43 17 44 BA +43 17 45 SA +43 17 46 FD +43 17 47 FD +43 17 48 GA +43 17 49 BA +43 17 50 GA +43 17 51 GA +43 17 52 BA +43 17 53 GA +43 17 54 FD +43 17 55 BF +43 17 56 BA +43 17 57 FD +43 17 58 MB +43 17 59 BA +43 17 60 FD +43 17 61 GA +43 17 62 BF +43 17 63 GA +43 17 64 FD +43 17 65 GA +43 17 66 BA +43 17 67 BA +43 17 68 GA +43 17 69 AN +43 17 70 BA +43 17 71 GA +43 17 72 SA +43 17 73 FD +43 17 74 BA +43 17 75 FD +43 17 76 GA +43 17 77 FD +43 17 78 BA +43 17 79 FD +43 17 80 FD +43 17 81 SA +43 17 82 SA +43 17 83 MB +43 17 84 AN +43 17 85 SA +43 17 86 GA +43 17 87 FD +43 17 88 GA +43 17 89 FD +43 17 90 FD +43 17 91 AN +43 17 92 BA +43 17 93 FD +43 17 94 AN +43 17 95 BA +43 17 96 GA +43 17 97 FD +43 17 98 GA +43 17 99 MB +43 17 100 BA +43 17 101 GA +43 17 102 BA +43 17 103 AN +43 17 104 BA +43 17 105 GA +43 17 106 BA +43 17 107 BA +43 17 108 BA +43 17 109 FD +43 17 110 GA +43 17 111 FD +43 17 112 GA +43 17 113 FD +43 17 114 FD +43 17 115 GA +43 17 116 BA +43 17 117 AN +43 17 118 GA +43 17 119 SA +43 17 120 BA +43 17 121 GA +43 17 122 SA +43 17 123 FD +43 17 124 BA +43 17 125 GA +43 17 126 GA +43 17 127 FD +43 17 128 BA +43 17 129 BA +43 17 130 FD +43 17 131 FD +43 17 132 GA +43 17 133 SA +43 17 134 AN +43 17 135 GA +43 17 136 BF +43 17 137 SA +43 17 138 BA +43 17 139 BA +43 17 140 BF +43 17 141 BA +43 17 142 BA +43 17 143 AN +43 17 144 FD +43 17 145 SA +43 17 146 AN +43 17 147 SA +43 17 148 GA +43 17 149 SA +43 17 150 FD +43 17 151 BA +43 17 152 BA +43 17 153 BF +43 17 154 FD +43 17 155 AN +43 17 156 SA +43 17 157 AN +43 17 158 BA +43 17 159 AN +43 17 160 AN +43 17 161 SA +43 17 162 GA +43 17 163 BF +43 17 164 BF +43 17 165 SA +43 17 166 FD +43 17 167 BA +43 17 168 SA +43 17 169 BF +43 17 170 FD +43 17 171 SA +43 17 172 BA +43 17 173 GA +43 17 174 AN +43 17 175 BF +43 17 176 GA +43 17 177 BA +43 17 178 BF +43 17 179 GA +43 17 180 SA +43 17 181 AN +43 17 182 GA +43 17 183 GA +43 17 184 BF +43 17 185 GA +43 17 186 MB +43 17 187 AN +43 17 188 BF +43 17 189 BA +43 17 190 AN +43 17 191 SA +43 17 192 FD +43 17 193 AN +43 17 194 GA +43 17 195 SA +43 17 196 BA +43 17 197 SA +43 17 198 FD +43 17 199 BA +43 17 200 BF +43 17 201 GA +43 17 202 SA +43 17 203 GA +43 17 204 FD +43 17 205 BA +43 17 206 BF +43 17 207 GA +43 17 208 AN +43 17 209 SA +43 17 210 AN +43 17 211 BF +43 17 212 GA +43 17 213 BA +43 17 214 SA +43 17 215 MB +43 17 216 SA +43 17 217 BF +43 17 218 SA +43 17 219 BA +43 17 220 BF +43 17 221 BA +43 17 222 MB +43 17 223 SA +43 17 224 BA +43 17 225 SA +43 17 226 FD +43 17 227 FD +43 17 228 FD +43 17 229 SA +43 17 230 BA +43 17 231 GA +43 17 232 AN +43 17 233 BF +43 17 234 SA +43 17 235 BF +43 17 236 AN +43 17 237 AN +43 17 238 BF +43 17 239 AN +43 17 240 GA +43 17 241 BA +43 17 242 MB +43 17 243 GA +43 17 244 BA +43 17 245 GA +43 17 246 SA +43 17 247 BF +43 17 248 SA +43 17 249 SA +43 17 250 BF +43 17 251 BA +43 17 252 BA +43 17 253 SA +43 17 254 BF +43 17 255 FD +43 17 256 GA +43 17 257 BF +43 17 258 AN +43 17 259 GA +43 17 260 BA +43 17 261 AN +43 17 262 BA +43 17 263 MB +43 17 264 BA +43 17 265 SA +43 17 266 AN +43 17 267 GA +43 17 268 SA +43 17 269 GA +43 17 270 AN +43 17 271 SA +43 17 272 BA +43 17 273 AN +43 17 274 BA +43 17 275 SA +43 17 276 GA +43 17 277 FD +43 17 278 AN +43 17 279 BF +43 17 280 SA +43 17 281 SA +43 17 282 SA +43 17 283 AN +43 17 284 BA +43 17 285 BA +43 17 286 BA +43 17 287 AN +43 17 288 GA +43 17 289 SA +43 17 290 BA +43 17 291 BF +43 17 292 BA +43 17 293 MB +43 17 294 BA +43 17 295 AN +43 17 296 BF +43 17 297 AN +43 17 298 GA +43 17 299 SA +43 17 300 BA +43 17 301 SA +43 17 302 BA +43 17 303 BF +43 17 304 SA +43 17 305 GA +43 17 306 SA +43 17 307 BF +43 17 308 BF +43 17 309 SA +43 17 310 SA +43 17 311 BF +43 17 312 FD +43 17 313 BF +43 17 314 BA +43 17 315 SA +43 17 316 SA +43 17 317 GA +43 17 318 MB +43 17 319 BA +43 17 320 SA +43 17 321 GA +43 17 322 BF +43 17 323 SA +43 17 324 BA +43 17 325 SA +43 17 326 AN +43 17 327 BA +43 17 328 SA +43 17 329 AN +43 17 330 BA +43 18 1 GG +43 18 2 GA +43 18 3 GA +43 18 4 GG +43 18 5 GA +43 18 6 GA +43 18 7 GA +43 18 8 GA +43 18 9 GA +43 18 10 GG +43 18 11 GG +43 18 12 GA +43 18 13 GG +43 18 14 GG +43 18 15 GA +43 18 16 BA +43 18 17 GA +43 18 18 GG +43 18 19 GG +43 18 20 GA +43 18 21 GA +43 18 22 GA +43 18 23 GA +43 18 24 GG +43 18 25 GG +43 18 26 GG +43 18 27 BA +43 18 28 GA +43 18 29 BA +43 18 30 GA +43 18 31 BA +43 18 32 GA +43 18 33 GG +43 18 34 GG +43 18 35 GA +43 18 36 GG +43 18 37 BA +43 18 38 GA +43 18 39 GA +43 18 40 GG +43 18 41 GA +43 18 42 BA +43 18 43 GG +43 18 44 BA +43 18 45 GG +43 18 46 BA +43 18 47 GG +43 18 48 GA +43 18 49 GG +43 18 50 GG +43 18 51 GA +43 18 52 BA +43 18 53 GA +43 18 54 GG +43 18 55 GG +43 18 56 GA +43 18 57 GG +43 18 58 GA +43 18 59 BA +43 18 60 GG +43 18 61 GA +43 18 62 BA +43 18 63 GA +43 18 64 GG +43 18 65 GA +43 18 66 BA +43 18 67 GA +43 18 68 GA +43 18 69 GG +43 18 70 BA +43 18 71 GA +43 18 72 GG +43 18 73 GA +43 18 74 BA +43 18 75 GA +43 18 76 GA +43 18 77 GG +43 18 78 BA +43 18 79 BA +43 18 80 GG +43 18 81 GG +43 18 82 GG +43 18 83 GA +43 18 84 GA +43 18 85 GG +43 18 86 GA +43 18 87 GG +43 18 88 GA +43 18 89 GG +43 18 90 GG +43 18 91 GG +43 18 92 BA +43 18 93 GG +43 18 94 BA +43 18 95 BA +43 18 96 GG +43 18 97 GA +43 18 98 GG +43 18 99 BA +43 18 100 BA +43 18 101 GA +43 18 102 BA +43 18 103 GG +43 18 104 GG +43 18 105 GA +43 18 106 GA +43 18 107 BA +43 18 108 BA +43 18 109 GG +43 18 110 GA +43 18 111 GG +43 18 112 GA +43 18 113 BA +43 18 114 GG +43 18 115 GA +43 18 116 BA +43 18 117 GG +43 18 118 GA +43 18 119 GA +43 18 120 BA +43 18 121 GA +43 18 122 GG +43 18 123 GG +43 18 124 BA +43 18 125 GA +43 18 126 GA +43 18 127 GG +43 18 128 GA +43 18 129 BA +43 18 130 GG +43 18 131 GA +43 18 132 GA +43 18 133 GG +43 18 134 GG +43 18 135 GA +43 18 136 GG +43 18 137 GG +43 18 138 GG +43 18 139 BA +43 18 140 GG +43 18 141 BA +43 18 142 BA +43 18 143 GG +43 18 144 GG +43 18 145 GG +43 18 146 GA +43 18 147 GG +43 18 148 GA +43 18 149 GG +43 18 150 GG +43 18 151 GA +43 18 152 GA +43 18 153 GG +43 18 154 BA +43 18 155 GG +43 18 156 GG +43 18 157 GA +43 18 158 BA +43 18 159 GA +43 18 160 GA +43 18 161 GG +43 18 162 GA +43 18 163 GG +43 18 164 GG +43 18 165 BA +43 18 166 GG +43 18 167 BA +43 18 168 GG +43 18 169 GG +43 18 170 GG +43 18 171 GG +43 18 172 BA +43 18 173 GA +43 18 174 GA +43 18 175 BA +43 18 176 GA +43 18 177 GA +43 18 178 GG +43 18 179 GA +43 18 180 GG +43 18 181 GA +43 18 182 GA +43 18 183 GA +43 18 184 GG +43 18 185 GA +43 18 186 GG +43 18 187 GA +43 18 188 GG +43 18 189 BA +43 18 190 GA +43 18 191 GG +43 18 192 GG +43 18 193 GG +43 18 194 GA +43 18 195 GG +43 18 196 BA +43 18 197 GA +43 18 198 GG +43 18 199 BA +43 18 200 GG +43 18 201 GA +43 18 202 GG +43 18 203 GA +43 18 204 GG +43 18 205 GG +43 18 206 BA +43 18 207 GA +43 18 208 GG +43 18 209 GG +43 18 210 GA +43 18 211 GG +43 18 212 GA +43 18 213 BA +43 18 214 BA +43 18 215 GA +43 18 216 GG +43 18 217 GA +43 18 218 BA +43 18 219 GG +43 18 220 GG +43 18 221 BA +43 18 222 GA +43 18 223 GG +43 18 224 BA +43 18 225 GG +43 18 226 GG +43 18 227 GG +43 18 228 GG +43 18 229 BA +43 18 230 BA +43 18 231 GA +43 18 232 GG +43 18 233 BA +43 18 234 GG +43 18 235 GA +43 18 236 GG +43 18 237 GA +43 18 238 GG +43 18 239 GA +43 18 240 GA +43 18 241 BA +43 18 242 GA +43 18 243 GA +43 18 244 BA +43 18 245 GA +43 18 246 GG +43 18 247 GG +43 18 248 GG +43 18 249 GG +43 18 250 GA +43 18 251 BA +43 18 252 BA +43 18 253 GG +43 18 254 GG +43 18 255 GG +43 18 256 GA +43 18 257 GG +43 18 258 GA +43 18 259 GA +43 18 260 BA +43 18 261 GA +43 18 262 BA +43 18 263 BA +43 18 264 GG +43 18 265 GG +43 18 266 GA +43 18 267 GA +43 18 268 GG +43 18 269 GA +43 18 270 GA +43 18 271 GG +43 18 272 BA +43 18 273 GA +43 18 274 BA +43 18 275 GA +43 18 276 GA +43 18 277 GG +43 18 278 GA +43 18 279 GG +43 18 280 GG +43 18 281 GG +43 18 282 GG +43 18 283 GA +43 18 284 BA +43 18 285 GA +43 18 286 BA +43 18 287 GA +43 18 288 GA +43 18 289 GG +43 18 290 BA +43 18 291 GG +43 18 292 GA +43 18 293 BA +43 18 294 BA +43 18 295 GG +43 18 296 GA +43 18 297 GA +43 18 298 GA +43 18 299 GG +43 18 300 BA +43 18 301 GG +43 18 302 BA +43 18 303 BA +43 18 304 GG +43 18 305 GA +43 18 306 GG +43 18 307 GG +43 18 308 GA +43 18 309 GG +43 18 310 GG +43 18 311 GG +43 18 312 GG +43 18 313 GG +43 18 314 BA +43 18 315 GG +43 18 316 GG +43 18 317 GA +43 18 318 GA +43 18 319 BA +43 18 320 GG +43 18 321 GA +43 18 322 GG +43 18 323 GG +43 18 324 BA +43 18 325 GA +43 18 326 GA +43 18 327 BA +43 18 328 GG +43 18 329 GA +43 18 330 BA +43 19 1 FD +43 19 2 FD +43 19 3 BE +43 19 4 BE +43 19 5 FD +43 19 6 BE +43 19 7 FD +43 19 8 BE +43 19 9 BE +43 19 10 FD +43 19 11 FD +43 19 12 BE +43 19 13 FD +43 19 14 FD +43 19 15 BA +43 19 16 BA +43 19 17 BE +43 19 18 FD +43 19 19 FD +43 19 20 FD +43 19 21 BE +43 19 22 BE +43 19 23 BE +43 19 24 FD +43 19 25 FD +43 19 26 FD +43 19 27 BA +43 19 28 BE +43 19 29 FD +43 19 30 BE +43 19 31 BA +43 19 32 BE +43 19 33 FD +43 19 34 FD +43 19 35 BE +43 19 36 FD +43 19 37 FD +43 19 38 BE +43 19 39 FD +43 19 40 FD +43 19 41 BE +43 19 42 BE +43 19 43 FD +43 19 44 BA +43 19 45 FD +43 19 46 FD +43 19 47 FD +43 19 48 BE +43 19 49 FD +43 19 50 BE +43 19 51 FD +43 19 52 BA +43 19 53 FD +43 19 54 FD +43 19 55 FD +43 19 56 BE +43 19 57 FD +43 19 58 BE +43 19 59 BA +43 19 60 FD +43 19 61 BE +43 19 62 BA +43 19 63 BE +43 19 64 FD +43 19 65 BE +43 19 66 BA +43 19 67 BA +43 19 68 BE +43 19 69 FD +43 19 70 BA +43 19 71 BE +43 19 72 FD +43 19 73 BE +43 19 74 BA +43 19 75 FD +43 19 76 BE +43 19 77 BA +43 19 78 BA +43 19 79 FD +43 19 80 FD +43 19 81 FD +43 19 82 FD +43 19 83 BA +43 19 84 BE +43 19 85 FD +43 19 86 BE +43 19 87 FD +43 19 88 BE +43 19 89 FD +43 19 90 FD +43 19 91 FD +43 19 92 BA +43 19 93 FD +43 19 94 FD +43 19 95 BA +43 19 96 BE +43 19 97 BE +43 19 98 BE +43 19 99 BA +43 19 100 FD +43 19 101 BE +43 19 102 BA +43 19 103 FD +43 19 104 FD +43 19 105 BE +43 19 106 BA +43 19 107 BA +43 19 108 BA +43 19 109 FD +43 19 110 BE +43 19 111 FD +43 19 112 BE +43 19 113 FD +43 19 114 FD +43 19 115 BE +43 19 116 BA +43 19 117 BE +43 19 118 BE +43 19 119 FD +43 19 120 BA +43 19 121 BE +43 19 122 FD +43 19 123 FD +43 19 124 BA +43 19 125 BE +43 19 126 BE +43 19 127 FD +43 19 128 FD +43 19 129 BA +43 19 130 FD +43 19 131 BE +43 19 132 BE +43 19 133 FD +43 19 134 BE +43 19 135 BE +43 19 136 FD +43 19 137 FD +43 19 138 FD +43 19 139 BA +43 19 140 FD +43 19 141 BA +43 19 142 BA +43 19 143 FD +43 19 144 BE +43 19 145 FD +43 19 146 BE +43 19 147 FD +43 19 148 BE +43 19 149 FD +43 19 150 BE +43 19 151 BE +43 19 152 BE +43 19 153 FD +43 19 154 FD +43 19 155 FD +43 19 156 FD +43 19 157 BE +43 19 158 BA +43 19 159 BE +43 19 160 BE +43 19 161 FD +43 19 162 BE +43 19 163 FD +43 19 164 FD +43 19 165 FD +43 19 166 FD +43 19 167 BA +43 19 168 FD +43 19 169 FD +43 19 170 FD +43 19 171 FD +43 19 172 BA +43 19 173 BE +43 19 174 BE +43 19 175 FD +43 19 176 BE +43 19 177 BA +43 19 178 FD +43 19 179 BE +43 19 180 FD +43 19 181 BE +43 19 182 BE +43 19 183 FD +43 19 184 BE +43 19 185 BE +43 19 186 FD +43 19 187 BE +43 19 188 FD +43 19 189 BA +43 19 190 BE +43 19 191 FD +43 19 192 BE +43 19 193 FD +43 19 194 BE +43 19 195 FD +43 19 196 FD +43 19 197 BE +43 19 198 FD +43 19 199 BA +43 19 200 BA +43 19 201 BE +43 19 202 FD +43 19 203 BE +43 19 204 BE +43 19 205 BE +43 19 206 BA +43 19 207 BE +43 19 208 BE +43 19 209 FD +43 19 210 BE +43 19 211 FD +43 19 212 BE +43 19 213 BA +43 19 214 FD +43 19 215 BE +43 19 216 FD +43 19 217 BE +43 19 218 FD +43 19 219 BA +43 19 220 FD +43 19 221 BA +43 19 222 BE +43 19 223 FD +43 19 224 BA +43 19 225 FD +43 19 226 FD +43 19 227 FD +43 19 228 FD +43 19 229 BA +43 19 230 BA +43 19 231 BE +43 19 232 BA +43 19 233 FD +43 19 234 FD +43 19 235 FD +43 19 236 FD +43 19 237 BE +43 19 238 FD +43 19 239 BE +43 19 240 BE +43 19 241 BA +43 19 242 BA +43 19 243 BE +43 19 244 BA +43 19 245 BE +43 19 246 BA +43 19 247 BE +43 19 248 FD +43 19 249 FD +43 19 250 BE +43 19 251 FD +43 19 252 BA +43 19 253 FD +43 19 254 FD +43 19 255 FD +43 19 256 BE +43 19 257 FD +43 19 258 FD +43 19 259 BE +43 19 260 BA +43 19 261 BE +43 19 262 BA +43 19 263 BA +43 19 264 BA +43 19 265 FD +43 19 266 BE +43 19 267 BE +43 19 268 FD +43 19 269 BE +43 19 270 BE +43 19 271 FD +43 19 272 BA +43 19 273 BE +43 19 274 BA +43 19 275 FD +43 19 276 BE +43 19 277 FD +43 19 278 BE +43 19 279 FD +43 19 280 FD +43 19 281 FD +43 19 282 FD +43 19 283 BE +43 19 284 BA +43 19 285 BE +43 19 286 BA +43 19 287 FD +43 19 288 BE +43 19 289 FD +43 19 290 BA +43 19 291 FD +43 19 292 BE +43 19 293 BA +43 19 294 BA +43 19 295 BE +43 19 296 BE +43 19 297 BE +43 19 298 BE +43 19 299 FD +43 19 300 BA +43 19 301 FD +43 19 302 BA +43 19 303 BA +43 19 304 FD +43 19 305 BE +43 19 306 FD +43 19 307 FD +43 19 308 BE +43 19 309 FD +43 19 310 FD +43 19 311 FD +43 19 312 FD +43 19 313 BE +43 19 314 BA +43 19 315 FD +43 19 316 FD +43 19 317 BE +43 19 318 BE +43 19 319 BA +43 19 320 FD +43 19 321 BE +43 19 322 FD +43 19 323 FD +43 19 324 BA +43 19 325 BE +43 19 326 BE +43 19 327 BA +43 19 328 FD +43 19 329 BE +43 19 330 BA +43 20 1 BF +43 20 2 BF +43 20 3 GA +43 20 4 AG +43 20 5 GE +43 20 6 AG +43 20 7 GA +43 20 8 GA +43 20 9 BF +43 20 10 FD +43 20 11 GE +43 20 12 FD +43 20 13 FD +43 20 14 GA +43 20 15 BA +43 20 16 BA +43 20 17 GA +43 20 18 FD +43 20 19 BF +43 20 20 AG +43 20 21 GA +43 20 22 GE +43 20 23 * +43 20 24 FD +43 20 25 BF +43 20 26 BF +43 20 27 BA +43 20 28 GA +43 20 29 AG +43 20 30 GA +43 20 31 BF +43 20 32 * +43 20 33 AG +43 20 34 BF +43 20 35 GA +43 20 36 FD +43 20 37 BF +43 20 38 GA +43 20 39 AG +43 20 40 BF +43 20 41 GA +43 20 42 BE +43 20 43 BF +43 20 44 BA +43 20 45 AG +43 20 46 FD +43 20 47 FD +43 20 48 GE +43 20 49 BF +43 20 50 FD +43 20 51 FD +43 20 52 BA +43 20 53 GA +43 20 54 AG +43 20 55 BF +43 20 56 GA +43 20 57 BF +43 20 58 AG +43 20 59 BA +43 20 60 FD +43 20 61 GA +43 20 62 * +43 20 63 GA +43 20 64 BF +43 20 65 GA +43 20 66 BA +43 20 67 AG +43 20 68 GA +43 20 69 FD +43 20 70 BF +43 20 71 GA +43 20 72 AG +43 20 73 * +43 20 74 BF +43 20 75 FD +43 20 76 GA +43 20 77 BF +43 20 78 GA +43 20 79 FD +43 20 80 BF +43 20 81 AG +43 20 82 AG +43 20 83 GE +43 20 84 GA +43 20 85 AG +43 20 86 GA +43 20 87 FD +43 20 88 GA +43 20 89 FD +43 20 90 FD +43 20 91 AG +43 20 92 BA +43 20 93 BF +43 20 94 FD +43 20 95 BA +43 20 96 GE +43 20 97 * +43 20 98 GA +43 20 99 * +43 20 100 AG +43 20 101 GA +43 20 102 BF +43 20 103 AG +43 20 104 BF +43 20 105 * +43 20 106 GE +43 20 107 BA +43 20 108 BA +43 20 109 BF +43 20 110 GE +43 20 111 FD +43 20 112 GA +43 20 113 FD +43 20 114 AG +43 20 115 GA +43 20 116 BF +43 20 117 FD +43 20 118 GA +43 20 119 AG +43 20 120 BA +43 20 121 GA +43 20 122 AG +43 20 123 BF +43 20 124 GE +43 20 125 GA +43 20 126 GA +43 20 127 FD +43 20 128 GE +43 20 129 BA +43 20 130 FD +43 20 131 * +43 20 132 GA +43 20 133 AG +43 20 134 FD +43 20 135 GA +43 20 136 BF +43 20 137 AG +43 20 138 BF +43 20 139 BA +43 20 140 BF +43 20 141 BA +43 20 142 BF +43 20 143 AG +43 20 144 FD +43 20 145 AG +43 20 146 GE +43 20 147 BF +43 20 148 GA +43 20 149 AG +43 20 150 * +43 20 151 GA +43 20 152 * +43 20 153 BF +43 20 154 FD +43 20 155 FD +43 20 156 AG +43 20 157 FD +43 20 158 BA +43 20 159 GE +43 20 160 GA +43 20 161 AG +43 20 162 GA +43 20 163 BF +43 20 164 BF +43 20 165 AG +43 20 166 BF +43 20 167 * +43 20 168 AG +43 20 169 BF +43 20 170 FD +43 20 171 AG +43 20 172 BA +43 20 173 GA +43 20 174 GE +43 20 175 BF +43 20 176 GA +43 20 177 GE +43 20 178 BF +43 20 179 GA +43 20 180 AG +43 20 181 GE +43 20 182 GA +43 20 183 FD +43 20 184 * +43 20 185 GA +43 20 186 BF +43 20 187 GE +43 20 188 BF +43 20 189 BF +43 20 190 GA +43 20 191 AG +43 20 192 * +43 20 193 AG +43 20 194 GA +43 20 195 AG +43 20 196 AG +43 20 197 * +43 20 198 FD +43 20 199 BA +43 20 200 BF +43 20 201 GA +43 20 202 AG +43 20 203 GA +43 20 204 FD +43 20 205 * +43 20 206 BA +43 20 207 GA +43 20 208 GA +43 20 209 AG +43 20 210 FD +43 20 211 BF +43 20 212 GA +43 20 213 BF +43 20 214 AG +43 20 215 * +43 20 216 FD +43 20 217 GA +43 20 218 AG +43 20 219 BA +43 20 220 BF +43 20 221 BA +43 20 222 * +43 20 223 AG +43 20 224 BA +43 20 225 AG +43 20 226 BF +43 20 227 FD +43 20 228 BF +43 20 229 AG +43 20 230 BA +43 20 231 * +43 20 232 FD +43 20 233 BF +43 20 234 AG +43 20 235 BF +43 20 236 AG +43 20 237 GA +43 20 238 BF +43 20 239 GA +43 20 240 GA +43 20 241 BA +43 20 242 GE +43 20 243 GA +43 20 244 BA +43 20 245 GA +43 20 246 AG +43 20 247 * +43 20 248 FD +43 20 249 AG +43 20 250 * +43 20 251 AG +43 20 252 BA +43 20 253 AG +43 20 254 BF +43 20 255 FD +43 20 256 GA +43 20 257 BF +43 20 258 GE +43 20 259 GA +43 20 260 GE +43 20 261 GA +43 20 262 BA +43 20 263 FD +43 20 264 BF +43 20 265 AG +43 20 266 GA +43 20 267 GA +43 20 268 AG +43 20 269 * +43 20 270 GA +43 20 271 FD +43 20 272 BA +43 20 273 * +43 20 274 BA +43 20 275 AG +43 20 276 GA +43 20 277 BF +43 20 278 GA +43 20 279 BF +43 20 280 AG +43 20 281 AG +43 20 282 AG +43 20 283 FD +43 20 284 BA +43 20 285 GA +43 20 286 BA +43 20 287 AG +43 20 288 GA +43 20 289 AG +43 20 290 BA +43 20 291 BF +43 20 292 GA +43 20 293 BA +43 20 294 BA +43 20 295 FD +43 20 296 * +43 20 297 GE +43 20 298 GA +43 20 299 AG +43 20 300 BA +43 20 301 AG +43 20 302 BA +43 20 303 BF +43 20 304 AG +43 20 305 * +43 20 306 AG +43 20 307 BF +43 20 308 * +43 20 309 FD +43 20 310 AG +43 20 311 BF +43 20 312 FD +43 20 313 BF +43 20 314 BA +43 20 315 AG +43 20 316 AG +43 20 317 GA +43 20 318 GA +43 20 319 BA +43 20 320 AG +43 20 321 GA +43 20 322 BF +43 20 323 AG +43 20 324 BA +43 20 325 * +43 20 326 GE +43 20 327 BA +43 20 328 AG +43 20 329 FD +43 20 330 BA +43 21 1 BF +43 21 2 BF +43 21 3 GA +43 21 4 GI +43 21 5 * +43 21 6 SA +43 21 7 GA +43 21 8 GA +43 21 9 GA +43 21 10 BF +43 21 11 FD +43 21 12 GA +43 21 13 FD +43 21 14 FD +43 21 15 GA +43 21 16 BA +43 21 17 GA +43 21 18 FD +43 21 19 BA +43 21 20 SA +43 21 21 GA +43 21 22 BA +43 21 23 GI +43 21 24 FD +43 21 25 BF +43 21 26 BF +43 21 27 BA +43 21 28 GA +43 21 29 SA +43 21 30 GA +43 21 31 BA +43 21 32 GA +43 21 33 SA +43 21 34 BF +43 21 35 GA +43 21 36 FD +43 21 37 BF +43 21 38 GA +43 21 39 SA +43 21 40 BF +43 21 41 GA +43 21 42 GA +43 21 43 BF +43 21 44 BA +43 21 45 SA +43 21 46 AD +43 21 47 EE +43 21 48 GA +43 21 49 BF +43 21 50 GI +43 21 51 FD +43 21 52 BA +43 21 53 GI +43 21 54 SA +43 21 55 BF +43 21 56 GA +43 21 57 BF +43 21 58 GA +43 21 59 BA +43 21 60 BF +43 21 61 GA +43 21 62 GI +43 21 63 GA +43 21 64 BF +43 21 65 GA +43 21 66 BA +43 21 67 SA +43 21 68 GA +43 21 69 SA +43 21 70 BA +43 21 71 GA +43 21 72 SA +43 21 73 GI +43 21 74 AD +43 21 75 EE +43 21 76 GA +43 21 77 BF +43 21 78 BA +43 21 79 FD +43 21 80 BF +43 21 81 SA +43 21 82 BF +43 21 83 BA +43 21 84 GA +43 21 85 SA +43 21 86 GA +43 21 87 FD +43 21 88 GI +43 21 89 FD +43 21 90 FD +43 21 91 SA +43 21 92 BA +43 21 93 BF +43 21 94 FD +43 21 95 BA +43 21 96 GD +43 21 97 GI +43 21 98 GA +43 21 99 BA +43 21 100 BA +43 21 101 GA +43 21 102 BA +43 21 103 GD +43 21 104 BF +43 21 105 GA +43 21 106 GD +43 21 107 BA +43 21 108 BA +43 21 109 BF +43 21 110 GD +43 21 111 SA +43 21 112 GA +43 21 113 FD +43 21 114 EE +43 21 115 GA +43 21 116 BF +43 21 117 MN +43 21 118 GA +43 21 119 SA +43 21 120 BA +43 21 121 GA +43 21 122 SA +43 21 123 BF +43 21 124 GD +43 21 125 GA +43 21 126 GA +43 21 127 FD +43 21 128 GD +43 21 129 BA +43 21 130 GD +43 21 131 GI +43 21 132 GA +43 21 133 EE +43 21 134 MN +43 21 135 GI +43 21 136 BF +43 21 137 EE +43 21 138 BF +43 21 139 BA +43 21 140 BF +43 21 141 BA +43 21 142 BA +43 21 143 SA +43 21 144 GI +43 21 145 SA +43 21 146 GD +43 21 147 SA +43 21 148 GA +43 21 149 SA +43 21 150 GI +43 21 151 GA +43 21 152 GA +43 21 153 BF +43 21 154 FD +43 21 155 FD +43 21 156 EE +43 21 157 FD +43 21 158 BA +43 21 159 GA +43 21 160 GA +43 21 161 SA +43 21 162 GA +43 21 163 BF +43 21 164 BF +43 21 165 EE +43 21 166 BF +43 21 167 BA +43 21 168 EE +43 21 169 BF +43 21 170 EE +43 21 171 SA +43 21 172 BA +43 21 173 GA +43 21 174 GD +43 21 175 BF +43 21 176 GA +43 21 177 GD +43 21 178 BF +43 21 179 MN +43 21 180 SA +43 21 181 GD +43 21 182 MN +43 21 183 GD +43 21 184 GI +43 21 185 GD +43 21 186 BF +43 21 187 GD +43 21 188 BF +43 21 189 AD +43 21 190 GA +43 21 191 EE +43 21 192 GI +43 21 193 GD +43 21 194 BA +43 21 195 SA +43 21 196 SA +43 21 197 GI +43 21 198 FD +43 21 199 BA +43 21 200 BF +43 21 201 GA +43 21 202 SA +43 21 203 GI +43 21 204 FD +43 21 205 GI +43 21 206 BA +43 21 207 MN +43 21 208 GD +43 21 209 EE +43 21 210 MN +43 21 211 BF +43 21 212 GD +43 21 213 GI +43 21 214 SA +43 21 215 GI +43 21 216 EE +43 21 217 GA +43 21 218 SA +43 21 219 BF +43 21 220 GI +43 21 221 BA +43 21 222 GI +43 21 223 EE +43 21 224 BA +43 21 225 GD +43 21 226 BA +43 21 227 FD +43 21 228 BA +43 21 229 SA +43 21 230 BA +43 21 231 GI +43 21 232 GD +43 21 233 GI +43 21 234 EE +43 21 235 BF +43 21 236 SA +43 21 237 GA +43 21 238 BF +43 21 239 GA +43 21 240 MN +43 21 241 BA +43 21 242 GD +43 21 243 GI +43 21 244 BA +43 21 245 GA +43 21 246 BF +43 21 247 GI +43 21 248 EE +43 21 249 EE +43 21 250 GI +43 21 251 SA +43 21 252 BA +43 21 253 SA +43 21 254 BF +43 21 255 FD +43 21 256 GA +43 21 257 BF +43 21 258 GD +43 21 259 MN +43 21 260 BF +43 21 261 GD +43 21 262 BA +43 21 263 AD +43 21 264 AD +43 21 265 EE +43 21 266 GD +43 21 267 MN +43 21 268 SA +43 21 269 GI +43 21 270 GD +43 21 271 EE +43 21 272 BA +43 21 273 GI +43 21 274 BA +43 21 275 GD +43 21 276 GI +43 21 277 BF +43 21 278 GD +43 21 279 BF +43 21 280 SA +43 21 281 EE +43 21 282 SA +43 21 283 GD +43 21 284 BA +43 21 285 GA +43 21 286 BA +43 21 287 GD +43 21 288 GA +43 21 289 SA +43 21 290 AD +43 21 291 BF +43 21 292 GA +43 21 293 BA +43 21 294 BA +43 21 295 GD +43 21 296 GI +43 21 297 GD +43 21 298 GA +43 21 299 SA +43 21 300 AD +43 21 301 SA +43 21 302 AD +43 21 303 AD +43 21 304 GD +43 21 305 GI +43 21 306 SA +43 21 307 BF +43 21 308 GI +43 21 309 GD +43 21 310 SA +43 21 311 BF +43 21 312 FD +43 21 313 BF +43 21 314 AD +43 21 315 SA +43 21 316 EE +43 21 317 GI +43 21 318 GA +43 21 319 AD +43 21 320 GD +43 21 321 GA +43 21 322 BF +43 21 323 EE +43 21 324 AD +43 21 325 GI +43 21 326 GD +43 21 327 BA +43 21 328 EE +43 21 329 GD +43 21 330 BA +43 22 1 BF +43 22 2 BF +43 22 3 GA +43 22 4 TA +43 22 5 BF +43 22 6 GS +43 22 7 * +43 22 8 GA +43 22 9 GA +43 22 10 BF +43 22 11 FD +43 22 12 GE +43 22 13 FD +43 22 14 BF +43 22 15 GA +43 22 16 BA +43 22 17 GA +43 22 18 FD +43 22 19 BF +43 22 20 * +43 22 21 GA +43 22 22 GE +43 22 23 TA +43 22 24 FD +43 22 25 BF +43 22 26 BF +43 22 27 BA +43 22 28 GA +43 22 29 * +43 22 30 GA +43 22 31 BF +43 22 32 TA +43 22 33 * +43 22 34 BF +43 22 35 GA +43 22 36 FD +43 22 37 BF +43 22 38 GA +43 22 39 * +43 22 40 BF +43 22 41 GA +43 22 42 GE +43 22 43 BF +43 22 44 BA +43 22 45 * +43 22 46 FD +43 22 47 FD +43 22 48 GE +43 22 49 BF +43 22 50 TA +43 22 51 FD +43 22 52 BA +43 22 53 TA +43 22 54 * +43 22 55 BF +43 22 56 GS +43 22 57 BF +43 22 58 * +43 22 59 * +43 22 60 FD +43 22 61 GA +43 22 62 TA +43 22 63 GA +43 22 64 BF +43 22 65 GA +43 22 66 BA +43 22 67 BF +43 22 68 TA +43 22 69 FD +43 22 70 BA +43 22 71 GA +43 22 72 * +43 22 73 TA +43 22 74 BF +43 22 75 FD +43 22 76 GA +43 22 77 BF +43 22 78 GA +43 22 79 FD +43 22 80 BF +43 22 81 * +43 22 82 BF +43 22 83 BA +43 22 84 GS +43 22 85 * +43 22 86 GA +43 22 87 FD +43 22 88 TA +43 22 89 FD +43 22 90 FD +43 22 91 * +43 22 92 BA +43 22 93 BF +43 22 94 FD +43 22 95 AT +43 22 96 GE +43 22 97 TA +43 22 98 GA +43 22 99 TA +43 22 100 AT +43 22 101 GA +43 22 102 BF +43 22 103 FD +43 22 104 BF +43 22 105 TA +43 22 106 GE +43 22 107 BA +43 22 108 AT +43 22 109 BF +43 22 110 GE +43 22 111 FD +43 22 112 GA +43 22 113 FD +43 22 114 BF +43 22 115 GA +43 22 116 AT +43 22 117 FD +43 22 118 GA +43 22 119 BF +43 22 120 BA +43 22 121 GA +43 22 122 * +43 22 123 BF +43 22 124 GE +43 22 125 GA +43 22 126 GS +43 22 127 FD +43 22 128 GE +43 22 129 BA +43 22 130 FD +43 22 131 TA +43 22 132 GA +43 22 133 FD +43 22 134 FD +43 22 135 TA +43 22 136 BF +43 22 137 FD +43 22 138 BF +43 22 139 BA +43 22 140 BF +43 22 141 BA +43 22 142 BA +43 22 143 * +43 22 144 TA +43 22 145 BF +43 22 146 GE +43 22 147 BF +43 22 148 GA +43 22 149 * +43 22 150 TA +43 22 151 GS +43 22 152 TA +43 22 153 BF +43 22 154 FD +43 22 155 FD +43 22 156 FD +43 22 157 FD +43 22 158 BA +43 22 159 GE +43 22 160 GS +43 22 161 * +43 22 162 GA +43 22 163 BF +43 22 164 BF +43 22 165 FD +43 22 166 BF +43 22 167 TA +43 22 168 FD +43 22 169 BF +43 22 170 FD +43 22 171 FD +43 22 172 BA +43 22 173 GA +43 22 174 GE +43 22 175 BF +43 22 176 GA +43 22 177 GE +43 22 178 BF +43 22 179 GA +43 22 180 * +43 22 181 * +43 22 182 GA +43 22 183 FD +43 22 184 TA +43 22 185 GA +43 22 186 BF +43 22 187 GE +43 22 188 BF +43 22 189 BF +43 22 190 GS +43 22 191 BF +43 22 192 TA +43 22 193 GE +43 22 194 GA +43 22 195 * +43 22 196 AT +43 22 197 TA +43 22 198 FD +43 22 199 BA +43 22 200 BF +43 22 201 GS +43 22 202 * +43 22 203 GA +43 22 204 FD +43 22 205 TA +43 22 206 BF +43 22 207 GA +43 22 208 GE +43 22 209 FD +43 22 210 FD +43 22 211 BF +43 22 212 GA +43 22 213 TA +43 22 214 GE +43 22 215 GA +43 22 216 FD +43 22 217 GS +43 22 218 * +43 22 219 BA +43 22 220 TA +43 22 221 AT +43 22 222 TA +43 22 223 BF +43 22 224 BA +43 22 225 FD +43 22 226 BF +43 22 227 FD +43 22 228 BF +43 22 229 AT +43 22 230 BA +43 22 231 TA +43 22 232 FD +43 22 233 TA +43 22 234 * +43 22 235 BF +43 22 236 * +43 22 237 GS +43 22 238 BF +43 22 239 GA +43 22 240 GA +43 22 241 BA +43 22 242 GE +43 22 243 GA +43 22 244 AT +43 22 245 GA +43 22 246 BF +43 22 247 TA +43 22 248 FD +43 22 249 * +43 22 250 TA +43 22 251 AT +43 22 252 BA +43 22 253 BF +43 22 254 BF +43 22 255 FD +43 22 256 GA +43 22 257 BF +43 22 258 GE +43 22 259 GA +43 22 260 GE +43 22 261 GA +43 22 262 BA +43 22 263 FD +43 22 264 BF +43 22 265 * +43 22 266 GA +43 22 267 TA +43 22 268 * +43 22 269 GA +43 22 270 GA +43 22 271 FD +43 22 272 BA +43 22 273 TA +43 22 274 BA +43 22 275 * +43 22 276 GA +43 22 277 BF +43 22 278 GA +43 22 279 BF +43 22 280 * +43 22 281 BF +43 22 282 * +43 22 283 FD +43 22 284 AT +43 22 285 GS +43 22 286 BA +43 22 287 GE +43 22 288 GA +43 22 289 BF +43 22 290 BA +43 22 291 BF +43 22 292 GS +43 22 293 BA +43 22 294 AT +43 22 295 FD +43 22 296 TA +43 22 297 GE +43 22 298 GA +43 22 299 * +43 22 300 FD +43 22 301 BF +43 22 302 BA +43 22 303 BF +43 22 304 * +43 22 305 TA +43 22 306 * +43 22 307 BF +43 22 308 TA +43 22 309 FD +43 22 310 * +43 22 311 BF +43 22 312 FD +43 22 313 BF +43 22 314 BA +43 22 315 * +43 22 316 BF +43 22 317 GA +43 22 318 GA +43 22 319 BA +43 22 320 * +43 22 321 GA +43 22 322 BF +43 22 323 FD +43 22 324 BA +43 22 325 TA +43 22 326 GE +43 22 327 AT +43 22 328 FD +43 22 329 GA +43 22 330 AT +43 23 1 GG +43 23 2 BA +43 23 3 GA +43 23 4 GG +43 23 5 BA +43 23 6 GA +43 23 7 GG +43 23 8 GA +43 23 9 GG +43 23 10 GG +43 23 11 GG +43 23 12 GA +43 23 13 GG +43 23 14 GG +43 23 15 BA +43 23 16 BA +43 23 17 GA +43 23 18 GG +43 23 19 GG +43 23 20 GG +43 23 21 GA +43 23 22 GA +43 23 23 GG +43 23 24 GG +43 23 25 GG +43 23 26 GG +43 23 27 BA +43 23 28 GA +43 23 29 GG +43 23 30 GA +43 23 31 BA +43 23 32 GA +43 23 33 GG +43 23 34 GG +43 23 35 GA +43 23 36 GG +43 23 37 GG +43 23 38 GA +43 23 39 GG +43 23 40 GG +43 23 41 GA +43 23 42 GA +43 23 43 GG +43 23 44 BA +43 23 45 GG +43 23 46 GG +43 23 47 GG +43 23 48 GA +43 23 49 GG +43 23 50 GG +43 23 51 GG +43 23 52 GG +43 23 53 GA +43 23 54 GG +43 23 55 GG +43 23 56 GA +43 23 57 GG +43 23 58 GG +43 23 59 BA +43 23 60 GG +43 23 61 GA +43 23 62 BA +43 23 63 GA +43 23 64 GG +43 23 65 GA +43 23 66 BA +43 23 67 GG +43 23 68 GA +43 23 69 GG +43 23 70 BA +43 23 71 GA +43 23 72 GG +43 23 73 GG +43 23 74 BA +43 23 75 GG +43 23 76 GA +43 23 77 GG +43 23 78 GA +43 23 79 GG +43 23 80 GG +43 23 81 GG +43 23 82 GG +43 23 83 GA +43 23 84 GA +43 23 85 GG +43 23 86 GA +43 23 87 GG +43 23 88 GA +43 23 89 GG +43 23 90 GG +43 23 91 GG +43 23 92 GA +43 23 93 GG +43 23 94 GG +43 23 95 GG +43 23 96 GA +43 23 97 GG +43 23 98 GA +43 23 99 GA +43 23 100 GG +43 23 101 GA +43 23 102 BA +43 23 103 GG +43 23 104 GG +43 23 105 GA +43 23 106 GA +43 23 107 BA +43 23 108 GG +43 23 109 GG +43 23 110 GA +43 23 111 GG +43 23 112 GA +43 23 113 GG +43 23 114 GG +43 23 115 GA +43 23 116 BA +43 23 117 GG +43 23 118 GA +43 23 119 GG +43 23 120 BA +43 23 121 GA +43 23 122 GG +43 23 123 GG +43 23 124 GG +43 23 125 GA +43 23 126 GA +43 23 127 GG +43 23 128 GA +43 23 129 BA +43 23 130 GG +43 23 131 GG +43 23 132 GA +43 23 133 GG +43 23 134 GG +43 23 135 GA +43 23 136 GG +43 23 137 GG +43 23 138 GG +43 23 139 BA +43 23 140 GG +43 23 141 BA +43 23 142 BA +43 23 143 GG +43 23 144 GG +43 23 145 GG +43 23 146 GA +43 23 147 GG +43 23 148 GA +43 23 149 GG +43 23 150 GG +43 23 151 GA +43 23 152 GA +43 23 153 GG +43 23 154 GG +43 23 155 GG +43 23 156 GG +43 23 157 GG +43 23 158 BA +43 23 159 GA +43 23 160 GA +43 23 161 GG +43 23 162 GA +43 23 163 GG +43 23 164 GG +43 23 165 GG +43 23 166 GG +43 23 167 BA +43 23 168 GG +43 23 169 GG +43 23 170 GG +43 23 171 GG +43 23 172 BA +43 23 173 GA +43 23 174 GA +43 23 175 GG +43 23 176 GA +43 23 177 GG +43 23 178 GG +43 23 179 GA +43 23 180 GG +43 23 181 GA +43 23 182 GA +43 23 183 GG +43 23 184 GA +43 23 185 GA +43 23 186 GG +43 23 187 GA +43 23 188 GG +43 23 189 BA +43 23 190 GA +43 23 191 GG +43 23 192 GG +43 23 193 GA +43 23 194 GA +43 23 195 GG +43 23 196 GG +43 23 197 BA +43 23 198 GG +43 23 199 BA +43 23 200 GG +43 23 201 GA +43 23 202 GG +43 23 203 GA +43 23 204 GG +43 23 205 GG +43 23 206 GA +43 23 207 GA +43 23 208 GA +43 23 209 GG +43 23 210 GG +43 23 211 GG +43 23 212 GA +43 23 213 BA +43 23 214 GG +43 23 215 GA +43 23 216 GG +43 23 217 GA +43 23 218 GG +43 23 219 BA +43 23 220 GG +43 23 221 BA +43 23 222 GG +43 23 223 GG +43 23 224 BA +43 23 225 GG +43 23 226 GG +43 23 227 GG +43 23 228 GG +43 23 229 GG +43 23 230 BA +43 23 231 GA +43 23 232 GG +43 23 233 GG +43 23 234 GG +43 23 235 GG +43 23 236 GG +43 23 237 GA +43 23 238 GG +43 23 239 GA +43 23 240 GA +43 23 241 BA +43 23 242 GA +43 23 243 GA +43 23 244 BA +43 23 245 GA +43 23 246 GG +43 23 247 GG +43 23 248 GG +43 23 249 GG +43 23 250 GG +43 23 251 GG +43 23 252 BA +43 23 253 GG +43 23 254 GG +43 23 255 GG +43 23 256 GA +43 23 257 GG +43 23 258 GA +43 23 259 GA +43 23 260 BA +43 23 261 GA +43 23 262 BA +43 23 263 GG +43 23 264 GG +43 23 265 GG +43 23 266 GA +43 23 267 GA +43 23 268 GG +43 23 269 GA +43 23 270 GA +43 23 271 GG +43 23 272 BA +43 23 273 GA +43 23 274 BA +43 23 275 GA +43 23 276 GA +43 23 277 GG +43 23 278 GA +43 23 279 GG +43 23 280 GG +43 23 281 GG +43 23 282 GG +43 23 283 GG +43 23 284 BA +43 23 285 GA +43 23 286 BA +43 23 287 GG +43 23 288 GA +43 23 289 GG +43 23 290 BA +43 23 291 GG +43 23 292 GA +43 23 293 BA +43 23 294 BA +43 23 295 GG +43 23 296 GG +43 23 297 GA +43 23 298 GA +43 23 299 GG +43 23 300 BA +43 23 301 GG +43 23 302 GA +43 23 303 BA +43 23 304 GG +43 23 305 GG +43 23 306 GG +43 23 307 GG +43 23 308 GG +43 23 309 GG +43 23 310 GG +43 23 311 GG +43 23 312 GG +43 23 313 GG +43 23 314 BA +43 23 315 GG +43 23 316 GG +43 23 317 GA +43 23 318 GA +43 23 319 BA +43 23 320 GG +43 23 321 GA +43 23 322 BA +43 23 323 GG +43 23 324 GA +43 23 325 GA +43 23 326 GA +43 23 327 BA +43 23 328 GG +43 23 329 GA +43 23 330 BA +43 24 1 BF +43 24 2 BF +43 24 3 GA +43 24 4 TN +43 24 5 BF +43 24 6 AN +43 24 7 SA +43 24 8 GA +43 24 9 NG +43 24 10 BF +43 24 11 FD +43 24 12 AN +43 24 13 FD +43 24 14 FD +43 24 15 GA +43 24 16 BA +43 24 17 GA +43 24 18 FD +43 24 19 BF +43 24 20 SA +43 24 21 GA +43 24 22 AN +43 24 23 TN +43 24 24 BB +43 24 25 BF +43 24 26 BF +43 24 27 BA +43 24 28 GA +43 24 29 SA +43 24 30 GD +43 24 31 BF +43 24 32 TN +43 24 33 SA +43 24 34 BF +43 24 35 GA +43 24 36 FD +43 24 37 BF +43 24 38 BE +43 24 39 BJ +43 24 40 BF +43 24 41 BE +43 24 42 AN +43 24 43 BF +43 24 44 TN +43 24 45 BJ +43 24 46 FD +43 24 47 FD +43 24 48 AN +43 24 49 BF +43 24 50 TN +43 24 51 FD +43 24 52 BA +43 24 53 BE +43 24 54 BJ +43 24 55 BF +43 24 56 DB +43 24 57 BF +43 24 58 NG +43 24 59 TN +43 24 60 FD +43 24 61 BE +43 24 62 TN +43 24 63 GA +43 24 64 BF +43 24 65 BE +43 24 66 BA +43 24 67 BJ +43 24 68 GA +43 24 69 SA +43 24 70 BF +43 24 71 GA +43 24 72 BJ +43 24 73 TN +43 24 74 BF +43 24 75 FD +43 24 76 GA +43 24 77 BF +43 24 78 TN +43 24 79 FD +43 24 80 BF +43 24 81 SA +43 24 82 BF +43 24 83 AN +43 24 84 DB +43 24 85 SA +43 24 86 DB +43 24 87 FD +43 24 88 GD +43 24 89 FD +43 24 90 FD +43 24 91 SA +43 24 92 BA +43 24 93 BF +43 24 94 FD +43 24 95 BA +43 24 96 AN +43 24 97 TN +43 24 98 BE +43 24 99 TN +43 24 100 SA +43 24 101 BE +43 24 102 BF +43 24 103 SA +43 24 104 BF +43 24 105 TN +43 24 106 AN +43 24 107 BA +43 24 108 SA +43 24 109 BF +43 24 110 AN +43 24 111 FD +43 24 112 BE +43 24 113 FD +43 24 114 BJ +43 24 115 BE +43 24 116 BF +43 24 117 FD +43 24 118 DB +43 24 119 SA +43 24 120 BA +43 24 121 GA +43 24 122 SA +43 24 123 BF +43 24 124 SA +43 24 125 GA +43 24 126 DB +43 24 127 FD +43 24 128 AN +43 24 129 BA +43 24 130 FD +43 24 131 TN +43 24 132 BE +43 24 133 SA +43 24 134 FD +43 24 135 TN +43 24 136 BF +43 24 137 SA +43 24 138 BF +43 24 139 BF +43 24 140 BF +43 24 141 BA +43 24 142 BF +43 24 143 SA +43 24 144 TN +43 24 145 BJ +43 24 146 AN +43 24 147 BJ +43 24 148 BE +43 24 149 SA +43 24 150 TN +43 24 151 DB +43 24 152 TN +43 24 153 BF +43 24 154 BB +43 24 155 TS +43 24 156 BJ +43 24 157 NG +43 24 158 BA +43 24 159 AN +43 24 160 DB +43 24 161 SA +43 24 162 BE +43 24 163 BF +43 24 164 BF +43 24 165 BJ +43 24 166 BF +43 24 167 TN +43 24 168 BJ +43 24 169 BF +43 24 170 FD +43 24 171 BJ +43 24 172 BA +43 24 173 BE +43 24 174 AN +43 24 175 BF +43 24 176 BE +43 24 177 AN +43 24 178 BF +43 24 179 BE +43 24 180 BJ +43 24 181 AN +43 24 182 BE +43 24 183 TS +43 24 184 TN +43 24 185 GD +43 24 186 BF +43 24 187 AN +43 24 188 BF +43 24 189 BF +43 24 190 DB +43 24 191 BJ +43 24 192 TN +43 24 193 SA +43 24 194 BE +43 24 195 BJ +43 24 196 SA +43 24 197 TN +43 24 198 FD +43 24 199 SA +43 24 200 BF +43 24 201 DB +43 24 202 BJ +43 24 203 BE +43 24 204 FD +43 24 205 TN +43 24 206 SA +43 24 207 BE +43 24 208 GD +43 24 209 BJ +43 24 210 NG +43 24 211 BF +43 24 212 AN +43 24 213 BF +43 24 214 BJ +43 24 215 TN +43 24 216 BJ +43 24 217 DB +43 24 218 BJ +43 24 219 SA +43 24 220 BF +43 24 221 SA +43 24 222 TN +43 24 223 BJ +43 24 224 BA +43 24 225 BJ +43 24 226 BF +43 24 227 FD +43 24 228 BF +43 24 229 SA +43 24 230 BA +43 24 231 TN +43 24 232 BJ +43 24 233 BF +43 24 234 BJ +43 24 235 BF +43 24 236 BJ +43 24 237 DB +43 24 238 NG +43 24 239 DB +43 24 240 NG +43 24 241 BA +43 24 242 AN +43 24 243 BE +43 24 244 BF +43 24 245 GA +43 24 246 BJ +43 24 247 TN +43 24 248 BJ +43 24 249 BJ +43 24 250 TN +43 24 251 SA +43 24 252 BA +43 24 253 SA +43 24 254 BF +43 24 255 FD +43 24 256 GA +43 24 257 BF +43 24 258 AN +43 24 259 BE +43 24 260 AN +43 24 261 GA +43 24 262 BA +43 24 263 AD +43 24 264 BF +43 24 265 BJ +43 24 266 NG +43 24 267 TN +43 24 268 SA +43 24 269 TN +43 24 270 AN +43 24 271 BJ +43 24 272 BA +43 24 273 TN +43 24 274 BA +43 24 275 SA +43 24 276 BE +43 24 277 BF +43 24 278 DB +43 24 279 BF +43 24 280 BJ +43 24 281 BJ +43 24 282 SA +43 24 283 NG +43 24 284 BA +43 24 285 TN +43 24 286 BA +43 24 287 BJ +43 24 288 BE +43 24 289 BF +43 24 290 BA +43 24 291 BF +43 24 292 DB +43 24 293 SA +43 24 294 BF +43 24 295 NG +43 24 296 TN +43 24 297 AN +43 24 298 BE +43 24 299 BJ +43 24 300 AD +43 24 301 BJ +43 24 302 BA +43 24 303 BF +43 24 304 BJ +43 24 305 TN +43 24 306 SA +43 24 307 BF +43 24 308 TN +43 24 309 TS +43 24 310 BJ +43 24 311 BF +43 24 312 FD +43 24 313 BF +43 24 314 FD +43 24 315 SA +43 24 316 BJ +43 24 317 TN +43 24 318 AN +43 24 319 BA +43 24 320 BJ +43 24 321 BE +43 24 322 BF +43 24 323 BJ +43 24 324 BA +43 24 325 TN +43 24 326 AN +43 24 327 BA +43 24 328 BJ +43 24 329 NG +43 24 330 BF +43 25 1 BF +43 25 2 GA +43 25 3 GA +43 25 4 GA +43 25 5 GG +43 25 6 GA +43 25 7 GA +43 25 8 GA +43 25 9 BA +43 25 10 BF +43 25 11 GG +43 25 12 BA +43 25 13 GG +43 25 14 BF +43 25 15 GG +43 25 16 BA +43 25 17 GA +43 25 18 GG +43 25 19 BF +43 25 20 GA +43 25 21 GA +43 25 22 GA +43 25 23 GA +43 25 24 GG +43 25 25 BF +43 25 26 BF +43 25 27 BA +43 25 28 GA +43 25 29 BF +43 25 30 GA +43 25 31 BA +43 25 32 GA +43 25 33 BA +43 25 34 GG +43 25 35 GA +43 25 36 GG +43 25 37 BF +43 25 38 GA +43 25 39 GG +43 25 40 BA +43 25 41 GA +43 25 42 BA +43 25 43 GG +43 25 44 BA +43 25 45 GG +43 25 46 BA +43 25 47 GG +43 25 48 GA +43 25 49 BA +43 25 50 BF +43 25 51 GA +43 25 52 BA +43 25 53 GA +43 25 54 BA +43 25 55 GG +43 25 56 GA +43 25 57 BF +43 25 58 GA +43 25 59 BA +43 25 60 BF +43 25 61 GA +43 25 62 BA +43 25 63 GA +43 25 64 BF +43 25 65 GA +43 25 66 BA +43 25 67 GA +43 25 68 GA +43 25 69 GG +43 25 70 BA +43 25 71 GA +43 25 72 GG +43 25 73 GA +43 25 74 BA +43 25 75 GA +43 25 76 GA +43 25 77 BF +43 25 78 BA +43 25 79 BA +43 25 80 BF +43 25 81 GG +43 25 82 BF +43 25 83 GA +43 25 84 GA +43 25 85 GG +43 25 86 GA +43 25 87 GG +43 25 88 GA +43 25 89 GG +43 25 90 GG +43 25 91 BA +43 25 92 BA +43 25 93 GG +43 25 94 GG +43 25 95 BA +43 25 96 GA +43 25 97 BF +43 25 98 GA +43 25 99 BA +43 25 100 BA +43 25 101 GA +43 25 102 BA +43 25 103 GG +43 25 104 BA +43 25 105 GA +43 25 106 BA +43 25 107 BA +43 25 108 BA +43 25 109 GG +43 25 110 BA +43 25 111 GA +43 25 112 GA +43 25 113 BA +43 25 114 BF +43 25 115 GA +43 25 116 BA +43 25 117 GG +43 25 118 GA +43 25 119 GA +43 25 120 BA +43 25 121 GA +43 25 122 GG +43 25 123 BF +43 25 124 BA +43 25 125 GA +43 25 126 GA +43 25 127 GG +43 25 128 GA +43 25 129 BA +43 25 130 GG +43 25 131 GA +43 25 132 GA +43 25 133 GG +43 25 134 GG +43 25 135 GA +43 25 136 BF +43 25 137 GG +43 25 138 BF +43 25 139 BA +43 25 140 BF +43 25 141 BA +43 25 142 BA +43 25 143 GG +43 25 144 GG +43 25 145 BA +43 25 146 GA +43 25 147 GG +43 25 148 GA +43 25 149 BA +43 25 150 BF +43 25 151 GA +43 25 152 GA +43 25 153 GG +43 25 154 GG +43 25 155 GG +43 25 156 GG +43 25 157 GG +43 25 158 BA +43 25 159 GA +43 25 160 GA +43 25 161 BA +43 25 162 GA +43 25 163 GG +43 25 164 GG +43 25 165 GG +43 25 166 GG +43 25 167 BA +43 25 168 GG +43 25 169 BF +43 25 170 BF +43 25 171 GG +43 25 172 BA +43 25 173 GA +43 25 174 GA +43 25 175 BA +43 25 176 GA +43 25 177 GA +43 25 178 BF +43 25 179 GA +43 25 180 GG +43 25 181 GA +43 25 182 GA +43 25 183 GA +43 25 184 GG +43 25 185 GA +43 25 186 BF +43 25 187 GA +43 25 188 BF +43 25 189 BA +43 25 190 GA +43 25 191 GG +43 25 192 GG +43 25 193 GG +43 25 194 GA +43 25 195 GG +43 25 196 BA +43 25 197 GA +43 25 198 GG +43 25 199 BA +43 25 200 GG +43 25 201 GA +43 25 202 GG +43 25 203 GA +43 25 204 GG +43 25 205 GG +43 25 206 BA +43 25 207 GA +43 25 208 GA +43 25 209 GG +43 25 210 GA +43 25 211 GG +43 25 212 GA +43 25 213 BA +43 25 214 BA +43 25 215 GA +43 25 216 GG +43 25 217 GA +43 25 218 GG +43 25 219 BA +43 25 220 GG +43 25 221 BA +43 25 222 GG +43 25 223 GG +43 25 224 BA +43 25 225 GG +43 25 226 BF +43 25 227 GG +43 25 228 BF +43 25 229 BA +43 25 230 BA +43 25 231 GA +43 25 232 GG +43 25 233 BA +43 25 234 GG +43 25 235 GA +43 25 236 GG +43 25 237 GA +43 25 238 BF +43 25 239 GA +43 25 240 GA +43 25 241 BA +43 25 242 GA +43 25 243 BF +43 25 244 BA +43 25 245 GA +43 25 246 BF +43 25 247 GG +43 25 248 GG +43 25 249 GG +43 25 250 GA +43 25 251 BA +43 25 252 BA +43 25 253 BA +43 25 254 BA +43 25 255 GG +43 25 256 GA +43 25 257 GG +43 25 258 GG +43 25 259 GA +43 25 260 BA +43 25 261 GA +43 25 262 BA +43 25 263 BA +43 25 264 BA +43 25 265 GG +43 25 266 GA +43 25 267 GA +43 25 268 BA +43 25 269 GA +43 25 270 BA +43 25 271 GA +43 25 272 BA +43 25 273 GA +43 25 274 BA +43 25 275 GA +43 25 276 GA +43 25 277 GG +43 25 278 GA +43 25 279 BF +43 25 280 GG +43 25 281 BF +43 25 282 GG +43 25 283 GA +43 25 284 BA +43 25 285 GA +43 25 286 BA +43 25 287 GA +43 25 288 GA +43 25 289 BF +43 25 290 BA +43 25 291 BF +43 25 292 GA +43 25 293 BA +43 25 294 BA +43 25 295 GG +43 25 296 GA +43 25 297 GA +43 25 298 GA +43 25 299 GG +43 25 300 BA +43 25 301 GG +43 25 302 BA +43 25 303 BA +43 25 304 GG +43 25 305 GA +43 25 306 GG +43 25 307 BF +43 25 308 GA +43 25 309 GG +43 25 310 GG +43 25 311 GG +43 25 312 GG +43 25 313 GG +43 25 314 BA +43 25 315 GG +43 25 316 GA +43 25 317 GA +43 25 318 GA +43 25 319 BA +43 25 320 GG +43 25 321 GA +43 25 322 GG +43 25 323 GG +43 25 324 BF +43 25 325 GA +43 25 326 GA +43 25 327 BA +43 25 328 GG +43 25 329 GA +43 25 330 BA +44 1 1 NA +44 1 2 NA +44 1 3 RE +44 1 4 DH +44 1 5 NA +44 1 6 RE +44 1 7 NA +44 1 8 RE +44 1 9 SU +44 1 10 NA +44 1 11 NA +44 1 12 PO +44 1 13 NA +44 1 14 NA +44 1 15 PO +44 1 16 PO +44 1 17 RE +44 1 18 KE +44 1 19 NA +44 1 20 NA +44 1 21 RE +44 1 22 PO +44 1 23 SU +44 1 24 KE +44 1 25 NA +44 1 26 NA +44 1 27 PO +44 1 28 RE +44 1 29 NA +44 1 30 RE +44 1 31 NA +44 1 32 RE +44 1 33 NA +44 1 34 NA +44 1 35 RE +44 1 36 KE +44 1 37 RE +44 1 38 RE +44 1 39 NA +44 1 40 NA +44 1 41 RE +44 1 42 PO +44 1 43 NA +44 1 44 PO +44 1 45 SM +44 1 46 KE +44 1 47 KE +44 1 48 RE +44 1 49 NA +44 1 50 RE +44 1 51 PO +44 1 52 PO +44 1 53 RE +44 1 54 NA +44 1 55 NA +44 1 56 RE +44 1 57 NA +44 1 58 PO +44 1 59 PO +44 1 60 SM +44 1 61 RE +44 1 62 PO +44 1 63 RE +44 1 64 SM +44 1 65 RE +44 1 66 PO +44 1 67 SM +44 1 68 RE +44 1 69 DH +44 1 70 PO +44 1 71 DH +44 1 72 SM +44 1 73 SU +44 1 74 PO +44 1 75 SM +44 1 76 RE +44 1 77 SM +44 1 78 SU +44 1 79 KE +44 1 80 SM +44 1 81 SM +44 1 82 SM +44 1 83 PO +44 1 84 RE +44 1 85 SM +44 1 86 RE +44 1 87 KE +44 1 88 RE +44 1 89 KE +44 1 90 KE +44 1 91 SM +44 1 92 PO +44 1 93 SM +44 1 94 KE +44 1 95 PO +44 1 96 PO +44 1 97 SM +44 1 98 RE +44 1 99 PO +44 1 100 PO +44 1 101 RE +44 1 102 PO +44 1 103 PO +44 1 104 SM +44 1 105 RE +44 1 106 PO +44 1 107 PO +44 1 108 SM +44 1 109 SM +44 1 110 HE +44 1 111 SU +44 1 112 RE +44 1 113 PO +44 1 114 NA +44 1 115 RE +44 1 116 PO +44 1 117 SU +44 1 118 RE +44 1 119 NA +44 1 120 PO +44 1 121 RE +44 1 122 NA +44 1 123 NA +44 1 124 HE +44 1 125 RE +44 1 126 SU +44 1 127 KE +44 1 128 HE +44 1 129 PO +44 1 130 KE +44 1 131 SU +44 1 132 LA +44 1 133 SM +44 1 134 KE +44 1 135 LA +44 1 136 SM +44 1 137 SM +44 1 138 SM +44 1 139 PO +44 1 140 SM +44 1 141 PO +44 1 142 PO +44 1 143 HE +44 1 144 KE +44 1 145 SM +44 1 146 HE +44 1 147 SM +44 1 148 KE +44 1 149 SM +44 1 150 SU +44 1 151 LA +44 1 152 SU +44 1 153 SM +44 1 154 KE +44 1 155 KE +44 1 156 SM +44 1 157 KE +44 1 158 PO +44 1 159 SM +44 1 160 SU +44 1 161 SM +44 1 162 LA +44 1 163 SM +44 1 164 SM +44 1 165 KE +44 1 166 KE +44 1 167 PO +44 1 168 SM +44 1 169 SM +44 1 170 KE +44 1 171 KE +44 1 172 PO +44 1 173 LA +44 1 174 HE +44 1 175 SM +44 1 176 LA +44 1 177 HE +44 1 178 KE +44 1 179 LA +44 1 180 SM +44 1 181 PO +44 1 182 RE +44 1 183 KE +44 1 184 SU +44 1 185 HE +44 1 186 PO +44 1 187 LA +44 1 188 NA +44 1 189 PO +44 1 190 SU +44 1 191 NA +44 1 192 SU +44 1 193 HE +44 1 194 LA +44 1 195 SM +44 1 196 SM +44 1 197 SU +44 1 198 KE +44 1 199 PO +44 1 200 NA +44 1 201 LA +44 1 202 NA +44 1 203 SU +44 1 204 KE +44 1 205 KE +44 1 206 PO +44 1 207 LA +44 1 208 HE +44 1 209 KE +44 1 210 KE +44 1 211 SM +44 1 212 HE +44 1 213 PO +44 1 214 HE +44 1 215 LA +44 1 216 KE +44 1 217 SU +44 1 218 SU +44 1 219 NA +44 1 220 KE +44 1 221 PO +44 1 222 SU +44 1 223 NA +44 1 224 PO +44 1 225 RE +44 1 226 NA +44 1 227 KE +44 1 228 NA +44 1 229 HE +44 1 230 PO +44 1 231 SU +44 1 232 KE +44 1 233 SU +44 1 234 NA +44 1 235 NA +44 1 236 HE +44 1 237 RE +44 1 238 NA +44 1 239 RE +44 1 240 SU +44 1 241 PO +44 1 242 HE +44 1 243 SU +44 1 244 PO +44 1 245 RE +44 1 246 NA +44 1 247 SU +44 1 248 KE +44 1 249 SM +44 1 250 SU +44 1 251 NA +44 1 252 PO +44 1 253 SM +44 1 254 PO +44 1 255 KE +44 1 256 RE +44 1 257 KE +44 1 258 HE +44 1 259 RE +44 1 260 PO +44 1 261 RE +44 1 262 PO +44 1 263 KE +44 1 264 PO +44 1 265 SM +44 1 266 RE +44 1 267 SU +44 1 268 SM +44 1 269 RE +44 1 270 HE +44 1 271 KE +44 1 272 PO +44 1 273 SU +44 1 274 PO +44 1 275 HE +44 1 276 RE +44 1 277 KE +44 1 278 RE +44 1 279 KE +44 1 280 HE +44 1 281 SM +44 1 282 SM +44 1 283 KE +44 1 284 PO +44 1 285 RE +44 1 286 PO +44 1 287 KE +44 1 288 RE +44 1 289 NA +44 1 290 PO +44 1 291 NA +44 1 292 RE +44 1 293 PO +44 1 294 PO +44 1 295 SU +44 1 296 SU +44 1 297 HE +44 1 298 RE +44 1 299 SM +44 1 300 PO +44 1 301 SM +44 1 302 PO +44 1 303 SU +44 1 304 KE +44 1 305 SU +44 1 306 SM +44 1 307 SM +44 1 308 PO +44 1 309 KE +44 1 310 SM +44 1 311 KE +44 1 312 PO +44 1 313 SM +44 1 314 PO +44 1 315 SM +44 1 316 SU +44 1 317 LA +44 1 318 HE +44 1 319 PO +44 1 320 LA +44 1 321 RE +44 1 322 PO +44 1 323 SM +44 1 324 PO +44 1 325 SU +44 1 326 HE +44 1 327 PO +44 1 328 NA +44 1 329 HE +44 1 330 PO +44 2 1 NA +44 2 2 NA +44 2 3 RE +44 2 4 KE +44 2 5 NA +44 2 6 PO +44 2 7 SM +44 2 8 RE +44 2 9 KE +44 2 10 KE +44 2 11 KE +44 2 12 PO +44 2 13 KE +44 2 14 NA +44 2 15 PO +44 2 16 PO +44 2 17 RE +44 2 18 KE +44 2 19 NA +44 2 20 SM +44 2 21 RE +44 2 22 PO +44 2 23 KE +44 2 24 KE +44 2 25 NA +44 2 26 NA +44 2 27 PO +44 2 28 RE +44 2 29 NA +44 2 30 HE +44 2 31 NA +44 2 32 NA +44 2 33 SM +44 2 34 NA +44 2 35 RE +44 2 36 KE +44 2 37 NA +44 2 38 RE +44 2 39 SM +44 2 40 NA +44 2 41 RE +44 2 42 DH +44 2 43 KE +44 2 44 PO +44 2 45 NA +44 2 46 DH +44 2 47 KE +44 2 48 HE +44 2 49 NA +44 2 50 KE +44 2 51 DH +44 2 52 PO +44 2 53 RE +44 2 54 NA +44 2 55 NA +44 2 56 PO +44 2 57 KE +44 2 58 DH +44 2 59 PO +44 2 60 KE +44 2 61 RE +44 2 62 PO +44 2 63 PO +44 2 64 NA +44 2 65 RE +44 2 66 PO +44 2 67 SM +44 2 68 PO +44 2 69 DH +44 2 70 PO +44 2 71 KE +44 2 72 NA +44 2 73 KE +44 2 74 NA +44 2 75 KE +44 2 76 HE +44 2 77 NA +44 2 78 PO +44 2 79 DH +44 2 80 NA +44 2 81 SM +44 2 82 NA +44 2 83 PO +44 2 84 PO +44 2 85 NA +44 2 86 PO +44 2 87 KE +44 2 88 PO +44 2 89 DH +44 2 90 KE +44 2 91 SM +44 2 92 PO +44 2 93 NA +44 2 94 KE +44 2 95 NA +44 2 96 PO +44 2 97 KE +44 2 98 RE +44 2 99 PO +44 2 100 NA +44 2 101 RE +44 2 102 PO +44 2 103 KE +44 2 104 NA +44 2 105 RE +44 2 106 PO +44 2 107 PO +44 2 108 NA +44 2 109 KE +44 2 110 HE +44 2 111 KE +44 2 112 RE +44 2 113 KE +44 2 114 NA +44 2 115 RE +44 2 116 NA +44 2 117 KE +44 2 118 PO +44 2 119 SM +44 2 120 PO +44 2 121 HE +44 2 122 KE +44 2 123 NA +44 2 124 NA +44 2 125 HE +44 2 126 HE +44 2 127 KE +44 2 128 KE +44 2 129 PO +44 2 130 DH +44 2 131 NA +44 2 132 RE +44 2 133 SM +44 2 134 KE +44 2 135 KE +44 2 136 NA +44 2 137 DH +44 2 138 NA +44 2 139 PO +44 2 140 NA +44 2 141 PO +44 2 142 PO +44 2 143 SM +44 2 144 KE +44 2 145 DH +44 2 146 HE +44 2 147 NA +44 2 148 RE +44 2 149 NA +44 2 150 DH +44 2 151 HE +44 2 152 PO +44 2 153 NA +44 2 154 DH +44 2 155 KE +44 2 156 NA +44 2 157 KE +44 2 158 PO +44 2 159 HE +44 2 160 HE +44 2 161 NA +44 2 162 RE +44 2 163 SM +44 2 164 KE +44 2 165 KE +44 2 166 DH +44 2 167 PO +44 2 168 SM +44 2 169 NA +44 2 170 KE +44 2 171 DH +44 2 172 PO +44 2 173 RE +44 2 174 HE +44 2 175 NA +44 2 176 RE +44 2 177 PO +44 2 178 NA +44 2 179 KE +44 2 180 NA +44 2 181 HE +44 2 182 PO +44 2 183 DH +44 2 184 NA +44 2 185 HE +44 2 186 SM +44 2 187 HE +44 2 188 NA +44 2 189 NA +44 2 190 PO +44 2 191 KE +44 2 192 KE +44 2 193 DH +44 2 194 KE +44 2 195 NA +44 2 196 SM +44 2 197 NA +44 2 198 KE +44 2 199 PO +44 2 200 NA +44 2 201 HE +44 2 202 KE +44 2 203 RE +44 2 204 KE +44 2 205 NA +44 2 206 PO +44 2 207 RE +44 2 208 HE +44 2 209 KE +44 2 210 DH +44 2 211 NA +44 2 212 HE +44 2 213 DH +44 2 214 HE +44 2 215 RE +44 2 216 KE +44 2 217 HE +44 2 218 HE +44 2 219 PO +44 2 220 NA +44 2 221 PO +44 2 222 KE +44 2 223 NA +44 2 224 PO +44 2 225 DH +44 2 226 KE +44 2 227 KE +44 2 228 NA +44 2 229 NA +44 2 230 PO +44 2 231 RE +44 2 232 KE +44 2 233 KE +44 2 234 NA +44 2 235 NA +44 2 236 DH +44 2 237 PO +44 2 238 KE +44 2 239 PO +44 2 240 RE +44 2 241 PO +44 2 242 PO +44 2 243 RE +44 2 244 PO +44 2 245 RE +44 2 246 NA +44 2 247 DH +44 2 248 KE +44 2 249 NA +44 2 250 NA +44 2 251 KE +44 2 252 PO +44 2 253 NA +44 2 254 SM +44 2 255 KE +44 2 256 HE +44 2 257 KE +44 2 258 HE +44 2 259 RE +44 2 260 HE +44 2 261 HE +44 2 262 PO +44 2 263 DH +44 2 264 NA +44 2 265 SM +44 2 266 HE +44 2 267 RE +44 2 268 NA +44 2 269 PO +44 2 270 HE +44 2 271 KE +44 2 272 PO +44 2 273 DH +44 2 274 PO +44 2 275 DH +44 2 276 RE +44 2 277 NA +44 2 278 HE +44 2 279 NA +44 2 280 SM +44 2 281 NA +44 2 282 NA +44 2 283 KE +44 2 284 PO +44 2 285 PO +44 2 286 PO +44 2 287 KE +44 2 288 RE +44 2 289 NA +44 2 290 PO +44 2 291 NA +44 2 292 PO +44 2 293 PO +44 2 294 PO +44 2 295 KE +44 2 296 NA +44 2 297 HE +44 2 298 RE +44 2 299 NA +44 2 300 DH +44 2 301 NA +44 2 302 PO +44 2 303 NA +44 2 304 KE +44 2 305 RE +44 2 306 NA +44 2 307 KE +44 2 308 NA +44 2 309 KE +44 2 310 SM +44 2 311 KE +44 2 312 KE +44 2 313 DH +44 2 314 PO +44 2 315 NA +44 2 316 NA +44 2 317 RE +44 2 318 HE +44 2 319 PO +44 2 320 KE +44 2 321 RE +44 2 322 NA +44 2 323 KE +44 2 324 PO +44 2 325 RE +44 2 326 HE +44 2 327 PO +44 2 328 SM +44 2 329 DH +44 2 330 PO +44 3 1 NA +44 3 2 NA +44 3 3 CU +44 3 4 KE +44 3 5 NA +44 3 6 PO +44 3 7 NA +44 3 8 CU +44 3 9 KE +44 3 10 KE +44 3 11 KE +44 3 12 HE +44 3 13 KE +44 3 14 KE +44 3 15 PO +44 3 16 PO +44 3 17 HE +44 3 18 KE +44 3 19 NA +44 3 20 NA +44 3 21 CU +44 3 22 PO +44 3 23 KE +44 3 24 KE +44 3 25 NA +44 3 26 KE +44 3 27 PO +44 3 28 CU +44 3 29 NA +44 3 30 HE +44 3 31 NA +44 3 32 CU +44 3 33 NA +44 3 34 KE +44 3 35 CU +44 3 36 KE +44 3 37 PO +44 3 38 CU +44 3 39 NA +44 3 40 NA +44 3 41 CU +44 3 42 HE +44 3 43 KE +44 3 44 PO +44 3 45 NA +44 3 46 KE +44 3 47 KE +44 3 48 HE +44 3 49 NA +44 3 50 KE +44 3 51 KE +44 3 52 PO +44 3 53 CU +44 3 54 NA +44 3 55 NA +44 3 56 PO +44 3 57 KE +44 3 58 SM +44 3 59 PO +44 3 60 KE +44 3 61 CU +44 3 62 PO +44 3 63 CU +44 3 64 KE +44 3 65 CU +44 3 66 PO +44 3 67 PO +44 3 68 CU +44 3 69 KE +44 3 70 PO +44 3 71 CU +44 3 72 NA +44 3 73 CU +44 3 74 PO +44 3 75 KE +44 3 76 HE +44 3 77 NA +44 3 78 PO +44 3 79 KE +44 3 80 NA +44 3 81 NA +44 3 82 NA +44 3 83 PO +44 3 84 PO +44 3 85 NA +44 3 86 CU +44 3 87 KE +44 3 88 CU +44 3 89 KE +44 3 90 KE +44 3 91 NA +44 3 92 PO +44 3 93 NA +44 3 94 KE +44 3 95 PO +44 3 96 HE +44 3 97 KE +44 3 98 CU +44 3 99 PO +44 3 100 PO +44 3 101 CU +44 3 102 PO +44 3 103 KE +44 3 104 PO +44 3 105 CU +44 3 106 HE +44 3 107 PO +44 3 108 PO +44 3 109 KE +44 3 110 HE +44 3 111 KE +44 3 112 CU +44 3 113 KE +44 3 114 KE +44 3 115 CU +44 3 116 PO +44 3 117 KE +44 3 118 CU +44 3 119 NA +44 3 120 PO +44 3 121 HE +44 3 122 NA +44 3 123 KE +44 3 124 HE +44 3 125 CU +44 3 126 CU +44 3 127 KE +44 3 128 HE +44 3 129 PO +44 3 130 KE +44 3 131 KE +44 3 132 CU +44 3 133 KE +44 3 134 KE +44 3 135 CU +44 3 136 NA +44 3 137 KE +44 3 138 NA +44 3 139 PO +44 3 140 KE +44 3 141 PO +44 3 142 PO +44 3 143 NA +44 3 144 KE +44 3 145 NA +44 3 146 HE +44 3 147 NA +44 3 148 CU +44 3 149 NA +44 3 150 KE +44 3 151 CU +44 3 152 CU +44 3 153 KE +44 3 154 KE +44 3 155 KE +44 3 156 NA +44 3 157 KE +44 3 158 PO +44 3 159 HE +44 3 160 PO +44 3 161 NA +44 3 162 CU +44 3 163 NA +44 3 164 NA +44 3 165 KE +44 3 166 KE +44 3 167 PO +44 3 168 NA +44 3 169 NA +44 3 170 KE +44 3 171 KE +44 3 172 PO +44 3 173 CU +44 3 174 HE +44 3 175 PO +44 3 176 CU +44 3 177 HE +44 3 178 KE +44 3 179 KE +44 3 180 NA +44 3 181 HE +44 3 182 CU +44 3 183 KE +44 3 184 CU +44 3 185 CU +44 3 186 NA +44 3 187 HE +44 3 188 NA +44 3 189 PO +44 3 190 SU +44 3 191 NA +44 3 192 KE +44 3 193 HE +44 3 194 KE +44 3 195 NA +44 3 196 PO +44 3 197 SU +44 3 198 KE +44 3 199 PO +44 3 200 PO +44 3 201 SU +44 3 202 NA +44 3 203 SU +44 3 204 KE +44 3 205 KE +44 3 206 PO +44 3 207 SU +44 3 208 HE +44 3 209 KE +44 3 210 KE +44 3 211 NA +44 3 212 HE +44 3 213 PO +44 3 214 HE +44 3 215 SU +44 3 216 KE +44 3 217 SU +44 3 218 HE +44 3 219 PO +44 3 220 KE +44 3 221 PO +44 3 222 KE +44 3 223 NA +44 3 224 PO +44 3 225 HE +44 3 226 KE +44 3 227 KE +44 3 228 KE +44 3 229 PO +44 3 230 PO +44 3 231 SU +44 3 232 KE +44 3 233 PO +44 3 234 NA +44 3 235 NA +44 3 236 HE +44 3 237 SU +44 3 238 NA +44 3 239 SU +44 3 240 CU +44 3 241 PO +44 3 242 HE +44 3 243 CU +44 3 244 PO +44 3 245 CU +44 3 246 NA +44 3 247 KE +44 3 248 KE +44 3 249 KE +44 3 250 KE +44 3 251 NA +44 3 252 PO +44 3 253 NA +44 3 254 PO +44 3 255 KE +44 3 256 CU +44 3 257 KE +44 3 258 HE +44 3 259 CU +44 3 260 PO +44 3 261 CU +44 3 262 PO +44 3 263 PO +44 3 264 PO +44 3 265 NA +44 3 266 CU +44 3 267 KE +44 3 268 NA +44 3 269 CU +44 3 270 HE +44 3 271 KE +44 3 272 PO +44 3 273 SU +44 3 274 PO +44 3 275 HE +44 3 276 CU +44 3 277 KE +44 3 278 CU +44 3 279 KE +44 3 280 NA +44 3 281 NA +44 3 282 NA +44 3 283 KE +44 3 284 PO +44 3 285 PO +44 3 286 PO +44 3 287 KE +44 3 288 CU +44 3 289 NA +44 3 290 PO +44 3 291 NA +44 3 292 SU +44 3 293 PO +44 3 294 PO +44 3 295 KE +44 3 296 KE +44 3 297 HE +44 3 298 CU +44 3 299 NA +44 3 300 PO +44 3 301 NA +44 3 302 PO +44 3 303 PO +44 3 304 NA +44 3 305 KE +44 3 306 NA +44 3 307 NA +44 3 308 KE +44 3 309 KE +44 3 310 NA +44 3 311 NA +44 3 312 KE +44 3 313 KE +44 3 314 PO +44 3 315 NA +44 3 316 NA +44 3 317 CU +44 3 318 HE +44 3 319 PO +44 3 320 KE +44 3 321 CU +44 3 322 PO +44 3 323 NA +44 3 324 PO +44 3 325 CU +44 3 326 HE +44 3 327 PO +44 3 328 NA +44 3 329 SU +44 3 330 PO +44 4 1 KE +44 4 2 NA +44 4 3 RE +44 4 4 * +44 4 5 NA +44 4 6 KO +44 4 7 NA +44 4 8 RE +44 4 9 KO +44 4 10 KE +44 4 11 NA +44 4 12 HE +44 4 13 NA +44 4 14 GU +44 4 15 LA +44 4 16 PO +44 4 17 RE +44 4 18 KE +44 4 19 NA +44 4 20 NA +44 4 21 RE +44 4 22 HE +44 4 23 KA +44 4 24 DH +44 4 25 NA +44 4 26 KE +44 4 27 UJ +44 4 28 GU +44 4 29 NA +44 4 30 KO +44 4 31 PO +44 4 32 GU +44 4 33 NA +44 4 34 KE +44 4 35 RE +44 4 36 NA +44 4 37 KO +44 4 38 RE +44 4 39 NA +44 4 40 NA +44 4 41 RE +44 4 42 KO +44 4 43 KE +44 4 44 UJ +44 4 45 NA +44 4 46 PO +44 4 47 KO +44 4 48 HE +44 4 49 PO +44 4 50 KE +44 4 51 KO +44 4 52 PO +44 4 53 KE +44 4 54 NA +44 4 55 KO +44 4 56 HA +44 4 57 NA +44 4 58 DH +44 4 59 PO +44 4 60 KE +44 4 61 RE +44 4 62 KO +44 4 63 HA +44 4 64 KO +44 4 65 RE +44 4 66 UJ +44 4 67 NA +44 4 68 CU +44 4 69 DH +44 4 70 SA +44 4 71 RE +44 4 72 NA +44 4 73 DH +44 4 74 SA +44 4 75 NA +44 4 76 HE +44 4 77 NA +44 4 78 KO +44 4 79 KE +44 4 80 NA +44 4 81 HE +44 4 82 HE +44 4 83 SA +44 4 84 GU +44 4 85 NA +44 4 86 CU +44 4 87 DH +44 4 88 HA +44 4 89 KE +44 4 90 KE +44 4 91 HE +44 4 92 SA +44 4 93 NA +44 4 94 KO +44 4 95 SA +44 4 96 HE +44 4 97 KA +44 4 98 RE +44 4 99 SA +44 4 100 SA +44 4 101 HE +44 4 102 SA +44 4 103 DH +44 4 104 NA +44 4 105 DH +44 4 106 HE +44 4 107 UJ +44 4 108 GU +44 4 109 DH +44 4 110 HE +44 4 111 KE +44 4 112 RE +44 4 113 DH +44 4 114 NA +44 4 115 RE +44 4 116 UJ +44 4 117 DH +44 4 118 GU +44 4 119 NA +44 4 120 SA +44 4 121 CU +44 4 122 NA +44 4 123 DH +44 4 124 HE +44 4 125 RE +44 4 126 CU +44 4 127 DH +44 4 128 HE +44 4 129 SA +44 4 130 NA +44 4 131 KA +44 4 132 RE +44 4 133 NA +44 4 134 DH +44 4 135 CU +44 4 136 NA +44 4 137 NA +44 4 138 SA +44 4 139 SA +44 4 140 DH +44 4 141 UJ +44 4 142 UJ +44 4 143 HE +44 4 144 DH +44 4 145 NA +44 4 146 HE +44 4 147 NA +44 4 148 RE +44 4 149 NA +44 4 150 DH +44 4 151 CU +44 4 152 CU +44 4 153 NA +44 4 154 KA +44 4 155 KA +44 4 156 NA +44 4 157 KA +44 4 158 SA +44 4 159 HE +44 4 160 GU +44 4 161 NA +44 4 162 RE +44 4 163 NA +44 4 164 DH +44 4 165 DH +44 4 166 DH +44 4 167 GU +44 4 168 NA +44 4 169 DH +44 4 170 KE +44 4 171 NA +44 4 172 SA +44 4 173 CU +44 4 174 HE +44 4 175 SA +44 4 176 RE +44 4 177 HE +44 4 178 KE +44 4 179 DH +44 4 180 NA +44 4 181 DH +44 4 182 KE +44 4 183 KE +44 4 184 DH +44 4 185 GU +44 4 186 SA +44 4 187 HE +44 4 188 NA +44 4 189 SA +44 4 190 GU +44 4 191 NA +44 4 192 DH +44 4 193 HE +44 4 194 DH +44 4 195 NA +44 4 196 SA +44 4 197 DH +44 4 198 KE +44 4 199 SA +44 4 200 NA +44 4 201 GU +44 4 202 NA +44 4 203 CU +44 4 204 DH +44 4 205 DH +44 4 206 SA +44 4 207 CU +44 4 208 DH +44 4 209 KE +44 4 210 KE +44 4 211 SA +44 4 212 HE +44 4 213 SA +44 4 214 NA +44 4 215 GU +44 4 216 KE +44 4 217 SA +44 4 218 NA +44 4 219 UJ +44 4 220 DH +44 4 221 UJ +44 4 222 DH +44 4 223 NA +44 4 224 SA +44 4 225 DH +44 4 226 DH +44 4 227 DH +44 4 228 KE +44 4 229 SA +44 4 230 SA +44 4 231 CU +44 4 232 DH +44 4 233 DH +44 4 234 NA +44 4 235 KE +44 4 236 HE +44 4 237 SA +44 4 238 NA +44 4 239 GU +44 4 240 DH +44 4 241 SA +44 4 242 SA +44 4 243 DH +44 4 244 SA +44 4 245 RE +44 4 246 NA +44 4 247 DH +44 4 248 KE +44 4 249 NA +44 4 250 DH +44 4 251 NA +44 4 252 SA +44 4 253 NA +44 4 254 DH +44 4 255 KE +44 4 256 RE +44 4 257 DH +44 4 258 HE +44 4 259 GU +44 4 260 SA +44 4 261 CU +44 4 262 UJ +44 4 263 UJ +44 4 264 UJ +44 4 265 NA +44 4 266 DH +44 4 267 KE +44 4 268 NA +44 4 269 CU +44 4 270 GU +44 4 271 NA +44 4 272 SA +44 4 273 DH +44 4 274 SA +44 4 275 NA +44 4 276 RE +44 4 277 KE +44 4 278 CU +44 4 279 KE +44 4 280 NA +44 4 281 NA +44 4 282 NA +44 4 283 DH +44 4 284 SA +44 4 285 CU +44 4 286 SA +44 4 287 DH +44 4 288 RE +44 4 289 UJ +44 4 290 SA +44 4 291 DH +44 4 292 CU +44 4 293 SA +44 4 294 SA +44 4 295 DH +44 4 296 DH +44 4 297 HE +44 4 298 RE +44 4 299 NA +44 4 300 SA +44 4 301 NA +44 4 302 UJ +44 4 303 UJ +44 4 304 KO +44 4 305 KE +44 4 306 HE +44 4 307 NA +44 4 308 KO +44 4 309 KE +44 4 310 NA +44 4 311 KO +44 4 312 KE +44 4 313 KE +44 4 314 SA +44 4 315 NA +44 4 316 DH +44 4 317 GU +44 4 318 GU +44 4 319 PO +44 4 320 KO +44 4 321 RE +44 4 322 KO +44 4 323 NA +44 4 324 SA +44 4 325 DH +44 4 326 HE +44 4 327 UJ +44 4 328 DH +44 4 329 DH +44 4 330 UJ +44 5 1 NA +44 5 2 SM +44 5 3 RE +44 5 4 NA +44 5 5 DH +44 5 6 DH +44 5 7 HE +44 5 8 RE +44 5 9 PO +44 5 10 NA +44 5 11 SM +44 5 12 HE +44 5 13 SM +44 5 14 NA +44 5 15 RE +44 5 16 DH +44 5 17 RE +44 5 18 NA +44 5 19 SM +44 5 20 DH +44 5 21 RE +44 5 22 SA +44 5 23 DH +44 5 24 NA +44 5 25 SA +44 5 26 NA +44 5 27 DH +44 5 28 RE +44 5 29 SM +44 5 30 DH +44 5 31 SM +44 5 32 HE +44 5 33 SM +44 5 34 NA +44 5 35 GU +44 5 36 SM +44 5 37 NA +44 5 38 RE +44 5 39 SM +44 5 40 DH +44 5 41 RE +44 5 42 UJ +44 5 43 NA +44 5 44 SA +44 5 45 NA +44 5 46 DH +44 5 47 DH +44 5 48 RE +44 5 49 SM +44 5 50 NA +44 5 51 DH +44 5 52 SA +44 5 53 RE +44 5 54 SM +44 5 55 NA +44 5 56 DH +44 5 57 NA +44 5 58 DH +44 5 59 UJ +44 5 60 KE +44 5 61 RE +44 5 62 DH +44 5 63 RE +44 5 64 NA +44 5 65 RE +44 5 66 UJ +44 5 67 SM +44 5 68 RE +44 5 69 DH +44 5 70 SA +44 5 71 DH +44 5 72 NA +44 5 73 DH +44 5 74 SA +44 5 75 KE +44 5 76 RE +44 5 77 NA +44 5 78 SA +44 5 79 DH +44 5 80 HE +44 5 81 SM +44 5 82 SA +44 5 83 SA +44 5 84 DH +44 5 85 NA +44 5 86 RE +44 5 87 KE +44 5 88 RE +44 5 89 NA +44 5 90 DH +44 5 91 SM +44 5 92 SA +44 5 93 NA +44 5 94 DH +44 5 95 SA +44 5 96 HE +44 5 97 NA +44 5 98 RE +44 5 99 SA +44 5 100 DH +44 5 101 RE +44 5 102 DH +44 5 103 SM +44 5 104 HE +44 5 105 NA +44 5 106 SA +44 5 107 SA +44 5 108 SM +44 5 109 NA +44 5 110 HE +44 5 111 DH +44 5 112 RE +44 5 113 KE +44 5 114 SM +44 5 115 RE +44 5 116 SA +44 5 117 SM +44 5 118 RE +44 5 119 NA +44 5 120 SA +44 5 121 RE +44 5 122 NA +44 5 123 DH +44 5 124 SM +44 5 125 RE +44 5 126 DH +44 5 127 NA +44 5 128 HE +44 5 129 SA +44 5 130 NA +44 5 131 CU +44 5 132 RE +44 5 133 DH +44 5 134 SM +44 5 135 RE +44 5 136 NA +44 5 137 DH +44 5 138 NA +44 5 139 DH +44 5 140 NA +44 5 141 SA +44 5 142 DH +44 5 143 SM +44 5 144 NA +44 5 145 SM +44 5 146 HE +44 5 147 SM +44 5 148 RE +44 5 149 NA +44 5 150 NA +44 5 151 RE +44 5 152 HE +44 5 153 NA +44 5 154 SM +44 5 155 NA +44 5 156 NA +44 5 157 SM +44 5 158 SA +44 5 159 HE +44 5 160 DH +44 5 161 NA +44 5 162 RE +44 5 163 NA +44 5 164 NA +44 5 165 DH +44 5 166 SM +44 5 167 SA +44 5 168 NA +44 5 169 NA +44 5 170 DH +44 5 171 SM +44 5 172 SA +44 5 173 RE +44 5 174 HE +44 5 175 SM +44 5 176 RE +44 5 177 HE +44 5 178 NA +44 5 179 GU +44 5 180 HE +44 5 181 DH +44 5 182 GU +44 5 183 SA +44 5 184 GU +44 5 185 HE +44 5 186 NA +44 5 187 RE +44 5 188 NA +44 5 189 DH +44 5 190 GU +44 5 191 DH +44 5 192 SM +44 5 193 NA +44 5 194 DH +44 5 195 NA +44 5 196 NA +44 5 197 SA +44 5 198 NA +44 5 199 SA +44 5 200 NA +44 5 201 RE +44 5 202 SM +44 5 203 RE +44 5 204 DH +44 5 205 NA +44 5 206 SA +44 5 207 RE +44 5 208 HE +44 5 209 SM +44 5 210 DH +44 5 211 NA +44 5 212 RE +44 5 213 DH +44 5 214 SM +44 5 215 DH +44 5 216 NA +44 5 217 UJ +44 5 218 SM +44 5 219 SA +44 5 220 NA +44 5 221 SA +44 5 222 DH +44 5 223 NA +44 5 224 SA +44 5 225 DH +44 5 226 NA +44 5 227 NA +44 5 228 DH +44 5 229 SM +44 5 230 SA +44 5 231 HE +44 5 232 SM +44 5 233 NA +44 5 234 NA +44 5 235 DH +44 5 236 NA +44 5 237 SA +44 5 238 NA +44 5 239 RE +44 5 240 DH +44 5 241 SA +44 5 242 HE +44 5 243 LA +44 5 244 SA +44 5 245 RE +44 5 246 NA +44 5 247 DH +44 5 248 NA +44 5 249 NA +44 5 250 DH +44 5 251 SM +44 5 252 SA +44 5 253 NA +44 5 254 DH +44 5 255 KE +44 5 256 RE +44 5 257 NA +44 5 258 HE +44 5 259 LA +44 5 260 SA +44 5 261 RE +44 5 262 SA +44 5 263 DH +44 5 264 DH +44 5 265 NA +44 5 266 RE +44 5 267 GU +44 5 268 NA +44 5 269 GU +44 5 270 HE +44 5 271 NA +44 5 272 SA +44 5 273 RE +44 5 274 SA +44 5 275 SM +44 5 276 RE +44 5 277 NA +44 5 278 RE +44 5 279 NA +44 5 280 SM +44 5 281 NA +44 5 282 DH +44 5 283 KE +44 5 284 SA +44 5 285 RE +44 5 286 SA +44 5 287 DH +44 5 288 RE +44 5 289 NA +44 5 290 SA +44 5 291 NA +44 5 292 RE +44 5 293 SA +44 5 294 SA +44 5 295 DH +44 5 296 NA +44 5 297 RE +44 5 298 RE +44 5 299 NA +44 5 300 SA +44 5 301 NA +44 5 302 SA +44 5 303 NA +44 5 304 DH +44 5 305 NA +44 5 306 SM +44 5 307 NA +44 5 308 SM +44 5 309 DH +44 5 310 NA +44 5 311 NA +44 5 312 DH +44 5 313 SM +44 5 314 SA +44 5 315 NA +44 5 316 DH +44 5 317 RE +44 5 318 RE +44 5 319 SA +44 5 320 SM +44 5 321 RE +44 5 322 NA +44 5 323 SM +44 5 324 SA +44 5 325 RE +44 5 326 HE +44 5 327 SA +44 5 328 NA +44 5 329 DH +44 5 330 SA +44 6 1 NA +44 6 2 SA +44 6 3 RE +44 6 4 PH +44 6 5 NA +44 6 6 PH +44 6 7 RE +44 6 8 RE +44 6 9 DH +44 6 10 NA +44 6 11 NA +44 6 12 RE +44 6 13 NA +44 6 14 PH +44 6 15 * +44 6 16 CI +44 6 17 RE +44 6 18 DH +44 6 19 RE +44 6 20 NA +44 6 21 RE +44 6 22 NA +44 6 23 RE +44 6 24 DH +44 6 25 NA +44 6 26 NA +44 6 27 CI +44 6 28 RE +44 6 29 RE +44 6 30 RE +44 6 31 NA +44 6 32 RE +44 6 33 DH +44 6 34 LA +44 6 35 RE +44 6 36 NA +44 6 37 DH +44 6 38 RE +44 6 39 NA +44 6 40 NA +44 6 41 RE +44 6 42 CI +44 6 43 NA +44 6 44 CI +44 6 45 RE +44 6 46 SA +44 6 47 RE +44 6 48 CI +44 6 49 RE +44 6 50 KA +44 6 51 KA +44 6 52 CI +44 6 53 RE +44 6 54 NA +44 6 55 DH +44 6 56 CI +44 6 57 RE +44 6 58 DH +44 6 59 NA +44 6 60 NA +44 6 61 RE +44 6 62 RE +44 6 63 RE +44 6 64 NA +44 6 65 RE +44 6 66 NA +44 6 67 DH +44 6 68 RE +44 6 69 PH +44 6 70 CI +44 6 71 RE +44 6 72 CI +44 6 73 RE +44 6 74 CI +44 6 75 NA +44 6 76 RE +44 6 77 NA +44 6 78 CI +44 6 79 DH +44 6 80 NA +44 6 81 PO +44 6 82 DH +44 6 83 PO +44 6 84 PO +44 6 85 NA +44 6 86 RE +44 6 87 PO +44 6 88 LA +44 6 89 PO +44 6 90 NA +44 6 91 NA +44 6 92 PO +44 6 93 NA +44 6 94 PO +44 6 95 NA +44 6 96 HE +44 6 97 NA +44 6 98 RE +44 6 99 NA +44 6 100 RE +44 6 101 RE +44 6 102 PO +44 6 103 PO +44 6 104 LA +44 6 105 LA +44 6 106 SA +44 6 107 SA +44 6 108 LA +44 6 109 SA +44 6 110 HE +44 6 111 SA +44 6 112 RE +44 6 113 SA +44 6 114 NA +44 6 115 RE +44 6 116 NA +44 6 117 SA +44 6 118 RE +44 6 119 NA +44 6 120 SA +44 6 121 RE +44 6 122 NA +44 6 123 SA +44 6 124 UJ +44 6 125 RE +44 6 126 LA +44 6 127 KE +44 6 128 LA +44 6 129 UJ +44 6 130 LA +44 6 131 NA +44 6 132 RE +44 6 133 NA +44 6 134 SA +44 6 135 RE +44 6 136 NA +44 6 137 SA +44 6 138 RE +44 6 139 SA +44 6 140 NA +44 6 141 SA +44 6 142 SA +44 6 143 RE +44 6 144 SA +44 6 145 NA +44 6 146 LA +44 6 147 LA +44 6 148 NA +44 6 149 SA +44 6 150 RE +44 6 151 LA +44 6 152 LA +44 6 153 NA +44 6 154 SA +44 6 155 SA +44 6 156 RE +44 6 157 SA +44 6 158 SA +44 6 159 RE +44 6 160 RE +44 6 161 SA +44 6 162 LA +44 6 163 NA +44 6 164 RE +44 6 165 SA +44 6 166 SA +44 6 167 RE +44 6 168 NA +44 6 169 NA +44 6 170 SA +44 6 171 NA +44 6 172 SA +44 6 173 RE +44 6 174 KA +44 6 175 PO +44 6 176 RE +44 6 177 SA +44 6 178 NA +44 6 179 RE +44 6 180 SA +44 6 181 KE +44 6 182 SA +44 6 183 SA +44 6 184 RE +44 6 185 RE +44 6 186 NA +44 6 187 RE +44 6 188 NA +44 6 189 SA +44 6 190 RE +44 6 191 NA +44 6 192 SA +44 6 193 NA +44 6 194 RE +44 6 195 NA +44 6 196 NA +44 6 197 RE +44 6 198 SA +44 6 199 SA +44 6 200 NA +44 6 201 RE +44 6 202 LA +44 6 203 SA +44 6 204 SA +44 6 205 RE +44 6 206 PO +44 6 207 LA +44 6 208 LA +44 6 209 NA +44 6 210 SA +44 6 211 NA +44 6 212 RE +44 6 213 PO +44 6 214 LA +44 6 215 RE +44 6 216 SA +44 6 217 RE +44 6 218 PO +44 6 219 SA +44 6 220 LA +44 6 221 PO +44 6 222 RE +44 6 223 LA +44 6 224 PO +44 6 225 RE +44 6 226 LA +44 6 227 PO +44 6 228 RE +44 6 229 SA +44 6 230 SA +44 6 231 PO +44 6 232 SA +44 6 233 LA +44 6 234 RE +44 6 235 NA +44 6 236 DH +44 6 237 RE +44 6 238 NA +44 6 239 * +44 6 240 SA +44 6 241 PO +44 6 242 RE +44 6 243 NA +44 6 244 PO +44 6 245 RE +44 6 246 NA +44 6 247 DH +44 6 248 SA +44 6 249 NA +44 6 250 DH +44 6 251 NA +44 6 252 SA +44 6 253 NA +44 6 254 PO +44 6 255 SA +44 6 256 RE +44 6 257 UJ +44 6 258 LA +44 6 259 RE +44 6 260 SA +44 6 261 RE +44 6 262 SA +44 6 263 SA +44 6 264 RE +44 6 265 NA +44 6 266 RE +44 6 267 NA +44 6 268 DH +44 6 269 RE +44 6 270 RE +44 6 271 KE +44 6 272 PO +44 6 273 RE +44 6 274 PO +44 6 275 DH +44 6 276 RE +44 6 277 NA +44 6 278 RE +44 6 279 NA +44 6 280 RE +44 6 281 RE +44 6 282 RE +44 6 283 SA +44 6 284 SA +44 6 285 RE +44 6 286 PO +44 6 287 LA +44 6 288 RE +44 6 289 SA +44 6 290 SA +44 6 291 RE +44 6 292 RE +44 6 293 PO +44 6 294 PO +44 6 295 LA +44 6 296 DH +44 6 297 CI +44 6 298 RE +44 6 299 RE +44 6 300 PO +44 6 301 CI +44 6 302 RE +44 6 303 PO +44 6 304 CI +44 6 305 RE +44 6 306 RE +44 6 307 CI +44 6 308 PO +44 6 309 SA +44 6 310 RE +44 6 311 NA +44 6 312 SA +44 6 313 NA +44 6 314 PO +44 6 315 DH +44 6 316 RE +44 6 317 LA +44 6 318 UJ +44 6 319 PO +44 6 320 DH +44 6 321 RE +44 6 322 CI +44 6 323 RE +44 6 324 UJ +44 6 325 LA +44 6 326 RE +44 6 327 PO +44 6 328 CI +44 6 329 LA +44 6 330 UJ +44 7 1 NA +44 7 2 PO +44 7 3 CU +44 7 4 KE +44 7 5 NA +44 7 6 SU +44 7 7 NA +44 7 8 KA +44 7 9 KE +44 7 10 KE +44 7 11 KE +44 7 12 HE +44 7 13 KE +44 7 14 KE +44 7 15 PO +44 7 16 PO +44 7 17 CU +44 7 18 KE +44 7 19 NA +44 7 20 NA +44 7 21 LA +44 7 22 PO +44 7 23 SU +44 7 24 KE +44 7 25 NA +44 7 26 NA +44 7 27 PO +44 7 28 SU +44 7 29 NA +44 7 30 KA +44 7 31 PO +44 7 32 NA +44 7 33 * +44 7 34 NA +44 7 35 SU +44 7 36 KE +44 7 37 NA +44 7 38 KA +44 7 39 NA +44 7 40 NA +44 7 41 SU +44 7 42 HE +44 7 43 KE +44 7 44 PO +44 7 45 NA +44 7 46 KE +44 7 47 KE +44 7 48 HE +44 7 49 NA +44 7 50 KE +44 7 51 KE +44 7 52 PO +44 7 53 SU +44 7 54 KE +44 7 55 NA +44 7 56 PO +44 7 57 NA +44 7 58 KA +44 7 59 PO +44 7 60 KE +44 7 61 RE +44 7 62 PO +44 7 63 SU +44 7 64 NA +44 7 65 CU +44 7 66 PO +44 7 67 NA +44 7 68 CU +44 7 69 KE +44 7 70 PO +44 7 71 KE +44 7 72 NA +44 7 73 KA +44 7 74 PO +44 7 75 KE +44 7 76 SU +44 7 77 NA +44 7 78 PO +44 7 79 KE +44 7 80 NA +44 7 81 NA +44 7 82 NA +44 7 83 PO +44 7 84 KA +44 7 85 NA +44 7 86 SU +44 7 87 KE +44 7 88 KA +44 7 89 KE +44 7 90 KE +44 7 91 NA +44 7 92 PO +44 7 93 NA +44 7 94 KE +44 7 95 PO +44 7 96 HE +44 7 97 KE +44 7 98 CU +44 7 99 PO +44 7 100 NA +44 7 101 HE +44 7 102 PO +44 7 103 KE +44 7 104 NA +44 7 105 KE +44 7 106 PO +44 7 107 PO +44 7 108 PO +44 7 109 NA +44 7 110 HE +44 7 111 KE +44 7 112 CU +44 7 113 KE +44 7 114 NA +44 7 115 HA +44 7 116 PO +44 7 117 KE +44 7 118 KA +44 7 119 NA +44 7 120 PO +44 7 121 * +44 7 122 NA +44 7 123 NA +44 7 124 HE +44 7 125 CU +44 7 126 SU +44 7 127 KE +44 7 128 NA +44 7 129 PO +44 7 130 KE +44 7 131 SU +44 7 132 SU +44 7 133 KE +44 7 134 KE +44 7 135 HA +44 7 136 NA +44 7 137 KE +44 7 138 NA +44 7 139 PO +44 7 140 KE +44 7 141 PO +44 7 142 PO +44 7 143 HE +44 7 144 KE +44 7 145 NA +44 7 146 HE +44 7 147 NA +44 7 148 RE +44 7 149 NA +44 7 150 KE +44 7 151 SU +44 7 152 KA +44 7 153 NA +44 7 154 KE +44 7 155 KE +44 7 156 NA +44 7 157 KE +44 7 158 PO +44 7 159 SU +44 7 160 SU +44 7 161 NA +44 7 162 PO +44 7 163 NA +44 7 164 NA +44 7 165 KE +44 7 166 KE +44 7 167 SU +44 7 168 KE +44 7 169 NA +44 7 170 KE +44 7 171 KE +44 7 172 PO +44 7 173 SU +44 7 174 PI +44 7 175 PO +44 7 176 SU +44 7 177 PO +44 7 178 KE +44 7 179 KE +44 7 180 NA +44 7 181 HE +44 7 182 KE +44 7 183 KE +44 7 184 KA +44 7 185 SU +44 7 186 PO +44 7 187 HE +44 7 188 NA +44 7 189 PO +44 7 190 SU +44 7 191 NA +44 7 192 PI +44 7 193 HE +44 7 194 KE +44 7 195 NA +44 7 196 PO +44 7 197 PI +44 7 198 KE +44 7 199 PO +44 7 200 NA +44 7 201 KA +44 7 202 KE +44 7 203 PI +44 7 204 KE +44 7 205 NA +44 7 206 PO +44 7 207 PI +44 7 208 HE +44 7 209 NA +44 7 210 KE +44 7 211 NA +44 7 212 HE +44 7 213 PO +44 7 214 HE +44 7 215 KA +44 7 216 KE +44 7 217 SU +44 7 218 NA +44 7 219 PO +44 7 220 NA +44 7 221 PO +44 7 222 HA +44 7 223 NA +44 7 224 PO +44 7 225 HE +44 7 226 NA +44 7 227 KE +44 7 228 NA +44 7 229 NA +44 7 230 SU +44 7 231 KA +44 7 232 KE +44 7 233 NA +44 7 234 NA +44 7 235 KE +44 7 236 HE +44 7 237 SU +44 7 238 NA +44 7 239 SU +44 7 240 KE +44 7 241 PO +44 7 242 PO +44 7 243 KE +44 7 244 PO +44 7 245 KA +44 7 246 NA +44 7 247 HA +44 7 248 KE +44 7 249 NA +44 7 250 PI +44 7 251 NA +44 7 252 PO +44 7 253 NA +44 7 254 NA +44 7 255 KE +44 7 256 SU +44 7 257 NA +44 7 258 HE +44 7 259 SU +44 7 260 PO +44 7 261 SU +44 7 262 PO +44 7 263 PO +44 7 264 NA +44 7 265 NA +44 7 266 HA +44 7 267 KE +44 7 268 NA +44 7 269 HA +44 7 270 HE +44 7 271 KE +44 7 272 PO +44 7 273 KA +44 7 274 PO +44 7 275 NA +44 7 276 KA +44 7 277 NA +44 7 278 SU +44 7 279 NA +44 7 280 NA +44 7 281 NA +44 7 282 NA +44 7 283 KE +44 7 284 PO +44 7 285 SU +44 7 286 PO +44 7 287 HA +44 7 288 RE +44 7 289 NA +44 7 290 PO +44 7 291 NA +44 7 292 SU +44 7 293 PO +44 7 294 PO +44 7 295 KE +44 7 296 NA +44 7 297 HE +44 7 298 KA +44 7 299 NA +44 7 300 KE +44 7 301 NA +44 7 302 PO +44 7 303 PO +44 7 304 NA +44 7 305 KE +44 7 306 NA +44 7 307 NA +44 7 308 SU +44 7 309 KE +44 7 310 NA +44 7 311 NA +44 7 312 KE +44 7 313 KE +44 7 314 PO +44 7 315 NA +44 7 316 NA +44 7 317 HA +44 7 318 SU +44 7 319 PO +44 7 320 NA +44 7 321 CU +44 7 322 NA +44 7 323 KE +44 7 324 PO +44 7 325 HA +44 7 326 HE +44 7 327 PO +44 7 328 KE +44 7 329 KE +44 7 330 PO +44 8 1 LA +44 8 2 PO +44 8 3 LA +44 8 4 KE +44 8 5 LA +44 8 6 DH +44 8 7 LA +44 8 8 LA +44 8 9 DH +44 8 10 NA +44 8 11 DH +44 8 12 HE +44 8 13 KE +44 8 14 NA +44 8 15 DH +44 8 16 PO +44 8 17 LA +44 8 18 DH +44 8 19 NA +44 8 20 DH +44 8 21 RE +44 8 22 DH +44 8 23 LA +44 8 24 KE +44 8 25 NA +44 8 26 NA +44 8 27 PO +44 8 28 LA +44 8 29 NA +44 8 30 * +44 8 31 PO +44 8 32 LA +44 8 33 NA +44 8 34 NA +44 8 35 LA +44 8 36 KE +44 8 37 DH +44 8 38 LA +44 8 39 NA +44 8 40 NA +44 8 41 LA +44 8 42 HE +44 8 43 NA +44 8 44 PO +44 8 45 LA +44 8 46 UJ +44 8 47 KE +44 8 48 HE +44 8 49 NA +44 8 50 KE +44 8 51 KE +44 8 52 UJ +44 8 53 LA +44 8 54 NA +44 8 55 KE +44 8 56 RE +44 8 57 NA +44 8 58 LA +44 8 59 UJ +44 8 60 NA +44 8 61 LA +44 8 62 KE +44 8 63 LA +44 8 64 NA +44 8 65 LA +44 8 66 UJ +44 8 67 NA +44 8 68 LA +44 8 69 KE +44 8 70 PO +44 8 71 KE +44 8 72 NA +44 8 73 KE +44 8 74 UJ +44 8 75 KE +44 8 76 HE +44 8 77 NA +44 8 78 RE +44 8 79 KE +44 8 80 NA +44 8 81 HE +44 8 82 NA +44 8 83 UJ +44 8 84 RE +44 8 85 NA +44 8 86 DH +44 8 87 KE +44 8 88 DH +44 8 89 KE +44 8 90 KE +44 8 91 NA +44 8 92 UJ +44 8 93 NA +44 8 94 KE +44 8 95 UJ +44 8 96 HE +44 8 97 * +44 8 98 LA +44 8 99 UJ +44 8 100 UJ +44 8 101 LA +44 8 102 PO +44 8 103 KE +44 8 104 NA +44 8 105 NA +44 8 106 DH +44 8 107 PO +44 8 108 UJ +44 8 109 KE +44 8 110 HE +44 8 111 KE +44 8 112 LA +44 8 113 KE +44 8 114 NA +44 8 115 LA +44 8 116 PO +44 8 117 KE +44 8 118 LA +44 8 119 NA +44 8 120 PO +44 8 121 LA +44 8 122 NA +44 8 123 NA +44 8 124 DH +44 8 125 LA +44 8 126 LA +44 8 127 KE +44 8 128 HE +44 8 129 PO +44 8 130 KE +44 8 131 LA +44 8 132 LA +44 8 133 NA +44 8 134 KE +44 8 135 LA +44 8 136 NA +44 8 137 KE +44 8 138 UJ +44 8 139 UJ +44 8 140 NA +44 8 141 PO +44 8 142 PO +44 8 143 LA +44 8 144 KE +44 8 145 NA +44 8 146 LA +44 8 147 NA +44 8 148 RE +44 8 149 NA +44 8 150 KE +44 8 151 HE +44 8 152 HE +44 8 153 NA +44 8 154 KE +44 8 155 KE +44 8 156 NA +44 8 157 KE +44 8 158 UJ +44 8 159 LA +44 8 160 LA +44 8 161 NA +44 8 162 LA +44 8 163 NA +44 8 164 NA +44 8 165 KE +44 8 166 KE +44 8 167 LA +44 8 168 KE +44 8 169 NA +44 8 170 KE +44 8 171 DH +44 8 172 PO +44 8 173 LA +44 8 174 HE +44 8 175 LA +44 8 176 LA +44 8 177 * +44 8 178 NA +44 8 179 LA +44 8 180 NA +44 8 181 KE +44 8 182 KE +44 8 183 KE +44 8 184 LA +44 8 185 LA +44 8 186 NA +44 8 187 LA +44 8 188 NA +44 8 189 PO +44 8 190 LA +44 8 191 NA +44 8 192 LA +44 8 193 HE +44 8 194 KE +44 8 195 NA +44 8 196 LA +44 8 197 * +44 8 198 KE +44 8 199 UJ +44 8 200 NA +44 8 201 RE +44 8 202 NA +44 8 203 LA +44 8 204 KE +44 8 205 KE +44 8 206 PO +44 8 207 LA +44 8 208 * +44 8 209 NA +44 8 210 KE +44 8 211 NA +44 8 212 HE +44 8 213 PO +44 8 214 NA +44 8 215 LA +44 8 216 KE +44 8 217 LA +44 8 218 KE +44 8 219 UJ +44 8 220 LA +44 8 221 PO +44 8 222 LA +44 8 223 LA +44 8 224 UJ +44 8 225 KE +44 8 226 KE +44 8 227 KE +44 8 228 NA +44 8 229 NA +44 8 230 UJ +44 8 231 LA +44 8 232 KE +44 8 233 LA +44 8 234 LA +44 8 235 NA +44 8 236 LA +44 8 237 * +44 8 238 NA +44 8 239 LA +44 8 240 LA +44 8 241 UJ +44 8 242 LA +44 8 243 LA +44 8 244 UJ +44 8 245 LA +44 8 246 NA +44 8 247 KE +44 8 248 KE +44 8 249 NA +44 8 250 LA +44 8 251 NA +44 8 252 PO +44 8 253 LA +44 8 254 LA +44 8 255 KE +44 8 256 LA +44 8 257 NA +44 8 258 HE +44 8 259 LA +44 8 260 PO +44 8 261 LA +44 8 262 PO +44 8 263 PO +44 8 264 PO +44 8 265 NA +44 8 266 LA +44 8 267 LA +44 8 268 NA +44 8 269 LA +44 8 270 HE +44 8 271 LA +44 8 272 PO +44 8 273 LA +44 8 274 PO +44 8 275 LA +44 8 276 LA +44 8 277 NA +44 8 278 HE +44 8 279 NA +44 8 280 LA +44 8 281 NA +44 8 282 NA +44 8 283 KE +44 8 284 PO +44 8 285 NA +44 8 286 PO +44 8 287 KE +44 8 288 LA +44 8 289 NA +44 8 290 PO +44 8 291 NA +44 8 292 LA +44 8 293 PO +44 8 294 PO +44 8 295 KE +44 8 296 KE +44 8 297 HE +44 8 298 LA +44 8 299 NA +44 8 300 PO +44 8 301 NA +44 8 302 PO +44 8 303 PO +44 8 304 KE +44 8 305 LA +44 8 306 NA +44 8 307 NA +44 8 308 LA +44 8 309 KE +44 8 310 NA +44 8 311 NA +44 8 312 KE +44 8 313 KE +44 8 314 PO +44 8 315 NA +44 8 316 NA +44 8 317 LA +44 8 318 HE +44 8 319 PO +44 8 320 KE +44 8 321 LA +44 8 322 NA +44 8 323 NA +44 8 324 PO +44 8 325 LA +44 8 326 HE +44 8 327 PO +44 8 328 KE +44 8 329 KE +44 8 330 PO +44 9 1 NA +44 9 2 PA +44 9 3 RE +44 9 4 CU +44 9 5 NA +44 9 6 BM +44 9 7 NA +44 9 8 PA +44 9 9 RE +44 9 10 NA +44 9 11 NA +44 9 12 PA +44 9 13 NA +44 9 14 NA +44 9 15 HE +44 9 16 PO +44 9 17 PA +44 9 18 NA +44 9 19 CU +44 9 20 NA +44 9 21 NA +44 9 22 PO +44 9 23 NA +44 9 24 CU +44 9 25 NA +44 9 26 NA +44 9 27 PO +44 9 28 BM +44 9 29 PO +44 9 30 CU +44 9 31 PO +44 9 32 RE +44 9 33 NA +44 9 34 NA +44 9 35 PO +44 9 36 NA +44 9 37 PO +44 9 38 RE +44 9 39 NA +44 9 40 PO +44 9 41 CU +44 9 42 PO +44 9 43 NA +44 9 44 PO +44 9 45 CU +44 9 46 NA +44 9 47 NA +44 9 48 PO +44 9 49 PO +44 9 50 NA +44 9 51 NA +44 9 52 PO +44 9 53 CU +44 9 54 NA +44 9 55 PO +44 9 56 PO +44 9 57 NA +44 9 58 PO +44 9 59 PO +44 9 60 NA +44 9 61 CU +44 9 62 RE +44 9 63 RE +44 9 64 NA +44 9 65 CU +44 9 66 PO +44 9 67 CU +44 9 68 PO +44 9 69 PO +44 9 70 PO +44 9 71 CU +44 9 72 PO +44 9 73 CU +44 9 74 NA +44 9 75 NA +44 9 76 PO +44 9 77 PO +44 9 78 CU +44 9 79 NA +44 9 80 NA +44 9 81 NA +44 9 82 PO +44 9 83 PO +44 9 84 PO +44 9 85 NA +44 9 86 PO +44 9 87 NA +44 9 88 CU +44 9 89 NA +44 9 90 NA +44 9 91 PO +44 9 92 CU +44 9 93 NA +44 9 94 NA +44 9 95 PO +44 9 96 PO +44 9 97 NA +44 9 98 CU +44 9 99 PO +44 9 100 PO +44 9 101 CU +44 9 102 CU +44 9 103 NA +44 9 104 PO +44 9 105 CU +44 9 106 LA +44 9 107 PO +44 9 108 PO +44 9 109 NA +44 9 110 CU +44 9 111 NA +44 9 112 RE +44 9 113 PA +44 9 114 RE +44 9 115 RE +44 9 116 PO +44 9 117 NA +44 9 118 PO +44 9 119 NA +44 9 120 PO +44 9 121 NA +44 9 122 NA +44 9 123 PA +44 9 124 HE +44 9 125 HE +44 9 126 PO +44 9 127 PO +44 9 128 NA +44 9 129 PO +44 9 130 NA +44 9 131 PA +44 9 132 PO +44 9 133 NA +44 9 134 NA +44 9 135 PO +44 9 136 NA +44 9 137 NA +44 9 138 PO +44 9 139 PO +44 9 140 NA +44 9 141 PO +44 9 142 PO +44 9 143 HE +44 9 144 PA +44 9 145 PO +44 9 146 PO +44 9 147 HE +44 9 148 RE +44 9 149 PO +44 9 150 NA +44 9 151 HE +44 9 152 HE +44 9 153 NA +44 9 154 NA +44 9 155 NA +44 9 156 NA +44 9 157 PO +44 9 158 PO +44 9 159 PO +44 9 160 PO +44 9 161 NA +44 9 162 NA +44 9 163 PA +44 9 164 PA +44 9 165 NA +44 9 166 NA +44 9 167 PO +44 9 168 PA +44 9 169 PA +44 9 170 PA +44 9 171 NA +44 9 172 PO +44 9 173 PO +44 9 174 PO +44 9 175 NA +44 9 176 PO +44 9 177 PO +44 9 178 NA +44 9 179 NA +44 9 180 PO +44 9 181 PO +44 9 182 NA +44 9 183 NA +44 9 184 PO +44 9 185 PO +44 9 186 NA +44 9 187 PO +44 9 188 NA +44 9 189 PO +44 9 190 PO +44 9 191 NA +44 9 192 NA +44 9 193 PO +44 9 194 NA +44 9 195 PO +44 9 196 PO +44 9 197 PO +44 9 198 NA +44 9 199 PO +44 9 200 PO +44 9 201 PO +44 9 202 NA +44 9 203 PO +44 9 204 NA +44 9 205 NA +44 9 206 PO +44 9 207 PO +44 9 208 PO +44 9 209 NA +44 9 210 NA +44 9 211 PO +44 9 212 PO +44 9 213 PO +44 9 214 PO +44 9 215 PO +44 9 216 NA +44 9 217 PO +44 9 218 PO +44 9 219 PO +44 9 220 PA +44 9 221 PO +44 9 222 CU +44 9 223 NA +44 9 224 PO +44 9 225 PO +44 9 226 NA +44 9 227 NA +44 9 228 NA +44 9 229 PO +44 9 230 PO +44 9 231 LL +44 9 232 LL +44 9 233 PO +44 9 234 NA +44 9 235 NA +44 9 236 PO +44 9 237 PO +44 9 238 NA +44 9 239 PO +44 9 240 LA +44 9 241 PO +44 9 242 LA +44 9 243 LA +44 9 244 PO +44 9 245 LA +44 9 246 NA +44 9 247 NA +44 9 248 NA +44 9 249 NA +44 9 250 NA +44 9 251 PO +44 9 252 PO +44 9 253 NA +44 9 254 LA +44 9 255 NA +44 9 256 LA +44 9 257 NA +44 9 258 PO +44 9 259 CU +44 9 260 PO +44 9 261 CU +44 9 262 PO +44 9 263 PO +44 9 264 PO +44 9 265 LA +44 9 266 NA +44 9 267 NA +44 9 268 PO +44 9 269 CU +44 9 270 RE +44 9 271 NA +44 9 272 PO +44 9 273 CU +44 9 274 PO +44 9 275 LA +44 9 276 CU +44 9 277 NA +44 9 278 RE +44 9 279 NA +44 9 280 NA +44 9 281 NA +44 9 282 PH +44 9 283 RE +44 9 284 PO +44 9 285 CU +44 9 286 PO +44 9 287 LA +44 9 288 CU +44 9 289 PO +44 9 290 PO +44 9 291 NA +44 9 292 PO +44 9 293 PO +44 9 294 PO +44 9 295 LA +44 9 296 CU +44 9 297 PO +44 9 298 PO +44 9 299 LA +44 9 300 PO +44 9 301 LA +44 9 302 PO +44 9 303 PO +44 9 304 CU +44 9 305 LA +44 9 306 PO +44 9 307 NA +44 9 308 CU +44 9 309 PO +44 9 310 NA +44 9 311 NA +44 9 312 NA +44 9 313 NA +44 9 314 PO +44 9 315 PO +44 9 316 LA +44 9 317 CU +44 9 318 PO +44 9 319 PO +44 9 320 LA +44 9 321 PO +44 9 322 PO +44 9 323 CU +44 9 324 PO +44 9 325 CU +44 9 326 PO +44 9 327 CU +44 9 328 NA +44 9 329 NA +44 9 330 PO +44 10 1 CU +44 10 2 NA +44 10 3 RE +44 10 4 SM +44 10 5 NA +44 10 6 HA +44 10 7 NA +44 10 8 LA +44 10 9 KO +44 10 10 NA +44 10 11 KE +44 10 12 HE +44 10 13 KE +44 10 14 KE +44 10 15 KO +44 10 16 PO +44 10 17 RE +44 10 18 NA +44 10 19 NA +44 10 20 NA +44 10 21 RE +44 10 22 PO +44 10 23 KO +44 10 24 KE +44 10 25 NA +44 10 26 KO +44 10 27 PO +44 10 28 RE +44 10 29 NA +44 10 30 PO +44 10 31 NA +44 10 32 RE +44 10 33 HA +44 10 34 KE +44 10 35 RE +44 10 36 NA +44 10 37 KE +44 10 38 RE +44 10 39 NA +44 10 40 NA +44 10 41 RE +44 10 42 KO +44 10 43 KE +44 10 44 PO +44 10 45 NA +44 10 46 KO +44 10 47 KE +44 10 48 HE +44 10 49 NA +44 10 50 KE +44 10 51 KE +44 10 52 PO +44 10 53 RE +44 10 54 NA +44 10 55 NA +44 10 56 KO +44 10 57 KE +44 10 58 KO +44 10 59 KO +44 10 60 KE +44 10 61 RE +44 10 62 KO +44 10 63 RE +44 10 64 KE +44 10 65 RE +44 10 66 PO +44 10 67 NA +44 10 68 LA +44 10 69 KO +44 10 70 PO +44 10 71 KO +44 10 72 NA +44 10 73 KO +44 10 74 PO +44 10 75 KE +44 10 76 RE +44 10 77 NA +44 10 78 HA +44 10 79 KE +44 10 80 KE +44 10 81 KO +44 10 82 NA +44 10 83 GU +44 10 84 GU +44 10 85 NA +44 10 86 RE +44 10 87 KE +44 10 88 RE +44 10 89 KE +44 10 90 KE +44 10 91 HA +44 10 92 PO +44 10 93 NA +44 10 94 KE +44 10 95 PO +44 10 96 HA +44 10 97 KE +44 10 98 RE +44 10 99 KO +44 10 100 NA +44 10 101 KO +44 10 102 NA +44 10 103 KE +44 10 104 NA +44 10 105 KO +44 10 106 PO +44 10 107 PO +44 10 108 NA +44 10 109 NA +44 10 110 HA +44 10 111 KE +44 10 112 LA +44 10 113 KE +44 10 114 KE +44 10 115 LA +44 10 116 PO +44 10 117 KE +44 10 118 LA +44 10 119 NA +44 10 120 PO +44 10 121 LA +44 10 122 NA +44 10 123 NA +44 10 124 KO +44 10 125 LA +44 10 126 LA +44 10 127 KO +44 10 128 HE +44 10 129 PO +44 10 130 KE +44 10 131 KO +44 10 132 LA +44 10 133 NA +44 10 134 KO +44 10 135 RE +44 10 136 NA +44 10 137 NA +44 10 138 KO +44 10 139 PO +44 10 140 KE +44 10 141 PO +44 10 142 PO +44 10 143 KO +44 10 144 KE +44 10 145 NA +44 10 146 HE +44 10 147 NA +44 10 148 LA +44 10 149 NA +44 10 150 KE +44 10 151 GU +44 10 152 GU +44 10 153 NA +44 10 154 KE +44 10 155 KE +44 10 156 NA +44 10 157 GU +44 10 158 PO +44 10 159 HA +44 10 160 LA +44 10 161 NA +44 10 162 RE +44 10 163 NA +44 10 164 NA +44 10 165 KO +44 10 166 KE +44 10 167 GU +44 10 168 KE +44 10 169 NA +44 10 170 KE +44 10 171 KO +44 10 172 PO +44 10 173 LA +44 10 174 HE +44 10 175 NA +44 10 176 LA +44 10 177 HA +44 10 178 KE +44 10 179 LA +44 10 180 NA +44 10 181 HE +44 10 182 KO +44 10 183 KE +44 10 184 LA +44 10 185 GU +44 10 186 NA +44 10 187 HE +44 10 188 NA +44 10 189 NA +44 10 190 GU +44 10 191 NA +44 10 192 GU +44 10 193 KO +44 10 194 KE +44 10 195 NA +44 10 196 NA +44 10 197 KO +44 10 198 KE +44 10 199 PO +44 10 200 PO +44 10 201 DH +44 10 202 NA +44 10 203 LA +44 10 204 KE +44 10 205 KO +44 10 206 PO +44 10 207 LA +44 10 208 KO +44 10 209 KE +44 10 210 KO +44 10 211 NA +44 10 212 HE +44 10 213 CU +44 10 214 NA +44 10 215 CU +44 10 216 KE +44 10 217 RE +44 10 218 KO +44 10 219 PO +44 10 220 KE +44 10 221 PO +44 10 222 KO +44 10 223 NA +44 10 224 PO +44 10 225 GU +44 10 226 KE +44 10 227 KE +44 10 228 KE +44 10 229 NA +44 10 230 PO +44 10 231 LA +44 10 232 KE +44 10 233 PO +44 10 234 NA +44 10 235 CU +44 10 236 HE +44 10 237 RE +44 10 238 NA +44 10 239 LA +44 10 240 KE +44 10 241 PO +44 10 242 KO +44 10 243 LA +44 10 244 PO +44 10 245 LA +44 10 246 NA +44 10 247 KO +44 10 248 HA +44 10 249 NA +44 10 250 CU +44 10 251 NA +44 10 252 PO +44 10 253 NA +44 10 254 PO +44 10 255 KE +44 10 256 LA +44 10 257 KE +44 10 258 HE +44 10 259 LA +44 10 260 HE +44 10 261 LA +44 10 262 PO +44 10 263 PO +44 10 264 PO +44 10 265 NA +44 10 266 LA +44 10 267 RE +44 10 268 NA +44 10 269 RE +44 10 270 HE +44 10 271 NA +44 10 272 PO +44 10 273 KO +44 10 274 PO +44 10 275 KO +44 10 276 RE +44 10 277 KE +44 10 278 CU +44 10 279 KE +44 10 280 NA +44 10 281 NA +44 10 282 NA +44 10 283 KO +44 10 284 PO +44 10 285 CU +44 10 286 PO +44 10 287 MA +44 10 288 RE +44 10 289 NA +44 10 290 GU +44 10 291 KE +44 10 292 GU +44 10 293 PO +44 10 294 PO +44 10 295 CU +44 10 296 KO +44 10 297 HE +44 10 298 RE +44 10 299 NA +44 10 300 KO +44 10 301 NA +44 10 302 PO +44 10 303 PO +44 10 304 MA +44 10 305 CU +44 10 306 MA +44 10 307 NA +44 10 308 KO +44 10 309 KE +44 10 310 NA +44 10 311 NA +44 10 312 KE +44 10 313 KE +44 10 314 PO +44 10 315 NA +44 10 316 NA +44 10 317 LA +44 10 318 KO +44 10 319 PO +44 10 320 MA +44 10 321 RE +44 10 322 PO +44 10 323 NA +44 10 324 PO +44 10 325 KO +44 10 326 HE +44 10 327 PO +44 10 328 NA +44 10 329 KO +44 10 330 PO +44 11 1 NA +44 11 2 NA +44 11 3 RE +44 11 4 HA +44 11 5 NA +44 11 6 HE +44 11 7 * +44 11 8 RE +44 11 9 * +44 11 10 KE +44 11 11 KE +44 11 12 HE +44 11 13 KE +44 11 14 KE +44 11 15 HA +44 11 16 PO +44 11 17 PI +44 11 18 KE +44 11 19 NA +44 11 20 SM +44 11 21 PI +44 11 22 HE +44 11 23 SM +44 11 24 KE +44 11 25 KE +44 11 26 KE +44 11 27 PO +44 11 28 TU +44 11 29 NA +44 11 30 PI +44 11 31 PO +44 11 32 PI +44 11 33 NA +44 11 34 KE +44 11 35 SU +44 11 36 KE +44 11 37 KE +44 11 38 TU +44 11 39 HA +44 11 40 NA +44 11 41 HA +44 11 42 HE +44 11 43 KE +44 11 44 PO +44 11 45 SM +44 11 46 KE +44 11 47 KE +44 11 48 HE +44 11 49 NA +44 11 50 KE +44 11 51 PI +44 11 52 PO +44 11 53 HA +44 11 54 NA +44 11 55 SM +44 11 56 PI +44 11 57 KE +44 11 58 PI +44 11 59 PO +44 11 60 KE +44 11 61 HA +44 11 62 PI +44 11 63 GU +44 11 64 KE +44 11 65 GU +44 11 66 PO +44 11 67 NA +44 11 68 GU +44 11 69 SM +44 11 70 PO +44 11 71 GU +44 11 72 NA +44 11 73 HA +44 11 74 PO +44 11 75 KE +44 11 76 HE +44 11 77 KE +44 11 78 PO +44 11 79 KE +44 11 80 NA +44 11 81 HE +44 11 82 SM +44 11 83 PO +44 11 84 GU +44 11 85 NA +44 11 86 GU +44 11 87 KE +44 11 88 SU +44 11 89 KE +44 11 90 KE +44 11 91 HE +44 11 92 PO +44 11 93 KE +44 11 94 KE +44 11 95 PO +44 11 96 HE +44 11 97 TI +44 11 98 GU +44 11 99 PO +44 11 100 NA +44 11 101 GU +44 11 102 PO +44 11 103 HA +44 11 104 NA +44 11 105 GU +44 11 106 HE +44 11 107 PO +44 11 108 PO +44 11 109 KE +44 11 110 HE +44 11 111 KE +44 11 112 GU +44 11 113 KE +44 11 114 KE +44 11 115 GU +44 11 116 PO +44 11 117 KE +44 11 118 HA +44 11 119 NA +44 11 120 PO +44 11 121 HE +44 11 122 NA +44 11 123 KE +44 11 124 HE +44 11 125 PI +44 11 126 SU +44 11 127 KE +44 11 128 HE +44 11 129 PO +44 11 130 KE +44 11 131 HA +44 11 132 SU +44 11 133 NA +44 11 134 KE +44 11 135 SU +44 11 136 NA +44 11 137 NA +44 11 138 PO +44 11 139 PO +44 11 140 KE +44 11 141 PO +44 11 142 PO +44 11 143 HE +44 11 144 KE +44 11 145 NA +44 11 146 HE +44 11 147 NA +44 11 148 GU +44 11 149 PI +44 11 150 TI +44 11 151 PI +44 11 152 PI +44 11 153 KE +44 11 154 KE +44 11 155 PI +44 11 156 NA +44 11 157 GU +44 11 158 PO +44 11 159 PI +44 11 160 SU +44 11 161 NA +44 11 162 RE +44 11 163 NA +44 11 164 NA +44 11 165 HA +44 11 166 KE +44 11 167 PO +44 11 168 NA +44 11 169 NA +44 11 170 KE +44 11 171 HA +44 11 172 PO +44 11 173 LA +44 11 174 HE +44 11 175 SM +44 11 176 SU +44 11 177 HE +44 11 178 KE +44 11 179 HA +44 11 180 NA +44 11 181 HE +44 11 182 PI +44 11 183 HA +44 11 184 SU +44 11 185 PI +44 11 186 NA +44 11 187 HE +44 11 188 KE +44 11 189 PO +44 11 190 PI +44 11 191 NA +44 11 192 TI +44 11 193 HE +44 11 194 GU +44 11 195 NA +44 11 196 SM +44 11 197 SU +44 11 198 KE +44 11 199 PO +44 11 200 NA +44 11 201 PI +44 11 202 HA +44 11 203 LA +44 11 204 KE +44 11 205 HA +44 11 206 PO +44 11 207 LA +44 11 208 PI +44 11 209 KE +44 11 210 TI +44 11 211 NA +44 11 212 HE +44 11 213 PO +44 11 214 HE +44 11 215 HA +44 11 216 KE +44 11 217 PI +44 11 218 HE +44 11 219 PO +44 11 220 KE +44 11 221 PO +44 11 222 TI +44 11 223 NA +44 11 224 PO +44 11 225 HE +44 11 226 NA +44 11 227 KE +44 11 228 KE +44 11 229 SM +44 11 230 PO +44 11 231 SU +44 11 232 HA +44 11 233 NA +44 11 234 NA +44 11 235 KE +44 11 236 HE +44 11 237 PI +44 11 238 KE +44 11 239 HA +44 11 240 PI +44 11 241 PO +44 11 242 HE +44 11 243 SU +44 11 244 PO +44 11 245 * +44 11 246 NA +44 11 247 HA +44 11 248 KE +44 11 249 KE +44 11 250 GU +44 11 251 NA +44 11 252 PO +44 11 253 NA +44 11 254 PO +44 11 255 KE +44 11 256 SU +44 11 257 KE +44 11 258 HE +44 11 259 SU +44 11 260 PO +44 11 261 HE +44 11 262 PO +44 11 263 DH +44 11 264 PO +44 11 265 NA +44 11 266 PI +44 11 267 SU +44 11 268 NA +44 11 269 SU +44 11 270 HE +44 11 271 KE +44 11 272 PO +44 11 273 PI +44 11 274 PO +44 11 275 HE +44 11 276 SU +44 11 277 KE +44 11 278 PI +44 11 279 KE +44 11 280 SM +44 11 281 KE +44 11 282 SM +44 11 283 PI +44 11 284 PO +44 11 285 SU +44 11 286 PO +44 11 287 PI +44 11 288 RE +44 11 289 NA +44 11 290 PO +44 11 291 KE +44 11 292 HA +44 11 293 PO +44 11 294 PO +44 11 295 DH +44 11 296 KE +44 11 297 HE +44 11 298 RE +44 11 299 NA +44 11 300 PO +44 11 301 NA +44 11 302 PO +44 11 303 PO +44 11 304 SM +44 11 305 KE +44 11 306 SM +44 11 307 KE +44 11 308 PI +44 11 309 NA +44 11 310 NA +44 11 311 KE +44 11 312 KE +44 11 313 KE +44 11 314 PO +44 11 315 SM +44 11 316 NA +44 11 317 SU +44 11 318 HE +44 11 319 PO +44 11 320 SM +44 11 321 RE +44 11 322 SM +44 11 323 SM +44 11 324 PO +44 11 325 GU +44 11 326 HE +44 11 327 PO +44 11 328 KE +44 11 329 PI +44 11 330 NA +44 12 1 KE +44 12 2 NA +44 12 3 HE +44 12 4 NA +44 12 5 PO +44 12 6 * +44 12 7 NA +44 12 8 KE +44 12 9 * +44 12 10 KE +44 12 11 NA +44 12 12 HE +44 12 13 NA +44 12 14 KE +44 12 15 PO +44 12 16 PO +44 12 17 NA +44 12 18 KE +44 12 19 NA +44 12 20 NA +44 12 21 HE +44 12 22 PO +44 12 23 NA +44 12 24 KE +44 12 25 NA +44 12 26 KE +44 12 27 PO +44 12 28 NA +44 12 29 SM +44 12 30 * +44 12 31 PO +44 12 32 NA +44 12 33 NA +44 12 34 KE +44 12 35 * +44 12 36 KE +44 12 37 NA +44 12 38 SM +44 12 39 NA +44 12 40 SM +44 12 41 HE +44 12 42 NA +44 12 43 KE +44 12 44 HE +44 12 45 NA +44 12 46 * +44 12 47 KE +44 12 48 NA +44 12 49 SM +44 12 50 KE +44 12 51 NA +44 12 52 PO +44 12 53 NA +44 12 54 SM +44 12 55 KE +44 12 56 PO +44 12 57 KE +44 12 58 SM +44 12 59 PO +44 12 60 KE +44 12 61 NA +44 12 62 NA +44 12 63 HE +44 12 64 KE +44 12 65 HE +44 12 66 PO +44 12 67 NA +44 12 68 NA +44 12 69 KE +44 12 70 PO +44 12 71 NA +44 12 72 NA +44 12 73 KE +44 12 74 PO +44 12 75 NA +44 12 76 HE +44 12 77 KE +44 12 78 KE +44 12 79 KE +44 12 80 NA +44 12 81 NA +44 12 82 KE +44 12 83 KE +44 12 84 NA +44 12 85 NA +44 12 86 PO +44 12 87 KE +44 12 88 NA +44 12 89 KE +44 12 90 KE +44 12 91 HE +44 12 92 PO +44 12 93 KE +44 12 94 KE +44 12 95 PO +44 12 96 NA +44 12 97 NA +44 12 98 NA +44 12 99 KE +44 12 100 KE +44 12 101 NA +44 12 102 NA +44 12 103 SM +44 12 104 KE +44 12 105 NA +44 12 106 HE +44 12 107 KE +44 12 108 PO +44 12 109 NA +44 12 110 HE +44 12 111 KE +44 12 112 RE +44 12 113 NA +44 12 114 KE +44 12 115 NA +44 12 116 HE +44 12 117 NA +44 12 118 RE +44 12 119 NA +44 12 120 PO +44 12 121 HE +44 12 122 NA +44 12 123 NA +44 12 124 HE +44 12 125 PO +44 12 126 NA +44 12 127 KE +44 12 128 HE +44 12 129 PO +44 12 130 NA +44 12 131 NA +44 12 132 NA +44 12 133 KE +44 12 134 KE +44 12 135 NA +44 12 136 NA +44 12 137 KE +44 12 138 NA +44 12 139 NA +44 12 140 KE +44 12 141 PO +44 12 142 PO +44 12 143 HE +44 12 144 NA +44 12 145 NA +44 12 146 HE +44 12 147 KE +44 12 148 RE +44 12 149 PO +44 12 150 KE +44 12 151 PO +44 12 152 NA +44 12 153 KE +44 12 154 KE +44 12 155 HE +44 12 156 NA +44 12 157 NA +44 12 158 PO +44 12 159 HE +44 12 160 PO +44 12 161 SM +44 12 162 RE +44 12 163 SM +44 12 164 NA +44 12 165 NA +44 12 166 KE +44 12 167 SM +44 12 168 KE +44 12 169 KE +44 12 170 KE +44 12 171 SM +44 12 172 PO +44 12 173 RE +44 12 174 PO +44 12 175 PO +44 12 176 RE +44 12 177 PO +44 12 178 KE +44 12 179 NA +44 12 180 KE +44 12 181 NA +44 12 182 KE +44 12 183 KE +44 12 184 SM +44 12 185 SM +44 12 186 RE +44 12 187 HE +44 12 188 KE +44 12 189 PO +44 12 190 PO +44 12 191 NA +44 12 192 NA +44 12 193 SM +44 12 194 KE +44 12 195 NA +44 12 196 NA +44 12 197 KE +44 12 198 KE +44 12 199 SM +44 12 200 KE +44 12 201 PO +44 12 202 SM +44 12 203 RE +44 12 204 KE +44 12 205 KE +44 12 206 PO +44 12 207 RE +44 12 208 RE +44 12 209 SM +44 12 210 SM +44 12 211 SM +44 12 212 RE +44 12 213 PO +44 12 214 PO +44 12 215 KE +44 12 216 KE +44 12 217 SM +44 12 218 NA +44 12 219 PO +44 12 220 PO +44 12 221 PO +44 12 222 NA +44 12 223 SM +44 12 224 PO +44 12 225 SM +44 12 226 KE +44 12 227 KE +44 12 228 SM +44 12 229 PO +44 12 230 PO +44 12 231 SM +44 12 232 KE +44 12 233 KE +44 12 234 SM +44 12 235 SM +44 12 236 HE +44 12 237 PO +44 12 238 NA +44 12 239 NA +44 12 240 NA +44 12 241 PO +44 12 242 PO +44 12 243 NA +44 12 244 PO +44 12 245 NA +44 12 246 NA +44 12 247 NA +44 12 248 KE +44 12 249 KE +44 12 250 KE +44 12 251 SM +44 12 252 PO +44 12 253 NA +44 12 254 NA +44 12 255 KE +44 12 256 RE +44 12 257 KE +44 12 258 HE +44 12 259 NA +44 12 260 PO +44 12 261 PO +44 12 262 PO +44 12 263 NA +44 12 264 NA +44 12 265 NA +44 12 266 RE +44 12 267 NA +44 12 268 NA +44 12 269 RE +44 12 270 RE +44 12 271 NA +44 12 272 PO +44 12 273 NA +44 12 274 PO +44 12 275 NA +44 12 276 RE +44 12 277 KE +44 12 278 NA +44 12 279 KE +44 12 280 NA +44 12 281 NA +44 12 282 RE +44 12 283 KE +44 12 284 PO +44 12 285 PO +44 12 286 PO +44 12 287 RE +44 12 288 RE +44 12 289 NA +44 12 290 PO +44 12 291 NA +44 12 292 PO +44 12 293 PO +44 12 294 PO +44 12 295 NA +44 12 296 RE +44 12 297 HE +44 12 298 RE +44 12 299 NA +44 12 300 PO +44 12 301 NA +44 12 302 PO +44 12 303 NA +44 12 304 NA +44 12 305 NA +44 12 306 PO +44 12 307 RE +44 12 308 HE +44 12 309 KE +44 12 310 NA +44 12 311 KE +44 12 312 KE +44 12 313 HE +44 12 314 PO +44 12 315 NA +44 12 316 NA +44 12 317 RE +44 12 318 PO +44 12 319 PO +44 12 320 NA +44 12 321 RE +44 12 322 NA +44 12 323 KE +44 12 324 PO +44 12 325 NA +44 12 326 HE +44 12 327 PO +44 12 328 NA +44 12 329 PO +44 12 330 PO +44 13 1 NA +44 13 2 NA +44 13 3 CU +44 13 4 KO +44 13 5 * +44 13 6 NA +44 13 7 NA +44 13 8 * +44 13 9 NA +44 13 10 KE +44 13 11 KE +44 13 12 HE +44 13 13 HE +44 13 14 KE +44 13 15 KO +44 13 16 PO +44 13 17 RE +44 13 18 KE +44 13 19 KO +44 13 20 HE +44 13 21 CU +44 13 22 HE +44 13 23 CU +44 13 24 KO +44 13 25 NA +44 13 26 KE +44 13 27 PO +44 13 28 CU +44 13 29 NA +44 13 30 NA +44 13 31 KE +44 13 32 CU +44 13 33 KT +44 13 34 NA +44 13 35 HE +44 13 36 KL +44 13 37 PO +44 13 38 LA +44 13 39 KL +44 13 40 KT +44 13 41 CU +44 13 42 HE +44 13 43 NA +44 13 44 PO +44 13 45 KT +44 13 46 PO +44 13 47 KL +44 13 48 HE +44 13 49 NA +44 13 50 PG +44 13 51 PT +44 13 52 PO +44 13 53 CU +44 13 54 KT +44 13 55 NA +44 13 56 KT +44 13 57 NA +44 13 58 KT +44 13 59 LA +44 13 60 KL +44 13 61 PG +44 13 62 KL +44 13 63 HE +44 13 64 NA +44 13 65 RE +44 13 66 PO +44 13 67 KR +44 13 68 LA +44 13 69 KT +44 13 70 PO +44 13 71 KT +44 13 72 NA +44 13 73 KT +44 13 74 PO +44 13 75 KL +44 13 76 LA +44 13 77 KL +44 13 78 KU +44 13 79 KL +44 13 80 NA +44 13 81 HE +44 13 82 HE +44 13 83 PO +44 13 84 KU +44 13 85 KT +44 13 86 LA +44 13 87 KL +44 13 88 LA +44 13 89 KE +44 13 90 KE +44 13 91 HE +44 13 92 PO +44 13 93 NA +44 13 94 KE +44 13 95 PO +44 13 96 HE +44 13 97 KE +44 13 98 RE +44 13 99 KU +44 13 100 KT +44 13 101 KR +44 13 102 KE +44 13 103 PK +44 13 104 KL +44 13 105 KU +44 13 106 HE +44 13 107 PO +44 13 108 PO +44 13 109 NA +44 13 110 HE +44 13 111 NA +44 13 112 RE +44 13 113 KL +44 13 114 KL +44 13 115 KU +44 13 116 PO +44 13 117 KL +44 13 118 HE +44 13 119 NA +44 13 120 PO +44 13 121 RE +44 13 122 NA +44 13 123 KE +44 13 124 HE +44 13 125 KU +44 13 126 KU +44 13 127 KE +44 13 128 HE +44 13 129 PO +44 13 130 KL +44 13 131 KL +44 13 132 RE +44 13 133 KL +44 13 134 NA +44 13 135 RE +44 13 136 NA +44 13 137 NA +44 13 138 KE +44 13 139 PO +44 13 140 KE +44 13 141 PO +44 13 142 PO +44 13 143 NA +44 13 144 KE +44 13 145 NA +44 13 146 HE +44 13 147 PK +44 13 148 RE +44 13 149 PK +44 13 150 NA +44 13 151 KU +44 13 152 KU +44 13 153 NA +44 13 154 KE +44 13 155 KE +44 13 156 NA +44 13 157 * +44 13 158 PO +44 13 159 HE +44 13 160 HE +44 13 161 NA +44 13 162 RE +44 13 163 NA +44 13 164 NA +44 13 165 KM +44 13 166 KL +44 13 167 KU +44 13 168 KL +44 13 169 NA +44 13 170 KE +44 13 171 NA +44 13 172 PO +44 13 173 RE +44 13 174 HE +44 13 175 NA +44 13 176 RE +44 13 177 HE +44 13 178 KE +44 13 179 RE +44 13 180 KL +44 13 181 HE +44 13 182 KU +44 13 183 HE +44 13 184 NA +44 13 185 NA +44 13 186 PO +44 13 187 RE +44 13 188 NA +44 13 189 PO +44 13 190 NA +44 13 191 KL +44 13 192 NA +44 13 193 HE +44 13 194 NA +44 13 195 HE +44 13 196 PO +44 13 197 HE +44 13 198 KE +44 13 199 PO +44 13 200 PO +44 13 201 RM +44 13 202 NA +44 13 203 RE +44 13 204 KL +44 13 205 KL +44 13 206 PO +44 13 207 RE +44 13 208 HE +44 13 209 KL +44 13 210 HE +44 13 211 PO +44 13 212 RE +44 13 213 DH +44 13 214 HE +44 13 215 RE +44 13 216 KE +44 13 217 NA +44 13 218 HE +44 13 219 PO +44 13 220 KL +44 13 221 PO +44 13 222 KL +44 13 223 NA +44 13 224 PO +44 13 225 KL +44 13 226 KE +44 13 227 KE +44 13 228 KE +44 13 229 NA +44 13 230 PO +44 13 231 PG +44 13 232 HE +44 13 233 NA +44 13 234 NA +44 13 235 KE +44 13 236 HE +44 13 237 PG +44 13 238 NA +44 13 239 RE +44 13 240 RE +44 13 241 PO +44 13 242 HE +44 13 243 RE +44 13 244 PO +44 13 245 RE +44 13 246 NA +44 13 247 MT +44 13 248 KE +44 13 249 NA +44 13 250 KL +44 13 251 KP +44 13 252 PO +44 13 253 NA +44 13 254 KL +44 13 255 KE +44 13 256 RE +44 13 257 KL +44 13 258 NA +44 13 259 RE +44 13 260 NA +44 13 261 MT +44 13 262 PO +44 13 263 PO +44 13 264 PO +44 13 265 NA +44 13 266 MT +44 13 267 KT +44 13 268 KL +44 13 269 HE +44 13 270 HE +44 13 271 KE +44 13 272 PO +44 13 273 KL +44 13 274 PO +44 13 275 HE +44 13 276 RE +44 13 277 KE +44 13 278 RE +44 13 279 KL +44 13 280 HE +44 13 281 KL +44 13 282 HE +44 13 283 PK +44 13 284 PO +44 13 285 LA +44 13 286 PO +44 13 287 KT +44 13 288 RE +44 13 289 KL +44 13 290 PO +44 13 291 NA +44 13 292 KL +44 13 293 PO +44 13 294 PO +44 13 295 KT +44 13 296 LA +44 13 297 HE +44 13 298 RE +44 13 299 NA +44 13 300 PO +44 13 301 NA +44 13 302 PO +44 13 303 PO +44 13 304 KT +44 13 305 LA +44 13 306 HE +44 13 307 NA +44 13 308 KT +44 13 309 KE +44 13 310 NA +44 13 311 NA +44 13 312 KE +44 13 313 NA +44 13 314 PO +44 13 315 HE +44 13 316 NA +44 13 317 RE +44 13 318 HE +44 13 319 PO +44 13 320 KT +44 13 321 RE +44 13 322 PO +44 13 323 KL +44 13 324 PO +44 13 325 PG +44 13 326 HE +44 13 327 PO +44 13 328 NA +44 13 329 MT +44 13 330 PO +44 14 1 KA +44 14 2 NA +44 14 3 LA +44 14 4 KE +44 14 5 PL +44 14 6 KO +44 14 7 DH +44 14 8 PP +44 14 9 BE +44 14 10 KE +44 14 11 NA +44 14 12 DH +44 14 13 NA +44 14 14 NA +44 14 15 * +44 14 16 * +44 14 17 KH +44 14 18 KE +44 14 19 NA +44 14 20 KA +44 14 21 KE +44 14 22 * +44 14 23 KO +44 14 24 DH +44 14 25 NA +44 14 26 KE +44 14 27 SA +44 14 28 PO +44 14 29 NA +44 14 30 KO +44 14 31 SA +44 14 32 LA +44 14 33 NA +44 14 34 KE +44 14 35 KO +44 14 36 KE +44 14 37 KO +44 14 38 LA +44 14 39 NA +44 14 40 LA +44 14 41 LA +44 14 42 KO +44 14 43 KE +44 14 44 KO +44 14 45 NA +44 14 46 DH +44 14 47 KE +44 14 48 KO +44 14 49 DH +44 14 50 KE +44 14 51 DH +44 14 52 KO +44 14 53 LA +44 14 54 NA +44 14 55 NA +44 14 56 KO +44 14 57 KO +44 14 58 DH +44 14 59 * +44 14 60 KE +44 14 61 LA +44 14 62 KO +44 14 63 * +44 14 64 KE +44 14 65 LA +44 14 66 PO +44 14 67 NA +44 14 68 DH +44 14 69 NA +44 14 70 * +44 14 71 * +44 14 72 NA +44 14 73 * +44 14 74 * +44 14 75 NA +44 14 76 * +44 14 77 KE +44 14 78 * +44 14 79 KE +44 14 80 NA +44 14 81 SM +44 14 82 PA +44 14 83 * +44 14 84 * +44 14 85 NA +44 14 86 * +44 14 87 KE +44 14 88 * +44 14 89 KE +44 14 90 KE +44 14 91 SM +44 14 92 * +44 14 93 KE +44 14 94 KE +44 14 95 * +44 14 96 * +44 14 97 LA +44 14 98 LA +44 14 99 * +44 14 100 PA +44 14 101 * +44 14 102 * +44 14 103 * +44 14 104 PA +44 14 105 * +44 14 106 * +44 14 107 * +44 14 108 * +44 14 109 NA +44 14 110 * +44 14 111 LA +44 14 112 LA +44 14 113 KE +44 14 114 KE +44 14 115 LA +44 14 116 * +44 14 117 LA +44 14 118 LA +44 14 119 NA +44 14 120 * +44 14 121 LA +44 14 122 NA +44 14 123 KE +44 14 124 SM +44 14 125 LA +44 14 126 * +44 14 127 KE +44 14 128 PA +44 14 129 * +44 14 130 KE +44 14 131 NA +44 14 132 LA +44 14 133 SM +44 14 134 KE +44 14 135 * +44 14 136 PA +44 14 137 SM +44 14 138 * +44 14 139 * +44 14 140 * +44 14 141 * +44 14 142 * +44 14 143 SM +44 14 144 * +44 14 145 PA +44 14 146 KO +44 14 147 SM +44 14 148 LA +44 14 149 KO +44 14 150 KE +44 14 151 * +44 14 152 * +44 14 153 NA +44 14 154 * +44 14 155 KE +44 14 156 NA +44 14 157 KE +44 14 158 * +44 14 159 * +44 14 160 * +44 14 161 SM +44 14 162 LA +44 14 163 NA +44 14 164 NA +44 14 165 * +44 14 166 KE +44 14 167 * +44 14 168 NA +44 14 169 SM +44 14 170 KE +44 14 171 * +44 14 172 * +44 14 173 LA +44 14 174 * +44 14 175 PA +44 14 176 LA +44 14 177 * +44 14 178 KE +44 14 179 KE +44 14 180 SM +44 14 181 * +44 14 182 KE +44 14 183 KE +44 14 184 * +44 14 185 KO +44 14 186 NA +44 14 187 * +44 14 188 NA +44 14 189 * +44 14 190 * +44 14 191 NA +44 14 192 KE +44 14 193 PA +44 14 194 KE +44 14 195 SM +44 14 196 * +44 14 197 DH +44 14 198 KE +44 14 199 * +44 14 200 * +44 14 201 * +44 14 202 NA +44 14 203 * +44 14 204 KE +44 14 205 * +44 14 206 * +44 14 207 LA +44 14 208 KE +44 14 209 KE +44 14 210 * +44 14 211 SM +44 14 212 * +44 14 213 * +44 14 214 SM +44 14 215 * +44 14 216 KE +44 14 217 * +44 14 218 * +44 14 219 * +44 14 220 KE +44 14 221 * +44 14 222 KE +44 14 223 NA +44 14 224 * +44 14 225 * +44 14 226 * +44 14 227 KE +44 14 228 * +44 14 229 PA +44 14 230 * +44 14 231 * +44 14 232 * +44 14 233 PA +44 14 234 NA +44 14 235 * +44 14 236 SM +44 14 237 * +44 14 238 NA +44 14 239 * +44 14 240 KE +44 14 241 * +44 14 242 PA +44 14 243 * +44 14 244 * +44 14 245 LA +44 14 246 PA +44 14 247 * +44 14 248 * +44 14 249 NA +44 14 250 KE +44 14 251 SM +44 14 252 * +44 14 253 SM +44 14 254 * +44 14 255 KE +44 14 256 * +44 14 257 * +44 14 258 * +44 14 259 * +44 14 260 * +44 14 261 * +44 14 262 * +44 14 263 * +44 14 264 * +44 14 265 * +44 14 266 * +44 14 267 * +44 14 268 NA +44 14 269 * +44 14 270 * +44 14 271 * +44 14 272 * +44 14 273 * +44 14 274 * +44 14 275 PI +44 14 276 * +44 14 277 KE +44 14 278 * +44 14 279 KE +44 14 280 SM +44 14 281 NA +44 14 282 * +44 14 283 * +44 14 284 * +44 14 285 * +44 14 286 * +44 14 287 * +44 14 288 LA +44 14 289 PA +44 14 290 * +44 14 291 NA +44 14 292 * +44 14 293 * +44 14 294 * +44 14 295 * +44 14 296 KE +44 14 297 * +44 14 298 LA +44 14 299 NA +44 14 300 * +44 14 301 NA +44 14 302 * +44 14 303 * +44 14 304 SM +44 14 305 KE +44 14 306 PA +44 14 307 SM +44 14 308 * +44 14 309 * +44 14 310 SM +44 14 311 * +44 14 312 * +44 14 313 KE +44 14 314 * +44 14 315 SM +44 14 316 NA +44 14 317 * +44 14 318 * +44 14 319 * +44 14 320 * +44 14 321 LA +44 14 322 * +44 14 323 * +44 14 324 * +44 14 325 * +44 14 326 * +44 14 327 * +44 14 328 * +44 14 329 * +44 14 330 * +44 15 1 HA +44 15 2 SA +44 15 3 LA +44 15 4 KZ +44 15 5 HA +44 15 6 HA +44 15 7 SM +44 15 8 CU +44 15 9 KZ +44 15 10 NA +44 15 11 KE +44 15 12 SM +44 15 13 KE +44 15 14 KE +44 15 15 HA +44 15 16 SA +44 15 17 CU +44 15 18 KE +44 15 19 PA +44 15 20 SM +44 15 21 LA +44 15 22 HA +44 15 23 PI +44 15 24 KE +44 15 25 NA +44 15 26 NA +44 15 27 HA +44 15 28 LA +44 15 29 SM +44 15 30 KZ +44 15 31 PA +44 15 32 KZ +44 15 33 SM +44 15 34 CU +44 15 35 KZ +44 15 36 SM +44 15 37 PA +44 15 38 LA +44 15 39 SM +44 15 40 PA +44 15 41 KZ +44 15 42 KZ +44 15 43 NA +44 15 44 SA +44 15 45 SM +44 15 46 KZ +44 15 47 KE +44 15 48 KZ +44 15 49 PA +44 15 50 KZ +44 15 51 KZ +44 15 52 SA +44 15 53 CU +44 15 54 SM +44 15 55 NA +44 15 56 KZ +44 15 57 NA +44 15 58 KZ +44 15 59 * +44 15 60 CU +44 15 61 RE +44 15 62 SA +44 15 63 CU +44 15 64 NA +44 15 65 CU +44 15 66 SA +44 15 67 PI +44 15 68 CU +44 15 69 KZ +44 15 70 SA +44 15 71 PI +44 15 72 SM +44 15 73 KZ +44 15 74 SA +44 15 75 SM +44 15 76 KZ +44 15 77 NA +44 15 78 HA +44 15 79 KE +44 15 80 PA +44 15 81 SM +44 15 82 HA +44 15 83 SA +44 15 84 PI +44 15 85 SM +44 15 86 LA +44 15 87 KA +44 15 88 LA +44 15 89 KA +44 15 90 KA +44 15 91 PI +44 15 92 SA +44 15 93 CU +44 15 94 HA +44 15 95 SA +44 15 96 PI +44 15 97 NA +44 15 98 LA +44 15 99 KZ +44 15 100 SM +44 15 101 PI +44 15 102 HA +44 15 103 PI +44 15 104 NA +44 15 105 CU +44 15 106 KZ +44 15 107 SA +44 15 108 KZ +44 15 109 PI +44 15 110 HA +44 15 111 SM +44 15 112 CU +44 15 113 KA +44 15 114 CU +44 15 115 LA +44 15 116 SA +44 15 117 HA +44 15 118 CU +44 15 119 SM +44 15 120 SA +44 15 121 PI +44 15 122 NA +44 15 123 KE +44 15 124 PI +44 15 125 NA +44 15 126 HA +44 15 127 KZ +44 15 128 PI +44 15 129 SA +44 15 130 KZ +44 15 131 SM +44 15 132 CU +44 15 133 KZ +44 15 134 KE +44 15 135 LA +44 15 136 SM +44 15 137 KZ +44 15 138 HA +44 15 139 SA +44 15 140 NA +44 15 141 SA +44 15 142 SA +44 15 143 SM +44 15 144 NA +44 15 145 PA +44 15 146 PI +44 15 147 PI +44 15 148 CU +44 15 149 HA +44 15 150 KP +44 15 151 CU +44 15 152 HA +44 15 153 NA +44 15 154 KA +44 15 155 KZ +44 15 156 NA +44 15 157 KZ +44 15 158 SA +44 15 159 KZ +44 15 160 HA +44 15 161 NA +44 15 162 CU +44 15 163 NA +44 15 164 PI +44 15 165 KZ +44 15 166 KA +44 15 167 KZ +44 15 168 NA +44 15 169 NA +44 15 170 KA +44 15 171 KZ +44 15 172 SA +44 15 173 PI +44 15 174 PI +44 15 175 KZ +44 15 176 PI +44 15 177 PI +44 15 178 NA +44 15 179 CU +44 15 180 SM +44 15 181 KZ +44 15 182 CU +44 15 183 HA +44 15 184 PI +44 15 185 KZ +44 15 186 NA +44 15 187 HA +44 15 188 PI +44 15 189 PA +44 15 190 HA +44 15 191 KA +44 15 192 SM +44 15 193 SM +44 15 194 LA +44 15 195 PI +44 15 196 HA +44 15 197 PI +44 15 198 KA +44 15 199 HA +44 15 200 PA +44 15 201 KZ +44 15 202 SM +44 15 203 LA +44 15 204 KY +44 15 205 HA +44 15 206 SA +44 15 207 LA +44 15 208 KZ +44 15 209 KE +44 15 210 KZ +44 15 211 KE +44 15 212 PI +44 15 213 LA +44 15 214 SM +44 15 215 PI +44 15 216 KZ +44 15 217 HA +44 15 218 SM +44 15 219 SA +44 15 220 NA +44 15 221 KZ +44 15 222 HA +44 15 223 NA +44 15 224 SA +44 15 225 KZ +44 15 226 NA +44 15 227 KE +44 15 228 CU +44 15 229 PI +44 15 230 SA +44 15 231 CU +44 15 232 KZ +44 15 233 HA +44 15 234 SM +44 15 235 NA +44 15 236 HA +44 15 237 KZ +44 15 238 NA +44 15 239 KZ +44 15 240 PI +44 15 241 SA +44 15 242 PI +44 15 243 NA +44 15 244 SA +44 15 245 LA +44 15 246 HA +44 15 247 KE +44 15 248 KZ +44 15 249 NA +44 15 250 HA +44 15 251 HA +44 15 252 SA +44 15 253 NA +44 15 254 HA +44 15 255 KE +44 15 256 CU +44 15 257 SM +44 15 258 PI +44 15 259 NA +44 15 260 HA +44 15 261 KZ +44 15 262 SA +44 15 263 HA +44 15 264 PI +44 15 265 SM +44 15 266 KZ +44 15 267 KE +44 15 268 SM +44 15 269 CU +44 15 270 KZ +44 15 271 NA +44 15 272 SA +44 15 273 HA +44 15 274 SA +44 15 275 PI +44 15 276 CU +44 15 277 NA +44 15 278 PI +44 15 279 HA +44 15 280 KZ +44 15 281 SM +44 15 282 PI +44 15 283 KZ +44 15 284 SA +44 15 285 CU +44 15 286 SA +44 15 287 PI +44 15 288 CU +44 15 289 PI +44 15 290 KZ +44 15 291 NA +44 15 292 PI +44 15 293 KZ +44 15 294 HA +44 15 295 KZ +44 15 296 KE +44 15 297 PI +44 15 298 NA +44 15 299 SM +44 15 300 KZ +44 15 301 CU +44 15 302 SA +44 15 303 HA +44 15 304 PI +44 15 305 KZ +44 15 306 SM +44 15 307 NA +44 15 308 KZ +44 15 309 PI +44 15 310 NA +44 15 311 NA +44 15 312 KA +44 15 313 NA +44 15 314 SA +44 15 315 KZ +44 15 316 PI +44 15 317 LA +44 15 318 CU +44 15 319 SA +44 15 320 PI +44 15 321 CU +44 15 322 KZ +44 15 323 PI +44 15 324 SA +44 15 325 NA +44 15 326 PI +44 15 327 KZ +44 15 328 HA +44 15 329 KZ +44 15 330 HA +44 16 1 NA +44 16 2 DH +44 16 3 LA +44 16 4 NA +44 16 5 GU +44 16 6 RE +44 16 7 NA +44 16 8 RE +44 16 9 DH +44 16 10 NA +44 16 11 CU +44 16 12 HE +44 16 13 DH +44 16 14 KE +44 16 15 GU +44 16 16 SA +44 16 17 RE +44 16 18 KE +44 16 19 NA +44 16 20 NA +44 16 21 RE +44 16 22 HE +44 16 23 NA +44 16 24 KE +44 16 25 NA +44 16 26 NA +44 16 27 SA +44 16 28 RE +44 16 29 NA +44 16 30 RE +44 16 31 SA +44 16 32 RE +44 16 33 SM +44 16 34 NA +44 16 35 RE +44 16 36 KE +44 16 37 NA +44 16 38 RE +44 16 39 SM +44 16 40 NA +44 16 41 RE +44 16 42 DH +44 16 43 NA +44 16 44 PO +44 16 45 NA +44 16 46 KE +44 16 47 KE +44 16 48 HE +44 16 49 SM +44 16 50 KE +44 16 51 DH +44 16 52 PO +44 16 53 RE +44 16 54 NA +44 16 55 NA +44 16 56 GU +44 16 57 KE +44 16 58 DH +44 16 59 PO +44 16 60 KE +44 16 61 RE +44 16 62 NA +44 16 63 GU +44 16 64 NA +44 16 65 RE +44 16 66 PO +44 16 67 GU +44 16 68 RE +44 16 69 DH +44 16 70 PO +44 16 71 KE +44 16 72 NA +44 16 73 NA +44 16 74 SA +44 16 75 KE +44 16 76 RE +44 16 77 NA +44 16 78 GU +44 16 79 KE +44 16 80 NA +44 16 81 HE +44 16 82 NA +44 16 83 DH +44 16 84 RE +44 16 85 NA +44 16 86 RE +44 16 87 KE +44 16 88 NA +44 16 89 KE +44 16 90 KE +44 16 91 GU +44 16 92 PO +44 16 93 KE +44 16 94 KE +44 16 95 SA +44 16 96 HE +44 16 97 SM +44 16 98 RE +44 16 99 DH +44 16 100 DH +44 16 101 NA +44 16 102 NA +44 16 103 KE +44 16 104 NA +44 16 105 DH +44 16 106 HE +44 16 107 PO +44 16 108 PO +44 16 109 NA +44 16 110 HE +44 16 111 KE +44 16 112 RE +44 16 113 KE +44 16 114 NA +44 16 115 RE +44 16 116 PO +44 16 117 KE +44 16 118 RE +44 16 119 NA +44 16 120 PO +44 16 121 RE +44 16 122 NA +44 16 123 SM +44 16 124 GU +44 16 125 RE +44 16 126 RE +44 16 127 KE +44 16 128 HE +44 16 129 PO +44 16 130 KE +44 16 131 NA +44 16 132 RE +44 16 133 SM +44 16 134 KE +44 16 135 RE +44 16 136 NA +44 16 137 DH +44 16 138 DH +44 16 139 PO +44 16 140 KE +44 16 141 PO +44 16 142 PO +44 16 143 SM +44 16 144 KE +44 16 145 SM +44 16 146 HE +44 16 147 SM +44 16 148 RE +44 16 149 SM +44 16 150 KE +44 16 151 GU +44 16 152 GU +44 16 153 KE +44 16 154 KE +44 16 155 DH +44 16 156 SM +44 16 157 DH +44 16 158 PO +44 16 159 HE +44 16 160 HE +44 16 161 NA +44 16 162 RE +44 16 163 NA +44 16 164 NA +44 16 165 DH +44 16 166 KE +44 16 167 DH +44 16 168 NA +44 16 169 NA +44 16 170 KE +44 16 171 DH +44 16 172 PO +44 16 173 RE +44 16 174 HE +44 16 175 GU +44 16 176 RE +44 16 177 HE +44 16 178 KE +44 16 179 DH +44 16 180 NA +44 16 181 DH +44 16 182 DH +44 16 183 DH +44 16 184 NA +44 16 185 NA +44 16 186 NA +44 16 187 HE +44 16 188 NA +44 16 189 SA +44 16 190 GU +44 16 191 NA +44 16 192 KE +44 16 193 GU +44 16 194 KE +44 16 195 NA +44 16 196 NA +44 16 197 RE +44 16 198 KE +44 16 199 PO +44 16 200 NA +44 16 201 RE +44 16 202 SM +44 16 203 RE +44 16 204 DH +44 16 205 NA +44 16 206 PO +44 16 207 RE +44 16 208 DH +44 16 209 KE +44 16 210 DH +44 16 211 NA +44 16 212 HE +44 16 213 NA +44 16 214 HE +44 16 215 GU +44 16 216 KE +44 16 217 GU +44 16 218 DH +44 16 219 PO +44 16 220 NA +44 16 221 PO +44 16 222 NA +44 16 223 KE +44 16 224 PO +44 16 225 DH +44 16 226 NA +44 16 227 KE +44 16 228 KE +44 16 229 DH +44 16 230 PO +44 16 231 NA +44 16 232 KE +44 16 233 KE +44 16 234 NA +44 16 235 SM +44 16 236 DH +44 16 237 HE +44 16 238 KE +44 16 239 RE +44 16 240 NA +44 16 241 PO +44 16 242 HE +44 16 243 RE +44 16 244 PO +44 16 245 RE +44 16 246 SM +44 16 247 NA +44 16 248 KE +44 16 249 KE +44 16 250 DH +44 16 251 HE +44 16 252 PO +44 16 253 NA +44 16 254 KE +44 16 255 DH +44 16 256 RE +44 16 257 DH +44 16 258 HE +44 16 259 RE +44 16 260 GU +44 16 261 RE +44 16 262 PO +44 16 263 DH +44 16 264 SA +44 16 265 KE +44 16 266 DH +44 16 267 KE +44 16 268 NA +44 16 269 NA +44 16 270 HE +44 16 271 KE +44 16 272 PO +44 16 273 NA +44 16 274 PO +44 16 275 DH +44 16 276 RE +44 16 277 KE +44 16 278 HE +44 16 279 NA +44 16 280 KE +44 16 281 DH +44 16 282 SM +44 16 283 KE +44 16 284 PO +44 16 285 NA +44 16 286 PO +44 16 287 KE +44 16 288 RE +44 16 289 SM +44 16 290 PO +44 16 291 NA +44 16 292 RE +44 16 293 PO +44 16 294 PO +44 16 295 DH +44 16 296 NA +44 16 297 HE +44 16 298 RE +44 16 299 SM +44 16 300 PO +44 16 301 SM +44 16 302 PO +44 16 303 PO +44 16 304 DH +44 16 305 KE +44 16 306 SM +44 16 307 KE +44 16 308 GU +44 16 309 KE +44 16 310 NA +44 16 311 SM +44 16 312 DH +44 16 313 KE +44 16 314 PO +44 16 315 SM +44 16 316 NA +44 16 317 RE +44 16 318 HE +44 16 319 PO +44 16 320 DH +44 16 321 RE +44 16 322 NA +44 16 323 KE +44 16 324 PO +44 16 325 RE +44 16 326 HE +44 16 327 PO +44 16 328 KE +44 16 329 DH +44 16 330 PO +44 17 1 NA +44 17 2 NA +44 17 3 LA +44 17 4 LA +44 17 5 NA +44 17 6 DH +44 17 7 KP +44 17 8 LA +44 17 9 DH +44 17 10 KE +44 17 11 NA +44 17 12 HE +44 17 13 NA +44 17 14 KE +44 17 15 GU +44 17 16 PO +44 17 17 LA +44 17 18 KE +44 17 19 NA +44 17 20 KP +44 17 21 GU +44 17 22 HE +44 17 23 LA +44 17 24 DH +44 17 25 NA +44 17 26 KE +44 17 27 CI +44 17 28 GU +44 17 29 KP +44 17 30 LA +44 17 31 NA +44 17 32 GU +44 17 33 KP +44 17 34 KE +44 17 35 GU +44 17 36 KE +44 17 37 NA +44 17 38 LA +44 17 39 KP +44 17 40 NA +44 17 41 LA +44 17 42 DH +44 17 43 KE +44 17 44 PO +44 17 45 KP +44 17 46 DH +44 17 47 KE +44 17 48 PI +44 17 49 NA +44 17 50 KE +44 17 51 DH +44 17 52 PO +44 17 53 LA +44 17 54 KP +44 17 55 NA +44 17 56 CI +44 17 57 KE +44 17 58 DH +44 17 59 CI +44 17 60 KE +44 17 61 LA +44 17 62 PO +44 17 63 GU +44 17 64 NA +44 17 65 GU +44 17 66 CI +44 17 67 KP +44 17 68 GU +44 17 69 DH +44 17 70 PO +44 17 71 LA +44 17 72 NA +44 17 73 LA +44 17 74 PO +44 17 75 KE +44 17 76 LA +44 17 77 NA +44 17 78 CI +44 17 79 KE +44 17 80 NA +44 17 81 KP +44 17 82 NA +44 17 83 CI +44 17 84 CI +44 17 85 NA +44 17 86 GU +44 17 87 KE +44 17 88 GU +44 17 89 KE +44 17 90 KE +44 17 91 KP +44 17 92 CI +44 17 93 KE +44 17 94 KE +44 17 95 PO +44 17 96 HE +44 17 97 KE +44 17 98 GU +44 17 99 CI +44 17 100 PO +44 17 101 LA +44 17 102 PO +44 17 103 DH +44 17 104 NA +44 17 105 GU +44 17 106 HE +44 17 107 PO +44 17 108 CI +44 17 109 KE +44 17 110 HE +44 17 111 DH +44 17 112 LA +44 17 113 KE +44 17 114 KE +44 17 115 GU +44 17 116 CI +44 17 117 KE +44 17 118 GU +44 17 119 KP +44 17 120 PO +44 17 121 LA +44 17 122 KP +44 17 123 KE +44 17 124 KP +44 17 125 LA +44 17 126 GU +44 17 127 KE +44 17 128 HE +44 17 129 PO +44 17 130 KE +44 17 131 LA +44 17 132 LA +44 17 133 NA +44 17 134 DH +44 17 135 GU +44 17 136 NA +44 17 137 KE +44 17 138 NA +44 17 139 CI +44 17 140 NA +44 17 141 PO +44 17 142 PO +44 17 143 KP +44 17 144 KE +44 17 145 NA +44 17 146 HE +44 17 147 NA +44 17 148 GU +44 17 149 KP +44 17 150 LA +44 17 151 GU +44 17 152 CI +44 17 153 NA +44 17 154 DH +44 17 155 KE +44 17 156 KP +44 17 157 KE +44 17 158 PO +44 17 159 CI +44 17 160 GU +44 17 161 NA +44 17 162 LA +44 17 163 NA +44 17 164 NA +44 17 165 DH +44 17 166 KE +44 17 167 CI +44 17 168 KP +44 17 169 NA +44 17 170 KE +44 17 171 DH +44 17 172 PO +44 17 173 GU +44 17 174 HE +44 17 175 NA +44 17 176 LA +44 17 177 HE +44 17 178 KE +44 17 179 KE +44 17 180 NA +44 17 181 DH +44 17 182 KE +44 17 183 DH +44 17 184 LA +44 17 185 LA +44 17 186 NA +44 17 187 LA +44 17 188 NA +44 17 189 PO +44 17 190 CI +44 17 191 NA +44 17 192 LA +44 17 193 KP +44 17 194 LA +44 17 195 KP +44 17 196 NA +44 17 197 GU +44 17 198 KE +44 17 199 CI +44 17 200 NA +44 17 201 GU +44 17 202 KP +44 17 203 GU +44 17 204 KE +44 17 205 KE +44 17 206 CI +44 17 207 GU +44 17 208 DH +44 17 209 KP +44 17 210 LA +44 17 211 NA +44 17 212 HE +44 17 213 PO +44 17 214 KP +44 17 215 GU +44 17 216 KE +44 17 217 GU +44 17 218 KP +44 17 219 CI +44 17 220 NA +44 17 221 CI +44 17 222 LA +44 17 223 NA +44 17 224 PO +44 17 225 DH +44 17 226 KE +44 17 227 KE +44 17 228 KE +44 17 229 NA +44 17 230 CI +44 17 231 LA +44 17 232 KE +44 17 233 CI +44 17 234 KP +44 17 235 NA +44 17 236 DH +44 17 237 LA +44 17 238 KP +44 17 239 LA +44 17 240 LA +44 17 241 PO +44 17 242 HE +44 17 243 LA +44 17 244 PO +44 17 245 LA +44 17 246 NA +44 17 247 KE +44 17 248 DH +44 17 249 KE +44 17 250 LA +44 17 251 NA +44 17 252 CI +44 17 253 NA +44 17 254 NA +44 17 255 KE +44 17 256 GU +44 17 257 KE +44 17 258 HE +44 17 259 LA +44 17 260 HE +44 17 261 LA +44 17 262 PO +44 17 263 PO +44 17 264 PO +44 17 265 KP +44 17 266 LA +44 17 267 LA +44 17 268 KP +44 17 269 GU +44 17 270 DH +44 17 271 KE +44 17 272 CI +44 17 273 GU +44 17 274 PO +44 17 275 DH +44 17 276 LA +44 17 277 KE +44 17 278 LA +44 17 279 KE +44 17 280 KP +44 17 281 KE +44 17 282 KP +44 17 283 LA +44 17 284 PO +44 17 285 GU +44 17 286 PO +44 17 287 DH +44 17 288 LA +44 17 289 NA +44 17 290 CI +44 17 291 NA +44 17 292 LA +44 17 293 PO +44 17 294 PO +44 17 295 KE +44 17 296 LA +44 17 297 HE +44 17 298 LA +44 17 299 NA +44 17 300 PO +44 17 301 KP +44 17 302 CI +44 17 303 PO +44 17 304 DH +44 17 305 KE +44 17 306 KP +44 17 307 NA +44 17 308 KE +44 17 309 DH +44 17 310 NA +44 17 311 NA +44 17 312 KE +44 17 313 KE +44 17 314 PO +44 17 315 KP +44 17 316 KP +44 17 317 LA +44 17 318 LA +44 17 319 PO +44 17 320 DH +44 17 321 LA +44 17 322 NA +44 17 323 KE +44 17 324 PO +44 17 325 LA +44 17 326 DH +44 17 327 PO +44 17 328 DH +44 17 329 KE +44 17 330 PO +44 18 1 NA +44 18 2 * +44 18 3 LA +44 18 4 * +44 18 5 PN +44 18 6 GO +44 18 7 SM +44 18 8 * +44 18 9 MT +44 18 10 NA +44 18 11 PZ +44 18 12 HE +44 18 13 * +44 18 14 KE +44 18 15 KW +44 18 16 PO +44 18 17 LA +44 18 18 KE +44 18 19 NA +44 18 20 PN +44 18 21 LA +44 18 22 HE +44 18 23 CU +44 18 24 KE +44 18 25 NA +44 18 26 * +44 18 27 PO +44 18 28 LA +44 18 29 NA +44 18 30 GO +44 18 31 PO +44 18 32 * +44 18 33 PN +44 18 34 NA +44 18 35 LA +44 18 36 PN +44 18 37 * +44 18 38 * +44 18 39 * +44 18 40 NA +44 18 41 LA +44 18 42 * +44 18 43 KE +44 18 44 PO +44 18 45 NA +44 18 46 PO +44 18 47 PZ +44 18 48 HE +44 18 49 * +44 18 50 CU +44 18 51 GO +44 18 52 PO +44 18 53 LA +44 18 54 PR +44 18 55 NA +44 18 56 * +44 18 57 NA +44 18 58 * +44 18 59 PO +44 18 60 DH +44 18 61 LA +44 18 62 * +44 18 63 * +44 18 64 NA +44 18 65 GU +44 18 66 PO +44 18 67 * +44 18 68 * +44 18 69 * +44 18 70 PO +44 18 71 * +44 18 72 NA +44 18 73 CU +44 18 74 PO +44 18 75 * +44 18 76 * +44 18 77 NA +44 18 78 PO +44 18 79 * +44 18 80 NA +44 18 81 PR +44 18 82 * +44 18 83 PO +44 18 84 * +44 18 85 * +44 18 86 * +44 18 87 * +44 18 88 CU +44 18 89 KE +44 18 90 KE +44 18 91 PR +44 18 92 PO +44 18 93 NA +44 18 94 * +44 18 95 PO +44 18 96 HE +44 18 97 CU +44 18 98 * +44 18 99 PO +44 18 100 * +44 18 101 * +44 18 102 PO +44 18 103 * +44 18 104 NA +44 18 105 CU +44 18 106 * +44 18 107 PO +44 18 108 PO +44 18 109 NA +44 18 110 HE +44 18 111 PZ +44 18 112 * +44 18 113 KE +44 18 114 NA +44 18 115 * +44 18 116 PO +44 18 117 GO +44 18 118 * +44 18 119 NA +44 18 120 PO +44 18 121 LA +44 18 122 NA +44 18 123 NA +44 18 124 PR +44 18 125 * +44 18 126 * +44 18 127 PZ +44 18 128 HE +44 18 129 PO +44 18 130 PZ +44 18 131 CU +44 18 132 * +44 18 133 HA +44 18 134 * +44 18 135 GU +44 18 136 NA +44 18 137 * +44 18 138 NA +44 18 139 PO +44 18 140 NA +44 18 141 PO +44 18 142 PO +44 18 143 PR +44 18 144 NA +44 18 145 * +44 18 146 HE +44 18 147 NA +44 18 148 LA +44 18 149 * +44 18 150 CU +44 18 151 * +44 18 152 * +44 18 153 NA +44 18 154 KE +44 18 155 * +44 18 156 NA +44 18 157 MT +44 18 158 PO +44 18 159 * +44 18 160 * +44 18 161 * +44 18 162 LA +44 18 163 NA +44 18 164 NA +44 18 165 * +44 18 166 NA +44 18 167 PO +44 18 168 NA +44 18 169 NA +44 18 170 KE +44 18 171 * +44 18 172 PO +44 18 173 GU +44 18 174 HE +44 18 175 PO +44 18 176 GU +44 18 177 * +44 18 178 NA +44 18 179 KW +44 18 180 NA +44 18 181 HE +44 18 182 CU +44 18 183 HE +44 18 184 NA +44 18 185 HE +44 18 186 * +44 18 187 HE +44 18 188 NA +44 18 189 PO +44 18 190 * +44 18 191 KV +44 18 192 NA +44 18 193 * +44 18 194 * +44 18 195 PR +44 18 196 PO +44 18 197 LA +44 18 198 KE +44 18 199 PO +44 18 200 * +44 18 201 * +44 18 202 NA +44 18 203 GU +44 18 204 KE +44 18 205 NA +44 18 206 PO +44 18 207 GU +44 18 208 * +44 18 209 BH +44 18 210 KW +44 18 211 NA +44 18 212 HE +44 18 213 PO +44 18 214 PR +44 18 215 * +44 18 216 KE +44 18 217 * +44 18 218 * +44 18 219 PO +44 18 220 NA +44 18 221 PO +44 18 222 NA +44 18 223 NA +44 18 224 PO +44 18 225 * +44 18 226 NA +44 18 227 PZ +44 18 228 NA +44 18 229 * +44 18 230 PO +44 18 231 * +44 18 232 * +44 18 233 * +44 18 234 NA +44 18 235 NA +44 18 236 * +44 18 237 * +44 18 238 NA +44 18 239 GU +44 18 240 KW +44 18 241 PO +44 18 242 * +44 18 243 CU +44 18 244 PO +44 18 245 LA +44 18 246 * +44 18 247 NA +44 18 248 DH +44 18 249 NA +44 18 250 KE +44 18 251 * +44 18 252 PO +44 18 253 PR +44 18 254 DH +44 18 255 KE +44 18 256 GU +44 18 257 NA +44 18 258 HE +44 18 259 CU +44 18 260 PO +44 18 261 HE +44 18 262 PO +44 18 263 PO +44 18 264 * +44 18 265 NA +44 18 266 KW +44 18 267 CU +44 18 268 NA +44 18 269 GU +44 18 270 HE +44 18 271 NA +44 18 272 PO +44 18 273 CU +44 18 274 PO +44 18 275 * +44 18 276 GU +44 18 277 NA +44 18 278 * +44 18 279 DH +44 18 280 * +44 18 281 PR +44 18 282 * +44 18 283 GO +44 18 284 PO +44 18 285 * +44 18 286 PO +44 18 287 * +44 18 288 GU +44 18 289 DH +44 18 290 PO +44 18 291 NA +44 18 292 * +44 18 293 PO +44 18 294 PO +44 18 295 * +44 18 296 NA +44 18 297 HE +44 18 298 GU +44 18 299 PR +44 18 300 PO +44 18 301 NA +44 18 302 PO +44 18 303 PO +44 18 304 * +44 18 305 CU +44 18 306 PR +44 18 307 NA +44 18 308 * +44 18 309 * +44 18 310 NA +44 18 311 NA +44 18 312 KE +44 18 313 NA +44 18 314 PO +44 18 315 PR +44 18 316 * +44 18 317 * +44 18 318 * +44 18 319 PO +44 18 320 * +44 18 321 GU +44 18 322 NA +44 18 323 KV +44 18 324 PO +44 18 325 CU +44 18 326 HE +44 18 327 PO +44 18 328 NA +44 18 329 KW +44 18 330 PO +44 19 1 NA +44 19 2 PO +44 19 3 LA +44 19 4 KE +44 19 5 PO +44 19 6 PO +44 19 7 SM +44 19 8 LA +44 19 9 DH +44 19 10 KE +44 19 11 KE +44 19 12 HE +44 19 13 KE +44 19 14 KE +44 19 15 PO +44 19 16 PO +44 19 17 LA +44 19 18 KE +44 19 19 PO +44 19 20 SM +44 19 21 LA +44 19 22 HE +44 19 23 KE +44 19 24 KE +44 19 25 KE +44 19 26 KE +44 19 27 PO +44 19 28 LA +44 19 29 KE +44 19 30 KE +44 19 31 PO +44 19 32 PO +44 19 33 HE +44 19 34 KE +44 19 35 LA +44 19 36 KE +44 19 37 PO +44 19 38 KE +44 19 39 KE +44 19 40 KE +44 19 41 LA +44 19 42 SM +44 19 43 KE +44 19 44 PO +44 19 45 SM +44 19 46 DH +44 19 47 DH +44 19 48 DH +44 19 49 PO +44 19 50 KE +44 19 51 KE +44 19 52 PO +44 19 53 LA +44 19 54 KE +44 19 55 LA +44 19 56 PO +44 19 57 KE +44 19 58 DH +44 19 59 PO +44 19 60 KE +44 19 61 LA +44 19 62 PO +44 19 63 LA +44 19 64 KE +44 19 65 LA +44 19 66 PO +44 19 67 PO +44 19 68 KE +44 19 69 KE +44 19 70 PO +44 19 71 DH +44 19 72 DH +44 19 73 SM +44 19 74 PO +44 19 75 KE +44 19 76 LA +44 19 77 SM +44 19 78 PO +44 19 79 KE +44 19 80 LA +44 19 81 SM +44 19 82 KE +44 19 83 PO +44 19 84 LA +44 19 85 SM +44 19 86 LA +44 19 87 KE +44 19 88 LA +44 19 89 KE +44 19 90 KE +44 19 91 HE +44 19 92 PO +44 19 93 KE +44 19 94 KE +44 19 95 PO +44 19 96 HE +44 19 97 DH +44 19 98 LA +44 19 99 PO +44 19 100 PO +44 19 101 LA +44 19 102 PO +44 19 103 DH +44 19 104 PO +44 19 105 DH +44 19 106 HE +44 19 107 PO +44 19 108 PO +44 19 109 NA +44 19 110 HE +44 19 111 DH +44 19 112 LA +44 19 113 DH +44 19 114 NA +44 19 115 LA +44 19 116 PO +44 19 117 DH +44 19 118 LA +44 19 119 NA +44 19 120 PO +44 19 121 LA +44 19 122 NA +44 19 123 KE +44 19 124 HE +44 19 125 LA +44 19 126 PO +44 19 127 DH +44 19 128 HE +44 19 129 PO +44 19 130 DH +44 19 131 KE +44 19 132 DH +44 19 133 SM +44 19 134 KE +44 19 135 LA +44 19 136 SM +44 19 137 DH +44 19 138 SM +44 19 139 PO +44 19 140 NA +44 19 141 PO +44 19 142 PO +44 19 143 HE +44 19 144 DH +44 19 145 PO +44 19 146 HE +44 19 147 PO +44 19 148 LA +44 19 149 PO +44 19 150 KE +44 19 151 LA +44 19 152 PO +44 19 153 NA +44 19 154 KE +44 19 155 KE +44 19 156 SM +44 19 157 KE +44 19 158 PO +44 19 159 LA +44 19 160 PO +44 19 161 SM +44 19 162 LA +44 19 163 SM +44 19 164 KE +44 19 165 DH +44 19 166 KE +44 19 167 PO +44 19 168 KE +44 19 169 KE +44 19 170 DH +44 19 171 KE +44 19 172 PO +44 19 173 LA +44 19 174 HE +44 19 175 PO +44 19 176 LA +44 19 177 HE +44 19 178 NA +44 19 179 KE +44 19 180 SM +44 19 181 HE +44 19 182 KE +44 19 183 DH +44 19 184 DH +44 19 185 KE +44 19 186 PO +44 19 187 HE +44 19 188 SM +44 19 189 PO +44 19 190 PO +44 19 191 NA +44 19 192 KE +44 19 193 HE +44 19 194 KE +44 19 195 SM +44 19 196 PO +44 19 197 PO +44 19 198 KE +44 19 199 PO +44 19 200 PO +44 19 201 PO +44 19 202 NA +44 19 203 LA +44 19 204 KE +44 19 205 KE +44 19 206 PO +44 19 207 LA +44 19 208 KE +44 19 209 KE +44 19 210 DH +44 19 211 PO +44 19 212 HE +44 19 213 PO +44 19 214 HE +44 19 215 LA +44 19 216 DH +44 19 217 LA +44 19 218 HE +44 19 219 PO +44 19 220 KE +44 19 221 PO +44 19 222 DH +44 19 223 SM +44 19 224 PO +44 19 225 KE +44 19 226 DH +44 19 227 KE +44 19 228 KE +44 19 229 PO +44 19 230 PO +44 19 231 LA +44 19 232 DH +44 19 233 PO +44 19 234 NA +44 19 235 KE +44 19 236 SM +44 19 237 LA +44 19 238 SM +44 19 239 LA +44 19 240 KE +44 19 241 PO +44 19 242 HE +44 19 243 KE +44 19 244 PO +44 19 245 LA +44 19 246 NA +44 19 247 KE +44 19 248 DH +44 19 249 NA +44 19 250 KE +44 19 251 PO +44 19 252 PO +44 19 253 SM +44 19 254 PO +44 19 255 KE +44 19 256 LA +44 19 257 NA +44 19 258 HE +44 19 259 LA +44 19 260 PO +44 19 261 LA +44 19 262 PO +44 19 263 KE +44 19 264 PO +44 19 265 KE +44 19 266 HE +44 19 267 KE +44 19 268 NA +44 19 269 KE +44 19 270 HE +44 19 271 KE +44 19 272 PO +44 19 273 KE +44 19 274 PO +44 19 275 SM +44 19 276 LA +44 19 277 SM +44 19 278 LA +44 19 279 NA +44 19 280 NA +44 19 281 NA +44 19 282 NA +44 19 283 KE +44 19 284 KE +44 19 285 PO +44 19 286 PO +44 19 287 KE +44 19 288 LA +44 19 289 PO +44 19 290 PO +44 19 291 NA +44 19 292 LA +44 19 293 PO +44 19 294 PO +44 19 295 DH +44 19 296 DH +44 19 297 LA +44 19 298 LA +44 19 299 NA +44 19 300 PO +44 19 301 SM +44 19 302 PO +44 19 303 PO +44 19 304 DH +44 19 305 KE +44 19 306 HE +44 19 307 NA +44 19 308 KE +44 19 309 DH +44 19 310 NA +44 19 311 KE +44 19 312 KE +44 19 313 NA +44 19 314 PO +44 19 315 SM +44 19 316 KE +44 19 317 LA +44 19 318 HE +44 19 319 PO +44 19 320 LA +44 19 321 LA +44 19 322 PO +44 19 323 NA +44 19 324 PO +44 19 325 LA +44 19 326 HE +44 19 327 PO +44 19 328 DH +44 19 329 KE +44 19 330 PO +44 20 1 KE +44 20 2 PI +44 20 3 LA +44 20 4 DH +44 20 5 SM +44 20 6 LA +44 20 7 PI +44 20 8 LA +44 20 9 DH +44 20 10 KE +44 20 11 DH +44 20 12 HE +44 20 13 KE +44 20 14 KE +44 20 15 PI +44 20 16 SA +44 20 17 LA +44 20 18 DH +44 20 19 NA +44 20 20 SM +44 20 21 LA +44 20 22 SA +44 20 23 KE +44 20 24 DH +44 20 25 NA +44 20 26 NA +44 20 27 SA +44 20 28 PI +44 20 29 SM +44 20 30 LA +44 20 31 NA +44 20 32 DH +44 20 33 SM +44 20 34 NA +44 20 35 LA +44 20 36 KE +44 20 37 NA +44 20 38 LA +44 20 39 SM +44 20 40 NA +44 20 41 LA +44 20 42 HE +44 20 43 NA +44 20 44 SA +44 20 45 NA +44 20 46 KE +44 20 47 DH +44 20 48 HE +44 20 49 NA +44 20 50 LA +44 20 51 DH +44 20 52 SA +44 20 53 LA +44 20 54 PI +44 20 55 NA +44 20 56 LA +44 20 57 DH +44 20 58 DH +44 20 59 SA +44 20 60 NA +44 20 61 LA +44 20 62 SA +44 20 63 LA +44 20 64 NA +44 20 65 LA +44 20 66 SA +44 20 67 HE +44 20 68 LA +44 20 69 DH +44 20 70 SA +44 20 71 LA +44 20 72 SM +44 20 73 DH +44 20 74 PI +44 20 75 DH +44 20 76 HE +44 20 77 LA +44 20 78 SA +44 20 79 DH +44 20 80 NA +44 20 81 PI +44 20 82 NA +44 20 83 SA +44 20 84 LA +44 20 85 NA +44 20 86 LA +44 20 87 DH +44 20 88 LA +44 20 89 SA +44 20 90 KE +44 20 91 PI +44 20 92 SA +44 20 93 NA +44 20 94 SA +44 20 95 LA +44 20 96 PI +44 20 97 NA +44 20 98 LA +44 20 99 SA +44 20 100 NA +44 20 101 LA +44 20 102 SA +44 20 103 DH +44 20 104 NA +44 20 105 LA +44 20 106 PI +44 20 107 SA +44 20 108 LA +44 20 109 KE +44 20 110 HE +44 20 111 KE +44 20 112 LA +44 20 113 SA +44 20 114 KE +44 20 115 LA +44 20 116 NA +44 20 117 SA +44 20 118 LA +44 20 119 LA +44 20 120 SA +44 20 121 LA +44 20 122 SM +44 20 123 LA +44 20 124 PI +44 20 125 HE +44 20 126 LA +44 20 127 KE +44 20 128 PI +44 20 129 SA +44 20 130 DH +44 20 131 LA +44 20 132 LA +44 20 133 KE +44 20 134 SA +44 20 135 LA +44 20 136 NA +44 20 137 DH +44 20 138 NA +44 20 139 SA +44 20 140 KE +44 20 141 PO +44 20 142 DH +44 20 143 PI +44 20 144 DH +44 20 145 LA +44 20 146 PI +44 20 147 NA +44 20 148 LA +44 20 149 LA +44 20 150 KE +44 20 151 LA +44 20 152 PI +44 20 153 KE +44 20 154 DH +44 20 155 DH +44 20 156 NA +44 20 157 DH +44 20 158 SA +44 20 159 LA +44 20 160 LA +44 20 161 NA +44 20 162 LA +44 20 163 NA +44 20 164 NA +44 20 165 DH +44 20 166 KE +44 20 167 DH +44 20 168 KE +44 20 169 NA +44 20 170 DH +44 20 171 KE +44 20 172 SA +44 20 173 LA +44 20 174 HE +44 20 175 LA +44 20 176 LA +44 20 177 SA +44 20 178 KE +44 20 179 LA +44 20 180 NA +44 20 181 LA +44 20 182 DH +44 20 183 DH +44 20 184 KE +44 20 185 DH +44 20 186 NA +44 20 187 HE +44 20 188 NA +44 20 189 SA +44 20 190 LA +44 20 191 KE +44 20 192 KE +44 20 193 PI +44 20 194 LA +44 20 195 SM +44 20 196 LA +44 20 197 DH +44 20 198 KE +44 20 199 PO +44 20 200 NA +44 20 201 DH +44 20 202 SM +44 20 203 LA +44 20 204 DH +44 20 205 NA +44 20 206 SA +44 20 207 LA +44 20 208 LA +44 20 209 KE +44 20 210 SA +44 20 211 NA +44 20 212 HE +44 20 213 KE +44 20 214 PI +44 20 215 LA +44 20 216 KE +44 20 217 LA +44 20 218 DH +44 20 219 PO +44 20 220 NA +44 20 221 SA +44 20 222 KE +44 20 223 NA +44 20 224 SA +44 20 225 DH +44 20 226 KE +44 20 227 DH +44 20 228 KE +44 20 229 LA +44 20 230 SA +44 20 231 LA +44 20 232 DH +44 20 233 LA +44 20 234 SM +44 20 235 NA +44 20 236 KE +44 20 237 LA +44 20 238 NA +44 20 239 LA +44 20 240 SA +44 20 241 SA +44 20 242 NA +44 20 243 DH +44 20 244 SA +44 20 245 LA +44 20 246 SM +44 20 247 DH +44 20 248 KE +44 20 249 NA +44 20 250 KE +44 20 251 KE +44 20 252 SA +44 20 253 NA +44 20 254 LA +44 20 255 DH +44 20 256 HE +44 20 257 KE +44 20 258 HE +44 20 259 KE +44 20 260 SA +44 20 261 HE +44 20 262 SA +44 20 263 DH +44 20 264 KE +44 20 265 SM +44 20 266 LA +44 20 267 LA +44 20 268 SM +44 20 269 KE +44 20 270 LA +44 20 271 DH +44 20 272 PO +44 20 273 LA +44 20 274 PO +44 20 275 DH +44 20 276 LA +44 20 277 KE +44 20 278 LA +44 20 279 NA +44 20 280 SM +44 20 281 SM +44 20 282 SM +44 20 283 SA +44 20 284 SA +44 20 285 LA +44 20 286 PO +44 20 287 DH +44 20 288 LA +44 20 289 NA +44 20 290 PO +44 20 291 NA +44 20 292 LA +44 20 293 PO +44 20 294 LA +44 20 295 DH +44 20 296 NA +44 20 297 HE +44 20 298 LA +44 20 299 SM +44 20 300 DH +44 20 301 NA +44 20 302 SA +44 20 303 DH +44 20 304 SM +44 20 305 KE +44 20 306 PI +44 20 307 KE +44 20 308 KE +44 20 309 DH +44 20 310 SM +44 20 311 NA +44 20 312 DH +44 20 313 NA +44 20 314 SA +44 20 315 SM +44 20 316 NA +44 20 317 LA +44 20 318 LA +44 20 319 SA +44 20 320 DH +44 20 321 LA +44 20 322 NA +44 20 323 DH +44 20 324 SA +44 20 325 LA +44 20 326 HE +44 20 327 SA +44 20 328 KE +44 20 329 DH +44 20 330 SA +44 21 1 NA +44 21 2 NA +44 21 3 LA +44 21 4 DH +44 21 5 NA +44 21 6 HE +44 21 7 NA +44 21 8 RE +44 21 9 HE +44 21 10 KA +44 21 11 KA +44 21 12 HE +44 21 13 KA +44 21 14 KA +44 21 15 PO +44 21 16 PO +44 21 17 RE +44 21 18 KA +44 21 19 NA +44 21 20 HE +44 21 21 LA +44 21 22 PO +44 21 23 NA +44 21 24 KE +44 21 25 NA +44 21 26 NA +44 21 27 PO +44 21 28 LA +44 21 29 NA +44 21 30 HE +44 21 31 NA +44 21 32 LA +44 21 33 NA +44 21 34 NA +44 21 35 LA +44 21 36 NA +44 21 37 NA +44 21 38 RE +44 21 39 NA +44 21 40 NA +44 21 41 LA +44 21 42 HE +44 21 43 KA +44 21 44 PO +44 21 45 NA +44 21 46 KA +44 21 47 KA +44 21 48 HE +44 21 49 NA +44 21 50 KA +44 21 51 * +44 21 52 PO +44 21 53 LA +44 21 54 NA +44 21 55 NA +44 21 56 * +44 21 57 KA +44 21 58 NA +44 21 59 PO +44 21 60 KA +44 21 61 RE +44 21 62 NA +44 21 63 HE +44 21 64 KA +44 21 65 * +44 21 66 PO +44 21 67 NA +44 21 68 LA +44 21 69 KA +44 21 70 PO +44 21 71 LA +44 21 72 NA +44 21 73 NA +44 21 74 PO +44 21 75 NA +44 21 76 LA +44 21 77 KA +44 21 78 * +44 21 79 KA +44 21 80 KE +44 21 81 NA +44 21 82 NA +44 21 83 PO +44 21 84 HE +44 21 85 NA +44 21 86 LA +44 21 87 KA +44 21 88 LA +44 21 89 KA +44 21 90 KA +44 21 91 HE +44 21 92 PO +44 21 93 KA +44 21 94 KA +44 21 95 PO +44 21 96 HE +44 21 97 NA +44 21 98 LA +44 21 99 PO +44 21 100 NA +44 21 101 LA +44 21 102 PO +44 21 103 NA +44 21 104 HE +44 21 105 RE +44 21 106 PO +44 21 107 PO +44 21 108 PO +44 21 109 NA +44 21 110 HE +44 21 111 KA +44 21 112 RE +44 21 113 KA +44 21 114 NA +44 21 115 LA +44 21 116 NA +44 21 117 KE +44 21 118 LA +44 21 119 NA +44 21 120 PO +44 21 121 LA +44 21 122 HE +44 21 123 HE +44 21 124 HE +44 21 125 LA +44 21 126 RE +44 21 127 KA +44 21 128 HE +44 21 129 PO +44 21 130 DH +44 21 131 NA +44 21 132 RE +44 21 133 NA +44 21 134 DH +44 21 135 LA +44 21 136 NA +44 21 137 NA +44 21 138 NA +44 21 139 PO +44 21 140 KA +44 21 141 PO +44 21 142 PO +44 21 143 NA +44 21 144 KA +44 21 145 NA +44 21 146 HE +44 21 147 NA +44 21 148 RE +44 21 149 KP +44 21 150 * +44 21 151 LA +44 21 152 LA +44 21 153 KA +44 21 154 KA +44 21 155 * +44 21 156 NA +44 21 157 RD +44 21 158 PO +44 21 159 RE +44 21 160 LA +44 21 161 HE +44 21 162 LA +44 21 163 NA +44 21 164 NA +44 21 165 KP +44 21 166 KA +44 21 167 KP +44 21 168 KA +44 21 169 NA +44 21 170 KA +44 21 171 KP +44 21 172 PO +44 21 173 LA +44 21 174 HE +44 21 175 PO +44 21 176 LA +44 21 177 NA +44 21 178 NA +44 21 179 LA +44 21 180 NA +44 21 181 HE +44 21 182 LA +44 21 183 KP +44 21 184 LA +44 21 185 HE +44 21 186 NA +44 21 187 HE +44 21 188 NA +44 21 189 PO +44 21 190 LA +44 21 191 LA +44 21 192 KP +44 21 193 NA +44 21 194 KP +44 21 195 SM +44 21 196 NA +44 21 197 KP +44 21 198 KA +44 21 199 PO +44 21 200 NA +44 21 201 HE +44 21 202 NA +44 21 203 RE +44 21 204 KA +44 21 205 NA +44 21 206 PO +44 21 207 LA +44 21 208 HE +44 21 209 KA +44 21 210 LA +44 21 211 NA +44 21 212 HE +44 21 213 KP +44 21 214 NA +44 21 215 SM +44 21 216 SM +44 21 217 LA +44 21 218 NA +44 21 219 PO +44 21 220 KE +44 21 221 PO +44 21 222 KA +44 21 223 HE +44 21 224 PO +44 21 225 KP +44 21 226 SM +44 21 227 KE +44 21 228 KE +44 21 229 SM +44 21 230 PO +44 21 231 HE +44 21 232 SM +44 21 233 PO +44 21 234 NA +44 21 235 KP +44 21 236 KP +44 21 237 PO +44 21 238 SM +44 21 239 LA +44 21 240 DH +44 21 241 PO +44 21 242 HE +44 21 243 LA +44 21 244 PO +44 21 245 RE +44 21 246 NA +44 21 247 HE +44 21 248 KA +44 21 249 KA +44 21 250 KA +44 21 251 SM +44 21 252 PO +44 21 253 SM +44 21 254 KP +44 21 255 KA +44 21 256 LA +44 21 257 KA +44 21 258 HE +44 21 259 LA +44 21 260 PO +44 21 261 HE +44 21 262 PO +44 21 263 HE +44 21 264 KP +44 21 265 KA +44 21 266 LA +44 21 267 KP +44 21 268 NA +44 21 269 RE +44 21 270 HE +44 21 271 KA +44 21 272 PO +44 21 273 RE +44 21 274 PO +44 21 275 NA +44 21 276 * +44 21 277 KA +44 21 278 HE +44 21 279 NA +44 21 280 KP +44 21 281 NA +44 21 282 KP +44 21 283 DH +44 21 284 PO +44 21 285 LA +44 21 286 PO +44 21 287 KP +44 21 288 RE +44 21 289 NA +44 21 290 PO +44 21 291 NA +44 21 292 HE +44 21 293 PO +44 21 294 PO +44 21 295 DH +44 21 296 NA +44 21 297 HE +44 21 298 LA +44 21 299 NA +44 21 300 PO +44 21 301 HE +44 21 302 PO +44 21 303 PO +44 21 304 KP +44 21 305 KA +44 21 306 NA +44 21 307 NA +44 21 308 NA +44 21 309 KA +44 21 310 NA +44 21 311 KP +44 21 312 KA +44 21 313 NA +44 21 314 PO +44 21 315 HE +44 21 316 HE +44 21 317 RE +44 21 318 HE +44 21 319 PO +44 21 320 KP +44 21 321 RE +44 21 322 PO +44 21 323 KA +44 21 324 PO +44 21 325 RE +44 21 326 HE +44 21 327 PO +44 21 328 KP +44 21 329 * +44 21 330 PO +44 22 1 GU +44 22 2 HA +44 22 3 LA +44 22 4 NA +44 22 5 PI +44 22 6 KW +44 22 7 GU +44 22 8 KW +44 22 9 * +44 22 10 NA +44 22 11 SB +44 22 12 HE +44 22 13 * +44 22 14 CU +44 22 15 CU +44 22 16 SA +44 22 17 LA +44 22 18 SA +44 22 19 * +44 22 20 HA +44 22 21 LA +44 22 22 CI +44 22 23 JE +44 22 24 KA +44 22 25 NA +44 22 26 NA +44 22 27 CI +44 22 28 LA +44 22 29 HA +44 22 30 KK +44 22 31 GU +44 22 32 * +44 22 33 HA +44 22 34 NA +44 22 35 KW +44 22 36 CU +44 22 37 JA +44 22 38 LA +44 22 39 HA +44 22 40 CU +44 22 41 * +44 22 42 HE +44 22 43 NA +44 22 44 SA +44 22 45 HA +44 22 46 CU +44 22 47 JA +44 22 48 HE +44 22 49 PI +44 22 50 SB +44 22 51 SA +44 22 52 BD +44 22 53 KN +44 22 54 HA +44 22 55 NA +44 22 56 KW +44 22 57 NA +44 22 58 ML +44 22 59 CU +44 22 60 SA +44 22 61 KK +44 22 62 SB +44 22 63 GU +44 22 64 NA +44 22 65 LA +44 22 66 SA +44 22 67 HA +44 22 68 KW +44 22 69 CU +44 22 70 KH +44 22 71 KK +44 22 72 HA +44 22 73 NA +44 22 74 CU +44 22 75 SA +44 22 76 GU +44 22 77 HA +44 22 78 GU +44 22 79 SA +44 22 80 GU +44 22 81 CU +44 22 82 HA +44 22 83 CI +44 22 84 GU +44 22 85 HA +44 22 86 HA +44 22 87 SA +44 22 88 CU +44 22 89 * +44 22 90 ML +44 22 91 * +44 22 92 SA +44 22 93 HA +44 22 94 * +44 22 95 * +44 22 96 PI +44 22 97 NA +44 22 98 LA +44 22 99 GU +44 22 100 NA +44 22 101 LA +44 22 102 * +44 22 103 JA +44 22 104 HA +44 22 105 GU +44 22 106 HE +44 22 107 SA +44 22 108 UA +44 22 109 NA +44 22 110 HE +44 22 111 * +44 22 112 LA +44 22 113 * +44 22 114 * +44 22 115 KN +44 22 116 UA +44 22 117 SA +44 22 118 GU +44 22 119 NA +44 22 120 * +44 22 121 GU +44 22 122 HA +44 22 123 NA +44 22 124 CU +44 22 125 LA +44 22 126 LA +44 22 127 * +44 22 128 PX +44 22 129 SA +44 22 130 * +44 22 131 CU +44 22 132 LA +44 22 133 NA +44 22 134 PI +44 22 135 LA +44 22 136 HA +44 22 137 * +44 22 138 CU +44 22 139 SA +44 22 140 * +44 22 141 CI +44 22 142 * +44 22 143 GU +44 22 144 NA +44 22 145 HA +44 22 146 HE +44 22 147 UA +44 22 148 LA +44 22 149 NA +44 22 150 * +44 22 151 KK +44 22 152 GU +44 22 153 CU +44 22 154 * +44 22 155 * +44 22 156 HA +44 22 157 * +44 22 158 SA +44 22 159 NA +44 22 160 GU +44 22 161 HA +44 22 162 LA +44 22 163 * +44 22 164 UA +44 22 165 SA +44 22 166 CU +44 22 167 PU +44 22 168 CU +44 22 169 CU +44 22 170 * +44 22 171 * +44 22 172 SA +44 22 173 LA +44 22 174 HE +44 22 175 * +44 22 176 LA +44 22 177 ML +44 22 178 NA +44 22 179 * +44 22 180 HA +44 22 181 SA +44 22 182 * +44 22 183 * +44 22 184 PW +44 22 185 KW +44 22 186 UA +44 22 187 PI +44 22 188 NA +44 22 189 UA +44 22 190 LA +44 22 191 CU +44 22 192 PU +44 22 193 CU +44 22 194 * +44 22 195 HA +44 22 196 UA +44 22 197 * +44 22 198 * +44 22 199 CI +44 22 200 NA +44 22 201 GU +44 22 202 HA +44 22 203 LA +44 22 204 * +44 22 205 * +44 22 206 HA +44 22 207 * +44 22 208 HE +44 22 209 * +44 22 210 * +44 22 211 UA +44 22 212 * +44 22 213 CU +44 22 214 NA +44 22 215 GU +44 22 216 * +44 22 217 GU +44 22 218 * +44 22 219 SA +44 22 220 NA +44 22 221 PW +44 22 222 NA +44 22 223 HA +44 22 224 * +44 22 225 CU +44 22 226 NA +44 22 227 * +44 22 228 NA +44 22 229 UA +44 22 230 BZ +44 22 231 * +44 22 232 * +44 22 233 * +44 22 234 HA +44 22 235 SI +44 22 236 NA +44 22 237 KW +44 22 238 UA +44 22 239 PW +44 22 240 * +44 22 241 SA +44 22 242 HE +44 22 243 * +44 22 244 UA +44 22 245 RE +44 22 246 HA +44 22 247 NA +44 22 248 * +44 22 249 * +44 22 250 * +44 22 251 HA +44 22 252 SA +44 22 253 UA +44 22 254 * +44 22 255 * +44 22 256 RE +44 22 257 NA +44 22 258 HE +44 22 259 RE +44 22 260 HA +44 22 261 KW +44 22 262 * +44 22 263 * +44 22 264 UA +44 22 265 NA +44 22 266 LA +44 22 267 * +44 22 268 HA +44 22 269 RE +44 22 270 HE +44 22 271 * +44 22 272 * +44 22 273 CU +44 22 274 CI +44 22 275 HE +44 22 276 LA +44 22 277 NA +44 22 278 PI +44 22 279 NA +44 22 280 HA +44 22 281 NA +44 22 282 UA +44 22 283 * +44 22 284 SA +44 22 285 GU +44 22 286 CI +44 22 287 * +44 22 288 LA +44 22 289 UA +44 22 290 * +44 22 291 NA +44 22 292 PU +44 22 293 CU +44 22 294 * +44 22 295 * +44 22 296 NA +44 22 297 HE +44 22 298 LA +44 22 299 PI +44 22 300 * +44 22 301 HA +44 22 302 SA +44 22 303 CU +44 22 304 HA +44 22 305 KN +44 22 306 UA +44 22 307 CU +44 22 308 BZ +44 22 309 LA +44 22 310 HA +44 22 311 NA +44 22 312 * +44 22 313 NA +44 22 314 CI +44 22 315 UA +44 22 316 CU +44 22 317 * +44 22 318 HE +44 22 319 SA +44 22 320 ML +44 22 321 LA +44 22 322 CU +44 22 323 HA +44 22 324 * +44 22 325 HA +44 22 326 PI +44 22 327 SA +44 22 328 ML +44 22 329 * +44 22 330 SA +44 23 1 NA +44 23 2 DH +44 23 3 LA +44 23 4 LA +44 23 5 HX +44 23 6 DH +44 23 7 NA +44 23 8 DH +44 23 9 HE +44 23 10 NA +44 23 11 NA +44 23 12 HE +44 23 13 NA +44 23 14 KE +44 23 15 SA +44 23 16 SA +44 23 17 HE +44 23 18 KE +44 23 19 NA +44 23 20 SM +44 23 21 LA +44 23 22 DH +44 23 23 LA +44 23 24 SA +44 23 25 NA +44 23 26 NA +44 23 27 SA +44 23 28 LA +44 23 29 HX +44 23 30 HE +44 23 31 SA +44 23 32 LA +44 23 33 NA +44 23 34 KE +44 23 35 LA +44 23 36 KE +44 23 37 DH +44 23 38 LA +44 23 39 SM +44 23 40 NA +44 23 41 LA +44 23 42 HE +44 23 43 KE +44 23 44 SA +44 23 45 SM +44 23 46 DH +44 23 47 SM +44 23 48 HE +44 23 49 NA +44 23 50 LA +44 23 51 DH +44 23 52 SA +44 23 53 RE +44 23 54 SM +44 23 55 NA +44 23 56 LA +44 23 57 KE +44 23 58 DH +44 23 59 SA +44 23 60 KE +44 23 61 LA +44 23 62 DH +44 23 63 RE +44 23 64 KE +44 23 65 LA +44 23 66 SA +44 23 67 SM +44 23 68 LA +44 23 69 SM +44 23 70 SA +44 23 71 NA +44 23 72 KE +44 23 73 RE +44 23 74 SA +44 23 75 SM +44 23 76 LA +44 23 77 SM +44 23 78 SA +44 23 79 KE +44 23 80 NA +44 23 81 SM +44 23 82 SM +44 23 83 PO +44 23 84 LA +44 23 85 SM +44 23 86 LA +44 23 87 KE +44 23 88 LA +44 23 89 KE +44 23 90 SM +44 23 91 NA +44 23 92 SA +44 23 93 KE +44 23 94 KE +44 23 95 SA +44 23 96 HE +44 23 97 KE +44 23 98 LA +44 23 99 DH +44 23 100 SM +44 23 101 LA +44 23 102 PO +44 23 103 HE +44 23 104 NA +44 23 105 LA +44 23 106 HE +44 23 107 SA +44 23 108 SA +44 23 109 NA +44 23 110 HE +44 23 111 KE +44 23 112 LA +44 23 113 PO +44 23 114 NA +44 23 115 LA +44 23 116 PO +44 23 117 DH +44 23 118 LA +44 23 119 NA +44 23 120 SA +44 23 121 LA +44 23 122 SM +44 23 123 KE +44 23 124 HE +44 23 125 LA +44 23 126 LA +44 23 127 KE +44 23 128 HE +44 23 129 SA +44 23 130 DH +44 23 131 LA +44 23 132 LA +44 23 133 SM +44 23 134 DH +44 23 135 LA +44 23 136 HX +44 23 137 SM +44 23 138 NA +44 23 139 SA +44 23 140 KE +44 23 141 SA +44 23 142 SA +44 23 143 HE +44 23 144 KE +44 23 145 KE +44 23 146 HE +44 23 147 NA +44 23 148 LA +44 23 149 SM +44 23 150 LA +44 23 151 LA +44 23 152 LA +44 23 153 NA +44 23 154 DH +44 23 155 SA +44 23 156 NA +44 23 157 SA +44 23 158 SA +44 23 159 HE +44 23 160 LA +44 23 161 SM +44 23 162 RE +44 23 163 SM +44 23 164 KE +44 23 165 SM +44 23 166 KE +44 23 167 DH +44 23 168 SM +44 23 169 SM +44 23 170 KE +44 23 171 DH +44 23 172 SA +44 23 173 LA +44 23 174 HE +44 23 175 NA +44 23 176 LA +44 23 177 DH +44 23 178 NA +44 23 179 LA +44 23 180 NA +44 23 181 HE +44 23 182 LA +44 23 183 DH +44 23 184 NA +44 23 185 HE +44 23 186 KE +44 23 187 HE +44 23 188 NA +44 23 189 SA +44 23 190 DH +44 23 191 KE +44 23 192 DH +44 23 193 HE +44 23 194 LA +44 23 195 NA +44 23 196 SM +44 23 197 RE +44 23 198 SA +44 23 199 SA +44 23 200 NA +44 23 201 LA +44 23 202 NA +44 23 203 LA +44 23 204 SA +44 23 205 NA +44 23 206 SA +44 23 207 LA +44 23 208 HE +44 23 209 NA +44 23 210 DH +44 23 211 SM +44 23 212 HE +44 23 213 SA +44 23 214 SM +44 23 215 RE +44 23 216 KE +44 23 217 SA +44 23 218 SM +44 23 219 SA +44 23 220 KE +44 23 221 SA +44 23 222 NA +44 23 223 NA +44 23 224 PO +44 23 225 HE +44 23 226 KE +44 23 227 SA +44 23 228 KE +44 23 229 SM +44 23 230 DH +44 23 231 RE +44 23 232 DH +44 23 233 KE +44 23 234 NA +44 23 235 KE +44 23 236 SM +44 23 237 LA +44 23 238 KE +44 23 239 RE +44 23 240 LA +44 23 241 SA +44 23 242 HE +44 23 243 LA +44 23 244 SA +44 23 245 RE +44 23 246 SM +44 23 247 NA +44 23 248 HX +44 23 249 NA +44 23 250 LA +44 23 251 SM +44 23 252 SA +44 23 253 NA +44 23 254 NA +44 23 255 SA +44 23 256 LA +44 23 257 KE +44 23 258 HE +44 23 259 RE +44 23 260 SA +44 23 261 LA +44 23 262 SA +44 23 263 SA +44 23 264 PO +44 23 265 SM +44 23 266 HE +44 23 267 NA +44 23 268 SM +44 23 269 RE +44 23 270 HE +44 23 271 KE +44 23 272 PO +44 23 273 RE +44 23 274 PO +44 23 275 HE +44 23 276 RE +44 23 277 KE +44 23 278 LA +44 23 279 KE +44 23 280 SM +44 23 281 SM +44 23 282 HE +44 23 283 DH +44 23 284 PO +44 23 285 LA +44 23 286 PO +44 23 287 HE +44 23 288 RE +44 23 289 SM +44 23 290 PO +44 23 291 NA +44 23 292 LA +44 23 293 DH +44 23 294 PO +44 23 295 LA +44 23 296 NA +44 23 297 HE +44 23 298 RE +44 23 299 NA +44 23 300 SA +44 23 301 NA +44 23 302 SA +44 23 303 HX +44 23 304 HE +44 23 305 LA +44 23 306 SM +44 23 307 KE +44 23 308 DH +44 23 309 DH +44 23 310 RE +44 23 311 NA +44 23 312 SA +44 23 313 KE +44 23 314 SA +44 23 315 SM +44 23 316 NA +44 23 317 RE +44 23 318 LA +44 23 319 SA +44 23 320 DH +44 23 321 RE +44 23 322 NA +44 23 323 SM +44 23 324 SA +44 23 325 LA +44 23 326 HE +44 23 327 SA +44 23 328 HE +44 23 329 DH +44 23 330 SA +44 24 1 NA +44 24 2 PO +44 24 3 RE +44 24 4 LA +44 24 5 SM +44 24 6 PH +44 24 7 SM +44 24 8 LA +44 24 9 PH +44 24 10 KE +44 24 11 SM +44 24 12 HE +44 24 13 PH +44 24 14 CU +44 24 15 DH +44 24 16 PO +44 24 17 NA +44 24 18 KE +44 24 19 CU +44 24 20 KS +44 24 21 CU +44 24 22 PO +44 24 23 NA +44 24 24 KE +44 24 25 KE +44 24 26 NA +44 24 27 PO +44 24 28 RE +44 24 29 KE +44 24 30 HE +44 24 31 KE +44 24 32 KO +44 24 33 NA +44 24 34 NA +44 24 35 RE +44 24 36 NA +44 24 37 KE +44 24 38 RE +44 24 39 SM +44 24 40 KE +44 24 41 RE +44 24 42 PH +44 24 43 KE +44 24 44 PO +44 24 45 NA +44 24 46 KE +44 24 47 SM +44 24 48 NA +44 24 49 KE +44 24 50 PH +44 24 51 PH +44 24 52 PO +44 24 53 NA +44 24 54 SM +44 24 55 KE +44 24 56 PH +44 24 57 KE +44 24 58 NA +44 24 59 PH +44 24 60 KE +44 24 61 RE +44 24 62 NA +44 24 63 HE +44 24 64 KE +44 24 65 DH +44 24 66 PO +44 24 67 NA +44 24 68 RE +44 24 69 NA +44 24 70 PO +44 24 71 KE +44 24 72 NA +44 24 73 RE +44 24 74 KS +44 24 75 KE +44 24 76 RE +44 24 77 CU +44 24 78 PO +44 24 79 NA +44 24 80 CU +44 24 81 CU +44 24 82 SM +44 24 83 PO +44 24 84 DH +44 24 85 CU +44 24 86 RE +44 24 87 NA +44 24 88 RE +44 24 89 NA +44 24 90 SM +44 24 91 CU +44 24 92 PO +44 24 93 SM +44 24 94 HA +44 24 95 NA +44 24 96 PH +44 24 97 SZ +44 24 98 RE +44 24 99 DH +44 24 100 NA +44 24 101 RE +44 24 102 SM +44 24 103 CU +44 24 104 KE +44 24 105 RE +44 24 106 PO +44 24 107 PO +44 24 108 NA +44 24 109 KE +44 24 110 PH +44 24 111 KE +44 24 112 RE +44 24 113 PO +44 24 114 KE +44 24 115 NA +44 24 116 SM +44 24 117 KS +44 24 118 RE +44 24 119 SM +44 24 120 PO +44 24 121 RE +44 24 122 CU +44 24 123 SM +44 24 124 HA +44 24 125 RE +44 24 126 RE +44 24 127 NA +44 24 128 PH +44 24 129 PO +44 24 130 KE +44 24 131 NA +44 24 132 RE +44 24 133 KE +44 24 134 HA +44 24 135 LA +44 24 136 NA +44 24 137 SM +44 24 138 KE +44 24 139 PO +44 24 140 NA +44 24 141 PO +44 24 142 DH +44 24 143 NA +44 24 144 CU +44 24 145 NA +44 24 146 PH +44 24 147 NA +44 24 148 RE +44 24 149 SM +44 24 150 HA +44 24 151 RE +44 24 152 PO +44 24 153 KE +44 24 154 KE +44 24 155 NA +44 24 156 KE +44 24 157 PO +44 24 158 PO +44 24 159 DH +44 24 160 PH +44 24 161 KE +44 24 162 RE +44 24 163 SM +44 24 164 CU +44 24 165 SM +44 24 166 KE +44 24 167 HA +44 24 168 KE +44 24 169 KE +44 24 170 CU +44 24 171 SM +44 24 172 PO +44 24 173 RE +44 24 174 HE +44 24 175 KE +44 24 176 LA +44 24 177 HE +44 24 178 KE +44 24 179 RE +44 24 180 NA +44 24 181 PH +44 24 182 LA +44 24 183 PO +44 24 184 NA +44 24 185 HE +44 24 186 NA +44 24 187 HE +44 24 188 NA +44 24 189 SM +44 24 190 NA +44 24 191 SM +44 24 192 PH +44 24 193 CU +44 24 194 RE +44 24 195 SM +44 24 196 PO +44 24 197 CU +44 24 198 KE +44 24 199 PO +44 24 200 NA +44 24 201 PO +44 24 202 NA +44 24 203 PH +44 24 204 KE +44 24 205 NA +44 24 206 PO +44 24 207 HE +44 24 208 PH +44 24 209 KE +44 24 210 NA +44 24 211 KE +44 24 212 HE +44 24 213 PO +44 24 214 SM +44 24 215 PH +44 24 216 KE +44 24 217 PO +44 24 218 NA +44 24 219 PO +44 24 220 NA +44 24 221 NA +44 24 222 NA +44 24 223 HA +44 24 224 PO +44 24 225 SM +44 24 226 KE +44 24 227 KE +44 24 228 CU +44 24 229 SM +44 24 230 PO +44 24 231 RE +44 24 232 NA +44 24 233 HA +44 24 234 NA +44 24 235 KE +44 24 236 CU +44 24 237 HE +44 24 238 SM +44 24 239 RE +44 24 240 LA +44 24 241 PO +44 24 242 PO +44 24 243 RE +44 24 244 PO +44 24 245 LA +44 24 246 KE +44 24 247 NA +44 24 248 SM +44 24 249 SM +44 24 250 NA +44 24 251 CU +44 24 252 PO +44 24 253 NA +44 24 254 KE +44 24 255 NA +44 24 256 HE +44 24 257 NA +44 24 258 HE +44 24 259 RE +44 24 260 PO +44 24 261 HE +44 24 262 PO +44 24 263 NA +44 24 264 NA +44 24 265 SM +44 24 266 RE +44 24 267 NA +44 24 268 SM +44 24 269 RE +44 24 270 HE +44 24 271 NA +44 24 272 PO +44 24 273 HA +44 24 274 PO +44 24 275 NA +44 24 276 LA +44 24 277 SM +44 24 278 DH +44 24 279 CU +44 24 280 SM +44 24 281 CU +44 24 282 SM +44 24 283 NA +44 24 284 PO +44 24 285 HA +44 24 286 PO +44 24 287 NA +44 24 288 RE +44 24 289 KE +44 24 290 PO +44 24 291 NA +44 24 292 DH +44 24 293 NA +44 24 294 PH +44 24 295 CU +44 24 296 NA +44 24 297 HE +44 24 298 RE +44 24 299 NA +44 24 300 PH +44 24 301 SM +44 24 302 PO +44 24 303 NA +44 24 304 SM +44 24 305 RE +44 24 306 NA +44 24 307 KE +44 24 308 NA +44 24 309 HA +44 24 310 KE +44 24 311 NA +44 24 312 KE +44 24 313 CU +44 24 314 PO +44 24 315 SM +44 24 316 NA +44 24 317 RE +44 24 318 HE +44 24 319 PO +44 24 320 NA +44 24 321 RE +44 24 322 KE +44 24 323 SM +44 24 324 PO +44 24 325 NA +44 24 326 HE +44 24 327 KE +44 24 328 CU +44 24 329 NA +44 24 330 PO +44 25 1 NA +44 25 2 RC +44 25 3 HE +44 25 4 CU +44 25 5 NA +44 25 6 RE +44 25 7 NA +44 25 8 KH +44 25 9 RC +44 25 10 SZ +44 25 11 CU +44 25 12 SA +44 25 13 RC +44 25 14 CU +44 25 15 DH +44 25 16 * +44 25 17 LA +44 25 18 KE +44 25 19 NA +44 25 20 SM +44 25 21 LA +44 25 22 * +44 25 23 RE +44 25 24 PS +44 25 25 NA +44 25 26 CU +44 25 27 SA +44 25 28 LA +44 25 29 NA +44 25 30 NA +44 25 31 NA +44 25 32 LA +44 25 33 CU +44 25 34 CU +44 25 35 LA +44 25 36 SM +44 25 37 SA +44 25 38 LA +44 25 39 CU +44 25 40 NA +44 25 41 SA +44 25 42 * +44 25 43 KE +44 25 44 SA +44 25 45 NA +44 25 46 DH +44 25 47 CU +44 25 48 SA +44 25 49 SA +44 25 50 LA +44 25 51 KE +44 25 52 SA +44 25 53 LA +44 25 54 CU +44 25 55 SA +44 25 56 SA +44 25 57 CU +44 25 58 SA +44 25 59 SA +44 25 60 CU +44 25 61 SA +44 25 62 SA +44 25 63 JH +44 25 64 NA +44 25 65 RC +44 25 66 SA +44 25 67 NA +44 25 68 RE +44 25 69 DH +44 25 70 SA +44 25 71 DH +44 25 72 CU +44 25 73 LA +44 25 74 SA +44 25 75 CU +44 25 76 RE +44 25 77 CU +44 25 78 SA +44 25 79 KE +44 25 80 CU +44 25 81 SA +44 25 82 * +44 25 83 SA +44 25 84 SA +44 25 85 CU +44 25 86 SA +44 25 87 KE +44 25 88 LA +44 25 89 KE +44 25 90 KE +44 25 91 SA +44 25 92 SA +44 25 93 CU +44 25 94 KE +44 25 95 SA +44 25 96 SA +44 25 97 KE +44 25 98 LA +44 25 99 SA +44 25 100 SA +44 25 101 LA +44 25 102 SA +44 25 103 DH +44 25 104 SA +44 25 105 LA +44 25 106 SA +44 25 107 SA +44 25 108 SA +44 25 109 CU +44 25 110 SA +44 25 111 KE +44 25 112 LA +44 25 113 KE +44 25 114 CU +44 25 115 RE +44 25 116 SA +44 25 117 KE +44 25 118 RE +44 25 119 NA +44 25 120 SA +44 25 121 SA +44 25 122 NA +44 25 123 CU +44 25 124 SA +44 25 125 LA +44 25 126 LA +44 25 127 KE +44 25 128 SA +44 25 129 SA +44 25 130 KE +44 25 131 LA +44 25 132 SA +44 25 133 CU +44 25 134 KE +44 25 135 LA +44 25 136 NA +44 25 137 KE +44 25 138 SA +44 25 139 SA +44 25 140 NA +44 25 141 SA +44 25 142 SA +44 25 143 KE +44 25 144 CU +44 25 145 NA +44 25 146 SA +44 25 147 NA +44 25 148 HE +44 25 149 SA +44 25 150 KE +44 25 151 NA +44 25 152 NA +44 25 153 CU +44 25 154 KE +44 25 155 KE +44 25 156 NA +44 25 157 KE +44 25 158 SA +44 25 159 SA +44 25 160 SA +44 25 161 NA +44 25 162 HE +44 25 163 NA +44 25 164 NA +44 25 165 KE +44 25 166 KE +44 25 167 SA +44 25 168 NA +44 25 169 NA +44 25 170 KE +44 25 171 SA +44 25 172 SA +44 25 173 LA +44 25 174 SA +44 25 175 SA +44 25 176 LA +44 25 177 SA +44 25 178 NA +44 25 179 HE +44 25 180 NA +44 25 181 DH +44 25 182 KE +44 25 183 DH +44 25 184 CU +44 25 185 LA +44 25 186 NA +44 25 187 RE +44 25 188 NA +44 25 189 SA +44 25 190 DH +44 25 191 NA +44 25 192 HE +44 25 193 SA +44 25 194 RE +44 25 195 NA +44 25 196 SA +44 25 197 HE +44 25 198 KA +44 25 199 SA +44 25 200 SA +44 25 201 HE +44 25 202 NA +44 25 203 LA +44 25 204 KE +44 25 205 NA +44 25 206 SA +44 25 207 LA +44 25 208 DH +44 25 209 NA +44 25 210 DH +44 25 211 NA +44 25 212 HE +44 25 213 SA +44 25 214 HE +44 25 215 * +44 25 216 KE +44 25 217 SA +44 25 218 HE +44 25 219 SA +44 25 220 NA +44 25 221 SA +44 25 222 NA +44 25 223 CU +44 25 224 SA +44 25 225 SA +44 25 226 CU +44 25 227 KE +44 25 228 SM +44 25 229 SA +44 25 230 SA +44 25 231 LA +44 25 232 DH +44 25 233 SA +44 25 234 CU +44 25 235 SM +44 25 236 SA +44 25 237 SA +44 25 238 SM +44 25 239 KD +44 25 240 * +44 25 241 SA +44 25 242 DH +44 25 243 CU +44 25 244 SA +44 25 245 NA +44 25 246 CU +44 25 247 SA +44 25 248 KE +44 25 249 NA +44 25 250 CU +44 25 251 SA +44 25 252 SA +44 25 253 NA +44 25 254 SA +44 25 255 KE +44 25 256 LA +44 25 257 CU +44 25 258 RE +44 25 259 LA +44 25 260 KH +44 25 261 LA +44 25 262 KH +44 25 263 DH +44 25 264 SA +44 25 265 CU +44 25 266 DH +44 25 267 LA +44 25 268 SM +44 25 269 LA +44 25 270 KH +44 25 271 CU +44 25 272 SA +44 25 273 DH +44 25 274 SA +44 25 275 KH +44 25 276 LA +44 25 277 CU +44 25 278 LA +44 25 279 SM +44 25 280 KH +44 25 281 CU +44 25 282 KH +44 25 283 KE +44 25 284 SA +44 25 285 DH +44 25 286 SA +44 25 287 DH +44 25 288 LA +44 25 289 CU +44 25 290 SA +44 25 291 NA +44 25 292 SA +44 25 293 SA +44 25 294 SA +44 25 295 DH +44 25 296 CU +44 25 297 RE +44 25 298 LA +44 25 299 CU +44 25 300 KH +44 25 301 SM +44 25 302 SA +44 25 303 SA +44 25 304 DH +44 25 305 LA +44 25 306 SA +44 25 307 CU +44 25 308 SA +44 25 309 KE +44 25 310 CU +44 25 311 KE +44 25 312 KE +44 25 313 NA +44 25 314 SA +44 25 315 NA +44 25 316 SA +44 25 317 RE +44 25 318 RE +44 25 319 SA +44 25 320 DH +44 25 321 LA +44 25 322 SA +44 25 323 CU +44 25 324 SA +44 25 325 LA +44 25 326 SA +44 25 327 SA +44 25 328 CU +44 25 329 HE +44 25 330 SA +45 1 1 A +45 1 2 Y +45 1 3 TSA +45 1 4 I +45 1 5 Y +45 1 6 M +45 1 7 Y +45 1 8 I +45 1 9 TSO +45 1 10 A +45 1 11 Y +45 1 12 M +45 1 13 Y +45 1 14 A +45 1 15 I +45 1 16 O +45 1 17 TSA +45 1 18 T +45 1 19 A +45 1 20 Y +45 1 21 TSA +45 1 22 M +45 1 23 I +45 1 24 TSO +45 1 25 A +45 1 26 A +45 1 27 O +45 1 28 TSA +45 1 29 Y +45 1 30 TSO +45 1 31 A +45 1 32 I +45 1 33 Y +45 1 34 A +45 1 35 TSA +45 1 36 Y +45 1 37 A +45 1 38 I +45 1 39 Y +45 1 40 A +45 1 41 TSA +45 1 42 M +45 1 43 A +45 1 44 O +45 1 45 Y +45 1 46 T +45 1 47 Y +45 1 48 M +45 1 49 A +45 1 50 I +45 1 51 TSO +45 1 52 O +45 1 53 I +45 1 54 Y +45 1 55 A +45 1 56 TSA +45 1 57 A +45 1 58 TSO +45 1 59 I +45 1 60 A +45 1 61 TSA +45 1 62 I +45 1 63 TSA +45 1 64 A +45 1 65 TSA +45 1 66 O +45 1 67 Y +45 1 68 I +45 1 69 Y +45 1 70 I +45 1 71 I +45 1 72 Y +45 1 73 I +45 1 74 A +45 1 75 Y +45 1 76 M +45 1 77 A +45 1 78 I +45 1 79 T +45 1 80 A +45 1 81 Y +45 1 82 Y +45 1 83 M +45 1 84 TSA +45 1 85 Y +45 1 86 I +45 1 87 T +45 1 88 I +45 1 89 T +45 1 90 Y +45 1 91 Y +45 1 92 O +45 1 93 A +45 1 94 T +45 1 95 Y +45 1 96 M +45 1 97 I +45 1 98 TSA +45 1 99 I +45 1 100 Y +45 1 101 I +45 1 102 I +45 1 103 TSO +45 1 104 A +45 1 105 I +45 1 106 M +45 1 107 O +45 1 108 Y +45 1 109 A +45 1 110 M +45 1 111 Y +45 1 112 TSA +45 1 113 T +45 1 114 Y +45 1 115 TSA +45 1 116 A +45 1 117 TSO +45 1 118 TSA +45 1 119 Y +45 1 120 O +45 1 121 TSA +45 1 122 Y +45 1 123 A +45 1 124 Y +45 1 125 M +45 1 126 TSA +45 1 127 Y +45 1 128 M +45 1 129 O +45 1 130 Y +45 1 131 I +45 1 132 TSA +45 1 133 Y +45 1 134 TSO +45 1 135 I +45 1 136 Y +45 1 137 Y +45 1 138 A +45 1 139 I +45 1 140 A +45 1 141 O +45 1 142 I +45 1 143 Y +45 1 144 I +45 1 145 Y +45 1 146 M +45 1 147 Y +45 1 148 TSA +45 1 149 Y +45 1 150 I +45 1 151 TSA +45 1 152 I +45 1 153 A +45 1 154 T +45 1 155 TSO +45 1 156 Y +45 1 157 TSO +45 1 158 O +45 1 159 M +45 1 160 TSA +45 1 161 Y +45 1 162 TSA +45 1 163 Y +45 1 164 A +45 1 165 Y +45 1 166 A +45 1 167 I +45 1 168 Y +45 1 169 A +45 1 170 Y +45 1 171 Y +45 1 172 O +45 1 173 TSA +45 1 174 M +45 1 175 A +45 1 176 TSA +45 1 177 Y +45 1 178 A +45 1 179 I +45 1 180 Y +45 1 181 TSO +45 1 182 I +45 1 183 TSO +45 1 184 I +45 1 185 TSO +45 1 186 A +45 1 187 M +45 1 188 A +45 1 189 A +45 1 190 TSA +45 1 191 Y +45 1 192 I +45 1 193 Y +45 1 194 I +45 1 195 Y +45 1 196 Y +45 1 197 I +45 1 198 T +45 1 199 Y +45 1 200 A +45 1 201 TSA +45 1 202 Y +45 1 203 I +45 1 204 TSO +45 1 205 I +45 1 206 Y +45 1 207 I +45 1 208 TSO +45 1 209 Y +45 1 210 TSO +45 1 211 A +45 1 212 M +45 1 213 I +45 1 214 Y +45 1 215 I +45 1 216 Y +45 1 217 TSA +45 1 218 Y +45 1 219 Y +45 1 220 A +45 1 221 Y +45 1 222 I +45 1 223 Y +45 1 224 O +45 1 225 Y +45 1 226 A +45 1 227 T +45 1 228 A +45 1 229 Y +45 1 230 O +45 1 231 I +45 1 232 TSO +45 1 233 I +45 1 234 Y +45 1 235 A +45 1 236 Y +45 1 237 TSA +45 1 238 Y +45 1 239 TSA +45 1 240 TSO +45 1 241 O +45 1 242 M +45 1 243 I +45 1 244 A +45 1 245 TSA +45 1 246 Y +45 1 247 I +45 1 248 Y +45 1 249 Y +45 1 250 I +45 1 251 Y +45 1 252 O +45 1 253 Y +45 1 254 A +45 1 255 T +45 1 256 TSA +45 1 257 A +45 1 258 M +45 1 259 TSA +45 1 260 Y +45 1 261 M +45 1 262 O +45 1 263 T +45 1 264 A +45 1 265 Y +45 1 266 TSO +45 1 267 I +45 1 268 Y +45 1 269 I +45 1 270 M +45 1 271 Y +45 1 272 O +45 1 273 I +45 1 274 O +45 1 275 Y +45 1 276 I +45 1 277 A +45 1 278 TSA +45 1 279 A +45 1 280 Y +45 1 281 Y +45 1 282 Y +45 1 283 TSO +45 1 284 O +45 1 285 TSA +45 1 286 O +45 1 287 TSO +45 1 288 TSA +45 1 289 Y +45 1 290 O +45 1 291 A +45 1 292 TSA +45 1 293 Y +45 1 294 O +45 1 295 TSO +45 1 296 I +45 1 297 M +45 1 298 TSA +45 1 299 Y +45 1 300 T +45 1 301 Y +45 1 302 O +45 1 303 A +45 1 304 Y +45 1 305 I +45 1 306 Y +45 1 307 A +45 1 308 I +45 1 309 T +45 1 310 Y +45 1 311 A +45 1 312 T +45 1 313 I +45 1 314 O +45 1 315 Y +45 1 316 Y +45 1 317 I +45 1 318 TSA +45 1 319 O +45 1 320 Y +45 1 321 TSA +45 1 322 A +45 1 323 Y +45 1 324 O +45 1 325 I +45 1 326 M +45 1 327 O +45 1 328 Y +45 1 329 TSO +45 1 330 Y +45 2 1 A +45 2 2 Y +45 2 3 TSA +45 2 4 I +45 2 5 Y +45 2 6 M +45 2 7 Y +45 2 8 I +45 2 9 TSO +45 2 10 Y +45 2 11 A +45 2 12 M +45 2 13 Y +45 2 14 A +45 2 15 I +45 2 16 O +45 2 17 TSA +45 2 18 T +45 2 19 A +45 2 20 Y +45 2 21 TSA +45 2 22 M +45 2 23 MO +45 2 24 T +45 2 25 Y +45 2 26 A +45 2 27 O +45 2 28 I +45 2 29 Y +45 2 30 TSO +45 2 31 Y +45 2 32 MO +45 2 33 Y +45 2 34 A +45 2 35 M +45 2 36 Y +45 2 37 A +45 2 38 TSA +45 2 39 Y +45 2 40 A +45 2 41 TSA +45 2 42 M +45 2 43 A +45 2 44 M +45 2 45 Y +45 2 46 T +45 2 47 Y +45 2 48 M +45 2 49 A +45 2 50 MO +45 2 51 TSO +45 2 52 Y +45 2 53 I +45 2 54 Y +45 2 55 A +45 2 56 M +45 2 57 Y +45 2 58 M +45 2 59 I +45 2 60 Y +45 2 61 TSA +45 2 62 MO +45 2 63 I +45 2 64 A +45 2 65 TSA +45 2 66 M +45 2 67 Y +45 2 68 I +45 2 69 Y +45 2 70 I +45 2 71 MO +45 2 72 Y +45 2 73 MO +45 2 74 A +45 2 75 Y +45 2 76 TSA +45 2 77 A +45 2 78 I +45 2 79 T +45 2 80 A +45 2 81 Y +45 2 82 Y +45 2 83 M +45 2 84 TSA +45 2 85 Y +45 2 86 I +45 2 87 T +45 2 88 MO +45 2 89 T +45 2 90 Y +45 2 91 Y +45 2 92 M +45 2 93 A +45 2 94 Y +45 2 95 Y +45 2 96 M +45 2 97 MO +45 2 98 TSA +45 2 99 MO +45 2 100 Y +45 2 101 MO +45 2 102 A +45 2 103 Y +45 2 104 A +45 2 105 MO +45 2 106 M +45 2 107 O +45 2 108 Y +45 2 109 A +45 2 110 M +45 2 111 Y +45 2 112 TSA +45 2 113 TSO +45 2 114 Y +45 2 115 TSA +45 2 116 A +45 2 117 TSO +45 2 118 I +45 2 119 Y +45 2 120 O +45 2 121 TSA +45 2 122 Y +45 2 123 A +45 2 124 Y +45 2 125 TSA +45 2 126 I +45 2 127 Y +45 2 128 M +45 2 129 I +45 2 130 Y +45 2 131 MO +45 2 132 TSA +45 2 133 Y +45 2 134 TSO +45 2 135 MO +45 2 136 Y +45 2 137 Y +45 2 138 A +45 2 139 I +45 2 140 A +45 2 141 O +45 2 142 O +45 2 143 Y +45 2 144 MO +45 2 145 Y +45 2 146 M +45 2 147 Y +45 2 148 TSA +45 2 149 Y +45 2 150 MO +45 2 151 M +45 2 152 I +45 2 153 A +45 2 154 T +45 2 155 TSO +45 2 156 Y +45 2 157 TSO +45 2 158 O +45 2 159 M +45 2 160 I +45 2 161 Y +45 2 162 TSA +45 2 163 Y +45 2 164 A +45 2 165 Y +45 2 166 A +45 2 167 I +45 2 168 Y +45 2 169 A +45 2 170 Y +45 2 171 Y +45 2 172 O +45 2 173 TSA +45 2 174 M +45 2 175 Y +45 2 176 TSA +45 2 177 M +45 2 178 A +45 2 179 TSA +45 2 180 Y +45 2 181 M +45 2 182 MO +45 2 183 TSO +45 2 184 MO +45 2 185 M +45 2 186 Y +45 2 187 M +45 2 188 A +45 2 189 A +45 2 190 I +45 2 191 Y +45 2 192 MO +45 2 193 M +45 2 194 TSO +45 2 195 Y +45 2 196 Y +45 2 197 MO +45 2 198 T +45 2 199 Y +45 2 200 A +45 2 201 I +45 2 202 Y +45 2 203 TSA +45 2 204 TSO +45 2 205 MO +45 2 206 Y +45 2 207 TSA +45 2 208 M +45 2 209 Y +45 2 210 TSO +45 2 211 A +45 2 212 M +45 2 213 MO +45 2 214 M +45 2 215 I +45 2 216 Y +45 2 217 I +45 2 218 Y +45 2 219 Y +45 2 220 MO +45 2 221 Y +45 2 222 MO +45 2 223 Y +45 2 224 I +45 2 225 Y +45 2 226 A +45 2 227 T +45 2 228 A +45 2 229 Y +45 2 230 I +45 2 231 MO +45 2 232 Y +45 2 233 MO +45 2 234 Y +45 2 235 A +45 2 236 Y +45 2 237 M +45 2 238 Y +45 2 239 TSA +45 2 240 TSO +45 2 241 O +45 2 242 M +45 2 243 MO +45 2 244 A +45 2 245 TSA +45 2 246 Y +45 2 247 MO +45 2 248 Y +45 2 249 Y +45 2 250 MO +45 2 251 Y +45 2 252 I +45 2 253 Y +45 2 254 A +45 2 255 T +45 2 256 TSA +45 2 257 A +45 2 258 M +45 2 259 TSA +45 2 260 Y +45 2 261 M +45 2 262 O +45 2 263 T +45 2 264 A +45 2 265 Y +45 2 266 TSA +45 2 267 MO +45 2 268 Y +45 2 269 MO +45 2 270 M +45 2 271 Y +45 2 272 O +45 2 273 MO +45 2 274 O +45 2 275 Y +45 2 276 TSA +45 2 277 A +45 2 278 M +45 2 279 MO +45 2 280 Y +45 2 281 Y +45 2 282 Y +45 2 283 TSO +45 2 284 O +45 2 285 I +45 2 286 O +45 2 287 TSO +45 2 288 M +45 2 289 Y +45 2 290 I +45 2 291 A +45 2 292 I +45 2 293 Y +45 2 294 O +45 2 295 TSO +45 2 296 MO +45 2 297 M +45 2 298 TSA +45 2 299 Y +45 2 300 O +45 2 301 Y +45 2 302 M +45 2 303 A +45 2 304 Y +45 2 305 MO +45 2 306 Y +45 2 307 A +45 2 308 MO +45 2 309 Y +45 2 310 Y +45 2 311 A +45 2 312 T +45 2 313 MO +45 2 314 O +45 2 315 Y +45 2 316 Y +45 2 317 MO +45 2 318 M +45 2 319 O +45 2 320 Y +45 2 321 TSA +45 2 322 A +45 2 323 Y +45 2 324 O +45 2 325 MO +45 2 326 M +45 2 327 A +45 2 328 Y +45 2 329 TSO +45 2 330 Y +45 3 1 A +45 3 2 Y +45 3 3 TSA +45 3 4 MO +45 3 5 Y +45 3 6 M +45 3 7 Y +45 3 8 TSA +45 3 9 TSO +45 3 10 A +45 3 11 Y +45 3 12 M +45 3 13 Y +45 3 14 T +45 3 15 I +45 3 16 O +45 3 17 TSA +45 3 18 T +45 3 19 A +45 3 20 Y +45 3 21 TSA +45 3 22 M +45 3 23 MO +45 3 24 TSO +45 3 25 A +45 3 26 A +45 3 27 O +45 3 28 I +45 3 29 Y +45 3 30 TSO +45 3 31 Y +45 3 32 I +45 3 33 Y +45 3 34 A +45 3 35 TSA +45 3 36 Y +45 3 37 A +45 3 38 TSA +45 3 39 Y +45 3 40 A +45 3 41 TSA +45 3 42 M +45 3 43 A +45 3 44 O +45 3 45 Y +45 3 46 T +45 3 47 Y +45 3 48 M +45 3 49 A +45 3 50 MO +45 3 51 TSO +45 3 52 O +45 3 53 MO +45 3 54 Y +45 3 55 A +45 3 56 I +45 3 57 A +45 3 58 TSO +45 3 59 I +45 3 60 Y +45 3 61 TSA +45 3 62 MO +45 3 63 I +45 3 64 A +45 3 65 TSA +45 3 66 O +45 3 67 Y +45 3 68 I +45 3 69 Y +45 3 70 O +45 3 71 MO +45 3 72 Y +45 3 73 MO +45 3 74 Y +45 3 75 Y +45 3 76 TSO +45 3 77 A +45 3 78 I +45 3 79 T +45 3 80 A +45 3 81 Y +45 3 82 Y +45 3 83 M +45 3 84 I +45 3 85 Y +45 3 86 I +45 3 87 T +45 3 88 MO +45 3 89 T +45 3 90 Y +45 3 91 M +45 3 92 O +45 3 93 A +45 3 94 TSO +45 3 95 O +45 3 96 M +45 3 97 MO +45 3 98 TSA +45 3 99 MO +45 3 100 Y +45 3 101 TSA +45 3 102 Y +45 3 103 TSO +45 3 104 A +45 3 105 MO +45 3 106 M +45 3 107 O +45 3 108 Y +45 3 109 A +45 3 110 M +45 3 111 Y +45 3 112 TSA +45 3 113 T +45 3 114 Y +45 3 115 TSA +45 3 116 A +45 3 117 TSO +45 3 118 I +45 3 119 Y +45 3 120 O +45 3 121 I +45 3 122 Y +45 3 123 A +45 3 124 M +45 3 125 M +45 3 126 I +45 3 127 Y +45 3 128 M +45 3 129 O +45 3 130 T +45 3 131 MO +45 3 132 TSA +45 3 133 Y +45 3 134 TSO +45 3 135 MO +45 3 136 Y +45 3 137 Y +45 3 138 A +45 3 139 O +45 3 140 A +45 3 141 O +45 3 142 O +45 3 143 Y +45 3 144 MO +45 3 145 Y +45 3 146 M +45 3 147 Y +45 3 148 TSA +45 3 149 Y +45 3 150 MO +45 3 151 I +45 3 152 MO +45 3 153 A +45 3 154 T +45 3 155 TSO +45 3 156 Y +45 3 157 TSO +45 3 158 O +45 3 159 M +45 3 160 I +45 3 161 Y +45 3 162 TSA +45 3 163 Y +45 3 164 A +45 3 165 Y +45 3 166 A +45 3 167 MO +45 3 168 Y +45 3 169 A +45 3 170 Y +45 3 171 Y +45 3 172 O +45 3 173 I +45 3 174 M +45 3 175 Y +45 3 176 TSA +45 3 177 M +45 3 178 A +45 3 179 TSA +45 3 180 Y +45 3 181 TSO +45 3 182 MO +45 3 183 TSO +45 3 184 MO +45 3 185 TSO +45 3 186 Y +45 3 187 M +45 3 188 A +45 3 189 Y +45 3 190 I +45 3 191 Y +45 3 192 MO +45 3 193 M +45 3 194 TSA +45 3 195 Y +45 3 196 Y +45 3 197 MO +45 3 198 T +45 3 199 O +45 3 200 A +45 3 201 I +45 3 202 Y +45 3 203 MO +45 3 204 TSO +45 3 205 MO +45 3 206 O +45 3 207 TSA +45 3 208 TSO +45 3 209 Y +45 3 210 TSO +45 3 211 A +45 3 212 M +45 3 213 MO +45 3 214 M +45 3 215 MO +45 3 216 Y +45 3 217 I +45 3 218 M +45 3 219 Y +45 3 220 A +45 3 221 Y +45 3 222 MO +45 3 223 Y +45 3 224 O +45 3 225 M +45 3 226 Y +45 3 227 T +45 3 228 A +45 3 229 Y +45 3 230 I +45 3 231 MO +45 3 232 TSO +45 3 233 MO +45 3 234 Y +45 3 235 A +45 3 236 Y +45 3 237 I +45 3 238 Y +45 3 239 I +45 3 240 TSO +45 3 241 O +45 3 242 M +45 3 243 MO +45 3 244 Y +45 3 245 TSA +45 3 246 Y +45 3 247 MO +45 3 248 Y +45 3 249 Y +45 3 250 MO +45 3 251 Y +45 3 252 O +45 3 253 Y +45 3 254 A +45 3 255 T +45 3 256 I +45 3 257 A +45 3 258 M +45 3 259 TSA +45 3 260 M +45 3 261 TSO +45 3 262 O +45 3 263 T +45 3 264 A +45 3 265 Y +45 3 266 TSO +45 3 267 MO +45 3 268 Y +45 3 269 MO +45 3 270 M +45 3 271 Y +45 3 272 O +45 3 273 MO +45 3 274 O +45 3 275 M +45 3 276 TSA +45 3 277 A +45 3 278 I +45 3 279 A +45 3 280 Y +45 3 281 Y +45 3 282 Y +45 3 283 TSO +45 3 284 O +45 3 285 I +45 3 286 O +45 3 287 TSO +45 3 288 TSA +45 3 289 Y +45 3 290 O +45 3 291 A +45 3 292 I +45 3 293 Y +45 3 294 O +45 3 295 TSO +45 3 296 MO +45 3 297 M +45 3 298 TSA +45 3 299 Y +45 3 300 T +45 3 301 Y +45 3 302 O +45 3 303 Y +45 3 304 Y +45 3 305 MO +45 3 306 Y +45 3 307 A +45 3 308 MO +45 3 309 TSO +45 3 310 Y +45 3 311 A +45 3 312 T +45 3 313 MO +45 3 314 O +45 3 315 Y +45 3 316 Y +45 3 317 MO +45 3 318 M +45 3 319 O +45 3 320 Y +45 3 321 TSA +45 3 322 A +45 3 323 Y +45 3 324 O +45 3 325 MO +45 3 326 M +45 3 327 Y +45 3 328 Y +45 3 329 TSO +45 3 330 O +45 4 1 A +45 4 2 Y +45 4 3 TSA +45 4 4 MO +45 4 5 Y +45 4 6 M +45 4 7 Y +45 4 8 MO +45 4 9 TSO +45 4 10 A +45 4 11 Y +45 4 12 M +45 4 13 Y +45 4 14 Y +45 4 15 I +45 4 16 O +45 4 17 TSA +45 4 18 T +45 4 19 A +45 4 20 Y +45 4 21 TSA +45 4 22 M +45 4 23 MO +45 4 24 TSO +45 4 25 A +45 4 26 A +45 4 27 O +45 4 28 TSA +45 4 29 Y +45 4 30 TSO +45 4 31 A +45 4 32 MO +45 4 33 Y +45 4 34 A +45 4 35 TSA +45 4 36 Y +45 4 37 A +45 4 38 TSA +45 4 39 Y +45 4 40 A +45 4 41 TSA +45 4 42 TSO +45 4 43 A +45 4 44 O +45 4 45 Y +45 4 46 T +45 4 47 T +45 4 48 M +45 4 49 A +45 4 50 MO +45 4 51 TSO +45 4 52 O +45 4 53 MO +45 4 54 Y +45 4 55 A +45 4 56 I +45 4 57 A +45 4 58 TSO +45 4 59 I +45 4 60 T +45 4 61 TSA +45 4 62 MO +45 4 63 I +45 4 64 A +45 4 65 TSA +45 4 66 O +45 4 67 Y +45 4 68 MO +45 4 69 Y +45 4 70 MO +45 4 71 MO +45 4 72 Y +45 4 73 MO +45 4 74 A +45 4 75 Y +45 4 76 M +45 4 77 A +45 4 78 MO +45 4 79 T +45 4 80 A +45 4 81 Y +45 4 82 A +45 4 83 M +45 4 84 I +45 4 85 Y +45 4 86 MO +45 4 87 T +45 4 88 MO +45 4 89 T +45 4 90 A +45 4 91 Y +45 4 92 O +45 4 93 A +45 4 94 T +45 4 95 O +45 4 96 M +45 4 97 MO +45 4 98 TSA +45 4 99 MO +45 4 100 Y +45 4 101 MO +45 4 102 MO +45 4 103 TSO +45 4 104 A +45 4 105 MO +45 4 106 M +45 4 107 O +45 4 108 Y +45 4 109 A +45 4 110 M +45 4 111 Y +45 4 112 TSA +45 4 113 T +45 4 114 Y +45 4 115 MO +45 4 116 A +45 4 117 TSO +45 4 118 I +45 4 119 Y +45 4 120 O +45 4 121 M +45 4 122 I +45 4 123 A +45 4 124 M +45 4 125 M +45 4 126 I +45 4 127 T +45 4 128 M +45 4 129 O +45 4 130 Y +45 4 131 MO +45 4 132 M +45 4 133 Y +45 4 134 TSO +45 4 135 MO +45 4 136 Y +45 4 137 Y +45 4 138 A +45 4 139 O +45 4 140 A +45 4 141 O +45 4 142 O +45 4 143 Y +45 4 144 MO +45 4 145 Y +45 4 146 M +45 4 147 Y +45 4 148 TSA +45 4 149 Y +45 4 150 MO +45 4 151 TSA +45 4 152 MO +45 4 153 A +45 4 154 T +45 4 155 TSO +45 4 156 Y +45 4 157 TSO +45 4 158 O +45 4 159 M +45 4 160 TSA +45 4 161 Y +45 4 162 TSA +45 4 163 Y +45 4 164 A +45 4 165 Y +45 4 166 A +45 4 167 MO +45 4 168 Y +45 4 169 A +45 4 170 Y +45 4 171 Y +45 4 172 O +45 4 173 TSA +45 4 174 M +45 4 175 A +45 4 176 TSA +45 4 177 M +45 4 178 A +45 4 179 MO +45 4 180 Y +45 4 181 M +45 4 182 MO +45 4 183 M +45 4 184 MO +45 4 185 TSO +45 4 186 A +45 4 187 M +45 4 188 A +45 4 189 A +45 4 190 I +45 4 191 Y +45 4 192 MO +45 4 193 M +45 4 194 MO +45 4 195 Y +45 4 196 Y +45 4 197 MO +45 4 198 T +45 4 199 Y +45 4 200 A +45 4 201 I +45 4 202 Y +45 4 203 MO +45 4 204 TSO +45 4 205 MO +45 4 206 Y +45 4 207 TSA +45 4 208 TSO +45 4 209 Y +45 4 210 TSO +45 4 211 A +45 4 212 M +45 4 213 MO +45 4 214 M +45 4 215 MO +45 4 216 Y +45 4 217 I +45 4 218 M +45 4 219 Y +45 4 220 A +45 4 221 Y +45 4 222 MO +45 4 223 Y +45 4 224 O +45 4 225 M +45 4 226 A +45 4 227 T +45 4 228 A +45 4 229 Y +45 4 230 I +45 4 231 MO +45 4 232 TSO +45 4 233 A +45 4 234 Y +45 4 235 A +45 4 236 Y +45 4 237 I +45 4 238 Y +45 4 239 I +45 4 240 TSO +45 4 241 O +45 4 242 M +45 4 243 MO +45 4 244 O +45 4 245 TSA +45 4 246 Y +45 4 247 MO +45 4 248 Y +45 4 249 Y +45 4 250 MO +45 4 251 Y +45 4 252 O +45 4 253 Y +45 4 254 A +45 4 255 T +45 4 256 TSA +45 4 257 A +45 4 258 M +45 4 259 TSA +45 4 260 M +45 4 261 M +45 4 262 O +45 4 263 T +45 4 264 A +45 4 265 Y +45 4 266 M +45 4 267 MO +45 4 268 Y +45 4 269 M +45 4 270 M +45 4 271 Y +45 4 272 O +45 4 273 MO +45 4 274 O +45 4 275 M +45 4 276 TSA +45 4 277 A +45 4 278 I +45 4 279 A +45 4 280 Y +45 4 281 Y +45 4 282 Y +45 4 283 TSO +45 4 284 O +45 4 285 I +45 4 286 O +45 4 287 TSO +45 4 288 TSA +45 4 289 A +45 4 290 O +45 4 291 A +45 4 292 I +45 4 293 Y +45 4 294 O +45 4 295 TSO +45 4 296 MO +45 4 297 M +45 4 298 TSA +45 4 299 Y +45 4 300 T +45 4 301 Y +45 4 302 O +45 4 303 A +45 4 304 Y +45 4 305 MO +45 4 306 Y +45 4 307 A +45 4 308 MO +45 4 309 TSO +45 4 310 Y +45 4 311 A +45 4 312 T +45 4 313 MO +45 4 314 O +45 4 315 Y +45 4 316 Y +45 4 317 MO +45 4 318 M +45 4 319 O +45 4 320 Y +45 4 321 TSA +45 4 322 A +45 4 323 Y +45 4 324 O +45 4 325 MO +45 4 326 M +45 4 327 A +45 4 328 Y +45 4 329 TSO +45 4 330 A +45 5 1 A +45 5 2 Y +45 5 3 TSA +45 5 4 MO +45 5 5 Y +45 5 6 M +45 5 7 Y +45 5 8 TSA +45 5 9 TSO +45 5 10 A +45 5 11 Y +45 5 12 M +45 5 13 Y +45 5 14 A +45 5 15 I +45 5 16 O +45 5 17 TSA +45 5 18 T +45 5 19 A +45 5 20 Y +45 5 21 TSA +45 5 22 M +45 5 23 MO +45 5 24 TSO +45 5 25 Y +45 5 26 A +45 5 27 O +45 5 28 TSA +45 5 29 Y +45 5 30 M +45 5 31 Y +45 5 32 I +45 5 33 Y +45 5 34 A +45 5 35 M +45 5 36 Y +45 5 37 A +45 5 38 TSA +45 5 39 Y +45 5 40 A +45 5 41 TSA +45 5 42 M +45 5 43 A +45 5 44 O +45 5 45 Y +45 5 46 T +45 5 47 Y +45 5 48 M +45 5 49 A +45 5 50 MO +45 5 51 TSO +45 5 52 O +45 5 53 TSA +45 5 54 Y +45 5 55 A +45 5 56 I +45 5 57 A +45 5 58 M +45 5 59 I +45 5 60 Y +45 5 61 TSA +45 5 62 MO +45 5 63 I +45 5 64 A +45 5 65 TSA +45 5 66 O +45 5 67 Y +45 5 68 I +45 5 69 Y +45 5 70 O +45 5 71 MO +45 5 72 Y +45 5 73 MO +45 5 74 Y +45 5 75 Y +45 5 76 M +45 5 77 A +45 5 78 I +45 5 79 T +45 5 80 A +45 5 81 Y +45 5 82 Y +45 5 83 M +45 5 84 M +45 5 85 Y +45 5 86 I +45 5 87 T +45 5 88 MO +45 5 89 T +45 5 90 Y +45 5 91 M +45 5 92 O +45 5 93 A +45 5 94 TSO +45 5 95 O +45 5 96 M +45 5 97 MO +45 5 98 TSA +45 5 99 MO +45 5 100 Y +45 5 101 TSA +45 5 102 Y +45 5 103 M +45 5 104 A +45 5 105 MO +45 5 106 M +45 5 107 O +45 5 108 O +45 5 109 A +45 5 110 M +45 5 111 Y +45 5 112 TSA +45 5 113 T +45 5 114 Y +45 5 115 TSA +45 5 116 Y +45 5 117 TSO +45 5 118 TSA +45 5 119 Y +45 5 120 O +45 5 121 TSA +45 5 122 Y +45 5 123 Y +45 5 124 M +45 5 125 M +45 5 126 I +45 5 127 T +45 5 128 M +45 5 129 O +45 5 130 TSO +45 5 131 MO +45 5 132 TSA +45 5 133 Y +45 5 134 TSO +45 5 135 TSA +45 5 136 Y +45 5 137 Y +45 5 138 A +45 5 139 O +45 5 140 A +45 5 141 O +45 5 142 O +45 5 143 M +45 5 144 MO +45 5 145 Y +45 5 146 M +45 5 147 Y +45 5 148 TSA +45 5 149 Y +45 5 150 MO +45 5 151 I +45 5 152 MO +45 5 153 A +45 5 154 T +45 5 155 TSO +45 5 156 Y +45 5 157 TSO +45 5 158 O +45 5 159 M +45 5 160 I +45 5 161 Y +45 5 162 TSA +45 5 163 Y +45 5 164 A +45 5 165 M +45 5 166 A +45 5 167 MO +45 5 168 Y +45 5 169 A +45 5 170 Y +45 5 171 Y +45 5 172 O +45 5 173 I +45 5 174 M +45 5 175 Y +45 5 176 I +45 5 177 M +45 5 178 A +45 5 179 TSA +45 5 180 Y +45 5 181 M +45 5 182 MO +45 5 183 TSO +45 5 184 MO +45 5 185 M +45 5 186 Y +45 5 187 M +45 5 188 A +45 5 189 A +45 5 190 I +45 5 191 Y +45 5 192 MO +45 5 193 M +45 5 194 TSA +45 5 195 Y +45 5 196 Y +45 5 197 MO +45 5 198 T +45 5 199 O +45 5 200 A +45 5 201 I +45 5 202 Y +45 5 203 I +45 5 204 TSO +45 5 205 MO +45 5 206 M +45 5 207 TSA +45 5 208 M +45 5 209 Y +45 5 210 TSO +45 5 211 A +45 5 212 M +45 5 213 MO +45 5 214 M +45 5 215 I +45 5 216 Y +45 5 217 I +45 5 218 M +45 5 219 O +45 5 220 A +45 5 221 Y +45 5 222 MO +45 5 223 Y +45 5 224 O +45 5 225 M +45 5 226 Y +45 5 227 T +45 5 228 A +45 5 229 Y +45 5 230 I +45 5 231 MO +45 5 232 TSO +45 5 233 A +45 5 234 Y +45 5 235 A +45 5 236 M +45 5 237 I +45 5 238 Y +45 5 239 I +45 5 240 TSO +45 5 241 O +45 5 242 M +45 5 243 TSA +45 5 244 O +45 5 245 TSA +45 5 246 Y +45 5 247 MO +45 5 248 Y +45 5 249 Y +45 5 250 MO +45 5 251 Y +45 5 252 O +45 5 253 Y +45 5 254 A +45 5 255 T +45 5 256 TSA +45 5 257 A +45 5 258 M +45 5 259 TSA +45 5 260 M +45 5 261 M +45 5 262 O +45 5 263 T +45 5 264 A +45 5 265 Y +45 5 266 TSO +45 5 267 MO +45 5 268 Y +45 5 269 MO +45 5 270 M +45 5 271 Y +45 5 272 O +45 5 273 MO +45 5 274 O +45 5 275 M +45 5 276 MO +45 5 277 Y +45 5 278 M +45 5 279 A +45 5 280 M +45 5 281 Y +45 5 282 Y +45 5 283 TSO +45 5 284 O +45 5 285 I +45 5 286 O +45 5 287 M +45 5 288 TSA +45 5 289 Y +45 5 290 O +45 5 291 A +45 5 292 I +45 5 293 Y +45 5 294 O +45 5 295 TSO +45 5 296 MO +45 5 297 M +45 5 298 TSA +45 5 299 Y +45 5 300 O +45 5 301 Y +45 5 302 I +45 5 303 A +45 5 304 M +45 5 305 MO +45 5 306 Y +45 5 307 A +45 5 308 MO +45 5 309 TSO +45 5 310 Y +45 5 311 A +45 5 312 T +45 5 313 A +45 5 314 O +45 5 315 Y +45 5 316 Y +45 5 317 MO +45 5 318 M +45 5 319 O +45 5 320 M +45 5 321 TSA +45 5 322 A +45 5 323 Y +45 5 324 O +45 5 325 MO +45 5 326 M +45 5 327 A +45 5 328 Y +45 5 329 TSO +45 5 330 Y +45 6 1 Y +45 6 2 Y +45 6 3 TSA +45 6 4 I +45 6 5 Y +45 6 6 M +45 6 7 Y +45 6 8 I +45 6 9 TSO +45 6 10 Y +45 6 11 Y +45 6 12 M +45 6 13 Y +45 6 14 Y +45 6 15 I +45 6 16 O +45 6 17 TSA +45 6 18 T +45 6 19 Y +45 6 20 Y +45 6 21 TSA +45 6 22 M +45 6 23 MO +45 6 24 T +45 6 25 Y +45 6 26 Y +45 6 27 O +45 6 28 I +45 6 29 Y +45 6 30 TSO +45 6 31 Y +45 6 32 I +45 6 33 Y +45 6 34 Y +45 6 35 M +45 6 36 Y +45 6 37 Y +45 6 38 TSA +45 6 39 Y +45 6 40 Y +45 6 41 TSA +45 6 42 M +45 6 43 Y +45 6 44 M +45 6 45 Y +45 6 46 T +45 6 47 Y +45 6 48 M +45 6 49 Y +45 6 50 MO +45 6 51 TSO +45 6 52 Y +45 6 53 I +45 6 54 Y +45 6 55 Y +45 6 56 M +45 6 57 Y +45 6 58 M +45 6 59 I +45 6 60 Y +45 6 61 TSA +45 6 62 MO +45 6 63 I +45 6 64 Y +45 6 65 TSA +45 6 66 M +45 6 67 Y +45 6 68 I +45 6 69 Y +45 6 70 O +45 6 71 MO +45 6 72 Y +45 6 73 MO +45 6 74 Y +45 6 75 Y +45 6 76 TSA +45 6 77 Y +45 6 78 I +45 6 79 T +45 6 80 Y +45 6 81 Y +45 6 82 Y +45 6 83 M +45 6 84 TSA +45 6 85 Y +45 6 86 I +45 6 87 T +45 6 88 MO +45 6 89 T +45 6 90 Y +45 6 91 Y +45 6 92 M +45 6 93 Y +45 6 94 TSO +45 6 95 Y +45 6 96 M +45 6 97 MO +45 6 98 TSA +45 6 99 MO +45 6 100 Y +45 6 101 MO +45 6 102 I +45 6 103 Y +45 6 104 Y +45 6 105 MO +45 6 106 M +45 6 107 O +45 6 108 Y +45 6 109 MO +45 6 110 M +45 6 111 Y +45 6 112 TSA +45 6 113 T +45 6 114 Y +45 6 115 TSA +45 6 116 Y +45 6 117 TSO +45 6 118 I +45 6 119 Y +45 6 120 O +45 6 121 TSA +45 6 122 Y +45 6 123 Y +45 6 124 Y +45 6 125 TSA +45 6 126 I +45 6 127 Y +45 6 128 M +45 6 129 I +45 6 130 Y +45 6 131 MO +45 6 132 TSA +45 6 133 Y +45 6 134 TSO +45 6 135 MO +45 6 136 Y +45 6 137 Y +45 6 138 Y +45 6 139 I +45 6 140 Y +45 6 141 O +45 6 142 I +45 6 143 Y +45 6 144 MO +45 6 145 Y +45 6 146 M +45 6 147 Y +45 6 148 TSA +45 6 149 Y +45 6 150 MO +45 6 151 M +45 6 152 I +45 6 153 Y +45 6 154 T +45 6 155 TSO +45 6 156 Y +45 6 157 TSO +45 6 158 O +45 6 159 M +45 6 160 I +45 6 161 Y +45 6 162 TSA +45 6 163 Y +45 6 164 Y +45 6 165 Y +45 6 166 Y +45 6 167 I +45 6 168 Y +45 6 169 Y +45 6 170 Y +45 6 171 Y +45 6 172 O +45 6 173 TSA +45 6 174 M +45 6 175 Y +45 6 176 TSA +45 6 177 M +45 6 178 Y +45 6 179 TSA +45 6 180 Y +45 6 181 M +45 6 182 MO +45 6 183 TSO +45 6 184 MO +45 6 185 M +45 6 186 Y +45 6 187 M +45 6 188 Y +45 6 189 Y +45 6 190 I +45 6 191 Y +45 6 192 MO +45 6 193 M +45 6 194 TSO +45 6 195 Y +45 6 196 Y +45 6 197 MO +45 6 198 T +45 6 199 Y +45 6 200 Y +45 6 201 I +45 6 202 Y +45 6 203 TSA +45 6 204 TSO +45 6 205 MO +45 6 206 Y +45 6 207 TSA +45 6 208 TSO +45 6 209 Y +45 6 210 TSO +45 6 211 Y +45 6 212 M +45 6 213 MO +45 6 214 Y +45 6 215 I +45 6 216 Y +45 6 217 I +45 6 218 Y +45 6 219 Y +45 6 220 MO +45 6 221 Y +45 6 222 MO +45 6 223 Y +45 6 224 I +45 6 225 Y +45 6 226 Y +45 6 227 T +45 6 228 Y +45 6 229 Y +45 6 230 I +45 6 231 MO +45 6 232 Y +45 6 233 MO +45 6 234 Y +45 6 235 Y +45 6 236 Y +45 6 237 M +45 6 238 Y +45 6 239 TSA +45 6 240 TSO +45 6 241 O +45 6 242 M +45 6 243 MO +45 6 244 Y +45 6 245 TSA +45 6 246 Y +45 6 247 MO +45 6 248 Y +45 6 249 Y +45 6 250 MO +45 6 251 Y +45 6 252 I +45 6 253 Y +45 6 254 Y +45 6 255 T +45 6 256 TSA +45 6 257 Y +45 6 258 M +45 6 259 TSA +45 6 260 Y +45 6 261 M +45 6 262 O +45 6 263 T +45 6 264 Y +45 6 265 Y +45 6 266 TSO +45 6 267 MO +45 6 268 Y +45 6 269 MO +45 6 270 M +45 6 271 Y +45 6 272 O +45 6 273 MO +45 6 274 O +45 6 275 Y +45 6 276 TSA +45 6 277 Y +45 6 278 M +45 6 279 MO +45 6 280 Y +45 6 281 Y +45 6 282 Y +45 6 283 TSO +45 6 284 O +45 6 285 I +45 6 286 O +45 6 287 TSO +45 6 288 TSA +45 6 289 Y +45 6 290 I +45 6 291 Y +45 6 292 I +45 6 293 Y +45 6 294 O +45 6 295 TSO +45 6 296 MO +45 6 297 M +45 6 298 TSA +45 6 299 Y +45 6 300 O +45 6 301 Y +45 6 302 M +45 6 303 Y +45 6 304 Y +45 6 305 MO +45 6 306 Y +45 6 307 Y +45 6 308 MO +45 6 309 Y +45 6 310 Y +45 6 311 Y +45 6 312 T +45 6 313 MO +45 6 314 O +45 6 315 Y +45 6 316 Y +45 6 317 MO +45 6 318 M +45 6 319 O +45 6 320 Y +45 6 321 TSA +45 6 322 Y +45 6 323 Y +45 6 324 O +45 6 325 MO +45 6 326 M +45 6 327 Y +45 6 328 Y +45 6 329 TSO +45 6 330 Y +45 7 1 A +45 7 2 Y +45 7 3 TSA +45 7 4 MO +45 7 5 Y +45 7 6 M +45 7 7 Y +45 7 8 TSA +45 7 9 TSO +45 7 10 A +45 7 11 Y +45 7 12 M +45 7 13 Y +45 7 14 Y +45 7 15 TSA +45 7 16 O +45 7 17 TSA +45 7 18 T +45 7 19 A +45 7 20 Y +45 7 21 TSA +45 7 22 M +45 7 23 MO +45 7 24 TSO +45 7 25 Y +45 7 26 A +45 7 27 O +45 7 28 TSA +45 7 29 Y +45 7 30 TSO +45 7 31 Y +45 7 32 TSA +45 7 33 Y +45 7 34 A +45 7 35 TSA +45 7 36 Y +45 7 37 A +45 7 38 TSA +45 7 39 Y +45 7 40 A +45 7 41 TSA +45 7 42 M +45 7 43 A +45 7 44 O +45 7 45 Y +45 7 46 T +45 7 47 Y +45 7 48 M +45 7 49 Y +45 7 50 MO +45 7 51 TSO +45 7 52 O +45 7 53 TSA +45 7 54 Y +45 7 55 Y +45 7 56 TSA +45 7 57 Y +45 7 58 TSO +45 7 59 O +45 7 60 Y +45 7 61 TSA +45 7 62 MO +45 7 63 TSA +45 7 64 A +45 7 65 TSA +45 7 66 O +45 7 67 Y +45 7 68 MO +45 7 69 M +45 7 70 O +45 7 71 TSA +45 7 72 Y +45 7 73 MO +45 7 74 Y +45 7 75 Y +45 7 76 TSA +45 7 77 Y +45 7 78 O +45 7 79 T +45 7 80 A +45 7 81 Y +45 7 82 Y +45 7 83 M +45 7 84 TSA +45 7 85 Y +45 7 86 TSA +45 7 87 T +45 7 88 TSA +45 7 89 T +45 7 90 Y +45 7 91 M +45 7 92 O +45 7 93 A +45 7 94 TSO +45 7 95 O +45 7 96 M +45 7 97 MO +45 7 98 TSA +45 7 99 O +45 7 100 Y +45 7 101 TSA +45 7 102 O +45 7 103 TSO +45 7 104 A +45 7 105 MO +45 7 106 M +45 7 107 O +45 7 108 O +45 7 109 A +45 7 110 M +45 7 111 Y +45 7 112 TSA +45 7 113 T +45 7 114 Y +45 7 115 TSA +45 7 116 A +45 7 117 TSO +45 7 118 TSA +45 7 119 Y +45 7 120 O +45 7 121 TSA +45 7 122 Y +45 7 123 Y +45 7 124 M +45 7 125 TSA +45 7 126 TSA +45 7 127 Y +45 7 128 M +45 7 129 O +45 7 130 Y +45 7 131 MO +45 7 132 TSA +45 7 133 Y +45 7 134 TSO +45 7 135 TSA +45 7 136 Y +45 7 137 Y +45 7 138 A +45 7 139 O +45 7 140 A +45 7 141 O +45 7 142 O +45 7 143 Y +45 7 144 MO +45 7 145 Y +45 7 146 M +45 7 147 Y +45 7 148 TSA +45 7 149 Y +45 7 150 MO +45 7 151 TSA +45 7 152 TSA +45 7 153 A +45 7 154 TSO +45 7 155 TSO +45 7 156 Y +45 7 157 TSO +45 7 158 O +45 7 159 M +45 7 160 TSA +45 7 161 Y +45 7 162 TSA +45 7 163 Y +45 7 164 A +45 7 165 TSO +45 7 166 * +45 7 167 TSA +45 7 168 Y +45 7 169 A +45 7 170 Y +45 7 171 Y +45 7 172 O +45 7 173 TSA +45 7 174 M +45 7 175 Y +45 7 176 TSA +45 7 177 M +45 7 178 A +45 7 179 MO +45 7 180 Y +45 7 181 M +45 7 182 MO +45 7 183 TSO +45 7 184 MO +45 7 185 TSO +45 7 186 Y +45 7 187 M +45 7 188 A +45 7 189 Y +45 7 190 TSA +45 7 191 Y +45 7 192 MO +45 7 193 M +45 7 194 TSA +45 7 195 Y +45 7 196 Y +45 7 197 MO +45 7 198 T +45 7 199 O +45 7 200 A +45 7 201 TSA +45 7 202 Y +45 7 203 TSA +45 7 204 TSO +45 7 205 MO +45 7 206 O +45 7 207 TSA +45 7 208 TSO +45 7 209 Y +45 7 210 TSO +45 7 211 A +45 7 212 M +45 7 213 O +45 7 214 M +45 7 215 TSA +45 7 216 Y +45 7 217 TSA +45 7 218 M +45 7 219 O +45 7 220 A +45 7 221 Y +45 7 222 MO +45 7 223 Y +45 7 224 O +45 7 225 M +45 7 226 Y +45 7 227 T +45 7 228 A +45 7 229 Y +45 7 230 O +45 7 231 MO +45 7 232 TSO +45 7 233 MO +45 7 234 Y +45 7 235 A +45 7 236 M +45 7 237 M +45 7 238 A +45 7 239 TSA +45 7 240 TSO +45 7 241 O +45 7 242 M +45 7 243 MO +45 7 244 O +45 7 245 TSA +45 7 246 Y +45 7 247 MO +45 7 248 Y +45 7 249 Y +45 7 250 MO +45 7 251 Y +45 7 252 O +45 7 253 Y +45 7 254 Y +45 7 255 T +45 7 256 TSA +45 7 257 A +45 7 258 M +45 7 259 TSA +45 7 260 M +45 7 261 T +45 7 262 O +45 7 263 O +45 7 264 Y +45 7 265 Y +45 7 266 TSA +45 7 267 MO +45 7 268 Y +45 7 269 TSA +45 7 270 M +45 7 271 Y +45 7 272 O +45 7 273 MO +45 7 274 O +45 7 275 M +45 7 276 MO +45 7 277 A +45 7 278 M +45 7 279 A +45 7 280 Y +45 7 281 Y +45 7 282 Y +45 7 283 TSO +45 7 284 O +45 7 285 TSA +45 7 286 O +45 7 287 TSO +45 7 288 TSA +45 7 289 Y +45 7 290 O +45 7 291 A +45 7 292 TSA +45 7 293 Y +45 7 294 O +45 7 295 TSO +45 7 296 MO +45 7 297 M +45 7 298 TSA +45 7 299 Y +45 7 300 O +45 7 301 Y +45 7 302 O +45 7 303 Y +45 7 304 Y +45 7 305 MO +45 7 306 Y +45 7 307 A +45 7 308 MO +45 7 309 TSO +45 7 310 Y +45 7 311 A +45 7 312 T +45 7 313 MO +45 7 314 O +45 7 315 Y +45 7 316 Y +45 7 317 MO +45 7 318 M +45 7 319 O +45 7 320 Y +45 7 321 TSA +45 7 322 A +45 7 323 Y +45 7 324 O +45 7 325 MO +45 7 326 M +45 7 327 Y +45 7 328 Y +45 7 329 TSO +45 7 330 Y +45 8 1 A +45 8 2 Y +45 8 3 TSA +45 8 4 MO +45 8 5 Y +45 8 6 M +45 8 7 Y +45 8 8 TSA +45 8 9 TSO +45 8 10 Y +45 8 11 Y +45 8 12 M +45 8 13 Y +45 8 14 Y +45 8 15 TSA +45 8 16 O +45 8 17 TSA +45 8 18 T +45 8 19 Y +45 8 20 Y +45 8 21 TSA +45 8 22 M +45 8 23 MO +45 8 24 TSO +45 8 25 Y +45 8 26 Y +45 8 27 O +45 8 28 TSA +45 8 29 Y +45 8 30 TSO +45 8 31 Y +45 8 32 TSA +45 8 33 Y +45 8 34 Y +45 8 35 TSA +45 8 36 Y +45 8 37 Y +45 8 38 TSA +45 8 39 Y +45 8 40 Y +45 8 41 TSA +45 8 42 M +45 8 43 Y +45 8 44 O +45 8 45 Y +45 8 46 T +45 8 47 Y +45 8 48 M +45 8 49 Y +45 8 50 MO +45 8 51 TSO +45 8 52 O +45 8 53 TSA +45 8 54 Y +45 8 55 Y +45 8 56 TSA +45 8 57 Y +45 8 58 TSO +45 8 59 O +45 8 60 Y +45 8 61 TSA +45 8 62 MO +45 8 63 TSA +45 8 64 Y +45 8 65 TSA +45 8 66 O +45 8 67 Y +45 8 68 TSA +45 8 69 M +45 8 70 O +45 8 71 TSA +45 8 72 Y +45 8 73 MO +45 8 74 Y +45 8 75 Y +45 8 76 TSA +45 8 77 Y +45 8 78 O +45 8 79 T +45 8 80 Y +45 8 81 Y +45 8 82 Y +45 8 83 M +45 8 84 TSA +45 8 85 Y +45 8 86 TSA +45 8 87 T +45 8 88 TSA +45 8 89 T +45 8 90 Y +45 8 91 M +45 8 92 O +45 8 93 Y +45 8 94 TSO +45 8 95 O +45 8 96 M +45 8 97 MO +45 8 98 TSA +45 8 99 O +45 8 100 Y +45 8 101 TSA +45 8 102 O +45 8 103 TSO +45 8 104 Y +45 8 105 TSA +45 8 106 M +45 8 107 O +45 8 108 O +45 8 109 A +45 8 110 M +45 8 111 Y +45 8 112 TSA +45 8 113 TSO +45 8 114 Y +45 8 115 TSA +45 8 116 A +45 8 117 TSO +45 8 118 TSA +45 8 119 Y +45 8 120 O +45 8 121 TSA +45 8 122 Y +45 8 123 Y +45 8 124 M +45 8 125 TSA +45 8 126 TSA +45 8 127 Y +45 8 128 M +45 8 129 O +45 8 130 Y +45 8 131 MO +45 8 132 TSA +45 8 133 Y +45 8 134 TSO +45 8 135 TSA +45 8 136 Y +45 8 137 Y +45 8 138 A +45 8 139 O +45 8 140 Y +45 8 141 O +45 8 142 O +45 8 143 M +45 8 144 MO +45 8 145 Y +45 8 146 M +45 8 147 Y +45 8 148 TSA +45 8 149 Y +45 8 150 MO +45 8 151 TSA +45 8 152 MO +45 8 153 Y +45 8 154 TSO +45 8 155 TSO +45 8 156 Y +45 8 157 TSO +45 8 158 O +45 8 159 M +45 8 160 TSA +45 8 161 Y +45 8 162 TSA +45 8 163 Y +45 8 164 A +45 8 165 Y +45 8 166 Y +45 8 167 TSA +45 8 168 Y +45 8 169 Y +45 8 170 Y +45 8 171 M +45 8 172 O +45 8 173 TSA +45 8 174 M +45 8 175 Y +45 8 176 TSA +45 8 177 M +45 8 178 Y +45 8 179 MO +45 8 180 Y +45 8 181 TSO +45 8 182 MO +45 8 183 TSO +45 8 184 MO +45 8 185 TSO +45 8 186 Y +45 8 187 M +45 8 188 Y +45 8 189 Y +45 8 190 TSA +45 8 191 Y +45 8 192 MO +45 8 193 M +45 8 194 TSA +45 8 195 Y +45 8 196 Y +45 8 197 MO +45 8 198 T +45 8 199 O +45 8 200 Y +45 8 201 TSA +45 8 202 Y +45 8 203 TSA +45 8 204 TSO +45 8 205 MO +45 8 206 O +45 8 207 TSA +45 8 208 TSO +45 8 209 Y +45 8 210 TSO +45 8 211 Y +45 8 212 M +45 8 213 O +45 8 214 M +45 8 215 TSO +45 8 216 TSA +45 8 217 TSA +45 8 218 M +45 8 219 O +45 8 220 Y +45 8 221 Y +45 8 222 MO +45 8 223 Y +45 8 224 O +45 8 225 M +45 8 226 Y +45 8 227 T +45 8 228 Y +45 8 229 Y +45 8 230 O +45 8 231 MO +45 8 232 TSO +45 8 233 Y +45 8 234 Y +45 8 235 A +45 8 236 M +45 8 237 M +45 8 238 Y +45 8 239 TSA +45 8 240 TSO +45 8 241 O +45 8 242 M +45 8 243 MO +45 8 244 O +45 8 245 TSA +45 8 246 Y +45 8 247 MO +45 8 248 Y +45 8 249 Y +45 8 250 MO +45 8 251 Y +45 8 252 O +45 8 253 Y +45 8 254 Y +45 8 255 T +45 8 256 TSA +45 8 257 Y +45 8 258 M +45 8 259 TSA +45 8 260 M +45 8 261 M +45 8 262 O +45 8 263 O +45 8 264 Y +45 8 265 Y +45 8 266 TSA +45 8 267 MO +45 8 268 Y +45 8 269 TSA +45 8 270 M +45 8 271 Y +45 8 272 O +45 8 273 MO +45 8 274 O +45 8 275 TSO +45 8 276 TSA +45 8 277 Y +45 8 278 TSA +45 8 279 A +45 8 280 Y +45 8 281 Y +45 8 282 Y +45 8 283 TSO +45 8 284 O +45 8 285 TSA +45 8 286 O +45 8 287 TSO +45 8 288 TSA +45 8 289 Y +45 8 290 O +45 8 291 A +45 8 292 TSA +45 8 293 Y +45 8 294 O +45 8 295 TSO +45 8 296 MO +45 8 297 M +45 8 298 TSA +45 8 299 Y +45 8 300 O +45 8 301 Y +45 8 302 O +45 8 303 Y +45 8 304 Y +45 8 305 MO +45 8 306 Y +45 8 307 Y +45 8 308 MO +45 8 309 TSO +45 8 310 Y +45 8 311 A +45 8 312 T +45 8 313 MO +45 8 314 O +45 8 315 Y +45 8 316 Y +45 8 317 TSA +45 8 318 M +45 8 319 O +45 8 320 Y +45 8 321 TSA +45 8 322 A +45 8 323 Y +45 8 324 O +45 8 325 MO +45 8 326 M +45 8 327 O +45 8 328 Y +45 8 329 TSO +45 8 330 O +45 9 1 A +45 9 2 Y +45 9 3 TSA +45 9 4 MO +45 9 5 Y +45 9 6 M +45 9 7 Y +45 9 8 MO +45 9 9 TSO +45 9 10 A +45 9 11 Y +45 9 12 M +45 9 13 Y +45 9 14 A +45 9 15 O +45 9 16 O +45 9 17 M +45 9 18 T +45 9 19 A +45 9 20 Y +45 9 21 TSA +45 9 22 M +45 9 23 MO +45 9 24 TSO +45 9 25 A +45 9 26 A +45 9 27 M +45 9 28 TSA +45 9 29 Y +45 9 30 TSO +45 9 31 A +45 9 32 TSA +45 9 33 Y +45 9 34 A +45 9 35 M +45 9 36 Y +45 9 37 A +45 9 38 MO +45 9 39 Y +45 9 40 A +45 9 41 TSA +45 9 42 M +45 9 43 A +45 9 44 O +45 9 45 Y +45 9 46 T +45 9 47 Y +45 9 48 M +45 9 49 A +45 9 50 MO +45 9 51 TSO +45 9 52 O +45 9 53 TSA +45 9 54 Y +45 9 55 A +45 9 56 M +45 9 57 Y +45 9 58 TSO +45 9 59 O +45 9 60 Y +45 9 61 TSA +45 9 62 MO +45 9 63 TSA +45 9 64 A +45 9 65 TSA +45 9 66 O +45 9 67 Y +45 9 68 MO +45 9 69 TSO +45 9 70 O +45 9 71 MO +45 9 72 Y +45 9 73 MO +45 9 74 A +45 9 75 Y +45 9 76 TSA +45 9 77 A +45 9 78 TSA +45 9 79 T +45 9 80 A +45 9 81 Y +45 9 82 Y +45 9 83 M +45 9 84 TSA +45 9 85 Y +45 9 86 TSA +45 9 87 TSO +45 9 88 MO +45 9 89 T +45 9 90 Y +45 9 91 M +45 9 92 O +45 9 93 A +45 9 94 TSO +45 9 95 Y +45 9 96 M +45 9 97 MO +45 9 98 TSA +45 9 99 MO +45 9 100 Y +45 9 101 MO +45 9 102 MO +45 9 103 TSO +45 9 104 A +45 9 105 MO +45 9 106 M +45 9 107 O +45 9 108 Y +45 9 109 A +45 9 110 M +45 9 111 TSO +45 9 112 TSA +45 9 113 TSO +45 9 114 Y +45 9 115 TSA +45 9 116 A +45 9 117 TSO +45 9 118 TSA +45 9 119 Y +45 9 120 O +45 9 121 M +45 9 122 Y +45 9 123 A +45 9 124 M +45 9 125 TSA +45 9 126 TSA +45 9 127 Y +45 9 128 M +45 9 129 O +45 9 130 TSO +45 9 131 MO +45 9 132 TSA +45 9 133 Y +45 9 134 TSO +45 9 135 MO +45 9 136 A +45 9 137 Y +45 9 138 A +45 9 139 O +45 9 140 A +45 9 141 O +45 9 142 O +45 9 143 Y +45 9 144 MO +45 9 145 Y +45 9 146 M +45 9 147 Y +45 9 148 TSA +45 9 149 M +45 9 150 MO +45 9 151 TSA +45 9 152 MO +45 9 153 A +45 9 154 T +45 9 155 TSO +45 9 156 Y +45 9 157 TSO +45 9 158 O +45 9 159 M +45 9 160 TSA +45 9 161 Y +45 9 162 TSA +45 9 163 Y +45 9 164 A +45 9 165 TSO +45 9 166 A +45 9 167 MO +45 9 168 Y +45 9 169 A +45 9 170 Y +45 9 171 Y +45 9 172 O +45 9 173 TSA +45 9 174 M +45 9 175 A +45 9 176 TSA +45 9 177 M +45 9 178 A +45 9 179 TSO +45 9 180 Y +45 9 181 M +45 9 182 MO +45 9 183 TSO +45 9 184 MO +45 9 185 TSO +45 9 186 A +45 9 187 M +45 9 188 A +45 9 189 A +45 9 190 TSA +45 9 191 Y +45 9 192 MO +45 9 193 M +45 9 194 TSA +45 9 195 Y +45 9 196 A +45 9 197 MO +45 9 198 TSO +45 9 199 O +45 9 200 A +45 9 201 TSA +45 9 202 Y +45 9 203 MO +45 9 204 TSO +45 9 205 MO +45 9 206 O +45 9 207 MO +45 9 208 TSO +45 9 209 Y +45 9 210 TSO +45 9 211 A +45 9 212 M +45 9 213 O +45 9 214 Y +45 9 215 MO +45 9 216 TSO +45 9 217 TSA +45 9 218 TSO +45 9 219 A +45 9 220 MO +45 9 221 O +45 9 222 MO +45 9 223 Y +45 9 224 O +45 9 225 TSO +45 9 226 Y +45 9 227 TSO +45 9 228 A +45 9 229 Y +45 9 230 O +45 9 231 MO +45 9 232 TSO +45 9 233 MO +45 9 234 Y +45 9 235 A +45 9 236 M +45 9 237 TSA +45 9 238 Y +45 9 239 TSA +45 9 240 TSO +45 9 241 O +45 9 242 M +45 9 243 TSA +45 9 244 O +45 9 245 TSA +45 9 246 A +45 9 247 MO +45 9 248 Y +45 9 249 Y +45 9 250 MO +45 9 251 Y +45 9 252 O +45 9 253 A +45 9 254 MO +45 9 255 T +45 9 256 TSA +45 9 257 A +45 9 258 M +45 9 259 TSA +45 9 260 M +45 9 261 M +45 9 262 O +45 9 263 TSO +45 9 264 A +45 9 265 Y +45 9 266 TSO +45 9 267 MO +45 9 268 Y +45 9 269 MO +45 9 270 M +45 9 271 Y +45 9 272 O +45 9 273 MO +45 9 274 O +45 9 275 M +45 9 276 MO +45 9 277 A +45 9 278 TSA +45 9 279 A +45 9 280 Y +45 9 281 Y +45 9 282 Y +45 9 283 TSO +45 9 284 O +45 9 285 TSA +45 9 286 O +45 9 287 TSO +45 9 288 TSA +45 9 289 A +45 9 290 O +45 9 291 A +45 9 292 TSA +45 9 293 O +45 9 294 O +45 9 295 TSO +45 9 296 MO +45 9 297 M +45 9 298 TSA +45 9 299 Y +45 9 300 TSO +45 9 301 Y +45 9 302 O +45 9 303 A +45 9 304 Y +45 9 305 MO +45 9 306 Y +45 9 307 A +45 9 308 MO +45 9 309 TSO +45 9 310 Y +45 9 311 A +45 9 312 T +45 9 313 MO +45 9 314 O +45 9 315 Y +45 9 316 Y +45 9 317 MO +45 9 318 TSA +45 9 319 O +45 9 320 TSO +45 9 321 TSA +45 9 322 A +45 9 323 Y +45 9 324 O +45 9 325 MO +45 9 326 M +45 9 327 O +45 9 328 Y +45 9 329 TSO +45 9 330 O +45 10 1 A +45 10 2 Y +45 10 3 TSA +45 10 4 MO +45 10 5 Y +45 10 6 M +45 10 7 Y +45 10 8 TSO +45 10 9 TSO +45 10 10 A +45 10 11 Y +45 10 12 M +45 10 13 Y +45 10 14 Y +45 10 15 O +45 10 16 O +45 10 17 TSA +45 10 18 T +45 10 19 A +45 10 20 Y +45 10 21 TSA +45 10 22 M +45 10 23 MO +45 10 24 T +45 10 25 Y +45 10 26 A +45 10 27 M +45 10 28 TSA +45 10 29 Y +45 10 30 TSO +45 10 31 A +45 10 32 TSA +45 10 33 Y +45 10 34 A +45 10 35 M +45 10 36 Y +45 10 37 A +45 10 38 TSA +45 10 39 Y +45 10 40 A +45 10 41 TSA +45 10 42 M +45 10 43 A +45 10 44 O +45 10 45 Y +45 10 46 T +45 10 47 Y +45 10 48 M +45 10 49 A +45 10 50 MO +45 10 51 TSO +45 10 52 Y +45 10 53 TSA +45 10 54 Y +45 10 55 A +45 10 56 O +45 10 57 Y +45 10 58 TSO +45 10 59 O +45 10 60 Y +45 10 61 TSA +45 10 62 MO +45 10 63 TSA +45 10 64 A +45 10 65 TSA +45 10 66 O +45 10 67 Y +45 10 68 TSA +45 10 69 TSO +45 10 70 O +45 10 71 MO +45 10 72 Y +45 10 73 MO +45 10 74 A +45 10 75 Y +45 10 76 TSA +45 10 77 A +45 10 78 O +45 10 79 T +45 10 80 A +45 10 81 Y +45 10 82 Y +45 10 83 M +45 10 84 TSA +45 10 85 Y +45 10 86 TSA +45 10 87 TSO +45 10 88 MO +45 10 89 T +45 10 90 Y +45 10 91 M +45 10 92 O +45 10 93 Y +45 10 94 TSO +45 10 95 Y +45 10 96 M +45 10 97 MO +45 10 98 TSA +45 10 99 MO +45 10 100 Y +45 10 101 TSA +45 10 102 MO +45 10 103 TSO +45 10 104 A +45 10 105 MO +45 10 106 M +45 10 107 O +45 10 108 Y +45 10 109 A +45 10 110 M +45 10 111 TSO +45 10 112 TSA +45 10 113 TSO +45 10 114 Y +45 10 115 TSA +45 10 116 A +45 10 117 TSO +45 10 118 TSA +45 10 119 Y +45 10 120 O +45 10 121 M +45 10 122 Y +45 10 123 A +45 10 124 M +45 10 125 TSA +45 10 126 TSA +45 10 127 Y +45 10 128 M +45 10 129 O +45 10 130 TSO +45 10 131 MO +45 10 132 TSA +45 10 133 Y +45 10 134 TSO +45 10 135 MO +45 10 136 A +45 10 137 Y +45 10 138 A +45 10 139 O +45 10 140 A +45 10 141 O +45 10 142 O +45 10 143 M +45 10 144 MO +45 10 145 Y +45 10 146 M +45 10 147 Y +45 10 148 TSA +45 10 149 M +45 10 150 MO +45 10 151 TSA +45 10 152 MO +45 10 153 A +45 10 154 T +45 10 155 TSO +45 10 156 Y +45 10 157 TSO +45 10 158 O +45 10 159 M +45 10 160 TSA +45 10 161 Y +45 10 162 TSA +45 10 163 Y +45 10 164 A +45 10 165 TSO +45 10 166 A +45 10 167 O +45 10 168 Y +45 10 169 A +45 10 170 Y +45 10 171 Y +45 10 172 O +45 10 173 TSA +45 10 174 M +45 10 175 A +45 10 176 TSA +45 10 177 M +45 10 178 A +45 10 179 TSO +45 10 180 Y +45 10 181 M +45 10 182 MO +45 10 183 TSO +45 10 184 MO +45 10 185 TSO +45 10 186 A +45 10 187 M +45 10 188 A +45 10 189 A +45 10 190 TSA +45 10 191 Y +45 10 192 MO +45 10 193 M +45 10 194 TSA +45 10 195 Y +45 10 196 A +45 10 197 MO +45 10 198 TSO +45 10 199 O +45 10 200 A +45 10 201 TSA +45 10 202 Y +45 10 203 MO +45 10 204 TSO +45 10 205 MO +45 10 206 O +45 10 207 TSA +45 10 208 TSO +45 10 209 Y +45 10 210 TSO +45 10 211 A +45 10 212 M +45 10 213 O +45 10 214 M +45 10 215 MO +45 10 216 TSO +45 10 217 TSA +45 10 218 TSO +45 10 219 A +45 10 220 MO +45 10 221 O +45 10 222 MO +45 10 223 Y +45 10 224 O +45 10 225 TSO +45 10 226 Y +45 10 227 TSO +45 10 228 A +45 10 229 Y +45 10 230 O +45 10 231 MO +45 10 232 TSO +45 10 233 MO +45 10 234 Y +45 10 235 A +45 10 236 M +45 10 237 TSA +45 10 238 Y +45 10 239 TSA +45 10 240 TSO +45 10 241 O +45 10 242 M +45 10 243 TSA +45 10 244 O +45 10 245 TSA +45 10 246 Y +45 10 247 MO +45 10 248 Y +45 10 249 Y +45 10 250 MO +45 10 251 Y +45 10 252 O +45 10 253 A +45 10 254 MO +45 10 255 T +45 10 256 TSA +45 10 257 A +45 10 258 M +45 10 259 TSA +45 10 260 M +45 10 261 M +45 10 262 O +45 10 263 TSO +45 10 264 A +45 10 265 Y +45 10 266 TSO +45 10 267 MO +45 10 268 Y +45 10 269 MO +45 10 270 M +45 10 271 Y +45 10 272 O +45 10 273 MO +45 10 274 O +45 10 275 M +45 10 276 TSA +45 10 277 A +45 10 278 TSA +45 10 279 MO +45 10 280 Y +45 10 281 Y +45 10 282 Y +45 10 283 TSO +45 10 284 O +45 10 285 TSA +45 10 286 O +45 10 287 TSO +45 10 288 TSA +45 10 289 A +45 10 290 O +45 10 291 A +45 10 292 TSA +45 10 293 O +45 10 294 O +45 10 295 TSO +45 10 296 MO +45 10 297 M +45 10 298 TSA +45 10 299 Y +45 10 300 TSO +45 10 301 Y +45 10 302 O +45 10 303 O +45 10 304 M +45 10 305 MO +45 10 306 Y +45 10 307 A +45 10 308 MO +45 10 309 TSO +45 10 310 Y +45 10 311 A +45 10 312 T +45 10 313 MO +45 10 314 O +45 10 315 Y +45 10 316 Y +45 10 317 MO +45 10 318 TSA +45 10 319 O +45 10 320 TSO +45 10 321 TSA +45 10 322 A +45 10 323 Y +45 10 324 O +45 10 325 MO +45 10 326 M +45 10 327 O +45 10 328 Y +45 10 329 TSO +45 10 330 O +45 11 1 Y +45 11 2 Y +45 11 3 TSA +45 11 4 MO +45 11 5 Y +45 11 6 M +45 11 7 Y +45 11 8 MO +45 11 9 TSO +45 11 10 Y +45 11 11 Y +45 11 12 M +45 11 13 Y +45 11 14 Y +45 11 15 O +45 11 16 O +45 11 17 TSA +45 11 18 T +45 11 19 Y +45 11 20 Y +45 11 21 TSA +45 11 22 M +45 11 23 MO +45 11 24 TSO +45 11 25 Y +45 11 26 Y +45 11 27 O +45 11 28 TSA +45 11 29 Y +45 11 30 TSO +45 11 31 Y +45 11 32 MO +45 11 33 Y +45 11 34 Y +45 11 35 TSA +45 11 36 Y +45 11 37 Y +45 11 38 TSA +45 11 39 Y +45 11 40 Y +45 11 41 TSA +45 11 42 M +45 11 43 Y +45 11 44 O +45 11 45 Y +45 11 46 T +45 11 47 Y +45 11 48 M +45 11 49 Y +45 11 50 MO +45 11 51 TSO +45 11 52 O +45 11 53 MO +45 11 54 Y +45 11 55 Y +45 11 56 M +45 11 57 Y +45 11 58 M +45 11 59 O +45 11 60 Y +45 11 61 TSA +45 11 62 Y +45 11 63 M +45 11 64 Y +45 11 65 TSA +45 11 66 O +45 11 67 Y +45 11 68 TSA +45 11 69 Y +45 11 70 O +45 11 71 MO +45 11 72 Y +45 11 73 MO +45 11 74 Y +45 11 75 Y +45 11 76 TSA +45 11 77 Y +45 11 78 O +45 11 79 T +45 11 80 Y +45 11 81 Y +45 11 82 Y +45 11 83 O +45 11 84 TSA +45 11 85 Y +45 11 86 MO +45 11 87 T +45 11 88 MO +45 11 89 T +45 11 90 T +45 11 91 Y +45 11 92 O +45 11 93 Y +45 11 94 T +45 11 95 O +45 11 96 M +45 11 97 MO +45 11 98 TSA +45 11 99 MO +45 11 100 Y +45 11 101 TSA +45 11 102 O +45 11 103 M +45 11 104 Y +45 11 105 MO +45 11 106 M +45 11 107 O +45 11 108 Y +45 11 109 Y +45 11 110 M +45 11 111 T +45 11 112 TSA +45 11 113 T +45 11 114 Y +45 11 115 TSA +45 11 116 Y +45 11 117 TSO +45 11 118 TSA +45 11 119 Y +45 11 120 O +45 11 121 TSA +45 11 122 Y +45 11 123 Y +45 11 124 M +45 11 125 TSA +45 11 126 TSA +45 11 127 T +45 11 128 M +45 11 129 O +45 11 130 Y +45 11 131 MO +45 11 132 TSA +45 11 133 Y +45 11 134 TSO +45 11 135 TSA +45 11 136 Y +45 11 137 Y +45 11 138 Y +45 11 139 O +45 11 140 Y +45 11 141 O +45 11 142 O +45 11 143 Y +45 11 144 MO +45 11 145 Y +45 11 146 M +45 11 147 Y +45 11 148 TSA +45 11 149 Y +45 11 150 MO +45 11 151 TSA +45 11 152 MO +45 11 153 Y +45 11 154 T +45 11 155 T +45 11 156 Y +45 11 157 TSO +45 11 158 O +45 11 159 M +45 11 160 TSA +45 11 161 Y +45 11 162 TSA +45 11 163 Y +45 11 164 Y +45 11 165 Y +45 11 166 Y +45 11 167 MO +45 11 168 Y +45 11 169 Y +45 11 170 Y +45 11 171 Y +45 11 172 O +45 11 173 TSA +45 11 174 M +45 11 175 Y +45 11 176 TSA +45 11 177 M +45 11 178 Y +45 11 179 TSO +45 11 180 Y +45 11 181 M +45 11 182 MO +45 11 183 TSO +45 11 184 MO +45 11 185 M +45 11 186 Y +45 11 187 M +45 11 188 Y +45 11 189 Y +45 11 190 TSA +45 11 191 Y +45 11 192 MO +45 11 193 M +45 11 194 TSO +45 11 195 Y +45 11 196 Y +45 11 197 MO +45 11 198 T +45 11 199 Y +45 11 200 Y +45 11 201 TSA +45 11 202 Y +45 11 203 TSA +45 11 204 T +45 11 205 MO +45 11 206 O +45 11 207 TSA +45 11 208 M +45 11 209 Y +45 11 210 TSO +45 11 211 Y +45 11 212 M +45 11 213 O +45 11 214 M +45 11 215 MO +45 11 216 Y +45 11 217 TSA +45 11 218 M +45 11 219 O +45 11 220 Y +45 11 221 O +45 11 222 MO +45 11 223 Y +45 11 224 O +45 11 225 Y +45 11 226 Y +45 11 227 T +45 11 228 Y +45 11 229 Y +45 11 230 O +45 11 231 MO +45 11 232 TSO +45 11 233 Y +45 11 234 Y +45 11 235 Y +45 11 236 Y +45 11 237 TSA +45 11 238 Y +45 11 239 TSA +45 11 240 TSO +45 11 241 O +45 11 242 M +45 11 243 MO +45 11 244 O +45 11 245 TSA +45 11 246 Y +45 11 247 MO +45 11 248 Y +45 11 249 Y +45 11 250 MO +45 11 251 Y +45 11 252 O +45 11 253 Y +45 11 254 Y +45 11 255 T +45 11 256 TSA +45 11 257 Y +45 11 258 M +45 11 259 TSA +45 11 260 Y +45 11 261 TSA +45 11 262 O +45 11 263 O +45 11 264 Y +45 11 265 Y +45 11 266 TSA +45 11 267 MO +45 11 268 Y +45 11 269 MO +45 11 270 M +45 11 271 Y +45 11 272 O +45 11 273 MO +45 11 274 O +45 11 275 M +45 11 276 TSA +45 11 277 Y +45 11 278 TSA +45 11 279 Y +45 11 280 Y +45 11 281 Y +45 11 282 Y +45 11 283 TSO +45 11 284 O +45 11 285 TSA +45 11 286 O +45 11 287 M +45 11 288 TSA +45 11 289 Y +45 11 290 O +45 11 291 Y +45 11 292 TSA +45 11 293 O +45 11 294 O +45 11 295 TSO +45 11 296 MO +45 11 297 M +45 11 298 TSA +45 11 299 Y +45 11 300 O +45 11 301 Y +45 11 302 O +45 11 303 Y +45 11 304 Y +45 11 305 MO +45 11 306 Y +45 11 307 Y +45 11 308 MO +45 11 309 T +45 11 310 Y +45 11 311 Y +45 11 312 T +45 11 313 Y +45 11 314 O +45 11 315 Y +45 11 316 Y +45 11 317 MO +45 11 318 TSA +45 11 319 O +45 11 320 Y +45 11 321 TSA +45 11 322 Y +45 11 323 Y +45 11 324 O +45 11 325 MO +45 11 326 M +45 11 327 O +45 11 328 Y +45 11 329 TSO +45 11 330 O +45 12 1 Y +45 12 2 Y +45 12 3 TSA +45 12 4 MO +45 12 5 Y +45 12 6 M +45 12 7 Y +45 12 8 MO +45 12 9 TSO +45 12 10 Y +45 12 11 Y +45 12 12 M +45 12 13 Y +45 12 14 Y +45 12 15 O +45 12 16 O +45 12 17 TSA +45 12 18 T +45 12 19 Y +45 12 20 Y +45 12 21 TSA +45 12 22 M +45 12 23 MO +45 12 24 TSO +45 12 25 Y +45 12 26 Y +45 12 27 O +45 12 28 TSA +45 12 29 Y +45 12 30 TSO +45 12 31 Y +45 12 32 MO +45 12 33 Y +45 12 34 Y +45 12 35 TSA +45 12 36 Y +45 12 37 Y +45 12 38 TSA +45 12 39 Y +45 12 40 Y +45 12 41 TSA +45 12 42 M +45 12 43 Y +45 12 44 O +45 12 45 Y +45 12 46 T +45 12 47 Y +45 12 48 M +45 12 49 Y +45 12 50 MO +45 12 51 TSO +45 12 52 O +45 12 53 MO +45 12 54 Y +45 12 55 Y +45 12 56 M +45 12 57 Y +45 12 58 M +45 12 59 O +45 12 60 Y +45 12 61 TSA +45 12 62 Y +45 12 63 M +45 12 64 Y +45 12 65 TSA +45 12 66 O +45 12 67 Y +45 12 68 TSA +45 12 69 TSO +45 12 70 O +45 12 71 MO +45 12 72 Y +45 12 73 MO +45 12 74 Y +45 12 75 Y +45 12 76 TSA +45 12 77 Y +45 12 78 O +45 12 79 T +45 12 80 Y +45 12 81 Y +45 12 82 Y +45 12 83 O +45 12 84 TSA +45 12 85 Y +45 12 86 MO +45 12 87 T +45 12 88 MO +45 12 89 T +45 12 90 T +45 12 91 M +45 12 92 O +45 12 93 Y +45 12 94 T +45 12 95 O +45 12 96 M +45 12 97 MO +45 12 98 TSA +45 12 99 MO +45 12 100 Y +45 12 101 TSA +45 12 102 O +45 12 103 M +45 12 104 Y +45 12 105 MO +45 12 106 M +45 12 107 O +45 12 108 Y +45 12 109 Y +45 12 110 M +45 12 111 T +45 12 112 TSA +45 12 113 T +45 12 114 Y +45 12 115 TSA +45 12 116 Y +45 12 117 TSO +45 12 118 TSA +45 12 119 Y +45 12 120 O +45 12 121 TSA +45 12 122 Y +45 12 123 Y +45 12 124 M +45 12 125 TSA +45 12 126 TSA +45 12 127 T +45 12 128 M +45 12 129 O +45 12 130 Y +45 12 131 MO +45 12 132 TSA +45 12 133 Y +45 12 134 TSO +45 12 135 TSA +45 12 136 Y +45 12 137 Y +45 12 138 Y +45 12 139 O +45 12 140 Y +45 12 141 O +45 12 142 O +45 12 143 Y +45 12 144 MO +45 12 145 Y +45 12 146 M +45 12 147 Y +45 12 148 TSA +45 12 149 Y +45 12 150 MO +45 12 151 TSA +45 12 152 MO +45 12 153 Y +45 12 154 T +45 12 155 T +45 12 156 Y +45 12 157 TSO +45 12 158 O +45 12 159 M +45 12 160 TSA +45 12 161 Y +45 12 162 TSA +45 12 163 Y +45 12 164 Y +45 12 165 Y +45 12 166 Y +45 12 167 MO +45 12 168 Y +45 12 169 Y +45 12 170 Y +45 12 171 Y +45 12 172 O +45 12 173 TSA +45 12 174 M +45 12 175 Y +45 12 176 TSA +45 12 177 M +45 12 178 Y +45 12 179 TSO +45 12 180 Y +45 12 181 M +45 12 182 MO +45 12 183 TSO +45 12 184 MO +45 12 185 M +45 12 186 Y +45 12 187 M +45 12 188 Y +45 12 189 Y +45 12 190 TSA +45 12 191 Y +45 12 192 MO +45 12 193 M +45 12 194 TSO +45 12 195 Y +45 12 196 Y +45 12 197 MO +45 12 198 T +45 12 199 O +45 12 200 Y +45 12 201 TSA +45 12 202 Y +45 12 203 TSA +45 12 204 T +45 12 205 MO +45 12 206 O +45 12 207 TSA +45 12 208 M +45 12 209 Y +45 12 210 TSO +45 12 211 Y +45 12 212 M +45 12 213 O +45 12 214 M +45 12 215 MO +45 12 216 Y +45 12 217 TSA +45 12 218 M +45 12 219 O +45 12 220 Y +45 12 221 O +45 12 222 MO +45 12 223 Y +45 12 224 O +45 12 225 Y +45 12 226 Y +45 12 227 T +45 12 228 Y +45 12 229 Y +45 12 230 O +45 12 231 MO +45 12 232 TSO +45 12 233 Y +45 12 234 Y +45 12 235 Y +45 12 236 Y +45 12 237 TSA +45 12 238 Y +45 12 239 TSA +45 12 240 TSO +45 12 241 O +45 12 242 M +45 12 243 MO +45 12 244 O +45 12 245 TSA +45 12 246 Y +45 12 247 MO +45 12 248 Y +45 12 249 Y +45 12 250 MO +45 12 251 Y +45 12 252 O +45 12 253 * +45 12 254 * +45 12 255 * +45 12 256 * +45 12 257 * +45 12 258 * +45 12 259 * +45 12 260 * +45 12 261 * +45 12 262 * +45 12 263 * +45 12 264 * +45 12 265 * +45 12 266 TSA +45 12 267 MO +45 12 268 Y +45 12 269 MO +45 12 270 M +45 12 271 Y +45 12 272 O +45 12 273 MO +45 12 274 O +45 12 275 M +45 12 276 TSA +45 12 277 Y +45 12 278 TSA +45 12 279 Y +45 12 280 Y +45 12 281 Y +45 12 282 Y +45 12 283 TSO +45 12 284 O +45 12 285 TSA +45 12 286 O +45 12 287 M +45 12 288 TSA +45 12 289 Y +45 12 290 O +45 12 291 Y +45 12 292 TSA +45 12 293 O +45 12 294 O +45 12 295 TSO +45 12 296 MO +45 12 297 M +45 12 298 TSA +45 12 299 Y +45 12 300 O +45 12 301 Y +45 12 302 O +45 12 303 Y +45 12 304 Y +45 12 305 MO +45 12 306 Y +45 12 307 Y +45 12 308 MO +45 12 309 T +45 12 310 Y +45 12 311 Y +45 12 312 T +45 12 313 Y +45 12 314 O +45 12 315 Y +45 12 316 Y +45 12 317 MO +45 12 318 TSA +45 12 319 O +45 12 320 Y +45 12 321 TSA +45 12 322 Y +45 12 323 Y +45 12 324 O +45 12 325 MO +45 12 326 M +45 12 327 O +45 12 328 Y +45 12 329 TSO +45 12 330 O +45 13 1 Y +45 13 2 Y +45 13 3 TSA +45 13 4 MO +45 13 5 Y +45 13 6 M +45 13 7 Y +45 13 8 TSA +45 13 9 TSO +45 13 10 Y +45 13 11 Y +45 13 12 M +45 13 13 Y +45 13 14 T +45 13 15 TSA +45 13 16 O +45 13 17 TSA +45 13 18 T +45 13 19 Y +45 13 20 Y +45 13 21 TSA +45 13 22 M +45 13 23 MO +45 13 24 TSO +45 13 25 Y +45 13 26 Y +45 13 27 M +45 13 28 TSA +45 13 29 Y +45 13 30 TSO +45 13 31 Y +45 13 32 MO +45 13 33 Y +45 13 34 Y +45 13 35 M +45 13 36 Y +45 13 37 Y +45 13 38 TSA +45 13 39 Y +45 13 40 Y +45 13 41 TSA +45 13 42 M +45 13 43 Y +45 13 44 O +45 13 45 Y +45 13 46 T +45 13 47 Y +45 13 48 M +45 13 49 Y +45 13 50 MO +45 13 51 TSO +45 13 52 Y +45 13 53 TSA +45 13 54 Y +45 13 55 Y +45 13 56 M +45 13 57 Y +45 13 58 TSO +45 13 59 MO +45 13 60 T +45 13 61 TSA +45 13 62 MO +45 13 63 TSA +45 13 64 Y +45 13 65 TSA +45 13 66 M +45 13 67 Y +45 13 68 TSA +45 13 69 Y +45 13 70 MO +45 13 71 MO +45 13 72 Y +45 13 73 MO +45 13 74 Y +45 13 75 Y +45 13 76 TSA +45 13 77 Y +45 13 78 MO +45 13 79 T +45 13 80 Y +45 13 81 Y +45 13 82 Y +45 13 83 M +45 13 84 TSA +45 13 85 Y +45 13 86 TSA +45 13 87 T +45 13 88 MO +45 13 89 T +45 13 90 Y +45 13 91 M +45 13 92 M +45 13 93 Y +45 13 94 TSO +45 13 95 Y +45 13 96 M +45 13 97 MO +45 13 98 TSA +45 13 99 MO +45 13 100 Y +45 13 101 MO +45 13 102 Y +45 13 103 M +45 13 104 Y +45 13 105 MO +45 13 106 M +45 13 107 O +45 13 108 Y +45 13 109 Y +45 13 110 M +45 13 111 Y +45 13 112 TSA +45 13 113 T +45 13 114 Y +45 13 115 TSA +45 13 116 Y +45 13 117 TSO +45 13 118 TSA +45 13 119 Y +45 13 120 O +45 13 121 TSA +45 13 122 Y +45 13 123 Y +45 13 124 M +45 13 125 TSA +45 13 126 TSA +45 13 127 Y +45 13 128 M +45 13 129 O +45 13 130 Y +45 13 131 MO +45 13 132 TSA +45 13 133 Y +45 13 134 MO +45 13 135 MO +45 13 136 Y +45 13 137 Y +45 13 138 Y +45 13 139 O +45 13 140 Y +45 13 141 O +45 13 142 O +45 13 143 Y +45 13 144 MO +45 13 145 Y +45 13 146 M +45 13 147 Y +45 13 148 TSA +45 13 149 Y +45 13 150 MO +45 13 151 TSA +45 13 152 MO +45 13 153 MU +45 13 154 T +45 13 155 TSO +45 13 156 Y +45 13 157 TSO +45 13 158 O +45 13 159 M +45 13 160 TSA +45 13 161 Y +45 13 162 TSA +45 13 163 Y +45 13 164 Y +45 13 165 Y +45 13 166 T +45 13 167 MO +45 13 168 Y +45 13 169 Y +45 13 170 Y +45 13 171 Y +45 13 172 O +45 13 173 TSA +45 13 174 M +45 13 175 Y +45 13 176 TSA +45 13 177 M +45 13 178 Y +45 13 179 MO +45 13 180 Y +45 13 181 M +45 13 182 MO +45 13 183 TSO +45 13 184 MO +45 13 185 MU +45 13 186 M +45 13 187 M +45 13 188 Y +45 13 189 Y +45 13 190 TSA +45 13 191 Y +45 13 192 MO +45 13 193 M +45 13 194 MO +45 13 195 Y +45 13 196 Y +45 13 197 MO +45 13 198 T +45 13 199 Y +45 13 200 Y +45 13 201 TSA +45 13 202 Y +45 13 203 MO +45 13 204 TSO +45 13 205 MO +45 13 206 Y +45 13 207 TSA +45 13 208 M +45 13 209 Y +45 13 210 TSA +45 13 211 Y +45 13 212 M +45 13 213 MO +45 13 214 M +45 13 215 MO +45 13 216 Y +45 13 217 TSA +45 13 218 Y +45 13 219 Y +45 13 220 MO +45 13 221 Y +45 13 222 MO +45 13 223 Y +45 13 224 O +45 13 225 Y +45 13 226 Y +45 13 227 T +45 13 228 Y +45 13 229 Y +45 13 230 TSA +45 13 231 MO +45 13 232 TSO +45 13 233 MO +45 13 234 Y +45 13 235 Y +45 13 236 M +45 13 237 TSA +45 13 238 Y +45 13 239 TSA +45 13 240 TSA +45 13 241 O +45 13 242 M +45 13 243 MO +45 13 244 Y +45 13 245 TSA +45 13 246 Y +45 13 247 MO +45 13 248 Y +45 13 249 Y +45 13 250 MO +45 13 251 Y +45 13 252 O +45 13 253 Y +45 13 254 Y +45 13 255 T +45 13 256 TSA +45 13 257 Y +45 13 258 M +45 13 259 TSA +45 13 260 M +45 13 261 M +45 13 262 O +45 13 263 T +45 13 264 Y +45 13 265 Y +45 13 266 TSA +45 13 267 MO +45 13 268 Y +45 13 269 MO +45 13 270 M +45 13 271 Y +45 13 272 O +45 13 273 MO +45 13 274 O +45 13 275 M +45 13 276 TSA +45 13 277 Y +45 13 278 TSA +45 13 279 MO +45 13 280 Y +45 13 281 Y +45 13 282 Y +45 13 283 TSA +45 13 284 O +45 13 285 TSA +45 13 286 O +45 13 287 M +45 13 288 TSA +45 13 289 Y +45 13 290 M +45 13 291 Y +45 13 292 TSA +45 13 293 Y +45 13 294 Y +45 13 295 TSO +45 13 296 MO +45 13 297 M +45 13 298 TSA +45 13 299 Y +45 13 300 O +45 13 301 Y +45 13 302 O +45 13 303 Y +45 13 304 Y +45 13 305 MO +45 13 306 Y +45 13 307 Y +45 13 308 MO +45 13 309 TSO +45 13 310 Y +45 13 311 Y +45 13 312 T +45 13 313 MO +45 13 314 O +45 13 315 Y +45 13 316 Y +45 13 317 MO +45 13 318 M +45 13 319 TSA +45 13 320 Y +45 13 321 TSA +45 13 322 Y +45 13 323 Y +45 13 324 O +45 13 325 MO +45 13 326 M +45 13 327 O +45 13 328 Y +45 13 329 TSO +45 13 330 O +45 14 1 Y +45 14 2 Y +45 14 3 TSA +45 14 4 MO +45 14 5 Y +45 14 6 M +45 14 7 Y +45 14 8 TSA +45 14 9 TSO +45 14 10 Y +45 14 11 Y +45 14 12 M +45 14 13 Y +45 14 14 T +45 14 15 TSA +45 14 16 O +45 14 17 TSA +45 14 18 T +45 14 19 Y +45 14 20 Y +45 14 21 TSA +45 14 22 M +45 14 23 MO +45 14 24 TSO +45 14 25 Y +45 14 26 Y +45 14 27 M +45 14 28 TSA +45 14 29 Y +45 14 30 M +45 14 31 Y +45 14 32 MO +45 14 33 Y +45 14 34 Y +45 14 35 M +45 14 36 Y +45 14 37 Y +45 14 38 TSA +45 14 39 Y +45 14 40 Y +45 14 41 TSA +45 14 42 M +45 14 43 Y +45 14 44 O +45 14 45 Y +45 14 46 T +45 14 47 Y +45 14 48 M +45 14 49 Y +45 14 50 MO +45 14 51 TSO +45 14 52 Y +45 14 53 TSA +45 14 54 Y +45 14 55 Y +45 14 56 M +45 14 57 Y +45 14 58 TSO +45 14 59 MO +45 14 60 T +45 14 61 TSA +45 14 62 MO +45 14 63 TSA +45 14 64 Y +45 14 65 TSA +45 14 66 O +45 14 67 Y +45 14 68 TSA +45 14 69 Y +45 14 70 MO +45 14 71 MO +45 14 72 Y +45 14 73 MO +45 14 74 Y +45 14 75 Y +45 14 76 TSA +45 14 77 Y +45 14 78 MO +45 14 79 T +45 14 80 Y +45 14 81 Y +45 14 82 Y +45 14 83 M +45 14 84 TSA +45 14 85 Y +45 14 86 TSA +45 14 87 T +45 14 88 MO +45 14 89 T +45 14 90 Y +45 14 91 M +45 14 92 M +45 14 93 Y +45 14 94 TSO +45 14 95 Y +45 14 96 M +45 14 97 MO +45 14 98 TSA +45 14 99 MO +45 14 100 Y +45 14 101 MO +45 14 102 Y +45 14 103 M +45 14 104 Y +45 14 105 MO +45 14 106 M +45 14 107 O +45 14 108 Y +45 14 109 Y +45 14 110 M +45 14 111 Y +45 14 112 TSA +45 14 113 T +45 14 114 Y +45 14 115 TSA +45 14 116 Y +45 14 117 TSO +45 14 118 TSA +45 14 119 Y +45 14 120 O +45 14 121 TSA +45 14 122 Y +45 14 123 Y +45 14 124 M +45 14 125 TSA +45 14 126 TSA +45 14 127 Y +45 14 128 M +45 14 129 O +45 14 130 Y +45 14 131 MO +45 14 132 TSA +45 14 133 Y +45 14 134 TSO +45 14 135 MO +45 14 136 Y +45 14 137 Y +45 14 138 Y +45 14 139 O +45 14 140 Y +45 14 141 O +45 14 142 O +45 14 143 Y +45 14 144 MO +45 14 145 Y +45 14 146 M +45 14 147 Y +45 14 148 TSA +45 14 149 Y +45 14 150 MO +45 14 151 TSA +45 14 152 MO +45 14 153 MU +45 14 154 T +45 14 155 TSO +45 14 156 Y +45 14 157 TSO +45 14 158 O +45 14 159 M +45 14 160 TSA +45 14 161 Y +45 14 162 TSA +45 14 163 Y +45 14 164 Y +45 14 165 Y +45 14 166 T +45 14 167 MO +45 14 168 Y +45 14 169 Y +45 14 170 T +45 14 171 Y +45 14 172 O +45 14 173 TSA +45 14 174 M +45 14 175 Y +45 14 176 TSA +45 14 177 M +45 14 178 Y +45 14 179 MO +45 14 180 Y +45 14 181 M +45 14 182 MO +45 14 183 TSO +45 14 184 MO +45 14 185 MU +45 14 186 M +45 14 187 M +45 14 188 Y +45 14 189 Y +45 14 190 TSA +45 14 191 Y +45 14 192 MO +45 14 193 M +45 14 194 MO +45 14 195 Y +45 14 196 Y +45 14 197 MO +45 14 198 T +45 14 199 Y +45 14 200 Y +45 14 201 TSA +45 14 202 Y +45 14 203 MO +45 14 204 TSO +45 14 205 MO +45 14 206 Y +45 14 207 TSA +45 14 208 M +45 14 209 Y +45 14 210 TSA +45 14 211 Y +45 14 212 M +45 14 213 MO +45 14 214 M +45 14 215 MO +45 14 216 Y +45 14 217 TSA +45 14 218 Y +45 14 219 Y +45 14 220 MO +45 14 221 Y +45 14 222 MO +45 14 223 Y +45 14 224 O +45 14 225 Y +45 14 226 Y +45 14 227 T +45 14 228 Y +45 14 229 Y +45 14 230 TSA +45 14 231 MO +45 14 232 TSO +45 14 233 MO +45 14 234 Y +45 14 235 Y +45 14 236 M +45 14 237 TSA +45 14 238 Y +45 14 239 TSA +45 14 240 TSA +45 14 241 O +45 14 242 M +45 14 243 MO +45 14 244 Y +45 14 245 TSA +45 14 246 Y +45 14 247 MO +45 14 248 Y +45 14 249 Y +45 14 250 MO +45 14 251 Y +45 14 252 O +45 14 253 Y +45 14 254 Y +45 14 255 T +45 14 256 TSA +45 14 257 Y +45 14 258 M +45 14 259 TSA +45 14 260 M +45 14 261 M +45 14 262 O +45 14 263 T +45 14 264 Y +45 14 265 Y +45 14 266 TSA +45 14 267 MO +45 14 268 Y +45 14 269 MO +45 14 270 M +45 14 271 Y +45 14 272 O +45 14 273 MO +45 14 274 O +45 14 275 M +45 14 276 TSA +45 14 277 Y +45 14 278 TSA +45 14 279 MO +45 14 280 Y +45 14 281 Y +45 14 282 Y +45 14 283 TSO +45 14 284 O +45 14 285 TSA +45 14 286 O +45 14 287 M +45 14 288 TSA +45 14 289 Y +45 14 290 M +45 14 291 Y +45 14 292 TSA +45 14 293 Y +45 14 294 Y +45 14 295 TSO +45 14 296 MO +45 14 297 M +45 14 298 TSA +45 14 299 Y +45 14 300 O +45 14 301 Y +45 14 302 O +45 14 303 Y +45 14 304 Y +45 14 305 MO +45 14 306 Y +45 14 307 Y +45 14 308 MO +45 14 309 TSO +45 14 310 Y +45 14 311 Y +45 14 312 T +45 14 313 MO +45 14 314 O +45 14 315 Y +45 14 316 Y +45 14 317 MO +45 14 318 M +45 14 319 TSA +45 14 320 Y +45 14 321 TSA +45 14 322 Y +45 14 323 Y +45 14 324 O +45 14 325 MO +45 14 326 M +45 14 327 O +45 14 328 Y +45 14 329 TSO +45 14 330 O +45 15 1 Y +45 15 2 Y +45 15 3 TSA +45 15 4 MU +45 15 5 Y +45 15 6 M +45 15 7 Y +45 15 8 TSA +45 15 9 TSO +45 15 10 Y +45 15 11 Y +45 15 12 M +45 15 13 Y +45 15 14 Y +45 15 15 TSA +45 15 16 O +45 15 17 TSA +45 15 18 T +45 15 19 Y +45 15 20 Y +45 15 21 TSA +45 15 22 M +45 15 23 MU +45 15 24 TSO +45 15 25 Y +45 15 26 Y +45 15 27 O +45 15 28 TSA +45 15 29 Y +45 15 30 TSO +45 15 31 Y +45 15 32 TSA +45 15 33 Y +45 15 34 Y +45 15 35 M +45 15 36 Y +45 15 37 Y +45 15 38 TSA +45 15 39 Y +45 15 40 Y +45 15 41 TSA +45 15 42 M +45 15 43 Y +45 15 44 O +45 15 45 Y +45 15 46 T +45 15 47 Y +45 15 48 M +45 15 49 Y +45 15 50 MU +45 15 51 TSO +45 15 52 O +45 15 53 TSA +45 15 54 Y +45 15 55 Y +45 15 56 M +45 15 57 Y +45 15 58 M +45 15 59 TSA +45 15 60 Y +45 15 61 TSA +45 15 62 MU +45 15 63 TSA +45 15 64 Y +45 15 65 TSA +45 15 66 O +45 15 67 Y +45 15 68 TSA +45 15 69 Y +45 15 70 O +45 15 71 MU +45 15 72 Y +45 15 73 MU +45 15 74 Y +45 15 75 Y +45 15 76 M +45 15 77 Y +45 15 78 TSA +45 15 79 T +45 15 80 Y +45 15 81 Y +45 15 82 Y +45 15 83 M +45 15 84 M +45 15 85 Y +45 15 86 TSA +45 15 87 T +45 15 88 MU +45 15 89 T +45 15 90 Y +45 15 91 Y +45 15 92 O +45 15 93 Y +45 15 94 TSO +45 15 95 O +45 15 96 M +45 15 97 MU +45 15 98 TSA +45 15 99 MU +45 15 100 Y +45 15 101 TSA +45 15 102 O +45 15 103 Y +45 15 104 Y +45 15 105 MU +45 15 106 M +45 15 107 O +45 15 108 Y +45 15 109 Y +45 15 110 M +45 15 111 Y +45 15 112 TSA +45 15 113 T +45 15 114 Y +45 15 115 TSA +45 15 116 Y +45 15 117 TSO +45 15 118 TSA +45 15 119 Y +45 15 120 O +45 15 121 TSA +45 15 122 Y +45 15 123 Y +45 15 124 Y +45 15 125 M +45 15 126 TSA +45 15 127 Y +45 15 128 M +45 15 129 O +45 15 130 Y +45 15 131 MU +45 15 132 TSA +45 15 133 Y +45 15 134 TSO +45 15 135 TSA +45 15 136 Y +45 15 137 Y +45 15 138 Y +45 15 139 O +45 15 140 Y +45 15 141 O +45 15 142 O +45 15 143 Y +45 15 144 MU +45 15 145 Y +45 15 146 M +45 15 147 Y +45 15 148 TSA +45 15 149 Y +45 15 150 MU +45 15 151 TSA +45 15 152 TSA +45 15 153 Y +45 15 154 T +45 15 155 TSO +45 15 156 Y +45 15 157 TSO +45 15 158 O +45 15 159 M +45 15 160 TSA +45 15 161 Y +45 15 162 TSA +45 15 163 Y +45 15 164 Y +45 15 165 Y +45 15 166 Y +45 15 167 MU +45 15 168 Y +45 15 169 Y +45 15 170 Y +45 15 171 Y +45 15 172 O +45 15 173 TSA +45 15 174 M +45 15 175 Y +45 15 176 TSA +45 15 177 M +45 15 178 Y +45 15 179 MU +45 15 180 Y +45 15 181 M +45 15 182 MU +45 15 183 TSO +45 15 184 MU +45 15 185 M +45 15 186 Y +45 15 187 M +45 15 188 Y +45 15 189 Y +45 15 190 TSA +45 15 191 Y +45 15 192 MU +45 15 193 M +45 15 194 MU +45 15 195 Y +45 15 196 Y +45 15 197 MU +45 15 198 T +45 15 199 Y +45 15 200 Y +45 15 201 M +45 15 202 Y +45 15 203 TSA +45 15 204 TSO +45 15 205 MU +45 15 206 O +45 15 207 TSA +45 15 208 M +45 15 209 Y +45 15 210 TSO +45 15 211 Y +45 15 212 M +45 15 213 MU +45 15 214 Y +45 15 215 TSA +45 15 216 Y +45 15 217 TSA +45 15 218 Y +45 15 219 Y +45 15 220 Y +45 15 221 Y +45 15 222 MU +45 15 223 Y +45 15 224 O +45 15 225 Y +45 15 226 Y +45 15 227 T +45 15 228 Y +45 15 229 Y +45 15 230 TSA +45 15 231 MU +45 15 232 Y +45 15 233 Y +45 15 234 Y +45 15 235 Y +45 15 236 Y +45 15 237 M +45 15 238 Y +45 15 239 TSA +45 15 240 TSO +45 15 241 O +45 15 242 M +45 15 243 MU +45 15 244 Y +45 15 245 TSA +45 15 246 Y +45 15 247 MU +45 15 248 Y +45 15 249 Y +45 15 250 MU +45 15 251 Y +45 15 252 O +45 15 253 Y +45 15 254 Y +45 15 255 T +45 15 256 TSA +45 15 257 Y +45 15 258 M +45 15 259 TSA +45 15 260 M +45 15 261 M +45 15 262 O +45 15 263 T +45 15 264 Y +45 15 265 Y +45 15 266 TSO +45 15 267 MU +45 15 268 Y +45 15 269 TSA +45 15 270 M +45 15 271 Y +45 15 272 O +45 15 273 TSA +45 15 274 O +45 15 275 Y +45 15 276 TSA +45 15 277 Y +45 15 278 M +45 15 279 Y +45 15 280 Y +45 15 281 Y +45 15 282 Y +45 15 283 TSO +45 15 284 Y +45 15 285 TSA +45 15 286 O +45 15 287 M +45 15 288 TSA +45 15 289 Y +45 15 290 O +45 15 291 Y +45 15 292 TSA +45 15 293 Y +45 15 294 Y +45 15 295 TSO +45 15 296 MU +45 15 297 M +45 15 298 TSA +45 15 299 Y +45 15 300 O +45 15 301 Y +45 15 302 O +45 15 303 Y +45 15 304 Y +45 15 305 MU +45 15 306 Y +45 15 307 Y +45 15 308 MU +45 15 309 TSO +45 15 310 Y +45 15 311 Y +45 15 312 T +45 15 313 Y +45 15 314 O +45 15 315 Y +45 15 316 Y +45 15 317 MU +45 15 318 M +45 15 319 O +45 15 320 Y +45 15 321 TSA +45 15 322 Y +45 15 323 Y +45 15 324 O +45 15 325 MU +45 15 326 M +45 15 327 Y +45 15 328 Y +45 15 329 TSO +45 15 330 Y +45 16 1 Y +45 16 2 Y +45 16 3 TSA +45 16 4 MU +45 16 5 Y +45 16 6 M +45 16 7 Y +45 16 8 TSA +45 16 9 TSO +45 16 10 Y +45 16 11 Y +45 16 12 M +45 16 13 Y +45 16 14 Y +45 16 15 M +45 16 16 O +45 16 17 TSA +45 16 18 T +45 16 19 Y +45 16 20 Y +45 16 21 TSA +45 16 22 M +45 16 23 MU +45 16 24 TSO +45 16 25 Y +45 16 26 Y +45 16 27 M +45 16 28 TSA +45 16 29 Y +45 16 30 TSO +45 16 31 Y +45 16 32 TSA +45 16 33 Y +45 16 34 Y +45 16 35 TSA +45 16 36 Y +45 16 37 Y +45 16 38 TSA +45 16 39 Y +45 16 40 Y +45 16 41 TSA +45 16 42 M +45 16 43 TO +45 16 44 O +45 16 45 Y +45 16 46 TSO +45 16 47 Y +45 16 48 M +45 16 49 Y +45 16 50 TO +45 16 51 TSO +45 16 52 O +45 16 53 TSA +45 16 54 Y +45 16 55 Y +45 16 56 M +45 16 57 Y +45 16 58 TSO +45 16 59 O +45 16 60 Y +45 16 61 TSA +45 16 62 TO +45 16 63 TSA +45 16 64 Y +45 16 65 TSA +45 16 66 O +45 16 67 Y +45 16 68 TSA +45 16 69 Y +45 16 70 O +45 16 71 TO +45 16 72 Y +45 16 73 TO +45 16 74 Y +45 16 75 Y +45 16 76 TSA +45 16 77 Y +45 16 78 TSA +45 16 79 T +45 16 80 Y +45 16 81 Y +45 16 82 Y +45 16 83 M +45 16 84 TSA +45 16 85 Y +45 16 86 TSA +45 16 87 T +45 16 88 TSA +45 16 89 T +45 16 90 Y +45 16 91 M +45 16 92 O +45 16 93 Y +45 16 94 TSO +45 16 95 Y +45 16 96 M +45 16 97 TO +45 16 98 TSA +45 16 99 TO +45 16 100 Y +45 16 101 TO +45 16 102 Y +45 16 103 TSO +45 16 104 Y +45 16 105 TO +45 16 106 M +45 16 107 O +45 16 108 Y +45 16 109 Y +45 16 110 M +45 16 111 Y +45 16 112 TSA +45 16 113 T +45 16 114 Y +45 16 115 TSA +45 16 116 Y +45 16 117 TSO +45 16 118 TSA +45 16 119 Y +45 16 120 O +45 16 121 TSA +45 16 122 Y +45 16 123 Y +45 16 124 M +45 16 125 TSA +45 16 126 TSA +45 16 127 Y +45 16 128 M +45 16 129 O +45 16 130 Y +45 16 131 TO +45 16 132 TSA +45 16 133 Y +45 16 134 TSO +45 16 135 TO +45 16 136 Y +45 16 137 Y +45 16 138 Y +45 16 139 O +45 16 140 Y +45 16 141 O +45 16 142 O +45 16 143 Y +45 16 144 TO +45 16 145 Y +45 16 146 M +45 16 147 Y +45 16 148 TSA +45 16 149 Y +45 16 150 TO +45 16 151 TSA +45 16 152 TSA +45 16 153 Y +45 16 154 T +45 16 155 TSO +45 16 156 Y +45 16 157 TSO +45 16 158 O +45 16 159 M +45 16 160 TSA +45 16 161 Y +45 16 162 TSA +45 16 163 Y +45 16 164 Y +45 16 165 Y +45 16 166 Y +45 16 167 TO +45 16 168 Y +45 16 169 Y +45 16 170 Y +45 16 171 Y +45 16 172 O +45 16 173 TSA +45 16 174 M +45 16 175 Y +45 16 176 TSA +45 16 177 M +45 16 178 Y +45 16 179 TO +45 16 180 Y +45 16 181 M +45 16 182 TO +45 16 183 TSO +45 16 184 TO +45 16 185 TSO +45 16 186 Y +45 16 187 M +45 16 188 Y +45 16 189 Y +45 16 190 TSA +45 16 191 Y +45 16 192 TO +45 16 193 M +45 16 194 TO +45 16 195 Y +45 16 196 Y +45 16 197 TO +45 16 198 T +45 16 199 Y +45 16 200 Y +45 16 201 TSA +45 16 202 Y +45 16 203 TO +45 16 204 TSO +45 16 205 TO +45 16 206 Y +45 16 207 TSA +45 16 208 TSO +45 16 209 Y +45 16 210 TSO +45 16 211 Y +45 16 212 M +45 16 213 TO +45 16 214 Y +45 16 215 TO +45 16 216 Y +45 16 217 TSA +45 16 218 Y +45 16 219 Y +45 16 220 TO +45 16 221 Y +45 16 222 TO +45 16 223 Y +45 16 224 O +45 16 225 Y +45 16 226 Y +45 16 227 T +45 16 228 Y +45 16 229 Y +45 16 230 O +45 16 231 TO +45 16 232 TSO +45 16 233 TO +45 16 234 Y +45 16 235 Y +45 16 236 Y +45 16 237 M +45 16 238 Y +45 16 239 TSA +45 16 240 TSO +45 16 241 O +45 16 242 M +45 16 243 TO +45 16 244 O +45 16 245 TSA +45 16 246 Y +45 16 247 TO +45 16 248 Y +45 16 249 Y +45 16 250 TO +45 16 251 Y +45 16 252 O +45 16 253 Y +45 16 254 Y +45 16 255 T +45 16 256 TSA +45 16 257 Y +45 16 258 M +45 16 259 TSA +45 16 260 M +45 16 261 M +45 16 262 O +45 16 263 T +45 16 264 Y +45 16 265 Y +45 16 266 TSA +45 16 267 TO +45 16 268 Y +45 16 269 TO +45 16 270 M +45 16 271 Y +45 16 272 O +45 16 273 TO +45 16 274 O +45 16 275 M +45 16 276 TSA +45 16 277 Y +45 16 278 TSA +45 16 279 TO +45 16 280 Y +45 16 281 Y +45 16 282 Y +45 16 283 TSO +45 16 284 O +45 16 285 TSA +45 16 286 O +45 16 287 TSO +45 16 288 TSA +45 16 289 Y +45 16 290 O +45 16 291 Y +45 16 292 TSA +45 16 293 Y +45 16 294 O +45 16 295 TSO +45 16 296 TO +45 16 297 M +45 16 298 TSA +45 16 299 Y +45 16 300 O +45 16 301 Y +45 16 302 O +45 16 303 Y +45 16 304 Y +45 16 305 TO +45 16 306 Y +45 16 307 Y +45 16 308 TO +45 16 309 T +45 16 310 Y +45 16 311 Y +45 16 312 T +45 16 313 TO +45 16 314 O +45 16 315 Y +45 16 316 Y +45 16 317 TO +45 16 318 TSA +45 16 319 O +45 16 320 Y +45 16 321 TSA +45 16 322 Y +45 16 323 Y +45 16 324 O +45 16 325 TO +45 16 326 M +45 16 327 O +45 16 328 Y +45 16 329 TSO +45 16 330 O +45 17 1 Y +45 17 2 Y +45 17 3 TSA +45 17 4 TO +45 17 5 Y +45 17 6 M +45 17 7 Y +45 17 8 TSA +45 17 9 TSO +45 17 10 Y +45 17 11 Y +45 17 12 M +45 17 13 Y +45 17 14 T +45 17 15 TSA +45 17 16 O +45 17 17 TSA +45 17 18 T +45 17 19 Y +45 17 20 Y +45 17 21 TSA +45 17 22 M +45 17 23 TO +45 17 24 TSO +45 17 25 Y +45 17 26 Y +45 17 27 M +45 17 28 TSA +45 17 29 Y +45 17 30 TSO +45 17 31 Y +45 17 32 TSA +45 17 33 Y +45 17 34 Y +45 17 35 TSA +45 17 36 Y +45 17 37 Y +45 17 38 TSA +45 17 39 Y +45 17 40 Y +45 17 41 TSA +45 17 42 M +45 17 43 TO +45 17 44 O +45 17 45 Y +45 17 46 TSO +45 17 47 Y +45 17 48 M +45 17 49 Y +45 17 50 TO +45 17 51 TSO +45 17 52 O +45 17 53 TSA +45 17 54 Y +45 17 55 Y +45 17 56 M +45 17 57 Y +45 17 58 TSO +45 17 59 O +45 17 60 Y +45 17 61 TSA +45 17 62 TO +45 17 63 TSA +45 17 64 Y +45 17 65 TSA +45 17 66 O +45 17 67 Y +45 17 68 TSA +45 17 69 Y +45 17 70 O +45 17 71 TO +45 17 72 Y +45 17 73 TO +45 17 74 Y +45 17 75 Y +45 17 76 TSA +45 17 77 Y +45 17 78 TSA +45 17 79 T +45 17 80 Y +45 17 81 Y +45 17 82 Y +45 17 83 M +45 17 84 TSA +45 17 85 Y +45 17 86 TSA +45 17 87 T +45 17 88 TSA +45 17 89 T +45 17 90 Y +45 17 91 M +45 17 92 O +45 17 93 Y +45 17 94 TSO +45 17 95 Y +45 17 96 M +45 17 97 TO +45 17 98 TSA +45 17 99 TO +45 17 100 Y +45 17 101 TO +45 17 102 Y +45 17 103 TSO +45 17 104 Y +45 17 105 TO +45 17 106 M +45 17 107 O +45 17 108 Y +45 17 109 Y +45 17 110 M +45 17 111 Y +45 17 112 TSA +45 17 113 T +45 17 114 Y +45 17 115 TSA +45 17 116 Y +45 17 117 TSO +45 17 118 TSA +45 17 119 Y +45 17 120 O +45 17 121 TSA +45 17 122 Y +45 17 123 Y +45 17 124 M +45 17 125 TSA +45 17 126 TSA +45 17 127 Y +45 17 128 M +45 17 129 O +45 17 130 Y +45 17 131 TO +45 17 132 TSA +45 17 133 Y +45 17 134 TSO +45 17 135 TO +45 17 136 Y +45 17 137 Y +45 17 138 Y +45 17 139 O +45 17 140 Y +45 17 141 O +45 17 142 O +45 17 143 Y +45 17 144 TO +45 17 145 Y +45 17 146 M +45 17 147 Y +45 17 148 TSA +45 17 149 Y +45 17 150 TO +45 17 151 TSA +45 17 152 TSA +45 17 153 Y +45 17 154 T +45 17 155 TSO +45 17 156 Y +45 17 157 TSO +45 17 158 O +45 17 159 M +45 17 160 TSA +45 17 161 Y +45 17 162 TSA +45 17 163 Y +45 17 164 Y +45 17 165 Y +45 17 166 Y +45 17 167 TO +45 17 168 Y +45 17 169 Y +45 17 170 Y +45 17 171 Y +45 17 172 O +45 17 173 TSA +45 17 174 M +45 17 175 Y +45 17 176 TSA +45 17 177 M +45 17 178 Y +45 17 179 TO +45 17 180 Y +45 17 181 M +45 17 182 TO +45 17 183 TSO +45 17 184 TO +45 17 185 TSO +45 17 186 Y +45 17 187 M +45 17 188 Y +45 17 189 Y +45 17 190 TSA +45 17 191 Y +45 17 192 TO +45 17 193 M +45 17 194 TO +45 17 195 Y +45 17 196 Y +45 17 197 TO +45 17 198 T +45 17 199 Y +45 17 200 Y +45 17 201 TSA +45 17 202 Y +45 17 203 TO +45 17 204 TSO +45 17 205 TO +45 17 206 Y +45 17 207 TSA +45 17 208 TSO +45 17 209 Y +45 17 210 TSO +45 17 211 Y +45 17 212 M +45 17 213 TO +45 17 214 Y +45 17 215 TO +45 17 216 Y +45 17 217 TSA +45 17 218 Y +45 17 219 Y +45 17 220 TO +45 17 221 Y +45 17 222 TO +45 17 223 Y +45 17 224 O +45 17 225 Y +45 17 226 Y +45 17 227 T +45 17 228 Y +45 17 229 Y +45 17 230 O +45 17 231 TO +45 17 232 TSO +45 17 233 TO +45 17 234 Y +45 17 235 Y +45 17 236 Y +45 17 237 M +45 17 238 Y +45 17 239 TSA +45 17 240 TSO +45 17 241 O +45 17 242 M +45 17 243 TO +45 17 244 O +45 17 245 TSA +45 17 246 Y +45 17 247 TO +45 17 248 Y +45 17 249 Y +45 17 250 TO +45 17 251 Y +45 17 252 O +45 17 253 Y +45 17 254 Y +45 17 255 T +45 17 256 TSA +45 17 257 Y +45 17 258 M +45 17 259 TSA +45 17 260 M +45 17 261 M +45 17 262 O +45 17 263 T +45 17 264 Y +45 17 265 Y +45 17 266 TSA +45 17 267 TO +45 17 268 Y +45 17 269 TO +45 17 270 M +45 17 271 Y +45 17 272 O +45 17 273 TO +45 17 274 O +45 17 275 M +45 17 276 TSA +45 17 277 Y +45 17 278 TSA +45 17 279 TO +45 17 280 Y +45 17 281 Y +45 17 282 Y +45 17 283 TSO +45 17 284 O +45 17 285 TSA +45 17 286 O +45 17 287 TSO +45 17 288 TSA +45 17 289 Y +45 17 290 O +45 17 291 Y +45 17 292 TSA +45 17 293 Y +45 17 294 O +45 17 295 TSO +45 17 296 TO +45 17 297 M +45 17 298 TSA +45 17 299 Y +45 17 300 O +45 17 301 Y +45 17 302 O +45 17 303 O +45 17 304 Y +45 17 305 TO +45 17 306 Y +45 17 307 Y +45 17 308 TO +45 17 309 T +45 17 310 Y +45 17 311 Y +45 17 312 T +45 17 313 TO +45 17 314 O +45 17 315 Y +45 17 316 Y +45 17 317 TO +45 17 318 TSA +45 17 319 O +45 17 320 Y +45 17 321 TSA +45 17 322 Y +45 17 323 Y +45 17 324 O +45 17 325 TO +45 17 326 M +45 17 327 O +45 17 328 Y +45 17 329 TSO +45 17 330 O +45 18 1 Y +45 18 2 Y +45 18 3 TSA +45 18 4 MU +45 18 5 Y +45 18 6 M +45 18 7 Y +45 18 8 TSA +45 18 9 TSO +45 18 10 Y +45 18 11 Y +45 18 12 M +45 18 13 Y +45 18 14 Y +45 18 15 M +45 18 16 O +45 18 17 TSA +45 18 18 T +45 18 19 Y +45 18 20 Y +45 18 21 TSA +45 18 22 M +45 18 23 MU +45 18 24 TSO +45 18 25 Y +45 18 26 Y +45 18 27 O +45 18 28 TSA +45 18 29 Y +45 18 30 TSO +45 18 31 Y +45 18 32 MU +45 18 33 Y +45 18 34 Y +45 18 35 TSA +45 18 36 Y +45 18 37 Y +45 18 38 TSA +45 18 39 Y +45 18 40 Y +45 18 41 TSA +45 18 42 M +45 18 43 Y +45 18 44 O +45 18 45 Y +45 18 46 TSO +45 18 47 Y +45 18 48 M +45 18 49 Y +45 18 50 MU +45 18 51 TSO +45 18 52 Y +45 18 53 TSA +45 18 54 Y +45 18 55 Y +45 18 56 M +45 18 57 Y +45 18 58 M +45 18 59 MU +45 18 60 Y +45 18 61 TSA +45 18 62 MU +45 18 63 TSA +45 18 64 Y +45 18 65 TSA +45 18 66 M +45 18 67 Y +45 18 68 MU +45 18 69 Y +45 18 70 MU +45 18 71 MU +45 18 72 Y +45 18 73 MU +45 18 74 Y +45 18 75 Y +45 18 76 M +45 18 77 Y +45 18 78 TSA +45 18 79 T +45 18 80 Y +45 18 81 Y +45 18 82 Y +45 18 83 M +45 18 84 M +45 18 85 Y +45 18 86 TSA +45 18 87 Y +45 18 88 MU +45 18 89 T +45 18 90 Y +45 18 91 Y +45 18 92 M +45 18 93 Y +45 18 94 TSO +45 18 95 Y +45 18 96 M +45 18 97 MU +45 18 98 TSA +45 18 99 MU +45 18 100 Y +45 18 101 MU +45 18 102 Y +45 18 103 Y +45 18 104 Y +45 18 105 MU +45 18 106 M +45 18 107 O +45 18 108 Y +45 18 109 Y +45 18 110 M +45 18 111 Y +45 18 112 TSA +45 18 113 TSO +45 18 114 Y +45 18 115 TSA +45 18 116 Y +45 18 117 TSO +45 18 118 TSA +45 18 119 Y +45 18 120 O +45 18 121 TSA +45 18 122 Y +45 18 123 Y +45 18 124 Y +45 18 125 TSA +45 18 126 TSA +45 18 127 Y +45 18 128 M +45 18 129 O +45 18 130 Y +45 18 131 MU +45 18 132 TSA +45 18 133 Y +45 18 134 TSO +45 18 135 MU +45 18 136 Y +45 18 137 Y +45 18 138 Y +45 18 139 O +45 18 140 Y +45 18 141 O +45 18 142 O +45 18 143 Y +45 18 144 MU +45 18 145 Y +45 18 146 M +45 18 147 Y +45 18 148 TSA +45 18 149 Y +45 18 150 MU +45 18 151 TSA +45 18 152 MU +45 18 153 Y +45 18 154 T +45 18 155 TSO +45 18 156 Y +45 18 157 TSO +45 18 158 O +45 18 159 M +45 18 160 TSA +45 18 161 Y +45 18 162 TSA +45 18 163 Y +45 18 164 Y +45 18 165 Y +45 18 166 Y +45 18 167 MU +45 18 168 Y +45 18 169 Y +45 18 170 Y +45 18 171 Y +45 18 172 O +45 18 173 TSA +45 18 174 M +45 18 175 Y +45 18 176 TSA +45 18 177 M +45 18 178 Y +45 18 179 TSA +45 18 180 Y +45 18 181 M +45 18 182 MU +45 18 183 TSO +45 18 184 MU +45 18 185 M +45 18 186 Y +45 18 187 M +45 18 188 Y +45 18 189 Y +45 18 190 TSA +45 18 191 Y +45 18 192 MU +45 18 193 M +45 18 194 MU +45 18 195 Y +45 18 196 Y +45 18 197 MU +45 18 198 T +45 18 199 Y +45 18 200 Y +45 18 201 TSA +45 18 202 Y +45 18 203 TSA +45 18 204 TSO +45 18 205 MU +45 18 206 Y +45 18 207 TSA +45 18 208 M +45 18 209 Y +45 18 210 TSO +45 18 211 Y +45 18 212 M +45 18 213 MU +45 18 214 Y +45 18 215 TSA +45 18 216 Y +45 18 217 TSA +45 18 218 Y +45 18 219 Y +45 18 220 Y +45 18 221 Y +45 18 222 MU +45 18 223 Y +45 18 224 O +45 18 225 Y +45 18 226 Y +45 18 227 Y +45 18 228 Y +45 18 229 Y +45 18 230 O +45 18 231 MU +45 18 232 Y +45 18 233 Y +45 18 234 Y +45 18 235 Y +45 18 236 Y +45 18 237 M +45 18 238 Y +45 18 239 TSA +45 18 240 TSO +45 18 241 O +45 18 242 M +45 18 243 MU +45 18 244 Y +45 18 245 TSA +45 18 246 Y +45 18 247 MU +45 18 248 Y +45 18 249 Y +45 18 250 MU +45 18 251 Y +45 18 252 O +45 18 253 Y +45 18 254 Y +45 18 255 T +45 18 256 TSA +45 18 257 Y +45 18 258 M +45 18 259 TSA +45 18 260 Y +45 18 261 TSA +45 18 262 O +45 18 263 T +45 18 264 Y +45 18 265 Y +45 18 266 TSA +45 18 267 MU +45 18 268 Y +45 18 269 MU +45 18 270 M +45 18 271 Y +45 18 272 O +45 18 273 MU +45 18 274 O +45 18 275 Y +45 18 276 TSA +45 18 277 Y +45 18 278 TSA +45 18 279 Y +45 18 280 Y +45 18 281 Y +45 18 282 Y +45 18 283 TSO +45 18 284 Y +45 18 285 TSA +45 18 286 O +45 18 287 M +45 18 288 TSA +45 18 289 Y +45 18 290 M +45 18 291 Y +45 18 292 TSA +45 18 293 Y +45 18 294 Y +45 18 295 TSO +45 18 296 MU +45 18 297 M +45 18 298 TSA +45 18 299 Y +45 18 300 T +45 18 301 Y +45 18 302 O +45 18 303 Y +45 18 304 Y +45 18 305 MU +45 18 306 Y +45 18 307 Y +45 18 308 MU +45 18 309 Y +45 18 310 Y +45 18 311 Y +45 18 312 T +45 18 313 MU +45 18 314 O +45 18 315 Y +45 18 316 Y +45 18 317 MU +45 18 318 M +45 18 319 O +45 18 320 Y +45 18 321 TSA +45 18 322 Y +45 18 323 Y +45 18 324 O +45 18 325 MU +45 18 326 M +45 18 327 Y +45 18 328 Y +45 18 329 TSO +45 18 330 Y +45 19 1 Y +45 19 2 Y +45 19 3 TSA +45 19 4 MU +45 19 5 Y +45 19 6 M +45 19 7 Y +45 19 8 MU +45 19 9 TSO +45 19 10 T +45 19 11 Y +45 19 12 M +45 19 13 Y +45 19 14 Y +45 19 15 TSA +45 19 16 O +45 19 17 TSA +45 19 18 T +45 19 19 Y +45 19 20 Y +45 19 21 TSA +45 19 22 M +45 19 23 MU +45 19 24 TSO +45 19 25 Y +45 19 26 Y +45 19 27 O +45 19 28 TSA +45 19 29 Y +45 19 30 TSO +45 19 31 Y +45 19 32 TSA +45 19 33 Y +45 19 34 Y +45 19 35 TSA +45 19 36 Y +45 19 37 Y +45 19 38 TSA +45 19 39 Y +45 19 40 Y +45 19 41 TSA +45 19 42 M +45 19 43 Y +45 19 44 O +45 19 45 Y +45 19 46 TSO +45 19 47 Y +45 19 48 TSO +45 19 49 Y +45 19 50 MU +45 19 51 TSO +45 19 52 O +45 19 53 TSA +45 19 54 Y +45 19 55 Y +45 19 56 M +45 19 57 Y +45 19 58 M +45 19 59 O +45 19 60 T +45 19 61 TSA +45 19 62 MU +45 19 63 TSA +45 19 64 Y +45 19 65 TSA +45 19 66 O +45 19 67 Y +45 19 68 TSA +45 19 69 TSO +45 19 70 O +45 19 71 MU +45 19 72 Y +45 19 73 MU +45 19 74 Y +45 19 75 Y +45 19 76 TSA +45 19 77 Y +45 19 78 TSA +45 19 79 T +45 19 80 Y +45 19 81 Y +45 19 82 Y +45 19 83 O +45 19 84 TSA +45 19 85 Y +45 19 86 TSA +45 19 87 T +45 19 88 TSA +45 19 89 T +45 19 90 Y +45 19 91 M +45 19 92 O +45 19 93 Y +45 19 94 T +45 19 95 Y +45 19 96 M +45 19 97 MU +45 19 98 TSA +45 19 99 TSA +45 19 100 Y +45 19 101 MU +45 19 102 Y +45 19 103 M +45 19 104 Y +45 19 105 MU +45 19 106 M +45 19 107 O +45 19 108 Y +45 19 109 MU +45 19 110 M +45 19 111 Y +45 19 112 TSA +45 19 113 T +45 19 114 Y +45 19 115 TSA +45 19 116 Y +45 19 117 TSO +45 19 118 TSA +45 19 119 Y +45 19 120 O +45 19 121 TSA +45 19 122 Y +45 19 123 Y +45 19 124 M +45 19 125 TSA +45 19 126 TSA +45 19 127 Y +45 19 128 M +45 19 129 O +45 19 130 Y +45 19 131 MU +45 19 132 TSA +45 19 133 Y +45 19 134 TSO +45 19 135 MU +45 19 136 Y +45 19 137 Y +45 19 138 Y +45 19 139 O +45 19 140 Y +45 19 141 O +45 19 142 O +45 19 143 Y +45 19 144 MU +45 19 145 Y +45 19 146 M +45 19 147 Y +45 19 148 TSA +45 19 149 Y +45 19 150 MU +45 19 151 TSA +45 19 152 TSA +45 19 153 Y +45 19 154 TSO +45 19 155 TSO +45 19 156 Y +45 19 157 TSO +45 19 158 O +45 19 159 M +45 19 160 TSA +45 19 161 Y +45 19 162 TSA +45 19 163 Y +45 19 164 Y +45 19 165 Y +45 19 166 Y +45 19 167 MU +45 19 168 Y +45 19 169 Y +45 19 170 Y +45 19 171 Y +45 19 172 O +45 19 173 TSA +45 19 174 M +45 19 175 Y +45 19 176 TSA +45 19 177 M +45 19 178 Y +45 19 179 MU +45 19 180 Y +45 19 181 M +45 19 182 MU +45 19 183 TSO +45 19 184 MU +45 19 185 TSO +45 19 186 Y +45 19 187 M +45 19 188 Y +45 19 189 Y +45 19 190 TSA +45 19 191 Y +45 19 192 MU +45 19 193 M +45 19 194 MU +45 19 195 Y +45 19 196 Y +45 19 197 MU +45 19 198 T +45 19 199 O +45 19 200 Y +45 19 201 TSA +45 19 202 Y +45 19 203 TSA +45 19 204 TSO +45 19 205 MU +45 19 206 O +45 19 207 TSA +45 19 208 TSO +45 19 209 Y +45 19 210 MU +45 19 211 Y +45 19 212 M +45 19 213 TSA +45 19 214 M +45 19 215 TSA +45 19 216 Y +45 19 217 TSA +45 19 218 M +45 19 219 O +45 19 220 Y +45 19 221 O +45 19 222 MU +45 19 223 Y +45 19 224 O +45 19 225 M +45 19 226 Y +45 19 227 Y +45 19 228 Y +45 19 229 Y +45 19 230 O +45 19 231 MU +45 19 232 TSO +45 19 233 Y +45 19 234 Y +45 19 235 Y +45 19 236 M +45 19 237 TSA +45 19 238 Y +45 19 239 TSA +45 19 240 TSO +45 19 241 O +45 19 242 M +45 19 243 MU +45 19 244 O +45 19 245 TSA +45 19 246 Y +45 19 247 MU +45 19 248 Y +45 19 249 Y +45 19 250 MU +45 19 251 Y +45 19 252 O +45 19 253 Y +45 19 254 Y +45 19 255 TSO +45 19 256 TSA +45 19 257 Y +45 19 258 M +45 19 259 TSA +45 19 260 M +45 19 261 M +45 19 262 O +45 19 263 O +45 19 264 Y +45 19 265 Y +45 19 266 TSO +45 19 267 MU +45 19 268 Y +45 19 269 MU +45 19 270 M +45 19 271 Y +45 19 272 MU +45 19 273 TSA +45 19 274 O +45 19 275 M +45 19 276 TSA +45 19 277 Y +45 19 278 TSA +45 19 279 Y +45 19 280 Y +45 19 281 Y +45 19 282 Y +45 19 283 TSO +45 19 284 O +45 19 285 TSA +45 19 286 O +45 19 287 TSO +45 19 288 TSA +45 19 289 Y +45 19 290 O +45 19 291 Y +45 19 292 TSA +45 19 293 O +45 19 294 O +45 19 295 TSO +45 19 296 MU +45 19 297 M +45 19 298 TSA +45 19 299 Y +45 19 300 O +45 19 301 Y +45 19 302 O +45 19 303 O +45 19 304 M +45 19 305 MU +45 19 306 Y +45 19 307 Y +45 19 308 MU +45 19 309 TSO +45 19 310 Y +45 19 311 Y +45 19 312 T +45 19 313 MU +45 19 314 O +45 19 315 Y +45 19 316 Y +45 19 317 MU +45 19 318 M +45 19 319 O +45 19 320 M +45 19 321 TSA +45 19 322 Y +45 19 323 Y +45 19 324 O +45 19 325 MU +45 19 326 M +45 19 327 O +45 19 328 Y +45 19 329 TSO +45 19 330 O +45 20 1 Y +45 20 2 Y +45 20 3 TSA +45 20 4 MU +45 20 5 Y +45 20 6 M +45 20 7 Y +45 20 8 MU +45 20 9 TSO +45 20 10 T +45 20 11 Y +45 20 12 M +45 20 13 Y +45 20 14 Y +45 20 15 I +45 20 16 O +45 20 17 TSA +45 20 18 T +45 20 19 Y +45 20 20 Y +45 20 21 TSA +45 20 22 M +45 20 23 MU +45 20 24 T +45 20 25 Y +45 20 26 Y +45 20 27 O +45 20 28 TSA +45 20 29 Y +45 20 30 TSO +45 20 31 Y +45 20 32 TSA +45 20 33 Y +45 20 34 Y +45 20 35 TSA +45 20 36 Y +45 20 37 Y +45 20 38 TSA +45 20 39 Y +45 20 40 Y +45 20 41 TSA +45 20 42 M +45 20 43 Y +45 20 44 O +45 20 45 Y +45 20 46 TSO +45 20 47 Y +45 20 48 TSO +45 20 49 Y +45 20 50 MU +45 20 51 TSO +45 20 52 O +45 20 53 TSA +45 20 54 Y +45 20 55 Y +45 20 56 M +45 20 57 Y +45 20 58 M +45 20 59 O +45 20 60 T +45 20 61 TSA +45 20 62 MU +45 20 63 TSA +45 20 64 Y +45 20 65 TSA +45 20 66 O +45 20 67 Y +45 20 68 TSA +45 20 69 M +45 20 70 O +45 20 71 MU +45 20 72 Y +45 20 73 MU +45 20 74 Y +45 20 75 Y +45 20 76 TSA +45 20 77 Y +45 20 78 TSA +45 20 79 T +45 20 80 Y +45 20 81 Y +45 20 82 Y +45 20 83 O +45 20 84 TSA +45 20 85 Y +45 20 86 TSA +45 20 87 T +45 20 88 TSA +45 20 89 T +45 20 90 Y +45 20 91 M +45 20 92 O +45 20 93 Y +45 20 94 T +45 20 95 Y +45 20 96 M +45 20 97 MU +45 20 98 TSA +45 20 99 MU +45 20 100 Y +45 20 101 MU +45 20 102 Y +45 20 103 M +45 20 104 Y +45 20 105 MU +45 20 106 M +45 20 107 O +45 20 108 Y +45 20 109 MU +45 20 110 M +45 20 111 Y +45 20 112 TSA +45 20 113 T +45 20 114 Y +45 20 115 TSA +45 20 116 O +45 20 117 T +45 20 118 TSA +45 20 119 Y +45 20 120 O +45 20 121 TSA +45 20 122 Y +45 20 123 Y +45 20 124 M +45 20 125 TSA +45 20 126 TSA +45 20 127 Y +45 20 128 M +45 20 129 O +45 20 130 Y +45 20 131 MU +45 20 132 TSA +45 20 133 Y +45 20 134 TSO +45 20 135 MU +45 20 136 Y +45 20 137 Y +45 20 138 Y +45 20 139 O +45 20 140 Y +45 20 141 O +45 20 142 O +45 20 143 Y +45 20 144 MU +45 20 145 Y +45 20 146 M +45 20 147 Y +45 20 148 TSA +45 20 149 Y +45 20 150 MU +45 20 151 TSA +45 20 152 TSA +45 20 153 Y +45 20 154 TSO +45 20 155 TSO +45 20 156 Y +45 20 157 TSO +45 20 158 O +45 20 159 M +45 20 160 TSA +45 20 161 Y +45 20 162 TSA +45 20 163 Y +45 20 164 Y +45 20 165 Y +45 20 166 Y +45 20 167 O +45 20 168 Y +45 20 169 Y +45 20 170 Y +45 20 171 Y +45 20 172 O +45 20 173 TSA +45 20 174 M +45 20 175 Y +45 20 176 TSA +45 20 177 M +45 20 178 Y +45 20 179 MU +45 20 180 Y +45 20 181 M +45 20 182 MU +45 20 183 TSO +45 20 184 MU +45 20 185 TSO +45 20 186 Y +45 20 187 M +45 20 188 Y +45 20 189 Y +45 20 190 TSA +45 20 191 Y +45 20 192 MU +45 20 193 M +45 20 194 MU +45 20 195 Y +45 20 196 Y +45 20 197 MU +45 20 198 T +45 20 199 O +45 20 200 Y +45 20 201 TSA +45 20 202 Y +45 20 203 TSA +45 20 204 TSO +45 20 205 MU +45 20 206 O +45 20 207 TSA +45 20 208 M +45 20 209 Y +45 20 210 MU +45 20 211 Y +45 20 212 M +45 20 213 O +45 20 214 M +45 20 215 TSA +45 20 216 Y +45 20 217 TSA +45 20 218 M +45 20 219 O +45 20 220 Y +45 20 221 O +45 20 222 MU +45 20 223 Y +45 20 224 O +45 20 225 M +45 20 226 Y +45 20 227 Y +45 20 228 Y +45 20 229 Y +45 20 230 O +45 20 231 MU +45 20 232 M +45 20 233 Y +45 20 234 Y +45 20 235 Y +45 20 236 M +45 20 237 TSA +45 20 238 Y +45 20 239 TSA +45 20 240 TSO +45 20 241 O +45 20 242 M +45 20 243 MU +45 20 244 O +45 20 245 TSA +45 20 246 Y +45 20 247 MU +45 20 248 Y +45 20 249 Y +45 20 250 MU +45 20 251 Y +45 20 252 O +45 20 253 Y +45 20 254 Y +45 20 255 TSO +45 20 256 TSA +45 20 257 Y +45 20 258 M +45 20 259 TSA +45 20 260 M +45 20 261 M +45 20 262 O +45 20 263 O +45 20 264 Y +45 20 265 Y +45 20 266 TSO +45 20 267 MU +45 20 268 Y +45 20 269 MU +45 20 270 M +45 20 271 Y +45 20 272 O +45 20 273 MU +45 20 274 O +45 20 275 M +45 20 276 TSA +45 20 277 Y +45 20 278 TSA +45 20 279 Y +45 20 280 Y +45 20 281 Y +45 20 282 Y +45 20 283 TSO +45 20 284 O +45 20 285 TSA +45 20 286 O +45 20 287 M +45 20 288 TSA +45 20 289 Y +45 20 290 O +45 20 291 Y +45 20 292 TSA +45 20 293 O +45 20 294 O +45 20 295 TSO +45 20 296 MU +45 20 297 M +45 20 298 TSA +45 20 299 Y +45 20 300 O +45 20 301 Y +45 20 302 O +45 20 303 O +45 20 304 M +45 20 305 MU +45 20 306 Y +45 20 307 Y +45 20 308 MU +45 20 309 TSO +45 20 310 Y +45 20 311 Y +45 20 312 T +45 20 313 MU +45 20 314 O +45 20 315 Y +45 20 316 Y +45 20 317 MU +45 20 318 TSA +45 20 319 O +45 20 320 M +45 20 321 TSA +45 20 322 Y +45 20 323 Y +45 20 324 O +45 20 325 MU +45 20 326 M +45 20 327 O +45 20 328 Y +45 20 329 TSO +45 20 330 O +45 21 1 Y +45 21 2 Y +45 21 3 TSA +45 21 4 MU +45 21 5 Y +45 21 6 M +45 21 7 Y +45 21 8 TSA +45 21 9 TSO +45 21 10 Y +45 21 11 Y +45 21 12 M +45 21 13 Y +45 21 14 Y +45 21 15 M +45 21 16 O +45 21 17 TSA +45 21 18 T +45 21 19 Y +45 21 20 Y +45 21 21 TSA +45 21 22 M +45 21 23 MU +45 21 24 TSO +45 21 25 Y +45 21 26 Y +45 21 27 O +45 21 28 TSA +45 21 29 Y +45 21 30 TSO +45 21 31 Y +45 21 32 MU +45 21 33 Y +45 21 34 Y +45 21 35 TSA +45 21 36 Y +45 21 37 Y +45 21 38 TSA +45 21 39 Y +45 21 40 Y +45 21 41 TSA +45 21 42 M +45 21 43 Y +45 21 44 O +45 21 45 Y +45 21 46 TSO +45 21 47 Y +45 21 48 M +45 21 49 Y +45 21 50 MU +45 21 51 TSO +45 21 52 Y +45 21 53 TSA +45 21 54 Y +45 21 55 Y +45 21 56 M +45 21 57 Y +45 21 58 M +45 21 59 O +45 21 60 Y +45 21 61 TSA +45 21 62 MU +45 21 63 TSA +45 21 64 Y +45 21 65 TSA +45 21 66 O +45 21 67 Y +45 21 68 MU +45 21 69 Y +45 21 70 O +45 21 71 MU +45 21 72 Y +45 21 73 MU +45 21 74 Y +45 21 75 Y +45 21 76 M +45 21 77 Y +45 21 78 O +45 21 79 T +45 21 80 Y +45 21 81 Y +45 21 82 Y +45 21 83 M +45 21 84 M +45 21 85 Y +45 21 86 TSA +45 21 87 Y +45 21 88 MU +45 21 89 T +45 21 90 Y +45 21 91 Y +45 21 92 O +45 21 93 Y +45 21 94 TSO +45 21 95 Y +45 21 96 M +45 21 97 MU +45 21 98 TSA +45 21 99 MU +45 21 100 Y +45 21 101 MU +45 21 102 Y +45 21 103 Y +45 21 104 Y +45 21 105 MU +45 21 106 M +45 21 107 O +45 21 108 Y +45 21 109 Y +45 21 110 M +45 21 111 Y +45 21 112 TSA +45 21 113 TSO +45 21 114 Y +45 21 115 TSA +45 21 116 Y +45 21 117 TSO +45 21 118 TSA +45 21 119 Y +45 21 120 O +45 21 121 TSA +45 21 122 Y +45 21 123 Y +45 21 124 Y +45 21 125 TSA +45 21 126 TSA +45 21 127 Y +45 21 128 M +45 21 129 O +45 21 130 Y +45 21 131 MU +45 21 132 TSA +45 21 133 Y +45 21 134 TSO +45 21 135 MU +45 21 136 Y +45 21 137 Y +45 21 138 Y +45 21 139 O +45 21 140 Y +45 21 141 O +45 21 142 O +45 21 143 Y +45 21 144 MU +45 21 145 Y +45 21 146 M +45 21 147 Y +45 21 148 TSA +45 21 149 Y +45 21 150 MU +45 21 151 TSA +45 21 152 MU +45 21 153 Y +45 21 154 T +45 21 155 TSO +45 21 156 Y +45 21 157 TSO +45 21 158 O +45 21 159 M +45 21 160 TSA +45 21 161 Y +45 21 162 TSA +45 21 163 Y +45 21 164 Y +45 21 165 Y +45 21 166 Y +45 21 167 MU +45 21 168 Y +45 21 169 Y +45 21 170 Y +45 21 171 Y +45 21 172 O +45 21 173 TSA +45 21 174 M +45 21 175 Y +45 21 176 TSA +45 21 177 M +45 21 178 Y +45 21 179 TSA +45 21 180 Y +45 21 181 M +45 21 182 MU +45 21 183 TSO +45 21 184 MU +45 21 185 M +45 21 186 Y +45 21 187 M +45 21 188 Y +45 21 189 Y +45 21 190 TSA +45 21 191 Y +45 21 192 MU +45 21 193 M +45 21 194 MU +45 21 195 Y +45 21 196 Y +45 21 197 MU +45 21 198 T +45 21 199 Y +45 21 200 Y +45 21 201 TSA +45 21 202 Y +45 21 203 MU +45 21 204 TSO +45 21 205 MU +45 21 206 Y +45 21 207 TSA +45 21 208 M +45 21 209 Y +45 21 210 TSA +45 21 211 Y +45 21 212 M +45 21 213 MU +45 21 214 Y +45 21 215 MU +45 21 216 Y +45 21 217 TSA +45 21 218 Y +45 21 219 Y +45 21 220 Y +45 21 221 Y +45 21 222 MU +45 21 223 Y +45 21 224 O +45 21 225 Y +45 21 226 Y +45 21 227 Y +45 21 228 Y +45 21 229 Y +45 21 230 O +45 21 231 MU +45 21 232 TSO +45 21 233 Y +45 21 234 Y +45 21 235 Y +45 21 236 Y +45 21 237 M +45 21 238 Y +45 21 239 TSA +45 21 240 TSA +45 21 241 O +45 21 242 M +45 21 243 MU +45 21 244 Y +45 21 245 TSA +45 21 246 Y +45 21 247 MU +45 21 248 Y +45 21 249 Y +45 21 250 MU +45 21 251 Y +45 21 252 O +45 21 253 Y +45 21 254 Y +45 21 255 T +45 21 256 TSA +45 21 257 Y +45 21 258 M +45 21 259 TSA +45 21 260 Y +45 21 261 TSA +45 21 262 O +45 21 263 T +45 21 264 Y +45 21 265 Y +45 21 266 TSA +45 21 267 MU +45 21 268 Y +45 21 269 MU +45 21 270 M +45 21 271 Y +45 21 272 O +45 21 273 MU +45 21 274 O +45 21 275 Y +45 21 276 TSA +45 21 277 Y +45 21 278 TSA +45 21 279 Y +45 21 280 Y +45 21 281 Y +45 21 282 Y +45 21 283 TSO +45 21 284 Y +45 21 285 TSA +45 21 286 O +45 21 287 M +45 21 288 TSA +45 21 289 Y +45 21 290 O +45 21 291 Y +45 21 292 TSA +45 21 293 Y +45 21 294 Y +45 21 295 TSO +45 21 296 MU +45 21 297 M +45 21 298 TSA +45 21 299 Y +45 21 300 O +45 21 301 Y +45 21 302 O +45 21 303 Y +45 21 304 Y +45 21 305 MU +45 21 306 Y +45 21 307 Y +45 21 308 MU +45 21 309 Y +45 21 310 Y +45 21 311 Y +45 21 312 T +45 21 313 MU +45 21 314 O +45 21 315 Y +45 21 316 Y +45 21 317 MU +45 21 318 TSA +45 21 319 O +45 21 320 Y +45 21 321 TSA +45 21 322 Y +45 21 323 Y +45 21 324 O +45 21 325 MU +45 21 326 M +45 21 327 Y +45 21 328 Y +45 21 329 TSO +45 21 330 Y +45 22 1 A +45 22 2 Y +45 22 3 TSA +45 22 4 MU +45 22 5 Y +45 22 6 M +45 22 7 Y +45 22 8 TSA +45 22 9 TSO +45 22 10 T +45 22 11 A +45 22 12 M +45 22 13 Y +45 22 14 Y +45 22 15 TSA +45 22 16 O +45 22 17 TSA +45 22 18 T +45 22 19 A +45 22 20 Y +45 22 21 TSA +45 22 22 M +45 22 23 MU +45 22 24 T +45 22 25 Y +45 22 26 A +45 22 27 M +45 22 28 TSA +45 22 29 Y +45 22 30 TSO +45 22 31 A +45 22 32 TSA +45 22 33 Y +45 22 34 A +45 22 35 TSA +45 22 36 Y +45 22 37 A +45 22 38 TSA +45 22 39 Y +45 22 40 A +45 22 41 TSA +45 22 42 M +45 22 43 T +45 22 44 O +45 22 45 Y +45 22 46 T +45 22 47 Y +45 22 48 M +45 22 49 A +45 22 50 MU +45 22 51 TSO +45 22 52 M +45 22 53 TSA +45 22 54 Y +45 22 55 A +45 22 56 M +45 22 57 Y +45 22 58 M +45 22 59 TSA +45 22 60 T +45 22 61 TSA +45 22 62 MU +45 22 63 TSA +45 22 64 A +45 22 65 TSA +45 22 66 M +45 22 67 Y +45 22 68 TSA +45 22 69 TSO +45 22 70 O +45 22 71 MU +45 22 72 Y +45 22 73 MU +45 22 74 A +45 22 75 Y +45 22 76 TSA +45 22 77 A +45 22 78 TSA +45 22 79 T +45 22 80 A +45 22 81 Y +45 22 82 Y +45 22 83 M +45 22 84 TSA +45 22 85 Y +45 22 86 TSA +45 22 87 T +45 22 88 MU +45 22 89 T +45 22 90 Y +45 22 91 M +45 22 92 O +45 22 93 A +45 22 94 T +45 22 95 Y +45 22 96 M +45 22 97 MU +45 22 98 TSA +45 22 99 MU +45 22 100 Y +45 22 101 TSA +45 22 102 MU +45 22 103 TSO +45 22 104 A +45 22 105 MU +45 22 106 M +45 22 107 O +45 22 108 Y +45 22 109 A +45 22 110 M +45 22 111 Y +45 22 112 TSA +45 22 113 T +45 22 114 Y +45 22 115 TSA +45 22 116 A +45 22 117 T +45 22 118 Y +45 22 119 TSA +45 22 120 O +45 22 121 TSA +45 22 122 Y +45 22 123 Y +45 22 124 M +45 22 125 TSA +45 22 126 TSA +45 22 127 Y +45 22 128 M +45 22 129 O +45 22 130 TSO +45 22 131 MU +45 22 132 TSA +45 22 133 Y +45 22 134 TSO +45 22 135 TSA +45 22 136 A +45 22 137 Y +45 22 138 A +45 22 139 O +45 22 140 A +45 22 141 O +45 22 142 O +45 22 143 M +45 22 144 MU +45 22 145 Y +45 22 146 M +45 22 147 Y +45 22 148 TSA +45 22 149 Y +45 22 150 MU +45 22 151 TSA +45 22 152 TSA +45 22 153 A +45 22 154 T +45 22 155 TSO +45 22 156 Y +45 22 157 TSO +45 22 158 O +45 22 159 M +45 22 160 TSA +45 22 161 Y +45 22 162 TSA +45 22 163 Y +45 22 164 A +45 22 165 TSO +45 22 166 A +45 22 167 MU +45 22 168 Y +45 22 169 A +45 22 170 Y +45 22 171 Y +45 22 172 O +45 22 173 TSA +45 22 174 M +45 22 175 A +45 22 176 TSA +45 22 177 M +45 22 178 A +45 22 179 TSO +45 22 180 Y +45 22 181 TSO +45 22 182 MU +45 22 183 TSO +45 22 184 MU +45 22 185 TSO +45 22 186 A +45 22 187 M +45 22 188 A +45 22 189 A +45 22 190 TSA +45 22 191 Y +45 22 192 MU +45 22 193 M +45 22 194 TSO +45 22 195 Y +45 22 196 Y +45 22 197 MU +45 22 198 T +45 22 199 O +45 22 200 A +45 22 201 TSA +45 22 202 Y +45 22 203 TSA +45 22 204 T +45 22 205 MU +45 22 206 O +45 22 207 TSA +45 22 208 TSO +45 22 209 Y +45 22 210 TSO +45 22 211 A +45 22 212 M +45 22 213 MU +45 22 214 M +45 22 215 TSA +45 22 216 Y +45 22 217 TSA +45 22 218 M +45 22 219 O +45 22 220 A +45 22 221 O +45 22 222 MU +45 22 223 Y +45 22 224 O +45 22 225 TSO +45 22 226 Y +45 22 227 T +45 22 228 A +45 22 229 Y +45 22 230 O +45 22 231 MU +45 22 232 TSO +45 22 233 MU +45 22 234 Y +45 22 235 A +45 22 236 M +45 22 237 TSA +45 22 238 Y +45 22 239 TSA +45 22 240 TSO +45 22 241 O +45 22 242 M +45 22 243 MU +45 22 244 O +45 22 245 TSA +45 22 246 Y +45 22 247 MU +45 22 248 Y +45 22 249 Y +45 22 250 MU +45 22 251 Y +45 22 252 O +45 22 253 Y +45 22 254 A +45 22 255 T +45 22 256 TSA +45 22 257 A +45 22 258 M +45 22 259 TSO +45 22 260 M +45 22 261 TSO +45 22 262 O +45 22 263 O +45 22 264 A +45 22 265 Y +45 22 266 TSO +45 22 267 MU +45 22 268 Y +45 22 269 MU +45 22 270 M +45 22 271 Y +45 22 272 O +45 22 273 MU +45 22 274 O +45 22 275 M +45 22 276 TSA +45 22 277 A +45 22 278 TSA +45 22 279 A +45 22 280 Y +45 22 281 Y +45 22 282 Y +45 22 283 TSO +45 22 284 O +45 22 285 TSA +45 22 286 O +45 22 287 TSO +45 22 288 TSA +45 22 289 A +45 22 290 O +45 22 291 A +45 22 292 TSA +45 22 293 O +45 22 294 O +45 22 295 TSO +45 22 296 MU +45 22 297 M +45 22 298 TSA +45 22 299 Y +45 22 300 O +45 22 301 Y +45 22 302 O +45 22 303 A +45 22 304 Y +45 22 305 MU +45 22 306 Y +45 22 307 A +45 22 308 MU +45 22 309 TSO +45 22 310 Y +45 22 311 A +45 22 312 T +45 22 313 A +45 22 314 O +45 22 315 Y +45 22 316 Y +45 22 317 MU +45 22 318 M +45 22 319 O +45 22 320 TSO +45 22 321 TSA +45 22 322 A +45 22 323 Y +45 22 324 O +45 22 325 MU +45 22 326 M +45 22 327 O +45 22 328 Y +45 22 329 TSO +45 22 330 O +45 23 1 A +45 23 2 Y +45 23 3 TSA +45 23 4 MU +45 23 5 Y +45 23 6 M +45 23 7 Y +45 23 8 TSA +45 23 9 TSO +45 23 10 T +45 23 11 A +45 23 12 M +45 23 13 Y +45 23 14 Y +45 23 15 TSA +45 23 16 O +45 23 17 TSA +45 23 18 T +45 23 19 A +45 23 20 Y +45 23 21 TSA +45 23 22 M +45 23 23 MU +45 23 24 T +45 23 25 Y +45 23 26 A +45 23 27 M +45 23 28 TSA +45 23 29 Y +45 23 30 TSO +45 23 31 A +45 23 32 TSA +45 23 33 Y +45 23 34 A +45 23 35 TSA +45 23 36 Y +45 23 37 A +45 23 38 TSA +45 23 39 Y +45 23 40 A +45 23 41 TSA +45 23 42 M +45 23 43 T +45 23 44 O +45 23 45 Y +45 23 46 Y +45 23 47 Y +45 23 48 M +45 23 49 A +45 23 50 MU +45 23 51 TSO +45 23 52 Y +45 23 53 TSA +45 23 54 Y +45 23 55 A +45 23 56 M +45 23 57 Y +45 23 58 TSO +45 23 59 TSA +45 23 60 T +45 23 61 TSA +45 23 62 MU +45 23 63 TSA +45 23 64 A +45 23 65 TSA +45 23 66 M +45 23 67 Y +45 23 68 TSA +45 23 69 TSO +45 23 70 O +45 23 71 MU +45 23 72 Y +45 23 73 MU +45 23 74 A +45 23 75 Y +45 23 76 TSA +45 23 77 A +45 23 78 TSA +45 23 79 T +45 23 80 A +45 23 81 Y +45 23 82 Y +45 23 83 M +45 23 84 TSA +45 23 85 Y +45 23 86 TSA +45 23 87 T +45 23 88 MU +45 23 89 T +45 23 90 Y +45 23 91 Y +45 23 92 O +45 23 93 A +45 23 94 T +45 23 95 Y +45 23 96 M +45 23 97 MU +45 23 98 TSA +45 23 99 MU +45 23 100 Y +45 23 101 TSA +45 23 102 MU +45 23 103 TSO +45 23 104 A +45 23 105 MU +45 23 106 M +45 23 107 O +45 23 108 Y +45 23 109 A +45 23 110 M +45 23 111 Y +45 23 112 TSA +45 23 113 T +45 23 114 Y +45 23 115 TSA +45 23 116 A +45 23 117 T +45 23 118 Y +45 23 119 TSA +45 23 120 O +45 23 121 TSA +45 23 122 Y +45 23 123 Y +45 23 124 M +45 23 125 TSA +45 23 126 TSA +45 23 127 Y +45 23 128 M +45 23 129 O +45 23 130 TSO +45 23 131 MU +45 23 132 TSA +45 23 133 Y +45 23 134 TSO +45 23 135 TSA +45 23 136 A +45 23 137 Y +45 23 138 A +45 23 139 O +45 23 140 A +45 23 141 O +45 23 142 O +45 23 143 Y +45 23 144 MU +45 23 145 Y +45 23 146 M +45 23 147 Y +45 23 148 TSA +45 23 149 Y +45 23 150 MU +45 23 151 TSA +45 23 152 TSA +45 23 153 A +45 23 154 T +45 23 155 TSO +45 23 156 Y +45 23 157 TSO +45 23 158 O +45 23 159 M +45 23 160 TSA +45 23 161 Y +45 23 162 TSA +45 23 163 Y +45 23 164 A +45 23 165 TSO +45 23 166 A +45 23 167 MU +45 23 168 Y +45 23 169 A +45 23 170 Y +45 23 171 Y +45 23 172 O +45 23 173 TSA +45 23 174 M +45 23 175 A +45 23 176 TSA +45 23 177 M +45 23 178 A +45 23 179 TSO +45 23 180 Y +45 23 181 TSO +45 23 182 MU +45 23 183 TSO +45 23 184 MU +45 23 185 TSO +45 23 186 A +45 23 187 M +45 23 188 A +45 23 189 A +45 23 190 TSA +45 23 191 Y +45 23 192 MU +45 23 193 M +45 23 194 TSO +45 23 195 Y +45 23 196 Y +45 23 197 MU +45 23 198 T +45 23 199 O +45 23 200 A +45 23 201 TSA +45 23 202 Y +45 23 203 TSA +45 23 204 T +45 23 205 MU +45 23 206 O +45 23 207 TSA +45 23 208 TSO +45 23 209 Y +45 23 210 TSO +45 23 211 A +45 23 212 M +45 23 213 MU +45 23 214 M +45 23 215 TSA +45 23 216 Y +45 23 217 TSA +45 23 218 M +45 23 219 O +45 23 220 A +45 23 221 O +45 23 222 MU +45 23 223 Y +45 23 224 O +45 23 225 TSO +45 23 226 Y +45 23 227 T +45 23 228 A +45 23 229 Y +45 23 230 O +45 23 231 MU +45 23 232 TSO +45 23 233 MU +45 23 234 Y +45 23 235 A +45 23 236 M +45 23 237 TSA +45 23 238 Y +45 23 239 TSA +45 23 240 TSO +45 23 241 O +45 23 242 M +45 23 243 MU +45 23 244 O +45 23 245 TSA +45 23 246 Y +45 23 247 MU +45 23 248 Y +45 23 249 Y +45 23 250 MU +45 23 251 Y +45 23 252 O +45 23 253 Y +45 23 254 A +45 23 255 T +45 23 256 TSA +45 23 257 A +45 23 258 M +45 23 259 TSO +45 23 260 M +45 23 261 M +45 23 262 O +45 23 263 TSO +45 23 264 A +45 23 265 Y +45 23 266 TSO +45 23 267 MU +45 23 268 Y +45 23 269 MU +45 23 270 M +45 23 271 Y +45 23 272 O +45 23 273 MU +45 23 274 O +45 23 275 M +45 23 276 TSA +45 23 277 A +45 23 278 TSA +45 23 279 A +45 23 280 Y +45 23 281 Y +45 23 282 Y +45 23 283 TSO +45 23 284 O +45 23 285 TSA +45 23 286 O +45 23 287 TSO +45 23 288 TSA +45 23 289 A +45 23 290 O +45 23 291 A +45 23 292 TSA +45 23 293 O +45 23 294 O +45 23 295 TSO +45 23 296 MU +45 23 297 M +45 23 298 TSA +45 23 299 Y +45 23 300 O +45 23 301 Y +45 23 302 O +45 23 303 A +45 23 304 Y +45 23 305 MU +45 23 306 Y +45 23 307 A +45 23 308 MU +45 23 309 TSO +45 23 310 Y +45 23 311 A +45 23 312 T +45 23 313 A +45 23 314 O +45 23 315 Y +45 23 316 Y +45 23 317 MU +45 23 318 M +45 23 319 O +45 23 320 TSO +45 23 321 TSA +45 23 322 A +45 23 323 Y +45 23 324 O +45 23 325 MU +45 23 326 M +45 23 327 O +45 23 328 Y +45 23 329 TSO +45 23 330 O +45 24 1 Y +45 24 2 Y +45 24 3 TSA +45 24 4 MO +45 24 5 Y +45 24 6 M +45 24 7 Y +45 24 8 MO +45 24 9 TSO +45 24 10 Y +45 24 11 Y +45 24 12 M +45 24 13 Y +45 24 14 Y +45 24 15 TSA +45 24 16 O +45 24 17 TSA +45 24 18 T +45 24 19 Y +45 24 20 Y +45 24 21 TSA +45 24 22 M +45 24 23 MO +45 24 24 T +45 24 25 Y +45 24 26 Y +45 24 27 TSA +45 24 28 TSA +45 24 29 Y +45 24 30 M +45 24 31 Y +45 24 32 TSA +45 24 33 Y +45 24 34 Y +45 24 35 TSA +45 24 36 Y +45 24 37 Y +45 24 38 TSA +45 24 39 Y +45 24 40 Y +45 24 41 TSA +45 24 42 TSO +45 24 43 Y +45 24 44 TSA +45 24 45 Y +45 24 46 TSO +45 24 47 Y +45 24 48 TSO +45 24 49 Y +45 24 50 MO +45 24 51 TSO +45 24 52 Y +45 24 53 MO +45 24 54 Y +45 24 55 Y +45 24 56 TSA +45 24 57 Y +45 24 58 TSO +45 24 59 MO +45 24 60 Y +45 24 61 TSA +45 24 62 MO +45 24 63 TSA +45 24 64 Y +45 24 65 TSA +45 24 66 M +45 24 67 Y +45 24 68 TSA +45 24 69 Y +45 24 70 MO +45 24 71 MO +45 24 72 Y +45 24 73 MO +45 24 74 Y +45 24 75 Y +45 24 76 TSO +45 24 77 Y +45 24 78 TSA +45 24 79 T +45 24 80 Y +45 24 81 Y +45 24 82 Y +45 24 83 M +45 24 84 TSA +45 24 85 Y +45 24 86 TSA +45 24 87 T +45 24 88 MO +45 24 89 T +45 24 90 T +45 24 91 Y +45 24 92 TSO +45 24 93 Y +45 24 94 TSO +45 24 95 Y +45 24 96 M +45 24 97 MO +45 24 98 TSA +45 24 99 TSA +45 24 100 Y +45 24 101 MO +45 24 102 MO +45 24 103 M +45 24 104 Y +45 24 105 MO +45 24 106 M +45 24 107 O +45 24 108 Y +45 24 109 Y +45 24 110 M +45 24 111 Y +45 24 112 TSA +45 24 113 T +45 24 114 Y +45 24 115 TSA +45 24 116 Y +45 24 117 TSO +45 24 118 TSA +45 24 119 Y +45 24 120 O +45 24 121 TSA +45 24 122 Y +45 24 123 Y +45 24 124 M +45 24 125 TSA +45 24 126 TSA +45 24 127 Y +45 24 128 M +45 24 129 O +45 24 130 Y +45 24 131 MO +45 24 132 TSA +45 24 133 Y +45 24 134 TSO +45 24 135 TSA +45 24 136 Y +45 24 137 Y +45 24 138 Y +45 24 139 MO +45 24 140 Y +45 24 141 O +45 24 142 O +45 24 143 Y +45 24 144 MO +45 24 145 Y +45 24 146 M +45 24 147 Y +45 24 148 TSA +45 24 149 Y +45 24 150 MO +45 24 151 TSA +45 24 152 TSA +45 24 153 Y +45 24 154 T +45 24 155 TSO +45 24 156 Y +45 24 157 TSO +45 24 158 O +45 24 159 M +45 24 160 TSA +45 24 161 Y +45 24 162 TSA +45 24 163 Y +45 24 164 Y +45 24 165 Y +45 24 166 Y +45 24 167 MO +45 24 168 Y +45 24 169 Y +45 24 170 T +45 24 171 Y +45 24 172 O +45 24 173 TSA +45 24 174 M +45 24 175 Y +45 24 176 TSA +45 24 177 M +45 24 178 Y +45 24 179 MO +45 24 180 Y +45 24 181 M +45 24 182 MO +45 24 183 TSO +45 24 184 MO +45 24 185 TSO +45 24 186 Y +45 24 187 M +45 24 188 Y +45 24 189 Y +45 24 190 TSA +45 24 191 Y +45 24 192 MO +45 24 193 M +45 24 194 TSO +45 24 195 Y +45 24 196 Y +45 24 197 MO +45 24 198 T +45 24 199 Y +45 24 200 Y +45 24 201 TSA +45 24 202 Y +45 24 203 MO +45 24 204 TSO +45 24 205 MO +45 24 206 M +45 24 207 TSA +45 24 208 TSO +45 24 209 Y +45 24 210 TSO +45 24 211 Y +45 24 212 M +45 24 213 MO +45 24 214 M +45 24 215 TSA +45 24 216 Y +45 24 217 TSA +45 24 218 M +45 24 219 Y +45 24 220 Y +45 24 221 Y +45 24 222 MO +45 24 223 Y +45 24 224 TSA +45 24 225 M +45 24 226 Y +45 24 227 T +45 24 228 Y +45 24 229 Y +45 24 230 TSA +45 24 231 MO +45 24 232 TSO +45 24 233 MO +45 24 234 Y +45 24 235 Y +45 24 236 M +45 24 237 TSA +45 24 238 Y +45 24 239 TSA +45 24 240 TSO +45 24 241 O +45 24 242 M +45 24 243 MO +45 24 244 Y +45 24 245 TSA +45 24 246 Y +45 24 247 MO +45 24 248 Y +45 24 249 Y +45 24 250 MO +45 24 251 Y +45 24 252 TSA +45 24 253 Y +45 24 254 Y +45 24 255 T +45 24 256 TSA +45 24 257 Y +45 24 258 M +45 24 259 TSA +45 24 260 Y +45 24 261 M +45 24 262 O +45 24 263 T +45 24 264 Y +45 24 265 Y +45 24 266 TSO +45 24 267 MO +45 24 268 Y +45 24 269 MO +45 24 270 TSO +45 24 271 Y +45 24 272 O +45 24 273 MO +45 24 274 O +45 24 275 M +45 24 276 TSA +45 24 277 Y +45 24 278 TSA +45 24 279 Y +45 24 280 Y +45 24 281 Y +45 24 282 Y +45 24 283 TSO +45 24 284 Y +45 24 285 TSA +45 24 286 O +45 24 287 TSO +45 24 288 TSA +45 24 289 Y +45 24 290 TSO +45 24 291 Y +45 24 292 TSA +45 24 293 Y +45 24 294 Y +45 24 295 TSO +45 24 296 MO +45 24 297 M +45 24 298 TSA +45 24 299 Y +45 24 300 T +45 24 301 Y +45 24 302 TSA +45 24 303 Y +45 24 304 Y +45 24 305 MO +45 24 306 Y +45 24 307 Y +45 24 308 MO +45 24 309 TSO +45 24 310 Y +45 24 311 Y +45 24 312 T +45 24 313 Y +45 24 314 O +45 24 315 Y +45 24 316 Y +45 24 317 MO +45 24 318 M +45 24 319 O +45 24 320 Y +45 24 321 TSA +45 24 322 Y +45 24 323 Y +45 24 324 O +45 24 325 MO +45 24 326 M +45 24 327 Y +45 24 328 Y +45 24 329 TSO +45 24 330 Y +45 25 1 Y +45 25 2 Y +45 25 3 TSA +45 25 4 MO +45 25 5 Y +45 25 6 M +45 25 7 Y +45 25 8 MO +45 25 9 TSO +45 25 10 Y +45 25 11 Y +45 25 12 M +45 25 13 Y +45 25 14 T +45 25 15 TSA +45 25 16 O +45 25 17 TSA +45 25 18 T +45 25 19 Y +45 25 20 Y +45 25 21 TSA +45 25 22 M +45 25 23 MO +45 25 24 T +45 25 25 Y +45 25 26 Y +45 25 27 TSA +45 25 28 TSA +45 25 29 Y +45 25 30 TSO +45 25 31 Y +45 25 32 TSA +45 25 33 Y +45 25 34 Y +45 25 35 TSA +45 25 36 Y +45 25 37 Y +45 25 38 TSA +45 25 39 Y +45 25 40 Y +45 25 41 TSA +45 25 42 M +45 25 43 Y +45 25 44 TSA +45 25 45 Y +45 25 46 TSO +45 25 47 Y +45 25 48 M +45 25 49 Y +45 25 50 MO +45 25 51 TSO +45 25 52 Y +45 25 53 TSA +45 25 54 Y +45 25 55 Y +45 25 56 TSA +45 25 57 Y +45 25 58 TSO +45 25 59 MO +45 25 60 Y +45 25 61 TSA +45 25 62 MO +45 25 63 TSA +45 25 64 Y +45 25 65 TSA +45 25 66 M +45 25 67 Y +45 25 68 TSA +45 25 69 Y +45 25 70 MO +45 25 71 MO +45 25 72 Y +45 25 73 MO +45 25 74 Y +45 25 75 Y +45 25 76 TSO +45 25 77 Y +45 25 78 TSA +45 25 79 T +45 25 80 Y +45 25 81 Y +45 25 82 Y +45 25 83 M +45 25 84 TSA +45 25 85 Y +45 25 86 TSA +45 25 87 T +45 25 88 MO +45 25 89 T +45 25 90 Y +45 25 91 Y +45 25 92 TSA +45 25 93 Y +45 25 94 TSO +45 25 95 Y +45 25 96 M +45 25 97 MO +45 25 98 TSA +45 25 99 TSA +45 25 100 Y +45 25 101 MO +45 25 102 Y +45 25 103 M +45 25 104 Y +45 25 105 MO +45 25 106 M +45 25 107 O +45 25 108 Y +45 25 109 Y +45 25 110 M +45 25 111 Y +45 25 112 TSA +45 25 113 T +45 25 114 Y +45 25 115 TSA +45 25 116 Y +45 25 117 TSO +45 25 118 TSA +45 25 119 Y +45 25 120 O +45 25 121 TSA +45 25 122 Y +45 25 123 Y +45 25 124 M +45 25 125 TSA +45 25 126 TSA +45 25 127 Y +45 25 128 M +45 25 129 O +45 25 130 Y +45 25 131 MO +45 25 132 TSA +45 25 133 Y +45 25 134 TSO +45 25 135 TSA +45 25 136 Y +45 25 137 Y +45 25 138 Y +45 25 139 O +45 25 140 Y +45 25 141 O +45 25 142 O +45 25 143 Y +45 25 144 MO +45 25 145 Y +45 25 146 M +45 25 147 Y +45 25 148 TSA +45 25 149 Y +45 25 150 MO +45 25 151 TSA +45 25 152 TSA +45 25 153 Y +45 25 154 T +45 25 155 TSO +45 25 156 Y +45 25 157 TSO +45 25 158 O +45 25 159 M +45 25 160 TSA +45 25 161 Y +45 25 162 TSA +45 25 163 Y +45 25 164 Y +45 25 165 Y +45 25 166 Y +45 25 167 MO +45 25 168 Y +45 25 169 Y +45 25 170 T +45 25 171 Y +45 25 172 O +45 25 173 TSA +45 25 174 M +45 25 175 Y +45 25 176 TSA +45 25 177 M +45 25 178 Y +45 25 179 MO +45 25 180 Y +45 25 181 M +45 25 182 MO +45 25 183 TSO +45 25 184 MO +45 25 185 TSO +45 25 186 Y +45 25 187 M +45 25 188 Y +45 25 189 Y +45 25 190 TSA +45 25 191 Y +45 25 192 MO +45 25 193 M +45 25 194 TSO +45 25 195 Y +45 25 196 Y +45 25 197 MO +45 25 198 T +45 25 199 Y +45 25 200 Y +45 25 201 TSA +45 25 202 Y +45 25 203 MO +45 25 204 TSO +45 25 205 MO +45 25 206 M +45 25 207 TSA +45 25 208 TSO +45 25 209 Y +45 25 210 TSO +45 25 211 Y +45 25 212 M +45 25 213 MO +45 25 214 M +45 25 215 TSA +45 25 216 Y +45 25 217 TSA +45 25 218 M +45 25 219 Y +45 25 220 Y +45 25 221 Y +45 25 222 MO +45 25 223 Y +45 25 224 TSA +45 25 225 M +45 25 226 Y +45 25 227 T +45 25 228 Y +45 25 229 Y +45 25 230 TSA +45 25 231 MO +45 25 232 TSO +45 25 233 MO +45 25 234 Y +45 25 235 Y +45 25 236 M +45 25 237 TSA +45 25 238 Y +45 25 239 TSA +45 25 240 TSO +45 25 241 O +45 25 242 M +45 25 243 MO +45 25 244 Y +45 25 245 TSA +45 25 246 Y +45 25 247 MO +45 25 248 Y +45 25 249 Y +45 25 250 MO +45 25 251 Y +45 25 252 TSA +45 25 253 Y +45 25 254 Y +45 25 255 T +45 25 256 TSA +45 25 257 Y +45 25 258 M +45 25 259 TSO +45 25 260 Y +45 25 261 M +45 25 262 O +45 25 263 T +45 25 264 Y +45 25 265 Y +45 25 266 TSO +45 25 267 MO +45 25 268 MY +45 25 269 MO +45 25 270 TSO +45 25 271 Y +45 25 272 O +45 25 273 MO +45 25 274 O +45 25 275 M +45 25 276 TSA +45 25 277 Y +45 25 278 TSA +45 25 279 Y +45 25 280 Y +45 25 281 Y +45 25 282 Y +45 25 283 TSO +45 25 284 Y +45 25 285 TSA +45 25 286 O +45 25 287 TSO +45 25 288 TSA +45 25 289 Y +45 25 290 TSO +45 25 291 Y +45 25 292 TSA +45 25 293 Y +45 25 294 Y +45 25 295 TSO +45 25 296 MO +45 25 297 M +45 25 298 TSA +45 25 299 Y +45 25 300 T +45 25 301 Y +45 25 302 TSA +45 25 303 Y +45 25 304 Y +45 25 305 MO +45 25 306 Y +45 25 307 Y +45 25 308 MO +45 25 309 TSO +45 25 310 Y +45 25 311 Y +45 25 312 T +45 25 313 Y +45 25 314 O +45 25 315 Y +45 25 316 Y +45 25 317 MO +45 25 318 TSA +45 25 319 O +45 25 320 Y +45 25 321 TSA +45 25 322 Y +45 25 323 Y +45 25 324 O +45 25 325 MO +45 25 326 M +45 25 327 Y +45 25 328 Y +45 25 329 TSO +45 25 330 Y +46 1 1 AZ +46 1 2 NT +46 1 3 NC +46 1 4 MR +46 1 5 NT +46 1 6 CH +46 1 7 NT +46 1 8 MR +46 1 9 IT +46 1 10 AZ +46 1 11 MB +46 1 12 ML +46 1 13 NT +46 1 14 MB +46 1 15 RO +46 1 16 RA +46 1 17 RO +46 1 18 MB +46 1 19 AZ +46 1 20 NT +46 1 21 RO +46 1 22 ML +46 1 23 MR +46 1 24 RA +46 1 25 NT +46 1 26 AZ +46 1 27 RO +46 1 28 CR +46 1 29 NT +46 1 30 ML +46 1 31 AZ +46 1 32 MR +46 1 33 NT +46 1 34 AZ +46 1 35 NC +46 1 36 NT +46 1 37 AZ +46 1 38 NC +46 1 39 NT +46 1 40 AZ +46 1 41 NC +46 1 42 ML +46 1 43 MR +46 1 44 RA +46 1 45 NT +46 1 46 CH +46 1 47 MB +46 1 48 ML +46 1 49 AZ +46 1 50 MR +46 1 51 CF +46 1 52 RA +46 1 53 NC +46 1 54 NT +46 1 55 AZ +46 1 56 RO +46 1 57 NT +46 1 58 NT +46 1 59 RA +46 1 60 NT +46 1 61 NC +46 1 62 MR +46 1 63 RO +46 1 64 AZ +46 1 65 NC +46 1 66 RA +46 1 67 NT +46 1 68 MR +46 1 69 NT +46 1 70 IT +46 1 71 MR +46 1 72 NT +46 1 73 MR +46 1 74 AZ +46 1 75 MB +46 1 76 ML +46 1 77 AZ +46 1 78 RO +46 1 79 CH +46 1 80 AZ +46 1 81 NT +46 1 82 NT +46 1 83 ML +46 1 84 RO +46 1 85 NT +46 1 86 MR +46 1 87 CH +46 1 88 MR +46 1 89 MB +46 1 90 NT +46 1 91 ML +46 1 92 RA +46 1 93 NT +46 1 94 CH +46 1 95 NT +46 1 96 ML +46 1 97 MR +46 1 98 NC +46 1 99 CH +46 1 100 NT +46 1 101 MR +46 1 102 AZ +46 1 103 NT +46 1 104 AZ +46 1 105 MR +46 1 106 ML +46 1 107 RA +46 1 108 NT +46 1 109 MR +46 1 110 ML +46 1 111 NT +46 1 112 NC +46 1 113 MB +46 1 114 NT +46 1 115 NC +46 1 116 AZ +46 1 117 CF +46 1 118 RO +46 1 119 NT +46 1 120 RA +46 1 121 NC +46 1 122 NT +46 1 123 AZ +46 1 124 ML +46 1 125 ML +46 1 126 AZ +46 1 127 NT +46 1 128 ML +46 1 129 RA +46 1 130 CH +46 1 131 MR +46 1 132 NC +46 1 133 NT +46 1 134 CH +46 1 135 MR +46 1 136 NT +46 1 137 NT +46 1 138 AZ +46 1 139 RA +46 1 140 AZ +46 1 141 RA +46 1 142 IT +46 1 143 NT +46 1 144 MR +46 1 145 NT +46 1 146 ML +46 1 147 NT +46 1 148 NC +46 1 149 NT +46 1 150 MR +46 1 151 RO +46 1 152 MR +46 1 153 AZ +46 1 154 CH +46 1 155 MB +46 1 156 NT +46 1 157 CH +46 1 158 RA +46 1 159 ML +46 1 160 RO +46 1 161 NT +46 1 162 NC +46 1 163 NT +46 1 164 AZ +46 1 165 NT +46 1 166 AZ +46 1 167 MR +46 1 168 NT +46 1 169 AZ +46 1 170 NT +46 1 171 NT +46 1 172 RA +46 1 173 RO +46 1 174 ML +46 1 175 AZ +46 1 176 NC +46 1 177 ML +46 1 178 MR +46 1 179 NC +46 1 180 NT +46 1 181 CH +46 1 182 MR +46 1 183 NT +46 1 184 MR +46 1 185 ML +46 1 186 AZ +46 1 187 ML +46 1 188 AZ +46 1 189 CH +46 1 190 RO +46 1 191 NT +46 1 192 MR +46 1 193 ML +46 1 194 NC +46 1 195 NT +46 1 196 AZ +46 1 197 MR +46 1 198 MB +46 1 199 RA +46 1 200 AZ +46 1 201 RO +46 1 202 NT +46 1 203 MR +46 1 204 CH +46 1 205 MR +46 1 206 ML +46 1 207 NC +46 1 208 NT +46 1 209 AZ +46 1 210 CH +46 1 211 AZ +46 1 212 ML +46 1 213 AZ +46 1 214 NT +46 1 215 MR +46 1 216 NT +46 1 217 RO +46 1 218 ML +46 1 219 AZ +46 1 220 MR +46 1 221 RA +46 1 222 MR +46 1 223 NT +46 1 224 RA +46 1 225 ML +46 1 226 AZ +46 1 227 CH +46 1 228 AZ +46 1 229 NT +46 1 230 RA +46 1 231 MR +46 1 232 NT +46 1 233 AZ +46 1 234 NT +46 1 235 AZ +46 1 236 ML +46 1 237 RO +46 1 238 NT +46 1 239 AZ +46 1 240 CF +46 1 241 RA +46 1 242 ML +46 1 243 NC +46 1 244 RA +46 1 245 NC +46 1 246 NT +46 1 247 MR +46 1 248 MB +46 1 249 NT +46 1 250 MR +46 1 251 NT +46 1 252 RA +46 1 253 NT +46 1 254 AZ +46 1 255 MB +46 1 256 RO +46 1 257 AZ +46 1 258 ML +46 1 259 NC +46 1 260 NT +46 1 261 ML +46 1 262 RA +46 1 263 CH +46 1 264 AZ +46 1 265 NT +46 1 266 CF +46 1 267 MR +46 1 268 NT +46 1 269 MR +46 1 270 ML +46 1 271 NT +46 1 272 RA +46 1 273 MR +46 1 274 RA +46 1 275 NT +46 1 276 NC +46 1 277 AZ +46 1 278 RO +46 1 279 MR +46 1 280 NT +46 1 281 NT +46 1 282 NT +46 1 283 CH +46 1 284 RA +46 1 285 RO +46 1 286 RA +46 1 287 ML +46 1 288 NC +46 1 289 AZ +46 1 290 CH +46 1 291 AZ +46 1 292 RO +46 1 293 NT +46 1 294 RA +46 1 295 CF +46 1 296 MR +46 1 297 ML +46 1 298 NC +46 1 299 NT +46 1 300 CH +46 1 301 NT +46 1 302 RA +46 1 303 AZ +46 1 304 NT +46 1 305 MR +46 1 306 ML +46 1 307 AZ +46 1 308 MR +46 1 309 CH +46 1 310 NT +46 1 311 AZ +46 1 312 MB +46 1 313 MR +46 1 314 RA +46 1 315 NT +46 1 316 NT +46 1 317 MR +46 1 318 RO +46 1 319 RA +46 1 320 CH +46 1 321 NC +46 1 322 AZ +46 1 323 NT +46 1 324 RA +46 1 325 MR +46 1 326 NT +46 1 327 AZ +46 1 328 CH +46 1 329 CF +46 1 330 RA +46 2 1 AZ +46 2 2 NT +46 2 3 ML +46 2 4 MR +46 2 5 NT +46 2 6 CH +46 2 7 NT +46 2 8 MR +46 2 9 CF +46 2 10 AZ +46 2 11 NT +46 2 12 ML +46 2 13 NT +46 2 14 AZ +46 2 15 MR +46 2 16 PL +46 2 17 ML +46 2 18 MB +46 2 19 AZ +46 2 20 NT +46 2 21 RO +46 2 22 ML +46 2 23 MR +46 2 24 CF +46 2 25 AZ +46 2 26 AZ +46 2 27 CH +46 2 28 RO +46 2 29 NT +46 2 30 ML +46 2 31 AZ +46 2 32 MR +46 2 33 NT +46 2 34 AZ +46 2 35 ML +46 2 36 NT +46 2 37 AZ +46 2 38 NC +46 2 39 NT +46 2 40 AZ +46 2 41 NC +46 2 42 ML +46 2 43 AZ +46 2 44 CH +46 2 45 NT +46 2 46 IT +46 2 47 NT +46 2 48 ML +46 2 49 AZ +46 2 50 MR +46 2 51 CF +46 2 52 AZ +46 2 53 MR +46 2 54 NT +46 2 55 AZ +46 2 56 RO +46 2 57 NT +46 2 58 ML +46 2 59 IT +46 2 60 AZ +46 2 61 NC +46 2 62 MR +46 2 63 RO +46 2 64 AZ +46 2 65 RO +46 2 66 CH +46 2 67 NT +46 2 68 MR +46 2 69 NT +46 2 70 AZ +46 2 71 CH +46 2 72 NT +46 2 73 CF +46 2 74 AZ +46 2 75 NT +46 2 76 ML +46 2 77 AZ +46 2 78 CH +46 2 79 MB +46 2 80 AZ +46 2 81 NT +46 2 82 AZ +46 2 83 CH +46 2 84 RO +46 2 85 NT +46 2 86 MR +46 2 87 MB +46 2 88 MR +46 2 89 MB +46 2 90 NT +46 2 91 ML +46 2 92 CH +46 2 93 AZ +46 2 94 MB +46 2 95 AZ +46 2 96 ML +46 2 97 MR +46 2 98 NC +46 2 99 MR +46 2 100 AZ +46 2 101 MR +46 2 102 IT +46 2 103 CH +46 2 104 AZ +46 2 105 MR +46 2 106 ML +46 2 107 IT +46 2 108 AZ +46 2 109 AZ +46 2 110 ML +46 2 111 MB +46 2 112 RO +46 2 113 MB +46 2 114 NT +46 2 115 IT +46 2 116 AZ +46 2 117 CH +46 2 118 RO +46 2 119 NT +46 2 120 IT +46 2 121 ML +46 2 122 NT +46 2 123 AZ +46 2 124 NT +46 2 125 ML +46 2 126 RO +46 2 127 NT +46 2 128 ML +46 2 129 IT +46 2 130 MB +46 2 131 MR +46 2 132 ML +46 2 133 NT +46 2 134 CF +46 2 135 MR +46 2 136 AZ +46 2 137 NT +46 2 138 AZ +46 2 139 CH +46 2 140 AZ +46 2 141 IT +46 2 142 IT +46 2 143 NT +46 2 144 MR +46 2 145 NT +46 2 146 ML +46 2 147 NT +46 2 148 NC +46 2 149 AZ +46 2 150 MR +46 2 151 RO +46 2 152 MR +46 2 153 AZ +46 2 154 MB +46 2 155 CH +46 2 156 NT +46 2 157 CH +46 2 158 RA +46 2 159 ML +46 2 160 RO +46 2 161 NT +46 2 162 RO +46 2 163 NT +46 2 164 AZ +46 2 165 ML +46 2 166 AZ +46 2 167 RA +46 2 168 NT +46 2 169 AZ +46 2 170 AZ +46 2 171 NT +46 2 172 RA +46 2 173 RO +46 2 174 ML +46 2 175 AZ +46 2 176 RO +46 2 177 ML +46 2 178 AZ +46 2 179 VN +46 2 180 NT +46 2 181 ML +46 2 182 ML +46 2 183 CH +46 2 184 MR +46 2 185 ML +46 2 186 AZ +46 2 187 ML +46 2 188 AZ +46 2 189 AZ +46 2 190 RO +46 2 191 NT +46 2 192 MR +46 2 193 ML +46 2 194 AZ +46 2 195 NT +46 2 196 AZ +46 2 197 MR +46 2 198 MB +46 2 199 CH +46 2 200 AZ +46 2 201 RO +46 2 202 NT +46 2 203 MR +46 2 204 CF +46 2 205 MR +46 2 206 CH +46 2 207 RO +46 2 208 ML +46 2 209 NT +46 2 210 CH +46 2 211 AZ +46 2 212 ML +46 2 213 MR +46 2 214 ML +46 2 215 MR +46 2 216 NT +46 2 217 RO +46 2 218 NT +46 2 219 AZ +46 2 220 MR +46 2 221 AZ +46 2 222 MR +46 2 223 NT +46 2 224 CH +46 2 225 ML +46 2 226 AZ +46 2 227 MB +46 2 228 AZ +46 2 229 AZ +46 2 230 CH +46 2 231 ML +46 2 232 CF +46 2 233 AZ +46 2 234 NT +46 2 235 AZ +46 2 236 NT +46 2 237 RO +46 2 238 AZ +46 2 239 RO +46 2 240 CF +46 2 241 RA +46 2 242 ML +46 2 243 AZ +46 2 244 IT +46 2 245 NC +46 2 246 AZ +46 2 247 MR +46 2 248 NT +46 2 249 NT +46 2 250 MR +46 2 251 NT +46 2 252 IT +46 2 253 AZ +46 2 254 AZ +46 2 255 MB +46 2 256 RO +46 2 257 AZ +46 2 258 ML +46 2 259 NC +46 2 260 ML +46 2 261 ML +46 2 262 IT +46 2 263 IT +46 2 264 AZ +46 2 265 NT +46 2 266 NC +46 2 267 MR +46 2 268 NT +46 2 269 MR +46 2 270 ML +46 2 271 NT +46 2 272 RA +46 2 273 MR +46 2 274 RA +46 2 275 ML +46 2 276 MR +46 2 277 AZ +46 2 278 RO +46 2 279 AZ +46 2 280 NT +46 2 281 NT +46 2 282 NT +46 2 283 CF +46 2 284 IT +46 2 285 RO +46 2 286 RA +46 2 287 CH +46 2 288 NC +46 2 289 AZ +46 2 290 CH +46 2 291 AZ +46 2 292 RO +46 2 293 AZ +46 2 294 RA +46 2 295 CH +46 2 296 MR +46 2 297 ML +46 2 298 NC +46 2 299 NT +46 2 300 IT +46 2 301 NT +46 2 302 CH +46 2 303 AZ +46 2 304 NT +46 2 305 MR +46 2 306 NT +46 2 307 AZ +46 2 308 MR +46 2 309 NT +46 2 310 NT +46 2 311 AZ +46 2 312 MB +46 2 313 AZ +46 2 314 IT +46 2 315 NT +46 2 316 AZ +46 2 317 MR +46 2 318 ML +46 2 319 RA +46 2 320 NT +46 2 321 RO +46 2 322 AZ +46 2 323 NT +46 2 324 CH +46 2 325 MR +46 2 326 ML +46 2 327 AZ +46 2 328 NT +46 2 329 CH +46 2 330 AZ +46 3 1 AZ +46 3 2 AZ +46 3 3 NC +46 3 4 MR +46 3 5 NT +46 3 6 CH +46 3 7 NT +46 3 8 MR +46 3 9 CH +46 3 10 AZ +46 3 11 NT +46 3 12 ML +46 3 13 NT +46 3 14 AZ +46 3 15 RO +46 3 16 RA +46 3 17 NC +46 3 18 MB +46 3 19 AZ +46 3 20 NT +46 3 21 RO +46 3 22 ML +46 3 23 MR +46 3 24 CF +46 3 25 NT +46 3 26 AZ +46 3 27 RO +46 3 28 RO +46 3 29 NT +46 3 30 CH +46 3 31 AZ +46 3 32 MR +46 3 33 NT +46 3 34 AZ +46 3 35 RO +46 3 36 NT +46 3 37 AZ +46 3 38 NC +46 3 39 NT +46 3 40 AZ +46 3 41 NC +46 3 42 CH +46 3 43 AZ +46 3 44 RO +46 3 45 NT +46 3 46 IT +46 3 47 NT +46 3 48 CH +46 3 49 AZ +46 3 50 MR +46 3 51 CF +46 3 52 NT +46 3 53 MR +46 3 54 NT +46 3 55 AZ +46 3 56 RO +46 3 57 AZ +46 3 58 CH +46 3 59 MR +46 3 60 AZ +46 3 61 NC +46 3 62 MR +46 3 63 RO +46 3 64 AZ +46 3 65 RO +46 3 66 ML +46 3 67 NT +46 3 68 MR +46 3 69 NT +46 3 70 MR +46 3 71 NC +46 3 72 NT +46 3 73 MR +46 3 74 AZ +46 3 75 NT +46 3 76 ML +46 3 77 AZ +46 3 78 RO +46 3 79 MB +46 3 80 AZ +46 3 81 NT +46 3 82 AZ +46 3 83 ML +46 3 84 RO +46 3 85 NT +46 3 86 MR +46 3 87 MB +46 3 88 MR +46 3 89 MB +46 3 90 NT +46 3 91 NT +46 3 92 RO +46 3 93 AZ +46 3 94 MB +46 3 95 AZ +46 3 96 ML +46 3 97 MR +46 3 98 NC +46 3 99 MR +46 3 100 NT +46 3 101 MR +46 3 102 AZ +46 3 103 NT +46 3 104 AZ +46 3 105 MR +46 3 106 ML +46 3 107 RA +46 3 108 AZ +46 3 109 AZ +46 3 110 ML +46 3 111 NT +46 3 112 NC +46 3 113 MB +46 3 114 AZ +46 3 115 NC +46 3 116 AZ +46 3 117 CF +46 3 118 RO +46 3 119 NT +46 3 120 RA +46 3 121 ML +46 3 122 NT +46 3 123 AZ +46 3 124 NT +46 3 125 NC +46 3 126 RO +46 3 127 NT +46 3 128 ML +46 3 129 RO +46 3 130 CH +46 3 131 MR +46 3 132 NC +46 3 133 NT +46 3 134 CF +46 3 135 MR +46 3 136 AZ +46 3 137 NT +46 3 138 AZ +46 3 139 MR +46 3 140 AZ +46 3 141 RA +46 3 142 MR +46 3 143 NT +46 3 144 MR +46 3 145 NT +46 3 146 CH +46 3 147 NT +46 3 148 NC +46 3 149 NT +46 3 150 MR +46 3 151 RO +46 3 152 MR +46 3 153 AZ +46 3 154 IT +46 3 155 CH +46 3 156 NT +46 3 157 CF +46 3 158 RA +46 3 159 ML +46 3 160 RO +46 3 161 NT +46 3 162 NC +46 3 163 NT +46 3 164 AZ +46 3 165 NT +46 3 166 AZ +46 3 167 MR +46 3 168 NT +46 3 169 AZ +46 3 170 AZ +46 3 171 NT +46 3 172 RA +46 3 173 RO +46 3 174 ML +46 3 175 AZ +46 3 176 NC +46 3 177 ML +46 3 178 AZ +46 3 179 NC +46 3 180 NT +46 3 181 CH +46 3 182 MR +46 3 183 CH +46 3 184 MR +46 3 185 CH +46 3 186 AZ +46 3 187 ML +46 3 188 AZ +46 3 189 AZ +46 3 190 RO +46 3 191 NT +46 3 192 MR +46 3 193 NT +46 3 194 NC +46 3 195 NT +46 3 196 NT +46 3 197 MR +46 3 198 MB +46 3 199 ML +46 3 200 AZ +46 3 201 RO +46 3 202 NT +46 3 203 MR +46 3 204 CF +46 3 205 MR +46 3 206 ML +46 3 207 RO +46 3 208 CH +46 3 209 NT +46 3 210 CF +46 3 211 AZ +46 3 212 NC +46 3 213 MR +46 3 214 NT +46 3 215 MR +46 3 216 NT +46 3 217 RO +46 3 218 ML +46 3 219 AZ +46 3 220 MR +46 3 221 AZ +46 3 222 MR +46 3 223 NT +46 3 224 RO +46 3 225 CH +46 3 226 AZ +46 3 227 NT +46 3 228 AZ +46 3 229 NT +46 3 230 RO +46 3 231 MR +46 3 232 CH +46 3 233 AZ +46 3 234 NT +46 3 235 AZ +46 3 236 NT +46 3 237 RO +46 3 238 AZ +46 3 239 RO +46 3 240 NC +46 3 241 RA +46 3 242 ML +46 3 243 MR +46 3 244 AZ +46 3 245 NC +46 3 246 NT +46 3 247 MR +46 3 248 NT +46 3 249 NT +46 3 250 MR +46 3 251 NT +46 3 252 RO +46 3 253 NT +46 3 254 AZ +46 3 255 MB +46 3 256 NC +46 3 257 AZ +46 3 258 ML +46 3 259 NC +46 3 260 ML +46 3 261 NC +46 3 262 RA +46 3 263 IT +46 3 264 AZ +46 3 265 NT +46 3 266 CH +46 3 267 MR +46 3 268 NT +46 3 269 MR +46 3 270 NC +46 3 271 NT +46 3 272 AZ +46 3 273 MR +46 3 274 RA +46 3 275 ML +46 3 276 RO +46 3 277 AZ +46 3 278 RO +46 3 279 AZ +46 3 280 NT +46 3 281 NT +46 3 282 NT +46 3 283 CF +46 3 284 AZ +46 3 285 RO +46 3 286 RA +46 3 287 CH +46 3 288 NC +46 3 289 AZ +46 3 290 RO +46 3 291 AZ +46 3 292 RO +46 3 293 NT +46 3 294 AZ +46 3 295 CH +46 3 296 MR +46 3 297 ML +46 3 298 RO +46 3 299 NT +46 3 300 IT +46 3 301 NT +46 3 302 RO +46 3 303 AZ +46 3 304 NT +46 3 305 MR +46 3 306 NT +46 3 307 AZ +46 3 308 MR +46 3 309 CH +46 3 310 NT +46 3 311 AZ +46 3 312 MB +46 3 313 AZ +46 3 314 RO +46 3 315 NT +46 3 316 NT +46 3 317 MR +46 3 318 NC +46 3 319 RA +46 3 320 NT +46 3 321 NC +46 3 322 AZ +46 3 323 NT +46 3 324 RO +46 3 325 MR +46 3 326 ML +46 3 327 AZ +46 3 328 NT +46 3 329 CH +46 3 330 AZ +46 4 1 AZ +46 4 2 NT +46 4 3 ML +46 4 4 CR +46 4 5 NT +46 4 6 ML +46 4 7 NT +46 4 8 NC +46 4 9 CH +46 4 10 AZ +46 4 11 NT +46 4 12 ML +46 4 13 NT +46 4 14 AZ +46 4 15 RO +46 4 16 RA +46 4 17 NC +46 4 18 MB +46 4 19 AZ +46 4 20 NT +46 4 21 RO +46 4 22 CH +46 4 23 CR +46 4 24 MB +46 4 25 AZ +46 4 26 AZ +46 4 27 RA +46 4 28 RO +46 4 29 NT +46 4 30 CH +46 4 31 AZ +46 4 32 CR +46 4 33 NT +46 4 34 AZ +46 4 35 NC +46 4 36 NT +46 4 37 AZ +46 4 38 RO +46 4 39 NT +46 4 40 AZ +46 4 41 NC +46 4 42 ML +46 4 43 AZ +46 4 44 RA +46 4 45 NT +46 4 46 MB +46 4 47 NT +46 4 48 ML +46 4 49 AZ +46 4 50 CR +46 4 51 CH +46 4 52 RA +46 4 53 NC +46 4 54 NT +46 4 55 AZ +46 4 56 NC +46 4 57 NT +46 4 58 CH +46 4 59 RA +46 4 60 NT +46 4 61 NC +46 4 62 AZ +46 4 63 RO +46 4 64 AZ +46 4 65 RO +46 4 66 RA +46 4 67 NT +46 4 68 RO +46 4 69 CH +46 4 70 RA +46 4 71 CR +46 4 72 NT +46 4 73 CR +46 4 74 AZ +46 4 75 NT +46 4 76 ML +46 4 77 AZ +46 4 78 RA +46 4 79 MB +46 4 80 AZ +46 4 81 NT +46 4 82 AZ +46 4 83 RA +46 4 84 NC +46 4 85 NT +46 4 86 RO +46 4 87 MB +46 4 88 CR +46 4 89 MB +46 4 90 NT +46 4 91 ML +46 4 92 RA +46 4 93 AZ +46 4 94 MB +46 4 95 RA +46 4 96 ML +46 4 97 CR +46 4 98 NC +46 4 99 RA +46 4 100 AZ +46 4 101 CR +46 4 102 AZ +46 4 103 CH +46 4 104 AZ +46 4 105 CR +46 4 106 ML +46 4 107 RA +46 4 108 AZ +46 4 109 AZ +46 4 110 ML +46 4 111 MB +46 4 112 RO +46 4 113 MB +46 4 114 NT +46 4 115 NC +46 4 116 AZ +46 4 117 MB +46 4 118 RO +46 4 119 NT +46 4 120 RA +46 4 121 ML +46 4 122 NT +46 4 123 AZ +46 4 124 NT +46 4 125 ML +46 4 126 RO +46 4 127 NT +46 4 128 ML +46 4 129 RA +46 4 130 MB +46 4 131 CR +46 4 132 NC +46 4 133 NT +46 4 134 MB +46 4 135 CR +46 4 136 AZ +46 4 137 NT +46 4 138 AZ +46 4 139 RA +46 4 140 AZ +46 4 141 RA +46 4 142 RA +46 4 143 NT +46 4 144 CR +46 4 145 NT +46 4 146 ML +46 4 147 NT +46 4 148 NC +46 4 149 NT +46 4 150 CR +46 4 151 RO +46 4 152 AZ +46 4 153 AZ +46 4 154 MB +46 4 155 MB +46 4 156 NT +46 4 157 CH +46 4 158 RA +46 4 159 ML +46 4 160 RO +46 4 161 NT +46 4 162 NC +46 4 163 AZ +46 4 164 AZ +46 4 165 NT +46 4 166 AZ +46 4 167 RA +46 4 168 NT +46 4 169 AZ +46 4 170 MB +46 4 171 NT +46 4 172 RA +46 4 173 RO +46 4 174 ML +46 4 175 AZ +46 4 176 NC +46 4 177 ML +46 4 178 AZ +46 4 179 NC +46 4 180 NT +46 4 181 CH +46 4 182 CR +46 4 183 CH +46 4 184 CR +46 4 185 CH +46 4 186 AZ +46 4 187 ML +46 4 188 AZ +46 4 189 RA +46 4 190 RO +46 4 191 NT +46 4 192 CR +46 4 193 ML +46 4 194 NC +46 4 195 NT +46 4 196 AZ +46 4 197 CR +46 4 198 MB +46 4 199 RA +46 4 200 AZ +46 4 201 RO +46 4 202 NT +46 4 203 RO +46 4 204 MB +46 4 205 CR +46 4 206 RA +46 4 207 RO +46 4 208 CH +46 4 209 NT +46 4 210 NC +46 4 211 AZ +46 4 212 ML +46 4 213 AZ +46 4 214 ML +46 4 215 RO +46 4 216 NT +46 4 217 RO +46 4 218 NT +46 4 219 RA +46 4 220 AZ +46 4 221 RA +46 4 222 CR +46 4 223 NT +46 4 224 RA +46 4 225 CH +46 4 226 AZ +46 4 227 MB +46 4 228 AZ +46 4 229 NT +46 4 230 RA +46 4 231 CR +46 4 232 CH +46 4 233 AZ +46 4 234 NT +46 4 235 AZ +46 4 236 ML +46 4 237 NC +46 4 238 NT +46 4 239 RO +46 4 240 CH +46 4 241 RA +46 4 242 ML +46 4 243 CR +46 4 244 AZ +46 4 245 NC +46 4 246 AZ +46 4 247 CR +46 4 248 NT +46 4 249 NT +46 4 250 CR +46 4 251 AZ +46 4 252 RA +46 4 253 AZ +46 4 254 NT +46 4 255 MB +46 4 256 RO +46 4 257 AZ +46 4 258 ML +46 4 259 NC +46 4 260 RA +46 4 261 ML +46 4 262 RA +46 4 263 MB +46 4 264 AZ +46 4 265 NT +46 4 266 NC +46 4 267 CR +46 4 268 NT +46 4 269 CR +46 4 270 ML +46 4 271 NT +46 4 272 RA +46 4 273 RO +46 4 274 RA +46 4 275 ML +46 4 276 RO +46 4 277 AZ +46 4 278 ML +46 4 279 AZ +46 4 280 NT +46 4 281 NT +46 4 282 NT +46 4 283 MB +46 4 284 RA +46 4 285 RO +46 4 286 RA +46 4 287 CH +46 4 288 NC +46 4 289 AZ +46 4 290 RA +46 4 291 AZ +46 4 292 RO +46 4 293 RA +46 4 294 AZ +46 4 295 CH +46 4 296 CR +46 4 297 ML +46 4 298 NC +46 4 299 NT +46 4 300 AZ +46 4 301 NT +46 4 302 RA +46 4 303 AZ +46 4 304 NT +46 4 305 CR +46 4 306 ML +46 4 307 AZ +46 4 308 CR +46 4 309 MB +46 4 310 NT +46 4 311 AZ +46 4 312 MB +46 4 313 CR +46 4 314 RA +46 4 315 NT +46 4 316 AZ +46 4 317 CR +46 4 318 ML +46 4 319 RA +46 4 320 ML +46 4 321 NC +46 4 322 AZ +46 4 323 NT +46 4 324 RA +46 4 325 CR +46 4 326 ML +46 4 327 AZ +46 4 328 NT +46 4 329 CH +46 4 330 AZ +46 5 1 AZ +46 5 2 NT +46 5 3 NA +46 5 4 MR +46 5 5 NT +46 5 6 IT +46 5 7 NT +46 5 8 MR +46 5 9 CH +46 5 10 AZ +46 5 11 NT +46 5 12 ML +46 5 13 NT +46 5 14 AZ +46 5 15 RO +46 5 16 IT +46 5 17 NA +46 5 18 MB +46 5 19 AZ +46 5 20 NT +46 5 21 RO +46 5 22 CH +46 5 23 MR +46 5 24 IT +46 5 25 NT +46 5 26 AZ +46 5 27 RO +46 5 28 NC +46 5 29 NT +46 5 30 CH +46 5 31 NT +46 5 32 NT +46 5 33 NT +46 5 34 AZ +46 5 35 NC +46 5 36 NT +46 5 37 MR +46 5 38 RO +46 5 39 NT +46 5 40 AZ +46 5 41 NC +46 5 42 CH +46 5 43 AZ +46 5 44 RA +46 5 45 NT +46 5 46 IT +46 5 47 NT +46 5 48 CH +46 5 49 AZ +46 5 50 MR +46 5 51 CH +46 5 52 RA +46 5 53 MR +46 5 54 NT +46 5 55 AZ +46 5 56 RO +46 5 57 AZ +46 5 58 CH +46 5 59 MR +46 5 60 AZ +46 5 61 NC +46 5 62 MR +46 5 63 RO +46 5 64 AZ +46 5 65 MR +46 5 66 RA +46 5 67 NT +46 5 68 MR +46 5 69 CH +46 5 70 MR +46 5 71 NC +46 5 72 NT +46 5 73 MR +46 5 74 AZ +46 5 75 NT +46 5 76 NA +46 5 77 AZ +46 5 78 MR +46 5 79 MB +46 5 80 AZ +46 5 81 NT +46 5 82 AZ +46 5 83 CH +46 5 84 RO +46 5 85 NT +46 5 86 MR +46 5 87 MB +46 5 88 MR +46 5 89 MB +46 5 90 NT +46 5 91 NT +46 5 92 RA +46 5 93 AZ +46 5 94 CF +46 5 95 AZ +46 5 96 ML +46 5 97 MR +46 5 98 NC +46 5 99 MR +46 5 100 AZ +46 5 101 MR +46 5 102 MR +46 5 103 NT +46 5 104 AZ +46 5 105 MR +46 5 106 ML +46 5 107 RA +46 5 108 NT +46 5 109 AZ +46 5 110 CH +46 5 111 NT +46 5 112 RO +46 5 113 CH +46 5 114 NT +46 5 115 MR +46 5 116 AZ +46 5 117 CH +46 5 118 RO +46 5 119 NT +46 5 120 RA +46 5 121 CH +46 5 122 NT +46 5 123 AZ +46 5 124 NT +46 5 125 NA +46 5 126 RO +46 5 127 NT +46 5 128 NT +46 5 129 RA +46 5 130 NT +46 5 131 MR +46 5 132 NC +46 5 133 NT +46 5 134 NC +46 5 135 MR +46 5 136 AZ +46 5 137 NT +46 5 138 AZ +46 5 139 MR +46 5 140 AZ +46 5 141 RA +46 5 142 MR +46 5 143 NT +46 5 144 MR +46 5 145 NT +46 5 146 CH +46 5 147 NT +46 5 148 NC +46 5 149 NT +46 5 150 MR +46 5 151 RO +46 5 152 MR +46 5 153 AZ +46 5 154 IT +46 5 155 CF +46 5 156 NT +46 5 157 CF +46 5 158 RA +46 5 159 NA +46 5 160 MR +46 5 161 NT +46 5 162 MR +46 5 163 AZ +46 5 164 AZ +46 5 165 NT +46 5 166 AZ +46 5 167 MR +46 5 168 NT +46 5 169 AZ +46 5 170 NT +46 5 171 NT +46 5 172 RA +46 5 173 RO +46 5 174 ML +46 5 175 AZ +46 5 176 NA +46 5 177 NT +46 5 178 AZ +46 5 179 NC +46 5 180 NT +46 5 181 CH +46 5 182 MR +46 5 183 CH +46 5 184 MR +46 5 185 CH +46 5 186 AZ +46 5 187 NA +46 5 188 AZ +46 5 189 AZ +46 5 190 RO +46 5 191 NT +46 5 192 MR +46 5 193 NT +46 5 194 MR +46 5 195 NT +46 5 196 AZ +46 5 197 MR +46 5 198 MB +46 5 199 AZ +46 5 200 AZ +46 5 201 RO +46 5 202 NT +46 5 203 MR +46 5 204 CF +46 5 205 MR +46 5 206 RA +46 5 207 RO +46 5 208 CH +46 5 209 NT +46 5 210 CH +46 5 211 AZ +46 5 212 NA +46 5 213 MR +46 5 214 NT +46 5 215 MR +46 5 216 NT +46 5 217 RO +46 5 218 NT +46 5 219 NT +46 5 220 MR +46 5 221 AZ +46 5 222 MR +46 5 223 NT +46 5 224 RA +46 5 225 CH +46 5 226 AZ +46 5 227 MB +46 5 228 AZ +46 5 229 NT +46 5 230 RA +46 5 231 MR +46 5 232 CH +46 5 233 MR +46 5 234 NT +46 5 235 AZ +46 5 236 NT +46 5 237 RO +46 5 238 AZ +46 5 239 RO +46 5 240 CH +46 5 241 RA +46 5 242 NT +46 5 243 MR +46 5 244 AZ +46 5 245 NC +46 5 246 AZ +46 5 247 MR +46 5 248 MB +46 5 249 NT +46 5 250 MR +46 5 251 NT +46 5 252 RO +46 5 253 NT +46 5 254 AZ +46 5 255 MB +46 5 256 RO +46 5 257 AZ +46 5 258 CH +46 5 259 NC +46 5 260 NT +46 5 261 CH +46 5 262 RA +46 5 263 IT +46 5 264 AZ +46 5 265 NT +46 5 266 CH +46 5 267 MR +46 5 268 NT +46 5 269 MR +46 5 270 NA +46 5 271 NT +46 5 272 RA +46 5 273 MR +46 5 274 RA +46 5 275 CH +46 5 276 MR +46 5 277 AZ +46 5 278 NA +46 5 279 MR +46 5 280 NT +46 5 281 NT +46 5 282 NT +46 5 283 CH +46 5 284 AZ +46 5 285 RO +46 5 286 RA +46 5 287 CH +46 5 288 NC +46 5 289 AZ +46 5 290 RO +46 5 291 AZ +46 5 292 RO +46 5 293 AZ +46 5 294 IT +46 5 295 CH +46 5 296 MR +46 5 297 CH +46 5 298 RO +46 5 299 NT +46 5 300 IT +46 5 301 NT +46 5 302 RO +46 5 303 AZ +46 5 304 NT +46 5 305 MR +46 5 306 NT +46 5 307 AZ +46 5 308 MR +46 5 309 CF +46 5 310 NT +46 5 311 AZ +46 5 312 MB +46 5 313 MR +46 5 314 RO +46 5 315 NT +46 5 316 AZ +46 5 317 MR +46 5 318 CH +46 5 319 RA +46 5 320 NT +46 5 321 RO +46 5 322 AZ +46 5 323 NT +46 5 324 RA +46 5 325 MR +46 5 326 CH +46 5 327 AZ +46 5 328 NT +46 5 329 CH +46 5 330 AZ +46 6 1 AZ +46 6 2 NT +46 6 3 NA +46 6 4 MR +46 6 5 NT +46 6 6 CH +46 6 7 NT +46 6 8 NC +46 6 9 CH +46 6 10 AZ +46 6 11 AZ +46 6 12 ML +46 6 13 AZ +46 6 14 AZ +46 6 15 RO +46 6 16 RA +46 6 17 NC +46 6 18 MB +46 6 19 AZ +46 6 20 NT +46 6 21 RO +46 6 22 CH +46 6 23 CR +46 6 24 MB +46 6 25 AZ +46 6 26 AZ +46 6 27 RA +46 6 28 RO +46 6 29 NT +46 6 30 CH +46 6 31 NT +46 6 32 MR +46 6 33 NT +46 6 34 AZ +46 6 35 NA +46 6 36 NT +46 6 37 AZ +46 6 38 VN +46 6 39 NT +46 6 40 AZ +46 6 41 VN +46 6 42 CH +46 6 43 AZ +46 6 44 RA +46 6 45 NT +46 6 46 PL +46 6 47 NT +46 6 48 ML +46 6 49 AZ +46 6 50 CR +46 6 51 CH +46 6 52 NT +46 6 53 VN +46 6 54 NT +46 6 55 AZ +46 6 56 CH +46 6 57 AZ +46 6 58 CH +46 6 59 AZ +46 6 60 AZ +46 6 61 VN +46 6 62 AZ +46 6 63 NA +46 6 64 AZ +46 6 65 RO +46 6 66 RA +46 6 67 NT +46 6 68 MR +46 6 69 NT +46 6 70 MR +46 6 71 VN +46 6 72 NT +46 6 73 CR +46 6 74 NT +46 6 75 MB +46 6 76 NA +46 6 77 AZ +46 6 78 CR +46 6 79 MB +46 6 80 AZ +46 6 81 NT +46 6 82 AZ +46 6 83 CH +46 6 84 CH +46 6 85 NT +46 6 86 RO +46 6 87 MB +46 6 88 MR +46 6 89 MB +46 6 90 NT +46 6 91 NT +46 6 92 CH +46 6 93 AZ +46 6 94 MB +46 6 95 NT +46 6 96 ML +46 6 97 MR +46 6 98 NC +46 6 99 MR +46 6 100 NT +46 6 101 VN +46 6 102 MR +46 6 103 NT +46 6 104 AZ +46 6 105 MR +46 6 106 NT +46 6 107 RA +46 6 108 NT +46 6 109 AZ +46 6 110 ML +46 6 111 NT +46 6 112 RO +46 6 113 MB +46 6 114 AZ +46 6 115 VN +46 6 116 AZ +46 6 117 CH +46 6 118 RO +46 6 119 NT +46 6 120 RA +46 6 121 NA +46 6 122 NT +46 6 123 AZ +46 6 124 ML +46 6 125 NA +46 6 126 RO +46 6 127 NT +46 6 128 ML +46 6 129 RA +46 6 130 NT +46 6 131 CR +46 6 132 NC +46 6 133 NT +46 6 134 MR +46 6 135 MR +46 6 136 AZ +46 6 137 NT +46 6 138 AZ +46 6 139 AZ +46 6 140 AZ +46 6 141 RA +46 6 142 AZ +46 6 143 NT +46 6 144 MR +46 6 145 NT +46 6 146 ML +46 6 147 NT +46 6 148 NC +46 6 149 NT +46 6 150 MR +46 6 151 RO +46 6 152 MR +46 6 153 AZ +46 6 154 MB +46 6 155 MB +46 6 156 NT +46 6 157 CH +46 6 158 RA +46 6 159 ML +46 6 160 RO +46 6 161 NT +46 6 162 VN +46 6 163 AZ +46 6 164 AZ +46 6 165 NT +46 6 166 AZ +46 6 167 MR +46 6 168 NT +46 6 169 AZ +46 6 170 AZ +46 6 171 NT +46 6 172 RA +46 6 173 RO +46 6 174 ML +46 6 175 NT +46 6 176 RO +46 6 177 NT +46 6 178 AZ +46 6 179 MR +46 6 180 NT +46 6 181 CH +46 6 182 MR +46 6 183 CH +46 6 184 CR +46 6 185 CH +46 6 186 AZ +46 6 187 ML +46 6 188 AZ +46 6 189 AZ +46 6 190 RO +46 6 191 NT +46 6 192 MR +46 6 193 NT +46 6 194 MR +46 6 195 NT +46 6 196 NT +46 6 197 MR +46 6 198 NT +46 6 199 NT +46 6 200 AZ +46 6 201 RO +46 6 202 NT +46 6 203 VN +46 6 204 MB +46 6 205 AZ +46 6 206 NT +46 6 207 RO +46 6 208 CH +46 6 209 NT +46 6 210 VN +46 6 211 AZ +46 6 212 NA +46 6 213 MR +46 6 214 ML +46 6 215 MR +46 6 216 NT +46 6 217 RO +46 6 218 NT +46 6 219 AZ +46 6 220 AZ +46 6 221 AZ +46 6 222 MR +46 6 223 NT +46 6 224 RA +46 6 225 NT +46 6 226 AZ +46 6 227 MB +46 6 228 AZ +46 6 229 NT +46 6 230 RO +46 6 231 MR +46 6 232 CH +46 6 233 AZ +46 6 234 NT +46 6 235 AZ +46 6 236 NT +46 6 237 ML +46 6 238 NT +46 6 239 RO +46 6 240 CH +46 6 241 RA +46 6 242 ML +46 6 243 VN +46 6 244 RA +46 6 245 NC +46 6 246 NT +46 6 247 MR +46 6 248 NT +46 6 249 NT +46 6 250 MR +46 6 251 NT +46 6 252 RA +46 6 253 NT +46 6 254 AZ +46 6 255 MB +46 6 256 RO +46 6 257 AZ +46 6 258 NT +46 6 259 VN +46 6 260 NT +46 6 261 ML +46 6 262 RA +46 6 263 MB +46 6 264 AZ +46 6 265 NT +46 6 266 CH +46 6 267 MR +46 6 268 NT +46 6 269 MR +46 6 270 ML +46 6 271 NT +46 6 272 RA +46 6 273 MR +46 6 274 RA +46 6 275 NT +46 6 276 RO +46 6 277 AZ +46 6 278 NA +46 6 279 AZ +46 6 280 NT +46 6 281 AZ +46 6 282 AZ +46 6 283 NT +46 6 284 CH +46 6 285 RA +46 6 286 RO +46 6 287 RA +46 6 288 NC +46 6 289 AZ +46 6 290 RA +46 6 291 AZ +46 6 292 RO +46 6 293 NT +46 6 294 RA +46 6 295 CH +46 6 296 MR +46 6 297 ML +46 6 298 NC +46 6 299 NT +46 6 300 IT +46 6 301 NT +46 6 302 RA +46 6 303 AZ +46 6 304 NT +46 6 305 MR +46 6 306 NT +46 6 307 AZ +46 6 308 MR +46 6 309 NT +46 6 310 NT +46 6 311 AZ +46 6 312 MB +46 6 313 AZ +46 6 314 RA +46 6 315 NT +46 6 316 NT +46 6 317 VN +46 6 318 ML +46 6 319 RA +46 6 320 NT +46 6 321 NC +46 6 322 AZ +46 6 323 NT +46 6 324 RA +46 6 325 MR +46 6 326 ML +46 6 327 NT +46 6 328 NT +46 6 329 CH +46 6 330 NT +46 7 1 AZ +46 7 2 NT +46 7 3 NC +46 7 4 CR +46 7 5 NT +46 7 6 CH +46 7 7 NT +46 7 8 NC +46 7 9 CH +46 7 10 AZ +46 7 11 NT +46 7 12 ML +46 7 13 NT +46 7 14 MB +46 7 15 RO +46 7 16 RA +46 7 17 NC +46 7 18 MB +46 7 19 AZ +46 7 20 NT +46 7 21 RO +46 7 22 ML +46 7 23 MR +46 7 24 CH +46 7 25 AZ +46 7 26 AZ +46 7 27 RA +46 7 28 RO +46 7 29 NT +46 7 30 NC +46 7 31 AZ +46 7 32 RO +46 7 33 NT +46 7 34 AZ +46 7 35 NA +46 7 36 NT +46 7 37 AZ +46 7 38 NC +46 7 39 NT +46 7 40 AZ +46 7 41 NC +46 7 42 CH +46 7 43 AZ +46 7 44 RA +46 7 45 NT +46 7 46 MB +46 7 47 NT +46 7 48 CH +46 7 49 AZ +46 7 50 MR +46 7 51 CH +46 7 52 AZ +46 7 53 VN +46 7 54 NT +46 7 55 AZ +46 7 56 RO +46 7 57 NT +46 7 58 CH +46 7 59 RO +46 7 60 AZ +46 7 61 NC +46 7 62 MR +46 7 63 RO +46 7 64 AZ +46 7 65 RO +46 7 66 RA +46 7 67 NT +46 7 68 RO +46 7 69 NT +46 7 70 RA +46 7 71 NC +46 7 72 NT +46 7 73 CR +46 7 74 AZ +46 7 75 NT +46 7 76 NC +46 7 77 AZ +46 7 78 RO +46 7 79 MB +46 7 80 AZ +46 7 81 NT +46 7 82 NT +46 7 83 CH +46 7 84 RO +46 7 85 NT +46 7 86 RO +46 7 87 MB +46 7 88 CR +46 7 89 MB +46 7 90 NT +46 7 91 ML +46 7 92 CH +46 7 93 AZ +46 7 94 CH +46 7 95 NT +46 7 96 ML +46 7 97 CR +46 7 98 NC +46 7 99 MR +46 7 100 AZ +46 7 101 NC +46 7 102 AZ +46 7 103 CH +46 7 104 AZ +46 7 105 MR +46 7 106 ML +46 7 107 AZ +46 7 108 AZ +46 7 109 AZ +46 7 110 NC +46 7 111 NT +46 7 112 RO +46 7 113 MB +46 7 114 NT +46 7 115 NC +46 7 116 AZ +46 7 117 CH +46 7 118 RO +46 7 119 NT +46 7 120 RA +46 7 121 NC +46 7 122 NT +46 7 123 AZ +46 7 124 NT +46 7 125 ML +46 7 126 RO +46 7 127 NT +46 7 128 ML +46 7 129 RA +46 7 130 NT +46 7 131 CR +46 7 132 NC +46 7 133 NT +46 7 134 NC +46 7 135 MR +46 7 136 AZ +46 7 137 NT +46 7 138 AZ +46 7 139 MR +46 7 140 AZ +46 7 141 RA +46 7 142 AZ +46 7 143 NT +46 7 144 MR +46 7 145 NT +46 7 146 CH +46 7 147 NT +46 7 148 NC +46 7 149 NT +46 7 150 MR +46 7 151 RO +46 7 152 MR +46 7 153 AZ +46 7 154 MB +46 7 155 CH +46 7 156 NT +46 7 157 CH +46 7 158 RA +46 7 159 CH +46 7 160 RO +46 7 161 NT +46 7 162 RO +46 7 163 NT +46 7 164 AZ +46 7 165 NT +46 7 166 AZ +46 7 167 MR +46 7 168 NT +46 7 169 AZ +46 7 170 NT +46 7 171 NT +46 7 172 RA +46 7 173 RO +46 7 174 NA +46 7 175 AZ +46 7 176 NC +46 7 177 ML +46 7 178 AZ +46 7 179 NC +46 7 180 NT +46 7 181 CH +46 7 182 CR +46 7 183 CH +46 7 184 MR +46 7 185 CH +46 7 186 NT +46 7 187 NA +46 7 188 AZ +46 7 189 AZ +46 7 190 RO +46 7 191 NT +46 7 192 MR +46 7 193 NT +46 7 194 NC +46 7 195 NT +46 7 196 NT +46 7 197 MR +46 7 198 MB +46 7 199 AZ +46 7 200 AZ +46 7 201 RO +46 7 202 NT +46 7 203 MR +46 7 204 CH +46 7 205 MR +46 7 206 ML +46 7 207 RO +46 7 208 CH +46 7 209 AZ +46 7 210 CF +46 7 211 AZ +46 7 212 NA +46 7 213 MR +46 7 214 ML +46 7 215 RO +46 7 216 NT +46 7 217 RO +46 7 218 NT +46 7 219 NT +46 7 220 MR +46 7 221 AZ +46 7 222 MR +46 7 223 NT +46 7 224 RO +46 7 225 NT +46 7 226 AZ +46 7 227 MB +46 7 228 AZ +46 7 229 NT +46 7 230 RO +46 7 231 MR +46 7 232 CH +46 7 233 MR +46 7 234 NT +46 7 235 AZ +46 7 236 NT +46 7 237 NA +46 7 238 AZ +46 7 239 RO +46 7 240 CH +46 7 241 RA +46 7 242 ML +46 7 243 MR +46 7 244 AZ +46 7 245 NC +46 7 246 AZ +46 7 247 MR +46 7 248 NT +46 7 249 NT +46 7 250 MR +46 7 251 NT +46 7 252 RO +46 7 253 NT +46 7 254 AZ +46 7 255 MB +46 7 256 NC +46 7 257 AZ +46 7 258 ML +46 7 259 NC +46 7 260 ML +46 7 261 NC +46 7 262 RA +46 7 263 IT +46 7 264 AZ +46 7 265 NT +46 7 266 NC +46 7 267 MR +46 7 268 NT +46 7 269 RO +46 7 270 CH +46 7 271 NT +46 7 272 RA +46 7 273 MR +46 7 274 RA +46 7 275 NT +46 7 276 NC +46 7 277 AZ +46 7 278 CH +46 7 279 AZ +46 7 280 NT +46 7 281 NT +46 7 282 NT +46 7 283 CH +46 7 284 AZ +46 7 285 RO +46 7 286 RA +46 7 287 CH +46 7 288 NC +46 7 289 AZ +46 7 290 RO +46 7 291 AZ +46 7 292 RO +46 7 293 AZ +46 7 294 RA +46 7 295 CH +46 7 296 MR +46 7 297 NC +46 7 298 NC +46 7 299 NT +46 7 300 IT +46 7 301 NT +46 7 302 RO +46 7 303 AZ +46 7 304 NT +46 7 305 MR +46 7 306 NT +46 7 307 AZ +46 7 308 MR +46 7 309 CH +46 7 310 NT +46 7 311 AZ +46 7 312 MB +46 7 313 MR +46 7 314 RA +46 7 315 ML +46 7 316 NT +46 7 317 MR +46 7 318 NC +46 7 319 RA +46 7 320 NT +46 7 321 RO +46 7 322 AZ +46 7 323 NT +46 7 324 CH +46 7 325 MR +46 7 326 NC +46 7 327 AZ +46 7 328 NT +46 7 329 NC +46 7 330 AZ +46 8 1 AZ +46 8 2 NT +46 8 3 NC +46 8 4 MR +46 8 5 NT +46 8 6 CH +46 8 7 NT +46 8 8 NC +46 8 9 NA +46 8 10 AZ +46 8 11 NT +46 8 12 ML +46 8 13 NT +46 8 14 AZ +46 8 15 RO +46 8 16 RA +46 8 17 NC +46 8 18 MB +46 8 19 AZ +46 8 20 NT +46 8 21 RO +46 8 22 ML +46 8 23 MR +46 8 24 CH +46 8 25 NT +46 8 26 AZ +46 8 27 RA +46 8 28 RO +46 8 29 NT +46 8 30 NA +46 8 31 AZ +46 8 32 RO +46 8 33 NT +46 8 34 AZ +46 8 35 NA +46 8 36 NT +46 8 37 AZ +46 8 38 NC +46 8 39 NT +46 8 40 AZ +46 8 41 NC +46 8 42 ML +46 8 43 AZ +46 8 44 RA +46 8 45 NT +46 8 46 IT +46 8 47 NT +46 8 48 ML +46 8 49 AZ +46 8 50 MR +46 8 51 CH +46 8 52 RA +46 8 53 MR +46 8 54 NT +46 8 55 AZ +46 8 56 RO +46 8 57 AZ +46 8 58 CH +46 8 59 RA +46 8 60 AZ +46 8 61 NC +46 8 62 MR +46 8 63 RO +46 8 64 AZ +46 8 65 NC +46 8 66 RA +46 8 67 NT +46 8 68 RO +46 8 69 NT +46 8 70 RA +46 8 71 NC +46 8 72 NT +46 8 73 MR +46 8 74 RA +46 8 75 NT +46 8 76 NC +46 8 77 AZ +46 8 78 RO +46 8 79 MB +46 8 80 AZ +46 8 81 NT +46 8 82 NT +46 8 83 ML +46 8 84 RO +46 8 85 NT +46 8 86 RO +46 8 87 MB +46 8 88 MR +46 8 89 MB +46 8 90 NT +46 8 91 NT +46 8 92 RA +46 8 93 AZ +46 8 94 MB +46 8 95 RA +46 8 96 ML +46 8 97 AZ +46 8 98 NC +46 8 99 MR +46 8 100 AZ +46 8 101 NC +46 8 102 MR +46 8 103 ML +46 8 104 AZ +46 8 105 MR +46 8 106 ML +46 8 107 RA +46 8 108 RA +46 8 109 AZ +46 8 110 ML +46 8 111 NT +46 8 112 NC +46 8 113 MB +46 8 114 NT +46 8 115 NC +46 8 116 NT +46 8 117 CF +46 8 118 RO +46 8 119 NT +46 8 120 RA +46 8 121 NC +46 8 122 NT +46 8 123 AZ +46 8 124 NT +46 8 125 NC +46 8 126 RO +46 8 127 NT +46 8 128 ML +46 8 129 RA +46 8 130 MB +46 8 131 MR +46 8 132 NC +46 8 133 NT +46 8 134 CF +46 8 135 MR +46 8 136 AZ +46 8 137 NT +46 8 138 AZ +46 8 139 RA +46 8 140 AZ +46 8 141 RA +46 8 142 RA +46 8 143 NT +46 8 144 MR +46 8 145 NT +46 8 146 ML +46 8 147 NT +46 8 148 NC +46 8 149 NT +46 8 150 MR +46 8 151 RO +46 8 152 MR +46 8 153 AZ +46 8 154 MB +46 8 155 CF +46 8 156 NT +46 8 157 CF +46 8 158 RA +46 8 159 NA +46 8 160 RO +46 8 161 NT +46 8 162 NC +46 8 163 NT +46 8 164 AZ +46 8 165 NT +46 8 166 AZ +46 8 167 MR +46 8 168 NT +46 8 169 AZ +46 8 170 MB +46 8 171 NT +46 8 172 RA +46 8 173 RO +46 8 174 ML +46 8 175 AZ +46 8 176 NC +46 8 177 ML +46 8 178 AZ +46 8 179 NC +46 8 180 NT +46 8 181 ML +46 8 182 NC +46 8 183 ML +46 8 184 MR +46 8 185 ML +46 8 186 NT +46 8 187 ML +46 8 188 AZ +46 8 189 RA +46 8 190 RO +46 8 191 NT +46 8 192 MR +46 8 193 ML +46 8 194 NC +46 8 195 NT +46 8 196 AZ +46 8 197 MR +46 8 198 MB +46 8 199 RA +46 8 200 AZ +46 8 201 RO +46 8 202 NT +46 8 203 RO +46 8 204 CF +46 8 205 MR +46 8 206 RA +46 8 207 RO +46 8 208 ML +46 8 209 NT +46 8 210 CF +46 8 211 AZ +46 8 212 ML +46 8 213 MR +46 8 214 NT +46 8 215 RO +46 8 216 RA +46 8 217 RO +46 8 218 NT +46 8 219 RA +46 8 220 AZ +46 8 221 RA +46 8 222 AZ +46 8 223 NT +46 8 224 RA +46 8 225 NT +46 8 226 AZ +46 8 227 MB +46 8 228 AZ +46 8 229 NT +46 8 230 RA +46 8 231 MR +46 8 232 CF +46 8 233 AZ +46 8 234 NT +46 8 235 AZ +46 8 236 NT +46 8 237 RO +46 8 238 AZ +46 8 239 RO +46 8 240 NC +46 8 241 RA +46 8 242 ML +46 8 243 MR +46 8 244 RA +46 8 245 NC +46 8 246 AZ +46 8 247 MR +46 8 248 NT +46 8 249 NT +46 8 250 MR +46 8 251 NT +46 8 252 RA +46 8 253 NT +46 8 254 AZ +46 8 255 CF +46 8 256 NC +46 8 257 AZ +46 8 258 ML +46 8 259 NC +46 8 260 ML +46 8 261 NA +46 8 262 RA +46 8 263 RA +46 8 264 AZ +46 8 265 NT +46 8 266 NC +46 8 267 MR +46 8 268 NT +46 8 269 MR +46 8 270 NA +46 8 271 NT +46 8 272 RA +46 8 273 MR +46 8 274 RA +46 8 275 NT +46 8 276 MR +46 8 277 AZ +46 8 278 NA +46 8 279 AZ +46 8 280 NT +46 8 281 NT +46 8 282 NT +46 8 283 CF +46 8 284 RA +46 8 285 RO +46 8 286 RA +46 8 287 ML +46 8 288 NC +46 8 289 AZ +46 8 290 RA +46 8 291 AZ +46 8 292 RO +46 8 293 RA +46 8 294 RA +46 8 295 NA +46 8 296 MR +46 8 297 ML +46 8 298 NC +46 8 299 NT +46 8 300 RA +46 8 301 NT +46 8 302 RA +46 8 303 AZ +46 8 304 NT +46 8 305 MR +46 8 306 NT +46 8 307 AZ +46 8 308 MR +46 8 309 CF +46 8 310 NT +46 8 311 AZ +46 8 312 CF +46 8 313 AZ +46 8 314 RA +46 8 315 NT +46 8 316 NT +46 8 317 MR +46 8 318 NA +46 8 319 RA +46 8 320 NT +46 8 321 NC +46 8 322 AZ +46 8 323 NT +46 8 324 RA +46 8 325 MR +46 8 326 ML +46 8 327 RA +46 8 328 NT +46 8 329 NA +46 8 330 RA +46 9 1 AZ +46 9 2 NT +46 9 3 NC +46 9 4 NT +46 9 5 NT +46 9 6 NT +46 9 7 NT +46 9 8 NC +46 9 9 NT +46 9 10 AZ +46 9 11 NT +46 9 12 ML +46 9 13 NT +46 9 14 AZ +46 9 15 RA +46 9 16 RO +46 9 17 NT +46 9 18 NT +46 9 19 AZ +46 9 20 NT +46 9 21 RO +46 9 22 ML +46 9 23 AZ +46 9 24 NT +46 9 25 AZ +46 9 26 AZ +46 9 27 RO +46 9 28 RO +46 9 29 NT +46 9 30 NC +46 9 31 RO +46 9 32 RO +46 9 33 NT +46 9 34 AZ +46 9 35 RO +46 9 36 NT +46 9 37 AZ +46 9 38 RO +46 9 39 NT +46 9 40 AZ +46 9 41 NC +46 9 42 NT +46 9 43 AZ +46 9 44 RO +46 9 45 NT +46 9 46 RO +46 9 47 RO +46 9 48 NT +46 9 49 RO +46 9 50 AZ +46 9 51 NT +46 9 52 RO +46 9 53 RO +46 9 54 NT +46 9 55 AZ +46 9 56 RO +46 9 57 AZ +46 9 58 NC +46 9 59 RO +46 9 60 NT +46 9 61 NC +46 9 62 AZ +46 9 63 RO +46 9 64 AZ +46 9 65 RO +46 9 66 RO +46 9 67 NT +46 9 68 RO +46 9 69 NT +46 9 70 AZ +46 9 71 NC +46 9 72 NT +46 9 73 AZ +46 9 74 AZ +46 9 75 NC +46 9 76 NC +46 9 77 AZ +46 9 78 AZ +46 9 79 NT +46 9 80 AZ +46 9 81 NT +46 9 82 NT +46 9 83 ML +46 9 84 RO +46 9 85 NT +46 9 86 RO +46 9 87 NT +46 9 88 AZ +46 9 89 NT +46 9 90 NT +46 9 91 ML +46 9 92 RA +46 9 93 AZ +46 9 94 NT +46 9 95 RA +46 9 96 ML +46 9 97 AZ +46 9 98 NC +46 9 99 NT +46 9 100 RO +46 9 101 RO +46 9 102 AZ +46 9 103 NT +46 9 104 AZ +46 9 105 AZ +46 9 106 ML +46 9 107 RO +46 9 108 RO +46 9 109 AZ +46 9 110 ML +46 9 111 NT +46 9 112 NC +46 9 113 NT +46 9 114 NT +46 9 115 NC +46 9 116 AZ +46 9 117 NT +46 9 118 RO +46 9 119 NT +46 9 120 RA +46 9 121 NC +46 9 122 NT +46 9 123 AZ +46 9 124 ML +46 9 125 NC +46 9 126 RO +46 9 127 NT +46 9 128 ML +46 9 129 RA +46 9 130 NT +46 9 131 AZ +46 9 132 NC +46 9 133 NT +46 9 134 NT +46 9 135 AZ +46 9 136 AZ +46 9 137 NT +46 9 138 AZ +46 9 139 AZ +46 9 140 AZ +46 9 141 RA +46 9 142 AZ +46 9 143 NT +46 9 144 AZ +46 9 145 NT +46 9 146 NT +46 9 147 NT +46 9 148 NC +46 9 149 NT +46 9 150 AZ +46 9 151 RO +46 9 152 AZ +46 9 153 AZ +46 9 154 NT +46 9 155 NT +46 9 156 NT +46 9 157 NC +46 9 158 RA +46 9 159 ML +46 9 160 RO +46 9 161 NT +46 9 162 NC +46 9 163 NT +46 9 164 AZ +46 9 165 NT +46 9 166 AZ +46 9 167 AZ +46 9 168 NT +46 9 169 AZ +46 9 170 NT +46 9 171 NT +46 9 172 RA +46 9 173 RO +46 9 174 ML +46 9 175 AZ +46 9 176 RO +46 9 177 ML +46 9 178 AZ +46 9 179 NC +46 9 180 NT +46 9 181 ML +46 9 182 NT +46 9 183 NT +46 9 184 AZ +46 9 185 NT +46 9 186 AZ +46 9 187 ML +46 9 188 AZ +46 9 189 AZ +46 9 190 RO +46 9 191 NT +46 9 192 AZ +46 9 193 ML +46 9 194 NC +46 9 195 NT +46 9 196 NT +46 9 197 AZ +46 9 198 NT +46 9 199 RA +46 9 200 AZ +46 9 201 RO +46 9 202 NT +46 9 203 AZ +46 9 204 NT +46 9 205 AZ +46 9 206 RA +46 9 207 NC +46 9 208 NT +46 9 209 NT +46 9 210 NT +46 9 211 AZ +46 9 212 ML +46 9 213 AZ +46 9 214 ML +46 9 215 AZ +46 9 216 NT +46 9 217 RO +46 9 218 NT +46 9 219 RA +46 9 220 AZ +46 9 221 RA +46 9 222 AZ +46 9 223 NT +46 9 224 RA +46 9 225 NT +46 9 226 AZ +46 9 227 NT +46 9 228 AZ +46 9 229 NT +46 9 230 RA +46 9 231 AZ +46 9 232 NT +46 9 233 AZ +46 9 234 NT +46 9 235 AZ +46 9 236 NT +46 9 237 RO +46 9 238 NT +46 9 239 RO +46 9 240 CH +46 9 241 RO +46 9 242 NT +46 9 243 AZ +46 9 244 AZ +46 9 245 NC +46 9 246 NT +46 9 247 AZ +46 9 248 NT +46 9 249 NT +46 9 250 AZ +46 9 251 NT +46 9 252 AZ +46 9 253 NT +46 9 254 AZ +46 9 255 NT +46 9 256 RO +46 9 257 AZ +46 9 258 ML +46 9 259 NC +46 9 260 NT +46 9 261 ML +46 9 262 AZ +46 9 263 AZ +46 9 264 AZ +46 9 265 NT +46 9 266 NC +46 9 267 AZ +46 9 268 NT +46 9 269 AZ +46 9 270 ML +46 9 271 NT +46 9 272 AZ +46 9 273 AZ +46 9 274 AZ +46 9 275 NT +46 9 276 RO +46 9 277 AZ +46 9 278 CH +46 9 279 AZ +46 9 280 NT +46 9 281 NT +46 9 282 NT +46 9 283 NT +46 9 284 AZ +46 9 285 RO +46 9 286 AZ +46 9 287 NT +46 9 288 NC +46 9 289 AZ +46 9 290 RA +46 9 291 AZ +46 9 292 RO +46 9 293 RA +46 9 294 AZ +46 9 295 NT +46 9 296 AZ +46 9 297 ML +46 9 298 NC +46 9 299 NT +46 9 300 AZ +46 9 301 NT +46 9 302 RA +46 9 303 AZ +46 9 304 NT +46 9 305 AZ +46 9 306 NT +46 9 307 AZ +46 9 308 AZ +46 9 309 NT +46 9 310 AZ +46 9 311 AZ +46 9 312 AZ +46 9 313 AZ +46 9 314 RA +46 9 315 NT +46 9 316 AZ +46 9 317 AZ +46 9 318 ML +46 9 319 RA +46 9 320 NT +46 9 321 NC +46 9 322 AZ +46 9 323 NT +46 9 324 RA +46 9 325 AZ +46 9 326 ML +46 9 327 RA +46 9 328 NT +46 9 329 NT +46 9 330 RA +46 10 1 AZ +46 10 2 NT +46 10 3 NC +46 10 4 MR +46 10 5 NT +46 10 6 CH +46 10 7 NT +46 10 8 NC +46 10 9 CH +46 10 10 AZ +46 10 11 NT +46 10 12 ML +46 10 13 NT +46 10 14 AZ +46 10 15 MR +46 10 16 RA +46 10 17 NC +46 10 18 MB +46 10 19 AZ +46 10 20 NT +46 10 21 RO +46 10 22 ML +46 10 23 MR +46 10 24 CH +46 10 25 AZ +46 10 26 AZ +46 10 27 RA +46 10 28 RO +46 10 29 NT +46 10 30 CH +46 10 31 NT +46 10 32 MR +46 10 33 NT +46 10 34 AZ +46 10 35 RO +46 10 36 RA +46 10 37 AZ +46 10 38 MR +46 10 39 NT +46 10 40 AZ +46 10 41 NC +46 10 42 ML +46 10 43 AZ +46 10 44 RA +46 10 45 NT +46 10 46 MB +46 10 47 MB +46 10 48 ML +46 10 49 AZ +46 10 50 MR +46 10 51 CH +46 10 52 RA +46 10 53 MR +46 10 54 NT +46 10 55 AZ +46 10 56 RO +46 10 57 AZ +46 10 58 CH +46 10 59 MR +46 10 60 AZ +46 10 61 MR +46 10 62 MR +46 10 63 RO +46 10 64 AZ +46 10 65 RO +46 10 66 RA +46 10 67 NT +46 10 68 MR +46 10 69 NT +46 10 70 MR +46 10 71 MR +46 10 72 NT +46 10 73 MR +46 10 74 AZ +46 10 75 MB +46 10 76 NA +46 10 77 AZ +46 10 78 RO +46 10 79 MB +46 10 80 AZ +46 10 81 NT +46 10 82 NT +46 10 83 CH +46 10 84 RO +46 10 85 NT +46 10 86 RO +46 10 87 MB +46 10 88 MR +46 10 89 MB +46 10 90 MB +46 10 91 NT +46 10 92 CH +46 10 93 AZ +46 10 94 MB +46 10 95 RA +46 10 96 ML +46 10 97 MR +46 10 98 NC +46 10 99 NT +46 10 100 MR +46 10 101 MR +46 10 102 MR +46 10 103 CH +46 10 104 AZ +46 10 105 MR +46 10 106 ML +46 10 107 RA +46 10 108 RA +46 10 109 AZ +46 10 110 ML +46 10 111 MB +46 10 112 MR +46 10 113 MB +46 10 114 AZ +46 10 115 MR +46 10 116 AZ +46 10 117 MB +46 10 118 RO +46 10 119 NT +46 10 120 RA +46 10 121 NA +46 10 122 NT +46 10 123 AZ +46 10 124 NT +46 10 125 NA +46 10 126 RO +46 10 127 MB +46 10 128 ML +46 10 129 RA +46 10 130 MB +46 10 131 MR +46 10 132 NC +46 10 133 NT +46 10 134 CF +46 10 135 MR +46 10 136 AZ +46 10 137 NT +46 10 138 AZ +46 10 139 RA +46 10 140 AZ +46 10 141 RA +46 10 142 RA +46 10 143 NT +46 10 144 MR +46 10 145 NT +46 10 146 ML +46 10 147 NT +46 10 148 NC +46 10 149 NT +46 10 150 MR +46 10 151 RO +46 10 152 MR +46 10 153 AZ +46 10 154 IT +46 10 155 CF +46 10 156 NT +46 10 157 CF +46 10 158 RA +46 10 159 NA +46 10 160 RO +46 10 161 NT +46 10 162 NC +46 10 163 AZ +46 10 164 AZ +46 10 165 IT +46 10 166 AZ +46 10 167 MR +46 10 168 NT +46 10 169 AZ +46 10 170 IT +46 10 171 RA +46 10 172 RO +46 10 173 ML +46 10 174 AZ +46 10 175 RO +46 10 176 ML +46 10 177 AZ +46 10 178 NC +46 10 179 NT +46 10 180 MR +46 10 181 NC +46 10 182 CH +46 10 183 MR +46 10 184 CH +46 10 185 AZ +46 10 186 ML +46 10 187 AZ +46 10 188 AZ +46 10 189 RO +46 10 190 NT +46 10 191 MR +46 10 192 MR +46 10 193 ML +46 10 194 NC +46 10 195 NT +46 10 196 NT +46 10 197 MR +46 10 198 IT +46 10 199 RA +46 10 200 AZ +46 10 201 RO +46 10 202 NT +46 10 203 MR +46 10 204 IT +46 10 205 AZ +46 10 206 RA +46 10 207 RO +46 10 208 CH +46 10 209 AZ +46 10 210 CH +46 10 211 AZ +46 10 212 NA +46 10 213 MR +46 10 214 NT +46 10 215 MR +46 10 216 IT +46 10 217 RO +46 10 218 ML +46 10 219 RA +46 10 220 AZ +46 10 221 RA +46 10 222 MR +46 10 223 AZ +46 10 224 RA +46 10 225 ML +46 10 226 AZ +46 10 227 IT +46 10 228 AZ +46 10 229 NT +46 10 230 RA +46 10 231 RO +46 10 232 CH +46 10 233 AZ +46 10 234 NT +46 10 235 AZ +46 10 236 ML +46 10 237 RO +46 10 238 NT +46 10 239 RO +46 10 240 CH +46 10 241 RA +46 10 242 ML +46 10 243 MR +46 10 244 RA +46 10 245 NA +46 10 246 NT +46 10 247 MR +46 10 248 MB +46 10 249 IT +46 10 250 MR +46 10 251 NT +46 10 252 RA +46 10 253 AZ +46 10 254 AZ +46 10 255 MB +46 10 256 NA +46 10 257 AZ +46 10 258 ML +46 10 259 NC +46 10 260 ML +46 10 261 CH +46 10 262 RA +46 10 263 IT +46 10 264 AZ +46 10 265 MB +46 10 266 NC +46 10 267 AZ +46 10 268 NT +46 10 269 MR +46 10 270 ML +46 10 271 MB +46 10 272 IT +46 10 273 MR +46 10 274 RA +46 10 275 ML +46 10 276 MR +46 10 277 AZ +46 10 278 NA +46 10 279 AZ +46 10 280 NT +46 10 281 NT +46 10 282 NT +46 10 283 IT +46 10 284 RA +46 10 285 RO +46 10 286 RA +46 10 287 ML +46 10 288 NC +46 10 289 AZ +46 10 290 IT +46 10 291 AZ +46 10 292 RO +46 10 293 RA +46 10 294 IT +46 10 295 ML +46 10 296 MR +46 10 297 ML +46 10 298 NC +46 10 299 NT +46 10 300 IT +46 10 301 NT +46 10 302 RA +46 10 303 RA +46 10 304 NT +46 10 305 MR +46 10 306 NT +46 10 307 AZ +46 10 308 MR +46 10 309 IT +46 10 310 NT +46 10 311 AZ +46 10 312 IT +46 10 313 AZ +46 10 314 RA +46 10 315 NT +46 10 316 NT +46 10 317 MR +46 10 318 NA +46 10 319 RA +46 10 320 ML +46 10 321 NC +46 10 322 AZ +46 10 323 NT +46 10 324 RA +46 10 325 MR +46 10 326 ML +46 10 327 RA +46 10 328 IT +46 10 329 CH +46 10 330 RA +46 11 1 AZ +46 11 2 AZ +46 11 3 NC +46 11 4 MR +46 11 5 NT +46 11 6 CH +46 11 7 NT +46 11 8 NC +46 11 9 CH +46 11 10 AZ +46 11 11 IT +46 11 12 ML +46 11 13 NT +46 11 14 AZ +46 11 15 RO +46 11 16 RA +46 11 17 NC +46 11 18 MB +46 11 19 AZ +46 11 20 NT +46 11 21 RO +46 11 22 ML +46 11 23 MR +46 11 24 MB +46 11 25 NT +46 11 26 AZ +46 11 27 RA +46 11 28 RO +46 11 29 NT +46 11 30 CH +46 11 31 IT +46 11 32 MR +46 11 33 NT +46 11 34 AZ +46 11 35 RO +46 11 36 NT +46 11 37 AZ +46 11 38 RO +46 11 39 NT +46 11 40 AZ +46 11 41 NC +46 11 42 ML +46 11 43 IT +46 11 44 RA +46 11 45 NT +46 11 46 IT +46 11 47 IT +46 11 48 ML +46 11 49 AZ +46 11 50 MR +46 11 51 CH +46 11 52 RA +46 11 53 RO +46 11 54 NT +46 11 55 AZ +46 11 56 RO +46 11 57 AZ +46 11 58 AZ +46 11 59 RO +46 11 60 AZ +46 11 61 NC +46 11 62 MR +46 11 63 RO +46 11 64 AZ +46 11 65 RO +46 11 66 RA +46 11 67 NT +46 11 68 RO +46 11 69 NT +46 11 70 RA +46 11 71 NC +46 11 72 NT +46 11 73 MR +46 11 74 RA +46 11 75 IT +46 11 76 NC +46 11 77 AZ +46 11 78 RO +46 11 79 IT +46 11 80 AZ +46 11 81 NT +46 11 82 AZ +46 11 83 RA +46 11 84 RO +46 11 85 NT +46 11 86 RO +46 11 87 IT +46 11 88 MR +46 11 89 MB +46 11 90 AZ +46 11 91 NT +46 11 92 RA +46 11 93 AZ +46 11 94 IT +46 11 95 RA +46 11 96 ML +46 11 97 MR +46 11 98 NC +46 11 99 MR +46 11 100 AZ +46 11 101 MR +46 11 102 AZ +46 11 103 IT +46 11 104 AZ +46 11 105 MR +46 11 106 ML +46 11 107 RA +46 11 108 AZ +46 11 109 AZ +46 11 110 ML +46 11 111 IT +46 11 112 RO +46 11 113 IT +46 11 114 AZ +46 11 115 NC +46 11 116 AZ +46 11 117 MB +46 11 118 RO +46 11 119 NT +46 11 120 RA +46 11 121 NC +46 11 122 NT +46 11 123 AZ +46 11 124 NT +46 11 125 NC +46 11 126 RO +46 11 127 IT +46 11 128 NT +46 11 129 RA +46 11 130 IT +46 11 131 MR +46 11 132 NC +46 11 133 NT +46 11 134 IT +46 11 135 MR +46 11 136 AZ +46 11 137 NT +46 11 138 AZ +46 11 139 RA +46 11 140 AZ +46 11 141 RA +46 11 142 RA +46 11 143 NT +46 11 144 MR +46 11 145 NT +46 11 146 ML +46 11 147 NT +46 11 148 NC +46 11 149 NT +46 11 150 MR +46 11 151 RO +46 11 152 RO +46 11 153 AZ +46 11 154 IT +46 11 155 IT +46 11 156 NT +46 11 157 CH +46 11 158 RA +46 11 159 ML +46 11 160 RO +46 11 161 NT +46 11 162 NC +46 11 163 AZ +46 11 164 AZ +46 11 165 NT +46 11 166 AZ +46 11 167 RO +46 11 168 NT +46 11 169 AZ +46 11 170 IT +46 11 171 NT +46 11 172 RA +46 11 173 RO +46 11 174 ML +46 11 175 IT +46 11 176 NC +46 11 177 ML +46 11 178 AZ +46 11 179 NC +46 11 180 NT +46 11 181 ML +46 11 182 MR +46 11 183 CH +46 11 184 MR +46 11 185 ML +46 11 186 AZ +46 11 187 ML +46 11 188 AZ +46 11 189 IT +46 11 190 RO +46 11 191 NT +46 11 192 MR +46 11 193 ML +46 11 194 NC +46 11 195 NT +46 11 196 AZ +46 11 197 MR +46 11 198 IT +46 11 199 RA +46 11 200 AZ +46 11 201 RO +46 11 202 NT +46 11 203 RO +46 11 204 IT +46 11 205 MR +46 11 206 RA +46 11 207 RO +46 11 208 ML +46 11 209 AZ +46 11 210 NC +46 11 211 AZ +46 11 212 ML +46 11 213 RO +46 11 214 ML +46 11 215 RO +46 11 216 IT +46 11 217 RO +46 11 218 ML +46 11 219 RA +46 11 220 MR +46 11 221 RA +46 11 222 MR +46 11 223 NT +46 11 224 RA +46 11 225 NT +46 11 226 AZ +46 11 227 IT +46 11 228 AZ +46 11 229 AZ +46 11 230 RO +46 11 231 MR +46 11 232 IT +46 11 233 MR +46 11 234 NT +46 11 235 AZ +46 11 236 NT +46 11 237 RO +46 11 238 AZ +46 11 239 RO +46 11 240 NC +46 11 241 RA +46 11 242 ML +46 11 243 MR +46 11 244 RA +46 11 245 NC +46 11 246 NT +46 11 247 MR +46 11 248 IT +46 11 249 NT +46 11 250 MR +46 11 251 NT +46 11 252 RA +46 11 253 NT +46 11 254 AZ +46 11 255 IT +46 11 256 NC +46 11 257 AZ +46 11 258 ML +46 11 259 NC +46 11 260 ML +46 11 261 NC +46 11 262 RA +46 11 263 IT +46 11 264 AZ +46 11 265 NT +46 11 266 NC +46 11 267 MR +46 11 268 NT +46 11 269 MR +46 11 270 ML +46 11 271 NT +46 11 272 RA +46 11 273 MR +46 11 274 RA +46 11 275 ML +46 11 276 MR +46 11 277 AZ +46 11 278 RO +46 11 279 AZ +46 11 280 NT +46 11 281 NT +46 11 282 NT +46 11 283 CH +46 11 284 RA +46 11 285 RO +46 11 286 RA +46 11 287 CH +46 11 288 NC +46 11 289 AZ +46 11 290 RA +46 11 291 AZ +46 11 292 RO +46 11 293 RA +46 11 294 RA +46 11 295 CH +46 11 296 MR +46 11 297 ML +46 11 298 NC +46 11 299 NT +46 11 300 RA +46 11 301 NT +46 11 302 RA +46 11 303 AZ +46 11 304 NT +46 11 305 MR +46 11 306 NT +46 11 307 AZ +46 11 308 MR +46 11 309 IT +46 11 310 NT +46 11 311 AZ +46 11 312 IT +46 11 313 MR +46 11 314 RO +46 11 315 NT +46 11 316 NT +46 11 317 MR +46 11 318 NC +46 11 319 RA +46 11 320 NT +46 11 321 NC +46 11 322 AZ +46 11 323 NT +46 11 324 RA +46 11 325 MR +46 11 326 ML +46 11 327 RA +46 11 328 NT +46 11 329 NC +46 11 330 RA +46 12 1 AZ +46 12 2 NT +46 12 3 ML +46 12 4 MR +46 12 5 NT +46 12 6 RO +46 12 7 NT +46 12 8 NC +46 12 9 CF +46 12 10 AZ +46 12 11 NT +46 12 12 ML +46 12 13 NT +46 12 14 IT +46 12 15 RO +46 12 16 RA +46 12 17 NC +46 12 18 MB +46 12 19 AZ +46 12 20 NT +46 12 21 RO +46 12 22 ML +46 12 23 MR +46 12 24 IT +46 12 25 NT +46 12 26 AZ +46 12 27 RA +46 12 28 RO +46 12 29 NT +46 12 30 CH +46 12 31 AZ +46 12 32 RO +46 12 33 NT +46 12 34 AZ +46 12 35 RO +46 12 36 NT +46 12 37 AZ +46 12 38 NC +46 12 39 NT +46 12 40 AZ +46 12 41 NC +46 12 42 ML +46 12 43 AZ +46 12 44 RA +46 12 45 NT +46 12 46 IT +46 12 47 IT +46 12 48 ML +46 12 49 AZ +46 12 50 MR +46 12 51 CF +46 12 52 RA +46 12 53 RO +46 12 54 NT +46 12 55 AZ +46 12 56 CH +46 12 57 AZ +46 12 58 NT +46 12 59 RO +46 12 60 AZ +46 12 61 NC +46 12 62 MR +46 12 63 RO +46 12 64 AZ +46 12 65 RO +46 12 66 RA +46 12 67 NT +46 12 68 RO +46 12 69 NT +46 12 70 RA +46 12 71 NC +46 12 72 NT +46 12 73 MR +46 12 74 AZ +46 12 75 IT +46 12 76 NC +46 12 77 AZ +46 12 78 RO +46 12 79 IT +46 12 80 AZ +46 12 81 NT +46 12 82 AZ +46 12 83 ML +46 12 84 RO +46 12 85 NT +46 12 86 RO +46 12 87 IT +46 12 88 MR +46 12 89 IT +46 12 90 NT +46 12 91 NT +46 12 92 RA +46 12 93 AZ +46 12 94 IT +46 12 95 NT +46 12 96 ML +46 12 97 MR +46 12 98 NC +46 12 99 MR +46 12 100 AZ +46 12 101 MR +46 12 102 AZ +46 12 103 NT +46 12 104 AZ +46 12 105 MR +46 12 106 ML +46 12 107 RA +46 12 108 AZ +46 12 109 MR +46 12 110 ML +46 12 111 IT +46 12 112 RO +46 12 113 IT +46 12 114 AZ +46 12 115 NC +46 12 116 AZ +46 12 117 IT +46 12 118 RO +46 12 119 NT +46 12 120 RA +46 12 121 NC +46 12 122 NT +46 12 123 AZ +46 12 124 NT +46 12 125 NC +46 12 126 RO +46 12 127 IT +46 12 128 ML +46 12 129 RA +46 12 130 IT +46 12 131 MR +46 12 132 NC +46 12 133 NT +46 12 134 MR +46 12 135 MR +46 12 136 NT +46 12 137 NT +46 12 138 AZ +46 12 139 RA +46 12 140 AZ +46 12 141 RA +46 12 142 RA +46 12 143 NT +46 12 144 MR +46 12 145 NT +46 12 146 ML +46 12 147 NT +46 12 148 NC +46 12 149 NT +46 12 150 MR +46 12 151 RO +46 12 152 MR +46 12 153 AZ +46 12 154 IT +46 12 155 IT +46 12 156 NT +46 12 157 IT +46 12 158 RA +46 12 159 ML +46 12 160 RO +46 12 161 NT +46 12 162 NC +46 12 163 AZ +46 12 164 AZ +46 12 165 NT +46 12 166 AZ +46 12 167 MR +46 12 168 NA +46 12 169 AZ +46 12 170 IT +46 12 171 NT +46 12 172 RA +46 12 173 RO +46 12 174 ML +46 12 175 AZ +46 12 176 RO +46 12 177 ML +46 12 178 AZ +46 12 179 MR +46 12 180 NT +46 12 181 ML +46 12 182 MR +46 12 183 IT +46 12 184 MR +46 12 185 CF +46 12 186 AZ +46 12 187 ML +46 12 188 AZ +46 12 189 AZ +46 12 190 RO +46 12 191 NT +46 12 192 MR +46 12 193 NT +46 12 194 MR +46 12 195 NT +46 12 196 NT +46 12 197 MR +46 12 198 IT +46 12 199 NT +46 12 200 AZ +46 12 201 RO +46 12 202 NT +46 12 203 MR +46 12 204 IT +46 12 205 MR +46 12 206 NT +46 12 207 MR +46 12 208 CF +46 12 209 NT +46 12 210 MR +46 12 211 AZ +46 12 212 NC +46 12 213 MR +46 12 214 NT +46 12 215 RO +46 12 216 IT +46 12 217 RO +46 12 218 NT +46 12 219 AZ +46 12 220 AZ +46 12 221 AZ +46 12 222 MR +46 12 223 NT +46 12 224 RA +46 12 225 NT +46 12 226 AZ +46 12 227 IT +46 12 228 AZ +46 12 229 NT +46 12 230 RA +46 12 231 MR +46 12 232 CF +46 12 233 AZ +46 12 234 NT +46 12 235 AZ +46 12 236 NT +46 12 237 RO +46 12 238 NT +46 12 239 RO +46 12 240 MR +46 12 241 RA +46 12 242 ML +46 12 243 MR +46 12 244 NT +46 12 245 NC +46 12 246 AZ +46 12 247 MR +46 12 248 IT +46 12 249 NT +46 12 250 MR +46 12 251 NT +46 12 252 RA +46 12 253 AZ +46 12 254 AZ +46 12 255 IT +46 12 256 RO +46 12 257 AZ +46 12 258 NT +46 12 259 NC +46 12 260 NT +46 12 261 CF +46 12 262 RA +46 12 263 IT +46 12 264 AZ +46 12 265 NT +46 12 266 MR +46 12 267 MR +46 12 268 NT +46 12 269 MR +46 12 270 ML +46 12 271 AZ +46 12 272 RA +46 12 273 MR +46 12 274 RA +46 12 275 NT +46 12 276 RO +46 12 277 AZ +46 12 278 NC +46 12 279 AZ +46 12 280 NT +46 12 281 NT +46 12 282 NT +46 12 283 CF +46 12 284 AZ +46 12 285 RO +46 12 286 RA +46 12 287 CH +46 12 288 NC +46 12 289 AZ +46 12 290 RA +46 12 291 AZ +46 12 292 RO +46 12 293 NT +46 12 294 RA +46 12 295 CF +46 12 296 MR +46 12 297 ML +46 12 298 NC +46 12 299 NT +46 12 300 IT +46 12 301 NT +46 12 302 RA +46 12 303 AZ +46 12 304 NT +46 12 305 MR +46 12 306 NT +46 12 307 AZ +46 12 308 MR +46 12 309 IT +46 12 310 NT +46 12 311 AZ +46 12 312 IT +46 12 313 MR +46 12 314 RA +46 12 315 NT +46 12 316 AZ +46 12 317 MR +46 12 318 CH +46 12 319 RA +46 12 320 NT +46 12 321 NC +46 12 322 AZ +46 12 323 NT +46 12 324 RA +46 12 325 MR +46 12 326 ML +46 12 327 AZ +46 12 328 NT +46 12 329 CF +46 12 330 AZ +46 13 1 AZ +46 13 2 NT +46 13 3 NC +46 13 4 MR +46 13 5 NT +46 13 6 CH +46 13 7 NT +46 13 8 NC +46 13 9 CH +46 13 10 AZ +46 13 11 NJ +46 13 12 ML +46 13 13 * +46 13 14 AZ +46 13 15 RO +46 13 16 NJ +46 13 17 NC +46 13 18 MB +46 13 19 AZ +46 13 20 NT +46 13 21 NC +46 13 22 MR +46 13 23 MR +46 13 24 MB +46 13 25 AZ +46 13 26 AZ +46 13 27 RA +46 13 28 NC +46 13 29 NT +46 13 30 CH +46 13 31 AZ +46 13 32 MR +46 13 33 NT +46 13 34 AZ +46 13 35 NC +46 13 36 NT +46 13 37 AZ +46 13 38 NC +46 13 39 NT +46 13 40 AZ +46 13 41 NC +46 13 42 MR +46 13 43 AZ +46 13 44 RA +46 13 45 NT +46 13 46 CH +46 13 47 MB +46 13 48 MR +46 13 49 AZ +46 13 50 MR +46 13 51 CH +46 13 52 RA +46 13 53 NC +46 13 54 NT +46 13 55 AZ +46 13 56 NC +46 13 57 AZ +46 13 58 CH +46 13 59 RA +46 13 60 AZ +46 13 61 NC +46 13 62 AZ +46 13 63 NC +46 13 64 AZ +46 13 65 NC +46 13 66 RA +46 13 67 NT +46 13 68 NC +46 13 69 CH +46 13 70 RA +46 13 71 CH +46 13 72 NT +46 13 73 MR +46 13 74 AZ +46 13 75 NT +46 13 76 NC +46 13 77 AZ +46 13 78 NC +46 13 79 CH +46 13 80 AZ +46 13 81 NT +46 13 82 AZ +46 13 83 ML +46 13 84 NC +46 13 85 NT +46 13 86 NC +46 13 87 MB +46 13 88 NC +46 13 89 MB +46 13 90 MB +46 13 91 ML +46 13 92 RA +46 13 93 AZ +46 13 94 CH +46 13 95 RA +46 13 96 ML +46 13 97 MR +46 13 98 NA +46 13 99 NT +46 13 100 NT +46 13 101 NC +46 13 102 NJ +46 13 103 CH +46 13 104 AZ +46 13 105 MR +46 13 106 ML +46 13 107 RA +46 13 108 AZ +46 13 109 AZ +46 13 110 ML +46 13 111 MB +46 13 112 NC +46 13 113 MB +46 13 114 AZ +46 13 115 NC +46 13 116 AZ +46 13 117 CH +46 13 118 NC +46 13 119 NT +46 13 120 RA +46 13 121 NC +46 13 122 NT +46 13 123 AZ +46 13 124 ML +46 13 125 ML +46 13 126 NC +46 13 127 MB +46 13 128 ML +46 13 129 RA +46 13 130 CH +46 13 131 AZ +46 13 132 NC +46 13 133 NT +46 13 134 MB +46 13 135 NC +46 13 136 AZ +46 13 137 CH +46 13 138 AZ +46 13 139 RA +46 13 140 AZ +46 13 141 RA +46 13 142 RA +46 13 143 NT +46 13 144 MR +46 13 145 NT +46 13 146 ML +46 13 147 NT +46 13 148 NC +46 13 149 NT +46 13 150 MR +46 13 151 NC +46 13 152 AZ +46 13 153 AZ +46 13 154 MB +46 13 155 CH +46 13 156 NT +46 13 157 CH +46 13 158 RA +46 13 159 ML +46 13 160 NC +46 13 161 NT +46 13 162 NC +46 13 163 AZ +46 13 164 AZ +46 13 165 CH +46 13 166 AZ +46 13 167 MR +46 13 168 NT +46 13 169 AZ +46 13 170 CH +46 13 171 NT +46 13 172 RA +46 13 173 NC +46 13 174 ML +46 13 175 AZ +46 13 176 NC +46 13 177 ML +46 13 178 AZ +46 13 179 CH +46 13 180 NT +46 13 181 ML +46 13 182 NC +46 13 183 CH +46 13 184 AZ +46 13 185 ML +46 13 186 AZ +46 13 187 ML +46 13 188 AZ +46 13 189 AZ +46 13 190 NC +46 13 191 NT +46 13 192 AZ +46 13 193 ML +46 13 194 CH +46 13 195 NT +46 13 196 AZ +46 13 197 AZ +46 13 198 MB +46 13 199 RA +46 13 200 AZ +46 13 201 NC +46 13 202 NT +46 13 203 NC +46 13 204 MB +46 13 205 AZ +46 13 206 RA +46 13 207 NC +46 13 208 CH +46 13 209 AZ +46 13 210 NC +46 13 211 AZ +46 13 212 ML +46 13 213 AZ +46 13 214 MR +46 13 215 NC +46 13 216 CH +46 13 217 NC +46 13 218 ML +46 13 219 RA +46 13 220 MR +46 13 221 RA +46 13 222 AZ +46 13 223 NT +46 13 224 RA +46 13 225 CH +46 13 226 MB +46 13 227 AZ +46 13 228 NT +46 13 229 NT +46 13 230 RA +46 13 231 MR +46 13 232 CH +46 13 233 AZ +46 13 234 NT +46 13 235 AZ +46 13 236 ML +46 13 237 NC +46 13 238 NT +46 13 239 NC +46 13 240 CH +46 13 241 RA +46 13 242 ML +46 13 243 AZ +46 13 244 RA +46 13 245 NC +46 13 246 NT +46 13 247 MR +46 13 248 MB +46 13 249 NT +46 13 250 MR +46 13 251 NT +46 13 252 RA +46 13 253 NT +46 13 254 AZ +46 13 255 MB +46 13 256 NC +46 13 257 MB +46 13 258 ML +46 13 259 NC +46 13 260 ML +46 13 261 ML +46 13 262 RA +46 13 263 MB +46 13 264 AZ +46 13 265 NT +46 13 266 NC +46 13 267 MR +46 13 268 NT +46 13 269 NC +46 13 270 ML +46 13 271 MB +46 13 272 RA +46 13 273 NC +46 13 274 RA +46 13 275 ML +46 13 276 NC +46 13 277 AZ +46 13 278 NC +46 13 279 AZ +46 13 280 NT +46 13 281 NT +46 13 282 NT +46 13 283 CH +46 13 284 RA +46 13 285 NC +46 13 286 RA +46 13 287 CH +46 13 288 NC +46 13 289 AZ +46 13 290 RA +46 13 291 AZ +46 13 292 NC +46 13 293 RA +46 13 294 RA +46 13 295 CH +46 13 296 MR +46 13 297 ML +46 13 298 NC +46 13 299 NT +46 13 300 CH +46 13 301 NT +46 13 302 RA +46 13 303 AZ +46 13 304 CH +46 13 305 MR +46 13 306 NT +46 13 307 AZ +46 13 308 AZ +46 13 309 CH +46 13 310 NT +46 13 311 AZ +46 13 312 MB +46 13 313 MR +46 13 314 RA +46 13 315 NT +46 13 316 NT +46 13 317 NC +46 13 318 ML +46 13 319 RA +46 13 320 CH +46 13 321 NC +46 13 322 AZ +46 13 323 NT +46 13 324 RA +46 13 325 MR +46 13 326 ML +46 13 327 RA +46 13 328 NT +46 13 329 CH +46 13 330 RA +46 14 1 AZ +46 14 2 NT +46 14 3 NM +46 14 4 MR +46 14 5 NT +46 14 6 RO +46 14 7 NT +46 14 8 MR +46 14 9 CF +46 14 10 AZ +46 14 11 NT +46 14 12 ML +46 14 13 NT +46 14 14 MB +46 14 15 RO +46 14 16 RA +46 14 17 NC +46 14 18 MB +46 14 19 AZ +46 14 20 NT +46 14 21 RO +46 14 22 ML +46 14 23 MR +46 14 24 CH +46 14 25 NT +46 14 26 AZ +46 14 27 NJ +46 14 28 NM +46 14 29 NT +46 14 30 CH +46 14 31 AZ +46 14 32 MR +46 14 33 ML +46 14 34 AZ +46 14 35 RO +46 14 36 NT +46 14 37 AZ +46 14 38 MR +46 14 39 NT +46 14 40 AZ +46 14 41 NC +46 14 42 ML +46 14 43 AZ +46 14 44 CH +46 14 45 NT +46 14 46 IT +46 14 47 NT +46 14 48 NM +46 14 49 AZ +46 14 50 MR +46 14 51 CF +46 14 52 NJ +46 14 53 MR +46 14 54 NT +46 14 55 AZ +46 14 56 CH +46 14 57 NT +46 14 58 CH +46 14 59 NJ +46 14 60 NT +46 14 61 MR +46 14 62 AZ +46 14 63 RO +46 14 64 AZ +46 14 65 NC +46 14 66 NJ +46 14 67 NT +46 14 68 RO +46 14 69 CH +46 14 70 NJ +46 14 71 MR +46 14 72 NT +46 14 73 MR +46 14 74 AZ +46 14 75 NT +46 14 76 NM +46 14 77 AZ +46 14 78 RO +46 14 79 MB +46 14 80 AZ +46 14 81 NT +46 14 82 NT +46 14 83 CH +46 14 84 RO +46 14 85 NT +46 14 86 RO +46 14 87 MB +46 14 88 MR +46 14 89 MB +46 14 90 NT +46 14 91 NT +46 14 92 CH +46 14 93 AZ +46 14 94 CF +46 14 95 NJ +46 14 96 ML +46 14 97 MR +46 14 98 NC +46 14 99 AZ +46 14 100 NT +46 14 101 MR +46 14 102 AZ +46 14 103 CH +46 14 104 AZ +46 14 105 MR +46 14 106 ML +46 14 107 RA +46 14 108 AZ +46 14 109 AZ +46 14 110 ML +46 14 111 NT +46 14 112 NC +46 14 113 CF +46 14 114 NT +46 14 115 NC +46 14 116 AZ +46 14 117 CF +46 14 118 RO +46 14 119 NT +46 14 120 RA +46 14 121 NC +46 14 122 NT +46 14 123 AZ +46 14 124 NT +46 14 125 NM +46 14 126 RO +46 14 127 NT +46 14 128 ML +46 14 129 CH +46 14 130 NT +46 14 131 MR +46 14 132 NC +46 14 133 NT +46 14 134 CF +46 14 135 MR +46 14 136 AZ +46 14 137 NT +46 14 138 AZ +46 14 139 RO +46 14 140 AZ +46 14 141 RA +46 14 142 CH +46 14 143 NT +46 14 144 MR +46 14 145 NT +46 14 146 ML +46 14 147 NT +46 14 148 NC +46 14 149 NT +46 14 150 MR +46 14 151 RO +46 14 152 MR +46 14 153 AZ +46 14 154 CF +46 14 155 CH +46 14 156 NT +46 14 157 CF +46 14 158 RA +46 14 159 NC +46 14 160 RO +46 14 161 NT +46 14 162 MR +46 14 163 NT +46 14 164 AZ +46 14 165 NT +46 14 166 AZ +46 14 167 AZ +46 14 168 NT +46 14 169 AZ +46 14 170 NT +46 14 171 NT +46 14 172 RA +46 14 173 RO +46 14 174 ML +46 14 175 AZ +46 14 176 RO +46 14 177 NT +46 14 178 AZ +46 14 179 MR +46 14 180 NT +46 14 181 ML +46 14 182 MR +46 14 183 CH +46 14 184 MR +46 14 185 NM +46 14 186 AZ +46 14 187 ML +46 14 188 AZ +46 14 189 AZ +46 14 190 RO +46 14 191 NT +46 14 192 MR +46 14 193 NT +46 14 194 NM +46 14 195 NT +46 14 196 AZ +46 14 197 MR +46 14 198 MB +46 14 199 NT +46 14 200 AZ +46 14 201 RO +46 14 202 NT +46 14 203 MR +46 14 204 CF +46 14 205 MR +46 14 206 NT +46 14 207 MR +46 14 208 CH +46 14 209 NT +46 14 210 NC +46 14 211 AZ +46 14 212 NM +46 14 213 NT +46 14 214 ML +46 14 215 MR +46 14 216 NT +46 14 217 RO +46 14 218 ML +46 14 219 NT +46 14 220 AZ +46 14 221 NT +46 14 222 MR +46 14 223 NT +46 14 224 NJ +46 14 225 NT +46 14 226 NT +46 14 227 MB +46 14 228 AZ +46 14 229 NT +46 14 230 RO +46 14 231 MR +46 14 232 CH +46 14 233 AZ +46 14 234 NT +46 14 235 AZ +46 14 236 NT +46 14 237 CH +46 14 238 NT +46 14 239 RO +46 14 240 NC +46 14 241 RO +46 14 242 ML +46 14 243 MR +46 14 244 NT +46 14 245 NC +46 14 246 NT +46 14 247 MR +46 14 248 NT +46 14 249 NT +46 14 250 MR +46 14 251 NT +46 14 252 CH +46 14 253 NT +46 14 254 AZ +46 14 255 CF +46 14 256 NC +46 14 257 AZ +46 14 258 ML +46 14 259 MR +46 14 260 NT +46 14 261 NM +46 14 262 RA +46 14 263 IT +46 14 264 AZ +46 14 265 NT +46 14 266 NC +46 14 267 MR +46 14 268 NT +46 14 269 MR +46 14 270 ML +46 14 271 NT +46 14 272 AZ +46 14 273 MR +46 14 274 RA +46 14 275 ML +46 14 276 MR +46 14 277 NT +46 14 278 RO +46 14 279 AZ +46 14 280 NT +46 14 281 NT +46 14 282 NT +46 14 283 CF +46 14 284 NJ +46 14 285 RO +46 14 286 RA +46 14 287 CH +46 14 288 NC +46 14 289 AZ +46 14 290 CH +46 14 291 AZ +46 14 292 RO +46 14 293 NT +46 14 294 RA +46 14 295 CF +46 14 296 MR +46 14 297 ML +46 14 298 NC +46 14 299 NT +46 14 300 IT +46 14 301 NT +46 14 302 CH +46 14 303 AZ +46 14 304 NT +46 14 305 MR +46 14 306 NT +46 14 307 AZ +46 14 308 MR +46 14 309 CH +46 14 310 NT +46 14 311 AZ +46 14 312 IT +46 14 313 MR +46 14 314 RO +46 14 315 NT +46 14 316 NT +46 14 317 MR +46 14 318 ML +46 14 319 RA +46 14 320 NT +46 14 321 NC +46 14 322 AZ +46 14 323 NT +46 14 324 RO +46 14 325 MR +46 14 326 ML +46 14 327 AZ +46 14 328 NT +46 14 329 CH +46 14 330 NT +46 15 1 AZ +46 15 2 RA +46 15 3 NC +46 15 4 MR +46 15 5 RA +46 15 6 RO +46 15 7 NT +46 15 8 RO +46 15 9 NT +46 15 10 AZ +46 15 11 NT +46 15 12 ML +46 15 13 NT +46 15 14 MR +46 15 15 RA +46 15 16 RA +46 15 17 NM +46 15 18 NT +46 15 19 AZ +46 15 20 NT +46 15 21 RO +46 15 22 ML +46 15 23 RO +46 15 24 NC +46 15 25 AZ +46 15 26 AZ +46 15 27 RA +46 15 28 RO +46 15 29 NT +46 15 30 NC +46 15 31 RO +46 15 32 RO +46 15 33 NT +46 15 34 AZ +46 15 35 NT +46 15 36 NT +46 15 37 AZ +46 15 38 RO +46 15 39 NT +46 15 40 MR +46 15 41 NC +46 15 42 ML +46 15 43 AZ +46 15 44 RA +46 15 45 NT +46 15 46 RO +46 15 47 NT +46 15 48 NT +46 15 49 AZ +46 15 50 AZ +46 15 51 NT +46 15 52 RA +46 15 53 RO +46 15 54 NT +46 15 55 MR +46 15 56 ML +46 15 57 MR +46 15 58 NT +46 15 59 RA +46 15 60 AZ +46 15 61 NT +46 15 62 AZ +46 15 63 RO +46 15 64 AZ +46 15 65 RO +46 15 66 RA +46 15 67 NT +46 15 68 RO +46 15 69 NT +46 15 70 RO +46 15 71 NT +46 15 72 NT +46 15 73 MR +46 15 74 RO +46 15 75 NT +46 15 76 ML +46 15 77 MR +46 15 78 RA +46 15 79 RO +46 15 80 AZ +46 15 81 ML +46 15 82 RO +46 15 83 ML +46 15 84 ML +46 15 85 NT +46 15 86 RO +46 15 87 NT +46 15 88 RO +46 15 89 NT +46 15 90 NT +46 15 91 NT +46 15 92 ML +46 15 93 MR +46 15 94 NT +46 15 95 RA +46 15 96 ML +46 15 97 MR +46 15 98 NC +46 15 99 RO +46 15 100 RO +46 15 101 NT +46 15 102 AZ +46 15 103 NT +46 15 104 AZ +46 15 105 RO +46 15 106 ML +46 15 107 RA +46 15 108 RA +46 15 109 MR +46 15 110 NT +46 15 111 NT +46 15 112 RO +46 15 113 NT +46 15 114 NT +46 15 115 NC +46 15 116 RO +46 15 117 NT +46 15 118 RO +46 15 119 NT +46 15 120 RA +46 15 121 ML +46 15 122 NT +46 15 123 MR +46 15 124 ML +46 15 125 ML +46 15 126 RO +46 15 127 NT +46 15 128 ML +46 15 129 RA +46 15 130 NT +46 15 131 MR +46 15 132 NC +46 15 133 NT +46 15 134 NT +46 15 135 RO +46 15 136 RO +46 15 137 NT +46 15 138 AZ +46 15 139 RO +46 15 140 AZ +46 15 141 RA +46 15 142 RO +46 15 143 NT +46 15 144 MR +46 15 145 RO +46 15 146 ML +46 15 147 RO +46 15 148 NC +46 15 149 ML +46 15 150 MR +46 15 151 RO +46 15 152 RO +46 15 153 AZ +46 15 154 NT +46 15 155 NC +46 15 156 NT +46 15 157 NC +46 15 158 RA +46 15 159 ML +46 15 160 RO +46 15 161 NT +46 15 162 NC +46 15 163 MR +46 15 164 AZ +46 15 165 NT +46 15 166 MR +46 15 167 RO +46 15 168 NT +46 15 169 MR +46 15 170 MR +46 15 171 NT +46 15 172 RA +46 15 173 NT +46 15 174 ML +46 15 175 RO +46 15 176 NT +46 15 177 ML +46 15 178 AZ +46 15 179 NT +46 15 180 NT +46 15 181 ML +46 15 182 RO +46 15 183 NT +46 15 184 MR +46 15 185 NT +46 15 186 RO +46 15 187 ML +46 15 188 MR +46 15 189 RO +46 15 190 RO +46 15 191 NT +46 15 192 AZ +46 15 193 ML +46 15 194 NT +46 15 195 NT +46 15 196 RO +46 15 197 RO +46 15 198 NT +46 15 199 RA +46 15 200 AZ +46 15 201 ML +46 15 202 NT +46 15 203 RO +46 15 204 NT +46 15 205 MR +46 15 206 ML +46 15 207 RO +46 15 208 NT +46 15 209 MR +46 15 210 NT +46 15 211 AZ +46 15 212 ML +46 15 213 RO +46 15 214 ML +46 15 215 RO +46 15 216 NT +46 15 217 RO +46 15 218 ML +46 15 219 RA +46 15 220 AZ +46 15 221 RA +46 15 222 MR +46 15 223 NT +46 15 224 RA +46 15 225 NT +46 15 226 MR +46 15 227 NT +46 15 228 MR +46 15 229 RA +46 15 230 RA +46 15 231 RO +46 15 232 NC +46 15 233 AZ +46 15 234 NT +46 15 235 MR +46 15 236 NT +46 15 237 ML +46 15 238 RO +46 15 239 RO +46 15 240 NC +46 15 241 RA +46 15 242 ML +46 15 243 NT +46 15 244 RA +46 15 245 NC +46 15 246 RO +46 15 247 AZ +46 15 248 NT +46 15 249 NT +46 15 250 MR +46 15 251 NT +46 15 252 RA +46 15 253 RO +46 15 254 AZ +46 15 255 NT +46 15 256 NC +46 15 257 MR +46 15 258 ML +46 15 259 NC +46 15 260 ML +46 15 261 ML +46 15 262 RA +46 15 263 RO +46 15 264 RA +46 15 265 NT +46 15 266 NC +46 15 267 NT +46 15 268 NT +46 15 269 RO +46 15 270 NC +46 15 271 NT +46 15 272 RA +46 15 273 RO +46 15 274 RA +46 15 275 NC +46 15 276 RO +46 15 277 MR +46 15 278 ML +46 15 279 AZ +46 15 280 NC +46 15 281 NT +46 15 282 NC +46 15 283 NC +46 15 284 RA +46 15 285 RA +46 15 286 RA +46 15 287 NC +46 15 288 NC +46 15 289 RO +46 15 290 ML +46 15 291 AZ +46 15 292 ML +46 15 293 RA +46 15 294 RA +46 15 295 NC +46 15 296 MR +46 15 297 ML +46 15 298 NC +46 15 299 NT +46 15 300 RO +46 15 301 NT +46 15 302 RA +46 15 303 RO +46 15 304 NC +46 15 305 MR +46 15 306 ML +46 15 307 MR +46 15 308 RO +46 15 309 NC +46 15 310 NT +46 15 311 AZ +46 15 312 NT +46 15 313 MR +46 15 314 RA +46 15 315 ML +46 15 316 RO +46 15 317 RO +46 15 318 ML +46 15 319 RA +46 15 320 NT +46 15 321 NC +46 15 322 AZ +46 15 323 NT +46 15 324 RA +46 15 325 MR +46 15 326 ML +46 15 327 RA +46 15 328 NT +46 15 329 NC +46 15 330 RA +46 16 1 AZ +46 16 2 NT +46 16 3 NA +46 16 4 MR +46 16 5 NT +46 16 6 RO +46 16 7 NT +46 16 8 NC +46 16 9 CH +46 16 10 AZ +46 16 11 NT +46 16 12 ML +46 16 13 NT +46 16 14 AZ +46 16 15 RO +46 16 16 RA +46 16 17 NC +46 16 18 MB +46 16 19 AZ +46 16 20 NT +46 16 21 RO +46 16 22 ML +46 16 23 MR +46 16 24 MB +46 16 25 AZ +46 16 26 AZ +46 16 27 RO +46 16 28 RO +46 16 29 NT +46 16 30 NA +46 16 31 AZ +46 16 32 RO +46 16 33 NT +46 16 34 AZ +46 16 35 RO +46 16 36 NT +46 16 37 AZ +46 16 38 RO +46 16 39 NT +46 16 40 AZ +46 16 41 NC +46 16 42 ML +46 16 43 AZ +46 16 44 RO +46 16 45 NT +46 16 46 IT +46 16 47 NT +46 16 48 ML +46 16 49 AZ +46 16 50 MR +46 16 51 CH +46 16 52 NT +46 16 53 NC +46 16 54 NT +46 16 55 AZ +46 16 56 RO +46 16 57 AZ +46 16 58 ML +46 16 59 RO +46 16 60 AZ +46 16 61 NC +46 16 62 MR +46 16 63 RO +46 16 64 AZ +46 16 65 RO +46 16 66 ML +46 16 67 NT +46 16 68 RO +46 16 69 NT +46 16 70 RA +46 16 71 NC +46 16 72 NT +46 16 73 MR +46 16 74 AZ +46 16 75 NT +46 16 76 NA +46 16 77 AZ +46 16 78 RO +46 16 79 MB +46 16 80 AZ +46 16 81 NT +46 16 82 NT +46 16 83 ML +46 16 84 RO +46 16 85 NT +46 16 86 RO +46 16 87 MB +46 16 88 MR +46 16 89 MB +46 16 90 NT +46 16 91 NT +46 16 92 RO +46 16 93 AZ +46 16 94 MB +46 16 95 AZ +46 16 96 ML +46 16 97 MR +46 16 98 NA +46 16 99 MR +46 16 100 NT +46 16 101 MR +46 16 102 AZ +46 16 103 NT +46 16 104 AZ +46 16 105 MR +46 16 106 ML +46 16 107 RA +46 16 108 NT +46 16 109 AZ +46 16 110 ML +46 16 111 NT +46 16 112 RO +46 16 113 MB +46 16 114 AZ +46 16 115 NC +46 16 116 AZ +46 16 117 MB +46 16 118 RO +46 16 119 NT +46 16 120 RA +46 16 121 NA +46 16 122 NT +46 16 123 AZ +46 16 124 NT +46 16 125 NA +46 16 126 RO +46 16 127 NT +46 16 128 ML +46 16 129 RO +46 16 130 NT +46 16 131 MR +46 16 132 NC +46 16 133 NT +46 16 134 MR +46 16 135 RO +46 16 136 AZ +46 16 137 NT +46 16 138 AZ +46 16 139 MR +46 16 140 AZ +46 16 141 RA +46 16 142 IT +46 16 143 NT +46 16 144 MR +46 16 145 NT +46 16 146 ML +46 16 147 NT +46 16 148 NC +46 16 149 NT +46 16 150 MR +46 16 151 RO +46 16 152 MR +46 16 153 AZ +46 16 154 IT +46 16 155 MB +46 16 156 NT +46 16 157 CH +46 16 158 RA +46 16 159 NA +46 16 160 RO +46 16 161 NT +46 16 162 NC +46 16 163 AZ +46 16 164 AZ +46 16 165 NT +46 16 166 AZ +46 16 167 MR +46 16 168 NT +46 16 169 AZ +46 16 170 AZ +46 16 171 NT +46 16 172 RA +46 16 173 RO +46 16 174 ML +46 16 175 AZ +46 16 176 RO +46 16 177 NT +46 16 178 AZ +46 16 179 NC +46 16 180 NT +46 16 181 ML +46 16 182 NC +46 16 183 CH +46 16 184 MR +46 16 185 NA +46 16 186 AZ +46 16 187 NA +46 16 188 AZ +46 16 189 AZ +46 16 190 RO +46 16 191 NT +46 16 192 MR +46 16 193 ML +46 16 194 NC +46 16 195 NT +46 16 196 NT +46 16 197 MR +46 16 198 MB +46 16 199 RA +46 16 200 AZ +46 16 201 RO +46 16 202 NT +46 16 203 MR +46 16 204 MB +46 16 205 MR +46 16 206 ML +46 16 207 RO +46 16 208 CH +46 16 209 AZ +46 16 210 NC +46 16 211 AZ +46 16 212 NA +46 16 213 MR +46 16 214 NT +46 16 215 RO +46 16 216 MB +46 16 217 RO +46 16 218 NT +46 16 219 AZ +46 16 220 AZ +46 16 221 AZ +46 16 222 MR +46 16 223 NT +46 16 224 RO +46 16 225 ML +46 16 226 AZ +46 16 227 MB +46 16 228 AZ +46 16 229 NT +46 16 230 RO +46 16 231 MR +46 16 232 CF +46 16 233 AZ +46 16 234 NT +46 16 235 AZ +46 16 236 NT +46 16 237 RO +46 16 238 AZ +46 16 239 RO +46 16 240 NC +46 16 241 RA +46 16 242 ML +46 16 243 NC +46 16 244 AZ +46 16 245 NC +46 16 246 NT +46 16 247 MR +46 16 248 MB +46 16 249 NT +46 16 250 MR +46 16 251 NT +46 16 252 RO +46 16 253 NT +46 16 254 AZ +46 16 255 MB +46 16 256 NC +46 16 257 AZ +46 16 258 ML +46 16 259 NC +46 16 260 ML +46 16 261 NA +46 16 262 RA +46 16 263 IT +46 16 264 AZ +46 16 265 NT +46 16 266 NC +46 16 267 MR +46 16 268 NT +46 16 269 RO +46 16 270 NA +46 16 271 NT +46 16 272 RA +46 16 273 MR +46 16 274 RA +46 16 275 ML +46 16 276 RO +46 16 277 AZ +46 16 278 NA +46 16 279 AZ +46 16 280 NT +46 16 281 NT +46 16 282 NT +46 16 283 CH +46 16 284 AZ +46 16 285 RO +46 16 286 RA +46 16 287 CH +46 16 288 NC +46 16 289 AZ +46 16 290 RO +46 16 291 AZ +46 16 292 RO +46 16 293 AZ +46 16 294 AZ +46 16 295 CH +46 16 296 MR +46 16 297 ML +46 16 298 NC +46 16 299 NT +46 16 300 IT +46 16 301 NT +46 16 302 RO +46 16 303 AZ +46 16 304 NT +46 16 305 MR +46 16 306 NT +46 16 307 AZ +46 16 308 MR +46 16 309 IT +46 16 310 NT +46 16 311 AZ +46 16 312 MB +46 16 313 MR +46 16 314 RO +46 16 315 NT +46 16 316 AZ +46 16 317 MR +46 16 318 NA +46 16 319 RA +46 16 320 NT +46 16 321 NA +46 16 322 AZ +46 16 323 AZ +46 16 324 RO +46 16 325 MR +46 16 326 ML +46 16 327 AZ +46 16 328 NT +46 16 329 CH +46 16 330 AZ +46 17 1 AZ +46 17 2 NT +46 17 3 NC +46 17 4 MR +46 17 5 NT +46 17 6 CH +46 17 7 NT +46 17 8 MR +46 17 9 IT +46 17 10 AZ +46 17 11 AZ +46 17 12 ML +46 17 13 NT +46 17 14 AZ +46 17 15 RO +46 17 16 RA +46 17 17 NC +46 17 18 MB +46 17 19 AZ +46 17 20 NT +46 17 21 RO +46 17 22 CH +46 17 23 MR +46 17 24 IT +46 17 25 AZ +46 17 26 MR +46 17 27 CH +46 17 28 RO +46 17 29 NT +46 17 30 CH +46 17 31 AZ +46 17 32 MR +46 17 33 NT +46 17 34 AZ +46 17 35 NC +46 17 36 NT +46 17 37 AZ +46 17 38 NC +46 17 39 NT +46 17 40 AZ +46 17 41 NC +46 17 42 ML +46 17 43 AZ +46 17 44 CH +46 17 45 NT +46 17 46 RA +46 17 47 NT +46 17 48 ML +46 17 49 AZ +46 17 50 MR +46 17 51 IT +46 17 52 RA +46 17 53 MR +46 17 54 NT +46 17 55 AZ +46 17 56 RO +46 17 57 AZ +46 17 58 CH +46 17 59 MR +46 17 60 AZ +46 17 61 NC +46 17 62 MR +46 17 63 RO +46 17 64 AZ +46 17 65 NC +46 17 66 RA +46 17 67 NT +46 17 68 MR +46 17 69 NT +46 17 70 RA +46 17 71 CF +46 17 72 NT +46 17 73 MR +46 17 74 AZ +46 17 75 NT +46 17 76 CH +46 17 77 AZ +46 17 78 RO +46 17 79 RA +46 17 80 AZ +46 17 81 NT +46 17 82 AZ +46 17 83 CH +46 17 84 RO +46 17 85 NT +46 17 86 RO +46 17 87 MB +46 17 88 MR +46 17 89 MB +46 17 90 AZ +46 17 91 NT +46 17 92 CH +46 17 93 AZ +46 17 94 MB +46 17 95 AZ +46 17 96 ML +46 17 97 MR +46 17 98 NC +46 17 99 MR +46 17 100 AZ +46 17 101 MR +46 17 102 AZ +46 17 103 CH +46 17 104 AZ +46 17 105 MR +46 17 106 ML +46 17 107 RA +46 17 108 AZ +46 17 109 MR +46 17 110 ML +46 17 111 NT +46 17 112 NC +46 17 113 MB +46 17 114 AZ +46 17 115 MR +46 17 116 AZ +46 17 117 MB +46 17 118 RO +46 17 119 NT +46 17 120 RA +46 17 121 NC +46 17 122 NT +46 17 123 AZ +46 17 124 ML +46 17 125 NC +46 17 126 RO +46 17 127 NT +46 17 128 ML +46 17 129 RA +46 17 130 CH +46 17 131 MR +46 17 132 NC +46 17 133 NT +46 17 134 MR +46 17 135 RO +46 17 136 AZ +46 17 137 NT +46 17 138 AZ +46 17 139 RA +46 17 140 AZ +46 17 141 RA +46 17 142 RA +46 17 143 NT +46 17 144 MR +46 17 145 NT +46 17 146 CH +46 17 147 NT +46 17 148 NC +46 17 149 NT +46 17 150 MR +46 17 151 RO +46 17 152 MR +46 17 153 AZ +46 17 154 MB +46 17 155 RA +46 17 156 NT +46 17 157 RA +46 17 158 RA +46 17 159 CH +46 17 160 RA +46 17 161 NT +46 17 162 NC +46 17 163 AZ +46 17 164 AZ +46 17 165 CH +46 17 166 AZ +46 17 167 MR +46 17 168 NT +46 17 169 AZ +46 17 170 AZ +46 17 171 NT +46 17 172 RA +46 17 173 RO +46 17 174 ML +46 17 175 AZ +46 17 176 NC +46 17 177 ML +46 17 178 AZ +46 17 179 CF +46 17 180 NT +46 17 181 CH +46 17 182 MR +46 17 183 IT +46 17 184 MR +46 17 185 CH +46 17 186 AZ +46 17 187 ML +46 17 188 AZ +46 17 189 AZ +46 17 190 RO +46 17 191 NT +46 17 192 MR +46 17 193 ML +46 17 194 MR +46 17 195 NT +46 17 196 AZ +46 17 197 MR +46 17 198 MB +46 17 199 AZ +46 17 200 AZ +46 17 201 RO +46 17 202 NT +46 17 203 MR +46 17 204 CF +46 17 205 MR +46 17 206 CH +46 17 207 RO +46 17 208 ML +46 17 209 AZ +46 17 210 MR +46 17 211 AZ +46 17 212 ML +46 17 213 AZ +46 17 214 ML +46 17 215 RO +46 17 216 NT +46 17 217 RO +46 17 218 NT +46 17 219 AZ +46 17 220 MR +46 17 221 AZ +46 17 222 MR +46 17 223 NT +46 17 224 RO +46 17 225 CH +46 17 226 AZ +46 17 227 MB +46 17 228 AZ +46 17 229 NT +46 17 230 RO +46 17 231 MR +46 17 232 IT +46 17 233 MR +46 17 234 NT +46 17 235 AZ +46 17 236 NT +46 17 237 RO +46 17 238 AZ +46 17 239 RO +46 17 240 CF +46 17 241 RA +46 17 242 ML +46 17 243 MR +46 17 244 AZ +46 17 245 NC +46 17 246 AZ +46 17 247 MR +46 17 248 NT +46 17 249 NT +46 17 250 MR +46 17 251 NT +46 17 252 RA +46 17 253 NT +46 17 254 AZ +46 17 255 MB +46 17 256 RO +46 17 257 AZ +46 17 258 ML +46 17 259 RO +46 17 260 CH +46 17 261 ML +46 17 262 RA +46 17 263 IT +46 17 264 AZ +46 17 265 NT +46 17 266 CH +46 17 267 MR +46 17 268 NT +46 17 269 MR +46 17 270 ML +46 17 271 NT +46 17 272 RA +46 17 273 MR +46 17 274 RA +46 17 275 CH +46 17 276 MR +46 17 277 AZ +46 17 278 RO +46 17 279 MR +46 17 280 NT +46 17 281 NT +46 17 282 NT +46 17 283 CF +46 17 284 AZ +46 17 285 RO +46 17 286 RA +46 17 287 IT +46 17 288 NC +46 17 289 AZ +46 17 290 CH +46 17 291 AZ +46 17 292 RO +46 17 293 AZ +46 17 294 AZ +46 17 295 CH +46 17 296 MR +46 17 297 ML +46 17 298 NC +46 17 299 NT +46 17 300 RA +46 17 301 NT +46 17 302 RA +46 17 303 AZ +46 17 304 NT +46 17 305 MR +46 17 306 NT +46 17 307 AZ +46 17 308 MR +46 17 309 CF +46 17 310 NT +46 17 311 AZ +46 17 312 RA +46 17 313 MR +46 17 314 CH +46 17 315 NT +46 17 316 AZ +46 17 317 MR +46 17 318 ML +46 17 319 RA +46 17 320 NT +46 17 321 NC +46 17 322 AZ +46 17 323 NT +46 17 324 RO +46 17 325 MR +46 17 326 ML +46 17 327 AZ +46 17 328 NT +46 17 329 CH +46 17 330 AZ +46 18 1 AZ +46 18 2 AZ +46 18 3 NC +46 18 4 MR +46 18 5 NT +46 18 6 CH +46 18 7 NT +46 18 8 MR +46 18 9 CF +46 18 10 AZ +46 18 11 AZ +46 18 12 ML +46 18 13 NT +46 18 14 AZ +46 18 15 MR +46 18 16 RA +46 18 17 NC +46 18 18 MB +46 18 19 AZ +46 18 20 NT +46 18 21 RO +46 18 22 ML +46 18 23 MR +46 18 24 CF +46 18 25 AZ +46 18 26 AZ +46 18 27 CH +46 18 28 MR +46 18 29 NT +46 18 30 NC +46 18 31 AZ +46 18 32 MR +46 18 33 NT +46 18 34 AZ +46 18 35 NC +46 18 36 NT +46 18 37 AZ +46 18 38 MR +46 18 39 NT +46 18 40 AZ +46 18 41 NC +46 18 42 CH +46 18 43 AZ +46 18 44 RA +46 18 45 NT +46 18 46 IT +46 18 47 NT +46 18 48 CH +46 18 49 AZ +46 18 50 MR +46 18 51 CF +46 18 52 RA +46 18 53 MR +46 18 54 NT +46 18 55 AZ +46 18 56 RO +46 18 57 NT +46 18 58 CH +46 18 59 MR +46 18 60 MB +46 18 61 MR +46 18 62 MR +46 18 63 RO +46 18 64 AZ +46 18 65 MR +46 18 66 CH +46 18 67 NT +46 18 68 MR +46 18 69 CF +46 18 70 MR +46 18 71 MR +46 18 72 NT +46 18 73 MR +46 18 74 AZ +46 18 75 NT +46 18 76 NC +46 18 77 AZ +46 18 78 RO +46 18 79 MB +46 18 80 AZ +46 18 81 NT +46 18 82 AZ +46 18 83 CH +46 18 84 RO +46 18 85 NT +46 18 86 RO +46 18 87 MB +46 18 88 MR +46 18 89 MB +46 18 90 NT +46 18 91 ML +46 18 92 RO +46 18 93 AZ +46 18 94 MB +46 18 95 NJ +46 18 96 ML +46 18 97 MR +46 18 98 NC +46 18 99 MR +46 18 100 NT +46 18 101 MR +46 18 102 IT +46 18 103 CH +46 18 104 AZ +46 18 105 MR +46 18 106 ML +46 18 107 RA +46 18 108 AZ +46 18 109 AZ +46 18 110 ML +46 18 111 IT +46 18 112 NC +46 18 113 MB +46 18 114 NT +46 18 115 MR +46 18 116 AZ +46 18 117 CF +46 18 118 RO +46 18 119 NT +46 18 120 RA +46 18 121 NC +46 18 122 NT +46 18 123 AZ +46 18 124 NT +46 18 125 NC +46 18 126 RO +46 18 127 NT +46 18 128 ML +46 18 129 IT +46 18 130 NT +46 18 131 MR +46 18 132 NC +46 18 133 NT +46 18 134 CH +46 18 135 MR +46 18 136 NT +46 18 137 NT +46 18 138 AZ +46 18 139 IT +46 18 140 AZ +46 18 141 RA +46 18 142 IT +46 18 143 NT +46 18 144 MR +46 18 145 NT +46 18 146 ML +46 18 147 NT +46 18 148 NC +46 18 149 NT +46 18 150 MR +46 18 151 RO +46 18 152 MR +46 18 153 AZ +46 18 154 MB +46 18 155 CH +46 18 156 NT +46 18 157 CF +46 18 158 RA +46 18 159 ML +46 18 160 RO +46 18 161 NT +46 18 162 NC +46 18 163 NT +46 18 164 AZ +46 18 165 CH +46 18 166 AZ +46 18 167 MR +46 18 168 NT +46 18 169 AZ +46 18 170 IT +46 18 171 IT +46 18 172 RA +46 18 173 NC +46 18 174 ML +46 18 175 AZ +46 18 176 NC +46 18 177 CH +46 18 178 AZ +46 18 179 MR +46 18 180 NT +46 18 181 ML +46 18 182 MR +46 18 183 CF +46 18 184 MR +46 18 185 CH +46 18 186 AZ +46 18 187 ML +46 18 188 AZ +46 18 189 RA +46 18 190 RO +46 18 191 NT +46 18 192 MR +46 18 193 ML +46 18 194 MR +46 18 195 NT +46 18 196 AZ +46 18 197 MR +46 18 198 IT +46 18 199 RA +46 18 200 AZ +46 18 201 RO +46 18 202 NT +46 18 203 MR +46 18 204 CH +46 18 205 MR +46 18 206 RA +46 18 207 MR +46 18 208 CH +46 18 209 NT +46 18 210 CF +46 18 211 AZ +46 18 212 NC +46 18 213 IT +46 18 214 ML +46 18 215 MR +46 18 216 CH +46 18 217 RO +46 18 218 ML +46 18 219 RA +46 18 220 MR +46 18 221 RA +46 18 222 MR +46 18 223 NT +46 18 224 RO +46 18 225 CH +46 18 226 AZ +46 18 227 MB +46 18 228 AZ +46 18 229 NT +46 18 230 RO +46 18 231 MR +46 18 232 CH +46 18 233 MR +46 18 234 NT +46 18 235 AZ +46 18 236 ML +46 18 237 RO +46 18 238 NT +46 18 239 MR +46 18 240 CH +46 18 241 RA +46 18 242 ML +46 18 243 MR +46 18 244 AZ +46 18 245 NC +46 18 246 NT +46 18 247 CR +46 18 248 MB +46 18 249 NT +46 18 250 CR +46 18 251 NT +46 18 252 RO +46 18 253 NT +46 18 254 IT +46 18 255 MB +46 18 256 RO +46 18 257 AZ +46 18 258 ML +46 18 259 MR +46 18 260 ML +46 18 261 CH +46 18 262 RA +46 18 263 IT +46 18 264 AZ +46 18 265 NT +46 18 266 CH +46 18 267 MR +46 18 268 NT +46 18 269 MR +46 18 270 ML +46 18 271 NT +46 18 272 RA +46 18 273 MR +46 18 274 RA +46 18 275 ML +46 18 276 MR +46 18 277 AZ +46 18 278 RO +46 18 279 AZ +46 18 280 ML +46 18 281 NT +46 18 282 NT +46 18 283 CF +46 18 284 RA +46 18 285 MR +46 18 286 RA +46 18 287 CH +46 18 288 NC +46 18 289 AZ +46 18 290 IT +46 18 291 AZ +46 18 292 RO +46 18 293 AZ +46 18 294 RA +46 18 295 CH +46 18 296 MR +46 18 297 ML +46 18 298 NC +46 18 299 NT +46 18 300 IT +46 18 301 NT +46 18 302 RO +46 18 303 IT +46 18 304 ML +46 18 305 MR +46 18 306 NT +46 18 307 AZ +46 18 308 MR +46 18 309 CH +46 18 310 NT +46 18 311 AZ +46 18 312 MB +46 18 313 MR +46 18 314 IT +46 18 315 NT +46 18 316 NT +46 18 317 MR +46 18 318 CH +46 18 319 IT +46 18 320 ML +46 18 321 NC +46 18 322 AZ +46 18 323 NT +46 18 324 IT +46 18 325 MR +46 18 326 ML +46 18 327 IT +46 18 328 NT +46 18 329 CH +46 18 330 AZ +46 19 1 AZ +46 19 2 NT +46 19 3 NC +46 19 4 CR +46 19 5 NT +46 19 6 CH +46 19 7 NT +46 19 8 MR +46 19 9 CF +46 19 10 AZ +46 19 11 NT +46 19 12 ML +46 19 13 NT +46 19 14 AZ +46 19 15 CR +46 19 16 IT +46 19 17 NC +46 19 18 MB +46 19 19 AZ +46 19 20 NT +46 19 21 NC +46 19 22 ML +46 19 23 MR +46 19 24 ML +46 19 25 NT +46 19 26 AZ +46 19 27 CH +46 19 28 NC +46 19 29 NT +46 19 30 CH +46 19 31 AZ +46 19 32 CR +46 19 33 NT +46 19 34 AZ +46 19 35 NC +46 19 36 NT +46 19 37 AZ +46 19 38 NC +46 19 39 NT +46 19 40 AZ +46 19 41 NC +46 19 42 ML +46 19 43 AZ +46 19 44 CH +46 19 45 NT +46 19 46 IT +46 19 47 NT +46 19 48 ML +46 19 49 AZ +46 19 50 MR +46 19 51 CF +46 19 52 ML +46 19 53 NC +46 19 54 NT +46 19 55 AZ +46 19 56 ML +46 19 57 AZ +46 19 58 ML +46 19 59 CR +46 19 60 AZ +46 19 61 NC +46 19 62 CR +46 19 63 NC +46 19 64 AZ +46 19 65 NC +46 19 66 ML +46 19 67 NT +46 19 68 CR +46 19 69 ML +46 19 70 IT +46 19 71 NC +46 19 72 NT +46 19 73 MR +46 19 74 AZ +46 19 75 NT +46 19 76 NC +46 19 77 AZ +46 19 78 CR +46 19 79 MB +46 19 80 AZ +46 19 81 NT +46 19 82 NT +46 19 83 ML +46 19 84 CH +46 19 85 NT +46 19 86 CR +46 19 87 MB +46 19 88 CR +46 19 89 MB +46 19 90 NT +46 19 91 ML +46 19 92 IT +46 19 93 AZ +46 19 94 CF +46 19 95 NT +46 19 96 ML +46 19 97 MR +46 19 98 NC +46 19 99 CR +46 19 100 NT +46 19 101 MR +46 19 102 AZ +46 19 103 ML +46 19 104 AZ +46 19 105 MR +46 19 106 ML +46 19 107 IT +46 19 108 NT +46 19 109 AZ +46 19 110 ML +46 19 111 NT +46 19 112 NC +46 19 113 MB +46 19 114 NT +46 19 115 NC +46 19 116 AZ +46 19 117 CF +46 19 118 NC +46 19 119 NT +46 19 120 IT +46 19 121 NC +46 19 122 NT +46 19 123 AZ +46 19 124 NT +46 19 125 NC +46 19 126 NC +46 19 127 NT +46 19 128 ML +46 19 129 IT +46 19 130 ML +46 19 131 MR +46 19 132 NC +46 19 133 NT +46 19 134 CF +46 19 135 CR +46 19 136 NT +46 19 137 NT +46 19 138 AZ +46 19 139 CR +46 19 140 AZ +46 19 141 IT +46 19 142 IT +46 19 143 NT +46 19 144 MR +46 19 145 NT +46 19 146 ML +46 19 147 NT +46 19 148 NC +46 19 149 NT +46 19 150 MR +46 19 151 NC +46 19 152 CR +46 19 153 AZ +46 19 154 IT +46 19 155 CF +46 19 156 NT +46 19 157 CF +46 19 158 IT +46 19 159 ML +46 19 160 NC +46 19 161 NT +46 19 162 NC +46 19 163 NT +46 19 164 AZ +46 19 165 NT +46 19 166 AZ +46 19 167 CR +46 19 168 NT +46 19 169 AZ +46 19 170 NT +46 19 171 NT +46 19 172 IT +46 19 173 NC +46 19 174 ML +46 19 175 AZ +46 19 176 NC +46 19 177 ML +46 19 178 AZ +46 19 179 NC +46 19 180 NT +46 19 181 ML +46 19 182 MR +46 19 183 CF +46 19 184 CR +46 19 185 CH +46 19 186 AZ +46 19 187 CH +46 19 188 AZ +46 19 189 AZ +46 19 190 NC +46 19 191 NT +46 19 192 MR +46 19 193 ML +46 19 194 NC +46 19 195 NT +46 19 196 NT +46 19 197 CR +46 19 198 MB +46 19 199 NT +46 19 200 AZ +46 19 201 NC +46 19 202 NT +46 19 203 CR +46 19 204 CF +46 19 205 MR +46 19 206 ML +46 19 207 NC +46 19 208 CH +46 19 209 NT +46 19 210 CF +46 19 211 AZ +46 19 212 NC +46 19 213 MR +46 19 214 ML +46 19 215 CR +46 19 216 NT +46 19 217 NC +46 19 218 NT +46 19 219 NT +46 19 220 AZ +46 19 221 NT +46 19 222 MR +46 19 223 NT +46 19 224 IT +46 19 225 ML +46 19 226 AZ +46 19 227 MB +46 19 228 AZ +46 19 229 NT +46 19 230 IT +46 19 231 MR +46 19 232 CF +46 19 233 AZ +46 19 234 NT +46 19 235 AZ +46 19 236 NT +46 19 237 CH +46 19 238 AZ +46 19 239 NC +46 19 240 CF +46 19 241 IT +46 19 242 ML +46 19 243 MR +46 19 244 AZ +46 19 245 NC +46 19 246 NT +46 19 247 CR +46 19 248 NT +46 19 249 NT +46 19 250 MR +46 19 251 NT +46 19 252 IT +46 19 253 NT +46 19 254 AZ +46 19 255 CR +46 19 256 NC +46 19 257 AZ +46 19 258 ML +46 19 259 CF +46 19 260 ML +46 19 261 CH +46 19 262 IT +46 19 263 IT +46 19 264 AZ +46 19 265 NT +46 19 266 CF +46 19 267 MR +46 19 268 NT +46 19 269 MR +46 19 270 CH +46 19 271 NT +46 19 272 IT +46 19 273 CR +46 19 274 IT +46 19 275 ML +46 19 276 MR +46 19 277 AZ +46 19 278 NC +46 19 279 AZ +46 19 280 NT +46 19 281 NT +46 19 282 NT +46 19 283 CF +46 19 284 AZ +46 19 285 MR +46 19 286 RA +46 19 287 CF +46 19 288 NC +46 19 289 AZ +46 19 290 ML +46 19 291 AZ +46 19 292 NC +46 19 293 NT +46 19 294 AZ +46 19 295 CF +46 19 296 MR +46 19 297 ML +46 19 298 NC +46 19 299 NT +46 19 300 IT +46 19 301 NT +46 19 302 IT +46 19 303 AZ +46 19 304 NT +46 19 305 CR +46 19 306 NT +46 19 307 AZ +46 19 308 MR +46 19 309 CF +46 19 310 NT +46 19 311 AZ +46 19 312 MR +46 19 313 MR +46 19 314 RA +46 19 315 NT +46 19 316 NT +46 19 317 MR +46 19 318 CH +46 19 319 RA +46 19 320 NT +46 19 321 NC +46 19 322 AZ +46 19 323 NT +46 19 324 ML +46 19 325 MR +46 19 326 CH +46 19 327 AZ +46 19 328 NT +46 19 329 CF +46 19 330 AZ +46 20 1 AZ +46 20 2 NT +46 20 3 NC +46 20 4 MR +46 20 5 NJ +46 20 6 ML +46 20 7 NT +46 20 8 MR +46 20 9 CH +46 20 10 AZ +46 20 11 MB +46 20 12 ML +46 20 13 NT +46 20 14 MB +46 20 15 MR +46 20 16 RA +46 20 17 NC +46 20 18 MB +46 20 19 AZ +46 20 20 NT +46 20 21 NC +46 20 22 ML +46 20 23 MR +46 20 24 CH +46 20 25 AZ +46 20 26 MR +46 20 27 RO +46 20 28 NC +46 20 29 NT +46 20 30 CH +46 20 31 NT +46 20 32 MR +46 20 33 NT +46 20 34 AZ +46 20 35 NC +46 20 36 NT +46 20 37 MR +46 20 38 MR +46 20 39 NT +46 20 40 NT +46 20 41 NC +46 20 42 ML +46 20 43 MR +46 20 44 RA +46 20 45 NT +46 20 46 IT +46 20 47 NT +46 20 48 ML +46 20 49 NT +46 20 50 MR +46 20 51 CH +46 20 52 RA +46 20 53 MR +46 20 54 NT +46 20 55 NT +46 20 56 CH +46 20 57 NT +46 20 58 CH +46 20 59 MR +46 20 60 NT +46 20 61 NC +46 20 62 MR +46 20 63 ML +46 20 64 NT +46 20 65 NC +46 20 66 RA +46 20 67 NT +46 20 68 MR +46 20 69 CH +46 20 70 RA +46 20 71 NC +46 20 72 NT +46 20 73 MR +46 20 74 NT +46 20 75 MB +46 20 76 ML +46 20 77 NT +46 20 78 MR +46 20 79 MB +46 20 80 AZ +46 20 81 NT +46 20 82 NT +46 20 83 ML +46 20 84 NC +46 20 85 NT +46 20 86 MR +46 20 87 MB +46 20 88 MR +46 20 89 MB +46 20 90 NT +46 20 91 ML +46 20 92 RA +46 20 93 AZ +46 20 94 CH +46 20 95 RA +46 20 96 ML +46 20 97 MR +46 20 98 NC +46 20 99 MR +46 20 100 NT +46 20 101 NC +46 20 102 MR +46 20 103 CH +46 20 104 NT +46 20 105 MR +46 20 106 ML +46 20 107 RA +46 20 108 NT +46 20 109 MR +46 20 110 CH +46 20 111 CH +46 20 112 NC +46 20 113 MB +46 20 114 AZ +46 20 115 NC +46 20 116 NT +46 20 117 MB +46 20 118 NC +46 20 119 NT +46 20 120 RA +46 20 121 MR +46 20 122 NT +46 20 123 AZ +46 20 124 CH +46 20 125 CH +46 20 126 MR +46 20 127 MB +46 20 128 MR +46 20 129 RA +46 20 130 CH +46 20 131 MR +46 20 132 NC +46 20 133 NT +46 20 134 MR +46 20 135 MR +46 20 136 NT +46 20 137 NT +46 20 138 NT +46 20 139 MR +46 20 140 AZ +46 20 141 RA +46 20 142 MR +46 20 143 NT +46 20 144 MR +46 20 145 NT +46 20 146 CH +46 20 147 NT +46 20 148 NC +46 20 149 NT +46 20 150 MR +46 20 151 NC +46 20 152 MR +46 20 153 AZ +46 20 154 MB +46 20 155 NJ +46 20 156 NT +46 20 157 CH +46 20 158 RA +46 20 159 ML +46 20 160 NC +46 20 161 NT +46 20 162 NC +46 20 163 NT +46 20 164 AZ +46 20 165 CH +46 20 166 MR +46 20 167 MR +46 20 168 NT +46 20 169 AZ +46 20 170 MB +46 20 171 CH +46 20 172 RA +46 20 173 NC +46 20 174 ML +46 20 175 NT +46 20 176 NC +46 20 177 ML +46 20 178 AZ +46 20 179 MR +46 20 180 NT +46 20 181 CH +46 20 182 MR +46 20 183 CH +46 20 184 MR +46 20 185 CH +46 20 186 NT +46 20 187 ML +46 20 188 AZ +46 20 189 AZ +46 20 190 NC +46 20 191 NT +46 20 192 MR +46 20 193 ML +46 20 194 MR +46 20 195 NT +46 20 196 NT +46 20 197 MR +46 20 198 MB +46 20 199 ML +46 20 200 NT +46 20 201 ML +46 20 202 NT +46 20 203 MR +46 20 204 MB +46 20 205 MR +46 20 206 ML +46 20 207 MR +46 20 208 CH +46 20 209 NT +46 20 210 MR +46 20 211 NT +46 20 212 ML +46 20 213 MR +46 20 214 ML +46 20 215 MR +46 20 216 MB +46 20 217 NC +46 20 218 ML +46 20 219 NT +46 20 220 MR +46 20 221 NT +46 20 222 MR +46 20 223 NT +46 20 224 RA +46 20 225 CH +46 20 226 AZ +46 20 227 MB +46 20 228 MB +46 20 229 NT +46 20 230 CH +46 20 231 MR +46 20 232 CH +46 20 233 MR +46 20 234 NT +46 20 235 AZ +46 20 236 ML +46 20 237 CH +46 20 238 NT +46 20 239 MR +46 20 240 CH +46 20 241 IT +46 20 242 ML +46 20 243 MR +46 20 244 IT +46 20 245 NC +46 20 246 NT +46 20 247 MR +46 20 248 MB +46 20 249 NT +46 20 250 MR +46 20 251 NT +46 20 252 CH +46 20 253 NT +46 20 254 MR +46 20 255 MB +46 20 256 NC +46 20 257 MB +46 20 258 MR +46 20 259 NC +46 20 260 ML +46 20 261 ML +46 20 262 RA +46 20 263 NJ +46 20 264 NT +46 20 265 NT +46 20 266 CH +46 20 267 MR +46 20 268 NT +46 20 269 MR +46 20 270 CH +46 20 271 MB +46 20 272 RA +46 20 273 MR +46 20 274 RA +46 20 275 CH +46 20 276 MR +46 20 277 MB +46 20 278 CH +46 20 279 MR +46 20 280 NT +46 20 281 NT +46 20 282 NT +46 20 283 CH +46 20 284 RA +46 20 285 MR +46 20 286 RA +46 20 287 CH +46 20 288 NC +46 20 289 NT +46 20 290 IT +46 20 291 AZ +46 20 292 NC +46 20 293 RA +46 20 294 RA +46 20 295 CH +46 20 296 MR +46 20 297 ML +46 20 298 NC +46 20 299 NT +46 20 300 RA +46 20 301 NT +46 20 302 RA +46 20 303 NJ +46 20 304 CH +46 20 305 MR +46 20 306 NT +46 20 307 AZ +46 20 308 MR +46 20 309 MB +46 20 310 NT +46 20 311 AZ +46 20 312 MB +46 20 313 MR +46 20 314 IT +46 20 315 NT +46 20 316 NT +46 20 317 MR +46 20 318 CH +46 20 319 IT +46 20 320 CH +46 20 321 NC +46 20 322 AZ +46 20 323 NT +46 20 324 IT +46 20 325 MR +46 20 326 CH +46 20 327 RA +46 20 328 MB +46 20 329 CH +46 20 330 NT +46 21 1 AZ +46 21 2 NT +46 21 3 NC +46 21 4 MR +46 21 5 NT +46 21 6 ML +46 21 7 NT +46 21 8 NC +46 21 9 CH +46 21 10 AZ +46 21 11 MB +46 21 12 ML +46 21 13 NT +46 21 14 MB +46 21 15 RO +46 21 16 RA +46 21 17 NC +46 21 18 MB +46 21 19 AZ +46 21 20 NT +46 21 21 NC +46 21 22 ML +46 21 23 MR +46 21 24 CH +46 21 25 NT +46 21 26 AZ +46 21 27 RO +46 21 28 RO +46 21 29 NT +46 21 30 CH +46 21 31 NT +46 21 32 MR +46 21 33 NT +46 21 34 AZ +46 21 35 RO +46 21 36 MB +46 21 37 AZ +46 21 38 NC +46 21 39 NT +46 21 40 AZ +46 21 41 CH +46 21 42 ML +46 21 43 AZ +46 21 44 RO +46 21 45 NT +46 21 46 MB +46 21 47 MB +46 21 48 CH +46 21 49 AZ +46 21 50 MB +46 21 51 CH +46 21 52 NT +46 21 53 CH +46 21 54 NT +46 21 55 AZ +46 21 56 CH +46 21 57 MB +46 21 58 CH +46 21 59 RO +46 21 60 MB +46 21 61 CH +46 21 62 MR +46 21 63 NC +46 21 64 AZ +46 21 65 NC +46 21 66 RA +46 21 67 NT +46 21 68 RO +46 21 69 CH +46 21 70 RA +46 21 71 CH +46 21 72 NT +46 21 73 MR +46 21 74 NT +46 21 75 MB +46 21 76 NC +46 21 77 AZ +46 21 78 RO +46 21 79 MB +46 21 80 AZ +46 21 81 NT +46 21 82 NT +46 21 83 ML +46 21 84 RO +46 21 85 NT +46 21 86 RO +46 21 87 MB +46 21 88 MR +46 21 89 MB +46 21 90 MB +46 21 91 NT +46 21 92 RA +46 21 93 AZ +46 21 94 CH +46 21 95 NT +46 21 96 ML +46 21 97 MR +46 21 98 NC +46 21 99 MR +46 21 100 NT +46 21 101 MR +46 21 102 AZ +46 21 103 NT +46 21 104 AZ +46 21 105 MR +46 21 106 ML +46 21 107 RA +46 21 108 NT +46 21 109 AZ +46 21 110 ML +46 21 111 NT +46 21 112 NC +46 21 113 CH +46 21 114 NT +46 21 115 NC +46 21 116 AZ +46 21 117 MB +46 21 118 RO +46 21 119 NT +46 21 120 RA +46 21 121 NC +46 21 122 NT +46 21 123 AZ +46 21 124 NT +46 21 125 NC +46 21 126 RO +46 21 127 MB +46 21 128 ML +46 21 129 RO +46 21 130 NT +46 21 131 MR +46 21 132 NC +46 21 133 NT +46 21 134 CH +46 21 135 MR +46 21 136 AZ +46 21 137 NT +46 21 138 AZ +46 21 139 RO +46 21 140 AZ +46 21 141 RA +46 21 142 AZ +46 21 143 NT +46 21 144 MR +46 21 145 NT +46 21 146 ML +46 21 147 NT +46 21 148 NC +46 21 149 NT +46 21 150 MR +46 21 151 RO +46 21 152 MR +46 21 153 AZ +46 21 154 MB +46 21 155 CH +46 21 156 NT +46 21 157 CH +46 21 158 RA +46 21 159 ML +46 21 160 RO +46 21 161 NT +46 21 162 NC +46 21 163 AZ +46 21 164 AZ +46 21 165 NT +46 21 166 MB +46 21 167 MR +46 21 168 NT +46 21 169 AZ +46 21 170 MB +46 21 171 NT +46 21 172 RA +46 21 173 NC +46 21 174 ML +46 21 175 AZ +46 21 176 NC +46 21 177 ML +46 21 178 AZ +46 21 179 CH +46 21 180 NT +46 21 181 ML +46 21 182 CH +46 21 183 CH +46 21 184 MR +46 21 185 MR +46 21 186 NT +46 21 187 MR +46 21 188 AZ +46 21 189 AZ +46 21 190 RO +46 21 191 NT +46 21 192 MR +46 21 193 ML +46 21 194 CH +46 21 195 NT +46 21 196 AZ +46 21 197 MR +46 21 198 MB +46 21 199 RA +46 21 200 AZ +46 21 201 RO +46 21 202 NT +46 21 203 MR +46 21 204 MB +46 21 205 MR +46 21 206 RA +46 21 207 RO +46 21 208 CH +46 21 209 MB +46 21 210 CH +46 21 211 AZ +46 21 212 ML +46 21 213 MR +46 21 214 NT +46 21 215 RO +46 21 216 CH +46 21 217 RO +46 21 218 NT +46 21 219 AZ +46 21 220 MR +46 21 221 NT +46 21 222 MR +46 21 223 NT +46 21 224 RO +46 21 225 NT +46 21 226 AZ +46 21 227 MB +46 21 228 AZ +46 21 229 NT +46 21 230 RO +46 21 231 MR +46 21 232 CH +46 21 233 MR +46 21 234 NT +46 21 235 AZ +46 21 236 NT +46 21 237 ML +46 21 238 NT +46 21 239 RO +46 21 240 CH +46 21 241 RA +46 21 242 ML +46 21 243 CH +46 21 244 RA +46 21 245 NC +46 21 246 NT +46 21 247 MR +46 21 248 MB +46 21 249 NT +46 21 250 MR +46 21 251 NT +46 21 252 RO +46 21 253 NT +46 21 254 AZ +46 21 255 MB +46 21 256 NC +46 21 257 AZ +46 21 258 ML +46 21 259 NC +46 21 260 ML +46 21 261 NC +46 21 262 RA +46 21 263 RA +46 21 264 AZ +46 21 265 NT +46 21 266 CH +46 21 267 MR +46 21 268 NT +46 21 269 RO +46 21 270 ML +46 21 271 MB +46 21 272 RA +46 21 273 MR +46 21 274 RA +46 21 275 NT +46 21 276 MR +46 21 277 AZ +46 21 278 ML +46 21 279 AZ +46 21 280 NT +46 21 281 NT +46 21 282 NT +46 21 283 CH +46 21 284 RA +46 21 285 RO +46 21 286 RA +46 21 287 CH +46 21 288 NC +46 21 289 AZ +46 21 290 RA +46 21 291 AZ +46 21 292 RO +46 21 293 NT +46 21 294 RA +46 21 295 CH +46 21 296 MR +46 21 297 ML +46 21 298 NC +46 21 299 NT +46 21 300 RA +46 21 301 NT +46 21 302 RA +46 21 303 AZ +46 21 304 NT +46 21 305 MR +46 21 306 NT +46 21 307 AZ +46 21 308 MR +46 21 309 CH +46 21 310 NT +46 21 311 AZ +46 21 312 MB +46 21 313 AZ +46 21 314 RO +46 21 315 NT +46 21 316 NT +46 21 317 MR +46 21 318 ML +46 21 319 RA +46 21 320 NT +46 21 321 NC +46 21 322 AZ +46 21 323 NT +46 21 324 RA +46 21 325 MR +46 21 326 ML +46 21 327 AZ +46 21 328 NT +46 21 329 CH +46 21 330 RA +46 22 1 AZ +46 22 2 AZ +46 22 3 NA +46 22 4 CH +46 22 5 NT +46 22 6 ML +46 22 7 NT +46 22 8 CF +46 22 9 CH +46 22 10 AZ +46 22 11 NT +46 22 12 ML +46 22 13 NT +46 22 14 AZ +46 22 15 IT +46 22 16 RA +46 22 17 RO +46 22 18 MB +46 22 19 AZ +46 22 20 NT +46 22 21 RO +46 22 22 ML +46 22 23 CR +46 22 24 MB +46 22 25 AZ +46 22 26 AZ +46 22 27 RA +46 22 28 CR +46 22 29 NT +46 22 30 CH +46 22 31 NT +46 22 32 CR +46 22 33 NA +46 22 34 AZ +46 22 35 NA +46 22 36 MB +46 22 37 AZ +46 22 38 CR +46 22 39 NT +46 22 40 NT +46 22 41 CH +46 22 42 ML +46 22 43 MB +46 22 44 RA +46 22 45 NT +46 22 46 CF +46 22 47 MB +46 22 48 ML +46 22 49 AZ +46 22 50 CR +46 22 51 CH +46 22 52 RA +46 22 53 CR +46 22 54 AZ +46 22 55 AZ +46 22 56 CH +46 22 57 NJ +46 22 58 CH +46 22 59 CR +46 22 60 MB +46 22 61 CR +46 22 62 CR +46 22 63 CH +46 22 64 AZ +46 22 65 NC +46 22 66 ML +46 22 67 NT +46 22 68 CR +46 22 69 CH +46 22 70 CR +46 22 71 CF +46 22 72 NT +46 22 73 CR +46 22 74 NT +46 22 75 MB +46 22 76 CH +46 22 77 AZ +46 22 78 CR +46 22 79 MB +46 22 80 AZ +46 22 81 ML +46 22 82 AZ +46 22 83 NA +46 22 84 CH +46 22 85 NT +46 22 86 CR +46 22 87 MB +46 22 88 CR +46 22 89 MB +46 22 90 NT +46 22 91 ML +46 22 92 RA +46 22 93 AZ +46 22 94 CH +46 22 95 RA +46 22 96 ML +46 22 97 CR +46 22 98 RO +46 22 99 CR +46 22 100 AZ +46 22 101 CR +46 22 102 RA +46 22 103 NT +46 22 104 AZ +46 22 105 CR +46 22 106 ML +46 22 107 RA +46 22 108 AZ +46 22 109 AZ +46 22 110 ML +46 22 111 MB +46 22 112 RO +46 22 113 MB +46 22 114 AZ +46 22 115 CR +46 22 116 RA +46 22 117 CF +46 22 118 RO +46 22 119 NT +46 22 120 RA +46 22 121 NA +46 22 122 NT +46 22 123 AZ +46 22 124 ML +46 22 125 CH +46 22 126 RO +46 22 127 NT +46 22 128 ML +46 22 129 RA +46 22 130 NT +46 22 131 CR +46 22 132 NC +46 22 133 NT +46 22 134 CF +46 22 135 CR +46 22 136 AZ +46 22 137 AZ +46 22 138 AZ +46 22 139 RA +46 22 140 AZ +46 22 141 RA +46 22 142 RA +46 22 143 NT +46 22 144 CR +46 22 145 AZ +46 22 146 ML +46 22 147 NT +46 22 148 NC +46 22 149 NT +46 22 150 CR +46 22 151 RO +46 22 152 RO +46 22 153 NT +46 22 154 IT +46 22 155 IT +46 22 156 NT +46 22 157 IT +46 22 158 RA +46 22 159 ML +46 22 160 RO +46 22 161 NT +46 22 162 CR +46 22 163 AZ +46 22 164 AZ +46 22 165 NT +46 22 166 IT +46 22 167 CR +46 22 168 NT +46 22 169 AZ +46 22 170 IT +46 22 171 NT +46 22 172 RA +46 22 173 RO +46 22 174 ML +46 22 175 AZ +46 22 176 RO +46 22 177 ML +46 22 178 AZ +46 22 179 NC +46 22 180 NT +46 22 181 ML +46 22 182 CH +46 22 183 ML +46 22 184 CR +46 22 185 CH +46 22 186 AZ +46 22 187 ML +46 22 188 AZ +46 22 189 RA +46 22 190 RO +46 22 191 NT +46 22 192 CR +46 22 193 ML +46 22 194 NC +46 22 195 NT +46 22 196 NT +46 22 197 CR +46 22 198 MB +46 22 199 RA +46 22 200 NT +46 22 201 RO +46 22 202 NT +46 22 203 CR +46 22 204 MB +46 22 205 CR +46 22 206 RA +46 22 207 CR +46 22 208 CH +46 22 209 NT +46 22 210 CH +46 22 211 NT +46 22 212 ML +46 22 213 CR +46 22 214 NT +46 22 215 CR +46 22 216 MB +46 22 217 RO +46 22 218 NT +46 22 219 AZ +46 22 220 CR +46 22 221 NT +46 22 222 CR +46 22 223 NT +46 22 224 RO +46 22 225 ML +46 22 226 NT +46 22 227 MB +46 22 228 AZ +46 22 229 NT +46 22 230 RO +46 22 231 CR +46 22 232 CH +46 22 233 CR +46 22 234 NT +46 22 235 AZ +46 22 236 NA +46 22 237 RO +46 22 238 NT +46 22 239 RO +46 22 240 CH +46 22 241 RA +46 22 242 ML +46 22 243 CR +46 22 244 RA +46 22 245 NC +46 22 246 NT +46 22 247 CR +46 22 248 NT +46 22 249 NT +46 22 250 CR +46 22 251 NT +46 22 252 RO +46 22 253 NT +46 22 254 AZ +46 22 255 MB +46 22 256 RO +46 22 257 AZ +46 22 258 ML +46 22 259 CH +46 22 260 ML +46 22 261 CH +46 22 262 RA +46 22 263 IT +46 22 264 AZ +46 22 265 NT +46 22 266 CH +46 22 267 CR +46 22 268 NT +46 22 269 CR +46 22 270 CH +46 22 271 NT +46 22 272 RA +46 22 273 CR +46 22 274 RA +46 22 275 ML +46 22 276 CR +46 22 277 NT +46 22 278 NA +46 22 279 AZ +46 22 280 NT +46 22 281 NT +46 22 282 NT +46 22 283 CH +46 22 284 RA +46 22 285 CR +46 22 286 RA +46 22 287 CH +46 22 288 NC +46 22 289 NT +46 22 290 RA +46 22 291 AZ +46 22 292 RO +46 22 293 NT +46 22 294 RA +46 22 295 CH +46 22 296 CR +46 22 297 ML +46 22 298 NC +46 22 299 NT +46 22 300 IT +46 22 301 NT +46 22 302 RO +46 22 303 AZ +46 22 304 NT +46 22 305 CR +46 22 306 NT +46 22 307 AZ +46 22 308 CR +46 22 309 IT +46 22 310 NT +46 22 311 AZ +46 22 312 IT +46 22 313 MR +46 22 314 RA +46 22 315 NT +46 22 316 NT +46 22 317 CR +46 22 318 NA +46 22 319 RA +46 22 320 NT +46 22 321 RO +46 22 322 AZ +46 22 323 NT +46 22 324 RO +46 22 325 CR +46 22 326 ML +46 22 327 AZ +46 22 328 NT +46 22 329 CH +46 22 330 RA +46 23 1 AZ +46 23 2 NT +46 23 3 NC +46 23 4 CR +46 23 5 NT +46 23 6 CH +46 23 7 NT +46 23 8 VN +46 23 9 CH +46 23 10 AZ +46 23 11 MB +46 23 12 ML +46 23 13 NT +46 23 14 AZ +46 23 15 RO +46 23 16 RA +46 23 17 NC +46 23 18 MB +46 23 19 AZ +46 23 20 NT +46 23 21 RO +46 23 22 ML +46 23 23 CR +46 23 24 CF +46 23 25 NT +46 23 26 AZ +46 23 27 RA +46 23 28 RO +46 23 29 NT +46 23 30 CH +46 23 31 AZ +46 23 32 CR +46 23 33 NT +46 23 34 AZ +46 23 35 CH +46 23 36 NT +46 23 37 AZ +46 23 38 NC +46 23 39 NT +46 23 40 AZ +46 23 41 NC +46 23 42 ML +46 23 43 AZ +46 23 44 RA +46 23 45 NT +46 23 46 IT +46 23 47 NT +46 23 48 ML +46 23 49 AZ +46 23 50 CR +46 23 51 CH +46 23 52 RA +46 23 53 MR +46 23 54 NT +46 23 55 AZ +46 23 56 CH +46 23 57 AZ +46 23 58 ML +46 23 59 RA +46 23 60 AZ +46 23 61 VN +46 23 62 AZ +46 23 63 CH +46 23 64 AZ +46 23 65 NC +46 23 66 ML +46 23 67 NT +46 23 68 CR +46 23 69 NT +46 23 70 RA +46 23 71 MR +46 23 72 NT +46 23 73 CR +46 23 74 AZ +46 23 75 NT +46 23 76 ML +46 23 77 NT +46 23 78 RO +46 23 79 IT +46 23 80 AZ +46 23 81 NT +46 23 82 AZ +46 23 83 CH +46 23 84 CH +46 23 85 NT +46 23 86 RO +46 23 87 IT +46 23 88 CR +46 23 89 IT +46 23 90 NT +46 23 91 NT +46 23 92 RA +46 23 93 AZ +46 23 94 IT +46 23 95 AZ +46 23 96 ML +46 23 97 CR +46 23 98 NC +46 23 99 RO +46 23 100 NT +46 23 101 CR +46 23 102 AZ +46 23 103 CH +46 23 104 AZ +46 23 105 CR +46 23 106 ML +46 23 107 RA +46 23 108 AZ +46 23 109 AZ +46 23 110 ML +46 23 111 NT +46 23 112 NC +46 23 113 MB +46 23 114 AZ +46 23 115 CR +46 23 116 AZ +46 23 117 VN +46 23 118 RO +46 23 119 NT +46 23 120 RA +46 23 121 NC +46 23 122 NT +46 23 123 AZ +46 23 124 NT +46 23 125 NC +46 23 126 RO +46 23 127 NT +46 23 128 ML +46 23 129 RA +46 23 130 NT +46 23 131 CR +46 23 132 NC +46 23 133 NT +46 23 134 VN +46 23 135 CR +46 23 136 AZ +46 23 137 NT +46 23 138 AZ +46 23 139 RA +46 23 140 AZ +46 23 141 RA +46 23 142 RA +46 23 143 NT +46 23 144 MR +46 23 145 NT +46 23 146 ML +46 23 147 NT +46 23 148 NC +46 23 149 NT +46 23 150 CR +46 23 151 RO +46 23 152 RO +46 23 153 AZ +46 23 154 IT +46 23 155 CF +46 23 156 NT +46 23 157 CF +46 23 158 RA +46 23 159 CH +46 23 160 RO +46 23 161 NT +46 23 162 NC +46 23 163 AZ +46 23 164 AZ +46 23 165 NT +46 23 166 AZ +46 23 167 MR +46 23 168 NT +46 23 169 AZ +46 23 170 NT +46 23 171 NT +46 23 172 RA +46 23 173 NC +46 23 174 ML +46 23 175 AZ +46 23 176 NC +46 23 177 ML +46 23 178 AZ +46 23 179 VN +46 23 180 NT +46 23 181 ML +46 23 182 CR +46 23 183 CH +46 23 184 CR +46 23 185 CH +46 23 186 AZ +46 23 187 ML +46 23 188 AZ +46 23 189 AZ +46 23 190 RO +46 23 191 NT +46 23 192 MR +46 23 193 ML +46 23 194 VN +46 23 195 NT +46 23 196 AZ +46 23 197 CR +46 23 198 MB +46 23 199 AZ +46 23 200 AZ +46 23 201 RO +46 23 202 NT +46 23 203 CR +46 23 204 CF +46 23 205 CR +46 23 206 NT +46 23 207 RO +46 23 208 ML +46 23 209 NT +46 23 210 CF +46 23 211 AZ +46 23 212 ML +46 23 213 AZ +46 23 214 NT +46 23 215 CR +46 23 216 NT +46 23 217 RO +46 23 218 NT +46 23 219 AZ +46 23 220 AZ +46 23 221 AZ +46 23 222 CR +46 23 223 NT +46 23 224 RA +46 23 225 CH +46 23 226 AZ +46 23 227 MB +46 23 228 AZ +46 23 229 NT +46 23 230 RA +46 23 231 CR +46 23 232 CF +46 23 233 AZ +46 23 234 NT +46 23 235 AZ +46 23 236 NT +46 23 237 RO +46 23 238 AZ +46 23 239 RO +46 23 240 CF +46 23 241 RA +46 23 242 ML +46 23 243 CR +46 23 244 AZ +46 23 245 NC +46 23 246 AZ +46 23 247 CR +46 23 248 NT +46 23 249 AZ +46 23 250 MR +46 23 251 NT +46 23 252 RA +46 23 253 NT +46 23 254 AZ +46 23 255 CF +46 23 256 NC +46 23 257 AZ +46 23 258 ML +46 23 259 VN +46 23 260 ML +46 23 261 CH +46 23 262 RA +46 23 263 IT +46 23 264 AZ +46 23 265 NT +46 23 266 CH +46 23 267 CR +46 23 268 NT +46 23 269 CR +46 23 270 ML +46 23 271 NT +46 23 272 RA +46 23 273 CR +46 23 274 RA +46 23 275 NT +46 23 276 CR +46 23 277 AZ +46 23 278 CH +46 23 279 AZ +46 23 280 NT +46 23 281 NT +46 23 282 NT +46 23 283 CF +46 23 284 AZ +46 23 285 RO +46 23 286 RA +46 23 287 CH +46 23 288 NC +46 23 289 AZ +46 23 290 RA +46 23 291 AZ +46 23 292 RO +46 23 293 AZ +46 23 294 RA +46 23 295 CF +46 23 296 MR +46 23 297 ML +46 23 298 NC +46 23 299 NT +46 23 300 RA +46 23 301 AZ +46 23 302 RA +46 23 303 AZ +46 23 304 NT +46 23 305 CR +46 23 306 NT +46 23 307 AZ +46 23 308 MR +46 23 309 IT +46 23 310 AZ +46 23 311 AZ +46 23 312 MB +46 23 313 AZ +46 23 314 RA +46 23 315 NT +46 23 316 AZ +46 23 317 CR +46 23 318 CH +46 23 319 RA +46 23 320 NT +46 23 321 NC +46 23 322 AZ +46 23 323 AZ +46 23 324 RA +46 23 325 CR +46 23 326 ML +46 23 327 AZ +46 23 328 NT +46 23 329 CH +46 23 330 AZ +46 24 1 AZ +46 24 2 NT +46 24 3 NC +46 24 4 MR +46 24 5 NT +46 24 6 ML +46 24 7 NT +46 24 8 MR +46 24 9 CH +46 24 10 MR +46 24 11 MR +46 24 12 ML +46 24 13 CF +46 24 14 MB +46 24 15 RO +46 24 16 RA +46 24 17 NC +46 24 18 CF +46 24 19 AZ +46 24 20 NT +46 24 21 RO +46 24 22 ML +46 24 23 MR +46 24 24 IT +46 24 25 NT +46 24 26 MR +46 24 27 ML +46 24 28 RO +46 24 29 NT +46 24 30 ML +46 24 31 NT +46 24 32 MR +46 24 33 NT +46 24 34 AZ +46 24 35 ML +46 24 36 MB +46 24 37 AZ +46 24 38 NC +46 24 39 NT +46 24 40 AZ +46 24 41 NC +46 24 42 ML +46 24 43 AZ +46 24 44 RA +46 24 45 NT +46 24 46 IT +46 24 47 CF +46 24 48 ML +46 24 49 AZ +46 24 50 MR +46 24 51 CF +46 24 52 NT +46 24 53 MR +46 24 54 NT +46 24 55 NT +46 24 56 ML +46 24 57 AZ +46 24 58 ML +46 24 59 RO +46 24 60 MB +46 24 61 NC +46 24 62 MR +46 24 63 ML +46 24 64 AZ +46 24 65 NC +46 24 66 ML +46 24 67 NT +46 24 68 RO +46 24 69 NT +46 24 70 RA +46 24 71 MR +46 24 72 NT +46 24 73 MR +46 24 74 NT +46 24 75 MB +46 24 76 NC +46 24 77 NT +46 24 78 RO +46 24 79 MR +46 24 80 AZ +46 24 81 NT +46 24 82 NT +46 24 83 ML +46 24 84 RO +46 24 85 NT +46 24 86 RO +46 24 87 CF +46 24 88 MR +46 24 89 MB +46 24 90 AZ +46 24 91 NT +46 24 92 ML +46 24 93 AZ +46 24 94 CF +46 24 95 NT +46 24 96 ML +46 24 97 MR +46 24 98 NC +46 24 99 MR +46 24 100 NT +46 24 101 MR +46 24 102 AZ +46 24 103 NT +46 24 104 AZ +46 24 105 MR +46 24 106 ML +46 24 107 RO +46 24 108 NT +46 24 109 MR +46 24 110 ML +46 24 111 CF +46 24 112 NC +46 24 113 IT +46 24 114 AZ +46 24 115 NC +46 24 116 NT +46 24 117 MR +46 24 118 RO +46 24 119 NT +46 24 120 RA +46 24 121 ML +46 24 122 NT +46 24 123 AZ +46 24 124 ML +46 24 125 ML +46 24 126 RO +46 24 127 CF +46 24 128 ML +46 24 129 RO +46 24 130 IT +46 24 131 MR +46 24 132 NC +46 24 133 NT +46 24 134 CF +46 24 135 MR +46 24 136 NT +46 24 137 CF +46 24 138 AZ +46 24 139 RO +46 24 140 MR +46 24 141 RA +46 24 142 AZ +46 24 143 NT +46 24 144 MR +46 24 145 NT +46 24 146 ML +46 24 147 NT +46 24 148 NC +46 24 149 AZ +46 24 150 MR +46 24 151 RO +46 24 152 MR +46 24 153 AZ +46 24 154 CF +46 24 155 IT +46 24 156 NT +46 24 157 CF +46 24 158 RA +46 24 159 ML +46 24 160 RO +46 24 161 NT +46 24 162 MR +46 24 163 NT +46 24 164 AZ +46 24 165 NT +46 24 166 MR +46 24 167 RO +46 24 168 NT +46 24 169 AZ +46 24 170 MB +46 24 171 NT +46 24 172 RA +46 24 173 NC +46 24 174 ML +46 24 175 AZ +46 24 176 NC +46 24 177 ML +46 24 178 MR +46 24 179 MR +46 24 180 NT +46 24 181 ML +46 24 182 MR +46 24 183 ML +46 24 184 MR +46 24 185 ML +46 24 186 AZ +46 24 187 ML +46 24 188 AZ +46 24 189 AZ +46 24 190 RO +46 24 191 NT +46 24 192 MR +46 24 193 ML +46 24 194 MR +46 24 195 NT +46 24 196 NT +46 24 197 MR +46 24 198 CF +46 24 199 NT +46 24 200 AZ +46 24 201 RO +46 24 202 NT +46 24 203 MR +46 24 204 CF +46 24 205 MR +46 24 206 ML +46 24 207 NC +46 24 208 ML +46 24 209 AZ +46 24 210 MR +46 24 211 AZ +46 24 212 ML +46 24 213 AZ +46 24 214 ML +46 24 215 MR +46 24 216 CF +46 24 217 RO +46 24 218 ML +46 24 219 RA +46 24 220 MR +46 24 221 AZ +46 24 222 MR +46 24 223 NT +46 24 224 RO +46 24 225 ML +46 24 226 AZ +46 24 227 CF +46 24 228 MR +46 24 229 NT +46 24 230 RO +46 24 231 MR +46 24 232 CH +46 24 233 AZ +46 24 234 NT +46 24 235 MR +46 24 236 NT +46 24 237 RO +46 24 238 AZ +46 24 239 RO +46 24 240 CF +46 24 241 RA +46 24 242 ML +46 24 243 MR +46 24 244 RA +46 24 245 NC +46 24 246 NT +46 24 247 MR +46 24 248 CF +46 24 249 AZ +46 24 250 MR +46 24 251 NT +46 24 252 RO +46 24 253 NT +46 24 254 AZ +46 24 255 CF +46 24 256 RO +46 24 257 AZ +46 24 258 ML +46 24 259 NC +46 24 260 ML +46 24 261 ML +46 24 262 RA +46 24 263 IT +46 24 264 AZ +46 24 265 NT +46 24 266 NC +46 24 267 MR +46 24 268 NT +46 24 269 MR +46 24 270 ML +46 24 271 MB +46 24 272 RA +46 24 273 MR +46 24 274 RA +46 24 275 ML +46 24 276 MR +46 24 277 AZ +46 24 278 ML +46 24 279 MR +46 24 280 NT +46 24 281 AZ +46 24 282 NT +46 24 283 CF +46 24 284 RA +46 24 285 RO +46 24 286 RA +46 24 287 ML +46 24 288 NC +46 24 289 NT +46 24 290 RA +46 24 291 MR +46 24 292 RO +46 24 293 NA +46 24 294 RA +46 24 295 CF +46 24 296 MR +46 24 297 ML +46 24 298 NC +46 24 299 NT +46 24 300 IT +46 24 301 NT +46 24 302 RO +46 24 303 AZ +46 24 304 ML +46 24 305 MR +46 24 306 NT +46 24 307 AZ +46 24 308 MR +46 24 309 CF +46 24 310 NT +46 24 311 AZ +46 24 312 IT +46 24 313 MR +46 24 314 RA +46 24 315 NT +46 24 316 AZ +46 24 317 MR +46 24 318 ML +46 24 319 RA +46 24 320 ML +46 24 321 NC +46 24 322 AZ +46 24 323 NT +46 24 324 RO +46 24 325 MR +46 24 326 ML +46 24 327 NT +46 24 328 AZ +46 24 329 CF +46 24 330 AZ +46 25 1 AZ +46 25 2 NT +46 25 3 NC +46 25 4 MR +46 25 5 NT +46 25 6 ML +46 25 7 NT +46 25 8 MR +46 25 9 MR +46 25 10 MR +46 25 11 MR +46 25 12 ML +46 25 13 MR +46 25 14 MR +46 25 15 NC +46 25 16 RA +46 25 17 NC +46 25 18 MB +46 25 19 NT +46 25 20 NT +46 25 21 RO +46 25 22 ML +46 25 23 MR +46 25 24 MB +46 25 25 AZ +46 25 26 MR +46 25 27 ML +46 25 28 RO +46 25 29 NT +46 25 30 ML +46 25 31 NT +46 25 32 RO +46 25 33 NT +46 25 34 AZ +46 25 35 NC +46 25 36 MR +46 25 37 AZ +46 25 38 NC +46 25 39 NT +46 25 40 AZ +46 25 41 NC +46 25 42 ML +46 25 43 MR +46 25 44 RA +46 25 45 NT +46 25 46 CF +46 25 47 MB +46 25 48 ML +46 25 49 AZ +46 25 50 MR +46 25 51 CF +46 25 52 RA +46 25 53 NC +46 25 54 NT +46 25 55 AZ +46 25 56 ML +46 25 57 AZ +46 25 58 ML +46 25 59 RO +46 25 60 MB +46 25 61 NC +46 25 62 MR +46 25 63 ML +46 25 64 AZ +46 25 65 NC +46 25 66 RA +46 25 67 NT +46 25 68 RO +46 25 69 CF +46 25 70 RO +46 25 71 MR +46 25 72 NT +46 25 73 MR +46 25 74 NT +46 25 75 MB +46 25 76 NC +46 25 77 AZ +46 25 78 RO +46 25 79 CF +46 25 80 AZ +46 25 81 NT +46 25 82 NT +46 25 83 ML +46 25 84 RO +46 25 85 NT +46 25 86 RO +46 25 87 MB +46 25 88 MR +46 25 89 MB +46 25 90 MB +46 25 91 NT +46 25 92 RO +46 25 93 AZ +46 25 94 MR +46 25 95 ML +46 25 96 ML +46 25 97 MR +46 25 98 NC +46 25 99 MR +46 25 100 NT +46 25 101 MR +46 25 102 MR +46 25 103 CF +46 25 104 AZ +46 25 105 MR +46 25 106 ML +46 25 107 RA +46 25 108 NT +46 25 109 MR +46 25 110 NC +46 25 111 MR +46 25 112 RO +46 25 113 MB +46 25 114 AZ +46 25 115 RO +46 25 116 NT +46 25 117 CF +46 25 118 RO +46 25 119 NT +46 25 120 RA +46 25 121 NM +46 25 122 NT +46 25 123 AZ +46 25 124 NT +46 25 125 NC +46 25 126 RO +46 25 127 MB +46 25 128 ML +46 25 129 RO +46 25 130 CF +46 25 131 MR +46 25 132 NM +46 25 133 NT +46 25 134 MR +46 25 135 MR +46 25 136 NT +46 25 137 NT +46 25 138 AZ +46 25 139 RO +46 25 140 AZ +46 25 141 RA +46 25 142 RA +46 25 143 NT +46 25 144 MR +46 25 145 ML +46 25 146 ML +46 25 147 NT +46 25 148 RO +46 25 149 NT +46 25 150 MR +46 25 151 NC +46 25 152 RO +46 25 153 AZ +46 25 154 CF +46 25 155 MB +46 25 156 NT +46 25 157 CF +46 25 158 RA +46 25 159 ML +46 25 160 RO +46 25 161 NT +46 25 162 NC +46 25 163 NT +46 25 164 AZ +46 25 165 ML +46 25 166 MR +46 25 167 MR +46 25 168 NT +46 25 169 AZ +46 25 170 MB +46 25 171 ML +46 25 172 RA +46 25 173 RO +46 25 174 ML +46 25 175 NT +46 25 176 RO +46 25 177 ML +46 25 178 MR +46 25 179 CF +46 25 180 NT +46 25 181 ML +46 25 182 MR +46 25 183 CF +46 25 184 MR +46 25 185 NM +46 25 186 NT +46 25 187 NM +46 25 188 AZ +46 25 189 AZ +46 25 190 RO +46 25 191 NT +46 25 192 MR +46 25 193 ML +46 25 194 MR +46 25 195 NT +46 25 196 NT +46 25 197 MR +46 25 198 MB +46 25 199 NT +46 25 200 AZ +46 25 201 RO +46 25 202 NT +46 25 203 MR +46 25 204 CF +46 25 205 MR +46 25 206 NT +46 25 207 RO +46 25 208 CF +46 25 209 AZ +46 25 210 MR +46 25 211 AZ +46 25 212 NM +46 25 213 MR +46 25 214 NT +46 25 215 RO +46 25 216 MB +46 25 217 RO +46 25 218 ML +46 25 219 NT +46 25 220 MR +46 25 221 NT +46 25 222 MR +46 25 223 NT +46 25 224 MR +46 25 225 CF +46 25 226 AZ +46 25 227 MB +46 25 228 MR +46 25 229 NT +46 25 230 RO +46 25 231 MR +46 25 232 CF +46 25 233 MR +46 25 234 NT +46 25 235 MR +46 25 236 ML +46 25 237 RO +46 25 238 AZ +46 25 239 RO +46 25 240 MR +46 25 241 RA +46 25 242 ML +46 25 243 MR +46 25 244 RA +46 25 245 NC +46 25 246 NT +46 25 247 MR +46 25 248 MB +46 25 249 NT +46 25 250 MR +46 25 251 NT +46 25 252 RO +46 25 253 NT +46 25 254 AZ +46 25 255 CF +46 25 256 RO +46 25 257 MR +46 25 258 ML +46 25 259 NC +46 25 260 NT +46 25 261 ML +46 25 262 RA +46 25 263 IT +46 25 264 NT +46 25 265 NT +46 25 266 CF +46 25 267 MR +46 25 268 NT +46 25 269 RO +46 25 270 ML +46 25 271 MR +46 25 272 RA +46 25 273 RO +46 25 274 RA +46 25 275 ML +46 25 276 RO +46 25 277 AZ +46 25 278 NM +46 25 279 MR +46 25 280 NT +46 25 281 NT +46 25 282 NT +46 25 283 MR +46 25 284 RA +46 25 285 RO +46 25 286 RA +46 25 287 CF +46 25 288 NC +46 25 289 NT +46 25 290 RA +46 25 291 AZ +46 25 292 RO +46 25 293 NT +46 25 294 RA +46 25 295 CF +46 25 296 MR +46 25 297 ML +46 25 298 RO +46 25 299 NT +46 25 300 IT +46 25 301 NT +46 25 302 RO +46 25 303 MR +46 25 304 ML +46 25 305 MR +46 25 306 NT +46 25 307 AZ +46 25 308 MR +46 25 309 CF +46 25 310 NT +46 25 311 AZ +46 25 312 CF +46 25 313 MR +46 25 314 RA +46 25 315 NT +46 25 316 AZ +46 25 317 MR +46 25 318 NM +46 25 319 RA +46 25 320 NT +46 25 321 NC +46 25 322 AZ +46 25 323 NT +46 25 324 RA +46 25 325 MR +46 25 326 ML +46 25 327 RA +46 25 328 NT +46 25 329 ML +46 25 330 NT +47 1 1 MA +47 1 2 MA +47 1 3 YB +47 1 4 BW +47 1 5 MA +47 1 6 YG +47 1 7 MA +47 1 8 YB +47 1 9 YG +47 1 10 KU +47 1 11 MA +47 1 12 YG +47 1 13 MA +47 1 14 KU +47 1 15 KW +47 1 16 KW +47 1 17 YB +47 1 18 BW +47 1 19 MA +47 1 20 MA +47 1 21 YB +47 1 22 YG +47 1 23 BW +47 1 24 BW +47 1 25 MA +47 1 26 KU +47 1 27 KW +47 1 28 YB +47 1 29 MA +47 1 30 YB +47 1 31 MA +47 1 32 YB +47 1 33 MA +47 1 34 KU +47 1 35 YB +47 1 36 MA +47 1 37 KU +47 1 38 YB +47 1 39 MA +47 1 40 KU +47 1 41 YB +47 1 42 YG +47 1 43 KU +47 1 44 KW +47 1 45 MA +47 1 46 BW +47 1 47 MA +47 1 48 YG +47 1 49 MA +47 1 50 KU +47 1 51 BW +47 1 52 KW +47 1 53 YB +47 1 54 MA +47 1 55 MA +47 1 56 YG +47 1 57 MA +47 1 58 BW +47 1 59 KW +47 1 60 KU +47 1 61 YB +47 1 62 KU +47 1 63 YB +47 1 64 KU +47 1 65 YB +47 1 66 KW +47 1 67 MA +47 1 68 YB +47 1 69 BW +47 1 70 KW +47 1 71 YB +47 1 72 MA +47 1 73 KU +47 1 74 MA +47 1 75 BW +47 1 76 YB +47 1 77 MA +47 1 78 YB +47 1 79 BW +47 1 80 KU +47 1 81 MA +47 1 82 MA +47 1 83 YG +47 1 84 YB +47 1 85 MA +47 1 86 YB +47 1 87 BW +47 1 88 YB +47 1 89 BW +47 1 90 MA +47 1 91 YG +47 1 92 KW +47 1 93 KU +47 1 94 BW +47 1 95 KW +47 1 96 YG +47 1 97 KU +47 1 98 YB +47 1 99 KW +47 1 100 MA +47 1 101 YB +47 1 102 KU +47 1 103 BW +47 1 104 MA +47 1 105 YB +47 1 106 YG +47 1 107 KW +47 1 108 MA +47 1 109 KU +47 1 110 YG +47 1 111 BW +47 1 112 YB +47 1 113 BW +47 1 114 MA +47 1 115 YB +47 1 116 MA +47 1 117 BW +47 1 118 YB +47 1 119 MA +47 1 120 KW +47 1 121 YB +47 1 122 MA +47 1 123 KU +47 1 124 YG +47 1 125 YB +47 1 126 YB +47 1 127 KU +47 1 128 YG +47 1 129 KW +47 1 130 BW +47 1 131 KU +47 1 132 YB +47 1 133 MA +47 1 134 BW +47 1 135 YB +47 1 136 MA +47 1 137 MA +47 1 138 KU +47 1 139 KW +47 1 140 KU +47 1 141 KW +47 1 142 KW +47 1 143 MA +47 1 144 KU +47 1 145 MA +47 1 146 YG +47 1 147 MA +47 1 148 YB +47 1 149 MA +47 1 150 KU +47 1 151 YB +47 1 152 KU +47 1 153 KU +47 1 154 BW +47 1 155 BW +47 1 156 MA +47 1 157 BW +47 1 158 KW +47 1 159 YG +47 1 160 YB +47 1 161 MA +47 1 162 YB +47 1 163 KU +47 1 164 KU +47 1 165 BW +47 1 166 KU +47 1 167 KU +47 1 168 MA +47 1 169 KU +47 1 170 KU +47 1 171 BW +47 1 172 KW +47 1 173 YB +47 1 174 YG +47 1 175 MA +47 1 176 YB +47 1 177 YG +47 1 178 KU +47 1 179 YB +47 1 180 MA +47 1 181 YG +47 1 182 YB +47 1 183 YG +47 1 184 KU +47 1 185 YG +47 1 186 MA +47 1 187 YG +47 1 188 KU +47 1 189 MA +47 1 190 YB +47 1 191 MA +47 1 192 KU +47 1 193 YG +47 1 194 YB +47 1 195 MA +47 1 196 MA +47 1 197 KU +47 1 198 BW +47 1 199 KW +47 1 200 MA +47 1 201 YB +47 1 202 MA +47 1 203 YB +47 1 204 BW +47 1 205 KU +47 1 206 KW +47 1 207 YB +47 1 208 YG +47 1 209 MA +47 1 210 BW +47 1 211 MA +47 1 212 YG +47 1 213 KU +47 1 214 YG +47 1 215 YB +47 1 216 BW +47 1 217 YB +47 1 218 YG +47 1 219 KW +47 1 220 KU +47 1 221 KW +47 1 222 KU +47 1 223 MA +47 1 224 KW +47 1 225 YG +47 1 226 KU +47 1 227 BW +47 1 228 KU +47 1 229 MA +47 1 230 KW +47 1 231 YB +47 1 232 BW +47 1 233 KU +47 1 234 MA +47 1 235 KU +47 1 236 YG +47 1 237 YG +47 1 238 MA +47 1 239 YB +47 1 240 YB +47 1 241 KW +47 1 242 YG +47 1 243 YB +47 1 244 KW +47 1 245 YB +47 1 246 MA +47 1 247 KU +47 1 248 MA +47 1 249 MA +47 1 250 KU +47 1 251 MA +47 1 252 KW +47 1 253 MA +47 1 254 KU +47 1 255 BW +47 1 256 YB +47 1 257 KU +47 1 258 YG +47 1 259 YB +47 1 260 YG +47 1 261 YB +47 1 262 KW +47 1 263 BW +47 1 264 MA +47 1 265 MA +47 1 266 YB +47 1 267 KU +47 1 268 MA +47 1 269 YB +47 1 270 YG +47 1 271 MA +47 1 272 KW +47 1 273 YB +47 1 274 KW +47 1 275 YG +47 1 276 YB +47 1 277 KU +47 1 278 YB +47 1 279 KU +47 1 280 MA +47 1 281 MA +47 1 282 MA +47 1 283 BW +47 1 284 KW +47 1 285 YB +47 1 286 KW +47 1 287 YG +47 1 288 YB +47 1 289 MA +47 1 290 KW +47 1 291 KU +47 1 292 YB +47 1 293 MA +47 1 294 KW +47 1 295 BW +47 1 296 KU +47 1 297 YG +47 1 298 YB +47 1 299 MA +47 1 300 KW +47 1 301 MA +47 1 302 KW +47 1 303 KU +47 1 304 BW +47 1 305 KU +47 1 306 MA +47 1 307 MA +47 1 308 KU +47 1 309 BW +47 1 310 MA +47 1 311 MA +47 1 312 BW +47 1 313 KU +47 1 314 KW +47 1 315 MA +47 1 316 MA +47 1 317 YB +47 1 318 YG +47 1 319 KW +47 1 320 BW +47 1 321 YB +47 1 322 KU +47 1 323 MA +47 1 324 KW +47 1 325 YB +47 1 326 YG +47 1 327 KW +47 1 328 MA +47 1 329 BW +47 1 330 KW +47 2 1 MA +47 2 2 MA +47 2 3 YB +47 2 4 LI +47 2 5 MA +47 2 6 YG +47 2 7 MA +47 2 8 YB +47 2 9 YZ +47 2 10 KU +47 2 11 MA +47 2 12 YG +47 2 13 MA +47 2 14 KU +47 2 15 KW +47 2 16 KW +47 2 17 YB +47 2 18 KU +47 2 19 MA +47 2 20 MA +47 2 21 YB +47 2 22 YG +47 2 23 KU +47 2 24 YG +47 2 25 MA +47 2 26 KU +47 2 27 KW +47 2 28 YB +47 2 29 MA +47 2 30 YZ +47 2 31 MA +47 2 32 LI +47 2 33 MA +47 2 34 KU +47 2 35 YB +47 2 36 MA +47 2 37 KU +47 2 38 YB +47 2 39 MA +47 2 40 KU +47 2 41 LI +47 2 42 YG +47 2 43 KU +47 2 44 KW +47 2 45 MA +47 2 46 KU +47 2 47 MA +47 2 48 YZ +47 2 49 KU +47 2 50 LI +47 2 51 YG +47 2 52 KW +47 2 53 LI +47 2 54 MA +47 2 55 KU +47 2 56 YG +47 2 57 MA +47 2 58 YG +47 2 59 KW +47 2 60 MA +47 2 61 LI +47 2 62 KU +47 2 63 YG +47 2 64 KU +47 2 65 YB +47 2 66 WA +47 2 67 MA +47 2 68 LI +47 2 69 YG +47 2 70 KW +47 2 71 LI +47 2 72 MA +47 2 73 LI +47 2 74 KW +47 2 75 MA +47 2 76 YB +47 2 77 KU +47 2 78 KW +47 2 79 KU +47 2 80 KU +47 2 81 MA +47 2 82 MA +47 2 83 YG +47 2 84 YB +47 2 85 MA +47 2 86 YB +47 2 87 KU +47 2 88 LI +47 2 89 KU +47 2 90 MA +47 2 91 YG +47 2 92 KW +47 2 93 KU +47 2 94 KU +47 2 95 KW +47 2 96 YG +47 2 97 LI +47 2 98 YB +47 2 99 KW +47 2 100 MA +47 2 101 LI +47 2 102 KU +47 2 103 YG +47 2 104 KU +47 2 105 LI +47 2 106 YG +47 2 107 KW +47 2 108 MA +47 2 109 KU +47 2 110 YG +47 2 111 MA +47 2 112 YB +47 2 113 KU +47 2 114 MA +47 2 115 LI +47 2 116 KU +47 2 117 YZ +47 2 118 YB +47 2 119 MA +47 2 120 KW +47 2 121 YB +47 2 122 MA +47 2 123 KU +47 2 124 YG +47 2 125 YB +47 2 126 YB +47 2 127 MA +47 2 128 YG +47 2 129 KW +47 2 130 YG +47 2 131 LI +47 2 132 YB +47 2 133 MA +47 2 134 YZ +47 2 135 LI +47 2 136 MA +47 2 137 MA +47 2 138 KU +47 2 139 KW +47 2 140 KU +47 2 141 KW +47 2 142 KW +47 2 143 MA +47 2 144 LI +47 2 145 MA +47 2 146 YG +47 2 147 MA +47 2 148 YB +47 2 149 MA +47 2 150 LI +47 2 151 YB +47 2 152 KU +47 2 153 KU +47 2 154 KU +47 2 155 LZ +47 2 156 MA +47 2 157 LZ +47 2 158 KW +47 2 159 YG +47 2 160 YB +47 2 161 MA +47 2 162 YB +47 2 163 MA +47 2 164 KU +47 2 165 MA +47 2 166 KU +47 2 167 KW +47 2 168 MA +47 2 169 MA +47 2 170 MA +47 2 171 WA +47 2 172 KW +47 2 173 YB +47 2 174 YG +47 2 175 MA +47 2 176 YB +47 2 177 YG +47 2 178 KU +47 2 179 LI +47 2 180 MA +47 2 181 YG +47 2 182 LI +47 2 183 YZ +47 2 184 KU +47 2 185 YG +47 2 186 MA +47 2 187 YB +47 2 188 MA +47 2 189 KU +47 2 190 YB +47 2 191 MA +47 2 192 KU +47 2 193 YG +47 2 194 LI +47 2 195 MA +47 2 196 MA +47 2 197 KU +47 2 198 KU +47 2 199 KW +47 2 200 KU +47 2 201 YB +47 2 202 MA +47 2 203 YB +47 2 204 KU +47 2 205 KU +47 2 206 WA +47 2 207 YB +47 2 208 LZ +47 2 209 MA +47 2 210 LI +47 2 211 MA +47 2 212 YB +47 2 213 HW +47 2 214 YG +47 2 215 YB +47 2 216 KU +47 2 217 YB +47 2 218 YG +47 2 219 KW +47 2 220 KU +47 2 221 KW +47 2 222 LI +47 2 223 MA +47 2 224 WA +47 2 225 YG +47 2 226 MA +47 2 227 KU +47 2 228 KU +47 2 229 MA +47 2 230 WA +47 2 231 LI +47 2 232 LZ +47 2 233 KU +47 2 234 MA +47 2 235 KU +47 2 236 YG +47 2 237 YB +47 2 238 MA +47 2 239 YB +47 2 240 LI +47 2 241 KW +47 2 242 YG +47 2 243 LI +47 2 244 HW +47 2 245 YB +47 2 246 MA +47 2 247 KU +47 2 248 MA +47 2 249 MA +47 2 250 LI +47 2 251 MA +47 2 252 WA +47 2 253 MA +47 2 254 KU +47 2 255 KU +47 2 256 YB +47 2 257 KU +47 2 258 YG +47 2 259 LI +47 2 260 YG +47 2 261 YB +47 2 262 KW +47 2 263 WA +47 2 264 MA +47 2 265 MA +47 2 266 LI +47 2 267 LI +47 2 268 MA +47 2 269 YB +47 2 270 YB +47 2 271 MA +47 2 272 KW +47 2 273 KU +47 2 274 WA +47 2 275 YG +47 2 276 YB +47 2 277 MA +47 2 278 YB +47 2 279 KU +47 2 280 MA +47 2 281 MA +47 2 282 MA +47 2 283 LI +47 2 284 KW +47 2 285 YB +47 2 286 WA +47 2 287 LZ +47 2 288 YB +47 2 289 MA +47 2 290 WA +47 2 291 KU +47 2 292 YB +47 2 293 KW +47 2 294 HW +47 2 295 LZ +47 2 296 LI +47 2 297 YG +47 2 298 YB +47 2 299 MA +47 2 300 WA +47 2 301 MA +47 2 302 WA +47 2 303 KU +47 2 304 YG +47 2 305 LI +47 2 306 MA +47 2 307 MA +47 2 308 KU +47 2 309 KU +47 2 310 MA +47 2 311 KU +47 2 312 KU +47 2 313 LI +47 2 314 KW +47 2 315 MA +47 2 316 MA +47 2 317 LI +47 2 318 YB +47 2 319 KW +47 2 320 LZ +47 2 321 YB +47 2 322 MA +47 2 323 MA +47 2 324 WA +47 2 325 LI +47 2 326 YG +47 2 327 KW +47 2 328 MA +47 2 329 LZ +47 2 330 HW +47 3 1 KU +47 3 2 MA +47 3 3 YB +47 3 4 KU +47 3 5 MA +47 3 6 YG +47 3 7 MA +47 3 8 YB +47 3 9 YG +47 3 10 KU +47 3 11 MA +47 3 12 YG +47 3 13 MA +47 3 14 KU +47 3 15 KW +47 3 16 KW +47 3 17 YB +47 3 18 KU +47 3 19 KU +47 3 20 MA +47 3 21 YB +47 3 22 YG +47 3 23 KU +47 3 24 MA +47 3 25 KU +47 3 26 KU +47 3 27 KW +47 3 28 YB +47 3 29 MA +47 3 30 YG +47 3 31 MA +47 3 32 YB +47 3 33 MA +47 3 34 KU +47 3 35 YB +47 3 36 MA +47 3 37 KU +47 3 38 YB +47 3 39 MA +47 3 40 KU +47 3 41 YB +47 3 42 YG +47 3 43 KU +47 3 44 KW +47 3 45 MA +47 3 46 KU +47 3 47 KU +47 3 48 YG +47 3 49 KU +47 3 50 YB +47 3 51 KU +47 3 52 KW +47 3 53 YB +47 3 54 MA +47 3 55 KU +47 3 56 YG +47 3 57 KU +47 3 58 YG +47 3 59 KW +47 3 60 KU +47 3 61 YB +47 3 62 KU +47 3 63 YB +47 3 64 KU +47 3 65 YB +47 3 66 KW +47 3 67 MA +47 3 68 YB +47 3 69 MA +47 3 70 KU +47 3 71 YB +47 3 72 MA +47 3 73 KU +47 3 74 MA +47 3 75 MA +47 3 76 YG +47 3 77 KU +47 3 78 KW +47 3 79 KU +47 3 80 KU +47 3 81 MA +47 3 82 MA +47 3 83 YG +47 3 84 YB +47 3 85 MA +47 3 86 YB +47 3 87 KU +47 3 88 YB +47 3 89 KU +47 3 90 KU +47 3 91 YG +47 3 92 KW +47 3 93 KU +47 3 94 KU +47 3 95 KW +47 3 96 YG +47 3 97 KU +47 3 98 YB +47 3 99 KU +47 3 100 MA +47 3 101 YB +47 3 102 KU +47 3 103 MA +47 3 104 KU +47 3 105 YB +47 3 106 YG +47 3 107 KW +47 3 108 MA +47 3 109 KU +47 3 110 YG +47 3 111 MA +47 3 112 YB +47 3 113 KU +47 3 114 KU +47 3 115 YB +47 3 116 KU +47 3 117 YB +47 3 118 YB +47 3 119 MA +47 3 120 KW +47 3 121 YB +47 3 122 MA +47 3 123 KU +47 3 124 MA +47 3 125 YB +47 3 126 YB +47 3 127 KU +47 3 128 YG +47 3 129 KW +47 3 130 MA +47 3 131 KU +47 3 132 YB +47 3 133 MA +47 3 134 KU +47 3 135 YB +47 3 136 MA +47 3 137 MA +47 3 138 KU +47 3 139 KW +47 3 140 KU +47 3 141 KW +47 3 142 KW +47 3 143 MA +47 3 144 KU +47 3 145 MA +47 3 146 YG +47 3 147 MA +47 3 148 YB +47 3 149 MA +47 3 150 KU +47 3 151 YB +47 3 152 KU +47 3 153 KU +47 3 154 KU +47 3 155 KU +47 3 156 MA +47 3 157 KU +47 3 158 KW +47 3 159 YG +47 3 160 YB +47 3 161 MA +47 3 162 YB +47 3 163 MA +47 3 164 KU +47 3 165 MA +47 3 166 KU +47 3 167 KW +47 3 168 MA +47 3 169 KU +47 3 170 KU +47 3 171 MA +47 3 172 KW +47 3 173 YB +47 3 174 YG +47 3 175 MA +47 3 176 YB +47 3 177 YG +47 3 178 KU +47 3 179 YB +47 3 180 MA +47 3 181 YG +47 3 182 YB +47 3 183 YG +47 3 184 KU +47 3 185 YG +47 3 186 MA +47 3 187 YG +47 3 188 KU +47 3 189 MA +47 3 190 YB +47 3 191 MA +47 3 192 KU +47 3 193 YG +47 3 194 YB +47 3 195 MA +47 3 196 MA +47 3 197 KU +47 3 198 KU +47 3 199 KW +47 3 200 MA +47 3 201 YB +47 3 202 MA +47 3 203 YB +47 3 204 KU +47 3 205 KU +47 3 206 KW +47 3 207 YB +47 3 208 YG +47 3 209 KU +47 3 210 YB +47 3 211 MA +47 3 212 YG +47 3 213 KU +47 3 214 MA +47 3 215 YB +47 3 216 MA +47 3 217 YB +47 3 218 MA +47 3 219 KW +47 3 220 KU +47 3 221 KW +47 3 222 KU +47 3 223 MA +47 3 224 KW +47 3 225 YG +47 3 226 KU +47 3 227 KU +47 3 228 KU +47 3 229 MA +47 3 230 KW +47 3 231 KU +47 3 232 MA +47 3 233 KU +47 3 234 MA +47 3 235 KU +47 3 236 MA +47 3 237 YG +47 3 238 MA +47 3 239 YB +47 3 240 YB +47 3 241 KW +47 3 242 YG +47 3 243 YB +47 3 244 KW +47 3 245 YB +47 3 246 MA +47 3 247 KU +47 3 248 MA +47 3 249 MA +47 3 250 KU +47 3 251 MA +47 3 252 KW +47 3 253 MA +47 3 254 KU +47 3 255 KU +47 3 256 YB +47 3 257 KU +47 3 258 YG +47 3 259 YB +47 3 260 KW +47 3 261 YG +47 3 262 KW +47 3 263 KW +47 3 264 KU +47 3 265 MA +47 3 266 YG +47 3 267 YB +47 3 268 MA +47 3 269 KU +47 3 270 YG +47 3 271 MA +47 3 272 KW +47 3 273 KU +47 3 274 KW +47 3 275 YG +47 3 276 YB +47 3 277 KU +47 3 278 YG +47 3 279 KU +47 3 280 MA +47 3 281 MA +47 3 282 MA +47 3 283 YG +47 3 284 KW +47 3 285 YB +47 3 286 KW +47 3 287 YG +47 3 288 YB +47 3 289 MA +47 3 290 KW +47 3 291 KU +47 3 292 YB +47 3 293 MA +47 3 294 KW +47 3 295 YG +47 3 296 KU +47 3 297 YG +47 3 298 YB +47 3 299 MA +47 3 300 KW +47 3 301 MA +47 3 302 KW +47 3 303 KU +47 3 304 MA +47 3 305 YB +47 3 306 MA +47 3 307 KU +47 3 308 KU +47 3 309 MA +47 3 310 MA +47 3 311 KU +47 3 312 KU +47 3 313 KU +47 3 314 KW +47 3 315 MA +47 3 316 MA +47 3 317 YB +47 3 318 YG +47 3 319 KW +47 3 320 MA +47 3 321 YB +47 3 322 KU +47 3 323 MA +47 3 324 KW +47 3 325 KU +47 3 326 YG +47 3 327 KW +47 3 328 MA +47 3 329 YG +47 3 330 KW +47 4 1 MA +47 4 2 MA +47 4 3 YB +47 4 4 BW +47 4 5 MA +47 4 6 YG +47 4 7 MA +47 4 8 YB +47 4 9 BW +47 4 10 MA +47 4 11 BW +47 4 12 YG +47 4 13 MA +47 4 14 * +47 4 15 YG +47 4 16 KW +47 4 17 YB +47 4 18 KW +47 4 19 MA +47 4 20 MA +47 4 21 YB +47 4 22 YG +47 4 23 BW +47 4 24 BW +47 4 25 MA +47 4 26 MA +47 4 27 KW +47 4 28 YB +47 4 29 MA +47 4 30 YG +47 4 31 KW +47 4 32 * +47 4 33 MA +47 4 34 MA +47 4 35 YB +47 4 36 MA +47 4 37 * +47 4 38 YB +47 4 39 MA +47 4 40 * +47 4 41 YB +47 4 42 YG +47 4 43 * +47 4 44 KW +47 4 45 MA +47 4 46 KW +47 4 47 * +47 4 48 YG +47 4 49 KW +47 4 50 BW +47 4 51 YG +47 4 52 KW +47 4 53 YB +47 4 54 MA +47 4 55 MA +47 4 56 YG +47 4 57 MA +47 4 58 YG +47 4 59 KW +47 4 60 MA +47 4 61 YB +47 4 62 KW +47 4 63 YB +47 4 64 MA +47 4 65 YB +47 4 66 KW +47 4 67 MA +47 4 68 YB +47 4 69 BW +47 4 70 KW +47 4 71 * +47 4 72 MA +47 4 73 * +47 4 74 KW +47 4 75 MA +47 4 76 * +47 4 77 MA +47 4 78 KW +47 4 79 KW +47 4 80 MA +47 4 81 * +47 4 82 MA +47 4 83 YG +47 4 84 YG +47 4 85 MA +47 4 86 YB +47 4 87 KW +47 4 88 YB +47 4 89 KW +47 4 90 MA +47 4 91 YG +47 4 92 KW +47 4 93 MA +47 4 94 BW +47 4 95 KW +47 4 96 YG +47 4 97 BW +47 4 98 YB +47 4 99 KW +47 4 100 MA +47 4 101 YB +47 4 102 KW +47 4 103 * +47 4 104 MA +47 4 105 * +47 4 106 YG +47 4 107 KW +47 4 108 KW +47 4 109 BW +47 4 110 YG +47 4 111 BW +47 4 112 YB +47 4 113 BW +47 4 114 MA +47 4 115 YB +47 4 116 KW +47 4 117 BW +47 4 118 YB +47 4 119 MA +47 4 120 KW +47 4 121 * +47 4 122 MA +47 4 123 * +47 4 124 * +47 4 125 * +47 4 126 * +47 4 127 MA +47 4 128 YG +47 4 129 KW +47 4 130 BW +47 4 131 * +47 4 132 YB +47 4 133 MA +47 4 134 BW +47 4 135 YB +47 4 136 MA +47 4 137 MA +47 4 138 KW +47 4 139 KW +47 4 140 MA +47 4 141 KW +47 4 142 KW +47 4 143 YG +47 4 144 BW +47 4 145 MA +47 4 146 YG +47 4 147 MA +47 4 148 YB +47 4 149 YG +47 4 150 * +47 4 151 YB +47 4 152 YB +47 4 153 MA +47 4 154 BW +47 4 155 * +47 4 156 MA +47 4 157 YG +47 4 158 KW +47 4 159 YG +47 4 160 YG +47 4 161 MA +47 4 162 YB +47 4 163 MA +47 4 164 MA +47 4 165 YG +47 4 166 MA +47 4 167 KW +47 4 168 MA +47 4 169 MA +47 4 170 MA +47 4 171 YG +47 4 172 KW +47 4 173 * +47 4 174 YG +47 4 175 KW +47 4 176 * +47 4 177 YG +47 4 178 MA +47 4 179 * +47 4 180 MA +47 4 181 YG +47 4 182 YB +47 4 183 YG +47 4 184 BW +47 4 185 YG +47 4 186 MA +47 4 187 YG +47 4 188 MA +47 4 189 KW +47 4 190 YG +47 4 191 MA +47 4 192 BW +47 4 193 YG +47 4 194 YB +47 4 195 MA +47 4 196 MA +47 4 197 BW +47 4 198 BW +47 4 199 KW +47 4 200 MA +47 4 201 YG +47 4 202 MA +47 4 203 YB +47 4 204 BW +47 4 205 BW +47 4 206 KW +47 4 207 YB +47 4 208 YG +47 4 209 MA +47 4 210 * +47 4 211 MA +47 4 212 YG +47 4 213 KW +47 4 214 YG +47 4 215 YG +47 4 216 * +47 4 217 YG +47 4 218 YG +47 4 219 KW +47 4 220 BW +47 4 221 KW +47 4 222 BW +47 4 223 MA +47 4 224 KW +47 4 225 * +47 4 226 MA +47 4 227 BW +47 4 228 MA +47 4 229 * +47 4 230 KW +47 4 231 YB +47 4 232 * +47 4 233 BW +47 4 234 MA +47 4 235 MA +47 4 236 YG +47 4 237 YG +47 4 238 MA +47 4 239 YB +47 4 240 BW +47 4 241 KW +47 4 242 YG +47 4 243 YB +47 4 244 KW +47 4 245 YB +47 4 246 MA +47 4 247 BW +47 4 248 * +47 4 249 MA +47 4 250 BW +47 4 251 MA +47 4 252 KW +47 4 253 MA +47 4 254 MA +47 4 255 BW +47 4 256 YB +47 4 257 MA +47 4 258 YG +47 4 259 YB +47 4 260 YG +47 4 261 YG +47 4 262 KW +47 4 263 KW +47 4 264 KW +47 4 265 MA +47 4 266 * +47 4 267 BW +47 4 268 MA +47 4 269 * +47 4 270 YG +47 4 271 MA +47 4 272 KW +47 4 273 BW +47 4 274 KW +47 4 275 YG +47 4 276 YB +47 4 277 MA +47 4 278 YG +47 4 279 MA +47 4 280 YG +47 4 281 MA +47 4 282 MA +47 4 283 BW +47 4 284 KW +47 4 285 YG +47 4 286 KW +47 4 287 YG +47 4 288 YB +47 4 289 MA +47 4 290 KW +47 4 291 MA +47 4 292 YG +47 4 293 KW +47 4 294 KW +47 4 295 BW +47 4 296 BW +47 4 297 YG +47 4 298 YB +47 4 299 MA +47 4 300 KW +47 4 301 MA +47 4 302 KW +47 4 303 KW +47 4 304 YG +47 4 305 YB +47 4 306 YG +47 4 307 MA +47 4 308 BW +47 4 309 BW +47 4 310 MA +47 4 311 MA +47 4 312 KW +47 4 313 BW +47 4 314 KW +47 4 315 MA +47 4 316 MA +47 4 317 YB +47 4 318 YG +47 4 319 KW +47 4 320 YG +47 4 321 YB +47 4 322 MA +47 4 323 MA +47 4 324 KW +47 4 325 YB +47 4 326 YG +47 4 327 KW +47 4 328 MA +47 4 329 * +47 4 330 KW +47 5 1 MA +47 5 2 MA +47 5 3 YB +47 5 4 KU +47 5 5 MA +47 5 6 YG +47 5 7 MA +47 5 8 YB +47 5 9 YG +47 5 10 KU +47 5 11 KU +47 5 12 YG +47 5 13 KU +47 5 14 KU +47 5 15 YG +47 5 16 KW +47 5 17 YB +47 5 18 KU +47 5 19 KU +47 5 20 MA +47 5 21 YB +47 5 22 YG +47 5 23 KU +47 5 24 KU +47 5 25 MA +47 5 26 KU +47 5 27 YG +47 5 28 YB +47 5 29 MA +47 5 30 YG +47 5 31 MA +47 5 32 YB +47 5 33 MA +47 5 34 KU +47 5 35 YB +47 5 36 KU +47 5 37 KU +47 5 38 YB +47 5 39 MA +47 5 40 MA +47 5 41 YB +47 5 42 YG +47 5 43 KU +47 5 44 YG +47 5 45 MA +47 5 46 KU +47 5 47 KU +47 5 48 YG +47 5 49 KU +47 5 50 KU +47 5 51 KU +47 5 52 KW +47 5 53 KU +47 5 54 MA +47 5 55 KU +47 5 56 YG +47 5 57 KU +47 5 58 YG +47 5 59 KW +47 5 60 KU +47 5 61 YB +47 5 62 KW +47 5 63 YB +47 5 64 KU +47 5 65 YB +47 5 66 KW +47 5 67 MA +47 5 68 YB +47 5 69 YG +47 5 70 KW +47 5 71 YB +47 5 72 MA +47 5 73 KU +47 5 74 KW +47 5 75 KU +47 5 76 YG +47 5 77 MA +47 5 78 KW +47 5 79 KU +47 5 80 KU +47 5 81 MA +47 5 82 MA +47 5 83 KW +47 5 84 KW +47 5 85 MA +47 5 86 YB +47 5 87 KU +47 5 88 YB +47 5 89 KU +47 5 90 KU +47 5 91 YG +47 5 92 KW +47 5 93 KU +47 5 94 KU +47 5 95 KW +47 5 96 YG +47 5 97 KU +47 5 98 YB +47 5 99 KW +47 5 100 MA +47 5 101 YB +47 5 102 KW +47 5 103 KW +47 5 104 KU +47 5 105 YB +47 5 106 YG +47 5 107 KW +47 5 108 KW +47 5 109 KU +47 5 110 YG +47 5 111 KU +47 5 112 YB +47 5 113 KU +47 5 114 KU +47 5 115 YB +47 5 116 KW +47 5 117 KU +47 5 118 YB +47 5 119 MA +47 5 120 KW +47 5 121 YB +47 5 122 MA +47 5 123 KU +47 5 124 MA +47 5 125 YB +47 5 126 YB +47 5 127 KU +47 5 128 YG +47 5 129 KW +47 5 130 KU +47 5 131 KU +47 5 132 YB +47 5 133 MA +47 5 134 KU +47 5 135 YB +47 5 136 MA +47 5 137 MA +47 5 138 MA +47 5 139 KW +47 5 140 KU +47 5 141 KW +47 5 142 KW +47 5 143 MA +47 5 144 KU +47 5 145 MA +47 5 146 YG +47 5 147 MA +47 5 148 YB +47 5 149 MA +47 5 150 KU +47 5 151 YB +47 5 152 KU +47 5 153 KU +47 5 154 KU +47 5 155 KU +47 5 156 MA +47 5 157 KU +47 5 158 KW +47 5 159 YG +47 5 160 YG +47 5 161 MA +47 5 162 YB +47 5 163 KU +47 5 164 KU +47 5 165 YG +47 5 166 KU +47 5 167 KW +47 5 168 MA +47 5 169 MA +47 5 170 KU +47 5 171 YG +47 5 172 KW +47 5 173 YB +47 5 174 YG +47 5 175 MA +47 5 176 YB +47 5 177 YG +47 5 178 KU +47 5 179 YB +47 5 180 MA +47 5 181 YG +47 5 182 KU +47 5 183 YG +47 5 184 KU +47 5 185 YG +47 5 186 MA +47 5 187 YG +47 5 188 MA +47 5 189 KW +47 5 190 YG +47 5 191 MA +47 5 192 KU +47 5 193 YG +47 5 194 YB +47 5 195 MA +47 5 196 MA +47 5 197 KW +47 5 198 KU +47 5 199 KW +47 5 200 MA +47 5 201 YG +47 5 202 MA +47 5 203 YB +47 5 204 KU +47 5 205 KU +47 5 206 KW +47 5 207 YB +47 5 208 YG +47 5 209 MA +47 5 210 YB +47 5 211 MA +47 5 212 YG +47 5 213 KW +47 5 214 YG +47 5 215 YB +47 5 216 KU +47 5 217 YG +47 5 218 YG +47 5 219 KW +47 5 220 KU +47 5 221 KW +47 5 222 KU +47 5 223 MA +47 5 224 KW +47 5 225 YG +47 5 226 KU +47 5 227 KU +47 5 228 KU +47 5 229 KW +47 5 230 KW +47 5 231 YB +47 5 232 YG +47 5 233 KW +47 5 234 MA +47 5 235 KU +47 5 236 YG +47 5 237 YG +47 5 238 KU +47 5 239 YB +47 5 240 YB +47 5 241 KW +47 5 242 YG +47 5 243 YB +47 5 244 KW +47 5 245 YB +47 5 246 MA +47 5 247 KU +47 5 248 KU +47 5 249 MA +47 5 250 KU +47 5 251 MA +47 5 252 KW +47 5 253 MA +47 5 254 KW +47 5 255 KU +47 5 256 YB +47 5 257 KU +47 5 258 YG +47 5 259 YB +47 5 260 KW +47 5 261 YG +47 5 262 KW +47 5 263 KW +47 5 264 KW +47 5 265 MA +47 5 266 YB +47 5 267 YB +47 5 268 MA +47 5 269 YB +47 5 270 YG +47 5 271 KU +47 5 272 KW +47 5 273 YB +47 5 274 KW +47 5 275 YG +47 5 276 YB +47 5 277 KU +47 5 278 YB +47 5 279 KU +47 5 280 MA +47 5 281 MA +47 5 282 MA +47 5 283 KU +47 5 284 KW +47 5 285 YG +47 5 286 KW +47 5 287 YG +47 5 288 YB +47 5 289 MA +47 5 290 YG +47 5 291 KU +47 5 292 YG +47 5 293 KW +47 5 294 KW +47 5 295 YG +47 5 296 KU +47 5 297 YG +47 5 298 YB +47 5 299 MA +47 5 300 KW +47 5 301 MA +47 5 302 KW +47 5 303 KW +47 5 304 MA +47 5 305 YB +47 5 306 MA +47 5 307 KU +47 5 308 KU +47 5 309 YG +47 5 310 MA +47 5 311 KU +47 5 312 KU +47 5 313 KU +47 5 314 KW +47 5 315 MA +47 5 316 MA +47 5 317 YB +47 5 318 YG +47 5 319 KW +47 5 320 YG +47 5 321 YB +47 5 322 KW +47 5 323 MA +47 5 324 YG +47 5 325 YB +47 5 326 YG +47 5 327 KW +47 5 328 MA +47 5 329 YG +47 5 330 KW +47 6 1 MA +47 6 2 MA +47 6 3 YB +47 6 4 KU +47 6 5 MA +47 6 6 YG +47 6 7 MA +47 6 8 YB +47 6 9 YG +47 6 10 KU +47 6 11 KU +47 6 12 YG +47 6 13 KU +47 6 14 KU +47 6 15 KW +47 6 16 KW +47 6 17 YB +47 6 18 KU +47 6 19 MA +47 6 20 MA +47 6 21 YB +47 6 22 YG +47 6 23 KU +47 6 24 BW +47 6 25 MA +47 6 26 KU +47 6 27 KW +47 6 28 YB +47 6 29 MA +47 6 30 YG +47 6 31 MA +47 6 32 YB +47 6 33 MA +47 6 34 KU +47 6 35 YB +47 6 36 MA +47 6 37 KU +47 6 38 YB +47 6 39 MA +47 6 40 MA +47 6 41 YB +47 6 42 YG +47 6 43 KU +47 6 44 KW +47 6 45 MA +47 6 46 KW +47 6 47 MA +47 6 48 YG +47 6 49 MA +47 6 50 YB +47 6 51 YG +47 6 52 KW +47 6 53 YB +47 6 54 MA +47 6 55 MA +47 6 56 YG +47 6 57 MA +47 6 58 YG +47 6 59 KW +47 6 60 MA +47 6 61 YB +47 6 62 KW +47 6 63 YB +47 6 64 MA +47 6 65 YB +47 6 66 KW +47 6 67 MA +47 6 68 YB +47 6 69 YG +47 6 70 KW +47 6 71 YB +47 6 72 MA +47 6 73 YB +47 6 74 KW +47 6 75 MA +47 6 76 YG +47 6 77 MA +47 6 78 KW +47 6 79 KW +47 6 80 MA +47 6 81 MA +47 6 82 MA +47 6 83 YG +47 6 84 YG +47 6 85 MA +47 6 86 YB +47 6 87 KU +47 6 88 YB +47 6 89 KU +47 6 90 MA +47 6 91 YG +47 6 92 KW +47 6 93 MA +47 6 94 KU +47 6 95 KW +47 6 96 YG +47 6 97 KU +47 6 98 YB +47 6 99 KW +47 6 100 MA +47 6 101 YB +47 6 102 KW +47 6 103 YG +47 6 104 MA +47 6 105 YB +47 6 106 YG +47 6 107 KW +47 6 108 KW +47 6 109 KU +47 6 110 YG +47 6 111 KU +47 6 112 YB +47 6 113 KU +47 6 114 MA +47 6 115 YB +47 6 116 KW +47 6 117 KU +47 6 118 YB +47 6 119 MA +47 6 120 KW +47 6 121 YB +47 6 122 MA +47 6 123 MA +47 6 124 YG +47 6 125 YB +47 6 126 YB +47 6 127 KU +47 6 128 YG +47 6 129 KW +47 6 130 KU +47 6 131 KU +47 6 132 YB +47 6 133 MA +47 6 134 KU +47 6 135 YB +47 6 136 MA +47 6 137 MA +47 6 138 KW +47 6 139 KW +47 6 140 MA +47 6 141 KW +47 6 142 KW +47 6 143 YG +47 6 144 KU +47 6 145 MA +47 6 146 YG +47 6 147 MA +47 6 148 YB +47 6 149 MA +47 6 150 KU +47 6 151 YB +47 6 152 KW +47 6 153 MA +47 6 154 KU +47 6 155 KU +47 6 156 MA +47 6 157 YG +47 6 158 KW +47 6 159 YG +47 6 160 KW +47 6 161 MA +47 6 162 YB +47 6 163 MA +47 6 164 MA +47 6 165 YG +47 6 166 KU +47 6 167 KW +47 6 168 MA +47 6 169 MA +47 6 170 KU +47 6 171 YG +47 6 172 KW +47 6 173 YB +47 6 174 YG +47 6 175 KW +47 6 176 YB +47 6 177 MA +47 6 178 KU +47 6 179 YB +47 6 180 MA +47 6 181 YG +47 6 182 YB +47 6 183 YG +47 6 184 KU +47 6 185 YG +47 6 186 KW +47 6 187 YG +47 6 188 MA +47 6 189 KW +47 6 190 KW +47 6 191 MA +47 6 192 KW +47 6 193 YG +47 6 194 YB +47 6 195 MA +47 6 196 KW +47 6 197 KW +47 6 198 KU +47 6 199 KW +47 6 200 KW +47 6 201 KW +47 6 202 MA +47 6 203 YB +47 6 204 KU +47 6 205 KU +47 6 206 KW +47 6 207 YB +47 6 208 YG +47 6 209 MA +47 6 210 YB +47 6 211 MA +47 6 212 YG +47 6 213 KW +47 6 214 YG +47 6 215 KW +47 6 216 KU +47 6 217 KW +47 6 218 YG +47 6 219 KW +47 6 220 KU +47 6 221 KW +47 6 222 KU +47 6 223 MA +47 6 224 KW +47 6 225 YG +47 6 226 KU +47 6 227 KU +47 6 228 KU +47 6 229 MA +47 6 230 KW +47 6 231 YB +47 6 232 YG +47 6 233 KW +47 6 234 MA +47 6 235 KU +47 6 236 YG +47 6 237 KW +47 6 238 MA +47 6 239 YB +47 6 240 YB +47 6 241 KW +47 6 242 YG +47 6 243 YB +47 6 244 KW +47 6 245 YB +47 6 246 MA +47 6 247 KW +47 6 248 MA +47 6 249 MA +47 6 250 KU +47 6 251 KW +47 6 252 KW +47 6 253 MA +47 6 254 KW +47 6 255 KU +47 6 256 YB +47 6 257 KU +47 6 258 YG +47 6 259 YB +47 6 260 KW +47 6 261 YG +47 6 262 KW +47 6 263 KW +47 6 264 KW +47 6 265 MA +47 6 266 YB +47 6 267 KU +47 6 268 MA +47 6 269 YB +47 6 270 YG +47 6 271 MA +47 6 272 KW +47 6 273 YB +47 6 274 KW +47 6 275 YG +47 6 276 YB +47 6 277 MA +47 6 278 YG +47 6 279 KU +47 6 280 MA +47 6 281 MA +47 6 282 MA +47 6 283 KU +47 6 284 KW +47 6 285 KW +47 6 286 KW +47 6 287 YG +47 6 288 YB +47 6 289 MA +47 6 290 KW +47 6 291 KU +47 6 292 KW +47 6 293 KW +47 6 294 KW +47 6 295 YG +47 6 296 KU +47 6 297 YG +47 6 298 YB +47 6 299 MA +47 6 300 KW +47 6 301 MA +47 6 302 KW +47 6 303 KW +47 6 304 YG +47 6 305 KU +47 6 306 MA +47 6 307 MA +47 6 308 KW +47 6 309 YG +47 6 310 MA +47 6 311 KU +47 6 312 KU +47 6 313 KU +47 6 314 KW +47 6 315 MA +47 6 316 MA +47 6 317 YB +47 6 318 YG +47 6 319 KW +47 6 320 YG +47 6 321 YB +47 6 322 KW +47 6 323 MA +47 6 324 KW +47 6 325 YB +47 6 326 YG +47 6 327 KW +47 6 328 MA +47 6 329 YG +47 6 330 KW +47 7 1 KU +47 7 2 MA +47 7 3 YB +47 7 4 YG +47 7 5 MA +47 7 6 YG +47 7 7 MA +47 7 8 YB +47 7 9 BW +47 7 10 BW +47 7 11 KU +47 7 12 YG +47 7 13 MA +47 7 14 BW +47 7 15 KW +47 7 16 KW +47 7 17 YB +47 7 18 KW +47 7 19 MA +47 7 20 MA +47 7 21 YB +47 7 22 YG +47 7 23 YG +47 7 24 KW +47 7 25 MA +47 7 26 KU +47 7 27 KW +47 7 28 YB +47 7 29 MA +47 7 30 YG +47 7 31 MA +47 7 32 YB +47 7 33 MA +47 7 34 KU +47 7 35 YG +47 7 36 MA +47 7 37 KU +47 7 38 YB +47 7 39 MA +47 7 40 KU +47 7 41 YB +47 7 42 YG +47 7 43 KU +47 7 44 KW +47 7 45 MA +47 7 46 KW +47 7 47 MA +47 7 48 YG +47 7 49 MA +47 7 50 KU +47 7 51 YG +47 7 52 KW +47 7 53 YB +47 7 54 MA +47 7 55 MA +47 7 56 YG +47 7 57 KU +47 7 58 YG +47 7 59 KW +47 7 60 KU +47 7 61 YB +47 7 62 KU +47 7 63 YB +47 7 64 KU +47 7 65 YB +47 7 66 KW +47 7 67 MA +47 7 68 YB +47 7 69 YG +47 7 70 KW +47 7 71 YB +47 7 72 MA +47 7 73 KU +47 7 74 KW +47 7 75 MA +47 7 76 YB +47 7 77 KU +47 7 78 YG +47 7 79 KW +47 7 80 MA +47 7 81 MA +47 7 82 MA +47 7 83 KW +47 7 84 YG +47 7 85 MA +47 7 86 YG +47 7 87 KW +47 7 88 YB +47 7 89 KW +47 7 90 MA +47 7 91 YG +47 7 92 KW +47 7 93 KU +47 7 94 KW +47 7 95 YG +47 7 96 YG +47 7 97 KU +47 7 98 YB +47 7 99 KW +47 7 100 MA +47 7 101 YB +47 7 102 KW +47 7 103 MA +47 7 104 KU +47 7 105 KU +47 7 106 YG +47 7 107 KW +47 7 108 KW +47 7 109 KU +47 7 110 YG +47 7 111 MA +47 7 112 YB +47 7 113 KW +47 7 114 MA +47 7 115 YB +47 7 116 KW +47 7 117 YG +47 7 118 KW +47 7 119 MA +47 7 120 KW +47 7 121 YB +47 7 122 MA +47 7 123 MA +47 7 124 YG +47 7 125 YB +47 7 126 YG +47 7 127 KW +47 7 128 YG +47 7 129 KW +47 7 130 MA +47 7 131 KU +47 7 132 YB +47 7 133 MA +47 7 134 YG +47 7 135 YB +47 7 136 MA +47 7 137 MA +47 7 138 KU +47 7 139 KW +47 7 140 KU +47 7 141 KW +47 7 142 KW +47 7 143 YG +47 7 144 KU +47 7 145 MA +47 7 146 YG +47 7 147 MA +47 7 148 YB +47 7 149 MA +47 7 150 KU +47 7 151 YG +47 7 152 YG +47 7 153 KU +47 7 154 KW +47 7 155 YG +47 7 156 MA +47 7 157 YG +47 7 158 KW +47 7 159 YG +47 7 160 YG +47 7 161 MA +47 7 162 YB +47 7 163 MA +47 7 164 KU +47 7 165 MA +47 7 166 KU +47 7 167 YG +47 7 168 MA +47 7 169 KU +47 7 170 MA +47 7 171 YG +47 7 172 KW +47 7 173 YB +47 7 174 YG +47 7 175 MA +47 7 176 YB +47 7 177 YG +47 7 178 KU +47 7 179 YG +47 7 180 MA +47 7 181 YG +47 7 182 KU +47 7 183 YG +47 7 184 KU +47 7 185 YG +47 7 186 MA +47 7 187 YG +47 7 188 MA +47 7 189 KW +47 7 190 YG +47 7 191 MA +47 7 192 KU +47 7 193 YG +47 7 194 YB +47 7 195 MA +47 7 196 MA +47 7 197 YG +47 7 198 KW +47 7 199 KW +47 7 200 MA +47 7 201 YG +47 7 202 MA +47 7 203 YB +47 7 204 KU +47 7 205 KU +47 7 206 YG +47 7 207 YB +47 7 208 YG +47 7 209 MA +47 7 210 KU +47 7 211 MA +47 7 212 YG +47 7 213 KW +47 7 214 YG +47 7 215 YG +47 7 216 MA +47 7 217 YG +47 7 218 MA +47 7 219 MA +47 7 220 KU +47 7 221 KW +47 7 222 KU +47 7 223 MA +47 7 224 KW +47 7 225 YG +47 7 226 MA +47 7 227 KW +47 7 228 KU +47 7 229 MA +47 7 230 KW +47 7 231 YG +47 7 232 YG +47 7 233 KU +47 7 234 MA +47 7 235 KU +47 7 236 YG +47 7 237 YG +47 7 238 KU +47 7 239 YG +47 7 240 YB +47 7 241 KW +47 7 242 YG +47 7 243 YB +47 7 244 KW +47 7 245 YB +47 7 246 MA +47 7 247 KU +47 7 248 MA +47 7 249 MA +47 7 250 KU +47 7 251 MA +47 7 252 KW +47 7 253 MA +47 7 254 KU +47 7 255 KW +47 7 256 YB +47 7 257 YG +47 7 258 MA +47 7 259 YB +47 7 260 YG +47 7 261 YG +47 7 262 KW +47 7 263 KW +47 7 264 KW +47 7 265 MA +47 7 266 YB +47 7 267 KU +47 7 268 MA +47 7 269 YG +47 7 270 YG +47 7 271 MA +47 7 272 KW +47 7 273 YG +47 7 274 KW +47 7 275 YG +47 7 276 YB +47 7 277 MA +47 7 278 YG +47 7 279 KU +47 7 280 MA +47 7 281 MA +47 7 282 MA +47 7 283 YG +47 7 284 KW +47 7 285 YG +47 7 286 KW +47 7 287 YG +47 7 288 YB +47 7 289 MA +47 7 290 KW +47 7 291 KU +47 7 292 YG +47 7 293 MA +47 7 294 KW +47 7 295 YG +47 7 296 KU +47 7 297 YG +47 7 298 YB +47 7 299 MA +47 7 300 KW +47 7 301 MA +47 7 302 KW +47 7 303 KW +47 7 304 MA +47 7 305 KU +47 7 306 MA +47 7 307 KU +47 7 308 YG +47 7 309 KU +47 7 310 MA +47 7 311 KU +47 7 312 KW +47 7 313 KU +47 7 314 KW +47 7 315 MA +47 7 316 KU +47 7 317 YB +47 7 318 YG +47 7 319 KW +47 7 320 MA +47 7 321 YB +47 7 322 KU +47 7 323 MA +47 7 324 KW +47 7 325 KU +47 7 326 YG +47 7 327 KW +47 7 328 MA +47 7 329 YG +47 7 330 KW +47 8 1 MA +47 8 2 MA +47 8 3 YB +47 8 4 BW +47 8 5 MA +47 8 6 YG +47 8 7 MA +47 8 8 YB +47 8 9 YG +47 8 10 MA +47 8 11 BW +47 8 12 YG +47 8 13 BW +47 8 14 MA +47 8 15 YG +47 8 16 KW +47 8 17 YB +47 8 18 UU +47 8 19 MA +47 8 20 MA +47 8 21 YB +47 8 22 YG +47 8 23 BW +47 8 24 UU +47 8 25 MA +47 8 26 MA +47 8 27 KU +47 8 28 YG +47 8 29 MA +47 8 30 YG +47 8 31 YG +47 8 32 YB +47 8 33 MA +47 8 34 MA +47 8 35 YB +47 8 36 MA +47 8 37 HW +47 8 38 YB +47 8 39 MA +47 8 40 BW +47 8 41 YB +47 8 42 YG +47 8 43 UU +47 8 44 KW +47 8 45 MA +47 8 46 HW +47 8 47 MA +47 8 48 YG +47 8 49 HW +47 8 50 BW +47 8 51 YG +47 8 52 KW +47 8 53 YB +47 8 54 MA +47 8 55 HW +47 8 56 YG +47 8 57 BW +47 8 58 YG +47 8 59 KW +47 8 60 BW +47 8 61 YB +47 8 62 HW +47 8 63 YG +47 8 64 MA +47 8 65 YB +47 8 66 YG +47 8 67 MA +47 8 68 YG +47 8 69 YG +47 8 70 KW +47 8 71 YB +47 8 72 MA +47 8 73 BW +47 8 74 HW +47 8 75 BW +47 8 76 YG +47 8 77 BW +47 8 78 YG +47 8 79 UU +47 8 80 MA +47 8 81 MA +47 8 82 BW +47 8 83 YG +47 8 84 HW +47 8 85 MA +47 8 86 BW +47 8 87 UU +47 8 88 YB +47 8 89 UU +47 8 90 BW +47 8 91 YG +47 8 92 HW +47 8 93 MA +47 8 94 UU +47 8 95 KW +47 8 96 YG +47 8 97 YB +47 8 98 MA +47 8 99 YG +47 8 100 MA +47 8 101 YB +47 8 102 HW +47 8 103 YG +47 8 104 MA +47 8 105 YB +47 8 106 YG +47 8 107 KW +47 8 108 KW +47 8 109 YG +47 8 110 YG +47 8 111 UU +47 8 112 YB +47 8 113 UU +47 8 114 MA +47 8 115 YB +47 8 116 HW +47 8 117 UU +47 8 118 YG +47 8 119 MA +47 8 120 KW +47 8 121 YG +47 8 122 MA +47 8 123 MA +47 8 124 YG +47 8 125 YB +47 8 126 YG +47 8 127 MA +47 8 128 YG +47 8 129 KW +47 8 130 UU +47 8 131 MA +47 8 132 YB +47 8 133 MA +47 8 134 BW +47 8 135 YG +47 8 136 MA +47 8 137 BW +47 8 138 MA +47 8 139 HW +47 8 140 MA +47 8 141 KW +47 8 142 KW +47 8 143 MA +47 8 144 BW +47 8 145 MA +47 8 146 YG +47 8 147 BW +47 8 148 YB +47 8 149 HW +47 8 150 MA +47 8 151 YG +47 8 152 HW +47 8 153 MA +47 8 154 UU +47 8 155 BW +47 8 156 MA +47 8 157 BW +47 8 158 KW +47 8 159 YG +47 8 160 HW +47 8 161 MA +47 8 162 YB +47 8 163 BW +47 8 164 MA +47 8 165 HW +47 8 166 MA +47 8 167 HW +47 8 168 MA +47 8 169 MA +47 8 170 UU +47 8 171 YG +47 8 172 KW +47 8 173 YB +47 8 174 YG +47 8 175 HW +47 8 176 YB +47 8 177 HW +47 8 178 MA +47 8 179 BW +47 8 180 MA +47 8 181 YG +47 8 182 BW +47 8 183 YG +47 8 184 BW +47 8 185 YG +47 8 186 HW +47 8 187 YG +47 8 188 MA +47 8 189 HW +47 8 190 HW +47 8 191 MA +47 8 192 BW +47 8 193 MA +47 8 194 YB +47 8 195 MA +47 8 196 HW +47 8 197 HW +47 8 198 UU +47 8 199 KW +47 8 200 MA +47 8 201 YG +47 8 202 MA +47 8 203 YG +47 8 204 UU +47 8 205 BW +47 8 206 KW +47 8 207 YB +47 8 208 YG +47 8 209 MA +47 8 210 BW +47 8 211 MA +47 8 212 YG +47 8 213 HW +47 8 214 YG +47 8 215 HW +47 8 216 UU +47 8 217 YG +47 8 218 YG +47 8 219 KW +47 8 220 BW +47 8 221 KW +47 8 222 BW +47 8 223 MA +47 8 224 HW +47 8 225 YG +47 8 226 MA +47 8 227 UU +47 8 228 MA +47 8 229 HW +47 8 230 KW +47 8 231 BW +47 8 232 YG +47 8 233 MA +47 8 234 MA +47 8 235 MA +47 8 236 YG +47 8 237 YG +47 8 238 MA +47 8 239 YG +47 8 240 BW +47 8 241 HW +47 8 242 KW +47 8 243 YB +47 8 244 KW +47 8 245 YB +47 8 246 BW +47 8 247 BW +47 8 248 MA +47 8 249 MA +47 8 250 BW +47 8 251 MA +47 8 252 HW +47 8 253 MA +47 8 254 HW +47 8 255 UU +47 8 256 YB +47 8 257 MA +47 8 258 YG +47 8 259 BW +47 8 260 HW +47 8 261 YG +47 8 262 KW +47 8 263 BW +47 8 264 MA +47 8 265 MA +47 8 266 YG +47 8 267 BW +47 8 268 MA +47 8 269 YG +47 8 270 YG +47 8 271 MA +47 8 272 HW +47 8 273 YG +47 8 274 KW +47 8 275 YG +47 8 276 YB +47 8 277 MA +47 8 278 YG +47 8 279 MA +47 8 280 MA +47 8 281 MA +47 8 282 MA +47 8 283 YG +47 8 284 BW +47 8 285 YG +47 8 286 KW +47 8 287 MA +47 8 288 YB +47 8 289 HW +47 8 290 KW +47 8 291 BW +47 8 292 YG +47 8 293 HW +47 8 294 KW +47 8 295 YG +47 8 296 BW +47 8 297 YG +47 8 298 YB +47 8 299 MA +47 8 300 KW +47 8 301 MA +47 8 302 HW +47 8 303 KW +47 8 304 MA +47 8 305 BW +47 8 306 MA +47 8 307 MA +47 8 308 HW +47 8 309 UU +47 8 310 MA +47 8 311 MA +47 8 312 UU +47 8 313 BW +47 8 314 HW +47 8 315 MA +47 8 316 BW +47 8 317 YB +47 8 318 YG +47 8 319 HW +47 8 320 YG +47 8 321 YB +47 8 322 BW +47 8 323 MA +47 8 324 KW +47 8 325 BW +47 8 326 YG +47 8 327 KW +47 8 328 BW +47 8 329 YG +47 8 330 HW +47 9 1 YG +47 9 2 MA +47 9 3 YB +47 9 4 KU +47 9 5 MA +47 9 6 KW +47 9 7 MA +47 9 8 YB +47 9 9 YG +47 9 10 KU +47 9 11 MA +47 9 12 YG +47 9 13 MA +47 9 14 KU +47 9 15 KW +47 9 16 KW +47 9 17 YB +47 9 18 KU +47 9 19 YG +47 9 20 MA +47 9 21 YB +47 9 22 YG +47 9 23 KU +47 9 24 MA +47 9 25 YG +47 9 26 KU +47 9 27 KW +47 9 28 YB +47 9 29 MA +47 9 30 YG +47 9 31 KW +47 9 32 YB +47 9 33 MA +47 9 34 KU +47 9 35 YB +47 9 36 MA +47 9 37 KU +47 9 38 YB +47 9 39 MA +47 9 40 KW +47 9 41 YB +47 9 42 YG +47 9 43 KU +47 9 44 KW +47 9 45 MA +47 9 46 KW +47 9 47 MA +47 9 48 YG +47 9 49 KW +47 9 50 KU +47 9 51 KW +47 9 52 KW +47 9 53 YB +47 9 54 MA +47 9 55 YG +47 9 56 KW +47 9 57 MA +47 9 58 YG +47 9 59 KW +47 9 60 KU +47 9 61 YB +47 9 62 KW +47 9 63 YG +47 9 64 KU +47 9 65 YB +47 9 66 KW +47 9 67 MA +47 9 68 KW +47 9 69 YG +47 9 70 KW +47 9 71 YB +47 9 72 MA +47 9 73 KU +47 9 74 KW +47 9 75 MA +47 9 76 YG +47 9 77 MA +47 9 78 KW +47 9 79 KU +47 9 80 MA +47 9 81 YG +47 9 82 MA +47 9 83 KW +47 9 84 KW +47 9 85 MA +47 9 86 KW +47 9 87 KU +47 9 88 YB +47 9 89 KU +47 9 90 YG +47 9 91 MA +47 9 92 KW +47 9 93 MA +47 9 94 KU +47 9 95 KW +47 9 96 YG +47 9 97 KU +47 9 98 YB +47 9 99 KW +47 9 100 MA +47 9 101 YB +47 9 102 KW +47 9 103 YG +47 9 104 MA +47 9 105 YB +47 9 106 YG +47 9 107 KW +47 9 108 KW +47 9 109 KU +47 9 110 YG +47 9 111 MA +47 9 112 YB +47 9 113 KU +47 9 114 MA +47 9 115 YB +47 9 116 KW +47 9 117 YG +47 9 118 YB +47 9 119 MA +47 9 120 KW +47 9 121 YB +47 9 122 MA +47 9 123 YG +47 9 124 YG +47 9 125 YB +47 9 126 YG +47 9 127 KU +47 9 128 YG +47 9 129 KW +47 9 130 MA +47 9 131 KU +47 9 132 YB +47 9 133 MA +47 9 134 YG +47 9 135 YB +47 9 136 MA +47 9 137 YG +47 9 138 MA +47 9 139 KW +47 9 140 KU +47 9 141 KW +47 9 142 KW +47 9 143 MA +47 9 144 KU +47 9 145 MA +47 9 146 YG +47 9 147 MA +47 9 148 YB +47 9 149 YG +47 9 150 KU +47 9 151 KW +47 9 152 YG +47 9 153 MA +47 9 154 KU +47 9 155 MA +47 9 156 MA +47 9 157 YG +47 9 158 KW +47 9 159 YG +47 9 160 KW +47 9 161 MA +47 9 162 YB +47 9 163 MA +47 9 164 KU +47 9 165 MA +47 9 166 KU +47 9 167 KW +47 9 168 YG +47 9 169 KU +47 9 170 KU +47 9 171 MA +47 9 172 KW +47 9 173 YB +47 9 174 YG +47 9 175 MA +47 9 176 YB +47 9 177 YG +47 9 178 KU +47 9 179 YB +47 9 180 MA +47 9 181 YG +47 9 182 KU +47 9 183 YG +47 9 184 KU +47 9 185 YG +47 9 186 MA +47 9 187 YG +47 9 188 MA +47 9 189 KW +47 9 190 KW +47 9 191 MA +47 9 192 KU +47 9 193 YG +47 9 194 KU +47 9 195 YG +47 9 196 KW +47 9 197 MA +47 9 198 KU +47 9 199 KW +47 9 200 MA +47 9 201 KW +47 9 202 MA +47 9 203 YB +47 9 204 KU +47 9 205 KU +47 9 206 KW +47 9 207 YB +47 9 208 YG +47 9 209 MA +47 9 210 KU +47 9 211 MA +47 9 212 YG +47 9 213 YG +47 9 214 YG +47 9 215 KW +47 9 216 MA +47 9 217 KW +47 9 218 YG +47 9 219 KW +47 9 220 MA +47 9 221 KW +47 9 222 KU +47 9 223 MA +47 9 224 KW +47 9 225 YG +47 9 226 KU +47 9 227 KU +47 9 228 KU +47 9 229 MA +47 9 230 KW +47 9 231 YB +47 9 232 YG +47 9 233 KU +47 9 234 MA +47 9 235 KU +47 9 236 YG +47 9 237 KW +47 9 238 MA +47 9 239 KW +47 9 240 MA +47 9 241 KW +47 9 242 YG +47 9 243 YB +47 9 244 KW +47 9 245 YB +47 9 246 MA +47 9 247 KU +47 9 248 MA +47 9 249 MA +47 9 250 KU +47 9 251 MA +47 9 252 KW +47 9 253 MA +47 9 254 KU +47 9 255 KU +47 9 256 YB +47 9 257 KU +47 9 258 YG +47 9 259 YB +47 9 260 KW +47 9 261 YG +47 9 262 KW +47 9 263 KW +47 9 264 MA +47 9 265 MA +47 9 266 YB +47 9 267 KU +47 9 268 MA +47 9 269 YB +47 9 270 YG +47 9 271 KU +47 9 272 KW +47 9 273 YG +47 9 274 KW +47 9 275 YG +47 9 276 YB +47 9 277 KU +47 9 278 YG +47 9 279 KU +47 9 280 MA +47 9 281 MA +47 9 282 YG +47 9 283 KW +47 9 284 KW +47 9 285 KW +47 9 286 KW +47 9 287 YG +47 9 288 YB +47 9 289 MA +47 9 290 KW +47 9 291 MA +47 9 292 YG +47 9 293 KW +47 9 294 KW +47 9 295 MA +47 9 296 KU +47 9 297 YG +47 9 298 YB +47 9 299 MA +47 9 300 KW +47 9 301 MA +47 9 302 KW +47 9 303 KW +47 9 304 YG +47 9 305 KU +47 9 306 YG +47 9 307 MA +47 9 308 KU +47 9 309 KU +47 9 310 MA +47 9 311 KU +47 9 312 KU +47 9 313 KU +47 9 314 KW +47 9 315 MA +47 9 316 MA +47 9 317 YB +47 9 318 YG +47 9 319 KW +47 9 320 YG +47 9 321 YB +47 9 322 MA +47 9 323 MA +47 9 324 KW +47 9 325 YB +47 9 326 YG +47 9 327 KW +47 9 328 MA +47 9 329 YG +47 9 330 KW +47 10 1 MA +47 10 2 KW +47 10 3 YB +47 10 4 YG +47 10 5 MA +47 10 6 YG +47 10 7 MA +47 10 8 YB +47 10 9 YG +47 10 10 MA +47 10 11 MA +47 10 12 YG +47 10 13 MA +47 10 14 MA +47 10 15 YG +47 10 16 KW +47 10 17 YB +47 10 18 MA +47 10 19 MA +47 10 20 MA +47 10 21 YB +47 10 22 YG +47 10 23 YG +47 10 24 MA +47 10 25 MA +47 10 26 MA +47 10 27 KW +47 10 28 YB +47 10 29 MA +47 10 30 YG +47 10 31 MA +47 10 32 YB +47 10 33 MA +47 10 34 KU +47 10 35 YB +47 10 36 MA +47 10 37 MA +47 10 38 YB +47 10 39 MA +47 10 40 MA +47 10 41 YB +47 10 42 YG +47 10 43 KU +47 10 44 KW +47 10 45 MA +47 10 46 KU +47 10 47 MA +47 10 48 YG +47 10 49 KW +47 10 50 KU +47 10 51 YG +47 10 52 KW +47 10 53 YB +47 10 54 MA +47 10 55 MA +47 10 56 KW +47 10 57 MA +47 10 58 YG +47 10 59 KW +47 10 60 KU +47 10 61 YB +47 10 62 MA +47 10 63 YG +47 10 64 MA +47 10 65 YB +47 10 66 KW +47 10 67 MA +47 10 68 YG +47 10 69 MA +47 10 70 KW +47 10 71 YB +47 10 72 MA +47 10 73 YG +47 10 74 KW +47 10 75 MA +47 10 76 YB +47 10 77 MA +47 10 78 YG +47 10 79 KU +47 10 80 MA +47 10 81 YG +47 10 82 MA +47 10 83 KW +47 10 84 YB +47 10 85 MA +47 10 86 YB +47 10 87 YG +47 10 88 YB +47 10 89 KU +47 10 90 MA +47 10 91 YG +47 10 92 KW +47 10 93 MA +47 10 94 KU +47 10 95 KW +47 10 96 YG +47 10 97 KU +47 10 98 YB +47 10 99 KW +47 10 100 KW +47 10 101 YB +47 10 102 KW +47 10 103 YG +47 10 104 KW +47 10 105 YB +47 10 106 YG +47 10 107 KW +47 10 108 KW +47 10 109 KU +47 10 110 YG +47 10 111 MA +47 10 112 YB +47 10 113 KU +47 10 114 KU +47 10 115 YB +47 10 116 KW +47 10 117 KU +47 10 118 YB +47 10 119 MA +47 10 120 KW +47 10 121 YB +47 10 122 MA +47 10 123 KU +47 10 124 YG +47 10 125 YB +47 10 126 YB +47 10 127 KU +47 10 128 YG +47 10 129 KW +47 10 130 MA +47 10 131 YB +47 10 132 YB +47 10 133 MA +47 10 134 KU +47 10 135 YB +47 10 136 MA +47 10 137 MA +47 10 138 YG +47 10 139 KW +47 10 140 MA +47 10 141 KW +47 10 142 KW +47 10 143 MA +47 10 144 KU +47 10 145 MA +47 10 146 YG +47 10 147 MA +47 10 148 YB +47 10 149 YG +47 10 150 KU +47 10 151 YB +47 10 152 YG +47 10 153 MA +47 10 154 KU +47 10 155 MA +47 10 156 MA +47 10 157 KU +47 10 158 KW +47 10 159 YB +47 10 160 KW +47 10 161 MA +47 10 162 YB +47 10 163 MA +47 10 164 YG +47 10 165 MA +47 10 166 KU +47 10 167 KW +47 10 168 MA +47 10 169 KU +47 10 170 MA +47 10 171 MA +47 10 172 KW +47 10 173 YB +47 10 174 YG +47 10 175 KW +47 10 176 YB +47 10 177 KW +47 10 178 MA +47 10 179 YB +47 10 180 MA +47 10 181 YG +47 10 182 YB +47 10 183 KU +47 10 184 YB +47 10 185 YB +47 10 186 MA +47 10 187 YB +47 10 188 MA +47 10 189 KW +47 10 190 YB +47 10 191 MA +47 10 192 KU +47 10 193 MA +47 10 194 KU +47 10 195 MA +47 10 196 KW +47 10 197 KW +47 10 198 KU +47 10 199 KW +47 10 200 MA +47 10 201 YB +47 10 202 MA +47 10 203 YB +47 10 204 KU +47 10 205 MA +47 10 206 KW +47 10 207 YB +47 10 208 YG +47 10 209 KU +47 10 210 KU +47 10 211 MA +47 10 212 YB +47 10 213 YG +47 10 214 YG +47 10 215 YB +47 10 216 MA +47 10 217 YB +47 10 218 YG +47 10 219 KW +47 10 220 KU +47 10 221 KW +47 10 222 KU +47 10 223 MA +47 10 224 KW +47 10 225 YG +47 10 226 KU +47 10 227 MA +47 10 228 KU +47 10 229 MA +47 10 230 KW +47 10 231 YB +47 10 232 MA +47 10 233 KW +47 10 234 MA +47 10 235 KU +47 10 236 MA +47 10 237 YB +47 10 238 MA +47 10 239 YB +47 10 240 YG +47 10 241 KW +47 10 242 YG +47 10 243 YB +47 10 244 KW +47 10 245 YB +47 10 246 MA +47 10 247 KU +47 10 248 MA +47 10 249 MA +47 10 250 KU +47 10 251 MA +47 10 252 KW +47 10 253 MA +47 10 254 KU +47 10 255 KU +47 10 256 YB +47 10 257 MA +47 10 258 YG +47 10 259 YG +47 10 260 KW +47 10 261 YB +47 10 262 KW +47 10 263 KU +47 10 264 KW +47 10 265 MA +47 10 266 YG +47 10 267 KU +47 10 268 MA +47 10 269 YB +47 10 270 YG +47 10 271 KU +47 10 272 KW +47 10 273 YG +47 10 274 KW +47 10 275 MA +47 10 276 YB +47 10 277 KU +47 10 278 YB +47 10 279 MA +47 10 280 YG +47 10 281 MA +47 10 282 MA +47 10 283 KU +47 10 284 KW +47 10 285 YG +47 10 286 KW +47 10 287 YG +47 10 288 YB +47 10 289 MA +47 10 290 KW +47 10 291 KU +47 10 292 YG +47 10 293 KW +47 10 294 KW +47 10 295 YG +47 10 296 KU +47 10 297 YG +47 10 298 YB +47 10 299 MA +47 10 300 KW +47 10 301 MA +47 10 302 KW +47 10 303 KU +47 10 304 MA +47 10 305 KU +47 10 306 MA +47 10 307 MA +47 10 308 KU +47 10 309 YG +47 10 310 MA +47 10 311 KU +47 10 312 KU +47 10 313 KU +47 10 314 KW +47 10 315 MA +47 10 316 MA +47 10 317 YB +47 10 318 YG +47 10 319 KW +47 10 320 MA +47 10 321 YB +47 10 322 KW +47 10 323 MA +47 10 324 KW +47 10 325 YB +47 10 326 YG +47 10 327 KW +47 10 328 MA +47 10 329 KU +47 10 330 KW +47 11 1 MA +47 11 2 MA +47 11 3 YB +47 11 4 KU +47 11 5 MA +47 11 6 YG +47 11 7 MA +47 11 8 YB +47 11 9 YG +47 11 10 KU +47 11 11 MA +47 11 12 YG +47 11 13 MA +47 11 14 KU +47 11 15 BW +47 11 16 KW +47 11 17 YB +47 11 18 KU +47 11 19 MA +47 11 20 MA +47 11 21 YB +47 11 22 YG +47 11 23 BW +47 11 24 YG +47 11 25 MA +47 11 26 KU +47 11 27 KW +47 11 28 YB +47 11 29 MA +47 11 30 YG +47 11 31 MA +47 11 32 YB +47 11 33 MA +47 11 34 MA +47 11 35 YG +47 11 36 MA +47 11 37 KU +47 11 38 YB +47 11 39 MA +47 11 40 MA +47 11 41 YB +47 11 42 YG +47 11 43 KU +47 11 44 KW +47 11 45 MA +47 11 46 KW +47 11 47 MA +47 11 48 YG +47 11 49 MA +47 11 50 YB +47 11 51 YG +47 11 52 KW +47 11 53 YB +47 11 54 MA +47 11 55 MA +47 11 56 YG +47 11 57 KU +47 11 58 YG +47 11 59 YG +47 11 60 KU +47 11 61 YB +47 11 62 MA +47 11 63 YB +47 11 64 MA +47 11 65 YB +47 11 66 KW +47 11 67 MA +47 11 68 YB +47 11 69 YG +47 11 70 KW +47 11 71 YB +47 11 72 MA +47 11 73 YB +47 11 74 MA +47 11 75 MA +47 11 76 YG +47 11 77 MA +47 11 78 YG +47 11 79 KU +47 11 80 MA +47 11 81 MA +47 11 82 MA +47 11 83 YG +47 11 84 YG +47 11 85 MA +47 11 86 YB +47 11 87 KU +47 11 88 YB +47 11 89 KU +47 11 90 KU +47 11 91 YG +47 11 92 KW +47 11 93 MA +47 11 94 KU +47 11 95 MA +47 11 96 YG +47 11 97 KU +47 11 98 YB +47 11 99 KW +47 11 100 MA +47 11 101 YB +47 11 102 KW +47 11 103 YG +47 11 104 MA +47 11 105 YB +47 11 106 YG +47 11 107 KW +47 11 108 MA +47 11 109 KU +47 11 110 YG +47 11 111 MA +47 11 112 YB +47 11 113 KU +47 11 114 MA +47 11 115 YB +47 11 116 MA +47 11 117 YG +47 11 118 YB +47 11 119 MA +47 11 120 KW +47 11 121 YB +47 11 122 MA +47 11 123 MA +47 11 124 YG +47 11 125 YB +47 11 126 YG +47 11 127 KU +47 11 128 YG +47 11 129 KW +47 11 130 KU +47 11 131 YB +47 11 132 YB +47 11 133 MA +47 11 134 YG +47 11 135 YB +47 11 136 MA +47 11 137 MA +47 11 138 MA +47 11 139 KW +47 11 140 KU +47 11 141 KW +47 11 142 KW +47 11 143 YG +47 11 144 KU +47 11 145 MA +47 11 146 YG +47 11 147 MA +47 11 148 YB +47 11 149 MA +47 11 150 YB +47 11 151 YG +47 11 152 YB +47 11 153 MA +47 11 154 KU +47 11 155 YG +47 11 156 MA +47 11 157 YG +47 11 158 KW +47 11 159 YG +47 11 160 KW +47 11 161 MA +47 11 162 YB +47 11 163 MA +47 11 164 MA +47 11 165 YG +47 11 166 KU +47 11 167 KW +47 11 168 MA +47 11 169 MA +47 11 170 KU +47 11 171 YG +47 11 172 KW +47 11 173 YB +47 11 174 YG +47 11 175 MA +47 11 176 YB +47 11 177 YG +47 11 178 MA +47 11 179 YB +47 11 180 MA +47 11 181 YG +47 11 182 YB +47 11 183 YG +47 11 184 YG +47 11 185 YG +47 11 186 MA +47 11 187 YG +47 11 188 MA +47 11 189 KW +47 11 190 YG +47 11 191 MA +47 11 192 YG +47 11 193 YG +47 11 194 YB +47 11 195 MA +47 11 196 MA +47 11 197 YG +47 11 198 KU +47 11 199 KW +47 11 200 MA +47 11 201 YG +47 11 202 MA +47 11 203 YB +47 11 204 KU +47 11 205 MA +47 11 206 KW +47 11 207 YB +47 11 208 YG +47 11 209 MA +47 11 210 YB +47 11 211 MA +47 11 212 YG +47 11 213 KW +47 11 214 YG +47 11 215 YB +47 11 216 MA +47 11 217 YG +47 11 218 YG +47 11 219 KW +47 11 220 KU +47 11 221 KW +47 11 222 YB +47 11 223 MA +47 11 224 KW +47 11 225 YG +47 11 226 KU +47 11 227 KU +47 11 228 KU +47 11 229 MA +47 11 230 YG +47 11 231 YB +47 11 232 YG +47 11 233 MA +47 11 234 MA +47 11 235 KU +47 11 236 YG +47 11 237 YG +47 11 238 MA +47 11 239 YB +47 11 240 YB +47 11 241 KW +47 11 242 YG +47 11 243 YB +47 11 244 KW +47 11 245 YB +47 11 246 MA +47 11 247 KU +47 11 248 MA +47 11 249 MA +47 11 250 YB +47 11 251 MA +47 11 252 KW +47 11 253 MA +47 11 254 MA +47 11 255 KU +47 11 256 YB +47 11 257 KU +47 11 258 YG +47 11 259 YB +47 11 260 KW +47 11 261 YG +47 11 262 KW +47 11 263 KW +47 11 264 KW +47 11 265 MA +47 11 266 YB +47 11 267 YB +47 11 268 MA +47 11 269 YB +47 11 270 YG +47 11 271 MA +47 11 272 KW +47 11 273 YB +47 11 274 KW +47 11 275 YG +47 11 276 YB +47 11 277 MA +47 11 278 YG +47 11 279 KU +47 11 280 MA +47 11 281 MA +47 11 282 MA +47 11 283 YG +47 11 284 KW +47 11 285 YB +47 11 286 KW +47 11 287 YG +47 11 288 YB +47 11 289 MA +47 11 290 KW +47 11 291 KU +47 11 292 YB +47 11 293 KW +47 11 294 KW +47 11 295 YG +47 11 296 KU +47 11 297 YG +47 11 298 YB +47 11 299 MA +47 11 300 KW +47 11 301 MA +47 11 302 KW +47 11 303 MA +47 11 304 YG +47 11 305 YB +47 11 306 MA +47 11 307 MA +47 11 308 YG +47 11 309 YG +47 11 310 MA +47 11 311 KU +47 11 312 KU +47 11 313 KU +47 11 314 KW +47 11 315 MA +47 11 316 MA +47 11 317 YB +47 11 318 YG +47 11 319 KW +47 11 320 YG +47 11 321 YB +47 11 322 MA +47 11 323 MA +47 11 324 KW +47 11 325 YB +47 11 326 YG +47 11 327 KW +47 11 328 MA +47 11 329 YG +47 11 330 KW +47 12 1 MA +47 12 2 MA +47 12 3 YB +47 12 4 BW +47 12 5 MA +47 12 6 YG +47 12 7 MA +47 12 8 YB +47 12 9 YG +47 12 10 MA +47 12 11 UU +47 12 12 YG +47 12 13 UU +47 12 14 MA +47 12 15 BW +47 12 16 KW +47 12 17 YB +47 12 18 UU +47 12 19 MA +47 12 20 MA +47 12 21 YB +47 12 22 YG +47 12 23 BW +47 12 24 UU +47 12 25 MA +47 12 26 MA +47 12 27 KW +47 12 28 YB +47 12 29 MA +47 12 30 BW +47 12 31 MA +47 12 32 BW +47 12 33 MA +47 12 34 MA +47 12 35 YB +47 12 36 UU +47 12 37 MA +47 12 38 YB +47 12 39 MA +47 12 40 MA +47 12 41 YB +47 12 42 YG +47 12 43 MA +47 12 44 KW +47 12 45 MA +47 12 46 UU +47 12 47 UU +47 12 48 YG +47 12 49 MA +47 12 50 BW +47 12 51 BW +47 12 52 KW +47 12 53 YB +47 12 54 MA +47 12 55 MA +47 12 56 KW +47 12 57 MA +47 12 58 UU +47 12 59 BW +47 12 60 MA +47 12 61 YB +47 12 62 BW +47 12 63 BW +47 12 64 MA +47 12 65 YB +47 12 66 KW +47 12 67 MA +47 12 68 YB +47 12 69 BW +47 12 70 KW +47 12 71 YB +47 12 72 MA +47 12 73 BW +47 12 74 MA +47 12 75 BW +47 12 76 YG +47 12 77 MA +47 12 78 YG +47 12 79 UU +47 12 80 MA +47 12 81 MA +47 12 82 MA +47 12 83 KW +47 12 84 KW +47 12 85 MA +47 12 86 YB +47 12 87 UU +47 12 88 YB +47 12 89 UU +47 12 90 MA +47 12 91 YG +47 12 92 KW +47 12 93 MA +47 12 94 UU +47 12 95 KW +47 12 96 YG +47 12 97 BW +47 12 98 YB +47 12 99 BW +47 12 100 MA +47 12 101 YB +47 12 102 BW +47 12 103 BW +47 12 104 MA +47 12 105 BW +47 12 106 YG +47 12 107 KW +47 12 108 KW +47 12 109 MA +47 12 110 YG +47 12 111 UU +47 12 112 YB +47 12 113 UU +47 12 114 MA +47 12 115 YB +47 12 116 KW +47 12 117 UU +47 12 118 BW +47 12 119 MA +47 12 120 KW +47 12 121 YB +47 12 122 MA +47 12 123 MA +47 12 124 MA +47 12 125 YB +47 12 126 YB +47 12 127 MA +47 12 128 YG +47 12 129 KW +47 12 130 UU +47 12 131 BW +47 12 132 YB +47 12 133 MA +47 12 134 BW +47 12 135 YB +47 12 136 MA +47 12 137 BW +47 12 138 MA +47 12 139 KW +47 12 140 MA +47 12 141 KW +47 12 142 KW +47 12 143 MA +47 12 144 UU +47 12 145 MA +47 12 146 YG +47 12 147 MA +47 12 148 YB +47 12 149 MA +47 12 150 BW +47 12 151 BW +47 12 152 BW +47 12 153 MA +47 12 154 UU +47 12 155 BW +47 12 156 MA +47 12 157 BW +47 12 158 KW +47 12 159 YG +47 12 160 YB +47 12 161 MA +47 12 162 YB +47 12 163 MA +47 12 164 MA +47 12 165 MA +47 12 166 MA +47 12 167 KW +47 12 168 MA +47 12 169 MA +47 12 170 UU +47 12 171 BW +47 12 172 KW +47 12 173 YB +47 12 174 YG +47 12 175 KW +47 12 176 YB +47 12 177 KW +47 12 178 MA +47 12 179 YB +47 12 180 MA +47 12 181 YG +47 12 182 YB +47 12 183 BW +47 12 184 BW +47 12 185 YG +47 12 186 MA +47 12 187 YG +47 12 188 MA +47 12 189 KW +47 12 190 KW +47 12 191 MA +47 12 192 BW +47 12 193 YG +47 12 194 YB +47 12 195 MA +47 12 196 MA +47 12 197 BW +47 12 198 UU +47 12 199 KW +47 12 200 MA +47 12 201 KW +47 12 202 MA +47 12 203 YB +47 12 204 UU +47 12 205 BW +47 12 206 KW +47 12 207 YB +47 12 208 YG +47 12 209 MA +47 12 210 YB +47 12 211 MA +47 12 212 YG +47 12 213 KW +47 12 214 YG +47 12 215 KW +47 12 216 BW +47 12 217 KW +47 12 218 YG +47 12 219 KW +47 12 220 MA +47 12 221 KW +47 12 222 KU +47 12 223 MA +47 12 224 KW +47 12 225 YG +47 12 226 MA +47 12 227 UU +47 12 228 MA +47 12 229 MA +47 12 230 KW +47 12 231 YB +47 12 232 BW +47 12 233 MA +47 12 234 MA +47 12 235 MA +47 12 236 YG +47 12 237 KW +47 12 238 MA +47 12 239 KW +47 12 240 BW +47 12 241 KW +47 12 242 YG +47 12 243 YB +47 12 244 KW +47 12 245 YB +47 12 246 MA +47 12 247 BW +47 12 248 UU +47 12 249 MA +47 12 250 BW +47 12 251 MA +47 12 252 KW +47 12 253 MA +47 12 254 BW +47 12 255 UU +47 12 256 YB +47 12 257 MA +47 12 258 YG +47 12 259 YB +47 12 260 KW +47 12 261 YG +47 12 262 KW +47 12 263 UU +47 12 264 KW +47 12 265 MA +47 12 266 BW +47 12 267 BW +47 12 268 MA +47 12 269 YB +47 12 270 YG +47 12 271 MA +47 12 272 KW +47 12 273 BW +47 12 274 KW +47 12 275 YG +47 12 276 YB +47 12 277 MA +47 12 278 YG +47 12 279 MA +47 12 280 YG +47 12 281 MA +47 12 282 MA +47 12 283 BW +47 12 284 KW +47 12 285 KW +47 12 286 KW +47 12 287 YG +47 12 288 YB +47 12 289 MA +47 12 290 KW +47 12 291 MA +47 12 292 YG +47 12 293 KW +47 12 294 KW +47 12 295 BW +47 12 296 BW +47 12 297 YG +47 12 298 YB +47 12 299 MA +47 12 300 KW +47 12 301 MA +47 12 302 KW +47 12 303 KW +47 12 304 YG +47 12 305 BW +47 12 306 MA +47 12 307 MA +47 12 308 BW +47 12 309 BW +47 12 310 MA +47 12 311 MA +47 12 312 UU +47 12 313 BW +47 12 314 KW +47 12 315 MA +47 12 316 MA +47 12 317 YB +47 12 318 YG +47 12 319 KW +47 12 320 YG +47 12 321 YB +47 12 322 MA +47 12 323 MA +47 12 324 KW +47 12 325 BW +47 12 326 YG +47 12 327 KW +47 12 328 MA +47 12 329 BW +47 12 330 KW +47 13 1 MA +47 13 2 MA +47 13 3 YB +47 13 4 YB +47 13 5 MA +47 13 6 YG +47 13 7 MA +47 13 8 YB +47 13 9 BW +47 13 10 KU +47 13 11 UU +47 13 12 YG +47 13 13 MA +47 13 14 MA +47 13 15 YG +47 13 16 KW +47 13 17 YB +47 13 18 KW +47 13 19 MA +47 13 20 MA +47 13 21 YB +47 13 22 YG +47 13 23 KU +47 13 24 KU +47 13 25 MA +47 13 26 KU +47 13 27 KW +47 13 28 YB +47 13 29 MA +47 13 30 YG +47 13 31 MA +47 13 32 YB +47 13 33 MA +47 13 34 MA +47 13 35 YB +47 13 36 MA +47 13 37 KW +47 13 38 YB +47 13 39 MA +47 13 40 MA +47 13 41 YB +47 13 42 YG +47 13 43 KU +47 13 44 KW +47 13 45 MA +47 13 46 UU +47 13 47 MA +47 13 48 YG +47 13 49 MA +47 13 50 BW +47 13 51 KU +47 13 52 KW +47 13 53 YB +47 13 54 MA +47 13 55 MA +47 13 56 YG +47 13 57 MA +47 13 58 YG +47 13 59 KW +47 13 60 KU +47 13 61 YB +47 13 62 KW +47 13 63 KU +47 13 64 KU +47 13 65 YB +47 13 66 KW +47 13 67 MA +47 13 68 YB +47 13 69 KU +47 13 70 KW +47 13 71 YB +47 13 72 MA +47 13 73 KU +47 13 74 MA +47 13 75 KU +47 13 76 YB +47 13 77 MA +47 13 78 YG +47 13 79 KU +47 13 80 MA +47 13 81 MA +47 13 82 MA +47 13 83 YG +47 13 84 YB +47 13 85 MA +47 13 86 YB +47 13 87 KU +47 13 88 YB +47 13 89 KU +47 13 90 MA +47 13 91 YG +47 13 92 YG +47 13 93 MA +47 13 94 KU +47 13 95 KW +47 13 96 YG +47 13 97 KU +47 13 98 YB +47 13 99 YG +47 13 100 MA +47 13 101 YB +47 13 102 KW +47 13 103 KU +47 13 104 KW +47 13 105 YB +47 13 106 YG +47 13 107 KW +47 13 108 KW +47 13 109 KU +47 13 110 YG +47 13 111 KU +47 13 112 YB +47 13 113 KU +47 13 114 MA +47 13 115 YB +47 13 116 KW +47 13 117 KU +47 13 118 YB +47 13 119 MA +47 13 120 KW +47 13 121 YB +47 13 122 MA +47 13 123 MA +47 13 124 YG +47 13 125 YB +47 13 126 KU +47 13 127 MA +47 13 128 YG +47 13 129 KW +47 13 130 KU +47 13 131 KU +47 13 132 YB +47 13 133 MA +47 13 134 KU +47 13 135 YB +47 13 136 MA +47 13 137 MA +47 13 138 MA +47 13 139 KW +47 13 140 MA +47 13 141 KW +47 13 142 KW +47 13 143 MA +47 13 144 KU +47 13 145 MA +47 13 146 YG +47 13 147 MA +47 13 148 YB +47 13 149 MA +47 13 150 KU +47 13 151 KU +47 13 152 KW +47 13 153 MA +47 13 154 KU +47 13 155 KU +47 13 156 MA +47 13 157 KU +47 13 158 KW +47 13 159 YG +47 13 160 YG +47 13 161 MA +47 13 162 YB +47 13 163 MA +47 13 164 KU +47 13 165 KU +47 13 166 KU +47 13 167 KW +47 13 168 MA +47 13 169 MA +47 13 170 KU +47 13 171 MA +47 13 172 KW +47 13 173 YB +47 13 174 YG +47 13 175 MA +47 13 176 YB +47 13 177 YG +47 13 178 KU +47 13 179 YB +47 13 180 MA +47 13 181 YG +47 13 182 YB +47 13 183 KU +47 13 184 KU +47 13 185 KU +47 13 186 MA +47 13 187 YG +47 13 188 MA +47 13 189 KW +47 13 190 YB +47 13 191 MA +47 13 192 KU +47 13 193 YG +47 13 194 YB +47 13 195 MA +47 13 196 KW +47 13 197 KU +47 13 198 KU +47 13 199 KW +47 13 200 MA +47 13 201 YG +47 13 202 MA +47 13 203 YB +47 13 204 KU +47 13 205 KU +47 13 206 KW +47 13 207 YB +47 13 208 YG +47 13 209 MA +47 13 210 KU +47 13 211 MA +47 13 212 YG +47 13 213 KW +47 13 214 MA +47 13 215 YB +47 13 216 KU +47 13 217 YB +47 13 218 MA +47 13 219 KW +47 13 220 KU +47 13 221 KW +47 13 222 KU +47 13 223 MA +47 13 224 KW +47 13 225 KU +47 13 226 KU +47 13 227 KU +47 13 228 KU +47 13 229 MA +47 13 230 YG +47 13 231 YB +47 13 232 KU +47 13 233 KU +47 13 234 MA +47 13 235 KU +47 13 236 MA +47 13 237 YG +47 13 238 MA +47 13 239 YB +47 13 240 KU +47 13 241 KW +47 13 242 YG +47 13 243 YB +47 13 244 KW +47 13 245 YB +47 13 246 MA +47 13 247 KU +47 13 248 MA +47 13 249 MA +47 13 250 KU +47 13 251 MA +47 13 252 KW +47 13 253 MA +47 13 254 KW +47 13 255 KU +47 13 256 YB +47 13 257 KU +47 13 258 YG +47 13 259 YB +47 13 260 KW +47 13 261 YG +47 13 262 KW +47 13 263 KW +47 13 264 KW +47 13 265 MA +47 13 266 KU +47 13 267 KU +47 13 268 MA +47 13 269 YB +47 13 270 YG +47 13 271 MA +47 13 272 KW +47 13 273 KU +47 13 274 KW +47 13 275 YG +47 13 276 YB +47 13 277 KU +47 13 278 YG +47 13 279 KU +47 13 280 MA +47 13 281 MA +47 13 282 MA +47 13 283 KU +47 13 284 KW +47 13 285 YB +47 13 286 KW +47 13 287 KU +47 13 288 YB +47 13 289 MA +47 13 290 KW +47 13 291 KU +47 13 292 YB +47 13 293 KW +47 13 294 KW +47 13 295 KU +47 13 296 KU +47 13 297 YG +47 13 298 YB +47 13 299 MA +47 13 300 KW +47 13 301 MA +47 13 302 KW +47 13 303 KW +47 13 304 MA +47 13 305 KU +47 13 306 MA +47 13 307 KU +47 13 308 KU +47 13 309 KU +47 13 310 MA +47 13 311 KU +47 13 312 KU +47 13 313 KU +47 13 314 KW +47 13 315 MA +47 13 316 MA +47 13 317 YB +47 13 318 YG +47 13 319 KW +47 13 320 KU +47 13 321 YB +47 13 322 KW +47 13 323 MA +47 13 324 KW +47 13 325 YB +47 13 326 YG +47 13 327 KW +47 13 328 MA +47 13 329 KU +47 13 330 KW +47 14 1 YG +47 14 2 HW +47 14 3 YB +47 14 4 BW +47 14 5 MA +47 14 6 YG +47 14 7 MA +47 14 8 HH +47 14 9 HW +47 14 10 MA +47 14 11 HW +47 14 12 YG +47 14 13 UU +47 14 14 GG +47 14 15 HW +47 14 16 SS +47 14 17 YB +47 14 18 UU +47 14 19 HW +47 14 20 MA +47 14 21 YB +47 14 22 YG +47 14 23 YB +47 14 24 HW +47 14 25 MA +47 14 26 MA +47 14 27 KW +47 14 28 YB +47 14 29 MA +47 14 30 HH +47 14 31 HW +47 14 32 YB +47 14 33 MA +47 14 34 SS +47 14 35 HW +47 14 36 GG +47 14 37 HW +47 14 38 YB +47 14 39 HW +47 14 40 DD +47 14 41 YB +47 14 42 HW +47 14 43 KU +47 14 44 KW +47 14 45 MA +47 14 46 UU +47 14 47 YG +47 14 48 LZ +47 14 49 HW +47 14 50 YG +47 14 51 LK +47 14 52 HW +47 14 53 YB +47 14 54 MA +47 14 55 HW +47 14 56 DD +47 14 57 UU +47 14 58 HW +47 14 59 SS +47 14 60 GG +47 14 61 YB +47 14 62 SS +47 14 63 YB +47 14 64 MA +47 14 65 YB +47 14 66 HW +47 14 67 MA +47 14 68 YB +47 14 69 UU +47 14 70 HW +47 14 71 GG +47 14 72 MA +47 14 73 UU +47 14 74 HW +47 14 75 * +47 14 76 YB +47 14 77 BW +47 14 78 HW +47 14 79 KU +47 14 80 MA +47 14 81 MA +47 14 82 LK +47 14 83 DD +47 14 84 DD +47 14 85 MA +47 14 86 YB +47 14 87 KU +47 14 88 YB +47 14 89 MH +47 14 90 * +47 14 91 MA +47 14 92 HW +47 14 93 SS +47 14 94 MH +47 14 95 KW +47 14 96 * +47 14 97 HW +47 14 98 YB +47 14 99 KW +47 14 100 LK +47 14 101 YB +47 14 102 HW +47 14 103 YG +47 14 104 HW +47 14 105 HH +47 14 106 YG +47 14 107 KW +47 14 108 KW +47 14 109 SS +47 14 110 * +47 14 111 KU +47 14 112 YB +47 14 113 KU +47 14 114 GG +47 14 115 YB +47 14 116 HW +47 14 117 * +47 14 118 YB +47 14 119 MA +47 14 120 KW +47 14 121 YB +47 14 122 MA +47 14 123 KU +47 14 124 MA +47 14 125 YB +47 14 126 HW +47 14 127 KU +47 14 128 MA +47 14 129 KW +47 14 130 KU +47 14 131 KU +47 14 132 YB +47 14 133 * +47 14 134 MH +47 14 135 YB +47 14 136 MA +47 14 137 KU +47 14 138 KW +47 14 139 HW +47 14 140 HW +47 14 141 KW +47 14 142 KW +47 14 143 MA +47 14 144 KU +47 14 145 MA +47 14 146 YG +47 14 147 MA +47 14 148 YB +47 14 149 MA +47 14 150 KU +47 14 151 HW +47 14 152 SS +47 14 153 MA +47 14 154 KU +47 14 155 GG +47 14 156 BW +47 14 157 KU +47 14 158 KW +47 14 159 YG +47 14 160 LK +47 14 161 MA +47 14 162 YB +47 14 163 HW +47 14 164 SS +47 14 165 KU +47 14 166 YG +47 14 167 HW +47 14 168 KU +47 14 169 HW +47 14 170 KU +47 14 171 YG +47 14 172 KW +47 14 173 YB +47 14 174 YG +47 14 175 HW +47 14 176 YB +47 14 177 YG +47 14 178 KU +47 14 179 UU +47 14 180 MA +47 14 181 YG +47 14 182 KU +47 14 183 HW +47 14 184 UU +47 14 185 UU +47 14 186 HW +47 14 187 YG +47 14 188 HW +47 14 189 KW +47 14 190 WA +47 14 191 KU +47 14 192 HW +47 14 193 MA +47 14 194 BW +47 14 195 MA +47 14 196 WA +47 14 197 HW +47 14 198 MH +47 14 199 WA +47 14 200 HW +47 14 201 WA +47 14 202 MA +47 14 203 YB +47 14 204 KU +47 14 205 HW +47 14 206 KW +47 14 207 YB +47 14 208 YG +47 14 209 KU +47 14 210 KU +47 14 211 HW +47 14 212 YG +47 14 213 HW +47 14 214 MA +47 14 215 HW +47 14 216 KU +47 14 217 WA +47 14 218 MA +47 14 219 KW +47 14 220 HW +47 14 221 KW +47 14 222 KU +47 14 223 MA +47 14 224 WA +47 14 225 YG +47 14 226 MA +47 14 227 KU +47 14 228 HW +47 14 229 MA +47 14 230 KW +47 14 231 YB +47 14 232 * +47 14 233 HW +47 14 234 MA +47 14 235 MA +47 14 236 YG +47 14 237 HH +47 14 238 HW +47 14 239 YB +47 14 240 WD +47 14 241 HW +47 14 242 YG +47 14 243 YB +47 14 244 KW +47 14 245 YB +47 14 246 HW +47 14 247 SS +47 14 248 MH +47 14 249 MA +47 14 250 HW +47 14 251 MA +47 14 252 KW +47 14 253 BW +47 14 254 HW +47 14 255 HW +47 14 256 YB +47 14 257 BW +47 14 258 MA +47 14 259 YB +47 14 260 HW +47 14 261 WD +47 14 262 KW +47 14 263 KU +47 14 264 SS +47 14 265 MA +47 14 266 WD +47 14 267 YB +47 14 268 MA +47 14 269 YB +47 14 270 YG +47 14 271 KU +47 14 272 KW +47 14 273 YB +47 14 274 KW +47 14 275 * +47 14 276 YB +47 14 277 HW +47 14 278 HH +47 14 279 KU +47 14 280 MA +47 14 281 MA +47 14 282 MA +47 14 283 KU +47 14 284 UF +47 14 285 HW +47 14 286 KW +47 14 287 YG +47 14 288 YB +47 14 289 HW +47 14 290 HW +47 14 291 MA +47 14 292 WD +47 14 293 HW +47 14 294 KW +47 14 295 BW +47 14 296 HH +47 14 297 YG +47 14 298 YB +47 14 299 MA +47 14 300 HW +47 14 301 MA +47 14 302 UF +47 14 303 KW +47 14 304 MH +47 14 305 YB +47 14 306 MA +47 14 307 HW +47 14 308 HH +47 14 309 BW +47 14 310 MA +47 14 311 BW +47 14 312 KU +47 14 313 HW +47 14 314 KW +47 14 315 MA +47 14 316 BW +47 14 317 YB +47 14 318 YG +47 14 319 UF +47 14 320 MA +47 14 321 YB +47 14 322 HW +47 14 323 MA +47 14 324 HW +47 14 325 YB +47 14 326 YG +47 14 327 KW +47 14 328 BW +47 14 329 WD +47 14 330 KW +47 15 1 MA +47 15 2 YG +47 15 3 YB +47 15 4 KU +47 15 5 YG +47 15 6 YG +47 15 7 MA +47 15 8 YG +47 15 9 YG +47 15 10 MA +47 15 11 YG +47 15 12 YG +47 15 13 YG +47 15 14 MA +47 15 15 LL +47 15 16 KW +47 15 17 YB +47 15 18 KW +47 15 19 MA +47 15 20 MA +47 15 21 LL +47 15 22 YG +47 15 23 LL +47 15 24 YG +47 15 25 MA +47 15 26 MA +47 15 27 YG +47 15 28 YB +47 15 29 MA +47 15 30 YG +47 15 31 MA +47 15 32 YG +47 15 33 YG +47 15 34 MA +47 15 35 LL +47 15 36 MA +47 15 37 MA +47 15 38 YB +47 15 39 MA +47 15 40 MA +47 15 41 YB +47 15 42 YG +47 15 43 KU +47 15 44 YG +47 15 45 MA +47 15 46 KW +47 15 47 KU +47 15 48 YG +47 15 49 MA +47 15 50 LL +47 15 51 YG +47 15 52 YG +47 15 53 YB +47 15 54 YG +47 15 55 YG +47 15 56 YG +47 15 57 MA +47 15 58 YG +47 15 59 LL +47 15 60 KU +47 15 61 YB +47 15 62 LL +47 15 63 YG +47 15 64 MA +47 15 65 YB +47 15 66 KW +47 15 67 YG +47 15 68 LL +47 15 69 YG +47 15 70 LL +47 15 71 YG +47 15 72 MA +47 15 73 LL +47 15 74 KW +47 15 75 MA +47 15 76 YG +47 15 77 MA +47 15 78 YG +47 15 79 KW +47 15 80 MA +47 15 81 YG +47 15 82 MA +47 15 83 YG +47 15 84 YG +47 15 85 MA +47 15 86 LL +47 15 87 KW +47 15 88 LL +47 15 89 KW +47 15 90 MA +47 15 91 YG +47 15 92 YG +47 15 93 MA +47 15 94 YG +47 15 95 KW +47 15 96 YG +47 15 97 LL +47 15 98 YB +47 15 99 LL +47 15 100 MA +47 15 101 LL +47 15 102 LL +47 15 103 YG +47 15 104 MA +47 15 105 LL +47 15 106 YG +47 15 107 YG +47 15 108 KW +47 15 109 MA +47 15 110 YG +47 15 111 YG +47 15 112 YB +47 15 113 KW +47 15 114 MA +47 15 115 YB +47 15 116 KW +47 15 117 YG +47 15 118 YG +47 15 119 MA +47 15 120 KW +47 15 121 YG +47 15 122 MA +47 15 123 MA +47 15 124 YG +47 15 125 YB +47 15 126 YG +47 15 127 KU +47 15 128 YG +47 15 129 YG +47 15 130 KU +47 15 131 LL +47 15 132 YB +47 15 133 MA +47 15 134 YG +47 15 135 YG +47 15 136 MA +47 15 137 YG +47 15 138 MA +47 15 139 YG +47 15 140 MA +47 15 141 KW +47 15 142 LL +47 15 143 YG +47 15 144 MA +47 15 145 MA +47 15 146 YG +47 15 147 YG +47 15 148 YB +47 15 149 YG +47 15 150 KU +47 15 151 YG +47 15 152 LL +47 15 153 MA +47 15 154 KW +47 15 155 YG +47 15 156 MA +47 15 157 YG +47 15 158 KW +47 15 159 YG +47 15 160 YG +47 15 161 MA +47 15 162 YB +47 15 163 MA +47 15 164 MA +47 15 165 YG +47 15 166 MA +47 15 167 YG +47 15 168 MA +47 15 169 MA +47 15 170 KU +47 15 171 YG +47 15 172 KW +47 15 173 YB +47 15 174 YG +47 15 175 MA +47 15 176 YG +47 15 177 YG +47 15 178 MA +47 15 179 YG +47 15 180 MA +47 15 181 YG +47 15 182 YB +47 15 183 YG +47 15 184 YG +47 15 185 YB +47 15 186 MA +47 15 187 YG +47 15 188 MA +47 15 189 KW +47 15 190 YG +47 15 191 MA +47 15 192 * +47 15 193 YG +47 15 194 YB +47 15 195 MA +47 15 196 MA +47 15 197 YG +47 15 198 KW +47 15 199 YG +47 15 200 KW +47 15 201 YG +47 15 202 MA +47 15 203 YB +47 15 204 KW +47 15 205 YG +47 15 206 YG +47 15 207 YB +47 15 208 YG +47 15 209 MA +47 15 210 YG +47 15 211 MA +47 15 212 YG +47 15 213 LL +47 15 214 YG +47 15 215 YG +47 15 216 KW +47 15 217 YG +47 15 218 YG +47 15 219 KW +47 15 220 MA +47 15 221 BW +47 15 222 LL +47 15 223 MA +47 15 224 KW +47 15 225 YG +47 15 226 MA +47 15 227 KW +47 15 228 KU +47 15 229 YG +47 15 230 KW +47 15 231 YG +47 15 232 YG +47 15 233 YG +47 15 234 MA +47 15 235 KU +47 15 236 YG +47 15 237 YG +47 15 238 MA +47 15 239 YG +47 15 240 YG +47 15 241 YG +47 15 242 YG +47 15 243 YB +47 15 244 KW +47 15 245 YB +47 15 246 YG +47 15 247 YG +47 15 248 MA +47 15 249 MA +47 15 250 MA +47 15 251 YG +47 15 252 YG +47 15 253 YG +47 15 254 LL +47 15 255 KW +47 15 256 YB +47 15 257 MA +47 15 258 YG +47 15 259 YB +47 15 260 YG +47 15 261 YG +47 15 262 YG +47 15 263 YG +47 15 264 YG +47 15 265 MA +47 15 266 YB +47 15 267 YG +47 15 268 YG +47 15 269 YB +47 15 270 YG +47 15 271 MA +47 15 272 KW +47 15 273 YG +47 15 274 KW +47 15 275 YG +47 15 276 YB +47 15 277 MA +47 15 278 YG +47 15 279 MA +47 15 280 YG +47 15 281 MA +47 15 282 YG +47 15 283 YG +47 15 284 KW +47 15 285 YG +47 15 286 KW +47 15 287 * +47 15 288 YB +47 15 289 YG +47 15 290 YG +47 15 291 KU +47 15 292 YG +47 15 293 YG +47 15 294 KW +47 15 295 YG +47 15 296 LL +47 15 297 YG +47 15 298 YB +47 15 299 MA +47 15 300 KW +47 15 301 MA +47 15 302 KW +47 15 303 YG +47 15 304 YG +47 15 305 YB +47 15 306 YG +47 15 307 MA +47 15 308 LL +47 15 309 YG +47 15 310 MA +47 15 311 MA +47 15 312 KW +47 15 313 MA +47 15 314 YG +47 15 315 YG +47 15 316 MA +47 15 317 YB +47 15 318 YG +47 15 319 KW +47 15 320 YG +47 15 321 YB +47 15 322 YG +47 15 323 MA +47 15 324 YG +47 15 325 YG +47 15 326 YG +47 15 327 KW +47 15 328 MA +47 15 329 YG +47 15 330 KW +47 16 1 MA +47 16 2 MA +47 16 3 YB +47 16 4 BW +47 16 5 MA +47 16 6 YG +47 16 7 MA +47 16 8 YB +47 16 9 YG +47 16 10 KU +47 16 11 MA +47 16 12 YG +47 16 13 MA +47 16 14 WA +47 16 15 YG +47 16 16 KW +47 16 17 YB +47 16 18 KU +47 16 19 MA +47 16 20 MA +47 16 21 YB +47 16 22 YG +47 16 23 WA +47 16 24 UU +47 16 25 MA +47 16 26 HW +47 16 27 WA +47 16 28 YB +47 16 29 MA +47 16 30 HW +47 16 31 HW +47 16 32 YB +47 16 33 MA +47 16 34 MA +47 16 35 YG +47 16 36 MA +47 16 37 HW +47 16 38 BK +47 16 39 MA +47 16 40 HW +47 16 41 YB +47 16 42 YG +47 16 43 UU +47 16 44 UF +47 16 45 MA +47 16 46 DD +47 16 47 UU +47 16 48 YG +47 16 49 WA +47 16 50 MH +47 16 51 WA +47 16 52 HW +47 16 53 YB +47 16 54 MA +47 16 55 MA +47 16 56 HW +47 16 57 MA +47 16 58 YG +47 16 59 KW +47 16 60 MH +47 16 61 YB +47 16 62 SS +47 16 63 YG +47 16 64 KU +47 16 65 * +47 16 66 KW +47 16 67 * +47 16 68 YB +47 16 69 LF +47 16 70 KW +47 16 71 YE +47 16 72 MA +47 16 73 YB +47 16 74 SS +47 16 75 MA +47 16 76 IW +47 16 77 MA +47 16 78 SS +47 16 79 MH +47 16 80 MA +47 16 81 MA +47 16 82 MA +47 16 83 HW +47 16 84 YG +47 16 85 MA +47 16 86 YB +47 16 87 MH +47 16 88 YB +47 16 89 YE +47 16 90 YE +47 16 91 * +47 16 92 HW +47 16 93 MA +47 16 94 UU +47 16 95 SS +47 16 96 BH +47 16 97 UM +47 16 98 YB +47 16 99 HW +47 16 100 HW +47 16 101 BK +47 16 102 SS +47 16 103 YG +47 16 104 HW +47 16 105 YB +47 16 106 YG +47 16 107 UF +47 16 108 SS +47 16 109 KU +47 16 110 YG +47 16 111 WA +47 16 112 YB +47 16 113 DD +47 16 114 MA +47 16 115 YB +47 16 116 SS +47 16 117 MH +47 16 118 YB +47 16 119 MA +47 16 120 KW +47 16 121 YB +47 16 122 MA +47 16 123 HW +47 16 124 YG +47 16 125 YB +47 16 126 HW +47 16 127 MH +47 16 128 YG +47 16 129 SS +47 16 130 DD +47 16 131 YB +47 16 132 YB +47 16 133 MA +47 16 134 MH +47 16 135 YB +47 16 136 SS +47 16 137 MH +47 16 138 DD +47 16 139 HW +47 16 140 MA +47 16 141 KW +47 16 142 DD +47 16 143 YG +47 16 144 MH +47 16 145 MA +47 16 146 YG +47 16 147 SS +47 16 148 * +47 16 149 HW +47 16 150 MH +47 16 151 DD +47 16 152 YG +47 16 153 MA +47 16 154 DD +47 16 155 MH +47 16 156 MA +47 16 157 UU +47 16 158 KW +47 16 159 * +47 16 160 HW +47 16 161 MA +47 16 162 YB +47 16 163 MA +47 16 164 KU +47 16 165 YG +47 16 166 YE +47 16 167 SS +47 16 168 MH +47 16 169 MA +47 16 170 MH +47 16 171 * +47 16 172 KW +47 16 173 YB +47 16 174 * +47 16 175 SS +47 16 176 YB +47 16 177 YG +47 16 178 BW +47 16 179 YB +47 16 180 MA +47 16 181 YG +47 16 182 MH +47 16 183 HW +47 16 184 SS +47 16 185 YG +47 16 186 MA +47 16 187 YG +47 16 188 * +47 16 189 SS +47 16 190 LA +47 16 191 MA +47 16 192 UU +47 16 193 YG +47 16 194 YB +47 16 195 MA +47 16 196 MA +47 16 197 SS +47 16 198 MH +47 16 199 KW +47 16 200 MA +47 16 201 HW +47 16 202 MA +47 16 203 YB +47 16 204 MH +47 16 205 MH +47 16 206 KW +47 16 207 YB +47 16 208 YG +47 16 209 MH +47 16 210 YE +47 16 211 SS +47 16 212 YG +47 16 213 HW +47 16 214 YG +47 16 215 SS +47 16 216 MH +47 16 217 SS +47 16 218 YG +47 16 219 HW +47 16 220 KU +47 16 221 KW +47 16 222 HW +47 16 223 MA +47 16 224 KW +47 16 225 YG +47 16 226 MA +47 16 227 MH +47 16 228 MH +47 16 229 SS +47 16 230 HW +47 16 231 YB +47 16 232 YG +47 16 233 HW +47 16 234 MA +47 16 235 KU +47 16 236 YG +47 16 237 YG +47 16 238 MA +47 16 239 YB +47 16 240 UU +47 16 241 KW +47 16 242 SS +47 16 243 MH +47 16 244 HW +47 16 245 YB +47 16 246 MA +47 16 247 KU +47 16 248 MH +47 16 249 MH +47 16 250 MH +47 16 251 DD +47 16 252 HW +47 16 253 MA +47 16 254 SS +47 16 255 KU +47 16 256 YB +47 16 257 MH +47 16 258 YG +47 16 259 YB +47 16 260 HW +47 16 261 YB +47 16 262 UF +47 16 263 UU +47 16 264 HW +47 16 265 MH +47 16 266 YB +47 16 267 UU +47 16 268 MA +47 16 269 YB +47 16 270 YG +47 16 271 MH +47 16 272 KW +47 16 273 YB +47 16 274 HW +47 16 275 YG +47 16 276 YB +47 16 277 MH +47 16 278 YG +47 16 279 KU +47 16 280 MA +47 16 281 MA +47 16 282 MA +47 16 283 MH +47 16 284 HW +47 16 285 KW +47 16 286 UF +47 16 287 YG +47 16 288 YB +47 16 289 MA +47 16 290 HW +47 16 291 MA +47 16 292 YG +47 16 293 HW +47 16 294 SS +47 16 295 MH +47 16 296 KU +47 16 297 YG +47 16 298 YB +47 16 299 MA +47 16 300 HW +47 16 301 MA +47 16 302 KW +47 16 303 SS +47 16 304 YG +47 16 305 MH +47 16 306 YG +47 16 307 MA +47 16 308 HW +47 16 309 MH +47 16 310 MA +47 16 311 KU +47 16 312 UU +47 16 313 MA +47 16 314 UF +47 16 315 MA +47 16 316 MA +47 16 317 YB +47 16 318 YG +47 16 319 HW +47 16 320 UU +47 16 321 YB +47 16 322 SS +47 16 323 MA +47 16 324 HW +47 16 325 YB +47 16 326 YG +47 16 327 KW +47 16 328 MA +47 16 329 YG +47 16 330 KW +47 17 1 MA +47 17 2 MA +47 17 3 YB +47 17 4 DA +47 17 5 MA +47 17 6 YG +47 17 7 MA +47 17 8 YB +47 17 9 YG +47 17 10 KU +47 17 11 MA +47 17 12 YG +47 17 13 MA +47 17 14 KU +47 17 15 YG +47 17 16 KW +47 17 17 YB +47 17 18 KU +47 17 19 MA +47 17 20 MA +47 17 21 YB +47 17 22 YG +47 17 23 KU +47 17 24 BB +47 17 25 MA +47 17 26 KU +47 17 27 KW +47 17 28 YB +47 17 29 MA +47 17 30 BB +47 17 31 MA +47 17 32 YB +47 17 33 MA +47 17 34 MA +47 17 35 YB +47 17 36 MA +47 17 37 KU +47 17 38 YB +47 17 39 MA +47 17 40 MA +47 17 41 YB +47 17 42 BB +47 17 43 KU +47 17 44 KW +47 17 45 MA +47 17 46 KW +47 17 47 MA +47 17 48 BB +47 17 49 MA +47 17 50 DA +47 17 51 BB +47 17 52 KW +47 17 53 YB +47 17 54 MA +47 17 55 MA +47 17 56 BB +47 17 57 KU +47 17 58 YG +47 17 59 KW +47 17 60 KU +47 17 61 YB +47 17 62 KU +47 17 63 YB +47 17 64 KU +47 17 65 YB +47 17 66 KW +47 17 67 MA +47 17 68 YB +47 17 69 MA +47 17 70 KW +47 17 71 YG +47 17 72 MA +47 17 73 KU +47 17 74 MA +47 17 75 KU +47 17 76 YG +47 17 77 MA +47 17 78 KW +47 17 79 KU +47 17 80 MA +47 17 81 MA +47 17 82 MA +47 17 83 KW +47 17 84 KW +47 17 85 MA +47 17 86 KW +47 17 87 KU +47 17 88 YG +47 17 89 KU +47 17 90 KU +47 17 91 YG +47 17 92 KW +47 17 93 MA +47 17 94 KU +47 17 95 KW +47 17 96 YG +47 17 97 KU +47 17 98 YB +47 17 99 KW +47 17 100 KW +47 17 101 YG +47 17 102 KW +47 17 103 KU +47 17 104 MA +47 17 105 YG +47 17 106 YG +47 17 107 KW +47 17 108 KW +47 17 109 KU +47 17 110 YG +47 17 111 KU +47 17 112 YB +47 17 113 KU +47 17 114 KU +47 17 115 YB +47 17 116 KW +47 17 117 YG +47 17 118 YB +47 17 119 MA +47 17 120 KW +47 17 121 YB +47 17 122 MA +47 17 123 MA +47 17 124 MA +47 17 125 YG +47 17 126 YB +47 17 127 MA +47 17 128 YG +47 17 129 KW +47 17 130 KU +47 17 131 KU +47 17 132 YG +47 17 133 MA +47 17 134 KU +47 17 135 YB +47 17 136 MA +47 17 137 MA +47 17 138 MA +47 17 139 KW +47 17 140 MA +47 17 141 KW +47 17 142 KW +47 17 143 MA +47 17 144 KU +47 17 145 MA +47 17 146 YG +47 17 147 MA +47 17 148 YB +47 17 149 MA +47 17 150 KU +47 17 151 YG +47 17 152 KW +47 17 153 MA +47 17 154 KU +47 17 155 BB +47 17 156 MA +47 17 157 BB +47 17 158 KW +47 17 159 YG +47 17 160 KW +47 17 161 MA +47 17 162 YB +47 17 163 MA +47 17 164 MA +47 17 165 MA +47 17 166 KU +47 17 167 KW +47 17 168 MA +47 17 169 MA +47 17 170 KU +47 17 171 MA +47 17 172 KW +47 17 173 YB +47 17 174 YG +47 17 175 KW +47 17 176 YB +47 17 177 KW +47 17 178 KU +47 17 179 BB +47 17 180 MA +47 17 181 YG +47 17 182 YB +47 17 183 MA +47 17 184 KU +47 17 185 YG +47 17 186 KW +47 17 187 YG +47 17 188 MA +47 17 189 KW +47 17 190 KW +47 17 191 MA +47 17 192 KU +47 17 193 YG +47 17 194 BB +47 17 195 MA +47 17 196 KW +47 17 197 KW +47 17 198 KU +47 17 199 KW +47 17 200 MA +47 17 201 YG +47 17 202 MA +47 17 203 YB +47 17 204 KU +47 17 205 KU +47 17 206 KW +47 17 207 YB +47 17 208 YG +47 17 209 MA +47 17 210 YG +47 17 211 MA +47 17 212 YG +47 17 213 KW +47 17 214 YG +47 17 215 YG +47 17 216 KU +47 17 217 KW +47 17 218 YG +47 17 219 KW +47 17 220 KU +47 17 221 KW +47 17 222 KU +47 17 223 MA +47 17 224 KW +47 17 225 YG +47 17 226 MA +47 17 227 KU +47 17 228 KU +47 17 229 KW +47 17 230 KW +47 17 231 YB +47 17 232 BB +47 17 233 KW +47 17 234 MA +47 17 235 MA +47 17 236 YG +47 17 237 KW +47 17 238 MA +47 17 239 YB +47 17 240 BB +47 17 241 KW +47 17 242 YG +47 17 243 YB +47 17 244 KW +47 17 245 YB +47 17 246 MA +47 17 247 KU +47 17 248 MA +47 17 249 MA +47 17 250 KU +47 17 251 MA +47 17 252 KW +47 17 253 MA +47 17 254 KW +47 17 255 KU +47 17 256 YB +47 17 257 KU +47 17 258 YG +47 17 259 BB +47 17 260 KW +47 17 261 BB +47 17 262 KW +47 17 263 KW +47 17 264 KW +47 17 265 MA +47 17 266 BB +47 17 267 KU +47 17 268 MA +47 17 269 YB +47 17 270 YG +47 17 271 MA +47 17 272 KW +47 17 273 YB +47 17 274 KW +47 17 275 YG +47 17 276 YB +47 17 277 KU +47 17 278 YG +47 17 279 KU +47 17 280 MA +47 17 281 MA +47 17 282 MA +47 17 283 YG +47 17 284 KW +47 17 285 YG +47 17 286 KW +47 17 287 BB +47 17 288 YB +47 17 289 MA +47 17 290 KW +47 17 291 MA +47 17 292 YG +47 17 293 KW +47 17 294 KW +47 17 295 BB +47 17 296 KU +47 17 297 YG +47 17 298 YB +47 17 299 MA +47 17 300 KW +47 17 301 MA +47 17 302 KW +47 17 303 KW +47 17 304 YG +47 17 305 KU +47 17 306 MA +47 17 307 KU +47 17 308 YG +47 17 309 YG +47 17 310 MA +47 17 311 MA +47 17 312 KU +47 17 313 KU +47 17 314 KW +47 17 315 MA +47 17 316 MA +47 17 317 YB +47 17 318 YG +47 17 319 KW +47 17 320 YG +47 17 321 YB +47 17 322 KW +47 17 323 MA +47 17 324 KW +47 17 325 KU +47 17 326 YG +47 17 327 KW +47 17 328 MA +47 17 329 BB +47 17 330 KW +47 18 1 MA +47 18 2 MA +47 18 3 YB +47 18 4 YB +47 18 5 MA +47 18 6 YG +47 18 7 MA +47 18 8 YB +47 18 9 YG +47 18 10 MA +47 18 11 MA +47 18 12 YG +47 18 13 MA +47 18 14 MA +47 18 15 YG +47 18 16 KW +47 18 17 YB +47 18 18 KU +47 18 19 MA +47 18 20 MA +47 18 21 YB +47 18 22 YG +47 18 23 YB +47 18 24 KU +47 18 25 MA +47 18 26 MA +47 18 27 KW +47 18 28 YB +47 18 29 MA +47 18 30 YG +47 18 31 MA +47 18 32 YB +47 18 33 MA +47 18 34 MA +47 18 35 KW +47 18 36 MA +47 18 37 MA +47 18 38 YB +47 18 39 MA +47 18 40 MA +47 18 41 YB +47 18 42 YG +47 18 43 MA +47 18 44 KW +47 18 45 MA +47 18 46 KU +47 18 47 MA +47 18 48 YG +47 18 49 MA +47 18 50 YB +47 18 51 YG +47 18 52 KW +47 18 53 YB +47 18 54 MA +47 18 55 MA +47 18 56 YG +47 18 57 MA +47 18 58 YG +47 18 59 KW +47 18 60 MA +47 18 61 YB +47 18 62 KU +47 18 63 YB +47 18 64 MA +47 18 65 YB +47 18 66 KW +47 18 67 MA +47 18 68 YB +47 18 69 MA +47 18 70 KW +47 18 71 YB +47 18 72 MA +47 18 73 YB +47 18 74 MA +47 18 75 KU +47 18 76 YB +47 18 77 MA +47 18 78 YG +47 18 79 KU +47 18 80 MA +47 18 81 MA +47 18 82 MA +47 18 83 YG +47 18 84 YB +47 18 85 MA +47 18 86 YB +47 18 87 KU +47 18 88 YB +47 18 89 KU +47 18 90 KU +47 18 91 YG +47 18 92 KW +47 18 93 MA +47 18 94 KU +47 18 95 KW +47 18 96 YG +47 18 97 KU +47 18 98 YB +47 18 99 KW +47 18 100 MA +47 18 101 YB +47 18 102 KW +47 18 103 YG +47 18 104 MA +47 18 105 YB +47 18 106 YG +47 18 107 KW +47 18 108 KW +47 18 109 MA +47 18 110 YG +47 18 111 KU +47 18 112 YB +47 18 113 KU +47 18 114 MA +47 18 115 YB +47 18 116 MA +47 18 117 KU +47 18 118 YB +47 18 119 MA +47 18 120 KW +47 18 121 YB +47 18 122 MA +47 18 123 KU +47 18 124 MA +47 18 125 YB +47 18 126 YB +47 18 127 KU +47 18 128 YG +47 18 129 KW +47 18 130 KU +47 18 131 YB +47 18 132 YB +47 18 133 MA +47 18 134 YG +47 18 135 YB +47 18 136 MA +47 18 137 MA +47 18 138 MA +47 18 139 KW +47 18 140 MA +47 18 141 KW +47 18 142 KW +47 18 143 MA +47 18 144 KU +47 18 145 MA +47 18 146 YG +47 18 147 MA +47 18 148 YB +47 18 149 MA +47 18 150 KU +47 18 151 YB +47 18 152 YB +47 18 153 MA +47 18 154 KU +47 18 155 KU +47 18 156 MA +47 18 157 YG +47 18 158 KW +47 18 159 YG +47 18 160 YB +47 18 161 MA +47 18 162 YB +47 18 163 MA +47 18 164 MA +47 18 165 YG +47 18 166 KU +47 18 167 MA +47 18 168 MA +47 18 169 MA +47 18 170 KU +47 18 171 MA +47 18 172 KW +47 18 173 YB +47 18 174 YG +47 18 175 MA +47 18 176 YB +47 18 177 YG +47 18 178 MA +47 18 179 YG +47 18 180 MA +47 18 181 YG +47 18 182 YB +47 18 183 YG +47 18 184 YB +47 18 185 YG +47 18 186 MA +47 18 187 YG +47 18 188 MA +47 18 189 KW +47 18 190 YB +47 18 191 MA +47 18 192 KU +47 18 193 YG +47 18 194 YB +47 18 195 MA +47 18 196 MA +47 18 197 YB +47 18 198 KU +47 18 199 KW +47 18 200 MA +47 18 201 YG +47 18 202 MA +47 18 203 YB +47 18 204 KU +47 18 205 KU +47 18 206 KW +47 18 207 YB +47 18 208 YG +47 18 209 MA +47 18 210 YB +47 18 211 MA +47 18 212 YG +47 18 213 KU +47 18 214 YG +47 18 215 YB +47 18 216 KU +47 18 217 YG +47 18 218 YG +47 18 219 KW +47 18 220 KU +47 18 221 KW +47 18 222 YB +47 18 223 MA +47 18 224 KW +47 18 225 YG +47 18 226 MA +47 18 227 KU +47 18 228 MA +47 18 229 MA +47 18 230 KW +47 18 231 YB +47 18 232 YG +47 18 233 KU +47 18 234 MA +47 18 235 KU +47 18 236 YG +47 18 237 YG +47 18 238 MA +47 18 239 YB +47 18 240 YG +47 18 241 KW +47 18 242 YG +47 18 243 YB +47 18 244 KW +47 18 245 YB +47 18 246 MA +47 18 247 KU +47 18 248 KU +47 18 249 MA +47 18 250 KU +47 18 251 MA +47 18 252 KW +47 18 253 MA +47 18 254 KU +47 18 255 KU +47 18 256 YB +47 18 257 MA +47 18 258 YG +47 18 259 YB +47 18 260 KW +47 18 261 YG +47 18 262 KW +47 18 263 KU +47 18 264 KW +47 18 265 MA +47 18 266 YB +47 18 267 KU +47 18 268 MA +47 18 269 YB +47 18 270 YG +47 18 271 MA +47 18 272 KW +47 18 273 YB +47 18 274 KW +47 18 275 YG +47 18 276 YB +47 18 277 MA +47 18 278 YG +47 18 279 MA +47 18 280 YG +47 18 281 MA +47 18 282 MA +47 18 283 YG +47 18 284 KW +47 18 285 YB +47 18 286 KW +47 18 287 YG +47 18 288 YB +47 18 289 MA +47 18 290 KW +47 18 291 MA +47 18 292 YB +47 18 293 MA +47 18 294 KW +47 18 295 YG +47 18 296 KU +47 18 297 YG +47 18 298 YB +47 18 299 MA +47 18 300 KW +47 18 301 MA +47 18 302 KW +47 18 303 KW +47 18 304 YG +47 18 305 YB +47 18 306 MA +47 18 307 KU +47 18 308 YB +47 18 309 KU +47 18 310 MA +47 18 311 KU +47 18 312 KU +47 18 313 MA +47 18 314 KW +47 18 315 MA +47 18 316 MA +47 18 317 YB +47 18 318 YG +47 18 319 KW +47 18 320 YG +47 18 321 YB +47 18 322 MA +47 18 323 MA +47 18 324 KW +47 18 325 YB +47 18 326 YG +47 18 327 KW +47 18 328 KU +47 18 329 YG +47 18 330 KW +47 19 1 MA +47 19 2 MA +47 19 3 YB +47 19 4 BW +47 19 5 MA +47 19 6 YG +47 19 7 MA +47 19 8 YG +47 19 9 YG +47 19 10 KU +47 19 11 YG +47 19 12 YG +47 19 13 YG +47 19 14 HW +47 19 15 BW +47 19 16 HW +47 19 17 YB +47 19 18 UU +47 19 19 MA +47 19 20 MA +47 19 21 YB +47 19 22 MD +47 19 23 BW +47 19 24 YG +47 19 25 MA +47 19 26 MA +47 19 27 MD +47 19 28 YB +47 19 29 MA +47 19 30 BW +47 19 31 HW +47 19 32 YG +47 19 33 YG +47 19 34 MA +47 19 35 YG +47 19 36 BA +47 19 37 BW +47 19 38 YB +47 19 39 WA +47 19 40 MA +47 19 41 YB +47 19 42 YG +47 19 43 UU +47 19 44 WD +47 19 45 MA +47 19 46 HW +47 19 47 YG +47 19 48 WD +47 19 49 MA +47 19 50 UU +47 19 51 WD +47 19 52 KW +47 19 53 YB +47 19 54 YG +47 19 55 MA +47 19 56 WD +47 19 57 UU +47 19 58 YG +47 19 59 AW +47 19 60 UU +47 19 61 YB +47 19 62 LA +47 19 63 DA +47 19 64 MA +47 19 65 YB +47 19 66 LA +47 19 67 YG +47 19 68 YG +47 19 69 BW +47 19 70 KW +47 19 71 BW +47 19 72 YG +47 19 73 UU +47 19 74 AW +47 19 75 YG +47 19 76 YG +47 19 77 MA +47 19 78 YG +47 19 79 UU +47 19 80 MA +47 19 81 BW +47 19 82 MA +47 19 83 WD +47 19 84 WD +47 19 85 MA +47 19 86 YG +47 19 87 UU +47 19 88 DA +47 19 89 UU +47 19 90 BW +47 19 91 YG +47 19 92 KW +47 19 93 MA +47 19 94 UU +47 19 95 YG +47 19 96 WD +47 19 97 MA +47 19 98 YB +47 19 99 LU +47 19 100 SI +47 19 101 YB +47 19 102 KU +47 19 103 YG +47 19 104 MA +47 19 105 BW +47 19 106 YG +47 19 107 KW +47 19 108 KW +47 19 109 MA +47 19 110 YG +47 19 111 BW +47 19 112 YB +47 19 113 BW +47 19 114 UU +47 19 115 YB +47 19 116 AW +47 19 117 BW +47 19 118 YG +47 19 119 MA +47 19 120 VE +47 19 121 DA +47 19 122 YG +47 19 123 BW +47 19 124 MD +47 19 125 YG +47 19 126 YG +47 19 127 YG +47 19 128 WD +47 19 129 KW +47 19 130 DA +47 19 131 YG +47 19 132 BB +47 19 133 BW +47 19 134 UU +47 19 135 DA +47 19 136 MA +47 19 137 YG +47 19 138 MA +47 19 139 VE +47 19 140 UU +47 19 141 KW +47 19 142 MD +47 19 143 YG +47 19 144 UU +47 19 145 YG +47 19 146 MD +47 19 147 MA +47 19 148 YB +47 19 149 YG +47 19 150 BW +47 19 151 MD +47 19 152 YG +47 19 153 MA +47 19 154 UU +47 19 155 DA +47 19 156 MA +47 19 157 YG +47 19 158 KW +47 19 159 YG +47 19 160 MD +47 19 161 WA +47 19 162 YB +47 19 163 MA +47 19 164 MA +47 19 165 YG +47 19 166 UU +47 19 167 YG +47 19 168 DA +47 19 169 MA +47 19 170 UU +47 19 171 YG +47 19 172 KW +47 19 173 YG +47 19 174 YG +47 19 175 UU +47 19 176 AW +47 19 177 MD +47 19 178 BW +47 19 179 BW +47 19 180 MA +47 19 181 YG +47 19 182 BB +47 19 183 DA +47 19 184 KU +47 19 185 AW +47 19 186 MA +47 19 187 YG +47 19 188 MA +47 19 189 BW +47 19 190 YG +47 19 191 UU +47 19 192 BW +47 19 193 YG +47 19 194 YG +47 19 195 YG +47 19 196 AW +47 19 197 UU +47 19 198 BW +47 19 199 YG +47 19 200 AW +47 19 201 YG +47 19 202 MA +47 19 203 YG +47 19 204 UU +47 19 205 MA +47 19 206 AW +47 19 207 BW +47 19 208 YG +47 19 209 BW +47 19 210 UU +47 19 211 MA +47 19 212 YG +47 19 213 UU +47 19 214 YG +47 19 215 YG +47 19 216 YG +47 19 217 BW +47 19 218 YG +47 19 219 AW +47 19 220 MA +47 19 221 MD +47 19 222 MA +47 19 223 YG +47 19 224 KW +47 19 225 YG +47 19 226 BW +47 19 227 UU +47 19 228 KU +47 19 229 MA +47 19 230 AW +47 19 231 YG +47 19 232 YG +47 19 233 UU +47 19 234 YG +47 19 235 MA +47 19 236 DA +47 19 237 YG +47 19 238 BW +47 19 239 MD +47 19 240 YG +47 19 241 KW +47 19 242 DA +47 19 243 UU +47 19 244 KW +47 19 245 YB +47 19 246 MA +47 19 247 UU +47 19 248 YG +47 19 249 BW +47 19 250 KU +47 19 251 YG +47 19 252 AW +47 19 253 MA +47 19 254 UU +47 19 255 DA +47 19 256 YB +47 19 257 UU +47 19 258 YG +47 19 259 BW +47 19 260 MD +47 19 261 YG +47 19 262 KW +47 19 263 YG +47 19 264 MA +47 19 265 DA +47 19 266 LZ +47 19 267 YG +47 19 268 MA +47 19 269 YG +47 19 270 YG +47 19 271 UU +47 19 272 KW +47 19 273 BW +47 19 274 KW +47 19 275 YG +47 19 276 YG +47 19 277 UU +47 19 278 DA +47 19 279 MA +47 19 280 YG +47 19 281 UU +47 19 282 DA +47 19 283 BW +47 19 284 KW +47 19 285 BW +47 19 286 KW +47 19 287 YG +47 19 288 YB +47 19 289 MA +47 19 290 MD +47 19 291 MA +47 19 292 MD +47 19 293 BW +47 19 294 KW +47 19 295 UU +47 19 296 MA +47 19 297 MD +47 19 298 YB +47 19 299 YG +47 19 300 YG +47 19 301 BW +47 19 302 MD +47 19 303 AW +47 19 304 DA +47 19 305 UU +47 19 306 YG +47 19 307 MA +47 19 308 BW +47 19 309 YG +47 19 310 MA +47 19 311 MA +47 19 312 UU +47 19 313 BW +47 19 314 KW +47 19 315 YG +47 19 316 UU +47 19 317 BW +47 19 318 MD +47 19 319 AW +47 19 320 YG +47 19 321 YB +47 19 322 MA +47 19 323 BW +47 19 324 KW +47 19 325 UU +47 19 326 MD +47 19 327 AW +47 19 328 YG +47 19 329 YG +47 19 330 AW +47 20 1 MA +47 20 2 MA +47 20 3 YB +47 20 4 YB +47 20 5 MA +47 20 6 YG +47 20 7 MA +47 20 8 YB +47 20 9 YG +47 20 10 MA +47 20 11 MA +47 20 12 YG +47 20 13 MA +47 20 14 MA +47 20 15 KW +47 20 16 KW +47 20 17 YB +47 20 18 MH +47 20 19 MA +47 20 20 MA +47 20 21 YB +47 20 22 YG +47 20 23 YG +47 20 24 HI +47 20 25 MA +47 20 26 KU +47 20 27 KW +47 20 28 YB +47 20 29 MA +47 20 30 YG +47 20 31 KW +47 20 32 YB +47 20 33 MA +47 20 34 MA +47 20 35 YB +47 20 36 * +47 20 37 KW +47 20 38 YB +47 20 39 MA +47 20 40 MA +47 20 41 YB +47 20 42 YG +47 20 43 KU +47 20 44 KW +47 20 45 MA +47 20 46 LA +47 20 47 LI +47 20 48 YG +47 20 49 MA +47 20 50 DE +47 20 51 YG +47 20 52 KW +47 20 53 YB +47 20 54 MA +47 20 55 MA +47 20 56 LA +47 20 57 MA +47 20 58 YG +47 20 59 LA +47 20 60 LI +47 20 61 YB +47 20 62 LA +47 20 63 YG +47 20 64 LI +47 20 65 YB +47 20 66 KW +47 20 67 MA +47 20 68 YB +47 20 69 MA +47 20 70 KW +47 20 71 GO +47 20 72 MA +47 20 73 KN +47 20 74 LA +47 20 75 KU +47 20 76 YG +47 20 77 MA +47 20 78 LA +47 20 79 MH +47 20 80 MA +47 20 81 YG +47 20 82 MA +47 20 83 YG +47 20 84 YG +47 20 85 MA +47 20 86 YB +47 20 87 KU +47 20 88 YB +47 20 89 KU +47 20 90 KU +47 20 91 YG +47 20 92 LA +47 20 93 MA +47 20 94 KU +47 20 95 KW +47 20 96 YG +47 20 97 BW +47 20 98 YB +47 20 99 LA +47 20 100 MA +47 20 101 DE +47 20 102 LA +47 20 103 BW +47 20 104 MA +47 20 105 KE +47 20 106 YG +47 20 107 KW +47 20 108 LA +47 20 109 LI +47 20 110 YG +47 20 111 MA +47 20 112 YB +47 20 113 UU +47 20 114 MA +47 20 115 YB +47 20 116 LA +47 20 117 BW +47 20 118 YG +47 20 119 MA +47 20 120 KW +47 20 121 YG +47 20 122 MA +47 20 123 MA +47 20 124 YG +47 20 125 YB +47 20 126 YG +47 20 127 MA +47 20 128 GO +47 20 129 KW +47 20 130 MA +47 20 131 MA +47 20 132 YB +47 20 133 BW +47 20 134 BW +47 20 135 YB +47 20 136 MA +47 20 137 MA +47 20 138 LA +47 20 139 LA +47 20 140 MA +47 20 141 KW +47 20 142 LA +47 20 143 MA +47 20 144 LI +47 20 145 MA +47 20 146 YG +47 20 147 MA +47 20 148 YB +47 20 149 MA +47 20 150 BG +47 20 151 YG +47 20 152 LA +47 20 153 LI +47 20 154 HW +47 20 155 YG +47 20 156 MA +47 20 157 YG +47 20 158 KW +47 20 159 YG +47 20 160 LA +47 20 161 MA +47 20 162 YB +47 20 163 LI +47 20 164 LI +47 20 165 YG +47 20 166 MA +47 20 167 LA +47 20 168 MA +47 20 169 LI +47 20 170 MA +47 20 171 MA +47 20 172 KW +47 20 173 YB +47 20 174 YG +47 20 175 MA +47 20 176 YB +47 20 177 YG +47 20 178 LI +47 20 179 YB +47 20 180 MA +47 20 181 YG +47 20 182 YB +47 20 183 YG +47 20 184 BW +47 20 185 YG +47 20 186 MA +47 20 187 YG +47 20 188 MA +47 20 189 LA +47 20 190 YG +47 20 191 MA +47 20 192 KN +47 20 193 YG +47 20 194 YB +47 20 195 MA +47 20 196 MA +47 20 197 LA +47 20 198 BG +47 20 199 LA +47 20 200 MA +47 20 201 YB +47 20 202 MA +47 20 203 YB +47 20 204 BW +47 20 205 LI +47 20 206 LA +47 20 207 YB +47 20 208 YG +47 20 209 MA +47 20 210 MA +47 20 211 LI +47 20 212 YG +47 20 213 LA +47 20 214 YG +47 20 215 YB +47 20 216 MA +47 20 217 LA +47 20 218 YG +47 20 219 KW +47 20 220 LI +47 20 221 LA +47 20 222 DE +47 20 223 MA +47 20 224 KW +47 20 225 YG +47 20 226 LI +47 20 227 BG +47 20 228 KI +47 20 229 MA +47 20 230 LA +47 20 231 KN +47 20 232 YG +47 20 233 MA +47 20 234 MA +47 20 235 LI +47 20 236 MA +47 20 237 YG +47 20 238 MA +47 20 239 YB +47 20 240 KN +47 20 241 KW +47 20 242 YG +47 20 243 YB +47 20 244 KW +47 20 245 YB +47 20 246 MA +47 20 247 LI +47 20 248 MA +47 20 249 MA +47 20 250 BG +47 20 251 MA +47 20 252 LA +47 20 253 MA +47 20 254 MH +47 20 255 KU +47 20 256 YB +47 20 257 LI +47 20 258 YG +47 20 259 YB +47 20 260 YG +47 20 261 KE +47 20 262 KW +47 20 263 LA +47 20 264 KW +47 20 265 MA +47 20 266 YB +47 20 267 BW +47 20 268 MA +47 20 269 KE +47 20 270 YG +47 20 271 MA +47 20 272 KW +47 20 273 YG +47 20 274 KW +47 20 275 YG +47 20 276 YB +47 20 277 LI +47 20 278 YB +47 20 279 LI +47 20 280 MA +47 20 281 MA +47 20 282 MA +47 20 283 YG +47 20 284 KW +47 20 285 LA +47 20 286 KW +47 20 287 KE +47 20 288 YB +47 20 289 MA +47 20 290 LA +47 20 291 LI +47 20 292 YG +47 20 293 LA +47 20 294 LA +47 20 295 BW +47 20 296 LI +47 20 297 YG +47 20 298 YB +47 20 299 MA +47 20 300 LA +47 20 301 MA +47 20 302 LA +47 20 303 KW +47 20 304 MA +47 20 305 BW +47 20 306 MA +47 20 307 MA +47 20 308 BW +47 20 309 BW +47 20 310 MA +47 20 311 LI +47 20 312 BG +47 20 313 LI +47 20 314 KW +47 20 315 MA +47 20 316 MA +47 20 317 YB +47 20 318 YG +47 20 319 KW +47 20 320 YG +47 20 321 YB +47 20 322 NM +47 20 323 MA +47 20 324 LA +47 20 325 GO +47 20 326 YG +47 20 327 KW +47 20 328 MA +47 20 329 YG +47 20 330 KW +47 21 1 MA +47 21 2 KW +47 21 3 YB +47 21 4 KU +47 21 5 MA +47 21 6 YG +47 21 7 MA +47 21 8 YB +47 21 9 BW +47 21 10 MA +47 21 11 KU +47 21 12 YG +47 21 13 MA +47 21 14 KU +47 21 15 KW +47 21 16 KW +47 21 17 YB +47 21 18 KU +47 21 19 MA +47 21 20 MA +47 21 21 YB +47 21 22 YG +47 21 23 MA +47 21 24 BW +47 21 25 MA +47 21 26 KU +47 21 27 KW +47 21 28 YB +47 21 29 MA +47 21 30 YG +47 21 31 MA +47 21 32 YG +47 21 33 MA +47 21 34 KU +47 21 35 YG +47 21 36 KU +47 21 37 MA +47 21 38 YB +47 21 39 MA +47 21 40 MA +47 21 41 YB +47 21 42 YG +47 21 43 KU +47 21 44 KW +47 21 45 MA +47 21 46 BW +47 21 47 KU +47 21 48 YG +47 21 49 MA +47 21 50 KU +47 21 51 BW +47 21 52 KW +47 21 53 YB +47 21 54 MA +47 21 55 MA +47 21 56 YG +47 21 57 KU +47 21 58 BW +47 21 59 KW +47 21 60 KU +47 21 61 YB +47 21 62 KU +47 21 63 YB +47 21 64 KU +47 21 65 YB +47 21 66 KW +47 21 67 MA +47 21 68 YB +47 21 69 BW +47 21 70 KW +47 21 71 YB +47 21 72 MA +47 21 73 KU +47 21 74 KW +47 21 75 KU +47 21 76 YG +47 21 77 MA +47 21 78 KW +47 21 79 KU +47 21 80 MA +47 21 81 YG +47 21 82 MA +47 21 83 KW +47 21 84 YG +47 21 85 MA +47 21 86 KW +47 21 87 KU +47 21 88 YB +47 21 89 KU +47 21 90 MA +47 21 91 YG +47 21 92 KW +47 21 93 MA +47 21 94 KU +47 21 95 KW +47 21 96 YG +47 21 97 YB +47 21 98 KU +47 21 99 KW +47 21 100 MA +47 21 101 YB +47 21 102 KW +47 21 103 BW +47 21 104 MA +47 21 105 YB +47 21 106 KW +47 21 107 KW +47 21 108 KW +47 21 109 MA +47 21 110 YG +47 21 111 BW +47 21 112 YB +47 21 113 KU +47 21 114 MA +47 21 115 YB +47 21 116 KW +47 21 117 BW +47 21 118 YB +47 21 119 MA +47 21 120 KW +47 21 121 YB +47 21 122 MA +47 21 123 KU +47 21 124 YG +47 21 125 YB +47 21 126 YG +47 21 127 KU +47 21 128 YG +47 21 129 KW +47 21 130 BW +47 21 131 YG +47 21 132 YB +47 21 133 MA +47 21 134 KU +47 21 135 YB +47 21 136 MA +47 21 137 MA +47 21 138 MA +47 21 139 KW +47 21 140 MA +47 21 141 KW +47 21 142 KW +47 21 143 YG +47 21 144 MA +47 21 145 MA +47 21 146 YG +47 21 147 MA +47 21 148 YB +47 21 149 MA +47 21 150 KU +47 21 151 YG +47 21 152 KW +47 21 153 KU +47 21 154 KU +47 21 155 BW +47 21 156 MA +47 21 157 BW +47 21 158 KW +47 21 159 YG +47 21 160 KW +47 21 161 MA +47 21 162 YB +47 21 163 MA +47 21 164 MA +47 21 165 BW +47 21 166 KU +47 21 167 KW +47 21 168 MA +47 21 169 MA +47 21 170 KU +47 21 171 BW +47 21 172 KW +47 21 173 YB +47 21 174 YG +47 21 175 KW +47 21 176 YB +47 21 177 KW +47 21 178 MA +47 21 179 BW +47 21 180 MA +47 21 181 BW +47 21 182 YB +47 21 183 BW +47 21 184 MA +47 21 185 YG +47 21 186 MA +47 21 187 YG +47 21 188 MA +47 21 189 KW +47 21 190 YG +47 21 191 MA +47 21 192 KU +47 21 193 YG +47 21 194 YB +47 21 195 MA +47 21 196 MA +47 21 197 KU +47 21 198 KU +47 21 199 KW +47 21 200 MA +47 21 201 KW +47 21 202 MA +47 21 203 YB +47 21 204 KU +47 21 205 KU +47 21 206 KW +47 21 207 YB +47 21 208 BW +47 21 209 MA +47 21 210 BW +47 21 211 MA +47 21 212 YG +47 21 213 KW +47 21 214 YG +47 21 215 KW +47 21 216 KU +47 21 217 KW +47 21 218 YG +47 21 219 KW +47 21 220 KU +47 21 221 KW +47 21 222 KU +47 21 223 MA +47 21 224 KW +47 21 225 BW +47 21 226 KU +47 21 227 KU +47 21 228 MA +47 21 229 KW +47 21 230 KW +47 21 231 YG +47 21 232 BW +47 21 233 KU +47 21 234 MA +47 21 235 MA +47 21 236 BW +47 21 237 YG +47 21 238 MA +47 21 239 YG +47 21 240 BW +47 21 241 KW +47 21 242 YG +47 21 243 YB +47 21 244 KW +47 21 245 YB +47 21 246 MA +47 21 247 KU +47 21 248 KU +47 21 249 MA +47 21 250 KU +47 21 251 MA +47 21 252 KW +47 21 253 MA +47 21 254 KU +47 21 255 KU +47 21 256 YB +47 21 257 KU +47 21 258 YG +47 21 259 YG +47 21 260 KW +47 21 261 YG +47 21 262 KW +47 21 263 KW +47 21 264 KW +47 21 265 MA +47 21 266 BW +47 21 267 KU +47 21 268 MA +47 21 269 YB +47 21 270 YG +47 21 271 KU +47 21 272 KW +47 21 273 YG +47 21 274 KW +47 21 275 BW +47 21 276 YB +47 21 277 MA +47 21 278 YG +47 21 279 KU +47 21 280 MA +47 21 281 MA +47 21 282 MA +47 21 283 BW +47 21 284 KW +47 21 285 KW +47 21 286 KW +47 21 287 BW +47 21 288 YB +47 21 289 MA +47 21 290 KW +47 21 291 MA +47 21 292 YG +47 21 293 KW +47 21 294 KW +47 21 295 BW +47 21 296 MA +47 21 297 YG +47 21 298 YB +47 21 299 MA +47 21 300 KW +47 21 301 MA +47 21 302 KW +47 21 303 KW +47 21 304 BW +47 21 305 BW +47 21 306 MA +47 21 307 MA +47 21 308 KW +47 21 309 BW +47 21 310 MA +47 21 311 KU +47 21 312 KU +47 21 313 KU +47 21 314 KW +47 21 315 MA +47 21 316 KU +47 21 317 YG +47 21 318 YG +47 21 319 KW +47 21 320 BW +47 21 321 YB +47 21 322 MA +47 21 323 KU +47 21 324 KW +47 21 325 BW +47 21 326 YG +47 21 327 KW +47 21 328 KU +47 21 329 BW +47 21 330 KW +47 22 1 MA +47 22 2 MA +47 22 3 YB +47 22 4 BW +47 22 5 MA +47 22 6 YG +47 22 7 MA +47 22 8 BW +47 22 9 YG +47 22 10 BW +47 22 11 MA +47 22 12 YG +47 22 13 MA +47 22 14 BW +47 22 15 YG +47 22 16 KW +47 22 17 YB +47 22 18 BW +47 22 19 MA +47 22 20 MA +47 22 21 YB +47 22 22 YG +47 22 23 KU +47 22 24 KU +47 22 25 MA +47 22 26 MA +47 22 27 KW +47 22 28 YB +47 22 29 MA +47 22 30 YG +47 22 31 MA +47 22 32 BW +47 22 33 MA +47 22 34 MA +47 22 35 YG +47 22 36 MA +47 22 37 MA +47 22 38 YG +47 22 39 MA +47 22 40 MA +47 22 41 YB +47 22 42 YG +47 22 43 BW +47 22 44 * +47 22 45 MA +47 22 46 BW +47 22 47 MA +47 22 48 YG +47 22 49 MA +47 22 50 BW +47 22 51 YG +47 22 52 KW +47 22 53 BW +47 22 54 MA +47 22 55 MA +47 22 56 YG +47 22 57 MA +47 22 58 YG +47 22 59 YG +47 22 60 MA +47 22 61 YB +47 22 62 KU +47 22 63 YG +47 22 64 MA +47 22 65 YB +47 22 66 KW +47 22 67 MA +47 22 68 YB +47 22 69 BW +47 22 70 MA +47 22 71 BW +47 22 72 MA +47 22 73 BW +47 22 74 MA +47 22 75 MA +47 22 76 YB +47 22 77 MA +47 22 78 YG +47 22 79 KU +47 22 80 MA +47 22 81 MA +47 22 82 MA +47 22 83 YG +47 22 84 YB +47 22 85 MA +47 22 86 YB +47 22 87 KU +47 22 88 BW +47 22 89 KU +47 22 90 MA +47 22 91 YG +47 22 92 KW +47 22 93 MA +47 22 94 KU +47 22 95 KW +47 22 96 YG +47 22 97 BW +47 22 98 YB +47 22 99 YG +47 22 100 MA +47 22 101 YB +47 22 102 BW +47 22 103 YG +47 22 104 MA +47 22 105 BW +47 22 106 YG +47 22 107 KW +47 22 108 MA +47 22 109 MA +47 22 110 YG +47 22 111 MA +47 22 112 YB +47 22 113 KU +47 22 114 MA +47 22 115 YB +47 22 116 MA +47 22 117 KU +47 22 118 YB +47 22 119 MA +47 22 120 KW +47 22 121 YB +47 22 122 MA +47 22 123 MA +47 22 124 MA +47 22 125 YB +47 22 126 YB +47 22 127 MA +47 22 128 YG +47 22 129 KW +47 22 130 KU +47 22 131 BW +47 22 132 YB +47 22 133 MA +47 22 134 KU +47 22 135 KU +47 22 136 MA +47 22 137 MA +47 22 138 MA +47 22 139 KW +47 22 140 MA +47 22 141 KW +47 22 142 KW +47 22 143 MA +47 22 144 BW +47 22 145 MA +47 22 146 YG +47 22 147 MA +47 22 148 YB +47 22 149 MA +47 22 150 KU +47 22 151 YG +47 22 152 BW +47 22 153 MA +47 22 154 KU +47 22 155 KU +47 22 156 MA +47 22 157 KU +47 22 158 KW +47 22 159 YG +47 22 160 YG +47 22 161 MA +47 22 162 YB +47 22 163 MA +47 22 164 MA +47 22 165 YG +47 22 166 MA +47 22 167 BW +47 22 168 MA +47 22 169 BW +47 22 170 BW +47 22 171 MA +47 22 172 KW +47 22 173 YB +47 22 174 YG +47 22 175 MA +47 22 176 YB +47 22 177 YG +47 22 178 MA +47 22 179 YB +47 22 180 MA +47 22 181 YG +47 22 182 BW +47 22 183 YG +47 22 184 KU +47 22 185 YG +47 22 186 MA +47 22 187 YG +47 22 188 MA +47 22 189 MA +47 22 190 YB +47 22 191 MA +47 22 192 KU +47 22 193 YG +47 22 194 YB +47 22 195 MA +47 22 196 MA +47 22 197 BW +47 22 198 KU +47 22 199 KW +47 22 200 MA +47 22 201 YG +47 22 202 MA +47 22 203 BW +47 22 204 KU +47 22 205 BW +47 22 206 KW +47 22 207 YB +47 22 208 YG +47 22 209 MA +47 22 210 KU +47 22 211 MA +47 22 212 YG +47 22 213 BW +47 22 214 MA +47 22 215 BW +47 22 216 MA +47 22 217 YB +47 22 218 YG +47 22 219 KW +47 22 220 BW +47 22 221 KW +47 22 222 KU +47 22 223 MA +47 22 224 KW +47 22 225 YG +47 22 226 MA +47 22 227 KU +47 22 228 MA +47 22 229 MA +47 22 230 YG +47 22 231 BW +47 22 232 YG +47 22 233 BW +47 22 234 MA +47 22 235 MA +47 22 236 YG +47 22 237 YG +47 22 238 MA +47 22 239 YB +47 22 240 KU +47 22 241 KW +47 22 242 YG +47 22 243 YB +47 22 244 MA +47 22 245 YB +47 22 246 MA +47 22 247 BW +47 22 248 MA +47 22 249 MA +47 22 250 BW +47 22 251 MA +47 22 252 KW +47 22 253 MA +47 22 254 BW +47 22 255 KU +47 22 256 YB +47 22 257 MA +47 22 258 YG +47 22 259 YB +47 22 260 KW +47 22 261 YG +47 22 262 KW +47 22 263 KU +47 22 264 MA +47 22 265 MA +47 22 266 YB +47 22 267 KU +47 22 268 MA +47 22 269 YB +47 22 270 YG +47 22 271 MA +47 22 272 KW +47 22 273 BW +47 22 274 KW +47 22 275 YG +47 22 276 YB +47 22 277 MA +47 22 278 YG +47 22 279 BW +47 22 280 MA +47 22 281 MA +47 22 282 MA +47 22 283 BW +47 22 284 KW +47 22 285 YB +47 22 286 KW +47 22 287 YG +47 22 288 YB +47 22 289 MA +47 22 290 KW +47 22 291 MA +47 22 292 YB +47 22 293 MA +47 22 294 KW +47 22 295 YG +47 22 296 BW +47 22 297 YG +47 22 298 YB +47 22 299 MA +47 22 300 KW +47 22 301 MA +47 22 302 KW +47 22 303 BW +47 22 304 YG +47 22 305 KU +47 22 306 MA +47 22 307 MA +47 22 308 BW +47 22 309 KU +47 22 310 MA +47 22 311 MA +47 22 312 KU +47 22 313 KU +47 22 314 KW +47 22 315 MA +47 22 316 MA +47 22 317 YB +47 22 318 YG +47 22 319 KW +47 22 320 YG +47 22 321 YB +47 22 322 MA +47 22 323 MA +47 22 324 KW +47 22 325 KU +47 22 326 YG +47 22 327 KW +47 22 328 MA +47 22 329 YG +47 22 330 KW +47 23 1 MA +47 23 2 MA +47 23 3 YG +47 23 4 IW +47 23 5 MA +47 23 6 YG +47 23 7 MA +47 23 8 YB +47 23 9 IW +47 23 10 MA +47 23 11 MA +47 23 12 YG +47 23 13 MA +47 23 14 MA +47 23 15 LA +47 23 16 KW +47 23 17 YB +47 23 18 KW +47 23 19 MA +47 23 20 MA +47 23 21 YB +47 23 22 YG +47 23 23 IW +47 23 24 YG +47 23 25 MA +47 23 26 KU +47 23 27 LA +47 23 28 YB +47 23 29 MA +47 23 30 YG +47 23 31 MA +47 23 32 IW +47 23 33 MA +47 23 34 KU +47 23 35 YG +47 23 36 MA +47 23 37 LA +47 23 38 YB +47 23 39 MA +47 23 40 MA +47 23 41 YB +47 23 42 YG +47 23 43 MA +47 23 44 LA +47 23 45 MA +47 23 46 LA +47 23 47 MA +47 23 48 YG +47 23 49 MA +47 23 50 IW +47 23 51 YG +47 23 52 KW +47 23 53 YB +47 23 54 MA +47 23 55 MA +47 23 56 YG +47 23 57 MA +47 23 58 YG +47 23 59 MA +47 23 60 KW +47 23 61 YB +47 23 62 LA +47 23 63 YG +47 23 64 KU +47 23 65 YB +47 23 66 LA +47 23 67 MA +47 23 68 YG +47 23 69 IW +47 23 70 KW +47 23 71 YG +47 23 72 MA +47 23 73 KU +47 23 74 MA +47 23 75 YG +47 23 76 IW +47 23 77 MA +47 23 78 LA +47 23 79 TO +47 23 80 MA +47 23 81 YG +47 23 82 MA +47 23 83 LA +47 23 84 IW +47 23 85 MA +47 23 86 YG +47 23 87 TO +47 23 88 YB +47 23 89 KW +47 23 90 MA +47 23 91 YG +47 23 92 LA +47 23 93 MA +47 23 94 KW +47 23 95 KW +47 23 96 YG +47 23 97 KU +47 23 98 YB +47 23 99 LA +47 23 100 YG +47 23 101 YB +47 23 102 LA +47 23 103 YG +47 23 104 KW +47 23 105 YG +47 23 106 YG +47 23 107 KW +47 23 108 LA +47 23 109 MA +47 23 110 YG +47 23 111 YG +47 23 112 YB +47 23 113 TO +47 23 114 MA +47 23 115 YB +47 23 116 KW +47 23 117 YG +47 23 118 LA +47 23 119 MA +47 23 120 KW +47 23 121 YG +47 23 122 MA +47 23 123 TO +47 23 124 YG +47 23 125 YG +47 23 126 LA +47 23 127 MA +47 23 128 YG +47 23 129 KW +47 23 130 UU +47 23 131 YG +47 23 132 YB +47 23 133 MA +47 23 134 YG +47 23 135 YB +47 23 136 MA +47 23 137 TO +47 23 138 LA +47 23 139 KW +47 23 140 MA +47 23 141 KW +47 23 142 KW +47 23 143 YG +47 23 144 MA +47 23 145 MA +47 23 146 YG +47 23 147 MA +47 23 148 YB +47 23 149 YG +47 23 150 TO +47 23 151 LA +47 23 152 YG +47 23 153 MA +47 23 154 UU +47 23 155 YG +47 23 156 MA +47 23 157 YG +47 23 158 KW +47 23 159 YG +47 23 160 LA +47 23 161 MA +47 23 162 YB +47 23 163 MA +47 23 164 MA +47 23 165 UU +47 23 166 TO +47 23 167 LA +47 23 168 MA +47 23 169 TO +47 23 170 MH +47 23 171 YG +47 23 172 KW +47 23 173 YG +47 23 174 IW +47 23 175 KW +47 23 176 YG +47 23 177 YG +47 23 178 MA +47 23 179 YG +47 23 180 MA +47 23 181 YG +47 23 182 IW +47 23 183 UU +47 23 184 YG +47 23 185 IW +47 23 186 MA +47 23 187 YG +47 23 188 TO +47 23 189 MH +47 23 190 LA +47 23 191 MA +47 23 192 YG +47 23 193 YG +47 23 194 IW +47 23 195 YG +47 23 196 HW +47 23 197 LA +47 23 198 MH +47 23 199 YG +47 23 200 MA +47 23 201 LA +47 23 202 MA +47 23 203 YB +47 23 204 TO +47 23 205 KU +47 23 206 YG +47 23 207 YB +47 23 208 IW +47 23 209 MA +47 23 210 TO +47 23 211 MA +47 23 212 YG +47 23 213 HW +47 23 214 YG +47 23 215 LA +47 23 216 MA +47 23 217 HW +47 23 218 YG +47 23 219 MH +47 23 220 KU +47 23 221 KW +47 23 222 KU +47 23 223 MA +47 23 224 HW +47 23 225 YG +47 23 226 TO +47 23 227 MH +47 23 228 TO +47 23 229 YG +47 23 230 LA +47 23 231 YG +47 23 232 IW +47 23 233 HW +47 23 234 MA +47 23 235 MA +47 23 236 YG +47 23 237 HW +47 23 238 MA +47 23 239 YG +47 23 240 TO +47 23 241 KW +47 23 242 YG +47 23 243 YB +47 23 244 HW +47 23 245 YB +47 23 246 MA +47 23 247 HW +47 23 248 TO +47 23 249 MA +47 23 250 KS +47 23 251 MA +47 23 252 HW +47 23 253 MA +47 23 254 TO +47 23 255 KS +47 23 256 YG +47 23 257 TO +47 23 258 YG +47 23 259 YB +47 23 260 HW +47 23 261 YG +47 23 262 KW +47 23 263 MH +47 23 264 MH +47 23 265 TO +47 23 266 YG +47 23 267 TO +47 23 268 MA +47 23 269 YG +47 23 270 YG +47 23 271 TO +47 23 272 KW +47 23 273 HW +47 23 274 MH +47 23 275 YG +47 23 276 YB +47 23 277 ML +47 23 278 YG +47 23 279 KS +47 23 280 YG +47 23 281 MA +47 23 282 YG +47 23 283 TO +47 23 284 MH +47 23 285 YG +47 23 286 ML +47 23 287 YG +47 23 288 YB +47 23 289 MA +47 23 290 YG +47 23 291 TO +47 23 292 YG +47 23 293 HW +47 23 294 KW +47 23 295 MA +47 23 296 KU +47 23 297 YG +47 23 298 YB +47 23 299 MA +47 23 300 KW +47 23 301 MA +47 23 302 LA +47 23 303 HW +47 23 304 YG +47 23 305 TO +47 23 306 MA +47 23 307 MA +47 23 308 YG +47 23 309 TO +47 23 310 MA +47 23 311 TO +47 23 312 MH +47 23 313 MA +47 23 314 KW +47 23 315 YG +47 23 316 TO +47 23 317 YG +47 23 318 YG +47 23 319 KS +47 23 320 YG +47 23 321 YB +47 23 322 MA +47 23 323 MH +47 23 324 LA +47 23 325 MA +47 23 326 YG +47 23 327 HW +47 23 328 TO +47 23 329 YG +47 23 330 KW +47 24 1 BW +47 24 2 YG +47 24 3 YB +47 24 4 YG +47 24 5 MA +47 24 6 YG +47 24 7 MA +47 24 8 YB +47 24 9 YG +47 24 10 KU +47 24 11 YG +47 24 12 YG +47 24 13 MA +47 24 14 MA +47 24 15 YG +47 24 16 KW +47 24 17 YB +47 24 18 UU +47 24 19 MA +47 24 20 MA +47 24 21 YG +47 24 22 HW +47 24 23 MA +47 24 24 KU +47 24 25 MA +47 24 26 MA +47 24 27 HW +47 24 28 YB +47 24 29 MA +47 24 30 YG +47 24 31 MA +47 24 32 YG +47 24 33 MA +47 24 34 MA +47 24 35 YG +47 24 36 MA +47 24 37 MA +47 24 38 YB +47 24 39 MA +47 24 40 MA +47 24 41 YB +47 24 42 MA +47 24 43 MA +47 24 44 KW +47 24 45 MA +47 24 46 HW +47 24 47 MA +47 24 48 YG +47 24 49 MA +47 24 50 BW +47 24 51 HW +47 24 52 KW +47 24 53 YB +47 24 54 MA +47 24 55 MA +47 24 56 BW +47 24 57 MA +47 24 58 BW +47 24 59 KW +47 24 60 MA +47 24 61 YB +47 24 62 HW +47 24 63 YB +47 24 64 MA +47 24 65 YB +47 24 66 KW +47 24 67 MA +47 24 68 YB +47 24 69 HW +47 24 70 KW +47 24 71 YB +47 24 72 MA +47 24 73 YG +47 24 74 KW +47 24 75 BW +47 24 76 YB +47 24 77 MA +47 24 78 YG +47 24 79 KU +47 24 80 MA +47 24 81 YG +47 24 82 MA +47 24 83 KW +47 24 84 YG +47 24 85 MA +47 24 86 YG +47 24 87 KU +47 24 88 YB +47 24 89 KU +47 24 90 MA +47 24 91 YG +47 24 92 KW +47 24 93 MA +47 24 94 KU +47 24 95 KW +47 24 96 YG +47 24 97 YB +47 24 98 MA +47 24 99 YG +47 24 100 MA +47 24 101 YB +47 24 102 HW +47 24 103 KU +47 24 104 MA +47 24 105 YG +47 24 106 YG +47 24 107 KW +47 24 108 BW +47 24 109 MA +47 24 110 YG +47 24 111 KU +47 24 112 YB +47 24 113 HW +47 24 114 MA +47 24 115 YB +47 24 116 YG +47 24 117 KU +47 24 118 YB +47 24 119 MA +47 24 120 KW +47 24 121 YB +47 24 122 MA +47 24 123 MA +47 24 124 YG +47 24 125 YB +47 24 126 YG +47 24 127 KU +47 24 128 MA +47 24 129 KW +47 24 130 KU +47 24 131 BW +47 24 132 YB +47 24 133 MA +47 24 134 KU +47 24 135 YG +47 24 136 MA +47 24 137 KU +47 24 138 BW +47 24 139 HW +47 24 140 MA +47 24 141 KW +47 24 142 HW +47 24 143 MA +47 24 144 BW +47 24 145 MA +47 24 146 YG +47 24 147 MA +47 24 148 YB +47 24 149 MA +47 24 150 KU +47 24 151 YB +47 24 152 YG +47 24 153 MA +47 24 154 KU +47 24 155 KU +47 24 156 MA +47 24 157 YG +47 24 158 KW +47 24 159 YG +47 24 160 YG +47 24 161 MA +47 24 162 YB +47 24 163 MA +47 24 164 MA +47 24 165 KU +47 24 166 MA +47 24 167 YG +47 24 168 MA +47 24 169 MA +47 24 170 KU +47 24 171 HW +47 24 172 KW +47 24 173 YB +47 24 174 YG +47 24 175 MA +47 24 176 YB +47 24 177 YG +47 24 178 MA +47 24 179 YB +47 24 180 MA +47 24 181 YG +47 24 182 YB +47 24 183 HW +47 24 184 MA +47 24 185 YG +47 24 186 MA +47 24 187 YG +47 24 188 MA +47 24 189 KW +47 24 190 YG +47 24 191 MA +47 24 192 BW +47 24 193 YG +47 24 194 YB +47 24 195 MA +47 24 196 MA +47 24 197 YG +47 24 198 KU +47 24 199 KW +47 24 200 MA +47 24 201 YG +47 24 202 MA +47 24 203 YB +47 24 204 KU +47 24 205 MA +47 24 206 KW +47 24 207 YB +47 24 208 HW +47 24 209 MA +47 24 210 UU +47 24 211 MA +47 24 212 YG +47 24 213 HW +47 24 214 YG +47 24 215 YG +47 24 216 KU +47 24 217 YG +47 24 218 MA +47 24 219 KW +47 24 220 MA +47 24 221 KW +47 24 222 BW +47 24 223 MA +47 24 224 KW +47 24 225 HW +47 24 226 MA +47 24 227 KU +47 24 228 MA +47 24 229 YG +47 24 230 KW +47 24 231 BW +47 24 232 HW +47 24 233 MA +47 24 234 MA +47 24 235 KU +47 24 236 HW +47 24 237 YG +47 24 238 MA +47 24 239 YG +47 24 240 BW +47 24 241 KW +47 24 242 KW +47 24 243 YB +47 24 244 KW +47 24 245 YB +47 24 246 MA +47 24 247 BW +47 24 248 KU +47 24 249 MA +47 24 250 BW +47 24 251 YG +47 24 252 KW +47 24 253 MA +47 24 254 BW +47 24 255 KU +47 24 256 YB +47 24 257 HW +47 24 258 YG +47 24 259 YB +47 24 260 KW +47 24 261 YG +47 24 262 KW +47 24 263 KU +47 24 264 MA +47 24 265 MA +47 24 266 YB +47 24 267 BW +47 24 268 MA +47 24 269 YG +47 24 270 YG +47 24 271 KU +47 24 272 KW +47 24 273 BW +47 24 274 KW +47 24 275 BW +47 24 276 YB +47 24 277 KU +47 24 278 YG +47 24 279 KU +47 24 280 HW +47 24 281 MA +47 24 282 MA +47 24 283 HW +47 24 284 KW +47 24 285 YG +47 24 286 KW +47 24 287 BW +47 24 288 YB +47 24 289 MA +47 24 290 KW +47 24 291 MA +47 24 292 YG +47 24 293 KW +47 24 294 KW +47 24 295 KU +47 24 296 MA +47 24 297 YG +47 24 298 YB +47 24 299 MA +47 24 300 YG +47 24 301 MA +47 24 302 KW +47 24 303 KW +47 24 304 KU +47 24 305 YG +47 24 306 HW +47 24 307 MA +47 24 308 BW +47 24 309 KU +47 24 310 MA +47 24 311 MA +47 24 312 KU +47 24 313 MA +47 24 314 KW +47 24 315 BW +47 24 316 MA +47 24 317 YB +47 24 318 YG +47 24 319 KW +47 24 320 BW +47 24 321 YB +47 24 322 MA +47 24 323 MA +47 24 324 KW +47 24 325 BW +47 24 326 YG +47 24 327 KW +47 24 328 BW +47 24 329 YG +47 24 330 KW +47 25 1 LI +47 25 2 LA +47 25 3 YB +47 25 4 BW +47 25 5 MA +47 25 6 YG +47 25 7 MA +47 25 8 MK +47 25 9 YG +47 25 10 KU +47 25 11 MA +47 25 12 YG +47 25 13 MA +47 25 14 MA +47 25 15 YG +47 25 16 KW +47 25 17 MK +47 25 18 KU +47 25 19 MA +47 25 20 MA +47 25 21 MK +47 25 22 YG +47 25 23 DE +47 25 24 MA +47 25 25 MA +47 25 26 BW +47 25 27 KW +47 25 28 YB +47 25 29 MA +47 25 30 KL +47 25 31 LA +47 25 32 YB +47 25 33 MA +47 25 34 MA +47 25 35 YG +47 25 36 MA +47 25 37 LI +47 25 38 YB +47 25 39 MA +47 25 40 MA +47 25 41 YB +47 25 42 YG +47 25 43 KU +47 25 44 KW +47 25 45 MA +47 25 46 LA +47 25 47 MA +47 25 48 YG +47 25 49 MA +47 25 50 BW +47 25 51 * +47 25 52 KW +47 25 53 YB +47 25 54 MA +47 25 55 MA +47 25 56 YG +47 25 57 MA +47 25 58 LA +47 25 59 KW +47 25 60 MA +47 25 61 MK +47 25 62 KI +47 25 63 YB +47 25 64 MA +47 25 65 YB +47 25 66 KW +47 25 67 MA +47 25 68 YB +47 25 69 MA +47 25 70 KW +47 25 71 YB +47 25 72 MA +47 25 73 DE +47 25 74 KW +47 25 75 MA +47 25 76 YG +47 25 77 MA +47 25 78 LA +47 25 79 LO +47 25 80 LI +47 25 81 KL +47 25 82 MA +47 25 83 YG +47 25 84 KL +47 25 85 MA +47 25 86 KL +47 25 87 UU +47 25 88 YB +47 25 89 KU +47 25 90 MA +47 25 91 YG +47 25 92 KW +47 25 93 MA +47 25 94 KU +47 25 95 MA +47 25 96 YG +47 25 97 KU +47 25 98 YB +47 25 99 LA +47 25 100 MA +47 25 101 YB +47 25 102 KW +47 25 103 MA +47 25 104 MA +47 25 105 BW +47 25 106 YG +47 25 107 KW +47 25 108 MA +47 25 109 KU +47 25 110 YG +47 25 111 MA +47 25 112 YB +47 25 113 KU +47 25 114 MA +47 25 115 YB +47 25 116 MA +47 25 117 * +47 25 118 YB +47 25 119 MA +47 25 120 KW +47 25 121 YB +47 25 122 MA +47 25 123 MA +47 25 124 YG +47 25 125 MK +47 25 126 YB +47 25 127 BW +47 25 128 YG +47 25 129 KW +47 25 130 LI +47 25 131 YG +47 25 132 YB +47 25 133 MA +47 25 134 KL +47 25 135 YB +47 25 136 MA +47 25 137 MA +47 25 138 MA +47 25 139 KW +47 25 140 KU +47 25 141 KW +47 25 142 KW +47 25 143 YG +47 25 144 KU +47 25 145 MA +47 25 146 YG +47 25 147 MA +47 25 148 YB +47 25 149 MA +47 25 150 KI +47 25 151 YB +47 25 152 KN +47 25 153 MA +47 25 154 LO +47 25 155 YG +47 25 156 MA +47 25 157 KL +47 25 158 KW +47 25 159 YG +47 25 160 YB +47 25 161 MA +47 25 162 YB +47 25 163 MA +47 25 164 KU +47 25 165 YG +47 25 166 LO +47 25 167 LA +47 25 168 MA +47 25 169 MA +47 25 170 KU +47 25 171 YG +47 25 172 LA +47 25 173 YB +47 25 174 YG +47 25 175 KW +47 25 176 YB +47 25 177 YG +47 25 178 KU +47 25 179 YB +47 25 180 MA +47 25 181 YG +47 25 182 BW +47 25 183 YG +47 25 184 YB +47 25 185 YG +47 25 186 MA +47 25 187 YG +47 25 188 MA +47 25 189 KW +47 25 190 YB +47 25 191 MA +47 25 192 YB +47 25 193 YG +47 25 194 YB +47 25 195 MA +47 25 196 MA +47 25 197 YB +47 25 198 YG +47 25 199 KW +47 25 200 MA +47 25 201 KL +47 25 202 MA +47 25 203 YB +47 25 204 YG +47 25 205 KU +47 25 206 KW +47 25 207 YB +47 25 208 YG +47 25 209 LI +47 25 210 YG +47 25 211 MA +47 25 212 YG +47 25 213 LA +47 25 214 YG +47 25 215 YB +47 25 216 MA +47 25 217 YG +47 25 218 YG +47 25 219 KW +47 25 220 KU +47 25 221 KW +47 25 222 YB +47 25 223 MA +47 25 224 KW +47 25 225 YG +47 25 226 MA +47 25 227 YG +47 25 228 LI +47 25 229 MA +47 25 230 YG +47 25 231 YB +47 25 232 YG +47 25 233 DE +47 25 234 MA +47 25 235 KU +47 25 236 YG +47 25 237 KL +47 25 238 MA +47 25 239 KL +47 25 240 YB +47 25 241 KW +47 25 242 YG +47 25 243 YB +47 25 244 KW +47 25 245 YB +47 25 246 MA +47 25 247 KU +47 25 248 BW +47 25 249 MA +47 25 250 YB +47 25 251 MA +47 25 252 KW +47 25 253 MA +47 25 254 KW +47 25 255 YG +47 25 256 YB +47 25 257 KU +47 25 258 YG +47 25 259 YB +47 25 260 YG +47 25 261 YG +47 25 262 KW +47 25 263 LA +47 25 264 KW +47 25 265 MA +47 25 266 YB +47 25 267 DE +47 25 268 MA +47 25 269 YB +47 25 270 YG +47 25 271 MA +47 25 272 KW +47 25 273 YB +47 25 274 KW +47 25 275 YG +47 25 276 YB +47 25 277 MA +47 25 278 YG +47 25 279 KU +47 25 280 MA +47 25 281 MA +47 25 282 MA +47 25 283 YG +47 25 284 KW +47 25 285 LA +47 25 286 LA +47 25 287 YG +47 25 288 YB +47 25 289 MA +47 25 290 LA +47 25 291 LI +47 25 292 YG +47 25 293 LA +47 25 294 KW +47 25 295 YG +47 25 296 BW +47 25 297 YG +47 25 298 YB +47 25 299 MA +47 25 300 LA +47 25 301 MA +47 25 302 LA +47 25 303 KW +47 25 304 MA +47 25 305 YB +47 25 306 YG +47 25 307 DE +47 25 308 BW +47 25 309 YG +47 25 310 MA +47 25 311 BW +47 25 312 * +47 25 313 KU +47 25 314 KW +47 25 315 MA +47 25 316 MA +47 25 317 YB +47 25 318 YG +47 25 319 KW +47 25 320 YG +47 25 321 YB +47 25 322 KW +47 25 323 * +47 25 324 LA +47 25 325 YB +47 25 326 YG +47 25 327 KW +47 25 328 * +47 25 329 YG +47 25 330 KW +48 1 1 * +48 1 2 BI +48 1 3 MD +48 1 4 * +48 1 5 EM +48 1 6 * +48 1 7 EM +48 1 8 MD +48 1 9 * +48 1 10 * +48 1 11 EM +48 1 12 ML +48 1 13 * +48 1 14 * +48 1 15 * +48 1 16 MA +48 1 17 MD +48 1 18 AN +48 1 19 * +48 1 20 EM +48 1 21 * +48 1 22 * +48 1 23 * +48 1 24 AN +48 1 25 * +48 1 26 * +48 1 27 MA +48 1 28 MD +48 1 29 EM +48 1 30 * +48 1 31 * +48 1 32 * +48 1 33 EM +48 1 34 * +48 1 35 MD +48 1 36 * +48 1 37 * +48 1 38 MD +48 1 39 EM +48 1 40 * +48 1 41 MD +48 1 42 * +48 1 43 * +48 1 44 MA +48 1 45 EM +48 1 46 AN +48 1 47 * +48 1 48 * +48 1 49 * +48 1 50 MD +48 1 51 * +48 1 52 MA +48 1 53 MD +48 1 54 EM +48 1 55 * +48 1 56 * +48 1 57 * +48 1 58 * +48 1 59 MA +48 1 60 * +48 1 61 MD +48 1 62 * +48 1 63 * +48 1 64 * +48 1 65 MD +48 1 66 MA +48 1 67 EM +48 1 68 MD +48 1 69 * +48 1 70 MA +48 1 71 * +48 1 72 EM +48 1 73 * +48 1 74 BI +48 1 75 * +48 1 76 * +48 1 77 * +48 1 78 * +48 1 79 AN +48 1 80 * +48 1 81 EM +48 1 82 * +48 1 83 MA +48 1 84 * +48 1 85 EM +48 1 86 * +48 1 87 AN +48 1 88 MD +48 1 89 AN +48 1 90 * +48 1 91 EM +48 1 92 MA +48 1 93 * +48 1 94 * +48 1 95 MA +48 1 96 ML +48 1 97 * +48 1 98 MD +48 1 99 * +48 1 100 * +48 1 101 MD +48 1 102 MA +48 1 103 * +48 1 104 * +48 1 105 MD +48 1 106 ML +48 1 107 MA +48 1 108 * +48 1 109 * +48 1 110 ML +48 1 111 * +48 1 112 MA +48 1 113 AN +48 1 114 * +48 1 115 MD +48 1 116 BI +48 1 117 * +48 1 118 MD +48 1 119 EM +48 1 120 MA +48 1 121 MD +48 1 122 EM +48 1 123 * +48 1 124 EM +48 1 125 MD +48 1 126 * +48 1 127 * +48 1 128 EM +48 1 129 MA +48 1 130 * +48 1 131 * +48 1 132 MD +48 1 133 EM +48 1 134 * +48 1 135 MD +48 1 136 * +48 1 137 * +48 1 138 * +48 1 139 MA +48 1 140 * +48 1 141 MA +48 1 142 MA +48 1 143 EM +48 1 144 * +48 1 145 EM +48 1 146 ML +48 1 147 EM +48 1 148 MA +48 1 149 EM +48 1 150 * +48 1 151 * +48 1 152 * +48 1 153 * +48 1 154 * +48 1 155 * +48 1 156 EM +48 1 157 * +48 1 158 MA +48 1 159 * +48 1 160 * +48 1 161 EM +48 1 162 MD +48 1 163 * +48 1 164 * +48 1 165 * +48 1 166 * +48 1 167 MA +48 1 168 EM +48 1 169 * +48 1 170 * +48 1 171 * +48 1 172 MA +48 1 173 MD +48 1 174 ML +48 1 175 * +48 1 176 MD +48 1 177 * +48 1 178 * +48 1 179 * +48 1 180 EM +48 1 181 * +48 1 182 * +48 1 183 * +48 1 184 * +48 1 185 * +48 1 186 * +48 1 187 * +48 1 188 * +48 1 189 * +48 1 190 * +48 1 191 EM +48 1 192 * +48 1 193 EM +48 1 194 * +48 1 195 * +48 1 196 * +48 1 197 * +48 1 198 AN +48 1 199 MA +48 1 200 * +48 1 201 * +48 1 202 EM +48 1 203 MD +48 1 204 * +48 1 205 * +48 1 206 MA +48 1 207 MD +48 1 208 * +48 1 209 * +48 1 210 * +48 1 211 * +48 1 212 * +48 1 213 MA +48 1 214 EM +48 1 215 MD +48 1 216 * +48 1 217 * +48 1 218 * +48 1 219 MA +48 1 220 * +48 1 221 MA +48 1 222 * +48 1 223 EM +48 1 224 MA +48 1 225 * +48 1 226 * +48 1 227 * +48 1 228 * +48 1 229 * +48 1 230 MA +48 1 231 MD +48 1 232 * +48 1 233 * +48 1 234 EM +48 1 235 * +48 1 236 * +48 1 237 * +48 1 238 * +48 1 239 * +48 1 240 * +48 1 241 MA +48 1 242 ML +48 1 243 MD +48 1 244 MA +48 1 245 MD +48 1 246 * +48 1 247 * +48 1 248 * +48 1 249 EM +48 1 250 * +48 1 251 EM +48 1 252 MA +48 1 253 * +48 1 254 * +48 1 255 * +48 1 256 MD +48 1 257 * +48 1 258 EM +48 1 259 MD +48 1 260 MA +48 1 261 * +48 1 262 MA +48 1 263 MA +48 1 264 * +48 1 265 EM +48 1 266 * +48 1 267 * +48 1 268 EM +48 1 269 MD +48 1 270 * +48 1 271 * +48 1 272 MA +48 1 273 * +48 1 274 MA +48 1 275 EM +48 1 276 MD +48 1 277 * +48 1 278 * +48 1 279 * +48 1 280 * +48 1 281 * +48 1 282 EM +48 1 283 * +48 1 284 MA +48 1 285 * +48 1 286 MA +48 1 287 * +48 1 288 MD +48 1 289 * +48 1 290 MA +48 1 291 * +48 1 292 * +48 1 293 * +48 1 294 MA +48 1 295 * +48 1 296 * +48 1 297 ML +48 1 298 MD +48 1 299 EM +48 1 300 MA +48 1 301 EM +48 1 302 MA +48 1 303 MA +48 1 304 * +48 1 305 MD +48 1 306 EM +48 1 307 * +48 1 308 * +48 1 309 * +48 1 310 EM +48 1 311 * +48 1 312 AN +48 1 313 * +48 1 314 MA +48 1 315 EM +48 1 316 EM +48 1 317 MD +48 1 318 * +48 1 319 MA +48 1 320 * +48 1 321 MD +48 1 322 * +48 1 323 * +48 1 324 MA +48 1 325 * +48 1 326 ML +48 1 327 MA +48 1 328 * +48 1 329 * +48 1 330 MA +48 2 1 AN +48 2 2 * +48 2 3 MD +48 2 4 * +48 2 5 * +48 2 6 ML +48 2 7 * +48 2 8 MD +48 2 9 * +48 2 10 * +48 2 11 * +48 2 12 ML +48 2 13 * +48 2 14 * +48 2 15 * +48 2 16 MA +48 2 17 MD +48 2 18 AN +48 2 19 * +48 2 20 * +48 2 21 MD +48 2 22 ML +48 2 23 * +48 2 24 AN +48 2 25 * +48 2 26 * +48 2 27 * +48 2 28 MD +48 2 29 * +48 2 30 * +48 2 31 * +48 2 32 * +48 2 33 * +48 2 34 * +48 2 35 * +48 2 36 * +48 2 37 * +48 2 38 MD +48 2 39 * +48 2 40 * +48 2 41 MD +48 2 42 * +48 2 43 * +48 2 44 * +48 2 45 * +48 2 46 AN +48 2 47 * +48 2 48 * +48 2 49 * +48 2 50 * +48 2 51 * +48 2 52 * +48 2 53 MD +48 2 54 * +48 2 55 * +48 2 56 * +48 2 57 * +48 2 58 ML +48 2 59 * +48 2 60 * +48 2 61 MD +48 2 62 * +48 2 63 MD +48 2 64 * +48 2 65 MD +48 2 66 MA +48 2 67 * +48 2 68 MD +48 2 69 * +48 2 70 * +48 2 71 MD +48 2 72 * +48 2 73 * +48 2 74 * +48 2 75 * +48 2 76 MD +48 2 77 * +48 2 78 * +48 2 79 AN +48 2 80 * +48 2 81 * +48 2 82 * +48 2 83 MA +48 2 84 * +48 2 85 * +48 2 86 * +48 2 87 AN +48 2 88 MD +48 2 89 AN +48 2 90 * +48 2 91 * +48 2 92 * +48 2 93 * +48 2 94 AN +48 2 95 * +48 2 96 ML +48 2 97 * +48 2 98 MD +48 2 99 * +48 2 100 * +48 2 101 MD +48 2 102 * +48 2 103 * +48 2 104 * +48 2 105 MD +48 2 106 * +48 2 107 * +48 2 108 * +48 2 109 * +48 2 110 ML +48 2 111 * +48 2 112 MD +48 2 113 AN +48 2 114 * +48 2 115 MD +48 2 116 * +48 2 117 * +48 2 118 MD +48 2 119 * +48 2 120 MA +48 2 121 MD +48 2 122 * +48 2 123 * +48 2 124 * +48 2 125 MD +48 2 126 * +48 2 127 * +48 2 128 ML +48 2 129 * +48 2 130 * +48 2 131 * +48 2 132 MD +48 2 133 * +48 2 134 * +48 2 135 MD +48 2 136 * +48 2 137 * +48 2 138 * +48 2 139 * +48 2 140 * +48 2 141 MA +48 2 142 * +48 2 143 * +48 2 144 * +48 2 145 * +48 2 146 ML +48 2 147 * +48 2 148 MD +48 2 149 * +48 2 150 * +48 2 151 MD +48 2 152 * +48 2 153 * +48 2 154 AN +48 2 155 AN +48 2 156 * +48 2 157 AN +48 2 158 MA +48 2 159 * +48 2 160 MD +48 2 161 * +48 2 162 MD +48 2 163 * +48 2 164 * +48 2 165 * +48 2 166 AN +48 2 167 * +48 2 168 * +48 2 169 * +48 2 170 AN +48 2 171 * +48 2 172 MA +48 2 173 MD +48 2 174 ML +48 2 175 * +48 2 176 MD +48 2 177 ML +48 2 178 * +48 2 179 MD +48 2 180 * +48 2 181 ML +48 2 182 MD +48 2 183 * +48 2 184 * +48 2 185 ML +48 2 186 * +48 2 187 ML +48 2 188 * +48 2 189 * +48 2 190 * +48 2 191 * +48 2 192 * +48 2 193 * +48 2 194 MD +48 2 195 * +48 2 196 * +48 2 197 * +48 2 198 AN +48 2 199 * +48 2 200 * +48 2 201 MD +48 2 202 * +48 2 203 MD +48 2 204 AN +48 2 205 * +48 2 206 MA +48 2 207 MD +48 2 208 ML +48 2 209 * +48 2 210 MD +48 2 211 * +48 2 212 MD +48 2 213 * +48 2 214 * +48 2 215 * +48 2 216 * +48 2 217 MD +48 2 218 * +48 2 219 MA +48 2 220 * +48 2 221 MA +48 2 222 * +48 2 223 * +48 2 224 MA +48 2 225 ML +48 2 226 * +48 2 227 AN +48 2 228 * +48 2 229 * +48 2 230 MA +48 2 231 * +48 2 232 ML +48 2 233 * +48 2 234 * +48 2 235 * +48 2 236 * +48 2 237 MA +48 2 238 * +48 2 239 MD +48 2 240 MD +48 2 241 MA +48 2 242 ML +48 2 243 MD +48 2 244 MA +48 2 245 MA +48 2 246 * +48 2 247 * +48 2 248 * +48 2 249 * +48 2 250 * +48 2 251 * +48 2 252 MA +48 2 253 * +48 2 254 * +48 2 255 AN +48 2 256 MD +48 2 257 * +48 2 258 ML +48 2 259 MD +48 2 260 MA +48 2 261 MD +48 2 262 MA +48 2 263 * +48 2 264 * +48 2 265 * +48 2 266 MD +48 2 267 * +48 2 268 * +48 2 269 MD +48 2 270 ML +48 2 271 * +48 2 272 MA +48 2 273 MD +48 2 274 MA +48 2 275 ML +48 2 276 MA +48 2 277 * +48 2 278 MD +48 2 279 * +48 2 280 * +48 2 281 * +48 2 282 * +48 2 283 * +48 2 284 MA +48 2 285 MD +48 2 286 MA +48 2 287 ML +48 2 288 MD +48 2 289 * +48 2 290 MA +48 2 291 * +48 2 292 MD +48 2 293 MA +48 2 294 MA +48 2 295 AN +48 2 296 * +48 2 297 ML +48 2 298 MD +48 2 299 * +48 2 300 MA +48 2 301 * +48 2 302 MA +48 2 303 * +48 2 304 * +48 2 305 MD +48 2 306 * +48 2 307 * +48 2 308 * +48 2 309 AN +48 2 310 * +48 2 311 * +48 2 312 AN +48 2 313 * +48 2 314 MA +48 2 315 * +48 2 316 * +48 2 317 MD +48 2 318 MD +48 2 319 MA +48 2 320 * +48 2 321 MD +48 2 322 * +48 2 323 * +48 2 324 MA +48 2 325 MD +48 2 326 ML +48 2 327 MA +48 2 328 * +48 2 329 ML +48 2 330 MA +48 3 1 * +48 3 2 EM +48 3 3 MD +48 3 4 * +48 3 5 * +48 3 6 * +48 3 7 BG +48 3 8 MD +48 3 9 * +48 3 10 * +48 3 11 BG +48 3 12 KI +48 3 13 BG +48 3 14 AN +48 3 15 MD +48 3 16 MA +48 3 17 MD +48 3 18 AN +48 3 19 * +48 3 20 BG +48 3 21 MD +48 3 22 KI +48 3 23 AN +48 3 24 BG +48 3 25 * +48 3 26 AN +48 3 27 MA +48 3 28 MD +48 3 29 BG +48 3 30 MD +48 3 31 * +48 3 32 MD +48 3 33 BG +48 3 34 * +48 3 35 MD +48 3 36 AN +48 3 37 * +48 3 38 MD +48 3 39 BG +48 3 40 BI +48 3 41 MD +48 3 42 * +48 3 43 AN +48 3 44 MA +48 3 45 BG +48 3 46 * +48 3 47 AN +48 3 48 KN +48 3 49 BI +48 3 50 MD +48 3 51 * +48 3 52 MA +48 3 53 MD +48 3 54 BG +48 3 55 * +48 3 56 ML +48 3 57 AN +48 3 58 * +48 3 59 MA +48 3 60 AN +48 3 61 MD +48 3 62 * +48 3 63 MD +48 3 64 * +48 3 65 MD +48 3 66 MA +48 3 67 BG +48 3 68 MD +48 3 69 BG +48 3 70 * +48 3 71 MD +48 3 72 BG +48 3 73 MD +48 3 74 BI +48 3 75 AN +48 3 76 ML +48 3 77 * +48 3 78 ML +48 3 79 AN +48 3 80 * +48 3 81 BG +48 3 82 BI +48 3 83 ML +48 3 84 MD +48 3 85 BG +48 3 86 MD +48 3 87 AN +48 3 88 MD +48 3 89 AN +48 3 90 * +48 3 91 KI +48 3 92 * +48 3 93 * +48 3 94 AN +48 3 95 BI +48 3 96 KI +48 3 97 * +48 3 98 MD +48 3 99 ML +48 3 100 BI +48 3 101 MD +48 3 102 * +48 3 103 * +48 3 104 * +48 3 105 MD +48 3 106 ML +48 3 107 MA +48 3 108 MA +48 3 109 * +48 3 110 ML +48 3 111 AN +48 3 112 MD +48 3 113 AN +48 3 114 * +48 3 115 MD +48 3 116 BL +48 3 117 AN +48 3 118 MD +48 3 119 BG +48 3 120 MA +48 3 121 MA +48 3 122 BG +48 3 123 * +48 3 124 KI +48 3 125 MD +48 3 126 ML +48 3 127 AN +48 3 128 KI +48 3 129 MA +48 3 130 AN +48 3 131 MD +48 3 132 MD +48 3 133 BG +48 3 134 AN +48 3 135 MD +48 3 136 * +48 3 137 BG +48 3 138 BL +48 3 139 MA +48 3 140 * +48 3 141 MA +48 3 142 MA +48 3 143 BG +48 3 144 * +48 3 145 BL +48 3 146 KI +48 3 147 BG +48 3 148 MD +48 3 149 KI +48 3 150 * +48 3 151 MD +48 3 152 MD +48 3 153 * +48 3 154 * +48 3 155 AN +48 3 156 * +48 3 157 AN +48 3 158 MA +48 3 159 KI +48 3 160 MD +48 3 161 BL +48 3 162 MD +48 3 163 * +48 3 164 * +48 3 165 BG +48 3 166 AN +48 3 167 * +48 3 168 BG +48 3 169 * +48 3 170 AN +48 3 171 BG +48 3 172 MA +48 3 173 MD +48 3 174 KI +48 3 175 BL +48 3 176 MD +48 3 177 KI +48 3 178 * +48 3 179 MD +48 3 180 BG +48 3 181 * +48 3 182 MD +48 3 183 * +48 3 184 MD +48 3 185 ML +48 3 186 BL +48 3 187 ML +48 3 188 * +48 3 189 BL +48 3 190 ML +48 3 191 BG +48 3 192 * +48 3 193 KI +48 3 194 MD +48 3 195 BG +48 3 196 BL +48 3 197 MD +48 3 198 AN +48 3 199 MA +48 3 200 BL +48 3 201 ML +48 3 202 BG +48 3 203 MD +48 3 204 AN +48 3 205 BL +48 3 206 MA +48 3 207 MD +48 3 208 * +48 3 209 BG +48 3 210 * +48 3 211 BG +48 3 212 MD +48 3 213 * +48 3 214 KI +48 3 215 MD +48 3 216 AN +48 3 217 ML +48 3 218 * +48 3 219 MA +48 3 220 AN +48 3 221 BL +48 3 222 MD +48 3 223 BG +48 3 224 MA +48 3 225 * +48 3 226 * +48 3 227 AN +48 3 228 AN +48 3 229 BL +48 3 230 ML +48 3 231 MD +48 3 232 AN +48 3 233 AN +48 3 234 BG +48 3 235 * +48 3 236 BG +48 3 237 KI +48 3 238 BG +48 3 239 MA +48 3 240 MD +48 3 241 ML +48 3 242 KI +48 3 243 MD +48 3 244 MA +48 3 245 MD +48 3 246 BG +48 3 247 * +48 3 248 AN +48 3 249 * +48 3 250 MD +48 3 251 BL +48 3 252 KI +48 3 253 BL +48 3 254 BL +48 3 255 AN +48 3 256 MD +48 3 257 AN +48 3 258 KI +48 3 259 MD +48 3 260 KI +48 3 261 MD +48 3 262 MA +48 3 263 MA +48 3 264 BI +48 3 265 BG +48 3 266 MD +48 3 267 MD +48 3 268 * +48 3 269 MD +48 3 270 MD +48 3 271 AN +48 3 272 MA +48 3 273 MD +48 3 274 MA +48 3 275 BG +48 3 276 MD +48 3 277 * +48 3 278 MD +48 3 279 * +48 3 280 BG +48 3 281 BG +48 3 282 BG +48 3 283 AM +48 3 284 BL +48 3 285 MD +48 3 286 MA +48 3 287 * +48 3 288 MD +48 3 289 * +48 3 290 MA +48 3 291 * +48 3 292 ML +48 3 293 * +48 3 294 BL +48 3 295 * +48 3 296 MD +48 3 297 ML +48 3 298 MD +48 3 299 BG +48 3 300 MA +48 3 301 BG +48 3 302 MA +48 3 303 * +48 3 304 BG +48 3 305 MD +48 3 306 * +48 3 307 MD +48 3 308 * +48 3 309 AN +48 3 310 * +48 3 311 * +48 3 312 AN +48 3 313 * +48 3 314 ML +48 3 315 BG +48 3 316 BG +48 3 317 MD +48 3 318 ML +48 3 319 MA +48 3 320 BG +48 3 321 MD +48 3 322 BL +48 3 323 * +48 3 324 MA +48 3 325 MD +48 3 326 KI +48 3 327 MA +48 3 328 AN +48 3 329 * +48 3 330 BL +48 4 1 AN +48 4 2 BG +48 4 3 MD +48 4 4 AN +48 4 5 * +48 4 6 * +48 4 7 * +48 4 8 MD +48 4 9 AN +48 4 10 AN +48 4 11 KI +48 4 12 AN +48 4 13 * +48 4 14 * +48 4 15 * +48 4 16 MA +48 4 17 MD +48 4 18 AN +48 4 19 * +48 4 20 * +48 4 21 MD +48 4 22 KI +48 4 23 AN +48 4 24 AN +48 4 25 * +48 4 26 AN +48 4 27 BG +48 4 28 MD +48 4 29 * +48 4 30 * +48 4 31 MA +48 4 32 * +48 4 33 * +48 4 34 AN +48 4 35 MD +48 4 36 AN +48 4 37 AN +48 4 38 MA +48 4 39 * +48 4 40 AN +48 4 41 MD +48 4 42 KI +48 4 43 AN +48 4 44 * +48 4 45 * +48 4 46 AN +48 4 47 AN +48 4 48 KI +48 4 49 * +48 4 50 AN +48 4 51 AN +48 4 52 MA +48 4 53 MD +48 4 54 * +48 4 55 * +48 4 56 MD +48 4 57 AN +48 4 58 * +48 4 59 MA +48 4 60 AN +48 4 61 MD +48 4 62 * +48 4 63 MD +48 4 64 AN +48 4 65 MD +48 4 66 MD +48 4 67 * +48 4 68 MD +48 4 69 AN +48 4 70 MA +48 4 71 AN +48 4 72 * +48 4 73 AN +48 4 74 MA +48 4 75 AN +48 4 76 MD +48 4 77 BG +48 4 78 * +48 4 79 AN +48 4 80 * +48 4 81 BG +48 4 82 BG +48 4 83 KI +48 4 84 * +48 4 85 BG +48 4 86 MD +48 4 87 AN +48 4 88 MD +48 4 89 AN +48 4 90 AN +48 4 91 * +48 4 92 MA +48 4 93 * +48 4 94 AN +48 4 95 * +48 4 96 KI +48 4 97 AM +48 4 98 MD +48 4 99 MA +48 4 100 * +48 4 101 MD +48 4 102 MA +48 4 103 AN +48 4 104 MA +48 4 105 MD +48 4 106 KI +48 4 107 MA +48 4 108 MA +48 4 109 AN +48 4 110 KI +48 4 111 AN +48 4 112 MD +48 4 113 AN +48 4 114 BG +48 4 115 MD +48 4 116 MA +48 4 117 AN +48 4 118 MD +48 4 119 BG +48 4 120 MA +48 4 121 MD +48 4 122 BG +48 4 123 AN +48 4 124 KI +48 4 125 MD +48 4 126 MD +48 4 127 AN +48 4 128 KI +48 4 129 MA +48 4 130 AN +48 4 131 AN +48 4 132 MD +48 4 133 KI +48 4 134 AN +48 4 135 MD +48 4 136 BG +48 4 137 * +48 4 138 MA +48 4 139 MA +48 4 140 AN +48 4 141 MA +48 4 142 MA +48 4 143 BG +48 4 144 AN +48 4 145 BG +48 4 146 KI +48 4 147 BG +48 4 148 MD +48 4 149 BG +48 4 150 AN +48 4 151 MD +48 4 152 * +48 4 153 KI +48 4 154 AN +48 4 155 AN +48 4 156 BG +48 4 157 AN +48 4 158 MA +48 4 159 KI +48 4 160 * +48 4 161 BG +48 4 162 MD +48 4 163 * +48 4 164 * +48 4 165 AN +48 4 166 AN +48 4 167 * +48 4 168 BG +48 4 169 AN +48 4 170 AN +48 4 171 BG +48 4 172 MD +48 4 173 MD +48 4 174 KI +48 4 175 MA +48 4 176 MD +48 4 177 KI +48 4 178 AN +48 4 179 AN +48 4 180 BG +48 4 181 KI +48 4 182 MD +48 4 183 * +48 4 184 * +48 4 185 KI +48 4 186 MA +48 4 187 KI +48 4 188 * +48 4 189 MA +48 4 190 KI +48 4 191 BG +48 4 192 * +48 4 193 KI +48 4 194 AN +48 4 195 BG +48 4 196 MA +48 4 197 * +48 4 198 AN +48 4 199 MA +48 4 200 * +48 4 201 KI +48 4 202 BG +48 4 203 * +48 4 204 AN +48 4 205 AN +48 4 206 MA +48 4 207 MD +48 4 208 KI +48 4 209 BG +48 4 210 AN +48 4 211 * +48 4 212 KI +48 4 213 MA +48 4 214 KI +48 4 215 * +48 4 216 AN +48 4 217 * +48 4 218 BG +48 4 219 MA +48 4 220 AN +48 4 221 MA +48 4 222 AN +48 4 223 BG +48 4 224 MA +48 4 225 KI +48 4 226 AN +48 4 227 AN +48 4 228 AN +48 4 229 BG +48 4 230 MA +48 4 231 * +48 4 232 AN +48 4 233 MA +48 4 234 BG +48 4 235 * +48 4 236 BG +48 4 237 MD +48 4 238 BG +48 4 239 MD +48 4 240 AN +48 4 241 MA +48 4 242 KI +48 4 243 MD +48 4 244 MA +48 4 245 MD +48 4 246 KI +48 4 247 * +48 4 248 AN +48 4 249 BG +48 4 250 AN +48 4 251 BG +48 4 252 MA +48 4 253 BG +48 4 254 MA +48 4 255 AN +48 4 256 MD +48 4 257 AN +48 4 258 KI +48 4 259 MD +48 4 260 KI +48 4 261 MD +48 4 262 MA +48 4 263 * +48 4 264 MA +48 4 265 BG +48 4 266 * +48 4 267 AN +48 4 268 BG +48 4 269 MD +48 4 270 KI +48 4 271 AN +48 4 272 MA +48 4 273 * +48 4 274 MA +48 4 275 KI +48 4 276 MD +48 4 277 AN +48 4 278 KI +48 4 279 AN +48 4 280 * +48 4 281 BG +48 4 282 BG +48 4 283 AN +48 4 284 MA +48 4 285 KI +48 4 286 MA +48 4 287 * +48 4 288 MD +48 4 289 * +48 4 290 KI +48 4 291 AN +48 4 292 KI +48 4 293 MA +48 4 294 MA +48 4 295 * +48 4 296 AN +48 4 297 KI +48 4 298 MD +48 4 299 BG +48 4 300 MA +48 4 301 BG +48 4 302 MA +48 4 303 MA +48 4 304 BG +48 4 305 * +48 4 306 BG +48 4 307 * +48 4 308 * +48 4 309 AN +48 4 310 BG +48 4 311 * +48 4 312 AN +48 4 313 AN +48 4 314 MA +48 4 315 BG +48 4 316 BG +48 4 317 MD +48 4 318 KI +48 4 319 MA +48 4 320 * +48 4 321 MD +48 4 322 MA +48 4 323 BG +48 4 324 MA +48 4 325 * +48 4 326 KI +48 4 327 MA +48 4 328 BG +48 4 329 * +48 4 330 MA +48 5 1 * +48 5 2 EM +48 5 3 MD +48 5 4 AN +48 5 5 EM +48 5 6 * +48 5 7 EM +48 5 8 MD +48 5 9 * +48 5 10 * +48 5 11 AN +48 5 12 KI +48 5 13 EM +48 5 14 EM +48 5 15 * +48 5 16 MA +48 5 17 ML +48 5 18 AN +48 5 19 * +48 5 20 EM +48 5 21 MD +48 5 22 MA +48 5 23 * +48 5 24 AN +48 5 25 * +48 5 26 AN +48 5 27 MA +48 5 28 * +48 5 29 EM +48 5 30 * +48 5 31 MA +48 5 32 MD +48 5 33 EM +48 5 34 * +48 5 35 * +48 5 36 EM +48 5 37 AN +48 5 38 MD +48 5 39 EM +48 5 40 * +48 5 41 MD +48 5 42 * +48 5 43 AN +48 5 44 MA +48 5 45 EM +48 5 46 AN +48 5 47 * +48 5 48 * +48 5 49 * +48 5 50 * +48 5 51 AN +48 5 52 MA +48 5 53 MD +48 5 54 EM +48 5 55 AN +48 5 56 MA +48 5 57 EM +48 5 58 * +48 5 59 MA +48 5 60 AN +48 5 61 MD +48 5 62 MA +48 5 63 * +48 5 64 AN +48 5 65 MD +48 5 66 MA +48 5 67 BG +48 5 68 MD +48 5 69 * +48 5 70 MA +48 5 71 AN +48 5 72 EM +48 5 73 * +48 5 74 MA +48 5 75 EM +48 5 76 * +48 5 77 * +48 5 78 MA +48 5 79 * +48 5 80 * +48 5 81 EM +48 5 82 * +48 5 83 MA +48 5 84 MA +48 5 85 EM +48 5 86 * +48 5 87 AN +48 5 88 MD +48 5 89 AN +48 5 90 BG +48 5 91 BG +48 5 92 MA +48 5 93 AN +48 5 94 AN +48 5 95 MA +48 5 96 KI +48 5 97 AN +48 5 98 MD +48 5 99 MA +48 5 100 MA +48 5 101 AN +48 5 102 * +48 5 103 BG +48 5 104 MA +48 5 105 * +48 5 106 KI +48 5 107 MA +48 5 108 MA +48 5 109 AN +48 5 110 * +48 5 111 BG +48 5 112 MD +48 5 113 AN +48 5 114 BG +48 5 115 MD +48 5 116 MA +48 5 117 AN +48 5 118 MD +48 5 119 BG +48 5 120 MA +48 5 121 MD +48 5 122 EM +48 5 123 BG +48 5 124 BG +48 5 125 MD +48 5 126 AN +48 5 127 AN +48 5 128 KI +48 5 129 MA +48 5 130 AN +48 5 131 * +48 5 132 * +48 5 133 BG +48 5 134 AN +48 5 135 MD +48 5 136 EM +48 5 137 EM +48 5 138 * +48 5 139 MA +48 5 140 AN +48 5 141 MA +48 5 142 MA +48 5 143 EM +48 5 144 AN +48 5 145 EM +48 5 146 KI +48 5 147 EM +48 5 148 MD +48 5 149 EM +48 5 150 AN +48 5 151 MA +48 5 152 MA +48 5 153 AN +48 5 154 AN +48 5 155 AN +48 5 156 EM +48 5 157 MA +48 5 158 MA +48 5 159 MA +48 5 160 MA +48 5 161 EM +48 5 162 MD +48 5 163 BG +48 5 164 MA +48 5 165 EM +48 5 166 AN +48 5 167 MA +48 5 168 EM +48 5 169 * +48 5 170 AN +48 5 171 EM +48 5 172 MA +48 5 173 MD +48 5 174 KI +48 5 175 MA +48 5 176 MD +48 5 177 KI +48 5 178 AN +48 5 179 MD +48 5 180 EM +48 5 181 MA +48 5 182 MD +48 5 183 AN +48 5 184 * +48 5 185 AN +48 5 186 * +48 5 187 KI +48 5 188 MA +48 5 189 MA +48 5 190 * +48 5 191 EM +48 5 192 AN +48 5 193 KI +48 5 194 AN +48 5 195 EM +48 5 196 EM +48 5 197 * +48 5 198 AN +48 5 199 MA +48 5 200 MA +48 5 201 * +48 5 202 BG +48 5 203 MD +48 5 204 AN +48 5 205 * +48 5 206 MA +48 5 207 MD +48 5 208 AN +48 5 209 AN +48 5 210 * +48 5 211 * +48 5 212 KI +48 5 213 AN +48 5 214 EM +48 5 215 MA +48 5 216 AN +48 5 217 MA +48 5 218 EM +48 5 219 EM +48 5 220 AN +48 5 221 MA +48 5 222 * +48 5 223 EM +48 5 224 MA +48 5 225 EM +48 5 226 AN +48 5 227 AN +48 5 228 AN +48 5 229 EM +48 5 230 MA +48 5 231 MD +48 5 232 * +48 5 233 * +48 5 234 BG +48 5 235 AN +48 5 236 BG +48 5 237 * +48 5 238 EM +48 5 239 MD +48 5 240 AN +48 5 241 MA +48 5 242 MA +48 5 243 MD +48 5 244 EM +48 5 245 * +48 5 246 EM +48 5 247 * +48 5 248 EM +48 5 249 EM +48 5 250 AN +48 5 251 BG +48 5 252 MA +48 5 253 EM +48 5 254 MA +48 5 255 AN +48 5 256 MD +48 5 257 AN +48 5 258 KI +48 5 259 MD +48 5 260 MA +48 5 261 MD +48 5 262 MA +48 5 263 AN +48 5 264 MA +48 5 265 BG +48 5 266 AN +48 5 267 MD +48 5 268 BG +48 5 269 MD +48 5 270 KI +48 5 271 EM +48 5 272 MA +48 5 273 MD +48 5 274 MA +48 5 275 EM +48 5 276 MD +48 5 277 AN +48 5 278 MD +48 5 279 AN +48 5 280 EM +48 5 281 EM +48 5 282 BG +48 5 283 AN +48 5 284 MA +48 5 285 MA +48 5 286 MA +48 5 287 AN +48 5 288 MD +48 5 289 EM +48 5 290 MA +48 5 291 AN +48 5 292 MA +48 5 293 MA +48 5 294 MA +48 5 295 AN +48 5 296 AN +48 5 297 KI +48 5 298 MD +48 5 299 EM +48 5 300 MA +48 5 301 BG +48 5 302 MA +48 5 303 MA +48 5 304 BG +48 5 305 AN +48 5 306 BG +48 5 307 AN +48 5 308 MA +48 5 309 AN +48 5 310 EM +48 5 311 BG +48 5 312 AN +48 5 313 AN +48 5 314 MA +48 5 315 EM +48 5 316 BG +48 5 317 MD +48 5 318 MD +48 5 319 MD +48 5 320 EM +48 5 321 MD +48 5 322 MA +48 5 323 BG +48 5 324 MD +48 5 325 AN +48 5 326 KI +48 5 327 MA +48 5 328 EM +48 5 329 AN +48 5 330 MA +48 6 1 BL +48 6 2 * +48 6 3 MD +48 6 4 AN +48 6 5 * +48 6 6 NN +48 6 7 BG +48 6 8 MD +48 6 9 * +48 6 10 AN +48 6 11 * +48 6 12 ML +48 6 13 * +48 6 14 * +48 6 15 NN +48 6 16 MA +48 6 17 MD +48 6 18 AN +48 6 19 BL +48 6 20 BG +48 6 21 MD +48 6 22 ML +48 6 23 * +48 6 24 AN +48 6 25 * +48 6 26 * +48 6 27 MA +48 6 28 MD +48 6 29 BG +48 6 30 NN +48 6 31 * +48 6 32 MD +48 6 33 EM +48 6 34 BL +48 6 35 MD +48 6 36 AN +48 6 37 BL +48 6 38 MD +48 6 39 BG +48 6 40 BL +48 6 41 MD +48 6 42 ML +48 6 43 * +48 6 44 MA +48 6 45 BG +48 6 46 MA +48 6 47 AN +48 6 48 ML +48 6 49 BL +48 6 50 * +48 6 51 AN +48 6 52 MA +48 6 53 MD +48 6 54 BG +48 6 55 BL +48 6 56 NN +48 6 57 * +48 6 58 * +48 6 59 MA +48 6 60 AN +48 6 61 MD +48 6 62 BL +48 6 63 NN +48 6 64 BL +48 6 65 MD +48 6 66 MA +48 6 67 BG +48 6 68 NN +48 6 69 * +48 6 70 MA +48 6 71 BA +48 6 72 BG +48 6 73 BA +48 6 74 MA +48 6 75 AN +48 6 76 MD +48 6 77 BL +48 6 78 MD +48 6 79 AN +48 6 80 BL +48 6 81 * +48 6 82 BG +48 6 83 MA +48 6 84 NN +48 6 85 BG +48 6 86 MD +48 6 87 AN +48 6 88 BA +48 6 89 AN +48 6 90 * +48 6 91 ML +48 6 92 MA +48 6 93 BL +48 6 94 AN +48 6 95 MA +48 6 96 ML +48 6 97 * +48 6 98 MD +48 6 99 * +48 6 100 BG +48 6 101 BA +48 6 102 MA +48 6 103 AN +48 6 104 BL +48 6 105 BA +48 6 106 ML +48 6 107 MA +48 6 108 * +48 6 109 BL +48 6 110 ML +48 6 111 AN +48 6 112 MD +48 6 113 AN +48 6 114 * +48 6 115 MD +48 6 116 * +48 6 117 AN +48 6 118 MD +48 6 119 BG +48 6 120 MA +48 6 121 MD +48 6 122 BG +48 6 123 BL +48 6 124 ML +48 6 125 MD +48 6 126 MD +48 6 127 AN +48 6 128 ML +48 6 129 MA +48 6 130 AN +48 6 131 BA +48 6 132 MD +48 6 133 BG +48 6 134 AN +48 6 135 BA +48 6 136 BG +48 6 137 AN +48 6 138 BL +48 6 139 MA +48 6 140 BL +48 6 141 MA +48 6 142 MA +48 6 143 ML +48 6 144 * +48 6 145 BG +48 6 146 ML +48 6 147 BG +48 6 148 MD +48 6 149 BG +48 6 150 BA +48 6 151 NN +48 6 152 MD +48 6 153 BL +48 6 154 AN +48 6 155 AN +48 6 156 BG +48 6 157 AN +48 6 158 MA +48 6 159 ML +48 6 160 NN +48 6 161 BG +48 6 162 MD +48 6 163 BG +48 6 164 BL +48 6 165 * +48 6 166 AN +48 6 167 MA +48 6 168 BG +48 6 169 BL +48 6 170 AN +48 6 171 BG +48 6 172 MA +48 6 173 MD +48 6 174 ML +48 6 175 BL +48 6 176 MD +48 6 177 ML +48 6 178 BL +48 6 179 BA +48 6 180 BG +48 6 181 ML +48 6 182 BA +48 6 183 AN +48 6 184 * +48 6 185 ML +48 6 186 BL +48 6 187 MA +48 6 188 BL +48 6 189 MA +48 6 190 NN +48 6 191 BG +48 6 192 * +48 6 193 ML +48 6 194 BA +48 6 195 BG +48 6 196 BL +48 6 197 BA +48 6 198 AN +48 6 199 MA +48 6 200 BL +48 6 201 NN +48 6 202 BG +48 6 203 MD +48 6 204 AN +48 6 205 * +48 6 206 MA +48 6 207 MD +48 6 208 ML +48 6 209 AN +48 6 210 BA +48 6 211 BL +48 6 212 MD +48 6 213 * +48 6 214 ML +48 6 215 NN +48 6 216 AN +48 6 217 NN +48 6 218 ML +48 6 219 * +48 6 220 BL +48 6 221 MA +48 6 222 * +48 6 223 BG +48 6 224 MA +48 6 225 * +48 6 226 BL +48 6 227 AN +48 6 228 AN +48 6 229 BG +48 6 230 MA +48 6 231 BA +48 6 232 * +48 6 233 * +48 6 234 BG +48 6 235 BL +48 6 236 ML +48 6 237 NN +48 6 238 BL +48 6 239 MD +48 6 240 BA +48 6 241 MA +48 6 242 ML +48 6 243 MD +48 6 244 MA +48 6 245 MD +48 6 246 BL +48 6 247 * +48 6 248 AN +48 6 249 BG +48 6 250 * +48 6 251 BG +48 6 252 MA +48 6 253 BG +48 6 254 BL +48 6 255 AN +48 6 256 MD +48 6 257 AN +48 6 258 ML +48 6 259 BA +48 6 260 MA +48 6 261 NN +48 6 262 MA +48 6 263 MA +48 6 264 * +48 6 265 BG +48 6 266 BA +48 6 267 MD +48 6 268 BG +48 6 269 MD +48 6 270 ML +48 6 271 AN +48 6 272 MA +48 6 273 * +48 6 274 MA +48 6 275 ML +48 6 276 MD +48 6 277 BL +48 6 278 NN +48 6 279 BL +48 6 280 BG +48 6 281 BG +48 6 282 BG +48 6 283 * +48 6 284 MA +48 6 285 NN +48 6 286 MA +48 6 287 ML +48 6 288 MD +48 6 289 BL +48 6 290 MA +48 6 291 BL +48 6 292 NN +48 6 293 MA +48 6 294 MA +48 6 295 * +48 6 296 * +48 6 297 ML +48 6 298 MD +48 6 299 BG +48 6 300 MA +48 6 301 BG +48 6 302 MA +48 6 303 * +48 6 304 BG +48 6 305 BA +48 6 306 BG +48 6 307 BL +48 6 308 * +48 6 309 AN +48 6 310 BG +48 6 311 BL +48 6 312 AN +48 6 313 * +48 6 314 MA +48 6 315 BG +48 6 316 BG +48 6 317 BA +48 6 318 MD +48 6 319 MA +48 6 320 BG +48 6 321 MD +48 6 322 BL +48 6 323 BG +48 6 324 MA +48 6 325 BA +48 6 326 ML +48 6 327 MA +48 6 328 BG +48 6 329 * +48 6 330 MA +48 7 1 BL +48 7 2 BG +48 7 3 MD +48 7 4 AN +48 7 5 BG +48 7 6 * +48 7 7 BG +48 7 8 MD +48 7 9 * +48 7 10 AN +48 7 11 * +48 7 12 ML +48 7 13 BG +48 7 14 * +48 7 15 BA +48 7 16 * +48 7 17 MD +48 7 18 AN +48 7 19 AN +48 7 20 BG +48 7 21 MD +48 7 22 ML +48 7 23 * +48 7 24 AN +48 7 25 AN +48 7 26 AN +48 7 27 * +48 7 28 BA +48 7 29 BG +48 7 30 * +48 7 31 * +48 7 32 BA +48 7 33 BG +48 7 34 AN +48 7 35 BA +48 7 36 BG +48 7 37 * +48 7 38 MD +48 7 39 BG +48 7 40 * +48 7 41 MD +48 7 42 ML +48 7 43 AN +48 7 44 * +48 7 45 BG +48 7 46 * +48 7 47 BG +48 7 48 ML +48 7 49 * +48 7 50 AN +48 7 51 * +48 7 52 MA +48 7 53 BA +48 7 54 BG +48 7 55 * +48 7 56 BA +48 7 57 AN +48 7 58 ML +48 7 59 * +48 7 60 AN +48 7 61 MD +48 7 62 * +48 7 63 MD +48 7 64 AN +48 7 65 MD +48 7 66 MA +48 7 67 BG +48 7 68 BA +48 7 69 ML +48 7 70 MA +48 7 71 MD +48 7 72 BG +48 7 73 AN +48 7 74 * +48 7 75 BG +48 7 76 MD +48 7 77 AN +48 7 78 BA +48 7 79 AN +48 7 80 AN +48 7 81 ML +48 7 82 BG +48 7 83 MA +48 7 84 BA +48 7 85 BG +48 7 86 BA +48 7 87 AN +48 7 88 MD +48 7 89 AN +48 7 90 BG +48 7 91 ML +48 7 92 MA +48 7 93 AN +48 7 94 AN +48 7 95 MA +48 7 96 ML +48 7 97 * +48 7 98 MD +48 7 99 BA +48 7 100 BG +48 7 101 MD +48 7 102 MA +48 7 103 ML +48 7 104 * +48 7 105 BA +48 7 106 ML +48 7 107 MA +48 7 108 * +48 7 109 AN +48 7 110 ML +48 7 111 BG +48 7 112 MD +48 7 113 AN +48 7 114 BG +48 7 115 MD +48 7 116 * +48 7 117 * +48 7 118 BA +48 7 119 BG +48 7 120 MA +48 7 121 MD +48 7 122 BG +48 7 123 AN +48 7 124 ML +48 7 125 MD +48 7 126 MD +48 7 127 BG +48 7 128 ML +48 7 129 MA +48 7 130 * +48 7 131 AN +48 7 132 MD +48 7 133 BG +48 7 134 * +48 7 135 MD +48 7 136 BG +48 7 137 * +48 7 138 * +48 7 139 MA +48 7 140 AN +48 7 141 MA +48 7 142 MA +48 7 143 ML +48 7 144 AN +48 7 145 BG +48 7 146 ML +48 7 147 BG +48 7 148 MD +48 7 149 BG +48 7 150 AN +48 7 151 MD +48 7 152 MD +48 7 153 AN +48 7 154 * +48 7 155 * +48 7 156 BG +48 7 157 AN +48 7 158 MA +48 7 159 ML +48 7 160 MD +48 7 161 BG +48 7 162 MD +48 7 163 AN +48 7 164 * +48 7 165 ML +48 7 166 AN +48 7 167 * +48 7 168 BG +48 7 169 AN +48 7 170 AN +48 7 171 ML +48 7 172 MA +48 7 173 MD +48 7 174 ML +48 7 175 * +48 7 176 MD +48 7 177 ML +48 7 178 AN +48 7 179 MD +48 7 180 BG +48 7 181 ML +48 7 182 MD +48 7 183 ML +48 7 184 AN +48 7 185 MD +48 7 186 * +48 7 187 ML +48 7 188 * +48 7 189 * +48 7 190 MD +48 7 191 BG +48 7 192 AN +48 7 193 ML +48 7 194 MD +48 7 195 BG +48 7 196 * +48 7 197 * +48 7 198 AN +48 7 199 * +48 7 200 * +48 7 201 MD +48 7 202 BG +48 7 203 MD +48 7 204 AN +48 7 205 AN +48 7 206 MA +48 7 207 MD +48 7 208 ML +48 7 209 BG +48 7 210 * +48 7 211 * +48 7 212 ML +48 7 213 * +48 7 214 ML +48 7 215 BA +48 7 216 ML +48 7 217 BA +48 7 218 ML +48 7 219 * +48 7 220 AN +48 7 221 MA +48 7 222 AN +48 7 223 BG +48 7 224 MA +48 7 225 ML +48 7 226 AN +48 7 227 * +48 7 228 AM +48 7 229 BG +48 7 230 MA +48 7 231 MD +48 7 232 * +48 7 233 AN +48 7 234 BG +48 7 235 AN +48 7 236 ML +48 7 237 BA +48 7 238 BG +48 7 239 MD +48 7 240 MD +48 7 241 MA +48 7 242 ML +48 7 243 MD +48 7 244 MA +48 7 245 MD +48 7 246 * +48 7 247 * +48 7 248 BG +48 7 249 BG +48 7 250 AN +48 7 251 BG +48 7 252 * +48 7 253 BG +48 7 254 * +48 7 255 * +48 7 256 MD +48 7 257 AN +48 7 258 ML +48 7 259 MD +48 7 260 ML +48 7 261 MD +48 7 262 MD +48 7 263 * +48 7 264 * +48 7 265 BG +48 7 266 MD +48 7 267 MD +48 7 268 BG +48 7 269 MD +48 7 270 ML +48 7 271 BG +48 7 272 MA +48 7 273 MD +48 7 274 MA +48 7 275 ML +48 7 276 MD +48 7 277 AN +48 7 278 BA +48 7 279 AN +48 7 280 BG +48 7 281 BG +48 7 282 BG +48 7 283 * +48 7 284 MA +48 7 285 BA +48 7 286 MA +48 7 287 ML +48 7 288 MD +48 7 289 * +48 7 290 MA +48 7 291 AN +48 7 292 MD +48 7 293 * +48 7 294 MA +48 7 295 ML +48 7 296 AN +48 7 297 ML +48 7 298 MA +48 7 299 BG +48 7 300 MA +48 7 301 BG +48 7 302 MA +48 7 303 * +48 7 304 BG +48 7 305 MD +48 7 306 BG +48 7 307 AN +48 7 308 * +48 7 309 * +48 7 310 BG +48 7 311 AN +48 7 312 * +48 7 313 AN +48 7 314 MA +48 7 315 BG +48 7 316 BG +48 7 317 MD +48 7 318 MD +48 7 319 MA +48 7 320 ML +48 7 321 MD +48 7 322 AN +48 7 323 BG +48 7 324 MA +48 7 325 MD +48 7 326 ML +48 7 327 MA +48 7 328 BG +48 7 329 MD +48 7 330 MA +48 8 1 * +48 8 2 * +48 8 3 HN +48 8 4 AN +48 8 5 * +48 8 6 MA +48 8 7 * +48 8 8 MD +48 8 9 AN +48 8 10 AN +48 8 11 * +48 8 12 KI +48 8 13 * +48 8 14 AN +48 8 15 MA +48 8 16 MA +48 8 17 MD +48 8 18 AN +48 8 19 * +48 8 20 * +48 8 21 MD +48 8 22 MA +48 8 23 * +48 8 24 AN +48 8 25 * +48 8 26 AN +48 8 27 MA +48 8 28 MD +48 8 29 * +48 8 30 ML +48 8 31 * +48 8 32 * +48 8 33 ML +48 8 34 * +48 8 35 MD +48 8 36 AN +48 8 37 * +48 8 38 MD +48 8 39 * +48 8 40 * +48 8 41 MD +48 8 42 KI +48 8 43 AN +48 8 44 MA +48 8 45 * +48 8 46 MA +48 8 47 AN +48 8 48 KI +48 8 49 * +48 8 50 MD +48 8 51 MA +48 8 52 MA +48 8 53 MD +48 8 54 ML +48 8 55 * +48 8 56 MD +48 8 57 * +48 8 58 AN +48 8 59 MA +48 8 60 AN +48 8 61 MD +48 8 62 * +48 8 63 MD +48 8 64 AN +48 8 65 MD +48 8 66 MA +48 8 67 KI +48 8 68 MD +48 8 69 AN +48 8 70 MA +48 8 71 MD +48 8 72 BG +48 8 73 AN +48 8 74 * +48 8 75 BG +48 8 76 MD +48 8 77 BG +48 8 78 MA +48 8 79 AN +48 8 80 AN +48 8 81 BG +48 8 82 BG +48 8 83 MA +48 8 84 MD +48 8 85 BG +48 8 86 MD +48 8 87 AN +48 8 88 * +48 8 89 AN +48 8 90 AN +48 8 91 BG +48 8 92 MA +48 8 93 BG +48 8 94 AN +48 8 95 MA +48 8 96 KI +48 8 97 * +48 8 98 MD +48 8 99 MA +48 8 100 BG +48 8 101 MD +48 8 102 MA +48 8 103 * +48 8 104 * +48 8 105 MD +48 8 106 KI +48 8 107 MA +48 8 108 MA +48 8 109 AN +48 8 110 * +48 8 111 AN +48 8 112 MD +48 8 113 AN +48 8 114 * +48 8 115 MD +48 8 116 MA +48 8 117 AN +48 8 118 MD +48 8 119 * +48 8 120 MA +48 8 121 MD +48 8 122 * +48 8 123 AN +48 8 124 * +48 8 125 MD +48 8 126 MD +48 8 127 AN +48 8 128 KI +48 8 129 MA +48 8 130 AN +48 8 131 * +48 8 132 MD +48 8 133 AN +48 8 134 AN +48 8 135 * +48 8 136 * +48 8 137 * +48 8 138 * +48 8 139 MA +48 8 140 AN +48 8 141 MA +48 8 142 MA +48 8 143 * +48 8 144 AN +48 8 145 * +48 8 146 * +48 8 147 * +48 8 148 MD +48 8 149 * +48 8 150 AN +48 8 151 MD +48 8 152 * +48 8 153 * +48 8 154 AN +48 8 155 AN +48 8 156 * +48 8 157 AN +48 8 158 MA +48 8 159 * +48 8 160 MD +48 8 161 BG +48 8 162 MD +48 8 163 BG +48 8 164 * +48 8 165 * +48 8 166 AN +48 8 167 MA +48 8 168 * +48 8 169 * +48 8 170 AN +48 8 171 * +48 8 172 MA +48 8 173 MD +48 8 174 KI +48 8 175 * +48 8 176 MD +48 8 177 * +48 8 178 AN +48 8 179 * +48 8 180 * +48 8 181 KI +48 8 182 AN +48 8 183 * +48 8 184 * +48 8 185 * +48 8 186 * +48 8 187 KI +48 8 188 * +48 8 189 MA +48 8 190 MD +48 8 191 BG +48 8 192 * +48 8 193 * +48 8 194 AN +48 8 195 BG +48 8 196 * +48 8 197 * +48 8 198 AN +48 8 199 MA +48 8 200 * +48 8 201 MD +48 8 202 BG +48 8 203 * +48 8 204 AN +48 8 205 * +48 8 206 MA +48 8 207 MD +48 8 208 * +48 8 209 AN +48 8 210 * +48 8 211 * +48 8 212 MD +48 8 213 MA +48 8 214 KI +48 8 215 * +48 8 216 AN +48 8 217 * +48 8 218 * +48 8 219 * +48 8 220 * +48 8 221 MA +48 8 222 * +48 8 223 BG +48 8 224 MA +48 8 225 * +48 8 226 AN +48 8 227 AN +48 8 228 AN +48 8 229 * +48 8 230 MA +48 8 231 * +48 8 232 * +48 8 233 AN +48 8 234 BG +48 8 235 * +48 8 236 * +48 8 237 MD +48 8 238 BG +48 8 239 ML +48 8 240 MD +48 8 241 MA +48 8 242 KI +48 8 243 MD +48 8 244 MA +48 8 245 MD +48 8 246 BG +48 8 247 * +48 8 248 AN +48 8 249 BG +48 8 250 * +48 8 251 KI +48 8 252 MA +48 8 253 BG +48 8 254 * +48 8 255 AN +48 8 256 MD +48 8 257 AN +48 8 258 ML +48 8 259 MD +48 8 260 KI +48 8 261 HN +48 8 262 MA +48 8 263 MA +48 8 264 MA +48 8 265 BG +48 8 266 ML +48 8 267 * +48 8 268 BG +48 8 269 MD +48 8 270 ML +48 8 271 BG +48 8 272 MA +48 8 273 * +48 8 274 MA +48 8 275 * +48 8 276 MD +48 8 277 AN +48 8 278 MD +48 8 279 AN +48 8 280 KI +48 8 281 BG +48 8 282 ML +48 8 283 MA +48 8 284 MA +48 8 285 ML +48 8 286 MA +48 8 287 * +48 8 288 MD +48 8 289 * +48 8 290 MA +48 8 291 * +48 8 292 MD +48 8 293 * +48 8 294 MA +48 8 295 * +48 8 296 * +48 8 297 KI +48 8 298 MD +48 8 299 BG +48 8 300 MA +48 8 301 BG +48 8 302 MA +48 8 303 MA +48 8 304 * +48 8 305 AN +48 8 306 KI +48 8 307 * +48 8 308 MA +48 8 309 AN +48 8 310 BG +48 8 311 AN +48 8 312 AN +48 8 313 AN +48 8 314 MA +48 8 315 KI +48 8 316 * +48 8 317 MD +48 8 318 MD +48 8 319 MA +48 8 320 * +48 8 321 MD +48 8 322 AN +48 8 323 BG +48 8 324 MA +48 8 325 MD +48 8 326 KI +48 8 327 MA +48 8 328 BG +48 8 329 * +48 8 330 MA +48 9 1 AN +48 9 2 ML +48 9 3 MD +48 9 4 AN +48 9 5 * +48 9 6 KI +48 9 7 AN +48 9 8 MD +48 9 9 AN +48 9 10 * +48 9 11 AN +48 9 12 KI +48 9 13 AN +48 9 14 AN +48 9 15 ML +48 9 16 MA +48 9 17 MD +48 9 18 MA +48 9 19 AN +48 9 20 KI +48 9 21 MD +48 9 22 KI +48 9 23 * +48 9 24 MA +48 9 25 AN +48 9 26 AN +48 9 27 MA +48 9 28 MD +48 9 29 AN +48 9 30 KI +48 9 31 MA +48 9 32 MD +48 9 33 KI +48 9 34 AN +48 9 35 MD +48 9 36 AN +48 9 37 ML +48 9 38 MD +48 9 39 AN +48 9 40 KI +48 9 41 MD +48 9 42 AN +48 9 43 AN +48 9 44 MA +48 9 45 KI +48 9 46 MA +48 9 47 AN +48 9 48 KI +48 9 49 * +48 9 50 AN +48 9 51 * +48 9 52 MA +48 9 53 MD +48 9 54 KI +48 9 55 AN +48 9 56 MA +48 9 57 AN +48 9 58 KI +48 9 59 MA +48 9 60 AN +48 9 61 MD +48 9 62 MA +48 9 63 KI +48 9 64 AN +48 9 65 MD +48 9 66 MA +48 9 67 KI +48 9 68 MD +48 9 69 AN +48 9 70 MA +48 9 71 MD +48 9 72 AN +48 9 73 MD +48 9 74 KI +48 9 75 AN +48 9 76 MD +48 9 77 AN +48 9 78 MA +48 9 79 MA +48 9 80 AN +48 9 81 KI +48 9 82 AN +48 9 83 KI +48 9 84 MD +48 9 85 AN +48 9 86 MD +48 9 87 MA +48 9 88 MD +48 9 89 MA +48 9 90 AN +48 9 91 KI +48 9 92 MA +48 9 93 AN +48 9 94 MA +48 9 95 KI +48 9 96 AN +48 9 97 AN +48 9 98 MD +48 9 99 MA +48 9 100 AN +48 9 101 MD +48 9 102 MA +48 9 103 KI +48 9 104 ML +48 9 105 MD +48 9 106 ML +48 9 107 MA +48 9 108 AN +48 9 109 AN +48 9 110 KI +48 9 111 MA +48 9 112 MD +48 9 113 MA +48 9 114 AN +48 9 115 MD +48 9 116 AN +48 9 117 MA +48 9 118 MD +48 9 119 KI +48 9 120 MA +48 9 121 MD +48 9 122 AN +48 9 123 AN +48 9 124 KI +48 9 125 MD +48 9 126 MD +48 9 127 AN +48 9 128 KI +48 9 129 MA +48 9 130 AN +48 9 131 MD +48 9 132 MD +48 9 133 AN +48 9 134 MA +48 9 135 MD +48 9 136 AN +48 9 137 AN +48 9 138 BG +48 9 139 MA +48 9 140 AN +48 9 141 MA +48 9 142 MA +48 9 143 KI +48 9 144 AN +48 9 145 AM +48 9 146 KI +48 9 147 AN +48 9 148 MD +48 9 149 AN +48 9 150 AN +48 9 151 MD +48 9 152 MD +48 9 153 AN +48 9 154 MA +48 9 155 MA +48 9 156 AN +48 9 157 MA +48 9 158 MA +48 9 159 KI +48 9 160 MD +48 9 161 AN +48 9 162 MD +48 9 163 AN +48 9 164 KI +48 9 165 AN +48 9 166 MA +48 9 167 MA +48 9 168 AN +48 9 169 AN +48 9 170 AN +48 9 171 KI +48 9 172 MA +48 9 173 MD +48 9 174 KI +48 9 175 AN +48 9 176 MD +48 9 177 KI +48 9 178 AN +48 9 179 MD +48 9 180 AN +48 9 181 KI +48 9 182 MD +48 9 183 AN +48 9 184 AN +48 9 185 KI +48 9 186 AN +48 9 187 KI +48 9 188 AN +48 9 189 AN +48 9 190 MD +48 9 191 AN +48 9 192 AN +48 9 193 KI +48 9 194 MD +48 9 195 AN +48 9 196 KI +48 9 197 MA +48 9 198 MA +48 9 199 MA +48 9 200 AN +48 9 201 MD +48 9 202 KI +48 9 203 MD +48 9 204 MA +48 9 205 AN +48 9 206 ML +48 9 207 MD +48 9 208 KI +48 9 209 AN +48 9 210 ML +48 9 211 MD +48 9 212 KI +48 9 213 MA +48 9 214 KI +48 9 215 MD +48 9 216 AN +48 9 217 MD +48 9 218 KI +48 9 219 MA +48 9 220 AN +48 9 221 MA +48 9 222 ML +48 9 223 AN +48 9 224 MA +48 9 225 KI +48 9 226 AN +48 9 227 MA +48 9 228 AN +48 9 229 AN +48 9 230 MA +48 9 231 MD +48 9 232 AN +48 9 233 MA +48 9 234 AN +48 9 235 AN +48 9 236 KI +48 9 237 MD +48 9 238 AN +48 9 239 MD +48 9 240 MA +48 9 241 MA +48 9 242 KI +48 9 243 MD +48 9 244 MA +48 9 245 MD +48 9 246 AN +48 9 247 AN +48 9 248 AN +48 9 249 BG +48 9 250 AN +48 9 251 KI +48 9 252 MA +48 9 253 AN +48 9 254 AN +48 9 255 MA +48 9 256 MD +48 9 257 AN +48 9 258 KI +48 9 259 MD +48 9 260 KI +48 9 261 MD +48 9 262 MA +48 9 263 MA +48 9 264 AN +48 9 265 BG +48 9 266 MD +48 9 267 MD +48 9 268 AN +48 9 269 MD +48 9 270 KI +48 9 271 AN +48 9 272 MA +48 9 273 MD +48 9 274 MA +48 9 275 KI +48 9 276 MD +48 9 277 AN +48 9 278 MD +48 9 279 AN +48 9 280 AN +48 9 281 AN +48 9 282 BG +48 9 283 MD +48 9 284 MA +48 9 285 MD +48 9 286 MA +48 9 287 KI +48 9 288 MD +48 9 289 AN +48 9 290 MA +48 9 291 AN +48 9 292 MD +48 9 293 AN +48 9 294 MA +48 9 295 MD +48 9 296 BG +48 9 297 KI +48 9 298 MD +48 9 299 AN +48 9 300 MA +48 9 301 AN +48 9 302 MA +48 9 303 AN +48 9 304 BG +48 9 305 MD +48 9 306 KI +48 9 307 AN +48 9 308 MD +48 9 309 MA +48 9 310 AN +48 9 311 AN +48 9 312 MA +48 9 313 AN +48 9 314 MD +48 9 315 BG +48 9 316 AN +48 9 317 MD +48 9 318 MD +48 9 319 MA +48 9 320 KI +48 9 321 MD +48 9 322 AN +48 9 323 BG +48 9 324 MA +48 9 325 MD +48 9 326 KI +48 9 327 MA +48 9 328 AN +48 9 329 KI +48 9 330 MA +48 10 1 BI +48 10 2 BI +48 10 3 MD +48 10 4 MD +48 10 5 BI +48 10 6 NN +48 10 7 BG +48 10 8 MD +48 10 9 * +48 10 10 AN +48 10 11 AN +48 10 12 ML +48 10 13 AN +48 10 14 AN +48 10 15 * +48 10 16 MA +48 10 17 MD +48 10 18 AN +48 10 19 BI +48 10 20 * +48 10 21 MD +48 10 22 ML +48 10 23 AM +48 10 24 AN +48 10 25 AN +48 10 26 AM +48 10 27 MA +48 10 28 AM +48 10 29 BG +48 10 30 AM +48 10 31 BI +48 10 32 AM +48 10 33 BG +48 10 34 BI +48 10 35 AM +48 10 36 AN +48 10 37 BI +48 10 38 AM +48 10 39 AN +48 10 40 BI +48 10 41 MD +48 10 42 ML +48 10 43 AN +48 10 44 MA +48 10 45 AN +48 10 46 * +48 10 47 AN +48 10 48 ML +48 10 49 AM +48 10 50 AN +48 10 51 AN +48 10 52 MA +48 10 53 AN +48 10 54 BG +48 10 55 AM +48 10 56 MD +48 10 57 AN +48 10 58 * +48 10 59 MA +48 10 60 AN +48 10 61 AM +48 10 62 AM +48 10 63 NN +48 10 64 AM +48 10 65 MD +48 10 66 MA +48 10 67 BG +48 10 68 AM +48 10 69 * +48 10 70 MA +48 10 71 MD +48 10 72 AM +48 10 73 BA +48 10 74 MA +48 10 75 AN +48 10 76 MD +48 10 77 AM +48 10 78 MA +48 10 79 AN +48 10 80 BI +48 10 81 KI +48 10 82 * +48 10 83 MA +48 10 84 NN +48 10 85 AM +48 10 86 BA +48 10 87 AN +48 10 88 BA +48 10 89 AN +48 10 90 AN +48 10 91 BA +48 10 92 MA +48 10 93 AN +48 10 94 AN +48 10 95 MA +48 10 96 ML +48 10 97 AN +48 10 98 MD +48 10 99 MA +48 10 100 BI +48 10 101 BA +48 10 102 MA +48 10 103 * +48 10 104 BI +48 10 105 BA +48 10 106 ML +48 10 107 MA +48 10 108 MA +48 10 109 BI +48 10 110 ML +48 10 111 AM +48 10 112 MD +48 10 113 AN +48 10 114 AM +48 10 115 BA +48 10 116 MA +48 10 117 * +48 10 118 MD +48 10 119 BI +48 10 120 MA +48 10 121 MD +48 10 122 BG +48 10 123 AN +48 10 124 KI +48 10 125 * +48 10 126 BA +48 10 127 AN +48 10 128 KI +48 10 129 MA +48 10 130 AN +48 10 131 * +48 10 132 MD +48 10 133 * +48 10 134 * +48 10 135 BA +48 10 136 BI +48 10 137 * +48 10 138 BI +48 10 139 MA +48 10 140 BI +48 10 141 MA +48 10 142 MA +48 10 143 ML +48 10 144 * +48 10 145 BI +48 10 146 KI +48 10 147 BI +48 10 148 MD +48 10 149 BI +48 10 150 * +48 10 151 NN +48 10 152 * +48 10 153 BI +48 10 154 * +48 10 155 * +48 10 156 BI +48 10 157 * +48 10 158 MA +48 10 159 NN +48 10 160 BA +48 10 161 BI +48 10 162 MD +48 10 163 BI +48 10 164 * +48 10 165 * +48 10 166 AN +48 10 167 MA +48 10 168 BI +48 10 169 BI +48 10 170 AN +48 10 171 * +48 10 172 MA +48 10 173 BA +48 10 174 ML +48 10 175 MA +48 10 176 MD +48 10 177 KI +48 10 178 BI +48 10 179 MD +48 10 180 * +48 10 181 * +48 10 182 MD +48 10 183 * +48 10 184 * +48 10 185 * +48 10 186 BI +48 10 187 ML +48 10 188 BI +48 10 189 MA +48 10 190 * +48 10 191 AN +48 10 192 * +48 10 193 ML +48 10 194 MD +48 10 195 * +48 10 196 BI +48 10 197 BA +48 10 198 AN +48 10 199 MD +48 10 200 BI +48 10 201 BA +48 10 202 BI +48 10 203 * +48 10 204 AN +48 10 205 * +48 10 206 MA +48 10 207 MD +48 10 208 * +48 10 209 AN +48 10 210 * +48 10 211 BI +48 10 212 NN +48 10 213 * +48 10 214 ML +48 10 215 BA +48 10 216 AN +48 10 217 BA +48 10 218 * +48 10 219 MA +48 10 220 BI +48 10 221 MA +48 10 222 * +48 10 223 * +48 10 224 MA +48 10 225 * +48 10 226 BI +48 10 227 AN +48 10 228 AN +48 10 229 * +48 10 230 MA +48 10 231 * +48 10 232 * +48 10 233 BI +48 10 234 BG +48 10 235 BI +48 10 236 * +48 10 237 NN +48 10 238 BI +48 10 239 BA +48 10 240 * +48 10 241 MA +48 10 242 ML +48 10 243 MD +48 10 244 MA +48 10 245 MA +48 10 246 BI +48 10 247 BI +48 10 248 AN +48 10 249 AN +48 10 250 * +48 10 251 BI +48 10 252 MA +48 10 253 BI +48 10 254 MA +48 10 255 AN +48 10 256 MD +48 10 257 AN +48 10 258 ML +48 10 259 MA +48 10 260 MA +48 10 261 * +48 10 262 MA +48 10 263 MA +48 10 264 MA +48 10 265 AN +48 10 266 * +48 10 267 * +48 10 268 BI +48 10 269 BA +48 10 270 * +48 10 271 AN +48 10 272 MA +48 10 273 * +48 10 274 MA +48 10 275 * +48 10 276 MA +48 10 277 AN +48 10 278 NN +48 10 279 AN +48 10 280 * +48 10 281 * +48 10 282 BG +48 10 283 * +48 10 284 MA +48 10 285 BA +48 10 286 MA +48 10 287 * +48 10 288 MD +48 10 289 BI +48 10 290 MA +48 10 291 BI +48 10 292 * +48 10 293 MA +48 10 294 MA +48 10 295 * +48 10 296 * +48 10 297 ML +48 10 298 MD +48 10 299 BI +48 10 300 MA +48 10 301 BI +48 10 302 MA +48 10 303 MA +48 10 304 * +48 10 305 * +48 10 306 * +48 10 307 BI +48 10 308 * +48 10 309 AN +48 10 310 BI +48 10 311 * +48 10 312 AN +48 10 313 BI +48 10 314 MA +48 10 315 BI +48 10 316 * +48 10 317 MD +48 10 318 NN +48 10 319 MA +48 10 320 * +48 10 321 MD +48 10 322 BI +48 10 323 AN +48 10 324 MA +48 10 325 * +48 10 326 ML +48 10 327 MA +48 10 328 * +48 10 329 * +48 10 330 MA +48 11 1 AN +48 11 2 MA +48 11 3 MD +48 11 4 AN +48 11 5 BU +48 11 6 MA +48 11 7 BU +48 11 8 MD +48 11 9 MD +48 11 10 AN +48 11 11 BU +48 11 12 MA +48 11 13 AN +48 11 14 AN +48 11 15 MA +48 11 16 MA +48 11 17 MD +48 11 18 * +48 11 19 BU +48 11 20 BU +48 11 21 MD +48 11 22 BU +48 11 23 MD +48 11 24 * +48 11 25 AN +48 11 26 AN +48 11 27 * +48 11 28 MD +48 11 29 BU +48 11 30 MD +48 11 31 BU +48 11 32 MD +48 11 33 BU +48 11 34 BU +48 11 35 MD +48 11 36 AN +48 11 37 MA +48 11 38 MD +48 11 39 BU +48 11 40 BU +48 11 41 MD +48 11 42 MD +48 11 43 * +48 11 44 MA +48 11 45 BU +48 11 46 MA +48 11 47 BU +48 11 48 MA +48 11 49 BU +48 11 50 MD +48 11 51 MD +48 11 52 MA +48 11 53 MD +48 11 54 BU +48 11 55 BU +48 11 56 MD +48 11 57 BU +48 11 58 * +48 11 59 * +48 11 60 * +48 11 61 MD +48 11 62 MA +48 11 63 MD +48 11 64 AN +48 11 65 MD +48 11 66 MA +48 11 67 BU +48 11 68 MD +48 11 69 * +48 11 70 MA +48 11 71 MD +48 11 72 BU +48 11 73 MD +48 11 74 MA +48 11 75 AN +48 11 76 MD +48 11 77 BU +48 11 78 MD +48 11 79 MA +48 11 80 AN +48 11 81 BU +48 11 82 BU +48 11 83 MA +48 11 84 MD +48 11 85 BU +48 11 86 MD +48 11 87 MA +48 11 88 MD +48 11 89 AN +48 11 90 BU +48 11 91 BU +48 11 92 MA +48 11 93 BU +48 11 94 MA +48 11 95 BU +48 11 96 * +48 11 97 MD +48 11 98 MD +48 11 99 BU +48 11 100 BU +48 11 101 MD +48 11 102 MA +48 11 103 MA +48 11 104 BU +48 11 105 MD +48 11 106 * +48 11 107 MA +48 11 108 * +48 11 109 AN +48 11 110 MD +48 11 111 AN +48 11 112 MD +48 11 113 AN +48 11 114 BU +48 11 115 MD +48 11 116 * +48 11 117 MD +48 11 118 MD +48 11 119 BU +48 11 120 MA +48 11 121 MD +48 11 122 MA +48 11 123 MA +48 11 124 * +48 11 125 MD +48 11 126 MD +48 11 127 * +48 11 128 BU +48 11 129 MA +48 11 130 * +48 11 131 MD +48 11 132 MD +48 11 133 AN +48 11 134 MD +48 11 135 MD +48 11 136 * +48 11 137 * +48 11 138 BU +48 11 139 MA +48 11 140 AN +48 11 141 MA +48 11 142 MA +48 11 143 BU +48 11 144 * +48 11 145 * +48 11 146 * +48 11 147 * +48 11 148 MD +48 11 149 * +48 11 150 MD +48 11 151 MD +48 11 152 MD +48 11 153 * +48 11 154 * +48 11 155 MD +48 11 156 * +48 11 157 MD +48 11 158 MA +48 11 159 MD +48 11 160 MD +48 11 161 AN +48 11 162 MD +48 11 163 AN +48 11 164 AN +48 11 165 MA +48 11 166 AN +48 11 167 MA +48 11 168 AN +48 11 169 AN +48 11 170 AN +48 11 171 AN +48 11 172 MA +48 11 173 MD +48 11 174 MD +48 11 175 MA +48 11 176 MA +48 11 177 BU +48 11 178 AN +48 11 179 MD +48 11 180 BU +48 11 181 MD +48 11 182 MD +48 11 183 MA +48 11 184 MD +48 11 185 MD +48 11 186 BU +48 11 187 MD +48 11 188 AN +48 11 189 MD +48 11 190 MD +48 11 191 MA +48 11 192 MD +48 11 193 MA +48 11 194 MD +48 11 195 BU +48 11 196 BU +48 11 197 MD +48 11 198 MA +48 11 199 BU +48 11 200 BU +48 11 201 MD +48 11 202 MA +48 11 203 MD +48 11 204 MA +48 11 205 MA +48 11 206 BU +48 11 207 MD +48 11 208 MA +48 11 209 AN +48 11 210 MD +48 11 211 BU +48 11 212 MD +48 11 213 BU +48 11 214 BU +48 11 215 MD +48 11 216 MA +48 11 217 MD +48 11 218 MA +48 11 219 BU +48 11 220 MA +48 11 221 BU +48 11 222 MD +48 11 223 BU +48 11 224 MA +48 11 225 MA +48 11 226 * +48 11 227 MA +48 11 228 MA +48 11 229 BU +48 11 230 MD +48 11 231 MD +48 11 232 * +48 11 233 * +48 11 234 BU +48 11 235 BU +48 11 236 BU +48 11 237 MD +48 11 238 AN +48 11 239 MD +48 11 240 MD +48 11 241 BU +48 11 242 BU +48 11 243 MD +48 11 244 BU +48 11 245 MD +48 11 246 AN +48 11 247 MD +48 11 248 MA +48 11 249 AN +48 11 250 MD +48 11 251 BU +48 11 252 MA +48 11 253 BU +48 11 254 BU +48 11 255 AN +48 11 256 MD +48 11 257 AN +48 11 258 BU +48 11 259 MD +48 11 260 BU +48 11 261 MD +48 11 262 MA +48 11 263 BU +48 11 264 BU +48 11 265 AN +48 11 266 MD +48 11 267 MD +48 11 268 BU +48 11 269 MD +48 11 270 MD +48 11 271 AN +48 11 272 MA +48 11 273 MD +48 11 274 MA +48 11 275 BU +48 11 276 MD +48 11 277 AN +48 11 278 MD +48 11 279 AN +48 11 280 BU +48 11 281 AN +48 11 282 BU +48 11 283 MD +48 11 284 BU +48 11 285 MD +48 11 286 MA +48 11 287 MD +48 11 288 MD +48 11 289 BU +48 11 290 MA +48 11 291 AN +48 11 292 MD +48 11 293 BU +48 11 294 BU +48 11 295 MD +48 11 296 MD +48 11 297 BU +48 11 298 MD +48 11 299 BU +48 11 300 MA +48 11 301 AN +48 11 302 BU +48 11 303 BU +48 11 304 AN +48 11 305 MD +48 11 306 BU +48 11 307 BU +48 11 308 MD +48 11 309 MA +48 11 310 AN +48 11 311 AN +48 11 312 MA +48 11 313 AN +48 11 314 MA +48 11 315 BU +48 11 316 BU +48 11 317 MD +48 11 318 MD +48 11 319 MA +48 11 320 AN +48 11 321 MD +48 11 322 BU +48 11 323 AN +48 11 324 MA +48 11 325 MD +48 11 326 BU +48 11 327 MA +48 11 328 BU +48 11 329 MD +48 11 330 MA +48 12 1 BG +48 12 2 MA +48 12 3 MD +48 12 4 * +48 12 5 BG +48 12 6 ML +48 12 7 EM +48 12 8 MD +48 12 9 * +48 12 10 BG +48 12 11 * +48 12 12 ML +48 12 13 EM +48 12 14 * +48 12 15 * +48 12 16 MA +48 12 17 MD +48 12 18 MN +48 12 19 BG +48 12 20 BG +48 12 21 MD +48 12 22 ML +48 12 23 * +48 12 24 * +48 12 25 BG +48 12 26 * +48 12 27 MA +48 12 28 MD +48 12 29 BG +48 12 30 ML +48 12 31 * +48 12 32 MD +48 12 33 EM +48 12 34 BG +48 12 35 MD +48 12 36 * +48 12 37 BG +48 12 38 MD +48 12 39 BG +48 12 40 * +48 12 41 MD +48 12 42 KI +48 12 43 AN +48 12 44 MA +48 12 45 BG +48 12 46 MN +48 12 47 * +48 12 48 ML +48 12 49 BG +48 12 50 MD +48 12 51 * +48 12 52 MA +48 12 53 MD +48 12 54 BG +48 12 55 * +48 12 56 MD +48 12 57 AN +48 12 58 * +48 12 59 MA +48 12 60 * +48 12 61 MD +48 12 62 * +48 12 63 MD +48 12 64 BG +48 12 65 MD +48 12 66 MA +48 12 67 EM +48 12 68 MD +48 12 69 * +48 12 70 MA +48 12 71 * +48 12 72 BG +48 12 73 MD +48 12 74 * +48 12 75 * +48 12 76 MD +48 12 77 BG +48 12 78 * +48 12 79 MN +48 12 80 BG +48 12 81 * +48 12 82 BG +48 12 83 MA +48 12 84 * +48 12 85 BG +48 12 86 MD +48 12 87 MN +48 12 88 MD +48 12 89 MN +48 12 90 * +48 12 91 ML +48 12 92 MA +48 12 93 BG +48 12 94 MN +48 12 95 MA +48 12 96 ML +48 12 97 * +48 12 98 MD +48 12 99 * +48 12 100 BG +48 12 101 MD +48 12 102 * +48 12 103 * +48 12 104 BG +48 12 105 MD +48 12 106 ML +48 12 107 MA +48 12 108 * +48 12 109 BG +48 12 110 ML +48 12 111 MN +48 12 112 MD +48 12 113 MN +48 12 114 BG +48 12 115 MD +48 12 116 * +48 12 117 MN +48 12 118 MD +48 12 119 BG +48 12 120 MA +48 12 121 MD +48 12 122 EM +48 12 123 * +48 12 124 ML +48 12 125 MD +48 12 126 MD +48 12 127 MN +48 12 128 ML +48 12 129 MA +48 12 130 MN +48 12 131 MD +48 12 132 MD +48 12 133 EM +48 12 134 MN +48 12 135 MD +48 12 136 BG +48 12 137 EM +48 12 138 * +48 12 139 MA +48 12 140 BG +48 12 141 MA +48 12 142 MA +48 12 143 EM +48 12 144 * +48 12 145 EM +48 12 146 ML +48 12 147 BG +48 12 148 MD +48 12 149 BG +48 12 150 * +48 12 151 MD +48 12 152 * +48 12 153 BG +48 12 154 MN +48 12 155 MN +48 12 156 BG +48 12 157 MN +48 12 158 MA +48 12 159 ML +48 12 160 MD +48 12 161 BG +48 12 162 MD +48 12 163 EM +48 12 164 * +48 12 165 * +48 12 166 AN +48 12 167 * +48 12 168 BG +48 12 169 BG +48 12 170 MN +48 12 171 EM +48 12 172 MA +48 12 173 MD +48 12 174 ML +48 12 175 BG +48 12 176 MD +48 12 177 ML +48 12 178 BG +48 12 179 MD +48 12 180 BG +48 12 181 * +48 12 182 MD +48 12 183 MN +48 12 184 MD +48 12 185 ML +48 12 186 BG +48 12 187 ML +48 12 188 BG +48 12 189 BA +48 12 190 * +48 12 191 MN +48 12 192 * +48 12 193 ML +48 12 194 MD +48 12 195 BG +48 12 196 EM +48 12 197 * +48 12 198 MN +48 12 199 MA +48 12 200 BG +48 12 201 * +48 12 202 EM +48 12 203 MD +48 12 204 MN +48 12 205 * +48 12 206 MA +48 12 207 MD +48 12 208 ML +48 12 209 EM +48 12 210 * +48 12 211 BG +48 12 212 ML +48 12 213 * +48 12 214 ML +48 12 215 MD +48 12 216 MN +48 12 217 * +48 12 218 ML +48 12 219 * +48 12 220 AN +48 12 221 MA +48 12 222 * +48 12 223 BG +48 12 224 MA +48 12 225 ML +48 12 226 BG +48 12 227 MN +48 12 228 AN +48 12 229 BG +48 12 230 MA +48 12 231 * +48 12 232 MN +48 12 233 * +48 12 234 EM +48 12 235 * +48 12 236 ML +48 12 237 * +48 12 238 BG +48 12 239 MD +48 12 240 MD +48 12 241 MA +48 12 242 ML +48 12 243 MD +48 12 244 MA +48 12 245 MD +48 12 246 BG +48 12 247 * +48 12 248 MN +48 12 249 EM +48 12 250 * +48 12 251 BG +48 12 252 MA +48 12 253 EM +48 12 254 * +48 12 255 MN +48 12 256 MD +48 12 257 MN +48 12 258 ML +48 12 259 MD +48 12 260 ML +48 12 261 MD +48 12 262 BG +48 12 263 MN +48 12 264 BG +48 12 265 EM +48 12 266 MD +48 12 267 * +48 12 268 BG +48 12 269 MD +48 12 270 ML +48 12 271 MN +48 12 272 MA +48 12 273 * +48 12 274 MA +48 12 275 ML +48 12 276 MD +48 12 277 EM +48 12 278 * +48 12 279 AN +48 12 280 EM +48 12 281 EM +48 12 282 BG +48 12 283 * +48 12 284 MA +48 12 285 MD +48 12 286 MA +48 12 287 MA +48 12 288 MD +48 12 289 BG +48 12 290 MA +48 12 291 EM +48 12 292 * +48 12 293 MA +48 12 294 MA +48 12 295 * +48 12 296 * +48 12 297 ML +48 12 298 MD +48 12 299 BG +48 12 300 MA +48 12 301 BG +48 12 302 MA +48 12 303 * +48 12 304 * +48 12 305 MD +48 12 306 EM +48 12 307 BG +48 12 308 * +48 12 309 MN +48 12 310 BG +48 12 311 EM +48 12 312 MN +48 12 313 * +48 12 314 MA +48 12 315 BG +48 12 316 EM +48 12 317 MD +48 12 318 MD +48 12 319 MA +48 12 320 MN +48 12 321 MD +48 12 322 BG +48 12 323 EM +48 12 324 MA +48 12 325 MD +48 12 326 ML +48 12 327 MA +48 12 328 MN +48 12 329 * +48 12 330 MA +48 13 1 * +48 13 2 * +48 13 3 MD +48 13 4 * +48 13 5 * +48 13 6 * +48 13 7 * +48 13 8 MD +48 13 9 * +48 13 10 AN +48 13 11 * +48 13 12 ML +48 13 13 * +48 13 14 AN +48 13 15 * +48 13 16 MA +48 13 17 MD +48 13 18 AN +48 13 19 BU +48 13 20 * +48 13 21 MD +48 13 22 KI +48 13 23 * +48 13 24 MA +48 13 25 AN +48 13 26 BL +48 13 27 MA +48 13 28 MD +48 13 29 * +48 13 30 * +48 13 31 BL +48 13 32 MD +48 13 33 BG +48 13 34 * +48 13 35 MD +48 13 36 * +48 13 37 * +48 13 38 MD +48 13 39 BG +48 13 40 * +48 13 41 MD +48 13 42 KI +48 13 43 BU +48 13 44 * +48 13 45 BG +48 13 46 MA +48 13 47 * +48 13 48 * +48 13 49 * +48 13 50 * +48 13 51 MA +48 13 52 MA +48 13 53 MD +48 13 54 BG +48 13 55 * +48 13 56 * +48 13 57 * +48 13 58 KI +48 13 59 * +48 13 60 * +48 13 61 MD +48 13 62 * +48 13 63 MD +48 13 64 * +48 13 65 MD +48 13 66 MA +48 13 67 * +48 13 68 MD +48 13 69 MA +48 13 70 MA +48 13 71 MD +48 13 72 * +48 13 73 MD +48 13 74 MA +48 13 75 MA +48 13 76 MD +48 13 77 * +48 13 78 MD +48 13 79 MA +48 13 80 * +48 13 81 BG +48 13 82 * +48 13 83 MA +48 13 84 MD +48 13 85 * +48 13 86 MD +48 13 87 MA +48 13 88 MD +48 13 89 MA +48 13 90 BG +48 13 91 KI +48 13 92 MA +48 13 93 BU +48 13 94 MA +48 13 95 MA +48 13 96 KI +48 13 97 * +48 13 98 MD +48 13 99 * +48 13 100 BU +48 13 101 MD +48 13 102 BU +48 13 103 MA +48 13 104 BU +48 13 105 MD +48 13 106 KI +48 13 107 MA +48 13 108 MA +48 13 109 BU +48 13 110 KI +48 13 111 * +48 13 112 MD +48 13 113 MA +48 13 114 BU +48 13 115 MD +48 13 116 MA +48 13 117 MA +48 13 118 MD +48 13 119 BU +48 13 120 MA +48 13 121 MD +48 13 122 BU +48 13 123 BU +48 13 124 KI +48 13 125 MD +48 13 126 MD +48 13 127 MA +48 13 128 KI +48 13 129 MA +48 13 130 MA +48 13 131 * +48 13 132 MD +48 13 133 BU +48 13 134 MA +48 13 135 MD +48 13 136 BU +48 13 137 BU +48 13 138 BU +48 13 139 MA +48 13 140 BU +48 13 141 MA +48 13 142 MA +48 13 143 BG +48 13 144 * +48 13 145 BU +48 13 146 KI +48 13 147 BU +48 13 148 MD +48 13 149 BG +48 13 150 * +48 13 151 MD +48 13 152 MD +48 13 153 BU +48 13 154 MA +48 13 155 MA +48 13 156 BU +48 13 157 MA +48 13 158 MA +48 13 159 KI +48 13 160 MD +48 13 161 BU +48 13 162 MD +48 13 163 BU +48 13 164 BU +48 13 165 MA +48 13 166 BU +48 13 167 * +48 13 168 BU +48 13 169 BU +48 13 170 BU +48 13 171 * +48 13 172 MA +48 13 173 MD +48 13 174 KI +48 13 175 BU +48 13 176 MD +48 13 177 KI +48 13 178 BU +48 13 179 MD +48 13 180 BU +48 13 181 KI +48 13 182 MD +48 13 183 MA +48 13 184 MD +48 13 185 MD +48 13 186 BU +48 13 187 KI +48 13 188 BU +48 13 189 MA +48 13 190 MD +48 13 191 BU +48 13 192 * +48 13 193 KI +48 13 194 MD +48 13 195 * +48 13 196 BU +48 13 197 * +48 13 198 MA +48 13 199 MA +48 13 200 BU +48 13 201 MD +48 13 202 BU +48 13 203 MD +48 13 204 MA +48 13 205 BU +48 13 206 MA +48 13 207 MD +48 13 208 KI +48 13 209 BU +48 13 210 * +48 13 211 BU +48 13 212 KI +48 13 213 BU +48 13 214 KI +48 13 215 MD +48 13 216 MA +48 13 217 MD +48 13 218 KI +48 13 219 MA +48 13 220 BU +48 13 221 MA +48 13 222 BU +48 13 223 BG +48 13 224 MA +48 13 225 KI +48 13 226 BU +48 13 227 MA +48 13 228 BU +48 13 229 BU +48 13 230 MA +48 13 231 MD +48 13 232 KI +48 13 233 BU +48 13 234 BG +48 13 235 BU +48 13 236 KI +48 13 237 * +48 13 238 BU +48 13 239 MD +48 13 240 MD +48 13 241 MA +48 13 242 KI +48 13 243 MD +48 13 244 MA +48 13 245 MD +48 13 246 BU +48 13 247 BG +48 13 248 BG +48 13 249 BG +48 13 250 BU +48 13 251 * +48 13 252 MA +48 13 253 BG +48 13 254 BU +48 13 255 MA +48 13 256 MD +48 13 257 BU +48 13 258 KI +48 13 259 MD +48 13 260 KI +48 13 261 MA +48 13 262 MA +48 13 263 BU +48 13 264 BU +48 13 265 BG +48 13 266 MD +48 13 267 MD +48 13 268 BU +48 13 269 MD +48 13 270 KI +48 13 271 BU +48 13 272 MA +48 13 273 MD +48 13 274 MA +48 13 275 KI +48 13 276 MD +48 13 277 BU +48 13 278 MD +48 13 279 BU +48 13 280 BG +48 13 281 BG +48 13 282 BG +48 13 283 * +48 13 284 MA +48 13 285 MD +48 13 286 MA +48 13 287 KI +48 13 288 MD +48 13 289 BU +48 13 290 MA +48 13 291 BU +48 13 292 MD +48 13 293 MA +48 13 294 MA +48 13 295 * +48 13 296 BU +48 13 297 KI +48 13 298 MD +48 13 299 BU +48 13 300 MA +48 13 301 BU +48 13 302 MA +48 13 303 BU +48 13 304 KI +48 13 305 MD +48 13 306 KI +48 13 307 BU +48 13 308 * +48 13 309 MA +48 13 310 BU +48 13 311 BU +48 13 312 MA +48 13 313 BU +48 13 314 MA +48 13 315 BG +48 13 316 BU +48 13 317 MD +48 13 318 MD +48 13 319 MA +48 13 320 KI +48 13 321 MD +48 13 322 BU +48 13 323 BG +48 13 324 MA +48 13 325 MD +48 13 326 KI +48 13 327 MA +48 13 328 BG +48 13 329 * +48 13 330 MA +48 14 1 * +48 14 2 * +48 14 3 MD +48 14 4 * +48 14 5 * +48 14 6 * +48 14 7 EM +48 14 8 MD +48 14 9 * +48 14 10 BL +48 14 11 * +48 14 12 ML +48 14 13 * +48 14 14 * +48 14 15 * +48 14 16 MA +48 14 17 MD +48 14 18 AN +48 14 19 * +48 14 20 EM +48 14 21 MD +48 14 22 * +48 14 23 * +48 14 24 * +48 14 25 * +48 14 26 * +48 14 27 * +48 14 28 MD +48 14 29 EM +48 14 30 * +48 14 31 * +48 14 32 MD +48 14 33 EM +48 14 34 BL +48 14 35 MD +48 14 36 EM +48 14 37 BL +48 14 38 MD +48 14 39 EM +48 14 40 BL +48 14 41 MD +48 14 42 ML +48 14 43 AN +48 14 44 MA +48 14 45 EM +48 14 46 AN +48 14 47 * +48 14 48 ML +48 14 49 BL +48 14 50 * +48 14 51 * +48 14 52 * +48 14 53 MD +48 14 54 EM +48 14 55 BL +48 14 56 * +48 14 57 BL +48 14 58 * +48 14 59 * +48 14 60 * +48 14 61 MD +48 14 62 * +48 14 63 * +48 14 64 BL +48 14 65 MD +48 14 66 * +48 14 67 * +48 14 68 MD +48 14 69 * +48 14 70 MA +48 14 71 MD +48 14 72 EM +48 14 73 * +48 14 74 * +48 14 75 * +48 14 76 MD +48 14 77 BL +48 14 78 * +48 14 79 AN +48 14 80 BL +48 14 81 * +48 14 82 * +48 14 83 * +48 14 84 * +48 14 85 EM +48 14 86 MD +48 14 87 AN +48 14 88 MD +48 14 89 AN +48 14 90 EM +48 14 91 * +48 14 92 * +48 14 93 BL +48 14 94 AN +48 14 95 * +48 14 96 ML +48 14 97 * +48 14 98 MD +48 14 99 * +48 14 100 * +48 14 101 MD +48 14 102 * +48 14 103 * +48 14 104 BL +48 14 105 MD +48 14 106 ML +48 14 107 * +48 14 108 * +48 14 109 BL +48 14 110 * +48 14 111 * +48 14 112 MD +48 14 113 AN +48 14 114 * +48 14 115 MD +48 14 116 MA +48 14 117 * +48 14 118 * +48 14 119 EM +48 14 120 MA +48 14 121 MD +48 14 122 EM +48 14 123 BL +48 14 124 * +48 14 125 MD +48 14 126 * +48 14 127 * +48 14 128 ML +48 14 129 * +48 14 130 * +48 14 131 * +48 14 132 MD +48 14 133 EM +48 14 134 AN +48 14 135 MD +48 14 136 BL +48 14 137 * +48 14 138 * +48 14 139 * +48 14 140 * +48 14 141 MA +48 14 142 * +48 14 143 * +48 14 144 * +48 14 145 * +48 14 146 ML +48 14 147 * +48 14 148 MD +48 14 149 * +48 14 150 * +48 14 151 * +48 14 152 * +48 14 153 BL +48 14 154 AN +48 14 155 * +48 14 156 EM +48 14 157 * +48 14 158 MA +48 14 159 * +48 14 160 * +48 14 161 EM +48 14 162 MA +48 14 163 * +48 14 164 BL +48 14 165 * +48 14 166 * +48 14 167 * +48 14 168 EM +48 14 169 BL +48 14 170 * +48 14 171 * +48 14 172 MA +48 14 173 MD +48 14 174 ML +48 14 175 * +48 14 176 MD +48 14 177 ML +48 14 178 BL +48 14 179 * +48 14 180 EM +48 14 181 * +48 14 182 * +48 14 183 * +48 14 184 * +48 14 185 * +48 14 186 BL +48 14 187 * +48 14 188 BL +48 14 189 * +48 14 190 * +48 14 191 EM +48 14 192 * +48 14 193 ML +48 14 194 * +48 14 195 EM +48 14 196 * +48 14 197 * +48 14 198 AN +48 14 199 * +48 14 200 BL +48 14 201 * +48 14 202 EM +48 14 203 MD +48 14 204 AN +48 14 205 * +48 14 206 * +48 14 207 MD +48 14 208 * +48 14 209 BL +48 14 210 * +48 14 211 BL +48 14 212 * +48 14 213 * +48 14 214 ML +48 14 215 * +48 14 216 * +48 14 217 * +48 14 218 * +48 14 219 * +48 14 220 BL +48 14 221 * +48 14 222 * +48 14 223 EM +48 14 224 * +48 14 225 * +48 14 226 * +48 14 227 AN +48 14 228 * +48 14 229 * +48 14 230 * +48 14 231 * +48 14 232 * +48 14 233 BL +48 14 234 EM +48 14 235 BL +48 14 236 ML +48 14 237 * +48 14 238 BL +48 14 239 * +48 14 240 * +48 14 241 * +48 14 242 * +48 14 243 * +48 14 244 * +48 14 245 MD +48 14 246 * +48 14 247 * +48 14 248 * +48 14 249 EM +48 14 250 * +48 14 251 * +48 14 252 * +48 14 253 * +48 14 254 BL +48 14 255 AN +48 14 256 MD +48 14 257 BL +48 14 258 ML +48 14 259 MD +48 14 260 * +48 14 261 * +48 14 262 MA +48 14 263 * +48 14 264 * +48 14 265 EM +48 14 266 * +48 14 267 * +48 14 268 EM +48 14 269 * +48 14 270 * +48 14 271 * +48 14 272 MA +48 14 273 * +48 14 274 MA +48 14 275 * +48 14 276 MD +48 14 277 BL +48 14 278 * +48 14 279 BL +48 14 280 * +48 14 281 * +48 14 282 EM +48 14 283 * +48 14 284 MA +48 14 285 * +48 14 286 MA +48 14 287 * +48 14 288 MD +48 14 289 * +48 14 290 * +48 14 291 BL +48 14 292 * +48 14 293 * +48 14 294 MA +48 14 295 * +48 14 296 * +48 14 297 ML +48 14 298 MD +48 14 299 EM +48 14 300 * +48 14 301 EM +48 14 302 * +48 14 303 * +48 14 304 * +48 14 305 * +48 14 306 * +48 14 307 BL +48 14 308 * +48 14 309 * +48 14 310 EM +48 14 311 BL +48 14 312 AN +48 14 313 * +48 14 314 * +48 14 315 EM +48 14 316 BL +48 14 317 MD +48 14 318 * +48 14 319 * +48 14 320 * +48 14 321 MD +48 14 322 BL +48 14 323 EM +48 14 324 * +48 14 325 * +48 14 326 ML +48 14 327 * +48 14 328 EM +48 14 329 * +48 14 330 * +48 15 1 BL +48 15 2 * +48 15 3 MD +48 15 4 * +48 15 5 * +48 15 6 * +48 15 7 * +48 15 8 MD +48 15 9 * +48 15 10 BL +48 15 11 * +48 15 12 KI +48 15 13 * +48 15 14 * +48 15 15 * +48 15 16 MA +48 15 17 MD +48 15 18 AN +48 15 19 * +48 15 20 EM +48 15 21 MD +48 15 22 * +48 15 23 * +48 15 24 AN +48 15 25 * +48 15 26 BL +48 15 27 MA +48 15 28 MD +48 15 29 * +48 15 30 * +48 15 31 * +48 15 32 * +48 15 33 EM +48 15 34 BL +48 15 35 MD +48 15 36 EM +48 15 37 * +48 15 38 MD +48 15 39 EM +48 15 40 * +48 15 41 MD +48 15 42 KI +48 15 43 MA +48 15 44 * +48 15 45 * +48 15 46 * +48 15 47 * +48 15 48 KI +48 15 49 * +48 15 50 * +48 15 51 AN +48 15 52 * +48 15 53 MD +48 15 54 * +48 15 55 * +48 15 56 * +48 15 57 * +48 15 58 KI +48 15 59 * +48 15 60 * +48 15 61 MD +48 15 62 * +48 15 63 * +48 15 64 * +48 15 65 MD +48 15 66 MA +48 15 67 * +48 15 68 * +48 15 69 * +48 15 70 MA +48 15 71 * +48 15 72 * +48 15 73 * +48 15 74 * +48 15 75 * +48 15 76 * +48 15 77 BL +48 15 78 * +48 15 79 AN +48 15 80 * +48 15 81 * +48 15 82 * +48 15 83 MA +48 15 84 * +48 15 85 EM +48 15 86 * +48 15 87 AN +48 15 88 * +48 15 89 AN +48 15 90 * +48 15 91 KI +48 15 92 * +48 15 93 * +48 15 94 AN +48 15 95 * +48 15 96 KI +48 15 97 * +48 15 98 MD +48 15 99 * +48 15 100 * +48 15 101 MD +48 15 102 * +48 15 103 * +48 15 104 * +48 15 105 MD +48 15 106 KI +48 15 107 MA +48 15 108 * +48 15 109 BL +48 15 110 KI +48 15 111 * +48 15 112 MD +48 15 113 AN +48 15 114 * +48 15 115 MD +48 15 116 * +48 15 117 * +48 15 118 * +48 15 119 * +48 15 120 MA +48 15 121 * +48 15 122 * +48 15 123 * +48 15 124 * +48 15 125 * +48 15 126 MD +48 15 127 EM +48 15 128 KI +48 15 129 MA +48 15 130 KI +48 15 131 * +48 15 132 MD +48 15 133 EM +48 15 134 * +48 15 135 * +48 15 136 * +48 15 137 * +48 15 138 * +48 15 139 MA +48 15 140 BL +48 15 141 MA +48 15 142 MA +48 15 143 * +48 15 144 * +48 15 145 * +48 15 146 KI +48 15 147 * +48 15 148 MD +48 15 149 * +48 15 150 * +48 15 151 * +48 15 152 * +48 15 153 BL +48 15 154 AN +48 15 155 * +48 15 156 * +48 15 157 * +48 15 158 MA +48 15 159 * +48 15 160 * +48 15 161 EM +48 15 162 MD +48 15 163 * +48 15 164 BL +48 15 165 * +48 15 166 AN +48 15 167 * +48 15 168 * +48 15 169 * +48 15 170 AN +48 15 171 * +48 15 172 MA +48 15 173 MD +48 15 174 KI +48 15 175 * +48 15 176 MD +48 15 177 KI +48 15 178 BL +48 15 179 * +48 15 180 * +48 15 181 KI +48 15 182 MD +48 15 183 KI +48 15 184 * +48 15 185 * +48 15 186 * +48 15 187 KI +48 15 188 * +48 15 189 * +48 15 190 * +48 15 191 EM +48 15 192 * +48 15 193 KI +48 15 194 MD +48 15 195 * +48 15 196 * +48 15 197 * +48 15 198 AN +48 15 199 * +48 15 200 * +48 15 201 EM +48 15 202 * +48 15 203 MD +48 15 204 AN +48 15 205 * +48 15 206 MA +48 15 207 MD +48 15 208 KI +48 15 209 * +48 15 210 * +48 15 211 * +48 15 212 * +48 15 213 * +48 15 214 KI +48 15 215 * +48 15 216 * +48 15 217 * +48 15 218 * +48 15 219 MA +48 15 220 BL +48 15 221 MA +48 15 222 * +48 15 223 EM +48 15 224 MA +48 15 225 * +48 15 226 BL +48 15 227 AN +48 15 228 * +48 15 229 * +48 15 230 MA +48 15 231 MD +48 15 232 * +48 15 233 BL +48 15 234 EM +48 15 235 BL +48 15 236 * +48 15 237 * +48 15 238 * +48 15 239 MD +48 15 240 * +48 15 241 MA +48 15 242 KI +48 15 243 MD +48 15 244 MA +48 15 245 MD +48 15 246 EM +48 15 247 * +48 15 248 * +48 15 249 BL +48 15 250 * +48 15 251 * +48 15 252 MA +48 15 253 * +48 15 254 BL +48 15 255 AN +48 15 256 MD +48 15 257 BL +48 15 258 KI +48 15 259 MD +48 15 260 * +48 15 261 * +48 15 262 MA +48 15 263 * +48 15 264 * +48 15 265 EM +48 15 266 * +48 15 267 * +48 15 268 EM +48 15 269 MD +48 15 270 KI +48 15 271 EM +48 15 272 MA +48 15 273 * +48 15 274 MA +48 15 275 KI +48 15 276 MD +48 15 277 BL +48 15 278 * +48 15 279 BL +48 15 280 * +48 15 281 * +48 15 282 EM +48 15 283 * +48 15 284 MA +48 15 285 * +48 15 286 MA +48 15 287 KI +48 15 288 MD +48 15 289 * +48 15 290 * +48 15 291 BL +48 15 292 * +48 15 293 * +48 15 294 MA +48 15 295 * +48 15 296 * +48 15 297 KI +48 15 298 MA +48 15 299 EM +48 15 300 MA +48 15 301 * +48 15 302 * +48 15 303 * +48 15 304 * +48 15 305 * +48 15 306 * +48 15 307 EM +48 15 308 * +48 15 309 AN +48 15 310 * +48 15 311 BL +48 15 312 AN +48 15 313 * +48 15 314 MA +48 15 315 * +48 15 316 * +48 15 317 MD +48 15 318 * +48 15 319 MA +48 15 320 * +48 15 321 MD +48 15 322 * +48 15 323 EM +48 15 324 MA +48 15 325 * +48 15 326 KI +48 15 327 * +48 15 328 * +48 15 329 * +48 15 330 MA +48 16 1 AN +48 16 2 EM +48 16 3 MD +48 16 4 AN +48 16 5 EM +48 16 6 * +48 16 7 EM +48 16 8 MD +48 16 9 AN +48 16 10 AN +48 16 11 AN +48 16 12 ML +48 16 13 EM +48 16 14 AN +48 16 15 * +48 16 16 MA +48 16 17 MD +48 16 18 AN +48 16 19 * +48 16 20 EM +48 16 21 MD +48 16 22 ML +48 16 23 * +48 16 24 AN +48 16 25 * +48 16 26 * +48 16 27 MA +48 16 28 MA +48 16 29 EM +48 16 30 * +48 16 31 MA +48 16 32 MD +48 16 33 EM +48 16 34 AN +48 16 35 MD +48 16 36 AN +48 16 37 AN +48 16 38 MD +48 16 39 EM +48 16 40 AN +48 16 41 MD +48 16 42 ML +48 16 43 AN +48 16 44 MA +48 16 45 EM +48 16 46 AN +48 16 47 MA +48 16 48 MD +48 16 49 AN +48 16 50 AN +48 16 51 AN +48 16 52 MA +48 16 53 MD +48 16 54 EM +48 16 55 AN +48 16 56 * +48 16 57 AN +48 16 58 * +48 16 59 * +48 16 60 AN +48 16 61 MD +48 16 62 AN +48 16 63 MD +48 16 64 AN +48 16 65 MD +48 16 66 MA +48 16 67 EM +48 16 68 MD +48 16 69 EM +48 16 70 MA +48 16 71 AN +48 16 72 EM +48 16 73 AN +48 16 74 MA +48 16 75 AN +48 16 76 ML +48 16 77 EM +48 16 78 AN +48 16 79 AN +48 16 80 AN +48 16 81 EM +48 16 82 EM +48 16 83 MA +48 16 84 * +48 16 85 EM +48 16 86 MD +48 16 87 AN +48 16 88 MD +48 16 89 AN +48 16 90 AN +48 16 91 ML +48 16 92 MD +48 16 93 AN +48 16 94 AN +48 16 95 MA +48 16 96 ML +48 16 97 AN +48 16 98 MD +48 16 99 MA +48 16 100 EM +48 16 101 MD +48 16 102 AN +48 16 103 AN +48 16 104 AN +48 16 105 MD +48 16 106 ML +48 16 107 MA +48 16 108 AN +48 16 109 AN +48 16 110 ML +48 16 111 AN +48 16 112 MD +48 16 113 AN +48 16 114 EM +48 16 115 MD +48 16 116 MA +48 16 117 AN +48 16 118 MD +48 16 119 EM +48 16 120 MA +48 16 121 MD +48 16 122 EM +48 16 123 AN +48 16 124 EM +48 16 125 MD +48 16 126 MD +48 16 127 AN +48 16 128 EM +48 16 129 MA +48 16 130 AN +48 16 131 AN +48 16 132 MD +48 16 133 EM +48 16 134 AN +48 16 135 MD +48 16 136 EM +48 16 137 AN +48 16 138 MA +48 16 139 MA +48 16 140 AN +48 16 141 MA +48 16 142 AN +48 16 143 EM +48 16 144 AN +48 16 145 EM +48 16 146 ML +48 16 147 EM +48 16 148 MD +48 16 149 EM +48 16 150 AN +48 16 151 MD +48 16 152 MD +48 16 153 AN +48 16 154 AN +48 16 155 AN +48 16 156 EM +48 16 157 AN +48 16 158 MA +48 16 159 AN +48 16 160 MA +48 16 161 EM +48 16 162 MD +48 16 163 AN +48 16 164 AN +48 16 165 EM +48 16 166 AN +48 16 167 MA +48 16 168 AN +48 16 169 AN +48 16 170 AN +48 16 171 EM +48 16 172 MA +48 16 173 MD +48 16 174 ML +48 16 175 AN +48 16 176 MD +48 16 177 ML +48 16 178 AN +48 16 179 MD +48 16 180 EM +48 16 181 ML +48 16 182 MD +48 16 183 AN +48 16 184 AN +48 16 185 KM +48 16 186 AN +48 16 187 ML +48 16 188 AN +48 16 189 MA +48 16 190 MD +48 16 191 EM +48 16 192 AN +48 16 193 ML +48 16 194 AN +48 16 195 EM +48 16 196 EM +48 16 197 AN +48 16 198 AN +48 16 199 * +48 16 200 EM +48 16 201 MD +48 16 202 EM +48 16 203 MD +48 16 204 AN +48 16 205 AN +48 16 206 MA +48 16 207 MD +48 16 208 AN +48 16 209 AN +48 16 210 AN +48 16 211 AN +48 16 212 ML +48 16 213 MA +48 16 214 EM +48 16 215 MD +48 16 216 MA +48 16 217 MD +48 16 218 EM +48 16 219 MA +48 16 220 AN +48 16 221 MA +48 16 222 MD +48 16 223 EM +48 16 224 MA +48 16 225 AN +48 16 226 AN +48 16 227 AN +48 16 228 AN +48 16 229 EM +48 16 230 MA +48 16 231 MD +48 16 232 AN +48 16 233 AN +48 16 234 EM +48 16 235 AN +48 16 236 EM +48 16 237 MD +48 16 238 EM +48 16 239 MD +48 16 240 AN +48 16 241 MA +48 16 242 AN +48 16 243 MD +48 16 244 MA +48 16 245 MD +48 16 246 EM +48 16 247 AN +48 16 248 AN +48 16 249 EM +48 16 250 AN +48 16 251 EM +48 16 252 BL +48 16 253 EM +48 16 254 AN +48 16 255 AN +48 16 256 MD +48 16 257 AN +48 16 258 ML +48 16 259 MD +48 16 260 MA +48 16 261 ML +48 16 262 MA +48 16 263 AN +48 16 264 MA +48 16 265 EM +48 16 266 MD +48 16 267 MD +48 16 268 EM +48 16 269 MD +48 16 270 ML +48 16 271 AN +48 16 272 MD +48 16 273 MD +48 16 274 MA +48 16 275 EM +48 16 276 MD +48 16 277 AN +48 16 278 MD +48 16 279 AN +48 16 280 EM +48 16 281 EM +48 16 282 EM +48 16 283 AN +48 16 284 MA +48 16 285 MD +48 16 286 MA +48 16 287 AN +48 16 288 MD +48 16 289 AN +48 16 290 MA +48 16 291 AN +48 16 292 MD +48 16 293 MA +48 16 294 MD +48 16 295 AN +48 16 296 AN +48 16 297 ML +48 16 298 MD +48 16 299 EM +48 16 300 MA +48 16 301 EM +48 16 302 MA +48 16 303 MD +48 16 304 EM +48 16 305 MD +48 16 306 EM +48 16 307 AN +48 16 308 AN +48 16 309 AN +48 16 310 EM +48 16 311 AN +48 16 312 AN +48 16 313 AN +48 16 314 MA +48 16 315 EM +48 16 316 EM +48 16 317 MD +48 16 318 MD +48 16 319 MA +48 16 320 AN +48 16 321 MD +48 16 322 AN +48 16 323 EM +48 16 324 MA +48 16 325 MD +48 16 326 ML +48 16 327 MA +48 16 328 AN +48 16 329 MD +48 16 330 MA +48 17 1 AN +48 17 2 * +48 17 3 MD +48 17 4 * +48 17 5 BG +48 17 6 * +48 17 7 EM +48 17 8 MD +48 17 9 * +48 17 10 AN +48 17 11 BG +48 17 12 KN +48 17 13 BG +48 17 14 AN +48 17 15 * +48 17 16 MA +48 17 17 MD +48 17 18 AN +48 17 19 * +48 17 20 EM +48 17 21 MD +48 17 22 KN +48 17 23 * +48 17 24 AN +48 17 25 BG +48 17 26 * +48 17 27 MA +48 17 28 MD +48 17 29 EM +48 17 30 * +48 17 31 MA +48 17 32 * +48 17 33 EM +48 17 34 * +48 17 35 * +48 17 36 AN +48 17 37 * +48 17 38 MD +48 17 39 EM +48 17 40 * +48 17 41 MD +48 17 42 KN +48 17 43 AN +48 17 44 MA +48 17 45 BG +48 17 46 * +48 17 47 BG +48 17 48 KN +48 17 49 * +48 17 50 * +48 17 51 * +48 17 52 MA +48 17 53 MD +48 17 54 BG +48 17 55 * +48 17 56 * +48 17 57 * +48 17 58 KI +48 17 59 * +48 17 60 AN +48 17 61 MD +48 17 62 * +48 17 63 MD +48 17 64 * +48 17 65 MD +48 17 66 MA +48 17 67 EM +48 17 68 MD +48 17 69 BG +48 17 70 * +48 17 71 MD +48 17 72 EM +48 17 73 * +48 17 74 MA +48 17 75 BG +48 17 76 * +48 17 77 BL +48 17 78 * +48 17 79 AN +48 17 80 BL +48 17 81 EM +48 17 82 * +48 17 83 MA +48 17 84 * +48 17 85 EM +48 17 86 * +48 17 87 AN +48 17 88 MD +48 17 89 AN +48 17 90 BG +48 17 91 EM +48 17 92 MA +48 17 93 BL +48 17 94 AN +48 17 95 MA +48 17 96 KN +48 17 97 * +48 17 98 MD +48 17 99 * +48 17 100 * +48 17 101 MD +48 17 102 * +48 17 103 BG +48 17 104 BL +48 17 105 * +48 17 106 KN +48 17 107 MA +48 17 108 MA +48 17 109 BL +48 17 110 KN +48 17 111 BG +48 17 112 MD +48 17 113 AN +48 17 114 BL +48 17 115 MD +48 17 116 * +48 17 117 * +48 17 118 MD +48 17 119 EM +48 17 120 MA +48 17 121 * +48 17 122 EM +48 17 123 BL +48 17 124 KN +48 17 125 * +48 17 126 * +48 17 127 AN +48 17 128 KN +48 17 129 MA +48 17 130 AN +48 17 131 * +48 17 132 * +48 17 133 EM +48 17 134 * +48 17 135 MD +48 17 136 * +48 17 137 AN +48 17 138 BL +48 17 139 MA +48 17 140 * +48 17 141 MA +48 17 142 MA +48 17 143 EM +48 17 144 * +48 17 145 EM +48 17 146 KN +48 17 147 EM +48 17 148 MD +48 17 149 EM +48 17 150 * +48 17 151 * +48 17 152 * +48 17 153 BL +48 17 154 * +48 17 155 * +48 17 156 EM +48 17 157 * +48 17 158 MA +48 17 159 * +48 17 160 * +48 17 161 EM +48 17 162 MD +48 17 163 * +48 17 164 BL +48 17 165 AN +48 17 166 * +48 17 167 AN +48 17 168 * +48 17 169 BL +48 17 170 AN +48 17 171 BG +48 17 172 MA +48 17 173 MD +48 17 174 KN +48 17 175 BL +48 17 176 MD +48 17 177 KN +48 17 178 * +48 17 179 * +48 17 180 EM +48 17 181 * +48 17 182 * +48 17 183 * +48 17 184 * +48 17 185 * +48 17 186 BL +48 17 187 * +48 17 188 BL +48 17 189 BL +48 17 190 * +48 17 191 AN +48 17 192 * +48 17 193 EM +48 17 194 * +48 17 195 EM +48 17 196 BL +48 17 197 * +48 17 198 AN +48 17 199 MA +48 17 200 * +48 17 201 * +48 17 202 EM +48 17 203 MD +48 17 204 AN +48 17 205 * +48 17 206 MA +48 17 207 MD +48 17 208 * +48 17 209 AN +48 17 210 * +48 17 211 BI +48 17 212 * +48 17 213 * +48 17 214 EM +48 17 215 * +48 17 216 AN +48 17 217 * +48 17 218 * +48 17 219 * +48 17 220 * +48 17 221 * +48 17 222 * +48 17 223 EM +48 17 224 MA +48 17 225 * +48 17 226 BL +48 17 227 AM +48 17 228 BL +48 17 229 EM +48 17 230 * +48 17 231 * +48 17 232 * +48 17 233 * +48 17 234 EM +48 17 235 BL +48 17 236 KN +48 17 237 * +48 17 238 * +48 17 239 * +48 17 240 * +48 17 241 MA +48 17 242 KN +48 17 243 MD +48 17 244 MA +48 17 245 MD +48 17 246 * +48 17 247 * +48 17 248 AN +48 17 249 EM +48 17 250 * +48 17 251 EM +48 17 252 MA +48 17 253 EM +48 17 254 * +48 17 255 AN +48 17 256 MD +48 17 257 BL +48 17 258 KN +48 17 259 * +48 17 260 * +48 17 261 * +48 17 262 MA +48 17 263 * +48 17 264 * +48 17 265 EM +48 17 266 * +48 17 267 * +48 17 268 EM +48 17 269 MD +48 17 270 * +48 17 271 AN +48 17 272 MA +48 17 273 * +48 17 274 MA +48 17 275 KN +48 17 276 MD +48 17 277 BL +48 17 278 * +48 17 279 BL +48 17 280 EM +48 17 281 EM +48 17 282 EM +48 17 283 * +48 17 284 MA +48 17 285 * +48 17 286 MA +48 17 287 * +48 17 288 MD +48 17 289 * +48 17 290 MA +48 17 291 BL +48 17 292 * +48 17 293 MA +48 17 294 MA +48 17 295 * +48 17 296 * +48 17 297 KN +48 17 298 MD +48 17 299 EM +48 17 300 MA +48 17 301 EM +48 17 302 MA +48 17 303 * +48 17 304 AN +48 17 305 * +48 17 306 EM +48 17 307 * +48 17 308 * +48 17 309 AN +48 17 310 EM +48 17 311 BL +48 17 312 AN +48 17 313 * +48 17 314 MA +48 17 315 EM +48 17 316 * +48 17 317 MD +48 17 318 * +48 17 319 MA +48 17 320 * +48 17 321 MD +48 17 322 BL +48 17 323 AN +48 17 324 MA +48 17 325 * +48 17 326 * +48 17 327 MA +48 17 328 AN +48 17 329 * +48 17 330 MA +48 18 1 * +48 18 2 * +48 18 3 MD +48 18 4 * +48 18 5 * +48 18 6 * +48 18 7 * +48 18 8 MD +48 18 9 * +48 18 10 * +48 18 11 * +48 18 12 * +48 18 13 * +48 18 14 * +48 18 15 * +48 18 16 MA +48 18 17 MD +48 18 18 AN +48 18 19 * +48 18 20 * +48 18 21 MD +48 18 22 * +48 18 23 * +48 18 24 * +48 18 25 * +48 18 26 * +48 18 27 MA +48 18 28 MD +48 18 29 * +48 18 30 * +48 18 31 * +48 18 32 * +48 18 33 * +48 18 34 * +48 18 35 * +48 18 36 * +48 18 37 * +48 18 38 MD +48 18 39 * +48 18 40 * +48 18 41 MD +48 18 42 * +48 18 43 AN +48 18 44 MA +48 18 45 * +48 18 46 * +48 18 47 AN +48 18 48 * +48 18 49 * +48 18 50 * +48 18 51 * +48 18 52 * +48 18 53 MD +48 18 54 * +48 18 55 * +48 18 56 * +48 18 57 * +48 18 58 * +48 18 59 MA +48 18 60 AN +48 18 61 MD +48 18 62 * +48 18 63 * +48 18 64 * +48 18 65 MD +48 18 66 MA +48 18 67 * +48 18 68 MD +48 18 69 * +48 18 70 * +48 18 71 * +48 18 72 * +48 18 73 * +48 18 74 * +48 18 75 * +48 18 76 * +48 18 77 * +48 18 78 * +48 18 79 AN +48 18 80 * +48 18 81 * +48 18 82 * +48 18 83 * +48 18 84 * +48 18 85 * +48 18 86 MD +48 18 87 AN +48 18 88 MD +48 18 89 AN +48 18 90 * +48 18 91 * +48 18 92 MA +48 18 93 * +48 18 94 AN +48 18 95 * +48 18 96 * +48 18 97 * +48 18 98 MD +48 18 99 * +48 18 100 * +48 18 101 MD +48 18 102 * +48 18 103 * +48 18 104 * +48 18 105 MD +48 18 106 * +48 18 107 MA +48 18 108 * +48 18 109 * +48 18 110 * +48 18 111 * +48 18 112 MD +48 18 113 AN +48 18 114 * +48 18 115 MD +48 18 116 * +48 18 117 * +48 18 118 MD +48 18 119 * +48 18 120 MA +48 18 121 MD +48 18 122 * +48 18 123 * +48 18 124 * +48 18 125 MD +48 18 126 MD +48 18 127 AN +48 18 128 * +48 18 129 MA +48 18 130 * +48 18 131 MD +48 18 132 MD +48 18 133 * +48 18 134 AN +48 18 135 MD +48 18 136 * +48 18 137 * +48 18 138 * +48 18 139 MA +48 18 140 AN +48 18 141 MA +48 18 142 MA +48 18 143 * +48 18 144 AN +48 18 145 * +48 18 146 * +48 18 147 * +48 18 148 MD +48 18 149 * +48 18 150 AN +48 18 151 MD +48 18 152 MD +48 18 153 * +48 18 154 AN +48 18 155 AN +48 18 156 * +48 18 157 AN +48 18 158 MA +48 18 159 * +48 18 160 MD +48 18 161 * +48 18 162 MD +48 18 163 * +48 18 164 * +48 18 165 * +48 18 166 AN +48 18 167 * +48 18 168 * +48 18 169 * +48 18 170 AN +48 18 171 * +48 18 172 MA +48 18 173 MD +48 18 174 * +48 18 175 * +48 18 176 MD +48 18 177 * +48 18 178 AN +48 18 179 MD +48 18 180 * +48 18 181 * +48 18 182 MD +48 18 183 * +48 18 184 MD +48 18 185 * +48 18 186 * +48 18 187 * +48 18 188 * +48 18 189 * +48 18 190 MD +48 18 191 * +48 18 192 * +48 18 193 * +48 18 194 MD +48 18 195 * +48 18 196 * +48 18 197 MD +48 18 198 AN +48 18 199 * +48 18 200 * +48 18 201 MD +48 18 202 * +48 18 203 MD +48 18 204 AN +48 18 205 * +48 18 206 MA +48 18 207 MD +48 18 208 * +48 18 209 AN +48 18 210 * +48 18 211 * +48 18 212 MD +48 18 213 * +48 18 214 * +48 18 215 MD +48 18 216 AN +48 18 217 MD +48 18 218 * +48 18 219 * +48 18 220 AN +48 18 221 * +48 18 222 * +48 18 223 * +48 18 224 MA +48 18 225 * +48 18 226 AN +48 18 227 AN +48 18 228 * +48 18 229 * +48 18 230 MA +48 18 231 MD +48 18 232 AN +48 18 233 AN +48 18 234 * +48 18 235 AN +48 18 236 * +48 18 237 * +48 18 238 * +48 18 239 MD +48 18 240 * +48 18 241 MA +48 18 242 * +48 18 243 MD +48 18 244 MA +48 18 245 MD +48 18 246 * +48 18 247 AN +48 18 248 AN +48 18 249 * +48 18 250 * +48 18 251 * +48 18 252 MA +48 18 253 * +48 18 254 AN +48 18 255 * +48 18 256 MD +48 18 257 AN +48 18 258 * +48 18 259 MD +48 18 260 * +48 18 261 * +48 18 262 MA +48 18 263 AN +48 18 264 * +48 18 265 * +48 18 266 MD +48 18 267 MD +48 18 268 * +48 18 269 MD +48 18 270 * +48 18 271 AN +48 18 272 MA +48 18 273 MD +48 18 274 MA +48 18 275 * +48 18 276 MD +48 18 277 AN +48 18 278 MD +48 18 279 * +48 18 280 * +48 18 281 * +48 18 282 * +48 18 283 * +48 18 284 MA +48 18 285 MD +48 18 286 MA +48 18 287 * +48 18 288 MD +48 18 289 * +48 18 290 MA +48 18 291 AN +48 18 292 MD +48 18 293 * +48 18 294 * +48 18 295 * +48 18 296 * +48 18 297 * +48 18 298 MD +48 18 299 * +48 18 300 MA +48 18 301 * +48 18 302 MA +48 18 303 MA +48 18 304 * +48 18 305 MD +48 18 306 * +48 18 307 * +48 18 308 * +48 18 309 AN +48 18 310 * +48 18 311 * +48 18 312 AN +48 18 313 * +48 18 314 MA +48 18 315 * +48 18 316 * +48 18 317 MD +48 18 318 * +48 18 319 MA +48 18 320 * +48 18 321 MD +48 18 322 * +48 18 323 * +48 18 324 MA +48 18 325 MD +48 18 326 * +48 18 327 MA +48 18 328 * +48 18 329 * +48 18 330 MA +48 19 1 AN +48 19 2 * +48 19 3 MD +48 19 4 * +48 19 5 AN +48 19 6 * +48 19 7 * +48 19 8 * +48 19 9 * +48 19 10 AN +48 19 11 AN +48 19 12 MG +48 19 13 AN +48 19 14 AN +48 19 15 ML +48 19 16 MA +48 19 17 MD +48 19 18 AN +48 19 19 * +48 19 20 * +48 19 21 MD +48 19 22 MG +48 19 23 * +48 19 24 * +48 19 25 MD +48 19 26 AN +48 19 27 MA +48 19 28 MD +48 19 29 * +48 19 30 MG +48 19 31 MA +48 19 32 MG +48 19 33 * +48 19 34 AN +48 19 35 MD +48 19 36 AN +48 19 37 * +48 19 38 MD +48 19 39 AN +48 19 40 * +48 19 41 MD +48 19 42 MG +48 19 43 AN +48 19 44 MA +48 19 45 * +48 19 46 MA +48 19 47 AN +48 19 48 MD +48 19 49 MA +48 19 50 * +48 19 51 * +48 19 52 MA +48 19 53 MD +48 19 54 AN +48 19 55 MA +48 19 56 MG +48 19 57 AN +48 19 58 MG +48 19 59 MA +48 19 60 AN +48 19 61 MD +48 19 62 * +48 19 63 MD +48 19 64 AN +48 19 65 MD +48 19 66 MA +48 19 67 * +48 19 68 MD +48 19 69 * +48 19 70 MA +48 19 71 MD +48 19 72 AN +48 19 73 * +48 19 74 MA +48 19 75 AN +48 19 76 MD +48 19 77 AN +48 19 78 MG +48 19 79 * +48 19 80 AN +48 19 81 MG +48 19 82 MA +48 19 83 MA +48 19 84 MG +48 19 85 AN +48 19 86 MD +48 19 87 * +48 19 88 MD +48 19 89 AN +48 19 90 AN +48 19 91 MG +48 19 92 MG +48 19 93 AN +48 19 94 * +48 19 95 MA +48 19 96 MD +48 19 97 AN +48 19 98 * +48 19 99 * +48 19 100 * +48 19 101 MD +48 19 102 MA +48 19 103 MG +48 19 104 AN +48 19 105 MD +48 19 106 MG +48 19 107 MA +48 19 108 * +48 19 109 AN +48 19 110 MD +48 19 111 * +48 19 112 MD +48 19 113 * +48 19 114 AN +48 19 115 MD +48 19 116 MA +48 19 117 * +48 19 118 MD +48 19 119 AN +48 19 120 MA +48 19 121 MD +48 19 122 AN +48 19 123 AN +48 19 124 MG +48 19 125 MD +48 19 126 MD +48 19 127 AN +48 19 128 MG +48 19 129 MA +48 19 130 * +48 19 131 MG +48 19 132 MD +48 19 133 AN +48 19 134 * +48 19 135 MD +48 19 136 AN +48 19 137 * +48 19 138 AN +48 19 139 MA +48 19 140 AN +48 19 141 MA +48 19 142 MA +48 19 143 MG +48 19 144 AN +48 19 145 AN +48 19 146 MG +48 19 147 AN +48 19 148 MD +48 19 149 MG +48 19 150 AN +48 19 151 MD +48 19 152 MD +48 19 153 AN +48 19 154 * +48 19 155 * +48 19 156 AN +48 19 157 * +48 19 158 MA +48 19 159 MG +48 19 160 MG +48 19 161 AN +48 19 162 MD +48 19 163 AN +48 19 164 AN +48 19 165 MG +48 19 166 AN +48 19 167 MG +48 19 168 AN +48 19 169 AN +48 19 170 AN +48 19 171 MG +48 19 172 MA +48 19 173 MD +48 19 174 MG +48 19 175 MA +48 19 176 MD +48 19 177 MG +48 19 178 AN +48 19 179 MD +48 19 180 AN +48 19 181 MG +48 19 182 MD +48 19 183 MG +48 19 184 MD +48 19 185 MD +48 19 186 AN +48 19 187 MD +48 19 188 AN +48 19 189 MA +48 19 190 MG +48 19 191 AN +48 19 192 * +48 19 193 MG +48 19 194 MD +48 19 195 AN +48 19 196 AN +48 19 197 MD +48 19 198 AN +48 19 199 MA +48 19 200 AN +48 19 201 MD +48 19 202 AN +48 19 203 MD +48 19 204 * +48 19 205 AN +48 19 206 MA +48 19 207 MD +48 19 208 MG +48 19 209 AN +48 19 210 * +48 19 211 AN +48 19 212 MD +48 19 213 MA +48 19 214 MG +48 19 215 MD +48 19 216 * +48 19 217 MG +48 19 218 MG +48 19 219 MA +48 19 220 * +48 19 221 MA +48 19 222 * +48 19 223 AN +48 19 224 MA +48 19 225 MG +48 19 226 AN +48 19 227 * +48 19 228 AN +48 19 229 * +48 19 230 MA +48 19 231 MD +48 19 232 * +48 19 233 * +48 19 234 AN +48 19 235 AN +48 19 236 MG +48 19 237 MD +48 19 238 AN +48 19 239 MD +48 19 240 * +48 19 241 MA +48 19 242 MG +48 19 243 MD +48 19 244 MA +48 19 245 MD +48 19 246 AN +48 19 247 * +48 19 248 * +48 19 249 AN +48 19 250 AN +48 19 251 * +48 19 252 MA +48 19 253 * +48 19 254 AN +48 19 255 * +48 19 256 MD +48 19 257 AN +48 19 258 MG +48 19 259 MD +48 19 260 MG +48 19 261 MD +48 19 262 MA +48 19 263 MA +48 19 264 MA +48 19 265 AN +48 19 266 ML +48 19 267 * +48 19 268 AN +48 19 269 MD +48 19 270 MG +48 19 271 AN +48 19 272 MA +48 19 273 * +48 19 274 MA +48 19 275 MG +48 19 276 * +48 19 277 AN +48 19 278 MD +48 19 279 AN +48 19 280 * +48 19 281 AN +48 19 282 * +48 19 283 * +48 19 284 * +48 19 285 MD +48 19 286 MA +48 19 287 MG +48 19 288 MD +48 19 289 AN +48 19 290 MA +48 19 291 AN +48 19 292 MD +48 19 293 MA +48 19 294 MA +48 19 295 MG +48 19 296 AN +48 19 297 MD +48 19 298 MD +48 19 299 AN +48 19 300 MA +48 19 301 AN +48 19 302 MA +48 19 303 MA +48 19 304 AN +48 19 305 MD +48 19 306 MG +48 19 307 AN +48 19 308 * +48 19 309 * +48 19 310 AN +48 19 311 AN +48 19 312 * +48 19 313 * +48 19 314 MA +48 19 315 MG +48 19 316 AN +48 19 317 MD +48 19 318 MD +48 19 319 MD +48 19 320 MG +48 19 321 MD +48 19 322 AN +48 19 323 AN +48 19 324 MA +48 19 325 * +48 19 326 MG +48 19 327 MA +48 19 328 AN +48 19 329 * +48 19 330 MA +48 20 1 * +48 20 2 * +48 20 3 MD +48 20 4 * +48 20 5 EM +48 20 6 * +48 20 7 EM +48 20 8 MD +48 20 9 * +48 20 10 AN +48 20 11 * +48 20 12 KI +48 20 13 * +48 20 14 AN +48 20 15 * +48 20 16 MA +48 20 17 MD +48 20 18 AN +48 20 19 * +48 20 20 EM +48 20 21 MD +48 20 22 KI +48 20 23 * +48 20 24 AN +48 20 25 * +48 20 26 AN +48 20 27 MA +48 20 28 MD +48 20 29 EM +48 20 30 MD +48 20 31 * +48 20 32 MD +48 20 33 BG +48 20 34 * +48 20 35 * +48 20 36 * +48 20 37 AN +48 20 38 MD +48 20 39 EM +48 20 40 AN +48 20 41 MD +48 20 42 KI +48 20 43 AN +48 20 44 MA +48 20 45 BG +48 20 46 AN +48 20 47 AN +48 20 48 KI +48 20 49 AN +48 20 50 * +48 20 51 * +48 20 52 MA +48 20 53 MD +48 20 54 BG +48 20 55 AN +48 20 56 * +48 20 57 * +48 20 58 * +48 20 59 MA +48 20 60 AN +48 20 61 MD +48 20 62 * +48 20 63 MD +48 20 64 AN +48 20 65 MD +48 20 66 MA +48 20 67 BG +48 20 68 * +48 20 69 * +48 20 70 MA +48 20 71 MD +48 20 72 EM +48 20 73 * +48 20 74 MA +48 20 75 EM +48 20 76 KN +48 20 77 AN +48 20 78 * +48 20 79 AN +48 20 80 AN +48 20 81 BG +48 20 82 EM +48 20 83 MA +48 20 84 * +48 20 85 EM +48 20 86 MD +48 20 87 AN +48 20 88 MD +48 20 89 AN +48 20 90 EM +48 20 91 EM +48 20 92 MA +48 20 93 AN +48 20 94 AN +48 20 95 MA +48 20 96 KI +48 20 97 AN +48 20 98 MD +48 20 99 MA +48 20 100 EM +48 20 101 MD +48 20 102 EM +48 20 103 AN +48 20 104 MD +48 20 105 KI +48 20 106 MA +48 20 107 MA +48 20 108 MA +48 20 109 AN +48 20 110 KI +48 20 111 AN +48 20 112 MD +48 20 113 AN +48 20 114 EM +48 20 115 MD +48 20 116 MA +48 20 117 * +48 20 118 * +48 20 119 BG +48 20 120 MA +48 20 121 MD +48 20 122 EM +48 20 123 AN +48 20 124 EM +48 20 125 MD +48 20 126 MD +48 20 127 EM +48 20 128 KI +48 20 129 MA +48 20 130 BG +48 20 131 * +48 20 132 MD +48 20 133 EM +48 20 134 AN +48 20 135 MD +48 20 136 EM +48 20 137 EM +48 20 138 AN +48 20 139 MA +48 20 140 PI +48 20 141 MA +48 20 142 MA +48 20 143 EM +48 20 144 AN +48 20 145 EM +48 20 146 KI +48 20 147 EM +48 20 148 MD +48 20 149 EM +48 20 150 * +48 20 151 MD +48 20 152 * +48 20 153 AN +48 20 154 AN +48 20 155 AN +48 20 156 EM +48 20 157 * +48 20 158 MA +48 20 159 KN +48 20 160 * +48 20 161 EM +48 20 162 MD +48 20 163 EM +48 20 164 AN +48 20 165 EM +48 20 166 AN +48 20 167 MA +48 20 168 EM +48 20 169 * +48 20 170 AN +48 20 171 EM +48 20 172 MA +48 20 173 MD +48 20 174 KI +48 20 175 MA +48 20 176 MD +48 20 177 KI +48 20 178 AN +48 20 179 MD +48 20 180 EM +48 20 181 * +48 20 182 * +48 20 183 MA +48 20 184 * +48 20 185 * +48 20 186 EM +48 20 187 KN +48 20 188 AN +48 20 189 MA +48 20 190 * +48 20 191 EM +48 20 192 * +48 20 193 KI +48 20 194 MD +48 20 195 EM +48 20 196 EM +48 20 197 * +48 20 198 AN +48 20 199 MA +48 20 200 AN +48 20 201 MD +48 20 202 EM +48 20 203 MD +48 20 204 AN +48 20 205 AN +48 20 206 MA +48 20 207 MD +48 20 208 * +48 20 209 EM +48 20 210 MD +48 20 211 AN +48 20 212 KN +48 20 213 MA +48 20 214 KI +48 20 215 MD +48 20 216 EM +48 20 217 MD +48 20 218 EM +48 20 219 MA +48 20 220 AN +48 20 221 MA +48 20 222 AN +48 20 223 EM +48 20 224 MA +48 20 225 * +48 20 226 AN +48 20 227 AN +48 20 228 AN +48 20 229 EM +48 20 230 MA +48 20 231 * +48 20 232 * +48 20 233 MA +48 20 234 EM +48 20 235 * +48 20 236 EM +48 20 237 * +48 20 238 BG +48 20 239 MD +48 20 240 MD +48 20 241 MA +48 20 242 KI +48 20 243 MD +48 20 244 * +48 20 245 MD +48 20 246 EM +48 20 247 AN +48 20 248 EM +48 20 249 EM +48 20 250 AN +48 20 251 EM +48 20 252 MA +48 20 253 EM +48 20 254 AN +48 20 255 AN +48 20 256 MD +48 20 257 AN +48 20 258 KI +48 20 259 MA +48 20 260 KI +48 20 261 MD +48 20 262 MA +48 20 263 MA +48 20 264 AN +48 20 265 EM +48 20 266 MD +48 20 267 MD +48 20 268 EM +48 20 269 MD +48 20 270 KN +48 20 271 EM +48 20 272 MA +48 20 273 * +48 20 274 MA +48 20 275 KI +48 20 276 MD +48 20 277 AN +48 20 278 MD +48 20 279 AN +48 20 280 EM +48 20 281 BG +48 20 282 EM +48 20 283 * +48 20 284 MA +48 20 285 * +48 20 286 MA +48 20 287 * +48 20 288 MD +48 20 289 AN +48 20 290 MA +48 20 291 AN +48 20 292 * +48 20 293 MA +48 20 294 MA +48 20 295 * +48 20 296 PI +48 20 297 KI +48 20 298 MD +48 20 299 EM +48 20 300 MA +48 20 301 EM +48 20 302 MA +48 20 303 MA +48 20 304 EM +48 20 305 MD +48 20 306 BG +48 20 307 AN +48 20 308 * +48 20 309 AN +48 20 310 EM +48 20 311 AN +48 20 312 AN +48 20 313 AN +48 20 314 MA +48 20 315 BG +48 20 316 EM +48 20 317 MD +48 20 318 KN +48 20 319 MA +48 20 320 EM +48 20 321 MA +48 20 322 AN +48 20 323 EM +48 20 324 MA +48 20 325 * +48 20 326 KI +48 20 327 MA +48 20 328 EM +48 20 329 * +48 20 330 MA +48 21 1 * +48 21 2 * +48 21 3 MG +48 21 4 * +48 21 5 * +48 21 6 * +48 21 7 EM +48 21 8 MD +48 21 9 * +48 21 10 * +48 21 11 * +48 21 12 KN +48 21 13 * +48 21 14 * +48 21 15 * +48 21 16 MA +48 21 17 * +48 21 18 AN +48 21 19 * +48 21 20 * +48 21 21 * +48 21 22 * +48 21 23 * +48 21 24 * +48 21 25 * +48 21 26 * +48 21 27 * +48 21 28 * +48 21 29 EM +48 21 30 * +48 21 31 * +48 21 32 * +48 21 33 * +48 21 34 * +48 21 35 * +48 21 36 * +48 21 37 * +48 21 38 * +48 21 39 * +48 21 40 * +48 21 41 MD +48 21 42 * +48 21 43 * +48 21 44 * +48 21 45 EM +48 21 46 * +48 21 47 * +48 21 48 * +48 21 49 * +48 21 50 * +48 21 51 * +48 21 52 MA +48 21 53 * +48 21 54 EM +48 21 55 * +48 21 56 * +48 21 57 * +48 21 58 * +48 21 59 * +48 21 60 * +48 21 61 MD +48 21 62 AN +48 21 63 * +48 21 64 AN +48 21 65 MA +48 21 66 * +48 21 67 * +48 21 68 * +48 21 69 * +48 21 70 * +48 21 71 * +48 21 72 EM +48 21 73 * +48 21 74 * +48 21 75 * +48 21 76 KN +48 21 77 * +48 21 78 * +48 21 79 * +48 21 80 * +48 21 81 * +48 21 82 * +48 21 83 * +48 21 84 * +48 21 85 EM +48 21 86 * +48 21 87 AN +48 21 88 * +48 21 89 AN +48 21 90 * +48 21 91 * +48 21 92 * +48 21 93 * +48 21 94 * +48 21 95 * +48 21 96 * +48 21 97 * +48 21 98 MD +48 21 99 * +48 21 100 * +48 21 101 * +48 21 102 * +48 21 103 * +48 21 104 * +48 21 105 * +48 21 106 * +48 21 107 MA +48 21 108 * +48 21 109 * +48 21 110 KN +48 21 111 * +48 21 112 MD +48 21 113 AN +48 21 114 * +48 21 115 * +48 21 116 MA +48 21 117 * +48 21 118 * +48 21 119 * +48 21 120 BL +48 21 121 * +48 21 122 * +48 21 123 * +48 21 124 * +48 21 125 KN +48 21 126 * +48 21 127 * +48 21 128 * +48 21 129 MA +48 21 130 * +48 21 131 * +48 21 132 MD +48 21 133 EM +48 21 134 * +48 21 135 * +48 21 136 * +48 21 137 * +48 21 138 * +48 21 139 * +48 21 140 * +48 21 141 MA +48 21 142 * +48 21 143 * +48 21 144 * +48 21 145 * +48 21 146 * +48 21 147 * +48 21 148 MD +48 21 149 * +48 21 150 * +48 21 151 * +48 21 152 * +48 21 153 * +48 21 154 AN +48 21 155 * +48 21 156 EM +48 21 157 * +48 21 158 MA +48 21 159 * +48 21 160 * +48 21 161 * +48 21 162 MD +48 21 163 * +48 21 164 * +48 21 165 * +48 21 166 * +48 21 167 * +48 21 168 EM +48 21 169 * +48 21 170 AN +48 21 171 * +48 21 172 MA +48 21 173 MD +48 21 174 * +48 21 175 * +48 21 176 * +48 21 177 * +48 21 178 * +48 21 179 * +48 21 180 EM +48 21 181 * +48 21 182 * +48 21 183 * +48 21 184 * +48 21 185 * +48 21 186 * +48 21 187 * +48 21 188 * +48 21 189 * +48 21 190 * +48 21 191 EM +48 21 192 * +48 21 193 * +48 21 194 * +48 21 195 EM +48 21 196 * +48 21 197 * +48 21 198 MA +48 21 199 * +48 21 200 * +48 21 201 * +48 21 202 EM +48 21 203 * +48 21 204 AN +48 21 205 * +48 21 206 MA +48 21 207 MD +48 21 208 * +48 21 209 * +48 21 210 * +48 21 211 * +48 21 212 KN +48 21 213 * +48 21 214 * +48 21 215 * +48 21 216 * +48 21 217 * +48 21 218 * +48 21 219 MA +48 21 220 * +48 21 221 MA +48 21 222 * +48 21 223 EM +48 21 224 * +48 21 225 * +48 21 226 * +48 21 227 AN +48 21 228 * +48 21 229 * +48 21 230 * +48 21 231 * +48 21 232 * +48 21 233 * +48 21 234 EM +48 21 235 * +48 21 236 * +48 21 237 * +48 21 238 * +48 21 239 * +48 21 240 * +48 21 241 MA +48 21 242 * +48 21 243 * +48 21 244 MA +48 21 245 MD +48 21 246 * +48 21 247 * +48 21 248 * +48 21 249 EM +48 21 250 * +48 21 251 * +48 21 252 MA +48 21 253 * +48 21 254 * +48 21 255 * +48 21 256 MD +48 21 257 * +48 21 258 * +48 21 259 * +48 21 260 * +48 21 261 * +48 21 262 MA +48 21 263 * +48 21 264 * +48 21 265 EM +48 21 266 * +48 21 267 * +48 21 268 EM +48 21 269 * +48 21 270 * +48 21 271 * +48 21 272 MA +48 21 273 * +48 21 274 MA +48 21 275 * +48 21 276 MD +48 21 277 * +48 21 278 * +48 21 279 * +48 21 280 EM +48 21 281 EM +48 21 282 EM +48 21 283 * +48 21 284 MA +48 21 285 * +48 21 286 MA +48 21 287 * +48 21 288 MD +48 21 289 * +48 21 290 * +48 21 291 * +48 21 292 * +48 21 293 MA +48 21 294 MA +48 21 295 * +48 21 296 * +48 21 297 * +48 21 298 MD +48 21 299 EM +48 21 300 * +48 21 301 * +48 21 302 MA +48 21 303 * +48 21 304 * +48 21 305 * +48 21 306 * +48 21 307 * +48 21 308 * +48 21 309 * +48 21 310 * +48 21 311 * +48 21 312 AN +48 21 313 * +48 21 314 MA +48 21 315 * +48 21 316 * +48 21 317 * +48 21 318 * +48 21 319 MA +48 21 320 * +48 21 321 MD +48 21 322 * +48 21 323 EM +48 21 324 MA +48 21 325 * +48 21 326 * +48 21 327 * +48 21 328 * +48 21 329 * +48 21 330 * +48 22 1 BG +48 22 2 BG +48 22 3 BA +48 22 4 * +48 22 5 BG +48 22 6 MA +48 22 7 BG +48 22 8 BA +48 22 9 * +48 22 10 AN +48 22 11 * +48 22 12 KI +48 22 13 * +48 22 14 * +48 22 15 BA +48 22 16 MA +48 22 17 MD +48 22 18 AN +48 22 19 BG +48 22 20 EM +48 22 21 BA +48 22 22 MA +48 22 23 BA +48 22 24 * +48 22 25 BG +48 22 26 * +48 22 27 MA +48 22 28 MD +48 22 29 BG +48 22 30 * +48 22 31 BG +48 22 32 BA +48 22 33 BG +48 22 34 BG +48 22 35 BA +48 22 36 * +48 22 37 * +48 22 38 BA +48 22 39 * +48 22 40 BG +48 22 41 MD +48 22 42 * +48 22 43 AN +48 22 44 MA +48 22 45 BG +48 22 46 MA +48 22 47 AN +48 22 48 * +48 22 49 BG +48 22 50 BA +48 22 51 * +48 22 52 MA +48 22 53 MD +48 22 54 * +48 22 55 BG +48 22 56 BA +48 22 57 * +48 22 58 * +48 22 59 MA +48 22 60 AN +48 22 61 MD +48 22 62 * +48 22 63 BA +48 22 64 * +48 22 65 MD +48 22 66 MA +48 22 67 BG +48 22 68 BA +48 22 69 * +48 22 70 MA +48 22 71 * +48 22 72 BG +48 22 73 BA +48 22 74 * +48 22 75 * +48 22 76 * +48 22 77 BG +48 22 78 BA +48 22 79 AN +48 22 80 BG +48 22 81 * +48 22 82 BG +48 22 83 MA +48 22 84 BA +48 22 85 BG +48 22 86 BA +48 22 87 AN +48 22 88 BA +48 22 89 AN +48 22 90 * +48 22 91 KI +48 22 92 MA +48 22 93 BG +48 22 94 AN +48 22 95 MA +48 22 96 KI +48 22 97 * +48 22 98 MD +48 22 99 BA +48 22 100 BG +48 22 101 MD +48 22 102 * +48 22 103 * +48 22 104 BG +48 22 105 BA +48 22 106 MA +48 22 107 MA +48 22 108 BG +48 22 109 * +48 22 110 KI +48 22 111 * +48 22 112 MD +48 22 113 MN +48 22 114 EM +48 22 115 MD +48 22 116 MA +48 22 117 * +48 22 118 BA +48 22 119 BG +48 22 120 MA +48 22 121 MD +48 22 122 BG +48 22 123 BG +48 22 124 KI +48 22 125 BA +48 22 126 BA +48 22 127 AN +48 22 128 KI +48 22 129 MA +48 22 130 * +48 22 131 BA +48 22 132 MD +48 22 133 * +48 22 134 * +48 22 135 BA +48 22 136 BG +48 22 137 * +48 22 138 BG +48 22 139 MA +48 22 140 MA +48 22 141 MA +48 22 142 MA +48 22 143 KI +48 22 144 BA +48 22 145 BG +48 22 146 KI +48 22 147 EM +48 22 148 MD +48 22 149 BG +48 22 150 BA +48 22 151 BA +48 22 152 BA +48 22 153 BG +48 22 154 MN +48 22 155 * +48 22 156 BG +48 22 157 * +48 22 158 MA +48 22 159 BA +48 22 160 BA +48 22 161 BG +48 22 162 MD +48 22 163 * +48 22 164 AN +48 22 165 * +48 22 166 AN +48 22 167 MA +48 22 168 * +48 22 169 BG +48 22 170 MN +48 22 171 * +48 22 172 MA +48 22 173 MD +48 22 174 KI +48 22 175 MA +48 22 176 MD +48 22 177 KI +48 22 178 AN +48 22 179 MD +48 22 180 EM +48 22 181 KI +48 22 182 MD +48 22 183 * +48 22 184 BA +48 22 185 * +48 22 186 BG +48 22 187 KI +48 22 188 BG +48 22 189 MA +48 22 190 BA +48 22 191 * +48 22 192 BA +48 22 193 KI +48 22 194 MD +48 22 195 EM +48 22 196 EM +48 22 197 BA +48 22 198 MN +48 22 199 MA +48 22 200 BG +48 22 201 BA +48 22 202 EM +48 22 203 MD +48 22 204 MN +48 22 205 * +48 22 206 MA +48 22 207 BA +48 22 208 * +48 22 209 * +48 22 210 MD +48 22 211 BG +48 22 212 KI +48 22 213 MA +48 22 214 * +48 22 215 BA +48 22 216 AN +48 22 217 BA +48 22 218 KI +48 22 219 MA +48 22 220 MA +48 22 221 MA +48 22 222 BA +48 22 223 EM +48 22 224 MA +48 22 225 * +48 22 226 AN +48 22 227 * +48 22 228 AN +48 22 229 BG +48 22 230 MA +48 22 231 BA +48 22 232 * +48 22 233 * +48 22 234 EM +48 22 235 AN +48 22 236 KI +48 22 237 BA +48 22 238 EM +48 22 239 BA +48 22 240 * +48 22 241 MA +48 22 242 MA +48 22 243 BA +48 22 244 MA +48 22 245 MD +48 22 246 BG +48 22 247 BA +48 22 248 MN +48 22 249 EM +48 22 250 * +48 22 251 BG +48 22 252 MA +48 22 253 BG +48 22 254 * +48 22 255 AN +48 22 256 MD +48 22 257 AN +48 22 258 KI +48 22 259 MD +48 22 260 MA +48 22 261 * +48 22 262 MA +48 22 263 * +48 22 264 * +48 22 265 EM +48 22 266 BA +48 22 267 BA +48 22 268 EM +48 22 269 BA +48 22 270 * +48 22 271 AN +48 22 272 MA +48 22 273 BA +48 22 274 MA +48 22 275 * +48 22 276 MD +48 22 277 * +48 22 278 BA +48 22 279 * +48 22 280 * +48 22 281 AN +48 22 282 EM +48 22 283 * +48 22 284 MA +48 22 285 BA +48 22 286 MA +48 22 287 * +48 22 288 MD +48 22 289 BG +48 22 290 MA +48 22 291 AN +48 22 292 BA +48 22 293 MA +48 22 294 MA +48 22 295 AN +48 22 296 BA +48 22 297 KI +48 22 298 MD +48 22 299 BG +48 22 300 MA +48 22 301 BG +48 22 302 MA +48 22 303 MA +48 22 304 * +48 22 305 BA +48 22 306 * +48 22 307 BG +48 22 308 BA +48 22 309 MN +48 22 310 BG +48 22 311 * +48 22 312 MN +48 22 313 * +48 22 314 MA +48 22 315 BG +48 22 316 EM +48 22 317 MD +48 22 318 MA +48 22 319 MA +48 22 320 * +48 22 321 MD +48 22 322 AN +48 22 323 EM +48 22 324 MA +48 22 325 BA +48 22 326 KI +48 22 327 MA +48 22 328 AN +48 22 329 * +48 22 330 MA +48 23 1 * +48 23 2 * +48 23 3 MD +48 23 4 * +48 23 5 AM +48 23 6 ML +48 23 7 * +48 23 8 MD +48 23 9 PP +48 23 10 AN +48 23 11 * +48 23 12 ML +48 23 13 * +48 23 14 AN +48 23 15 * +48 23 16 MA +48 23 17 MD +48 23 18 * +48 23 19 * +48 23 20 * +48 23 21 MD +48 23 22 KN +48 23 23 * +48 23 24 * +48 23 25 * +48 23 26 * +48 23 27 NP +48 23 28 MD +48 23 29 KI +48 23 30 AM +48 23 31 * +48 23 32 * +48 23 33 * +48 23 34 * +48 23 35 MD +48 23 36 * +48 23 37 * +48 23 38 MD +48 23 39 * +48 23 40 * +48 23 41 MD +48 23 42 KN +48 23 43 * +48 23 44 MA +48 23 45 * +48 23 46 * +48 23 47 * +48 23 48 KI +48 23 49 * +48 23 50 * +48 23 51 * +48 23 52 AM +48 23 53 MD +48 23 54 EM +48 23 55 * +48 23 56 * +48 23 57 * +48 23 58 * +48 23 59 MA +48 23 60 AN +48 23 61 MD +48 23 62 AM +48 23 63 * +48 23 64 * +48 23 65 MD +48 23 66 NP +48 23 67 * +48 23 68 MD +48 23 69 * +48 23 70 MA +48 23 71 * +48 23 72 EM +48 23 73 * +48 23 74 * +48 23 75 * +48 23 76 MD +48 23 77 * +48 23 78 * +48 23 79 AN +48 23 80 * +48 23 81 * +48 23 82 * +48 23 83 AM +48 23 84 * +48 23 85 EM +48 23 86 MD +48 23 87 * +48 23 88 * +48 23 89 AN +48 23 90 AN +48 23 91 KI +48 23 92 MA +48 23 93 * +48 23 94 * +48 23 95 * +48 23 96 KI +48 23 97 AN +48 23 98 MD +48 23 99 * +48 23 100 * +48 23 101 MD +48 23 102 * +48 23 103 * +48 23 104 * +48 23 105 MD +48 23 106 ML +48 23 107 MA +48 23 108 * +48 23 109 * +48 23 110 KN +48 23 111 * +48 23 112 MD +48 23 113 * +48 23 114 * +48 23 115 MD +48 23 116 * +48 23 117 * +48 23 118 AM +48 23 119 * +48 23 120 MA +48 23 121 MD +48 23 122 EM +48 23 123 * +48 23 124 KI +48 23 125 MD +48 23 126 * +48 23 127 AN +48 23 128 KI +48 23 129 MA +48 23 130 * +48 23 131 * +48 23 132 MD +48 23 133 EM +48 23 134 * +48 23 135 * +48 23 136 * +48 23 137 * +48 23 138 AM +48 23 139 MA +48 23 140 * +48 23 141 MA +48 23 142 MA +48 23 143 * +48 23 144 * +48 23 145 * +48 23 146 KI +48 23 147 EM +48 23 148 MD +48 23 149 * +48 23 150 * +48 23 151 AM +48 23 152 * +48 23 153 * +48 23 154 * +48 23 155 * +48 23 156 EM +48 23 157 * +48 23 158 MA +48 23 159 KN +48 23 160 * +48 23 161 EM +48 23 162 MD +48 23 163 * +48 23 164 * +48 23 165 * +48 23 166 * +48 23 167 * +48 23 168 * +48 23 169 EM +48 23 170 * +48 23 171 * +48 23 172 MA +48 23 173 MD +48 23 174 * +48 23 175 AM +48 23 176 MD +48 23 177 KI +48 23 178 * +48 23 179 * +48 23 180 * +48 23 181 * +48 23 182 * +48 23 183 * +48 23 184 * +48 23 185 * +48 23 186 * +48 23 187 KN +48 23 188 * +48 23 189 NP +48 23 190 * +48 23 191 * +48 23 192 * +48 23 193 KI +48 23 194 * +48 23 195 * +48 23 196 * +48 23 197 * +48 23 198 * +48 23 199 * +48 23 200 * +48 23 201 MD +48 23 202 EM +48 23 203 * +48 23 204 * +48 23 205 * +48 23 206 NP +48 23 207 MD +48 23 208 * +48 23 209 * +48 23 210 * +48 23 211 * +48 23 212 ML +48 23 213 MA +48 23 214 KI +48 23 215 * +48 23 216 * +48 23 217 * +48 23 218 * +48 23 219 NP +48 23 220 * +48 23 221 NP +48 23 222 * +48 23 223 EM +48 23 224 MA +48 23 225 * +48 23 226 * +48 23 227 * +48 23 228 * +48 23 229 * +48 23 230 MA +48 23 231 * +48 23 232 * +48 23 233 * +48 23 234 EM +48 23 235 * +48 23 236 * +48 23 237 * +48 23 238 * +48 23 239 AM +48 23 240 * +48 23 241 MA +48 23 242 KI +48 23 243 MD +48 23 244 NP +48 23 245 MD +48 23 246 EM +48 23 247 * +48 23 248 * +48 23 249 * +48 23 250 * +48 23 251 * +48 23 252 MA +48 23 253 * +48 23 254 NP +48 23 255 * +48 23 256 MD +48 23 257 AN +48 23 258 KI +48 23 259 MD +48 23 260 KI +48 23 261 KN +48 23 262 MA +48 23 263 * +48 23 264 NP +48 23 265 EM +48 23 266 * +48 23 267 * +48 23 268 EM +48 23 269 MD +48 23 270 KN +48 23 271 * +48 23 272 MA +48 23 273 * +48 23 274 MA +48 23 275 * +48 23 276 MD +48 23 277 AN +48 23 278 KN +48 23 279 AN +48 23 280 * +48 23 281 * +48 23 282 * +48 23 283 * +48 23 284 MA +48 23 285 MD +48 23 286 MA +48 23 287 * +48 23 288 MD +48 23 289 NP +48 23 290 MA +48 23 291 AN +48 23 292 * +48 23 293 * +48 23 294 MA +48 23 295 * +48 23 296 * +48 23 297 KI +48 23 298 MD +48 23 299 EM +48 23 300 MA +48 23 301 EM +48 23 302 MA +48 23 303 NP +48 23 304 * +48 23 305 * +48 23 306 KI +48 23 307 * +48 23 308 * +48 23 309 * +48 23 310 EM +48 23 311 AN +48 23 312 * +48 23 313 AN +48 23 314 MA +48 23 315 * +48 23 316 * +48 23 317 MD +48 23 318 ML +48 23 319 MA +48 23 320 * +48 23 321 MD +48 23 322 NP +48 23 323 * +48 23 324 MA +48 23 325 * +48 23 326 KI +48 23 327 NP +48 23 328 * +48 23 329 * +48 23 330 NP +48 24 1 * +48 24 2 MA +48 24 3 MD +48 24 4 AN +48 24 5 * +48 24 6 ML +48 24 7 * +48 24 8 * +48 24 9 * +48 24 10 AN +48 24 11 * +48 24 12 ML +48 24 13 AN +48 24 14 AN +48 24 15 MA +48 24 16 MA +48 24 17 MD +48 24 18 AN +48 24 19 * +48 24 20 * +48 24 21 MD +48 24 22 ML +48 24 23 * +48 24 24 * +48 24 25 * +48 24 26 AN +48 24 27 MA +48 24 28 MD +48 24 29 MA +48 24 30 MD +48 24 31 * +48 24 32 MD +48 24 33 * +48 24 34 * +48 24 35 MD +48 24 36 AN +48 24 37 * +48 24 38 MD +48 24 39 * +48 24 40 MA +48 24 41 MD +48 24 42 * +48 24 43 * +48 24 44 MA +48 24 45 MA +48 24 46 * +48 24 47 * +48 24 48 * +48 24 49 MA +48 24 50 AN +48 24 51 * +48 24 52 MA +48 24 53 MD +48 24 54 * +48 24 55 MA +48 24 56 MA +48 24 57 * +48 24 58 * +48 24 59 MA +48 24 60 * +48 24 61 MD +48 24 62 * +48 24 63 MD +48 24 64 * +48 24 65 MD +48 24 66 MA +48 24 67 MA +48 24 68 MD +48 24 69 * +48 24 70 MA +48 24 71 * +48 24 72 * +48 24 73 * +48 24 74 MA +48 24 75 * +48 24 76 MD +48 24 77 * +48 24 78 MA +48 24 79 * +48 24 80 * +48 24 81 * +48 24 82 MA +48 24 83 ML +48 24 84 ML +48 24 85 * +48 24 86 MD +48 24 87 * +48 24 88 * +48 24 89 * +48 24 90 * +48 24 91 ML +48 24 92 MA +48 24 93 * +48 24 94 * +48 24 95 MA +48 24 96 ML +48 24 97 * +48 24 98 MD +48 24 99 * +48 24 100 MA +48 24 101 MD +48 24 102 MA +48 24 103 * +48 24 104 MA +48 24 105 * +48 24 106 ML +48 24 107 MA +48 24 108 MA +48 24 109 * +48 24 110 ML +48 24 111 * +48 24 112 MD +48 24 113 * +48 24 114 * +48 24 115 MD +48 24 116 MA +48 24 117 * +48 24 118 ML +48 24 119 * +48 24 120 MA +48 24 121 MD +48 24 122 BG +48 24 123 * +48 24 124 ML +48 24 125 ML +48 24 126 MD +48 24 127 * +48 24 128 * +48 24 129 MA +48 24 130 * +48 24 131 * +48 24 132 MD +48 24 133 BG +48 24 134 * +48 24 135 * +48 24 136 BG +48 24 137 BG +48 24 138 MA +48 24 139 MA +48 24 140 * +48 24 141 MA +48 24 142 MA +48 24 143 * +48 24 144 BG +48 24 145 * +48 24 146 ML +48 24 147 MD +48 24 148 * +48 24 149 ML +48 24 150 * +48 24 151 ML +48 24 152 * +48 24 153 * +48 24 154 * +48 24 155 BG +48 24 156 * +48 24 157 * +48 24 158 MA +48 24 159 ML +48 24 160 ML +48 24 161 * +48 24 162 MD +48 24 163 BG +48 24 164 * +48 24 165 BG +48 24 166 * +48 24 167 * +48 24 168 BG +48 24 169 * +48 24 170 BG +48 24 171 BG +48 24 172 MA +48 24 173 MD +48 24 174 ML +48 24 175 MA +48 24 176 MD +48 24 177 ML +48 24 178 MD +48 24 179 * +48 24 180 * +48 24 181 ML +48 24 182 * +48 24 183 * +48 24 184 * +48 24 185 ML +48 24 186 * +48 24 187 ML +48 24 188 * +48 24 189 MA +48 24 190 MD +48 24 191 * +48 24 192 * +48 24 193 * +48 24 194 * +48 24 195 BG +48 24 196 * +48 24 197 * +48 24 198 * +48 24 199 MA +48 24 200 * +48 24 201 MD +48 24 202 BG +48 24 203 MD +48 24 204 * +48 24 205 * +48 24 206 MA +48 24 207 MD +48 24 208 * +48 24 209 * +48 24 210 * +48 24 211 * +48 24 212 MD +48 24 213 * +48 24 214 * +48 24 215 * +48 24 216 * +48 24 217 MA +48 24 218 * +48 24 219 MA +48 24 220 * +48 24 221 MA +48 24 222 * +48 24 223 BG +48 24 224 MA +48 24 225 * +48 24 226 * +48 24 227 BG +48 24 228 * +48 24 229 MA +48 24 230 MA +48 24 231 * +48 24 232 BG +48 24 233 * +48 24 234 BG +48 24 235 * +48 24 236 * +48 24 237 ML +48 24 238 * +48 24 239 MD +48 24 240 * +48 24 241 MA +48 24 242 ML +48 24 243 MD +48 24 244 MA +48 24 245 MD +48 24 246 BG +48 24 247 * +48 24 248 BG +48 24 249 BG +48 24 250 * +48 24 251 MA +48 24 252 MA +48 24 253 * +48 24 254 * +48 24 255 BG +48 24 256 MD +48 24 257 * +48 24 258 ML +48 24 259 * +48 24 260 MA +48 24 261 ML +48 24 262 MA +48 24 263 * +48 24 264 MA +48 24 265 BG +48 24 266 * +48 24 267 * +48 24 268 BG +48 24 269 * +48 24 270 * +48 24 271 BG +48 24 272 MA +48 24 273 MA +48 24 274 MA +48 24 275 BG +48 24 276 MD +48 24 277 BG +48 24 278 ML +48 24 279 BG +48 24 280 BG +48 24 281 BG +48 24 282 * +48 24 283 * +48 24 284 MA +48 24 285 MA +48 24 286 MA +48 24 287 * +48 24 288 MD +48 24 289 * +48 24 290 MA +48 24 291 * +48 24 292 ML +48 24 293 MA +48 24 294 MA +48 24 295 * +48 24 296 * +48 24 297 ML +48 24 298 MD +48 24 299 BG +48 24 300 MA +48 24 301 * +48 24 302 MA +48 24 303 MA +48 24 304 * +48 24 305 * +48 24 306 * +48 24 307 BG +48 24 308 * +48 24 309 BG +48 24 310 * +48 24 311 * +48 24 312 AN +48 24 313 AN +48 24 314 MA +48 24 315 * +48 24 316 * +48 24 317 MD +48 24 318 ML +48 24 319 MA +48 24 320 BG +48 24 321 MD +48 24 322 * +48 24 323 BG +48 24 324 MA +48 24 325 * +48 24 326 ML +48 24 327 MA +48 24 328 BG +48 24 329 * +48 24 330 MA +48 25 1 AN +48 25 2 EM +48 25 3 MD +48 25 4 AN +48 25 5 EM +48 25 6 * +48 25 7 EM +48 25 8 MD +48 25 9 * +48 25 10 AN +48 25 11 EM +48 25 12 KI +48 25 13 EM +48 25 14 AN +48 25 15 * +48 25 16 MA +48 25 17 MD +48 25 18 AN +48 25 19 AM +48 25 20 EM +48 25 21 MD +48 25 22 MA +48 25 23 AN +48 25 24 AN +48 25 25 EM +48 25 26 AN +48 25 27 MA +48 25 28 AM +48 25 29 EM +48 25 30 KI +48 25 31 MA +48 25 32 MD +48 25 33 EM +48 25 34 AN +48 25 35 MD +48 25 36 AN +48 25 37 AN +48 25 38 MD +48 25 39 EM +48 25 40 EM +48 25 41 MD +48 25 42 * +48 25 43 AN +48 25 44 MA +48 25 45 EM +48 25 46 AN +48 25 47 AN +48 25 48 * +48 25 49 EM +48 25 50 AN +48 25 51 AN +48 25 52 MA +48 25 53 MD +48 25 54 EM +48 25 55 EM +48 25 56 MA +48 25 57 AN +48 25 58 KI +48 25 59 MA +48 25 60 AN +48 25 61 MD +48 25 62 MA +48 25 63 MD +48 25 64 EM +48 25 65 MD +48 25 66 MA +48 25 67 EM +48 25 68 MD +48 25 69 * +48 25 70 MA +48 25 71 MD +48 25 72 EM +48 25 73 MD +48 25 74 MA +48 25 75 EM +48 25 76 MD +48 25 77 EM +48 25 78 MD +48 25 79 AN +48 25 80 AN +48 25 81 BG +48 25 82 EM +48 25 83 MA +48 25 84 MD +48 25 85 EM +48 25 86 MD +48 25 87 AN +48 25 88 MD +48 25 89 AN +48 25 90 AN +48 25 91 KI +48 25 92 MA +48 25 93 AN +48 25 94 AN +48 25 95 MA +48 25 96 KI +48 25 97 AN +48 25 98 MD +48 25 99 BE +48 25 100 BG +48 25 101 MD +48 25 102 MA +48 25 103 * +48 25 104 EM +48 25 105 MD +48 25 106 KI +48 25 107 MA +48 25 108 MA +48 25 109 AN +48 25 110 KI +48 25 111 EM +48 25 112 MD +48 25 113 AN +48 25 114 BG +48 25 115 MD +48 25 116 MA +48 25 117 AN +48 25 118 MD +48 25 119 EM +48 25 120 MA +48 25 121 MD +48 25 122 EM +48 25 123 EM +48 25 124 KI +48 25 125 MD +48 25 126 MD +48 25 127 AN +48 25 128 KI +48 25 129 MA +48 25 130 BG +48 25 131 * +48 25 132 MD +48 25 133 EM +48 25 134 AN +48 25 135 MD +48 25 136 BG +48 25 137 EM +48 25 138 AN +48 25 139 MA +48 25 140 AN +48 25 141 MA +48 25 142 MA +48 25 143 KI +48 25 144 AN +48 25 145 EM +48 25 146 KI +48 25 147 EM +48 25 148 MD +48 25 149 EM +48 25 150 AN +48 25 151 MD +48 25 152 MD +48 25 153 AN +48 25 154 AN +48 25 155 AN +48 25 156 EM +48 25 157 MD +48 25 158 MA +48 25 159 KI +48 25 160 MD +48 25 161 EM +48 25 162 MD +48 25 163 BG +48 25 164 AN +48 25 165 BG +48 25 166 AN +48 25 167 MA +48 25 168 EM +48 25 169 AN +48 25 170 AN +48 25 171 EM +48 25 172 MA +48 25 173 MD +48 25 174 KI +48 25 175 EM +48 25 176 MD +48 25 177 MA +48 25 178 AN +48 25 179 MD +48 25 180 EM +48 25 181 * +48 25 182 MD +48 25 183 * +48 25 184 AN +48 25 185 * +48 25 186 BG +48 25 187 KI +48 25 188 AN +48 25 189 MA +48 25 190 MD +48 25 191 EM +48 25 192 AN +48 25 193 BG +48 25 194 MD +48 25 195 EM +48 25 196 EM +48 25 197 MD +48 25 198 AN +48 25 199 MA +48 25 200 AN +48 25 201 MD +48 25 202 EM +48 25 203 MD +48 25 204 AN +48 25 205 AN +48 25 206 MA +48 25 207 MA +48 25 208 * +48 25 209 BG +48 25 210 AN +48 25 211 EM +48 25 212 MD +48 25 213 MA +48 25 214 KI +48 25 215 MD +48 25 216 AN +48 25 217 MD +48 25 218 KI +48 25 219 MA +48 25 220 AN +48 25 221 MA +48 25 222 AN +48 25 223 EM +48 25 224 MA +48 25 225 * +48 25 226 AN +48 25 227 AN +48 25 228 AN +48 25 229 BG +48 25 230 MA +48 25 231 MD +48 25 232 KI +48 25 233 AN +48 25 234 EM +48 25 235 AN +48 25 236 KI +48 25 237 MD +48 25 238 EM +48 25 239 MD +48 25 240 MD +48 25 241 MA +48 25 242 KI +48 25 243 MD +48 25 244 MA +48 25 245 MD +48 25 246 EM +48 25 247 AN +48 25 248 * +48 25 249 EM +48 25 250 AN +48 25 251 BG +48 25 252 MA +48 25 253 EM +48 25 254 AN +48 25 255 AN +48 25 256 MD +48 25 257 AN +48 25 258 KI +48 25 259 MD +48 25 260 MA +48 25 261 KI +48 25 262 MA +48 25 263 MA +48 25 264 MA +48 25 265 EM +48 25 266 MD +48 25 267 MD +48 25 268 BG +48 25 269 MD +48 25 270 KI +48 25 271 EM +48 25 272 MA +48 25 273 MD +48 25 274 MA +48 25 275 KI +48 25 276 MD +48 25 277 AN +48 25 278 MD +48 25 279 AN +48 25 280 EM +48 25 281 EM +48 25 282 EM +48 25 283 MD +48 25 284 MA +48 25 285 MD +48 25 286 MA +48 25 287 KI +48 25 288 MD +48 25 289 EM +48 25 290 MA +48 25 291 AN +48 25 292 MD +48 25 293 MA +48 25 294 MA +48 25 295 * +48 25 296 AN +48 25 297 KI +48 25 298 MD +48 25 299 EM +48 25 300 MA +48 25 301 EM +48 25 302 MA +48 25 303 MA +48 25 304 KI +48 25 305 MD +48 25 306 KI +48 25 307 AN +48 25 308 MA +48 25 309 AN +48 25 310 EM +48 25 311 AN +48 25 312 AN +48 25 313 AN +48 25 314 MA +48 25 315 EM +48 25 316 BG +48 25 317 MD +48 25 318 MD +48 25 319 MA +48 25 320 KI +48 25 321 MD +48 25 322 AN +48 25 323 EM +48 25 324 MA +48 25 325 MD +48 25 326 KI +48 25 327 MA +48 25 328 EM +48 25 329 * +48 25 330 MA +49 1 1 WH +49 1 2 WH +49 1 3 PA +49 1 4 YW +49 1 5 PR +49 1 6 WA +49 1 7 PR +49 1 8 PA +49 1 9 YW +49 1 10 YW +49 1 11 YW +49 1 12 WI +49 1 13 PR +49 1 14 YW +49 1 15 PA +49 1 16 WH +49 1 17 PA +49 1 18 YW +49 1 19 WH +49 1 20 PR +49 1 21 PA +49 1 22 WI +49 1 23 PA +49 1 24 YW +49 1 25 PR +49 1 26 YW +49 1 27 WH +49 1 28 PA +49 1 29 PR +49 1 30 YW +49 1 31 WH +49 1 32 PA +49 1 33 PR +49 1 34 YW +49 1 35 YW +49 1 36 YW +49 1 37 WH +49 1 38 PA +49 1 39 PR +49 1 40 PA +49 1 41 WH +49 1 42 PR +49 1 43 YW +49 1 44 WH +49 1 45 PR +49 1 46 YW +49 1 47 PR +49 1 48 YW +49 1 49 WH +49 1 50 YW +49 1 51 YW +49 1 52 WH +49 1 53 PA +49 1 54 PR +49 1 55 WH +49 1 56 WA +49 1 57 YW +49 1 58 YW +49 1 59 WH +49 1 60 YW +49 1 61 PA +49 1 62 WH +49 1 63 WA +49 1 64 YW +49 1 65 PA +49 1 66 WH +49 1 67 PR +49 1 68 PA +49 1 69 PR +49 1 70 WH +49 1 71 PA +49 1 72 PR +49 1 73 PA +49 1 74 WH +49 1 75 PR +49 1 76 WA +49 1 77 YW +49 1 78 WH +49 1 79 YW +49 1 80 YW +49 1 81 PR +49 1 82 PR +49 1 83 WA +49 1 84 WA +49 1 85 PR +49 1 86 PA +49 1 87 YW +49 1 88 PA +49 1 89 YW +49 1 90 YW +49 1 91 PR +49 1 92 WH +49 1 93 YW +49 1 94 YW +49 1 95 WH +49 1 96 WA +49 1 97 YW +49 1 98 PA +49 1 99 WH +49 1 100 WH +49 1 101 PA +49 1 102 WH +49 1 103 PR +49 1 104 WH +49 1 105 PA +49 1 106 WI +49 1 107 WH +49 1 108 WH +49 1 109 YW +49 1 110 WA +49 1 111 PR +49 1 112 PA +49 1 113 YW +49 1 114 YW +49 1 115 PA +49 1 116 WH +49 1 117 YW +49 1 118 PA +49 1 119 PR +49 1 120 WH +49 1 121 PA +49 1 122 PR +49 1 123 YW +49 1 124 PR +49 1 125 WA +49 1 126 WA +49 1 127 YW +49 1 128 PR +49 1 129 WH +49 1 130 WH +49 1 131 PA +49 1 132 WA +49 1 133 PR +49 1 134 YW +49 1 135 PA +49 1 136 YW +49 1 137 PR +49 1 138 WH +49 1 139 WH +49 1 140 YW +49 1 141 WH +49 1 142 WH +49 1 143 PR +49 1 144 YW +49 1 145 PR +49 1 146 WA +49 1 147 YW +49 1 148 PA +49 1 149 PR +49 1 150 YW +49 1 151 WA +49 1 152 YW +49 1 153 YW +49 1 154 YW +49 1 155 YW +49 1 156 PR +49 1 157 YW +49 1 158 WH +49 1 159 WA +49 1 160 WA +49 1 161 PR +49 1 162 PR +49 1 163 YW +49 1 164 YW +49 1 165 PR +49 1 166 YW +49 1 167 WH +49 1 168 PR +49 1 169 YW +49 1 170 YW +49 1 171 PR +49 1 172 WH +49 1 173 PA +49 1 174 WA +49 1 175 WH +49 1 176 PA +49 1 177 PR +49 1 178 YW +49 1 179 YW +49 1 180 PR +49 1 181 YW +49 1 182 PA +49 1 183 YW +49 1 184 PA +49 1 185 YW +49 1 186 WH +49 1 187 WA +49 1 188 YW +49 1 189 WH +49 1 190 WA +49 1 191 PR +49 1 192 PA +49 1 193 PR +49 1 194 YW +49 1 195 PR +49 1 196 WH +49 1 197 PA +49 1 198 YW +49 1 199 WH +49 1 200 YW +49 1 201 WA +49 1 202 PR +49 1 203 PA +49 1 204 YW +49 1 205 YW +49 1 206 WH +49 1 207 PA +49 1 208 YW +49 1 209 PR +49 1 210 YW +49 1 211 WH +49 1 212 WA +49 1 213 WH +49 1 214 PR +49 1 215 YW +49 1 216 YW +49 1 217 WA +49 1 218 PR +49 1 219 WH +49 1 220 YW +49 1 221 WH +49 1 222 PA +49 1 223 PR +49 1 224 WH +49 1 225 PR +49 1 226 YW +49 1 227 YW +49 1 228 YW +49 1 229 PR +49 1 230 WH +49 1 231 PA +49 1 232 YW +49 1 233 YW +49 1 234 PR +49 1 235 YW +49 1 236 PR +49 1 237 WA +49 1 238 PR +49 1 239 PA +49 1 240 YW +49 1 241 WH +49 1 242 PR +49 1 243 PA +49 1 244 WH +49 1 245 PA +49 1 246 YW +49 1 247 YW +49 1 248 YW +49 1 249 PR +49 1 250 YW +49 1 251 PR +49 1 252 WH +49 1 253 PR +49 1 254 WH +49 1 255 YW +49 1 256 PA +49 1 257 YW +49 1 258 PR +49 1 259 YW +49 1 260 WH +49 1 261 WA +49 1 262 WH +49 1 263 YW +49 1 264 WH +49 1 265 PR +49 1 266 YW +49 1 267 YW +49 1 268 PR +49 1 269 PA +49 1 270 WA +49 1 271 PR +49 1 272 WH +49 1 273 PA +49 1 274 WH +49 1 275 PA +49 1 276 WH +49 1 277 PR +49 1 278 PA +49 1 279 YW +49 1 280 PR +49 1 281 PR +49 1 282 PR +49 1 283 YW +49 1 284 PA +49 1 285 WH +49 1 286 YW +49 1 287 PA +49 1 288 PR +49 1 289 WH +49 1 290 YW +49 1 291 WA +49 1 292 WH +49 1 293 WH +49 1 294 WH +49 1 295 YW +49 1 296 YW +49 1 297 WA +49 1 298 PA +49 1 299 PR +49 1 300 WH +49 1 301 PR +49 1 302 WH +49 1 303 WH +49 1 304 PR +49 1 305 YW +49 1 306 PR +49 1 307 YW +49 1 308 PA +49 1 309 YW +49 1 310 PR +49 1 311 YW +49 1 312 YW +49 1 313 YW +49 1 314 WH +49 1 315 PR +49 1 316 PR +49 1 317 YW +49 1 318 WH +49 1 319 WA +49 1 320 PR +49 1 321 PA +49 1 322 WH +49 1 323 PR +49 1 324 WH +49 1 325 PA +49 1 326 WA +49 1 327 WH +49 1 328 PR +49 1 329 YW +49 1 330 WH +49 2 1 YW +49 2 2 WH +49 2 3 PA +49 2 4 YW +49 2 5 PR +49 2 6 SI +49 2 7 PR +49 2 8 PA +49 2 9 WA +49 2 10 YW +49 2 11 WH +49 2 12 WI +49 2 13 WH +49 2 14 YW +49 2 15 OP +49 2 16 WH +49 2 17 PA +49 2 18 YW +49 2 19 WH +49 2 20 PR +49 2 21 PA +49 2 22 OP +49 2 23 WI +49 2 24 WA +49 2 25 PR +49 2 26 YW +49 2 27 WI +49 2 28 PA +49 2 29 PR +49 2 30 WA +49 2 31 YW +49 2 32 PA +49 2 33 PR +49 2 34 YW +49 2 35 PA +49 2 36 WH +49 2 37 YW +49 2 38 PA +49 2 39 PR +49 2 40 PA +49 2 41 YW +49 2 42 WI +49 2 43 YW +49 2 44 OP +49 2 45 PR +49 2 46 WH +49 2 47 YW +49 2 48 WI +49 2 49 YW +49 2 50 WI +49 2 51 WH +49 2 52 WH +49 2 53 PA +49 2 54 PR +49 2 55 YW +49 2 56 WI +49 2 57 YW +49 2 58 YW +49 2 59 WH +49 2 60 YW +49 2 61 WI +49 2 62 PR +49 2 63 PR +49 2 64 PA +49 2 65 YW +49 2 66 WH +49 2 67 YW +49 2 68 PA +49 2 69 PA +49 2 70 PR +49 2 71 YW +49 2 72 WI +49 2 73 WH +49 2 74 YW +49 2 75 WA +49 2 76 OP +49 2 77 WI +49 2 78 WH +49 2 79 PR +49 2 80 PA +49 2 81 PA +49 2 82 YW +49 2 83 PR +49 2 84 PR +49 2 85 PR +49 2 86 WI +49 2 87 YW +49 2 88 PR +49 2 89 PR +49 2 90 PA +49 2 91 PA +49 2 92 PR +49 2 93 YW +49 2 94 WH +49 2 95 WI +49 2 96 YW +49 2 97 WA +49 2 98 OP +49 2 99 WH +49 2 100 WI +49 2 101 YW +49 2 102 YW +49 2 103 PA +49 2 104 PR +49 2 105 PR +49 2 106 YW +49 2 107 WH +49 2 108 YW +49 2 109 PR +49 2 110 PA +49 2 111 YW +49 2 112 WI +49 2 113 WI +49 2 114 YW +49 2 115 WH +49 2 116 PA +49 2 117 PR +49 2 118 PR +49 2 119 OP +49 2 120 WA +49 2 121 WI +49 2 122 WH +49 2 123 WH +49 2 124 YW +49 2 125 PR +49 2 126 WI +49 2 127 YW +49 2 128 PA +49 2 129 OP +49 2 130 PA +49 2 131 YW +49 2 132 WA +49 2 133 SI +49 2 134 WH +49 2 135 PA +49 2 136 PR +49 2 137 PR +49 2 138 WH +49 2 139 YW +49 2 140 WI +49 2 141 PR +49 2 142 SI +49 2 143 WA +49 2 144 OP +49 2 145 WI +49 2 146 WI +49 2 147 PR +49 2 148 PR +49 2 149 YW +49 2 150 SI +49 2 151 WH +49 2 152 YW +49 2 153 PR +49 2 154 PR +49 2 155 PA +49 2 156 YW +49 2 157 WI +49 2 158 PR +49 2 159 PA +49 2 160 WA +49 2 161 OP +49 2 162 PA +49 2 163 YW +49 2 164 WH +49 2 165 PR +49 2 166 PR +49 2 167 WI +49 2 168 SI +49 2 169 YW +49 2 170 YW +49 2 171 PR +49 2 172 PR +49 2 173 WH +49 2 174 WI +49 2 175 YW +49 2 176 PA +49 2 177 PR +49 2 178 WI +49 2 179 WH +49 2 180 OP +49 2 181 WA +49 2 182 SI +49 2 183 SI +49 2 184 YW +49 2 185 WI +49 2 186 WH +49 2 187 YW +49 2 188 PR +49 2 189 PR +49 2 190 PA +49 2 191 WH +49 2 192 YW +49 2 193 WI +49 2 194 SI +49 2 195 PA +49 2 196 PR +49 2 197 WI +49 2 198 PA +49 2 199 PR +49 2 200 WH +49 2 201 SI +49 2 202 WI +49 2 203 WH +49 2 204 PR +49 2 205 PR +49 2 206 YW +49 2 207 PA +49 2 208 WI +49 2 209 YW +49 2 210 PR +49 2 211 YW +49 2 212 WH +49 2 213 WI +49 2 214 SI +49 2 215 SI +49 2 216 WA +49 2 217 PA +49 2 218 PA +49 2 219 PR +49 2 220 WA +49 2 221 WH +49 2 222 PR +49 2 223 PR +49 2 224 WI +49 2 225 PR +49 2 226 WH +49 2 227 YW +49 2 228 WI +49 2 229 PR +49 2 230 PR +49 2 231 YW +49 2 232 PA +49 2 233 PA +49 2 234 WA +49 2 235 WI +49 2 236 WH +49 2 237 SI +49 2 238 OP +49 2 239 WI +49 2 240 PR +49 2 241 PR +49 2 242 PA +49 2 243 WH +49 2 244 YW +49 2 245 WA +49 2 246 PR +49 2 247 PA +49 2 248 WH +49 2 249 YW +49 2 250 PR +49 2 251 PA +49 2 252 YW +49 2 253 YW +49 2 254 PR +49 2 255 PR +49 2 256 PA +49 2 257 WI +49 2 258 YW +49 2 259 WH +49 2 260 SI +49 2 261 PA +49 2 262 PR +49 2 263 PR +49 2 264 WI +49 2 265 WH +49 2 266 YW +49 2 267 OP +49 2 268 WA +49 2 269 PR +49 2 270 PA +49 2 271 YW +49 2 272 WI +49 2 273 WH +49 2 274 PA +49 2 275 YW +49 2 276 WI +49 2 277 PA +49 2 278 PA +49 2 279 PR +49 2 280 YW +49 2 281 YW +49 2 282 PR +49 2 283 YW +49 2 284 WH +49 2 285 PR +49 2 286 WH +49 2 287 PA +49 2 288 YW +49 2 289 WI +49 2 290 WH +49 2 291 PR +49 2 292 WI +49 2 293 YW +49 2 294 PA +49 2 295 WH +49 2 296 YW +49 2 297 PR +49 2 298 PR +49 2 299 PA +49 2 300 WH +49 2 301 YW +49 2 302 WA +49 2 303 OP +49 2 304 WI +49 2 305 PA +49 2 306 PR +49 2 307 WH +49 2 308 WI +49 2 309 PR +49 2 310 PR +49 2 311 YW +49 2 312 WH +49 2 313 WA +49 2 314 YW +49 2 315 YW +49 2 316 PR +49 2 317 PR +49 2 318 PA +49 2 319 YW +49 2 320 WI +49 2 321 WI +49 2 322 WH +49 2 323 YW +49 2 324 PA +49 2 325 YW +49 2 326 PR +49 2 327 PA +49 2 328 OP +49 2 329 WA +49 2 330 WH +49 3 1 PR +49 3 2 WI +49 3 3 PA +49 3 4 YW +49 3 5 WI +49 3 6 OP +49 3 7 WI +49 3 8 PA +49 3 9 YW +49 3 10 YW +49 3 11 PR +49 3 12 WI +49 3 13 YW +49 3 14 WI +49 3 15 YW +49 3 16 WH +49 3 17 PA +49 3 18 YW +49 3 19 WI +49 3 20 PR +49 3 21 PA +49 3 22 OP +49 3 23 PA +49 3 24 YW +49 3 25 PR +49 3 26 WI +49 3 27 YW +49 3 28 PA +49 3 29 PR +49 3 30 YW +49 3 31 YW +49 3 32 OP +49 3 33 WI +49 3 34 WI +49 3 35 OP +49 3 36 YW +49 3 37 YW +49 3 38 PA +49 3 39 PR +49 3 40 PA +49 3 41 PR +49 3 42 WI +49 3 43 YW +49 3 44 OP +49 3 45 PR +49 3 46 YW +49 3 47 YW +49 3 48 OP +49 3 49 PR +49 3 50 WH +49 3 51 WH +49 3 52 WH +49 3 53 PA +49 3 54 PR +49 3 55 PR +49 3 56 OP +49 3 57 PR +49 3 58 WI +49 3 59 PA +49 3 60 YW +49 3 61 PA +49 3 62 PA +49 3 63 PA +49 3 64 PR +49 3 65 PA +49 3 66 WH +49 3 67 PR +49 3 68 PA +49 3 69 YW +49 3 70 PA +49 3 71 PA +49 3 72 PR +49 3 73 PA +49 3 74 PR +49 3 75 YW +49 3 76 PA +49 3 77 PR +49 3 78 PA +49 3 79 YW +49 3 80 PR +49 3 81 PR +49 3 82 PR +49 3 83 WI +49 3 84 PA +49 3 85 PA +49 3 86 YW +49 3 87 WI +49 3 88 WI +49 3 89 PA +49 3 90 PR +49 3 91 YW +49 3 92 YW +49 3 93 WH +49 3 94 WI +49 3 95 WI +49 3 96 YW +49 3 97 WI +49 3 98 PA +49 3 99 WA +49 3 100 WA +49 3 101 OP +49 3 102 OP +49 3 103 WH +49 3 104 WH +49 3 105 YW +49 3 106 YW +49 3 107 PA +49 3 108 PR +49 3 109 YW +49 3 110 PA +49 3 111 PR +49 3 112 WH +49 3 113 PR +49 3 114 PR +49 3 115 WI +49 3 116 WI +49 3 117 WH +49 3 118 WI +49 3 119 WH +49 3 120 PR +49 3 121 WA +49 3 122 OP +49 3 123 WA +49 3 124 OP +49 3 125 WI +49 3 126 WH +49 3 127 YW +49 3 128 WI +49 3 129 YW +49 3 130 YW +49 3 131 WH +49 3 132 PA +49 3 133 PA +49 3 134 PA +49 3 135 WH +49 3 136 WH +49 3 137 WI +49 3 138 PA +49 3 139 WI +49 3 140 WH +49 3 141 YW +49 3 142 WA +49 3 143 WA +49 3 144 PR +49 3 145 OP +49 3 146 WA +49 3 147 PA +49 3 148 WH +49 3 149 WH +49 3 150 WI +49 3 151 WI +49 3 152 PR +49 3 153 PA +49 3 154 WH +49 3 155 WH +49 3 156 WA +49 3 157 OP +49 3 158 PA +49 3 159 PR +49 3 160 OP +49 3 161 WA +49 3 162 WI +49 3 163 PR +49 3 164 WA +49 3 165 WI +49 3 166 WH +49 3 167 WH +49 3 168 PA +49 3 169 WH +49 3 170 PR +49 3 171 PA +49 3 172 WI +49 3 173 WA +49 3 174 WH +49 3 175 PR +49 3 176 WA +49 3 177 WA +49 3 178 WI +49 3 179 WH +49 3 180 PA +49 3 181 PR +49 3 182 OP +49 3 183 OP +49 3 184 WI +49 3 185 WI +49 3 186 WA +49 3 187 WA +49 3 188 PA +49 3 189 PR +49 3 190 OP +49 3 191 WH +49 3 192 WI +49 3 193 PA +49 3 194 PR +49 3 195 WH +49 3 196 OP +49 3 197 WA +49 3 198 PA +49 3 199 PR +49 3 200 WI +49 3 201 WH +49 3 202 WI +49 3 203 WA +49 3 204 PR +49 3 205 PA +49 3 206 PR +49 3 207 PA +49 3 208 WA +49 3 209 WH +49 3 210 WI +49 3 211 WH +49 3 212 PA +49 3 213 PR +49 3 214 OP +49 3 215 OP +49 3 216 WA +49 3 217 OP +49 3 218 OP +49 3 219 WI +49 3 220 PA +49 3 221 WH +49 3 222 PR +49 3 223 PA +49 3 224 WI +49 3 225 PR +49 3 226 WA +49 3 227 WI +49 3 228 WH +49 3 229 WH +49 3 230 PR +49 3 231 PR +49 3 232 PA +49 3 233 WA +49 3 234 WA +49 3 235 WI +49 3 236 WH +49 3 237 WA +49 3 238 PR +49 3 239 PA +49 3 240 OP +49 3 241 OP +49 3 242 PA +49 3 243 WI +49 3 244 WI +49 3 245 WA +49 3 246 PA +49 3 247 PR +49 3 248 PR +49 3 249 WH +49 3 250 WH +49 3 251 PA +49 3 252 OP +49 3 253 PA +49 3 254 WI +49 3 255 OP +49 3 256 WH +49 3 257 WA +49 3 258 OP +49 3 259 OP +49 3 260 WI +49 3 261 WH +49 3 262 WI +49 3 263 WA +49 3 264 OP +49 3 265 PR +49 3 266 PA +49 3 267 OP +49 3 268 PA +49 3 269 PR +49 3 270 PA +49 3 271 WA +49 3 272 WH +49 3 273 WI +49 3 274 OP +49 3 275 OP +49 3 276 PR +49 3 277 WI +49 3 278 WA +49 3 279 OP +49 3 280 WI +49 3 281 PA +49 3 282 PR +49 3 283 OP +49 3 284 WI +49 3 285 WH +49 3 286 PR +49 3 287 PR +49 3 288 OP +49 3 289 WI +49 3 290 WH +49 3 291 WA +49 3 292 OP +49 3 293 WA +49 3 294 PA +49 3 295 WI +49 3 296 PA +49 3 297 WI +49 3 298 WH +49 3 299 OP +49 3 300 OP +49 3 301 WA +49 3 302 WA +49 3 303 PR +49 3 304 PA +49 3 305 OP +49 3 306 WA +49 3 307 WI +49 3 308 WH +49 3 309 PR +49 3 310 PA +49 3 311 WH +49 3 312 WH +49 3 313 WA +49 3 314 WI +49 3 315 PR +49 3 316 WA +49 3 317 OP +49 3 318 OP +49 3 319 WA +49 3 320 WA +49 3 321 PR +49 3 322 PA +49 3 323 WA +49 3 324 WA +49 3 325 PA +49 3 326 PA +49 3 327 WA +49 3 328 WH +49 3 329 WI +49 3 330 WA +49 4 1 PR +49 4 2 WI +49 4 3 PA +49 4 4 PA +49 4 5 PR +49 4 6 OP +49 4 7 PR +49 4 8 PA +49 4 9 WA +49 4 10 PR +49 4 11 YW +49 4 12 WI +49 4 13 PR +49 4 14 YW +49 4 15 OP +49 4 16 WI +49 4 17 PA +49 4 18 YW +49 4 19 PR +49 4 20 PR +49 4 21 OP +49 4 22 OP +49 4 23 PA +49 4 24 YW +49 4 25 PR +49 4 26 YW +49 4 27 OP +49 4 28 PA +49 4 29 PR +49 4 30 WA +49 4 31 PR +49 4 32 PA +49 4 33 PR +49 4 34 YW +49 4 35 OP +49 4 36 PR +49 4 37 WI +49 4 38 PA +49 4 39 PR +49 4 40 PA +49 4 41 PR +49 4 42 WI +49 4 43 PR +49 4 44 WI +49 4 45 PR +49 4 46 WH +49 4 47 YW +49 4 48 WI +49 4 49 PR +49 4 50 PA +49 4 51 OP +49 4 52 WI +49 4 53 PA +49 4 54 PR +49 4 55 PR +49 4 56 WA +49 4 57 PR +49 4 58 WI +49 4 59 OP +49 4 60 YW +49 4 61 PA +49 4 62 OP +49 4 63 OP +49 4 64 PR +49 4 65 PA +49 4 66 WH +49 4 67 PR +49 4 68 PA +49 4 69 WI +49 4 70 WH +49 4 71 PA +49 4 72 PR +49 4 73 OP +49 4 74 PR +49 4 75 YW +49 4 76 PA +49 4 77 PR +49 4 78 OP +49 4 79 YW +49 4 80 PR +49 4 81 PR +49 4 82 PR +49 4 83 OP +49 4 84 OP +49 4 85 PR +49 4 86 PA +49 4 87 YW +49 4 88 PA +49 4 89 YW +49 4 90 YW +49 4 91 WI +49 4 92 WA +49 4 93 PR +49 4 94 YW +49 4 95 WH +49 4 96 WI +49 4 97 PR +49 4 98 PA +49 4 99 WI +49 4 100 PR +49 4 101 PA +49 4 102 WH +49 4 103 YW +49 4 104 PR +49 4 105 PA +49 4 106 WI +49 4 107 WH +49 4 108 PR +49 4 109 PR +49 4 110 WI +49 4 111 YW +49 4 112 PR +49 4 113 PR +49 4 114 PR +49 4 115 PA +49 4 116 WH +49 4 117 YW +49 4 118 OP +49 4 119 PR +49 4 120 WH +49 4 121 PA +49 4 122 PR +49 4 123 PR +49 4 124 PR +49 4 125 PA +49 4 126 WA +49 4 127 YW +49 4 128 WI +49 4 129 WH +49 4 130 YW +49 4 131 PA +49 4 132 PA +49 4 133 PR +49 4 134 YW +49 4 135 PA +49 4 136 PR +49 4 137 YW +49 4 138 PR +49 4 139 WH +49 4 140 WH +49 4 141 PR +49 4 142 WH +49 4 143 PR +49 4 144 PR +49 4 145 PR +49 4 146 WI +49 4 147 PR +49 4 148 PA +49 4 149 PR +49 4 150 PA +49 4 151 WA +49 4 152 WA +49 4 153 PR +49 4 154 YW +49 4 155 YW +49 4 156 PR +49 4 157 YW +49 4 158 WH +49 4 159 WA +49 4 160 WA +49 4 161 PR +49 4 162 PA +49 4 163 PR +49 4 164 PR +49 4 165 YW +49 4 166 PR +49 4 167 WA +49 4 168 PR +49 4 169 PR +49 4 170 YW +49 4 171 YW +49 4 172 WH +49 4 173 PA +49 4 174 WI +49 4 175 PR +49 4 176 PA +49 4 177 WI +49 4 178 PR +49 4 179 PA +49 4 180 PR +49 4 181 WI +49 4 182 PA +49 4 183 YW +49 4 184 PR +49 4 185 WI +49 4 186 PR +49 4 187 WI +49 4 188 PR +49 4 189 WA +49 4 190 WA +49 4 191 PR +49 4 192 PR +49 4 193 WI +49 4 194 YW +49 4 195 PR +49 4 196 PR +49 4 197 WA +49 4 198 YW +49 4 199 WH +49 4 200 PR +49 4 201 WA +49 4 202 PR +49 4 203 PA +49 4 204 YW +49 4 205 PR +49 4 206 WH +49 4 207 PA +49 4 208 WI +49 4 209 PR +49 4 210 YW +49 4 211 PR +49 4 212 WA +49 4 213 WA +49 4 214 PR +49 4 215 WA +49 4 216 YW +49 4 217 WA +49 4 218 PR +49 4 219 WH +49 4 220 PR +49 4 221 WH +49 4 222 PR +49 4 223 PR +49 4 224 WA +49 4 225 WH +49 4 226 PR +49 4 227 YW +49 4 228 PR +49 4 229 PR +49 4 230 WA +49 4 231 PA +49 4 232 YW +49 4 233 PR +49 4 234 PR +49 4 235 PR +49 4 236 PR +49 4 237 WA +49 4 238 PR +49 4 239 WA +49 4 240 YW +49 4 241 WH +49 4 242 WI +49 4 243 PA +49 4 244 WH +49 4 245 PA +49 4 246 PR +49 4 247 PR +49 4 248 YW +49 4 249 PA +49 4 250 PR +49 4 251 PA +49 4 252 WA +49 4 253 PR +49 4 254 WH +49 4 255 YW +49 4 256 PA +49 4 257 PR +49 4 258 WI +49 4 259 YW +49 4 260 WA +49 4 261 PR +49 4 262 WA +49 4 263 YW +49 4 264 PR +49 4 265 PR +49 4 266 PA +49 4 267 PA +49 4 268 PR +49 4 269 PA +49 4 270 WI +49 4 271 YW +49 4 272 WH +49 4 273 WA +49 4 274 WH +49 4 275 WI +49 4 276 PA +49 4 277 PR +49 4 278 WA +49 4 279 PR +49 4 280 PR +49 4 281 PR +49 4 282 PA +49 4 283 YW +49 4 284 WH +49 4 285 WA +49 4 286 WH +49 4 287 PR +49 4 288 PA +49 4 289 PR +49 4 290 WA +49 4 291 PR +49 4 292 WA +49 4 293 WH +49 4 294 WH +49 4 295 YW +49 4 296 PR +49 4 297 WI +49 4 298 PA +49 4 299 PR +49 4 300 WH +49 4 301 PR +49 4 302 WA +49 4 303 PR +49 4 304 YW +49 4 305 PA +49 4 306 PR +49 4 307 PR +49 4 308 WA +49 4 309 YW +49 4 310 PR +49 4 311 PR +49 4 312 YW +49 4 313 PR +49 4 314 WA +49 4 315 PR +49 4 316 PR +49 4 317 PA +49 4 318 WA +49 4 319 WA +49 4 320 YW +49 4 321 PA +49 4 322 PR +49 4 323 PR +49 4 324 WA +49 4 325 PA +49 4 326 WI +49 4 327 WH +49 4 328 PR +49 4 329 YW +49 4 330 PR +49 5 1 WI +49 5 2 WH +49 5 3 PA +49 5 4 YW +49 5 5 WI +49 5 6 OP +49 5 7 PR +49 5 8 PA +49 5 9 YW +49 5 10 YW +49 5 11 PR +49 5 12 WI +49 5 13 PR +49 5 14 YW +49 5 15 WH +49 5 16 WH +49 5 17 PA +49 5 18 YW +49 5 19 PR +49 5 20 PR +49 5 21 PA +49 5 22 WI +49 5 23 PA +49 5 24 WI +49 5 25 PR +49 5 26 PR +49 5 27 WH +49 5 28 PA +49 5 29 PR +49 5 30 WI +49 5 31 WH +49 5 32 PA +49 5 33 WI +49 5 34 WI +49 5 35 PA +49 5 36 YW +49 5 37 WH +49 5 38 PA +49 5 39 PR +49 5 40 PA +49 5 41 PR +49 5 42 PR +49 5 43 WI +49 5 44 YW +49 5 45 WH +49 5 46 PR +49 5 47 YW +49 5 48 YW +49 5 49 WI +49 5 50 PR +49 5 51 PA +49 5 52 WI +49 5 53 WH +49 5 54 PA +49 5 55 PR +49 5 56 WI +49 5 57 PR +49 5 58 WI +49 5 59 WH +49 5 60 YW +49 5 61 PA +49 5 62 WH +49 5 63 WI +49 5 64 PR +49 5 65 PA +49 5 66 WH +49 5 67 WI +49 5 68 PA +49 5 69 WI +49 5 70 WH +49 5 71 PA +49 5 72 PR +49 5 73 PA +49 5 74 WH +49 5 75 PR +49 5 76 PA +49 5 77 PR +49 5 78 WH +49 5 79 YW +49 5 80 PR +49 5 81 PR +49 5 82 PR +49 5 83 WH +49 5 84 PA +49 5 85 PR +49 5 86 PA +49 5 87 YW +49 5 88 PA +49 5 89 YW +49 5 90 YW +49 5 91 WI +49 5 92 WH +49 5 93 PR +49 5 94 YW +49 5 95 WH +49 5 96 WI +49 5 97 PR +49 5 98 PA +49 5 99 WH +49 5 100 WI +49 5 101 PA +49 5 102 WH +49 5 103 WI +49 5 104 PR +49 5 105 PA +49 5 106 WI +49 5 107 WH +49 5 108 WH +49 5 109 PR +49 5 110 WI +49 5 111 PR +49 5 112 PA +49 5 113 YW +49 5 114 PR +49 5 115 PA +49 5 116 WH +49 5 117 WI +49 5 118 PA +49 5 119 PR +49 5 120 WH +49 5 121 PA +49 5 122 PA +49 5 123 PR +49 5 124 WI +49 5 125 PA +49 5 126 PA +49 5 127 YW +49 5 128 WI +49 5 129 WI +49 5 130 YW +49 5 131 PA +49 5 132 PA +49 5 133 PR +49 5 134 YW +49 5 135 PA +49 5 136 PR +49 5 137 WI +49 5 138 WH +49 5 139 WH +49 5 140 PR +49 5 141 WH +49 5 142 WH +49 5 143 PR +49 5 144 YW +49 5 145 PR +49 5 146 WI +49 5 147 PR +49 5 148 PA +49 5 149 WI +49 5 150 WI +49 5 151 PA +49 5 152 WI +49 5 153 PR +49 5 154 YW +49 5 155 WI +49 5 156 PR +49 5 157 YW +49 5 158 WH +49 5 159 WI +49 5 160 PA +49 5 161 PR +49 5 162 PA +49 5 163 PR +49 5 164 PR +49 5 165 WI +49 5 166 YW +49 5 167 WH +49 5 168 PR +49 5 169 PR +49 5 170 YW +49 5 171 WI +49 5 172 WH +49 5 173 PA +49 5 174 WI +49 5 175 WH +49 5 176 PA +49 5 177 WI +49 5 178 YW +49 5 179 PA +49 5 180 WI +49 5 181 WI +49 5 182 PA +49 5 183 WI +49 5 184 PR +49 5 185 WI +49 5 186 PR +49 5 187 WI +49 5 188 PR +49 5 189 WH +49 5 190 PA +49 5 191 PR +49 5 192 PA +49 5 193 WI +49 5 194 PA +49 5 195 PR +49 5 196 WI +49 5 197 WH +49 5 198 YW +49 5 199 WI +49 5 200 PR +49 5 201 WI +49 5 202 PR +49 5 203 PA +49 5 204 YW +49 5 205 WI +49 5 206 WH +49 5 207 PA +49 5 208 WI +49 5 209 PR +49 5 210 PR +49 5 211 WI +49 5 212 WH +49 5 213 WI +49 5 214 PA +49 5 215 YW +49 5 216 WI +49 5 217 WI +49 5 218 WH +49 5 219 PR +49 5 220 WH +49 5 221 PR +49 5 222 PR +49 5 223 WH +49 5 224 WI +49 5 225 PR +49 5 226 YW +49 5 227 YW +49 5 228 PA +49 5 229 PA +49 5 230 WI +49 5 231 WI +49 5 232 WI +49 5 233 PA +49 5 234 WI +49 5 235 WH +49 5 236 PR +49 5 237 PA +49 5 238 YW +49 5 239 WH +49 5 240 WH +49 5 241 PA +49 5 242 WH +49 5 243 WH +49 5 244 PR +49 5 245 WI +49 5 246 YW +49 5 247 PR +49 5 248 YW +49 5 249 WI +49 5 250 WH +49 5 251 WI +49 5 252 WH +49 5 253 YW +49 5 254 PA +49 5 255 YW +49 5 256 WI +49 5 257 PA +49 5 258 WH +49 5 259 WI +49 5 260 WH +49 5 261 YW +49 5 262 WI +49 5 263 PR +49 5 264 WI +49 5 265 YW +49 5 266 PR +49 5 267 PA +49 5 268 PR +49 5 269 PR +49 5 270 WH +49 5 271 PA +49 5 272 WH +49 5 273 WI +49 5 274 PA +49 5 275 YW +49 5 276 WI +49 5 277 YW +49 5 278 WI +49 5 279 PR +49 5 280 WI +49 5 281 PR +49 5 282 PR +49 5 283 YW +49 5 284 WH +49 5 285 PA +49 5 286 WH +49 5 287 WI +49 5 288 PA +49 5 289 WI +49 5 290 WH +49 5 291 PR +49 5 292 PA +49 5 293 WH +49 5 294 WH +49 5 295 YW +49 5 296 PR +49 5 297 WI +49 5 298 PA +49 5 299 PR +49 5 300 WH +49 5 301 PR +49 5 302 WH +49 5 303 WH +49 5 304 WI +49 5 305 PA +49 5 306 WI +49 5 307 PR +49 5 308 WI +49 5 309 YW +49 5 310 PR +49 5 311 YW +49 5 312 YW +49 5 313 WI +49 5 314 WH +49 5 315 PR +49 5 316 PR +49 5 317 PA +49 5 318 WH +49 5 319 WI +49 5 320 WI +49 5 321 PA +49 5 322 PR +49 5 323 WH +49 5 324 WH +49 5 325 PA +49 5 326 WI +49 5 327 WH +49 5 328 PR +49 5 329 WI +49 5 330 WH +49 6 1 WI +49 6 2 PR +49 6 3 PA +49 6 4 YW +49 6 5 PR +49 6 6 PR +49 6 7 PR +49 6 8 PA +49 6 9 SI +49 6 10 YW +49 6 11 PR +49 6 12 WI +49 6 13 PR +49 6 14 YW +49 6 15 WH +49 6 16 WH +49 6 17 PA +49 6 18 YW +49 6 19 PR +49 6 20 PR +49 6 21 PA +49 6 22 WI +49 6 23 YW +49 6 24 YW +49 6 25 WI +49 6 26 PR +49 6 27 WH +49 6 28 PA +49 6 29 PR +49 6 30 WI +49 6 31 PR +49 6 32 PA +49 6 33 PR +49 6 34 PR +49 6 35 PA +49 6 36 YW +49 6 37 YW +49 6 38 PA +49 6 39 PR +49 6 40 PA +49 6 41 PR +49 6 42 WI +49 6 43 YW +49 6 44 WH +49 6 45 PR +49 6 46 YW +49 6 47 YW +49 6 48 WI +49 6 49 PR +49 6 50 YW +49 6 51 WI +49 6 52 WH +49 6 53 PA +49 6 54 PR +49 6 55 PR +49 6 56 WI +49 6 57 WI +49 6 58 PR +49 6 59 WH +49 6 60 YW +49 6 61 PA +49 6 62 YW +49 6 63 PA +49 6 64 PR +49 6 65 PA +49 6 66 WH +49 6 67 PR +49 6 68 PA +49 6 69 WI +49 6 70 WH +49 6 71 YW +49 6 72 PR +49 6 73 YW +49 6 74 WH +49 6 75 YW +49 6 76 PA +49 6 77 PR +49 6 78 WH +49 6 79 YW +49 6 80 WI +49 6 81 PR +49 6 82 PR +49 6 83 WH +49 6 84 PA +49 6 85 PR +49 6 86 PA +49 6 87 YW +49 6 88 PA +49 6 89 YW +49 6 90 YW +49 6 91 PR +49 6 92 WH +49 6 93 PR +49 6 94 YW +49 6 95 WH +49 6 96 WI +49 6 97 YW +49 6 98 PA +49 6 99 YW +49 6 100 PR +49 6 101 PA +49 6 102 YW +49 6 103 WI +49 6 104 PR +49 6 105 PA +49 6 106 WI +49 6 107 WH +49 6 108 WH +49 6 109 YW +49 6 110 WI +49 6 111 YW +49 6 112 PA +49 6 113 YW +49 6 114 PR +49 6 115 PA +49 6 116 WH +49 6 117 YW +49 6 118 PA +49 6 119 PR +49 6 120 WH +49 6 121 PA +49 6 122 PR +49 6 123 PR +49 6 124 WI +49 6 125 PA +49 6 126 PA +49 6 127 YW +49 6 128 WI +49 6 129 WH +49 6 130 YW +49 6 131 PA +49 6 132 PA +49 6 133 PR +49 6 134 YW +49 6 135 PA +49 6 136 PR +49 6 137 YW +49 6 138 PR +49 6 139 WH +49 6 140 PR +49 6 141 WH +49 6 142 WH +49 6 143 WI +49 6 144 YW +49 6 145 PR +49 6 146 WI +49 6 147 PR +49 6 148 PA +49 6 149 PR +49 6 150 YW +49 6 151 WI +49 6 152 PA +49 6 153 PR +49 6 154 YW +49 6 155 YW +49 6 156 PR +49 6 157 YW +49 6 158 WH +49 6 159 WI +49 6 160 PA +49 6 161 PR +49 6 162 PA +49 6 163 PR +49 6 164 PR +49 6 165 YW +49 6 166 YW +49 6 167 WH +49 6 168 PR +49 6 169 PR +49 6 170 YW +49 6 171 PR +49 6 172 WH +49 6 173 PR +49 6 174 WI +49 6 175 WH +49 6 176 PA +49 6 177 WI +49 6 178 YW +49 6 179 PA +49 6 180 PR +49 6 181 WI +49 6 182 PA +49 6 183 YW +49 6 184 PA +49 6 185 WI +49 6 186 PR +49 6 187 WI +49 6 188 PR +49 6 189 WH +49 6 190 PA +49 6 191 PR +49 6 192 YW +49 6 193 WI +49 6 194 YW +49 6 195 PR +49 6 196 PR +49 6 197 YW +49 6 198 YW +49 6 199 PR +49 6 200 PR +49 6 201 PA +49 6 202 PR +49 6 203 PA +49 6 204 YW +49 6 205 YW +49 6 206 WH +49 6 207 PA +49 6 208 WI +49 6 209 YW +49 6 210 YW +49 6 211 PR +49 6 212 WI +49 6 213 YW +49 6 214 PR +49 6 215 PA +49 6 216 YW +49 6 217 WH +49 6 218 WI +49 6 219 WH +49 6 220 YW +49 6 221 WH +49 6 222 YW +49 6 223 PR +49 6 224 WH +49 6 225 WI +49 6 226 YW +49 6 227 YW +49 6 228 YW +49 6 229 WI +49 6 230 WH +49 6 231 PA +49 6 232 WI +49 6 233 YW +49 6 234 PR +49 6 235 PR +49 6 236 WI +49 6 237 WI +49 6 238 PR +49 6 239 PA +49 6 240 WI +49 6 241 WH +49 6 242 WI +49 6 243 YW +49 6 244 WH +49 6 245 PA +49 6 246 WI +49 6 247 YW +49 6 248 YW +49 6 249 PR +49 6 250 YW +49 6 251 PR +49 6 252 WH +49 6 253 PR +49 6 254 PR +49 6 255 YW +49 6 256 PA +49 6 257 YW +49 6 258 WI +49 6 259 PA +49 6 260 WH +49 6 261 PA +49 6 262 WH +49 6 263 YW +49 6 264 WH +49 6 265 PR +49 6 266 PA +49 6 267 YW +49 6 268 PR +49 6 269 PA +49 6 270 WH +49 6 271 YW +49 6 272 WH +49 6 273 PA +49 6 274 WH +49 6 275 WI +49 6 276 PA +49 6 277 YW +49 6 278 WI +49 6 279 YW +49 6 280 PR +49 6 281 PR +49 6 282 PR +49 6 283 YW +49 6 284 WH +49 6 285 WH +49 6 286 WH +49 6 287 WI +49 6 288 PA +49 6 289 PR +49 6 290 WH +49 6 291 YW +49 6 292 WI +49 6 293 WH +49 6 294 WH +49 6 295 YW +49 6 296 YW +49 6 297 WI +49 6 298 PA +49 6 299 PR +49 6 300 YW +49 6 301 PR +49 6 302 WH +49 6 303 WH +49 6 304 WI +49 6 305 YW +49 6 306 PR +49 6 307 PR +49 6 308 WI +49 6 309 YW +49 6 310 PR +49 6 311 PR +49 6 312 YW +49 6 313 YW +49 6 314 WH +49 6 315 PR +49 6 316 PR +49 6 317 PR +49 6 318 WH +49 6 319 SI +49 6 320 WI +49 6 321 PA +49 6 322 YW +49 6 323 PR +49 6 324 WH +49 6 325 PA +49 6 326 WI +49 6 327 WH +49 6 328 YW +49 6 329 WI +49 6 330 WH +49 7 1 WH +49 7 2 WH +49 7 3 YW +49 7 4 PA +49 7 5 WI +49 7 6 WH +49 7 7 WA +49 7 8 PA +49 7 9 WH +49 7 10 WH +49 7 11 YW +49 7 12 PR +49 7 13 OP +49 7 14 WH +49 7 15 WA +49 7 16 WH +49 7 17 PA +49 7 18 YW +49 7 19 OP +49 7 20 WH +49 7 21 PA +49 7 22 WA +49 7 23 YW +49 7 24 YW +49 7 25 OP +49 7 26 WH +49 7 27 WA +49 7 28 PA +49 7 29 WH +49 7 30 SI +49 7 31 OP +49 7 32 WH +49 7 33 OP +49 7 34 WH +49 7 35 PA +49 7 36 YW +49 7 37 WA +49 7 38 PA +49 7 39 WH +49 7 40 PA +49 7 41 OP +49 7 42 SI +49 7 43 YW +49 7 44 WH +49 7 45 PR +49 7 46 OP +49 7 47 YW +49 7 48 SI +49 7 49 WA +49 7 50 OP +49 7 51 PA +49 7 52 SI +49 7 53 WA +49 7 54 PA +49 7 55 OP +49 7 56 WA +49 7 57 YW +49 7 58 PR +49 7 59 WH +49 7 60 WI +49 7 61 PA +49 7 62 OP +49 7 63 YW +49 7 64 WI +49 7 65 WI +49 7 66 WH +49 7 67 PA +49 7 68 YW +49 7 69 OP +49 7 70 WA +49 7 71 PR +49 7 72 WH +49 7 73 WA +49 7 74 PR +49 7 75 YW +49 7 76 WA +49 7 77 PA +49 7 78 YW +49 7 79 WH +49 7 80 WH +49 7 81 PR +49 7 82 WI +49 7 83 YW +49 7 84 PA +49 7 85 PR +49 7 86 YW +49 7 87 WH +49 7 88 PA +49 7 89 WI +49 7 90 OP +49 7 91 WA +49 7 92 SI +49 7 93 YW +49 7 94 WH +49 7 95 WI +49 7 96 OP +49 7 97 PR +49 7 98 YW +49 7 99 PA +49 7 100 WI +49 7 101 WH +49 7 102 PR +49 7 103 PA +49 7 104 PR +49 7 105 YW +49 7 106 WI +49 7 107 PA +49 7 108 WA +49 7 109 SI +49 7 110 YW +49 7 111 WI +49 7 112 PR +49 7 113 WI +49 7 114 PA +49 7 115 PR +49 7 116 YW +49 7 117 SI +49 7 118 WI +49 7 119 PR +49 7 120 WA +49 7 121 OP +49 7 122 WH +49 7 123 WI +49 7 124 YW +49 7 125 PA +49 7 126 PR +49 7 127 PR +49 7 128 PA +49 7 129 YW +49 7 130 WH +49 7 131 WI +49 7 132 PR +49 7 133 PR +49 7 134 YW +49 7 135 WH +49 7 136 YW +49 7 137 PA +49 7 138 PR +49 7 139 WI +49 7 140 WI +49 7 141 PR +49 7 142 PA +49 7 143 YW +49 7 144 WI +49 7 145 WH +49 7 146 YW +49 7 147 PR +49 7 148 PR +49 7 149 WI +49 7 150 WH +49 7 151 YW +49 7 152 PA +49 7 153 PR +49 7 154 PR +49 7 155 WI +49 7 156 PA +49 7 157 PA +49 7 158 PR +49 7 159 PR +49 7 160 SI +49 7 161 WA +49 7 162 OP +49 7 163 PR +49 7 164 PR +49 7 165 PA +49 7 166 WH +49 7 167 WI +49 7 168 YW +49 7 169 YW +49 7 170 PR +49 7 171 WH +49 7 172 YW +49 7 173 PA +49 7 174 PR +49 7 175 PA +49 7 176 WA +49 7 177 WI +49 7 178 OP +49 7 179 SI +49 7 180 PR +49 7 181 WI +49 7 182 WH +49 7 183 YW +49 7 184 PA +49 7 185 PR +49 7 186 YW +49 7 187 WH +49 7 188 OP +49 7 189 WA +49 7 190 PR +49 7 191 PR +49 7 192 WI +49 7 193 YW +49 7 194 SI +49 7 195 PR +49 7 196 PA +49 7 197 PR +49 7 198 YW +49 7 199 YW +49 7 200 WI +49 7 201 WH +49 7 202 PA +49 7 203 YW +49 7 204 WA +49 7 205 SI +49 7 206 OP +49 7 207 YW +49 7 208 PR +49 7 209 PR +49 7 210 PA +49 7 211 YW +49 7 212 WH +49 7 213 WI +49 7 214 OP +49 7 215 PA +49 7 216 PR +49 7 217 YW +49 7 218 WA +49 7 219 SI +49 7 220 PA +49 7 221 YW +49 7 222 WI +49 7 223 PR +49 7 224 PA +49 7 225 YW +49 7 226 WI +49 7 227 WH +49 7 228 PA +49 7 229 PR +49 7 230 WA +49 7 231 SI +49 7 232 PR +49 7 233 PR +49 7 234 PA +49 7 235 YW +49 7 236 YW +49 7 237 WA +49 7 238 WH +49 7 239 YW +49 7 240 SI +49 7 241 WI +49 7 242 YW +49 7 243 PR +49 7 244 PR +49 7 245 PA +49 7 246 YW +49 7 247 WH +49 7 248 WI +49 7 249 PA +49 7 250 PR +49 7 251 OP +49 7 252 SI +49 7 253 PR +49 7 254 PR +49 7 255 YW +49 7 256 PA +49 7 257 WI +49 7 258 PA +49 7 259 PR +49 7 260 PR +49 7 261 WA +49 7 262 WH +49 7 263 YW +49 7 264 WI +49 7 265 SI +49 7 266 YW +49 7 267 PR +49 7 268 PR +49 7 269 WH +49 7 270 YW +49 7 271 WA +49 7 272 PA +49 7 273 PR +49 7 274 WI +49 7 275 WI +49 7 276 WH +49 7 277 PA +49 7 278 WH +49 7 279 YW +49 7 280 PR +49 7 281 PR +49 7 282 PR +49 7 283 PA +49 7 284 YW +49 7 285 WH +49 7 286 WA +49 7 287 SI +49 7 288 YW +49 7 289 PA +49 7 290 PR +49 7 291 WI +49 7 292 YW +49 7 293 WA +49 7 294 SI +49 7 295 WI +49 7 296 PR +49 7 297 PR +49 7 298 PA +49 7 299 WA +49 7 300 SI +49 7 301 WH +49 7 302 PR +49 7 303 PA +49 7 304 YW +49 7 305 WA +49 7 306 SI +49 7 307 PR +49 7 308 YW +49 7 309 WH +49 7 310 YW +49 7 311 WI +49 7 312 PR +49 7 313 PR +49 7 314 PA +49 7 315 YW +49 7 316 WH +49 7 317 PA +49 7 318 YW +49 7 319 WH +49 7 320 SI +49 7 321 WA +49 7 322 PR +49 7 323 WI +49 7 324 YW +49 7 325 PA +49 7 326 PR +49 7 327 PR +49 7 328 WI +49 7 329 YW +49 7 330 PR +49 8 1 WH +49 8 2 WI +49 8 3 PA +49 8 4 YW +49 8 5 WH +49 8 6 OP +49 8 7 PR +49 8 8 PA +49 8 9 SI +49 8 10 YW +49 8 11 YW +49 8 12 WH +49 8 13 YW +49 8 14 YW +49 8 15 WA +49 8 16 WI +49 8 17 PA +49 8 18 YW +49 8 19 PR +49 8 20 PR +49 8 21 PA +49 8 22 WI +49 8 23 YW +49 8 24 SI +49 8 25 PR +49 8 26 PR +49 8 27 OP +49 8 28 PA +49 8 29 PR +49 8 30 WA +49 8 31 WH +49 8 32 PA +49 8 33 PR +49 8 34 SI +49 8 35 WA +49 8 36 SI +49 8 37 WA +49 8 38 SI +49 8 39 WH +49 8 40 PA +49 8 41 PR +49 8 42 PA +49 8 43 PR +49 8 44 WA +49 8 45 YW +49 8 46 WH +49 8 47 PR +49 8 48 YW +49 8 49 YW +49 8 50 WA +49 8 51 WH +49 8 52 YW +49 8 53 PA +49 8 54 PR +49 8 55 WH +49 8 56 WA +49 8 57 YW +49 8 58 YW +49 8 59 PR +49 8 60 PA +49 8 61 YW +49 8 62 WI +49 8 63 WA +49 8 64 SI +49 8 65 PR +49 8 66 YW +49 8 67 WH +49 8 68 PA +49 8 69 YW +49 8 70 OP +49 8 71 SI +49 8 72 PA +49 8 73 PR +49 8 74 YW +49 8 75 WA +49 8 76 WI +49 8 77 WH +49 8 78 PR +49 8 79 PA +49 8 80 YW +49 8 81 PR +49 8 82 WH +49 8 83 PR +49 8 84 PA +49 8 85 YW +49 8 86 OP +49 8 87 PA +49 8 88 PR +49 8 89 WA +49 8 90 YW +49 8 91 PA +49 8 92 PR +49 8 93 WI +49 8 94 YW +49 8 95 PA +49 8 96 PR +49 8 97 PR +49 8 98 YW +49 8 99 WH +49 8 100 WI +49 8 101 PA +49 8 102 PR +49 8 103 YW +49 8 104 WH +49 8 105 PR +49 8 106 PR +49 8 107 SI +49 8 108 WA +49 8 109 PR +49 8 110 PR +49 8 111 WI +49 8 112 YW +49 8 113 SI +49 8 114 WH +49 8 115 YW +49 8 116 PA +49 8 117 PR +49 8 118 PR +49 8 119 WA +49 8 120 WI +49 8 121 PR +49 8 122 PR +49 8 123 PR +49 8 124 PA +49 8 125 WI +49 8 126 WH +49 8 127 YW +49 8 128 PR +49 8 129 PA +49 8 130 SI +49 8 131 YW +49 8 132 PR +49 8 133 WA +49 8 134 YW +49 8 135 PR +49 8 136 WI +49 8 137 WH +49 8 138 YW +49 8 139 PA +49 8 140 PR +49 8 141 YW +49 8 142 PR +49 8 143 YW +49 8 144 WA +49 8 145 SI +49 8 146 WH +49 8 147 YW +49 8 148 PA +49 8 149 PR +49 8 150 PR +49 8 151 YW +49 8 152 WI +49 8 153 PA +49 8 154 YW +49 8 155 OP +49 8 156 SI +49 8 157 PA +49 8 158 PR +49 8 159 PR +49 8 160 YW +49 8 161 WH +49 8 162 YW +49 8 163 PR +49 8 164 PA +49 8 165 PR +49 8 166 PA +49 8 167 PR +49 8 168 PR +49 8 169 YW +49 8 170 PA +49 8 171 PR +49 8 172 PR +49 8 173 YW +49 8 174 WH +49 8 175 YW +49 8 176 PR +49 8 177 PR +49 8 178 WI +49 8 179 SI +49 8 180 WA +49 8 181 YW +49 8 182 PA +49 8 183 WI +49 8 184 YW +49 8 185 PR +49 8 186 SI +49 8 187 OP +49 8 188 YW +49 8 189 PA +49 8 190 PR +49 8 191 PR +49 8 192 WH +49 8 193 YW +49 8 194 WI +49 8 195 YW +49 8 196 PA +49 8 197 PR +49 8 198 PR +49 8 199 YW +49 8 200 PA +49 8 201 WI +49 8 202 WH +49 8 203 WA +49 8 204 PR +49 8 205 YW +49 8 206 PA +49 8 207 PA +49 8 208 PR +49 8 209 WI +49 8 210 WH +49 8 211 YW +49 8 212 PR +49 8 213 PR +49 8 214 PA +49 8 215 WH +49 8 216 YW +49 8 217 PR +49 8 218 PR +49 8 219 YW +49 8 220 WI +49 8 221 WA +49 8 222 SI +49 8 223 WI +49 8 224 PR +49 8 225 YW +49 8 226 WH +49 8 227 WI +49 8 228 WI +49 8 229 YW +49 8 230 PA +49 8 231 PR +49 8 232 PR +49 8 233 YW +49 8 234 WH +49 8 235 PR +49 8 236 PA +49 8 237 PR +49 8 238 YW +49 8 239 PR +49 8 240 WH +49 8 241 YW +49 8 242 PR +49 8 243 WI +49 8 244 YW +49 8 245 WH +49 8 246 SI +49 8 247 PR +49 8 248 PR +49 8 249 WI +49 8 250 YW +49 8 251 PA +49 8 252 YW +49 8 253 PR +49 8 254 PR +49 8 255 YW +49 8 256 WI +49 8 257 PA +49 8 258 YW +49 8 259 WH +49 8 260 PR +49 8 261 PR +49 8 262 YW +49 8 263 WI +49 8 264 PA +49 8 265 WA +49 8 266 SI +49 8 267 WA +49 8 268 PR +49 8 269 YW +49 8 270 WH +49 8 271 YW +49 8 272 PR +49 8 273 PR +49 8 274 PA +49 8 275 YW +49 8 276 WI +49 8 277 WH +49 8 278 OP +49 8 279 WA +49 8 280 PR +49 8 281 PR +49 8 282 PR +49 8 283 YW +49 8 284 WI +49 8 285 WA +49 8 286 SI +49 8 287 PR +49 8 288 PA +49 8 289 WH +49 8 290 YW +49 8 291 PR +49 8 292 WI +49 8 293 OP +49 8 294 SI +49 8 295 PA +49 8 296 PR +49 8 297 YW +49 8 298 WH +49 8 299 PR +49 8 300 PA +49 8 301 WA +49 8 302 SI +49 8 303 WH +49 8 304 YW +49 8 305 PR +49 8 306 PR +49 8 307 PA +49 8 308 YW +49 8 309 YW +49 8 310 PR +49 8 311 YW +49 8 312 WH +49 8 313 PA +49 8 314 YW +49 8 315 WI +49 8 316 OP +49 8 317 SI +49 8 318 PR +49 8 319 YW +49 8 320 SI +49 8 321 WA +49 8 322 PR +49 8 323 PA +49 8 324 PR +49 8 325 WI +49 8 326 WH +49 8 327 YW +49 8 328 PA +49 8 329 PR +49 8 330 PR +49 9 1 PR +49 9 2 PR +49 9 3 YW +49 9 4 WI +49 9 5 WH +49 9 6 YW +49 9 7 PR +49 9 8 PR +49 9 9 PA +49 9 10 YW +49 9 11 WI +49 9 12 OP +49 9 13 WA +49 9 14 SI +49 9 15 WI +49 9 16 YW +49 9 17 PA +49 9 18 PR +49 9 19 YW +49 9 20 PR +49 9 21 PR +49 9 22 WI +49 9 23 WH +49 9 24 YW +49 9 25 PR +49 9 26 WH +49 9 27 WI +49 9 28 PR +49 9 29 YW +49 9 30 PR +49 9 31 WH +49 9 32 PR +49 9 33 PA +49 9 34 PA +49 9 35 PR +49 9 36 YW +49 9 37 WH +49 9 38 PR +49 9 39 PR +49 9 40 PA +49 9 41 YW +49 9 42 WI +49 9 43 SI +49 9 44 YW +49 9 45 WI +49 9 46 WA +49 9 47 SI +49 9 48 PA +49 9 49 PR +49 9 50 PA +49 9 51 WH +49 9 52 PR +49 9 53 WH +49 9 54 WI +49 9 55 PR +49 9 56 YW +49 9 57 PA +49 9 58 PR +49 9 59 YW +49 9 60 WI +49 9 61 YW +49 9 62 YW +49 9 63 WH +49 9 64 YW +49 9 65 PR +49 9 66 PR +49 9 67 WI +49 9 68 WH +49 9 69 PR +49 9 70 WH +49 9 71 WI +49 9 72 YW +49 9 73 PA +49 9 74 YW +49 9 75 PR +49 9 76 PR +49 9 77 WI +49 9 78 YW +49 9 79 WH +49 9 80 PA +49 9 81 PR +49 9 82 YW +49 9 83 WI +49 9 84 WA +49 9 85 YW +49 9 86 WH +49 9 87 PR +49 9 88 YW +49 9 89 WI +49 9 90 PR +49 9 91 YW +49 9 92 PA +49 9 93 WH +49 9 94 YW +49 9 95 WI +49 9 96 PA +49 9 97 YW +49 9 98 WH +49 9 99 PR +49 9 100 PA +49 9 101 PR +49 9 102 WI +49 9 103 WH +49 9 104 YW +49 9 105 YW +49 9 106 PA +49 9 107 PR +49 9 108 WH +49 9 109 PR +49 9 110 YW +49 9 111 WI +49 9 112 SI +49 9 113 WI +49 9 114 PR +49 9 115 PA +49 9 116 YW +49 9 117 WH +49 9 118 WA +49 9 119 SI +49 9 120 PA +49 9 121 PR +49 9 122 PR +49 9 123 WH +49 9 124 YW +49 9 125 PA +49 9 126 WA +49 9 127 SI +49 9 128 YW +49 9 129 WA +49 9 130 PA +49 9 131 YW +49 9 132 PA +49 9 133 WI +49 9 134 WH +49 9 135 YW +49 9 136 YW +49 9 137 PR +49 9 138 PR +49 9 139 WI +49 9 140 YW +49 9 141 PR +49 9 142 WH +49 9 143 YW +49 9 144 PR +49 9 145 WH +49 9 146 WI +49 9 147 PR +49 9 148 PA +49 9 149 YW +49 9 150 PR +49 9 151 WA +49 9 152 SI +49 9 153 WI +49 9 154 WH +49 9 155 YW +49 9 156 PA +49 9 157 PA +49 9 158 PR +49 9 159 YW +49 9 160 WI +49 9 161 WH +49 9 162 YW +49 9 163 WH +49 9 164 WA +49 9 165 PR +49 9 166 YW +49 9 167 WA +49 9 168 SI +49 9 169 PR +49 9 170 YW +49 9 171 PA +49 9 172 PR +49 9 173 SI +49 9 174 OP +49 9 175 WH +49 9 176 YW +49 9 177 WI +49 9 178 PA +49 9 179 WH +49 9 180 PR +49 9 181 YW +49 9 182 PA +49 9 183 WH +49 9 184 WI +49 9 185 PA +49 9 186 PR +49 9 187 PA +49 9 188 WH +49 9 189 YW +49 9 190 PR +49 9 191 PA +49 9 192 SI +49 9 193 WH +49 9 194 SI +49 9 195 YW +49 9 196 PR +49 9 197 YW +49 9 198 PA +49 9 199 PR +49 9 200 YW +49 9 201 WH +49 9 202 PR +49 9 203 WI +49 9 204 WA +49 9 205 SI +49 9 206 WH +49 9 207 OP +49 9 208 WA +49 9 209 PA +49 9 210 PR +49 9 211 YW +49 9 212 YW +49 9 213 WH +49 9 214 PR +49 9 215 WA +49 9 216 SI +49 9 217 WI +49 9 218 YW +49 9 219 PA +49 9 220 PR +49 9 221 WH +49 9 222 YW +49 9 223 PR +49 9 224 WI +49 9 225 PR +49 9 226 PA +49 9 227 YW +49 9 228 YW +49 9 229 WI +49 9 230 PA +49 9 231 YW +49 9 232 PR +49 9 233 PA +49 9 234 PR +49 9 235 WA +49 9 236 WH +49 9 237 WI +49 9 238 YW +49 9 239 PA +49 9 240 SI +49 9 241 SH +49 9 242 WH +49 9 243 YW +49 9 244 PR +49 9 245 PA +49 9 246 YW +49 9 247 SH +49 9 248 SI +49 9 249 WA +49 9 250 YW +49 9 251 PA +49 9 252 PR +49 9 253 WH +49 9 254 YW +49 9 255 PR +49 9 256 YW +49 9 257 WI +49 9 258 SI +49 9 259 WI +49 9 260 YW +49 9 261 PA +49 9 262 PR +49 9 263 YW +49 9 264 WH +49 9 265 SI +49 9 266 WI +49 9 267 PA +49 9 268 PR +49 9 269 YW +49 9 270 SI +49 9 271 WI +49 9 272 YW +49 9 273 OP +49 9 274 OP +49 9 275 SI +49 9 276 PA +49 9 277 PR +49 9 278 WI +49 9 279 YW +49 9 280 PR +49 9 281 YW +49 9 282 PR +49 9 283 YW +49 9 284 WH +49 9 285 WI +49 9 286 YW +49 9 287 PR +49 9 288 PR +49 9 289 PR +49 9 290 YW +49 9 291 WI +49 9 292 YW +49 9 293 PR +49 9 294 PA +49 9 295 PR +49 9 296 YW +49 9 297 WI +49 9 298 YW +49 9 299 PR +49 9 300 PR +49 9 301 SI +49 9 302 WA +49 9 303 OP +49 9 304 PR +49 9 305 YW +49 9 306 WI +49 9 307 PA +49 9 308 PR +49 9 309 PA +49 9 310 YW +49 9 311 PR +49 9 312 YW +49 9 313 WI +49 9 314 WH +49 9 315 WA +49 9 316 SI +49 9 317 PR +49 9 318 YW +49 9 319 WI +49 9 320 PR +49 9 321 YW +49 9 322 PR +49 9 323 PR +49 9 324 PA +49 9 325 YW +49 9 326 WI +49 9 327 WH +49 9 328 WA +49 9 329 SI +49 9 330 PR +49 10 1 WI +49 10 2 WH +49 10 3 PA +49 10 4 YW +49 10 5 PR +49 10 6 WH +49 10 7 PR +49 10 8 PA +49 10 9 YW +49 10 10 YW +49 10 11 PR +49 10 12 YW +49 10 13 WI +49 10 14 YW +49 10 15 WH +49 10 16 WI +49 10 17 WH +49 10 18 WI +49 10 19 YW +49 10 20 WH +49 10 21 PR +49 10 22 WI +49 10 23 YW +49 10 24 WH +49 10 25 YW +49 10 26 YW +49 10 27 PR +49 10 28 WH +49 10 29 WI +49 10 30 PR +49 10 31 WH +49 10 32 PR +49 10 33 WH +49 10 34 PR +49 10 35 YW +49 10 36 WH +49 10 37 YW +49 10 38 WH +49 10 39 PR +49 10 40 WI +49 10 41 PA +49 10 42 WH +49 10 43 PA +49 10 44 YW +49 10 45 WH +49 10 46 PR +49 10 47 PA +49 10 48 YW +49 10 49 WH +49 10 50 WI +49 10 51 YW +49 10 52 YW +49 10 53 WH +49 10 54 PA +49 10 55 WI +49 10 56 YW +49 10 57 YW +49 10 58 YW +49 10 59 WH +49 10 60 YW +49 10 61 WI +49 10 62 WH +49 10 63 WI +49 10 64 YW +49 10 65 YW +49 10 66 WH +49 10 67 WI +49 10 68 WH +49 10 69 YW +49 10 70 WH +49 10 71 YW +49 10 72 WI +49 10 73 YW +49 10 74 WH +49 10 75 YW +49 10 76 WH +49 10 77 PR +49 10 78 WH +49 10 79 YW +49 10 80 YW +49 10 81 WI +49 10 82 WI +49 10 83 WH +49 10 84 WH +49 10 85 WH +49 10 86 WH +49 10 87 YW +49 10 88 PA +49 10 89 YW +49 10 90 YW +49 10 91 WI +49 10 92 WI +49 10 93 PR +49 10 94 YW +49 10 95 WH +49 10 96 PR +49 10 97 WH +49 10 98 PA +49 10 99 WI +49 10 100 WI +49 10 101 PA +49 10 102 WH +49 10 103 YW +49 10 104 WI +49 10 105 PA +49 10 106 WI +49 10 107 WH +49 10 108 WI +49 10 109 YW +49 10 110 WH +49 10 111 YW +49 10 112 PA +49 10 113 YW +49 10 114 YW +49 10 115 PA +49 10 116 WH +49 10 117 YW +49 10 118 PA +49 10 119 WI +49 10 120 WH +49 10 121 PA +49 10 122 WI +49 10 123 YW +49 10 124 WH +49 10 125 PA +49 10 126 PA +49 10 127 YW +49 10 128 WI +49 10 129 WH +49 10 130 YW +49 10 131 PA +49 10 132 WI +49 10 133 WH +49 10 134 YW +49 10 135 PA +49 10 136 WI +49 10 137 YW +49 10 138 WH +49 10 139 YW +49 10 140 YW +49 10 141 PA +49 10 142 WH +49 10 143 PR +49 10 144 YW +49 10 145 WI +49 10 146 WI +49 10 147 PR +49 10 148 PA +49 10 149 WI +49 10 150 YW +49 10 151 WH +49 10 152 PA +49 10 153 PR +49 10 154 YW +49 10 155 YW +49 10 156 WH +49 10 157 YW +49 10 158 WH +49 10 159 WI +49 10 160 YW +49 10 161 PR +49 10 162 PA +49 10 163 WI +49 10 164 WH +49 10 165 YW +49 10 166 YW +49 10 167 WI +49 10 168 YW +49 10 169 WH +49 10 170 YW +49 10 171 YW +49 10 172 WH +49 10 173 PA +49 10 174 WI +49 10 175 WH +49 10 176 PA +49 10 177 WI +49 10 178 YW +49 10 179 YW +49 10 180 WI +49 10 181 YW +49 10 182 PA +49 10 183 WH +49 10 184 YW +49 10 185 WH +49 10 186 WI +49 10 187 WI +49 10 188 YW +49 10 189 YW +49 10 190 WH +49 10 191 YW +49 10 192 PA +49 10 193 WI +49 10 194 YW +49 10 195 WI +49 10 196 WI +49 10 197 PA +49 10 198 YW +49 10 199 WI +49 10 200 PR +49 10 201 WH +49 10 202 YW +49 10 203 PA +49 10 204 YW +49 10 205 WH +49 10 206 WH +49 10 207 PA +49 10 208 YW +49 10 209 WH +49 10 210 YW +49 10 211 PR +49 10 212 WH +49 10 213 YW +49 10 214 WI +49 10 215 PA +49 10 216 YW +49 10 217 WH +49 10 218 PR +49 10 219 YW +49 10 220 WH +49 10 221 YW +49 10 222 WI +49 10 223 YW +49 10 224 WI +49 10 225 PR +49 10 226 YW +49 10 227 YW +49 10 228 YW +49 10 229 WI +49 10 230 WH +49 10 231 PA +49 10 232 YW +49 10 233 PR +49 10 234 WH +49 10 235 PR +49 10 236 OP +49 10 237 WH +49 10 238 WI +49 10 239 PA +49 10 240 YW +49 10 241 WH +49 10 242 WH +49 10 243 YW +49 10 244 WH +49 10 245 PA +49 10 246 WI +49 10 247 WH +49 10 248 YW +49 10 249 PR +49 10 250 YW +49 10 251 WI +49 10 252 WH +49 10 253 PR +49 10 254 WH +49 10 255 YW +49 10 256 PA +49 10 257 YW +49 10 258 WI +49 10 259 PA +49 10 260 WH +49 10 261 WH +49 10 262 WH +49 10 263 YW +49 10 264 PR +49 10 265 YW +49 10 266 YW +49 10 267 PR +49 10 268 PR +49 10 269 PA +49 10 270 WI +49 10 271 YW +49 10 272 WH +49 10 273 PR +49 10 274 WH +49 10 275 YW +49 10 276 PA +49 10 277 YW +49 10 278 PR +49 10 279 WH +49 10 280 PR +49 10 281 YW +49 10 282 PR +49 10 283 YW +49 10 284 WH +49 10 285 PR +49 10 286 WH +49 10 287 YW +49 10 288 PA +49 10 289 WI +49 10 290 WH +49 10 291 PA +49 10 292 WH +49 10 293 WH +49 10 294 WH +49 10 295 YW +49 10 296 YW +49 10 297 SI +49 10 298 PA +49 10 299 WI +49 10 300 WH +49 10 301 PR +49 10 302 WH +49 10 303 WH +49 10 304 PR +49 10 305 YW +49 10 306 WH +49 10 307 WH +49 10 308 PR +49 10 309 YW +49 10 310 WI +49 10 311 YW +49 10 312 YW +49 10 313 WH +49 10 314 WH +49 10 315 WI +49 10 316 PR +49 10 317 PA +49 10 318 WH +49 10 319 PR +49 10 320 YW +49 10 321 PA +49 10 322 WI +49 10 323 WI +49 10 324 WH +49 10 325 YW +49 10 326 WI +49 10 327 WI +49 10 328 YW +49 10 329 WI +49 10 330 WH +49 11 1 WI +49 11 2 PR +49 11 3 PA +49 11 4 WI +49 11 5 PR +49 11 6 WH +49 11 7 PR +49 11 8 PA +49 11 9 WI +49 11 10 YW +49 11 11 WH +49 11 12 WI +49 11 13 WH +49 11 14 WH +49 11 15 PR +49 11 16 WH +49 11 17 PA +49 11 18 WH +49 11 19 PR +49 11 20 PR +49 11 21 PA +49 11 22 WH +49 11 23 PR +49 11 24 WH +49 11 25 PR +49 11 26 WI +49 11 27 WH +49 11 28 PA +49 11 29 PR +49 11 30 WI +49 11 31 WH +49 11 32 PA +49 11 33 WI +49 11 34 WI +49 11 35 PA +49 11 36 WH +49 11 37 WI +49 11 38 PA +49 11 39 WI +49 11 40 PA +49 11 41 PR +49 11 42 WH +49 11 43 WH +49 11 44 WH +49 11 45 PR +49 11 46 WH +49 11 47 WH +49 11 48 WI +49 11 49 PR +49 11 50 WI +49 11 51 WH +49 11 52 WH +49 11 53 PA +49 11 54 WI +49 11 55 WI +49 11 56 PR +49 11 57 OP +49 11 58 PA +49 11 59 WA +49 11 60 PA +49 11 61 OP +49 11 62 PR +49 11 63 OP +49 11 64 PR +49 11 65 PA +49 11 66 WA +49 11 67 OP +49 11 68 PA +49 11 69 YW +49 11 70 WA +49 11 71 PA +49 11 72 OP +49 11 73 PA +49 11 74 WA +49 11 75 YW +49 11 76 PA +49 11 77 PR +49 11 78 PR +49 11 79 YW +49 11 80 PR +49 11 81 OP +49 11 82 OP +49 11 83 OP +49 11 84 OP +49 11 85 PR +49 11 86 PA +49 11 87 YW +49 11 88 PA +49 11 89 YW +49 11 90 YW +49 11 91 OP +49 11 92 WA +49 11 93 PR +49 11 94 YW +49 11 95 WA +49 11 96 OP +49 11 97 YW +49 11 98 PA +49 11 99 OP +49 11 100 OP +49 11 101 PA +49 11 102 WA +49 11 103 OP +49 11 104 WA +49 11 105 PA +49 11 106 OP +49 11 107 WA +49 11 108 OP +49 11 109 YW +49 11 110 OP +49 11 111 YW +49 11 112 PA +49 11 113 YW +49 11 114 PR +49 11 115 PA +49 11 116 WA +49 11 117 YW +49 11 118 OP +49 11 119 PR +49 11 120 WA +49 11 121 PA +49 11 122 PR +49 11 123 PR +49 11 124 OP +49 11 125 PA +49 11 126 PA +49 11 127 YW +49 11 128 OP +49 11 129 WA +49 11 130 YW +49 11 131 PA +49 11 132 PA +49 11 133 YW +49 11 134 YW +49 11 135 PA +49 11 136 PR +49 11 137 YW +49 11 138 WA +49 11 139 WA +49 11 140 PR +49 11 141 WA +49 11 142 WA +49 11 143 OP +49 11 144 YW +49 11 145 OP +49 11 146 OP +49 11 147 PR +49 11 148 PA +49 11 149 OP +49 11 150 YW +49 11 151 OP +49 11 152 OP +49 11 153 WA +49 11 154 WH +49 11 155 WI +49 11 156 PA +49 11 157 PR +49 11 158 WA +49 11 159 WI +49 11 160 OP +49 11 161 OP +49 11 162 PA +49 11 163 WA +49 11 164 WI +49 11 165 WA +49 11 166 PR +49 11 167 PR +49 11 168 WA +49 11 169 WH +49 11 170 WH +49 11 171 PR +49 11 172 PR +49 11 173 WA +49 11 174 WA +49 11 175 PR +49 11 176 PR +49 11 177 PA +49 11 178 WI +49 11 179 SH +49 11 180 SH +49 11 181 PA +49 11 182 WH +49 11 183 WI +49 11 184 OP +49 11 185 OP +49 11 186 WA +49 11 187 PR +49 11 188 SH +49 11 189 WH +49 11 190 WA +49 11 191 PA +49 11 192 WI +49 11 193 WI +49 11 194 PR +49 11 195 PR +49 11 196 WA +49 11 197 PR +49 11 198 PA +49 11 199 OP +49 11 200 WA +49 11 201 OP +49 11 202 PR +49 11 203 SH +49 11 204 PR +49 11 205 PA +49 11 206 WI +49 11 207 WH +49 11 208 SH +49 11 209 WI +49 11 210 OP +49 11 211 PA +49 11 212 OP +49 11 213 PR +49 11 214 PA +49 11 215 WA +49 11 216 WI +49 11 217 SH +49 11 218 WH +49 11 219 PR +49 11 220 PA +49 11 221 PR +49 11 222 WA +49 11 223 WH +49 11 224 OP +49 11 225 YW +49 11 226 WA +49 11 227 YW +49 11 228 OP +49 11 229 OP +49 11 230 YW +49 11 231 PA +49 11 232 PR +49 11 233 PR +49 11 234 YW +49 11 235 WI +49 11 236 WA +49 11 237 WH +49 11 238 OP +49 11 239 WA +49 11 240 WI +49 11 241 PR +49 11 242 PA +49 11 243 YW +49 11 244 WH +49 11 245 OP +49 11 246 PA +49 11 247 OP +49 11 248 WA +49 11 249 YW +49 11 250 WH +49 11 251 YW +49 11 252 WI +49 11 253 YW +49 11 254 WI +49 11 255 PA +49 11 256 PR +49 11 257 WA +49 11 258 SH +49 11 259 WA +49 11 260 OP +49 11 261 PR +49 11 262 OP +49 11 263 PR +49 11 264 YW +49 11 265 PR +49 11 266 WI +49 11 267 WH +49 11 268 YW +49 11 269 OP +49 11 270 OP +49 11 271 WA +49 11 272 PR +49 11 273 WH +49 11 274 PR +49 11 275 PA +49 11 276 YW +49 11 277 WH +49 11 278 WA +49 11 279 WI +49 11 280 YW +49 11 281 PR +49 11 282 PA +49 11 283 WH +49 11 284 WI +49 11 285 WA +49 11 286 PA +49 11 287 OP +49 11 288 PA +49 11 289 PA +49 11 290 PR +49 11 291 PR +49 11 292 PA +49 11 293 WA +49 11 294 PA +49 11 295 OP +49 11 296 OP +49 11 297 WA +49 11 298 WI +49 11 299 WH +49 11 300 PA +49 11 301 PR +49 11 302 WA +49 11 303 WH +49 11 304 WI +49 11 305 PR +49 11 306 PA +49 11 307 WA +49 11 308 PA +49 11 309 PA +49 11 310 WA +49 11 311 WH +49 11 312 SH +49 11 313 SH +49 11 314 PA +49 11 315 PR +49 11 316 WI +49 11 317 WA +49 11 318 WH +49 11 319 PA +49 11 320 PR +49 11 321 WA +49 11 322 WI +49 11 323 OP +49 11 324 OP +49 11 325 WA +49 11 326 WI +49 11 327 SH +49 11 328 PR +49 11 329 PA +49 11 330 WH +49 12 1 WI +49 12 2 WH +49 12 3 PA +49 12 4 YW +49 12 5 WI +49 12 6 PR +49 12 7 WI +49 12 8 PA +49 12 9 WI +49 12 10 YW +49 12 11 YW +49 12 12 WI +49 12 13 WI +49 12 14 WI +49 12 15 WI +49 12 16 WH +49 12 17 PA +49 12 18 YW +49 12 19 WI +49 12 20 WI +49 12 21 PA +49 12 22 WH +49 12 23 WI +49 12 24 YW +49 12 25 WI +49 12 26 PA +49 12 27 YW +49 12 28 WH +49 12 29 PA +49 12 30 WI +49 12 31 YW +49 12 32 WI +49 12 33 PA +49 12 34 WI +49 12 35 WI +49 12 36 YW +49 12 37 YW +49 12 38 WI +49 12 39 PA +49 12 40 WI +49 12 41 PA +49 12 42 WI +49 12 43 WI +49 12 44 WI +49 12 45 WI +49 12 46 WI +49 12 47 YW +49 12 48 YW +49 12 49 WI +49 12 50 WI +49 12 51 YW +49 12 52 YW +49 12 53 WH +49 12 54 PA +49 12 55 OP +49 12 56 WA +49 12 57 WA +49 12 58 WI +49 12 59 WA +49 12 60 WH +49 12 61 YW +49 12 62 PA +49 12 63 OP +49 12 64 WI +49 12 65 WI +49 12 66 PA +49 12 67 WH +49 12 68 WI +49 12 69 PA +49 12 70 WI +49 12 71 WH +49 12 72 YW +49 12 73 WI +49 12 74 YW +49 12 75 WI +49 12 76 YW +49 12 77 PA +49 12 78 WI +49 12 79 OP +49 12 80 YW +49 12 81 WH +49 12 82 WI +49 12 83 WI +49 12 84 WA +49 12 85 WA +49 12 86 OP +49 12 87 WI +49 12 88 YW +49 12 89 PA +49 12 90 YW +49 12 91 YW +49 12 92 WI +49 12 93 WH +49 12 94 WI +49 12 95 YW +49 12 96 WH +49 12 97 WI +49 12 98 YW +49 12 99 PA +49 12 100 WA +49 12 101 WI +49 12 102 PA +49 12 103 WH +49 12 104 YW +49 12 105 PR +49 12 106 WI +49 12 107 PR +49 12 108 WH +49 12 109 WH +49 12 110 PR +49 12 111 YW +49 12 112 YW +49 12 113 YW +49 12 114 WI +49 12 115 PA +49 12 116 OP +49 12 117 YW +49 12 118 WA +49 12 119 WI +49 12 120 WH +49 12 121 PA +49 12 122 WI +49 12 123 YW +49 12 124 PR +49 12 125 PR +49 12 126 WH +49 12 127 YW +49 12 128 WI +49 12 129 WH +49 12 130 YW +49 12 131 PA +49 12 132 PA +49 12 133 PR +49 12 134 YW +49 12 135 PA +49 12 136 PR +49 12 137 YW +49 12 138 PR +49 12 139 WH +49 12 140 WH +49 12 141 YW +49 12 142 WH +49 12 143 PR +49 12 144 YW +49 12 145 WI +49 12 146 WI +49 12 147 PR +49 12 148 PA +49 12 149 WI +49 12 150 YW +49 12 151 WI +49 12 152 OP +49 12 153 WA +49 12 154 YW +49 12 155 YW +49 12 156 WI +49 12 157 YW +49 12 158 WH +49 12 159 WI +49 12 160 WI +49 12 161 WI +49 12 162 PR +49 12 163 YW +49 12 164 WI +49 12 165 YW +49 12 166 OP +49 12 167 WA +49 12 168 WA +49 12 169 WA +49 12 170 YW +49 12 171 YW +49 12 172 WH +49 12 173 PA +49 12 174 WI +49 12 175 YW +49 12 176 PA +49 12 177 WI +49 12 178 PR +49 12 179 YW +49 12 180 PR +49 12 181 WI +49 12 182 WI +49 12 183 YW +49 12 184 PA +49 12 185 YW +49 12 186 WI +49 12 187 PR +49 12 188 WI +49 12 189 WH +49 12 190 WI +49 12 191 WI +49 12 192 PR +49 12 193 PA +49 12 194 YW +49 12 195 PR +49 12 196 PR +49 12 197 WI +49 12 198 WA +49 12 199 YW +49 12 200 PA +49 12 201 WI +49 12 202 WA +49 12 203 PA +49 12 204 WA +49 12 205 WA +49 12 206 OP +49 12 207 YW +49 12 208 WH +49 12 209 WA +49 12 210 WI +49 12 211 WI +49 12 212 WI +49 12 213 PA +49 12 214 WI +49 12 215 WI +49 12 216 OP +49 12 217 PA +49 12 218 WH +49 12 219 WI +49 12 220 PA +49 12 221 WI +49 12 222 PA +49 12 223 WI +49 12 224 WI +49 12 225 WI +49 12 226 YW +49 12 227 WI +49 12 228 PR +49 12 229 WI +49 12 230 PR +49 12 231 PA +49 12 232 YW +49 12 233 PR +49 12 234 OP +49 12 235 PA +49 12 236 OP +49 12 237 PR +49 12 238 YW +49 12 239 YW +49 12 240 PR +49 12 241 WH +49 12 242 PR +49 12 243 PR +49 12 244 YW +49 12 245 YW +49 12 246 PR +49 12 247 WH +49 12 248 YW +49 12 249 OP +49 12 250 YW +49 12 251 PR +49 12 252 WH +49 12 253 WI +49 12 254 WA +49 12 255 YW +49 12 256 YW +49 12 257 PR +49 12 258 WA +49 12 259 PA +49 12 260 YW +49 12 261 WH +49 12 262 PR +49 12 263 WI +49 12 264 WA +49 12 265 PR +49 12 266 PR +49 12 267 WI +49 12 268 YW +49 12 269 WH +49 12 270 WA +49 12 271 PR +49 12 272 WH +49 12 273 PA +49 12 274 WI +49 12 275 WA +49 12 276 YW +49 12 277 WI +49 12 278 YW +49 12 279 WA +49 12 280 WA +49 12 281 WI +49 12 282 WI +49 12 283 YW +49 12 284 WH +49 12 285 WI +49 12 286 OP +49 12 287 YW +49 12 288 PR +49 12 289 WI +49 12 290 OP +49 12 291 WI +49 12 292 WA +49 12 293 WA +49 12 294 WH +49 12 295 YW +49 12 296 YW +49 12 297 WI +49 12 298 PA +49 12 299 WI +49 12 300 WA +49 12 301 WA +49 12 302 WH +49 12 303 WH +49 12 304 WI +49 12 305 PA +49 12 306 WI +49 12 307 WI +49 12 308 YW +49 12 309 YW +49 12 310 WI +49 12 311 WI +49 12 312 YW +49 12 313 YW +49 12 314 WA +49 12 315 WI +49 12 316 WI +49 12 317 PA +49 12 318 WH +49 12 319 PR +49 12 320 PR +49 12 321 PR +49 12 322 PR +49 12 323 WH +49 12 324 WH +49 12 325 PR +49 12 326 WI +49 12 327 PR +49 12 328 WI +49 12 329 YW +49 12 330 PR +49 13 1 PR +49 13 2 PR +49 13 3 PA +49 13 4 YW +49 13 5 PR +49 13 6 SI +49 13 7 PR +49 13 8 PA +49 13 9 YW +49 13 10 PR +49 13 11 PR +49 13 12 WI +49 13 13 PR +49 13 14 YW +49 13 15 OP +49 13 16 WH +49 13 17 PA +49 13 18 YW +49 13 19 PR +49 13 20 PR +49 13 21 PA +49 13 22 WI +49 13 23 PA +49 13 24 YW +49 13 25 PR +49 13 26 PR +49 13 27 OP +49 13 28 PA +49 13 29 PR +49 13 30 WI +49 13 31 PR +49 13 32 WI +49 13 33 PR +49 13 34 WI +49 13 35 PA +49 13 36 PR +49 13 37 WH +49 13 38 PA +49 13 39 PR +49 13 40 WI +49 13 41 PA +49 13 42 WI +49 13 43 YW +49 13 44 WH +49 13 45 PR +49 13 46 YW +49 13 47 PR +49 13 48 WI +49 13 49 PR +49 13 50 WI +49 13 51 YW +49 13 52 WH +49 13 53 PR +49 13 54 WI +49 13 55 PR +49 13 56 WH +49 13 57 PR +49 13 58 WI +49 13 59 WH +49 13 60 YW +49 13 61 PA +49 13 62 WI +49 13 63 PA +49 13 64 PR +49 13 65 PA +49 13 66 WH +49 13 67 PR +49 13 68 WI +49 13 69 PR +49 13 70 WH +49 13 71 YW +49 13 72 PR +49 13 73 WI +49 13 74 WH +49 13 75 WI +49 13 76 PA +49 13 77 PR +49 13 78 WH +49 13 79 YW +49 13 80 PR +49 13 81 WI +49 13 82 PR +49 13 83 WH +49 13 84 OP +49 13 85 PR +49 13 86 PA +49 13 87 YW +49 13 88 PR +49 13 89 YW +49 13 90 WI +49 13 91 PR +49 13 92 WH +49 13 93 WI +49 13 94 YW +49 13 95 WH +49 13 96 WI +49 13 97 PR +49 13 98 PA +49 13 99 WH +49 13 100 WI +49 13 101 PA +49 13 102 YW +49 13 103 WI +49 13 104 PR +49 13 105 PA +49 13 106 WH +49 13 107 WI +49 13 108 PR +49 13 109 YW +49 13 110 WI +49 13 111 YW +49 13 112 PA +49 13 113 YW +49 13 114 PR +49 13 115 PA +49 13 116 WH +49 13 117 YW +49 13 118 WI +49 13 119 PR +49 13 120 WH +49 13 121 PA +49 13 122 PR +49 13 123 WI +49 13 124 WH +49 13 125 PA +49 13 126 WI +49 13 127 YW +49 13 128 WI +49 13 129 WH +49 13 130 YW +49 13 131 PR +49 13 132 PA +49 13 133 PR +49 13 134 YW +49 13 135 PA +49 13 136 PR +49 13 137 WI +49 13 138 WH +49 13 139 WI +49 13 140 PR +49 13 141 WH +49 13 142 WI +49 13 143 PR +49 13 144 YW +49 13 145 WI +49 13 146 PR +49 13 147 WI +49 13 148 PA +49 13 149 PR +49 13 150 WI +49 13 151 WH +49 13 152 WI +49 13 153 PR +49 13 154 YW +49 13 155 WI +49 13 156 PR +49 13 157 YW +49 13 158 WH +49 13 159 WI +49 13 160 PA +49 13 161 PR +49 13 162 PA +49 13 163 WI +49 13 164 PR +49 13 165 WI +49 13 166 YW +49 13 167 WH +49 13 168 PR +49 13 169 PR +49 13 170 WI +49 13 171 WH +49 13 172 PA +49 13 173 WI +49 13 174 PR +49 13 175 WI +49 13 176 PA +49 13 177 WH +49 13 178 PR +49 13 179 WI +49 13 180 WH +49 13 181 WI +49 13 182 YW +49 13 183 PR +49 13 184 PA +49 13 185 WI +49 13 186 PR +49 13 187 PA +49 13 188 PR +49 13 189 WH +49 13 190 WI +49 13 191 PR +49 13 192 WI +49 13 193 WH +49 13 194 PA +49 13 195 PR +49 13 196 WI +49 13 197 WH +49 13 198 YW +49 13 199 WI +49 13 200 PR +49 13 201 WI +49 13 202 PR +49 13 203 PA +49 13 204 YW +49 13 205 WI +49 13 206 WH +49 13 207 PA +49 13 208 WI +49 13 209 PR +49 13 210 YW +49 13 211 WH +49 13 212 WI +49 13 213 YW +49 13 214 PR +49 13 215 WI +49 13 216 YW +49 13 217 WH +49 13 218 WI +49 13 219 WH +49 13 220 WI +49 13 221 WH +49 13 222 PR +49 13 223 WI +49 13 224 WH +49 13 225 PR +49 13 226 YW +49 13 227 WI +49 13 228 WH +49 13 229 PR +49 13 230 WH +49 13 231 WI +49 13 232 YW +49 13 233 WI +49 13 234 PR +49 13 235 WI +49 13 236 WH +49 13 237 WI +49 13 238 PR +49 13 239 WI +49 13 240 YW +49 13 241 WH +49 13 242 WI +49 13 243 PA +49 13 244 WH +49 13 245 PA +49 13 246 PR +49 13 247 WI +49 13 248 YW +49 13 249 WI +49 13 250 PR +49 13 251 WH +49 13 252 WI +49 13 253 WI +49 13 254 PR +49 13 255 YW +49 13 256 PA +49 13 257 PR +49 13 258 WI +49 13 259 PA +49 13 260 WH +49 13 261 WI +49 13 262 WH +49 13 263 YW +49 13 264 WI +49 13 265 PR +49 13 266 PA +49 13 267 PR +49 13 268 WI +49 13 269 PA +49 13 270 WH +49 13 271 YW +49 13 272 WH +49 13 273 WI +49 13 274 WH +49 13 275 PR +49 13 276 PA +49 13 277 WI +49 13 278 YW +49 13 279 WI +49 13 280 PR +49 13 281 PR +49 13 282 WI +49 13 283 YW +49 13 284 WH +49 13 285 WI +49 13 286 WH +49 13 287 WI +49 13 288 PA +49 13 289 PR +49 13 290 WI +49 13 291 PR +49 13 292 WH +49 13 293 YW +49 13 294 WH +49 13 295 WI +49 13 296 PR +49 13 297 WI +49 13 298 PA +49 13 299 WI +49 13 300 WH +49 13 301 PR +49 13 302 WH +49 13 303 WI +49 13 304 PR +49 13 305 WI +49 13 306 PR +49 13 307 WI +49 13 308 WH +49 13 309 YW +49 13 310 PR +49 13 311 PR +49 13 312 YW +49 13 313 WI +49 13 314 WH +49 13 315 WI +49 13 316 PR +49 13 317 PA +49 13 318 WI +49 13 319 WH +49 13 320 WI +49 13 321 PA +49 13 322 WI +49 13 323 PR +49 13 324 WH +49 13 325 PA +49 13 326 WI +49 13 327 WH +49 13 328 PR +49 13 329 WH +49 13 330 WH +49 14 1 PR +49 14 2 PR +49 14 3 PA +49 14 4 PA +49 14 5 PR +49 14 6 WI +49 14 7 PR +49 14 8 PA +49 14 9 WI +49 14 10 PR +49 14 11 PR +49 14 12 WI +49 14 13 PR +49 14 14 YW +49 14 15 OP +49 14 16 WH +49 14 17 PA +49 14 18 YW +49 14 19 PR +49 14 20 PR +49 14 21 PA +49 14 22 WI +49 14 23 PA +49 14 24 YW +49 14 25 PR +49 14 26 PR +49 14 27 WH +49 14 28 PA +49 14 29 PR +49 14 30 PA +49 14 31 PR +49 14 32 PA +49 14 33 PR +49 14 34 PR +49 14 35 PA +49 14 36 PR +49 14 37 PR +49 14 38 PA +49 14 39 PR +49 14 40 PR +49 14 41 PA +49 14 42 WI +49 14 43 YW +49 14 44 WH +49 14 45 PR +49 14 46 YW +49 14 47 PR +49 14 48 WI +49 14 49 PR +49 14 50 PA +49 14 51 YW +49 14 52 PR +49 14 53 PA +49 14 54 PR +49 14 55 PR +49 14 56 PA +49 14 57 PR +49 14 58 WI +49 14 59 WH +49 14 60 PR +49 14 61 PA +49 14 62 PR +49 14 63 PA +49 14 64 PR +49 14 65 PA +49 14 66 WH +49 14 67 PR +49 14 68 PA +49 14 69 PR +49 14 70 WH +49 14 71 PA +49 14 72 PR +49 14 73 PA +49 14 74 PR +49 14 75 PR +49 14 76 PA +49 14 77 PR +49 14 78 PA +49 14 79 YW +49 14 80 PR +49 14 81 PR +49 14 82 PR +49 14 83 WI +49 14 84 PA +49 14 85 PR +49 14 86 PA +49 14 87 YW +49 14 88 PA +49 14 89 YW +49 14 90 YW +49 14 91 PR +49 14 92 WH +49 14 93 PR +49 14 94 YW +49 14 95 PR +49 14 96 WI +49 14 97 PR +49 14 98 PA +49 14 99 WH +49 14 100 PR +49 14 101 PA +49 14 102 PR +49 14 103 YW +49 14 104 PR +49 14 105 PA +49 14 106 WI +49 14 107 WH +49 14 108 PR +49 14 109 PR +49 14 110 WI +49 14 111 PR +49 14 112 PA +49 14 113 YW +49 14 114 PR +49 14 115 PA +49 14 116 PR +49 14 117 YW +49 14 118 PA +49 14 119 PR +49 14 120 WH +49 14 121 PA +49 14 122 PR +49 14 123 PR +49 14 124 PR +49 14 125 PA +49 14 126 PA +49 14 127 YW +49 14 128 WI +49 14 129 WH +49 14 130 YW +49 14 131 PA +49 14 132 PA +49 14 133 PR +49 14 134 YW +49 14 135 PA +49 14 136 WI +49 14 137 PR +49 14 138 PR +49 14 139 WH +49 14 140 PR +49 14 141 WH +49 14 142 WH +49 14 143 PR +49 14 144 PR +49 14 145 PR +49 14 146 WI +49 14 147 PR +49 14 148 PA +49 14 149 PR +49 14 150 PA +49 14 151 PA +49 14 152 PA +49 14 153 PR +49 14 154 YW +49 14 155 YW +49 14 156 PR +49 14 157 YW +49 14 158 WH +49 14 159 WI +49 14 160 PA +49 14 161 PR +49 14 162 PA +49 14 163 PR +49 14 164 PR +49 14 165 PR +49 14 166 YW +49 14 167 WH +49 14 168 PR +49 14 169 PR +49 14 170 YW +49 14 171 PR +49 14 172 WH +49 14 173 PA +49 14 174 WI +49 14 175 PR +49 14 176 PA +49 14 177 WI +49 14 178 PR +49 14 179 PA +49 14 180 PR +49 14 181 WI +49 14 182 PA +49 14 183 YW +49 14 184 PA +49 14 185 SI +49 14 186 PR +49 14 187 WI +49 14 188 PR +49 14 189 SI +49 14 190 PA +49 14 191 PR +49 14 192 PR +49 14 193 PR +49 14 194 PA +49 14 195 PR +49 14 196 PR +49 14 197 PA +49 14 198 YW +49 14 199 PR +49 14 200 PR +49 14 201 PA +49 14 202 PR +49 14 203 PA +49 14 204 YW +49 14 205 PR +49 14 206 WH +49 14 207 PA +49 14 208 WI +49 14 209 PR +49 14 210 PA +49 14 211 PR +49 14 212 WI +49 14 213 PR +49 14 214 PR +49 14 215 PA +49 14 216 YW +49 14 217 PA +49 14 218 PR +49 14 219 PR +49 14 220 PR +49 14 221 PR +49 14 222 PR +49 14 223 PR +49 14 224 WH +49 14 225 PR +49 14 226 PR +49 14 227 YW +49 14 228 YW +49 14 229 PR +49 14 230 WH +49 14 231 PA +49 14 232 YW +49 14 233 PR +49 14 234 PR +49 14 235 PR +49 14 236 PR +49 14 237 PR +49 14 238 PR +49 14 239 PA +49 14 240 PA +49 14 241 WH +49 14 242 PR +49 14 243 PA +49 14 244 WH +49 14 245 PA +49 14 246 PR +49 14 247 PR +49 14 248 PR +49 14 249 PR +49 14 250 PA +49 14 251 PR +49 14 252 WH +49 14 253 PR +49 14 254 PR +49 14 255 YW +49 14 256 PA +49 14 257 PR +49 14 258 WI +49 14 259 PA +49 14 260 PR +49 14 261 PA +49 14 262 WH +49 14 263 YW +49 14 264 PR +49 14 265 PR +49 14 266 PA +49 14 267 PA +49 14 268 PR +49 14 269 PA +49 14 270 WI +49 14 271 PR +49 14 272 WH +49 14 273 PA +49 14 274 WH +49 14 275 PR +49 14 276 PA +49 14 277 YW +49 14 278 PA +49 14 279 PR +49 14 280 PR +49 14 281 PR +49 14 282 PR +49 14 283 YW +49 14 284 WH +49 14 285 PA +49 14 286 WH +49 14 287 WI +49 14 288 PA +49 14 289 PR +49 14 290 WH +49 14 291 PR +49 14 292 PA +49 14 293 PR +49 14 294 WH +49 14 295 YW +49 14 296 PA +49 14 297 WI +49 14 298 PR +49 14 299 WH +49 14 300 PR +49 14 301 WH +49 14 302 PR +49 14 303 PR +49 14 304 WI +49 14 305 PA +49 14 306 PR +49 14 307 PR +49 14 308 PR +49 14 309 YW +49 14 310 WI +49 14 311 PR +49 14 312 YW +49 14 313 PR +49 14 314 WH +49 14 315 PR +49 14 316 PR +49 14 317 PA +49 14 318 WH +49 14 319 PA +49 14 320 PR +49 14 321 PA +49 14 322 PR +49 14 323 PR +49 14 324 WH +49 14 325 PA +49 14 326 WI +49 14 327 PR +49 14 328 PR +49 14 329 PA +49 14 330 PR +49 15 1 PR +49 15 2 PR +49 15 3 PA +49 15 4 WI +49 15 5 PR +49 15 6 WA +49 15 7 PR +49 15 8 PA +49 15 9 WA +49 15 10 PR +49 15 11 PR +49 15 12 WI +49 15 13 PR +49 15 14 WA +49 15 15 WI +49 15 16 WH +49 15 17 WI +49 15 18 YW +49 15 19 PR +49 15 20 PR +49 15 21 PA +49 15 22 WI +49 15 23 PA +49 15 24 WH +49 15 25 PR +49 15 26 PR +49 15 27 WH +49 15 28 PA +49 15 29 PR +49 15 30 WI +49 15 31 PR +49 15 32 PA +49 15 33 PR +49 15 34 PR +49 15 35 WI +49 15 36 PR +49 15 37 PR +49 15 38 PA +49 15 39 PR +49 15 40 PR +49 15 41 PA +49 15 42 WI +49 15 43 PR +49 15 44 WH +49 15 45 PR +49 15 46 WH +49 15 47 WA +49 15 48 WI +49 15 49 PR +49 15 50 PA +49 15 51 WA +49 15 52 WH +49 15 53 PA +49 15 54 PR +49 15 55 PR +49 15 56 WA +49 15 57 PR +49 15 58 WI +49 15 59 WI +49 15 60 PR +49 15 61 PA +49 15 62 WI +49 15 63 PA +49 15 64 PR +49 15 65 PA +49 15 66 WA +49 15 67 PR +49 15 68 PA +49 15 69 WI +49 15 70 WA +49 15 71 PA +49 15 72 WI +49 15 73 PA +49 15 74 PR +49 15 75 YW +49 15 76 WI +49 15 77 PR +49 15 78 WI +49 15 79 WH +49 15 80 PR +49 15 81 PR +49 15 82 PR +49 15 83 WI +49 15 84 WI +49 15 85 PR +49 15 86 PA +49 15 87 YW +49 15 88 PA +49 15 89 YW +49 15 90 WA +49 15 91 PR +49 15 92 WA +49 15 93 PR +49 15 94 YW +49 15 95 PR +49 15 96 WI +49 15 97 PA +49 15 98 PA +49 15 99 PA +49 15 100 WI +49 15 101 PA +49 15 102 WI +49 15 103 WI +49 15 104 PR +49 15 105 PA +49 15 106 WI +49 15 107 WA +49 15 108 PR +49 15 109 PA +49 15 110 WI +49 15 111 YW +49 15 112 PA +49 15 113 YW +49 15 114 WI +49 15 115 PA +49 15 116 WI +49 15 117 YW +49 15 118 PA +49 15 119 WI +49 15 120 WA +49 15 121 WI +49 15 122 PR +49 15 123 PR +49 15 124 PR +49 15 125 WI +49 15 126 WI +49 15 127 YW +49 15 128 WI +49 15 129 WA +49 15 130 YW +49 15 131 PA +49 15 132 PA +49 15 133 WI +49 15 134 WA +49 15 135 PA +49 15 136 PR +49 15 137 PR +49 15 138 PR +49 15 139 WA +49 15 140 PR +49 15 141 WA +49 15 142 WA +49 15 143 PR +49 15 144 PA +49 15 145 PR +49 15 146 WI +49 15 147 PR +49 15 148 PR +49 15 149 PR +49 15 150 PA +49 15 151 PA +49 15 152 PA +49 15 153 PR +49 15 154 YW +49 15 155 YW +49 15 156 PR +49 15 157 WA +49 15 158 WH +49 15 159 WI +49 15 160 PA +49 15 161 PR +49 15 162 PA +49 15 163 PR +49 15 164 PR +49 15 165 WA +49 15 166 PR +49 15 167 WA +49 15 168 PR +49 15 169 PR +49 15 170 YW +49 15 171 PR +49 15 172 WA +49 15 173 PA +49 15 174 WI +49 15 175 PR +49 15 176 PA +49 15 177 WI +49 15 178 PR +49 15 179 PA +49 15 180 PR +49 15 181 WI +49 15 182 PA +49 15 183 WA +49 15 184 PA +49 15 185 WA +49 15 186 PR +49 15 187 WI +49 15 188 PR +49 15 189 PR +49 15 190 PA +49 15 191 PR +49 15 192 PR +49 15 193 WI +49 15 194 PA +49 15 195 WI +49 15 196 WI +49 15 197 PA +49 15 198 YW +49 15 199 WA +49 15 200 PR +49 15 201 PA +49 15 202 PR +49 15 203 PA +49 15 204 YW +49 15 205 PA +49 15 206 WA +49 15 207 PA +49 15 208 WI +49 15 209 PR +49 15 210 PR +49 15 211 PR +49 15 212 WI +49 15 213 PA +49 15 214 PR +49 15 215 PA +49 15 216 YW +49 15 217 WA +49 15 218 PR +49 15 219 WA +49 15 220 WI +49 15 221 WA +49 15 222 PA +49 15 223 PR +49 15 224 WA +49 15 225 WI +49 15 226 PR +49 15 227 YW +49 15 228 PR +49 15 229 PR +49 15 230 WA +49 15 231 PA +49 15 232 WI +49 15 233 PA +49 15 234 PR +49 15 235 PR +49 15 236 PR +49 15 237 WI +49 15 238 PR +49 15 239 PA +49 15 240 WI +49 15 241 WA +49 15 242 WI +49 15 243 PA +49 15 244 WA +49 15 245 PA +49 15 246 PR +49 15 247 PA +49 15 248 YW +49 15 249 PR +49 15 250 PA +49 15 251 PR +49 15 252 WA +49 15 253 PR +49 15 254 WA +49 15 255 YW +49 15 256 PA +49 15 257 PR +49 15 258 WI +49 15 259 PA +49 15 260 WA +49 15 261 WI +49 15 262 WA +49 15 263 WA +49 15 264 PR +49 15 265 PR +49 15 266 WI +49 15 267 PA +49 15 268 PR +49 15 269 PA +49 15 270 WI +49 15 271 YW +49 15 272 WA +49 15 273 PA +49 15 274 YW +49 15 275 WI +49 15 276 PA +49 15 277 PR +49 15 278 WI +49 15 279 PR +49 15 280 PR +49 15 281 PR +49 15 282 PR +49 15 283 WA +49 15 284 WA +49 15 285 PA +49 15 286 WA +49 15 287 WI +49 15 288 PA +49 15 289 PR +49 15 290 WA +49 15 291 PR +49 15 292 PA +49 15 293 PR +49 15 294 WA +49 15 295 YW +49 15 296 PA +49 15 297 WI +49 15 298 PA +49 15 299 WI +49 15 300 WA +49 15 301 PR +49 15 302 WA +49 15 303 PR +49 15 304 PR +49 15 305 PA +49 15 306 PR +49 15 307 PR +49 15 308 PA +49 15 309 WA +49 15 310 WI +49 15 311 PR +49 15 312 YW +49 15 313 PA +49 15 314 WA +49 15 315 PR +49 15 316 PR +49 15 317 PA +49 15 318 WA +49 15 319 WI +49 15 320 WI +49 15 321 PA +49 15 322 WI +49 15 323 PR +49 15 324 WA +49 15 325 PA +49 15 326 WI +49 15 327 WA +49 15 328 PR +49 15 329 WA +49 15 330 WA +49 16 1 PR +49 16 2 PR +49 16 3 PA +49 16 4 YW +49 16 5 PR +49 16 6 SI +49 16 7 PR +49 16 8 PA +49 16 9 PA +49 16 10 YW +49 16 11 YW +49 16 12 WI +49 16 13 PR +49 16 14 YW +49 16 15 OP +49 16 16 WH +49 16 17 PA +49 16 18 YW +49 16 19 PR +49 16 20 PR +49 16 21 PA +49 16 22 WI +49 16 23 PA +49 16 24 YW +49 16 25 PR +49 16 26 YW +49 16 27 WA +49 16 28 PA +49 16 29 PR +49 16 30 PA +49 16 31 WA +49 16 32 PA +49 16 33 PR +49 16 34 YW +49 16 35 PA +49 16 36 YW +49 16 37 PR +49 16 38 PA +49 16 39 PR +49 16 40 PR +49 16 41 PA +49 16 42 WA +49 16 43 YW +49 16 44 WA +49 16 45 PR +49 16 46 YW +49 16 47 YW +49 16 48 WA +49 16 49 PR +49 16 50 YW +49 16 51 YW +49 16 52 WA +49 16 53 PA +49 16 54 PR +49 16 55 PR +49 16 56 PR +49 16 57 PR +49 16 58 WI +49 16 59 WA +49 16 60 YW +49 16 61 PA +49 16 62 PR +49 16 63 PA +49 16 64 PR +49 16 65 PA +49 16 66 WH +49 16 67 PR +49 16 68 PA +49 16 69 YW +49 16 70 WA +49 16 71 YW +49 16 72 PR +49 16 73 PA +49 16 74 WA +49 16 75 YW +49 16 76 PR +49 16 77 PR +49 16 78 WA +49 16 79 YW +49 16 80 PR +49 16 81 PR +49 16 82 PR +49 16 83 WI +49 16 84 WA +49 16 85 PR +49 16 86 PA +49 16 87 YW +49 16 88 PA +49 16 89 YW +49 16 90 YW +49 16 91 PR +49 16 92 WH +49 16 93 PR +49 16 94 YW +49 16 95 WA +49 16 96 WI +49 16 97 PA +49 16 98 PA +49 16 99 WA +49 16 100 PR +49 16 101 PA +49 16 102 WA +49 16 103 PR +49 16 104 PR +49 16 105 PA +49 16 106 WI +49 16 107 WH +49 16 108 WI +49 16 109 PR +49 16 110 WI +49 16 111 YW +49 16 112 PA +49 16 113 YW +49 16 114 WI +49 16 115 PA +49 16 116 WA +49 16 117 YW +49 16 118 WA +49 16 119 WI +49 16 120 WH +49 16 121 PA +49 16 122 PR +49 16 123 PR +49 16 124 WI +49 16 125 PA +49 16 126 SI +49 16 127 YW +49 16 128 SI +49 16 129 WH +49 16 130 YW +49 16 131 PA +49 16 132 PA +49 16 133 PR +49 16 134 YW +49 16 135 PA +49 16 136 PR +49 16 137 PR +49 16 138 WA +49 16 139 WH +49 16 140 PR +49 16 141 WH +49 16 142 WH +49 16 143 PR +49 16 144 PA +49 16 145 PR +49 16 146 SI +49 16 147 PR +49 16 148 PA +49 16 149 PR +49 16 150 PA +49 16 151 SI +49 16 152 SI +49 16 153 PR +49 16 154 YW +49 16 155 YW +49 16 156 PR +49 16 157 YW +49 16 158 WH +49 16 159 WI +49 16 160 SI +49 16 161 PR +49 16 162 PA +49 16 163 PR +49 16 164 PR +49 16 165 YW +49 16 166 YW +49 16 167 SI +49 16 168 PR +49 16 169 PR +49 16 170 YW +49 16 171 PR +49 16 172 WH +49 16 173 PA +49 16 174 WI +49 16 175 WA +49 16 176 PA +49 16 177 WI +49 16 178 YW +49 16 179 YW +49 16 180 PR +49 16 181 SI +49 16 182 YW +49 16 183 YW +49 16 184 PA +49 16 185 SI +49 16 186 PR +49 16 187 WI +49 16 188 PR +49 16 189 WA +49 16 190 WA +49 16 191 PR +49 16 192 YW +49 16 193 PR +49 16 194 YW +49 16 195 PR +49 16 196 WA +49 16 197 PA +49 16 198 YW +49 16 199 WH +49 16 200 PR +49 16 201 WA +49 16 202 PR +49 16 203 PA +49 16 204 YW +49 16 205 PA +49 16 206 WA +49 16 207 PA +49 16 208 SI +49 16 209 PR +49 16 210 YW +49 16 211 PR +49 16 212 WI +49 16 213 WA +49 16 214 PR +49 16 215 SI +49 16 216 YW +49 16 217 SI +49 16 218 PR +49 16 219 WA +49 16 220 YW +49 16 221 WA +49 16 222 YW +49 16 223 PR +49 16 224 SI +49 16 225 PR +49 16 226 YW +49 16 227 YW +49 16 228 PR +49 16 229 PR +49 16 230 WH +49 16 231 PA +49 16 232 YW +49 16 233 PR +49 16 234 PR +49 16 235 YW +49 16 236 PR +49 16 237 WI +49 16 238 PR +49 16 239 SI +49 16 240 YW +49 16 241 WH +49 16 242 WI +49 16 243 PA +49 16 244 SI +49 16 245 PA +49 16 246 PR +49 16 247 YW +49 16 248 YW +49 16 249 PR +49 16 250 YW +49 16 251 WI +49 16 252 WH +49 16 253 PR +49 16 254 WH +49 16 255 YW +49 16 256 PA +49 16 257 YW +49 16 258 SI +49 16 259 PA +49 16 260 WH +49 16 261 SI +49 16 262 WH +49 16 263 YW +49 16 264 PR +49 16 265 PR +49 16 266 PA +49 16 267 YW +49 16 268 PR +49 16 269 PA +49 16 270 SI +49 16 271 YW +49 16 272 WH +49 16 273 SI +49 16 274 WH +49 16 275 PR +49 16 276 PA +49 16 277 YW +49 16 278 SI +49 16 279 PR +49 16 280 PR +49 16 281 PR +49 16 282 PR +49 16 283 YW +49 16 284 WH +49 16 285 SI +49 16 286 WH +49 16 287 YW +49 16 288 PA +49 16 289 PR +49 16 290 WH +49 16 291 PR +49 16 292 SI +49 16 293 WH +49 16 294 WH +49 16 295 YW +49 16 296 PA +49 16 297 WI +49 16 298 PA +49 16 299 PR +49 16 300 WA +49 16 301 PR +49 16 302 WH +49 16 303 WA +49 16 304 PR +49 16 305 PA +49 16 306 PR +49 16 307 PR +49 16 308 WA +49 16 309 YW +49 16 310 PR +49 16 311 PA +49 16 312 YW +49 16 313 PA +49 16 314 WH +49 16 315 PR +49 16 316 PR +49 16 317 PA +49 16 318 SI +49 16 319 WH +49 16 320 PR +49 16 321 PA +49 16 322 WA +49 16 323 PR +49 16 324 WH +49 16 325 PA +49 16 326 SI +49 16 327 WA +49 16 328 PR +49 16 329 SI +49 16 330 WA +49 17 1 PR +49 17 2 PR +49 17 3 PA +49 17 4 PA +49 17 5 PR +49 17 6 WI +49 17 7 PR +49 17 8 PA +49 17 9 WI +49 17 10 PR +49 17 11 PR +49 17 12 WI +49 17 13 PR +49 17 14 PR +49 17 15 WA +49 17 16 WH +49 17 17 PA +49 17 18 WH +49 17 19 PR +49 17 20 PR +49 17 21 PA +49 17 22 WI +49 17 23 PA +49 17 24 WH +49 17 25 PR +49 17 26 PR +49 17 27 WA +49 17 28 * +49 17 29 PA +49 17 30 PR +49 17 31 WI +49 17 32 PA +49 17 33 PR +49 17 34 PR +49 17 35 PA +49 17 36 PR +49 17 37 PR +49 17 38 PA +49 17 39 PR +49 17 40 PR +49 17 41 PA +49 17 42 WI +49 17 43 PR +49 17 44 WH +49 17 45 PR +49 17 46 WH +49 17 47 PR +49 17 48 WI +49 17 49 PR +49 17 50 PA +49 17 51 WI +49 17 52 WH +49 17 53 PA +49 17 54 PR +49 17 55 PR +49 17 56 WI +49 17 57 PR +49 17 58 WI +49 17 59 WH +49 17 60 PR +49 17 61 PA +49 17 62 WA +49 17 63 PA +49 17 64 PR +49 17 65 PA +49 17 66 WH +49 17 67 PR +49 17 68 PA +49 17 69 WI +49 17 70 WA +49 17 71 PR +49 17 72 PA +49 17 73 WH +49 17 74 PR +49 17 75 WI +49 17 76 PR +49 17 77 WI +49 17 78 YW +49 17 79 PR +49 17 80 PR +49 17 81 PR +49 17 82 OP +49 17 83 WI +49 17 84 PR +49 17 85 PA +49 17 86 YW +49 17 87 PA +49 17 88 YW +49 17 89 PR +49 17 90 WI +49 17 91 WA +49 17 92 PR +49 17 93 YW +49 17 94 WH +49 17 95 PR +49 17 96 PA +49 17 97 PA +49 17 98 WA +49 17 99 PR +49 17 100 PA +49 17 101 WA +49 17 102 WI +49 17 103 PR +49 17 104 PA +49 17 105 WI +49 17 106 WH +49 17 107 WH +49 17 108 PR +49 17 109 WI +49 17 110 YW +49 17 111 PR +49 17 112 PA +49 17 113 YW +49 17 114 PR +49 17 115 PA +49 17 116 WH +49 17 117 YW +49 17 118 PA +49 17 119 PR +49 17 120 WH +49 17 121 PA +49 17 122 PR +49 17 123 PR +49 17 124 WI +49 17 125 WI +49 17 126 PA +49 17 127 YW +49 17 128 WI +49 17 129 WA +49 17 130 YW +49 17 131 PA +49 17 132 PA +49 17 133 PR +49 17 134 YW +49 17 135 PA +49 17 136 PR +49 17 137 PR +49 17 138 PR +49 17 139 WA +49 17 140 PR +49 17 141 WH +49 17 142 WA +49 17 143 WI +49 17 144 PA +49 17 145 PA +49 17 146 WI +49 17 147 PR +49 17 148 PA +49 17 149 PR +49 17 150 PA +49 17 151 WI +49 17 152 PA +49 17 153 PR +49 17 154 YW +49 17 155 WI +49 17 156 PR +49 17 157 WI +49 17 158 WH +49 17 159 WI +49 17 160 WA +49 17 161 PR +49 17 162 PA +49 17 163 PR +49 17 164 PA +49 17 165 WI +49 17 166 PR +49 17 167 WA +49 17 168 PR +49 17 169 PR +49 17 170 YW +49 17 171 PR +49 17 172 WH +49 17 173 PA +49 17 174 WI +49 17 175 PR +49 17 176 PA +49 17 177 WI +49 17 178 PR +49 17 179 PA +49 17 180 PR +49 17 181 WI +49 17 182 PA +49 17 183 WA +49 17 184 PA +49 17 185 WI +49 17 186 PR +49 17 187 WI +49 17 188 PR +49 17 189 WH +49 17 190 WI +49 17 191 PR +49 17 192 PA +49 17 193 WI +49 17 194 PA +49 17 195 PR +49 17 196 PR +49 17 197 PA +49 17 198 YW +49 17 199 WA +49 17 200 WI +49 17 201 PA +49 17 202 PR +49 17 203 PA +49 17 204 YW +49 17 205 PA +49 17 206 WH +49 17 207 PA +49 17 208 WI +49 17 209 PR +49 17 210 PR +49 17 211 PR +49 17 212 WI +49 17 213 WA +49 17 214 PR +49 17 215 PA +49 17 216 YW +49 17 217 WI +49 17 218 PR +49 17 219 WI +49 17 220 PR +49 17 221 WH +49 17 222 PA +49 17 223 PR +49 17 224 WA +49 17 225 WI +49 17 226 PR +49 17 227 YW +49 17 228 PR +49 17 229 PR +49 17 230 WH +49 17 231 PA +49 17 232 WI +49 17 233 PR +49 17 234 PR +49 17 235 WH +49 17 236 WI +49 17 237 WI +49 17 238 PR +49 17 239 PA +49 17 240 WI +49 17 241 WH +49 17 242 WA +49 17 243 PA +49 17 244 WH +49 17 245 PA +49 17 246 PR +49 17 247 WI +49 17 248 YW +49 17 249 PR +49 17 250 PR +49 17 251 WI +49 17 252 WA +49 17 253 PR +49 17 254 PR +49 17 255 YW +49 17 256 PA +49 17 257 PR +49 17 258 WI +49 17 259 PA +49 17 260 WH +49 17 261 PA +49 17 262 WA +49 17 263 YW +49 17 264 PR +49 17 265 PR +49 17 266 PA +49 17 267 PA +49 17 268 PR +49 17 269 PA +49 17 270 WI +49 17 271 YW +49 17 272 WH +49 17 273 PA +49 17 274 WH +49 17 275 WI +49 17 276 PA +49 17 277 YW +49 17 278 PA +49 17 279 PR +49 17 280 PR +49 17 281 PR +49 17 282 PR +49 17 283 WI +49 17 284 WH +49 17 285 PA +49 17 286 WH +49 17 287 WI +49 17 288 PA +49 17 289 PR +49 17 290 WA +49 17 291 PR +49 17 292 WI +49 17 293 WH +49 17 294 WH +49 17 295 YW +49 17 296 PA +49 17 297 WI +49 17 298 PA +49 17 299 PR +49 17 300 YW +49 17 301 PR +49 17 302 WH +49 17 303 PR +49 17 304 PR +49 17 305 PA +49 17 306 PR +49 17 307 PR +49 17 308 PA +49 17 309 YW +49 17 310 PR +49 17 311 PR +49 17 312 YW +49 17 313 PA +49 17 314 WA +49 17 315 PR +49 17 316 PR +49 17 317 PA +49 17 318 WI +49 17 319 WH +49 17 320 YW +49 17 321 PA +49 17 322 PR +49 17 323 PR +49 17 324 WH +49 17 325 PA +49 17 326 WI +49 17 327 WA +49 17 328 PR +49 17 329 WI +49 17 330 WH +49 18 1 PR +49 18 2 PR +49 18 3 PA +49 18 4 YW +49 18 5 PR +49 18 6 OP +49 18 7 PR +49 18 8 PA +49 18 9 OP +49 18 10 PR +49 18 11 PR +49 18 12 WH +49 18 13 PR +49 18 14 PR +49 18 15 OP +49 18 16 WH +49 18 17 PA +49 18 18 YW +49 18 19 PR +49 18 20 PR +49 18 21 PA +49 18 22 OP +49 18 23 PR +49 18 24 YW +49 18 25 PR +49 18 26 PR +49 18 27 OP +49 18 28 PA +49 18 29 PR +49 18 30 PA +49 18 31 PR +49 18 32 PA +49 18 33 PR +49 18 34 PR +49 18 35 PA +49 18 36 PR +49 18 37 PR +49 18 38 PA +49 18 39 PR +49 18 40 PR +49 18 41 PA +49 18 42 OP +49 18 43 YW +49 18 44 WH +49 18 45 PR +49 18 46 OP +49 18 47 PR +49 18 48 OP +49 18 49 PR +49 18 50 YW +49 18 51 YW +49 18 52 PR +49 18 53 WH +49 18 54 PA +49 18 55 PR +49 18 56 OP +49 18 57 PR +49 18 58 WI +49 18 59 OP +49 18 60 YW +49 18 61 PA +49 18 62 PA +49 18 63 PA +49 18 64 PR +49 18 65 PR +49 18 66 WH +49 18 67 PR +49 18 68 PA +49 18 69 YW +49 18 70 WA +49 18 71 PA +49 18 72 PR +49 18 73 PA +49 18 74 PR +49 18 75 YW +49 18 76 PA +49 18 77 PR +49 18 78 WI +49 18 79 YW +49 18 80 PR +49 18 81 PR +49 18 82 PR +49 18 83 WI +49 18 84 WI +49 18 85 PR +49 18 86 PA +49 18 87 YW +49 18 88 PA +49 18 89 YW +49 18 90 YW +49 18 91 PR +49 18 92 OP +49 18 93 PR +49 18 94 YW +49 18 95 WH +49 18 96 WI +49 18 97 YW +49 18 98 PA +49 18 99 WA +49 18 100 PR +49 18 101 PA +49 18 102 WA +49 18 103 YW +49 18 104 PR +49 18 105 PA +49 18 106 WI +49 18 107 WH +49 18 108 PR +49 18 109 YW +49 18 110 WI +49 18 111 YW +49 18 112 PA +49 18 113 YW +49 18 114 PR +49 18 115 PA +49 18 116 PR +49 18 117 YW +49 18 118 PA +49 18 119 PR +49 18 120 WH +49 18 121 PA +49 18 122 PR +49 18 123 PR +49 18 124 WI +49 18 125 PA +49 18 126 OP +49 18 127 YW +49 18 128 WI +49 18 129 WH +49 18 130 YW +49 18 131 PA +49 18 132 PA +49 18 133 PR +49 18 134 YW +49 18 135 PA +49 18 136 PR +49 18 137 PR +49 18 138 PR +49 18 139 WH +49 18 140 PR +49 18 141 WH +49 18 142 WH +49 18 143 PR +49 18 144 YW +49 18 145 PR +49 18 146 WI +49 18 147 PR +49 18 148 PA +49 18 149 PR +49 18 150 YW +49 18 151 WI +49 18 152 WI +49 18 153 PR +49 18 154 YW +49 18 155 YW +49 18 156 PR +49 18 157 YW +49 18 158 WH +49 18 159 WI +49 18 160 WI +49 18 161 PR +49 18 162 PA +49 18 163 PR +49 18 164 PR +49 18 165 YW +49 18 166 YW +49 18 167 OP +49 18 168 PR +49 18 169 PR +49 18 170 YW +49 18 171 PR +49 18 172 WH +49 18 173 PA +49 18 174 WI +49 18 175 PR +49 18 176 PA +49 18 177 WI +49 18 178 PR +49 18 179 PA +49 18 180 PR +49 18 181 WI +49 18 182 PA +49 18 183 YW +49 18 184 PA +49 18 185 OP +49 18 186 PR +49 18 187 WI +49 18 188 PR +49 18 189 WH +49 18 190 WI +49 18 191 PR +49 18 192 PA +49 18 193 WI +49 18 194 PA +49 18 195 PR +49 18 196 PR +49 18 197 PA +49 18 198 YW +49 18 199 WH +49 18 200 PR +49 18 201 PA +49 18 202 PR +49 18 203 PA +49 18 204 YW +49 18 205 YW +49 18 206 WH +49 18 207 PA +49 18 208 WI +49 18 209 PR +49 18 210 YW +49 18 211 PR +49 18 212 WI +49 18 213 WH +49 18 214 WI +49 18 215 PA +49 18 216 YW +49 18 217 WI +49 18 218 PR +49 18 219 WH +49 18 220 PR +49 18 221 PR +49 18 222 PA +49 18 223 PR +49 18 224 WH +49 18 225 WI +49 18 226 PR +49 18 227 YW +49 18 228 YW +49 18 229 PR +49 18 230 WH +49 18 231 PA +49 18 232 YW +49 18 233 YW +49 18 234 PR +49 18 235 PR +49 18 236 PR +49 18 237 WA +49 18 238 PR +49 18 239 SI +49 18 240 PA +49 18 241 WH +49 18 242 WI +49 18 243 PA +49 18 244 WH +49 18 245 PA +49 18 246 PR +49 18 247 PR +49 18 248 YW +49 18 249 PR +49 18 250 YW +49 18 251 PR +49 18 252 WH +49 18 253 PR +49 18 254 PR +49 18 255 YW +49 18 256 PA +49 18 257 PR +49 18 258 WI +49 18 259 PA +49 18 260 WI +49 18 261 WI +49 18 262 WH +49 18 263 WH +49 18 264 PR +49 18 265 PR +49 18 266 PA +49 18 267 PA +49 18 268 PR +49 18 269 PA +49 18 270 WI +49 18 271 PR +49 18 272 WH +49 18 273 PA +49 18 274 WH +49 18 275 PR +49 18 276 PA +49 18 277 PR +49 18 278 SI +49 18 279 PR +49 18 280 PR +49 18 281 PR +49 18 282 PR +49 18 283 YW +49 18 284 WH +49 18 285 SI +49 18 286 OP +49 18 287 PR +49 18 288 PA +49 18 289 PR +49 18 290 WA +49 18 291 PR +49 18 292 WI +49 18 293 WH +49 18 294 WH +49 18 295 YW +49 18 296 PA +49 18 297 WI +49 18 298 PA +49 18 299 PR +49 18 300 WH +49 18 301 PR +49 18 302 WH +49 18 303 WH +49 18 304 PR +49 18 305 PA +49 18 306 PR +49 18 307 PR +49 18 308 PA +49 18 309 YW +49 18 310 PR +49 18 311 PR +49 18 312 YW +49 18 313 YW +49 18 314 WH +49 18 315 PR +49 18 316 PR +49 18 317 PA +49 18 318 WH +49 18 319 PA +49 18 320 YW +49 18 321 PA +49 18 322 PR +49 18 323 PR +49 18 324 WH +49 18 325 PA +49 18 326 WI +49 18 327 WH +49 18 328 PR +49 18 329 SI +49 18 330 WH +49 19 1 PR +49 19 2 PR +49 19 3 PA +49 19 4 YW +49 19 5 PR +49 19 6 OP +49 19 7 PR +49 19 8 PA +49 19 9 OP +49 19 10 PR +49 19 11 PR +49 19 12 WI +49 19 13 PR +49 19 14 PR +49 19 15 OP +49 19 16 WH +49 19 17 PA +49 19 18 YW +49 19 19 PR +49 19 20 PR +49 19 21 PA +49 19 22 OP +49 19 23 PR +49 19 24 YW +49 19 25 PR +49 19 26 PA +49 19 27 PR +49 19 28 WH +49 19 29 PR +49 19 30 OP +49 19 31 PR +49 19 32 PA +49 19 33 PR +49 19 34 PR +49 19 35 PA +49 19 36 PR +49 19 37 PR +49 19 38 PA +49 19 39 PR +49 19 40 PR +49 19 41 PA +49 19 42 OP +49 19 43 YW +49 19 44 WH +49 19 45 PR +49 19 46 YW +49 19 47 YW +49 19 48 WI +49 19 49 PR +49 19 50 YW +49 19 51 OP +49 19 52 PR +49 19 53 PA +49 19 54 * +49 19 55 PR +49 19 56 OP +49 19 57 PR +49 19 58 OP +49 19 59 WH +49 19 60 PR +49 19 61 PA +49 19 62 YW +49 19 63 PA +49 19 64 PR +49 19 65 PA +49 19 66 WH +49 19 67 PR +49 19 68 PA +49 19 69 YW +49 19 70 WH +49 19 71 PA +49 19 72 PR +49 19 73 PA +49 19 74 PR +49 19 75 PR +49 19 76 PA +49 19 77 PR +49 19 78 OP +49 19 79 YW +49 19 80 PR +49 19 81 PR +49 19 82 PR +49 19 83 OP +49 19 84 OP +49 19 85 PR +49 19 86 PA +49 19 87 YW +49 19 88 PA +49 19 89 YW +49 19 90 PR +49 19 91 WI +49 19 92 WH +49 19 93 PR +49 19 94 YW +49 19 95 PR +49 19 96 WI +49 19 97 YW +49 19 98 PA +49 19 99 WH +49 19 100 PR +49 19 101 PA +49 19 102 PR +49 19 103 YW +49 19 104 PR +49 19 105 PA +49 19 106 WI +49 19 107 WH +49 19 108 PR +49 19 109 PR +49 19 110 OP +49 19 111 YW +49 19 112 PA +49 19 113 YW +49 19 114 PR +49 19 115 PA +49 19 116 PR +49 19 117 YW +49 19 118 PA +49 19 119 PR +49 19 120 WH +49 19 121 PA +49 19 122 PR +49 19 123 PR +49 19 124 WI +49 19 125 PA +49 19 126 PA +49 19 127 YW +49 19 128 WI +49 19 129 WH +49 19 130 YW +49 19 131 PA +49 19 132 PA +49 19 133 PR +49 19 134 YW +49 19 135 PA +49 19 136 PR +49 19 137 PR +49 19 138 PR +49 19 139 WH +49 19 140 PR +49 19 141 WH +49 19 142 WH +49 19 143 PR +49 19 144 YW +49 19 145 PR +49 19 146 OP +49 19 147 PR +49 19 148 PA +49 19 149 PR +49 19 150 YW +49 19 151 OP +49 19 152 OP +49 19 153 PR +49 19 154 YW +49 19 155 YW +49 19 156 PR +49 19 157 YW +49 19 158 WH +49 19 159 OP +49 19 160 OP +49 19 161 PR +49 19 162 PA +49 19 163 PR +49 19 164 PR +49 19 165 PR +49 19 166 PR +49 19 167 OP +49 19 168 PR +49 19 169 PR +49 19 170 YW +49 19 171 PR +49 19 172 WH +49 19 173 PA +49 19 174 WI +49 19 175 PR +49 19 176 PA +49 19 177 WI +49 19 178 PR +49 19 179 PA +49 19 180 PR +49 19 181 OP +49 19 182 PA +49 19 183 OP +49 19 184 PA +49 19 185 OP +49 19 186 PR +49 19 187 OP +49 19 188 PR +49 19 189 PR +49 19 190 PA +49 19 191 PR +49 19 192 YW +49 19 193 WI +49 19 194 PA +49 19 195 PR +49 19 196 PR +49 19 197 PA +49 19 198 YW +49 19 199 WH +49 19 200 PR +49 19 201 OP +49 19 202 PR +49 19 203 PA +49 19 204 YW +49 19 205 YW +49 19 206 WH +49 19 207 PA +49 19 208 OP +49 19 209 PR +49 19 210 YW +49 19 211 PR +49 19 212 OP +49 19 213 WH +49 19 214 WI +49 19 215 PA +49 19 216 YW +49 19 217 OP +49 19 218 WI +49 19 219 WH +49 19 220 PR +49 19 221 WH +49 19 222 YW +49 19 223 PR +49 19 224 WH +49 19 225 WI +49 19 226 PR +49 19 227 YW +49 19 228 PR +49 19 229 PR +49 19 230 WH +49 19 231 PA +49 19 232 YW +49 19 233 PR +49 19 234 PR +49 19 235 PR +49 19 236 WI +49 19 237 OP +49 19 238 PR +49 19 239 PA +49 19 240 YW +49 19 241 WH +49 19 242 WH +49 19 243 PA +49 19 244 WH +49 19 245 PA +49 19 246 PR +49 19 247 PR +49 19 248 YW +49 19 249 PR +49 19 250 YW +49 19 251 PR +49 19 252 WH +49 19 253 PR +49 19 254 PR +49 19 255 YW +49 19 256 PA +49 19 257 PR +49 19 258 WI +49 19 259 PA +49 19 260 WI +49 19 261 OP +49 19 262 WH +49 19 263 WH +49 19 264 WH +49 19 265 PR +49 19 266 PA +49 19 267 YW +49 19 268 PR +49 19 269 PA +49 19 270 OP +49 19 271 YW +49 19 272 WH +49 19 273 PA +49 19 274 WH +49 19 275 WI +49 19 276 PA +49 19 277 PR +49 19 278 OP +49 19 279 PR +49 19 280 PR +49 19 281 PR +49 19 282 PR +49 19 283 YW +49 19 284 WH +49 19 285 OP +49 19 286 WH +49 19 287 OP +49 19 288 PA +49 19 289 PR +49 19 290 WH +49 19 291 PR +49 19 292 OP +49 19 293 WH +49 19 294 WH +49 19 295 YW +49 19 296 PR +49 19 297 WI +49 19 298 PA +49 19 299 PR +49 19 300 WH +49 19 301 PR +49 19 302 WH +49 19 303 WH +49 19 304 PR +49 19 305 PA +49 19 306 PR +49 19 307 PR +49 19 308 YW +49 19 309 YW +49 19 310 PR +49 19 311 PR +49 19 312 YW +49 19 313 YW +49 19 314 WH +49 19 315 PR +49 19 316 PR +49 19 317 PA +49 19 318 OP +49 19 319 WH +49 19 320 PR +49 19 321 PA +49 19 322 PR +49 19 323 PR +49 19 324 WH +49 19 325 PA +49 19 326 OP +49 19 327 WH +49 19 328 PR +49 19 329 OP +49 19 330 WH +49 20 1 PR +49 20 2 PR +49 20 3 PA +49 20 4 YW +49 20 5 PR +49 20 6 SU +49 20 7 PR +49 20 8 PA +49 20 9 YW +49 20 10 PR +49 20 11 YW +49 20 12 WI +49 20 13 PR +49 20 14 YW +49 20 15 PA +49 20 16 WH +49 20 17 PA +49 20 18 YW +49 20 19 PR +49 20 20 PR +49 20 21 PA +49 20 22 WI +49 20 23 PA +49 20 24 YW +49 20 25 PR +49 20 26 PR +49 20 27 WH +49 20 28 PA +49 20 29 PR +49 20 30 WI +49 20 31 PR +49 20 32 PA +49 20 33 WI +49 20 34 PR +49 20 35 PA +49 20 36 YW +49 20 37 PR +49 20 38 PA +49 20 39 PR +49 20 40 PA +49 20 41 PR +49 20 42 WI +49 20 43 YW +49 20 44 WH +49 20 45 PR +49 20 46 YW +49 20 47 PR +49 20 48 WH +49 20 49 PR +49 20 50 YW +49 20 51 WH +49 20 52 WH +49 20 53 PA +49 20 54 PR +49 20 55 PR +49 20 56 PA +49 20 57 YW +49 20 58 WI +49 20 59 WH +49 20 60 PR +49 20 61 PA +49 20 62 PR +49 20 63 PA +49 20 64 PR +49 20 65 PA +49 20 66 WH +49 20 67 PR +49 20 68 PA +49 20 69 YW +49 20 70 WH +49 20 71 PA +49 20 72 PR +49 20 73 PA +49 20 74 PR +49 20 75 YW +49 20 76 PA +49 20 77 PR +49 20 78 PA +49 20 79 YW +49 20 80 PR +49 20 81 PR +49 20 82 PR +49 20 83 WH +49 20 84 PA +49 20 85 PR +49 20 86 PA +49 20 87 YW +49 20 88 PA +49 20 89 YW +49 20 90 YW +49 20 91 WI +49 20 92 WH +49 20 93 PR +49 20 94 YW +49 20 95 WH +49 20 96 WI +49 20 97 PR +49 20 98 PA +49 20 99 PA +49 20 100 WI +49 20 101 PA +49 20 102 PA +49 20 103 YW +49 20 104 WI +49 20 105 PA +49 20 106 WI +49 20 107 YW +49 20 108 YW +49 20 109 YW +49 20 110 WI +49 20 111 YW +49 20 112 PA +49 20 113 YW +49 20 114 PR +49 20 115 PA +49 20 116 YW +49 20 117 YW +49 20 118 PA +49 20 119 PR +49 20 120 WH +49 20 121 PA +49 20 122 PR +49 20 123 YW +49 20 124 PR +49 20 125 PA +49 20 126 PA +49 20 127 YW +49 20 128 WI +49 20 129 YW +49 20 130 YW +49 20 131 PA +49 20 132 PA +49 20 133 PR +49 20 134 YW +49 20 135 PA +49 20 136 PR +49 20 137 YW +49 20 138 PR +49 20 139 YW +49 20 140 YW +49 20 141 WH +49 20 142 YW +49 20 143 PR +49 20 144 YW +49 20 145 PR +49 20 146 WI +49 20 147 PR +49 20 148 PA +49 20 149 PR +49 20 150 PA +49 20 151 PA +49 20 152 PA +49 20 153 PR +49 20 154 YW +49 20 155 YW +49 20 156 PR +49 20 157 YW +49 20 158 WH +49 20 159 WI +49 20 160 PA +49 20 161 WI +49 20 162 PA +49 20 163 PR +49 20 164 PR +49 20 165 YW +49 20 166 YW +49 20 167 PA +49 20 168 PR +49 20 169 PR +49 20 170 YW +49 20 171 YW +49 20 172 WH +49 20 173 PA +49 20 174 WI +49 20 175 PR +49 20 176 PA +49 20 177 WI +49 20 178 PR +49 20 179 PA +49 20 180 PR +49 20 181 YW +49 20 182 PA +49 20 183 YW +49 20 184 PA +49 20 185 YW +49 20 186 PR +49 20 187 WI +49 20 188 PR +49 20 189 PR +49 20 190 PA +49 20 191 PR +49 20 192 PA +49 20 193 WI +49 20 194 PA +49 20 195 PR +49 20 196 PR +49 20 197 PA +49 20 198 YW +49 20 199 WH +49 20 200 PR +49 20 201 PA +49 20 202 PR +49 20 203 PA +49 20 204 YW +49 20 205 PA +49 20 206 WH +49 20 207 PA +49 20 208 WI +49 20 209 PR +49 20 210 YW +49 20 211 PR +49 20 212 PA +49 20 213 PA +49 20 214 PR +49 20 215 PA +49 20 216 YW +49 20 217 PA +49 20 218 YW +49 20 219 PR +49 20 220 PR +49 20 221 WH +49 20 222 PA +49 20 223 PR +49 20 224 WH +49 20 225 OP +49 20 226 YW +49 20 227 YW +49 20 228 YW +49 20 229 PR +49 20 230 PA +49 20 231 PA +49 20 232 YW +49 20 233 YW +49 20 234 PR +49 20 235 PR +49 20 236 SU +49 20 237 PA +49 20 238 PR +49 20 239 PA +49 20 240 PA +49 20 241 WH +49 20 242 WI +49 20 243 PA +49 20 244 WH +49 20 245 PA +49 20 246 PR +49 20 247 PA +49 20 248 YW +49 20 249 PR +49 20 250 PA +49 20 251 PR +49 20 252 WH +49 20 253 PR +49 20 254 PR +49 20 255 YW +49 20 256 PA +49 20 257 PR +49 20 258 WI +49 20 259 PA +49 20 260 WI +49 20 261 PA +49 20 262 WH +49 20 263 YW +49 20 264 PR +49 20 265 PR +49 20 266 PA +49 20 267 PA +49 20 268 WI +49 20 269 PA +49 20 270 SU +49 20 271 YW +49 20 272 WH +49 20 273 PA +49 20 274 WH +49 20 275 PR +49 20 276 PA +49 20 277 YW +49 20 278 WI +49 20 279 PR +49 20 280 WI +49 20 281 PR +49 20 282 PR +49 20 283 PA +49 20 284 WH +49 20 285 PA +49 20 286 WH +49 20 287 SU +49 20 288 PA +49 20 289 PR +49 20 290 WH +49 20 291 PR +49 20 292 PA +49 20 293 PR +49 20 294 YW +49 20 295 YW +49 20 296 PA +49 20 297 SU +49 20 298 PA +49 20 299 PR +49 20 300 YW +49 20 301 PR +49 20 302 WH +49 20 303 PR +49 20 304 PR +49 20 305 PA +49 20 306 PR +49 20 307 PR +49 20 308 PA +49 20 309 YW +49 20 310 PR +49 20 311 PR +49 20 312 YW +49 20 313 PR +49 20 314 WH +49 20 315 PR +49 20 316 PR +49 20 317 PA +49 20 318 WH +49 20 319 SU +49 20 320 PR +49 20 321 PA +49 20 322 PR +49 20 323 PR +49 20 324 WH +49 20 325 PA +49 20 326 SU +49 20 327 WH +49 20 328 PR +49 20 329 YW +49 20 330 PR +49 21 1 PR +49 21 2 PR +49 21 3 PA +49 21 4 YW +49 21 5 PR +49 21 6 PA +49 21 7 PR +49 21 8 PA +49 21 9 PR +49 21 10 PR +49 21 11 YW +49 21 12 WI +49 21 13 PR +49 21 14 YW +49 21 15 PA +49 21 16 WH +49 21 17 PA +49 21 18 YW +49 21 19 PR +49 21 20 PR +49 21 21 PA +49 21 22 WI +49 21 23 PA +49 21 24 YW +49 21 25 PR +49 21 26 PR +49 21 27 WH +49 21 28 PA +49 21 29 PR +49 21 30 PA +49 21 31 PR +49 21 32 PA +49 21 33 PR +49 21 34 PR +49 21 35 PA +49 21 36 YW +49 21 37 PR +49 21 38 PA +49 21 39 PR +49 21 40 PA +49 21 41 PR +49 21 42 WI +49 21 43 YW +49 21 44 WH +49 21 45 PR +49 21 46 YW +49 21 47 YW +49 21 48 WI +49 21 49 PR +49 21 50 PA +49 21 51 YW +49 21 52 WH +49 21 53 PA +49 21 54 PR +49 21 55 PR +49 21 56 PA +49 21 57 PR +49 21 58 WI +49 21 59 PA +49 21 60 YW +49 21 61 PA +49 21 62 PA +49 21 63 PA +49 21 64 PR +49 21 65 PA +49 21 66 WH +49 21 67 PR +49 21 68 PA +49 21 69 YW +49 21 70 PA +49 21 71 PA +49 21 72 PR +49 21 73 PA +49 21 74 PR +49 21 75 YW +49 21 76 PA +49 21 77 PR +49 21 78 PA +49 21 79 YW +49 21 80 PR +49 21 81 PR +49 21 82 PR +49 21 83 WH +49 21 84 PA +49 21 85 PR +49 21 86 PA +49 21 87 YW +49 21 88 PA +49 21 89 YW +49 21 90 YW +49 21 91 WI +49 21 92 WH +49 21 93 PR +49 21 94 YW +49 21 95 PR +49 21 96 WI +49 21 97 YW +49 21 98 PA +49 21 99 PA +49 21 100 PR +49 21 101 PA +49 21 102 WI +49 21 103 YW +49 21 104 PR +49 21 105 PA +49 21 106 WI +49 21 107 WH +49 21 108 PR +49 21 109 PR +49 21 110 WI +49 21 111 YW +49 21 112 PA +49 21 113 YW +49 21 114 PR +49 21 115 PA +49 21 116 PR +49 21 117 YW +49 21 118 PA +49 21 119 PR +49 21 120 WH +49 21 121 PA +49 21 122 PR +49 21 123 PR +49 21 124 PA +49 21 125 PA +49 21 126 YW +49 21 127 WI +49 21 128 WH +49 21 129 YW +49 21 130 PA +49 21 131 PA +49 21 132 PR +49 21 133 YW +49 21 134 PA +49 21 135 PR +49 21 136 YW +49 21 137 PR +49 21 138 WH +49 21 139 PR +49 21 140 WH +49 21 141 WH +49 21 142 PR +49 21 143 YW +49 21 144 PR +49 21 145 WI +49 21 146 PR +49 21 147 PA +49 21 148 PR +49 21 149 YW +49 21 150 PA +49 21 151 PA +49 21 152 PR +49 21 153 YW +49 21 154 YW +49 21 155 PR +49 21 156 YW +49 21 157 WH +49 21 158 WI +49 21 159 PA +49 21 160 PR +49 21 161 PA +49 21 162 PR +49 21 163 PR +49 21 164 YW +49 21 165 YW +49 21 166 PA +49 21 167 WH +49 21 168 PR +49 21 169 PR +49 21 170 YW +49 21 171 YW +49 21 172 WH +49 21 173 PA +49 21 174 WI +49 21 175 PR +49 21 176 PA +49 21 177 WI +49 21 178 PR +49 21 179 PA +49 21 180 PR +49 21 181 WI +49 21 182 PA +49 21 183 YW +49 21 184 PA +49 21 185 PA +49 21 186 PA +49 21 187 WI +49 21 188 PR +49 21 189 PR +49 21 190 PA +49 21 191 PR +49 21 192 PA +49 21 193 WI +49 21 194 PA +49 21 195 PR +49 21 196 PR +49 21 197 PA +49 21 198 YW +49 21 199 WH +49 21 200 PR +49 21 201 PA +49 21 202 PR +49 21 203 PA +49 21 204 YW +49 21 205 PR +49 21 206 WH +49 21 207 PA +49 21 208 WI +49 21 209 PR +49 21 210 PA +49 21 211 PR +49 21 212 WI +49 21 213 PA +49 21 214 WI +49 21 215 PA +49 21 216 YW +49 21 217 PA +49 21 218 WI +49 21 219 WH +49 21 220 PR +49 21 221 WH +49 21 222 PA +49 21 223 PR +49 21 224 WH +49 21 225 WI +49 21 226 YW +49 21 227 YW +49 21 228 YW +49 21 229 PR +49 21 230 WH +49 21 231 PA +49 21 232 WH +49 21 233 PA +49 21 234 PR +49 21 235 PR +49 21 236 WI +49 21 237 PA +49 21 238 PR +49 21 239 PA +49 21 240 PA +49 21 241 WH +49 21 242 WI +49 21 243 PA +49 21 244 WH +49 21 245 PA +49 21 246 PR +49 21 247 PA +49 21 248 YW +49 21 249 PR +49 21 250 PA +49 21 251 PR +49 21 252 WH +49 21 253 PR +49 21 254 WH +49 21 255 YW +49 21 256 PA +49 21 257 YW +49 21 258 WI +49 21 259 PA +49 21 260 WH +49 21 261 PA +49 21 262 WH +49 21 263 WH +49 21 264 PR +49 21 265 PR +49 21 266 PA +49 21 267 PA +49 21 268 PR +49 21 269 PA +49 21 270 PA +49 21 271 YW +49 21 272 WH +49 21 273 PA +49 21 274 WH +49 21 275 WI +49 21 276 PA +49 21 277 YW +49 21 278 PA +49 21 279 PR +49 21 280 PR +49 21 281 PR +49 21 282 PR +49 21 283 PA +49 21 284 WH +49 21 285 PA +49 21 286 WH +49 21 287 PA +49 21 288 PA +49 21 289 PR +49 21 290 WH +49 21 291 PR +49 21 292 PA +49 21 293 WH +49 21 294 WH +49 21 295 PA +49 21 296 PA +49 21 297 WI +49 21 298 PA +49 21 299 PR +49 21 300 WH +49 21 301 PR +49 21 302 WH +49 21 303 WH +49 21 304 PR +49 21 305 PA +49 21 306 PR +49 21 307 PR +49 21 308 PA +49 21 309 YW +49 21 310 PR +49 21 311 PR +49 21 312 YW +49 21 313 PA +49 21 314 WH +49 21 315 PR +49 21 316 PR +49 21 317 PA +49 21 318 WH +49 21 319 PA +49 21 320 PR +49 21 321 PA +49 21 322 PR +49 21 323 WH +49 21 324 WH +49 21 325 PA +49 21 326 WH +49 21 327 WH +49 21 328 PR +49 21 329 PA +49 21 330 WH +49 22 1 PR +49 22 2 PR +49 22 3 PA +49 22 4 YW +49 22 5 PR +49 22 6 SI +49 22 7 PR +49 22 8 PA +49 22 9 SI +49 22 10 PR +49 22 11 PR +49 22 12 WI +49 22 13 PR +49 22 14 PR +49 22 15 OP +49 22 16 WH +49 22 17 PA +49 22 18 YW +49 22 19 PR +49 22 20 PR +49 22 21 PA +49 22 22 WI +49 22 23 SI +49 22 24 YW +49 22 25 PR +49 22 26 PR +49 22 27 OP +49 22 28 PA +49 22 29 PA +49 22 30 SI +49 22 31 PR +49 22 32 SI +49 22 33 PR +49 22 34 PR +49 22 35 PA +49 22 36 YW +49 22 37 PR +49 22 38 PA +49 22 39 PR +49 22 40 PR +49 22 41 PA +49 22 42 WI +49 22 43 PR +49 22 44 OP +49 22 45 PR +49 22 46 YW +49 22 47 YW +49 22 48 SI +49 22 49 PR +49 22 50 YW +49 22 51 YW +49 22 52 OP +49 22 53 PA +49 22 54 WI +49 22 55 PR +49 22 56 SI +49 22 57 PR +49 22 58 SI +49 22 59 OP +49 22 60 YW +49 22 61 PA +49 22 62 PR +49 22 63 SI +49 22 64 PR +49 22 65 PA +49 22 66 OP +49 22 67 PR +49 22 68 SI +49 22 69 YW +49 22 70 OP +49 22 71 SI +49 22 72 PR +49 22 73 PA +49 22 74 PR +49 22 75 YW +49 22 76 SI +49 22 77 PR +49 22 78 OP +49 22 79 YW +49 22 80 PR +49 22 81 PR +49 22 82 PR +49 22 83 SI +49 22 84 SI +49 22 85 PR +49 22 86 SI +49 22 87 YW +49 22 88 PA +49 22 89 YW +49 22 90 YW +49 22 91 PR +49 22 92 OP +49 22 93 PR +49 22 94 YW +49 22 95 OP +49 22 96 WI +49 22 97 PR +49 22 98 PA +49 22 99 PA +49 22 100 PR +49 22 101 PA +49 22 102 PR +49 22 103 YW +49 22 104 PR +49 22 105 PA +49 22 106 WI +49 22 107 WI +49 22 108 PR +49 22 109 PR +49 22 110 SI +49 22 111 YW +49 22 112 PA +49 22 113 YW +49 22 114 PR +49 22 115 PA +49 22 116 WI +49 22 117 YW +49 22 118 SI +49 22 119 PR +49 22 120 WH +49 22 121 SI +49 22 122 PR +49 22 123 PR +49 22 124 WI +49 22 125 PA +49 22 126 SI +49 22 127 YW +49 22 128 WI +49 22 129 OP +49 22 130 YW +49 22 131 PA +49 22 132 SI +49 22 133 PR +49 22 134 YW +49 22 135 PA +49 22 136 PR +49 22 137 PR +49 22 138 PR +49 22 139 OP +49 22 140 PR +49 22 141 WH +49 22 142 WA +49 22 143 PR +49 22 144 YW +49 22 145 PR +49 22 146 WI +49 22 147 PR +49 22 148 PA +49 22 149 PR +49 22 150 PA +49 22 151 SI +49 22 152 PA +49 22 153 PR +49 22 154 YW +49 22 155 YW +49 22 156 WI +49 22 157 YW +49 22 158 WI +49 22 159 SI +49 22 160 PA +49 22 161 PR +49 22 162 PA +49 22 163 PR +49 22 164 PR +49 22 165 YW +49 22 166 YW +49 22 167 WA +49 22 168 PR +49 22 169 PR +49 22 170 YW +49 22 171 PR +49 22 172 WH +49 22 173 PA +49 22 174 SI +49 22 175 PR +49 22 176 PA +49 22 177 PR +49 22 178 WI +49 22 179 PA +49 22 180 PR +49 22 181 PR +49 22 182 PA +49 22 183 YW +49 22 184 PA +49 22 185 SI +49 22 186 PR +49 22 187 SI +49 22 188 PR +49 22 189 PR +49 22 190 PR +49 22 191 PR +49 22 192 PA +49 22 193 PR +49 22 194 YW +49 22 195 PR +49 22 196 PR +49 22 197 PA +49 22 198 YW +49 22 199 WA +49 22 200 PR +49 22 201 PR +49 22 202 PA +49 22 203 PA +49 22 204 YW +49 22 205 PA +49 22 206 WA +49 22 207 PA +49 22 208 SI +49 22 209 YW +49 22 210 PA +49 22 211 PR +49 22 212 SI +49 22 213 PA +49 22 214 PR +49 22 215 PA +49 22 216 YW +49 22 217 SI +49 22 218 PR +49 22 219 WI +49 22 220 PA +49 22 221 OP +49 22 222 PA +49 22 223 PR +49 22 224 WI +49 22 225 YW +49 22 226 PR +49 22 227 YW +49 22 228 PR +49 22 229 PR +49 22 230 WI +49 22 231 PA +49 22 232 YW +49 22 233 PA +49 22 234 PR +49 22 235 PR +49 22 236 PR +49 22 237 SI +49 22 238 PR +49 22 239 SI +49 22 240 YW +49 22 241 WI +49 22 242 WI +49 22 243 PA +49 22 244 WA +49 22 245 PA +49 22 246 WI +49 22 247 PA +49 22 248 YW +49 22 249 PR +49 22 250 PA +49 22 251 PR +49 22 252 WA +49 22 253 PR +49 22 254 PR +49 22 255 YW +49 22 256 PA +49 22 257 PR +49 22 258 PR +49 22 259 PA +49 22 260 WA +49 22 261 SI +49 22 262 WI +49 22 263 YW +49 22 264 PR +49 22 265 PR +49 22 266 SI +49 22 267 PA +49 22 268 PR +49 22 269 PR +49 22 270 SI +49 22 271 PR +49 22 272 WI +49 22 273 PA +49 22 274 WI +49 22 275 PR +49 22 276 PA +49 22 277 YW +49 22 278 SI +49 22 279 PR +49 22 280 PR +49 22 281 PR +49 22 282 PR +49 22 283 SI +49 22 284 WA +49 22 285 PA +49 22 286 WI +49 22 287 YW +49 22 288 PA +49 22 289 PR +49 22 290 WA +49 22 291 PR +49 22 292 SI +49 22 293 WI +49 22 294 WI +49 22 295 YW +49 22 296 PA +49 22 297 WI +49 22 298 PA +49 22 299 PR +49 22 300 WA +49 22 301 PR +49 22 302 WA +49 22 303 PR +49 22 304 PR +49 22 305 PA +49 22 306 PR +49 22 307 PR +49 22 308 PA +49 22 309 YW +49 22 310 PR +49 22 311 PR +49 22 312 YW +49 22 313 YW +49 22 314 WA +49 22 315 PR +49 22 316 PR +49 22 317 PA +49 22 318 SI +49 22 319 WA +49 22 320 PR +49 22 321 PA +49 22 322 PR +49 22 323 PR +49 22 324 WA +49 22 325 PA +49 22 326 WI +49 22 327 PR +49 22 328 PR +49 22 329 SI +49 22 330 WA +49 23 1 PR +49 23 2 WI +49 23 3 PA +49 23 4 SI +49 23 5 OP +49 23 6 PA +49 23 7 OP +49 23 8 PA +49 23 9 OP +49 23 10 PR +49 23 11 PR +49 23 12 OP +49 23 13 PR +49 23 14 PA +49 23 15 SU +49 23 16 WA +49 23 17 PA +49 23 18 PR +49 23 19 PR +49 23 20 OP +49 23 21 SI +49 23 22 OP +49 23 23 SI +49 23 24 PR +49 23 25 PR +49 23 26 PR +49 23 27 WA +49 23 28 PA +49 23 29 OP +49 23 30 PA +49 23 31 WA +49 23 32 PA +49 23 33 OP +49 23 34 PR +49 23 35 PA +49 23 36 PR +49 23 37 WA +49 23 38 SI +49 23 39 OP +49 23 40 PA +49 23 41 OP +49 23 42 OP +49 23 43 PR +49 23 44 WI +49 23 45 WA +49 23 46 OP +49 23 47 YW +49 23 48 PR +49 23 49 OP +49 23 50 SI +49 23 51 YW +49 23 52 OP +49 23 53 PA +49 23 54 OP +49 23 55 PR +49 23 56 OP +49 23 57 PR +49 23 58 OP +49 23 59 WA +49 23 60 YW +49 23 61 SI +49 23 62 WA +49 23 63 OP +49 23 64 PR +49 23 65 PA +49 23 66 WA +49 23 67 OP +49 23 68 PA +49 23 69 YW +49 23 70 WA +49 23 71 PA +49 23 72 OP +49 23 73 PA +49 23 74 WA +49 23 75 YW +49 23 76 PA +49 23 77 PR +49 23 78 PR +49 23 79 YW +49 23 80 PR +49 23 81 OP +49 23 82 OP +49 23 83 OP +49 23 84 OP +49 23 85 PR +49 23 86 PA +49 23 87 YW +49 23 88 PA +49 23 89 YW +49 23 90 YW +49 23 91 OP +49 23 92 WA +49 23 93 PR +49 23 94 YW +49 23 95 WA +49 23 96 OP +49 23 97 YW +49 23 98 PA +49 23 99 OP +49 23 100 OP +49 23 101 PA +49 23 102 WA +49 23 103 OP +49 23 104 WA +49 23 105 PA +49 23 106 OP +49 23 107 WA +49 23 108 OP +49 23 109 YW +49 23 110 OP +49 23 111 YW +49 23 112 PA +49 23 113 YW +49 23 114 PR +49 23 115 PA +49 23 116 WA +49 23 117 YW +49 23 118 OP +49 23 119 PR +49 23 120 WA +49 23 121 PA +49 23 122 PR +49 23 123 PR +49 23 124 OP +49 23 125 PA +49 23 126 PA +49 23 127 YW +49 23 128 OP +49 23 129 WA +49 23 130 YW +49 23 131 PA +49 23 132 PA +49 23 133 YW +49 23 134 YW +49 23 135 PA +49 23 136 PR +49 23 137 YW +49 23 138 WA +49 23 139 WA +49 23 140 PR +49 23 141 WA +49 23 142 WA +49 23 143 OP +49 23 144 YW +49 23 145 OP +49 23 146 OP +49 23 147 PR +49 23 148 PA +49 23 149 OP +49 23 150 YW +49 23 151 OP +49 23 152 OP +49 23 153 PR +49 23 154 YW +49 23 155 YW +49 23 156 PR +49 23 157 YW +49 23 158 WA +49 23 159 OP +49 23 160 OP +49 23 161 PR +49 23 162 PA +49 23 163 PR +49 23 164 PR +49 23 165 YW +49 23 166 YW +49 23 167 WA +49 23 168 PR +49 23 169 PR +49 23 170 YW +49 23 171 OP +49 23 172 WA +49 23 173 PA +49 23 174 OP +49 23 175 WA +49 23 176 PA +49 23 177 OP +49 23 178 PR +49 23 179 PA +49 23 180 OP +49 23 181 OP +49 23 182 PA +49 23 183 YW +49 23 184 PA +49 23 185 OP +49 23 186 PR +49 23 187 OP +49 23 188 PR +49 23 189 WA +49 23 190 OP +49 23 191 PR +49 23 192 YW +49 23 193 OP +49 23 194 PA +49 23 195 OP +49 23 196 OP +49 23 197 YW +49 23 198 YW +49 23 199 WA +49 23 200 PR +49 23 201 OP +49 23 202 PR +49 23 203 PA +49 23 204 YW +49 23 205 YW +49 23 206 OP +49 23 207 PA +49 23 208 OP +49 23 209 YW +49 23 210 YW +49 23 211 PR +49 23 212 OP +49 23 213 WA +49 23 214 OP +49 23 215 OP +49 23 216 YW +49 23 217 OP +49 23 218 OP +49 23 219 WA +49 23 220 PR +49 23 221 WA +49 23 222 YW +49 23 223 PR +49 23 224 WA +49 23 225 OP +49 23 226 YW +49 23 227 YW +49 23 228 YW +49 23 229 OP +49 23 230 WA +49 23 231 PA +49 23 232 OP +49 23 233 WA +49 23 234 OP +49 23 235 PR +49 23 236 OP +49 23 237 OP +49 23 238 PR +49 23 239 PA +49 23 240 PA +49 23 241 WA +49 23 242 OP +49 23 243 PA +49 23 244 WA +49 23 245 PA +49 23 246 PR +49 23 247 PR +49 23 248 YW +49 23 249 YW +49 23 250 YW +49 23 251 OP +49 23 252 WA +49 23 253 WA +49 23 254 YW +49 23 255 PA +49 23 256 PR +49 23 257 OP +49 23 258 PA +49 23 259 OP +49 23 260 OP +49 23 261 WA +49 23 262 WA +49 23 263 WA +49 23 264 PR +49 23 265 PA +49 23 266 YW +49 23 267 OP +49 23 268 PA +49 23 269 OP +49 23 270 YW +49 23 271 WA +49 23 272 PA +49 23 273 WA +49 23 274 OP +49 23 275 PA +49 23 276 PR +49 23 277 OP +49 23 278 PR +49 23 279 OP +49 23 280 OP +49 23 281 PR +49 23 282 OP +49 23 283 YW +49 23 284 WA +49 23 285 OP +49 23 286 WA +49 23 287 OP +49 23 288 PA +49 23 289 OP +49 23 290 WA +49 23 291 PR +49 23 292 OP +49 23 293 WA +49 23 294 WA +49 23 295 YW +49 23 296 YW +49 23 297 OP +49 23 298 PA +49 23 299 PR +49 23 300 WA +49 23 301 PR +49 23 302 WA +49 23 303 WA +49 23 304 YW +49 23 305 PA +49 23 306 OP +49 23 307 PR +49 23 308 PR +49 23 309 YW +49 23 310 OP +49 23 311 PR +49 23 312 YW +49 23 313 YW +49 23 314 WA +49 23 315 OP +49 23 316 OP +49 23 317 PA +49 23 318 WA +49 23 319 OP +49 23 320 OP +49 23 321 PA +49 23 322 PR +49 23 323 WA +49 23 324 WA +49 23 325 PA +49 23 326 OP +49 23 327 WA +49 23 328 PR +49 23 329 PR +49 23 330 WA +49 24 1 PR +49 24 2 OP +49 24 3 SI +49 24 4 SI +49 24 5 OP +49 24 6 SI +49 24 7 PR +49 24 8 SI +49 24 9 OP +49 24 10 SI +49 24 11 SI +49 24 12 OP +49 24 13 YW +49 24 14 YW +49 24 15 OP +49 24 16 WA +49 24 17 PA +49 24 18 YW +49 24 19 PR +49 24 20 WH +49 24 21 SI +49 24 22 OP +49 24 23 WH +49 24 24 WA +49 24 25 PR +49 24 26 YW +49 24 27 WH +49 24 28 SI +49 24 29 PR +49 24 30 SH +49 24 31 PR +49 24 32 SI +49 24 33 PR +49 24 34 WH +49 24 35 SH +49 24 36 WA +49 24 37 WA +49 24 38 SI +49 24 39 PR +49 24 40 SI +49 24 41 PR +49 24 42 OP +49 24 43 YW +49 24 44 WA +49 24 45 PR +49 24 46 WA +49 24 47 WH +49 24 48 SH +49 24 49 PR +49 24 50 WH +49 24 51 WH +49 24 52 WH +49 24 53 SI +49 24 54 PR +49 24 55 PR +49 24 56 WH +49 24 57 PR +49 24 58 WH +49 24 59 WH +49 24 60 WH +49 24 61 SI +49 24 62 WH +49 24 63 OP +49 24 64 PR +49 24 65 SI +49 24 66 OP +49 24 67 PR +49 24 68 PA +49 24 69 PR +49 24 70 WH +49 24 71 SI +49 24 72 PR +49 24 73 YW +49 24 74 WH +49 24 75 YW +49 24 76 WH +49 24 77 PR +49 24 78 WH +49 24 79 WH +49 24 80 PR +49 24 81 PR +49 24 82 PR +49 24 83 OP +49 24 84 SH +49 24 85 PR +49 24 86 PA +49 24 87 WH +49 24 88 PA +49 24 89 WH +49 24 90 WH +49 24 91 PR +49 24 92 WH +49 24 93 PR +49 24 94 WH +49 24 95 PR +49 24 96 OP +49 24 97 YW +49 24 98 PA +49 24 99 WH +49 24 100 PR +49 24 101 PA +49 24 102 WH +49 24 103 OP +49 24 104 WH +49 24 105 PA +49 24 106 OP +49 24 107 WH +49 24 108 WH +49 24 109 PR +49 24 110 OP +49 24 111 WH +49 24 112 PA +49 24 113 WH +49 24 114 PR +49 24 115 PA +49 24 116 WH +49 24 117 WH +49 24 118 PA +49 24 119 PR +49 24 120 WH +49 24 121 SI +49 24 122 PR +49 24 123 PR +49 24 124 OP +49 24 125 SI +49 24 126 SI +49 24 127 WH +49 24 128 OP +49 24 129 WH +49 24 130 WH +49 24 131 PA +49 24 132 SI +49 24 133 PR +49 24 134 WH +49 24 135 SI +49 24 136 PR +49 24 137 PR +49 24 138 WH +49 24 139 WI +49 24 140 WH +49 24 141 YW +49 24 142 WH +49 24 143 OP +49 24 144 YW +49 24 145 PR +49 24 146 OP +49 24 147 WA +49 24 148 PA +49 24 149 YW +49 24 150 YW +49 24 151 PA +49 24 152 PA +49 24 153 PR +49 24 154 WH +49 24 155 WH +49 24 156 PR +49 24 157 WH +49 24 158 WH +49 24 159 OP +49 24 160 WA +49 24 161 PR +49 24 162 PA +49 24 163 YW +49 24 164 YW +49 24 165 WH +49 24 166 WH +49 24 167 WH +49 24 168 YW +49 24 169 PR +49 24 170 YW +49 24 171 PR +49 24 172 WH +49 24 173 PA +49 24 174 SH +49 24 175 WH +49 24 176 SI +49 24 177 OP +49 24 178 YW +49 24 179 YW +49 24 180 PR +49 24 181 OP +49 24 182 YW +49 24 183 WA +49 24 184 PA +49 24 185 OP +49 24 186 WI +49 24 187 WI +49 24 188 PR +49 24 189 WH +49 24 190 SI +49 24 191 PR +49 24 192 WA +49 24 193 OP +49 24 194 YW +49 24 195 WA +49 24 196 WI +49 24 197 SI +49 24 198 WH +49 24 199 WH +49 24 200 WH +49 24 201 PA +49 24 202 PR +49 24 203 SI +49 24 204 WH +49 24 205 YW +49 24 206 WA +49 24 207 SI +49 24 208 OP +49 24 209 PR +49 24 210 WH +49 24 211 PR +49 24 212 SH +49 24 213 WH +49 24 214 WI +49 24 215 SI +49 24 216 WH +49 24 217 OP +49 24 218 PR +49 24 219 WH +49 24 220 YW +49 24 221 WH +49 24 222 YW +49 24 223 PR +49 24 224 WH +49 24 225 WI +49 24 226 YW +49 24 227 YW +49 24 228 WA +49 24 229 WH +49 24 230 WH +49 24 231 SI +49 24 232 WA +49 24 233 PR +49 24 234 PR +49 24 235 YW +49 24 236 WA +49 24 237 SH +49 24 238 PR +49 24 239 PA +49 24 240 YW +49 24 241 WH +49 24 242 SH +49 24 243 YW +49 24 244 WH +49 24 245 PA +49 24 246 PR +49 24 247 YW +49 24 248 WH +49 24 249 YW +49 24 250 WH +49 24 251 WH +49 24 252 WH +49 24 253 WA +49 24 254 WA +49 24 255 WH +49 24 256 PA +49 24 257 YW +49 24 258 WI +49 24 259 PA +49 24 260 OP +49 24 261 SH +49 24 262 WA +49 24 263 WH +49 24 264 WH +49 24 265 PR +49 24 266 PA +49 24 267 YW +49 24 268 PR +49 24 269 PA +49 24 270 SH +49 24 271 WH +49 24 272 WH +49 24 273 PR +49 24 274 WH +49 24 275 WI +49 24 276 PA +49 24 277 YW +49 24 278 SH +49 24 279 YW +49 24 280 PR +49 24 281 PR +49 24 282 WH +49 24 283 YW +49 24 284 WH +49 24 285 PA +49 24 286 WH +49 24 287 OP +49 24 288 PA +49 24 289 WI +49 24 290 WH +49 24 291 YW +49 24 292 PA +49 24 293 WH +49 24 294 WA +49 24 295 WA +49 24 296 YW +49 24 297 SH +49 24 298 SI +49 24 299 PR +49 24 300 WH +49 24 301 PR +49 24 302 WI +49 24 303 WA +49 24 304 WI +49 24 305 YW +49 24 306 PR +49 24 307 YW +49 24 308 YW +49 24 309 WH +49 24 310 PR +49 24 311 YW +49 24 312 YW +49 24 313 SI +49 24 314 WH +49 24 315 PR +49 24 316 YW +49 24 317 PA +49 24 318 WH +49 24 319 SH +49 24 320 PR +49 24 321 PA +49 24 322 WH +49 24 323 YW +49 24 324 WH +49 24 325 PA +49 24 326 SH +49 24 327 WH +49 24 328 PR +49 24 329 SH +49 24 330 WA +49 25 1 PR +49 25 2 PR +49 25 3 PA +49 25 4 PA +49 25 5 PR +49 25 6 WI +49 25 7 PR +49 25 8 PA +49 25 9 PA +49 25 10 YW +49 25 11 YW +49 25 12 OP +49 25 13 PR +49 25 14 YW +49 25 15 WI +49 25 16 WH +49 25 17 PA +49 25 18 YW +49 25 19 PR +49 25 20 PR +49 25 21 PA +49 25 22 WI +49 25 23 PA +49 25 24 YW +49 25 25 PR +49 25 26 PR +49 25 27 WH +49 25 28 PA +49 25 29 PR +49 25 30 PA +49 25 31 OP +49 25 32 PA +49 25 33 PR +49 25 34 PR +49 25 35 PA +49 25 36 YW +49 25 37 PR +49 25 38 PA +49 25 39 PR +49 25 40 PA +49 25 41 PR +49 25 42 WI +49 25 43 PR +49 25 44 WH +49 25 45 PR +49 25 46 YW +49 25 47 YW +49 25 48 WI +49 25 49 PR +49 25 50 PA +49 25 51 YW +49 25 52 WH +49 25 53 PA +49 25 54 PR +49 25 55 PR +49 25 56 PA +49 25 57 PR +49 25 58 PR +49 25 59 WI +49 25 60 YW +49 25 61 PA +49 25 62 PR +49 25 63 PA +49 25 64 PR +49 25 65 PA +49 25 66 WH +49 25 67 PR +49 25 68 PA +49 25 69 YW +49 25 70 WH +49 25 71 PR +49 25 72 PR +49 25 73 PA +49 25 74 WH +49 25 75 WI +49 25 76 PA +49 25 77 WI +49 25 78 YW +49 25 79 PR +49 25 80 PR +49 25 81 PR +49 25 82 WH +49 25 83 PA +49 25 84 PR +49 25 85 PA +49 25 86 YW +49 25 87 PA +49 25 88 YW +49 25 89 YW +49 25 90 PR +49 25 91 WH +49 25 92 PR +49 25 93 YW +49 25 94 WH +49 25 95 WI +49 25 96 PR +49 25 97 PA +49 25 98 WI +49 25 99 PR +49 25 100 PA +49 25 101 PR +49 25 102 YW +49 25 103 WI +49 25 104 PA +49 25 105 WI +49 25 106 WH +49 25 107 WH +49 25 108 PR +49 25 109 WI +49 25 110 YW +49 25 111 PA +49 25 112 PR +49 25 113 YW +49 25 114 PR +49 25 115 PA +49 25 116 WH +49 25 117 YW +49 25 118 PA +49 25 119 PR +49 25 120 WH +49 25 121 PA +49 25 122 PR +49 25 123 PR +49 25 124 PR +49 25 125 PA +49 25 126 PA +49 25 127 YW +49 25 128 WI +49 25 129 WH +49 25 130 YW +49 25 131 PA +49 25 132 PA +49 25 133 PR +49 25 134 YW +49 25 135 PA +49 25 136 PR +49 25 137 YW +49 25 138 PR +49 25 139 WH +49 25 140 WH +49 25 141 PR +49 25 142 WH +49 25 143 PR +49 25 144 YW +49 25 145 PR +49 25 146 WI +49 25 147 PR +49 25 148 PA +49 25 149 PR +49 25 150 YW +49 25 151 PA +49 25 152 PA +49 25 153 PR +49 25 154 YW +49 25 155 YW +49 25 156 PR +49 25 157 PR +49 25 158 WH +49 25 159 WI +49 25 160 PA +49 25 161 PR +49 25 162 PA +49 25 163 PR +49 25 164 PR +49 25 165 YW +49 25 166 YW +49 25 167 WH +49 25 168 PR +49 25 169 PR +49 25 170 YW +49 25 171 PR +49 25 172 WH +49 25 173 PA +49 25 174 WI +49 25 175 PR +49 25 176 PA +49 25 177 PR +49 25 178 PR +49 25 179 PA +49 25 180 PR +49 25 181 PR +49 25 182 PA +49 25 183 YW +49 25 184 PA +49 25 185 WI +49 25 186 PR +49 25 187 WI +49 25 188 PR +49 25 189 WH +49 25 190 PA +49 25 191 PR +49 25 192 PA +49 25 193 PR +49 25 194 PA +49 25 195 PR +49 25 196 PR +49 25 197 PA +49 25 198 YW +49 25 199 PR +49 25 200 PR +49 25 201 PA +49 25 202 PR +49 25 203 PR +49 25 204 YW +49 25 205 PR +49 25 206 WH +49 25 207 PA +49 25 208 PA +49 25 209 PR +49 25 210 PR +49 25 211 PR +49 25 212 PA +49 25 213 WH +49 25 214 PR +49 25 215 PA +49 25 216 YW +49 25 217 PA +49 25 218 PR +49 25 219 WH +49 25 220 PR +49 25 221 WH +49 25 222 PA +49 25 223 PR +49 25 224 WH +49 25 225 WI +49 25 226 PR +49 25 227 YW +49 25 228 PR +49 25 229 PR +49 25 230 WH +49 25 231 PA +49 25 232 PR +49 25 233 PR +49 25 234 PR +49 25 235 PR +49 25 236 PR +49 25 237 PA +49 25 238 PR +49 25 239 PA +49 25 240 PA +49 25 241 WH +49 25 242 WH +49 25 243 PA +49 25 244 WH +49 25 245 PA +49 25 246 PR +49 25 247 PR +49 25 248 YW +49 25 249 PR +49 25 250 PA +49 25 251 PR +49 25 252 WI +49 25 253 PR +49 25 254 PR +49 25 255 YW +49 25 256 PA +49 25 257 PR +49 25 258 WI +49 25 259 PA +49 25 260 WH +49 25 261 PA +49 25 262 WH +49 25 263 PA +49 25 264 PR +49 25 265 PR +49 25 266 PA +49 25 267 PA +49 25 268 PR +49 25 269 PA +49 25 270 WI +49 25 271 PR +49 25 272 WH +49 25 273 PA +49 25 274 WH +49 25 275 WI +49 25 276 PA +49 25 277 PR +49 25 278 PA +49 25 279 PR +49 25 280 PR +49 25 281 PR +49 25 282 PR +49 25 283 YW +49 25 284 WH +49 25 285 PA +49 25 286 WH +49 25 287 PR +49 25 288 PA +49 25 289 PR +49 25 290 WI +49 25 291 PR +49 25 292 PA +49 25 293 WH +49 25 294 WH +49 25 295 YW +49 25 296 PA +49 25 297 WI +49 25 298 PA +49 25 299 PR +49 25 300 WH +49 25 301 PR +49 25 302 WH +49 25 303 WH +49 25 304 PR +49 25 305 PA +49 25 306 PR +49 25 307 PR +49 25 308 PR +49 25 309 YW +49 25 310 PR +49 25 311 PR +49 25 312 YW +49 25 313 PR +49 25 314 WH +49 25 315 PR +49 25 316 PR +49 25 317 PA +49 25 318 WH +49 25 319 PA +49 25 320 PR +49 25 321 PA +49 25 322 WH +49 25 323 PR +49 25 324 WH +49 25 325 PA +49 25 326 WI +49 25 327 WH +49 25 328 PR +49 25 329 YW +49 25 330 WH +50 1 1 S +50 1 2 P +50 1 3 J +50 1 4 J +50 1 5 S +50 1 6 J +50 1 7 S +50 1 8 J +50 1 9 J +50 1 10 S +50 1 11 S +50 1 12 J +50 1 13 S +50 1 14 S +50 1 15 S +50 1 16 P +50 1 17 S +50 1 18 P +50 1 19 S +50 1 20 S +50 1 21 J +50 1 22 P +50 1 23 S +50 1 24 S +50 1 25 S +50 1 26 S +50 1 27 P +50 1 28 J +50 1 29 S +50 1 30 J +50 1 31 P +50 1 32 S +50 1 33 S +50 1 34 S +50 1 35 J +50 1 36 S +50 1 37 S +50 1 38 J +50 1 39 S +50 1 40 S +50 1 41 J +50 1 42 J +50 1 43 S +50 1 44 P +50 1 45 S +50 1 46 P +50 1 47 S +50 1 48 J +50 1 49 S +50 1 50 S +50 1 51 J +50 1 52 P +50 1 53 J +50 1 54 S +50 1 55 S +50 1 56 J +50 1 57 S +50 1 58 S +50 1 59 S +50 1 60 S +50 1 61 J +50 1 62 S +50 1 63 P +50 1 64 S +50 1 65 J +50 1 66 P +50 1 67 S +50 1 68 S +50 1 69 S +50 1 70 P +50 1 71 S +50 1 72 S +50 1 73 J +50 1 74 S +50 1 75 S +50 1 76 J +50 1 77 S +50 1 78 S +50 1 79 P +50 1 80 S +50 1 81 S +50 1 82 S +50 1 83 P +50 1 84 P +50 1 85 S +50 1 86 J +50 1 87 P +50 1 88 J +50 1 89 P +50 1 90 S +50 1 91 S +50 1 92 P +50 1 93 S +50 1 94 P +50 1 95 P +50 1 96 J +50 1 97 S +50 1 98 J +50 1 99 P +50 1 100 P +50 1 101 J +50 1 102 S +50 1 103 S +50 1 104 S +50 1 105 J +50 1 106 P +50 1 107 P +50 1 108 P +50 1 109 S +50 1 110 J +50 1 111 P +50 1 112 J +50 1 113 S +50 1 114 S +50 1 115 J +50 1 116 S +50 1 117 S +50 1 118 J +50 1 119 S +50 1 120 P +50 1 121 J +50 1 122 S +50 1 123 S +50 1 124 S +50 1 125 J +50 1 126 J +50 1 127 S +50 1 128 J +50 1 129 P +50 1 130 S +50 1 131 J +50 1 132 J +50 1 133 S +50 1 134 J +50 1 135 J +50 1 136 S +50 1 137 S +50 1 138 S +50 1 139 P +50 1 140 S +50 1 141 P +50 1 142 P +50 1 143 S +50 1 144 S +50 1 145 S +50 1 146 J +50 1 147 S +50 1 148 J +50 1 149 S +50 1 150 J +50 1 151 J +50 1 152 J +50 1 153 S +50 1 154 S +50 1 155 S +50 1 156 S +50 1 157 S +50 1 158 P +50 1 159 J +50 1 160 J +50 1 161 S +50 1 162 J +50 1 163 S +50 1 164 S +50 1 165 S +50 1 166 S +50 1 167 P +50 1 168 S +50 1 169 S +50 1 170 S +50 1 171 S +50 1 172 P +50 1 173 J +50 1 174 J +50 1 175 P +50 1 176 J +50 1 177 S +50 1 178 S +50 1 179 J +50 1 180 S +50 1 181 J +50 1 182 J +50 1 183 J +50 1 184 J +50 1 185 J +50 1 186 S +50 1 187 J +50 1 188 S +50 1 189 P +50 1 190 J +50 1 191 S +50 1 192 J +50 1 193 J +50 1 194 J +50 1 195 S +50 1 196 S +50 1 197 J +50 1 198 S +50 1 199 P +50 1 200 S +50 1 201 J +50 1 202 S +50 1 203 J +50 1 204 J +50 1 205 S +50 1 206 P +50 1 207 J +50 1 208 J +50 1 209 S +50 1 210 J +50 1 211 S +50 1 212 J +50 1 213 S +50 1 214 S +50 1 215 J +50 1 216 S +50 1 217 J +50 1 218 S +50 1 219 P +50 1 220 S +50 1 221 P +50 1 222 S +50 1 223 S +50 1 224 P +50 1 225 S +50 1 226 S +50 1 227 S +50 1 228 S +50 1 229 S +50 1 230 P +50 1 231 J +50 1 232 S +50 1 233 S +50 1 234 S +50 1 235 S +50 1 236 S +50 1 237 J +50 1 238 S +50 1 239 J +50 1 240 J +50 1 241 P +50 1 242 P +50 1 243 J +50 1 244 P +50 1 245 J +50 1 246 S +50 1 247 J +50 1 248 P +50 1 249 S +50 1 250 S +50 1 251 S +50 1 252 P +50 1 253 S +50 1 254 S +50 1 255 S +50 1 256 J +50 1 257 S +50 1 258 J +50 1 259 J +50 1 260 P +50 1 261 J +50 1 262 P +50 1 263 S +50 1 264 S +50 1 265 S +50 1 266 J +50 1 267 J +50 1 268 S +50 1 269 J +50 1 270 J +50 1 271 S +50 1 272 P +50 1 273 J +50 1 274 P +50 1 275 J +50 1 276 J +50 1 277 S +50 1 278 J +50 1 279 S +50 1 280 S +50 1 281 S +50 1 282 S +50 1 283 J +50 1 284 P +50 1 285 J +50 1 286 P +50 1 287 J +50 1 288 J +50 1 289 S +50 1 290 P +50 1 291 S +50 1 292 J +50 1 293 P +50 1 294 P +50 1 295 S +50 1 296 S +50 1 297 J +50 1 298 J +50 1 299 S +50 1 300 P +50 1 301 S +50 1 302 P +50 1 303 P +50 1 304 S +50 1 305 J +50 1 306 S +50 1 307 S +50 1 308 S +50 1 309 S +50 1 310 S +50 1 311 S +50 1 312 S +50 1 313 S +50 1 314 P +50 1 315 S +50 1 316 S +50 1 317 J +50 1 318 J +50 1 319 P +50 1 320 S +50 1 321 J +50 1 322 S +50 1 323 S +50 1 324 P +50 1 325 J +50 1 326 J +50 1 327 P +50 1 328 S +50 1 329 J +50 1 330 P +50 2 1 S +50 2 2 P +50 2 3 J +50 2 4 E +50 2 5 P +50 2 6 L +50 2 7 S +50 2 8 J +50 2 9 L +50 2 10 S +50 2 11 E +50 2 12 L +50 2 13 E +50 2 14 E +50 2 15 P +50 2 16 P +50 2 17 J +50 2 18 E +50 2 19 S +50 2 20 S +50 2 21 J +50 2 22 P +50 2 23 J +50 2 24 E +50 2 25 S +50 2 26 S +50 2 27 P +50 2 28 J +50 2 29 S +50 2 30 J +50 2 31 P +50 2 32 J +50 2 33 S +50 2 34 S +50 2 35 J +50 2 36 E +50 2 37 S +50 2 38 J +50 2 39 E +50 2 40 S +50 2 41 J +50 2 42 L +50 2 43 * +50 2 44 P +50 2 45 S +50 2 46 E +50 2 47 E +50 2 48 L +50 2 49 P +50 2 50 E +50 2 51 E +50 2 52 P +50 2 53 J +50 2 54 S +50 2 55 S +50 2 56 L +50 2 57 S +50 2 58 L +50 2 59 P +50 2 60 E +50 2 61 J +50 2 62 P +50 2 63 L +50 2 64 S +50 2 65 J +50 2 66 P +50 2 67 S +50 2 68 L +50 2 69 E +50 2 70 P +50 2 71 J +50 2 72 S +50 2 73 J +50 2 74 P +50 2 75 E +50 2 76 J +50 2 77 S +50 2 78 L +50 2 79 E +50 2 80 S +50 2 81 S +50 2 82 S +50 2 83 P +50 2 84 J +50 2 85 S +50 2 86 J +50 2 87 E +50 2 88 J +50 2 89 E +50 2 90 S +50 2 91 L +50 2 92 P +50 2 93 S +50 2 94 E +50 2 95 P +50 2 96 L +50 2 97 S +50 2 98 J +50 2 99 P +50 2 100 S +50 2 101 J +50 2 102 S +50 2 103 J +50 2 104 S +50 2 105 J +50 2 106 P +50 2 107 P +50 2 108 P +50 2 109 S +50 2 110 L +50 2 111 E +50 2 112 J +50 2 113 E +50 2 114 S +50 2 115 J +50 2 116 P +50 2 117 J +50 2 118 J +50 2 119 S +50 2 120 P +50 2 121 J +50 2 122 S +50 2 123 S +50 2 124 L +50 2 125 J +50 2 126 J +50 2 127 E +50 2 128 P +50 2 129 P +50 2 130 E +50 2 131 J +50 2 132 J +50 2 133 S +50 2 134 E +50 2 135 J +50 2 136 S +50 2 137 S +50 2 138 P +50 2 139 P +50 2 140 S +50 2 141 P +50 2 142 P +50 2 143 L +50 2 144 S +50 2 145 S +50 2 146 L +50 2 147 S +50 2 148 J +50 2 149 S +50 2 150 E +50 2 151 L +50 2 152 L +50 2 153 S +50 2 154 E +50 2 155 E +50 2 156 S +50 2 157 J +50 2 158 P +50 2 159 J +50 2 160 J +50 2 161 S +50 2 162 J +50 2 163 S +50 2 164 S +50 2 165 E +50 2 166 E +50 2 167 P +50 2 168 S +50 2 169 S +50 2 170 E +50 2 171 S +50 2 172 P +50 2 173 J +50 2 174 L +50 2 175 P +50 2 176 J +50 2 177 P +50 2 178 S +50 2 179 J +50 2 180 S +50 2 181 L +50 2 182 J +50 2 183 L +50 2 184 J +50 2 185 L +50 2 186 P +50 2 187 L +50 2 188 S +50 2 189 P +50 2 190 J +50 2 191 S +50 2 192 S +50 2 193 L +50 2 194 J +50 2 195 S +50 2 196 P +50 2 197 J +50 2 198 E +50 2 199 P +50 2 200 P +50 2 201 J +50 2 202 S +50 2 203 J +50 2 204 L +50 2 205 S +50 2 206 P +50 2 207 J +50 2 208 L +50 2 209 S +50 2 210 J +50 2 211 S +50 2 212 L +50 2 213 P +50 2 214 L +50 2 215 J +50 2 216 E +50 2 217 J +50 2 218 L +50 2 219 P +50 2 220 S +50 2 221 P +50 2 222 E +50 2 223 S +50 2 224 P +50 2 225 L +50 2 226 S +50 2 227 E +50 2 228 S +50 2 229 P +50 2 230 P +50 2 231 J +50 2 232 L +50 2 233 S +50 2 234 S +50 2 235 S +50 2 236 L +50 2 237 J +50 2 238 S +50 2 239 J +50 2 240 J +50 2 241 P +50 2 242 P +50 2 243 J +50 2 244 P +50 2 245 J +50 2 246 S +50 2 247 P +50 2 248 E +50 2 249 S +50 2 250 E +50 2 251 P +50 2 252 P +50 2 253 S +50 2 254 P +50 2 255 E +50 2 256 J +50 2 257 S +50 2 258 L +50 2 259 J +50 2 260 P +50 2 261 L +50 2 262 P +50 2 263 P +50 2 264 P +50 2 265 S +50 2 266 J +50 2 267 J +50 2 268 S +50 2 269 J +50 2 270 L +50 2 271 S +50 2 272 P +50 2 273 J +50 2 274 P +50 2 275 L +50 2 276 J +50 2 277 S +50 2 278 L +50 2 279 S +50 2 280 S +50 2 281 S +50 2 282 S +50 2 283 J +50 2 284 P +50 2 285 L +50 2 286 P +50 2 287 L +50 2 288 J +50 2 289 S +50 2 290 P +50 2 291 S +50 2 292 J +50 2 293 P +50 2 294 P +50 2 295 J +50 2 296 S +50 2 297 L +50 2 298 J +50 2 299 S +50 2 300 P +50 2 301 S +50 2 302 P +50 2 303 P +50 2 304 S +50 2 305 J +50 2 306 S +50 2 307 S +50 2 308 L +50 2 309 E +50 2 310 S +50 2 311 S +50 2 312 E +50 2 313 S +50 2 314 P +50 2 315 S +50 2 316 S +50 2 317 J +50 2 318 L +50 2 319 P +50 2 320 L +50 2 321 J +50 2 322 S +50 2 323 S +50 2 324 P +50 2 325 J +50 2 326 L +50 2 327 P +50 2 328 S +50 2 329 L +50 2 330 P +50 3 1 S +50 3 2 S +50 3 3 J +50 3 4 J +50 3 5 S +50 3 6 L +50 3 7 S +50 3 8 J +50 3 9 L +50 3 10 S +50 3 11 S +50 3 12 L +50 3 13 S +50 3 14 S +50 3 15 J +50 3 16 P +50 3 17 J +50 3 18 E +50 3 19 S +50 3 20 S +50 3 21 J +50 3 22 L +50 3 23 J +50 3 24 E +50 3 25 S +50 3 26 S +50 3 27 P +50 3 28 J +50 3 29 S +50 3 30 L +50 3 31 S +50 3 32 J +50 3 33 S +50 3 34 S +50 3 35 L +50 3 36 S +50 3 37 S +50 3 38 J +50 3 39 S +50 3 40 S +50 3 41 J +50 3 42 L +50 3 43 S +50 3 44 P +50 3 45 S +50 3 46 E +50 3 47 S +50 3 48 L +50 3 49 S +50 3 50 J +50 3 51 E +50 3 52 P +50 3 53 J +50 3 54 S +50 3 55 S +50 3 56 L +50 3 57 S +50 3 58 L +50 3 59 P +50 3 60 S +50 3 61 J +50 3 62 S +50 3 63 L +50 3 64 S +50 3 65 J +50 3 66 P +50 3 67 S +50 3 68 J +50 3 69 E +50 3 70 P +50 3 71 J +50 3 72 S +50 3 73 J +50 3 74 P +50 3 75 S +50 3 76 J +50 3 77 S +50 3 78 P +50 3 79 E +50 3 80 S +50 3 81 S +50 3 82 S +50 3 83 L +50 3 84 L +50 3 85 S +50 3 86 J +50 3 87 E +50 3 88 J +50 3 89 E +50 3 90 S +50 3 91 L +50 3 92 P +50 3 93 S +50 3 94 E +50 3 95 P +50 3 96 L +50 3 97 S +50 3 98 J +50 3 99 J +50 3 100 S +50 3 101 J +50 3 102 S +50 3 103 L +50 3 104 S +50 3 105 J +50 3 106 L +50 3 107 P +50 3 108 P +50 3 109 S +50 3 110 L +50 3 111 S +50 3 112 J +50 3 113 E +50 3 114 S +50 3 115 J +50 3 116 P +50 3 117 E +50 3 118 L +50 3 119 S +50 3 120 P +50 3 121 J +50 3 122 S +50 3 123 S +50 3 124 L +50 3 125 J +50 3 126 L +50 3 127 S +50 3 128 L +50 3 129 P +50 3 130 S +50 3 131 J +50 3 132 J +50 3 133 J +50 3 134 J +50 3 135 J +50 3 136 S +50 3 137 S +50 3 138 S +50 3 139 P +50 3 140 S +50 3 141 P +50 3 142 P +50 3 143 L +50 3 144 S +50 3 145 S +50 3 146 L +50 3 147 S +50 3 148 J +50 3 149 S +50 3 150 J +50 3 151 L +50 3 152 J +50 3 153 S +50 3 154 E +50 3 155 E +50 3 156 S +50 3 157 L +50 3 158 P +50 3 159 L +50 3 160 L +50 3 161 S +50 3 162 J +50 3 163 S +50 3 164 S +50 3 165 S +50 3 166 S +50 3 167 P +50 3 168 S +50 3 169 S +50 3 170 S +50 3 171 S +50 3 172 P +50 3 173 J +50 3 174 L +50 3 175 S +50 3 176 J +50 3 177 L +50 3 178 S +50 3 179 J +50 3 180 S +50 3 181 L +50 3 182 J +50 3 183 L +50 3 184 J +50 3 185 L +50 3 186 S +50 3 187 L +50 3 188 S +50 3 189 P +50 3 190 P +50 3 191 S +50 3 192 J +50 3 193 L +50 3 194 J +50 3 195 S +50 3 196 S +50 3 197 J +50 3 198 E +50 3 199 P +50 3 200 S +50 3 201 L +50 3 202 S +50 3 203 J +50 3 204 L +50 3 205 S +50 3 206 P +50 3 207 J +50 3 208 L +50 3 209 S +50 3 210 J +50 3 211 S +50 3 212 L +50 3 213 P +50 3 214 L +50 3 215 J +50 3 216 S +50 3 217 L +50 3 218 L +50 3 219 P +50 3 220 S +50 3 221 P +50 3 222 J +50 3 223 S +50 3 224 P +50 3 225 L +50 3 226 S +50 3 227 E +50 3 228 S +50 3 229 S +50 3 230 P +50 3 231 J +50 3 232 L +50 3 233 S +50 3 234 S +50 3 235 S +50 3 236 L +50 3 237 L +50 3 238 L +50 3 239 L +50 3 240 J +50 3 241 P +50 3 242 L +50 3 243 J +50 3 244 P +50 3 245 J +50 3 246 S +50 3 247 S +50 3 248 S +50 3 249 S +50 3 250 J +50 3 251 S +50 3 252 P +50 3 253 S +50 3 254 S +50 3 255 E +50 3 256 J +50 3 257 S +50 3 258 L +50 3 259 J +50 3 260 L +50 3 261 L +50 3 262 P +50 3 263 P +50 3 264 S +50 3 265 S +50 3 266 J +50 3 267 J +50 3 268 S +50 3 269 J +50 3 270 L +50 3 271 S +50 3 272 P +50 3 273 J +50 3 274 P +50 3 275 L +50 3 276 J +50 3 277 S +50 3 278 L +50 3 279 S +50 3 280 S +50 3 281 S +50 3 282 S +50 3 283 L +50 3 284 P +50 3 285 L +50 3 286 P +50 3 287 L +50 3 288 J +50 3 289 S +50 3 290 L +50 3 291 S +50 3 292 L +50 3 293 P +50 3 294 P +50 3 295 L +50 3 296 J +50 3 297 L +50 3 298 J +50 3 299 S +50 3 300 P +50 3 301 S +50 3 302 L +50 3 303 P +50 3 304 S +50 3 305 J +50 3 306 S +50 3 307 S +50 3 308 J +50 3 309 E +50 3 310 S +50 3 311 S +50 3 312 E +50 3 313 S +50 3 314 P +50 3 315 S +50 3 316 S +50 3 317 J +50 3 318 L +50 3 319 P +50 3 320 L +50 3 321 J +50 3 322 S +50 3 323 S +50 3 324 L +50 3 325 J +50 3 326 L +50 3 327 P +50 3 328 S +50 3 329 L +50 3 330 P +50 4 1 S +50 4 2 L +50 4 3 J +50 4 4 T +50 4 5 S +50 4 6 L +50 4 7 S +50 4 8 J +50 4 9 L +50 4 10 S +50 4 11 E +50 4 12 L +50 4 13 S +50 4 14 S +50 4 15 P +50 4 16 P +50 4 17 L +50 4 18 E +50 4 19 S +50 4 20 L +50 4 21 J +50 4 22 P +50 4 23 J +50 4 24 E +50 4 25 S +50 4 26 S +50 4 27 P +50 4 28 J +50 4 29 L +50 4 30 L +50 4 31 P +50 4 32 J +50 4 33 L +50 4 34 S +50 4 35 J +50 4 36 S +50 4 37 S +50 4 38 J +50 4 39 S +50 4 40 J +50 4 41 J +50 4 42 L +50 4 43 S +50 4 44 P +50 4 45 L +50 4 46 E +50 4 47 E +50 4 48 L +50 4 49 S +50 4 50 E +50 4 51 E +50 4 52 P +50 4 53 J +50 4 54 S +50 4 55 S +50 4 56 L +50 4 57 S +50 4 58 L +50 4 59 P +50 4 60 E +50 4 61 J +50 4 62 L +50 4 63 T +50 4 64 S +50 4 65 J +50 4 66 P +50 4 67 S +50 4 68 J +50 4 69 E +50 4 70 P +50 4 71 J +50 4 72 S +50 4 73 J +50 4 74 P +50 4 75 E +50 4 76 L +50 4 77 S +50 4 78 P +50 4 79 E +50 4 80 S +50 4 81 L +50 4 82 L +50 4 83 P +50 4 84 L +50 4 85 S +50 4 86 J +50 4 87 E +50 4 88 J +50 4 89 E +50 4 90 S +50 4 91 L +50 4 92 P +50 4 93 S +50 4 94 E +50 4 95 L +50 4 96 J +50 4 97 L +50 4 98 S +50 4 99 L +50 4 100 P +50 4 101 J +50 4 102 P +50 4 103 L +50 4 104 P +50 4 105 J +50 4 106 L +50 4 107 P +50 4 108 P +50 4 109 S +50 4 110 L +50 4 111 E +50 4 112 J +50 4 113 E +50 4 114 S +50 4 115 J +50 4 116 L +50 4 117 E +50 4 118 L +50 4 119 S +50 4 120 P +50 4 121 J +50 4 122 S +50 4 123 S +50 4 124 L +50 4 125 J +50 4 126 L +50 4 127 E +50 4 128 L +50 4 129 P +50 4 130 E +50 4 131 J +50 4 132 J +50 4 133 S +50 4 134 E +50 4 135 J +50 4 136 S +50 4 137 E +50 4 138 S +50 4 139 P +50 4 140 S +50 4 141 P +50 4 142 P +50 4 143 L +50 4 144 S +50 4 145 L +50 4 146 L +50 4 147 S +50 4 148 J +50 4 149 L +50 4 150 S +50 4 151 L +50 4 152 L +50 4 153 S +50 4 154 E +50 4 155 E +50 4 156 S +50 4 157 E +50 4 158 P +50 4 159 L +50 4 160 L +50 4 161 S +50 4 162 J +50 4 163 S +50 4 164 S +50 4 165 E +50 4 166 S +50 4 167 L +50 4 168 S +50 4 169 S +50 4 170 E +50 4 171 E +50 4 172 P +50 4 173 J +50 4 174 L +50 4 175 P +50 4 176 J +50 4 177 L +50 4 178 S +50 4 179 J +50 4 180 S +50 4 181 L +50 4 182 J +50 4 183 L +50 4 184 J +50 4 185 L +50 4 186 S +50 4 187 L +50 4 188 S +50 4 189 P +50 4 190 L +50 4 191 S +50 4 192 L +50 4 193 L +50 4 194 J +50 4 195 L +50 4 196 P +50 4 197 L +50 4 198 E +50 4 199 L +50 4 200 S +50 4 201 L +50 4 202 S +50 4 203 J +50 4 204 E +50 4 205 L +50 4 206 P +50 4 207 J +50 4 208 L +50 4 209 S +50 4 210 E +50 4 211 S +50 4 212 L +50 4 213 P +50 4 214 L +50 4 215 L +50 4 216 E +50 4 217 L +50 4 218 L +50 4 219 P +50 4 220 S +50 4 221 P +50 4 222 S +50 4 223 L +50 4 224 P +50 4 225 E +50 4 226 S +50 4 227 E +50 4 228 S +50 4 229 P +50 4 230 P +50 4 231 J +50 4 232 L +50 4 233 L +50 4 234 S +50 4 235 S +50 4 236 L +50 4 237 P +50 4 238 S +50 4 239 J +50 4 240 L +50 4 241 P +50 4 242 P +50 4 243 J +50 4 244 P +50 4 245 J +50 4 246 S +50 4 247 L +50 4 248 E +50 4 249 S +50 4 250 L +50 4 251 P +50 4 252 P +50 4 253 S +50 4 254 P +50 4 255 E +50 4 256 J +50 4 257 S +50 4 258 L +50 4 259 J +50 4 260 P +50 4 261 L +50 4 262 P +50 4 263 P +50 4 264 L +50 4 265 S +50 4 266 J +50 4 267 J +50 4 268 L +50 4 269 J +50 4 270 L +50 4 271 S +50 4 272 P +50 4 273 L +50 4 274 P +50 4 275 L +50 4 276 J +50 4 277 S +50 4 278 L +50 4 279 S +50 4 280 E +50 4 281 T +50 4 282 L +50 4 283 E +50 4 284 P +50 4 285 L +50 4 286 P +50 4 287 L +50 4 288 J +50 4 289 S +50 4 290 P +50 4 291 S +50 4 292 L +50 4 293 P +50 4 294 P +50 4 295 L +50 4 296 J +50 4 297 L +50 4 298 J +50 4 299 S +50 4 300 P +50 4 301 S +50 4 302 P +50 4 303 P +50 4 304 E +50 4 305 J +50 4 306 L +50 4 307 S +50 4 308 L +50 4 309 E +50 4 310 S +50 4 311 S +50 4 312 S +50 4 313 S +50 4 314 P +50 4 315 L +50 4 316 S +50 4 317 J +50 4 318 J +50 4 319 P +50 4 320 L +50 4 321 J +50 4 322 S +50 4 323 S +50 4 324 P +50 4 325 J +50 4 326 L +50 4 327 P +50 4 328 S +50 4 329 L +50 4 330 P +50 5 1 S +50 5 2 S +50 5 3 J +50 5 4 J +50 5 5 S +50 5 6 L +50 5 7 S +50 5 8 J +50 5 9 J +50 5 10 S +50 5 11 S +50 5 12 L +50 5 13 S +50 5 14 S +50 5 15 P +50 5 16 P +50 5 17 J +50 5 18 T +50 5 19 S +50 5 20 S +50 5 21 J +50 5 22 L +50 5 23 S +50 5 24 T +50 5 25 S +50 5 26 S +50 5 27 P +50 5 28 J +50 5 29 S +50 5 30 J +50 5 31 S +50 5 32 J +50 5 33 S +50 5 34 S +50 5 35 J +50 5 36 S +50 5 37 S +50 5 38 J +50 5 39 S +50 5 40 S +50 5 41 J +50 5 42 L +50 5 43 S +50 5 44 P +50 5 45 S +50 5 46 T +50 5 47 S +50 5 48 L +50 5 49 S +50 5 50 J +50 5 51 T +50 5 52 P +50 5 53 J +50 5 54 S +50 5 55 S +50 5 56 P +50 5 57 S +50 5 58 L +50 5 59 P +50 5 60 S +50 5 61 J +50 5 62 L +50 5 63 L +50 5 64 S +50 5 65 J +50 5 66 P +50 5 67 S +50 5 68 J +50 5 69 S +50 5 70 P +50 5 71 J +50 5 72 S +50 5 73 J +50 5 74 L +50 5 75 S +50 5 76 J +50 5 77 S +50 5 78 L +50 5 79 T +50 5 80 S +50 5 81 S +50 5 82 S +50 5 83 P +50 5 84 L +50 5 85 S +50 5 86 J +50 5 87 T +50 5 88 J +50 5 89 T +50 5 90 S +50 5 91 L +50 5 92 P +50 5 93 S +50 5 94 T +50 5 95 P +50 5 96 L +50 5 97 S +50 5 98 J +50 5 99 P +50 5 100 S +50 5 101 J +50 5 102 P +50 5 103 JO +50 5 104 S +50 5 105 J +50 5 106 P +50 5 107 P +50 5 108 P +50 5 109 S +50 5 110 L +50 5 111 S +50 5 112 J +50 5 113 T +50 5 114 S +50 5 115 J +50 5 116 S +50 5 117 T +50 5 118 L +50 5 119 S +50 5 120 P +50 5 121 J +50 5 122 S +50 5 123 S +50 5 124 L +50 5 125 J +50 5 126 J +50 5 127 S +50 5 128 L +50 5 129 P +50 5 130 S +50 5 131 J +50 5 132 J +50 5 133 S +50 5 134 J +50 5 135 J +50 5 136 S +50 5 137 S +50 5 138 S +50 5 139 P +50 5 140 S +50 5 141 P +50 5 142 P +50 5 143 S +50 5 144 S +50 5 145 S +50 5 146 L +50 5 147 S +50 5 148 J +50 5 149 S +50 5 150 S +50 5 151 L +50 5 152 S +50 5 153 S +50 5 154 T +50 5 155 E +50 5 156 S +50 5 157 L +50 5 158 P +50 5 159 S +50 5 160 L +50 5 161 S +50 5 162 J +50 5 163 S +50 5 164 S +50 5 165 S +50 5 166 S +50 5 167 P +50 5 168 S +50 5 169 S +50 5 170 S +50 5 171 S +50 5 172 P +50 5 173 J +50 5 174 L +50 5 175 P +50 5 176 J +50 5 177 L +50 5 178 S +50 5 179 J +50 5 180 S +50 5 181 L +50 5 182 J +50 5 183 S +50 5 184 L +50 5 185 L +50 5 186 S +50 5 187 L +50 5 188 S +50 5 189 P +50 5 190 L +50 5 191 S +50 5 192 S +50 5 193 L +50 5 194 J +50 5 195 S +50 5 196 L +50 5 197 S +50 5 198 E +50 5 199 P +50 5 200 S +50 5 201 L +50 5 202 S +50 5 203 J +50 5 204 T +50 5 205 L +50 5 206 P +50 5 207 J +50 5 208 L +50 5 209 S +50 5 210 J +50 5 211 S +50 5 212 L +50 5 213 P +50 5 214 S +50 5 215 L +50 5 216 S +50 5 217 L +50 5 218 S +50 5 219 * +50 5 220 S +50 5 221 P +50 5 222 S +50 5 223 S +50 5 224 P +50 5 225 L +50 5 226 S +50 5 227 S +50 5 228 S +50 5 229 L +50 5 230 P +50 5 231 S +50 5 232 S +50 5 233 P +50 5 234 S +50 5 235 S +50 5 236 L +50 5 237 L +50 5 238 S +50 5 239 J +50 5 240 J +50 5 241 P +50 5 242 L +50 5 243 J +50 5 244 P +50 5 245 J +50 5 246 S +50 5 247 P +50 5 248 S +50 5 249 S +50 5 250 L +50 5 251 S +50 5 252 P +50 5 253 S +50 5 254 S +50 5 255 T +50 5 256 J +50 5 257 S +50 5 258 L +50 5 259 J +50 5 260 P +50 5 261 L +50 5 262 P +50 5 263 P +50 5 264 S +50 5 265 S +50 5 266 J +50 5 267 J +50 5 268 S +50 5 269 J +50 5 270 L +50 5 271 S +50 5 272 P +50 5 273 L +50 5 274 P +50 5 275 S +50 5 276 J +50 5 277 S +50 5 278 J +50 5 279 S +50 5 280 S +50 5 281 S +50 5 282 S +50 5 283 J +50 5 284 P +50 5 285 L +50 5 286 P +50 5 287 S +50 5 288 J +50 5 289 S +50 5 290 P +50 5 291 S +50 5 292 L +50 5 293 P +50 5 294 P +50 5 295 L +50 5 296 S +50 5 297 L +50 5 298 J +50 5 299 S +50 5 300 P +50 5 301 S +50 5 302 P +50 5 303 P +50 5 304 S +50 5 305 J +50 5 306 S +50 5 307 S +50 5 308 L +50 5 309 S +50 5 310 S +50 5 311 S +50 5 312 T +50 5 313 S +50 5 314 P +50 5 315 S +50 5 316 S +50 5 317 J +50 5 318 L +50 5 319 P +50 5 320 S +50 5 321 J +50 5 322 S +50 5 323 S +50 5 324 P +50 5 325 J +50 5 326 L +50 5 327 P +50 5 328 S +50 5 329 L +50 5 330 P +50 6 1 S +50 6 2 S +50 6 3 J +50 6 4 J +50 6 5 S +50 6 6 J +50 6 7 S +50 6 8 J +50 6 9 J +50 6 10 S +50 6 11 E +50 6 12 P +50 6 13 S +50 6 14 E +50 6 15 L +50 6 16 P +50 6 17 L +50 6 18 E +50 6 19 S +50 6 20 L +50 6 21 J +50 6 22 P +50 6 23 P +50 6 24 L +50 6 25 J +50 6 26 S +50 6 27 P +50 6 28 J +50 6 29 S +50 6 30 J +50 6 31 P +50 6 32 J +50 6 33 S +50 6 34 S +50 6 35 J +50 6 36 S +50 6 37 S +50 6 38 J +50 6 39 L +50 6 40 L +50 6 41 J +50 6 42 L +50 6 43 S +50 6 44 P +50 6 45 * +50 6 46 P +50 6 47 S +50 6 48 L +50 6 49 * +50 6 50 L +50 6 51 E +50 6 52 P +50 6 53 J +50 6 54 S +50 6 55 P +50 6 56 L +50 6 57 S +50 6 58 L +50 6 59 P +50 6 60 E +50 6 61 J +50 6 62 P +50 6 63 J +50 6 64 S +50 6 65 J +50 6 66 P +50 6 67 L +50 6 68 J +50 6 69 L +50 6 70 P +50 6 71 J +50 6 72 S +50 6 73 S +50 6 74 P +50 6 75 L +50 6 76 J +50 6 77 S +50 6 78 J +50 6 79 E +50 6 80 S +50 6 81 L +50 6 82 S +50 6 83 P +50 6 84 J +50 6 85 S +50 6 86 J +50 6 87 E +50 6 88 J +50 6 89 E +50 6 90 L +50 6 91 L +50 6 92 P +50 6 93 S +50 6 94 E +50 6 95 P +50 6 96 L +50 6 97 S +50 6 98 J +50 6 99 P +50 6 100 P +50 6 101 J +50 6 102 P +50 6 103 L +50 6 104 P +50 6 105 J +50 6 106 P +50 6 107 P +50 6 108 P +50 6 109 S +50 6 110 L +50 6 111 L +50 6 112 J +50 6 113 E +50 6 114 S +50 6 115 J +50 6 116 P +50 6 117 J +50 6 118 J +50 6 119 S +50 6 120 P +50 6 121 J +50 6 122 S +50 6 123 S +50 6 124 P +50 6 125 J +50 6 126 J +50 6 127 S +50 6 128 P +50 6 129 P +50 6 130 L +50 6 131 J +50 6 132 J +50 6 133 S +50 6 134 L +50 6 135 J +50 6 136 S +50 6 137 S +50 6 138 P +50 6 139 P +50 6 140 S +50 6 141 P +50 6 142 P +50 6 143 L +50 6 144 S +50 6 145 P +50 6 146 L +50 6 147 L +50 6 148 J +50 6 149 L +50 6 150 J +50 6 151 J +50 6 152 P +50 6 153 S +50 6 154 E +50 6 155 S +50 6 156 S +50 6 157 L +50 6 158 P +50 6 159 L +50 6 160 L +50 6 161 L +50 6 162 J +50 6 163 S +50 6 164 S +50 6 165 L +50 6 166 E +50 6 167 P +50 6 168 S +50 6 169 S +50 6 170 E +50 6 171 L +50 6 172 P +50 6 173 J +50 6 174 L +50 6 175 L +50 6 176 J +50 6 177 S +50 6 178 E +50 6 179 J +50 6 180 S +50 6 181 L +50 6 182 J +50 6 183 L +50 6 184 J +50 6 185 S +50 6 186 P +50 6 187 J +50 6 188 S +50 6 189 P +50 6 190 P +50 6 191 S +50 6 192 S +50 6 193 L +50 6 194 J +50 6 195 S +50 6 196 P +50 6 197 P +50 6 198 L +50 6 199 P +50 6 200 P +50 6 201 J +50 6 202 S +50 6 203 J +50 6 204 E +50 6 205 P +50 6 206 P +50 6 207 J +50 6 208 L +50 6 209 S +50 6 210 J +50 6 211 S +50 6 212 L +50 6 213 P +50 6 214 L +50 6 215 J +50 6 216 S +50 6 217 P +50 6 218 L +50 6 219 P +50 6 220 S +50 6 221 P +50 6 222 J +50 6 223 S +50 6 224 P +50 6 225 T +50 6 226 E +50 6 227 E +50 6 228 S +50 6 229 P +50 6 230 L +50 6 231 J +50 6 232 S +50 6 233 P +50 6 234 S +50 6 235 S +50 6 236 L +50 6 237 P +50 6 238 S +50 6 239 L +50 6 240 J +50 6 241 P +50 6 242 L +50 6 243 J +50 6 244 P +50 6 245 J +50 6 246 S +50 6 247 S +50 6 248 S +50 6 249 S +50 6 250 J +50 6 251 P +50 6 252 P +50 6 253 S +50 6 254 P +50 6 255 E +50 6 256 J +50 6 257 E +50 6 258 L +50 6 259 J +50 6 260 P +50 6 261 J +50 6 262 P +50 6 263 P +50 6 264 P +50 6 265 S +50 6 266 J +50 6 267 J +50 6 268 S +50 6 269 J +50 6 270 L +50 6 271 E +50 6 272 P +50 6 273 J +50 6 274 P +50 6 275 L +50 6 276 J +50 6 277 E +50 6 278 J +50 6 279 E +50 6 280 L +50 6 281 S +50 6 282 L +50 6 283 L +50 6 284 P +50 6 285 J +50 6 286 P +50 6 287 S +50 6 288 J +50 6 289 L +50 6 290 P +50 6 291 E +50 6 292 J +50 6 293 P +50 6 294 P +50 6 295 L +50 6 296 J +50 6 297 L +50 6 298 J +50 6 299 S +50 6 300 P +50 6 301 L +50 6 302 P +50 6 303 P +50 6 304 L +50 6 305 J +50 6 306 L +50 6 307 S +50 6 308 P +50 6 309 L +50 6 310 S +50 6 311 E +50 6 312 E +50 6 313 S +50 6 314 P +50 6 315 L +50 6 316 S +50 6 317 J +50 6 318 J +50 6 319 P +50 6 320 S +50 6 321 J +50 6 322 P +50 6 323 S +50 6 324 P +50 6 325 J +50 6 326 L +50 6 327 P +50 6 328 S +50 6 329 J +50 6 330 P +50 7 1 S +50 7 2 P +50 7 3 J +50 7 4 JO +50 7 5 JO +50 7 6 L +50 7 7 S +50 7 8 J +50 7 9 L +50 7 10 S +50 7 11 S +50 7 12 L +50 7 13 S +50 7 14 S +50 7 15 L +50 7 16 P +50 7 17 J +50 7 18 JA +50 7 19 S +50 7 20 S +50 7 21 J +50 7 22 L +50 7 23 J +50 7 24 JA +50 7 25 S +50 7 26 S +50 7 27 P +50 7 28 J +50 7 29 L +50 7 30 L +50 7 31 S +50 7 32 J +50 7 33 S +50 7 34 S +50 7 35 L +50 7 36 S +50 7 37 S +50 7 38 J +50 7 39 S +50 7 40 S +50 7 41 J +50 7 42 L +50 7 43 JA +50 7 44 P +50 7 45 S +50 7 46 T +50 7 47 S +50 7 48 L +50 7 49 S +50 7 50 JO +50 7 51 JA +50 7 52 P +50 7 53 J +50 7 54 S +50 7 55 S +50 7 56 L +50 7 57 S +50 7 58 L +50 7 59 P +50 7 60 S +50 7 61 J +50 7 62 L +50 7 63 J +50 7 64 S +50 7 65 J +50 7 66 P +50 7 67 S +50 7 68 J +50 7 69 L +50 7 70 JA +50 7 71 J +50 7 72 S +50 7 73 J +50 7 74 S +50 7 75 JA +50 7 76 L +50 7 77 S +50 7 78 L +50 7 79 JA +50 7 80 S +50 7 81 L +50 7 82 S +50 7 83 P +50 7 84 L +50 7 85 S +50 7 86 J +50 7 87 JA +50 7 88 J +50 7 89 JA +50 7 90 S +50 7 91 L +50 7 92 P +50 7 93 S +50 7 94 JA +50 7 95 L +50 7 96 L +50 7 97 L +50 7 98 J +50 7 99 L +50 7 100 S +50 7 101 J +50 7 102 S +50 7 103 L +50 7 104 S +50 7 105 J +50 7 106 L +50 7 107 P +50 7 108 S +50 7 109 S +50 7 110 L +50 7 111 S +50 7 112 J +50 7 113 JA +50 7 114 S +50 7 115 J +50 7 116 P +50 7 117 JA +50 7 118 J +50 7 119 S +50 7 120 P +50 7 121 J +50 7 122 S +50 7 123 S +50 7 124 S +50 7 125 J +50 7 126 L +50 7 127 S +50 7 128 L +50 7 129 P +50 7 130 S +50 7 131 J +50 7 132 J +50 7 133 S +50 7 134 T +50 7 135 J +50 7 136 S +50 7 137 S +50 7 138 S +50 7 139 P +50 7 140 S +50 7 141 P +50 7 142 P +50 7 143 S +50 7 144 S +50 7 145 S +50 7 146 L +50 7 147 S +50 7 148 J +50 7 149 S +50 7 150 J +50 7 151 L +50 7 152 L +50 7 153 S +50 7 154 JA +50 7 155 JA +50 7 156 S +50 7 157 JA +50 7 158 P +50 7 159 L +50 7 160 L +50 7 161 S +50 7 162 J +50 7 163 S +50 7 164 S +50 7 165 S +50 7 166 S +50 7 167 L +50 7 168 S +50 7 169 S +50 7 170 S +50 7 171 S +50 7 172 P +50 7 173 J +50 7 174 L +50 7 175 P +50 7 176 J +50 7 177 L +50 7 178 S +50 7 179 J +50 7 180 S +50 7 181 L +50 7 182 J +50 7 183 JA +50 7 184 J +50 7 185 L +50 7 186 S +50 7 187 L +50 7 188 S +50 7 189 L +50 7 190 J +50 7 191 S +50 7 192 L +50 7 193 L +50 7 194 J +50 7 195 S +50 7 196 S +50 7 197 L +50 7 198 JA +50 7 199 P +50 7 200 S +50 7 201 J +50 7 202 S +50 7 203 J +50 7 204 JA +50 7 205 S +50 7 206 P +50 7 207 J +50 7 208 L +50 7 209 S +50 7 210 J +50 7 211 S +50 7 212 L +50 7 213 T +50 7 214 L +50 7 215 J +50 7 216 S +50 7 217 L +50 7 218 L +50 7 219 P +50 7 220 S +50 7 221 P +50 7 222 J +50 7 223 S +50 7 224 P +50 7 225 L +50 7 226 S +50 7 227 JA +50 7 228 S +50 7 229 S +50 7 230 P +50 7 231 J +50 7 232 L +50 7 233 T +50 7 234 S +50 7 235 S +50 7 236 L +50 7 237 L +50 7 238 S +50 7 239 L +50 7 240 L +50 7 241 P +50 7 242 L +50 7 243 J +50 7 244 P +50 7 245 J +50 7 246 S +50 7 247 S +50 7 248 S +50 7 249 S +50 7 250 J +50 7 251 S +50 7 252 P +50 7 253 S +50 7 254 S +50 7 255 T +50 7 256 J +50 7 257 S +50 7 258 L +50 7 259 J +50 7 260 P +50 7 261 L +50 7 262 P +50 7 263 P +50 7 264 P +50 7 265 S +50 7 266 L +50 7 267 J +50 7 268 S +50 7 269 J +50 7 270 L +50 7 271 S +50 7 272 P +50 7 273 J +50 7 274 P +50 7 275 L +50 7 276 J +50 7 277 S +50 7 278 L +50 7 279 S +50 7 280 S +50 7 281 S +50 7 282 S +50 7 283 L +50 7 284 P +50 7 285 L +50 7 286 P +50 7 287 L +50 7 288 J +50 7 289 S +50 7 290 P +50 7 291 S +50 7 292 L +50 7 293 P +50 7 294 P +50 7 295 L +50 7 296 J +50 7 297 L +50 7 298 J +50 7 299 S +50 7 300 P +50 7 301 S +50 7 302 P +50 7 303 P +50 7 304 S +50 7 305 J +50 7 306 S +50 7 307 S +50 7 308 L +50 7 309 JO +50 7 310 S +50 7 311 S +50 7 312 * +50 7 313 * +50 7 314 P +50 7 315 S +50 7 316 S +50 7 317 J +50 7 318 L +50 7 319 P +50 7 320 L +50 7 321 J +50 7 322 S +50 7 323 S +50 7 324 P +50 7 325 J +50 7 326 L +50 7 327 P +50 7 328 S +50 7 329 L +50 7 330 P +50 8 1 S +50 8 2 P +50 8 3 L +50 8 4 JO +50 8 5 S +50 8 6 L +50 8 7 S +50 8 8 J +50 8 9 E +50 8 10 S +50 8 11 S +50 8 12 L +50 8 13 S +50 8 14 E +50 8 15 S +50 8 16 P +50 8 17 J +50 8 18 E +50 8 19 S +50 8 20 S +50 8 21 J +50 8 22 L +50 8 23 J +50 8 24 E +50 8 25 E +50 8 26 S +50 8 27 P +50 8 28 J +50 8 29 S +50 8 30 L +50 8 31 S +50 8 32 J +50 8 33 S +50 8 34 S +50 8 35 J +50 8 36 E +50 8 37 S +50 8 38 J +50 8 39 S +50 8 40 S +50 8 41 J +50 8 42 L +50 8 43 S +50 8 44 P +50 8 45 S +50 8 46 E +50 8 47 S +50 8 48 L +50 8 49 S +50 8 50 J +50 8 51 E +50 8 52 P +50 8 53 J +50 8 54 S +50 8 55 S +50 8 56 L +50 8 57 S +50 8 58 L +50 8 59 P +50 8 60 S +50 8 61 J +50 8 62 S +50 8 63 J +50 8 64 S +50 8 65 J +50 8 66 P +50 8 67 S +50 8 68 J +50 8 69 S +50 8 70 P +50 8 71 J +50 8 72 S +50 8 73 J +50 8 74 S +50 8 75 S +50 8 76 J +50 8 77 S +50 8 78 P +50 8 79 T +50 8 80 S +50 8 81 L +50 8 82 S +50 8 83 P +50 8 84 J +50 8 85 S +50 8 86 J +50 8 87 T +50 8 88 J +50 8 89 E +50 8 90 S +50 8 91 L +50 8 92 P +50 8 93 S +50 8 94 E +50 8 95 P +50 8 96 L +50 8 97 S +50 8 98 J +50 8 99 P +50 8 100 S +50 8 101 J +50 8 102 P +50 8 103 L +50 8 104 S +50 8 105 J +50 8 106 L +50 8 107 P +50 8 108 P +50 8 109 S +50 8 110 L +50 8 111 S +50 8 112 J +50 8 113 E +50 8 114 S +50 8 115 J +50 8 116 S +50 8 117 E +50 8 118 J +50 8 119 S +50 8 120 P +50 8 121 J +50 8 122 S +50 8 123 S +50 8 124 L +50 8 125 J +50 8 126 J +50 8 127 S +50 8 128 L +50 8 129 P +50 8 130 S +50 8 131 J +50 8 132 J +50 8 133 S +50 8 134 E +50 8 135 J +50 8 136 S +50 8 137 S +50 8 138 S +50 8 139 P +50 8 140 S +50 8 141 P +50 8 142 P +50 8 143 L +50 8 144 S +50 8 145 S +50 8 146 L +50 8 147 S +50 8 148 J +50 8 149 S +50 8 150 J +50 8 151 J +50 8 152 J +50 8 153 S +50 8 154 E +50 8 155 E +50 8 156 S +50 8 157 J +50 8 158 P +50 8 159 L +50 8 160 J +50 8 161 S +50 8 162 J +50 8 163 S +50 8 164 S +50 8 165 L +50 8 166 S +50 8 167 P +50 8 168 S +50 8 169 S +50 8 170 S +50 8 171 S +50 8 172 P +50 8 173 J +50 8 174 L +50 8 175 S +50 8 176 J +50 8 177 L +50 8 178 S +50 8 179 J +50 8 180 S +50 8 181 L +50 8 182 J +50 8 183 L +50 8 184 S +50 8 185 L +50 8 186 S +50 8 187 L +50 8 188 S +50 8 189 P +50 8 190 J +50 8 191 S +50 8 192 J +50 8 193 L +50 8 194 J +50 8 195 S +50 8 196 S +50 8 197 J +50 8 198 E +50 8 199 P +50 8 200 S +50 8 201 J +50 8 202 S +50 8 203 J +50 8 204 L +50 8 205 S +50 8 206 P +50 8 207 J +50 8 208 L +50 8 209 S +50 8 210 J +50 8 211 S +50 8 212 L +50 8 213 S +50 8 214 L +50 8 215 J +50 8 216 S +50 8 217 P +50 8 218 L +50 8 219 P +50 8 220 S +50 8 221 P +50 8 222 S +50 8 223 S +50 8 224 P +50 8 225 L +50 8 226 S +50 8 227 E +50 8 228 S +50 8 229 S +50 8 230 P +50 8 231 J +50 8 232 L +50 8 233 S +50 8 234 S +50 8 235 S +50 8 236 L +50 8 237 J +50 8 238 S +50 8 239 J +50 8 240 J +50 8 241 P +50 8 242 L +50 8 243 J +50 8 244 S +50 8 245 J +50 8 246 S +50 8 247 S +50 8 248 S +50 8 249 S +50 8 250 S +50 8 251 S +50 8 252 P +50 8 253 S +50 8 254 S +50 8 255 E +50 8 256 J +50 8 257 S +50 8 258 L +50 8 259 J +50 8 260 P +50 8 261 L +50 8 262 P +50 8 263 P +50 8 264 S +50 8 265 S +50 8 266 L +50 8 267 J +50 8 268 S +50 8 269 J +50 8 270 L +50 8 271 S +50 8 272 P +50 8 273 J +50 8 274 P +50 8 275 L +50 8 276 J +50 8 277 S +50 8 278 J +50 8 279 S +50 8 280 S +50 8 281 S +50 8 282 S +50 8 283 E +50 8 284 P +50 8 285 J +50 8 286 P +50 8 287 L +50 8 288 J +50 8 289 S +50 8 290 P +50 8 291 S +50 8 292 J +50 8 293 P +50 8 294 P +50 8 295 L +50 8 296 J +50 8 297 L +50 8 298 J +50 8 299 S +50 8 300 P +50 8 301 S +50 8 302 P +50 8 303 S +50 8 304 S +50 8 305 J +50 8 306 S +50 8 307 S +50 8 308 J +50 8 309 E +50 8 310 S +50 8 311 S +50 8 312 E +50 8 313 S +50 8 314 P +50 8 315 S +50 8 316 S +50 8 317 J +50 8 318 L +50 8 319 P +50 8 320 L +50 8 321 J +50 8 322 S +50 8 323 S +50 8 324 P +50 8 325 J +50 8 326 L +50 8 327 P +50 8 328 S +50 8 329 L +50 8 330 P +50 9 1 S +50 9 2 L +50 9 3 J +50 9 4 E +50 9 5 S +50 9 6 P +50 9 7 S +50 9 8 J +50 9 9 S +50 9 10 E +50 9 11 S +50 9 12 L +50 9 13 E +50 9 14 S +50 9 15 T +50 9 16 P +50 9 17 L +50 9 18 E +50 9 19 S +50 9 20 S +50 9 21 J +50 9 22 P +50 9 23 L +50 9 24 E +50 9 25 S +50 9 26 E +50 9 27 P +50 9 28 J +50 9 29 S +50 9 30 L +50 9 31 P +50 9 32 L +50 9 33 S +50 9 34 S +50 9 35 L +50 9 36 E +50 9 37 L +50 9 38 J +50 9 39 E +50 9 40 S +50 9 41 J +50 9 42 L +50 9 43 S +50 9 44 P +50 9 45 S +50 9 46 U +50 9 47 E +50 9 48 L +50 9 49 S +50 9 50 T +50 9 51 P +50 9 52 P +50 9 53 J +50 9 54 S +50 9 55 S +50 9 56 T +50 9 57 S +50 9 58 U +50 9 59 P +50 9 60 S +50 9 61 J +50 9 62 S +50 9 63 L +50 9 64 S +50 9 65 J +50 9 66 P +50 9 67 S +50 9 68 L +50 9 69 U +50 9 70 P +50 9 71 J +50 9 72 S +50 9 73 U +50 9 74 P +50 9 75 S +50 9 76 L +50 9 77 S +50 9 78 P +50 9 79 U +50 9 80 S +50 9 81 L +50 9 82 S +50 9 83 P +50 9 84 T +50 9 85 S +50 9 86 T +50 9 87 U +50 9 88 J +50 9 89 E +50 9 90 S +50 9 91 L +50 9 92 P +50 9 93 S +50 9 94 E +50 9 95 S +50 9 96 L +50 9 97 E +50 9 98 J +50 9 99 T +50 9 100 S +50 9 101 J +50 9 102 P +50 9 103 E +50 9 104 S +50 9 105 L +50 9 106 L +50 9 107 P +50 9 108 P +50 9 109 S +50 9 110 L +50 9 111 E +50 9 112 J +50 9 113 E +50 9 114 S +50 9 115 J +50 9 116 P +50 9 117 E +50 9 118 L +50 9 119 E +50 9 120 P +50 9 121 J +50 9 122 S +50 9 123 S +50 9 124 P +50 9 125 J +50 9 126 T +50 9 127 S +50 9 128 P +50 9 129 P +50 9 130 E +50 9 131 L +50 9 132 J +50 9 133 E +50 9 134 E +50 9 135 J +50 9 136 S +50 9 137 T +50 9 138 S +50 9 139 P +50 9 140 S +50 9 141 P +50 9 142 S +50 9 143 L +50 9 144 S +50 9 145 S +50 9 146 L +50 9 147 S +50 9 148 J +50 9 149 S +50 9 150 T +50 9 151 S +50 9 152 L +50 9 153 S +50 9 154 E +50 9 155 E +50 9 156 S +50 9 157 U +50 9 158 P +50 9 159 L +50 9 160 S +50 9 161 S +50 9 162 J +50 9 163 S +50 9 164 S +50 9 165 E +50 9 166 S +50 9 167 P +50 9 168 S +50 9 169 S +50 9 170 E +50 9 171 E +50 9 172 P +50 9 173 J +50 9 174 L +50 9 175 T +50 9 176 J +50 9 177 P +50 9 178 S +50 9 179 T +50 9 180 S +50 9 181 L +50 9 182 J +50 9 183 T +50 9 184 S +50 9 185 T +50 9 186 S +50 9 187 L +50 9 188 S +50 9 189 P +50 9 190 T +50 9 191 S +50 9 192 E +50 9 193 L +50 9 194 J +50 9 195 S +50 9 196 S +50 9 197 T +50 9 198 E +50 9 199 P +50 9 200 S +50 9 201 T +50 9 202 S +50 9 203 J +50 9 204 E +50 9 205 S +50 9 206 P +50 9 207 J +50 9 208 L +50 9 209 S +50 9 210 J +50 9 211 S +50 9 212 L +50 9 213 P +50 9 214 S +50 9 215 T +50 9 216 E +50 9 217 L +50 9 218 L +50 9 219 P +50 9 220 S +50 9 221 P +50 9 222 S +50 9 223 S +50 9 224 P +50 9 225 U +50 9 226 T +50 9 227 E +50 9 228 T +50 9 229 L +50 9 230 P +50 9 231 T +50 9 232 E +50 9 233 S +50 9 234 S +50 9 235 S +50 9 236 T +50 9 237 P +50 9 238 S +50 9 239 L +50 9 240 J +50 9 241 P +50 9 242 L +50 9 243 J +50 9 244 P +50 9 245 J +50 9 246 S +50 9 247 T +50 9 248 E +50 9 249 S +50 9 250 T +50 9 251 P +50 9 252 P +50 9 253 S +50 9 254 S +50 9 255 E +50 9 256 L +50 9 257 S +50 9 258 L +50 9 259 J +50 9 260 P +50 9 261 L +50 9 262 P +50 9 263 U +50 9 264 T +50 9 265 S +50 9 266 J +50 9 267 J +50 9 268 S +50 9 269 T +50 9 270 L +50 9 271 S +50 9 272 P +50 9 273 T +50 9 274 P +50 9 275 S +50 9 276 J +50 9 277 S +50 9 278 T +50 9 279 S +50 9 280 P +50 9 281 S +50 9 282 L +50 9 283 T +50 9 284 P +50 9 285 P +50 9 286 P +50 9 287 L +50 9 288 J +50 9 289 S +50 9 290 P +50 9 291 S +50 9 292 L +50 9 293 P +50 9 294 P +50 9 295 E +50 9 296 S +50 9 297 L +50 9 298 J +50 9 299 S +50 9 300 P +50 9 301 S +50 9 302 P +50 9 303 P +50 9 304 E +50 9 305 J +50 9 306 S +50 9 307 T +50 9 308 P +50 9 309 E +50 9 310 S +50 9 311 S +50 9 312 E +50 9 313 S +50 9 314 P +50 9 315 S +50 9 316 S +50 9 317 J +50 9 318 L +50 9 319 P +50 9 320 E +50 9 321 J +50 9 322 S +50 9 323 S +50 9 324 P +50 9 325 L +50 9 326 L +50 9 327 P +50 9 328 S +50 9 329 L +50 9 330 P +50 10 1 S +50 10 2 S +50 10 3 J +50 10 4 S +50 10 5 S +50 10 6 J +50 10 7 S +50 10 8 J +50 10 9 L +50 10 10 S +50 10 11 S +50 10 12 L +50 10 13 L +50 10 14 S +50 10 15 P +50 10 16 P +50 10 17 J +50 10 18 P +50 10 19 S +50 10 20 S +50 10 21 J +50 10 22 P +50 10 23 S +50 10 24 L +50 10 25 S +50 10 26 S +50 10 27 P +50 10 28 J +50 10 29 S +50 10 30 J +50 10 31 S +50 10 32 J +50 10 33 J +50 10 34 S +50 10 35 J +50 10 36 S +50 10 37 S +50 10 38 J +50 10 39 S +50 10 40 S +50 10 41 J +50 10 42 L +50 10 43 S +50 10 44 P +50 10 45 S +50 10 46 P +50 10 47 L +50 10 48 J +50 10 49 J +50 10 50 J +50 10 51 J +50 10 52 P +50 10 53 J +50 10 54 S +50 10 55 S +50 10 56 J +50 10 57 S +50 10 58 L +50 10 59 P +50 10 60 S +50 10 61 J +50 10 62 S +50 10 63 L +50 10 64 S +50 10 65 J +50 10 66 P +50 10 67 S +50 10 68 L +50 10 69 S +50 10 70 P +50 10 71 J +50 10 72 S +50 10 73 S +50 10 74 P +50 10 75 S +50 10 76 J +50 10 77 S +50 10 78 S +50 10 79 P +50 10 80 S +50 10 81 L +50 10 82 L +50 10 83 P +50 10 84 L +50 10 85 S +50 10 86 L +50 10 87 P +50 10 88 J +50 10 89 P +50 10 90 S +50 10 91 L +50 10 92 P +50 10 93 S +50 10 94 P +50 10 95 P +50 10 96 L +50 10 97 L +50 10 98 J +50 10 99 P +50 10 100 L +50 10 101 J +50 10 102 P +50 10 103 S +50 10 104 S +50 10 105 J +50 10 106 L +50 10 107 P +50 10 108 P +50 10 109 S +50 10 110 L +50 10 111 S +50 10 112 J +50 10 113 P +50 10 114 L +50 10 115 J +50 10 116 P +50 10 117 L +50 10 118 L +50 10 119 S +50 10 120 P +50 10 121 J +50 10 122 S +50 10 123 S +50 10 124 L +50 10 125 J +50 10 126 L +50 10 127 S +50 10 128 L +50 10 129 P +50 10 130 L +50 10 131 J +50 10 132 J +50 10 133 S +50 10 134 P +50 10 135 J +50 10 136 S +50 10 137 S +50 10 138 L +50 10 139 P +50 10 140 S +50 10 141 P +50 10 142 P +50 10 143 S +50 10 144 S +50 10 145 S +50 10 146 L +50 10 147 S +50 10 148 J +50 10 149 S +50 10 150 L +50 10 151 L +50 10 152 L +50 10 153 S +50 10 154 S +50 10 155 P +50 10 156 L +50 10 157 S +50 10 158 J +50 10 159 P +50 10 160 P +50 10 161 S +50 10 162 J +50 10 163 S +50 10 164 S +50 10 165 S +50 10 166 S +50 10 167 P +50 10 168 S +50 10 169 S +50 10 170 S +50 10 171 S +50 10 172 P +50 10 173 J +50 10 174 L +50 10 175 P +50 10 176 J +50 10 177 P +50 10 178 S +50 10 179 J +50 10 180 S +50 10 181 L +50 10 182 J +50 10 183 L +50 10 184 S +50 10 185 L +50 10 186 S +50 10 187 J +50 10 188 L +50 10 189 S +50 10 190 L +50 10 191 S +50 10 192 S +50 10 193 L +50 10 194 J +50 10 195 S +50 10 196 L +50 10 197 L +50 10 198 E +50 10 199 P +50 10 200 P +50 10 201 P +50 10 202 S +50 10 203 J +50 10 204 P +50 10 205 S +50 10 206 P +50 10 207 J +50 10 208 L +50 10 209 S +50 10 210 J +50 10 211 S +50 10 212 J +50 10 213 P +50 10 214 S +50 10 215 P +50 10 216 S +50 10 217 L +50 10 218 L +50 10 219 P +50 10 220 S +50 10 221 P +50 10 222 S +50 10 223 S +50 10 224 P +50 10 225 L +50 10 226 S +50 10 227 S +50 10 228 S +50 10 229 S +50 10 230 P +50 10 231 J +50 10 232 L +50 10 233 S +50 10 234 S +50 10 235 S +50 10 236 L +50 10 237 P +50 10 238 S +50 10 239 L +50 10 240 J +50 10 241 P +50 10 242 L +50 10 243 S +50 10 244 P +50 10 245 J +50 10 246 L +50 10 247 S +50 10 248 L +50 10 249 S +50 10 250 L +50 10 251 S +50 10 252 P +50 10 253 S +50 10 254 P +50 10 255 E +50 10 256 J +50 10 257 S +50 10 258 L +50 10 259 J +50 10 260 P +50 10 261 L +50 10 262 P +50 10 263 P +50 10 264 S +50 10 265 S +50 10 266 J +50 10 267 J +50 10 268 S +50 10 269 J +50 10 270 L +50 10 271 S +50 10 272 P +50 10 273 L +50 10 274 P +50 10 275 L +50 10 276 J +50 10 277 S +50 10 278 J +50 10 279 S +50 10 280 L +50 10 281 S +50 10 282 S +50 10 283 L +50 10 284 P +50 10 285 L +50 10 286 P +50 10 287 L +50 10 288 J +50 10 289 S +50 10 290 P +50 10 291 S +50 10 292 L +50 10 293 P +50 10 294 P +50 10 295 L +50 10 296 L +50 10 297 L +50 10 298 J +50 10 299 S +50 10 300 P +50 10 301 S +50 10 302 P +50 10 303 P +50 10 304 S +50 10 305 J +50 10 306 S +50 10 307 S +50 10 308 L +50 10 309 L +50 10 310 S +50 10 311 S +50 10 312 E +50 10 313 S +50 10 314 P +50 10 315 S +50 10 316 L +50 10 317 J +50 10 318 L +50 10 319 P +50 10 320 L +50 10 321 J +50 10 322 S +50 10 323 S +50 10 324 P +50 10 325 J +50 10 326 L +50 10 327 P +50 10 328 S +50 10 329 L +50 10 330 P +51 1 1 M +51 1 2 K +51 1 3 L +51 1 4 L +51 1 5 K +51 1 6 W +51 1 7 K +51 1 8 L +51 1 9 G +51 1 10 M +51 1 11 K +51 1 12 W +51 1 13 K +51 1 14 M +51 1 15 K +51 1 16 T +51 1 17 L +51 1 18 G +51 1 19 M +51 1 20 K +51 1 21 L +51 1 22 W +51 1 23 M +51 1 24 G +51 1 25 M +51 1 26 M +51 1 27 T +51 1 28 M +51 1 29 K +51 1 30 G +51 1 31 K +51 1 32 G +51 1 33 K +51 1 34 M +51 1 35 L +51 1 36 M +51 1 37 K +51 1 38 L +51 1 39 K +51 1 40 K +51 1 41 L +51 1 42 W +51 1 43 M +51 1 44 T +51 1 45 K +51 1 46 G +51 1 47 G +51 1 48 W +51 1 49 K +51 1 50 M +51 1 51 G +51 1 52 T +51 1 53 L +51 1 54 K +51 1 55 K +51 1 56 M +51 1 57 M +51 1 58 W +51 1 59 T +51 1 60 M +51 1 61 L +51 1 62 M +51 1 63 L +51 1 64 M +51 1 65 L +51 1 66 T +51 1 67 K +51 1 68 L +51 1 69 G +51 1 70 T +51 1 71 L +51 1 72 K +51 1 73 L +51 1 74 T +51 1 75 K +51 1 76 L +51 1 77 K +51 1 78 T +51 1 79 G +51 1 80 M +51 1 81 W +51 1 82 K +51 1 83 T +51 1 84 M +51 1 85 K +51 1 86 L +51 1 87 G +51 1 88 L +51 1 89 G +51 1 90 K +51 1 91 W +51 1 92 T +51 1 93 K +51 1 94 G +51 1 95 T +51 1 96 W +51 1 97 M +51 1 98 L +51 1 99 M +51 1 100 K +51 1 101 L +51 1 102 T +51 1 103 W +51 1 104 K +51 1 105 L +51 1 106 W +51 1 107 T +51 1 108 T +51 1 109 M +51 1 110 W +51 1 111 K +51 1 112 L +51 1 113 G +51 1 114 M +51 1 115 L +51 1 116 K +51 1 117 G +51 1 118 L +51 1 119 K +51 1 120 T +51 1 121 L +51 1 122 K +51 1 123 M +51 1 124 W +51 1 125 L +51 1 126 K +51 1 127 G +51 1 128 W +51 1 129 T +51 1 130 G +51 1 131 L +51 1 132 L +51 1 133 K +51 1 134 G +51 1 135 L +51 1 136 K +51 1 137 G +51 1 138 M +51 1 139 T +51 1 140 M +51 1 141 T +51 1 142 T +51 1 143 W +51 1 144 M +51 1 145 K +51 1 146 W +51 1 147 K +51 1 148 L +51 1 149 K +51 1 150 M +51 1 151 L +51 1 152 L +51 1 153 M +51 1 154 G +51 1 155 G +51 1 156 K +51 1 157 G +51 1 158 T +51 1 159 W +51 1 160 M +51 1 161 K +51 1 162 L +51 1 163 K +51 1 164 M +51 1 165 G +51 1 166 M +51 1 167 T +51 1 168 K +51 1 169 M +51 1 170 M +51 1 171 W +51 1 172 T +51 1 173 L +51 1 174 W +51 1 175 T +51 1 176 L +51 1 177 W +51 1 178 M +51 1 179 L +51 1 180 K +51 1 181 W +51 1 182 L +51 1 183 G +51 1 184 K +51 1 185 W +51 1 186 K +51 1 187 W +51 1 188 K +51 1 189 T +51 1 190 M +51 1 191 K +51 1 192 M +51 1 193 W +51 1 194 L +51 1 195 K +51 1 196 T +51 1 197 M +51 1 198 G +51 1 199 T +51 1 200 K +51 1 201 T +51 1 202 K +51 1 203 L +51 1 204 G +51 1 205 M +51 1 206 T +51 1 207 L +51 1 208 W +51 1 209 M +51 1 210 L +51 1 211 M +51 1 212 L +51 1 213 T +51 1 214 W +51 1 215 K +51 1 216 G +51 1 217 T +51 1 218 W +51 1 219 T +51 1 220 M +51 1 221 T +51 1 222 M +51 1 223 K +51 1 224 T +51 1 225 W +51 1 226 M +51 1 227 G +51 1 228 M +51 1 229 K +51 1 230 T +51 1 231 M +51 1 232 W +51 1 233 K +51 1 234 K +51 1 235 M +51 1 236 W +51 1 237 W +51 1 238 K +51 1 239 L +51 1 240 L +51 1 241 T +51 1 242 W +51 1 243 L +51 1 244 T +51 1 245 L +51 1 246 K +51 1 247 M +51 1 248 G +51 1 249 G +51 1 250 G +51 1 251 K +51 1 252 T +51 1 253 K +51 1 254 T +51 1 255 G +51 1 256 L +51 1 257 M +51 1 258 W +51 1 259 L +51 1 260 W +51 1 261 W +51 1 262 T +51 1 263 G +51 1 264 T +51 1 265 K +51 1 266 L +51 1 267 L +51 1 268 K +51 1 269 L +51 1 270 W +51 1 271 K +51 1 272 T +51 1 273 K +51 1 274 T +51 1 275 W +51 1 276 L +51 1 277 M +51 1 278 W +51 1 279 M +51 1 280 W +51 1 281 K +51 1 282 K +51 1 283 S +51 1 284 T +51 1 285 L +51 1 286 T +51 1 287 W +51 1 288 L +51 1 289 K +51 1 290 T +51 1 291 M +51 1 292 L +51 1 293 T +51 1 294 T +51 1 295 G +51 1 296 M +51 1 297 W +51 1 298 L +51 1 299 K +51 1 300 T +51 1 301 K +51 1 302 T +51 1 303 T +51 1 304 W +51 1 305 L +51 1 306 W +51 1 307 M +51 1 308 M +51 1 309 G +51 1 310 K +51 1 311 M +51 1 312 G +51 1 313 M +51 1 314 T +51 1 315 K +51 1 316 K +51 1 317 L +51 1 318 T +51 1 319 T +51 1 320 W +51 1 321 L +51 1 322 M +51 1 323 K +51 1 324 T +51 1 325 L +51 1 326 W +51 1 327 T +51 1 328 K +51 1 329 W +51 1 330 T +51 2 1 M +51 2 2 K +51 2 3 L +51 2 4 Q +51 2 5 K +51 2 6 T +51 2 7 K +51 2 8 L +51 2 9 T +51 2 10 M +51 2 11 K +51 2 12 W +51 2 13 K +51 2 14 M +51 2 15 T +51 2 16 T +51 2 17 L +51 2 18 S +51 2 19 K +51 2 20 K +51 2 21 L +51 2 22 W +51 2 23 B +51 2 24 S +51 2 25 K +51 2 26 M +51 2 27 T +51 2 28 L +51 2 29 K +51 2 30 T +51 2 31 K +51 2 32 L +51 2 33 K +51 2 34 M +51 2 35 W +51 2 36 S +51 2 37 K +51 2 38 L +51 2 39 B +51 2 40 K +51 2 41 L +51 2 42 M +51 2 43 M +51 2 44 T +51 2 45 K +51 2 46 T +51 2 47 S +51 2 48 K +51 2 49 M +51 2 50 W +51 2 51 S +51 2 52 T +51 2 53 L +51 2 54 K +51 2 55 K +51 2 56 T +51 2 57 M +51 2 58 T +51 2 59 T +51 2 60 W +51 2 61 L +51 2 62 K +51 2 63 M +51 2 64 M +51 2 65 L +51 2 66 T +51 2 67 K +51 2 68 L +51 2 69 S +51 2 70 T +51 2 71 L +51 2 72 W +51 2 73 L +51 2 74 K +51 2 75 S +51 2 76 L +51 2 77 M +51 2 78 T +51 2 79 S +51 2 80 M +51 2 81 W +51 2 82 M +51 2 83 T +51 2 84 T +51 2 85 M +51 2 86 T +51 2 87 S +51 2 88 L +51 2 89 S +51 2 90 M +51 2 91 W +51 2 92 T +51 2 93 M +51 2 94 S +51 2 95 K +51 2 96 W +51 2 97 M +51 2 98 L +51 2 99 S +51 2 100 T +51 2 101 L +51 2 102 K +51 2 103 S +51 2 104 K +51 2 105 L +51 2 106 W +51 2 107 T +51 2 108 K +51 2 109 M +51 2 110 W +51 2 111 S +51 2 112 L +51 2 113 S +51 2 114 K +51 2 115 L +51 2 116 T +51 2 117 S +51 2 118 L +51 2 119 W +51 2 120 T +51 2 121 L +51 2 122 K +51 2 123 M +51 2 124 W +51 2 125 L +51 2 126 K +51 2 127 T +51 2 128 W +51 2 129 T +51 2 130 S +51 2 131 L +51 2 132 L +51 2 133 W +51 2 134 S +51 2 135 L +51 2 136 W +51 2 137 S +51 2 138 B +51 2 139 T +51 2 140 M +51 2 141 T +51 2 142 T +51 2 143 W +51 2 144 M +51 2 145 K +51 2 146 W +51 2 147 T +51 2 148 L +51 2 149 W +51 2 150 M +51 2 151 S +51 2 152 B +51 2 153 M +51 2 154 S +51 2 155 S +51 2 156 W +51 2 157 S +51 2 158 T +51 2 159 M +51 2 160 T +51 2 161 K +51 2 162 L +51 2 163 K +51 2 164 M +51 2 165 S +51 2 166 M +51 2 167 T +51 2 168 K +51 2 169 M +51 2 170 S +51 2 171 K +51 2 172 T +51 2 173 L +51 2 174 W +51 2 175 S +51 2 176 L +51 2 177 W +51 2 178 M +51 2 179 L +51 2 180 W +51 2 181 T +51 2 182 L +51 2 183 M +51 2 184 K +51 2 185 S +51 2 186 W +51 2 187 M +51 2 188 B +51 2 189 K +51 2 190 T +51 2 191 M +51 2 192 K +51 2 193 W +51 2 194 L +51 2 195 K +51 2 196 T +51 2 197 M +51 2 198 S +51 2 199 T +51 2 200 M +51 2 201 S +51 2 202 K +51 2 203 L +51 2 204 S +51 2 205 K +51 2 206 W +51 2 207 L +51 2 208 S +51 2 209 M +51 2 210 L +51 2 211 S +51 2 212 W +51 2 213 S +51 2 214 W +51 2 215 L +51 2 216 S +51 2 217 M +51 2 218 W +51 2 219 K +51 2 220 M +51 2 221 T +51 2 222 L +51 2 223 K +51 2 224 T +51 2 225 K +51 2 226 M +51 2 227 S +51 2 228 M +51 2 229 K +51 2 230 T +51 2 231 L +51 2 232 S +51 2 233 M +51 2 234 K +51 2 235 M +51 2 236 L +51 2 237 T +51 2 238 K +51 2 239 L +51 2 240 S +51 2 241 T +51 2 242 W +51 2 243 L +51 2 244 T +51 2 245 L +51 2 246 W +51 2 247 K +51 2 248 S +51 2 249 M +51 2 250 T +51 2 251 B +51 2 252 T +51 2 253 T +51 2 254 M +51 2 255 S +51 2 256 L +51 2 257 M +51 2 258 W +51 2 259 L +51 2 260 T +51 2 261 L +51 2 262 T +51 2 263 S +51 2 264 M +51 2 265 K +51 2 266 L +51 2 267 L +51 2 268 K +51 2 269 L +51 2 270 T +51 2 271 W +51 2 272 T +51 2 273 L +51 2 274 T +51 2 275 W +51 2 276 L +51 2 277 K +51 2 278 L +51 2 279 M +51 2 280 K +51 2 281 K +51 2 282 K +51 2 283 S +51 2 284 T +51 2 285 T +51 2 286 L +51 2 287 W +51 2 288 L +51 2 289 K +51 2 290 T +51 2 291 M +51 2 292 L +51 2 293 B +51 2 294 T +51 2 295 S +51 2 296 M +51 2 297 W +51 2 298 L +51 2 299 K +51 2 300 T +51 2 301 K +51 2 302 T +51 2 303 L +51 2 304 W +51 2 305 L +51 2 306 K +51 2 307 B +51 2 308 T +51 2 309 S +51 2 310 B +51 2 311 M +51 2 312 S +51 2 313 K +51 2 314 T +51 2 315 K +51 2 316 B +51 2 317 L +51 2 318 W +51 2 319 T +51 2 320 Q +51 2 321 L +51 2 322 K +51 2 323 M +51 2 324 T +51 2 325 L +51 2 326 W +51 2 327 T +51 2 328 M +51 2 329 S +51 2 330 T +51 3 1 M +51 3 2 T +51 3 3 L +51 3 4 S +51 3 5 Q +51 3 6 B +51 3 7 T +51 3 8 L +51 3 9 S +51 3 10 S +51 3 11 M +51 3 12 W +51 3 13 M +51 3 14 S +51 3 15 W +51 3 16 T +51 3 17 L +51 3 18 S +51 3 19 M +51 3 20 T +51 3 21 L +51 3 22 W +51 3 23 M +51 3 24 S +51 3 25 T +51 3 26 M +51 3 27 T +51 3 28 L +51 3 29 T +51 3 30 W +51 3 31 T +51 3 32 M +51 3 33 B +51 3 34 M +51 3 35 T +51 3 36 S +51 3 37 T +51 3 38 L +51 3 39 T +51 3 40 M +51 3 41 L +51 3 42 W +51 3 43 S +51 3 44 T +51 3 45 M +51 3 46 S +51 3 47 S +51 3 48 W +51 3 49 M +51 3 50 S +51 3 51 S +51 3 52 B +51 3 53 M +51 3 54 W +51 3 55 V +51 3 56 W +51 3 57 M +51 3 58 S +51 3 59 T +51 3 60 M +51 3 61 E +51 3 62 M +51 3 63 T +51 3 64 M +51 3 65 L +51 3 66 W +51 3 67 B +51 3 68 L +51 3 69 S +51 3 70 T +51 3 71 S +51 3 72 V +51 3 73 L +51 3 74 T +51 3 75 S +51 3 76 L +51 3 77 M +51 3 78 T +51 3 79 S +51 3 80 M +51 3 81 S +51 3 82 W +51 3 83 W +51 3 84 V +51 3 85 M +51 3 86 V +51 3 87 S +51 3 88 M +51 3 89 S +51 3 90 S +51 3 91 W +51 3 92 W +51 3 93 M +51 3 94 S +51 3 95 B +51 3 96 V +51 3 97 M +51 3 98 L +51 3 99 W +51 3 100 Q +51 3 101 L +51 3 102 T +51 3 103 S +51 3 104 M +51 3 105 E +51 3 106 W +51 3 107 M +51 3 108 T +51 3 109 M +51 3 110 W +51 3 111 S +51 3 112 M +51 3 113 S +51 3 114 M +51 3 115 L +51 3 116 T +51 3 117 S +51 3 118 L +51 3 119 M +51 3 120 T +51 3 121 L +51 3 122 B +51 3 123 T +51 3 124 M +51 3 125 L +51 3 126 L +51 3 127 S +51 3 128 U +51 3 129 T +51 3 130 S +51 3 131 L +51 3 132 L +51 3 133 M +51 3 134 S +51 3 135 L +51 3 136 M +51 3 137 S +51 3 138 V +51 3 139 T +51 3 140 M +51 3 141 T +51 3 142 T +51 3 143 V +51 3 144 S +51 3 145 M +51 3 146 W +51 3 147 V +51 3 148 E +51 3 149 K +51 3 150 S +51 3 151 T +51 3 152 K +51 3 153 V +51 3 154 S +51 3 155 S +51 3 156 M +51 3 157 S +51 3 158 T +51 3 159 B +51 3 160 W +51 3 161 K +51 3 162 E +51 3 163 K +51 3 164 K +51 3 165 S +51 3 166 K +51 3 167 T +51 3 168 S +51 3 169 M +51 3 170 S +51 3 171 Q +51 3 172 T +51 3 173 L +51 3 174 W +51 3 175 K +51 3 176 L +51 3 177 W +51 3 178 M +51 3 179 S +51 3 180 M +51 3 181 S +51 3 182 S +51 3 183 S +51 3 184 M +51 3 185 T +51 3 186 M +51 3 187 T +51 3 188 M +51 3 189 T +51 3 190 U +51 3 191 M +51 3 192 T +51 3 193 U +51 3 194 E +51 3 195 K +51 3 196 B +51 3 197 Q +51 3 198 S +51 3 199 U +51 3 200 M +51 3 201 T +51 3 202 M +51 3 203 E +51 3 204 S +51 3 205 V +51 3 206 T +51 3 207 L +51 3 208 S +51 3 209 M +51 3 210 S +51 3 211 K +51 3 212 W +51 3 213 S +51 3 214 Q +51 3 215 V +51 3 216 S +51 3 217 U +51 3 218 Q +51 3 219 T +51 3 220 M +51 3 221 T +51 3 222 M +51 3 223 K +51 3 224 B +51 3 225 S +51 3 226 M +51 3 227 S +51 3 228 M +51 3 229 K +51 3 230 Q +51 3 231 V +51 3 232 S +51 3 233 T +51 3 234 M +51 3 235 M +51 3 236 Q +51 3 237 T +51 3 238 M +51 3 239 W +51 3 240 S +51 3 241 T +51 3 242 W +51 3 243 L +51 3 244 T +51 3 245 L +51 3 246 M +51 3 247 T +51 3 248 S +51 3 249 M +51 3 250 V +51 3 251 T +51 3 252 T +51 3 253 M +51 3 254 T +51 3 255 S +51 3 256 L +51 3 257 S +51 3 258 W +51 3 259 L +51 3 260 T +51 3 261 B +51 3 262 T +51 3 263 S +51 3 264 T +51 3 265 M +51 3 266 L +51 3 267 M +51 3 268 V +51 3 269 L +51 3 270 W +51 3 271 S +51 3 272 T +51 3 273 L +51 3 274 T +51 3 275 S +51 3 276 L +51 3 277 M +51 3 278 W +51 3 279 M +51 3 280 S +51 3 281 V +51 3 282 K +51 3 283 S +51 3 284 Q +51 3 285 M +51 3 286 T +51 3 287 S +51 3 288 L +51 3 289 M +51 3 290 T +51 3 291 M +51 3 292 Q +51 3 293 T +51 3 294 T +51 3 295 S +51 3 296 M +51 3 297 W +51 3 298 L +51 3 299 M +51 3 300 S +51 3 301 V +51 3 302 W +51 3 303 S +51 3 304 S +51 3 305 L +51 3 306 V +51 3 307 V +51 3 308 Q +51 3 309 S +51 3 310 V +51 3 311 M +51 3 312 S +51 3 313 M +51 3 314 T +51 3 315 V +51 3 316 Q +51 3 317 L +51 3 318 W +51 3 319 T +51 3 320 S +51 3 321 L +51 3 322 Q +51 3 323 V +51 3 324 T +51 3 325 L +51 3 326 W +51 3 327 T +51 3 328 S +51 3 329 Q +51 3 330 T +51 4 1 M +51 4 2 K +51 4 3 E +51 4 4 O +51 4 5 Y +51 4 6 T +51 4 7 Y +51 4 8 E +51 4 9 S +51 4 10 M +51 4 11 G +51 4 12 W +51 4 13 K +51 4 14 S +51 4 15 Y +51 4 16 T +51 4 17 E +51 4 18 S +51 4 19 K +51 4 20 K +51 4 21 E +51 4 22 W +51 4 23 Y +51 4 24 S +51 4 25 M +51 4 26 Y +51 4 27 T +51 4 28 L +51 4 29 K +51 4 30 Q +51 4 31 T +51 4 32 K +51 4 33 Y +51 4 34 M +51 4 35 Y +51 4 36 S +51 4 37 M +51 4 38 E +51 4 39 M +51 4 40 M +51 4 41 E +51 4 42 W +51 4 43 G +51 4 44 T +51 4 45 Y +51 4 46 S +51 4 47 G +51 4 48 W +51 4 49 M +51 4 50 E +51 4 51 G +51 4 52 T +51 4 53 E +51 4 54 M +51 4 55 Y +51 4 56 G +51 4 57 S +51 4 58 W +51 4 59 T +51 4 60 G +51 4 61 L +51 4 62 * +51 4 63 W +51 4 64 M +51 4 65 E +51 4 66 AL +51 4 67 Y +51 4 68 E +51 4 69 S +51 4 70 T +51 4 71 L +51 4 72 M +51 4 73 K +51 4 74 T +51 4 75 S +51 4 76 E +51 4 77 M +51 4 78 T +51 4 79 S +51 4 80 M +51 4 81 K +51 4 82 K +51 4 83 W +51 4 84 T +51 4 85 K +51 4 86 E +51 4 87 S +51 4 88 E +51 4 89 S +51 4 90 S +51 4 91 W +51 4 92 T +51 4 93 K +51 4 94 S +51 4 95 T +51 4 96 W +51 4 97 Y +51 4 98 E +51 4 99 T +51 4 100 K +51 4 101 E +51 4 102 T +51 4 103 W +51 4 104 Y +51 4 105 E +51 4 106 W +51 4 107 T +51 4 108 Y +51 4 109 Y +51 4 110 W +51 4 111 G +51 4 112 E +51 4 113 S +51 4 114 M +51 4 115 E +51 4 116 Y +51 4 117 G +51 4 118 W +51 4 119 M +51 4 120 T +51 4 121 O +51 4 122 M +51 4 123 G +51 4 124 W +51 4 125 E +51 4 126 E +51 4 127 G +51 4 128 W +51 4 129 T +51 4 130 G +51 4 131 E +51 4 132 E +51 4 133 S +51 4 134 G +51 4 135 E +51 4 136 M +51 4 137 S +51 4 138 M +51 4 139 T +51 4 140 Y +51 4 141 T +51 4 142 T +51 4 143 Y +51 4 144 M +51 4 145 Y +51 4 146 W +51 4 147 Y +51 4 148 E +51 4 149 M +51 4 150 E +51 4 151 Y +51 4 152 M +51 4 153 M +51 4 154 G +51 4 155 S +51 4 156 K +51 4 157 G +51 4 158 T +51 4 159 T +51 4 160 Y +51 4 161 Y +51 4 162 E +51 4 163 Y +51 4 164 M +51 4 165 G +51 4 166 S +51 4 167 T +51 4 168 G +51 4 169 G +51 4 170 G +51 4 171 S +51 4 172 T +51 4 173 E +51 4 174 W +51 4 175 T +51 4 176 E +51 4 177 W +51 4 178 M +51 4 179 E +51 4 180 M +51 4 181 W +51 4 182 E +51 4 183 G +51 4 184 K +51 4 185 E +51 4 186 M +51 4 187 W +51 4 188 Y +51 4 189 T +51 4 190 T +51 4 191 M +51 4 192 Y +51 4 193 W +51 4 194 E +51 4 195 M +51 4 196 M +51 4 197 T +51 4 198 G +51 4 199 T +51 4 200 M +51 4 201 Y +51 4 202 M +51 4 203 E +51 4 204 G +51 4 205 M +51 4 206 T +51 4 207 E +51 4 208 W +51 4 209 G +51 4 210 E +51 4 211 M +51 4 212 W +51 4 213 T +51 4 214 W +51 4 215 T +51 4 216 G +51 4 217 W +51 4 218 W +51 4 219 K +51 4 220 Y +51 4 221 T +51 4 222 E +51 4 223 M +51 4 224 T +51 4 225 W +51 4 226 Y +51 4 227 S +51 4 228 S +51 4 229 K +51 4 230 T +51 4 231 E +51 4 232 W +51 4 233 T +51 4 234 K +51 4 235 M +51 4 236 W +51 4 237 E +51 4 238 M +51 4 239 K +51 4 240 G +51 4 241 T +51 4 242 W +51 4 243 E +51 4 244 T +51 4 245 E +51 4 246 Y +51 4 247 W +51 4 248 G +51 4 249 S +51 4 250 E +51 4 251 M +51 4 252 T +51 4 253 Y +51 4 254 T +51 4 255 G +51 4 256 L +51 4 257 G +51 4 258 W +51 4 259 E +51 4 260 W +51 4 261 T +51 4 262 T +51 4 263 G +51 4 264 T +51 4 265 K +51 4 266 E +51 4 267 E +51 4 268 Y +51 4 269 E +51 4 270 W +51 4 271 G +51 4 272 T +51 4 273 E +51 4 274 T +51 4 275 W +51 4 276 E +51 4 277 G +51 4 278 E +51 4 279 M +51 4 280 K +51 4 281 K +51 4 282 K +51 4 283 S +51 4 284 T +51 4 285 G +51 4 286 T +51 4 287 W +51 4 288 E +51 4 289 K +51 4 290 T +51 4 291 M +51 4 292 Y +51 4 293 T +51 4 294 T +51 4 295 G +51 4 296 E +51 4 297 W +51 4 298 E +51 4 299 M +51 4 300 T +51 4 301 M +51 4 302 T +51 4 303 T +51 4 304 Y +51 4 305 E +51 4 306 W +51 4 307 M +51 4 308 T +51 4 309 G +51 4 310 M +51 4 311 K +51 4 312 G +51 4 313 M +51 4 314 T +51 4 315 Y +51 4 316 Y +51 4 317 E +51 4 318 W +51 4 319 T +51 4 320 G +51 4 321 E +51 4 322 K +51 4 323 M +51 4 324 T +51 4 325 E +51 4 326 W +51 4 327 T +51 4 328 G +51 4 329 G +51 4 330 T +51 5 1 B +51 5 2 T +51 5 3 L +51 5 4 S +51 5 5 K +51 5 6 M +51 5 7 K +51 5 8 L +51 5 9 S +51 5 10 M +51 5 11 B +51 5 12 W +51 5 13 B +51 5 14 M +51 5 15 T +51 5 16 T +51 5 17 L +51 5 18 S +51 5 19 M +51 5 20 K +51 5 21 L +51 5 22 T +51 5 23 M +51 5 24 S +51 5 25 B +51 5 26 M +51 5 27 Q +51 5 28 E +51 5 29 K +51 5 30 Q +51 5 31 B +51 5 32 Q +51 5 33 K +51 5 34 M +51 5 35 Q +51 5 36 B +51 5 37 M +51 5 38 L +51 5 39 K +51 5 40 B +51 5 41 L +51 5 42 M +51 5 43 M +51 5 44 T +51 5 45 K +51 5 46 Q +51 5 47 S +51 5 48 T +51 5 49 K +51 5 50 S +51 5 51 S +51 5 52 T +51 5 53 L +51 5 54 B +51 5 55 B +51 5 56 T +51 5 57 M +51 5 58 Q +51 5 59 T +51 5 60 S +51 5 61 L +51 5 62 B +51 5 63 M +51 5 64 M +51 5 65 L +51 5 66 T +51 5 67 K +51 5 68 L +51 5 69 M +51 5 70 T +51 5 71 L +51 5 72 B +51 5 73 L +51 5 74 T +51 5 75 S +51 5 76 L +51 5 77 M +51 5 78 T +51 5 79 S +51 5 80 M +51 5 81 K +51 5 82 K +51 5 83 T +51 5 84 Q +51 5 85 K +51 5 86 L +51 5 87 S +51 5 88 L +51 5 89 S +51 5 90 B +51 5 91 K +51 5 92 T +51 5 93 M +51 5 94 S +51 5 95 T +51 5 96 B +51 5 97 M +51 5 98 L +51 5 99 T +51 5 100 B +51 5 101 L +51 5 102 T +51 5 103 M +51 5 104 T +51 5 105 L +51 5 106 T +51 5 107 T +51 5 108 K +51 5 109 M +51 5 110 T +51 5 111 S +51 5 112 L +51 5 113 S +51 5 114 B +51 5 115 L +51 5 116 M +51 5 117 S +51 5 118 Q +51 5 119 K +51 5 120 T +51 5 121 L +51 5 122 K +51 5 123 M +51 5 124 B +51 5 125 L +51 5 126 T +51 5 127 S +51 5 128 W +51 5 129 T +51 5 130 S +51 5 131 L +51 5 132 L +51 5 133 K +51 5 134 S +51 5 135 L +51 5 136 K +51 5 137 B +51 5 138 M +51 5 139 T +51 5 140 M +51 5 141 T +51 5 142 T +51 5 143 K +51 5 144 M +51 5 145 K +51 5 146 B +51 5 147 K +51 5 148 L +51 5 149 B +51 5 150 L +51 5 151 Q +51 5 152 Q +51 5 153 M +51 5 154 S +51 5 155 S +51 5 156 K +51 5 157 Q +51 5 158 T +51 5 159 Q +51 5 160 L +51 5 161 K +51 5 162 L +51 5 163 M +51 5 164 M +51 5 165 S +51 5 166 M +51 5 167 K +51 5 168 K +51 5 169 M +51 5 170 S +51 5 171 B +51 5 172 T +51 5 173 L +51 5 174 W +51 5 175 T +51 5 176 Q +51 5 177 W +51 5 178 M +51 5 179 L +51 5 180 K +51 5 181 W +51 5 182 L +51 5 183 W +51 5 184 K +51 5 185 Q +51 5 186 K +51 5 187 Q +51 5 188 K +51 5 189 T +51 5 190 Q +51 5 191 K +51 5 192 M +51 5 193 B +51 5 194 L +51 5 195 B +51 5 196 M +51 5 197 M +51 5 198 S +51 5 199 T +51 5 200 W +51 5 201 Q +51 5 202 K +51 5 203 L +51 5 204 S +51 5 205 M +51 5 206 T +51 5 207 L +51 5 208 W +51 5 209 B +51 5 210 Q +51 5 211 B +51 5 212 W +51 5 213 S +51 5 214 W +51 5 215 Q +51 5 216 B +51 5 217 W +51 5 218 W +51 5 219 T +51 5 220 M +51 5 221 T +51 5 222 K +51 5 223 K +51 5 224 T +51 5 225 B +51 5 226 K +51 5 227 S +51 5 228 M +51 5 229 W +51 5 230 T +51 5 231 L +51 5 232 B +51 5 233 M +51 5 234 K +51 5 235 M +51 5 236 B +51 5 237 T +51 5 238 K +51 5 239 Q +51 5 240 L +51 5 241 T +51 5 242 W +51 5 243 L +51 5 244 T +51 5 245 L +51 5 246 K +51 5 247 M +51 5 248 B +51 5 249 K +51 5 250 M +51 5 251 T +51 5 252 T +51 5 253 B +51 5 254 M +51 5 255 S +51 5 256 L +51 5 257 M +51 5 258 W +51 5 259 L +51 5 260 W +51 5 261 Q +51 5 262 T +51 5 263 S +51 5 264 T +51 5 265 K +51 5 266 Q +51 5 267 L +51 5 268 K +51 5 269 L +51 5 270 W +51 5 271 B +51 5 272 T +51 5 273 L +51 5 274 T +51 5 275 B +51 5 276 L +51 5 277 M +51 5 278 Q +51 5 279 M +51 5 280 B +51 5 281 K +51 5 282 B +51 5 283 S +51 5 284 T +51 5 285 Q +51 5 286 T +51 5 287 B +51 5 288 L +51 5 289 B +51 5 290 T +51 5 291 M +51 5 292 Q +51 5 293 T +51 5 294 T +51 5 295 Q +51 5 296 M +51 5 297 W +51 5 298 L +51 5 299 K +51 5 300 Q +51 5 301 K +51 5 302 T +51 5 303 T +51 5 304 B +51 5 305 L +51 5 306 W +51 5 307 M +51 5 308 K +51 5 309 S +51 5 310 K +51 5 311 M +51 5 312 S +51 5 313 M +51 5 314 T +51 5 315 B +51 5 316 K +51 5 317 L +51 5 318 Q +51 5 319 T +51 5 320 B +51 5 321 L +51 5 322 M +51 5 323 K +51 5 324 T +51 5 325 L +51 5 326 W +51 5 327 T +51 5 328 B +51 5 329 Q +51 5 330 T +51 6 1 M +51 6 2 K +51 6 3 L +51 6 4 PI +51 6 5 M +51 6 6 T +51 6 7 K +51 6 8 L +51 6 9 M +51 6 10 * +51 6 11 M +51 6 12 W +51 6 13 M +51 6 14 K +51 6 15 KI +51 6 16 T +51 6 17 L +51 6 18 S +51 6 19 M +51 6 20 K +51 6 21 L +51 6 22 W +51 6 23 M +51 6 24 * +51 6 25 M +51 6 26 M +51 6 27 T +51 6 28 L +51 6 29 K +51 6 30 T +51 6 31 M +51 6 32 L +51 6 33 K +51 6 34 M +51 6 35 * +51 6 36 K +51 6 37 M +51 6 38 L +51 6 39 K +51 6 40 M +51 6 41 L +51 6 42 W +51 6 43 M +51 6 44 T +51 6 45 M +51 6 46 T +51 6 47 K +51 6 48 W +51 6 49 M +51 6 50 L +51 6 51 T +51 6 52 T +51 6 53 L +51 6 54 K +51 6 55 M +51 6 56 T +51 6 57 M +51 6 58 W +51 6 59 T +51 6 60 Y +51 6 61 L +51 6 62 GG +51 6 63 * +51 6 64 M +51 6 65 L +51 6 66 T +51 6 67 K +51 6 68 L +51 6 69 Y +51 6 70 T +51 6 71 L +51 6 72 K +51 6 73 L +51 6 74 T +51 6 75 K +51 6 76 GG +51 6 77 M +51 6 78 T +51 6 79 G +51 6 80 M +51 6 81 K +51 6 82 K +51 6 83 T +51 6 84 * +51 6 85 K +51 6 86 L +51 6 87 G +51 6 88 L +51 6 89 G +51 6 90 M +51 6 91 W +51 6 92 T +51 6 93 M +51 6 94 G +51 6 95 T +51 6 96 W +51 6 97 M +51 6 98 L +51 6 99 T +51 6 100 K +51 6 101 L +51 6 102 M +51 6 103 * +51 6 104 M +51 6 105 L +51 6 106 W +51 6 107 T +51 6 108 T +51 6 109 M +51 6 110 W +51 6 111 G +51 6 112 L +51 6 113 G +51 6 114 M +51 6 115 L +51 6 116 M +51 6 117 G +51 6 118 L +51 6 119 K +51 6 120 T +51 6 121 L +51 6 122 K +51 6 123 M +51 6 124 W +51 6 125 L +51 6 126 * +51 6 127 G +51 6 128 W +51 6 129 T +51 6 130 G +51 6 131 L +51 6 132 L +51 6 133 K +51 6 134 * +51 6 135 L +51 6 136 K +51 6 137 K +51 6 138 M +51 6 139 T +51 6 140 M +51 6 141 T +51 6 142 T +51 6 143 W +51 6 144 M +51 6 145 K +51 6 146 W +51 6 147 M +51 6 148 L +51 6 149 K +51 6 150 L +51 6 151 * +51 6 152 * +51 6 153 M +51 6 154 G +51 6 155 G +51 6 156 K +51 6 157 G +51 6 158 T +51 6 159 T +51 6 160 GG +51 6 161 K +51 6 162 L +51 6 163 M +51 6 164 M +51 6 165 G +51 6 166 M +51 6 167 T +51 6 168 M +51 6 169 M +51 6 170 G +51 6 171 K +51 6 172 T +51 6 173 L +51 6 174 W +51 6 175 T +51 6 176 L +51 6 177 W +51 6 178 M +51 6 179 L +51 6 180 K +51 6 181 W +51 6 182 L +51 6 183 G +51 6 184 M +51 6 185 W +51 6 186 K +51 6 187 W +51 6 188 M +51 6 189 T +51 6 190 T +51 6 191 K +51 6 192 GG +51 6 193 W +51 6 194 L +51 6 195 K +51 6 196 K +51 6 197 GG +51 6 198 G +51 6 199 T +51 6 200 M +51 6 201 * +51 6 202 K +51 6 203 L +51 6 204 G +51 6 205 M +51 6 206 T +51 6 207 L +51 6 208 GG +51 6 209 M +51 6 210 GG +51 6 211 M +51 6 212 W +51 6 213 T +51 6 214 W +51 6 215 * +51 6 216 G +51 6 217 * +51 6 218 W +51 6 219 T +51 6 220 M +51 6 221 T +51 6 222 Y +51 6 223 K +51 6 224 T +51 6 225 GG +51 6 226 Y +51 6 227 G +51 6 228 M +51 6 229 K +51 6 230 T +51 6 231 L +51 6 232 G +51 6 233 M +51 6 234 K +51 6 235 M +51 6 236 K +51 6 237 T +51 6 238 K +51 6 239 L +51 6 240 S +51 6 241 T +51 6 242 W +51 6 243 L +51 6 244 T +51 6 245 L +51 6 246 K +51 6 247 M +51 6 248 K +51 6 249 K +51 6 250 M +51 6 251 K +51 6 252 T +51 6 253 K +51 6 254 M +51 6 255 G +51 6 256 L +51 6 257 M +51 6 258 W +51 6 259 L +51 6 260 T +51 6 261 GG +51 6 262 T +51 6 263 G +51 6 264 T +51 6 265 K +51 6 266 L +51 6 267 L +51 6 268 K +51 6 269 L +51 6 270 GG +51 6 271 M +51 6 272 T +51 6 273 O +51 6 274 T +51 6 275 W +51 6 276 L +51 6 277 M +51 6 278 GG +51 6 279 M +51 6 280 K +51 6 281 K +51 6 282 K +51 6 283 GG +51 6 284 T +51 6 285 GG +51 6 286 T +51 6 287 G +51 6 288 L +51 6 289 M +51 6 290 T +51 6 291 M +51 6 292 T +51 6 293 T +51 6 294 T +51 6 295 G +51 6 296 M +51 6 297 W +51 6 298 L +51 6 299 K +51 6 300 T +51 6 301 K +51 6 302 T +51 6 303 T +51 6 304 GG +51 6 305 L +51 6 306 W +51 6 307 M +51 6 308 GG +51 6 309 G +51 6 310 K +51 6 311 M +51 6 312 G +51 6 313 Y +51 6 314 T +51 6 315 K +51 6 316 K +51 6 317 L +51 6 318 GG +51 6 319 T +51 6 320 G +51 6 321 L +51 6 322 M +51 6 323 K +51 6 324 T +51 6 325 L +51 6 326 W +51 6 327 T +51 6 328 K +51 6 329 GG +51 6 330 T +51 7 1 M +51 7 2 K +51 7 3 L +51 7 4 Q +51 7 5 K +51 7 6 Q +51 7 7 K +51 7 8 E +51 7 9 Q +51 7 10 M +51 7 11 K +51 7 12 M +51 7 13 K +51 7 14 M +51 7 15 K +51 7 16 T +51 7 17 L +51 7 18 M +51 7 19 M +51 7 20 K +51 7 21 L +51 7 22 K +51 7 23 M +51 7 24 K +51 7 25 M +51 7 26 M +51 7 27 T +51 7 28 L +51 7 29 M +51 7 30 L +51 7 31 M +51 7 32 L +51 7 33 M +51 7 34 M +51 7 35 L +51 7 36 M +51 7 37 M +51 7 38 L +51 7 39 T +51 7 40 K +51 7 41 L +51 7 42 K +51 7 43 M +51 7 44 T +51 7 45 K +51 7 46 K +51 7 47 K +51 7 48 K +51 7 49 M +51 7 50 L +51 7 51 L +51 7 52 M +51 7 53 L +51 7 54 M +51 7 55 M +51 7 56 K +51 7 57 M +51 7 58 K +51 7 59 T +51 7 60 M +51 7 61 L +51 7 62 K +51 7 63 L +51 7 64 M +51 7 65 L +51 7 66 T +51 7 67 M +51 7 68 L +51 7 69 K +51 7 70 T +51 7 71 L +51 7 72 K +51 7 73 L +51 7 74 T +51 7 75 K +51 7 76 L +51 7 77 K +51 7 78 T +51 7 79 T +51 7 80 M +51 7 81 K +51 7 82 K +51 7 83 T +51 7 84 T +51 7 85 K +51 7 86 K +51 7 87 K +51 7 88 L +51 7 89 K +51 7 90 M +51 7 91 K +51 7 92 T +51 7 93 M +51 7 94 M +51 7 95 T +51 7 96 M +51 7 97 K +51 7 98 L +51 7 99 K +51 7 100 K +51 7 101 L +51 7 102 K +51 7 103 K +51 7 104 K +51 7 105 L +51 7 106 K +51 7 107 T +51 7 108 K +51 7 109 M +51 7 110 K +51 7 111 K +51 7 112 L +51 7 113 K +51 7 114 K +51 7 115 L +51 7 116 K +51 7 117 K +51 7 118 M +51 7 119 K +51 7 120 T +51 7 121 L +51 7 122 K +51 7 123 K +51 7 124 K +51 7 125 L +51 7 126 L +51 7 127 K +51 7 128 K +51 7 129 T +51 7 130 K +51 7 131 L +51 7 132 L +51 7 133 K +51 7 134 L +51 7 135 L +51 7 136 K +51 7 137 K +51 7 138 M +51 7 139 T +51 7 140 M +51 7 141 T +51 7 142 T +51 7 143 K +51 7 144 M +51 7 145 K +51 7 146 K +51 7 147 K +51 7 148 L +51 7 149 K +51 7 150 M +51 7 151 K +51 7 152 K +51 7 153 M +51 7 154 K +51 7 155 K +51 7 156 K +51 7 157 K +51 7 158 T +51 7 159 K +51 7 160 T +51 7 161 M +51 7 162 L +51 7 163 M +51 7 164 M +51 7 165 K +51 7 166 M +51 7 167 T +51 7 168 K +51 7 169 M +51 7 170 K +51 7 171 K +51 7 172 T +51 7 173 L +51 7 174 K +51 7 175 T +51 7 176 L +51 7 177 K +51 7 178 M +51 7 179 L +51 7 180 K +51 7 181 K +51 7 182 L +51 7 183 K +51 7 184 M +51 7 185 M +51 7 186 M +51 7 187 M +51 7 188 M +51 7 189 T +51 7 190 T +51 7 191 K +51 7 192 M +51 7 193 K +51 7 194 L +51 7 195 K +51 7 196 K +51 7 197 M +51 7 198 K +51 7 199 T +51 7 200 M +51 7 201 T +51 7 202 K +51 7 203 L +51 7 204 K +51 7 205 M +51 7 206 T +51 7 207 L +51 7 208 K +51 7 209 M +51 7 210 L +51 7 211 K +51 7 212 K +51 7 213 K +51 7 214 K +51 7 215 M +51 7 216 K +51 7 217 M +51 7 218 K +51 7 219 K +51 7 220 M +51 7 221 T +51 7 222 L +51 7 223 K +51 7 224 T +51 7 225 K +51 7 226 K +51 7 227 K +51 7 228 M +51 7 229 K +51 7 230 T +51 7 231 M +51 7 232 K +51 7 233 M +51 7 234 K +51 7 235 M +51 7 236 M +51 7 237 T +51 7 238 K +51 7 239 M +51 7 240 L +51 7 241 T +51 7 242 K +51 7 243 L +51 7 244 T +51 7 245 L +51 7 246 K +51 7 247 M +51 7 248 K +51 7 249 K +51 7 250 M +51 7 251 K +51 7 252 T +51 7 253 K +51 7 254 K +51 7 255 K +51 7 256 L +51 7 257 M +51 7 258 K +51 7 259 L +51 7 260 K +51 7 261 L +51 7 262 T +51 7 263 T +51 7 264 T +51 7 265 M +51 7 266 L +51 7 267 L +51 7 268 K +51 7 269 L +51 7 270 K +51 7 271 M +51 7 272 T +51 7 273 L +51 7 274 T +51 7 275 K +51 7 276 L +51 7 277 M +51 7 278 L +51 7 279 M +51 7 280 K +51 7 281 K +51 7 282 K +51 7 283 K +51 7 284 T +51 7 285 T +51 7 286 T +51 7 287 K +51 7 288 L +51 7 289 M +51 7 290 T +51 7 291 M +51 7 292 T +51 7 293 T +51 7 294 T +51 7 295 K +51 7 296 M +51 7 297 K +51 7 298 L +51 7 299 M +51 7 300 T +51 7 301 K +51 7 302 T +51 7 303 T +51 7 304 K +51 7 305 M +51 7 306 K +51 7 307 M +51 7 308 T +51 7 309 K +51 7 310 K +51 7 311 M +51 7 312 K +51 7 313 M +51 7 314 T +51 7 315 K +51 7 316 K +51 7 317 L +51 7 318 K +51 7 319 T +51 7 320 K +51 7 321 L +51 7 322 M +51 7 323 K +51 7 324 T +51 7 325 L +51 7 326 K +51 7 327 T +51 7 328 K +51 7 329 K +51 7 330 T +51 8 1 K +51 8 2 M +51 8 3 L +51 8 4 M +51 8 5 Y +51 8 6 * +51 8 7 M +51 8 8 L +51 8 9 * +51 8 10 Y +51 8 11 T +51 8 12 W +51 8 13 K +51 8 14 Y +51 8 15 T +51 8 16 T +51 8 17 L +51 8 18 T +51 8 19 K +51 8 20 Y +51 8 21 L +51 8 22 W +51 8 23 M +51 8 24 T +51 8 25 Y +51 8 26 Y +51 8 27 T +51 8 28 L +51 8 29 Y +51 8 30 W +51 8 31 K +51 8 32 M +51 8 33 M +51 8 34 Y +51 8 35 L +51 8 36 K +51 8 37 Y +51 8 38 L +51 8 39 K +51 8 40 Y +51 8 41 L +51 8 42 W +51 8 43 Y +51 8 44 T +51 8 45 K +51 8 46 T +51 8 47 M +51 8 48 W +51 8 49 K +51 8 50 M +51 8 51 K +51 8 52 T +51 8 53 L +51 8 54 K +51 8 55 Y +51 8 56 L +51 8 57 Y +51 8 58 W +51 8 59 T +51 8 60 M +51 8 61 L +51 8 62 K +51 8 63 L +51 8 64 Y +51 8 65 L +51 8 66 T +51 8 67 K +51 8 68 L +51 8 69 W +51 8 70 T +51 8 71 L +51 8 72 Y +51 8 73 K +51 8 74 T +51 8 75 K +51 8 76 L +51 8 77 K +51 8 78 Y +51 8 79 T +51 8 80 K +51 8 81 W +51 8 82 M +51 8 83 T +51 8 84 W +51 8 85 Y +51 8 86 L +51 8 87 T +51 8 88 L +51 8 89 T +51 8 90 M +51 8 91 W +51 8 92 T +51 8 93 Y +51 8 94 T +51 8 95 T +51 8 96 W +51 8 97 M +51 8 98 L +51 8 99 K +51 8 100 T +51 8 101 L +51 8 102 T +51 8 103 W +51 8 104 M +51 8 105 L +51 8 106 W +51 8 107 T +51 8 108 Y +51 8 109 K +51 8 110 W +51 8 111 T +51 8 112 L +51 8 113 T +51 8 114 K +51 8 115 L +51 8 116 K +51 8 117 T +51 8 118 L +51 8 119 K +51 8 120 T +51 8 121 L +51 8 122 K +51 8 123 M +51 8 124 W +51 8 125 L +51 8 126 L +51 8 127 M +51 8 128 W +51 8 129 T +51 8 130 W +51 8 131 K +51 8 132 L +51 8 133 K +51 8 134 M +51 8 135 L +51 8 136 K +51 8 137 M +51 8 138 T +51 8 139 T +51 8 140 K +51 8 141 T +51 8 142 T +51 8 143 W +51 8 144 Y +51 8 145 K +51 8 146 W +51 8 147 K +51 8 148 L +51 8 149 K +51 8 150 Y +51 8 151 L +51 8 152 K +51 8 153 Y +51 8 154 T +51 8 155 W +51 8 156 L +51 8 157 M +51 8 158 T +51 8 159 W +51 8 160 W +51 8 161 K +51 8 162 L +51 8 163 K +51 8 164 Y +51 8 165 W +51 8 166 Y +51 8 167 T +51 8 168 K +51 8 169 T +51 8 170 K +51 8 171 K +51 8 172 T +51 8 173 L +51 8 174 W +51 8 175 T +51 8 176 L +51 8 177 W +51 8 178 Y +51 8 179 L +51 8 180 K +51 8 181 W +51 8 182 L +51 8 183 W +51 8 184 M +51 8 185 W +51 8 186 K +51 8 187 W +51 8 188 K +51 8 189 M +51 8 190 K +51 8 191 K +51 8 192 M +51 8 193 W +51 8 194 L +51 8 195 K +51 8 196 K +51 8 197 M +51 8 198 T +51 8 199 T +51 8 200 T +51 8 201 L +51 8 202 K +51 8 203 L +51 8 204 T +51 8 205 K +51 8 206 T +51 8 207 L +51 8 208 W +51 8 209 K +51 8 210 L +51 8 211 K +51 8 212 W +51 8 213 T +51 8 214 W +51 8 215 T +51 8 216 W +51 8 217 T +51 8 218 W +51 8 219 T +51 8 220 K +51 8 221 T +51 8 222 K +51 8 223 M +51 8 224 T +51 8 225 W +51 8 226 M +51 8 227 T +51 8 228 Y +51 8 229 K +51 8 230 T +51 8 231 L +51 8 232 W +51 8 233 T +51 8 234 K +51 8 235 Y +51 8 236 W +51 8 237 W +51 8 238 K +51 8 239 L +51 8 240 * +51 8 241 T +51 8 242 W +51 8 243 L +51 8 244 T +51 8 245 L +51 8 246 K +51 8 247 M +51 8 248 K +51 8 249 K +51 8 250 Y +51 8 251 K +51 8 252 T +51 8 253 K +51 8 254 T +51 8 255 T +51 8 256 L +51 8 257 K +51 8 258 W +51 8 259 L +51 8 260 W +51 8 261 L +51 8 262 T +51 8 263 T +51 8 264 M +51 8 265 K +51 8 266 L +51 8 267 L +51 8 268 K +51 8 269 L +51 8 270 W +51 8 271 K +51 8 272 T +51 8 273 M +51 8 274 T +51 8 275 W +51 8 276 L +51 8 277 M +51 8 278 K +51 8 279 Y +51 8 280 K +51 8 281 K +51 8 282 K +51 8 283 M +51 8 284 T +51 8 285 T +51 8 286 T +51 8 287 W +51 8 288 L +51 8 289 K +51 8 290 T +51 8 291 Y +51 8 292 L +51 8 293 T +51 8 294 T +51 8 295 K +51 8 296 Y +51 8 297 W +51 8 298 L +51 8 299 K +51 8 300 T +51 8 301 K +51 8 302 T +51 8 303 M +51 8 304 W +51 8 305 L +51 8 306 K +51 8 307 K +51 8 308 Y +51 8 309 W +51 8 310 K +51 8 311 Y +51 8 312 T +51 8 313 Y +51 8 314 T +51 8 315 K +51 8 316 K +51 8 317 L +51 8 318 L +51 8 319 T +51 8 320 W +51 8 321 L +51 8 322 Y +51 8 323 K +51 8 324 T +51 8 325 L +51 8 326 W +51 8 327 T +51 8 328 K +51 8 329 W +51 8 330 T +51 9 1 K +51 9 2 W +51 9 3 L +51 9 4 Q +51 9 5 K +51 9 6 W +51 9 7 K +51 9 8 L +51 9 9 K +51 9 10 M +51 9 11 H +51 9 12 W +51 9 13 H +51 9 14 M +51 9 15 T +51 9 16 T +51 9 17 L +51 9 18 S +51 9 19 M +51 9 20 K +51 9 21 L +51 9 22 W +51 9 23 L +51 9 24 T +51 9 25 M +51 9 26 M +51 9 27 T +51 9 28 L +51 9 29 M +51 9 30 L +51 9 31 M +51 9 32 L +51 9 33 H +51 9 34 M +51 9 35 L +51 9 36 K +51 9 37 M +51 9 38 L +51 9 39 H +51 9 40 M +51 9 41 L +51 9 42 W +51 9 43 M +51 9 44 T +51 9 45 H +51 9 46 T +51 9 47 M +51 9 48 W +51 9 49 M +51 9 50 L +51 9 51 T +51 9 52 T +51 9 53 L +51 9 54 H +51 9 55 M +51 9 56 T +51 9 57 M +51 9 58 T +51 9 59 T +51 9 60 M +51 9 61 L +51 9 62 T +51 9 63 L +51 9 64 M +51 9 65 L +51 9 66 T +51 9 67 H +51 9 68 L +51 9 69 T +51 9 70 T +51 9 71 L +51 9 72 M +51 9 73 L +51 9 74 T +51 9 75 H +51 9 76 L +51 9 77 M +51 9 78 T +51 9 79 S +51 9 80 M +51 9 81 H +51 9 82 H +51 9 83 T +51 9 84 L +51 9 85 M +51 9 86 L +51 9 87 S +51 9 88 L +51 9 89 S +51 9 90 S +51 9 91 H +51 9 92 T +51 9 93 H +51 9 94 S +51 9 95 T +51 9 96 W +51 9 97 M +51 9 98 L +51 9 99 T +51 9 100 H +51 9 101 L +51 9 102 T +51 9 103 S +51 9 104 M +51 9 105 L +51 9 106 W +51 9 107 T +51 9 108 T +51 9 109 M +51 9 110 W +51 9 111 S +51 9 112 L +51 9 113 S +51 9 114 M +51 9 115 L +51 9 116 T +51 9 117 S +51 9 118 M +51 9 119 M +51 9 120 T +51 9 121 L +51 9 122 M +51 9 123 M +51 9 124 W +51 9 125 L +51 9 126 L +51 9 127 S +51 9 128 W +51 9 129 T +51 9 130 S +51 9 131 L +51 9 132 L +51 9 133 M +51 9 134 S +51 9 135 L +51 9 136 M +51 9 137 S +51 9 138 M +51 9 139 T +51 9 140 M +51 9 141 T +51 9 142 T +51 9 143 M +51 9 144 M +51 9 145 M +51 9 146 W +51 9 147 M +51 9 148 L +51 9 149 M +51 9 150 L +51 9 151 T +51 9 152 L +51 9 153 M +51 9 154 S +51 9 155 S +51 9 156 M +51 9 157 S +51 9 158 T +51 9 159 W +51 9 160 M +51 9 161 M +51 9 162 L +51 9 163 M +51 9 164 M +51 9 165 S +51 9 166 M +51 9 167 T +51 9 168 M +51 9 169 M +51 9 170 S +51 9 171 M +51 9 172 T +51 9 173 L +51 9 174 W +51 9 175 W +51 9 176 L +51 9 177 W +51 9 178 M +51 9 179 L +51 9 180 M +51 9 181 S +51 9 182 L +51 9 183 S +51 9 184 L +51 9 185 S +51 9 186 M +51 9 187 W +51 9 188 M +51 9 189 T +51 9 190 M +51 9 191 M +51 9 192 M +51 9 193 W +51 9 194 L +51 9 195 M +51 9 196 M +51 9 197 S +51 9 198 S +51 9 199 T +51 9 200 M +51 9 201 S +51 9 202 M +51 9 203 L +51 9 204 S +51 9 205 M +51 9 206 T +51 9 207 L +51 9 208 S +51 9 209 M +51 9 210 S +51 9 211 M +51 9 212 S +51 9 213 T +51 9 214 W +51 9 215 S +51 9 216 S +51 9 217 T +51 9 218 W +51 9 219 T +51 9 220 S +51 9 221 T +51 9 222 S +51 9 223 M +51 9 224 T +51 9 225 W +51 9 226 M +51 9 227 S +51 9 228 S +51 9 229 M +51 9 230 T +51 9 231 L +51 9 232 S +51 9 233 T +51 9 234 M +51 9 235 K +51 9 236 K +51 9 237 T +51 9 238 K +51 9 239 L +51 9 240 S +51 9 241 T +51 9 242 W +51 9 243 L +51 9 244 T +51 9 245 L +51 9 246 K +51 9 247 S +51 9 248 S +51 9 249 H +51 9 250 S +51 9 251 M +51 9 252 T +51 9 253 M +51 9 254 S +51 9 255 S +51 9 256 L +51 9 257 S +51 9 258 W +51 9 259 L +51 9 260 W +51 9 261 T +51 9 262 T +51 9 263 S +51 9 264 T +51 9 265 K +51 9 266 L +51 9 267 L +51 9 268 H +51 9 269 L +51 9 270 T +51 9 271 K +51 9 272 T +51 9 273 L +51 9 274 T +51 9 275 W +51 9 276 L +51 9 277 M +51 9 278 L +51 9 279 M +51 9 280 H +51 9 281 M +51 9 282 H +51 9 283 T +51 9 284 T +51 9 285 L +51 9 286 T +51 9 287 S +51 9 288 L +51 9 289 M +51 9 290 T +51 9 291 H +51 9 292 T +51 9 293 S +51 9 294 T +51 9 295 S +51 9 296 L +51 9 297 W +51 9 298 L +51 9 299 M +51 9 300 T +51 9 301 M +51 9 302 T +51 9 303 T +51 9 304 S +51 9 305 L +51 9 306 W +51 9 307 H +51 9 308 T +51 9 309 S +51 9 310 M +51 9 311 H +51 9 312 S +51 9 313 M +51 9 314 T +51 9 315 K +51 9 316 K +51 9 317 L +51 9 318 T +51 9 319 T +51 9 320 S +51 9 321 L +51 9 322 M +51 9 323 H +51 9 324 T +51 9 325 L +51 9 326 W +51 9 327 T +51 9 328 H +51 9 329 S +51 9 330 T +51 10 1 K +51 10 2 K +51 10 3 L +51 10 4 M +51 10 5 B +51 10 6 W +51 10 7 K +51 10 8 L +51 10 9 W +51 10 10 Y +51 10 11 B +51 10 12 W +51 10 13 Y +51 10 14 S +51 10 15 N +51 10 16 T +51 10 17 L +51 10 18 S +51 10 19 M +51 10 20 K +51 10 21 L +51 10 22 W +51 10 23 Y +51 10 24 S +51 10 25 K +51 10 26 S +51 10 27 T +51 10 28 L +51 10 29 K +51 10 30 W +51 10 31 K +51 10 32 K +51 10 33 K +51 10 34 Y +51 10 35 L +51 10 36 K +51 10 37 Y +51 10 38 L +51 10 39 K +51 10 40 B +51 10 41 L +51 10 42 W +51 10 43 S +51 10 44 T +51 10 45 K +51 10 46 D +51 10 47 S +51 10 48 N +51 10 49 K +51 10 50 L +51 10 51 Y +51 10 52 T +51 10 53 L +51 10 54 K +51 10 55 Y +51 10 56 W +51 10 57 Y +51 10 58 W +51 10 59 T +51 10 60 S +51 10 61 L +51 10 62 D +51 10 63 W +51 10 64 Y +51 10 65 L +51 10 66 T +51 10 67 K +51 10 68 N +51 10 69 W +51 10 70 T +51 10 71 L +51 10 72 K +51 10 73 K +51 10 74 T +51 10 75 K +51 10 76 W +51 10 77 K +51 10 78 T +51 10 79 S +51 10 80 K +51 10 81 Y +51 10 82 K +51 10 83 T +51 10 84 W +51 10 85 K +51 10 86 N +51 10 87 S +51 10 88 N +51 10 89 S +51 10 90 K +51 10 91 W +51 10 92 T +51 10 93 Y +51 10 94 S +51 10 95 T +51 10 96 N +51 10 97 Y +51 10 98 L +51 10 99 T +51 10 100 W +51 10 101 L +51 10 102 T +51 10 103 S +51 10 104 Y +51 10 105 L +51 10 106 W +51 10 107 T +51 10 108 T +51 10 109 Y +51 10 110 W +51 10 111 S +51 10 112 L +51 10 113 S +51 10 114 K +51 10 115 L +51 10 116 T +51 10 117 S +51 10 118 N +51 10 119 K +51 10 120 T +51 10 121 L +51 10 122 K +51 10 123 D +51 10 124 W +51 10 125 L +51 10 126 N +51 10 127 S +51 10 128 W +51 10 129 T +51 10 130 S +51 10 131 L +51 10 132 L +51 10 133 Y +51 10 134 N +51 10 135 L +51 10 136 Y +51 10 137 K +51 10 138 D +51 10 139 T +51 10 140 K +51 10 141 T +51 10 142 T +51 10 143 W +51 10 144 S +51 10 145 K +51 10 146 W +51 10 147 K +51 10 148 L +51 10 149 W +51 10 150 D +51 10 151 W +51 10 152 D +51 10 153 Y +51 10 154 S +51 10 155 N +51 10 156 K +51 10 157 S +51 10 158 T +51 10 159 N +51 10 160 D +51 10 161 K +51 10 162 L +51 10 163 K +51 10 164 D +51 10 165 N +51 10 166 S +51 10 167 T +51 10 168 D +51 10 169 Y +51 10 170 S +51 10 171 W +51 10 172 T +51 10 173 L +51 10 174 W +51 10 175 D +51 10 176 L +51 10 177 W +51 10 178 Y +51 10 179 L +51 10 180 M +51 10 181 W +51 10 182 L +51 10 183 N +51 10 184 D +51 10 185 W +51 10 186 D +51 10 187 W +51 10 188 Y +51 10 189 T +51 10 190 N +51 10 191 M +51 10 192 D +51 10 193 W +51 10 194 L +51 10 195 K +51 10 196 D +51 10 197 Y +51 10 198 S +51 10 199 T +51 10 200 Y +51 10 201 W +51 10 202 K +51 10 203 L +51 10 204 S +51 10 205 Y +51 10 206 W +51 10 207 Y +51 10 208 W +51 10 209 Y +51 10 210 L +51 10 211 D +51 10 212 W +51 10 213 Y +51 10 214 W +51 10 215 D +51 10 216 S +51 10 217 W +51 10 218 W +51 10 219 K +51 10 220 D +51 10 221 W +51 10 222 Y +51 10 223 K +51 10 224 T +51 10 225 W +51 10 226 Y +51 10 227 S +51 10 228 Y +51 10 229 K +51 10 230 T +51 10 231 L +51 10 232 S +51 10 233 D +51 10 234 K +51 10 235 Y +51 10 236 W +51 10 237 W +51 10 238 K +51 10 239 W +51 10 240 L +51 10 241 T +51 10 242 W +51 10 243 L +51 10 244 T +51 10 245 L +51 10 246 M +51 10 247 D +51 10 248 S +51 10 249 Y +51 10 250 D +51 10 251 K +51 10 252 T +51 10 253 K +51 10 254 D +51 10 255 S +51 10 256 L +51 10 257 Y +51 10 258 W +51 10 259 L +51 10 260 W +51 10 261 D +51 10 262 T +51 10 263 D +51 10 264 D +51 10 265 K +51 10 266 L +51 10 267 L +51 10 268 K +51 10 269 L +51 10 270 W +51 10 271 S +51 10 272 T +51 10 273 D +51 10 274 T +51 10 275 W +51 10 276 L +51 10 277 S +51 10 278 L +51 10 279 Y +51 10 280 K +51 10 281 K +51 10 282 K +51 10 283 D +51 10 284 T +51 10 285 W +51 10 286 T +51 10 287 N +51 10 288 L +51 10 289 Y +51 10 290 T +51 10 291 D +51 10 292 W +51 10 293 T +51 10 294 T +51 10 295 S +51 10 296 Y +51 10 297 W +51 10 298 L +51 10 299 Y +51 10 300 T +51 10 301 Y +51 10 302 T +51 10 303 T +51 10 304 N +51 10 305 L +51 10 306 Y +51 10 307 K +51 10 308 Y +51 10 309 S +51 10 310 K +51 10 311 Y +51 10 312 S +51 10 313 Y +51 10 314 T +51 10 315 K +51 10 316 K +51 10 317 L +51 10 318 W +51 10 319 T +51 10 320 W +51 10 321 L +51 10 322 D +51 10 323 K +51 10 324 T +51 10 325 L +51 10 326 W +51 10 327 T +51 10 328 Y +51 10 329 W +51 10 330 T +51 11 1 Y +51 11 2 W +51 11 3 J +51 11 4 Y +51 11 5 W +51 11 6 T +51 11 7 W +51 11 8 Y +51 11 9 W +51 11 10 Y +51 11 11 Y +51 11 12 W +51 11 13 J +51 11 14 Y +51 11 15 L +51 11 16 T +51 11 17 Y +51 11 18 S +51 11 19 Y +51 11 20 W +51 11 21 J +51 11 22 W +51 11 23 M +51 11 24 S +51 11 25 M +51 11 26 M +51 11 27 T +51 11 28 J +51 11 29 W +51 11 30 L +51 11 31 M +51 11 32 J +51 11 33 W +51 11 34 M +51 11 35 J +51 11 36 M +51 11 37 M +51 11 38 Y +51 11 39 W +51 11 40 Y +51 11 41 J +51 11 42 W +51 11 43 M +51 11 44 T +51 11 45 W +51 11 46 S +51 11 47 S +51 11 48 W +51 11 49 M +51 11 50 L +51 11 51 S +51 11 52 T +51 11 53 L +51 11 54 W +51 11 55 Y +51 11 56 L +51 11 57 M +51 11 58 W +51 11 59 T +51 11 60 S +51 11 61 L +51 11 62 T +51 11 63 L +51 11 64 M +51 11 65 Y +51 11 66 T +51 11 67 W +51 11 68 Y +51 11 69 M +51 11 70 T +51 11 71 L +51 11 72 S +51 11 73 Y +51 11 74 T +51 11 75 S +51 11 76 L +51 11 77 Y +51 11 78 T +51 11 79 S +51 11 80 Y +51 11 81 W +51 11 82 W +51 11 83 T +51 11 84 L +51 11 85 K +51 11 86 L +51 11 87 S +51 11 88 Y +51 11 89 S +51 11 90 S +51 11 91 W +51 11 92 T +51 11 93 J +51 11 94 S +51 11 95 T +51 11 96 W +51 11 97 Y +51 11 98 L +51 11 99 T +51 11 100 W +51 11 101 L +51 11 102 T +51 11 103 S +51 11 104 T +51 11 105 L +51 11 106 W +51 11 107 T +51 11 108 W +51 11 109 Y +51 11 110 W +51 11 111 S +51 11 112 J +51 11 113 K +51 11 114 Y +51 11 115 J +51 11 116 T +51 11 117 S +51 11 118 L +51 11 119 Y +51 11 120 T +51 11 121 L +51 11 122 Y +51 11 123 Y +51 11 124 W +51 11 125 L +51 11 126 L +51 11 127 Y +51 11 128 W +51 11 129 T +51 11 130 S +51 11 131 J +51 11 132 Y +51 11 133 S +51 11 134 L +51 11 135 Y +51 11 136 Y +51 11 137 S +51 11 138 Y +51 11 139 T +51 11 140 Y +51 11 141 T +51 11 142 T +51 11 143 W +51 11 144 S +51 11 145 W +51 11 146 W +51 11 147 M +51 11 148 Y +51 11 149 W +51 11 150 S +51 11 151 Y +51 11 152 T +51 11 153 M +51 11 154 S +51 11 155 S +51 11 156 M +51 11 157 S +51 11 158 T +51 11 159 W +51 11 160 L +51 11 161 W +51 11 162 L +51 11 163 M +51 11 164 M +51 11 165 S +51 11 166 M +51 11 167 T +51 11 168 Y +51 11 169 M +51 11 170 M +51 11 171 W +51 11 172 T +51 11 173 L +51 11 174 W +51 11 175 T +51 11 176 L +51 11 177 W +51 11 178 M +51 11 179 L +51 11 180 Y +51 11 181 W +51 11 182 L +51 11 183 S +51 11 184 L +51 11 185 W +51 11 186 T +51 11 187 W +51 11 188 M +51 11 189 T +51 11 190 J +51 11 191 Y +51 11 192 S +51 11 193 W +51 11 194 L +51 11 195 W +51 11 196 T +51 11 197 M +51 11 198 S +51 11 199 W +51 11 200 M +51 11 201 L +51 11 202 M +51 11 203 L +51 11 204 S +51 11 205 Y +51 11 206 W +51 11 207 L +51 11 208 S +51 11 209 M +51 11 210 L +51 11 211 Y +51 11 212 W +51 11 213 T +51 11 214 W +51 11 215 Y +51 11 216 S +51 11 217 J +51 11 218 W +51 11 219 T +51 11 220 Y +51 11 221 W +51 11 222 L +51 11 223 Y +51 11 224 T +51 11 225 W +51 11 226 M +51 11 227 S +51 11 228 M +51 11 229 W +51 11 230 T +51 11 231 Y +51 11 232 S +51 11 233 T +51 11 234 M +51 11 235 M +51 11 236 W +51 11 237 L +51 11 238 Y +51 11 239 L +51 11 240 S +51 11 241 T +51 11 242 W +51 11 243 J +51 11 244 T +51 11 245 Y +51 11 246 M +51 11 247 S +51 11 248 S +51 11 249 Y +51 11 250 L +51 11 251 W +51 11 252 T +51 11 253 M +51 11 254 T +51 11 255 S +51 11 256 Y +51 11 257 M +51 11 258 W +51 11 259 L +51 11 260 W +51 11 261 W +51 11 262 T +51 11 263 S +51 11 264 T +51 11 265 M +51 11 266 L +51 11 267 J +51 11 268 W +51 11 269 Y +51 11 270 W +51 11 271 S +51 11 272 T +51 11 273 L +51 11 274 T +51 11 275 W +51 11 276 Y +51 11 277 M +51 11 278 W +51 11 279 M +51 11 280 W +51 11 281 M +51 11 282 W +51 11 283 S +51 11 284 T +51 11 285 L +51 11 286 T +51 11 287 W +51 11 288 J +51 11 289 Y +51 11 290 T +51 11 291 M +51 11 292 L +51 11 293 W +51 11 294 T +51 11 295 S +51 11 296 J +51 11 297 W +51 11 298 Y +51 11 299 M +51 11 300 T +51 11 301 M +51 11 302 T +51 11 303 T +51 11 304 W +51 11 305 L +51 11 306 W +51 11 307 M +51 11 308 L +51 11 309 S +51 11 310 M +51 11 311 M +51 11 312 S +51 11 313 M +51 11 314 T +51 11 315 W +51 11 316 M +51 11 317 J +51 11 318 W +51 11 319 T +51 11 320 S +51 11 321 Y +51 11 322 T +51 11 323 M +51 11 324 T +51 11 325 M +51 11 326 W +51 11 327 T +51 11 328 S +51 11 329 S +51 11 330 T +51 12 1 M +51 12 2 K +51 12 3 L +51 12 4 E +51 12 5 K +51 12 6 T +51 12 7 K +51 12 8 E +51 12 9 T +51 12 10 M +51 12 11 K +51 12 12 W +51 12 13 M +51 12 14 M +51 12 15 W +51 12 16 T +51 12 17 E +51 12 18 M +51 12 19 M +51 12 20 W +51 12 21 E +51 12 22 T +51 12 23 M +51 12 24 M +51 12 25 M +51 12 26 M +51 12 27 T +51 12 28 E +51 12 29 M +51 12 30 E +51 12 31 M +51 12 32 E +51 12 33 W +51 12 34 M +51 12 35 E +51 12 36 M +51 12 37 M +51 12 38 E +51 12 39 W +51 12 40 M +51 12 41 E +51 12 42 W +51 12 43 M +51 12 44 T +51 12 45 K +51 12 46 T +51 12 47 M +51 12 48 W +51 12 49 M +51 12 50 M +51 12 51 M +51 12 52 T +51 12 53 E +51 12 54 K +51 12 55 K +51 12 56 T +51 12 57 M +51 12 58 W +51 12 59 T +51 12 60 M +51 12 61 E +51 12 62 M +51 12 63 E +51 12 64 M +51 12 65 E +51 12 66 T +51 12 67 K +51 12 68 E +51 12 69 M +51 12 70 T +51 12 71 E +51 12 72 K +51 12 73 M +51 12 74 T +51 12 75 K +51 12 76 E +51 12 77 M +51 12 78 E +51 12 79 M +51 12 80 M +51 12 81 W +51 12 82 W +51 12 83 T +51 12 84 E +51 12 85 K +51 12 86 E +51 12 87 M +51 12 88 E +51 12 89 M +51 12 90 M +51 12 91 W +51 12 92 T +51 12 93 M +51 12 94 M +51 12 95 K +51 12 96 W +51 12 97 M +51 12 98 E +51 12 99 M +51 12 100 T +51 12 101 E +51 12 102 M +51 12 103 W +51 12 104 M +51 12 105 E +51 12 106 W +51 12 107 T +51 12 108 W +51 12 109 M +51 12 110 W +51 12 111 K +51 12 112 E +51 12 113 M +51 12 114 M +51 12 115 E +51 12 116 T +51 12 117 M +51 12 118 E +51 12 119 K +51 12 120 T +51 12 121 E +51 12 122 K +51 12 123 M +51 12 124 K +51 12 125 E +51 12 126 E +51 12 127 M +51 12 128 W +51 12 129 T +51 12 130 M +51 12 131 E +51 12 132 E +51 12 133 K +51 12 134 M +51 12 135 E +51 12 136 K +51 12 137 K +51 12 138 M +51 12 139 T +51 12 140 M +51 12 141 T +51 12 142 T +51 12 143 K +51 12 144 M +51 12 145 K +51 12 146 K +51 12 147 K +51 12 148 E +51 12 149 K +51 12 150 M +51 12 151 E +51 12 152 E +51 12 153 M +51 12 154 M +51 12 155 M +51 12 156 K +51 12 157 M +51 12 158 T +51 12 159 T +51 12 160 E +51 12 161 K +51 12 162 E +51 12 163 M +51 12 164 M +51 12 165 K +51 12 166 M +51 12 167 T +51 12 168 K +51 12 169 M +51 12 170 M +51 12 171 K +51 12 172 T +51 12 173 E +51 12 174 W +51 12 175 M +51 12 176 E +51 12 177 W +51 12 178 M +51 12 179 E +51 12 180 K +51 12 181 W +51 12 182 E +51 12 183 M +51 12 184 E +51 12 185 M +51 12 186 M +51 12 187 E +51 12 188 M +51 12 189 T +51 12 190 E +51 12 191 K +51 12 192 K +51 12 193 W +51 12 194 E +51 12 195 K +51 12 196 K +51 12 197 E +51 12 198 M +51 12 199 T +51 12 200 T +51 12 201 E +51 12 202 K +51 12 203 E +51 12 204 M +51 12 205 M +51 12 206 T +51 12 207 E +51 12 208 M +51 12 209 K +51 12 210 E +51 12 211 M +51 12 212 E +51 12 213 M +51 12 214 K +51 12 215 E +51 12 216 K +51 12 217 E +51 12 218 K +51 12 219 T +51 12 220 M +51 12 221 T +51 12 222 E +51 12 223 K +51 12 224 T +51 12 225 K +51 12 226 M +51 12 227 M +51 12 228 M +51 12 229 K +51 12 230 T +51 12 231 E +51 12 232 M +51 12 233 M +51 12 234 K +51 12 235 M +51 12 236 K +51 12 237 E +51 12 238 M +51 12 239 E +51 12 240 E +51 12 241 T +51 12 242 T +51 12 243 E +51 12 244 T +51 12 245 E +51 12 246 K +51 12 247 M +51 12 248 M +51 12 249 K +51 12 250 M +51 12 251 K +51 12 252 T +51 12 253 K +51 12 254 M +51 12 255 M +51 12 256 E +51 12 257 M +51 12 258 W +51 12 259 E +51 12 260 T +51 12 261 E +51 12 262 T +51 12 263 M +51 12 264 M +51 12 265 K +51 12 266 E +51 12 267 E +51 12 268 K +51 12 269 E +51 12 270 W +51 12 271 K +51 12 272 T +51 12 273 M +51 12 274 T +51 12 275 W +51 12 276 E +51 12 277 M +51 12 278 E +51 12 279 M +51 12 280 K +51 12 281 K +51 12 282 K +51 12 283 M +51 12 284 T +51 12 285 E +51 12 286 T +51 12 287 W +51 12 288 E +51 12 289 M +51 12 290 T +51 12 291 M +51 12 292 E +51 12 293 T +51 12 294 T +51 12 295 M +51 12 296 M +51 12 297 W +51 12 298 E +51 12 299 K +51 12 300 T +51 12 301 K +51 12 302 T +51 12 303 T +51 12 304 K +51 12 305 E +51 12 306 W +51 12 307 M +51 12 308 M +51 12 309 M +51 12 310 K +51 12 311 M +51 12 312 M +51 12 313 M +51 12 314 T +51 12 315 K +51 12 316 K +51 12 317 E +51 12 318 E +51 12 319 T +51 12 320 W +51 12 321 E +51 12 322 M +51 12 323 K +51 12 324 T +51 12 325 E +51 12 326 W +51 12 327 T +51 12 328 K +51 12 329 M +51 12 330 T +51 13 1 M +51 13 2 K +51 13 3 E +51 13 4 I +51 13 5 K +51 13 6 C +51 13 7 K +51 13 8 L +51 13 9 I +51 13 10 M +51 13 11 K +51 13 12 W +51 13 13 K +51 13 14 M +51 13 15 C +51 13 16 T +51 13 17 L +51 13 18 I +51 13 19 M +51 13 20 K +51 13 21 L +51 13 22 W +51 13 23 I +51 13 24 I +51 13 25 K +51 13 26 M +51 13 27 T +51 13 28 L +51 13 29 K +51 13 30 L +51 13 31 K +51 13 32 L +51 13 33 K +51 13 34 M +51 13 35 L +51 13 36 K +51 13 37 M +51 13 38 L +51 13 39 K +51 13 40 K +51 13 41 L +51 13 42 W +51 13 43 M +51 13 44 T +51 13 45 K +51 13 46 I +51 13 47 I +51 13 48 W +51 13 49 K +51 13 50 I +51 13 51 I +51 13 52 T +51 13 53 L +51 13 54 K +51 13 55 K +51 13 56 C +51 13 57 K +51 13 58 I +51 13 59 T +51 13 60 I +51 13 61 L +51 13 62 C +51 13 63 L +51 13 64 M +51 13 65 L +51 13 66 T +51 13 67 K +51 13 68 L +51 13 69 I +51 13 70 C +51 13 71 L +51 13 72 K +51 13 73 C +51 13 74 T +51 13 75 I +51 13 76 L +51 13 77 M +51 13 78 T +51 13 79 I +51 13 80 M +51 13 81 W +51 13 82 K +51 13 83 T +51 13 84 C +51 13 85 K +51 13 86 C +51 13 87 I +51 13 88 L +51 13 89 I +51 13 90 I +51 13 91 W +51 13 92 T +51 13 93 K +51 13 94 I +51 13 95 T +51 13 96 W +51 13 97 M +51 13 98 L +51 13 99 T +51 13 100 K +51 13 101 L +51 13 102 C +51 13 103 I +51 13 104 K +51 13 105 L +51 13 106 W +51 13 107 T +51 13 108 T +51 13 109 M +51 13 110 W +51 13 111 I +51 13 112 L +51 13 113 I +51 13 114 K +51 13 115 L +51 13 116 T +51 13 117 I +51 13 118 C +51 13 119 K +51 13 120 T +51 13 121 L +51 13 122 K +51 13 123 K +51 13 124 W +51 13 125 L +51 13 126 C +51 13 127 I +51 13 128 W +51 13 129 T +51 13 130 I +51 13 131 C +51 13 132 L +51 13 133 K +51 13 134 I +51 13 135 L +51 13 136 K +51 13 137 I +51 13 138 M +51 13 139 T +51 13 140 M +51 13 141 T +51 13 142 T +51 13 143 W +51 13 144 I +51 13 145 K +51 13 146 W +51 13 147 K +51 13 148 L +51 13 149 K +51 13 150 I +51 13 151 C +51 13 152 C +51 13 153 M +51 13 154 I +51 13 155 I +51 13 156 K +51 13 157 I +51 13 158 T +51 13 159 W +51 13 160 C +51 13 161 K +51 13 162 L +51 13 163 K +51 13 164 M +51 13 165 I +51 13 166 I +51 13 167 C +51 13 168 I +51 13 169 K +51 13 170 I +51 13 171 I +51 13 172 T +51 13 173 L +51 13 174 W +51 13 175 T +51 13 176 L +51 13 177 W +51 13 178 M +51 13 179 L +51 13 180 K +51 13 181 W +51 13 182 L +51 13 183 I +51 13 184 C +51 13 185 W +51 13 186 M +51 13 187 W +51 13 188 M +51 13 189 T +51 13 190 C +51 13 191 K +51 13 192 C +51 13 193 W +51 13 194 L +51 13 195 K +51 13 196 K +51 13 197 C +51 13 198 I +51 13 199 T +51 13 200 M +51 13 201 C +51 13 202 K +51 13 203 L +51 13 204 I +51 13 205 M +51 13 206 T +51 13 207 L +51 13 208 I +51 13 209 I +51 13 210 I +51 13 211 K +51 13 212 W +51 13 213 M +51 13 214 W +51 13 215 C +51 13 216 I +51 13 217 C +51 13 218 W +51 13 219 T +51 13 220 M +51 13 221 T +51 13 222 M +51 13 223 K +51 13 224 T +51 13 225 I +51 13 226 I +51 13 227 I +51 13 228 M +51 13 229 K +51 13 230 T +51 13 231 C +51 13 232 I +51 13 233 C +51 13 234 K +51 13 235 M +51 13 236 W +51 13 237 T +51 13 238 K +51 13 239 L +51 13 240 I +51 13 241 T +51 13 242 W +51 13 243 L +51 13 244 T +51 13 245 L +51 13 246 K +51 13 247 I +51 13 248 I +51 13 249 K +51 13 250 M +51 13 251 K +51 13 252 T +51 13 253 K +51 13 254 M +51 13 255 I +51 13 256 L +51 13 257 I +51 13 258 W +51 13 259 L +51 13 260 T +51 13 261 C +51 13 262 T +51 13 263 I +51 13 264 T +51 13 265 K +51 13 266 L +51 13 267 C +51 13 268 K +51 13 269 L +51 13 270 W +51 13 271 I +51 13 272 T +51 13 273 C +51 13 274 T +51 13 275 W +51 13 276 L +51 13 277 M +51 13 278 C +51 13 279 M +51 13 280 K +51 13 281 K +51 13 282 K +51 13 283 I +51 13 284 T +51 13 285 C +51 13 286 T +51 13 287 I +51 13 288 L +51 13 289 K +51 13 290 T +51 13 291 M +51 13 292 K +51 13 293 T +51 13 294 T +51 13 295 I +51 13 296 C +51 13 297 W +51 13 298 L +51 13 299 K +51 13 300 T +51 13 301 K +51 13 302 T +51 13 303 T +51 13 304 W +51 13 305 L +51 13 306 K +51 13 307 M +51 13 308 C +51 13 309 I +51 13 310 K +51 13 311 M +51 13 312 I +51 13 313 M +51 13 314 T +51 13 315 K +51 13 316 K +51 13 317 L +51 13 318 C +51 13 319 T +51 13 320 I +51 13 321 L +51 13 322 M +51 13 323 K +51 13 324 T +51 13 325 L +51 13 326 W +51 13 327 T +51 13 328 I +51 13 329 I +51 13 330 T +51 14 1 Y +51 14 2 K +51 14 3 L +51 14 4 L +51 14 5 K +51 14 6 W +51 14 7 M +51 14 8 L +51 14 9 A +51 14 10 M +51 14 11 M +51 14 12 W +51 14 13 M +51 14 14 M +51 14 15 T +51 14 16 T +51 14 17 L +51 14 18 S +51 14 19 K +51 14 20 K +51 14 21 L +51 14 22 W +51 14 23 L +51 14 24 KY +51 14 25 K +51 14 26 M +51 14 27 KY +51 14 28 L +51 14 29 K +51 14 30 KY +51 14 31 K +51 14 32 A +51 14 33 K +51 14 34 M +51 14 35 K +51 14 36 S +51 14 37 K +51 14 38 L +51 14 39 K +51 14 40 K +51 14 41 L +51 14 42 W +51 14 43 S +51 14 44 T +51 14 45 K +51 14 46 S +51 14 47 S +51 14 48 W +51 14 49 K +51 14 50 K +51 14 51 A +51 14 52 T +51 14 53 L +51 14 54 K +51 14 55 M +51 14 56 A +51 14 57 K +51 14 58 A +51 14 59 KY +51 14 60 M +51 14 61 L +51 14 62 M +51 14 63 W +51 14 64 M +51 14 65 L +51 14 66 T +51 14 67 K +51 14 68 L +51 14 69 W +51 14 70 T +51 14 71 L +51 14 72 M +51 14 73 A +51 14 74 T +51 14 75 K +51 14 76 L +51 14 77 M +51 14 78 T +51 14 79 T +51 14 80 M +51 14 81 W +51 14 82 K +51 14 83 W +51 14 84 W +51 14 85 M +51 14 86 A +51 14 87 S +51 14 88 A +51 14 89 S +51 14 90 S +51 14 91 K +51 14 92 T +51 14 93 M +51 14 94 KY +51 14 95 KY +51 14 96 W +51 14 97 M +51 14 98 L +51 14 99 KY +51 14 100 K +51 14 101 L +51 14 102 T +51 14 103 W +51 14 104 M +51 14 105 A +51 14 106 W +51 14 107 T +51 14 108 T +51 14 109 M +51 14 110 W +51 14 111 K +51 14 112 L +51 14 113 S +51 14 114 K +51 14 115 L +51 14 116 T +51 14 117 S +51 14 118 W +51 14 119 K +51 14 120 T +51 14 121 L +51 14 122 T +51 14 123 M +51 14 124 W +51 14 125 L +51 14 126 L +51 14 127 M +51 14 128 W +51 14 129 T +51 14 130 K +51 14 131 L +51 14 132 L +51 14 133 M +51 14 134 K +51 14 135 L +51 14 136 K +51 14 137 K +51 14 138 M +51 14 139 T +51 14 140 M +51 14 141 T +51 14 142 T +51 14 143 K +51 14 144 A +51 14 145 K +51 14 146 W +51 14 147 K +51 14 148 L +51 14 149 K +51 14 150 L +51 14 151 KY +51 14 152 KY +51 14 153 K +51 14 154 S +51 14 155 S +51 14 156 K +51 14 157 S +51 14 158 T +51 14 159 W +51 14 160 W +51 14 161 K +51 14 162 L +51 14 163 M +51 14 164 M +51 14 165 W +51 14 166 M +51 14 167 W +51 14 168 K +51 14 169 K +51 14 170 K +51 14 171 A +51 14 172 T +51 14 173 L +51 14 174 W +51 14 175 K +51 14 176 L +51 14 177 W +51 14 178 M +51 14 179 L +51 14 180 M +51 14 181 W +51 14 182 L +51 14 183 W +51 14 184 A +51 14 185 W +51 14 186 K +51 14 187 W +51 14 188 K +51 14 189 T +51 14 190 W +51 14 191 K +51 14 192 W +51 14 193 W +51 14 194 L +51 14 195 K +51 14 196 K +51 14 197 W +51 14 198 S +51 14 199 T +51 14 200 M +51 14 201 W +51 14 202 K +51 14 203 L +51 14 204 S +51 14 205 S +51 14 206 KY +51 14 207 L +51 14 208 W +51 14 209 M +51 14 210 A +51 14 211 M +51 14 212 W +51 14 213 A +51 14 214 W +51 14 215 S +51 14 216 S +51 14 217 W +51 14 218 W +51 14 219 A +51 14 220 M +51 14 221 K +51 14 222 L +51 14 223 K +51 14 224 T +51 14 225 W +51 14 226 K +51 14 227 S +51 14 228 S +51 14 229 K +51 14 230 KY +51 14 231 A +51 14 232 W +51 14 233 S +51 14 234 M +51 14 235 M +51 14 236 K +51 14 237 W +51 14 238 K +51 14 239 W +51 14 240 S +51 14 241 T +51 14 242 W +51 14 243 L +51 14 244 KY +51 14 245 L +51 14 246 M +51 14 247 W +51 14 248 S +51 14 249 M +51 14 250 A +51 14 251 K +51 14 252 T +51 14 253 K +51 14 254 T +51 14 255 S +51 14 256 W +51 14 257 M +51 14 258 W +51 14 259 L +51 14 260 W +51 14 261 W +51 14 262 T +51 14 263 T +51 14 264 T +51 14 265 M +51 14 266 A +51 14 267 A +51 14 268 K +51 14 269 A +51 14 270 W +51 14 271 K +51 14 272 KY +51 14 273 A +51 14 274 KY +51 14 275 M +51 14 276 L +51 14 277 M +51 14 278 W +51 14 279 M +51 14 280 K +51 14 281 K +51 14 282 K +51 14 283 S +51 14 284 KY +51 14 285 KY +51 14 286 KY +51 14 287 W +51 14 288 L +51 14 289 M +51 14 290 KY +51 14 291 M +51 14 292 W +51 14 293 KY +51 14 294 KY +51 14 295 W +51 14 296 A +51 14 297 W +51 14 298 L +51 14 299 K +51 14 300 KY +51 14 301 K +51 14 302 KY +51 14 303 KY +51 14 304 W +51 14 305 L +51 14 306 K +51 14 307 M +51 14 308 W +51 14 309 S +51 14 310 M +51 14 311 M +51 14 312 S +51 14 313 M +51 14 314 KY +51 14 315 K +51 14 316 K +51 14 317 L +51 14 318 W +51 14 319 T +51 14 320 W +51 14 321 L +51 14 322 M +51 14 323 K +51 14 324 T +51 14 325 A +51 14 326 W +51 14 327 T +51 14 328 K +51 14 329 KY +51 14 330 KY +51 15 1 M +51 15 2 K +51 15 3 E +51 15 4 E +51 15 5 K +51 15 6 T +51 15 7 K +51 15 8 L +51 15 9 M +51 15 10 M +51 15 11 K +51 15 12 W +51 15 13 K +51 15 14 M +51 15 15 TN +51 15 16 T +51 15 17 E +51 15 18 M +51 15 19 M +51 15 20 K +51 15 21 E +51 15 22 W +51 15 23 E +51 15 24 K +51 15 25 Y +51 15 26 Y +51 15 27 TN +51 15 28 E +51 15 29 K +51 15 30 L +51 15 31 K +51 15 32 E +51 15 33 K +51 15 34 M +51 15 35 L +51 15 36 K +51 15 37 M +51 15 38 L +51 15 39 K +51 15 40 M +51 15 41 L +51 15 42 W +51 15 43 M +51 15 44 T +51 15 45 K +51 15 46 T +51 15 47 K +51 15 48 W +51 15 49 K +51 15 50 L +51 15 51 M +51 15 52 T +51 15 53 L +51 15 54 K +51 15 55 M +51 15 56 L +51 15 57 M +51 15 58 K +51 15 59 T +51 15 60 M +51 15 61 L +51 15 62 M +51 15 63 L +51 15 64 M +51 15 65 L +51 15 66 T +51 15 67 K +51 15 68 L +51 15 69 K +51 15 70 T +51 15 71 L +51 15 72 K +51 15 73 K +51 15 74 T +51 15 75 K +51 15 76 L +51 15 77 M +51 15 78 T +51 15 79 M +51 15 80 M +51 15 81 K +51 15 82 K +51 15 83 T +51 15 84 L +51 15 85 K +51 15 86 L +51 15 87 M +51 15 88 L +51 15 89 M +51 15 90 M +51 15 91 W +51 15 92 T +51 15 93 M +51 15 94 T +51 15 95 W +51 15 96 W +51 15 97 M +51 15 98 L +51 15 99 T +51 15 100 M +51 15 101 L +51 15 102 T +51 15 103 T +51 15 104 M +51 15 105 L +51 15 106 W +51 15 107 T +51 15 108 T +51 15 109 M +51 15 110 W +51 15 111 K +51 15 112 L +51 15 113 M +51 15 114 K +51 15 115 L +51 15 116 T +51 15 117 M +51 15 118 L +51 15 119 K +51 15 120 T +51 15 121 L +51 15 122 K +51 15 123 K +51 15 124 W +51 15 125 L +51 15 126 L +51 15 127 M +51 15 128 W +51 15 129 T +51 15 130 M +51 15 131 L +51 15 132 L +51 15 133 K +51 15 134 M +51 15 135 L +51 15 136 K +51 15 137 K +51 15 138 M +51 15 139 T +51 15 140 M +51 15 141 T +51 15 142 T +51 15 143 W +51 15 144 M +51 15 145 W +51 15 146 W +51 15 147 M +51 15 148 L +51 15 149 M +51 15 150 M +51 15 151 L +51 15 152 L +51 15 153 M +51 15 154 M +51 15 155 M +51 15 156 K +51 15 157 M +51 15 158 T +51 15 159 T +51 15 160 L +51 15 161 K +51 15 162 L +51 15 163 M +51 15 164 M +51 15 165 K +51 15 166 M +51 15 167 T +51 15 168 K +51 15 169 M +51 15 170 M +51 15 171 W +51 15 172 T +51 15 173 L +51 15 174 W +51 15 175 M +51 15 176 L +51 15 177 W +51 15 178 M +51 15 179 L +51 15 180 K +51 15 181 W +51 15 182 L +51 15 183 M +51 15 184 L +51 15 185 W +51 15 186 K +51 15 187 W +51 15 188 M +51 15 189 T +51 15 190 L +51 15 191 K +51 15 192 M +51 15 193 W +51 15 194 L +51 15 195 K +51 15 196 K +51 15 197 L +51 15 198 M +51 15 199 T +51 15 200 M +51 15 201 L +51 15 202 K +51 15 203 L +51 15 204 M +51 15 205 M +51 15 206 T +51 15 207 L +51 15 208 M +51 15 209 M +51 15 210 L +51 15 211 M +51 15 212 W +51 15 213 M +51 15 214 W +51 15 215 L +51 15 216 M +51 15 217 W +51 15 218 W +51 15 219 T +51 15 220 M +51 15 221 T +51 15 222 M +51 15 223 K +51 15 224 T +51 15 225 W +51 15 226 M +51 15 227 M +51 15 228 M +51 15 229 K +51 15 230 T +51 15 231 L +51 15 232 M +51 15 233 T +51 15 234 K +51 15 235 M +51 15 236 W +51 15 237 L +51 15 238 M +51 15 239 L +51 15 240 L +51 15 241 T +51 15 242 W +51 15 243 L +51 15 244 T +51 15 245 L +51 15 246 K +51 15 247 M +51 15 248 M +51 15 249 K +51 15 250 M +51 15 251 W +51 15 252 T +51 15 253 K +51 15 254 M +51 15 255 M +51 15 256 L +51 15 257 M +51 15 258 W +51 15 259 L +51 15 260 W +51 15 261 W +51 15 262 T +51 15 263 M +51 15 264 M +51 15 265 K +51 15 266 L +51 15 267 L +51 15 268 K +51 15 269 L +51 15 270 W +51 15 271 M +51 15 272 T +51 15 273 M +51 15 274 T +51 15 275 W +51 15 276 L +51 15 277 M +51 15 278 M +51 15 279 M +51 15 280 K +51 15 281 K +51 15 282 K +51 15 283 M +51 15 284 T +51 15 285 M +51 15 286 T +51 15 287 M +51 15 288 L +51 15 289 K +51 15 290 T +51 15 291 M +51 15 292 L +51 15 293 T +51 15 294 T +51 15 295 M +51 15 296 L +51 15 297 W +51 15 298 L +51 15 299 K +51 15 300 T +51 15 301 K +51 15 302 T +51 15 303 T +51 15 304 K +51 15 305 L +51 15 306 W +51 15 307 M +51 15 308 M +51 15 309 M +51 15 310 K +51 15 311 M +51 15 312 M +51 15 313 M +51 15 314 T +51 15 315 K +51 15 316 K +51 15 317 L +51 15 318 L +51 15 319 T +51 15 320 K +51 15 321 L +51 15 322 M +51 15 323 M +51 15 324 T +51 15 325 L +51 15 326 W +51 15 327 T +51 15 328 K +51 15 329 M +51 15 330 T +51 16 1 K +51 16 2 K +51 16 3 L +51 16 4 A +51 16 5 K +51 16 6 W +51 16 7 K +51 16 8 L +51 16 9 A +51 16 10 M +51 16 11 M +51 16 12 W +51 16 13 K +51 16 14 M +51 16 15 NK +51 16 16 T +51 16 17 L +51 16 18 M +51 16 19 K +51 16 20 K +51 16 21 L +51 16 22 W +51 16 23 A +51 16 24 * +51 16 25 K +51 16 26 M +51 16 27 W +51 16 28 L +51 16 29 K +51 16 30 Q +51 16 31 K +51 16 32 A +51 16 33 K +51 16 34 K +51 16 35 Q +51 16 36 K +51 16 37 K +51 16 38 L +51 16 39 K +51 16 40 K +51 16 41 L +51 16 42 W +51 16 43 M +51 16 44 KK +51 16 45 K +51 16 46 S +51 16 47 S +51 16 48 W +51 16 49 K +51 16 50 A +51 16 51 A +51 16 52 T +51 16 53 L +51 16 54 K +51 16 55 K +51 16 56 W +51 16 57 K +51 16 58 W +51 16 59 T +51 16 60 S +51 16 61 L +51 16 62 * +51 16 63 L +51 16 64 M +51 16 65 L +51 16 66 W +51 16 67 K +51 16 68 Q +51 16 69 PW +51 16 70 T +51 16 71 O +51 16 72 K +51 16 73 O +51 16 74 T +51 16 75 NK +51 16 76 Q +51 16 77 K +51 16 78 A +51 16 79 S +51 16 80 M +51 16 81 K +51 16 82 K +51 16 83 W +51 16 84 Q +51 16 85 K +51 16 86 Q +51 16 87 S +51 16 88 Q +51 16 89 S +51 16 90 NK +51 16 91 K +51 16 92 W +51 16 93 M +51 16 94 S +51 16 95 K +51 16 96 W +51 16 97 GJ +51 16 98 L +51 16 99 T +51 16 100 K +51 16 101 L +51 16 102 T +51 16 103 Q +51 16 104 K +51 16 105 O +51 16 106 W +51 16 107 T +51 16 108 T +51 16 109 M +51 16 110 W +51 16 111 NK +51 16 112 L +51 16 113 NK +51 16 114 K +51 16 115 L +51 16 116 T +51 16 117 O +51 16 118 Q +51 16 119 K +51 16 120 T +51 16 121 L +51 16 122 K +51 16 123 K +51 16 124 KL +51 16 125 Q +51 16 126 Q +51 16 127 S +51 16 128 W +51 16 129 T +51 16 130 S +51 16 131 O +51 16 132 L +51 16 133 K +51 16 134 O +51 16 135 Q +51 16 136 K +51 16 137 K +51 16 138 K +51 16 139 T +51 16 140 S +51 16 141 T +51 16 142 T +51 16 143 K +51 16 144 O +51 16 145 K +51 16 146 W +51 16 147 K +51 16 148 L +51 16 149 K +51 16 150 O +51 16 151 Q +51 16 152 Q +51 16 153 M +51 16 154 S +51 16 155 S +51 16 156 K +51 16 157 W +51 16 158 T +51 16 159 W +51 16 160 A +51 16 161 K +51 16 162 L +51 16 163 K +51 16 164 M +51 16 165 K +51 16 166 M +51 16 167 T +51 16 168 K +51 16 169 K +51 16 170 S +51 16 171 K +51 16 172 GD +51 16 173 L +51 16 174 W +51 16 175 K +51 16 176 L +51 16 177 W +51 16 178 M +51 16 179 L +51 16 180 K +51 16 181 W +51 16 182 L +51 16 183 W +51 16 184 A +51 16 185 W +51 16 186 M +51 16 187 W +51 16 188 K +51 16 189 T +51 16 190 Q +51 16 191 M +51 16 192 A +51 16 193 N +51 16 194 L +51 16 195 K +51 16 196 K +51 16 197 Q +51 16 198 S +51 16 199 T +51 16 200 K +51 16 201 Q +51 16 202 K +51 16 203 A +51 16 204 S +51 16 205 M +51 16 206 T +51 16 207 L +51 16 208 Q +51 16 209 S +51 16 210 Q +51 16 211 K +51 16 212 W +51 16 213 T +51 16 214 W +51 16 215 Q +51 16 216 S +51 16 217 Q +51 16 218 K +51 16 219 T +51 16 220 M +51 16 221 T +51 16 222 M +51 16 223 K +51 16 224 T +51 16 225 W +51 16 226 M +51 16 227 S +51 16 228 S +51 16 229 K +51 16 230 T +51 16 231 Q +51 16 232 S +51 16 233 S +51 16 234 K +51 16 235 M +51 16 236 W +51 16 237 A +51 16 238 K +51 16 239 Q +51 16 240 O +51 16 241 T +51 16 242 W +51 16 243 L +51 16 244 T +51 16 245 L +51 16 246 K +51 16 247 M +51 16 248 S +51 16 249 K +51 16 250 O +51 16 251 K +51 16 252 T +51 16 253 K +51 16 254 T +51 16 255 S +51 16 256 L +51 16 257 M +51 16 258 W +51 16 259 L +51 16 260 W +51 16 261 Q +51 16 262 T +51 16 263 T +51 16 264 NK +51 16 265 K +51 16 266 O +51 16 267 O +51 16 268 K +51 16 269 Q +51 16 270 W +51 16 271 NK +51 16 272 T +51 16 273 Q +51 16 274 T +51 16 275 W +51 16 276 L +51 16 277 M +51 16 278 W +51 16 279 M +51 16 280 K +51 16 281 K +51 16 282 K +51 16 283 O +51 16 284 T +51 16 285 Q +51 16 286 T +51 16 287 W +51 16 288 L +51 16 289 K +51 16 290 T +51 16 291 M +51 16 292 Q +51 16 293 T +51 16 294 T +51 16 295 W +51 16 296 M +51 16 297 W +51 16 298 L +51 16 299 K +51 16 300 T +51 16 301 K +51 16 302 T +51 16 303 T +51 16 304 K +51 16 305 O +51 16 306 K +51 16 307 M +51 16 308 A +51 16 309 S +51 16 310 K +51 16 311 M +51 16 312 S +51 16 313 M +51 16 314 T +51 16 315 K +51 16 316 K +51 16 317 L +51 16 318 Q +51 16 319 T +51 16 320 K +51 16 321 L +51 16 322 GJ +51 16 323 K +51 16 324 T +51 16 325 L +51 16 326 W +51 16 327 T +51 16 328 K +51 16 329 W +51 16 330 T +51 17 1 M +51 17 2 K +51 17 3 L +51 17 4 K +51 17 5 K +51 17 6 W +51 17 7 K +51 17 8 L +51 17 9 W +51 17 10 M +51 17 11 M +51 17 12 W +51 17 13 K +51 17 14 Y +51 17 15 T +51 17 16 T +51 17 17 A +51 17 18 S +51 17 19 K +51 17 20 M +51 17 21 L +51 17 22 W +51 17 23 K +51 17 24 S +51 17 25 K +51 17 26 M +51 17 27 T +51 17 28 L +51 17 29 K +51 17 30 L +51 17 31 K +51 17 32 L +51 17 33 K +51 17 34 M +51 17 35 L +51 17 36 S +51 17 37 M +51 17 38 L +51 17 39 K +51 17 40 K +51 17 41 L +51 17 42 W +51 17 43 M +51 17 44 T +51 17 45 M +51 17 46 S +51 17 47 M +51 17 48 W +51 17 49 K +51 17 50 L +51 17 51 S +51 17 52 T +51 17 53 L +51 17 54 M +51 17 55 M +51 17 56 K +51 17 57 M +51 17 58 K +51 17 59 T +51 17 60 Y +51 17 61 L +51 17 62 K +51 17 63 L +51 17 64 M +51 17 65 L +51 17 66 YU +51 17 67 K +51 17 68 L +51 17 69 S +51 17 70 T +51 17 71 L +51 17 72 M +51 17 73 L +51 17 74 T +51 17 75 K +51 17 76 L +51 17 77 M +51 17 78 T +51 17 79 S +51 17 80 M +51 17 81 K +51 17 82 Y +51 17 83 T +51 17 84 W +51 17 85 K +51 17 86 L +51 17 87 S +51 17 88 L +51 17 89 S +51 17 90 K +51 17 91 K +51 17 92 T +51 17 93 Y +51 17 94 S +51 17 95 T +51 17 96 W +51 17 97 K +51 17 98 L +51 17 99 T +51 17 100 K +51 17 101 L +51 17 102 K +51 17 103 S +51 17 104 K +51 17 105 L +51 17 106 W +51 17 107 T +51 17 108 T +51 17 109 Y +51 17 110 W +51 17 111 S +51 17 112 L +51 17 113 S +51 17 114 K +51 17 115 L +51 17 116 T +51 17 117 S +51 17 118 W +51 17 119 K +51 17 120 T +51 17 121 L +51 17 122 K +51 17 123 K +51 17 124 W +51 17 125 L +51 17 126 A +51 17 127 S +51 17 128 W +51 17 129 T +51 17 130 S +51 17 131 K +51 17 132 L +51 17 133 Y +51 17 134 S +51 17 135 L +51 17 136 K +51 17 137 K +51 17 138 K +51 17 139 T +51 17 140 M +51 17 141 T +51 17 142 T +51 17 143 K +51 17 144 Y +51 17 145 K +51 17 146 W +51 17 147 M +51 17 148 L +51 17 149 T +51 17 150 K +51 17 151 W +51 17 152 W +51 17 153 M +51 17 154 S +51 17 155 S +51 17 156 K +51 17 157 S +51 17 158 T +51 17 159 K +51 17 160 W +51 17 161 K +51 17 162 L +51 17 163 K +51 17 164 M +51 17 165 S +51 17 166 Y +51 17 167 T +51 17 168 K +51 17 169 Y +51 17 170 S +51 17 171 K +51 17 172 T +51 17 173 L +51 17 174 W +51 17 175 Y +51 17 176 L +51 17 177 T +51 17 178 M +51 17 179 L +51 17 180 K +51 17 181 W +51 17 182 L +51 17 183 S +51 17 184 K +51 17 185 W +51 17 186 Y +51 17 187 W +51 17 188 K +51 17 189 T +51 17 190 K +51 17 191 Y +51 17 192 K +51 17 193 W +51 17 194 L +51 17 195 K +51 17 196 K +51 17 197 W +51 17 198 S +51 17 199 T +51 17 200 K +51 17 201 W +51 17 202 K +51 17 203 L +51 17 204 S +51 17 205 K +51 17 206 W +51 17 207 L +51 17 208 W +51 17 209 K +51 17 210 L +51 17 211 K +51 17 212 W +51 17 213 T +51 17 214 W +51 17 215 K +51 17 216 S +51 17 217 T +51 17 218 K +51 17 219 T +51 17 220 Y +51 17 221 T +51 17 222 Y +51 17 223 K +51 17 224 T +51 17 225 W +51 17 226 Y +51 17 227 K +51 17 228 M +51 17 229 K +51 17 230 T +51 17 231 L +51 17 232 S +51 17 233 K +51 17 234 K +51 17 235 Y +51 17 236 W +51 17 237 T +51 17 238 K +51 17 239 L +51 17 240 S +51 17 241 T +51 17 242 W +51 17 243 L +51 17 244 T +51 17 245 L +51 17 246 Y +51 17 247 K +51 17 248 S +51 17 249 M +51 17 250 A +51 17 251 K +51 17 252 T +51 17 253 M +51 17 254 T +51 17 255 S +51 17 256 L +51 17 257 M +51 17 258 W +51 17 259 L +51 17 260 T +51 17 261 W +51 17 262 T +51 17 263 S +51 17 264 T +51 17 265 M +51 17 266 W +51 17 267 L +51 17 268 K +51 17 269 W +51 17 270 W +51 17 271 S +51 17 272 T +51 17 273 L +51 17 274 T +51 17 275 W +51 17 276 L +51 17 277 Y +51 17 278 M +51 17 279 M +51 17 280 K +51 17 281 K +51 17 282 K +51 17 283 S +51 17 284 T +51 17 285 W +51 17 286 T +51 17 287 S +51 17 288 L +51 17 289 K +51 17 290 T +51 17 291 M +51 17 292 W +51 17 293 T +51 17 294 T +51 17 295 S +51 17 296 M +51 17 297 W +51 17 298 K +51 17 299 Y +51 17 300 S +51 17 301 M +51 17 302 T +51 17 303 T +51 17 304 W +51 17 305 L +51 17 306 W +51 17 307 K +51 17 308 M +51 17 309 S +51 17 310 K +51 17 311 Y +51 17 312 S +51 17 313 Y +51 17 314 T +51 17 315 K +51 17 316 K +51 17 317 L +51 17 318 W +51 17 319 T +51 17 320 S +51 17 321 L +51 17 322 K +51 17 323 M +51 17 324 T +51 17 325 L +51 17 326 W +51 17 327 T +51 17 328 S +51 17 329 S +51 17 330 T +51 18 1 M +51 18 2 K +51 18 3 L +51 18 4 A +51 18 5 K +51 18 6 W +51 18 7 K +51 18 8 L +51 18 9 KG +51 18 10 M +51 18 11 M +51 18 12 W +51 18 13 K +51 18 14 M +51 18 15 T +51 18 16 T +51 18 17 L +51 18 18 S +51 18 19 M +51 18 20 K +51 18 21 L +51 18 22 W +51 18 23 A +51 18 24 W +51 18 25 M +51 18 26 M +51 18 27 T +51 18 28 L +51 18 29 K +51 18 30 A +51 18 31 T +51 18 32 MP +51 18 33 K +51 18 34 M +51 18 35 A +51 18 36 K +51 18 37 M +51 18 38 L +51 18 39 K +51 18 40 M +51 18 41 L +51 18 42 W +51 18 43 M +51 18 44 T +51 18 45 K +51 18 46 * +51 18 47 K +51 18 48 W +51 18 49 K +51 18 50 A +51 18 51 * +51 18 52 T +51 18 53 A +51 18 54 K +51 18 55 K +51 18 56 W +51 18 57 K +51 18 58 W +51 18 59 T +51 18 60 M +51 18 61 L +51 18 62 O +51 18 63 A +51 18 64 M +51 18 65 L +51 18 66 W +51 18 67 K +51 18 68 A +51 18 69 W +51 18 70 T +51 18 71 L +51 18 72 K +51 18 73 A +51 18 74 T +51 18 75 K +51 18 76 PK +51 18 77 K +51 18 78 T +51 18 79 MK +51 18 80 M +51 18 81 K +51 18 82 K +51 18 83 W +51 18 84 PK +51 18 85 K +51 18 86 A +51 18 87 S +51 18 88 A +51 18 89 S +51 18 90 S +51 18 91 W +51 18 92 T +51 18 93 M +51 18 94 S +51 18 95 T +51 18 96 W +51 18 97 M +51 18 98 L +51 18 99 T +51 18 100 K +51 18 101 L +51 18 102 T +51 18 103 GK +51 18 104 K +51 18 105 O +51 18 106 W +51 18 107 T +51 18 108 T +51 18 109 M +51 18 110 W +51 18 111 GK +51 18 112 L +51 18 113 GK +51 18 114 M +51 18 115 L +51 18 116 T +51 18 117 S +51 18 118 A +51 18 119 K +51 18 120 T +51 18 121 L +51 18 122 K +51 18 123 Y +51 18 124 W +51 18 125 A +51 18 126 A +51 18 127 S +51 18 128 W +51 18 129 T +51 18 130 GK +51 18 131 A +51 18 132 L +51 18 133 K +51 18 134 GK +51 18 135 L +51 18 136 K +51 18 137 GK +51 18 138 M +51 18 139 T +51 18 140 M +51 18 141 T +51 18 142 T +51 18 143 B +51 18 144 S +51 18 145 B +51 18 146 W +51 18 147 B +51 18 148 L +51 18 149 K +51 18 150 A +51 18 151 W +51 18 152 S +51 18 153 M +51 18 154 S +51 18 155 B +51 18 156 B +51 18 157 S +51 18 158 T +51 18 159 W +51 18 160 T +51 18 161 B +51 18 162 L +51 18 163 B +51 18 164 M +51 18 165 GK +51 18 166 M +51 18 167 T +51 18 168 K +51 18 169 M +51 18 170 S +51 18 171 GK +51 18 172 T +51 18 173 A +51 18 174 W +51 18 175 S +51 18 176 A +51 18 177 W +51 18 178 Y +51 18 179 L +51 18 180 K +51 18 181 W +51 18 182 L +51 18 183 K +51 18 184 A +51 18 185 W +51 18 186 K +51 18 187 W +51 18 188 K +51 18 189 T +51 18 190 T +51 18 191 K +51 18 192 A +51 18 193 W +51 18 194 L +51 18 195 B +51 18 196 K +51 18 197 S +51 18 198 S +51 18 199 W +51 18 200 K +51 18 201 S +51 18 202 B +51 18 203 A +51 18 204 S +51 18 205 M +51 18 206 T +51 18 207 L +51 18 208 W +51 18 209 K +51 18 210 S +51 18 211 K +51 18 212 W +51 18 213 S +51 18 214 W +51 18 215 S +51 18 216 B +51 18 217 W +51 18 218 GK +51 18 219 T +51 18 220 M +51 18 221 T +51 18 222 A +51 18 223 K +51 18 224 T +51 18 225 GK +51 18 226 M +51 18 227 S +51 18 228 M +51 18 229 K +51 18 230 T +51 18 231 A +51 18 232 B +51 18 233 T +51 18 234 K +51 18 235 M +51 18 236 GK +51 18 237 W +51 18 238 K +51 18 239 A +51 18 240 S +51 18 241 T +51 18 242 W +51 18 243 L +51 18 244 T +51 18 245 L +51 18 246 K +51 18 247 S +51 18 248 B +51 18 249 M +51 18 250 A +51 18 251 K +51 18 252 T +51 18 253 M +51 18 254 T +51 18 255 GK +51 18 256 PK +51 18 257 S +51 18 258 W +51 18 259 L +51 18 260 W +51 18 261 W +51 18 262 T +51 18 263 T +51 18 264 T +51 18 265 K +51 18 266 A +51 18 267 L +51 18 268 K +51 18 269 A +51 18 270 W +51 18 271 S +51 18 272 T +51 18 273 A +51 18 274 T +51 18 275 B +51 18 276 L +51 18 277 M +51 18 278 W +51 18 279 M +51 18 280 B +51 18 281 K +51 18 282 B +51 18 283 S +51 18 284 T +51 18 285 S +51 18 286 T +51 18 287 W +51 18 288 L +51 18 289 B +51 18 290 T +51 18 291 M +51 18 292 S +51 18 293 T +51 18 294 T +51 18 295 B +51 18 296 A +51 18 297 W +51 18 298 L +51 18 299 K +51 18 300 T +51 18 301 K +51 18 302 T +51 18 303 T +51 18 304 B +51 18 305 A +51 18 306 K +51 18 307 M +51 18 308 W +51 18 309 S +51 18 310 K +51 18 311 M +51 18 312 S +51 18 313 M +51 18 314 T +51 18 315 K +51 18 316 B +51 18 317 L +51 18 318 W +51 18 319 T +51 18 320 GK +51 18 321 L +51 18 322 S +51 18 323 K +51 18 324 T +51 18 325 A +51 18 326 W +51 18 327 T +51 18 328 K +51 18 329 S +51 18 330 T +51 19 1 B +51 19 2 K +51 19 3 E +51 19 4 O +51 19 5 B +51 19 6 W +51 19 7 K +51 19 8 E +51 19 9 O +51 19 10 M +51 19 11 B +51 19 12 W +51 19 13 B +51 19 14 S +51 19 15 T +51 19 16 T +51 19 17 E +51 19 18 S +51 19 19 B +51 19 20 K +51 19 21 E +51 19 22 W +51 19 23 A +51 19 24 * +51 19 25 K +51 19 26 M +51 19 27 T +51 19 28 E +51 19 29 K +51 19 30 O +51 19 31 B +51 19 32 A +51 19 33 K +51 19 34 M +51 19 35 O +51 19 36 B +51 19 37 M +51 19 38 E +51 19 39 K +51 19 40 B +51 19 41 E +51 19 42 W +51 19 43 M +51 19 44 T +51 19 45 K +51 19 46 G +51 19 47 B +51 19 48 W +51 19 49 K +51 19 50 O +51 19 51 S +51 19 52 T +51 19 53 E +51 19 54 K +51 19 55 B +51 19 56 W +51 19 57 B +51 19 58 W +51 19 59 T +51 19 60 M +51 19 61 E +51 19 62 KA +51 19 63 A +51 19 64 M +51 19 65 E +51 19 66 T +51 19 67 K +51 19 68 O +51 19 69 B +51 19 70 T +51 19 71 E +51 19 72 K +51 19 73 O +51 19 74 T +51 19 75 O +51 19 76 E +51 19 77 M +51 19 78 T +51 19 79 S +51 19 80 M +51 19 81 K +51 19 82 M +51 19 83 T +51 19 84 O +51 19 85 K +51 19 86 O +51 19 87 S +51 19 88 O +51 19 89 G +51 19 90 O +51 19 91 K +51 19 92 T +51 19 93 M +51 19 94 S +51 19 95 T +51 19 96 W +51 19 97 O +51 19 98 E +51 19 99 T +51 19 100 K +51 19 101 E +51 19 102 T +51 19 103 O +51 19 104 N +51 19 105 O +51 19 106 W +51 19 107 T +51 19 108 T +51 19 109 M +51 19 110 W +51 19 111 S +51 19 112 E +51 19 113 S +51 19 114 B +51 19 115 E +51 19 116 T +51 19 117 G +51 19 118 O +51 19 119 K +51 19 120 T +51 19 121 E +51 19 122 K +51 19 123 M +51 19 124 W +51 19 125 E +51 19 126 O +51 19 127 G +51 19 128 W +51 19 129 T +51 19 130 S +51 19 131 O +51 19 132 E +51 19 133 K +51 19 134 S +51 19 135 E +51 19 136 B +51 19 137 K +51 19 138 M +51 19 139 T +51 19 140 M +51 19 141 T +51 19 142 T +51 19 143 B +51 19 144 O +51 19 145 K +51 19 146 W +51 19 147 B +51 19 148 E +51 19 149 B +51 19 150 O +51 19 151 A +51 19 152 O +51 19 153 M +51 19 154 S +51 19 155 G +51 19 156 K +51 19 157 S +51 19 158 T +51 19 159 W +51 19 160 T +51 19 161 B +51 19 162 E +51 19 163 M +51 19 164 M +51 19 165 O +51 19 166 M +51 19 167 T +51 19 168 K +51 19 169 M +51 19 170 S +51 19 171 K +51 19 172 T +51 19 173 E +51 19 174 W +51 19 175 T +51 19 176 E +51 19 177 W +51 19 178 M +51 19 179 E +51 19 180 K +51 19 181 W +51 19 182 O +51 19 183 S +51 19 184 O +51 19 185 A +51 19 186 B +51 19 187 W +51 19 188 M +51 19 189 T +51 19 190 O +51 19 191 K +51 19 192 O +51 19 193 B +51 19 194 E +51 19 195 K +51 19 196 O +51 19 197 O +51 19 198 G +51 19 199 T +51 19 200 M +51 19 201 W +51 19 202 K +51 19 203 E +51 19 204 G +51 19 205 M +51 19 206 T +51 19 207 E +51 19 208 S +51 19 209 K +51 19 210 E +51 19 211 M +51 19 212 W +51 19 213 T +51 19 214 K +51 19 215 O +51 19 216 S +51 19 217 T +51 19 218 B +51 19 219 T +51 19 220 M +51 19 221 T +51 19 222 A +51 19 223 K +51 19 224 T +51 19 225 O +51 19 226 M +51 19 227 G +51 19 228 M +51 19 229 B +51 19 230 T +51 19 231 E +51 19 232 S +51 19 233 KA +51 19 234 K +51 19 235 M +51 19 236 B +51 19 237 W +51 19 238 M +51 19 239 O +51 19 240 S +51 19 241 T +51 19 242 W +51 19 243 E +51 19 244 T +51 19 245 E +51 19 246 B +51 19 247 O +51 19 248 G +51 19 249 K +51 19 250 O +51 19 251 B +51 19 252 T +51 19 253 B +51 19 254 O +51 19 255 G +51 19 256 E +51 19 257 M +51 19 258 W +51 19 259 E +51 19 260 T +51 19 261 O +51 19 262 T +51 19 263 S +51 19 264 T +51 19 265 K +51 19 266 G +51 19 267 O +51 19 268 K +51 19 269 O +51 19 270 W +51 19 271 S +51 19 272 T +51 19 273 O +51 19 274 T +51 19 275 W +51 19 276 E +51 19 277 M +51 19 278 O +51 19 279 M +51 19 280 K +51 19 281 K +51 19 282 B +51 19 283 S +51 19 284 T +51 19 285 O +51 19 286 T +51 19 287 G +51 19 288 E +51 19 289 K +51 19 290 T +51 19 291 M +51 19 292 O +51 19 293 T +51 19 294 T +51 19 295 G +51 19 296 O +51 19 297 W +51 19 298 E +51 19 299 K +51 19 300 T +51 19 301 B +51 19 302 T +51 19 303 O +51 19 304 K +51 19 305 E +51 19 306 K +51 19 307 M +51 19 308 O +51 19 309 G +51 19 310 K +51 19 311 M +51 19 312 G +51 19 313 M +51 19 314 T +51 19 315 K +51 19 316 M +51 19 317 E +51 19 318 W +51 19 319 T +51 19 320 W +51 19 321 E +51 19 322 O +51 19 323 K +51 19 324 T +51 19 325 E +51 19 326 W +51 19 327 T +51 19 328 K +51 19 329 O +51 19 330 T +51 20 1 M +51 20 2 K +51 20 3 L +51 20 4 A +51 20 5 B +51 20 6 W +51 20 7 K +51 20 8 L +51 20 9 A +51 20 10 M +51 20 11 SI +51 20 12 W +51 20 13 SI +51 20 14 M +51 20 15 T +51 20 16 T +51 20 17 L +51 20 18 SI +51 20 19 M +51 20 20 K +51 20 21 L +51 20 22 W +51 20 23 A +51 20 24 W +51 20 25 M +51 20 26 M +51 20 27 T +51 20 28 L +51 20 29 B +51 20 30 A +51 20 31 SI +51 20 32 L +51 20 33 B +51 20 34 M +51 20 35 L +51 20 36 M +51 20 37 M +51 20 38 L +51 20 39 B +51 20 40 M +51 20 41 L +51 20 42 W +51 20 43 M +51 20 44 T +51 20 45 B +51 20 46 T +51 20 47 M +51 20 48 W +51 20 49 M +51 20 50 A +51 20 51 W +51 20 52 T +51 20 53 L +51 20 54 M +51 20 55 M +51 20 56 A +51 20 57 M +51 20 58 W +51 20 59 T +51 20 60 M +51 20 61 L +51 20 62 T +51 20 63 A +51 20 64 M +51 20 65 L +51 20 66 T +51 20 67 M +51 20 68 L +51 20 69 W +51 20 70 T +51 20 71 L +51 20 72 B +51 20 73 L +51 20 74 T +51 20 75 M +51 20 76 L +51 20 77 M +51 20 78 T +51 20 79 SI +51 20 80 M +51 20 81 B +51 20 82 M +51 20 83 T +51 20 84 A +51 20 85 M +51 20 86 L +51 20 87 SI +51 20 88 L +51 20 89 SI +51 20 90 M +51 20 91 W +51 20 92 T +51 20 93 M +51 20 94 SI +51 20 95 T +51 20 96 W +51 20 97 M +51 20 98 L +51 20 99 T +51 20 100 B +51 20 101 L +51 20 102 T +51 20 103 W +51 20 104 M +51 20 105 L +51 20 106 W +51 20 107 T +51 20 108 T +51 20 109 M +51 20 110 W +51 20 111 B +51 20 112 L +51 20 113 SI +51 20 114 M +51 20 115 L +51 20 116 T +51 20 117 SI +51 20 118 A +51 20 119 M +51 20 120 T +51 20 121 L +51 20 122 B +51 20 123 B +51 20 124 W +51 20 125 L +51 20 126 A +51 20 127 M +51 20 128 W +51 20 129 T +51 20 130 SI +51 20 131 L +51 20 132 L +51 20 133 B +51 20 134 SI +51 20 135 L +51 20 136 B +51 20 137 B +51 20 138 M +51 20 139 T +51 20 140 M +51 20 141 T +51 20 142 T +51 20 143 B +51 20 144 M +51 20 145 B +51 20 146 W +51 20 147 B +51 20 148 L +51 20 149 B +51 20 150 A +51 20 151 W +51 20 152 B +51 20 153 M +51 20 154 SI +51 20 155 SI +51 20 156 M +51 20 157 W +51 20 158 T +51 20 159 W +51 20 160 T +51 20 161 M +51 20 162 L +51 20 163 M +51 20 164 B +51 20 165 SI +51 20 166 M +51 20 167 T +51 20 168 M +51 20 169 M +51 20 170 SI +51 20 171 K +51 20 172 T +51 20 173 L +51 20 174 W +51 20 175 M +51 20 176 L +51 20 177 W +51 20 178 M +51 20 179 L +51 20 180 B +51 20 181 W +51 20 182 L +51 20 183 SI +51 20 184 A +51 20 185 W +51 20 186 B +51 20 187 W +51 20 188 M +51 20 189 T +51 20 190 W +51 20 191 M +51 20 192 B +51 20 193 W +51 20 194 A +51 20 195 B +51 20 196 M +51 20 197 A +51 20 198 SI +51 20 199 T +51 20 200 M +51 20 201 W +51 20 202 M +51 20 203 L +51 20 204 SI +51 20 205 A +51 20 206 T +51 20 207 L +51 20 208 W +51 20 209 M +51 20 210 L +51 20 211 M +51 20 212 W +51 20 213 T +51 20 214 B +51 20 215 L +51 20 216 SI +51 20 217 T +51 20 218 B +51 20 219 T +51 20 220 M +51 20 221 T +51 20 222 A +51 20 223 M +51 20 224 T +51 20 225 W +51 20 226 M +51 20 227 SI +51 20 228 M +51 20 229 B +51 20 230 T +51 20 231 L +51 20 232 A +51 20 233 T +51 20 234 M +51 20 235 M +51 20 236 B +51 20 237 W +51 20 238 M +51 20 239 L +51 20 240 L +51 20 241 T +51 20 242 W +51 20 243 L +51 20 244 T +51 20 245 L +51 20 246 B +51 20 247 A +51 20 248 SI +51 20 249 M +51 20 250 A +51 20 251 T +51 20 252 T +51 20 253 B +51 20 254 T +51 20 255 SI +51 20 256 L +51 20 257 M +51 20 258 W +51 20 259 L +51 20 260 T +51 20 261 L +51 20 262 T +51 20 263 SI +51 20 264 T +51 20 265 M +51 20 266 L +51 20 267 L +51 20 268 M +51 20 269 L +51 20 270 W +51 20 271 SI +51 20 272 T +51 20 273 L +51 20 274 T +51 20 275 W +51 20 276 L +51 20 277 M +51 20 278 L +51 20 279 M +51 20 280 B +51 20 281 M +51 20 282 B +51 20 283 A +51 20 284 T +51 20 285 W +51 20 286 T +51 20 287 A +51 20 288 L +51 20 289 M +51 20 290 T +51 20 291 B +51 20 292 W +51 20 293 T +51 20 294 T +51 20 295 A +51 20 296 B +51 20 297 W +51 20 298 L +51 20 299 M +51 20 300 T +51 20 301 M +51 20 302 T +51 20 303 T +51 20 304 B +51 20 305 A +51 20 306 B +51 20 307 M +51 20 308 A +51 20 309 SI +51 20 310 M +51 20 311 M +51 20 312 SI +51 20 313 M +51 20 314 T +51 20 315 B +51 20 316 M +51 20 317 L +51 20 318 W +51 20 319 T +51 20 320 B +51 20 321 L +51 20 322 T +51 20 323 M +51 20 324 T +51 20 325 L +51 20 326 W +51 20 327 T +51 20 328 B +51 20 329 A +51 20 330 T +51 21 1 Y +51 21 2 M +51 21 3 L +51 21 4 K +51 21 5 M +51 21 6 W +51 21 7 M +51 21 8 L +51 21 9 W +51 21 10 M +51 21 11 K +51 21 12 W +51 21 13 K +51 21 14 M +51 21 15 M +51 21 16 T +51 21 17 L +51 21 18 K +51 21 19 M +51 21 20 Y +51 21 21 L +51 21 22 W +51 21 23 M +51 21 24 K +51 21 25 M +51 21 26 M +51 21 27 W +51 21 28 L +51 21 29 M +51 21 30 W +51 21 31 M +51 21 32 W +51 21 33 W +51 21 34 Y +51 21 35 L +51 21 36 M +51 21 37 U +51 21 38 L +51 21 39 U +51 21 40 K +51 21 41 L +51 21 42 W +51 21 43 M +51 21 44 K +51 21 45 Y +51 21 46 T +51 21 47 Y +51 21 48 W +51 21 49 M +51 21 50 Y +51 21 51 Y +51 21 52 W +51 21 53 L +51 21 54 K +51 21 55 Y +51 21 56 W +51 21 57 Y +51 21 58 W +51 21 59 M +51 21 60 W +51 21 61 L +51 21 62 K +51 21 63 W +51 21 64 Y +51 21 65 L +51 21 66 W +51 21 67 K +51 21 68 L +51 21 69 W +51 21 70 K +51 21 71 L +51 21 72 K +51 21 73 Y +51 21 74 K +51 21 75 M +51 21 76 L +51 21 77 Y +51 21 78 K +51 21 79 Y +51 21 80 M +51 21 81 K +51 21 82 K +51 21 83 W +51 21 84 W +51 21 85 M +51 21 86 W +51 21 87 K +51 21 88 L +51 21 89 M +51 21 90 K +51 21 91 W +51 21 92 K +51 21 93 M +51 21 94 M +51 21 95 W +51 21 96 W +51 21 97 M +51 21 98 L +51 21 99 W +51 21 100 K +51 21 101 L +51 21 102 Y +51 21 103 W +51 21 104 K +51 21 105 W +51 21 106 W +51 21 107 K +51 21 108 K +51 21 109 M +51 21 110 W +51 21 111 K +51 21 112 L +51 21 113 W +51 21 114 M +51 21 115 L +51 21 116 W +51 21 117 Y +51 21 118 L +51 21 119 M +51 21 120 W +51 21 121 L +51 21 122 K +51 21 123 K +51 21 124 W +51 21 125 K +51 21 126 K +51 21 127 Y +51 21 128 W +51 21 129 K +51 21 130 Y +51 21 131 K +51 21 132 L +51 21 133 M +51 21 134 K +51 21 135 Y +51 21 136 M +51 21 137 K +51 21 138 Y +51 21 139 K +51 21 140 Y +51 21 141 Y +51 21 142 M +51 21 143 K +51 21 144 Y +51 21 145 Y +51 21 146 W +51 21 147 Y +51 21 148 L +51 21 149 Y +51 21 150 K +51 21 151 W +51 21 152 W +51 21 153 K +51 21 154 M +51 21 155 M +51 21 156 M +51 21 157 W +51 21 158 Y +51 21 159 W +51 21 160 K +51 21 161 K +51 21 162 L +51 21 163 Y +51 21 164 Y +51 21 165 K +51 21 166 Y +51 21 167 W +51 21 168 K +51 21 169 Y +51 21 170 K +51 21 171 K +51 21 172 T +51 21 173 L +51 21 174 W +51 21 175 K +51 21 176 L +51 21 177 W +51 21 178 Y +51 21 179 L +51 21 180 K +51 21 181 W +51 21 182 L +51 21 183 Y +51 21 184 Y +51 21 185 W +51 21 186 K +51 21 187 W +51 21 188 K +51 21 189 Y +51 21 190 Y +51 21 191 Y +51 21 192 K +51 21 193 W +51 21 194 L +51 21 195 Y +51 21 196 Y +51 21 197 K +51 21 198 Y +51 21 199 Y +51 21 200 K +51 21 201 Y +51 21 202 Y +51 21 203 L +51 21 204 M +51 21 205 Y +51 21 206 W +51 21 207 L +51 21 208 W +51 21 209 M +51 21 210 Y +51 21 211 Y +51 21 212 W +51 21 213 Y +51 21 214 W +51 21 215 M +51 21 216 K +51 21 217 W +51 21 218 W +51 21 219 Y +51 21 220 M +51 21 221 W +51 21 222 M +51 21 223 M +51 21 224 W +51 21 225 W +51 21 226 K +51 21 227 M +51 21 228 M +51 21 229 K +51 21 230 W +51 21 231 L +51 21 232 M +51 21 233 Y +51 21 234 K +51 21 235 K +51 21 236 W +51 21 237 W +51 21 238 M +51 21 239 W +51 21 240 K +51 21 241 Y +51 21 242 W +51 21 243 L +51 21 244 K +51 21 245 L +51 21 246 Y +51 21 247 M +51 21 248 K +51 21 249 K +51 21 250 M +51 21 251 M +51 21 252 K +51 21 253 M +51 21 254 K +51 21 255 M +51 21 256 L +51 21 257 K +51 21 258 W +51 21 259 L +51 21 260 W +51 21 261 W +51 21 262 K +51 21 263 K +51 21 264 K +51 21 265 M +51 21 266 M +51 21 267 Y +51 21 268 M +51 21 269 L +51 21 270 W +51 21 271 Y +51 21 272 T +51 21 273 Y +51 21 274 T +51 21 275 W +51 21 276 L +51 21 277 M +51 21 278 W +51 21 279 Y +51 21 280 W +51 21 281 K +51 21 282 K +51 21 283 Y +51 21 284 Y +51 21 285 W +51 21 286 Y +51 21 287 W +51 21 288 L +51 21 289 M +51 21 290 W +51 21 291 Y +51 21 292 M +51 21 293 W +51 21 294 Y +51 21 295 K +51 21 296 M +51 21 297 W +51 21 298 L +51 21 299 Y +51 21 300 M +51 21 301 Y +51 21 302 M +51 21 303 M +51 21 304 K +51 21 305 L +51 21 306 W +51 21 307 M +51 21 308 K +51 21 309 Y +51 21 310 M +51 21 311 K +51 21 312 Y +51 21 313 M +51 21 314 K +51 21 315 K +51 21 316 K +51 21 317 L +51 21 318 W +51 21 319 W +51 21 320 W +51 21 321 L +51 21 322 M +51 21 323 M +51 21 324 W +51 21 325 L +51 21 326 W +51 21 327 M +51 21 328 K +51 21 329 W +51 21 330 K +51 22 1 M +51 22 2 K +51 22 3 PK +51 22 4 A +51 22 5 B +51 22 6 A +51 22 7 K +51 22 8 L +51 22 9 A +51 22 10 M +51 22 11 K +51 22 12 W +51 22 13 K +51 22 14 M +51 22 15 L +51 22 16 T +51 22 17 L +51 22 18 M +51 22 19 K +51 22 20 K +51 22 21 L +51 22 22 T +51 22 23 M +51 22 24 H +51 22 25 K +51 22 26 M +51 22 27 T +51 22 28 L +51 22 29 K +51 22 30 L +51 22 31 T +51 22 32 L +51 22 33 K +51 22 34 M +51 22 35 L +51 22 36 M +51 22 37 T +51 22 38 L +51 22 39 K +51 22 40 M +51 22 41 L +51 22 42 W +51 22 43 M +51 22 44 T +51 22 45 K +51 22 46 Y +51 22 47 K +51 22 48 W +51 22 49 K +51 22 50 M +51 22 51 M +51 22 52 T +51 22 53 L +51 22 54 K +51 22 55 H +51 22 56 T +51 22 57 M +51 22 58 W +51 22 59 T +51 22 60 M +51 22 61 L +51 22 62 M +51 22 63 I +51 22 64 M +51 22 65 K +51 22 66 T +51 22 67 H +51 22 68 L +51 22 69 B +51 22 70 T +51 22 71 L +51 22 72 K +51 22 73 L +51 22 74 M +51 22 75 M +51 22 76 L +51 22 77 K +51 22 78 I +51 22 79 I +51 22 80 K +51 22 81 W +51 22 82 M +51 22 83 T +51 22 84 L +51 22 85 K +51 22 86 L +51 22 87 M +51 22 88 L +51 22 89 M +51 22 90 M +51 22 91 K +51 22 92 T +51 22 93 M +51 22 94 I +51 22 95 T +51 22 96 W +51 22 97 M +51 22 98 L +51 22 99 I +51 22 100 K +51 22 101 L +51 22 102 I +51 22 103 W +51 22 104 K +51 22 105 L +51 22 106 W +51 22 107 T +51 22 108 T +51 22 109 M +51 22 110 W +51 22 111 K +51 22 112 L +51 22 113 I +51 22 114 K +51 22 115 L +51 22 116 T +51 22 117 M +51 22 118 L +51 22 119 K +51 22 120 T +51 22 121 L +51 22 122 K +51 22 123 M +51 22 124 W +51 22 125 L +51 22 126 L +51 22 127 I +51 22 128 W +51 22 129 T +51 22 130 I +51 22 131 L +51 22 132 L +51 22 133 K +51 22 134 M +51 22 135 L +51 22 136 K +51 22 137 K +51 22 138 M +51 22 139 T +51 22 140 M +51 22 141 T +51 22 142 T +51 22 143 W +51 22 144 M +51 22 145 W +51 22 146 W +51 22 147 T +51 22 148 L +51 22 149 W +51 22 150 L +51 22 151 I +51 22 152 I +51 22 153 M +51 22 154 I +51 22 155 I +51 22 156 K +51 22 157 I +51 22 158 T +51 22 159 W +51 22 160 L +51 22 161 K +51 22 162 L +51 22 163 K +51 22 164 M +51 22 165 B +51 22 166 M +51 22 167 T +51 22 168 K +51 22 169 M +51 22 170 M +51 22 171 W +51 22 172 T +51 22 173 L +51 22 174 W +51 22 175 T +51 22 176 L +51 22 177 W +51 22 178 M +51 22 179 L +51 22 180 K +51 22 181 W +51 22 182 L +51 22 183 I +51 22 184 L +51 22 185 I +51 22 186 K +51 22 187 W +51 22 188 K +51 22 189 T +51 22 190 I +51 22 191 K +51 22 192 L +51 22 193 W +51 22 194 L +51 22 195 K +51 22 196 K +51 22 197 L +51 22 198 I +51 22 199 T +51 22 200 K +51 22 201 L +51 22 202 K +51 22 203 L +51 22 204 I +51 22 205 M +51 22 206 T +51 22 207 L +51 22 208 W +51 22 209 K +51 22 210 L +51 22 211 K +51 22 212 M +51 22 213 M +51 22 214 W +51 22 215 L +51 22 216 M +51 22 217 L +51 22 218 W +51 22 219 T +51 22 220 M +51 22 221 T +51 22 222 M +51 22 223 K +51 22 224 T +51 22 225 W +51 22 226 K +51 22 227 I +51 22 228 M +51 22 229 K +51 22 230 T +51 22 231 L +51 22 232 W +51 22 233 M +51 22 234 K +51 22 235 M +51 22 236 W +51 22 237 T +51 22 238 K +51 22 239 L +51 22 240 L +51 22 241 T +51 22 242 W +51 22 243 L +51 22 244 T +51 22 245 L +51 22 246 K +51 22 247 M +51 22 248 K +51 22 249 K +51 22 250 M +51 22 251 W +51 22 252 T +51 22 253 K +51 22 254 M +51 22 255 I +51 22 256 L +51 22 257 K +51 22 258 W +51 22 259 L +51 22 260 W +51 22 261 L +51 22 262 T +51 22 263 I +51 22 264 I +51 22 265 K +51 22 266 L +51 22 267 L +51 22 268 K +51 22 269 L +51 22 270 W +51 22 271 I +51 22 272 T +51 22 273 L +51 22 274 T +51 22 275 W +51 22 276 L +51 22 277 M +51 22 278 L +51 22 279 M +51 22 280 K +51 22 281 K +51 22 282 K +51 22 283 I +51 22 284 T +51 22 285 I +51 22 286 T +51 22 287 W +51 22 288 L +51 22 289 K +51 22 290 T +51 22 291 M +51 22 292 I +51 22 293 T +51 22 294 T +51 22 295 I +51 22 296 M +51 22 297 W +51 22 298 L +51 22 299 K +51 22 300 T +51 22 301 K +51 22 302 T +51 22 303 I +51 22 304 W +51 22 305 K +51 22 306 K +51 22 307 K +51 22 308 I +51 22 309 I +51 22 310 K +51 22 311 M +51 22 312 I +51 22 313 M +51 22 314 T +51 22 315 K +51 22 316 K +51 22 317 L +51 22 318 L +51 22 319 T +51 22 320 W +51 22 321 L +51 22 322 M +51 22 323 K +51 22 324 T +51 22 325 L +51 22 326 W +51 22 327 T +51 22 328 K +51 22 329 I +51 22 330 T +51 23 1 M +51 23 2 M +51 23 3 L +51 23 4 L +51 23 5 M +51 23 6 T +51 23 7 K +51 23 8 L +51 23 9 NI +51 23 10 M +51 23 11 M +51 23 12 W +51 23 13 H +51 23 14 B +51 23 15 T +51 23 16 T +51 23 17 E +51 23 18 S +51 23 19 M +51 23 20 K +51 23 21 W +51 23 22 T +51 23 23 YO +51 23 24 NI +51 23 25 NO +51 23 26 TK +51 23 27 JI +51 23 28 E +51 23 29 H +51 23 30 NM +51 23 31 W +51 23 32 H +51 23 33 H +51 23 34 M +51 23 35 MA +51 23 36 K +51 23 37 M +51 23 38 NM +51 23 39 W +51 23 40 T +51 23 41 L +51 23 42 W +51 23 43 M +51 23 44 T +51 23 45 W +51 23 46 T +51 23 47 K +51 23 48 YO +51 23 49 NO +51 23 50 JI +51 23 51 NI +51 23 52 T +51 23 53 L +51 23 54 H +51 23 55 M +51 23 56 Y +51 23 57 M +51 23 58 W +51 23 59 T +51 23 60 K +51 23 61 L +51 23 62 M +51 23 63 T +51 23 64 YG +51 23 65 L +51 23 66 TS +51 23 67 M +51 23 68 NI +51 23 69 TO +51 23 70 NN +51 23 71 L +51 23 72 M +51 23 73 W +51 23 74 W +51 23 75 TP +51 23 76 E +51 23 77 M +51 23 78 TS +51 23 79 NI +51 23 80 M +51 23 81 W +51 23 82 NI +51 23 83 T +51 23 84 W +51 23 85 Y +51 23 86 TS +51 23 87 NI +51 23 88 L +51 23 89 K +51 23 90 M +51 23 91 W +51 23 92 TS +51 23 93 H +51 23 94 WP +51 23 95 NW +51 23 96 W +51 23 97 M +51 23 98 NM +51 23 99 T +51 23 100 T +51 23 101 L +51 23 102 M +51 23 103 H +51 23 104 NI +51 23 105 L +51 23 106 W +51 23 107 TN +51 23 108 M +51 23 109 M +51 23 110 W +51 23 111 NO +51 23 112 L +51 23 113 NI +51 23 114 YM +51 23 115 TP +51 23 116 GY +51 23 117 L +51 23 118 E +51 23 119 H +51 23 120 TS +51 23 121 L +51 23 122 K +51 23 123 M +51 23 124 NI +51 23 125 E +51 23 126 E +51 23 127 NI +51 23 128 W +51 23 129 TS +51 23 130 M +51 23 131 YO +51 23 132 L +51 23 133 M +51 23 134 NO +51 23 135 NM +51 23 136 M +51 23 137 NI +51 23 138 TS +51 23 139 TS +51 23 140 M +51 23 141 KS +51 23 142 T +51 23 143 KW +51 23 144 M +51 23 145 W +51 23 146 YO +51 23 147 NI +51 23 148 JI +51 23 149 TK +51 23 150 L +51 23 151 NI +51 23 152 TS +51 23 153 M +51 23 154 NI +51 23 155 NI +51 23 156 H +51 23 157 MA +51 23 158 WO +51 23 159 W +51 23 160 W +51 23 161 H +51 23 162 L +51 23 163 H +51 23 164 M +51 23 165 NI +51 23 166 M +51 23 167 TS +51 23 168 H +51 23 169 M +51 23 170 H +51 23 171 NI +51 23 172 JI +51 23 173 PY +51 23 174 W +51 23 175 TS +51 23 176 L +51 23 177 NO +51 23 178 M +51 23 179 L +51 23 180 M +51 23 181 YO +51 23 182 L +51 23 183 NI +51 23 184 L +51 23 185 NO +51 23 186 M +51 23 187 W +51 23 188 M +51 23 189 TS +51 23 190 L +51 23 191 H +51 23 192 MA +51 23 193 W +51 23 194 L +51 23 195 M +51 23 196 K +51 23 197 TS +51 23 198 NI +51 23 199 TS +51 23 200 M +51 23 201 W +51 23 202 K +51 23 203 L +51 23 204 NI +51 23 205 M +51 23 206 TS +51 23 207 L +51 23 208 W +51 23 209 K +51 23 210 L +51 23 211 M +51 23 212 W +51 23 213 TS +51 23 214 W +51 23 215 L +51 23 216 NI +51 23 217 L +51 23 218 W +51 23 219 TN +51 23 220 M +51 23 221 T +51 23 222 L +51 23 223 H +51 23 224 MA +51 23 225 YI +51 23 226 M +51 23 227 NI +51 23 228 M +51 23 229 NO +51 23 230 TS +51 23 231 L +51 23 232 NO +51 23 233 M +51 23 234 K +51 23 235 M +51 23 236 W +51 23 237 NI +51 23 238 M +51 23 239 NI +51 23 240 L +51 23 241 T +51 23 242 W +51 23 243 L +51 23 244 TS +51 23 245 L +51 23 246 M +51 23 247 TN +51 23 248 NI +51 23 249 H +51 23 250 TN +51 23 251 W +51 23 252 TS +51 23 253 M +51 23 254 M +51 23 255 NI +51 23 256 L +51 23 257 M +51 23 258 W +51 23 259 L +51 23 260 TN +51 23 261 YO +51 23 262 TN +51 23 263 T +51 23 264 T +51 23 265 K +51 23 266 L +51 23 267 L +51 23 268 K +51 23 269 L +51 23 270 W +51 23 271 NI +51 23 272 TN +51 23 273 L +51 23 274 T +51 23 275 W +51 23 276 L +51 23 277 M +51 23 278 W +51 23 279 M +51 23 280 K +51 23 281 H +51 23 282 H +51 23 283 NI +51 23 284 TS +51 23 285 L +51 23 286 T +51 23 287 W +51 23 288 L +51 23 289 M +51 23 290 T +51 23 291 M +51 23 292 W +51 23 293 NO +51 23 294 NO +51 23 295 NI +51 23 296 L +51 23 297 W +51 23 298 L +51 23 299 M +51 23 300 T +51 23 301 M +51 23 302 T +51 23 303 T +51 23 304 NO +51 23 305 L +51 23 306 NO +51 23 307 M +51 23 308 TN +51 23 309 NI +51 23 310 H +51 23 311 M +51 23 312 NI +51 23 313 M +51 23 314 T +51 23 315 H +51 23 316 M +51 23 317 L +51 23 318 JI +51 23 319 T +51 23 320 W +51 23 321 L +51 23 322 M +51 23 323 H +51 23 324 T +51 23 325 L +51 23 326 W +51 23 327 T +51 23 328 K +51 23 329 W +51 23 330 T +51 24 1 M +51 24 2 W +51 24 3 NM +51 24 4 E +51 24 5 K +51 24 6 T +51 24 7 K +51 24 8 E +51 24 9 ME +51 24 10 M +51 24 11 K +51 24 12 W +51 24 13 K +51 24 14 M +51 24 15 T +51 24 16 T +51 24 17 E +51 24 18 MM +51 24 19 M +51 24 20 K +51 24 21 E +51 24 22 W +51 24 23 E +51 24 24 MM +51 24 25 M +51 24 26 M +51 24 27 T +51 24 28 E +51 24 29 K +51 24 30 MM +51 24 31 T +51 24 32 E +51 24 33 K +51 24 34 M +51 24 35 E +51 24 36 K +51 24 37 M +51 24 38 E +51 24 39 K +51 24 40 M +51 24 41 E +51 24 42 W +51 24 43 M +51 24 44 T +51 24 45 K +51 24 46 MM +51 24 47 K +51 24 48 W +51 24 49 M +51 24 50 E +51 24 51 MM +51 24 52 T +51 24 53 E +51 24 54 K +51 24 55 M +51 24 56 W +51 24 57 M +51 24 58 W +51 24 59 T +51 24 60 M +51 24 61 E +51 24 62 M +51 24 63 E +51 24 64 M +51 24 65 E +51 24 66 T +51 24 67 M +51 24 68 E +51 24 69 K +51 24 70 T +51 24 71 E +51 24 72 K +51 24 73 E +51 24 74 T +51 24 75 K +51 24 76 E +51 24 77 M +51 24 78 E +51 24 79 MM +51 24 80 M +51 24 81 K +51 24 82 T +51 24 83 T +51 24 84 E +51 24 85 M +51 24 86 E +51 24 87 MM +51 24 88 E +51 24 89 MX +51 24 90 K +51 24 91 W +51 24 92 T +51 24 93 M +51 24 94 MM +51 24 95 T +51 24 96 W +51 24 97 M +51 24 98 E +51 24 99 T +51 24 100 T +51 24 101 E +51 24 102 T +51 24 103 K +51 24 104 M +51 24 105 E +51 24 106 W +51 24 107 T +51 24 108 T +51 24 109 M +51 24 110 W +51 24 111 K +51 24 112 E +51 24 113 MM +51 24 114 M +51 24 115 E +51 24 116 T +51 24 117 MM +51 24 118 E +51 24 119 M +51 24 120 T +51 24 121 E +51 24 122 K +51 24 123 M +51 24 124 W +51 24 125 PK +51 24 126 PK +51 24 127 K +51 24 128 W +51 24 129 T +51 24 130 MM +51 24 131 E +51 24 132 E +51 24 133 K +51 24 134 MM +51 24 135 E +51 24 136 M +51 24 137 K +51 24 138 M +51 24 139 T +51 24 140 M +51 24 141 T +51 24 142 T +51 24 143 K +51 24 144 M +51 24 145 M +51 24 146 W +51 24 147 M +51 24 148 E +51 24 149 K +51 24 150 E +51 24 151 E +51 24 152 E +51 24 153 M +51 24 154 MM +51 24 155 MM +51 24 156 M +51 24 157 MM +51 24 158 T +51 24 159 W +51 24 160 E +51 24 161 M +51 24 162 E +51 24 163 M +51 24 164 M +51 24 165 K +51 24 166 M +51 24 167 T +51 24 168 K +51 24 169 M +51 24 170 K +51 24 171 K +51 24 172 T +51 24 173 E +51 24 174 W +51 24 175 T +51 24 176 E +51 24 177 W +51 24 178 M +51 24 179 PK +51 24 180 M +51 24 181 W +51 24 182 PK +51 24 183 MM +51 24 184 M +51 24 185 W +51 24 186 T +51 24 187 W +51 24 188 M +51 24 189 T +51 24 190 PK +51 24 191 M +51 24 192 M +51 24 193 W +51 24 194 PK +51 24 195 K +51 24 196 T +51 24 197 PK +51 24 198 MM +51 24 199 T +51 24 200 M +51 24 201 T +51 24 202 M +51 24 203 E +51 24 204 MM +51 24 205 M +51 24 206 T +51 24 207 E +51 24 208 W +51 24 209 M +51 24 210 MM +51 24 211 M +51 24 212 W +51 24 213 T +51 24 214 W +51 24 215 E +51 24 216 K +51 24 217 T +51 24 218 W +51 24 219 T +51 24 220 M +51 24 221 T +51 24 222 E +51 24 223 K +51 24 224 T +51 24 225 K +51 24 226 M +51 24 227 MM +51 24 228 M +51 24 229 K +51 24 230 T +51 24 231 E +51 24 232 I +51 24 233 M +51 24 234 K +51 24 235 M +51 24 236 W +51 24 237 W +51 24 238 M +51 24 239 E +51 24 240 MM +51 24 241 T +51 24 242 W +51 24 243 E +51 24 244 T +51 24 245 E +51 24 246 M +51 24 247 M +51 24 248 K +51 24 249 K +51 24 250 E +51 24 251 W +51 24 252 T +51 24 253 M +51 24 254 T +51 24 255 MM +51 24 256 E +51 24 257 M +51 24 258 W +51 24 259 E +51 24 260 T +51 24 261 W +51 24 262 T +51 24 263 MX +51 24 264 T +51 24 265 MX +51 24 266 E +51 24 267 E +51 24 268 K +51 24 269 E +51 24 270 W +51 24 271 K +51 24 272 T +51 24 273 E +51 24 274 T +51 24 275 W +51 24 276 E +51 24 277 M +51 24 278 W +51 24 279 M +51 24 280 K +51 24 281 M +51 24 282 M +51 24 283 MM +51 24 284 T +51 24 285 PK +51 24 286 T +51 24 287 MM +51 24 288 E +51 24 289 M +51 24 290 T +51 24 291 M +51 24 292 I +51 24 293 T +51 24 294 T +51 24 295 MM +51 24 296 M +51 24 297 W +51 24 298 E +51 24 299 M +51 24 300 MM +51 24 301 K +51 24 302 T +51 24 303 T +51 24 304 K +51 24 305 E +51 24 306 K +51 24 307 M +51 24 308 T +51 24 309 MM +51 24 310 M +51 24 311 M +51 24 312 MX +51 24 313 M +51 24 314 T +51 24 315 K +51 24 316 K +51 24 317 E +51 24 318 W +51 24 319 T +51 24 320 K +51 24 321 E +51 24 322 M +51 24 323 K +51 24 324 T +51 24 325 E +51 24 326 W +51 24 327 T +51 24 328 K +51 24 329 W +51 24 330 T +51 25 1 Y +51 25 2 K +51 25 3 E +51 25 4 Y +51 25 5 K +51 25 6 W +51 25 7 K +51 25 8 J +51 25 9 K +51 25 10 M +51 25 11 Y +51 25 12 W +51 25 13 Y +51 25 14 M +51 25 15 K +51 25 16 T +51 25 17 L +51 25 18 Y +51 25 19 M +51 25 20 K +51 25 21 L +51 25 22 W +51 25 23 K +51 25 24 W +51 25 25 M +51 25 26 Y +51 25 27 T +51 25 28 J +51 25 29 K +51 25 30 W +51 25 31 T +51 25 32 L +51 25 33 W +51 25 34 Y +51 25 35 L +51 25 36 Y +51 25 37 M +51 25 38 J +51 25 39 K +51 25 40 K +51 25 41 L +51 25 42 W +51 25 43 M +51 25 44 T +51 25 45 K +51 25 46 T +51 25 47 K +51 25 48 W +51 25 49 K +51 25 50 L +51 25 51 K +51 25 52 T +51 25 53 L +51 25 54 K +51 25 55 M +51 25 56 K +51 25 57 Y +51 25 58 K +51 25 59 T +51 25 60 M +51 25 61 L +51 25 62 K +51 25 63 L +51 25 64 M +51 25 65 L +51 25 66 T +51 25 67 K +51 25 68 L +51 25 69 K +51 25 70 T +51 25 71 L +51 25 72 K +51 25 73 L +51 25 74 T +51 25 75 K +51 25 76 L +51 25 77 Y +51 25 78 T +51 25 79 T +51 25 80 M +51 25 81 K +51 25 82 Y +51 25 83 T +51 25 84 L +51 25 85 K +51 25 86 L +51 25 87 K +51 25 88 L +51 25 89 Y +51 25 90 Y +51 25 91 W +51 25 92 T +51 25 93 M +51 25 94 Y +51 25 95 T +51 25 96 W +51 25 97 Y +51 25 98 J +51 25 99 J +51 25 100 T +51 25 101 L +51 25 102 T +51 25 103 K +51 25 104 Y +51 25 105 J +51 25 106 W +51 25 107 T +51 25 108 T +51 25 109 Y +51 25 110 W +51 25 111 K +51 25 112 J +51 25 113 K +51 25 114 M +51 25 115 L +51 25 116 T +51 25 117 L +51 25 118 J +51 25 119 B +51 25 120 T +51 25 121 L +51 25 122 B +51 25 123 Y +51 25 124 B +51 25 125 L +51 25 126 L +51 25 127 Y +51 25 128 K +51 25 129 T +51 25 130 Y +51 25 131 A +51 25 132 L +51 25 133 B +51 25 134 L +51 25 135 L +51 25 136 Y +51 25 137 B +51 25 138 M +51 25 139 T +51 25 140 M +51 25 141 T +51 25 142 T +51 25 143 K +51 25 144 Y +51 25 145 M +51 25 146 W +51 25 147 M +51 25 148 A +51 25 149 K +51 25 150 AY +51 25 151 W +51 25 152 K +51 25 153 M +51 25 154 Y +51 25 155 K +51 25 156 K +51 25 157 K +51 25 158 T +51 25 159 W +51 25 160 A +51 25 161 K +51 25 162 A +51 25 163 B +51 25 164 M +51 25 165 M +51 25 166 Y +51 25 167 T +51 25 168 K +51 25 169 Y +51 25 170 M +51 25 171 B +51 25 172 T +51 25 173 L +51 25 174 W +51 25 175 T +51 25 176 A +51 25 177 W +51 25 178 M +51 25 179 L +51 25 180 B +51 25 181 T +51 25 182 J +51 25 183 B +51 25 184 A +51 25 185 K +51 25 186 T +51 25 187 W +51 25 188 Y +51 25 189 T +51 25 190 J +51 25 191 M +51 25 192 E +51 25 193 W +51 25 194 B +51 25 195 K +51 25 196 K +51 25 197 J +51 25 198 B +51 25 199 T +51 25 200 T +51 25 201 L +51 25 202 B +51 25 203 J +51 25 204 B +51 25 205 Y +51 25 206 T +51 25 207 J +51 25 208 J +51 25 209 Y +51 25 210 J +51 25 211 Y +51 25 212 W +51 25 213 T +51 25 214 B +51 25 215 J +51 25 216 K +51 25 217 W +51 25 218 W +51 25 219 T +51 25 220 Y +51 25 221 Y +51 25 222 J +51 25 223 B +51 25 224 T +51 25 225 K +51 25 226 M +51 25 227 K +51 25 228 Y +51 25 229 T +51 25 230 T +51 25 231 J +51 25 232 B +51 25 233 Y +51 25 234 K +51 25 235 M +51 25 236 K +51 25 237 K +51 25 238 M +51 25 239 J +51 25 240 K +51 25 241 T +51 25 242 W +51 25 243 J +51 25 244 T +51 25 245 J +51 25 246 K +51 25 247 Y +51 25 248 K +51 25 249 K +51 25 250 J +51 25 251 K +51 25 252 T +51 25 253 K +51 25 254 M +51 25 255 K +51 25 256 L +51 25 257 Y +51 25 258 W +51 25 259 L +51 25 260 T +51 25 261 L +51 25 262 T +51 25 263 T +51 25 264 T +51 25 265 K +51 25 266 L +51 25 267 L +51 25 268 K +51 25 269 L +51 25 270 W +51 25 271 K +51 25 272 T +51 25 273 L +51 25 274 T +51 25 275 W +51 25 276 L +51 25 277 M +51 25 278 E +51 25 279 M +51 25 280 K +51 25 281 K +51 25 282 K +51 25 283 W +51 25 284 T +51 25 285 L +51 25 286 T +51 25 287 K +51 25 288 L +51 25 289 M +51 25 290 T +51 25 291 M +51 25 292 L +51 25 293 T +51 25 294 T +51 25 295 K +51 25 296 L +51 25 297 W +51 25 298 J +51 25 299 Y +51 25 300 T +51 25 301 M +51 25 302 T +51 25 303 T +51 25 304 K +51 25 305 L +51 25 306 W +51 25 307 M +51 25 308 J +51 25 309 K +51 25 310 K +51 25 311 Y +51 25 312 M +51 25 313 Y +51 25 314 T +51 25 315 K +51 25 316 K +51 25 317 L +51 25 318 K +51 25 319 T +51 25 320 K +51 25 321 J +51 25 322 M +51 25 323 Y +51 25 324 T +51 25 325 L +51 25 326 W +51 25 327 T +51 25 328 K +51 25 329 W +51 25 330 T +52 1 1 MO +52 1 2 KU +52 1 3 KO +52 1 4 KO +52 1 5 KU +52 1 6 OS +52 1 7 YA +52 1 8 KO +52 1 9 OS +52 1 10 HA +52 1 11 YA +52 1 12 KA +52 1 13 YA +52 1 14 KU +52 1 15 KR +52 1 16 EF +52 1 17 KO +52 1 18 EF +52 1 19 MO +52 1 20 YA +52 1 21 KO +52 1 22 KA +52 1 23 KO +52 1 24 OS +52 1 25 MO +52 1 26 HA +52 1 27 HG +52 1 28 KO +52 1 29 YA +52 1 30 KR +52 1 31 HG +52 1 32 KO +52 1 33 YA +52 1 34 MO +52 1 35 KR +52 1 36 YA +52 1 37 MO +52 1 38 KO +52 1 39 YA +52 1 40 MO +52 1 41 KO +52 1 42 KA +52 1 43 HI +52 1 44 HG +52 1 45 YA +52 1 46 HG +52 1 47 YA +52 1 48 KA +52 1 49 MO +52 1 50 KO +52 1 51 OS +52 1 52 EF +52 1 53 KO +52 1 54 YA +52 1 55 MO +52 1 56 KR +52 1 57 HA +52 1 58 KA +52 1 59 KR +52 1 60 HA +52 1 61 KO +52 1 62 KR +52 1 63 KO +52 1 64 HA +52 1 65 KO +52 1 66 HG +52 1 67 KU +52 1 68 KO +52 1 69 KA +52 1 70 HG +52 1 71 KO +52 1 72 YA +52 1 73 KR +52 1 74 HG +52 1 75 YA +52 1 76 KR +52 1 77 MO +52 1 78 KR +52 1 79 HA +52 1 80 MO +52 1 81 KA +52 1 82 KU +52 1 83 KA +52 1 84 KR +52 1 85 YA +52 1 86 KO +52 1 87 HA +52 1 88 KR +52 1 89 HA +52 1 90 YA +52 1 91 KA +52 1 92 HG +52 1 93 MO +52 1 94 HA +52 1 95 HG +52 1 96 KA +52 1 97 KR +52 1 98 KO +52 1 99 KR +52 1 100 KU +52 1 101 KO +52 1 102 KR +52 1 103 KA +52 1 104 KR +52 1 105 KR +52 1 106 KA +52 1 107 EF +52 1 108 HG +52 1 109 HA +52 1 110 KA +52 1 111 OS +52 1 112 KO +52 1 113 HA +52 1 114 YA +52 1 115 KO +52 1 116 KU +52 1 117 OS +52 1 118 KR +52 1 119 YA +52 1 120 HG +52 1 121 KR +52 1 122 YA +52 1 123 HA +52 1 124 KA +52 1 125 KR +52 1 126 KO +52 1 127 HA +52 1 128 KA +52 1 129 EF +52 1 130 OS +52 1 131 KO +52 1 132 KR +52 1 133 YA +52 1 134 KR +52 1 135 KO +52 1 136 KU +52 1 137 YA +52 1 138 MO +52 1 139 HG +52 1 140 HA +52 1 141 EF +52 1 142 HG +52 1 143 KA +52 1 144 HA +52 1 145 KU +52 1 146 KA +52 1 147 MO +52 1 148 KO +52 1 149 KU +52 1 150 KR +52 1 151 KO +52 1 152 KR +52 1 153 MO +52 1 154 HA +52 1 155 OS +52 1 156 YA +52 1 157 KR +52 1 158 HG +52 1 159 KA +52 1 160 KR +52 1 161 MO +52 1 162 KO +52 1 163 MO +52 1 164 KU +52 1 165 OS +52 1 166 HA +52 1 167 KR +52 1 168 YA +52 1 169 MO +52 1 170 HA +52 1 171 YA +52 1 172 EF +52 1 173 KR +52 1 174 KA +52 1 175 MO +52 1 176 KO +52 1 177 KA +52 1 178 HA +52 1 179 KO +52 1 180 MO +52 1 181 KA +52 1 182 KR +52 1 183 OS +52 1 184 KR +52 1 185 KA +52 1 186 MO +52 1 187 KA +52 1 188 MO +52 1 189 MO +52 1 190 KR +52 1 191 YA +52 1 192 KR +52 1 193 KA +52 1 194 KO +52 1 195 YA +52 1 196 KU +52 1 197 KR +52 1 198 HA +52 1 199 KU +52 1 200 MO +52 1 201 KR +52 1 202 YA +52 1 203 KO +52 1 204 OS +52 1 205 HA +52 1 206 HG +52 1 207 KO +52 1 208 KA +52 1 209 YA +52 1 210 OS +52 1 211 MO +52 1 212 KA +52 1 213 KU +52 1 214 KA +52 1 215 KR +52 1 216 OS +52 1 217 KR +52 1 218 KA +52 1 219 HG +52 1 220 KU +52 1 221 HG +52 1 222 KR +52 1 223 YA +52 1 224 HG +52 1 225 KA +52 1 226 KU +52 1 227 HA +52 1 228 HA +52 1 229 MO +52 1 230 HG +52 1 231 KR +52 1 232 OS +52 1 233 MO +52 1 234 YA +52 1 235 KU +52 1 236 KA +52 1 237 KR +52 1 238 MO +52 1 239 KR +52 1 240 OS +52 1 241 EF +52 1 242 KA +52 1 243 KO +52 1 244 HG +52 1 245 KO +52 1 246 MO +52 1 247 HA +52 1 248 YA +52 1 249 YA +52 1 250 KR +52 1 251 MO +52 1 252 HG +52 1 253 KU +52 1 254 KU +52 1 255 OS +52 1 256 KR +52 1 257 HA +52 1 258 KA +52 1 259 KO +52 1 260 KA +52 1 261 KR +52 1 262 EF +52 1 263 HG +52 1 264 MO +52 1 265 YA +52 1 266 KR +52 1 267 KO +52 1 268 YA +52 1 269 KR +52 1 270 KA +52 1 271 YA +52 1 272 EF +52 1 273 KR +52 1 274 EF +52 1 275 KA +52 1 276 KO +52 1 277 HA +52 1 278 KR +52 1 279 HA +52 1 280 YA +52 1 281 YA +52 1 282 YA +52 1 283 OS +52 1 284 HG +52 1 285 KR +52 1 286 EF +52 1 287 KA +52 1 288 KO +52 1 289 MO +52 1 290 HG +52 1 291 MO +52 1 292 KR +52 1 293 EF +52 1 294 HG +52 1 295 OS +52 1 296 KR +52 1 297 KA +52 1 298 KO +52 1 299 YA +52 1 300 HG +52 1 301 YA +52 1 302 HG +52 1 303 KU +52 1 304 KA +52 1 305 KR +52 1 306 MO +52 1 307 KU +52 1 308 KR +52 1 309 HA +52 1 310 YA +52 1 311 MO +52 1 312 HA +52 1 313 HA +52 1 314 HG +52 1 315 YA +52 1 316 KU +52 1 317 KR +52 1 318 KA +52 1 319 EF +52 1 320 KA +52 1 321 KO +52 1 322 MO +52 1 323 YA +52 1 324 HG +52 1 325 KO +52 1 326 KA +52 1 327 HG +52 1 328 YA +52 1 329 KR +52 1 330 EF +52 2 1 MO +52 2 2 HG +52 2 3 KO +52 2 4 HO +52 2 5 YA +52 2 6 KA +52 2 7 YA +52 2 8 KO +52 2 9 KA +52 2 10 MO +52 2 11 YA +52 2 12 KA +52 2 13 MO +52 2 14 MO +52 2 15 KA +52 2 16 EF +52 2 17 KO +52 2 18 HA +52 2 19 MO +52 2 20 YA +52 2 21 KO +52 2 22 KA +52 2 23 MO +52 2 24 KA +52 2 25 YA +52 2 26 MO +52 2 27 KA +52 2 28 * +52 2 29 YA +52 2 30 KA +52 2 31 MO +52 2 32 KO +52 2 33 YA +52 2 34 MO +52 2 35 KO +52 2 36 MO +52 2 37 MO +52 2 38 KO +52 2 39 YA +52 2 40 YA +52 2 41 KO +52 2 42 KA +52 2 43 HA +52 2 44 EF +52 2 45 YA +52 2 46 HA +52 2 47 MO +52 2 48 KA +52 2 49 MO +52 2 50 HA +52 2 51 KA +52 2 52 EF +52 2 53 KO +52 2 54 YA +52 2 55 YA +52 2 56 KA +52 2 57 MO +52 2 58 KA +52 2 59 KA +52 2 60 HA +52 2 61 KO +52 2 62 MO +52 2 63 KA +52 2 64 MO +52 2 65 KO +52 2 66 EF +52 2 67 YA +52 2 68 KO +52 2 69 HA +52 2 70 EF +52 2 71 KO +52 2 72 YA +52 2 73 KO +52 2 74 HG +52 2 75 HA +52 2 76 KA +52 2 77 YA +52 2 78 KA +52 2 79 HA +52 2 80 MO +52 2 81 YA +52 2 82 MO +52 2 83 KA +52 2 84 KO +52 2 85 YA +52 2 86 KO +52 2 87 HA +52 2 88 KO +52 2 89 HA +52 2 90 MO +52 2 91 KA +52 2 92 KA +52 2 93 YA +52 2 94 HA +52 2 95 HG +52 2 96 KA +52 2 97 MO +52 2 98 KO +52 2 99 KA +52 2 100 MO +52 2 101 KO +52 2 102 HG +52 2 103 HA +52 2 104 MO +52 2 105 KO +52 2 106 KA +52 2 107 EF +52 2 108 HG +52 2 109 MO +52 2 110 KA +52 2 111 HA +52 2 112 KO +52 2 113 HA +52 2 114 YA +52 2 115 KO +52 2 116 HG +52 2 117 HA +52 2 118 KO +52 2 119 YA +52 2 120 EF +52 2 121 KO +52 2 122 YA +52 2 123 MO +52 2 124 KA +52 2 125 KO +52 2 126 KA +52 2 127 HA +52 2 128 KA +52 2 129 EF +52 2 130 HA +52 2 131 KO +52 2 132 KO +52 2 133 MO +52 2 134 HA +52 2 135 KO +52 2 136 YA +52 2 137 MO +52 2 138 MO +52 2 139 HG +52 2 140 MO +52 2 141 EF +52 2 142 EF +52 2 143 HG +52 2 144 MO +52 2 145 YA +52 2 146 KA +52 2 147 YA +52 2 148 KO +52 2 149 MO +52 2 150 MO +52 2 151 KA +52 2 152 KA +52 2 153 MO +52 2 154 HA +52 2 155 HA +52 2 156 YA +52 2 157 KA +52 2 158 EF +52 2 159 KA +52 2 160 KO +52 2 161 YA +52 2 162 KO +52 2 163 MO +52 2 164 MO +52 2 165 HG +52 2 166 HG +52 2 167 YA +52 2 168 MO +52 2 169 HA +52 2 170 MO +52 2 171 EF +52 2 172 KO +52 2 173 KO +52 2 174 KA +52 2 175 MO +52 2 176 KO +52 2 177 KA +52 2 178 MO +52 2 179 KO +52 2 180 YA +52 2 181 KA +52 2 182 KO +52 2 183 KA +52 2 184 KO +52 2 185 KA +52 2 186 MO +52 2 187 KA +52 2 188 MO +52 2 189 HG +52 2 190 KA +52 2 191 YA +52 2 192 MO +52 2 193 HG +52 2 194 KO +52 2 195 YA +52 2 196 YA +52 2 197 HG +52 2 198 HA +52 2 199 HG +52 2 200 MO +52 2 201 KA +52 2 202 YA +52 2 203 KO +52 2 204 HA +52 2 205 MO +52 2 206 HG +52 2 207 KO +52 2 208 HG +52 2 209 MO +52 2 210 HA +52 2 211 MO +52 2 212 KA +52 2 213 HG +52 2 214 KA +52 2 215 KA +52 2 216 HA +52 2 217 KA +52 2 218 HG +52 2 219 HG +52 2 220 MO +52 2 221 HG +52 2 222 KO +52 2 223 YA +52 2 224 HG +52 2 225 HG +52 2 226 MO +52 2 227 HA +52 2 228 MO +52 2 229 HG +52 2 230 KA +52 2 231 KO +52 2 232 HA +52 2 233 HG +52 2 234 YA +52 2 235 MO +52 2 236 HG +52 2 237 KA +52 2 238 MO +52 2 239 KO +52 2 240 KA +52 2 241 HG +52 2 242 KA +52 2 243 KO +52 2 244 HG +52 2 245 KO +52 2 246 YA +52 2 247 MO +52 2 248 MO +52 2 249 YA +52 2 250 MO +52 2 251 YA +52 2 252 KA +52 2 253 YA +52 2 254 HG +52 2 255 HA +52 2 256 KO +52 2 257 MO +52 2 258 KA +52 2 259 KO +52 2 260 KA +52 2 261 KO +52 2 262 EF +52 2 263 HA +52 2 264 HG +52 2 265 YA +52 2 266 KA +52 2 267 MO +52 2 268 YA +52 2 269 KO +52 2 270 KA +52 2 271 MO +52 2 272 EF +52 2 273 KO +52 2 274 EF +52 2 275 HG +52 2 276 KO +52 2 277 MO +52 2 278 KO +52 2 279 MO +52 2 280 YA +52 2 281 YA +52 2 282 YA +52 2 283 HA +52 2 284 EF +52 2 285 KA +52 2 286 EF +52 2 287 KA +52 2 288 KO +52 2 289 MO +52 2 290 KA +52 2 291 MO +52 2 292 KO +52 2 293 HG +52 2 294 HG +52 2 295 HA +52 2 296 MO +52 2 297 KA +52 2 298 KO +52 2 299 YA +52 2 300 HG +52 2 301 YA +52 2 302 KA +52 2 303 HG +52 2 304 MO +52 2 305 KO +52 2 306 YA +52 2 307 MO +52 2 308 HG +52 2 309 HA +52 2 310 YA +52 2 311 MO +52 2 312 HA +52 2 313 MO +52 2 314 EF +52 2 315 YA +52 2 316 YA +52 2 317 KO +52 2 318 KO +52 2 319 KA +52 2 320 HG +52 2 321 KO +52 2 322 HG +52 2 323 YA +52 2 324 KA +52 2 325 KO +52 2 326 KA +52 2 327 HG +52 2 328 YA +52 2 329 HG +52 2 330 HG +52 3 1 YA +52 3 2 YA +52 3 3 KO +52 3 4 HO +52 3 5 YA +52 3 6 KA +52 3 7 YA +52 3 8 KO +52 3 9 KA +52 3 10 HO +52 3 11 YA +52 3 12 KA +52 3 13 YA +52 3 14 YA +52 3 15 EF +52 3 16 EF +52 3 17 KO +52 3 18 HO +52 3 19 YA +52 3 20 YA +52 3 21 KO +52 3 22 KA +52 3 23 HO +52 3 24 HO +52 3 25 YA +52 3 26 HO +52 3 27 EF +52 3 28 KO +52 3 29 YA +52 3 30 KA +52 3 31 YA +52 3 32 KO +52 3 33 YA +52 3 34 HO +52 3 35 KA +52 3 36 YA +52 3 37 HO +52 3 38 KO +52 3 39 YA +52 3 40 YA +52 3 41 KO +52 3 42 KA +52 3 43 HO +52 3 44 EF +52 3 45 YA +52 3 46 EF +52 3 47 HO +52 3 48 KA +52 3 49 YA +52 3 50 MO +52 3 51 KA +52 3 52 EF +52 3 53 KO +52 3 54 YA +52 3 55 YA +52 3 56 KA +52 3 57 YA +52 3 58 KA +52 3 59 MO +52 3 60 HO +52 3 61 KO +52 3 62 HO +52 3 63 KO +52 3 64 YA +52 3 65 KO +52 3 66 EF +52 3 67 YA +52 3 68 MO +52 3 69 YA +52 3 70 EF +52 3 71 KO +52 3 72 YA +52 3 73 MO +52 3 74 YA +52 3 75 HO +52 3 76 KO +52 3 77 YA +52 3 78 EF +52 3 79 HO +52 3 80 HO +52 3 81 YA +52 3 82 YA +52 3 83 EF +52 3 84 KO +52 3 85 YA +52 3 86 KO +52 3 87 HO +52 3 88 KO +52 3 89 HO +52 3 90 YA +52 3 91 KA +52 3 92 EF +52 3 93 YA +52 3 94 HO +52 3 95 KA +52 3 96 YA +52 3 97 HO +52 3 98 KO +52 3 99 MO +52 3 100 YA +52 3 101 KO +52 3 102 MO +52 3 103 KA +52 3 104 YA +52 3 105 KO +52 3 106 KA +52 3 107 EF +52 3 108 YA +52 3 109 HO +52 3 110 KA +52 3 111 YA +52 3 112 KO +52 3 113 HO +52 3 114 YA +52 3 115 KO +52 3 116 YA +52 3 117 MO +52 3 118 KO +52 3 119 YA +52 3 120 EF +52 3 121 KO +52 3 122 YA +52 3 123 YA +52 3 124 KA +52 3 125 KO +52 3 126 KO +52 3 127 YA +52 3 128 KA +52 3 129 EF +52 3 130 HO +52 3 131 MO +52 3 132 KO +52 3 133 YA +52 3 134 KO +52 3 135 KO +52 3 136 YA +52 3 137 YA +52 3 138 YA +52 3 139 EF +52 3 140 HO +52 3 141 EF +52 3 142 EF +52 3 143 YA +52 3 144 HO +52 3 145 YA +52 3 146 KA +52 3 147 YA +52 3 148 KO +52 3 149 YA +52 3 150 HO +52 3 151 KA +52 3 152 MO +52 3 153 YA +52 3 154 HO +52 3 155 KA +52 3 156 YA +52 3 157 KA +52 3 158 EF +52 3 159 KA +52 3 160 KO +52 3 161 YA +52 3 162 KO +52 3 163 YA +52 3 164 HO +52 3 165 YA +52 3 166 HO +52 3 167 MO +52 3 168 YA +52 3 169 YA +52 3 170 HO +52 3 171 KA +52 3 172 YA +52 3 173 KO +52 3 174 KA +52 3 175 YA +52 3 176 KO +52 3 177 KA +52 3 178 HO +52 3 179 KO +52 3 180 YA +52 3 181 KA +52 3 182 KO +52 3 183 KA +52 3 184 MO +52 3 185 KA +52 3 186 YA +52 3 187 KA +52 3 188 YA +52 3 189 EF +52 3 190 MO +52 3 191 YA +52 3 192 MO +52 3 193 KA +52 3 194 KO +52 3 195 YA +52 3 196 YA +52 3 197 MO +52 3 198 HO +52 3 199 EF +52 3 200 YA +52 3 201 KO +52 3 202 YA +52 3 203 KO +52 3 204 HO +52 3 205 HO +52 3 206 EF +52 3 207 KO +52 3 208 KA +52 3 209 YA +52 3 210 KO +52 3 211 YA +52 3 212 KA +52 3 213 EF +52 3 214 KA +52 3 215 MO +52 3 216 HO +52 3 217 MO +52 3 218 KA +52 3 219 EF +52 3 220 HO +52 3 221 EF +52 3 222 HO +52 3 223 YA +52 3 224 EF +52 3 225 KA +52 3 226 HO +52 3 227 HO +52 3 228 HO +52 3 229 YA +52 3 230 EF +52 3 231 KO +52 3 232 HO +52 3 233 HO +52 3 234 YA +52 3 235 HO +52 3 236 KA +52 3 237 KO +52 3 238 YA +52 3 239 KO +52 3 240 KO +52 3 241 EF +52 3 242 KA +52 3 243 KO +52 3 244 EF +52 3 245 KO +52 3 246 YA +52 3 247 HO +52 3 248 YA +52 3 249 YA +52 3 250 HO +52 3 251 YA +52 3 252 EF +52 3 253 YA +52 3 254 HO +52 3 255 HO +52 3 256 KO +52 3 257 YA +52 3 258 KA +52 3 259 KO +52 3 260 EF +52 3 261 KA +52 3 262 EF +52 3 263 EF +52 3 264 YA +52 3 265 YA +52 3 266 KO +52 3 267 MO +52 3 268 YA +52 3 269 KO +52 3 270 KA +52 3 271 YA +52 3 272 EF +52 3 273 MO +52 3 274 EF +52 3 275 KA +52 3 276 KO +52 3 277 HO +52 3 278 KO +52 3 279 HO +52 3 280 YA +52 3 281 YA +52 3 282 YA +52 3 283 KA +52 3 284 EF +52 3 285 MO +52 3 286 EF +52 3 287 KA +52 3 288 KO +52 3 289 YA +52 3 290 EF +52 3 291 HO +52 3 292 MO +52 3 293 EF +52 3 294 EF +52 3 295 KA +52 3 296 HO +52 3 297 KA +52 3 298 KO +52 3 299 YA +52 3 300 EF +52 3 301 YA +52 3 302 EF +52 3 303 YA +52 3 304 YA +52 3 305 KO +52 3 306 YA +52 3 307 YA +52 3 308 HO +52 3 309 HO +52 3 310 YA +52 3 311 YA +52 3 312 HO +52 3 313 HO +52 3 314 EF +52 3 315 YA +52 3 316 YA +52 3 317 KO +52 3 318 KA +52 3 319 EF +52 3 320 KA +52 3 321 KO +52 3 322 MO +52 3 323 YA +52 3 324 EF +52 3 325 MO +52 3 326 KA +52 3 327 EF +52 3 328 YA +52 3 329 KA +52 3 330 EF +52 4 1 HO +52 4 2 YA +52 4 3 KO +52 4 4 HO +52 4 5 YA +52 4 6 KA +52 4 7 YA +52 4 8 KO +52 4 9 KA +52 4 10 HO +52 4 11 YA +52 4 12 KA +52 4 13 YA +52 4 14 HO +52 4 15 KO +52 4 16 EF +52 4 17 KO +52 4 18 HI +52 4 19 HO +52 4 20 YA +52 4 21 KO +52 4 22 KA +52 4 23 HO +52 4 24 HA +52 4 25 YA +52 4 26 HO +52 4 27 EF +52 4 28 KO +52 4 29 YA +52 4 30 KO +52 4 31 YA +52 4 32 KO +52 4 33 YA +52 4 34 HO +52 4 35 KO +52 4 36 YA +52 4 37 HO +52 4 38 KO +52 4 39 YA +52 4 40 HO +52 4 41 KO +52 4 42 KA +52 4 43 HO +52 4 44 EF +52 4 45 YA +52 4 46 HA +52 4 47 YA +52 4 48 KA +52 4 49 YA +52 4 50 FI +52 4 51 HA +52 4 52 EF +52 4 53 KO +52 4 54 YA +52 4 55 HO +52 4 56 KA +52 4 57 YA +52 4 58 KA +52 4 59 EF +52 4 60 HO +52 4 61 KO +52 4 62 EF +52 4 63 KO +52 4 64 HO +52 4 65 KO +52 4 66 EF +52 4 67 YA +52 4 68 KO +52 4 69 HA +52 4 70 EF +52 4 71 KO +52 4 72 YA +52 4 73 MO +52 4 74 YA +52 4 75 HI +52 4 76 KO +52 4 77 HO +52 4 78 MO +52 4 79 HI +52 4 80 HO +52 4 81 YA +52 4 82 YA +52 4 83 EF +52 4 84 KO +52 4 85 YA +52 4 86 KO +52 4 87 HI +52 4 88 KO +52 4 89 HI +52 4 90 HO +52 4 91 YA +52 4 92 EF +52 4 93 YA +52 4 94 HI +52 4 95 EF +52 4 96 KA +52 4 97 HO +52 4 98 KO +52 4 99 EF +52 4 100 YA +52 4 101 KO +52 4 102 EF +52 4 103 HI +52 4 104 HO +52 4 105 KO +52 4 106 KA +52 4 107 EF +52 4 108 YA +52 4 109 HO +52 4 110 KA +52 4 111 HI +52 4 112 KO +52 4 113 HI +52 4 114 YA +52 4 115 KO +52 4 116 YA +52 4 117 HI +52 4 118 KO +52 4 119 YA +52 4 120 EF +52 4 121 KO +52 4 122 YA +52 4 123 YA +52 4 124 KA +52 4 125 KO +52 4 126 KO +52 4 127 HI +52 4 128 KA +52 4 129 EF +52 4 130 YA +52 4 131 MO +52 4 132 KO +52 4 133 YA +52 4 134 HI +52 4 135 KO +52 4 136 YA +52 4 137 YA +52 4 138 MO +52 4 139 EF +52 4 140 MO +52 4 141 EF +52 4 142 EF +52 4 143 YA +52 4 144 MO +52 4 145 YA +52 4 146 KA +52 4 147 YA +52 4 148 KO +52 4 149 YA +52 4 150 HO +52 4 151 KO +52 4 152 KA +52 4 153 MO +52 4 154 HA +52 4 155 HA +52 4 156 YA +52 4 157 HA +52 4 158 EF +52 4 159 KA +52 4 160 KA +52 4 161 YA +52 4 162 KO +52 4 163 YA +52 4 164 MO +52 4 165 HA +52 4 166 MO +52 4 167 EF +52 4 168 YA +52 4 169 YA +52 4 170 MO +52 4 171 YA +52 4 172 EF +52 4 173 KO +52 4 174 KA +52 4 175 YA +52 4 176 KO +52 4 177 KA +52 4 178 MO +52 4 179 KO +52 4 180 YA +52 4 181 KA +52 4 182 KO +52 4 183 HI +52 4 184 MO +52 4 185 HA +52 4 186 YA +52 4 187 KO +52 4 188 YA +52 4 189 EF +52 4 190 KO +52 4 191 YA +52 4 192 MO +52 4 193 KA +52 4 194 KO +52 4 195 YA +52 4 196 YA +52 4 197 KA +52 4 198 HA +52 4 199 EF +52 4 200 YA +52 4 201 KO +52 4 202 YA +52 4 203 KO +52 4 204 HA +52 4 205 MO +52 4 206 EF +52 4 207 KO +52 4 208 HA +52 4 209 YA +52 4 210 HA +52 4 211 YA +52 4 212 KO +52 4 213 EF +52 4 214 KA +52 4 215 KO +52 4 216 HA +52 4 217 KO +52 4 218 HA +52 4 219 EF +52 4 220 MO +52 4 221 EF +52 4 222 MO +52 4 223 YA +52 4 224 EF +52 4 225 HA +52 4 226 YA +52 4 227 HA +52 4 228 MO +52 4 229 YA +52 4 230 EF +52 4 231 KO +52 4 232 HA +52 4 233 EF +52 4 234 YA +52 4 235 MO +52 4 236 KA +52 4 237 KO +52 4 238 YA +52 4 239 KO +52 4 240 HA +52 4 241 EF +52 4 242 KA +52 4 243 KO +52 4 244 EF +52 4 245 KO +52 4 246 YA +52 4 247 MO +52 4 248 HA +52 4 249 YA +52 4 250 MO +52 4 251 YA +52 4 252 EF +52 4 253 YA +52 4 254 EF +52 4 255 HA +52 4 256 KO +52 4 257 MO +52 4 258 KA +52 4 259 KO +52 4 260 KA +52 4 261 KO +52 4 262 EF +52 4 263 HA +52 4 264 EF +52 4 265 YA +52 4 266 KO +52 4 267 KO +52 4 268 YA +52 4 269 KO +52 4 270 KA +52 4 271 HA +52 4 272 EF +52 4 273 KO +52 4 274 EF +52 4 275 KA +52 4 276 KO +52 4 277 YA +52 4 278 KO +52 4 279 MO +52 4 280 YA +52 4 281 YA +52 4 282 YA +52 4 283 HA +52 4 284 EF +52 4 285 KO +52 4 286 EF +52 4 287 HA +52 4 288 KO +52 4 289 YA +52 4 290 EF +52 4 291 MO +52 4 292 KO +52 4 293 KA +52 4 294 EF +52 4 295 KA +52 4 296 MO +52 4 297 KA +52 4 298 KO +52 4 299 YA +52 4 300 EF +52 4 301 YA +52 4 302 EF +52 4 303 EF +52 4 304 MO +52 4 305 KO +52 4 306 YA +52 4 307 YA +52 4 308 MO +52 4 309 HA +52 4 310 YA +52 4 311 MO +52 4 312 HA +52 4 313 MO +52 4 314 EF +52 4 315 YA +52 4 316 MO +52 4 317 KO +52 4 318 KO +52 4 319 EF +52 4 320 YA +52 4 321 KO +52 4 322 MO +52 4 323 YA +52 4 324 EF +52 4 325 KO +52 4 326 KA +52 4 327 EF +52 4 328 YA +52 4 329 HA +52 4 330 EF +52 5 1 HO +52 5 2 YA +52 5 3 KO +52 5 4 HO +52 5 5 YA +52 5 6 KA +52 5 7 YA +52 5 8 KO +52 5 9 HG +52 5 10 HO +52 5 11 YA +52 5 12 KA +52 5 13 YA +52 5 14 HO +52 5 15 HG +52 5 16 EF +52 5 17 KO +52 5 18 KU +52 5 19 YA +52 5 20 YA +52 5 21 KO +52 5 22 KA +52 5 23 MO +52 5 24 KU +52 5 25 MO +52 5 26 HO +52 5 27 HG +52 5 28 KO +52 5 29 YA +52 5 30 MS +52 5 31 YA +52 5 32 MO +52 5 33 YA +52 5 34 YA +52 5 35 KO +52 5 36 YA +52 5 37 MO +52 5 38 KO +52 5 39 YA +52 5 40 YA +52 5 41 KO +52 5 42 KA +52 5 43 MO +52 5 44 HG +52 5 45 YA +52 5 46 KU +52 5 47 YA +52 5 48 KA +52 5 49 YA +52 5 50 HO +52 5 51 HG +52 5 52 HG +52 5 53 KO +52 5 54 YA +52 5 55 YA +52 5 56 HG +52 5 57 YA +52 5 58 HG +52 5 59 HG +52 5 60 YA +52 5 61 KO +52 5 62 HO +52 5 63 KO +52 5 64 HO +52 5 65 KO +52 5 66 HG +52 5 67 YA +52 5 68 KO +52 5 69 HG +52 5 70 HG +52 5 71 KO +52 5 72 YA +52 5 73 HO +52 5 74 YA +52 5 75 KU +52 5 76 KO +52 5 77 YA +52 5 78 KU +52 5 79 KU +52 5 80 KU +52 5 81 YA +52 5 82 YA +52 5 83 KA +52 5 84 KO +52 5 85 YA +52 5 86 KO +52 5 87 KU +52 5 88 HO +52 5 89 KU +52 5 90 MO +52 5 91 KA +52 5 92 HG +52 5 93 HO +52 5 94 KU +52 5 95 HG +52 5 96 KA +52 5 97 HO +52 5 98 KO +52 5 99 HO +52 5 100 YA +52 5 101 KO +52 5 102 KU +52 5 103 HG +52 5 104 YA +52 5 105 HO +52 5 106 KA +52 5 107 KU +52 5 108 YA +52 5 109 HO +52 5 110 KA +52 5 111 YA +52 5 112 KO +52 5 113 KU +52 5 114 HO +52 5 115 KO +52 5 116 YA +52 5 117 HI +52 5 118 KO +52 5 119 YA +52 5 120 HG +52 5 121 KO +52 5 122 YA +52 5 123 YA +52 5 124 HG +52 5 125 KO +52 5 126 KO +52 5 127 HO +52 5 128 KA +52 5 129 HG +52 5 130 YA +52 5 131 HO +52 5 132 KO +52 5 133 YA +52 5 134 HG +52 5 135 KO +52 5 136 YA +52 5 137 YA +52 5 138 HO +52 5 139 HG +52 5 140 HO +52 5 141 KU +52 5 142 KU +52 5 143 YA +52 5 144 HO +52 5 145 YA +52 5 146 KA +52 5 147 YA +52 5 148 KO +52 5 149 YA +52 5 150 HO +52 5 151 KO +52 5 152 HO +52 5 153 HO +52 5 154 KU +52 5 155 HG +52 5 156 YA +52 5 157 HG +52 5 158 KU +52 5 159 HG +52 5 160 KO +52 5 161 YA +52 5 162 KO +52 5 163 HO +52 5 164 HO +52 5 165 HG +52 5 166 HO +52 5 167 KU +52 5 168 YA +52 5 169 MO +52 5 170 MO +52 5 171 YA +52 5 172 KU +52 5 173 KO +52 5 174 KA +52 5 175 YA +52 5 176 KO +52 5 177 HG +52 5 178 HO +52 5 179 KO +52 5 180 YA +52 5 181 HG +52 5 182 HO +52 5 183 HG +52 5 184 HO +52 5 185 HG +52 5 186 YA +52 5 187 KA +52 5 188 HO +52 5 189 KU +52 5 190 KO +52 5 191 YA +52 5 192 HO +52 5 193 HG +52 5 194 KO +52 5 195 YA +52 5 196 YA +52 5 197 HO +52 5 198 KU +52 5 199 KU +52 5 200 YA +52 5 201 KO +52 5 202 YA +52 5 203 KO +52 5 204 KU +52 5 205 HO +52 5 206 HG +52 5 207 KO +52 5 208 HG +52 5 209 YA +52 5 210 KO +52 5 211 YA +52 5 212 HG +52 5 213 KU +52 5 214 YA +52 5 215 KO +52 5 216 KU +52 5 217 HG +52 5 218 HG +52 5 219 KU +52 5 220 HO +52 5 221 KU +52 5 222 HO +52 5 223 YA +52 5 224 KA +52 5 225 HG +52 5 226 YA +52 5 227 KU +52 5 228 HO +52 5 229 YA +52 5 230 HG +52 5 231 HO +52 5 232 KU +52 5 233 HO +52 5 234 YA +52 5 235 HO +52 5 236 KA +52 5 237 KA +52 5 238 YA +52 5 239 KO +52 5 240 KO +52 5 241 KU +52 5 242 KA +52 5 243 KO +52 5 244 KU +52 5 245 KO +52 5 246 YA +52 5 247 HO +52 5 248 HO +52 5 249 HO +52 5 250 HO +52 5 251 YA +52 5 252 HG +52 5 253 YA +52 5 254 HO +52 5 255 KU +52 5 256 KO +52 5 257 HO +52 5 258 KA +52 5 259 KO +52 5 260 KA +52 5 261 KO +52 5 262 KU +52 5 263 KU +52 5 264 HO +52 5 265 YA +52 5 266 KO +52 5 267 HO +52 5 268 YA +52 5 269 HO +52 5 270 KA +52 5 271 HO +52 5 272 KU +52 5 273 HO +52 5 274 KU +52 5 275 KA +52 5 276 KO +52 5 277 YA +52 5 278 KO +52 5 279 HO +52 5 280 YA +52 5 281 YA +52 5 282 YA +52 5 283 KU +52 5 284 KU +52 5 285 KU +52 5 286 KU +52 5 287 KA +52 5 288 KO +52 5 289 YA +52 5 290 KU +52 5 291 HO +52 5 292 KO +52 5 293 HG +52 5 294 HG +52 5 295 HG +52 5 296 HO +52 5 297 KA +52 5 298 KO +52 5 299 YA +52 5 300 KU +52 5 301 HO +52 5 302 KU +52 5 303 KU +52 5 304 YA +52 5 305 HO +52 5 306 YA +52 5 307 HO +52 5 308 HO +52 5 309 KU +52 5 310 YA +52 5 311 HO +52 5 312 KU +52 5 313 HO +52 5 314 KU +52 5 315 YA +52 5 316 YA +52 5 317 KO +52 5 318 KA +52 5 319 KU +52 5 320 HG +52 5 321 KO +52 5 322 MO +52 5 323 YA +52 5 324 HG +52 5 325 HO +52 5 326 KA +52 5 327 KU +52 5 328 YA +52 5 329 HG +52 5 330 HG +52 6 1 HA +52 6 2 YA +52 6 3 KO +52 6 4 HO +52 6 5 YA +52 6 6 HG +52 6 7 YA +52 6 8 KO +52 6 9 HG +52 6 10 HA +52 6 11 YA +52 6 12 KA +52 6 13 YA +52 6 14 HA +52 6 15 HG +52 6 16 EF +52 6 17 KO +52 6 18 HI +52 6 19 YA +52 6 20 YA +52 6 21 KO +52 6 22 KA +52 6 23 HA +52 6 24 HI +52 6 25 YA +52 6 26 HA +52 6 27 HG +52 6 28 KO +52 6 29 YA +52 6 30 KA +52 6 31 YA +52 6 32 KO +52 6 33 YA +52 6 34 HA +52 6 35 KO +52 6 36 YA +52 6 37 HA +52 6 38 KO +52 6 39 YA +52 6 40 YA +52 6 41 KO +52 6 42 HG +52 6 43 HA +52 6 44 EF +52 6 45 YA +52 6 46 HA +52 6 47 YA +52 6 48 KA +52 6 49 YA +52 6 50 HO +52 6 51 KA +52 6 52 YA +52 6 53 KO +52 6 54 YA +52 6 55 MO +52 6 56 HG +52 6 57 YA +52 6 58 KA +52 6 59 HG +52 6 60 YA +52 6 61 KO +52 6 62 MO +52 6 63 KO +52 6 64 YA +52 6 65 KO +52 6 66 HG +52 6 67 YA +52 6 68 KO +52 6 69 YA +52 6 70 HG +52 6 71 KO +52 6 72 YA +52 6 73 KO +52 6 74 YA +52 6 75 YA +52 6 76 KO +52 6 77 YA +52 6 78 HG +52 6 79 HA +52 6 80 YA +52 6 81 YA +52 6 82 YA +52 6 83 HG +52 6 84 KO +52 6 85 YA +52 6 86 KO +52 6 87 HA +52 6 88 HA +52 6 89 YA +52 6 90 YA +52 6 91 HG +52 6 92 MO +52 6 93 HA +52 6 94 YA +52 6 95 KA +52 6 96 HO +52 6 97 KO +52 6 98 HG +52 6 99 YA +52 6 100 KO +52 6 101 YA +52 6 102 KA +52 6 103 YA +52 6 104 KO +52 6 105 KA +52 6 106 EF +52 6 107 YA +52 6 108 MO +52 6 109 KA +52 6 110 YA +52 6 111 KO +52 6 112 HA +52 6 113 MO +52 6 114 KO +52 6 115 YA +52 6 116 HA +52 6 117 KO +52 6 118 YA +52 6 119 EF +52 6 120 KO +52 6 121 KO +52 6 122 YA +52 6 123 MO +52 6 124 YA +52 6 125 KO +52 6 126 KO +52 6 127 HA +52 6 128 KA +52 6 129 HG +52 6 130 YA +52 6 131 KO +52 6 132 KO +52 6 133 YA +52 6 134 KO +52 6 135 KO +52 6 136 MO +52 6 137 YA +52 6 138 MO +52 6 139 EF +52 6 140 MO +52 6 141 EF +52 6 142 MO +52 6 143 YA +52 6 144 HA +52 6 145 YA +52 6 146 KA +52 6 147 YA +52 6 148 KO +52 6 149 YA +52 6 150 HA +52 6 151 KO +52 6 152 MO +52 6 153 MO +52 6 154 HA +52 6 155 KA +52 6 156 YA +52 6 157 KA +52 6 158 EF +52 6 159 KA +52 6 160 KO +52 6 161 YA +52 6 162 KO +52 6 163 MO +52 6 164 MO +52 6 165 YA +52 6 166 MO +52 6 167 KO +52 6 168 YA +52 6 169 MO +52 6 170 HI +52 6 171 YA +52 6 172 EF +52 6 173 KO +52 6 174 KA +52 6 175 MO +52 6 176 KO +52 6 177 YA +52 6 178 MO +52 6 179 KO +52 6 180 YA +52 6 181 KA +52 6 182 KO +52 6 183 KA +52 6 184 KO +52 6 185 KA +52 6 186 MO +52 6 187 KA +52 6 188 MO +52 6 189 MO +52 6 190 HG +52 6 191 YA +52 6 192 KO +52 6 193 KA +52 6 194 KO +52 6 195 YA +52 6 196 MO +52 6 197 KO +52 6 198 HA +52 6 199 HG +52 6 200 MO +52 6 201 KO +52 6 202 YA +52 6 203 KO +52 6 204 HA +52 6 205 MO +52 6 206 HG +52 6 207 KO +52 6 208 KA +52 6 209 YA +52 6 210 KO +52 6 211 MO +52 6 212 KA +52 6 213 HG +52 6 214 YA +52 6 215 KO +52 6 216 YA +52 6 217 HG +52 6 218 YA +52 6 219 YA +52 6 220 HA +52 6 221 HG +52 6 222 KO +52 6 223 YA +52 6 224 HG +52 6 225 KA +52 6 226 MO +52 6 227 HA +52 6 228 HI +52 6 229 YA +52 6 230 HG +52 6 231 KO +52 6 232 KA +52 6 233 MO +52 6 234 YA +52 6 235 YA +52 6 236 KA +52 6 237 HG +52 6 238 YA +52 6 239 KO +52 6 240 KA +52 6 241 HG +52 6 242 KA +52 6 243 KO +52 6 244 HG +52 6 245 KO +52 6 246 YA +52 6 247 KO +52 6 248 YA +52 6 249 YA +52 6 250 HO +52 6 251 YA +52 6 252 HG +52 6 253 YA +52 6 254 MO +52 6 255 HA +52 6 256 KO +52 6 257 MO +52 6 258 KA +52 6 259 KO +52 6 260 HG +52 6 261 KA +52 6 262 EF +52 6 263 EF +52 6 264 MO +52 6 265 YA +52 6 266 KA +52 6 267 KO +52 6 268 YA +52 6 269 KO +52 6 270 KA +52 6 271 YA +52 6 272 HG +52 6 273 KO +52 6 274 EF +52 6 275 KA +52 6 276 KO +52 6 277 MO +52 6 278 KA +52 6 279 HO +52 6 280 YA +52 6 281 YA +52 6 282 YA +52 6 283 KA +52 6 284 HG +52 6 285 KO +52 6 286 EF +52 6 287 KA +52 6 288 KO +52 6 289 MO +52 6 290 EF +52 6 291 MO +52 6 292 KA +52 6 293 HG +52 6 294 HG +52 6 295 KA +52 6 296 HO +52 6 297 KA +52 6 298 KO +52 6 299 YA +52 6 300 HG +52 6 301 YA +52 6 302 EF +52 6 303 MO +52 6 304 KA +52 6 305 HO +52 6 306 YA +52 6 307 MO +52 6 308 KO +52 6 309 KA +52 6 310 YA +52 6 311 MO +52 6 312 HA +52 6 313 MO +52 6 314 EF +52 6 315 YA +52 6 316 MO +52 6 317 KO +52 6 318 KA +52 6 319 EF +52 6 320 KA +52 6 321 KO +52 6 322 MO +52 6 323 YA +52 6 324 HG +52 6 325 KO +52 6 326 KA +52 6 327 MO +52 6 328 YA +52 6 329 KA +52 6 330 HG +52 7 1 MO +52 7 2 HG +52 7 3 KO +52 7 4 MO +52 7 5 YA +52 7 6 HG +52 7 7 YA +52 7 8 KO +52 7 9 AG +52 7 10 MO +52 7 11 YA +52 7 12 KA +52 7 13 YA +52 7 14 HI +52 7 15 AV +52 7 16 EF +52 7 17 KO +52 7 18 HI +52 7 19 MO +52 7 20 YA +52 7 21 KO +52 7 22 KA +52 7 23 MO +52 7 24 HI +52 7 25 YA +52 7 26 MO +52 7 27 AV +52 7 28 KO +52 7 29 YA +52 7 30 KA +52 7 31 HG +52 7 32 MO +52 7 33 YA +52 7 34 MO +52 7 35 KO +52 7 36 YA +52 7 37 MO +52 7 38 KO +52 7 39 YA +52 7 40 MO +52 7 41 KO +52 7 42 KA +52 7 43 MO +52 7 44 AV +52 7 45 YA +52 7 46 HG +52 7 47 YA +52 7 48 KA +52 7 49 HG +52 7 50 HO +52 7 51 KA +52 7 52 AV +52 7 53 KO +52 7 54 YA +52 7 55 MO +52 7 56 AG +52 7 57 MO +52 7 58 KA +52 7 59 AV +52 7 60 HI +52 7 61 KO +52 7 62 HG +52 7 63 AG +52 7 64 MO +52 7 65 KO +52 7 66 HG +52 7 67 YA +52 7 68 KO +52 7 69 KA +52 7 70 HG +52 7 71 KO +52 7 72 YA +52 7 73 HI +52 7 74 HG +52 7 75 YA +52 7 76 KN +52 7 77 YA +52 7 78 HG +52 7 79 HI +52 7 80 MO +52 7 81 YA +52 7 82 HG +52 7 83 AG +52 7 84 HG +52 7 85 YA +52 7 86 KO +52 7 87 HO +52 7 88 KO +52 7 89 HO +52 7 90 YA +52 7 91 KA +52 7 92 HG +52 7 93 MO +52 7 94 HO +52 7 95 AV +52 7 96 KA +52 7 97 HO +52 7 98 KO +52 7 99 HG +52 7 100 HG +52 7 101 KO +52 7 102 HG +52 7 103 KA +52 7 104 MO +52 7 105 HO +52 7 106 KA +52 7 107 AV +52 7 108 AV +52 7 109 MO +52 7 110 AG +52 7 111 YA +52 7 112 KO +52 7 113 HO +52 7 114 YA +52 7 115 KO +52 7 116 HG +52 7 117 HO +52 7 118 KO +52 7 119 YA +52 7 120 AV +52 7 121 KN +52 7 122 YA +52 7 123 MO +52 7 124 YA +52 7 125 KN +52 7 126 HG +52 7 127 HO +52 7 128 KA +52 7 129 HG +52 7 130 HO +52 7 131 MO +52 7 132 KN +52 7 133 YA +52 7 134 KN +52 7 135 KO +52 7 136 YA +52 7 137 YA +52 7 138 MO +52 7 139 AV +52 7 140 MO +52 7 141 EF +52 7 142 EF +52 7 143 KA +52 7 144 MO +52 7 145 YA +52 7 146 KA +52 7 147 YA +52 7 148 KO +52 7 149 YA +52 7 150 MO +52 7 151 KN +52 7 152 HG +52 7 153 MO +52 7 154 HI +52 7 155 HI +52 7 156 YA +52 7 157 HI +52 7 158 EF +52 7 159 AG +52 7 160 HI +52 7 161 YA +52 7 162 KO +52 7 163 YA +52 7 164 MO +52 7 165 KA +52 7 166 MO +52 7 167 AV +52 7 168 YA +52 7 169 HO +52 7 170 HO +52 7 171 YA +52 7 172 EF +52 7 173 KO +52 7 174 KA +52 7 175 HG +52 7 176 KO +52 7 177 KA +52 7 178 MO +52 7 179 KN +52 7 180 YA +52 7 181 KA +52 7 182 MO +52 7 183 KA +52 7 184 MO +52 7 185 AG +52 7 186 HG +52 7 187 AG +52 7 188 MO +52 7 189 EF +52 7 190 EF +52 7 191 YA +52 7 192 MO +52 7 193 KA +52 7 194 KN +52 7 195 YA +52 7 196 AV +52 7 197 HG +52 7 198 HI +52 7 199 HG +52 7 200 HG +52 7 201 AG +52 7 202 YA +52 7 203 KO +52 7 204 HO +52 7 205 MO +52 7 206 EF +52 7 207 KO +52 7 208 KN +52 7 209 YA +52 7 210 KN +52 7 211 MO +52 7 212 KN +52 7 213 HG +52 7 214 YA +52 7 215 HG +52 7 216 YA +52 7 217 AG +52 7 218 KA +52 7 219 EF +52 7 220 MO +52 7 221 EF +52 7 222 MO +52 7 223 YA +52 7 224 AV +52 7 225 KA +52 7 226 MO +52 7 227 HI +52 7 228 MO +52 7 229 YA +52 7 230 MS +52 7 231 KO +52 7 232 KA +52 7 233 AV +52 7 234 YA +52 7 235 MO +52 7 236 YA +52 7 237 HG +52 7 238 MO +52 7 239 KO +52 7 240 KN +52 7 241 EF +52 7 242 HG +52 7 243 KO +52 7 244 EF +52 7 245 KO +52 7 246 YA +52 7 247 MO +52 7 248 YA +52 7 249 YA +52 7 250 MO +52 7 251 YA +52 7 252 HG +52 7 253 YA +52 7 254 MO +52 7 255 HO +52 7 256 KO +52 7 257 MO +52 7 258 KA +52 7 259 KN +52 7 260 AV +52 7 261 AG +52 7 262 MS +52 7 263 MS +52 7 264 HG +52 7 265 YA +52 7 266 KN +52 7 267 MO +52 7 268 YA +52 7 269 KO +52 7 270 KA +52 7 271 YA +52 7 272 EF +52 7 273 HG +52 7 274 TA +52 7 275 KA +52 7 276 KO +52 7 277 MO +52 7 278 AG +52 7 279 MO +52 7 280 YA +52 7 281 YA +52 7 282 YA +52 7 283 KN +52 7 284 EF +52 7 285 HG +52 7 286 AV +52 7 287 KA +52 7 288 KO +52 7 289 YA +52 7 290 HG +52 7 291 MO +52 7 292 KO +52 7 293 MS +52 7 294 EF +52 7 295 AG +52 7 296 MO +52 7 297 KA +52 7 298 KO +52 7 299 YA +52 7 300 HG +52 7 301 YA +52 7 302 HG +52 7 303 AV +52 7 304 YA +52 7 305 KO +52 7 306 YA +52 7 307 MO +52 7 308 HG +52 7 309 HO +52 7 310 YA +52 7 311 MO +52 7 312 HI +52 7 313 MO +52 7 314 HG +52 7 315 YA +52 7 316 YA +52 7 317 KO +52 7 318 AG +52 7 319 HG +52 7 320 YA +52 7 321 KO +52 7 322 MO +52 7 323 YA +52 7 324 AG +52 7 325 KO +52 7 326 TA +52 7 327 KA +52 7 328 YA +52 7 329 KR +52 7 330 HG +52 8 1 HO +52 8 2 YA +52 8 3 KO +52 8 4 HO +52 8 5 YA +52 8 6 KA +52 8 7 YA +52 8 8 KO +52 8 9 HG +52 8 10 HO +52 8 11 HO +52 8 12 KA +52 8 13 HO +52 8 14 HO +52 8 15 KA +52 8 16 EF +52 8 17 KO +52 8 18 * +52 8 19 HO +52 8 20 YA +52 8 21 KO +52 8 22 KA +52 8 23 HG +52 8 24 HG +52 8 25 MO +52 8 26 MO +52 8 27 HG +52 8 28 KO +52 8 29 YA +52 8 30 KA +52 8 31 MO +52 8 32 KO +52 8 33 YA +52 8 34 MO +52 8 35 KO +52 8 36 HO +52 8 37 MO +52 8 38 KO +52 8 39 YA +52 8 40 MO +52 8 41 KO +52 8 42 KA +52 8 43 HO +52 8 44 EF +52 8 45 YA +52 8 46 HG +52 8 47 HO +52 8 48 KA +52 8 49 MO +52 8 50 MO +52 8 51 HG +52 8 52 EF +52 8 53 KO +52 8 54 YA +52 8 55 MO +52 8 56 KO +52 8 57 HO +52 8 58 KA +52 8 59 EF +52 8 60 HO +52 8 61 KO +52 8 62 MO +52 8 63 KO +52 8 64 HO +52 8 65 KO +52 8 66 HG +52 8 67 YA +52 8 68 KO +52 8 69 HG +52 8 70 EF +52 8 71 KO +52 8 72 YA +52 8 73 MO +52 8 74 EF +52 8 75 HO +52 8 76 KO +52 8 77 MO +52 8 78 KO +52 8 79 HG +52 8 80 MO +52 8 81 YA +52 8 82 MO +52 8 83 EF +52 8 84 KO +52 8 85 YA +52 8 86 KO +52 8 87 HG +52 8 88 KO +52 8 89 HO +52 8 90 HO +52 8 91 KA +52 8 92 EF +52 8 93 HO +52 8 94 HG +52 8 95 EF +52 8 96 KA +52 8 97 MO +52 8 98 KO +52 8 99 KO +52 8 100 MO +52 8 101 KO +52 8 102 EF +52 8 103 HG +52 8 104 MO +52 8 105 KO +52 8 106 KA +52 8 107 EF +52 8 108 EF +52 8 109 MO +52 8 110 KA +52 8 111 HG +52 8 112 KO +52 8 113 HG +52 8 114 YA +52 8 115 KO +52 8 116 EF +52 8 117 HG +52 8 118 KO +52 8 119 YA +52 8 120 EF +52 8 121 KO +52 8 122 YA +52 8 123 MO +52 8 124 KA +52 8 125 KO +52 8 126 KO +52 8 127 HO +52 8 128 KA +52 8 129 EF +52 8 130 HG +52 8 131 KO +52 8 132 KO +52 8 133 YA +52 8 134 HG +52 8 135 KO +52 8 136 MO +52 8 137 YA +52 8 138 MO +52 8 139 EF +52 8 140 HO +52 8 141 EF +52 8 142 EF +52 8 143 YA +52 8 144 MO +52 8 145 YA +52 8 146 KA +52 8 147 YA +52 8 148 KO +52 8 149 YA +52 8 150 HO +52 8 151 KO +52 8 152 HO +52 8 153 MO +52 8 154 HG +52 8 155 HG +52 8 156 YA +52 8 157 HG +52 8 158 EF +52 8 159 KA +52 8 160 KO +52 8 161 YA +52 8 162 KO +52 8 163 YA +52 8 164 MO +52 8 165 HG +52 8 166 HO +52 8 167 MO +52 8 168 YA +52 8 169 HO +52 8 170 HO +52 8 171 HG +52 8 172 EF +52 8 173 KO +52 8 174 KA +52 8 175 MO +52 8 176 KO +52 8 177 KA +52 8 178 MO +52 8 179 KO +52 8 180 YA +52 8 181 KA +52 8 182 KO +52 8 183 HG +52 8 184 MO +52 8 185 HG +52 8 186 MO +52 8 187 KA +52 8 188 MO +52 8 189 EF +52 8 190 KO +52 8 191 YA +52 8 192 MO +52 8 193 KA +52 8 194 KO +52 8 195 YA +52 8 196 MO +52 8 197 KO +52 8 198 HG +52 8 199 EF +52 8 200 MO +52 8 201 KO +52 8 202 YA +52 8 203 KO +52 8 204 HG +52 8 205 MO +52 8 206 EF +52 8 207 KO +52 8 208 KA +52 8 209 YA +52 8 210 KO +52 8 211 MO +52 8 212 KA +52 8 213 EF +52 8 214 KA +52 8 215 KO +52 8 216 HG +52 8 217 KO +52 8 218 KA +52 8 219 EF +52 8 220 MO +52 8 221 EF +52 8 222 KO +52 8 223 YA +52 8 224 EF +52 8 225 HG +52 8 226 HO +52 8 227 HG +52 8 228 HO +52 8 229 MO +52 8 230 EF +52 8 231 KO +52 8 232 HG +52 8 233 MO +52 8 234 YA +52 8 235 MO +52 8 236 KA +52 8 237 KO +52 8 238 HO +52 8 239 KO +52 8 240 KO +52 8 241 EF +52 8 242 KA +52 8 243 KO +52 8 244 EF +52 8 245 KO +52 8 246 YA +52 8 247 MO +52 8 248 HG +52 8 249 YA +52 8 250 MO +52 8 251 YA +52 8 252 EF +52 8 253 YA +52 8 254 MO +52 8 255 HG +52 8 256 KO +52 8 257 HO +52 8 258 KA +52 8 259 KO +52 8 260 EF +52 8 261 KO +52 8 262 EF +52 8 263 HG +52 8 264 EF +52 8 265 YA +52 8 266 KO +52 8 267 MO +52 8 268 YA +52 8 269 KO +52 8 270 KA +52 8 271 YA +52 8 272 EF +52 8 273 KO +52 8 274 EF +52 8 275 KA +52 8 276 KO +52 8 277 HO +52 8 278 KO +52 8 279 MO +52 8 280 YA +52 8 281 YA +52 8 282 YA +52 8 283 KO +52 8 284 EF +52 8 285 KO +52 8 286 EF +52 8 287 KA +52 8 288 KO +52 8 289 MO +52 8 290 EF +52 8 291 MO +52 8 292 KO +52 8 293 EF +52 8 294 EF +52 8 295 HG +52 8 296 MO +52 8 297 KA +52 8 298 KO +52 8 299 YA +52 8 300 HG +52 8 301 YA +52 8 302 EF +52 8 303 EF +52 8 304 YA +52 8 305 KO +52 8 306 YA +52 8 307 MO +52 8 308 MO +52 8 309 HG +52 8 310 YA +52 8 311 MO +52 8 312 HG +52 8 313 MO +52 8 314 EF +52 8 315 YA +52 8 316 YA +52 8 317 KO +52 8 318 KO +52 8 319 EF +52 8 320 HG +52 8 321 KO +52 8 322 MO +52 8 323 YA +52 8 324 EF +52 8 325 KO +52 8 326 KA +52 8 327 EF +52 8 328 YA +52 8 329 HG +52 8 330 EF +52 9 1 MO +52 9 2 YA +52 9 3 KO +52 9 4 OS +52 9 5 HG +52 9 6 AG +52 9 7 YA +52 9 8 KO +52 9 9 HG +52 9 10 YA +52 9 11 HG +52 9 12 KA +52 9 13 YA +52 9 14 YA +52 9 15 KO +52 9 16 TA +52 9 17 KO +52 9 18 HG +52 9 19 YA +52 9 20 MS +52 9 21 KO +52 9 22 KA +52 9 23 YA +52 9 24 AG +52 9 25 YA +52 9 26 KA +52 9 27 HG +52 9 28 KO +52 9 29 YA +52 9 30 KO +52 9 31 YA +52 9 32 KO +52 9 33 KF +52 9 34 HO +52 9 35 KO +52 9 36 YA +52 9 37 HG +52 9 38 KO +52 9 39 HO +52 9 40 YA +52 9 41 KO +52 9 42 KA +52 9 43 MO +52 9 44 HG +52 9 45 YA +52 9 46 HG +52 9 47 YA +52 9 48 KA +52 9 49 YA +52 9 50 HO +52 9 51 HG +52 9 52 HG +52 9 53 KO +52 9 54 YA +52 9 55 YA +52 9 56 MO +52 9 57 YA +52 9 58 KA +52 9 59 HG +52 9 60 YA +52 9 61 KO +52 9 62 TA +52 9 63 KO +52 9 64 YA +52 9 65 KO +52 9 66 HG +52 9 67 YA +52 9 68 KO +52 9 69 YA +52 9 70 TA +52 9 71 KO +52 9 72 YA +52 9 73 HO +52 9 74 HG +52 9 75 YA +52 9 76 KO +52 9 77 YA +52 9 78 HG +52 9 79 HA +52 9 80 YA +52 9 81 KA +52 9 82 YA +52 9 83 HG +52 9 84 KO +52 9 85 YA +52 9 86 KA +52 9 87 HA +52 9 88 KA +52 9 89 HA +52 9 90 YA +52 9 91 KA +52 9 92 EF +52 9 93 YA +52 9 94 HA +52 9 95 TA +52 9 96 KA +52 9 97 HI +52 9 98 KO +52 9 99 HG +52 9 100 YA +52 9 101 KO +52 9 102 HG +52 9 103 YA +52 9 104 HG +52 9 105 KO +52 9 106 KA +52 9 107 EF +52 9 108 EF +52 9 109 YA +52 9 110 KA +52 9 111 HI +52 9 112 KO +52 9 113 HA +52 9 114 YA +52 9 115 KO +52 9 116 AG +52 9 117 YA +52 9 118 KA +52 9 119 YA +52 9 120 EF +52 9 121 KA +52 9 122 AG +52 9 123 KA +52 9 124 HG +52 9 125 KO +52 9 126 KA +52 9 127 HO +52 9 128 TA +52 9 129 EF +52 9 130 KF +52 9 131 YA +52 9 132 KO +52 9 133 YA +52 9 134 AG +52 9 135 TA +52 9 136 YA +52 9 137 AG +52 9 138 YA +52 9 139 TA +52 9 140 YA +52 9 141 EF +52 9 142 HG +52 9 143 KF +52 9 144 HO +52 9 145 TA +52 9 146 KA +52 9 147 YA +52 9 148 KO +52 9 149 HG +52 9 150 HO +52 9 151 YA +52 9 152 YA +52 9 153 HI +52 9 154 AG +52 9 155 MS +52 9 156 YA +52 9 157 AG +52 9 158 EF +52 9 159 KA +52 9 160 MS +52 9 161 YA +52 9 162 KO +52 9 163 HO +52 9 164 MS +52 9 165 YA +52 9 166 KA +52 9 167 HG +52 9 168 AG +52 9 169 HG +52 9 170 YA +52 9 171 KF +52 9 172 TV +52 9 173 KF +52 9 174 KA +52 9 175 EF +52 9 176 YA +52 9 177 HG +52 9 178 YA +52 9 179 KO +52 9 180 TA +52 9 181 HG +52 9 182 KO +52 9 183 AG +52 9 184 MS +52 9 185 KA +52 9 186 YA +52 9 187 HG +52 9 188 YA +52 9 189 HG +52 9 190 KA +52 9 191 YA +52 9 192 HO +52 9 193 YA +52 9 194 TA +52 9 195 MS +52 9 196 YA +52 9 197 AG +52 9 198 HA +52 9 199 EF +52 9 200 HO +52 9 201 KA +52 9 202 YA +52 9 203 FI +52 9 204 MS +52 9 205 HO +52 9 206 EF +52 9 207 KO +52 9 208 KA +52 9 209 YA +52 9 210 AG +52 9 211 YA +52 9 212 HG +52 9 213 TA +52 9 214 HO +52 9 215 YA +52 9 216 HG +52 9 217 EF +52 9 218 TA +52 9 219 EF +52 9 220 YA +52 9 221 HG +52 9 222 HO +52 9 223 EF +52 9 224 HG +52 9 225 HG +52 9 226 YA +52 9 227 HA +52 9 228 HO +52 9 229 EF +52 9 230 MS +52 9 231 HG +52 9 232 AG +52 9 233 HG +52 9 234 YA +52 9 235 HO +52 9 236 YA +52 9 237 KU +52 9 238 HO +52 9 239 AG +52 9 240 HG +52 9 241 EF +52 9 242 KA +52 9 243 HI +52 9 244 EF +52 9 245 KO +52 9 246 KU +52 9 247 YA +52 9 248 MO +52 9 249 HI +52 9 250 YA +52 9 251 HG +52 9 252 KU +52 9 253 AG +52 9 254 HG +52 9 255 AG +52 9 256 KO +52 9 257 YA +52 9 258 KA +52 9 259 KO +52 9 260 AG +52 9 261 KO +52 9 262 EF +52 9 263 EF +52 9 264 HG +52 9 265 YA +52 9 266 KA +52 9 267 KF +52 9 268 HG +52 9 269 TA +52 9 270 HO +52 9 271 YA +52 9 272 EF +52 9 273 KA +52 9 274 EF +52 9 275 YA +52 9 276 KO +52 9 277 HI +52 9 278 YA +52 9 279 HG +52 9 280 YA +52 9 281 YA +52 9 282 AG +52 9 283 HG +52 9 284 EF +52 9 285 HG +52 9 286 KU +52 9 287 KA +52 9 288 KO +52 9 289 YA +52 9 290 EF +52 9 291 YA +52 9 292 HO +52 9 293 TA +52 9 294 EF +52 9 295 AG +52 9 296 YA +52 9 297 KA +52 9 298 KO +52 9 299 YA +52 9 300 AG +52 9 301 HG +52 9 302 KU +52 9 303 EF +52 9 304 YA +52 9 305 HI +52 9 306 KA +52 9 307 YA +52 9 308 HG +52 9 309 HA +52 9 310 KA +52 9 311 YA +52 9 312 MS +52 9 313 HO +52 9 314 TA +52 9 315 YA +52 9 316 HG +52 9 317 KO +52 9 318 YA +52 9 319 EF +52 9 320 KA +52 9 321 KO +52 9 322 KU +52 9 323 HO +52 9 324 TA +52 9 325 HO +52 9 326 KA +52 9 327 KU +52 9 328 YA +52 9 329 HG +52 9 330 EF +52 10 1 MO +52 10 2 YA +52 10 3 KO +52 10 4 MO +52 10 5 AV +52 10 6 HG +52 10 7 YA +52 10 8 KO +52 10 9 KA +52 10 10 MO +52 10 11 KU +52 10 12 KA +52 10 13 KU +52 10 14 HI +52 10 15 KA +52 10 16 EF +52 10 17 KO +52 10 18 HI +52 10 19 YA +52 10 20 YA +52 10 21 KO +52 10 22 HG +52 10 23 MO +52 10 24 AV +52 10 25 YA +52 10 26 MO +52 10 27 HG +52 10 28 KO +52 10 29 YA +52 10 30 KA +52 10 31 HG +52 10 32 KO +52 10 33 YA +52 10 34 MO +52 10 35 KO +52 10 36 YA +52 10 37 MO +52 10 38 KO +52 10 39 YA +52 10 40 KU +52 10 41 KO +52 10 42 KA +52 10 43 MO +52 10 44 HG +52 10 45 YA +52 10 46 HI +52 10 47 HO +52 10 48 KA +52 10 49 KU +52 10 50 HA +52 10 51 KA +52 10 52 EF +52 10 53 KO +52 10 54 YA +52 10 55 KU +52 10 56 HG +52 10 57 YA +52 10 58 KA +52 10 59 HG +52 10 60 YA +52 10 61 KO +52 10 62 HG +52 10 63 KO +52 10 64 HO +52 10 65 KO +52 10 66 EF +52 10 67 YA +52 10 68 KO +52 10 69 YA +52 10 70 EF +52 10 71 HA +52 10 72 YA +52 10 73 HA +52 10 74 HG +52 10 75 YA +52 10 76 KA +52 10 77 YA +52 10 78 HG +52 10 79 HI +52 10 80 MO +52 10 81 YA +52 10 82 YA +52 10 83 HG +52 10 84 HG +52 10 85 YA +52 10 86 KO +52 10 87 HI +52 10 88 MO +52 10 89 HO +52 10 90 YA +52 10 91 KA +52 10 92 HG +52 10 93 YA +52 10 94 HI +52 10 95 EF +52 10 96 KA +52 10 97 MO +52 10 98 KO +52 10 99 HG +52 10 100 HG +52 10 101 KO +52 10 102 EF +52 10 103 KA +52 10 104 HG +52 10 105 MO +52 10 106 KA +52 10 107 EF +52 10 108 EF +52 10 109 MO +52 10 110 KA +52 10 111 HI +52 10 112 KO +52 10 113 HI +52 10 114 YA +52 10 115 KO +52 10 116 HG +52 10 117 HI +52 10 118 KO +52 10 119 YA +52 10 120 EF +52 10 121 KO +52 10 122 YA +52 10 123 YA +52 10 124 KA +52 10 125 KO +52 10 126 HG +52 10 127 HI +52 10 128 KA +52 10 129 EF +52 10 130 YA +52 10 131 MO +52 10 132 KO +52 10 133 YA +52 10 134 KO +52 10 135 KO +52 10 136 YA +52 10 137 YA +52 10 138 HG +52 10 139 EF +52 10 140 MO +52 10 141 EF +52 10 142 EF +52 10 143 YA +52 10 144 MO +52 10 145 YA +52 10 146 KA +52 10 147 YA +52 10 148 KO +52 10 149 YA +52 10 150 MO +52 10 151 KO +52 10 152 MO +52 10 153 KU +52 10 154 HI +52 10 155 HI +52 10 156 YA +52 10 157 KA +52 10 158 EF +52 10 159 KA +52 10 160 KO +52 10 161 YA +52 10 162 KO +52 10 163 YA +52 10 164 MO +52 10 165 YA +52 10 166 MO +52 10 167 HG +52 10 168 YA +52 10 169 YA +52 10 170 HI +52 10 171 YA +52 10 172 EF +52 10 173 KO +52 10 174 KA +52 10 175 HG +52 10 176 KO +52 10 177 KA +52 10 178 MO +52 10 179 KO +52 10 180 YA +52 10 181 KA +52 10 182 KO +52 10 183 KA +52 10 184 MO +52 10 185 KA +52 10 186 YA +52 10 187 KA +52 10 188 MO +52 10 189 AV +52 10 190 KO +52 10 191 YA +52 10 192 MO +52 10 193 KA +52 10 194 KO +52 10 195 YA +52 10 196 YA +52 10 197 MO +52 10 198 HI +52 10 199 HG +52 10 200 KU +52 10 201 KO +52 10 202 YA +52 10 203 MO +52 10 204 HI +52 10 205 MO +52 10 206 HG +52 10 207 KO +52 10 208 KA +52 10 209 YA +52 10 210 KO +52 10 211 YA +52 10 212 KA +52 10 213 HG +52 10 214 KA +52 10 215 MO +52 10 216 YA +52 10 217 KO +52 10 218 KA +52 10 219 EF +52 10 220 MO +52 10 221 EF +52 10 222 MO +52 10 223 YA +52 10 224 HG +52 10 225 KA +52 10 226 YA +52 10 227 HI +52 10 228 YA +52 10 229 YA +52 10 230 EF +52 10 231 MO +52 10 232 KA +52 10 233 MO +52 10 234 YA +52 10 235 MO +52 10 236 KA +52 10 237 KA +52 10 238 YA +52 10 239 KO +52 10 240 KA +52 10 241 EF +52 10 242 KA +52 10 243 MO +52 10 244 EF +52 10 245 KO +52 10 246 YA +52 10 247 MO +52 10 248 HI +52 10 249 YA +52 10 250 MO +52 10 251 YA +52 10 252 EF +52 10 253 YA +52 10 254 MO +52 10 255 HI +52 10 256 KO +52 10 257 YA +52 10 258 KA +52 10 259 KO +52 10 260 EF +52 10 261 KA +52 10 262 EF +52 10 263 HG +52 10 264 HG +52 10 265 YA +52 10 266 KA +52 10 267 MO +52 10 268 YA +52 10 269 MO +52 10 270 KA +52 10 271 HI +52 10 272 EF +52 10 273 MO +52 10 274 EF +52 10 275 KA +52 10 276 KO +52 10 277 YA +52 10 278 KA +52 10 279 MO +52 10 280 YA +52 10 281 YA +52 10 282 YA +52 10 283 KO +52 10 284 EF +52 10 285 KO +52 10 286 HG +52 10 287 KA +52 10 288 KO +52 10 289 YA +52 10 290 HG +52 10 291 MO +52 10 292 KO +52 10 293 EF +52 10 294 EF +52 10 295 KA +52 10 296 MO +52 10 297 KA +52 10 298 KO +52 10 299 YA +52 10 300 HG +52 10 301 YA +52 10 302 EF +52 10 303 KU +52 10 304 YA +52 10 305 MO +52 10 306 YA +52 10 307 YA +52 10 308 MO +52 10 309 HI +52 10 310 YA +52 10 311 MO +52 10 312 HI +52 10 313 MO +52 10 314 EF +52 10 315 YA +52 10 316 YA +52 10 317 MO +52 10 318 KA +52 10 319 HG +52 10 320 KA +52 10 321 KO +52 10 322 KU +52 10 323 YA +52 10 324 HG +52 10 325 MO +52 10 326 KA +52 10 327 EF +52 10 328 YA +52 10 329 KA +52 10 330 EF +52 11 1 MO +52 11 2 EF +52 11 3 KO +52 11 4 NU +52 11 5 EF +52 11 6 KA +52 11 7 YA +52 11 8 NU +52 11 9 KA +52 11 10 HO +52 11 11 YA +52 11 12 KA +52 11 13 YA +52 11 14 YA +52 11 15 EF +52 11 16 EF +52 11 17 KO +52 11 18 HI +52 11 19 MO +52 11 20 YA +52 11 21 NU +52 11 22 KA +52 11 23 NU +52 11 24 HA +52 11 25 YA +52 11 26 MO +52 11 27 EF +52 11 28 KO +52 11 29 YA +52 11 30 KA +52 11 31 MO +52 11 32 NU +52 11 33 YA +52 11 34 MO +52 11 35 KO +52 11 36 YA +52 11 37 MO +52 11 38 NU +52 11 39 YA +52 11 40 MO +52 11 41 KO +52 11 42 KA +52 11 43 MO +52 11 44 EF +52 11 45 YA +52 11 46 HA +52 11 47 YA +52 11 48 KA +52 11 49 MO +52 11 50 NU +52 11 51 KA +52 11 52 EF +52 11 53 NU +52 11 54 YA +52 11 55 MO +52 11 56 EF +52 11 57 MO +52 11 58 KA +52 11 59 EF +52 11 60 YA +52 11 61 KO +52 11 62 EF +52 11 63 KO +52 11 64 MO +52 11 65 KO +52 11 66 EF +52 11 67 YA +52 11 68 NU +52 11 69 KA +52 11 70 EF +52 11 71 NU +52 11 72 YA +52 11 73 NU +52 11 74 EF +52 11 75 YA +52 11 76 KO +52 11 77 MO +52 11 78 NU +52 11 79 HA +52 11 80 MO +52 11 81 YA +52 11 82 MO +52 11 83 EF +52 11 84 NU +52 11 85 YA +52 11 86 NU +52 11 87 HI +52 11 88 NU +52 11 89 HI +52 11 90 MO +52 11 91 TV +52 11 92 EF +52 11 93 MO +52 11 94 HA +52 11 95 EF +52 11 96 KA +52 11 97 MO +52 11 98 KO +52 11 99 HG +52 11 100 EF +52 11 101 NU +52 11 102 EF +52 11 103 TV +52 11 104 MO +52 11 105 NU +52 11 106 KA +52 11 107 EF +52 11 108 EF +52 11 109 MO +52 11 110 KA +52 11 111 YA +52 11 112 KO +52 11 113 HA +52 11 114 MO +52 11 115 KO +52 11 116 EF +52 11 117 HA +52 11 118 NU +52 11 119 YA +52 11 120 EF +52 11 121 KO +52 11 122 YA +52 11 123 MO +52 11 124 HG +52 11 125 KO +52 11 126 NU +52 11 127 YA +52 11 128 KA +52 11 129 EF +52 11 130 HA +52 11 131 NU +52 11 132 KO +52 11 133 MO +52 11 134 HA +52 11 135 NU +52 11 136 MO +52 11 137 YA +52 11 138 MO +52 11 139 HG +52 11 140 MO +52 11 141 HG +52 11 142 HG +52 11 143 YA +52 11 144 HO +52 11 145 MO +52 11 146 KA +52 11 147 MO +52 11 148 KO +52 11 149 HG +52 11 150 NU +52 11 151 NU +52 11 152 NU +52 11 153 MO +52 11 154 HA +52 11 155 HA +52 11 156 MO +52 11 157 HA +52 11 158 HG +52 11 159 KA +52 11 160 NU +52 11 161 MO +52 11 162 KO +52 11 163 MO +52 11 164 MO +52 11 165 YA +52 11 166 MO +52 11 167 HG +52 11 168 YA +52 11 169 MO +52 11 170 HA +52 11 171 YA +52 11 172 HG +52 11 173 KO +52 11 174 KA +52 11 175 HG +52 11 176 KO +52 11 177 HG +52 11 178 MO +52 11 179 MO +52 11 180 YA +52 11 181 KA +52 11 182 NU +52 11 183 KA +52 11 184 NU +52 11 185 KA +52 11 186 MO +52 11 187 KA +52 11 188 MO +52 11 189 HG +52 11 190 NU +52 11 191 YA +52 11 192 HO +52 11 193 YA +52 11 194 NU +52 11 195 YA +52 11 196 MO +52 11 197 NU +52 11 198 HA +52 11 199 HG +52 11 200 HG +52 11 201 NU +52 11 202 YA +52 11 203 NU +52 11 204 HA +52 11 205 HO +52 11 206 EF +52 11 207 NU +52 11 208 KA +52 11 209 YA +52 11 210 NU +52 11 211 MO +52 11 212 KA +52 11 213 HG +52 11 214 YA +52 11 215 NU +52 11 216 HA +52 11 217 NU +52 11 218 YA +52 11 219 HG +52 11 220 MO +52 11 221 HG +52 11 222 HA +52 11 223 MO +52 11 224 HG +52 11 225 YA +52 11 226 MO +52 11 227 HA +52 11 228 YA +52 11 229 HG +52 11 230 HG +52 11 231 NU +52 11 232 YA +52 11 233 MO +52 11 234 YA +52 11 235 MO +52 11 236 TV +52 11 237 KA +52 11 238 MO +52 11 239 NU +52 11 240 NU +52 11 241 EF +52 11 242 KA +52 11 243 NU +52 11 244 HG +52 11 245 NU +52 11 246 MO +52 11 247 HA +52 11 248 YA +52 11 249 YA +52 11 250 HA +52 11 251 HG +52 11 252 HG +52 11 253 MO +52 11 254 MO +52 11 255 HA +52 11 256 KO +52 11 257 MO +52 11 258 KA +52 11 259 NU +52 11 260 HG +52 11 261 KA +52 11 262 EF +52 11 263 EF +52 11 264 MO +52 11 265 YA +52 11 266 KA +52 11 267 NU +52 11 268 MO +52 11 269 NU +52 11 270 KA +52 11 271 YA +52 11 272 HG +52 11 273 NU +52 11 274 EF +52 11 275 KA +52 11 276 KO +52 11 277 MO +52 11 278 KO +52 11 279 MO +52 11 280 YA +52 11 281 YA +52 11 282 YA +52 11 283 HA +52 11 284 EF +52 11 285 NU +52 11 286 EF +52 11 287 KA +52 11 288 KO +52 11 289 MO +52 11 290 EF +52 11 291 MO +52 11 292 NU +52 11 293 EF +52 11 294 EF +52 11 295 KA +52 11 296 NU +52 11 297 KA +52 11 298 KO +52 11 299 MO +52 11 300 HG +52 11 301 MO +52 11 302 EF +52 11 303 HG +52 11 304 YA +52 11 305 NU +52 11 306 TV +52 11 307 MO +52 11 308 NU +52 11 309 TV +52 11 310 MO +52 11 311 MO +52 11 312 HA +52 11 313 MO +52 11 314 EF +52 11 315 YA +52 11 316 MO +52 11 317 NU +52 11 318 KA +52 11 319 EF +52 11 320 TV +52 11 321 KO +52 11 322 MO +52 11 323 YA +52 11 324 EF +52 11 325 NU +52 11 326 KA +52 11 327 EF +52 11 328 YA +52 11 329 KA +52 11 330 EF +52 12 1 MO +52 12 2 KS +52 12 3 PS +52 12 4 NU +52 12 5 YA +52 12 6 EF +52 12 7 YA +52 12 8 NU +52 12 9 AG +52 12 10 MO +52 12 11 YA +52 12 12 KA +52 12 13 YA +52 12 14 MO +52 12 15 KO +52 12 16 EF +52 12 17 PS +52 12 18 HI +52 12 19 MO +52 12 20 YA +52 12 21 NU +52 12 22 EF +52 12 23 NU +52 12 24 HI +52 12 25 YA +52 12 26 MO +52 12 27 EF +52 12 28 NU +52 12 29 YA +52 12 30 KA +52 12 31 EF +52 12 32 NU +52 12 33 YA +52 12 34 MO +52 12 35 NU +52 12 36 YA +52 12 37 MO +52 12 38 NU +52 12 39 YA +52 12 40 MO +52 12 41 PS +52 12 42 KA +52 12 43 MO +52 12 44 EF +52 12 45 YA +52 12 46 EF +52 12 47 YA +52 12 48 KA +52 12 49 MO +52 12 50 NU +52 12 51 KA +52 12 52 EF +52 12 53 NU +52 12 54 YA +52 12 55 MO +52 12 56 KA +52 12 57 MO +52 12 58 KA +52 12 59 EF +52 12 60 YA +52 12 61 NU +52 12 62 MO +52 12 63 NU +52 12 64 MO +52 12 65 PS +52 12 66 EF +52 12 67 YA +52 12 68 NU +52 12 69 YA +52 12 70 EF +52 12 71 NU +52 12 72 YA +52 12 73 NU +52 12 74 EF +52 12 75 YA +52 12 76 KA +52 12 77 YA +52 12 78 EF +52 12 79 HI +52 12 80 MO +52 12 81 YA +52 12 82 YA +52 12 83 KA +52 12 84 KA +52 12 85 YA +52 12 86 NU +52 12 87 HI +52 12 88 NU +52 12 89 HI +52 12 90 YA +52 12 91 KA +52 12 92 EF +52 12 93 MO +52 12 94 HA +52 12 95 EF +52 12 96 KA +52 12 97 MO +52 12 98 KO +52 12 99 EF +52 12 100 EF +52 12 101 NU +52 12 102 MO +52 12 103 KA +52 12 104 MO +52 12 105 NU +52 12 106 KA +52 12 107 EF +52 12 108 EF +52 12 109 MO +52 12 110 KA +52 12 111 YA +52 12 112 KO +52 12 113 HI +52 12 114 YA +52 12 115 NU +52 12 116 EF +52 12 117 HA +52 12 118 NU +52 12 119 YA +52 12 120 EF +52 12 121 PS +52 12 122 YA +52 12 123 MO +52 12 124 KA +52 12 125 KA +52 12 126 NU +52 12 127 YA +52 12 128 KA +52 12 129 EF +52 12 130 HI +52 12 131 NU +52 12 132 PS +52 12 133 YA +52 12 134 HI +52 12 135 NU +52 12 136 MO +52 12 137 YA +52 12 138 MO +52 12 139 EF +52 12 140 MO +52 12 141 EF +52 12 142 EF +52 12 143 KA +52 12 144 MO +52 12 145 YA +52 12 146 KA +52 12 147 YA +52 12 148 KO +52 12 149 KA +52 12 150 NU +52 12 151 NU +52 12 152 NU +52 12 153 MO +52 12 154 HI +52 12 155 HI +52 12 156 YA +52 12 157 HI +52 12 158 EF +52 12 159 KA +52 12 160 NU +52 12 161 YA +52 12 162 KO +52 12 163 YA +52 12 164 MO +52 12 165 HA +52 12 166 MO +52 12 167 NU +52 12 168 YA +52 12 169 MO +52 12 170 HI +52 12 171 KA +52 12 172 EF +52 12 173 NU +52 12 174 KA +52 12 175 EF +52 12 176 PS +52 12 177 KA +52 12 178 MO +52 12 179 NU +52 12 180 YA +52 12 181 KA +52 12 182 NU +52 12 183 HA +52 12 184 NU +52 12 185 KA +52 12 186 MO +52 12 187 KA +52 12 188 MO +52 12 189 EF +52 12 190 NU +52 12 191 YA +52 12 192 MO +52 12 193 KA +52 12 194 NU +52 12 195 YA +52 12 196 KA +52 12 197 NU +52 12 198 HA +52 12 199 EF +52 12 200 MO +52 12 201 NU +52 12 202 YA +52 12 203 NU +52 12 204 HA +52 12 205 MO +52 12 206 EF +52 12 207 NU +52 12 208 KA +52 12 209 YA +52 12 210 NU +52 12 211 MO +52 12 212 KA +52 12 213 MO +52 12 214 KA +52 12 215 NU +52 12 216 HA +52 12 217 NU +52 12 218 KA +52 12 219 EF +52 12 220 MO +52 12 221 EF +52 12 222 MO +52 12 223 YA +52 12 224 EF +52 12 225 KA +52 12 226 MO +52 12 227 HA +52 12 228 MO +52 12 229 YA +52 12 230 EF +52 12 231 NU +52 12 232 HA +52 12 233 MO +52 12 234 YA +52 12 235 MO +52 12 236 YA +52 12 237 NU +52 12 238 YA +52 12 239 NU +52 12 240 KA +52 12 241 EF +52 12 242 KA +52 12 243 NU +52 12 244 EF +52 12 245 KO +52 12 246 YA +52 12 247 MO +52 12 248 HA +52 12 249 YA +52 12 250 NU +52 12 251 YA +52 12 252 EF +52 12 253 YA +52 12 254 MO +52 12 255 HA +52 12 256 NU +52 12 257 MO +52 12 258 KA +52 12 259 NU +52 12 260 KA +52 12 261 KA +52 12 262 EF +52 12 263 EF +52 12 264 EF +52 12 265 YA +52 12 266 KA +52 12 267 NU +52 12 268 YA +52 12 269 NU +52 12 270 KA +52 12 271 YA +52 12 272 EF +52 12 273 NU +52 12 274 EF +52 12 275 KA +52 12 276 KO +52 12 277 MO +52 12 278 KA +52 12 279 MO +52 12 280 YA +52 12 281 YA +52 12 282 YA +52 12 283 KA +52 12 284 EF +52 12 285 NU +52 12 286 EF +52 12 287 KA +52 12 288 KO +52 12 289 MO +52 12 290 EF +52 12 291 MO +52 12 292 KA +52 12 293 EF +52 12 294 EF +52 12 295 HA +52 12 296 NU +52 12 297 KA +52 12 298 KO +52 12 299 YA +52 12 300 EF +52 12 301 YA +52 12 302 EF +52 12 303 MO +52 12 304 YA +52 12 305 NU +52 12 306 KA +52 12 307 MO +52 12 308 MO +52 12 309 HA +52 12 310 YA +52 12 311 MO +52 12 312 HA +52 12 313 MO +52 12 314 EF +52 12 315 YA +52 12 316 MO +52 12 317 NU +52 12 318 KA +52 12 319 EF +52 12 320 KA +52 12 321 KO +52 12 322 MO +52 12 323 YA +52 12 324 EF +52 12 325 NU +52 12 326 KA +52 12 327 EF +52 12 328 YA +52 12 329 KA +52 12 330 EF +52 13 1 YA +52 13 2 EF +52 13 3 KO +52 13 4 HI +52 13 5 YA +52 13 6 EF +52 13 7 YA +52 13 8 FI +52 13 9 TA +52 13 10 HO +52 13 11 YA +52 13 12 AG +52 13 13 YA +52 13 14 HO +52 13 15 EF +52 13 16 TA +52 13 17 FI +52 13 18 HA +52 13 19 KF +52 13 20 KF +52 13 21 FI +52 13 22 KA +52 13 23 HA +52 13 24 HA +52 13 25 AG +52 13 26 HA +52 13 27 EF +52 13 28 FI +52 13 29 YA +52 13 30 AG +52 13 31 TP +52 13 32 KO +52 13 33 YA +52 13 34 HO +52 13 35 KR +52 13 36 HA +52 13 37 KU +52 13 38 KO +52 13 39 KU +52 13 40 KU +52 13 41 KO +52 13 42 TP +52 13 43 KU +52 13 44 TP +52 13 45 YA +52 13 46 HA +52 13 47 HA +52 13 48 TP +52 13 49 KU +52 13 50 HA +52 13 51 AG +52 13 52 EF +52 13 53 KO +52 13 54 KF +52 13 55 MO +52 13 56 AG +52 13 57 KU +52 13 58 TP +52 13 59 EF +52 13 60 KU +52 13 61 KO +52 13 62 EF +52 13 63 KR +52 13 64 KU +52 13 65 KO +52 13 66 EF +52 13 67 AG +52 13 68 KO +52 13 69 AG +52 13 70 EF +52 13 71 KO +52 13 72 YA +52 13 73 KR +52 13 74 EF +52 13 75 KU +52 13 76 KO +52 13 77 KU +52 13 78 EF +52 13 79 HA +52 13 80 YA +52 13 81 TP +52 13 82 YA +52 13 83 TP +52 13 84 TP +52 13 85 YA +52 13 86 KO +52 13 87 HA +52 13 88 KO +52 13 89 HA +52 13 90 KF +52 13 91 TP +52 13 92 MS +52 13 93 YA +52 13 94 HA +52 13 95 TP +52 13 96 AG +52 13 97 HA +52 13 98 KO +52 13 99 TP +52 13 100 MS +52 13 101 KO +52 13 102 MS +52 13 103 AG +52 13 104 KU +52 13 105 MS +52 13 106 AG +52 13 107 MS +52 13 108 KU +52 13 109 HA +52 13 110 MS +52 13 111 HA +52 13 112 KO +52 13 113 HA +52 13 114 YA +52 13 115 FI +52 13 116 TP +52 13 117 HA +52 13 118 KR +52 13 119 YA +52 13 120 TP +52 13 121 KO +52 13 122 YA +52 13 123 YA +52 13 124 TP +52 13 125 KR +52 13 126 KR +52 13 127 KU +52 13 128 AG +52 13 129 TP +52 13 130 HA +52 13 131 FI +52 13 132 KR +52 13 133 YA +52 13 134 HA +52 13 135 KO +52 13 136 YA +52 13 137 HA +52 13 138 YA +52 13 139 EF +52 13 140 KU +52 13 141 TP +52 13 142 TP +52 13 143 KU +52 13 144 HA +52 13 145 KU +52 13 146 KU +52 13 147 KF +52 13 148 KO +52 13 149 KF +52 13 150 KO +52 13 151 KR +52 13 152 KR +52 13 153 KU +52 13 154 HA +52 13 155 HA +52 13 156 YA +52 13 157 HA +52 13 158 TP +52 13 159 AG +52 13 160 AG +52 13 161 YA +52 13 162 KO +52 13 163 KU +52 13 164 KU +52 13 165 TP +52 13 166 HA +52 13 167 TP +52 13 168 YA +52 13 169 KU +52 13 170 HA +52 13 171 AG +52 13 172 EF +52 13 173 KO +52 13 174 AG +52 13 175 YA +52 13 176 KO +52 13 177 AG +52 13 178 YA +52 13 179 KR +52 13 180 KF +52 13 181 TP +52 13 182 KO +52 13 183 HA +52 13 184 KR +52 13 185 KA +52 13 186 KU +52 13 187 KA +52 13 188 KU +52 13 189 TP +52 13 190 EF +52 13 191 KU +52 13 192 KA +52 13 193 KA +52 13 194 KO +52 13 195 KU +52 13 196 KU +52 13 197 TP +52 13 198 HA +52 13 199 TP +52 13 200 KF +52 13 201 KR +52 13 202 YA +52 13 203 KO +52 13 204 HO +52 13 205 HO +52 13 206 TP +52 13 207 KO +52 13 208 AG +52 13 209 YA +52 13 210 HA +52 13 211 YA +52 13 212 AG +52 13 213 TP +52 13 214 KF +52 13 215 KR +52 13 216 HA +52 13 217 KO +52 13 218 YA +52 13 219 TP +52 13 220 MO +52 13 221 MS +52 13 222 MO +52 13 223 KF +52 13 224 MS +52 13 225 KA +52 13 226 KU +52 13 227 HA +52 13 228 HA +52 13 229 KF +52 13 230 MS +52 13 231 KO +52 13 232 HA +52 13 233 AG +52 13 234 YA +52 13 235 MO +52 13 236 AG +52 13 237 TP +52 13 238 YA +52 13 239 KO +52 13 240 KR +52 13 241 TP +52 13 242 KA +52 13 243 FI +52 13 244 TP +52 13 245 FI +52 13 246 YA +52 13 247 AG +52 13 248 HA +52 13 249 KF +52 13 250 HO +52 13 251 YA +52 13 252 EF +52 13 253 YA +52 13 254 EF +52 13 255 EF +52 13 256 FI +52 13 257 YA +52 13 258 AG +52 13 259 KO +52 13 260 EF +52 13 261 KO +52 13 262 EF +52 13 263 EF +52 13 264 EF +52 13 265 YA +52 13 266 KO +52 13 267 KO +52 13 268 YA +52 13 269 KO +52 13 270 AG +52 13 271 YA +52 13 272 EF +52 13 273 TP +52 13 274 TP +52 13 275 KA +52 13 276 KR +52 13 277 YA +52 13 278 KO +52 13 279 HO +52 13 280 YA +52 13 281 YA +52 13 282 YA +52 13 283 AG +52 13 284 TP +52 13 285 KR +52 13 286 TP +52 13 287 AG +52 13 288 KO +52 13 289 YA +52 13 290 TP +52 13 291 YA +52 13 292 FI +52 13 293 TP +52 13 294 EF +52 13 295 HA +52 13 296 FI +52 13 297 KA +52 13 298 FI +52 13 299 YA +52 13 300 MS +52 13 301 YA +52 13 302 MS +52 13 303 MS +52 13 304 YA +52 13 305 FI +52 13 306 YA +52 13 307 MO +52 13 308 MS +52 13 309 HA +52 13 310 KU +52 13 311 KU +52 13 312 HA +52 13 313 KU +52 13 314 MS +52 13 315 KU +52 13 316 KU +52 13 317 FI +52 13 318 KR +52 13 319 MS +52 13 320 HA +52 13 321 KR +52 13 322 MS +52 13 323 YA +52 13 324 TP +52 13 325 KO +52 13 326 TP +52 13 327 TP +52 13 328 YA +52 13 329 TP +52 13 330 TP +52 14 1 MO +52 14 2 YA +52 14 3 KO +52 14 4 MO +52 14 5 YA +52 14 6 KA +52 14 7 YA +52 14 8 FI +52 14 9 FI +52 14 10 MO +52 14 11 HO +52 14 12 KA +52 14 13 YA +52 14 14 MO +52 14 15 HG +52 14 16 TA +52 14 17 FI +52 14 18 HO +52 14 19 MO +52 14 20 YA +52 14 21 FI +52 14 22 KA +52 14 23 HO +52 14 24 HA +52 14 25 YA +52 14 26 HO +52 14 27 TA +52 14 28 PS +52 14 29 YA +52 14 30 FI +52 14 31 YA +52 14 32 FI +52 14 33 YA +52 14 34 MO +52 14 35 FI +52 14 36 HA +52 14 37 MO +52 14 38 FI +52 14 39 YA +52 14 40 YA +52 14 41 FI +52 14 42 KA +52 14 43 MO +52 14 44 TA +52 14 45 YA +52 14 46 HA +52 14 47 HA +52 14 48 KA +52 14 49 YA +52 14 50 MO +52 14 51 YA +52 14 52 TA +52 14 53 FI +52 14 54 YA +52 14 55 YA +52 14 56 KA +52 14 57 YA +52 14 58 YA +52 14 59 TA +52 14 60 HA +52 14 61 FI +52 14 62 HG +52 14 63 FI +52 14 64 MO +52 14 65 FI +52 14 66 TA +52 14 67 YA +52 14 68 FI +52 14 69 YA +52 14 70 TA +52 14 71 FI +52 14 72 YA +52 14 73 HO +52 14 74 MO +52 14 75 HA +52 14 76 PS +52 14 77 YA +52 14 78 HG +52 14 79 HA +52 14 80 MO +52 14 81 KU +52 14 82 YA +52 14 83 HG +52 14 84 FI +52 14 85 YA +52 14 86 FI +52 14 87 HA +52 14 88 FI +52 14 89 HA +52 14 90 MO +52 14 91 YA +52 14 92 TA +52 14 93 MO +52 14 94 HA +52 14 95 HG +52 14 96 KA +52 14 97 HO +52 14 98 FI +52 14 99 HG +52 14 100 YA +52 14 101 FI +52 14 102 TA +52 14 103 YA +52 14 104 MO +52 14 105 FI +52 14 106 KA +52 14 107 TA +52 14 108 KU +52 14 109 MO +52 14 110 KA +52 14 111 HO +52 14 112 KO +52 14 113 HA +52 14 114 YA +52 14 115 PS +52 14 116 HG +52 14 117 HA +52 14 118 FI +52 14 119 YA +52 14 120 TA +52 14 121 FI +52 14 122 YA +52 14 123 MO +52 14 124 YA +52 14 125 PS +52 14 126 FI +52 14 127 HA +52 14 128 KU +52 14 129 EF +52 14 130 HA +52 14 131 HO +52 14 132 PS +52 14 133 YA +52 14 134 MO +52 14 135 FI +52 14 136 YA +52 14 137 YA +52 14 138 MO +52 14 139 HG +52 14 140 HO +52 14 141 TA +52 14 142 TA +52 14 143 YA +52 14 144 HO +52 14 145 YA +52 14 146 KA +52 14 147 YA +52 14 148 KO +52 14 149 YA +52 14 150 MO +52 14 151 FI +52 14 152 MO +52 14 153 MO +52 14 154 HA +52 14 155 HA +52 14 156 YA +52 14 157 YA +52 14 158 TA +52 14 159 KA +52 14 160 FI +52 14 161 YA +52 14 162 KO +52 14 163 YA +52 14 164 MO +52 14 165 YA +52 14 166 MO +52 14 167 HG +52 14 168 MO +52 14 169 MO +52 14 170 MO +52 14 171 YA +52 14 172 EF +52 14 173 FI +52 14 174 KA +52 14 175 YA +52 14 176 KO +52 14 177 KA +52 14 178 MO +52 14 179 FI +52 14 180 YA +52 14 181 HG +52 14 182 FI +52 14 183 YA +52 14 184 MO +52 14 185 KA +52 14 186 YA +52 14 187 KA +52 14 188 MO +52 14 189 HG +52 14 190 FI +52 14 191 YA +52 14 192 MO +52 14 193 KA +52 14 194 FI +52 14 195 YA +52 14 196 MO +52 14 197 HO +52 14 198 HA +52 14 199 TA +52 14 200 MO +52 14 201 FI +52 14 202 YA +52 14 203 FI +52 14 204 HA +52 14 205 HO +52 14 206 HG +52 14 207 FI +52 14 208 YA +52 14 209 MO +52 14 210 FI +52 14 211 MO +52 14 212 KA +52 14 213 HG +52 14 214 KA +52 14 215 FI +52 14 216 HA +52 14 217 FI +52 14 218 MO +52 14 219 TA +52 14 220 MO +52 14 221 HG +52 14 222 HO +52 14 223 YA +52 14 224 EF +52 14 225 YA +52 14 226 MO +52 14 227 HA +52 14 228 MO +52 14 229 YA +52 14 230 EF +52 14 231 FI +52 14 232 YA +52 14 233 HG +52 14 234 YA +52 14 235 MO +52 14 236 YA +52 14 237 KA +52 14 238 YA +52 14 239 FI +52 14 240 FI +52 14 241 EF +52 14 242 HG +52 14 243 FI +52 14 244 TA +52 14 245 KO +52 14 246 YA +52 14 247 MO +52 14 248 HA +52 14 249 YA +52 14 250 HO +52 14 251 YA +52 14 252 EF +52 14 253 YA +52 14 254 HG +52 14 255 HA +52 14 256 FI +52 14 257 MO +52 14 258 KA +52 14 259 PS +52 14 260 HG +52 14 261 PS +52 14 262 TA +52 14 263 TA +52 14 264 TA +52 14 265 YA +52 14 266 FI +52 14 267 HO +52 14 268 YA +52 14 269 FI +52 14 270 KA +52 14 271 HA +52 14 272 EF +52 14 273 MO +52 14 274 EF +52 14 275 YA +52 14 276 KO +52 14 277 MO +52 14 278 YA +52 14 279 MO +52 14 280 YA +52 14 281 YA +52 14 282 YA +52 14 283 YA +52 14 284 TA +52 14 285 FI +52 14 286 TA +52 14 287 HG +52 14 288 KO +52 14 289 YA +52 14 290 EF +52 14 291 MO +52 14 292 FI +52 14 293 HG +52 14 294 EF +52 14 295 HA +52 14 296 MO +52 14 297 KA +52 14 298 KO +52 14 299 YA +52 14 300 HG +52 14 301 YA +52 14 302 EF +52 14 303 HG +52 14 304 YA +52 14 305 FI +52 14 306 YA +52 14 307 MO +52 14 308 MO +52 14 309 HA +52 14 310 YA +52 14 311 MO +52 14 312 HA +52 14 313 MO +52 14 314 EF +52 14 315 YA +52 14 316 MO +52 14 317 FI +52 14 318 KA +52 14 319 EF +52 14 320 YA +52 14 321 KO +52 14 322 MO +52 14 323 YA +52 14 324 EF +52 14 325 FI +52 14 326 KA +52 14 327 EF +52 14 328 YA +52 14 329 HG +52 14 330 HG +52 15 1 KU +52 15 2 EF +52 15 3 KO +52 15 4 HO +52 15 5 YA +52 15 6 KR +52 15 7 YA +52 15 8 FI +52 15 9 HO +52 15 10 KU +52 15 11 HA +52 15 12 AG +52 15 13 HA +52 15 14 MO +52 15 15 FI +52 15 16 EF +52 15 17 KO +52 15 18 HA +52 15 19 MO +52 15 20 YA +52 15 21 KO +52 15 22 KA +52 15 23 YA +52 15 24 HA +52 15 25 KU +52 15 26 MO +52 15 27 EF +52 15 28 KO +52 15 29 YA +52 15 30 KR +52 15 31 HA +52 15 32 KO +52 15 33 YA +52 15 34 MO +52 15 35 KO +52 15 36 HA +52 15 37 MO +52 15 38 KO +52 15 39 YA +52 15 40 YA +52 15 41 KO +52 15 42 KA +52 15 43 HA +52 15 44 EF +52 15 45 YA +52 15 46 HA +52 15 47 MO +52 15 48 KA +52 15 49 YA +52 15 50 HA +52 15 51 KR +52 15 52 HG +52 15 53 KO +52 15 54 YA +52 15 55 KU +52 15 56 KR +52 15 57 YA +52 15 58 AG +52 15 59 EF +52 15 60 MO +52 15 61 KO +52 15 62 HA +52 15 63 FI +52 15 64 MO +52 15 65 KO +52 15 66 EF +52 15 67 YA +52 15 68 KO +52 15 69 HA +52 15 70 EF +52 15 71 KO +52 15 72 YA +52 15 73 KO +52 15 74 EF +52 15 75 HA +52 15 76 KO +52 15 77 MO +52 15 78 EF +52 15 79 HA +52 15 80 MO +52 15 81 KF +52 15 82 MO +52 15 83 EF +52 15 84 FI +52 15 85 YA +52 15 86 KO +52 15 87 HA +52 15 88 KO +52 15 89 HA +52 15 90 MO +52 15 91 AG +52 15 92 EF +52 15 93 YA +52 15 94 HA +52 15 95 EF +52 15 96 AG +52 15 97 MO +52 15 98 KO +52 15 99 HG +52 15 100 YA +52 15 101 KO +52 15 102 HG +52 15 103 HA +52 15 104 MO +52 15 105 YA +52 15 106 AG +52 15 107 EF +52 15 108 EF +52 15 109 KU +52 15 110 AG +52 15 111 HO +52 15 112 KO +52 15 113 HO +52 15 114 MO +52 15 115 KO +52 15 116 HG +52 15 117 HA +52 15 118 KO +52 15 119 YA +52 15 120 EF +52 15 121 KO +52 15 122 YA +52 15 123 KU +52 15 124 AG +52 15 125 KO +52 15 126 KO +52 15 127 HA +52 15 128 AG +52 15 129 EF +52 15 130 HA +52 15 131 MO +52 15 132 KO +52 15 133 YA +52 15 134 HA +52 15 135 KO +52 15 136 YA +52 15 137 YA +52 15 138 HG +52 15 139 HG +52 15 140 MO +52 15 141 EF +52 15 142 EF +52 15 143 AG +52 15 144 HA +52 15 145 YA +52 15 146 AG +52 15 147 YA +52 15 148 KO +52 15 149 KF +52 15 150 MO +52 15 151 KO +52 15 152 KO +52 15 153 MO +52 15 154 HA +52 15 155 HA +52 15 156 YA +52 15 157 KR +52 15 158 EF +52 15 159 KR +52 15 160 FI +52 15 161 YA +52 15 162 KO +52 15 163 YA +52 15 164 MO +52 15 165 HA +52 15 166 YA +52 15 167 HG +52 15 168 MO +52 15 169 MO +52 15 170 HA +52 15 171 HA +52 15 172 EF +52 15 173 KO +52 15 174 AG +52 15 175 HG +52 15 176 KO +52 15 177 MO +52 15 178 YA +52 15 179 FI +52 15 180 KU +52 15 181 KA +52 15 182 KO +52 15 183 HA +52 15 184 MO +52 15 185 KR +52 15 186 YA +52 15 187 AG +52 15 188 MO +52 15 189 EF +52 15 190 FI +52 15 191 YA +52 15 192 MO +52 15 193 AG +52 15 194 KO +52 15 195 YA +52 15 196 KU +52 15 197 HG +52 15 198 HA +52 15 199 EF +52 15 200 MO +52 15 201 KO +52 15 202 YA +52 15 203 KO +52 15 204 HA +52 15 205 KU +52 15 206 EF +52 15 207 KO +52 15 208 AG +52 15 209 HA +52 15 210 FI +52 15 211 MO +52 15 212 KR +52 15 213 HA +52 15 214 AG +52 15 215 FI +52 15 216 HA +52 15 217 FI +52 15 218 AG +52 15 219 EF +52 15 220 KU +52 15 221 EF +52 15 222 MO +52 15 223 YA +52 15 224 EF +52 15 225 HA +52 15 226 MO +52 15 227 HA +52 15 228 KU +52 15 229 YA +52 15 230 EF +52 15 231 KO +52 15 232 HA +52 15 233 MO +52 15 234 YA +52 15 235 MO +52 15 236 AG +52 15 237 KR +52 15 238 MO +52 15 239 FI +52 15 240 KR +52 15 241 EF +52 15 242 AG +52 15 243 KO +52 15 244 EF +52 15 245 KO +52 15 246 AG +52 15 247 KU +52 15 248 HA +52 15 249 MO +52 15 250 YA +52 15 251 YA +52 15 252 HG +52 15 253 KU +52 15 254 MO +52 15 255 HA +52 15 256 KO +52 15 257 YA +52 15 258 KA +52 15 259 FI +52 15 260 EF +52 15 261 KR +52 15 262 EF +52 15 263 EF +52 15 264 HG +52 15 265 YA +52 15 266 FI +52 15 267 KO +52 15 268 YA +52 15 269 KO +52 15 270 AG +52 15 271 HO +52 15 272 EF +52 15 273 KU +52 15 274 EF +52 15 275 YA +52 15 276 KO +52 15 277 KU +52 15 278 KO +52 15 279 MO +52 15 280 YA +52 15 281 YA +52 15 282 YA +52 15 283 HA +52 15 284 EF +52 15 285 FI +52 15 286 EF +52 15 287 AG +52 15 288 KO +52 15 289 YA +52 15 290 EF +52 15 291 MO +52 15 292 FI +52 15 293 HA +52 15 294 EF +52 15 295 KR +52 15 296 MO +52 15 297 AG +52 15 298 KO +52 15 299 YA +52 15 300 EF +52 15 301 YA +52 15 302 EF +52 15 303 HG +52 15 304 HA +52 15 305 KO +52 15 306 YA +52 15 307 MO +52 15 308 KU +52 15 309 HA +52 15 310 YA +52 15 311 MO +52 15 312 HA +52 15 313 KU +52 15 314 EF +52 15 315 YA +52 15 316 MO +52 15 317 KO +52 15 318 KA +52 15 319 EF +52 15 320 HA +52 15 321 KO +52 15 322 HG +52 15 323 YA +52 15 324 EF +52 15 325 KO +52 15 326 AG +52 15 327 EF +52 15 328 YA +52 15 329 KO +52 15 330 EF +52 16 1 MO +52 16 2 KU +52 16 3 KO +52 16 4 KI +52 16 5 YA +52 16 6 KA +52 16 7 YA +52 16 8 PS +52 16 9 KE +52 16 10 KU +52 16 11 YA +52 16 12 KA +52 16 13 YA +52 16 14 KU +52 16 15 MS +52 16 16 EF +52 16 17 KO +52 16 18 HA +52 16 19 MO +52 16 20 YA +52 16 21 KO +52 16 22 KA +52 16 23 KI +52 16 24 HA +52 16 25 KI +52 16 26 KU +52 16 27 EF +52 16 28 KO +52 16 29 YA +52 16 30 KA +52 16 31 KU +52 16 32 KO +52 16 33 YA +52 16 34 KU +52 16 35 KO +52 16 36 KI +52 16 37 KU +52 16 38 PS +52 16 39 YA +52 16 40 MO +52 16 41 PS +52 16 42 KA +52 16 43 KU +52 16 44 MS +52 16 45 YA +52 16 46 KE +52 16 47 KI +52 16 48 KA +52 16 49 MO +52 16 50 KI +52 16 51 KE +52 16 52 MS +52 16 53 PS +52 16 54 YA +52 16 55 MO +52 16 56 KO +52 16 57 KI +52 16 58 KA +52 16 59 MS +52 16 60 KI +52 16 61 KO +52 16 62 KU +52 16 63 KO +52 16 64 KU +52 16 65 PS +52 16 66 MS +52 16 67 YA +52 16 68 KO +52 16 69 HA +52 16 70 MS +52 16 71 KI +52 16 72 YA +52 16 73 HO +52 16 74 KU +52 16 75 YA +52 16 76 KO +52 16 77 YA +52 16 78 MS +52 16 79 HA +52 16 80 MO +52 16 81 YA +52 16 82 KU +52 16 83 MS +52 16 84 KO +52 16 85 YA +52 16 86 KO +52 16 87 HA +52 16 88 KO +52 16 89 HA +52 16 90 YA +52 16 91 YA +52 16 92 MS +52 16 93 KI +52 16 94 HA +52 16 95 MS +52 16 96 KA +52 16 97 KI +52 16 98 KO +52 16 99 MS +52 16 100 KU +52 16 101 PS +52 16 102 KU +52 16 103 YA +52 16 104 MO +52 16 105 KI +52 16 106 KA +52 16 107 MS +52 16 108 KU +52 16 109 KI +52 16 110 KA +52 16 111 KI +52 16 112 KO +52 16 113 HA +52 16 114 KI +52 16 115 PS +52 16 116 MO +52 16 117 HA +52 16 118 KO +52 16 119 YA +52 16 120 MS +52 16 121 KO +52 16 122 YA +52 16 123 KI +52 16 124 MS +52 16 125 KO +52 16 126 MS +52 16 127 KI +52 16 128 KA +52 16 129 EF +52 16 130 MS +52 16 131 KI +52 16 132 KO +52 16 133 KI +52 16 134 KI +52 16 135 KO +52 16 136 YA +52 16 137 YA +52 16 138 MO +52 16 139 EF +52 16 140 KI +52 16 141 EF +52 16 142 MS +52 16 143 YA +52 16 144 KI +52 16 145 YA +52 16 146 KA +52 16 147 YA +52 16 148 KO +52 16 149 YA +52 16 150 KI +52 16 151 KO +52 16 152 KI +52 16 153 KU +52 16 154 HA +52 16 155 HA +52 16 156 YA +52 16 157 KE +52 16 158 EF +52 16 159 KA +52 16 160 MS +52 16 161 YA +52 16 162 KO +52 16 163 KI +52 16 164 KU +52 16 165 YA +52 16 166 KI +52 16 167 KU +52 16 168 KI +52 16 169 KU +52 16 170 KI +52 16 171 YA +52 16 172 EF +52 16 173 KO +52 16 174 KA +52 16 175 KU +52 16 176 KO +52 16 177 KA +52 16 178 KI +52 16 179 PS +52 16 180 YA +52 16 181 HA +52 16 182 KI +52 16 183 KE +52 16 184 KI +52 16 185 KA +52 16 186 KU +52 16 187 KA +52 16 188 KU +52 16 189 MO +52 16 190 KO +52 16 191 KI +52 16 192 KI +52 16 193 KA +52 16 194 PS +52 16 195 YA +52 16 196 MO +52 16 197 KU +52 16 198 HO +52 16 199 MS +52 16 200 KU +52 16 201 KO +52 16 202 YA +52 16 203 KO +52 16 204 HA +52 16 205 KI +52 16 206 MS +52 16 207 KO +52 16 208 KA +52 16 209 KI +52 16 210 KO +52 16 211 MO +52 16 212 KA +52 16 213 KU +52 16 214 YA +52 16 215 MS +52 16 216 KU +52 16 217 KO +52 16 218 KA +52 16 219 KU +52 16 220 KI +52 16 221 MO +52 16 222 KI +52 16 223 YA +52 16 224 MS +52 16 225 KA +52 16 226 KI +52 16 227 HA +52 16 228 KI +52 16 229 KU +52 16 230 MS +52 16 231 KO +52 16 232 KA +52 16 233 KU +52 16 234 YA +52 16 235 MO +52 16 236 YA +52 16 237 MS +52 16 238 MO +52 16 239 KO +52 16 240 PS +52 16 241 EF +52 16 242 KA +52 16 243 PS +52 16 244 KU +52 16 245 KO +52 16 246 YA +52 16 247 KI +52 16 248 KI +52 16 249 KI +52 16 250 KI +52 16 251 YA +52 16 252 EF +52 16 253 YA +52 16 254 KU +52 16 255 HI +52 16 256 KO +52 16 257 KI +52 16 258 KA +52 16 259 KO +52 16 260 MS +52 16 261 KA +52 16 262 EF +52 16 263 MS +52 16 264 KU +52 16 265 KI +52 16 266 KO +52 16 267 KI +52 16 268 YA +52 16 269 KI +52 16 270 KA +52 16 271 KI +52 16 272 EF +52 16 273 KI +52 16 274 EF +52 16 275 KA +52 16 276 KO +52 16 277 KI +52 16 278 KO +52 16 279 KI +52 16 280 YA +52 16 281 KI +52 16 282 YA +52 16 283 KE +52 16 284 EF +52 16 285 KO +52 16 286 EF +52 16 287 KA +52 16 288 KO +52 16 289 KU +52 16 290 EF +52 16 291 KU +52 16 292 KO +52 16 293 MO +52 16 294 EF +52 16 295 KE +52 16 296 KI +52 16 297 KA +52 16 298 KO +52 16 299 YA +52 16 300 EF +52 16 301 YA +52 16 302 EF +52 16 303 KU +52 16 304 YA +52 16 305 KI +52 16 306 YA +52 16 307 KU +52 16 308 KI +52 16 309 HA +52 16 310 YA +52 16 311 KU +52 16 312 HA +52 16 313 KI +52 16 314 EF +52 16 315 YA +52 16 316 YA +52 16 317 KI +52 16 318 KA +52 16 319 EF +52 16 320 YA +52 16 321 KO +52 16 322 MO +52 16 323 KI +52 16 324 EF +52 16 325 KI +52 16 326 KA +52 16 327 MO +52 16 328 YA +52 16 329 KE +52 16 330 KU +52 17 1 MO +52 17 2 YA +52 17 3 KO +52 17 4 HO +52 17 5 MO +52 17 6 KA +52 17 7 YA +52 17 8 KO +52 17 9 FI +52 17 10 MO +52 17 11 YA +52 17 12 KA +52 17 13 YA +52 17 14 HA +52 17 15 EF +52 17 16 EF +52 17 17 KO +52 17 18 HA +52 17 19 YA +52 17 20 YA +52 17 21 KO +52 17 22 KA +52 17 23 HA +52 17 24 HA +52 17 25 YA +52 17 26 MO +52 17 27 EF +52 17 28 KO +52 17 29 YA +52 17 30 KO +52 17 31 MO +52 17 32 EF +52 17 33 YA +52 17 34 MO +52 17 35 KO +52 17 36 YA +52 17 37 MO +52 17 38 KO +52 17 39 YA +52 17 40 MO +52 17 41 KO +52 17 42 KA +52 17 43 HA +52 17 44 EF +52 17 45 YA +52 17 46 HA +52 17 47 YA +52 17 48 KA +52 17 49 MO +52 17 50 HA +52 17 51 KA +52 17 52 EF +52 17 53 KO +52 17 54 YA +52 17 55 MO +52 17 56 EF +52 17 57 MO +52 17 58 KA +52 17 59 EF +52 17 60 YA +52 17 61 KO +52 17 62 EF +52 17 63 KO +52 17 64 MO +52 17 65 KO +52 17 66 EF +52 17 67 YA +52 17 68 KO +52 17 69 KA +52 17 70 EF +52 17 71 HA +52 17 72 YA +52 17 73 HO +52 17 74 YA +52 17 75 YA +52 17 76 KO +52 17 77 MO +52 17 78 EF +52 17 79 HA +52 17 80 MO +52 17 81 YA +52 17 82 MO +52 17 83 EF +52 17 84 KA +52 17 85 MO +52 17 86 KO +52 17 87 HA +52 17 88 FI +52 17 89 HA +52 17 90 YA +52 17 91 KA +52 17 92 EF +52 17 93 YA +52 17 94 HA +52 17 95 EF +52 17 96 KA +52 17 97 HO +52 17 98 KO +52 17 99 EF +52 17 100 YA +52 17 101 KO +52 17 102 EF +52 17 103 KA +52 17 104 YA +52 17 105 KO +52 17 106 KA +52 17 107 EF +52 17 108 EF +52 17 109 HO +52 17 110 KA +52 17 111 YA +52 17 112 KO +52 17 113 HA +52 17 114 YA +52 17 115 KO +52 17 116 EF +52 17 117 HA +52 17 118 EF +52 17 119 YA +52 17 120 EF +52 17 121 KO +52 17 122 YA +52 17 123 YA +52 17 124 KA +52 17 125 KO +52 17 126 FI +52 17 127 YA +52 17 128 KA +52 17 129 EF +52 17 130 HA +52 17 131 HO +52 17 132 KO +52 17 133 YA +52 17 134 HA +52 17 135 KO +52 17 136 YA +52 17 137 YA +52 17 138 MO +52 17 139 EF +52 17 140 HO +52 17 141 EF +52 17 142 EF +52 17 143 YA +52 17 144 HO +52 17 145 YA +52 17 146 KA +52 17 147 YA +52 17 148 KO +52 17 149 YA +52 17 150 HA +52 17 151 EF +52 17 152 EF +52 17 153 MO +52 17 154 HA +52 17 155 HA +52 17 156 YA +52 17 157 HA +52 17 158 EF +52 17 159 KA +52 17 160 FI +52 17 161 YA +52 17 162 KO +52 17 163 YA +52 17 164 MO +52 17 165 HA +52 17 166 MO +52 17 167 EF +52 17 168 YA +52 17 169 MO +52 17 170 YA +52 17 171 YA +52 17 172 EF +52 17 173 KO +52 17 174 KA +52 17 175 EF +52 17 176 KO +52 17 177 EF +52 17 178 MO +52 17 179 KO +52 17 180 YA +52 17 181 KA +52 17 182 FI +52 17 183 KA +52 17 184 HO +52 17 185 FI +52 17 186 YA +52 17 187 KA +52 17 188 MO +52 17 189 EF +52 17 190 EF +52 17 191 YA +52 17 192 HO +52 17 193 KA +52 17 194 KO +52 17 195 YA +52 17 196 MO +52 17 197 HA +52 17 198 HA +52 17 199 EF +52 17 200 YA +52 17 201 EF +52 17 202 YA +52 17 203 KO +52 17 204 HA +52 17 205 MO +52 17 206 EF +52 17 207 KO +52 17 208 KA +52 17 209 YA +52 17 210 HA +52 17 211 YA +52 17 212 KA +52 17 213 EF +52 17 214 YA +52 17 215 HO +52 17 216 YA +52 17 217 EF +52 17 218 YA +52 17 219 EF +52 17 220 HO +52 17 221 EF +52 17 222 HO +52 17 223 YA +52 17 224 EF +52 17 225 KA +52 17 226 MO +52 17 227 HA +52 17 228 MO +52 17 229 YA +52 17 230 EF +52 17 231 HA +52 17 232 KA +52 17 233 HO +52 17 234 YA +52 17 235 MO +52 17 236 KA +52 17 237 EF +52 17 238 YA +52 17 239 FI +52 17 240 KO +52 17 241 EF +52 17 242 KA +52 17 243 KO +52 17 244 EF +52 17 245 KO +52 17 246 YA +52 17 247 HO +52 17 248 YA +52 17 249 YA +52 17 250 HO +52 17 251 YA +52 17 252 EF +52 17 253 YA +52 17 254 EF +52 17 255 HA +52 17 256 KO +52 17 257 MO +52 17 258 KA +52 17 259 KO +52 17 260 EF +52 17 261 FI +52 17 262 EF +52 17 263 HA +52 17 264 MO +52 17 265 YA +52 17 266 KO +52 17 267 HO +52 17 268 YA +52 17 269 FI +52 17 270 KA +52 17 271 YA +52 17 272 EF +52 17 273 EF +52 17 274 EF +52 17 275 YA +52 17 276 KO +52 17 277 YA +52 17 278 KO +52 17 279 MO +52 17 280 YA +52 17 281 YA +52 17 282 YA +52 17 283 HA +52 17 284 EF +52 17 285 EF +52 17 286 EF +52 17 287 KA +52 17 288 KO +52 17 289 MO +52 17 290 EF +52 17 291 MO +52 17 292 FI +52 17 293 EF +52 17 294 EF +52 17 295 KA +52 17 296 HO +52 17 297 KA +52 17 298 KO +52 17 299 YA +52 17 300 EF +52 17 301 YA +52 17 302 EF +52 17 303 EF +52 17 304 YA +52 17 305 HO +52 17 306 YA +52 17 307 MO +52 17 308 EF +52 17 309 HA +52 17 310 YA +52 17 311 MO +52 17 312 HA +52 17 313 MO +52 17 314 EF +52 17 315 YA +52 17 316 YA +52 17 317 KO +52 17 318 FI +52 17 319 EF +52 17 320 YA +52 17 321 KO +52 17 322 MO +52 17 323 YA +52 17 324 EF +52 17 325 HO +52 17 326 KA +52 17 327 EF +52 17 328 YA +52 17 329 KA +52 17 330 EF +52 18 1 MO +52 18 2 YA +52 18 3 KO +52 18 4 HO +52 18 5 YA +52 18 6 HG +52 18 7 YA +52 18 8 KO +52 18 9 KA +52 18 10 MO +52 18 11 YA +52 18 12 KA +52 18 13 YA +52 18 14 MO +52 18 15 HG +52 18 16 EF +52 18 17 KO +52 18 18 HO +52 18 19 MO +52 18 20 YA +52 18 21 KO +52 18 22 KA +52 18 23 HO +52 18 24 HO +52 18 25 MO +52 18 26 MO +52 18 27 EF +52 18 28 KO +52 18 29 YA +52 18 30 KA +52 18 31 EF +52 18 32 KO +52 18 33 YA +52 18 34 MO +52 18 35 YA +52 18 36 YA +52 18 37 MO +52 18 38 KO +52 18 39 YA +52 18 40 YA +52 18 41 KO +52 18 42 KA +52 18 43 HO +52 18 44 EF +52 18 45 YA +52 18 46 HA +52 18 47 YA +52 18 48 KA +52 18 49 MO +52 18 50 HO +52 18 51 HG +52 18 52 EF +52 18 53 KO +52 18 54 YA +52 18 55 MO +52 18 56 HG +52 18 57 YA +52 18 58 KA +52 18 59 EF +52 18 60 HO +52 18 61 KO +52 18 62 MO +52 18 63 KO +52 18 64 MO +52 18 65 KO +52 18 66 EF +52 18 67 YA +52 18 68 KO +52 18 69 YA +52 18 70 EF +52 18 71 KO +52 18 72 YA +52 18 73 HO +52 18 74 EF +52 18 75 YA +52 18 76 KA +52 18 77 MO +52 18 78 EF +52 18 79 HO +52 18 80 MO +52 18 81 YA +52 18 82 YA +52 18 83 HG +52 18 84 EF +52 18 85 YA +52 18 86 KO +52 18 87 HA +52 18 88 KO +52 18 89 HA +52 18 90 YA +52 18 91 KA +52 18 92 EF +52 18 93 MO +52 18 94 HA +52 18 95 EF +52 18 96 KA +52 18 97 HO +52 18 98 KO +52 18 99 EF +52 18 100 YA +52 18 101 KO +52 18 102 EF +52 18 103 KA +52 18 104 MO +52 18 105 HO +52 18 106 KA +52 18 107 EF +52 18 108 EF +52 18 109 HO +52 18 110 KA +52 18 111 YA +52 18 112 KO +52 18 113 HA +52 18 114 YA +52 18 115 KO +52 18 116 EF +52 18 117 HA +52 18 118 KO +52 18 119 YA +52 18 120 EF +52 18 121 KO +52 18 122 YA +52 18 123 MO +52 18 124 KA +52 18 125 KO +52 18 126 KO +52 18 127 YA +52 18 128 KA +52 18 129 EF +52 18 130 YA +52 18 131 HO +52 18 132 KO +52 18 133 YA +52 18 134 HA +52 18 135 KO +52 18 136 YA +52 18 137 YA +52 18 138 MO +52 18 139 EF +52 18 140 MO +52 18 141 EF +52 18 142 EF +52 18 143 YA +52 18 144 HO +52 18 145 YA +52 18 146 KA +52 18 147 YA +52 18 148 KO +52 18 149 YA +52 18 150 HO +52 18 151 KO +52 18 152 KO +52 18 153 MO +52 18 154 HA +52 18 155 KA +52 18 156 YA +52 18 157 KA +52 18 158 EF +52 18 159 KA +52 18 160 KO +52 18 161 YA +52 18 162 KO +52 18 163 YA +52 18 164 MO +52 18 165 YA +52 18 166 MO +52 18 167 EF +52 18 168 YA +52 18 169 MO +52 18 170 YA +52 18 171 YA +52 18 172 EF +52 18 173 KO +52 18 174 KA +52 18 175 EF +52 18 176 KO +52 18 177 KA +52 18 178 MO +52 18 179 KO +52 18 180 YA +52 18 181 KA +52 18 182 KO +52 18 183 KA +52 18 184 HO +52 18 185 KA +52 18 186 YA +52 18 187 KA +52 18 188 MO +52 18 189 EF +52 18 190 KO +52 18 191 YA +52 18 192 HO +52 18 193 KA +52 18 194 KO +52 18 195 YA +52 18 196 YA +52 18 197 HO +52 18 198 HA +52 18 199 EF +52 18 200 MO +52 18 201 KO +52 18 202 YA +52 18 203 KO +52 18 204 HA +52 18 205 HO +52 18 206 EF +52 18 207 KO +52 18 208 KA +52 18 209 YA +52 18 210 KO +52 18 211 MO +52 18 212 KA +52 18 213 EF +52 18 214 KA +52 18 215 KO +52 18 216 YA +52 18 217 KO +52 18 218 KA +52 18 219 EF +52 18 220 MO +52 18 221 EF +52 18 222 HO +52 18 223 YA +52 18 224 EF +52 18 225 KA +52 18 226 MO +52 18 227 HA +52 18 228 MO +52 18 229 YA +52 18 230 EF +52 18 231 HO +52 18 232 KA +52 18 233 HO +52 18 234 YA +52 18 235 MO +52 18 236 KA +52 18 237 HG +52 18 238 YA +52 18 239 KO +52 18 240 KO +52 18 241 EF +52 18 242 KA +52 18 243 KO +52 18 244 EF +52 18 245 KO +52 18 246 YA +52 18 247 HO +52 18 248 YA +52 18 249 YA +52 18 250 HO +52 18 251 YA +52 18 252 EF +52 18 253 YA +52 18 254 EF +52 18 255 HA +52 18 256 KO +52 18 257 MO +52 18 258 KA +52 18 259 KO +52 18 260 EF +52 18 261 KA +52 18 262 EF +52 18 263 EF +52 18 264 MO +52 18 265 YA +52 18 266 KO +52 18 267 HO +52 18 268 YA +52 18 269 KO +52 18 270 KA +52 18 271 YA +52 18 272 EF +52 18 273 HO +52 18 274 EF +52 18 275 KA +52 18 276 KO +52 18 277 MO +52 18 278 KO +52 18 279 MO +52 18 280 YA +52 18 281 YA +52 18 282 YA +52 18 283 HG +52 18 284 EF +52 18 285 KO +52 18 286 EF +52 18 287 KA +52 18 288 KO +52 18 289 YA +52 18 290 EF +52 18 291 MO +52 18 292 KO +52 18 293 EF +52 18 294 EF +52 18 295 HG +52 18 296 HO +52 18 297 KA +52 18 298 KO +52 18 299 YA +52 18 300 EF +52 18 301 YA +52 18 302 EF +52 18 303 EF +52 18 304 KA +52 18 305 HO +52 18 306 YA +52 18 307 MO +52 18 308 HO +52 18 309 KA +52 18 310 YA +52 18 311 MO +52 18 312 HA +52 18 313 HO +52 18 314 EF +52 18 315 YA +52 18 316 YA +52 18 317 KO +52 18 318 KA +52 18 319 EF +52 18 320 KA +52 18 321 KO +52 18 322 MO +52 18 323 YA +52 18 324 EF +52 18 325 HO +52 18 326 KA +52 18 327 EF +52 18 328 YA +52 18 329 HG +52 18 330 EF +52 19 1 MO +52 19 2 YA +52 19 3 KO +52 19 4 KO +52 19 5 YA +52 19 6 TA +52 19 7 YA +52 19 8 KO +52 19 9 TA +52 19 10 MO +52 19 11 YA +52 19 12 KA +52 19 13 YA +52 19 14 MO +52 19 15 EF +52 19 16 EF +52 19 17 KO +52 19 18 HA +52 19 19 YA +52 19 20 YA +52 19 21 KO +52 19 22 KA +52 19 23 KO +52 19 24 HA +52 19 25 YA +52 19 26 MO +52 19 27 EF +52 19 28 KO +52 19 29 YA +52 19 30 KA +52 19 31 YA +52 19 32 KO +52 19 33 YA +52 19 34 MO +52 19 35 KO +52 19 36 YA +52 19 37 MO +52 19 38 KO +52 19 39 YA +52 19 40 YA +52 19 41 KO +52 19 42 KA +52 19 43 MO +52 19 44 EF +52 19 45 YA +52 19 46 EF +52 19 47 YA +52 19 48 KA +52 19 49 YA +52 19 50 KO +52 19 51 EF +52 19 52 EF +52 19 53 KO +52 19 54 YA +52 19 55 YA +52 19 56 EF +52 19 57 YA +52 19 58 KA +52 19 59 EF +52 19 60 MO +52 19 61 KO +52 19 62 EF +52 19 63 KO +52 19 64 MO +52 19 65 KO +52 19 66 EF +52 19 67 YA +52 19 68 KO +52 19 69 YA +52 19 70 EF +52 19 71 KO +52 19 72 YA +52 19 73 KO +52 19 74 EF +52 19 75 YA +52 19 76 KA +52 19 77 YA +52 19 78 EF +52 19 79 HA +52 19 80 MO +52 19 81 YA +52 19 82 YA +52 19 83 KA +52 19 84 KO +52 19 85 YA +52 19 86 KO +52 19 87 HA +52 19 88 KO +52 19 89 HA +52 19 90 YA +52 19 91 KA +52 19 92 EF +52 19 93 MO +52 19 94 HA +52 19 95 EF +52 19 96 KA +52 19 97 MO +52 19 98 KO +52 19 99 EF +52 19 100 YA +52 19 101 KO +52 19 102 EF +52 19 103 YA +52 19 104 MO +52 19 105 KO +52 19 106 KA +52 19 107 EF +52 19 108 YA +52 19 109 MO +52 19 110 KA +52 19 111 YA +52 19 112 KO +52 19 113 HA +52 19 114 MO +52 19 115 KO +52 19 116 EF +52 19 117 HA +52 19 118 KO +52 19 119 YA +52 19 120 EF +52 19 121 KO +52 19 122 YA +52 19 123 MO +52 19 124 YA +52 19 125 KA +52 19 126 KO +52 19 127 YA +52 19 128 KA +52 19 129 EF +52 19 130 YA +52 19 131 KO +52 19 132 KO +52 19 133 YA +52 19 134 HA +52 19 135 KO +52 19 136 YA +52 19 137 YA +52 19 138 MO +52 19 139 EF +52 19 140 MO +52 19 141 EF +52 19 142 EF +52 19 143 YA +52 19 144 MO +52 19 145 YA +52 19 146 KA +52 19 147 YA +52 19 148 KO +52 19 149 YA +52 19 150 MO +52 19 151 KO +52 19 152 KO +52 19 153 MO +52 19 154 HA +52 19 155 HA +52 19 156 YA +52 19 157 KA +52 19 158 EF +52 19 159 KA +52 19 160 KO +52 19 161 YA +52 19 162 KO +52 19 163 MO +52 19 164 MO +52 19 165 YA +52 19 166 MO +52 19 167 EF +52 19 168 YA +52 19 169 MO +52 19 170 YA +52 19 171 YA +52 19 172 EF +52 19 173 KO +52 19 174 KA +52 19 175 YA +52 19 176 KO +52 19 177 KA +52 19 178 MO +52 19 179 KO +52 19 180 YA +52 19 181 KA +52 19 182 KO +52 19 183 KA +52 19 184 KO +52 19 185 KA +52 19 186 YA +52 19 187 KA +52 19 188 MO +52 19 189 EF +52 19 190 KO +52 19 191 YA +52 19 192 MO +52 19 193 KA +52 19 194 KO +52 19 195 YA +52 19 196 YA +52 19 197 MO +52 19 198 HA +52 19 199 EF +52 19 200 MO +52 19 201 KO +52 19 202 YA +52 19 203 KO +52 19 204 HA +52 19 205 MO +52 19 206 EF +52 19 207 KO +52 19 208 KA +52 19 209 YA +52 19 210 HA +52 19 211 YA +52 19 212 KA +52 19 213 EF +52 19 214 KA +52 19 215 KO +52 19 216 YA +52 19 217 KO +52 19 218 YA +52 19 219 EF +52 19 220 MO +52 19 221 EF +52 19 222 MO +52 19 223 YA +52 19 224 EF +52 19 225 YA +52 19 226 MO +52 19 227 HA +52 19 228 MO +52 19 229 YA +52 19 230 EF +52 19 231 KO +52 19 232 HA +52 19 233 MO +52 19 234 YA +52 19 235 MO +52 19 236 YA +52 19 237 KO +52 19 238 YA +52 19 239 KO +52 19 240 KO +52 19 241 EF +52 19 242 KA +52 19 243 KO +52 19 244 EF +52 19 245 KO +52 19 246 YA +52 19 247 MO +52 19 248 YA +52 19 249 YA +52 19 250 MO +52 19 251 YA +52 19 252 EF +52 19 253 YA +52 19 254 MO +52 19 255 HA +52 19 256 KO +52 19 257 MO +52 19 258 KA +52 19 259 KO +52 19 260 KA +52 19 261 KA +52 19 262 EF +52 19 263 EF +52 19 264 YA +52 19 265 YA +52 19 266 KO +52 19 267 KO +52 19 268 YA +52 19 269 KO +52 19 270 KA +52 19 271 YA +52 19 272 EF +52 19 273 KO +52 19 274 EF +52 19 275 KA +52 19 276 KO +52 19 277 MO +52 19 278 KO +52 19 279 MO +52 19 280 YA +52 19 281 YA +52 19 282 YA +52 19 283 HA +52 19 284 EF +52 19 285 KO +52 19 286 EF +52 19 287 KA +52 19 288 KO +52 19 289 YA +52 19 290 EF +52 19 291 MO +52 19 292 KO +52 19 293 EF +52 19 294 EF +52 19 295 HA +52 19 296 MO +52 19 297 KA +52 19 298 KO +52 19 299 YA +52 19 300 EF +52 19 301 YA +52 19 302 EF +52 19 303 YA +52 19 304 YA +52 19 305 KO +52 19 306 YA +52 19 307 YA +52 19 308 KO +52 19 309 HA +52 19 310 YA +52 19 311 MO +52 19 312 HA +52 19 313 MO +52 19 314 EF +52 19 315 YA +52 19 316 YA +52 19 317 KO +52 19 318 KA +52 19 319 EF +52 19 320 YA +52 19 321 KO +52 19 322 MO +52 19 323 YA +52 19 324 EF +52 19 325 KO +52 19 326 KA +52 19 327 EF +52 19 328 YA +52 19 329 KA +52 19 330 EF +52 20 1 MO +52 20 2 EF +52 20 3 KO +52 20 4 KO +52 20 5 YA +52 20 6 KA +52 20 7 YA +52 20 8 KO +52 20 9 KA +52 20 10 MO +52 20 11 YA +52 20 12 KA +52 20 13 YA +52 20 14 MO +52 20 15 EF +52 20 16 EF +52 20 17 KO +52 20 18 HA +52 20 19 MO +52 20 20 YA +52 20 21 KO +52 20 22 KA +52 20 23 MO +52 20 24 HA +52 20 25 YA +52 20 26 MO +52 20 27 EF +52 20 28 KO +52 20 29 YA +52 20 30 KA +52 20 31 EF +52 20 32 KO +52 20 33 YA +52 20 34 MO +52 20 35 KO +52 20 36 YA +52 20 37 MO +52 20 38 KO +52 20 39 YA +52 20 40 MO +52 20 41 KO +52 20 42 KA +52 20 43 HA +52 20 44 EF +52 20 45 YA +52 20 46 EF +52 20 47 YA +52 20 48 KA +52 20 49 MO +52 20 50 KO +52 20 51 KA +52 20 52 EF +52 20 53 KO +52 20 54 YA +52 20 55 MO +52 20 56 KA +52 20 57 YA +52 20 58 KA +52 20 59 EF +52 20 60 YA +52 20 61 KO +52 20 62 MO +52 20 63 KO +52 20 64 MO +52 20 65 KO +52 20 66 EF +52 20 67 YA +52 20 68 KO +52 20 69 YA +52 20 70 EF +52 20 71 KO +52 20 72 YA +52 20 73 MO +52 20 74 EF +52 20 75 YA +52 20 76 KO +52 20 77 MO +52 20 78 EF +52 20 79 HA +52 20 80 MO +52 20 81 YA +52 20 82 MO +52 20 83 EF +52 20 84 KO +52 20 85 YA +52 20 86 KO +52 20 87 HA +52 20 88 KO +52 20 89 HA +52 20 90 HA +52 20 91 KA +52 20 92 EF +52 20 93 MO +52 20 94 HA +52 20 95 EF +52 20 96 KA +52 20 97 MO +52 20 98 KO +52 20 99 EF +52 20 100 EF +52 20 101 KO +52 20 102 EF +52 20 103 YA +52 20 104 MO +52 20 105 KO +52 20 106 KA +52 20 107 EF +52 20 108 EF +52 20 109 MO +52 20 110 KA +52 20 111 HA +52 20 112 KO +52 20 113 HA +52 20 114 YA +52 20 115 KO +52 20 116 EF +52 20 117 HA +52 20 118 KO +52 20 119 YA +52 20 120 EF +52 20 121 KO +52 20 122 YA +52 20 123 HA +52 20 124 YA +52 20 125 KO +52 20 126 KO +52 20 127 HA +52 20 128 KA +52 20 129 EF +52 20 130 HA +52 20 131 MO +52 20 132 KO +52 20 133 YA +52 20 134 HA +52 20 135 KO +52 20 136 YA +52 20 137 YA +52 20 138 MO +52 20 139 EF +52 20 140 MO +52 20 141 EF +52 20 142 EF +52 20 143 YA +52 20 144 MO +52 20 145 YA +52 20 146 KA +52 20 147 YA +52 20 148 KO +52 20 149 YA +52 20 150 MO +52 20 151 KO +52 20 152 MO +52 20 153 MO +52 20 154 HA +52 20 155 HA +52 20 156 YA +52 20 157 HA +52 20 158 EF +52 20 159 KA +52 20 160 KO +52 20 161 YA +52 20 162 KO +52 20 163 YA +52 20 164 MO +52 20 165 HA +52 20 166 MO +52 20 167 EF +52 20 168 YA +52 20 169 MO +52 20 170 HA +52 20 171 YA +52 20 172 EF +52 20 173 KO +52 20 174 KA +52 20 175 EF +52 20 176 KO +52 20 177 KA +52 20 178 MO +52 20 179 KO +52 20 180 YA +52 20 181 KA +52 20 182 KO +52 20 183 KA +52 20 184 MO +52 20 185 KA +52 20 186 MO +52 20 187 KA +52 20 188 MO +52 20 189 EF +52 20 190 EF +52 20 191 YA +52 20 192 MO +52 20 193 KA +52 20 194 KO +52 20 195 YA +52 20 196 YA +52 20 197 MO +52 20 198 HA +52 20 199 EF +52 20 200 MO +52 20 201 KO +52 20 202 YA +52 20 203 KO +52 20 204 HA +52 20 205 MO +52 20 206 EF +52 20 207 KO +52 20 208 KA +52 20 209 YA +52 20 210 HA +52 20 211 MO +52 20 212 KA +52 20 213 EF +52 20 214 KA +52 20 215 KO +52 20 216 HA +52 20 217 EF +52 20 218 HA +52 20 219 EF +52 20 220 MO +52 20 221 EF +52 20 222 MO +52 20 223 YA +52 20 224 EF +52 20 225 HA +52 20 226 MO +52 20 227 HA +52 20 228 MO +52 20 229 EF +52 20 230 EF +52 20 231 KO +52 20 232 HA +52 20 233 MO +52 20 234 YA +52 20 235 MO +52 20 236 KA +52 20 237 EF +52 20 238 YA +52 20 239 KO +52 20 240 HA +52 20 241 EF +52 20 242 KA +52 20 243 KO +52 20 244 EF +52 20 245 KO +52 20 246 YA +52 20 247 MO +52 20 248 HA +52 20 249 YA +52 20 250 MO +52 20 251 YA +52 20 252 EF +52 20 253 YA +52 20 254 MO +52 20 255 HA +52 20 256 KO +52 20 257 MO +52 20 258 KA +52 20 259 KO +52 20 260 EF +52 20 261 KO +52 20 262 EF +52 20 263 EF +52 20 264 EF +52 20 265 YA +52 20 266 KO +52 20 267 KO +52 20 268 YA +52 20 269 KO +52 20 270 KA +52 20 271 HA +52 20 272 EF +52 20 273 KO +52 20 274 EF +52 20 275 HA +52 20 276 KO +52 20 277 MO +52 20 278 KO +52 20 279 MO +52 20 280 YA +52 20 281 YA +52 20 282 YA +52 20 283 HA +52 20 284 EF +52 20 285 EF +52 20 286 EF +52 20 287 HA +52 20 288 KO +52 20 289 MO +52 20 290 EF +52 20 291 MO +52 20 292 EF +52 20 293 EF +52 20 294 EF +52 20 295 HA +52 20 296 MO +52 20 297 KA +52 20 298 KO +52 20 299 YA +52 20 300 EF +52 20 301 YA +52 20 302 EF +52 20 303 EF +52 20 304 HA +52 20 305 MO +52 20 306 YA +52 20 307 MO +52 20 308 EF +52 20 309 HA +52 20 310 YA +52 20 311 MO +52 20 312 HA +52 20 313 MO +52 20 314 EF +52 20 315 YA +52 20 316 YA +52 20 317 KO +52 20 318 KA +52 20 319 EF +52 20 320 HA +52 20 321 KO +52 20 322 MO +52 20 323 YA +52 20 324 EF +52 20 325 KO +52 20 326 KA +52 20 327 EF +52 20 328 YA +52 20 329 HA +52 20 330 EF +52 21 1 MO +52 21 2 YA +52 21 3 KO +52 21 4 HO +52 21 5 YA +52 21 6 KA +52 21 7 YA +52 21 8 NU +52 21 9 KG +52 21 10 KU +52 21 11 YA +52 21 12 KA +52 21 13 YA +52 21 14 MO +52 21 15 KG +52 21 16 EF +52 21 17 FI +52 21 18 MS +52 21 19 MO +52 21 20 YA +52 21 21 NU +52 21 22 KA +52 21 23 HO +52 21 24 KG +52 21 25 YA +52 21 26 MO +52 21 27 EF +52 21 28 NU +52 21 29 YA +52 21 30 FI +52 21 31 YA +52 21 32 NU +52 21 33 YA +52 21 34 MO +52 21 35 FI +52 21 36 YA +52 21 37 MO +52 21 38 NU +52 21 39 YA +52 21 40 MO +52 21 41 KO +52 21 42 KA +52 21 43 MO +52 21 44 EF +52 21 45 YA +52 21 46 KG +52 21 47 YA +52 21 48 KA +52 21 49 MO +52 21 50 HO +52 21 51 KG +52 21 52 EF +52 21 53 NU +52 21 54 YA +52 21 55 MO +52 21 56 KG +52 21 57 YA +52 21 58 KG +52 21 59 KG +52 21 60 MO +52 21 61 NU +52 21 62 MO +52 21 63 KA +52 21 64 YA +52 21 65 NU +52 21 66 EF +52 21 67 YA +52 21 68 NU +52 21 69 KG +52 21 70 EF +52 21 71 NU +52 21 72 YA +52 21 73 MO +52 21 74 MO +52 21 75 YA +52 21 76 KA +52 21 77 YA +52 21 78 NU +52 21 79 HO +52 21 80 YA +52 21 81 YA +52 21 82 YA +52 21 83 EF +52 21 84 KG +52 21 85 YA +52 21 86 NU +52 21 87 HA +52 21 88 NU +52 21 89 HA +52 21 90 YA +52 21 91 KA +52 21 92 EF +52 21 93 MO +52 21 94 HA +52 21 95 EF +52 21 96 KA +52 21 97 MO +52 21 98 KO +52 21 99 KG +52 21 100 MO +52 21 101 NU +52 21 102 MS +52 21 103 YA +52 21 104 MO +52 21 105 NU +52 21 106 KA +52 21 107 EF +52 21 108 KG +52 21 109 MO +52 21 110 KA +52 21 111 YA +52 21 112 KO +52 21 113 HO +52 21 114 YA +52 21 115 KO +52 21 116 MS +52 21 117 HA +52 21 118 NU +52 21 119 YA +52 21 120 EF +52 21 121 KO +52 21 122 YA +52 21 123 MO +52 21 124 MO +52 21 125 FU +52 21 126 NU +52 21 127 MO +52 21 128 KA +52 21 129 EF +52 21 130 HA +52 21 131 NU +52 21 132 KO +52 21 133 YA +52 21 134 HA +52 21 135 NU +52 21 136 YA +52 21 137 YA +52 21 138 MO +52 21 139 EF +52 21 140 MO +52 21 141 EF +52 21 142 EF +52 21 143 YA +52 21 144 MO +52 21 145 YA +52 21 146 KA +52 21 147 YA +52 21 148 KO +52 21 149 YA +52 21 150 HO +52 21 151 FU +52 21 152 FU +52 21 153 YA +52 21 154 HA +52 21 155 KG +52 21 156 YA +52 21 157 KG +52 21 158 EF +52 21 159 KA +52 21 160 NU +52 21 161 YA +52 21 162 NU +52 21 163 YA +52 21 164 MO +52 21 165 KG +52 21 166 MO +52 21 167 MS +52 21 168 YA +52 21 169 MO +52 21 170 HA +52 21 171 YA +52 21 172 EF +52 21 173 NU +52 21 174 KA +52 21 175 MO +52 21 176 KO +52 21 177 AF +52 21 178 MO +52 21 179 FU +52 21 180 YA +52 21 181 KA +52 21 182 NU +52 21 183 KG +52 21 184 MO +52 21 185 FU +52 21 186 YA +52 21 187 KA +52 21 188 MO +52 21 189 MS +52 21 190 NU +52 21 191 YA +52 21 192 MO +52 21 193 KA +52 21 194 NU +52 21 195 YA +52 21 196 MS +52 21 197 NU +52 21 198 HA +52 21 199 EF +52 21 200 MS +52 21 201 NU +52 21 202 YA +52 21 203 NU +52 21 204 KG +52 21 205 MO +52 21 206 MS +52 21 207 NU +52 21 208 KA +52 21 209 YA +52 21 210 KG +52 21 211 MO +52 21 212 FU +52 21 213 MS +52 21 214 AF +52 21 215 NU +52 21 216 HA +52 21 217 FU +52 21 218 MS +52 21 219 EF +52 21 220 MO +52 21 221 MS +52 21 222 MO +52 21 223 YA +52 21 224 MS +52 21 225 YA +52 21 226 HO +52 21 227 HA +52 21 228 MO +52 21 229 MS +52 21 230 EF +52 21 231 MO +52 21 232 KG +52 21 233 MO +52 21 234 YA +52 21 235 HO +52 21 236 FU +52 21 237 FU +52 21 238 YA +52 21 239 FU +52 21 240 KA +52 21 241 EF +52 21 242 MS +52 21 243 NU +52 21 244 MO +52 21 245 KO +52 21 246 MO +52 21 247 MO +52 21 248 YA +52 21 249 YA +52 21 250 HO +52 21 251 YA +52 21 252 EF +52 21 253 YA +52 21 254 MS +52 21 255 HA +52 21 256 NU +52 21 257 MO +52 21 258 KA +52 21 259 FU +52 21 260 YA +52 21 261 FU +52 21 262 EF +52 21 263 KG +52 21 264 YA +52 21 265 YA +52 21 266 KG +52 21 267 MO +52 21 268 YA +52 21 269 NU +52 21 270 KA +52 21 271 YA +52 21 272 EF +52 21 273 NU +52 21 274 EF +52 21 275 KG +52 21 276 NU +52 21 277 YA +52 21 278 FU +52 21 279 MO +52 21 280 YA +52 21 281 YA +52 21 282 YA +52 21 283 KG +52 21 284 EF +52 21 285 NU +52 21 286 EF +52 21 287 KG +52 21 288 KO +52 21 289 YA +52 21 290 EF +52 21 291 MO +52 21 292 NU +52 21 293 MS +52 21 294 EF +52 21 295 KG +52 21 296 MO +52 21 297 KA +52 21 298 KO +52 21 299 MO +52 21 300 EF +52 21 301 YA +52 21 302 EF +52 21 303 KG +52 21 304 YA +52 21 305 MO +52 21 306 YA +52 21 307 MO +52 21 308 MO +52 21 309 KG +52 21 310 YA +52 21 311 MO +52 21 312 HA +52 21 313 MO +52 21 314 EF +52 21 315 YA +52 21 316 YA +52 21 317 NU +52 21 318 KA +52 21 319 EF +52 21 320 KG +52 21 321 KO +52 21 322 MO +52 21 323 YA +52 21 324 EF +52 21 325 NU +52 21 326 KG +52 21 327 MS +52 21 328 YA +52 21 329 KG +52 21 330 MS +52 22 1 MO +52 22 2 MO +52 22 3 YA +52 22 4 KO +52 22 5 HO +52 22 6 KA +52 22 7 KU +52 22 8 KO +52 22 9 KA +52 22 10 MO +52 22 11 YA +52 22 12 KA +52 22 13 HO +52 22 14 YA +52 22 15 EF +52 22 16 EF +52 22 17 KO +52 22 18 HA +52 22 19 YA +52 22 20 YA +52 22 21 NU +52 22 22 KA +52 22 23 HO +52 22 24 HA +52 22 25 YA +52 22 26 HO +52 22 27 EF +52 22 28 KO +52 22 29 MO +52 22 30 NU +52 22 31 EF +52 22 32 NU +52 22 33 YA +52 22 34 HO +52 22 35 NU +52 22 36 HO +52 22 37 YA +52 22 38 KO +52 22 39 HO +52 22 40 YA +52 22 41 KO +52 22 42 KA +52 22 43 HO +52 22 44 EF +52 22 45 YA +52 22 46 EF +52 22 47 HA +52 22 48 KA +52 22 49 YA +52 22 50 HO +52 22 51 NU +52 22 52 EF +52 22 53 KO +52 22 54 YA +52 22 55 HO +52 22 56 NU +52 22 57 HO +52 22 58 NU +52 22 59 EF +52 22 60 HA +52 22 61 KO +52 22 62 HO +52 22 63 NU +52 22 64 YA +52 22 65 KO +52 22 66 EF +52 22 67 YA +52 22 68 NU +52 22 69 KA +52 22 70 EF +52 22 71 KO +52 22 72 YA +52 22 73 HO +52 22 74 YA +52 22 75 HA +52 22 76 NU +52 22 77 YA +52 22 78 NU +52 22 79 HA +52 22 80 YA +52 22 81 YA +52 22 82 HO +52 22 83 HA +52 22 84 NU +52 22 85 YA +52 22 86 NU +52 22 87 HA +52 22 88 NU +52 22 89 HA +52 22 90 YA +52 22 91 KA +52 22 92 EF +52 22 93 HO +52 22 94 HA +52 22 95 EF +52 22 96 KA +52 22 97 HO +52 22 98 KO +52 22 99 EF +52 22 100 MO +52 22 101 KO +52 22 102 EF +52 22 103 HO +52 22 104 YA +52 22 105 NU +52 22 106 EF +52 22 107 EF +52 22 108 EF +52 22 109 HA +52 22 110 NU +52 22 111 MO +52 22 112 KO +52 22 113 HA +52 22 114 MO +52 22 115 KO +52 22 116 EF +52 22 117 HA +52 22 118 KO +52 22 119 MO +52 22 120 EF +52 22 121 KO +52 22 122 YA +52 22 123 YA +52 22 124 KA +52 22 125 KO +52 22 126 KO +52 22 127 HA +52 22 128 KA +52 22 129 EF +52 22 130 YA +52 22 131 HA +52 22 132 KO +52 22 133 YA +52 22 134 HA +52 22 135 MO +52 22 136 MO +52 22 137 YA +52 22 138 MO +52 22 139 EF +52 22 140 HA +52 22 141 EF +52 22 142 EF +52 22 143 YA +52 22 144 HA +52 22 145 YA +52 22 146 KA +52 22 147 YA +52 22 148 KO +52 22 149 YA +52 22 150 NU +52 22 151 NU +52 22 152 NU +52 22 153 MO +52 22 154 EF +52 22 155 HA +52 22 156 MO +52 22 157 NU +52 22 158 EF +52 22 159 NU +52 22 160 NU +52 22 161 YA +52 22 162 KO +52 22 163 YA +52 22 164 YA +52 22 165 YA +52 22 166 MO +52 22 167 EF +52 22 168 YA +52 22 169 MO +52 22 170 HA +52 22 171 MO +52 22 172 EF +52 22 173 NU +52 22 174 KA +52 22 175 MO +52 22 176 KO +52 22 177 KA +52 22 178 HO +52 22 179 KO +52 22 180 YA +52 22 181 NU +52 22 182 KO +52 22 183 KA +52 22 184 HA +52 22 185 KA +52 22 186 YA +52 22 187 KA +52 22 188 YA +52 22 189 EF +52 22 190 NU +52 22 191 YA +52 22 192 NU +52 22 193 KA +52 22 194 KO +52 22 195 YA +52 22 196 EF +52 22 197 MO +52 22 198 HA +52 22 199 EF +52 22 200 MO +52 22 201 NU +52 22 202 YA +52 22 203 KO +52 22 204 NU +52 22 205 MO +52 22 206 EF +52 22 207 KO +52 22 208 KA +52 22 209 YA +52 22 210 NU +52 22 211 MO +52 22 212 KA +52 22 213 EF +52 22 214 KA +52 22 215 KO +52 22 216 MO +52 22 217 KA +52 22 218 MO +52 22 219 EF +52 22 220 YA +52 22 221 EF +52 22 222 MO +52 22 223 MO +52 22 224 EF +52 22 225 KA +52 22 226 HA +52 22 227 HA +52 22 228 HA +52 22 229 YA +52 22 230 EF +52 22 231 NU +52 22 232 NU +52 22 233 YA +52 22 234 YA +52 22 235 HA +52 22 236 MO +52 22 237 KO +52 22 238 YA +52 22 239 NU +52 22 240 NU +52 22 241 EF +52 22 242 KA +52 22 243 KO +52 22 244 EF +52 22 245 KO +52 22 246 MO +52 22 247 HA +52 22 248 MO +52 22 249 MO +52 22 250 HO +52 22 251 YA +52 22 252 EF +52 22 253 YA +52 22 254 EF +52 22 255 HA +52 22 256 KO +52 22 257 MO +52 22 258 KA +52 22 259 KO +52 22 260 EF +52 22 261 NU +52 22 262 EF +52 22 263 EF +52 22 264 EF +52 22 265 MO +52 22 266 NU +52 22 267 NU +52 22 268 YA +52 22 269 NU +52 22 270 KA +52 22 271 MO +52 22 272 EF +52 22 273 NU +52 22 274 EF +52 22 275 KA +52 22 276 KO +52 22 277 YA +52 22 278 NU +52 22 279 HO +52 22 280 YA +52 22 281 YA +52 22 282 YA +52 22 283 NU +52 22 284 EF +52 22 285 KA +52 22 286 EF +52 22 287 KA +52 22 288 KO +52 22 289 MO +52 22 290 EF +52 22 291 YA +52 22 292 NU +52 22 293 EF +52 22 294 EF +52 22 295 NU +52 22 296 HO +52 22 297 KA +52 22 298 KO +52 22 299 MO +52 22 300 EF +52 22 301 MO +52 22 302 EF +52 22 303 EF +52 22 304 NU +52 22 305 NU +52 22 306 YA +52 22 307 MO +52 22 308 NU +52 22 309 HA +52 22 310 YA +52 22 311 MO +52 22 312 HA +52 22 313 MO +52 22 314 EF +52 22 315 YA +52 22 316 MO +52 22 317 KO +52 22 318 KA +52 22 319 EF +52 22 320 NU +52 22 321 KO +52 22 322 YA +52 22 323 YA +52 22 324 EF +52 22 325 NU +52 22 326 KA +52 22 327 EF +52 22 328 YA +52 22 329 NU +52 22 330 EF +52 23 1 MO +52 23 2 YA +52 23 3 HO +52 23 4 HG +52 23 5 YA +52 23 6 KA +52 23 7 YA +52 23 8 NU +52 23 9 HO +52 23 10 KU +52 23 11 YA +52 23 12 KA +52 23 13 YA +52 23 14 KU +52 23 15 HG +52 23 16 EF +52 23 17 KO +52 23 18 HO +52 23 19 MO +52 23 20 YA +52 23 21 KO +52 23 22 KA +52 23 23 HG +52 23 24 HG +52 23 25 MO +52 23 26 MO +52 23 27 EF +52 23 28 NU +52 23 29 YA +52 23 30 KA +52 23 31 HG +52 23 32 NU +52 23 33 YA +52 23 34 MO +52 23 35 NU +52 23 36 YA +52 23 37 MO +52 23 38 NU +52 23 39 YA +52 23 40 MO +52 23 41 KO +52 23 42 KA +52 23 43 KU +52 23 44 HG +52 23 45 YA +52 23 46 HG +52 23 47 YA +52 23 48 KA +52 23 49 MO +52 23 50 NU +52 23 51 KA +52 23 52 EF +52 23 53 NU +52 23 54 * +52 23 55 MO +52 23 56 YA +52 23 57 MO +52 23 58 KA +52 23 59 HG +52 23 60 KU +52 23 61 KO +52 23 62 HG +52 23 63 HG +52 23 64 MO +52 23 65 NU +52 23 66 EF +52 23 67 YA +52 23 68 NU +52 23 69 KA +52 23 70 HG +52 23 71 NU +52 23 72 YA +52 23 73 NU +52 23 74 HG +52 23 75 YA +52 23 76 KA +52 23 77 YA +52 23 78 HG +52 23 79 HO +52 23 80 MO +52 23 81 KA +52 23 82 YA +52 23 83 HG +52 23 84 KA +52 23 85 YA +52 23 86 NU +52 23 87 KU +52 23 88 NU +52 23 89 KU +52 23 90 YA +52 23 91 KA +52 23 92 EF +52 23 93 KU +52 23 94 KU +52 23 95 EF +52 23 96 KA +52 23 97 MO +52 23 98 KO +52 23 99 HG +52 23 100 YA +52 23 101 NU +52 23 102 HG +52 23 103 KA +52 23 104 MO +52 23 105 NU +52 23 106 KA +52 23 107 HG +52 23 108 YA +52 23 109 MO +52 23 110 KA +52 23 111 YA +52 23 112 KO +52 23 113 KU +52 23 114 YA +52 23 115 KO +52 23 116 HG +52 23 117 HI +52 23 118 NU +52 23 119 YA +52 23 120 EF +52 23 121 KO +52 23 122 YA +52 23 123 MO +52 23 124 KA +52 23 125 KO +52 23 126 NU +52 23 127 KU +52 23 128 KA +52 23 129 EF +52 23 130 HO +52 23 131 NU +52 23 132 KO +52 23 133 YA +52 23 134 HO +52 23 135 NU +52 23 136 YA +52 23 137 YA +52 23 138 HG +52 23 139 EF +52 23 140 KU +52 23 141 EF +52 23 142 HG +52 23 143 YA +52 23 144 KU +52 23 145 YA +52 23 146 KA +52 23 147 YA +52 23 148 KO +52 23 149 HG +52 23 150 HO +52 23 151 KO +52 23 152 HG +52 23 153 MO +52 23 154 KU +52 23 155 HI +52 23 156 YA +52 23 157 HI +52 23 158 EF +52 23 159 KA +52 23 160 NU +52 23 161 YA +52 23 162 KO +52 23 163 MO +52 23 164 KU +52 23 165 HO +52 23 166 MO +52 23 167 HG +52 23 168 YA +52 23 169 MO +52 23 170 KU +52 23 171 YA +52 23 172 EF +52 23 173 NU +52 23 174 KA +52 23 175 HG +52 23 176 KO +52 23 177 KO +52 23 178 KU +52 23 179 NU +52 23 180 YA +52 23 181 KA +52 23 182 NU +52 23 183 HG +52 23 184 MO +52 23 185 KA +52 23 186 KU +52 23 187 KA +52 23 188 YA +52 23 189 EF +52 23 190 HG +52 23 191 YA +52 23 192 HG +52 23 193 KA +52 23 194 NU +52 23 195 YA +52 23 196 MO +52 23 197 HG +52 23 198 HO +52 23 199 EF +52 23 200 MO +52 23 201 NU +52 23 202 YA +52 23 203 NU +52 23 204 KU +52 23 205 HO +52 23 206 EF +52 23 207 NU +52 23 208 KA +52 23 209 KU +52 23 210 NU +52 23 211 MO +52 23 212 KA +52 23 213 HG +52 23 214 KA +52 23 215 HG +52 23 216 YA +52 23 217 EF +52 23 218 KA +52 23 219 EF +52 23 220 MO +52 23 221 EF +52 23 222 HO +52 23 223 YA +52 23 224 EF +52 23 225 KA +52 23 226 YA +52 23 227 HO +52 23 228 MO +52 23 229 HG +52 23 230 EF +52 23 231 NU +52 23 232 KA +52 23 233 MO +52 23 234 YA +52 23 235 KU +52 23 236 KA +52 23 237 HG +52 23 238 YA +52 23 239 NU +52 23 240 KA +52 23 241 EF +52 23 242 KA +52 23 243 NU +52 23 244 EF +52 23 245 KO +52 23 246 YA +52 23 247 HO +52 23 248 YA +52 23 249 MO +52 23 250 KU +52 23 251 YA +52 23 252 EF +52 23 253 YA +52 23 254 HG +52 23 255 HI +52 23 256 KO +52 23 257 KU +52 23 258 KA +52 23 259 KO +52 23 260 KA +52 23 261 KO +52 23 262 EF +52 23 263 HI +52 23 264 HG +52 23 265 YA +52 23 266 KO +52 23 267 NU +52 23 268 YA +52 23 269 NU +52 23 270 KA +52 23 271 YA +52 23 272 EF +52 23 273 HG +52 23 274 EF +52 23 275 KA +52 23 276 NU +52 23 277 MO +52 23 278 KO +52 23 279 MO +52 23 280 YA +52 23 281 YA +52 23 282 YA +52 23 283 HG +52 23 284 EF +52 23 285 HG +52 23 286 EF +52 23 287 KA +52 23 288 KO +52 23 289 YA +52 23 290 EF +52 23 291 KU +52 23 292 EF +52 23 293 EF +52 23 294 HG +52 23 295 HO +52 23 296 MO +52 23 297 KA +52 23 298 KO +52 23 299 YA +52 23 300 EF +52 23 301 YA +52 23 302 EF +52 23 303 HG +52 23 304 YA +52 23 305 NU +52 23 306 YA +52 23 307 KU +52 23 308 MO +52 23 309 HG +52 23 310 YA +52 23 311 KU +52 23 312 HO +52 23 313 KU +52 23 314 EF +52 23 315 YA +52 23 316 MO +52 23 317 NU +52 23 318 KA +52 23 319 EF +52 23 320 KA +52 23 321 KO +52 23 322 KU +52 23 323 YA +52 23 324 EF +52 23 325 NU +52 23 326 KA +52 23 327 EF +52 23 328 YA +52 23 329 HG +52 23 330 EF +52 24 1 MO +52 24 2 HG +52 24 3 KO +52 24 4 HG +52 24 5 YA +52 24 6 EF +52 24 7 YA +52 24 8 NU +52 24 9 NU +52 24 10 KU +52 24 11 YA +52 24 12 KA +52 24 13 YA +52 24 14 MO +52 24 15 NU +52 24 16 EF +52 24 17 KO +52 24 18 HA +52 24 19 MO +52 24 20 YA +52 24 21 NU +52 24 22 KA +52 24 23 HO +52 24 24 EF +52 24 25 MO +52 24 26 HO +52 24 27 EF +52 24 28 KO +52 24 29 YA +52 24 30 NU +52 24 31 HG +52 24 32 NU +52 24 33 YA +52 24 34 HG +52 24 35 NU +52 24 36 YA +52 24 37 HG +52 24 38 KO +52 24 39 YA +52 24 40 MO +52 24 41 KO +52 24 42 KA +52 24 43 HO +52 24 44 EF +52 24 45 YA +52 24 46 HO +52 24 47 KU +52 24 48 KA +52 24 49 MO +52 24 50 NU +52 24 51 HG +52 24 52 EF +52 24 53 KO +52 24 54 YA +52 24 55 MO +52 24 56 HG +52 24 57 MO +52 24 58 EF +52 24 59 HG +52 24 60 HO +52 24 61 KO +52 24 62 MO +52 24 63 NU +52 24 64 MO +52 24 65 KO +52 24 66 EF +52 24 67 HG +52 24 68 NU +52 24 69 HG +52 24 70 EF +52 24 71 KO +52 24 72 YA +52 24 73 NU +52 24 74 EF +52 24 75 YA +52 24 76 KO +52 24 77 MO +52 24 78 HG +52 24 79 HA +52 24 80 MO +52 24 81 YA +52 24 82 HG +52 24 83 EF +52 24 84 NU +52 24 85 YA +52 24 86 NU +52 24 87 HO +52 24 88 NU +52 24 89 HO +52 24 90 HA +52 24 91 KA +52 24 92 EF +52 24 93 MO +52 24 94 HA +52 24 95 EF +52 24 96 KA +52 24 97 MO +52 24 98 KO +52 24 99 HG +52 24 100 EF +52 24 101 KO +52 24 102 HG +52 24 103 HA +52 24 104 HG +52 24 105 NU +52 24 106 KA +52 24 107 EF +52 24 108 EF +52 24 109 MO +52 24 110 KA +52 24 111 HA +52 24 112 KO +52 24 113 HA +52 24 114 YA +52 24 115 KO +52 24 116 HG +52 24 117 HA +52 24 118 NU +52 24 119 YA +52 24 120 EF +52 24 121 KO +52 24 122 YA +52 24 123 HA +52 24 124 KA +52 24 125 KO +52 24 126 HG +52 24 127 HO +52 24 128 KA +52 24 129 EF +52 24 130 HA +52 24 131 NU +52 24 132 KO +52 24 133 YA +52 24 134 HA +52 24 135 MO +52 24 136 MO +52 24 137 YA +52 24 138 MO +52 24 139 EF +52 24 140 HO +52 24 141 EF +52 24 142 HG +52 24 143 KA +52 24 144 KU +52 24 145 YA +52 24 146 KA +52 24 147 YA +52 24 148 KO +52 24 149 HG +52 24 150 MO +52 24 151 NU +52 24 152 HG +52 24 153 MO +52 24 154 HA +52 24 155 HA +52 24 156 YA +52 24 157 KA +52 24 158 EF +52 24 159 KA +52 24 160 NU +52 24 161 YA +52 24 162 KO +52 24 163 KU +52 24 164 MO +52 24 165 HA +52 24 166 KU +52 24 167 HG +52 24 168 YA +52 24 169 MO +52 24 170 HA +52 24 171 KU +52 24 172 EF +52 24 173 NU +52 24 174 KA +52 24 175 HG +52 24 176 KO +52 24 177 EF +52 24 178 MO +52 24 179 KO +52 24 180 YA +52 24 181 KA +52 24 182 KO +52 24 183 HO +52 24 184 MO +52 24 185 KA +52 24 186 HG +52 24 187 KA +52 24 188 MO +52 24 189 EF +52 24 190 NU +52 24 191 YA +52 24 192 KU +52 24 193 KA +52 24 194 KO +52 24 195 YA +52 24 196 HG +52 24 197 EF +52 24 198 HA +52 24 199 EF +52 24 200 HG +52 24 201 NU +52 24 202 YA +52 24 203 NU +52 24 204 HA +52 24 205 HG +52 24 206 EF +52 24 207 KO +52 24 208 KA +52 24 209 YA +52 24 210 KO +52 24 211 MO +52 24 212 KA +52 24 213 HG +52 24 214 KA +52 24 215 HG +52 24 216 HA +52 24 217 NU +52 24 218 KA +52 24 219 EF +52 24 220 HO +52 24 221 EF +52 24 222 HA +52 24 223 YA +52 24 224 EF +52 24 225 KA +52 24 226 KU +52 24 227 HA +52 24 228 KU +52 24 229 YA +52 24 230 EF +52 24 231 NU +52 24 232 KA +52 24 233 MO +52 24 234 YA +52 24 235 KU +52 24 236 KA +52 24 237 KA +52 24 238 KU +52 24 239 NU +52 24 240 KO +52 24 241 EF +52 24 242 KA +52 24 243 KO +52 24 244 EF +52 24 245 KO +52 24 246 YA +52 24 247 HG +52 24 248 HA +52 24 249 YA +52 24 250 HG +52 24 251 YA +52 24 252 EF +52 24 253 MO +52 24 254 KU +52 24 255 HA +52 24 256 KO +52 24 257 KU +52 24 258 KA +52 24 259 KO +52 24 260 EF +52 24 261 KO +52 24 262 EF +52 24 263 HA +52 24 264 HG +52 24 265 YA +52 24 266 KO +52 24 267 NU +52 24 268 YA +52 24 269 NU +52 24 270 KA +52 24 271 YA +52 24 272 EF +52 24 273 NU +52 24 274 EF +52 24 275 KA +52 24 276 KO +52 24 277 KU +52 24 278 KA +52 24 279 KU +52 24 280 YA +52 24 281 YA +52 24 282 YA +52 24 283 HA +52 24 284 EF +52 24 285 HG +52 24 286 EF +52 24 287 HA +52 24 288 KO +52 24 289 MO +52 24 290 HG +52 24 291 KU +52 24 292 HG +52 24 293 EF +52 24 294 EF +52 24 295 KA +52 24 296 KU +52 24 297 KA +52 24 298 KO +52 24 299 YA +52 24 300 EF +52 24 301 YA +52 24 302 HG +52 24 303 HG +52 24 304 YA +52 24 305 NU +52 24 306 YA +52 24 307 MO +52 24 308 HG +52 24 309 HA +52 24 310 YA +52 24 311 KU +52 24 312 HA +52 24 313 HO +52 24 314 EF +52 24 315 YA +52 24 316 HA +52 24 317 KO +52 24 318 KA +52 24 319 EF +52 24 320 KA +52 24 321 KO +52 24 322 MO +52 24 323 YA +52 24 324 EF +52 24 325 MO +52 24 326 KA +52 24 327 HG +52 24 328 HA +52 24 329 NU +52 24 330 HG +52 25 1 MO +52 25 2 YA +52 25 3 KO +52 25 4 VS +52 25 5 KU +52 25 6 KA +52 25 7 YA +52 25 8 KO +52 25 9 HA +52 25 10 MO +52 25 11 MO +52 25 12 KA +52 25 13 YA +52 25 14 MO +52 25 15 HG +52 25 16 HG +52 25 17 KO +52 25 18 HA +52 25 19 MO +52 25 20 YA +52 25 21 KO +52 25 22 EF +52 25 23 FI +52 25 24 HA +52 25 25 YA +52 25 26 MO +52 25 27 HG +52 25 28 FI +52 25 29 YA +52 25 30 FI +52 25 31 HG +52 25 32 FI +52 25 33 YA +52 25 34 MO +52 25 35 FI +52 25 36 YA +52 25 37 MO +52 25 38 FI +52 25 39 YA +52 25 40 HG +52 25 41 KO +52 25 42 KA +52 25 43 MO +52 25 44 HG +52 25 45 YA +52 25 46 PK +52 25 47 HA +52 25 48 KA +52 25 49 KU +52 25 50 FI +52 25 51 HI +52 25 52 EF +52 25 53 FI +52 25 54 YA +52 25 55 KU +52 25 56 KA +52 25 57 YA +52 25 58 YA +52 25 59 HG +52 25 60 YA +52 25 61 FI +52 25 62 HG +52 25 63 FI +52 25 64 MO +52 25 65 FI +52 25 66 EF +52 25 67 YA +52 25 68 FI +52 25 69 YA +52 25 70 EF +52 25 71 FI +52 25 72 YA +52 25 73 MO +52 25 74 HG +52 25 75 YA +52 25 76 FI +52 25 77 MO +52 25 78 HG +52 25 79 HI +52 25 80 MO +52 25 81 YA +52 25 82 YA +52 25 83 EF +52 25 84 FI +52 25 85 YA +52 25 86 FI +52 25 87 HA +52 25 88 FI +52 25 89 HA +52 25 90 HA +52 25 91 YA +52 25 92 HG +52 25 93 MO +52 25 94 HA +52 25 95 EF +52 25 96 KA +52 25 97 MO +52 25 98 FI +52 25 99 EF +52 25 100 YA +52 25 101 FI +52 25 102 EF +52 25 103 YA +52 25 104 MO +52 25 105 FI +52 25 106 KA +52 25 107 EF +52 25 108 EF +52 25 109 KU +52 25 110 KA +52 25 111 HA +52 25 112 FI +52 25 113 HI +52 25 114 YA +52 25 115 FI +52 25 116 HG +52 25 117 HA +52 25 118 FI +52 25 119 YA +52 25 120 EF +52 25 121 FI +52 25 122 YA +52 25 123 YA +52 25 124 KA +52 25 125 FI +52 25 126 FI +52 25 127 HA +52 25 128 KA +52 25 129 EF +52 25 130 HA +52 25 131 KU +52 25 132 FI +52 25 133 YA +52 25 134 HA +52 25 135 MO +52 25 136 YA +52 25 137 YA +52 25 138 MO +52 25 139 HG +52 25 140 KU +52 25 141 HG +52 25 142 HG +52 25 143 YA +52 25 144 MO +52 25 145 YA +52 25 146 KA +52 25 147 KU +52 25 148 KO +52 25 149 YA +52 25 150 KU +52 25 151 KO +52 25 152 MO +52 25 153 KU +52 25 154 HA +52 25 155 HA +52 25 156 YA +52 25 157 HA +52 25 158 EF +52 25 159 KA +52 25 160 MO +52 25 161 YA +52 25 162 KO +52 25 163 KU +52 25 164 MO +52 25 165 YA +52 25 166 KU +52 25 167 HG +52 25 168 YA +52 25 169 MO +52 25 170 HA +52 25 171 YA +52 25 172 EF +52 25 173 PS +52 25 174 KA +52 25 175 EF +52 25 176 PS +52 25 177 KA +52 25 178 MO +52 25 179 KO +52 25 180 YA +52 25 181 KA +52 25 182 KU +52 25 183 KA +52 25 184 MO +52 25 185 KA +52 25 186 YA +52 25 187 KA +52 25 188 MO +52 25 189 EF +52 25 190 PS +52 25 191 FN +52 25 192 MO +52 25 193 YA +52 25 194 PS +52 25 195 YA +52 25 196 HG +52 25 197 MO +52 25 198 HA +52 25 199 EF +52 25 200 HG +52 25 201 FI +52 25 202 YA +52 25 203 PS +52 25 204 HA +52 25 205 MO +52 25 206 EF +52 25 207 PS +52 25 208 KA +52 25 209 FN +52 25 210 PS +52 25 211 KU +52 25 212 KA +52 25 213 HG +52 25 214 YA +52 25 215 FI +52 25 216 YA +52 25 217 HG +52 25 218 YA +52 25 219 EF +52 25 220 MO +52 25 221 EF +52 25 222 MO +52 25 223 YA +52 25 224 HG +52 25 225 YA +52 25 226 FN +52 25 227 HA +52 25 228 FN +52 25 229 HG +52 25 230 HG +52 25 231 MO +52 25 232 KA +52 25 233 HG +52 25 234 YA +52 25 235 MO +52 25 236 KA +52 25 237 HG +52 25 238 MO +52 25 239 HG +52 25 240 HI +52 25 241 HG +52 25 242 KA +52 25 243 FI +52 25 244 EF +52 25 245 KO +52 25 246 FN +52 25 247 MO +52 25 248 YA +52 25 249 YA +52 25 250 KU +52 25 251 YA +52 25 252 HG +52 25 253 YA +52 25 254 HG +52 25 255 HA +52 25 256 PS +52 25 257 KU +52 25 258 KA +52 25 259 PS +52 25 260 EF +52 25 261 KA +52 25 262 EF +52 25 263 HG +52 25 264 HG +52 25 265 YA +52 25 266 PS +52 25 267 FN +52 25 268 YA +52 25 269 MO +52 25 270 KA +52 25 271 YA +52 25 272 EF +52 25 273 MO +52 25 274 HG +52 25 275 KA +52 25 276 KO +52 25 277 FN +52 25 278 PS +52 25 279 FN +52 25 280 YA +52 25 281 YA +52 25 282 YA +52 25 283 HA +52 25 284 EF +52 25 285 PS +52 25 286 EF +52 25 287 KA +52 25 288 KO +52 25 289 MO +52 25 290 HG +52 25 291 KU +52 25 292 PS +52 25 293 EF +52 25 294 EF +52 25 295 HA +52 25 296 FN +52 25 297 KA +52 25 298 PS +52 25 299 YA +52 25 300 HG +52 25 301 MO +52 25 302 HG +52 25 303 HG +52 25 304 YA +52 25 305 MO +52 25 306 YA +52 25 307 MO +52 25 308 HG +52 25 309 HA +52 25 310 YA +52 25 311 FN +52 25 312 HA +52 25 313 KU +52 25 314 HG +52 25 315 YA +52 25 316 MO +52 25 317 PS +52 25 318 KA +52 25 319 EF +52 25 320 YA +52 25 321 KO +52 25 322 KU +52 25 323 KU +52 25 324 HG +52 25 325 MO +52 25 326 KA +52 25 327 EF +52 25 328 YA +52 25 329 KA +52 25 330 EF +53 1 1 T +53 1 2 T +53 1 3 B +53 1 4 B +53 1 5 T +53 1 6 T +53 1 7 T +53 1 8 B +53 1 9 Q +53 1 10 T +53 1 11 T +53 1 12 T +53 1 13 T +53 1 14 T +53 1 15 I +53 1 16 K +53 1 17 I +53 1 18 B +53 1 19 T +53 1 20 T +53 1 21 I +53 1 22 T +53 1 23 T +53 1 24 T +53 1 25 T +53 1 26 K +53 1 27 K +53 1 28 I +53 1 29 T +53 1 30 I +53 1 31 T +53 1 32 I +53 1 33 T +53 1 34 T +53 1 35 I +53 1 36 T +53 1 37 T +53 1 38 I +53 1 39 T +53 1 40 T +53 1 41 I +53 1 42 T +53 1 43 T +53 1 44 U +53 1 45 T +53 1 46 T +53 1 47 B +53 1 48 T +53 1 49 T +53 1 50 I +53 1 51 B +53 1 52 T +53 1 53 I +53 1 54 T +53 1 55 T +53 1 56 I +53 1 57 T +53 1 58 Q +53 1 59 K +53 1 60 B +53 1 61 B +53 1 62 Q +53 1 63 I +53 1 64 T +53 1 65 I +53 1 66 K +53 1 67 T +53 1 68 T +53 1 69 T +53 1 70 K +53 1 71 I +53 1 72 T +53 1 73 T +53 1 74 T +53 1 75 B +53 1 76 I +53 1 77 T +53 1 78 T +53 1 79 Q +53 1 80 T +53 1 81 T +53 1 82 T +53 1 83 K +53 1 84 T +53 1 85 T +53 1 86 T +53 1 87 Q +53 1 88 T +53 1 89 B +53 1 90 Q +53 1 91 T +53 1 92 K +53 1 93 T +53 1 94 B +53 1 95 U +53 1 96 T +53 1 97 T +53 1 98 I +53 1 99 I +53 1 100 U +53 1 101 B +53 1 102 K +53 1 103 T +53 1 104 T +53 1 105 I +53 1 106 T +53 1 107 K +53 1 108 K +53 1 109 T +53 1 110 T +53 1 111 B +53 1 112 I +53 1 113 B +53 1 114 T +53 1 115 T +53 1 116 T +53 1 117 T +53 1 118 I +53 1 119 T +53 1 120 K +53 1 121 I +53 1 122 T +53 1 123 T +53 1 124 T +53 1 125 I +53 1 126 I +53 1 127 B +53 1 128 T +53 1 129 K +53 1 130 I +53 1 131 I +53 1 132 I +53 1 133 T +53 1 134 B +53 1 135 I +53 1 136 T +53 1 137 T +53 1 138 T +53 1 139 K +53 1 140 T +53 1 141 K +53 1 142 K +53 1 143 T +53 1 144 B +53 1 145 T +53 1 146 T +53 1 147 T +53 1 148 I +53 1 149 T +53 1 150 B +53 1 151 I +53 1 152 T +53 1 153 T +53 1 154 B +53 1 155 B +53 1 156 T +53 1 157 B +53 1 158 K +53 1 159 U +53 1 160 I +53 1 161 T +53 1 162 I +53 1 163 T +53 1 164 T +53 1 165 B +53 1 166 T +53 1 167 Q +53 1 168 T +53 1 169 T +53 1 170 B +53 1 171 T +53 1 172 K +53 1 173 I +53 1 174 T +53 1 175 T +53 1 176 I +53 1 177 T +53 1 178 T +53 1 179 I +53 1 180 T +53 1 181 T +53 1 182 I +53 1 183 T +53 1 184 T +53 1 185 I +53 1 186 T +53 1 187 T +53 1 188 T +53 1 189 T +53 1 190 I +53 1 191 T +53 1 192 T +53 1 193 T +53 1 194 I +53 1 195 T +53 1 196 T +53 1 197 T +53 1 198 T +53 1 199 T +53 1 200 T +53 1 201 T +53 1 202 T +53 1 203 T +53 1 204 B +53 1 205 T +53 1 206 K +53 1 207 I +53 1 208 T +53 1 209 B +53 1 210 I +53 1 211 T +53 1 212 T +53 1 213 T +53 1 214 T +53 1 215 T +53 1 216 B +53 1 217 T +53 1 218 T +53 1 219 K +53 1 220 T +53 1 221 U +53 1 222 T +53 1 223 T +53 1 224 K +53 1 225 T +53 1 226 T +53 1 227 B +53 1 228 T +53 1 229 T +53 1 230 K +53 1 231 T +53 1 232 T +53 1 233 T +53 1 234 T +53 1 235 T +53 1 236 T +53 1 237 K +53 1 238 T +53 1 239 I +53 1 240 I +53 1 241 U +53 1 242 T +53 1 243 I +53 1 244 T +53 1 245 I +53 1 246 T +53 1 247 T +53 1 248 T +53 1 249 T +53 1 250 Q +53 1 251 T +53 1 252 U +53 1 253 T +53 1 254 T +53 1 255 B +53 1 256 I +53 1 257 T +53 1 258 T +53 1 259 I +53 1 260 K +53 1 261 I +53 1 262 K +53 1 263 K +53 1 264 K +53 1 265 T +53 1 266 I +53 1 267 I +53 1 268 T +53 1 269 I +53 1 270 T +53 1 271 T +53 1 272 K +53 1 273 T +53 1 274 K +53 1 275 T +53 1 276 I +53 1 277 T +53 1 278 I +53 1 279 T +53 1 280 T +53 1 281 T +53 1 282 T +53 1 283 T +53 1 284 U +53 1 285 I +53 1 286 U +53 1 287 T +53 1 288 I +53 1 289 T +53 1 290 T +53 1 291 T +53 1 292 I +53 1 293 U +53 1 294 U +53 1 295 T +53 1 296 T +53 1 297 T +53 1 298 I +53 1 299 T +53 1 300 Q +53 1 301 T +53 1 302 U +53 1 303 U +53 1 304 T +53 1 305 I +53 1 306 T +53 1 307 T +53 1 308 T +53 1 309 T +53 1 310 T +53 1 311 T +53 1 312 B +53 1 313 T +53 1 314 U +53 1 315 T +53 1 316 T +53 1 317 I +53 1 318 I +53 1 319 U +53 1 320 T +53 1 321 I +53 1 322 T +53 1 323 T +53 1 324 U +53 1 325 I +53 1 326 T +53 1 327 U +53 1 328 T +53 1 329 T +53 1 330 U +53 2 1 T +53 2 2 T +53 2 3 I +53 2 4 B +53 2 5 T +53 2 6 T +53 2 7 T +53 2 8 I +53 2 9 * +53 2 10 B +53 2 11 T +53 2 12 T +53 2 13 T +53 2 14 B +53 2 15 I +53 2 16 K +53 2 17 I +53 2 18 B +53 2 19 T +53 2 20 T +53 2 21 I +53 2 22 T +53 2 23 T +53 2 24 T +53 2 25 T +53 2 26 K +53 2 27 K +53 2 28 I +53 2 29 T +53 2 30 I +53 2 31 T +53 2 32 I +53 2 33 T +53 2 34 T +53 2 35 I +53 2 36 T +53 2 37 T +53 2 38 I +53 2 39 T +53 2 40 T +53 2 41 I +53 2 42 T +53 2 43 T +53 2 44 I +53 2 45 T +53 2 46 T +53 2 47 T +53 2 48 T +53 2 49 T +53 2 50 I +53 2 51 B +53 2 52 T +53 2 53 I +53 2 54 T +53 2 55 T +53 2 56 I +53 2 57 T +53 2 58 Q +53 2 59 K +53 2 60 B +53 2 61 I +53 2 62 Q +53 2 63 I +53 2 64 T +53 2 65 I +53 2 66 K +53 2 67 T +53 2 68 T +53 2 69 T +53 2 70 K +53 2 71 I +53 2 72 T +53 2 73 T +53 2 74 T +53 2 75 I +53 2 76 Q +53 2 77 T +53 2 78 T +53 2 79 Q +53 2 80 T +53 2 81 T +53 2 82 T +53 2 83 K +53 2 84 T +53 2 85 T +53 2 86 T +53 2 87 Q +53 2 88 T +53 2 89 B +53 2 90 Q +53 2 91 T +53 2 92 K +53 2 93 T +53 2 94 B +53 2 95 U +53 2 96 T +53 2 97 T +53 2 98 I +53 2 99 I +53 2 100 U +53 2 101 B +53 2 102 K +53 2 103 T +53 2 104 T +53 2 105 I +53 2 106 T +53 2 107 K +53 2 108 K +53 2 109 T +53 2 110 T +53 2 111 B +53 2 112 I +53 2 113 B +53 2 114 T +53 2 115 T +53 2 116 T +53 2 117 T +53 2 118 I +53 2 119 T +53 2 120 K +53 2 121 I +53 2 122 T +53 2 123 T +53 2 124 T +53 2 125 I +53 2 126 I +53 2 127 B +53 2 128 T +53 2 129 K +53 2 130 I +53 2 131 I +53 2 132 I +53 2 133 T +53 2 134 B +53 2 135 I +53 2 136 T +53 2 137 T +53 2 138 T +53 2 139 K +53 2 140 T +53 2 141 K +53 2 142 U +53 2 143 T +53 2 144 B +53 2 145 T +53 2 146 T +53 2 147 T +53 2 148 I +53 2 149 T +53 2 150 B +53 2 151 I +53 2 152 T +53 2 153 T +53 2 154 B +53 2 155 B +53 2 156 T +53 2 157 B +53 2 158 K +53 2 159 U +53 2 160 I +53 2 161 T +53 2 162 I +53 2 163 T +53 2 164 T +53 2 165 B +53 2 166 T +53 2 167 Q +53 2 168 T +53 2 169 T +53 2 170 B +53 2 171 T +53 2 172 K +53 2 173 I +53 2 174 T +53 2 175 T +53 2 176 I +53 2 177 T +53 2 178 T +53 2 179 I +53 2 180 T +53 2 181 T +53 2 182 I +53 2 183 T +53 2 184 T +53 2 185 I +53 2 186 T +53 2 187 T +53 2 188 T +53 2 189 T +53 2 190 I +53 2 191 T +53 2 192 T +53 2 193 T +53 2 194 I +53 2 195 T +53 2 196 T +53 2 197 T +53 2 198 T +53 2 199 T +53 2 200 T +53 2 201 T +53 2 202 T +53 2 203 T +53 2 204 B +53 2 205 T +53 2 206 K +53 2 207 I +53 2 208 T +53 2 209 T +53 2 210 I +53 2 211 T +53 2 212 T +53 2 213 T +53 2 214 T +53 2 215 T +53 2 216 B +53 2 217 T +53 2 218 T +53 2 219 K +53 2 220 T +53 2 221 U +53 2 222 T +53 2 223 T +53 2 224 K +53 2 225 T +53 2 226 T +53 2 227 B +53 2 228 T +53 2 229 T +53 2 230 K +53 2 231 T +53 2 232 T +53 2 233 T +53 2 234 T +53 2 235 T +53 2 236 T +53 2 237 U +53 2 238 T +53 2 239 I +53 2 240 I +53 2 241 U +53 2 242 T +53 2 243 I +53 2 244 T +53 2 245 I +53 2 246 T +53 2 247 T +53 2 248 T +53 2 249 T +53 2 250 I +53 2 251 T +53 2 252 U +53 2 253 T +53 2 254 T +53 2 255 B +53 2 256 I +53 2 257 T +53 2 258 T +53 2 259 B +53 2 260 K +53 2 261 I +53 2 262 K +53 2 263 K +53 2 264 K +53 2 265 T +53 2 266 I +53 2 267 I +53 2 268 T +53 2 269 I +53 2 270 T +53 2 271 T +53 2 272 K +53 2 273 T +53 2 274 K +53 2 275 T +53 2 276 I +53 2 277 T +53 2 278 I +53 2 279 T +53 2 280 T +53 2 281 T +53 2 282 T +53 2 283 T +53 2 284 U +53 2 285 I +53 2 286 U +53 2 287 T +53 2 288 I +53 2 289 T +53 2 290 T +53 2 291 T +53 2 292 I +53 2 293 U +53 2 294 U +53 2 295 T +53 2 296 T +53 2 297 Q +53 2 298 T +53 2 299 Q +53 2 300 T +53 2 301 U +53 2 302 U +53 2 303 T +53 2 304 I +53 2 305 T +53 2 306 T +53 2 307 T +53 2 308 T +53 2 309 T +53 2 310 T +53 2 311 T +53 2 312 B +53 2 313 T +53 2 314 U +53 2 315 T +53 2 316 T +53 2 317 I +53 2 318 I +53 2 319 U +53 2 320 T +53 2 321 I +53 2 322 T +53 2 323 T +53 2 324 I +53 2 325 I +53 2 326 T +53 2 327 U +53 2 328 Q +53 2 329 T +53 2 330 U +53 3 1 T +53 3 2 T +53 3 3 I +53 3 4 B +53 3 5 T +53 3 6 T +53 3 7 T +53 3 8 I +53 3 9 Q +53 3 10 T +53 3 11 T +53 3 12 T +53 3 13 T +53 3 14 T +53 3 15 I +53 3 16 K +53 3 17 A +53 3 18 B +53 3 19 T +53 3 20 T +53 3 21 I +53 3 22 T +53 3 23 T +53 3 24 T +53 3 25 T +53 3 26 K +53 3 27 K +53 3 28 I +53 3 29 T +53 3 30 * +53 3 31 T +53 3 32 I +53 3 33 T +53 3 34 T +53 3 35 I +53 3 36 T +53 3 37 T +53 3 38 I +53 3 39 T +53 3 40 T +53 3 41 I +53 3 42 T +53 3 43 T +53 3 44 K +53 3 45 T +53 3 46 T +53 3 47 T +53 3 48 T +53 3 49 T +53 3 50 I +53 3 51 B +53 3 52 T +53 3 53 I +53 3 54 T +53 3 55 T +53 3 56 I +53 3 57 T +53 3 58 Q +53 3 59 K +53 3 60 B +53 3 61 I +53 3 62 Q +53 3 63 Q +53 3 64 T +53 3 65 I +53 3 66 K +53 3 67 T +53 3 68 T +53 3 69 T +53 3 70 K +53 3 71 I +53 3 72 T +53 3 73 T +53 3 74 T +53 3 75 B +53 3 76 I +53 3 77 T +53 3 78 T +53 3 79 Q +53 3 80 T +53 3 81 T +53 3 82 T +53 3 83 K +53 3 84 T +53 3 85 T +53 3 86 T +53 3 87 I +53 3 88 T +53 3 89 B +53 3 90 Q +53 3 91 T +53 3 92 K +53 3 93 T +53 3 94 B +53 3 95 U +53 3 96 T +53 3 97 T +53 3 98 I +53 3 99 I +53 3 100 U +53 3 101 B +53 3 102 K +53 3 103 T +53 3 104 T +53 3 105 I +53 3 106 T +53 3 107 K +53 3 108 K +53 3 109 T +53 3 110 T +53 3 111 B +53 3 112 I +53 3 113 B +53 3 114 T +53 3 115 T +53 3 116 T +53 3 117 T +53 3 118 I +53 3 119 T +53 3 120 K +53 3 121 I +53 3 122 T +53 3 123 T +53 3 124 T +53 3 125 I +53 3 126 I +53 3 127 B +53 3 128 T +53 3 129 K +53 3 130 I +53 3 131 I +53 3 132 T +53 3 133 T +53 3 134 B +53 3 135 I +53 3 136 T +53 3 137 T +53 3 138 T +53 3 139 K +53 3 140 T +53 3 141 K +53 3 142 U +53 3 143 T +53 3 144 B +53 3 145 T +53 3 146 T +53 3 147 T +53 3 148 I +53 3 149 T +53 3 150 B +53 3 151 I +53 3 152 T +53 3 153 T +53 3 154 B +53 3 155 B +53 3 156 T +53 3 157 B +53 3 158 K +53 3 159 U +53 3 160 I +53 3 161 T +53 3 162 I +53 3 163 T +53 3 164 T +53 3 165 B +53 3 166 T +53 3 167 Q +53 3 168 T +53 3 169 T +53 3 170 B +53 3 171 T +53 3 172 K +53 3 173 I +53 3 174 T +53 3 175 T +53 3 176 I +53 3 177 T +53 3 178 T +53 3 179 B +53 3 180 T +53 3 181 T +53 3 182 I +53 3 183 T +53 3 184 T +53 3 185 I +53 3 186 T +53 3 187 T +53 3 188 T +53 3 189 T +53 3 190 I +53 3 191 T +53 3 192 T +53 3 193 T +53 3 194 I +53 3 195 T +53 3 196 T +53 3 197 T +53 3 198 T +53 3 199 T +53 3 200 T +53 3 201 T +53 3 202 T +53 3 203 T +53 3 204 B +53 3 205 T +53 3 206 K +53 3 207 I +53 3 208 T +53 3 209 T +53 3 210 B +53 3 211 T +53 3 212 * +53 3 213 T +53 3 214 T +53 3 215 * +53 3 216 B +53 3 217 T +53 3 218 T +53 3 219 K +53 3 220 T +53 3 221 U +53 3 222 T +53 3 223 T +53 3 224 K +53 3 225 T +53 3 226 T +53 3 227 B +53 3 228 T +53 3 229 T +53 3 230 K +53 3 231 T +53 3 232 T +53 3 233 T +53 3 234 T +53 3 235 T +53 3 236 T +53 3 237 U +53 3 238 T +53 3 239 U +53 3 240 I +53 3 241 U +53 3 242 T +53 3 243 I +53 3 244 T +53 3 245 I +53 3 246 T +53 3 247 T +53 3 248 T +53 3 249 T +53 3 250 Q +53 3 251 T +53 3 252 U +53 3 253 T +53 3 254 T +53 3 255 B +53 3 256 I +53 3 257 T +53 3 258 T +53 3 259 I +53 3 260 K +53 3 261 I +53 3 262 K +53 3 263 K +53 3 264 K +53 3 265 T +53 3 266 I +53 3 267 I +53 3 268 T +53 3 269 I +53 3 270 T +53 3 271 T +53 3 272 K +53 3 273 T +53 3 274 K +53 3 275 T +53 3 276 I +53 3 277 T +53 3 278 I +53 3 279 T +53 3 280 T +53 3 281 T +53 3 282 T +53 3 283 T +53 3 284 U +53 3 285 I +53 3 286 U +53 3 287 T +53 3 288 I +53 3 289 T +53 3 290 T +53 3 291 T +53 3 292 I +53 3 293 U +53 3 294 U +53 3 295 T +53 3 296 T +53 3 297 T +53 3 298 I +53 3 299 T +53 3 300 Q +53 3 301 T +53 3 302 U +53 3 303 U +53 3 304 T +53 3 305 I +53 3 306 T +53 3 307 T +53 3 308 T +53 3 309 T +53 3 310 T +53 3 311 T +53 3 312 B +53 3 313 T +53 3 314 U +53 3 315 T +53 3 316 T +53 3 317 I +53 3 318 I +53 3 319 U +53 3 320 T +53 3 321 I +53 3 322 T +53 3 323 T +53 3 324 I +53 3 325 I +53 3 326 T +53 3 327 U +53 3 328 Q +53 3 329 T +53 3 330 U +53 4 1 T +53 4 2 T +53 4 3 I +53 4 4 B +53 4 5 T +53 4 6 T +53 4 7 T +53 4 8 B +53 4 9 Q +53 4 10 T +53 4 11 T +53 4 12 T +53 4 13 T +53 4 14 T +53 4 15 I +53 4 16 K +53 4 17 I +53 4 18 B +53 4 19 T +53 4 20 T +53 4 21 I +53 4 22 T +53 4 23 T +53 4 24 T +53 4 25 T +53 4 26 K +53 4 27 K +53 4 28 I +53 4 29 T +53 4 30 Q +53 4 31 T +53 4 32 I +53 4 33 T +53 4 34 T +53 4 35 I +53 4 36 T +53 4 37 T +53 4 38 I +53 4 39 T +53 4 40 T +53 4 41 I +53 4 42 T +53 4 43 T +53 4 44 Q +53 4 45 T +53 4 46 T +53 4 47 B +53 4 48 T +53 4 49 T +53 4 50 I +53 4 51 B +53 4 52 T +53 4 53 I +53 4 54 T +53 4 55 T +53 4 56 I +53 4 57 T +53 4 58 Q +53 4 59 K +53 4 60 B +53 4 61 I +53 4 62 T +53 4 63 Q +53 4 64 T +53 4 65 I +53 4 66 K +53 4 67 T +53 4 68 T +53 4 69 T +53 4 70 K +53 4 71 I +53 4 72 T +53 4 73 T +53 4 74 T +53 4 75 B +53 4 76 I +53 4 77 T +53 4 78 T +53 4 79 Q +53 4 80 T +53 4 81 T +53 4 82 T +53 4 83 K +53 4 84 T +53 4 85 T +53 4 86 T +53 4 87 Q +53 4 88 T +53 4 89 B +53 4 90 Q +53 4 91 T +53 4 92 K +53 4 93 T +53 4 94 B +53 4 95 U +53 4 96 T +53 4 97 T +53 4 98 I +53 4 99 I +53 4 100 U +53 4 101 B +53 4 102 K +53 4 103 T +53 4 104 T +53 4 105 I +53 4 106 T +53 4 107 K +53 4 108 K +53 4 109 T +53 4 110 T +53 4 111 B +53 4 112 I +53 4 113 B +53 4 114 T +53 4 115 T +53 4 116 T +53 4 117 T +53 4 118 I +53 4 119 T +53 4 120 K +53 4 121 I +53 4 122 T +53 4 123 T +53 4 124 T +53 4 125 I +53 4 126 I +53 4 127 B +53 4 128 T +53 4 129 K +53 4 130 I +53 4 131 Q +53 4 132 I +53 4 133 T +53 4 134 B +53 4 135 I +53 4 136 T +53 4 137 T +53 4 138 T +53 4 139 K +53 4 140 T +53 4 141 K +53 4 142 U +53 4 143 T +53 4 144 B +53 4 145 T +53 4 146 T +53 4 147 T +53 4 148 I +53 4 149 T +53 4 150 B +53 4 151 I +53 4 152 T +53 4 153 T +53 4 154 B +53 4 155 B +53 4 156 T +53 4 157 B +53 4 158 K +53 4 159 U +53 4 160 I +53 4 161 T +53 4 162 I +53 4 163 T +53 4 164 T +53 4 165 B +53 4 166 T +53 4 167 Q +53 4 168 T +53 4 169 T +53 4 170 B +53 4 171 T +53 4 172 K +53 4 173 I +53 4 174 T +53 4 175 T +53 4 176 I +53 4 177 T +53 4 178 T +53 4 179 I +53 4 180 T +53 4 181 T +53 4 182 I +53 4 183 T +53 4 184 T +53 4 185 I +53 4 186 T +53 4 187 T +53 4 188 T +53 4 189 T +53 4 190 I +53 4 191 T +53 4 192 T +53 4 193 T +53 4 194 I +53 4 195 T +53 4 196 T +53 4 197 T +53 4 198 T +53 4 199 T +53 4 200 T +53 4 201 T +53 4 202 T +53 4 203 T +53 4 204 B +53 4 205 T +53 4 206 K +53 4 207 I +53 4 208 T +53 4 209 T +53 4 210 I +53 4 211 T +53 4 212 T +53 4 213 T +53 4 214 T +53 4 215 T +53 4 216 B +53 4 217 T +53 4 218 T +53 4 219 K +53 4 220 T +53 4 221 U +53 4 222 T +53 4 223 T +53 4 224 K +53 4 225 T +53 4 226 T +53 4 227 B +53 4 228 T +53 4 229 T +53 4 230 K +53 4 231 T +53 4 232 T +53 4 233 T +53 4 234 T +53 4 235 T +53 4 236 T +53 4 237 U +53 4 238 T +53 4 239 I +53 4 240 I +53 4 241 U +53 4 242 T +53 4 243 I +53 4 244 T +53 4 245 I +53 4 246 T +53 4 247 T +53 4 248 T +53 4 249 T +53 4 250 Q +53 4 251 T +53 4 252 U +53 4 253 T +53 4 254 T +53 4 255 B +53 4 256 I +53 4 257 T +53 4 258 T +53 4 259 B +53 4 260 K +53 4 261 B +53 4 262 K +53 4 263 K +53 4 264 K +53 4 265 T +53 4 266 I +53 4 267 I +53 4 268 T +53 4 269 I +53 4 270 T +53 4 271 T +53 4 272 K +53 4 273 T +53 4 274 K +53 4 275 T +53 4 276 I +53 4 277 T +53 4 278 I +53 4 279 T +53 4 280 T +53 4 281 T +53 4 282 T +53 4 283 T +53 4 284 U +53 4 285 I +53 4 286 U +53 4 287 T +53 4 288 I +53 4 289 T +53 4 290 T +53 4 291 T +53 4 292 I +53 4 293 U +53 4 294 U +53 4 295 T +53 4 296 T +53 4 297 T +53 4 298 Q +53 4 299 T +53 4 300 Q +53 4 301 T +53 4 302 U +53 4 303 U +53 4 304 T +53 4 305 I +53 4 306 T +53 4 307 T +53 4 308 T +53 4 309 T +53 4 310 T +53 4 311 T +53 4 312 T +53 4 313 T +53 4 314 U +53 4 315 T +53 4 316 T +53 4 317 I +53 4 318 I +53 4 319 U +53 4 320 T +53 4 321 I +53 4 322 T +53 4 323 T +53 4 324 I +53 4 325 I +53 4 326 T +53 4 327 U +53 4 328 T +53 4 329 T +53 4 330 U +53 5 1 T +53 5 2 T +53 5 3 I +53 5 4 B +53 5 5 T +53 5 6 T +53 5 7 T +53 5 8 I +53 5 9 Q +53 5 10 T +53 5 11 B +53 5 12 T +53 5 13 B +53 5 14 B +53 5 15 T +53 5 16 U +53 5 17 I +53 5 18 B +53 5 19 T +53 5 20 T +53 5 21 I +53 5 22 T +53 5 23 T +53 5 24 B +53 5 25 T +53 5 26 K +53 5 27 K +53 5 28 I +53 5 29 T +53 5 30 I +53 5 31 T +53 5 32 I +53 5 33 T +53 5 34 T +53 5 35 I +53 5 36 T +53 5 37 T +53 5 38 I +53 5 39 T +53 5 40 T +53 5 41 I +53 5 42 T +53 5 43 T +53 5 44 Q +53 5 45 T +53 5 46 Q +53 5 47 B +53 5 48 O +53 5 49 T +53 5 50 I +53 5 51 T +53 5 52 T +53 5 53 I +53 5 54 T +53 5 55 T +53 5 56 I +53 5 57 T +53 5 58 Q +53 5 59 K +53 5 60 B +53 5 61 I +53 5 62 Q +53 5 63 Q +53 5 64 T +53 5 65 I +53 5 66 K +53 5 67 T +53 5 68 T +53 5 69 T +53 5 70 K +53 5 71 I +53 5 72 T +53 5 73 T +53 5 74 T +53 5 75 B +53 5 76 I +53 5 77 T +53 5 78 T +53 5 79 Q +53 5 80 T +53 5 81 T +53 5 82 T +53 5 83 K +53 5 84 T +53 5 85 T +53 5 86 T +53 5 87 Q +53 5 88 T +53 5 89 B +53 5 90 Q +53 5 91 T +53 5 92 K +53 5 93 T +53 5 94 B +53 5 95 U +53 5 96 T +53 5 97 T +53 5 98 I +53 5 99 T +53 5 100 U +53 5 101 B +53 5 102 K +53 5 103 T +53 5 104 T +53 5 105 I +53 5 106 T +53 5 107 K +53 5 108 K +53 5 109 T +53 5 110 T +53 5 111 B +53 5 112 I +53 5 113 B +53 5 114 T +53 5 115 T +53 5 116 T +53 5 117 T +53 5 118 I +53 5 119 T +53 5 120 K +53 5 121 I +53 5 122 T +53 5 123 T +53 5 124 T +53 5 125 I +53 5 126 I +53 5 127 B +53 5 128 T +53 5 129 K +53 5 130 I +53 5 131 I +53 5 132 I +53 5 133 T +53 5 134 B +53 5 135 I +53 5 136 T +53 5 137 T +53 5 138 T +53 5 139 K +53 5 140 T +53 5 141 K +53 5 142 K +53 5 143 T +53 5 144 B +53 5 145 T +53 5 146 T +53 5 147 T +53 5 148 I +53 5 149 T +53 5 150 B +53 5 151 I +53 5 152 T +53 5 153 T +53 5 154 B +53 5 155 B +53 5 156 T +53 5 157 B +53 5 158 K +53 5 159 K +53 5 160 I +53 5 161 T +53 5 162 I +53 5 163 T +53 5 164 T +53 5 165 T +53 5 166 B +53 5 167 T +53 5 168 T +53 5 169 T +53 5 170 B +53 5 171 T +53 5 172 K +53 5 173 I +53 5 174 T +53 5 175 T +53 5 176 I +53 5 177 T +53 5 178 T +53 5 179 B +53 5 180 T +53 5 181 T +53 5 182 I +53 5 183 T +53 5 184 T +53 5 185 I +53 5 186 T +53 5 187 T +53 5 188 T +53 5 189 T +53 5 190 I +53 5 191 T +53 5 192 T +53 5 193 T +53 5 194 I +53 5 195 T +53 5 196 T +53 5 197 T +53 5 198 T +53 5 199 T +53 5 200 T +53 5 201 T +53 5 202 T +53 5 203 T +53 5 204 B +53 5 205 T +53 5 206 K +53 5 207 I +53 5 208 T +53 5 209 T +53 5 210 I +53 5 211 T +53 5 212 T +53 5 213 T +53 5 214 T +53 5 215 T +53 5 216 B +53 5 217 T +53 5 218 T +53 5 219 K +53 5 220 T +53 5 221 U +53 5 222 T +53 5 223 T +53 5 224 K +53 5 225 T +53 5 226 T +53 5 227 B +53 5 228 T +53 5 229 T +53 5 230 K +53 5 231 T +53 5 232 T +53 5 233 T +53 5 234 T +53 5 235 T +53 5 236 T +53 5 237 U +53 5 238 T +53 5 239 I +53 5 240 I +53 5 241 U +53 5 242 T +53 5 243 I +53 5 244 T +53 5 245 I +53 5 246 T +53 5 247 T +53 5 248 T +53 5 249 T +53 5 250 Q +53 5 251 T +53 5 252 U +53 5 253 T +53 5 254 T +53 5 255 B +53 5 256 I +53 5 257 T +53 5 258 T +53 5 259 I +53 5 260 K +53 5 261 I +53 5 262 K +53 5 263 K +53 5 264 K +53 5 265 T +53 5 266 I +53 5 267 I +53 5 268 T +53 5 269 I +53 5 270 T +53 5 271 T +53 5 272 K +53 5 273 T +53 5 274 K +53 5 275 T +53 5 276 I +53 5 277 T +53 5 278 I +53 5 279 T +53 5 280 T +53 5 281 T +53 5 282 T +53 5 283 T +53 5 284 U +53 5 285 I +53 5 286 U +53 5 287 T +53 5 288 I +53 5 289 T +53 5 290 T +53 5 291 T +53 5 292 I +53 5 293 U +53 5 294 U +53 5 295 T +53 5 296 T +53 5 297 T +53 5 298 Q +53 5 299 T +53 5 300 Q +53 5 301 T +53 5 302 U +53 5 303 U +53 5 304 T +53 5 305 I +53 5 306 T +53 5 307 T +53 5 308 T +53 5 309 T +53 5 310 T +53 5 311 T +53 5 312 B +53 5 313 T +53 5 314 U +53 5 315 T +53 5 316 T +53 5 317 I +53 5 318 I +53 5 319 U +53 5 320 T +53 5 321 I +53 5 322 T +53 5 323 T +53 5 324 I +53 5 325 I +53 5 326 T +53 5 327 U +53 5 328 U +53 5 329 T +53 5 330 U +53 6 1 T +53 6 2 * +53 6 3 B +53 6 4 B +53 6 5 T +53 6 6 T +53 6 7 T +53 6 8 I +53 6 9 Q +53 6 10 T +53 6 11 T +53 6 12 T +53 6 13 T +53 6 14 T +53 6 15 O +53 6 16 K +53 6 17 I +53 6 18 B +53 6 19 T +53 6 20 T +53 6 21 I +53 6 22 T +53 6 23 T +53 6 24 T +53 6 25 T +53 6 26 K +53 6 27 K +53 6 28 I +53 6 29 T +53 6 30 T +53 6 31 T +53 6 32 I +53 6 33 T +53 6 34 T +53 6 35 I +53 6 36 T +53 6 37 T +53 6 38 I +53 6 39 T +53 6 40 T +53 6 41 I +53 6 42 T +53 6 43 T +53 6 44 Q +53 6 45 T +53 6 46 T +53 6 47 T +53 6 48 T +53 6 49 T +53 6 50 B +53 6 51 T +53 6 52 T +53 6 53 I +53 6 54 T +53 6 55 T +53 6 56 I +53 6 57 I +53 6 58 Q +53 6 59 K +53 6 60 B +53 6 61 B +53 6 62 T +53 6 63 Q +53 6 64 T +53 6 65 I +53 6 66 K +53 6 67 T +53 6 68 T +53 6 69 T +53 6 70 K +53 6 71 B +53 6 72 T +53 6 73 T +53 6 74 T +53 6 75 B +53 6 76 I +53 6 77 T +53 6 78 T +53 6 79 Q +53 6 80 T +53 6 81 T +53 6 82 T +53 6 83 K +53 6 84 T +53 6 85 T +53 6 86 T +53 6 87 Q +53 6 88 T +53 6 89 B +53 6 90 Q +53 6 91 T +53 6 92 K +53 6 93 T +53 6 94 I +53 6 95 U +53 6 96 T +53 6 97 T +53 6 98 I +53 6 99 I +53 6 100 U +53 6 101 B +53 6 102 K +53 6 103 T +53 6 104 T +53 6 105 I +53 6 106 T +53 6 107 K +53 6 108 K +53 6 109 T +53 6 110 T +53 6 111 B +53 6 112 I +53 6 113 B +53 6 114 T +53 6 115 T +53 6 116 T +53 6 117 T +53 6 118 I +53 6 119 T +53 6 120 K +53 6 121 I +53 6 122 T +53 6 123 T +53 6 124 T +53 6 125 I +53 6 126 I +53 6 127 B +53 6 128 T +53 6 129 K +53 6 130 I +53 6 131 I +53 6 132 I +53 6 133 T +53 6 134 B +53 6 135 I +53 6 136 T +53 6 137 T +53 6 138 T +53 6 139 K +53 6 140 T +53 6 141 K +53 6 142 K +53 6 143 T +53 6 144 B +53 6 145 T +53 6 146 T +53 6 147 T +53 6 148 I +53 6 149 T +53 6 150 B +53 6 151 I +53 6 152 T +53 6 153 T +53 6 154 B +53 6 155 B +53 6 156 T +53 6 157 B +53 6 158 K +53 6 159 K +53 6 160 I +53 6 161 T +53 6 162 I +53 6 163 T +53 6 164 T +53 6 165 B +53 6 166 T +53 6 167 Q +53 6 168 T +53 6 169 T +53 6 170 B +53 6 171 T +53 6 172 K +53 6 173 I +53 6 174 T +53 6 175 T +53 6 176 I +53 6 177 T +53 6 178 T +53 6 179 I +53 6 180 T +53 6 181 T +53 6 182 I +53 6 183 T +53 6 184 T +53 6 185 I +53 6 186 T +53 6 187 T +53 6 188 T +53 6 189 T +53 6 190 I +53 6 191 T +53 6 192 T +53 6 193 T +53 6 194 I +53 6 195 T +53 6 196 T +53 6 197 T +53 6 198 T +53 6 199 T +53 6 200 T +53 6 201 T +53 6 202 T +53 6 203 T +53 6 204 B +53 6 205 T +53 6 206 K +53 6 207 I +53 6 208 T +53 6 209 T +53 6 210 I +53 6 211 T +53 6 212 T +53 6 213 T +53 6 214 T +53 6 215 T +53 6 216 B +53 6 217 T +53 6 218 T +53 6 219 K +53 6 220 T +53 6 221 U +53 6 222 T +53 6 223 T +53 6 224 K +53 6 225 T +53 6 226 T +53 6 227 B +53 6 228 T +53 6 229 T +53 6 230 K +53 6 231 T +53 6 232 T +53 6 233 T +53 6 234 T +53 6 235 T +53 6 236 T +53 6 237 U +53 6 238 T +53 6 239 I +53 6 240 I +53 6 241 U +53 6 242 T +53 6 243 I +53 6 244 T +53 6 245 I +53 6 246 T +53 6 247 T +53 6 248 T +53 6 249 T +53 6 250 Q +53 6 251 T +53 6 252 U +53 6 253 T +53 6 254 T +53 6 255 B +53 6 256 I +53 6 257 T +53 6 258 T +53 6 259 I +53 6 260 K +53 6 261 I +53 6 262 K +53 6 263 K +53 6 264 K +53 6 265 T +53 6 266 I +53 6 267 I +53 6 268 T +53 6 269 I +53 6 270 T +53 6 271 T +53 6 272 K +53 6 273 T +53 6 274 K +53 6 275 T +53 6 276 I +53 6 277 T +53 6 278 I +53 6 279 T +53 6 280 T +53 6 281 T +53 6 282 T +53 6 283 T +53 6 284 U +53 6 285 I +53 6 286 U +53 6 287 T +53 6 288 I +53 6 289 T +53 6 290 T +53 6 291 T +53 6 292 I +53 6 293 U +53 6 294 U +53 6 295 T +53 6 296 T +53 6 297 T +53 6 298 Q +53 6 299 T +53 6 300 Q +53 6 301 T +53 6 302 U +53 6 303 U +53 6 304 T +53 6 305 B +53 6 306 T +53 6 307 T +53 6 308 T +53 6 309 T +53 6 310 T +53 6 311 T +53 6 312 B +53 6 313 T +53 6 314 U +53 6 315 T +53 6 316 T +53 6 317 I +53 6 318 I +53 6 319 U +53 6 320 T +53 6 321 I +53 6 322 T +53 6 323 T +53 6 324 I +53 6 325 I +53 6 326 T +53 6 327 U +53 6 328 Q +53 6 329 T +53 6 330 U +53 7 1 T +53 7 2 * +53 7 3 B +53 7 4 B +53 7 5 T +53 7 6 T +53 7 7 T +53 7 8 B +53 7 9 Q +53 7 10 * +53 7 11 T +53 7 12 T +53 7 13 T +53 7 14 T +53 7 15 I +53 7 16 K +53 7 17 I +53 7 18 B +53 7 19 T +53 7 20 T +53 7 21 I +53 7 22 T +53 7 23 T +53 7 24 T +53 7 25 T +53 7 26 K +53 7 27 K +53 7 28 I +53 7 29 T +53 7 30 I +53 7 31 T +53 7 32 I +53 7 33 T +53 7 34 T +53 7 35 I +53 7 36 T +53 7 37 T +53 7 38 I +53 7 39 T +53 7 40 T +53 7 41 I +53 7 42 T +53 7 43 T +53 7 44 U +53 7 45 T +53 7 46 T +53 7 47 T +53 7 48 T +53 7 49 T +53 7 50 I +53 7 51 B +53 7 52 T +53 7 53 Q +53 7 54 T +53 7 55 T +53 7 56 K +53 7 57 T +53 7 58 Q +53 7 59 K +53 7 60 B +53 7 61 B +53 7 62 T +53 7 63 I +53 7 64 T +53 7 65 I +53 7 66 K +53 7 67 T +53 7 68 T +53 7 69 T +53 7 70 K +53 7 71 I +53 7 72 T +53 7 73 T +53 7 74 T +53 7 75 B +53 7 76 I +53 7 77 T +53 7 78 T +53 7 79 Q +53 7 80 T +53 7 81 T +53 7 82 T +53 7 83 K +53 7 84 T +53 7 85 T +53 7 86 T +53 7 87 Q +53 7 88 T +53 7 89 B +53 7 90 Q +53 7 91 T +53 7 92 K +53 7 93 T +53 7 94 B +53 7 95 U +53 7 96 T +53 7 97 T +53 7 98 I +53 7 99 I +53 7 100 U +53 7 101 B +53 7 102 K +53 7 103 T +53 7 104 T +53 7 105 I +53 7 106 T +53 7 107 K +53 7 108 K +53 7 109 T +53 7 110 T +53 7 111 B +53 7 112 I +53 7 113 B +53 7 114 T +53 7 115 T +53 7 116 T +53 7 117 T +53 7 118 I +53 7 119 T +53 7 120 K +53 7 121 I +53 7 122 T +53 7 123 T +53 7 124 T +53 7 125 I +53 7 126 I +53 7 127 B +53 7 128 T +53 7 129 K +53 7 130 I +53 7 131 I +53 7 132 I +53 7 133 T +53 7 134 B +53 7 135 I +53 7 136 T +53 7 137 T +53 7 138 T +53 7 139 K +53 7 140 T +53 7 141 K +53 7 142 K +53 7 143 T +53 7 144 B +53 7 145 T +53 7 146 T +53 7 147 T +53 7 148 I +53 7 149 T +53 7 150 B +53 7 151 I +53 7 152 T +53 7 153 T +53 7 154 B +53 7 155 B +53 7 156 T +53 7 157 B +53 7 158 K +53 7 159 U +53 7 160 I +53 7 161 T +53 7 162 I +53 7 163 T +53 7 164 T +53 7 165 B +53 7 166 T +53 7 167 Q +53 7 168 T +53 7 169 T +53 7 170 B +53 7 171 T +53 7 172 K +53 7 173 I +53 7 174 T +53 7 175 T +53 7 176 I +53 7 177 T +53 7 178 T +53 7 179 I +53 7 180 T +53 7 181 T +53 7 182 I +53 7 183 T +53 7 184 T +53 7 185 I +53 7 186 T +53 7 187 T +53 7 188 T +53 7 189 T +53 7 190 I +53 7 191 T +53 7 192 T +53 7 193 T +53 7 194 I +53 7 195 T +53 7 196 T +53 7 197 T +53 7 198 T +53 7 199 T +53 7 200 T +53 7 201 T +53 7 202 T +53 7 203 T +53 7 204 B +53 7 205 T +53 7 206 K +53 7 207 I +53 7 208 T +53 7 209 T +53 7 210 I +53 7 211 T +53 7 212 T +53 7 213 T +53 7 214 T +53 7 215 T +53 7 216 B +53 7 217 T +53 7 218 T +53 7 219 K +53 7 220 T +53 7 221 U +53 7 222 T +53 7 223 T +53 7 224 K +53 7 225 T +53 7 226 T +53 7 227 B +53 7 228 T +53 7 229 T +53 7 230 K +53 7 231 T +53 7 232 T +53 7 233 T +53 7 234 T +53 7 235 T +53 7 236 T +53 7 237 U +53 7 238 T +53 7 239 I +53 7 240 I +53 7 241 U +53 7 242 T +53 7 243 I +53 7 244 T +53 7 245 I +53 7 246 T +53 7 247 T +53 7 248 T +53 7 249 T +53 7 250 Q +53 7 251 T +53 7 252 U +53 7 253 T +53 7 254 T +53 7 255 B +53 7 256 I +53 7 257 T +53 7 258 T +53 7 259 I +53 7 260 K +53 7 261 I +53 7 262 K +53 7 263 K +53 7 264 K +53 7 265 T +53 7 266 I +53 7 267 I +53 7 268 T +53 7 269 I +53 7 270 T +53 7 271 T +53 7 272 K +53 7 273 T +53 7 274 K +53 7 275 T +53 7 276 I +53 7 277 T +53 7 278 I +53 7 279 T +53 7 280 T +53 7 281 T +53 7 282 T +53 7 283 T +53 7 284 U +53 7 285 I +53 7 286 U +53 7 287 T +53 7 288 I +53 7 289 T +53 7 290 T +53 7 291 T +53 7 292 I +53 7 293 U +53 7 294 U +53 7 295 T +53 7 296 T +53 7 297 T +53 7 298 I +53 7 299 T +53 7 300 Q +53 7 301 T +53 7 302 U +53 7 303 U +53 7 304 T +53 7 305 I +53 7 306 T +53 7 307 T +53 7 308 T +53 7 309 T +53 7 310 T +53 7 311 T +53 7 312 B +53 7 313 T +53 7 314 U +53 7 315 T +53 7 316 T +53 7 317 I +53 7 318 I +53 7 319 U +53 7 320 T +53 7 321 I +53 7 322 T +53 7 323 T +53 7 324 U +53 7 325 I +53 7 326 T +53 7 327 U +53 7 328 T +53 7 329 T +53 7 330 U +53 8 1 T +53 8 2 T +53 8 3 B +53 8 4 B +53 8 5 T +53 8 6 T +53 8 7 T +53 8 8 B +53 8 9 Q +53 8 10 * +53 8 11 T +53 8 12 T +53 8 13 T +53 8 14 T +53 8 15 I +53 8 16 K +53 8 17 I +53 8 18 B +53 8 19 T +53 8 20 T +53 8 21 I +53 8 22 T +53 8 23 T +53 8 24 B +53 8 25 T +53 8 26 K +53 8 27 K +53 8 28 I +53 8 29 T +53 8 30 T +53 8 31 T +53 8 32 I +53 8 33 T +53 8 34 T +53 8 35 I +53 8 36 T +53 8 37 T +53 8 38 I +53 8 39 T +53 8 40 T +53 8 41 I +53 8 42 T +53 8 43 T +53 8 44 T +53 8 45 T +53 8 46 T +53 8 47 T +53 8 48 T +53 8 49 T +53 8 50 T +53 8 51 B +53 8 52 T +53 8 53 I +53 8 54 T +53 8 55 T +53 8 56 K +53 8 57 T +53 8 58 Q +53 8 59 K +53 8 60 B +53 8 61 I +53 8 62 Q +53 8 63 Q +53 8 64 T +53 8 65 I +53 8 66 K +53 8 67 T +53 8 68 T +53 8 69 T +53 8 70 K +53 8 71 I +53 8 72 T +53 8 73 T +53 8 74 T +53 8 75 B +53 8 76 I +53 8 77 T +53 8 78 T +53 8 79 Q +53 8 80 T +53 8 81 T +53 8 82 T +53 8 83 K +53 8 84 T +53 8 85 T +53 8 86 T +53 8 87 Q +53 8 88 T +53 8 89 B +53 8 90 Q +53 8 91 T +53 8 92 K +53 8 93 T +53 8 94 B +53 8 95 U +53 8 96 T +53 8 97 T +53 8 98 I +53 8 99 I +53 8 100 U +53 8 101 B +53 8 102 K +53 8 103 T +53 8 104 T +53 8 105 I +53 8 106 T +53 8 107 K +53 8 108 K +53 8 109 T +53 8 110 T +53 8 111 B +53 8 112 I +53 8 113 B +53 8 114 T +53 8 115 T +53 8 116 T +53 8 117 T +53 8 118 I +53 8 119 T +53 8 120 K +53 8 121 I +53 8 122 T +53 8 123 T +53 8 124 T +53 8 125 I +53 8 126 I +53 8 127 B +53 8 128 T +53 8 129 K +53 8 130 I +53 8 131 I +53 8 132 I +53 8 133 T +53 8 134 B +53 8 135 I +53 8 136 T +53 8 137 T +53 8 138 T +53 8 139 K +53 8 140 T +53 8 141 K +53 8 142 K +53 8 143 T +53 8 144 B +53 8 145 T +53 8 146 T +53 8 147 T +53 8 148 I +53 8 149 T +53 8 150 B +53 8 151 I +53 8 152 T +53 8 153 T +53 8 154 B +53 8 155 B +53 8 156 T +53 8 157 B +53 8 158 K +53 8 159 U +53 8 160 I +53 8 161 T +53 8 162 I +53 8 163 T +53 8 164 T +53 8 165 B +53 8 166 T +53 8 167 T +53 8 168 T +53 8 169 T +53 8 170 B +53 8 171 T +53 8 172 K +53 8 173 I +53 8 174 T +53 8 175 T +53 8 176 I +53 8 177 T +53 8 178 T +53 8 179 I +53 8 180 T +53 8 181 T +53 8 182 I +53 8 183 T +53 8 184 T +53 8 185 I +53 8 186 T +53 8 187 T +53 8 188 T +53 8 189 T +53 8 190 I +53 8 191 T +53 8 192 T +53 8 193 T +53 8 194 I +53 8 195 T +53 8 196 T +53 8 197 T +53 8 198 T +53 8 199 T +53 8 200 T +53 8 201 T +53 8 202 T +53 8 203 T +53 8 204 B +53 8 205 T +53 8 206 K +53 8 207 I +53 8 208 T +53 8 209 T +53 8 210 I +53 8 211 T +53 8 212 T +53 8 213 T +53 8 214 T +53 8 215 T +53 8 216 B +53 8 217 T +53 8 218 T +53 8 219 K +53 8 220 T +53 8 221 K +53 8 222 T +53 8 223 T +53 8 224 K +53 8 225 T +53 8 226 T +53 8 227 B +53 8 228 T +53 8 229 T +53 8 230 K +53 8 231 T +53 8 232 T +53 8 233 T +53 8 234 T +53 8 235 T +53 8 236 T +53 8 237 U +53 8 238 T +53 8 239 I +53 8 240 I +53 8 241 U +53 8 242 T +53 8 243 I +53 8 244 T +53 8 245 I +53 8 246 T +53 8 247 T +53 8 248 T +53 8 249 T +53 8 250 Q +53 8 251 T +53 8 252 U +53 8 253 T +53 8 254 T +53 8 255 B +53 8 256 Q +53 8 257 T +53 8 258 T +53 8 259 I +53 8 260 K +53 8 261 I +53 8 262 K +53 8 263 K +53 8 264 K +53 8 265 T +53 8 266 I +53 8 267 I +53 8 268 T +53 8 269 I +53 8 270 T +53 8 271 T +53 8 272 K +53 8 273 T +53 8 274 K +53 8 275 T +53 8 276 I +53 8 277 T +53 8 278 I +53 8 279 T +53 8 280 T +53 8 281 T +53 8 282 T +53 8 283 T +53 8 284 U +53 8 285 I +53 8 286 U +53 8 287 T +53 8 288 I +53 8 289 T +53 8 290 T +53 8 291 T +53 8 292 I +53 8 293 U +53 8 294 U +53 8 295 T +53 8 296 T +53 8 297 T +53 8 298 Q +53 8 299 T +53 8 300 Q +53 8 301 T +53 8 302 U +53 8 303 U +53 8 304 T +53 8 305 I +53 8 306 T +53 8 307 T +53 8 308 T +53 8 309 T +53 8 310 T +53 8 311 T +53 8 312 B +53 8 313 T +53 8 314 U +53 8 315 T +53 8 316 T +53 8 317 I +53 8 318 Q +53 8 319 U +53 8 320 T +53 8 321 I +53 8 322 T +53 8 323 T +53 8 324 U +53 8 325 I +53 8 326 T +53 8 327 U +53 8 328 T +53 8 329 T +53 8 330 U +53 9 1 T +53 9 2 T +53 9 3 B +53 9 4 I +53 9 5 T +53 9 6 T +53 9 7 * +53 9 8 I +53 9 9 I +53 9 10 * +53 9 11 T +53 9 12 T +53 9 13 T +53 9 14 T +53 9 15 I +53 9 16 K +53 9 17 I +53 9 18 B +53 9 19 T +53 9 20 T +53 9 21 I +53 9 22 T +53 9 23 T +53 9 24 T +53 9 25 T +53 9 26 K +53 9 27 K +53 9 28 I +53 9 29 T +53 9 30 I +53 9 31 T +53 9 32 I +53 9 33 T +53 9 34 T +53 9 35 I +53 9 36 T +53 9 37 T +53 9 38 I +53 9 39 T +53 9 40 T +53 9 41 I +53 9 42 T +53 9 43 T +53 9 44 U +53 9 45 T +53 9 46 T +53 9 47 B +53 9 48 T +53 9 49 T +53 9 50 I +53 9 51 B +53 9 52 T +53 9 53 I +53 9 54 T +53 9 55 T +53 9 56 I +53 9 57 T +53 9 58 Q +53 9 59 K +53 9 60 B +53 9 61 I +53 9 62 T +53 9 63 Q +53 9 64 T +53 9 65 I +53 9 66 K +53 9 67 T +53 9 68 T +53 9 69 T +53 9 70 K +53 9 71 B +53 9 72 T +53 9 73 T +53 9 74 T +53 9 75 B +53 9 76 I +53 9 77 T +53 9 78 T +53 9 79 Q +53 9 80 T +53 9 81 T +53 9 82 T +53 9 83 K +53 9 84 T +53 9 85 T +53 9 86 T +53 9 87 Q +53 9 88 T +53 9 89 B +53 9 90 Q +53 9 91 T +53 9 92 K +53 9 93 T +53 9 94 B +53 9 95 U +53 9 96 T +53 9 97 T +53 9 98 I +53 9 99 I +53 9 100 U +53 9 101 B +53 9 102 K +53 9 103 T +53 9 104 T +53 9 105 I +53 9 106 T +53 9 107 K +53 9 108 K +53 9 109 T +53 9 110 T +53 9 111 B +53 9 112 I +53 9 113 B +53 9 114 T +53 9 115 T +53 9 116 K +53 9 117 T +53 9 118 I +53 9 119 T +53 9 120 K +53 9 121 I +53 9 122 T +53 9 123 T +53 9 124 T +53 9 125 I +53 9 126 I +53 9 127 B +53 9 128 T +53 9 129 K +53 9 130 I +53 9 131 I +53 9 132 I +53 9 133 T +53 9 134 B +53 9 135 I +53 9 136 T +53 9 137 T +53 9 138 T +53 9 139 K +53 9 140 T +53 9 141 K +53 9 142 K +53 9 143 B +53 9 144 B +53 9 145 T +53 9 146 T +53 9 147 T +53 9 148 I +53 9 149 T +53 9 150 B +53 9 151 I +53 9 152 T +53 9 153 T +53 9 154 B +53 9 155 B +53 9 156 T +53 9 157 B +53 9 158 K +53 9 159 K +53 9 160 I +53 9 161 T +53 9 162 I +53 9 163 T +53 9 164 T +53 9 165 B +53 9 166 T +53 9 167 Q +53 9 168 T +53 9 169 T +53 9 170 B +53 9 171 T +53 9 172 K +53 9 173 I +53 9 174 T +53 9 175 T +53 9 176 I +53 9 177 T +53 9 178 T +53 9 179 I +53 9 180 T +53 9 181 T +53 9 182 I +53 9 183 T +53 9 184 T +53 9 185 I +53 9 186 T +53 9 187 T +53 9 188 I +53 9 189 T +53 9 190 I +53 9 191 T +53 9 192 T +53 9 193 T +53 9 194 I +53 9 195 T +53 9 196 T +53 9 197 T +53 9 198 T +53 9 199 T +53 9 200 T +53 9 201 T +53 9 202 T +53 9 203 T +53 9 204 B +53 9 205 T +53 9 206 K +53 9 207 I +53 9 208 T +53 9 209 T +53 9 210 B +53 9 211 T +53 9 212 T +53 9 213 T +53 9 214 T +53 9 215 T +53 9 216 B +53 9 217 T +53 9 218 T +53 9 219 K +53 9 220 T +53 9 221 K +53 9 222 T +53 9 223 T +53 9 224 K +53 9 225 T +53 9 226 T +53 9 227 B +53 9 228 T +53 9 229 T +53 9 230 K +53 9 231 T +53 9 232 T +53 9 233 T +53 9 234 T +53 9 235 T +53 9 236 T +53 9 237 K +53 9 238 T +53 9 239 I +53 9 240 I +53 9 241 K +53 9 242 T +53 9 243 B +53 9 244 T +53 9 245 I +53 9 246 T +53 9 247 T +53 9 248 T +53 9 249 T +53 9 250 Q +53 9 251 T +53 9 252 K +53 9 253 T +53 9 254 T +53 9 255 B +53 9 256 I +53 9 257 T +53 9 258 T +53 9 259 B +53 9 260 K +53 9 261 I +53 9 262 K +53 9 263 K +53 9 264 K +53 9 265 T +53 9 266 I +53 9 267 I +53 9 268 T +53 9 269 I +53 9 270 T +53 9 271 T +53 9 272 K +53 9 273 T +53 9 274 K +53 9 275 T +53 9 276 I +53 9 277 T +53 9 278 I +53 9 279 T +53 9 280 T +53 9 281 T +53 9 282 T +53 9 283 T +53 9 284 U +53 9 285 I +53 9 286 U +53 9 287 T +53 9 288 I +53 9 289 T +53 9 290 T +53 9 291 T +53 9 292 I +53 9 293 U +53 9 294 U +53 9 295 T +53 9 296 T +53 9 297 T +53 9 298 I +53 9 299 T +53 9 300 Q +53 9 301 T +53 9 302 U +53 9 303 U +53 9 304 T +53 9 305 I +53 9 306 T +53 9 307 T +53 9 308 T +53 9 309 T +53 9 310 T +53 9 311 T +53 9 312 B +53 9 313 T +53 9 314 U +53 9 315 T +53 9 316 T +53 9 317 I +53 9 318 I +53 9 319 U +53 9 320 T +53 9 321 I +53 9 322 T +53 9 323 T +53 9 324 U +53 9 325 I +53 9 326 T +53 9 327 U +53 9 328 T +53 9 329 T +53 9 330 U +53 10 1 T +53 10 2 T +53 10 3 I +53 10 4 T +53 10 5 T +53 10 6 Q +53 10 7 T +53 10 8 I +53 10 9 Q +53 10 10 B +53 10 11 Q +53 10 12 T +53 10 13 T +53 10 14 T +53 10 15 I +53 10 16 U +53 10 17 I +53 10 18 B +53 10 19 T +53 10 20 T +53 10 21 I +53 10 22 T +53 10 23 T +53 10 24 Q +53 10 25 T +53 10 26 T +53 10 27 U +53 10 28 I +53 10 29 T +53 10 30 Q +53 10 31 T +53 10 32 I +53 10 33 I +53 10 34 T +53 10 35 I +53 10 36 T +53 10 37 T +53 10 38 I +53 10 39 T +53 10 40 T +53 10 41 I +53 10 42 T +53 10 43 T +53 10 44 I +53 10 45 T +53 10 46 B +53 10 47 T +53 10 48 T +53 10 49 T +53 10 50 I +53 10 51 T +53 10 52 T +53 10 53 I +53 10 54 T +53 10 55 T +53 10 56 U +53 10 57 T +53 10 58 I +53 10 59 U +53 10 60 B +53 10 61 I +53 10 62 T +53 10 63 Q +53 10 64 T +53 10 65 I +53 10 66 U +53 10 67 T +53 10 68 T +53 10 69 T +53 10 70 U +53 10 71 I +53 10 72 T +53 10 73 T +53 10 74 T +53 10 75 B +53 10 76 I +53 10 77 T +53 10 78 T +53 10 79 Q +53 10 80 I +53 10 81 T +53 10 82 T +53 10 83 U +53 10 84 T +53 10 85 T +53 10 86 T +53 10 87 I +53 10 88 T +53 10 89 B +53 10 90 I +53 10 91 T +53 10 92 U +53 10 93 T +53 10 94 B +53 10 95 U +53 10 96 T +53 10 97 T +53 10 98 I +53 10 99 I +53 10 100 U +53 10 101 I +53 10 102 U +53 10 103 T +53 10 104 T +53 10 105 I +53 10 106 T +53 10 107 U +53 10 108 U +53 10 109 T +53 10 110 T +53 10 111 B +53 10 112 I +53 10 113 B +53 10 114 T +53 10 115 T +53 10 116 T +53 10 117 T +53 10 118 I +53 10 119 T +53 10 120 U +53 10 121 I +53 10 122 T +53 10 123 T +53 10 124 T +53 10 125 I +53 10 126 I +53 10 127 B +53 10 128 T +53 10 129 U +53 10 130 I +53 10 131 I +53 10 132 I +53 10 133 T +53 10 134 B +53 10 135 I +53 10 136 T +53 10 137 T +53 10 138 T +53 10 139 U +53 10 140 T +53 10 141 U +53 10 142 U +53 10 143 T +53 10 144 B +53 10 145 T +53 10 146 T +53 10 147 T +53 10 148 I +53 10 149 T +53 10 150 B +53 10 151 I +53 10 152 T +53 10 153 T +53 10 154 B +53 10 155 B +53 10 156 T +53 10 157 B +53 10 158 U +53 10 159 U +53 10 160 I +53 10 161 T +53 10 162 I +53 10 163 T +53 10 164 T +53 10 165 B +53 10 166 T +53 10 167 Q +53 10 168 T +53 10 169 T +53 10 170 B +53 10 171 T +53 10 172 U +53 10 173 I +53 10 174 T +53 10 175 T +53 10 176 I +53 10 177 T +53 10 178 T +53 10 179 I +53 10 180 T +53 10 181 T +53 10 182 I +53 10 183 T +53 10 184 T +53 10 185 I +53 10 186 T +53 10 187 T +53 10 188 T +53 10 189 T +53 10 190 I +53 10 191 T +53 10 192 T +53 10 193 T +53 10 194 I +53 10 195 T +53 10 196 T +53 10 197 T +53 10 198 T +53 10 199 T +53 10 200 T +53 10 201 T +53 10 202 T +53 10 203 T +53 10 204 B +53 10 205 T +53 10 206 U +53 10 207 I +53 10 208 T +53 10 209 T +53 10 210 I +53 10 211 T +53 10 212 T +53 10 213 T +53 10 214 T +53 10 215 T +53 10 216 B +53 10 217 T +53 10 218 T +53 10 219 U +53 10 220 T +53 10 221 U +53 10 222 T +53 10 223 T +53 10 224 U +53 10 225 T +53 10 226 T +53 10 227 B +53 10 228 T +53 10 229 T +53 10 230 U +53 10 231 T +53 10 232 T +53 10 233 T +53 10 234 T +53 10 235 T +53 10 236 T +53 10 237 U +53 10 238 T +53 10 239 I +53 10 240 I +53 10 241 U +53 10 242 T +53 10 243 I +53 10 244 T +53 10 245 I +53 10 246 T +53 10 247 T +53 10 248 T +53 10 249 T +53 10 250 Q +53 10 251 T +53 10 252 U +53 10 253 T +53 10 254 T +53 10 255 B +53 10 256 I +53 10 257 T +53 10 258 T +53 10 259 I +53 10 260 U +53 10 261 I +53 10 262 U +53 10 263 U +53 10 264 U +53 10 265 T +53 10 266 I +53 10 267 I +53 10 268 T +53 10 269 I +53 10 270 T +53 10 271 T +53 10 272 U +53 10 273 T +53 10 274 U +53 10 275 T +53 10 276 I +53 10 277 T +53 10 278 I +53 10 279 T +53 10 280 T +53 10 281 T +53 10 282 T +53 10 283 T +53 10 284 U +53 10 285 I +53 10 286 U +53 10 287 T +53 10 288 I +53 10 289 T +53 10 290 T +53 10 291 T +53 10 292 I +53 10 293 U +53 10 294 U +53 10 295 T +53 10 296 T +53 10 297 Q +53 10 298 T +53 10 299 Q +53 10 300 T +53 10 301 U +53 10 302 U +53 10 303 T +53 10 304 I +53 10 305 T +53 10 306 T +53 10 307 T +53 10 308 T +53 10 309 T +53 10 310 T +53 10 311 T +53 10 312 B +53 10 313 T +53 10 314 U +53 10 315 T +53 10 316 T +53 10 317 T +53 10 318 I +53 10 319 U +53 10 320 T +53 10 321 I +53 10 322 T +53 10 323 T +53 10 324 I +53 10 325 I +53 10 326 T +53 10 327 U +53 10 328 Q +53 10 329 T +53 10 330 U +53 11 1 T +53 11 2 T +53 11 3 I +53 11 4 B +53 11 5 T +53 11 6 T +53 11 7 T +53 11 8 I +53 11 9 I +53 11 10 T +53 11 11 Q +53 11 12 T +53 11 13 T +53 11 14 T +53 11 15 I +53 11 16 U +53 11 17 I +53 11 18 B +53 11 19 T +53 11 20 T +53 11 21 T +53 11 22 T +53 11 23 T +53 11 24 Q +53 11 25 T +53 11 26 T +53 11 27 I +53 11 28 I +53 11 29 T +53 11 30 Q +53 11 31 T +53 11 32 T +53 11 33 T +53 11 34 T +53 11 35 I +53 11 36 T +53 11 37 T +53 11 38 I +53 11 39 T +53 11 40 T +53 11 41 I +53 11 42 T +53 11 43 T +53 11 44 U +53 11 45 T +53 11 46 Q +53 11 47 T +53 11 48 T +53 11 49 T +53 11 50 T +53 11 51 O +53 11 52 Q +53 11 53 U +53 11 54 T +53 11 55 T +53 11 56 T +53 11 57 T +53 11 58 I +53 11 59 U +53 11 60 B +53 11 61 I +53 11 62 T +53 11 63 Q +53 11 64 T +53 11 65 I +53 11 66 U +53 11 67 T +53 11 68 T +53 11 69 T +53 11 70 U +53 11 71 I +53 11 72 T +53 11 73 T +53 11 74 T +53 11 75 B +53 11 76 I +53 11 77 T +53 11 78 T +53 11 79 Q +53 11 80 T +53 11 81 T +53 11 82 T +53 11 83 U +53 11 84 T +53 11 85 T +53 11 86 T +53 11 87 Q +53 11 88 T +53 11 89 B +53 11 90 Q +53 11 91 T +53 11 92 U +53 11 93 T +53 11 94 B +53 11 95 U +53 11 96 T +53 11 97 T +53 11 98 I +53 11 99 I +53 11 100 U +53 11 101 I +53 11 102 U +53 11 103 T +53 11 104 T +53 11 105 I +53 11 106 T +53 11 107 U +53 11 108 U +53 11 109 T +53 11 110 T +53 11 111 B +53 11 112 I +53 11 113 B +53 11 114 T +53 11 115 T +53 11 116 T +53 11 117 B +53 11 118 I +53 11 119 T +53 11 120 U +53 11 121 I +53 11 122 T +53 11 123 T +53 11 124 T +53 11 125 I +53 11 126 I +53 11 127 B +53 11 128 T +53 11 129 U +53 11 130 I +53 11 131 I +53 11 132 I +53 11 133 T +53 11 134 B +53 11 135 I +53 11 136 T +53 11 137 T +53 11 138 T +53 11 139 U +53 11 140 T +53 11 141 U +53 11 142 U +53 11 143 T +53 11 144 B +53 11 145 T +53 11 146 T +53 11 147 T +53 11 148 I +53 11 149 T +53 11 150 B +53 11 151 I +53 11 152 T +53 11 153 T +53 11 154 B +53 11 155 B +53 11 156 T +53 11 157 B +53 11 158 U +53 11 159 U +53 11 160 I +53 11 161 T +53 11 162 I +53 11 163 T +53 11 164 T +53 11 165 I +53 11 166 T +53 11 167 Q +53 11 168 T +53 11 169 T +53 11 170 B +53 11 171 I +53 11 172 U +53 11 173 I +53 11 174 T +53 11 175 T +53 11 176 I +53 11 177 T +53 11 178 T +53 11 179 I +53 11 180 T +53 11 181 T +53 11 182 I +53 11 183 T +53 11 184 T +53 11 185 I +53 11 186 T +53 11 187 T +53 11 188 T +53 11 189 T +53 11 190 I +53 11 191 T +53 11 192 T +53 11 193 T +53 11 194 I +53 11 195 T +53 11 196 T +53 11 197 T +53 11 198 T +53 11 199 T +53 11 200 T +53 11 201 T +53 11 202 T +53 11 203 Q +53 11 204 B +53 11 205 T +53 11 206 U +53 11 207 I +53 11 208 T +53 11 209 T +53 11 210 I +53 11 211 T +53 11 212 T +53 11 213 T +53 11 214 T +53 11 215 T +53 11 216 B +53 11 217 T +53 11 218 T +53 11 219 U +53 11 220 T +53 11 221 U +53 11 222 T +53 11 223 T +53 11 224 U +53 11 225 T +53 11 226 T +53 11 227 B +53 11 228 T +53 11 229 T +53 11 230 U +53 11 231 T +53 11 232 T +53 11 233 T +53 11 234 T +53 11 235 T +53 11 236 T +53 11 237 U +53 11 238 T +53 11 239 I +53 11 240 I +53 11 241 U +53 11 242 T +53 11 243 I +53 11 244 T +53 11 245 I +53 11 246 T +53 11 247 T +53 11 248 T +53 11 249 T +53 11 250 Q +53 11 251 T +53 11 252 U +53 11 253 T +53 11 254 T +53 11 255 B +53 11 256 I +53 11 257 T +53 11 258 T +53 11 259 I +53 11 260 U +53 11 261 I +53 11 262 U +53 11 263 U +53 11 264 U +53 11 265 T +53 11 266 I +53 11 267 I +53 11 268 T +53 11 269 I +53 11 270 T +53 11 271 T +53 11 272 U +53 11 273 T +53 11 274 U +53 11 275 T +53 11 276 I +53 11 277 T +53 11 278 I +53 11 279 T +53 11 280 T +53 11 281 T +53 11 282 T +53 11 283 T +53 11 284 U +53 11 285 I +53 11 286 U +53 11 287 T +53 11 288 I +53 11 289 T +53 11 290 T +53 11 291 T +53 11 292 I +53 11 293 U +53 11 294 U +53 11 295 T +53 11 296 T +53 11 297 T +53 11 298 I +53 11 299 T +53 11 300 Q +53 11 301 T +53 11 302 U +53 11 303 U +53 11 304 T +53 11 305 I +53 11 306 T +53 11 307 T +53 11 308 T +53 11 309 T +53 11 310 T +53 11 311 T +53 11 312 B +53 11 313 T +53 11 314 U +53 11 315 T +53 11 316 T +53 11 317 I +53 11 318 I +53 11 319 U +53 11 320 T +53 11 321 I +53 11 322 T +53 11 323 T +53 11 324 I +53 11 325 I +53 11 326 T +53 11 327 U +53 11 328 Q +53 11 329 T +53 11 330 U +53 12 1 T +53 12 2 T +53 12 3 I +53 12 4 I +53 12 5 T +53 12 6 Q +53 12 7 T +53 12 8 I +53 12 9 Q +53 12 10 I +53 12 11 T +53 12 12 T +53 12 13 T +53 12 14 T +53 12 15 Q +53 12 16 U +53 12 17 I +53 12 18 B +53 12 19 T +53 12 20 T +53 12 21 I +53 12 22 T +53 12 23 T +53 12 24 Q +53 12 25 T +53 12 26 T +53 12 27 U +53 12 28 I +53 12 29 T +53 12 30 T +53 12 31 T +53 12 32 I +53 12 33 I +53 12 34 T +53 12 35 I +53 12 36 T +53 12 37 T +53 12 38 I +53 12 39 T +53 12 40 T +53 12 41 I +53 12 42 T +53 12 43 T +53 12 44 Q +53 12 45 T +53 12 46 I +53 12 47 T +53 12 48 T +53 12 49 T +53 12 50 I +53 12 51 T +53 12 52 T +53 12 53 I +53 12 54 T +53 12 55 T +53 12 56 U +53 12 57 T +53 12 58 Q +53 12 59 U +53 12 60 B +53 12 61 I +53 12 62 T +53 12 63 Q +53 12 64 T +53 12 65 I +53 12 66 U +53 12 67 T +53 12 68 T +53 12 69 T +53 12 70 U +53 12 71 I +53 12 72 T +53 12 73 T +53 12 74 T +53 12 75 B +53 12 76 I +53 12 77 T +53 12 78 T +53 12 79 Q +53 12 80 T +53 12 81 T +53 12 82 T +53 12 83 U +53 12 84 T +53 12 85 T +53 12 86 T +53 12 87 Q +53 12 88 T +53 12 89 B +53 12 90 Q +53 12 91 T +53 12 92 U +53 12 93 T +53 12 94 B +53 12 95 U +53 12 96 T +53 12 97 T +53 12 98 I +53 12 99 I +53 12 100 U +53 12 101 I +53 12 102 U +53 12 103 T +53 12 104 T +53 12 105 I +53 12 106 T +53 12 107 U +53 12 108 U +53 12 109 T +53 12 110 T +53 12 111 B +53 12 112 I +53 12 113 B +53 12 114 T +53 12 115 T +53 12 116 T +53 12 117 T +53 12 118 I +53 12 119 T +53 12 120 U +53 12 121 I +53 12 122 T +53 12 123 T +53 12 124 T +53 12 125 I +53 12 126 I +53 12 127 B +53 12 128 T +53 12 129 U +53 12 130 I +53 12 131 I +53 12 132 I +53 12 133 T +53 12 134 B +53 12 135 I +53 12 136 T +53 12 137 T +53 12 138 T +53 12 139 U +53 12 140 T +53 12 141 U +53 12 142 U +53 12 143 T +53 12 144 B +53 12 145 T +53 12 146 T +53 12 147 T +53 12 148 I +53 12 149 T +53 12 150 B +53 12 151 I +53 12 152 T +53 12 153 T +53 12 154 B +53 12 155 B +53 12 156 T +53 12 157 B +53 12 158 U +53 12 159 U +53 12 160 I +53 12 161 T +53 12 162 I +53 12 163 T +53 12 164 I +53 12 165 U +53 12 166 T +53 12 167 Q +53 12 168 T +53 12 169 T +53 12 170 B +53 12 171 T +53 12 172 U +53 12 173 I +53 12 174 T +53 12 175 T +53 12 176 I +53 12 177 T +53 12 178 T +53 12 179 I +53 12 180 T +53 12 181 T +53 12 182 I +53 12 183 T +53 12 184 T +53 12 185 I +53 12 186 T +53 12 187 T +53 12 188 T +53 12 189 T +53 12 190 I +53 12 191 T +53 12 192 T +53 12 193 T +53 12 194 I +53 12 195 T +53 12 196 T +53 12 197 T +53 12 198 T +53 12 199 T +53 12 200 T +53 12 201 T +53 12 202 T +53 12 203 T +53 12 204 B +53 12 205 T +53 12 206 U +53 12 207 I +53 12 208 T +53 12 209 T +53 12 210 I +53 12 211 T +53 12 212 T +53 12 213 T +53 12 214 T +53 12 215 T +53 12 216 B +53 12 217 T +53 12 218 T +53 12 219 U +53 12 220 T +53 12 221 U +53 12 222 T +53 12 223 T +53 12 224 U +53 12 225 T +53 12 226 T +53 12 227 B +53 12 228 T +53 12 229 T +53 12 230 U +53 12 231 T +53 12 232 T +53 12 233 T +53 12 234 T +53 12 235 T +53 12 236 T +53 12 237 U +53 12 238 T +53 12 239 I +53 12 240 I +53 12 241 U +53 12 242 T +53 12 243 I +53 12 244 T +53 12 245 I +53 12 246 T +53 12 247 T +53 12 248 T +53 12 249 T +53 12 250 Q +53 12 251 T +53 12 252 U +53 12 253 T +53 12 254 T +53 12 255 B +53 12 256 I +53 12 257 T +53 12 258 T +53 12 259 I +53 12 260 U +53 12 261 I +53 12 262 U +53 12 263 U +53 12 264 U +53 12 265 T +53 12 266 I +53 12 267 I +53 12 268 T +53 12 269 I +53 12 270 T +53 12 271 T +53 12 272 U +53 12 273 T +53 12 274 U +53 12 275 T +53 12 276 I +53 12 277 T +53 12 278 I +53 12 279 T +53 12 280 T +53 12 281 T +53 12 282 T +53 12 283 T +53 12 284 U +53 12 285 I +53 12 286 U +53 12 287 T +53 12 288 I +53 12 289 T +53 12 290 T +53 12 291 T +53 12 292 I +53 12 293 U +53 12 294 U +53 12 295 T +53 12 296 T +53 12 297 T +53 12 298 Q +53 12 299 T +53 12 300 Q +53 12 301 T +53 12 302 U +53 12 303 U +53 12 304 T +53 12 305 I +53 12 306 T +53 12 307 T +53 12 308 T +53 12 309 T +53 12 310 T +53 12 311 T +53 12 312 T +53 12 313 T +53 12 314 U +53 12 315 T +53 12 316 T +53 12 317 I +53 12 318 I +53 12 319 U +53 12 320 T +53 12 321 I +53 12 322 T +53 12 323 T +53 12 324 I +53 12 325 I +53 12 326 T +53 12 327 U +53 12 328 Q +53 12 329 T +53 12 330 U +53 13 1 T +53 13 2 T +53 13 3 I +53 13 4 T +53 13 5 T +53 13 6 Q +53 13 7 T +53 13 8 I +53 13 9 I +53 13 10 B +53 13 11 Q +53 13 12 T +53 13 13 T +53 13 14 T +53 13 15 I +53 13 16 U +53 13 17 I +53 13 18 B +53 13 19 T +53 13 20 T +53 13 21 I +53 13 22 T +53 13 23 T +53 13 24 Q +53 13 25 T +53 13 26 T +53 13 27 U +53 13 28 I +53 13 29 T +53 13 30 I +53 13 31 T +53 13 32 I +53 13 33 I +53 13 34 T +53 13 35 I +53 13 36 T +53 13 37 T +53 13 38 I +53 13 39 T +53 13 40 T +53 13 41 I +53 13 42 T +53 13 43 T +53 13 44 U +53 13 45 T +53 13 46 B +53 13 47 T +53 13 48 T +53 13 49 T +53 13 50 I +53 13 51 T +53 13 52 T +53 13 53 I +53 13 54 T +53 13 55 T +53 13 56 U +53 13 57 T +53 13 58 Q +53 13 59 U +53 13 60 B +53 13 61 I +53 13 62 Q +53 13 63 Q +53 13 64 T +53 13 65 I +53 13 66 U +53 13 67 T +53 13 68 T +53 13 69 T +53 13 70 I +53 13 71 I +53 13 72 T +53 13 73 T +53 13 74 T +53 13 75 B +53 13 76 I +53 13 77 T +53 13 78 T +53 13 79 I +53 13 80 T +53 13 81 T +53 13 82 T +53 13 83 U +53 13 84 T +53 13 85 T +53 13 86 T +53 13 87 I +53 13 88 T +53 13 89 B +53 13 90 I +53 13 91 T +53 13 92 U +53 13 93 T +53 13 94 B +53 13 95 U +53 13 96 T +53 13 97 T +53 13 98 I +53 13 99 I +53 13 100 U +53 13 101 I +53 13 102 U +53 13 103 T +53 13 104 T +53 13 105 I +53 13 106 T +53 13 107 U +53 13 108 U +53 13 109 T +53 13 110 T +53 13 111 B +53 13 112 I +53 13 113 B +53 13 114 T +53 13 115 T +53 13 116 T +53 13 117 T +53 13 118 I +53 13 119 T +53 13 120 U +53 13 121 I +53 13 122 T +53 13 123 T +53 13 124 T +53 13 125 I +53 13 126 I +53 13 127 B +53 13 128 T +53 13 129 U +53 13 130 I +53 13 131 I +53 13 132 I +53 13 133 T +53 13 134 B +53 13 135 I +53 13 136 T +53 13 137 T +53 13 138 T +53 13 139 U +53 13 140 T +53 13 141 U +53 13 142 U +53 13 143 T +53 13 144 B +53 13 145 T +53 13 146 T +53 13 147 T +53 13 148 I +53 13 149 T +53 13 150 B +53 13 151 I +53 13 152 T +53 13 153 T +53 13 154 B +53 13 155 B +53 13 156 T +53 13 157 B +53 13 158 U +53 13 159 U +53 13 160 I +53 13 161 T +53 13 162 I +53 13 163 T +53 13 164 T +53 13 165 B +53 13 166 T +53 13 167 Q +53 13 168 T +53 13 169 T +53 13 170 B +53 13 171 T +53 13 172 U +53 13 173 I +53 13 174 T +53 13 175 T +53 13 176 I +53 13 177 T +53 13 178 T +53 13 179 I +53 13 180 T +53 13 181 T +53 13 182 I +53 13 183 T +53 13 184 T +53 13 185 I +53 13 186 T +53 13 187 T +53 13 188 T +53 13 189 T +53 13 190 I +53 13 191 T +53 13 192 T +53 13 193 T +53 13 194 I +53 13 195 T +53 13 196 T +53 13 197 T +53 13 198 T +53 13 199 T +53 13 200 T +53 13 201 T +53 13 202 T +53 13 203 I +53 13 204 B +53 13 205 T +53 13 206 U +53 13 207 I +53 13 208 T +53 13 209 T +53 13 210 I +53 13 211 T +53 13 212 T +53 13 213 T +53 13 214 T +53 13 215 T +53 13 216 B +53 13 217 T +53 13 218 T +53 13 219 U +53 13 220 T +53 13 221 U +53 13 222 T +53 13 223 T +53 13 224 U +53 13 225 T +53 13 226 T +53 13 227 B +53 13 228 T +53 13 229 T +53 13 230 U +53 13 231 T +53 13 232 * +53 13 233 T +53 13 234 T +53 13 235 * +53 13 236 T +53 13 237 U +53 13 238 T +53 13 239 I +53 13 240 I +53 13 241 U +53 13 242 T +53 13 243 I +53 13 244 T +53 13 245 I +53 13 246 T +53 13 247 T +53 13 248 T +53 13 249 T +53 13 250 Q +53 13 251 T +53 13 252 U +53 13 253 T +53 13 254 T +53 13 255 B +53 13 256 I +53 13 257 T +53 13 258 T +53 13 259 I +53 13 260 U +53 13 261 I +53 13 262 U +53 13 263 I +53 13 264 I +53 13 265 T +53 13 266 I +53 13 267 I +53 13 268 T +53 13 269 I +53 13 270 T +53 13 271 T +53 13 272 U +53 13 273 T +53 13 274 U +53 13 275 T +53 13 276 I +53 13 277 T +53 13 278 I +53 13 279 T +53 13 280 T +53 13 281 T +53 13 282 T +53 13 283 T +53 13 284 U +53 13 285 I +53 13 286 U +53 13 287 T +53 13 288 I +53 13 289 T +53 13 290 T +53 13 291 T +53 13 292 I +53 13 293 U +53 13 294 U +53 13 295 T +53 13 296 T +53 13 297 T +53 13 298 Q +53 13 299 T +53 13 300 Q +53 13 301 T +53 13 302 U +53 13 303 U +53 13 304 T +53 13 305 B +53 13 306 T +53 13 307 T +53 13 308 T +53 13 309 T +53 13 310 T +53 13 311 T +53 13 312 B +53 13 313 T +53 13 314 U +53 13 315 T +53 13 316 T +53 13 317 I +53 13 318 I +53 13 319 U +53 13 320 T +53 13 321 I +53 13 322 T +53 13 323 T +53 13 324 I +53 13 325 I +53 13 326 T +53 13 327 U +53 13 328 Q +53 13 329 T +53 13 330 U +53 14 1 T +53 14 2 T +53 14 3 I +53 14 4 I +53 14 5 T +53 14 6 Q +53 14 7 T +53 14 8 I +53 14 9 Q +53 14 10 B +53 14 11 T +53 14 12 T +53 14 13 T +53 14 14 T +53 14 15 Q +53 14 16 U +53 14 17 I +53 14 18 B +53 14 19 T +53 14 20 T +53 14 21 I +53 14 22 T +53 14 23 T +53 14 24 Q +53 14 25 T +53 14 26 T +53 14 27 U +53 14 28 I +53 14 29 T +53 14 30 T +53 14 31 T +53 14 32 I +53 14 33 I +53 14 34 T +53 14 35 I +53 14 36 T +53 14 37 T +53 14 38 I +53 14 39 T +53 14 40 T +53 14 41 I +53 14 42 T +53 14 43 T +53 14 44 Q +53 14 45 T +53 14 46 Q +53 14 47 T +53 14 48 T +53 14 49 T +53 14 50 I +53 14 51 T +53 14 52 T +53 14 53 I +53 14 54 T +53 14 55 T +53 14 56 U +53 14 57 T +53 14 58 T +53 14 59 U +53 14 60 B +53 14 61 I +53 14 62 T +53 14 63 Q +53 14 64 T +53 14 65 I +53 14 66 U +53 14 67 T +53 14 68 T +53 14 69 T +53 14 70 U +53 14 71 I +53 14 72 T +53 14 73 T +53 14 74 T +53 14 75 B +53 14 76 I +53 14 77 T +53 14 78 T +53 14 79 Q +53 14 80 T +53 14 81 T +53 14 82 T +53 14 83 U +53 14 84 T +53 14 85 T +53 14 86 T +53 14 87 I +53 14 88 T +53 14 89 B +53 14 90 Q +53 14 91 T +53 14 92 U +53 14 93 T +53 14 94 B +53 14 95 U +53 14 96 T +53 14 97 T +53 14 98 I +53 14 99 I +53 14 100 U +53 14 101 I +53 14 102 U +53 14 103 T +53 14 104 T +53 14 105 I +53 14 106 T +53 14 107 I +53 14 108 U +53 14 109 T +53 14 110 T +53 14 111 B +53 14 112 I +53 14 113 B +53 14 114 T +53 14 115 T +53 14 116 T +53 14 117 T +53 14 118 I +53 14 119 T +53 14 120 U +53 14 121 I +53 14 122 T +53 14 123 T +53 14 124 T +53 14 125 I +53 14 126 I +53 14 127 B +53 14 128 T +53 14 129 U +53 14 130 I +53 14 131 I +53 14 132 I +53 14 133 T +53 14 134 B +53 14 135 I +53 14 136 T +53 14 137 T +53 14 138 T +53 14 139 U +53 14 140 T +53 14 141 U +53 14 142 U +53 14 143 T +53 14 144 B +53 14 145 T +53 14 146 T +53 14 147 T +53 14 148 I +53 14 149 T +53 14 150 B +53 14 151 I +53 14 152 T +53 14 153 T +53 14 154 B +53 14 155 B +53 14 156 T +53 14 157 B +53 14 158 U +53 14 159 U +53 14 160 I +53 14 161 T +53 14 162 Q +53 14 163 T +53 14 164 T +53 14 165 B +53 14 166 T +53 14 167 I +53 14 168 T +53 14 169 T +53 14 170 B +53 14 171 T +53 14 172 U +53 14 173 I +53 14 174 T +53 14 175 T +53 14 176 I +53 14 177 T +53 14 178 T +53 14 179 I +53 14 180 T +53 14 181 T +53 14 182 I +53 14 183 T +53 14 184 T +53 14 185 I +53 14 186 T +53 14 187 T +53 14 188 T +53 14 189 T +53 14 190 I +53 14 191 T +53 14 192 T +53 14 193 T +53 14 194 I +53 14 195 T +53 14 196 T +53 14 197 T +53 14 198 T +53 14 199 T +53 14 200 T +53 14 201 T +53 14 202 T +53 14 203 T +53 14 204 B +53 14 205 T +53 14 206 U +53 14 207 I +53 14 208 T +53 14 209 T +53 14 210 I +53 14 211 T +53 14 212 T +53 14 213 T +53 14 214 T +53 14 215 T +53 14 216 B +53 14 217 T +53 14 218 T +53 14 219 U +53 14 220 T +53 14 221 U +53 14 222 T +53 14 223 T +53 14 224 U +53 14 225 T +53 14 226 T +53 14 227 B +53 14 228 T +53 14 229 T +53 14 230 U +53 14 231 T +53 14 232 T +53 14 233 T +53 14 234 T +53 14 235 T +53 14 236 T +53 14 237 U +53 14 238 T +53 14 239 I +53 14 240 * +53 14 241 U +53 14 242 T +53 14 243 I +53 14 244 T +53 14 245 I +53 14 246 T +53 14 247 T +53 14 248 T +53 14 249 T +53 14 250 Q +53 14 251 T +53 14 252 U +53 14 253 T +53 14 254 T +53 14 255 B +53 14 256 I +53 14 257 T +53 14 258 T +53 14 259 I +53 14 260 U +53 14 261 I +53 14 262 U +53 14 263 U +53 14 264 U +53 14 265 T +53 14 266 I +53 14 267 I +53 14 268 T +53 14 269 I +53 14 270 T +53 14 271 T +53 14 272 U +53 14 273 T +53 14 274 U +53 14 275 T +53 14 276 I +53 14 277 T +53 14 278 I +53 14 279 T +53 14 280 T +53 14 281 T +53 14 282 T +53 14 283 T +53 14 284 U +53 14 285 I +53 14 286 U +53 14 287 T +53 14 288 I +53 14 289 T +53 14 290 T +53 14 291 T +53 14 292 I +53 14 293 U +53 14 294 U +53 14 295 T +53 14 296 T +53 14 297 T +53 14 298 Q +53 14 299 T +53 14 300 Q +53 14 301 T +53 14 302 U +53 14 303 U +53 14 304 T +53 14 305 I +53 14 306 T +53 14 307 T +53 14 308 T +53 14 309 T +53 14 310 T +53 14 311 T +53 14 312 B +53 14 313 T +53 14 314 U +53 14 315 T +53 14 316 T +53 14 317 I +53 14 318 I +53 14 319 U +53 14 320 T +53 14 321 I +53 14 322 T +53 14 323 T +53 14 324 U +53 14 325 I +53 14 326 T +53 14 327 U +53 14 328 T +53 14 329 T +53 14 330 U +53 15 1 T +53 15 2 T +53 15 3 I +53 15 4 I +53 15 5 T +53 15 6 T +53 15 7 T +53 15 8 I +53 15 9 I +53 15 10 B +53 15 11 T +53 15 12 T +53 15 13 T +53 15 14 T +53 15 15 I +53 15 16 U +53 15 17 I +53 15 18 Q +53 15 19 T +53 15 20 T +53 15 21 I +53 15 22 L +53 15 23 I +53 15 24 Q +53 15 25 T +53 15 26 T +53 15 27 T +53 15 28 I +53 15 29 T +53 15 30 I +53 15 31 T +53 15 32 I +53 15 33 T +53 15 34 T +53 15 35 I +53 15 36 B +53 15 37 T +53 15 38 I +53 15 39 T +53 15 40 T +53 15 41 I +53 15 42 T +53 15 43 T +53 15 44 U +53 15 45 T +53 15 46 Q +53 15 47 B +53 15 48 T +53 15 49 T +53 15 50 I +53 15 51 Q +53 15 52 U +53 15 53 I +53 15 54 T +53 15 55 T +53 15 56 I +53 15 57 T +53 15 58 Q +53 15 59 U +53 15 60 B +53 15 61 I +53 15 62 Q +53 15 63 Q +53 15 64 T +53 15 65 I +53 15 66 U +53 15 67 T +53 15 68 T +53 15 69 T +53 15 70 U +53 15 71 I +53 15 72 T +53 15 73 T +53 15 74 T +53 15 75 B +53 15 76 I +53 15 77 T +53 15 78 T +53 15 79 Q +53 15 80 T +53 15 81 T +53 15 82 T +53 15 83 U +53 15 84 T +53 15 85 T +53 15 86 T +53 15 87 Q +53 15 88 T +53 15 89 B +53 15 90 Q +53 15 91 T +53 15 92 U +53 15 93 T +53 15 94 B +53 15 95 U +53 15 96 T +53 15 97 T +53 15 98 I +53 15 99 I +53 15 100 U +53 15 101 I +53 15 102 U +53 15 103 T +53 15 104 T +53 15 105 I +53 15 106 T +53 15 107 U +53 15 108 U +53 15 109 T +53 15 110 T +53 15 111 B +53 15 112 I +53 15 113 B +53 15 114 T +53 15 115 T +53 15 116 T +53 15 117 T +53 15 118 I +53 15 119 T +53 15 120 U +53 15 121 I +53 15 122 T +53 15 123 T +53 15 124 T +53 15 125 I +53 15 126 I +53 15 127 B +53 15 128 T +53 15 129 U +53 15 130 I +53 15 131 I +53 15 132 I +53 15 133 T +53 15 134 B +53 15 135 I +53 15 136 T +53 15 137 T +53 15 138 T +53 15 139 U +53 15 140 T +53 15 141 U +53 15 142 U +53 15 143 T +53 15 144 B +53 15 145 T +53 15 146 T +53 15 147 T +53 15 148 I +53 15 149 T +53 15 150 B +53 15 151 I +53 15 152 T +53 15 153 T +53 15 154 B +53 15 155 B +53 15 156 T +53 15 157 B +53 15 158 U +53 15 159 U +53 15 160 I +53 15 161 T +53 15 162 I +53 15 163 T +53 15 164 T +53 15 165 B +53 15 166 T +53 15 167 Q +53 15 168 T +53 15 169 T +53 15 170 B +53 15 171 T +53 15 172 U +53 15 173 I +53 15 174 T +53 15 175 T +53 15 176 I +53 15 177 T +53 15 178 T +53 15 179 I +53 15 180 T +53 15 181 T +53 15 182 I +53 15 183 T +53 15 184 T +53 15 185 I +53 15 186 T +53 15 187 T +53 15 188 T +53 15 189 T +53 15 190 I +53 15 191 T +53 15 192 T +53 15 193 I +53 15 194 I +53 15 195 T +53 15 196 T +53 15 197 T +53 15 198 T +53 15 199 T +53 15 200 T +53 15 201 T +53 15 202 T +53 15 203 I +53 15 204 B +53 15 205 T +53 15 206 U +53 15 207 I +53 15 208 T +53 15 209 T +53 15 210 I +53 15 211 T +53 15 212 T +53 15 213 T +53 15 214 T +53 15 215 T +53 15 216 B +53 15 217 T +53 15 218 T +53 15 219 U +53 15 220 T +53 15 221 U +53 15 222 T +53 15 223 T +53 15 224 U +53 15 225 T +53 15 226 T +53 15 227 B +53 15 228 T +53 15 229 T +53 15 230 U +53 15 231 T +53 15 232 T +53 15 233 T +53 15 234 T +53 15 235 T +53 15 236 T +53 15 237 U +53 15 238 T +53 15 239 I +53 15 240 I +53 15 241 U +53 15 242 T +53 15 243 I +53 15 244 T +53 15 245 I +53 15 246 T +53 15 247 T +53 15 248 T +53 15 249 T +53 15 250 Q +53 15 251 T +53 15 252 U +53 15 253 T +53 15 254 T +53 15 255 B +53 15 256 I +53 15 257 T +53 15 258 T +53 15 259 I +53 15 260 U +53 15 261 I +53 15 262 U +53 15 263 I +53 15 264 I +53 15 265 T +53 15 266 I +53 15 267 I +53 15 268 T +53 15 269 I +53 15 270 T +53 15 271 T +53 15 272 U +53 15 273 T +53 15 274 U +53 15 275 T +53 15 276 I +53 15 277 T +53 15 278 I +53 15 279 T +53 15 280 T +53 15 281 T +53 15 282 T +53 15 283 T +53 15 284 U +53 15 285 I +53 15 286 U +53 15 287 T +53 15 288 I +53 15 289 T +53 15 290 T +53 15 291 T +53 15 292 I +53 15 293 U +53 15 294 U +53 15 295 T +53 15 296 T +53 15 297 T +53 15 298 Q +53 15 299 T +53 15 300 Q +53 15 301 T +53 15 302 U +53 15 303 U +53 15 304 T +53 15 305 I +53 15 306 T +53 15 307 T +53 15 308 T +53 15 309 T +53 15 310 T +53 15 311 T +53 15 312 B +53 15 313 T +53 15 314 U +53 15 315 T +53 15 316 T +53 15 317 I +53 15 318 I +53 15 319 U +53 15 320 T +53 15 321 I +53 15 322 T +53 15 323 T +53 15 324 I +53 15 325 I +53 15 326 T +53 15 327 U +53 15 328 Q +53 15 329 T +53 15 330 U +53 16 1 T +53 16 2 T +53 16 3 I +53 16 4 I +53 16 5 T +53 16 6 Q +53 16 7 T +53 16 8 I +53 16 9 Q +53 16 10 B +53 16 11 T +53 16 12 T +53 16 13 T +53 16 14 T +53 16 15 Q +53 16 16 U +53 16 17 I +53 16 18 B +53 16 19 T +53 16 20 T +53 16 21 I +53 16 22 T +53 16 23 T +53 16 24 Q +53 16 25 T +53 16 26 T +53 16 27 U +53 16 28 I +53 16 29 T +53 16 30 T +53 16 31 T +53 16 32 I +53 16 33 I +53 16 34 T +53 16 35 I +53 16 36 T +53 16 37 T +53 16 38 I +53 16 39 T +53 16 40 T +53 16 41 I +53 16 42 T +53 16 43 T +53 16 44 Q +53 16 45 T +53 16 46 Q +53 16 47 T +53 16 48 T +53 16 49 T +53 16 50 I +53 16 51 T +53 16 52 T +53 16 53 I +53 16 54 T +53 16 55 T +53 16 56 U +53 16 57 T +53 16 58 T +53 16 59 U +53 16 60 I +53 16 61 I +53 16 62 T +53 16 63 Q +53 16 64 T +53 16 65 I +53 16 66 U +53 16 67 T +53 16 68 T +53 16 69 T +53 16 70 U +53 16 71 I +53 16 72 T +53 16 73 T +53 16 74 T +53 16 75 B +53 16 76 I +53 16 77 T +53 16 78 T +53 16 79 Q +53 16 80 T +53 16 81 T +53 16 82 T +53 16 83 U +53 16 84 T +53 16 85 T +53 16 86 T +53 16 87 Q +53 16 88 T +53 16 89 B +53 16 90 Q +53 16 91 T +53 16 92 U +53 16 93 T +53 16 94 B +53 16 95 U +53 16 96 T +53 16 97 T +53 16 98 I +53 16 99 I +53 16 100 U +53 16 101 I +53 16 102 U +53 16 103 T +53 16 104 T +53 16 105 I +53 16 106 T +53 16 107 U +53 16 108 U +53 16 109 T +53 16 110 T +53 16 111 B +53 16 112 I +53 16 113 B +53 16 114 T +53 16 115 T +53 16 116 T +53 16 117 T +53 16 118 I +53 16 119 T +53 16 120 U +53 16 121 I +53 16 122 T +53 16 123 T +53 16 124 T +53 16 125 I +53 16 126 I +53 16 127 B +53 16 128 T +53 16 129 U +53 16 130 I +53 16 131 I +53 16 132 I +53 16 133 T +53 16 134 B +53 16 135 I +53 16 136 T +53 16 137 T +53 16 138 T +53 16 139 U +53 16 140 T +53 16 141 U +53 16 142 U +53 16 143 T +53 16 144 B +53 16 145 T +53 16 146 T +53 16 147 T +53 16 148 I +53 16 149 T +53 16 150 B +53 16 151 I +53 16 152 T +53 16 153 T +53 16 154 B +53 16 155 B +53 16 156 T +53 16 157 B +53 16 158 U +53 16 159 U +53 16 160 I +53 16 161 T +53 16 162 I +53 16 163 T +53 16 164 T +53 16 165 B +53 16 166 T +53 16 167 Q +53 16 168 T +53 16 169 T +53 16 170 B +53 16 171 T +53 16 172 U +53 16 173 I +53 16 174 T +53 16 175 T +53 16 176 I +53 16 177 T +53 16 178 T +53 16 179 I +53 16 180 T +53 16 181 T +53 16 182 I +53 16 183 T +53 16 184 T +53 16 185 I +53 16 186 T +53 16 187 T +53 16 188 T +53 16 189 T +53 16 190 I +53 16 191 T +53 16 192 T +53 16 193 T +53 16 194 I +53 16 195 T +53 16 196 T +53 16 197 T +53 16 198 T +53 16 199 T +53 16 200 T +53 16 201 T +53 16 202 T +53 16 203 T +53 16 204 B +53 16 205 T +53 16 206 U +53 16 207 I +53 16 208 T +53 16 209 T +53 16 210 I +53 16 211 T +53 16 212 T +53 16 213 T +53 16 214 T +53 16 215 T +53 16 216 B +53 16 217 T +53 16 218 T +53 16 219 U +53 16 220 T +53 16 221 U +53 16 222 T +53 16 223 T +53 16 224 U +53 16 225 T +53 16 226 T +53 16 227 B +53 16 228 T +53 16 229 T +53 16 230 U +53 16 231 T +53 16 232 T +53 16 233 T +53 16 234 T +53 16 235 T +53 16 236 T +53 16 237 U +53 16 238 T +53 16 239 I +53 16 240 I +53 16 241 U +53 16 242 T +53 16 243 I +53 16 244 T +53 16 245 I +53 16 246 T +53 16 247 T +53 16 248 T +53 16 249 T +53 16 250 Q +53 16 251 T +53 16 252 U +53 16 253 T +53 16 254 T +53 16 255 B +53 16 256 I +53 16 257 T +53 16 258 T +53 16 259 I +53 16 260 U +53 16 261 I +53 16 262 U +53 16 263 U +53 16 264 U +53 16 265 T +53 16 266 I +53 16 267 I +53 16 268 T +53 16 269 I +53 16 270 T +53 16 271 T +53 16 272 U +53 16 273 T +53 16 274 U +53 16 275 T +53 16 276 I +53 16 277 T +53 16 278 I +53 16 279 T +53 16 280 T +53 16 281 T +53 16 282 T +53 16 283 T +53 16 284 U +53 16 285 I +53 16 286 U +53 16 287 T +53 16 288 I +53 16 289 T +53 16 290 T +53 16 291 T +53 16 292 I +53 16 293 U +53 16 294 U +53 16 295 T +53 16 296 T +53 16 297 T +53 16 298 I +53 16 299 T +53 16 300 Q +53 16 301 T +53 16 302 U +53 16 303 U +53 16 304 T +53 16 305 I +53 16 306 T +53 16 307 T +53 16 308 T +53 16 309 T +53 16 310 T +53 16 311 T +53 16 312 B +53 16 313 T +53 16 314 U +53 16 315 T +53 16 316 T +53 16 317 I +53 16 318 I +53 16 319 U +53 16 320 T +53 16 321 I +53 16 322 T +53 16 323 T +53 16 324 U +53 16 325 I +53 16 326 T +53 16 327 U +53 16 328 T +53 16 329 T +53 16 330 U +53 17 1 T +53 17 2 T +53 17 3 I +53 17 4 I +53 17 5 T +53 17 6 T +53 17 7 T +53 17 8 I +53 17 9 O +53 17 10 B +53 17 11 T +53 17 12 T +53 17 13 T +53 17 14 T +53 17 15 I +53 17 16 U +53 17 17 I +53 17 18 Q +53 17 19 T +53 17 20 T +53 17 21 I +53 17 22 T +53 17 23 I +53 17 24 Q +53 17 25 T +53 17 26 T +53 17 27 U +53 17 28 I +53 17 29 T +53 17 30 I +53 17 31 T +53 17 32 I +53 17 33 T +53 17 34 T +53 17 35 I +53 17 36 * +53 17 37 T +53 17 38 I +53 17 39 T +53 17 40 T +53 17 41 I +53 17 42 T +53 17 43 T +53 17 44 U +53 17 45 T +53 17 46 I +53 17 47 B +53 17 48 T +53 17 49 T +53 17 50 I +53 17 51 O +53 17 52 U +53 17 53 I +53 17 54 T +53 17 55 T +53 17 56 I +53 17 57 T +53 17 58 T +53 17 59 U +53 17 60 B +53 17 61 I +53 17 62 T +53 17 63 Q +53 17 64 T +53 17 65 I +53 17 66 U +53 17 67 T +53 17 68 T +53 17 69 T +53 17 70 U +53 17 71 I +53 17 72 T +53 17 73 T +53 17 74 T +53 17 75 B +53 17 76 I +53 17 77 T +53 17 78 T +53 17 79 Q +53 17 80 T +53 17 81 T +53 17 82 T +53 17 83 U +53 17 84 T +53 17 85 T +53 17 86 T +53 17 87 Q +53 17 88 T +53 17 89 B +53 17 90 Q +53 17 91 T +53 17 92 U +53 17 93 T +53 17 94 B +53 17 95 U +53 17 96 T +53 17 97 T +53 17 98 I +53 17 99 I +53 17 100 U +53 17 101 I +53 17 102 U +53 17 103 T +53 17 104 T +53 17 105 I +53 17 106 T +53 17 107 U +53 17 108 U +53 17 109 T +53 17 110 T +53 17 111 B +53 17 112 I +53 17 113 B +53 17 114 T +53 17 115 T +53 17 116 T +53 17 117 T +53 17 118 I +53 17 119 T +53 17 120 U +53 17 121 I +53 17 122 T +53 17 123 T +53 17 124 T +53 17 125 I +53 17 126 I +53 17 127 B +53 17 128 T +53 17 129 U +53 17 130 I +53 17 131 I +53 17 132 I +53 17 133 T +53 17 134 B +53 17 135 I +53 17 136 T +53 17 137 T +53 17 138 T +53 17 139 U +53 17 140 T +53 17 141 I +53 17 142 U +53 17 143 T +53 17 144 B +53 17 145 T +53 17 146 T +53 17 147 T +53 17 148 I +53 17 149 T +53 17 150 B +53 17 151 I +53 17 152 T +53 17 153 T +53 17 154 B +53 17 155 B +53 17 156 T +53 17 157 B +53 17 158 U +53 17 159 U +53 17 160 I +53 17 161 T +53 17 162 I +53 17 163 T +53 17 164 T +53 17 165 B +53 17 166 T +53 17 167 Q +53 17 168 T +53 17 169 T +53 17 170 B +53 17 171 T +53 17 172 U +53 17 173 I +53 17 174 T +53 17 175 T +53 17 176 I +53 17 177 T +53 17 178 T +53 17 179 I +53 17 180 T +53 17 181 T +53 17 182 I +53 17 183 T +53 17 184 T +53 17 185 I +53 17 186 T +53 17 187 T +53 17 188 T +53 17 189 T +53 17 190 I +53 17 191 T +53 17 192 T +53 17 193 T +53 17 194 I +53 17 195 T +53 17 196 T +53 17 197 T +53 17 198 T +53 17 199 T +53 17 200 T +53 17 201 T +53 17 202 T +53 17 203 T +53 17 204 B +53 17 205 T +53 17 206 U +53 17 207 I +53 17 208 T +53 17 209 T +53 17 210 I +53 17 211 T +53 17 212 T +53 17 213 T +53 17 214 T +53 17 215 T +53 17 216 B +53 17 217 T +53 17 218 T +53 17 219 U +53 17 220 T +53 17 221 U +53 17 222 T +53 17 223 T +53 17 224 U +53 17 225 T +53 17 226 T +53 17 227 B +53 17 228 T +53 17 229 T +53 17 230 U +53 17 231 T +53 17 232 T +53 17 233 T +53 17 234 T +53 17 235 T +53 17 236 T +53 17 237 U +53 17 238 T +53 17 239 I +53 17 240 I +53 17 241 U +53 17 242 T +53 17 243 I +53 17 244 T +53 17 245 I +53 17 246 T +53 17 247 T +53 17 248 T +53 17 249 T +53 17 250 I +53 17 251 T +53 17 252 U +53 17 253 T +53 17 254 T +53 17 255 B +53 17 256 I +53 17 257 T +53 17 258 T +53 17 259 I +53 17 260 U +53 17 261 I +53 17 262 U +53 17 263 U +53 17 264 U +53 17 265 T +53 17 266 I +53 17 267 I +53 17 268 T +53 17 269 I +53 17 270 T +53 17 271 T +53 17 272 U +53 17 273 T +53 17 274 U +53 17 275 T +53 17 276 I +53 17 277 T +53 17 278 I +53 17 279 T +53 17 280 T +53 17 281 T +53 17 282 T +53 17 283 T +53 17 284 U +53 17 285 I +53 17 286 U +53 17 287 T +53 17 288 I +53 17 289 T +53 17 290 T +53 17 291 T +53 17 292 I +53 17 293 U +53 17 294 U +53 17 295 T +53 17 296 T +53 17 297 T +53 17 298 Q +53 17 299 T +53 17 300 Q +53 17 301 T +53 17 302 U +53 17 303 U +53 17 304 T +53 17 305 I +53 17 306 T +53 17 307 T +53 17 308 T +53 17 309 T +53 17 310 T +53 17 311 T +53 17 312 B +53 17 313 T +53 17 314 U +53 17 315 T +53 17 316 T +53 17 317 I +53 17 318 I +53 17 319 U +53 17 320 T +53 17 321 I +53 17 322 T +53 17 323 T +53 17 324 I +53 17 325 I +53 17 326 T +53 17 327 U +53 17 328 Q +53 17 329 T +53 17 330 U +53 18 1 T +53 18 2 T +53 18 3 I +53 18 4 B +53 18 5 T +53 18 6 Q +53 18 7 T +53 18 8 I +53 18 9 Q +53 18 10 B +53 18 11 T +53 18 12 T +53 18 13 T +53 18 14 T +53 18 15 I +53 18 16 U +53 18 17 I +53 18 18 B +53 18 19 T +53 18 20 T +53 18 21 I +53 18 22 T +53 18 23 T +53 18 24 Q +53 18 25 T +53 18 26 T +53 18 27 U +53 18 28 I +53 18 29 T +53 18 30 I +53 18 31 T +53 18 32 I +53 18 33 I +53 18 34 T +53 18 35 I +53 18 36 T +53 18 37 T +53 18 38 I +53 18 39 T +53 18 40 T +53 18 41 I +53 18 42 T +53 18 43 T +53 18 44 I +53 18 45 T +53 18 46 B +53 18 47 T +53 18 48 T +53 18 49 T +53 18 50 I +53 18 51 T +53 18 52 T +53 18 53 I +53 18 54 T +53 18 55 T +53 18 56 U +53 18 57 T +53 18 58 Q +53 18 59 U +53 18 60 B +53 18 61 I +53 18 62 T +53 18 63 Q +53 18 64 T +53 18 65 I +53 18 66 U +53 18 67 T +53 18 68 T +53 18 69 T +53 18 70 U +53 18 71 I +53 18 72 T +53 18 73 T +53 18 74 T +53 18 75 B +53 18 76 I +53 18 77 T +53 18 78 T +53 18 79 Q +53 18 80 T +53 18 81 T +53 18 82 T +53 18 83 U +53 18 84 T +53 18 85 T +53 18 86 T +53 18 87 Q +53 18 88 T +53 18 89 B +53 18 90 Q +53 18 91 T +53 18 92 U +53 18 93 T +53 18 94 B +53 18 95 U +53 18 96 T +53 18 97 T +53 18 98 I +53 18 99 T +53 18 100 U +53 18 101 I +53 18 102 U +53 18 103 T +53 18 104 T +53 18 105 I +53 18 106 T +53 18 107 U +53 18 108 U +53 18 109 T +53 18 110 T +53 18 111 B +53 18 112 I +53 18 113 B +53 18 114 T +53 18 115 T +53 18 116 T +53 18 117 T +53 18 118 I +53 18 119 T +53 18 120 U +53 18 121 I +53 18 122 T +53 18 123 T +53 18 124 T +53 18 125 I +53 18 126 I +53 18 127 B +53 18 128 T +53 18 129 U +53 18 130 I +53 18 131 I +53 18 132 I +53 18 133 T +53 18 134 B +53 18 135 I +53 18 136 T +53 18 137 T +53 18 138 T +53 18 139 U +53 18 140 T +53 18 141 U +53 18 142 U +53 18 143 T +53 18 144 B +53 18 145 T +53 18 146 T +53 18 147 T +53 18 148 I +53 18 149 T +53 18 150 B +53 18 151 I +53 18 152 T +53 18 153 T +53 18 154 B +53 18 155 B +53 18 156 T +53 18 157 B +53 18 158 U +53 18 159 U +53 18 160 I +53 18 161 T +53 18 162 I +53 18 163 T +53 18 164 T +53 18 165 B +53 18 166 T +53 18 167 Q +53 18 168 T +53 18 169 T +53 18 170 B +53 18 171 T +53 18 172 U +53 18 173 I +53 18 174 T +53 18 175 T +53 18 176 I +53 18 177 T +53 18 178 T +53 18 179 I +53 18 180 T +53 18 181 T +53 18 182 I +53 18 183 T +53 18 184 T +53 18 185 I +53 18 186 T +53 18 187 T +53 18 188 T +53 18 189 T +53 18 190 I +53 18 191 T +53 18 192 T +53 18 193 T +53 18 194 I +53 18 195 T +53 18 196 T +53 18 197 T +53 18 198 T +53 18 199 T +53 18 200 T +53 18 201 T +53 18 202 T +53 18 203 T +53 18 204 B +53 18 205 T +53 18 206 U +53 18 207 I +53 18 208 T +53 18 209 T +53 18 210 I +53 18 211 T +53 18 212 T +53 18 213 T +53 18 214 T +53 18 215 T +53 18 216 B +53 18 217 T +53 18 218 T +53 18 219 U +53 18 220 T +53 18 221 U +53 18 222 T +53 18 223 T +53 18 224 U +53 18 225 T +53 18 226 T +53 18 227 B +53 18 228 T +53 18 229 T +53 18 230 U +53 18 231 T +53 18 232 T +53 18 233 T +53 18 234 T +53 18 235 T +53 18 236 T +53 18 237 U +53 18 238 T +53 18 239 I +53 18 240 I +53 18 241 U +53 18 242 T +53 18 243 I +53 18 244 T +53 18 245 I +53 18 246 T +53 18 247 T +53 18 248 T +53 18 249 T +53 18 250 Q +53 18 251 T +53 18 252 U +53 18 253 T +53 18 254 T +53 18 255 B +53 18 256 I +53 18 257 T +53 18 258 T +53 18 259 I +53 18 260 U +53 18 261 I +53 18 262 U +53 18 263 U +53 18 264 U +53 18 265 T +53 18 266 I +53 18 267 I +53 18 268 T +53 18 269 I +53 18 270 T +53 18 271 T +53 18 272 U +53 18 273 T +53 18 274 U +53 18 275 T +53 18 276 I +53 18 277 T +53 18 278 I +53 18 279 T +53 18 280 T +53 18 281 T +53 18 282 T +53 18 283 U +53 18 284 I +53 18 285 U +53 18 286 U +53 18 287 T +53 18 288 I +53 18 289 T +53 18 290 T +53 18 291 T +53 18 292 I +53 18 293 U +53 18 294 U +53 18 295 T +53 18 296 T +53 18 297 Q +53 18 298 T +53 18 299 Q +53 18 300 T +53 18 301 U +53 18 302 U +53 18 303 T +53 18 304 I +53 18 305 I +53 18 306 T +53 18 307 T +53 18 308 T +53 18 309 T +53 18 310 T +53 18 311 T +53 18 312 T +53 18 313 T +53 18 314 U +53 18 315 T +53 18 316 T +53 18 317 I +53 18 318 I +53 18 319 U +53 18 320 T +53 18 321 I +53 18 322 T +53 18 323 T +53 18 324 I +53 18 325 I +53 18 326 T +53 18 327 U +53 18 328 Q +53 18 329 T +53 18 330 U +53 19 1 * +53 19 2 T +53 19 3 I +53 19 4 I +53 19 5 T +53 19 6 Q +53 19 7 * +53 19 8 I +53 19 9 O +53 19 10 B +53 19 11 T +53 19 12 T +53 19 13 T +53 19 14 T +53 19 15 T +53 19 16 U +53 19 17 I +53 19 18 B +53 19 19 T +53 19 20 T +53 19 21 I +53 19 22 T +53 19 23 O +53 19 24 Q +53 19 25 T +53 19 26 T +53 19 27 U +53 19 28 I +53 19 29 T +53 19 30 O +53 19 31 T +53 19 32 O +53 19 33 T +53 19 34 T +53 19 35 O +53 19 36 T +53 19 37 T +53 19 38 I +53 19 39 T +53 19 40 T +53 19 41 I +53 19 42 T +53 19 43 T +53 19 44 U +53 19 45 T +53 19 46 Q +53 19 47 T +53 19 48 T +53 19 49 T +53 19 50 O +53 19 51 Q +53 19 52 U +53 19 53 I +53 19 54 T +53 19 55 T +53 19 56 I +53 19 57 T +53 19 58 Q +53 19 59 U +53 19 60 B +53 19 61 I +53 19 62 T +53 19 63 Q +53 19 64 T +53 19 65 I +53 19 66 U +53 19 67 T +53 19 68 T +53 19 69 T +53 19 70 U +53 19 71 I +53 19 72 T +53 19 73 T +53 19 74 T +53 19 75 B +53 19 76 I +53 19 77 T +53 19 78 T +53 19 79 Q +53 19 80 T +53 19 81 T +53 19 82 T +53 19 83 U +53 19 84 T +53 19 85 T +53 19 86 T +53 19 87 Q +53 19 88 T +53 19 89 B +53 19 90 Q +53 19 91 T +53 19 92 U +53 19 93 T +53 19 94 B +53 19 95 U +53 19 96 T +53 19 97 T +53 19 98 I +53 19 99 I +53 19 100 U +53 19 101 I +53 19 102 U +53 19 103 T +53 19 104 T +53 19 105 I +53 19 106 T +53 19 107 U +53 19 108 U +53 19 109 T +53 19 110 T +53 19 111 B +53 19 112 I +53 19 113 B +53 19 114 T +53 19 115 T +53 19 116 T +53 19 117 T +53 19 118 I +53 19 119 T +53 19 120 U +53 19 121 I +53 19 122 T +53 19 123 T +53 19 124 T +53 19 125 I +53 19 126 I +53 19 127 B +53 19 128 T +53 19 129 U +53 19 130 I +53 19 131 I +53 19 132 I +53 19 133 T +53 19 134 B +53 19 135 I +53 19 136 T +53 19 137 T +53 19 138 T +53 19 139 U +53 19 140 T +53 19 141 U +53 19 142 U +53 19 143 T +53 19 144 B +53 19 145 T +53 19 146 T +53 19 147 T +53 19 148 I +53 19 149 T +53 19 150 B +53 19 151 I +53 19 152 T +53 19 153 T +53 19 154 B +53 19 155 B +53 19 156 T +53 19 157 B +53 19 158 U +53 19 159 U +53 19 160 I +53 19 161 T +53 19 162 I +53 19 163 T +53 19 164 T +53 19 165 B +53 19 166 T +53 19 167 Q +53 19 168 T +53 19 169 T +53 19 170 B +53 19 171 T +53 19 172 * +53 19 173 I +53 19 174 T +53 19 175 T +53 19 176 I +53 19 177 T +53 19 178 T +53 19 179 I +53 19 180 T +53 19 181 T +53 19 182 I +53 19 183 T +53 19 184 * +53 19 185 I +53 19 186 T +53 19 187 T +53 19 188 T +53 19 189 T +53 19 190 I +53 19 191 T +53 19 192 T +53 19 193 T +53 19 194 I +53 19 195 T +53 19 196 T +53 19 197 T +53 19 198 T +53 19 199 T +53 19 200 * +53 19 201 T +53 19 202 T +53 19 203 T +53 19 204 B +53 19 205 T +53 19 206 U +53 19 207 I +53 19 208 T +53 19 209 * +53 19 210 B +53 19 211 T +53 19 212 T +53 19 213 T +53 19 214 T +53 19 215 T +53 19 216 B +53 19 217 * +53 19 218 T +53 19 219 U +53 19 220 T +53 19 221 U +53 19 222 T +53 19 223 T +53 19 224 U +53 19 225 T +53 19 226 T +53 19 227 B +53 19 228 T +53 19 229 T +53 19 230 U +53 19 231 T +53 19 232 T +53 19 233 T +53 19 234 T +53 19 235 T +53 19 236 T +53 19 237 U +53 19 238 T +53 19 239 I +53 19 240 * +53 19 241 U +53 19 242 T +53 19 243 I +53 19 244 T +53 19 245 I +53 19 246 T +53 19 247 T +53 19 248 T +53 19 249 T +53 19 250 Q +53 19 251 T +53 19 252 U +53 19 253 T +53 19 254 T +53 19 255 B +53 19 256 I +53 19 257 T +53 19 258 T +53 19 259 I +53 19 260 U +53 19 261 I +53 19 262 U +53 19 263 U +53 19 264 U +53 19 265 T +53 19 266 I +53 19 267 I +53 19 268 T +53 19 269 I +53 19 270 T +53 19 271 T +53 19 272 U +53 19 273 T +53 19 274 U +53 19 275 T +53 19 276 I +53 19 277 T +53 19 278 I +53 19 279 T +53 19 280 T +53 19 281 T +53 19 282 T +53 19 283 T +53 19 284 U +53 19 285 I +53 19 286 U +53 19 287 T +53 19 288 I +53 19 289 T +53 19 290 T +53 19 291 T +53 19 292 I +53 19 293 U +53 19 294 U +53 19 295 T +53 19 296 T +53 19 297 T +53 19 298 I +53 19 299 T +53 19 300 Q +53 19 301 T +53 19 302 U +53 19 303 U +53 19 304 T +53 19 305 I +53 19 306 T +53 19 307 T +53 19 308 T +53 19 309 T +53 19 310 T +53 19 311 T +53 19 312 B +53 19 313 T +53 19 314 U +53 19 315 T +53 19 316 T +53 19 317 I +53 19 318 I +53 19 319 U +53 19 320 T +53 19 321 I +53 19 322 T +53 19 323 T +53 19 324 U +53 19 325 I +53 19 326 T +53 19 327 U +53 19 328 T +53 19 329 T +53 19 330 U +54 1 1 KK +54 1 2 * +54 1 3 KN +54 1 4 * +54 1 5 * +54 1 6 * +54 1 7 * +54 1 8 * +54 1 9 * +54 1 10 * +54 1 11 JJ +54 1 12 * +54 1 13 * +54 1 14 * +54 1 15 * +54 1 16 KL +54 1 17 KN +54 1 18 SG +54 1 19 KK +54 1 20 * +54 1 21 BB +54 1 22 JJ +54 1 23 * +54 1 24 * +54 1 25 * +54 1 26 KK +54 1 27 KL +54 1 28 BB +54 1 29 KU +54 1 30 * +54 1 31 * +54 1 32 * +54 1 33 * +54 1 34 KK +54 1 35 BB +54 1 36 * +54 1 37 * +54 1 38 KU +54 1 39 * +54 1 40 * +54 1 41 KU +54 1 42 JJ +54 1 43 KK +54 1 44 KL +54 1 45 KK +54 1 46 SG +54 1 47 KU +54 1 48 * +54 1 49 KK +54 1 50 * +54 1 51 * +54 1 52 KL +54 1 53 KN +54 1 54 KK +54 1 55 KK +54 1 56 * +54 1 57 KK +54 1 58 * +54 1 59 * +54 1 60 * +54 1 61 KN +54 1 62 * +54 1 63 BB +54 1 64 KK +54 1 65 KN +54 1 66 * +54 1 67 KK +54 1 68 KN +54 1 69 * +54 1 70 KL +54 1 71 KN +54 1 72 KK +54 1 73 * +54 1 74 * +54 1 75 KK +54 1 76 KN +54 1 77 KK +54 1 78 * +54 1 79 SG +54 1 80 KK +54 1 81 KK +54 1 82 KK +54 1 83 JJ +54 1 84 * +54 1 85 KK +54 1 86 KN +54 1 87 SG +54 1 88 * +54 1 89 SG +54 1 90 KK +54 1 91 * +54 1 92 KL +54 1 93 KK +54 1 94 SG +54 1 95 KL +54 1 96 JJ +54 1 97 * +54 1 98 KN +54 1 99 * +54 1 100 KK +54 1 101 KN +54 1 102 * +54 1 103 * +54 1 104 KK +54 1 105 KN +54 1 106 JJ +54 1 107 KL +54 1 108 KL +54 1 109 KK +54 1 110 KN +54 1 111 * +54 1 112 KN +54 1 113 SG +54 1 114 KK +54 1 115 KN +54 1 116 KL +54 1 117 * +54 1 118 KN +54 1 119 KK +54 1 120 KL +54 1 121 KN +54 1 122 KK +54 1 123 KK +54 1 124 JJ +54 1 125 KN +54 1 126 KK +54 1 127 KN +54 1 128 JJ +54 1 129 KL +54 1 130 * +54 1 131 * +54 1 132 KN +54 1 133 * +54 1 134 KN +54 1 135 KK +54 1 136 KK +54 1 137 * +54 1 138 KL +54 1 139 KK +54 1 140 KL +54 1 141 * +54 1 142 KK +54 1 143 * +54 1 144 KK +54 1 145 JJ +54 1 146 KK +54 1 147 KN +54 1 148 KK +54 1 149 * +54 1 150 KN +54 1 151 * +54 1 152 KK +54 1 153 SG +54 1 154 * +54 1 155 KK +54 1 156 * +54 1 157 KL +54 1 158 KN +54 1 159 KN +54 1 160 KK +54 1 161 KN +54 1 162 KK +54 1 163 KK +54 1 164 * +54 1 165 KK +54 1 166 KL +54 1 167 KK +54 1 168 KK +54 1 169 KK +54 1 170 KK +54 1 171 * +54 1 172 KL +54 1 173 KN +54 1 174 JJ +54 1 175 * +54 1 176 KN +54 1 177 JJ +54 1 178 KK +54 1 179 KN +54 1 180 KK +54 1 181 JJ +54 1 182 * +54 1 183 * +54 1 184 * +54 1 185 KN +54 1 186 KK +54 1 187 KN +54 1 188 KK +54 1 189 KL +54 1 190 KN +54 1 191 KK +54 1 192 JJ +54 1 193 JJ +54 1 194 * +54 1 195 * +54 1 196 * +54 1 197 * +54 1 198 SG +54 1 199 KL +54 1 200 KK +54 1 201 KN +54 1 202 KK +54 1 203 KN +54 1 204 * +54 1 205 * +54 1 206 KL +54 1 207 KN +54 1 208 JJ +54 1 209 KK +54 1 210 * +54 1 211 KN +54 1 212 KK +54 1 213 * +54 1 214 JJ +54 1 215 * +54 1 216 * +54 1 217 KN +54 1 218 JJ +54 1 219 KL +54 1 220 * +54 1 221 KK +54 1 222 * +54 1 223 KK +54 1 224 KL +54 1 225 JJ +54 1 226 KK +54 1 227 SG +54 1 228 KK +54 1 229 KK +54 1 230 * +54 1 231 * +54 1 232 * +54 1 233 KK +54 1 234 KK +54 1 235 KK +54 1 236 JJ +54 1 237 KN +54 1 238 KK +54 1 239 KN +54 1 240 * +54 1 241 KL +54 1 242 JJ +54 1 243 JJ +54 1 244 KL +54 1 245 KN +54 1 246 KK +54 1 247 * +54 1 248 KK +54 1 249 KK +54 1 250 * +54 1 251 KK +54 1 252 KL +54 1 253 KK +54 1 254 KK +54 1 255 SG +54 1 256 KN +54 1 257 KK +54 1 258 JJ +54 1 259 KN +54 1 260 JJ +54 1 261 KN +54 1 262 KL +54 1 263 * +54 1 264 KK +54 1 265 KK +54 1 266 KN +54 1 267 * +54 1 268 KK +54 1 269 KN +54 1 270 JJ +54 1 271 KK +54 1 272 KL +54 1 273 * +54 1 274 KL +54 1 275 KN +54 1 276 KN +54 1 277 KK +54 1 278 KN +54 1 279 KK +54 1 280 KK +54 1 281 KK +54 1 282 KK +54 1 283 * +54 1 284 KL +54 1 285 KN +54 1 286 KL +54 1 287 * +54 1 288 KN +54 1 289 KK +54 1 290 KL +54 1 291 KK +54 1 292 KN +54 1 293 KK +54 1 294 KK +54 1 295 * +54 1 296 * +54 1 297 JJ +54 1 298 KN +54 1 299 KK +54 1 300 KL +54 1 301 KL +54 1 302 KL +54 1 303 * +54 1 304 * +54 1 305 * +54 1 306 KK +54 1 307 KK +54 1 308 * +54 1 309 * +54 1 310 KK +54 1 311 KK +54 1 312 SG +54 1 313 * +54 1 314 KL +54 1 315 KK +54 1 316 KK +54 1 317 KN +54 1 318 KN +54 1 319 KL +54 1 320 JJ +54 1 321 KN +54 1 322 KK +54 1 323 KK +54 1 324 KL +54 1 325 * +54 1 326 JJ +54 1 327 KL +54 1 328 KK +54 1 329 * +54 1 330 JJ +54 2 1 KK +54 2 2 DS +54 2 3 KN +54 2 4 KU +54 2 5 DS +54 2 6 BB +54 2 7 DS +54 2 8 KN +54 2 9 KU +54 2 10 SG +54 2 11 DS +54 2 12 JJ +54 2 13 KK +54 2 14 KU +54 2 15 KL +54 2 16 KL +54 2 17 KN +54 2 18 SG +54 2 19 DS +54 2 20 KK +54 2 21 KN +54 2 22 JJ +54 2 23 KU +54 2 24 SG +54 2 25 DS +54 2 26 KN +54 2 27 KL +54 2 28 KN +54 2 29 KK +54 2 30 JJ +54 2 31 KL +54 2 32 KN +54 2 33 KK +54 2 34 DS +54 2 35 KN +54 2 36 SG +54 2 37 DS +54 2 38 KN +54 2 39 KK +54 2 40 DS +54 2 41 KN +54 2 42 JJ +54 2 43 KU +54 2 44 KL +54 2 45 DS +54 2 46 SG +54 2 47 SG +54 2 48 JJ +54 2 49 DS +54 2 50 SG +54 2 51 BB +54 2 52 KL +54 2 53 KN +54 2 54 KK +54 2 55 DS +54 2 56 BB +54 2 57 SG +54 2 58 JJ +54 2 59 KL +54 2 60 SG +54 2 61 KN +54 2 62 SG +54 2 63 KN +54 2 64 SG +54 2 65 KN +54 2 66 KL +54 2 67 DS +54 2 68 KN +54 2 69 JJ +54 2 70 KL +54 2 71 SG +54 2 72 KK +54 2 73 SG +54 2 74 KL +54 2 75 SG +54 2 76 JJ +54 2 77 DS +54 2 78 KL +54 2 79 SG +54 2 80 KK +54 2 81 JJ +54 2 82 DS +54 2 83 KL +54 2 84 KN +54 2 85 DS +54 2 86 KN +54 2 87 SG +54 2 88 KN +54 2 89 KL +54 2 90 SG +54 2 91 JJ +54 2 92 KL +54 2 93 DS +54 2 94 SG +54 2 95 KL +54 2 96 JJ +54 2 97 SG +54 2 98 KN +54 2 99 KL +54 2 100 KK +54 2 101 KN +54 2 102 KL +54 2 103 JJ +54 2 104 DS +54 2 105 KN +54 2 106 JJ +54 2 107 KL +54 2 108 KK +54 2 109 SG +54 2 110 JJ +54 2 111 SG +54 2 112 KN +54 2 113 SG +54 2 114 DS +54 2 115 KN +54 2 116 KL +54 2 117 SG +54 2 118 KN +54 2 119 DS +54 2 120 KL +54 2 121 KN +54 2 122 KK +54 2 123 DS +54 2 124 JJ +54 2 125 KN +54 2 126 KN +54 2 127 SG +54 2 128 JJ +54 2 129 KL +54 2 130 SG +54 2 131 KN +54 2 132 KN +54 2 133 DS +54 2 134 SG +54 2 135 KN +54 2 136 DS +54 2 137 DS +54 2 138 DS +54 2 139 KL +54 2 140 SG +54 2 141 KL +54 2 142 KL +54 2 143 JJ +54 2 144 SG +54 2 145 DS +54 2 146 JJ +54 2 147 DS +54 2 148 KN +54 2 149 DS +54 2 150 SG +54 2 151 KN +54 2 152 KN +54 2 153 DS +54 2 154 SG +54 2 155 SG +54 2 156 DS +54 2 157 SG +54 2 158 KL +54 2 159 JJ +54 2 160 DS +54 2 161 KN +54 2 162 KN +54 2 163 DS +54 2 164 DS +54 2 165 SG +54 2 166 SG +54 2 167 KL +54 2 168 DS +54 2 169 DS +54 2 170 SG +54 2 171 SG +54 2 172 KL +54 2 173 KN +54 2 174 JJ +54 2 175 DS +54 2 176 KN +54 2 177 JJ +54 2 178 SG +54 2 179 KN +54 2 180 DS +54 2 181 JJ +54 2 182 KN +54 2 183 SG +54 2 184 KN +54 2 185 JJ +54 2 186 DS +54 2 187 JJ +54 2 188 DS +54 2 189 KL +54 2 190 KN +54 2 191 DS +54 2 192 SG +54 2 193 JJ +54 2 194 KN +54 2 195 DS +54 2 196 KK +54 2 197 KN +54 2 198 SG +54 2 199 KL +54 2 200 KK +54 2 201 KN +54 2 202 DS +54 2 203 KN +54 2 204 SG +54 2 205 SG +54 2 206 KL +54 2 207 KN +54 2 208 JJ +54 2 209 DS +54 2 210 KN +54 2 211 DS +54 2 212 JJ +54 2 213 KL +54 2 214 JJ +54 2 215 KN +54 2 216 SG +54 2 217 KN +54 2 218 JJ +54 2 219 KL +54 2 220 SG +54 2 221 KL +54 2 222 SG +54 2 223 DS +54 2 224 KL +54 2 225 JJ +54 2 226 SG +54 2 227 SG +54 2 228 SG +54 2 229 DS +54 2 230 KL +54 2 231 KN +54 2 232 SG +54 2 233 SG +54 2 234 DS +54 2 235 DS +54 2 236 JJ +54 2 237 KN +54 2 238 DS +54 2 239 KN +54 2 240 KN +54 2 241 KL +54 2 242 JJ +54 2 243 KN +54 2 244 KL +54 2 245 KN +54 2 246 DS +54 2 247 SG +54 2 248 SG +54 2 249 DS +54 2 250 SG +54 2 251 DS +54 2 252 KL +54 2 253 DS +54 2 254 DS +54 2 255 SG +54 2 256 KN +54 2 257 DS +54 2 258 JJ +54 2 259 KN +54 2 260 JJ +54 2 261 KN +54 2 262 KL +54 2 263 SG +54 2 264 DS +54 2 265 DS +54 2 266 KN +54 2 267 KN +54 2 268 DS +54 2 269 KN +54 2 270 JJ +54 2 271 SG +54 2 272 KL +54 2 273 KN +54 2 274 KL +54 2 275 JJ +54 2 276 KN +54 2 277 DS +54 2 278 KN +54 2 279 SG +54 2 280 DS +54 2 281 KK +54 2 282 DS +54 2 283 SG +54 2 284 KL +54 2 285 KN +54 2 286 KL +54 2 287 JJ +54 2 288 KN +54 2 289 DS +54 2 290 KL +54 2 291 DS +54 2 292 KN +54 2 293 KL +54 2 294 KL +54 2 295 SG +54 2 296 SG +54 2 297 JJ +54 2 298 KN +54 2 299 DS +54 2 300 KL +54 2 301 DS +54 2 302 KL +54 2 303 KL +54 2 304 KK +54 2 305 SG +54 2 306 DS +54 2 307 DS +54 2 308 SG +54 2 309 SG +54 2 310 DS +54 2 311 DS +54 2 312 SG +54 2 313 SG +54 2 314 KL +54 2 315 DS +54 2 316 DS +54 2 317 KN +54 2 318 JJ +54 2 319 KL +54 2 320 JJ +54 2 321 KN +54 2 322 DS +54 2 323 DS +54 2 324 KL +54 2 325 KN +54 2 326 JJ +54 2 327 KL +54 2 328 DS +54 2 329 JJ +54 2 330 KL +54 3 1 KK +54 3 2 DS +54 3 3 BB +54 3 4 DS +54 3 5 KK +54 3 6 JJ +54 3 7 DS +54 3 8 KN +54 3 9 JJ +54 3 10 DS +54 3 11 KK +54 3 12 JJ +54 3 13 DS +54 3 14 KK +54 3 15 KL +54 3 16 KL +54 3 17 BB +54 3 18 KL +54 3 19 KK +54 3 20 KK +54 3 21 KN +54 3 22 JJ +54 3 23 DS +54 3 24 JJ +54 3 25 KK +54 3 26 DS +54 3 27 KL +54 3 28 KN +54 3 29 KK +54 3 30 JJ +54 3 31 KL +54 3 32 KN +54 3 33 KK +54 3 34 DS +54 3 35 JJ +54 3 36 KK +54 3 37 DS +54 3 38 BB +54 3 39 KK +54 3 40 DS +54 3 41 KN +54 3 42 JJ +54 3 43 KK +54 3 44 KL +54 3 45 KK +54 3 46 KL +54 3 47 SG +54 3 48 JJ +54 3 49 DS +54 3 50 BB +54 3 51 JJ +54 3 52 KL +54 3 53 BB +54 3 54 DS +54 3 55 KK +54 3 56 JJ +54 3 57 KK +54 3 58 JJ +54 3 59 KL +54 3 60 DS +54 3 61 KN +54 3 62 KL +54 3 63 JJ +54 3 64 DS +54 3 65 BB +54 3 66 KL +54 3 67 KK +54 3 68 BB +54 3 69 DS +54 3 70 KL +54 3 71 KN +54 3 72 KK +54 3 73 DS +54 3 74 KL +54 3 75 KK +54 3 76 BB +54 3 77 DS +54 3 78 BB +54 3 79 SG +54 3 80 KK +54 3 81 DS +54 3 82 KK +54 3 83 JJ +54 3 84 BB +54 3 85 KK +54 3 86 BB +54 3 87 SG +54 3 88 KN +54 3 89 SG +54 3 90 SG +54 3 91 JJ +54 3 92 KL +54 3 93 KK +54 3 94 SG +54 3 95 KL +54 3 96 JJ +54 3 97 KK +54 3 98 KN +54 3 99 KL +54 3 100 KK +54 3 101 BB +54 3 102 KL +54 3 103 DS +54 3 104 KK +54 3 105 KN +54 3 106 JJ +54 3 107 KL +54 3 108 KL +54 3 109 KK +54 3 110 JJ +54 3 111 KK +54 3 112 KN +54 3 113 SG +54 3 114 KK +54 3 115 KN +54 3 116 KL +54 3 117 SG +54 3 118 BB +54 3 119 DS +54 3 120 KL +54 3 121 KN +54 3 122 KK +54 3 123 DS +54 3 124 JJ +54 3 125 BB +54 3 126 KN +54 3 127 SG +54 3 128 JJ +54 3 129 KL +54 3 130 SG +54 3 131 KK +54 3 132 KN +54 3 133 DS +54 3 134 JJ +54 3 135 KN +54 3 136 KK +54 3 137 DS +54 3 138 KK +54 3 139 KL +54 3 140 DS +54 3 141 KL +54 3 142 KL +54 3 143 KK +54 3 144 SG +54 3 145 KK +54 3 146 JJ +54 3 147 KK +54 3 148 KN +54 3 149 KK +54 3 150 DS +54 3 151 BB +54 3 152 DS +54 3 153 KK +54 3 154 SG +54 3 155 JJ +54 3 156 DS +54 3 157 JJ +54 3 158 KL +54 3 159 JJ +54 3 160 BB +54 3 161 KK +54 3 162 KN +54 3 163 DS +54 3 164 KK +54 3 165 DS +54 3 166 KK +54 3 167 KL +54 3 168 KK +54 3 169 KK +54 3 170 KK +54 3 171 DS +54 3 172 KL +54 3 173 BB +54 3 174 JJ +54 3 175 DS +54 3 176 KN +54 3 177 JJ +54 3 178 KK +54 3 179 KN +54 3 180 DS +54 3 181 JJ +54 3 182 BB +54 3 183 JJ +54 3 184 DS +54 3 185 JJ +54 3 186 DS +54 3 187 JJ +54 3 188 KK +54 3 189 KL +54 3 190 BB +54 3 191 DS +54 3 192 KK +54 3 193 JJ +54 3 194 KN +54 3 195 DS +54 3 196 KK +54 3 197 BB +54 3 198 SG +54 3 199 KL +54 3 200 DS +54 3 201 BB +54 3 202 DS +54 3 203 KN +54 3 204 SG +54 3 205 KK +54 3 206 KL +54 3 207 KN +54 3 208 JJ +54 3 209 DS +54 3 210 KN +54 3 211 KK +54 3 212 JJ +54 3 213 KL +54 3 214 JJ +54 3 215 BB +54 3 216 KK +54 3 217 BB +54 3 218 DS +54 3 219 KL +54 3 220 DS +54 3 221 KL +54 3 222 DS +54 3 223 KK +54 3 224 KL +54 3 225 KK +54 3 226 DS +54 3 227 SG +54 3 228 KK +54 3 229 DS +54 3 230 KL +54 3 231 DS +54 3 232 JJ +54 3 233 KK +54 3 234 KK +54 3 235 DS +54 3 236 JJ +54 3 237 BB +54 3 238 KK +54 3 239 BB +54 3 240 KN +54 3 241 KL +54 3 242 JJ +54 3 243 KK +54 3 244 KL +54 3 245 KN +54 3 246 DS +54 3 247 KK +54 3 248 DS +54 3 249 KK +54 3 250 DS +54 3 251 KK +54 3 252 KL +54 3 253 DS +54 3 254 KK +54 3 255 SG +54 3 256 BB +54 3 257 DS +54 3 258 JJ +54 3 259 KN +54 3 260 KL +54 3 261 BB +54 3 262 KL +54 3 263 SG +54 3 264 KK +54 3 265 DS +54 3 266 BB +54 3 267 DS +54 3 268 KK +54 3 269 KK +54 3 270 JJ +54 3 271 DS +54 3 272 KL +54 3 273 KK +54 3 274 KL +54 3 275 JJ +54 3 276 BB +54 3 277 DS +54 3 278 JJ +54 3 279 KK +54 3 280 DS +54 3 281 DS +54 3 282 KK +54 3 283 JJ +54 3 284 KL +54 3 285 BB +54 3 286 KL +54 3 287 JJ +54 3 288 KN +54 3 289 KK +54 3 290 KL +54 3 291 KK +54 3 292 JJ +54 3 293 KL +54 3 294 KL +54 3 295 JJ +54 3 296 DS +54 3 297 JJ +54 3 298 KN +54 3 299 DS +54 3 300 KL +54 3 301 DS +54 3 302 KL +54 3 303 KL +54 3 304 KK +54 3 305 DS +54 3 306 KK +54 3 307 DS +54 3 308 KK +54 3 309 SG +54 3 310 KK +54 3 311 DS +54 3 312 SG +54 3 313 DS +54 3 314 KL +54 3 315 KK +54 3 316 DS +54 3 317 BB +54 3 318 KN +54 3 319 KL +54 3 320 DS +54 3 321 BB +54 3 322 KK +54 3 323 DS +54 3 324 KL +54 3 325 KK +54 3 326 JJ +54 3 327 KL +54 3 328 DS +54 3 329 JJ +54 3 330 KL +54 4 1 DS +54 4 2 KK +54 4 3 KN +54 4 4 * +54 4 5 KK +54 4 6 * +54 4 7 KK +54 4 8 KN +54 4 9 * +54 4 10 DS +54 4 11 DS +54 4 12 JJ +54 4 13 KK +54 4 14 DS +54 4 15 SU +54 4 16 KL +54 4 17 KK +54 4 18 SG +54 4 19 DS +54 4 20 KK +54 4 21 KN +54 4 22 JJ +54 4 23 * +54 4 24 SG +54 4 25 DS +54 4 26 DS +54 4 27 KL +54 4 28 KK +54 4 29 KK +54 4 30 BL +54 4 31 KK +54 4 32 * +54 4 33 KK +54 4 34 DS +54 4 35 KK +54 4 36 DS +54 4 37 DS +54 4 38 KN +54 4 39 KK +54 4 40 DS +54 4 41 KN +54 4 42 JJ +54 4 43 DS +54 4 44 KL +54 4 45 KK +54 4 46 SU +54 4 47 DS +54 4 48 JJ +54 4 49 KK +54 4 50 * +54 4 51 * +54 4 52 KL +54 4 53 KK +54 4 54 KK +54 4 55 DS +54 4 56 * +54 4 57 DS +54 4 58 JJ +54 4 59 SU +54 4 60 DS +54 4 61 KN +54 4 62 * +54 4 63 KN +54 4 64 DS +54 4 65 KN +54 4 66 KL +54 4 67 KK +54 4 68 * +54 4 69 KK +54 4 70 SU +54 4 71 * +54 4 72 KK +54 4 73 * +54 4 74 * +54 4 75 KK +54 4 76 BL +54 4 77 DS +54 4 78 * +54 4 79 SG +54 4 80 DS +54 4 81 KK +54 4 82 KK +54 4 83 KL +54 4 84 KN +54 4 85 KK +54 4 86 * +54 4 87 SG +54 4 88 * +54 4 89 SG +54 4 90 DS +54 4 91 KK +54 4 92 KL +54 4 93 DS +54 4 94 SG +54 4 95 SU +54 4 96 JJ +54 4 97 * +54 4 98 KN +54 4 99 * +54 4 100 KK +54 4 101 KN +54 4 102 SU +54 4 103 KK +54 4 104 DS +54 4 105 * +54 4 106 JJ +54 4 107 KL +54 4 108 * +54 4 109 DS +54 4 110 JJ +54 4 111 DS +54 4 112 KN +54 4 113 SG +54 4 114 DS +54 4 115 KN +54 4 116 SU +54 4 117 * +54 4 118 KN +54 4 119 KK +54 4 120 KL +54 4 121 BL +54 4 122 KK +54 4 123 DS +54 4 124 JJ +54 4 125 BL +54 4 126 DS +54 4 127 KN +54 4 128 JJ +54 4 129 KL +54 4 130 KK +54 4 131 * +54 4 132 KN +54 4 133 KK +54 4 134 * +54 4 135 KN +54 4 136 KK +54 4 137 KK +54 4 138 DS +54 4 139 SU +54 4 140 DS +54 4 141 KL +54 4 142 SU +54 4 143 KK +54 4 144 DS +54 4 145 KK +54 4 146 JJ +54 4 147 DS +54 4 148 KN +54 4 149 KK +54 4 150 * +54 4 151 KN +54 4 152 * +54 4 153 DS +54 4 154 SU +54 4 155 * +54 4 156 DS +54 4 157 * +54 4 158 KL +54 4 159 BL +54 4 160 * +54 4 161 KK +54 4 162 KN +54 4 163 DS +54 4 164 DS +54 4 165 KK +54 4 166 DS +54 4 167 * +54 4 168 KK +54 4 169 DS +54 4 170 DS +54 4 171 KK +54 4 172 KL +54 4 173 KN +54 4 174 JJ +54 4 175 * +54 4 176 KN +54 4 177 JJ +54 4 178 DS +54 4 179 KN +54 4 180 KK +54 4 181 JJ +54 4 182 * +54 4 183 JJ +54 4 184 * +54 4 185 BL +54 4 186 KK +54 4 187 BL +54 4 188 DS +54 4 189 SG +54 4 190 * +54 4 191 DS +54 4 192 * +54 4 193 JJ +54 4 194 KN +54 4 195 KK +54 4 196 KK +54 4 197 * +54 4 198 SG +54 4 199 KK +54 4 200 DS +54 4 201 KN +54 4 202 KK +54 4 203 * +54 4 204 SG +54 4 205 DS +54 4 206 KL +54 4 207 KN +54 4 208 JJ +54 4 209 DS +54 4 210 * +54 4 211 DS +54 4 212 BL +54 4 213 * +54 4 214 KK +54 4 215 * +54 4 216 DS +54 4 217 KN +54 4 218 KK +54 4 219 KL +54 4 220 DS +54 4 221 KL +54 4 222 * +54 4 223 DS +54 4 224 KL +54 4 225 JJ +54 4 226 DS +54 4 227 SG +54 4 228 DS +54 4 229 KK +54 4 230 KL +54 4 231 * +54 4 232 * +54 4 233 * +54 4 234 KK +54 4 235 DS +54 4 236 KK +54 4 237 * +54 4 238 DS +54 4 239 KN +54 4 240 * +54 4 241 KL +54 4 242 JJ +54 4 243 * +54 4 244 SU +54 4 245 KN +54 4 246 KK +54 4 247 * +54 4 248 KK +54 4 249 DS +54 4 250 * +54 4 251 KK +54 4 252 KL +54 4 253 KK +54 4 254 * +54 4 255 SG +54 4 256 KN +54 4 257 DS +54 4 258 JJ +54 4 259 KN +54 4 260 JJ +54 4 261 KL +54 4 262 KL +54 4 263 SU +54 4 264 SU +54 4 265 KK +54 4 266 * +54 4 267 * +54 4 268 KK +54 4 269 * +54 4 270 JJ +54 4 271 DS +54 4 272 KL +54 4 273 * +54 4 274 KL +54 4 275 JJ +54 4 276 KN +54 4 277 DS +54 4 278 KL +54 4 279 DS +54 4 280 KK +54 4 281 KK +54 4 282 KK +54 4 283 * +54 4 284 KL +54 4 285 * +54 4 286 KL +54 4 287 JJ +54 4 288 KN +54 4 289 * +54 4 290 KL +54 4 291 DS +54 4 292 KN +54 4 293 KL +54 4 294 SU +54 4 295 * +54 4 296 * +54 4 297 KL +54 4 298 KN +54 4 299 KK +54 4 300 SU +54 4 301 KK +54 4 302 KL +54 4 303 SU +54 4 304 KK +54 4 305 * +54 4 306 KK +54 4 307 DS +54 4 308 * +54 4 309 * +54 4 310 KK +54 4 311 DS +54 4 312 SG +54 4 313 DS +54 4 314 KL +54 4 315 KK +54 4 316 DS +54 4 317 * +54 4 318 BL +54 4 319 KL +54 4 320 KK +54 4 321 KN +54 4 322 DS +54 4 323 KK +54 4 324 KL +54 4 325 * +54 4 326 JJ +54 4 327 SU +54 4 328 KK +54 4 329 * +54 4 330 SU +54 5 1 SG +54 5 2 KK +54 5 3 KN +54 5 4 BB +54 5 5 KK +54 5 6 JJ +54 5 7 JJ +54 5 8 KN +54 5 9 JJ +54 5 10 NE +54 5 11 SG +54 5 12 JJ +54 5 13 KK +54 5 14 SG +54 5 15 BB +54 5 16 KL +54 5 17 KN +54 5 18 SG +54 5 19 DS +54 5 20 DS +54 5 21 KN +54 5 22 JJ +54 5 23 BB +54 5 24 SG +54 5 25 KK +54 5 26 * +54 5 27 KL +54 5 28 KN +54 5 29 DS +54 5 30 JJ +54 5 31 DS +54 5 32 BB +54 5 33 DS +54 5 34 * +54 5 35 KN +54 5 36 DS +54 5 37 * +54 5 38 KN +54 5 39 KK +54 5 40 KK +54 5 41 KN +54 5 42 JJ +54 5 43 NE +54 5 44 KL +54 5 45 KK +54 5 46 KL +54 5 47 KK +54 5 48 JJ +54 5 49 DS +54 5 50 NE +54 5 51 JJ +54 5 52 KL +54 5 53 KN +54 5 54 DS +54 5 55 DS +54 5 56 JJ +54 5 57 DS +54 5 58 JJ +54 5 59 KL +54 5 60 SG +54 5 61 KN +54 5 62 BB +54 5 63 KN +54 5 64 DS +54 5 65 KN +54 5 66 KL +54 5 67 DS +54 5 68 KN +54 5 69 JJ +54 5 70 KL +54 5 71 KN +54 5 72 DS +54 5 73 BB +54 5 74 KL +54 5 75 DS +54 5 76 KN +54 5 77 DS +54 5 78 JJ +54 5 79 SG +54 5 80 DS +54 5 81 JJ +54 5 82 DS +54 5 83 JJ +54 5 84 JJ +54 5 85 DS +54 5 86 KN +54 5 87 SG +54 5 88 KN +54 5 89 SG +54 5 90 JJ +54 5 91 KK +54 5 92 KL +54 5 93 DS +54 5 94 SG +54 5 95 KL +54 5 96 JJ +54 5 97 NE +54 5 98 KN +54 5 99 BB +54 5 100 DS +54 5 101 KN +54 5 102 KL +54 5 103 JJ +54 5 104 KK +54 5 105 KN +54 5 106 JJ +54 5 107 KL +54 5 108 KL +54 5 109 NE +54 5 110 JJ +54 5 111 SG +54 5 112 KN +54 5 113 KK +54 5 114 SG +54 5 115 KN +54 5 116 KL +54 5 117 KN +54 5 118 KN +54 5 119 DS +54 5 120 KL +54 5 121 KN +54 5 122 DS +54 5 123 BB +54 5 124 JJ +54 5 125 JJ +54 5 126 KN +54 5 127 KK +54 5 128 JJ +54 5 129 KL +54 5 130 JJ +54 5 131 KN +54 5 132 KN +54 5 133 DS +54 5 134 BB +54 5 135 KN +54 5 136 KK +54 5 137 DS +54 5 138 DS +54 5 139 KL +54 5 140 BB +54 5 141 KL +54 5 142 KL +54 5 143 JJ +54 5 144 NE +54 5 145 KK +54 5 146 JJ +54 5 147 KK +54 5 148 KN +54 5 149 DS +54 5 150 NE +54 5 151 KN +54 5 152 KL +54 5 153 KK +54 5 154 SG +54 5 155 BB +54 5 156 DS +54 5 157 KN +54 5 158 KL +54 5 159 JJ +54 5 160 KN +54 5 161 DS +54 5 162 KN +54 5 163 DS +54 5 164 BB +54 5 165 JJ +54 5 166 BB +54 5 167 KL +54 5 168 DS +54 5 169 DS +54 5 170 BB +54 5 171 JJ +54 5 172 KL +54 5 173 KN +54 5 174 JJ +54 5 175 KL +54 5 176 KN +54 5 177 JJ +54 5 178 BB +54 5 179 KN +54 5 180 DS +54 5 181 JJ +54 5 182 KN +54 5 183 JJ +54 5 184 NE +54 5 185 JJ +54 5 186 KK +54 5 187 JJ +54 5 188 DS +54 5 189 KL +54 5 190 KN +54 5 191 DS +54 5 192 NE +54 5 193 JJ +54 5 194 KN +54 5 195 DS +54 5 196 DS +54 5 197 NE +54 5 198 SG +54 5 199 KL +54 5 200 DS +54 5 201 KN +54 5 202 KK +54 5 203 KN +54 5 204 SG +54 5 205 NE +54 5 206 KL +54 5 207 KN +54 5 208 JJ +54 5 209 DS +54 5 210 KN +54 5 211 DS +54 5 212 JJ +54 5 213 KL +54 5 214 JJ +54 5 215 KN +54 5 216 SG +54 5 217 KN +54 5 218 JJ +54 5 219 KL +54 5 220 BB +54 5 221 KL +54 5 222 NE +54 5 223 DS +54 5 224 KL +54 5 225 JJ +54 5 226 DS +54 5 227 SG +54 5 228 KK +54 5 229 KK +54 5 230 KL +54 5 231 KN +54 5 232 JJ +54 5 233 KL +54 5 234 DS +54 5 235 BB +54 5 236 JJ +54 5 237 JJ +54 5 238 DS +54 5 239 KN +54 5 240 KN +54 5 241 KL +54 5 242 JJ +54 5 243 KN +54 5 244 KL +54 5 245 KN +54 5 246 KS +54 5 247 NE +54 5 248 SG +54 5 249 DS +54 5 250 BB +54 5 251 DS +54 5 252 KL +54 5 253 DS +54 5 254 KL +54 5 255 SG +54 5 256 KN +54 5 257 KK +54 5 258 JJ +54 5 259 KN +54 5 260 JJ +54 5 261 JJ +54 5 262 KL +54 5 263 SG +54 5 264 KL +54 5 265 KS +54 5 266 KN +54 5 267 KN +54 5 268 DS +54 5 269 KN +54 5 270 JJ +54 5 271 KK +54 5 272 KL +54 5 273 KN +54 5 274 KL +54 5 275 JJ +54 5 276 KN +54 5 277 DS +54 5 278 JJ +54 5 279 BB +54 5 280 DS +54 5 281 DS +54 5 282 DS +54 5 283 SG +54 5 284 KL +54 5 285 KN +54 5 286 KL +54 5 287 JJ +54 5 288 KN +54 5 289 DS +54 5 290 KL +54 5 291 DS +54 5 292 KN +54 5 293 KL +54 5 294 KL +54 5 295 SG +54 5 296 NE +54 5 297 JJ +54 5 298 KN +54 5 299 DS +54 5 300 KL +54 5 301 DS +54 5 302 KL +54 5 303 KL +54 5 304 BB +54 5 305 DS +54 5 306 JJ +54 5 307 DS +54 5 308 KL +54 5 309 SG +54 5 310 DS +54 5 311 SG +54 5 312 SG +54 5 313 NE +54 5 314 KL +54 5 315 DS +54 5 316 DS +54 5 317 KN +54 5 318 JJ +54 5 319 KL +54 5 320 BB +54 5 321 KN +54 5 322 KL +54 5 323 DS +54 5 324 KL +54 5 325 NE +54 5 326 JJ +54 5 327 KL +54 5 328 BB +54 5 329 JJ +54 5 330 KL +54 6 1 SG +54 6 2 KK +54 6 3 KN +54 6 4 * +54 6 5 KK +54 6 6 JJ +54 6 7 KK +54 6 8 KN +54 6 9 * +54 6 10 * +54 6 11 KK +54 6 12 JJ +54 6 13 KK +54 6 14 SG +54 6 15 KN +54 6 16 KL +54 6 17 KN +54 6 18 * +54 6 19 SG +54 6 20 KK +54 6 21 KN +54 6 22 JJ +54 6 23 * +54 6 24 * +54 6 25 SG +54 6 26 KU +54 6 27 KL +54 6 28 KN +54 6 29 KK +54 6 30 KN +54 6 31 * +54 6 32 KN +54 6 33 KK +54 6 34 KU +54 6 35 KN +54 6 36 KK +54 6 37 SG +54 6 38 KN +54 6 39 KK +54 6 40 SG +54 6 41 KN +54 6 42 JJ +54 6 43 KU +54 6 44 KL +54 6 45 KK +54 6 46 * +54 6 47 KK +54 6 48 JJ +54 6 49 SG +54 6 50 * +54 6 51 JJ +54 6 52 KL +54 6 53 KN +54 6 54 KK +54 6 55 SG +54 6 56 * +54 6 57 SG +54 6 58 * +54 6 59 * +54 6 60 KU +54 6 61 KN +54 6 62 * +54 6 63 KN +54 6 64 KU +54 6 65 KN +54 6 66 KL +54 6 67 KK +54 6 68 KN +54 6 69 KK +54 6 70 KL +54 6 71 KN +54 6 72 KK +54 6 73 KN +54 6 74 * +54 6 75 KK +54 6 76 KN +54 6 77 SG +54 6 78 * +54 6 79 SG +54 6 80 SG +54 6 81 KK +54 6 82 KK +54 6 83 JJ +54 6 84 * +54 6 85 KK +54 6 86 KN +54 6 87 SG +54 6 88 KN +54 6 89 SG +54 6 90 SG +54 6 91 JJ +54 6 92 KL +54 6 93 SG +54 6 94 SG +54 6 95 KL +54 6 96 JJ +54 6 97 * +54 6 98 KN +54 6 99 * +54 6 100 KK +54 6 101 KN +54 6 102 * +54 6 103 * +54 6 104 SG +54 6 105 KN +54 6 106 JJ +54 6 107 KL +54 6 108 * +54 6 109 * +54 6 110 JJ +54 6 111 KK +54 6 112 KN +54 6 113 SG +54 6 114 SG +54 6 115 KN +54 6 116 * +54 6 117 * +54 6 118 KN +54 6 119 KK +54 6 120 KL +54 6 121 KN +54 6 122 KK +54 6 123 SG +54 6 124 JJ +54 6 125 JJ +54 6 126 KN +54 6 127 KK +54 6 128 JJ +54 6 129 KL +54 6 130 KK +54 6 131 * +54 6 132 KN +54 6 133 KK +54 6 134 * +54 6 135 KN +54 6 136 KK +54 6 137 KK +54 6 138 * +54 6 139 KL +54 6 140 SG +54 6 141 KL +54 6 142 KL +54 6 143 KK +54 6 144 * +54 6 145 KK +54 6 146 JJ +54 6 147 KK +54 6 148 KN +54 6 149 KK +54 6 150 * +54 6 151 KN +54 6 152 * +54 6 153 SG +54 6 154 SG +54 6 155 * +54 6 156 KK +54 6 157 * +54 6 158 KL +54 6 159 JJ +54 6 160 KN +54 6 161 KK +54 6 162 KN +54 6 163 KK +54 6 164 SG +54 6 165 KK +54 6 166 SG +54 6 167 * +54 6 168 KK +54 6 169 SG +54 6 170 SG +54 6 171 KK +54 6 172 KL +54 6 173 KN +54 6 174 JJ +54 6 175 * +54 6 176 KN +54 6 177 JJ +54 6 178 SG +54 6 179 KN +54 6 180 KK +54 6 181 JJ +54 6 182 KN +54 6 183 * +54 6 184 * +54 6 185 JJ +54 6 186 * +54 6 187 JJ +54 6 188 SG +54 6 189 KL +54 6 190 KN +54 6 191 KK +54 6 192 * +54 6 193 KK +54 6 194 KN +54 6 195 KK +54 6 196 * +54 6 197 * +54 6 198 SG +54 6 199 KL +54 6 200 SG +54 6 201 KN +54 6 202 KK +54 6 203 KN +54 6 204 SG +54 6 205 * +54 6 206 KL +54 6 207 KN +54 6 208 * +54 6 209 SG +54 6 210 * +54 6 211 SG +54 6 212 JJ +54 6 213 * +54 6 214 KK +54 6 215 KN +54 6 216 KK +54 6 217 KN +54 6 218 KK +54 6 219 KL +54 6 220 * +54 6 221 KL +54 6 222 * +54 6 223 KK +54 6 224 KL +54 6 225 * +54 6 226 SG +54 6 227 SG +54 6 228 SG +54 6 229 KK +54 6 230 KL +54 6 231 KN +54 6 232 * +54 6 233 * +54 6 234 KK +54 6 235 SG +54 6 236 KK +54 6 237 * +54 6 238 KK +54 6 239 KN +54 6 240 * +54 6 241 KL +54 6 242 JJ +54 6 243 KN +54 6 244 KL +54 6 245 KN +54 6 246 KK +54 6 247 * +54 6 248 KK +54 6 249 KK +54 6 250 * +54 6 251 KK +54 6 252 KL +54 6 253 KK +54 6 254 SG +54 6 255 SG +54 6 256 KN +54 6 257 SG +54 6 258 JJ +54 6 259 KN +54 6 260 JJ +54 6 261 * +54 6 262 KL +54 6 263 * +54 6 264 SG +54 6 265 KK +54 6 266 KN +54 6 267 * +54 6 268 KK +54 6 269 KN +54 6 270 JJ +54 6 271 KK +54 6 272 KL +54 6 273 * +54 6 274 KL +54 6 275 JJ +54 6 276 KN +54 6 277 SG +54 6 278 KN +54 6 279 SG +54 6 280 * +54 6 281 KK +54 6 282 KK +54 6 283 * +54 6 284 KL +54 6 285 KN +54 6 286 KL +54 6 287 * +54 6 288 KN +54 6 289 SG +54 6 290 KL +54 6 291 * +54 6 292 * +54 6 293 KL +54 6 294 KL +54 6 295 * +54 6 296 * +54 6 297 JJ +54 6 298 KN +54 6 299 KK +54 6 300 KL +54 6 301 KK +54 6 302 * +54 6 303 * +54 6 304 KK +54 6 305 * +54 6 306 KK +54 6 307 SG +54 6 308 * +54 6 309 * +54 6 310 KK +54 6 311 SG +54 6 312 SG +54 6 313 SG +54 6 314 KL +54 6 315 KK +54 6 316 KK +54 6 317 KN +54 6 318 KN +54 6 319 KL +54 6 320 KK +54 6 321 KN +54 6 322 SG +54 6 323 KK +54 6 324 KL +54 6 325 KN +54 6 326 JJ +54 6 327 KL +54 6 328 KK +54 6 329 * +54 6 330 KL +54 7 1 * +54 7 2 * +54 7 3 KN +54 7 4 * +54 7 5 DS +54 7 6 KL +54 7 7 DS +54 7 8 BB +54 7 9 * +54 7 10 * +54 7 11 JJ +54 7 12 DS +54 7 13 DS +54 7 14 SG +54 7 15 KL +54 7 16 KL +54 7 17 KN +54 7 18 SG +54 7 19 DS +54 7 20 DS +54 7 21 BB +54 7 22 KL +54 7 23 * +54 7 24 SG +54 7 25 * +54 7 26 SG +54 7 27 KL +54 7 28 BB +54 7 29 DS +54 7 30 JJ +54 7 31 KL +54 7 32 * +54 7 33 DS +54 7 34 SG +54 7 35 BB +54 7 36 DS +54 7 37 SG +54 7 38 BB +54 7 39 DS +54 7 40 DS +54 7 41 BB +54 7 42 JJ +54 7 43 JJ +54 7 44 SG +54 7 45 KL +54 7 46 SG +54 7 47 DS +54 7 48 JJ +54 7 49 DS +54 7 50 * +54 7 51 SG +54 7 52 KL +54 7 53 BB +54 7 54 DS +54 7 55 DS +54 7 56 KL +54 7 57 DS +54 7 58 * +54 7 59 KL +54 7 60 DS +54 7 61 BB +54 7 62 * +54 7 63 KN +54 7 64 * +54 7 65 BB +54 7 66 KL +54 7 67 * +54 7 68 KN +54 7 69 * +54 7 70 * +54 7 71 * +54 7 72 DS +54 7 73 * +54 7 74 DS +54 7 75 JJ +54 7 76 DS +54 7 77 * +54 7 78 SG +54 7 79 DS +54 7 80 DS +54 7 81 KL +54 7 82 DS +54 7 83 * +54 7 84 DS +54 7 85 * +54 7 86 SG +54 7 87 * +54 7 88 SG +54 7 89 DS +54 7 90 JJ +54 7 91 KL +54 7 92 DS +54 7 93 SG +54 7 94 DS +54 7 95 JJ +54 7 96 * +54 7 97 BB +54 7 98 * +54 7 99 * +54 7 100 DS +54 7 101 BB +54 7 102 KL +54 7 103 * +54 7 104 DS +54 7 105 * +54 7 106 JJ +54 7 107 KL +54 7 108 DS +54 7 109 * +54 7 110 JJ +54 7 111 * +54 7 112 BB +54 7 113 SG +54 7 114 DS +54 7 115 BB +54 7 116 KL +54 7 117 SG +54 7 118 KN +54 7 119 DS +54 7 120 KL +54 7 121 KN +54 7 122 DS +54 7 123 DS +54 7 124 JJ +54 7 125 KN +54 7 126 BB +54 7 127 JJ +54 7 128 KL +54 7 129 SG +54 7 130 KN +54 7 131 * +54 7 132 DS +54 7 133 SG +54 7 134 KN +54 7 135 DS +54 7 136 DS +54 7 137 DS +54 7 138 SG +54 7 139 KL +54 7 140 KL +54 7 141 KL +54 7 142 KL +54 7 143 * +54 7 144 DS +54 7 145 DS +54 7 146 JJ +54 7 147 DS +54 7 148 DS +54 7 149 KN +54 7 150 * +54 7 151 KN +54 7 152 BB +54 7 153 SG +54 7 154 SG +54 7 155 SG +54 7 156 DS +54 7 157 SG +54 7 158 KL +54 7 159 JJ +54 7 160 KN +54 7 161 DS +54 7 162 DS +54 7 163 BB +54 7 164 * +54 7 165 DS +54 7 166 SG +54 7 167 KL +54 7 168 DS +54 7 169 DS +54 7 170 SG +54 7 171 DS +54 7 172 KL +54 7 173 BB +54 7 174 JJ +54 7 175 KL +54 7 176 BB +54 7 177 JJ +54 7 178 SG +54 7 179 BB +54 7 180 DS +54 7 181 JJ +54 7 182 * +54 7 183 KL +54 7 184 DS +54 7 185 JJ +54 7 186 DS +54 7 187 JJ +54 7 188 DS +54 7 189 KL +54 7 190 BB +54 7 191 DS +54 7 192 * +54 7 193 JJ +54 7 194 BB +54 7 195 DS +54 7 196 DS +54 7 197 * +54 7 198 SG +54 7 199 KL +54 7 200 DS +54 7 201 KL +54 7 202 DS +54 7 203 BB +54 7 204 SG +54 7 205 * +54 7 206 KL +54 7 207 BB +54 7 208 JJ +54 7 209 DS +54 7 210 SG +54 7 211 JJ +54 7 212 DS +54 7 213 KK +54 7 214 DS +54 7 215 BB +54 7 216 SG +54 7 217 KL +54 7 218 JJ +54 7 219 * +54 7 220 * +54 7 221 KL +54 7 222 * +54 7 223 DS +54 7 224 KL +54 7 225 JJ +54 7 226 DS +54 7 227 SG +54 7 228 SG +54 7 229 DS +54 7 230 KL +54 7 231 * +54 7 232 SG +54 7 233 * +54 7 234 DS +54 7 235 * +54 7 236 JJ +54 7 237 * +54 7 238 DS +54 7 239 JJ +54 7 240 SG +54 7 241 KL +54 7 242 JJ +54 7 243 KN +54 7 244 KN +54 7 245 KL +54 7 246 KN +54 7 247 DS +54 7 248 * +54 7 249 DS +54 7 250 * +54 7 251 DS +54 7 252 KL +54 7 253 DS +54 7 254 SG +54 7 255 SG +54 7 256 BB +54 7 257 * +54 7 258 JJ +54 7 259 BB +54 7 260 KL +54 7 261 JJ +54 7 262 KL +54 7 263 SG +54 7 264 KL +54 7 265 DS +54 7 266 JJ +54 7 267 * +54 7 268 DS +54 7 269 * +54 7 270 JJ +54 7 271 DS +54 7 272 * +54 7 273 DS +54 7 274 KL +54 7 275 JJ +54 7 276 BB +54 7 277 SG +54 7 278 JJ +54 7 279 * +54 7 280 DS +54 7 281 DS +54 7 282 DS +54 7 283 SG +54 7 284 KL +54 7 285 * +54 7 286 KL +54 7 287 JJ +54 7 288 KN +54 7 289 DS +54 7 290 KL +54 7 291 SG +54 7 292 KN +54 7 293 KL +54 7 294 KL +54 7 295 JJ +54 7 296 * +54 7 297 JJ +54 7 298 KN +54 7 299 DS +54 7 300 KL +54 7 301 DS +54 7 302 KL +54 7 303 SG +54 7 304 DS +54 7 305 * +54 7 306 DS +54 7 307 DS +54 7 308 DS +54 7 309 SG +54 7 310 DS +54 7 311 SG +54 7 312 SG +54 7 313 * +54 7 314 KL +54 7 315 DS +54 7 316 DS +54 7 317 * +54 7 318 JJ +54 7 319 KL +54 7 320 SG +54 7 321 BB +54 7 322 DS +54 7 323 DS +54 7 324 KL +54 7 325 * +54 7 326 JJ +54 7 327 KL +54 7 328 DS +54 7 329 JJ +54 7 330 KL +54 8 1 KK +54 8 2 DS +54 8 3 KN +54 8 4 SG +54 8 5 * +54 8 6 BB +54 8 7 * +54 8 8 KN +54 8 9 * +54 8 10 * +54 8 11 SG +54 8 12 JJ +54 8 13 DS +54 8 14 SG +54 8 15 * +54 8 16 KL +54 8 17 KN +54 8 18 KU +54 8 19 * +54 8 20 * +54 8 21 KN +54 8 22 JJ +54 8 23 * +54 8 24 SG +54 8 25 KK +54 8 26 SG +54 8 27 * +54 8 28 KN +54 8 29 DS +54 8 30 * +54 8 31 * +54 8 32 * +54 8 33 * +54 8 34 DS +54 8 35 KN +54 8 36 SG +54 8 37 SG +54 8 38 KN +54 8 39 * +54 8 40 * +54 8 41 KN +54 8 42 JJ +54 8 43 SG +54 8 44 KL +54 8 45 DS +54 8 46 * +54 8 47 SG +54 8 48 JJ +54 8 49 DS +54 8 50 * +54 8 51 * +54 8 52 KL +54 8 53 KN +54 8 54 DS +54 8 55 KK +54 8 56 KL +54 8 57 SG +54 8 58 * +54 8 59 SG +54 8 60 KN +54 8 61 * +54 8 62 DS +54 8 63 KN +54 8 64 SG +54 8 65 KN +54 8 66 KL +54 8 67 DS +54 8 68 SG +54 8 69 SG +54 8 70 KL +54 8 71 SG +54 8 72 DS +54 8 73 * +54 8 74 DS +54 8 75 SG +54 8 76 * +54 8 77 DS +54 8 78 * +54 8 79 SG +54 8 80 DS +54 8 81 KK +54 8 82 DS +54 8 83 JJ +54 8 84 KN +54 8 85 DS +54 8 86 KN +54 8 87 SG +54 8 88 * +54 8 89 SG +54 8 90 SG +54 8 91 JJ +54 8 92 KL +54 8 93 * +54 8 94 SG +54 8 95 KL +54 8 96 JJ +54 8 97 SG +54 8 98 KN +54 8 99 * +54 8 100 DS +54 8 101 JJ +54 8 102 SG +54 8 103 * +54 8 104 JJ +54 8 105 JJ +54 8 106 JJ +54 8 107 KL +54 8 108 KL +54 8 109 JJ +54 8 110 SG +54 8 111 SG +54 8 112 KN +54 8 113 SG +54 8 114 * +54 8 115 KN +54 8 116 KL +54 8 117 SG +54 8 118 KN +54 8 119 DS +54 8 120 KL +54 8 121 KN +54 8 122 SG +54 8 123 KK +54 8 124 JJ +54 8 125 KN +54 8 126 KN +54 8 127 SG +54 8 128 JJ +54 8 129 KL +54 8 130 SG +54 8 131 KN +54 8 132 KN +54 8 133 KS +54 8 134 SG +54 8 135 * +54 8 136 DS +54 8 137 DS +54 8 138 DS +54 8 139 KL +54 8 140 * +54 8 141 KL +54 8 142 KL +54 8 143 JJ +54 8 144 SG +54 8 145 DS +54 8 146 JJ +54 8 147 DS +54 8 148 KN +54 8 149 KL +54 8 150 JJ +54 8 151 * +54 8 152 * +54 8 153 DS +54 8 154 SG +54 8 155 SG +54 8 156 KK +54 8 157 * +54 8 158 KL +54 8 159 JJ +54 8 160 * +54 8 161 KK +54 8 162 KN +54 8 163 SG +54 8 164 KK +54 8 165 SG +54 8 166 * +54 8 167 * +54 8 168 SG +54 8 169 KK +54 8 170 SG +54 8 171 * +54 8 172 KL +54 8 173 KN +54 8 174 JJ +54 8 175 * +54 8 176 KN +54 8 177 JJ +54 8 178 SG +54 8 179 * +54 8 180 KK +54 8 181 * +54 8 182 SG +54 8 183 * +54 8 184 * +54 8 185 * +54 8 186 KK +54 8 187 JJ +54 8 188 KK +54 8 189 KL +54 8 190 JJ +54 8 191 SG +54 8 192 SG +54 8 193 JJ +54 8 194 KK +54 8 195 KK +54 8 196 KK +54 8 197 JJ +54 8 198 SG +54 8 199 KL +54 8 200 DS +54 8 201 * +54 8 202 KL +54 8 203 KN +54 8 204 SG +54 8 205 KK +54 8 206 KL +54 8 207 KN +54 8 208 JJ +54 8 209 SG +54 8 210 SG +54 8 211 KK +54 8 212 JJ +54 8 213 KL +54 8 214 JJ +54 8 215 KK +54 8 216 * +54 8 217 * +54 8 218 JJ +54 8 219 KL +54 8 220 KK +54 8 221 KL +54 8 222 * +54 8 223 DS +54 8 224 KL +54 8 225 JJ +54 8 226 SG +54 8 227 * +54 8 228 SG +54 8 229 DS +54 8 230 KL +54 8 231 KN +54 8 232 * +54 8 233 KL +54 8 234 DS +54 8 235 SG +54 8 236 JJ +54 8 237 KL +54 8 238 DS +54 8 239 KN +54 8 240 * +54 8 241 KL +54 8 242 JJ +54 8 243 KN +54 8 244 KL +54 8 245 KN +54 8 246 DS +54 8 247 KK +54 8 248 SG +54 8 249 DS +54 8 250 SG +54 8 251 KK +54 8 252 KL +54 8 253 DS +54 8 254 KK +54 8 255 SG +54 8 256 KN +54 8 257 SG +54 8 258 JJ +54 8 259 KN +54 8 260 * +54 8 261 JJ +54 8 262 KL +54 8 263 SG +54 8 264 KK +54 8 265 SG +54 8 266 KN +54 8 267 SG +54 8 268 DS +54 8 269 KN +54 8 270 JJ +54 8 271 SG +54 8 272 KL +54 8 273 * +54 8 274 KL +54 8 275 SG +54 8 276 KN +54 8 277 SG +54 8 278 JJ +54 8 279 SG +54 8 280 DS +54 8 281 SG +54 8 282 KK +54 8 283 SG +54 8 284 KL +54 8 285 DS +54 8 286 KL +54 8 287 JJ +54 8 288 KN +54 8 289 DS +54 8 290 KL +54 8 291 SG +54 8 292 * +54 8 293 KL +54 8 294 KL +54 8 295 SG +54 8 296 * +54 8 297 JJ +54 8 298 KN +54 8 299 DS +54 8 300 KL +54 8 301 KK +54 8 302 KL +54 8 303 KL +54 8 304 JJ +54 8 305 KN +54 8 306 * +54 8 307 DS +54 8 308 JJ +54 8 309 SG +54 8 310 DS +54 8 311 SG +54 8 312 SG +54 8 313 * +54 8 314 KL +54 8 315 * +54 8 316 SG +54 8 317 KN +54 8 318 JJ +54 8 319 KL +54 8 320 * +54 8 321 KN +54 8 322 KK +54 8 323 KK +54 8 324 KL +54 8 325 * +54 8 326 JJ +54 8 327 * +54 8 328 SG +54 8 329 JJ +54 8 330 * +54 9 1 SG +54 9 2 KK +54 9 3 KN +54 9 4 KN +54 9 5 KK +54 9 6 KL +54 9 7 KK +54 9 8 KN +54 9 9 WO +54 9 10 SG +54 9 11 KK +54 9 12 JJ +54 9 13 KK +54 9 14 SG +54 9 15 * +54 9 16 KL +54 9 17 KN +54 9 18 SG +54 9 19 KK +54 9 20 KK +54 9 21 KN +54 9 22 JJ +54 9 23 SG +54 9 24 SG +54 9 25 KK +54 9 26 SG +54 9 27 KL +54 9 28 KN +54 9 29 DS +54 9 30 JJ +54 9 31 DS +54 9 32 KN +54 9 33 DS +54 9 34 SG +54 9 35 JJ +54 9 36 DS +54 9 37 SG +54 9 38 KN +54 9 39 DS +54 9 40 DS +54 9 41 KN +54 9 42 JJ +54 9 43 SG +54 9 44 KL +54 9 45 DS +54 9 46 SG +54 9 47 DS +54 9 48 JJ +54 9 49 DS +54 9 50 SG +54 9 51 JJ +54 9 52 KL +54 9 53 KN +54 9 54 DS +54 9 55 DS +54 9 56 JJ +54 9 57 DS +54 9 58 JJ +54 9 59 * +54 9 60 DS +54 9 61 KN +54 9 62 SG +54 9 63 KN +54 9 64 SG +54 9 65 KN +54 9 66 KL +54 9 67 DS +54 9 68 KN +54 9 69 SG +54 9 70 JJ +54 9 71 KN +54 9 72 DS +54 9 73 KN +54 9 74 KL +54 9 75 DS +54 9 76 JJ +54 9 77 DS +54 9 78 KN +54 9 79 SG +54 9 80 DS +54 9 81 JJ +54 9 82 DS +54 9 83 KL +54 9 84 KN +54 9 85 DS +54 9 86 KN +54 9 87 SG +54 9 88 KN +54 9 89 SG +54 9 90 DS +54 9 91 JJ +54 9 92 KL +54 9 93 KK +54 9 94 SG +54 9 95 KL +54 9 96 JJ +54 9 97 KK +54 9 98 KK +54 9 99 SG +54 9 100 KK +54 9 101 KK +54 9 102 SG +54 9 103 JJ +54 9 104 KK +54 9 105 KN +54 9 106 JJ +54 9 107 KL +54 9 108 DS +54 9 109 SG +54 9 110 JJ +54 9 111 SG +54 9 112 KN +54 9 113 SG +54 9 114 DS +54 9 115 KN +54 9 116 KL +54 9 117 SG +54 9 118 KN +54 9 119 * +54 9 120 KL +54 9 121 KN +54 9 122 DS +54 9 123 DS +54 9 124 JJ +54 9 125 KN +54 9 126 KN +54 9 127 DS +54 9 128 JJ +54 9 129 KL +54 9 130 SG +54 9 131 KN +54 9 132 KN +54 9 133 KK +54 9 134 SG +54 9 135 KN +54 9 136 KK +54 9 137 KK +54 9 138 KL +54 9 139 KL +54 9 140 KK +54 9 141 KL +54 9 142 KL +54 9 143 JJ +54 9 144 SG +54 9 145 DS +54 9 146 JJ +54 9 147 KK +54 9 148 KN +54 9 149 JJ +54 9 150 SG +54 9 151 KN +54 9 152 SG +54 9 153 * +54 9 154 SG +54 9 155 SG +54 9 156 * +54 9 157 JJ +54 9 158 KL +54 9 159 JJ +54 9 160 KN +54 9 161 DS +54 9 162 KN +54 9 163 * +54 9 164 SG +54 9 165 JJ +54 9 166 SG +54 9 167 KN +54 9 168 DS +54 9 169 DS +54 9 170 SG +54 9 171 KK +54 9 172 KL +54 9 173 KN +54 9 174 JJ +54 9 175 KK +54 9 176 KN +54 9 177 JJ +54 9 178 SG +54 9 179 KN +54 9 180 DS +54 9 181 JJ +54 9 182 KN +54 9 183 JJ +54 9 184 KN +54 9 185 JJ +54 9 186 * +54 9 187 JJ +54 9 188 * +54 9 189 KL +54 9 190 KN +54 9 191 DS +54 9 192 DS +54 9 193 JJ +54 9 194 KN +54 9 195 DS +54 9 196 DS +54 9 197 SG +54 9 198 SG +54 9 199 KL +54 9 200 KK +54 9 201 JJ +54 9 202 DS +54 9 203 KN +54 9 204 SG +54 9 205 SG +54 9 206 KL +54 9 207 KN +54 9 208 JJ +54 9 209 DS +54 9 210 SG +54 9 211 KK +54 9 212 JJ +54 9 213 SG +54 9 214 JJ +54 9 215 KN +54 9 216 SG +54 9 217 KN +54 9 218 JJ +54 9 219 KL +54 9 220 SG +54 9 221 KL +54 9 222 KN +54 9 223 * +54 9 224 KL +54 9 225 JJ +54 9 226 * +54 9 227 SG +54 9 228 SG +54 9 229 * +54 9 230 KL +54 9 231 KN +54 9 232 JJ +54 9 233 SG +54 9 234 * +54 9 235 SG +54 9 236 JJ +54 9 237 JJ +54 9 238 DS +54 9 239 KN +54 9 240 * +54 9 241 KL +54 9 242 JJ +54 9 243 KN +54 9 244 KL +54 9 245 KN +54 9 246 DS +54 9 247 SG +54 9 248 DS +54 9 249 DS +54 9 250 KN +54 9 251 KK +54 9 252 KL +54 9 253 DS +54 9 254 SG +54 9 255 SG +54 9 256 KN +54 9 257 DS +54 9 258 JJ +54 9 259 KN +54 9 260 JJ +54 9 261 JJ +54 9 262 KL +54 9 263 SG +54 9 264 DS +54 9 265 DS +54 9 266 KN +54 9 267 SG +54 9 268 KK +54 9 269 KN +54 9 270 JJ +54 9 271 DS +54 9 272 KL +54 9 273 KN +54 9 274 KL +54 9 275 JJ +54 9 276 KN +54 9 277 DS +54 9 278 KN +54 9 279 SG +54 9 280 KK +54 9 281 DS +54 9 282 DS +54 9 283 WO +54 9 284 KL +54 9 285 KN +54 9 286 KL +54 9 287 JJ +54 9 288 KN +54 9 289 DS +54 9 290 KL +54 9 291 SG +54 9 292 KN +54 9 293 KL +54 9 294 KL +54 9 295 WO +54 9 296 SG +54 9 297 JJ +54 9 298 KN +54 9 299 DS +54 9 300 KL +54 9 301 DS +54 9 302 KL +54 9 303 SG +54 9 304 JJ +54 9 305 KN +54 9 306 JJ +54 9 307 DS +54 9 308 KN +54 9 309 SG +54 9 310 DS +54 9 311 SG +54 9 312 SG +54 9 313 SG +54 9 314 KL +54 9 315 DS +54 9 316 DS +54 9 317 KN +54 9 318 JJ +54 9 319 KL +54 9 320 JJ +54 9 321 KN +54 9 322 SG +54 9 323 DS +54 9 324 KL +54 9 325 KN +54 9 326 JJ +54 9 327 KL +54 9 328 DS +54 9 329 WO +54 9 330 KL +54 10 1 DS +54 10 2 SG +54 10 3 KN +54 10 4 KK +54 10 5 JJ +54 10 6 KN +54 10 7 JJ +54 10 8 KN +54 10 9 BB +54 10 10 SG +54 10 11 IR +54 10 12 JJ +54 10 13 KK +54 10 14 SG +54 10 15 * +54 10 16 KL +54 10 17 KN +54 10 18 SG +54 10 19 KK +54 10 20 KK +54 10 21 BB +54 10 22 JJ +54 10 23 * +54 10 24 SG +54 10 25 DS +54 10 26 SG +54 10 27 KL +54 10 28 KN +54 10 29 KK +54 10 30 JJ +54 10 31 KK +54 10 32 KN +54 10 33 DS +54 10 34 KK +54 10 35 KN +54 10 36 SG +54 10 37 SG +54 10 38 KN +54 10 39 DS +54 10 40 DS +54 10 41 KN +54 10 42 JJ +54 10 43 SG +54 10 44 KL +54 10 45 DS +54 10 46 KL +54 10 47 SG +54 10 48 JJ +54 10 49 DS +54 10 50 SG +54 10 51 SG +54 10 52 KL +54 10 53 KN +54 10 54 JJ +54 10 55 DS +54 10 56 KL +54 10 57 SG +54 10 58 JJ +54 10 59 KL +54 10 60 SG +54 10 61 KN +54 10 62 KK +54 10 63 JJ +54 10 64 SG +54 10 65 KN +54 10 66 KL +54 10 67 KK +54 10 68 KN +54 10 69 SG +54 10 70 KL +54 10 71 SG +54 10 72 KK +54 10 73 SG +54 10 74 KL +54 10 75 SG +54 10 76 KN +54 10 77 SG +54 10 78 WO +54 10 79 SG +54 10 80 DS +54 10 81 JJ +54 10 82 KK +54 10 83 KL +54 10 84 WO +54 10 85 KK +54 10 86 WO +54 10 87 SG +54 10 88 KN +54 10 89 SG +54 10 90 SG +54 10 91 JJ +54 10 92 KL +54 10 93 SG +54 10 94 SG +54 10 95 KL +54 10 96 JJ +54 10 97 SG +54 10 98 KN +54 10 99 KK +54 10 100 SG +54 10 101 KN +54 10 102 DS +54 10 103 JJ +54 10 104 KK +54 10 105 JJ +54 10 106 KL +54 10 107 KL +54 10 108 DS +54 10 109 SG +54 10 110 JJ +54 10 111 * +54 10 112 KN +54 10 113 SG +54 10 114 SG +54 10 115 KN +54 10 116 KL +54 10 117 SG +54 10 118 WO +54 10 119 KK +54 10 120 KL +54 10 121 KN +54 10 122 KK +54 10 123 DS +54 10 124 JJ +54 10 125 JJ +54 10 126 SG +54 10 127 KK +54 10 128 JJ +54 10 129 KL +54 10 130 SG +54 10 131 DS +54 10 132 JJ +54 10 133 DS +54 10 134 SG +54 10 135 KN +54 10 136 DS +54 10 137 SG +54 10 138 KL +54 10 139 KL +54 10 140 DS +54 10 141 KL +54 10 142 KL +54 10 143 JJ +54 10 144 DS +54 10 145 SG +54 10 146 JJ +54 10 147 DS +54 10 148 KN +54 10 149 DS +54 10 150 SG +54 10 151 KL +54 10 152 KL +54 10 153 KK +54 10 154 SG +54 10 155 SG +54 10 156 DS +54 10 157 SG +54 10 158 KL +54 10 159 JJ +54 10 160 JJ +54 10 161 DS +54 10 162 KN +54 10 163 DS +54 10 164 DS +54 10 165 SG +54 10 166 SG +54 10 167 KL +54 10 168 SG +54 10 169 DS +54 10 170 SG +54 10 171 SG +54 10 172 KL +54 10 173 KN +54 10 174 JJ +54 10 175 JJ +54 10 176 DS +54 10 177 KL +54 10 178 SG +54 10 179 KN +54 10 180 DS +54 10 181 JJ +54 10 182 SG +54 10 183 SG +54 10 184 KK +54 10 185 JJ +54 10 186 KL +54 10 187 JJ +54 10 188 DS +54 10 189 KL +54 10 190 DS +54 10 191 DS +54 10 192 SG +54 10 193 JJ +54 10 194 SG +54 10 195 DS +54 10 196 DS +54 10 197 JJ +54 10 198 SG +54 10 199 KL +54 10 200 DS +54 10 201 JJ +54 10 202 DS +54 10 203 KN +54 10 204 SG +54 10 205 SG +54 10 206 KL +54 10 207 KN +54 10 208 JJ +54 10 209 SG +54 10 210 SG +54 10 211 DS +54 10 212 JJ +54 10 213 DS +54 10 214 JJ +54 10 215 WO +54 10 216 SG +54 10 217 JJ +54 10 218 JJ +54 10 219 KL +54 10 220 KK +54 10 221 KL +54 10 222 DS +54 10 223 DS +54 10 224 KL +54 10 225 JJ +54 10 226 DS +54 10 227 SG +54 10 228 SG +54 10 229 JJ +54 10 230 KL +54 10 231 KN +54 10 232 SG +54 10 233 SG +54 10 234 JJ +54 10 235 SG +54 10 236 JJ +54 10 237 KL +54 10 238 KK +54 10 239 KN +54 10 240 SG +54 10 241 KL +54 10 242 KL +54 10 243 KN +54 10 244 KL +54 10 245 KN +54 10 246 SG +54 10 247 SG +54 10 248 SG +54 10 249 KK +54 10 250 KK +54 10 251 JJ +54 10 252 KL +54 10 253 KK +54 10 254 KL +54 10 255 SG +54 10 256 KN +54 10 257 SG +54 10 258 KK +54 10 259 KK +54 10 260 KL +54 10 261 JJ +54 10 262 KL +54 10 263 SG +54 10 264 DS +54 10 265 DS +54 10 266 JJ +54 10 267 KN +54 10 268 DS +54 10 269 KN +54 10 270 JJ +54 10 271 SG +54 10 272 KL +54 10 273 KN +54 10 274 KL +54 10 275 JJ +54 10 276 KN +54 10 277 SG +54 10 278 JJ +54 10 279 SG +54 10 280 JJ +54 10 281 DS +54 10 282 DS +54 10 283 JJ +54 10 284 KL +54 10 285 KN +54 10 286 KL +54 10 287 JJ +54 10 288 KN +54 10 289 DS +54 10 290 KL +54 10 291 KN +54 10 292 DS +54 10 293 KL +54 10 294 KL +54 10 295 JJ +54 10 296 DS +54 10 297 JJ +54 10 298 KN +54 10 299 DS +54 10 300 KL +54 10 301 DS +54 10 302 KL +54 10 303 KL +54 10 304 JJ +54 10 305 SG +54 10 306 JJ +54 10 307 DS +54 10 308 KN +54 10 309 SG +54 10 310 DS +54 10 311 DS +54 10 312 SG +54 10 313 DS +54 10 314 KL +54 10 315 JJ +54 10 316 DS +54 10 317 KN +54 10 318 JJ +54 10 319 KL +54 10 320 JJ +54 10 321 KN +54 10 322 KL +54 10 323 DS +54 10 324 KL +54 10 325 KS +54 10 326 JJ +54 10 327 KL +54 10 328 DS +54 10 329 JJ +54 10 330 KL +54 11 1 * +54 11 2 * +54 11 3 KN +54 11 4 KN +54 11 5 KK +54 11 6 JJ +54 11 7 KK +54 11 8 KN +54 11 9 JJ +54 11 10 KK +54 11 11 JJ +54 11 12 KK +54 11 13 KK +54 11 14 KK +54 11 15 JJ +54 11 16 KL +54 11 17 KN +54 11 18 SG +54 11 19 KK +54 11 20 KK +54 11 21 KN +54 11 22 KL +54 11 23 JJ +54 11 24 SG +54 11 25 KK +54 11 26 KK +54 11 27 KL +54 11 28 KN +54 11 29 JJ +54 11 30 KN +54 11 31 KL +54 11 32 KN +54 11 33 KK +54 11 34 KK +54 11 35 KN +54 11 36 SG +54 11 37 KK +54 11 38 KN +54 11 39 KK +54 11 40 KK +54 11 41 KN +54 11 42 JJ +54 11 43 KK +54 11 44 KL +54 11 45 KK +54 11 46 KL +54 11 47 SG +54 11 48 JJ +54 11 49 KK +54 11 50 SG +54 11 51 SG +54 11 52 KL +54 11 53 SG +54 11 54 KK +54 11 55 KK +54 11 56 JJ +54 11 57 KK +54 11 58 JJ +54 11 59 KL +54 11 60 SG +54 11 61 KN +54 11 62 JJ +54 11 63 JJ +54 11 64 SG +54 11 65 KN +54 11 66 KL +54 11 67 JJ +54 11 68 KN +54 11 69 JJ +54 11 70 KL +54 11 71 SG +54 11 72 KK +54 11 73 SG +54 11 74 KL +54 11 75 SG +54 11 76 JJ +54 11 77 KK +54 11 78 JJ +54 11 79 SG +54 11 80 KK +54 11 81 KK +54 11 82 KK +54 11 83 KL +54 11 84 JJ +54 11 85 KK +54 11 86 KN +54 11 87 SG +54 11 88 KN +54 11 89 SG +54 11 90 SG +54 11 91 JJ +54 11 92 KL +54 11 93 JJ +54 11 94 SG +54 11 95 KL +54 11 96 JJ +54 11 97 KK +54 11 98 KN +54 11 99 JJ +54 11 100 JJ +54 11 101 KN +54 11 102 KL +54 11 103 KK +54 11 104 KK +54 11 105 KN +54 11 106 KL +54 11 107 KL +54 11 108 KL +54 11 109 SG +54 11 110 JJ +54 11 111 SG +54 11 112 KN +54 11 113 SG +54 11 114 SG +54 11 115 KN +54 11 116 KL +54 11 117 SG +54 11 118 KN +54 11 119 JJ +54 11 120 KL +54 11 121 KN +54 11 122 KK +54 11 123 KK +54 11 124 JJ +54 11 125 KN +54 11 126 KK +54 11 127 KN +54 11 128 JJ +54 11 129 KL +54 11 130 SG +54 11 131 KN +54 11 132 KN +54 11 133 KK +54 11 134 SG +54 11 135 KN +54 11 136 KK +54 11 137 KK +54 11 138 JJ +54 11 139 KL +54 11 140 SG +54 11 141 KL +54 11 142 KL +54 11 143 KK +54 11 144 KK +54 11 145 KK +54 11 146 JJ +54 11 147 KK +54 11 148 KN +54 11 149 JJ +54 11 150 SG +54 11 151 KN +54 11 152 KN +54 11 153 KK +54 11 154 SG +54 11 155 SG +54 11 156 KK +54 11 157 KN +54 11 158 KL +54 11 159 JJ +54 11 160 KN +54 11 161 KK +54 11 162 KK +54 11 163 KK +54 11 164 KK +54 11 165 SG +54 11 166 SG +54 11 167 KL +54 11 168 SG +54 11 169 * +54 11 170 SG +54 11 171 SG +54 11 172 KL +54 11 173 KN +54 11 174 JJ +54 11 175 KL +54 11 176 KN +54 11 177 JJ +54 11 178 KK +54 11 179 KN +54 11 180 KK +54 11 181 JJ +54 11 182 KN +54 11 183 SG +54 11 184 JJ +54 11 185 KK +54 11 186 JJ +54 11 187 * +54 11 188 KK +54 11 189 KL +54 11 190 JJ +54 11 191 KK +54 11 192 JJ +54 11 193 SG +54 11 194 SG +54 11 195 KK +54 11 196 KK +54 11 197 KK +54 11 198 SG +54 11 199 KL +54 11 200 KL +54 11 201 KN +54 11 202 KK +54 11 203 SG +54 11 204 SG +54 11 205 * +54 11 206 KL +54 11 207 KN +54 11 208 SG +54 11 209 JJ +54 11 210 SG +54 11 211 KK +54 11 212 JJ +54 11 213 KL +54 11 214 JJ +54 11 215 JJ +54 11 216 SG +54 11 217 JJ +54 11 218 KK +54 11 219 KL +54 11 220 KK +54 11 221 KL +54 11 222 KK +54 11 223 KK +54 11 224 KL +54 11 225 JJ +54 11 226 KK +54 11 227 SG +54 11 228 SG +54 11 229 KK +54 11 230 KL +54 11 231 KN +54 11 232 SG +54 11 233 KK +54 11 234 KK +54 11 235 SG +54 11 236 JJ +54 11 237 JJ +54 11 238 KK +54 11 239 KN +54 11 240 KN +54 11 241 KL +54 11 242 JJ +54 11 243 KN +54 11 244 * +54 11 245 KN +54 11 246 KK +54 11 247 SG +54 11 248 SG +54 11 249 KK +54 11 250 KK +54 11 251 KK +54 11 252 KK +54 11 253 KK +54 11 254 KK +54 11 255 SG +54 11 256 KN +54 11 257 SG +54 11 258 JJ +54 11 259 KN +54 11 260 KL +54 11 261 KN +54 11 262 KL +54 11 263 KL +54 11 264 KL +54 11 265 SG +54 11 266 KN +54 11 267 KN +54 11 268 KK +54 11 269 KN +54 11 270 JJ +54 11 271 KK +54 11 272 KL +54 11 273 KK +54 11 274 KL +54 11 275 * +54 11 276 KN +54 11 277 KK +54 11 278 KN +54 11 279 SG +54 11 280 KK +54 11 281 KK +54 11 282 KK +54 11 283 KN +54 11 284 KL +54 11 285 JJ +54 11 286 KL +54 11 287 JJ +54 11 288 KN +54 11 289 JJ +54 11 290 KL +54 11 291 KK +54 11 292 KN +54 11 293 KK +54 11 294 KL +54 11 295 SG +54 11 296 SG +54 11 297 JJ +54 11 298 KN +54 11 299 KK +54 11 300 KL +54 11 301 KK +54 11 302 KL +54 11 303 KL +54 11 304 KK +54 11 305 KN +54 11 306 KK +54 11 307 SG +54 11 308 SG +54 11 309 SG +54 11 310 KK +54 11 311 SG +54 11 312 SG +54 11 313 SG +54 11 314 KL +54 11 315 KK +54 11 316 JJ +54 11 317 KN +54 11 318 JJ +54 11 319 KL +54 11 320 KK +54 11 321 KN +54 11 322 JJ +54 11 323 SG +54 11 324 KL +54 11 325 SG +54 11 326 JJ +54 11 327 KL +54 11 328 SG +54 11 329 KN +54 11 330 JJ +54 12 1 BB +54 12 2 KL +54 12 3 KN +54 12 4 BB +54 12 5 DS +54 12 6 JJ +54 12 7 KK +54 12 8 KN +54 12 9 JJ +54 12 10 BB +54 12 11 DS +54 12 12 JJ +54 12 13 KK +54 12 14 SG +54 12 15 BB +54 12 16 KL +54 12 17 KN +54 12 18 SG +54 12 19 BB +54 12 20 KK +54 12 21 KN +54 12 22 JJ +54 12 23 BB +54 12 24 SG +54 12 25 KK +54 12 26 BB +54 12 27 KL +54 12 28 KN +54 12 29 KK +54 12 30 JJ +54 12 31 KL +54 12 32 BB +54 12 33 JJ +54 12 34 BB +54 12 35 KN +54 12 36 SG +54 12 37 BB +54 12 38 KN +54 12 39 DS +54 12 40 BB +54 12 41 KN +54 12 42 JJ +54 12 43 SG +54 12 44 KL +54 12 45 BB +54 12 46 KL +54 12 47 SG +54 12 48 JJ +54 12 49 KL +54 12 50 BB +54 12 51 DS +54 12 52 KL +54 12 53 KN +54 12 54 DS +54 12 55 BB +54 12 56 * +54 12 57 BB +54 12 58 JJ +54 12 59 KL +54 12 60 SG +54 12 61 KN +54 12 62 BB +54 12 63 KN +54 12 64 BB +54 12 65 KN +54 12 66 KL +54 12 67 BB +54 12 68 BB +54 12 69 KL +54 12 70 KK +54 12 71 KN +54 12 72 KK +54 12 73 BB +54 12 74 KL +54 12 75 KK +54 12 76 JJ +54 12 77 BB +54 12 78 BB +54 12 79 SG +54 12 80 BB +54 12 81 JJ +54 12 82 BB +54 12 83 KL +54 12 84 JJ +54 12 85 DS +54 12 86 KN +54 12 87 SG +54 12 88 BB +54 12 89 SG +54 12 90 BB +54 12 91 JJ +54 12 92 KL +54 12 93 BB +54 12 94 SG +54 12 95 KL +54 12 96 JJ +54 12 97 BB +54 12 98 KN +54 12 99 BB +54 12 100 KL +54 12 101 KN +54 12 102 KL +54 12 103 DS +54 12 104 KK +54 12 105 KN +54 12 106 * +54 12 107 KL +54 12 108 KL +54 12 109 BB +54 12 110 JJ +54 12 111 KK +54 12 112 KN +54 12 113 SG +54 12 114 BB +54 12 115 KN +54 12 116 KL +54 12 117 BB +54 12 118 KN +54 12 119 DS +54 12 120 KL +54 12 121 KN +54 12 122 KK +54 12 123 BB +54 12 124 JJ +54 12 125 JJ +54 12 126 BB +54 12 127 KK +54 12 128 JJ +54 12 129 KL +54 12 130 DS +54 12 131 BB +54 12 132 KN +54 12 133 KK +54 12 134 BB +54 12 135 KN +54 12 136 KK +54 12 137 KK +54 12 138 KL +54 12 139 KL +54 12 140 BB +54 12 141 KL +54 12 142 KL +54 12 143 JJ +54 12 144 BB +54 12 145 KK +54 12 146 JJ +54 12 147 BB +54 12 148 KN +54 12 149 JJ +54 12 150 BB +54 12 151 KN +54 12 152 BB +54 12 153 DS +54 12 154 SG +54 12 155 JJ +54 12 156 KK +54 12 157 JJ +54 12 158 KL +54 12 159 JJ +54 12 160 BB +54 12 161 KK +54 12 162 KN +54 12 163 BB +54 12 164 BB +54 12 165 KK +54 12 166 BB +54 12 167 KL +54 12 168 KK +54 12 169 BB +54 12 170 SG +54 12 171 BB +54 12 172 KL +54 12 173 KN +54 12 174 JJ +54 12 175 KL +54 12 176 KN +54 12 177 JJ +54 12 178 BB +54 12 179 KN +54 12 180 DS +54 12 181 JJ +54 12 182 KN +54 12 183 BB +54 12 184 BB +54 12 185 JJ +54 12 186 KL +54 12 187 JJ +54 12 188 BB +54 12 189 KL +54 12 190 BB +54 12 191 KK +54 12 192 DS +54 12 193 JJ +54 12 194 KN +54 12 195 JJ +54 12 196 KL +54 12 197 BB +54 12 198 SG +54 12 199 KL +54 12 200 KL +54 12 201 BB +54 12 202 DS +54 12 203 KN +54 12 204 SG +54 12 205 BB +54 12 206 KL +54 12 207 KN +54 12 208 JJ +54 12 209 BB +54 12 210 DS +54 12 211 BB +54 12 212 JJ +54 12 213 KL +54 12 214 JJ +54 12 215 BB +54 12 216 KK +54 12 217 BB +54 12 218 JJ +54 12 219 KL +54 12 220 BB +54 12 221 KL +54 12 222 BB +54 12 223 KK +54 12 224 KL +54 12 225 JJ +54 12 226 KK +54 12 227 SG +54 12 228 BB +54 12 229 KL +54 12 230 KL +54 12 231 BB +54 12 232 BB +54 12 233 BB +54 12 234 KK +54 12 235 BB +54 12 236 JJ +54 12 237 KL +54 12 238 DS +54 12 239 KN +54 12 240 KN +54 12 241 KL +54 12 242 JJ +54 12 243 KN +54 12 244 KL +54 12 245 KN +54 12 246 KK +54 12 247 BB +54 12 248 DS +54 12 249 DS +54 12 250 BB +54 12 251 KL +54 12 252 KL +54 12 253 BB +54 12 254 BB +54 12 255 SG +54 12 256 KN +54 12 257 BB +54 12 258 JJ +54 12 259 KN +54 12 260 KL +54 12 261 JJ +54 12 262 KL +54 12 263 SG +54 12 264 KL +54 12 265 DS +54 12 266 JJ +54 12 267 KN +54 12 268 DS +54 12 269 KN +54 12 270 JJ +54 12 271 KK +54 12 272 KL +54 12 273 DS +54 12 274 KL +54 12 275 JJ +54 12 276 KN +54 12 277 BB +54 12 278 JJ +54 12 279 BB +54 12 280 DS +54 12 281 KK +54 12 282 DS +54 12 283 JJ +54 12 284 KL +54 12 285 BB +54 12 286 KL +54 12 287 JJ +54 12 288 KN +54 12 289 KK +54 12 290 KL +54 12 291 BB +54 12 292 BB +54 12 293 KL +54 12 294 KL +54 12 295 KK +54 12 296 BB +54 12 297 JJ +54 12 298 KN +54 12 299 KK +54 12 300 KL +54 12 301 DS +54 12 302 KL +54 12 303 BB +54 12 304 KK +54 12 305 KN +54 12 306 JJ +54 12 307 BB +54 12 308 BB +54 12 309 SG +54 12 310 KK +54 12 311 BB +54 12 312 SG +54 12 313 BB +54 12 314 KL +54 12 315 BB +54 12 316 DS +54 12 317 KN +54 12 318 JJ +54 12 319 KL +54 12 320 JJ +54 12 321 KN +54 12 322 BB +54 12 323 KK +54 12 324 KL +54 12 325 BB +54 12 326 JJ +54 12 327 KL +54 12 328 KK +54 12 329 JJ +54 12 330 KL +54 13 1 DS +54 13 2 KK +54 13 3 KN +54 13 4 UN +54 13 5 KK +54 13 6 BU +54 13 7 DS +54 13 8 KN +54 13 9 BL +54 13 10 KS +54 13 11 KK +54 13 12 JJ +54 13 13 KK +54 13 14 * +54 13 15 KN +54 13 16 KL +54 13 17 KN +54 13 18 UU +54 13 19 KK +54 13 20 DS +54 13 21 KN +54 13 22 JJ +54 13 23 KS +54 13 24 UU +54 13 25 KK +54 13 26 SG +54 13 27 KL +54 13 28 KN +54 13 29 DS +54 13 30 BB +54 13 31 KK +54 13 32 UN +54 13 33 KK +54 13 34 DS +54 13 35 KN +54 13 36 SG +54 13 37 UT +54 13 38 KN +54 13 39 DS +54 13 40 WE +54 13 41 KN +54 13 42 JJ +54 13 43 SG +54 13 44 KL +54 13 45 DS +54 13 46 UU +54 13 47 DE +54 13 48 JJ +54 13 49 WE +54 13 50 UN +54 13 51 BU +54 13 52 KL +54 13 53 KN +54 13 54 DS +54 13 55 WE +54 13 56 UN +54 13 57 KK +54 13 58 JJ +54 13 59 KL +54 13 60 UU +54 13 61 KN +54 13 62 KS +54 13 63 KN +54 13 64 UT +54 13 65 KN +54 13 66 KL +54 13 67 DS +54 13 68 KN +54 13 69 UU +54 13 70 KL +54 13 71 KN +54 13 72 DS +54 13 73 KS +54 13 74 WE +54 13 75 UU +54 13 76 UN +54 13 77 DS +54 13 78 UN +54 13 79 UU +54 13 80 DS +54 13 81 JJ +54 13 82 DS +54 13 83 JJ +54 13 84 UN +54 13 85 DS +54 13 86 KN +54 13 87 UU +54 13 88 KN +54 13 89 UU +54 13 90 UU +54 13 91 JJ +54 13 92 KL +54 13 93 DS +54 13 94 UU +54 13 95 KL +54 13 96 JJ +54 13 97 WE +54 13 98 KN +54 13 99 UN +54 13 100 DS +54 13 101 KN +54 13 102 WE +54 13 103 JJ +54 13 104 UT +54 13 105 KN +54 13 106 JJ +54 13 107 KL +54 13 108 KK +54 13 109 SG +54 13 110 JJ +54 13 111 DE +54 13 112 KN +54 13 113 UU +54 13 114 DS +54 13 115 KN +54 13 116 KL +54 13 117 UU +54 13 118 KN +54 13 119 DS +54 13 120 KL +54 13 121 KN +54 13 122 DS +54 13 123 UT +54 13 124 JJ +54 13 125 UN +54 13 126 BB +54 13 127 JJ +54 13 128 KL +54 13 129 UU +54 13 130 WE +54 13 131 KN +54 13 132 KK +54 13 133 BB +54 13 134 KN +54 13 135 DS +54 13 136 UU +54 13 137 UT +54 13 138 KL +54 13 139 SG +54 13 140 UT +54 13 141 KL +54 13 142 KL +54 13 143 JJ +54 13 144 SG +54 13 145 JJ +54 13 146 DS +54 13 147 KN +54 13 148 DS +54 13 149 KS +54 13 150 UN +54 13 151 UN +54 13 152 DS +54 13 153 UU +54 13 154 BU +54 13 155 DS +54 13 156 UN +54 13 157 UU +54 13 158 KL +54 13 159 UN +54 13 160 KN +54 13 161 DS +54 13 162 KN +54 13 163 DS +54 13 164 UT +54 13 165 UU +54 13 166 SG +54 13 167 KL +54 13 168 DS +54 13 169 UT +54 13 170 SG +54 13 171 JJ +54 13 172 KL +54 13 173 KN +54 13 174 JJ +54 13 175 WE +54 13 176 KN +54 13 177 JJ +54 13 178 SG +54 13 179 BB +54 13 180 DS +54 13 181 JJ +54 13 182 KN +54 13 183 BL +54 13 184 WE +54 13 185 UN +54 13 186 KK +54 13 187 JJ +54 13 188 DS +54 13 189 KL +54 13 190 UN +54 13 191 DS +54 13 192 KS +54 13 193 JJ +54 13 194 KN +54 13 195 DS +54 13 196 KK +54 13 197 KN +54 13 198 UU +54 13 199 KL +54 13 200 WE +54 13 201 UN +54 13 202 KK +54 13 203 KN +54 13 204 UU +54 13 205 WE +54 13 206 KL +54 13 207 KN +54 13 208 JJ +54 13 209 KK +54 13 210 BB +54 13 211 DS +54 13 212 JJ +54 13 213 KL +54 13 214 JJ +54 13 215 KN +54 13 216 UU +54 13 217 UN +54 13 218 JJ +54 13 219 KL +54 13 220 SG +54 13 221 KL +54 13 222 WE +54 13 223 KK +54 13 224 KL +54 13 225 JJ +54 13 226 SG +54 13 227 UU +54 13 228 KK +54 13 229 WE +54 13 230 KL +54 13 231 UN +54 13 232 UU +54 13 233 SG +54 13 234 DS +54 13 235 SG +54 13 236 JJ +54 13 237 UN +54 13 238 DS +54 13 239 UN +54 13 240 BB +54 13 241 KL +54 13 242 JJ +54 13 243 BB +54 13 244 KL +54 13 245 KN +54 13 246 DS +54 13 247 WE +54 13 248 KK +54 13 249 DS +54 13 250 WE +54 13 251 DS +54 13 252 KL +54 13 253 KK +54 13 254 SG +54 13 255 UU +54 13 256 KN +54 13 257 SG +54 13 258 JJ +54 13 259 KN +54 13 260 JJ +54 13 261 BB +54 13 262 KL +54 13 263 UU +54 13 264 UT +54 13 265 DS +54 13 266 BB +54 13 267 UN +54 13 268 DS +54 13 269 BB +54 13 270 JJ +54 13 271 UU +54 13 272 KL +54 13 273 UN +54 13 274 KL +54 13 275 JJ +54 13 276 BB +54 13 277 SG +54 13 278 UN +54 13 279 SG +54 13 280 KK +54 13 281 DS +54 13 282 KK +54 13 283 UN +54 13 284 KL +54 13 285 UN +54 13 286 KL +54 13 287 JJ +54 13 288 KN +54 13 289 DS +54 13 290 KL +54 13 291 SG +54 13 292 UN +54 13 293 KL +54 13 294 KL +54 13 295 UU +54 13 296 KS +54 13 297 JJ +54 13 298 KN +54 13 299 KK +54 13 300 KL +54 13 301 DS +54 13 302 KL +54 13 303 WE +54 13 304 JJ +54 13 305 BB +54 13 306 JJ +54 13 307 KK +54 13 308 UN +54 13 309 BB +54 13 310 DS +54 13 311 SG +54 13 312 UU +54 13 313 SG +54 13 314 KL +54 13 315 KK +54 13 316 DS +54 13 317 BB +54 13 318 KN +54 13 319 KL +54 13 320 JJ +54 13 321 KN +54 13 322 UT +54 13 323 DS +54 13 324 KL +54 13 325 BB +54 13 326 JJ +54 13 327 KL +54 13 328 KK +54 13 329 UN +54 13 330 KL +54 14 1 * +54 14 2 DS +54 14 3 KN +54 14 4 SG +54 14 5 DS +54 14 6 JJ +54 14 7 DS +54 14 8 KN +54 14 9 BB +54 14 10 * +54 14 11 DS +54 14 12 JJ +54 14 13 DS +54 14 14 SG +54 14 15 KL +54 14 16 KL +54 14 17 BB +54 14 18 SG +54 14 19 * +54 14 20 DS +54 14 21 BB +54 14 22 JJ +54 14 23 * +54 14 24 SG +54 14 25 DS +54 14 26 * +54 14 27 KL +54 14 28 BB +54 14 29 DS +54 14 30 BB +54 14 31 * +54 14 32 BB +54 14 33 DS +54 14 34 * +54 14 35 BB +54 14 36 DS +54 14 37 * +54 14 38 BB +54 14 39 DS +54 14 40 * +54 14 41 BB +54 14 42 JJ +54 14 43 * +54 14 44 KL +54 14 45 DS +54 14 46 SG +54 14 47 SG +54 14 48 JJ +54 14 49 KL +54 14 50 BB +54 14 51 JJ +54 14 52 KL +54 14 53 BB +54 14 54 DS +54 14 55 DS +54 14 56 BB +54 14 57 * +54 14 58 JJ +54 14 59 KL +54 14 60 DS +54 14 61 BB +54 14 62 * +54 14 63 BB +54 14 64 * +54 14 65 BB +54 14 66 KL +54 14 67 DS +54 14 68 BB +54 14 69 JJ +54 14 70 KL +54 14 71 KN +54 14 72 DS +54 14 73 BB +54 14 74 KL +54 14 75 DS +54 14 76 BB +54 14 77 DS +54 14 78 KL +54 14 79 SG +54 14 80 * +54 14 81 DS +54 14 82 DS +54 14 83 JJ +54 14 84 BB +54 14 85 DS +54 14 86 BB +54 14 87 SG +54 14 88 BB +54 14 89 SG +54 14 90 DS +54 14 91 JJ +54 14 92 KL +54 14 93 * +54 14 94 SG +54 14 95 KL +54 14 96 JJ +54 14 97 * +54 14 98 BB +54 14 99 * +54 14 100 DS +54 14 101 BB +54 14 102 * +54 14 103 JJ +54 14 104 * +54 14 105 BB +54 14 106 JJ +54 14 107 KL +54 14 108 DS +54 14 109 * +54 14 110 JJ +54 14 111 DS +54 14 112 BB +54 14 113 SG +54 14 114 DS +54 14 115 BB +54 14 116 KL +54 14 117 BB +54 14 118 BB +54 14 119 DS +54 14 120 KL +54 14 121 BB +54 14 122 DS +54 14 123 * +54 14 124 JJ +54 14 125 BB +54 14 126 BB +54 14 127 DS +54 14 128 JJ +54 14 129 KL +54 14 130 SG +54 14 131 BB +54 14 132 BB +54 14 133 DS +54 14 134 BB +54 14 135 BB +54 14 136 DS +54 14 137 DS +54 14 138 * +54 14 139 KL +54 14 140 * +54 14 141 KL +54 14 142 KL +54 14 143 DS +54 14 144 * +54 14 145 DS +54 14 146 JJ +54 14 147 DS +54 14 148 BB +54 14 149 DS +54 14 150 SG +54 14 151 BB +54 14 152 BB +54 14 153 * +54 14 154 SG +54 14 155 SG +54 14 156 DS +54 14 157 BB +54 14 158 KL +54 14 159 JJ +54 14 160 BB +54 14 161 DS +54 14 162 BB +54 14 163 DS +54 14 164 * +54 14 165 DS +54 14 166 * +54 14 167 * +54 14 168 DS +54 14 169 * +54 14 170 DS +54 14 171 DS +54 14 172 KL +54 14 173 BB +54 14 174 JJ +54 14 175 DS +54 14 176 BB +54 14 177 JJ +54 14 178 * +54 14 179 BB +54 14 180 DS +54 14 181 JJ +54 14 182 BB +54 14 183 JJ +54 14 184 BB +54 14 185 BB +54 14 186 DS +54 14 187 JJ +54 14 188 * +54 14 189 KL +54 14 190 BB +54 14 191 DS +54 14 192 * +54 14 193 JJ +54 14 194 BB +54 14 195 DS +54 14 196 DS +54 14 197 BB +54 14 198 SG +54 14 199 KL +54 14 200 * +54 14 201 BB +54 14 202 DS +54 14 203 BB +54 14 204 SG +54 14 205 * +54 14 206 KL +54 14 207 BB +54 14 208 JJ +54 14 209 DS +54 14 210 BB +54 14 211 * +54 14 212 JJ +54 14 213 KL +54 14 214 DS +54 14 215 BB +54 14 216 SG +54 14 217 BB +54 14 218 JJ +54 14 219 KL +54 14 220 * +54 14 221 KL +54 14 222 * +54 14 223 DS +54 14 224 KL +54 14 225 JJ +54 14 226 DS +54 14 227 SG +54 14 228 SG +54 14 229 DS +54 14 230 KL +54 14 231 BB +54 14 232 JJ +54 14 233 * +54 14 234 DS +54 14 235 * +54 14 236 JJ +54 14 237 BB +54 14 238 DS +54 14 239 BB +54 14 240 BB +54 14 241 KL +54 14 242 JJ +54 14 243 BB +54 14 244 KL +54 14 245 BB +54 14 246 DS +54 14 247 * +54 14 248 SG +54 14 249 DS +54 14 250 * +54 14 251 DS +54 14 252 KL +54 14 253 DS +54 14 254 * +54 14 255 SG +54 14 256 BB +54 14 257 * +54 14 258 JJ +54 14 259 BB +54 14 260 DS +54 14 261 BB +54 14 262 KL +54 14 263 KL +54 14 264 KL +54 14 265 DS +54 14 266 BB +54 14 267 BB +54 14 268 DS +54 14 269 BB +54 14 270 JJ +54 14 271 DS +54 14 272 KL +54 14 273 BB +54 14 274 KL +54 14 275 JJ +54 14 276 BB +54 14 277 * +54 14 278 BB +54 14 279 * +54 14 280 DS +54 14 281 DS +54 14 282 DS +54 14 283 BB +54 14 284 KL +54 14 285 BB +54 14 286 KL +54 14 287 JJ +54 14 288 BB +54 14 289 DS +54 14 290 KL +54 14 291 * +54 14 292 BB +54 14 293 KL +54 14 294 KL +54 14 295 JJ +54 14 296 * +54 14 297 JJ +54 14 298 BB +54 14 299 DS +54 14 300 KL +54 14 301 DS +54 14 302 KL +54 14 303 KL +54 14 304 DS +54 14 305 * +54 14 306 DS +54 14 307 * +54 14 308 * +54 14 309 DS +54 14 310 DS +54 14 311 * +54 14 312 SG +54 14 313 * +54 14 314 KL +54 14 315 DS +54 14 316 DS +54 14 317 BB +54 14 318 BB +54 14 319 KL +54 14 320 JJ +54 14 321 BB +54 14 322 * +54 14 323 DS +54 14 324 KL +54 14 325 BB +54 14 326 JJ +54 14 327 KL +54 14 328 DS +54 14 329 * +54 14 330 KL +54 15 1 KK +54 15 2 DS +54 15 3 KN +54 15 4 BB +54 15 5 KK +54 15 6 JJ +54 15 7 KK +54 15 8 KN +54 15 9 JJ +54 15 10 SG +54 15 11 DS +54 15 12 BL +54 15 13 DS +54 15 14 DS +54 15 15 JJ +54 15 16 KL +54 15 17 KN +54 15 18 SG +54 15 19 DS +54 15 20 DS +54 15 21 KN +54 15 22 JJ +54 15 23 * +54 15 24 SG +54 15 25 DS +54 15 26 * +54 15 27 KL +54 15 28 KN +54 15 29 DS +54 15 30 JJ +54 15 31 DS +54 15 32 KN +54 15 33 DS +54 15 34 DS +54 15 35 KN +54 15 36 SG +54 15 37 SG +54 15 38 KN +54 15 39 DS +54 15 40 DS +54 15 41 KN +54 15 42 JJ +54 15 43 SG +54 15 44 KL +54 15 45 DS +54 15 46 SG +54 15 47 DS +54 15 48 JJ +54 15 49 DS +54 15 50 * +54 15 51 * +54 15 52 KL +54 15 53 KN +54 15 54 DS +54 15 55 DS +54 15 56 JJ +54 15 57 DS +54 15 58 JJ +54 15 59 KL +54 15 60 DS +54 15 61 KN +54 15 62 * +54 15 63 KN +54 15 64 DS +54 15 65 KN +54 15 66 KL +54 15 67 DS +54 15 68 KN +54 15 69 * +54 15 70 KL +54 15 71 KN +54 15 72 DS +54 15 73 * +54 15 74 KL +54 15 75 SG +54 15 76 KN +54 15 77 DS +54 15 78 * +54 15 79 SG +54 15 80 DS +54 15 81 JJ +54 15 82 DS +54 15 83 JJ +54 15 84 * +54 15 85 DS +54 15 86 KN +54 15 87 SG +54 15 88 KN +54 15 89 SG +54 15 90 DS +54 15 91 JJ +54 15 92 KL +54 15 93 DS +54 15 94 SG +54 15 95 KL +54 15 96 JJ +54 15 97 * +54 15 98 KN +54 15 99 * +54 15 100 DS +54 15 101 KN +54 15 102 * +54 15 103 BL +54 15 104 DS +54 15 105 KN +54 15 106 JJ +54 15 107 KL +54 15 108 KL +54 15 109 * +54 15 110 JJ +54 15 111 SG +54 15 112 KN +54 15 113 SG +54 15 114 DS +54 15 115 KN +54 15 116 KL +54 15 117 SG +54 15 118 KN +54 15 119 DS +54 15 120 KL +54 15 121 KN +54 15 122 DS +54 15 123 DS +54 15 124 JJ +54 15 125 KN +54 15 126 * +54 15 127 SG +54 15 128 JJ +54 15 129 KL +54 15 130 SG +54 15 131 * +54 15 132 KN +54 15 133 DS +54 15 134 BB +54 15 135 KN +54 15 136 DS +54 15 137 * +54 15 138 * +54 15 139 KL +54 15 140 * +54 15 141 KL +54 15 142 KL +54 15 143 BL +54 15 144 * +54 15 145 DS +54 15 146 JJ +54 15 147 DS +54 15 148 KN +54 15 149 DS +54 15 150 * +54 15 151 KN +54 15 152 * +54 15 153 DS +54 15 154 SG +54 15 155 SG +54 15 156 DS +54 15 157 * +54 15 158 KL +54 15 159 JJ +54 15 160 * +54 15 161 DS +54 15 162 KN +54 15 163 DS +54 15 164 * +54 15 165 SG +54 15 166 SG +54 15 167 * +54 15 168 DS +54 15 169 DS +54 15 170 SG +54 15 171 * +54 15 172 KL +54 15 173 KN +54 15 174 JJ +54 15 175 * +54 15 176 KN +54 15 177 JJ +54 15 178 * +54 15 179 KN +54 15 180 DS +54 15 181 JJ +54 15 182 * +54 15 183 JJ +54 15 184 * +54 15 185 JJ +54 15 186 DS +54 15 187 JJ +54 15 188 DS +54 15 189 KL +54 15 190 * +54 15 191 DS +54 15 192 * +54 15 193 JJ +54 15 194 KN +54 15 195 DS +54 15 196 DS +54 15 197 * +54 15 198 SG +54 15 199 KL +54 15 200 DS +54 15 201 JJ +54 15 202 DS +54 15 203 KN +54 15 204 SG +54 15 205 * +54 15 206 KL +54 15 207 KN +54 15 208 JJ +54 15 209 DS +54 15 210 * +54 15 211 DS +54 15 212 JJ +54 15 213 * +54 15 214 JJ +54 15 215 * +54 15 216 SG +54 15 217 * +54 15 218 BL +54 15 219 KL +54 15 220 * +54 15 221 KL +54 15 222 * +54 15 223 DS +54 15 224 KL +54 15 225 JJ +54 15 226 DS +54 15 227 SG +54 15 228 SG +54 15 229 DS +54 15 230 KL +54 15 231 * +54 15 232 SG +54 15 233 * +54 15 234 DS +54 15 235 * +54 15 236 JJ +54 15 237 DS +54 15 238 * +54 15 239 KN +54 15 240 * +54 15 241 KL +54 15 242 BL +54 15 243 * +54 15 244 KL +54 15 245 KN +54 15 246 DS +54 15 247 * +54 15 248 SG +54 15 249 DS +54 15 250 * +54 15 251 DS +54 15 252 KL +54 15 253 DS +54 15 254 * +54 15 255 SG +54 15 256 KN +54 15 257 DS +54 15 258 JJ +54 15 259 KN +54 15 260 KL +54 15 261 * +54 15 262 KL +54 15 263 SG +54 15 264 KL +54 15 265 DS +54 15 266 KN +54 15 267 * +54 15 268 DS +54 15 269 * +54 15 270 JJ +54 15 271 SG +54 15 272 KL +54 15 273 * +54 15 274 KL +54 15 275 BL +54 15 276 KN +54 15 277 DS +54 15 278 * +54 15 279 * +54 15 280 DS +54 15 281 DS +54 15 282 DS +54 15 283 * +54 15 284 KL +54 15 285 * +54 15 286 KL +54 15 287 BL +54 15 288 KN +54 15 289 DS +54 15 290 KL +54 15 291 * +54 15 292 * +54 15 293 KL +54 15 294 KL +54 15 295 SG +54 15 296 * +54 15 297 JJ +54 15 298 KN +54 15 299 DS +54 15 300 KL +54 15 301 DS +54 15 302 KL +54 15 303 KL +54 15 304 BL +54 15 305 * +54 15 306 DS +54 15 307 DS +54 15 308 * +54 15 309 SG +54 15 310 DS +54 15 311 DS +54 15 312 SG +54 15 313 * +54 15 314 KL +54 15 315 DS +54 15 316 DS +54 15 317 KN +54 15 318 JJ +54 15 319 KL +54 15 320 JJ +54 15 321 KN +54 15 322 * +54 15 323 DS +54 15 324 KL +54 15 325 * +54 15 326 JJ +54 15 327 KL +54 15 328 * +54 15 329 * +54 15 330 KL +54 16 1 DS +54 16 2 KL +54 16 3 KN +54 16 4 KN +54 16 5 DS +54 16 6 * +54 16 7 DS +54 16 8 KN +54 16 9 * +54 16 10 * +54 16 11 JJ +54 16 12 * +54 16 13 KK +54 16 14 SG +54 16 15 KL +54 16 16 KL +54 16 17 KN +54 16 18 SG +54 16 19 DS +54 16 20 KK +54 16 21 KN +54 16 22 JJ +54 16 23 KN +54 16 24 * +54 16 25 KK +54 16 26 * +54 16 27 KL +54 16 28 KN +54 16 29 DS +54 16 30 KN +54 16 31 KL +54 16 32 KN +54 16 33 DS +54 16 34 DS +54 16 35 KN +54 16 36 KK +54 16 37 * +54 16 38 KN +54 16 39 DS +54 16 40 KK +54 16 41 KN +54 16 42 JJ +54 16 43 * +54 16 44 KL +54 16 45 DS +54 16 46 SG +54 16 47 SG +54 16 48 JJ +54 16 49 DS +54 16 50 KN +54 16 51 * +54 16 52 KL +54 16 53 KN +54 16 54 DS +54 16 55 KK +54 16 56 KN +54 16 57 DS +54 16 58 JJ +54 16 59 KL +54 16 60 DS +54 16 61 KN +54 16 62 * +54 16 63 KN +54 16 64 DS +54 16 65 KN +54 16 66 KL +54 16 67 DS +54 16 68 KN +54 16 69 JJ +54 16 70 KL +54 16 71 KN +54 16 72 DS +54 16 73 KN +54 16 74 * +54 16 75 DS +54 16 76 KN +54 16 77 * +54 16 78 KL +54 16 79 SG +54 16 80 DS +54 16 81 JJ +54 16 82 * +54 16 83 KL +54 16 84 KN +54 16 85 DS +54 16 86 KN +54 16 87 SG +54 16 88 KN +54 16 89 SG +54 16 90 * +54 16 91 JJ +54 16 92 KL +54 16 93 DS +54 16 94 SG +54 16 95 KL +54 16 96 JJ +54 16 97 * +54 16 98 KN +54 16 99 KL +54 16 100 * +54 16 101 KN +54 16 102 KL +54 16 103 * +54 16 104 JJ +54 16 105 KN +54 16 106 JJ +54 16 107 KL +54 16 108 KL +54 16 109 * +54 16 110 JJ +54 16 111 DS +54 16 112 KN +54 16 113 SG +54 16 114 DS +54 16 115 KN +54 16 116 KL +54 16 117 * +54 16 118 KN +54 16 119 DS +54 16 120 KL +54 16 121 KN +54 16 122 DS +54 16 123 DS +54 16 124 JJ +54 16 125 KN +54 16 126 SG +54 16 127 KN +54 16 128 JJ +54 16 129 KL +54 16 130 * +54 16 131 KN +54 16 132 KN +54 16 133 DS +54 16 134 * +54 16 135 KN +54 16 136 DS +54 16 137 DS +54 16 138 * +54 16 139 KL +54 16 140 * +54 16 141 KL +54 16 142 KL +54 16 143 JJ +54 16 144 * +54 16 145 DS +54 16 146 JJ +54 16 147 DS +54 16 148 KN +54 16 149 DS +54 16 150 * +54 16 151 KN +54 16 152 KN +54 16 153 * +54 16 154 SG +54 16 155 SG +54 16 156 DS +54 16 157 * +54 16 158 KL +54 16 159 JJ +54 16 160 KN +54 16 161 DS +54 16 162 * +54 16 163 * +54 16 164 DS +54 16 165 JJ +54 16 166 * +54 16 167 KL +54 16 168 DS +54 16 169 DS +54 16 170 SG +54 16 171 JJ +54 16 172 KL +54 16 173 KN +54 16 174 JJ +54 16 175 * +54 16 176 KN +54 16 177 JJ +54 16 178 DS +54 16 179 KN +54 16 180 DS +54 16 181 JJ +54 16 182 KN +54 16 183 JJ +54 16 184 KN +54 16 185 JJ +54 16 186 DS +54 16 187 JJ +54 16 188 DS +54 16 189 KL +54 16 190 KN +54 16 191 DS +54 16 192 KN +54 16 193 JJ +54 16 194 KN +54 16 195 DS +54 16 196 * +54 16 197 KN +54 16 198 SG +54 16 199 KL +54 16 200 * +54 16 201 KN +54 16 202 DS +54 16 203 KN +54 16 204 SG +54 16 205 * +54 16 206 KL +54 16 207 KN +54 16 208 JJ +54 16 209 DS +54 16 210 KN +54 16 211 DS +54 16 212 JJ +54 16 213 KL +54 16 214 JJ +54 16 215 KN +54 16 216 SG +54 16 217 KN +54 16 218 JJ +54 16 219 KL +54 16 220 * +54 16 221 KL +54 16 222 * +54 16 223 DS +54 16 224 KL +54 16 225 JJ +54 16 226 DS +54 16 227 SG +54 16 228 * +54 16 229 KL +54 16 230 KL +54 16 231 KN +54 16 232 SG +54 16 233 * +54 16 234 DS +54 16 235 JJ +54 16 236 KN +54 16 237 DS +54 16 238 DS +54 16 239 KN +54 16 240 KN +54 16 241 KL +54 16 242 JJ +54 16 243 KN +54 16 244 KL +54 16 245 KN +54 16 246 DS +54 16 247 * +54 16 248 KK +54 16 249 DS +54 16 250 * +54 16 251 KK +54 16 252 KL +54 16 253 KK +54 16 254 * +54 16 255 SG +54 16 256 KN +54 16 257 DS +54 16 258 JJ +54 16 259 KN +54 16 260 KL +54 16 261 KN +54 16 262 KL +54 16 263 SG +54 16 264 DS +54 16 265 KK +54 16 266 KN +54 16 267 KN +54 16 268 DS +54 16 269 KN +54 16 270 JJ +54 16 271 KK +54 16 272 KL +54 16 273 KN +54 16 274 KL +54 16 275 JJ +54 16 276 DS +54 16 277 * +54 16 278 KN +54 16 279 * +54 16 280 JJ +54 16 281 DS +54 16 282 JJ +54 16 283 KN +54 16 284 KL +54 16 285 KN +54 16 286 KL +54 16 287 JJ +54 16 288 KN +54 16 289 DS +54 16 290 KL +54 16 291 * +54 16 292 KN +54 16 293 KL +54 16 294 KL +54 16 295 * +54 16 296 * +54 16 297 JJ +54 16 298 KN +54 16 299 DS +54 16 300 KL +54 16 301 DS +54 16 302 KL +54 16 303 KL +54 16 304 JJ +54 16 305 KN +54 16 306 JJ +54 16 307 KK +54 16 308 * +54 16 309 SG +54 16 310 DS +54 16 311 KK +54 16 312 SG +54 16 313 * +54 16 314 KL +54 16 315 DS +54 16 316 KK +54 16 317 KN +54 16 318 KN +54 16 319 KL +54 16 320 JJ +54 16 321 KN +54 16 322 * +54 16 323 KK +54 16 324 KL +54 16 325 KN +54 16 326 JJ +54 16 327 KL +54 16 328 KK +54 16 329 JJ +54 16 330 KL +54 17 1 * +54 17 2 WE +54 17 3 BB +54 17 4 SG +54 17 5 DS +54 17 6 JJ +54 17 7 KK +54 17 8 BB +54 17 9 SG +54 17 10 SG +54 17 11 * +54 17 12 JJ +54 17 13 KK +54 17 14 SG +54 17 15 BB +54 17 16 KL +54 17 17 BB +54 17 18 SG +54 17 19 WE +54 17 20 DS +54 17 21 BB +54 17 22 JJ +54 17 23 WE +54 17 24 SG +54 17 25 NE +54 17 26 SG +54 17 27 KL +54 17 28 BB +54 17 29 KK +54 17 30 JJ +54 17 31 WE +54 17 32 BB +54 17 33 DS +54 17 34 WO +54 17 35 JJ +54 17 36 SG +54 17 37 WO +54 17 38 BB +54 17 39 DS +54 17 40 WE +54 17 41 BB +54 17 42 JJ +54 17 43 SG +54 17 44 KL +54 17 45 DS +54 17 46 SG +54 17 47 SG +54 17 48 JJ +54 17 49 * +54 17 50 * +54 17 51 SG +54 17 52 KL +54 17 53 BB +54 17 54 DS +54 17 55 * +54 17 56 BB +54 17 57 SG +54 17 58 BB +54 17 59 WE +54 17 60 SG +54 17 61 KN +54 17 62 WO +54 17 63 * +54 17 64 DS +54 17 65 BB +54 17 66 KL +54 17 67 DS +54 17 68 BB +54 17 69 DS +54 17 70 WO +54 17 71 * +54 17 72 DS +54 17 73 WE +54 17 74 KL +54 17 75 DS +54 17 76 JJ +54 17 77 WE +54 17 78 * +54 17 79 SG +54 17 80 WO +54 17 81 JJ +54 17 82 WE +54 17 83 KL +54 17 84 * +54 17 85 DS +54 17 86 BB +54 17 87 SG +54 17 88 BB +54 17 89 SG +54 17 90 SG +54 17 91 JJ +54 17 92 KL +54 17 93 WO +54 17 94 * +54 17 95 KL +54 17 96 JJ +54 17 97 UT +54 17 98 KN +54 17 99 KL +54 17 100 DS +54 17 101 BB +54 17 102 KL +54 17 103 JJ +54 17 104 WO +54 17 105 BB +54 17 106 JJ +54 17 107 KL +54 17 108 WO +54 17 109 SG +54 17 110 JJ +54 17 111 DS +54 17 112 KN +54 17 113 SG +54 17 114 DS +54 17 115 BB +54 17 116 UT +54 17 117 SG +54 17 118 KN +54 17 119 DS +54 17 120 KL +54 17 121 KN +54 17 122 DS +54 17 123 WO +54 17 124 JJ +54 17 125 JJ +54 17 126 KL +54 17 127 SG +54 17 128 JJ +54 17 129 KL +54 17 130 SG +54 17 131 KN +54 17 132 KN +54 17 133 KK +54 17 134 SG +54 17 135 BB +54 17 136 WO +54 17 137 DS +54 17 138 WO +54 17 139 KL +54 17 140 WE +54 17 141 KL +54 17 142 KL +54 17 143 JJ +54 17 144 SG +54 17 145 KK +54 17 146 JJ +54 17 147 DS +54 17 148 BB +54 17 149 DS +54 17 150 NE +54 17 151 BB +54 17 152 KL +54 17 153 WO +54 17 154 SG +54 17 155 SG +54 17 156 DS +54 17 157 JJ +54 17 158 KL +54 17 159 JJ +54 17 160 * +54 17 161 DS +54 17 162 KN +54 17 163 DS +54 17 164 KK +54 17 165 KK +54 17 166 SG +54 17 167 * +54 17 168 DS +54 17 169 * +54 17 170 SG +54 17 171 DS +54 17 172 KL +54 17 173 BB +54 17 174 JJ +54 17 175 KK +54 17 176 BB +54 17 177 JJ +54 17 178 WO +54 17 179 BB +54 17 180 KK +54 17 181 JJ +54 17 182 BB +54 17 183 SG +54 17 184 * +54 17 185 JJ +54 17 186 DS +54 17 187 JJ +54 17 188 * +54 17 189 KL +54 17 190 * +54 17 191 DS +54 17 192 * +54 17 193 JJ +54 17 194 BB +54 17 195 DS +54 17 196 KK +54 17 197 JJ +54 17 198 SG +54 17 199 KL +54 17 200 * +54 17 201 BB +54 17 202 DS +54 17 203 BB +54 17 204 SG +54 17 205 * +54 17 206 KL +54 17 207 BB +54 17 208 JJ +54 17 209 DS +54 17 210 * +54 17 211 * +54 17 212 JJ +54 17 213 KL +54 17 214 JJ +54 17 215 * +54 17 216 SG +54 17 217 BB +54 17 218 JJ +54 17 219 KL +54 17 220 WO +54 17 221 KL +54 17 222 * +54 17 223 DS +54 17 224 KL +54 17 225 JJ +54 17 226 * +54 17 227 SG +54 17 228 SG +54 17 229 DS +54 17 230 KL +54 17 231 BB +54 17 232 JJ +54 17 233 * +54 17 234 DS +54 17 235 * +54 17 236 DS +54 17 237 BB +54 17 238 KK +54 17 239 BB +54 17 240 * +54 17 241 KL +54 17 242 JJ +54 17 243 BB +54 17 244 KL +54 17 245 BB +54 17 246 DS +54 17 247 * +54 17 248 SG +54 17 249 DS +54 17 250 SG +54 17 251 DS +54 17 252 KL +54 17 253 * +54 17 254 KL +54 17 255 SG +54 17 256 BB +54 17 257 * +54 17 258 JJ +54 17 259 BB +54 17 260 KL +54 17 261 * +54 17 262 KL +54 17 263 KL +54 17 264 WE +54 17 265 DS +54 17 266 WE +54 17 267 * +54 17 268 JJ +54 17 269 BB +54 17 270 JJ +54 17 271 SG +54 17 272 KL +54 17 273 NE +54 17 274 KL +54 17 275 JJ +54 17 276 * +54 17 277 WE +54 17 278 BB +54 17 279 NE +54 17 280 JJ +54 17 281 DS +54 17 282 KK +54 17 283 BB +54 17 284 KL +54 17 285 * +54 17 286 KL +54 17 287 * +54 17 288 BB +54 17 289 * +54 17 290 KL +54 17 291 NE +54 17 292 BB +54 17 293 KL +54 17 294 KL +54 17 295 SG +54 17 296 NE +54 17 297 JJ +54 17 298 BB +54 17 299 DS +54 17 300 KL +54 17 301 NE +54 17 302 KL +54 17 303 WO +54 17 304 JJ +54 17 305 KN +54 17 306 JJ +54 17 307 * +54 17 308 WO +54 17 309 SG +54 17 310 DS +54 17 311 * +54 17 312 SG +54 17 313 NE +54 17 314 KL +54 17 315 KK +54 17 316 JJ +54 17 317 BB +54 17 318 * +54 17 319 KL +54 17 320 DS +54 17 321 BB +54 17 322 NE +54 17 323 DS +54 17 324 KL +54 17 325 * +54 17 326 JJ +54 17 327 KL +54 17 328 SG +54 17 329 BB +54 17 330 KL +54 18 1 * +54 18 2 KK +54 18 3 KN +54 18 4 * +54 18 5 DS +54 18 6 JJ +54 18 7 JJ +54 18 8 KN +54 18 9 * +54 18 10 SG +54 18 11 NE +54 18 12 JJ +54 18 13 SG +54 18 14 SG +54 18 15 KN +54 18 16 * +54 18 17 KN +54 18 18 SG +54 18 19 * +54 18 20 JJ +54 18 21 KN +54 18 22 JJ +54 18 23 * +54 18 24 JJ +54 18 25 SG +54 18 26 DS +54 18 27 KL +54 18 28 KN +54 18 29 DS +54 18 30 JJ +54 18 31 KL +54 18 32 KN +54 18 33 JJ +54 18 34 DS +54 18 35 KN +54 18 36 DS +54 18 37 SG +54 18 38 KN +54 18 39 KK +54 18 40 SG +54 18 41 KN +54 18 42 JJ +54 18 43 SG +54 18 44 KL +54 18 45 KK +54 18 46 SG +54 18 47 * +54 18 48 JJ +54 18 49 DS +54 18 50 * +54 18 51 * +54 18 52 KL +54 18 53 KN +54 18 54 DS +54 18 55 DS +54 18 56 JJ +54 18 57 KK +54 18 58 * +54 18 59 JJ +54 18 60 SG +54 18 61 KN +54 18 62 KK +54 18 63 KN +54 18 64 DS +54 18 65 KN +54 18 66 KL +54 18 67 KK +54 18 68 KN +54 18 69 * +54 18 70 KL +54 18 71 KN +54 18 72 KK +54 18 73 KN +54 18 74 KL +54 18 75 SG +54 18 76 KN +54 18 77 KK +54 18 78 KL +54 18 79 SG +54 18 80 KK +54 18 81 JJ +54 18 82 KK +54 18 83 KL +54 18 84 KN +54 18 85 KK +54 18 86 KN +54 18 87 SG +54 18 88 KN +54 18 89 SG +54 18 90 KK +54 18 91 JJ +54 18 92 KL +54 18 93 KK +54 18 94 SG +54 18 95 KL +54 18 96 JJ +54 18 97 SG +54 18 98 KN +54 18 99 KK +54 18 100 JJ +54 18 101 KN +54 18 102 SG +54 18 103 KK +54 18 104 JJ +54 18 105 KN +54 18 106 JJ +54 18 107 KL +54 18 108 JJ +54 18 109 KK +54 18 110 JJ +54 18 111 SG +54 18 112 KN +54 18 113 SG +54 18 114 DS +54 18 115 KN +54 18 116 KL +54 18 117 SG +54 18 118 KN +54 18 119 DS +54 18 120 KL +54 18 121 KN +54 18 122 KK +54 18 123 SG +54 18 124 JJ +54 18 125 KN +54 18 126 KN +54 18 127 DS +54 18 128 JJ +54 18 129 KL +54 18 130 SG +54 18 131 SG +54 18 132 KN +54 18 133 KK +54 18 134 * +54 18 135 KN +54 18 136 KK +54 18 137 KK +54 18 138 DS +54 18 139 KL +54 18 140 SG +54 18 141 KL +54 18 142 KL +54 18 143 JJ +54 18 144 SG +54 18 145 KK +54 18 146 JJ +54 18 147 DS +54 18 148 KN +54 18 149 DS +54 18 150 SG +54 18 151 KN +54 18 152 KN +54 18 153 KK +54 18 154 SG +54 18 155 SG +54 18 156 KK +54 18 157 * +54 18 158 KL +54 18 159 JJ +54 18 160 KN +54 18 161 KK +54 18 162 KN +54 18 163 KK +54 18 164 SG +54 18 165 KK +54 18 166 SG +54 18 167 KL +54 18 168 KK +54 18 169 SG +54 18 170 SG +54 18 171 KK +54 18 172 KL +54 18 173 KN +54 18 174 JJ +54 18 175 KL +54 18 176 KN +54 18 177 JJ +54 18 178 SG +54 18 179 KN +54 18 180 DS +54 18 181 JJ +54 18 182 KN +54 18 183 JJ +54 18 184 SG +54 18 185 JJ +54 18 186 KK +54 18 187 JJ +54 18 188 SG +54 18 189 KL +54 18 190 KN +54 18 191 DS +54 18 192 SG +54 18 193 JJ +54 18 194 SG +54 18 195 DS +54 18 196 DS +54 18 197 KN +54 18 198 SG +54 18 199 KL +54 18 200 DS +54 18 201 KN +54 18 202 DS +54 18 203 KN +54 18 204 SG +54 18 205 SG +54 18 206 KL +54 18 207 KN +54 18 208 JJ +54 18 209 DS +54 18 210 KN +54 18 211 KK +54 18 212 KN +54 18 213 KL +54 18 214 JJ +54 18 215 KN +54 18 216 SG +54 18 217 KN +54 18 218 JJ +54 18 219 KL +54 18 220 SG +54 18 221 KL +54 18 222 KN +54 18 223 SG +54 18 224 KL +54 18 225 JJ +54 18 226 SG +54 18 227 SG +54 18 228 SG +54 18 229 DS +54 18 230 KL +54 18 231 KN +54 18 232 JJ +54 18 233 KL +54 18 234 DS +54 18 235 KK +54 18 236 JJ +54 18 237 KN +54 18 238 DS +54 18 239 KN +54 18 240 KN +54 18 241 KL +54 18 242 JJ +54 18 243 KN +54 18 244 KL +54 18 245 KN +54 18 246 KK +54 18 247 * +54 18 248 SG +54 18 249 KK +54 18 250 SG +54 18 251 DS +54 18 252 KL +54 18 253 DS +54 18 254 * +54 18 255 SG +54 18 256 KN +54 18 257 SG +54 18 258 JJ +54 18 259 KN +54 18 260 KL +54 18 261 JJ +54 18 262 KL +54 18 263 KL +54 18 264 KL +54 18 265 KK +54 18 266 KN +54 18 267 KN +54 18 268 DS +54 18 269 KN +54 18 270 JJ +54 18 271 DS +54 18 272 KL +54 18 273 KN +54 18 274 KL +54 18 275 JJ +54 18 276 KN +54 18 277 DS +54 18 278 KN +54 18 279 SG +54 18 280 JJ +54 18 281 DS +54 18 282 KK +54 18 283 KN +54 18 284 KL +54 18 285 KN +54 18 286 KL +54 18 287 JJ +54 18 288 KN +54 18 289 DS +54 18 290 KL +54 18 291 DS +54 18 292 JJ +54 18 293 DS +54 18 294 KL +54 18 295 SG +54 18 296 SG +54 18 297 JJ +54 18 298 KN +54 18 299 DS +54 18 300 KL +54 18 301 KK +54 18 302 KL +54 18 303 KL +54 18 304 KK +54 18 305 SG +54 18 306 KK +54 18 307 SG +54 18 308 KN +54 18 309 SG +54 18 310 KK +54 18 311 SG +54 18 312 SG +54 18 313 KN +54 18 314 KL +54 18 315 KK +54 18 316 DS +54 18 317 KN +54 18 318 JJ +54 18 319 KL +54 18 320 JJ +54 18 321 KN +54 18 322 KL +54 18 323 DS +54 18 324 KL +54 18 325 KN +54 18 326 JJ +54 18 327 KL +54 18 328 DS +54 18 329 KN +54 18 330 KL +54 19 1 JJ +54 19 2 JJ +54 19 3 KN +54 19 4 * +54 19 5 LU +54 19 6 JJ +54 19 7 * +54 19 8 KN +54 19 9 KN +54 19 10 SG +54 19 11 SG +54 19 12 JJ +54 19 13 * +54 19 14 SG +54 19 15 * +54 19 16 * +54 19 17 KN +54 19 18 SG +54 19 19 LU +54 19 20 * +54 19 21 KN +54 19 22 JJ +54 19 23 * +54 19 24 SG +54 19 25 * +54 19 26 * +54 19 27 KL +54 19 28 KN +54 19 29 JJ +54 19 30 JJ +54 19 31 LU +54 19 32 KN +54 19 33 JJ +54 19 34 SG +54 19 35 KN +54 19 36 SG +54 19 37 * +54 19 38 KN +54 19 39 JJ +54 19 40 * +54 19 41 KN +54 19 42 JJ +54 19 43 SG +54 19 44 KL +54 19 45 JJ +54 19 46 * +54 19 47 SG +54 19 48 JJ +54 19 49 * +54 19 50 JJ +54 19 51 * +54 19 52 KL +54 19 53 KN +54 19 54 JJ +54 19 55 JJ +54 19 56 * +54 19 57 SG +54 19 58 * +54 19 59 * +54 19 60 SG +54 19 61 KN +54 19 62 * +54 19 63 KN +54 19 64 * +54 19 65 KN +54 19 66 JJ +54 19 67 JJ +54 19 68 KN +54 19 69 * +54 19 70 * +54 19 71 KN +54 19 72 JJ +54 19 73 KN +54 19 74 * +54 19 75 SG +54 19 76 KN +54 19 77 * +54 19 78 * +54 19 79 SG +54 19 80 LU +54 19 81 * +54 19 82 * +54 19 83 * +54 19 84 KN +54 19 85 * +54 19 86 KN +54 19 87 SG +54 19 88 KN +54 19 89 SG +54 19 90 SG +54 19 91 JJ +54 19 92 KL +54 19 93 SG +54 19 94 SG +54 19 95 KL +54 19 96 JJ +54 19 97 SG +54 19 98 KN +54 19 99 * +54 19 100 WO +54 19 101 KN +54 19 102 * +54 19 103 JJ +54 19 104 * +54 19 105 KN +54 19 106 JJ +54 19 107 KL +54 19 108 * +54 19 109 SG +54 19 110 JJ +54 19 111 * +54 19 112 KN +54 19 113 SG +54 19 114 SG +54 19 115 KN +54 19 116 KL +54 19 117 SG +54 19 118 KN +54 19 119 * +54 19 120 KL +54 19 121 KN +54 19 122 * +54 19 123 * +54 19 124 JJ +54 19 125 KN +54 19 126 KN +54 19 127 SG +54 19 128 JJ +54 19 129 KL +54 19 130 SG +54 19 131 KN +54 19 132 KN +54 19 133 * +54 19 134 SG +54 19 135 KN +54 19 136 JJ +54 19 137 * +54 19 138 * +54 19 139 KL +54 19 140 SG +54 19 141 KL +54 19 142 KL +54 19 143 SG +54 19 144 * +54 19 145 JJ +54 19 146 * +54 19 147 KN +54 19 148 JJ +54 19 149 SG +54 19 150 KN +54 19 151 KN +54 19 152 KN +54 19 153 JJ +54 19 154 SG +54 19 155 SG +54 19 156 * +54 19 157 SG +54 19 158 KL +54 19 159 JJ +54 19 160 KN +54 19 161 * +54 19 162 KN +54 19 163 JJ +54 19 164 * +54 19 165 * +54 19 166 SG +54 19 167 * +54 19 168 LU +54 19 169 LU +54 19 170 SG +54 19 171 JJ +54 19 172 KL +54 19 173 KN +54 19 174 JJ +54 19 175 * +54 19 176 KN +54 19 177 JJ +54 19 178 SG +54 19 179 KN +54 19 180 * +54 19 181 * +54 19 182 KN +54 19 183 * +54 19 184 KN +54 19 185 * +54 19 186 LU +54 19 187 * +54 19 188 * +54 19 189 * +54 19 190 * +54 19 191 LU +54 19 192 * +54 19 193 JJ +54 19 194 KN +54 19 195 JJ +54 19 196 * +54 19 197 KN +54 19 198 SG +54 19 199 KL +54 19 200 JJ +54 19 201 KN +54 19 202 * +54 19 203 KN +54 19 204 SG +54 19 205 SG +54 19 206 KL +54 19 207 KN +54 19 208 * +54 19 209 * +54 19 210 KN +54 19 211 LU +54 19 212 JJ +54 19 213 * +54 19 214 JJ +54 19 215 KN +54 19 216 SG +54 19 217 * +54 19 218 * +54 19 219 KL +54 19 220 SG +54 19 221 KL +54 19 222 SG +54 19 223 LU +54 19 224 KL +54 19 225 * +54 19 226 SG +54 19 227 SG +54 19 228 SG +54 19 229 LU +54 19 230 KL +54 19 231 KN +54 19 232 * +54 19 233 * +54 19 234 * +54 19 235 SG +54 19 236 JJ +54 19 237 * +54 19 238 LU +54 19 239 KN +54 19 240 KN +54 19 241 KL +54 19 242 JJ +54 19 243 KN +54 19 244 KL +54 19 245 KN +54 19 246 LU +54 19 247 * +54 19 248 SG +54 19 249 * +54 19 250 SG +54 19 251 JJ +54 19 252 KL +54 19 253 LU +54 19 254 * +54 19 255 SG +54 19 256 KN +54 19 257 SG +54 19 258 JJ +54 19 259 KN +54 19 260 JJ +54 19 261 * +54 19 262 KL +54 19 263 * +54 19 264 * +54 19 265 LU +54 19 266 KN +54 19 267 KN +54 19 268 LU +54 19 269 KN +54 19 270 * +54 19 271 SG +54 19 272 KL +54 19 273 KN +54 19 274 KL +54 19 275 * +54 19 276 KN +54 19 277 * +54 19 278 KN +54 19 279 SG +54 19 280 JJ +54 19 281 * +54 19 282 LU +54 19 283 KN +54 19 284 KL +54 19 285 KN +54 19 286 KL +54 19 287 * +54 19 288 KN +54 19 289 LU +54 19 290 KL +54 19 291 * +54 19 292 KN +54 19 293 KL +54 19 294 KL +54 19 295 * +54 19 296 SG +54 19 297 JJ +54 19 298 KN +54 19 299 LU +54 19 300 * +54 19 301 LU +54 19 302 KL +54 19 303 KL +54 19 304 * +54 19 305 KN +54 19 306 JJ +54 19 307 * +54 19 308 KN +54 19 309 SG +54 19 310 LU +54 19 311 * +54 19 312 SG +54 19 313 SG +54 19 314 KL +54 19 315 LU +54 19 316 * +54 19 317 KN +54 19 318 * +54 19 319 KL +54 19 320 * +54 19 321 KN +54 19 322 * +54 19 323 * +54 19 324 KL +54 19 325 KN +54 19 326 JJ +54 19 327 KL +54 19 328 * +54 19 329 * +54 19 330 KL +54 20 1 NE +54 20 2 DS +54 20 3 KN +54 20 4 * +54 20 5 DS +54 20 6 JJ +54 20 7 DS +54 20 8 KN +54 20 9 * +54 20 10 NE +54 20 11 DS +54 20 12 JJ +54 20 13 DS +54 20 14 NE +54 20 15 * +54 20 16 KL +54 20 17 KN +54 20 18 UU +54 20 19 * +54 20 20 DS +54 20 21 KN +54 20 22 JJ +54 20 23 * +54 20 24 DE +54 20 25 DS +54 20 26 NE +54 20 27 KL +54 20 28 KN +54 20 29 DS +54 20 30 KN +54 20 31 KL +54 20 32 KN +54 20 33 DS +54 20 34 NE +54 20 35 * +54 20 36 SG +54 20 37 NE +54 20 38 KN +54 20 39 DS +54 20 40 * +54 20 41 KN +54 20 42 JJ +54 20 43 SG +54 20 44 KL +54 20 45 DS +54 20 46 UU +54 20 47 SG +54 20 48 JJ +54 20 49 NE +54 20 50 * +54 20 51 * +54 20 52 KL +54 20 53 KN +54 20 54 DS +54 20 55 NE +54 20 56 JJ +54 20 57 NE +54 20 58 JJ +54 20 59 KL +54 20 60 SG +54 20 61 KN +54 20 62 * +54 20 63 KN +54 20 64 NE +54 20 65 KN +54 20 66 KL +54 20 67 DS +54 20 68 KN +54 20 69 UU +54 20 70 KL +54 20 71 * +54 20 72 DS +54 20 73 KN +54 20 74 KL +54 20 75 SG +54 20 76 KN +54 20 77 DS +54 20 78 KL +54 20 79 UU +54 20 80 DS +54 20 81 JJ +54 20 82 DS +54 20 83 JJ +54 20 84 KN +54 20 85 DS +54 20 86 KN +54 20 87 UU +54 20 88 KN +54 20 89 SG +54 20 90 DS +54 20 91 JJ +54 20 92 KL +54 20 93 NE +54 20 94 DE +54 20 95 KL +54 20 96 JJ +54 20 97 SG +54 20 98 KN +54 20 99 KL +54 20 100 DS +54 20 101 KN +54 20 102 KL +54 20 103 JJ +54 20 104 DS +54 20 105 KN +54 20 106 JJ +54 20 107 KL +54 20 108 JJ +54 20 109 NE +54 20 110 JJ +54 20 111 SG +54 20 112 KN +54 20 113 SG +54 20 114 DS +54 20 115 KN +54 20 116 KL +54 20 117 DE +54 20 118 KN +54 20 119 DS +54 20 120 KL +54 20 121 KN +54 20 122 DS +54 20 123 SG +54 20 124 JJ +54 20 125 KN +54 20 126 JJ +54 20 127 SG +54 20 128 JJ +54 20 129 KL +54 20 130 SG +54 20 131 KN +54 20 132 KL +54 20 133 DS +54 20 134 SG +54 20 135 KN +54 20 136 DS +54 20 137 SG +54 20 138 DS +54 20 139 KL +54 20 140 DS +54 20 141 KL +54 20 142 KL +54 20 143 DS +54 20 144 SG +54 20 145 NE +54 20 146 JJ +54 20 147 DS +54 20 148 KN +54 20 149 KL +54 20 150 SG +54 20 151 JJ +54 20 152 KN +54 20 153 DS +54 20 154 UU +54 20 155 SG +54 20 156 DS +54 20 157 DE +54 20 158 KL +54 20 159 JJ +54 20 160 KL +54 20 161 DS +54 20 162 KN +54 20 163 NE +54 20 164 DS +54 20 165 DE +54 20 166 NE +54 20 167 KL +54 20 168 DS +54 20 169 NE +54 20 170 DE +54 20 171 SG +54 20 172 KL +54 20 173 KN +54 20 174 JJ +54 20 175 KL +54 20 176 KN +54 20 177 JJ +54 20 178 NE +54 20 179 KN +54 20 180 DS +54 20 181 JJ +54 20 182 KN +54 20 183 JJ +54 20 184 KN +54 20 185 JJ +54 20 186 DS +54 20 187 JJ +54 20 188 DS +54 20 189 KL +54 20 190 DS +54 20 191 NE +54 20 192 UU +54 20 193 JJ +54 20 194 KN +54 20 195 DS +54 20 196 NE +54 20 197 JJ +54 20 198 DE +54 20 199 KL +54 20 200 DS +54 20 201 JJ +54 20 202 DS +54 20 203 KN +54 20 204 DE +54 20 205 NE +54 20 206 KL +54 20 207 KN +54 20 208 JJ +54 20 209 DS +54 20 210 SG +54 20 211 DS +54 20 212 JJ +54 20 213 KL +54 20 214 JJ +54 20 215 KN +54 20 216 DE +54 20 217 JJ +54 20 218 UU +54 20 219 KL +54 20 220 DS +54 20 221 KL +54 20 222 SG +54 20 223 DS +54 20 224 KL +54 20 225 JJ +54 20 226 NE +54 20 227 UU +54 20 228 SG +54 20 229 DS +54 20 230 KL +54 20 231 KN +54 20 232 SG +54 20 233 NE +54 20 234 DS +54 20 235 NE +54 20 236 JJ +54 20 237 KL +54 20 238 DS +54 20 239 KN +54 20 240 SG +54 20 241 KL +54 20 242 JJ +54 20 243 KN +54 20 244 KL +54 20 245 KN +54 20 246 DS +54 20 247 NE +54 20 248 SG +54 20 249 DS +54 20 250 NE +54 20 251 DS +54 20 252 KL +54 20 253 DS +54 20 254 SG +54 20 255 UU +54 20 256 KN +54 20 257 DS +54 20 258 JJ +54 20 259 KN +54 20 260 KL +54 20 261 KN +54 20 262 KL +54 20 263 KL +54 20 264 KL +54 20 265 DS +54 20 266 KN +54 20 267 KN +54 20 268 DS +54 20 269 KN +54 20 270 JJ +54 20 271 SG +54 20 272 KL +54 20 273 KN +54 20 274 KL +54 20 275 JJ +54 20 276 KN +54 20 277 SG +54 20 278 JJ +54 20 279 DS +54 20 280 * +54 20 281 DS +54 20 282 DS +54 20 283 SG +54 20 284 KL +54 20 285 KN +54 20 286 KL +54 20 287 SG +54 20 288 KN +54 20 289 DS +54 20 290 KL +54 20 291 NE +54 20 292 JJ +54 20 293 KL +54 20 294 KL +54 20 295 SG +54 20 296 NE +54 20 297 JJ +54 20 298 KN +54 20 299 DS +54 20 300 KL +54 20 301 DS +54 20 302 KL +54 20 303 KL +54 20 304 UU +54 20 305 SG +54 20 306 JJ +54 20 307 DS +54 20 308 KL +54 20 309 SG +54 20 310 DS +54 20 311 NE +54 20 312 UU +54 20 313 SG +54 20 314 KL +54 20 315 JJ +54 20 316 DS +54 20 317 KN +54 20 318 KN +54 20 319 KL +54 20 320 KL +54 20 321 KN +54 20 322 KL +54 20 323 DS +54 20 324 KL +54 20 325 KN +54 20 326 JJ +54 20 327 KL +54 20 328 DE +54 20 329 SG +54 20 330 KL +54 21 1 DS +54 21 2 KK +54 21 3 KN +54 21 4 KN +54 21 5 DS +54 21 6 JJ +54 21 7 DS +54 21 8 KN +54 21 9 JJ +54 21 10 SG +54 21 11 DS +54 21 12 JJ +54 21 13 SG +54 21 14 DS +54 21 15 KN +54 21 16 KL +54 21 17 KN +54 21 18 SG +54 21 19 DS +54 21 20 DS +54 21 21 KN +54 21 22 JJ +54 21 23 KN +54 21 24 SG +54 21 25 DS +54 21 26 SG +54 21 27 JJ +54 21 28 KN +54 21 29 DS +54 21 30 JJ +54 21 31 DS +54 21 32 KN +54 21 33 DS +54 21 34 KK +54 21 35 JJ +54 21 36 SG +54 21 37 DS +54 21 38 KN +54 21 39 DS +54 21 40 DS +54 21 41 KN +54 21 42 JJ +54 21 43 SG +54 21 44 KL +54 21 45 DS +54 21 46 KL +54 21 47 SG +54 21 48 JJ +54 21 49 DS +54 21 50 KN +54 21 51 SG +54 21 52 KL +54 21 53 KN +54 21 54 DS +54 21 55 DS +54 21 56 JJ +54 21 57 DS +54 21 58 JJ +54 21 59 KL +54 21 60 SG +54 21 61 KN +54 21 62 KL +54 21 63 JJ +54 21 64 SG +54 21 65 KN +54 21 66 KL +54 21 67 DS +54 21 68 KN +54 21 69 JJ +54 21 70 KL +54 21 71 KN +54 21 72 DS +54 21 73 KN +54 21 74 KL +54 21 75 SG +54 21 76 KN +54 21 77 DS +54 21 78 JJ +54 21 79 SG +54 21 80 SG +54 21 81 JJ +54 21 82 DS +54 21 83 JJ +54 21 84 KN +54 21 85 DS +54 21 86 KN +54 21 87 SG +54 21 88 KN +54 21 89 SG +54 21 90 SG +54 21 91 JJ +54 21 92 KL +54 21 93 SG +54 21 94 SG +54 21 95 KL +54 21 96 JJ +54 21 97 KN +54 21 98 KN +54 21 99 KL +54 21 100 DS +54 21 101 KN +54 21 102 KL +54 21 103 JJ +54 21 104 DS +54 21 105 KN +54 21 106 JJ +54 21 107 KL +54 21 108 KL +54 21 109 DS +54 21 110 JJ +54 21 111 SG +54 21 112 KN +54 21 113 SG +54 21 114 SG +54 21 115 KN +54 21 116 KL +54 21 117 SG +54 21 118 KN +54 21 119 DS +54 21 120 KL +54 21 121 KN +54 21 122 DS +54 21 123 SG +54 21 124 JJ +54 21 125 KN +54 21 126 KN +54 21 127 SG +54 21 128 JJ +54 21 129 KL +54 21 130 SG +54 21 131 KN +54 21 132 KN +54 21 133 DS +54 21 134 SG +54 21 135 KN +54 21 136 SG +54 21 137 SG +54 21 138 KL +54 21 139 KL +54 21 140 SG +54 21 141 KL +54 21 142 KL +54 21 143 JJ +54 21 144 SG +54 21 145 SG +54 21 146 JJ +54 21 147 SG +54 21 148 KN +54 21 149 JJ +54 21 150 KN +54 21 151 KN +54 21 152 KN +54 21 153 SG +54 21 154 KL +54 21 155 SG +54 21 156 DS +54 21 157 DS +54 21 158 KL +54 21 159 JJ +54 21 160 JJ +54 21 161 DS +54 21 162 KN +54 21 163 DS +54 21 164 DS +54 21 165 JJ +54 21 166 SG +54 21 167 KL +54 21 168 DS +54 21 169 SG +54 21 170 SG +54 21 171 KN +54 21 172 KL +54 21 173 SG +54 21 174 KN +54 21 175 DS +54 21 176 KL +54 21 177 KN +54 21 178 DS +54 21 179 SG +54 21 180 JJ +54 21 181 KN +54 21 182 KN +54 21 183 SG +54 21 184 JJ +54 21 185 KL +54 21 186 SG +54 21 187 KN +54 21 188 KN +54 21 189 DS +54 21 190 SG +54 21 191 KN +54 21 192 DS +54 21 193 DS +54 21 194 KL +54 21 195 KL +54 21 196 DS +54 21 197 DS +54 21 198 SG +54 21 199 JJ +54 21 200 KL +54 21 201 KN +54 21 202 JJ +54 21 203 KL +54 21 204 KN +54 21 205 JJ +54 21 206 DS +54 21 207 KN +54 21 208 DS +54 21 209 JJ +54 21 210 KN +54 21 211 JJ +54 21 212 KN +54 21 213 JJ +54 21 214 DS +54 21 215 JJ +54 21 216 DS +54 21 217 KL +54 21 218 KN +54 21 219 DS +54 21 220 KN +54 21 221 JJ +54 21 222 KN +54 21 223 DS +54 21 224 KL +54 21 225 JJ +54 21 226 SG +54 21 227 SG +54 21 228 SG +54 21 229 KL +54 21 230 KL +54 21 231 KN +54 21 232 JJ +54 21 233 KL +54 21 234 DS +54 21 235 KK +54 21 236 JJ +54 21 237 JJ +54 21 238 DS +54 21 239 KN +54 21 240 KN +54 21 241 KL +54 21 242 JJ +54 21 243 KN +54 21 244 KL +54 21 245 KN +54 21 246 DS +54 21 247 KL +54 21 248 DS +54 21 249 SG +54 21 250 KN +54 21 251 DS +54 21 252 KL +54 21 253 DS +54 21 254 KL +54 21 255 SG +54 21 256 KN +54 21 257 SG +54 21 258 JJ +54 21 259 KN +54 21 260 DS +54 21 261 JJ +54 21 262 KL +54 21 263 KL +54 21 264 KL +54 21 265 DS +54 21 266 JJ +54 21 267 KN +54 21 268 DS +54 21 269 KN +54 21 270 JJ +54 21 271 SG +54 21 272 KL +54 21 273 KN +54 21 274 KL +54 21 275 JJ +54 21 276 KN +54 21 277 DS +54 21 278 JJ +54 21 279 DS +54 21 280 JJ +54 21 281 DS +54 21 282 DS +54 21 283 SG +54 21 284 KL +54 21 285 KN +54 21 286 KL +54 21 287 JJ +54 21 288 KN +54 21 289 DS +54 21 290 KL +54 21 291 DS +54 21 292 KN +54 21 293 KL +54 21 294 KL +54 21 295 JJ +54 21 296 SG +54 21 297 JJ +54 21 298 KN +54 21 299 DS +54 21 300 KL +54 21 301 DS +54 21 302 KL +54 21 303 KL +54 21 304 JJ +54 21 305 KN +54 21 306 JJ +54 21 307 DS +54 21 308 KN +54 21 309 SG +54 21 310 DS +54 21 311 DS +54 21 312 SG +54 21 313 SG +54 21 314 KL +54 21 315 JJ +54 21 316 DS +54 21 317 KN +54 21 318 JJ +54 21 319 KL +54 21 320 JJ +54 21 321 KN +54 21 322 KL +54 21 323 SG +54 21 324 KL +54 21 325 KN +54 21 326 JJ +54 21 327 KL +54 21 328 SG +54 21 329 JJ +54 21 330 KL +54 22 1 DS +54 22 2 KK +54 22 3 KN +54 22 4 BB +54 22 5 KK +54 22 6 BB +54 22 7 KK +54 22 8 KN +54 22 9 BB +54 22 10 WI +54 22 11 JJ +54 22 12 KK +54 22 13 KK +54 22 14 KK +54 22 15 KN +54 22 16 KL +54 22 17 KN +54 22 18 NG +54 22 19 KK +54 22 20 KK +54 22 21 KN +54 22 22 JJ +54 22 23 KN +54 22 24 NG +54 22 25 DS +54 22 26 WE +54 22 27 KL +54 22 28 KN +54 22 29 DS +54 22 30 JJ +54 22 31 BB +54 22 32 KN +54 22 33 DS +54 22 34 WE +54 22 35 KN +54 22 36 DS +54 22 37 WE +54 22 38 KN +54 22 39 DS +54 22 40 DS +54 22 41 KN +54 22 42 JJ +54 22 43 WE +54 22 44 KL +54 22 45 DS +54 22 46 NG +54 22 47 KK +54 22 48 JJ +54 22 49 KK +54 22 50 BB +54 22 51 NG +54 22 52 KL +54 22 53 KN +54 22 54 KK +54 22 55 KK +54 22 56 KN +54 22 57 KK +54 22 58 JJ +54 22 59 KL +54 22 60 DS +54 22 61 KN +54 22 62 JJ +54 22 63 KN +54 22 64 KK +54 22 65 KN +54 22 66 KL +54 22 67 DS +54 22 68 KN +54 22 69 JJ +54 22 70 KL +54 22 71 KN +54 22 72 KK +54 22 73 KN +54 22 74 DS +54 22 75 KK +54 22 76 KN +54 22 77 DS +54 22 78 KN +54 22 79 NG +54 22 80 DS +54 22 81 DS +54 22 82 KL +54 22 83 DS +54 22 84 KN +54 22 85 DS +54 22 86 KN +54 22 87 NG +54 22 88 KN +54 22 89 KU +54 22 90 DS +54 22 91 JJ +54 22 92 KL +54 22 93 DS +54 22 94 KU +54 22 95 KL +54 22 96 JJ +54 22 97 BB +54 22 98 KN +54 22 99 KL +54 22 100 DS +54 22 101 KN +54 22 102 KL +54 22 103 BB +54 22 104 DS +54 22 105 KN +54 22 106 JJ +54 22 107 KL +54 22 108 KL +54 22 109 BB +54 22 110 JJ +54 22 111 KU +54 22 112 KN +54 22 113 KU +54 22 114 DS +54 22 115 KN +54 22 116 KL +54 22 117 KU +54 22 118 KN +54 22 119 KK +54 22 120 KL +54 22 121 KN +54 22 122 KK +54 22 123 DS +54 22 124 JJ +54 22 125 KN +54 22 126 KK +54 22 127 KN +54 22 128 JJ +54 22 129 KL +54 22 130 KU +54 22 131 KN +54 22 132 KN +54 22 133 KK +54 22 134 KU +54 22 135 KN +54 22 136 DS +54 22 137 KK +54 22 138 DS +54 22 139 WE +54 22 140 KL +54 22 141 KL +54 22 142 KL +54 22 143 KK +54 22 144 DS +54 22 145 KK +54 22 146 JJ +54 22 147 DS +54 22 148 DS +54 22 149 KN +54 22 150 KU +54 22 151 BB +54 22 152 BB +54 22 153 KK +54 22 154 KU +54 22 155 KU +54 22 156 DS +54 22 157 BB +54 22 158 KL +54 22 159 BB +54 22 160 KN +54 22 161 DS +54 22 162 KK +54 22 163 KN +54 22 164 DS +54 22 165 JJ +54 22 166 KK +54 22 167 BB +54 22 168 KK +54 22 169 KK +54 22 170 KU +54 22 171 KL +54 22 172 KL +54 22 173 KN +54 22 174 JJ +54 22 175 DS +54 22 176 KN +54 22 177 JJ +54 22 178 KK +54 22 179 KN +54 22 180 KK +54 22 181 BB +54 22 182 KN +54 22 183 BB +54 22 184 KN +54 22 185 JJ +54 22 186 KK +54 22 187 JJ +54 22 188 DS +54 22 189 KL +54 22 190 BB +54 22 191 DS +54 22 192 KN +54 22 193 JJ +54 22 194 KN +54 22 195 DS +54 22 196 KK +54 22 197 BB +54 22 198 KU +54 22 199 KL +54 22 200 DS +54 22 201 BB +54 22 202 KK +54 22 203 KN +54 22 204 KU +54 22 205 KN +54 22 206 KL +54 22 207 KN +54 22 208 BB +54 22 209 KK +54 22 210 KU +54 22 211 KN +54 22 212 KK +54 22 213 KL +54 22 214 JJ +54 22 215 KN +54 22 216 KU +54 22 217 KN +54 22 218 JJ +54 22 219 KL +54 22 220 WE +54 22 221 KL +54 22 222 KN +54 22 223 KK +54 22 224 KL +54 22 225 JJ +54 22 226 KK +54 22 227 KU +54 22 228 KU +54 22 229 DS +54 22 230 KL +54 22 231 KN +54 22 232 BB +54 22 233 DS +54 22 234 KK +54 22 235 KK +54 22 236 JJ +54 22 237 KN +54 22 238 KK +54 22 239 KN +54 22 240 KN +54 22 241 KL +54 22 242 JJ +54 22 243 KN +54 22 244 KL +54 22 245 KN +54 22 246 KK +54 22 247 BB +54 22 248 KU +54 22 249 KK +54 22 250 KU +54 22 251 DS +54 22 252 KL +54 22 253 DS +54 22 254 WE +54 22 255 KU +54 22 256 KN +54 22 257 KK +54 22 258 JJ +54 22 259 KN +54 22 260 JJ +54 22 261 BB +54 22 262 KL +54 22 263 KL +54 22 264 KK +54 22 265 KK +54 22 266 BB +54 22 267 KN +54 22 268 KK +54 22 269 KN +54 22 270 JJ +54 22 271 KK +54 22 272 KL +54 22 273 KN +54 22 274 KL +54 22 275 JJ +54 22 276 KN +54 22 277 KK +54 22 278 KN +54 22 279 KK +54 22 280 KK +54 22 281 DS +54 22 282 KK +54 22 283 KN +54 22 284 KL +54 22 285 KN +54 22 286 KL +54 22 287 JJ +54 22 288 KN +54 22 289 KK +54 22 290 KL +54 22 291 KK +54 22 292 BB +54 22 293 KK +54 22 294 KL +54 22 295 BB +54 22 296 KN +54 22 297 JJ +54 22 298 KN +54 22 299 KK +54 22 300 KL +54 22 301 DS +54 22 302 KL +54 22 303 KL +54 22 304 JJ +54 22 305 BB +54 22 306 JJ +54 22 307 KK +54 22 308 KN +54 22 309 JJ +54 22 310 KK +54 22 311 DS +54 22 312 KU +54 22 313 WE +54 22 314 KL +54 22 315 DS +54 22 316 KK +54 22 317 KN +54 22 318 BB +54 22 319 KL +54 22 320 DS +54 22 321 KN +54 22 322 DS +54 22 323 KK +54 22 324 KL +54 22 325 KN +54 22 326 JJ +54 22 327 KL +54 22 328 DS +54 22 329 BB +54 22 330 KL +54 23 1 LU +54 23 2 LU +54 23 3 KN +54 23 4 * +54 23 5 LU +54 23 6 JJ +54 23 7 KK +54 23 8 KN +54 23 9 * +54 23 10 * +54 23 11 * +54 23 12 JJ +54 23 13 * +54 23 14 * +54 23 15 * +54 23 16 KL +54 23 17 KN +54 23 18 SG +54 23 19 WE +54 23 20 KK +54 23 21 KN +54 23 22 JJ +54 23 23 KN +54 23 24 * +54 23 25 LU +54 23 26 * +54 23 27 JJ +54 23 28 KN +54 23 29 KK +54 23 30 * +54 23 31 KK +54 23 32 KN +54 23 33 KK +54 23 34 LU +54 23 35 KN +54 23 36 SG +54 23 37 * +54 23 38 KN +54 23 39 KK +54 23 40 LU +54 23 41 KN +54 23 42 JJ +54 23 43 * +54 23 44 * +54 23 45 KK +54 23 46 * +54 23 47 SG +54 23 48 JJ +54 23 49 LU +54 23 50 * +54 23 51 * +54 23 52 KL +54 23 53 KN +54 23 54 KK +54 23 55 LU +54 23 56 JJ +54 23 57 * +54 23 58 * +54 23 59 * +54 23 60 * +54 23 61 KN +54 23 62 * +54 23 63 KN +54 23 64 LU +54 23 65 KN +54 23 66 KL +54 23 67 KK +54 23 68 KN +54 23 69 * +54 23 70 KL +54 23 71 KN +54 23 72 KK +54 23 73 KN +54 23 74 KL +54 23 75 SG +54 23 76 KN +54 23 77 LU +54 23 78 * +54 23 79 SG +54 23 80 SG +54 23 81 KK +54 23 82 KK +54 23 83 JJ +54 23 84 JJ +54 23 85 KK +54 23 86 KN +54 23 87 SG +54 23 88 KN +54 23 89 SG +54 23 90 SG +54 23 91 KK +54 23 92 KL +54 23 93 SG +54 23 94 SG +54 23 95 KL +54 23 96 JJ +54 23 97 SG +54 23 98 KN +54 23 99 * +54 23 100 LU +54 23 101 KN +54 23 102 * +54 23 103 * +54 23 104 LU +54 23 105 KN +54 23 106 JJ +54 23 107 KL +54 23 108 KL +54 23 109 SG +54 23 110 JJ +54 23 111 SG +54 23 112 KN +54 23 113 SG +54 23 114 SG +54 23 115 KN +54 23 116 KL +54 23 117 SG +54 23 118 KN +54 23 119 KK +54 23 120 KL +54 23 121 KN +54 23 122 KK +54 23 123 SG +54 23 124 JJ +54 23 125 KN +54 23 126 KN +54 23 127 SG +54 23 128 KK +54 23 129 KL +54 23 130 SG +54 23 131 KN +54 23 132 KN +54 23 133 KK +54 23 134 SG +54 23 135 KN +54 23 136 KK +54 23 137 SG +54 23 138 LU +54 23 139 KL +54 23 140 SG +54 23 141 KL +54 23 142 KL +54 23 143 KK +54 23 144 SG +54 23 145 KK +54 23 146 JJ +54 23 147 KK +54 23 148 KN +54 23 149 KK +54 23 150 SG +54 23 151 JJ +54 23 152 KN +54 23 153 KK +54 23 154 SG +54 23 155 SG +54 23 156 KK +54 23 157 * +54 23 158 KL +54 23 159 JJ +54 23 160 KL +54 23 161 KK +54 23 162 KN +54 23 163 KK +54 23 164 LU +54 23 165 KK +54 23 166 SG +54 23 167 KL +54 23 168 SG +54 23 169 LU +54 23 170 SG +54 23 171 KK +54 23 172 KL +54 23 173 KN +54 23 174 JJ +54 23 175 KL +54 23 176 KN +54 23 177 KL +54 23 178 KK +54 23 179 KN +54 23 180 KK +54 23 181 JJ +54 23 182 SG +54 23 183 JJ +54 23 184 KN +54 23 185 JJ +54 23 186 WE +54 23 187 JJ +54 23 188 SG +54 23 189 KL +54 23 190 JJ +54 23 191 SG +54 23 192 KN +54 23 193 JJ +54 23 194 KN +54 23 195 KK +54 23 196 LU +54 23 197 KN +54 23 198 SG +54 23 199 KL +54 23 200 LU +54 23 201 JJ +54 23 202 KK +54 23 203 KN +54 23 204 SG +54 23 205 KN +54 23 206 KL +54 23 207 KN +54 23 208 JJ +54 23 209 SG +54 23 210 KN +54 23 211 LU +54 23 212 JJ +54 23 213 KL +54 23 214 KK +54 23 215 KN +54 23 216 SG +54 23 217 JJ +54 23 218 JJ +54 23 219 KL +54 23 220 SG +54 23 221 KL +54 23 222 SG +54 23 223 KK +54 23 224 KL +54 23 225 JJ +54 23 226 SG +54 23 227 SG +54 23 228 SG +54 23 229 LU +54 23 230 KL +54 23 231 KN +54 23 232 SG +54 23 233 SG +54 23 234 KK +54 23 235 LU +54 23 236 KK +54 23 237 JJ +54 23 238 KK +54 23 239 KN +54 23 240 KN +54 23 241 KL +54 23 242 KL +54 23 243 KN +54 23 244 KL +54 23 245 KN +54 23 246 KK +54 23 247 KN +54 23 248 SG +54 23 249 SG +54 23 250 SG +54 23 251 KK +54 23 252 KL +54 23 253 KK +54 23 254 KL +54 23 255 SG +54 23 256 KN +54 23 257 SG +54 23 258 JJ +54 23 259 KN +54 23 260 KL +54 23 261 JJ +54 23 262 KL +54 23 263 KL +54 23 264 KL +54 23 265 KK +54 23 266 KN +54 23 267 SG +54 23 268 KK +54 23 269 KN +54 23 270 JJ +54 23 271 SG +54 23 272 KL +54 23 273 KN +54 23 274 KL +54 23 275 JJ +54 23 276 KN +54 23 277 SG +54 23 278 JJ +54 23 279 SG +54 23 280 KK +54 23 281 KK +54 23 282 KK +54 23 283 SG +54 23 284 KL +54 23 285 KN +54 23 286 KL +54 23 287 JJ +54 23 288 KN +54 23 289 KK +54 23 290 KL +54 23 291 SG +54 23 292 KN +54 23 293 KL +54 23 294 KL +54 23 295 SG +54 23 296 SG +54 23 297 JJ +54 23 298 KN +54 23 299 KK +54 23 300 KL +54 23 301 KK +54 23 302 KL +54 23 303 KL +54 23 304 KK +54 23 305 SG +54 23 306 KK +54 23 307 KK +54 23 308 KN +54 23 309 SG +54 23 310 KK +54 23 311 KK +54 23 312 SG +54 23 313 SG +54 23 314 KL +54 23 315 KK +54 23 316 KK +54 23 317 KN +54 23 318 JJ +54 23 319 KL +54 23 320 KK +54 23 321 KN +54 23 322 LU +54 23 323 LU +54 23 324 KL +54 23 325 KN +54 23 326 JJ +54 23 327 KL +54 23 328 SG +54 23 329 KK +54 23 330 JJ +54 24 1 DS +54 24 2 DS +54 24 3 KN +54 24 4 BB +54 24 5 DS +54 24 6 JJ +54 24 7 DS +54 24 8 KN +54 24 9 BB +54 24 10 NE +54 24 11 JJ +54 24 12 DS +54 24 13 DS +54 24 14 DS +54 24 15 BB +54 24 16 KL +54 24 17 KN +54 24 18 SG +54 24 19 DS +54 24 20 DS +54 24 21 KN +54 24 22 JJ +54 24 23 KN +54 24 24 JJ +54 24 25 DS +54 24 26 BB +54 24 27 KL +54 24 28 KN +54 24 29 DS +54 24 30 JJ +54 24 31 DS +54 24 32 JJ +54 24 33 DS +54 24 34 JJ +54 24 35 JJ +54 24 36 DS +54 24 37 BB +54 24 38 KN +54 24 39 DS +54 24 40 UT +54 24 41 KN +54 24 42 JJ +54 24 43 BB +54 24 44 KL +54 24 45 DS +54 24 46 UT +54 24 47 DS +54 24 48 JJ +54 24 49 DS +54 24 50 BB +54 24 51 JJ +54 24 52 KL +54 24 53 KN +54 24 54 DS +54 24 55 DS +54 24 56 JJ +54 24 57 DS +54 24 58 JJ +54 24 59 KL +54 24 60 DS +54 24 61 KN +54 24 62 BB +54 24 63 JJ +54 24 64 DS +54 24 65 KN +54 24 66 KL +54 24 67 DS +54 24 68 KN +54 24 69 JJ +54 24 70 KL +54 24 71 KN +54 24 72 DS +54 24 73 BB +54 24 74 KL +54 24 75 SG +54 24 76 JJ +54 24 77 BB +54 24 78 KL +54 24 79 SG +54 24 80 DS +54 24 81 JJ +54 24 82 JJ +54 24 83 JJ +54 24 84 JJ +54 24 85 DS +54 24 86 KN +54 24 87 SG +54 24 88 KN +54 24 89 SG +54 24 90 DS +54 24 91 JJ +54 24 92 KL +54 24 93 DS +54 24 94 JJ +54 24 95 KL +54 24 96 JJ +54 24 97 BB +54 24 98 KN +54 24 99 BB +54 24 100 DS +54 24 101 KN +54 24 102 KL +54 24 103 JJ +54 24 104 KK +54 24 105 KN +54 24 106 JJ +54 24 107 KL +54 24 108 BB +54 24 109 DS +54 24 110 JJ +54 24 111 DS +54 24 112 KN +54 24 113 SG +54 24 114 DS +54 24 115 KN +54 24 116 KL +54 24 117 SG +54 24 118 BB +54 24 119 DS +54 24 120 KL +54 24 121 KN +54 24 122 BB +54 24 123 BB +54 24 124 JJ +54 24 125 KN +54 24 126 SG +54 24 127 KN +54 24 128 JJ +54 24 129 KL +54 24 130 SG +54 24 131 KN +54 24 132 BB +54 24 133 DS +54 24 134 SG +54 24 135 KN +54 24 136 DS +54 24 137 DS +54 24 138 KL +54 24 139 KL +54 24 140 DS +54 24 141 KL +54 24 142 KL +54 24 143 JJ +54 24 144 SG +54 24 145 DS +54 24 146 JJ +54 24 147 DS +54 24 148 KN +54 24 149 DS +54 24 150 SG +54 24 151 JJ +54 24 152 JJ +54 24 153 DS +54 24 154 SG +54 24 155 SG +54 24 156 DS +54 24 157 BB +54 24 158 KL +54 24 159 JJ +54 24 160 BB +54 24 161 DS +54 24 162 KN +54 24 163 DS +54 24 164 DS +54 24 165 BB +54 24 166 SG +54 24 167 BB +54 24 168 DS +54 24 169 KK +54 24 170 SG +54 24 171 KK +54 24 172 KL +54 24 173 KN +54 24 174 JJ +54 24 175 DS +54 24 176 KN +54 24 177 JJ +54 24 178 BB +54 24 179 KN +54 24 180 BB +54 24 181 JJ +54 24 182 KN +54 24 183 JJ +54 24 184 BB +54 24 185 JJ +54 24 186 DS +54 24 187 JJ +54 24 188 DS +54 24 189 KL +54 24 190 JJ +54 24 191 BB +54 24 192 JJ +54 24 193 JJ +54 24 194 KN +54 24 195 DS +54 24 196 BB +54 24 197 BB +54 24 198 SG +54 24 199 KL +54 24 200 BB +54 24 201 JJ +54 24 202 DS +54 24 203 KN +54 24 204 SG +54 24 205 SG +54 24 206 BB +54 24 207 KN +54 24 208 JJ +54 24 209 SG +54 24 210 SG +54 24 211 DS +54 24 212 JJ +54 24 213 BB +54 24 214 JJ +54 24 215 BB +54 24 216 SG +54 24 217 BB +54 24 218 JJ +54 24 219 KL +54 24 220 BB +54 24 221 KL +54 24 222 BB +54 24 223 DS +54 24 224 KL +54 24 225 JJ +54 24 226 SG +54 24 227 SG +54 24 228 SG +54 24 229 BB +54 24 230 KL +54 24 231 BB +54 24 232 JJ +54 24 233 BB +54 24 234 DS +54 24 235 BB +54 24 236 JJ +54 24 237 JJ +54 24 238 DS +54 24 239 KN +54 24 240 BB +54 24 241 KL +54 24 242 JJ +54 24 243 SG +54 24 244 KL +54 24 245 KN +54 24 246 DS +54 24 247 BB +54 24 248 SG +54 24 249 SG +54 24 250 SG +54 24 251 DS +54 24 252 KL +54 24 253 DS +54 24 254 BB +54 24 255 SG +54 24 256 KN +54 24 257 BB +54 24 258 JJ +54 24 259 BB +54 24 260 JJ +54 24 261 JJ +54 24 262 KL +54 24 263 KL +54 24 264 KL +54 24 265 DS +54 24 266 BB +54 24 267 BB +54 24 268 DS +54 24 269 KN +54 24 270 JJ +54 24 271 SG +54 24 272 KL +54 24 273 BB +54 24 274 KL +54 24 275 JJ +54 24 276 KN +54 24 277 DS +54 24 278 JJ +54 24 279 DS +54 24 280 KK +54 24 281 KK +54 24 282 KK +54 24 283 SG +54 24 284 KL +54 24 285 JJ +54 24 286 KL +54 24 287 JJ +54 24 288 KN +54 24 289 KK +54 24 290 KL +54 24 291 DS +54 24 292 JJ +54 24 293 KL +54 24 294 KL +54 24 295 SG +54 24 296 BB +54 24 297 JJ +54 24 298 KN +54 24 299 DS +54 24 300 KL +54 24 301 DS +54 24 302 KL +54 24 303 BB +54 24 304 DS +54 24 305 SG +54 24 306 BB +54 24 307 SG +54 24 308 BB +54 24 309 SG +54 24 310 BB +54 24 311 DS +54 24 312 SG +54 24 313 SG +54 24 314 KL +54 24 315 BB +54 24 316 SG +54 24 317 KN +54 24 318 JJ +54 24 319 KL +54 24 320 JJ +54 24 321 KN +54 24 322 BB +54 24 323 DS +54 24 324 KL +54 24 325 BB +54 24 326 JJ +54 24 327 KL +54 24 328 DS +54 24 329 JJ +54 24 330 KL +54 25 1 DS +54 25 2 * +54 25 3 KN +54 25 4 * +54 25 5 LU +54 25 6 JJ +54 25 7 DS +54 25 8 KN +54 25 9 WO +54 25 10 SG +54 25 11 JJ +54 25 12 KK +54 25 13 KK +54 25 14 SG +54 25 15 * +54 25 16 KL +54 25 17 KN +54 25 18 SG +54 25 19 DS +54 25 20 KK +54 25 21 KN +54 25 22 JJ +54 25 23 NE +54 25 24 * +54 25 25 KK +54 25 26 NE +54 25 27 KL +54 25 28 KN +54 25 29 DS +54 25 30 * +54 25 31 UT +54 25 32 KN +54 25 33 WO +54 25 34 UT +54 25 35 KN +54 25 36 SG +54 25 37 UT +54 25 38 KN +54 25 39 DS +54 25 40 LU +54 25 41 KN +54 25 42 JJ +54 25 43 SG +54 25 44 KL +54 25 45 DS +54 25 46 * +54 25 47 SG +54 25 48 JJ +54 25 49 UT +54 25 50 KN +54 25 51 * +54 25 52 KL +54 25 53 KN +54 25 54 KK +54 25 55 UT +54 25 56 * +54 25 57 UT +54 25 58 JJ +54 25 59 KL +54 25 60 KK +54 25 61 KN +54 25 62 WE +54 25 63 KN +54 25 64 UT +54 25 65 KN +54 25 66 JJ +54 25 67 KK +54 25 68 KN +54 25 69 * +54 25 70 KL +54 25 71 KN +54 25 72 LU +54 25 73 * +54 25 74 KL +54 25 75 SG +54 25 76 KN +54 25 77 UT +54 25 78 * +54 25 79 SG +54 25 80 UT +54 25 81 KK +54 25 82 KK +54 25 83 JJ +54 25 84 KN +54 25 85 KK +54 25 86 KN +54 25 87 SG +54 25 88 KN +54 25 89 SG +54 25 90 SG +54 25 91 JJ +54 25 92 KL +54 25 93 * +54 25 94 SG +54 25 95 KL +54 25 96 JJ +54 25 97 KN +54 25 98 KN +54 25 99 * +54 25 100 KK +54 25 101 KN +54 25 102 UT +54 25 103 JJ +54 25 104 LU +54 25 105 KN +54 25 106 JJ +54 25 107 KL +54 25 108 LU +54 25 109 NE +54 25 110 JJ +54 25 111 * +54 25 112 KN +54 25 113 JJ +54 25 114 UT +54 25 115 KN +54 25 116 KL +54 25 117 KN +54 25 118 KN +54 25 119 KK +54 25 120 KL +54 25 121 KN +54 25 122 KK +54 25 123 KK +54 25 124 JJ +54 25 125 KN +54 25 126 SG +54 25 127 KN +54 25 128 JJ +54 25 129 KL +54 25 130 NE +54 25 131 KN +54 25 132 KN +54 25 133 DS +54 25 134 KN +54 25 135 KN +54 25 136 UT +54 25 137 KK +54 25 138 KL +54 25 139 KL +54 25 140 UT +54 25 141 KL +54 25 142 KL +54 25 143 JJ +54 25 144 NE +54 25 145 KK +54 25 146 JJ +54 25 147 KK +54 25 148 KN +54 25 149 KK +54 25 150 KN +54 25 151 KN +54 25 152 KN +54 25 153 LU +54 25 154 NE +54 25 155 BB +54 25 156 KK +54 25 157 KN +54 25 158 KL +54 25 159 JJ +54 25 160 KN +54 25 161 KK +54 25 162 KN +54 25 163 KK +54 25 164 LU +54 25 165 * +54 25 166 SG +54 25 167 KK +54 25 168 KK +54 25 169 KK +54 25 170 SG +54 25 171 * +54 25 172 KL +54 25 173 KN +54 25 174 JJ +54 25 175 KK +54 25 176 KN +54 25 177 JJ +54 25 178 LU +54 25 179 KN +54 25 180 KK +54 25 181 JJ +54 25 182 KN +54 25 183 JJ +54 25 184 KN +54 25 185 JJ +54 25 186 KK +54 25 187 JJ +54 25 188 KK +54 25 189 KL +54 25 190 KN +54 25 191 DS +54 25 192 KN +54 25 193 JJ +54 25 194 KN +54 25 195 NE +54 25 196 KK +54 25 197 KN +54 25 198 SG +54 25 199 KL +54 25 200 BB +54 25 201 JJ +54 25 202 UT +54 25 203 KN +54 25 204 SG +54 25 205 NE +54 25 206 KL +54 25 207 KN +54 25 208 KN +54 25 209 SG +54 25 210 KN +54 25 211 JJ +54 25 212 LU +54 25 213 KL +54 25 214 JJ +54 25 215 KN +54 25 216 NE +54 25 217 JJ +54 25 218 JJ +54 25 219 KL +54 25 220 SM +54 25 221 KL +54 25 222 KN +54 25 223 KK +54 25 224 KL +54 25 225 JJ +54 25 226 SG +54 25 227 SG +54 25 228 SG +54 25 229 * +54 25 230 KL +54 25 231 KN +54 25 232 WO +54 25 233 UT +54 25 234 KK +54 25 235 SM +54 25 236 JJ +54 25 237 KN +54 25 238 KK +54 25 239 KN +54 25 240 KN +54 25 241 KL +54 25 242 JJ +54 25 243 KN +54 25 244 KL +54 25 245 KN +54 25 246 UT +54 25 247 SM +54 25 248 KK +54 25 249 KK +54 25 250 SM +54 25 251 KK +54 25 252 KL +54 25 253 KK +54 25 254 SM +54 25 255 SG +54 25 256 KN +54 25 257 UT +54 25 258 JJ +54 25 259 KN +54 25 260 KL +54 25 261 KN +54 25 262 KL +54 25 263 SM +54 25 264 UT +54 25 265 KK +54 25 266 KN +54 25 267 SM +54 25 268 KK +54 25 269 KN +54 25 270 JJ +54 25 271 DS +54 25 272 KL +54 25 273 KN +54 25 274 KL +54 25 275 * +54 25 276 KN +54 25 277 UT +54 25 278 KN +54 25 279 SG +54 25 280 KK +54 25 281 KK +54 25 282 KK +54 25 283 KN +54 25 284 KL +54 25 285 KN +54 25 286 KL +54 25 287 SM +54 25 288 KN +54 25 289 KK +54 25 290 KL +54 25 291 UT +54 25 292 KN +54 25 293 KL +54 25 294 KL +54 25 295 UT +54 25 296 KN +54 25 297 JJ +54 25 298 KN +54 25 299 KK +54 25 300 KL +54 25 301 KK +54 25 302 KL +54 25 303 KL +54 25 304 SM +54 25 305 KN +54 25 306 KK +54 25 307 KK +54 25 308 * +54 25 309 KN +54 25 310 KK +54 25 311 KK +54 25 312 SG +54 25 313 SM +54 25 314 KL +54 25 315 KK +54 25 316 KK +54 25 317 KN +54 25 318 KN +54 25 319 KL +54 25 320 SM +54 25 321 KN +54 25 322 UT +54 25 323 UT +54 25 324 KL +54 25 325 KN +54 25 326 JJ +54 25 327 KL +54 25 328 KK +54 25 329 KN +54 25 330 KL +55 1 1 J +55 1 2 R +55 1 3 L +55 1 4 J +55 1 5 N +55 1 6 G +55 1 7 N +55 1 8 L +55 1 9 T +55 1 10 J +55 1 11 N +55 1 12 P +55 1 13 N +55 1 14 J +55 1 15 G +55 1 16 D +55 1 17 L +55 1 18 K +55 1 19 J +55 1 20 N +55 1 21 L +55 1 22 P +55 1 23 J +55 1 24 T +55 1 25 J +55 1 26 J +55 1 27 D +55 1 28 N +55 1 29 L +55 1 30 L +55 1 31 N +55 1 32 L +55 1 33 N +55 1 34 J +55 1 35 G +55 1 36 K +55 1 37 J +55 1 38 G +55 1 39 N +55 1 40 N +55 1 41 G +55 1 42 P +55 1 43 J +55 1 44 D +55 1 45 N +55 1 46 J +55 1 47 K +55 1 48 G +55 1 49 J +55 1 50 G +55 1 51 T +55 1 52 D +55 1 53 L +55 1 54 N +55 1 55 N +55 1 56 J +55 1 57 J +55 1 58 T +55 1 59 G +55 1 60 N +55 1 61 L +55 1 62 J +55 1 63 G +55 1 64 J +55 1 65 L +55 1 66 D +55 1 67 N +55 1 68 B +55 1 69 J +55 1 70 D +55 1 71 B +55 1 72 N +55 1 73 J +55 1 74 D +55 1 75 K +55 1 76 B +55 1 77 N +55 1 78 G +55 1 79 J +55 1 80 N +55 1 81 N +55 1 82 N +55 1 83 D +55 1 84 G +55 1 85 N +55 1 86 G +55 1 87 K +55 1 88 B +55 1 89 K +55 1 90 N +55 1 91 B +55 1 92 D +55 1 93 N +55 1 94 K +55 1 95 D +55 1 96 P +55 1 97 G +55 1 98 L +55 1 99 J +55 1 100 N +55 1 101 G +55 1 102 D +55 1 103 N +55 1 104 N +55 1 105 T +55 1 106 P +55 1 107 D +55 1 108 D +55 1 109 J +55 1 110 L +55 1 111 K +55 1 112 P +55 1 113 K +55 1 114 N +55 1 115 L +55 1 116 N +55 1 117 K +55 1 118 P +55 1 119 N +55 1 120 D +55 1 121 P +55 1 122 N +55 1 123 K +55 1 124 N +55 1 125 K +55 1 126 B +55 1 127 K +55 1 128 P +55 1 129 D +55 1 130 K +55 1 131 J +55 1 132 P +55 1 133 N +55 1 134 K +55 1 135 B +55 1 136 J +55 1 137 N +55 1 138 P +55 1 139 D +55 1 140 J +55 1 141 D +55 1 142 D +55 1 143 N +55 1 144 J +55 1 145 N +55 1 146 P +55 1 147 J +55 1 148 L +55 1 149 J +55 1 150 L +55 1 151 P +55 1 152 G +55 1 153 N +55 1 154 J +55 1 155 J +55 1 156 N +55 1 157 K +55 1 158 D +55 1 159 B +55 1 160 B +55 1 161 N +55 1 162 L +55 1 163 J +55 1 164 J +55 1 165 N +55 1 166 K +55 1 167 D +55 1 168 K +55 1 169 N +55 1 170 K +55 1 171 N +55 1 172 D +55 1 173 L +55 1 174 P +55 1 175 J +55 1 176 L +55 1 177 P +55 1 178 J +55 1 179 L +55 1 180 N +55 1 181 P +55 1 182 J +55 1 183 N +55 1 184 J +55 1 185 P +55 1 186 J +55 1 187 P +55 1 188 J +55 1 189 D +55 1 190 G +55 1 191 N +55 1 192 J +55 1 193 P +55 1 194 L +55 1 195 N +55 1 196 N +55 1 197 P +55 1 198 K +55 1 199 D +55 1 200 N +55 1 201 P +55 1 202 N +55 1 203 J +55 1 204 K +55 1 205 J +55 1 206 D +55 1 207 P +55 1 208 T +55 1 209 K +55 1 210 J +55 1 211 N +55 1 212 P +55 1 213 D +55 1 214 N +55 1 215 J +55 1 216 K +55 1 217 P +55 1 218 N +55 1 219 D +55 1 220 J +55 1 221 D +55 1 222 J +55 1 223 N +55 1 224 D +55 1 225 J +55 1 226 N +55 1 227 K +55 1 228 K +55 1 229 N +55 1 230 D +55 1 231 J +55 1 232 K +55 1 233 J +55 1 234 N +55 1 235 J +55 1 236 N +55 1 237 P +55 1 238 N +55 1 239 G +55 1 240 J +55 1 241 D +55 1 242 P +55 1 243 G +55 1 244 D +55 1 245 L +55 1 246 N +55 1 247 J +55 1 248 K +55 1 249 N +55 1 250 J +55 1 251 N +55 1 252 D +55 1 253 N +55 1 254 J +55 1 255 K +55 1 256 L +55 1 257 K +55 1 258 N +55 1 259 L +55 1 260 J +55 1 261 P +55 1 262 D +55 1 263 P +55 1 264 D +55 1 265 N +55 1 266 L +55 1 267 L +55 1 268 N +55 1 269 J +55 1 270 P +55 1 271 K +55 1 272 D +55 1 273 J +55 1 274 D +55 1 275 N +55 1 276 L +55 1 277 K +55 1 278 L +55 1 279 N +55 1 280 N +55 1 281 N +55 1 282 N +55 1 283 J +55 1 284 D +55 1 285 P +55 1 286 D +55 1 287 T +55 1 288 L +55 1 289 N +55 1 290 D +55 1 291 P +55 1 292 B +55 1 293 D +55 1 294 D +55 1 295 J +55 1 296 J +55 1 297 P +55 1 298 L +55 1 299 N +55 1 300 D +55 1 301 N +55 1 302 D +55 1 303 B +55 1 304 N +55 1 305 L +55 1 306 N +55 1 307 J +55 1 308 L +55 1 309 K +55 1 310 N +55 1 311 J +55 1 312 K +55 1 313 J +55 1 314 D +55 1 315 N +55 1 316 N +55 1 317 L +55 1 318 B +55 1 319 D +55 1 320 J +55 1 321 L +55 1 322 N +55 1 323 N +55 1 324 D +55 1 325 L +55 1 326 P +55 1 327 D +55 1 328 K +55 1 329 J +55 1 330 D +55 2 1 J +55 2 2 N +55 2 3 P +55 2 4 K +55 2 5 P +55 2 6 T +55 2 7 N +55 2 8 P +55 2 9 T +55 2 10 J +55 2 11 K +55 2 12 P +55 2 13 N +55 2 14 J +55 2 15 G +55 2 16 D +55 2 17 G +55 2 18 K +55 2 19 J +55 2 20 N +55 2 21 G +55 2 22 P +55 2 23 N +55 2 24 K +55 2 25 N +55 2 26 J +55 2 27 D +55 2 28 N +55 2 29 T +55 2 30 T +55 2 31 D +55 2 32 P +55 2 33 N +55 2 34 J +55 2 35 P +55 2 36 J +55 2 37 J +55 2 38 N +55 2 39 N +55 2 40 J +55 2 41 P +55 2 42 T +55 2 43 J +55 2 44 D +55 2 45 N +55 2 46 K +55 2 47 K +55 2 48 T +55 2 49 N +55 2 50 T +55 2 51 K +55 2 52 D +55 2 53 P +55 2 54 N +55 2 55 N +55 2 56 D +55 2 57 J +55 2 58 J +55 2 59 J +55 2 60 N +55 2 61 N +55 2 62 T +55 2 63 T +55 2 64 J +55 2 65 J +55 2 66 D +55 2 67 J +55 2 68 G +55 2 69 T +55 2 70 D +55 2 71 T +55 2 72 N +55 2 73 D +55 2 74 D +55 2 75 N +55 2 76 P +55 2 77 N +55 2 78 D +55 2 79 K +55 2 80 J +55 2 81 N +55 2 82 N +55 2 83 T +55 2 84 N +55 2 85 T +55 2 86 G +55 2 87 K +55 2 88 G +55 2 89 K +55 2 90 K +55 2 91 G +55 2 92 D +55 2 93 J +55 2 94 K +55 2 95 D +55 2 96 P +55 2 97 N +55 2 98 L +55 2 99 G +55 2 100 D +55 2 101 N +55 2 102 D +55 2 103 K +55 2 104 D +55 2 105 N +55 2 106 D +55 2 107 D +55 2 108 D +55 2 109 J +55 2 110 G +55 2 111 K +55 2 112 P +55 2 113 K +55 2 114 J +55 2 115 G +55 2 116 D +55 2 117 K +55 2 118 G +55 2 119 N +55 2 120 D +55 2 121 P +55 2 122 N +55 2 123 J +55 2 124 T +55 2 125 P +55 2 126 P +55 2 127 K +55 2 128 P +55 2 129 D +55 2 130 K +55 2 131 T +55 2 132 G +55 2 133 N +55 2 134 G +55 2 135 P +55 2 136 N +55 2 137 N +55 2 138 N +55 2 139 D +55 2 140 J +55 2 141 D +55 2 142 D +55 2 143 N +55 2 144 T +55 2 145 T +55 2 146 P +55 2 147 T +55 2 148 P +55 2 149 P +55 2 150 J +55 2 151 G +55 2 152 G +55 2 153 G +55 2 154 K +55 2 155 K +55 2 156 N +55 2 157 K +55 2 158 D +55 2 159 P +55 2 160 G +55 2 161 N +55 2 162 G +55 2 163 N +55 2 164 J +55 2 165 J +55 2 166 J +55 2 167 T +55 2 168 J +55 2 169 J +55 2 170 K +55 2 171 N +55 2 172 D +55 2 173 P +55 2 174 G +55 2 175 G +55 2 176 L +55 2 177 P +55 2 178 J +55 2 179 T +55 2 180 N +55 2 181 T +55 2 182 N +55 2 183 T +55 2 184 J +55 2 185 G +55 2 186 J +55 2 187 P +55 2 188 J +55 2 189 D +55 2 190 G +55 2 191 N +55 2 192 G +55 2 193 T +55 2 194 N +55 2 195 N +55 2 196 D +55 2 197 P +55 2 198 K +55 2 199 D +55 2 200 N +55 2 201 P +55 2 202 N +55 2 203 P +55 2 204 K +55 2 205 T +55 2 206 D +55 2 207 G +55 2 208 T +55 2 209 N +55 2 210 T +55 2 211 N +55 2 212 G +55 2 213 D +55 2 214 P +55 2 215 N +55 2 216 K +55 2 217 G +55 2 218 G +55 2 219 D +55 2 220 N +55 2 221 D +55 2 222 T +55 2 223 N +55 2 224 D +55 2 225 T +55 2 226 J +55 2 227 K +55 2 228 J +55 2 229 G +55 2 230 D +55 2 231 G +55 2 232 T +55 2 233 T +55 2 234 J +55 2 235 J +55 2 236 T +55 2 237 D +55 2 238 J +55 2 239 D +55 2 240 T +55 2 241 D +55 2 242 D +55 2 243 N +55 2 244 D +55 2 245 G +55 2 246 N +55 2 247 P +55 2 248 K +55 2 249 N +55 2 250 N +55 2 251 N +55 2 252 D +55 2 253 P +55 2 254 J +55 2 255 K +55 2 256 G +55 2 257 J +55 2 258 P +55 2 259 T +55 2 260 D +55 2 261 G +55 2 262 D +55 2 263 K +55 2 264 K +55 2 265 N +55 2 266 T +55 2 267 T +55 2 268 N +55 2 269 G +55 2 270 P +55 2 271 K +55 2 272 D +55 2 273 G +55 2 274 D +55 2 275 T +55 2 276 P +55 2 277 K +55 2 278 P +55 2 279 J +55 2 280 N +55 2 281 N +55 2 282 N +55 2 283 T +55 2 284 D +55 2 285 G +55 2 286 D +55 2 287 T +55 2 288 G +55 2 289 N +55 2 290 D +55 2 291 J +55 2 292 D +55 2 293 D +55 2 294 D +55 2 295 T +55 2 296 N +55 2 297 G +55 2 298 G +55 2 299 N +55 2 300 K +55 2 301 N +55 2 302 D +55 2 303 D +55 2 304 N +55 2 305 P +55 2 306 P +55 2 307 N +55 2 308 N +55 2 309 K +55 2 310 G +55 2 311 J +55 2 312 K +55 2 313 J +55 2 314 D +55 2 315 N +55 2 316 N +55 2 317 T +55 2 318 G +55 2 319 G +55 2 320 D +55 2 321 G +55 2 322 D +55 2 323 N +55 2 324 D +55 2 325 G +55 2 326 P +55 2 327 D +55 2 328 N +55 2 329 T +55 2 330 D +55 3 1 J +55 3 2 G +55 3 3 P +55 3 4 T +55 3 5 N +55 3 6 P +55 3 7 N +55 3 8 L +55 3 9 P +55 3 10 J +55 3 11 N +55 3 12 P +55 3 13 N +55 3 14 J +55 3 15 G +55 3 16 D +55 3 17 L +55 3 18 T +55 3 19 N +55 3 20 N +55 3 21 L +55 3 22 P +55 3 23 J +55 3 24 T +55 3 25 N +55 3 26 J +55 3 27 D +55 3 28 N +55 3 29 J +55 3 30 P +55 3 31 N +55 3 32 J +55 3 33 N +55 3 34 J +55 3 35 P +55 3 36 N +55 3 37 J +55 3 38 N +55 3 39 N +55 3 40 J +55 3 41 L +55 3 42 P +55 3 43 J +55 3 44 D +55 3 45 N +55 3 46 T +55 3 47 T +55 3 48 P +55 3 49 N +55 3 50 J +55 3 51 T +55 3 52 D +55 3 53 L +55 3 54 N +55 3 55 N +55 3 56 P +55 3 57 J +55 3 58 P +55 3 59 T +55 3 60 J +55 3 61 L +55 3 62 T +55 3 63 L +55 3 64 N +55 3 65 L +55 3 66 D +55 3 67 N +55 3 68 L +55 3 69 N +55 3 70 D +55 3 71 L +55 3 72 N +55 3 73 N +55 3 74 J +55 3 75 J +55 3 76 P +55 3 77 N +55 3 78 P +55 3 79 T +55 3 80 J +55 3 81 N +55 3 82 N +55 3 83 P +55 3 84 J +55 3 85 N +55 3 86 L +55 3 87 T +55 3 88 J +55 3 89 T +55 3 90 T +55 3 91 P +55 3 92 D +55 3 93 J +55 3 94 T +55 3 95 D +55 3 96 P +55 3 97 J +55 3 98 L +55 3 99 J +55 3 100 N +55 3 101 L +55 3 102 J +55 3 103 N +55 3 104 J +55 3 105 J +55 3 106 P +55 3 107 D +55 3 108 N +55 3 109 J +55 3 110 P +55 3 111 N +55 3 112 L +55 3 113 T +55 3 114 N +55 3 115 L +55 3 116 J +55 3 117 T +55 3 118 L +55 3 119 N +55 3 120 D +55 3 121 L +55 3 122 N +55 3 123 J +55 3 124 P +55 3 125 L +55 3 126 P +55 3 127 T +55 3 128 P +55 3 129 D +55 3 130 T +55 3 131 J +55 3 132 L +55 3 133 N +55 3 134 T +55 3 135 J +55 3 136 N +55 3 137 N +55 3 138 J +55 3 139 D +55 3 140 J +55 3 141 D +55 3 142 D +55 3 143 N +55 3 144 J +55 3 145 N +55 3 146 P +55 3 147 N +55 3 148 L +55 3 149 N +55 3 150 J +55 3 151 L +55 3 152 L +55 3 153 J +55 3 154 T +55 3 155 T +55 3 156 N +55 3 157 T +55 3 158 D +55 3 159 P +55 3 160 P +55 3 161 N +55 3 162 L +55 3 163 J +55 3 164 J +55 3 165 T +55 3 166 T +55 3 167 J +55 3 168 N +55 3 169 J +55 3 170 J +55 3 171 N +55 3 172 D +55 3 173 L +55 3 174 P +55 3 175 J +55 3 176 L +55 3 177 P +55 3 178 J +55 3 179 L +55 3 180 N +55 3 181 P +55 3 182 L +55 3 183 T +55 3 184 J +55 3 185 P +55 3 186 N +55 3 187 P +55 3 188 N +55 3 189 J +55 3 190 P +55 3 191 N +55 3 192 J +55 3 193 P +55 3 194 L +55 3 195 N +55 3 196 N +55 3 197 J +55 3 198 K +55 3 199 J +55 3 200 J +55 3 201 P +55 3 202 N +55 3 203 N +55 3 204 T +55 3 205 J +55 3 206 D +55 3 207 L +55 3 208 P +55 3 209 N +55 3 210 L +55 3 211 N +55 3 212 P +55 3 213 T +55 3 214 P +55 3 215 J +55 3 216 T +55 3 217 P +55 3 218 P +55 3 219 D +55 3 220 J +55 3 221 D +55 3 222 P +55 3 223 N +55 3 224 D +55 3 225 P +55 3 226 J +55 3 227 T +55 3 228 T +55 3 229 N +55 3 230 D +55 3 231 P +55 3 232 T +55 3 233 J +55 3 234 N +55 3 235 P +55 3 236 N +55 3 237 P +55 3 238 N +55 3 239 P +55 3 240 T +55 3 241 D +55 3 242 P +55 3 243 L +55 3 244 D +55 3 245 L +55 3 246 N +55 3 247 J +55 3 248 K +55 3 249 N +55 3 250 J +55 3 251 N +55 3 252 D +55 3 253 N +55 3 254 J +55 3 255 J +55 3 256 L +55 3 257 J +55 3 258 P +55 3 259 L +55 3 260 D +55 3 261 P +55 3 262 D +55 3 263 J +55 3 264 J +55 3 265 N +55 3 266 L +55 3 267 L +55 3 268 N +55 3 269 P +55 3 270 P +55 3 271 K +55 3 272 D +55 3 273 J +55 3 274 D +55 3 275 P +55 3 276 L +55 3 277 J +55 3 278 L +55 3 279 J +55 3 280 N +55 3 281 N +55 3 282 N +55 3 283 T +55 3 284 D +55 3 285 P +55 3 286 P +55 3 287 T +55 3 288 L +55 3 289 N +55 3 290 T +55 3 291 J +55 3 292 J +55 3 293 D +55 3 294 D +55 3 295 T +55 3 296 J +55 3 297 P +55 3 298 L +55 3 299 N +55 3 300 D +55 3 301 N +55 3 302 D +55 3 303 T +55 3 304 N +55 3 305 J +55 3 306 N +55 3 307 J +55 3 308 J +55 3 309 K +55 3 310 N +55 3 311 J +55 3 312 K +55 3 313 J +55 3 314 D +55 3 315 N +55 3 316 N +55 3 317 L +55 3 318 P +55 3 319 T +55 3 320 D +55 3 321 L +55 3 322 T +55 3 323 N +55 3 324 D +55 3 325 P +55 3 326 P +55 3 327 D +55 3 328 N +55 3 329 J +55 3 330 D +55 4 1 N +55 4 2 J +55 4 3 L +55 4 4 J +55 4 5 N +55 4 6 T +55 4 7 N +55 4 8 L +55 4 9 T +55 4 10 N +55 4 11 N +55 4 12 P +55 4 13 N +55 4 14 N +55 4 15 L +55 4 16 D +55 4 17 L +55 4 18 K +55 4 19 N +55 4 20 N +55 4 21 L +55 4 22 P +55 4 23 J +55 4 24 T +55 4 25 N +55 4 26 J +55 4 27 D +55 4 28 N +55 4 29 L +55 4 30 P +55 4 31 N +55 4 32 L +55 4 33 N +55 4 34 J +55 4 35 L +55 4 36 N +55 4 37 J +55 4 38 L +55 4 39 P +55 4 40 J +55 4 41 L +55 4 42 P +55 4 43 J +55 4 44 D +55 4 45 N +55 4 46 K +55 4 47 N +55 4 48 P +55 4 49 N +55 4 50 L +55 4 51 T +55 4 52 D +55 4 53 L +55 4 54 N +55 4 55 J +55 4 56 L +55 4 57 N +55 4 58 P +55 4 59 P +55 4 60 N +55 4 61 L +55 4 62 J +55 4 63 L +55 4 64 N +55 4 65 L +55 4 66 D +55 4 67 N +55 4 68 L +55 4 69 T +55 4 70 D +55 4 71 L +55 4 72 N +55 4 73 J +55 4 74 N +55 4 75 N +55 4 76 L +55 4 77 J +55 4 78 L +55 4 79 K +55 4 80 N +55 4 81 N +55 4 82 N +55 4 83 P +55 4 84 L +55 4 85 N +55 4 86 L +55 4 87 K +55 4 88 L +55 4 89 K +55 4 90 N +55 4 91 P +55 4 92 D +55 4 93 N +55 4 94 T +55 4 95 N +55 4 96 P +55 4 97 J +55 4 98 L +55 4 99 J +55 4 100 N +55 4 101 L +55 4 102 J +55 4 103 T +55 4 104 N +55 4 105 L +55 4 106 P +55 4 107 D +55 4 108 N +55 4 109 N +55 4 110 P +55 4 111 J +55 4 112 L +55 4 113 K +55 4 114 N +55 4 115 L +55 4 116 J +55 4 117 T +55 4 118 L +55 4 119 N +55 4 120 D +55 4 121 L +55 4 122 N +55 4 123 N +55 4 124 P +55 4 125 L +55 4 126 L +55 4 127 N +55 4 128 P +55 4 129 D +55 4 130 P +55 4 131 J +55 4 132 L +55 4 133 N +55 4 134 T +55 4 135 L +55 4 136 N +55 4 137 N +55 4 138 J +55 4 139 D +55 4 140 N +55 4 141 D +55 4 142 D +55 4 143 N +55 4 144 J +55 4 145 N +55 4 146 P +55 4 147 N +55 4 148 L +55 4 149 N +55 4 150 L +55 4 151 L +55 4 152 L +55 4 153 N +55 4 154 K +55 4 155 T +55 4 156 N +55 4 157 T +55 4 158 D +55 4 159 T +55 4 160 J +55 4 161 N +55 4 162 L +55 4 163 J +55 4 164 J +55 4 165 N +55 4 166 K +55 4 167 P +55 4 168 N +55 4 169 P +55 4 170 K +55 4 171 N +55 4 172 D +55 4 173 L +55 4 174 P +55 4 175 N +55 4 176 L +55 4 177 P +55 4 178 J +55 4 179 L +55 4 180 N +55 4 181 T +55 4 182 L +55 4 183 T +55 4 184 L +55 4 185 P +55 4 186 N +55 4 187 P +55 4 188 N +55 4 189 N +55 4 190 L +55 4 191 N +55 4 192 J +55 4 193 P +55 4 194 L +55 4 195 N +55 4 196 J +55 4 197 L +55 4 198 K +55 4 199 N +55 4 200 N +55 4 201 L +55 4 202 N +55 4 203 L +55 4 204 K +55 4 205 J +55 4 206 P +55 4 207 L +55 4 208 T +55 4 209 N +55 4 210 T +55 4 211 N +55 4 212 P +55 4 213 J +55 4 214 P +55 4 215 L +55 4 216 K +55 4 217 L +55 4 218 P +55 4 219 J +55 4 220 J +55 4 221 N +55 4 222 J +55 4 223 N +55 4 224 D +55 4 225 P +55 4 226 J +55 4 227 K +55 4 228 J +55 4 229 N +55 4 230 D +55 4 231 L +55 4 232 T +55 4 233 N +55 4 234 N +55 4 235 J +55 4 236 P +55 4 237 T +55 4 238 N +55 4 239 L +55 4 240 L +55 4 241 D +55 4 242 P +55 4 243 L +55 4 244 N +55 4 245 L +55 4 246 N +55 4 247 J +55 4 248 N +55 4 249 N +55 4 250 J +55 4 251 N +55 4 252 D +55 4 253 N +55 4 254 J +55 4 255 K +55 4 256 L +55 4 257 N +55 4 258 P +55 4 259 L +55 4 260 J +55 4 261 L +55 4 262 D +55 4 263 J +55 4 264 J +55 4 265 N +55 4 266 L +55 4 267 J +55 4 268 N +55 4 269 G +55 4 270 P +55 4 271 N +55 4 272 D +55 4 273 G +55 4 274 D +55 4 275 P +55 4 276 L +55 4 277 N +55 4 278 L +55 4 279 J +55 4 280 N +55 4 281 N +55 4 282 N +55 4 283 T +55 4 284 J +55 4 285 G +55 4 286 D +55 4 287 P +55 4 288 L +55 4 289 N +55 4 290 D +55 4 291 J +55 4 292 L +55 4 293 N +55 4 294 J +55 4 295 T +55 4 296 J +55 4 297 P +55 4 298 L +55 4 299 N +55 4 300 D +55 4 301 N +55 4 302 D +55 4 303 H +55 4 304 N +55 4 305 G +55 4 306 N +55 4 307 J +55 4 308 R +55 4 309 K +55 4 310 N +55 4 311 H +55 4 312 K +55 4 313 J +55 4 314 D +55 4 315 H +55 4 316 N +55 4 317 G +55 4 318 P +55 4 319 N +55 4 320 D +55 4 321 G +55 4 322 J +55 4 323 N +55 4 324 D +55 4 325 J +55 4 326 P +55 4 327 N +55 4 328 N +55 4 329 T +55 4 330 J +55 5 1 N +55 5 2 P +55 5 3 L +55 5 4 N +55 5 5 P +55 5 6 G +55 5 7 N +55 5 8 L +55 5 9 G +55 5 10 N +55 5 11 N +55 5 12 P +55 5 13 N +55 5 14 N +55 5 15 P +55 5 16 D +55 5 17 L +55 5 18 T +55 5 19 N +55 5 20 N +55 5 21 L +55 5 22 P +55 5 23 N +55 5 24 T +55 5 25 N +55 5 26 N +55 5 27 D +55 5 28 N +55 5 29 L +55 5 30 P +55 5 31 D +55 5 32 G +55 5 33 N +55 5 34 P +55 5 35 L +55 5 36 T +55 5 37 N +55 5 38 L +55 5 39 N +55 5 40 P +55 5 41 L +55 5 42 T +55 5 43 N +55 5 44 D +55 5 45 P +55 5 46 T +55 5 47 K +55 5 48 P +55 5 49 N +55 5 50 L +55 5 51 K +55 5 52 D +55 5 53 L +55 5 54 N +55 5 55 P +55 5 56 P +55 5 57 N +55 5 58 P +55 5 59 D +55 5 60 N +55 5 61 P +55 5 62 D +55 5 63 N +55 5 64 N +55 5 65 P +55 5 66 D +55 5 67 N +55 5 68 P +55 5 69 T +55 5 70 D +55 5 71 L +55 5 72 N +55 5 73 G +55 5 74 D +55 5 75 K +55 5 76 L +55 5 77 N +55 5 78 D +55 5 79 T +55 5 80 G +55 5 81 N +55 5 82 N +55 5 83 D +55 5 84 G +55 5 85 N +55 5 86 P +55 5 87 K +55 5 88 L +55 5 89 K +55 5 90 N +55 5 91 G +55 5 92 D +55 5 93 L +55 5 94 K +55 5 95 D +55 5 96 P +55 5 97 N +55 5 98 L +55 5 99 D +55 5 100 N +55 5 101 L +55 5 102 D +55 5 103 N +55 5 104 N +55 5 105 L +55 5 106 N +55 5 107 D +55 5 108 D +55 5 109 N +55 5 110 L +55 5 111 K +55 5 112 L +55 5 113 K +55 5 114 N +55 5 115 L +55 5 116 N +55 5 117 T +55 5 118 N +55 5 119 P +55 5 120 D +55 5 121 L +55 5 122 N +55 5 123 P +55 5 124 N +55 5 125 L +55 5 126 P +55 5 127 K +55 5 128 N +55 5 129 D +55 5 130 K +55 5 131 N +55 5 132 L +55 5 133 N +55 5 134 K +55 5 135 L +55 5 136 G +55 5 137 K +55 5 138 N +55 5 139 D +55 5 140 P +55 5 141 D +55 5 142 D +55 5 143 P +55 5 144 K +55 5 145 N +55 5 146 L +55 5 147 N +55 5 148 L +55 5 149 P +55 5 150 N +55 5 151 P +55 5 152 D +55 5 153 N +55 5 154 K +55 5 155 T +55 5 156 N +55 5 157 T +55 5 158 D +55 5 159 N +55 5 160 P +55 5 161 N +55 5 162 L +55 5 163 N +55 5 164 P +55 5 165 T +55 5 166 K +55 5 167 D +55 5 168 H +55 5 169 N +55 5 170 K +55 5 171 K +55 5 172 D +55 5 173 L +55 5 174 P +55 5 175 N +55 5 176 L +55 5 177 P +55 5 178 N +55 5 179 L +55 5 180 P +55 5 181 P +55 5 182 N +55 5 183 T +55 5 184 N +55 5 185 L +55 5 186 N +55 5 187 L +55 5 188 N +55 5 189 D +55 5 190 P +55 5 191 N +55 5 192 H +55 5 193 P +55 5 194 K +55 5 195 H +55 5 196 P +55 5 197 D +55 5 198 K +55 5 199 D +55 5 200 N +55 5 201 H +55 5 202 N +55 5 203 P +55 5 204 K +55 5 205 N +55 5 206 D +55 5 207 P +55 5 208 T +55 5 209 N +55 5 210 T +55 5 211 N +55 5 212 L +55 5 213 D +55 5 214 G +55 5 215 N +55 5 216 K +55 5 217 H +55 5 218 N +55 5 219 D +55 5 220 P +55 5 221 D +55 5 222 N +55 5 223 P +55 5 224 D +55 5 225 T +55 5 226 K +55 5 227 K +55 5 228 H +55 5 229 D +55 5 230 D +55 5 231 P +55 5 232 T +55 5 233 D +55 5 234 N +55 5 235 N +55 5 236 H +55 5 237 D +55 5 238 H +55 5 239 N +55 5 240 T +55 5 241 D +55 5 242 H +55 5 243 G +55 5 244 D +55 5 245 L +55 5 246 H +55 5 247 H +55 5 248 K +55 5 249 N +55 5 250 H +55 5 251 P +55 5 252 D +55 5 253 N +55 5 254 D +55 5 255 K +55 5 256 L +55 5 257 T +55 5 258 G +55 5 259 L +55 5 260 D +55 5 261 L +55 5 262 D +55 5 263 K +55 5 264 D +55 5 265 T +55 5 266 L +55 5 267 T +55 5 268 N +55 5 269 L +55 5 270 P +55 5 271 G +55 5 272 D +55 5 273 N +55 5 274 D +55 5 275 G +55 5 276 L +55 5 277 H +55 5 278 P +55 5 279 N +55 5 280 H +55 5 281 H +55 5 282 N +55 5 283 T +55 5 284 D +55 5 285 P +55 5 286 D +55 5 287 T +55 5 288 L +55 5 289 N +55 5 290 D +55 5 291 N +55 5 292 L +55 5 293 D +55 5 294 D +55 5 295 K +55 5 296 H +55 5 297 L +55 5 298 L +55 5 299 H +55 5 300 D +55 5 301 P +55 5 302 D +55 5 303 D +55 5 304 H +55 5 305 L +55 5 306 N +55 5 307 H +55 5 308 D +55 5 309 K +55 5 310 N +55 5 311 L +55 5 312 K +55 5 313 N +55 5 314 D +55 5 315 H +55 5 316 N +55 5 317 L +55 5 318 K +55 5 319 N +55 5 320 D +55 5 321 L +55 5 322 H +55 5 323 N +55 5 324 D +55 5 325 L +55 5 326 P +55 5 327 D +55 5 328 P +55 5 329 T +55 5 330 D +55 6 1 N +55 6 2 D +55 6 3 L +55 6 4 T +55 6 5 P +55 6 6 D +55 6 7 N +55 6 8 L +55 6 9 L +55 6 10 N +55 6 11 K +55 6 12 P +55 6 13 K +55 6 14 K +55 6 15 D +55 6 16 D +55 6 17 L +55 6 18 K +55 6 19 N +55 6 20 N +55 6 21 L +55 6 22 D +55 6 23 N +55 6 24 K +55 6 25 N +55 6 26 N +55 6 27 D +55 6 28 N +55 6 29 L +55 6 30 L +55 6 31 L +55 6 32 L +55 6 33 N +55 6 34 N +55 6 35 L +55 6 36 P +55 6 37 D +55 6 38 L +55 6 39 N +55 6 40 N +55 6 41 L +55 6 42 P +55 6 43 K +55 6 44 D +55 6 45 N +55 6 46 K +55 6 47 K +55 6 48 P +55 6 49 D +55 6 50 N +55 6 51 N +55 6 52 D +55 6 53 L +55 6 54 N +55 6 55 P +55 6 56 D +55 6 57 P +55 6 58 D +55 6 59 K +55 6 60 L +55 6 61 L +55 6 62 P +55 6 63 L +55 6 64 P +55 6 65 L +55 6 66 D +55 6 67 N +55 6 68 L +55 6 69 P +55 6 70 D +55 6 71 L +55 6 72 P +55 6 73 N +55 6 74 D +55 6 75 P +55 6 76 L +55 6 77 N +55 6 78 D +55 6 79 K +55 6 80 N +55 6 81 N +55 6 82 N +55 6 83 D +55 6 84 L +55 6 85 N +55 6 86 L +55 6 87 K +55 6 88 L +55 6 89 K +55 6 90 N +55 6 91 P +55 6 92 D +55 6 93 N +55 6 94 K +55 6 95 D +55 6 96 P +55 6 97 P +55 6 98 L +55 6 99 D +55 6 100 D +55 6 101 L +55 6 102 D +55 6 103 P +55 6 104 D +55 6 105 L +55 6 106 D +55 6 107 D +55 6 108 D +55 6 109 N +55 6 110 P +55 6 111 N +55 6 112 L +55 6 113 K +55 6 114 N +55 6 115 L +55 6 116 D +55 6 117 P +55 6 118 L +55 6 119 N +55 6 120 D +55 6 121 L +55 6 122 P +55 6 123 N +55 6 124 D +55 6 125 L +55 6 126 L +55 6 127 K +55 6 128 P +55 6 129 D +55 6 130 K +55 6 131 L +55 6 132 L +55 6 133 P +55 6 134 K +55 6 135 L +55 6 136 N +55 6 137 N +55 6 138 N +55 6 139 D +55 6 140 N +55 6 141 D +55 6 142 D +55 6 143 P +55 6 144 N +55 6 145 N +55 6 146 P +55 6 147 N +55 6 148 L +55 6 149 N +55 6 150 P +55 6 151 D +55 6 152 L +55 6 153 P +55 6 154 K +55 6 155 K +55 6 156 N +55 6 157 K +55 6 158 L +55 6 159 D +55 6 160 P +55 6 161 N +55 6 162 L +55 6 163 N +55 6 164 P +55 6 165 N +55 6 166 N +55 6 167 D +55 6 168 N +55 6 169 N +55 6 170 K +55 6 171 N +55 6 172 D +55 6 173 L +55 6 174 P +55 6 175 D +55 6 176 L +55 6 177 D +55 6 178 P +55 6 179 L +55 6 180 N +55 6 181 N +55 6 182 L +55 6 183 K +55 6 184 N +55 6 185 P +55 6 186 P +55 6 187 P +55 6 188 N +55 6 189 D +55 6 190 L +55 6 191 N +55 6 192 L +55 6 193 P +55 6 194 L +55 6 195 N +55 6 196 N +55 6 197 L +55 6 198 K +55 6 199 D +55 6 200 P +55 6 201 L +55 6 202 N +55 6 203 L +55 6 204 K +55 6 205 N +55 6 206 D +55 6 207 L +55 6 208 P +55 6 209 N +55 6 210 L +55 6 211 N +55 6 212 P +55 6 213 D +55 6 214 N +55 6 215 L +55 6 216 K +55 6 217 L +55 6 218 N +55 6 219 D +55 6 220 N +55 6 221 D +55 6 222 N +55 6 223 N +55 6 224 D +55 6 225 N +55 6 226 N +55 6 227 K +55 6 228 N +55 6 229 D +55 6 230 D +55 6 231 L +55 6 232 K +55 6 233 N +55 6 234 N +55 6 235 N +55 6 236 P +55 6 237 P +55 6 238 N +55 6 239 L +55 6 240 L +55 6 241 D +55 6 242 P +55 6 243 L +55 6 244 D +55 6 245 L +55 6 246 N +55 6 247 N +55 6 248 N +55 6 249 N +55 6 250 L +55 6 251 D +55 6 252 D +55 6 253 N +55 6 254 N +55 6 255 K +55 6 256 L +55 6 257 N +55 6 258 P +55 6 259 L +55 6 260 D +55 6 261 L +55 6 262 D +55 6 263 K +55 6 264 D +55 6 265 N +55 6 266 L +55 6 267 L +55 6 268 N +55 6 269 L +55 6 270 P +55 6 271 N +55 6 272 D +55 6 273 L +55 6 274 D +55 6 275 P +55 6 276 L +55 6 277 N +55 6 278 P +55 6 279 N +55 6 280 N +55 6 281 N +55 6 282 N +55 6 283 L +55 6 284 D +55 6 285 L +55 6 286 D +55 6 287 P +55 6 288 L +55 6 289 N +55 6 290 D +55 6 291 N +55 6 292 P +55 6 293 D +55 6 294 D +55 6 295 K +55 6 296 N +55 6 297 P +55 6 298 L +55 6 299 N +55 6 300 K +55 6 301 N +55 6 302 D +55 6 303 D +55 6 304 N +55 6 305 L +55 6 306 N +55 6 307 P +55 6 308 D +55 6 309 K +55 6 310 N +55 6 311 N +55 6 312 K +55 6 313 N +55 6 314 D +55 6 315 N +55 6 316 N +55 6 317 L +55 6 318 P +55 6 319 D +55 6 320 N +55 6 321 L +55 6 322 N +55 6 323 N +55 6 324 D +55 6 325 L +55 6 326 P +55 6 327 D +55 6 328 N +55 6 329 P +55 6 330 D +55 7 1 H +55 7 2 H +55 7 3 L +55 7 4 G +55 7 5 H +55 7 6 G +55 7 7 N +55 7 8 G +55 7 9 T +55 7 10 N +55 7 11 G +55 7 12 P +55 7 13 H +55 7 14 N +55 7 15 G +55 7 16 D +55 7 17 L +55 7 18 T +55 7 19 N +55 7 20 P +55 7 21 G +55 7 22 P +55 7 23 H +55 7 24 T +55 7 25 H +55 7 26 N +55 7 27 D +55 7 28 P +55 7 29 G +55 7 30 L +55 7 31 P +55 7 32 G +55 7 33 N +55 7 34 H +55 7 35 L +55 7 36 N +55 7 37 G +55 7 38 L +55 7 39 H +55 7 40 P +55 7 41 L +55 7 42 P +55 7 43 H +55 7 44 D +55 7 45 N +55 7 46 T +55 7 47 H +55 7 48 P +55 7 49 H +55 7 50 G +55 7 51 T +55 7 52 D +55 7 53 G +55 7 54 N +55 7 55 H +55 7 56 G +55 7 57 N +55 7 58 P +55 7 59 G +55 7 60 N +55 7 61 L +55 7 62 P +55 7 63 G +55 7 64 N +55 7 65 G +55 7 66 D +55 7 67 N +55 7 68 P +55 7 69 H +55 7 70 D +55 7 71 G +55 7 72 N +55 7 73 G +55 7 74 D +55 7 75 N +55 7 76 L +55 7 77 H +55 7 78 G +55 7 79 K +55 7 80 N +55 7 81 H +55 7 82 N +55 7 83 D +55 7 84 G +55 7 85 L +55 7 86 N +55 7 87 K +55 7 88 G +55 7 89 K +55 7 90 H +55 7 91 P +55 7 92 D +55 7 93 H +55 7 94 K +55 7 95 D +55 7 96 P +55 7 97 G +55 7 98 L +55 7 99 G +55 7 100 H +55 7 101 L +55 7 102 G +55 7 103 H +55 7 104 N +55 7 105 L +55 7 106 P +55 7 107 D +55 7 108 H +55 7 109 N +55 7 110 P +55 7 111 H +55 7 112 L +55 7 113 K +55 7 114 N +55 7 115 L +55 7 116 N +55 7 117 T +55 7 118 L +55 7 119 N +55 7 120 D +55 7 121 L +55 7 122 N +55 7 123 H +55 7 124 P +55 7 125 L +55 7 126 G +55 7 127 H +55 7 128 P +55 7 129 D +55 7 130 H +55 7 131 G +55 7 132 L +55 7 133 L +55 7 134 T +55 7 135 G +55 7 136 N +55 7 137 H +55 7 138 H +55 7 139 D +55 7 140 H +55 7 141 D +55 7 142 D +55 7 143 H +55 7 144 G +55 7 145 H +55 7 146 P +55 7 147 N +55 7 148 L +55 7 149 H +55 7 150 G +55 7 151 G +55 7 152 G +55 7 153 H +55 7 154 K +55 7 155 T +55 7 156 N +55 7 157 G +55 7 158 D +55 7 159 P +55 7 160 G +55 7 161 N +55 7 162 L +55 7 163 N +55 7 164 H +55 7 165 H +55 7 166 H +55 7 167 G +55 7 168 N +55 7 169 N +55 7 170 H +55 7 171 H +55 7 172 D +55 7 173 L +55 7 174 P +55 7 175 N +55 7 176 L +55 7 177 P +55 7 178 H +55 7 179 G +55 7 180 N +55 7 181 P +55 7 182 G +55 7 183 T +55 7 184 G +55 7 185 P +55 7 186 N +55 7 187 P +55 7 188 N +55 7 189 H +55 7 190 G +55 7 191 N +55 7 192 H +55 7 193 P +55 7 194 G +55 7 195 N +55 7 196 H +55 7 197 G +55 7 198 K +55 7 199 D +55 7 200 H +55 7 201 G +55 7 202 N +55 7 203 L +55 7 204 K +55 7 205 D +55 7 206 G +55 7 207 L +55 7 208 P +55 7 209 N +55 7 210 G +55 7 211 N +55 7 212 L +55 7 213 G +55 7 214 P +55 7 215 L +55 7 216 H +55 7 217 G +55 7 218 H +55 7 219 D +55 7 220 N +55 7 221 D +55 7 222 G +55 7 223 N +55 7 224 D +55 7 225 P +55 7 226 N +55 7 227 K +55 7 228 H +55 7 229 N +55 7 230 D +55 7 231 G +55 7 232 T +55 7 233 N +55 7 234 N +55 7 235 H +55 7 236 P +55 7 237 L +55 7 238 N +55 7 239 L +55 7 240 P +55 7 241 D +55 7 242 P +55 7 243 L +55 7 244 D +55 7 245 L +55 7 246 N +55 7 247 H +55 7 248 N +55 7 249 H +55 7 250 G +55 7 251 N +55 7 252 D +55 7 253 N +55 7 254 N +55 7 255 K +55 7 256 L +55 7 257 N +55 7 258 P +55 7 259 L +55 7 260 D +55 7 261 L +55 7 262 D +55 7 263 K +55 7 264 N +55 7 265 L +55 7 266 L +55 7 267 G +55 7 268 N +55 7 269 L +55 7 270 P +55 7 271 H +55 7 272 D +55 7 273 G +55 7 274 D +55 7 275 H +55 7 276 L +55 7 277 N +55 7 278 L +55 7 279 N +55 7 280 L +55 7 281 N +55 7 282 N +55 7 283 T +55 7 284 D +55 7 285 G +55 7 286 D +55 7 287 P +55 7 288 L +55 7 289 N +55 7 290 D +55 7 291 N +55 7 292 G +55 7 293 H +55 7 294 D +55 7 295 T +55 7 296 G +55 7 297 P +55 7 298 L +55 7 299 N +55 7 300 D +55 7 301 N +55 7 302 D +55 7 303 H +55 7 304 N +55 7 305 G +55 7 306 N +55 7 307 N +55 7 308 G +55 7 309 T +55 7 310 N +55 7 311 H +55 7 312 K +55 7 313 H +55 7 314 D +55 7 315 N +55 7 316 H +55 7 317 G +55 7 318 P +55 7 319 D +55 7 320 H +55 7 321 L +55 7 322 H +55 7 323 N +55 7 324 D +55 7 325 G +55 7 326 P +55 7 327 D +55 7 328 N +55 7 329 T +55 7 330 D +55 8 1 J +55 8 2 H +55 8 3 L +55 8 4 G +55 8 5 N +55 8 6 B +55 8 7 H +55 8 8 L +55 8 9 T +55 8 10 J +55 8 11 N +55 8 12 P +55 8 13 N +55 8 14 J +55 8 15 G +55 8 16 H +55 8 17 G +55 8 18 T +55 8 19 N +55 8 20 J +55 8 21 G +55 8 22 P +55 8 23 G +55 8 24 T +55 8 25 N +55 8 26 J +55 8 27 D +55 8 28 N +55 8 29 G +55 8 30 P +55 8 31 N +55 8 32 G +55 8 33 N +55 8 34 J +55 8 35 G +55 8 36 N +55 8 37 J +55 8 38 L +55 8 39 N +55 8 40 N +55 8 41 L +55 8 42 P +55 8 43 J +55 8 44 D +55 8 45 N +55 8 46 T +55 8 47 N +55 8 48 P +55 8 49 N +55 8 50 T +55 8 51 T +55 8 52 D +55 8 53 L +55 8 54 N +55 8 55 N +55 8 56 B +55 8 57 N +55 8 58 P +55 8 59 B +55 8 60 N +55 8 61 L +55 8 62 J +55 8 63 B +55 8 64 N +55 8 65 L +55 8 66 D +55 8 67 N +55 8 68 L +55 8 69 T +55 8 70 D +55 8 71 N +55 8 72 L +55 8 73 T +55 8 74 N +55 8 75 N +55 8 76 L +55 8 77 L +55 8 78 P +55 8 79 T +55 8 80 J +55 8 81 N +55 8 82 N +55 8 83 D +55 8 84 G +55 8 85 N +55 8 86 G +55 8 87 T +55 8 88 L +55 8 89 K +55 8 90 N +55 8 91 P +55 8 92 D +55 8 93 J +55 8 94 T +55 8 95 D +55 8 96 P +55 8 97 J +55 8 98 L +55 8 99 B +55 8 100 N +55 8 101 L +55 8 102 D +55 8 103 T +55 8 104 N +55 8 105 L +55 8 106 P +55 8 107 D +55 8 108 N +55 8 109 J +55 8 110 P +55 8 111 N +55 8 112 L +55 8 113 T +55 8 114 N +55 8 115 L +55 8 116 N +55 8 117 T +55 8 118 B +55 8 119 N +55 8 120 D +55 8 121 L +55 8 122 N +55 8 123 J +55 8 124 P +55 8 125 L +55 8 126 B +55 8 127 N +55 8 128 P +55 8 129 D +55 8 130 T +55 8 131 G +55 8 132 L +55 8 133 N +55 8 134 T +55 8 135 L +55 8 136 N +55 8 137 N +55 8 138 J +55 8 139 D +55 8 140 J +55 8 141 D +55 8 142 D +55 8 143 N +55 8 144 J +55 8 145 N +55 8 146 P +55 8 147 N +55 8 148 L +55 8 149 N +55 8 150 J +55 8 151 B +55 8 152 B +55 8 153 N +55 8 154 D +55 8 155 T +55 8 156 N +55 8 157 T +55 8 158 D +55 8 159 P +55 8 160 B +55 8 161 N +55 8 162 L +55 8 163 N +55 8 164 J +55 8 165 T +55 8 166 J +55 8 167 G +55 8 168 N +55 8 169 J +55 8 170 N +55 8 171 N +55 8 172 D +55 8 173 L +55 8 174 P +55 8 175 N +55 8 176 G +55 8 177 P +55 8 178 J +55 8 179 T +55 8 180 N +55 8 181 P +55 8 182 T +55 8 183 T +55 8 184 G +55 8 185 P +55 8 186 N +55 8 187 P +55 8 188 N +55 8 189 D +55 8 190 G +55 8 191 P +55 8 192 J +55 8 193 P +55 8 194 L +55 8 195 N +55 8 196 N +55 8 197 G +55 8 198 D +55 8 199 D +55 8 200 H +55 8 201 G +55 8 202 N +55 8 203 G +55 8 204 T +55 8 205 J +55 8 206 D +55 8 207 L +55 8 208 P +55 8 209 N +55 8 210 T +55 8 211 J +55 8 212 P +55 8 213 B +55 8 214 P +55 8 215 G +55 8 216 N +55 8 217 B +55 8 218 N +55 8 219 D +55 8 220 J +55 8 221 N +55 8 222 T +55 8 223 N +55 8 224 D +55 8 225 P +55 8 226 N +55 8 227 D +55 8 228 J +55 8 229 N +55 8 230 D +55 8 231 G +55 8 232 T +55 8 233 J +55 8 234 N +55 8 235 J +55 8 236 N +55 8 237 G +55 8 238 N +55 8 239 G +55 8 240 T +55 8 241 D +55 8 242 P +55 8 243 L +55 8 244 D +55 8 245 L +55 8 246 N +55 8 247 J +55 8 248 N +55 8 249 N +55 8 250 J +55 8 251 N +55 8 252 D +55 8 253 N +55 8 254 J +55 8 255 K +55 8 256 G +55 8 257 J +55 8 258 P +55 8 259 L +55 8 260 P +55 8 261 G +55 8 262 D +55 8 263 K +55 8 264 N +55 8 265 N +55 8 266 G +55 8 267 L +55 8 268 N +55 8 269 L +55 8 270 P +55 8 271 N +55 8 272 D +55 8 273 P +55 8 274 D +55 8 275 N +55 8 276 G +55 8 277 B +55 8 278 J +55 8 279 N +55 8 280 N +55 8 281 N +55 8 282 N +55 8 283 T +55 8 284 D +55 8 285 B +55 8 286 D +55 8 287 P +55 8 288 L +55 8 289 N +55 8 290 D +55 8 291 J +55 8 292 B +55 8 293 N +55 8 294 D +55 8 295 T +55 8 296 J +55 8 297 P +55 8 298 L +55 8 299 N +55 8 300 D +55 8 301 N +55 8 302 B +55 8 303 J +55 8 304 N +55 8 305 L +55 8 306 N +55 8 307 J +55 8 308 T +55 8 309 T +55 8 310 N +55 8 311 J +55 8 312 K +55 8 313 J +55 8 314 D +55 8 315 N +55 8 316 N +55 8 317 L +55 8 318 B +55 8 319 D +55 8 320 P +55 8 321 L +55 8 322 J +55 8 323 N +55 8 324 D +55 8 325 G +55 8 326 P +55 8 327 D +55 8 328 N +55 8 329 T +55 8 330 D +55 9 1 J +55 9 2 B +55 9 3 L +55 9 4 T +55 9 5 N +55 9 6 D +55 9 7 N +55 9 8 L +55 9 9 T +55 9 10 J +55 9 11 N +55 9 12 P +55 9 13 N +55 9 14 J +55 9 15 G +55 9 16 D +55 9 17 L +55 9 18 K +55 9 19 N +55 9 20 J +55 9 21 L +55 9 22 D +55 9 23 G +55 9 24 K +55 9 25 N +55 9 26 J +55 9 27 D +55 9 28 N +55 9 29 L +55 9 30 P +55 9 31 N +55 9 32 T +55 9 33 N +55 9 34 N +55 9 35 L +55 9 36 N +55 9 37 B +55 9 38 L +55 9 39 N +55 9 40 G +55 9 41 L +55 9 42 P +55 9 43 J +55 9 44 D +55 9 45 N +55 9 46 K +55 9 47 N +55 9 48 P +55 9 49 J +55 9 50 D +55 9 51 P +55 9 52 D +55 9 53 L +55 9 54 N +55 9 55 J +55 9 56 P +55 9 57 N +55 9 58 P +55 9 59 D +55 9 60 J +55 9 61 P +55 9 62 B +55 9 63 L +55 9 64 J +55 9 65 L +55 9 66 D +55 9 67 N +55 9 68 L +55 9 69 N +55 9 70 D +55 9 71 G +55 9 72 N +55 9 73 T +55 9 74 N +55 9 75 K +55 9 76 L +55 9 77 N +55 9 78 T +55 9 79 K +55 9 80 J +55 9 81 N +55 9 82 N +55 9 83 G +55 9 84 P +55 9 85 N +55 9 86 L +55 9 87 K +55 9 88 L +55 9 89 K +55 9 90 J +55 9 91 P +55 9 92 B +55 9 93 J +55 9 94 K +55 9 95 D +55 9 96 P +55 9 97 J +55 9 98 L +55 9 99 G +55 9 100 N +55 9 101 L +55 9 102 J +55 9 103 P +55 9 104 N +55 9 105 L +55 9 106 P +55 9 107 D +55 9 108 D +55 9 109 J +55 9 110 P +55 9 111 K +55 9 112 L +55 9 113 J +55 9 114 N +55 9 115 L +55 9 116 D +55 9 117 P +55 9 118 L +55 9 119 N +55 9 120 D +55 9 121 L +55 9 122 N +55 9 123 T +55 9 124 P +55 9 125 L +55 9 126 B +55 9 127 K +55 9 128 P +55 9 129 D +55 9 130 K +55 9 131 J +55 9 132 P +55 9 133 N +55 9 134 K +55 9 135 B +55 9 136 N +55 9 137 J +55 9 138 D +55 9 139 B +55 9 140 J +55 9 141 D +55 9 142 D +55 9 143 P +55 9 144 J +55 9 145 N +55 9 146 P +55 9 147 N +55 9 148 L +55 9 149 N +55 9 150 J +55 9 151 L +55 9 152 B +55 9 153 J +55 9 154 D +55 9 155 K +55 9 156 N +55 9 157 T +55 9 158 D +55 9 159 P +55 9 160 B +55 9 161 N +55 9 162 L +55 9 163 N +55 9 164 J +55 9 165 D +55 9 166 J +55 9 167 B +55 9 168 N +55 9 169 J +55 9 170 K +55 9 171 P +55 9 172 D +55 9 173 L +55 9 174 P +55 9 175 D +55 9 176 L +55 9 177 P +55 9 178 J +55 9 179 L +55 9 180 N +55 9 181 P +55 9 182 J +55 9 183 T +55 9 184 G +55 9 185 P +55 9 186 N +55 9 187 P +55 9 188 N +55 9 189 D +55 9 190 P +55 9 191 N +55 9 192 J +55 9 193 P +55 9 194 L +55 9 195 N +55 9 196 P +55 9 197 G +55 9 198 K +55 9 199 D +55 9 200 P +55 9 201 P +55 9 202 N +55 9 203 L +55 9 204 K +55 9 205 J +55 9 206 D +55 9 207 L +55 9 208 P +55 9 209 N +55 9 210 P +55 9 211 N +55 9 212 P +55 9 213 D +55 9 214 P +55 9 215 G +55 9 216 K +55 9 217 P +55 9 218 P +55 9 219 D +55 9 220 J +55 9 221 D +55 9 222 G +55 9 223 N +55 9 224 J +55 9 225 P +55 9 226 N +55 9 227 K +55 9 228 J +55 9 229 N +55 9 230 G +55 9 231 T +55 9 232 P +55 9 233 G +55 9 234 N +55 9 235 J +55 9 236 P +55 9 237 P +55 9 238 N +55 9 239 P +55 9 240 L +55 9 241 D +55 9 242 P +55 9 243 L +55 9 244 D +55 9 245 L +55 9 246 N +55 9 247 G +55 9 248 N +55 9 249 N +55 9 250 J +55 9 251 N +55 9 252 P +55 9 253 N +55 9 254 J +55 9 255 K +55 9 256 G +55 9 257 J +55 9 258 P +55 9 259 L +55 9 260 P +55 9 261 P +55 9 262 D +55 9 263 D +55 9 264 D +55 9 265 N +55 9 266 L +55 9 267 J +55 9 268 N +55 9 269 P +55 9 270 P +55 9 271 N +55 9 272 D +55 9 273 G +55 9 274 D +55 9 275 N +55 9 276 L +55 9 277 J +55 9 278 P +55 9 279 J +55 9 280 N +55 9 281 N +55 9 282 N +55 9 283 P +55 9 284 D +55 9 285 P +55 9 286 D +55 9 287 P +55 9 288 L +55 9 289 N +55 9 290 D +55 9 291 J +55 9 292 P +55 9 293 D +55 9 294 D +55 9 295 P +55 9 296 G +55 9 297 P +55 9 298 L +55 9 299 N +55 9 300 D +55 9 301 N +55 9 302 D +55 9 303 D +55 9 304 N +55 9 305 G +55 9 306 N +55 9 307 J +55 9 308 G +55 9 309 K +55 9 310 N +55 9 311 J +55 9 312 K +55 9 313 J +55 9 314 D +55 9 315 N +55 9 316 N +55 9 317 L +55 9 318 P +55 9 319 D +55 9 320 P +55 9 321 L +55 9 322 J +55 9 323 N +55 9 324 D +55 9 325 G +55 9 326 P +55 9 327 D +55 9 328 N +55 9 329 P +55 9 330 D +55 10 1 J +55 10 2 B +55 10 3 B +55 10 4 J +55 10 5 N +55 10 6 B +55 10 7 H +55 10 8 J +55 10 9 T +55 10 10 J +55 10 11 H +55 10 12 B +55 10 13 J +55 10 14 K +55 10 15 B +55 10 16 D +55 10 17 J +55 10 18 K +55 10 19 N +55 10 20 J +55 10 21 B +55 10 22 P +55 10 23 J +55 10 24 K +55 10 25 N +55 10 26 K +55 10 27 B +55 10 28 N +55 10 29 J +55 10 30 T +55 10 31 B +55 10 32 J +55 10 33 N +55 10 34 K +55 10 35 B +55 10 36 J +55 10 37 B +55 10 38 J +55 10 39 N +55 10 40 N +55 10 41 J +55 10 42 B +55 10 43 K +55 10 44 B +55 10 45 N +55 10 46 B +55 10 47 K +55 10 48 B +55 10 49 B +55 10 50 J +55 10 51 J +55 10 52 D +55 10 53 J +55 10 54 N +55 10 55 N +55 10 56 B +55 10 57 N +55 10 58 B +55 10 59 B +55 10 60 J +55 10 61 J +55 10 62 B +55 10 63 B +55 10 64 K +55 10 65 L +55 10 66 D +55 10 67 N +55 10 68 B +55 10 69 J +55 10 70 D +55 10 71 B +55 10 72 N +55 10 73 B +55 10 74 J +55 10 75 K +55 10 76 B +55 10 77 N +55 10 78 B +55 10 79 K +55 10 80 N +55 10 81 J +55 10 82 N +55 10 83 B +55 10 84 J +55 10 85 N +55 10 86 B +55 10 87 K +55 10 88 J +55 10 89 K +55 10 90 K +55 10 91 B +55 10 92 B +55 10 93 J +55 10 94 K +55 10 95 D +55 10 96 B +55 10 97 J +55 10 98 L +55 10 99 B +55 10 100 N +55 10 101 J +55 10 102 J +55 10 103 N +55 10 104 B +55 10 105 J +55 10 106 P +55 10 107 B +55 10 108 B +55 10 109 J +55 10 110 P +55 10 111 N +55 10 112 B +55 10 113 J +55 10 114 N +55 10 115 J +55 10 116 B +55 10 117 J +55 10 118 B +55 10 119 N +55 10 120 D +55 10 121 B +55 10 122 N +55 10 123 N +55 10 124 P +55 10 125 B +55 10 126 B +55 10 127 N +55 10 128 P +55 10 129 D +55 10 130 N +55 10 131 J +55 10 132 L +55 10 133 N +55 10 134 J +55 10 135 L +55 10 136 P +55 10 137 N +55 10 138 N +55 10 139 D +55 10 140 J +55 10 141 D +55 10 142 D +55 10 143 N +55 10 144 J +55 10 145 N +55 10 146 P +55 10 147 P +55 10 148 J +55 10 149 N +55 10 150 J +55 10 151 G +55 10 152 G +55 10 153 K +55 10 154 D +55 10 155 D +55 10 156 N +55 10 157 J +55 10 158 D +55 10 159 P +55 10 160 P +55 10 161 N +55 10 162 J +55 10 163 N +55 10 164 J +55 10 165 P +55 10 166 K +55 10 167 J +55 10 168 N +55 10 169 J +55 10 170 K +55 10 171 J +55 10 172 D +55 10 173 J +55 10 174 P +55 10 175 D +55 10 176 L +55 10 177 N +55 10 178 J +55 10 179 J +55 10 180 N +55 10 181 J +55 10 182 J +55 10 183 N +55 10 184 J +55 10 185 T +55 10 186 N +55 10 187 B +55 10 188 N +55 10 189 D +55 10 190 J +55 10 191 N +55 10 192 J +55 10 193 N +55 10 194 J +55 10 195 N +55 10 196 B +55 10 197 J +55 10 198 K +55 10 199 D +55 10 200 P +55 10 201 B +55 10 202 N +55 10 203 J +55 10 204 K +55 10 205 J +55 10 206 B +55 10 207 B +55 10 208 K +55 10 209 N +55 10 210 B +55 10 211 N +55 10 212 B +55 10 213 L +55 10 214 N +55 10 215 B +55 10 216 K +55 10 217 B +55 10 218 N +55 10 219 B +55 10 220 K +55 10 221 D +55 10 222 J +55 10 223 N +55 10 224 B +55 10 225 N +55 10 226 K +55 10 227 K +55 10 228 K +55 10 229 N +55 10 230 D +55 10 231 J +55 10 232 K +55 10 233 B +55 10 234 N +55 10 235 J +55 10 236 N +55 10 237 B +55 10 238 N +55 10 239 J +55 10 240 T +55 10 241 D +55 10 242 D +55 10 243 K +55 10 244 D +55 10 245 L +55 10 246 N +55 10 247 J +55 10 248 K +55 10 249 N +55 10 250 J +55 10 251 N +55 10 252 D +55 10 253 N +55 10 254 J +55 10 255 K +55 10 256 B +55 10 257 J +55 10 258 P +55 10 259 L +55 10 260 K +55 10 261 B +55 10 262 D +55 10 263 D +55 10 264 D +55 10 265 N +55 10 266 T +55 10 267 J +55 10 268 N +55 10 269 J +55 10 270 P +55 10 271 N +55 10 272 D +55 10 273 J +55 10 274 D +55 10 275 T +55 10 276 L +55 10 277 N +55 10 278 P +55 10 279 J +55 10 280 N +55 10 281 N +55 10 282 N +55 10 283 J +55 10 284 D +55 10 285 J +55 10 286 D +55 10 287 T +55 10 288 B +55 10 289 N +55 10 290 D +55 10 291 J +55 10 292 B +55 10 293 D +55 10 294 D +55 10 295 J +55 10 296 K +55 10 297 P +55 10 298 L +55 10 299 N +55 10 300 D +55 10 301 N +55 10 302 D +55 10 303 D +55 10 304 P +55 10 305 J +55 10 306 N +55 10 307 J +55 10 308 T +55 10 309 B +55 10 310 N +55 10 311 J +55 10 312 K +55 10 313 J +55 10 314 D +55 10 315 N +55 10 316 N +55 10 317 J +55 10 318 T +55 10 319 D +55 10 320 N +55 10 321 L +55 10 322 D +55 10 323 N +55 10 324 D +55 10 325 J +55 10 326 P +55 10 327 D +55 10 328 D +55 10 329 J +55 10 330 D +55 11 1 J +55 11 2 N +55 11 3 L +55 11 4 J +55 11 5 N +55 11 6 R +55 11 7 N +55 11 8 R +55 11 9 R +55 11 10 J +55 11 11 N +55 11 12 P +55 11 13 N +55 11 14 K +55 11 15 B +55 11 16 K +55 11 17 L +55 11 18 K +55 11 19 N +55 11 20 J +55 11 21 L +55 11 22 P +55 11 23 J +55 11 24 K +55 11 25 N +55 11 26 J +55 11 27 D +55 11 28 L +55 11 29 N +55 11 30 P +55 11 31 J +55 11 32 J +55 11 33 N +55 11 34 J +55 11 35 L +55 11 36 N +55 11 37 J +55 11 38 L +55 11 39 N +55 11 40 J +55 11 41 L +55 11 42 P +55 11 43 J +55 11 44 D +55 11 45 N +55 11 46 K +55 11 47 L +55 11 48 P +55 11 49 J +55 11 50 J +55 11 51 K +55 11 52 D +55 11 53 J +55 11 54 N +55 11 55 N +55 11 56 J +55 11 57 J +55 11 58 P +55 11 59 D +55 11 60 J +55 11 61 L +55 11 62 J +55 11 63 B +55 11 64 J +55 11 65 L +55 11 66 D +55 11 67 N +55 11 68 B +55 11 69 N +55 11 70 D +55 11 71 B +55 11 72 N +55 11 73 B +55 11 74 D +55 11 75 N +55 11 76 P +55 11 77 N +55 11 78 D +55 11 79 B +55 11 80 J +55 11 81 N +55 11 82 N +55 11 83 D +55 11 84 L +55 11 85 N +55 11 86 J +55 11 87 K +55 11 88 R +55 11 89 K +55 11 90 J +55 11 91 P +55 11 92 D +55 11 93 J +55 11 94 B +55 11 95 D +55 11 96 P +55 11 97 J +55 11 98 L +55 11 99 J +55 11 100 J +55 11 101 B +55 11 102 J +55 11 103 B +55 11 104 D +55 11 105 J +55 11 106 D +55 11 107 D +55 11 108 B +55 11 109 J +55 11 110 B +55 11 111 B +55 11 112 L +55 11 113 B +55 11 114 N +55 11 115 L +55 11 116 D +55 11 117 J +55 11 118 B +55 11 119 N +55 11 120 D +55 11 121 P +55 11 122 N +55 11 123 J +55 11 124 P +55 11 125 L +55 11 126 B +55 11 127 K +55 11 128 P +55 11 129 D +55 11 130 K +55 11 131 B +55 11 132 L +55 11 133 L +55 11 134 B +55 11 135 L +55 11 136 N +55 11 137 N +55 11 138 D +55 11 139 D +55 11 140 B +55 11 141 D +55 11 142 D +55 11 143 P +55 11 144 J +55 11 145 N +55 11 146 P +55 11 147 N +55 11 148 L +55 11 149 N +55 11 150 J +55 11 151 B +55 11 152 B +55 11 153 J +55 11 154 K +55 11 155 K +55 11 156 N +55 11 157 B +55 11 158 D +55 11 159 B +55 11 160 B +55 11 161 N +55 11 162 L +55 11 163 J +55 11 164 J +55 11 165 N +55 11 166 J +55 11 167 B +55 11 168 N +55 11 169 N +55 11 170 N +55 11 171 N +55 11 172 D +55 11 173 L +55 11 174 P +55 11 175 N +55 11 176 B +55 11 177 P +55 11 178 J +55 11 179 B +55 11 180 N +55 11 181 P +55 11 182 J +55 11 183 B +55 11 184 L +55 11 185 L +55 11 186 N +55 11 187 P +55 11 188 B +55 11 189 D +55 11 190 D +55 11 191 N +55 11 192 J +55 11 193 P +55 11 194 D +55 11 195 N +55 11 196 N +55 11 197 P +55 11 198 K +55 11 199 D +55 11 200 D +55 11 201 B +55 11 202 N +55 11 203 J +55 11 204 B +55 11 205 J +55 11 206 D +55 11 207 L +55 11 208 P +55 11 209 J +55 11 210 B +55 11 211 J +55 11 212 P +55 11 213 B +55 11 214 P +55 11 215 J +55 11 216 J +55 11 217 D +55 11 218 P +55 11 219 D +55 11 220 J +55 11 221 D +55 11 222 J +55 11 223 N +55 11 224 D +55 11 225 J +55 11 226 J +55 11 227 B +55 11 228 J +55 11 229 N +55 11 230 D +55 11 231 B +55 11 232 K +55 11 233 J +55 11 234 N +55 11 235 J +55 11 236 N +55 11 237 B +55 11 238 J +55 11 239 B +55 11 240 B +55 11 241 D +55 11 242 B +55 11 243 J +55 11 244 D +55 11 245 L +55 11 246 N +55 11 247 J +55 11 248 N +55 11 249 N +55 11 250 J +55 11 251 J +55 11 252 D +55 11 253 N +55 11 254 D +55 11 255 J +55 11 256 L +55 11 257 J +55 11 258 P +55 11 259 B +55 11 260 D +55 11 261 P +55 11 262 D +55 11 263 B +55 11 264 D +55 11 265 N +55 11 266 B +55 11 267 J +55 11 268 N +55 11 269 J +55 11 270 L +55 11 271 N +55 11 272 D +55 11 273 J +55 11 274 D +55 11 275 D +55 11 276 J +55 11 277 L +55 11 278 B +55 11 279 J +55 11 280 J +55 11 281 N +55 11 282 N +55 11 283 B +55 11 284 D +55 11 285 J +55 11 286 D +55 11 287 P +55 11 288 L +55 11 289 B +55 11 290 D +55 11 291 J +55 11 292 B +55 11 293 D +55 11 294 D +55 11 295 B +55 11 296 J +55 11 297 P +55 11 298 L +55 11 299 N +55 11 300 D +55 11 301 N +55 11 302 D +55 11 303 D +55 11 304 B +55 11 305 J +55 11 306 B +55 11 307 J +55 11 308 B +55 11 309 B +55 11 310 N +55 11 311 J +55 11 312 K +55 11 313 J +55 11 314 D +55 11 315 N +55 11 316 N +55 11 317 L +55 11 318 P +55 11 319 D +55 11 320 N +55 11 321 L +55 11 322 D +55 11 323 N +55 11 324 D +55 11 325 J +55 11 326 P +55 11 327 D +55 11 328 N +55 11 329 J +55 11 330 D +55 12 1 J +55 12 2 G +55 12 3 L +55 12 4 J +55 12 5 H +55 12 6 T +55 12 7 H +55 12 8 L +55 12 9 T +55 12 10 J +55 12 11 H +55 12 12 P +55 12 13 H +55 12 14 J +55 12 15 G +55 12 16 D +55 12 17 L +55 12 18 K +55 12 19 H +55 12 20 J +55 12 21 G +55 12 22 P +55 12 23 J +55 12 24 K +55 12 25 H +55 12 26 J +55 12 27 D +55 12 28 G +55 12 29 H +55 12 30 P +55 12 31 H +55 12 32 J +55 12 33 H +55 12 34 J +55 12 35 L +55 12 36 H +55 12 37 J +55 12 38 L +55 12 39 H +55 12 40 J +55 12 41 L +55 12 42 H +55 12 43 J +55 12 44 D +55 12 45 H +55 12 46 K +55 12 47 H +55 12 48 P +55 12 49 J +55 12 50 D +55 12 51 J +55 12 52 D +55 12 53 H +55 12 54 H +55 12 55 J +55 12 56 P +55 12 57 J +55 12 58 P +55 12 59 J +55 12 60 K +55 12 61 L +55 12 62 J +55 12 63 H +55 12 64 J +55 12 65 D +55 12 66 G +55 12 67 H +55 12 68 G +55 12 69 H +55 12 70 D +55 12 71 L +55 12 72 H +55 12 73 J +55 12 74 H +55 12 75 K +55 12 76 L +55 12 77 H +55 12 78 D +55 12 79 K +55 12 80 J +55 12 81 H +55 12 82 J +55 12 83 D +55 12 84 J +55 12 85 H +55 12 86 G +55 12 87 K +55 12 88 G +55 12 89 K +55 12 90 K +55 12 91 J +55 12 92 D +55 12 93 J +55 12 94 K +55 12 95 H +55 12 96 P +55 12 97 J +55 12 98 L +55 12 99 R +55 12 100 D +55 12 101 J +55 12 102 D +55 12 103 K +55 12 104 J +55 12 105 G +55 12 106 P +55 12 107 D +55 12 108 D +55 12 109 J +55 12 110 P +55 12 111 K +55 12 112 G +55 12 113 K +55 12 114 P +55 12 115 L +55 12 116 D +55 12 117 K +55 12 118 G +55 12 119 H +55 12 120 D +55 12 121 P +55 12 122 H +55 12 123 J +55 12 124 P +55 12 125 P +55 12 126 G +55 12 127 K +55 12 128 P +55 12 129 D +55 12 130 K +55 12 131 G +55 12 132 L +55 12 133 H +55 12 134 K +55 12 135 G +55 12 136 H +55 12 137 H +55 12 138 J +55 12 139 D +55 12 140 J +55 12 141 D +55 12 142 D +55 12 143 H +55 12 144 J +55 12 145 H +55 12 146 P +55 12 147 H +55 12 148 L +55 12 149 H +55 12 150 J +55 12 151 H +55 12 152 D +55 12 153 J +55 12 154 K +55 12 155 K +55 12 156 H +55 12 157 D +55 12 158 D +55 12 159 P +55 12 160 G +55 12 161 H +55 12 162 G +55 12 163 J +55 12 164 J +55 12 165 H +55 12 166 J +55 12 167 D +55 12 168 H +55 12 169 J +55 12 170 K +55 12 171 H +55 12 172 D +55 12 173 G +55 12 174 P +55 12 175 D +55 12 176 L +55 12 177 P +55 12 178 J +55 12 179 L +55 12 180 H +55 12 181 P +55 12 182 L +55 12 183 P +55 12 184 J +55 12 185 L +55 12 186 J +55 12 187 P +55 12 188 J +55 12 189 D +55 12 190 J +55 12 191 H +55 12 192 G +55 12 193 H +55 12 194 L +55 12 195 H +55 12 196 D +55 12 197 J +55 12 198 K +55 12 199 D +55 12 200 J +55 12 201 R +55 12 202 H +55 12 203 G +55 12 204 K +55 12 205 J +55 12 206 D +55 12 207 H +55 12 208 T +55 12 209 H +55 12 210 K +55 12 211 J +55 12 212 P +55 12 213 D +55 12 214 H +55 12 215 J +55 12 216 H +55 12 217 J +55 12 218 P +55 12 219 R +55 12 220 J +55 12 221 D +55 12 222 G +55 12 223 H +55 12 224 D +55 12 225 P +55 12 226 H +55 12 227 K +55 12 228 K +55 12 229 J +55 12 230 D +55 12 231 J +55 12 232 T +55 12 233 G +55 12 234 H +55 12 235 J +55 12 236 H +55 12 237 D +55 12 238 H +55 12 239 G +55 12 240 T +55 12 241 D +55 12 242 P +55 12 243 L +55 12 244 D +55 12 245 L +55 12 246 J +55 12 247 J +55 12 248 K +55 12 249 H +55 12 250 J +55 12 251 D +55 12 252 D +55 12 253 J +55 12 254 D +55 12 255 K +55 12 256 L +55 12 257 J +55 12 258 P +55 12 259 L +55 12 260 R +55 12 261 P +55 12 262 D +55 12 263 D +55 12 264 D +55 12 265 H +55 12 266 T +55 12 267 G +55 12 268 H +55 12 269 J +55 12 270 P +55 12 271 H +55 12 272 D +55 12 273 G +55 12 274 D +55 12 275 P +55 12 276 G +55 12 277 J +55 12 278 G +55 12 279 J +55 12 280 H +55 12 281 H +55 12 282 H +55 12 283 D +55 12 284 D +55 12 285 G +55 12 286 D +55 12 287 P +55 12 288 L +55 12 289 R +55 12 290 D +55 12 291 J +55 12 292 H +55 12 293 D +55 12 294 D +55 12 295 T +55 12 296 G +55 12 297 P +55 12 298 L +55 12 299 H +55 12 300 D +55 12 301 H +55 12 302 D +55 12 303 D +55 12 304 H +55 12 305 G +55 12 306 H +55 12 307 J +55 12 308 G +55 12 309 K +55 12 310 H +55 12 311 J +55 12 312 K +55 12 313 J +55 12 314 D +55 12 315 H +55 12 316 H +55 12 317 G +55 12 318 P +55 12 319 D +55 12 320 H +55 12 321 L +55 12 322 J +55 12 323 H +55 12 324 D +55 12 325 J +55 12 326 P +55 12 327 D +55 12 328 H +55 12 329 T +55 12 330 D +55 13 1 N +55 13 2 J +55 13 3 L +55 13 4 J +55 13 5 N +55 13 6 B +55 13 7 N +55 13 8 L +55 13 9 T +55 13 10 K +55 13 11 J +55 13 12 P +55 13 13 B +55 13 14 K +55 13 15 G +55 13 16 D +55 13 17 B +55 13 18 K +55 13 19 N +55 13 20 G +55 13 21 L +55 13 22 P +55 13 23 J +55 13 24 B +55 13 25 N +55 13 26 J +55 13 27 R +55 13 28 L +55 13 29 N +55 13 30 P +55 13 31 B +55 13 32 J +55 13 33 N +55 13 34 B +55 13 35 L +55 13 36 N +55 13 37 J +55 13 38 L +55 13 39 N +55 13 40 J +55 13 41 L +55 13 42 P +55 13 43 J +55 13 44 R +55 13 45 N +55 13 46 J +55 13 47 K +55 13 48 P +55 13 49 J +55 13 50 J +55 13 51 R +55 13 52 D +55 13 53 J +55 13 54 N +55 13 55 J +55 13 56 G +55 13 57 J +55 13 58 P +55 13 59 R +55 13 60 K +55 13 61 L +55 13 62 J +55 13 63 L +55 13 64 J +55 13 65 L +55 13 66 R +55 13 67 N +55 13 68 L +55 13 69 J +55 13 70 D +55 13 71 J +55 13 72 N +55 13 73 J +55 13 74 B +55 13 75 K +55 13 76 L +55 13 77 J +55 13 78 B +55 13 79 K +55 13 80 J +55 13 81 N +55 13 82 N +55 13 83 B +55 13 84 B +55 13 85 N +55 13 86 R +55 13 87 K +55 13 88 J +55 13 89 K +55 13 90 K +55 13 91 N +55 13 92 D +55 13 93 N +55 13 94 K +55 13 95 R +55 13 96 P +55 13 97 J +55 13 98 L +55 13 99 B +55 13 100 J +55 13 101 L +55 13 102 B +55 13 103 J +55 13 104 B +55 13 105 J +55 13 106 P +55 13 107 D +55 13 108 J +55 13 109 J +55 13 110 P +55 13 111 K +55 13 112 L +55 13 113 K +55 13 114 J +55 13 115 L +55 13 116 J +55 13 117 J +55 13 118 L +55 13 119 N +55 13 120 R +55 13 121 L +55 13 122 N +55 13 123 J +55 13 124 N +55 13 125 L +55 13 126 R +55 13 127 K +55 13 128 P +55 13 129 D +55 13 130 K +55 13 131 J +55 13 132 L +55 13 133 N +55 13 134 K +55 13 135 L +55 13 136 J +55 13 137 N +55 13 138 J +55 13 139 B +55 13 140 J +55 13 141 D +55 13 142 J +55 13 143 N +55 13 144 K +55 13 145 N +55 13 146 P +55 13 147 N +55 13 148 L +55 13 149 N +55 13 150 J +55 13 151 L +55 13 152 D +55 13 153 J +55 13 154 K +55 13 155 K +55 13 156 N +55 13 157 K +55 13 158 D +55 13 159 P +55 13 160 D +55 13 161 N +55 13 162 L +55 13 163 J +55 13 164 J +55 13 165 K +55 13 166 N +55 13 167 D +55 13 168 N +55 13 169 J +55 13 170 K +55 13 171 N +55 13 172 D +55 13 173 L +55 13 174 P +55 13 175 J +55 13 176 L +55 13 177 P +55 13 178 J +55 13 179 J +55 13 180 N +55 13 181 P +55 13 182 J +55 13 183 J +55 13 184 B +55 13 185 T +55 13 186 N +55 13 187 P +55 13 188 J +55 13 189 D +55 13 190 J +55 13 191 N +55 13 192 J +55 13 193 B +55 13 194 J +55 13 195 N +55 13 196 B +55 13 197 B +55 13 198 K +55 13 199 D +55 13 200 J +55 13 201 B +55 13 202 J +55 13 203 L +55 13 204 K +55 13 205 J +55 13 206 D +55 13 207 L +55 13 208 T +55 13 209 N +55 13 210 B +55 13 211 J +55 13 212 P +55 13 213 D +55 13 214 N +55 13 215 R +55 13 216 K +55 13 217 R +55 13 218 J +55 13 219 D +55 13 220 J +55 13 221 D +55 13 222 J +55 13 223 N +55 13 224 D +55 13 225 B +55 13 226 N +55 13 227 K +55 13 228 D +55 13 229 N +55 13 230 R +55 13 231 J +55 13 232 K +55 13 233 R +55 13 234 N +55 13 235 J +55 13 236 N +55 13 237 T +55 13 238 J +55 13 239 R +55 13 240 J +55 13 241 D +55 13 242 D +55 13 243 J +55 13 244 J +55 13 245 L +55 13 246 J +55 13 247 J +55 13 248 K +55 13 249 K +55 13 250 J +55 13 251 N +55 13 252 D +55 13 253 J +55 13 254 R +55 13 255 K +55 13 256 L +55 13 257 J +55 13 258 P +55 13 259 L +55 13 260 D +55 13 261 P +55 13 262 R +55 13 263 J +55 13 264 B +55 13 265 N +55 13 266 L +55 13 267 J +55 13 268 N +55 13 269 B +55 13 270 P +55 13 271 J +55 13 272 D +55 13 273 J +55 13 274 D +55 13 275 N +55 13 276 L +55 13 277 K +55 13 278 P +55 13 279 J +55 13 280 N +55 13 281 N +55 13 282 N +55 13 283 J +55 13 284 D +55 13 285 L +55 13 286 D +55 13 287 P +55 13 288 L +55 13 289 J +55 13 290 D +55 13 291 J +55 13 292 D +55 13 293 R +55 13 294 D +55 13 295 J +55 13 296 J +55 13 297 P +55 13 298 L +55 13 299 J +55 13 300 D +55 13 301 N +55 13 302 D +55 13 303 J +55 13 304 J +55 13 305 J +55 13 306 N +55 13 307 J +55 13 308 B +55 13 309 K +55 13 310 N +55 13 311 J +55 13 312 K +55 13 313 J +55 13 314 D +55 13 315 N +55 13 316 B +55 13 317 L +55 13 318 P +55 13 319 D +55 13 320 N +55 13 321 L +55 13 322 B +55 13 323 N +55 13 324 D +55 13 325 J +55 13 326 P +55 13 327 D +55 13 328 K +55 13 329 J +55 13 330 D +55 14 1 J +55 14 2 N +55 14 3 L +55 14 4 J +55 14 5 N +55 14 6 B +55 14 7 N +55 14 8 B +55 14 9 J +55 14 10 T +55 14 11 B +55 14 12 P +55 14 13 K +55 14 14 K +55 14 15 B +55 14 16 D +55 14 17 L +55 14 18 K +55 14 19 N +55 14 20 J +55 14 21 L +55 14 22 P +55 14 23 L +55 14 24 D +55 14 25 J +55 14 26 B +55 14 27 P +55 14 28 L +55 14 29 N +55 14 30 B +55 14 31 J +55 14 32 J +55 14 33 N +55 14 34 J +55 14 35 L +55 14 36 K +55 14 37 B +55 14 38 L +55 14 39 N +55 14 40 B +55 14 41 L +55 14 42 P +55 14 43 K +55 14 44 B +55 14 45 J +55 14 46 K +55 14 47 B +55 14 48 N +55 14 49 K +55 14 50 K +55 14 51 K +55 14 52 D +55 14 53 L +55 14 54 N +55 14 55 L +55 14 56 B +55 14 57 B +55 14 58 D +55 14 59 J +55 14 60 K +55 14 61 L +55 14 62 K +55 14 63 B +55 14 64 J +55 14 65 L +55 14 66 D +55 14 67 N +55 14 68 L +55 14 69 N +55 14 70 D +55 14 71 L +55 14 72 N +55 14 73 L +55 14 74 D +55 14 75 K +55 14 76 L +55 14 77 N +55 14 78 D +55 14 79 J +55 14 80 J +55 14 81 N +55 14 82 N +55 14 83 D +55 14 84 L +55 14 85 N +55 14 86 L +55 14 87 K +55 14 88 L +55 14 89 K +55 14 90 K +55 14 91 N +55 14 92 B +55 14 93 J +55 14 94 K +55 14 95 D +55 14 96 P +55 14 97 J +55 14 98 L +55 14 99 J +55 14 100 D +55 14 101 J +55 14 102 J +55 14 103 B +55 14 104 B +55 14 105 J +55 14 106 P +55 14 107 D +55 14 108 K +55 14 109 J +55 14 110 P +55 14 111 K +55 14 112 L +55 14 113 N +55 14 114 L +55 14 115 D +55 14 116 J +55 14 117 L +55 14 118 N +55 14 119 D +55 14 120 L +55 14 121 N +55 14 122 J +55 14 123 P +55 14 124 L +55 14 125 B +55 14 126 K +55 14 127 D +55 14 128 J +55 14 129 D +55 14 130 J +55 14 131 L +55 14 132 N +55 14 133 K +55 14 134 J +55 14 135 J +55 14 136 N +55 14 137 K +55 14 138 J +55 14 139 D +55 14 140 K +55 14 141 D +55 14 142 D +55 14 143 N +55 14 144 J +55 14 145 N +55 14 146 P +55 14 147 N +55 14 148 L +55 14 149 N +55 14 150 J +55 14 151 L +55 14 152 T +55 14 153 J +55 14 154 K +55 14 155 K +55 14 156 N +55 14 157 N +55 14 158 D +55 14 159 J +55 14 160 B +55 14 161 N +55 14 162 L +55 14 163 N +55 14 164 J +55 14 165 B +55 14 166 K +55 14 167 J +55 14 168 J +55 14 169 K +55 14 170 K +55 14 171 K +55 14 172 D +55 14 173 L +55 14 174 P +55 14 175 N +55 14 176 L +55 14 177 D +55 14 178 K +55 14 179 L +55 14 180 N +55 14 181 P +55 14 182 K +55 14 183 D +55 14 184 P +55 14 185 L +55 14 186 N +55 14 187 G +55 14 188 K +55 14 189 D +55 14 190 T +55 14 191 K +55 14 192 J +55 14 193 P +55 14 194 J +55 14 195 N +55 14 196 N +55 14 197 P +55 14 198 D +55 14 199 D +55 14 200 D +55 14 201 P +55 14 202 N +55 14 203 L +55 14 204 K +55 14 205 J +55 14 206 D +55 14 207 L +55 14 208 L +55 14 209 N +55 14 210 P +55 14 211 N +55 14 212 L +55 14 213 K +55 14 214 N +55 14 215 J +55 14 216 K +55 14 217 B +55 14 218 N +55 14 219 D +55 14 220 J +55 14 221 D +55 14 222 J +55 14 223 N +55 14 224 D +55 14 225 K +55 14 226 N +55 14 227 K +55 14 228 K +55 14 229 N +55 14 230 P +55 14 231 L +55 14 232 T +55 14 233 J +55 14 234 N +55 14 235 J +55 14 236 T +55 14 237 B +55 14 238 N +55 14 239 L +55 14 240 K +55 14 241 D +55 14 242 P +55 14 243 J +55 14 244 D +55 14 245 L +55 14 246 N +55 14 247 J +55 14 248 K +55 14 249 K +55 14 250 K +55 14 251 N +55 14 252 B +55 14 253 N +55 14 254 J +55 14 255 K +55 14 256 L +55 14 257 J +55 14 258 T +55 14 259 L +55 14 260 D +55 14 261 J +55 14 262 D +55 14 263 D +55 14 264 D +55 14 265 N +55 14 266 B +55 14 267 L +55 14 268 N +55 14 269 L +55 14 270 B +55 14 271 K +55 14 272 D +55 14 273 L +55 14 274 D +55 14 275 J +55 14 276 L +55 14 277 J +55 14 278 L +55 14 279 J +55 14 280 N +55 14 281 N +55 14 282 N +55 14 283 L +55 14 284 D +55 14 285 J +55 14 286 D +55 14 287 L +55 14 288 L +55 14 289 N +55 14 290 D +55 14 291 J +55 14 292 D +55 14 293 D +55 14 294 D +55 14 295 L +55 14 296 J +55 14 297 P +55 14 298 L +55 14 299 N +55 14 300 D +55 14 301 N +55 14 302 D +55 14 303 J +55 14 304 J +55 14 305 J +55 14 306 N +55 14 307 J +55 14 308 L +55 14 309 K +55 14 310 N +55 14 311 J +55 14 312 J +55 14 313 J +55 14 314 B +55 14 315 N +55 14 316 N +55 14 317 J +55 14 318 L +55 14 319 P +55 14 320 L +55 14 321 L +55 14 322 K +55 14 323 N +55 14 324 D +55 14 325 J +55 14 326 B +55 14 327 D +55 14 328 K +55 14 329 J +55 14 330 D +55 15 1 J +55 15 2 B +55 15 3 L +55 15 4 T +55 15 5 N +55 15 6 P +55 15 7 N +55 15 8 L +55 15 9 J +55 15 10 J +55 15 11 N +55 15 12 P +55 15 13 N +55 15 14 J +55 15 15 B +55 15 16 B +55 15 17 L +55 15 18 K +55 15 19 N +55 15 20 B +55 15 21 L +55 15 22 P +55 15 23 J +55 15 24 T +55 15 25 N +55 15 26 J +55 15 27 D +55 15 28 L +55 15 29 N +55 15 30 L +55 15 31 J +55 15 32 L +55 15 33 N +55 15 34 J +55 15 35 L +55 15 36 N +55 15 37 J +55 15 38 L +55 15 39 N +55 15 40 J +55 15 41 L +55 15 42 P +55 15 43 K +55 15 44 D +55 15 45 N +55 15 46 T +55 15 47 N +55 15 48 P +55 15 49 J +55 15 50 T +55 15 51 T +55 15 52 D +55 15 53 L +55 15 54 N +55 15 55 J +55 15 56 B +55 15 57 J +55 15 58 T +55 15 59 G +55 15 60 N +55 15 61 L +55 15 62 G +55 15 63 L +55 15 64 J +55 15 65 L +55 15 66 D +55 15 67 N +55 15 68 B +55 15 69 N +55 15 70 D +55 15 71 L +55 15 72 N +55 15 73 L +55 15 74 N +55 15 75 N +55 15 76 P +55 15 77 N +55 15 78 B +55 15 79 L +55 15 80 J +55 15 81 N +55 15 82 J +55 15 83 P +55 15 84 P +55 15 85 N +55 15 86 L +55 15 87 K +55 15 88 L +55 15 89 K +55 15 90 N +55 15 91 P +55 15 92 D +55 15 93 J +55 15 94 K +55 15 95 D +55 15 96 P +55 15 97 J +55 15 98 L +55 15 99 J +55 15 100 N +55 15 101 L +55 15 102 D +55 15 103 N +55 15 104 J +55 15 105 L +55 15 106 P +55 15 107 D +55 15 108 J +55 15 109 J +55 15 110 P +55 15 111 J +55 15 112 L +55 15 113 K +55 15 114 N +55 15 115 L +55 15 116 D +55 15 117 T +55 15 118 L +55 15 119 N +55 15 120 D +55 15 121 L +55 15 122 N +55 15 123 J +55 15 124 N +55 15 125 L +55 15 126 J +55 15 127 N +55 15 128 P +55 15 129 D +55 15 130 K +55 15 131 L +55 15 132 L +55 15 133 N +55 15 134 L +55 15 135 L +55 15 136 N +55 15 137 N +55 15 138 J +55 15 139 D +55 15 140 N +55 15 141 D +55 15 142 D +55 15 143 N +55 15 144 J +55 15 145 N +55 15 146 P +55 15 147 N +55 15 148 L +55 15 149 N +55 15 150 L +55 15 151 L +55 15 152 B +55 15 153 J +55 15 154 K +55 15 155 K +55 15 156 N +55 15 157 L +55 15 158 D +55 15 159 P +55 15 160 B +55 15 161 N +55 15 162 L +55 15 163 N +55 15 164 J +55 15 165 K +55 15 166 J +55 15 167 D +55 15 168 N +55 15 169 J +55 15 170 J +55 15 171 N +55 15 172 D +55 15 173 L +55 15 174 P +55 15 175 J +55 15 176 L +55 15 177 P +55 15 178 J +55 15 179 L +55 15 180 N +55 15 181 P +55 15 182 L +55 15 183 T +55 15 184 L +55 15 185 P +55 15 186 J +55 15 187 P +55 15 188 J +55 15 189 B +55 15 190 L +55 15 191 N +55 15 192 N +55 15 193 P +55 15 194 L +55 15 195 N +55 15 196 N +55 15 197 B +55 15 198 K +55 15 199 B +55 15 200 N +55 15 201 L +55 15 202 N +55 15 203 L +55 15 204 J +55 15 205 J +55 15 206 B +55 15 207 L +55 15 208 T +55 15 209 N +55 15 210 J +55 15 211 J +55 15 212 P +55 15 213 J +55 15 214 N +55 15 215 P +55 15 216 N +55 15 217 L +55 15 218 N +55 15 219 D +55 15 220 D +55 15 221 D +55 15 222 L +55 15 223 N +55 15 224 D +55 15 225 N +55 15 226 J +55 15 227 T +55 15 228 J +55 15 229 N +55 15 230 D +55 15 231 J +55 15 232 N +55 15 233 J +55 15 234 N +55 15 235 J +55 15 236 N +55 15 237 L +55 15 238 N +55 15 239 L +55 15 240 L +55 15 241 D +55 15 242 P +55 15 243 L +55 15 244 D +55 15 245 L +55 15 246 N +55 15 247 J +55 15 248 N +55 15 249 N +55 15 250 L +55 15 251 N +55 15 252 D +55 15 253 N +55 15 254 J +55 15 255 J +55 15 256 L +55 15 257 J +55 15 258 P +55 15 259 L +55 15 260 P +55 15 261 L +55 15 262 D +55 15 263 D +55 15 264 J +55 15 265 N +55 15 266 L +55 15 267 L +55 15 268 N +55 15 269 B +55 15 270 P +55 15 271 N +55 15 272 D +55 15 273 L +55 15 274 D +55 15 275 N +55 15 276 L +55 15 277 J +55 15 278 L +55 15 279 J +55 15 280 N +55 15 281 N +55 15 282 N +55 15 283 J +55 15 284 D +55 15 285 L +55 15 286 D +55 15 287 P +55 15 288 L +55 15 289 N +55 15 290 D +55 15 291 J +55 15 292 L +55 15 293 D +55 15 294 D +55 15 295 J +55 15 296 L +55 15 297 P +55 15 298 L +55 15 299 N +55 15 300 D +55 15 301 N +55 15 302 D +55 15 303 D +55 15 304 N +55 15 305 L +55 15 306 N +55 15 307 J +55 15 308 L +55 15 309 N +55 15 310 N +55 15 311 J +55 15 312 K +55 15 313 J +55 15 314 D +55 15 315 N +55 15 316 J +55 15 317 L +55 15 318 P +55 15 319 D +55 15 320 J +55 15 321 L +55 15 322 J +55 15 323 N +55 15 324 D +55 15 325 L +55 15 326 P +55 15 327 D +55 15 328 N +55 15 329 T +55 15 330 J +55 16 1 N +55 16 2 N +55 16 3 L +55 16 4 K +55 16 5 N +55 16 6 B +55 16 7 N +55 16 8 L +55 16 9 T +55 16 10 J +55 16 11 K +55 16 12 P +55 16 13 N +55 16 14 N +55 16 15 B +55 16 16 D +55 16 17 L +55 16 18 K +55 16 19 N +55 16 20 B +55 16 21 L +55 16 22 D +55 16 23 N +55 16 24 K +55 16 25 N +55 16 26 J +55 16 27 D +55 16 28 L +55 16 29 B +55 16 30 L +55 16 31 K +55 16 32 J +55 16 33 N +55 16 34 N +55 16 35 L +55 16 36 K +55 16 37 J +55 16 38 L +55 16 39 N +55 16 40 N +55 16 41 L +55 16 42 K +55 16 43 K +55 16 44 D +55 16 45 N +55 16 46 K +55 16 47 K +55 16 48 L +55 16 49 B +55 16 50 J +55 16 51 K +55 16 52 D +55 16 53 L +55 16 54 N +55 16 55 N +55 16 56 P +55 16 57 N +55 16 58 L +55 16 59 D +55 16 60 K +55 16 61 L +55 16 62 D +55 16 63 P +55 16 64 N +55 16 65 L +55 16 66 D +55 16 67 B +55 16 68 L +55 16 69 K +55 16 70 D +55 16 71 T +55 16 72 N +55 16 73 J +55 16 74 D +55 16 75 K +55 16 76 P +55 16 77 N +55 16 78 B +55 16 79 K +55 16 80 N +55 16 81 N +55 16 82 J +55 16 83 B +55 16 84 B +55 16 85 N +55 16 86 L +55 16 87 K +55 16 88 J +55 16 89 K +55 16 90 N +55 16 91 B +55 16 92 B +55 16 93 N +55 16 94 J +55 16 95 B +55 16 96 P +55 16 97 J +55 16 98 L +55 16 99 B +55 16 100 B +55 16 101 L +55 16 102 D +55 16 103 K +55 16 104 N +55 16 105 L +55 16 106 B +55 16 107 D +55 16 108 D +55 16 109 J +55 16 110 P +55 16 111 K +55 16 112 L +55 16 113 K +55 16 114 N +55 16 115 L +55 16 116 D +55 16 117 K +55 16 118 B +55 16 119 N +55 16 120 D +55 16 121 L +55 16 122 N +55 16 123 J +55 16 124 P +55 16 125 L +55 16 126 B +55 16 127 K +55 16 128 J +55 16 129 D +55 16 130 K +55 16 131 J +55 16 132 L +55 16 133 N +55 16 134 K +55 16 135 P +55 16 136 N +55 16 137 N +55 16 138 D +55 16 139 D +55 16 140 J +55 16 141 D +55 16 142 D +55 16 143 J +55 16 144 J +55 16 145 N +55 16 146 P +55 16 147 J +55 16 148 L +55 16 149 P +55 16 150 J +55 16 151 L +55 16 152 B +55 16 153 N +55 16 154 K +55 16 155 K +55 16 156 N +55 16 157 K +55 16 158 D +55 16 159 D +55 16 160 B +55 16 161 N +55 16 162 L +55 16 163 N +55 16 164 J +55 16 165 K +55 16 166 K +55 16 167 D +55 16 168 N +55 16 169 N +55 16 170 K +55 16 171 N +55 16 172 D +55 16 173 L +55 16 174 P +55 16 175 D +55 16 176 N +55 16 177 P +55 16 178 J +55 16 179 T +55 16 180 N +55 16 181 P +55 16 182 T +55 16 183 N +55 16 184 J +55 16 185 G +55 16 186 G +55 16 187 P +55 16 188 N +55 16 189 D +55 16 190 B +55 16 191 N +55 16 192 J +55 16 193 P +55 16 194 K +55 16 195 N +55 16 196 B +55 16 197 P +55 16 198 K +55 16 199 D +55 16 200 N +55 16 201 P +55 16 202 N +55 16 203 L +55 16 204 K +55 16 205 N +55 16 206 D +55 16 207 B +55 16 208 T +55 16 209 N +55 16 210 T +55 16 211 P +55 16 212 P +55 16 213 B +55 16 214 P +55 16 215 L +55 16 216 K +55 16 217 P +55 16 218 P +55 16 219 D +55 16 220 J +55 16 221 D +55 16 222 J +55 16 223 N +55 16 224 B +55 16 225 T +55 16 226 N +55 16 227 K +55 16 228 J +55 16 229 B +55 16 230 D +55 16 231 J +55 16 232 K +55 16 233 J +55 16 234 N +55 16 235 J +55 16 236 N +55 16 237 P +55 16 238 N +55 16 239 B +55 16 240 L +55 16 241 B +55 16 242 D +55 16 243 J +55 16 244 L +55 16 245 N +55 16 246 N +55 16 247 J +55 16 248 K +55 16 249 N +55 16 250 J +55 16 251 N +55 16 252 D +55 16 253 N +55 16 254 T +55 16 255 K +55 16 256 L +55 16 257 N +55 16 258 P +55 16 259 L +55 16 260 D +55 16 261 P +55 16 262 D +55 16 263 K +55 16 264 B +55 16 265 N +55 16 266 L +55 16 267 J +55 16 268 N +55 16 269 L +55 16 270 P +55 16 271 K +55 16 272 D +55 16 273 J +55 16 274 D +55 16 275 P +55 16 276 L +55 16 277 N +55 16 278 P +55 16 279 J +55 16 280 N +55 16 281 N +55 16 282 N +55 16 283 T +55 16 284 D +55 16 285 B +55 16 286 D +55 16 287 T +55 16 288 L +55 16 289 J +55 16 290 B +55 16 291 J +55 16 292 B +55 16 293 D +55 16 294 D +55 16 295 T +55 16 296 J +55 16 297 P +55 16 298 L +55 16 299 N +55 16 300 D +55 16 301 N +55 16 302 B +55 16 303 J +55 16 304 N +55 16 305 L +55 16 306 N +55 16 307 J +55 16 308 B +55 16 309 K +55 16 310 N +55 16 311 J +55 16 312 K +55 16 313 K +55 16 314 D +55 16 315 N +55 16 316 N +55 16 317 L +55 16 318 P +55 16 319 B +55 16 320 N +55 16 321 L +55 16 322 N +55 16 323 N +55 16 324 D +55 16 325 J +55 16 326 P +55 16 327 D +55 16 328 K +55 16 329 T +55 16 330 D +55 17 1 H +55 17 2 H +55 17 3 L +55 17 4 G +55 17 5 H +55 17 6 T +55 17 7 N +55 17 8 L +55 17 9 T +55 17 10 J +55 17 11 N +55 17 12 P +55 17 13 N +55 17 14 N +55 17 15 T +55 17 16 D +55 17 17 L +55 17 18 K +55 17 19 N +55 17 20 N +55 17 21 L +55 17 22 P +55 17 23 J +55 17 24 K +55 17 25 N +55 17 26 H +55 17 27 D +55 17 28 L +55 17 29 N +55 17 30 T +55 17 31 N +55 17 32 G +55 17 33 N +55 17 34 N +55 17 35 G +55 17 36 N +55 17 37 K +55 17 38 L +55 17 39 N +55 17 40 N +55 17 41 L +55 17 42 G +55 17 43 K +55 17 44 D +55 17 45 N +55 17 46 K +55 17 47 N +55 17 48 T +55 17 49 N +55 17 50 G +55 17 51 T +55 17 52 D +55 17 53 L +55 17 54 N +55 17 55 N +55 17 56 T +55 17 57 N +55 17 58 T +55 17 59 D +55 17 60 N +55 17 61 L +55 17 62 P +55 17 63 G +55 17 64 N +55 17 65 L +55 17 66 D +55 17 67 N +55 17 68 G +55 17 69 N +55 17 70 D +55 17 71 T +55 17 72 N +55 17 73 T +55 17 74 N +55 17 75 N +55 17 76 L +55 17 77 N +55 17 78 T +55 17 79 K +55 17 80 N +55 17 81 N +55 17 82 N +55 17 83 T +55 17 84 T +55 17 85 N +55 17 86 H +55 17 87 K +55 17 88 G +55 17 89 K +55 17 90 N +55 17 91 H +55 17 92 D +55 17 93 N +55 17 94 K +55 17 95 N +55 17 96 P +55 17 97 J +55 17 98 L +55 17 99 P +55 17 100 N +55 17 101 T +55 17 102 D +55 17 103 H +55 17 104 N +55 17 105 G +55 17 106 P +55 17 107 D +55 17 108 D +55 17 109 G +55 17 110 P +55 17 111 N +55 17 112 L +55 17 113 K +55 17 114 N +55 17 115 L +55 17 116 N +55 17 117 G +55 17 118 G +55 17 119 N +55 17 120 D +55 17 121 L +55 17 122 N +55 17 123 N +55 17 124 G +55 17 125 G +55 17 126 T +55 17 127 K +55 17 128 D +55 17 129 D +55 17 130 K +55 17 131 G +55 17 132 L +55 17 133 N +55 17 134 T +55 17 135 L +55 17 136 N +55 17 137 N +55 17 138 N +55 17 139 D +55 17 140 N +55 17 141 D +55 17 142 D +55 17 143 H +55 17 144 G +55 17 145 N +55 17 146 P +55 17 147 N +55 17 148 L +55 17 149 N +55 17 150 T +55 17 151 T +55 17 152 T +55 17 153 N +55 17 154 K +55 17 155 K +55 17 156 N +55 17 157 T +55 17 158 D +55 17 159 D +55 17 160 T +55 17 161 N +55 17 162 L +55 17 163 N +55 17 164 N +55 17 165 D +55 17 166 K +55 17 167 G +55 17 168 N +55 17 169 N +55 17 170 N +55 17 171 N +55 17 172 D +55 17 173 L +55 17 174 G +55 17 175 H +55 17 176 L +55 17 177 D +55 17 178 N +55 17 179 T +55 17 180 N +55 17 181 H +55 17 182 T +55 17 183 T +55 17 184 T +55 17 185 T +55 17 186 N +55 17 187 G +55 17 188 N +55 17 189 H +55 17 190 G +55 17 191 N +55 17 192 G +55 17 193 P +55 17 194 G +55 17 195 H +55 17 196 H +55 17 197 T +55 17 198 K +55 17 199 D +55 17 200 N +55 17 201 T +55 17 202 N +55 17 203 L +55 17 204 J +55 17 205 J +55 17 206 D +55 17 207 L +55 17 208 T +55 17 209 N +55 17 210 T +55 17 211 N +55 17 212 T +55 17 213 H +55 17 214 H +55 17 215 G +55 17 216 K +55 17 217 P +55 17 218 H +55 17 219 N +55 17 220 J +55 17 221 H +55 17 222 G +55 17 223 N +55 17 224 D +55 17 225 T +55 17 226 N +55 17 227 K +55 17 228 K +55 17 229 N +55 17 230 D +55 17 231 P +55 17 232 H +55 17 233 T +55 17 234 N +55 17 235 N +55 17 236 H +55 17 237 D +55 17 238 N +55 17 239 L +55 17 240 L +55 17 241 D +55 17 242 D +55 17 243 J +55 17 244 D +55 17 245 L +55 17 246 N +55 17 247 G +55 17 248 K +55 17 249 N +55 17 250 P +55 17 251 N +55 17 252 D +55 17 253 N +55 17 254 D +55 17 255 K +55 17 256 L +55 17 257 N +55 17 258 P +55 17 259 L +55 17 260 D +55 17 261 P +55 17 262 D +55 17 263 D +55 17 264 N +55 17 265 N +55 17 266 P +55 17 267 G +55 17 268 N +55 17 269 J +55 17 270 P +55 17 271 N +55 17 272 D +55 17 273 P +55 17 274 D +55 17 275 N +55 17 276 L +55 17 277 K +55 17 278 P +55 17 279 J +55 17 280 N +55 17 281 N +55 17 282 N +55 17 283 G +55 17 284 D +55 17 285 G +55 17 286 D +55 17 287 H +55 17 288 L +55 17 289 N +55 17 290 D +55 17 291 N +55 17 292 D +55 17 293 D +55 17 294 D +55 17 295 H +55 17 296 J +55 17 297 P +55 17 298 L +55 17 299 N +55 17 300 D +55 17 301 N +55 17 302 D +55 17 303 D +55 17 304 G +55 17 305 G +55 17 306 N +55 17 307 N +55 17 308 P +55 17 309 K +55 17 310 N +55 17 311 N +55 17 312 K +55 17 313 J +55 17 314 D +55 17 315 N +55 17 316 N +55 17 317 G +55 17 318 H +55 17 319 D +55 17 320 J +55 17 321 L +55 17 322 G +55 17 323 N +55 17 324 D +55 17 325 P +55 17 326 P +55 17 327 D +55 17 328 N +55 17 329 T +55 17 330 D +55 18 1 J +55 18 2 B +55 18 3 G +55 18 4 J +55 18 5 B +55 18 6 R +55 18 7 N +55 18 8 L +55 18 9 P +55 18 10 J +55 18 11 N +55 18 12 P +55 18 13 N +55 18 14 J +55 18 15 R +55 18 16 D +55 18 17 B +55 18 18 K +55 18 19 J +55 18 20 N +55 18 21 G +55 18 22 P +55 18 23 J +55 18 24 R +55 18 25 J +55 18 26 J +55 18 27 D +55 18 28 D +55 18 29 N +55 18 30 P +55 18 31 B +55 18 32 B +55 18 33 B +55 18 34 J +55 18 35 B +55 18 36 N +55 18 37 B +55 18 38 B +55 18 39 N +55 18 40 N +55 18 41 L +55 18 42 P +55 18 43 J +55 18 44 B +55 18 45 N +55 18 46 D +55 18 47 J +55 18 48 P +55 18 49 B +55 18 50 J +55 18 51 R +55 18 52 D +55 18 53 B +55 18 54 N +55 18 55 B +55 18 56 B +55 18 57 N +55 18 58 B +55 18 59 B +55 18 60 B +55 18 61 L +55 18 62 B +55 18 63 G +55 18 64 J +55 18 65 G +55 18 66 D +55 18 67 N +55 18 68 B +55 18 69 R +55 18 70 B +55 18 71 J +55 18 72 N +55 18 73 B +55 18 74 B +55 18 75 N +55 18 76 P +55 18 77 B +55 18 78 B +55 18 79 B +55 18 80 J +55 18 81 N +55 18 82 B +55 18 83 P +55 18 84 J +55 18 85 N +55 18 86 P +55 18 87 K +55 18 88 J +55 18 89 D +55 18 90 D +55 18 91 P +55 18 92 D +55 18 93 J +55 18 94 K +55 18 95 P +55 18 96 P +55 18 97 J +55 18 98 B +55 18 99 B +55 18 100 B +55 18 101 J +55 18 102 B +55 18 103 R +55 18 104 R +55 18 105 J +55 18 106 P +55 18 107 D +55 18 108 G +55 18 109 G +55 18 110 P +55 18 111 N +55 18 112 L +55 18 113 K +55 18 114 N +55 18 115 B +55 18 116 B +55 18 117 K +55 18 118 B +55 18 119 N +55 18 120 D +55 18 121 P +55 18 122 N +55 18 123 N +55 18 124 B +55 18 125 P +55 18 126 B +55 18 127 J +55 18 128 P +55 18 129 D +55 18 130 J +55 18 131 J +55 18 132 P +55 18 133 N +55 18 134 J +55 18 135 J +55 18 136 N +55 18 137 N +55 18 138 J +55 18 139 R +55 18 140 J +55 18 141 D +55 18 142 D +55 18 143 G +55 18 144 G +55 18 145 B +55 18 146 B +55 18 147 P +55 18 148 L +55 18 149 R +55 18 150 J +55 18 151 P +55 18 152 R +55 18 153 J +55 18 154 R +55 18 155 D +55 18 156 N +55 18 157 G +55 18 158 D +55 18 159 P +55 18 160 B +55 18 161 B +55 18 162 L +55 18 163 N +55 18 164 J +55 18 165 R +55 18 166 J +55 18 167 R +55 18 168 N +55 18 169 J +55 18 170 R +55 18 171 R +55 18 172 D +55 18 173 B +55 18 174 P +55 18 175 B +55 18 176 G +55 18 177 P +55 18 178 J +55 18 179 G +55 18 180 N +55 18 181 P +55 18 182 J +55 18 183 R +55 18 184 R +55 18 185 R +55 18 186 R +55 18 187 P +55 18 188 J +55 18 189 R +55 18 190 R +55 18 191 N +55 18 192 R +55 18 193 P +55 18 194 J +55 18 195 N +55 18 196 R +55 18 197 R +55 18 198 D +55 18 199 D +55 18 200 J +55 18 201 P +55 18 202 N +55 18 203 J +55 18 204 D +55 18 205 J +55 18 206 D +55 18 207 G +55 18 208 P +55 18 209 N +55 18 210 J +55 18 211 N +55 18 212 P +55 18 213 J +55 18 214 P +55 18 215 R +55 18 216 G +55 18 217 P +55 18 218 B +55 18 219 B +55 18 220 B +55 18 221 B +55 18 222 J +55 18 223 N +55 18 224 D +55 18 225 P +55 18 226 J +55 18 227 K +55 18 228 J +55 18 229 G +55 18 230 B +55 18 231 B +55 18 232 R +55 18 233 R +55 18 234 N +55 18 235 J +55 18 236 B +55 18 237 B +55 18 238 N +55 18 239 G +55 18 240 G +55 18 241 D +55 18 242 P +55 18 243 J +55 18 244 D +55 18 245 G +55 18 246 N +55 18 247 J +55 18 248 B +55 18 249 B +55 18 250 J +55 18 251 G +55 18 252 R +55 18 253 R +55 18 254 R +55 18 255 K +55 18 256 B +55 18 257 J +55 18 258 P +55 18 259 R +55 18 260 R +55 18 261 R +55 18 262 D +55 18 263 R +55 18 264 R +55 18 265 N +55 18 266 G +55 18 267 J +55 18 268 N +55 18 269 R +55 18 270 P +55 18 271 N +55 18 272 D +55 18 273 R +55 18 274 D +55 18 275 P +55 18 276 G +55 18 277 J +55 18 278 P +55 18 279 J +55 18 280 R +55 18 281 N +55 18 282 N +55 18 283 G +55 18 284 D +55 18 285 N +55 18 286 D +55 18 287 P +55 18 288 G +55 18 289 R +55 18 290 R +55 18 291 J +55 18 292 R +55 18 293 R +55 18 294 R +55 18 295 T +55 18 296 J +55 18 297 P +55 18 298 L +55 18 299 N +55 18 300 D +55 18 301 B +55 18 302 R +55 18 303 R +55 18 304 T +55 18 305 J +55 18 306 R +55 18 307 J +55 18 308 R +55 18 309 T +55 18 310 N +55 18 311 J +55 18 312 K +55 18 313 J +55 18 314 D +55 18 315 B +55 18 316 B +55 18 317 B +55 18 318 P +55 18 319 D +55 18 320 T +55 18 321 G +55 18 322 J +55 18 323 N +55 18 324 B +55 18 325 J +55 18 326 P +55 18 327 B +55 18 328 N +55 18 329 R +55 18 330 R +55 19 1 T +55 19 2 B +55 19 3 G +55 19 4 T +55 19 5 N +55 19 6 B +55 19 7 N +55 19 8 T +55 19 9 B +55 19 10 J +55 19 11 B +55 19 12 B +55 19 13 N +55 19 14 J +55 19 15 B +55 19 16 D +55 19 17 B +55 19 18 T +55 19 19 N +55 19 20 N +55 19 21 B +55 19 22 T +55 19 23 B +55 19 24 T +55 19 25 N +55 19 26 N +55 19 27 D +55 19 28 T +55 19 29 N +55 19 30 T +55 19 31 D +55 19 32 B +55 19 33 N +55 19 34 N +55 19 35 T +55 19 36 N +55 19 37 B +55 19 38 T +55 19 39 N +55 19 40 B +55 19 41 N +55 19 42 T +55 19 43 K +55 19 44 D +55 19 45 N +55 19 46 B +55 19 47 N +55 19 48 T +55 19 49 N +55 19 50 N +55 19 51 B +55 19 52 D +55 19 53 P +55 19 54 N +55 19 55 B +55 19 56 B +55 19 57 N +55 19 58 T +55 19 59 B +55 19 60 N +55 19 61 L +55 19 62 B +55 19 63 B +55 19 64 N +55 19 65 B +55 19 66 D +55 19 67 N +55 19 68 T +55 19 69 T +55 19 70 D +55 19 71 B +55 19 72 N +55 19 73 T +55 19 74 D +55 19 75 N +55 19 76 B +55 19 77 N +55 19 78 B +55 19 79 K +55 19 80 N +55 19 81 P +55 19 82 B +55 19 83 B +55 19 84 B +55 19 85 N +55 19 86 T +55 19 87 K +55 19 88 N +55 19 89 J +55 19 90 J +55 19 91 P +55 19 92 D +55 19 93 N +55 19 94 K +55 19 95 D +55 19 96 P +55 19 97 N +55 19 98 B +55 19 99 G +55 19 100 N +55 19 101 G +55 19 102 D +55 19 103 P +55 19 104 T +55 19 105 N +55 19 106 P +55 19 107 D +55 19 108 D +55 19 109 P +55 19 110 G +55 19 111 H +55 19 112 G +55 19 113 K +55 19 114 J +55 19 115 G +55 19 116 D +55 19 117 B +55 19 118 G +55 19 119 N +55 19 120 D +55 19 121 B +55 19 122 N +55 19 123 D +55 19 124 P +55 19 125 G +55 19 126 G +55 19 127 K +55 19 128 J +55 19 129 D +55 19 130 J +55 19 131 J +55 19 132 G +55 19 133 J +55 19 134 T +55 19 135 J +55 19 136 N +55 19 137 N +55 19 138 B +55 19 139 D +55 19 140 J +55 19 141 D +55 19 142 D +55 19 143 P +55 19 144 J +55 19 145 P +55 19 146 B +55 19 147 N +55 19 148 L +55 19 149 P +55 19 150 J +55 19 151 B +55 19 152 B +55 19 153 N +55 19 154 K +55 19 155 B +55 19 156 N +55 19 157 T +55 19 158 D +55 19 159 P +55 19 160 P +55 19 161 N +55 19 162 L +55 19 163 N +55 19 164 T +55 19 165 T +55 19 166 K +55 19 167 P +55 19 168 N +55 19 169 N +55 19 170 K +55 19 171 T +55 19 172 D +55 19 173 B +55 19 174 B +55 19 175 D +55 19 176 T +55 19 177 T +55 19 178 N +55 19 179 G +55 19 180 N +55 19 181 G +55 19 182 P +55 19 183 T +55 19 184 L +55 19 185 G +55 19 186 D +55 19 187 G +55 19 188 N +55 19 189 D +55 19 190 P +55 19 191 N +55 19 192 B +55 19 193 G +55 19 194 G +55 19 195 N +55 19 196 P +55 19 197 G +55 19 198 K +55 19 199 D +55 19 200 P +55 19 201 B +55 19 202 N +55 19 203 G +55 19 204 K +55 19 205 J +55 19 206 D +55 19 207 P +55 19 208 B +55 19 209 N +55 19 210 G +55 19 211 G +55 19 212 B +55 19 213 D +55 19 214 P +55 19 215 B +55 19 216 J +55 19 217 B +55 19 218 T +55 19 219 D +55 19 220 G +55 19 221 D +55 19 222 G +55 19 223 N +55 19 224 D +55 19 225 B +55 19 226 N +55 19 227 K +55 19 228 J +55 19 229 B +55 19 230 G +55 19 231 G +55 19 232 T +55 19 233 J +55 19 234 N +55 19 235 N +55 19 236 B +55 19 237 B +55 19 238 N +55 19 239 G +55 19 240 T +55 19 241 D +55 19 242 T +55 19 243 J +55 19 244 D +55 19 245 P +55 19 246 G +55 19 247 T +55 19 248 J +55 19 249 J +55 19 250 G +55 19 251 G +55 19 252 D +55 19 253 N +55 19 254 J +55 19 255 K +55 19 256 G +55 19 257 J +55 19 258 G +55 19 259 P +55 19 260 D +55 19 261 G +55 19 262 D +55 19 263 K +55 19 264 K +55 19 265 N +55 19 266 G +55 19 267 G +55 19 268 N +55 19 269 P +55 19 270 G +55 19 271 T +55 19 272 J +55 19 273 D +55 19 274 P +55 19 275 D +55 19 276 P +55 19 277 L +55 19 278 J +55 19 279 J +55 19 280 T +55 19 281 N +55 19 282 N +55 19 283 B +55 19 284 D +55 19 285 B +55 19 286 D +55 19 287 T +55 19 288 L +55 19 289 N +55 19 290 B +55 19 291 N +55 19 292 B +55 19 293 D +55 19 294 D +55 19 295 T +55 19 296 J +55 19 297 B +55 19 298 L +55 19 299 N +55 19 300 D +55 19 301 N +55 19 302 B +55 19 303 D +55 19 304 T +55 19 305 J +55 19 306 N +55 19 307 N +55 19 308 B +55 19 309 T +55 19 310 N +55 19 311 J +55 19 312 K +55 19 313 J +55 19 314 D +55 19 315 N +55 19 316 J +55 19 317 G +55 19 318 T +55 19 319 D +55 19 320 T +55 19 321 G +55 19 322 T +55 19 323 N +55 19 324 D +55 19 325 G +55 19 326 P +55 19 327 D +55 19 328 N +55 19 329 T +55 19 330 D +55 20 1 N +55 20 2 B +55 20 3 L +55 20 4 J +55 20 5 N +55 20 6 P +55 20 7 N +55 20 8 L +55 20 9 T +55 20 10 N +55 20 11 N +55 20 12 P +55 20 13 N +55 20 14 N +55 20 15 B +55 20 16 D +55 20 17 G +55 20 18 K +55 20 19 N +55 20 20 N +55 20 21 L +55 20 22 B +55 20 23 L +55 20 24 T +55 20 25 N +55 20 26 N +55 20 27 D +55 20 28 L +55 20 29 N +55 20 30 T +55 20 31 N +55 20 32 L +55 20 33 N +55 20 34 N +55 20 35 B +55 20 36 L +55 20 37 N +55 20 38 L +55 20 39 N +55 20 40 N +55 20 41 L +55 20 42 T +55 20 43 N +55 20 44 D +55 20 45 N +55 20 46 T +55 20 47 T +55 20 48 L +55 20 49 N +55 20 50 L +55 20 51 T +55 20 52 D +55 20 53 L +55 20 54 N +55 20 55 N +55 20 56 L +55 20 57 N +55 20 58 T +55 20 59 N +55 20 60 N +55 20 61 L +55 20 62 B +55 20 63 L +55 20 64 N +55 20 65 L +55 20 66 D +55 20 67 N +55 20 68 L +55 20 69 T +55 20 70 D +55 20 71 T +55 20 72 N +55 20 73 L +55 20 74 B +55 20 75 T +55 20 76 L +55 20 77 N +55 20 78 B +55 20 79 T +55 20 80 N +55 20 81 T +55 20 82 N +55 20 83 B +55 20 84 L +55 20 85 N +55 20 86 L +55 20 87 T +55 20 88 L +55 20 89 T +55 20 90 T +55 20 91 P +55 20 92 B +55 20 93 N +55 20 94 T +55 20 95 B +55 20 96 P +55 20 97 J +55 20 98 L +55 20 99 T +55 20 100 N +55 20 101 L +55 20 102 B +55 20 103 T +55 20 104 N +55 20 105 L +55 20 106 B +55 20 107 D +55 20 108 N +55 20 109 N +55 20 110 P +55 20 111 T +55 20 112 L +55 20 113 T +55 20 114 N +55 20 115 L +55 20 116 B +55 20 117 T +55 20 118 L +55 20 119 N +55 20 120 D +55 20 121 L +55 20 122 N +55 20 123 N +55 20 124 P +55 20 125 L +55 20 126 L +55 20 127 N +55 20 128 P +55 20 129 D +55 20 130 T +55 20 131 L +55 20 132 L +55 20 133 N +55 20 134 T +55 20 135 L +55 20 136 N +55 20 137 N +55 20 138 N +55 20 139 B +55 20 140 N +55 20 141 D +55 20 142 B +55 20 143 P +55 20 144 J +55 20 145 N +55 20 146 P +55 20 147 N +55 20 148 L +55 20 149 N +55 20 150 L +55 20 151 J +55 20 152 P +55 20 153 B +55 20 154 N +55 20 155 T +55 20 156 L +55 20 157 T +55 20 158 D +55 20 159 P +55 20 160 L +55 20 161 N +55 20 162 L +55 20 163 N +55 20 164 N +55 20 165 T +55 20 166 J +55 20 167 B +55 20 168 N +55 20 169 N +55 20 170 T +55 20 171 T +55 20 172 D +55 20 173 L +55 20 174 P +55 20 175 N +55 20 176 L +55 20 177 P +55 20 178 J +55 20 179 T +55 20 180 N +55 20 181 T +55 20 182 J +55 20 183 T +55 20 184 L +55 20 185 P +55 20 186 N +55 20 187 N +55 20 188 L +55 20 189 D +55 20 190 L +55 20 191 N +55 20 192 L +55 20 193 P +55 20 194 L +55 20 195 N +55 20 196 N +55 20 197 L +55 20 198 T +55 20 199 B +55 20 200 N +55 20 201 L +55 20 202 N +55 20 203 L +55 20 204 T +55 20 205 J +55 20 206 D +55 20 207 L +55 20 208 T +55 20 209 N +55 20 210 T +55 20 211 N +55 20 212 L +55 20 213 B +55 20 214 P +55 20 215 L +55 20 216 T +55 20 217 B +55 20 218 P +55 20 219 B +55 20 220 N +55 20 221 D +55 20 222 J +55 20 223 N +55 20 224 D +55 20 225 P +55 20 226 N +55 20 227 T +55 20 228 N +55 20 229 N +55 20 230 B +55 20 231 L +55 20 232 T +55 20 233 B +55 20 234 N +55 20 235 J +55 20 236 P +55 20 237 L +55 20 238 N +55 20 239 L +55 20 240 L +55 20 241 D +55 20 242 P +55 20 243 L +55 20 244 B +55 20 245 L +55 20 246 N +55 20 247 B +55 20 248 T +55 20 249 N +55 20 250 L +55 20 251 N +55 20 252 D +55 20 253 N +55 20 254 N +55 20 255 T +55 20 256 L +55 20 257 N +55 20 258 P +55 20 259 L +55 20 260 B +55 20 261 T +55 20 262 D +55 20 263 B +55 20 264 B +55 20 265 N +55 20 266 L +55 20 267 J +55 20 268 N +55 20 269 L +55 20 270 P +55 20 271 N +55 20 272 D +55 20 273 L +55 20 274 D +55 20 275 P +55 20 276 L +55 20 277 N +55 20 278 L +55 20 279 N +55 20 280 N +55 20 281 N +55 20 282 N +55 20 283 T +55 20 284 B +55 20 285 L +55 20 286 D +55 20 287 T +55 20 288 L +55 20 289 N +55 20 290 B +55 20 291 N +55 20 292 B +55 20 293 D +55 20 294 D +55 20 295 T +55 20 296 J +55 20 297 P +55 20 298 L +55 20 299 N +55 20 300 B +55 20 301 N +55 20 302 D +55 20 303 B +55 20 304 T +55 20 305 L +55 20 306 P +55 20 307 N +55 20 308 L +55 20 309 T +55 20 310 N +55 20 311 N +55 20 312 T +55 20 313 J +55 20 314 D +55 20 315 N +55 20 316 N +55 20 317 J +55 20 318 P +55 20 319 D +55 20 320 T +55 20 321 L +55 20 322 N +55 20 323 N +55 20 324 D +55 20 325 L +55 20 326 P +55 20 327 B +55 20 328 N +55 20 329 T +55 20 330 B +55 21 1 J +55 21 2 N +55 21 3 L +55 21 4 J +55 21 5 N +55 21 6 L +55 21 7 N +55 21 8 L +55 21 9 B +55 21 10 K +55 21 11 K +55 21 12 P +55 21 13 N +55 21 14 K +55 21 15 L +55 21 16 D +55 21 17 L +55 21 18 K +55 21 19 N +55 21 20 N +55 21 21 L +55 21 22 P +55 21 23 J +55 21 24 K +55 21 25 N +55 21 26 K +55 21 27 D +55 21 28 L +55 21 29 N +55 21 30 P +55 21 31 N +55 21 32 L +55 21 33 N +55 21 34 K +55 21 35 L +55 21 36 K +55 21 37 K +55 21 38 L +55 21 39 N +55 21 40 N +55 21 41 L +55 21 42 J +55 21 43 K +55 21 44 D +55 21 45 N +55 21 46 K +55 21 47 K +55 21 48 J +55 21 49 N +55 21 50 K +55 21 51 K +55 21 52 D +55 21 53 L +55 21 54 N +55 21 55 N +55 21 56 L +55 21 57 K +55 21 58 K +55 21 59 D +55 21 60 K +55 21 61 L +55 21 62 J +55 21 63 L +55 21 64 K +55 21 65 L +55 21 66 D +55 21 67 N +55 21 68 L +55 21 69 K +55 21 70 D +55 21 71 J +55 21 72 N +55 21 73 J +55 21 74 N +55 21 75 K +55 21 76 L +55 21 77 N +55 21 78 D +55 21 79 K +55 21 80 J +55 21 81 N +55 21 82 N +55 21 83 D +55 21 84 D +55 21 85 N +55 21 86 L +55 21 87 K +55 21 88 L +55 21 89 K +55 21 90 K +55 21 91 P +55 21 92 D +55 21 93 K +55 21 94 K +55 21 95 D +55 21 96 P +55 21 97 J +55 21 98 L +55 21 99 P +55 21 100 N +55 21 101 J +55 21 102 D +55 21 103 K +55 21 104 N +55 21 105 L +55 21 106 P +55 21 107 D +55 21 108 N +55 21 109 K +55 21 110 P +55 21 111 N +55 21 112 L +55 21 113 K +55 21 114 K +55 21 115 J +55 21 116 D +55 21 117 K +55 21 118 L +55 21 119 N +55 21 120 D +55 21 121 L +55 21 122 N +55 21 123 J +55 21 124 P +55 21 125 L +55 21 126 L +55 21 127 K +55 21 128 P +55 21 129 D +55 21 130 K +55 21 131 J +55 21 132 L +55 21 133 N +55 21 134 K +55 21 135 L +55 21 136 N +55 21 137 K +55 21 138 J +55 21 139 D +55 21 140 K +55 21 141 D +55 21 142 D +55 21 143 N +55 21 144 K +55 21 145 N +55 21 146 P +55 21 147 N +55 21 148 L +55 21 149 N +55 21 150 K +55 21 151 L +55 21 152 L +55 21 153 J +55 21 154 K +55 21 155 K +55 21 156 N +55 21 157 K +55 21 158 D +55 21 159 P +55 21 160 L +55 21 161 N +55 21 162 L +55 21 163 K +55 21 164 K +55 21 165 K +55 21 166 K +55 21 167 D +55 21 168 N +55 21 169 J +55 21 170 K +55 21 171 K +55 21 172 D +55 21 173 L +55 21 174 P +55 21 175 J +55 21 176 L +55 21 177 P +55 21 178 J +55 21 179 L +55 21 180 N +55 21 181 P +55 21 182 L +55 21 183 K +55 21 184 J +55 21 185 L +55 21 186 N +55 21 187 L +55 21 188 J +55 21 189 D +55 21 190 L +55 21 191 N +55 21 192 J +55 21 193 P +55 21 194 K +55 21 195 N +55 21 196 N +55 21 197 J +55 21 198 K +55 21 199 D +55 21 200 J +55 21 201 L +55 21 202 N +55 21 203 L +55 21 204 K +55 21 205 K +55 21 206 D +55 21 207 L +55 21 208 J +55 21 209 K +55 21 210 K +55 21 211 N +55 21 212 L +55 21 213 K +55 21 214 P +55 21 215 L +55 21 216 K +55 21 217 L +55 21 218 J +55 21 219 N +55 21 220 K +55 21 221 D +55 21 222 J +55 21 223 N +55 21 224 D +55 21 225 N +55 21 226 K +55 21 227 K +55 21 228 K +55 21 229 N +55 21 230 D +55 21 231 L +55 21 232 K +55 21 233 K +55 21 234 N +55 21 235 J +55 21 236 N +55 21 237 L +55 21 238 N +55 21 239 L +55 21 240 K +55 21 241 D +55 21 242 D +55 21 243 K +55 21 244 D +55 21 245 L +55 21 246 N +55 21 247 J +55 21 248 K +55 21 249 N +55 21 250 K +55 21 251 N +55 21 252 D +55 21 253 N +55 21 254 K +55 21 255 K +55 21 256 L +55 21 257 K +55 21 258 J +55 21 259 L +55 21 260 D +55 21 261 L +55 21 262 D +55 21 263 K +55 21 264 K +55 21 265 N +55 21 266 L +55 21 267 J +55 21 268 N +55 21 269 L +55 21 270 P +55 21 271 K +55 21 272 D +55 21 273 L +55 21 274 D +55 21 275 J +55 21 276 L +55 21 277 K +55 21 278 L +55 21 279 K +55 21 280 N +55 21 281 N +55 21 282 N +55 21 283 K +55 21 284 D +55 21 285 L +55 21 286 D +55 21 287 K +55 21 288 L +55 21 289 N +55 21 290 D +55 21 291 K +55 21 292 L +55 21 293 D +55 21 294 D +55 21 295 K +55 21 296 K +55 21 297 P +55 21 298 L +55 21 299 N +55 21 300 K +55 21 301 N +55 21 302 D +55 21 303 D +55 21 304 N +55 21 305 J +55 21 306 N +55 21 307 K +55 21 308 J +55 21 309 K +55 21 310 N +55 21 311 J +55 21 312 K +55 21 313 K +55 21 314 D +55 21 315 N +55 21 316 N +55 21 317 L +55 21 318 N +55 21 319 D +55 21 320 K +55 21 321 L +55 21 322 J +55 21 323 K +55 21 324 D +55 21 325 J +55 21 326 P +55 21 327 D +55 21 328 K +55 21 329 K +55 21 330 D +55 22 1 J +55 22 2 R +55 22 3 L +55 22 4 L +55 22 5 N +55 22 6 R +55 22 7 N +55 22 8 L +55 22 9 L +55 22 10 K +55 22 11 K +55 22 12 P +55 22 13 N +55 22 14 J +55 22 15 R +55 22 16 D +55 22 17 L +55 22 18 K +55 22 19 N +55 22 20 N +55 22 21 L +55 22 22 P +55 22 23 R +55 22 24 K +55 22 25 N +55 22 26 J +55 22 27 D +55 22 28 L +55 22 29 N +55 22 30 L +55 22 31 R +55 22 32 L +55 22 33 N +55 22 34 J +55 22 35 L +55 22 36 N +55 22 37 J +55 22 38 L +55 22 39 N +55 22 40 J +55 22 41 L +55 22 42 P +55 22 43 J +55 22 44 D +55 22 45 N +55 22 46 K +55 22 47 N +55 22 48 P +55 22 49 R +55 22 50 L +55 22 51 K +55 22 52 D +55 22 53 L +55 22 54 P +55 22 55 N +55 22 56 R +55 22 57 N +55 22 58 P +55 22 59 D +55 22 60 N +55 22 61 L +55 22 62 R +55 22 63 L +55 22 64 J +55 22 65 L +55 22 66 D +55 22 67 P +55 22 68 L +55 22 69 N +55 22 70 D +55 22 71 L +55 22 72 P +55 22 73 L +55 22 74 D +55 22 75 K +55 22 76 L +55 22 77 N +55 22 78 D +55 22 79 K +55 22 80 J +55 22 81 N +55 22 82 N +55 22 83 D +55 22 84 L +55 22 85 N +55 22 86 L +55 22 87 K +55 22 88 L +55 22 89 K +55 22 90 N +55 22 91 P +55 22 92 D +55 22 93 N +55 22 94 K +55 22 95 D +55 22 96 P +55 22 97 N +55 22 98 L +55 22 99 R +55 22 100 N +55 22 101 L +55 22 102 K +55 22 103 K +55 22 104 R +55 22 105 L +55 22 106 P +55 22 107 D +55 22 108 N +55 22 109 N +55 22 110 P +55 22 111 K +55 22 112 L +55 22 113 K +55 22 114 N +55 22 115 L +55 22 116 D +55 22 117 K +55 22 118 L +55 22 119 N +55 22 120 D +55 22 121 L +55 22 122 N +55 22 123 J +55 22 124 P +55 22 125 P +55 22 126 L +55 22 127 K +55 22 128 P +55 22 129 D +55 22 130 K +55 22 131 L +55 22 132 L +55 22 133 N +55 22 134 K +55 22 135 L +55 22 136 N +55 22 137 N +55 22 138 R +55 22 139 D +55 22 140 N +55 22 141 D +55 22 142 D +55 22 143 N +55 22 144 J +55 22 145 N +55 22 146 P +55 22 147 N +55 22 148 L +55 22 149 D +55 22 150 L +55 22 151 R +55 22 152 L +55 22 153 J +55 22 154 D +55 22 155 K +55 22 156 N +55 22 157 K +55 22 158 D +55 22 159 D +55 22 160 R +55 22 161 N +55 22 162 L +55 22 163 N +55 22 164 J +55 22 165 D +55 22 166 N +55 22 167 R +55 22 168 N +55 22 169 J +55 22 170 N +55 22 171 N +55 22 172 D +55 22 173 L +55 22 174 P +55 22 175 D +55 22 176 L +55 22 177 P +55 22 178 J +55 22 179 L +55 22 180 N +55 22 181 P +55 22 182 L +55 22 183 K +55 22 184 L +55 22 185 P +55 22 186 R +55 22 187 P +55 22 188 J +55 22 189 D +55 22 190 R +55 22 191 N +55 22 192 R +55 22 193 P +55 22 194 L +55 22 195 N +55 22 196 D +55 22 197 R +55 22 198 K +55 22 199 D +55 22 200 R +55 22 201 L +55 22 202 N +55 22 203 L +55 22 204 K +55 22 205 R +55 22 206 D +55 22 207 L +55 22 208 P +55 22 209 N +55 22 210 K +55 22 211 J +55 22 212 L +55 22 213 D +55 22 214 P +55 22 215 L +55 22 216 K +55 22 217 D +55 22 218 P +55 22 219 D +55 22 220 R +55 22 221 D +55 22 222 L +55 22 223 N +55 22 224 D +55 22 225 P +55 22 226 N +55 22 227 K +55 22 228 J +55 22 229 R +55 22 230 D +55 22 231 L +55 22 232 P +55 22 233 R +55 22 234 N +55 22 235 J +55 22 236 N +55 22 237 D +55 22 238 N +55 22 239 L +55 22 240 L +55 22 241 D +55 22 242 D +55 22 243 L +55 22 244 D +55 22 245 L +55 22 246 J +55 22 247 R +55 22 248 N +55 22 249 N +55 22 250 J +55 22 251 N +55 22 252 D +55 22 253 N +55 22 254 D +55 22 255 K +55 22 256 L +55 22 257 J +55 22 258 P +55 22 259 L +55 22 260 D +55 22 261 P +55 22 262 D +55 22 263 K +55 22 264 D +55 22 265 N +55 22 266 L +55 22 267 L +55 22 268 N +55 22 269 L +55 22 270 P +55 22 271 N +55 22 272 D +55 22 273 L +55 22 274 D +55 22 275 P +55 22 276 N +55 22 277 J +55 22 278 L +55 22 279 J +55 22 280 N +55 22 281 N +55 22 282 N +55 22 283 K +55 22 284 D +55 22 285 R +55 22 286 D +55 22 287 N +55 22 288 L +55 22 289 R +55 22 290 D +55 22 291 J +55 22 292 L +55 22 293 D +55 22 294 D +55 22 295 L +55 22 296 L +55 22 297 P +55 22 298 L +55 22 299 N +55 22 300 D +55 22 301 N +55 22 302 D +55 22 303 D +55 22 304 N +55 22 305 L +55 22 306 P +55 22 307 J +55 22 308 L +55 22 309 K +55 22 310 N +55 22 311 J +55 22 312 K +55 22 313 J +55 22 314 D +55 22 315 N +55 22 316 J +55 22 317 L +55 22 318 R +55 22 319 D +55 22 320 N +55 22 321 L +55 22 322 J +55 22 323 N +55 22 324 D +55 22 325 L +55 22 326 P +55 22 327 D +55 22 328 N +55 22 329 K +55 22 330 D +55 23 1 N +55 23 2 P +55 23 3 L +55 23 4 J +55 23 5 P +55 23 6 P +55 23 7 N +55 23 8 J +55 23 9 K +55 23 10 J +55 23 11 K +55 23 12 P +55 23 13 N +55 23 14 K +55 23 15 D +55 23 16 D +55 23 17 P +55 23 18 K +55 23 19 N +55 23 20 N +55 23 21 L +55 23 22 P +55 23 23 K +55 23 24 K +55 23 25 J +55 23 26 J +55 23 27 D +55 23 28 P +55 23 29 J +55 23 30 L +55 23 31 D +55 23 32 P +55 23 33 N +55 23 34 J +55 23 35 N +55 23 36 K +55 23 37 J +55 23 38 N +55 23 39 J +55 23 40 J +55 23 41 L +55 23 42 P +55 23 43 K +55 23 44 D +55 23 45 N +55 23 46 K +55 23 47 J +55 23 48 N +55 23 49 N +55 23 50 K +55 23 51 K +55 23 52 D +55 23 53 P +55 23 54 P +55 23 55 J +55 23 56 L +55 23 57 J +55 23 58 P +55 23 59 D +55 23 60 J +55 23 61 L +55 23 62 J +55 23 63 P +55 23 64 N +55 23 65 L +55 23 66 D +55 23 67 P +55 23 68 N +55 23 69 J +55 23 70 D +55 23 71 N +55 23 72 J +55 23 73 N +55 23 74 D +55 23 75 J +55 23 76 L +55 23 77 N +55 23 78 R +55 23 79 D +55 23 80 N +55 23 81 N +55 23 82 N +55 23 83 R +55 23 84 L +55 23 85 N +55 23 86 L +55 23 87 K +55 23 88 N +55 23 89 K +55 23 90 N +55 23 91 N +55 23 92 D +55 23 93 N +55 23 94 K +55 23 95 D +55 23 96 P +55 23 97 K +55 23 98 L +55 23 99 N +55 23 100 D +55 23 101 N +55 23 102 D +55 23 103 N +55 23 104 D +55 23 105 N +55 23 106 P +55 23 107 D +55 23 108 D +55 23 109 N +55 23 110 L +55 23 111 K +55 23 112 L +55 23 113 K +55 23 114 N +55 23 115 L +55 23 116 D +55 23 117 K +55 23 118 P +55 23 119 N +55 23 120 D +55 23 121 L +55 23 122 N +55 23 123 K +55 23 124 P +55 23 125 L +55 23 126 P +55 23 127 K +55 23 128 P +55 23 129 D +55 23 130 K +55 23 131 N +55 23 132 L +55 23 133 N +55 23 134 K +55 23 135 L +55 23 136 N +55 23 137 N +55 23 138 D +55 23 139 D +55 23 140 N +55 23 141 D +55 23 142 D +55 23 143 P +55 23 144 N +55 23 145 N +55 23 146 P +55 23 147 J +55 23 148 L +55 23 149 N +55 23 150 K +55 23 151 L +55 23 152 J +55 23 153 N +55 23 154 K +55 23 155 K +55 23 156 J +55 23 157 K +55 23 158 D +55 23 159 N +55 23 160 J +55 23 161 N +55 23 162 L +55 23 163 N +55 23 164 N +55 23 165 J +55 23 166 K +55 23 167 J +55 23 168 N +55 23 169 J +55 23 170 K +55 23 171 N +55 23 172 D +55 23 173 L +55 23 174 P +55 23 175 D +55 23 176 L +55 23 177 P +55 23 178 K +55 23 179 J +55 23 180 N +55 23 181 J +55 23 182 K +55 23 183 J +55 23 184 K +55 23 185 J +55 23 186 N +55 23 187 L +55 23 188 J +55 23 189 D +55 23 190 J +55 23 191 N +55 23 192 J +55 23 193 P +55 23 194 J +55 23 195 N +55 23 196 N +55 23 197 J +55 23 198 K +55 23 199 D +55 23 200 D +55 23 201 N +55 23 202 N +55 23 203 L +55 23 204 K +55 23 205 J +55 23 206 D +55 23 207 N +55 23 208 P +55 23 209 J +55 23 210 N +55 23 211 J +55 23 212 L +55 23 213 D +55 23 214 N +55 23 215 J +55 23 216 K +55 23 217 L +55 23 218 P +55 23 219 D +55 23 220 N +55 23 221 D +55 23 222 K +55 23 223 J +55 23 224 D +55 23 225 N +55 23 226 K +55 23 227 K +55 23 228 K +55 23 229 N +55 23 230 D +55 23 231 P +55 23 232 K +55 23 233 K +55 23 234 N +55 23 235 K +55 23 236 N +55 23 237 P +55 23 238 N +55 23 239 L +55 23 240 P +55 23 241 D +55 23 242 P +55 23 243 L +55 23 244 D +55 23 245 L +55 23 246 N +55 23 247 K +55 23 248 K +55 23 249 K +55 23 250 N +55 23 251 P +55 23 252 D +55 23 253 N +55 23 254 D +55 23 255 K +55 23 256 L +55 23 257 K +55 23 258 P +55 23 259 L +55 23 260 D +55 23 261 P +55 23 262 D +55 23 263 K +55 23 264 D +55 23 265 N +55 23 266 L +55 23 267 N +55 23 268 N +55 23 269 J +55 23 270 L +55 23 271 N +55 23 272 D +55 23 273 N +55 23 274 D +55 23 275 P +55 23 276 L +55 23 277 K +55 23 278 L +55 23 279 K +55 23 280 J +55 23 281 N +55 23 282 N +55 23 283 J +55 23 284 D +55 23 285 N +55 23 286 D +55 23 287 K +55 23 288 L +55 23 289 N +55 23 290 D +55 23 291 K +55 23 292 J +55 23 293 D +55 23 294 D +55 23 295 J +55 23 296 K +55 23 297 P +55 23 298 L +55 23 299 N +55 23 300 D +55 23 301 N +55 23 302 D +55 23 303 D +55 23 304 N +55 23 305 J +55 23 306 N +55 23 307 J +55 23 308 N +55 23 309 K +55 23 310 J +55 23 311 J +55 23 312 K +55 23 313 K +55 23 314 D +55 23 315 N +55 23 316 N +55 23 317 J +55 23 318 L +55 23 319 D +55 23 320 J +55 23 321 L +55 23 322 N +55 23 323 J +55 23 324 D +55 23 325 J +55 23 326 P +55 23 327 D +55 23 328 N +55 23 329 J +55 23 330 D +55 24 1 N +55 24 2 N +55 24 3 L +55 24 4 K +55 24 5 R +55 24 6 L +55 24 7 N +55 24 8 L +55 24 9 K +55 24 10 K +55 24 11 K +55 24 12 P +55 24 13 K +55 24 14 K +55 24 15 P +55 24 16 R +55 24 17 L +55 24 18 K +55 24 19 N +55 24 20 N +55 24 21 L +55 24 22 R +55 24 23 K +55 24 24 K +55 24 25 N +55 24 26 N +55 24 27 R +55 24 28 L +55 24 29 N +55 24 30 L +55 24 31 N +55 24 32 L +55 24 33 N +55 24 34 N +55 24 35 L +55 24 36 K +55 24 37 K +55 24 38 L +55 24 39 N +55 24 40 N +55 24 41 L +55 24 42 P +55 24 43 K +55 24 44 D +55 24 45 N +55 24 46 K +55 24 47 K +55 24 48 L +55 24 49 N +55 24 50 K +55 24 51 K +55 24 52 D +55 24 53 L +55 24 54 N +55 24 55 N +55 24 56 L +55 24 57 N +55 24 58 P +55 24 59 D +55 24 60 K +55 24 61 L +55 24 62 K +55 24 63 L +55 24 64 N +55 24 65 L +55 24 66 D +55 24 67 N +55 24 68 L +55 24 69 P +55 24 70 D +55 24 71 L +55 24 72 N +55 24 73 K +55 24 74 R +55 24 75 K +55 24 76 L +55 24 77 N +55 24 78 D +55 24 79 K +55 24 80 K +55 24 81 P +55 24 82 N +55 24 83 R +55 24 84 L +55 24 85 N +55 24 86 L +55 24 87 K +55 24 88 L +55 24 89 K +55 24 90 K +55 24 91 P +55 24 92 D +55 24 93 N +55 24 94 K +55 24 95 R +55 24 96 L +55 24 97 N +55 24 98 L +55 24 99 R +55 24 100 N +55 24 101 L +55 24 102 D +55 24 103 P +55 24 104 N +55 24 105 L +55 24 106 P +55 24 107 R +55 24 108 R +55 24 109 K +55 24 110 L +55 24 111 K +55 24 112 L +55 24 113 K +55 24 114 K +55 24 115 L +55 24 116 R +55 24 117 K +55 24 118 L +55 24 119 N +55 24 120 D +55 24 121 L +55 24 122 N +55 24 123 N +55 24 124 P +55 24 125 L +55 24 126 L +55 24 127 K +55 24 128 P +55 24 129 R +55 24 130 K +55 24 131 L +55 24 132 L +55 24 133 N +55 24 134 K +55 24 135 L +55 24 136 N +55 24 137 K +55 24 138 J +55 24 139 R +55 24 140 J +55 24 141 D +55 24 142 D +55 24 143 P +55 24 144 K +55 24 145 N +55 24 146 L +55 24 147 N +55 24 148 L +55 24 149 N +55 24 150 K +55 24 151 L +55 24 152 L +55 24 153 N +55 24 154 K +55 24 155 K +55 24 156 J +55 24 157 K +55 24 158 D +55 24 159 L +55 24 160 L +55 24 161 J +55 24 162 L +55 24 163 N +55 24 164 N +55 24 165 K +55 24 166 K +55 24 167 D +55 24 168 N +55 24 169 N +55 24 170 K +55 24 171 N +55 24 172 D +55 24 173 L +55 24 174 P +55 24 175 N +55 24 176 L +55 24 177 P +55 24 178 N +55 24 179 L +55 24 180 N +55 24 181 P +55 24 182 L +55 24 183 K +55 24 184 N +55 24 185 L +55 24 186 N +55 24 187 L +55 24 188 N +55 24 189 D +55 24 190 L +55 24 191 N +55 24 192 K +55 24 193 L +55 24 194 L +55 24 195 N +55 24 196 N +55 24 197 D +55 24 198 K +55 24 199 D +55 24 200 N +55 24 201 L +55 24 202 J +55 24 203 L +55 24 204 K +55 24 205 K +55 24 206 D +55 24 207 L +55 24 208 P +55 24 209 N +55 24 210 K +55 24 211 N +55 24 212 L +55 24 213 D +55 24 214 P +55 24 215 L +55 24 216 K +55 24 217 P +55 24 218 K +55 24 219 D +55 24 220 K +55 24 221 D +55 24 222 K +55 24 223 N +55 24 224 D +55 24 225 K +55 24 226 N +55 24 227 K +55 24 228 K +55 24 229 J +55 24 230 D +55 24 231 L +55 24 232 K +55 24 233 D +55 24 234 N +55 24 235 N +55 24 236 L +55 24 237 L +55 24 238 N +55 24 239 L +55 24 240 L +55 24 241 D +55 24 242 D +55 24 243 L +55 24 244 D +55 24 245 L +55 24 246 J +55 24 247 K +55 24 248 K +55 24 249 N +55 24 250 K +55 24 251 N +55 24 252 D +55 24 253 N +55 24 254 N +55 24 255 K +55 24 256 L +55 24 257 N +55 24 258 P +55 24 259 L +55 24 260 P +55 24 261 L +55 24 262 D +55 24 263 D +55 24 264 D +55 24 265 N +55 24 266 L +55 24 267 L +55 24 268 N +55 24 269 L +55 24 270 L +55 24 271 K +55 24 272 D +55 24 273 L +55 24 274 D +55 24 275 P +55 24 276 L +55 24 277 K +55 24 278 L +55 24 279 K +55 24 280 N +55 24 281 N +55 24 282 N +55 24 283 K +55 24 284 D +55 24 285 L +55 24 286 D +55 24 287 L +55 24 288 L +55 24 289 N +55 24 290 D +55 24 291 N +55 24 292 L +55 24 293 D +55 24 294 D +55 24 295 K +55 24 296 N +55 24 297 L +55 24 298 L +55 24 299 N +55 24 300 D +55 24 301 N +55 24 302 D +55 24 303 D +55 24 304 N +55 24 305 L +55 24 306 N +55 24 307 N +55 24 308 K +55 24 309 K +55 24 310 N +55 24 311 N +55 24 312 K +55 24 313 K +55 24 314 D +55 24 315 N +55 24 316 N +55 24 317 L +55 24 318 L +55 24 319 D +55 24 320 P +55 24 321 L +55 24 322 N +55 24 323 N +55 24 324 D +55 24 325 L +55 24 326 L +55 24 327 D +55 24 328 N +55 24 329 K +55 24 330 D +55 25 1 N +55 25 2 P +55 25 3 L +55 25 4 L +55 25 5 N +55 25 6 R +55 25 7 N +55 25 8 L +55 25 9 R +55 25 10 N +55 25 11 N +55 25 12 P +55 25 13 N +55 25 14 K +55 25 15 R +55 25 16 D +55 25 17 N +55 25 18 K +55 25 19 N +55 25 20 N +55 25 21 D +55 25 22 L +55 25 23 B +55 25 24 R +55 25 25 K +55 25 26 J +55 25 27 R +55 25 28 L +55 25 29 N +55 25 30 L +55 25 31 N +55 25 32 L +55 25 33 N +55 25 34 J +55 25 35 L +55 25 36 N +55 25 37 B +55 25 38 L +55 25 39 N +55 25 40 N +55 25 41 L +55 25 42 P +55 25 43 N +55 25 44 B +55 25 45 N +55 25 46 D +55 25 47 N +55 25 48 P +55 25 49 R +55 25 50 K +55 25 51 K +55 25 52 R +55 25 53 L +55 25 54 N +55 25 55 N +55 25 56 B +55 25 57 N +55 25 58 R +55 25 59 B +55 25 60 N +55 25 61 L +55 25 62 R +55 25 63 L +55 25 64 B +55 25 65 L +55 25 66 R +55 25 67 N +55 25 68 L +55 25 69 K +55 25 70 R +55 25 71 L +55 25 72 N +55 25 73 P +55 25 74 R +55 25 75 N +55 25 76 L +55 25 77 N +55 25 78 R +55 25 79 K +55 25 80 N +55 25 81 P +55 25 82 N +55 25 83 R +55 25 84 L +55 25 85 N +55 25 86 R +55 25 87 K +55 25 88 R +55 25 89 K +55 25 90 N +55 25 91 N +55 25 92 D +55 25 93 N +55 25 94 D +55 25 95 R +55 25 96 P +55 25 97 N +55 25 98 L +55 25 99 R +55 25 100 N +55 25 101 L +55 25 102 R +55 25 103 R +55 25 104 N +55 25 105 L +55 25 106 P +55 25 107 D +55 25 108 D +55 25 109 P +55 25 110 L +55 25 111 N +55 25 112 L +55 25 113 K +55 25 114 N +55 25 115 L +55 25 116 R +55 25 117 K +55 25 118 L +55 25 119 N +55 25 120 D +55 25 121 L +55 25 122 N +55 25 123 N +55 25 124 P +55 25 125 L +55 25 126 L +55 25 127 N +55 25 128 P +55 25 129 R +55 25 130 P +55 25 131 J +55 25 132 L +55 25 133 N +55 25 134 P +55 25 135 L +55 25 136 N +55 25 137 N +55 25 138 B +55 25 139 B +55 25 140 N +55 25 141 B +55 25 142 B +55 25 143 P +55 25 144 J +55 25 145 N +55 25 146 P +55 25 147 N +55 25 148 L +55 25 149 N +55 25 150 P +55 25 151 L +55 25 152 P +55 25 153 N +55 25 154 K +55 25 155 R +55 25 156 N +55 25 157 K +55 25 158 R +55 25 159 R +55 25 160 R +55 25 161 N +55 25 162 L +55 25 163 N +55 25 164 N +55 25 165 N +55 25 166 K +55 25 167 R +55 25 168 N +55 25 169 N +55 25 170 K +55 25 171 P +55 25 172 R +55 25 173 L +55 25 174 P +55 25 175 D +55 25 176 L +55 25 177 P +55 25 178 N +55 25 179 L +55 25 180 N +55 25 181 L +55 25 182 L +55 25 183 L +55 25 184 P +55 25 185 L +55 25 186 N +55 25 187 P +55 25 188 N +55 25 189 R +55 25 190 P +55 25 191 N +55 25 192 R +55 25 193 P +55 25 194 L +55 25 195 N +55 25 196 N +55 25 197 R +55 25 198 K +55 25 199 R +55 25 200 L +55 25 201 L +55 25 202 N +55 25 203 L +55 25 204 K +55 25 205 R +55 25 206 R +55 25 207 L +55 25 208 R +55 25 209 N +55 25 210 L +55 25 211 N +55 25 212 L +55 25 213 R +55 25 214 N +55 25 215 L +55 25 216 K +55 25 217 R +55 25 218 R +55 25 219 R +55 25 220 K +55 25 221 R +55 25 222 P +55 25 223 N +55 25 224 R +55 25 225 P +55 25 226 N +55 25 227 K +55 25 228 N +55 25 229 N +55 25 230 R +55 25 231 L +55 25 232 R +55 25 233 N +55 25 234 N +55 25 235 K +55 25 236 N +55 25 237 L +55 25 238 N +55 25 239 L +55 25 240 B +55 25 241 R +55 25 242 R +55 25 243 L +55 25 244 R +55 25 245 L +55 25 246 P +55 25 247 K +55 25 248 N +55 25 249 N +55 25 250 P +55 25 251 N +55 25 252 R +55 25 253 N +55 25 254 P +55 25 255 K +55 25 256 L +55 25 257 N +55 25 258 P +55 25 259 L +55 25 260 R +55 25 261 L +55 25 262 R +55 25 263 K +55 25 264 R +55 25 265 N +55 25 266 L +55 25 267 P +55 25 268 N +55 25 269 L +55 25 270 P +55 25 271 N +55 25 272 P +55 25 273 P +55 25 274 R +55 25 275 P +55 25 276 L +55 25 277 N +55 25 278 L +55 25 279 K +55 25 280 N +55 25 281 N +55 25 282 N +55 25 283 L +55 25 284 R +55 25 285 L +55 25 286 R +55 25 287 P +55 25 288 L +55 25 289 N +55 25 290 R +55 25 291 N +55 25 292 R +55 25 293 R +55 25 294 R +55 25 295 P +55 25 296 P +55 25 297 P +55 25 298 L +55 25 299 N +55 25 300 R +55 25 301 N +55 25 302 R +55 25 303 R +55 25 304 N +55 25 305 L +55 25 306 P +55 25 307 N +55 25 308 R +55 25 309 K +55 25 310 N +55 25 311 J +55 25 312 K +55 25 313 K +55 25 314 R +55 25 315 N +55 25 316 N +55 25 317 L +55 25 318 L +55 25 319 R +55 25 320 J +55 25 321 L +55 25 322 D +55 25 323 N +55 25 324 R +55 25 325 L +55 25 326 R +55 25 327 R +55 25 328 N +55 25 329 R +55 25 330 R +56 1 1 BB +56 1 2 BB +56 1 3 AF +56 1 4 AF +56 1 5 BB +56 1 6 AF +56 1 7 BB +56 1 8 AF +56 1 9 AF +56 1 10 BB +56 1 11 BB +56 1 12 AF +56 1 13 BB +56 1 14 BB +56 1 15 AF +56 1 16 TS +56 1 17 AF +56 1 18 BB +56 1 19 BB +56 1 20 BB +56 1 21 AF +56 1 22 AF +56 1 23 AF +56 1 24 BB +56 1 25 BB +56 1 26 BB +56 1 27 AF +56 1 28 AF +56 1 29 BB +56 1 30 AF +56 1 31 BB +56 1 32 AF +56 1 33 BB +56 1 34 BB +56 1 35 AF +56 1 36 BB +56 1 37 BB +56 1 38 AF +56 1 39 BB +56 1 40 BB +56 1 41 AF +56 1 42 AF +56 1 43 BB +56 1 44 AF +56 1 45 BB +56 1 46 BB +56 1 47 BB +56 1 48 AF +56 1 49 BB +56 1 50 AF +56 1 51 AF +56 1 52 TS +56 1 53 AF +56 1 54 BB +56 1 55 BB +56 1 56 AF +56 1 57 BB +56 1 58 AF +56 1 59 AF +56 1 60 BB +56 1 61 AF +56 1 62 AF +56 1 63 AF +56 1 64 BB +56 1 65 AF +56 1 66 TS +56 1 67 BB +56 1 68 AF +56 1 69 BB +56 1 70 TS +56 1 71 AF +56 1 72 BB +56 1 73 AF +56 1 74 BB +56 1 75 BB +56 1 76 AF +56 1 77 BB +56 1 78 AF +56 1 79 BB +56 1 80 BB +56 1 81 BB +56 1 82 BB +56 1 83 AF +56 1 84 AF +56 1 85 BB +56 1 86 AF +56 1 87 BB +56 1 88 AF +56 1 89 BB +56 1 90 BB +56 1 91 BB +56 1 92 TS +56 1 93 BB +56 1 94 BB +56 1 95 TS +56 1 96 AF +56 1 97 AF +56 1 98 AF +56 1 99 AF +56 1 100 BB +56 1 101 AF +56 1 102 BB +56 1 103 BB +56 1 104 BB +56 1 105 AF +56 1 106 AF +56 1 107 AF +56 1 108 BB +56 1 109 BB +56 1 110 AF +56 1 111 BB +56 1 112 AF +56 1 113 BB +56 1 114 BB +56 1 115 AF +56 1 116 BB +56 1 117 BB +56 1 118 AF +56 1 119 BB +56 1 120 TS +56 1 121 AF +56 1 122 BB +56 1 123 BB +56 1 124 AF +56 1 125 AF +56 1 126 AF +56 1 127 BB +56 1 128 AF +56 1 129 AF +56 1 130 BB +56 1 131 AF +56 1 132 AF +56 1 133 BB +56 1 134 AF +56 1 135 AF +56 1 136 BB +56 1 137 BB +56 1 138 BB +56 1 139 AF +56 1 140 BB +56 1 141 TS +56 1 142 TS +56 1 143 BB +56 1 144 BB +56 1 145 BB +56 1 146 AF +56 1 147 BB +56 1 148 AF +56 1 149 BB +56 1 150 AF +56 1 151 AF +56 1 152 AF +56 1 153 BB +56 1 154 BB +56 1 155 BB +56 1 156 BB +56 1 157 AF +56 1 158 TS +56 1 159 AF +56 1 160 AF +56 1 161 BB +56 1 162 AF +56 1 163 BB +56 1 164 BB +56 1 165 BB +56 1 166 BB +56 1 167 AF +56 1 168 BB +56 1 169 BB +56 1 170 BB +56 1 171 BB +56 1 172 TS +56 1 173 AF +56 1 174 AF +56 1 175 BB +56 1 176 AF +56 1 177 AF +56 1 178 BB +56 1 179 AF +56 1 180 BB +56 1 181 AF +56 1 182 AF +56 1 183 AF +56 1 184 AF +56 1 185 AF +56 1 186 BB +56 1 187 AF +56 1 188 BB +56 1 189 BB +56 1 190 AF +56 1 191 BB +56 1 192 AF +56 1 193 AF +56 1 194 AF +56 1 195 BB +56 1 196 BB +56 1 197 AF +56 1 198 BB +56 1 199 TS +56 1 200 BB +56 1 201 AF +56 1 202 BB +56 1 203 AF +56 1 204 BB +56 1 205 AF +56 1 206 TS +56 1 207 AF +56 1 208 AF +56 1 209 BB +56 1 210 AF +56 1 211 BB +56 1 212 AF +56 1 213 AF +56 1 214 AF +56 1 215 AF +56 1 216 BB +56 1 217 AF +56 1 218 BB +56 1 219 TS +56 1 220 BB +56 1 221 TS +56 1 222 AF +56 1 223 BB +56 1 224 AF +56 1 225 AF +56 1 226 BB +56 1 227 BB +56 1 228 BB +56 1 229 BB +56 1 230 AF +56 1 231 AF +56 1 232 AF +56 1 233 BB +56 1 234 BB +56 1 235 BB +56 1 236 BB +56 1 237 AF +56 1 238 BB +56 1 239 AF +56 1 240 AF +56 1 241 TS +56 1 242 AF +56 1 243 AF +56 1 244 TS +56 1 245 AF +56 1 246 BB +56 1 247 AF +56 1 248 BB +56 1 249 BB +56 1 250 AF +56 1 251 BB +56 1 252 AF +56 1 253 BB +56 1 254 BB +56 1 255 BB +56 1 256 AF +56 1 257 BB +56 1 258 AF +56 1 259 AF +56 1 260 AF +56 1 261 AF +56 1 262 TS +56 1 263 BB +56 1 264 BB +56 1 265 BB +56 1 266 AF +56 1 267 AF +56 1 268 BB +56 1 269 AF +56 1 270 AF +56 1 271 BB +56 1 272 TS +56 1 273 AF +56 1 274 TS +56 1 275 AF +56 1 276 AF +56 1 277 BB +56 1 278 AF +56 1 279 BB +56 1 280 BB +56 1 281 BB +56 1 282 BB +56 1 283 AF +56 1 284 TS +56 1 285 AF +56 1 286 TS +56 1 287 AF +56 1 288 AF +56 1 289 BB +56 1 290 AF +56 1 291 BB +56 1 292 AF +56 1 293 BB +56 1 294 TS +56 1 295 AF +56 1 296 AF +56 1 297 AF +56 1 298 AF +56 1 299 BB +56 1 300 TS +56 1 301 BB +56 1 302 AF +56 1 303 BB +56 1 304 BB +56 1 305 AF +56 1 306 BB +56 1 307 BB +56 1 308 AF +56 1 309 BB +56 1 310 BB +56 1 311 BB +56 1 312 BB +56 1 313 BB +56 1 314 TS +56 1 315 BB +56 1 316 BB +56 1 317 AF +56 1 318 AF +56 1 319 TS +56 1 320 BB +56 1 321 AF +56 1 322 BB +56 1 323 BB +56 1 324 AF +56 1 325 AF +56 1 326 AF +56 1 327 BB +56 1 328 BB +56 1 329 AF +56 1 330 BB +56 2 1 GA +56 2 2 TS +56 2 3 AF +56 2 4 BB +56 2 5 TS +56 2 6 AF +56 2 7 GA +56 2 8 AF +56 2 9 TS +56 2 10 BB +56 2 11 BB +56 2 12 TS +56 2 13 BB +56 2 14 BB +56 2 15 GA +56 2 16 TS +56 2 17 AF +56 2 18 BB +56 2 19 GA +56 2 20 BB +56 2 21 AF +56 2 22 TS +56 2 23 BB +56 2 24 BB +56 2 25 GA +56 2 26 BB +56 2 27 TS +56 2 28 AF +56 2 29 BB +56 2 30 AF +56 2 31 TS +56 2 32 GA +56 2 33 BB +56 2 34 BB +56 2 35 AF +56 2 36 BB +56 2 37 BB +56 2 38 AF +56 2 39 GA +56 2 40 GA +56 2 41 AF +56 2 42 TS +56 2 43 BB +56 2 44 TS +56 2 45 GA +56 2 46 BB +56 2 47 BB +56 2 48 AF +56 2 49 TS +56 2 50 BB +56 2 51 BB +56 2 52 TS +56 2 53 AF +56 2 54 BB +56 2 55 GA +56 2 56 TS +56 2 57 BB +56 2 58 TS +56 2 59 TS +56 2 60 BB +56 2 61 AF +56 2 62 TS +56 2 63 AF +56 2 64 BB +56 2 65 AF +56 2 66 TS +56 2 67 GA +56 2 68 AF +56 2 69 BB +56 2 70 TS +56 2 71 AF +56 2 72 GA +56 2 73 BB +56 2 74 TS +56 2 75 BB +56 2 76 AF +56 2 77 GA +56 2 78 TS +56 2 79 BB +56 2 80 GA +56 2 81 GA +56 2 82 TS +56 2 83 TS +56 2 84 AF +56 2 85 GA +56 2 86 AF +56 2 87 BB +56 2 88 AF +56 2 89 BB +56 2 90 BB +56 2 91 GA +56 2 92 TS +56 2 93 BB +56 2 94 BB +56 2 95 TS +56 2 96 TS +56 2 97 GA +56 2 98 AF +56 2 99 TS +56 2 100 TS +56 2 101 AF +56 2 102 TS +56 2 103 BB +56 2 104 TS +56 2 105 BB +56 2 106 TS +56 2 107 TS +56 2 108 TS +56 2 109 BB +56 2 110 AF +56 2 111 BB +56 2 112 AF +56 2 113 BB +56 2 114 BB +56 2 115 AF +56 2 116 TS +56 2 117 BB +56 2 118 AF +56 2 119 GA +56 2 120 TS +56 2 121 AF +56 2 122 BB +56 2 123 BB +56 2 124 GA +56 2 125 AF +56 2 126 TS +56 2 127 BB +56 2 128 BB +56 2 129 TS +56 2 130 BB +56 2 131 GA +56 2 132 AF +56 2 133 BB +56 2 134 BB +56 2 135 GA +56 2 136 BB +56 2 137 BB +56 2 138 TS +56 2 139 TS +56 2 140 BB +56 2 141 TS +56 2 142 TS +56 2 143 GA +56 2 144 GA +56 2 145 BB +56 2 146 TS +56 2 147 BB +56 2 148 AF +56 2 149 BB +56 2 150 BB +56 2 151 TS +56 2 152 TS +56 2 153 BB +56 2 154 BB +56 2 155 BB +56 2 156 GA +56 2 157 BB +56 2 158 TS +56 2 159 TS +56 2 160 GA +56 2 161 BB +56 2 162 AF +56 2 163 BB +56 2 164 BB +56 2 165 BB +56 2 166 GA +56 2 167 TS +56 2 168 BB +56 2 169 GA +56 2 170 BB +56 2 171 BB +56 2 172 TS +56 2 173 AF +56 2 174 AF +56 2 175 TS +56 2 176 AF +56 2 177 BB +56 2 178 BB +56 2 179 AF +56 2 180 GA +56 2 181 TS +56 2 182 BB +56 2 183 TS +56 2 184 GA +56 2 185 AF +56 2 186 BB +56 2 187 AF +56 2 188 GA +56 2 189 TS +56 2 190 TS +56 2 191 BB +56 2 192 BB +56 2 193 TS +56 2 194 AF +56 2 195 GA +56 2 196 TS +56 2 197 GA +56 2 198 BB +56 2 199 TS +56 2 200 GA +56 2 201 AF +56 2 202 BB +56 2 203 AF +56 2 204 BB +56 2 205 GA +56 2 206 TS +56 2 207 AF +56 2 208 BB +56 2 209 BB +56 2 210 BB +56 2 211 GA +56 2 212 AF +56 2 213 TS +56 2 214 GA +56 2 215 GA +56 2 216 BB +56 2 217 TS +56 2 218 GA +56 2 219 TS +56 2 220 GA +56 2 221 TS +56 2 222 BB +56 2 223 GA +56 2 224 TS +56 2 225 BB +56 2 226 BB +56 2 227 BB +56 2 228 BB +56 2 229 GA +56 2 230 TS +56 2 231 BB +56 2 232 BB +56 2 233 GA +56 2 234 BB +56 2 235 GA +56 2 236 BB +56 2 237 TS +56 2 238 BB +56 2 239 AF +56 2 240 AF +56 2 241 TS +56 2 242 TS +56 2 243 AF +56 2 244 TS +56 2 245 AF +56 2 246 GA +56 2 247 BB +56 2 248 BB +56 2 249 BB +56 2 250 GA +56 2 251 GA +56 2 252 TS +56 2 253 BA +56 2 254 TS +56 2 255 BB +56 2 256 AF +56 2 257 BB +56 2 258 GA +56 2 259 AF +56 2 260 TS +56 2 261 BA +56 2 262 TS +56 2 263 BB +56 2 264 TS +56 2 265 BB +56 2 266 AF +56 2 267 GA +56 2 268 GA +56 2 269 BB +56 2 270 TS +56 2 271 BB +56 2 272 TS +56 2 273 GA +56 2 274 TS +56 2 275 BB +56 2 276 AF +56 2 277 BB +56 2 278 AF +56 2 279 GA +56 2 280 BB +56 2 281 BB +56 2 282 BB +56 2 283 TS +56 2 284 TS +56 2 285 GA +56 2 286 TS +56 2 287 BB +56 2 288 AF +56 2 289 TS +56 2 290 TS +56 2 291 BB +56 2 292 AF +56 2 293 TS +56 2 294 TS +56 2 295 BB +56 2 296 GA +56 2 297 AF +56 2 298 AF +56 2 299 BB +56 2 300 TS +56 2 301 GA +56 2 302 TS +56 2 303 TS +56 2 304 BB +56 2 305 BB +56 2 306 GA +56 2 307 BB +56 2 308 GA +56 2 309 BB +56 2 310 GA +56 2 311 BB +56 2 312 BB +56 2 313 BB +56 2 314 TS +56 2 315 GA +56 2 316 GA +56 2 317 AF +56 2 318 AF +56 2 319 TS +56 2 320 BB +56 2 321 AF +56 2 322 GA +56 2 323 BB +56 2 324 TS +56 2 325 GA +56 2 326 TS +56 2 327 TS +56 2 328 BB +56 2 329 BB +56 2 330 TS +56 3 1 BB +56 3 2 GA +56 3 3 AF +56 3 4 CD +56 3 5 GA +56 3 6 CD +56 3 7 BB +56 3 8 AF +56 3 9 AF +56 3 10 BB +56 3 11 BB +56 3 12 GA +56 3 13 BB +56 3 14 BB +56 3 15 AF +56 3 16 TS +56 3 17 AF +56 3 18 CD +56 3 19 GA +56 3 20 CD +56 3 21 AF +56 3 22 TS +56 3 23 CD +56 3 24 BB +56 3 25 BB +56 3 26 BB +56 3 27 TS +56 3 28 AF +56 3 29 CD +56 3 30 AF +56 3 31 TS +56 3 32 AF +56 3 33 GA +56 3 34 BB +56 3 35 AF +56 3 36 BB +56 3 37 BB +56 3 38 AF +56 3 39 BB +56 3 40 BB +56 3 41 AF +56 3 42 GA +56 3 43 BB +56 3 44 TS +56 3 45 GA +56 3 46 TS +56 3 47 BB +56 3 48 AF +56 3 49 BB +56 3 50 AF +56 3 51 BK +56 3 52 TS +56 3 53 AF +56 3 54 GA +56 3 55 GA +56 3 56 GA +56 3 57 BB +56 3 58 GA +56 3 59 GA +56 3 60 BB +56 3 61 AF +56 3 62 GA +56 3 63 GA +56 3 64 BB +56 3 65 AF +56 3 66 TS +56 3 67 GA +56 3 68 AF +56 3 69 BB +56 3 70 TS +56 3 71 AF +56 3 72 BB +56 3 73 AF +56 3 74 TS +56 3 75 BB +56 3 76 AF +56 3 77 BB +56 3 78 GA +56 3 79 BK +56 3 80 BB +56 3 81 GA +56 3 82 GA +56 3 83 GA +56 3 84 GA +56 3 85 BB +56 3 86 GA +56 3 87 BK +56 3 88 AF +56 3 89 BK +56 3 90 GA +56 3 91 GA +56 3 92 TS +56 3 93 BB +56 3 94 BK +56 3 95 TS +56 3 96 GA +56 3 97 BB +56 3 98 AF +56 3 99 BB +56 3 100 CD +56 3 101 AF +56 3 102 BK +56 3 103 GA +56 3 104 TS +56 3 105 AF +56 3 106 AF +56 3 107 TS +56 3 108 TS +56 3 109 BB +56 3 110 GA +56 3 111 BK +56 3 112 AF +56 3 113 BK +56 3 114 GA +56 3 115 AF +56 3 116 GA +56 3 117 BK +56 3 118 AF +56 3 119 GA +56 3 120 GA +56 3 121 AF +56 3 122 BB +56 3 123 BB +56 3 124 TS +56 3 125 AF +56 3 126 AF +56 3 127 BK +56 3 128 GA +56 3 129 TS +56 3 130 BK +56 3 131 GA +56 3 132 AF +56 3 133 BB +56 3 134 BK +56 3 135 AF +56 3 136 BB +56 3 137 BK +56 3 138 TS +56 3 139 TS +56 3 140 BB +56 3 141 TS +56 3 142 TS +56 3 143 GA +56 3 144 BB +56 3 145 BB +56 3 146 GA +56 3 147 BB +56 3 148 AF +56 3 149 GA +56 3 150 BB +56 3 151 AF +56 3 152 AF +56 3 153 BB +56 3 154 BK +56 3 155 BK +56 3 156 GA +56 3 157 BK +56 3 158 TS +56 3 159 TS +56 3 160 AF +56 3 161 BB +56 3 162 AF +56 3 163 BB +56 3 164 BB +56 3 165 BK +56 3 166 BB +56 3 167 GA +56 3 168 BB +56 3 169 BB +56 3 170 BB +56 3 171 GA +56 3 172 TS +56 3 173 AF +56 3 174 GA +56 3 175 TS +56 3 176 AF +56 3 177 TS +56 3 178 BB +56 3 179 AF +56 3 180 BB +56 3 181 GA +56 3 182 AF +56 3 183 BK +56 3 184 GA +56 3 185 BK +56 3 186 TS +56 3 187 AF +56 3 188 BB +56 3 189 TS +56 3 190 AF +56 3 191 BB +56 3 192 AF +56 3 193 GA +56 3 194 BK +56 3 195 GA +56 3 196 TS +56 3 197 GA +56 3 198 BK +56 3 199 TS +56 3 200 GA +56 3 201 GA +56 3 202 GA +56 3 203 AF +56 3 204 BK +56 3 205 BB +56 3 206 TS +56 3 207 AF +56 3 208 BK +56 3 209 BB +56 3 210 BK +56 3 211 BB +56 3 212 AF +56 3 213 BB +56 3 214 GA +56 3 215 AF +56 3 216 BK +56 3 217 AF +56 3 218 GA +56 3 219 TS +56 3 220 BB +56 3 221 TS +56 3 222 BB +56 3 223 GA +56 3 224 TS +56 3 225 GA +56 3 226 BB +56 3 227 BK +56 3 228 BB +56 3 229 GA +56 3 230 TS +56 3 231 AF +56 3 232 BK +56 3 233 BB +56 3 234 GA +56 3 235 BB +56 3 236 GA +56 3 237 AF +56 3 238 BB +56 3 239 AF +56 3 240 BK +56 3 241 TS +56 3 242 TS +56 3 243 BK +56 3 244 TS +56 3 245 AF +56 3 246 BB +56 3 247 BB +56 3 248 BK +56 3 249 BK +56 3 250 BB +56 3 251 GA +56 3 252 TS +56 3 253 GA +56 3 254 BB +56 3 255 BK +56 3 256 AF +56 3 257 BK +56 3 258 GA +56 3 259 BK +56 3 260 TS +56 3 261 AF +56 3 262 TS +56 3 263 BK +56 3 264 TS +56 3 265 GA +56 3 266 BK +56 3 267 BK +56 3 268 CD +56 3 269 AF +56 3 270 CD +56 3 271 BK +56 3 272 TS +56 3 273 GA +56 3 274 TS +56 3 275 GA +56 3 276 AF +56 3 277 BB +56 3 278 AF +56 3 279 BB +56 3 280 BK +56 3 281 BB +56 3 282 GA +56 3 283 BK +56 3 284 TS +56 3 285 AF +56 3 286 TS +56 3 287 BK +56 3 288 AF +56 3 289 GA +56 3 290 TS +56 3 291 BB +56 3 292 AF +56 3 293 TS +56 3 294 TS +56 3 295 BK +56 3 296 BB +56 3 297 GA +56 3 298 AF +56 3 299 BB +56 3 300 TS +56 3 301 BB +56 3 302 TS +56 3 303 TS +56 3 304 GA +56 3 305 BK +56 3 306 CD +56 3 307 BB +56 3 308 AF +56 3 309 BK +56 3 310 CD +56 3 311 BB +56 3 312 BK +56 3 313 BB +56 3 314 TS +56 3 315 GA +56 3 316 BB +56 3 317 BK +56 3 318 AF +56 3 319 TS +56 3 320 BK +56 3 321 AF +56 3 322 TS +56 3 323 BK +56 3 324 TS +56 3 325 BK +56 3 326 AF +56 3 327 TS +56 3 328 BK +56 3 329 BK +56 3 330 TS +56 4 1 BB +56 4 2 BB +56 4 3 AF +56 4 4 AF +56 4 5 GA +56 4 6 AF +56 4 7 GA +56 4 8 AF +56 4 9 AF +56 4 10 BB +56 4 11 BB +56 4 12 GA +56 4 13 BB +56 4 14 BB +56 4 15 AF +56 4 16 BB +56 4 17 AF +56 4 18 BB +56 4 19 BB +56 4 20 GA +56 4 21 AF +56 4 22 BB +56 4 23 AF +56 4 24 BB +56 4 25 GA +56 4 26 BB +56 4 27 TS +56 4 28 AF +56 4 29 GA +56 4 30 AF +56 4 31 GA +56 4 32 AF +56 4 33 GA +56 4 34 BB +56 4 35 AF +56 4 36 GA +56 4 37 GA +56 4 38 AF +56 4 39 GA +56 4 40 BB +56 4 41 AF +56 4 42 GA +56 4 43 BB +56 4 44 GA +56 4 45 GA +56 4 46 TS +56 4 47 BB +56 4 48 AF +56 4 49 TS +56 4 50 AF +56 4 51 BB +56 4 52 TS +56 4 53 AF +56 4 54 GA +56 4 55 GA +56 4 56 AF +56 4 57 BB +56 4 58 GA +56 4 59 TS +56 4 60 BB +56 4 61 AF +56 4 62 TS +56 4 63 AF +56 4 64 BB +56 4 65 AF +56 4 66 TS +56 4 67 GA +56 4 68 AF +56 4 69 GA +56 4 70 TS +56 4 71 AF +56 4 72 BB +56 4 73 AF +56 4 74 TS +56 4 75 GA +56 4 76 AF +56 4 77 BB +56 4 78 TS +56 4 79 BB +56 4 80 BB +56 4 81 GA +56 4 82 TS +56 4 83 TS +56 4 84 AF +56 4 85 GA +56 4 86 AF +56 4 87 BB +56 4 88 AF +56 4 89 BB +56 4 90 BB +56 4 91 GA +56 4 92 TS +56 4 93 BB +56 4 94 BB +56 4 95 TS +56 4 96 GA +56 4 97 AF +56 4 98 AF +56 4 99 TS +56 4 100 TS +56 4 101 AF +56 4 102 TS +56 4 103 GA +56 4 104 TS +56 4 105 AF +56 4 106 TS +56 4 107 TS +56 4 108 TS +56 4 109 GA +56 4 110 AF +56 4 111 BB +56 4 112 AF +56 4 113 BB +56 4 114 GA +56 4 115 AF +56 4 116 TS +56 4 117 BB +56 4 118 AF +56 4 119 GA +56 4 120 TS +56 4 121 AF +56 4 122 BB +56 4 123 BB +56 4 124 GA +56 4 125 AF +56 4 126 AF +56 4 127 BB +56 4 128 GA +56 4 129 TS +56 4 130 BB +56 4 131 AF +56 4 132 AF +56 4 133 GA +56 4 134 BB +56 4 135 AF +56 4 136 TS +56 4 137 BB +56 4 138 TS +56 4 139 TS +56 4 140 BB +56 4 141 TS +56 4 142 TS +56 4 143 GA +56 4 144 AF +56 4 145 TS +56 4 146 GA +56 4 147 GA +56 4 148 AF +56 4 149 GA +56 4 150 AF +56 4 151 AF +56 4 152 AF +56 4 153 TS +56 4 154 BB +56 4 155 BB +56 4 156 GA +56 4 157 AF +56 4 158 TS +56 4 159 TS +56 4 160 AF +56 4 161 GA +56 4 162 AF +56 4 163 BB +56 4 164 TS +56 4 165 GA +56 4 166 BB +56 4 167 AF +56 4 168 GA +56 4 169 TS +56 4 170 BB +56 4 171 GA +56 4 172 TS +56 4 173 AF +56 4 174 GA +56 4 175 GA +56 4 176 AF +56 4 177 TS +56 4 178 BB +56 4 179 AF +56 4 180 GA +56 4 181 GA +56 4 182 AF +56 4 183 GA +56 4 184 AF +56 4 185 AF +56 4 186 TS +56 4 187 AF +56 4 188 BB +56 4 189 GA +56 4 190 TS +56 4 191 BB +56 4 192 AF +56 4 193 GA +56 4 194 AF +56 4 195 GA +56 4 196 TS +56 4 197 AF +56 4 198 BB +56 4 199 TS +56 4 200 TS +56 4 201 AF +56 4 202 GA +56 4 203 AF +56 4 204 BB +56 4 205 BB +56 4 206 TS +56 4 207 AF +56 4 208 GA +56 4 209 BB +56 4 210 AF +56 4 211 TS +56 4 212 AF +56 4 213 TS +56 4 214 GA +56 4 215 AF +56 4 216 BB +56 4 217 AF +56 4 218 BB +56 4 219 TS +56 4 220 BB +56 4 221 TS +56 4 222 AF +56 4 223 GA +56 4 224 TS +56 4 225 BB +56 4 226 BB +56 4 227 BB +56 4 228 BB +56 4 229 TS +56 4 230 TS +56 4 231 AF +56 4 232 BB +56 4 233 TS +56 4 234 BB +56 4 235 BB +56 4 236 GA +56 4 237 TS +56 4 238 BB +56 4 239 AF +56 4 240 AF +56 4 241 TS +56 4 242 TS +56 4 243 AF +56 4 244 TS +56 4 245 AF +56 4 246 TS +56 4 247 AF +56 4 248 BB +56 4 249 BB +56 4 250 AF +56 4 251 TS +56 4 252 TS +56 4 253 TS +56 4 254 TS +56 4 255 BB +56 4 256 AF +56 4 257 BB +56 4 258 GA +56 4 259 AF +56 4 260 TS +56 4 261 AF +56 4 262 TS +56 4 263 BB +56 4 264 TS +56 4 265 GA +56 4 266 AF +56 4 267 AF +56 4 268 TS +56 4 269 AF +56 4 270 AF +56 4 271 BA +56 4 272 TS +56 4 273 AF +56 4 274 TS +56 4 275 BB +56 4 276 AF +56 4 277 BB +56 4 278 AF +56 4 279 BB +56 4 280 BB +56 4 281 BB +56 4 282 BB +56 4 283 AF +56 4 284 TS +56 4 285 AF +56 4 286 TS +56 4 287 BB +56 4 288 AF +56 4 289 BB +56 4 290 TS +56 4 291 BB +56 4 292 AF +56 4 293 TS +56 4 294 TS +56 4 295 BB +56 4 296 AF +56 4 297 GA +56 4 298 AF +56 4 299 GA +56 4 300 TS +56 4 301 GA +56 4 302 TS +56 4 303 TS +56 4 304 BB +56 4 305 AF +56 4 306 GA +56 4 307 BB +56 4 308 AF +56 4 309 BB +56 4 310 TS +56 4 311 BB +56 4 312 BB +56 4 313 BB +56 4 314 TS +56 4 315 GA +56 4 316 GA +56 4 317 AF +56 4 318 AF +56 4 319 TS +56 4 320 BB +56 4 321 AF +56 4 322 TS +56 4 323 BB +56 4 324 TS +56 4 325 AF +56 4 326 GA +56 4 327 TS +56 4 328 BB +56 4 329 AF +56 4 330 TS +56 5 1 TS +56 5 2 TS +56 5 3 AF +56 5 4 BB +56 5 5 BB +56 5 6 AF +56 5 7 DC +56 5 8 AF +56 5 9 * +56 5 10 BB +56 5 11 BB +56 5 12 DC +56 5 13 BB +56 5 14 BB +56 5 15 AF +56 5 16 TS +56 5 17 AF +56 5 18 BB +56 5 19 TS +56 5 20 GA +56 5 21 AF +56 5 22 TS +56 5 23 DC +56 5 24 BB +56 5 25 BB +56 5 26 BB +56 5 27 TS +56 5 28 AF +56 5 29 TS +56 5 30 AF +56 5 31 TS +56 5 32 AF +56 5 33 BB +56 5 34 GA +56 5 35 AF +56 5 36 BB +56 5 37 TS +56 5 38 AF +56 5 39 BB +56 5 40 BB +56 5 41 AF +56 5 42 DC +56 5 43 BB +56 5 44 TS +56 5 45 BB +56 5 46 BB +56 5 47 BB +56 5 48 TS +56 5 49 TS +56 5 50 BB +56 5 51 BB +56 5 52 TS +56 5 53 AF +56 5 54 BB +56 5 55 GA +56 5 56 TS +56 5 57 BB +56 5 58 BB +56 5 59 TS +56 5 60 BB +56 5 61 AF +56 5 62 BB +56 5 63 AF +56 5 64 BB +56 5 65 AF +56 5 66 TS +56 5 67 GA +56 5 68 AF +56 5 69 BB +56 5 70 TS +56 5 71 BB +56 5 72 GA +56 5 73 AF +56 5 74 TS +56 5 75 BB +56 5 76 AF +56 5 77 GA +56 5 78 DC +56 5 79 BB +56 5 80 BB +56 5 81 AF +56 5 82 TS +56 5 83 TS +56 5 84 DC +56 5 85 BB +56 5 86 AF +56 5 87 BB +56 5 88 AF +56 5 89 BB +56 5 90 BB +56 5 91 GA +56 5 92 TS +56 5 93 GA +56 5 94 BB +56 5 95 TS +56 5 96 DC +56 5 97 BB +56 5 98 AF +56 5 99 TS +56 5 100 TS +56 5 101 AF +56 5 102 TS +56 5 103 BB +56 5 104 TS +56 5 105 AF +56 5 106 DC +56 5 107 TS +56 5 108 TS +56 5 109 BB +56 5 110 DC +56 5 111 BB +56 5 112 AF +56 5 113 BB +56 5 114 BB +56 5 115 AF +56 5 116 TS +56 5 117 BB +56 5 118 AF +56 5 119 BB +56 5 120 TS +56 5 121 AF +56 5 122 BB +56 5 123 BB +56 5 124 DC +56 5 125 AF +56 5 126 AF +56 5 127 BB +56 5 128 DC +56 5 129 TS +56 5 130 BB +56 5 131 AF +56 5 132 AF +56 5 133 BB +56 5 134 BB +56 5 135 AF +56 5 136 TS +56 5 137 BB +56 5 138 TS +56 5 139 TS +56 5 140 BB +56 5 141 TS +56 5 142 TS +56 5 143 DC +56 5 144 BB +56 5 145 TS +56 5 146 DC +56 5 147 GA +56 5 148 AF +56 5 149 DC +56 5 150 BB +56 5 151 AF +56 5 152 AF +56 5 153 BB +56 5 154 BB +56 5 155 BB +56 5 156 GA +56 5 157 BB +56 5 158 TS +56 5 159 AF +56 5 160 DC +56 5 161 GA +56 5 162 AF +56 5 163 BB +56 5 164 TS +56 5 165 BB +56 5 166 BB +56 5 167 AF +56 5 168 BB +56 5 169 BB +56 5 170 BB +56 5 171 GA +56 5 172 TS +56 5 173 AF +56 5 174 DC +56 5 175 TS +56 5 176 AF +56 5 177 GA +56 5 178 BB +56 5 179 BB +56 5 180 GA +56 5 181 AF +56 5 182 BB +56 5 183 BB +56 5 184 TS +56 5 185 GA +56 5 186 TS +56 5 187 AF +56 5 188 BB +56 5 189 TS +56 5 190 DC +56 5 191 BB +56 5 192 BB +56 5 193 DC +56 5 194 BB +56 5 195 DC +56 5 196 TS +56 5 197 GA +56 5 198 BB +56 5 199 TS +56 5 200 TS +56 5 201 AF +56 5 202 GA +56 5 203 AF +56 5 204 BB +56 5 205 GA +56 5 206 TS +56 5 207 AF +56 5 208 GA +56 5 209 BB +56 5 210 BB +56 5 211 TS +56 5 212 AF +56 5 213 TS +56 5 214 GA +56 5 215 DC +56 5 216 BB +56 5 217 TS +56 5 218 BB +56 5 219 TS +56 5 220 AF +56 5 221 TS +56 5 222 GA +56 5 223 BB +56 5 224 TS +56 5 225 BB +56 5 226 BB +56 5 227 BB +56 5 228 BB +56 5 229 TS +56 5 230 GA +56 5 231 DC +56 5 232 BB +56 5 233 GA +56 5 234 GA +56 5 235 BB +56 5 236 DC +56 5 237 AF +56 5 238 GA +56 5 239 AF +56 5 240 BB +56 5 241 TS +56 5 242 TS +56 5 243 BB +56 5 244 TS +56 5 245 AF +56 5 246 TS +56 5 247 GA +56 5 248 BB +56 5 249 BB +56 5 250 GA +56 5 251 DC +56 5 252 TS +56 5 253 GA +56 5 254 GA +56 5 255 BB +56 5 256 AF +56 5 257 BB +56 5 258 DC +56 5 259 AF +56 5 260 TS +56 5 261 AF +56 5 262 TS +56 5 263 BB +56 5 264 TS +56 5 265 BB +56 5 266 AF +56 5 267 BB +56 5 268 GA +56 5 269 AF +56 5 270 DC +56 5 271 BB +56 5 272 TS +56 5 273 GA +56 5 274 TS +56 5 275 DC +56 5 276 AF +56 5 277 BB +56 5 278 AF +56 5 279 GA +56 5 280 BB +56 5 281 BB +56 5 282 GA +56 5 283 BB +56 5 284 TS +56 5 285 TS +56 5 286 TS +56 5 287 GA +56 5 288 AF +56 5 289 TS +56 5 290 TS +56 5 291 GA +56 5 292 AF +56 5 293 TS +56 5 294 TS +56 5 295 BB +56 5 296 GA +56 5 297 DC +56 5 298 AF +56 5 299 GA +56 5 300 TS +56 5 301 GA +56 5 302 TS +56 5 303 TS +56 5 304 GA +56 5 305 BB +56 5 306 GA +56 5 307 GA +56 5 308 TS +56 5 309 BB +56 5 310 GA +56 5 311 GA +56 5 312 BB +56 5 313 BB +56 5 314 TS +56 5 315 GA +56 5 316 GA +56 5 317 AF +56 5 318 AF +56 5 319 TS +56 5 320 GA +56 5 321 AF +56 5 322 TS +56 5 323 BB +56 5 324 TS +56 5 325 AF +56 5 326 DC +56 5 327 TS +56 5 328 BB +56 5 329 AF +56 5 330 TS +56 6 1 GA +56 6 2 * +56 6 3 AF +56 6 4 AF +56 6 5 CD +56 6 6 AF +56 6 7 BB +56 6 8 AF +56 6 9 BB +56 6 10 BB +56 6 11 GA +56 6 12 DC +56 6 13 GA +56 6 14 BB +56 6 15 AF +56 6 16 TS +56 6 17 AF +56 6 18 BB +56 6 19 BB +56 6 20 * +56 6 21 AF +56 6 22 TS +56 6 23 CD +56 6 24 BB +56 6 25 GA +56 6 26 BB +56 6 27 AF +56 6 28 AF +56 6 29 BB +56 6 30 AF +56 6 31 BB +56 6 32 AF +56 6 33 GA +56 6 34 BB +56 6 35 AF +56 6 36 BB +56 6 37 BB +56 6 38 AF +56 6 39 BB +56 6 40 BB +56 6 41 AF +56 6 42 BB +56 6 43 BB +56 6 44 TS +56 6 45 BB +56 6 46 BB +56 6 47 BB +56 6 48 AF +56 6 49 BB +56 6 50 GA +56 6 51 AF +56 6 52 TS +56 6 53 AF +56 6 54 BB +56 6 55 GA +56 6 56 AF +56 6 57 BB +56 6 58 GA +56 6 59 AF +56 6 60 BB +56 6 61 AF +56 6 62 GA +56 6 63 AF +56 6 64 BB +56 6 65 AF +56 6 66 TS +56 6 67 BB +56 6 68 AF +56 6 69 GA +56 6 70 TS +56 6 71 AF +56 6 72 BB +56 6 73 AF +56 6 74 GA +56 6 75 BB +56 6 76 AF +56 6 77 BB +56 6 78 AF +56 6 79 BB +56 6 80 BB +56 6 81 BB +56 6 82 GA +56 6 83 TS +56 6 84 AF +56 6 85 BB +56 6 86 AF +56 6 87 BB +56 6 88 AF +56 6 89 BB +56 6 90 BB +56 6 91 GA +56 6 92 AF +56 6 93 BB +56 6 94 AF +56 6 95 TS +56 6 96 GA +56 6 97 BB +56 6 98 AF +56 6 99 BB +56 6 100 GA +56 6 101 AF +56 6 102 BB +56 6 103 AF +56 6 104 TS +56 6 105 AF +56 6 106 GA +56 6 107 TS +56 6 108 BB +56 6 109 BB +56 6 110 AF +56 6 111 BB +56 6 112 AF +56 6 113 BB +56 6 114 BB +56 6 115 AF +56 6 116 GA +56 6 117 AF +56 6 118 AF +56 6 119 BB +56 6 120 TS +56 6 121 AF +56 6 122 BB +56 6 123 BB +56 6 124 GA +56 6 125 AF +56 6 126 AF +56 6 127 BB +56 6 128 TS +56 6 129 TS +56 6 130 BB +56 6 131 AF +56 6 132 AF +56 6 133 BB +56 6 134 BB +56 6 135 AF +56 6 136 BB +56 6 137 BB +56 6 138 TS +56 6 139 AF +56 6 140 BB +56 6 141 TS +56 6 142 TS +56 6 143 GA +56 6 144 BB +56 6 145 GA +56 6 146 AF +56 6 147 BB +56 6 148 AF +56 6 149 TS +56 6 150 BB +56 6 151 AF +56 6 152 TS +56 6 153 BB +56 6 154 BB +56 6 155 AF +56 6 156 BB +56 6 157 AF +56 6 158 TS +56 6 159 AF +56 6 160 AF +56 6 161 BB +56 6 162 AF +56 6 163 BB +56 6 164 BB +56 6 165 AF +56 6 166 BB +56 6 167 TS +56 6 168 BB +56 6 169 BB +56 6 170 BB +56 6 171 AF +56 6 172 TS +56 6 173 AF +56 6 174 AF +56 6 175 TS +56 6 176 AF +56 6 177 AF +56 6 178 BB +56 6 179 AF +56 6 180 BB +56 6 181 AF +56 6 182 AF +56 6 183 AF +56 6 184 BB +56 6 185 AF +56 6 186 TS +56 6 187 AF +56 6 188 BB +56 6 189 GA +56 6 190 AF +56 6 191 BB +56 6 192 TS +56 6 193 AF +56 6 194 AF +56 6 195 BB +56 6 196 BB +56 6 197 AF +56 6 198 BB +56 6 199 TS +56 6 200 BB +56 6 201 AF +56 6 202 BB +56 6 203 AF +56 6 204 BB +56 6 205 TS +56 6 206 TS +56 6 207 AF +56 6 208 AF +56 6 209 BB +56 6 210 AF +56 6 211 BB +56 6 212 AF +56 6 213 TS +56 6 214 GA +56 6 215 AF +56 6 216 BB +56 6 217 AF +56 6 218 BB +56 6 219 GA +56 6 220 BB +56 6 221 TS +56 6 222 AF +56 6 223 BB +56 6 224 TS +56 6 225 AF +56 6 226 BB +56 6 227 BB +56 6 228 BB +56 6 229 BB +56 6 230 TS +56 6 231 AF +56 6 232 BB +56 6 233 TS +56 6 234 BB +56 6 235 GA +56 6 236 AF +56 6 237 AF +56 6 238 BB +56 6 239 AF +56 6 240 AF +56 6 241 TS +56 6 242 AF +56 6 243 AF +56 6 244 TS +56 6 245 AF +56 6 246 BB +56 6 247 TS +56 6 248 BB +56 6 249 BB +56 6 250 BB +56 6 251 GA +56 6 252 AF +56 6 253 BB +56 6 254 AF +56 6 255 BB +56 6 256 AF +56 6 257 BB +56 6 258 AF +56 6 259 AF +56 6 260 TS +56 6 261 AF +56 6 262 TS +56 6 263 BB +56 6 264 GA +56 6 265 BB +56 6 266 AF +56 6 267 BB +56 6 268 BB +56 6 269 AF +56 6 270 AF +56 6 271 BB +56 6 272 TS +56 6 273 AF +56 6 274 TS +56 6 275 BB +56 6 276 AF +56 6 277 BB +56 6 278 AF +56 6 279 BB +56 6 280 GA +56 6 281 BB +56 6 282 BB +56 6 283 AF +56 6 284 TS +56 6 285 AF +56 6 286 TS +56 6 287 AF +56 6 288 AF +56 6 289 TS +56 6 290 GA +56 6 291 BA +56 6 292 AF +56 6 293 TS +56 6 294 TS +56 6 295 BB +56 6 296 BB +56 6 297 AF +56 6 298 AF +56 6 299 BB +56 6 300 TS +56 6 301 BB +56 6 302 AF +56 6 303 TS +56 6 304 GA +56 6 305 BB +56 6 306 GA +56 6 307 BB +56 6 308 BB +56 6 309 BB +56 6 310 BB +56 6 311 BB +56 6 312 BB +56 6 313 BB +56 6 314 TS +56 6 315 GA +56 6 316 BB +56 6 317 AF +56 6 318 AF +56 6 319 TS +56 6 320 GA +56 6 321 AF +56 6 322 TS +56 6 323 BB +56 6 324 TS +56 6 325 AF +56 6 326 TS +56 6 327 TS +56 6 328 BB +56 6 329 AF +56 6 330 TS +56 7 1 BB +56 7 2 BB +56 7 3 AF +56 7 4 SD +56 7 5 TS +56 7 6 DC +56 7 7 GA +56 7 8 AF +56 7 9 AF +56 7 10 SD +56 7 11 SD +56 7 12 DC +56 7 13 SD +56 7 14 GA +56 7 15 DC +56 7 16 TS +56 7 17 AF +56 7 18 BA +56 7 19 SD +56 7 20 GA +56 7 21 AF +56 7 22 DC +56 7 23 SD +56 7 24 BB +56 7 25 SD +56 7 26 BB +56 7 27 TS +56 7 28 DC +56 7 29 SD +56 7 30 AF +56 7 31 SD +56 7 32 DC +56 7 33 GA +56 7 34 SD +56 7 35 AF +56 7 36 BB +56 7 37 SD +56 7 38 AF +56 7 39 SD +56 7 40 TS +56 7 41 AF +56 7 42 GA +56 7 43 BB +56 7 44 DC +56 7 45 GA +56 7 46 TS +56 7 47 BB +56 7 48 DC +56 7 49 SD +56 7 50 DC +56 7 51 AF +56 7 52 TS +56 7 53 AF +56 7 54 GA +56 7 55 TS +56 7 56 AF +56 7 57 SD +56 7 58 GA +56 7 59 AF +56 7 60 BB +56 7 61 AF +56 7 62 TS +56 7 63 AF +56 7 64 SD +56 7 65 AF +56 7 66 TS +56 7 67 BB +56 7 68 AF +56 7 69 GA +56 7 70 TS +56 7 71 AF +56 7 72 BB +56 7 73 AF +56 7 74 TS +56 7 75 BB +56 7 76 AF +56 7 77 BB +56 7 78 DC +56 7 79 BB +56 7 80 BB +56 7 81 AF +56 7 82 BB +56 7 83 TS +56 7 84 AF +56 7 85 BB +56 7 86 DC +56 7 87 BB +56 7 88 AF +56 7 89 BB +56 7 90 SD +56 7 91 DC +56 7 92 TS +56 7 93 BB +56 7 94 BB +56 7 95 TS +56 7 96 AF +56 7 97 SD +56 7 98 AF +56 7 99 DC +56 7 100 TS +56 7 101 AF +56 7 102 TS +56 7 103 TS +56 7 104 TS +56 7 105 AF +56 7 106 TS +56 7 107 TS +56 7 108 TS +56 7 109 SD +56 7 110 AF +56 7 111 BB +56 7 112 AF +56 7 113 BB +56 7 114 BB +56 7 115 AF +56 7 116 TS +56 7 117 AF +56 7 118 AF +56 7 119 BB +56 7 120 TS +56 7 121 AF +56 7 122 BB +56 7 123 BB +56 7 124 TS +56 7 125 AF +56 7 126 AF +56 7 127 BB +56 7 128 AF +56 7 129 AF +56 7 130 BB +56 7 131 AF +56 7 132 AF +56 7 133 BB +56 7 134 AF +56 7 135 AF +56 7 136 TS +56 7 137 BB +56 7 138 TS +56 7 139 TS +56 7 140 BB +56 7 141 TS +56 7 142 TS +56 7 143 AF +56 7 144 BB +56 7 145 TS +56 7 146 AF +56 7 147 BB +56 7 148 AF +56 7 149 TS +56 7 150 AF +56 7 151 AF +56 7 152 AF +56 7 153 BB +56 7 154 BB +56 7 155 TS +56 7 156 SD +56 7 157 DC +56 7 158 TS +56 7 159 AF +56 7 160 AF +56 7 161 BB +56 7 162 AF +56 7 163 BB +56 7 164 BB +56 7 165 AF +56 7 166 BB +56 7 167 AF +56 7 168 BB +56 7 169 BB +56 7 170 BB +56 7 171 AF +56 7 172 TS +56 7 173 AF +56 7 174 AF +56 7 175 TS +56 7 176 AF +56 7 177 TS +56 7 178 BB +56 7 179 AF +56 7 180 BB +56 7 181 AF +56 7 182 AF +56 7 183 TS +56 7 184 AF +56 7 185 GA +56 7 186 TS +56 7 187 AF +56 7 188 BB +56 7 189 AF +56 7 190 AF +56 7 191 BB +56 7 192 AF +56 7 193 AF +56 7 194 AF +56 7 195 BB +56 7 196 TS +56 7 197 AF +56 7 198 BB +56 7 199 TS +56 7 200 TS +56 7 201 AF +56 7 202 BB +56 7 203 AF +56 7 204 TS +56 7 205 TS +56 7 206 TS +56 7 207 AF +56 7 208 AF +56 7 209 BB +56 7 210 AF +56 7 211 TS +56 7 212 AF +56 7 213 BB +56 7 214 GA +56 7 215 AF +56 7 216 BB +56 7 217 AF +56 7 218 DC +56 7 219 TS +56 7 220 BB +56 7 221 TS +56 7 222 AF +56 7 223 BB +56 7 224 TS +56 7 225 AF +56 7 226 BB +56 7 227 BB +56 7 228 SD +56 7 229 TS +56 7 230 DC +56 7 231 AF +56 7 232 SD +56 7 233 BB +56 7 234 BB +56 7 235 SD +56 7 236 DC +56 7 237 AF +56 7 238 BB +56 7 239 AF +56 7 240 AF +56 7 241 TS +56 7 242 TS +56 7 243 AF +56 7 244 TS +56 7 245 AF +56 7 246 BB +56 7 247 SD +56 7 248 BB +56 7 249 BB +56 7 250 AF +56 7 251 TS +56 7 252 DC +56 7 253 BB +56 7 254 TS +56 7 255 BB +56 7 256 AF +56 7 257 BB +56 7 258 AF +56 7 259 AF +56 7 260 TS +56 7 261 AF +56 7 262 TS +56 7 263 TS +56 7 264 TS +56 7 265 BB +56 7 266 AF +56 7 267 AF +56 7 268 TS +56 7 269 AF +56 7 270 AF +56 7 271 BB +56 7 272 TS +56 7 273 AF +56 7 274 TS +56 7 275 AF +56 7 276 AF +56 7 277 BB +56 7 278 AF +56 7 279 BB +56 7 280 BB +56 7 281 BB +56 7 282 BB +56 7 283 AF +56 7 284 TS +56 7 285 AF +56 7 286 TS +56 7 287 AF +56 7 288 AF +56 7 289 TS +56 7 290 AF +56 7 291 BB +56 7 292 AF +56 7 293 TS +56 7 294 TS +56 7 295 BB +56 7 296 SD +56 7 297 AF +56 7 298 AF +56 7 299 BB +56 7 300 TS +56 7 301 BB +56 7 302 TS +56 7 303 TS +56 7 304 BB +56 7 305 AF +56 7 306 BB +56 7 307 BB +56 7 308 AF +56 7 309 BB +56 7 310 TS +56 7 311 BB +56 7 312 BB +56 7 313 BB +56 7 314 TS +56 7 315 BB +56 7 316 BB +56 7 317 AF +56 7 318 AF +56 7 319 TS +56 7 320 GA +56 7 321 AF +56 7 322 TS +56 7 323 BB +56 7 324 TS +56 7 325 AF +56 7 326 AF +56 7 327 TS +56 7 328 BB +56 7 329 AF +56 7 330 TS +56 8 1 BB +56 8 2 GA +56 8 3 AF +56 8 4 BB +56 8 5 GA +56 8 6 DC +56 8 7 GA +56 8 8 AF +56 8 9 AF +56 8 10 BB +56 8 11 BB +56 8 12 DC +56 8 13 BB +56 8 14 BB +56 8 15 TS +56 8 16 TS +56 8 17 AF +56 8 18 BB +56 8 19 BB +56 8 20 BB +56 8 21 AF +56 8 22 DC +56 8 23 BB +56 8 24 BB +56 8 25 BB +56 8 26 BB +56 8 27 TS +56 8 28 AF +56 8 29 BB +56 8 30 AF +56 8 31 BB +56 8 32 AF +56 8 33 DC +56 8 34 BB +56 8 35 AF +56 8 36 BB +56 8 37 BB +56 8 38 AF +56 8 39 BB +56 8 40 BB +56 8 41 AF +56 8 42 AF +56 8 43 BB +56 8 44 TS +56 8 45 BB +56 8 46 BB +56 8 47 BB +56 8 48 AF +56 8 49 BB +56 8 50 BB +56 8 51 BB +56 8 52 TS +56 8 53 AF +56 8 54 BB +56 8 55 BB +56 8 56 AF +56 8 57 BB +56 8 58 AF +56 8 59 TS +56 8 60 BB +56 8 61 AF +56 8 62 BB +56 8 63 AF +56 8 64 BB +56 8 65 AF +56 8 66 TS +56 8 67 TS +56 8 68 AF +56 8 69 BB +56 8 70 TS +56 8 71 AF +56 8 72 BB +56 8 73 BB +56 8 74 TS +56 8 75 BB +56 8 76 AF +56 8 77 BB +56 8 78 TS +56 8 79 BB +56 8 80 BB +56 8 81 BB +56 8 82 BB +56 8 83 TS +56 8 84 AF +56 8 85 BB +56 8 86 AF +56 8 87 BB +56 8 88 AF +56 8 89 BB +56 8 90 BB +56 8 91 DC +56 8 92 TS +56 8 93 BB +56 8 94 BB +56 8 95 TS +56 8 96 DC +56 8 97 SD +56 8 98 AF +56 8 99 SD +56 8 100 BB +56 8 101 BB +56 8 102 TS +56 8 103 BB +56 8 104 BB +56 8 105 SD +56 8 106 DC +56 8 107 TS +56 8 108 TS +56 8 109 SD +56 8 110 AF +56 8 111 BB +56 8 112 AF +56 8 113 BB +56 8 114 BB +56 8 115 AF +56 8 116 TS +56 8 117 BB +56 8 118 AF +56 8 119 BB +56 8 120 TS +56 8 121 AF +56 8 122 BB +56 8 123 BB +56 8 124 DC +56 8 125 AF +56 8 126 TS +56 8 127 BB +56 8 128 DC +56 8 129 TS +56 8 130 BB +56 8 131 SD +56 8 132 AF +56 8 133 BB +56 8 134 BB +56 8 135 AF +56 8 136 TS +56 8 137 BB +56 8 138 TS +56 8 139 TS +56 8 140 BB +56 8 141 TS +56 8 142 TS +56 8 143 BB +56 8 144 BB +56 8 145 TS +56 8 146 DC +56 8 147 BB +56 8 148 AF +56 8 149 TS +56 8 150 SD +56 8 151 AF +56 8 152 AF +56 8 153 BB +56 8 154 BB +56 8 155 BB +56 8 156 BB +56 8 157 AF +56 8 158 TS +56 8 159 TS +56 8 160 TS +56 8 161 TS +56 8 162 AF +56 8 163 BB +56 8 164 SD +56 8 165 TS +56 8 166 BB +56 8 167 TS +56 8 168 BB +56 8 169 TS +56 8 170 BB +56 8 171 TS +56 8 172 TS +56 8 173 AF +56 8 174 DC +56 8 175 TS +56 8 176 AF +56 8 177 TS +56 8 178 SD +56 8 179 AF +56 8 180 TS +56 8 181 AF +56 8 182 SD +56 8 183 AF +56 8 184 SD +56 8 185 AF +56 8 186 TS +56 8 187 AF +56 8 188 BB +56 8 189 TS +56 8 190 TS +56 8 191 TS +56 8 192 SD +56 8 193 DC +56 8 194 AF +56 8 195 BB +56 8 196 TS +56 8 197 SD +56 8 198 BB +56 8 199 TS +56 8 200 TS +56 8 201 AF +56 8 202 GA +56 8 203 AF +56 8 204 BB +56 8 205 SD +56 8 206 TS +56 8 207 AF +56 8 208 AF +56 8 209 BB +56 8 210 BB +56 8 211 BB +56 8 212 AF +56 8 213 SD +56 8 214 DC +56 8 215 TS +56 8 216 BB +56 8 217 DC +56 8 218 DC +56 8 219 TS +56 8 220 SD +56 8 221 TS +56 8 222 SD +56 8 223 BB +56 8 224 TS +56 8 225 TS +56 8 226 BB +56 8 227 BB +56 8 228 BB +56 8 229 TS +56 8 230 TS +56 8 231 AF +56 8 232 BB +56 8 233 TS +56 8 234 BB +56 8 235 SD +56 8 236 DC +56 8 237 TS +56 8 238 BB +56 8 239 AF +56 8 240 AF +56 8 241 TS +56 8 242 DC +56 8 243 AF +56 8 244 TS +56 8 245 AF +56 8 246 TS +56 8 247 SD +56 8 248 BB +56 8 249 BB +56 8 250 SD +56 8 251 TS +56 8 252 TS +56 8 253 TS +56 8 254 TS +56 8 255 BB +56 8 256 AF +56 8 257 BB +56 8 258 DC +56 8 259 AF +56 8 260 TS +56 8 261 AF +56 8 262 TS +56 8 263 TS +56 8 264 TS +56 8 265 BB +56 8 266 AF +56 8 267 SD +56 8 268 GA +56 8 269 AF +56 8 270 AF +56 8 271 BB +56 8 272 TS +56 8 273 AF +56 8 274 TS +56 8 275 DC +56 8 276 AF +56 8 277 BB +56 8 278 AF +56 8 279 SD +56 8 280 AF +56 8 281 BB +56 8 282 BB +56 8 283 AF +56 8 284 TS +56 8 285 TS +56 8 286 TS +56 8 287 AF +56 8 288 AF +56 8 289 TS +56 8 290 TS +56 8 291 SD +56 8 292 TS +56 8 293 TS +56 8 294 TS +56 8 295 AF +56 8 296 SD +56 8 297 DC +56 8 298 AF +56 8 299 GA +56 8 300 TS +56 8 301 BB +56 8 302 TS +56 8 303 TS +56 8 304 AF +56 8 305 SD +56 8 306 TS +56 8 307 BB +56 8 308 SD +56 8 309 BB +56 8 310 TS +56 8 311 BB +56 8 312 BB +56 8 313 SD +56 8 314 TS +56 8 315 GA +56 8 316 TS +56 8 317 AF +56 8 318 AF +56 8 319 TS +56 8 320 DC +56 8 321 AF +56 8 322 SD +56 8 323 BB +56 8 324 TS +56 8 325 SD +56 8 326 DC +56 8 327 TS +56 8 328 BB +56 8 329 AF +56 8 330 TS +56 9 1 BB +56 9 2 GA +56 9 3 AF +56 9 4 BB +56 9 5 GA +56 9 6 AF +56 9 7 GA +56 9 8 AF +56 9 9 BB +56 9 10 BB +56 9 11 BB +56 9 12 TS +56 9 13 BB +56 9 14 BB +56 9 15 AF +56 9 16 TS +56 9 17 AF +56 9 18 BB +56 9 19 BB +56 9 20 GA +56 9 21 AF +56 9 22 GA +56 9 23 BB +56 9 24 BB +56 9 25 BB +56 9 26 BB +56 9 27 TS +56 9 28 AF +56 9 29 GA +56 9 30 AF +56 9 31 TS +56 9 32 AF +56 9 33 GA +56 9 34 BB +56 9 35 AF +56 9 36 BB +56 9 37 BB +56 9 38 AF +56 9 39 GA +56 9 40 GA +56 9 41 AF +56 9 42 GA +56 9 43 BB +56 9 44 TS +56 9 45 GA +56 9 46 BB +56 9 47 BB +56 9 48 AF +56 9 49 TS +56 9 50 BB +56 9 51 BB +56 9 52 TS +56 9 53 AF +56 9 54 GA +56 9 55 GA +56 9 56 AF +56 9 57 BB +56 9 58 GA +56 9 59 TS +56 9 60 BB +56 9 61 AF +56 9 62 BB +56 9 63 AF +56 9 64 BB +56 9 65 AF +56 9 66 TS +56 9 67 GA +56 9 68 AF +56 9 69 GA +56 9 70 TS +56 9 71 AF +56 9 72 GA +56 9 73 AF +56 9 74 TS +56 9 75 BB +56 9 76 AF +56 9 77 BB +56 9 78 TS +56 9 79 BB +56 9 80 BB +56 9 81 GA +56 9 82 GA +56 9 83 TS +56 9 84 AF +56 9 85 GA +56 9 86 AF +56 9 87 BB +56 9 88 AF +56 9 89 BB +56 9 90 BB +56 9 91 GA +56 9 92 TS +56 9 93 BB +56 9 94 BB +56 9 95 TS +56 9 96 AF +56 9 97 BB +56 9 98 AF +56 9 99 BB +56 9 100 TS +56 9 101 AF +56 9 102 TS +56 9 103 GA +56 9 104 TS +56 9 105 AF +56 9 106 TS +56 9 107 TS +56 9 108 TS +56 9 109 BA +56 9 110 AF +56 9 111 BB +56 9 112 AF +56 9 113 BB +56 9 114 BB +56 9 115 AF +56 9 116 TS +56 9 117 BB +56 9 118 AF +56 9 119 GA +56 9 120 TS +56 9 121 AF +56 9 122 GA +56 9 123 BB +56 9 124 GA +56 9 125 AF +56 9 126 AF +56 9 127 BB +56 9 128 TS +56 9 129 TS +56 9 130 BB +56 9 131 AF +56 9 132 AF +56 9 133 GA +56 9 134 BB +56 9 135 AF +56 9 136 TS +56 9 137 BB +56 9 138 BB +56 9 139 TS +56 9 140 BB +56 9 141 TS +56 9 142 TS +56 9 143 GA +56 9 144 BB +56 9 145 GA +56 9 146 AF +56 9 147 BB +56 9 148 AF +56 9 149 GA +56 9 150 BB +56 9 151 AF +56 9 152 AF +56 9 153 TS +56 9 154 BB +56 9 155 BB +56 9 156 GA +56 9 157 BB +56 9 158 TS +56 9 159 AF +56 9 160 AF +56 9 161 GA +56 9 162 AF +56 9 163 GA +56 9 164 GA +56 9 165 GA +56 9 166 BB +56 9 167 TS +56 9 168 BB +56 9 169 BB +56 9 170 BB +56 9 171 GA +56 9 172 TS +56 9 173 AF +56 9 174 TS +56 9 175 GA +56 9 176 AF +56 9 177 TS +56 9 178 BB +56 9 179 BB +56 9 180 GA +56 9 181 AF +56 9 182 BB +56 9 183 GA +56 9 184 BB +56 9 185 AF +56 9 186 GA +56 9 187 AF +56 9 188 BB +56 9 189 TS +56 9 190 AF +56 9 191 GA +56 9 192 BB +56 9 193 GA +56 9 194 BB +56 9 195 GA +56 9 196 GA +56 9 197 GA +56 9 198 BB +56 9 199 TS +56 9 200 TS +56 9 201 AF +56 9 202 GA +56 9 203 AF +56 9 204 BB +56 9 205 BB +56 9 206 TS +56 9 207 AF +56 9 208 AF +56 9 209 BB +56 9 210 BB +56 9 211 TS +56 9 212 AF +56 9 213 TS +56 9 214 GA +56 9 215 AF +56 9 216 GA +56 9 217 AF +56 9 218 GA +56 9 219 TS +56 9 220 BB +56 9 221 TS +56 9 222 BB +56 9 223 GA +56 9 224 TS +56 9 225 GA +56 9 226 BB +56 9 227 BB +56 9 228 BB +56 9 229 GA +56 9 230 TS +56 9 231 GA +56 9 232 GA +56 9 233 GA +56 9 234 BB +56 9 235 BB +56 9 236 GA +56 9 237 AF +56 9 238 BB +56 9 239 AF +56 9 240 BB +56 9 241 TS +56 9 242 TS +56 9 243 BB +56 9 244 TS +56 9 245 AF +56 9 246 GA +56 9 247 BB +56 9 248 BB +56 9 249 BB +56 9 250 BB +56 9 251 TS +56 9 252 TS +56 9 253 BB +56 9 254 BB +56 9 255 BB +56 9 256 AF +56 9 257 BB +56 9 258 GA +56 9 259 AF +56 9 260 TS +56 9 261 AF +56 9 262 TS +56 9 263 BB +56 9 264 TS +56 9 265 BB +56 9 266 AF +56 9 267 BB +56 9 268 GA +56 9 269 AF +56 9 270 AF +56 9 271 BB +56 9 272 TS +56 9 273 AF +56 9 274 TS +56 9 275 GA +56 9 276 AF +56 9 277 BB +56 9 278 AF +56 9 279 BB +56 9 280 GA +56 9 281 GA +56 9 282 BB +56 9 283 BB +56 9 284 TS +56 9 285 TS +56 9 286 TS +56 9 287 BB +56 9 288 AF +56 9 289 TS +56 9 290 TS +56 9 291 BB +56 9 292 AF +56 9 293 TS +56 9 294 TS +56 9 295 BB +56 9 296 BB +56 9 297 GA +56 9 298 AF +56 9 299 GA +56 9 300 BB +56 9 301 BB +56 9 302 TS +56 9 303 TS +56 9 304 GA +56 9 305 BB +56 9 306 TS +56 9 307 BB +56 9 308 GA +56 9 309 GA +56 9 310 GA +56 9 311 BB +56 9 312 BB +56 9 313 BB +56 9 314 TS +56 9 315 GA +56 9 316 BB +56 9 317 AF +56 9 318 AF +56 9 319 TS +56 9 320 GA +56 9 321 AF +56 9 322 BB +56 9 323 BB +56 9 324 TS +56 9 325 BB +56 9 326 AF +56 9 327 TS +56 9 328 BB +56 9 329 AF +56 9 330 TS +56 10 1 BB +56 10 2 TS +56 10 3 AF +56 10 4 BB +56 10 5 BB +56 10 6 TS +56 10 7 GA +56 10 8 AF +56 10 9 BB +56 10 10 BB +56 10 11 BB +56 10 12 DC +56 10 13 BB +56 10 14 BB +56 10 15 TS +56 10 16 TS +56 10 17 AF +56 10 18 BB +56 10 19 GA +56 10 20 GA +56 10 21 AF +56 10 22 DC +56 10 23 * +56 10 24 BB +56 10 25 GA +56 10 26 BB +56 10 27 TS +56 10 28 AF +56 10 29 GA +56 10 30 AF +56 10 31 GA +56 10 32 TS +56 10 33 GA +56 10 34 TS +56 10 35 AF +56 10 36 BB +56 10 37 BB +56 10 38 AF +56 10 39 GA +56 10 40 BB +56 10 41 AF +56 10 42 DC +56 10 43 BB +56 10 44 TS +56 10 45 GA +56 10 46 BB +56 10 47 BB +56 10 48 DC +56 10 49 GA +56 10 50 BB +56 10 51 BB +56 10 52 TS +56 10 53 AF +56 10 54 GA +56 10 55 GA +56 10 56 AF +56 10 57 BB +56 10 58 GA +56 10 59 TS +56 10 60 BB +56 10 61 AF +56 10 62 TS +56 10 63 AF +56 10 64 BB +56 10 65 AF +56 10 66 TS +56 10 67 GA +56 10 68 AF +56 10 69 BB +56 10 70 TS +56 10 71 BB +56 10 72 GA +56 10 73 BB +56 10 74 TS +56 10 75 BB +56 10 76 AF +56 10 77 GA +56 10 78 TS +56 10 79 BB +56 10 80 BB +56 10 81 GA +56 10 82 GA +56 10 83 TS +56 10 84 AF +56 10 85 GA +56 10 86 TS +56 10 87 BB +56 10 88 BB +56 10 89 BB +56 10 90 BB +56 10 91 DC +56 10 92 TS +56 10 93 BB +56 10 94 BB +56 10 95 TS +56 10 96 DC +56 10 97 BB +56 10 98 AF +56 10 99 DC +56 10 100 TS +56 10 101 AF +56 10 102 TS +56 10 103 GA +56 10 104 TS +56 10 105 TS +56 10 106 DC +56 10 107 TS +56 10 108 TS +56 10 109 BB +56 10 110 DC +56 10 111 BB +56 10 112 AF +56 10 113 BB +56 10 114 BB +56 10 115 AF +56 10 116 BB +56 10 117 BB +56 10 118 AF +56 10 119 GA +56 10 120 TS +56 10 121 AF +56 10 122 GA +56 10 123 BB +56 10 124 DC +56 10 125 AF +56 10 126 AF +56 10 127 BB +56 10 128 DC +56 10 129 TS +56 10 130 BB +56 10 131 BB +56 10 132 AF +56 10 133 GA +56 10 134 BB +56 10 135 AF +56 10 136 GA +56 10 137 GA +56 10 138 BB +56 10 139 TS +56 10 140 BB +56 10 141 TS +56 10 142 TS +56 10 143 DC +56 10 144 BB +56 10 145 TS +56 10 146 DC +56 10 147 GA +56 10 148 AF +56 10 149 GA +56 10 150 BB +56 10 151 AF +56 10 152 AF +56 10 153 GA +56 10 154 BB +56 10 155 BB +56 10 156 GA +56 10 157 BB +56 10 158 TS +56 10 159 TS +56 10 160 AF +56 10 161 GA +56 10 162 AF +56 10 163 GA +56 10 164 BB +56 10 165 BB +56 10 166 BB +56 10 167 GA +56 10 168 GA +56 10 169 BB +56 10 170 BB +56 10 171 GA +56 10 172 TS +56 10 173 AF +56 10 174 DC +56 10 175 TS +56 10 176 AF +56 10 177 AF +56 10 178 BB +56 10 179 BB +56 10 180 GA +56 10 181 DC +56 10 182 DC +56 10 183 BB +56 10 184 BB +56 10 185 * +56 10 186 GA +56 10 187 AF +56 10 188 BB +56 10 189 BB +56 10 190 GA +56 10 191 GA +56 10 192 BB +56 10 193 GA +56 10 194 AF +56 10 195 GA +56 10 196 TS +56 10 197 BB +56 10 198 BB +56 10 199 TS +56 10 200 GA +56 10 201 TS +56 10 202 TS +56 10 203 AF +56 10 204 BB +56 10 205 BB +56 10 206 TS +56 10 207 AF +56 10 208 BB +56 10 209 BB +56 10 210 BB +56 10 211 GA +56 10 212 AF +56 10 213 BB +56 10 214 DC +56 10 215 TS +56 10 216 BB +56 10 217 TS +56 10 218 DC +56 10 219 TS +56 10 220 GA +56 10 221 TS +56 10 222 BB +56 10 223 GA +56 10 224 TS +56 10 225 DC +56 10 226 BB +56 10 227 BB +56 10 228 BB +56 10 229 TS +56 10 230 TS +56 10 231 AF +56 10 232 BB +56 10 233 TS +56 10 234 GA +56 10 235 BB +56 10 236 DC +56 10 237 TS +56 10 238 BB +56 10 239 TS +56 10 240 BB +56 10 241 TS +56 10 242 TS +56 10 243 BB +56 10 244 TS +56 10 245 AF +56 10 246 BB +56 10 247 BB +56 10 248 BB +56 10 249 GA +56 10 250 BB +56 10 251 DC +56 10 252 TS +56 10 253 GA +56 10 254 TS +56 10 255 BB +56 10 256 AF +56 10 257 BB +56 10 258 DC +56 10 259 DC +56 10 260 TS +56 10 261 AF +56 10 262 TS +56 10 263 TS +56 10 264 TS +56 10 265 GA +56 10 266 AF +56 10 267 AF +56 10 268 DC +56 10 269 AF +56 10 270 AF +56 10 271 BB +56 10 272 TS +56 10 273 TS +56 10 274 TS +56 10 275 DC +56 10 276 AF +56 10 277 BB +56 10 278 AF +56 10 279 BB +56 10 280 DC +56 10 281 BB +56 10 282 GA +56 10 283 BB +56 10 284 TS +56 10 285 TS +56 10 286 TS +56 10 287 BB +56 10 288 AF +56 10 289 GA +56 10 290 TS +56 10 291 BB +56 10 292 BB +56 10 293 TS +56 10 294 TS +56 10 295 BB +56 10 296 BB +56 10 297 DC +56 10 298 AF +56 10 299 GA +56 10 300 TS +56 10 301 GA +56 10 302 TS +56 10 303 TS +56 10 304 DC +56 10 305 AF +56 10 306 GA +56 10 307 BB +56 10 308 TS +56 10 309 BB +56 10 310 GA +56 10 311 BB +56 10 312 BB +56 10 313 BB +56 10 314 TS +56 10 315 GA +56 10 316 GA +56 10 317 AF +56 10 318 AF +56 10 319 TS +56 10 320 GA +56 10 321 AF +56 10 322 BB +56 10 323 GA +56 10 324 TS +56 10 325 AF +56 10 326 DC +56 10 327 TS +56 10 328 GA +56 10 329 BB +56 10 330 TS +56 11 1 BB +56 11 2 TS +56 11 3 AF +56 11 4 BB +56 11 5 BB +56 11 6 DC +56 11 7 BB +56 11 8 AF +56 11 9 AF +56 11 10 BB +56 11 11 BB +56 11 12 DC +56 11 13 BB +56 11 14 BB +56 11 15 TT +56 11 16 TS +56 11 17 AF +56 11 18 BB +56 11 19 BB +56 11 20 BB +56 11 21 AF +56 11 22 TT +56 11 23 AF +56 11 24 BB +56 11 25 BB +56 11 26 BB +56 11 27 TS +56 11 28 AF +56 11 29 BB +56 11 30 AF +56 11 31 TT +56 11 32 AF +56 11 33 TT +56 11 34 BB +56 11 35 AF +56 11 36 BB +56 11 37 TT +56 11 38 AF +56 11 39 BB +56 11 40 BB +56 11 41 AF +56 11 42 TT +56 11 43 BB +56 11 44 TS +56 11 45 TT +56 11 46 BB +56 11 47 BB +56 11 48 TT +56 11 49 TS +56 11 50 BB +56 11 51 BB +56 11 52 TS +56 11 53 AF +56 11 54 BB +56 11 55 BB +56 11 56 AF +56 11 57 BB +56 11 58 BB +56 11 59 TS +56 11 60 BB +56 11 61 AF +56 11 62 TT +56 11 63 AF +56 11 64 BB +56 11 65 AF +56 11 66 TS +56 11 67 TT +56 11 68 AF +56 11 69 BB +56 11 70 TS +56 11 71 AF +56 11 72 BB +56 11 73 AF +56 11 74 TS +56 11 75 BB +56 11 76 AF +56 11 77 TS +56 11 78 DC +56 11 79 BB +56 11 80 BB +56 11 81 TT +56 11 82 BB +56 11 83 TS +56 11 84 AF +56 11 85 BB +56 11 86 AF +56 11 87 BB +56 11 88 AF +56 11 89 BB +56 11 90 BB +56 11 91 TS +56 11 92 TS +56 11 93 BB +56 11 94 BB +56 11 95 TS +56 11 96 DC +56 11 97 BB +56 11 98 AF +56 11 99 TS +56 11 100 TS +56 11 101 AF +56 11 102 TS +56 11 103 BB +56 11 104 TS +56 11 105 AF +56 11 106 TS +56 11 107 TS +56 11 108 TS +56 11 109 BB +56 11 110 AF +56 11 111 BB +56 11 112 AF +56 11 113 BB +56 11 114 BB +56 11 115 AF +56 11 116 TS +56 11 117 BB +56 11 118 AF +56 11 119 BB +56 11 120 TS +56 11 121 AF +56 11 122 BB +56 11 123 BB +56 11 124 WE +56 11 125 AF +56 11 126 AF +56 11 127 BB +56 11 128 WE +56 11 129 TS +56 11 130 BB +56 11 131 AF +56 11 132 AF +56 11 133 BB +56 11 134 BB +56 11 135 AF +56 11 136 BB +56 11 137 BB +56 11 138 WE +56 11 139 TS +56 11 140 BB +56 11 141 TS +56 11 142 TS +56 11 143 WE +56 11 144 BB +56 11 145 BB +56 11 146 DC +56 11 147 BB +56 11 148 AF +56 11 149 WE +56 11 150 BB +56 11 151 AF +56 11 152 DC +56 11 153 BB +56 11 154 BB +56 11 155 BB +56 11 156 BB +56 11 157 BB +56 11 158 TS +56 11 159 DC +56 11 160 DC +56 11 161 BB +56 11 162 AF +56 11 163 BB +56 11 164 BB +56 11 165 BB +56 11 166 BB +56 11 167 DC +56 11 168 BB +56 11 169 BB +56 11 170 BB +56 11 171 BB +56 11 172 TS +56 11 173 AF +56 11 174 DC +56 11 175 WE +56 11 176 AF +56 11 177 TS +56 11 178 BB +56 11 179 BB +56 11 180 WE +56 11 181 * +56 11 182 AF +56 11 183 BB +56 11 184 AF +56 11 185 AF +56 11 186 BB +56 11 187 AF +56 11 188 BB +56 11 189 TS +56 11 190 AF +56 11 191 BB +56 11 192 BB +56 11 193 WE +56 11 194 AF +56 11 195 BB +56 11 196 BB +56 11 197 AF +56 11 198 BB +56 11 199 TS +56 11 200 TS +56 11 201 AF +56 11 202 BB +56 11 203 AF +56 11 204 BB +56 11 205 BB +56 11 206 TS +56 11 207 AF +56 11 208 DC +56 11 209 BB +56 11 210 AF +56 11 211 BB +56 11 212 AF +56 11 213 TS +56 11 214 WE +56 11 215 DC +56 11 216 BB +56 11 217 AF +56 11 218 WE +56 11 219 TS +56 11 220 BB +56 11 221 TS +56 11 222 AF +56 11 223 BB +56 11 224 TS +56 11 225 BB +56 11 226 BB +56 11 227 BB +56 11 228 BB +56 11 229 WE +56 11 230 TS +56 11 231 AF +56 11 232 BB +56 11 233 BB +56 11 234 BB +56 11 235 BB +56 11 236 * +56 11 237 AF +56 11 238 BB +56 11 239 AF +56 11 240 AF +56 11 241 TS +56 11 242 DC +56 11 243 AF +56 11 244 TS +56 11 245 AF +56 11 246 BB +56 11 247 AF +56 11 248 BB +56 11 249 BB +56 11 250 BB +56 11 251 WE +56 11 252 TS +56 11 253 BB +56 11 254 DC +56 11 255 BB +56 11 256 AF +56 11 257 BB +56 11 258 DC +56 11 259 AF +56 11 260 TS +56 11 261 AF +56 11 262 TS +56 11 263 TS +56 11 264 TS +56 11 265 BB +56 11 266 AF +56 11 267 AF +56 11 268 WE +56 11 269 AF +56 11 270 AF +56 11 271 BB +56 11 272 TS +56 11 273 AF +56 11 274 TS +56 11 275 WE +56 11 276 AF +56 11 277 BB +56 11 278 AF +56 11 279 BB +56 11 280 BB +56 11 281 BB +56 11 282 BB +56 11 283 BB +56 11 284 TS +56 11 285 DC +56 11 286 TS +56 11 287 BB +56 11 288 AF +56 11 289 DC +56 11 290 TS +56 11 291 BB +56 11 292 DC +56 11 293 TS +56 11 294 TS +56 11 295 BB +56 11 296 BB +56 11 297 DC +56 11 298 AF +56 11 299 BB +56 11 300 WE +56 11 301 BB +56 11 302 TS +56 11 303 TS +56 11 304 BB +56 11 305 AF +56 11 306 WE +56 11 307 BB +56 11 308 DC +56 11 309 BB +56 11 310 DC +56 11 311 BB +56 11 312 BB +56 11 313 BB +56 11 314 TS +56 11 315 WE +56 11 316 BB +56 11 317 AF +56 11 318 AF +56 11 319 TS +56 11 320 WE +56 11 321 AF +56 11 322 TS +56 11 323 BB +56 11 324 TS +56 11 325 AF +56 11 326 DC +56 11 327 TS +56 11 328 BB +56 11 329 AF +56 11 330 TS +56 12 1 BB +56 12 2 GA +56 12 3 AF +56 12 4 BB +56 12 5 TS +56 12 6 AF +56 12 7 GA +56 12 8 AF +56 12 9 CD +56 12 10 BB +56 12 11 GA +56 12 12 TS +56 12 13 GA +56 12 14 BB +56 12 15 AF +56 12 16 TS +56 12 17 AF +56 12 18 BB +56 12 19 TS +56 12 20 GA +56 12 21 AF +56 12 22 TS +56 12 23 BB +56 12 24 BB +56 12 25 GA +56 12 26 BB +56 12 27 TS +56 12 28 AF +56 12 29 GA +56 12 30 AF +56 12 31 TS +56 12 32 AF +56 12 33 GA +56 12 34 BB +56 12 35 AF +56 12 36 BB +56 12 37 BB +56 12 38 AF +56 12 39 GA +56 12 40 TS +56 12 41 AF +56 12 42 GA +56 12 43 BB +56 12 44 TS +56 12 45 GA +56 12 46 TS +56 12 47 BB +56 12 48 AF +56 12 49 TS +56 12 50 BB +56 12 51 AF +56 12 52 TS +56 12 53 AF +56 12 54 GA +56 12 55 TS +56 12 56 AF +56 12 57 GA +56 12 58 TS +56 12 59 BB +56 12 60 BB +56 12 61 AF +56 12 62 BB +56 12 63 AF +56 12 64 BB +56 12 65 AF +56 12 66 TS +56 12 67 GA +56 12 68 AF +56 12 69 GA +56 12 70 BB +56 12 71 BB +56 12 72 GA +56 12 73 AF +56 12 74 TS +56 12 75 BB +56 12 76 AF +56 12 77 TS +56 12 78 AF +56 12 79 BB +56 12 80 GA +56 12 81 GA +56 12 82 TS +56 12 83 TS +56 12 84 AF +56 12 85 GA +56 12 86 TS +56 12 87 BB +56 12 88 AF +56 12 89 BB +56 12 90 BB +56 12 91 GA +56 12 92 TS +56 12 93 BB +56 12 94 BB +56 12 95 TS +56 12 96 AF +56 12 97 BB +56 12 98 AF +56 12 99 GA +56 12 100 TS +56 12 101 AF +56 12 102 BB +56 12 103 GA +56 12 104 TS +56 12 105 AF +56 12 106 TS +56 12 107 TS +56 12 108 TS +56 12 109 BB +56 12 110 AF +56 12 111 GA +56 12 112 AF +56 12 113 BB +56 12 114 GA +56 12 115 AF +56 12 116 TS +56 12 117 BB +56 12 118 AF +56 12 119 GA +56 12 120 TS +56 12 121 AF +56 12 122 GA +56 12 123 BB +56 12 124 GA +56 12 125 AF +56 12 126 AF +56 12 127 GA +56 12 128 TS +56 12 129 TS +56 12 130 GA +56 12 131 AF +56 12 132 AF +56 12 133 GA +56 12 134 BB +56 12 135 AF +56 12 136 TS +56 12 137 GA +56 12 138 TS +56 12 139 TS +56 12 140 BB +56 12 141 TS +56 12 142 TS +56 12 143 GA +56 12 144 BB +56 12 145 GA +56 12 146 AF +56 12 147 GA +56 12 148 AF +56 12 149 GA +56 12 150 BB +56 12 151 AF +56 12 152 AF +56 12 153 GA +56 12 154 BB +56 12 155 BB +56 12 156 GA +56 12 157 AF +56 12 158 TS +56 12 159 GA +56 12 160 TS +56 12 161 GA +56 12 162 AF +56 12 163 GA +56 12 164 BB +56 12 165 AF +56 12 166 BB +56 12 167 TS +56 12 168 GA +56 12 169 TS +56 12 170 GA +56 12 171 GA +56 12 172 TS +56 12 173 AF +56 12 174 AF +56 12 175 TS +56 12 176 AF +56 12 177 TS +56 12 178 BB +56 12 179 AF +56 12 180 GA +56 12 181 AF +56 12 182 AF +56 12 183 TS +56 12 184 BB +56 12 185 AF +56 12 186 GA +56 12 187 AF +56 12 188 BB +56 12 189 TS +56 12 190 AF +56 12 191 BB +56 12 192 BB +56 12 193 TS +56 12 194 BB +56 12 195 CD +56 12 196 TS +56 12 197 BB +56 12 198 BB +56 12 199 TS +56 12 200 TS +56 12 201 AF +56 12 202 BB +56 12 203 AF +56 12 204 BB +56 12 205 CD +56 12 206 TS +56 12 207 AF +56 12 208 BB +56 12 209 BB +56 12 210 BB +56 12 211 CD +56 12 212 AF +56 12 213 TS +56 12 214 AF +56 12 215 AF +56 12 216 CD +56 12 217 TS +56 12 218 GA +56 12 219 TS +56 12 220 BB +56 12 221 TS +56 12 222 BB +56 12 223 CD +56 12 224 TS +56 12 225 GA +56 12 226 BB +56 12 227 BB +56 12 228 BB +56 12 229 GA +56 12 230 TS +56 12 231 AF +56 12 232 GA +56 12 233 BB +56 12 234 GA +56 12 235 BB +56 12 236 GA +56 12 237 AF +56 12 238 GG +56 12 239 AF +56 12 240 BB +56 12 241 TS +56 12 242 AF +56 12 243 AF +56 12 244 TS +56 12 245 AF +56 12 246 GA +56 12 247 BB +56 12 248 BB +56 12 249 GA +56 12 250 BB +56 12 251 GA +56 12 252 TS +56 12 253 GA +56 12 254 BB +56 12 255 BB +56 12 256 AF +56 12 257 BB +56 12 258 GA +56 12 259 AF +56 12 260 GA +56 12 261 AF +56 12 262 TS +56 12 263 BB +56 12 264 BB +56 12 265 GA +56 12 266 AF +56 12 267 BB +56 12 268 GA +56 12 269 AF +56 12 270 AF +56 12 271 BB +56 12 272 TS +56 12 273 AF +56 12 274 TS +56 12 275 GA +56 12 276 AF +56 12 277 BB +56 12 278 AF +56 12 279 BB +56 12 280 GA +56 12 281 GA +56 12 282 GA +56 12 283 BB +56 12 284 TS +56 12 285 AF +56 12 286 TS +56 12 287 AF +56 12 288 AF +56 12 289 BB +56 12 290 TS +56 12 291 BB +56 12 292 AF +56 12 293 TS +56 12 294 TS +56 12 295 CD +56 12 296 BB +56 12 297 AF +56 12 298 AF +56 12 299 GA +56 12 300 TS +56 12 301 GA +56 12 302 TS +56 12 303 BB +56 12 304 GA +56 12 305 BB +56 12 306 GA +56 12 307 BB +56 12 308 BB +56 12 309 BB +56 12 310 GA +56 12 311 BB +56 12 312 BB +56 12 313 BB +56 12 314 TS +56 12 315 GA +56 12 316 GA +56 12 317 AF +56 12 318 AF +56 12 319 TS +56 12 320 GA +56 12 321 AF +56 12 322 TS +56 12 323 GA +56 12 324 TS +56 12 325 AF +56 12 326 GA +56 12 327 TS +56 12 328 GA +56 12 329 AF +56 12 330 TS +56 13 1 BB +56 13 2 TS +56 13 3 AF +56 13 4 BB +56 13 5 TS +56 13 6 AF +56 13 7 TS +56 13 8 AF +56 13 9 AF +56 13 10 BB +56 13 11 TS +56 13 12 TS +56 13 13 BB +56 13 14 BB +56 13 15 TS +56 13 16 TS +56 13 17 AF +56 13 18 BB +56 13 19 TU +56 13 20 TU +56 13 21 AF +56 13 22 TS +56 13 23 BB +56 13 24 BB +56 13 25 BB +56 13 26 BB +56 13 27 * +56 13 28 AF +56 13 29 TS +56 13 30 AF +56 13 31 TS +56 13 32 AF +56 13 33 TS +56 13 34 TU +56 13 35 AF +56 13 36 BB +56 13 37 PT +56 13 38 AF +56 13 39 BB +56 13 40 BB +56 13 41 AF +56 13 42 PT +56 13 43 BB +56 13 44 TS +56 13 45 BB +56 13 46 BB +56 13 47 BB +56 13 48 AF +56 13 49 PT +56 13 50 BB +56 13 51 PT +56 13 52 TS +56 13 53 AF +56 13 54 BB +56 13 55 BB +56 13 56 AF +56 13 57 BB +56 13 58 * +56 13 59 TS +56 13 60 BB +56 13 61 AF +56 13 62 TS +56 13 63 AF +56 13 64 BB +56 13 65 AF +56 13 66 TS +56 13 67 CH +56 13 68 AF +56 13 69 BB +56 13 70 TS +56 13 71 CH +56 13 72 BB +56 13 73 * +56 13 74 PT +56 13 75 BB +56 13 76 * +56 13 77 CH +56 13 78 PT +56 13 79 BB +56 13 80 CH +56 13 81 TU +56 13 82 BB +56 13 83 TS +56 13 84 CH +56 13 85 PT +56 13 86 AF +56 13 87 BB +56 13 88 AF +56 13 89 BB +56 13 90 TU +56 13 91 PT +56 13 92 CH +56 13 93 BB +56 13 94 BB +56 13 95 TS +56 13 96 CH +56 13 97 BB +56 13 98 AF +56 13 99 TS +56 13 100 TU +56 13 101 CH +56 13 102 TS +56 13 103 TU +56 13 104 PT +56 13 105 AF +56 13 106 CH +56 13 107 TS +56 13 108 TS +56 13 109 CH +56 13 110 AF +56 13 111 BB +56 13 112 AF +56 13 113 BB +56 13 114 PT +56 13 115 AF +56 13 116 TS +56 13 117 CH +56 13 118 AF +56 13 119 GA +56 13 120 TS +56 13 121 AF +56 13 122 * +56 13 123 TU +56 13 124 TS +56 13 125 AF +56 13 126 PT +56 13 127 BB +56 13 128 PT +56 13 129 TS +56 13 130 BB +56 13 131 CH +56 13 132 CH +56 13 133 TU +56 13 134 CH +56 13 135 AF +56 13 136 BB +56 13 137 BB +56 13 138 PT +56 13 139 TS +56 13 140 BB +56 13 141 TS +56 13 142 TS +56 13 143 CH +56 13 144 BB +56 13 145 CH +56 13 146 CH +56 13 147 TS +56 13 148 AF +56 13 149 TU +56 13 150 CH +56 13 151 AF +56 13 152 PT +56 13 153 CH +56 13 154 TU +56 13 155 CH +56 13 156 CH +56 13 157 CH +56 13 158 TS +56 13 159 CH +56 13 160 CH +56 13 161 TU +56 13 162 AF +56 13 163 BB +56 13 164 CH +56 13 165 BB +56 13 166 BB +56 13 167 PT +56 13 168 CH +56 13 169 TU +56 13 170 BB +56 13 171 BB +56 13 172 TS +56 13 173 AF +56 13 174 CH +56 13 175 TU +56 13 176 AF +56 13 177 TS +56 13 178 BB +56 13 179 CH +56 13 180 CH +56 13 181 CH +56 13 182 CH +56 13 183 TU +56 13 184 TU +56 13 185 AF +56 13 186 PT +56 13 187 * +56 13 188 * +56 13 189 PT +56 13 190 CH +56 13 191 CH +56 13 192 CH +56 13 193 CH +56 13 194 AF +56 13 195 * +56 13 196 TU +56 13 197 TU +56 13 198 BB +56 13 199 TS +56 13 200 CH +56 13 201 AF +56 13 202 CH +56 13 203 AF +56 13 204 BB +56 13 205 BB +56 13 206 TS +56 13 207 AF +56 13 208 CH +56 13 209 BB +56 13 210 TS +56 13 211 CH +56 13 212 AF +56 13 213 PT +56 13 214 BB +56 13 215 BB +56 13 216 AF +56 13 217 BB +56 13 218 TS +56 13 219 TU +56 13 220 TS +56 13 221 CH +56 13 222 BB +56 13 223 TS +56 13 224 CH +56 13 225 BB +56 13 226 BB +56 13 227 CH +56 13 228 PT +56 13 229 PT +56 13 230 TS +56 13 231 CH +56 13 232 TU +56 13 233 TU +56 13 234 GA +56 13 235 BB +56 13 236 TU +56 13 237 AF +56 13 238 GA +56 13 239 AF +56 13 240 * +56 13 241 TS +56 13 242 TS +56 13 243 * +56 13 244 TS +56 13 245 AF +56 13 246 GA +56 13 247 TU +56 13 248 BB +56 13 249 BB +56 13 250 TU +56 13 251 CH +56 13 252 TS +56 13 253 * +56 13 254 PT +56 13 255 BB +56 13 256 AF +56 13 257 SD +56 13 258 PT +56 13 259 AF +56 13 260 TS +56 13 261 AF +56 13 262 TS +56 13 263 PT +56 13 264 PT +56 13 265 BB +56 13 266 AF +56 13 267 TU +56 13 268 CH +56 13 269 AF +56 13 270 AF +56 13 271 CH +56 13 272 TS +56 13 273 TU +56 13 274 TS +56 13 275 CH +56 13 276 AF +56 13 277 BB +56 13 278 AF +56 13 279 BB +56 13 280 TU +56 13 281 TU +56 13 282 TU +56 13 283 TU +56 13 284 TS +56 13 285 CH +56 13 286 TS +56 13 287 CH +56 13 288 AF +56 13 289 TU +56 13 290 CH +56 13 291 BB +56 13 292 PT +56 13 293 TS +56 13 294 TS +56 13 295 TU +56 13 296 BB +56 13 297 GA +56 13 298 AF +56 13 299 CH +56 13 300 TS +56 13 301 BB +56 13 302 TS +56 13 303 TS +56 13 304 TU +56 13 305 CH +56 13 306 CH +56 13 307 GA +56 13 308 CH +56 13 309 BB +56 13 310 GA +56 13 311 CH +56 13 312 BB +56 13 313 BB +56 13 314 TS +56 13 315 GA +56 13 316 CH +56 13 317 AF +56 13 318 AF +56 13 319 TS +56 13 320 TU +56 13 321 AF +56 13 322 PT +56 13 323 CH +56 13 324 TS +56 13 325 CH +56 13 326 TU +56 13 327 TS +56 13 328 BB +56 13 329 TU +56 13 330 TS +56 14 1 BB +56 14 2 TS +56 14 3 AF +56 14 4 AF +56 14 5 TS +56 14 6 GA +56 14 7 BB +56 14 8 AF +56 14 9 AF +56 14 10 BB +56 14 11 BB +56 14 12 TS +56 14 13 BB +56 14 14 BB +56 14 15 TS +56 14 16 TS +56 14 17 AF +56 14 18 BB +56 14 19 BB +56 14 20 BB +56 14 21 AF +56 14 22 TS +56 14 23 AF +56 14 24 BB +56 14 25 BB +56 14 26 BB +56 14 27 AF +56 14 28 AF +56 14 29 BB +56 14 30 AF +56 14 31 BB +56 14 32 AF +56 14 33 BB +56 14 34 BB +56 14 35 AF +56 14 36 BB +56 14 37 TS +56 14 38 AF +56 14 39 BB +56 14 40 BB +56 14 41 AF +56 14 42 AF +56 14 43 BB +56 14 44 TS +56 14 45 BB +56 14 46 GA +56 14 47 BB +56 14 48 AF +56 14 49 TS +56 14 50 AF +56 14 51 AF +56 14 52 TS +56 14 53 AF +56 14 54 BB +56 14 55 TS +56 14 56 AF +56 14 57 BB +56 14 58 BB +56 14 59 TS +56 14 60 BB +56 14 61 AF +56 14 62 TS +56 14 63 AF +56 14 64 BB +56 14 65 AF +56 14 66 TS +56 14 67 TS +56 14 68 AF +56 14 69 BB +56 14 70 TS +56 14 71 AF +56 14 72 BB +56 14 73 AF +56 14 74 TS +56 14 75 BB +56 14 76 AF +56 14 77 BB +56 14 78 AF +56 14 79 BB +56 14 80 BB +56 14 81 AF +56 14 82 TS +56 14 83 AF +56 14 84 AF +56 14 85 BB +56 14 86 AF +56 14 87 BB +56 14 88 AF +56 14 89 BB +56 14 90 BB +56 14 91 AF +56 14 92 TS +56 14 93 BB +56 14 94 AF +56 14 95 TS +56 14 96 AF +56 14 97 BB +56 14 98 AF +56 14 99 TS +56 14 100 TS +56 14 101 AF +56 14 102 TS +56 14 103 BB +56 14 104 TS +56 14 105 AF +56 14 106 TS +56 14 107 TS +56 14 108 TS +56 14 109 AF +56 14 110 AF +56 14 111 BB +56 14 112 AF +56 14 113 BB +56 14 114 BB +56 14 115 AF +56 14 116 TS +56 14 117 AF +56 14 118 AF +56 14 119 BB +56 14 120 TS +56 14 121 AF +56 14 122 BB +56 14 123 BB +56 14 124 TS +56 14 125 AF +56 14 126 AF +56 14 127 BB +56 14 128 TS +56 14 129 TS +56 14 130 BB +56 14 131 AF +56 14 132 AF +56 14 133 BB +56 14 134 AF +56 14 135 AF +56 14 136 BB +56 14 137 BB +56 14 138 TS +56 14 139 TS +56 14 140 BB +56 14 141 TS +56 14 142 TS +56 14 143 GA +56 14 144 BB +56 14 145 BB +56 14 146 TS +56 14 147 BB +56 14 148 AF +56 14 149 TS +56 14 150 AF +56 14 151 AF +56 14 152 AF +56 14 153 BB +56 14 154 BB +56 14 155 BB +56 14 156 BB +56 14 157 AF +56 14 158 TS +56 14 159 AF +56 14 160 AF +56 14 161 TS +56 14 162 AF +56 14 163 BB +56 14 164 BB +56 14 165 BB +56 14 166 BB +56 14 167 TS +56 14 168 BB +56 14 169 BB +56 14 170 BB +56 14 171 GA +56 14 172 TS +56 14 173 AF +56 14 174 AF +56 14 175 TS +56 14 176 AF +56 14 177 TS +56 14 178 BB +56 14 179 AF +56 14 180 GA +56 14 181 AF +56 14 182 AF +56 14 183 TS +56 14 184 AF +56 14 185 AF +56 14 186 TS +56 14 187 AF +56 14 188 BB +56 14 189 TS +56 14 190 AF +56 14 191 BB +56 14 192 AF +56 14 193 TS +56 14 194 AF +56 14 195 BB +56 14 196 TS +56 14 197 TS +56 14 198 BB +56 14 199 TS +56 14 200 TS +56 14 201 AF +56 14 202 BB +56 14 203 AF +56 14 204 AF +56 14 205 TS +56 14 206 TS +56 14 207 AF +56 14 208 AF +56 14 209 BB +56 14 210 AF +56 14 211 BB +56 14 212 AF +56 14 213 TS +56 14 214 AF +56 14 215 AF +56 14 216 BB +56 14 217 AF +56 14 218 BB +56 14 219 TS +56 14 220 BB +56 14 221 TS +56 14 222 AF +56 14 223 BB +56 14 224 TS +56 14 225 TS +56 14 226 BB +56 14 227 BB +56 14 228 BB +56 14 229 TS +56 14 230 TS +56 14 231 AF +56 14 232 TS +56 14 233 TS +56 14 234 BB +56 14 235 BB +56 14 236 TS +56 14 237 AF +56 14 238 BB +56 14 239 AF +56 14 240 AF +56 14 241 TS +56 14 242 TS +56 14 243 AF +56 14 244 TS +56 14 245 AF +56 14 246 BB +56 14 247 AF +56 14 248 BB +56 14 249 BB +56 14 250 AF +56 14 251 TS +56 14 252 TS +56 14 253 BB +56 14 254 TS +56 14 255 BB +56 14 256 AF +56 14 257 BB +56 14 258 AF +56 14 259 AF +56 14 260 TS +56 14 261 AF +56 14 262 TS +56 14 263 TS +56 14 264 TS +56 14 265 BB +56 14 266 AF +56 14 267 AF +56 14 268 GA +56 14 269 AF +56 14 270 AF +56 14 271 BB +56 14 272 TS +56 14 273 AF +56 14 274 TS +56 14 275 TS +56 14 276 AF +56 14 277 BB +56 14 278 AF +56 14 279 BB +56 14 280 BB +56 14 281 BB +56 14 282 BB +56 14 283 AF +56 14 284 TS +56 14 285 AF +56 14 286 TS +56 14 287 AF +56 14 288 AF +56 14 289 TS +56 14 290 TS +56 14 291 BB +56 14 292 AF +56 14 293 TS +56 14 294 TS +56 14 295 AF +56 14 296 BB +56 14 297 AF +56 14 298 AF +56 14 299 BB +56 14 300 TS +56 14 301 BB +56 14 302 TS +56 14 303 TS +56 14 304 GA +56 14 305 AF +56 14 306 TS +56 14 307 BB +56 14 308 GA +56 14 309 BB +56 14 310 BB +56 14 311 BB +56 14 312 BB +56 14 313 BB +56 14 314 TS +56 14 315 GA +56 14 316 BB +56 14 317 AF +56 14 318 AF +56 14 319 TS +56 14 320 GA +56 14 321 AF +56 14 322 TS +56 14 323 BB +56 14 324 TS +56 14 325 AF +56 14 326 AF +56 14 327 TS +56 14 328 BB +56 14 329 GA +56 14 330 TS +56 15 1 BB +56 15 2 GA +56 15 3 AF +56 15 4 AF +56 15 5 GA +56 15 6 BA +56 15 7 GA +56 15 8 AF +56 15 9 AF +56 15 10 GA +56 15 11 GA +56 15 12 BA +56 15 13 GA +56 15 14 GA +56 15 15 BA +56 15 16 TS +56 15 17 AF +56 15 18 BA +56 15 19 GA +56 15 20 GA +56 15 21 AF +56 15 22 BA +56 15 23 AF +56 15 24 BB +56 15 25 GA +56 15 26 GA +56 15 27 BA +56 15 28 AF +56 15 29 GA +56 15 30 AF +56 15 31 GA +56 15 32 AF +56 15 33 GA +56 15 34 GA +56 15 35 AF +56 15 36 GA +56 15 37 GA +56 15 38 AF +56 15 39 GA +56 15 40 GA +56 15 41 AF +56 15 42 BA +56 15 43 BB +56 15 44 TS +56 15 45 GA +56 15 46 BB +56 15 47 GA +56 15 48 BA +56 15 49 GA +56 15 50 AF +56 15 51 BA +56 15 52 TS +56 15 53 AF +56 15 54 GA +56 15 55 GA +56 15 56 BA +56 15 57 GA +56 15 58 BA +56 15 59 TS +56 15 60 BB +56 15 61 AF +56 15 62 BA +56 15 63 AF +56 15 64 GA +56 15 65 AF +56 15 66 TS +56 15 67 GA +56 15 68 AF +56 15 69 BB +56 15 70 TS +56 15 71 AF +56 15 72 GA +56 15 73 AF +56 15 74 TS +56 15 75 BB +56 15 76 AF +56 15 77 GA +56 15 78 TS +56 15 79 BB +56 15 80 GA +56 15 81 GA +56 15 82 GA +56 15 83 TS +56 15 84 BA +56 15 85 GA +56 15 86 AF +56 15 87 BB +56 15 88 AF +56 15 89 BB +56 15 90 GA +56 15 91 BA +56 15 92 TS +56 15 93 GA +56 15 94 BB +56 15 95 TS +56 15 96 BA +56 15 97 BB +56 15 98 AF +56 15 99 BA +56 15 100 GA +56 15 101 AF +56 15 102 TS +56 15 103 BA +56 15 104 GA +56 15 105 AF +56 15 106 BA +56 15 107 TS +56 15 108 BA +56 15 109 GA +56 15 110 BA +56 15 111 GA +56 15 112 AF +56 15 113 BB +56 15 114 GA +56 15 115 AF +56 15 116 TS +56 15 117 BB +56 15 118 AF +56 15 119 GA +56 15 120 TS +56 15 121 AF +56 15 122 GA +56 15 123 GA +56 15 124 BA +56 15 125 AF +56 15 126 AF +56 15 127 GA +56 15 128 BA +56 15 129 TS +56 15 130 BB +56 15 131 BA +56 15 132 BA +56 15 133 GA +56 15 134 BB +56 15 135 AF +56 15 136 GA +56 15 137 GA +56 15 138 GA +56 15 139 TS +56 15 140 BB +56 15 141 TS +56 15 142 TS +56 15 143 GA +56 15 144 BB +56 15 145 GA +56 15 146 BA +56 15 147 GA +56 15 148 AF +56 15 149 TS +56 15 150 AF +56 15 151 AF +56 15 152 AF +56 15 153 GA +56 15 154 BB +56 15 155 BB +56 15 156 GA +56 15 157 AF +56 15 158 TS +56 15 159 BA +56 15 160 BA +56 15 161 GA +56 15 162 AF +56 15 163 GA +56 15 164 GA +56 15 165 BB +56 15 166 GA +56 15 167 BA +56 15 168 GA +56 15 169 GA +56 15 170 BB +56 15 171 GA +56 15 172 TS +56 15 173 AF +56 15 174 GA +56 15 175 GA +56 15 176 AF +56 15 177 BA +56 15 178 GA +56 15 179 AF +56 15 180 GA +56 15 181 BA +56 15 182 AF +56 15 183 BB +56 15 184 AF +56 15 185 BA +56 15 186 GA +56 15 187 BA +56 15 188 GA +56 15 189 TS +56 15 190 GA +56 15 191 GA +56 15 192 BB +56 15 193 BA +56 15 194 AF +56 15 195 GA +56 15 196 GA +56 15 197 BA +56 15 198 BB +56 15 199 TS +56 15 200 GA +56 15 201 AF +56 15 202 GA +56 15 203 AF +56 15 204 BB +56 15 205 BB +56 15 206 TS +56 15 207 AF +56 15 208 AF +56 15 209 GA +56 15 210 AF +56 15 211 GA +56 15 212 AF +56 15 213 TS +56 15 214 BA +56 15 215 BA +56 15 216 BB +56 15 217 BA +56 15 218 BA +56 15 219 TS +56 15 220 BB +56 15 221 TS +56 15 222 BB +56 15 223 GA +56 15 224 TS +56 15 225 BA +56 15 226 GA +56 15 227 BB +56 15 228 BB +56 15 229 TS +56 15 230 TS +56 15 231 AF +56 15 232 BB +56 15 233 BB +56 15 234 GA +56 15 235 GA +56 15 236 BA +56 15 237 BA +56 15 238 GA +56 15 239 BA +56 15 240 AF +56 15 241 TS +56 15 242 GA +56 15 243 AF +56 15 244 TS +56 15 245 AF +56 15 246 GA +56 15 247 BB +56 15 248 BB +56 15 249 BB +56 15 250 AF +56 15 251 GA +56 15 252 TS +56 15 253 GA +56 15 254 BB +56 15 255 BB +56 15 256 AF +56 15 257 BB +56 15 258 BA +56 15 259 AF +56 15 260 TS +56 15 261 BA +56 15 262 TS +56 15 263 BB +56 15 264 BB +56 15 265 GA +56 15 266 AF +56 15 267 AF +56 15 268 GA +56 15 269 AF +56 15 270 BA +56 15 271 BB +56 15 272 TS +56 15 273 BA +56 15 274 TS +56 15 275 BA +56 15 276 AF +56 15 277 BB +56 15 278 BA +56 15 279 BB +56 15 280 BA +56 15 281 GA +56 15 282 GA +56 15 283 AF +56 15 284 TS +56 15 285 AF +56 15 286 TS +56 15 287 BA +56 15 288 AF +56 15 289 GA +56 15 290 TS +56 15 291 GA +56 15 292 BA +56 15 293 TS +56 15 294 TS +56 15 295 AF +56 15 296 AF +56 15 297 BA +56 15 298 AF +56 15 299 GA +56 15 300 TS +56 15 301 GA +56 15 302 BA +56 15 303 TS +56 15 304 GA +56 15 305 AF +56 15 306 BA +56 15 307 GA +56 15 308 BA +56 15 309 BB +56 15 310 GA +56 15 311 GA +56 15 312 BB +56 15 313 BB +56 15 314 TS +56 15 315 GA +56 15 316 GA +56 15 317 AF +56 15 318 BA +56 15 319 BA +56 15 320 BB +56 15 321 AF +56 15 322 TS +56 15 323 GA +56 15 324 BA +56 15 325 AF +56 15 326 BA +56 15 327 TS +56 15 328 GA +56 15 329 AF +56 15 330 TS +56 16 1 BB +56 16 2 TS +56 16 3 AF +56 16 4 BB +56 16 5 TS +56 16 6 TS +56 16 7 BB +56 16 8 AF +56 16 9 AF +56 16 10 BB +56 16 11 BB +56 16 12 TS +56 16 13 BB +56 16 14 BB +56 16 15 TS +56 16 16 TS +56 16 17 AF +56 16 18 BB +56 16 19 TS +56 16 20 BB +56 16 21 AF +56 16 22 TS +56 16 23 BB +56 16 24 BB +56 16 25 BB +56 16 26 BB +56 16 27 TS +56 16 28 AF +56 16 29 BB +56 16 30 AF +56 16 31 TS +56 16 32 AF +56 16 33 BB +56 16 34 BB +56 16 35 AF +56 16 36 BB +56 16 37 TS +56 16 38 AF +56 16 39 BB +56 16 40 BB +56 16 41 AF +56 16 42 TS +56 16 43 BB +56 16 44 TS +56 16 45 BB +56 16 46 TS +56 16 47 BB +56 16 48 AF +56 16 49 TS +56 16 50 AF +56 16 51 AF +56 16 52 TS +56 16 53 AF +56 16 54 BB +56 16 55 BB +56 16 56 TS +56 16 57 BB +56 16 58 BB +56 16 59 TS +56 16 60 BB +56 16 61 AF +56 16 62 TS +56 16 63 AF +56 16 64 BB +56 16 65 AF +56 16 66 TS +56 16 67 TS +56 16 68 AF +56 16 69 BB +56 16 70 TS +56 16 71 AF +56 16 72 BB +56 16 73 AF +56 16 74 TS +56 16 75 BB +56 16 76 AF +56 16 77 BB +56 16 78 TS +56 16 79 BB +56 16 80 BB +56 16 81 TS +56 16 82 TS +56 16 83 TS +56 16 84 AF +56 16 85 BB +56 16 86 AF +56 16 87 BB +56 16 88 AF +56 16 89 BB +56 16 90 BB +56 16 91 TS +56 16 92 TS +56 16 93 BB +56 16 94 BB +56 16 95 TS +56 16 96 AF +56 16 97 BB +56 16 98 AF +56 16 99 TS +56 16 100 TS +56 16 101 AF +56 16 102 TS +56 16 103 BB +56 16 104 TS +56 16 105 AF +56 16 106 TS +56 16 107 TS +56 16 108 TS +56 16 109 BB +56 16 110 AF +56 16 111 BB +56 16 112 AF +56 16 113 BB +56 16 114 BB +56 16 115 AF +56 16 116 TS +56 16 117 AF +56 16 118 AF +56 16 119 BB +56 16 120 TS +56 16 121 AF +56 16 122 BB +56 16 123 BB +56 16 124 TS +56 16 125 AF +56 16 126 AF +56 16 127 BB +56 16 128 TS +56 16 129 TS +56 16 130 BB +56 16 131 AF +56 16 132 AF +56 16 133 BB +56 16 134 AF +56 16 135 AF +56 16 136 TS +56 16 137 BB +56 16 138 TS +56 16 139 TS +56 16 140 BB +56 16 141 TS +56 16 142 TS +56 16 143 TS +56 16 144 BB +56 16 145 TS +56 16 146 TS +56 16 147 BB +56 16 148 AF +56 16 149 TS +56 16 150 BB +56 16 151 TS +56 16 152 TS +56 16 153 BB +56 16 154 BB +56 16 155 BB +56 16 156 BB +56 16 157 BB +56 16 158 TS +56 16 159 TS +56 16 160 TS +56 16 161 TS +56 16 162 AF +56 16 163 BB +56 16 164 BB +56 16 165 BB +56 16 166 BB +56 16 167 TS +56 16 168 BB +56 16 169 BB +56 16 170 BB +56 16 171 BB +56 16 172 TS +56 16 173 AF +56 16 174 AF +56 16 175 TS +56 16 176 AF +56 16 177 TS +56 16 178 BB +56 16 179 AF +56 16 180 BB +56 16 181 TS +56 16 182 AF +56 16 183 TS +56 16 184 AF +56 16 185 TS +56 16 186 TS +56 16 187 AF +56 16 188 BB +56 16 189 TS +56 16 190 TS +56 16 191 BB +56 16 192 AF +56 16 193 TS +56 16 194 AF +56 16 195 BB +56 16 196 TS +56 16 197 AF +56 16 198 BB +56 16 199 TS +56 16 200 TS +56 16 201 AF +56 16 202 BB +56 16 203 AF +56 16 204 BB +56 16 205 BB +56 16 206 TS +56 16 207 AF +56 16 208 AF +56 16 209 BB +56 16 210 AF +56 16 211 TS +56 16 212 AF +56 16 213 TS +56 16 214 AF +56 16 215 AF +56 16 216 BB +56 16 217 AF +56 16 218 BB +56 16 219 TS +56 16 220 TS +56 16 221 TS +56 16 222 AF +56 16 223 BB +56 16 224 TS +56 16 225 BB +56 16 226 BB +56 16 227 BB +56 16 228 BB +56 16 229 TS +56 16 230 TS +56 16 231 AF +56 16 232 BB +56 16 233 BB +56 16 234 BB +56 16 235 BB +56 16 236 BB +56 16 237 AF +56 16 238 BB +56 16 239 AF +56 16 240 AF +56 16 241 TS +56 16 242 TS +56 16 243 AF +56 16 244 TS +56 16 245 AF +56 16 246 BB +56 16 247 TS +56 16 248 BB +56 16 249 BB +56 16 250 AF +56 16 251 TS +56 16 252 TS +56 16 253 AF +56 16 254 TS +56 16 255 BB +56 16 256 AF +56 16 257 BB +56 16 258 TS +56 16 259 AF +56 16 260 TS +56 16 261 AF +56 16 262 TS +56 16 263 TS +56 16 264 TS +56 16 265 BB +56 16 266 AF +56 16 267 AF +56 16 268 TS +56 16 269 AF +56 16 270 AF +56 16 271 BB +56 16 272 TS +56 16 273 AF +56 16 274 TS +56 16 275 TS +56 16 276 AF +56 16 277 BB +56 16 278 AF +56 16 279 BB +56 16 280 TS +56 16 281 BB +56 16 282 BB +56 16 283 AF +56 16 284 TS +56 16 285 AF +56 16 286 TS +56 16 287 BB +56 16 288 AF +56 16 289 TS +56 16 290 TS +56 16 291 BB +56 16 292 AF +56 16 293 TS +56 16 294 TS +56 16 295 AF +56 16 296 AF +56 16 297 AF +56 16 298 AF +56 16 299 BB +56 16 300 TS +56 16 301 BB +56 16 302 TS +56 16 303 TS +56 16 304 BB +56 16 305 AF +56 16 306 TS +56 16 307 BB +56 16 308 TS +56 16 309 BB +56 16 310 BB +56 16 311 BB +56 16 312 BB +56 16 313 BB +56 16 314 TS +56 16 315 BB +56 16 316 BB +56 16 317 AF +56 16 318 AF +56 16 319 TS +56 16 320 TS +56 16 321 AF +56 16 322 TS +56 16 323 BB +56 16 324 TS +56 16 325 AF +56 16 326 TS +56 16 327 TS +56 16 328 BB +56 16 329 AF +56 16 330 TS +56 17 1 SD +56 17 2 TS +56 17 3 AF +56 17 4 BB +56 17 5 TS +56 17 6 AF +56 17 7 GA +56 17 8 AF +56 17 9 AF +56 17 10 BB +56 17 11 BB +56 17 12 TS +56 17 13 BB +56 17 14 BB +56 17 15 TS +56 17 16 TS +56 17 17 AF +56 17 18 BB +56 17 19 TS +56 17 20 SD +56 17 21 AF +56 17 22 TS +56 17 23 BB +56 17 24 BB +56 17 25 BB +56 17 26 TS +56 17 27 TS +56 17 28 AF +56 17 29 GA +56 17 30 AF +56 17 31 TS +56 17 32 AF +56 17 33 GA +56 17 34 SD +56 17 35 AF +56 17 36 BB +56 17 37 TS +56 17 38 AF +56 17 39 GA +56 17 40 SD +56 17 41 AF +56 17 42 BB +56 17 43 BB +56 17 44 TS +56 17 45 GA +56 17 46 BB +56 17 47 BB +56 17 48 AF +56 17 49 SD +56 17 50 BB +56 17 51 AF +56 17 52 TS +56 17 53 AF +56 17 54 BB +56 17 55 GA +56 17 56 AF +56 17 57 BB +56 17 58 BB +56 17 59 TS +56 17 60 BB +56 17 61 AF +56 17 62 TS +56 17 63 AF +56 17 64 GA +56 17 65 AF +56 17 66 TS +56 17 67 GA +56 17 68 AF +56 17 69 BB +56 17 70 TS +56 17 71 AF +56 17 72 BB +56 17 73 AF +56 17 74 TS +56 17 75 BB +56 17 76 AF +56 17 77 GA +56 17 78 TS +56 17 79 BB +56 17 80 SD +56 17 81 SD +56 17 82 SD +56 17 83 TS +56 17 84 AF +56 17 85 GA +56 17 86 AF +56 17 87 BB +56 17 88 AF +56 17 89 BB +56 17 90 BB +56 17 91 GA +56 17 92 TS +56 17 93 SD +56 17 94 BB +56 17 95 TS +56 17 96 AF +56 17 97 BB +56 17 98 AF +56 17 99 TS +56 17 100 TS +56 17 101 AF +56 17 102 TS +56 17 103 BB +56 17 104 GA +56 17 105 AF +56 17 106 TS +56 17 107 TS +56 17 108 TS +56 17 109 BB +56 17 110 AF +56 17 111 BB +56 17 112 AF +56 17 113 BB +56 17 114 BB +56 17 115 AF +56 17 116 TS +56 17 117 BB +56 17 118 AF +56 17 119 GA +56 17 120 TS +56 17 121 AF +56 17 122 BB +56 17 123 BB +56 17 124 TS +56 17 125 AF +56 17 126 AF +56 17 127 BB +56 17 128 BB +56 17 129 TS +56 17 130 BB +56 17 131 AF +56 17 132 AF +56 17 133 BB +56 17 134 BB +56 17 135 AF +56 17 136 GA +56 17 137 BB +56 17 138 SD +56 17 139 TS +56 17 140 BB +56 17 141 TS +56 17 142 TS +56 17 143 GA +56 17 144 BB +56 17 145 GA +56 17 146 TS +56 17 147 GA +56 17 148 AF +56 17 149 TS +56 17 150 BB +56 17 151 AF +56 17 152 AF +56 17 153 GA +56 17 154 BB +56 17 155 BB +56 17 156 GA +56 17 157 BB +56 17 158 TS +56 17 159 AF +56 17 160 AF +56 17 161 GA +56 17 162 AF +56 17 163 BB +56 17 164 SD +56 17 165 BB +56 17 166 BB +56 17 167 TS +56 17 168 BB +56 17 169 GA +56 17 170 BB +56 17 171 BB +56 17 172 TS +56 17 173 AF +56 17 174 AF +56 17 175 GA +56 17 176 AF +56 17 177 TS +56 17 178 BB +56 17 179 BB +56 17 180 BB +56 17 181 TS +56 17 182 AF +56 17 183 BB +56 17 184 AF +56 17 185 AF +56 17 186 GA +56 17 187 AF +56 17 188 GA +56 17 189 TS +56 17 190 AF +56 17 191 BB +56 17 192 BB +56 17 193 GA +56 17 194 AF +56 17 195 GA +56 17 196 TS +56 17 197 SD +56 17 198 BB +56 17 199 TS +56 17 200 TS +56 17 201 AF +56 17 202 BB +56 17 203 AF +56 17 204 BB +56 17 205 BB +56 17 206 TS +56 17 207 AF +56 17 208 TS +56 17 209 BB +56 17 210 BB +56 17 211 SD +56 17 212 AF +56 17 213 TS +56 17 214 GA +56 17 215 AF +56 17 216 BB +56 17 217 AF +56 17 218 BB +56 17 219 TS +56 17 220 BB +56 17 221 TS +56 17 222 AF +56 17 223 GA +56 17 224 TS +56 17 225 BB +56 17 226 BB +56 17 227 BB +56 17 228 BB +56 17 229 GA +56 17 230 TS +56 17 231 AF +56 17 232 BB +56 17 233 TS +56 17 234 BB +56 17 235 BB +56 17 236 SD +56 17 237 GA +56 17 238 GA +56 17 239 AF +56 17 240 BB +56 17 241 TS +56 17 242 TS +56 17 243 AF +56 17 244 TS +56 17 245 AF +56 17 246 SD +56 17 247 SD +56 17 248 BB +56 17 249 GA +56 17 250 BB +56 17 251 TS +56 17 252 TS +56 17 253 GA +56 17 254 SD +56 17 255 BB +56 17 256 AF +56 17 257 BB +56 17 258 BB +56 17 259 AF +56 17 260 TS +56 17 261 AF +56 17 262 TS +56 17 263 TS +56 17 264 TS +56 17 265 BB +56 17 266 AF +56 17 267 AF +56 17 268 BB +56 17 269 GA +56 17 270 TS +56 17 271 BB +56 17 272 TS +56 17 273 AF +56 17 274 TS +56 17 275 BB +56 17 276 AF +56 17 277 BB +56 17 278 AF +56 17 279 BB +56 17 280 BB +56 17 281 BB +56 17 282 BB +56 17 283 BB +56 17 284 TS +56 17 285 TS +56 17 286 TS +56 17 287 AF +56 17 288 AF +56 17 289 BB +56 17 290 TS +56 17 291 GA +56 17 292 SD +56 17 293 TS +56 17 294 TS +56 17 295 AF +56 17 296 BB +56 17 297 AF +56 17 298 AF +56 17 299 BB +56 17 300 TS +56 17 301 BB +56 17 302 TS +56 17 303 TS +56 17 304 BB +56 17 305 AF +56 17 306 TS +56 17 307 GA +56 17 308 SD +56 17 309 BB +56 17 310 GA +56 17 311 SD +56 17 312 BB +56 17 313 BB +56 17 314 TS +56 17 315 GA +56 17 316 GA +56 17 317 AF +56 17 318 AF +56 17 319 GA +56 17 320 BB +56 17 321 AF +56 17 322 TS +56 17 323 BA +56 17 324 TS +56 17 325 AF +56 17 326 AF +56 17 327 TS +56 17 328 GA +56 17 329 SD +56 17 330 TS +56 18 1 SD +56 18 2 GA +56 18 3 AF +56 18 4 BB +56 18 5 GA +56 18 6 AF +56 18 7 GA +56 18 8 AF +56 18 9 KO +56 18 10 BB +56 18 11 BB +56 18 12 KO +56 18 13 BB +56 18 14 BB +56 18 15 AF +56 18 16 TS +56 18 17 AF +56 18 18 BB +56 18 19 GA +56 18 20 GA +56 18 21 AF +56 18 22 KO +56 18 23 BB +56 18 24 BB +56 18 25 GA +56 18 26 BB +56 18 27 TS +56 18 28 AF +56 18 29 GA +56 18 30 AF +56 18 31 TS +56 18 32 AF +56 18 33 BB +56 18 34 GA +56 18 35 KO +56 18 36 BB +56 18 37 BB +56 18 38 AF +56 18 39 BB +56 18 40 GA +56 18 41 AF +56 18 42 KO +56 18 43 BB +56 18 44 KO +56 18 45 GA +56 18 46 BB +56 18 47 BB +56 18 48 KO +56 18 49 GA +56 18 50 BB +56 18 51 BB +56 18 52 KO +56 18 53 AF +56 18 54 BB +56 18 55 GA +56 18 56 KO +56 18 57 GA +56 18 58 KO +56 18 59 KO +56 18 60 BB +56 18 61 AF +56 18 62 SD +56 18 63 AF +56 18 64 GA +56 18 65 AF +56 18 66 KO +56 18 67 GA +56 18 68 AF +56 18 69 BB +56 18 70 TS +56 18 71 BB +56 18 72 GA +56 18 73 BB +56 18 74 TS +56 18 75 BB +56 18 76 AF +56 18 77 GA +56 18 78 WW +56 18 79 BB +56 18 80 GA +56 18 81 GA +56 18 82 GA +56 18 83 TS +56 18 84 WW +56 18 85 GA +56 18 86 WW +56 18 87 BB +56 18 88 AF +56 18 89 BB +56 18 90 BB +56 18 91 WW +56 18 92 KO +56 18 93 GA +56 18 94 BB +56 18 95 TS +56 18 96 WW +56 18 97 SD +56 18 98 AF +56 18 99 TS +56 18 100 TS +56 18 101 AF +56 18 102 TS +56 18 103 BB +56 18 104 TS +56 18 105 BB +56 18 106 WW +56 18 107 TS +56 18 108 TS +56 18 109 BB +56 18 110 AF +56 18 111 BB +56 18 112 AF +56 18 113 BB +56 18 114 GA +56 18 115 AF +56 18 116 TS +56 18 117 BB +56 18 118 WW +56 18 119 GA +56 18 120 TS +56 18 121 AF +56 18 122 GA +56 18 123 GA +56 18 124 WW +56 18 125 AF +56 18 126 WW +56 18 127 BB +56 18 128 WW +56 18 129 TS +56 18 130 BB +56 18 131 AF +56 18 132 AF +56 18 133 BB +56 18 134 BB +56 18 135 AF +56 18 136 GA +56 18 137 BB +56 18 138 TS +56 18 139 TS +56 18 140 BB +56 18 141 TS +56 18 142 TS +56 18 143 BB +56 18 144 BB +56 18 145 BB +56 18 146 AF +56 18 147 BB +56 18 148 AF +56 18 149 GA +56 18 150 BB +56 18 151 AF +56 18 152 AF +56 18 153 BB +56 18 154 BB +56 18 155 BB +56 18 156 GA +56 18 157 BB +56 18 158 TS +56 18 159 WW +56 18 160 TS +56 18 161 GA +56 18 162 AF +56 18 163 GA +56 18 164 GA +56 18 165 BB +56 18 166 BB +56 18 167 TS +56 18 168 BB +56 18 169 GA +56 18 170 BB +56 18 171 BB +56 18 172 TS +56 18 173 AF +56 18 174 WW +56 18 175 TS +56 18 176 AF +56 18 177 KO +56 18 178 BB +56 18 179 BB +56 18 180 GA +56 18 181 AF +56 18 182 BB +56 18 183 BB +56 18 184 AF +56 18 185 AF +56 18 186 GA +56 18 187 KO +56 18 188 GA +56 18 189 TS +56 18 190 AF +56 18 191 BB +56 18 192 BB +56 18 193 KO +56 18 194 BB +56 18 195 GA +56 18 196 TS +56 18 197 AF +56 18 198 BB +56 18 199 TS +56 18 200 TS +56 18 201 AF +56 18 202 GA +56 18 203 AF +56 18 204 BB +56 18 205 BB +56 18 206 TS +56 18 207 AF +56 18 208 BB +56 18 209 BB +56 18 210 BB +56 18 211 TS +56 18 212 WW +56 18 213 TS +56 18 214 KO +56 18 215 TS +56 18 216 BB +56 18 217 TS +56 18 218 BB +56 18 219 TS +56 18 220 BB +56 18 221 TS +56 18 222 BB +56 18 223 GA +56 18 224 TS +56 18 225 BB +56 18 226 BB +56 18 227 BB +56 18 228 BB +56 18 229 TS +56 18 230 TS +56 18 231 BB +56 18 232 BB +56 18 233 TS +56 18 234 SD +56 18 235 GA +56 18 236 BB +56 18 237 KO +56 18 238 GA +56 18 239 TS +56 18 240 BB +56 18 241 TS +56 18 242 KO +56 18 243 BA +56 18 244 TS +56 18 245 AF +56 18 246 GA +56 18 247 BB +56 18 248 BB +56 18 249 GA +56 18 250 BB +56 18 251 GA +56 18 252 TS +56 18 253 GA +56 18 254 BB +56 18 255 BB +56 18 256 AF +56 18 257 BB +56 18 258 KO +56 18 259 BB +56 18 260 TS +56 18 261 AF +56 18 262 TS +56 18 263 BB +56 18 264 TS +56 18 265 GA +56 18 266 AF +56 18 267 BA +56 18 268 GA +56 18 269 AF +56 18 270 WW +56 18 271 BB +56 18 272 TS +56 18 273 AF +56 18 274 TS +56 18 275 BB +56 18 276 AF +56 18 277 BB +56 18 278 KO +56 18 279 SD +56 18 280 BB +56 18 281 GA +56 18 282 GA +56 18 283 BB +56 18 284 TS +56 18 285 AF +56 18 286 TS +56 18 287 BB +56 18 288 AF +56 18 289 GA +56 18 290 WW +56 18 291 SD +56 18 292 WW +56 18 293 TS +56 18 294 TS +56 18 295 BB +56 18 296 SD +56 18 297 WW +56 18 298 AF +56 18 299 GA +56 18 300 TS +56 18 301 GA +56 18 302 TS +56 18 303 TS +56 18 304 BA +56 18 305 AF +56 18 306 KO +56 18 307 SD +56 18 308 AF +56 18 309 BB +56 18 310 GA +56 18 311 GA +56 18 312 BB +56 18 313 SD +56 18 314 TS +56 18 315 GA +56 18 316 GA +56 18 317 AF +56 18 318 WW +56 18 319 TS +56 18 320 BB +56 18 321 AF +56 18 322 BB +56 18 323 GA +56 18 324 TS +56 18 325 AF +56 18 326 WW +56 18 327 TS +56 18 328 GA +56 18 329 BA +56 18 330 TS +56 19 1 BB +56 19 2 GA +56 19 3 AF +56 19 4 AF +56 19 5 TS +56 19 6 DC +56 19 7 BB +56 19 8 AF +56 19 9 KO +56 19 10 BB +56 19 11 BB +56 19 12 KO +56 19 13 BB +56 19 14 BB +56 19 15 DC +56 19 16 TS +56 19 17 AF +56 19 18 CR +56 19 19 BB +56 19 20 BB +56 19 21 TS +56 19 22 AF +56 19 23 GA +56 19 24 DC +56 19 25 TS +56 19 26 AF +56 19 27 GA +56 19 28 BB +56 19 29 AF +56 19 30 BB +56 19 31 PP +56 19 32 AF +56 19 33 GA +56 19 34 BB +56 19 35 AF +56 19 36 BB +56 19 37 PP +56 19 38 AF +56 19 39 GA +56 19 40 PP +56 19 41 AF +56 19 42 KO +56 19 43 BB +56 19 44 TS +56 19 45 GA +56 19 46 PP +56 19 47 BB +56 19 48 DC +56 19 49 GA +56 19 50 AF +56 19 51 KO +56 19 52 TS +56 19 53 AF +56 19 54 GA +56 19 55 BB +56 19 56 PP +56 19 57 BB +56 19 58 KO +56 19 59 TS +56 19 60 GA +56 19 61 AF +56 19 62 PP +56 19 63 DC +56 19 64 BB +56 19 65 AF +56 19 66 PP +56 19 67 PP +56 19 68 AF +56 19 69 KO +56 19 70 TS +56 19 71 AF +56 19 72 BB +56 19 73 AF +56 19 74 TS +56 19 75 BB +56 19 76 AF +56 19 77 BB +56 19 78 PP +56 19 79 BB +56 19 80 BB +56 19 81 KO +56 19 82 PP +56 19 83 PP +56 19 84 DC +56 19 85 GA +56 19 86 AF +56 19 87 BB +56 19 88 AF +56 19 89 BB +56 19 90 BB +56 19 91 KO +56 19 92 TS +56 19 93 BB +56 19 94 BB +56 19 95 TS +56 19 96 KO +56 19 97 GA +56 19 98 AF +56 19 99 PP +56 19 100 PP +56 19 101 AF +56 19 102 PP +56 19 103 KO +56 19 104 PP +56 19 105 AF +56 19 106 DC +56 19 107 TS +56 19 108 TS +56 19 109 GA +56 19 110 KO +56 19 111 BB +56 19 112 AF +56 19 113 BB +56 19 114 BB +56 19 115 AF +56 19 116 TS +56 19 117 AF +56 19 118 AF +56 19 119 BB +56 19 120 TS +56 19 121 AF +56 19 122 GA +56 19 123 BB +56 19 124 KO +56 19 125 AF +56 19 126 AF +56 19 127 BB +56 19 128 KO +56 19 129 TS +56 19 130 DC +56 19 131 AF +56 19 132 AF +56 19 133 BB +56 19 134 AF +56 19 135 AF +56 19 136 GA +56 19 137 BB +56 19 138 PP +56 19 139 PP +56 19 140 BB +56 19 141 TS +56 19 142 TS +56 19 143 KO +56 19 144 BB +56 19 145 GA +56 19 146 DC +56 19 147 GA +56 19 148 AF +56 19 149 DC +56 19 150 BB +56 19 151 AF +56 19 152 AF +56 19 153 GA +56 19 154 BB +56 19 155 KO +56 19 156 GA +56 19 157 AF +56 19 158 TS +56 19 159 KO +56 19 160 DC +56 19 161 GA +56 19 162 AF +56 19 163 BB +56 19 164 GA +56 19 165 KO +56 19 166 BB +56 19 167 TS +56 19 168 GA +56 19 169 GA +56 19 170 BB +56 19 171 KO +56 19 172 TS +56 19 173 AF +56 19 174 DC +56 19 175 PP +56 19 176 AF +56 19 177 KO +56 19 178 BB +56 19 179 AF +56 19 180 GA +56 19 181 KO +56 19 182 AF +56 19 183 KO +56 19 184 AF +56 19 185 KO +56 19 186 PP +56 19 187 KO +56 19 188 GA +56 19 189 TS +56 19 190 DC +56 19 191 BB +56 19 192 AF +56 19 193 KO +56 19 194 AF +56 19 195 GA +56 19 196 TS +56 19 197 DC +56 19 198 BB +56 19 199 TS +56 19 200 TS +56 19 201 DC +56 19 202 GA +56 19 203 AF +56 19 204 AF +56 19 205 BB +56 19 206 TS +56 19 207 AF +56 19 208 KO +56 19 209 GA +56 19 210 AF +56 19 211 GA +56 19 212 KO +56 19 213 TS +56 19 214 DC +56 19 215 AF +56 19 216 BB +56 19 217 DC +56 19 218 KO +56 19 219 TS +56 19 220 GA +56 19 221 TS +56 19 222 AF +56 19 223 GA +56 19 224 TS +56 19 225 KO +56 19 226 BB +56 19 227 BB +56 19 228 BB +56 19 229 TS +56 19 230 TS +56 19 231 AF +56 19 232 KO +56 19 233 GA +56 19 234 GA +56 19 235 KO +56 19 236 DC +56 19 237 GA +56 19 238 DC +56 19 239 AF +56 19 240 TS +56 19 241 KO +56 19 242 KO +56 19 243 AF +56 19 244 TS +56 19 245 AF +56 19 246 GA +56 19 247 TS +56 19 248 BB +56 19 249 GA +56 19 250 AF +56 19 251 PP +56 19 252 TS +56 19 253 TS +56 19 254 TS +56 19 255 BB +56 19 256 AF +56 19 257 GA +56 19 258 DC +56 19 259 AF +56 19 260 TS +56 19 261 KO +56 19 262 TS +56 19 263 TS +56 19 264 TS +56 19 265 GA +56 19 266 AF +56 19 267 AF +56 19 268 GA +56 19 269 AF +56 19 270 KO +56 19 271 BA +56 19 272 TS +56 19 273 AF +56 19 274 TS +56 19 275 KO +56 19 276 AF +56 19 277 BB +56 19 278 AF +56 19 279 GA +56 19 280 KO +56 19 281 BB +56 19 282 KO +56 19 283 AF +56 19 284 TS +56 19 285 DC +56 19 286 TS +56 19 287 KO +56 19 288 AF +56 19 289 TS +56 19 290 TS +56 19 291 GA +56 19 292 DC +56 19 293 TS +56 19 294 TS +56 19 295 KO +56 19 296 DC +56 19 297 DC +56 19 298 AF +56 19 299 GA +56 19 300 TS +56 19 301 GA +56 19 302 TS +56 19 303 PP +56 19 304 KO +56 19 305 AF +56 19 306 KO +56 19 307 GA +56 19 308 DC +56 19 309 KO +56 19 310 GA +56 19 311 * +56 19 312 BB +56 19 313 BB +56 19 314 TS +56 19 315 GA +56 19 316 BB +56 19 317 AF +56 19 318 DC +56 19 319 TS +56 19 320 KO +56 19 321 AF +56 19 322 TS +56 19 323 GA +56 19 324 TS +56 19 325 AF +56 19 326 KO +56 19 327 TS +56 19 328 BB +56 19 329 DC +56 19 330 TS +56 20 1 BB +56 20 2 GA +56 20 3 AF +56 20 4 SD +56 20 5 * +56 20 6 KO +56 20 7 GA +56 20 8 AF +56 20 9 BB +56 20 10 SD +56 20 11 BB +56 20 12 KO +56 20 13 BB +56 20 14 BB +56 20 15 TS +56 20 16 TS +56 20 17 AF +56 20 18 BB +56 20 19 GA +56 20 20 SD +56 20 21 AF +56 20 22 KO +56 20 23 BB +56 20 24 BB +56 20 25 BB +56 20 26 BB +56 20 27 TS +56 20 28 AF +56 20 29 GA +56 20 30 AF +56 20 31 BB +56 20 32 AF +56 20 33 GA +56 20 34 BB +56 20 35 TS +56 20 36 BB +56 20 37 BB +56 20 38 AF +56 20 39 BB +56 20 40 GA +56 20 41 AF +56 20 42 KO +56 20 43 BB +56 20 44 TS +56 20 45 GA +56 20 46 BB +56 20 47 BB +56 20 48 KO +56 20 49 GA +56 20 50 AF +56 20 51 BB +56 20 52 TS +56 20 53 AF +56 20 54 GA +56 20 55 GA +56 20 56 KO +56 20 57 BB +56 20 58 KO +56 20 59 TS +56 20 60 BB +56 20 61 AF +56 20 62 SD +56 20 63 KO +56 20 64 GA +56 20 65 AF +56 20 66 TS +56 20 67 GA +56 20 68 AF +56 20 69 BB +56 20 70 TS +56 20 71 BB +56 20 72 TS +56 20 73 AF +56 20 74 TS +56 20 75 BB +56 20 76 KO +56 20 77 GA +56 20 78 TS +56 20 79 BB +56 20 80 GA +56 20 81 GA +56 20 82 GA +56 20 83 KO +56 20 84 KO +56 20 85 BA +56 20 86 TS +56 20 87 BB +56 20 88 AF +56 20 89 BB +56 20 90 BB +56 20 91 GA +56 20 92 TS +56 20 93 BB +56 20 94 BB +56 20 95 TS +56 20 96 KO +56 20 97 SD +56 20 98 AF +56 20 99 TS +56 20 100 GA +56 20 101 AF +56 20 102 TS +56 20 103 BB +56 20 104 TS +56 20 105 AF +56 20 106 KO +56 20 107 TS +56 20 108 TS +56 20 109 BA +56 20 110 KO +56 20 111 BB +56 20 112 AF +56 20 113 BB +56 20 114 BB +56 20 115 AF +56 20 116 GA +56 20 117 BB +56 20 118 KO +56 20 119 GA +56 20 120 TS +56 20 121 AF +56 20 122 BB +56 20 123 BB +56 20 124 GA +56 20 125 AF +56 20 126 TS +56 20 127 BB +56 20 128 GA +56 20 129 TS +56 20 130 BB +56 20 131 AF +56 20 132 AF +56 20 133 BB +56 20 134 BB +56 20 135 AF +56 20 136 GA +56 20 137 BB +56 20 138 TS +56 20 139 TS +56 20 140 BB +56 20 141 TS +56 20 142 TS +56 20 143 GA +56 20 144 AF +56 20 145 GA +56 20 146 KO +56 20 147 GA +56 20 148 AF +56 20 149 GA +56 20 150 AF +56 20 151 KO +56 20 152 TS +56 20 153 GA +56 20 154 BB +56 20 155 BB +56 20 156 GA +56 20 157 BB +56 20 158 TS +56 20 159 KO +56 20 160 TS +56 20 161 GA +56 20 162 AF +56 20 163 SD +56 20 164 GA +56 20 165 BB +56 20 166 BB +56 20 167 TS +56 20 168 BB +56 20 169 GA +56 20 170 BB +56 20 171 BB +56 20 172 TS +56 20 173 AF +56 20 174 KO +56 20 175 TS +56 20 176 AF +56 20 177 KO +56 20 178 BB +56 20 179 AF +56 20 180 GA +56 20 181 TS +56 20 182 AF +56 20 183 BB +56 20 184 AF +56 20 185 AF +56 20 186 GA +56 20 187 AF +56 20 188 GA +56 20 189 TS +56 20 190 AF +56 20 191 GA +56 20 192 AF +56 20 193 KO +56 20 194 AF +56 20 195 GA +56 20 196 GA +56 20 197 TS +56 20 198 BB +56 20 199 TS +56 20 200 GA +56 20 201 KO +56 20 202 GA +56 20 203 AF +56 20 204 BB +56 20 205 BB +56 20 206 TS +56 20 207 AF +56 20 208 KO +56 20 209 GA +56 20 210 AF +56 20 211 GA +56 20 212 KO +56 20 213 TS +56 20 214 KO +56 20 215 TS +56 20 216 BA +56 20 217 KO +56 20 218 KO +56 20 219 TS +56 20 220 BA +56 20 221 TS +56 20 222 AF +56 20 223 GA +56 20 224 TS +56 20 225 BB +56 20 226 BB +56 20 227 BB +56 20 228 BB +56 20 229 GA +56 20 230 TS +56 20 231 AF +56 20 232 BB +56 20 233 TS +56 20 234 GA +56 20 235 SD +56 20 236 GA +56 20 237 TS +56 20 238 GA +56 20 239 TS +56 20 240 AF +56 20 241 TS +56 20 242 TS +56 20 243 AF +56 20 244 TS +56 20 245 AF +56 20 246 GA +56 20 247 BB +56 20 248 BB +56 20 249 GA +56 20 250 AF +56 20 251 GA +56 20 252 TS +56 20 253 GA +56 20 254 TS +56 20 255 BB +56 20 256 AF +56 20 257 BB +56 20 258 KO +56 20 259 AF +56 20 260 TS +56 20 261 AF +56 20 262 TS +56 20 263 TS +56 20 264 TS +56 20 265 GA +56 20 266 AF +56 20 267 AF +56 20 268 GA +56 20 269 AF +56 20 270 KO +56 20 271 BB +56 20 272 TS +56 20 273 AF +56 20 274 TS +56 20 275 GA +56 20 276 AF +56 20 277 BB +56 20 278 TS +56 20 279 SD +56 20 280 GA +56 20 281 GA +56 20 282 GA +56 20 283 AF +56 20 284 TS +56 20 285 TS +56 20 286 TS +56 20 287 BB +56 20 288 AF +56 20 289 GA +56 20 290 TS +56 20 291 SD +56 20 292 TS +56 20 293 TS +56 20 294 TS +56 20 295 BB +56 20 296 SD +56 20 297 KO +56 20 298 AF +56 20 299 GA +56 20 300 TS +56 20 301 GA +56 20 302 TS +56 20 303 TS +56 20 304 GA +56 20 305 AF +56 20 306 GA +56 20 307 SD +56 20 308 TS +56 20 309 BB +56 20 310 GA +56 20 311 GA +56 20 312 BB +56 20 313 BB +56 20 314 TS +56 20 315 GA +56 20 316 GA +56 20 317 AF +56 20 318 KO +56 20 319 TS +56 20 320 GA +56 20 321 AF +56 20 322 TS +56 20 323 GA +56 20 324 TS +56 20 325 AF +56 20 326 KO +56 20 327 TS +56 20 328 BB +56 20 329 AF +56 20 330 TS +56 21 1 BB +56 21 2 WR +56 21 3 AF +56 21 4 WR +56 21 5 TS +56 21 6 AF +56 21 7 GA +56 21 8 AF +56 21 9 WR +56 21 10 BB +56 21 11 BB +56 21 12 WR +56 21 13 BB +56 21 14 BB +56 21 15 TS +56 21 16 TS +56 21 17 AF +56 21 18 WR +56 21 19 BB +56 21 20 BB +56 21 21 AF +56 21 22 TS +56 21 23 WR +56 21 24 BB +56 21 25 BB +56 21 26 * +56 21 27 TS +56 21 28 AF +56 21 29 BB +56 21 30 AF +56 21 31 TS +56 21 32 AF +56 21 33 BB +56 21 34 BB +56 21 35 AF +56 21 36 BB +56 21 37 BB +56 21 38 AF +56 21 39 BB +56 21 40 BB +56 21 41 AF +56 21 42 TS +56 21 43 BB +56 21 44 TS +56 21 45 BB +56 21 46 TS +56 21 47 BB +56 21 48 AF +56 21 49 BB +56 21 50 AF +56 21 51 TS +56 21 52 TS +56 21 53 AF +56 21 54 GA +56 21 55 BB +56 21 56 AF +56 21 57 BB +56 21 58 TS +56 21 59 WR +56 21 60 BB +56 21 61 AF +56 21 62 WR +56 21 63 AF +56 21 64 BB +56 21 65 AF +56 21 66 TS +56 21 67 TS +56 21 68 AF +56 21 69 BB +56 21 70 TS +56 21 71 AF +56 21 72 GA +56 21 73 AF +56 21 74 TS +56 21 75 BB +56 21 76 AF +56 21 77 BB +56 21 78 TS +56 21 79 BB +56 21 80 BB +56 21 81 WR +56 21 82 BB +56 21 83 TS +56 21 84 AF +56 21 85 BB +56 21 86 AF +56 21 87 BB +56 21 88 AF +56 21 89 BB +56 21 90 AF +56 21 91 WR +56 21 92 TS +56 21 93 BB +56 21 94 BB +56 21 95 TS +56 21 96 DC +56 21 97 BB +56 21 98 AF +56 21 99 WR +56 21 100 TS +56 21 101 AF +56 21 102 TS +56 21 103 BB +56 21 104 BB +56 21 105 TS +56 21 106 AF +56 21 107 DC +56 21 108 TS +56 21 109 BB +56 21 110 TS +56 21 111 BB +56 21 112 AF +56 21 113 BB +56 21 114 BB +56 21 115 AF +56 21 116 TS +56 21 117 BB +56 21 118 AF +56 21 119 GA +56 21 120 TS +56 21 121 AF +56 21 122 BB +56 21 123 BB +56 21 124 KO +56 21 125 AF +56 21 126 AF +56 21 127 * +56 21 128 DC +56 21 129 TS +56 21 130 BB +56 21 131 AF +56 21 132 AF +56 21 133 GA +56 21 134 AF +56 21 135 AF +56 21 136 BB +56 21 137 BB +56 21 138 TS +56 21 139 TS +56 21 140 BB +56 21 141 TS +56 21 142 TS +56 21 143 KO +56 21 144 BB +56 21 145 BB +56 21 146 AF +56 21 147 BB +56 21 148 AF +56 21 149 KO +56 21 150 AF +56 21 151 AF +56 21 152 AF +56 21 153 BB +56 21 154 BB +56 21 155 BB +56 21 156 BB +56 21 157 AF +56 21 158 TS +56 21 159 TS +56 21 160 AF +56 21 161 BB +56 21 162 AF +56 21 163 BB +56 21 164 BB +56 21 165 BB +56 21 166 GA +56 21 167 WR +56 21 168 BB +56 21 169 BB +56 21 170 BB +56 21 171 BB +56 21 172 TS +56 21 173 AF +56 21 174 AF +56 21 175 TS +56 21 176 AF +56 21 177 WR +56 21 178 BB +56 21 179 BB +56 21 180 GA +56 21 181 AF +56 21 182 AF +56 21 183 BB +56 21 184 AF +56 21 185 AF +56 21 186 BB +56 21 187 AF +56 21 188 BB +56 21 189 WR +56 21 190 AF +56 21 191 BB +56 21 192 WR +56 21 193 DC +56 21 194 AF +56 21 195 BB +56 21 196 BB +56 21 197 AF +56 21 198 BB +56 21 199 TS +56 21 200 BB +56 21 201 AF +56 21 202 GA +56 21 203 AF +56 21 204 BB +56 21 205 BB +56 21 206 TS +56 21 207 AF +56 21 208 AF +56 21 209 BB +56 21 210 AF +56 21 211 BB +56 21 212 AF +56 21 213 WR +56 21 214 KO +56 21 215 AF +56 21 216 BB +56 21 217 AF +56 21 218 KO +56 21 219 TS +56 21 220 BA +56 21 221 TS +56 21 222 BA +56 21 223 GA +56 21 224 TS +56 21 225 BB +56 21 226 BB +56 21 227 BB +56 21 228 BB +56 21 229 BB +56 21 230 WR +56 21 231 AF +56 21 232 BB +56 21 233 TS +56 21 234 BB +56 21 235 BB +56 21 236 KO +56 21 237 AF +56 21 238 BB +56 21 239 AF +56 21 240 BB +56 21 241 TS +56 21 242 TS +56 21 243 AF +56 21 244 TS +56 21 245 AF +56 21 246 BB +56 21 247 WR +56 21 248 BB +56 21 249 BB +56 21 250 AF +56 21 251 KO +56 21 252 WR +56 21 253 GA +56 21 254 TS +56 21 255 BB +56 21 256 AF +56 21 257 BB +56 21 258 DC +56 21 259 AF +56 21 260 TS +56 21 261 AF +56 21 262 TS +56 21 263 BB +56 21 264 TS +56 21 265 BB +56 21 266 AF +56 21 267 AF +56 21 268 GA +56 21 269 AF +56 21 270 AF +56 21 271 BB +56 21 272 TS +56 21 273 AF +56 21 274 TS +56 21 275 AF +56 21 276 AF +56 21 277 BB +56 21 278 AF +56 21 279 BB +56 21 280 BB +56 21 281 BB +56 21 282 BB +56 21 283 AF +56 21 284 TS +56 21 285 AF +56 21 286 TS +56 21 287 AF +56 21 288 AF +56 21 289 GA +56 21 290 WR +56 21 291 BB +56 21 292 AF +56 21 293 TS +56 21 294 WR +56 21 295 AF +56 21 296 AF +56 21 297 DC +56 21 298 AF +56 21 299 GA +56 21 300 TS +56 21 301 GA +56 21 302 TS +56 21 303 TS +56 21 304 BB +56 21 305 AF +56 21 306 BB +56 21 307 BB +56 21 308 AF +56 21 309 BB +56 21 310 GA +56 21 311 BB +56 21 312 BB +56 21 313 BB +56 21 314 TS +56 21 315 GA +56 21 316 BB +56 21 317 AF +56 21 318 AF +56 21 319 TS +56 21 320 BB +56 21 321 AF +56 21 322 TS +56 21 323 BB +56 21 324 TS +56 21 325 AF +56 21 326 DC +56 21 327 TS +56 21 328 BB +56 21 329 AF +56 21 330 TS +56 22 1 BB +56 22 2 GA +56 22 3 AF +56 22 4 BB +56 22 5 GA +56 22 6 WR +56 22 7 GA +56 22 8 AF +56 22 9 GG +56 22 10 BB +56 22 11 BB +56 22 12 GA +56 22 13 BB +56 22 14 BB +56 22 15 GG +56 22 16 TS +56 22 17 AF +56 22 18 BB +56 22 19 WR +56 22 20 GA +56 22 21 AF +56 22 22 WR +56 22 23 GG +56 22 24 BB +56 22 25 BB +56 22 26 BB +56 22 27 WR +56 22 28 AF +56 22 29 WR +56 22 30 GA +56 22 31 WR +56 22 32 AF +56 22 33 WR +56 22 34 BB +56 22 35 AF +56 22 36 BB +56 22 37 WR +56 22 38 AF +56 22 39 BB +56 22 40 WR +56 22 41 AF +56 22 42 GA +56 22 43 BB +56 22 44 WR +56 22 45 WR +56 22 46 BB +56 22 47 BB +56 22 48 GA +56 22 49 WR +56 22 50 BB +56 22 51 BB +56 22 52 WR +56 22 53 AF +56 22 54 WR +56 22 55 GA +56 22 56 AF +56 22 57 BB +56 22 58 AF +56 22 59 TS +56 22 60 BB +56 22 61 AF +56 22 62 BB +56 22 63 AF +56 22 64 BB +56 22 65 AF +56 22 66 TS +56 22 67 GA +56 22 68 AF +56 22 69 GG +56 22 70 TS +56 22 71 AF +56 22 72 BB +56 22 73 GA +56 22 74 TS +56 22 75 BB +56 22 76 AF +56 22 77 GG +56 22 78 TS +56 22 79 BB +56 22 80 GG +56 22 81 GA +56 22 82 TS +56 22 83 TS +56 22 84 AF +56 22 85 BB +56 22 86 AF +56 22 87 BB +56 22 88 AF +56 22 89 BB +56 22 90 BB +56 22 91 GA +56 22 92 WR +56 22 93 BB +56 22 94 BB +56 22 95 TS +56 22 96 AF +56 22 97 GA +56 22 98 AF +56 22 99 WR +56 22 100 WR +56 22 101 AF +56 22 102 WR +56 22 103 BB +56 22 104 WR +56 22 105 AF +56 22 106 TS +56 22 107 TS +56 22 108 TS +56 22 109 BB +56 22 110 AF +56 22 111 BB +56 22 112 AF +56 22 113 BB +56 22 114 BB +56 22 115 AF +56 22 116 TS +56 22 117 BB +56 22 118 AF +56 22 119 GA +56 22 120 TS +56 22 121 AF +56 22 122 GA +56 22 123 BB +56 22 124 GG +56 22 125 AF +56 22 126 AF +56 22 127 BB +56 22 128 BB +56 22 129 TS +56 22 130 BB +56 22 131 AF +56 22 132 AF +56 22 133 BB +56 22 134 BB +56 22 135 AF +56 22 136 GA +56 22 137 BB +56 22 138 GA +56 22 139 TS +56 22 140 BB +56 22 141 TS +56 22 142 TS +56 22 143 GA +56 22 144 BB +56 22 145 TS +56 22 146 AF +56 22 147 GA +56 22 148 AF +56 22 149 BB +56 22 150 BB +56 22 151 AF +56 22 152 AF +56 22 153 BB +56 22 154 BB +56 22 155 BB +56 22 156 GA +56 22 157 BB +56 22 158 TS +56 22 159 AF +56 22 160 AF +56 22 161 GA +56 22 162 AF +56 22 163 BB +56 22 164 BB +56 22 165 WR +56 22 166 BB +56 22 167 WR +56 22 168 BB +56 22 169 BB +56 22 170 BB +56 22 171 WR +56 22 172 TS +56 22 173 AF +56 22 174 TS +56 22 175 GA +56 22 176 AF +56 22 177 TS +56 22 178 BB +56 22 179 AF +56 22 180 GA +56 22 181 AF +56 22 182 AF +56 22 183 BB +56 22 184 GA +56 22 185 AF +56 22 186 GA +56 22 187 AF +56 22 188 BB +56 22 189 TS +56 22 190 AF +56 22 191 BB +56 22 192 BB +56 22 193 GA +56 22 194 BB +56 22 195 GA +56 22 196 TS +56 22 197 AF +56 22 198 BB +56 22 199 TS +56 22 200 GA +56 22 201 AF +56 22 202 BB +56 22 203 AF +56 22 204 BB +56 22 205 GA +56 22 206 TS +56 22 207 AF +56 22 208 BB +56 22 209 BB +56 22 210 BB +56 22 211 GA +56 22 212 AF +56 22 213 TS +56 22 214 BB +56 22 215 AF +56 22 216 BB +56 22 217 AF +56 22 218 BB +56 22 219 TS +56 22 220 BB +56 22 221 TS +56 22 222 GA +56 22 223 GA +56 22 224 TS +56 22 225 AF +56 22 226 BB +56 22 227 BB +56 22 228 BB +56 22 229 GA +56 22 230 TS +56 22 231 AF +56 22 232 BB +56 22 233 GA +56 22 234 GA +56 22 235 BB +56 22 236 GA +56 22 237 AF +56 22 238 BA +56 22 239 AF +56 22 240 BB +56 22 241 TS +56 22 242 TS +56 22 243 BB +56 22 244 TS +56 22 245 AF +56 22 246 GA +56 22 247 GA +56 22 248 BB +56 22 249 BB +56 22 250 BB +56 22 251 GA +56 22 252 TS +56 22 253 GA +56 22 254 WR +56 22 255 BB +56 22 256 AF +56 22 257 BB +56 22 258 GA +56 22 259 AF +56 22 260 TS +56 22 261 AF +56 22 262 TS +56 22 263 TS +56 22 264 TS +56 22 265 BB +56 22 266 BB +56 22 267 BB +56 22 268 GA +56 22 269 AF +56 22 270 GA +56 22 271 BB +56 22 272 TS +56 22 273 AF +56 22 274 TS +56 22 275 GA +56 22 276 AF +56 22 277 BB +56 22 278 AF +56 22 279 BB +56 22 280 GA +56 22 281 BB +56 22 282 GA +56 22 283 BB +56 22 284 TS +56 22 285 AF +56 22 286 TS +56 22 287 BB +56 22 288 AF +56 22 289 GA +56 22 290 TS +56 22 291 BB +56 22 292 AF +56 22 293 TS +56 22 294 TS +56 22 295 BB +56 22 296 BB +56 22 297 AF +56 22 298 AF +56 22 299 GA +56 22 300 TS +56 22 301 GA +56 22 302 TS +56 22 303 WR +56 22 304 BB +56 22 305 BB +56 22 306 GA +56 22 307 BB +56 22 308 BB +56 22 309 BB +56 22 310 GA +56 22 311 BB +56 22 312 BB +56 22 313 BB +56 22 314 TS +56 22 315 TS +56 22 316 GA +56 22 317 AF +56 22 318 AF +56 22 319 TS +56 22 320 BB +56 22 321 AF +56 22 322 WR +56 22 323 BB +56 22 324 TS +56 22 325 AF +56 22 326 AF +56 22 327 TS +56 22 328 BB +56 22 329 BB +56 22 330 TS +56 23 1 BB +56 23 2 TS +56 23 3 AF +56 23 4 BB +56 23 5 TS +56 23 6 AF +56 23 7 GA +56 23 8 AF +56 23 9 AF +56 23 10 BB +56 23 11 BB +56 23 12 AF +56 23 13 BB +56 23 14 BB +56 23 15 AF +56 23 16 AF +56 23 17 AF +56 23 18 BB +56 23 19 BB +56 23 20 GA +56 23 21 AF +56 23 22 TS +56 23 23 BB +56 23 24 AF +56 23 25 BB +56 23 26 BB +56 23 27 TS +56 23 28 AF +56 23 29 GA +56 23 30 AF +56 23 31 TS +56 23 32 AF +56 23 33 GA +56 23 34 BB +56 23 35 AF +56 23 36 BB +56 23 37 GA +56 23 38 AF +56 23 39 GA +56 23 40 GA +56 23 41 AF +56 23 42 AF +56 23 43 BA +56 23 44 TS +56 23 45 GA +56 23 46 AF +56 23 47 BB +56 23 48 AF +56 23 49 GA +56 23 50 BB +56 23 51 AF +56 23 52 TS +56 23 53 AF +56 23 54 GA +56 23 55 GA +56 23 56 AF +56 23 57 GA +56 23 58 AF +56 23 59 TS +56 23 60 BB +56 23 61 AF +56 23 62 BB +56 23 63 AF +56 23 64 GA +56 23 65 AF +56 23 66 TS +56 23 67 GA +56 23 68 AF +56 23 69 GA +56 23 70 TS +56 23 71 BB +56 23 72 GA +56 23 73 BB +56 23 74 TS +56 23 75 GA +56 23 76 AF +56 23 77 GA +56 23 78 AF +56 23 79 BB +56 23 80 GA +56 23 81 GA +56 23 82 GA +56 23 83 AF +56 23 84 AF +56 23 85 GA +56 23 86 AF +56 23 87 BB +56 23 88 AF +56 23 89 BB +56 23 90 BB +56 23 91 GA +56 23 92 TS +56 23 93 GA +56 23 94 BB +56 23 95 TS +56 23 96 AF +56 23 97 GA +56 23 98 AF +56 23 99 TS +56 23 100 TS +56 23 101 AF +56 23 102 GA +56 23 103 GA +56 23 104 GA +56 23 105 TS +56 23 106 TS +56 23 107 TS +56 23 108 TS +56 23 109 GA +56 23 110 AF +56 23 111 GA +56 23 112 AF +56 23 113 BB +56 23 114 GA +56 23 115 AF +56 23 116 TS +56 23 117 AF +56 23 118 AF +56 23 119 GA +56 23 120 TS +56 23 121 AF +56 23 122 GA +56 23 123 BB +56 23 124 TS +56 23 125 AF +56 23 126 AF +56 23 127 BB +56 23 128 TS +56 23 129 TS +56 23 130 BB +56 23 131 BB +56 23 132 AF +56 23 133 BB +56 23 134 BB +56 23 135 AF +56 23 136 GA +56 23 137 GA +56 23 138 GA +56 23 139 TS +56 23 140 BB +56 23 141 TS +56 23 142 TS +56 23 143 GA +56 23 144 BB +56 23 145 GA +56 23 146 AF +56 23 147 GA +56 23 148 AF +56 23 149 TS +56 23 150 BB +56 23 151 AF +56 23 152 AF +56 23 153 GA +56 23 154 * +56 23 155 BA +56 23 156 GA +56 23 157 AF +56 23 158 TS +56 23 159 AF +56 23 160 TS +56 23 161 GA +56 23 162 AF +56 23 163 GA +56 23 164 GA +56 23 165 GA +56 23 166 BB +56 23 167 TS +56 23 168 GA +56 23 169 GA +56 23 170 BB +56 23 171 GA +56 23 172 TS +56 23 173 AF +56 23 174 AF +56 23 175 TS +56 23 176 AF +56 23 177 TS +56 23 178 GA +56 23 179 AF +56 23 180 GA +56 23 181 AF +56 23 182 BB +56 23 183 AF +56 23 184 GA +56 23 185 AF +56 23 186 GA +56 23 187 AF +56 23 188 GA +56 23 189 TS +56 23 190 TS +56 23 191 GA +56 23 192 GA +56 23 193 AF +56 23 194 BB +56 23 195 AF +56 23 196 TS +56 23 197 GA +56 23 198 BB +56 23 199 TS +56 23 200 GA +56 23 201 AF +56 23 202 GA +56 23 203 AF +56 23 204 BB +56 23 205 GA +56 23 206 TS +56 23 207 AF +56 23 208 AF +56 23 209 GA +56 23 210 BB +56 23 211 GA +56 23 212 AF +56 23 213 GA +56 23 214 GA +56 23 215 AF +56 23 216 BB +56 23 217 TS +56 23 218 GA +56 23 219 TS +56 23 220 GA +56 23 221 TS +56 23 222 GA +56 23 223 GA +56 23 224 TS +56 23 225 AF +56 23 226 BB +56 23 227 BB +56 23 228 GA +56 23 229 TS +56 23 230 TS +56 23 231 GA +56 23 232 AF +56 23 233 GA +56 23 234 GA +56 23 235 GA +56 23 236 AF +56 23 237 TS +56 23 238 GA +56 23 239 AF +56 23 240 AF +56 23 241 TS +56 23 242 TS +56 23 243 BB +56 23 244 TS +56 23 245 AF +56 23 246 GA +56 23 247 GA +56 23 248 BB +56 23 249 GA +56 23 250 BB +56 23 251 TS +56 23 252 TS +56 23 253 GA +56 23 254 GA +56 23 255 BB +56 23 256 AF +56 23 257 BB +56 23 258 AF +56 23 259 AF +56 23 260 TS +56 23 261 AF +56 23 262 TS +56 23 263 BB +56 23 264 TS +56 23 265 GA +56 23 266 AF +56 23 267 BB +56 23 268 AF +56 23 269 AF +56 23 270 AF +56 23 271 BB +56 23 272 TS +56 23 273 BB +56 23 274 TS +56 23 275 AF +56 23 276 AF +56 23 277 BB +56 23 278 AF +56 23 279 GA +56 23 280 GA +56 23 281 GA +56 23 282 GA +56 23 283 AF +56 23 284 TS +56 23 285 TS +56 23 286 TS +56 23 287 AF +56 23 288 AF +56 23 289 GA +56 23 290 TS +56 23 291 GA +56 23 292 TS +56 23 293 TS +56 23 294 TS +56 23 295 AF +56 23 296 BA +56 23 297 AF +56 23 298 AF +56 23 299 GA +56 23 300 TS +56 23 301 AF +56 23 302 TS +56 23 303 GA +56 23 304 GA +56 23 305 BA +56 23 306 TS +56 23 307 GA +56 23 308 GA +56 23 309 AF +56 23 310 GA +56 23 311 GA +56 23 312 BA +56 23 313 BA +56 23 314 TS +56 23 315 GA +56 23 316 GA +56 23 317 BA +56 23 318 AF +56 23 319 TS +56 23 320 AF +56 23 321 AF +56 23 322 GA +56 23 323 GA +56 23 324 TS +56 23 325 BA +56 23 326 AF +56 23 327 TS +56 23 328 GA +56 23 329 AF +56 23 330 TS +56 24 1 BB +56 24 2 TS +56 24 3 AF +56 24 4 BB +56 24 5 GA +56 24 6 DC +56 24 7 BB +56 24 8 AF +56 24 9 BB +56 24 10 BB +56 24 11 BB +56 24 12 AF +56 24 13 BB +56 24 14 BB +56 24 15 DC +56 24 16 TS +56 24 17 AF +56 24 18 BB +56 24 19 BB +56 24 20 BB +56 24 21 AF +56 24 22 AF +56 24 23 BB +56 24 24 BB +56 24 25 BB +56 24 26 BB +56 24 27 AF +56 24 28 AF +56 24 29 TS +56 24 30 AF +56 24 31 TS +56 24 32 AF +56 24 33 BB +56 24 34 BB +56 24 35 AF +56 24 36 BB +56 24 37 BB +56 24 38 AF +56 24 39 BB +56 24 40 TS +56 24 41 AF +56 24 42 AF +56 24 43 GA +56 24 44 TS +56 24 45 BB +56 24 46 BB +56 24 47 BB +56 24 48 AF +56 24 49 BB +56 24 50 SD +56 24 51 BB +56 24 52 TS +56 24 53 AF +56 24 54 BB +56 24 55 BB +56 24 56 TS +56 24 57 BB +56 24 58 BB +56 24 59 TS +56 24 60 BB +56 24 61 AF +56 24 62 SD +56 24 63 AF +56 24 64 SD +56 24 65 AF +56 24 66 TS +56 24 67 BB +56 24 68 AF +56 24 69 BB +56 24 70 TS +56 24 71 AF +56 24 72 BB +56 24 73 AF +56 24 74 TS +56 24 75 BB +56 24 76 AF +56 24 77 BB +56 24 78 TS +56 24 79 BB +56 24 80 SD +56 24 81 GA +56 24 82 BB +56 24 83 TS +56 24 84 TS +56 24 85 BB +56 24 86 AF +56 24 87 BB +56 24 88 AF +56 24 89 BB +56 24 90 BB +56 24 91 GA +56 24 92 TS +56 24 93 BB +56 24 94 GA +56 24 95 TS +56 24 96 AF +56 24 97 BB +56 24 98 AF +56 24 99 TS +56 24 100 TS +56 24 101 BB +56 24 102 AF +56 24 103 BB +56 24 104 BB +56 24 105 SD +56 24 106 TS +56 24 107 TS +56 24 108 GA +56 24 109 GA +56 24 110 AF +56 24 111 BB +56 24 112 AF +56 24 113 BB +56 24 114 BB +56 24 115 AF +56 24 116 TS +56 24 117 BB +56 24 118 AF +56 24 119 BB +56 24 120 SD +56 24 121 AF +56 24 122 BB +56 24 123 BB +56 24 124 TS +56 24 125 AF +56 24 126 TS +56 24 127 BB +56 24 128 DC +56 24 129 TS +56 24 130 BB +56 24 131 BB +56 24 132 AF +56 24 133 BB +56 24 134 BB +56 24 135 GA +56 24 136 BB +56 24 137 GA +56 24 138 TS +56 24 139 DC +56 24 140 BB +56 24 141 TS +56 24 142 TS +56 24 143 GA +56 24 144 BB +56 24 145 BB +56 24 146 AF +56 24 147 BB +56 24 148 AF +56 24 149 TS +56 24 150 BB +56 24 151 TS +56 24 152 TS +56 24 153 BB +56 24 154 BB +56 24 155 BB +56 24 156 BB +56 24 157 GA +56 24 158 TS +56 24 159 DC +56 24 160 DC +56 24 161 BB +56 24 162 AF +56 24 163 BB +56 24 164 BB +56 24 165 BB +56 24 166 BB +56 24 167 TS +56 24 168 BB +56 24 169 BB +56 24 170 BB +56 24 171 BB +56 24 172 TS +56 24 173 AF +56 24 174 DC +56 24 175 TS +56 24 176 AF +56 24 177 TS +56 24 178 BB +56 24 179 AF +56 24 180 BB +56 24 181 GA +56 24 182 BB +56 24 183 BB +56 24 184 BB +56 24 185 GA +56 24 186 SD +56 24 187 AF +56 24 188 BB +56 24 189 TS +56 24 190 TS +56 24 191 BB +56 24 192 BB +56 24 193 BB +56 24 194 BB +56 24 195 BB +56 24 196 TS +56 24 197 BB +56 24 198 BB +56 24 199 TS +56 24 200 TS +56 24 201 AF +56 24 202 BB +56 24 203 BB +56 24 204 BB +56 24 205 BB +56 24 206 TS +56 24 207 AF +56 24 208 AF +56 24 209 BB +56 24 210 AF +56 24 211 BB +56 24 212 AF +56 24 213 TS +56 24 214 AF +56 24 215 DC +56 24 216 BB +56 24 217 TS +56 24 218 BB +56 24 219 TS +56 24 220 BB +56 24 221 TS +56 24 222 BB +56 24 223 BB +56 24 224 TS +56 24 225 AF +56 24 226 BB +56 24 227 BB +56 24 228 BB +56 24 229 TS +56 24 230 TS +56 24 231 AF +56 24 232 BB +56 24 233 TS +56 24 234 BB +56 24 235 BB +56 24 236 AF +56 24 237 DC +56 24 238 BB +56 24 239 DC +56 24 240 BB +56 24 241 TS +56 24 242 AF +56 24 243 BB +56 24 244 TS +56 24 245 AF +56 24 246 BB +56 24 247 BB +56 24 248 BB +56 24 249 GA +56 24 250 BB +56 24 251 TS +56 24 252 DC +56 24 253 BB +56 24 254 BB +56 24 255 BB +56 24 256 AF +56 24 257 BB +56 24 258 DC +56 24 259 AF +56 24 260 TS +56 24 261 AF +56 24 262 TS +56 24 263 TS +56 24 264 BB +56 24 265 BB +56 24 266 AF +56 24 267 BB +56 24 268 BB +56 24 269 AF +56 24 270 AF +56 24 271 BB +56 24 272 TS +56 24 273 AF +56 24 274 TS +56 24 275 BB +56 24 276 AF +56 24 277 BB +56 24 278 AF +56 24 279 BB +56 24 280 BB +56 24 281 BB +56 24 282 BB +56 24 283 AF +56 24 284 TS +56 24 285 TS +56 24 286 TS +56 24 287 AF +56 24 288 AF +56 24 289 BB +56 24 290 TS +56 24 291 BB +56 24 292 TS +56 24 293 SD +56 24 294 TS +56 24 295 AF +56 24 296 BB +56 24 297 DC +56 24 298 AF +56 24 299 BB +56 24 300 TS +56 24 301 BB +56 24 302 TS +56 24 303 TS +56 24 304 BB +56 24 305 BB +56 24 306 BB +56 24 307 BB +56 24 308 BB +56 24 309 BB +56 24 310 GA +56 24 311 BB +56 24 312 BB +56 24 313 BB +56 24 314 TS +56 24 315 BB +56 24 316 BB +56 24 317 AF +56 24 318 AF +56 24 319 TS +56 24 320 BB +56 24 321 AF +56 24 322 BB +56 24 323 SD +56 24 324 TS +56 24 325 AF +56 24 326 DC +56 24 327 TS +56 24 328 BB +56 24 329 TS +56 24 330 AF +56 25 1 WR +56 25 2 TS +56 25 3 AF +56 25 4 BB +56 25 5 TS +56 25 6 TS +56 25 7 AF +56 25 8 GG +56 25 9 AF +56 25 10 BB +56 25 11 * +56 25 12 AF +56 25 13 BB +56 25 14 BB +56 25 15 TS +56 25 16 TS +56 25 17 AF +56 25 18 BB +56 25 19 WR +56 25 20 AF +56 25 21 WR +56 25 22 AF +56 25 23 WR +56 25 24 AF +56 25 25 SD +56 25 26 BB +56 25 27 TS +56 25 28 TS +56 25 29 AF +56 25 30 AF +56 25 31 TS +56 25 32 TS +56 25 33 AF +56 25 34 BB +56 25 35 TS +56 25 36 BB +56 25 37 BB +56 25 38 AF +56 25 39 AF +56 25 40 BB +56 25 41 AF +56 25 42 AF +56 25 43 BB +56 25 44 TS +56 25 45 AF +56 25 46 WR +56 25 47 BB +56 25 48 AF +56 25 49 TS +56 25 50 BB +56 25 51 AF +56 25 52 TS +56 25 53 AF +56 25 54 AF +56 25 55 WR +56 25 56 AF +56 25 57 BB +56 25 58 AF +56 25 59 TS +56 25 60 BB +56 25 61 AF +56 25 62 WR +56 25 63 AF +56 25 64 BB +56 25 65 AF +56 25 66 TS +56 25 67 TS +56 25 68 SD +56 25 69 AF +56 25 70 TS +56 25 71 AF +56 25 72 AF +56 25 73 BB +56 25 74 TS +56 25 75 BB +56 25 76 AF +56 25 77 BB +56 25 78 TS +56 25 79 BB +56 25 80 BB +56 25 81 AF +56 25 82 TS +56 25 83 TS +56 25 84 TS +56 25 85 GG +56 25 86 TS +56 25 87 AF +56 25 88 TS +56 25 89 BB +56 25 90 BB +56 25 91 AF +56 25 92 TS +56 25 93 BB +56 25 94 BB +56 25 95 TS +56 25 96 AF +56 25 97 BB +56 25 98 AF +56 25 99 WR +56 25 100 TS +56 25 101 BB +56 25 102 WR +56 25 103 AF +56 25 104 WR +56 25 105 BB +56 25 106 AF +56 25 107 TS +56 25 108 TS +56 25 109 BB +56 25 110 AF +56 25 111 AF +56 25 112 AF +56 25 113 AF +56 25 114 BB +56 25 115 WW +56 25 116 TS +56 25 117 WW +56 25 118 TS +56 25 119 GG +56 25 120 TS +56 25 121 AF +56 25 122 WW +56 25 123 BB +56 25 124 AF +56 25 125 AF +56 25 126 TS +56 25 127 AF +56 25 128 AF +56 25 129 TS +56 25 130 WW +56 25 131 * +56 25 132 AF +56 25 133 BB +56 25 134 BB +56 25 135 BB +56 25 136 WR +56 25 137 AF +56 25 138 WR +56 25 139 TS +56 25 140 BB +56 25 141 TS +56 25 142 TS +56 25 143 AF +56 25 144 BB +56 25 145 WR +56 25 146 AF +56 25 147 WR +56 25 148 AF +56 25 149 WR +56 25 150 BB +56 25 151 WR +56 25 152 WR +56 25 153 BB +56 25 154 BB +56 25 155 AF +56 25 156 WR +56 25 157 AF +56 25 158 TS +56 25 159 AF +56 25 160 TS +56 25 161 TS +56 25 162 AF +56 25 163 WR +56 25 164 BB +56 25 165 AF +56 25 166 BB +56 25 167 WR +56 25 168 BB +56 25 169 WR +56 25 170 BB +56 25 171 AF +56 25 172 TS +56 25 173 WR +56 25 174 AF +56 25 175 TS +56 25 176 AF +56 25 177 TS +56 25 178 BB +56 25 179 AF +56 25 180 WR +56 25 181 AF +56 25 182 BB +56 25 183 AF +56 25 184 BB +56 25 185 AF +56 25 186 WR +56 25 187 AF +56 25 188 BB +56 25 189 WR +56 25 190 TS +56 25 191 WW +56 25 192 WR +56 25 193 AF +56 25 194 AF +56 25 195 AF +56 25 196 TS +56 25 197 WR +56 25 198 AF +56 25 199 TS +56 25 200 WR +56 25 201 TS +56 25 202 AF +56 25 203 WR +56 25 204 WW +56 25 205 SD +56 25 206 TS +56 25 207 AF +56 25 208 AF +56 25 209 BB +56 25 210 AF +56 25 211 WR +56 25 212 AF +56 25 213 WR +56 25 214 AF +56 25 215 WR +56 25 216 AF +56 25 217 TS +56 25 218 AF +56 25 219 TS +56 25 220 BB +56 25 221 TS +56 25 222 BB +56 25 223 WW +56 25 224 TS +56 25 225 AF +56 25 226 BB +56 25 227 BB +56 25 228 BB +56 25 229 TS +56 25 230 TS +56 25 231 BB +56 25 232 AF +56 25 233 WR +56 25 234 AF +56 25 235 BB +56 25 236 AF +56 25 237 TS +56 25 238 BB +56 25 239 TS +56 25 240 AF +56 25 241 TS +56 25 242 AF +56 25 243 SD +56 25 244 TS +56 25 245 WW +56 25 246 WR +56 25 247 WR +56 25 248 BB +56 25 249 BB +56 25 250 * +56 25 251 WR +56 25 252 TS +56 25 253 WR +56 25 254 BB +56 25 255 BB +56 25 256 AF +56 25 257 WR +56 25 258 AF +56 25 259 AF +56 25 260 TS +56 25 261 AF +56 25 262 TS +56 25 263 AF +56 25 264 TS +56 25 265 WW +56 25 266 AF +56 25 267 BB +56 25 268 TS +56 25 269 BB +56 25 270 AF +56 25 271 BB +56 25 272 TS +56 25 273 WR +56 25 274 TS +56 25 275 AF +56 25 276 * +56 25 277 BB +56 25 278 WR +56 25 279 BB +56 25 280 AF +56 25 281 BB +56 25 282 AF +56 25 283 AF +56 25 284 TS +56 25 285 TS +56 25 286 TS +56 25 287 AF +56 25 288 AF +56 25 289 WR +56 25 290 TS +56 25 291 BB +56 25 292 TS +56 25 293 TS +56 25 294 TS +56 25 295 AF +56 25 296 BB +56 25 297 AF +56 25 298 AF +56 25 299 * +56 25 300 * +56 25 301 SD +56 25 302 WW +56 25 303 WR +56 25 304 AF +56 25 305 BB +56 25 306 TS +56 25 307 BB +56 25 308 BB +56 25 309 AF +56 25 310 TS +56 25 311 BB +56 25 312 BB +56 25 313 BB +56 25 314 TS +56 25 315 AF +56 25 316 WR +56 25 317 WR +56 25 318 AF +56 25 319 TS +56 25 320 AF +56 25 321 AF +56 25 322 WR +56 25 323 BB +56 25 324 TS +56 25 325 BB +56 25 326 AF +56 25 327 TS +56 25 328 AF +56 25 329 AF +56 25 330 TS +57 1 1 BL +57 1 2 G +57 1 3 R +57 1 4 PP +57 1 5 G +57 1 6 GR +57 1 7 G +57 1 8 R +57 1 9 BR +57 1 10 BL +57 1 11 G +57 1 12 Y +57 1 13 G +57 1 14 BL +57 1 15 P +57 1 16 W +57 1 17 R +57 1 18 BR +57 1 19 BL +57 1 20 G +57 1 21 R +57 1 22 Y +57 1 23 P +57 1 24 BR +57 1 25 BL +57 1 26 BL +57 1 27 W +57 1 28 P +57 1 29 G +57 1 30 BR +57 1 31 G +57 1 32 P +57 1 33 G +57 1 34 BL +57 1 35 P +57 1 36 G +57 1 37 BL +57 1 38 P +57 1 39 G +57 1 40 BL +57 1 41 P +57 1 42 Y +57 1 43 BL +57 1 44 W +57 1 45 G +57 1 46 GR +57 1 47 G +57 1 48 Y +57 1 49 BL +57 1 50 P +57 1 51 BR +57 1 52 Y +57 1 53 P +57 1 54 G +57 1 55 BL +57 1 56 GR +57 1 57 G +57 1 58 Y +57 1 59 W +57 1 60 BL +57 1 61 R +57 1 62 BL +57 1 63 P +57 1 64 BL +57 1 65 R +57 1 66 W +57 1 67 G +57 1 68 R +57 1 69 Y +57 1 70 W +57 1 71 BR +57 1 72 G +57 1 73 P +57 1 74 W +57 1 75 G +57 1 76 R +57 1 77 BL +57 1 78 P +57 1 79 B +57 1 80 BL +57 1 81 G +57 1 82 G +57 1 83 W +57 1 84 P +57 1 85 G +57 1 86 P +57 1 87 B +57 1 88 P +57 1 89 B +57 1 90 B +57 1 91 Y +57 1 92 W +57 1 93 BL +57 1 94 BR +57 1 95 W +57 1 96 Y +57 1 97 P +57 1 98 R +57 1 99 W +57 1 100 G +57 1 101 R +57 1 102 GR +57 1 103 Y +57 1 104 BL +57 1 105 P +57 1 106 Y +57 1 107 W +57 1 108 W +57 1 109 BL +57 1 110 Y +57 1 111 G +57 1 112 R +57 1 113 BL +57 1 114 G +57 1 115 R +57 1 116 GR +57 1 117 BR +57 1 118 P +57 1 119 G +57 1 120 W +57 1 121 R +57 1 122 G +57 1 123 BL +57 1 124 G +57 1 125 R +57 1 126 P +57 1 127 BL +57 1 128 Y +57 1 129 W +57 1 130 BR +57 1 131 P +57 1 132 R +57 1 133 G +57 1 134 BR +57 1 135 P +57 1 136 G +57 1 137 G +57 1 138 BL +57 1 139 W +57 1 140 BL +57 1 141 W +57 1 142 W +57 1 143 G +57 1 144 BL +57 1 145 G +57 1 146 Y +57 1 147 G +57 1 148 R +57 1 149 G +57 1 150 PP +57 1 151 P +57 1 152 PP +57 1 153 BL +57 1 154 * +57 1 155 BR +57 1 156 GR +57 1 157 BR +57 1 158 W +57 1 159 Y +57 1 160 P +57 1 161 G +57 1 162 R +57 1 163 G +57 1 164 BL +57 1 165 Y +57 1 166 BL +57 1 167 GR +57 1 168 G +57 1 169 BL +57 1 170 GR +57 1 171 G +57 1 172 W +57 1 173 R +57 1 174 Y +57 1 175 BL +57 1 176 R +57 1 177 Y +57 1 178 BL +57 1 179 BR +57 1 180 G +57 1 181 Y +57 1 182 P +57 1 183 BR +57 1 184 P +57 1 185 BR +57 1 186 G +57 1 187 Y +57 1 188 BL +57 1 189 W +57 1 190 P +57 1 191 G +57 1 192 P +57 1 193 Y +57 1 194 BR +57 1 195 GR +57 1 196 GR +57 1 197 P +57 1 198 BR +57 1 199 W +57 1 200 * +57 1 201 P +57 1 202 G +57 1 203 R +57 1 204 BR +57 1 205 BL +57 1 206 W +57 1 207 R +57 1 208 Y +57 1 209 G +57 1 210 BR +57 1 211 BL +57 1 212 Y +57 1 213 W +57 1 214 Y +57 1 215 P +57 1 216 BR +57 1 217 P +57 1 218 Y +57 1 219 W +57 1 220 BL +57 1 221 W +57 1 222 P +57 1 223 G +57 1 224 W +57 1 225 Y +57 1 226 BL +57 1 227 B +57 1 228 BL +57 1 229 G +57 1 230 W +57 1 231 P +57 1 232 BR +57 1 233 BL +57 1 234 G +57 1 235 BL +57 1 236 Y +57 1 237 P +57 1 238 G +57 1 239 P +57 1 240 BR +57 1 241 W +57 1 242 Y +57 1 243 R +57 1 244 W +57 1 245 R +57 1 246 G +57 1 247 BL +57 1 248 GR +57 1 249 G +57 1 250 P +57 1 251 G +57 1 252 W +57 1 253 G +57 1 254 BL +57 1 255 B +57 1 256 R +57 1 257 BL +57 1 258 Y +57 1 259 BR +57 1 260 Y +57 1 261 BR +57 1 262 W +57 1 263 GR +57 1 264 BL +57 1 265 G +57 1 266 BR +57 1 267 P +57 1 268 GR +57 1 269 P +57 1 270 Y +57 1 271 GR +57 1 272 W +57 1 273 P +57 1 274 W +57 1 275 Y +57 1 276 R +57 1 277 BL +57 1 278 BR +57 1 279 BL +57 1 280 G +57 1 281 G +57 1 282 G +57 1 283 BR +57 1 284 W +57 1 285 P +57 1 286 W +57 1 287 BR +57 1 288 R +57 1 289 G +57 1 290 W +57 1 291 BL +57 1 292 P +57 1 293 W +57 1 294 W +57 1 295 BR +57 1 296 PP +57 1 297 Y +57 1 298 R +57 1 299 G +57 1 300 W +57 1 301 G +57 1 302 W +57 1 303 BL +57 1 304 G +57 1 305 PP +57 1 306 G +57 1 307 BL +57 1 308 PP +57 1 309 BR +57 1 310 G +57 1 311 BL +57 1 312 B +57 1 313 BL +57 1 314 W +57 1 315 G +57 1 316 G +57 1 317 PP +57 1 318 Y +57 1 319 W +57 1 320 Y +57 1 321 R +57 1 322 BL +57 1 323 G +57 1 324 W +57 1 325 PP +57 1 326 Y +57 1 327 W +57 1 328 G +57 1 329 BR +57 1 330 W +57 2 1 BL +57 2 2 G +57 2 3 R +57 2 4 PP +57 2 5 G +57 2 6 BL +57 2 7 GR +57 2 8 P +57 2 9 BR +57 2 10 BL +57 2 11 G +57 2 12 Y +57 2 13 GR +57 2 14 BL +57 2 15 P +57 2 16 W +57 2 17 R +57 2 18 B +57 2 19 BL +57 2 20 G +57 2 21 P +57 2 22 Y +57 2 23 PP +57 2 24 BR +57 2 25 BL +57 2 26 BL +57 2 27 P +57 2 28 P +57 2 29 G +57 2 30 BR +57 2 31 BL +57 2 32 PP +57 2 33 G +57 2 34 BL +57 2 35 P +57 2 36 G +57 2 37 BL +57 2 38 PP +57 2 39 G +57 2 40 BL +57 2 41 R +57 2 42 Y +57 2 43 BL +57 2 44 P +57 2 45 G +57 2 46 GR +57 2 47 G +57 2 48 Y +57 2 49 BL +57 2 50 PP +57 2 51 BR +57 2 52 G +57 2 53 PP +57 2 54 G +57 2 55 BL +57 2 56 P +57 2 57 G +57 2 58 BR +57 2 59 P +57 2 60 BL +57 2 61 R +57 2 62 PP +57 2 63 P +57 2 64 BL +57 2 65 P +57 2 66 W +57 2 67 G +57 2 68 P +57 2 69 G +57 2 70 PP +57 2 71 PP +57 2 72 G +57 2 73 PP +57 2 74 BL +57 2 75 G +57 2 76 O +57 2 77 BL +57 2 78 P +57 2 79 B +57 2 80 BL +57 2 81 GR +57 2 82 BL +57 2 83 BR +57 2 84 P +57 2 85 G +57 2 86 P +57 2 87 B +57 2 88 PP +57 2 89 B +57 2 90 G +57 2 91 G +57 2 92 P +57 2 93 BL +57 2 94 BR +57 2 95 BL +57 2 96 Y +57 2 97 PP +57 2 98 P +57 2 99 PP +57 2 100 G +57 2 101 PP +57 2 102 GR +57 2 103 G +57 2 104 BL +57 2 105 PP +57 2 106 Y +57 2 107 W +57 2 108 G +57 2 109 BL +57 2 110 Y +57 2 111 GR +57 2 112 P +57 2 113 B +57 2 114 BL +57 2 115 P +57 2 116 BL +57 2 117 BR +57 2 118 P +57 2 119 G +57 2 120 W +57 2 121 O +57 2 122 G +57 2 123 BL +57 2 124 G +57 2 125 O +57 2 126 P +57 2 127 G +57 2 128 * +57 2 129 W +57 2 130 G +57 2 131 PP +57 2 132 O +57 2 133 G +57 2 134 BR +57 2 135 P +57 2 136 BL +57 2 137 G +57 2 138 BL +57 2 139 PP +57 2 140 BL +57 2 141 W +57 2 142 GR +57 2 143 GR +57 2 144 PP +57 2 145 G +57 2 146 Y +57 2 147 G +57 2 148 R +57 2 149 G +57 2 150 PP +57 2 151 P +57 2 152 PP +57 2 153 BL +57 2 154 GR +57 2 155 BR +57 2 156 G +57 2 157 BR +57 2 158 W +57 2 159 BR +57 2 160 P +57 2 161 G +57 2 162 PP +57 2 163 BL +57 2 164 BL +57 2 165 G +57 2 166 BL +57 2 167 PP +57 2 168 G +57 2 169 BL +57 2 170 G +57 2 171 G +57 2 172 W +57 2 173 P +57 2 174 O +57 2 175 BL +57 2 176 P +57 2 177 Y +57 2 178 BL +57 2 179 R +57 2 180 G +57 2 181 BR +57 2 182 PP +57 2 183 BR +57 2 184 PP +57 2 185 BR +57 2 186 BL +57 2 187 O +57 2 188 BL +57 2 189 BL +57 2 190 P +57 2 191 G +57 2 192 PP +57 2 193 Y +57 2 194 PP +57 2 195 * +57 2 196 BL +57 2 197 PP +57 2 198 B +57 2 199 W +57 2 200 BL +57 2 201 P +57 2 202 GR +57 2 203 PP +57 2 204 BR +57 2 205 PP +57 2 206 Y +57 2 207 P +57 2 208 BR +57 2 209 G +57 2 210 R +57 2 211 BL +57 2 212 O +57 2 213 PP +57 2 214 G +57 2 215 P +57 2 216 G +57 2 217 P +57 2 218 G +57 2 219 BL +57 2 220 PP +57 2 221 BL +57 2 222 PP +57 2 223 G +57 2 224 P +57 2 225 G +57 2 226 BL +57 2 227 B +57 2 228 BL +57 2 229 G +57 2 230 P +57 2 231 PP +57 2 232 BR +57 2 233 PP +57 2 234 G +57 2 235 BL +57 2 236 G +57 2 237 P +57 2 238 BL +57 2 239 P +57 2 240 BR +57 2 241 W +57 2 242 Y +57 2 243 PP +57 2 244 GR +57 2 245 R +57 2 246 G +57 2 247 PP +57 2 248 G +57 2 249 GR +57 2 250 PP +57 2 251 G +57 2 252 P +57 2 253 G +57 2 254 BL +57 2 255 B +57 2 256 P +57 2 257 BL +57 2 258 Y +57 2 259 R +57 2 260 Y +57 2 261 Y +57 2 262 W +57 2 263 GR +57 2 264 BL +57 2 265 G +57 2 266 BR +57 2 267 PP +57 2 268 G +57 2 269 PP +57 2 270 O +57 2 271 G +57 2 272 W +57 2 273 PP +57 2 274 W +57 2 275 G +57 2 276 PP +57 2 277 BL +57 2 278 P +57 2 279 BL +57 2 280 G +57 2 281 G +57 2 282 G +57 2 283 BR +57 2 284 GR +57 2 285 * +57 2 286 W +57 2 287 BR +57 2 288 R +57 2 289 BL +57 2 290 P +57 2 291 BL +57 2 292 P +57 2 293 G +57 2 294 W +57 2 295 BR +57 2 296 PP +57 2 297 Y +57 2 298 R +57 2 299 G +57 2 300 GR +57 2 301 G +57 2 302 P +57 2 303 BL +57 2 304 G +57 2 305 PP +57 2 306 GR +57 2 307 BL +57 2 308 PP +57 2 309 G +57 2 310 G +57 2 311 BL +57 2 312 B +57 2 313 BL +57 2 314 P +57 2 315 G +57 2 316 G +57 2 317 PP +57 2 318 O +57 2 319 P +57 2 320 G +57 2 321 R +57 2 322 BL +57 2 323 G +57 2 324 P +57 2 325 PP +57 2 326 Y +57 2 327 BL +57 2 328 GR +57 2 329 BR +57 2 330 BL +57 3 1 BL +57 3 2 G +57 3 3 R +57 3 4 PP +57 3 5 G +57 3 6 G +57 3 7 G +57 3 8 PP +57 3 9 BR +57 3 10 BL +57 3 11 G +57 3 12 Y +57 3 13 G +57 3 14 BL +57 3 15 O +57 3 16 W +57 3 17 PP +57 3 18 B +57 3 19 BL +57 3 20 * +57 3 21 PP +57 3 22 Y +57 3 23 PP +57 3 24 BR +57 3 25 G +57 3 26 BL +57 3 27 W +57 3 28 R +57 3 29 G +57 3 30 PP +57 3 31 BL +57 3 32 D +57 3 33 G +57 3 34 BL +57 3 35 PP +57 3 36 G +57 3 37 BL +57 3 38 R +57 3 39 G +57 3 40 BL +57 3 41 R +57 3 42 Y +57 3 43 BL +57 3 44 D +57 3 45 G +57 3 46 W +57 3 47 G +57 3 48 Y +57 3 49 BL +57 3 50 PP +57 3 51 Y +57 3 52 W +57 3 53 BL +57 3 54 G +57 3 55 BL +57 3 56 BL +57 3 57 BL +57 3 58 Y +57 3 59 W +57 3 60 G +57 3 61 R +57 3 62 BL +57 3 63 PP +57 3 64 BL +57 3 65 R +57 3 66 W +57 3 67 G +57 3 68 PP +57 3 69 Y +57 3 70 W +57 3 71 PP +57 3 72 G +57 3 73 BL +57 3 74 G +57 3 75 G +57 3 76 PP +57 3 77 G +57 3 78 PP +57 3 79 B +57 3 80 BL +57 3 81 G +57 3 82 G +57 3 83 W +57 3 84 P +57 3 85 G +57 3 86 D +57 3 87 B +57 3 88 P +57 3 89 B +57 3 90 GR +57 3 91 Y +57 3 92 W +57 3 93 BL +57 3 94 B +57 3 95 W +57 3 96 Y +57 3 97 BL +57 3 98 R +57 3 99 P +57 3 100 G +57 3 101 R +57 3 102 BL +57 3 103 BR +57 3 104 BL +57 3 105 PP +57 3 106 Y +57 3 107 W +57 3 108 W +57 3 109 BL +57 3 110 Y +57 3 111 G +57 3 112 R +57 3 113 B +57 3 114 G +57 3 115 P +57 3 116 BL +57 3 117 B +57 3 118 PP +57 3 119 G +57 3 120 W +57 3 121 P +57 3 122 * +57 3 123 BL +57 3 124 G +57 3 125 P +57 3 126 D +57 3 127 G +57 3 128 Y +57 3 129 W +57 3 130 G +57 3 131 PP +57 3 132 R +57 3 133 G +57 3 134 BR +57 3 135 P +57 3 136 G +57 3 137 G +57 3 138 BL +57 3 139 W +57 3 140 BL +57 3 141 W +57 3 142 W +57 3 143 G +57 3 144 BL +57 3 145 G +57 3 146 Y +57 3 147 G +57 3 148 R +57 3 149 G +57 3 150 BL +57 3 151 BR +57 3 152 P +57 3 153 BL +57 3 154 B +57 3 155 D +57 3 156 G +57 3 157 BR +57 3 158 W +57 3 159 Y +57 3 160 P +57 3 161 G +57 3 162 PP +57 3 163 G +57 3 164 BL +57 3 165 G +57 3 166 BL +57 3 167 P +57 3 168 G +57 3 169 BL +57 3 170 BL +57 3 171 G +57 3 172 W +57 3 173 R +57 3 174 Y +57 3 175 W +57 3 176 P +57 3 177 Y +57 3 178 BL +57 3 179 BR +57 3 180 G +57 3 181 PP +57 3 182 PP +57 3 183 BR +57 3 184 D +57 3 185 BR +57 3 186 G +57 3 187 Y +57 3 188 BL +57 3 189 W +57 3 190 P +57 3 191 G +57 3 192 BR +57 3 193 Y +57 3 194 PP +57 3 195 G +57 3 196 G +57 3 197 D +57 3 198 B +57 3 199 W +57 3 200 BL +57 3 201 PP +57 3 202 G +57 3 203 PP +57 3 204 B +57 3 205 PP +57 3 206 W +57 3 207 PP +57 3 208 BR +57 3 209 G +57 3 210 D +57 3 211 BL +57 3 212 Y +57 3 213 W +57 3 214 * +57 3 215 PP +57 3 216 G +57 3 217 PP +57 3 218 G +57 3 219 G +57 3 220 BL +57 3 221 W +57 3 222 P +57 3 223 G +57 3 224 W +57 3 225 G +57 3 226 BL +57 3 227 G +57 3 228 BL +57 3 229 G +57 3 230 W +57 3 231 P +57 3 232 PP +57 3 233 BL +57 3 234 G +57 3 235 BL +57 3 236 G +57 3 237 PP +57 3 238 G +57 3 239 PP +57 3 240 BR +57 3 241 W +57 3 242 Y +57 3 243 P +57 3 244 W +57 3 245 R +57 3 246 G +57 3 247 PP +57 3 248 G +57 3 249 G +57 3 250 PP +57 3 251 G +57 3 252 W +57 3 253 G +57 3 254 PP +57 3 255 B +57 3 256 R +57 3 257 BL +57 3 258 Y +57 3 259 R +57 3 260 Y +57 3 261 PP +57 3 262 W +57 3 263 W +57 3 264 W +57 3 265 G +57 3 266 PP +57 3 267 PP +57 3 268 G +57 3 269 PP +57 3 270 Y +57 3 271 G +57 3 272 W +57 3 273 PP +57 3 274 W +57 3 275 Y +57 3 276 R +57 3 277 BL +57 3 278 R +57 3 279 BL +57 3 280 G +57 3 281 G +57 3 282 G +57 3 283 BR +57 3 284 W +57 3 285 P +57 3 286 W +57 3 287 BR +57 3 288 R +57 3 289 BL +57 3 290 W +57 3 291 BL +57 3 292 PP +57 3 293 G +57 3 294 W +57 3 295 BR +57 3 296 PP +57 3 297 Y +57 3 298 R +57 3 299 G +57 3 300 W +57 3 301 G +57 3 302 W +57 3 303 W +57 3 304 G +57 3 305 PP +57 3 306 G +57 3 307 BL +57 3 308 PP +57 3 309 BR +57 3 310 G +57 3 311 BL +57 3 312 BR +57 3 313 BL +57 3 314 W +57 3 315 G +57 3 316 G +57 3 317 PP +57 3 318 BR +57 3 319 W +57 3 320 G +57 3 321 P +57 3 322 BL +57 3 323 G +57 3 324 W +57 3 325 PP +57 3 326 BR +57 3 327 W +57 3 328 G +57 3 329 BR +57 3 330 W +57 4 1 BL +57 4 2 G +57 4 3 R +57 4 4 * +57 4 5 G +57 4 6 R +57 4 7 G +57 4 8 BR +57 4 9 BR +57 4 10 BL +57 4 11 BL +57 4 12 Y +57 4 13 G +57 4 14 B +57 4 15 P +57 4 16 W +57 4 17 O +57 4 18 B +57 4 19 BL +57 4 20 G +57 4 21 R +57 4 22 Y +57 4 23 BL +57 4 24 B +57 4 25 G +57 4 26 BL +57 4 27 W +57 4 28 PP +57 4 29 G +57 4 30 BR +57 4 31 G +57 4 32 PP +57 4 33 G +57 4 34 BL +57 4 35 O +57 4 36 G +57 4 37 BL +57 4 38 R +57 4 39 G +57 4 40 BL +57 4 41 R +57 4 42 Y +57 4 43 BL +57 4 44 W +57 4 45 G +57 4 46 B +57 4 47 B +57 4 48 Y +57 4 49 BL +57 4 50 PP +57 4 51 BR +57 4 52 W +57 4 53 R +57 4 54 G +57 4 55 BL +57 4 56 BR +57 4 57 BL +57 4 58 P +57 4 59 W +57 4 60 B +57 4 61 P +57 4 62 BL +57 4 63 P +57 4 64 BL +57 4 65 P +57 4 66 W +57 4 67 G +57 4 68 BR +57 4 69 G +57 4 70 W +57 4 71 BR +57 4 72 G +57 4 73 PP +57 4 74 W +57 4 75 G +57 4 76 R +57 4 77 G +57 4 78 P +57 4 79 B +57 4 80 BL +57 4 81 Y +57 4 82 G +57 4 83 W +57 4 84 P +57 4 85 G +57 4 86 P +57 4 87 B +57 4 88 PP +57 4 89 B +57 4 90 B +57 4 91 Y +57 4 92 W +57 4 93 G +57 4 94 B +57 4 95 W +57 4 96 Y +57 4 97 BL +57 4 98 R +57 4 99 PP +57 4 100 G +57 4 101 R +57 4 102 BL +57 4 103 Y +57 4 104 BL +57 4 105 BR +57 4 106 Y +57 4 107 W +57 4 108 W +57 4 109 BL +57 4 110 Y +57 4 111 B +57 4 112 R +57 4 113 B +57 4 114 G +57 4 115 BR +57 4 116 G +57 4 117 B +57 4 118 BR +57 4 119 G +57 4 120 W +57 4 121 R +57 4 122 G +57 4 123 BL +57 4 124 Y +57 4 125 R +57 4 126 P +57 4 127 B +57 4 128 Y +57 4 129 W +57 4 130 G +57 4 131 PP +57 4 132 PP +57 4 133 G +57 4 134 B +57 4 135 BR +57 4 136 G +57 4 137 G +57 4 138 BL +57 4 139 W +57 4 140 BL +57 4 141 W +57 4 142 W +57 4 143 Y +57 4 144 BL +57 4 145 G +57 4 146 Y +57 4 147 G +57 4 148 R +57 4 149 G +57 4 150 BL +57 4 151 PP +57 4 152 PP +57 4 153 G +57 4 154 B +57 4 155 B +57 4 156 G +57 4 157 O +57 4 158 W +57 4 159 Y +57 4 160 R +57 4 161 G +57 4 162 R +57 4 163 G +57 4 164 BL +57 4 165 BR +57 4 166 BL +57 4 167 P +57 4 168 G +57 4 169 BL +57 4 170 B +57 4 171 R +57 4 172 W +57 4 173 R +57 4 174 Y +57 4 175 BL +57 4 176 R +57 4 177 Y +57 4 178 BL +57 4 179 R +57 4 180 G +57 4 181 Y +57 4 182 BR +57 4 183 BR +57 4 184 BL +57 4 185 Y +57 4 186 BL +57 4 187 Y +57 4 188 BL +57 4 189 BL +57 4 190 P +57 4 191 G +57 4 192 PP +57 4 193 Y +57 4 194 BR +57 4 195 G +57 4 196 G +57 4 197 PP +57 4 198 B +57 4 199 W +57 4 200 BL +57 4 201 O +57 4 202 G +57 4 203 R +57 4 204 B +57 4 205 BL +57 4 206 W +57 4 207 R +57 4 208 Y +57 4 209 BL +57 4 210 BR +57 4 211 G +57 4 212 R +57 4 213 PP +57 4 214 Y +57 4 215 G +57 4 216 B +57 4 217 BR +57 4 218 Y +57 4 219 W +57 4 220 BL +57 4 221 W +57 4 222 PP +57 4 223 G +57 4 224 W +57 4 225 Y +57 4 226 BL +57 4 227 R +57 4 228 B +57 4 229 G +57 4 230 W +57 4 231 PP +57 4 232 G +57 4 233 BL +57 4 234 G +57 4 235 BL +57 4 236 Y +57 4 237 BR +57 4 238 G +57 4 239 O +57 4 240 BR +57 4 241 W +57 4 242 Y +57 4 243 R +57 4 244 W +57 4 245 R +57 4 246 G +57 4 247 BL +57 4 248 G +57 4 249 G +57 4 250 PP +57 4 251 G +57 4 252 W +57 4 253 G +57 4 254 BL +57 4 255 B +57 4 256 R +57 4 257 BL +57 4 258 Y +57 4 259 BR +57 4 260 W +57 4 261 BR +57 4 262 W +57 4 263 W +57 4 264 BL +57 4 265 G +57 4 266 PP +57 4 267 R +57 4 268 G +57 4 269 R +57 4 270 Y +57 4 271 G +57 4 272 W +57 4 273 R +57 4 274 W +57 4 275 Y +57 4 276 R +57 4 277 BL +57 4 278 BR +57 4 279 BL +57 4 280 G +57 4 281 G +57 4 282 G +57 4 283 BR +57 4 284 W +57 4 285 P +57 4 286 W +57 4 287 G +57 4 288 R +57 4 289 G +57 4 290 W +57 4 291 BL +57 4 292 PP +57 4 293 W +57 4 294 W +57 4 295 BR +57 4 296 BR +57 4 297 Y +57 4 298 R +57 4 299 G +57 4 300 W +57 4 301 G +57 4 302 W +57 4 303 BL +57 4 304 G +57 4 305 PP +57 4 306 Y +57 4 307 BL +57 4 308 PP +57 4 309 G +57 4 310 G +57 4 311 BL +57 4 312 B +57 4 313 B +57 4 314 W +57 4 315 G +57 4 316 G +57 4 317 R +57 4 318 PP +57 4 319 W +57 4 320 G +57 4 321 R +57 4 322 BL +57 4 323 G +57 4 324 W +57 4 325 BR +57 4 326 Y +57 4 327 W +57 4 328 G +57 4 329 BR +57 4 330 W +57 5 1 BL +57 5 2 G +57 5 3 R +57 5 4 PP +57 5 5 G +57 5 6 BR +57 5 7 G +57 5 8 PP +57 5 9 BR +57 5 10 BL +57 5 11 G +57 5 12 Y +57 5 13 G +57 5 14 G +57 5 15 PP +57 5 16 GR +57 5 17 R +57 5 18 B +57 5 19 BL +57 5 20 G +57 5 21 R +57 5 22 Y +57 5 23 PP +57 5 24 B +57 5 25 BL +57 5 26 BL +57 5 27 W +57 5 28 R +57 5 29 G +57 5 30 BR +57 5 31 BL +57 5 32 PP +57 5 33 G +57 5 34 BL +57 5 35 BR +57 5 36 G +57 5 37 BL +57 5 38 R +57 5 39 G +57 5 40 BL +57 5 41 BR +57 5 42 Y +57 5 43 BL +57 5 44 GR +57 5 45 G +57 5 46 B +57 5 47 G +57 5 48 O +57 5 49 BL +57 5 50 PP +57 5 51 BR +57 5 52 G +57 5 53 PP +57 5 54 G +57 5 55 BL +57 5 56 BR +57 5 57 BL +57 5 58 BR +57 5 59 P +57 5 60 BL +57 5 61 BR +57 5 62 PP +57 5 63 BR +57 5 64 BL +57 5 65 P +57 5 66 GR +57 5 67 G +57 5 68 PP +57 5 69 G +57 5 70 BL +57 5 71 BR +57 5 72 G +57 5 73 PP +57 5 74 BL +57 5 75 G +57 5 76 BR +57 5 77 BL +57 5 78 PP +57 5 79 B +57 5 80 BL +57 5 81 G +57 5 82 G +57 5 83 BR +57 5 84 BR +57 5 85 G +57 5 86 PP +57 5 87 B +57 5 88 PP +57 5 89 B +57 5 90 G +57 5 91 G +57 5 92 GR +57 5 93 BL +57 5 94 B +57 5 95 G +57 5 96 Y +57 5 97 PP +57 5 98 R +57 5 99 PP +57 5 100 G +57 5 101 PP +57 5 102 BL +57 5 103 B +57 5 104 BL +57 5 105 PP +57 5 106 GR +57 5 107 G +57 5 108 BL +57 5 109 BL +57 5 110 BR +57 5 111 G +57 5 112 PP +57 5 113 B +57 5 114 G +57 5 115 BR +57 5 116 BL +57 5 117 BR +57 5 118 R +57 5 119 G +57 5 120 GR +57 5 121 BR +57 5 122 G +57 5 123 BL +57 5 124 G +57 5 125 BR +57 5 126 P +57 5 127 G +57 5 128 G +57 5 129 GR +57 5 130 B +57 5 131 PP +57 5 132 BR +57 5 133 G +57 5 134 BR +57 5 135 PP +57 5 136 G +57 5 137 G +57 5 138 BL +57 5 139 GR +57 5 140 BL +57 5 141 GR +57 5 142 GR +57 5 143 G +57 5 144 PP +57 5 145 G +57 5 146 BR +57 5 147 G +57 5 148 R +57 5 149 G +57 5 150 PP +57 5 151 P +57 5 152 PP +57 5 153 BL +57 5 154 B +57 5 155 B +57 5 156 G +57 5 157 BR +57 5 158 GR +57 5 159 BR +57 5 160 P +57 5 161 G +57 5 162 R +57 5 163 G +57 5 164 BL +57 5 165 G +57 5 166 BL +57 5 167 PP +57 5 168 G +57 5 169 BL +57 5 170 G +57 5 171 G +57 5 172 GR +57 5 173 R +57 5 174 BR +57 5 175 BL +57 5 176 BR +57 5 177 G +57 5 178 BL +57 5 179 BR +57 5 180 G +57 5 181 BR +57 5 182 PP +57 5 183 BR +57 5 184 PP +57 5 185 BR +57 5 186 BL +57 5 187 BR +57 5 188 BL +57 5 189 BL +57 5 190 P +57 5 191 G +57 5 192 PP +57 5 193 G +57 5 194 PP +57 5 195 G +57 5 196 G +57 5 197 PP +57 5 198 B +57 5 199 G +57 5 200 BL +57 5 201 P +57 5 202 G +57 5 203 PP +57 5 204 B +57 5 205 PP +57 5 206 G +57 5 207 PP +57 5 208 BR +57 5 209 G +57 5 210 BR +57 5 211 BL +57 5 212 BR +57 5 213 PP +57 5 214 G +57 5 215 PP +57 5 216 G +57 5 217 P +57 5 218 G +57 5 219 G +57 5 220 PP +57 5 221 BL +57 5 222 PP +57 5 223 G +57 5 224 GR +57 5 225 BR +57 5 226 BL +57 5 227 B +57 5 228 BL +57 5 229 G +57 5 230 GR +57 5 231 PP +57 5 232 BR +57 5 233 BL +57 5 234 G +57 5 235 BL +57 5 236 G +57 5 237 BR +57 5 238 G +57 5 239 P +57 5 240 BR +57 5 241 GR +57 5 242 Y +57 5 243 PP +57 5 244 BL +57 5 245 R +57 5 246 BL +57 5 247 PP +57 5 248 G +57 5 249 G +57 5 250 PP +57 5 251 G +57 5 252 GR +57 5 253 G +57 5 254 BL +57 5 255 B +57 5 256 P +57 5 257 BL +57 5 258 BR +57 5 259 BR +57 5 260 G +57 5 261 BR +57 5 262 GR +57 5 263 GR +57 5 264 BL +57 5 265 G +57 5 266 BR +57 5 267 PP +57 5 268 G +57 5 269 PP +57 5 270 BR +57 5 271 G +57 5 272 GR +57 5 273 PP +57 5 274 GR +57 5 275 G +57 5 276 PP +57 5 277 BL +57 5 278 BR +57 5 279 BL +57 5 280 G +57 5 281 G +57 5 282 G +57 5 283 BR +57 5 284 BL +57 5 285 PP +57 5 286 GR +57 5 287 BR +57 5 288 R +57 5 289 BL +57 5 290 GR +57 5 291 BL +57 5 292 P +57 5 293 G +57 5 294 BL +57 5 295 BR +57 5 296 PP +57 5 297 O +57 5 298 R +57 5 299 G +57 5 300 GR +57 5 301 G +57 5 302 GR +57 5 303 BL +57 5 304 G +57 5 305 PP +57 5 306 G +57 5 307 BL +57 5 308 PP +57 5 309 G +57 5 310 G +57 5 311 BL +57 5 312 B +57 5 313 PP +57 5 314 GR +57 5 315 G +57 5 316 G +57 5 317 PP +57 5 318 BR +57 5 319 GR +57 5 320 G +57 5 321 R +57 5 322 BL +57 5 323 G +57 5 324 GR +57 5 325 PP +57 5 326 BR +57 5 327 BL +57 5 328 G +57 5 329 BR +57 5 330 BL +57 6 1 BL +57 6 2 G +57 6 3 O +57 6 4 PP +57 6 5 G +57 6 6 PP +57 6 7 G +57 6 8 PP +57 6 9 BR +57 6 10 BL +57 6 11 BL +57 6 12 Y +57 6 13 G +57 6 14 BL +57 6 15 P +57 6 16 W +57 6 17 R +57 6 18 B +57 6 19 BL +57 6 20 G +57 6 21 P +57 6 22 Y +57 6 23 PP +57 6 24 B +57 6 25 G +57 6 26 BL +57 6 27 W +57 6 28 PP +57 6 29 G +57 6 30 BR +57 6 31 BL +57 6 32 PP +57 6 33 G +57 6 34 BL +57 6 35 P +57 6 36 G +57 6 37 BL +57 6 38 PP +57 6 39 G +57 6 40 BL +57 6 41 BR +57 6 42 Y +57 6 43 BL +57 6 44 W +57 6 45 G +57 6 46 B +57 6 47 G +57 6 48 O +57 6 49 BL +57 6 50 B +57 6 51 BR +57 6 52 W +57 6 53 PP +57 6 54 G +57 6 55 BL +57 6 56 PP +57 6 57 BL +57 6 58 Y +57 6 59 W +57 6 60 G +57 6 61 BR +57 6 62 BL +57 6 63 P +57 6 64 BL +57 6 65 P +57 6 66 W +57 6 67 G +57 6 68 P +57 6 69 G +57 6 70 W +57 6 71 PP +57 6 72 G +57 6 73 PP +57 6 74 G +57 6 75 G +57 6 76 P +57 6 77 BL +57 6 78 PP +57 6 79 B +57 6 80 BL +57 6 81 BL +57 6 82 G +57 6 83 Y +57 6 84 PP +57 6 85 G +57 6 86 PP +57 6 87 B +57 6 88 P +57 6 89 B +57 6 90 G +57 6 91 Y +57 6 92 W +57 6 93 BL +57 6 94 B +57 6 95 W +57 6 96 Y +57 6 97 PP +57 6 98 P +57 6 99 PP +57 6 100 G +57 6 101 P +57 6 102 BL +57 6 103 B +57 6 104 BL +57 6 105 PP +57 6 106 Y +57 6 107 W +57 6 108 G +57 6 109 BL +57 6 110 PP +57 6 111 B +57 6 112 P +57 6 113 B +57 6 114 G +57 6 115 P +57 6 116 BL +57 6 117 BR +57 6 118 P +57 6 119 G +57 6 120 W +57 6 121 O +57 6 122 G +57 6 123 G +57 6 124 G +57 6 125 P +57 6 126 PP +57 6 127 G +57 6 128 Y +57 6 129 W +57 6 130 B +57 6 131 PP +57 6 132 PP +57 6 133 G +57 6 134 BR +57 6 135 P +57 6 136 G +57 6 137 G +57 6 138 BL +57 6 139 W +57 6 140 BL +57 6 141 W +57 6 142 W +57 6 143 G +57 6 144 P +57 6 145 G +57 6 146 Y +57 6 147 G +57 6 148 PP +57 6 149 G +57 6 150 PP +57 6 151 P +57 6 152 P +57 6 153 BL +57 6 154 B +57 6 155 BR +57 6 156 G +57 6 157 BR +57 6 158 W +57 6 159 PP +57 6 160 P +57 6 161 G +57 6 162 PP +57 6 163 G +57 6 164 BL +57 6 165 G +57 6 166 BL +57 6 167 BL +57 6 168 G +57 6 169 BL +57 6 170 G +57 6 171 G +57 6 172 W +57 6 173 P +57 6 174 O +57 6 175 G +57 6 176 PP +57 6 177 Y +57 6 178 BL +57 6 179 BR +57 6 180 G +57 6 181 BR +57 6 182 PP +57 6 183 BR +57 6 184 PP +57 6 185 P +57 6 186 G +57 6 187 PP +57 6 188 BL +57 6 189 BL +57 6 190 PP +57 6 191 G +57 6 192 P +57 6 193 Y +57 6 194 BR +57 6 195 G +57 6 196 G +57 6 197 PP +57 6 198 B +57 6 199 G +57 6 200 BL +57 6 201 PP +57 6 202 G +57 6 203 PP +57 6 204 BR +57 6 205 P +57 6 206 W +57 6 207 P +57 6 208 BR +57 6 209 G +57 6 210 BR +57 6 211 BL +57 6 212 O +57 6 213 PP +57 6 214 G +57 6 215 PP +57 6 216 G +57 6 217 PP +57 6 218 G +57 6 219 BL +57 6 220 BL +57 6 221 G +57 6 222 PP +57 6 223 G +57 6 224 W +57 6 225 BR +57 6 226 G +57 6 227 B +57 6 228 BL +57 6 229 G +57 6 230 P +57 6 231 PP +57 6 232 BR +57 6 233 BL +57 6 234 G +57 6 235 BL +57 6 236 G +57 6 237 PP +57 6 238 G +57 6 239 P +57 6 240 BR +57 6 241 W +57 6 242 Y +57 6 243 PP +57 6 244 W +57 6 245 R +57 6 246 G +57 6 247 P +57 6 248 G +57 6 249 G +57 6 250 PP +57 6 251 G +57 6 252 W +57 6 253 G +57 6 254 BL +57 6 255 B +57 6 256 PP +57 6 257 BL +57 6 258 Y +57 6 259 PP +57 6 260 Y +57 6 261 BR +57 6 262 W +57 6 263 W +57 6 264 BL +57 6 265 G +57 6 266 BR +57 6 267 P +57 6 268 G +57 6 269 PP +57 6 270 O +57 6 271 G +57 6 272 W +57 6 273 P +57 6 274 W +57 6 275 G +57 6 276 PP +57 6 277 PP +57 6 278 B +57 6 279 BL +57 6 280 G +57 6 281 G +57 6 282 G +57 6 283 BR +57 6 284 W +57 6 285 P +57 6 286 W +57 6 287 BR +57 6 288 R +57 6 289 G +57 6 290 W +57 6 291 BL +57 6 292 PP +57 6 293 W +57 6 294 BL +57 6 295 BR +57 6 296 PP +57 6 297 Y +57 6 298 R +57 6 299 G +57 6 300 W +57 6 301 G +57 6 302 W +57 6 303 BL +57 6 304 G +57 6 305 PP +57 6 306 G +57 6 307 BL +57 6 308 P +57 6 309 BR +57 6 310 G +57 6 311 BL +57 6 312 B +57 6 313 P +57 6 314 W +57 6 315 G +57 6 316 G +57 6 317 P +57 6 318 PP +57 6 319 W +57 6 320 G +57 6 321 P +57 6 322 BL +57 6 323 G +57 6 324 W +57 6 325 P +57 6 326 BR +57 6 327 BL +57 6 328 G +57 6 329 BR +57 6 330 BL +57 7 1 BL +57 7 2 BL +57 7 3 R +57 7 4 BL +57 7 5 G +57 7 6 Y +57 7 7 G +57 7 8 P +57 7 9 BR +57 7 10 BL +57 7 11 G +57 7 12 Y +57 7 13 G +57 7 14 BL +57 7 15 GR +57 7 16 GR +57 7 17 O +57 7 18 B +57 7 19 BL +57 7 20 G +57 7 21 P +57 7 22 BR +57 7 23 BL +57 7 24 BR +57 7 25 G +57 7 26 BL +57 7 27 BR +57 7 28 P +57 7 29 G +57 7 30 BR +57 7 31 G +57 7 32 P +57 7 33 G +57 7 34 BL +57 7 35 P +57 7 36 G +57 7 37 BL +57 7 38 P +57 7 39 G +57 7 40 G +57 7 41 P +57 7 42 BR +57 7 43 BL +57 7 44 GR +57 7 45 G +57 7 46 BR +57 7 47 BR +57 7 48 O +57 7 49 BL +57 7 50 BL +57 7 51 BR +57 7 52 BR +57 7 53 P +57 7 54 G +57 7 55 BL +57 7 56 P +57 7 57 BL +57 7 58 BR +57 7 59 BR +57 7 60 BR +57 7 61 P +57 7 62 BL +57 7 63 P +57 7 64 BL +57 7 65 P +57 7 66 BR +57 7 67 G +57 7 68 P +57 7 69 BR +57 7 70 BR +57 7 71 BR +57 7 72 G +57 7 73 BL +57 7 74 BL +57 7 75 BR +57 7 76 P +57 7 77 G +57 7 78 P +57 7 79 BR +57 7 80 BL +57 7 81 G +57 7 82 G +57 7 83 BR +57 7 84 BR +57 7 85 G +57 7 86 P +57 7 87 BR +57 7 88 P +57 7 89 B +57 7 90 B +57 7 91 G +57 7 92 GR +57 7 93 BL +57 7 94 B +57 7 95 GR +57 7 96 Y +57 7 97 BL +57 7 98 R +57 7 99 BL +57 7 100 G +57 7 101 P +57 7 102 BL +57 7 103 BR +57 7 104 BL +57 7 105 P +57 7 106 O +57 7 107 GR +57 7 108 BL +57 7 109 BL +57 7 110 Y +57 7 111 BR +57 7 112 P +57 7 113 BR +57 7 114 G +57 7 115 O +57 7 116 GR +57 7 117 BR +57 7 118 P +57 7 119 G +57 7 120 GR +57 7 121 P +57 7 122 G +57 7 123 BR +57 7 124 G +57 7 125 O +57 7 126 P +57 7 127 BR +57 7 128 Y +57 7 129 GR +57 7 130 BR +57 7 131 BL +57 7 132 BR +57 7 133 G +57 7 134 BR +57 7 135 P +57 7 136 BL +57 7 137 BR +57 7 138 BL +57 7 139 BL +57 7 140 BL +57 7 141 GR +57 7 142 GR +57 7 143 G +57 7 144 BL +57 7 145 G +57 7 146 O +57 7 147 G +57 7 148 R +57 7 149 G +57 7 150 BL +57 7 151 P +57 7 152 P +57 7 153 BL +57 7 154 BR +57 7 155 B +57 7 156 G +57 7 157 BR +57 7 158 GR +57 7 159 O +57 7 160 P +57 7 161 G +57 7 162 R +57 7 163 G +57 7 164 BL +57 7 165 BR +57 7 166 BL +57 7 167 P +57 7 168 G +57 7 169 BL +57 7 170 BR +57 7 171 BR +57 7 172 GR +57 7 173 P +57 7 174 O +57 7 175 GR +57 7 176 P +57 7 177 P +57 7 178 BL +57 7 179 Y +57 7 180 G +57 7 181 BR +57 7 182 BR +57 7 183 BR +57 7 184 BL +57 7 185 BR +57 7 186 BL +57 7 187 Y +57 7 188 BL +57 7 189 GR +57 7 190 Y +57 7 191 G +57 7 192 BL +57 7 193 G +57 7 194 BR +57 7 195 G +57 7 196 G +57 7 197 BL +57 7 198 B +57 7 199 GR +57 7 200 BL +57 7 201 P +57 7 202 G +57 7 203 P +57 7 204 B +57 7 205 BL +57 7 206 GR +57 7 207 P +57 7 208 BR +57 7 209 G +57 7 210 BR +57 7 211 BL +57 7 212 O +57 7 213 BL +57 7 214 G +57 7 215 P +57 7 216 BR +57 7 217 Y +57 7 218 BR +57 7 219 GR +57 7 220 BL +57 7 221 GR +57 7 222 BL +57 7 223 G +57 7 224 BR +57 7 225 BR +57 7 226 BL +57 7 227 B +57 7 228 BL +57 7 229 G +57 7 230 GR +57 7 231 P +57 7 232 BR +57 7 233 BL +57 7 234 G +57 7 235 BL +57 7 236 G +57 7 237 Y +57 7 238 G +57 7 239 Y +57 7 240 BR +57 7 241 GR +57 7 242 GR +57 7 243 BR +57 7 244 GR +57 7 245 R +57 7 246 G +57 7 247 BL +57 7 248 BR +57 7 249 G +57 7 250 BL +57 7 251 G +57 7 252 GR +57 7 253 G +57 7 254 BL +57 7 255 BR +57 7 256 P +57 7 257 BL +57 7 258 Y +57 7 259 BR +57 7 260 Y +57 7 261 P +57 7 262 GR +57 7 263 BR +57 7 264 BL +57 7 265 G +57 7 266 BR +57 7 267 BL +57 7 268 G +57 7 269 P +57 7 270 Y +57 7 271 G +57 7 272 GR +57 7 273 P +57 7 274 GR +57 7 275 G +57 7 276 P +57 7 277 B +57 7 278 O +57 7 279 BL +57 7 280 G +57 7 281 G +57 7 282 G +57 7 283 BR +57 7 284 GR +57 7 285 P +57 7 286 GR +57 7 287 BR +57 7 288 R +57 7 289 G +57 7 290 GR +57 7 291 BL +57 7 292 Y +57 7 293 GR +57 7 294 GR +57 7 295 BR +57 7 296 BL +57 7 297 Y +57 7 298 R +57 7 299 G +57 7 300 BR +57 7 301 G +57 7 302 BR +57 7 303 Y +57 7 304 G +57 7 305 BL +57 7 306 G +57 7 307 BL +57 7 308 P +57 7 309 BR +57 7 310 G +57 7 311 BL +57 7 312 BR +57 7 313 BL +57 7 314 GR +57 7 315 G +57 7 316 G +57 7 317 P +57 7 318 P +57 7 319 GR +57 7 320 BR +57 7 321 R +57 7 322 BL +57 7 323 G +57 7 324 GR +57 7 325 P +57 7 326 O +57 7 327 GR +57 7 328 BR +57 7 329 BR +57 7 330 GR +57 8 1 BL +57 8 2 BL +57 8 3 R +57 8 4 PP +57 8 5 G +57 8 6 BR +57 8 7 G +57 8 8 PP +57 8 9 BR +57 8 10 BL +57 8 11 BL +57 8 12 Y +57 8 13 BL +57 8 14 BL +57 8 15 BR +57 8 16 W +57 8 17 R +57 8 18 B +57 8 19 BL +57 8 20 G +57 8 21 P +57 8 22 Y +57 8 23 PP +57 8 24 BR +57 8 25 BL +57 8 26 BL +57 8 27 W +57 8 28 P +57 8 29 G +57 8 30 BR +57 8 31 BL +57 8 32 PP +57 8 33 G +57 8 34 BL +57 8 35 O +57 8 36 G +57 8 37 BL +57 8 38 PP +57 8 39 G +57 8 40 BL +57 8 41 R +57 8 42 Y +57 8 43 BL +57 8 44 W +57 8 45 G +57 8 46 BR +57 8 47 B +57 8 48 Y +57 8 49 BL +57 8 50 PP +57 8 51 BR +57 8 52 BR +57 8 53 PP +57 8 54 G +57 8 55 BL +57 8 56 BR +57 8 57 BL +57 8 58 BR +57 8 59 W +57 8 60 BL +57 8 61 R +57 8 62 BL +57 8 63 PP +57 8 64 BL +57 8 65 R +57 8 66 W +57 8 67 G +57 8 68 P +57 8 69 BR +57 8 70 BL +57 8 71 R +57 8 72 G +57 8 73 PP +57 8 74 Y +57 8 75 G +57 8 76 O +57 8 77 BL +57 8 78 BR +57 8 79 B +57 8 80 BL +57 8 81 G +57 8 82 BL +57 8 83 Y +57 8 84 BR +57 8 85 G +57 8 86 P +57 8 87 B +57 8 88 PP +57 8 89 B +57 8 90 BL +57 8 91 Y +57 8 92 W +57 8 93 BL +57 8 94 BR +57 8 95 BL +57 8 96 Y +57 8 97 BL +57 8 98 R +57 8 99 BR +57 8 100 BL +57 8 101 PP +57 8 102 BR +57 8 103 BR +57 8 104 BL +57 8 105 PP +57 8 106 W +57 8 107 Y +57 8 108 BL +57 8 109 BL +57 8 110 Y +57 8 111 BR +57 8 112 R +57 8 113 B +57 8 114 BL +57 8 115 R +57 8 116 BL +57 8 117 BR +57 8 118 P +57 8 119 G +57 8 120 W +57 8 121 R +57 8 122 G +57 8 123 BL +57 8 124 G +57 8 125 R +57 8 126 P +57 8 127 BL +57 8 128 Y +57 8 129 W +57 8 130 BR +57 8 131 PP +57 8 132 R +57 8 133 G +57 8 134 BR +57 8 135 PP +57 8 136 BL +57 8 137 G +57 8 138 BL +57 8 139 W +57 8 140 BL +57 8 141 W +57 8 142 W +57 8 143 G +57 8 144 BL +57 8 145 G +57 8 146 Y +57 8 147 BL +57 8 148 R +57 8 149 BL +57 8 150 PP +57 8 151 O +57 8 152 P +57 8 153 BL +57 8 154 B +57 8 155 BR +57 8 156 G +57 8 157 BR +57 8 158 W +57 8 159 Y +57 8 160 PP +57 8 161 G +57 8 162 R +57 8 163 BL +57 8 164 BL +57 8 165 BR +57 8 166 BL +57 8 167 BR +57 8 168 G +57 8 169 BL +57 8 170 B +57 8 171 G +57 8 172 W +57 8 173 P +57 8 174 Y +57 8 175 BL +57 8 176 P +57 8 177 Y +57 8 178 BL +57 8 179 BR +57 8 180 G +57 8 181 BR +57 8 182 BR +57 8 183 BR +57 8 184 PP +57 8 185 BR +57 8 186 BL +57 8 187 Y +57 8 188 BL +57 8 189 BL +57 8 190 Y +57 8 191 BL +57 8 192 BR +57 8 193 Y +57 8 194 O +57 8 195 G +57 8 196 BL +57 8 197 PP +57 8 198 B +57 8 199 W +57 8 200 BL +57 8 201 O +57 8 202 G +57 8 203 PP +57 8 204 BR +57 8 205 BL +57 8 206 W +57 8 207 R +57 8 208 BR +57 8 209 BL +57 8 210 BR +57 8 211 BL +57 8 212 Y +57 8 213 BR +57 8 214 Y +57 8 215 BR +57 8 216 BR +57 8 217 O +57 8 218 G +57 8 219 W +57 8 220 BL +57 8 221 W +57 8 222 PP +57 8 223 G +57 8 224 W +57 8 225 BR +57 8 226 BL +57 8 227 B +57 8 228 BL +57 8 229 BL +57 8 230 W +57 8 231 P +57 8 232 BR +57 8 233 BL +57 8 234 G +57 8 235 BL +57 8 236 Y +57 8 237 O +57 8 238 BL +57 8 239 P +57 8 240 BR +57 8 241 W +57 8 242 Y +57 8 243 PP +57 8 244 W +57 8 245 R +57 8 246 G +57 8 247 BL +57 8 248 G +57 8 249 G +57 8 250 PP +57 8 251 G +57 8 252 W +57 8 253 BL +57 8 254 BL +57 8 255 B +57 8 256 P +57 8 257 BL +57 8 258 Y +57 8 259 BR +57 8 260 W +57 8 261 O +57 8 262 W +57 8 263 BR +57 8 264 BL +57 8 265 G +57 8 266 O +57 8 267 PP +57 8 268 G +57 8 269 P +57 8 270 O +57 8 271 G +57 8 272 W +57 8 273 BR +57 8 274 W +57 8 275 G +57 8 276 R +57 8 277 BL +57 8 278 O +57 8 279 BL +57 8 280 G +57 8 281 G +57 8 282 G +57 8 283 BR +57 8 284 W +57 8 285 PP +57 8 286 W +57 8 287 BR +57 8 288 R +57 8 289 BL +57 8 290 W +57 8 291 BL +57 8 292 PP +57 8 293 GR +57 8 294 GR +57 8 295 BR +57 8 296 PP +57 8 297 Y +57 8 298 R +57 8 299 G +57 8 300 BR +57 8 301 G +57 8 302 BR +57 8 303 BL +57 8 304 Y +57 8 305 PP +57 8 306 G +57 8 307 BL +57 8 308 BR +57 8 309 BR +57 8 310 G +57 8 311 BL +57 8 312 B +57 8 313 BL +57 8 314 W +57 8 315 G +57 8 316 G +57 8 317 PP +57 8 318 O +57 8 319 W +57 8 320 BR +57 8 321 R +57 8 322 BL +57 8 323 G +57 8 324 W +57 8 325 PP +57 8 326 Y +57 8 327 BR +57 8 328 G +57 8 329 BR +57 8 330 BL +57 9 1 B +57 9 2 W +57 9 3 R +57 9 4 B +57 9 5 W +57 9 6 W +57 9 7 W +57 9 8 B +57 9 9 BR +57 9 10 B +57 9 11 B +57 9 12 W +57 9 13 B +57 9 14 B +57 9 15 W +57 9 16 W +57 9 17 R +57 9 18 B +57 9 19 BL +57 9 20 W +57 9 21 R +57 9 22 W +57 9 23 BL +57 9 24 B +57 9 25 B +57 9 26 B +57 9 27 W +57 9 28 R +57 9 29 R +57 9 30 BR +57 9 31 W +57 9 32 W +57 9 33 W +57 9 34 W +57 9 35 R +57 9 36 B +57 9 37 W +57 9 38 R +57 9 39 B +57 9 40 W +57 9 41 R +57 9 42 Y +57 9 43 B +57 9 44 W +57 9 45 W +57 9 46 B +57 9 47 B +57 9 48 W +57 9 49 W +57 9 50 B +57 9 51 B +57 9 52 W +57 9 53 R +57 9 54 B +57 9 55 W +57 9 56 W +57 9 57 B +57 9 58 BR +57 9 59 W +57 9 60 B +57 9 61 R +57 9 62 W +57 9 63 R +57 9 64 B +57 9 65 R +57 9 66 W +57 9 67 W +57 9 68 R +57 9 69 B +57 9 70 W +57 9 71 B +57 9 72 B +57 9 73 W +57 9 74 W +57 9 75 B +57 9 76 R +57 9 77 B +57 9 78 W +57 9 79 B +57 9 80 W +57 9 81 W +57 9 82 W +57 9 83 W +57 9 84 W +57 9 85 W +57 9 86 R +57 9 87 B +57 9 88 R +57 9 89 B +57 9 90 B +57 9 91 W +57 9 92 W +57 9 93 W +57 9 94 B +57 9 95 W +57 9 96 W +57 9 97 B +57 9 98 R +57 9 99 W +57 9 100 W +57 9 101 R +57 9 102 W +57 9 103 B +57 9 104 W +57 9 105 W +57 9 106 W +57 9 107 W +57 9 108 W +57 9 109 B +57 9 110 W +57 9 111 B +57 9 112 R +57 9 113 B +57 9 114 B +57 9 115 R +57 9 116 W +57 9 117 B +57 9 118 R +57 9 119 W +57 9 120 W +57 9 121 R +57 9 122 W +57 9 123 B +57 9 124 W +57 9 125 R +57 9 126 R +57 9 127 B +57 9 128 W +57 9 129 W +57 9 130 B +57 9 131 W +57 9 132 R +57 9 133 B +57 9 134 B +57 9 135 B +57 9 136 W +57 9 137 B +57 9 138 W +57 9 139 W +57 9 140 B +57 9 141 W +57 9 142 W +57 9 143 W +57 9 144 B +57 9 145 W +57 9 146 W +57 9 147 W +57 9 148 R +57 9 149 W +57 9 150 B +57 9 151 R +57 9 152 W +57 9 153 W +57 9 154 B +57 9 155 B +57 9 156 W +57 9 157 B +57 9 158 W +57 9 159 W +57 9 160 W +57 9 161 W +57 9 162 R +57 9 163 W +57 9 164 B +57 9 165 B +57 9 166 B +57 9 167 W +57 9 168 B +57 9 169 B +57 9 170 B +57 9 171 B +57 9 172 W +57 9 173 R +57 9 174 W +57 9 175 W +57 9 176 R +57 9 177 W +57 9 178 B +57 9 179 B +57 9 180 W +57 9 181 W +57 9 182 B +57 9 183 B +57 9 184 W +57 9 185 W +57 9 186 W +57 9 187 W +57 9 188 W +57 9 189 W +57 9 190 W +57 9 191 B +57 9 192 W +57 9 193 W +57 9 194 B +57 9 195 W +57 9 196 W +57 9 197 W +57 9 198 B +57 9 199 W +57 9 200 W +57 9 201 W +57 9 202 W +57 9 203 R +57 9 204 B +57 9 205 W +57 9 206 W +57 9 207 R +57 9 208 B +57 9 209 B +57 9 210 B +57 9 211 W +57 9 212 R +57 9 213 W +57 9 214 W +57 9 215 W +57 9 216 B +57 9 217 W +57 9 218 W +57 9 219 W +57 9 220 W +57 9 221 W +57 9 222 B +57 9 223 B +57 9 224 W +57 9 225 B +57 9 226 B +57 9 227 B +57 9 228 B +57 9 229 W +57 9 230 W +57 9 231 W +57 9 232 W +57 9 233 W +57 9 234 W +57 9 235 B +57 9 236 W +57 9 237 W +57 9 238 B +57 9 239 W +57 9 240 B +57 9 241 W +57 9 242 W +57 9 243 B +57 9 244 W +57 9 245 R +57 9 246 W +57 9 247 B +57 9 248 B +57 9 249 B +57 9 250 B +57 9 251 W +57 9 252 W +57 9 253 W +57 9 254 W +57 9 255 B +57 9 256 R +57 9 257 B +57 9 258 W +57 9 259 B +57 9 260 W +57 9 261 B +57 9 262 W +57 9 263 W +57 9 264 W +57 9 265 B +57 9 266 B +57 9 267 B +57 9 268 W +57 9 269 W +57 9 270 W +57 9 271 B +57 9 272 W +57 9 273 W +57 9 274 W +57 9 275 W +57 9 276 R +57 9 277 B +57 9 278 W +57 9 279 B +57 9 280 W +57 9 281 B +57 9 282 W +57 9 283 B +57 9 284 W +57 9 285 W +57 9 286 W +57 9 287 B +57 9 288 R +57 9 289 W +57 9 290 W +57 9 291 B +57 9 292 W +57 9 293 W +57 9 294 W +57 9 295 B +57 9 296 B +57 9 297 W +57 9 298 R +57 9 299 W +57 9 300 W +57 9 301 W +57 9 302 W +57 9 303 W +57 9 304 W +57 9 305 B +57 9 306 W +57 9 307 B +57 9 308 W +57 9 309 B +57 9 310 W +57 9 311 W +57 9 312 B +57 9 313 B +57 9 314 W +57 9 315 W +57 9 316 W +57 9 317 R +57 9 318 R +57 9 319 W +57 9 320 B +57 9 321 R +57 9 322 W +57 9 323 B +57 9 324 W +57 9 325 B +57 9 326 W +57 9 327 W +57 9 328 B +57 9 329 B +57 9 330 W +57 10 1 BL +57 10 2 BL +57 10 3 R +57 10 4 PP +57 10 5 G +57 10 6 O +57 10 7 G +57 10 8 PP +57 10 9 BR +57 10 10 BL +57 10 11 BL +57 10 12 Y +57 10 13 G +57 10 14 BL +57 10 15 P +57 10 16 W +57 10 17 P +57 10 18 B +57 10 19 BL +57 10 20 G +57 10 21 P +57 10 22 Y +57 10 23 PP +57 10 24 B +57 10 25 BL +57 10 26 BL +57 10 27 W +57 10 28 P +57 10 29 G +57 10 30 BR +57 10 31 BL +57 10 32 PP +57 10 33 G +57 10 34 BL +57 10 35 P +57 10 36 G +57 10 37 BL +57 10 38 P +57 10 39 G +57 10 40 BL +57 10 41 P +57 10 42 Y +57 10 43 BL +57 10 44 W +57 10 45 G +57 10 46 GR +57 10 47 G +57 10 48 O +57 10 49 BL +57 10 50 PP +57 10 51 BR +57 10 52 W +57 10 53 PP +57 10 54 * +57 10 55 BL +57 10 56 P +57 10 57 BL +57 10 58 BR +57 10 59 W +57 10 60 BL +57 10 61 P +57 10 62 BL +57 10 63 P +57 10 64 BL +57 10 65 P +57 10 66 W +57 10 67 G +57 10 68 PP +57 10 69 G +57 10 70 BL +57 10 71 P +57 10 72 G +57 10 73 PP +57 10 74 BL +57 10 75 G +57 10 76 O +57 10 77 BL +57 10 78 P +57 10 79 B +57 10 80 BL +57 10 81 G +57 10 82 BL +57 10 83 O +57 10 84 P +57 10 85 G +57 10 86 P +57 10 87 DB +57 10 88 PP +57 10 89 B +57 10 90 BL +57 10 91 Y +57 10 92 W +57 10 93 BL +57 10 94 BL +57 10 95 BL +57 10 96 Y +57 10 97 PP +57 10 98 P +57 10 99 BL +57 10 100 BL +57 10 101 P +57 10 102 BL +57 10 103 BR +57 10 104 BL +57 10 105 PP +57 10 106 W +57 10 107 Y +57 10 108 GR +57 10 109 BL +57 10 110 Y +57 10 111 G +57 10 112 P +57 10 113 B +57 10 114 BL +57 10 115 P +57 10 116 BL +57 10 117 BR +57 10 118 P +57 10 119 G +57 10 120 W +57 10 121 R +57 10 122 G +57 10 123 BL +57 10 124 G +57 10 125 O +57 10 126 P +57 10 127 G +57 10 128 Y +57 10 129 W +57 10 130 B +57 10 131 PP +57 10 132 R +57 10 133 G +57 10 134 B +57 10 135 PP +57 10 136 BL +57 10 137 G +57 10 138 BL +57 10 139 W +57 10 140 BL +57 10 141 W +57 10 142 W +57 10 143 * +57 10 144 PP +57 10 145 G +57 10 146 Y +57 10 147 G +57 10 148 P +57 10 149 G +57 10 150 PP +57 10 151 P +57 10 152 PP +57 10 153 BL +57 10 154 BL +57 10 155 BR +57 10 156 G +57 10 157 BR +57 10 158 W +57 10 159 O +57 10 160 P +57 10 161 G +57 10 162 PP +57 10 163 BL +57 10 164 BL +57 10 165 G +57 10 166 BL +57 10 167 PP +57 10 168 G +57 10 169 BL +57 10 170 BL +57 10 171 G +57 10 172 W +57 10 173 P +57 10 174 O +57 10 175 BL +57 10 176 P +57 10 177 G +57 10 178 BL +57 10 179 P +57 10 180 G +57 10 181 Y +57 10 182 PP +57 10 183 BR +57 10 184 PP +57 10 185 BR +57 10 186 BL +57 10 187 O +57 10 188 BL +57 10 189 BL +57 10 190 P +57 10 191 G +57 10 192 PP +57 10 193 Y +57 10 194 PP +57 10 195 G +57 10 196 BL +57 10 197 PP +57 10 198 B +57 10 199 GR +57 10 200 BL +57 10 201 P +57 10 202 G +57 10 203 PP +57 10 204 B +57 10 205 PP +57 10 206 GR +57 10 207 PP +57 10 208 Y +57 10 209 G +57 10 210 PP +57 10 211 BL +57 10 212 O +57 10 213 BL +57 10 214 Y +57 10 215 PP +57 10 216 B +57 10 217 P +57 10 218 G +57 10 219 BL +57 10 220 BL +57 10 221 BL +57 10 222 PP +57 10 223 G +57 10 224 W +57 10 225 * +57 10 226 BL +57 10 227 BL +57 10 228 BL +57 10 229 G +57 10 230 W +57 10 231 PP +57 10 232 BR +57 10 233 BL +57 10 234 G +57 10 235 BL +57 10 236 Y +57 10 237 O +57 10 238 BL +57 10 239 P +57 10 240 BR +57 10 241 W +57 10 242 Y +57 10 243 PP +57 10 244 BL +57 10 245 R +57 10 246 BL +57 10 247 PP +57 10 248 G +57 10 249 G +57 10 250 PP +57 10 251 G +57 10 252 W +57 10 253 G +57 10 254 BL +57 10 255 B +57 10 256 P +57 10 257 BL +57 10 258 Y +57 10 259 R +57 10 260 G +57 10 261 O +57 10 262 W +57 10 263 GR +57 10 264 BL +57 10 265 G +57 10 266 BR +57 10 267 PP +57 10 268 G +57 10 269 PP +57 10 270 O +57 10 271 G +57 10 272 W +57 10 273 PP +57 10 274 W +57 10 275 Y +57 10 276 PP +57 10 277 BL +57 10 278 O +57 10 279 BL +57 10 280 G +57 10 281 G +57 10 282 G +57 10 283 BR +57 10 284 GR +57 10 285 P +57 10 286 W +57 10 287 BR +57 10 288 R +57 10 289 BL +57 10 290 GR +57 10 291 BL +57 10 292 P +57 10 293 G +57 10 294 W +57 10 295 BR +57 10 296 PP +57 10 297 Y +57 10 298 R +57 10 299 G +57 10 300 GR +57 10 301 G +57 10 302 GR +57 10 303 BL +57 10 304 G +57 10 305 PP +57 10 306 G +57 10 307 BL +57 10 308 PP +57 10 309 B +57 10 310 * +57 10 311 BL +57 10 312 B +57 10 313 BL +57 10 314 W +57 10 315 G +57 10 316 G +57 10 317 * +57 10 318 O +57 10 319 W +57 10 320 * +57 10 321 R +57 10 322 BL +57 10 323 G +57 10 324 GR +57 10 325 PP +57 10 326 Y +57 10 327 BL +57 10 328 * +57 10 329 BR +57 10 330 BL +57 11 1 BL +57 11 2 G +57 11 3 R +57 11 4 PP +57 11 5 G +57 11 6 BR +57 11 7 G +57 11 8 PP +57 11 9 BR +57 11 10 BL +57 11 11 G +57 11 12 G +57 11 13 G +57 11 14 BL +57 11 15 P +57 11 16 GR +57 11 17 O +57 11 18 B +57 11 19 BL +57 11 20 G +57 11 21 P +57 11 22 Y +57 11 23 PP +57 11 24 B +57 11 25 G +57 11 26 BL +57 11 27 GR +57 11 28 PP +57 11 29 G +57 11 30 BR +57 11 31 G +57 11 32 PP +57 11 33 * +57 11 34 BL +57 11 35 P +57 11 36 G +57 11 37 BL +57 11 38 PP +57 11 39 G +57 11 40 BL +57 11 41 BR +57 11 42 GR +57 11 43 BL +57 11 44 GR +57 11 45 G +57 11 46 GR +57 11 47 G +57 11 48 Y +57 11 49 BL +57 11 50 PP +57 11 51 BR +57 11 52 G +57 11 53 PP +57 11 54 G +57 11 55 BL +57 11 56 GR +57 11 57 G +57 11 58 GR +57 11 59 PP +57 11 60 G +57 11 61 PP +57 11 62 PP +57 11 63 P +57 11 64 BL +57 11 65 PP +57 11 66 GR +57 11 67 G +57 11 68 PP +57 11 69 GR +57 11 70 PP +57 11 71 P +57 11 72 G +57 11 73 PP +57 11 74 BL +57 11 75 G +57 11 76 O +57 11 77 BL +57 11 78 PP +57 11 79 B +57 11 80 BL +57 11 81 G +57 11 82 BL +57 11 83 GR +57 11 84 P +57 11 85 G +57 11 86 PP +57 11 87 GR +57 11 88 PP +57 11 89 B +57 11 90 G +57 11 91 G +57 11 92 P +57 11 93 BL +57 11 94 BR +57 11 95 G +57 11 96 Y +57 11 97 PP +57 11 98 R +57 11 99 PP +57 11 100 G +57 11 101 PP +57 11 102 BL +57 11 103 GR +57 11 104 BL +57 11 105 PP +57 11 106 GR +57 11 107 PP +57 11 108 BL +57 11 109 BL +57 11 110 Y +57 11 111 G +57 11 112 P +57 11 113 B +57 11 114 G +57 11 115 PP +57 11 116 BL +57 11 117 BR +57 11 118 PP +57 11 119 G +57 11 120 GR +57 11 121 O +57 11 122 G +57 11 123 BL +57 11 124 G +57 11 125 Y +57 11 126 P +57 11 127 G +57 11 128 G +57 11 129 PP +57 11 130 GR +57 11 131 PP +57 11 132 BR +57 11 133 G +57 11 134 BR +57 11 135 PP +57 11 136 G +57 11 137 G +57 11 138 BL +57 11 139 PP +57 11 140 BL +57 11 141 W +57 11 142 BL +57 11 143 G +57 11 144 PP +57 11 145 G +57 11 146 GR +57 11 147 G +57 11 148 R +57 11 149 G +57 11 150 PP +57 11 151 PP +57 11 152 PP +57 11 153 BL +57 11 154 GR +57 11 155 BR +57 11 156 G +57 11 157 BR +57 11 158 GR +57 11 159 Y +57 11 160 P +57 11 161 G +57 11 162 PP +57 11 163 G +57 11 164 BL +57 11 165 GR +57 11 166 BL +57 11 167 PP +57 11 168 G +57 11 169 BL +57 11 170 G +57 11 171 GR +57 11 172 P +57 11 173 P +57 11 174 Y +57 11 175 BL +57 11 176 R +57 11 177 G +57 11 178 BL +57 11 179 BR +57 11 180 G +57 11 181 GR +57 11 182 PP +57 11 183 GR +57 11 184 PP +57 11 185 Y +57 11 186 BL +57 11 187 Y +57 11 188 BL +57 11 189 BL +57 11 190 P +57 11 191 G +57 11 192 PP +57 11 193 G +57 11 194 PP +57 11 195 G +57 11 196 G +57 11 197 PP +57 11 198 B +57 11 199 G +57 11 200 BL +57 11 201 P +57 11 202 G +57 11 203 PP +57 11 204 BR +57 11 205 PP +57 11 206 G +57 11 207 PP +57 11 208 GR +57 11 209 G +57 11 210 BR +57 11 211 BL +57 11 212 O +57 11 213 PP +57 11 214 G +57 11 215 PP +57 11 216 GR +57 11 217 P +57 11 218 G +57 11 219 G +57 11 220 PP +57 11 221 G +57 11 222 PP +57 11 223 G +57 11 224 PP +57 11 225 GR +57 11 226 BL +57 11 227 B +57 11 228 BL +57 11 229 G +57 11 230 P +57 11 231 PP +57 11 232 GR +57 11 233 PP +57 11 234 G +57 11 235 BL +57 11 236 G +57 11 237 P +57 11 238 G +57 11 239 PP +57 11 240 BR +57 11 241 P +57 11 242 Y +57 11 243 PP +57 11 244 BL +57 11 245 R +57 11 246 G +57 11 247 PP +57 11 248 G +57 11 249 G +57 11 250 PP +57 11 251 G +57 11 252 P +57 11 253 G +57 11 254 BL +57 11 255 B +57 11 256 P +57 11 257 BL +57 11 258 GR +57 11 259 PP +57 11 260 G +57 11 261 Y +57 11 262 P +57 11 263 GR +57 11 264 BL +57 11 265 G +57 11 266 BR +57 11 267 PP +57 11 268 G +57 11 269 PP +57 11 270 Y +57 11 271 G +57 11 272 BL +57 11 273 PP +57 11 274 P +57 11 275 GR +57 11 276 PP +57 11 277 BL +57 11 278 P +57 11 279 BL +57 11 280 G +57 11 281 G +57 11 282 G +57 11 283 BR +57 11 284 BL +57 11 285 PP +57 11 286 BL +57 11 287 GR +57 11 288 R +57 11 289 BL +57 11 290 P +57 11 291 BL +57 11 292 P +57 11 293 G +57 11 294 BL +57 11 295 GR +57 11 296 PP +57 11 297 Y +57 11 298 R +57 11 299 G +57 11 300 GR +57 11 301 G +57 11 302 PP +57 11 303 BL +57 11 304 GR +57 11 305 PP +57 11 306 G +57 11 307 BL +57 11 308 PP +57 11 309 GR +57 11 310 G +57 11 311 BL +57 11 312 GR +57 11 313 PP +57 11 314 P +57 11 315 G +57 11 316 G +57 11 317 PP +57 11 318 Y +57 11 319 P +57 11 320 GR +57 11 321 R +57 11 322 BL +57 11 323 G +57 11 324 PP +57 11 325 PP +57 11 326 Y +57 11 327 BL +57 11 328 G +57 11 329 BR +57 11 330 BL +57 12 1 BL +57 12 2 G +57 12 3 O +57 12 4 PP +57 12 5 G +57 12 6 O +57 12 7 G +57 12 8 PP +57 12 9 BR +57 12 10 BL +57 12 11 G +57 12 12 Y +57 12 13 G +57 12 14 G +57 12 15 P +57 12 16 W +57 12 17 O +57 12 18 B +57 12 19 BL +57 12 20 G +57 12 21 O +57 12 22 Y +57 12 23 O +57 12 24 G +57 12 25 G +57 12 26 BL +57 12 27 BR +57 12 28 O +57 12 29 G +57 12 30 Y +57 12 31 G +57 12 32 PP +57 12 33 G +57 12 34 BL +57 12 35 O +57 12 36 G +57 12 37 BL +57 12 38 O +57 12 39 G +57 12 40 BL +57 12 41 R +57 12 42 Y +57 12 43 BL +57 12 44 Y +57 12 45 G +57 12 46 BR +57 12 47 G +57 12 48 Y +57 12 49 BL +57 12 50 PP +57 12 51 O +57 12 52 W +57 12 53 PP +57 12 54 G +57 12 55 BL +57 12 56 Y +57 12 57 G +57 12 58 Y +57 12 59 O +57 12 60 G +57 12 61 R +57 12 62 PP +57 12 63 Y +57 12 64 BL +57 12 65 O +57 12 66 W +57 12 67 G +57 12 68 O +57 12 69 PP +57 12 70 W +57 12 71 R +57 12 72 G +57 12 73 PP +57 12 74 G +57 12 75 G +57 12 76 Y +57 12 77 BL +57 12 78 Y +57 12 79 B +57 12 80 BL +57 12 81 G +57 12 82 BL +57 12 83 W +57 12 84 P +57 12 85 G +57 12 86 PP +57 12 87 B +57 12 88 O +57 12 89 B +57 12 90 G +57 12 91 Y +57 12 92 Y +57 12 93 BL +57 12 94 B +57 12 95 G +57 12 96 Y +57 12 97 PP +57 12 98 R +57 12 99 O +57 12 100 G +57 12 101 PP +57 12 102 BR +57 12 103 G +57 12 104 BL +57 12 105 PP +57 12 106 Y +57 12 107 W +57 12 108 BL +57 12 109 BL +57 12 110 Y +57 12 111 G +57 12 112 R +57 12 113 B +57 12 114 G +57 12 115 R +57 12 116 G +57 12 117 BR +57 12 118 O +57 12 119 G +57 12 120 W +57 12 121 R +57 12 122 G +57 12 123 BL +57 12 124 Y +57 12 125 PP +57 12 126 O +57 12 127 G +57 12 128 Y +57 12 129 W +57 12 130 BR +57 12 131 P +57 12 132 O +57 12 133 G +57 12 134 B +57 12 135 O +57 12 136 BL +57 12 137 G +57 12 138 BL +57 12 139 O +57 12 140 BL +57 12 141 W +57 12 142 W +57 12 143 G +57 12 144 PP +57 12 145 G +57 12 146 Y +57 12 147 G +57 12 148 R +57 12 149 G +57 12 150 O +57 12 151 LO +57 12 152 O +57 12 153 BL +57 12 154 B +57 12 155 BR +57 12 156 G +57 12 157 BR +57 12 158 W +57 12 159 Y +57 12 160 O +57 12 161 G +57 12 162 R +57 12 163 G +57 12 164 BL +57 12 165 G +57 12 166 BL +57 12 167 PP +57 12 168 G +57 12 169 BL +57 12 170 B +57 12 171 G +57 12 172 W +57 12 173 O +57 12 174 Y +57 12 175 BL +57 12 176 O +57 12 177 Y +57 12 178 BL +57 12 179 PP +57 12 180 G +57 12 181 Y +57 12 182 O +57 12 183 BR +57 12 184 O +57 12 185 BR +57 12 186 G +57 12 187 Y +57 12 188 BL +57 12 189 BL +57 12 190 Y +57 12 191 G +57 12 192 O +57 12 193 Y +57 12 194 O +57 12 195 G +57 12 196 G +57 12 197 O +57 12 198 B +57 12 199 W +57 12 200 W +57 12 201 O +57 12 202 G +57 12 203 PP +57 12 204 B +57 12 205 PP +57 12 206 W +57 12 207 R +57 12 208 BR +57 12 209 G +57 12 210 BR +57 12 211 BL +57 12 212 Y +57 12 213 O +57 12 214 Y +57 12 215 BR +57 12 216 G +57 12 217 Y +57 12 218 Y +57 12 219 W +57 12 220 BL +57 12 221 W +57 12 222 PP +57 12 223 G +57 12 224 W +57 12 225 BR +57 12 226 BL +57 12 227 B +57 12 228 BL +57 12 229 BL +57 12 230 O +57 12 231 PP +57 12 232 BR +57 12 233 BL +57 12 234 G +57 12 235 BL +57 12 236 O +57 12 237 BR +57 12 238 BL +57 12 239 O +57 12 240 BR +57 12 241 W +57 12 242 Y +57 12 243 PP +57 12 244 BL +57 12 245 R +57 12 246 G +57 12 247 P +57 12 248 G +57 12 249 G +57 12 250 PP +57 12 251 G +57 12 252 W +57 12 253 G +57 12 254 BL +57 12 255 B +57 12 256 PP +57 12 257 BL +57 12 258 Y +57 12 259 PP +57 12 260 Y +57 12 261 BR +57 12 262 W +57 12 263 W +57 12 264 BL +57 12 265 DG +57 12 266 O +57 12 267 PP +57 12 268 G +57 12 269 PP +57 12 270 Y +57 12 271 G +57 12 272 W +57 12 273 PP +57 12 274 W +57 12 275 Y +57 12 276 R +57 12 277 G +57 12 278 Y +57 12 279 PP +57 12 280 G +57 12 281 G +57 12 282 G +57 12 283 BR +57 12 284 W +57 12 285 O +57 12 286 W +57 12 287 Y +57 12 288 R +57 12 289 BL +57 12 290 W +57 12 291 BL +57 12 292 O +57 12 293 W +57 12 294 W +57 12 295 BR +57 12 296 PP +57 12 297 Y +57 12 298 R +57 12 299 G +57 12 300 Y +57 12 301 G +57 12 302 W +57 12 303 BL +57 12 304 G +57 12 305 O +57 12 306 G +57 12 307 BL +57 12 308 O +57 12 309 B +57 12 310 G +57 12 311 BL +57 12 312 B +57 12 313 PP +57 12 314 W +57 12 315 G +57 12 316 G +57 12 317 PP +57 12 318 Y +57 12 319 W +57 12 320 BR +57 12 321 R +57 12 322 BL +57 12 323 G +57 12 324 W +57 12 325 O +57 12 326 Y +57 12 327 W +57 12 328 G +57 12 329 BR +57 12 330 W +57 13 1 BL +57 13 2 GR +57 13 3 R +57 13 4 PP +57 13 5 G +57 13 6 Y +57 13 7 G +57 13 8 PP +57 13 9 BR +57 13 10 BL +57 13 11 G +57 13 12 Y +57 13 13 G +57 13 14 BL +57 13 15 P +57 13 16 W +57 13 17 O +57 13 18 B +57 13 19 BL +57 13 20 G +57 13 21 P +57 13 22 Y +57 13 23 PP +57 13 24 BR +57 13 25 BL +57 13 26 BL +57 13 27 W +57 13 28 P +57 13 29 G +57 13 30 BR +57 13 31 BL +57 13 32 P +57 13 33 G +57 13 34 BL +57 13 35 O +57 13 36 G +57 13 37 BL +57 13 38 P +57 13 39 G +57 13 40 BL +57 13 41 R +57 13 42 Y +57 13 43 BL +57 13 44 W +57 13 45 G +57 13 46 GR +57 13 47 G +57 13 48 Y +57 13 49 BL +57 13 50 PP +57 13 51 BR +57 13 52 W +57 13 53 P +57 13 54 G +57 13 55 BL +57 13 56 P +57 13 57 BL +57 13 58 Y +57 13 59 GR +57 13 60 BL +57 13 61 R +57 13 62 PP +57 13 63 P +57 13 64 BL +57 13 65 P +57 13 66 W +57 13 67 G +57 13 68 P +57 13 69 G +57 13 70 W +57 13 71 R +57 13 72 G +57 13 73 PP +57 13 74 BL +57 13 75 G +57 13 76 O +57 13 77 BL +57 13 78 P +57 13 79 GR +57 13 80 BL +57 13 81 G +57 13 82 BL +57 13 83 W +57 13 84 P +57 13 85 G +57 13 86 P +57 13 87 GR +57 13 88 PP +57 13 89 B +57 13 90 GR +57 13 91 Y +57 13 92 W +57 13 93 BL +57 13 94 BR +57 13 95 W +57 13 96 Y +57 13 97 PP +57 13 98 R +57 13 99 P +57 13 100 BL +57 13 101 PP +57 13 102 GR +57 13 103 G +57 13 104 BL +57 13 105 PP +57 13 106 Y +57 13 107 W +57 13 108 BL +57 13 109 BL +57 13 110 Y +57 13 111 G +57 13 112 R +57 13 113 BR +57 13 114 BL +57 13 115 R +57 13 116 BL +57 13 117 BR +57 13 118 P +57 13 119 G +57 13 120 W +57 13 121 O +57 13 122 G +57 13 123 BL +57 13 124 G +57 13 125 O +57 13 126 P +57 13 127 BR +57 13 128 Y +57 13 129 W +57 13 130 BR +57 13 131 PP +57 13 132 R +57 13 133 G +57 13 134 BR +57 13 135 PP +57 13 136 BL +57 13 137 G +57 13 138 BL +57 13 139 W +57 13 140 BL +57 13 141 W +57 13 142 W +57 13 143 G +57 13 144 PP +57 13 145 G +57 13 146 Y +57 13 147 G +57 13 148 R +57 13 149 G +57 13 150 PP +57 13 151 P +57 13 152 P +57 13 153 BL +57 13 154 GR +57 13 155 BR +57 13 156 G +57 13 157 BR +57 13 158 W +57 13 159 Y +57 13 160 P +57 13 161 G +57 13 162 R +57 13 163 BL +57 13 164 BL +57 13 165 G +57 13 166 BL +57 13 167 P +57 13 168 G +57 13 169 BL +57 13 170 GR +57 13 171 G +57 13 172 W +57 13 173 P +57 13 174 Y +57 13 175 BL +57 13 176 R +57 13 177 Y +57 13 178 BL +57 13 179 R +57 13 180 G +57 13 181 Y +57 13 182 PP +57 13 183 BR +57 13 184 PP +57 13 185 BR +57 13 186 BL +57 13 187 Y +57 13 188 G +57 13 189 W +57 13 190 P +57 13 191 G +57 13 192 PP +57 13 193 Y +57 13 194 BR +57 13 195 G +57 13 196 G +57 13 197 PP +57 13 198 B +57 13 199 W +57 13 200 BL +57 13 201 P +57 13 202 G +57 13 203 P +57 13 204 BR +57 13 205 PP +57 13 206 W +57 13 207 P +57 13 208 BR +57 13 209 G +57 13 210 BR +57 13 211 BL +57 13 212 O +57 13 213 GR +57 13 214 Y +57 13 215 P +57 13 216 G +57 13 217 * +57 13 218 Y +57 13 219 W +57 13 220 BL +57 13 221 W +57 13 222 PP +57 13 223 G +57 13 224 W +57 13 225 Y +57 13 226 BL +57 13 227 B +57 13 228 BL +57 13 229 G +57 13 230 W +57 13 231 P +57 13 232 BR +57 13 233 BL +57 13 234 G +57 13 235 BL +57 13 236 G +57 13 237 O +57 13 238 BL +57 13 239 P +57 13 240 BR +57 13 241 W +57 13 242 Y +57 13 243 R +57 13 244 W +57 13 245 R +57 13 246 BL +57 13 247 PP +57 13 248 G +57 13 249 G +57 13 250 PP +57 13 251 G +57 13 252 W +57 13 253 G +57 13 254 BL +57 13 255 B +57 13 256 R +57 13 257 BL +57 13 258 Y +57 13 259 BR +57 13 260 Y +57 13 261 Y +57 13 262 W +57 13 263 GR +57 13 264 BL +57 13 265 G +57 13 266 BR +57 13 267 PP +57 13 268 G +57 13 269 P +57 13 270 Y +57 13 271 BL +57 13 272 W +57 13 273 P +57 13 274 W +57 13 275 Y +57 13 276 P +57 13 277 BL +57 13 278 O +57 13 279 BL +57 13 280 G +57 13 281 G +57 13 282 G +57 13 283 BR +57 13 284 W +57 13 285 P +57 13 286 W +57 13 287 BR +57 13 288 R +57 13 289 BL +57 13 290 W +57 13 291 BL +57 13 292 P +57 13 293 W +57 13 294 W +57 13 295 BR +57 13 296 PP +57 13 297 Y +57 13 298 R +57 13 299 G +57 13 300 W +57 13 301 G +57 13 302 W +57 13 303 GR +57 13 304 G +57 13 305 PP +57 13 306 G +57 13 307 BL +57 13 308 PP +57 13 309 BR +57 13 310 G +57 13 311 BL +57 13 312 B +57 13 313 BL +57 13 314 W +57 13 315 G +57 13 316 G +57 13 317 PP +57 13 318 O +57 13 319 W +57 13 320 G +57 13 321 R +57 13 322 BL +57 13 323 G +57 13 324 W +57 13 325 PP +57 13 326 Y +57 13 327 W +57 13 328 G +57 13 329 BR +57 13 330 W +57 14 1 BL +57 14 2 G +57 14 3 R +57 14 4 PP +57 14 5 G +57 14 6 Y +57 14 7 G +57 14 8 PP +57 14 9 BR +57 14 10 BL +57 14 11 B2 +57 14 12 Y +57 14 13 G +57 14 14 BL +57 14 15 P +57 14 16 W +57 14 17 R +57 14 18 B +57 14 19 BL +57 14 20 G +57 14 21 P +57 14 22 Y +57 14 23 PP +57 14 24 BR +57 14 25 BL +57 14 26 BL +57 14 27 W +57 14 28 P +57 14 29 G +57 14 30 BR +57 14 31 BL +57 14 32 PP +57 14 33 G +57 14 34 BL +57 14 35 P +57 14 36 G +57 14 37 BL +57 14 38 P +57 14 39 G +57 14 40 BL +57 14 41 R +57 14 42 Y +57 14 43 BL +57 14 44 W +57 14 45 G +57 14 46 GR +57 14 47 G +57 14 48 BR +57 14 49 BL +57 14 50 PP +57 14 51 BR +57 14 52 GR +57 14 53 PP +57 14 54 G +57 14 55 BL +57 14 56 P +57 14 57 BL +57 14 58 BR +57 14 59 GR +57 14 60 BL +57 14 61 BR +57 14 62 BL +57 14 63 P +57 14 64 BL +57 14 65 P +57 14 66 W +57 14 67 G +57 14 68 PP +57 14 69 G +57 14 70 GR +57 14 71 BR +57 14 72 G +57 14 73 PP +57 14 74 BL +57 14 75 G +57 14 76 BR +57 14 77 BL +57 14 78 GR +57 14 79 B +57 14 80 BL +57 14 81 G +57 14 82 G +57 14 83 Y +57 14 84 P +57 14 85 G +57 14 86 P +57 14 87 B +57 14 88 PP +57 14 89 B +57 14 90 G +57 14 91 Y +57 14 92 W +57 14 93 BL +57 14 94 B +57 14 95 GR +57 14 96 Y +57 14 97 PP +57 14 98 P +57 14 99 GR +57 14 100 G +57 14 101 PP +57 14 102 BL +57 14 103 G +57 14 104 BL +57 14 105 PP +57 14 106 Y +57 14 107 W +57 14 108 G +57 14 109 BL +57 14 110 Y +57 14 111 G +57 14 112 P +57 14 113 B +57 14 114 G +57 14 115 BR +57 14 116 BL +57 14 117 B +57 14 118 P +57 14 119 G +57 14 120 W +57 14 121 P +57 14 122 G +57 14 123 BL +57 14 124 G +57 14 125 BR +57 14 126 P +57 14 127 G +57 14 128 Y +57 14 129 W +57 14 130 B +57 14 131 PP +57 14 132 BR +57 14 133 G +57 14 134 B +57 14 135 PP +57 14 136 G +57 14 137 G +57 14 138 BL +57 14 139 W +57 14 140 * +57 14 141 W +57 14 142 GR +57 14 143 G +57 14 144 BL +57 14 145 G +57 14 146 Y +57 14 147 BL +57 14 148 BR +57 14 149 G +57 14 150 PP +57 14 151 P +57 14 152 PP +57 14 153 BL +57 14 154 B +57 14 155 B +57 14 156 G +57 14 157 BR +57 14 158 W +57 14 159 Y +57 14 160 P +57 14 161 G +57 14 162 R +57 14 163 BL +57 14 164 BL +57 14 165 G +57 14 166 BL +57 14 167 BL +57 14 168 G +57 14 169 BL +57 14 170 BL +57 14 171 G +57 14 172 W +57 14 173 P +57 14 174 Y +57 14 175 BL +57 14 176 P +57 14 177 Y +57 14 178 BL +57 14 179 BR +57 14 180 G +57 14 181 BR +57 14 182 PP +57 14 183 BR +57 14 184 PP +57 14 185 BR +57 14 186 BL +57 14 187 Y +57 14 188 BL +57 14 189 BL +57 14 190 P +57 14 191 G +57 14 192 PP +57 14 193 G +57 14 194 BR +57 14 195 G +57 14 196 BL +57 14 197 PP +57 14 198 B +57 14 199 GR +57 14 200 BL +57 14 201 P +57 14 202 G +57 14 203 PP +57 14 204 B +57 14 205 BL +57 14 206 W +57 14 207 P +57 14 208 BR +57 14 209 G +57 14 210 BR +57 14 211 BL +57 14 212 Y +57 14 213 BL +57 14 214 G +57 14 215 PP +57 14 216 G +57 14 217 Y +57 14 218 G +57 14 219 BL +57 14 220 BL +57 14 221 BL +57 14 222 PP +57 14 223 G +57 14 224 W +57 14 225 BR +57 14 226 BL +57 14 227 B +57 14 228 BL +57 14 229 G +57 14 230 W +57 14 231 PP +57 14 232 BR +57 14 233 BL +57 14 234 G +57 14 235 BL +57 14 236 G +57 14 237 P +57 14 238 BL +57 14 239 P +57 14 240 BR +57 14 241 W +57 14 242 Y +57 14 243 PP +57 14 244 BL +57 14 245 BR +57 14 246 BL +57 14 247 BL +57 14 248 B +57 14 249 G +57 14 250 PP +57 14 251 G +57 14 252 W +57 14 253 G +57 14 254 BL +57 14 255 B +57 14 256 R +57 14 257 BL +57 14 258 Y +57 14 259 BR +57 14 260 G +57 14 261 BR +57 14 262 W +57 14 263 GR +57 14 264 BL +57 14 265 G +57 14 266 BR +57 14 267 PP +57 14 268 G +57 14 269 PP +57 14 270 BR +57 14 271 G +57 14 272 W +57 14 273 PP +57 14 274 W +57 14 275 G +57 14 276 P +57 14 277 BL +57 14 278 BR +57 14 279 BL +57 14 280 G +57 14 281 G +57 14 282 G +57 14 283 BR +57 14 284 GR +57 14 285 P +57 14 286 W +57 14 287 BR +57 14 288 R +57 14 289 BL +57 14 290 W +57 14 291 BL +57 14 292 P +57 14 293 G +57 14 294 G +57 14 295 BR +57 14 296 PP +57 14 297 Y +57 14 298 P +57 14 299 G +57 14 300 GR +57 14 301 G +57 14 302 W +57 14 303 BL +57 14 304 G +57 14 305 P +57 14 306 G +57 14 307 BL +57 14 308 PP +57 14 309 B +57 14 310 G +57 14 311 BL +57 14 312 B +57 14 313 BL +57 14 314 W +57 14 315 G +57 14 316 BL +57 14 317 PP +57 14 318 P +57 14 319 W +57 14 320 BR +57 14 321 R +57 14 322 BL +57 14 323 G +57 14 324 W +57 14 325 PP +57 14 326 Y +57 14 327 BL +57 14 328 G +57 14 329 BR +57 14 330 BL +57 15 1 BL +57 15 2 BL +57 15 3 O +57 15 4 PP +57 15 5 G +57 15 6 P +57 15 7 G +57 15 8 R +57 15 9 BR +57 15 10 BL +57 15 11 BL +57 15 12 Y +57 15 13 G +57 15 14 BL +57 15 15 P +57 15 16 W +57 15 17 R +57 15 18 B +57 15 19 BL +57 15 20 G +57 15 21 P +57 15 22 Y +57 15 23 PP +57 15 24 BR +57 15 25 BL +57 15 26 BL +57 15 27 W +57 15 28 P +57 15 29 G +57 15 30 BR +57 15 31 BL +57 15 32 P +57 15 33 BL +57 15 34 BL +57 15 35 P +57 15 36 G +57 15 37 BL +57 15 38 PP +57 15 39 G +57 15 40 BL +57 15 41 BR +57 15 42 Y +57 15 43 BL +57 15 44 W +57 15 45 G +57 15 46 GR +57 15 47 G +57 15 48 Y +57 15 49 BL +57 15 50 PP +57 15 51 BR +57 15 52 W +57 15 53 P +57 15 54 G +57 15 55 BL +57 15 56 P +57 15 57 BL +57 15 58 BR +57 15 59 W +57 15 60 G +57 15 61 R +57 15 62 BL +57 15 63 P +57 15 64 BL +57 15 65 R +57 15 66 W +57 15 67 G +57 15 68 PP +57 15 69 G +57 15 70 W +57 15 71 PP +57 15 72 G +57 15 73 PP +57 15 74 BL +57 15 75 G +57 15 76 O +57 15 77 BL +57 15 78 P +57 15 79 B +57 15 80 BL +57 15 81 G +57 15 82 G +57 15 83 Y +57 15 84 P +57 15 85 G +57 15 86 P +57 15 87 G +57 15 88 P +57 15 89 B +57 15 90 G +57 15 91 G +57 15 92 W +57 15 93 BL +57 15 94 BR +57 15 95 BL +57 15 96 Y +57 15 97 PP +57 15 98 R +57 15 99 GR +57 15 100 BL +57 15 101 PP +57 15 102 BL +57 15 103 BR +57 15 104 BL +57 15 105 BL +57 15 106 Y +57 15 107 W +57 15 108 G +57 15 109 BL +57 15 110 Y +57 15 111 G +57 15 112 R +57 15 113 B +57 15 114 BL +57 15 115 R +57 15 116 BL +57 15 117 R +57 15 118 P +57 15 119 G +57 15 120 W +57 15 121 O +57 15 122 G +57 15 123 BL +57 15 124 G +57 15 125 O +57 15 126 P +57 15 127 G +57 15 128 Y +57 15 129 W +57 15 130 G +57 15 131 PP +57 15 132 O +57 15 133 G +57 15 134 BR +57 15 135 PP +57 15 136 BL +57 15 137 G +57 15 138 BL +57 15 139 W +57 15 140 BL +57 15 141 W +57 15 142 GR +57 15 143 G +57 15 144 PP +57 15 145 G +57 15 146 Y +57 15 147 BL +57 15 148 R +57 15 149 G +57 15 150 PP +57 15 151 P +57 15 152 P +57 15 153 BL +57 15 154 GR +57 15 155 BR +57 15 156 G +57 15 157 BR +57 15 158 W +57 15 159 O +57 15 160 P +57 15 161 G +57 15 162 P +57 15 163 BL +57 15 164 BL +57 15 165 G +57 15 166 BL +57 15 167 GR +57 15 168 G +57 15 169 BL +57 15 170 BL +57 15 171 G +57 15 172 W +57 15 173 P +57 15 174 Y +57 15 175 BL +57 15 176 O +57 15 177 Y +57 15 178 BL +57 15 179 BR +57 15 180 G +57 15 181 BR +57 15 182 PP +57 15 183 BR +57 15 184 PP +57 15 185 BR +57 15 186 BL +57 15 187 O +57 15 188 BL +57 15 189 BL +57 15 190 P +57 15 191 G +57 15 192 PP +57 15 193 Y +57 15 194 PP +57 15 195 G +57 15 196 BL +57 15 197 PP +57 15 198 B +57 15 199 BL +57 15 200 BL +57 15 201 P +57 15 202 BL +57 15 203 P +57 15 204 BR +57 15 205 PP +57 15 206 GR +57 15 207 P +57 15 208 BR +57 15 209 G +57 15 210 BR +57 15 211 BL +57 15 212 O +57 15 213 GR +57 15 214 G +57 15 215 P +57 15 216 G +57 15 217 P +57 15 218 G +57 15 219 BL +57 15 220 BL +57 15 221 BL +57 15 222 PP +57 15 223 G +57 15 224 W +57 15 225 BR +57 15 226 BL +57 15 227 B +57 15 228 BL +57 15 229 BL +57 15 230 P +57 15 231 PP +57 15 232 BR +57 15 233 BL +57 15 234 G +57 15 235 BL +57 15 236 G +57 15 237 P +57 15 238 BL +57 15 239 P +57 15 240 BR +57 15 241 W +57 15 242 Y +57 15 243 PP +57 15 244 GR +57 15 245 R +57 15 246 G +57 15 247 PP +57 15 248 G +57 15 249 G +57 15 250 PP +57 15 251 G +57 15 252 GR +57 15 253 BL +57 15 254 BL +57 15 255 B +57 15 256 P +57 15 257 BL +57 15 258 Y +57 15 259 BR +57 15 260 Y +57 15 261 BR +57 15 262 GR +57 15 263 GR +57 15 264 BL +57 15 265 G +57 15 266 BR +57 15 267 PP +57 15 268 G +57 15 269 PP +57 15 270 Y +57 15 271 G +57 15 272 GR +57 15 273 P +57 15 274 GR +57 15 275 BR +57 15 276 PP +57 15 277 BL +57 15 278 O +57 15 279 BL +57 15 280 G +57 15 281 G +57 15 282 G +57 15 283 BR +57 15 284 GR +57 15 285 P +57 15 286 GR +57 15 287 BR +57 15 288 R +57 15 289 BL +57 15 290 GR +57 15 291 BL +57 15 292 P +57 15 293 G +57 15 294 GR +57 15 295 BR +57 15 296 PP +57 15 297 Y +57 15 298 R +57 15 299 G +57 15 300 GR +57 15 301 G +57 15 302 GR +57 15 303 GR +57 15 304 G +57 15 305 PP +57 15 306 G +57 15 307 BL +57 15 308 PP +57 15 309 BR +57 15 310 G +57 15 311 BL +57 15 312 B +57 15 313 BL +57 15 314 W +57 15 315 G +57 15 316 G +57 15 317 PP +57 15 318 O +57 15 319 W +57 15 320 G +57 15 321 R +57 15 322 BL +57 15 323 G +57 15 324 GR +57 15 325 PP +57 15 326 Y +57 15 327 BL +57 15 328 G +57 15 329 BR +57 15 330 BL +57 16 1 BL +57 16 2 GR +57 16 3 R +57 16 4 PP +57 16 5 G +57 16 6 O +57 16 7 G +57 16 8 R +57 16 9 BR +57 16 10 BL +57 16 11 G +57 16 12 Y +57 16 13 G +57 16 14 BL +57 16 15 P +57 16 16 W +57 16 17 R +57 16 18 BR +57 16 19 BL +57 16 20 G +57 16 21 P +57 16 22 Y +57 16 23 PP +57 16 24 BR +57 16 25 BL +57 16 26 BL +57 16 27 W +57 16 28 P +57 16 29 G +57 16 30 BR +57 16 31 BL +57 16 32 PP +57 16 33 G +57 16 34 BL +57 16 35 O +57 16 36 G +57 16 37 BL +57 16 38 R +57 16 39 G +57 16 40 BL +57 16 41 R +57 16 42 BL +57 16 43 BL +57 16 44 W +57 16 45 G +57 16 46 GR +57 16 47 G +57 16 48 O +57 16 49 BL +57 16 50 PP +57 16 51 BR +57 16 52 W +57 16 53 R +57 16 54 G +57 16 55 BL +57 16 56 P +57 16 57 BL +57 16 58 BR +57 16 59 P +57 16 60 BL +57 16 61 R +57 16 62 BL +57 16 63 P +57 16 64 BL +57 16 65 R +57 16 66 W +57 16 67 G +57 16 68 PP +57 16 69 G +57 16 70 W +57 16 71 R +57 16 72 G +57 16 73 PP +57 16 74 BL +57 16 75 G +57 16 76 O +57 16 77 BL +57 16 78 P +57 16 79 B +57 16 80 BL +57 16 81 G +57 16 82 G +57 16 83 O +57 16 84 P +57 16 85 G +57 16 86 P +57 16 87 B +57 16 88 PP +57 16 89 B +57 16 90 G +57 16 91 G +57 16 92 W +57 16 93 BL +57 16 94 BR +57 16 95 W +57 16 96 Y +57 16 97 PP +57 16 98 R +57 16 99 PP +57 16 100 BL +57 16 101 R +57 16 102 BL +57 16 103 * +57 16 104 BL +57 16 105 PP +57 16 106 Y +57 16 107 W +57 16 108 BL +57 16 109 BL +57 16 110 O +57 16 111 G +57 16 112 R +57 16 113 B +57 16 114 G +57 16 115 R +57 16 116 BL +57 16 117 BR +57 16 118 P +57 16 119 G +57 16 120 W +57 16 121 R +57 16 122 G +57 16 123 BL +57 16 124 G +57 16 125 O +57 16 126 P +57 16 127 G +57 16 128 Y +57 16 129 W +57 16 130 G +57 16 131 PP +57 16 132 R +57 16 133 G +57 16 134 BR +57 16 135 PP +57 16 136 G +57 16 137 G +57 16 138 BL +57 16 139 W +57 16 140 BL +57 16 141 W +57 16 142 W +57 16 143 G +57 16 144 PP +57 16 145 G +57 16 146 Y +57 16 147 G +57 16 148 * +57 16 149 G +57 16 150 PP +57 16 151 P +57 16 152 P +57 16 153 BL +57 16 154 B +57 16 155 BR +57 16 156 G +57 16 157 BR +57 16 158 W +57 16 159 Y +57 16 160 P +57 16 161 G +57 16 162 R +57 16 163 BL +57 16 164 BL +57 16 165 G +57 16 166 BL +57 16 167 PP +57 16 168 G +57 16 169 BL +57 16 170 BL +57 16 171 G +57 16 172 W +57 16 173 P +57 16 174 O +57 16 175 BL +57 16 176 P +57 16 177 Y +57 16 178 BL +57 16 179 R +57 16 180 G +57 16 181 O +57 16 182 PP +57 16 183 BR +57 16 184 PP +57 16 185 BR +57 16 186 BL +57 16 187 O +57 16 188 BL +57 16 189 BL +57 16 190 P +57 16 191 G +57 16 192 PP +57 16 193 G +57 16 194 R +57 16 195 G +57 16 196 G +57 16 197 PP +57 16 198 B +57 16 199 W +57 16 200 BL +57 16 201 P +57 16 202 G +57 16 203 P +57 16 204 BR +57 16 205 PP +57 16 206 W +57 16 207 PP +57 16 208 BR +57 16 209 G +57 16 210 BR +57 16 211 BL +57 16 212 O +57 16 213 PP +57 16 214 G +57 16 215 PP +57 16 216 G +57 16 217 P +57 16 218 G +57 16 219 W +57 16 220 BL +57 16 221 W +57 16 222 PP +57 16 223 G +57 16 224 W +57 16 225 G +57 16 226 BL +57 16 227 B +57 16 228 BL +57 16 229 G +57 16 230 W +57 16 231 PP +57 16 232 BR +57 16 233 BL +57 16 234 G +57 16 235 BL +57 16 236 G +57 16 237 Y +57 16 238 G +57 16 239 P +57 16 240 BR +57 16 241 W +57 16 242 Y +57 16 243 R +57 16 244 W +57 16 245 R +57 16 246 G +57 16 247 PP +57 16 248 G +57 16 249 G +57 16 250 PP +57 16 251 G +57 16 252 W +57 16 253 G +57 16 254 BL +57 16 255 B +57 16 256 R +57 16 257 BL +57 16 258 Y +57 16 259 P +57 16 260 Y +57 16 261 O +57 16 262 W +57 16 263 BR +57 16 264 BL +57 16 265 G +57 16 266 BR +57 16 267 PP +57 16 268 G +57 16 269 PP +57 16 270 O +57 16 271 G +57 16 272 W +57 16 273 PP +57 16 274 W +57 16 275 G +57 16 276 R +57 16 277 BL +57 16 278 O +57 16 279 BL +57 16 280 G +57 16 281 G +57 16 282 G +57 16 283 BR +57 16 284 W +57 16 285 P +57 16 286 W +57 16 287 BR +57 16 288 R +57 16 289 G +57 16 290 W +57 16 291 BL +57 16 292 P +57 16 293 W +57 16 294 W +57 16 295 BR +57 16 296 PP +57 16 297 Y +57 16 298 R +57 16 299 G +57 16 300 BR +57 16 301 G +57 16 302 W +57 16 303 BL +57 16 304 G +57 16 305 PP +57 16 306 G +57 16 307 BL +57 16 308 BL +57 16 309 BR +57 16 310 G +57 16 311 BL +57 16 312 B +57 16 313 PP +57 16 314 W +57 16 315 G +57 16 316 G +57 16 317 R +57 16 318 Y +57 16 319 W +57 16 320 G +57 16 321 R +57 16 322 BL +57 16 323 G +57 16 324 W +57 16 325 PP +57 16 326 Y +57 16 327 W +57 16 328 G +57 16 329 BR +57 16 330 W +57 17 1 BL +57 17 2 BL +57 17 3 R +57 17 4 PP +57 17 5 G +57 17 6 BR +57 17 7 G +57 17 8 PP +57 17 9 BR +57 17 10 BL +57 17 11 G +57 17 12 Y +57 17 13 G +57 17 14 BL +57 17 15 P +57 17 16 GR +57 17 17 R +57 17 18 B +57 17 19 BL +57 17 20 G +57 17 21 P +57 17 22 Y +57 17 23 PP +57 17 24 BR +57 17 25 BL +57 17 26 BL +57 17 27 P +57 17 28 P +57 17 29 G +57 17 30 BR +57 17 31 BL +57 17 32 P +57 17 33 G +57 17 34 BL +57 17 35 P +57 17 36 G +57 17 37 BL +57 17 38 P +57 17 39 G +57 17 40 BL +57 17 41 R +57 17 42 Y +57 17 43 BL +57 17 44 P +57 17 45 G +57 17 46 GR +57 17 47 G +57 17 48 Y +57 17 49 BL +57 17 50 PP +57 17 51 BR +57 17 52 G +57 17 53 PP +57 17 54 G +57 17 55 BL +57 17 56 P +57 17 57 BL +57 17 58 BR +57 17 59 P +57 17 60 BL +57 17 61 PP +57 17 62 PP +57 17 63 P +57 17 64 BL +57 17 65 P +57 17 66 W +57 17 67 G +57 17 68 P +57 17 69 G +57 17 70 PP +57 17 71 PP +57 17 72 G +57 17 73 PP +57 17 74 BL +57 17 75 G +57 17 76 O +57 17 77 BL +57 17 78 P +57 17 79 GR +57 17 80 BL +57 17 81 G +57 17 82 BL +57 17 83 W +57 17 84 P +57 17 85 G +57 17 86 P +57 17 87 B +57 17 88 PP +57 17 89 B +57 17 90 BL +57 17 91 G +57 17 92 GR +57 17 93 BL +57 17 94 BR +57 17 95 BL +57 17 96 Y +57 17 97 PP +57 17 98 R +57 17 99 PP +57 17 100 BL +57 17 101 P +57 17 102 BL +57 17 103 G +57 17 104 BL +57 17 105 PP +57 17 106 Y +57 17 107 P +57 17 108 BL +57 17 109 BL +57 17 110 Y +57 17 111 G +57 17 112 P +57 17 113 B +57 17 114 BL +57 17 115 P +57 17 116 BL +57 17 117 BR +57 17 118 P +57 17 119 G +57 17 120 W +57 17 121 R +57 17 122 G +57 17 123 BL +57 17 124 G +57 17 125 O +57 17 126 P +57 17 127 G +57 17 128 Y +57 17 129 P +57 17 130 G +57 17 131 PP +57 17 132 R +57 17 133 G +57 17 134 BR +57 17 135 PP +57 17 136 BL +57 17 137 G +57 17 138 BL +57 17 139 GR +57 17 140 BL +57 17 141 W +57 17 142 GR +57 17 143 G +57 17 144 PP +57 17 145 G +57 17 146 Y +57 17 147 G +57 17 148 R +57 17 149 G +57 17 150 PP +57 17 151 P +57 17 152 PP +57 17 153 BL +57 17 154 GR +57 17 155 BR +57 17 156 G +57 17 157 BR +57 17 158 GR +57 17 159 BR +57 17 160 P +57 17 161 G +57 17 162 P +57 17 163 G +57 17 164 BL +57 17 165 G +57 17 166 BL +57 17 167 P +57 17 168 G +57 17 169 BL +57 17 170 BL +57 17 171 G +57 17 172 GR +57 17 173 P +57 17 174 Y +57 17 175 BL +57 17 176 P +57 17 177 G +57 17 178 BL +57 17 179 P +57 17 180 G +57 17 181 BR +57 17 182 P +57 17 183 BR +57 17 184 PP +57 17 185 BR +57 17 186 BL +57 17 187 O +57 17 188 BL +57 17 189 BL +57 17 190 P +57 17 191 G +57 17 192 PP +57 17 193 G +57 17 194 PP +57 17 195 G +57 17 196 G +57 17 197 P +57 17 198 B +57 17 199 G +57 17 200 BL +57 17 201 P +57 17 202 G +57 17 203 PP +57 17 204 BR +57 17 205 PP +57 17 206 G +57 17 207 P +57 17 208 BR +57 17 209 G +57 17 210 BR +57 17 211 BL +57 17 212 O +57 17 213 PP +57 17 214 G +57 17 215 P +57 17 216 G +57 17 217 P +57 17 218 G +57 17 219 BL +57 17 220 PP +57 17 221 BL +57 17 222 PP +57 17 223 G +57 17 224 P +57 17 225 G +57 17 226 BL +57 17 227 GR +57 17 228 BL +57 17 229 G +57 17 230 P +57 17 231 PP +57 17 232 BR +57 17 233 PP +57 17 234 G +57 17 235 BL +57 17 236 G +57 17 237 P +57 17 238 BL +57 17 239 P +57 17 240 BR +57 17 241 P +57 17 242 Y +57 17 243 PP +57 17 244 BL +57 17 245 R +57 17 246 G +57 17 247 PP +57 17 248 G +57 17 249 G +57 17 250 PP +57 17 251 G +57 17 252 P +57 17 253 G +57 17 254 BL +57 17 255 B +57 17 256 P +57 17 257 BL +57 17 258 Y +57 17 259 BR +57 17 260 G +57 17 261 BR +57 17 262 W +57 17 263 GR +57 17 264 BL +57 17 265 G +57 17 266 BR +57 17 267 PP +57 17 268 G +57 17 269 P +57 17 270 O +57 17 271 G +57 17 272 GR +57 17 273 P +57 17 274 GR +57 17 275 G +57 17 276 P +57 17 277 BL +57 17 278 O +57 17 279 BL +57 17 280 G +57 17 281 G +57 17 282 G +57 17 283 BR +57 17 284 BL +57 17 285 P +57 17 286 GR +57 17 287 BR +57 17 288 R +57 17 289 BL +57 17 290 W +57 17 291 BL +57 17 292 P +57 17 293 G +57 17 294 GR +57 17 295 BR +57 17 296 PP +57 17 297 Y +57 17 298 R +57 17 299 G +57 17 300 GR +57 17 301 G +57 17 302 W +57 17 303 G +57 17 304 GR +57 17 305 PP +57 17 306 G +57 17 307 BL +57 17 308 P +57 17 309 G +57 17 310 G +57 17 311 BL +57 17 312 GR +57 17 313 BL +57 17 314 W +57 17 315 G +57 17 316 G +57 17 317 P +57 17 318 O +57 17 319 W +57 17 320 G +57 17 321 R +57 17 322 BL +57 17 323 G +57 17 324 P +57 17 325 PP +57 17 326 Y +57 17 327 GR +57 17 328 G +57 17 329 BR +57 17 330 BL +57 18 1 BL +57 18 2 BL +57 18 3 R +57 18 4 BR +57 18 5 BL +57 18 6 P +57 18 7 G +57 18 8 R +57 18 9 BR +57 18 10 BL +57 18 11 G +57 18 12 Y +57 18 13 G +57 18 14 BL +57 18 15 P +57 18 16 W +57 18 17 R +57 18 18 D +57 18 19 BL +57 18 20 G +57 18 21 R +57 18 22 PP +57 18 23 DJ +57 18 24 BR +57 18 25 G +57 18 26 BL +57 18 27 W +57 18 28 R +57 18 29 G +57 18 30 P +57 18 31 BL +57 18 32 R +57 18 33 G +57 18 34 BL +57 18 35 P +57 18 36 G +57 18 37 BL +57 18 38 R +57 18 39 G +57 18 40 BL +57 18 41 R +57 18 42 Y +57 18 43 BL +57 18 44 W +57 18 45 G +57 18 46 SI +57 18 47 G +57 18 48 Y +57 18 49 BL +57 18 50 PP +57 18 51 DJ +57 18 52 GR +57 18 53 R +57 18 54 G +57 18 55 BL +57 18 56 Y +57 18 57 BL +57 18 58 Y +57 18 59 GR +57 18 60 GR +57 18 61 R +57 18 62 BL +57 18 63 Y +57 18 64 BL +57 18 65 R +57 18 66 GR +57 18 67 G +57 18 68 R +57 18 69 G +57 18 70 GR +57 18 71 R +57 18 72 G +57 18 73 PP +57 18 74 G +57 18 75 BL +57 18 76 R +57 18 77 G +57 18 78 GR +57 18 79 D +57 18 80 BL +57 18 81 G +57 18 82 BL +57 18 83 GR +57 18 84 Y +57 18 85 G +57 18 86 DJ +57 18 87 GR +57 18 88 R +57 18 89 D +57 18 90 G +57 18 91 Y +57 18 92 GR +57 18 93 BL +57 18 94 DJ +57 18 95 GR +57 18 96 Y +57 18 97 BL +57 18 98 R +57 18 99 P +57 18 100 BL +57 18 101 R +57 18 102 GR +57 18 103 BR +57 18 104 BL +57 18 105 PP +57 18 106 Y +57 18 107 GR +57 18 108 GR +57 18 109 BL +57 18 110 Y +57 18 111 BR +57 18 112 R +57 18 113 D +57 18 114 G +57 18 115 R +57 18 116 GR +57 18 117 BR +57 18 118 DJ +57 18 119 G +57 18 120 GR +57 18 121 R +57 18 122 G +57 18 123 BL +57 18 124 PP +57 18 125 R +57 18 126 R +57 18 127 G +57 18 128 Y +57 18 129 GR +57 18 130 BR +57 18 131 P +57 18 132 R +57 18 133 G +57 18 134 PP +57 18 135 R +57 18 136 BL +57 18 137 BL +57 18 138 BL +57 18 139 GR +57 18 140 BL +57 18 141 W +57 18 142 GR +57 18 143 PP +57 18 144 BL +57 18 145 BL +57 18 146 Y +57 18 147 G +57 18 148 R +57 18 149 G +57 18 150 PP +57 18 151 Y +57 18 152 GR +57 18 153 BL +57 18 154 SI +57 18 155 SI +57 18 156 G +57 18 157 PP +57 18 158 W +57 18 159 Y +57 18 160 P +57 18 161 G +57 18 162 R +57 18 163 BL +57 18 164 BL +57 18 165 PP +57 18 166 D +57 18 167 GR +57 18 168 G +57 18 169 BL +57 18 170 G +57 18 171 G +57 18 172 W +57 18 173 R +57 18 174 Y +57 18 175 GR +57 18 176 R +57 18 177 Y +57 18 178 BL +57 18 179 R +57 18 180 G +57 18 181 Y +57 18 182 R +57 18 183 BR +57 18 184 BL +57 18 185 Y +57 18 186 BL +57 18 187 Y +57 18 188 BL +57 18 189 GR +57 18 190 GR +57 18 191 G +57 18 192 G +57 18 193 Y +57 18 194 R +57 18 195 G +57 18 196 G +57 18 197 PP +57 18 198 D +57 18 199 GR +57 18 200 BL +57 18 201 PP +57 18 202 G +57 18 203 R +57 18 204 SI +57 18 205 BL +57 18 206 GR +57 18 207 R +57 18 208 PP +57 18 209 G +57 18 210 PP +57 18 211 BL +57 18 212 Y +57 18 213 GR +57 18 214 O +57 18 215 R +57 18 216 G +57 18 217 Y +57 18 218 Y +57 18 219 GR +57 18 220 BL +57 18 221 GR +57 18 222 BL +57 18 223 G +57 18 224 GR +57 18 225 BR +57 18 226 BL +57 18 227 D +57 18 228 BL +57 18 229 BL +57 18 230 GR +57 18 231 R +57 18 232 PP +57 18 233 BL +57 18 234 G +57 18 235 BL +57 18 236 Y +57 18 237 Y +57 18 238 BL +57 18 239 R +57 18 240 PP +57 18 241 GR +57 18 242 Y +57 18 243 R +57 18 244 GR +57 18 245 R +57 18 246 BL +57 18 247 BL +57 18 248 G +57 18 249 G +57 18 250 PP +57 18 251 G +57 18 252 GR +57 18 253 BL +57 18 254 BL +57 18 255 * +57 18 256 R +57 18 257 BL +57 18 258 Y +57 18 259 R +57 18 260 GR +57 18 261 Y +57 18 262 GR +57 18 263 SI +57 18 264 BL +57 18 265 G +57 18 266 R +57 18 267 P +57 18 268 G +57 18 269 R +57 18 270 Y +57 18 271 G +57 18 272 GR +57 18 273 Y +57 18 274 GR +57 18 275 Y +57 18 276 R +57 18 277 BL +57 18 278 Y +57 18 279 BL +57 18 280 G +57 18 281 G +57 18 282 G +57 18 283 BR +57 18 284 GR +57 18 285 GR +57 18 286 W +57 18 287 BR +57 18 288 R +57 18 289 G +57 18 290 GR +57 18 291 BL +57 18 292 GR +57 18 293 GR +57 18 294 GR +57 18 295 BR +57 18 296 BL +57 18 297 Y +57 18 298 R +57 18 299 G +57 18 300 SI +57 18 301 G +57 18 302 GR +57 18 303 BL +57 18 304 G +57 18 305 PP +57 18 306 G +57 18 307 BL +57 18 308 P +57 18 309 BR +57 18 310 G +57 18 311 BL +57 18 312 D +57 18 313 BL +57 18 314 GR +57 18 315 G +57 18 316 DG +57 18 317 R +57 18 318 Y +57 18 319 GR +57 18 320 DJ +57 18 321 R +57 18 322 BL +57 18 323 G +57 18 324 GR +57 18 325 R +57 18 326 Y +57 18 327 GR +57 18 328 G +57 18 329 BR +57 18 330 GR +57 19 1 BL +57 19 2 G +57 19 3 R +57 19 4 R +57 19 5 BL +57 19 6 BR +57 19 7 G +57 19 8 R +57 19 9 BR +57 19 10 BL +57 19 11 SH +57 19 12 Y +57 19 13 G +57 19 14 D +57 19 15 Y +57 19 16 W +57 19 17 R +57 19 18 D +57 19 19 BL +57 19 20 G +57 19 21 R +57 19 22 Y +57 19 23 BL +57 19 24 SH +57 19 25 BL +57 19 26 BL +57 19 27 W +57 19 28 R +57 19 29 G +57 19 30 R +57 19 31 BL +57 19 32 R +57 19 33 G +57 19 34 BL +57 19 35 R +57 19 36 D +57 19 37 BL +57 19 38 R +57 19 39 G +57 19 40 BL +57 19 41 R +57 19 42 Y +57 19 43 BL +57 19 44 W +57 19 45 G +57 19 46 SH +57 19 47 D +57 19 48 Y +57 19 49 BL +57 19 50 G +57 19 51 D +57 19 52 Y +57 19 53 R +57 19 54 G +57 19 55 BL +57 19 56 Y +57 19 57 BL +57 19 58 Y +57 19 59 P +57 19 60 D +57 19 61 R +57 19 62 R +57 19 63 Y +57 19 64 BL +57 19 65 R +57 19 66 W +57 19 67 G +57 19 68 P +57 19 69 D +57 19 70 L +57 19 71 BR +57 19 72 G +57 19 73 BL +57 19 74 L +57 19 75 D +57 19 76 R +57 19 77 G +57 19 78 Y +57 19 79 D +57 19 80 G +57 19 81 Y +57 19 82 Y +57 19 83 W +57 19 84 L +57 19 85 G +57 19 86 L +57 19 87 D +57 19 88 Y +57 19 89 D +57 19 90 SH +57 19 91 Y +57 19 92 W +57 19 93 G +57 19 94 D +57 19 95 L +57 19 96 Y +57 19 97 BL +57 19 98 R +57 19 99 Y +57 19 100 BL +57 19 101 R +57 19 102 L +57 19 103 SH +57 19 104 BL +57 19 105 P +57 19 106 Y +57 19 107 W +57 19 108 W +57 19 109 BL +57 19 110 Y +57 19 111 SI +57 19 112 R +57 19 113 D +57 19 114 G +57 19 115 Y +57 19 116 W +57 19 117 B +57 19 118 Y +57 19 119 G +57 19 120 GR +57 19 121 Y +57 19 122 BL +57 19 123 BL +57 19 124 G +57 19 125 R +57 19 126 R +57 19 127 D +57 19 128 G +57 19 129 W +57 19 130 D +57 19 131 G +57 19 132 Y +57 19 133 BL +57 19 134 R +57 19 135 Y +57 19 136 G +57 19 137 G +57 19 138 Y +57 19 139 W +57 19 140 BL +57 19 141 W +57 19 142 W +57 19 143 BL +57 19 144 G +57 19 145 BL +57 19 146 Y +57 19 147 BL +57 19 148 R +57 19 149 G +57 19 150 G +57 19 151 Y +57 19 152 Y +57 19 153 BL +57 19 154 D +57 19 155 D +57 19 156 BL +57 19 157 SI +57 19 158 W +57 19 159 Y +57 19 160 Y +57 19 161 G +57 19 162 R +57 19 163 BL +57 19 164 BL +57 19 165 D +57 19 166 D +57 19 167 R +57 19 168 G +57 19 169 BL +57 19 170 D +57 19 171 SI +57 19 172 W +57 19 173 Y +57 19 174 Y +57 19 175 BL +57 19 176 R +57 19 177 P +57 19 178 BL +57 19 179 R +57 19 180 G +57 19 181 Y +57 19 182 R +57 19 183 BR +57 19 184 P +57 19 185 BR +57 19 186 G +57 19 187 BR +57 19 188 G +57 19 189 W +57 19 190 Y +57 19 191 G +57 19 192 G +57 19 193 BR +57 19 194 R +57 19 195 G +57 19 196 W +57 19 197 P +57 19 198 D +57 19 199 W +57 19 200 W +57 19 201 Y +57 19 202 G +57 19 203 Y +57 19 204 D +57 19 205 G +57 19 206 W +57 19 207 R +57 19 208 BR +57 19 209 G +57 19 210 R +57 19 211 G +57 19 212 P +57 19 213 BL +57 19 214 G +57 19 215 Y +57 19 216 D +57 19 217 BR +57 19 218 G +57 19 219 W +57 19 220 BL +57 19 221 W +57 19 222 BL +57 19 223 G +57 19 224 W +57 19 225 BR +57 19 226 BL +57 19 227 D +57 19 228 D +57 19 229 G +57 19 230 W +57 19 231 R +57 19 232 BR +57 19 233 BL +57 19 234 G +57 19 235 G +57 19 236 BL +57 19 237 BR +57 19 238 G +57 19 239 R +57 19 240 BR +57 19 241 W +57 19 242 Y +57 19 243 BR +57 19 244 W +57 19 245 R +57 19 246 G +57 19 247 BL +57 19 248 G +57 19 249 G +57 19 250 BL +57 19 251 G +57 19 252 W +57 19 253 BL +57 19 254 L +57 19 255 D +57 19 256 R +57 19 257 SI +57 19 258 BR +57 19 259 BR +57 19 260 W +57 19 261 BR +57 19 262 W +57 19 263 D +57 19 264 BL +57 19 265 G +57 19 266 BR +57 19 267 BR +57 19 268 G +57 19 269 R +57 19 270 BR +57 19 271 SI +57 19 272 W +57 19 273 Y +57 19 274 W +57 19 275 BR +57 19 276 R +57 19 277 D +57 19 278 Y +57 19 279 G +57 19 280 G +57 19 281 BL +57 19 282 G +57 19 283 BR +57 19 284 W +57 19 285 K +57 19 286 W +57 19 287 BR +57 19 288 R +57 19 289 G +57 19 290 W +57 19 291 BL +57 19 292 Y +57 19 293 W +57 19 294 W +57 19 295 BR +57 19 296 BL +57 19 297 P +57 19 298 R +57 19 299 G +57 19 300 W +57 19 301 G +57 19 302 W +57 19 303 GR +57 19 304 G +57 19 305 G +57 19 306 G +57 19 307 BL +57 19 308 G +57 19 309 D +57 19 310 G +57 19 311 G +57 19 312 D +57 19 313 BL +57 19 314 W +57 19 315 G +57 19 316 G +57 19 317 R +57 19 318 Y +57 19 319 W +57 19 320 BR +57 19 321 R +57 19 322 BL +57 19 323 G +57 19 324 W +57 19 325 R +57 19 326 BR +57 19 327 W +57 19 328 G +57 19 329 BR +57 19 330 GR +57 20 1 BL +57 20 2 G +57 20 3 R +57 20 4 G +57 20 5 BL +57 20 6 O +57 20 7 BL +57 20 8 O +57 20 9 O +57 20 10 BL +57 20 11 BL +57 20 12 O +57 20 13 BL +57 20 14 BL +57 20 15 W +57 20 16 W +57 20 17 R +57 20 18 BL +57 20 19 BL +57 20 20 BL +57 20 21 R +57 20 22 W +57 20 23 BL +57 20 24 O +57 20 25 BL +57 20 26 BL +57 20 27 W +57 20 28 R +57 20 29 BL +57 20 30 R +57 20 31 BL +57 20 32 O +57 20 33 BL +57 20 34 BL +57 20 35 R +57 20 36 B +57 20 37 B +57 20 38 R +57 20 39 G +57 20 40 G +57 20 41 R +57 20 42 R +57 20 43 BL +57 20 44 W +57 20 45 BL +57 20 46 R +57 20 47 BL +57 20 48 R +57 20 49 BL +57 20 50 BL +57 20 51 R +57 20 52 W +57 20 53 R +57 20 54 G +57 20 55 G +57 20 56 R +57 20 57 BL +57 20 58 G +57 20 59 W +57 20 60 W +57 20 61 R +57 20 62 W +57 20 63 R +57 20 64 BL +57 20 65 R +57 20 66 W +57 20 67 G +57 20 68 R +57 20 69 G +57 20 70 W +57 20 71 G +57 20 72 BL +57 20 73 R +57 20 74 W +57 20 75 B +57 20 76 G +57 20 77 BL +57 20 78 W +57 20 79 B +57 20 80 BL +57 20 81 G +57 20 82 BL +57 20 83 W +57 20 84 R +57 20 85 BL +57 20 86 R +57 20 87 B +57 20 88 R +57 20 89 B +57 20 90 BL +57 20 91 G +57 20 92 W +57 20 93 BL +57 20 94 B +57 20 95 W +57 20 96 G +57 20 97 BL +57 20 98 R +57 20 99 W +57 20 100 BL +57 20 101 R +57 20 102 W +57 20 103 G +57 20 104 W +57 20 105 BL +57 20 106 R +57 20 107 W +57 20 108 G +57 20 109 BL +57 20 110 G +57 20 111 B +57 20 112 R +57 20 113 BL +57 20 114 BL +57 20 115 R +57 20 116 W +57 20 117 B +57 20 118 G +57 20 119 BL +57 20 120 W +57 20 121 G +57 20 122 BL +57 20 123 BL +57 20 124 G +57 20 125 R +57 20 126 R +57 20 127 BL +57 20 128 G +57 20 129 W +57 20 130 G +57 20 131 G +57 20 132 R +57 20 133 BL +57 20 134 G +57 20 135 G +57 20 136 BL +57 20 137 BL +57 20 138 W +57 20 139 W +57 20 140 BL +57 20 141 W +57 20 142 W +57 20 143 G +57 20 144 BL +57 20 145 BL +57 20 146 G +57 20 147 G +57 20 148 R +57 20 149 G +57 20 150 BL +57 20 151 R +57 20 152 R +57 20 153 BL +57 20 154 BL +57 20 155 G +57 20 156 BL +57 20 157 G +57 20 158 W +57 20 159 G +57 20 160 G +57 20 161 BL +57 20 162 R +57 20 163 BL +57 20 164 BL +57 20 165 G +57 20 166 BL +57 20 167 W +57 20 168 BL +57 20 169 BL +57 20 170 D +57 20 171 G +57 20 172 W +57 20 173 R +57 20 174 G +57 20 175 BL +57 20 176 O +57 20 177 W +57 20 178 BL +57 20 179 G +57 20 180 BL +57 20 181 G +57 20 182 G +57 20 183 G +57 20 184 BL +57 20 185 R +57 20 186 BL +57 20 187 G +57 20 188 BL +57 20 189 BL +57 20 190 G +57 20 191 BL +57 20 192 G +57 20 193 O +57 20 194 G +57 20 195 BL +57 20 196 G +57 20 197 G +57 20 198 BL +57 20 199 G +57 20 200 G +57 20 201 O +57 20 202 BL +57 20 203 G +57 20 204 B +57 20 205 BL +57 20 206 W +57 20 207 G +57 20 208 O +57 20 209 BL +57 20 210 G +57 20 211 BL +57 20 212 G +57 20 213 W +57 20 214 G +57 20 215 G +57 20 216 B +57 20 217 G +57 20 218 G +57 20 219 W +57 20 220 BL +57 20 221 W +57 20 222 BL +57 20 223 BL +57 20 224 W +57 20 225 G +57 20 226 BL +57 20 227 B +57 20 228 B +57 20 229 BL +57 20 230 W +57 20 231 R +57 20 232 BL +57 20 233 O +57 20 234 BL +57 20 235 BL +57 20 236 G +57 20 237 R +57 20 238 BL +57 20 239 R +57 20 240 G +57 20 241 W +57 20 242 G +57 20 243 G +57 20 244 W +57 20 245 R +57 20 246 BL +57 20 247 BL +57 20 248 B +57 20 249 BL +57 20 250 BL +57 20 251 O +57 20 252 W +57 20 253 BL +57 20 254 BL +57 20 255 B +57 20 256 G +57 20 257 BL +57 20 258 R +57 20 259 BL +57 20 260 G +57 20 261 O +57 20 262 W +57 20 263 BL +57 20 264 W +57 20 265 BL +57 20 266 G +57 20 267 B +57 20 268 G +57 20 269 O +57 20 270 G +57 20 271 B +57 20 272 W +57 20 273 O +57 20 274 W +57 20 275 G +57 20 276 R +57 20 277 BL +57 20 278 R +57 20 279 BL +57 20 280 G +57 20 281 BL +57 20 282 BL +57 20 283 G +57 20 284 W +57 20 285 G +57 20 286 W +57 20 287 G +57 20 288 R +57 20 289 BL +57 20 290 W +57 20 291 BL +57 20 292 R +57 20 293 W +57 20 294 W +57 20 295 G +57 20 296 B +57 20 297 R +57 20 298 R +57 20 299 BL +57 20 300 BL +57 20 301 BL +57 20 302 W +57 20 303 W +57 20 304 G +57 20 305 O +57 20 306 G +57 20 307 BL +57 20 308 BL +57 20 309 D +57 20 310 BL +57 20 311 BL +57 20 312 D +57 20 313 BL +57 20 314 W +57 20 315 G +57 20 316 BL +57 20 317 R +57 20 318 R +57 20 319 W +57 20 320 O +57 20 321 R +57 20 322 BL +57 20 323 BL +57 20 324 W +57 20 325 G +57 20 326 G +57 20 327 W +57 20 328 D +57 20 329 G +57 20 330 W +57 21 1 BL +57 21 2 G +57 21 3 R +57 21 4 * +57 21 5 G +57 21 6 * +57 21 7 G +57 21 8 R +57 21 9 GR +57 21 10 BL +57 21 11 G +57 21 12 Y +57 21 13 G +57 21 14 BL +57 21 15 * +57 21 16 W +57 21 17 * +57 21 18 GR +57 21 19 BL +57 21 20 G +57 21 21 * +57 21 22 Y +57 21 23 * +57 21 24 * +57 21 25 BL +57 21 26 BL +57 21 27 W +57 21 28 * +57 21 29 G +57 21 30 Y +57 21 31 G +57 21 32 * +57 21 33 G +57 21 34 BL +57 21 35 * +57 21 36 G +57 21 37 BL +57 21 38 R +57 21 39 G +57 21 40 BL +57 21 41 R +57 21 42 * +57 21 43 BL +57 21 44 W +57 21 45 G +57 21 46 * +57 21 47 G +57 21 48 Y +57 21 49 BL +57 21 50 * +57 21 51 GR +57 21 52 GR +57 21 53 R +57 21 54 G +57 21 55 BL +57 21 56 Y +57 21 57 BL +57 21 58 * +57 21 59 * +57 21 60 G +57 21 61 R +57 21 62 PP +57 21 63 PP +57 21 64 BL +57 21 65 R +57 21 66 W +57 21 67 G +57 21 68 PP +57 21 69 G +57 21 70 GR +57 21 71 R +57 21 72 G +57 21 73 PP +57 21 74 G +57 21 75 G +57 21 76 O +57 21 77 G +57 21 78 GR +57 21 79 * +57 21 80 BL +57 21 81 G +57 21 82 G +57 21 83 Y +57 21 84 GR +57 21 85 G +57 21 86 PP +57 21 87 G +57 21 88 PP +57 21 89 * +57 21 90 G +57 21 91 G +57 21 92 W +57 21 93 BL +57 21 94 GR +57 21 95 G +57 21 96 Y +57 21 97 PP +57 21 98 R +57 21 99 GR +57 21 100 G +57 21 101 R +57 21 102 GR +57 21 103 G +57 21 104 BL +57 21 105 PP +57 21 106 G +57 21 107 W +57 21 108 G +57 21 109 BL +57 21 110 O +57 21 111 G +57 21 112 PP +57 21 113 G +57 21 114 BL +57 21 115 PP +57 21 116 BL +57 21 117 BR +57 21 118 PP +57 21 119 G +57 21 120 W +57 21 121 O +57 21 122 G +57 21 123 BL +57 21 124 G +57 21 125 O +57 21 126 PP +57 21 127 G +57 21 128 G +57 21 129 W +57 21 130 G +57 21 131 PP +57 21 132 R +57 21 133 G +57 21 134 SH +57 21 135 PP +57 21 136 G +57 21 137 G +57 21 138 BL +57 21 139 GR +57 21 140 BL +57 21 141 W +57 21 142 W +57 21 143 G +57 21 144 BL +57 21 145 G +57 21 146 Y +57 21 147 G +57 21 148 R +57 21 149 G +57 21 150 PP +57 21 151 O +57 21 152 PP +57 21 153 BL +57 21 154 GR +57 21 155 GR +57 21 156 G +57 21 157 GR +57 21 158 W +57 21 159 Y +57 21 160 PP +57 21 161 G +57 21 162 R +57 21 163 G +57 21 164 BL +57 21 165 G +57 21 166 BL +57 21 167 GR +57 21 168 G +57 21 169 BL +57 21 170 BL +57 21 171 G +57 21 172 W +57 21 173 PP +57 21 174 Y +57 21 175 BL +57 21 176 PP +57 21 177 Y +57 21 178 BL +57 21 179 PP +57 21 180 G +57 21 181 GR +57 21 182 PP +57 21 183 G +57 21 184 PP +57 21 185 O +57 21 186 G +57 21 187 O +57 21 188 BL +57 21 189 GR +57 21 190 PP +57 21 191 G +57 21 192 GR +57 21 193 G +57 21 194 R +57 21 195 G +57 21 196 G +57 21 197 PP +57 21 198 G +57 21 199 W +57 21 200 BL +57 21 201 O +57 21 202 G +57 21 203 PP +57 21 204 GR +57 21 205 BL +57 21 206 G +57 21 207 PP +57 21 208 GR +57 21 209 G +57 21 210 PP +57 21 211 BL +57 21 212 O +57 21 213 BL +57 21 214 G +57 21 215 PP +57 21 216 G +57 21 217 O +57 21 218 G +57 21 219 G +57 21 220 BL +57 21 221 W +57 21 222 PP +57 21 223 G +57 21 224 W +57 21 225 G +57 21 226 BL +57 21 227 G +57 21 228 BL +57 21 229 G +57 21 230 W +57 21 231 PP +57 21 232 G +57 21 233 BL +57 21 234 G +57 21 235 BL +57 21 236 G +57 21 237 O +57 21 238 G +57 21 239 PP +57 21 240 GR +57 21 241 W +57 21 242 O +57 21 243 PP +57 21 244 G +57 21 245 R +57 21 246 G +57 21 247 PP +57 21 248 G +57 21 249 G +57 21 250 PP +57 21 251 G +57 21 252 W +57 21 253 G +57 21 254 BL +57 21 255 * +57 21 256 R +57 21 257 BL +57 21 258 G +57 21 259 G +57 21 260 R +57 21 261 O +57 21 262 W +57 21 263 W +57 21 264 BL +57 21 265 G +57 21 266 R +57 21 267 PP +57 21 268 G +57 21 269 PP +57 21 270 O +57 21 271 G +57 21 272 W +57 21 273 PP +57 21 274 W +57 21 275 G +57 21 276 PP +57 21 277 BL +57 21 278 O +57 21 279 BL +57 21 280 G +57 21 281 G +57 21 282 G +57 21 283 GR +57 21 284 W +57 21 285 Y +57 21 286 W +57 21 287 G +57 21 288 R +57 21 289 G +57 21 290 W +57 21 291 BL +57 21 292 O +57 21 293 G +57 21 294 W +57 21 295 GR +57 21 296 PP +57 21 297 O +57 21 298 R +57 21 299 G +57 21 300 G +57 21 301 W +57 21 302 W +57 21 303 BL +57 21 304 G +57 21 305 PP +57 21 306 G +57 21 307 BL +57 21 308 P +57 21 309 G +57 21 310 G +57 21 311 BL +57 21 312 G +57 21 313 BL +57 21 314 W +57 21 315 G +57 21 316 G +57 21 317 PP +57 21 318 O +57 21 319 W +57 21 320 G +57 21 321 R +57 21 322 BL +57 21 323 G +57 21 324 W +57 21 325 PP +57 21 326 O +57 21 327 W +57 21 328 G +57 21 329 BR +57 21 330 W +57 22 1 BL +57 22 2 G +57 22 3 P +57 22 4 PP +57 22 5 G +57 22 6 P +57 22 7 G +57 22 8 PP +57 22 9 BR +57 22 10 BL +57 22 11 G +57 22 12 Y +57 22 13 G +57 22 14 G +57 22 15 PP +57 22 16 GR +57 22 17 P +57 22 18 B +57 22 19 BL +57 22 20 G +57 22 21 P +57 22 22 Y +57 22 23 PP +57 22 24 BR +57 22 25 G +57 22 26 BL +57 22 27 P +57 22 28 P +57 22 29 G +57 22 30 BR +57 22 31 G +57 22 32 PP +57 22 33 G +57 22 34 BL +57 22 35 P +57 22 36 G +57 22 37 BL +57 22 38 PP +57 22 39 G +57 22 40 BL +57 22 41 S +57 22 42 Y +57 22 43 BL +57 22 44 P +57 22 45 G +57 22 46 GR +57 22 47 G +57 22 48 Y +57 22 49 BL +57 22 50 PP +57 22 51 BR +57 22 52 G +57 22 53 PP +57 22 54 G +57 22 55 BL +57 22 56 P +57 22 57 BL +57 22 58 G +57 22 59 PP +57 22 60 BL +57 22 61 S +57 22 62 BL +57 22 63 P +57 22 64 BL +57 22 65 PP +57 22 66 W +57 22 67 G +57 22 68 PP +57 22 69 G +57 22 70 BL +57 22 71 PP +57 22 72 G +57 22 73 PP +57 22 74 BL +57 22 75 G +57 22 76 P +57 22 77 BL +57 22 78 PP +57 22 79 GR +57 22 80 BL +57 22 81 G +57 22 82 G +57 22 83 Y +57 22 84 P +57 22 85 G +57 22 86 P +57 22 87 G +57 22 88 PP +57 22 89 B +57 22 90 G +57 22 91 G +57 22 92 BR +57 22 93 BL +57 22 94 BR +57 22 95 G +57 22 96 Y +57 22 97 PP +57 22 98 P +57 22 99 PP +57 22 100 G +57 22 101 PP +57 22 102 BL +57 22 103 G +57 22 104 BL +57 22 105 PP +57 22 106 Y +57 22 107 W +57 22 108 G +57 22 109 BL +57 22 110 Y +57 22 111 G +57 22 112 P +57 22 113 BR +57 22 114 G +57 22 115 S +57 22 116 BL +57 22 117 BR +57 22 118 P +57 22 119 G +57 22 120 GR +57 22 121 P +57 22 122 G +57 22 123 BL +57 22 124 G +57 22 125 P +57 22 126 P +57 22 127 G +57 22 128 G +57 22 129 GR +57 22 130 G +57 22 131 PP +57 22 132 P +57 22 133 G +57 22 134 BR +57 22 135 PP +57 22 136 BL +57 22 137 G +57 22 138 BL +57 22 139 PP +57 22 140 BL +57 22 141 W +57 22 142 BL +57 22 143 G +57 22 144 BL +57 22 145 G +57 22 146 Y +57 22 147 G +57 22 148 PP +57 22 149 G +57 22 150 PP +57 22 151 P +57 22 152 PP +57 22 153 BL +57 22 154 GR +57 22 155 BR +57 22 156 G +57 22 157 BR +57 22 158 W +57 22 159 O +57 22 160 P +57 22 161 G +57 22 162 S +57 22 163 G +57 22 164 BL +57 22 165 G +57 22 166 BL +57 22 167 PP +57 22 168 G +57 22 169 BL +57 22 170 G +57 22 171 G +57 22 172 W +57 22 173 P +57 22 174 Y +57 22 175 BL +57 22 176 P +57 22 177 Y +57 22 178 BL +57 22 179 PP +57 22 180 G +57 22 181 BR +57 22 182 PP +57 22 183 BR +57 22 184 PP +57 22 185 BR +57 22 186 BL +57 22 187 Y +57 22 188 BL +57 22 189 BL +57 22 190 P +57 22 191 G +57 22 192 PP +57 22 193 G +57 22 194 PP +57 22 195 G +57 22 196 G +57 22 197 PP +57 22 198 BR +57 22 199 G +57 22 200 BL +57 22 201 P +57 22 202 G +57 22 203 PP +57 22 204 BR +57 22 205 PP +57 22 206 G +57 22 207 P +57 22 208 BR +57 22 209 G +57 22 210 PP +57 22 211 BL +57 22 212 O +57 22 213 PP +57 22 214 G +57 22 215 PP +57 22 216 G +57 22 217 P +57 22 218 G +57 22 219 BL +57 22 220 BL +57 22 221 BL +57 22 222 PP +57 22 223 G +57 22 224 P +57 22 225 G +57 22 226 BL +57 22 227 G +57 22 228 BL +57 22 229 G +57 22 230 P +57 22 231 PP +57 22 232 G +57 22 233 BL +57 22 234 G +57 22 235 BL +57 22 236 G +57 22 237 P +57 22 238 G +57 22 239 P +57 22 240 BR +57 22 241 P +57 22 242 Y +57 22 243 PP +57 22 244 BL +57 22 245 P +57 22 246 G +57 22 247 PP +57 22 248 G +57 22 249 G +57 22 250 PP +57 22 251 G +57 22 252 P +57 22 253 G +57 22 254 BL +57 22 255 BR +57 22 256 PP +57 22 257 BL +57 22 258 Y +57 22 259 Y +57 22 260 P +57 22 261 P +57 22 262 W +57 22 263 GR +57 22 264 BL +57 22 265 G +57 22 266 BR +57 22 267 PP +57 22 268 G +57 22 269 PP +57 22 270 Y +57 22 271 G +57 22 272 BL +57 22 273 PP +57 22 274 W +57 22 275 Y +57 22 276 PP +57 22 277 BL +57 22 278 P +57 22 279 BL +57 22 280 G +57 22 281 G +57 22 282 G +57 22 283 BR +57 22 284 BL +57 22 285 P +57 22 286 PP +57 22 287 Y +57 22 288 P +57 22 289 GB +57 22 290 P +57 22 291 BL +57 22 292 P +57 22 293 G +57 22 294 BL +57 22 295 BR +57 22 296 PP +57 22 297 Y +57 22 298 P +57 22 299 G +57 22 300 G +57 22 301 P +57 22 302 GR +57 22 303 BL +57 22 304 G +57 22 305 PP +57 22 306 G +57 22 307 PP +57 22 308 G +57 22 309 BL +57 22 310 G +57 22 311 BL +57 22 312 B +57 22 313 P +57 22 314 G +57 22 315 G +57 22 316 PP +57 22 317 PP +57 22 318 P +57 22 319 P +57 22 320 G +57 22 321 P +57 22 322 BL +57 22 323 G +57 22 324 P +57 22 325 PP +57 22 326 Y +57 22 327 BL +57 22 328 BR +57 22 329 G +57 22 330 BL +57 23 1 BL +57 23 2 G +57 23 3 R +57 23 4 PP +57 23 5 G +57 23 6 O +57 23 7 G +57 23 8 PP +57 23 9 BR +57 23 10 BL +57 23 11 G +57 23 12 Y +57 23 13 G +57 23 14 BL +57 23 15 PP +57 23 16 W +57 23 17 R +57 23 18 B +57 23 19 BL +57 23 20 G +57 23 21 R +57 23 22 Y +57 23 23 PP +57 23 24 B +57 23 25 G +57 23 26 BL +57 23 27 W +57 23 28 R +57 23 29 G +57 23 30 BR +57 23 31 BL +57 23 32 PP +57 23 33 G +57 23 34 BL +57 23 35 PP +57 23 36 G +57 23 37 BL +57 23 38 R +57 23 39 G +57 23 40 BL +57 23 41 R +57 23 42 Y +57 23 43 BL +57 23 44 W +57 23 45 G +57 23 46 B +57 23 47 G +57 23 48 Y +57 23 49 BL +57 23 50 P +57 23 51 BR +57 23 52 W +57 23 53 PP +57 23 54 G +57 23 55 BL +57 23 56 O +57 23 57 G +57 23 58 BR +57 23 59 W +57 23 60 G +57 23 61 R +57 23 62 BL +57 23 63 O +57 23 64 BL +57 23 65 R +57 23 66 W +57 23 67 G +57 23 68 R +57 23 69 G +57 23 70 W +57 23 71 PP +57 23 72 G +57 23 73 PP +57 23 74 BL +57 23 75 G +57 23 76 O +57 23 77 BL +57 23 78 P +57 23 79 B +57 23 80 BL +57 23 81 G +57 23 82 G +57 23 83 W +57 23 84 P +57 23 85 G +57 23 86 PP +57 23 87 B +57 23 88 P +57 23 89 B +57 23 90 G +57 23 91 Y +57 23 92 W +57 23 93 BL +57 23 94 B +57 23 95 W +57 23 96 Y +57 23 97 P +57 23 98 R +57 23 99 PP +57 23 100 G +57 23 101 PP +57 23 102 BL +57 23 103 G +57 23 104 BL +57 23 105 PP +57 23 106 Y +57 23 107 W +57 23 108 G +57 23 109 BL +57 23 110 PP +57 23 111 G +57 23 112 R +57 23 113 B +57 23 114 BL +57 23 115 PP +57 23 116 BL +57 23 117 BR +57 23 118 PP +57 23 119 G +57 23 120 W +57 23 121 O +57 23 122 G +57 23 123 BL +57 23 124 Y +57 23 125 O +57 23 126 PP +57 23 127 G +57 23 128 Y +57 23 129 W +57 23 130 B +57 23 131 P +57 23 132 O +57 23 133 G +57 23 134 BR +57 23 135 PP +57 23 136 G +57 23 137 G +57 23 138 BL +57 23 139 W +57 23 140 BL +57 23 141 W +57 23 142 W +57 23 143 Y +57 23 144 P +57 23 145 G +57 23 146 Y +57 23 147 G +57 23 148 R +57 23 149 G +57 23 150 PP +57 23 151 P +57 23 152 P +57 23 153 BL +57 23 154 B +57 23 155 BR +57 23 156 G +57 23 157 BR +57 23 158 W +57 23 159 Y +57 23 160 PP +57 23 161 G +57 23 162 R +57 23 163 G +57 23 164 BL +57 23 165 G +57 23 166 BL +57 23 167 PP +57 23 168 G +57 23 169 BL +57 23 170 G +57 23 171 G +57 23 172 W +57 23 173 P +57 23 174 Y +57 23 175 BL +57 23 176 O +57 23 177 Y +57 23 178 BL +57 23 179 R +57 23 180 G +57 23 181 Y +57 23 182 P +57 23 183 BR +57 23 184 PP +57 23 185 Y +57 23 186 BL +57 23 187 O +57 23 188 G +57 23 189 BL +57 23 190 R +57 23 191 G +57 23 192 PP +57 23 193 Y +57 23 194 P +57 23 195 G +57 23 196 BL +57 23 197 PP +57 23 198 B +57 23 199 W +57 23 200 BL +57 23 201 PP +57 23 202 G +57 23 203 P +57 23 204 BR +57 23 205 PP +57 23 206 W +57 23 207 R +57 23 208 Y +57 23 209 G +57 23 210 BR +57 23 211 BL +57 23 212 O +57 23 213 P +57 23 214 Y +57 23 215 P +57 23 216 G +57 23 217 PP +57 23 218 G +57 23 219 W +57 23 220 BL +57 23 221 W +57 23 222 PP +57 23 223 G +57 23 224 W +57 23 225 Y +57 23 226 BL +57 23 227 B +57 23 228 BL +57 23 229 G +57 23 230 W +57 23 231 P +57 23 232 BR +57 23 233 BL +57 23 234 G +57 23 235 BL +57 23 236 G +57 23 237 O +57 23 238 G +57 23 239 PP +57 23 240 BR +57 23 241 W +57 23 242 Y +57 23 243 PP +57 23 244 W +57 23 245 R +57 23 246 G +57 23 247 PP +57 23 248 G +57 23 249 G +57 23 250 PP +57 23 251 G +57 23 252 W +57 23 253 G +57 23 254 BL +57 23 255 B +57 23 256 R +57 23 257 BL +57 23 258 Y +57 23 259 W +57 23 260 R +57 23 261 O +57 23 262 W +57 23 263 B +57 23 264 BL +57 23 265 G +57 23 266 BR +57 23 267 P +57 23 268 G +57 23 269 P +57 23 270 Y +57 23 271 G +57 23 272 W +57 23 273 P +57 23 274 W +57 23 275 Y +57 23 276 PP +57 23 277 BL +57 23 278 O +57 23 279 BL +57 23 280 G +57 23 281 G +57 23 282 G +57 23 283 BR +57 23 284 W +57 23 285 P +57 23 286 W +57 23 287 BR +57 23 288 R +57 23 289 BL +57 23 290 W +57 23 291 BL +57 23 292 P +57 23 293 W +57 23 294 W +57 23 295 BR +57 23 296 P +57 23 297 Y +57 23 298 * +57 23 299 R +57 23 300 G +57 23 301 G +57 23 302 W +57 23 303 BL +57 23 304 G +57 23 305 PP +57 23 306 G +57 23 307 BL +57 23 308 BR +57 23 309 BL +57 23 310 G +57 23 311 BL +57 23 312 B +57 23 313 W +57 23 314 G +57 23 315 G +57 23 316 BL +57 23 317 P +57 23 318 O +57 23 319 W +57 23 320 G +57 23 321 R +57 23 322 BL +57 23 323 G +57 23 324 W +57 23 325 P +57 23 326 Y +57 23 327 G +57 23 328 G +57 23 329 BR +57 23 330 W +57 24 1 BL +57 24 2 G +57 24 3 R +57 24 4 B +57 24 5 G +57 24 6 BR +57 24 7 G +57 24 8 R +57 24 9 BR +57 24 10 B +57 24 11 G +57 24 12 BR +57 24 13 G +57 24 14 BL +57 24 15 R +57 24 16 W +57 24 17 R +57 24 18 B +57 24 19 BL +57 24 20 G +57 24 21 R +57 24 22 Y +57 24 23 PP +57 24 24 B +57 24 25 G +57 24 26 BL +57 24 27 Y +57 24 28 R +57 24 29 G +57 24 30 BR +57 24 31 G +57 24 32 PP +57 24 33 G +57 24 34 BL +57 24 35 O +57 24 36 B +57 24 37 BL +57 24 38 R +57 24 39 G +57 24 40 G +57 24 41 BR +57 24 42 Y +57 24 43 BL +57 24 44 W +57 24 45 G +57 24 46 B +57 24 47 B +57 24 48 Y +57 24 49 G +57 24 50 PP +57 24 51 B +57 24 52 G +57 24 53 PP +57 24 54 G +57 24 55 R +57 24 56 Y +57 24 57 BL +57 24 58 BR +57 24 59 PP +57 24 60 BL +57 24 61 BR +57 24 62 BL +57 24 63 Y +57 24 64 BL +57 24 65 R +57 24 66 Y +57 24 67 G +57 24 68 PP +57 24 69 G +57 24 70 W +57 24 71 BR +57 24 72 G +57 24 73 PP +57 24 74 G +57 24 75 B +57 24 76 O +57 24 77 BL +57 24 78 PP +57 24 79 B +57 24 80 BL +57 24 81 G +57 24 82 G +57 24 83 Y +57 24 84 Y +57 24 85 G +57 24 86 PP +57 24 87 B +57 24 88 PP +57 24 89 B +57 24 90 G +57 24 91 G +57 24 92 Y +57 24 93 BL +57 24 94 B +57 24 95 BL +57 24 96 O +57 24 97 BL +57 24 98 O +57 24 99 PP +57 24 100 G +57 24 101 PP +57 24 102 W +57 24 103 G +57 24 104 BL +57 24 105 PP +57 24 106 Y +57 24 107 W +57 24 108 G +57 24 109 BL +57 24 110 Y +57 24 111 G +57 24 112 R +57 24 113 G +57 24 114 G +57 24 115 Y +57 24 116 BL +57 24 117 B +57 24 118 PP +57 24 119 G +57 24 120 W +57 24 121 O +57 24 122 G +57 24 123 BL +57 24 124 G +57 24 125 O +57 24 126 PP +57 24 127 G +57 24 128 Y +57 24 129 W +57 24 130 G +57 24 131 PP +57 24 132 Y +57 24 133 G +57 24 134 B +57 24 135 BL +57 24 136 G +57 24 137 G +57 24 138 BL +57 24 139 W +57 24 140 BL +57 24 141 W +57 24 142 W +57 24 143 G +57 24 144 BL +57 24 145 G +57 24 146 Y +57 24 147 G +57 24 148 R +57 24 149 G +57 24 150 B +57 24 151 O +57 24 152 PP +57 24 153 BL +57 24 154 B +57 24 155 B +57 24 156 G +57 24 157 W +57 24 158 W +57 24 159 Y +57 24 160 O +57 24 161 G +57 24 162 R +57 24 163 BL +57 24 164 BL +57 24 165 G +57 24 166 BL +57 24 167 PP +57 24 168 G +57 24 169 BL +57 24 170 G +57 24 171 G +57 24 172 W +57 24 173 R +57 24 174 O +57 24 175 BL +57 24 176 R +57 24 177 Y +57 24 178 BL +57 24 179 R +57 24 180 G +57 24 181 Y +57 24 182 PP +57 24 183 G +57 24 184 PP +57 24 185 Y +57 24 186 G +57 24 187 Y +57 24 188 BL +57 24 189 BL +57 24 190 PP +57 24 191 G +57 24 192 BL +57 24 193 G +57 24 194 G +57 24 195 G +57 24 196 G +57 24 197 PP +57 24 198 W +57 24 199 BL +57 24 200 BL +57 24 201 Y +57 24 202 G +57 24 203 PP +57 24 204 B +57 24 205 BL +57 24 206 Y +57 24 207 R +57 24 208 Y +57 24 209 G +57 24 210 B +57 24 211 BL +57 24 212 Y +57 24 213 BL +57 24 214 G +57 24 215 PP +57 24 216 G +57 24 217 PP +57 24 218 G +57 24 219 G +57 24 220 BL +57 24 221 BL +57 24 222 PP +57 24 223 G +57 24 224 Y +57 24 225 Y +57 24 226 BL +57 24 227 W +57 24 228 BL +57 24 229 G +57 24 230 Y +57 24 231 PP +57 24 232 DG +57 24 233 B3 +57 24 234 G +57 24 235 BL +57 24 236 G +57 24 237 Y +57 24 238 G +57 24 239 PP +57 24 240 G +57 24 241 W +57 24 242 Y +57 24 243 PP +57 24 244 BL +57 24 245 R +57 24 246 G +57 24 247 BL +57 24 248 G +57 24 249 G +57 24 250 BL +57 24 251 G +57 24 252 W +57 24 253 G +57 24 254 BL +57 24 255 B +57 24 256 R +57 24 257 BL +57 24 258 Y +57 24 259 Y +57 24 260 R +57 24 261 Y +57 24 262 W +57 24 263 BL +57 24 264 BL +57 24 265 G +57 24 266 Y +57 24 267 PP +57 24 268 G +57 24 269 PP +57 24 270 Y +57 24 271 G +57 24 272 W +57 24 273 PP +57 24 274 W +57 24 275 G +57 24 276 R +57 24 277 BL +57 24 278 Y +57 24 279 BL +57 24 280 G +57 24 281 G +57 24 282 G +57 24 283 B +57 24 284 BL +57 24 285 PP +57 24 286 W +57 24 287 Y +57 24 288 R +57 24 289 BL +57 24 290 W +57 24 291 BL +57 24 292 PP +57 24 293 G +57 24 294 BL +57 24 295 BR +57 24 296 BL +57 24 297 Y +57 24 298 R +57 24 299 G +57 24 300 G +57 24 301 W +57 24 302 W +57 24 303 BL +57 24 304 G +57 24 305 PP +57 24 306 G +57 24 307 BL +57 24 308 PP +57 24 309 G +57 24 310 G +57 24 311 BL +57 24 312 W +57 24 313 BL +57 24 314 W +57 24 315 G +57 24 316 G +57 24 317 R +57 24 318 Y +57 24 319 W +57 24 320 G +57 24 321 O +57 24 322 BL +57 24 323 G +57 24 324 W +57 24 325 PP +57 24 326 Y +57 24 327 W +57 24 328 G +57 24 329 Y +57 24 330 BL +57 25 1 BL +57 25 2 G +57 25 3 R +57 25 4 BR +57 25 5 G +57 25 6 BR +57 25 7 G +57 25 8 R +57 25 9 BR +57 25 10 BL +57 25 11 G +57 25 12 Y +57 25 13 G +57 25 14 BL +57 25 15 P +57 25 16 GR +57 25 17 R +57 25 18 B +57 25 19 BL +57 25 20 G +57 25 21 P +57 25 22 Y +57 25 23 PP +57 25 24 G +57 25 25 BL +57 25 26 BL +57 25 27 W +57 25 28 P +57 25 29 G +57 25 30 BR +57 25 31 BL +57 25 32 P +57 25 33 G +57 25 34 BL +57 25 35 O +57 25 36 G +57 25 37 BL +57 25 38 R +57 25 39 G +57 25 40 BL +57 25 41 R +57 25 42 G +57 25 43 BL +57 25 44 W +57 25 45 G +57 25 46 GR +57 25 47 G +57 25 48 Y +57 25 49 BL +57 25 50 PP +57 25 51 BR +57 25 52 G +57 25 53 R +57 25 54 G +57 25 55 BL +57 25 56 P +57 25 57 G +57 25 58 G +57 25 59 P +57 25 60 G +57 25 61 R +57 25 62 PP +57 25 63 P +57 25 64 BL +57 25 65 P +57 25 66 W +57 25 67 G +57 25 68 P +57 25 69 G +57 25 70 W +57 25 71 R +57 25 72 G +57 25 73 PP +57 25 74 BL +57 25 75 G +57 25 76 O +57 25 77 G +57 25 78 P +57 25 79 BR +57 25 80 BL +57 25 81 G +57 25 82 G +57 25 83 Y +57 25 84 P +57 25 85 G +57 25 86 P +57 25 87 G +57 25 88 PP +57 25 89 B +57 25 90 G +57 25 91 G +57 25 92 W +57 25 93 BL +57 25 94 BR +57 25 95 G +57 25 96 Y +57 25 97 PP +57 25 98 R +57 25 99 PP +57 25 100 G +57 25 101 R +57 25 102 BL +57 25 103 G +57 25 104 BL +57 25 105 PP +57 25 106 Y +57 25 107 W +57 25 108 G +57 25 109 BL +57 25 110 Y +57 25 111 G +57 25 112 R +57 25 113 BR +57 25 114 G +57 25 115 R +57 25 116 BL +57 25 117 BR +57 25 118 P +57 25 119 G +57 25 120 W +57 25 121 O +57 25 122 G +57 25 123 BL +57 25 124 G +57 25 125 O +57 25 126 P +57 25 127 G +57 25 128 Y +57 25 129 W +57 25 130 G +57 25 131 PP +57 25 132 R +57 25 133 G +57 25 134 BR +57 25 135 PP +57 25 136 BL +57 25 137 G +57 25 138 BL +57 25 139 GR +57 25 140 BL +57 25 141 W +57 25 142 W +57 25 143 G +57 25 144 PP +57 25 145 G +57 25 146 Y +57 25 147 G +57 25 148 R +57 25 149 G +57 25 150 PP +57 25 151 P +57 25 152 P +57 25 153 BL +57 25 154 BR +57 25 155 BR +57 25 156 G +57 25 157 BR +57 25 158 W +57 25 159 Y +57 25 160 P +57 25 161 G +57 25 162 R +57 25 163 G +57 25 164 BL +57 25 165 G +57 25 166 BL +57 25 167 PP +57 25 168 G +57 25 169 BL +57 25 170 B +57 25 171 G +57 25 172 W +57 25 173 P +57 25 174 Y +57 25 175 BL +57 25 176 P +57 25 177 G +57 25 178 BL +57 25 179 R +57 25 180 G +57 25 181 Y +57 25 182 R +57 25 183 BR +57 25 184 PP +57 25 185 BR +57 25 186 BL +57 25 187 O +57 25 188 BL +57 25 189 BL +57 25 190 P +57 25 191 G +57 25 192 PP +57 25 193 G +57 25 194 R +57 25 195 G +57 25 196 G +57 25 197 PP +57 25 198 BR +57 25 199 G +57 25 200 BL +57 25 201 P +57 25 202 G +57 25 203 P +57 25 204 BR +57 25 205 PP +57 25 206 G +57 25 207 P +57 25 208 BR +57 25 209 G +57 25 210 BR +57 25 211 BL +57 25 212 O +57 25 213 PP +57 25 214 G +57 25 215 P +57 25 216 G +57 25 217 P +57 25 218 G +57 25 219 G +57 25 220 PP +57 25 221 G +57 25 222 PP +57 25 223 G +57 25 224 P +57 25 225 G +57 25 226 BL +57 25 227 G +57 25 228 BL +57 25 229 G +57 25 230 P +57 25 231 P +57 25 232 G +57 25 233 BL +57 25 234 G +57 25 235 BL +57 25 236 G +57 25 237 P +57 25 238 G +57 25 239 P +57 25 240 BR +57 25 241 W +57 25 242 Y +57 25 243 R +57 25 244 BL +57 25 245 R +57 25 246 G +57 25 247 PP +57 25 248 G +57 25 249 G +57 25 250 PP +57 25 251 G +57 25 252 W +57 25 253 G +57 25 254 BL +57 25 255 PP +57 25 256 R +57 25 257 BL +57 25 258 Y +57 25 259 BR +57 25 260 G +57 25 261 O +57 25 262 W +57 25 263 GR +57 25 264 BL +57 25 265 G +57 25 266 BR +57 25 267 R +57 25 268 G +57 25 269 PP +57 25 270 O +57 25 271 G +57 25 272 W +57 25 273 P +57 25 274 W +57 25 275 G +57 25 276 R +57 25 277 BL +57 25 278 O +57 25 279 PP +57 25 280 G +57 25 281 G +57 25 282 G +57 25 283 BR +57 25 284 G +57 25 285 P +57 25 286 W +57 25 287 BR +57 25 288 R +57 25 289 G +57 25 290 P +57 25 291 BL +57 25 292 P +57 25 293 G +57 25 294 BL +57 25 295 BR +57 25 296 PP +57 25 297 Y +57 25 298 R +57 25 299 G +57 25 300 G +57 25 301 W +57 25 302 GR +57 25 303 BL +57 25 304 G +57 25 305 P +57 25 306 G +57 25 307 BL +57 25 308 PP +57 25 309 G +57 25 310 G +57 25 311 BL +57 25 312 B +57 25 313 PP +57 25 314 W +57 25 315 G +57 25 316 G +57 25 317 P +57 25 318 O +57 25 319 W +57 25 320 G +57 25 321 R +57 25 322 BL +57 25 323 G +57 25 324 W +57 25 325 PP +57 25 326 Y +57 25 327 BL +57 25 328 G +57 25 329 BR +57 25 330 G +58 1 1 RK +58 1 2 I +58 1 3 N +58 1 4 RK +58 1 5 I +58 1 6 RK +58 1 7 N +58 1 8 RK +58 1 9 I +58 1 10 N +58 1 11 RK +58 1 12 I +58 1 13 RK +58 1 14 I +58 1 15 N +58 1 16 I +58 1 17 N +58 1 18 RK +58 1 19 N +58 1 20 I +58 1 21 RK +58 1 22 I +58 1 23 RK +58 1 24 N +58 1 25 RK +58 1 26 I +58 1 27 N +58 1 28 RK +58 1 29 I +58 1 30 RK +58 1 31 I +58 1 32 N +58 1 33 RK +58 1 34 I +58 1 35 N +58 1 36 I +58 1 37 I +58 1 38 RK +58 1 39 N +58 1 40 I +58 1 41 RK +58 1 42 N +58 1 43 I +58 1 44 RK +58 1 45 I +58 1 46 N +58 1 47 I +58 1 48 RK +58 1 49 N +58 1 50 I +58 1 51 RK +58 1 52 I +58 1 53 N +58 1 54 I +58 1 55 RK +58 1 56 N +58 1 57 I +58 1 58 RK +58 1 59 N +58 1 60 RK +58 1 61 I +58 1 62 RK +58 1 63 N +58 1 64 I +58 1 65 RK +58 1 66 N +58 1 67 I +58 1 68 RK +58 1 69 N +58 1 70 RK +58 1 71 I +58 1 72 RK +58 1 73 I +58 1 74 N +58 1 75 RK +58 1 76 I +58 1 77 N +58 1 78 G +58 1 79 RK +58 1 80 G +58 1 81 N +58 1 82 I +58 1 83 RK +58 1 84 N +58 1 85 G +58 1 86 N +58 1 87 I +58 1 88 RK +58 1 89 G +58 1 90 I +58 1 91 N +58 1 92 RK +58 1 93 G +58 1 94 I +58 1 95 RK +58 1 96 G +58 1 97 N +58 1 98 RK +58 1 99 I +58 1 100 G +58 1 101 RK +58 1 102 I +58 1 103 RK +58 1 104 N +58 1 105 G +58 1 106 I +58 1 107 RK +58 1 108 G +58 1 109 N +58 1 110 I +58 1 111 RK +58 1 112 G +58 1 113 I +58 1 114 RK +58 1 115 G +58 1 116 N +58 1 117 RK +58 1 118 I +58 1 119 G +58 1 120 RK +58 1 121 N +58 1 122 G +58 1 123 I +58 1 124 RK +58 1 125 G +58 1 126 N +58 1 127 RK +58 1 128 G +58 1 129 I +58 1 130 RK +58 1 131 G +58 1 132 I +58 1 133 RK +58 1 134 G +58 1 135 I +58 1 136 N +58 1 137 RK +58 1 138 N +58 1 139 G +58 1 140 I +58 1 141 RK +58 1 142 N +58 1 143 G +58 1 144 RK +58 1 145 N +58 1 146 G +58 1 147 I +58 1 148 G +58 1 149 I +58 1 150 N +58 1 151 RK +58 1 152 N +58 1 153 G +58 1 154 RK +58 1 155 N +58 1 156 I +58 1 157 RK +58 1 158 G +58 1 159 N +58 1 160 G +58 1 161 RK +58 1 162 I +58 1 163 N +58 1 164 G +58 1 165 RK +58 1 166 N +58 1 167 I +58 1 168 RK +58 1 169 I +58 1 170 RK +58 1 171 N +58 1 172 G +58 1 173 RK +58 1 174 I +58 1 175 G +58 1 176 RK +58 1 177 I +58 1 178 G +58 1 179 N +58 1 180 I +58 1 181 RK +58 1 182 N +58 1 183 G +58 1 184 I +58 1 185 RK +58 1 186 G +58 1 187 I +58 1 188 RK +58 1 189 N +58 1 190 G +58 1 191 RK +58 1 192 N +58 1 193 G +58 1 194 RK +58 1 195 I +58 1 196 N +58 1 197 G +58 1 198 N +58 1 199 RK +58 1 200 I +58 1 201 G +58 1 202 RK +58 1 203 N +58 1 204 RK +58 1 205 I +58 1 206 N +58 1 207 G +58 1 208 I +58 1 209 RK +58 1 210 N +58 1 211 RK +58 1 212 G +58 1 213 I +58 1 214 G +58 1 215 RK +58 1 216 G +58 1 217 N +58 1 218 RK +58 1 219 I +58 1 220 G +58 1 221 N +58 1 222 I +58 1 223 RK +58 1 224 G +58 1 225 G +58 1 226 I +58 1 227 RK +58 1 228 N +58 1 229 RK +58 1 230 G +58 1 231 I +58 1 232 N +58 1 233 I +58 1 234 G +58 1 235 RK +58 1 236 I +58 1 237 N +58 1 238 G +58 1 239 I +58 1 240 N +58 1 241 G +58 1 242 I +58 1 243 RK +58 1 244 N +58 1 245 G +58 1 246 I +58 1 247 RK +58 1 248 I +58 1 249 N +58 1 250 RK +58 1 251 G +58 1 252 I +58 1 253 RK +58 1 254 RK +58 1 255 G +58 1 256 I +58 1 257 N +58 1 258 RK +58 1 259 I +58 1 260 N +58 1 261 G +58 1 262 I +58 1 263 G +58 1 264 N +58 1 265 RK +58 1 266 G +58 1 267 I +58 1 268 N +58 1 269 G +58 1 270 RK +58 1 271 G +58 1 272 I +58 1 273 N +58 1 274 RK +58 1 275 G +58 1 276 N +58 1 277 I +58 1 278 RK +58 1 279 G +58 1 280 I +58 1 281 I +58 1 282 G +58 1 283 N +58 1 284 RK +58 1 285 I +58 1 286 N +58 1 287 G +58 1 288 RK +58 1 289 N +58 1 290 I +58 1 291 G +58 1 292 RK +58 1 293 N +58 1 294 I +58 1 295 G +58 1 296 RK +58 1 297 G +58 1 298 N +58 1 299 RK +58 1 300 G +58 1 301 I +58 1 302 N +58 1 303 RK +58 1 304 I +58 1 305 G +58 1 306 I +58 1 307 RK +58 1 308 N +58 1 309 G +58 1 310 I +58 1 311 RK +58 1 312 G +58 1 313 I +58 1 314 N +58 1 315 RK +58 1 316 I +58 1 317 G +58 1 318 N +58 1 319 G +58 1 320 I +58 1 321 RK +58 1 322 G +58 1 323 N +58 1 324 I +58 1 325 RK +58 1 326 G +58 1 327 I +58 1 328 G +58 1 329 RK +58 1 330 I +58 2 1 A +58 2 2 K +58 2 3 N +58 2 4 N +58 2 5 K +58 2 6 N +58 2 7 K +58 2 8 N +58 2 9 RK +58 2 10 A +58 2 11 W +58 2 12 N +58 2 13 W +58 2 14 A +58 2 15 I +58 2 16 N +58 2 17 N +58 2 18 G +58 2 19 A +58 2 20 W +58 2 21 N +58 2 22 W +58 2 23 N +58 2 24 G +58 2 25 A +58 2 26 A +58 2 27 I +58 2 28 N +58 2 29 W +58 2 30 N +58 2 31 A +58 2 32 N +58 2 33 W +58 2 34 A +58 2 35 N +58 2 36 W +58 2 37 A +58 2 38 N +58 2 39 W +58 2 40 A +58 2 41 N +58 2 42 N +58 2 43 A +58 2 44 I +58 2 45 W +58 2 46 G +58 2 47 W +58 2 48 N +58 2 49 A +58 2 50 N +58 2 51 G +58 2 52 I +58 2 53 N +58 2 54 W +58 2 55 A +58 2 56 I +58 2 57 A +58 2 58 G +58 2 59 I +58 2 60 A +58 2 61 N +58 2 62 A +58 2 63 N +58 2 64 A +58 2 65 N +58 2 66 I +58 2 67 W +58 2 68 N +58 2 69 W +58 2 70 I +58 2 71 N +58 2 72 W +58 2 73 N +58 2 74 A +58 2 75 G +58 2 76 N +58 2 77 A +58 2 78 N +58 2 79 G +58 2 80 A +58 2 81 W +58 2 82 A +58 2 83 I +58 2 84 N +58 2 85 W +58 2 86 N +58 2 87 G +58 2 88 G +58 2 89 G +58 2 90 W +58 2 91 W +58 2 92 I +58 2 93 A +58 2 94 G +58 2 95 I +58 2 96 N +58 2 97 N +58 2 98 N +58 2 99 N +58 2 100 W +58 2 101 N +58 2 102 W +58 2 103 G +58 2 104 A +58 2 105 N +58 2 106 I +58 2 107 I +58 2 108 I +58 2 109 A +58 2 110 N +58 2 111 W +58 2 112 N +58 2 113 G +58 2 114 A +58 2 115 N +58 2 116 A +58 2 117 G +58 2 118 N +58 2 119 W +58 2 120 I +58 2 121 N +58 2 122 W +58 2 123 A +58 2 124 N +58 2 125 N +58 2 126 N +58 2 127 W +58 2 128 N +58 2 129 I +58 2 130 W +58 2 131 N +58 2 132 N +58 2 133 W +58 2 134 G +58 2 135 N +58 2 136 W +58 2 137 W +58 2 138 G +58 2 139 I +58 2 140 A +58 2 141 I +58 2 142 I +58 2 143 W +58 2 144 N +58 2 145 N +58 2 146 N +58 2 147 W +58 2 148 N +58 2 149 W +58 2 150 N +58 2 151 N +58 2 152 N +58 2 153 A +58 2 154 G +58 2 155 G +58 2 156 W +58 2 157 G +58 2 158 I +58 2 159 N +58 2 160 N +58 2 161 W +58 2 162 N +58 2 163 A +58 2 164 A +58 2 165 W +58 2 166 A +58 2 167 N +58 2 168 W +58 2 169 A +58 2 170 A +58 2 171 N +58 2 172 I +58 2 173 N +58 2 174 N +58 2 175 A +58 2 176 N +58 2 177 W +58 2 178 A +58 2 179 N +58 2 180 W +58 2 181 I +58 2 182 A +58 2 183 G +58 2 184 A +58 2 185 I +58 2 186 A +58 2 187 N +58 2 188 A +58 2 189 A +58 2 190 N +58 2 191 W +58 2 192 N +58 2 193 N +58 2 194 G +58 2 195 W +58 2 196 W +58 2 197 G +58 2 198 G +58 2 199 I +58 2 200 A +58 2 201 N +58 2 202 N +58 2 203 N +58 2 204 G +58 2 205 A +58 2 206 I +58 2 207 N +58 2 208 G +58 2 209 A +58 2 210 G +58 2 211 A +58 2 212 N +58 2 213 A +58 2 214 N +58 2 215 L +58 2 216 I +58 2 217 I +58 2 218 L +58 2 219 I +58 2 220 A +58 2 221 I +58 2 222 A +58 2 223 W +58 2 224 I +58 2 225 W +58 2 226 A +58 2 227 G +58 2 228 A +58 2 229 W +58 2 230 I +58 2 231 G +58 2 232 G +58 2 233 G +58 2 234 W +58 2 235 A +58 2 236 W +58 2 237 N +58 2 238 I +58 2 239 N +58 2 240 G +58 2 241 I +58 2 242 I +58 2 243 G +58 2 244 I +58 2 245 N +58 2 246 W +58 2 247 N +58 2 248 W +58 2 249 W +58 2 250 N +58 2 251 W +58 2 252 I +58 2 253 W +58 2 254 G +58 2 255 G +58 2 256 N +58 2 257 A +58 2 258 N +58 2 259 N +58 2 260 I +58 2 261 N +58 2 262 A +58 2 263 I +58 2 264 I +58 2 265 N +58 2 266 N +58 2 267 N +58 2 268 W +58 2 269 N +58 2 270 N +58 2 271 W +58 2 272 I +58 2 273 N +58 2 274 I +58 2 275 W +58 2 276 N +58 2 277 A +58 2 278 N +58 2 279 A +58 2 280 W +58 2 281 W +58 2 282 W +58 2 283 G +58 2 284 I +58 2 285 N +58 2 286 I +58 2 287 W +58 2 288 N +58 2 289 A +58 2 290 I +58 2 291 A +58 2 292 N +58 2 293 I +58 2 294 I +58 2 295 G +58 2 296 W +58 2 297 N +58 2 298 N +58 2 299 W +58 2 300 I +58 2 301 W +58 2 302 I +58 2 303 I +58 2 304 N +58 2 305 G +58 2 306 W +58 2 307 A +58 2 308 W +58 2 309 G +58 2 310 W +58 2 311 A +58 2 312 G +58 2 313 A +58 2 314 I +58 2 315 W +58 2 316 W +58 2 317 N +58 2 318 N +58 2 319 I +58 2 320 W +58 2 321 N +58 2 322 A +58 2 323 W +58 2 324 I +58 2 325 A +58 2 326 N +58 2 327 I +58 2 328 W +58 2 329 G +58 2 330 I +58 3 1 G +58 3 2 RK +58 3 3 N +58 3 4 G +58 3 5 RK +58 3 6 RK +58 3 7 RK +58 3 8 G +58 3 9 G +58 3 10 G +58 3 11 RK +58 3 12 RK +58 3 13 RK +58 3 14 G +58 3 15 I +58 3 16 D +58 3 17 N +58 3 18 G +58 3 19 G +58 3 20 RK +58 3 21 N +58 3 22 RK +58 3 23 G +58 3 24 G +58 3 25 G +58 3 26 G +58 3 27 D +58 3 28 D +58 3 29 RK +58 3 30 RK +58 3 31 G +58 3 32 G +58 3 33 RK +58 3 34 G +58 3 35 D +58 3 36 G +58 3 37 D +58 3 38 RK +58 3 39 RK +58 3 40 RK +58 3 41 G +58 3 42 RK +58 3 43 G +58 3 44 I +58 3 45 RK +58 3 46 RK +58 3 47 G +58 3 48 RK +58 3 49 D +58 3 50 G +58 3 51 G +58 3 52 I +58 3 53 G +58 3 54 RK +58 3 55 RK +58 3 56 RK +58 3 57 RK +58 3 58 RK +58 3 59 I +58 3 60 G +58 3 61 N +58 3 62 RK +58 3 63 N +58 3 64 G +58 3 65 N +58 3 66 I +58 3 67 RK +58 3 68 RK +58 3 69 RK +58 3 70 I +58 3 71 N +58 3 72 RK +58 3 73 G +58 3 74 RK +58 3 75 G +58 3 76 N +58 3 77 RK +58 3 78 I +58 3 79 G +58 3 80 G +58 3 81 RK +58 3 82 RK +58 3 83 I +58 3 84 N +58 3 85 RK +58 3 86 I +58 3 87 G +58 3 88 G +58 3 89 G +58 3 90 G +58 3 91 RK +58 3 92 I +58 3 93 RK +58 3 94 I +58 3 95 I +58 3 96 RK +58 3 97 G +58 3 98 N +58 3 99 I +58 3 100 RK +58 3 101 N +58 3 102 RK +58 3 103 G +58 3 104 RK +58 3 105 G +58 3 106 RK +58 3 107 I +58 3 108 RK +58 3 109 G +58 3 110 RK +58 3 111 RK +58 3 112 N +58 3 113 G +58 3 114 G +58 3 115 N +58 3 116 RK +58 3 117 G +58 3 118 N +58 3 119 RK +58 3 120 I +58 3 121 N +58 3 122 RK +58 3 123 G +58 3 124 RK +58 3 125 N +58 3 126 N +58 3 127 G +58 3 128 RK +58 3 129 I +58 3 130 G +58 3 131 G +58 3 132 N +58 3 133 RK +58 3 134 G +58 3 135 N +58 3 136 RK +58 3 137 G +58 3 138 RK +58 3 139 I +58 3 140 G +58 3 141 I +58 3 142 I +58 3 143 RK +58 3 144 G +58 3 145 RK +58 3 146 RK +58 3 147 RK +58 3 148 N +58 3 149 RK +58 3 150 RK +58 3 151 RK +58 3 152 RK +58 3 153 RK +58 3 154 G +58 3 155 G +58 3 156 RK +58 3 157 G +58 3 158 I +58 3 159 G +58 3 160 N +58 3 161 RK +58 3 162 N +58 3 163 G +58 3 164 RK +58 3 165 RK +58 3 166 G +58 3 167 I +58 3 168 RK +58 3 169 RK +58 3 170 G +58 3 171 RK +58 3 172 I +58 3 173 N +58 3 174 RK +58 3 175 RK +58 3 176 N +58 3 177 RK +58 3 178 G +58 3 179 N +58 3 180 RK +58 3 181 G +58 3 182 G +58 3 183 G +58 3 184 RK +58 3 185 RK +58 3 186 RK +58 3 187 RK +58 3 188 G +58 3 189 I +58 3 190 N +58 3 191 RK +58 3 192 G +58 3 193 RK +58 3 194 G +58 3 195 RK +58 3 196 RK +58 3 197 G +58 3 198 G +58 3 199 RK +58 3 200 RK +58 3 201 N +58 3 202 RK +58 3 203 N +58 3 204 I +58 3 205 G +58 3 206 D +58 3 207 N +58 3 208 G +58 3 209 RK +58 3 210 RK +58 3 211 RK +58 3 212 N +58 3 213 I +58 3 214 RK +58 3 215 N +58 3 216 I +58 3 217 N +58 3 218 RK +58 3 219 RK +58 3 220 G +58 3 221 RK +58 3 222 G +58 3 223 RK +58 3 224 I +58 3 225 RK +58 3 226 G +58 3 227 G +58 3 228 G +58 3 229 RK +58 3 230 I +58 3 231 G +58 3 232 G +58 3 233 RK +58 3 234 RK +58 3 235 G +58 3 236 RK +58 3 237 RK +58 3 238 G +58 3 239 N +58 3 240 G +58 3 241 I +58 3 242 RK +58 3 243 G +58 3 244 I +58 3 245 N +58 3 246 RK +58 3 247 G +58 3 248 G +58 3 249 G +58 3 250 G +58 3 251 RK +58 3 252 I +58 3 253 RK +58 3 254 G +58 3 255 G +58 3 256 N +58 3 257 G +58 3 258 RK +58 3 259 N +58 3 260 I +58 3 261 G +58 3 262 I +58 3 263 G +58 3 264 RK +58 3 265 RK +58 3 266 RK +58 3 267 G +58 3 268 RK +58 3 269 N +58 3 270 RK +58 3 271 G +58 3 272 I +58 3 273 RK +58 3 274 I +58 3 275 RK +58 3 276 N +58 3 277 G +58 3 278 N +58 3 279 G +58 3 280 RK +58 3 281 RK +58 3 282 RK +58 3 283 G +58 3 284 I +58 3 285 RK +58 3 286 I +58 3 287 G +58 3 288 N +58 3 289 RK +58 3 290 I +58 3 291 G +58 3 292 RK +58 3 293 RK +58 3 294 I +58 3 295 G +58 3 296 G +58 3 297 RK +58 3 298 N +58 3 299 RK +58 3 300 G +58 3 301 RK +58 3 302 I +58 3 303 I +58 3 304 RK +58 3 305 G +58 3 306 RK +58 3 307 G +58 3 308 G +58 3 309 G +58 3 310 RK +58 3 311 G +58 3 312 G +58 3 313 G +58 3 314 I +58 3 315 RK +58 3 316 G +58 3 317 N +58 3 318 N +58 3 319 I +58 3 320 RK +58 3 321 N +58 3 322 RK +58 3 323 RK +58 3 324 I +58 3 325 G +58 3 326 RK +58 3 327 I +58 3 328 G +58 3 329 G +58 3 330 I +58 4 1 RK +58 4 2 RK +58 4 3 N +58 4 4 N +58 4 5 RK +58 4 6 U +58 4 7 L +58 4 8 N +58 4 9 U +58 4 10 G +58 4 11 RK +58 4 12 RK +58 4 13 RK +58 4 14 RK +58 4 15 N +58 4 16 I +58 4 17 N +58 4 18 G +58 4 19 RK +58 4 20 K +58 4 21 N +58 4 22 I +58 4 23 B +58 4 24 G +58 4 25 RK +58 4 26 RK +58 4 27 I +58 4 28 L +58 4 29 RK +58 4 30 Q +58 4 31 RK +58 4 32 N +58 4 33 K +58 4 34 RK +58 4 35 Q +58 4 36 RK +58 4 37 RK +58 4 38 N +58 4 39 RK +58 4 40 RK +58 4 41 N +58 4 42 K +58 4 43 G +58 4 44 I +58 4 45 RK +58 4 46 G +58 4 47 RK +58 4 48 Q +58 4 49 RK +58 4 50 L +58 4 51 K +58 4 52 I +58 4 53 L +58 4 54 K +58 4 55 RK +58 4 56 U +58 4 57 RK +58 4 58 L +58 4 59 W +58 4 60 RK +58 4 61 N +58 4 62 RK +58 4 63 U +58 4 64 G +58 4 65 N +58 4 66 I +58 4 67 RK +58 4 68 N +58 4 69 G +58 4 70 L +58 4 71 L +58 4 72 K +58 4 73 L +58 4 74 RK +58 4 75 K +58 4 76 L +58 4 77 K +58 4 78 K +58 4 79 G +58 4 80 RK +58 4 81 K +58 4 82 RK +58 4 83 I +58 4 84 W +58 4 85 K +58 4 86 W +58 4 87 G +58 4 88 W +58 4 89 G +58 4 90 K +58 4 91 K +58 4 92 I +58 4 93 RK +58 4 94 G +58 4 95 RK +58 4 96 K +58 4 97 L +58 4 98 N +58 4 99 W +58 4 100 RK +58 4 101 L +58 4 102 RK +58 4 103 G +58 4 104 RK +58 4 105 L +58 4 106 L +58 4 107 I +58 4 108 RK +58 4 109 RK +58 4 110 L +58 4 111 L +58 4 112 N +58 4 113 G +58 4 114 RK +58 4 115 N +58 4 116 RK +58 4 117 G +58 4 118 U +58 4 119 L +58 4 120 I +58 4 121 N +58 4 122 K +58 4 123 J +58 4 124 K +58 4 125 U +58 4 126 U +58 4 127 G +58 4 128 K +58 4 129 I +58 4 130 K +58 4 131 L +58 4 132 N +58 4 133 K +58 4 134 G +58 4 135 N +58 4 136 RK +58 4 137 K +58 4 138 RK +58 4 139 I +58 4 140 G +58 4 141 I +58 4 142 RK +58 4 143 K +58 4 144 L +58 4 145 K +58 4 146 W +58 4 147 K +58 4 148 N +58 4 149 K +58 4 150 G +58 4 151 W +58 4 152 RK +58 4 153 RK +58 4 154 G +58 4 155 G +58 4 156 K +58 4 157 RK +58 4 158 I +58 4 159 K +58 4 160 G +58 4 161 K +58 4 162 N +58 4 163 K +58 4 164 RK +58 4 165 B +58 4 166 G +58 4 167 RK +58 4 168 K +58 4 169 RK +58 4 170 G +58 4 171 K +58 4 172 I +58 4 173 N +58 4 174 K +58 4 175 RK +58 4 176 N +58 4 177 K +58 4 178 G +58 4 179 N +58 4 180 K +58 4 181 B +58 4 182 N +58 4 183 K +58 4 184 L +58 4 185 U +58 4 186 RK +58 4 187 W +58 4 188 RK +58 4 189 RK +58 4 190 W +58 4 191 K +58 4 192 L +58 4 193 K +58 4 194 N +58 4 195 K +58 4 196 RK +58 4 197 W +58 4 198 G +58 4 199 RK +58 4 200 RK +58 4 201 W +58 4 202 K +58 4 203 N +58 4 204 G +58 4 205 L +58 4 206 I +58 4 207 N +58 4 208 W +58 4 209 K +58 4 210 N +58 4 211 RK +58 4 212 K +58 4 213 RK +58 4 214 K +58 4 215 W +58 4 216 K +58 4 217 W +58 4 218 K +58 4 219 I +58 4 220 RK +58 4 221 I +58 4 222 L +58 4 223 K +58 4 224 I +58 4 225 K +58 4 226 RK +58 4 227 G +58 4 228 G +58 4 229 RK +58 4 230 I +58 4 231 U +58 4 232 G +58 4 233 RK +58 4 234 K +58 4 235 RK +58 4 236 K +58 4 237 W +58 4 238 K +58 4 239 W +58 4 240 L +58 4 241 I +58 4 242 W +58 4 243 N +58 4 244 RK +58 4 245 N +58 4 246 K +58 4 247 G +58 4 248 K +58 4 249 RK +58 4 250 G +58 4 251 RK +58 4 252 I +58 4 253 K +58 4 254 G +58 4 255 G +58 4 256 N +58 4 257 RK +58 4 258 W +58 4 259 N +58 4 260 K +58 4 261 U +58 4 262 I +58 4 263 G +58 4 264 RK +58 4 265 K +58 4 266 G +58 4 267 G +58 4 268 RK +58 4 269 G +58 4 270 W +58 4 271 K +58 4 272 I +58 4 273 N +58 4 274 I +58 4 275 K +58 4 276 N +58 4 277 G +58 4 278 U +58 4 279 RK +58 4 280 K +58 4 281 K +58 4 282 K +58 4 283 G +58 4 284 I +58 4 285 U +58 4 286 I +58 4 287 K +58 4 288 N +58 4 289 RK +58 4 290 I +58 4 291 RK +58 4 292 W +58 4 293 I +58 4 294 I +58 4 295 G +58 4 296 G +58 4 297 U +58 4 298 N +58 4 299 K +58 4 300 RK +58 4 301 K +58 4 302 I +58 4 303 RK +58 4 304 K +58 4 305 N +58 4 306 K +58 4 307 RK +58 4 308 G +58 4 309 K +58 4 310 K +58 4 311 RK +58 4 312 G +58 4 313 G +58 4 314 I +58 4 315 K +58 4 316 K +58 4 317 N +58 4 318 U +58 4 319 I +58 4 320 K +58 4 321 N +58 4 322 G +58 4 323 K +58 4 324 I +58 4 325 G +58 4 326 U +58 4 327 I +58 4 328 K +58 4 329 U +58 4 330 I +58 5 1 * +58 5 2 * +58 5 3 N +58 5 4 G +58 5 5 * +58 5 6 * +58 5 7 * +58 5 8 * +58 5 9 * +58 5 10 * +58 5 11 * +58 5 12 * +58 5 13 * +58 5 14 G +58 5 15 * +58 5 16 I +58 5 17 N +58 5 18 G +58 5 19 * +58 5 20 * +58 5 21 N +58 5 22 * +58 5 23 * +58 5 24 * +58 5 25 * +58 5 26 * +58 5 27 I +58 5 28 N +58 5 29 * +58 5 30 * +58 5 31 * +58 5 32 * +58 5 33 * +58 5 34 * +58 5 35 * +58 5 36 * +58 5 37 * +58 5 38 * +58 5 39 * +58 5 40 * +58 5 41 N +58 5 42 * +58 5 43 * +58 5 44 I +58 5 45 * +58 5 46 G +58 5 47 * +58 5 48 * +58 5 49 * +58 5 50 * +58 5 51 * +58 5 52 * +58 5 53 * +58 5 54 * +58 5 55 * +58 5 56 * +58 5 57 * +58 5 58 * +58 5 59 I +58 5 60 * +58 5 61 N +58 5 62 * +58 5 63 * +58 5 64 * +58 5 65 * +58 5 66 * +58 5 67 * +58 5 68 * +58 5 69 * +58 5 70 I +58 5 71 G +58 5 72 * +58 5 73 * +58 5 74 * +58 5 75 * +58 5 76 * +58 5 77 * +58 5 78 * +58 5 79 G +58 5 80 * +58 5 81 * +58 5 82 * +58 5 83 * +58 5 84 * +58 5 85 * +58 5 86 * +58 5 87 G +58 5 88 * +58 5 89 G +58 5 90 * +58 5 91 * +58 5 92 I +58 5 93 * +58 5 94 G +58 5 95 * +58 5 96 * +58 5 97 * +58 5 98 N +58 5 99 * +58 5 100 * +58 5 101 * +58 5 102 * +58 5 103 * +58 5 104 * +58 5 105 * +58 5 106 * +58 5 107 I +58 5 108 * +58 5 109 * +58 5 110 * +58 5 111 * +58 5 112 N +58 5 113 G +58 5 114 * +58 5 115 N +58 5 116 * +58 5 117 G +58 5 118 * +58 5 119 * +58 5 120 I +58 5 121 N +58 5 122 * +58 5 123 * +58 5 124 * +58 5 125 * +58 5 126 * +58 5 127 * +58 5 128 * +58 5 129 I +58 5 130 G +58 5 131 * +58 5 132 N +58 5 133 * +58 5 134 * +58 5 135 * +58 5 136 * +58 5 137 * +58 5 138 * +58 5 139 I +58 5 140 * +58 5 141 I +58 5 142 I +58 5 143 * +58 5 144 * +58 5 145 * +58 5 146 * +58 5 147 * +58 5 148 N +58 5 149 * +58 5 150 * +58 5 151 * +58 5 152 * +58 5 153 * +58 5 154 G +58 5 155 * +58 5 156 * +58 5 157 * +58 5 158 I +58 5 159 * +58 5 160 * +58 5 161 * +58 5 162 N +58 5 163 * +58 5 164 * +58 5 165 * +58 5 166 * +58 5 167 * +58 5 168 * +58 5 169 * +58 5 170 * +58 5 171 * +58 5 172 I +58 5 173 * +58 5 174 * +58 5 175 * +58 5 176 N +58 5 177 * +58 5 178 * +58 5 179 * +58 5 180 * +58 5 181 * +58 5 182 * +58 5 183 * +58 5 184 * +58 5 185 * +58 5 186 * +58 5 187 * +58 5 188 * +58 5 189 * +58 5 190 * +58 5 191 * +58 5 192 * +58 5 193 * +58 5 194 * +58 5 195 * +58 5 196 * +58 5 197 * +58 5 198 G +58 5 199 I +58 5 200 * +58 5 201 * +58 5 202 * +58 5 203 * +58 5 204 G +58 5 205 * +58 5 206 * +58 5 207 * +58 5 208 * +58 5 209 * +58 5 210 * +58 5 211 * +58 5 212 * +58 5 213 I +58 5 214 * +58 5 215 * +58 5 216 * +58 5 217 * +58 5 218 * +58 5 219 * +58 5 220 * +58 5 221 * +58 5 222 * +58 5 223 * +58 5 224 I +58 5 225 * +58 5 226 * +58 5 227 G +58 5 228 * +58 5 229 * +58 5 230 I +58 5 231 * +58 5 232 * +58 5 233 * +58 5 234 * +58 5 235 * +58 5 236 * +58 5 237 * +58 5 238 * +58 5 239 * +58 5 240 * +58 5 241 I +58 5 242 * +58 5 243 * +58 5 244 I +58 5 245 N +58 5 246 * +58 5 247 * +58 5 248 * +58 5 249 * +58 5 250 * +58 5 251 * +58 5 252 I +58 5 253 * +58 5 254 * +58 5 255 G +58 5 256 N +58 5 257 * +58 5 258 * +58 5 259 N +58 5 260 * +58 5 261 * +58 5 262 I +58 5 263 G +58 5 264 * +58 5 265 * +58 5 266 N +58 5 267 * +58 5 268 * +58 5 269 * +58 5 270 * +58 5 271 * +58 5 272 I +58 5 273 * +58 5 274 I +58 5 275 * +58 5 276 N +58 5 277 * +58 5 278 * +58 5 279 * +58 5 280 * +58 5 281 * +58 5 282 * +58 5 283 * +58 5 284 I +58 5 285 * +58 5 286 I +58 5 287 * +58 5 288 N +58 5 289 * +58 5 290 * +58 5 291 * +58 5 292 * +58 5 293 * +58 5 294 I +58 5 295 * +58 5 296 * +58 5 297 * +58 5 298 N +58 5 299 * +58 5 300 I +58 5 301 * +58 5 302 I +58 5 303 * +58 5 304 * +58 5 305 * +58 5 306 * +58 5 307 * +58 5 308 * +58 5 309 G +58 5 310 * +58 5 311 * +58 5 312 G +58 5 313 * +58 5 314 I +58 5 315 * +58 5 316 * +58 5 317 * +58 5 318 * +58 5 319 I +58 5 320 * +58 5 321 N +58 5 322 * +58 5 323 * +58 5 324 I +58 5 325 * +58 5 326 * +58 5 327 I +58 5 328 * +58 5 329 * +58 5 330 * +58 6 1 A +58 6 2 RK +58 6 3 N +58 6 4 G +58 6 5 RK +58 6 6 RK +58 6 7 RK +58 6 8 N +58 6 9 RK +58 6 10 A +58 6 11 RK +58 6 12 D +58 6 13 RK +58 6 14 RK +58 6 15 I +58 6 16 I +58 6 17 N +58 6 18 RK +58 6 19 A +58 6 20 K +58 6 21 N +58 6 22 I +58 6 23 RK +58 6 24 RK +58 6 25 A +58 6 26 A +58 6 27 I +58 6 28 N +58 6 29 A +58 6 30 RK +58 6 31 A +58 6 32 RK +58 6 33 A +58 6 34 A +58 6 35 N +58 6 36 RK +58 6 37 A +58 6 38 RK +58 6 39 A +58 6 40 A +58 6 41 RK +58 6 42 RK +58 6 43 A +58 6 44 I +58 6 45 A +58 6 46 RK +58 6 47 RK +58 6 48 RK +58 6 49 A +58 6 50 RK +58 6 51 RK +58 6 52 RK +58 6 53 RK +58 6 54 RK +58 6 55 A +58 6 56 RK +58 6 57 A +58 6 58 RK +58 6 59 I +58 6 60 RK +58 6 61 RK +58 6 62 RK +58 6 63 N +58 6 64 A +58 6 65 N +58 6 66 I +58 6 67 RK +58 6 68 RK +58 6 69 RK +58 6 70 I +58 6 71 RK +58 6 72 RK +58 6 73 A +58 6 74 A +58 6 75 RK +58 6 76 RK +58 6 77 A +58 6 78 RK +58 6 79 RK +58 6 80 A +58 6 81 RK +58 6 82 A +58 6 83 I +58 6 84 RK +58 6 85 RK +58 6 86 RK +58 6 87 G +58 6 88 RK +58 6 89 G +58 6 90 RK +58 6 91 RK +58 6 92 I +58 6 93 RK +58 6 94 RK +58 6 95 RK +58 6 96 RK +58 6 97 RK +58 6 98 N +58 6 99 RK +58 6 100 A +58 6 101 RK +58 6 102 RK +58 6 103 RK +58 6 104 RK +58 6 105 RK +58 6 106 RK +58 6 107 I +58 6 108 I +58 6 109 A +58 6 110 RK +58 6 111 RK +58 6 112 N +58 6 113 G +58 6 114 RK +58 6 115 RK +58 6 116 A +58 6 117 RK +58 6 118 RK +58 6 119 A +58 6 120 I +58 6 121 N +58 6 122 RK +58 6 123 RK +58 6 124 RK +58 6 125 RK +58 6 126 RK +58 6 127 RK +58 6 128 RK +58 6 129 I +58 6 130 RK +58 6 131 RK +58 6 132 RK +58 6 133 RK +58 6 134 RK +58 6 135 RK +58 6 136 A +58 6 137 RK +58 6 138 A +58 6 139 I +58 6 140 A +58 6 141 I +58 6 142 I +58 6 143 RK +58 6 144 RK +58 6 145 RK +58 6 146 RK +58 6 147 RK +58 6 148 N +58 6 149 RK +58 6 150 RK +58 6 151 N +58 6 152 RK +58 6 153 A +58 6 154 RK +58 6 155 RK +58 6 156 A +58 6 157 RK +58 6 158 I +58 6 159 RK +58 6 160 RK +58 6 161 A +58 6 162 N +58 6 163 A +58 6 164 A +58 6 165 RK +58 6 166 A +58 6 167 I +58 6 168 RK +58 6 169 A +58 6 170 RK +58 6 171 RK +58 6 172 I +58 6 173 N +58 6 174 RK +58 6 175 A +58 6 176 N +58 6 177 RK +58 6 178 RK +58 6 179 RK +58 6 180 A +58 6 181 RK +58 6 182 RK +58 6 183 RK +58 6 184 RK +58 6 185 RK +58 6 186 A +58 6 187 RK +58 6 188 A +58 6 189 A +58 6 190 RK +58 6 191 A +58 6 192 RK +58 6 193 RK +58 6 194 RK +58 6 195 A +58 6 196 RK +58 6 197 RK +58 6 198 RK +58 6 199 I +58 6 200 A +58 6 201 RK +58 6 202 A +58 6 203 N +58 6 204 RK +58 6 205 A +58 6 206 I +58 6 207 RK +58 6 208 RK +58 6 209 A +58 6 210 RK +58 6 211 A +58 6 212 RK +58 6 213 I +58 6 214 RK +58 6 215 RK +58 6 216 RK +58 6 217 RK +58 6 218 RK +58 6 219 A +58 6 220 A +58 6 221 I +58 6 222 A +58 6 223 A +58 6 224 I +58 6 225 RK +58 6 226 RK +58 6 227 RK +58 6 228 RK +58 6 229 A +58 6 230 I +58 6 231 RK +58 6 232 RK +58 6 233 RK +58 6 234 RK +58 6 235 A +58 6 236 RK +58 6 237 RK +58 6 238 A +58 6 239 RK +58 6 240 RK +58 6 241 I +58 6 242 RK +58 6 243 RK +58 6 244 I +58 6 245 N +58 6 246 A +58 6 247 RK +58 6 248 RK +58 6 249 RK +58 6 250 A +58 6 251 RK +58 6 252 I +58 6 253 RK +58 6 254 A +58 6 255 RK +58 6 256 N +58 6 257 A +58 6 258 RK +58 6 259 RK +58 6 260 I +58 6 261 RK +58 6 262 I +58 6 263 I +58 6 264 A +58 6 265 RK +58 6 266 RK +58 6 267 RK +58 6 268 RK +58 6 269 RK +58 6 270 RK +58 6 271 RK +58 6 272 I +58 6 273 RK +58 6 274 I +58 6 275 RK +58 6 276 RK +58 6 277 RK +58 6 278 RK +58 6 279 RK +58 6 280 RK +58 6 281 RK +58 6 282 RK +58 6 283 RK +58 6 284 I +58 6 285 RK +58 6 286 I +58 6 287 RK +58 6 288 N +58 6 289 A +58 6 290 I +58 6 291 A +58 6 292 RK +58 6 293 I +58 6 294 I +58 6 295 RK +58 6 296 A +58 6 297 RK +58 6 298 N +58 6 299 RK +58 6 300 I +58 6 301 RK +58 6 302 I +58 6 303 I +58 6 304 RK +58 6 305 RK +58 6 306 RK +58 6 307 A +58 6 308 RK +58 6 309 RK +58 6 310 RK +58 6 311 A +58 6 312 RK +58 6 313 A +58 6 314 I +58 6 315 RK +58 6 316 RK +58 6 317 RK +58 6 318 RK +58 6 319 I +58 6 320 RK +58 6 321 N +58 6 322 A +58 6 323 RK +58 6 324 I +58 6 325 RK +58 6 326 RK +58 6 327 I +58 6 328 RK +58 6 329 RK +58 6 330 I +58 7 1 G +58 7 2 RK +58 7 3 N +58 7 4 RK +58 7 5 RK +58 7 6 RK +58 7 7 G +58 7 8 N +58 7 9 RK +58 7 10 G +58 7 11 G +58 7 12 RK +58 7 13 G +58 7 14 G +58 7 15 RK +58 7 16 I +58 7 17 N +58 7 18 G +58 7 19 G +58 7 20 G +58 7 21 N +58 7 22 I +58 7 23 G +58 7 24 G +58 7 25 G +58 7 26 G +58 7 27 I +58 7 28 N +58 7 29 G +58 7 30 RK +58 7 31 G +58 7 32 N +58 7 33 G +58 7 34 G +58 7 35 N +58 7 36 G +58 7 37 G +58 7 38 N +58 7 39 G +58 7 40 G +58 7 41 N +58 7 42 RK +58 7 43 G +58 7 44 I +58 7 45 G +58 7 46 G +58 7 47 G +58 7 48 RK +58 7 49 G +58 7 50 G +58 7 51 G +58 7 52 I +58 7 53 N +58 7 54 G +58 7 55 G +58 7 56 RK +58 7 57 G +58 7 58 RK +58 7 59 I +58 7 60 N +58 7 61 RK +58 7 62 RK +58 7 63 N +58 7 64 G +58 7 65 N +58 7 66 I +58 7 67 G +58 7 68 N +58 7 69 RK +58 7 70 I +58 7 71 N +58 7 72 G +58 7 73 G +58 7 74 RK +58 7 75 G +58 7 76 N +58 7 77 G +58 7 78 RK +58 7 79 G +58 7 80 G +58 7 81 RK +58 7 82 RK +58 7 83 I +58 7 84 RK +58 7 85 G +58 7 86 N +58 7 87 G +58 7 88 N +58 7 89 G +58 7 90 G +58 7 91 RK +58 7 92 I +58 7 93 G +58 7 94 G +58 7 95 I +58 7 96 RK +58 7 97 G +58 7 98 N +58 7 99 RK +58 7 100 RK +58 7 101 N +58 7 102 G +58 7 103 G +58 7 104 G +58 7 105 G +58 7 106 I +58 7 107 I +58 7 108 I +58 7 109 G +58 7 110 RK +58 7 111 G +58 7 112 N +58 7 113 G +58 7 114 G +58 7 115 N +58 7 116 I +58 7 117 N +58 7 118 N +58 7 119 G +58 7 120 I +58 7 121 N +58 7 122 G +58 7 123 G +58 7 124 RK +58 7 125 N +58 7 126 N +58 7 127 G +58 7 128 RK +58 7 129 I +58 7 130 G +58 7 131 G +58 7 132 N +58 7 133 G +58 7 134 G +58 7 135 N +58 7 136 G +58 7 137 G +58 7 138 G +58 7 139 I +58 7 140 G +58 7 141 I +58 7 142 I +58 7 143 G +58 7 144 G +58 7 145 G +58 7 146 RK +58 7 147 RK +58 7 148 N +58 7 149 RK +58 7 150 G +58 7 151 RK +58 7 152 RK +58 7 153 G +58 7 154 G +58 7 155 G +58 7 156 G +58 7 157 G +58 7 158 I +58 7 159 I +58 7 160 N +58 7 161 G +58 7 162 N +58 7 163 G +58 7 164 G +58 7 165 G +58 7 166 G +58 7 167 G +58 7 168 G +58 7 169 G +58 7 170 G +58 7 171 G +58 7 172 I +58 7 173 N +58 7 174 RK +58 7 175 RK +58 7 176 N +58 7 177 RK +58 7 178 G +58 7 179 G +58 7 180 RK +58 7 181 RK +58 7 182 N +58 7 183 I +58 7 184 G +58 7 185 G +58 7 186 G +58 7 187 RK +58 7 188 G +58 7 189 I +58 7 190 RK +58 7 191 G +58 7 192 G +58 7 193 G +58 7 194 N +58 7 195 G +58 7 196 G +58 7 197 G +58 7 198 G +58 7 199 I +58 7 200 G +58 7 201 I +58 7 202 G +58 7 203 N +58 7 204 G +58 7 205 G +58 7 206 I +58 7 207 N +58 7 208 RK +58 7 209 G +58 7 210 I +58 7 211 G +58 7 212 N +58 7 213 RK +58 7 214 G +58 7 215 G +58 7 216 G +58 7 217 RK +58 7 218 G +58 7 219 I +58 7 220 G +58 7 221 I +58 7 222 G +58 7 223 G +58 7 224 I +58 7 225 G +58 7 226 G +58 7 227 G +58 7 228 G +58 7 229 G +58 7 230 I +58 7 231 G +58 7 232 G +58 7 233 G +58 7 234 G +58 7 235 G +58 7 236 RK +58 7 237 I +58 7 238 G +58 7 239 RK +58 7 240 RK +58 7 241 I +58 7 242 RK +58 7 243 N +58 7 244 I +58 7 245 N +58 7 246 G +58 7 247 G +58 7 248 G +58 7 249 G +58 7 250 G +58 7 251 RK +58 7 252 I +58 7 253 G +58 7 254 G +58 7 255 G +58 7 256 N +58 7 257 G +58 7 258 RK +58 7 259 N +58 7 260 I +58 7 261 RK +58 7 262 I +58 7 263 G +58 7 264 I +58 7 265 G +58 7 266 N +58 7 267 N +58 7 268 RK +58 7 269 G +58 7 270 RK +58 7 271 G +58 7 272 I +58 7 273 RK +58 7 274 I +58 7 275 RK +58 7 276 N +58 7 277 G +58 7 278 N +58 7 279 G +58 7 280 RK +58 7 281 G +58 7 282 G +58 7 283 N +58 7 284 I +58 7 285 RK +58 7 286 I +58 7 287 RK +58 7 288 N +58 7 289 G +58 7 290 I +58 7 291 G +58 7 292 RK +58 7 293 I +58 7 294 I +58 7 295 RK +58 7 296 G +58 7 297 RK +58 7 298 N +58 7 299 RK +58 7 300 I +58 7 301 G +58 7 302 I +58 7 303 I +58 7 304 RK +58 7 305 RK +58 7 306 RK +58 7 307 RK +58 7 308 RK +58 7 309 RK +58 7 310 G +58 7 311 G +58 7 312 G +58 7 313 G +58 7 314 I +58 7 315 G +58 7 316 G +58 7 317 N +58 7 318 RK +58 7 319 I +58 7 320 RK +58 7 321 N +58 7 322 RK +58 7 323 G +58 7 324 I +58 7 325 N +58 7 326 RK +58 7 327 I +58 7 328 G +58 7 329 RK +58 7 330 I +58 8 1 G +58 8 2 RK +58 8 3 N +58 8 4 G +58 8 5 RK +58 8 6 RK +58 8 7 K +58 8 8 N +58 8 9 RK +58 8 10 RK +58 8 11 G +58 8 12 J +58 8 13 G +58 8 14 G +58 8 15 I +58 8 16 I +58 8 17 N +58 8 18 G +58 8 19 RK +58 8 20 G +58 8 21 N +58 8 22 I +58 8 23 RK +58 8 24 G +58 8 25 RK +58 8 26 RK +58 8 27 I +58 8 28 N +58 8 29 G +58 8 30 N +58 8 31 I +58 8 32 RK +58 8 33 RK +58 8 34 RK +58 8 35 N +58 8 36 G +58 8 37 RK +58 8 38 N +58 8 39 RK +58 8 40 RK +58 8 41 N +58 8 42 RK +58 8 43 G +58 8 44 I +58 8 45 RK +58 8 46 G +58 8 47 G +58 8 48 RK +58 8 49 RK +58 8 50 G +58 8 51 G +58 8 52 I +58 8 53 N +58 8 54 G +58 8 55 RK +58 8 56 RK +58 8 57 RK +58 8 58 G +58 8 59 I +58 8 60 G +58 8 61 G +58 8 62 G +58 8 63 RK +58 8 64 G +58 8 65 N +58 8 66 I +58 8 67 G +58 8 68 N +58 8 69 G +58 8 70 I +58 8 71 RK +58 8 72 K +58 8 73 G +58 8 74 I +58 8 75 K +58 8 76 RK +58 8 77 RK +58 8 78 I +58 8 79 G +58 8 80 RK +58 8 81 RK +58 8 82 RK +58 8 83 I +58 8 84 RK +58 8 85 K +58 8 86 RK +58 8 87 G +58 8 88 G +58 8 89 G +58 8 90 G +58 8 91 K +58 8 92 I +58 8 93 RK +58 8 94 G +58 8 95 I +58 8 96 RK +58 8 97 G +58 8 98 N +58 8 99 I +58 8 100 K +58 8 101 RK +58 8 102 I +58 8 103 G +58 8 104 K +58 8 105 G +58 8 106 RK +58 8 107 I +58 8 108 I +58 8 109 RK +58 8 110 RK +58 8 111 G +58 8 112 N +58 8 113 G +58 8 114 K +58 8 115 N +58 8 116 I +58 8 117 G +58 8 118 RK +58 8 119 K +58 8 120 I +58 8 121 N +58 8 122 K +58 8 123 K +58 8 124 K +58 8 125 N +58 8 126 I +58 8 127 K +58 8 128 RK +58 8 129 I +58 8 130 G +58 8 131 RK +58 8 132 N +58 8 133 K +58 8 134 G +58 8 135 RK +58 8 136 K +58 8 137 K +58 8 138 RK +58 8 139 I +58 8 140 RK +58 8 141 I +58 8 142 I +58 8 143 K +58 8 144 RK +58 8 145 K +58 8 146 RK +58 8 147 K +58 8 148 N +58 8 149 K +58 8 150 RK +58 8 151 I +58 8 152 RK +58 8 153 K +58 8 154 G +58 8 155 G +58 8 156 K +58 8 157 G +58 8 158 I +58 8 159 RK +58 8 160 RK +58 8 161 K +58 8 162 N +58 8 163 K +58 8 164 G +58 8 165 G +58 8 166 G +58 8 167 I +58 8 168 K +58 8 169 RK +58 8 170 G +58 8 171 K +58 8 172 I +58 8 173 N +58 8 174 RK +58 8 175 RK +58 8 176 N +58 8 177 I +58 8 178 RK +58 8 179 RK +58 8 180 K +58 8 181 G +58 8 182 G +58 8 183 G +58 8 184 G +58 8 185 RK +58 8 186 RK +58 8 187 RK +58 8 188 RK +58 8 189 RK +58 8 190 RK +58 8 191 K +58 8 192 RK +58 8 193 K +58 8 194 G +58 8 195 K +58 8 196 I +58 8 197 RK +58 8 198 G +58 8 199 I +58 8 200 RK +58 8 201 RK +58 8 202 K +58 8 203 N +58 8 204 G +58 8 205 RK +58 8 206 I +58 8 207 RK +58 8 208 RK +58 8 209 K +58 8 210 RK +58 8 211 RK +58 8 212 RK +58 8 213 I +58 8 214 K +58 8 215 I +58 8 216 K +58 8 217 RK +58 8 218 K +58 8 219 I +58 8 220 RK +58 8 221 I +58 8 222 RK +58 8 223 K +58 8 224 I +58 8 225 K +58 8 226 K +58 8 227 G +58 8 228 RK +58 8 229 RK +58 8 230 I +58 8 231 G +58 8 232 G +58 8 233 RK +58 8 234 K +58 8 235 RK +58 8 236 K +58 8 237 RK +58 8 238 K +58 8 239 N +58 8 240 G +58 8 241 I +58 8 242 RK +58 8 243 N +58 8 244 I +58 8 245 N +58 8 246 RK +58 8 247 RK +58 8 248 K +58 8 249 K +58 8 250 G +58 8 251 K +58 8 252 I +58 8 253 RK +58 8 254 RK +58 8 255 G +58 8 256 N +58 8 257 G +58 8 258 RK +58 8 259 N +58 8 260 RK +58 8 261 RK +58 8 262 I +58 8 263 G +58 8 264 I +58 8 265 K +58 8 266 G +58 8 267 G +58 8 268 K +58 8 269 RK +58 8 270 RK +58 8 271 K +58 8 272 I +58 8 273 RK +58 8 274 I +58 8 275 K +58 8 276 RK +58 8 277 K +58 8 278 RK +58 8 279 G +58 8 280 K +58 8 281 K +58 8 282 K +58 8 283 G +58 8 284 I +58 8 285 I +58 8 286 I +58 8 287 G +58 8 288 N +58 8 289 RK +58 8 290 I +58 8 291 RK +58 8 292 I +58 8 293 I +58 8 294 I +58 8 295 G +58 8 296 RK +58 8 297 RK +58 8 298 N +58 8 299 K +58 8 300 I +58 8 301 K +58 8 302 I +58 8 303 I +58 8 304 K +58 8 305 G +58 8 306 K +58 8 307 G +58 8 308 RK +58 8 309 G +58 8 310 K +58 8 311 RK +58 8 312 G +58 8 313 G +58 8 314 I +58 8 315 K +58 8 316 K +58 8 317 RK +58 8 318 RK +58 8 319 I +58 8 320 RK +58 8 321 N +58 8 322 RK +58 8 323 K +58 8 324 I +58 8 325 G +58 8 326 RK +58 8 327 I +58 8 328 K +58 8 329 G +58 8 330 I +58 9 1 RK +58 9 2 RK +58 9 3 N +58 9 4 G +58 9 5 RK +58 9 6 RK +58 9 7 RK +58 9 8 N +58 9 9 RK +58 9 10 RK +58 9 11 RK +58 9 12 I +58 9 13 RK +58 9 14 G +58 9 15 I +58 9 16 I +58 9 17 N +58 9 18 G +58 9 19 RK +58 9 20 G +58 9 21 N +58 9 22 RK +58 9 23 G +58 9 24 G +58 9 25 G +58 9 26 G +58 9 27 I +58 9 28 N +58 9 29 G +58 9 30 RK +58 9 31 RK +58 9 32 N +58 9 33 RK +58 9 34 G +58 9 35 RK +58 9 36 G +58 9 37 G +58 9 38 N +58 9 39 RK +58 9 40 RK +58 9 41 N +58 9 42 RK +58 9 43 G +58 9 44 I +58 9 45 RK +58 9 46 G +58 9 47 G +58 9 48 RK +58 9 49 RK +58 9 50 G +58 9 51 G +58 9 52 I +58 9 53 N +58 9 54 RK +58 9 55 RK +58 9 56 RK +58 9 57 G +58 9 58 RK +58 9 59 I +58 9 60 G +58 9 61 N +58 9 62 RK +58 9 63 RK +58 9 64 RK +58 9 65 N +58 9 66 I +58 9 67 RK +58 9 68 RK +58 9 69 G +58 9 70 I +58 9 71 RK +58 9 72 RK +58 9 73 RK +58 9 74 RK +58 9 75 G +58 9 76 RK +58 9 77 G +58 9 78 RK +58 9 79 G +58 9 80 G +58 9 81 RK +58 9 82 RK +58 9 83 I +58 9 84 L +58 9 85 G +58 9 86 RK +58 9 87 G +58 9 88 G +58 9 89 G +58 9 90 G +58 9 91 RK +58 9 92 I +58 9 93 G +58 9 94 G +58 9 95 RK +58 9 96 RK +58 9 97 RK +58 9 98 N +58 9 99 RK +58 9 100 RK +58 9 101 N +58 9 102 RK +58 9 103 RK +58 9 104 RK +58 9 105 RK +58 9 106 RK +58 9 107 I +58 9 108 I +58 9 109 G +58 9 110 RK +58 9 111 G +58 9 112 N +58 9 113 G +58 9 114 RK +58 9 115 N +58 9 116 RK +58 9 117 G +58 9 118 RK +58 9 119 RK +58 9 120 I +58 9 121 RK +58 9 122 RK +58 9 123 RK +58 9 124 RK +58 9 125 RK +58 9 126 RK +58 9 127 G +58 9 128 RK +58 9 129 I +58 9 130 G +58 9 131 RK +58 9 132 N +58 9 133 RK +58 9 134 G +58 9 135 RK +58 9 136 RK +58 9 137 G +58 9 138 RK +58 9 139 I +58 9 140 RK +58 9 141 I +58 9 142 I +58 9 143 RK +58 9 144 G +58 9 145 RK +58 9 146 RK +58 9 147 RK +58 9 148 N +58 9 149 RK +58 9 150 RK +58 9 151 RK +58 9 152 RK +58 9 153 RK +58 9 154 G +58 9 155 G +58 9 156 G +58 9 157 G +58 9 158 I +58 9 159 RK +58 9 160 RK +58 9 161 RK +58 9 162 N +58 9 163 RK +58 9 164 RK +58 9 165 G +58 9 166 G +58 9 167 RK +58 9 168 RK +58 9 169 RK +58 9 170 G +58 9 171 RK +58 9 172 I +58 9 173 N +58 9 174 RK +58 9 175 RK +58 9 176 N +58 9 177 RK +58 9 178 RK +58 9 179 N +58 9 180 RK +58 9 181 RK +58 9 182 RK +58 9 183 RK +58 9 184 RK +58 9 185 RK +58 9 186 RK +58 9 187 RK +58 9 188 RK +58 9 189 I +58 9 190 RK +58 9 191 G +58 9 192 RK +58 9 193 RK +58 9 194 G +58 9 195 RK +58 9 196 RK +58 9 197 RK +58 9 198 G +58 9 199 I +58 9 200 I +58 9 201 RK +58 9 202 RK +58 9 203 G +58 9 204 G +58 9 205 RK +58 9 206 I +58 9 207 N +58 9 208 RK +58 9 209 RK +58 9 210 G +58 9 211 G +58 9 212 RK +58 9 213 RK +58 9 214 RK +58 9 215 RK +58 9 216 G +58 9 217 RK +58 9 218 G +58 9 219 I +58 9 220 RK +58 9 221 I +58 9 222 RK +58 9 223 RK +58 9 224 I +58 9 225 RK +58 9 226 G +58 9 227 G +58 9 228 G +58 9 229 RK +58 9 230 I +58 9 231 RK +58 9 232 G +58 9 233 G +58 9 234 G +58 9 235 G +58 9 236 RK +58 9 237 RK +58 9 238 RK +58 9 239 RK +58 9 240 G +58 9 241 I +58 9 242 RK +58 9 243 RK +58 9 244 I +58 9 245 N +58 9 246 RK +58 9 247 RK +58 9 248 G +58 9 249 G +58 9 250 G +58 9 251 G +58 9 252 I +58 9 253 RK +58 9 254 RK +58 9 255 G +58 9 256 RK +58 9 257 G +58 9 258 RK +58 9 259 RK +58 9 260 RK +58 9 261 RK +58 9 262 I +58 9 263 I +58 9 264 I +58 9 265 RK +58 9 266 RK +58 9 267 RK +58 9 268 RK +58 9 269 RK +58 9 270 RK +58 9 271 G +58 9 272 I +58 9 273 RK +58 9 274 I +58 9 275 RK +58 9 276 N +58 9 277 RK +58 9 278 RK +58 9 279 G +58 9 280 RK +58 9 281 G +58 9 282 G +58 9 283 G +58 9 284 I +58 9 285 RK +58 9 286 I +58 9 287 RK +58 9 288 N +58 9 289 RK +58 9 290 I +58 9 291 RK +58 9 292 RK +58 9 293 I +58 9 294 I +58 9 295 G +58 9 296 G +58 9 297 RK +58 9 298 N +58 9 299 G +58 9 300 I +58 9 301 RK +58 9 302 I +58 9 303 I +58 9 304 RK +58 9 305 G +58 9 306 RK +58 9 307 RK +58 9 308 RK +58 9 309 G +58 9 310 RK +58 9 311 RK +58 9 312 G +58 9 313 G +58 9 314 I +58 9 315 G +58 9 316 G +58 9 317 RK +58 9 318 RK +58 9 319 I +58 9 320 G +58 9 321 N +58 9 322 G +58 9 323 G +58 9 324 I +58 9 325 G +58 9 326 G +58 9 327 I +58 9 328 G +58 9 329 G +58 9 330 I +58 10 1 RK +58 10 2 RK +58 10 3 N +58 10 4 G +58 10 5 K +58 10 6 W +58 10 7 K +58 10 8 N +58 10 9 RK +58 10 10 A +58 10 11 K +58 10 12 W +58 10 13 K +58 10 14 K +58 10 15 I +58 10 16 RK +58 10 17 N +58 10 18 G +58 10 19 A +58 10 20 K +58 10 21 N +58 10 22 W +58 10 23 RK +58 10 24 D +58 10 25 K +58 10 26 K +58 10 27 I +58 10 28 N +58 10 29 K +58 10 30 RK +58 10 31 RK +58 10 32 RK +58 10 33 RK +58 10 34 RK +58 10 35 RK +58 10 36 RK +58 10 37 RK +58 10 38 N +58 10 39 RK +58 10 40 RK +58 10 41 RK +58 10 42 RK +58 10 43 RK +58 10 44 I +58 10 45 RK +58 10 46 RK +58 10 47 RK +58 10 48 RK +58 10 49 RK +58 10 50 RK +58 10 51 RK +58 10 52 RK +58 10 53 RK +58 10 54 RK +58 10 55 RK +58 10 56 RK +58 10 57 RK +58 10 58 RK +58 10 59 I +58 10 60 RK +58 10 61 N +58 10 62 RK +58 10 63 RK +58 10 64 RK +58 10 65 N +58 10 66 I +58 10 67 RK +58 10 68 RK +58 10 69 RK +58 10 70 RK +58 10 71 RK +58 10 72 K +58 10 73 RK +58 10 74 RK +58 10 75 RK +58 10 76 RK +58 10 77 RK +58 10 78 RK +58 10 79 RK +58 10 80 RK +58 10 81 RK +58 10 82 RK +58 10 83 I +58 10 84 RK +58 10 85 RK +58 10 86 RK +58 10 87 RK +58 10 88 G +58 10 89 RK +58 10 90 K +58 10 91 RK +58 10 92 I +58 10 93 K +58 10 94 G +58 10 95 RK +58 10 96 RK +58 10 97 RK +58 10 98 N +58 10 99 RK +58 10 100 RK +58 10 101 N +58 10 102 RK +58 10 103 RK +58 10 104 RK +58 10 105 RK +58 10 106 RK +58 10 107 I +58 10 108 RK +58 10 109 RK +58 10 110 RK +58 10 111 RK +58 10 112 N +58 10 113 G +58 10 114 RK +58 10 115 N +58 10 116 RK +58 10 117 G +58 10 118 N +58 10 119 RK +58 10 120 I +58 10 121 N +58 10 122 K +58 10 123 K +58 10 124 K +58 10 125 N +58 10 126 RK +58 10 127 RK +58 10 128 RK +58 10 129 I +58 10 130 G +58 10 131 RK +58 10 132 RK +58 10 133 K +58 10 134 RK +58 10 135 N +58 10 136 K +58 10 137 K +58 10 138 RK +58 10 139 I +58 10 140 RK +58 10 141 I +58 10 142 I +58 10 143 RK +58 10 144 RK +58 10 145 RK +58 10 146 RK +58 10 147 RK +58 10 148 N +58 10 149 RK +58 10 150 RK +58 10 151 RK +58 10 152 RK +58 10 153 RK +58 10 154 RK +58 10 155 RK +58 10 156 K +58 10 157 RK +58 10 158 I +58 10 159 RK +58 10 160 RK +58 10 161 RK +58 10 162 N +58 10 163 RK +58 10 164 RK +58 10 165 RK +58 10 166 RK +58 10 167 RK +58 10 168 RK +58 10 169 K +58 10 170 G +58 10 171 RK +58 10 172 I +58 10 173 N +58 10 174 N +58 10 175 RK +58 10 176 N +58 10 177 RK +58 10 178 RK +58 10 179 RK +58 10 180 RK +58 10 181 RK +58 10 182 RK +58 10 183 RK +58 10 184 RK +58 10 185 RK +58 10 186 RK +58 10 187 RK +58 10 188 RK +58 10 189 RK +58 10 190 RK +58 10 191 RK +58 10 192 RK +58 10 193 RK +58 10 194 RK +58 10 195 RK +58 10 196 RK +58 10 197 RK +58 10 198 RK +58 10 199 RK +58 10 200 RK +58 10 201 RK +58 10 202 RK +58 10 203 RK +58 10 204 RK +58 10 205 RK +58 10 206 RK +58 10 207 N +58 10 208 RK +58 10 209 RK +58 10 210 RK +58 10 211 RK +58 10 212 RK +58 10 213 RK +58 10 214 RK +58 10 215 RK +58 10 216 RK +58 10 217 RK +58 10 218 RK +58 10 219 I +58 10 220 RK +58 10 221 I +58 10 222 RK +58 10 223 RK +58 10 224 RK +58 10 225 RK +58 10 226 RK +58 10 227 RK +58 10 228 RK +58 10 229 RK +58 10 230 RK +58 10 231 RK +58 10 232 RK +58 10 233 RK +58 10 234 RK +58 10 235 RK +58 10 236 RK +58 10 237 RK +58 10 238 RK +58 10 239 RK +58 10 240 RK +58 10 241 I +58 10 242 I +58 10 243 RK +58 10 244 I +58 10 245 N +58 10 246 K +58 10 247 RK +58 10 248 RK +58 10 249 RK +58 10 250 RK +58 10 251 RK +58 10 252 I +58 10 253 RK +58 10 254 RK +58 10 255 G +58 10 256 N +58 10 257 RK +58 10 258 RK +58 10 259 N +58 10 260 I +58 10 261 RK +58 10 262 RK +58 10 263 I +58 10 264 RK +58 10 265 RK +58 10 266 N +58 10 267 RK +58 10 268 RK +58 10 269 RK +58 10 270 RK +58 10 271 RK +58 10 272 I +58 10 273 RK +58 10 274 I +58 10 275 RK +58 10 276 N +58 10 277 RK +58 10 278 RK +58 10 279 RK +58 10 280 RK +58 10 281 RK +58 10 282 RK +58 10 283 RK +58 10 284 I +58 10 285 RK +58 10 286 I +58 10 287 RK +58 10 288 N +58 10 289 RK +58 10 290 I +58 10 291 RK +58 10 292 RK +58 10 293 RK +58 10 294 I +58 10 295 RK +58 10 296 RK +58 10 297 RK +58 10 298 RK +58 10 299 RK +58 10 300 RK +58 10 301 RK +58 10 302 I +58 10 303 RK +58 10 304 RK +58 10 305 RK +58 10 306 RK +58 10 307 RK +58 10 308 RK +58 10 309 RK +58 10 310 RK +58 10 311 RK +58 10 312 G +58 10 313 RK +58 10 314 I +58 10 315 RK +58 10 316 RK +58 10 317 RK +58 10 318 RK +58 10 319 I +58 10 320 RK +58 10 321 N +58 10 322 RK +58 10 323 RK +58 10 324 I +58 10 325 RK +58 10 326 RK +58 10 327 RK +58 10 328 RK +58 10 329 RK +58 10 330 I +58 11 1 I +58 11 2 K +58 11 3 N +58 11 4 G +58 11 5 K +58 11 6 I +58 11 7 K +58 11 8 N +58 11 9 I +58 11 10 K +58 11 11 K +58 11 12 I +58 11 13 G +58 11 14 G +58 11 15 N +58 11 16 I +58 11 17 N +58 11 18 G +58 11 19 K +58 11 20 K +58 11 21 N +58 11 22 K +58 11 23 K +58 11 24 G +58 11 25 K +58 11 26 K +58 11 27 I +58 11 28 N +58 11 29 K +58 11 30 N +58 11 31 K +58 11 32 N +58 11 33 K +58 11 34 K +58 11 35 I +58 11 36 K +58 11 37 K +58 11 38 N +58 11 39 K +58 11 40 K +58 11 41 N +58 11 42 N +58 11 43 N +58 11 44 I +58 11 45 K +58 11 46 I +58 11 47 I +58 11 48 I +58 11 49 K +58 11 50 K +58 11 51 K +58 11 52 I +58 11 53 K +58 11 54 K +58 11 55 K +58 11 56 I +58 11 57 K +58 11 58 G +58 11 59 K +58 11 60 K +58 11 61 N +58 11 62 N +58 11 63 N +58 11 64 K +58 11 65 N +58 11 66 I +58 11 67 K +58 11 68 K +58 11 69 K +58 11 70 I +58 11 71 K +58 11 72 K +58 11 73 K +58 11 74 K +58 11 75 G +58 11 76 N +58 11 77 K +58 11 78 N +58 11 79 G +58 11 80 G +58 11 81 K +58 11 82 K +58 11 83 I +58 11 84 I +58 11 85 K +58 11 86 N +58 11 87 G +58 11 88 K +58 11 89 G +58 11 90 G +58 11 91 K +58 11 92 I +58 11 93 K +58 11 94 K +58 11 95 K +58 11 96 I +58 11 97 K +58 11 98 N +58 11 99 K +58 11 100 I +58 11 101 K +58 11 102 I +58 11 103 G +58 11 104 G +58 11 105 K +58 11 106 I +58 11 107 I +58 11 108 I +58 11 109 K +58 11 110 K +58 11 111 I +58 11 112 N +58 11 113 G +58 11 114 G +58 11 115 N +58 11 116 I +58 11 117 G +58 11 118 N +58 11 119 K +58 11 120 I +58 11 121 N +58 11 122 K +58 11 123 G +58 11 124 K +58 11 125 N +58 11 126 N +58 11 127 G +58 11 128 K +58 11 129 K +58 11 130 G +58 11 131 K +58 11 132 K +58 11 133 K +58 11 134 G +58 11 135 N +58 11 136 K +58 11 137 K +58 11 138 K +58 11 139 I +58 11 140 K +58 11 141 I +58 11 142 I +58 11 143 K +58 11 144 I +58 11 145 K +58 11 146 N +58 11 147 K +58 11 148 N +58 11 149 K +58 11 150 K +58 11 151 K +58 11 152 N +58 11 153 K +58 11 154 G +58 11 155 G +58 11 156 K +58 11 157 K +58 11 158 I +58 11 159 I +58 11 160 I +58 11 161 K +58 11 162 N +58 11 163 K +58 11 164 K +58 11 165 I +58 11 166 G +58 11 167 G +58 11 168 G +58 11 169 K +58 11 170 G +58 11 171 K +58 11 172 I +58 11 173 K +58 11 174 K +58 11 175 K +58 11 176 N +58 11 177 I +58 11 178 K +58 11 179 K +58 11 180 K +58 11 181 K +58 11 182 G +58 11 183 G +58 11 184 G +58 11 185 K +58 11 186 K +58 11 187 K +58 11 188 K +58 11 189 G +58 11 190 K +58 11 191 K +58 11 192 K +58 11 193 K +58 11 194 K +58 11 195 G +58 11 196 G +58 11 197 K +58 11 198 I +58 11 199 I +58 11 200 K +58 11 201 K +58 11 202 K +58 11 203 K +58 11 204 I +58 11 205 I +58 11 206 I +58 11 207 N +58 11 208 N +58 11 209 K +58 11 210 N +58 11 211 I +58 11 212 K +58 11 213 K +58 11 214 K +58 11 215 K +58 11 216 K +58 11 217 N +58 11 218 K +58 11 219 K +58 11 220 I +58 11 221 I +58 11 222 K +58 11 223 K +58 11 224 I +58 11 225 G +58 11 226 K +58 11 227 I +58 11 228 I +58 11 229 K +58 11 230 I +58 11 231 K +58 11 232 I +58 11 233 K +58 11 234 K +58 11 235 K +58 11 236 K +58 11 237 K +58 11 238 K +58 11 239 N +58 11 240 RK +58 11 241 I +58 11 242 I +58 11 243 N +58 11 244 I +58 11 245 N +58 11 246 K +58 11 247 K +58 11 248 G +58 11 249 K +58 11 250 K +58 11 251 K +58 11 252 I +58 11 253 K +58 11 254 K +58 11 255 I +58 11 256 K +58 11 257 K +58 11 258 K +58 11 259 K +58 11 260 K +58 11 261 K +58 11 262 I +58 11 263 I +58 11 264 I +58 11 265 K +58 11 266 N +58 11 267 N +58 11 268 K +58 11 269 N +58 11 270 N +58 11 271 K +58 11 272 I +58 11 273 N +58 11 274 I +58 11 275 K +58 11 276 N +58 11 277 K +58 11 278 N +58 11 279 K +58 11 280 K +58 11 281 K +58 11 282 K +58 11 283 I +58 11 284 I +58 11 285 N +58 11 286 I +58 11 287 N +58 11 288 N +58 11 289 K +58 11 290 I +58 11 291 K +58 11 292 N +58 11 293 I +58 11 294 I +58 11 295 RK +58 11 296 K +58 11 297 K +58 11 298 N +58 11 299 K +58 11 300 I +58 11 301 K +58 11 302 I +58 11 303 I +58 11 304 K +58 11 305 K +58 11 306 K +58 11 307 K +58 11 308 K +58 11 309 I +58 11 310 K +58 11 311 K +58 11 312 I +58 11 313 K +58 11 314 I +58 11 315 K +58 11 316 K +58 11 317 K +58 11 318 N +58 11 319 N +58 11 320 I +58 11 321 K +58 11 322 N +58 11 323 N +58 11 324 K +58 11 325 I +58 11 326 K +58 11 327 K +58 11 328 K +58 11 329 I +58 11 330 I +58 12 1 L +58 12 2 RK +58 12 3 U +58 12 4 G +58 12 5 K +58 12 6 Q +58 12 7 L +58 12 8 N +58 12 9 RK +58 12 10 L +58 12 11 K +58 12 12 L +58 12 13 RK +58 12 14 L +58 12 15 Q +58 12 16 I +58 12 17 Q +58 12 18 G +58 12 19 K +58 12 20 K +58 12 21 Q +58 12 22 L +58 12 23 U +58 12 24 RK +58 12 25 L +58 12 26 L +58 12 27 I +58 12 28 N +58 12 29 K +58 12 30 U +58 12 31 I +58 12 32 L +58 12 33 K +58 12 34 L +58 12 35 Q +58 12 36 K +58 12 37 L +58 12 38 N +58 12 39 K +58 12 40 K +58 12 41 U +58 12 42 RK +58 12 43 G +58 12 44 I +58 12 45 K +58 12 46 RK +58 12 47 G +58 12 48 K +58 12 49 K +58 12 50 RK +58 12 51 RK +58 12 52 I +58 12 53 N +58 12 54 K +58 12 55 K +58 12 56 RK +58 12 57 K +58 12 58 RK +58 12 59 I +58 12 60 G +58 12 61 N +58 12 62 RK +58 12 63 N +58 12 64 L +58 12 65 N +58 12 66 I +58 12 67 K +58 12 68 L +58 12 69 RK +58 12 70 I +58 12 71 RK +58 12 72 K +58 12 73 RK +58 12 74 I +58 12 75 G +58 12 76 N +58 12 77 RK +58 12 78 I +58 12 79 N +58 12 80 L +58 12 81 K +58 12 82 K +58 12 83 I +58 12 84 RK +58 12 85 RK +58 12 86 N +58 12 87 G +58 12 88 N +58 12 89 G +58 12 90 K +58 12 91 K +58 12 92 I +58 12 93 L +58 12 94 G +58 12 95 I +58 12 96 L +58 12 97 G +58 12 98 N +58 12 99 I +58 12 100 L +58 12 101 N +58 12 102 RK +58 12 103 G +58 12 104 I +58 12 105 N +58 12 106 L +58 12 107 I +58 12 108 RK +58 12 109 I +58 12 110 L +58 12 111 G +58 12 112 N +58 12 113 G +58 12 114 L +58 12 115 N +58 12 116 RK +58 12 117 G +58 12 118 L +58 12 119 K +58 12 120 I +58 12 121 N +58 12 122 K +58 12 123 K +58 12 124 K +58 12 125 N +58 12 126 N +58 12 127 G +58 12 128 RK +58 12 129 I +58 12 130 G +58 12 131 N +58 12 132 N +58 12 133 K +58 12 134 G +58 12 135 N +58 12 136 K +58 12 137 G +58 12 138 RK +58 12 139 I +58 12 140 L +58 12 141 I +58 12 142 RK +58 12 143 L +58 12 144 G +58 12 145 K +58 12 146 RK +58 12 147 K +58 12 148 N +58 12 149 K +58 12 150 G +58 12 151 N +58 12 152 RK +58 12 153 L +58 12 154 RK +58 12 155 G +58 12 156 L +58 12 157 RK +58 12 158 I +58 12 159 L +58 12 160 RK +58 12 161 K +58 12 162 N +58 12 163 K +58 12 164 L +58 12 165 RK +58 12 166 G +58 12 167 RK +58 12 168 K +58 12 169 G +58 12 170 G +58 12 171 L +58 12 172 I +58 12 173 N +58 12 174 L +58 12 175 RK +58 12 176 N +58 12 177 L +58 12 178 L +58 12 179 N +58 12 180 K +58 12 181 L +58 12 182 N +58 12 183 RK +58 12 184 N +58 12 185 L +58 12 186 RK +58 12 187 L +58 12 188 K +58 12 189 RK +58 12 190 N +58 12 191 K +58 12 192 RK +58 12 193 L +58 12 194 RK +58 12 195 K +58 12 196 RK +58 12 197 N +58 12 198 G +58 12 199 RK +58 12 200 RK +58 12 201 N +58 12 202 K +58 12 203 N +58 12 204 G +58 12 205 N +58 12 206 I +58 12 207 N +58 12 208 RK +58 12 209 K +58 12 210 RK +58 12 211 N +58 12 212 L +58 12 213 RK +58 12 214 K +58 12 215 N +58 12 216 G +58 12 217 RK +58 12 218 L +58 12 219 I +58 12 220 N +58 12 221 I +58 12 222 L +58 12 223 K +58 12 224 I +58 12 225 RK +58 12 226 K +58 12 227 G +58 12 228 RK +58 12 229 K +58 12 230 I +58 12 231 N +58 12 232 RK +58 12 233 RK +58 12 234 K +58 12 235 N +58 12 236 RK +58 12 237 K +58 12 238 K +58 12 239 N +58 12 240 N +58 12 241 I +58 12 242 L +58 12 243 N +58 12 244 RK +58 12 245 N +58 12 246 K +58 12 247 RK +58 12 248 K +58 12 249 K +58 12 250 RK +58 12 251 K +58 12 252 I +58 12 253 K +58 12 254 L +58 12 255 G +58 12 256 N +58 12 257 G +58 12 258 L +58 12 259 N +58 12 260 RK +58 12 261 L +58 12 262 I +58 12 263 RK +58 12 264 RK +58 12 265 K +58 12 266 N +58 12 267 RK +58 12 268 K +58 12 269 N +58 12 270 L +58 12 271 G +58 12 272 I +58 12 273 N +58 12 274 I +58 12 275 L +58 12 276 N +58 12 277 K +58 12 278 N +58 12 279 L +58 12 280 RK +58 12 281 K +58 12 282 K +58 12 283 RK +58 12 284 I +58 12 285 RK +58 12 286 I +58 12 287 RK +58 12 288 N +58 12 289 K +58 12 290 I +58 12 291 L +58 12 292 RK +58 12 293 RK +58 12 294 I +58 12 295 G +58 12 296 RK +58 12 297 L +58 12 298 N +58 12 299 K +58 12 300 RK +58 12 301 K +58 12 302 I +58 12 303 RK +58 12 304 K +58 12 305 N +58 12 306 K +58 12 307 RK +58 12 308 L +58 12 309 G +58 12 310 K +58 12 311 L +58 12 312 G +58 12 313 K +58 12 314 I +58 12 315 K +58 12 316 RK +58 12 317 N +58 12 318 L +58 12 319 I +58 12 320 K +58 12 321 N +58 12 322 RK +58 12 323 K +58 12 324 I +58 12 325 N +58 12 326 L +58 12 327 RK +58 12 328 K +58 12 329 RK +58 12 330 I +58 13 1 A +58 13 2 K +58 13 3 O +58 13 4 L +58 13 5 K +58 13 6 L +58 13 7 L +58 13 8 N +58 13 9 K +58 13 10 L +58 13 11 K +58 13 12 L +58 13 13 K +58 13 14 G +58 13 15 I +58 13 16 I +58 13 17 N +58 13 18 G +58 13 19 L +58 13 20 K +58 13 21 N +58 13 22 I +58 13 23 L +58 13 24 G +58 13 25 L +58 13 26 A +58 13 27 I +58 13 28 N +58 13 29 K +58 13 30 L +58 13 31 I +58 13 32 N +58 13 33 K +58 13 34 A +58 13 35 N +58 13 36 K +58 13 37 A +58 13 38 N +58 13 39 K +58 13 40 A +58 13 41 N +58 13 42 I +58 13 43 A +58 13 44 I +58 13 45 K +58 13 46 G +58 13 47 K +58 13 48 L +58 13 49 A +58 13 50 K +58 13 51 G +58 13 52 I +58 13 53 N +58 13 54 K +58 13 55 A +58 13 56 I +58 13 57 A +58 13 58 K +58 13 59 I +58 13 60 A +58 13 61 N +58 13 62 K +58 13 63 N +58 13 64 A +58 13 65 N +58 13 66 I +58 13 67 K +58 13 68 N +58 13 69 K +58 13 70 I +58 13 71 N +58 13 72 K +58 13 73 K +58 13 74 A +58 13 75 K +58 13 76 N +58 13 77 A +58 13 78 N +58 13 79 G +58 13 80 A +58 13 81 K +58 13 82 A +58 13 83 I +58 13 84 N +58 13 85 K +58 13 86 N +58 13 87 G +58 13 88 N +58 13 89 G +58 13 90 A +58 13 91 K +58 13 92 I +58 13 93 A +58 13 94 G +58 13 95 K +58 13 96 I +58 13 97 A +58 13 98 N +58 13 99 I +58 13 100 A +58 13 101 N +58 13 102 K +58 13 103 G +58 13 104 A +58 13 105 N +58 13 106 L +58 13 107 I +58 13 108 A +58 13 109 L +58 13 110 N +58 13 111 K +58 13 112 N +58 13 113 G +58 13 114 A +58 13 115 N +58 13 116 A +58 13 117 G +58 13 118 N +58 13 119 A +58 13 120 I +58 13 121 N +58 13 122 A +58 13 123 A +58 13 124 K +58 13 125 N +58 13 126 N +58 13 127 G +58 13 128 A +58 13 129 I +58 13 130 G +58 13 131 K +58 13 132 N +58 13 133 K +58 13 134 G +58 13 135 N +58 13 136 A +58 13 137 A +58 13 138 A +58 13 139 I +58 13 140 A +58 13 141 I +58 13 142 I +58 13 143 K +58 13 144 G +58 13 145 K +58 13 146 I +58 13 147 K +58 13 148 N +58 13 149 K +58 13 150 G +58 13 151 N +58 13 152 I +58 13 153 A +58 13 154 G +58 13 155 G +58 13 156 A +58 13 157 G +58 13 158 I +58 13 159 I +58 13 160 L +58 13 161 A +58 13 162 N +58 13 163 A +58 13 164 A +58 13 165 K +58 13 166 G +58 13 167 I +58 13 168 K +58 13 169 A +58 13 170 G +58 13 171 K +58 13 172 I +58 13 173 N +58 13 174 N +58 13 175 A +58 13 176 N +58 13 177 K +58 13 178 A +58 13 179 N +58 13 180 K +58 13 181 G +58 13 182 N +58 13 183 L +58 13 184 L +58 13 185 N +58 13 186 A +58 13 187 N +58 13 188 A +58 13 189 A +58 13 190 N +58 13 191 K +58 13 192 K +58 13 193 K +58 13 194 N +58 13 195 K +58 13 196 K +58 13 197 I +58 13 198 G +58 13 199 K +58 13 200 A +58 13 201 N +58 13 202 A +58 13 203 N +58 13 204 G +58 13 205 A +58 13 206 I +58 13 207 N +58 13 208 I +58 13 209 A +58 13 210 N +58 13 211 A +58 13 212 L +58 13 213 A +58 13 214 A +58 13 215 N +58 13 216 G +58 13 217 N +58 13 218 A +58 13 219 A +58 13 220 A +58 13 221 I +58 13 222 G +58 13 223 A +58 13 224 I +58 13 225 G +58 13 226 A +58 13 227 G +58 13 228 A +58 13 229 K +58 13 230 I +58 13 231 N +58 13 232 G +58 13 233 A +58 13 234 A +58 13 235 A +58 13 236 K +58 13 237 N +58 13 238 A +58 13 239 N +58 13 240 N +58 13 241 I +58 13 242 I +58 13 243 N +58 13 244 I +58 13 245 N +58 13 246 A +58 13 247 A +58 13 248 K +58 13 249 K +58 13 250 G +58 13 251 A +58 13 252 I +58 13 253 A +58 13 254 A +58 13 255 G +58 13 256 N +58 13 257 A +58 13 258 I +58 13 259 N +58 13 260 I +58 13 261 N +58 13 262 I +58 13 263 G +58 13 264 A +58 13 265 K +58 13 266 N +58 13 267 N +58 13 268 A +58 13 269 N +58 13 270 N +58 13 271 A +58 13 272 I +58 13 273 N +58 13 274 I +58 13 275 L +58 13 276 N +58 13 277 A +58 13 278 N +58 13 279 A +58 13 280 K +58 13 281 A +58 13 282 A +58 13 283 G +58 13 284 I +58 13 285 N +58 13 286 I +58 13 287 G +58 13 288 N +58 13 289 A +58 13 290 I +58 13 291 A +58 13 292 L +58 13 293 K +58 13 294 I +58 13 295 G +58 13 296 G +58 13 297 K +58 13 298 N +58 13 299 A +58 13 300 I +58 13 301 A +58 13 302 I +58 13 303 A +58 13 304 K +58 13 305 L +58 13 306 K +58 13 307 A +58 13 308 L +58 13 309 G +58 13 310 K +58 13 311 A +58 13 312 G +58 13 313 A +58 13 314 I +58 13 315 A +58 13 316 A +58 13 317 N +58 13 318 N +58 13 319 I +58 13 320 L +58 13 321 N +58 13 322 A +58 13 323 K +58 13 324 I +58 13 325 L +58 13 326 K +58 13 327 A +58 13 328 K +58 13 329 N +58 13 330 I +58 14 1 A +58 14 2 I +58 14 3 N +58 14 4 N +58 14 5 I +58 14 6 N +58 14 7 K +58 14 8 J +58 14 9 J +58 14 10 X +58 14 11 K +58 14 12 J +58 14 13 K +58 14 14 A +58 14 15 I +58 14 16 I +58 14 17 N +58 14 18 G +58 14 19 A +58 14 20 K +58 14 21 J +58 14 22 J +58 14 23 X +58 14 24 G +58 14 25 K +58 14 26 A +58 14 27 U +58 14 28 N +58 14 29 K +58 14 30 U +58 14 31 I +58 14 32 J +58 14 33 K +58 14 34 X +58 14 35 U +58 14 36 K +58 14 37 A +58 14 38 N +58 14 39 K +58 14 40 A +58 14 41 U +58 14 42 J +58 14 43 A +58 14 44 I +58 14 45 K +58 14 46 G +58 14 47 K +58 14 48 L +58 14 49 X +58 14 50 G +58 14 51 J +58 14 52 I +58 14 53 J +58 14 54 K +58 14 55 X +58 14 56 J +58 14 57 A +58 14 58 J +58 14 59 I +58 14 60 G +58 14 61 N +58 14 62 A +58 14 63 J +58 14 64 A +58 14 65 N +58 14 66 I +58 14 67 K +58 14 68 L +58 14 69 K +58 14 70 I +58 14 71 N +58 14 72 K +58 14 73 N +58 14 74 I +58 14 75 G +58 14 76 U +58 14 77 J +58 14 78 I +58 14 79 G +58 14 80 A +58 14 81 K +58 14 82 K +58 14 83 I +58 14 84 U +58 14 85 K +58 14 86 J +58 14 87 G +58 14 88 J +58 14 89 G +58 14 90 K +58 14 91 L +58 14 92 I +58 14 93 A +58 14 94 G +58 14 95 I +58 14 96 L +58 14 97 X +58 14 98 N +58 14 99 J +58 14 100 K +58 14 101 N +58 14 102 I +58 14 103 J +58 14 104 X +58 14 105 J +58 14 106 U +58 14 107 I +58 14 108 I +58 14 109 X +58 14 110 L +58 14 111 K +58 14 112 N +58 14 113 G +58 14 114 K +58 14 115 J +58 14 116 I +58 14 117 L +58 14 118 J +58 14 119 K +58 14 120 I +58 14 121 N +58 14 122 K +58 14 123 A +58 14 124 U +58 14 125 N +58 14 126 N +58 14 127 G +58 14 128 J +58 14 129 I +58 14 130 G +58 14 131 L +58 14 132 J +58 14 133 K +58 14 134 J +58 14 135 J +58 14 136 K +58 14 137 K +58 14 138 A +58 14 139 I +58 14 140 X +58 14 141 I +58 14 142 I +58 14 143 K +58 14 144 A +58 14 145 K +58 14 146 J +58 14 147 K +58 14 148 N +58 14 149 K +58 14 150 N +58 14 151 J +58 14 152 J +58 14 153 A +58 14 154 G +58 14 155 G +58 14 156 K +58 14 157 J +58 14 158 I +58 14 159 U +58 14 160 J +58 14 161 K +58 14 162 N +58 14 163 A +58 14 164 X +58 14 165 K +58 14 166 K +58 14 167 J +58 14 168 K +58 14 169 X +58 14 170 K +58 14 171 K +58 14 172 I +58 14 173 N +58 14 174 J +58 14 175 I +58 14 176 N +58 14 177 Q +58 14 178 X +58 14 179 N +58 14 180 K +58 14 181 J +58 14 182 L +58 14 183 U +58 14 184 A +58 14 185 J +58 14 186 A +58 14 187 J +58 14 188 A +58 14 189 A +58 14 190 J +58 14 191 K +58 14 192 A +58 14 193 U +58 14 194 N +58 14 195 K +58 14 196 K +58 14 197 J +58 14 198 G +58 14 199 I +58 14 200 A +58 14 201 U +58 14 202 K +58 14 203 U +58 14 204 G +58 14 205 A +58 14 206 I +58 14 207 U +58 14 208 J +58 14 209 K +58 14 210 J +58 14 211 A +58 14 212 J +58 14 213 I +58 14 214 K +58 14 215 J +58 14 216 K +58 14 217 J +58 14 218 K +58 14 219 I +58 14 220 X +58 14 221 I +58 14 222 U +58 14 223 K +58 14 224 I +58 14 225 J +58 14 226 X +58 14 227 G +58 14 228 X +58 14 229 U +58 14 230 I +58 14 231 U +58 14 232 U +58 14 233 X +58 14 234 K +58 14 235 A +58 14 236 U +58 14 237 J +58 14 238 K +58 14 239 J +58 14 240 J +58 14 241 I +58 14 242 U +58 14 243 J +58 14 244 I +58 14 245 J +58 14 246 K +58 14 247 X +58 14 248 K +58 14 249 K +58 14 250 J +58 14 251 U +58 14 252 I +58 14 253 K +58 14 254 A +58 14 255 G +58 14 256 J +58 14 257 A +58 14 258 U +58 14 259 J +58 14 260 I +58 14 261 J +58 14 262 I +58 14 263 I +58 14 264 A +58 14 265 K +58 14 266 J +58 14 267 J +58 14 268 K +58 14 269 J +58 14 270 U +58 14 271 K +58 14 272 I +58 14 273 J +58 14 274 I +58 14 275 J +58 14 276 J +58 14 277 A +58 14 278 J +58 14 279 X +58 14 280 K +58 14 281 K +58 14 282 K +58 14 283 J +58 14 284 I +58 14 285 J +58 14 286 I +58 14 287 J +58 14 288 N +58 14 289 K +58 14 290 I +58 14 291 A +58 14 292 J +58 14 293 I +58 14 294 I +58 14 295 J +58 14 296 X +58 14 297 U +58 14 298 N +58 14 299 K +58 14 300 I +58 14 301 K +58 14 302 I +58 14 303 I +58 14 304 K +58 14 305 N +58 14 306 K +58 14 307 A +58 14 308 J +58 14 309 G +58 14 310 K +58 14 311 X +58 14 312 G +58 14 313 X +58 14 314 I +58 14 315 K +58 14 316 K +58 14 317 U +58 14 318 J +58 14 319 I +58 14 320 J +58 14 321 N +58 14 322 X +58 14 323 K +58 14 324 I +58 14 325 N +58 14 326 J +58 14 327 I +58 14 328 K +58 14 329 J +58 14 330 I +58 15 1 G +58 15 2 G +58 15 3 N +58 15 4 K +58 15 5 K +58 15 6 G +58 15 7 K +58 15 8 N +58 15 9 N +58 15 10 G +58 15 11 K +58 15 12 N +58 15 13 G +58 15 14 I +58 15 15 N +58 15 16 I +58 15 17 N +58 15 18 I +58 15 19 G +58 15 20 K +58 15 21 N +58 15 22 I +58 15 23 RK +58 15 24 I +58 15 25 K +58 15 26 I +58 15 27 RK +58 15 28 N +58 15 29 K +58 15 30 RK +58 15 31 K +58 15 32 RK +58 15 33 K +58 15 34 RK +58 15 35 N +58 15 36 G +58 15 37 N +58 15 38 N +58 15 39 K +58 15 40 K +58 15 41 RK +58 15 42 RK +58 15 43 RK +58 15 44 I +58 15 45 K +58 15 46 G +58 15 47 G +58 15 48 RK +58 15 49 N +58 15 50 RK +58 15 51 RK +58 15 52 I +58 15 53 N +58 15 54 K +58 15 55 K +58 15 56 RK +58 15 57 K +58 15 58 RK +58 15 59 RK +58 15 60 G +58 15 61 RK +58 15 62 RK +58 15 63 RK +58 15 64 K +58 15 65 N +58 15 66 I +58 15 67 K +58 15 68 N +58 15 69 K +58 15 70 I +58 15 71 RK +58 15 72 K +58 15 73 RK +58 15 74 I +58 15 75 G +58 15 76 N +58 15 77 K +58 15 78 RK +58 15 79 G +58 15 80 K +58 15 81 K +58 15 82 K +58 15 83 I +58 15 84 RK +58 15 85 K +58 15 86 N +58 15 87 G +58 15 88 N +58 15 89 G +58 15 90 G +58 15 91 RK +58 15 92 I +58 15 93 G +58 15 94 G +58 15 95 I +58 15 96 RK +58 15 97 RK +58 15 98 N +58 15 99 RK +58 15 100 K +58 15 101 N +58 15 102 RK +58 15 103 RK +58 15 104 K +58 15 105 RK +58 15 106 RK +58 15 107 I +58 15 108 I +58 15 109 G +58 15 110 G +58 15 111 K +58 15 112 N +58 15 113 G +58 15 114 K +58 15 115 N +58 15 116 I +58 15 117 G +58 15 118 N +58 15 119 K +58 15 120 I +58 15 121 N +58 15 122 K +58 15 123 K +58 15 124 RK +58 15 125 N +58 15 126 N +58 15 127 G +58 15 128 RK +58 15 129 I +58 15 130 G +58 15 131 RK +58 15 132 N +58 15 133 K +58 15 134 RK +58 15 135 N +58 15 136 K +58 15 137 K +58 15 138 K +58 15 139 I +58 15 140 G +58 15 141 I +58 15 142 I +58 15 143 RK +58 15 144 G +58 15 145 K +58 15 146 RK +58 15 147 K +58 15 148 N +58 15 149 K +58 15 150 G +58 15 151 N +58 15 152 RK +58 15 153 K +58 15 154 G +58 15 155 G +58 15 156 K +58 15 157 RK +58 15 158 I +58 15 159 RK +58 15 160 N +58 15 161 K +58 15 162 N +58 15 163 K +58 15 164 RK +58 15 165 K +58 15 166 G +58 15 167 I +58 15 168 K +58 15 169 K +58 15 170 G +58 15 171 G +58 15 172 I +58 15 173 N +58 15 174 RK +58 15 175 K +58 15 176 N +58 15 177 I +58 15 178 G +58 15 179 G +58 15 180 K +58 15 181 I +58 15 182 RK +58 15 183 RK +58 15 184 RK +58 15 185 N +58 15 186 K +58 15 187 N +58 15 188 K +58 15 189 I +58 15 190 RK +58 15 191 K +58 15 192 RK +58 15 193 RK +58 15 194 G +58 15 195 K +58 15 196 K +58 15 197 RK +58 15 198 G +58 15 199 I +58 15 200 K +58 15 201 N +58 15 202 K +58 15 203 N +58 15 204 G +58 15 205 G +58 15 206 I +58 15 207 N +58 15 208 RK +58 15 209 K +58 15 210 RK +58 15 211 K +58 15 212 N +58 15 213 I +58 15 214 I +58 15 215 I +58 15 216 G +58 15 217 RK +58 15 218 RK +58 15 219 I +58 15 220 G +58 15 221 I +58 15 222 G +58 15 223 K +58 15 224 I +58 15 225 K +58 15 226 G +58 15 227 G +58 15 228 G +58 15 229 K +58 15 230 I +58 15 231 RK +58 15 232 RK +58 15 233 RK +58 15 234 K +58 15 235 RK +58 15 236 K +58 15 237 N +58 15 238 K +58 15 239 N +58 15 240 N +58 15 241 I +58 15 242 RK +58 15 243 RK +58 15 244 I +58 15 245 N +58 15 246 K +58 15 247 RK +58 15 248 G +58 15 249 K +58 15 250 RK +58 15 251 K +58 15 252 I +58 15 253 K +58 15 254 RK +58 15 255 G +58 15 256 N +58 15 257 RK +58 15 258 RK +58 15 259 N +58 15 260 K +58 15 261 N +58 15 262 I +58 15 263 G +58 15 264 RK +58 15 265 K +58 15 266 N +58 15 267 RK +58 15 268 K +58 15 269 RK +58 15 270 RK +58 15 271 G +58 15 272 I +58 15 273 RK +58 15 274 I +58 15 275 RK +58 15 276 RK +58 15 277 G +58 15 278 N +58 15 279 RK +58 15 280 K +58 15 281 K +58 15 282 K +58 15 283 RK +58 15 284 I +58 15 285 RK +58 15 286 I +58 15 287 RK +58 15 288 N +58 15 289 RK +58 15 290 I +58 15 291 RK +58 15 292 N +58 15 293 I +58 15 294 I +58 15 295 RK +58 15 296 RK +58 15 297 RK +58 15 298 N +58 15 299 K +58 15 300 I +58 15 301 K +58 15 302 I +58 15 303 RK +58 15 304 RK +58 15 305 RK +58 15 306 K +58 15 307 RK +58 15 308 RK +58 15 309 RK +58 15 310 K +58 15 311 RK +58 15 312 G +58 15 313 RK +58 15 314 I +58 15 315 K +58 15 316 K +58 15 317 RK +58 15 318 N +58 15 319 I +58 15 320 RK +58 15 321 N +58 15 322 RK +58 15 323 K +58 15 324 I +58 15 325 RK +58 15 326 RK +58 15 327 I +58 15 328 K +58 15 329 RK +58 15 330 I +58 16 1 RK +58 16 2 U +58 16 3 N +58 16 4 RK +58 16 5 K +58 16 6 U +58 16 7 K +58 16 8 U +58 16 9 U +58 16 10 RK +58 16 11 RK +58 16 12 RK +58 16 13 K +58 16 14 K +58 16 15 U +58 16 16 I +58 16 17 U +58 16 18 G +58 16 19 RK +58 16 20 K +58 16 21 U +58 16 22 RK +58 16 23 RK +58 16 24 G +58 16 25 K +58 16 26 K +58 16 27 I +58 16 28 U +58 16 29 K +58 16 30 U +58 16 31 K +58 16 32 U +58 16 33 K +58 16 34 K +58 16 35 U +58 16 36 K +58 16 37 K +58 16 38 U +58 16 39 K +58 16 40 K +58 16 41 U +58 16 42 U +58 16 43 K +58 16 44 I +58 16 45 K +58 16 46 K +58 16 47 K +58 16 48 U +58 16 49 K +58 16 50 G +58 16 51 G +58 16 52 I +58 16 53 U +58 16 54 K +58 16 55 K +58 16 56 U +58 16 57 K +58 16 58 K +58 16 59 I +58 16 60 K +58 16 61 U +58 16 62 G +58 16 63 U +58 16 64 K +58 16 65 N +58 16 66 I +58 16 67 K +58 16 68 U +58 16 69 G +58 16 70 I +58 16 71 G +58 16 72 K +58 16 73 G +58 16 74 I +58 16 75 K +58 16 76 U +58 16 77 K +58 16 78 K +58 16 79 G +58 16 80 K +58 16 81 K +58 16 82 K +58 16 83 U +58 16 84 U +58 16 85 K +58 16 86 U +58 16 87 G +58 16 88 U +58 16 89 G +58 16 90 K +58 16 91 I +58 16 92 I +58 16 93 K +58 16 94 G +58 16 95 I +58 16 96 U +58 16 97 U +58 16 98 U +58 16 99 G +58 16 100 K +58 16 101 N +58 16 102 I +58 16 103 K +58 16 104 I +58 16 105 U +58 16 106 I +58 16 107 I +58 16 108 I +58 16 109 K +58 16 110 U +58 16 111 G +58 16 112 N +58 16 113 G +58 16 114 K +58 16 115 N +58 16 116 I +58 16 117 G +58 16 118 U +58 16 119 K +58 16 120 I +58 16 121 U +58 16 122 K +58 16 123 K +58 16 124 K +58 16 125 U +58 16 126 U +58 16 127 G +58 16 128 U +58 16 129 I +58 16 130 G +58 16 131 U +58 16 132 N +58 16 133 K +58 16 134 N +58 16 135 N +58 16 136 K +58 16 137 K +58 16 138 K +58 16 139 K +58 16 140 K +58 16 141 I +58 16 142 I +58 16 143 K +58 16 144 G +58 16 145 K +58 16 146 U +58 16 147 U +58 16 148 N +58 16 149 K +58 16 150 G +58 16 151 G +58 16 152 G +58 16 153 K +58 16 154 G +58 16 155 G +58 16 156 K +58 16 157 G +58 16 158 I +58 16 159 U +58 16 160 U +58 16 161 K +58 16 162 N +58 16 163 K +58 16 164 K +58 16 165 G +58 16 166 G +58 16 167 I +58 16 168 K +58 16 169 K +58 16 170 K +58 16 171 K +58 16 172 I +58 16 173 U +58 16 174 U +58 16 175 U +58 16 176 N +58 16 177 N +58 16 178 K +58 16 179 RK +58 16 180 K +58 16 181 RK +58 16 182 U +58 16 183 U +58 16 184 RK +58 16 185 RK +58 16 186 RK +58 16 187 RK +58 16 188 K +58 16 189 I +58 16 190 I +58 16 191 K +58 16 192 K +58 16 193 RK +58 16 194 G +58 16 195 K +58 16 196 K +58 16 197 U +58 16 198 G +58 16 199 I +58 16 200 I +58 16 201 U +58 16 202 K +58 16 203 U +58 16 204 G +58 16 205 G +58 16 206 I +58 16 207 U +58 16 208 U +58 16 209 K +58 16 210 G +58 16 211 K +58 16 212 U +58 16 213 I +58 16 214 U +58 16 215 U +58 16 216 G +58 16 217 U +58 16 218 K +58 16 219 I +58 16 220 G +58 16 221 G +58 16 222 G +58 16 223 K +58 16 224 I +58 16 225 U +58 16 226 K +58 16 227 G +58 16 228 G +58 16 229 U +58 16 230 I +58 16 231 RK +58 16 232 G +58 16 233 G +58 16 234 K +58 16 235 K +58 16 236 RK +58 16 237 U +58 16 238 K +58 16 239 RK +58 16 240 RK +58 16 241 I +58 16 242 I +58 16 243 G +58 16 244 I +58 16 245 N +58 16 246 K +58 16 247 G +58 16 248 G +58 16 249 K +58 16 250 G +58 16 251 K +58 16 252 I +58 16 253 K +58 16 254 RK +58 16 255 G +58 16 256 N +58 16 257 K +58 16 258 RK +58 16 259 N +58 16 260 I +58 16 261 U +58 16 262 I +58 16 263 RK +58 16 264 RK +58 16 265 K +58 16 266 RK +58 16 267 U +58 16 268 K +58 16 269 U +58 16 270 U +58 16 271 G +58 16 272 I +58 16 273 RK +58 16 274 I +58 16 275 RK +58 16 276 N +58 16 277 K +58 16 278 RK +58 16 279 K +58 16 280 K +58 16 281 K +58 16 282 K +58 16 283 RK +58 16 284 I +58 16 285 RK +58 16 286 I +58 16 287 RK +58 16 288 N +58 16 289 RK +58 16 290 RK +58 16 291 K +58 16 292 RK +58 16 293 RK +58 16 294 RK +58 16 295 RK +58 16 296 RK +58 16 297 U +58 16 298 N +58 16 299 K +58 16 300 RK +58 16 301 K +58 16 302 I +58 16 303 I +58 16 304 K +58 16 305 RK +58 16 306 K +58 16 307 K +58 16 308 RK +58 16 309 G +58 16 310 K +58 16 311 K +58 16 312 G +58 16 313 G +58 16 314 I +58 16 315 K +58 16 316 K +58 16 317 U +58 16 318 RK +58 16 319 I +58 16 320 U +58 16 321 N +58 16 322 I +58 16 323 K +58 16 324 I +58 16 325 RK +58 16 326 RK +58 16 327 I +58 16 328 K +58 16 329 RK +58 16 330 I +58 17 1 K +58 17 2 W +58 17 3 N +58 17 4 RK +58 17 5 K +58 17 6 L +58 17 7 K +58 17 8 N +58 17 9 L +58 17 10 L +58 17 11 K +58 17 12 L +58 17 13 K +58 17 14 G +58 17 15 L +58 17 16 I +58 17 17 N +58 17 18 G +58 17 19 K +58 17 20 N +58 17 21 N +58 17 22 L +58 17 23 L +58 17 24 G +58 17 25 K +58 17 26 L +58 17 27 L +58 17 28 N +58 17 29 K +58 17 30 L +58 17 31 I +58 17 32 N +58 17 33 G +58 17 34 L +58 17 35 L +58 17 36 G +58 17 37 L +58 17 38 L +58 17 39 K +58 17 40 L +58 17 41 N +58 17 42 L +58 17 43 L +58 17 44 L +58 17 45 K +58 17 46 K +58 17 47 K +58 17 48 L +58 17 49 L +58 17 50 L +58 17 51 L +58 17 52 L +58 17 53 L +58 17 54 L +58 17 55 L +58 17 56 * +58 17 57 K +58 17 58 L +58 17 59 N +58 17 60 K +58 17 61 N +58 17 62 L +58 17 63 L +58 17 64 K +58 17 65 N +58 17 66 I +58 17 67 I +58 17 68 N +58 17 69 K +58 17 70 I +58 17 71 N +58 17 72 K +58 17 73 N +58 17 74 I +58 17 75 K +58 17 76 L +58 17 77 K +58 17 78 I +58 17 79 G +58 17 80 K +58 17 81 RK +58 17 82 I +58 17 83 I +58 17 84 N +58 17 85 K +58 17 86 N +58 17 87 K +58 17 88 N +58 17 89 G +58 17 90 L +58 17 91 I +58 17 92 I +58 17 93 K +58 17 94 G +58 17 95 I +58 17 96 N +58 17 97 K +58 17 98 N +58 17 99 I +58 17 100 I +58 17 101 N +58 17 102 G +58 17 103 G +58 17 104 I +58 17 105 N +58 17 106 I +58 17 107 I +58 17 108 I +58 17 109 K +58 17 110 N +58 17 111 G +58 17 112 N +58 17 113 G +58 17 114 K +58 17 115 N +58 17 116 I +58 17 117 G +58 17 118 N +58 17 119 K +58 17 120 I +58 17 121 N +58 17 122 K +58 17 123 G +58 17 124 I +58 17 125 N +58 17 126 N +58 17 127 G +58 17 128 I +58 17 129 I +58 17 130 G +58 17 131 N +58 17 132 N +58 17 133 K +58 17 134 G +58 17 135 L +58 17 136 L +58 17 137 K +58 17 138 I +58 17 139 I +58 17 140 K +58 17 141 I +58 17 142 I +58 17 143 I +58 17 144 G +58 17 145 I +58 17 146 I +58 17 147 L +58 17 148 N +58 17 149 I +58 17 150 L +58 17 151 N +58 17 152 I +58 17 153 K +58 17 154 G +58 17 155 G +58 17 156 K +58 17 157 RK +58 17 158 I +58 17 159 I +58 17 160 N +58 17 161 I +58 17 162 N +58 17 163 K +58 17 164 K +58 17 165 RK +58 17 166 K +58 17 167 I +58 17 168 K +58 17 169 I +58 17 170 G +58 17 171 K +58 17 172 I +58 17 173 N +58 17 174 N +58 17 175 I +58 17 176 N +58 17 177 I +58 17 178 K +58 17 179 N +58 17 180 K +58 17 181 I +58 17 182 N +58 17 183 G +58 17 184 N +58 17 185 N +58 17 186 I +58 17 187 G +58 17 188 K +58 17 189 I +58 17 190 I +58 17 191 K +58 17 192 L +58 17 193 I +58 17 194 N +58 17 195 K +58 17 196 I +58 17 197 N +58 17 198 G +58 17 199 I +58 17 200 I +58 17 201 N +58 17 202 K +58 17 203 N +58 17 204 K +58 17 205 N +58 17 206 I +58 17 207 N +58 17 208 I +58 17 209 K +58 17 210 L +58 17 211 K +58 17 212 N +58 17 213 I +58 17 214 I +58 17 215 N +58 17 216 G +58 17 217 I +58 17 218 I +58 17 219 I +58 17 220 K +58 17 221 I +58 17 222 L +58 17 223 K +58 17 224 I +58 17 225 I +58 17 226 K +58 17 227 G +58 17 228 G +58 17 229 I +58 17 230 I +58 17 231 N +58 17 232 G +58 17 233 N +58 17 234 K +58 17 235 K +58 17 236 L +58 17 237 N +58 17 238 L +58 17 239 N +58 17 240 N +58 17 241 I +58 17 242 I +58 17 243 N +58 17 244 I +58 17 245 N +58 17 246 K +58 17 247 I +58 17 248 G +58 17 249 G +58 17 250 N +58 17 251 I +58 17 252 I +58 17 253 I +58 17 254 I +58 17 255 G +58 17 256 N +58 17 257 I +58 17 258 I +58 17 259 N +58 17 260 I +58 17 261 N +58 17 262 I +58 17 263 I +58 17 264 I +58 17 265 K +58 17 266 N +58 17 267 N +58 17 268 I +58 17 269 N +58 17 270 N +58 17 271 G +58 17 272 I +58 17 273 N +58 17 274 I +58 17 275 L +58 17 276 N +58 17 277 K +58 17 278 N +58 17 279 K +58 17 280 N +58 17 281 K +58 17 282 K +58 17 283 G +58 17 284 I +58 17 285 N +58 17 286 I +58 17 287 I +58 17 288 N +58 17 289 I +58 17 290 I +58 17 291 L +58 17 292 N +58 17 293 I +58 17 294 I +58 17 295 L +58 17 296 N +58 17 297 N +58 17 298 N +58 17 299 L +58 17 300 I +58 17 301 L +58 17 302 I +58 17 303 I +58 17 304 L +58 17 305 N +58 17 306 I +58 17 307 I +58 17 308 N +58 17 309 I +58 17 310 I +58 17 311 I +58 17 312 G +58 17 313 G +58 17 314 I +58 17 315 I +58 17 316 L +58 17 317 N +58 17 318 N +58 17 319 I +58 17 320 I +58 17 321 N +58 17 322 I +58 17 323 K +58 17 324 I +58 17 325 N +58 17 326 I +58 17 327 I +58 17 328 K +58 17 329 N +58 17 330 I +58 18 1 RK +58 18 2 RK +58 18 3 N +58 18 4 G +58 18 5 G +58 18 6 G +58 18 7 G +58 18 8 G +58 18 9 G +58 18 10 G +58 18 11 G +58 18 12 G +58 18 13 G +58 18 14 G +58 18 15 G +58 18 16 G +58 18 17 G +58 18 18 G +58 18 19 G +58 18 20 G +58 18 21 G +58 18 22 G +58 18 23 G +58 18 24 G +58 18 25 G +58 18 26 G +58 18 27 G +58 18 28 G +58 18 29 G +58 18 30 G +58 18 31 G +58 18 32 G +58 18 33 G +58 18 34 G +58 18 35 G +58 18 36 G +58 18 37 G +58 18 38 G +58 18 39 G +58 18 40 G +58 18 41 G +58 18 42 G +58 18 43 G +58 18 44 G +58 18 45 G +58 18 46 G +58 18 47 G +58 18 48 G +58 18 49 G +58 18 50 G +58 18 51 G +58 18 52 G +58 18 53 G +58 18 54 G +58 18 55 G +58 18 56 G +58 18 57 G +58 18 58 G +58 18 59 G +58 18 60 G +58 18 61 G +58 18 62 G +58 18 63 G +58 18 64 G +58 18 65 G +58 18 66 G +58 18 67 G +58 18 68 G +58 18 69 G +58 18 70 G +58 18 71 G +58 18 72 G +58 18 73 G +58 18 74 N +58 18 75 G +58 18 76 N +58 18 77 N +58 18 78 I +58 18 79 G +58 18 80 G +58 18 81 G +58 18 82 G +58 18 83 I +58 18 84 N +58 18 85 N +58 18 86 N +58 18 87 G +58 18 88 G +58 18 89 N +58 18 90 G +58 18 91 N +58 18 92 N +58 18 93 G +58 18 94 G +58 18 95 N +58 18 96 N +58 18 97 G +58 18 98 N +58 18 99 G +58 18 100 G +58 18 101 G +58 18 102 G +58 18 103 G +58 18 104 N +58 18 105 N +58 18 106 N +58 18 107 N +58 18 108 G +58 18 109 N +58 18 110 G +58 18 111 N +58 18 112 G +58 18 113 G +58 18 114 G +58 18 115 G +58 18 116 N +58 18 117 G +58 18 118 G +58 18 119 G +58 18 120 N +58 18 121 G +58 18 122 N +58 18 123 G +58 18 124 N +58 18 125 N +58 18 126 G +58 18 127 G +58 18 128 N +58 18 129 G +58 18 130 N +58 18 131 G +58 18 132 G +58 18 133 N +58 18 134 G +58 18 135 G +58 18 136 G +58 18 137 N +58 18 138 G +58 18 139 G +58 18 140 N +58 18 141 N +58 18 142 G +58 18 143 N +58 18 144 G +58 18 145 N +58 18 146 G +58 18 147 N +58 18 148 G +58 18 149 N +58 18 150 G +58 18 151 G +58 18 152 N +58 18 153 N +58 18 154 N +58 18 155 G +58 18 156 N +58 18 157 G +58 18 158 N +58 18 159 G +58 18 160 N +58 18 161 G +58 18 162 N +58 18 163 G +58 18 164 G +58 18 165 G +58 18 166 G +58 18 167 G +58 18 168 N +58 18 169 G +58 18 170 N +58 18 171 G +58 18 172 N +58 18 173 G +58 18 174 N +58 18 175 G +58 18 176 N +58 18 177 G +58 18 178 N +58 18 179 G +58 18 180 N +58 18 181 G +58 18 182 N +58 18 183 G +58 18 184 G +58 18 185 N +58 18 186 G +58 18 187 N +58 18 188 G +58 18 189 G +58 18 190 G +58 18 191 N +58 18 192 G +58 18 193 N +58 18 194 G +58 18 195 N +58 18 196 G +58 18 197 N +58 18 198 G +58 18 199 G +58 18 200 N +58 18 201 G +58 18 202 N +58 18 203 G +58 18 204 N +58 18 205 G +58 18 206 N +58 18 207 G +58 18 208 N +58 18 209 G +58 18 210 N +58 18 211 G +58 18 212 N +58 18 213 G +58 18 214 G +58 18 215 G +58 18 216 N +58 18 217 G +58 18 218 N +58 18 219 G +58 18 220 N +58 18 221 G +58 18 222 N +58 18 223 G +58 18 224 N +58 18 225 G +58 18 226 N +58 18 227 G +58 18 228 N +58 18 229 G +58 18 230 N +58 18 231 G +58 18 232 N +58 18 233 G +58 18 234 N +58 18 235 G +58 18 236 N +58 18 237 G +58 18 238 N +58 18 239 G +58 18 240 N +58 18 241 N +58 18 242 G +58 18 243 N +58 18 244 G +58 18 245 N +58 18 246 G +58 18 247 N +58 18 248 G +58 18 249 N +58 18 250 G +58 18 251 N +58 18 252 G +58 18 253 N +58 18 254 N +58 18 255 G +58 18 256 N +58 18 257 G +58 18 258 N +58 18 259 G +58 18 260 N +58 18 261 G +58 18 262 N +58 18 263 G +58 18 264 N +58 18 265 G +58 18 266 N +58 18 267 G +58 18 268 N +58 18 269 G +58 18 270 G +58 18 271 G +58 18 272 N +58 18 273 G +58 18 274 N +58 18 275 N +58 18 276 G +58 18 277 G +58 18 278 N +58 18 279 G +58 18 280 N +58 18 281 N +58 18 282 N +58 18 283 G +58 18 284 G +58 18 285 G +58 18 286 G +58 18 287 N +58 18 288 N +58 18 289 G +58 18 290 N +58 18 291 G +58 18 292 N +58 18 293 G +58 18 294 N +58 18 295 G +58 18 296 N +58 18 297 G +58 18 298 N +58 18 299 G +58 18 300 G +58 18 301 G +58 18 302 N +58 18 303 G +58 18 304 N +58 18 305 G +58 18 306 G +58 18 307 G +58 18 308 G +58 18 309 G +58 18 310 N +58 18 311 G +58 18 312 G +58 18 313 N +58 18 314 N +58 18 315 G +58 18 316 N +58 18 317 G +58 18 318 N +58 18 319 N +58 18 320 G +58 18 321 G +58 18 322 N +58 18 323 G +58 18 324 N +58 18 325 G +58 18 326 N +58 18 327 G +58 18 328 N +58 18 329 G +58 18 330 N +58 19 1 A +58 19 2 M +58 19 3 N +58 19 4 G +58 19 5 K +58 19 6 RK +58 19 7 K +58 19 8 N +58 19 9 RK +58 19 10 G +58 19 11 G +58 19 12 RK +58 19 13 G +58 19 14 G +58 19 15 RK +58 19 16 I +58 19 17 N +58 19 18 G +58 19 19 A +58 19 20 K +58 19 21 N +58 19 22 I +58 19 23 RK +58 19 24 G +58 19 25 A +58 19 26 A +58 19 27 I +58 19 28 N +58 19 29 K +58 19 30 L +58 19 31 I +58 19 32 RK +58 19 33 K +58 19 34 K +58 19 35 N +58 19 36 G +58 19 37 RK +58 19 38 N +58 19 39 RK +58 19 40 I +58 19 41 N +58 19 42 RK +58 19 43 G +58 19 44 I +58 19 45 K +58 19 46 RK +58 19 47 RK +58 19 48 I +58 19 49 I +58 19 50 G +58 19 51 I +58 19 52 I +58 19 53 G +58 19 54 G +58 19 55 I +58 19 56 I +58 19 57 G +58 19 58 I +58 19 59 I +58 19 60 G +58 19 61 RK +58 19 62 I +58 19 63 N +58 19 64 G +58 19 65 N +58 19 66 I +58 19 67 I +58 19 68 N +58 19 69 G +58 19 70 I +58 19 71 G +58 19 72 G +58 19 73 G +58 19 74 I +58 19 75 G +58 19 76 RK +58 19 77 G +58 19 78 I +58 19 79 G +58 19 80 G +58 19 81 RK +58 19 82 RK +58 19 83 I +58 19 84 RK +58 19 85 N +58 19 86 RK +58 19 87 G +58 19 88 RK +58 19 89 G +58 19 90 G +58 19 91 I +58 19 92 I +58 19 93 G +58 19 94 G +58 19 95 I +58 19 96 I +58 19 97 G +58 19 98 N +58 19 99 I +58 19 100 I +58 19 101 G +58 19 102 I +58 19 103 G +58 19 104 I +58 19 105 G +58 19 106 I +58 19 107 I +58 19 108 I +58 19 109 G +58 19 110 RK +58 19 111 G +58 19 112 N +58 19 113 G +58 19 114 G +58 19 115 N +58 19 116 I +58 19 117 G +58 19 118 RK +58 19 119 RK +58 19 120 I +58 19 121 N +58 19 122 G +58 19 123 G +58 19 124 I +58 19 125 N +58 19 126 N +58 19 127 G +58 19 128 I +58 19 129 I +58 19 130 G +58 19 131 G +58 19 132 N +58 19 133 G +58 19 134 G +58 19 135 N +58 19 136 I +58 19 137 G +58 19 138 I +58 19 139 I +58 19 140 G +58 19 141 I +58 19 142 I +58 19 143 RK +58 19 144 G +58 19 145 I +58 19 146 RK +58 19 147 I +58 19 148 N +58 19 149 I +58 19 150 G +58 19 151 N +58 19 152 N +58 19 153 RK +58 19 154 G +58 19 155 G +58 19 156 RK +58 19 157 G +58 19 158 I +58 19 159 RK +58 19 160 RK +58 19 161 RK +58 19 162 N +58 19 163 G +58 19 164 G +58 19 165 G +58 19 166 G +58 19 167 I +58 19 168 G +58 19 169 I +58 19 170 G +58 19 171 G +58 19 172 I +58 19 173 N +58 19 174 RK +58 19 175 I +58 19 176 N +58 19 177 RK +58 19 178 G +58 19 179 G +58 19 180 RK +58 19 181 RK +58 19 182 G +58 19 183 G +58 19 184 G +58 19 185 G +58 19 186 G +58 19 187 RK +58 19 188 G +58 19 189 I +58 19 190 I +58 19 191 G +58 19 192 G +58 19 193 RK +58 19 194 G +58 19 195 G +58 19 196 G +58 19 197 RK +58 19 198 G +58 19 199 I +58 19 200 I +58 19 201 RK +58 19 202 G +58 19 203 N +58 19 204 G +58 19 205 G +58 19 206 I +58 19 207 N +58 19 208 G +58 19 209 G +58 19 210 G +58 19 211 G +58 19 212 N +58 19 213 I +58 19 214 I +58 19 215 G +58 19 216 G +58 19 217 I +58 19 218 G +58 19 219 I +58 19 220 G +58 19 221 G +58 19 222 I +58 19 223 G +58 19 224 G +58 19 225 G +58 19 226 G +58 19 227 G +58 19 228 G +58 19 229 I +58 19 230 I +58 19 231 G +58 19 232 G +58 19 233 G +58 19 234 G +58 19 235 G +58 19 236 G +58 19 237 I +58 19 238 G +58 19 239 N +58 19 240 G +58 19 241 I +58 19 242 I +58 19 243 N +58 19 244 I +58 19 245 N +58 19 246 G +58 19 247 G +58 19 248 G +58 19 249 G +58 19 250 G +58 19 251 G +58 19 252 I +58 19 253 G +58 19 254 G +58 19 255 G +58 19 256 N +58 19 257 G +58 19 258 G +58 19 259 G +58 19 260 I +58 19 261 I +58 19 262 I +58 19 263 I +58 19 264 I +58 19 265 G +58 19 266 I +58 19 267 G +58 19 268 I +58 19 269 N +58 19 270 N +58 19 271 G +58 19 272 I +58 19 273 N +58 19 274 I +58 19 275 G +58 19 276 N +58 19 277 G +58 19 278 N +58 19 279 G +58 19 280 G +58 19 281 G +58 19 282 G +58 19 283 G +58 19 284 I +58 19 285 I +58 19 286 I +58 19 287 G +58 19 288 N +58 19 289 I +58 19 290 I +58 19 291 G +58 19 292 I +58 19 293 I +58 19 294 I +58 19 295 G +58 19 296 G +58 19 297 RK +58 19 298 N +58 19 299 G +58 19 300 I +58 19 301 G +58 19 302 I +58 19 303 I +58 19 304 G +58 19 305 G +58 19 306 I +58 19 307 G +58 19 308 I +58 19 309 G +58 19 310 G +58 19 311 G +58 19 312 G +58 19 313 G +58 19 314 I +58 19 315 G +58 19 316 G +58 19 317 G +58 19 318 I +58 19 319 I +58 19 320 G +58 19 321 N +58 19 322 G +58 19 323 G +58 19 324 I +58 19 325 G +58 19 326 RK +58 19 327 I +58 19 328 G +58 19 329 G +58 19 330 I +58 20 1 RK +58 20 2 RK +58 20 3 N +58 20 4 RK +58 20 5 RK +58 20 6 G +58 20 7 RK +58 20 8 N +58 20 9 RK +58 20 10 RK +58 20 11 G +58 20 12 N +58 20 13 RK +58 20 14 RK +58 20 15 N +58 20 16 I +58 20 17 N +58 20 18 G +58 20 19 RK +58 20 20 RK +58 20 21 N +58 20 22 I +58 20 23 N +58 20 24 G +58 20 25 D +58 20 26 RK +58 20 27 I +58 20 28 N +58 20 29 RK +58 20 30 N +58 20 31 D +58 20 32 N +58 20 33 I +58 20 34 RK +58 20 35 N +58 20 36 G +58 20 37 G +58 20 38 N +58 20 39 RK +58 20 40 RK +58 20 41 N +58 20 42 RK +58 20 43 I +58 20 44 D +58 20 45 RK +58 20 46 I +58 20 47 D +58 20 48 RK +58 20 49 I +58 20 50 G +58 20 51 G +58 20 52 I +58 20 53 N +58 20 54 RK +58 20 55 D +58 20 56 RK +58 20 57 D +58 20 58 D +58 20 59 D +58 20 60 D +58 20 61 N +58 20 62 I +58 20 63 N +58 20 64 I +58 20 65 N +58 20 66 D +58 20 67 I +58 20 68 N +58 20 69 I +58 20 70 I +58 20 71 N +58 20 72 I +58 20 73 RK +58 20 74 D +58 20 75 U +58 20 76 D +58 20 77 D +58 20 78 D +58 20 79 D +58 20 80 D +58 20 81 I +58 20 82 D +58 20 83 I +58 20 84 RK +58 20 85 D +58 20 86 I +58 20 87 D +58 20 88 I +58 20 89 D +58 20 90 D +58 20 91 RK +58 20 92 I +58 20 93 D +58 20 94 I +58 20 95 I +58 20 96 RK +58 20 97 I +58 20 98 N +58 20 99 RK +58 20 100 I +58 20 101 N +58 20 102 I +58 20 103 I +58 20 104 I +58 20 105 RK +58 20 106 I +58 20 107 I +58 20 108 I +58 20 109 I +58 20 110 I +58 20 111 I +58 20 112 N +58 20 113 I +58 20 114 I +58 20 115 N +58 20 116 I +58 20 117 I +58 20 118 N +58 20 119 I +58 20 120 I +58 20 121 N +58 20 122 I +58 20 123 I +58 20 124 I +58 20 125 N +58 20 126 I +58 20 127 I +58 20 128 I +58 20 129 I +58 20 130 I +58 20 131 I +58 20 132 RK +58 20 133 I +58 20 134 I +58 20 135 N +58 20 136 I +58 20 137 I +58 20 138 D +58 20 139 D +58 20 140 D +58 20 141 D +58 20 142 D +58 20 143 I +58 20 144 RK +58 20 145 D +58 20 146 D +58 20 147 D +58 20 148 N +58 20 149 D +58 20 150 RK +58 20 151 RK +58 20 152 RK +58 20 153 D +58 20 154 G +58 20 155 I +58 20 156 RK +58 20 157 D +58 20 158 D +58 20 159 RK +58 20 160 RK +58 20 161 D +58 20 162 I +58 20 163 D +58 20 164 D +58 20 165 D +58 20 166 D +58 20 167 D +58 20 168 D +58 20 169 D +58 20 170 D +58 20 171 D +58 20 172 I +58 20 173 N +58 20 174 RK +58 20 175 D +58 20 176 D +58 20 177 D +58 20 178 D +58 20 179 D +58 20 180 D +58 20 181 RK +58 20 182 D +58 20 183 D +58 20 184 D +58 20 185 RK +58 20 186 D +58 20 187 N +58 20 188 D +58 20 189 D +58 20 190 D +58 20 191 D +58 20 192 D +58 20 193 D +58 20 194 G +58 20 195 D +58 20 196 D +58 20 197 D +58 20 198 D +58 20 199 D +58 20 200 D +58 20 201 RK +58 20 202 D +58 20 203 D +58 20 204 D +58 20 205 D +58 20 206 I +58 20 207 N +58 20 208 RK +58 20 209 D +58 20 210 D +58 20 211 D +58 20 212 N +58 20 213 D +58 20 214 D +58 20 215 D +58 20 216 D +58 20 217 D +58 20 218 D +58 20 219 D +58 20 220 D +58 20 221 D +58 20 222 N +58 20 223 D +58 20 224 I +58 20 225 RK +58 20 226 D +58 20 227 D +58 20 228 D +58 20 229 I +58 20 230 I +58 20 231 N +58 20 232 I +58 20 233 D +58 20 234 RK +58 20 235 D +58 20 236 D +58 20 237 D +58 20 238 D +58 20 239 I +58 20 240 I +58 20 241 I +58 20 242 D +58 20 243 N +58 20 244 I +58 20 245 N +58 20 246 RK +58 20 247 RK +58 20 248 D +58 20 249 D +58 20 250 RK +58 20 251 RK +58 20 252 D +58 20 253 D +58 20 254 D +58 20 255 D +58 20 256 N +58 20 257 D +58 20 258 RK +58 20 259 N +58 20 260 I +58 20 261 RK +58 20 262 I +58 20 263 I +58 20 264 I +58 20 265 I +58 20 266 U +58 20 267 U +58 20 268 I +58 20 269 N +58 20 270 RK +58 20 271 I +58 20 272 I +58 20 273 RK +58 20 274 I +58 20 275 I +58 20 276 N +58 20 277 I +58 20 278 N +58 20 279 D +58 20 280 I +58 20 281 I +58 20 282 I +58 20 283 I +58 20 284 D +58 20 285 N +58 20 286 I +58 20 287 I +58 20 288 N +58 20 289 I +58 20 290 I +58 20 291 I +58 20 292 I +58 20 293 I +58 20 294 I +58 20 295 I +58 20 296 I +58 20 297 I +58 20 298 N +58 20 299 RK +58 20 300 I +58 20 301 D +58 20 302 D +58 20 303 D +58 20 304 I +58 20 305 N +58 20 306 RK +58 20 307 D +58 20 308 D +58 20 309 D +58 20 310 D +58 20 311 D +58 20 312 D +58 20 313 D +58 20 314 D +58 20 315 D +58 20 316 D +58 20 317 N +58 20 318 RK +58 20 319 I +58 20 320 D +58 20 321 N +58 20 322 D +58 20 323 D +58 20 324 D +58 20 325 U +58 20 326 I +58 20 327 D +58 20 328 D +58 20 329 D +58 20 330 D +59 1 1 AR +59 1 2 CB +59 1 3 GO +59 1 4 BG +59 1 5 CB +59 1 6 CB +59 1 7 AR +59 1 8 GU +59 1 9 GU +59 1 10 AR +59 1 11 CC +59 1 12 DU +59 1 13 AR +59 1 14 CC +59 1 15 CB +59 1 16 CB +59 1 17 GO +59 1 18 GU +59 1 19 AR +59 1 20 AR +59 1 21 GS +59 1 22 CB +59 1 23 BG +59 1 24 CC +59 1 25 AR +59 1 26 AR +59 1 27 CB +59 1 28 GS +59 1 29 AR +59 1 30 GO +59 1 31 AR +59 1 32 BG +59 1 33 AR +59 1 34 AR +59 1 35 GO +59 1 36 AR +59 1 37 AR +59 1 38 GU +59 1 39 AR +59 1 40 AR +59 1 41 GN +59 1 42 GO +59 1 43 CC +59 1 44 CB +59 1 45 AR +59 1 46 CC +59 1 47 AR +59 1 48 GO +59 1 49 CB +59 1 50 BG +59 1 51 GU +59 1 52 CB +59 1 53 GS +59 1 54 AR +59 1 55 AR +59 1 56 GO +59 1 57 AR +59 1 58 GO +59 1 59 CB +59 1 60 AR +59 1 61 GN +59 1 62 GU +59 1 63 CB +59 1 64 AR +59 1 65 GS +59 1 66 CB +59 1 67 AR +59 1 68 GS +59 1 69 GU +59 1 70 CB +59 1 71 GU +59 1 72 AR +59 1 73 BG +59 1 74 CB +59 1 75 AR +59 1 76 GO +59 1 77 AR +59 1 78 CB +59 1 79 CC +59 1 80 AR +59 1 81 GO +59 1 82 AR +59 1 83 CB +59 1 84 CB +59 1 85 AR +59 1 86 GS +59 1 87 GU +59 1 88 BG +59 1 89 CC +59 1 90 GU +59 1 91 GO +59 1 92 CB +59 1 93 AR +59 1 94 GU +59 1 95 CB +59 1 96 GO +59 1 97 BG +59 1 98 GN +59 1 99 GU +59 1 100 CB +59 1 101 BG +59 1 102 CB +59 1 103 GU +59 1 104 AR +59 1 105 BG +59 1 106 CB +59 1 107 CB +59 1 108 CB +59 1 109 AR +59 1 110 GO +59 1 111 GU +59 1 112 GS +59 1 113 CC +59 1 114 AR +59 1 115 GN +59 1 116 CB +59 1 117 GU +59 1 118 CB +59 1 119 AR +59 1 120 CB +59 1 121 GO +59 1 122 AR +59 1 123 AR +59 1 124 GO +59 1 125 GO +59 1 126 CB +59 1 127 CC +59 1 128 GO +59 1 129 CB +59 1 130 GU +59 1 131 BG +59 1 132 GO +59 1 133 AR +59 1 134 GU +59 1 135 BG +59 1 136 AR +59 1 137 AR +59 1 138 AR +59 1 139 CB +59 1 140 AR +59 1 141 CB +59 1 142 CB +59 1 143 GO +59 1 144 GU +59 1 145 AR +59 1 146 GO +59 1 147 AR +59 1 148 GN +59 1 149 CB +59 1 150 BG +59 1 151 CB +59 1 152 CB +59 1 153 AR +59 1 154 CC +59 1 155 GU +59 1 156 AR +59 1 157 GU +59 1 158 CB +59 1 159 GO +59 1 160 CB +59 1 161 AR +59 1 162 GS +59 1 163 AR +59 1 164 AR +59 1 165 GU +59 1 166 AR +59 1 167 CB +59 1 168 AR +59 1 169 AR +59 1 170 AR +59 1 171 GU +59 1 172 CB +59 1 173 GS +59 1 174 GO +59 1 175 CB +59 1 176 GS +59 1 177 CB +59 1 178 AR +59 1 179 GU +59 1 180 AR +59 1 181 GO +59 1 182 GU +59 1 183 GU +59 1 184 BG +59 1 185 GO +59 1 186 AR +59 1 187 GO +59 1 188 AR +59 1 189 CB +59 1 190 CB +59 1 191 AR +59 1 192 BG +59 1 193 GO +59 1 194 GU +59 1 195 AR +59 1 196 CB +59 1 197 BG +59 1 198 GU +59 1 199 CB +59 1 200 AR +59 1 201 CB +59 1 202 AR +59 1 203 GS +59 1 204 GU +59 1 205 BG +59 1 206 CB +59 1 207 GS +59 1 208 GO +59 1 209 AR +59 1 210 GU +59 1 211 AR +59 1 212 GO +59 1 213 GU +59 1 214 DU +59 1 215 CB +59 1 216 GU +59 1 217 CB +59 1 218 GO +59 1 219 CB +59 1 220 AR +59 1 221 CB +59 1 222 BG +59 1 223 AR +59 1 224 CB +59 1 225 GO +59 1 226 AR +59 1 227 GU +59 1 228 AR +59 1 229 CB +59 1 230 CB +59 1 231 BG +59 1 232 GO +59 1 233 CB +59 1 234 AR +59 1 235 AR +59 1 236 GO +59 1 237 CB +59 1 238 AR +59 1 239 GS +59 1 240 GU +59 1 241 CB +59 1 242 CB +59 1 243 GS +59 1 244 CB +59 1 245 GO +59 1 246 AR +59 1 247 BG +59 1 248 AR +59 1 249 AR +59 1 250 BG +59 1 251 CB +59 1 252 CB +59 1 253 AR +59 1 254 AR +59 1 255 CC +59 1 256 GS +59 1 257 AR +59 1 258 GO +59 1 259 GN +59 1 260 CB +59 1 261 GO +59 1 262 CB +59 1 263 GU +59 1 264 CB +59 1 265 AR +59 1 266 GO +59 1 267 BG +59 1 268 AR +59 1 269 BG +59 1 270 GO +59 1 271 AR +59 1 272 CB +59 1 273 BG +59 1 274 CB +59 1 275 GO +59 1 276 GS +59 1 277 AR +59 1 278 GO +59 1 279 AR +59 1 280 AR +59 1 281 AR +59 1 282 AR +59 1 283 GU +59 1 284 CB +59 1 285 GS +59 1 286 CB +59 1 287 GO +59 1 288 GO +59 1 289 AR +59 1 290 CB +59 1 291 AR +59 1 292 GS +59 1 293 CB +59 1 294 CB +59 1 295 GU +59 1 296 BG +59 1 297 GO +59 1 298 GS +59 1 299 AR +59 1 300 CB +59 1 301 AR +59 1 302 CB +59 1 303 CB +59 1 304 GO +59 1 305 BG +59 1 306 AR +59 1 307 AR +59 1 308 BG +59 1 309 GU +59 1 310 AR +59 1 311 AR +59 1 312 GU +59 1 313 AR +59 1 314 CB +59 1 315 AR +59 1 316 AR +59 1 317 GS +59 1 318 GO +59 1 319 CB +59 1 320 GO +59 1 321 GN +59 1 322 AR +59 1 323 AR +59 1 324 CB +59 1 325 BG +59 1 326 GO +59 1 327 CB +59 1 328 AR +59 1 329 GU +59 1 330 GU +59 2 1 AL +59 2 2 CB +59 2 3 GN +59 2 4 * +59 2 5 CB +59 2 6 CB +59 2 7 SA +59 2 8 GU +59 2 9 GO +59 2 10 AR +59 2 11 GU +59 2 12 GO +59 2 13 GU +59 2 14 AR +59 2 15 GN +59 2 16 CB +59 2 17 * +59 2 18 CC +59 2 19 AR +59 2 20 SA +59 2 21 GN +59 2 22 GO +59 2 23 GU +59 2 24 GU +59 2 25 AR +59 2 26 AR +59 2 27 CB +59 2 28 GN +59 2 29 AL +59 2 30 GN +59 2 31 CB +59 2 32 AL +59 2 33 AL +59 2 34 AR +59 2 35 GN +59 2 36 AL +59 2 37 AR +59 2 38 GN +59 2 39 AL +59 2 40 CB +59 2 41 GN +59 2 42 GO +59 2 43 AR +59 2 44 CB +59 2 45 CB +59 2 46 GU +59 2 47 GU +59 2 48 GO +59 2 49 CB +59 2 50 AR +59 2 51 GU +59 2 52 CB +59 2 53 GS +59 2 54 AL +59 2 55 CB +59 2 56 GN +59 2 57 AR +59 2 58 GU +59 2 59 CB +59 2 60 AR +59 2 61 GN +59 2 62 AR +59 2 63 GS +59 2 64 AR +59 2 65 GN +59 2 66 CB +59 2 67 AL +59 2 68 GS +59 2 69 GU +59 2 70 CB +59 2 71 GN +59 2 72 * +59 2 73 GU +59 2 74 CB +59 2 75 AR +59 2 76 GO +59 2 77 * +59 2 78 CB +59 2 79 CC +59 2 80 AR +59 2 81 AL +59 2 82 AR +59 2 83 GO +59 2 84 GS +59 2 85 CB +59 2 86 GN +59 2 87 CC +59 2 88 GS +59 2 89 CC +59 2 90 AR +59 2 91 GO +59 2 92 CB +59 2 93 AR +59 2 94 GU +59 2 95 CB +59 2 96 GO +59 2 97 AR +59 2 98 GS +59 2 99 CB +59 2 100 AL +59 2 101 GN +59 2 102 CB +59 2 103 GU +59 2 104 CB +59 2 105 AR +59 2 106 GO +59 2 107 CB +59 2 108 CB +59 2 109 AR +59 2 110 GO +59 2 111 GU +59 2 112 GS +59 2 113 GU +59 2 114 AR +59 2 115 GS +59 2 116 CB +59 2 117 CC +59 2 118 GN +59 2 119 CB +59 2 120 CB +59 2 121 GO +59 2 122 AR +59 2 123 AR +59 2 124 CB +59 2 125 GO +59 2 126 GN +59 2 127 CC +59 2 128 GO +59 2 129 CB +59 2 130 GU +59 2 131 GS +59 2 132 GN +59 2 133 AR +59 2 134 * +59 2 135 GN +59 2 136 AR +59 2 137 GU +59 2 138 CB +59 2 139 CB +59 2 140 AR +59 2 141 CB +59 2 142 AL +59 2 143 SA +59 2 144 AR +59 2 145 AR +59 2 146 GO +59 2 147 AR +59 2 148 GN +59 2 149 AL +59 2 150 AR +59 2 151 GS +59 2 152 IS +59 2 153 AR +59 2 154 CC +59 2 155 GU +59 2 156 AR +59 2 157 GU +59 2 158 CB +59 2 159 GO +59 2 160 CB +59 2 161 AR +59 2 162 GS +59 2 163 AR +59 2 164 AR +59 2 165 CC +59 2 166 AR +59 2 167 CB +59 2 168 AR +59 2 169 AR +59 2 170 CC +59 2 171 GU +59 2 172 CB +59 2 173 GN +59 2 174 GO +59 2 175 CB +59 2 176 GS +59 2 177 GO +59 2 178 AR +59 2 179 GN +59 2 180 AR +59 2 181 GO +59 2 182 GN +59 2 183 * +59 2 184 AR +59 2 185 GO +59 2 186 CB +59 2 187 GO +59 2 188 AR +59 2 189 CB +59 2 190 * +59 2 191 GU +59 2 192 GU +59 2 193 GO +59 2 194 GU +59 2 195 * +59 2 196 CB +59 2 197 IS +59 2 198 CC +59 2 199 CB +59 2 200 * +59 2 201 GS +59 2 202 AL +59 2 203 GS +59 2 204 CC +59 2 205 AR +59 2 206 CB +59 2 207 GS +59 2 208 GO +59 2 209 GU +59 2 210 GN +59 2 211 * +59 2 212 GO +59 2 213 CB +59 2 214 GO +59 2 215 AL +59 2 216 CC +59 2 217 AL +59 2 218 GO +59 2 219 CB +59 2 220 AR +59 2 221 CB +59 2 222 IS +59 2 223 AR +59 2 224 CB +59 2 225 GO +59 2 226 AR +59 2 227 CC +59 2 228 AR +59 2 229 AL +59 2 230 AL +59 2 231 IS +59 2 232 GO +59 2 233 * +59 2 234 * +59 2 235 AR +59 2 236 GO +59 2 237 * +59 2 238 AR +59 2 239 GN +59 2 240 GN +59 2 241 CB +59 2 242 GO +59 2 243 GS +59 2 244 CB +59 2 245 GN +59 2 246 AR +59 2 247 AR +59 2 248 CC +59 2 249 AR +59 2 250 IS +59 2 251 AL +59 2 252 CB +59 2 253 BO +59 2 254 AR +59 2 255 CC +59 2 256 * +59 2 257 AR +59 2 258 GO +59 2 259 GN +59 2 260 GO +59 2 261 GS +59 2 262 CB +59 2 263 GU +59 2 264 CB +59 2 265 AR +59 2 266 GS +59 2 267 GU +59 2 268 CB +59 2 269 GS +59 2 270 GO +59 2 271 GU +59 2 272 CB +59 2 273 AL +59 2 274 CB +59 2 275 GO +59 2 276 GN +59 2 277 AR +59 2 278 AL +59 2 279 AR +59 2 280 CC +59 2 281 AR +59 2 282 AL +59 2 283 GU +59 2 284 CB +59 2 285 GN +59 2 286 CB +59 2 287 GO +59 2 288 GS +59 2 289 AL +59 2 290 CB +59 2 291 AR +59 2 292 AR +59 2 293 AL +59 2 294 CB +59 2 295 GU +59 2 296 AR +59 2 297 GO +59 2 298 GN +59 2 299 AR +59 2 300 CB +59 2 301 AR +59 2 302 CB +59 2 303 AL +59 2 304 AL +59 2 305 GU +59 2 306 GO +59 2 307 AR +59 2 308 GS +59 2 309 CC +59 2 310 AL +59 2 311 AR +59 2 312 CC +59 2 313 AR +59 2 314 AL +59 2 315 AL +59 2 316 AR +59 2 317 GS +59 2 318 GO +59 2 319 CB +59 2 320 GU +59 2 321 GS +59 2 322 CB +59 2 323 AR +59 2 324 CB +59 2 325 GS +59 2 326 GO +59 2 327 * +59 2 328 AR +59 2 329 GN +59 2 330 CB +59 3 1 AR +59 3 2 CB +59 3 3 GO +59 3 4 GU +59 3 5 AR +59 3 6 GN +59 3 7 AR +59 3 8 GU +59 3 9 * +59 3 10 AR +59 3 11 GU +59 3 12 GO +59 3 13 GU +59 3 14 AR +59 3 15 AL +59 3 16 CB +59 3 17 GN +59 3 18 GU +59 3 19 AR +59 3 20 AR +59 3 21 GN +59 3 22 GO +59 3 23 AR +59 3 24 GU +59 3 25 AR +59 3 26 AR +59 3 27 CB +59 3 28 GN +59 3 29 AR +59 3 30 GO +59 3 31 AR +59 3 32 GN +59 3 33 AR +59 3 34 AR +59 3 35 GN +59 3 36 GU +59 3 37 AR +59 3 38 GN +59 3 39 GU +59 3 40 AR +59 3 41 GN +59 3 42 GO +59 3 43 AR +59 3 44 CB +59 3 45 AR +59 3 46 GU +59 3 47 GU +59 3 48 GO +59 3 49 AR +59 3 50 GU +59 3 51 GU +59 3 52 CB +59 3 53 GU +59 3 54 AR +59 3 55 AR +59 3 56 CB +59 3 57 AR +59 3 58 GU +59 3 59 CB +59 3 60 AR +59 3 61 GN +59 3 62 AR +59 3 63 GN +59 3 64 AR +59 3 65 GN +59 3 66 CB +59 3 67 AR +59 3 68 GN +59 3 69 GU +59 3 70 * +59 3 71 GU +59 3 72 AR +59 3 73 GU +59 3 74 CB +59 3 75 GU +59 3 76 GN +59 3 77 AR +59 3 78 CB +59 3 79 GU +59 3 80 AR +59 3 81 AR +59 3 82 AR +59 3 83 CB +59 3 84 GN +59 3 85 AR +59 3 86 GN +59 3 87 GU +59 3 88 AR +59 3 89 CC +59 3 90 AR +59 3 91 GO +59 3 92 CB +59 3 93 AR +59 3 94 BU +59 3 95 CB +59 3 96 GO +59 3 97 AR +59 3 98 GN +59 3 99 CB +59 3 100 AR +59 3 101 GU +59 3 102 AR +59 3 103 GU +59 3 104 AR +59 3 105 AR +59 3 106 GO +59 3 107 CB +59 3 108 BU +59 3 109 AR +59 3 110 GO +59 3 111 GU +59 3 112 GN +59 3 113 GU +59 3 114 AR +59 3 115 GN +59 3 116 CB +59 3 117 GU +59 3 118 CB +59 3 119 AR +59 3 120 CB +59 3 121 GO +59 3 122 AR +59 3 123 AR +59 3 124 AR +59 3 125 GN +59 3 126 BU +59 3 127 GU +59 3 128 GO +59 3 129 CB +59 3 130 GU +59 3 131 AR +59 3 132 GN +59 3 133 AR +59 3 134 CC +59 3 135 AR +59 3 136 AR +59 3 137 GU +59 3 138 AR +59 3 139 BU +59 3 140 AR +59 3 141 CB +59 3 142 BU +59 3 143 AR +59 3 144 AR +59 3 145 AR +59 3 146 GO +59 3 147 AR +59 3 148 GN +59 3 149 GU +59 3 150 GU +59 3 151 GN +59 3 152 AR +59 3 153 AR +59 3 154 CC +59 3 155 GU +59 3 156 AR +59 3 157 GU +59 3 158 CB +59 3 159 CB +59 3 160 GN +59 3 161 AR +59 3 162 GN +59 3 163 AR +59 3 164 AR +59 3 165 GU +59 3 166 GU +59 3 167 AR +59 3 168 AR +59 3 169 AR +59 3 170 GU +59 3 171 AR +59 3 172 CB +59 3 173 GN +59 3 174 GO +59 3 175 AR +59 3 176 GN +59 3 177 GO +59 3 178 AR +59 3 179 GU +59 3 180 AR +59 3 181 GO +59 3 182 GU +59 3 183 GU +59 3 184 AR +59 3 185 GO +59 3 186 AR +59 3 187 GO +59 3 188 AR +59 3 189 CB +59 3 190 GN +59 3 191 AR +59 3 192 GU +59 3 193 GO +59 3 194 GU +59 3 195 AR +59 3 196 GU +59 3 197 GU +59 3 198 GU +59 3 199 CB +59 3 200 AR +59 3 201 GN +59 3 202 AR +59 3 203 GU +59 3 204 CC +59 3 205 AR +59 3 206 CB +59 3 207 GN +59 3 208 GU +59 3 209 GU +59 3 210 GU +59 3 211 AR +59 3 212 GO +59 3 213 BU +59 3 214 AR +59 3 215 BU +59 3 216 GU +59 3 217 BU +59 3 218 GU +59 3 219 CB +59 3 220 AR +59 3 221 BU +59 3 222 AR +59 3 223 AR +59 3 224 BU +59 3 225 AR +59 3 226 AR +59 3 227 GU +59 3 228 GU +59 3 229 CB +59 3 230 * +59 3 231 GU +59 3 232 GU +59 3 233 AR +59 3 234 AR +59 3 235 AR +59 3 236 AR +59 3 237 CB +59 3 238 AR +59 3 239 GN +59 3 240 GU +59 3 241 CB +59 3 242 GO +59 3 243 GU +59 3 244 AR +59 3 245 GN +59 3 246 AR +59 3 247 AR +59 3 248 GU +59 3 249 GU +59 3 250 AR +59 3 251 CB +59 3 252 CB +59 3 253 AR +59 3 254 CB +59 3 255 GU +59 3 256 GN +59 3 257 GU +59 3 258 GO +59 3 259 GN +59 3 260 CB +59 3 261 GO +59 3 262 CB +59 3 263 GU +59 3 264 BU +59 3 265 AR +59 3 266 GN +59 3 267 GU +59 3 268 AR +59 3 269 AR +59 3 270 GO +59 3 271 GU +59 3 272 CB +59 3 273 GU +59 3 274 CB +59 3 275 GU +59 3 276 GN +59 3 277 GU +59 3 278 GN +59 3 279 AR +59 3 280 AR +59 3 281 AR +59 3 282 AR +59 3 283 GU +59 3 284 CB +59 3 285 GN +59 3 286 CB +59 3 287 GU +59 3 288 GN +59 3 289 AR +59 3 290 CB +59 3 291 AR +59 3 292 CB +59 3 293 AR +59 3 294 BU +59 3 295 GU +59 3 296 AR +59 3 297 GO +59 3 298 GN +59 3 299 AR +59 3 300 BU +59 3 301 AR +59 3 302 BU +59 3 303 AR +59 3 304 GU +59 3 305 GU +59 3 306 AR +59 3 307 GU +59 3 308 GU +59 3 309 GU +59 3 310 AR +59 3 311 AR +59 3 312 CC +59 3 313 AR +59 3 314 CB +59 3 315 AR +59 3 316 AR +59 3 317 GU +59 3 318 GN +59 3 319 CB +59 3 320 GU +59 3 321 GN +59 3 322 AR +59 3 323 AR +59 3 324 CB +59 3 325 GU +59 3 326 GO +59 3 327 BU +59 3 328 GU +59 3 329 GU +59 3 330 BU +59 4 1 BU +59 4 2 * +59 4 3 * +59 4 4 AR +59 4 5 CB +59 4 6 BU +59 4 7 GW +59 4 8 GN +59 4 9 CH +59 4 10 AR +59 4 11 AI +59 4 12 GO +59 4 13 AI +59 4 14 AR +59 4 15 BU +59 4 16 CB +59 4 17 GO +59 4 18 BU +59 4 19 * +59 4 20 GW +59 4 21 BU +59 4 22 GO +59 4 23 AR +59 4 24 BU +59 4 25 BU +59 4 26 AR +59 4 27 CB +59 4 28 BU +59 4 29 AR +59 4 30 GO +59 4 31 BU +59 4 32 AR +59 4 33 GW +59 4 34 AR +59 4 35 BU +59 4 36 AR +59 4 37 BU +59 4 38 CB +59 4 39 GW +59 4 40 BU +59 4 41 GN +59 4 42 * +59 4 43 AR +59 4 44 CB +59 4 45 BU +59 4 46 GU +59 4 47 AI +59 4 48 GO +59 4 49 * +59 4 50 CH +59 4 51 * +59 4 52 CB +59 4 53 GN +59 4 54 * +59 4 55 * +59 4 56 CB +59 4 57 BU +59 4 58 CH +59 4 59 CB +59 4 60 AR +59 4 61 GN +59 4 62 GU +59 4 63 * +59 4 64 AR +59 4 65 GN +59 4 66 CB +59 4 67 BU +59 4 68 GN +59 4 69 GU +59 4 70 CB +59 4 71 GU +59 4 72 AR +59 4 73 AR +59 4 74 BU +59 4 75 AR +59 4 76 GN +59 4 77 BU +59 4 78 CB +59 4 79 GU +59 4 80 AR +59 4 81 BU +59 4 82 BU +59 4 83 BU +59 4 84 GN +59 4 85 * +59 4 86 * +59 4 87 GU +59 4 88 * +59 4 89 CC +59 4 90 AI +59 4 91 * +59 4 92 CB +59 4 93 AR +59 4 94 GU +59 4 95 CB +59 4 96 GO +59 4 97 AR +59 4 98 GN +59 4 99 CB +59 4 100 BU +59 4 101 * +59 4 102 BU +59 4 103 GU +59 4 104 BU +59 4 105 AR +59 4 106 * +59 4 107 CB +59 4 108 BU +59 4 109 AR +59 4 110 GO +59 4 111 GU +59 4 112 GN +59 4 113 GU +59 4 114 * +59 4 115 * +59 4 116 CB +59 4 117 GU +59 4 118 * +59 4 119 BU +59 4 120 CB +59 4 121 GN +59 4 122 AR +59 4 123 BU +59 4 124 * +59 4 125 GO +59 4 126 CB +59 4 127 GU +59 4 128 GO +59 4 129 CB +59 4 130 GU +59 4 131 AR +59 4 132 GN +59 4 133 * +59 4 134 CH +59 4 135 * +59 4 136 BU +59 4 137 GU +59 4 138 AR +59 4 139 CB +59 4 140 GU +59 4 141 CB +59 4 142 CB +59 4 143 AR +59 4 144 * +59 4 145 CB +59 4 146 GO +59 4 147 AR +59 4 148 GN +59 4 149 * +59 4 150 GU +59 4 151 * +59 4 152 * +59 4 153 * +59 4 154 GU +59 4 155 GU +59 4 156 AR +59 4 157 GU +59 4 158 CB +59 4 159 GO +59 4 160 * +59 4 161 * +59 4 162 GN +59 4 163 AR +59 4 164 * +59 4 165 GU +59 4 166 AR +59 4 167 CB +59 4 168 AR +59 4 169 * +59 4 170 GU +59 4 171 * +59 4 172 CB +59 4 173 GN +59 4 174 GO +59 4 175 CB +59 4 176 GN +59 4 177 GO +59 4 178 AR +59 4 179 GU +59 4 180 BU +59 4 181 * +59 4 182 * +59 4 183 GU +59 4 184 * +59 4 185 * +59 4 186 * +59 4 187 GO +59 4 188 * +59 4 189 * +59 4 190 BU +59 4 191 AR +59 4 192 * +59 4 193 GO +59 4 194 GU +59 4 195 * +59 4 196 CB +59 4 197 BU +59 4 198 CC +59 4 199 BU +59 4 200 CB +59 4 201 BU +59 4 202 AR +59 4 203 GN +59 4 204 GU +59 4 205 * +59 4 206 CB +59 4 207 GN +59 4 208 GO +59 4 209 AR +59 4 210 GU +59 4 211 BU +59 4 212 GO +59 4 213 BU +59 4 214 GO +59 4 215 BU +59 4 216 GU +59 4 217 CB +59 4 218 * +59 4 219 CB +59 4 220 GU +59 4 221 CB +59 4 222 AR +59 4 223 AR +59 4 224 CB +59 4 225 GU +59 4 226 AR +59 4 227 GU +59 4 228 AR +59 4 229 CB +59 4 230 BU +59 4 231 BU +59 4 232 * +59 4 233 BU +59 4 234 AR +59 4 235 * +59 4 236 GO +59 4 237 * +59 4 238 AR +59 4 239 * +59 4 240 GU +59 4 241 CB +59 4 242 CB +59 4 243 * +59 4 244 CB +59 4 245 GN +59 4 246 CB +59 4 247 * +59 4 248 GU +59 4 249 * +59 4 250 * +59 4 251 BU +59 4 252 CB +59 4 253 CB +59 4 254 BU +59 4 255 GU +59 4 256 GN +59 4 257 BU +59 4 258 GO +59 4 259 GN +59 4 260 BU +59 4 261 GO +59 4 262 CB +59 4 263 GU +59 4 264 CB +59 4 265 AR +59 4 266 GO +59 4 267 GU +59 4 268 CB +59 4 269 GN +59 4 270 GO +59 4 271 GU +59 4 272 CB +59 4 273 GU +59 4 274 CB +59 4 275 GO +59 4 276 GN +59 4 277 GU +59 4 278 CB +59 4 279 * +59 4 280 BU +59 4 281 * +59 4 282 * +59 4 283 GU +59 4 284 CB +59 4 285 * +59 4 286 CB +59 4 287 GU +59 4 288 GN +59 4 289 BU +59 4 290 CB +59 4 291 AR +59 4 292 CB +59 4 293 CB +59 4 294 CB +59 4 295 BU +59 4 296 AR +59 4 297 GO +59 4 298 GN +59 4 299 AR +59 4 300 GU +59 4 301 AR +59 4 302 BU +59 4 303 BU +59 4 304 GU +59 4 305 AR +59 4 306 BU +59 4 307 AR +59 4 308 BU +59 4 309 GU +59 4 310 AR +59 4 311 AR +59 4 312 CC +59 4 313 AR +59 4 314 CB +59 4 315 AR +59 4 316 CB +59 4 317 GN +59 4 318 BU +59 4 319 CB +59 4 320 AR +59 4 321 GN +59 4 322 BU +59 4 323 AR +59 4 324 CB +59 4 325 GN +59 4 326 GO +59 4 327 CB +59 4 328 GU +59 4 329 GU +59 4 330 CB +59 5 1 AR +59 5 2 BU +59 5 3 GN +59 5 4 BG +59 5 5 BU +59 5 6 AL +59 5 7 SA +59 5 8 * +59 5 9 GU +59 5 10 AR +59 5 11 AR +59 5 12 GO +59 5 13 AR +59 5 14 GU +59 5 15 BU +59 5 16 CB +59 5 17 GN +59 5 18 GU +59 5 19 AR +59 5 20 SA +59 5 21 GN +59 5 22 GO +59 5 23 BG +59 5 24 GU +59 5 25 AR +59 5 26 AR +59 5 27 CB +59 5 28 GN +59 5 29 AR +59 5 30 GO +59 5 31 AR +59 5 32 BR +59 5 33 GU +59 5 34 AR +59 5 35 GN +59 5 36 GU +59 5 37 AR +59 5 38 GU +59 5 39 SA +59 5 40 AR +59 5 41 GN +59 5 42 GO +59 5 43 GU +59 5 44 CB +59 5 45 SA +59 5 46 GU +59 5 47 SA +59 5 48 GO +59 5 49 AR +59 5 50 BG +59 5 51 GU +59 5 52 CB +59 5 53 GU +59 5 54 SA +59 5 55 AR +59 5 56 GN +59 5 57 AR +59 5 58 GO +59 5 59 CB +59 5 60 GU +59 5 61 GN +59 5 62 BU +59 5 63 GN +59 5 64 AR +59 5 65 GN +59 5 66 CB +59 5 67 * +59 5 68 GN +59 5 69 GU +59 5 70 CB +59 5 71 GU +59 5 72 SA +59 5 73 BG +59 5 74 CB +59 5 75 GU +59 5 76 GO +59 5 77 AR +59 5 78 GN +59 5 79 CC +59 5 80 AR +59 5 81 SA +59 5 82 * +59 5 83 CB +59 5 84 GN +59 5 85 GW +59 5 86 GN +59 5 87 GU +59 5 88 BG +59 5 89 CC +59 5 90 SA +59 5 91 GO +59 5 92 CB +59 5 93 AR +59 5 94 GU +59 5 95 * +59 5 96 GO +59 5 97 AR +59 5 98 GN +59 5 99 BU +59 5 100 AR +59 5 101 GU +59 5 102 BU +59 5 103 GO +59 5 104 AR +59 5 105 BG +59 5 106 GO +59 5 107 CB +59 5 108 BU +59 5 109 AR +59 5 110 GO +59 5 111 GU +59 5 112 GN +59 5 113 GU +59 5 114 AR +59 5 115 * +59 5 116 CB +59 5 117 GU +59 5 118 GN +59 5 119 AR +59 5 120 CB +59 5 121 GO +59 5 122 GW +59 5 123 AR +59 5 124 GO +59 5 125 GO +59 5 126 GN +59 5 127 GU +59 5 128 GO +59 5 129 CB +59 5 130 GU +59 5 131 BG +59 5 132 * +59 5 133 GW +59 5 134 CH +59 5 135 GU +59 5 136 AR +59 5 137 GU +59 5 138 AR +59 5 139 BU +59 5 140 AR +59 5 141 CB +59 5 142 BU +59 5 143 GO +59 5 144 GU +59 5 145 AR +59 5 146 GO +59 5 147 AR +59 5 148 GN +59 5 149 BU +59 5 150 BG +59 5 151 GN +59 5 152 AR +59 5 153 AR +59 5 154 CC +59 5 155 CH +59 5 156 SA +59 5 157 CH +59 5 158 CB +59 5 159 GN +59 5 160 GN +59 5 161 AR +59 5 162 GU +59 5 163 AR +59 5 164 AR +59 5 165 GO +59 5 166 GU +59 5 167 BU +59 5 168 GW +59 5 169 AR +59 5 170 GU +59 5 171 GO +59 5 172 CB +59 5 173 GN +59 5 174 GO +59 5 175 BU +59 5 176 GN +59 5 177 GO +59 5 178 AR +59 5 179 GU +59 5 180 AR +59 5 181 GO +59 5 182 GU +59 5 183 CH +59 5 184 BG +59 5 185 GO +59 5 186 * +59 5 187 GO +59 5 188 AR +59 5 189 BU +59 5 190 GN +59 5 191 GU +59 5 192 BG +59 5 193 GO +59 5 194 GU +59 5 195 GW +59 5 196 BU +59 5 197 GU +59 5 198 CC +59 5 199 CB +59 5 200 BU +59 5 201 GN +59 5 202 GW +59 5 203 GU +59 5 204 CH +59 5 205 AR +59 5 206 CB +59 5 207 GN +59 5 208 GO +59 5 209 GU +59 5 210 CH +59 5 211 AR +59 5 212 GO +59 5 213 BU +59 5 214 GO +59 5 215 * +59 5 216 GU +59 5 217 GN +59 5 218 GO +59 5 219 CB +59 5 220 AR +59 5 221 BU +59 5 222 BG +59 5 223 GW +59 5 224 CB +59 5 225 GO +59 5 226 * +59 5 227 CC +59 5 228 AR +59 5 229 BU +59 5 230 GN +59 5 231 BG +59 5 232 GU +59 5 233 AR +59 5 234 GW +59 5 235 AR +59 5 236 GO +59 5 237 GN +59 5 238 AR +59 5 239 GN +59 5 240 CH +59 5 241 CB +59 5 242 GO +59 5 243 GU +59 5 244 BU +59 5 245 GN +59 5 246 AR +59 5 247 BU +59 5 248 CC +59 5 249 GW +59 5 250 GU +59 5 251 AR +59 5 252 CB +59 5 253 AR +59 5 254 BU +59 5 255 GU +59 5 256 GN +59 5 257 AR +59 5 258 GO +59 5 259 GU +59 5 260 BU +59 5 261 GO +59 5 262 CB +59 5 263 GU +59 5 264 AR +59 5 265 GW +59 5 266 GO +59 5 267 GU +59 5 268 AR +59 5 269 BU +59 5 270 GO +59 5 271 GU +59 5 272 CB +59 5 273 BG +59 5 274 CB +59 5 275 GO +59 5 276 GU +59 5 277 AR +59 5 278 GN +59 5 279 AR +59 5 280 GO +59 5 281 GU +59 5 282 GO +59 5 283 CH +59 5 284 CB +59 5 285 GN +59 5 286 CB +59 5 287 GO +59 5 288 GN +59 5 289 BU +59 5 290 AR +59 5 291 AR +59 5 292 GN +59 5 293 BU +59 5 294 CB +59 5 295 GO +59 5 296 BG +59 5 297 GO +59 5 298 GN +59 5 299 SA +59 5 300 BU +59 5 301 AR +59 5 302 GN +59 5 303 BU +59 5 304 GO +59 5 305 GU +59 5 306 GO +59 5 307 AR +59 5 308 BU +59 5 309 GU +59 5 310 AR +59 5 311 AR +59 5 312 CC +59 5 313 AR +59 5 314 BU +59 5 315 GO +59 5 316 AR +59 5 317 GU +59 5 318 GN +59 5 319 CB +59 5 320 GU +59 5 321 GN +59 5 322 AR +59 5 323 GU +59 5 324 CB +59 5 325 BG +59 5 326 GO +59 5 327 BU +59 5 328 GU +59 5 329 CH +59 5 330 CB +59 6 1 AR +59 6 2 CB +59 6 3 GN +59 6 4 GU +59 6 5 AR +59 6 6 CB +59 6 7 AR +59 6 8 GU +59 6 9 GU +59 6 10 AR +59 6 11 GU +59 6 12 GO +59 6 13 GU +59 6 14 AR +59 6 15 GU +59 6 16 CB +59 6 17 GN +59 6 18 CC +59 6 19 AR +59 6 20 AR +59 6 21 GN +59 6 22 GO +59 6 23 GU +59 6 24 CC +59 6 25 AR +59 6 26 AR +59 6 27 CB +59 6 28 AR +59 6 29 AR +59 6 30 GU +59 6 31 CB +59 6 32 GU +59 6 33 AR +59 6 34 AR +59 6 35 GN +59 6 36 GU +59 6 37 AR +59 6 38 * +59 6 39 GU +59 6 40 AR +59 6 41 GN +59 6 42 GO +59 6 43 AR +59 6 44 CB +59 6 45 AR +59 6 46 GU +59 6 47 GU +59 6 48 GO +59 6 49 AR +59 6 50 GU +59 6 51 GU +59 6 52 CB +59 6 53 GN +59 6 54 AR +59 6 55 AR +59 6 56 CB +59 6 57 GU +59 6 58 GO +59 6 59 CB +59 6 60 AR +59 6 61 GN +59 6 62 GU +59 6 63 CB +59 6 64 AR +59 6 65 GN +59 6 66 CB +59 6 67 CB +59 6 68 GN +59 6 69 GU +59 6 70 CB +59 6 71 GU +59 6 72 AR +59 6 73 GU +59 6 74 CB +59 6 75 GU +59 6 76 GN +59 6 77 AR +59 6 78 GN +59 6 79 CC +59 6 80 AR +59 6 81 AR +59 6 82 AR +59 6 83 CB +59 6 84 CB +59 6 85 AR +59 6 86 GN +59 6 87 CC +59 6 88 GN +59 6 89 CC +59 6 90 GU +59 6 91 GO +59 6 92 CB +59 6 93 AR +59 6 94 GU +59 6 95 CB +59 6 96 GO +59 6 97 AR +59 6 98 GN +59 6 99 AR +59 6 100 CB +59 6 101 GU +59 6 102 CB +59 6 103 GU +59 6 104 CB +59 6 105 GU +59 6 106 GO +59 6 107 CB +59 6 108 AR +59 6 109 AR +59 6 110 GO +59 6 111 GU +59 6 112 GN +59 6 113 GU +59 6 114 AR +59 6 115 GU +59 6 116 CB +59 6 117 GU +59 6 118 GN +59 6 119 AR +59 6 120 CB +59 6 121 GO +59 6 122 AR +59 6 123 AR +59 6 124 CB +59 6 125 GO +59 6 126 GU +59 6 127 CC +59 6 128 GO +59 6 129 CB +59 6 130 GU +59 6 131 AR +59 6 132 GU +59 6 133 AR +59 6 134 GU +59 6 135 GN +59 6 136 AR +59 6 137 GU +59 6 138 AR +59 6 139 CB +59 6 140 AR +59 6 141 CB +59 6 142 GU +59 6 143 AR +59 6 144 AR +59 6 145 AR +59 6 146 GO +59 6 147 AR +59 6 148 GN +59 6 149 BU +59 6 150 GU +59 6 151 GN +59 6 152 BU +59 6 153 AR +59 6 154 GU +59 6 155 GU +59 6 156 AR +59 6 157 GU +59 6 158 CB +59 6 159 GO +59 6 160 CB +59 6 161 AR +59 6 162 GN +59 6 163 GU +59 6 164 AR +59 6 165 GU +59 6 166 AR +59 6 167 BU +59 6 168 AR +59 6 169 AR +59 6 170 * +59 6 171 GU +59 6 172 CB +59 6 173 GN +59 6 174 GO +59 6 175 CB +59 6 176 GN +59 6 177 GO +59 6 178 AR +59 6 179 GU +59 6 180 AR +59 6 181 GU +59 6 182 GN +59 6 183 GU +59 6 184 AR +59 6 185 GO +59 6 186 CB +59 6 187 GO +59 6 188 AR +59 6 189 CB +59 6 190 CB +59 6 191 AR +59 6 192 GN +59 6 193 GO +59 6 194 GU +59 6 195 AR +59 6 196 CB +59 6 197 GN +59 6 198 GU +59 6 199 CB +59 6 200 AR +59 6 201 CB +59 6 202 AR +59 6 203 GN +59 6 204 GU +59 6 205 GU +59 6 206 CB +59 6 207 GN +59 6 208 GO +59 6 209 AR +59 6 210 GU +59 6 211 AR +59 6 212 GO +59 6 213 BU +59 6 214 GO +59 6 215 * +59 6 216 CC +59 6 217 CB +59 6 218 AR +59 6 219 CB +59 6 220 AR +59 6 221 CB +59 6 222 AR +59 6 223 AR +59 6 224 CB +59 6 225 GU +59 6 226 GU +59 6 227 CC +59 6 228 AR +59 6 229 CB +59 6 230 BU +59 6 231 AR +59 6 232 GU +59 6 233 AR +59 6 234 AR +59 6 235 AR +59 6 236 GU +59 6 237 BU +59 6 238 AR +59 6 239 GN +59 6 240 GU +59 6 241 CB +59 6 242 GO +59 6 243 GN +59 6 244 BU +59 6 245 GN +59 6 246 AR +59 6 247 GU +59 6 248 AR +59 6 249 GU +59 6 250 AR +59 6 251 CB +59 6 252 CB +59 6 253 AR +59 6 254 BU +59 6 255 CC +59 6 256 GN +59 6 257 AR +59 6 258 GO +59 6 259 GU +59 6 260 CB +59 6 261 GO +59 6 262 CB +59 6 263 GU +59 6 264 CB +59 6 265 AR +59 6 266 GN +59 6 267 GU +59 6 268 CB +59 6 269 GN +59 6 270 GO +59 6 271 GU +59 6 272 CB +59 6 273 GN +59 6 274 CB +59 6 275 GO +59 6 276 GN +59 6 277 AR +59 6 278 GO +59 6 279 AR +59 6 280 GU +59 6 281 AR +59 6 282 AR +59 6 283 GU +59 6 284 CB +59 6 285 BU +59 6 286 CB +59 6 287 GU +59 6 288 GN +59 6 289 AR +59 6 290 BU +59 6 291 AR +59 6 292 GN +59 6 293 CB +59 6 294 CB +59 6 295 GU +59 6 296 AR +59 6 297 GO +59 6 298 GN +59 6 299 AR +59 6 300 GU +59 6 301 AR +59 6 302 CB +59 6 303 GU +59 6 304 BU +59 6 305 GU +59 6 306 CB +59 6 307 AR +59 6 308 GU +59 6 309 GU +59 6 310 AR +59 6 311 AR +59 6 312 CC +59 6 313 AR +59 6 314 CB +59 6 315 AR +59 6 316 AR +59 6 317 GN +59 6 318 GO +59 6 319 CB +59 6 320 GU +59 6 321 GN +59 6 322 AR +59 6 323 GU +59 6 324 BU +59 6 325 GU +59 6 326 GO +59 6 327 BU +59 6 328 GU +59 6 329 GU +59 6 330 CB +59 7 1 AR +59 7 2 BU +59 7 3 GO +59 7 4 IS +59 7 5 BU +59 7 6 GO +59 7 7 AR +59 7 8 GS +59 7 9 AR +59 7 10 AR +59 7 11 AR +59 7 12 DU +59 7 13 AR +59 7 14 AR +59 7 15 GS +59 7 16 CB +59 7 17 GO +59 7 18 UM +59 7 19 BU +59 7 20 GW +59 7 21 GS +59 7 22 DU +59 7 23 GS +59 7 24 CH +59 7 25 BU +59 7 26 AR +59 7 27 GS +59 7 28 GS +59 7 29 BU +59 7 30 GO +59 7 31 BU +59 7 32 GS +59 7 33 BU +59 7 34 AR +59 7 35 GS +59 7 36 AR +59 7 37 BU +59 7 38 GS +59 7 39 BU +59 7 40 AR +59 7 41 GN +59 7 42 WU +59 7 43 AR +59 7 44 GS +59 7 45 AR +59 7 46 CH +59 7 47 AR +59 7 48 WU +59 7 49 BU +59 7 50 CH +59 7 51 GO +59 7 52 UR +59 7 53 GS +59 7 54 UR +59 7 55 BU +59 7 56 GS +59 7 57 BU +59 7 58 WU +59 7 59 GS +59 7 60 AR +59 7 61 GN +59 7 62 BU +59 7 63 GS +59 7 64 AR +59 7 65 GS +59 7 66 CB +59 7 67 BU +59 7 68 GS +59 7 69 UR +59 7 70 GS +59 7 71 GN +59 7 72 AR +59 7 73 IS +59 7 74 BU +59 7 75 AR +59 7 76 GO +59 7 77 BU +59 7 78 GS +59 7 79 CC +59 7 80 AR +59 7 81 GW +59 7 82 BU +59 7 83 GS +59 7 84 GS +59 7 85 GW +59 7 86 GS +59 7 87 CC +59 7 88 IS +59 7 89 CC +59 7 90 CC +59 7 91 GW +59 7 92 GS +59 7 93 AR +59 7 94 CH +59 7 95 BU +59 7 96 WU +59 7 97 IS +59 7 98 GN +59 7 99 GS +59 7 100 BU +59 7 101 GS +59 7 102 BU +59 7 103 BU +59 7 104 BU +59 7 105 IS +59 7 106 CB +59 7 107 CB +59 7 108 BU +59 7 109 AR +59 7 110 WU +59 7 111 CC +59 7 112 GS +59 7 113 CC +59 7 114 GW +59 7 115 GN +59 7 116 BU +59 7 117 CH +59 7 118 GS +59 7 119 GW +59 7 120 CB +59 7 121 GO +59 7 122 GW +59 7 123 BU +59 7 124 CB +59 7 125 GO +59 7 126 GS +59 7 127 CC +59 7 128 DU +59 7 129 CB +59 7 130 CC +59 7 131 IS +59 7 132 GO +59 7 133 GW +59 7 134 CC +59 7 135 GS +59 7 136 BU +59 7 137 GW +59 7 138 BU +59 7 139 CB +59 7 140 AR +59 7 141 CB +59 7 142 CB +59 7 143 GW +59 7 144 IS +59 7 145 BU +59 7 146 WU +59 7 147 BU +59 7 148 GN +59 7 149 CB +59 7 150 IS +59 7 151 GS +59 7 152 GS +59 7 153 AR +59 7 154 CH +59 7 155 CC +59 7 156 GW +59 7 157 AR +59 7 158 CB +59 7 159 GS +59 7 160 GS +59 7 161 BU +59 7 162 GS +59 7 163 BU +59 7 164 AR +59 7 165 CC +59 7 166 AR +59 7 167 GS +59 7 168 GW +59 7 169 AR +59 7 170 CC +59 7 171 BU +59 7 172 CB +59 7 173 GS +59 7 174 WU +59 7 175 BU +59 7 176 GO +59 7 177 DU +59 7 178 AR +59 7 179 CH +59 7 180 GW +59 7 181 WU +59 7 182 AI +59 7 183 CC +59 7 184 IS +59 7 185 GO +59 7 186 BU +59 7 187 WU +59 7 188 AR +59 7 189 BU +59 7 190 GS +59 7 191 AR +59 7 192 IS +59 7 193 BU +59 7 194 CH +59 7 195 GW +59 7 196 BU +59 7 197 GS +59 7 198 CH +59 7 199 CB +59 7 200 AR +59 7 201 GS +59 7 202 GW +59 7 203 GS +59 7 204 CH +59 7 205 IS +59 7 206 CB +59 7 207 GS +59 7 208 GO +59 7 209 AR +59 7 210 CC +59 7 211 BU +59 7 212 GO +59 7 213 GS +59 7 214 DU +59 7 215 GS +59 7 216 CH +59 7 217 GS +59 7 218 AR +59 7 219 BU +59 7 220 IS +59 7 221 BU +59 7 222 IS +59 7 223 GW +59 7 224 CB +59 7 225 GO +59 7 226 AR +59 7 227 CC +59 7 228 AR +59 7 229 BU +59 7 230 GS +59 7 231 GS +59 7 232 UR +59 7 233 BU +59 7 234 AR +59 7 235 AR +59 7 236 GW +59 7 237 GS +59 7 238 BU +59 7 239 GS +59 7 240 CH +59 7 241 CB +59 7 242 DU +59 7 243 IS +59 7 244 CB +59 7 245 GO +59 7 246 BU +59 7 247 IS +59 7 248 CC +59 7 249 AR +59 7 250 IS +59 7 251 BU +59 7 252 GS +59 7 253 BU +59 7 254 AR +59 7 255 CH +59 7 256 GS +59 7 257 AR +59 7 258 GO +59 7 259 GS +59 7 260 CB +59 7 261 GO +59 7 262 GS +59 7 263 CH +59 7 264 BU +59 7 265 GW +59 7 266 GO +59 7 267 IS +59 7 268 BU +59 7 269 GS +59 7 270 GO +59 7 271 CC +59 7 272 CB +59 7 273 GS +59 7 274 CB +59 7 275 GO +59 7 276 GS +59 7 277 AR +59 7 278 GO +59 7 279 AR +59 7 280 BU +59 7 281 UR +59 7 282 BU +59 7 283 CH +59 7 284 CB +59 7 285 GS +59 7 286 CB +59 7 287 WU +59 7 288 GO +59 7 289 BU +59 7 290 GS +59 7 291 AR +59 7 292 GS +59 7 293 BU +59 7 294 BU +59 7 295 CH +59 7 296 IS +59 7 297 WU +59 7 298 GO +59 7 299 GW +59 7 300 CB +59 7 301 AR +59 7 302 GS +59 7 303 BU +59 7 304 UR +59 7 305 IS +59 7 306 BU +59 7 307 AR +59 7 308 AU +59 7 309 CH +59 7 310 UR +59 7 311 AR +59 7 312 CC +59 7 313 AR +59 7 314 CB +59 7 315 AR +59 7 316 AR +59 7 317 IS +59 7 318 GO +59 7 319 CB +59 7 320 GW +59 7 321 GS +59 7 322 AR +59 7 323 GW +59 7 324 CB +59 7 325 IS +59 7 326 GO +59 7 327 BU +59 7 328 CC +59 7 329 CH +59 7 330 CB +59 8 1 AR +59 8 2 CB +59 8 3 GO +59 8 4 WU +59 8 5 AR +59 8 6 GO +59 8 7 AR +59 8 8 GU +59 8 9 CC +59 8 10 AR +59 8 11 AR +59 8 12 DU +59 8 13 AR +59 8 14 AR +59 8 15 CB +59 8 16 CB +59 8 17 GO +59 8 18 CC +59 8 19 AR +59 8 20 AR +59 8 21 GS +59 8 22 DU +59 8 23 WU +59 8 24 CC +59 8 25 AR +59 8 26 AR +59 8 27 CB +59 8 28 GS +59 8 29 AR +59 8 30 MM +59 8 31 AR +59 8 32 WU +59 8 33 AR +59 8 34 AR +59 8 35 GO +59 8 36 AR +59 8 37 DU +59 8 38 * +59 8 39 AR +59 8 40 AR +59 8 41 GN +59 8 42 DU +59 8 43 AR +59 8 44 CB +59 8 45 AR +59 8 46 GU +59 8 47 AR +59 8 48 MM +59 8 49 CB +59 8 50 WU +59 8 51 CC +59 8 52 CB +59 8 53 GS +59 8 54 AR +59 8 55 CB +59 8 56 GO +59 8 57 CC +59 8 58 DU +59 8 59 CB +59 8 60 CC +59 8 61 GN +59 8 62 CB +59 8 63 GO +59 8 64 AR +59 8 65 GS +59 8 66 CB +59 8 67 AR +59 8 68 GS +59 8 69 CB +59 8 70 GU +59 8 71 AR +59 8 72 GW +59 8 73 WU +59 8 74 CB +59 8 75 AR +59 8 76 GO +59 8 77 AR +59 8 78 CB +59 8 79 CC +59 8 80 AR +59 8 81 GW +59 8 82 AR +59 8 83 GO +59 8 84 GS +59 8 85 AR +59 8 86 GS +59 8 87 CC +59 8 88 WU +59 8 89 CC +59 8 90 AR +59 8 91 AR +59 8 92 CB +59 8 93 AR +59 8 94 CC +59 8 95 CB +59 8 96 DU +59 8 97 WU +59 8 98 GN +59 8 99 CB +59 8 100 CB +59 8 101 CB +59 8 102 GU +59 8 103 AR +59 8 104 CB +59 8 105 WU +59 8 106 DU +59 8 107 CB +59 8 108 CB +59 8 109 AR +59 8 110 MM +59 8 111 CC +59 8 112 GS +59 8 113 CC +59 8 114 AR +59 8 115 GN +59 8 116 CB +59 8 117 CC +59 8 118 GS +59 8 119 AR +59 8 120 CB +59 8 121 GO +59 8 122 AR +59 8 123 GU +59 8 124 AR +59 8 125 GO +59 8 126 GS +59 8 127 CC +59 8 128 DU +59 8 129 CB +59 8 130 CC +59 8 131 WU +59 8 132 GO +59 8 133 AR +59 8 134 CC +59 8 135 GS +59 8 136 AR +59 8 137 AR +59 8 138 AR +59 8 139 CB +59 8 140 AR +59 8 141 CB +59 8 142 CB +59 8 143 AR +59 8 144 AR +59 8 145 AR +59 8 146 DU +59 8 147 AR +59 8 148 GN +59 8 149 AR +59 8 150 WU +59 8 151 GS +59 8 152 CB +59 8 153 AR +59 8 154 CC +59 8 155 GU +59 8 156 AR +59 8 157 CC +59 8 158 CB +59 8 159 GO +59 8 160 GS +59 8 161 AR +59 8 162 GN +59 8 163 AR +59 8 164 AR +59 8 165 CC +59 8 166 AR +59 8 167 CB +59 8 168 AR +59 8 169 AR +59 8 170 CC +59 8 171 AR +59 8 172 CB +59 8 173 GS +59 8 174 MM +59 8 175 CB +59 8 176 GS +59 8 177 CB +59 8 178 AR +59 8 179 CC +59 8 180 AR +59 8 181 MM +59 8 182 GU +59 8 183 GO +59 8 184 WU +59 8 185 MM +59 8 186 CB +59 8 187 MM +59 8 188 AR +59 8 189 CB +59 8 190 GS +59 8 191 AR +59 8 192 WU +59 8 193 DU +59 8 194 GU +59 8 195 AR +59 8 196 CB +59 8 197 GU +59 8 198 CC +59 8 199 CB +59 8 200 AR +59 8 201 GS +59 8 202 AR +59 8 203 GS +59 8 204 CC +59 8 205 AR +59 8 206 CB +59 8 207 GS +59 8 208 MM +59 8 209 AR +59 8 210 GU +59 8 211 CB +59 8 212 GO +59 8 213 CB +59 8 214 AR +59 8 215 GS +59 8 216 CC +59 8 217 CB +59 8 218 AR +59 8 219 CB +59 8 220 AR +59 8 221 CB +59 8 222 WU +59 8 223 AR +59 8 224 CB +59 8 225 AR +59 8 226 CC +59 8 227 CC +59 8 228 AR +59 8 229 AR +59 8 230 CB +59 8 231 GS +59 8 232 AR +59 8 233 CB +59 8 234 AR +59 8 235 AR +59 8 236 AR +59 8 237 GO +59 8 238 AR +59 8 239 GS +59 8 240 GO +59 8 241 CB +59 8 242 DU +59 8 243 GU +59 8 244 CB +59 8 245 GN +59 8 246 AR +59 8 247 AR +59 8 248 AR +59 8 249 AR +59 8 250 WU +59 8 251 AR +59 8 252 CB +59 8 253 AR +59 8 254 CB +59 8 255 CC +59 8 256 GS +59 8 257 CC +59 8 258 MM +59 8 259 GO +59 8 260 CB +59 8 261 MM +59 8 262 CB +59 8 263 CC +59 8 264 AR +59 8 265 AR +59 8 266 GO +59 8 267 GU +59 8 268 AR +59 8 269 GS +59 8 270 MM +59 8 271 AR +59 8 272 CB +59 8 273 GS +59 8 274 CB +59 8 275 GO +59 8 276 GS +59 8 277 AR +59 8 278 GO +59 8 279 AR +59 8 280 AR +59 8 281 AR +59 8 282 GW +59 8 283 GO +59 8 284 CB +59 8 285 GS +59 8 286 CB +59 8 287 MM +59 8 288 GO +59 8 289 AR +59 8 290 CB +59 8 291 AR +59 8 292 GO +59 8 293 CB +59 8 294 CB +59 8 295 GO +59 8 296 WU +59 8 297 DU +59 8 298 GO +59 8 299 AR +59 8 300 CB +59 8 301 AR +59 8 302 CB +59 8 303 CB +59 8 304 AR +59 8 305 GU +59 8 306 AR +59 8 307 AR +59 8 308 AR +59 8 309 AR +59 8 310 AR +59 8 311 AR +59 8 312 CC +59 8 313 AR +59 8 314 CB +59 8 315 AR +59 8 316 AR +59 8 317 WU +59 8 318 GO +59 8 319 CB +59 8 320 AR +59 8 321 GS +59 8 322 AR +59 8 323 AR +59 8 324 CB +59 8 325 WU +59 8 326 MM +59 8 327 CB +59 8 328 AR +59 8 329 GO +59 8 330 CB +59 9 1 AR +59 9 2 CB +59 9 3 GN +59 9 4 AR +59 9 5 GU +59 9 6 GN +59 9 7 GU +59 9 8 GN +59 9 9 * +59 9 10 AR +59 9 11 * +59 9 12 GO +59 9 13 AR +59 9 14 * +59 9 15 CB +59 9 16 CB +59 9 17 GN +59 9 18 GU +59 9 19 AR +59 9 20 AR +59 9 21 GN +59 9 22 GO +59 9 23 GU +59 9 24 CC +59 9 25 AR +59 9 26 AR +59 9 27 CB +59 9 28 GN +59 9 29 AR +59 9 30 * +59 9 31 CB +59 9 32 * +59 9 33 CB +59 9 34 AR +59 9 35 * +59 9 36 GU +59 9 37 AR +59 9 38 GN +59 9 39 GU +59 9 40 AR +59 9 41 GN +59 9 42 GO +59 9 43 AR +59 9 44 CB +59 9 45 * +59 9 46 CB +59 9 47 GU +59 9 48 GO +59 9 49 AR +59 9 50 * +59 9 51 GO +59 9 52 CB +59 9 53 GN +59 9 54 AR +59 9 55 CB +59 9 56 GN +59 9 57 CB +59 9 58 GU +59 9 59 AR +59 9 60 GU +59 9 61 GN +59 9 62 GU +59 9 63 GN +59 9 64 AR +59 9 65 * +59 9 66 CB +59 9 67 AR +59 9 68 GN +59 9 69 GU +59 9 70 CB +59 9 71 GU +59 9 72 GU +59 9 73 * +59 9 74 CB +59 9 75 GU +59 9 76 GO +59 9 77 GU +59 9 78 GN +59 9 79 CC +59 9 80 AR +59 9 81 GU +59 9 82 CB +59 9 83 CB +59 9 84 GN +59 9 85 GU +59 9 86 GN +59 9 87 GU +59 9 88 GN +59 9 89 CC +59 9 90 GU +59 9 91 GO +59 9 92 CB +59 9 93 GU +59 9 94 CC +59 9 95 CB +59 9 96 GO +59 9 97 GN +59 9 98 GN +59 9 99 CB +59 9 100 * +59 9 101 GU +59 9 102 CB +59 9 103 GU +59 9 104 CB +59 9 105 GU +59 9 106 GO +59 9 107 CB +59 9 108 GU +59 9 109 AR +59 9 110 GO +59 9 111 GU +59 9 112 GN +59 9 113 GU +59 9 114 AR +59 9 115 * +59 9 116 CB +59 9 117 GN +59 9 118 GN +59 9 119 GU +59 9 120 CB +59 9 121 GO +59 9 122 AR +59 9 123 AR +59 9 124 CB +59 9 125 GO +59 9 126 GN +59 9 127 AR +59 9 128 GO +59 9 129 CB +59 9 130 GU +59 9 131 GU +59 9 132 GN +59 9 133 GU +59 9 134 CC +59 9 135 * +59 9 136 AR +59 9 137 * +59 9 138 CB +59 9 139 CB +59 9 140 AR +59 9 141 CB +59 9 142 CB +59 9 143 AR +59 9 144 * +59 9 145 * +59 9 146 GO +59 9 147 GU +59 9 148 GN +59 9 149 CB +59 9 150 AR +59 9 151 GN +59 9 152 * +59 9 153 * +59 9 154 CC +59 9 155 GU +59 9 156 * +59 9 157 GU +59 9 158 CB +59 9 159 GN +59 9 160 GN +59 9 161 GU +59 9 162 GN +59 9 163 AR +59 9 164 AR +59 9 165 GU +59 9 166 AR +59 9 167 * +59 9 168 * +59 9 169 * +59 9 170 GU +59 9 171 GU +59 9 172 CB +59 9 173 GN +59 9 174 GO +59 9 175 CB +59 9 176 GN +59 9 177 CB +59 9 178 AR +59 9 179 GU +59 9 180 AR +59 9 181 GO +59 9 182 GN +59 9 183 GO +59 9 184 GU +59 9 185 * +59 9 186 CB +59 9 187 GO +59 9 188 AR +59 9 189 CB +59 9 190 GN +59 9 191 AR +59 9 192 GU +59 9 193 CB +59 9 194 GU +59 9 195 AR +59 9 196 * +59 9 197 GU +59 9 198 CC +59 9 199 CB +59 9 200 * +59 9 201 GN +59 9 202 AR +59 9 203 * +59 9 204 CC +59 9 205 GU +59 9 206 CB +59 9 207 GN +59 9 208 GO +59 9 209 GU +59 9 210 GN +59 9 211 AR +59 9 212 GO +59 9 213 * +59 9 214 GO +59 9 215 GN +59 9 216 GU +59 9 217 GN +59 9 218 GO +59 9 219 CB +59 9 220 AR +59 9 221 CB +59 9 222 * +59 9 223 AR +59 9 224 CB +59 9 225 GO +59 9 226 AR +59 9 227 * +59 9 228 AR +59 9 229 AR +59 9 230 CB +59 9 231 GN +59 9 232 GU +59 9 233 AR +59 9 234 AR +59 9 235 AR +59 9 236 GO +59 9 237 CB +59 9 238 AR +59 9 239 GN +59 9 240 GU +59 9 241 CB +59 9 242 GO +59 9 243 GN +59 9 244 CB +59 9 245 GN +59 9 246 * +59 9 247 CB +59 9 248 AR +59 9 249 GU +59 9 250 * +59 9 251 * +59 9 252 CB +59 9 253 AR +59 9 254 GU +59 9 255 * +59 9 256 GN +59 9 257 * +59 9 258 GO +59 9 259 GU +59 9 260 CB +59 9 261 GO +59 9 262 CB +59 9 263 CC +59 9 264 GU +59 9 265 GU +59 9 266 GN +59 9 267 GU +59 9 268 AR +59 9 269 GN +59 9 270 GO +59 9 271 CC +59 9 272 CB +59 9 273 GU +59 9 274 CB +59 9 275 * +59 9 276 GN +59 9 277 CC +59 9 278 GN +59 9 279 AR +59 9 280 GU +59 9 281 GU +59 9 282 AR +59 9 283 CC +59 9 284 CB +59 9 285 GN +59 9 286 CB +59 9 287 GO +59 9 288 GN +59 9 289 AR +59 9 290 CB +59 9 291 GU +59 9 292 GN +59 9 293 AR +59 9 294 CB +59 9 295 GU +59 9 296 GU +59 9 297 GO +59 9 298 GN +59 9 299 GU +59 9 300 CB +59 9 301 AR +59 9 302 * +59 9 303 GU +59 9 304 GU +59 9 305 GU +59 9 306 CB +59 9 307 AR +59 9 308 GU +59 9 309 GU +59 9 310 AR +59 9 311 CC +59 9 312 CC +59 9 313 AR +59 9 314 CB +59 9 315 AR +59 9 316 * +59 9 317 GN +59 9 318 GO +59 9 319 CB +59 9 320 GU +59 9 321 GN +59 9 322 AR +59 9 323 AR +59 9 324 CB +59 9 325 GU +59 9 326 GO +59 9 327 CB +59 9 328 GU +59 9 329 AR +59 9 330 CB +59 10 1 AR +59 10 2 BU +59 10 3 YI +59 10 4 BG +59 10 5 BU +59 10 6 MO +59 10 7 AG +59 10 8 CH +59 10 9 GU +59 10 10 AR +59 10 11 GU +59 10 12 DL +59 10 13 AG +59 10 14 BR +59 10 15 AL +59 10 16 CB +59 10 17 NI +59 10 18 GU +59 10 19 BR +59 10 20 ML +59 10 21 AL +59 10 22 * +59 10 23 CH +59 10 24 GU +59 10 25 BR +59 10 26 AR +59 10 27 * +59 10 28 AL +59 10 29 AR +59 10 30 GO +59 10 31 BR +59 10 32 AL +59 10 33 AR +59 10 34 AR +59 10 35 GN +59 10 36 GU +59 10 37 BU +59 10 38 AL +59 10 39 AR +59 10 40 BU +59 10 41 * +59 10 42 GO +59 10 43 AR +59 10 44 CB +59 10 45 AR +59 10 46 GU +59 10 47 GU +59 10 48 DU +59 10 49 BU +59 10 50 BG +59 10 51 GU +59 10 52 CB +59 10 53 AL +59 10 54 AR +59 10 55 BU +59 10 56 GO +59 10 57 GU +59 10 58 AN +59 10 59 AL +59 10 60 GU +59 10 61 GN +59 10 62 AR +59 10 63 GN +59 10 64 AR +59 10 65 CU +59 10 66 CB +59 10 67 AR +59 10 68 MG +59 10 69 ML +59 10 70 BU +59 10 71 GU +59 10 72 AR +59 10 73 BG +59 10 74 BR +59 10 75 GU +59 10 76 NI +59 10 77 * +59 10 78 AL +59 10 79 GU +59 10 80 AR +59 10 81 AR +59 10 82 BU +59 10 83 GO +59 10 84 CB +59 10 85 AR +59 10 86 AR +59 10 87 GU +59 10 88 CU +59 10 89 CC +59 10 90 AR +59 10 91 GO +59 10 92 CB +59 10 93 AR +59 10 94 GU +59 10 95 BU +59 10 96 GO +59 10 97 AR +59 10 98 GN +59 10 99 AR +59 10 100 AR +59 10 101 GU +59 10 102 AR +59 10 103 GU +59 10 104 AR +59 10 105 BG +59 10 106 GO +59 10 107 GU +59 10 108 MO +59 10 109 AR +59 10 110 GO +59 10 111 GU +59 10 112 CU +59 10 113 GU +59 10 114 AR +59 10 115 * +59 10 116 BU +59 10 117 * +59 10 118 GN +59 10 119 AR +59 10 120 GU +59 10 121 GO +59 10 122 AR +59 10 123 AR +59 10 124 GO +59 10 125 NI +59 10 126 AL +59 10 127 GU +59 10 128 AN +59 10 129 CB +59 10 130 GU +59 10 131 BG +59 10 132 * +59 10 133 GU +59 10 134 CH +59 10 135 BG +59 10 136 BR +59 10 137 GU +59 10 138 BR +59 10 139 AR +59 10 140 AR +59 10 141 CB +59 10 142 GU +59 10 143 AR +59 10 144 AR +59 10 145 AR +59 10 146 GO +59 10 147 AR +59 10 148 GN +59 10 149 AR +59 10 150 AR +59 10 151 GN +59 10 152 AR +59 10 153 AR +59 10 154 GU +59 10 155 GO +59 10 156 AR +59 10 157 GU +59 10 158 CB +59 10 159 GO +59 10 160 BU +59 10 161 AR +59 10 162 GN +59 10 163 AR +59 10 164 AR +59 10 165 GU +59 10 166 GU +59 10 167 BR +59 10 168 AR +59 10 169 AR +59 10 170 AR +59 10 171 GO +59 10 172 BU +59 10 173 GN +59 10 174 GO +59 10 175 CB +59 10 176 GN +59 10 177 GO +59 10 178 AR +59 10 179 * +59 10 180 AR +59 10 181 GO +59 10 182 GU +59 10 183 GO +59 10 184 AR +59 10 185 GO +59 10 186 BU +59 10 187 DU +59 10 188 AR +59 10 189 AR +59 10 190 CB +59 10 191 AR +59 10 192 AR +59 10 193 GO +59 10 194 GU +59 10 195 AR +59 10 196 BU +59 10 197 AL +59 10 198 GU +59 10 199 CB +59 10 200 AR +59 10 201 GN +59 10 202 AR +59 10 203 AL +59 10 204 GU +59 10 205 AR +59 10 206 CB +59 10 207 GN +59 10 208 GO +59 10 209 AR +59 10 210 GU +59 10 211 BU +59 10 212 GO +59 10 213 AR +59 10 214 AR +59 10 215 AL +59 10 216 GU +59 10 217 BU +59 10 218 AN +59 10 219 CB +59 10 220 AR +59 10 221 BU +59 10 222 AR +59 10 223 AR +59 10 224 BL +59 10 225 GO +59 10 226 AR +59 10 227 GU +59 10 228 AR +59 10 229 AR +59 10 230 CB +59 10 231 AL +59 10 232 GU +59 10 233 AR +59 10 234 AR +59 10 235 AR +59 10 236 GO +59 10 237 GO +59 10 238 BU +59 10 239 GN +59 10 240 GO +59 10 241 CB +59 10 242 CB +59 10 243 CH +59 10 244 BU +59 10 245 GN +59 10 246 AR +59 10 247 AR +59 10 248 GU +59 10 249 AR +59 10 250 DU +59 10 251 CB +59 10 252 BU +59 10 253 AR +59 10 254 BU +59 10 255 CC +59 10 256 GN +59 10 257 GU +59 10 258 GO +59 10 259 * +59 10 260 CB +59 10 261 GO +59 10 262 BU +59 10 263 GU +59 10 264 AR +59 10 265 AR +59 10 266 GU +59 10 267 AR +59 10 268 BU +59 10 269 AL +59 10 270 GO +59 10 271 GU +59 10 272 CB +59 10 273 AL +59 10 274 CB +59 10 275 AN +59 10 276 GN +59 10 277 GU +59 10 278 GO +59 10 279 AR +59 10 280 GO +59 10 281 GU +59 10 282 AR +59 10 283 GU +59 10 284 CB +59 10 285 AL +59 10 286 CB +59 10 287 GO +59 10 288 GN +59 10 289 AR +59 10 290 GO +59 10 291 AR +59 10 292 GN +59 10 293 BU +59 10 294 AR +59 10 295 GU +59 10 296 AR +59 10 297 GO +59 10 298 GN +59 10 299 AR +59 10 300 BU +59 10 301 AR +59 10 302 CB +59 10 303 BU +59 10 304 AR +59 10 305 GU +59 10 306 AR +59 10 307 AR +59 10 308 BG +59 10 309 GU +59 10 310 AR +59 10 311 AR +59 10 312 CC +59 10 313 AR +59 10 314 CB +59 10 315 AR +59 10 316 GU +59 10 317 AL +59 10 318 GO +59 10 319 BU +59 10 320 GO +59 10 321 GN +59 10 322 AR +59 10 323 AR +59 10 324 BU +59 10 325 GN +59 10 326 GO +59 10 327 CB +59 10 328 GU +59 10 329 * +59 10 330 BU +59 11 1 AR +59 11 2 AR +59 11 3 GN +59 11 4 AR +59 11 5 GU +59 11 6 GO +59 11 7 GW +59 11 8 GN +59 11 9 GO +59 11 10 AR +59 11 11 GU +59 11 12 GO +59 11 13 GU +59 11 14 AG +59 11 15 GN +59 11 16 UB +59 11 17 GN +59 11 18 CC +59 11 19 AR +59 11 20 UB +59 11 21 GN +59 11 22 GO +59 11 23 GU +59 11 24 BA +59 11 25 AR +59 11 26 AG +59 11 27 * +59 11 28 GN +59 11 29 AG +59 11 30 DU +59 11 31 GU +59 11 32 GN +59 11 33 GW +59 11 34 AG +59 11 35 GO +59 11 36 CC +59 11 37 AR +59 11 38 * +59 11 39 AR +59 11 40 AR +59 11 41 GN +59 11 42 DU +59 11 43 AR +59 11 44 * +59 11 45 AG +59 11 46 CC +59 11 47 CC +59 11 48 GO +59 11 49 AR +59 11 50 GU +59 11 51 CC +59 11 52 CB +59 11 53 * +59 11 54 AR +59 11 55 AG +59 11 56 GN +59 11 57 AR +59 11 58 GO +59 11 59 CB +59 11 60 CC +59 11 61 * +59 11 62 CC +59 11 63 GN +59 11 64 AG +59 11 65 GN +59 11 66 * +59 11 67 GN +59 11 68 GN +59 11 69 GU +59 11 70 GU +59 11 71 * +59 11 72 AG +59 11 73 AG +59 11 74 GU +59 11 75 BU +59 11 76 DU +59 11 77 AG +59 11 78 * +59 11 79 CC +59 11 80 AG +59 11 81 GW +59 11 82 GU +59 11 83 CB +59 11 84 GN +59 11 85 BU +59 11 86 GN +59 11 87 CC +59 11 88 GN +59 11 89 CC +59 11 90 * +59 11 91 GW +59 11 92 CB +59 11 93 GW +59 11 94 CC +59 11 95 GU +59 11 96 GO +59 11 97 AR +59 11 98 GN +59 11 99 GN +59 11 100 AR +59 11 101 * +59 11 102 * +59 11 103 GO +59 11 104 BU +59 11 105 * +59 11 106 GO +59 11 107 CB +59 11 108 AR +59 11 109 AG +59 11 110 DU +59 11 111 AR +59 11 112 GN +59 11 113 CC +59 11 114 * +59 11 115 * +59 11 116 BR +59 11 117 CC +59 11 118 GN +59 11 119 BR +59 11 120 CB +59 11 121 GN +59 11 122 AG +59 11 123 * +59 11 124 GW +59 11 125 GN +59 11 126 GO +59 11 127 CC +59 11 128 * +59 11 129 CB +59 11 130 CC +59 11 131 BA +59 11 132 GN +59 11 133 AR +59 11 134 CC +59 11 135 GN +59 11 136 BR +59 11 137 CH +59 11 138 GW +59 11 139 AL +59 11 140 BU +59 11 141 CB +59 11 142 CB +59 11 143 GW +59 11 144 AG +59 11 145 AR +59 11 146 GO +59 11 147 GW +59 11 148 GN +59 11 149 * +59 11 150 GU +59 11 151 AL +59 11 152 GN +59 11 153 * +59 11 154 CC +59 11 155 CC +59 11 156 AR +59 11 157 CH +59 11 158 CB +59 11 159 GN +59 11 160 AL +59 11 161 AR +59 11 162 GN +59 11 163 * +59 11 164 AR +59 11 165 GU +59 11 166 CC +59 11 167 GU +59 11 168 AR +59 11 169 AG +59 11 170 GU +59 11 171 CH +59 11 172 CB +59 11 173 GN +59 11 174 DU +59 11 175 AR +59 11 176 GN +59 11 177 AL +59 11 178 AR +59 11 179 CH +59 11 180 AR +59 11 181 DU +59 11 182 CH +59 11 183 GO +59 11 184 AR +59 11 185 GN +59 11 186 BR +59 11 187 DU +59 11 188 * +59 11 189 GU +59 11 190 GN +59 11 191 AR +59 11 192 GU +59 11 193 DU +59 11 194 CH +59 11 195 GW +59 11 196 AR +59 11 197 GN +59 11 198 CC +59 11 199 GU +59 11 200 BR +59 11 201 AL +59 11 202 AR +59 11 203 GN +59 11 204 CC +59 11 205 AR +59 11 206 CB +59 11 207 GN +59 11 208 AL +59 11 209 AR +59 11 210 CH +59 11 211 BR +59 11 212 DU +59 11 213 GN +59 11 214 GW +59 11 215 GN +59 11 216 CC +59 11 217 AL +59 11 218 GN +59 11 219 CB +59 11 220 AR +59 11 221 CB +59 11 222 AR +59 11 223 GU +59 11 224 CB +59 11 225 DU +59 11 226 AR +59 11 227 CC +59 11 228 AR +59 11 229 GN +59 11 230 CB +59 11 231 AG +59 11 232 GU +59 11 233 AR +59 11 234 AG +59 11 235 AR +59 11 236 DU +59 11 237 GN +59 11 238 AR +59 11 239 GN +59 11 240 CH +59 11 241 CB +59 11 242 GO +59 11 243 GN +59 11 244 CB +59 11 245 GN +59 11 246 AR +59 11 247 AR +59 11 248 CC +59 11 249 AR +59 11 250 AG +59 11 251 * +59 11 252 CB +59 11 253 AR +59 11 254 GU +59 11 255 CC +59 11 256 GN +59 11 257 GU +59 11 258 DU +59 11 259 * +59 11 260 GO +59 11 261 GN +59 11 262 CB +59 11 263 BU +59 11 264 AL +59 11 265 AG +59 11 266 GN +59 11 267 CH +59 11 268 GW +59 11 269 AR +59 11 270 DU +59 11 271 CC +59 11 272 CB +59 11 273 AR +59 11 274 CB +59 11 275 DU +59 11 276 GN +59 11 277 AR +59 11 278 AL +59 11 279 AG +59 11 280 * +59 11 281 AR +59 11 282 AR +59 11 283 GU +59 11 284 CB +59 11 285 GN +59 11 286 CB +59 11 287 GU +59 11 288 GN +59 11 289 * +59 11 290 GN +59 11 291 AL +59 11 292 GN +59 11 293 CB +59 11 294 GU +59 11 295 GU +59 11 296 AG +59 11 297 DU +59 11 298 GN +59 11 299 AR +59 11 300 GU +59 11 301 AG +59 11 302 CB +59 11 303 GN +59 11 304 AR +59 11 305 CC +59 11 306 GW +59 11 307 AR +59 11 308 GU +59 11 309 CC +59 11 310 OT +59 11 311 GU +59 11 312 CC +59 11 313 AR +59 11 314 CB +59 11 315 AR +59 11 316 GW +59 11 317 * +59 11 318 GN +59 11 319 CB +59 11 320 AR +59 11 321 GN +59 11 322 AR +59 11 323 AG +59 11 324 CB +59 11 325 * +59 11 326 DU +59 11 327 BZ +59 11 328 AR +59 11 329 CH +59 11 330 CB +59 12 1 AR +59 12 2 AR +59 12 3 GN +59 12 4 GU +59 12 5 AR +59 12 6 GO +59 12 7 AL +59 12 8 GN +59 12 9 GU +59 12 10 AR +59 12 11 GU +59 12 12 GO +59 12 13 GU +59 12 14 GU +59 12 15 * +59 12 16 CB +59 12 17 GO +59 12 18 GU +59 12 19 AR +59 12 20 GG +59 12 21 GN +59 12 22 GO +59 12 23 AR +59 12 24 GU +59 12 25 GU +59 12 26 AR +59 12 27 * +59 12 28 GN +59 12 29 AR +59 12 30 GO +59 12 31 * +59 12 32 GN +59 12 33 * +59 12 34 AR +59 12 35 GO +59 12 36 * +59 12 37 BU +59 12 38 GN +59 12 39 BU +59 12 40 BU +59 12 41 GN +59 12 42 GO +59 12 43 BU +59 12 44 CB +59 12 45 AR +59 12 46 BU +59 12 47 * +59 12 48 GO +59 12 49 BU +59 12 50 GU +59 12 51 * +59 12 52 CB +59 12 53 GU +59 12 54 * +59 12 55 * +59 12 56 GO +59 12 57 GU +59 12 58 GO +59 12 59 GU +59 12 60 AR +59 12 61 GN +59 12 62 BU +59 12 63 GO +59 12 64 BU +59 12 65 GN +59 12 66 CB +59 12 67 AR +59 12 68 * +59 12 69 GU +59 12 70 BU +59 12 71 * +59 12 72 AR +59 12 73 * +59 12 74 AR +59 12 75 GU +59 12 76 GO +59 12 77 AR +59 12 78 AL +59 12 79 GU +59 12 80 AR +59 12 81 * +59 12 82 * +59 12 83 GO +59 12 84 GO +59 12 85 AR +59 12 86 CB +59 12 87 CC +59 12 88 * +59 12 89 CC +59 12 90 AR +59 12 91 * +59 12 92 CB +59 12 93 AR +59 12 94 CC +59 12 95 * +59 12 96 GO +59 12 97 AR +59 12 98 GN +59 12 99 AL +59 12 100 AR +59 12 101 * +59 12 102 BU +59 12 103 AL +59 12 104 GU +59 12 105 * +59 12 106 AL +59 12 107 CB +59 12 108 AL +59 12 109 AR +59 12 110 GO +59 12 111 CC +59 12 112 GN +59 12 113 CC +59 12 114 AR +59 12 115 * +59 12 116 AR +59 12 117 GU +59 12 118 GN +59 12 119 AR +59 12 120 CB +59 12 121 GO +59 12 122 AR +59 12 123 AL +59 12 124 * +59 12 125 GO +59 12 126 AL +59 12 127 * +59 12 128 * +59 12 129 CB +59 12 130 CC +59 12 131 * +59 12 132 GO +59 12 133 GU +59 12 134 * +59 12 135 GN +59 12 136 AR +59 12 137 GU +59 12 138 AL +59 12 139 CB +59 12 140 AR +59 12 141 CB +59 12 142 * +59 12 143 GO +59 12 144 AR +59 12 145 * +59 12 146 GO +59 12 147 BU +59 12 148 GN +59 12 149 BU +59 12 150 GU +59 12 151 GO +59 12 152 BU +59 12 153 AR +59 12 154 CC +59 12 155 * +59 12 156 * +59 12 157 GU +59 12 158 CB +59 12 159 GO +59 12 160 GN +59 12 161 GU +59 12 162 GN +59 12 163 BU +59 12 164 * +59 12 165 GU +59 12 166 AR +59 12 167 AR +59 12 168 GU +59 12 169 AR +59 12 170 GU +59 12 171 GU +59 12 172 CB +59 12 173 * +59 12 174 GO +59 12 175 AR +59 12 176 GN +59 12 177 AL +59 12 178 GU +59 12 179 * +59 12 180 AR +59 12 181 GO +59 12 182 GU +59 12 183 GO +59 12 184 AR +59 12 185 GO +59 12 186 AL +59 12 187 GO +59 12 188 AR +59 12 189 AL +59 12 190 * +59 12 191 AR +59 12 192 * +59 12 193 * +59 12 194 GU +59 12 195 AR +59 12 196 AL +59 12 197 GU +59 12 198 GU +59 12 199 * +59 12 200 GU +59 12 201 AL +59 12 202 AR +59 12 203 * +59 12 204 CC +59 12 205 BU +59 12 206 CB +59 12 207 GN +59 12 208 GO +59 12 209 BU +59 12 210 GU +59 12 211 AR +59 12 212 GO +59 12 213 GU +59 12 214 * +59 12 215 BU +59 12 216 GU +59 12 217 GN +59 12 218 BU +59 12 219 CB +59 12 220 * +59 12 221 * +59 12 222 GU +59 12 223 * +59 12 224 CB +59 12 225 * +59 12 226 BU +59 12 227 CC +59 12 228 AR +59 12 229 BU +59 12 230 CB +59 12 231 AR +59 12 232 GU +59 12 233 * +59 12 234 * +59 12 235 BU +59 12 236 * +59 12 237 * +59 12 238 BU +59 12 239 GN +59 12 240 GU +59 12 241 CB +59 12 242 AL +59 12 243 GU +59 12 244 * +59 12 245 GN +59 12 246 BU +59 12 247 AR +59 12 248 GU +59 12 249 AR +59 12 250 AL +59 12 251 AR +59 12 252 CB +59 12 253 AR +59 12 254 AR +59 12 255 CC +59 12 256 * +59 12 257 BU +59 12 258 GO +59 12 259 * +59 12 260 CB +59 12 261 GO +59 12 262 CB +59 12 263 GU +59 12 264 BU +59 12 265 AR +59 12 266 * +59 12 267 GN +59 12 268 AR +59 12 269 GN +59 12 270 GO +59 12 271 CC +59 12 272 CB +59 12 273 GN +59 12 274 CB +59 12 275 AL +59 12 276 GN +59 12 277 BU +59 12 278 GO +59 12 279 BU +59 12 280 * +59 12 281 * +59 12 282 * +59 12 283 GU +59 12 284 CB +59 12 285 GN +59 12 286 CB +59 12 287 GU +59 12 288 GO +59 12 289 BU +59 12 290 CB +59 12 291 AR +59 12 292 GN +59 12 293 CB +59 12 294 CB +59 12 295 GU +59 12 296 GN +59 12 297 GO +59 12 298 GN +59 12 299 GU +59 12 300 CB +59 12 301 * +59 12 302 CB +59 12 303 BU +59 12 304 AR +59 12 305 GU +59 12 306 * +59 12 307 * +59 12 308 AR +59 12 309 GU +59 12 310 AL +59 12 311 BU +59 12 312 GU +59 12 313 AR +59 12 314 CB +59 12 315 AL +59 12 316 BU +59 12 317 GU +59 12 318 GO +59 12 319 AL +59 12 320 GU +59 12 321 GN +59 12 322 BU +59 12 323 AR +59 12 324 CB +59 12 325 BU +59 12 326 GO +59 12 327 CB +59 12 328 * +59 12 329 AL +59 12 330 * +59 13 1 AR +59 13 2 AR +59 13 3 GN +59 13 4 GU +59 13 5 AR +59 13 6 GO +59 13 7 AR +59 13 8 GN +59 13 9 GU +59 13 10 AR +59 13 11 CC +59 13 12 GO +59 13 13 AR +59 13 14 CC +59 13 15 GO +59 13 16 CB +59 13 17 GO +59 13 18 CC +59 13 19 AR +59 13 20 AR +59 13 21 GO +59 13 22 GO +59 13 23 GU +59 13 24 CC +59 13 25 AR +59 13 26 AR +59 13 27 CB +59 13 28 GN +59 13 29 AR +59 13 30 GN +59 13 31 AR +59 13 32 CB +59 13 33 AR +59 13 34 AR +59 13 35 GO +59 13 36 AR +59 13 37 CB +59 13 38 GN +59 13 39 AR +59 13 40 AR +59 13 41 GU +59 13 42 GU +59 13 43 GU +59 13 44 * +59 13 45 AR +59 13 46 GU +59 13 47 CC +59 13 48 GU +59 13 49 AR +59 13 50 GU +59 13 51 GU +59 13 52 CB +59 13 53 GN +59 13 54 AR +59 13 55 AR +59 13 56 GO +59 13 57 AR +59 13 58 GU +59 13 59 CB +59 13 60 AR +59 13 61 GN +59 13 62 GU +59 13 63 GN +59 13 64 AR +59 13 65 GN +59 13 66 CB +59 13 67 AR +59 13 68 GN +59 13 69 GU +59 13 70 CB +59 13 71 GU +59 13 72 AR +59 13 73 GU +59 13 74 AR +59 13 75 CC +59 13 76 GN +59 13 77 AR +59 13 78 CB +59 13 79 GU +59 13 80 AR +59 13 81 AR +59 13 82 AR +59 13 83 CB +59 13 84 GO +59 13 85 AR +59 13 86 GN +59 13 87 GU +59 13 88 * +59 13 89 CC +59 13 90 GU +59 13 91 AR +59 13 92 * +59 13 93 AR +59 13 94 GU +59 13 95 CB +59 13 96 GO +59 13 97 GU +59 13 98 GN +59 13 99 GU +59 13 100 AR +59 13 101 * +59 13 102 GU +59 13 103 * +59 13 104 AR +59 13 105 * +59 13 106 * +59 13 107 CB +59 13 108 AR +59 13 109 AR +59 13 110 GO +59 13 111 CC +59 13 112 GN +59 13 113 CC +59 13 114 AR +59 13 115 * +59 13 116 * +59 13 117 * +59 13 118 GO +59 13 119 AR +59 13 120 CB +59 13 121 * +59 13 122 AR +59 13 123 AR +59 13 124 * +59 13 125 * +59 13 126 * +59 13 127 * +59 13 128 * +59 13 129 * +59 13 130 CC +59 13 131 GU +59 13 132 GN +59 13 133 AR +59 13 134 GU +59 13 135 * +59 13 136 AR +59 13 137 GU +59 13 138 AR +59 13 139 CB +59 13 140 AR +59 13 141 CB +59 13 142 * +59 13 143 AR +59 13 144 CC +59 13 145 AR +59 13 146 GU +59 13 147 AR +59 13 148 GN +59 13 149 AR +59 13 150 GU +59 13 151 GO +59 13 152 GU +59 13 153 AR +59 13 154 * +59 13 155 GU +59 13 156 AR +59 13 157 GU +59 13 158 CB +59 13 159 GO +59 13 160 GO +59 13 161 AR +59 13 162 GN +59 13 163 * +59 13 164 AR +59 13 165 AR +59 13 166 AR +59 13 167 * +59 13 168 GU +59 13 169 AR +59 13 170 CC +59 13 171 * +59 13 172 CB +59 13 173 GN +59 13 174 GO +59 13 175 AR +59 13 176 GN +59 13 177 CB +59 13 178 AR +59 13 179 GU +59 13 180 AR +59 13 181 GU +59 13 182 GU +59 13 183 GU +59 13 184 GU +59 13 185 * +59 13 186 AR +59 13 187 GO +59 13 188 AR +59 13 189 GU +59 13 190 GO +59 13 191 AR +59 13 192 GU +59 13 193 * +59 13 194 GU +59 13 195 AR +59 13 196 AR +59 13 197 GU +59 13 198 CC +59 13 199 CB +59 13 200 AR +59 13 201 GO +59 13 202 AR +59 13 203 * +59 13 204 * +59 13 205 * +59 13 206 * +59 13 207 * +59 13 208 GU +59 13 209 * +59 13 210 GU +59 13 211 * +59 13 212 GO +59 13 213 * +59 13 214 * +59 13 215 GU +59 13 216 * +59 13 217 * +59 13 218 * +59 13 219 * +59 13 220 * +59 13 221 * +59 13 222 * +59 13 223 AR +59 13 224 * +59 13 225 GU +59 13 226 * +59 13 227 CC +59 13 228 * +59 13 229 AR +59 13 230 * +59 13 231 * +59 13 232 * +59 13 233 * +59 13 234 AR +59 13 235 GU +59 13 236 * +59 13 237 GO +59 13 238 AR +59 13 239 * +59 13 240 GU +59 13 241 CB +59 13 242 CB +59 13 243 GU +59 13 244 CB +59 13 245 GN +59 13 246 AR +59 13 247 GU +59 13 248 CC +59 13 249 AR +59 13 250 GU +59 13 251 AR +59 13 252 * +59 13 253 AR +59 13 254 * +59 13 255 CC +59 13 256 GN +59 13 257 AR +59 13 258 * +59 13 259 * +59 13 260 * +59 13 261 * +59 13 262 CB +59 13 263 GU +59 13 264 * +59 13 265 AR +59 13 266 * +59 13 267 GU +59 13 268 AR +59 13 269 GN +59 13 270 * +59 13 271 * +59 13 272 * +59 13 273 * +59 13 274 CB +59 13 275 * +59 13 276 * +59 13 277 * +59 13 278 GO +59 13 279 * +59 13 280 AR +59 13 281 AR +59 13 282 AR +59 13 283 GU +59 13 284 CB +59 13 285 * +59 13 286 CB +59 13 287 GU +59 13 288 GN +59 13 289 AR +59 13 290 * +59 13 291 * +59 13 292 * +59 13 293 * +59 13 294 CB +59 13 295 GU +59 13 296 * +59 13 297 GO +59 13 298 GN +59 13 299 AR +59 13 300 * +59 13 301 AR +59 13 302 * +59 13 303 * +59 13 304 * +59 13 305 GU +59 13 306 * +59 13 307 AR +59 13 308 GU +59 13 309 * +59 13 310 AR +59 13 311 AR +59 13 312 CC +59 13 313 * +59 13 314 * +59 13 315 AR +59 13 316 AR +59 13 317 GU +59 13 318 GO +59 13 319 * +59 13 320 GU +59 13 321 GN +59 13 322 AR +59 13 323 AR +59 13 324 * +59 13 325 GU +59 13 326 GO +59 13 327 * +59 13 328 * +59 13 329 * +59 13 330 * +59 14 1 BU +59 14 2 * +59 14 3 GN +59 14 4 UA +59 14 5 BU +59 14 6 GN +59 14 7 SA +59 14 8 * +59 14 9 GU +59 14 10 AR +59 14 11 DI +59 14 12 GO +59 14 13 * +59 14 14 * +59 14 15 BU +59 14 16 CB +59 14 17 GN +59 14 18 CC +59 14 19 BU +59 14 20 SA +59 14 21 BU +59 14 22 GO +59 14 23 UA +59 14 24 GU +59 14 25 AR +59 14 26 AR +59 14 27 BU +59 14 28 GN +59 14 29 AR +59 14 30 GU +59 14 31 BU +59 14 32 UA +59 14 33 SA +59 14 34 BU +59 14 35 AL +59 14 36 DI +59 14 37 BU +59 14 38 GU +59 14 39 SA +59 14 40 BU +59 14 41 GN +59 14 42 GO +59 14 43 GU +59 14 44 CB +59 14 45 SA +59 14 46 BU +59 14 47 DI +59 14 48 GO +59 14 49 BU +59 14 50 UA +59 14 51 GU +59 14 52 BU +59 14 53 GN +59 14 54 SA +59 14 55 BU +59 14 56 GO +59 14 57 BU +59 14 58 GU +59 14 59 BU +59 14 60 AR +59 14 61 GN +59 14 62 BU +59 14 63 AL +59 14 64 GN +59 14 65 CB +59 14 66 AR +59 14 67 BU +59 14 68 GU +59 14 69 AR +59 14 70 CB +59 14 71 GU +59 14 72 AR +59 14 73 UA +59 14 74 BU +59 14 75 DI +59 14 76 GO +59 14 77 BU +59 14 78 CB +59 14 79 BU +59 14 80 AR +59 14 81 SA +59 14 82 BU +59 14 83 GO +59 14 84 BU +59 14 85 SA +59 14 86 BU +59 14 87 CC +59 14 88 UA +59 14 89 CC +59 14 90 GU +59 14 91 GO +59 14 92 BU +59 14 93 AR +59 14 94 GU +59 14 95 BU +59 14 96 GO +59 14 97 UA +59 14 98 GN +59 14 99 BU +59 14 100 AR +59 14 101 GU +59 14 102 BU +59 14 103 GU +59 14 104 BU +59 14 105 UA +59 14 106 GO +59 14 107 CB +59 14 108 BU +59 14 109 AR +59 14 110 GO +59 14 111 GU +59 14 112 GN +59 14 113 CC +59 14 114 AR +59 14 115 GU +59 14 116 BU +59 14 117 GU +59 14 118 BU +59 14 119 AR +59 14 120 CB +59 14 121 GN +59 14 122 AR +59 14 123 AR +59 14 124 GO +59 14 125 GO +59 14 126 BU +59 14 127 GU +59 14 128 GO +59 14 129 CB +59 14 130 GU +59 14 131 UA +59 14 132 GN +59 14 133 DI +59 14 134 GU +59 14 135 UA +59 14 136 BU +59 14 137 GU +59 14 138 BU +59 14 139 CB +59 14 140 AR +59 14 141 CB +59 14 142 BU +59 14 143 SA +59 14 144 UA +59 14 145 BU +59 14 146 GO +59 14 147 BU +59 14 148 GN +59 14 149 AL +59 14 150 UA +59 14 151 BU +59 14 152 UA +59 14 153 BU +59 14 154 GU +59 14 155 GU +59 14 156 AR +59 14 157 GU +59 14 158 CB +59 14 159 GO +59 14 160 BU +59 14 161 AR +59 14 162 GN +59 14 163 GU +59 14 164 AR +59 14 165 BU +59 14 166 GU +59 14 167 BU +59 14 168 DI +59 14 169 BU +59 14 170 GU +59 14 171 SA +59 14 172 CB +59 14 173 GN +59 14 174 GO +59 14 175 BU +59 14 176 GN +59 14 177 GO +59 14 178 AR +59 14 179 GU +59 14 180 SA +59 14 181 BU +59 14 182 UA +59 14 183 GU +59 14 184 UA +59 14 185 GO +59 14 186 BU +59 14 187 GO +59 14 188 BU +59 14 189 BU +59 14 190 AL +59 14 191 AR +59 14 192 UA +59 14 193 GO +59 14 194 GU +59 14 195 AR +59 14 196 BU +59 14 197 UA +59 14 198 CC +59 14 199 BU +59 14 200 BU +59 14 201 AL +59 14 202 AR +59 14 203 UA +59 14 204 GU +59 14 205 AR +59 14 206 BU +59 14 207 AL +59 14 208 GO +59 14 209 DI +59 14 210 GU +59 14 211 BU +59 14 212 GO +59 14 213 BU +59 14 214 GO +59 14 215 BU +59 14 216 GU +59 14 217 AL +59 14 218 SA +59 14 219 CB +59 14 220 AR +59 14 221 BU +59 14 222 UA +59 14 223 AR +59 14 224 CB +59 14 225 BU +59 14 226 AR +59 14 227 CC +59 14 228 AR +59 14 229 BU +59 14 230 CB +59 14 231 UA +59 14 232 GU +59 14 233 BU +59 14 234 SA +59 14 235 BU +59 14 236 SA +59 14 237 GO +59 14 238 AR +59 14 239 GN +59 14 240 GU +59 14 241 CB +59 14 242 GU +59 14 243 BU +59 14 244 GN +59 14 245 BU +59 14 246 UA +59 14 247 GU +59 14 248 DI +59 14 249 UA +59 14 250 UA +59 14 251 AR +59 14 252 CB +59 14 253 AR +59 14 254 BU +59 14 255 CC +59 14 256 AL +59 14 257 GU +59 14 258 GO +59 14 259 GU +59 14 260 BU +59 14 261 GO +59 14 262 CB +59 14 263 GU +59 14 264 BU +59 14 265 DI +59 14 266 GU +59 14 267 UA +59 14 268 AR +59 14 269 UA +59 14 270 GO +59 14 271 GU +59 14 272 CB +59 14 273 UA +59 14 274 CB +59 14 275 GO +59 14 276 GU +59 14 277 AR +59 14 278 BU +59 14 279 AR +59 14 280 SA +59 14 281 AR +59 14 282 SA +59 14 283 GU +59 14 284 BU +59 14 285 AL +59 14 286 CB +59 14 287 GU +59 14 288 GN +59 14 289 BU +59 14 290 CB +59 14 291 BU +59 14 292 AL +59 14 293 BU +59 14 294 CB +59 14 295 GU +59 14 296 UA +59 14 297 GO +59 14 298 GN +59 14 299 AR +59 14 300 BU +59 14 301 AR +59 14 302 CB +59 14 303 BU +59 14 304 SA +59 14 305 UA +59 14 306 SA +59 14 307 AR +59 14 308 BU +59 14 309 GU +59 14 310 SA +59 14 311 AR +59 14 312 CC +59 14 313 AR +59 14 314 CB +59 14 315 SA +59 14 316 AR +59 14 317 UA +59 14 318 GN +59 14 319 CB +59 14 320 AR +59 14 321 GN +59 14 322 BU +59 14 323 DI +59 14 324 CB +59 14 325 UA +59 14 326 GO +59 14 327 BU +59 14 328 DI +59 14 329 GU +59 14 330 BU +59 15 1 * +59 15 2 CB +59 15 3 * +59 15 4 BG +59 15 5 * +59 15 6 GO +59 15 7 AL +59 15 8 GN +59 15 9 BU +59 15 10 AR +59 15 11 BU +59 15 12 GO +59 15 13 GU +59 15 14 AL +59 15 15 CB +59 15 16 CB +59 15 17 * +59 15 18 GU +59 15 19 * +59 15 20 AR +59 15 21 GN +59 15 22 GO +59 15 23 BG +59 15 24 AL +59 15 25 AR +59 15 26 AR +59 15 27 CB +59 15 28 GN +59 15 29 AL +59 15 30 * +59 15 31 * +59 15 32 AR +59 15 33 AL +59 15 34 AR +59 15 35 GN +59 15 36 GU +59 15 37 CB +59 15 38 GN +59 15 39 AR +59 15 40 AR +59 15 41 GN +59 15 42 GO +59 15 43 AL +59 15 44 CB +59 15 45 * +59 15 46 GU +59 15 47 GU +59 15 48 GO +59 15 49 BU +59 15 50 BG +59 15 51 BU +59 15 52 CB +59 15 53 AL +59 15 54 AR +59 15 55 AL +59 15 56 GO +59 15 57 AR +59 15 58 BU +59 15 59 CB +59 15 60 AL +59 15 61 GN +59 15 62 BU +59 15 63 GN +59 15 64 AL +59 15 65 GN +59 15 66 GO +59 15 67 AR +59 15 68 GU +59 15 69 AL +59 15 70 CB +59 15 71 GN +59 15 72 AR +59 15 73 BG +59 15 74 AL +59 15 75 AL +59 15 76 GO +59 15 77 AR +59 15 78 BU +59 15 79 AL +59 15 80 AR +59 15 81 AR +59 15 82 AL +59 15 83 GO +59 15 84 GN +59 15 85 AR +59 15 86 GO +59 15 87 GU +59 15 88 BG +59 15 89 CC +59 15 90 AR +59 15 91 GO +59 15 92 CB +59 15 93 AR +59 15 94 GU +59 15 95 AL +59 15 96 GO +59 15 97 BG +59 15 98 GN +59 15 99 BU +59 15 100 CB +59 15 101 BG +59 15 102 AR +59 15 103 GO +59 15 104 AL +59 15 105 BG +59 15 106 GO +59 15 107 CB +59 15 108 BU +59 15 109 AR +59 15 110 GO +59 15 111 GU +59 15 112 GN +59 15 113 BU +59 15 114 AR +59 15 115 GN +59 15 116 CB +59 15 117 CC +59 15 118 GO +59 15 119 AR +59 15 120 CB +59 15 121 GN +59 15 122 AL +59 15 123 BU +59 15 124 GO +59 15 125 GN +59 15 126 BU +59 15 127 GU +59 15 128 GO +59 15 129 CB +59 15 130 GU +59 15 131 BG +59 15 132 GN +59 15 133 AR +59 15 134 GU +59 15 135 BG +59 15 136 AR +59 15 137 AL +59 15 138 AR +59 15 139 CB +59 15 140 AR +59 15 141 CB +59 15 142 * +59 15 143 AL +59 15 144 BU +59 15 145 AL +59 15 146 GO +59 15 147 BU +59 15 148 GN +59 15 149 AR +59 15 150 BG +59 15 151 GO +59 15 152 CB +59 15 153 AR +59 15 154 BU +59 15 155 GU +59 15 156 AR +59 15 157 GU +59 15 158 CB +59 15 159 GO +59 15 160 BU +59 15 161 AR +59 15 162 GN +59 15 163 AR +59 15 164 AR +59 15 165 BU +59 15 166 AR +59 15 167 CB +59 15 168 AR +59 15 169 AR +59 15 170 AR +59 15 171 AL +59 15 172 CB +59 15 173 GN +59 15 174 GO +59 15 175 BU +59 15 176 GN +59 15 177 GO +59 15 178 AR +59 15 179 BG +59 15 180 BU +59 15 181 GO +59 15 182 BG +59 15 183 BU +59 15 184 BG +59 15 185 * +59 15 186 AL +59 15 187 GO +59 15 188 AR +59 15 189 CB +59 15 190 BU +59 15 191 AR +59 15 192 BG +59 15 193 GO +59 15 194 BG +59 15 195 AR +59 15 196 AL +59 15 197 BU +59 15 198 GU +59 15 199 CB +59 15 200 AR +59 15 201 GO +59 15 202 AR +59 15 203 BG +59 15 204 GU +59 15 205 AL +59 15 206 CB +59 15 207 GN +59 15 208 GO +59 15 209 AR +59 15 210 GU +59 15 211 AR +59 15 212 GO +59 15 213 CB +59 15 214 GO +59 15 215 BU +59 15 216 BU +59 15 217 BU +59 15 218 GO +59 15 219 CB +59 15 220 AR +59 15 221 CB +59 15 222 BG +59 15 223 AL +59 15 224 CB +59 15 225 GU +59 15 226 AR +59 15 227 GU +59 15 228 AR +59 15 229 BU +59 15 230 CB +59 15 231 AL +59 15 232 GU +59 15 233 AR +59 15 234 AR +59 15 235 AR +59 15 236 GO +59 15 237 GO +59 15 238 AL +59 15 239 BU +59 15 240 GU +59 15 241 CB +59 15 242 GO +59 15 243 AL +59 15 244 CB +59 15 245 GN +59 15 246 AL +59 15 247 BU +59 15 248 AR +59 15 249 AL +59 15 250 BG +59 15 251 AL +59 15 252 CB +59 15 253 BU +59 15 254 BU +59 15 255 GU +59 15 256 GN +59 15 257 AR +59 15 258 GO +59 15 259 GN +59 15 260 GO +59 15 261 GO +59 15 262 CB +59 15 263 BU +59 15 264 AL +59 15 265 AR +59 15 266 GU +59 15 267 AR +59 15 268 CB +59 15 269 AR +59 15 270 GO +59 15 271 AR +59 15 272 CB +59 15 273 BU +59 15 274 CB +59 15 275 GO +59 15 276 GN +59 15 277 AR +59 15 278 GO +59 15 279 AR +59 15 280 GU +59 15 281 AR +59 15 282 GU +59 15 283 GU +59 15 284 CB +59 15 285 CB +59 15 286 CB +59 15 287 GO +59 15 288 GN +59 15 289 BU +59 15 290 GO +59 15 291 AR +59 15 292 GO +59 15 293 CB +59 15 294 CB +59 15 295 GU +59 15 296 AL +59 15 297 GO +59 15 298 GN +59 15 299 AL +59 15 300 * +59 15 301 AR +59 15 302 BU +59 15 303 BU +59 15 304 AL +59 15 305 BU +59 15 306 GO +59 15 307 AR +59 15 308 BU +59 15 309 GU +59 15 310 AR +59 15 311 AR +59 15 312 GU +59 15 313 AR +59 15 314 CB +59 15 315 AL +59 15 316 BU +59 15 317 GN +59 15 318 GO +59 15 319 CB +59 15 320 AL +59 15 321 GN +59 15 322 BU +59 15 323 AL +59 15 324 CB +59 15 325 BG +59 15 326 GO +59 15 327 BU +59 15 328 GU +59 15 329 GO +59 15 330 CB +59 16 1 BU +59 16 2 BU +59 16 3 GO +59 16 4 * +59 16 5 AR +59 16 6 * +59 16 7 AR +59 16 8 * +59 16 9 * +59 16 10 AR +59 16 11 * +59 16 12 GO +59 16 13 BU +59 16 14 * +59 16 15 * +59 16 16 CB +59 16 17 GO +59 16 18 CC +59 16 19 AR +59 16 20 SA +59 16 21 * +59 16 22 GO +59 16 23 * +59 16 24 CC +59 16 25 AR +59 16 26 AR +59 16 27 * +59 16 28 * +59 16 29 SA +59 16 30 * +59 16 31 * +59 16 32 BU +59 16 33 SA +59 16 34 AR +59 16 35 * +59 16 36 * +59 16 37 BU +59 16 38 * +59 16 39 * +59 16 40 * +59 16 41 GN +59 16 42 GO +59 16 43 * +59 16 44 CB +59 16 45 SA +59 16 46 * +59 16 47 CC +59 16 48 * +59 16 49 * +59 16 50 * +59 16 51 CC +59 16 52 CB +59 16 53 * +59 16 54 * +59 16 55 * +59 16 56 * +59 16 57 * +59 16 58 * +59 16 59 * +59 16 60 * +59 16 61 * +59 16 62 BU +59 16 63 * +59 16 64 AR +59 16 65 * +59 16 66 CB +59 16 67 SA +59 16 68 * +59 16 69 * +59 16 70 * +59 16 71 * +59 16 72 * +59 16 73 * +59 16 74 * +59 16 75 CC +59 16 76 GO +59 16 77 AR +59 16 78 BU +59 16 79 CC +59 16 80 AR +59 16 81 SA +59 16 82 * +59 16 83 * +59 16 84 BU +59 16 85 SA +59 16 86 BU +59 16 87 CC +59 16 88 * +59 16 89 CC +59 16 90 * +59 16 91 GO +59 16 92 CB +59 16 93 AR +59 16 94 CC +59 16 95 BU +59 16 96 GO +59 16 97 BU +59 16 98 GN +59 16 99 * +59 16 100 * +59 16 101 * +59 16 102 * +59 16 103 * +59 16 104 * +59 16 105 * +59 16 106 GO +59 16 107 CB +59 16 108 * +59 16 109 * +59 16 110 GO +59 16 111 * +59 16 112 * +59 16 113 * +59 16 114 * +59 16 115 * +59 16 116 * +59 16 117 * +59 16 118 * +59 16 119 AR +59 16 120 CB +59 16 121 GO +59 16 122 SA +59 16 123 AR +59 16 124 * +59 16 125 GO +59 16 126 * +59 16 127 CC +59 16 128 GO +59 16 129 CB +59 16 130 * +59 16 131 * +59 16 132 GN +59 16 133 SA +59 16 134 * +59 16 135 * +59 16 136 * +59 16 137 * +59 16 138 * +59 16 139 CB +59 16 140 AR +59 16 141 CB +59 16 142 * +59 16 143 SA +59 16 144 * +59 16 145 * +59 16 146 * +59 16 147 * +59 16 148 GN +59 16 149 * +59 16 150 * +59 16 151 BU +59 16 152 * +59 16 153 AR +59 16 154 * +59 16 155 * +59 16 156 * +59 16 157 * +59 16 158 CB +59 16 159 * +59 16 160 BU +59 16 161 * +59 16 162 * +59 16 163 * +59 16 164 AR +59 16 165 * +59 16 166 * +59 16 167 * +59 16 168 * +59 16 169 AR +59 16 170 * +59 16 171 * +59 16 172 CB +59 16 173 * +59 16 174 GO +59 16 175 * +59 16 176 * +59 16 177 * +59 16 178 AR +59 16 179 * +59 16 180 SA +59 16 181 * +59 16 182 * +59 16 183 * +59 16 184 BU +59 16 185 * +59 16 186 * +59 16 187 GO +59 16 188 AR +59 16 189 * +59 16 190 * +59 16 191 * +59 16 192 * +59 16 193 * +59 16 194 * +59 16 195 SA +59 16 196 * +59 16 197 * +59 16 198 CC +59 16 199 * +59 16 200 AR +59 16 201 * +59 16 202 SA +59 16 203 * +59 16 204 CC +59 16 205 * +59 16 206 * +59 16 207 * +59 16 208 * +59 16 209 * +59 16 210 GU +59 16 211 AR +59 16 212 GO +59 16 213 BU +59 16 214 GO +59 16 215 * +59 16 216 * +59 16 217 * +59 16 218 * +59 16 219 BU +59 16 220 * +59 16 221 * +59 16 222 GU +59 16 223 * +59 16 224 CB +59 16 225 * +59 16 226 * +59 16 227 * +59 16 228 * +59 16 229 BU +59 16 230 * +59 16 231 GU +59 16 232 * +59 16 233 * +59 16 234 SA +59 16 235 AR +59 16 236 * +59 16 237 * +59 16 238 * +59 16 239 * +59 16 240 GN +59 16 241 CB +59 16 242 GO +59 16 243 GU +59 16 244 * +59 16 245 GN +59 16 246 * +59 16 247 * +59 16 248 CC +59 16 249 * +59 16 250 * +59 16 251 * +59 16 252 * +59 16 253 * +59 16 254 BU +59 16 255 * +59 16 256 * +59 16 257 * +59 16 258 GO +59 16 259 GU +59 16 260 * +59 16 261 GO +59 16 262 CB +59 16 263 * +59 16 264 BU +59 16 265 * +59 16 266 GU +59 16 267 * +59 16 268 * +59 16 269 GU +59 16 270 GO +59 16 271 * +59 16 272 CB +59 16 273 BU +59 16 274 CB +59 16 275 * +59 16 276 GU +59 16 277 * +59 16 278 GO +59 16 279 * +59 16 280 SA +59 16 281 * +59 16 282 SA +59 16 283 * +59 16 284 * +59 16 285 BU +59 16 286 CB +59 16 287 * +59 16 288 GN +59 16 289 * +59 16 290 * +59 16 291 AR +59 16 292 * +59 16 293 CB +59 16 294 CB +59 16 295 * +59 16 296 * +59 16 297 GO +59 16 298 * +59 16 299 SA +59 16 300 * +59 16 301 * +59 16 302 CB +59 16 303 BU +59 16 304 * +59 16 305 GU +59 16 306 SA +59 16 307 AR +59 16 308 BU +59 16 309 * +59 16 310 * +59 16 311 AR +59 16 312 CC +59 16 313 * +59 16 314 CB +59 16 315 SA +59 16 316 * +59 16 317 GU +59 16 318 * +59 16 319 CB +59 16 320 * +59 16 321 GN +59 16 322 BU +59 16 323 * +59 16 324 CB +59 16 325 * +59 16 326 * +59 16 327 BU +59 16 328 * +59 16 329 * +59 16 330 * +59 17 1 * +59 17 2 * +59 17 3 GO +59 17 4 * +59 17 5 CB +59 17 6 GO +59 17 7 * +59 17 8 GU +59 17 9 GU +59 17 10 AR +59 17 11 AR +59 17 12 GO +59 17 13 AR +59 17 14 AR +59 17 15 BU +59 17 16 CB +59 17 17 GN +59 17 18 GU +59 17 19 * +59 17 20 * +59 17 21 * +59 17 22 GO +59 17 23 * +59 17 24 * +59 17 25 AR +59 17 26 AR +59 17 27 BU +59 17 28 AL +59 17 29 AR +59 17 30 GO +59 17 31 AL +59 17 32 GU +59 17 33 AR +59 17 34 AR +59 17 35 GO +59 17 36 * +59 17 37 * +59 17 38 * +59 17 39 * +59 17 40 AR +59 17 41 GU +59 17 42 GO +59 17 43 AR +59 17 44 BU +59 17 45 AR +59 17 46 GU +59 17 47 GU +59 17 48 GO +59 17 49 AR +59 17 50 GU +59 17 51 GU +59 17 52 GO +59 17 53 GU +59 17 54 AR +59 17 55 AR +59 17 56 BU +59 17 57 AR +59 17 58 GO +59 17 59 BU +59 17 60 AR +59 17 61 GU +59 17 62 BU +59 17 63 * +59 17 64 AR +59 17 65 GN +59 17 66 BU +59 17 67 AR +59 17 68 GU +59 17 69 * +59 17 70 * +59 17 71 GU +59 17 72 AR +59 17 73 GU +59 17 74 BU +59 17 75 GU +59 17 76 GO +59 17 77 AR +59 17 78 * +59 17 79 GU +59 17 80 AR +59 17 81 * +59 17 82 AR +59 17 83 GO +59 17 84 AL +59 17 85 AR +59 17 86 AL +59 17 87 GU +59 17 88 GU +59 17 89 GU +59 17 90 * +59 17 91 GO +59 17 92 BU +59 17 93 AR +59 17 94 GU +59 17 95 AR +59 17 96 GO +59 17 97 AR +59 17 98 GN +59 17 99 BU +59 17 100 AR +59 17 101 GU +59 17 102 * +59 17 103 GU +59 17 104 AR +59 17 105 GU +59 17 106 GO +59 17 107 CB +59 17 108 * +59 17 109 AR +59 17 110 GO +59 17 111 GU +59 17 112 AL +59 17 113 GU +59 17 114 AR +59 17 115 GU +59 17 116 BU +59 17 117 * +59 17 118 BU +59 17 119 AR +59 17 120 CB +59 17 121 GO +59 17 122 AR +59 17 123 AR +59 17 124 AL +59 17 125 GO +59 17 126 BU +59 17 127 * +59 17 128 GO +59 17 129 CB +59 17 130 GU +59 17 131 AR +59 17 132 GN +59 17 133 AR +59 17 134 * +59 17 135 AL +59 17 136 AR +59 17 137 * +59 17 138 * +59 17 139 CB +59 17 140 AR +59 17 141 BU +59 17 142 * +59 17 143 * +59 17 144 * +59 17 145 AR +59 17 146 * +59 17 147 AR +59 17 148 GU +59 17 149 * +59 17 150 GU +59 17 151 GO +59 17 152 CB +59 17 153 AR +59 17 154 * +59 17 155 GU +59 17 156 AR +59 17 157 GU +59 17 158 CB +59 17 159 GO +59 17 160 BU +59 17 161 AR +59 17 162 * +59 17 163 AR +59 17 164 AR +59 17 165 * +59 17 166 AR +59 17 167 BU +59 17 168 AR +59 17 169 AR +59 17 170 * +59 17 171 GU +59 17 172 CB +59 17 173 GN +59 17 174 GO +59 17 175 * +59 17 176 * +59 17 177 GO +59 17 178 AR +59 17 179 GU +59 17 180 AR +59 17 181 GO +59 17 182 GU +59 17 183 BU +59 17 184 AR +59 17 185 GO +59 17 186 AR +59 17 187 GO +59 17 188 AR +59 17 189 * +59 17 190 GN +59 17 191 AR +59 17 192 * +59 17 193 GO +59 17 194 GU +59 17 195 AR +59 17 196 * +59 17 197 BU +59 17 198 CC +59 17 199 BU +59 17 200 AR +59 17 201 GN +59 17 202 AR +59 17 203 * +59 17 204 GU +59 17 205 GU +59 17 206 * +59 17 207 GU +59 17 208 GO +59 17 209 * +59 17 210 GU +59 17 211 AR +59 17 212 GO +59 17 213 BU +59 17 214 GO +59 17 215 BU +59 17 216 GU +59 17 217 AL +59 17 218 AR +59 17 219 AL +59 17 220 AR +59 17 221 AR +59 17 222 GU +59 17 223 AR +59 17 224 BU +59 17 225 GU +59 17 226 AR +59 17 227 * +59 17 228 AR +59 17 229 * +59 17 230 GU +59 17 231 GU +59 17 232 * +59 17 233 AR +59 17 234 AR +59 17 235 AR +59 17 236 * +59 17 237 BU +59 17 238 AR +59 17 239 GN +59 17 240 GU +59 17 241 CB +59 17 242 GO +59 17 243 GU +59 17 244 CB +59 17 245 GN +59 17 246 AR +59 17 247 AR +59 17 248 GU +59 17 249 AR +59 17 250 GU +59 17 251 AR +59 17 252 * +59 17 253 AR +59 17 254 AR +59 17 255 GU +59 17 256 GN +59 17 257 AR +59 17 258 GO +59 17 259 GU +59 17 260 GO +59 17 261 GO +59 17 262 CB +59 17 263 GU +59 17 264 AR +59 17 265 AR +59 17 266 GU +59 17 267 GU +59 17 268 AR +59 17 269 GU +59 17 270 GO +59 17 271 * +59 17 272 CB +59 17 273 * +59 17 274 CB +59 17 275 AR +59 17 276 GU +59 17 277 AR +59 17 278 GN +59 17 279 AR +59 17 280 AR +59 17 281 AR +59 17 282 AR +59 17 283 GU +59 17 284 CB +59 17 285 GN +59 17 286 CB +59 17 287 GU +59 17 288 GN +59 17 289 AR +59 17 290 CB +59 17 291 AR +59 17 292 GN +59 17 293 AL +59 17 294 * +59 17 295 GU +59 17 296 * +59 17 297 GO +59 17 298 GN +59 17 299 AR +59 17 300 BU +59 17 301 AR +59 17 302 * +59 17 303 * +59 17 304 * +59 17 305 GU +59 17 306 AR +59 17 307 AR +59 17 308 BU +59 17 309 GU +59 17 310 AR +59 17 311 AR +59 17 312 GU +59 17 313 * +59 17 314 * +59 17 315 AR +59 17 316 AR +59 17 317 GU +59 17 318 GO +59 17 319 CB +59 17 320 * +59 17 321 GN +59 17 322 AR +59 17 323 AR +59 17 324 BU +59 17 325 GU +59 17 326 GO +59 17 327 AR +59 17 328 GU +59 17 329 BU +59 17 330 CB +59 18 1 * +59 18 2 * +59 18 3 * +59 18 4 * +59 18 5 * +59 18 6 * +59 18 7 SA +59 18 8 * +59 18 9 * +59 18 10 * +59 18 11 * +59 18 12 * +59 18 13 * +59 18 14 GU +59 18 15 * +59 18 16 CB +59 18 17 * +59 18 18 GU +59 18 19 * +59 18 20 SA +59 18 21 AL +59 18 22 * +59 18 23 BG +59 18 24 * +59 18 25 * +59 18 26 AR +59 18 27 CB +59 18 28 AL +59 18 29 SA +59 18 30 * +59 18 31 BU +59 18 32 * +59 18 33 SA +59 18 34 * +59 18 35 * +59 18 36 GU +59 18 37 * +59 18 38 * +59 18 39 * +59 18 40 * +59 18 41 * +59 18 42 * +59 18 43 * +59 18 44 CB +59 18 45 * +59 18 46 * +59 18 47 GU +59 18 48 * +59 18 49 * +59 18 50 * +59 18 51 * +59 18 52 CB +59 18 53 * +59 18 54 * +59 18 55 * +59 18 56 * +59 18 57 * +59 18 58 * +59 18 59 BU +59 18 60 * +59 18 61 * +59 18 62 BU +59 18 63 * +59 18 64 AR +59 18 65 * +59 18 66 * +59 18 67 * +59 18 68 * +59 18 69 * +59 18 70 BU +59 18 71 * +59 18 72 * +59 18 73 * +59 18 74 BU +59 18 75 GU +59 18 76 * +59 18 77 * +59 18 78 CB +59 18 79 GU +59 18 80 AR +59 18 81 * +59 18 82 * +59 18 83 * +59 18 84 * +59 18 85 SA +59 18 86 * +59 18 87 CC +59 18 88 BG +59 18 89 * +59 18 90 * +59 18 91 * +59 18 92 * +59 18 93 AR +59 18 94 CC +59 18 95 * +59 18 96 * +59 18 97 * +59 18 98 * +59 18 99 * +59 18 100 BU +59 18 101 * +59 18 102 BU +59 18 103 * +59 18 104 * +59 18 105 BG +59 18 106 * +59 18 107 CB +59 18 108 * +59 18 109 * +59 18 110 * +59 18 111 GU +59 18 112 GN +59 18 113 CC +59 18 114 * +59 18 115 * +59 18 116 * +59 18 117 CH +59 18 118 * +59 18 119 SA +59 18 120 CB +59 18 121 * +59 18 122 * +59 18 123 * +59 18 124 GO +59 18 125 * +59 18 126 * +59 18 127 * +59 18 128 * +59 18 129 BU +59 18 130 CH +59 18 131 BG +59 18 132 * +59 18 133 * +59 18 134 CH +59 18 135 BG +59 18 136 AR +59 18 137 * +59 18 138 * +59 18 139 BU +59 18 140 * +59 18 141 CB +59 18 142 BU +59 18 143 * +59 18 144 * +59 18 145 * +59 18 146 * +59 18 147 SA +59 18 148 * +59 18 149 * +59 18 150 BG +59 18 151 * +59 18 152 * +59 18 153 * +59 18 154 GU +59 18 155 GU +59 18 156 SA +59 18 157 CH +59 18 158 CB +59 18 159 * +59 18 160 CB +59 18 161 SA +59 18 162 GN +59 18 163 * +59 18 164 AR +59 18 165 * +59 18 166 AR +59 18 167 BU +59 18 168 SA +59 18 169 BR +59 18 170 * +59 18 171 * +59 18 172 CB +59 18 173 * +59 18 174 GO +59 18 175 BU +59 18 176 GN +59 18 177 * +59 18 178 AR +59 18 179 * +59 18 180 * +59 18 181 * +59 18 182 * +59 18 183 * +59 18 184 BG +59 18 185 * +59 18 186 * +59 18 187 GO +59 18 188 * +59 18 189 BU +59 18 190 CB +59 18 191 SA +59 18 192 BG +59 18 193 * +59 18 194 GU +59 18 195 * +59 18 196 BU +59 18 197 * +59 18 198 CC +59 18 199 BU +59 18 200 BR +59 18 201 * +59 18 202 SA +59 18 203 * +59 18 204 CH +59 18 205 BG +59 18 206 CB +59 18 207 * +59 18 208 * +59 18 209 * +59 18 210 * +59 18 211 BR +59 18 212 * +59 18 213 BU +59 18 214 * +59 18 215 * +59 18 216 CC +59 18 217 * +59 18 218 * +59 18 219 BU +59 18 220 * +59 18 221 BU +59 18 222 * +59 18 223 * +59 18 224 CB +59 18 225 * +59 18 226 AR +59 18 227 GU +59 18 228 * +59 18 229 * +59 18 230 CB +59 18 231 BG +59 18 232 * +59 18 233 * +59 18 234 SA +59 18 235 AR +59 18 236 * +59 18 237 * +59 18 238 * +59 18 239 * +59 18 240 * +59 18 241 CB +59 18 242 * +59 18 243 * +59 18 244 CB +59 18 245 GN +59 18 246 SA +59 18 247 * +59 18 248 * +59 18 249 SA +59 18 250 BG +59 18 251 * +59 18 252 CB +59 18 253 * +59 18 254 * +59 18 255 CC +59 18 256 * +59 18 257 * +59 18 258 * +59 18 259 * +59 18 260 CB +59 18 261 * +59 18 262 CB +59 18 263 BU +59 18 264 * +59 18 265 * +59 18 266 * +59 18 267 BG +59 18 268 * +59 18 269 * +59 18 270 * +59 18 271 * +59 18 272 CB +59 18 273 * +59 18 274 CB +59 18 275 * +59 18 276 * +59 18 277 * +59 18 278 * +59 18 279 * +59 18 280 * +59 18 281 SA +59 18 282 * +59 18 283 CH +59 18 284 CB +59 18 285 * +59 18 286 CB +59 18 287 * +59 18 288 * +59 18 289 BU +59 18 290 * +59 18 291 AR +59 18 292 * +59 18 293 BU +59 18 294 CB +59 18 295 CH +59 18 296 BG +59 18 297 GO +59 18 298 * +59 18 299 SA +59 18 300 BU +59 18 301 SA +59 18 302 CB +59 18 303 BU +59 18 304 * +59 18 305 * +59 18 306 * +59 18 307 * +59 18 308 * +59 18 309 * +59 18 310 SA +59 18 311 AR +59 18 312 CC +59 18 313 * +59 18 314 CB +59 18 315 * +59 18 316 * +59 18 317 * +59 18 318 * +59 18 319 CB +59 18 320 * +59 18 321 * +59 18 322 * +59 18 323 SA +59 18 324 CB +59 18 325 BG +59 18 326 * +59 18 327 CB +59 18 328 * +59 18 329 CH +59 18 330 BU +59 19 1 AR +59 19 2 BU +59 19 3 GO +59 19 4 BG +59 19 5 BU +59 19 6 BU +59 19 7 SA +59 19 8 BG +59 19 9 CH +59 19 10 AR +59 19 11 AR +59 19 12 GO +59 19 13 BU +59 19 14 AR +59 19 15 CB +59 19 16 CB +59 19 17 NI +59 19 18 GU +59 19 19 AR +59 19 20 SA +59 19 21 * +59 19 22 GO +59 19 23 BG +59 19 24 CH +59 19 25 AR +59 19 26 AR +59 19 27 BU +59 19 28 * +59 19 29 SA +59 19 30 GO +59 19 31 BU +59 19 32 BG +59 19 33 CG +59 19 34 AR +59 19 35 BU +59 19 36 GU +59 19 37 * +59 19 38 BG +59 19 39 CG +59 19 40 * +59 19 41 * +59 19 42 GO +59 19 43 AR +59 19 44 * +59 19 45 CG +59 19 46 BU +59 19 47 * +59 19 48 * +59 19 49 BU +59 19 50 GU +59 19 51 * +59 19 52 * +59 19 53 * +59 19 54 CG +59 19 55 BU +59 19 56 * +59 19 57 * +59 19 58 GO +59 19 59 BU +59 19 60 GU +59 19 61 * +59 19 62 BU +59 19 63 * +59 19 64 AR +59 19 65 GN +59 19 66 * +59 19 67 AR +59 19 68 BG +59 19 69 GU +59 19 70 * +59 19 71 BG +59 19 72 AR +59 19 73 BG +59 19 74 BU +59 19 75 * +59 19 76 NI +59 19 77 AR +59 19 78 * +59 19 79 GU +59 19 80 AR +59 19 81 DD +59 19 82 * +59 19 83 * +59 19 84 CB +59 19 85 DD +59 19 86 * +59 19 87 GU +59 19 88 BG +59 19 89 CC +59 19 90 * +59 19 91 GO +59 19 92 * +59 19 93 * +59 19 94 CH +59 19 95 * +59 19 96 GO +59 19 97 * +59 19 98 GN +59 19 99 * +59 19 100 * +59 19 101 BG +59 19 102 * +59 19 103 * +59 19 104 BU +59 19 105 BU +59 19 106 GO +59 19 107 CB +59 19 108 CB +59 19 109 * +59 19 110 GO +59 19 111 GU +59 19 112 GN +59 19 113 GU +59 19 114 * +59 19 115 * +59 19 116 BU +59 19 117 CH +59 19 118 * +59 19 119 AR +59 19 120 CB +59 19 121 GO +59 19 122 AR +59 19 123 AR +59 19 124 GO +59 19 125 GN +59 19 126 * +59 19 127 * +59 19 128 GO +59 19 129 CB +59 19 130 GU +59 19 131 BG +59 19 132 GN +59 19 133 SA +59 19 134 CH +59 19 135 BG +59 19 136 BU +59 19 137 * +59 19 138 * +59 19 139 CB +59 19 140 * +59 19 141 CB +59 19 142 BU +59 19 143 AR +59 19 144 * +59 19 145 * +59 19 146 GO +59 19 147 * +59 19 148 * +59 19 149 BU +59 19 150 * +59 19 151 * +59 19 152 * +59 19 153 AR +59 19 154 * +59 19 155 GU +59 19 156 AR +59 19 157 CH +59 19 158 CB +59 19 159 * +59 19 160 BU +59 19 161 AR +59 19 162 GN +59 19 163 AR +59 19 164 AR +59 19 165 GU +59 19 166 AR +59 19 167 BU +59 19 168 GU +59 19 169 AR +59 19 170 GU +59 19 171 * +59 19 172 CB +59 19 173 GN +59 19 174 GO +59 19 175 BU +59 19 176 * +59 19 177 * +59 19 178 AR +59 19 179 * +59 19 180 * +59 19 181 * +59 19 182 BG +59 19 183 CH +59 19 184 AR +59 19 185 * +59 19 186 * +59 19 187 GO +59 19 188 AR +59 19 189 * +59 19 190 BU +59 19 191 * +59 19 192 BG +59 19 193 GO +59 19 194 * +59 19 195 AR +59 19 196 BU +59 19 197 * +59 19 198 CC +59 19 199 CB +59 19 200 AR +59 19 201 BU +59 19 202 AR +59 19 203 BG +59 19 204 CH +59 19 205 AR +59 19 206 * +59 19 207 GN +59 19 208 GO +59 19 209 AR +59 19 210 CH +59 19 211 * +59 19 212 * +59 19 213 GO +59 19 214 GO +59 19 215 BU +59 19 216 * +59 19 217 GN +59 19 218 * +59 19 219 BU +59 19 220 AR +59 19 221 * +59 19 222 BG +59 19 223 AR +59 19 224 CB +59 19 225 * +59 19 226 * +59 19 227 CC +59 19 228 * +59 19 229 BU +59 19 230 CB +59 19 231 BG +59 19 232 GU +59 19 233 BU +59 19 234 AR +59 19 235 AR +59 19 236 GU +59 19 237 * +59 19 238 AR +59 19 239 * +59 19 240 * +59 19 241 CB +59 19 242 * +59 19 243 BG +59 19 244 BU +59 19 245 GN +59 19 246 AR +59 19 247 * +59 19 248 AR +59 19 249 AR +59 19 250 BG +59 19 251 AR +59 19 252 CB +59 19 253 AR +59 19 254 * +59 19 255 * +59 19 256 * +59 19 257 AR +59 19 258 * +59 19 259 * +59 19 260 CB +59 19 261 * +59 19 262 CB +59 19 263 * +59 19 264 BU +59 19 265 * +59 19 266 * +59 19 267 BG +59 19 268 AR +59 19 269 BG +59 19 270 GO +59 19 271 * +59 19 272 CB +59 19 273 * +59 19 274 CB +59 19 275 * +59 19 276 GN +59 19 277 AR +59 19 278 * +59 19 279 AR +59 19 280 GU +59 19 281 AR +59 19 282 * +59 19 283 CH +59 19 284 CB +59 19 285 BU +59 19 286 CB +59 19 287 GU +59 19 288 GN +59 19 289 BU +59 19 290 CB +59 19 291 AR +59 19 292 BU +59 19 293 * +59 19 294 * +59 19 295 GU +59 19 296 * +59 19 297 GO +59 19 298 GN +59 19 299 AR +59 19 300 * +59 19 301 AR +59 19 302 * +59 19 303 * +59 19 304 AR +59 19 305 BG +59 19 306 BU +59 19 307 AR +59 19 308 * +59 19 309 GU +59 19 310 * +59 19 311 AR +59 19 312 CC +59 19 313 * +59 19 314 CB +59 19 315 AR +59 19 316 * +59 19 317 BG +59 19 318 * +59 19 319 CB +59 19 320 * +59 19 321 GN +59 19 322 * +59 19 323 * +59 19 324 * +59 19 325 * +59 19 326 GO +59 19 327 CB +59 19 328 * +59 19 329 CH +59 19 330 * +59 20 1 AR +59 20 2 CB +59 20 3 GO +59 20 4 * +59 20 5 CB +59 20 6 AR +59 20 7 GU +59 20 8 GU +59 20 9 * +59 20 10 AR +59 20 11 GU +59 20 12 GO +59 20 13 BU +59 20 14 AR +59 20 15 CB +59 20 16 BU +59 20 17 GO +59 20 18 CC +59 20 19 AR +59 20 20 AR +59 20 21 * +59 20 22 GO +59 20 23 GU +59 20 24 CC +59 20 25 AR +59 20 26 BU +59 20 27 CB +59 20 28 GO +59 20 29 AR +59 20 30 GO +59 20 31 AR +59 20 32 AR +59 20 33 AR +59 20 34 AR +59 20 35 GO +59 20 36 GU +59 20 37 AR +59 20 38 BU +59 20 39 AR +59 20 40 AR +59 20 41 * +59 20 42 * +59 20 43 AR +59 20 44 CB +59 20 45 AR +59 20 46 CB +59 20 47 SA +59 20 48 GO +59 20 49 AR +59 20 50 * +59 20 51 GU +59 20 52 AR +59 20 53 GU +59 20 54 AR +59 20 55 AR +59 20 56 BU +59 20 57 AR +59 20 58 BU +59 20 59 CB +59 20 60 AR +59 20 61 GN +59 20 62 * +59 20 63 BU +59 20 64 AR +59 20 65 GN +59 20 66 CB +59 20 67 AR +59 20 68 BU +59 20 69 SA +59 20 70 CB +59 20 71 AR +59 20 72 AR +59 20 73 CB +59 20 74 AR +59 20 75 GU +59 20 76 GO +59 20 77 AR +59 20 78 BU +59 20 79 CC +59 20 80 AR +59 20 81 AL +59 20 82 AR +59 20 83 GO +59 20 84 GO +59 20 85 AR +59 20 86 AL +59 20 87 CC +59 20 88 AR +59 20 89 CC +59 20 90 * +59 20 91 BU +59 20 92 CB +59 20 93 AR +59 20 94 CC +59 20 95 CB +59 20 96 GO +59 20 97 BU +59 20 98 GN +59 20 99 CB +59 20 100 AR +59 20 101 GU +59 20 102 CB +59 20 103 AR +59 20 104 AR +59 20 105 CB +59 20 106 CB +59 20 107 CB +59 20 108 AR +59 20 109 AR +59 20 110 GO +59 20 111 AR +59 20 112 GN +59 20 113 CC +59 20 114 AR +59 20 115 GN +59 20 116 CB +59 20 117 CC +59 20 118 BU +59 20 119 AR +59 20 120 CB +59 20 121 BU +59 20 122 AR +59 20 123 SA +59 20 124 AR +59 20 125 GO +59 20 126 CB +59 20 127 CC +59 20 128 AR +59 20 129 CB +59 20 130 CC +59 20 131 GU +59 20 132 GN +59 20 133 AR +59 20 134 * +59 20 135 BU +59 20 136 AR +59 20 137 CB +59 20 138 AR +59 20 139 CB +59 20 140 AR +59 20 141 CB +59 20 142 CB +59 20 143 AR +59 20 144 CC +59 20 145 AR +59 20 146 GO +59 20 147 AR +59 20 148 GN +59 20 149 SA +59 20 150 CC +59 20 151 * +59 20 152 BU +59 20 153 AR +59 20 154 CC +59 20 155 CC +59 20 156 AR +59 20 157 SA +59 20 158 CB +59 20 159 GO +59 20 160 GO +59 20 161 AR +59 20 162 GN +59 20 163 AR +59 20 164 AR +59 20 165 CC +59 20 166 AR +59 20 167 CB +59 20 168 AR +59 20 169 AR +59 20 170 AR +59 20 171 SA +59 20 172 CB +59 20 173 GO +59 20 174 GO +59 20 175 AR +59 20 176 GN +59 20 177 CB +59 20 178 AR +59 20 179 GU +59 20 180 AR +59 20 181 GO +59 20 182 * +59 20 183 CB +59 20 184 BU +59 20 185 * +59 20 186 AR +59 20 187 GO +59 20 188 AR +59 20 189 CB +59 20 190 GO +59 20 191 AR +59 20 192 AR +59 20 193 CB +59 20 194 GU +59 20 195 AR +59 20 196 GU +59 20 197 AL +59 20 198 CC +59 20 199 CB +59 20 200 AR +59 20 201 GO +59 20 202 AR +59 20 203 BU +59 20 204 CC +59 20 205 GU +59 20 206 CB +59 20 207 GN +59 20 208 BU +59 20 209 AR +59 20 210 CC +59 20 211 AR +59 20 212 GO +59 20 213 CB +59 20 214 AR +59 20 215 CB +59 20 216 AR +59 20 217 GO +59 20 218 BU +59 20 219 CB +59 20 220 AR +59 20 221 CB +59 20 222 GU +59 20 223 AR +59 20 224 GO +59 20 225 GU +59 20 226 AR +59 20 227 CC +59 20 228 AR +59 20 229 AR +59 20 230 BU +59 20 231 GU +59 20 232 GU +59 20 233 AR +59 20 234 AR +59 20 235 AR +59 20 236 BU +59 20 237 GO +59 20 238 AR +59 20 239 BU +59 20 240 GU +59 20 241 CB +59 20 242 CB +59 20 243 GU +59 20 244 CB +59 20 245 GN +59 20 246 AR +59 20 247 CC +59 20 248 AR +59 20 249 AR +59 20 250 BU +59 20 251 AR +59 20 252 CB +59 20 253 AR +59 20 254 CB +59 20 255 CC +59 20 256 GO +59 20 257 AR +59 20 258 GO +59 20 259 BU +59 20 260 CB +59 20 261 GO +59 20 262 CB +59 20 263 GU +59 20 264 AR +59 20 265 AR +59 20 266 BU +59 20 267 AL +59 20 268 AR +59 20 269 CB +59 20 270 GO +59 20 271 AR +59 20 272 CB +59 20 273 GU +59 20 274 CB +59 20 275 SA +59 20 276 GN +59 20 277 AR +59 20 278 GO +59 20 279 AR +59 20 280 GU +59 20 281 AR +59 20 282 AR +59 20 283 BU +59 20 284 CB +59 20 285 GO +59 20 286 CB +59 20 287 GU +59 20 288 GN +59 20 289 AR +59 20 290 SA +59 20 291 BU +59 20 292 GO +59 20 293 CB +59 20 294 AR +59 20 295 GU +59 20 296 GU +59 20 297 GO +59 20 298 GN +59 20 299 AR +59 20 300 CB +59 20 301 AR +59 20 302 CB +59 20 303 CB +59 20 304 AR +59 20 305 AR +59 20 306 AR +59 20 307 AR +59 20 308 BU +59 20 309 CC +59 20 310 AR +59 20 311 AR +59 20 312 CC +59 20 313 * +59 20 314 CB +59 20 315 AR +59 20 316 AR +59 20 317 GO +59 20 318 GO +59 20 319 CB +59 20 320 * +59 20 321 GN +59 20 322 AR +59 20 323 AR +59 20 324 CB +59 20 325 GO +59 20 326 GO +59 20 327 CB +59 20 328 AR +59 20 329 BU +59 20 330 CB +59 21 1 BU +59 21 2 SA +59 21 3 GN +59 21 4 CH +59 21 5 AL +59 21 6 BU +59 21 7 AR +59 21 8 CH +59 21 9 GO +59 21 10 AR +59 21 11 CG +59 21 12 GO +59 21 13 AR +59 21 14 AR +59 21 15 BU +59 21 16 CB +59 21 17 GN +59 21 18 CC +59 21 19 AR +59 21 20 GU +59 21 21 BU +59 21 22 GO +59 21 23 * +59 21 24 CH +59 21 25 * +59 21 26 AR +59 21 27 * +59 21 28 GS +59 21 29 AR +59 21 30 GO +59 21 31 AR +59 21 32 GU +59 21 33 * +59 21 34 AR +59 21 35 GN +59 21 36 * +59 21 37 * +59 21 38 * +59 21 39 AR +59 21 40 AR +59 21 41 GN +59 21 42 DL +59 21 43 AR +59 21 44 CB +59 21 45 AR +59 21 46 BU +59 21 47 * +59 21 48 GO +59 21 49 BU +59 21 50 AR +59 21 51 * +59 21 52 CB +59 21 53 MG +59 21 54 * +59 21 55 * +59 21 56 BU +59 21 57 AR +59 21 58 GO +59 21 59 BU +59 21 60 AR +59 21 61 GN +59 21 62 BU +59 21 63 BU +59 21 64 AR +59 21 65 GS +59 21 66 CB +59 21 67 AR +59 21 68 * +59 21 69 GU +59 21 70 SA +59 21 71 AR +59 21 72 * +59 21 73 AR +59 21 74 * +59 21 75 * +59 21 76 GO +59 21 77 AR +59 21 78 AR +59 21 79 CC +59 21 80 AR +59 21 81 * +59 21 82 * +59 21 83 * +59 21 84 BU +59 21 85 AR +59 21 86 * +59 21 87 GU +59 21 88 AR +59 21 89 CC +59 21 90 * +59 21 91 * +59 21 92 CB +59 21 93 AR +59 21 94 * +59 21 95 * +59 21 96 GO +59 21 97 * +59 21 98 GN +59 21 99 * +59 21 100 * +59 21 101 GS +59 21 102 BU +59 21 103 * +59 21 104 * +59 21 105 AR +59 21 106 * +59 21 107 CB +59 21 108 * +59 21 109 AR +59 21 110 GO +59 21 111 CH +59 21 112 * +59 21 113 * +59 21 114 * +59 21 115 GS +59 21 116 * +59 21 117 CH +59 21 118 * +59 21 119 AR +59 21 120 CB +59 21 121 * +59 21 122 * +59 21 123 AR +59 21 124 * +59 21 125 GO +59 21 126 GO +59 21 127 * +59 21 128 GO +59 21 129 * +59 21 130 CH +59 21 131 * +59 21 132 * +59 21 133 AR +59 21 134 * +59 21 135 * +59 21 136 * +59 21 137 GU +59 21 138 * +59 21 139 BU +59 21 140 AR +59 21 141 CB +59 21 142 * +59 21 143 * +59 21 144 GU +59 21 145 AR +59 21 146 GO +59 21 147 AR +59 21 148 GN +59 21 149 * +59 21 150 AR +59 21 151 BU +59 21 152 * +59 21 153 AR +59 21 154 BU +59 21 155 CH +59 21 156 * +59 21 157 * +59 21 158 CB +59 21 159 * +59 21 160 BU +59 21 161 AR +59 21 162 GS +59 21 163 AR +59 21 164 * +59 21 165 * +59 21 166 AR +59 21 167 * +59 21 168 AR +59 21 169 AR +59 21 170 * +59 21 171 GO +59 21 172 * +59 21 173 GN +59 21 174 GO +59 21 175 * +59 21 176 GS +59 21 177 * +59 21 178 AR +59 21 179 * +59 21 180 AR +59 21 181 GO +59 21 182 * +59 21 183 CH +59 21 184 * +59 21 185 * +59 21 186 * +59 21 187 GO +59 21 188 AR +59 21 189 * +59 21 190 AL +59 21 191 AR +59 21 192 * +59 21 193 * +59 21 194 CC +59 21 195 * +59 21 196 * +59 21 197 AR +59 21 198 CC +59 21 199 CB +59 21 200 AR +59 21 201 * +59 21 202 AR +59 21 203 * +59 21 204 * +59 21 205 * +59 21 206 CB +59 21 207 * +59 21 208 * +59 21 209 AR +59 21 210 GU +59 21 211 * +59 21 212 GO +59 21 213 * +59 21 214 GO +59 21 215 * +59 21 216 SA +59 21 217 * +59 21 218 * +59 21 219 CB +59 21 220 AR +59 21 221 * +59 21 222 * +59 21 223 AR +59 21 224 * +59 21 225 * +59 21 226 * +59 21 227 CC +59 21 228 AR +59 21 229 BU +59 21 230 * +59 21 231 * +59 21 232 SA +59 21 233 * +59 21 234 AR +59 21 235 AR +59 21 236 * +59 21 237 GN +59 21 238 AR +59 21 239 GN +59 21 240 GU +59 21 241 * +59 21 242 * +59 21 243 * +59 21 244 * +59 21 245 GN +59 21 246 AR +59 21 247 * +59 21 248 * +59 21 249 * +59 21 250 * +59 21 251 * +59 21 252 * +59 21 253 AR +59 21 254 * +59 21 255 CC +59 21 256 * +59 21 257 AR +59 21 258 * +59 21 259 * +59 21 260 * +59 21 261 GO +59 21 262 BU +59 21 263 * +59 21 264 * +59 21 265 * +59 21 266 * +59 21 267 * +59 21 268 AR +59 21 269 AR +59 21 270 GO +59 21 271 AR +59 21 272 * +59 21 273 * +59 21 274 CB +59 21 275 * +59 21 276 GS +59 21 277 AR +59 21 278 * +59 21 279 AR +59 21 280 SA +59 21 281 * +59 21 282 * +59 21 283 * +59 21 284 * +59 21 285 GN +59 21 286 CB +59 21 287 GO +59 21 288 GN +59 21 289 * +59 21 290 * +59 21 291 AR +59 21 292 * +59 21 293 * +59 21 294 CB +59 21 295 CH +59 21 296 * +59 21 297 GO +59 21 298 GN +59 21 299 AR +59 21 300 * +59 21 301 AR +59 21 302 BU +59 21 303 * +59 21 304 * +59 21 305 * +59 21 306 * +59 21 307 AR +59 21 308 * +59 21 309 * +59 21 310 AR +59 21 311 * +59 21 312 CC +59 21 313 AR +59 21 314 BU +59 21 315 SA +59 21 316 GU +59 21 317 * +59 21 318 GO +59 21 319 * +59 21 320 SA +59 21 321 * +59 21 322 * +59 21 323 AR +59 21 324 CB +59 21 325 * +59 21 326 GO +59 21 327 CB +59 21 328 SA +59 21 329 CH +59 21 330 CB +59 22 1 AR +59 22 2 SA +59 22 3 * +59 22 4 BG +59 22 5 SA +59 22 6 CB +59 22 7 SA +59 22 8 AL +59 22 9 BU +59 22 10 AR +59 22 11 * +59 22 12 GO +59 22 13 * +59 22 14 AR +59 22 15 * +59 22 16 CB +59 22 17 * +59 22 18 CC +59 22 19 AR +59 22 20 SA +59 22 21 AL +59 22 22 GO +59 22 23 BG +59 22 24 CH +59 22 25 AR +59 22 26 AR +59 22 27 CB +59 22 28 AL +59 22 29 SA +59 22 30 GO +59 22 31 BU +59 22 32 * +59 22 33 SA +59 22 34 AR +59 22 35 * +59 22 36 AR +59 22 37 * +59 22 38 AL +59 22 39 SA +59 22 40 AR +59 22 41 GN +59 22 42 GO +59 22 43 AR +59 22 44 CB +59 22 45 SA +59 22 46 BU +59 22 47 AR +59 22 48 GO +59 22 49 BU +59 22 50 BG +59 22 51 CH +59 22 52 CB +59 22 53 BG +59 22 54 SA +59 22 55 AR +59 22 56 CB +59 22 57 AR +59 22 58 GO +59 22 59 CB +59 22 60 AR +59 22 61 GN +59 22 62 * +59 22 63 AL +59 22 64 AR +59 22 65 AL +59 22 66 CB +59 22 67 SA +59 22 68 AL +59 22 69 DD +59 22 70 CB +59 22 71 GU +59 22 72 AR +59 22 73 BG +59 22 74 * +59 22 75 DD +59 22 76 * +59 22 77 AR +59 22 78 AL +59 22 79 BU +59 22 80 AR +59 22 81 * +59 22 82 * +59 22 83 * +59 22 84 AL +59 22 85 SA +59 22 86 AL +59 22 87 CC +59 22 88 BG +59 22 89 CC +59 22 90 AR +59 22 91 * +59 22 92 CB +59 22 93 AR +59 22 94 CH +59 22 95 CB +59 22 96 GO +59 22 97 AR +59 22 98 * +59 22 99 * +59 22 100 * +59 22 101 BG +59 22 102 AR +59 22 103 * +59 22 104 * +59 22 105 BG +59 22 106 * +59 22 107 * +59 22 108 BU +59 22 109 AR +59 22 110 GO +59 22 111 * +59 22 112 AL +59 22 113 CC +59 22 114 AR +59 22 115 * +59 22 116 BU +59 22 117 * +59 22 118 AL +59 22 119 AR +59 22 120 CB +59 22 121 * +59 22 122 AR +59 22 123 AR +59 22 124 * +59 22 125 * +59 22 126 AL +59 22 127 AR +59 22 128 GO +59 22 129 * +59 22 130 * +59 22 131 BG +59 22 132 GN +59 22 133 AR +59 22 134 CH +59 22 135 * +59 22 136 AR +59 22 137 * +59 22 138 * +59 22 139 CB +59 22 140 AR +59 22 141 CB +59 22 142 CB +59 22 143 * +59 22 144 * +59 22 145 * +59 22 146 GO +59 22 147 * +59 22 148 GN +59 22 149 SA +59 22 150 * +59 22 151 * +59 22 152 * +59 22 153 AR +59 22 154 BU +59 22 155 GO +59 22 156 AR +59 22 157 CH +59 22 158 CB +59 22 159 GO +59 22 160 AL +59 22 161 SA +59 22 162 AL +59 22 163 AR +59 22 164 AR +59 22 165 * +59 22 166 AR +59 22 167 CB +59 22 168 AR +59 22 169 AR +59 22 170 * +59 22 171 SA +59 22 172 CB +59 22 173 AL +59 22 174 GO +59 22 175 BU +59 22 176 GN +59 22 177 GO +59 22 178 AR +59 22 179 GN +59 22 180 SA +59 22 181 GO +59 22 182 BG +59 22 183 * +59 22 184 BG +59 22 185 * +59 22 186 * +59 22 187 GO +59 22 188 AR +59 22 189 BU +59 22 190 AL +59 22 191 AR +59 22 192 BG +59 22 193 SA +59 22 194 GN +59 22 195 SA +59 22 196 BU +59 22 197 * +59 22 198 CC +59 22 199 CB +59 22 200 BU +59 22 201 AL +59 22 202 AR +59 22 203 BG +59 22 204 CH +59 22 205 AR +59 22 206 CB +59 22 207 GN +59 22 208 GO +59 22 209 AR +59 22 210 GN +59 22 211 AR +59 22 212 GO +59 22 213 BU +59 22 214 GO +59 22 215 GN +59 22 216 * +59 22 217 AL +59 22 218 * +59 22 219 BU +59 22 220 AR +59 22 221 * +59 22 222 BG +59 22 223 AR +59 22 224 CB +59 22 225 GO +59 22 226 AR +59 22 227 CC +59 22 228 AR +59 22 229 SA +59 22 230 * +59 22 231 BG +59 22 232 GO +59 22 233 BU +59 22 234 AR +59 22 235 AR +59 22 236 SA +59 22 237 AL +59 22 238 AR +59 22 239 AL +59 22 240 GN +59 22 241 CB +59 22 242 CB +59 22 243 BG +59 22 244 BU +59 22 245 GN +59 22 246 AR +59 22 247 * +59 22 248 * +59 22 249 AR +59 22 250 BG +59 22 251 SA +59 22 252 * +59 22 253 SA +59 22 254 * +59 22 255 * +59 22 256 AL +59 22 257 AR +59 22 258 GO +59 22 259 GN +59 22 260 * +59 22 261 * +59 22 262 CB +59 22 263 BU +59 22 264 * +59 22 265 AR +59 22 266 * +59 22 267 * +59 22 268 SA +59 22 269 AL +59 22 270 GO +59 22 271 AR +59 22 272 CB +59 22 273 AL +59 22 274 CB +59 22 275 * +59 22 276 AL +59 22 277 AR +59 22 278 * +59 22 279 AR +59 22 280 SA +59 22 281 AR +59 22 282 SA +59 22 283 CH +59 22 284 BU +59 22 285 AL +59 22 286 CB +59 22 287 GO +59 22 288 GN +59 22 289 * +59 22 290 CB +59 22 291 AR +59 22 292 AL +59 22 293 BU +59 22 294 GO +59 22 295 * +59 22 296 GO +59 22 297 * +59 22 298 AR +59 22 299 BU +59 22 300 AR +59 22 301 * +59 22 302 BU +59 22 303 SA +59 22 304 BG +59 22 305 SA +59 22 306 AR +59 22 307 * +59 22 308 GU +59 22 309 * +59 22 310 AR +59 22 311 AR +59 22 312 CC +59 22 313 CB +59 22 314 SA +59 22 315 SA +59 22 316 AR +59 22 317 BG +59 22 318 GN +59 22 319 CB +59 22 320 * +59 22 321 GN +59 22 322 BU +59 22 323 AR +59 22 324 CB +59 22 325 BG +59 22 326 GO +59 22 327 BU +59 22 328 SA +59 22 329 CH +59 22 330 BU +59 23 1 AR +59 23 2 CB +59 23 3 GN +59 23 4 IS +59 23 5 AR +59 23 6 CB +59 23 7 GW +59 23 8 GU +59 23 9 CH +59 23 10 AR +59 23 11 * +59 23 12 GO +59 23 13 AR +59 23 14 AR +59 23 15 CB +59 23 16 CB +59 23 17 GO +59 23 18 CC +59 23 19 * +59 23 20 GW +59 23 21 CU +59 23 22 * +59 23 23 WU +59 23 24 CC +59 23 25 AR +59 23 26 AR +59 23 27 CB +59 23 28 CU +59 23 29 * +59 23 30 * +59 23 31 * +59 23 32 CU +59 23 33 * +59 23 34 AR +59 23 35 GO +59 23 36 * +59 23 37 * +59 23 38 * +59 23 39 * +59 23 40 * +59 23 41 GN +59 23 42 * +59 23 43 AR +59 23 44 CB +59 23 45 GW +59 23 46 * +59 23 47 AR +59 23 48 * +59 23 49 * +59 23 50 WU +59 23 51 * +59 23 52 CB +59 23 53 CU +59 23 54 GW +59 23 55 * +59 23 56 * +59 23 57 AR +59 23 58 GU +59 23 59 CB +59 23 60 * +59 23 61 GN +59 23 62 BU +59 23 63 * +59 23 64 AR +59 23 65 * +59 23 66 CB +59 23 67 * +59 23 68 * +59 23 69 GU +59 23 70 CB +59 23 71 IS +59 23 72 AR +59 23 73 GU +59 23 74 BU +59 23 75 * +59 23 76 GO +59 23 77 AR +59 23 78 CB +59 23 79 CC +59 23 80 AR +59 23 81 AR +59 23 82 * +59 23 83 * +59 23 84 * +59 23 85 AR +59 23 86 * +59 23 87 CC +59 23 88 * +59 23 89 CC +59 23 90 * +59 23 91 CB +59 23 92 CB +59 23 93 AR +59 23 94 GU +59 23 95 BU +59 23 96 DU +59 23 97 IS +59 23 98 GN +59 23 99 * +59 23 100 * +59 23 101 GU +59 23 102 * +59 23 103 GU +59 23 104 AR +59 23 105 * +59 23 106 * +59 23 107 CB +59 23 108 BU +59 23 109 AR +59 23 110 MM +59 23 111 * +59 23 112 GN +59 23 113 CC +59 23 114 AR +59 23 115 * +59 23 116 * +59 23 117 GU +59 23 118 NS +59 23 119 AR +59 23 120 CB +59 23 121 GO +59 23 122 GW +59 23 123 AR +59 23 124 * +59 23 125 GO +59 23 126 GS +59 23 127 AR +59 23 128 GO +59 23 129 CB +59 23 130 CC +59 23 131 IS +59 23 132 * +59 23 133 AR +59 23 134 * +59 23 135 * +59 23 136 * +59 23 137 AR +59 23 138 BU +59 23 139 CB +59 23 140 AR +59 23 141 CB +59 23 142 BU +59 23 143 * +59 23 144 AR +59 23 145 * +59 23 146 * +59 23 147 * +59 23 148 GN +59 23 149 CB +59 23 150 WU +59 23 151 GN +59 23 152 GS +59 23 153 AR +59 23 154 CC +59 23 155 GU +59 23 156 AR +59 23 157 GU +59 23 158 CB +59 23 159 GO +59 23 160 GS +59 23 161 AR +59 23 162 GN +59 23 163 AR +59 23 164 AR +59 23 165 BU +59 23 166 AR +59 23 167 * +59 23 168 AR +59 23 169 AR +59 23 170 * +59 23 171 DI +59 23 172 CB +59 23 173 GS +59 23 174 DU +59 23 175 BU +59 23 176 GS +59 23 177 GO +59 23 178 AR +59 23 179 * +59 23 180 GW +59 23 181 * +59 23 182 WU +59 23 183 GU +59 23 184 * +59 23 185 * +59 23 186 * +59 23 187 GO +59 23 188 AR +59 23 189 BU +59 23 190 * +59 23 191 AR +59 23 192 SU +59 23 193 * +59 23 194 * +59 23 195 AR +59 23 196 * +59 23 197 * +59 23 198 CC +59 23 199 BU +59 23 200 AR +59 23 201 * +59 23 202 AR +59 23 203 GS +59 23 204 GU +59 23 205 SU +59 23 206 CB +59 23 207 GS +59 23 208 GU +59 23 209 AR +59 23 210 GU +59 23 211 AR +59 23 212 GO +59 23 213 BU +59 23 214 * +59 23 215 CB +59 23 216 GU +59 23 217 * +59 23 218 BU +59 23 219 CB +59 23 220 AR +59 23 221 * +59 23 222 SU +59 23 223 AR +59 23 224 CB +59 23 225 GU +59 23 226 AR +59 23 227 CC +59 23 228 AR +59 23 229 AR +59 23 230 CB +59 23 231 CI +59 23 232 GU +59 23 233 BU +59 23 234 AR +59 23 235 AR +59 23 236 * +59 23 237 * +59 23 238 AR +59 23 239 * +59 23 240 * +59 23 241 CB +59 23 242 GO +59 23 243 GS +59 23 244 BU +59 23 245 GN +59 23 246 AR +59 23 247 * +59 23 248 DI +59 23 249 * +59 23 250 CI +59 23 251 AR +59 23 252 CB +59 23 253 AR +59 23 254 BU +59 23 255 CC +59 23 256 GS +59 23 257 AR +59 23 258 * +59 23 259 GN +59 23 260 CB +59 23 261 GO +59 23 262 CB +59 23 263 GU +59 23 264 BU +59 23 265 AR +59 23 266 GU +59 23 267 CI +59 23 268 AR +59 23 269 GS +59 23 270 GO +59 23 271 AR +59 23 272 CB +59 23 273 AR +59 23 274 CB +59 23 275 GO +59 23 276 GS +59 23 277 AR +59 23 278 GO +59 23 279 AR +59 23 280 AR +59 23 281 AR +59 23 282 GW +59 23 283 CH +59 23 284 CB +59 23 285 GS +59 23 286 CB +59 23 287 GU +59 23 288 GS +59 23 289 AR +59 23 290 CB +59 23 291 AR +59 23 292 GO +59 23 293 CB +59 23 294 CB +59 23 295 GU +59 23 296 WU +59 23 297 DU +59 23 298 GN +59 23 299 AR +59 23 300 CB +59 23 301 AR +59 23 302 CB +59 23 303 BU +59 23 304 AR +59 23 305 GU +59 23 306 CB +59 23 307 * +59 23 308 SU +59 23 309 CC +59 23 310 AR +59 23 311 * +59 23 312 CC +59 23 313 AR +59 23 314 CB +59 23 315 AR +59 23 316 AR +59 23 317 GN +59 23 318 GO +59 23 319 CB +59 23 320 DI +59 23 321 GN +59 23 322 * +59 23 323 AR +59 23 324 BU +59 23 325 IS +59 23 326 GO +59 23 327 CB +59 23 328 DI +59 23 329 GU +59 23 330 CB +59 24 1 AR +59 24 2 GU +59 24 3 * +59 24 4 AR +59 24 5 * +59 24 6 GO +59 24 7 GO +59 24 8 * +59 24 9 GU +59 24 10 AR +59 24 11 GU +59 24 12 GO +59 24 13 GU +59 24 14 GU +59 24 15 * +59 24 16 * +59 24 17 GN +59 24 18 SA +59 24 19 AR +59 24 20 * +59 24 21 GN +59 24 22 DL +59 24 23 GU +59 24 24 AL +59 24 25 GU +59 24 26 AL +59 24 27 * +59 24 28 * +59 24 29 * +59 24 30 * +59 24 31 * +59 24 32 GU +59 24 33 GU +59 24 34 AL +59 24 35 GN +59 24 36 CC +59 24 37 AL +59 24 38 * +59 24 39 GO +59 24 40 AR +59 24 41 GN +59 24 42 GO +59 24 43 AR +59 24 44 CB +59 24 45 AL +59 24 46 * +59 24 47 CC +59 24 48 GO +59 24 49 AL +59 24 50 * +59 24 51 AL +59 24 52 CB +59 24 53 GN +59 24 54 AL +59 24 55 * +59 24 56 GO +59 24 57 AR +59 24 58 GU +59 24 59 AL +59 24 60 CC +59 24 61 GN +59 24 62 * +59 24 63 GO +59 24 64 AR +59 24 65 GN +59 24 66 CB +59 24 67 AR +59 24 68 AL +59 24 69 SA +59 24 70 GU +59 24 71 AL +59 24 72 AR +59 24 73 GU +59 24 74 GU +59 24 75 AR +59 24 76 GO +59 24 77 AR +59 24 78 AL +59 24 79 CC +59 24 80 AR +59 24 81 GO +59 24 82 * +59 24 83 GO +59 24 84 GN +59 24 85 AR +59 24 86 GO +59 24 87 CC +59 24 88 * +59 24 89 CC +59 24 90 CC +59 24 91 * +59 24 92 CB +59 24 93 AL +59 24 94 CC +59 24 95 * +59 24 96 GO +59 24 97 * +59 24 98 GN +59 24 99 AL +59 24 100 * +59 24 101 * +59 24 102 AL +59 24 103 GO +59 24 104 AR +59 24 105 GN +59 24 106 GO +59 24 107 CB +59 24 108 GU +59 24 109 AR +59 24 110 GO +59 24 111 CC +59 24 112 GN +59 24 113 CC +59 24 114 AR +59 24 115 GN +59 24 116 GU +59 24 117 * +59 24 118 GO +59 24 119 AR +59 24 120 CB +59 24 121 GN +59 24 122 AL +59 24 123 AR +59 24 124 GO +59 24 125 GO +59 24 126 GO +59 24 127 CC +59 24 128 GO +59 24 129 CB +59 24 130 CC +59 24 131 GO +59 24 132 GN +59 24 133 AL +59 24 134 GN +59 24 135 GU +59 24 136 AR +59 24 137 GU +59 24 138 * +59 24 139 CB +59 24 140 AR +59 24 141 CB +59 24 142 AL +59 24 143 GO +59 24 144 AR +59 24 145 AL +59 24 146 GO +59 24 147 * +59 24 148 GN +59 24 149 GU +59 24 150 AR +59 24 151 GO +59 24 152 * +59 24 153 AR +59 24 154 CC +59 24 155 AL +59 24 156 GU +59 24 157 GO +59 24 158 CB +59 24 159 GO +59 24 160 AL +59 24 161 GU +59 24 162 GN +59 24 163 GU +59 24 164 AR +59 24 165 AL +59 24 166 CC +59 24 167 AL +59 24 168 AR +59 24 169 GU +59 24 170 CC +59 24 171 AR +59 24 172 CB +59 24 173 GN +59 24 174 GO +59 24 175 AL +59 24 176 GN +59 24 177 GO +59 24 178 AR +59 24 179 GN +59 24 180 AR +59 24 181 GO +59 24 182 GN +59 24 183 AL +59 24 184 GN +59 24 185 GO +59 24 186 GU +59 24 187 GO +59 24 188 GU +59 24 189 CB +59 24 190 SA +59 24 191 GU +59 24 192 * +59 24 193 GO +59 24 194 GN +59 24 195 GU +59 24 196 CB +59 24 197 * +59 24 198 CC +59 24 199 CB +59 24 200 AR +59 24 201 GO +59 24 202 AR +59 24 203 GN +59 24 204 CC +59 24 205 AL +59 24 206 CB +59 24 207 GN +59 24 208 GO +59 24 209 AR +59 24 210 GN +59 24 211 AR +59 24 212 GO +59 24 213 SA +59 24 214 * +59 24 215 BU +59 24 216 CC +59 24 217 BU +59 24 218 GO +59 24 219 CB +59 24 220 AR +59 24 221 CB +59 24 222 AR +59 24 223 SA +59 24 224 CB +59 24 225 GO +59 24 226 AR +59 24 227 CC +59 24 228 AR +59 24 229 GU +59 24 230 CB +59 24 231 BG +59 24 232 GU +59 24 233 SA +59 24 234 AR +59 24 235 AL +59 24 236 AR +59 24 237 GO +59 24 238 GO +59 24 239 AR +59 24 240 GN +59 24 241 GN +59 24 242 CB +59 24 243 GO +59 24 244 * +59 24 245 * +59 24 246 GN +59 24 247 SA +59 24 248 AR +59 24 249 CC +59 24 250 GU +59 24 251 AR +59 24 252 GU +59 24 253 * +59 24 254 AR +59 24 255 CC +59 24 256 * +59 24 257 * +59 24 258 GO +59 24 259 GN +59 24 260 GO +59 24 261 GN +59 24 262 CB +59 24 263 AR +59 24 264 AL +59 24 265 GU +59 24 266 GN +59 24 267 SA +59 24 268 AR +59 24 269 SA +59 24 270 GO +59 24 271 CC +59 24 272 CB +59 24 273 AL +59 24 274 CB +59 24 275 GO +59 24 276 GN +59 24 277 AL +59 24 278 GO +59 24 279 AR +59 24 280 AL +59 24 281 SA +59 24 282 AL +59 24 283 GO +59 24 284 CB +59 24 285 AL +59 24 286 CB +59 24 287 GO +59 24 288 GN +59 24 289 SA +59 24 290 GO +59 24 291 AR +59 24 292 GO +59 24 293 CB +59 24 294 CB +59 24 295 GU +59 24 296 AR +59 24 297 GO +59 24 298 GN +59 24 299 AL +59 24 300 SA +59 24 301 AR +59 24 302 CB +59 24 303 AL +59 24 304 GO +59 24 305 BG +59 24 306 GO +59 24 307 AR +59 24 308 SA +59 24 309 CC +59 24 310 * +59 24 311 * +59 24 312 CC +59 24 313 SA +59 24 314 CB +59 24 315 AR +59 24 316 AL +59 24 317 GN +59 24 318 GO +59 24 319 CB +59 24 320 * +59 24 321 GN +59 24 322 * +59 24 323 AR +59 24 324 GO +59 24 325 BG +59 24 326 GO +59 24 327 CB +59 24 328 AR +59 24 329 GO +59 24 330 CB +59 25 1 SA +59 25 2 BU +59 25 3 GO +59 25 4 CC +59 25 5 CB +59 25 6 GO +59 25 7 * +59 25 8 GU +59 25 9 GO +59 25 10 AR +59 25 11 * +59 25 12 GO +59 25 13 GU +59 25 14 CC +59 25 15 GO +59 25 16 CB +59 25 17 * +59 25 18 CC +59 25 19 BU +59 25 20 SA +59 25 21 AL +59 25 22 GO +59 25 23 BU +59 25 24 CH +59 25 25 AR +59 25 26 CC +59 25 27 CB +59 25 28 GO +59 25 29 AR +59 25 30 GO +59 25 31 BU +59 25 32 GO +59 25 33 BU +59 25 34 AR +59 25 35 GO +59 25 36 CC +59 25 37 BU +59 25 38 GN +59 25 39 SA +59 25 40 AR +59 25 41 GN +59 25 42 GO +59 25 43 CC +59 25 44 * +59 25 45 BU +59 25 46 SA +59 25 47 CC +59 25 48 GO +59 25 49 AR +59 25 50 CC +59 25 51 GU +59 25 52 * +59 25 53 GU +59 25 54 AR +59 25 55 SA +59 25 56 GO +59 25 57 AR +59 25 58 BU +59 25 59 GO +59 25 60 CC +59 25 61 GN +59 25 62 BU +59 25 63 GO +59 25 64 AR +59 25 65 AL +59 25 66 GO +59 25 67 BU +59 25 68 CB +59 25 69 GU +59 25 70 * +59 25 71 * +59 25 72 SA +59 25 73 CC +59 25 74 BU +59 25 75 * +59 25 76 GN +59 25 77 SA +59 25 78 GO +59 25 79 AR +59 25 80 AR +59 25 81 BU +59 25 82 AR +59 25 83 GO +59 25 84 GO +59 25 85 AR +59 25 86 CB +59 25 87 CC +59 25 88 GU +59 25 89 CC +59 25 90 CC +59 25 91 BU +59 25 92 GO +59 25 93 AR +59 25 94 CC +59 25 95 CB +59 25 96 GO +59 25 97 * +59 25 98 GN +59 25 99 BU +59 25 100 CB +59 25 101 CC +59 25 102 BU +59 25 103 GU +59 25 104 BU +59 25 105 GU +59 25 106 * +59 25 107 CB +59 25 108 BU +59 25 109 AR +59 25 110 AL +59 25 111 CC +59 25 112 GN +59 25 113 CC +59 25 114 AR +59 25 115 GU +59 25 116 BU +59 25 117 CC +59 25 118 AL +59 25 119 AR +59 25 120 GO +59 25 121 * +59 25 122 AR +59 25 123 * +59 25 124 GO +59 25 125 AL +59 25 126 * +59 25 127 AR +59 25 128 CB +59 25 129 CB +59 25 130 CC +59 25 131 GU +59 25 132 GN +59 25 133 CC +59 25 134 CC +59 25 135 GU +59 25 136 AR +59 25 137 CC +59 25 138 BU +59 25 139 GO +59 25 140 AR +59 25 141 CB +59 25 142 GO +59 25 143 * +59 25 144 * +59 25 145 CB +59 25 146 GO +59 25 147 AR +59 25 148 GN +59 25 149 BU +59 25 150 CC +59 25 151 GO +59 25 152 * +59 25 153 * +59 25 154 GU +59 25 155 SA +59 25 156 AR +59 25 157 GU +59 25 158 GO +59 25 159 * +59 25 160 GO +59 25 161 BU +59 25 162 GN +59 25 163 AR +59 25 164 * +59 25 165 * +59 25 166 CC +59 25 167 GO +59 25 168 CC +59 25 169 AR +59 25 170 CC +59 25 171 GU +59 25 172 CB +59 25 173 AL +59 25 174 GO +59 25 175 * +59 25 176 * +59 25 177 GO +59 25 178 AR +59 25 179 CC +59 25 180 * +59 25 181 GO +59 25 182 CC +59 25 183 GU +59 25 184 SA +59 25 185 GN +59 25 186 BU +59 25 187 GO +59 25 188 AR +59 25 189 * +59 25 190 GO +59 25 191 AR +59 25 192 CB +59 25 193 GO +59 25 194 CC +59 25 195 * +59 25 196 CB +59 25 197 CB +59 25 198 CC +59 25 199 CB +59 25 200 BU +59 25 201 GO +59 25 202 AR +59 25 203 * +59 25 204 BU +59 25 205 SA +59 25 206 CB +59 25 207 AL +59 25 208 BU +59 25 209 SA +59 25 210 CC +59 25 211 BU +59 25 212 GO +59 25 213 BU +59 25 214 GO +59 25 215 BU +59 25 216 AR +59 25 217 GO +59 25 218 BU +59 25 219 * +59 25 220 AR +59 25 221 CB +59 25 222 SA +59 25 223 AR +59 25 224 GO +59 25 225 AL +59 25 226 AR +59 25 227 CC +59 25 228 AR +59 25 229 BU +59 25 230 GO +59 25 231 BU +59 25 232 GU +59 25 233 CB +59 25 234 AR +59 25 235 SA +59 25 236 GO +59 25 237 GO +59 25 238 AR +59 25 239 * +59 25 240 CC +59 25 241 CB +59 25 242 GO +59 25 243 AR +59 25 244 CB +59 25 245 GN +59 25 246 * +59 25 247 GU +59 25 248 AR +59 25 249 * +59 25 250 CC +59 25 251 CB +59 25 252 GO +59 25 253 BU +59 25 254 BU +59 25 255 CC +59 25 256 AL +59 25 257 AR +59 25 258 GO +59 25 259 GU +59 25 260 CB +59 25 261 GO +59 25 262 GO +59 25 263 BU +59 25 264 * +59 25 265 AR +59 25 266 GU +59 25 267 CC +59 25 268 BU +59 25 269 GN +59 25 270 GO +59 25 271 AR +59 25 272 CB +59 25 273 CB +59 25 274 CB +59 25 275 GO +59 25 276 GU +59 25 277 AR +59 25 278 * +59 25 279 AR +59 25 280 BU +59 25 281 SA +59 25 282 BU +59 25 283 GU +59 25 284 GO +59 25 285 * +59 25 286 GO +59 25 287 AL +59 25 288 AL +59 25 289 * +59 25 290 GO +59 25 291 AR +59 25 292 GO +59 25 293 GO +59 25 294 GO +59 25 295 GU +59 25 296 CC +59 25 297 AL +59 25 298 GN +59 25 299 AR +59 25 300 GO +59 25 301 SA +59 25 302 GO +59 25 303 CB +59 25 304 GU +59 25 305 CC +59 25 306 CB +59 25 307 * +59 25 308 AR +59 25 309 AR +59 25 310 * +59 25 311 AR +59 25 312 CC +59 25 313 GU +59 25 314 GO +59 25 315 CB +59 25 316 AR +59 25 317 GU +59 25 318 GO +59 25 319 GO +59 25 320 BU +59 25 321 AL +59 25 322 BU +59 25 323 AR +59 25 324 BU +59 25 325 AR +59 25 326 GO +59 25 327 GO +59 25 328 AR +59 25 329 CH +59 25 330 CB +60 1 1 AS +60 1 2 IC +60 1 3 NK +60 1 4 KI +60 1 5 AS +60 1 6 NK +60 1 7 MS +60 1 8 NK +60 1 9 AS +60 1 10 KC +60 1 11 KI +60 1 12 AS +60 1 13 MS +60 1 14 AS +60 1 15 KI +60 1 16 KC +60 1 17 NK +60 1 18 MS +60 1 19 KI +60 1 20 AS +60 1 21 NK +60 1 22 IC +60 1 23 AS +60 1 24 KC +60 1 25 MS +60 1 26 KC +60 1 27 KI +60 1 28 NK +60 1 29 AS +60 1 30 KC +60 1 31 MS +60 1 32 NK +60 1 33 KC +60 1 34 IC +60 1 35 NK +60 1 36 IC +60 1 37 KC +60 1 38 AS +60 1 39 MS +60 1 40 MS +60 1 41 NK +60 1 42 KI +60 1 43 KC +60 1 44 AS +60 1 45 MS +60 1 46 IC +60 1 47 AS +60 1 48 KI +60 1 49 KC +60 1 50 NK +60 1 51 AS +60 1 52 MS +60 1 53 KI +60 1 54 KC +60 1 55 MS +60 1 56 NK +60 1 57 MS +60 1 58 KI +60 1 59 NK +60 1 60 KC +60 1 61 NK +60 1 62 AS +60 1 63 KC +60 1 64 MS +60 1 65 KI +60 1 66 AS +60 1 67 KI +60 1 68 NK +60 1 69 AS +60 1 70 MS +60 1 71 NK +60 1 72 AS +60 1 73 KC +60 1 74 KI +60 1 75 NK +60 1 76 AS +60 1 77 KI +60 1 78 MS +60 1 79 KC +60 1 80 MS +60 1 81 NK +60 1 82 KC +60 1 83 AS +60 1 84 NK +60 1 85 KI +60 1 86 AS +60 1 87 KC +60 1 88 NK +60 1 89 KI +60 1 90 KC +60 1 91 KI +60 1 92 NK +60 1 93 MS +60 1 94 NK +60 1 95 KC +60 1 96 KI +60 1 97 NK +60 1 98 AS +60 1 99 MS +60 1 100 AS +60 1 101 KI +60 1 102 KC +60 1 103 AS +60 1 104 NK +60 1 105 KI +60 1 106 MS +60 1 107 NK +60 1 108 AS +60 1 109 IC +60 1 110 KI +60 1 111 AS +60 1 112 NK +60 1 113 KC +60 1 114 AS +60 1 115 NK +60 1 116 IC +60 1 117 MS +60 1 118 KI +60 1 119 AS +60 1 120 NK +60 1 121 KC +60 1 122 MS +60 1 123 NK +60 1 124 AS +60 1 125 IC +60 1 126 AS +60 1 127 IC +60 1 128 MS +60 1 129 KI +60 1 130 IC +60 1 131 NK +60 1 132 AS +60 1 133 MS +60 1 134 NK +60 1 135 AS +60 1 136 MS +60 1 137 IC +60 1 138 AS +60 1 139 NK +60 1 140 KI +60 1 141 KC +60 1 142 IC +60 1 143 AS +60 1 144 MS +60 1 145 KR +60 1 146 KI +60 1 147 IC +60 1 148 NK +60 1 149 AS +60 1 150 MS +60 1 151 NK +60 1 152 AS +60 1 153 IC +60 1 154 AS +60 1 155 KC +60 1 156 NK +60 1 157 AS +60 1 158 KC +60 1 159 MS +60 1 160 KI +60 1 161 AS +60 1 162 NK +60 1 163 IC +60 1 164 KI +60 1 165 AS +60 1 166 KC +60 1 167 MS +60 1 168 NK +60 1 169 IC +60 1 170 NK +60 1 171 AS +60 1 172 MS +60 1 173 NK +60 1 174 KI +60 1 175 AS +60 1 176 NK +60 1 177 IC +60 1 178 AS +60 1 179 MS +60 1 180 KC +60 1 181 NK +60 1 182 AS +60 1 183 IC +60 1 184 NK +60 1 185 KI +60 1 186 AS +60 1 187 MS +60 1 188 AS +60 1 189 IC +60 1 190 NK +60 1 191 AS +60 1 192 NK +60 1 193 KI +60 1 194 IC +60 1 195 MS +60 1 196 KC +60 1 197 NK +60 1 198 AS +60 1 199 KC +60 1 200 IC +60 1 201 NK +60 1 202 AS +60 1 203 NK +60 1 204 KI +60 1 205 MS +60 1 206 AS +60 1 207 NK +60 1 208 KI +60 1 209 IC +60 1 210 AS +60 1 211 NK +60 1 212 KC +60 1 213 MS +60 1 214 AS +60 1 215 NK +60 1 216 IC +60 1 217 NK +60 1 218 AS +60 1 219 KC +60 1 220 KI +60 1 221 AS +60 1 222 NK +60 1 223 IC +60 1 224 AS +60 1 225 NK +60 1 226 MS +60 1 227 AS +60 1 228 KI +60 1 229 AS +60 1 230 KC +60 1 231 NK +60 1 232 IC +60 1 233 MS +60 1 234 AS +60 1 235 IC +60 1 236 KI +60 1 237 NK +60 1 238 AS +60 1 239 NK +60 1 240 KC +60 1 241 KI +60 1 242 AS +60 1 243 NK +60 1 244 IC +60 1 245 NK +60 1 246 AS +60 1 247 KC +60 1 248 MS +60 1 249 AS +60 1 250 NK +60 1 251 AS +60 1 252 IC +60 1 253 NK +60 1 254 KC +60 1 255 NK +60 1 256 IC +60 1 257 AS +60 1 258 AS +60 1 259 NK +60 1 260 KC +60 1 261 NK +60 1 262 IC +60 1 263 AS +60 1 264 MS +60 1 265 IC +60 1 266 NK +60 1 267 AS +60 1 268 KI +60 1 269 NK +60 1 270 IC +60 1 271 KC +60 1 272 AS +60 1 273 NK +60 1 274 IC +60 1 275 KI +60 1 276 NK +60 1 277 AS +60 1 278 NK +60 1 279 IC +60 1 280 KI +60 1 281 AS +60 1 282 IC +60 1 283 NK +60 1 284 KC +60 1 285 AS +60 1 286 MS +60 1 287 IC +60 1 288 NK +60 1 289 AS +60 1 290 KC +60 1 291 IC +60 1 292 NK +60 1 293 AS +60 1 294 IC +60 1 295 KI +60 1 296 MS +60 1 297 NK +60 1 298 KI +60 1 299 AS +60 1 300 IC +60 1 301 AS +60 1 302 KC +60 1 303 NK +60 1 304 AS +60 1 305 IC +60 1 306 KI +60 1 307 MS +60 1 308 NK +60 1 309 KC +60 1 310 AS +60 1 311 IC +60 1 312 NK +60 1 313 AS +60 1 314 MS +60 1 315 AS +60 1 316 IC +60 1 317 NK +60 1 318 KI +60 1 319 AS +60 1 320 IC +60 1 321 NK +60 1 322 AS +60 1 323 IC +60 1 324 KC +60 1 325 NK +60 1 326 AS +60 1 327 KI +60 1 328 AS +60 1 329 IC +60 1 330 NK +60 2 1 IC +60 2 2 AS +60 2 3 NK +60 2 4 IC +60 2 5 AS +60 2 6 IC +60 2 7 KI +60 2 8 NK +60 2 9 IC +60 2 10 IC +60 2 11 IC +60 2 12 KI +60 2 13 IC +60 2 14 IC +60 2 15 AS +60 2 16 IC +60 2 17 NK +60 2 18 IC +60 2 19 AS +60 2 20 KI +60 2 21 NK +60 2 22 AS +60 2 23 NK +60 2 24 IC +60 2 25 KI +60 2 26 IC +60 2 27 AS +60 2 28 NK +60 2 29 KI +60 2 30 NK +60 2 31 AS +60 2 32 NK +60 2 33 KI +60 2 34 IC +60 2 35 NK +60 2 36 IC +60 2 37 IC +60 2 38 NK +60 2 39 KI +60 2 40 IC +60 2 41 NK +60 2 42 KI +60 2 43 IC +60 2 44 AS +60 2 45 KI +60 2 46 IC +60 2 47 IC +60 2 48 NK +60 2 49 AS +60 2 50 IC +60 2 51 IC +60 2 52 AS +60 2 53 NK +60 2 54 KI +60 2 55 KI +60 2 56 AS +60 2 57 IC +60 2 58 AS +60 2 59 AS +60 2 60 IC +60 2 61 NK +60 2 62 AS +60 2 63 NK +60 2 64 IC +60 2 65 NK +60 2 66 AS +60 2 67 KI +60 2 68 NK +60 2 69 IC +60 2 70 AS +60 2 71 NK +60 2 72 KI +60 2 73 NK +60 2 74 AS +60 2 75 IC +60 2 76 NK +60 2 77 AS +60 2 78 AS +60 2 79 IC +60 2 80 IC +60 2 81 KI +60 2 82 KI +60 2 83 AS +60 2 84 NK +60 2 85 KI +60 2 86 NK +60 2 87 IC +60 2 88 NK +60 2 89 IC +60 2 90 IC +60 2 91 KI +60 2 92 AS +60 2 93 IC +60 2 94 IC +60 2 95 AS +60 2 96 KI +60 2 97 IC +60 2 98 NK +60 2 99 AS +60 2 100 KI +60 2 101 NK +60 2 102 IC +60 2 103 AS +60 2 104 NK +60 2 105 NK +60 2 106 KI +60 2 107 AS +60 2 108 AS +60 2 109 IC +60 2 110 KI +60 2 111 IC +60 2 112 NK +60 2 113 IC +60 2 114 IC +60 2 115 NK +60 2 116 AS +60 2 117 IC +60 2 118 NK +60 2 119 KI +60 2 120 AS +60 2 121 NK +60 2 122 IC +60 2 123 IC +60 2 124 KI +60 2 125 NK +60 2 126 NK +60 2 127 IC +60 2 128 KI +60 2 129 AS +60 2 130 IC +60 2 131 NK +60 2 132 NK +60 2 133 IC +60 2 134 IC +60 2 135 NK +60 2 136 KI +60 2 137 IC +60 2 138 AS +60 2 139 AS +60 2 140 IC +60 2 141 AS +60 2 142 AS +60 2 143 KI +60 2 144 NK +60 2 145 KI +60 2 146 KI +60 2 147 IC +60 2 148 NK +60 2 149 KI +60 2 150 NK +60 2 151 NK +60 2 152 NK +60 2 153 AS +60 2 154 IC +60 2 155 IC +60 2 156 AS +60 2 157 IC +60 2 158 AS +60 2 159 NK +60 2 160 AS +60 2 161 KI +60 2 162 NK +60 2 163 IC +60 2 164 IC +60 2 165 AS +60 2 166 IC +60 2 167 AS +60 2 168 IC +60 2 169 IC +60 2 170 IC +60 2 171 AS +60 2 172 AS +60 2 173 NK +60 2 174 KI +60 2 175 AS +60 2 176 NK +60 2 177 AS +60 2 178 IC +60 2 179 NK +60 2 180 KI +60 2 181 KI +60 2 182 NK +60 2 183 IC +60 2 184 NK +60 2 185 AS +60 2 186 KI +60 2 187 AS +60 2 188 IC +60 2 189 AS +60 2 190 NK +60 2 191 IC +60 2 192 IC +60 2 193 KI +60 2 194 NK +60 2 195 AS +60 2 196 AS +60 2 197 AS +60 2 198 IC +60 2 199 AS +60 2 200 IC +60 2 201 NK +60 2 202 KI +60 2 203 NK +60 2 204 IC +60 2 205 IC +60 2 206 AS +60 2 207 NK +60 2 208 KI +60 2 209 IC +60 2 210 IC +60 2 211 AS +60 2 212 NK +60 2 213 IC +60 2 214 KI +60 2 215 NK +60 2 216 IC +60 2 217 AS +60 2 218 KI +60 2 219 AS +60 2 220 IC +60 2 221 AS +60 2 222 IC +60 2 223 IC +60 2 224 AS +60 2 225 IC +60 2 226 IC +60 2 227 IC +60 2 228 AS +60 2 229 KI +60 2 230 AS +60 2 231 NK +60 2 232 IC +60 2 233 AS +60 2 234 KI +60 2 235 IC +60 2 236 KI +60 2 237 NK +60 2 238 IC +60 2 239 NK +60 2 240 NK +60 2 241 AS +60 2 242 AS +60 2 243 NK +60 2 244 AS +60 2 245 NK +60 2 246 AS +60 2 247 IC +60 2 248 AS +60 2 249 IC +60 2 250 IC +60 2 251 KI +60 2 252 AS +60 2 253 KI +60 2 254 AS +60 2 255 IC +60 2 256 NK +60 2 257 IC +60 2 258 KI +60 2 259 NK +60 2 260 AS +60 2 261 NK +60 2 262 AS +60 2 263 IC +60 2 264 AS +60 2 265 IC +60 2 266 NK +60 2 267 IC +60 2 268 KI +60 2 269 NK +60 2 270 NK +60 2 271 IC +60 2 272 AS +60 2 273 NK +60 2 274 AS +60 2 275 KI +60 2 276 NK +60 2 277 IC +60 2 278 NK +60 2 279 IC +60 2 280 KI +60 2 281 IC +60 2 282 KI +60 2 283 IC +60 2 284 AS +60 2 285 NK +60 2 286 AS +60 2 287 IC +60 2 288 NK +60 2 289 AS +60 2 290 AS +60 2 291 IC +60 2 292 NK +60 2 293 AS +60 2 294 AS +60 2 295 IC +60 2 296 IC +60 2 297 KI +60 2 298 NK +60 2 299 IC +60 2 300 AS +60 2 301 IC +60 2 302 AS +60 2 303 AS +60 2 304 IC +60 2 305 NK +60 2 306 KI +60 2 307 IC +60 2 308 AS +60 2 309 IC +60 2 310 KI +60 2 311 IC +60 2 312 IC +60 2 313 NK +60 2 314 AS +60 2 315 KI +60 2 316 KI +60 2 317 NK +60 2 318 NK +60 2 319 AS +60 2 320 IC +60 2 321 NK +60 2 322 AS +60 2 323 IC +60 2 324 AS +60 2 325 NK +60 2 326 KI +60 2 327 AS +60 2 328 IC +60 2 329 IC +60 2 330 AS +60 3 1 AS +60 3 2 IC +60 3 3 NK +60 3 4 IC +60 3 5 IC +60 3 6 AS +60 3 7 IC +60 3 8 NK +60 3 9 NK +60 3 10 IC +60 3 11 IC +60 3 12 AS +60 3 13 IC +60 3 14 IC +60 3 15 IC +60 3 16 AS +60 3 17 NK +60 3 18 IC +60 3 19 IC +60 3 20 IC +60 3 21 NK +60 3 22 AS +60 3 23 IC +60 3 24 IC +60 3 25 IC +60 3 26 IC +60 3 27 AS +60 3 28 NK +60 3 29 IC +60 3 30 AS +60 3 31 AS +60 3 32 NK +60 3 33 IC +60 3 34 IC +60 3 35 NK +60 3 36 IC +60 3 37 IC +60 3 38 NK +60 3 39 IC +60 3 40 IC +60 3 41 NK +60 3 42 AS +60 3 43 IC +60 3 44 AS +60 3 45 IC +60 3 46 AS +60 3 47 IC +60 3 48 AS +60 3 49 IC +60 3 50 NK +60 3 51 IC +60 3 52 AS +60 3 53 NK +60 3 54 IC +60 3 55 IC +60 3 56 AS +60 3 57 IC +60 3 58 AS +60 3 59 AS +60 3 60 IC +60 3 61 NK +60 3 62 AS +60 3 63 NK +60 3 64 IC +60 3 65 NK +60 3 66 AS +60 3 67 IC +60 3 68 NK +60 3 69 IC +60 3 70 AS +60 3 71 NK +60 3 72 IC +60 3 73 NK +60 3 74 AS +60 3 75 IC +60 3 76 NK +60 3 77 IC +60 3 78 AS +60 3 79 IC +60 3 80 IC +60 3 81 IC +60 3 82 AS +60 3 83 IC +60 3 84 AS +60 3 85 IC +60 3 86 NK +60 3 87 IC +60 3 88 NK +60 3 89 IC +60 3 90 IC +60 3 91 AS +60 3 92 AS +60 3 93 IC +60 3 94 IC +60 3 95 AS +60 3 96 NK +60 3 97 NK +60 3 98 NK +60 3 99 AS +60 3 100 IC +60 3 101 NK +60 3 102 AS +60 3 103 IC +60 3 104 AS +60 3 105 NK +60 3 106 AS +60 3 107 AS +60 3 108 AS +60 3 109 IC +60 3 110 AS +60 3 111 IC +60 3 112 NK +60 3 113 IC +60 3 114 IC +60 3 115 NK +60 3 116 AS +60 3 117 IC +60 3 118 NK +60 3 119 IC +60 3 120 AS +60 3 121 NK +60 3 122 IC +60 3 123 IC +60 3 124 IC +60 3 125 NK +60 3 126 NK +60 3 127 IC +60 3 128 AS +60 3 129 AS +60 3 130 IC +60 3 131 NK +60 3 132 NK +60 3 133 IC +60 3 134 IC +60 3 135 NK +60 3 136 AS +60 3 137 IC +60 3 138 AS +60 3 139 AS +60 3 140 IC +60 3 141 AS +60 3 142 AS +60 3 143 IC +60 3 144 IC +60 3 145 IC +60 3 146 AS +60 3 147 IC +60 3 148 NK +60 3 149 IC +60 3 150 IC +60 3 151 NK +60 3 152 NK +60 3 153 IC +60 3 154 IC +60 3 155 IC +60 3 156 IC +60 3 157 IC +60 3 158 AS +60 3 159 IC +60 3 160 NK +60 3 161 IC +60 3 162 NK +60 3 163 IC +60 3 164 IC +60 3 165 IC +60 3 166 IC +60 3 167 AS +60 3 168 IC +60 3 169 IC +60 3 170 IC +60 3 171 IC +60 3 172 AS +60 3 173 NK +60 3 174 IC +60 3 175 AS +60 3 176 NK +60 3 177 AS +60 3 178 IC +60 3 179 NK +60 3 180 IC +60 3 181 IC +60 3 182 NK +60 3 183 IC +60 3 184 NK +60 3 185 NK +60 3 186 IC +60 3 187 NK +60 3 188 IC +60 3 189 AS +60 3 190 NK +60 3 191 IC +60 3 192 NK +60 3 193 IC +60 3 194 NK +60 3 195 IC +60 3 196 IC +60 3 197 NK +60 3 198 IC +60 3 199 AS +60 3 200 IC +60 3 201 NK +60 3 202 IC +60 3 203 NK +60 3 204 IC +60 3 205 IC +60 3 206 AS +60 3 207 NK +60 3 208 IC +60 3 209 IC +60 3 210 NK +60 3 211 IC +60 3 212 NK +60 3 213 AS +60 3 214 IC +60 3 215 NK +60 3 216 IC +60 3 217 NK +60 3 218 IC +60 3 219 AS +60 3 220 NK +60 3 221 AS +60 3 222 NK +60 3 223 IC +60 3 224 AS +60 3 225 IC +60 3 226 IC +60 3 227 IC +60 3 228 IC +60 3 229 IC +60 3 230 AS +60 3 231 NK +60 3 232 IC +60 3 233 AS +60 3 234 IC +60 3 235 IC +60 3 236 IC +60 3 237 NK +60 3 238 IC +60 3 239 NK +60 3 240 NK +60 3 241 AS +60 3 242 AS +60 3 243 NK +60 3 244 AS +60 3 245 NK +60 3 246 IC +60 3 247 IC +60 3 248 IC +60 3 249 IC +60 3 250 NK +60 3 251 IC +60 3 252 AS +60 3 253 IC +60 3 254 IC +60 3 255 IC +60 3 256 NK +60 3 257 IC +60 3 258 IC +60 3 259 NK +60 3 260 AS +60 3 261 NK +60 3 262 AS +60 3 263 IC +60 3 264 AS +60 3 265 IC +60 3 266 NK +60 3 267 NK +60 3 268 IC +60 3 269 NK +60 3 270 NK +60 3 271 IC +60 3 272 AS +60 3 273 NK +60 3 274 AS +60 3 275 IC +60 3 276 NK +60 3 277 IC +60 3 278 NK +60 3 279 IC +60 3 280 IC +60 3 281 IC +60 3 282 IC +60 3 283 NK +60 3 284 AS +60 3 285 NK +60 3 286 AS +60 3 287 IC +60 3 288 NK +60 3 289 IC +60 3 290 AS +60 3 291 IC +60 3 292 NK +60 3 293 AS +60 3 294 AS +60 3 295 AS +60 3 296 IC +60 3 297 IC +60 3 298 NK +60 3 299 IC +60 3 300 AS +60 3 301 IC +60 3 302 AS +60 3 303 AS +60 3 304 IC +60 3 305 NK +60 3 306 IC +60 3 307 IC +60 3 308 IC +60 3 309 IC +60 3 310 IC +60 3 311 IC +60 3 312 IC +60 3 313 IC +60 3 314 AS +60 3 315 IC +60 3 316 IC +60 3 317 NK +60 3 318 NK +60 3 319 AS +60 3 320 IC +60 3 321 NK +60 3 322 AS +60 3 323 IC +60 3 324 AS +60 3 325 NK +60 3 326 IC +60 3 327 AS +60 3 328 IC +60 3 329 IC +60 3 330 AS +60 4 1 AS +60 4 2 IC +60 4 3 NK +60 4 4 AS +60 4 5 IC +60 4 6 AS +60 4 7 AS +60 4 8 NK +60 4 9 AS +60 4 10 IC +60 4 11 IC +60 4 12 KI +60 4 13 IC +60 4 14 IC +60 4 15 AS +60 4 16 NK +60 4 17 IC +60 4 18 AS +60 4 19 AS +60 4 20 NK +60 4 21 KI +60 4 22 IC +60 4 23 IC +60 4 24 IC +60 4 25 IC +60 4 26 IC +60 4 27 AS +60 4 28 NK +60 4 29 IC +60 4 30 NK +60 4 31 IC +60 4 32 NK +60 4 33 IC +60 4 34 IC +60 4 35 NK +60 4 36 IC +60 4 37 IC +60 4 38 NK +60 4 39 IC +60 4 40 IC +60 4 41 NK +60 4 42 KI +60 4 43 IC +60 4 44 AS +60 4 45 IC +60 4 46 IC +60 4 47 IC +60 4 48 KI +60 4 49 IC +60 4 50 IC +60 4 51 IC +60 4 52 AS +60 4 53 NK +60 4 54 IC +60 4 55 IC +60 4 56 KI +60 4 57 IC +60 4 58 IC +60 4 59 AS +60 4 60 IC +60 4 61 NK +60 4 62 AS +60 4 63 AS +60 4 64 IC +60 4 65 NK +60 4 66 AS +60 4 67 AS +60 4 68 NK +60 4 69 IC +60 4 70 AS +60 4 71 NK +60 4 72 IC +60 4 73 NK +60 4 74 AS +60 4 75 IC +60 4 76 NK +60 4 77 IC +60 4 78 AS +60 4 79 IC +60 4 80 IC +60 4 81 AS +60 4 82 AS +60 4 83 AS +60 4 84 KI +60 4 85 IC +60 4 86 NK +60 4 87 IC +60 4 88 NK +60 4 89 IC +60 4 90 IC +60 4 91 AS +60 4 92 AS +60 4 93 IC +60 4 94 IC +60 4 95 AS +60 4 96 KI +60 4 97 IC +60 4 98 NK +60 4 99 AS +60 4 100 IC +60 4 101 NK +60 4 102 AS +60 4 103 KI +60 4 104 IC +60 4 105 NK +60 4 106 KI +60 4 107 AS +60 4 108 AS +60 4 109 IC +60 4 110 KI +60 4 111 IC +60 4 112 NK +60 4 113 IC +60 4 114 IC +60 4 115 NK +60 4 116 AS +60 4 117 IC +60 4 118 AS +60 4 119 IC +60 4 120 AS +60 4 121 NK +60 4 122 IC +60 4 123 IC +60 4 124 KI +60 4 125 NK +60 4 126 AS +60 4 127 IC +60 4 128 KI +60 4 129 AS +60 4 130 IC +60 4 131 IC +60 4 132 NK +60 4 133 IC +60 4 134 IC +60 4 135 NK +60 4 136 AS +60 4 137 IC +60 4 138 AS +60 4 139 AS +60 4 140 IC +60 4 141 AS +60 4 142 AS +60 4 143 AS +60 4 144 IC +60 4 145 IC +60 4 146 KI +60 4 147 IC +60 4 148 NK +60 4 149 IC +60 4 150 NK +60 4 151 AS +60 4 152 AS +60 4 153 IC +60 4 154 IC +60 4 155 IC +60 4 156 IC +60 4 157 AS +60 4 158 AS +60 4 159 KI +60 4 160 AS +60 4 161 IC +60 4 162 NK +60 4 163 IC +60 4 164 IC +60 4 165 IC +60 4 166 IC +60 4 167 AS +60 4 168 IC +60 4 169 IC +60 4 170 IC +60 4 171 AS +60 4 172 AS +60 4 173 NK +60 4 174 KI +60 4 175 AS +60 4 176 NK +60 4 177 KI +60 4 178 IC +60 4 179 NK +60 4 180 IC +60 4 181 KI +60 4 182 NK +60 4 183 IC +60 4 184 NK +60 4 185 KI +60 4 186 IC +60 4 187 KI +60 4 188 IC +60 4 189 AS +60 4 190 AS +60 4 191 IC +60 4 192 IC +60 4 193 KI +60 4 194 NK +60 4 195 IC +60 4 196 AS +60 4 197 AS +60 4 198 IC +60 4 199 AS +60 4 200 AS +60 4 201 KI +60 4 202 IC +60 4 203 NK +60 4 204 IC +60 4 205 IC +60 4 206 AS +60 4 207 NK +60 4 208 KI +60 4 209 IC +60 4 210 IC +60 4 211 IC +60 4 212 NK +60 4 213 AS +60 4 214 AS +60 4 215 AS +60 4 216 IC +60 4 217 AS +60 4 218 AS +60 4 219 AS +60 4 220 IC +60 4 221 AS +60 4 222 IC +60 4 223 IC +60 4 224 AS +60 4 225 KI +60 4 226 IC +60 4 227 IC +60 4 228 IC +60 4 229 AS +60 4 230 AS +60 4 231 NK +60 4 232 KI +60 4 233 AS +60 4 234 IC +60 4 235 IC +60 4 236 KI +60 4 237 AS +60 4 238 IC +60 4 239 NK +60 4 240 NK +60 4 241 AS +60 4 242 AS +60 4 243 NK +60 4 244 AS +60 4 245 NK +60 4 246 IC +60 4 247 IC +60 4 248 IC +60 4 249 IC +60 4 250 IC +60 4 251 AS +60 4 252 AS +60 4 253 IC +60 4 254 IC +60 4 255 IC +60 4 256 NK +60 4 257 IC +60 4 258 KI +60 4 259 NK +60 4 260 AS +60 4 261 NK +60 4 262 AS +60 4 263 AS +60 4 264 AS +60 4 265 IC +60 4 266 NK +60 4 267 NK +60 4 268 IC +60 4 269 NK +60 4 270 KI +60 4 271 IC +60 4 272 AS +60 4 273 AS +60 4 274 AS +60 4 275 KI +60 4 276 NK +60 4 277 IC +60 4 278 NK +60 4 279 IC +60 4 280 IC +60 4 281 IC +60 4 282 IC +60 4 283 AS +60 4 284 AS +60 4 285 AS +60 4 286 AS +60 4 287 KI +60 4 288 NK +60 4 289 IC +60 4 290 AS +60 4 291 IC +60 4 292 AS +60 4 293 AS +60 4 294 IC +60 4 295 IC +60 4 296 AS +60 4 297 KI +60 4 298 NK +60 4 299 IC +60 4 300 AS +60 4 301 IC +60 4 302 AS +60 4 303 AS +60 4 304 KI +60 4 305 NK +60 4 306 AS +60 4 307 IC +60 4 308 AS +60 4 309 IC +60 4 310 IC +60 4 311 IC +60 4 312 IC +60 4 313 IC +60 4 314 AS +60 4 315 IC +60 4 316 IC +60 4 317 NK +60 4 318 NK +60 4 319 AS +60 4 320 IC +60 4 321 NK +60 4 322 AS +60 4 323 IC +60 4 324 AS +60 4 325 NK +60 4 326 KI +60 4 327 AS +60 4 328 IC +60 4 329 KI +60 4 330 AS +60 5 1 AS +60 5 2 AS +60 5 3 NK +60 5 4 MS +60 5 5 AS +60 5 6 NK +60 5 7 AS +60 5 8 NK +60 5 9 NK +60 5 10 IC +60 5 11 IC +60 5 12 KI +60 5 13 AS +60 5 14 IC +60 5 15 NK +60 5 16 AS +60 5 17 NK +60 5 18 IC +60 5 19 AS +60 5 20 MS +60 5 21 NK +60 5 22 AS +60 5 23 IC +60 5 24 AS +60 5 25 IC +60 5 26 IC +60 5 27 AS +60 5 28 NK +60 5 29 KI +60 5 30 NK +60 5 31 AS +60 5 32 NK +60 5 33 AS +60 5 34 IC +60 5 35 NK +60 5 36 IC +60 5 37 AS +60 5 38 NK +60 5 39 IC +60 5 40 AS +60 5 41 NK +60 5 42 AS +60 5 43 IC +60 5 44 AS +60 5 45 AS +60 5 46 IC +60 5 47 MS +60 5 48 AS +60 5 49 AS +60 5 50 IC +60 5 51 IC +60 5 52 AS +60 5 53 NK +60 5 54 AS +60 5 55 AS +60 5 56 NK +60 5 57 AS +60 5 58 NK +60 5 59 AS +60 5 60 IC +60 5 61 NK +60 5 62 AS +60 5 63 NK +60 5 64 IC +60 5 65 NK +60 5 66 AS +60 5 67 AS +60 5 68 NK +60 5 69 IC +60 5 70 AS +60 5 71 NK +60 5 72 IC +60 5 73 NK +60 5 74 AS +60 5 75 IC +60 5 76 NK +60 5 77 AS +60 5 78 AS +60 5 79 IC +60 5 80 IC +60 5 81 AS +60 5 82 AS +60 5 83 AS +60 5 84 NK +60 5 85 IC +60 5 86 NK +60 5 87 IC +60 5 88 NK +60 5 89 IC +60 5 90 IC +60 5 91 AS +60 5 92 AS +60 5 93 IC +60 5 94 AS +60 5 95 AS +60 5 96 NK +60 5 97 IC +60 5 98 NK +60 5 99 AS +60 5 100 AS +60 5 101 NK +60 5 102 AS +60 5 103 IC +60 5 104 AS +60 5 105 NK +60 5 106 AS +60 5 107 AS +60 5 108 AS +60 5 109 IC +60 5 110 NK +60 5 111 IC +60 5 112 NK +60 5 113 IC +60 5 114 IC +60 5 115 NK +60 5 116 AS +60 5 117 IC +60 5 118 NK +60 5 119 IC +60 5 120 AS +60 5 121 NK +60 5 122 IC +60 5 123 AS +60 5 124 KI +60 5 125 NK +60 5 126 NK +60 5 127 IC +60 5 128 AS +60 5 129 AS +60 5 130 IC +60 5 131 NK +60 5 132 NK +60 5 133 IC +60 5 134 IC +60 5 135 NK +60 5 136 AS +60 5 137 IC +60 5 138 AS +60 5 139 AS +60 5 140 IC +60 5 141 AS +60 5 142 AS +60 5 143 KI +60 5 144 IC +60 5 145 AS +60 5 146 AS +60 5 147 AS +60 5 148 NK +60 5 149 AS +60 5 150 IC +60 5 151 NK +60 5 152 NK +60 5 153 AS +60 5 154 IC +60 5 155 IC +60 5 156 AS +60 5 157 IC +60 5 158 AS +60 5 159 NK +60 5 160 NK +60 5 161 AS +60 5 162 NK +60 5 163 IC +60 5 164 IC +60 5 165 AS +60 5 166 IC +60 5 167 AS +60 5 168 IC +60 5 169 AS +60 5 170 IC +60 5 171 AS +60 5 172 AS +60 5 173 NK +60 5 174 NK +60 5 175 AS +60 5 176 NK +60 5 177 AS +60 5 178 IC +60 5 179 NK +60 5 180 AS +60 5 181 NK +60 5 182 NK +60 5 183 IC +60 5 184 NK +60 5 185 NK +60 5 186 AS +60 5 187 NK +60 5 188 AS +60 5 189 AS +60 5 190 NK +60 5 191 IC +60 5 192 NK +60 5 193 KI +60 5 194 NK +60 5 195 IC +60 5 196 AS +60 5 197 NK +60 5 198 IC +60 5 199 AS +60 5 200 AS +60 5 201 NK +60 5 202 AS +60 5 203 NK +60 5 204 IC +60 5 205 IC +60 5 206 AS +60 5 207 NK +60 5 208 NK +60 5 209 IC +60 5 210 NK +60 5 211 AS +60 5 212 NK +60 5 213 AS +60 5 214 AS +60 5 215 NK +60 5 216 IC +60 5 217 NK +60 5 218 AS +60 5 219 AS +60 5 220 IC +60 5 221 AS +60 5 222 IC +60 5 223 AS +60 5 224 AS +60 5 225 IC +60 5 226 IC +60 5 227 IC +60 5 228 AS +60 5 229 AS +60 5 230 AS +60 5 231 NK +60 5 232 AS +60 5 233 IC +60 5 234 AS +60 5 235 IC +60 5 236 AS +60 5 237 NK +60 5 238 AS +60 5 239 NK +60 5 240 NK +60 5 241 AS +60 5 242 AS +60 5 243 NK +60 5 244 AS +60 5 245 NK +60 5 246 IC +60 5 247 AS +60 5 248 IC +60 5 249 AS +60 5 250 IC +60 5 251 AS +60 5 252 AS +60 5 253 IC +60 5 254 AS +60 5 255 IC +60 5 256 NK +60 5 257 IC +60 5 258 AS +60 5 259 NK +60 5 260 NK +60 5 261 NK +60 5 262 AS +60 5 263 IC +60 5 264 AS +60 5 265 IC +60 5 266 NK +60 5 267 NK +60 5 268 AS +60 5 269 NK +60 5 270 NK +60 5 271 IC +60 5 272 AS +60 5 273 NK +60 5 274 AS +60 5 275 NK +60 5 276 NK +60 5 277 IC +60 5 278 NK +60 5 279 IC +60 5 280 AS +60 5 281 IC +60 5 282 AS +60 5 283 NK +60 5 284 AS +60 5 285 NK +60 5 286 AS +60 5 287 NK +60 5 288 NK +60 5 289 AS +60 5 290 AS +60 5 291 IC +60 5 292 NK +60 5 293 AS +60 5 294 AS +60 5 295 NK +60 5 296 IC +60 5 297 NK +60 5 298 NK +60 5 299 AS +60 5 300 AS +60 5 301 IC +60 5 302 AS +60 5 303 AS +60 5 304 NK +60 5 305 NK +60 5 306 AS +60 5 307 IC +60 5 308 NK +60 5 309 IC +60 5 310 AS +60 5 311 IC +60 5 312 AS +60 5 313 IC +60 5 314 AS +60 5 315 AS +60 5 316 AS +60 5 317 NK +60 5 318 NK +60 5 319 AS +60 5 320 IC +60 5 321 NK +60 5 322 AS +60 5 323 IC +60 5 324 AS +60 5 325 NK +60 5 326 AS +60 5 327 AS +60 5 328 IC +60 5 329 NK +60 5 330 AS +60 6 1 IC +60 6 2 IC +60 6 3 NK +60 6 4 MS +60 6 5 KM +60 6 6 AS +60 6 7 AS +60 6 8 NK +60 6 9 IC +60 6 10 IC +60 6 11 KM +60 6 12 KI +60 6 13 MS +60 6 14 IC +60 6 15 AS +60 6 16 AS +60 6 17 NK +60 6 18 KC +60 6 19 KM +60 6 20 MS +60 6 21 NK +60 6 22 KI +60 6 23 NK +60 6 24 IC +60 6 25 KM +60 6 26 IC +60 6 27 AS +60 6 28 NK +60 6 29 KM +60 6 30 IC +60 6 31 KM +60 6 32 NK +60 6 33 MS +60 6 34 KM +60 6 35 NK +60 6 36 KC +60 6 37 IC +60 6 38 NK +60 6 39 KM +60 6 40 MS +60 6 41 NK +60 6 42 KI +60 6 43 MS +60 6 44 AS +60 6 45 KM +60 6 46 IC +60 6 47 KC +60 6 48 KI +60 6 49 KM +60 6 50 MS +60 6 51 IC +60 6 52 AS +60 6 53 NK +60 6 54 KM +60 6 55 KM +60 6 56 KI +60 6 57 KC +60 6 58 KI +60 6 59 AS +60 6 60 MS +60 6 61 NK +60 6 62 AS +60 6 63 NK +60 6 64 KM +60 6 65 NK +60 6 66 AS +60 6 67 KM +60 6 68 NK +60 6 69 KM +60 6 70 AS +60 6 71 NK +60 6 72 KM +60 6 73 MS +60 6 74 AS +60 6 75 KC +60 6 76 NK +60 6 77 KM +60 6 78 AS +60 6 79 IC +60 6 80 KM +60 6 81 KI +60 6 82 KM +60 6 83 AS +60 6 84 AS +60 6 85 MS +60 6 86 NK +60 6 87 KC +60 6 88 NK +60 6 89 IC +60 6 90 KC +60 6 91 KI +60 6 92 AS +60 6 93 KM +60 6 94 KC +60 6 95 AS +60 6 96 KI +60 6 97 MS +60 6 98 NK +60 6 99 AS +60 6 100 AS +60 6 101 NK +60 6 102 AS +60 6 103 KC +60 6 104 KM +60 6 105 NK +60 6 106 KI +60 6 107 AS +60 6 108 AS +60 6 109 KM +60 6 110 KI +60 6 111 IC +60 6 112 NK +60 6 113 KC +60 6 114 KM +60 6 115 NK +60 6 116 AS +60 6 117 IC +60 6 118 NK +60 6 119 KM +60 6 120 AS +60 6 121 NK +60 6 122 KM +60 6 123 IC +60 6 124 KI +60 6 125 NK +60 6 126 NK +60 6 127 IC +60 6 128 KI +60 6 129 AS +60 6 130 KC +60 6 131 MS +60 6 132 NK +60 6 133 KM +60 6 134 IC +60 6 135 NK +60 6 136 KM +60 6 137 IC +60 6 138 KM +60 6 139 AS +60 6 140 IC +60 6 141 AS +60 6 142 AS +60 6 143 KI +60 6 144 IC +60 6 145 KM +60 6 146 KI +60 6 147 KM +60 6 148 NK +60 6 149 KM +60 6 150 MS +60 6 151 NK +60 6 152 AS +60 6 153 KM +60 6 154 IC +60 6 155 KC +60 6 156 KM +60 6 157 IC +60 6 158 AS +60 6 159 AS +60 6 160 NK +60 6 161 KM +60 6 162 NK +60 6 163 IC +60 6 164 IC +60 6 165 KC +60 6 166 IC +60 6 167 AS +60 6 168 IC +60 6 169 KM +60 6 170 IC +60 6 171 IC +60 6 172 AS +60 6 173 NK +60 6 174 KI +60 6 175 AS +60 6 176 NK +60 6 177 KI +60 6 178 IC +60 6 179 NK +60 6 180 KM +60 6 181 KI +60 6 182 NK +60 6 183 KC +60 6 184 MS +60 6 185 KI +60 6 186 KM +60 6 187 KI +60 6 188 KM +60 6 189 AS +60 6 190 AS +60 6 191 IC +60 6 192 MS +60 6 193 KI +60 6 194 NK +60 6 195 KM +60 6 196 AS +60 6 197 IC +60 6 198 KC +60 6 199 AS +60 6 200 AS +60 6 201 NK +60 6 202 KM +60 6 203 NK +60 6 204 KC +60 6 205 MS +60 6 206 AS +60 6 207 NK +60 6 208 KI +60 6 209 IC +60 6 210 KM +60 6 211 AS +60 6 212 KI +60 6 213 AS +60 6 214 KI +60 6 215 NK +60 6 216 KC +60 6 217 NK +60 6 218 KI +60 6 219 AS +60 6 220 MS +60 6 221 AS +60 6 222 MS +60 6 223 KM +60 6 224 AS +60 6 225 KI +60 6 226 IC +60 6 227 KC +60 6 228 IC +60 6 229 KM +60 6 230 AS +60 6 231 NK +60 6 232 IC +60 6 233 KM +60 6 234 IC +60 6 235 IC +60 6 236 KI +60 6 237 AS +60 6 238 IC +60 6 239 NK +60 6 240 NK +60 6 241 AS +60 6 242 KI +60 6 243 NK +60 6 244 AS +60 6 245 NK +60 6 246 KM +60 6 247 MS +60 6 248 IC +60 6 249 IC +60 6 250 NK +60 6 251 AS +60 6 252 AS +60 6 253 KM +60 6 254 MS +60 6 255 IC +60 6 256 NK +60 6 257 IC +60 6 258 KI +60 6 259 NK +60 6 260 KI +60 6 261 NK +60 6 262 AS +60 6 263 IC +60 6 264 AS +60 6 265 MS +60 6 266 NK +60 6 267 NK +60 6 268 KM +60 6 269 NK +60 6 270 KI +60 6 271 IC +60 6 272 AS +60 6 273 NK +60 6 274 AS +60 6 275 KI +60 6 276 NK +60 6 277 IC +60 6 278 NK +60 6 279 MS +60 6 280 KM +60 6 281 IC +60 6 282 KM +60 6 283 IC +60 6 284 AS +60 6 285 NK +60 6 286 AS +60 6 287 IC +60 6 288 NK +60 6 289 KM +60 6 290 AS +60 6 291 IC +60 6 292 NK +60 6 293 AS +60 6 294 AS +60 6 295 IC +60 6 296 MS +60 6 297 KI +60 6 298 NK +60 6 299 KM +60 6 300 AS +60 6 301 MS +60 6 302 AS +60 6 303 AS +60 6 304 IC +60 6 305 NK +60 6 306 KI +60 6 307 IC +60 6 308 KM +60 6 309 IC +60 6 310 KM +60 6 311 KC +60 6 312 IC +60 6 313 MS +60 6 314 AS +60 6 315 KI +60 6 316 IC +60 6 317 NK +60 6 318 KI +60 6 319 AS +60 6 320 KC +60 6 321 NK +60 6 322 KM +60 6 323 IC +60 6 324 AS +60 6 325 NK +60 6 326 KI +60 6 327 AS +60 6 328 KC +60 6 329 IC +60 6 330 AS +60 7 1 IC +60 7 2 IC +60 7 3 NK +60 7 4 IC +60 7 5 IC +60 7 6 AS +60 7 7 IC +60 7 8 NK +60 7 9 IC +60 7 10 IC +60 7 11 IC +60 7 12 AS +60 7 13 IC +60 7 14 IC +60 7 15 AS +60 7 16 AS +60 7 17 NK +60 7 18 IC +60 7 19 IC +60 7 20 IC +60 7 21 NK +60 7 22 AS +60 7 23 NK +60 7 24 IC +60 7 25 IC +60 7 26 IC +60 7 27 AS +60 7 28 NK +60 7 29 IC +60 7 30 NK +60 7 31 AS +60 7 32 NK +60 7 33 IC +60 7 34 IC +60 7 35 NK +60 7 36 IC +60 7 37 IC +60 7 38 NK +60 7 39 IC +60 7 40 IC +60 7 41 NK +60 7 42 NK +60 7 43 IC +60 7 44 AS +60 7 45 AS +60 7 46 IC +60 7 47 IC +60 7 48 AS +60 7 49 AS +60 7 50 IC +60 7 51 IC +60 7 52 AS +60 7 53 NK +60 7 54 IC +60 7 55 IC +60 7 56 AS +60 7 57 IC +60 7 58 AS +60 7 59 AS +60 7 60 IC +60 7 61 NK +60 7 62 AS +60 7 63 NK +60 7 64 IC +60 7 65 NK +60 7 66 AS +60 7 67 AS +60 7 68 NK +60 7 69 IC +60 7 70 AS +60 7 71 NK +60 7 72 IC +60 7 73 NK +60 7 74 AS +60 7 75 IC +60 7 76 NK +60 7 77 IC +60 7 78 AS +60 7 79 IC +60 7 80 IC +60 7 81 AS +60 7 82 AS +60 7 83 AS +60 7 84 AS +60 7 85 IC +60 7 86 NK +60 7 87 IC +60 7 88 NK +60 7 89 IC +60 7 90 IC +60 7 91 AS +60 7 92 AS +60 7 93 IC +60 7 94 IC +60 7 95 AS +60 7 96 AS +60 7 97 IC +60 7 98 NK +60 7 99 AS +60 7 100 AS +60 7 101 NK +60 7 102 AS +60 7 103 AS +60 7 104 AS +60 7 105 NK +60 7 106 AS +60 7 107 AS +60 7 108 AS +60 7 109 IC +60 7 110 NK +60 7 111 IC +60 7 112 NK +60 7 113 IC +60 7 114 IC +60 7 115 NK +60 7 116 AS +60 7 117 IC +60 7 118 NK +60 7 119 AS +60 7 120 AS +60 7 121 NK +60 7 122 IC +60 7 123 IC +60 7 124 AS +60 7 125 NK +60 7 126 NK +60 7 127 IC +60 7 128 AS +60 7 129 AS +60 7 130 IC +60 7 131 IC +60 7 132 NK +60 7 133 IC +60 7 134 IC +60 7 135 NK +60 7 136 AS +60 7 137 AS +60 7 138 AS +60 7 139 AS +60 7 140 IC +60 7 141 AS +60 7 142 AS +60 7 143 IC +60 7 144 IC +60 7 145 AS +60 7 146 NK +60 7 147 IC +60 7 148 NK +60 7 149 AS +60 7 150 IC +60 7 151 NK +60 7 152 NK +60 7 153 IC +60 7 154 IC +60 7 155 IC +60 7 156 IC +60 7 157 IC +60 7 158 AS +60 7 159 AS +60 7 160 AS +60 7 161 AS +60 7 162 NK +60 7 163 AS +60 7 164 AS +60 7 165 IC +60 7 166 IC +60 7 167 AS +60 7 168 IC +60 7 169 IC +60 7 170 IC +60 7 171 IC +60 7 172 AS +60 7 173 NK +60 7 174 AS +60 7 175 AS +60 7 176 NK +60 7 177 AS +60 7 178 IC +60 7 179 NK +60 7 180 AS +60 7 181 AS +60 7 182 NK +60 7 183 IC +60 7 184 NK +60 7 185 NK +60 7 186 IC +60 7 187 NK +60 7 188 IC +60 7 189 IC +60 7 190 AS +60 7 191 IC +60 7 192 NK +60 7 193 AS +60 7 194 NK +60 7 195 IC +60 7 196 AS +60 7 197 AS +60 7 198 IC +60 7 199 AS +60 7 200 AS +60 7 201 NK +60 7 202 IC +60 7 203 NK +60 7 204 IC +60 7 205 IC +60 7 206 AS +60 7 207 NK +60 7 208 IC +60 7 209 IC +60 7 210 IC +60 7 211 AS +60 7 212 NK +60 7 213 AS +60 7 214 AS +60 7 215 NK +60 7 216 IC +60 7 217 NK +60 7 218 IC +60 7 219 AS +60 7 220 AS +60 7 221 AS +60 7 222 IC +60 7 223 IC +60 7 224 AS +60 7 225 IC +60 7 226 IC +60 7 227 IC +60 7 228 IC +60 7 229 AS +60 7 230 AS +60 7 231 NK +60 7 232 IC +60 7 233 AS +60 7 234 IC +60 7 235 IC +60 7 236 AS +60 7 237 AS +60 7 238 IC +60 7 239 NK +60 7 240 NK +60 7 241 AS +60 7 242 AS +60 7 243 NK +60 7 244 AS +60 7 245 NK +60 7 246 AS +60 7 247 AS +60 7 248 IC +60 7 249 IC +60 7 250 IC +60 7 251 AS +60 7 252 AS +60 7 253 AS +60 7 254 AS +60 7 255 IC +60 7 256 NK +60 7 257 IC +60 7 258 NK +60 7 259 NK +60 7 260 AS +60 7 261 NK +60 7 262 AS +60 7 263 AS +60 7 264 AS +60 7 265 IC +60 7 266 NK +60 7 267 IC +60 7 268 IC +60 7 269 NK +60 7 270 NK +60 7 271 IC +60 7 272 AS +60 7 273 AS +60 7 274 AS +60 7 275 AS +60 7 276 NK +60 7 277 IC +60 7 278 NK +60 7 279 IC +60 7 280 IC +60 7 281 IC +60 7 282 AS +60 7 283 IC +60 7 284 AS +60 7 285 AS +60 7 286 AS +60 7 287 IC +60 7 288 NK +60 7 289 AS +60 7 290 AS +60 7 291 AS +60 7 292 AS +60 7 293 AS +60 7 294 AS +60 7 295 IC +60 7 296 IC +60 7 297 NK +60 7 298 NK +60 7 299 IC +60 7 300 AS +60 7 301 IC +60 7 302 AS +60 7 303 AS +60 7 304 IC +60 7 305 NK +60 7 306 AS +60 7 307 IC +60 7 308 AS +60 7 309 IC +60 7 310 AS +60 7 311 IC +60 7 312 IC +60 7 313 IC +60 7 314 AS +60 7 315 AS +60 7 316 AS +60 7 317 NK +60 7 318 NK +60 7 319 AS +60 7 320 IC +60 7 321 NK +60 7 322 AS +60 7 323 IC +60 7 324 AS +60 7 325 IC +60 7 326 AS +60 7 327 AS +60 7 328 IC +60 7 329 IC +60 7 330 AS +60 8 1 IC +60 8 2 IC +60 8 3 NK +60 8 4 IC +60 8 5 AS +60 8 6 NK +60 8 7 AS +60 8 8 NK +60 8 9 AS +60 8 10 IC +60 8 11 IC +60 8 12 NK +60 8 13 AS +60 8 14 IC +60 8 15 NK +60 8 16 AS +60 8 17 NK +60 8 18 IC +60 8 19 IC +60 8 20 IC +60 8 21 NK +60 8 22 AS +60 8 23 NK +60 8 24 IC +60 8 25 IC +60 8 26 IC +60 8 27 AS +60 8 28 NK +60 8 29 IC +60 8 30 NK +60 8 31 AS +60 8 32 NK +60 8 33 IC +60 8 34 IC +60 8 35 NK +60 8 36 IC +60 8 37 IC +60 8 38 NK +60 8 39 IC +60 8 40 IC +60 8 41 NK +60 8 42 AS +60 8 43 IC +60 8 44 IC +60 8 45 IC +60 8 46 IC +60 8 47 IC +60 8 48 IC +60 8 49 IC +60 8 50 NK +60 8 51 IC +60 8 52 IC +60 8 53 NK +60 8 54 IC +60 8 55 IC +60 8 56 IC +60 8 57 IC +60 8 58 IC +60 8 59 NK +60 8 60 AS +60 8 61 NK +60 8 62 AS +60 8 63 NK +60 8 64 IC +60 8 65 NK +60 8 66 IC +60 8 67 AS +60 8 68 NK +60 8 69 IC +60 8 70 IC +60 8 71 NK +60 8 72 IC +60 8 73 NK +60 8 74 IC +60 8 75 IC +60 8 76 NK +60 8 77 IC +60 8 78 AS +60 8 79 IC +60 8 80 IC +60 8 81 IC +60 8 82 IC +60 8 83 NK +60 8 84 NK +60 8 85 IC +60 8 86 NK +60 8 87 IC +60 8 88 NK +60 8 89 IC +60 8 90 IC +60 8 91 IC +60 8 92 IC +60 8 93 IC +60 8 94 IC +60 8 95 IC +60 8 96 KI +60 8 97 IC +60 8 98 NK +60 8 99 IC +60 8 100 IC +60 8 101 NK +60 8 102 IC +60 8 103 IC +60 8 104 IC +60 8 105 NK +60 8 106 IC +60 8 107 IC +60 8 108 IC +60 8 109 IC +60 8 110 KI +60 8 111 IC +60 8 112 NK +60 8 113 IC +60 8 114 IC +60 8 115 NK +60 8 116 IC +60 8 117 IC +60 8 118 NK +60 8 119 IC +60 8 120 IC +60 8 121 NK +60 8 122 IC +60 8 123 IC +60 8 124 IC +60 8 125 NK +60 8 126 NK +60 8 127 IC +60 8 128 KI +60 8 129 IC +60 8 130 IC +60 8 131 NK +60 8 132 NK +60 8 133 IC +60 8 134 IC +60 8 135 NK +60 8 136 IC +60 8 137 IC +60 8 138 IC +60 8 139 IC +60 8 140 IC +60 8 141 IC +60 8 142 IC +60 8 143 KI +60 8 144 NK +60 8 145 IC +60 8 146 NK +60 8 147 IC +60 8 148 NK +60 8 149 IC +60 8 150 NK +60 8 151 NK +60 8 152 IC +60 8 153 IC +60 8 154 IC +60 8 155 IC +60 8 156 IC +60 8 157 IC +60 8 158 IC +60 8 159 KI +60 8 160 KI +60 8 161 IC +60 8 162 NK +60 8 163 IC +60 8 164 IC +60 8 165 IC +60 8 166 IC +60 8 167 IC +60 8 168 IC +60 8 169 IC +60 8 170 IC +60 8 171 IC +60 8 172 IC +60 8 173 NK +60 8 174 KI +60 8 175 IC +60 8 176 NK +60 8 177 KI +60 8 178 IC +60 8 179 NK +60 8 180 IC +60 8 181 IC +60 8 182 NK +60 8 183 IC +60 8 184 IC +60 8 185 NK +60 8 186 IC +60 8 187 NK +60 8 188 IC +60 8 189 IC +60 8 190 KI +60 8 191 IC +60 8 192 IC +60 8 193 KI +60 8 194 NK +60 8 195 IC +60 8 196 IC +60 8 197 KI +60 8 198 IC +60 8 199 IC +60 8 200 IC +60 8 201 NK +60 8 202 IC +60 8 203 NK +60 8 204 IC +60 8 205 NK +60 8 206 IC +60 8 207 NK +60 8 208 IC +60 8 209 IC +60 8 210 NK +60 8 211 IC +60 8 212 NK +60 8 213 IC +60 8 214 KI +60 8 215 NK +60 8 216 IC +60 8 217 NK +60 8 218 KI +60 8 219 IC +60 8 220 IC +60 8 221 IC +60 8 222 NK +60 8 223 AS +60 8 224 IC +60 8 225 IC +60 8 226 IC +60 8 227 IC +60 8 228 IC +60 8 229 IC +60 8 230 NK +60 8 231 NK +60 8 232 AS +60 8 233 IC +60 8 234 IC +60 8 235 AS +60 8 236 KI +60 8 237 NK +60 8 238 AS +60 8 239 NK +60 8 240 NK +60 8 241 IC +60 8 242 KI +60 8 243 NK +60 8 244 IC +60 8 245 NK +60 8 246 IC +60 8 247 IC +60 8 248 IC +60 8 249 IC +60 8 250 IC +60 8 251 IC +60 8 252 IC +60 8 253 IC +60 8 254 IC +60 8 255 IC +60 8 256 NK +60 8 257 IC +60 8 258 KI +60 8 259 NK +60 8 260 IC +60 8 261 NK +60 8 262 AS +60 8 263 IC +60 8 264 IC +60 8 265 IC +60 8 266 NK +60 8 267 NK +60 8 268 IC +60 8 269 NK +60 8 270 NK +60 8 271 IC +60 8 272 IC +60 8 273 NK +60 8 274 IC +60 8 275 KI +60 8 276 NK +60 8 277 IC +60 8 278 NK +60 8 279 IC +60 8 280 KI +60 8 281 IC +60 8 282 IC +60 8 283 AS +60 8 284 IC +60 8 285 NK +60 8 286 AS +60 8 287 IC +60 8 288 NK +60 8 289 AS +60 8 290 IC +60 8 291 IC +60 8 292 NK +60 8 293 IC +60 8 294 IC +60 8 295 IC +60 8 296 AS +60 8 297 KI +60 8 298 NK +60 8 299 IC +60 8 300 IC +60 8 301 IC +60 8 302 AS +60 8 303 IC +60 8 304 IC +60 8 305 NK +60 8 306 IC +60 8 307 IC +60 8 308 NK +60 8 309 IC +60 8 310 AS +60 8 311 IC +60 8 312 IC +60 8 313 NK +60 8 314 AS +60 8 315 IC +60 8 316 AS +60 8 317 NK +60 8 318 KI +60 8 319 IC +60 8 320 KI +60 8 321 NK +60 8 322 AS +60 8 323 IC +60 8 324 IC +60 8 325 NK +60 8 326 KI +60 8 327 IC +60 8 328 IC +60 8 329 KI +60 8 330 IC +60 9 1 KO +60 9 2 KO +60 9 3 NK +60 9 4 MS +60 9 5 AS +60 9 6 AS +60 9 7 WI +60 9 8 NK +60 9 9 US +60 9 10 IC +60 9 11 MS +60 9 12 KI +60 9 13 MS +60 9 14 US +60 9 15 AW +60 9 16 AS +60 9 17 NK +60 9 18 IC +60 9 19 KO +60 9 20 KI +60 9 21 NK +60 9 22 KI +60 9 23 US +60 9 24 IC +60 9 25 US +60 9 26 MS +60 9 27 AS +60 9 28 NK +60 9 29 KO +60 9 30 NK +60 9 31 AW +60 9 32 NK +60 9 33 KI +60 9 34 US +60 9 35 NK +60 9 36 US +60 9 37 US +60 9 38 NK +60 9 39 KO +60 9 40 KO +60 9 41 NK +60 9 42 KI +60 9 43 US +60 9 44 AS +60 9 45 KO +60 9 46 IC +60 9 47 IC +60 9 48 KI +60 9 49 KO +60 9 50 IC +60 9 51 IC +60 9 52 AS +60 9 53 NK +60 9 54 IC +60 9 55 KO +60 9 56 NK +60 9 57 IC +60 9 58 KI +60 9 59 AS +60 9 60 IC +60 9 61 NK +60 9 62 US +60 9 63 NK +60 9 64 IC +60 9 65 NK +60 9 66 AS +60 9 67 KO +60 9 68 NK +60 9 69 IC +60 9 70 AS +60 9 71 NK +60 9 72 IC +60 9 73 NK +60 9 74 AS +60 9 75 IC +60 9 76 NK +60 9 77 MS +60 9 78 NK +60 9 79 IC +60 9 80 IC +60 9 81 KI +60 9 82 KO +60 9 83 AS +60 9 84 AS +60 9 85 IC +60 9 86 NK +60 9 87 IC +60 9 88 NK +60 9 89 IC +60 9 90 IC +60 9 91 KI +60 9 92 AS +60 9 93 IC +60 9 94 IC +60 9 95 AS +60 9 96 KI +60 9 97 IC +60 9 98 NK +60 9 99 AS +60 9 100 IC +60 9 101 NK +60 9 102 US +60 9 103 IC +60 9 104 IC +60 9 105 NK +60 9 106 KI +60 9 107 AS +60 9 108 AS +60 9 109 IC +60 9 110 KI +60 9 111 IC +60 9 112 NK +60 9 113 IC +60 9 114 IC +60 9 115 NK +60 9 116 AS +60 9 117 IC +60 9 118 NK +60 9 119 IC +60 9 120 AS +60 9 121 NK +60 9 122 IC +60 9 123 IC +60 9 124 KI +60 9 125 NK +60 9 126 NK +60 9 127 IC +60 9 128 KI +60 9 129 AS +60 9 130 IC +60 9 131 NK +60 9 132 NK +60 9 133 IC +60 9 134 IC +60 9 135 NK +60 9 136 IC +60 9 137 IC +60 9 138 AS +60 9 139 AS +60 9 140 IC +60 9 141 AS +60 9 142 AS +60 9 143 KI +60 9 144 IC +60 9 145 AS +60 9 146 KI +60 9 147 IC +60 9 148 NK +60 9 149 KI +60 9 150 IC +60 9 151 NK +60 9 152 NK +60 9 153 IC +60 9 154 IC +60 9 155 IC +60 9 156 IC +60 9 157 IC +60 9 158 AS +60 9 159 KI +60 9 160 NK +60 9 161 IC +60 9 162 NK +60 9 163 IC +60 9 164 IC +60 9 165 IC +60 9 166 MS +60 9 167 AS +60 9 168 IC +60 9 169 IC +60 9 170 IC +60 9 171 IC +60 9 172 AS +60 9 173 NK +60 9 174 KI +60 9 175 US +60 9 176 NK +60 9 177 AS +60 9 178 IC +60 9 179 NK +60 9 180 IC +60 9 181 AS +60 9 182 IC +60 9 183 IC +60 9 184 AS +60 9 185 NK +60 9 186 IC +60 9 187 KI +60 9 188 KO +60 9 189 AS +60 9 190 AS +60 9 191 IC +60 9 192 IC +60 9 193 KI +60 9 194 IC +60 9 195 NK +60 9 196 AS +60 9 197 IC +60 9 198 AS +60 9 199 IC +60 9 200 NK +60 9 201 IC +60 9 202 NK +60 9 203 IC +60 9 204 IC +60 9 205 AS +60 9 206 NK +60 9 207 KI +60 9 208 IC +60 9 209 IC +60 9 210 US +60 9 211 NK +60 9 212 AS +60 9 213 KI +60 9 214 NK +60 9 215 IC +60 9 216 AS +60 9 217 IC +60 9 218 AS +60 9 219 KO +60 9 220 AS +60 9 221 IC +60 9 222 IC +60 9 223 IC +60 9 224 AS +60 9 225 KI +60 9 226 IC +60 9 227 AS +60 9 228 IC +60 9 229 AS +60 9 230 AS +60 9 231 NK +60 9 232 IC +60 9 233 AS +60 9 234 IC +60 9 235 IC +60 9 236 KI +60 9 237 AS +60 9 238 IC +60 9 239 NK +60 9 240 IC +60 9 241 AS +60 9 242 AS +60 9 243 NK +60 9 244 AS +60 9 245 NK +60 9 246 IC +60 9 247 IC +60 9 248 IC +60 9 249 IC +60 9 250 IC +60 9 251 AS +60 9 252 AS +60 9 253 AS +60 9 254 AS +60 9 255 IC +60 9 256 NK +60 9 257 IC +60 9 258 KI +60 9 259 NK +60 9 260 AS +60 9 261 NK +60 9 262 AS +60 9 263 IC +60 9 264 AS +60 9 265 IC +60 9 266 NK +60 9 267 IC +60 9 268 IC +60 9 269 NK +60 9 270 NK +60 9 271 IC +60 9 272 AS +60 9 273 NK +60 9 274 AS +60 9 275 KI +60 9 276 NK +60 9 277 IC +60 9 278 NK +60 9 279 IC +60 9 280 IC +60 9 281 IC +60 9 282 NK +60 9 283 IC +60 9 284 AS +60 9 285 NK +60 9 286 AS +60 9 287 IC +60 9 288 NK +60 9 289 IC +60 9 290 AS +60 9 291 IC +60 9 292 NK +60 9 293 AS +60 9 294 AS +60 9 295 IC +60 9 296 IC +60 9 297 KI +60 9 298 NK +60 9 299 IC +60 9 300 AS +60 9 301 IC +60 9 302 AS +60 9 303 AS +60 9 304 IC +60 9 305 NK +60 9 306 KI +60 9 307 IC +60 9 308 IC +60 9 309 IC +60 9 310 IC +60 9 311 IC +60 9 312 IC +60 9 313 IC +60 9 314 AS +60 9 315 KI +60 9 316 IC +60 9 317 NK +60 9 318 NK +60 9 319 AS +60 9 320 IC +60 9 321 NK +60 9 322 AS +60 9 323 IC +60 9 324 AS +60 9 325 NK +60 9 326 KI +60 9 327 AS +60 9 328 IC +60 9 329 IC +60 9 330 AS +60 10 1 US +60 10 2 US +60 10 3 NK +60 10 4 IC +60 10 5 IC +60 10 6 AS +60 10 7 KO +60 10 8 NK +60 10 9 IC +60 10 10 IC +60 10 11 IC +60 10 12 KI +60 10 13 IC +60 10 14 IC +60 10 15 AS +60 10 16 AS +60 10 17 NK +60 10 18 IC +60 10 19 IC +60 10 20 KO +60 10 21 NK +60 10 22 AS +60 10 23 IC +60 10 24 IC +60 10 25 IC +60 10 26 IC +60 10 27 AS +60 10 28 NK +60 10 29 KO +60 10 30 NK +60 10 31 AS +60 10 32 NK +60 10 33 KI +60 10 34 IC +60 10 35 NK +60 10 36 IC +60 10 37 IC +60 10 38 NK +60 10 39 IC +60 10 40 US +60 10 41 NK +60 10 42 KI +60 10 43 IC +60 10 44 AS +60 10 45 KO +60 10 46 IC +60 10 47 IC +60 10 48 KI +60 10 49 AS +60 10 50 IC +60 10 51 IC +60 10 52 AS +60 10 53 NK +60 10 54 NK +60 10 55 IC +60 10 56 KO +60 10 57 AS +60 10 58 IC +60 10 59 AS +60 10 60 IC +60 10 61 NK +60 10 62 AS +60 10 63 NK +60 10 64 KO +60 10 65 NK +60 10 66 AS +60 10 67 KO +60 10 68 NK +60 10 69 IC +60 10 70 AS +60 10 71 NK +60 10 72 KO +60 10 73 NK +60 10 74 AS +60 10 75 IC +60 10 76 NK +60 10 77 KO +60 10 78 AS +60 10 79 IC +60 10 80 US +60 10 81 KI +60 10 82 KO +60 10 83 AS +60 10 84 NK +60 10 85 IC +60 10 86 NK +60 10 87 IC +60 10 88 NK +60 10 89 IC +60 10 90 IC +60 10 91 KI +60 10 92 AS +60 10 93 IC +60 10 94 IC +60 10 95 AS +60 10 96 KI +60 10 97 IC +60 10 98 NK +60 10 99 AS +60 10 100 IC +60 10 101 NK +60 10 102 AS +60 10 103 AS +60 10 104 AS +60 10 105 NK +60 10 106 AS +60 10 107 AS +60 10 108 AS +60 10 109 IC +60 10 110 AS +60 10 111 IC +60 10 112 NK +60 10 113 IC +60 10 114 IC +60 10 115 NK +60 10 116 AS +60 10 117 IC +60 10 118 NK +60 10 119 KO +60 10 120 AS +60 10 121 NK +60 10 122 KO +60 10 123 US +60 10 124 KI +60 10 125 NK +60 10 126 NK +60 10 127 IC +60 10 128 KI +60 10 129 AS +60 10 130 IC +60 10 131 NK +60 10 132 NK +60 10 133 KO +60 10 134 IC +60 10 135 NK +60 10 136 KO +60 10 137 US +60 10 138 IC +60 10 139 AS +60 10 140 IC +60 10 141 AS +60 10 142 AS +60 10 143 KI +60 10 144 IC +60 10 145 KO +60 10 146 KI +60 10 147 KO +60 10 148 NK +60 10 149 KI +60 10 150 IC +60 10 151 NK +60 10 152 AS +60 10 153 US +60 10 154 IC +60 10 155 IC +60 10 156 KO +60 10 157 IC +60 10 158 AS +60 10 159 AS +60 10 160 AS +60 10 161 KO +60 10 162 NK +60 10 163 IC +60 10 164 IC +60 10 165 IC +60 10 166 IC +60 10 167 AS +60 10 168 KO +60 10 169 KO +60 10 170 US +60 10 171 IC +60 10 172 AS +60 10 173 NK +60 10 174 KI +60 10 175 AS +60 10 176 NK +60 10 177 AS +60 10 178 IC +60 10 179 NK +60 10 180 KO +60 10 181 KI +60 10 182 NK +60 10 183 IC +60 10 184 NK +60 10 185 KI +60 10 186 US +60 10 187 KI +60 10 188 KO +60 10 189 AS +60 10 190 NK +60 10 191 KO +60 10 192 AS +60 10 193 AS +60 10 194 NK +60 10 195 KO +60 10 196 AS +60 10 197 NK +60 10 198 IC +60 10 199 AS +60 10 200 US +60 10 201 NK +60 10 202 KO +60 10 203 NK +60 10 204 IC +60 10 205 IC +60 10 206 AS +60 10 207 NK +60 10 208 KI +60 10 209 IC +60 10 210 IC +60 10 211 KO +60 10 212 NK +60 10 213 AS +60 10 214 KI +60 10 215 NK +60 10 216 IC +60 10 217 NK +60 10 218 IC +60 10 219 AS +60 10 220 US +60 10 221 AS +60 10 222 IC +60 10 223 KO +60 10 224 AS +60 10 225 KI +60 10 226 IC +60 10 227 IC +60 10 228 US +60 10 229 AS +60 10 230 AS +60 10 231 NK +60 10 232 US +60 10 233 AS +60 10 234 KO +60 10 235 IC +60 10 236 KI +60 10 237 AS +60 10 238 KO +60 10 239 NK +60 10 240 IC +60 10 241 AS +60 10 242 KI +60 10 243 NK +60 10 244 AS +60 10 245 NK +60 10 246 KO +60 10 247 IC +60 10 248 IC +60 10 249 IC +60 10 250 US +60 10 251 KO +60 10 252 AS +60 10 253 KO +60 10 254 AS +60 10 255 IC +60 10 256 NK +60 10 257 US +60 10 258 KI +60 10 259 NK +60 10 260 AS +60 10 261 KI +60 10 262 AS +60 10 263 IC +60 10 264 AS +60 10 265 US +60 10 266 NK +60 10 267 NK +60 10 268 KO +60 10 269 NK +60 10 270 KI +60 10 271 US +60 10 272 AS +60 10 273 NK +60 10 274 AS +60 10 275 KI +60 10 276 NK +60 10 277 US +60 10 278 NK +60 10 279 IC +60 10 280 IC +60 10 281 KO +60 10 282 KO +60 10 283 IC +60 10 284 AS +60 10 285 NK +60 10 286 AS +60 10 287 IC +60 10 288 NK +60 10 289 KO +60 10 290 AS +60 10 291 IC +60 10 292 NK +60 10 293 AS +60 10 294 AS +60 10 295 IC +60 10 296 IC +60 10 297 KI +60 10 298 NK +60 10 299 KO +60 10 300 AS +60 10 301 KO +60 10 302 AS +60 10 303 AS +60 10 304 KI +60 10 305 NK +60 10 306 KI +60 10 307 US +60 10 308 AS +60 10 309 IC +60 10 310 KO +60 10 311 US +60 10 312 IC +60 10 313 IC +60 10 314 AS +60 10 315 KI +60 10 316 KO +60 10 317 NK +60 10 318 NK +60 10 319 AS +60 10 320 IC +60 10 321 NK +60 10 322 AS +60 10 323 US +60 10 324 AS +60 10 325 NK +60 10 326 KI +60 10 327 AS +60 10 328 US +60 10 329 IC +60 10 330 AS +60 11 1 MS +60 11 2 AS +60 11 3 NK +60 11 4 MS +60 11 5 IC +60 11 6 KI +60 11 7 KO +60 11 8 NK +60 11 9 IC +60 11 10 MS +60 11 11 KO +60 11 12 KI +60 11 13 IC +60 11 14 AS +60 11 15 KO +60 11 16 KC +60 11 17 NK +60 11 18 AS +60 11 19 KO +60 11 20 IC +60 11 21 NK +60 11 22 KC +60 11 23 IC +60 11 24 KC +60 11 25 KO +60 11 26 MS +60 11 27 AS +60 11 28 NK +60 11 29 KO +60 11 30 NK +60 11 31 AS +60 11 32 NK +60 11 33 KO +60 11 34 IC +60 11 35 NK +60 11 36 AS +60 11 37 KO +60 11 38 NK +60 11 39 KO +60 11 40 KO +60 11 41 NK +60 11 42 KI +60 11 43 KC +60 11 44 AS +60 11 45 IC +60 11 46 KC +60 11 47 KC +60 11 48 KO +60 11 49 IC +60 11 50 KC +60 11 51 KC +60 11 52 AS +60 11 53 NK +60 11 54 KC +60 11 55 KO +60 11 56 KI +60 11 57 IC +60 11 58 KO +60 11 59 AS +60 11 60 KC +60 11 61 NK +60 11 62 KO +60 11 63 NK +60 11 64 KO +60 11 65 NK +60 11 66 AS +60 11 67 KO +60 11 68 NK +60 11 69 KC +60 11 70 AS +60 11 71 NK +60 11 72 KO +60 11 73 NK +60 11 74 AS +60 11 75 KC +60 11 76 NK +60 11 77 KO +60 11 78 IK +60 11 79 KC +60 11 80 IK +60 11 81 KO +60 11 82 KO +60 11 83 AS +60 11 84 NK +60 11 85 KO +60 11 86 NK +60 11 87 KC +60 11 88 NK +60 11 89 IC +60 11 90 IC +60 11 91 KO +60 11 92 AS +60 11 93 KO +60 11 94 IC +60 11 95 AS +60 11 96 KI +60 11 97 IK +60 11 98 NK +60 11 99 KO +60 11 100 AS +60 11 101 NK +60 11 102 AS +60 11 103 IC +60 11 104 KO +60 11 105 NK +60 11 106 AS +60 11 107 AS +60 11 108 AS +60 11 109 IC +60 11 110 KI +60 11 111 IC +60 11 112 NK +60 11 113 IC +60 11 114 IK +60 11 115 NK +60 11 116 AS +60 11 117 IC +60 11 118 NK +60 11 119 KO +60 11 120 AS +60 11 121 NK +60 11 122 KO +60 11 123 KO +60 11 124 IK +60 11 125 NK +60 11 126 NK +60 11 127 IC +60 11 128 KO +60 11 129 AS +60 11 130 IC +60 11 131 NK +60 11 132 NK +60 11 133 KO +60 11 134 IC +60 11 135 NK +60 11 136 KO +60 11 137 IC +60 11 138 KO +60 11 139 KC +60 11 140 IC +60 11 141 AS +60 11 142 AS +60 11 143 IK +60 11 144 IC +60 11 145 KO +60 11 146 KI +60 11 147 KO +60 11 148 NK +60 11 149 KO +60 11 150 NK +60 11 151 NK +60 11 152 NK +60 11 153 KO +60 11 154 IC +60 11 155 KC +60 11 156 KO +60 11 157 IC +60 11 158 AS +60 11 159 IK +60 11 160 NK +60 11 161 KO +60 11 162 NK +60 11 163 IC +60 11 164 IK +60 11 165 IC +60 11 166 IC +60 11 167 KO +60 11 168 IC +60 11 169 KO +60 11 170 IC +60 11 171 IC +60 11 172 AS +60 11 173 NK +60 11 174 KI +60 11 175 AS +60 11 176 NK +60 11 177 KO +60 11 178 IC +60 11 179 NK +60 11 180 KO +60 11 181 KC +60 11 182 IC +60 11 183 IC +60 11 184 MS +60 11 185 NK +60 11 186 KO +60 11 187 KI +60 11 188 IC +60 11 189 KC +60 11 190 NK +60 11 191 IC +60 11 192 MS +60 11 193 MS +60 11 194 NK +60 11 195 KO +60 11 196 AS +60 11 197 NK +60 11 198 IC +60 11 199 AS +60 11 200 KC +60 11 201 NK +60 11 202 KO +60 11 203 NK +60 11 204 IC +60 11 205 MS +60 11 206 AS +60 11 207 NK +60 11 208 KI +60 11 209 IC +60 11 210 IC +60 11 211 KO +60 11 212 NK +60 11 213 AS +60 11 214 KO +60 11 215 NK +60 11 216 IC +60 11 217 NK +60 11 218 IC +60 11 219 AS +60 11 220 IC +60 11 221 AS +60 11 222 KO +60 11 223 IC +60 11 224 AS +60 11 225 KC +60 11 226 IC +60 11 227 KC +60 11 228 IC +60 11 229 KO +60 11 230 AS +60 11 231 NK +60 11 232 IC +60 11 233 KO +60 11 234 IC +60 11 235 IK +60 11 236 KI +60 11 237 NK +60 11 238 IC +60 11 239 NK +60 11 240 NK +60 11 241 AS +60 11 242 KI +60 11 243 NK +60 11 244 AS +60 11 245 NK +60 11 246 KO +60 11 247 MS +60 11 248 KC +60 11 249 IK +60 11 250 IC +60 11 251 KO +60 11 252 AS +60 11 253 KO +60 11 254 IC +60 11 255 IC +60 11 256 NK +60 11 257 MS +60 11 258 KI +60 11 259 NK +60 11 260 AS +60 11 261 NK +60 11 262 AS +60 11 263 IC +60 11 264 KO +60 11 265 IC +60 11 266 NK +60 11 267 NK +60 11 268 KO +60 11 269 NK +60 11 270 KI +60 11 271 IC +60 11 272 AS +60 11 273 NK +60 11 274 AS +60 11 275 KO +60 11 276 NK +60 11 277 IC +60 11 278 NK +60 11 279 IK +60 11 280 KO +60 11 281 KO +60 11 282 KO +60 11 283 IC +60 11 284 AS +60 11 285 NK +60 11 286 AS +60 11 287 IC +60 11 288 NK +60 11 289 KO +60 11 290 AS +60 11 291 IK +60 11 292 NK +60 11 293 AS +60 11 294 AS +60 11 295 IC +60 11 296 IK +60 11 297 KI +60 11 298 NK +60 11 299 KO +60 11 300 IC +60 11 301 KO +60 11 302 AS +60 11 303 IC +60 11 304 NK +60 11 305 KO +60 11 306 IC +60 11 307 KO +60 11 308 IC +60 11 309 IC +60 11 310 KO +60 11 311 IC +60 11 312 IC +60 11 313 IK +60 11 314 AS +60 11 315 KO +60 11 316 IC +60 11 317 NK +60 11 318 NK +60 11 319 AS +60 11 320 IC +60 11 321 NK +60 11 322 KO +60 11 323 IC +60 11 324 AS +60 11 325 NK +60 11 326 KI +60 11 327 AS +60 11 328 IC +60 11 329 NK +60 11 330 AS +60 12 1 IC +60 12 2 AS +60 12 3 NK +60 12 4 IC +60 12 5 AS +60 12 6 KI +60 12 7 AS +60 12 8 NK +60 12 9 AS +60 12 10 IC +60 12 11 IC +60 12 12 AS +60 12 13 IC +60 12 14 IC +60 12 15 AS +60 12 16 AS +60 12 17 NK +60 12 18 IC +60 12 19 AS +60 12 20 IC +60 12 21 NK +60 12 22 AS +60 12 23 IC +60 12 24 IC +60 12 25 IC +60 12 26 IC +60 12 27 AS +60 12 28 NK +60 12 29 AS +60 12 30 NK +60 12 31 AS +60 12 32 NK +60 12 33 AS +60 12 34 IC +60 12 35 NK +60 12 36 IC +60 12 37 IC +60 12 38 NK +60 12 39 IC +60 12 40 IC +60 12 41 NK +60 12 42 AS +60 12 43 IC +60 12 44 AS +60 12 45 IC +60 12 46 AS +60 12 47 IC +60 12 48 AS +60 12 49 IC +60 12 50 NK +60 12 51 AS +60 12 52 AS +60 12 53 NK +60 12 54 IC +60 12 55 IC +60 12 56 AS +60 12 57 IC +60 12 58 AS +60 12 59 AS +60 12 60 IC +60 12 61 NK +60 12 62 AS +60 12 63 NK +60 12 64 IC +60 12 65 NK +60 12 66 AS +60 12 67 IC +60 12 68 NK +60 12 69 IC +60 12 70 AS +60 12 71 NK +60 12 72 IC +60 12 73 NK +60 12 74 AS +60 12 75 IC +60 12 76 NK +60 12 77 IC +60 12 78 AS +60 12 79 IC +60 12 80 IC +60 12 81 KI +60 12 82 IC +60 12 83 AS +60 12 84 AS +60 12 85 IC +60 12 86 NK +60 12 87 IC +60 12 88 NK +60 12 89 IC +60 12 90 IC +60 12 91 AS +60 12 92 AS +60 12 93 IC +60 12 94 IC +60 12 95 AS +60 12 96 AS +60 12 97 IC +60 12 98 NK +60 12 99 AS +60 12 100 AS +60 12 101 NK +60 12 102 AS +60 12 103 AS +60 12 104 AS +60 12 105 NK +60 12 106 AS +60 12 107 AS +60 12 108 AS +60 12 109 IC +60 12 110 AS +60 12 111 IC +60 12 112 NK +60 12 113 IC +60 12 114 IC +60 12 115 NK +60 12 116 AS +60 12 117 IC +60 12 118 NK +60 12 119 IC +60 12 120 AS +60 12 121 NK +60 12 122 IC +60 12 123 IC +60 12 124 KI +60 12 125 NK +60 12 126 NK +60 12 127 IC +60 12 128 KI +60 12 129 AS +60 12 130 IC +60 12 131 NK +60 12 132 NK +60 12 133 IC +60 12 134 IC +60 12 135 NK +60 12 136 IC +60 12 137 IC +60 12 138 AS +60 12 139 AS +60 12 140 AS +60 12 141 AS +60 12 142 AS +60 12 143 KI +60 12 144 IC +60 12 145 AS +60 12 146 AS +60 12 147 AS +60 12 148 NK +60 12 149 IC +60 12 150 NK +60 12 151 NK +60 12 152 NK +60 12 153 AS +60 12 154 IC +60 12 155 IC +60 12 156 IC +60 12 157 AS +60 12 158 AS +60 12 159 AS +60 12 160 AS +60 12 161 IC +60 12 162 NK +60 12 163 IC +60 12 164 IC +60 12 165 IC +60 12 166 IC +60 12 167 AS +60 12 168 IC +60 12 169 IC +60 12 170 IC +60 12 171 IC +60 12 172 AS +60 12 173 NK +60 12 174 AS +60 12 175 AS +60 12 176 NK +60 12 177 AS +60 12 178 IC +60 12 179 NK +60 12 180 AS +60 12 181 AS +60 12 182 NK +60 12 183 AS +60 12 184 NK +60 12 185 NK +60 12 186 IC +60 12 187 NK +60 12 188 AS +60 12 189 AS +60 12 190 NK +60 12 191 AS +60 12 192 AS +60 12 193 AS +60 12 194 NK +60 12 195 IC +60 12 196 AS +60 12 197 AS +60 12 198 IC +60 12 199 AS +60 12 200 AS +60 12 201 AS +60 12 202 IC +60 12 203 NK +60 12 204 IC +60 12 205 IC +60 12 206 AS +60 12 207 NK +60 12 208 AS +60 12 209 IC +60 12 210 NK +60 12 211 AS +60 12 212 NK +60 12 213 AS +60 12 214 AS +60 12 215 NK +60 12 216 IC +60 12 217 AS +60 12 218 AS +60 12 219 AS +60 12 220 IC +60 12 221 AS +60 12 222 NK +60 12 223 IC +60 12 224 AS +60 12 225 AS +60 12 226 IC +60 12 227 IC +60 12 228 IC +60 12 229 AS +60 12 230 AS +60 12 231 NK +60 12 232 IC +60 12 233 AS +60 12 234 IC +60 12 235 IC +60 12 236 AS +60 12 237 AS +60 12 238 IC +60 12 239 NK +60 12 240 NK +60 12 241 AS +60 12 242 AS +60 12 243 NK +60 12 244 AS +60 12 245 NK +60 12 246 AS +60 12 247 NK +60 12 248 IC +60 12 249 IC +60 12 250 NK +60 12 251 AS +60 12 252 AS +60 12 253 AS +60 12 254 AS +60 12 255 IC +60 12 256 NK +60 12 257 IC +60 12 258 AS +60 12 259 NK +60 12 260 AS +60 12 261 AS +60 12 262 AS +60 12 263 AS +60 12 264 AS +60 12 265 IC +60 12 266 NK +60 12 267 NK +60 12 268 AS +60 12 269 NK +60 12 270 NK +60 12 271 IC +60 12 272 AS +60 12 273 NK +60 12 274 AS +60 12 275 AS +60 12 276 NK +60 12 277 IC +60 12 278 NK +60 12 279 IC +60 12 280 AS +60 12 281 IC +60 12 282 IC +60 12 283 NK +60 12 284 AS +60 12 285 AS +60 12 286 AS +60 12 287 NK +60 12 288 NK +60 12 289 AS +60 12 290 AS +60 12 291 IC +60 12 292 AS +60 12 293 AS +60 12 294 AS +60 12 295 AS +60 12 296 NK +60 12 297 AS +60 12 298 NK +60 12 299 IC +60 12 300 AS +60 12 301 IC +60 12 302 AS +60 12 303 AS +60 12 304 NK +60 12 305 NK +60 12 306 AS +60 12 307 IC +60 12 308 NK +60 12 309 NK +60 12 310 AS +60 12 311 IC +60 12 312 IC +60 12 313 IC +60 12 314 AS +60 12 315 NK +60 12 316 IC +60 12 317 NK +60 12 318 NK +60 12 319 AS +60 12 320 NK +60 12 321 NK +60 12 322 AS +60 12 323 IC +60 12 324 AS +60 12 325 NK +60 12 326 AS +60 12 327 AS +60 12 328 IC +60 12 329 AS +60 12 330 AS +60 13 1 IC +60 13 2 AS +60 13 3 NK +60 13 4 NK +60 13 5 AS +60 13 6 KI +60 13 7 AS +60 13 8 NK +60 13 9 IC +60 13 10 IC +60 13 11 IC +60 13 12 KI +60 13 13 IC +60 13 14 IC +60 13 15 AS +60 13 16 AS +60 13 17 NK +60 13 18 IC +60 13 19 IS +60 13 20 AS +60 13 21 NK +60 13 22 KI +60 13 23 AS +60 13 24 IC +60 13 25 IC +60 13 26 IC +60 13 27 AS +60 13 28 NK +60 13 29 AS +60 13 30 NK +60 13 31 AS +60 13 32 NK +60 13 33 KI +60 13 34 IC +60 13 35 NK +60 13 36 IC +60 13 37 AS +60 13 38 NK +60 13 39 IC +60 13 40 AS +60 13 41 NK +60 13 42 KI +60 13 43 IC +60 13 44 AS +60 13 45 IC +60 13 46 AS +60 13 47 IC +60 13 48 KI +60 13 49 AS +60 13 50 IC +60 13 51 IC +60 13 52 AS +60 13 53 NK +60 13 54 IC +60 13 55 AS +60 13 56 AS +60 13 57 IC +60 13 58 AS +60 13 59 AS +60 13 60 IC +60 13 61 NK +60 13 62 AS +60 13 63 AS +60 13 64 IC +60 13 65 NK +60 13 66 AS +60 13 67 AS +60 13 68 NK +60 13 69 IC +60 13 70 AS +60 13 71 NK +60 13 72 IC +60 13 73 NK +60 13 74 AS +60 13 75 IC +60 13 76 NK +60 13 77 IC +60 13 78 AS +60 13 79 IC +60 13 80 IC +60 13 81 AS +60 13 82 AS +60 13 83 KI +60 13 84 AS +60 13 85 IC +60 13 86 AS +60 13 87 IC +60 13 88 NK +60 13 89 IC +60 13 90 IC +60 13 91 AS +60 13 92 AS +60 13 93 IC +60 13 94 IC +60 13 95 AS +60 13 96 KI +60 13 97 IC +60 13 98 NK +60 13 99 AS +60 13 100 AS +60 13 101 NK +60 13 102 AS +60 13 103 IC +60 13 104 AS +60 13 105 NK +60 13 106 AS +60 13 107 AS +60 13 108 AS +60 13 109 IC +60 13 110 AS +60 13 111 IC +60 13 112 NK +60 13 113 IC +60 13 114 IC +60 13 115 NK +60 13 116 AS +60 13 117 IC +60 13 118 AS +60 13 119 IC +60 13 120 AS +60 13 121 NK +60 13 122 IC +60 13 123 IC +60 13 124 AS +60 13 125 NK +60 13 126 AS +60 13 127 IC +60 13 128 KI +60 13 129 AS +60 13 130 IC +60 13 131 NK +60 13 132 NK +60 13 133 IC +60 13 134 IC +60 13 135 NK +60 13 136 AS +60 13 137 IC +60 13 138 AS +60 13 139 AS +60 13 140 IC +60 13 141 AS +60 13 142 AS +60 13 143 KI +60 13 144 IC +60 13 145 IC +60 13 146 AS +60 13 147 IC +60 13 148 NK +60 13 149 AS +60 13 150 IC +60 13 151 AS +60 13 152 AS +60 13 153 IC +60 13 154 IC +60 13 155 IC +60 13 156 IC +60 13 157 IC +60 13 158 AS +60 13 159 KI +60 13 160 AS +60 13 161 IC +60 13 162 NK +60 13 163 IC +60 13 164 IC +60 13 165 IC +60 13 166 IC +60 13 167 AS +60 13 168 IC +60 13 169 IC +60 13 170 IC +60 13 171 IC +60 13 172 AS +60 13 173 NK +60 13 174 KI +60 13 175 AS +60 13 176 NK +60 13 177 KI +60 13 178 IC +60 13 179 NK +60 13 180 IC +60 13 181 AS +60 13 182 NK +60 13 183 AS +60 13 184 IC +60 13 185 AS +60 13 186 AS +60 13 187 KI +60 13 188 IC +60 13 189 AS +60 13 190 KI +60 13 191 IC +60 13 192 AS +60 13 193 KI +60 13 194 NK +60 13 195 AS +60 13 196 AS +60 13 197 NK +60 13 198 IC +60 13 199 AS +60 13 200 AS +60 13 201 KI +60 13 202 IC +60 13 203 NK +60 13 204 IC +60 13 205 IC +60 13 206 AS +60 13 207 NK +60 13 208 AS +60 13 209 IC +60 13 210 IC +60 13 211 IC +60 13 212 AS +60 13 213 AS +60 13 214 AS +60 13 215 NK +60 13 216 IC +60 13 217 AS +60 13 218 KI +60 13 219 AS +60 13 220 IC +60 13 221 AS +60 13 222 IC +60 13 223 IC +60 13 224 AS +60 13 225 IC +60 13 226 IC +60 13 227 IC +60 13 228 IC +60 13 229 AS +60 13 230 AS +60 13 231 NK +60 13 232 AS +60 13 233 AS +60 13 234 IC +60 13 235 IC +60 13 236 AS +60 13 237 KI +60 13 238 IC +60 13 239 AS +60 13 240 IC +60 13 241 AS +60 13 242 AS +60 13 243 NK +60 13 244 AS +60 13 245 NK +60 13 246 AS +60 13 247 AS +60 13 248 IC +60 13 249 IC +60 13 250 IC +60 13 251 AS +60 13 252 AS +60 13 253 AS +60 13 254 AS +60 13 255 IC +60 13 256 NK +60 13 257 IC +60 13 258 AS +60 13 259 NK +60 13 260 AS +60 13 261 AS +60 13 262 AS +60 13 263 AS +60 13 264 AS +60 13 265 IC +60 13 266 NK +60 13 267 NK +60 13 268 AS +60 13 269 NK +60 13 270 KI +60 13 271 IC +60 13 272 AS +60 13 273 NK +60 13 274 AS +60 13 275 KI +60 13 276 NK +60 13 277 IC +60 13 278 AS +60 13 279 IC +60 13 280 IC +60 13 281 IC +60 13 282 IC +60 13 283 IC +60 13 284 AS +60 13 285 AS +60 13 286 AS +60 13 287 IC +60 13 288 NK +60 13 289 AS +60 13 290 AS +60 13 291 IC +60 13 292 AS +60 13 293 AS +60 13 294 AS +60 13 295 IC +60 13 296 IC +60 13 297 KI +60 13 298 NK +60 13 299 IC +60 13 300 AS +60 13 301 IC +60 13 302 AS +60 13 303 AS +60 13 304 IC +60 13 305 NK +60 13 306 AS +60 13 307 IC +60 13 308 AS +60 13 309 IC +60 13 310 AS +60 13 311 AS +60 13 312 IC +60 13 313 IC +60 13 314 AS +60 13 315 AS +60 13 316 IC +60 13 317 NK +60 13 318 KI +60 13 319 AS +60 13 320 IC +60 13 321 NK +60 13 322 AS +60 13 323 IC +60 13 324 AS +60 13 325 NK +60 13 326 AS +60 13 327 AS +60 13 328 IC +60 13 329 IC +60 13 330 AS +60 14 1 AS +60 14 2 AS +60 14 3 NK +60 14 4 IC +60 14 5 AS +60 14 6 AS +60 14 7 NK +60 14 8 NK +60 14 9 IC +60 14 10 IC +60 14 11 IC +60 14 12 AS +60 14 13 IC +60 14 14 IC +60 14 15 NK +60 14 16 NK +60 14 17 NK +60 14 18 IC +60 14 19 AS +60 14 20 AS +60 14 21 NK +60 14 22 AS +60 14 23 NK +60 14 24 IC +60 14 25 NK +60 14 26 IC +60 14 27 AS +60 14 28 NK +60 14 29 AS +60 14 30 NK +60 14 31 AS +60 14 32 NK +60 14 33 AS +60 14 34 IC +60 14 35 NK +60 14 36 IC +60 14 37 IC +60 14 38 NK +60 14 39 IC +60 14 40 IC +60 14 41 NK +60 14 42 IC +60 14 43 IC +60 14 44 AS +60 14 45 AS +60 14 46 IC +60 14 47 IC +60 14 48 NK +60 14 49 IC +60 14 50 NK +60 14 51 NK +60 14 52 AS +60 14 53 NK +60 14 54 AS +60 14 55 AS +60 14 56 NK +60 14 57 IC +60 14 58 NK +60 14 59 AS +60 14 60 IC +60 14 61 NK +60 14 62 AS +60 14 63 NK +60 14 64 IC +60 14 65 NK +60 14 66 AS +60 14 67 AS +60 14 68 NK +60 14 69 IC +60 14 70 AS +60 14 71 NK +60 14 72 AS +60 14 73 IC +60 14 74 AS +60 14 75 IC +60 14 76 NK +60 14 77 IC +60 14 78 AS +60 14 79 IC +60 14 80 IC +60 14 81 AS +60 14 82 AS +60 14 83 AS +60 14 84 NK +60 14 85 IC +60 14 86 NK +60 14 87 IC +60 14 88 NK +60 14 89 IC +60 14 90 IC +60 14 91 AS +60 14 92 AS +60 14 93 IC +60 14 94 IC +60 14 95 AS +60 14 96 AS +60 14 97 IC +60 14 98 NK +60 14 99 AS +60 14 100 AS +60 14 101 NK +60 14 102 AS +60 14 103 IC +60 14 104 IC +60 14 105 NK +60 14 106 AS +60 14 107 AS +60 14 108 AS +60 14 109 IC +60 14 110 AS +60 14 111 IC +60 14 112 NK +60 14 113 IC +60 14 114 IC +60 14 115 NK +60 14 116 AS +60 14 117 IC +60 14 118 NK +60 14 119 AS +60 14 120 AS +60 14 121 NK +60 14 122 IC +60 14 123 IC +60 14 124 AS +60 14 125 NK +60 14 126 NK +60 14 127 IC +60 14 128 AS +60 14 129 AS +60 14 130 IC +60 14 131 NK +60 14 132 NK +60 14 133 IC +60 14 134 IC +60 14 135 NK +60 14 136 AS +60 14 137 IC +60 14 138 AS +60 14 139 AS +60 14 140 IC +60 14 141 AS +60 14 142 AS +60 14 143 AS +60 14 144 IC +60 14 145 AS +60 14 146 AS +60 14 147 AS +60 14 148 NK +60 14 149 IC +60 14 150 IC +60 14 151 NK +60 14 152 NK +60 14 153 AS +60 14 154 IC +60 14 155 IC +60 14 156 AS +60 14 157 IC +60 14 158 AS +60 14 159 AS +60 14 160 AS +60 14 161 IC +60 14 162 NK +60 14 163 IC +60 14 164 IC +60 14 165 IC +60 14 166 IC +60 14 167 AS +60 14 168 AS +60 14 169 IC +60 14 170 IC +60 14 171 IC +60 14 172 AS +60 14 173 NK +60 14 174 AS +60 14 175 AS +60 14 176 NK +60 14 177 AS +60 14 178 IC +60 14 179 IC +60 14 180 AS +60 14 181 IC +60 14 182 NK +60 14 183 AS +60 14 184 AS +60 14 185 NK +60 14 186 AS +60 14 187 NK +60 14 188 IC +60 14 189 NK +60 14 190 NK +60 14 191 IC +60 14 192 IC +60 14 193 AS +60 14 194 NK +60 14 195 AS +60 14 196 AS +60 14 197 NK +60 14 198 IC +60 14 199 AS +60 14 200 AS +60 14 201 NK +60 14 202 IC +60 14 203 NK +60 14 204 IC +60 14 205 IC +60 14 206 AS +60 14 207 NK +60 14 208 AS +60 14 209 IC +60 14 210 IC +60 14 211 AS +60 14 212 NK +60 14 213 AS +60 14 214 AS +60 14 215 NK +60 14 216 IC +60 14 217 NK +60 14 218 IC +60 14 219 AS +60 14 220 IC +60 14 221 AS +60 14 222 IC +60 14 223 AS +60 14 224 AS +60 14 225 IC +60 14 226 IC +60 14 227 IC +60 14 228 IC +60 14 229 AS +60 14 230 AS +60 14 231 NK +60 14 232 IC +60 14 233 AS +60 14 234 AS +60 14 235 IC +60 14 236 AS +60 14 237 NK +60 14 238 IC +60 14 239 NK +60 14 240 NK +60 14 241 IC +60 14 242 AS +60 14 243 NK +60 14 244 AS +60 14 245 NK +60 14 246 AS +60 14 247 AS +60 14 248 IC +60 14 249 IC +60 14 250 IC +60 14 251 AS +60 14 252 AS +60 14 253 AS +60 14 254 IC +60 14 255 IC +60 14 256 NK +60 14 257 IC +60 14 258 IC +60 14 259 NK +60 14 260 IC +60 14 261 NK +60 14 262 AS +60 14 263 AS +60 14 264 AS +60 14 265 IC +60 14 266 NK +60 14 267 NK +60 14 268 AS +60 14 269 NK +60 14 270 NK +60 14 271 IC +60 14 272 AS +60 14 273 NK +60 14 274 AS +60 14 275 AS +60 14 276 NK +60 14 277 IC +60 14 278 NK +60 14 279 IC +60 14 280 AS +60 14 281 IC +60 14 282 IC +60 14 283 IC +60 14 284 AS +60 14 285 NK +60 14 286 AS +60 14 287 AS +60 14 288 NK +60 14 289 IC +60 14 290 AS +60 14 291 IC +60 14 292 NK +60 14 293 AS +60 14 294 AS +60 14 295 NK +60 14 296 NK +60 14 297 AS +60 14 298 NK +60 14 299 AS +60 14 300 IC +60 14 301 IC +60 14 302 AS +60 14 303 AS +60 14 304 AS +60 14 305 IC +60 14 306 AS +60 14 307 IC +60 14 308 AS +60 14 309 IC +60 14 310 AS +60 14 311 IC +60 14 312 IC +60 14 313 IC +60 14 314 AS +60 14 315 AS +60 14 316 IC +60 14 317 NK +60 14 318 NK +60 14 319 AS +60 14 320 AS +60 14 321 NK +60 14 322 IC +60 14 323 IC +60 14 324 AS +60 14 325 NK +60 14 326 AS +60 14 327 AS +60 14 328 IC +60 14 329 NK +60 14 330 AS +60 15 1 KM +60 15 2 AS +60 15 3 NK +60 15 4 MS +60 15 5 IC +60 15 6 KI +60 15 7 NK +60 15 8 AS +60 15 9 IC +60 15 10 NK +60 15 11 KM +60 15 12 KI +60 15 13 IC +60 15 14 KI +60 15 15 KM +60 15 16 AS +60 15 17 NK +60 15 18 AS +60 15 19 KM +60 15 20 MS +60 15 21 NK +60 15 22 KI +60 15 23 IC +60 15 24 AS +60 15 25 KM +60 15 26 MS +60 15 27 AS +60 15 28 NK +60 15 29 KM +60 15 30 KI +60 15 31 AS +60 15 32 NK +60 15 33 KM +60 15 34 MS +60 15 35 NK +60 15 36 IC +60 15 37 AS +60 15 38 NK +60 15 39 AS +60 15 40 KM +60 15 41 NK +60 15 42 KI +60 15 43 IC +60 15 44 AS +60 15 45 MS +60 15 46 AS +60 15 47 IC +60 15 48 KI +60 15 49 KM +60 15 50 IC +60 15 51 AS +60 15 52 IC +60 15 53 NK +60 15 54 MS +60 15 55 AS +60 15 56 KI +60 15 57 AS +60 15 58 KI +60 15 59 IC +60 15 60 AS +60 15 61 NK +60 15 62 KM +60 15 63 MS +60 15 64 IC +60 15 65 NK +60 15 66 AS +60 15 67 KE +60 15 68 NK +60 15 69 IC +60 15 70 AS +60 15 71 NK +60 15 72 KM +60 15 73 IC +60 15 74 AS +60 15 75 KI +60 15 76 NK +60 15 77 IC +60 15 78 AS +60 15 79 KI +60 15 80 MS +60 15 81 KI +60 15 82 AS +60 15 83 IC +60 15 84 NK +60 15 85 KE +60 15 86 IC +60 15 87 AS +60 15 88 NK +60 15 89 IC +60 15 90 MS +60 15 91 KI +60 15 92 AS +60 15 93 IC +60 15 94 MS +60 15 95 AS +60 15 96 NK +60 15 97 KE +60 15 98 NK +60 15 99 AS +60 15 100 MS +60 15 101 KM +60 15 102 AS +60 15 103 IC +60 15 104 KE +60 15 105 NK +60 15 106 KI +60 15 107 AS +60 15 108 KE +60 15 109 MS +60 15 110 KI +60 15 111 IC +60 15 112 NK +60 15 113 AS +60 15 114 KM +60 15 115 NK +60 15 116 AS +60 15 117 IC +60 15 118 AS +60 15 119 MS +60 15 120 AS +60 15 121 NK +60 15 122 KM +60 15 123 MS +60 15 124 KI +60 15 125 NK +60 15 126 KE +60 15 127 IC +60 15 128 AS +60 15 129 KI +60 15 130 AS +60 15 131 MS +60 15 132 NK +60 15 133 IC +60 15 134 AS +60 15 135 NK +60 15 136 MS +60 15 137 KE +60 15 138 KM +60 15 139 AS +60 15 140 IC +60 15 141 AS +60 15 142 KE +60 15 143 KI +60 15 144 MS +60 15 145 KM +60 15 146 KI +60 15 147 MS +60 15 148 NK +60 15 149 AS +60 15 150 IC +60 15 151 KE +60 15 152 NK +60 15 153 MS +60 15 154 IC +60 15 155 AS +60 15 156 KM +60 15 157 AS +60 15 158 IC +60 15 159 KI +60 15 160 NK +60 15 161 AS +60 15 162 NK +60 15 163 IC +60 15 164 MS +60 15 165 AS +60 15 166 KM +60 15 167 KE +60 15 168 MS +60 15 169 MS +60 15 170 IC +60 15 171 KM +60 15 172 AS +60 15 173 NK +60 15 174 KI +60 15 175 AS +60 15 176 NK +60 15 177 KI +60 15 178 IC +60 15 179 NK +60 15 180 KM +60 15 181 AS +60 15 182 NK +60 15 183 KE +60 15 184 IC +60 15 185 KI +60 15 186 KM +60 15 187 KI +60 15 188 MS +60 15 189 AS +60 15 190 KE +60 15 191 IC +60 15 192 KM +60 15 193 KI +60 15 194 NK +60 15 195 MS +60 15 196 AS +60 15 197 KE +60 15 198 AS +60 15 199 NK +60 15 200 MS +60 15 201 NK +60 15 202 IC +60 15 203 AS +60 15 204 KM +60 15 205 NK +60 15 206 KI +60 15 207 MS +60 15 208 NK +60 15 209 IC +60 15 210 NK +60 15 211 KM +60 15 212 KE +60 15 213 AS +60 15 214 KI +60 15 215 KE +60 15 216 AS +60 15 217 NK +60 15 218 IC +60 15 219 AS +60 15 220 KM +60 15 221 AS +60 15 222 MS +60 15 223 IC +60 15 224 AS +60 15 225 AS +60 15 226 IC +60 15 227 NK +60 15 228 MS +60 15 229 KE +60 15 230 AS +60 15 231 NK +60 15 232 KM +60 15 233 MS +60 15 234 IC +60 15 235 AS +60 15 236 KM +60 15 237 KI +60 15 238 IC +60 15 239 AS +60 15 240 KE +60 15 241 AS +60 15 242 KI +60 15 243 NK +60 15 244 AS +60 15 245 NK +60 15 246 MS +60 15 247 KM +60 15 248 AS +60 15 249 MS +60 15 250 NK +60 15 251 KE +60 15 252 AS +60 15 253 NK +60 15 254 AS +60 15 255 IC +60 15 256 NK +60 15 257 MS +60 15 258 KI +60 15 259 NK +60 15 260 KE +60 15 261 KM +60 15 262 AS +60 15 263 KE +60 15 264 IC +60 15 265 MS +60 15 266 NK +60 15 267 KI +60 15 268 IC +60 15 269 AS +60 15 270 NK +60 15 271 IC +60 15 272 KE +60 15 273 AS +60 15 274 KI +60 15 275 MS +60 15 276 NK +60 15 277 KM +60 15 278 AS +60 15 279 MS +60 15 280 KE +60 15 281 KM +60 15 282 AS +60 15 283 IC +60 15 284 AS +60 15 285 NK +60 15 286 AS +60 15 287 KE +60 15 288 NK +60 15 289 MS +60 15 290 AS +60 15 291 KM +60 15 292 KE +60 15 293 AS +60 15 294 KM +60 15 295 AS +60 15 296 MS +60 15 297 KI +60 15 298 NK +60 15 299 MS +60 15 300 AS +60 15 301 IC +60 15 302 AS +60 15 303 KE +60 15 304 IC +60 15 305 MS +60 15 306 AS +60 15 307 NK +60 15 308 MS +60 15 309 KE +60 15 310 KM +60 15 311 IC +60 15 312 AS +60 15 313 MS +60 15 314 AS +60 15 315 KI +60 15 316 KE +60 15 317 NK +60 15 318 AS +60 15 319 IC +60 15 320 AS +60 15 321 NK +60 15 322 MS +60 15 323 AS +60 15 324 KM +60 15 325 NK +60 15 326 KI +60 15 327 AS +60 15 328 IC +60 15 329 KE +60 15 330 AS +60 16 1 AS +60 16 2 AS +60 16 3 NK +60 16 4 IC +60 16 5 AS +60 16 6 NK +60 16 7 PT +60 16 8 IC +60 16 9 AS +60 16 10 IC +60 16 11 IC +60 16 12 PT +60 16 13 IC +60 16 14 IC +60 16 15 AS +60 16 16 AS +60 16 17 NK +60 16 18 IC +60 16 19 AS +60 16 20 NK +60 16 21 NK +60 16 22 AS +60 16 23 IC +60 16 24 IC +60 16 25 IC +60 16 26 NK +60 16 27 AS +60 16 28 NK +60 16 29 NK +60 16 30 NK +60 16 31 AS +60 16 32 NK +60 16 33 NK +60 16 34 AS +60 16 35 NK +60 16 36 IC +60 16 37 AS +60 16 38 NK +60 16 39 AS +60 16 40 NK +60 16 41 NK +60 16 42 NK +60 16 43 IC +60 16 44 AS +60 16 45 AS +60 16 46 IC +60 16 47 IC +60 16 48 NK +60 16 49 AS +60 16 50 IC +60 16 51 NK +60 16 52 AS +60 16 53 NK +60 16 54 AS +60 16 55 AS +60 16 56 AS +60 16 57 IC +60 16 58 AS +60 16 59 AS +60 16 60 IC +60 16 61 NK +60 16 62 AS +60 16 63 NK +60 16 64 AS +60 16 65 NK +60 16 66 AS +60 16 67 AS +60 16 68 NK +60 16 69 NK +60 16 70 AS +60 16 71 IC +60 16 72 AS +60 16 73 NK +60 16 74 AS +60 16 75 IC +60 16 76 NK +60 16 77 IC +60 16 78 AS +60 16 79 IC +60 16 80 NK +60 16 81 AS +60 16 82 NK +60 16 83 IC +60 16 84 AS +60 16 85 IC +60 16 86 NK +60 16 87 IC +60 16 88 NK +60 16 89 IC +60 16 90 IC +60 16 91 NK +60 16 92 AS +60 16 93 IC +60 16 94 IC +60 16 95 AS +60 16 96 NK +60 16 97 IC +60 16 98 NK +60 16 99 AS +60 16 100 AS +60 16 101 NK +60 16 102 NK +60 16 103 NK +60 16 104 AS +60 16 105 NK +60 16 106 NK +60 16 107 AS +60 16 108 AS +60 16 109 NK +60 16 110 NK +60 16 111 IC +60 16 112 NK +60 16 113 IC +60 16 114 IC +60 16 115 NK +60 16 116 AS +60 16 117 NK +60 16 118 NK +60 16 119 IC +60 16 120 AS +60 16 121 NK +60 16 122 IC +60 16 123 IC +60 16 124 NK +60 16 125 NK +60 16 126 NK +60 16 127 IC +60 16 128 NK +60 16 129 AS +60 16 130 IC +60 16 131 NK +60 16 132 NK +60 16 133 IC +60 16 134 IC +60 16 135 NK +60 16 136 IC +60 16 137 IC +60 16 138 NK +60 16 139 AS +60 16 140 IC +60 16 141 AS +60 16 142 AS +60 16 143 NK +60 16 144 IC +60 16 145 AS +60 16 146 NK +60 16 147 AS +60 16 148 NK +60 16 149 AS +60 16 150 NK +60 16 151 NK +60 16 152 IC +60 16 153 IC +60 16 154 NK +60 16 155 IC +60 16 156 IC +60 16 157 NK +60 16 158 AS +60 16 159 NK +60 16 160 NK +60 16 161 AS +60 16 162 IC +60 16 163 NK +60 16 164 NK +60 16 165 IC +60 16 166 IC +60 16 167 AS +60 16 168 IC +60 16 169 IC +60 16 170 IC +60 16 171 IC +60 16 172 AS +60 16 173 NK +60 16 174 NK +60 16 175 AS +60 16 176 NK +60 16 177 AS +60 16 178 IC +60 16 179 IC +60 16 180 AS +60 16 181 NK +60 16 182 IC +60 16 183 IC +60 16 184 NK +60 16 185 NK +60 16 186 AS +60 16 187 NK +60 16 188 IC +60 16 189 AS +60 16 190 NK +60 16 191 IC +60 16 192 NK +60 16 193 NK +60 16 194 IC +60 16 195 NK +60 16 196 AS +60 16 197 IC +60 16 198 IC +60 16 199 AS +60 16 200 AS +60 16 201 NK +60 16 202 IC +60 16 203 NK +60 16 204 IC +60 16 205 NK +60 16 206 AS +60 16 207 NK +60 16 208 NK +60 16 209 SI +60 16 210 SI +60 16 211 AS +60 16 212 NK +60 16 213 AS +60 16 214 NK +60 16 215 NK +60 16 216 SI +60 16 217 NK +60 16 218 NK +60 16 219 AS +60 16 220 NK +60 16 221 AS +60 16 222 NK +60 16 223 SI +60 16 224 AS +60 16 225 NK +60 16 226 SI +60 16 227 IC +60 16 228 NK +60 16 229 SI +60 16 230 AS +60 16 231 NK +60 16 232 NK +60 16 233 NK +60 16 234 SI +60 16 235 NK +60 16 236 NK +60 16 237 SI +60 16 238 SI +60 16 239 NK +60 16 240 NK +60 16 241 AS +60 16 242 AS +60 16 243 IC +60 16 244 AS +60 16 245 NK +60 16 246 AS +60 16 247 NK +60 16 248 SI +60 16 249 IC +60 16 250 NK +60 16 251 AS +60 16 252 AS +60 16 253 NK +60 16 254 NK +60 16 255 SI +60 16 256 NK +60 16 257 SI +60 16 258 NK +60 16 259 IC +60 16 260 AS +60 16 261 NK +60 16 262 AS +60 16 263 IC +60 16 264 AS +60 16 265 SI +60 16 266 NK +60 16 267 NK +60 16 268 AS +60 16 269 NK +60 16 270 NK +60 16 271 SI +60 16 272 AS +60 16 273 NK +60 16 274 AS +60 16 275 NK +60 16 276 NK +60 16 277 IC +60 16 278 NK +60 16 279 NK +60 16 280 AS +60 16 281 SI +60 16 282 AS +60 16 283 IC +60 16 284 AS +60 16 285 AS +60 16 286 NK +60 16 287 AS +60 16 288 NK +60 16 289 AS +60 16 290 IC +60 16 291 NK +60 16 292 NK +60 16 293 AS +60 16 294 AS +60 16 295 NK +60 16 296 NK +60 16 297 NK +60 16 298 NK +60 16 299 SI +60 16 300 AS +60 16 301 IC +60 16 302 AS +60 16 303 AS +60 16 304 NK +60 16 305 NK +60 16 306 AS +60 16 307 SI +60 16 308 NK +60 16 309 IC +60 16 310 IC +60 16 311 NK +60 16 312 SI +60 16 313 NK +60 16 314 AS +60 16 315 NK +60 16 316 SI +60 16 317 NK +60 16 318 NK +60 16 319 AS +60 16 320 NK +60 16 321 NK +60 16 322 IC +60 16 323 IC +60 16 324 SI +60 16 325 NK +60 16 326 NK +60 16 327 AS +60 16 328 SI +60 16 329 NK +60 16 330 AS +60 17 1 IU +60 17 2 AS +60 17 3 NK +60 17 4 NK +60 17 5 KO +60 17 6 NK +60 17 7 IR +60 17 8 NK +60 17 9 IC +60 17 10 IU +60 17 11 IR +60 17 12 KI +60 17 13 IR +60 17 14 IU +60 17 15 AS +60 17 16 AS +60 17 17 NK +60 17 18 IC +60 17 19 IU +60 17 20 IR +60 17 21 NK +60 17 22 KI +60 17 23 NK +60 17 24 IC +60 17 25 KO +60 17 26 IU +60 17 27 AS +60 17 28 NK +60 17 29 KO +60 17 30 NK +60 17 31 AS +60 17 32 NK +60 17 33 IR +60 17 34 IU +60 17 35 NK +60 17 36 KO +60 17 37 IU +60 17 38 NK +60 17 39 IR +60 17 40 KO +60 17 41 NK +60 17 42 IC +60 17 43 IU +60 17 44 AS +60 17 45 KO +60 17 46 IC +60 17 47 IC +60 17 48 NK +60 17 49 KO +60 17 50 NK +60 17 51 IC +60 17 52 AS +60 17 53 NK +60 17 54 IR +60 17 55 KO +60 17 56 NK +60 17 57 IR +60 17 58 IC +60 17 59 AS +60 17 60 IC +60 17 61 NK +60 17 62 IC +60 17 63 NK +60 17 64 IU +60 17 65 NK +60 17 66 AS +60 17 67 IR +60 17 68 NK +60 17 69 IC +60 17 70 AS +60 17 71 NK +60 17 72 KO +60 17 73 NK +60 17 74 AS +60 17 75 IC +60 17 76 NK +60 17 77 IU +60 17 78 AS +60 17 79 IC +60 17 80 IU +60 17 81 IR +60 17 82 IU +60 17 83 AS +60 17 84 NK +60 17 85 KO +60 17 86 NK +60 17 87 IC +60 17 88 NK +60 17 89 IC +60 17 90 IC +60 17 91 KI +60 17 92 AS +60 17 93 IU +60 17 94 IC +60 17 95 AS +60 17 96 KI +60 17 97 IC +60 17 98 NK +60 17 99 AS +60 17 100 AS +60 17 101 NK +60 17 102 AS +60 17 103 IC +60 17 104 AS +60 17 105 NK +60 17 106 AS +60 17 107 AS +60 17 108 AS +60 17 109 IU +60 17 110 NK +60 17 111 IR +60 17 112 NK +60 17 113 IC +60 17 114 IU +60 17 115 NK +60 17 116 AS +60 17 117 IC +60 17 118 NK +60 17 119 IU +60 17 120 AS +60 17 121 NK +60 17 122 IR +60 17 123 IC +60 17 124 AS +60 17 125 NK +60 17 126 NK +60 17 127 IC +60 17 128 KI +60 17 129 AS +60 17 130 IC +60 17 131 NK +60 17 132 NK +60 17 133 IR +60 17 134 IC +60 17 135 NK +60 17 136 IU +60 17 137 IC +60 17 138 IU +60 17 139 AS +60 17 140 IC +60 17 141 AS +60 17 142 AS +60 17 143 IR +60 17 144 IC +60 17 145 IU +60 17 146 KI +60 17 147 IU +60 17 148 NK +60 17 149 KO +60 17 150 NK +60 17 151 NK +60 17 152 NK +60 17 153 KO +60 17 154 IC +60 17 155 IC +60 17 156 IR +60 17 157 IC +60 17 158 AS +60 17 159 AS +60 17 160 NK +60 17 161 IR +60 17 162 NK +60 17 163 KO +60 17 164 IU +60 17 165 IC +60 17 166 IC +60 17 167 IC +60 17 168 IU +60 17 169 IU +60 17 170 IC +60 17 171 IR +60 17 172 AS +60 17 173 NK +60 17 174 NK +60 17 175 AS +60 17 176 NK +60 17 177 AS +60 17 178 IC +60 17 179 NK +60 17 180 KO +60 17 181 IC +60 17 182 NK +60 17 183 IC +60 17 184 NK +60 17 185 NK +60 17 186 AS +60 17 187 KI +60 17 188 KO +60 17 189 AS +60 17 190 NK +60 17 191 IU +60 17 192 IC +60 17 193 KI +60 17 194 NK +60 17 195 IR +60 17 196 AS +60 17 197 NK +60 17 198 IC +60 17 199 AS +60 17 200 AS +60 17 201 NK +60 17 202 IR +60 17 203 NK +60 17 204 IC +60 17 205 IC +60 17 206 AS +60 17 207 NK +60 17 208 KI +60 17 209 IC +60 17 210 IC +60 17 211 KO +60 17 212 NK +60 17 213 AS +60 17 214 KI +60 17 215 NK +60 17 216 IC +60 17 217 NK +60 17 218 KI +60 17 219 AS +60 17 220 IU +60 17 221 AS +60 17 222 IC +60 17 223 KO +60 17 224 AS +60 17 225 KI +60 17 226 IC +60 17 227 IC +60 17 228 IC +60 17 229 AS +60 17 230 AS +60 17 231 NK +60 17 232 IC +60 17 233 IU +60 17 234 IR +60 17 235 KO +60 17 236 KI +60 17 237 NK +60 17 238 KO +60 17 239 NK +60 17 240 NK +60 17 241 AS +60 17 242 AS +60 17 243 NK +60 17 244 AS +60 17 245 NK +60 17 246 IU +60 17 247 IC +60 17 248 IC +60 17 249 IR +60 17 250 NK +60 17 251 AS +60 17 252 AS +60 17 253 IU +60 17 254 IU +60 17 255 IC +60 17 256 NK +60 17 257 IC +60 17 258 KI +60 17 259 NK +60 17 260 AS +60 17 261 NK +60 17 262 AS +60 17 263 AS +60 17 264 AS +60 17 265 IU +60 17 266 NK +60 17 267 NK +60 17 268 KO +60 17 269 NK +60 17 270 KI +60 17 271 IC +60 17 272 AS +60 17 273 NK +60 17 274 AS +60 17 275 IC +60 17 276 NK +60 17 277 IU +60 17 278 NK +60 17 279 IU +60 17 280 IR +60 17 281 IU +60 17 282 IR +60 17 283 IC +60 17 284 AS +60 17 285 NK +60 17 286 AS +60 17 287 IC +60 17 288 NK +60 17 289 IU +60 17 290 AS +60 17 291 IU +60 17 292 NK +60 17 293 AS +60 17 294 AS +60 17 295 IC +60 17 296 IU +60 17 297 KI +60 17 298 NK +60 17 299 IU +60 17 300 AS +60 17 301 IR +60 17 302 AS +60 17 303 AS +60 17 304 IR +60 17 305 NK +60 17 306 KO +60 17 307 IU +60 17 308 IC +60 17 309 IC +60 17 310 KO +60 17 311 IU +60 17 312 IC +60 17 313 IC +60 17 314 AS +60 17 315 IR +60 17 316 KO +60 17 317 NK +60 17 318 NK +60 17 319 AS +60 17 320 IC +60 17 321 NK +60 17 322 IU +60 17 323 KO +60 17 324 AS +60 17 325 NK +60 17 326 KI +60 17 327 AS +60 17 328 IC +60 17 329 IC +60 17 330 AS +60 18 1 IC +60 18 2 AS +60 18 3 NK +60 18 4 IC +60 18 5 AS +60 18 6 AS +60 18 7 IC +60 18 8 NK +60 18 9 AS +60 18 10 IC +60 18 11 IC +60 18 12 KI +60 18 13 AS +60 18 14 IC +60 18 15 AS +60 18 16 AS +60 18 17 NK +60 18 18 IC +60 18 19 IC +60 18 20 AS +60 18 21 NK +60 18 22 AS +60 18 23 IC +60 18 24 IC +60 18 25 IC +60 18 26 IC +60 18 27 AS +60 18 28 NK +60 18 29 AS +60 18 30 NK +60 18 31 AS +60 18 32 NK +60 18 33 IC +60 18 34 IC +60 18 35 NK +60 18 36 IC +60 18 37 AS +60 18 38 NK +60 18 39 IC +60 18 40 IC +60 18 41 NK +60 18 42 AS +60 18 43 IC +60 18 44 AS +60 18 45 IC +60 18 46 IC +60 18 47 IC +60 18 48 AS +60 18 49 AS +60 18 50 NK +60 18 51 IC +60 18 52 AS +60 18 53 NK +60 18 54 IC +60 18 55 AS +60 18 56 AS +60 18 57 IC +60 18 58 AS +60 18 59 NK +60 18 60 IC +60 18 61 NK +60 18 62 AS +60 18 63 NK +60 18 64 IC +60 18 65 NK +60 18 66 AS +60 18 67 AS +60 18 68 NK +60 18 69 IC +60 18 70 AS +60 18 71 NK +60 18 72 IC +60 18 73 NK +60 18 74 AS +60 18 75 IC +60 18 76 NK +60 18 77 IC +60 18 78 AS +60 18 79 IC +60 18 80 IC +60 18 81 AS +60 18 82 AS +60 18 83 AS +60 18 84 NK +60 18 85 IC +60 18 86 NK +60 18 87 IC +60 18 88 NK +60 18 89 IC +60 18 90 IC +60 18 91 AS +60 18 92 AS +60 18 93 IC +60 18 94 IC +60 18 95 AS +60 18 96 KR +60 18 97 IC +60 18 98 NK +60 18 99 KR +60 18 100 IC +60 18 101 NK +60 18 102 AS +60 18 103 IC +60 18 104 AS +60 18 105 NK +60 18 106 KR +60 18 107 AS +60 18 108 AS +60 18 109 IC +60 18 110 KR +60 18 111 IC +60 18 112 NK +60 18 113 IC +60 18 114 IC +60 18 115 NK +60 18 116 AS +60 18 117 IC +60 18 118 NK +60 18 119 AS +60 18 120 AS +60 18 121 NK +60 18 122 IC +60 18 123 IC +60 18 124 AS +60 18 125 NK +60 18 126 KR +60 18 127 IC +60 18 128 KR +60 18 129 AS +60 18 130 IC +60 18 131 NK +60 18 132 NK +60 18 133 IC +60 18 134 IC +60 18 135 NK +60 18 136 AS +60 18 137 IC +60 18 138 KR +60 18 139 AS +60 18 140 IC +60 18 141 AS +60 18 142 AS +60 18 143 NK +60 18 144 IC +60 18 145 IC +60 18 146 KR +60 18 147 IC +60 18 148 NK +60 18 149 KR +60 18 150 IC +60 18 151 NK +60 18 152 NK +60 18 153 IC +60 18 154 IC +60 18 155 IC +60 18 156 IC +60 18 157 IC +60 18 158 AS +60 18 159 KR +60 18 160 AS +60 18 161 IC +60 18 162 NK +60 18 163 IC +60 18 164 IC +60 18 165 IC +60 18 166 IC +60 18 167 AS +60 18 168 IC +60 18 169 IC +60 18 170 IC +60 18 171 AS +60 18 172 AS +60 18 173 NK +60 18 174 AS +60 18 175 IC +60 18 176 NK +60 18 177 AS +60 18 178 IC +60 18 179 NK +60 18 180 IC +60 18 181 KR +60 18 182 NK +60 18 183 KR +60 18 184 NK +60 18 185 KR +60 18 186 AS +60 18 187 NK +60 18 188 IC +60 18 189 AS +60 18 190 IC +60 18 191 IC +60 18 192 AS +60 18 193 AS +60 18 194 NK +60 18 195 IC +60 18 196 AS +60 18 197 NK +60 18 198 IC +60 18 199 AS +60 18 200 IC +60 18 201 AS +60 18 202 IC +60 18 203 NK +60 18 204 IC +60 18 205 IC +60 18 206 AS +60 18 207 NK +60 18 208 KR +60 18 209 IC +60 18 210 NK +60 18 211 AS +60 18 212 NK +60 18 213 AS +60 18 214 KR +60 18 215 NK +60 18 216 IC +60 18 217 KR +60 18 218 AS +60 18 219 AS +60 18 220 IC +60 18 221 AS +60 18 222 NK +60 18 223 IC +60 18 224 AS +60 18 225 IC +60 18 226 IC +60 18 227 IC +60 18 228 IC +60 18 229 AS +60 18 230 KR +60 18 231 NK +60 18 232 IC +60 18 233 NK +60 18 234 AS +60 18 235 IC +60 18 236 KR +60 18 237 KR +60 18 238 IC +60 18 239 NK +60 18 240 IC +60 18 241 KR +60 18 242 KR +60 18 243 IC +60 18 244 AS +60 18 245 NK +60 18 246 IC +60 18 247 AS +60 18 248 IC +60 18 249 IC +60 18 250 IC +60 18 251 AS +60 18 252 AS +60 18 253 AS +60 18 254 IC +60 18 255 IC +60 18 256 NK +60 18 257 IC +60 18 258 KR +60 18 259 NK +60 18 260 AS +60 18 261 NK +60 18 262 AS +60 18 263 IC +60 18 264 AS +60 18 265 IC +60 18 266 NK +60 18 267 IC +60 18 268 IC +60 18 269 NK +60 18 270 AS +60 18 271 IC +60 18 272 AS +60 18 273 NK +60 18 274 AS +60 18 275 AS +60 18 276 NK +60 18 277 IC +60 18 278 NK +60 18 279 IC +60 18 280 IC +60 18 281 IC +60 18 282 IC +60 18 283 IC +60 18 284 AS +60 18 285 NK +60 18 286 AS +60 18 287 IC +60 18 288 NK +60 18 289 IC +60 18 290 AS +60 18 291 IC +60 18 292 NK +60 18 293 AS +60 18 294 AS +60 18 295 IC +60 18 296 IC +60 18 297 AS +60 18 298 NK +60 18 299 IC +60 18 300 AS +60 18 301 IC +60 18 302 AS +60 18 303 AS +60 18 304 IC +60 18 305 NK +60 18 306 KR +60 18 307 IC +60 18 308 IC +60 18 309 IC +60 18 310 AS +60 18 311 IC +60 18 312 IC +60 18 313 IC +60 18 314 AS +60 18 315 IC +60 18 316 IC +60 18 317 NK +60 18 318 IC +60 18 319 AS +60 18 320 IC +60 18 321 NK +60 18 322 AS +60 18 323 IC +60 18 324 AS +60 18 325 NK +60 18 326 AS +60 18 327 AS +60 18 328 IC +60 18 329 IC +60 18 330 AS +60 19 1 AS +60 19 2 KR +60 19 3 NK +60 19 4 IC +60 19 5 KE +60 19 6 AS +60 19 7 KE +60 19 8 NK +60 19 9 IC +60 19 10 IC +60 19 11 IC +60 19 12 KE +60 19 13 KE +60 19 14 IC +60 19 15 AS +60 19 16 AS +60 19 17 NK +60 19 18 IC +60 19 19 IC +60 19 20 AS +60 19 21 NK +60 19 22 AS +60 19 23 IC +60 19 24 IC +60 19 25 IC +60 19 26 IC +60 19 27 AS +60 19 28 NK +60 19 29 KE +60 19 30 NK +60 19 31 AS +60 19 32 NK +60 19 33 KE +60 19 34 IC +60 19 35 NK +60 19 36 IC +60 19 37 AS +60 19 38 NK +60 19 39 IC +60 19 40 AS +60 19 41 NK +60 19 42 AS +60 19 43 IC +60 19 44 AS +60 19 45 KE +60 19 46 IC +60 19 47 IC +60 19 48 AS +60 19 49 AS +60 19 50 IC +60 19 51 IC +60 19 52 AS +60 19 53 NK +60 19 54 KE +60 19 55 AS +60 19 56 AS +60 19 57 IC +60 19 58 IC +60 19 59 AS +60 19 60 IC +60 19 61 NK +60 19 62 IC +60 19 63 KR +60 19 64 IC +60 19 65 NK +60 19 66 AS +60 19 67 KR +60 19 68 IC +60 19 69 IC +60 19 70 AS +60 19 71 IC +60 19 72 KR +60 19 73 IC +60 19 74 AS +60 19 75 IC +60 19 76 NK +60 19 77 KR +60 19 78 AS +60 19 79 IC +60 19 80 KR +60 19 81 KR +60 19 82 KR +60 19 83 AS +60 19 84 AS +60 19 85 KR +60 19 86 NK +60 19 87 IC +60 19 88 NK +60 19 89 IC +60 19 90 AS +60 19 91 KR +60 19 92 AS +60 19 93 IC +60 19 94 IC +60 19 95 AS +60 19 96 KE +60 19 97 IC +60 19 98 NK +60 19 99 AS +60 19 100 KE +60 19 101 NK +60 19 102 AS +60 19 103 IC +60 19 104 KE +60 19 105 IC +60 19 106 KE +60 19 107 AS +60 19 108 AS +60 19 109 IC +60 19 110 KE +60 19 111 IC +60 19 112 NK +60 19 113 IC +60 19 114 KE +60 19 115 NK +60 19 116 AS +60 19 117 IC +60 19 118 NK +60 19 119 KE +60 19 120 AS +60 19 121 NK +60 19 122 KR +60 19 123 KE +60 19 124 KR +60 19 125 NK +60 19 126 AS +60 19 127 IC +60 19 128 KE +60 19 129 AS +60 19 130 IC +60 19 131 NK +60 19 132 NK +60 19 133 KE +60 19 134 IC +60 19 135 NK +60 19 136 AS +60 19 137 KR +60 19 138 AS +60 19 139 AS +60 19 140 IC +60 19 141 AS +60 19 142 AS +60 19 143 KE +60 19 144 IC +60 19 145 KE +60 19 146 KE +60 19 147 IC +60 19 148 NK +60 19 149 KE +60 19 150 IC +60 19 151 AS +60 19 152 AS +60 19 153 KR +60 19 154 IC +60 19 155 IC +60 19 156 KR +60 19 157 IC +60 19 158 AS +60 19 159 AS +60 19 160 AS +60 19 161 KE +60 19 162 NK +60 19 163 KE +60 19 164 KE +60 19 165 IC +60 19 166 IC +60 19 167 AS +60 19 168 KE +60 19 169 KE +60 19 170 IC +60 19 171 KE +60 19 172 AS +60 19 173 NK +60 19 174 KE +60 19 175 AS +60 19 176 NK +60 19 177 KE +60 19 178 IC +60 19 179 NK +60 19 180 KE +60 19 181 KE +60 19 182 NK +60 19 183 IC +60 19 184 AS +60 19 185 IC +60 19 186 KE +60 19 187 NK +60 19 188 KE +60 19 189 AS +60 19 190 AS +60 19 191 IC +60 19 192 IC +60 19 193 KE +60 19 194 NK +60 19 195 KE +60 19 196 AS +60 19 197 AS +60 19 198 IC +60 19 199 AS +60 19 200 AS +60 19 201 AS +60 19 202 KE +60 19 203 NK +60 19 204 IC +60 19 205 KE +60 19 206 AS +60 19 207 NK +60 19 208 IC +60 19 209 KE +60 19 210 IC +60 19 211 KE +60 19 212 NK +60 19 213 AS +60 19 214 KE +60 19 215 AS +60 19 216 IC +60 19 217 AS +60 19 218 KE +60 19 219 AS +60 19 220 IC +60 19 221 AS +60 19 222 IC +60 19 223 KE +60 19 224 AS +60 19 225 IC +60 19 226 KE +60 19 227 IC +60 19 228 IC +60 19 229 KE +60 19 230 AS +60 19 231 NK +60 19 232 IC +60 19 233 AS +60 19 234 KE +60 19 235 AS +60 19 236 KE +60 19 237 AS +60 19 238 KE +60 19 239 NK +60 19 240 NK +60 19 241 AS +60 19 242 AS +60 19 243 NK +60 19 244 AS +60 19 245 NK +60 19 246 KE +60 19 247 AS +60 19 248 IC +60 19 249 IC +60 19 250 IC +60 19 251 KE +60 19 252 AS +60 19 253 KE +60 19 254 AS +60 19 255 IC +60 19 256 NK +60 19 257 IC +60 19 258 KE +60 19 259 NK +60 19 260 AS +60 19 261 NK +60 19 262 AS +60 19 263 IC +60 19 264 AS +60 19 265 KE +60 19 266 NK +60 19 267 IC +60 19 268 KE +60 19 269 NK +60 19 270 KE +60 19 271 IC +60 19 272 AS +60 19 273 AS +60 19 274 AS +60 19 275 KE +60 19 276 NK +60 19 277 IC +60 19 278 AS +60 19 279 AS +60 19 280 KE +60 19 281 KE +60 19 282 KE +60 19 283 IC +60 19 284 AS +60 19 285 AS +60 19 286 AS +60 19 287 IC +60 19 288 NK +60 19 289 KE +60 19 290 AS +60 19 291 IC +60 19 292 AS +60 19 293 AS +60 19 294 AS +60 19 295 IC +60 19 296 IC +60 19 297 KE +60 19 298 NK +60 19 299 KE +60 19 300 AS +60 19 301 KE +60 19 302 AS +60 19 303 AS +60 19 304 IC +60 19 305 NK +60 19 306 KE +60 19 307 AS +60 19 308 AS +60 19 309 IC +60 19 310 KE +60 19 311 IC +60 19 312 IC +60 19 313 IC +60 19 314 AS +60 19 315 KE +60 19 316 IC +60 19 317 NK +60 19 318 NK +60 19 319 AS +60 19 320 IC +60 19 321 NK +60 19 322 AS +60 19 323 IC +60 19 324 AS +60 19 325 NK +60 19 326 KE +60 19 327 AS +60 19 328 IC +60 19 329 IC +60 19 330 AS +60 20 1 IC +60 20 2 AS +60 20 3 NK +60 20 4 IC +60 20 5 IU +60 20 6 AS +60 20 7 KO +60 20 8 NK +60 20 9 AS +60 20 10 IC +60 20 11 KO +60 20 12 AS +60 20 13 KO +60 20 14 IC +60 20 15 AS +60 20 16 AS +60 20 17 NK +60 20 18 TI +60 20 19 KO +60 20 20 KO +60 20 21 NK +60 20 22 AS +60 20 23 NK +60 20 24 TI +60 20 25 KO +60 20 26 IC +60 20 27 AS +60 20 28 NK +60 20 29 KO +60 20 30 NK +60 20 31 AS +60 20 32 NK +60 20 33 KO +60 20 34 KO +60 20 35 NK +60 20 36 TI +60 20 37 IC +60 20 38 NK +60 20 39 KO +60 20 40 KO +60 20 41 NK +60 20 42 AS +60 20 43 IC +60 20 44 AS +60 20 45 KO +60 20 46 TI +60 20 47 TI +60 20 48 AS +60 20 49 KO +60 20 50 IC +60 20 51 TI +60 20 52 AS +60 20 53 NK +60 20 54 KO +60 20 55 KO +60 20 56 AS +60 20 57 KO +60 20 58 AS +60 20 59 AS +60 20 60 TI +60 20 61 NK +60 20 62 AS +60 20 63 NK +60 20 64 IC +60 20 65 NK +60 20 66 AS +60 20 67 KO +60 20 68 NK +60 20 69 IC +60 20 70 AS +60 20 71 NK +60 20 72 KO +60 20 73 NK +60 20 74 AS +60 20 75 TI +60 20 76 NK +60 20 77 KO +60 20 78 AS +60 20 79 TI +60 20 80 KO +60 20 81 KO +60 20 82 KO +60 20 83 AS +60 20 84 NK +60 20 85 KO +60 20 86 NK +60 20 87 TI +60 20 88 NK +60 20 89 TI +60 20 90 KO +60 20 91 KO +60 20 92 AS +60 20 93 KO +60 20 94 TI +60 20 95 AS +60 20 96 AS +60 20 97 IC +60 20 98 NK +60 20 99 AS +60 20 100 KO +60 20 101 NK +60 20 102 IC +60 20 103 AS +60 20 104 AS +60 20 105 NK +60 20 106 AS +60 20 107 AS +60 20 108 AS +60 20 109 IC +60 20 110 AS +60 20 111 TI +60 20 112 NK +60 20 113 TI +60 20 114 IC +60 20 115 NK +60 20 116 AS +60 20 117 TI +60 20 118 AS +60 20 119 KO +60 20 120 AS +60 20 121 NK +60 20 122 KO +60 20 123 KO +60 20 124 AS +60 20 125 NK +60 20 126 NK +60 20 127 KO +60 20 128 AS +60 20 129 AS +60 20 130 TI +60 20 131 NK +60 20 132 NK +60 20 133 KO +60 20 134 TI +60 20 135 NK +60 20 136 KO +60 20 137 KO +60 20 138 AS +60 20 139 AS +60 20 140 KO +60 20 141 AS +60 20 142 AS +60 20 143 AS +60 20 144 IC +60 20 145 AS +60 20 146 AS +60 20 147 KO +60 20 148 NK +60 20 149 KO +60 20 150 IC +60 20 151 NK +60 20 152 AS +60 20 153 KO +60 20 154 TI +60 20 155 TI +60 20 156 KO +60 20 157 TI +60 20 158 AS +60 20 159 AS +60 20 160 AS +60 20 161 KO +60 20 162 NK +60 20 163 KO +60 20 164 KO +60 20 165 AS +60 20 166 IC +60 20 167 AS +60 20 168 KO +60 20 169 KO +60 20 170 IC +60 20 171 AS +60 20 172 AS +60 20 173 NK +60 20 174 AS +60 20 175 AS +60 20 176 NK +60 20 177 AS +60 20 178 IC +60 20 179 NK +60 20 180 KO +60 20 181 AS +60 20 182 NK +60 20 183 AS +60 20 184 NK +60 20 185 AS +60 20 186 KO +60 20 187 AS +60 20 188 KO +60 20 189 AS +60 20 190 NK +60 20 191 KO +60 20 192 NK +60 20 193 AS +60 20 194 NK +60 20 195 KO +60 20 196 AS +60 20 197 NK +60 20 198 TI +60 20 199 AS +60 20 200 KO +60 20 201 NK +60 20 202 KO +60 20 203 NK +60 20 204 TI +60 20 205 IC +60 20 206 AS +60 20 207 NK +60 20 208 AS +60 20 209 KO +60 20 210 NK +60 20 211 KO +60 20 212 AS +60 20 213 AS +60 20 214 KO +60 20 215 AS +60 20 216 TI +60 20 217 AS +60 20 218 TI +60 20 219 AS +60 20 220 IC +60 20 221 AS +60 20 222 IC +60 20 223 KO +60 20 224 AS +60 20 225 TI +60 20 226 KO +60 20 227 TI +60 20 228 IC +60 20 229 AS +60 20 230 AS +60 20 231 NK +60 20 232 TI +60 20 233 IC +60 20 234 KO +60 20 235 KO +60 20 236 AS +60 20 237 AS +60 20 238 KO +60 20 239 NK +60 20 240 NK +60 20 241 AS +60 20 242 AS +60 20 243 NK +60 20 244 AS +60 20 245 NK +60 20 246 KO +60 20 247 IC +60 20 248 TI +60 20 249 KO +60 20 250 IC +60 20 251 AS +60 20 252 AS +60 20 253 KO +60 20 254 IC +60 20 255 TI +60 20 256 NK +60 20 257 KO +60 20 258 AS +60 20 259 NK +60 20 260 AS +60 20 261 NK +60 20 262 AS +60 20 263 TI +60 20 264 AS +60 20 265 KO +60 20 266 NK +60 20 267 NK +60 20 268 KO +60 20 269 NK +60 20 270 AS +60 20 271 KO +60 20 272 AS +60 20 273 NK +60 20 274 AS +60 20 275 AS +60 20 276 NK +60 20 277 KO +60 20 278 NK +60 20 279 IC +60 20 280 KO +60 20 281 KO +60 20 282 KO +60 20 283 AS +60 20 284 AS +60 20 285 AS +60 20 286 AS +60 20 287 TI +60 20 288 NK +60 20 289 KO +60 20 290 AS +60 20 291 IC +60 20 292 NK +60 20 293 AS +60 20 294 AS +60 20 295 TI +60 20 296 IC +60 20 297 AS +60 20 298 NK +60 20 299 KO +60 20 300 AS +60 20 301 KO +60 20 302 AS +60 20 303 AS +60 20 304 KO +60 20 305 NK +60 20 306 AS +60 20 307 KO +60 20 308 NK +60 20 309 TI +60 20 310 KO +60 20 311 KO +60 20 312 TI +60 20 313 IC +60 20 314 AS +60 20 315 KO +60 20 316 KO +60 20 317 NK +60 20 318 NK +60 20 319 AS +60 20 320 IC +60 20 321 NK +60 20 322 IC +60 20 323 KO +60 20 324 AS +60 20 325 NK +60 20 326 AS +60 20 327 AS +60 20 328 IC +60 20 329 AS +60 20 330 AS +60 21 1 AS +60 21 2 IC +60 21 3 NK +60 21 4 IC +60 21 5 AS +60 21 6 AS +60 21 7 IC +60 21 8 NK +60 21 9 IC +60 21 10 IC +60 21 11 IC +60 21 12 AS +60 21 13 IC +60 21 14 IC +60 21 15 AS +60 21 16 AS +60 21 17 NK +60 21 18 IC +60 21 19 IC +60 21 20 AS +60 21 21 NK +60 21 22 AS +60 21 23 IC +60 21 24 IC +60 21 25 IC +60 21 26 IC +60 21 27 AS +60 21 28 NK +60 21 29 IC +60 21 30 IC +60 21 31 AS +60 21 32 IC +60 21 33 AS +60 21 34 IC +60 21 35 NK +60 21 36 IC +60 21 37 IC +60 21 38 NK +60 21 39 IC +60 21 40 IC +60 21 41 NK +60 21 42 IC +60 21 43 IC +60 21 44 AS +60 21 45 IC +60 21 46 IC +60 21 47 IC +60 21 48 AS +60 21 49 AS +60 21 50 NK +60 21 51 IC +60 21 52 AS +60 21 53 NK +60 21 54 IC +60 21 55 IC +60 21 56 AS +60 21 57 IC +60 21 58 IC +60 21 59 AS +60 21 60 IC +60 21 61 NK +60 21 62 IC +60 21 63 AS +60 21 64 IC +60 21 65 NK +60 21 66 AS +60 21 67 IC +60 21 68 NK +60 21 69 IC +60 21 70 AS +60 21 71 NK +60 21 72 IC +60 21 73 NK +60 21 74 AS +60 21 75 IC +60 21 76 NK +60 21 77 IC +60 21 78 AS +60 21 79 IC +60 21 80 IC +60 21 81 IC +60 21 82 AS +60 21 83 AS +60 21 84 AS +60 21 85 IC +60 21 86 NK +60 21 87 IC +60 21 88 NK +60 21 89 IC +60 21 90 IC +60 21 91 AS +60 21 92 AS +60 21 93 IC +60 21 94 IC +60 21 95 AS +60 21 96 IC +60 21 97 IC +60 21 98 NK +60 21 99 IC +60 21 100 AS +60 21 101 NK +60 21 102 AS +60 21 103 IC +60 21 104 IC +60 21 105 NK +60 21 106 AS +60 21 107 AS +60 21 108 AS +60 21 109 IC +60 21 110 IC +60 21 111 IC +60 21 112 NK +60 21 113 IC +60 21 114 IC +60 21 115 NK +60 21 116 AS +60 21 117 IC +60 21 118 NK +60 21 119 IC +60 21 120 AS +60 21 121 NK +60 21 122 IC +60 21 123 IC +60 21 124 IC +60 21 125 NK +60 21 126 IC +60 21 127 IC +60 21 128 AS +60 21 129 AS +60 21 130 IC +60 21 131 NK +60 21 132 IC +60 21 133 IC +60 21 134 IC +60 21 135 NK +60 21 136 AS +60 21 137 IC +60 21 138 AS +60 21 139 AS +60 21 140 IC +60 21 141 AS +60 21 142 AS +60 21 143 IC +60 21 144 IC +60 21 145 IC +60 21 146 IC +60 21 147 IC +60 21 148 NK +60 21 149 IC +60 21 150 IC +60 21 151 AS +60 21 152 AS +60 21 153 IC +60 21 154 IC +60 21 155 IC +60 21 156 IC +60 21 157 IC +60 21 158 AS +60 21 159 IC +60 21 160 AS +60 21 161 IC +60 21 162 NK +60 21 163 IC +60 21 164 IC +60 21 165 IC +60 21 166 IC +60 21 167 AS +60 21 168 IC +60 21 169 IC +60 21 170 IC +60 21 171 IC +60 21 172 AS +60 21 173 NK +60 21 174 IC +60 21 175 IC +60 21 176 NK +60 21 177 AS +60 21 178 IC +60 21 179 NK +60 21 180 IC +60 21 181 IC +60 21 182 NK +60 21 183 IC +60 21 184 NK +60 21 185 IC +60 21 186 AS +60 21 187 NK +60 21 188 IC +60 21 189 AS +60 21 190 AS +60 21 191 IC +60 21 192 IC +60 21 193 IC +60 21 194 NK +60 21 195 IC +60 21 196 AS +60 21 197 AS +60 21 198 IC +60 21 199 AS +60 21 200 IC +60 21 201 AS +60 21 202 IC +60 21 203 NK +60 21 204 IC +60 21 205 IC +60 21 206 AS +60 21 207 NK +60 21 208 IC +60 21 209 IC +60 21 210 IC +60 21 211 AS +60 21 212 AS +60 21 213 IC +60 21 214 AS +60 21 215 NK +60 21 216 IC +60 21 217 AS +60 21 218 IC +60 21 219 AS +60 21 220 IC +60 21 221 AS +60 21 222 IC +60 21 223 IC +60 21 224 AS +60 21 225 IC +60 21 226 IC +60 21 227 IC +60 21 228 IC +60 21 229 AS +60 21 230 AS +60 21 231 NK +60 21 232 IC +60 21 233 AS +60 21 234 IC +60 21 235 IC +60 21 236 IC +60 21 237 AS +60 21 238 IC +60 21 239 NK +60 21 240 IC +60 21 241 AS +60 21 242 AS +60 21 243 NK +60 21 244 AS +60 21 245 NK +60 21 246 IC +60 21 247 IC +60 21 248 IC +60 21 249 IC +60 21 250 IC +60 21 251 AS +60 21 252 AS +60 21 253 IC +60 21 254 AS +60 21 255 IC +60 21 256 NK +60 21 257 IC +60 21 258 IC +60 21 259 NK +60 21 260 AS +60 21 261 IC +60 21 262 AS +60 21 263 IC +60 21 264 AS +60 21 265 IC +60 21 266 IC +60 21 267 NK +60 21 268 IC +60 21 269 NK +60 21 270 IC +60 21 271 IC +60 21 272 AS +60 21 273 IC +60 21 274 AS +60 21 275 IC +60 21 276 NK +60 21 277 IC +60 21 278 AS +60 21 279 IC +60 21 280 IC +60 21 281 IC +60 21 282 IC +60 21 283 IC +60 21 284 AS +60 21 285 AS +60 21 286 AS +60 21 287 IC +60 21 288 NK +60 21 289 IC +60 21 290 AS +60 21 291 IC +60 21 292 AS +60 21 293 AS +60 21 294 AS +60 21 295 IC +60 21 296 IC +60 21 297 AS +60 21 298 NK +60 21 299 IC +60 21 300 IC +60 21 301 IC +60 21 302 AS +60 21 303 AS +60 21 304 IC +60 21 305 NK +60 21 306 AS +60 21 307 IC +60 21 308 AS +60 21 309 IC +60 21 310 IC +60 21 311 IC +60 21 312 IC +60 21 313 IC +60 21 314 AS +60 21 315 IC +60 21 316 IC +60 21 317 NK +60 21 318 IC +60 21 319 AS +60 21 320 IC +60 21 321 NK +60 21 322 AS +60 21 323 IC +60 21 324 AS +60 21 325 IC +60 21 326 AS +60 21 327 AS +60 21 328 IC +60 21 329 IC +60 21 330 AS +60 22 1 IC +60 22 2 AS +60 22 3 NK +60 22 4 NK +60 22 5 CM +60 22 6 IC +60 22 7 EW +60 22 8 NK +60 22 9 EW +60 22 10 IC +60 22 11 IC +60 22 12 AS +60 22 13 IC +60 22 14 IC +60 22 15 NK +60 22 16 AS +60 22 17 NK +60 22 18 AS +60 22 19 IC +60 22 20 AS +60 22 21 NK +60 22 22 AS +60 22 23 NK +60 22 24 IC +60 22 25 IC +60 22 26 IC +60 22 27 AS +60 22 28 NK +60 22 29 IC +60 22 30 AS +60 22 31 IC +60 22 32 NK +60 22 33 AS +60 22 34 IC +60 22 35 NK +60 22 36 AS +60 22 37 IC +60 22 38 NK +60 22 39 IC +60 22 40 IC +60 22 41 NK +60 22 42 AS +60 22 43 IC +60 22 44 AS +60 22 45 IC +60 22 46 AS +60 22 47 AS +60 22 48 IC +60 22 49 IC +60 22 50 NK +60 22 51 IC +60 22 52 AS +60 22 53 NK +60 22 54 IC +60 22 55 IC +60 22 56 NK +60 22 57 IC +60 22 58 IC +60 22 59 AS +60 22 60 IC +60 22 61 NK +60 22 62 AS +60 22 63 NK +60 22 64 IC +60 22 65 NK +60 22 66 AS +60 22 67 IC +60 22 68 NK +60 22 69 AS +60 22 70 AS +60 22 71 NK +60 22 72 AS +60 22 73 NK +60 22 74 AS +60 22 75 IC +60 22 76 NK +60 22 77 IC +60 22 78 NK +60 22 79 IC +60 22 80 IC +60 22 81 IC +60 22 82 IC +60 22 83 AS +60 22 84 NK +60 22 85 IC +60 22 86 NK +60 22 87 IC +60 22 88 NK +60 22 89 IC +60 22 90 IC +60 22 91 AS +60 22 92 AS +60 22 93 IC +60 22 94 IC +60 22 95 AS +60 22 96 AS +60 22 97 NK +60 22 98 NK +60 22 99 AS +60 22 100 IC +60 22 101 NK +60 22 102 AS +60 22 103 IC +60 22 104 IC +60 22 105 NK +60 22 106 AS +60 22 107 AS +60 22 108 AS +60 22 109 IC +60 22 110 IC +60 22 111 IC +60 22 112 NK +60 22 113 IC +60 22 114 IC +60 22 115 NK +60 22 116 AS +60 22 117 IC +60 22 118 NK +60 22 119 IC +60 22 120 AS +60 22 121 NK +60 22 122 IC +60 22 123 IC +60 22 124 AS +60 22 125 NK +60 22 126 NK +60 22 127 IC +60 22 128 AS +60 22 129 AS +60 22 130 IC +60 22 131 NK +60 22 132 NK +60 22 133 IC +60 22 134 IC +60 22 135 NK +60 22 136 IC +60 22 137 IC +60 22 138 IC +60 22 139 AS +60 22 140 IC +60 22 141 AS +60 22 142 AS +60 22 143 IC +60 22 144 IC +60 22 145 IC +60 22 146 IC +60 22 147 IC +60 22 148 NK +60 22 149 IC +60 22 150 NK +60 22 151 NK +60 22 152 NK +60 22 153 IC +60 22 154 IC +60 22 155 IC +60 22 156 IC +60 22 157 IC +60 22 158 AS +60 22 159 IC +60 22 160 NK +60 22 161 IC +60 22 162 NK +60 22 163 IC +60 22 164 IC +60 22 165 IC +60 22 166 IC +60 22 167 AS +60 22 168 IC +60 22 169 IC +60 22 170 IC +60 22 171 IC +60 22 172 AS +60 22 173 NK +60 22 174 IC +60 22 175 AS +60 22 176 NK +60 22 177 AS +60 22 178 IC +60 22 179 NK +60 22 180 IC +60 22 181 IC +60 22 182 NK +60 22 183 IC +60 22 184 NK +60 22 185 NK +60 22 186 AS +60 22 187 NK +60 22 188 IC +60 22 189 IC +60 22 190 NK +60 22 191 IC +60 22 192 NK +60 22 193 IC +60 22 194 NK +60 22 195 IC +60 22 196 AS +60 22 197 NK +60 22 198 IC +60 22 199 AS +60 22 200 IC +60 22 201 NK +60 22 202 IC +60 22 203 NK +60 22 204 IC +60 22 205 IC +60 22 206 AS +60 22 207 NK +60 22 208 IC +60 22 209 IC +60 22 210 NK +60 22 211 IC +60 22 212 NK +60 22 213 IC +60 22 214 IC +60 22 215 NK +60 22 216 IC +60 22 217 NK +60 22 218 IC +60 22 219 AS +60 22 220 IC +60 22 221 AS +60 22 222 IC +60 22 223 IC +60 22 224 AS +60 22 225 IC +60 22 226 IC +60 22 227 IC +60 22 228 IC +60 22 229 AS +60 22 230 AS +60 22 231 NK +60 22 232 IC +60 22 233 IC +60 22 234 IC +60 22 235 IC +60 22 236 AS +60 22 237 NK +60 22 238 IC +60 22 239 NK +60 22 240 NK +60 22 241 AS +60 22 242 IC +60 22 243 NK +60 22 244 AS +60 22 245 NK +60 22 246 IC +60 22 247 IC +60 22 248 IC +60 22 249 IC +60 22 250 IC +60 22 251 IC +60 22 252 AS +60 22 253 IC +60 22 254 IC +60 22 255 IC +60 22 256 NK +60 22 257 IC +60 22 258 IC +60 22 259 NK +60 22 260 AS +60 22 261 NK +60 22 262 AS +60 22 263 AS +60 22 264 AS +60 22 265 IC +60 22 266 NK +60 22 267 NK +60 22 268 AS +60 22 269 NK +60 22 270 NK +60 22 271 IC +60 22 272 AS +60 22 273 NK +60 22 274 AS +60 22 275 IC +60 22 276 NK +60 22 277 IC +60 22 278 NK +60 22 279 IC +60 22 280 IC +60 22 281 IC +60 22 282 IC +60 22 283 IC +60 22 284 AS +60 22 285 NK +60 22 286 AS +60 22 287 IC +60 22 288 NK +60 22 289 IC +60 22 290 AS +60 22 291 IC +60 22 292 NK +60 22 293 AS +60 22 294 AS +60 22 295 IC +60 22 296 NK +60 22 297 IC +60 22 298 NK +60 22 299 IC +60 22 300 AS +60 22 301 IC +60 22 302 AS +60 22 303 AS +60 22 304 IC +60 22 305 NK +60 22 306 IC +60 22 307 IC +60 22 308 NK +60 22 309 IC +60 22 310 IC +60 22 311 IC +60 22 312 IC +60 22 313 IC +60 22 314 AS +60 22 315 IC +60 22 316 IC +60 22 317 NK +60 22 318 NK +60 22 319 AS +60 22 320 IC +60 22 321 NK +60 22 322 IC +60 22 323 IC +60 22 324 AS +60 22 325 NK +60 22 326 IC +60 22 327 AS +60 22 328 IC +60 22 329 IC +60 22 330 AS +60 23 1 IC +60 23 2 AS +60 23 3 NK +60 23 4 NK +60 23 5 IC +60 23 6 IC +60 23 7 AS +60 23 8 NK +60 23 9 IC +60 23 10 IC +60 23 11 IC +60 23 12 KI +60 23 13 IC +60 23 14 IC +60 23 15 NK +60 23 16 AS +60 23 17 NK +60 23 18 IC +60 23 19 IC +60 23 20 AS +60 23 21 NK +60 23 22 IC +60 23 23 NK +60 23 24 KC +60 23 25 IC +60 23 26 IC +60 23 27 AS +60 23 28 NK +60 23 29 AS +60 23 30 NK +60 23 31 IC +60 23 32 NK +60 23 33 AS +60 23 34 IC +60 23 35 NK +60 23 36 IC +60 23 37 IC +60 23 38 NK +60 23 39 AS +60 23 40 IC +60 23 41 NK +60 23 42 KI +60 23 43 IC +60 23 44 AS +60 23 45 AS +60 23 46 IC +60 23 47 IC +60 23 48 IC +60 23 49 AS +60 23 50 NK +60 23 51 IC +60 23 52 AS +60 23 53 NK +60 23 54 AS +60 23 55 IC +60 23 56 IC +60 23 57 IC +60 23 58 IC +60 23 59 AS +60 23 60 IC +60 23 61 NK +60 23 62 IC +60 23 63 NK +60 23 64 IC +60 23 65 NK +60 23 66 AS +60 23 67 AS +60 23 68 NK +60 23 69 IC +60 23 70 AS +60 23 71 NK +60 23 72 AS +60 23 73 NK +60 23 74 AS +60 23 75 IC +60 23 76 NK +60 23 77 AS +60 23 78 AS +60 23 79 IC +60 23 80 IC +60 23 81 AS +60 23 82 IC +60 23 83 AS +60 23 84 NK +60 23 85 AS +60 23 86 NK +60 23 87 IC +60 23 88 NK +60 23 89 IC +60 23 90 IC +60 23 91 KI +60 23 92 AS +60 23 93 IC +60 23 94 IC +60 23 95 AS +60 23 96 KI +60 23 97 IC +60 23 98 NK +60 23 99 AS +60 23 100 AS +60 23 101 NK +60 23 102 AS +60 23 103 IC +60 23 104 IC +60 23 105 NK +60 23 106 AS +60 23 107 AS +60 23 108 AS +60 23 109 IC +60 23 110 KI +60 23 111 IC +60 23 112 NK +60 23 113 IC +60 23 114 IC +60 23 115 NK +60 23 116 AS +60 23 117 IC +60 23 118 NK +60 23 119 AS +60 23 120 AS +60 23 121 NK +60 23 122 AS +60 23 123 IC +60 23 124 KI +60 23 125 NK +60 23 126 NK +60 23 127 IC +60 23 128 KI +60 23 129 AS +60 23 130 IC +60 23 131 NK +60 23 132 NK +60 23 133 AS +60 23 134 IC +60 23 135 NK +60 23 136 AS +60 23 137 AS +60 23 138 IC +60 23 139 AS +60 23 140 IC +60 23 141 AS +60 23 142 AS +60 23 143 AS +60 23 144 IC +60 23 145 AS +60 23 146 KI +60 23 147 AS +60 23 148 NK +60 23 149 AS +60 23 150 NK +60 23 151 NK +60 23 152 NK +60 23 153 IC +60 23 154 IC +60 23 155 IC +60 23 156 AS +60 23 157 IC +60 23 158 AS +60 23 159 IC +60 23 160 NK +60 23 161 AS +60 23 162 NK +60 23 163 AS +60 23 164 IC +60 23 165 IC +60 23 166 IC +60 23 167 AS +60 23 168 IC +60 23 169 IC +60 23 170 IC +60 23 171 AS +60 23 172 AS +60 23 173 NK +60 23 174 KI +60 23 175 AS +60 23 176 NK +60 23 177 KI +60 23 178 IC +60 23 179 NK +60 23 180 AS +60 23 181 KI +60 23 182 NK +60 23 183 IC +60 23 184 NK +60 23 185 KI +60 23 186 AS +60 23 187 KI +60 23 188 AS +60 23 189 AS +60 23 190 NK +60 23 191 AS +60 23 192 IC +60 23 193 KI +60 23 194 NK +60 23 195 AS +60 23 196 AS +60 23 197 NK +60 23 198 IC +60 23 199 AS +60 23 200 IC +60 23 201 NK +60 23 202 AS +60 23 203 NK +60 23 204 IC +60 23 205 IC +60 23 206 AS +60 23 207 NK +60 23 208 KI +60 23 209 IC +60 23 210 NK +60 23 211 AS +60 23 212 KI +60 23 213 AS +60 23 214 KI +60 23 215 NK +60 23 216 IC +60 23 217 NK +60 23 218 KI +60 23 219 AS +60 23 220 IC +60 23 221 AS +60 23 222 NK +60 23 223 AS +60 23 224 AS +60 23 225 KI +60 23 226 IC +60 23 227 IC +60 23 228 IC +60 23 229 AS +60 23 230 AS +60 23 231 NK +60 23 232 IC +60 23 233 AS +60 23 234 AS +60 23 235 IC +60 23 236 KI +60 23 237 NK +60 23 238 IC +60 23 239 NK +60 23 240 NK +60 23 241 AS +60 23 242 KI +60 23 243 NK +60 23 244 AS +60 23 245 NK +60 23 246 AS +60 23 247 IC +60 23 248 IC +60 23 249 AS +60 23 250 NK +60 23 251 AS +60 23 252 AS +60 23 253 AS +60 23 254 IC +60 23 255 IC +60 23 256 NK +60 23 257 IC +60 23 258 KI +60 23 259 NK +60 23 260 KI +60 23 261 NK +60 23 262 AS +60 23 263 IC +60 23 264 AS +60 23 265 IC +60 23 266 NK +60 23 267 NK +60 23 268 AS +60 23 269 NK +60 23 270 KI +60 23 271 IC +60 23 272 AS +60 23 273 NK +60 23 274 AS +60 23 275 KI +60 23 276 NK +60 23 277 IC +60 23 278 NK +60 23 279 IC +60 23 280 AS +60 23 281 AS +60 23 282 AS +60 23 283 IC +60 23 284 AS +60 23 285 NK +60 23 286 AS +60 23 287 KI +60 23 288 NK +60 23 289 AS +60 23 290 AS +60 23 291 IC +60 23 292 NK +60 23 293 AS +60 23 294 AS +60 23 295 IC +60 23 296 NK +60 23 297 KI +60 23 298 NK +60 23 299 AS +60 23 300 AS +60 23 301 AS +60 23 302 AS +60 23 303 AS +60 23 304 AS +60 23 305 NK +60 23 306 AS +60 23 307 IC +60 23 308 IC +60 23 309 IC +60 23 310 AS +60 23 311 IC +60 23 312 IC +60 23 313 IC +60 23 314 AS +60 23 315 AS +60 23 316 IC +60 23 317 NK +60 23 318 NK +60 23 319 AS +60 23 320 KI +60 23 321 NK +60 23 322 AS +60 23 323 AS +60 23 324 AS +60 23 325 NK +60 23 326 KI +60 23 327 AS +60 23 328 AS +60 23 329 IC +60 23 330 AS +60 24 1 IU +60 24 2 AS +60 24 3 NK +60 24 4 IC +60 24 5 IU +60 24 6 AS +60 24 7 IU +60 24 8 NK +60 24 9 KC +60 24 10 IC +60 24 11 IC +60 24 12 KI +60 24 13 IC +60 24 14 IC +60 24 15 AS +60 24 16 AS +60 24 17 NK +60 24 18 IC +60 24 19 IU +60 24 20 AS +60 24 21 NK +60 24 22 AS +60 24 23 AS +60 24 24 IC +60 24 25 IC +60 24 26 IC +60 24 27 AS +60 24 28 NK +60 24 29 AS +60 24 30 NK +60 24 31 AS +60 24 32 NK +60 24 33 AS +60 24 34 IC +60 24 35 NK +60 24 36 IC +60 24 37 IC +60 24 38 NK +60 24 39 IC +60 24 40 IC +60 24 41 NK +60 24 42 AS +60 24 43 IC +60 24 44 AS +60 24 45 NK +60 24 46 IC +60 24 47 IC +60 24 48 NK +60 24 49 IC +60 24 50 NK +60 24 51 IC +60 24 52 AS +60 24 53 NK +60 24 54 IC +60 24 55 IC +60 24 56 AS +60 24 57 IC +60 24 58 IC +60 24 59 AS +60 24 60 IC +60 24 61 NK +60 24 62 IC +60 24 63 NK +60 24 64 IC +60 24 65 NK +60 24 66 AS +60 24 67 IC +60 24 68 NK +60 24 69 IC +60 24 70 AS +60 24 71 NK +60 24 72 IC +60 24 73 NK +60 24 74 AS +60 24 75 IC +60 24 76 NK +60 24 77 IC +60 24 78 AS +60 24 79 IC +60 24 80 IC +60 24 81 AS +60 24 82 IC +60 24 83 AS +60 24 84 NK +60 24 85 IC +60 24 86 NK +60 24 87 IC +60 24 88 NK +60 24 89 IC +60 24 90 IC +60 24 91 AS +60 24 92 AS +60 24 93 IC +60 24 94 IC +60 24 95 AS +60 24 96 NK +60 24 97 IC +60 24 98 NK +60 24 99 AS +60 24 100 AS +60 24 101 NK +60 24 102 AS +60 24 103 IC +60 24 104 IC +60 24 105 NK +60 24 106 AS +60 24 107 AS +60 24 108 AS +60 24 109 IC +60 24 110 AS +60 24 111 IC +60 24 112 NK +60 24 113 IC +60 24 114 IC +60 24 115 NK +60 24 116 AS +60 24 117 IC +60 24 118 NK +60 24 119 IC +60 24 120 AS +60 24 121 NK +60 24 122 IC +60 24 123 IC +60 24 124 AS +60 24 125 NK +60 24 126 NK +60 24 127 IC +60 24 128 NK +60 24 129 AS +60 24 130 IC +60 24 131 NK +60 24 132 NK +60 24 133 IC +60 24 134 NK +60 24 135 NK +60 24 136 IC +60 24 137 IC +60 24 138 AS +60 24 139 AS +60 24 140 IC +60 24 141 AS +60 24 142 AS +60 24 143 AS +60 24 144 IC +60 24 145 IC +60 24 146 NK +60 24 147 IC +60 24 148 NK +60 24 149 AS +60 24 150 IC +60 24 151 AS +60 24 152 AS +60 24 153 IC +60 24 154 IC +60 24 155 IC +60 24 156 IC +60 24 157 IC +60 24 158 AS +60 24 159 AS +60 24 160 NK +60 24 161 IC +60 24 162 NK +60 24 163 IC +60 24 164 IC +60 24 165 AS +60 24 166 IC +60 24 167 AS +60 24 168 IC +60 24 169 IC +60 24 170 IC +60 24 171 IC +60 24 172 AS +60 24 173 NK +60 24 174 NK +60 24 175 AS +60 24 176 NK +60 24 177 AS +60 24 178 IC +60 24 179 NK +60 24 180 IC +60 24 181 AS +60 24 182 NK +60 24 183 IC +60 24 184 IC +60 24 185 AS +60 24 186 IC +60 24 187 NK +60 24 188 IC +60 24 189 AS +60 24 190 AS +60 24 191 IC +60 24 192 AS +60 24 193 AS +60 24 194 NK +60 24 195 IC +60 24 196 IC +60 24 197 AS +60 24 198 IC +60 24 199 AS +60 24 200 IC +60 24 201 AS +60 24 202 IC +60 24 203 NK +60 24 204 IC +60 24 205 IC +60 24 206 AS +60 24 207 NK +60 24 208 IC +60 24 209 IC +60 24 210 NK +60 24 211 IC +60 24 212 NK +60 24 213 AS +60 24 214 NK +60 24 215 NK +60 24 216 IC +60 24 217 AS +60 24 218 IC +60 24 219 AS +60 24 220 IC +60 24 221 AS +60 24 222 IC +60 24 223 IC +60 24 224 AS +60 24 225 IC +60 24 226 IC +60 24 227 IC +60 24 228 IC +60 24 229 IC +60 24 230 AS +60 24 231 AS +60 24 232 IC +60 24 233 AS +60 24 234 AS +60 24 235 IC +60 24 236 IC +60 24 237 NK +60 24 238 IC +60 24 239 NK +60 24 240 NK +60 24 241 AS +60 24 242 AS +60 24 243 NK +60 24 244 AS +60 24 245 NK +60 24 246 IC +60 24 247 IC +60 24 248 IC +60 24 249 IC +60 24 250 IC +60 24 251 AS +60 24 252 AS +60 24 253 AS +60 24 254 AS +60 24 255 AS +60 24 256 NK +60 24 257 IC +60 24 258 AS +60 24 259 NK +60 24 260 AS +60 24 261 NK +60 24 262 AS +60 24 263 AS +60 24 264 AS +60 24 265 IC +60 24 266 NK +60 24 267 NK +60 24 268 IC +60 24 269 NK +60 24 270 NK +60 24 271 IC +60 24 272 AS +60 24 273 NK +60 24 274 AS +60 24 275 AS +60 24 276 NK +60 24 277 IC +60 24 278 NK +60 24 279 IC +60 24 280 IC +60 24 281 IC +60 24 282 IC +60 24 283 AS +60 24 284 AS +60 24 285 AS +60 24 286 AS +60 24 287 AS +60 24 288 NK +60 24 289 IC +60 24 290 AS +60 24 291 IC +60 24 292 AS +60 24 293 AS +60 24 294 AS +60 24 295 AS +60 24 296 IC +60 24 297 AS +60 24 298 NK +60 24 299 IC +60 24 300 AS +60 24 301 IC +60 24 302 AS +60 24 303 AS +60 24 304 IC +60 24 305 NK +60 24 306 AS +60 24 307 IC +60 24 308 AS +60 24 309 IC +60 24 310 AS +60 24 311 IC +60 24 312 IC +60 24 313 IC +60 24 314 AS +60 24 315 AS +60 24 316 IC +60 24 317 NK +60 24 318 NK +60 24 319 AS +60 24 320 AS +60 24 321 NK +60 24 322 AS +60 24 323 IC +60 24 324 AS +60 24 325 NK +60 24 326 IC +60 24 327 AS +60 24 328 IC +60 24 329 NK +60 24 330 AS +60 25 1 AS +60 25 2 AS +60 25 3 NK +60 25 4 IC +60 25 5 AS +60 25 6 AS +60 25 7 IC +60 25 8 NK +60 25 9 NK +60 25 10 IC +60 25 11 IC +60 25 12 AS +60 25 13 IC +60 25 14 IC +60 25 15 AS +60 25 16 AS +60 25 17 NK +60 25 18 AS +60 25 19 IC +60 25 20 IC +60 25 21 NK +60 25 22 AS +60 25 23 NK +60 25 24 IC +60 25 25 IC +60 25 26 IC +60 25 27 AS +60 25 28 NK +60 25 29 IC +60 25 30 NK +60 25 31 AS +60 25 32 NK +60 25 33 IC +60 25 34 IC +60 25 35 NK +60 25 36 IC +60 25 37 IC +60 25 38 NK +60 25 39 IC +60 25 40 IC +60 25 41 NK +60 25 42 AS +60 25 43 IC +60 25 44 AS +60 25 45 AS +60 25 46 IC +60 25 47 IC +60 25 48 AS +60 25 49 IC +60 25 50 IC +60 25 51 IC +60 25 52 AS +60 25 53 NK +60 25 54 IC +60 25 55 IC +60 25 56 NK +60 25 57 IC +60 25 58 AS +60 25 59 AS +60 25 60 IC +60 25 61 NK +60 25 62 AS +60 25 63 NK +60 25 64 IC +60 25 65 NK +60 25 66 AS +60 25 67 AS +60 25 68 NK +60 25 69 IC +60 25 70 AS +60 25 71 IC +60 25 72 IC +60 25 73 IC +60 25 74 AS +60 25 75 IC +60 25 76 NK +60 25 77 IC +60 25 78 AS +60 25 79 IC +60 25 80 IC +60 25 81 AS +60 25 82 IC +60 25 83 AS +60 25 84 NK +60 25 85 IC +60 25 86 NK +60 25 87 IC +60 25 88 NK +60 25 89 IC +60 25 90 IC +60 25 91 AS +60 25 92 AS +60 25 93 IC +60 25 94 IC +60 25 95 AS +60 25 96 AS +60 25 97 IC +60 25 98 NK +60 25 99 AS +60 25 100 AS +60 25 101 NK +60 25 102 AS +60 25 103 IC +60 25 104 AS +60 25 105 NK +60 25 106 AS +60 25 107 AS +60 25 108 AS +60 25 109 IC +60 25 110 AS +60 25 111 IC +60 25 112 NK +60 25 113 IC +60 25 114 IC +60 25 115 NK +60 25 116 AS +60 25 117 IC +60 25 118 NK +60 25 119 AS +60 25 120 AS +60 25 121 NK +60 25 122 IC +60 25 123 IC +60 25 124 AS +60 25 125 NK +60 25 126 NK +60 25 127 IC +60 25 128 AS +60 25 129 AS +60 25 130 IC +60 25 131 NK +60 25 132 NK +60 25 133 IC +60 25 134 IC +60 25 135 NK +60 25 136 IC +60 25 137 IC +60 25 138 IC +60 25 139 AS +60 25 140 IC +60 25 141 AS +60 25 142 AS +60 25 143 AS +60 25 144 IC +60 25 145 AS +60 25 146 AS +60 25 147 IC +60 25 148 NK +60 25 149 AS +60 25 150 IC +60 25 151 NK +60 25 152 NK +60 25 153 IC +60 25 154 IC +60 25 155 IC +60 25 156 IC +60 25 157 IC +60 25 158 AS +60 25 159 AS +60 25 160 NK +60 25 161 IC +60 25 162 NK +60 25 163 IC +60 25 164 IC +60 25 165 IC +60 25 166 IC +60 25 167 AS +60 25 168 IC +60 25 169 IC +60 25 170 IC +60 25 171 IC +60 25 172 IC +60 25 173 NK +60 25 174 NK +60 25 175 AS +60 25 176 NK +60 25 177 AS +60 25 178 IC +60 25 179 NK +60 25 180 IC +60 25 181 AS +60 25 182 NK +60 25 183 AS +60 25 184 NK +60 25 185 NK +60 25 186 IC +60 25 187 IC +60 25 188 IC +60 25 189 AS +60 25 190 NK +60 25 191 IC +60 25 192 IC +60 25 193 AS +60 25 194 NK +60 25 195 AS +60 25 196 AS +60 25 197 NK +60 25 198 IC +60 25 199 AS +60 25 200 AS +60 25 201 NK +60 25 202 IC +60 25 203 NK +60 25 204 IC +60 25 205 NK +60 25 206 AS +60 25 207 NK +60 25 208 IC +60 25 209 IC +60 25 210 IC +60 25 211 IC +60 25 212 NK +60 25 213 AS +60 25 214 AS +60 25 215 NK +60 25 216 IC +60 25 217 IC +60 25 218 AS +60 25 219 AS +60 25 220 IC +60 25 221 AS +60 25 222 IC +60 25 223 IC +60 25 224 AS +60 25 225 IC +60 25 226 IC +60 25 227 IC +60 25 228 IC +60 25 229 AS +60 25 230 AS +60 25 231 NK +60 25 232 IC +60 25 233 IC +60 25 234 IC +60 25 235 IC +60 25 236 AS +60 25 237 AS +60 25 238 IC +60 25 239 NK +60 25 240 NK +60 25 241 AS +60 25 242 AS +60 25 243 NK +60 25 244 AS +60 25 245 NK +60 25 246 IC +60 25 247 IC +60 25 248 IC +60 25 249 IC +60 25 250 IC +60 25 251 AS +60 25 252 AS +60 25 253 AS +60 25 254 AS +60 25 255 IC +60 25 256 NK +60 25 257 IC +60 25 258 AS +60 25 259 NK +60 25 260 AS +60 25 261 NK +60 25 262 AS +60 25 263 IC +60 25 264 AS +60 25 265 IC +60 25 266 NK +60 25 267 NK +60 25 268 IC +60 25 269 NK +60 25 270 AS +60 25 271 IC +60 25 272 AS +60 25 273 AS +60 25 274 AS +60 25 275 AS +60 25 276 NK +60 25 277 IC +60 25 278 NK +60 25 279 IC +60 25 280 IC +60 25 281 IC +60 25 282 IC +60 25 283 AS +60 25 284 AS +60 25 285 AS +60 25 286 AS +60 25 287 IC +60 25 288 NK +60 25 289 AS +60 25 290 AS +60 25 291 IC +60 25 292 NK +60 25 293 AS +60 25 294 AS +60 25 295 NK +60 25 296 AS +60 25 297 AS +60 25 298 NK +60 25 299 IC +60 25 300 IC +60 25 301 IC +60 25 302 IC +60 25 303 AS +60 25 304 AS +60 25 305 NK +60 25 306 AS +60 25 307 AS +60 25 308 AS +60 25 309 IC +60 25 310 AS +60 25 311 AS +60 25 312 IC +60 25 313 IC +60 25 314 AS +60 25 315 AS +60 25 316 IC +60 25 317 NK +60 25 318 NK +60 25 319 AS +60 25 320 AS +60 25 321 NK +60 25 322 AS +60 25 323 IC +60 25 324 AS +60 25 325 AS +60 25 326 AS +60 25 327 AS +60 25 328 IC +60 25 329 AS +60 25 330 AS +61 1 1 LE +61 1 2 LE +61 1 3 WI +61 1 4 DU +61 1 5 LE +61 1 6 LE +61 1 7 LE +61 1 8 WI +61 1 9 DU +61 1 10 DU +61 1 11 DU +61 1 12 LE +61 1 13 LE +61 1 14 LE +61 1 15 LE +61 1 16 RE +61 1 17 WI +61 1 18 DU +61 1 19 LE +61 1 20 LE +61 1 21 LE +61 1 22 RE +61 1 23 DU +61 1 24 DU +61 1 25 LE +61 1 26 LE +61 1 27 RE +61 1 28 LE +61 1 29 LE +61 1 30 LE +61 1 31 LE +61 1 32 LE +61 1 33 LE +61 1 34 LE +61 1 35 LE +61 1 36 DU +61 1 37 LE +61 1 38 LE +61 1 39 DU +61 1 40 DU +61 1 41 LE +61 1 42 LE +61 1 43 DU +61 1 44 RE +61 1 45 LE +61 1 46 DU +61 1 47 DU +61 1 48 LE +61 1 49 LE +61 1 50 DU +61 1 51 DU +61 1 52 RE +61 1 53 LE +61 1 54 DU +61 1 55 LE +61 1 56 LE +61 1 57 LE +61 1 58 LE +61 1 59 LE +61 1 60 DU +61 1 61 LE +61 1 62 LE +61 1 63 LE +61 1 64 LE +61 1 65 LE +61 1 66 LE +61 1 67 RE +61 1 68 LE +61 1 69 DU +61 1 70 RE +61 1 71 DU +61 1 72 LE +61 1 73 LE +61 1 74 LE +61 1 75 DU +61 1 76 LE +61 1 77 LE +61 1 78 LE +61 1 79 DU +61 1 80 LE +61 1 81 LE +61 1 82 LE +61 1 83 RE +61 1 84 RE +61 1 85 LE +61 1 86 LE +61 1 87 DU +61 1 88 LE +61 1 89 DU +61 1 90 DU +61 1 91 LE +61 1 92 RE +61 1 93 DU +61 1 94 DU +61 1 95 RE +61 1 96 LE +61 1 97 LE +61 1 98 LE +61 1 99 LE +61 1 100 RE +61 1 101 LE +61 1 102 LE +61 1 103 DU +61 1 104 LE +61 1 105 LE +61 1 106 LE +61 1 107 RE +61 1 108 RE +61 1 109 LE +61 1 110 LE +61 1 111 DU +61 1 112 LE +61 1 113 DU +61 1 114 DU +61 1 115 LE +61 1 116 LE +61 1 117 DU +61 1 118 LE +61 1 119 LE +61 1 120 RE +61 1 121 LE +61 1 122 LE +61 1 123 LE +61 1 124 LE +61 1 125 WI +61 1 126 LE +61 1 127 DU +61 1 128 LE +61 1 129 RE +61 1 130 DU +61 1 131 LE +61 1 132 LE +61 1 133 LE +61 1 134 DU +61 1 135 LE +61 1 136 LE +61 1 137 DU +61 1 138 LE +61 1 139 RE +61 1 140 DU +61 1 141 RE +61 1 142 RE +61 1 143 LE +61 1 144 LE +61 1 145 LE +61 1 146 LE +61 1 147 DU +61 1 148 WI +61 1 149 LE +61 1 150 DU +61 1 151 LE +61 1 152 LE +61 1 153 LE +61 1 154 DU +61 1 155 DU +61 1 156 LE +61 1 157 DU +61 1 158 RE +61 1 159 LE +61 1 160 LE +61 1 161 LE +61 1 162 LE +61 1 163 LE +61 1 164 LE +61 1 165 DU +61 1 166 DU +61 1 167 LE +61 1 168 LE +61 1 169 LE +61 1 170 DU +61 1 171 DU +61 1 172 RE +61 1 173 LE +61 1 174 LE +61 1 175 LE +61 1 176 LE +61 1 177 LE +61 1 178 LE +61 1 179 DU +61 1 180 LE +61 1 181 DU +61 1 182 LE +61 1 183 DU +61 1 184 LE +61 1 185 LE +61 1 186 LE +61 1 187 WI +61 1 188 DU +61 1 189 LE +61 1 190 LE +61 1 191 LE +61 1 192 LE +61 1 193 LE +61 1 194 DU +61 1 195 LE +61 1 196 RE +61 1 197 DU +61 1 198 DU +61 1 199 RE +61 1 200 RE +61 1 201 LE +61 1 202 LE +61 1 203 LE +61 1 204 DU +61 1 205 LE +61 1 206 RE +61 1 207 LE +61 1 208 LE +61 1 209 DU +61 1 210 DU +61 1 211 LE +61 1 212 LE +61 1 213 RE +61 1 214 LE +61 1 215 LE +61 1 216 DU +61 1 217 LE +61 1 218 LE +61 1 219 RE +61 1 220 LE +61 1 221 RE +61 1 222 LE +61 1 223 LE +61 1 224 RE +61 1 225 DU +61 1 226 LE +61 1 227 DU +61 1 228 DU +61 1 229 LE +61 1 230 RE +61 1 231 DU +61 1 232 LE +61 1 233 LE +61 1 234 LE +61 1 235 LE +61 1 236 LE +61 1 237 RE +61 1 238 LE +61 1 239 LE +61 1 240 DU +61 1 241 RE +61 1 242 RE +61 1 243 LE +61 1 244 RE +61 1 245 WI +61 1 246 LE +61 1 247 LE +61 1 248 DU +61 1 249 LE +61 1 250 DU +61 1 251 RE +61 1 252 RE +61 1 253 LE +61 1 254 LE +61 1 255 DU +61 1 256 LE +61 1 257 LE +61 1 258 LE +61 1 259 LE +61 1 260 RE +61 1 261 LE +61 1 262 RE +61 1 263 DU +61 1 264 LE +61 1 265 DU +61 1 266 LE +61 1 267 LE +61 1 268 LE +61 1 269 LE +61 1 270 LE +61 1 271 DU +61 1 272 RE +61 1 273 LE +61 1 274 RE +61 1 275 LE +61 1 276 LE +61 1 277 LE +61 1 278 LE +61 1 279 DU +61 1 280 LE +61 1 281 LE +61 1 282 LE +61 1 283 DU +61 1 284 RE +61 1 285 LE +61 1 286 RE +61 1 287 DU +61 1 288 LE +61 1 289 LE +61 1 290 RE +61 1 291 LE +61 1 292 LE +61 1 293 LE +61 1 294 RE +61 1 295 DU +61 1 296 LE +61 1 297 LE +61 1 298 WI +61 1 299 LE +61 1 300 RE +61 1 301 LE +61 1 302 RE +61 1 303 RE +61 1 304 LE +61 1 305 DU +61 1 306 LE +61 1 307 LE +61 1 308 LE +61 1 309 DU +61 1 310 LE +61 1 311 LE +61 1 312 DU +61 1 313 LE +61 1 314 RE +61 1 315 LE +61 1 316 LE +61 1 317 LE +61 1 318 LE +61 1 319 RE +61 1 320 LE +61 1 321 WI +61 1 322 LE +61 1 323 LE +61 1 324 RE +61 1 325 LE +61 1 326 LE +61 1 327 RE +61 1 328 DU +61 1 329 DU +61 1 330 RE +61 2 1 ND +61 2 2 LE +61 2 3 WI +61 2 4 DU +61 2 5 LE +61 2 6 LE +61 2 7 LE +61 2 8 WI +61 2 9 SU +61 2 10 DU +61 2 11 LE +61 2 12 LE +61 2 13 LE +61 2 14 DU +61 2 15 RE +61 2 16 RE +61 2 17 WI +61 2 18 DU +61 2 19 LE +61 2 20 LE +61 2 21 WI +61 2 22 LE +61 2 23 ND +61 2 24 DU +61 2 25 LE +61 2 26 DU +61 2 27 RE +61 2 28 WI +61 2 29 LE +61 2 30 WI +61 2 31 SU +61 2 32 LE +61 2 33 LE +61 2 34 LE +61 2 35 WI +61 2 36 DU +61 2 37 DU +61 2 38 WI +61 2 39 LE +61 2 40 LE +61 2 41 WI +61 2 42 SU +61 2 43 DU +61 2 44 RE +61 2 45 LE +61 2 46 SU +61 2 47 DU +61 2 48 LE +61 2 49 LE +61 2 50 WI +61 2 51 LE +61 2 52 RE +61 2 53 LE +61 2 54 LE +61 2 55 DU +61 2 56 LE +61 2 57 LE +61 2 58 LE +61 2 59 LE +61 2 60 DU +61 2 61 WI +61 2 62 LE +61 2 63 WI +61 2 64 DU +61 2 65 WI +61 2 66 LE +61 2 67 RE +61 2 68 WI +61 2 69 LE +61 2 70 ND +61 2 71 WI +61 2 72 LE +61 2 73 LE +61 2 74 SU +61 2 75 DU +61 2 76 WI +61 2 77 LE +61 2 78 LE +61 2 79 DU +61 2 80 LE +61 2 81 LE +61 2 82 LE +61 2 83 RE +61 2 84 LE +61 2 85 LE +61 2 86 WI +61 2 87 DU +61 2 88 WI +61 2 89 DU +61 2 90 LE +61 2 91 LE +61 2 92 RE +61 2 93 LE +61 2 94 DU +61 2 95 ND +61 2 96 LE +61 2 97 DU +61 2 98 WI +61 2 99 SU +61 2 100 LE +61 2 101 WI +61 2 102 SU +61 2 103 LE +61 2 104 LE +61 2 105 WI +61 2 106 LE +61 2 107 RE +61 2 108 LE +61 2 109 LE +61 2 110 LE +61 2 111 DU +61 2 112 WI +61 2 113 DU +61 2 114 LE +61 2 115 WI +61 2 116 LE +61 2 117 LE +61 2 118 WI +61 2 119 LE +61 2 120 RE +61 2 121 WI +61 2 122 LE +61 2 123 LE +61 2 124 LE +61 2 125 WI +61 2 126 WI +61 2 127 DU +61 2 128 LE +61 2 129 RE +61 2 130 DU +61 2 131 WI +61 2 132 WI +61 2 133 LE +61 2 134 DU +61 2 135 WI +61 2 136 LE +61 2 137 LE +61 2 138 SU +61 2 139 RE +61 2 140 LE +61 2 141 RE +61 2 142 RE +61 2 143 LE +61 2 144 DU +61 2 145 LE +61 2 146 LE +61 2 147 LE +61 2 148 WI +61 2 149 SU +61 2 150 DU +61 2 151 LE +61 2 152 LE +61 2 153 LE +61 2 154 DU +61 2 155 LE +61 2 156 LE +61 2 157 LE +61 2 158 RE +61 2 159 LE +61 2 160 LE +61 2 161 LE +61 2 162 WI +61 2 163 LE +61 2 164 LE +61 2 165 LE +61 2 166 DU +61 2 167 RE +61 2 168 LE +61 2 169 LE +61 2 170 DU +61 2 171 LE +61 2 172 RE +61 2 173 WI +61 2 174 LE +61 2 175 SU +61 2 176 WI +61 2 177 LE +61 2 178 LE +61 2 179 WI +61 2 180 LE +61 2 181 WI +61 2 182 LE +61 2 183 LE +61 2 184 LE +61 2 185 WI +61 2 186 LE +61 2 187 LE +61 2 188 LE +61 2 189 RE +61 2 190 LE +61 2 191 DU +61 2 192 LE +61 2 193 LE +61 2 194 WI +61 2 195 LE +61 2 196 LE +61 2 197 LE +61 2 198 DU +61 2 199 RE +61 2 200 DU +61 2 201 LE +61 2 202 LE +61 2 203 WI +61 2 204 DU +61 2 205 DU +61 2 206 RE +61 2 207 WI +61 2 208 LE +61 2 209 LE +61 2 210 WI +61 2 211 LE +61 2 212 LE +61 2 213 RE +61 2 214 LE +61 2 215 LE +61 2 216 DU +61 2 217 LE +61 2 218 LE +61 2 219 SU +61 2 220 LE +61 2 221 RE +61 2 222 LE +61 2 223 LE +61 2 224 RE +61 2 225 LE +61 2 226 LE +61 2 227 DU +61 2 228 DU +61 2 229 SU +61 2 230 RE +61 2 231 WI +61 2 232 LE +61 2 233 LE +61 2 234 LE +61 2 235 LE +61 2 236 LE +61 2 237 SU +61 2 238 DU +61 2 239 WI +61 2 240 WI +61 2 241 RE +61 2 242 LE +61 2 243 WI +61 2 244 ND +61 2 245 WI +61 2 246 LE +61 2 247 ND +61 2 248 LE +61 2 249 LE +61 2 250 LE +61 2 251 LE +61 2 252 RE +61 2 253 LE +61 2 254 SU +61 2 255 DU +61 2 256 WI +61 2 257 LE +61 2 258 LE +61 2 259 WI +61 2 260 LE +61 2 261 WI +61 2 262 RE +61 2 263 ND +61 2 264 LE +61 2 265 DU +61 2 266 WI +61 2 267 WI +61 2 268 LE +61 2 269 WI +61 2 270 LE +61 2 271 DU +61 2 272 RE +61 2 273 LE +61 2 274 RE +61 2 275 LE +61 2 276 LE +61 2 277 DU +61 2 278 WI +61 2 279 LE +61 2 280 LE +61 2 281 LE +61 2 282 LE +61 2 283 DU +61 2 284 SU +61 2 285 LE +61 2 286 RE +61 2 287 LE +61 2 288 WI +61 2 289 LE +61 2 290 SU +61 2 291 DU +61 2 292 LE +61 2 293 SU +61 2 294 SU +61 2 295 LE +61 2 296 LE +61 2 297 LE +61 2 298 WI +61 2 299 LE +61 2 300 ND +61 2 301 LE +61 2 302 ND +61 2 303 LE +61 2 304 LE +61 2 305 WI +61 2 306 LE +61 2 307 LE +61 2 308 SU +61 2 309 DU +61 2 310 LE +61 2 311 LE +61 2 312 DU +61 2 313 DU +61 2 314 RE +61 2 315 LE +61 2 316 LE +61 2 317 WI +61 2 318 LE +61 2 319 RE +61 2 320 LE +61 2 321 WI +61 2 322 LE +61 2 323 LE +61 2 324 RE +61 2 325 LE +61 2 326 LE +61 2 327 RE +61 2 328 LE +61 2 329 LE +61 2 330 LE +61 3 1 DU +61 3 2 LE +61 3 3 WI +61 3 4 LE +61 3 5 LE +61 3 6 ND +61 3 7 LE +61 3 8 WI +61 3 9 ND +61 3 10 DU +61 3 11 DU +61 3 12 LE +61 3 13 DU +61 3 14 DU +61 3 15 RE +61 3 16 RE +61 3 17 WI +61 3 18 DU +61 3 19 LE +61 3 20 LE +61 3 21 WI +61 3 22 LE +61 3 23 ND +61 3 24 DU +61 3 25 DU +61 3 26 DU +61 3 27 RE +61 3 28 WI +61 3 29 LE +61 3 30 WI +61 3 31 LE +61 3 32 ND +61 3 33 LE +61 3 34 DU +61 3 35 LE +61 3 36 DU +61 3 37 DU +61 3 38 WI +61 3 39 LE +61 3 40 LE +61 3 41 WI +61 3 42 SU +61 3 43 DU +61 3 44 RE +61 3 45 LE +61 3 46 SU +61 3 47 DU +61 3 48 LE +61 3 49 LE +61 3 50 DU +61 3 51 SU +61 3 52 RE +61 3 53 WI +61 3 54 LE +61 3 55 LE +61 3 56 SU +61 3 57 DU +61 3 58 SU +61 3 59 RE +61 3 60 DU +61 3 61 WI +61 3 62 SU +61 3 63 ND +61 3 64 DU +61 3 65 WI +61 3 66 SU +61 3 67 RE +61 3 68 WI +61 3 69 LE +61 3 70 RE +61 3 71 WI +61 3 72 LE +61 3 73 WI +61 3 74 RE +61 3 75 DU +61 3 76 WI +61 3 77 LE +61 3 78 SU +61 3 79 DU +61 3 80 DU +61 3 81 LE +61 3 82 LE +61 3 83 RE +61 3 84 LE +61 3 85 LE +61 3 86 SU +61 3 87 DU +61 3 88 WI +61 3 89 DU +61 3 90 DU +61 3 91 LE +61 3 92 RE +61 3 93 DU +61 3 94 SU +61 3 95 RE +61 3 96 LE +61 3 97 LE +61 3 98 WI +61 3 99 SU +61 3 100 LE +61 3 101 WI +61 3 102 RE +61 3 103 SU +61 3 104 LE +61 3 105 WI +61 3 106 ND +61 3 107 RE +61 3 108 RE +61 3 109 DU +61 3 110 ND +61 3 111 LE +61 3 112 WI +61 3 113 DU +61 3 114 DU +61 3 115 WI +61 3 116 RE +61 3 117 SU +61 3 118 WI +61 3 119 ND +61 3 120 RE +61 3 121 WI +61 3 122 LE +61 3 123 DU +61 3 124 LE +61 3 125 WI +61 3 126 ND +61 3 127 DU +61 3 128 ND +61 3 129 RE +61 3 130 SU +61 3 131 WI +61 3 132 WI +61 3 133 ND +61 3 134 LE +61 3 135 WI +61 3 136 LE +61 3 137 LE +61 3 138 SU +61 3 139 RE +61 3 140 DU +61 3 141 RE +61 3 142 RE +61 3 143 LE +61 3 144 DU +61 3 145 LE +61 3 146 ND +61 3 147 LE +61 3 148 WI +61 3 149 ND +61 3 150 DU +61 3 151 LE +61 3 152 LE +61 3 153 SU +61 3 154 DU +61 3 155 SU +61 3 156 LE +61 3 157 SU +61 3 158 RE +61 3 159 ND +61 3 160 ND +61 3 161 SU +61 3 162 WI +61 3 163 SU +61 3 164 DU +61 3 165 LE +61 3 166 DU +61 3 167 SU +61 3 168 LE +61 3 169 DU +61 3 170 DU +61 3 171 LE +61 3 172 RE +61 3 173 WI +61 3 174 ND +61 3 175 RE +61 3 176 WI +61 3 177 ND +61 3 178 DU +61 3 179 WI +61 3 180 LE +61 3 181 WI +61 3 182 LE +61 3 183 SU +61 3 184 WI +61 3 185 ND +61 3 186 LE +61 3 187 DU +61 3 188 DU +61 3 189 RE +61 3 190 LE +61 3 191 DU +61 3 192 LE +61 3 193 DU +61 3 194 WI +61 3 195 LE +61 3 196 LE +61 3 197 SU +61 3 198 DU +61 3 199 RE +61 3 200 LE +61 3 201 SU +61 3 202 LE +61 3 203 WI +61 3 204 SU +61 3 205 DU +61 3 206 LE +61 3 207 WI +61 3 208 ND +61 3 209 DU +61 3 210 WI +61 3 211 LE +61 3 212 ND +61 3 213 RE +61 3 214 LE +61 3 215 ND +61 3 216 SU +61 3 217 LE +61 3 218 ND +61 3 219 RE +61 3 220 DU +61 3 221 RE +61 3 222 LE +61 3 223 LE +61 3 224 RE +61 3 225 LE +61 3 226 DU +61 3 227 DU +61 3 228 DU +61 3 229 LE +61 3 230 RE +61 3 231 SU +61 3 232 SU +61 3 233 SU +61 3 234 LE +61 3 235 DU +61 3 236 LE +61 3 237 SU +61 3 238 LE +61 3 239 WI +61 3 240 WI +61 3 241 RE +61 3 242 SU +61 3 243 WI +61 3 244 RE +61 3 245 WI +61 3 246 ND +61 3 247 SU +61 3 248 LE +61 3 249 LE +61 3 250 LE +61 3 251 ND +61 3 252 RE +61 3 253 LE +61 3 254 SU +61 3 255 SU +61 3 256 WI +61 3 257 DU +61 3 258 LE +61 3 259 WI +61 3 260 RE +61 3 261 LE +61 3 262 RE +61 3 263 SU +61 3 264 RE +61 3 265 LE +61 3 266 LE +61 3 267 LE +61 3 268 SU +61 3 269 WI +61 3 270 ND +61 3 271 DU +61 3 272 RE +61 3 273 LE +61 3 274 RE +61 3 275 LE +61 3 276 WI +61 3 277 DU +61 3 278 LE +61 3 279 DU +61 3 280 LE +61 3 281 LE +61 3 282 LE +61 3 283 SU +61 3 284 RE +61 3 285 SU +61 3 286 RE +61 3 287 LE +61 3 288 WI +61 3 289 LE +61 3 290 RE +61 3 291 DU +61 3 292 LE +61 3 293 RE +61 3 294 RE +61 3 295 SU +61 3 296 DU +61 3 297 ND +61 3 298 WI +61 3 299 LE +61 3 300 RE +61 3 301 LE +61 3 302 RE +61 3 303 RE +61 3 304 LE +61 3 305 WI +61 3 306 LE +61 3 307 LE +61 3 308 SU +61 3 309 DU +61 3 310 LE +61 3 311 DU +61 3 312 DU +61 3 313 DU +61 3 314 RE +61 3 315 LE +61 3 316 LE +61 3 317 WI +61 3 318 SU +61 3 319 RE +61 3 320 SU +61 3 321 WI +61 3 322 SU +61 3 323 LE +61 3 324 RE +61 3 325 WI +61 3 326 ND +61 3 327 RE +61 3 328 LE +61 3 329 SU +61 3 330 RE +61 4 1 LE +61 4 2 RE +61 4 3 WI +61 4 4 DU +61 4 5 LE +61 4 6 LE +61 4 7 LE +61 4 8 WI +61 4 9 * +61 4 10 LE +61 4 11 DU +61 4 12 LE +61 4 13 DU +61 4 14 DU +61 4 15 RE +61 4 16 RE +61 4 17 WI +61 4 18 DU +61 4 19 LE +61 4 20 LE +61 4 21 WI +61 4 22 RE +61 4 23 DU +61 4 24 DU +61 4 25 LE +61 4 26 LE +61 4 27 RE +61 4 28 WI +61 4 29 LE +61 4 30 LE +61 4 31 LE +61 4 32 WI +61 4 33 LE +61 4 34 LE +61 4 35 WI +61 4 36 DU +61 4 37 LE +61 4 38 WI +61 4 39 LE +61 4 40 LE +61 4 41 WI +61 4 42 DU +61 4 43 DU +61 4 44 RE +61 4 45 LE +61 4 46 DU +61 4 47 DU +61 4 48 LE +61 4 49 LE +61 4 50 DU +61 4 51 DU +61 4 52 RE +61 4 53 LE +61 4 54 LE +61 4 55 LE +61 4 56 RE +61 4 57 LE +61 4 58 LE +61 4 59 RE +61 4 60 DU +61 4 61 WI +61 4 62 RE +61 4 63 WI +61 4 64 LE +61 4 65 WI +61 4 66 RE +61 4 67 LE +61 4 68 WI +61 4 69 DU +61 4 70 RE +61 4 71 DU +61 4 72 LE +61 4 73 LE +61 4 74 RE +61 4 75 DU +61 4 76 WI +61 4 77 LE +61 4 78 RE +61 4 79 DU +61 4 80 LE +61 4 81 LE +61 4 82 LE +61 4 83 RE +61 4 84 RE +61 4 85 LE +61 4 86 WI +61 4 87 DU +61 4 88 WI +61 4 89 DU +61 4 90 DU +61 4 91 RE +61 4 92 RE +61 4 93 LE +61 4 94 DU +61 4 95 RE +61 4 96 RE +61 4 97 DU +61 4 98 WI +61 4 99 RE +61 4 100 LE +61 4 101 WI +61 4 102 RE +61 4 103 DU +61 4 104 LE +61 4 105 DU +61 4 106 RE +61 4 107 RE +61 4 108 RE +61 4 109 DU +61 4 110 LE +61 4 111 DU +61 4 112 WI +61 4 113 DU +61 4 114 LE +61 4 115 WI +61 4 116 LE +61 4 117 DU +61 4 118 WI +61 4 119 LE +61 4 120 RE +61 4 121 WI +61 4 122 LE +61 4 123 LE +61 4 124 RE +61 4 125 WI +61 4 126 WI +61 4 127 DU +61 4 128 RE +61 4 129 RE +61 4 130 DU +61 4 131 LE +61 4 132 WI +61 4 133 DU +61 4 134 DU +61 4 135 WI +61 4 136 LE +61 4 137 DU +61 4 138 LE +61 4 139 RE +61 4 140 LE +61 4 141 RE +61 4 142 RE +61 4 143 LE +61 4 144 DU +61 4 145 LE +61 4 146 WI +61 4 147 LE +61 4 148 WI +61 4 149 LE +61 4 150 DU +61 4 151 WI +61 4 152 WI +61 4 153 LE +61 4 154 DU +61 4 155 DU +61 4 156 LE +61 4 157 DU +61 4 158 RE +61 4 159 RE +61 4 160 WI +61 4 161 LE +61 4 162 WI +61 4 163 LE +61 4 164 LE +61 4 165 DU +61 4 166 DU +61 4 167 RE +61 4 168 DU +61 4 169 LE +61 4 170 DU +61 4 171 LE +61 4 172 RE +61 4 173 WI +61 4 174 RE +61 4 175 LE +61 4 176 WI +61 4 177 LE +61 4 178 DU +61 4 179 DU +61 4 180 LE +61 4 181 DU +61 4 182 RE +61 4 183 DU +61 4 184 DU +61 4 185 LE +61 4 186 LE +61 4 187 WI +61 4 188 LE +61 4 189 LE +61 4 190 WI +61 4 191 LE +61 4 192 WI +61 4 193 LE +61 4 194 DU +61 4 195 LE +61 4 196 LE +61 4 197 LE +61 4 198 DU +61 4 199 RE +61 4 200 LE +61 4 201 RE +61 4 202 LE +61 4 203 WI +61 4 204 DU +61 4 205 DU +61 4 206 RE +61 4 207 WI +61 4 208 LE +61 4 209 LE +61 4 210 LE +61 4 211 LE +61 4 212 WI +61 4 213 LE +61 4 214 LE +61 4 215 RE +61 4 216 DU +61 4 217 RE +61 4 218 DU +61 4 219 RE +61 4 220 DU +61 4 221 RE +61 4 222 DU +61 4 223 LE +61 4 224 RE +61 4 225 DU +61 4 226 LE +61 4 227 DU +61 4 228 DU +61 4 229 RE +61 4 230 RE +61 4 231 LE +61 4 232 LE +61 4 233 DU +61 4 234 LE +61 4 235 DU +61 4 236 LE +61 4 237 WI +61 4 238 LE +61 4 239 WI +61 4 240 LE +61 4 241 RE +61 4 242 RE +61 4 243 DU +61 4 244 RE +61 4 245 WI +61 4 246 LE +61 4 247 DU +61 4 248 DU +61 4 249 LE +61 4 250 LE +61 4 251 LE +61 4 252 RE +61 4 253 LE +61 4 254 DU +61 4 255 DU +61 4 256 WI +61 4 257 LE +61 4 258 DU +61 4 259 WI +61 4 260 RE +61 4 261 WI +61 4 262 RE +61 4 263 DU +61 4 264 LE +61 4 265 LE +61 4 266 DU +61 4 267 LE +61 4 268 LE +61 4 269 LE +61 4 270 WI +61 4 271 DU +61 4 272 RE +61 4 273 LE +61 4 274 RE +61 4 275 RE +61 4 276 LE +61 4 277 DU +61 4 278 WI +61 4 279 DU +61 4 280 DU +61 4 281 LE +61 4 282 LE +61 4 283 DU +61 4 284 RE +61 4 285 RE +61 4 286 RE +61 4 287 DU +61 4 288 WI +61 4 289 LE +61 4 290 RE +61 4 291 LE +61 4 292 WI +61 4 293 RE +61 4 294 RE +61 4 295 DU +61 4 296 DU +61 4 297 LE +61 4 298 WI +61 4 299 LE +61 4 300 RE +61 4 301 LE +61 4 302 RE +61 4 303 LE +61 4 304 DU +61 4 305 DU +61 4 306 LE +61 4 307 LE +61 4 308 WI +61 4 309 DU +61 4 310 LE +61 4 311 LE +61 4 312 DU +61 4 313 LE +61 4 314 RE +61 4 315 LE +61 4 316 LE +61 4 317 WI +61 4 318 WI +61 4 319 RE +61 4 320 LE +61 4 321 WI +61 4 322 LE +61 4 323 LE +61 4 324 RE +61 4 325 LE +61 4 326 LE +61 4 327 RE +61 4 328 DU +61 4 329 DU +61 4 330 RE +61 5 1 LE +61 5 2 LE +61 5 3 WI +61 5 4 * +61 5 5 LE +61 5 6 * +61 5 7 LE +61 5 8 WI +61 5 9 * +61 5 10 LE +61 5 11 LE +61 5 12 LE +61 5 13 LE +61 5 14 LE +61 5 15 RE +61 5 16 RE +61 5 17 WI +61 5 18 DU +61 5 19 LE +61 5 20 LE +61 5 21 WI +61 5 22 LE +61 5 23 DU +61 5 24 DU +61 5 25 LE +61 5 26 LE +61 5 27 RE +61 5 28 WI +61 5 29 LE +61 5 30 LE +61 5 31 RE +61 5 32 LE +61 5 33 LE +61 5 34 LE +61 5 35 WI +61 5 36 DU +61 5 37 LE +61 5 38 WI +61 5 39 LE +61 5 40 LE +61 5 41 WI +61 5 42 * +61 5 43 LE +61 5 44 RE +61 5 45 LE +61 5 46 DU +61 5 47 DU +61 5 48 LE +61 5 49 LE +61 5 50 LE +61 5 51 DU +61 5 52 RE +61 5 53 WI +61 5 54 LE +61 5 55 LE +61 5 56 WI +61 5 57 LE +61 5 58 LE +61 5 59 RE +61 5 60 DU +61 5 61 WI +61 5 62 LE +61 5 63 LE +61 5 64 LE +61 5 65 WI +61 5 66 RE +61 5 67 LE +61 5 68 WI +61 5 69 LE +61 5 70 RE +61 5 71 WI +61 5 72 LE +61 5 73 WI +61 5 74 RE +61 5 75 DU +61 5 76 WI +61 5 77 LE +61 5 78 LE +61 5 79 DU +61 5 80 LE +61 5 81 LE +61 5 82 LE +61 5 83 RE +61 5 84 LE +61 5 85 LE +61 5 86 LE +61 5 87 DU +61 5 88 WI +61 5 89 DU +61 5 90 DU +61 5 91 LE +61 5 92 RE +61 5 93 LE +61 5 94 DU +61 5 95 RE +61 5 96 LE +61 5 97 LE +61 5 98 WI +61 5 99 LE +61 5 100 LE +61 5 101 WI +61 5 102 RE +61 5 103 DU +61 5 104 LE +61 5 105 WI +61 5 106 LE +61 5 107 RE +61 5 108 RE +61 5 109 LE +61 5 110 LE +61 5 111 DU +61 5 112 WI +61 5 113 DU +61 5 114 LE +61 5 115 WI +61 5 116 RE +61 5 117 DU +61 5 118 WI +61 5 119 LE +61 5 120 RE +61 5 121 WI +61 5 122 LE +61 5 123 LE +61 5 124 LE +61 5 125 WI +61 5 126 LE +61 5 127 DU +61 5 128 LE +61 5 129 RE +61 5 130 DU +61 5 131 WI +61 5 132 WI +61 5 133 LE +61 5 134 DU +61 5 135 WI +61 5 136 LE +61 5 137 LE +61 5 138 LE +61 5 139 RE +61 5 140 LE +61 5 141 RE +61 5 142 RE +61 5 143 LE +61 5 144 LE +61 5 145 LE +61 5 146 LE +61 5 147 LE +61 5 148 WI +61 5 149 LE +61 5 150 LE +61 5 151 LE +61 5 152 LE +61 5 153 LE +61 5 154 DU +61 5 155 DU +61 5 156 LE +61 5 157 DU +61 5 158 RE +61 5 159 LE +61 5 160 LE +61 5 161 LE +61 5 162 WI +61 5 163 LE +61 5 164 LE +61 5 165 DU +61 5 166 LE +61 5 167 LE +61 5 168 LE +61 5 169 LE +61 5 170 DU +61 5 171 LE +61 5 172 RE +61 5 173 WI +61 5 174 WI +61 5 175 LE +61 5 176 WI +61 5 177 LE +61 5 178 LE +61 5 179 WI +61 5 180 LE +61 5 181 WI +61 5 182 LE +61 5 183 DU +61 5 184 LE +61 5 185 LE +61 5 186 LE +61 5 187 WI +61 5 188 LE +61 5 189 RE +61 5 190 LE +61 5 191 LE +61 5 192 LE +61 5 193 LE +61 5 194 WI +61 5 195 LE +61 5 196 LE +61 5 197 LE +61 5 198 DU +61 5 199 RE +61 5 200 LE +61 5 201 LE +61 5 202 LE +61 5 203 WI +61 5 204 DU +61 5 205 LE +61 5 206 RE +61 5 207 WI +61 5 208 LE +61 5 209 LE +61 5 210 LE +61 5 211 LE +61 5 212 WI +61 5 213 LE +61 5 214 LE +61 5 215 LE +61 5 216 LE +61 5 217 LE +61 5 218 LE +61 5 219 RE +61 5 220 LE +61 5 221 RE +61 5 222 LE +61 5 223 LE +61 5 224 RE +61 5 225 LE +61 5 226 LE +61 5 227 DU +61 5 228 LE +61 5 229 LE +61 5 230 RE +61 5 231 WI +61 5 232 DU +61 5 233 LE +61 5 234 LE +61 5 235 LE +61 5 236 LE +61 5 237 RE +61 5 238 LE +61 5 239 WI +61 5 240 WI +61 5 241 RE +61 5 242 RE +61 5 243 WI +61 5 244 RE +61 5 245 WI +61 5 246 LE +61 5 247 LE +61 5 248 LE +61 5 249 LE +61 5 250 LE +61 5 251 LE +61 5 252 RE +61 5 253 LE +61 5 254 LE +61 5 255 DU +61 5 256 WI +61 5 257 LE +61 5 258 LE +61 5 259 WI +61 5 260 RE +61 5 261 WI +61 5 262 RE +61 5 263 DU +61 5 264 RE +61 5 265 LE +61 5 266 WI +61 5 267 WI +61 5 268 LE +61 5 269 WI +61 5 270 WI +61 5 271 DU +61 5 272 RE +61 5 273 LE +61 5 274 RE +61 5 275 LE +61 5 276 WI +61 5 277 LE +61 5 278 LE +61 5 279 LE +61 5 280 LE +61 5 281 LE +61 5 282 LE +61 5 283 DU +61 5 284 RE +61 5 285 LE +61 5 286 RE +61 5 287 DU +61 5 288 WI +61 5 289 LE +61 5 290 RE +61 5 291 LE +61 5 292 RE +61 5 293 RE +61 5 294 RE +61 5 295 LE +61 5 296 LE +61 5 297 LE +61 5 298 WI +61 5 299 LE +61 5 300 RE +61 5 301 LE +61 5 302 LE +61 5 303 LE +61 5 304 LE +61 5 305 WI +61 5 306 LE +61 5 307 LE +61 5 308 LE +61 5 309 DU +61 5 310 LE +61 5 311 LE +61 5 312 DU +61 5 313 LE +61 5 314 RE +61 5 315 LE +61 5 316 LE +61 5 317 WI +61 5 318 WI +61 5 319 RE +61 5 320 LE +61 5 321 WI +61 5 322 LE +61 5 323 LE +61 5 324 RE +61 5 325 WI +61 5 326 LE +61 5 327 RE +61 5 328 LE +61 5 329 DU +61 5 330 RE +61 6 1 LE +61 6 2 SU +61 6 3 WI +61 6 4 WI +61 6 5 LE +61 6 6 BR +61 6 7 LE +61 6 8 WI +61 6 9 LE +61 6 10 DU +61 6 11 DU +61 6 12 LE +61 6 13 LE +61 6 14 DU +61 6 15 BR +61 6 16 RE +61 6 17 WI +61 6 18 YO +61 6 19 LE +61 6 20 LE +61 6 21 WI +61 6 22 SU +61 6 23 WI +61 6 24 ND +61 6 25 LE +61 6 26 LE +61 6 27 SU +61 6 28 WI +61 6 29 LE +61 6 30 WI +61 6 31 LE +61 6 32 WI +61 6 33 LE +61 6 34 LE +61 6 35 WI +61 6 36 LE +61 6 37 LE +61 6 38 WI +61 6 39 LE +61 6 40 LE +61 6 41 WI +61 6 42 LE +61 6 43 DU +61 6 44 RE +61 6 45 LE +61 6 46 ND +61 6 47 DU +61 6 48 LE +61 6 49 LE +61 6 50 LE +61 6 51 LE +61 6 52 BR +61 6 53 WI +61 6 54 LE +61 6 55 LE +61 6 56 WI +61 6 57 DU +61 6 58 LE +61 6 59 ND +61 6 60 DU +61 6 61 WI +61 6 62 LE +61 6 63 LE +61 6 64 DU +61 6 65 LE +61 6 66 RE +61 6 67 LE +61 6 68 WI +61 6 69 ND +61 6 70 RE +61 6 71 WI +61 6 72 LE +61 6 73 WI +61 6 74 LE +61 6 75 DU +61 6 76 WI +61 6 77 DU +61 6 78 LE +61 6 79 DU +61 6 80 LE +61 6 81 LE +61 6 82 LE +61 6 83 LE +61 6 84 LE +61 6 85 DU +61 6 86 WI +61 6 87 DU +61 6 88 WI +61 6 89 DU +61 6 90 DU +61 6 91 LE +61 6 92 RE +61 6 93 LE +61 6 94 DU +61 6 95 RE +61 6 96 LE +61 6 97 DU +61 6 98 WI +61 6 99 LE +61 6 100 LE +61 6 101 WI +61 6 102 LE +61 6 103 DU +61 6 104 LE +61 6 105 WI +61 6 106 LE +61 6 107 RE +61 6 108 RE +61 6 109 DU +61 6 110 LE +61 6 111 DU +61 6 112 WI +61 6 113 DU +61 6 114 DU +61 6 115 WI +61 6 116 RE +61 6 117 DU +61 6 118 WI +61 6 119 LE +61 6 120 RE +61 6 121 WI +61 6 122 LE +61 6 123 DU +61 6 124 LE +61 6 125 WI +61 6 126 WI +61 6 127 DU +61 6 128 LE +61 6 129 RE +61 6 130 DU +61 6 131 WI +61 6 132 WI +61 6 133 DU +61 6 134 DU +61 6 135 WI +61 6 136 LE +61 6 137 DU +61 6 138 LE +61 6 139 RE +61 6 140 DU +61 6 141 RE +61 6 142 RE +61 6 143 LE +61 6 144 DU +61 6 145 LE +61 6 146 LE +61 6 147 LE +61 6 148 WI +61 6 149 LE +61 6 150 DU +61 6 151 WI +61 6 152 WI +61 6 153 LE +61 6 154 DU +61 6 155 DU +61 6 156 LE +61 6 157 DU +61 6 158 RE +61 6 159 LE +61 6 160 LE +61 6 161 LE +61 6 162 WI +61 6 163 DU +61 6 164 DU +61 6 165 DU +61 6 166 DU +61 6 167 RE +61 6 168 DU +61 6 169 DU +61 6 170 DU +61 6 171 DU +61 6 172 RE +61 6 173 WI +61 6 174 LE +61 6 175 RE +61 6 176 WI +61 6 177 LE +61 6 178 DU +61 6 179 WI +61 6 180 LE +61 6 181 LE +61 6 182 WI +61 6 183 DU +61 6 184 LE +61 6 185 LE +61 6 186 LE +61 6 187 WI +61 6 188 DU +61 6 189 LE +61 6 190 WI +61 6 191 DU +61 6 192 LE +61 6 193 LE +61 6 194 WI +61 6 195 LE +61 6 196 RE +61 6 197 LE +61 6 198 DU +61 6 199 RE +61 6 200 RE +61 6 201 WI +61 6 202 LE +61 6 203 WI +61 6 204 DU +61 6 205 DU +61 6 206 RE +61 6 207 WI +61 6 208 LE +61 6 209 DU +61 6 210 DU +61 6 211 LE +61 6 212 LE +61 6 213 RE +61 6 214 LE +61 6 215 WI +61 6 216 DU +61 6 217 RE +61 6 218 LE +61 6 219 RE +61 6 220 DU +61 6 221 RE +61 6 222 DU +61 6 223 LE +61 6 224 RE +61 6 225 LE +61 6 226 DU +61 6 227 DU +61 6 228 DU +61 6 229 LE +61 6 230 RE +61 6 231 WI +61 6 232 DU +61 6 233 DU +61 6 234 LE +61 6 235 DU +61 6 236 LE +61 6 237 RE +61 6 238 LE +61 6 239 LE +61 6 240 WI +61 6 241 RE +61 6 242 RE +61 6 243 WI +61 6 244 RE +61 6 245 WI +61 6 246 LE +61 6 247 DU +61 6 248 DU +61 6 249 DU +61 6 250 WI +61 6 251 LE +61 6 252 RE +61 6 253 LE +61 6 254 DU +61 6 255 DU +61 6 256 WI +61 6 257 DU +61 6 258 LE +61 6 259 WI +61 6 260 RE +61 6 261 WI +61 6 262 RE +61 6 263 DU +61 6 264 RE +61 6 265 DU +61 6 266 WI +61 6 267 WI +61 6 268 LE +61 6 269 WI +61 6 270 LE +61 6 271 DU +61 6 272 RE +61 6 273 LE +61 6 274 RE +61 6 275 LE +61 6 276 WI +61 6 277 DU +61 6 278 WI +61 6 279 DU +61 6 280 LE +61 6 281 DU +61 6 282 LE +61 6 283 DU +61 6 284 RE +61 6 285 RE +61 6 286 RE +61 6 287 LE +61 6 288 WI +61 6 289 RE +61 6 290 RE +61 6 291 LE +61 6 292 LE +61 6 293 RE +61 6 294 RE +61 6 295 DU +61 6 296 LE +61 6 297 LE +61 6 298 WI +61 6 299 LE +61 6 300 RE +61 6 301 LE +61 6 302 RE +61 6 303 RE +61 6 304 LE +61 6 305 WI +61 6 306 LE +61 6 307 DU +61 6 308 LE +61 6 309 DU +61 6 310 LE +61 6 311 DU +61 6 312 DU +61 6 313 DU +61 6 314 RE +61 6 315 LE +61 6 316 DU +61 6 317 WI +61 6 318 LE +61 6 319 RE +61 6 320 LE +61 6 321 WI +61 6 322 LE +61 6 323 DU +61 6 324 RE +61 6 325 WI +61 6 326 LE +61 6 327 RE +61 6 328 DU +61 6 329 LE +61 6 330 RE +61 7 1 LE +61 7 2 LE +61 7 3 WI +61 7 4 DI +61 7 5 LE +61 7 6 ND +61 7 7 LE +61 7 8 DI +61 7 9 WI +61 7 10 DU +61 7 11 LE +61 7 12 LE +61 7 13 DU +61 7 14 DU +61 7 15 * +61 7 16 ND +61 7 17 BL +61 7 18 YO +61 7 19 LE +61 7 20 LE +61 7 21 BL +61 7 22 LE +61 7 23 WI +61 7 24 YO +61 7 25 LE +61 7 26 DU +61 7 27 RE +61 7 28 WI +61 7 29 LE +61 7 30 BL +61 7 31 LE +61 7 32 DI +61 7 33 LE +61 7 34 DU +61 7 35 DI +61 7 36 DU +61 7 37 DU +61 7 38 BL +61 7 39 LE +61 7 40 LE +61 7 41 BL +61 7 42 LE +61 7 43 DU +61 7 44 RE +61 7 45 LE +61 7 46 ND +61 7 47 DU +61 7 48 LE +61 7 49 LE +61 7 50 WI +61 7 51 YO +61 7 52 RE +61 7 53 WI +61 7 54 LE +61 7 55 LE +61 7 56 LE +61 7 57 DU +61 7 58 * +61 7 59 RE +61 7 60 DU +61 7 61 WI +61 7 62 DI +61 7 63 WI +61 7 64 LE +61 7 65 WI +61 7 66 RE +61 7 67 LE +61 7 68 WI +61 7 69 YO +61 7 70 RE +61 7 71 WI +61 7 72 LE +61 7 73 WI +61 7 74 LE +61 7 75 DI +61 7 76 YO +61 7 77 LE +61 7 78 ND +61 7 79 YO +61 7 80 LE +61 7 81 LE +61 7 82 LE +61 7 83 RE +61 7 84 WI +61 7 85 LE +61 7 86 WI +61 7 87 YO +61 7 88 WI +61 7 89 DU +61 7 90 YO +61 7 91 LE +61 7 92 RE +61 7 93 LE +61 7 94 YO +61 7 95 RE +61 7 96 BL +61 7 97 DI +61 7 98 WI +61 7 99 WI +61 7 100 LE +61 7 101 WI +61 7 102 DU +61 7 103 YO +61 7 104 DU +61 7 105 WI +61 7 106 LE +61 7 107 RE +61 7 108 DU +61 7 109 LE +61 7 110 BL +61 7 111 DU +61 7 112 WI +61 7 113 YO +61 7 114 DU +61 7 115 WI +61 7 116 LE +61 7 117 DU +61 7 118 WI +61 7 119 RE +61 7 120 RE +61 7 121 WI +61 7 122 LE +61 7 123 DU +61 7 124 LE +61 7 125 WI +61 7 126 WI +61 7 127 DU +61 7 128 LE +61 7 129 RE +61 7 130 YO +61 7 131 WI +61 7 132 WI +61 7 133 DU +61 7 134 YO +61 7 135 WI +61 7 136 DU +61 7 137 DU +61 7 138 DU +61 7 139 ND +61 7 140 DU +61 7 141 RE +61 7 142 RE +61 7 143 LE +61 7 144 DU +61 7 145 LE +61 7 146 LE +61 7 147 DU +61 7 148 WI +61 7 149 LE +61 7 150 WI +61 7 151 WI +61 7 152 WI +61 7 153 LE +61 7 154 YO +61 7 155 YO +61 7 156 LE +61 7 157 YO +61 7 158 RE +61 7 159 BL +61 7 160 DI +61 7 161 LE +61 7 162 WI +61 7 163 DU +61 7 164 LE +61 7 165 DU +61 7 166 DU +61 7 167 ND +61 7 168 LE +61 7 169 LE +61 7 170 DU +61 7 171 DU +61 7 172 RE +61 7 173 LE +61 7 174 LE +61 7 175 LE +61 7 176 WI +61 7 177 LE +61 7 178 DU +61 7 179 DI +61 7 180 LE +61 7 181 ND +61 7 182 DI +61 7 183 YO +61 7 184 WI +61 7 185 BL +61 7 186 LE +61 7 187 BL +61 7 188 DU +61 7 189 LE +61 7 190 DI +61 7 191 DU +61 7 192 DI +61 7 193 ND +61 7 194 WI +61 7 195 LE +61 7 196 LE +61 7 197 DI +61 7 198 YO +61 7 199 RE +61 7 200 LE +61 7 201 BL +61 7 202 DU +61 7 203 LE +61 7 204 YO +61 7 205 DU +61 7 206 RE +61 7 207 DI +61 7 208 ND +61 7 209 DU +61 7 210 DI +61 7 211 LE +61 7 212 DI +61 7 213 ND +61 7 214 LE +61 7 215 DI +61 7 216 YO +61 7 217 DI +61 7 218 LE +61 7 219 RE +61 7 220 DU +61 7 221 RE +61 7 222 DI +61 7 223 LE +61 7 224 RE +61 7 225 ND +61 7 226 DU +61 7 227 YO +61 7 228 DU +61 7 229 LE +61 7 230 RE +61 7 231 DI +61 7 232 ND +61 7 233 DU +61 7 234 LE +61 7 235 DU +61 7 236 LE +61 7 237 BL +61 7 238 LE +61 7 239 DI +61 7 240 WI +61 7 241 RE +61 7 242 BL +61 7 243 LE +61 7 244 RE +61 7 245 WI +61 7 246 LE +61 7 247 DU +61 7 248 ND +61 7 249 ND +61 7 250 DI +61 7 251 LE +61 7 252 RE +61 7 253 LE +61 7 254 DU +61 7 255 YO +61 7 256 DI +61 7 257 DU +61 7 258 BL +61 7 259 DI +61 7 260 RE +61 7 261 DI +61 7 262 RE +61 7 263 ND +61 7 264 LE +61 7 265 LE +61 7 266 DI +61 7 267 WI +61 7 268 LE +61 7 269 DI +61 7 270 BL +61 7 271 DU +61 7 272 RE +61 7 273 DI +61 7 274 RE +61 7 275 ND +61 7 276 DI +61 7 277 DU +61 7 278 DI +61 7 279 DU +61 7 280 LE +61 7 281 DU +61 7 282 LE +61 7 283 ND +61 7 284 RE +61 7 285 WI +61 7 286 RE +61 7 287 ND +61 7 288 DI +61 7 289 LE +61 7 290 RE +61 7 291 DU +61 7 292 DI +61 7 293 LE +61 7 294 RE +61 7 295 ND +61 7 296 WI +61 7 297 LE +61 7 298 WI +61 7 299 LE +61 7 300 ND +61 7 301 LE +61 7 302 RE +61 7 303 DU +61 7 304 LE +61 7 305 DI +61 7 306 LE +61 7 307 LE +61 7 308 DI +61 7 309 YO +61 7 310 LE +61 7 311 DU +61 7 312 YO +61 7 313 DU +61 7 314 RE +61 7 315 LE +61 7 316 LE +61 7 317 DI +61 7 318 WI +61 7 319 RE +61 7 320 ND +61 7 321 WI +61 7 322 LE +61 7 323 DU +61 7 324 RE +61 7 325 DI +61 7 326 BL +61 7 327 RE +61 7 328 DU +61 7 329 WI +61 7 330 RE +61 8 1 LE +61 8 2 LE +61 8 3 WI +61 8 4 WI +61 8 5 LE +61 8 6 ND +61 8 7 LE +61 8 8 WI +61 8 9 WI +61 8 10 ND +61 8 11 ND +61 8 12 ND +61 8 13 LE +61 8 14 DU +61 8 15 LE +61 8 16 RE +61 8 17 WI +61 8 18 DU +61 8 19 LE +61 8 20 LE +61 8 21 WI +61 8 22 ND +61 8 23 WI +61 8 24 LE +61 8 25 LE +61 8 26 LE +61 8 27 ND +61 8 28 WI +61 8 29 ND +61 8 30 LE +61 8 31 LE +61 8 32 WI +61 8 33 LE +61 8 34 ND +61 8 35 WI +61 8 36 DU +61 8 37 LE +61 8 38 WI +61 8 39 ND +61 8 40 LE +61 8 41 WI +61 8 42 ND +61 8 43 DU +61 8 44 ND +61 8 45 LE +61 8 46 DU +61 8 47 DU +61 8 48 LE +61 8 49 LE +61 8 50 DU +61 8 51 WI +61 8 52 RE +61 8 53 WI +61 8 54 LE +61 8 55 LE +61 8 56 ND +61 8 57 ND +61 8 58 LE +61 8 59 ND +61 8 60 DU +61 8 61 WI +61 8 62 LE +61 8 63 ND +61 8 64 LE +61 8 65 WI +61 8 66 ND +61 8 67 ND +61 8 68 WI +61 8 69 LE +61 8 70 RE +61 8 71 WI +61 8 72 LE +61 8 73 WI +61 8 74 LE +61 8 75 DU +61 8 76 ND +61 8 77 LE +61 8 78 ND +61 8 79 DU +61 8 80 LE +61 8 81 LE +61 8 82 LE +61 8 83 ND +61 8 84 ND +61 8 85 LE +61 8 86 WI +61 8 87 DU +61 8 88 WI +61 8 89 DU +61 8 90 DU +61 8 91 LE +61 8 92 RE +61 8 93 LE +61 8 94 DU +61 8 95 ND +61 8 96 ND +61 8 97 LE +61 8 98 WI +61 8 99 WI +61 8 100 LE +61 8 101 WI +61 8 102 ND +61 8 103 ND +61 8 104 ND +61 8 105 WI +61 8 106 ND +61 8 107 ND +61 8 108 ND +61 8 109 DU +61 8 110 LE +61 8 111 LE +61 8 112 WI +61 8 113 * +61 8 114 * +61 8 115 * +61 8 116 * +61 8 117 * +61 8 118 * +61 8 119 * +61 8 120 * +61 8 121 * +61 8 122 * +61 8 123 * +61 8 124 * +61 8 125 * +61 8 126 * +61 8 127 * +61 8 128 * +61 8 129 * +61 8 130 * +61 8 131 * +61 8 132 * +61 8 133 * +61 8 134 * +61 8 135 * +61 8 136 * +61 8 137 * +61 8 138 * +61 8 139 * +61 8 140 * +61 8 141 * +61 8 142 * +61 8 143 * +61 8 144 * +61 8 145 * +61 8 146 * +61 8 147 * +61 8 148 * +61 8 149 * +61 8 150 * +61 8 151 * +61 8 152 * +61 8 153 * +61 8 154 * +61 8 155 * +61 8 156 * +61 8 157 * +61 8 158 * +61 8 159 * +61 8 160 * +61 8 161 * +61 8 162 * +61 8 163 * +61 8 164 * +61 8 165 * +61 8 166 * +61 8 167 * +61 8 168 * +61 8 169 * +61 8 170 * +61 8 171 * +61 8 172 * +61 8 173 * +61 8 174 * +61 8 175 * +61 8 176 * +61 8 177 * +61 8 178 * +61 8 179 * +61 8 180 * +61 8 181 * +61 8 182 * +61 8 183 * +61 8 184 * +61 8 185 * +61 8 186 * +61 8 187 * +61 8 188 * +61 8 189 * +61 8 190 * +61 8 191 * +61 8 192 * +61 8 193 * +61 8 194 * +61 8 195 * +61 8 196 * +61 8 197 * +61 8 198 * +61 8 199 * +61 8 200 * +61 8 201 * +61 8 202 * +61 8 203 * +61 8 204 * +61 8 205 * +61 8 206 * +61 8 207 * +61 8 208 * +61 8 209 * +61 8 210 * +61 8 211 * +61 8 212 * +61 8 213 * +61 8 214 * +61 8 215 * +61 8 216 * +61 8 217 * +61 8 218 * +61 8 219 * +61 8 220 * +61 8 221 * +61 8 222 * +61 8 223 * +61 8 224 * +61 8 225 * +61 8 226 * +61 8 227 * +61 8 228 * +61 8 229 * +61 8 230 * +61 8 231 * +61 8 232 * +61 8 233 * +61 8 234 * +61 8 235 * +61 8 236 * +61 8 237 * +61 8 238 * +61 8 239 * +61 8 240 * +61 8 241 * +61 8 242 * +61 8 243 * +61 8 244 * +61 8 245 * +61 8 246 * +61 8 247 * +61 8 248 * +61 8 249 * +61 8 250 * +61 8 251 * +61 8 252 * +61 8 253 * +61 8 254 * +61 8 255 * +61 8 256 * +61 8 257 * +61 8 258 * +61 8 259 * +61 8 260 * +61 8 261 * +61 8 262 * +61 8 263 * +61 8 264 * +61 8 265 * +61 8 266 * +61 8 267 * +61 8 268 * +61 8 269 * +61 8 270 * +61 8 271 * +61 8 272 * +61 8 273 * +61 8 274 * +61 8 275 * +61 8 276 * +61 8 277 * +61 8 278 * +61 8 279 * +61 8 280 * +61 8 281 * +61 8 282 * +61 8 283 * +61 8 284 * +61 8 285 * +61 8 286 * +61 8 287 * +61 8 288 * +61 8 289 * +61 8 290 * +61 8 291 * +61 8 292 * +61 8 293 * +61 8 294 * +61 8 295 * +61 8 296 * +61 8 297 * +61 8 298 * +61 8 299 * +61 8 300 * +61 8 301 * +61 8 302 * +61 8 303 * +61 8 304 * +61 8 305 * +61 8 306 * +61 8 307 * +61 8 308 * +61 8 309 * +61 8 310 * +61 8 311 * +61 8 312 * +61 8 313 * +61 8 314 * +61 8 315 * +61 8 316 * +61 8 317 * +61 8 318 * +61 8 319 * +61 8 320 * +61 8 321 * +61 8 322 * +61 8 323 * +61 8 324 * +61 8 325 * +61 8 326 * +61 8 327 * +61 8 328 * +61 8 329 * +61 8 330 * +61 9 1 LE +61 9 2 LE +61 9 3 WI +61 9 4 WI +61 9 5 LE +61 9 6 ND +61 9 7 ND +61 9 8 WI +61 9 9 ND +61 9 10 LE +61 9 11 LE +61 9 12 ND +61 9 13 LE +61 9 14 ND +61 9 15 LE +61 9 16 RE +61 9 17 WI +61 9 18 DU +61 9 19 ND +61 9 20 ND +61 9 21 WI +61 9 22 LE +61 9 23 ND +61 9 24 ND +61 9 25 ND +61 9 26 ND +61 9 27 ND +61 9 28 WI +61 9 29 LE +61 9 30 WI +61 9 31 ND +61 9 32 WI +61 9 33 ND +61 9 34 ND +61 9 35 WI +61 9 36 JU +61 9 37 ND +61 9 38 WI +61 9 39 ND +61 9 40 ND +61 9 41 WI +61 9 42 ND +61 9 43 DU +61 9 44 ND +61 9 45 ND +61 9 46 ND +61 9 47 ND +61 9 48 ND +61 9 49 ND +61 9 50 RG +61 9 51 DU +61 9 52 ND +61 9 53 WI +61 9 54 ND +61 9 55 ND +61 9 56 ND +61 9 57 * +61 9 58 * +61 9 59 * +61 9 60 * +61 9 61 * +61 9 62 * +61 9 63 * +61 9 64 * +61 9 65 * +61 9 66 * +61 9 67 * +61 9 68 * +61 9 69 * +61 9 70 * +61 9 71 * +61 9 72 * +61 9 73 * +61 9 74 * +61 9 75 * +61 9 76 * +61 9 77 * +61 9 78 * +61 9 79 * +61 9 80 * +61 9 81 * +61 9 82 * +61 9 83 * +61 9 84 * +61 9 85 * +61 9 86 * +61 9 87 * +61 9 88 * +61 9 89 * +61 9 90 * +61 9 91 * +61 9 92 * +61 9 93 * +61 9 94 * +61 9 95 * +61 9 96 * +61 9 97 * +61 9 98 * +61 9 99 * +61 9 100 * +61 9 101 * +61 9 102 * +61 9 103 * +61 9 104 * +61 9 105 * +61 9 106 * +61 9 107 * +61 9 108 * +61 9 109 * +61 9 110 * +61 9 111 * +61 9 112 * +61 9 113 * +61 9 114 * +61 9 115 * +61 9 116 * +61 9 117 * +61 9 118 * +61 9 119 * +61 9 120 * +61 9 121 * +61 9 122 * +61 9 123 * +61 9 124 * +61 9 125 * +61 9 126 * +61 9 127 * +61 9 128 * +61 9 129 * +61 9 130 * +61 9 131 * +61 9 132 * +61 9 133 * +61 9 134 * +61 9 135 * +61 9 136 * +61 9 137 * +61 9 138 * +61 9 139 * +61 9 140 * +61 9 141 * +61 9 142 * +61 9 143 * +61 9 144 * +61 9 145 * +61 9 146 * +61 9 147 * +61 9 148 * +61 9 149 * +61 9 150 * +61 9 151 * +61 9 152 * +61 9 153 * +61 9 154 * +61 9 155 * +61 9 156 * +61 9 157 * +61 9 158 * +61 9 159 * +61 9 160 * +61 9 161 * +61 9 162 * +61 9 163 * +61 9 164 * +61 9 165 * +61 9 166 * +61 9 167 * +61 9 168 * +61 9 169 * +61 9 170 * +61 9 171 * +61 9 172 * +61 9 173 * +61 9 174 * +61 9 175 * +61 9 176 * +61 9 177 * +61 9 178 * +61 9 179 * +61 9 180 * +61 9 181 * +61 9 182 * +61 9 183 * +61 9 184 * +61 9 185 * +61 9 186 * +61 9 187 * +61 9 188 * +61 9 189 * +61 9 190 * +61 9 191 * +61 9 192 * +61 9 193 * +61 9 194 * +61 9 195 * +61 9 196 * +61 9 197 * +61 9 198 * +61 9 199 * +61 9 200 * +61 9 201 * +61 9 202 * +61 9 203 * +61 9 204 * +61 9 205 * +61 9 206 * +61 9 207 * +61 9 208 * +61 9 209 * +61 9 210 * +61 9 211 * +61 9 212 * +61 9 213 * +61 9 214 * +61 9 215 * +61 9 216 * +61 9 217 * +61 9 218 * +61 9 219 * +61 9 220 * +61 9 221 * +61 9 222 * +61 9 223 * +61 9 224 * +61 9 225 * +61 9 226 * +61 9 227 * +61 9 228 * +61 9 229 * +61 9 230 * +61 9 231 * +61 9 232 * +61 9 233 * +61 9 234 * +61 9 235 * +61 9 236 * +61 9 237 * +61 9 238 * +61 9 239 * +61 9 240 * +61 9 241 * +61 9 242 * +61 9 243 * +61 9 244 * +61 9 245 * +61 9 246 * +61 9 247 * +61 9 248 * +61 9 249 * +61 9 250 * +61 9 251 * +61 9 252 * +61 9 253 * +61 9 254 * +61 9 255 * +61 9 256 * +61 9 257 * +61 9 258 * +61 9 259 * +61 9 260 * +61 9 261 * +61 9 262 * +61 9 263 * +61 9 264 * +61 9 265 * +61 9 266 * +61 9 267 * +61 9 268 * +61 9 269 * +61 9 270 * +61 9 271 * +61 9 272 * +61 9 273 * +61 9 274 * +61 9 275 * +61 9 276 * +61 9 277 * +61 9 278 * +61 9 279 * +61 9 280 * +61 9 281 * +61 9 282 * +61 9 283 * +61 9 284 * +61 9 285 * +61 9 286 * +61 9 287 * +61 9 288 * +61 9 289 * +61 9 290 * +61 9 291 * +61 9 292 * +61 9 293 * +61 9 294 * +61 9 295 * +61 9 296 * +61 9 297 * +61 9 298 * +61 9 299 * +61 9 300 * +61 9 301 * +61 9 302 * +61 9 303 * +61 9 304 * +61 9 305 * +61 9 306 * +61 9 307 * +61 9 308 * +61 9 309 * +61 9 310 * +61 9 311 * +61 9 312 * +61 9 313 * +61 9 314 * +61 9 315 * +61 9 316 * +61 9 317 * +61 9 318 * +61 9 319 * +61 9 320 * +61 9 321 * +61 9 322 * +61 9 323 * +61 9 324 * +61 9 325 * +61 9 326 * +61 9 327 * +61 9 328 * +61 9 329 * +61 9 330 * +61 10 1 LE +61 10 2 * +61 10 3 WI +61 10 4 ND +61 10 5 LE +61 10 6 ND +61 10 7 BA +61 10 8 WI +61 10 9 ND +61 10 10 DU +61 10 11 MI +61 10 12 ND +61 10 13 MI +61 10 14 MI +61 10 15 RE +61 10 16 RE +61 10 17 WI +61 10 18 RG +61 10 19 LE +61 10 20 LE +61 10 21 WI +61 10 22 ND +61 10 23 ND +61 10 24 JU +61 10 25 DU +61 10 26 DU +61 10 27 RE +61 10 28 WI +61 10 29 LE +61 10 30 * +61 10 31 RE +61 10 32 * +61 10 33 * +61 10 34 DU +61 10 35 ND +61 10 36 MI +61 10 37 DU +61 10 38 WI +61 10 39 * +61 10 40 BA +61 10 41 WI +61 10 42 ND +61 10 43 DU +61 10 44 RE +61 10 45 * +61 10 46 RE +61 10 47 JU +61 10 48 ND +61 10 49 RE +61 10 50 WI +61 10 51 JU +61 10 52 RE +61 10 53 WI +61 10 54 LE +61 10 55 * +61 10 56 ND +61 10 57 * +61 10 58 * +61 10 59 * +61 10 60 * +61 10 61 * +61 10 62 * +61 10 63 * +61 10 64 * +61 10 65 * +61 10 66 * +61 10 67 * +61 10 68 * +61 10 69 * +61 10 70 * +61 10 71 * +61 10 72 * +61 10 73 * +61 10 74 * +61 10 75 * +61 10 76 * +61 10 77 * +61 10 78 * +61 10 79 * +61 10 80 * +61 10 81 * +61 10 82 * +61 10 83 * +61 10 84 * +61 10 85 * +61 10 86 * +61 10 87 * +61 10 88 * +61 10 89 * +61 10 90 * +61 10 91 * +61 10 92 * +61 10 93 * +61 10 94 * +61 10 95 * +61 10 96 * +61 10 97 * +61 10 98 * +61 10 99 * +61 10 100 * +61 10 101 * +61 10 102 * +61 10 103 * +61 10 104 * +61 10 105 * +61 10 106 * +61 10 107 * +61 10 108 * +61 10 109 * +61 10 110 * +61 10 111 * +61 10 112 * +61 10 113 * +61 10 114 * +61 10 115 * +61 10 116 * +61 10 117 * +61 10 118 * +61 10 119 * +61 10 120 * +61 10 121 * +61 10 122 * +61 10 123 * +61 10 124 * +61 10 125 * +61 10 126 * +61 10 127 * +61 10 128 * +61 10 129 * +61 10 130 * +61 10 131 * +61 10 132 * +61 10 133 * +61 10 134 * +61 10 135 * +61 10 136 * +61 10 137 * +61 10 138 * +61 10 139 * +61 10 140 * +61 10 141 * +61 10 142 * +61 10 143 * +61 10 144 * +61 10 145 * +61 10 146 * +61 10 147 * +61 10 148 * +61 10 149 * +61 10 150 * +61 10 151 * +61 10 152 * +61 10 153 * +61 10 154 * +61 10 155 * +61 10 156 * +61 10 157 * +61 10 158 * +61 10 159 * +61 10 160 * +61 10 161 * +61 10 162 * +61 10 163 * +61 10 164 * +61 10 165 * +61 10 166 * +61 10 167 * +61 10 168 * +61 10 169 * +61 10 170 * +61 10 171 * +61 10 172 * +61 10 173 * +61 10 174 * +61 10 175 * +61 10 176 * +61 10 177 * +61 10 178 * +61 10 179 * +61 10 180 * +61 10 181 * +61 10 182 * +61 10 183 * +61 10 184 * +61 10 185 * +61 10 186 * +61 10 187 * +61 10 188 * +61 10 189 * +61 10 190 * +61 10 191 * +61 10 192 * +61 10 193 * +61 10 194 * +61 10 195 * +61 10 196 * +61 10 197 * +61 10 198 * +61 10 199 * +61 10 200 * +61 10 201 * +61 10 202 * +61 10 203 * +61 10 204 * +61 10 205 * +61 10 206 * +61 10 207 * +61 10 208 * +61 10 209 * +61 10 210 * +61 10 211 * +61 10 212 * +61 10 213 * +61 10 214 * +61 10 215 * +61 10 216 * +61 10 217 * +61 10 218 * +61 10 219 * +61 10 220 * +61 10 221 * +61 10 222 * +61 10 223 * +61 10 224 * +61 10 225 * +61 10 226 * +61 10 227 * +61 10 228 * +61 10 229 * +61 10 230 * +61 10 231 * +61 10 232 * +61 10 233 * +61 10 234 * +61 10 235 * +61 10 236 * +61 10 237 * +61 10 238 * +61 10 239 * +61 10 240 * +61 10 241 * +61 10 242 * +61 10 243 * +61 10 244 * +61 10 245 * +61 10 246 * +61 10 247 * +61 10 248 * +61 10 249 * +61 10 250 * +61 10 251 * +61 10 252 * +61 10 253 * +61 10 254 * +61 10 255 * +61 10 256 * +61 10 257 * +61 10 258 * +61 10 259 * +61 10 260 * +61 10 261 * +61 10 262 * +61 10 263 * +61 10 264 * +61 10 265 * +61 10 266 * +61 10 267 * +61 10 268 * +61 10 269 * +61 10 270 * +61 10 271 * +61 10 272 * +61 10 273 * +61 10 274 * +61 10 275 * +61 10 276 * +61 10 277 * +61 10 278 * +61 10 279 * +61 10 280 * +61 10 281 * +61 10 282 * +61 10 283 * +61 10 284 * +61 10 285 * +61 10 286 * +61 10 287 * +61 10 288 * +61 10 289 * +61 10 290 * +61 10 291 * +61 10 292 * +61 10 293 * +61 10 294 * +61 10 295 * +61 10 296 * +61 10 297 * +61 10 298 * +61 10 299 * +61 10 300 * +61 10 301 * +61 10 302 * +61 10 303 * +61 10 304 * +61 10 305 * +61 10 306 * +61 10 307 * +61 10 308 * +61 10 309 * +61 10 310 * +61 10 311 * +61 10 312 * +61 10 313 * +61 10 314 * +61 10 315 * +61 10 316 * +61 10 317 * +61 10 318 * +61 10 319 * +61 10 320 * +61 10 321 * +61 10 322 * +61 10 323 * +61 10 324 * +61 10 325 * +61 10 326 * +61 10 327 * +61 10 328 * +61 10 329 * +61 10 330 * +61 11 1 LE +61 11 2 ND +61 11 3 WI +61 11 4 RG +61 11 5 ND +61 11 6 LE +61 11 7 ND +61 11 8 WI +61 11 9 ND +61 11 10 LE +61 11 11 RG +61 11 12 LE +61 11 13 RG +61 11 14 JU +61 11 15 ND +61 11 16 RE +61 11 17 WI +61 11 18 JU +61 11 19 LE +61 11 20 ND +61 11 21 WI +61 11 22 ND +61 11 23 LE +61 11 24 RG +61 11 25 RG +61 11 26 LE +61 11 27 ND +61 11 28 WI +61 11 29 ND +61 11 30 YO +61 11 31 LE +61 11 32 WI +61 11 33 LE +61 11 34 LE +61 11 35 WI +61 11 36 RG +61 11 37 LE +61 11 38 WI +61 11 39 ND +61 11 40 LE +61 11 41 WI +61 11 42 ND +61 11 43 DU +61 11 44 ND +61 11 45 LE +61 11 46 JU +61 11 47 RG +61 11 48 ND +61 11 49 LE +61 11 50 ND +61 11 51 RG +61 11 52 ND +61 11 53 WI +61 11 54 LE +61 11 55 LE +61 11 56 ND +61 11 57 RG +61 11 58 ND +61 11 59 ND +61 11 60 DU +61 11 61 WI +61 11 62 RG +61 11 63 LE +61 11 64 DU +61 11 65 WI +61 11 66 ND +61 11 67 LE +61 11 68 WI +61 11 69 RG +61 11 70 ND +61 11 71 WI +61 11 72 LE +61 11 73 ND +61 11 74 ND +61 11 75 RG +61 11 76 WI +61 11 77 LE +61 11 78 ND +61 11 79 LE +61 11 80 ND +61 11 81 LE +61 11 82 ND +61 11 83 ND +61 11 84 ND +61 11 85 LE +61 11 86 WI +61 11 87 JU +61 11 88 WI +61 11 89 DU +61 11 90 JU +61 11 91 LE +61 11 92 ND +61 11 93 LE +61 11 94 DU +61 11 95 LE +61 11 96 ND +61 11 97 ND +61 11 98 WI +61 11 99 ND +61 11 100 LE +61 11 101 WI +61 11 102 ND +61 11 103 RG +61 11 104 LE +61 11 105 WI +61 11 106 ND +61 11 107 RE +61 11 108 ND +61 11 109 LE +61 11 110 ND +61 11 111 RG +61 11 112 WI +61 11 113 DU +61 11 114 LE +61 11 115 WI +61 11 116 ND +61 11 117 DU +61 11 118 ND +61 11 119 LE +61 11 120 RE +61 11 121 WI +61 11 122 LE +61 11 123 DU +61 11 124 LE +61 11 125 WI +61 11 126 ND +61 11 127 DU +61 11 128 LE +61 11 129 ND +61 11 130 RG +61 11 131 WI +61 11 132 WI +61 11 133 LE +61 11 134 RG +61 11 135 WI +61 11 136 LE +61 11 137 RG +61 11 138 LE +61 11 139 RE +61 11 140 LE +61 11 141 RE +61 11 142 RE +61 11 143 LE +61 11 144 RG +61 11 145 ND +61 11 146 ND +61 11 147 LE +61 11 148 WI +61 11 149 ND +61 11 150 MI +61 11 151 ND +61 11 152 ND +61 11 153 LE +61 11 154 JU +61 11 155 ND +61 11 156 LE +61 11 157 RG +61 11 158 RE +61 11 159 LE +61 11 160 LE +61 11 161 ND +61 11 162 WI +61 11 163 LE +61 11 164 LE +61 11 165 RG +61 11 166 DU +61 11 167 RG +61 11 168 LE +61 11 169 LE +61 11 170 DU +61 11 171 LE +61 11 172 RE +61 11 173 WI +61 11 174 ND +61 11 175 ND +61 11 176 WI +61 11 177 LE +61 11 178 ND +61 11 179 WI +61 11 180 LE +61 11 181 ND +61 11 182 WI +61 11 183 RG +61 11 184 ND +61 11 185 LE +61 11 186 LE +61 11 187 ND +61 11 188 LE +61 11 189 RE +61 11 190 ND +61 11 191 LE +61 11 192 ND +61 11 193 ND +61 11 194 RG +61 11 195 RG +61 11 196 LE +61 11 197 ND +61 11 198 DU +61 11 199 RE +61 11 200 LE +61 11 201 ND +61 11 202 LE +61 11 203 WI +61 11 204 MI +61 11 205 LE +61 11 206 ND +61 11 207 WI +61 11 208 ND +61 11 209 DU +61 11 210 RG +61 11 211 LE +61 11 212 ND +61 11 213 RG +61 11 214 LE +61 11 215 ND +61 11 216 DU +61 11 217 ND +61 11 218 ND +61 11 219 RE +61 11 220 LE +61 11 221 RE +61 11 222 RG +61 11 223 LE +61 11 224 RE +61 11 225 ND +61 11 226 DU +61 11 227 DU +61 11 228 LE +61 11 229 ND +61 11 230 ND +61 11 231 WI +61 11 232 ND +61 11 233 ND +61 11 234 LE +61 11 235 LE +61 11 236 ND +61 11 237 ND +61 11 238 LE +61 11 239 WI +61 11 240 RG +61 11 241 RE +61 11 242 ND +61 11 243 WI +61 11 244 RE +61 11 245 WI +61 11 246 LE +61 11 247 ND +61 11 248 RG +61 11 249 LE +61 11 250 RG +61 11 251 LE +61 11 252 RE +61 11 253 LE +61 11 254 LE +61 11 255 DU +61 11 256 WI +61 11 257 LE +61 11 258 ND +61 11 259 WI +61 11 260 ND +61 11 261 ND +61 11 262 RE +61 11 263 RE +61 11 264 LE +61 11 265 LE +61 11 266 WI +61 11 267 WI +61 11 268 LE +61 11 269 WI +61 11 270 ND +61 11 271 DU +61 11 272 RE +61 11 273 LE +61 11 274 RE +61 11 275 ND +61 11 276 WI +61 11 277 DU +61 11 278 ND +61 11 279 LE +61 11 280 TD +61 11 281 LE +61 11 282 LE +61 11 283 DB +61 11 284 RE +61 11 285 ND +61 11 286 RE +61 11 287 JU +61 11 288 WI +61 11 289 LE +61 11 290 ND +61 11 291 LE +61 11 292 ND +61 11 293 ND +61 11 294 RE +61 11 295 JU +61 11 296 ND +61 11 297 ND +61 11 298 WI +61 11 299 LE +61 11 300 DU +61 11 301 LE +61 11 302 ND +61 11 303 RG +61 11 304 DB +61 11 305 WI +61 11 306 ND +61 11 307 LE +61 11 308 RG +61 11 309 JU +61 11 310 LE +61 11 311 LE +61 11 312 DU +61 11 313 LE +61 11 314 RE +61 11 315 LE +61 11 316 LE +61 11 317 WI +61 11 318 ND +61 11 319 RE +61 11 320 JU +61 11 321 WI +61 11 322 LE +61 11 323 LE +61 11 324 ND +61 11 325 WI +61 11 326 ND +61 11 327 RE +61 11 328 JU +61 11 329 ND +61 11 330 RE +61 12 1 LE +61 12 2 LE +61 12 3 WI +61 12 4 ND +61 12 5 LE +61 12 6 ND +61 12 7 LE +61 12 8 WI +61 12 9 LE +61 12 10 DU +61 12 11 DU +61 12 12 LE +61 12 13 DU +61 12 14 DU +61 12 15 LE +61 12 16 RE +61 12 17 WI +61 12 18 DU +61 12 19 LE +61 12 20 LE +61 12 21 WI +61 12 22 LE +61 12 23 LE +61 12 24 DU +61 12 25 LE +61 12 26 DU +61 12 27 RE +61 12 28 WI +61 12 29 LE +61 12 30 LE +61 12 31 LE +61 12 32 WI +61 12 33 LE +61 12 34 LE +61 12 35 LE +61 12 36 DU +61 12 37 LE +61 12 38 WI +61 12 39 LE +61 12 40 LE +61 12 41 WI +61 12 42 BL +61 12 43 DU +61 12 44 RE +61 12 45 LE +61 12 46 DU +61 12 47 LE +61 12 48 BL +61 12 49 LE +61 12 50 WI +61 12 51 LE +61 12 52 RE +61 12 53 WI +61 12 54 LE +61 12 55 LE +61 12 56 ND +61 12 57 LE +61 12 58 LE +61 12 59 RE +61 12 60 DU +61 12 61 WI +61 12 62 LE +61 12 63 RE +61 12 64 DU +61 12 65 WI +61 12 66 RE +61 12 67 LE +61 12 68 DB +61 12 69 DU +61 12 70 RE +61 12 71 WI +61 12 72 LE +61 12 73 DB +61 12 74 LE +61 12 75 DU +61 12 76 LE +61 12 77 LE +61 12 78 ND +61 12 79 DU +61 12 80 DU +61 12 81 ND +61 12 82 LE +61 12 83 RE +61 12 84 LE +61 12 85 LE +61 12 86 WI +61 12 87 DU +61 12 88 WI +61 12 89 DU +61 12 90 DU +61 12 91 LE +61 12 92 RE +61 12 93 DU +61 12 94 DU +61 12 95 LE +61 12 96 BL +61 12 97 DU +61 12 98 WI +61 12 99 LE +61 12 100 LE +61 12 101 WI +61 12 102 RE +61 12 103 DB +61 12 104 LE +61 12 105 WI +61 12 106 RE +61 12 107 RE +61 12 108 RE +61 12 109 DU +61 12 110 BL +61 12 111 DU +61 12 112 WI +61 12 113 DU +61 12 114 DU +61 12 115 WI +61 12 116 LE +61 12 117 DB +61 12 118 LE +61 12 119 LE +61 12 120 RE +61 12 121 BL +61 12 122 LE +61 12 123 DU +61 12 124 LE +61 12 125 BL +61 12 126 DB +61 12 127 DU +61 12 128 LE +61 12 129 RE +61 12 130 DU +61 12 131 DB +61 12 132 WI +61 12 133 DU +61 12 134 DB +61 12 135 WI +61 12 136 DU +61 12 137 DB +61 12 138 LE +61 12 139 BR +61 12 140 DU +61 12 141 RE +61 12 142 LE +61 12 143 LE +61 12 144 DU +61 12 145 LE +61 12 146 BL +61 12 147 LE +61 12 148 WI +61 12 149 LE +61 12 150 DB +61 12 151 WI +61 12 152 ND +61 12 153 LE +61 12 154 DU +61 12 155 DB +61 12 156 LE +61 12 157 DB +61 12 158 RE +61 12 159 RE +61 12 160 ND +61 12 161 LE +61 12 162 WI +61 12 163 DU +61 12 164 LE +61 12 165 ND +61 12 166 DU +61 12 167 BR +61 12 168 DU +61 12 169 LE +61 12 170 LE +61 12 171 LE +61 12 172 RE +61 12 173 LE +61 12 174 ND +61 12 175 LE +61 12 176 WI +61 12 177 RE +61 12 178 DU +61 12 179 WI +61 12 180 LE +61 12 181 BL +61 12 182 WI +61 12 183 DB +61 12 184 WI +61 12 185 DB +61 12 186 LE +61 12 187 BL +61 12 188 LE +61 12 189 RE +61 12 190 BR +61 12 191 DU +61 12 192 DB +61 12 193 BL +61 12 194 WI +61 12 195 LE +61 12 196 RE +61 12 197 DB +61 12 198 DU +61 12 199 RE +61 12 200 LE +61 12 201 RE +61 12 202 LE +61 12 203 WI +61 12 204 DU +61 12 205 DU +61 12 206 ND +61 12 207 WI +61 12 208 BL +61 12 209 DU +61 12 210 WI +61 12 211 LE +61 12 212 BL +61 12 213 RE +61 12 214 LE +61 12 215 LE +61 12 216 DU +61 12 217 WI +61 12 218 BL +61 12 219 RE +61 12 220 DU +61 12 221 RE +61 12 222 DB +61 12 223 LE +61 12 224 RE +61 12 225 BL +61 12 226 DU +61 12 227 DU +61 12 228 DU +61 12 229 RE +61 12 230 ND +61 12 231 DB +61 12 232 BL +61 12 233 RE +61 12 234 LE +61 12 235 DU +61 12 236 BL +61 12 237 RE +61 12 238 LE +61 12 239 WI +61 12 240 DB +61 12 241 RE +61 12 242 ND +61 12 243 WI +61 12 244 RE +61 12 245 WI +61 12 246 LE +61 12 247 DU +61 12 248 DU +61 12 249 DU +61 12 250 DB +61 12 251 LE +61 12 252 RE +61 12 253 LE +61 12 254 LE +61 12 255 DU +61 12 256 WI +61 12 257 DU +61 12 258 BL +61 12 259 WI +61 12 260 ND +61 12 261 BL +61 12 262 RE +61 12 263 RE +61 12 264 RE +61 12 265 LE +61 12 266 WI +61 12 267 DB +61 12 268 LE +61 12 269 WI +61 12 270 BL +61 12 271 DU +61 12 272 RE +61 12 273 WI +61 12 274 RE +61 12 275 LE +61 12 276 WI +61 12 277 DU +61 12 278 BL +61 12 279 DU +61 12 280 LE +61 12 281 DU +61 12 282 LE +61 12 283 WI +61 12 284 RE +61 12 285 LE +61 12 286 RE +61 12 287 BL +61 12 288 WI +61 12 289 LE +61 12 290 RE +61 12 291 DU +61 12 292 LE +61 12 293 RE +61 12 294 RE +61 12 295 LE +61 12 296 LE +61 12 297 BL +61 12 298 WI +61 12 299 DU +61 12 300 RE +61 12 301 LE +61 12 302 RE +61 12 303 RE +61 12 304 BL +61 12 305 LE +61 12 306 LE +61 12 307 DU +61 12 308 LE +61 12 309 DB +61 12 310 LE +61 12 311 DU +61 12 312 DU +61 12 313 DU +61 12 314 RE +61 12 315 LE +61 12 316 DU +61 12 317 WI +61 12 318 LE +61 12 319 RE +61 12 320 LE +61 12 321 WI +61 12 322 RE +61 12 323 DU +61 12 324 RE +61 12 325 DB +61 12 326 BL +61 12 327 RE +61 12 328 DU +61 12 329 LE +61 12 330 RE +61 13 1 DU +61 13 2 ND +61 13 3 WI +61 13 4 LE +61 13 5 LE +61 13 6 WI +61 13 7 LE +61 13 8 WI +61 13 9 WI +61 13 10 DU +61 13 11 DU +61 13 12 ND +61 13 13 DU +61 13 14 DU +61 13 15 LE +61 13 16 RE +61 13 17 WI +61 13 18 DU +61 13 19 DU +61 13 20 LE +61 13 21 WI +61 13 22 ND +61 13 23 LE +61 13 24 LE +61 13 25 DU +61 13 26 DU +61 13 27 RE +61 13 28 WI +61 13 29 LE +61 13 30 WI +61 13 31 LE +61 13 32 WI +61 13 33 LE +61 13 34 DU +61 13 35 WI +61 13 36 DU +61 13 37 DU +61 13 38 WI +61 13 39 LE +61 13 40 LE +61 13 41 WI +61 13 42 ND +61 13 43 DU +61 13 44 LE +61 13 45 LE +61 13 46 DU +61 13 47 DU +61 13 48 ND +61 13 49 LE +61 13 50 WI +61 13 51 ND +61 13 52 RE +61 13 53 WI +61 13 54 ND +61 13 55 LE +61 13 56 LE +61 13 57 * +61 13 58 * +61 13 59 * +61 13 60 * +61 13 61 * +61 13 62 * +61 13 63 * +61 13 64 * +61 13 65 * +61 13 66 * +61 13 67 * +61 13 68 * +61 13 69 * +61 13 70 * +61 13 71 * +61 13 72 * +61 13 73 * +61 13 74 * +61 13 75 * +61 13 76 * +61 13 77 * +61 13 78 * +61 13 79 * +61 13 80 * +61 13 81 * +61 13 82 * +61 13 83 * +61 13 84 * +61 13 85 * +61 13 86 * +61 13 87 * +61 13 88 * +61 13 89 * +61 13 90 * +61 13 91 * +61 13 92 * +61 13 93 * +61 13 94 * +61 13 95 * +61 13 96 * +61 13 97 * +61 13 98 * +61 13 99 * +61 13 100 * +61 13 101 * +61 13 102 * +61 13 103 * +61 13 104 * +61 13 105 * +61 13 106 * +61 13 107 * +61 13 108 * +61 13 109 * +61 13 110 * +61 13 111 * +61 13 112 * +61 13 113 * +61 13 114 * +61 13 115 * +61 13 116 * +61 13 117 * +61 13 118 * +61 13 119 * +61 13 120 * +61 13 121 * +61 13 122 * +61 13 123 * +61 13 124 * +61 13 125 * +61 13 126 * +61 13 127 * +61 13 128 * +61 13 129 * +61 13 130 * +61 13 131 * +61 13 132 * +61 13 133 * +61 13 134 * +61 13 135 * +61 13 136 * +61 13 137 * +61 13 138 * +61 13 139 * +61 13 140 * +61 13 141 * +61 13 142 * +61 13 143 * +61 13 144 * +61 13 145 * +61 13 146 * +61 13 147 * +61 13 148 * +61 13 149 * +61 13 150 * +61 13 151 * +61 13 152 * +61 13 153 * +61 13 154 * +61 13 155 * +61 13 156 * +61 13 157 * +61 13 158 * +61 13 159 * +61 13 160 * +61 13 161 * +61 13 162 * +61 13 163 * +61 13 164 * +61 13 165 * +61 13 166 * +61 13 167 * +61 13 168 * +61 13 169 * +61 13 170 * +61 13 171 * +61 13 172 * +61 13 173 * +61 13 174 * +61 13 175 * +61 13 176 * +61 13 177 * +61 13 178 * +61 13 179 * +61 13 180 * +61 13 181 * +61 13 182 * +61 13 183 * +61 13 184 * +61 13 185 * +61 13 186 * +61 13 187 * +61 13 188 * +61 13 189 * +61 13 190 * +61 13 191 * +61 13 192 * +61 13 193 * +61 13 194 * +61 13 195 * +61 13 196 * +61 13 197 * +61 13 198 * +61 13 199 * +61 13 200 * +61 13 201 * +61 13 202 * +61 13 203 * +61 13 204 * +61 13 205 * +61 13 206 * +61 13 207 * +61 13 208 * +61 13 209 * +61 13 210 * +61 13 211 * +61 13 212 * +61 13 213 * +61 13 214 * +61 13 215 * +61 13 216 * +61 13 217 * +61 13 218 * +61 13 219 * +61 13 220 * +61 13 221 * +61 13 222 * +61 13 223 * +61 13 224 * +61 13 225 * +61 13 226 * +61 13 227 * +61 13 228 * +61 13 229 * +61 13 230 * +61 13 231 * +61 13 232 * +61 13 233 * +61 13 234 * +61 13 235 * +61 13 236 * +61 13 237 * +61 13 238 * +61 13 239 * +61 13 240 * +61 13 241 * +61 13 242 * +61 13 243 * +61 13 244 * +61 13 245 * +61 13 246 * +61 13 247 * +61 13 248 * +61 13 249 * +61 13 250 * +61 13 251 * +61 13 252 * +61 13 253 * +61 13 254 * +61 13 255 * +61 13 256 * +61 13 257 * +61 13 258 * +61 13 259 * +61 13 260 * +61 13 261 * +61 13 262 * +61 13 263 * +61 13 264 * +61 13 265 * +61 13 266 * +61 13 267 * +61 13 268 * +61 13 269 * +61 13 270 * +61 13 271 * +61 13 272 * +61 13 273 * +61 13 274 * +61 13 275 * +61 13 276 * +61 13 277 * +61 13 278 * +61 13 279 * +61 13 280 * +61 13 281 * +61 13 282 * +61 13 283 * +61 13 284 * +61 13 285 * +61 13 286 * +61 13 287 * +61 13 288 * +61 13 289 * +61 13 290 * +61 13 291 * +61 13 292 * +61 13 293 * +61 13 294 * +61 13 295 * +61 13 296 * +61 13 297 * +61 13 298 * +61 13 299 * +61 13 300 * +61 13 301 * +61 13 302 * +61 13 303 * +61 13 304 * +61 13 305 * +61 13 306 * +61 13 307 * +61 13 308 * +61 13 309 * +61 13 310 * +61 13 311 * +61 13 312 * +61 13 313 * +61 13 314 * +61 13 315 * +61 13 316 * +61 13 317 * +61 13 318 * +61 13 319 * +61 13 320 * +61 13 321 * +61 13 322 * +61 13 323 * +61 13 324 * +61 13 325 * +61 13 326 * +61 13 327 * +61 13 328 * +61 13 329 * +61 13 330 * +61 14 1 LE +61 14 2 LE +61 14 3 WI +61 14 4 ND +61 14 5 LE +61 14 6 ND +61 14 7 LE +61 14 8 WI +61 14 9 LE +61 14 10 DU +61 14 11 DU +61 14 12 LE +61 14 13 DU +61 14 14 DU +61 14 15 LE +61 14 16 RE +61 14 17 WI +61 14 18 DU +61 14 19 LE +61 14 20 LE +61 14 21 WI +61 14 22 LE +61 14 23 LE +61 14 24 DU +61 14 25 LE +61 14 26 DU +61 14 27 RE +61 14 28 WI +61 14 29 LE +61 14 30 LE +61 14 31 LE +61 14 32 LE +61 14 33 LE +61 14 34 LE +61 14 35 LE +61 14 36 DU +61 14 37 LE +61 14 38 WI +61 14 39 LE +61 14 40 LE +61 14 41 WI +61 14 42 BL +61 14 43 DU +61 14 44 RE +61 14 45 LE +61 14 46 DU +61 14 47 LE +61 14 48 BL +61 14 49 LE +61 14 50 WI +61 14 51 LE +61 14 52 RE +61 14 53 WI +61 14 54 LE +61 14 55 LE +61 14 56 ND +61 14 57 LE +61 14 58 BL +61 14 59 RE +61 14 60 DU +61 14 61 WI +61 14 62 LE +61 14 63 RE +61 14 64 DU +61 14 65 WI +61 14 66 RE +61 14 67 LE +61 14 68 LE +61 14 69 LE +61 14 70 RE +61 14 71 WI +61 14 72 LE +61 14 73 UB +61 14 74 LE +61 14 75 LE +61 14 76 LE +61 14 77 LE +61 14 78 LE +61 14 79 DU +61 14 80 LE +61 14 81 LE +61 14 82 LE +61 14 83 LE +61 14 84 LE +61 14 85 LE +61 14 86 WI +61 14 87 DU +61 14 88 WI +61 14 89 DU +61 14 90 DU +61 14 91 LE +61 14 92 RE +61 14 93 DU +61 14 94 DU +61 14 95 LE +61 14 96 BL +61 14 97 DU +61 14 98 WI +61 14 99 LE +61 14 100 LE +61 14 101 WI +61 14 102 RE +61 14 103 LE +61 14 104 LE +61 14 105 WI +61 14 106 RE +61 14 107 RE +61 14 108 RE +61 14 109 DU +61 14 110 BL +61 14 111 DU +61 14 112 WI +61 14 113 DU +61 14 114 DU +61 14 115 WI +61 14 116 LE +61 14 117 LE +61 14 118 LE +61 14 119 LE +61 14 120 RE +61 14 121 BL +61 14 122 LE +61 14 123 DU +61 14 124 LE +61 14 125 BL +61 14 126 UB +61 14 127 LE +61 14 128 LE +61 14 129 LE +61 14 130 DU +61 14 131 UB +61 14 132 WI +61 14 133 DU +61 14 134 UB +61 14 135 WI +61 14 136 DU +61 14 137 LE +61 14 138 LE +61 14 139 BR +61 14 140 DU +61 14 141 RE +61 14 142 RE +61 14 143 LE +61 14 144 DU +61 14 145 LE +61 14 146 BL +61 14 147 LE +61 14 148 WI +61 14 149 LE +61 14 150 UB +61 14 151 WI +61 14 152 ND +61 14 153 LE +61 14 154 DU +61 14 155 UB +61 14 156 LE +61 14 157 UB +61 14 158 RE +61 14 159 RE +61 14 160 ND +61 14 161 LE +61 14 162 WI +61 14 163 DU +61 14 164 LE +61 14 165 ND +61 14 166 DU +61 14 167 LE +61 14 168 DU +61 14 169 LE +61 14 170 LE +61 14 171 LE +61 14 172 RE +61 14 173 LE +61 14 174 ND +61 14 175 LE +61 14 176 WI +61 14 177 RE +61 14 178 DU +61 14 179 WI +61 14 180 LE +61 14 181 BL +61 14 182 WI +61 14 183 * +61 14 184 LE +61 14 185 UB +61 14 186 LE +61 14 187 BL +61 14 188 LE +61 14 189 RE +61 14 190 BR +61 14 191 DU +61 14 192 LE +61 14 193 BL +61 14 194 WI +61 14 195 LE +61 14 196 RE +61 14 197 LE +61 14 198 DU +61 14 199 RE +61 14 200 LE +61 14 201 RE +61 14 202 LE +61 14 203 WI +61 14 204 DU +61 14 205 DU +61 14 206 ND +61 14 207 WI +61 14 208 BL +61 14 209 DU +61 14 210 WI +61 14 211 LE +61 14 212 BL +61 14 213 RE +61 14 214 LE +61 14 215 LE +61 14 216 DU +61 14 217 LE +61 14 218 BL +61 14 219 RE +61 14 220 DU +61 14 221 RE +61 14 222 UB +61 14 223 LE +61 14 224 RE +61 14 225 BL +61 14 226 DU +61 14 227 DU +61 14 228 DU +61 14 229 RE +61 14 230 ND +61 14 231 UB +61 14 232 BL +61 14 233 RE +61 14 234 LE +61 14 235 DU +61 14 236 BL +61 14 237 RE +61 14 238 LE +61 14 239 WI +61 14 240 UB +61 14 241 RE +61 14 242 ND +61 14 243 WI +61 14 244 RE +61 14 245 WI +61 14 246 LE +61 14 247 DU +61 14 248 DU +61 14 249 DU +61 14 250 UB +61 14 251 LE +61 14 252 RE +61 14 253 LE +61 14 254 LE +61 14 255 DU +61 14 256 WI +61 14 257 DU +61 14 258 BL +61 14 259 WI +61 14 260 ND +61 14 261 BL +61 14 262 RE +61 14 263 RE +61 14 264 RE +61 14 265 LE +61 14 266 WI +61 14 267 UB +61 14 268 LE +61 14 269 WI +61 14 270 BL +61 14 271 DU +61 14 272 RE +61 14 273 WI +61 14 274 RE +61 14 275 LE +61 14 276 WI +61 14 277 DU +61 14 278 BL +61 14 279 DU +61 14 280 LE +61 14 281 DU +61 14 282 LE +61 14 283 WI +61 14 284 RE +61 14 285 LE +61 14 286 RE +61 14 287 BL +61 14 288 WI +61 14 289 LE +61 14 290 RE +61 14 291 DU +61 14 292 LE +61 14 293 RE +61 14 294 RE +61 14 295 LE +61 14 296 LE +61 14 297 BL +61 14 298 WI +61 14 299 DU +61 14 300 RE +61 14 301 LE +61 14 302 RE +61 14 303 RE +61 14 304 BL +61 14 305 LE +61 14 306 LE +61 14 307 DU +61 14 308 LE +61 14 309 UB +61 14 310 LE +61 14 311 DU +61 14 312 DU +61 14 313 DU +61 14 314 RE +61 14 315 LE +61 14 316 DU +61 14 317 WI +61 14 318 LE +61 14 319 RE +61 14 320 LE +61 14 321 WI +61 14 322 RE +61 14 323 DU +61 14 324 RE +61 14 325 WI +61 14 326 BL +61 14 327 RE +61 14 328 DU +61 14 329 LE +61 14 330 RE +61 15 1 DU +61 15 2 LE +61 15 3 WI +61 15 4 LE +61 15 5 LE +61 15 6 ND +61 15 7 LE +61 15 8 WI +61 15 9 DI +61 15 10 DU +61 15 11 DU +61 15 12 ND +61 15 13 DU +61 15 14 DU +61 15 15 ND +61 15 16 RE +61 15 17 * +61 15 18 YO +61 15 19 LE +61 15 20 LE +61 15 21 WI +61 15 22 LE +61 15 23 LE +61 15 24 LE +61 15 25 LE +61 15 26 LE +61 15 27 ND +61 15 28 WI +61 15 29 LE +61 15 30 WI +61 15 31 LE +61 15 32 LE +61 15 33 LE +61 15 34 LE +61 15 35 WI +61 15 36 MI +61 15 37 LE +61 15 38 RG +61 15 39 LE +61 15 40 LE +61 15 41 * +61 15 42 LE +61 15 43 YO +61 15 44 RE +61 15 45 ND +61 15 46 ND +61 15 47 DU +61 15 48 LE +61 15 49 LE +61 15 50 UB +61 15 51 ND +61 15 52 RE +61 15 53 PA +61 15 54 LE +61 15 55 LE +61 15 56 DB +61 15 57 YO +61 15 58 LE +61 15 59 * +61 15 60 MI +61 15 61 WA +61 15 62 * +61 15 63 WI +61 15 64 LE +61 15 65 WI +61 15 66 RE +61 15 67 LE +61 15 68 LE +61 15 69 LE +61 15 70 BR +61 15 71 WI +61 15 72 LE +61 15 73 WI +61 15 74 RE +61 15 75 LE +61 15 76 WI +61 15 77 LE +61 15 78 LE +61 15 79 DU +61 15 80 LE +61 15 81 LE +61 15 82 LE +61 15 83 BL +61 15 84 BL +61 15 85 * +61 15 86 * +61 15 87 * +61 15 88 * +61 15 89 * +61 15 90 * +61 15 91 * +61 15 92 * +61 15 93 * +61 15 94 * +61 15 95 * +61 15 96 * +61 15 97 * +61 15 98 * +61 15 99 * +61 15 100 * +61 15 101 * +61 15 102 * +61 15 103 * +61 15 104 * +61 15 105 * +61 15 106 * +61 15 107 * +61 15 108 * +61 15 109 * +61 15 110 * +61 15 111 * +61 15 112 * +61 15 113 * +61 15 114 * +61 15 115 * +61 15 116 * +61 15 117 * +61 15 118 * +61 15 119 * +61 15 120 * +61 15 121 * +61 15 122 * +61 15 123 * +61 15 124 * +61 15 125 * +61 15 126 * +61 15 127 * +61 15 128 * +61 15 129 * +61 15 130 * +61 15 131 * +61 15 132 * +61 15 133 * +61 15 134 * +61 15 135 * +61 15 136 * +61 15 137 * +61 15 138 * +61 15 139 * +61 15 140 * +61 15 141 * +61 15 142 * +61 15 143 * +61 15 144 * +61 15 145 * +61 15 146 * +61 15 147 * +61 15 148 * +61 15 149 * +61 15 150 * +61 15 151 * +61 15 152 * +61 15 153 * +61 15 154 * +61 15 155 * +61 15 156 * +61 15 157 * +61 15 158 * +61 15 159 * +61 15 160 * +61 15 161 * +61 15 162 * +61 15 163 * +61 15 164 * +61 15 165 * +61 15 166 * +61 15 167 * +61 15 168 * +61 15 169 * +61 15 170 * +61 15 171 * +61 15 172 * +61 15 173 * +61 15 174 * +61 15 175 * +61 15 176 * +61 15 177 * +61 15 178 * +61 15 179 * +61 15 180 * +61 15 181 * +61 15 182 * +61 15 183 * +61 15 184 * +61 15 185 * +61 15 186 * +61 15 187 * +61 15 188 * +61 15 189 * +61 15 190 * +61 15 191 * +61 15 192 * +61 15 193 * +61 15 194 * +61 15 195 * +61 15 196 * +61 15 197 * +61 15 198 * +61 15 199 * +61 15 200 * +61 15 201 * +61 15 202 * +61 15 203 * +61 15 204 * +61 15 205 * +61 15 206 * +61 15 207 * +61 15 208 * +61 15 209 * +61 15 210 * +61 15 211 * +61 15 212 * +61 15 213 * +61 15 214 * +61 15 215 * +61 15 216 * +61 15 217 * +61 15 218 * +61 15 219 * +61 15 220 * +61 15 221 * +61 15 222 * +61 15 223 * +61 15 224 * +61 15 225 * +61 15 226 * +61 15 227 * +61 15 228 * +61 15 229 * +61 15 230 * +61 15 231 * +61 15 232 * +61 15 233 * +61 15 234 * +61 15 235 * +61 15 236 * +61 15 237 * +61 15 238 * +61 15 239 * +61 15 240 * +61 15 241 * +61 15 242 * +61 15 243 * +61 15 244 * +61 15 245 * +61 15 246 * +61 15 247 * +61 15 248 * +61 15 249 * +61 15 250 * +61 15 251 * +61 15 252 * +61 15 253 * +61 15 254 * +61 15 255 * +61 15 256 * +61 15 257 * +61 15 258 * +61 15 259 * +61 15 260 * +61 15 261 * +61 15 262 * +61 15 263 * +61 15 264 * +61 15 265 * +61 15 266 * +61 15 267 * +61 15 268 * +61 15 269 * +61 15 270 * +61 15 271 * +61 15 272 * +61 15 273 * +61 15 274 * +61 15 275 * +61 15 276 * +61 15 277 * +61 15 278 * +61 15 279 * +61 15 280 * +61 15 281 * +61 15 282 * +61 15 283 * +61 15 284 * +61 15 285 * +61 15 286 * +61 15 287 * +61 15 288 * +61 15 289 * +61 15 290 * +61 15 291 * +61 15 292 * +61 15 293 * +61 15 294 * +61 15 295 * +61 15 296 * +61 15 297 * +61 15 298 * +61 15 299 * +61 15 300 * +61 15 301 * +61 15 302 * +61 15 303 * +61 15 304 * +61 15 305 * +61 15 306 * +61 15 307 * +61 15 308 * +61 15 309 * +61 15 310 * +61 15 311 * +61 15 312 * +61 15 313 * +61 15 314 * +61 15 315 * +61 15 316 * +61 15 317 * +61 15 318 * +61 15 319 * +61 15 320 * +61 15 321 * +61 15 322 * +61 15 323 * +61 15 324 * +61 15 325 * +61 15 326 * +61 15 327 * +61 15 328 * +61 15 329 * +61 15 330 * +62 1 1 SA +62 1 2 * +62 1 3 ZE +62 1 4 ZE +62 1 5 SA +62 1 6 ZE +62 1 7 SA +62 1 8 ZE +62 1 9 ZE +62 1 10 SA +62 1 11 SA +62 1 12 ZE +62 1 13 SA +62 1 14 SA +62 1 15 SA +62 1 16 PE +62 1 17 ZE +62 1 18 SA +62 1 19 SA +62 1 20 SA +62 1 21 ZE +62 1 22 PE +62 1 23 ZE +62 1 24 SA +62 1 25 SA +62 1 26 SA +62 1 27 PE +62 1 28 ZE +62 1 29 SA +62 1 30 ZE +62 1 31 PE +62 1 32 ZE +62 1 33 SA +62 1 34 SA +62 1 35 ZE +62 1 36 SA +62 1 37 SA +62 1 38 ZE +62 1 39 SA +62 1 40 SA +62 1 41 ZE +62 1 42 ZE +62 1 43 SA +62 1 44 PE +62 1 45 SA +62 1 46 * +62 1 47 SA +62 1 48 ZE +62 1 49 SA +62 1 50 SA +62 1 51 SA +62 1 52 PE +62 1 53 ZE +62 1 54 SA +62 1 55 SA +62 1 56 PE +62 1 57 SA +62 1 58 SA +62 1 59 ZE +62 1 60 SA +62 1 61 ZE +62 1 62 PE +62 1 63 ZE +62 1 64 SA +62 1 65 ZE +62 1 66 PE +62 1 67 * +62 1 68 ZE +62 1 69 SA +62 1 70 PE +62 1 71 ZE +62 1 72 SA +62 1 73 ZE +62 1 74 * +62 1 75 SA +62 1 76 ZE +62 1 77 SA +62 1 78 ZE +62 1 79 SA +62 1 80 SA +62 1 81 SA +62 1 82 SA +62 1 83 PE +62 1 84 ZE +62 1 85 SA +62 1 86 ZE +62 1 87 SA +62 1 88 ZE +62 1 89 SA +62 1 90 SA +62 1 91 SA +62 1 92 PE +62 1 93 SA +62 1 94 SA +62 1 95 PE +62 1 96 ZE +62 1 97 ZE +62 1 98 ZE +62 1 99 ZE +62 1 100 PE +62 1 101 ZE +62 1 102 PE +62 1 103 SA +62 1 104 PE +62 1 105 ZE +62 1 106 PE +62 1 107 PE +62 1 108 PE +62 1 109 SA +62 1 110 ZE +62 1 111 SA +62 1 112 ZE +62 1 113 SA +62 1 114 SA +62 1 115 ZE +62 1 116 SA +62 1 117 SA +62 1 118 ZE +62 1 119 SA +62 1 120 PE +62 1 121 ZE +62 1 122 SA +62 1 123 SA +62 1 124 SA +62 1 125 ZE +62 1 126 ZE +62 1 127 SA +62 1 128 PE +62 1 129 PE +62 1 130 SA +62 1 131 ZE +62 1 132 ZE +62 1 133 SA +62 1 134 SA +62 1 135 ZE +62 1 136 SA +62 1 137 SA +62 1 138 SA +62 1 139 PE +62 1 140 SA +62 1 141 PE +62 1 142 PE +62 1 143 SA +62 1 144 SA +62 1 145 SA +62 1 146 ZE +62 1 147 SA +62 1 148 ZE +62 1 149 PE +62 1 150 ZE +62 1 151 ZE +62 1 152 ZE +62 1 153 SA +62 1 154 SA +62 1 155 SA +62 1 156 SA +62 1 157 SA +62 1 158 PE +62 1 159 PE +62 1 160 ZE +62 1 161 SA +62 1 162 ZE +62 1 163 SA +62 1 164 SA +62 1 165 SA +62 1 166 SA +62 1 167 ZE +62 1 168 SA +62 1 169 SA +62 1 170 SA +62 1 171 SA +62 1 172 PE +62 1 173 ZE +62 1 174 ZE +62 1 175 PE +62 1 176 ZE +62 1 177 PE +62 1 178 SA +62 1 179 ZE +62 1 180 SA +62 1 181 ZE +62 1 182 ZE +62 1 183 * +62 1 184 ZE +62 1 185 ZE +62 1 186 PE +62 1 187 ZE +62 1 188 SA +62 1 189 PE +62 1 190 ZE +62 1 191 SA +62 1 192 ZE +62 1 193 ZE +62 1 194 ZE +62 1 195 SA +62 1 196 PE +62 1 197 ZE +62 1 198 SA +62 1 199 PE +62 1 200 PE +62 1 201 ZE +62 1 202 SA +62 1 203 ZE +62 1 204 SA +62 1 205 SA +62 1 206 PE +62 1 207 ZE +62 1 208 ZE +62 1 209 SA +62 1 210 SA +62 1 211 SA +62 1 212 ZE +62 1 213 ZE +62 1 214 ZE +62 1 215 ZE +62 1 216 SA +62 1 217 ZE +62 1 218 ZE +62 1 219 PE +62 1 220 SA +62 1 221 PE +62 1 222 ZE +62 1 223 SA +62 1 224 PE +62 1 225 SA +62 1 226 SA +62 1 227 SA +62 1 228 SA +62 1 229 PE +62 1 230 PE +62 1 231 ZE +62 1 232 SA +62 1 233 ZE +62 1 234 SA +62 1 235 SA +62 1 236 ZE +62 1 237 ZE +62 1 238 SA +62 1 239 ZE +62 1 240 ZE +62 1 241 PE +62 1 242 PE +62 1 243 ZE +62 1 244 PE +62 1 245 ZE +62 1 246 SA +62 1 247 ZE +62 1 248 SA +62 1 249 SA +62 1 250 ZE +62 1 251 SA +62 1 252 PE +62 1 253 SA +62 1 254 SA +62 1 255 SA +62 1 256 ZE +62 1 257 SA +62 1 258 ZE +62 1 259 ZE +62 1 260 PE +62 1 261 ZE +62 1 262 PE +62 1 263 PE +62 1 264 PE +62 1 265 SA +62 1 266 ZE +62 1 267 ZE +62 1 268 SA +62 1 269 ZE +62 1 270 ZE +62 1 271 SA +62 1 272 PE +62 1 273 ZE +62 1 274 PE +62 1 275 SA +62 1 276 ZE +62 1 277 SA +62 1 278 ZE +62 1 279 SA +62 1 280 SA +62 1 281 SA +62 1 282 SA +62 1 283 SA +62 1 284 PE +62 1 285 ZE +62 1 286 PE +62 1 287 SA +62 1 288 ZE +62 1 289 SA +62 1 290 PE +62 1 291 SA +62 1 292 ZE +62 1 293 PE +62 1 294 PE +62 1 295 SA +62 1 296 ZE +62 1 297 ZE +62 1 298 ZE +62 1 299 SA +62 1 300 PE +62 1 301 SA +62 1 302 PE +62 1 303 PE +62 1 304 SA +62 1 305 ZE +62 1 306 SA +62 1 307 SA +62 1 308 ZE +62 1 309 SA +62 1 310 SA +62 1 311 SA +62 1 312 SA +62 1 313 SA +62 1 314 PE +62 1 315 SA +62 1 316 SA +62 1 317 ZE +62 1 318 ZE +62 1 319 PE +62 1 320 SA +62 1 321 ZE +62 1 322 SA +62 1 323 SA +62 1 324 PE +62 1 325 ZE +62 1 326 ZE +62 1 327 PE +62 1 328 SA +62 1 329 ZE +62 1 330 PE +62 2 1 SA +62 2 2 PU +62 2 3 ZE +62 2 4 ZE +62 2 5 PU +62 2 6 PP +62 2 7 GA +62 2 8 ZE +62 2 9 PP +62 2 10 SA +62 2 11 AA +62 2 12 DO +62 2 13 AA +62 2 14 SA +62 2 15 FZ +62 2 16 PE +62 2 17 ZE +62 2 18 SA +62 2 19 SA +62 2 20 SA +62 2 21 * +62 2 22 FZ +62 2 23 * +62 2 24 PP +62 2 25 SA +62 2 26 SA +62 2 27 PU +62 2 28 ZE +62 2 29 PP +62 2 30 ZE +62 2 31 PE +62 2 32 ZE +62 2 33 GA +62 2 34 SA +62 2 35 ZE +62 2 36 AA +62 2 37 SA +62 2 38 ZE +62 2 39 GA +62 2 40 GA +62 2 41 ZE +62 2 42 DO +62 2 43 SA +62 2 44 FZ +62 2 45 GA +62 2 46 SA +62 2 47 AA +62 2 48 DO +62 2 49 PU +62 2 50 ZE +62 2 51 PP +62 2 52 PE +62 2 53 ZE +62 2 54 GA +62 2 55 PU +62 2 56 PP +62 2 57 SA +62 2 58 FZ +62 2 59 PP +62 2 60 SA +62 2 61 ZE +62 2 62 PU +62 2 63 PU +62 2 64 SA +62 2 65 ZE +62 2 66 FZ +62 2 67 PU +62 2 68 PP +62 2 69 AA +62 2 70 PU +62 2 71 ZE +62 2 72 GA +62 2 73 ZE +62 2 74 FZ +62 2 75 SA +62 2 76 ZE +62 2 77 GA +62 2 78 PU +62 2 79 SA +62 2 80 GA +62 2 81 FZ +62 2 82 GA +62 2 83 PU +62 2 84 PP +62 2 85 GA +62 2 86 * +62 2 87 SA +62 2 88 * +62 2 89 SA +62 2 90 * +62 2 91 DO +62 2 92 * +62 2 93 SA +62 2 94 WW +62 2 95 * +62 2 96 DO +62 2 97 * +62 2 98 ZE +62 2 99 PP +62 2 100 PU +62 2 101 * +62 2 102 * +62 2 103 PP +62 2 104 * +62 2 105 ZE +62 2 106 DO +62 2 107 PE +62 2 108 PU +62 2 109 SA +62 2 110 DO +62 2 111 AA +62 2 112 ZE +62 2 113 SA +62 2 114 SA +62 2 115 ZE +62 2 116 FZ +62 2 117 WW +62 2 118 PU +62 2 119 GA +62 2 120 PE +62 2 121 ZE +62 2 122 GA +62 2 123 PP +62 2 124 PU +62 2 125 ZE +62 2 126 * +62 2 127 AA +62 2 128 DO +62 2 129 PU +62 2 130 AA +62 2 131 * +62 2 132 ZE +62 2 133 GA +62 2 134 AA +62 2 135 ZE +62 2 136 GA +62 2 137 * +62 2 138 * +62 2 139 PP +62 2 140 SA +62 2 141 PE +62 2 142 FZ +62 2 143 PU +62 2 144 * +62 2 145 GA +62 2 146 DO +62 2 147 SA +62 2 148 ZE +62 2 149 * +62 2 150 * +62 2 151 * +62 2 152 PU +62 2 153 SA +62 2 154 SA +62 2 155 AA +62 2 156 GA +62 2 157 * +62 2 158 PE +62 2 159 DO +62 2 160 FZ +62 2 161 PU +62 2 162 ZE +62 2 163 AA +62 2 164 BB +62 2 165 * +62 2 166 SA +62 2 167 PU +62 2 168 GA +62 2 169 PP +62 2 170 SA +62 2 171 PP +62 2 172 PE +62 2 173 ZE +62 2 174 DO +62 2 175 PP +62 2 176 ZE +62 2 177 DO +62 2 178 SA +62 2 179 WW +62 2 180 GA +62 2 181 DO +62 2 182 * +62 2 183 PP +62 2 184 PU +62 2 185 DO +62 2 186 PP +62 2 187 ZE +62 2 188 GA +62 2 189 PU +62 2 190 * +62 2 191 GA +62 2 192 * +62 2 193 PP +62 2 194 * +62 2 195 GA +62 2 196 PU +62 2 197 PP +62 2 198 SA +62 2 199 * +62 2 200 PP +62 2 201 * +62 2 202 GA +62 2 203 * +62 2 204 * +62 2 205 * +62 2 206 * +62 2 207 ZE +62 2 208 DO +62 2 209 GA +62 2 210 * +62 2 211 * +62 2 212 * +62 2 213 * +62 2 214 DO +62 2 215 PU +62 2 216 SA +62 2 217 PP +62 2 218 DO +62 2 219 FZ +62 2 220 SA +62 2 221 PP +62 2 222 BB +62 2 223 GA +62 2 224 FZ +62 2 225 PU +62 2 226 * +62 2 227 SA +62 2 228 AA +62 2 229 PP +62 2 230 PU +62 2 231 * +62 2 232 BB +62 2 233 PP +62 2 234 GA +62 2 235 * +62 2 236 PU +62 2 237 * +62 2 238 GA +62 2 239 * +62 2 240 GG +62 2 241 PP +62 2 242 PU +62 2 243 * +62 2 244 PP +62 2 245 ZE +62 2 246 GA +62 2 247 * +62 2 248 GA +62 2 249 GA +62 2 250 * +62 2 251 * +62 2 252 FZ +62 2 253 PP +62 2 254 * +62 2 255 AA +62 2 256 ZE +62 2 257 SA +62 2 258 DO +62 2 259 GG +62 2 260 PU +62 2 261 ZE +62 2 262 FZ +62 2 263 PP +62 2 264 FZ +62 2 265 GA +62 2 266 * +62 2 267 * +62 2 268 GA +62 2 269 PP +62 2 270 DO +62 2 271 SA +62 2 272 FZ +62 2 273 * +62 2 274 PP +62 2 275 DO +62 2 276 ZE +62 2 277 BB +62 2 278 * +62 2 279 * +62 2 280 PU +62 2 281 GA +62 2 282 GA +62 2 283 * +62 2 284 FZ +62 2 285 * +62 2 286 * +62 2 287 PP +62 2 288 ZE +62 2 289 PU +62 2 290 PP +62 2 291 * +62 2 292 * +62 2 293 PU +62 2 294 * +62 2 295 PP +62 2 296 AA +62 2 297 DO +62 2 298 ZE +62 2 299 GA +62 2 300 * +62 2 301 GA +62 2 302 FZ +62 2 303 * +62 2 304 BB +62 2 305 * +62 2 306 * +62 2 307 AA +62 2 308 PU +62 2 309 BB +62 2 310 GA +62 2 311 * +62 2 312 SA +62 2 313 * +62 2 314 PU +62 2 315 * +62 2 316 GA +62 2 317 WW +62 2 318 * +62 2 319 * +62 2 320 PU +62 2 321 ZE +62 2 322 * +62 2 323 * +62 2 324 PP +62 2 325 * +62 2 326 DO +62 2 327 PU +62 2 328 SA +62 2 329 WW +62 2 330 * +62 3 1 SA +62 3 2 PU +62 3 3 ZE +62 3 4 ZE +62 3 5 PU +62 3 6 PI +62 3 7 * +62 3 8 ZE +62 3 9 PU +62 3 10 SA +62 3 11 SA +62 3 12 PU +62 3 13 SA +62 3 14 SA +62 3 15 PU +62 3 16 * +62 3 17 ZE +62 3 18 SA +62 3 19 SA +62 3 20 GA +62 3 21 ZE +62 3 22 PE +62 3 23 SA +62 3 24 SA +62 3 25 SA +62 3 26 SA +62 3 27 PE +62 3 28 ZE +62 3 29 GA +62 3 30 ZE +62 3 31 GA +62 3 32 PU +62 3 33 * +62 3 34 SA +62 3 35 ZE +62 3 36 SA +62 3 37 PU +62 3 38 ZE +62 3 39 * +62 3 40 SA +62 3 41 ZE +62 3 42 PE +62 3 43 SA +62 3 44 PE +62 3 45 GA +62 3 46 SA +62 3 47 SA +62 3 48 ZE +62 3 49 GA +62 3 50 SA +62 3 51 SA +62 3 52 PE +62 3 53 ZE +62 3 54 SA +62 3 55 GA +62 3 56 ZE +62 3 57 SA +62 3 58 PE +62 3 59 PE +62 3 60 SA +62 3 61 ZE +62 3 62 SA +62 3 63 ZE +62 3 64 SA +62 3 65 ZE +62 3 66 PE +62 3 67 GA +62 3 68 ZE +62 3 69 SA +62 3 70 PE +62 3 71 SA +62 3 72 SA +62 3 73 ZE +62 3 74 SA +62 3 75 SA +62 3 76 ZE +62 3 77 GA +62 3 78 PE +62 3 79 SA +62 3 80 SA +62 3 81 GA +62 3 82 PU +62 3 83 PE +62 3 84 ZE +62 3 85 SA +62 3 86 ZE +62 3 87 SA +62 3 88 ZE +62 3 89 SA +62 3 90 SA +62 3 91 GA +62 3 92 PE +62 3 93 SA +62 3 94 SA +62 3 95 PE +62 3 96 PU +62 3 97 SA +62 3 98 ZE +62 3 99 PU +62 3 100 PE +62 3 101 ZE +62 3 102 PU +62 3 103 SA +62 3 104 PU +62 3 105 ZE +62 3 106 PE +62 3 107 PE +62 3 108 PE +62 3 109 SA +62 3 110 ZE +62 3 111 SA +62 3 112 ZE +62 3 113 SA +62 3 114 SA +62 3 115 ZE +62 3 116 PU +62 3 117 SA +62 3 118 ZE +62 3 119 GA +62 3 120 PE +62 3 121 ZE +62 3 122 GA +62 3 123 SA +62 3 124 GA +62 3 125 ZE +62 3 126 PE +62 3 127 SA +62 3 128 PU +62 3 129 PE +62 3 130 SA +62 3 131 SA +62 3 132 ZE +62 3 133 GA +62 3 134 SA +62 3 135 ZE +62 3 136 PU +62 3 137 SA +62 3 138 PU +62 3 139 PE +62 3 140 SA +62 3 141 PE +62 3 142 PU +62 3 143 GA +62 3 144 SA +62 3 145 GA +62 3 146 PU +62 3 147 SA +62 3 148 ZE +62 3 149 GA +62 3 150 SA +62 3 151 ZE +62 3 152 PU +62 3 153 SA +62 3 154 SA +62 3 155 SA +62 3 156 GA +62 3 157 SA +62 3 158 PE +62 3 159 ZE +62 3 160 ZE +62 3 161 GA +62 3 162 ZE +62 3 163 SA +62 3 164 GA +62 3 165 SA +62 3 166 SA +62 3 167 PU +62 3 168 SA +62 3 169 GA +62 3 170 SA +62 3 171 SA +62 3 172 PE +62 3 173 ZE +62 3 174 PU +62 3 175 PU +62 3 176 ZE +62 3 177 PU +62 3 178 SA +62 3 179 ZE +62 3 180 GA +62 3 181 PU +62 3 182 ZE +62 3 183 SA +62 3 184 SA +62 3 185 ZE +62 3 186 GA +62 3 187 ZE +62 3 188 SA +62 3 189 PE +62 3 190 ZE +62 3 191 GA +62 3 192 PU +62 3 193 PU +62 3 194 ZE +62 3 195 GA +62 3 196 PU +62 3 197 PU +62 3 198 SA +62 3 199 PE +62 3 200 GA +62 3 201 PU +62 3 202 GA +62 3 203 PU +62 3 204 SA +62 3 205 PU +62 3 206 PE +62 3 207 ZE +62 3 208 SA +62 3 209 SA +62 3 210 SA +62 3 211 GA +62 3 212 ZE +62 3 213 PU +62 3 214 PU +62 3 215 PU +62 3 216 SA +62 3 217 PU +62 3 218 GA +62 3 219 PE +62 3 220 SA +62 3 221 PE +62 3 222 SA +62 3 223 GA +62 3 224 PE +62 3 225 SA +62 3 226 SA +62 3 227 SA +62 3 228 SA +62 3 229 PU +62 3 230 PE +62 3 231 PU +62 3 232 SA +62 3 233 PU +62 3 234 GA +62 3 235 SA +62 3 236 PU +62 3 237 PE +62 3 238 SA +62 3 239 PU +62 3 240 ZE +62 3 241 PE +62 3 242 PE +62 3 243 SA +62 3 244 PE +62 3 245 ZE +62 3 246 SA +62 3 247 PU +62 3 248 SA +62 3 249 SA +62 3 250 SA +62 3 251 PU +62 3 252 PE +62 3 253 GA +62 3 254 PU +62 3 255 SA +62 3 256 ZE +62 3 257 SA +62 3 258 PU +62 3 259 ZE +62 3 260 PE +62 3 261 ZE +62 3 262 PE +62 3 263 SA +62 3 264 PE +62 3 265 SA +62 3 266 ZE +62 3 267 SA +62 3 268 PU +62 3 269 ZE +62 3 270 PU +62 3 271 SA +62 3 272 PE +62 3 273 PU +62 3 274 PE +62 3 275 PU +62 3 276 ZE +62 3 277 SA +62 3 278 ZE +62 3 279 SA +62 3 280 PU +62 3 281 GA +62 3 282 SA +62 3 283 SA +62 3 284 PE +62 3 285 PU +62 3 286 PE +62 3 287 SA +62 3 288 ZE +62 3 289 PU +62 3 290 PE +62 3 291 SA +62 3 292 PU +62 3 293 PE +62 3 294 PU +62 3 295 SA +62 3 296 SA +62 3 297 PU +62 3 298 ZE +62 3 299 SA +62 3 300 PE +62 3 301 SA +62 3 302 PE +62 3 303 PU +62 3 304 GA +62 3 305 SA +62 3 306 PU +62 3 307 SA +62 3 308 PU +62 3 309 SA +62 3 310 GA +62 3 311 SA +62 3 312 SA +62 3 313 SA +62 3 314 PE +62 3 315 GA +62 3 316 PU +62 3 317 ZE +62 3 318 ZE +62 3 319 PE +62 3 320 PU +62 3 321 ZE +62 3 322 PU +62 3 323 SA +62 3 324 PE +62 3 325 ZE +62 3 326 PU +62 3 327 PE +62 3 328 GA +62 3 329 PU +62 3 330 PE +62 4 1 SA +62 4 2 PU +62 4 3 ZE +62 4 4 WI +62 4 5 PU +62 4 6 PU +62 4 7 SA +62 4 8 ZE +62 4 9 PU +62 4 10 SA +62 4 11 SA +62 4 12 DO +62 4 13 SA +62 4 14 SA +62 4 15 WI +62 4 16 PE +62 4 17 ZE +62 4 18 SA +62 4 19 SA +62 4 20 SA +62 4 21 ZE +62 4 22 PU +62 4 23 WI +62 4 24 SA +62 4 25 SA +62 4 26 SA +62 4 27 PE +62 4 28 ZE +62 4 29 SA +62 4 30 SA +62 4 31 * +62 4 32 ZE +62 4 33 SA +62 4 34 SA +62 4 35 ZE +62 4 36 SA +62 4 37 PU +62 4 38 ZE +62 4 39 SA +62 4 40 SA +62 4 41 ZE +62 4 42 PU +62 4 43 SA +62 4 44 PE +62 4 45 SA +62 4 46 SA +62 4 47 SA +62 4 48 DO +62 4 49 BU +62 4 50 * +62 4 51 SA +62 4 52 PE +62 4 53 ZE +62 4 54 SA +62 4 55 SA +62 4 56 PE +62 4 57 SA +62 4 58 BU +62 4 59 PE +62 4 60 SA +62 4 61 ZE +62 4 62 BU +62 4 63 ZE +62 4 64 SA +62 4 65 ZE +62 4 66 PE +62 4 67 SA +62 4 68 ZE +62 4 69 SA +62 4 70 PE +62 4 71 IN +62 4 72 SA +62 4 73 BU +62 4 74 BU +62 4 75 SA +62 4 76 ZE +62 4 77 SA +62 4 78 ZK +62 4 79 SA +62 4 80 SA +62 4 81 BI +62 4 82 BI +62 4 83 PE +62 4 84 ZE +62 4 85 SA +62 4 86 ZE +62 4 87 SA +62 4 88 ZE +62 4 89 SA +62 4 90 SA +62 4 91 BI +62 4 92 PE +62 4 93 BU +62 4 94 SA +62 4 95 PE +62 4 96 * +62 4 97 BU +62 4 98 ZE +62 4 99 KG +62 4 100 BI +62 4 101 ZE +62 4 102 PE +62 4 103 SA +62 4 104 BU +62 4 105 ZE +62 4 106 PE +62 4 107 PE +62 4 108 PE +62 4 109 SA +62 4 110 DO +62 4 111 SA +62 4 112 ZE +62 4 113 SA +62 4 114 SA +62 4 115 ZE +62 4 116 PE +62 4 117 SA +62 4 118 ZE +62 4 119 BI +62 4 120 PE +62 4 121 ZE +62 4 122 BI +62 4 123 BI +62 4 124 BI +62 4 125 ZE +62 4 126 ZE +62 4 127 SA +62 4 128 * +62 4 129 PE +62 4 130 SA +62 4 131 ZE +62 4 132 ZE +62 4 133 SA +62 4 134 SA +62 4 135 ZE +62 4 136 BU +62 4 137 SA +62 4 138 BU +62 4 139 PE +62 4 140 SA +62 4 141 PE +62 4 142 PE +62 4 143 BI +62 4 144 SA +62 4 145 BI +62 4 146 * +62 4 147 BU +62 4 148 ZE +62 4 149 BU +62 4 150 SA +62 4 151 ZE +62 4 152 ZE +62 4 153 BU +62 4 154 SA +62 4 155 SA +62 4 156 BU +62 4 157 SA +62 4 158 PE +62 4 159 DO +62 4 160 KG +62 4 161 BU +62 4 162 ZE +62 4 163 BU +62 4 164 BU +62 4 165 SA +62 4 166 SA +62 4 167 PE +62 4 168 SA +62 4 169 SA +62 4 170 SA +62 4 171 SA +62 4 172 PE +62 4 173 ZE +62 4 174 DO +62 4 175 BU +62 4 176 ZE +62 4 177 WI +62 4 178 SA +62 4 179 ZE +62 4 180 BU +62 4 181 WI +62 4 182 SA +62 4 183 SA +62 4 184 SA +62 4 185 WI +62 4 186 SA +62 4 187 PE +62 4 188 SA +62 4 189 FZ +62 4 190 ZE +62 4 191 SA +62 4 192 WI +62 4 193 SA +62 4 194 KG +62 4 195 BI +62 4 196 BI +62 4 197 KG +62 4 198 SA +62 4 199 PE +62 4 200 WI +62 4 201 ZE +62 4 202 SA +62 4 203 ZE +62 4 204 SA +62 4 205 * +62 4 206 PE +62 4 207 ZE +62 4 208 SA +62 4 209 SA +62 4 210 SA +62 4 211 BU +62 4 212 ZE +62 4 213 SA +62 4 214 BI +62 4 215 ZE +62 4 216 SA +62 4 217 ZE +62 4 218 SA +62 4 219 SA +62 4 220 SA +62 4 221 PE +62 4 222 IN +62 4 223 BI +62 4 224 PE +62 4 225 SA +62 4 226 SA +62 4 227 SA +62 4 228 SA +62 4 229 BU +62 4 230 PE +62 4 231 ZE +62 4 232 SA +62 4 233 FZ +62 4 234 BI +62 4 235 BU +62 4 236 KG +62 4 237 ZE +62 4 238 BI +62 4 239 ZE +62 4 240 ZE +62 4 241 PE +62 4 242 PE +62 4 243 SA +62 4 244 PE +62 4 245 ZE +62 4 246 BI +62 4 247 IN +62 4 248 SA +62 4 249 BI +62 4 250 SA +62 4 251 BI +62 4 252 PE +62 4 253 BI +62 4 254 BU +62 4 255 SA +62 4 256 ZE +62 4 257 SA +62 4 258 WI +62 4 259 ZE +62 4 260 PE +62 4 261 ZE +62 4 262 PE +62 4 263 WI +62 4 264 BU +62 4 265 BU +62 4 266 ZE +62 4 267 ZE +62 4 268 SA +62 4 269 ZE +62 4 270 ZE +62 4 271 SA +62 4 272 PE +62 4 273 ZE +62 4 274 PE +62 4 275 SA +62 4 276 ZE +62 4 277 SA +62 4 278 ZE +62 4 279 SA +62 4 280 SA +62 4 281 BU +62 4 282 BU +62 4 283 SA +62 4 284 PE +62 4 285 ZE +62 4 286 PE +62 4 287 SA +62 4 288 ZE +62 4 289 BU +62 4 290 PE +62 4 291 BU +62 4 292 ZE +62 4 293 FZ +62 4 294 SA +62 4 295 SA +62 4 296 SA +62 4 297 KG +62 4 298 ZE +62 4 299 BU +62 4 300 SA +62 4 301 BU +62 4 302 PE +62 4 303 KG +62 4 304 SA +62 4 305 SA +62 4 306 BU +62 4 307 BU +62 4 308 IN +62 4 309 SA +62 4 310 BU +62 4 311 SA +62 4 312 SA +62 4 313 SA +62 4 314 PE +62 4 315 BI +62 4 316 BI +62 4 317 ZE +62 4 318 ZE +62 4 319 PE +62 4 320 SA +62 4 321 ZE +62 4 322 BU +62 4 323 SA +62 4 324 PE +62 4 325 ZE +62 4 326 PE +62 4 327 PE +62 4 328 SA +62 4 329 SA +62 4 330 PE +62 5 1 BI +62 5 2 TI +62 5 3 ZE +62 5 4 * +62 5 5 TI +62 5 6 ZE +62 5 7 TI +62 5 8 ZE +62 5 9 ZE +62 5 10 SA +62 5 11 SA +62 5 12 DO +62 5 13 BI +62 5 14 SA +62 5 15 ZE +62 5 16 PE +62 5 17 ZE +62 5 18 SA +62 5 19 TI +62 5 20 TI +62 5 21 ZE +62 5 22 DO +62 5 23 ZK +62 5 24 SA +62 5 25 TI +62 5 26 BU +62 5 27 BW +62 5 28 ZE +62 5 29 BI +62 5 30 WU +62 5 31 PU +62 5 32 DO +62 5 33 BI +62 5 34 BI +62 5 35 ZE +62 5 36 SA +62 5 37 SA +62 5 38 ZE +62 5 39 TI +62 5 40 TI +62 5 41 ZE +62 5 42 WU +62 5 43 SA +62 5 44 KG +62 5 45 TI +62 5 46 SA +62 5 47 SA +62 5 48 WU +62 5 49 TI +62 5 50 ZK +62 5 51 WU +62 5 52 PE +62 5 53 ZE +62 5 54 TI +62 5 55 PU +62 5 56 ZE +62 5 57 SA +62 5 58 WI +62 5 59 PU +62 5 60 SA +62 5 61 ZE +62 5 62 PU +62 5 63 ZK +62 5 64 BU +62 5 65 ZE +62 5 66 WI +62 5 67 FZ +62 5 68 ZE +62 5 69 WU +62 5 70 FZ +62 5 71 ZE +62 5 72 TI +62 5 73 WU +62 5 74 SA +62 5 75 TI +62 5 76 ZE +62 5 77 BI +62 5 78 FZ +62 5 79 SA +62 5 80 BI +62 5 81 WU +62 5 82 PE +62 5 83 DO +62 5 84 WI +62 5 85 TI +62 5 86 ZE +62 5 87 SA +62 5 88 WU +62 5 89 SA +62 5 90 SA +62 5 91 WU +62 5 92 ZK +62 5 93 BI +62 5 94 SA +62 5 95 FZ +62 5 96 WU +62 5 97 LL +62 5 98 ZE +62 5 99 PU +62 5 100 FZ +62 5 101 * +62 5 102 FZ +62 5 103 * +62 5 104 TI +62 5 105 WI +62 5 106 FZ +62 5 107 PE +62 5 108 PE +62 5 109 BU +62 5 110 WI +62 5 111 * +62 5 112 * +62 5 113 SA +62 5 114 TI +62 5 115 KG +62 5 116 PE +62 5 117 WU +62 5 118 ZE +62 5 119 TM +62 5 120 PE +62 5 121 ZE +62 5 122 TI +62 5 123 BI +62 5 124 PU +62 5 125 ZE +62 5 126 WW +62 5 127 SA +62 5 128 FZ +62 5 129 PU +62 5 130 SA +62 5 131 GZ +62 5 132 ZE +62 5 133 BI +62 5 134 WI +62 5 135 ZE +62 5 136 PU +62 5 137 TM +62 5 138 BU +62 5 139 FZ +62 5 140 BU +62 5 141 PE +62 5 142 FZ +62 5 143 DM +62 5 144 BU +62 5 145 FZ +62 5 146 WU +62 5 147 TI +62 5 148 ZE +62 5 149 PU +62 5 150 TM +62 5 151 ZE +62 5 152 FZ +62 5 153 SA +62 5 154 SA +62 5 155 WI +62 5 156 TI +62 5 157 PU +62 5 158 PE +62 5 159 DO +62 5 160 WU +62 5 161 TI +62 5 162 ZE +62 5 163 BI +62 5 164 BU +62 5 165 TM +62 5 166 SA +62 5 167 PU +62 5 168 TI +62 5 169 SA +62 5 170 SA +62 5 171 FZ +62 5 172 PU +62 5 173 ZE +62 5 174 DO +62 5 175 FX +62 5 176 ZE +62 5 177 WU +62 5 178 BU +62 5 179 KG +62 5 180 FZ +62 5 181 WU +62 5 182 ZE +62 5 183 PU +62 5 184 FZ +62 5 185 TM +62 5 186 WI +62 5 187 ZE +62 5 188 WU +62 5 189 FZ +62 5 190 TM +62 5 191 TI +62 5 192 BI +62 5 193 WI +62 5 194 WI +62 5 195 TM +62 5 196 FZ +62 5 197 PL +62 5 198 SA +62 5 199 PE +62 5 200 FZ +62 5 201 WU +62 5 202 TI +62 5 203 ZE +62 5 204 SA +62 5 205 WI +62 5 206 PE +62 5 207 ZE +62 5 208 TM +62 5 209 TI +62 5 210 WU +62 5 211 TM +62 5 212 ZE +62 5 213 DM +62 5 214 WU +62 5 215 TM +62 5 216 PB +62 5 217 PL +62 5 218 FZ +62 5 219 PE +62 5 220 SA +62 5 221 FZ +62 5 222 WI +62 5 223 BI +62 5 224 TM +62 5 225 WI +62 5 226 * +62 5 227 SA +62 5 228 PL +62 5 229 WI +62 5 230 FZ +62 5 231 SG +62 5 232 WU +62 5 233 SA +62 5 234 BI +62 5 235 TM +62 5 236 SG +62 5 237 WU +62 5 238 TI +62 5 239 ZE +62 5 240 PU +62 5 241 PE +62 5 242 WU +62 5 243 ZE +62 5 244 FZ +62 5 245 ZE +62 5 246 TI +62 5 247 WL +62 5 248 SA +62 5 249 TI +62 5 250 FZ +62 5 251 WI +62 5 252 TM +62 5 253 TP +62 5 254 PL +62 5 255 SA +62 5 256 ZE +62 5 257 PU +62 5 258 DO +62 5 259 ZE +62 5 260 PL +62 5 261 DM +62 5 262 NN +62 5 263 KG +62 5 264 WL +62 5 265 BI +62 5 266 TZ +62 5 267 WG +62 5 268 FZ +62 5 269 ZE +62 5 270 WG +62 5 271 BI +62 5 272 PE +62 5 273 WG +62 5 274 PE +62 5 275 FZ +62 5 276 ZE +62 5 277 WG +62 5 278 WG +62 5 279 BU +62 5 280 YI +62 5 281 BI +62 5 282 TI +62 5 283 YI +62 5 284 PE +62 5 285 KZ +62 5 286 PL +62 5 287 WI +62 5 288 ZE +62 5 289 TM +62 5 290 TP +62 5 291 BU +62 5 292 WI +62 5 293 FZ +62 5 294 PU +62 5 295 WU +62 5 296 TM +62 5 297 DO +62 5 298 ZE +62 5 299 TI +62 5 300 TM +62 5 301 BI +62 5 302 TI +62 5 303 PL +62 5 304 WG +62 5 305 KW +62 5 306 FZ +62 5 307 TI +62 5 308 YO +62 5 309 TM +62 5 310 GB +62 5 311 PU +62 5 312 SA +62 5 313 BU +62 5 314 BM +62 5 315 TI +62 5 316 SA +62 5 317 WU +62 5 318 WG +62 5 319 PE +62 5 320 KY +62 5 321 ZE +62 5 322 PU +62 5 323 BY +62 5 324 SP +62 5 325 WI +62 5 326 KO +62 5 327 SB +62 5 328 TI +62 5 329 DM +62 5 330 PE +62 6 1 BU +62 6 2 PU +62 6 3 ZE +62 6 4 SA +62 6 5 PU +62 6 6 DO +62 6 7 BI +62 6 8 ZE +62 6 9 SA +62 6 10 BU +62 6 11 SA +62 6 12 DO +62 6 13 SA +62 6 14 SA +62 6 15 PU +62 6 16 PE +62 6 17 ZE +62 6 18 SA +62 6 19 BU +62 6 20 BI +62 6 21 ZE +62 6 22 DO +62 6 23 PU +62 6 24 SA +62 6 25 SA +62 6 26 BU +62 6 27 PE +62 6 28 ZE +62 6 29 BI +62 6 30 ZE +62 6 31 PE +62 6 32 ZE +62 6 33 BI +62 6 34 BU +62 6 35 ZE +62 6 36 SA +62 6 37 BU +62 6 38 ZE +62 6 39 BI +62 6 40 BI +62 6 41 ZE +62 6 42 DO +62 6 43 SA +62 6 44 PE +62 6 45 * +62 6 46 * +62 6 47 SA +62 6 48 DO +62 6 49 BI +62 6 50 SA +62 6 51 SA +62 6 52 PE +62 6 53 ZE +62 6 54 BI +62 6 55 BI +62 6 56 ZE +62 6 57 SA +62 6 58 BI +62 6 59 PE +62 6 60 SA +62 6 61 ZE +62 6 62 BU +62 6 63 ZE +62 6 64 BU +62 6 65 ZE +62 6 66 PE +62 6 67 * +62 6 68 ZE +62 6 69 SA +62 6 70 PE +62 6 71 ZE +62 6 72 BI +62 6 73 * +62 6 74 PE +62 6 75 SA +62 6 76 ZE +62 6 77 * +62 6 78 PE +62 6 79 SA +62 6 80 * +62 6 81 * +62 6 82 * +62 6 83 DO +62 6 84 * +62 6 85 BI +62 6 86 * +62 6 87 SA +62 6 88 ZE +62 6 89 SO +62 6 90 SA +62 6 91 * +62 6 92 PE +62 6 93 BU +62 6 94 * +62 6 95 * +62 6 96 * +62 6 97 SA +62 6 98 ZE +62 6 99 PU +62 6 100 PE +62 6 101 ZE +62 6 102 PU +62 6 103 SA +62 6 104 BI +62 6 105 ZE +62 6 106 DO +62 6 107 PE +62 6 108 PE +62 6 109 BU +62 6 110 ZE +62 6 111 SA +62 6 112 ZE +62 6 113 SA +62 6 114 BI +62 6 115 ZE +62 6 116 PE +62 6 117 ZE +62 6 118 ZE +62 6 119 BU +62 6 120 PE +62 6 121 ZE +62 6 122 BI +62 6 123 BU +62 6 124 DO +62 6 125 ZE +62 6 126 ZE +62 6 127 SA +62 6 128 DO +62 6 129 PE +62 6 130 SA +62 6 131 ZE +62 6 132 ZE +62 6 133 BU +62 6 134 SA +62 6 135 ZE +62 6 136 BI +62 6 137 SA +62 6 138 PE +62 6 139 PE +62 6 140 BU +62 6 141 PE +62 6 142 PE +62 6 143 BI +62 6 144 BU +62 6 145 BI +62 6 146 DO +62 6 147 BI +62 6 148 ZE +62 6 149 BU +62 6 150 SA +62 6 151 ZE +62 6 152 ZE +62 6 153 BU +62 6 154 SA +62 6 155 SA +62 6 156 BI +62 6 157 SA +62 6 158 PE +62 6 159 DO +62 6 160 PU +62 6 161 BI +62 6 162 ZE +62 6 163 BU +62 6 164 BU +62 6 165 SA +62 6 166 SA +62 6 167 PU +62 6 168 BI +62 6 169 BI +62 6 170 SA +62 6 171 PU +62 6 172 PE +62 6 173 ZE +62 6 174 DO +62 6 175 PE +62 6 176 ZE +62 6 177 DO +62 6 178 SA +62 6 179 ZE +62 6 180 BI +62 6 181 DO +62 6 182 SA +62 6 183 SA +62 6 184 BI +62 6 185 DO +62 6 186 BI +62 6 187 ZE +62 6 188 BU +62 6 189 PE +62 6 190 ZE +62 6 191 SA +62 6 192 PU +62 6 193 DO +62 6 194 ZE +62 6 195 PU +62 6 196 PE +62 6 197 PU +62 6 198 SA +62 6 199 PE +62 6 200 PU +62 6 201 ZE +62 6 202 BI +62 6 203 ZE +62 6 204 SA +62 6 205 PU +62 6 206 PE +62 6 207 ZE +62 6 208 BI +62 6 209 SA +62 6 210 ZE +62 6 211 BU +62 6 212 DO +62 6 213 PE +62 6 214 PU +62 6 215 ZE +62 6 216 SA +62 6 217 ZE +62 6 218 PU +62 6 219 PE +62 6 220 ZE +62 6 221 PE +62 6 222 BI +62 6 223 BU +62 6 224 PE +62 6 225 DO +62 6 226 BU +62 6 227 SA +62 6 228 BU +62 6 229 PE +62 6 230 PE +62 6 231 PU +62 6 232 DO +62 6 233 PU +62 6 234 BI +62 6 235 BU +62 6 236 DO +62 6 237 PU +62 6 238 BU +62 6 239 ZE +62 6 240 ZE +62 6 241 PE +62 6 242 DO +62 6 243 ZE +62 6 244 PE +62 6 245 ZE +62 6 246 PU +62 6 247 DO +62 6 248 SA +62 6 249 SA +62 6 250 BU +62 6 251 PU +62 6 252 PE +62 6 253 BI +62 6 254 BI +62 6 255 SA +62 6 256 ZE +62 6 257 * +62 6 258 DO +62 6 259 ZE +62 6 260 PE +62 6 261 ZE +62 6 262 PE +62 6 263 * +62 6 264 PE +62 6 265 BU +62 6 266 ZE +62 6 267 ZE +62 6 268 PU +62 6 269 BI +62 6 270 DO +62 6 271 SA +62 6 272 PE +62 6 273 PU +62 6 274 PE +62 6 275 DO +62 6 276 ZE +62 6 277 SA +62 6 278 ZE +62 6 279 BU +62 6 280 PU +62 6 281 BU +62 6 282 PU +62 6 283 SA +62 6 284 PE +62 6 285 ZE +62 6 286 PE +62 6 287 DO +62 6 288 ZE +62 6 289 PU +62 6 290 PE +62 6 291 BU +62 6 292 ZE +62 6 293 PE +62 6 294 PE +62 6 295 SA +62 6 296 BU +62 6 297 DO +62 6 298 ZE +62 6 299 BI +62 6 300 PE +62 6 301 BU +62 6 302 PE +62 6 303 PE +62 6 304 PU +62 6 305 SA +62 6 306 PU +62 6 307 BU +62 6 308 PU +62 6 309 SA +62 6 310 BU +62 6 311 BU +62 6 312 SA +62 6 313 BU +62 6 314 PE +62 6 315 PU +62 6 316 BI +62 6 317 ZE +62 6 318 ZE +62 6 319 PE +62 6 320 DO +62 6 321 ZE +62 6 322 BU +62 6 323 BI +62 6 324 PE +62 6 325 ZE +62 6 326 DO +62 6 327 PE +62 6 328 SA +62 6 329 DO +62 6 330 PE +62 7 1 BU +62 7 2 PU +62 7 3 ZE +62 7 4 WU +62 7 5 BI +62 7 6 ZK +62 7 7 BI +62 7 8 * +62 7 9 PP +62 7 10 BU +62 7 11 SA +62 7 12 DO +62 7 13 BU +62 7 14 PU +62 7 15 * +62 7 16 PE +62 7 17 ZE +62 7 18 PT +62 7 19 BU +62 7 20 BI +62 7 21 ZE +62 7 22 DO +62 7 23 GZ +62 7 24 AA +62 7 25 SA +62 7 26 * +62 7 27 PP +62 7 28 ZE +62 7 29 BI +62 7 30 WH +62 7 31 PP +62 7 32 PP +62 7 33 BI +62 7 34 BU +62 7 35 ZE +62 7 36 SA +62 7 37 PP +62 7 38 ZE +62 7 39 BI +62 7 40 BI +62 7 41 ZE +62 7 42 PU +62 7 43 BU +62 7 44 PE +62 7 45 BI +62 7 46 WR +62 7 47 PP +62 7 48 ZK +62 7 49 BU +62 7 50 GZ +62 7 51 LR +62 7 52 PU +62 7 53 ZE +62 7 54 BI +62 7 55 BU +62 7 56 PU +62 7 57 BU +62 7 58 PU +62 7 59 * +62 7 60 BI +62 7 61 ZE +62 7 62 PP +62 7 63 ZK +62 7 64 SA +62 7 65 ZE +62 7 66 FY +62 7 67 BI +62 7 68 ZK +62 7 69 AA +62 7 70 PP +62 7 71 * +62 7 72 BI +62 7 73 BU +62 7 74 FY +62 7 75 SA +62 7 76 ZE +62 7 77 BU +62 7 78 PP +62 7 79 AA +62 7 80 BU +62 7 81 PT +62 7 82 WR +62 7 83 PP +62 7 84 ZK +62 7 85 BU +62 7 86 ZK +62 7 87 AA +62 7 88 ZK +62 7 89 SA +62 7 90 SA +62 7 91 DO +62 7 92 PP +62 7 93 BU +62 7 94 AA +62 7 95 FY +62 7 96 DO +62 7 97 BU +62 7 98 * +62 7 99 PP +62 7 100 BI +62 7 101 * +62 7 102 PU +62 7 103 PT +62 7 104 PP +62 7 105 ZK +62 7 106 DO +62 7 107 PE +62 7 108 PU +62 7 109 BU +62 7 110 GZ +62 7 111 AA +62 7 112 * +62 7 113 SA +62 7 114 BU +62 7 115 ZE +62 7 116 PU +62 7 117 * +62 7 118 ZE +62 7 119 BI +62 7 120 PP +62 7 121 * +62 7 122 BI +62 7 123 PT +62 7 124 DO +62 7 125 ZE +62 7 126 ZK +62 7 127 PT +62 7 128 DO +62 7 129 WH +62 7 130 PT +62 7 131 GZ +62 7 132 ZE +62 7 133 BI +62 7 134 GZ +62 7 135 ZE +62 7 136 BI +62 7 137 AA +62 7 138 PP +62 7 139 PU +62 7 140 BU +62 7 141 PE +62 7 142 PP +62 7 143 BI +62 7 144 BU +62 7 145 BI +62 7 146 WU +62 7 147 BU +62 7 148 * +62 7 149 BI +62 7 150 * +62 7 151 ZK +62 7 152 PU +62 7 153 SA +62 7 154 AA +62 7 155 PT +62 7 156 BI +62 7 157 AA +62 7 158 PE +62 7 159 ZK +62 7 160 ZK +62 7 161 BI +62 7 162 ZE +62 7 163 BU +62 7 164 BU +62 7 165 PT +62 7 166 SA +62 7 167 WH +62 7 168 SA +62 7 169 SA +62 7 170 PP +62 7 171 AA +62 7 172 PE +62 7 173 ZE +62 7 174 DO +62 7 175 PU +62 7 176 ZE +62 7 177 DO +62 7 178 BU +62 7 179 * +62 7 180 BI +62 7 181 WU +62 7 182 ZK +62 7 183 AA +62 7 184 PU +62 7 185 WU +62 7 186 PU +62 7 187 DO +62 7 188 SA +62 7 189 PE +62 7 190 * +62 7 191 BI +62 7 192 BU +62 7 193 DO +62 7 194 ZK +62 7 195 BI +62 7 196 PU +62 7 197 WU +62 7 198 AA +62 7 199 PE +62 7 200 * +62 7 201 ZK +62 7 202 BU +62 7 203 ZE +62 7 204 AA +62 7 205 PP +62 7 206 PE +62 7 207 ZE +62 7 208 WU +62 7 209 SA +62 7 210 WU +62 7 211 BI +62 7 212 ZE +62 7 213 PP +62 7 214 DO +62 7 215 ZK +62 7 216 AA +62 7 217 ZK +62 7 218 PU +62 7 219 PE +62 7 220 BU +62 7 221 PE +62 7 222 BU +62 7 223 BI +62 7 224 PE +62 7 225 AA +62 7 226 AA +62 7 227 AA +62 7 228 SA +62 7 229 FY +62 7 230 PE +62 7 231 ZE +62 7 232 AA +62 7 233 PP +62 7 234 BI +62 7 235 SA +62 7 236 DO +62 7 237 ZK +62 7 238 BI +62 7 239 ZE +62 7 240 ZK +62 7 241 PE +62 7 242 DO +62 7 243 * +62 7 244 PE +62 7 245 ZE +62 7 246 BI +62 7 247 BU +62 7 248 PT +62 7 249 PP +62 7 250 BU +62 7 251 BI +62 7 252 PE +62 7 253 BI +62 7 254 PP +62 7 255 AA +62 7 256 ZE +62 7 257 BU +62 7 258 DO +62 7 259 ZE +62 7 260 PE +62 7 261 ZK +62 7 262 PE +62 7 263 PT +62 7 264 PU +62 7 265 BI +62 7 266 ZE +62 7 267 ZK +62 7 268 BI +62 7 269 ZE +62 7 270 DO +62 7 271 PT +62 7 272 PE +62 7 273 ZK +62 7 274 PE +62 7 275 DO +62 7 276 ZE +62 7 277 PP +62 7 278 ZK +62 7 279 BU +62 7 280 WR +62 7 281 BI +62 7 282 BI +62 7 283 ZK +62 7 284 PE +62 7 285 ZK +62 7 286 PE +62 7 287 DO +62 7 288 ZE +62 7 289 BI +62 7 290 PE +62 7 291 BI +62 7 292 ZK +62 7 293 PU +62 7 294 PE +62 7 295 AA +62 7 296 BU +62 7 297 DO +62 7 298 ZE +62 7 299 SA +62 7 300 PP +62 7 301 BI +62 7 302 PE +62 7 303 PE +62 7 304 WU +62 7 305 ZK +62 7 306 DO +62 7 307 BI +62 7 308 WU +62 7 309 PT +62 7 310 BI +62 7 311 BU +62 7 312 PT +62 7 313 BU +62 7 314 PE +62 7 315 BI +62 7 316 SA +62 7 317 BI +62 7 318 ZK +62 7 319 PE +62 7 320 GZ +62 7 321 ZE +62 7 322 PU +62 7 323 * +62 7 324 PE +62 7 325 ZE +62 7 326 DO +62 7 327 PU +62 7 328 AA +62 7 329 GZ +62 7 330 PE +62 8 1 SA +62 8 2 BU +62 8 3 SG +62 8 4 ZE +62 8 5 PU +62 8 6 WG +62 8 7 BI +62 8 8 ZE +62 8 9 WG +62 8 10 BU +62 8 11 LB +62 8 12 DO +62 8 13 SA +62 8 14 GA +62 8 15 * +62 8 16 BU +62 8 17 * +62 8 18 ZE +62 8 19 PP +62 8 20 * +62 8 21 * +62 8 22 PP +62 8 23 * +62 8 24 SA +62 8 25 SA +62 8 26 SA +62 8 27 PP +62 8 28 ZE +62 8 29 BU +62 8 30 GZ +62 8 31 PE +62 8 32 * +62 8 33 BU +62 8 34 BU +62 8 35 GZ +62 8 36 GA +62 8 37 BU +62 8 38 ZE +62 8 39 SA +62 8 40 BU +62 8 41 ZE +62 8 42 DO +62 8 43 SA +62 8 44 PE +62 8 45 PU +62 8 46 PP +62 8 47 SA +62 8 48 SG +62 8 49 BU +62 8 50 GN +62 8 51 DF +62 8 52 PP +62 8 53 ZE +62 8 54 SA +62 8 55 BU +62 8 56 PU +62 8 57 SA +62 8 58 DO +62 8 59 * +62 8 60 SA +62 8 61 ZE +62 8 62 BU +62 8 63 PE +62 8 64 * +62 8 65 * +62 8 66 PE +62 8 67 * +62 8 68 ZE +62 8 69 GA +62 8 70 DO +62 8 71 * +62 8 72 * +62 8 73 ZE +62 8 74 PE +62 8 75 SA +62 8 76 ZE +62 8 77 BU +62 8 78 PE +62 8 79 PP +62 8 80 BU +62 8 81 * +62 8 82 BU +62 8 83 PE +62 8 84 * +62 8 85 BU +62 8 86 PU +62 8 87 * +62 8 88 ZE +62 8 89 * +62 8 90 LB +62 8 91 SN +62 8 92 PE +62 8 93 GA +62 8 94 SA +62 8 95 PE +62 8 96 GG +62 8 97 * +62 8 98 WG +62 8 99 DO +62 8 100 PE +62 8 101 ZE +62 8 102 BU +62 8 103 GA +62 8 104 BU +62 8 105 GA +62 8 106 * +62 8 107 PE +62 8 108 PE +62 8 109 BU +62 8 110 * +62 8 111 SA +62 8 112 ZE +62 8 113 SA +62 8 114 * +62 8 115 ZE +62 8 116 PE +62 8 117 GA +62 8 118 ZE +62 8 119 BU +62 8 120 PE +62 8 121 ZE +62 8 122 SA +62 8 123 BU +62 8 124 PE +62 8 125 ZE +62 8 126 * +62 8 127 SA +62 8 128 * +62 8 129 * +62 8 130 * +62 8 131 ZE +62 8 132 * +62 8 133 * +62 8 134 SA +62 8 135 ZE +62 8 136 BU +62 8 137 SA +62 8 138 * +62 8 139 PE +62 8 140 SA +62 8 141 PE +62 8 142 PE +62 8 143 GA +62 8 144 BU +62 8 145 * +62 8 146 PE +62 8 147 BU +62 8 148 ZE +62 8 149 BU +62 8 150 * +62 8 151 * +62 8 152 * +62 8 153 BU +62 8 154 SA +62 8 155 * +62 8 156 SA +62 8 157 * +62 8 158 PE +62 8 159 KG +62 8 160 * +62 8 161 BU +62 8 162 ZE +62 8 163 SA +62 8 164 BU +62 8 165 GA +62 8 166 SA +62 8 167 PE +62 8 168 SA +62 8 169 BU +62 8 170 SA +62 8 171 * +62 8 172 PE +62 8 173 ZE +62 8 174 * +62 8 175 * +62 8 176 ZE +62 8 177 PU +62 8 178 SA +62 8 179 * +62 8 180 BU +62 8 181 * +62 8 182 ZE +62 8 183 DO +62 8 184 ZE +62 8 185 ZE +62 8 186 BU +62 8 187 * +62 8 188 BU +62 8 189 PE +62 8 190 PE +62 8 191 BU +62 8 192 * +62 8 193 DO +62 8 194 ZE +62 8 195 BI +62 8 196 PE +62 8 197 PE +62 8 198 SA +62 8 199 PE +62 8 200 * +62 8 201 GA +62 8 202 SA +62 8 203 ZE +62 8 204 SA +62 8 205 SA +62 8 206 PE +62 8 207 ZE +62 8 208 WG +62 8 209 SA +62 8 210 * +62 8 211 BU +62 8 212 * +62 8 213 PE +62 8 214 SA +62 8 215 * +62 8 216 SA +62 8 217 GZ +62 8 218 SA +62 8 219 PE +62 8 220 BU +62 8 221 PE +62 8 222 GA +62 8 223 BU +62 8 224 BU +62 8 225 GA +62 8 226 SA +62 8 227 * +62 8 228 * +62 8 229 PE +62 8 230 * +62 8 231 ZE +62 8 232 GA +62 8 233 * +62 8 234 SA +62 8 235 BU +62 8 236 GA +62 8 237 * +62 8 238 BU +62 8 239 * +62 8 240 ZE +62 8 241 PE +62 8 242 GA +62 8 243 ZE +62 8 244 PE +62 8 245 ZE +62 8 246 BU +62 8 247 * +62 8 248 SA +62 8 249 * +62 8 250 * +62 8 251 * +62 8 252 PE +62 8 253 * +62 8 254 * +62 8 255 SA +62 8 256 ZE +62 8 257 SA +62 8 258 GA +62 8 259 ZE +62 8 260 PE +62 8 261 ZE +62 8 262 PE +62 8 263 * +62 8 264 PE +62 8 265 SA +62 8 266 * +62 8 267 ZE +62 8 268 BU +62 8 269 ZE +62 8 270 KG +62 8 271 SA +62 8 272 PE +62 8 273 ZE +62 8 274 PE +62 8 275 GA +62 8 276 ZE +62 8 277 SA +62 8 278 ZE +62 8 279 SA +62 8 280 SA +62 8 281 SA +62 8 282 * +62 8 283 * +62 8 284 PE +62 8 285 ZE +62 8 286 PE +62 8 287 GA +62 8 288 ZE +62 8 289 BU +62 8 290 PE +62 8 291 SA +62 8 292 * +62 8 293 PE +62 8 294 PE +62 8 295 GA +62 8 296 ZE +62 8 297 * +62 8 298 ZE +62 8 299 BU +62 8 300 PE +62 8 301 SA +62 8 302 PE +62 8 303 BU +62 8 304 GA +62 8 305 * +62 8 306 BU +62 8 307 SA +62 8 308 PE +62 8 309 GA +62 8 310 BU +62 8 311 SA +62 8 312 * +62 8 313 BU +62 8 314 PE +62 8 315 BU +62 8 316 SA +62 8 317 ZE +62 8 318 * +62 8 319 PE +62 8 320 GA +62 8 321 ZE +62 8 322 BU +62 8 323 SA +62 8 324 PE +62 8 325 ZE +62 8 326 GA +62 8 327 PE +62 8 328 SA +62 8 329 * +62 8 330 PE +62 9 1 DA +62 9 2 BU +62 9 3 ZE +62 9 4 SA +62 9 5 SK +62 9 6 TA +62 9 7 GA +62 9 8 ZE +62 9 9 TA +62 9 10 SA +62 9 11 TI +62 9 12 DO +62 9 13 GA +62 9 14 SA +62 9 15 TA +62 9 16 PE +62 9 17 ZE +62 9 18 SA +62 9 19 PU +62 9 20 PU +62 9 21 ZE +62 9 22 DO +62 9 23 ZE +62 9 24 SA +62 9 25 GA +62 9 26 SA +62 9 27 PE +62 9 28 ZE +62 9 29 DA +62 9 30 ZE +62 9 31 SA +62 9 32 ZE +62 9 33 SA +62 9 34 SA +62 9 35 ZE +62 9 36 DK +62 9 37 BI +62 9 38 ZE +62 9 39 SA +62 9 40 * +62 9 41 ZE +62 9 42 BI +62 9 43 SA +62 9 44 PE +62 9 45 SA +62 9 46 TA +62 9 47 BI +62 9 48 ZE +62 9 49 BU +62 9 50 ZE +62 9 51 TA +62 9 52 PE +62 9 53 ZE +62 9 54 SA +62 9 55 BU +62 9 56 TA +62 9 57 SA +62 9 58 GA +62 9 59 TA +62 9 60 SA +62 9 61 ZE +62 9 62 TA +62 9 63 ZE +62 9 64 SA +62 9 65 ZE +62 9 66 PE +62 9 67 GA +62 9 68 ZE +62 9 69 GA +62 9 70 PE +62 9 71 ZE +62 9 72 SA +62 9 73 ZE +62 9 74 PE +62 9 75 SA +62 9 76 ZE +62 9 77 SA +62 9 78 GA +62 9 79 SA +62 9 80 * +62 9 81 GA +62 9 82 * +62 9 83 GA +62 9 84 ZE +62 9 85 BU +62 9 86 ZE +62 9 87 SA +62 9 88 ZE +62 9 89 SA +62 9 90 GA +62 9 91 GA +62 9 92 PE +62 9 93 SA +62 9 94 SA +62 9 95 PE +62 9 96 ZE +62 9 97 BU +62 9 98 ZE +62 9 99 TA +62 9 100 TA +62 9 101 ZE +62 9 102 BU +62 9 103 TA +62 9 104 BU +62 9 105 ZE +62 9 106 GA +62 9 107 PE +62 9 108 PE +62 9 109 BU +62 9 110 ZE +62 9 111 GA +62 9 112 ZE +62 9 113 SA +62 9 114 SA +62 9 115 ZE +62 9 116 BU +62 9 117 SA +62 9 118 ZE +62 9 119 BU +62 9 120 PE +62 9 121 ZE +62 9 122 SA +62 9 123 BU +62 9 124 GA +62 9 125 ZE +62 9 126 ZE +62 9 127 SA +62 9 128 DO +62 9 129 TA +62 9 130 SA +62 9 131 ZE +62 9 132 ZE +62 9 133 DA +62 9 134 SA +62 9 135 ZE +62 9 136 DA +62 9 137 SA +62 9 138 DA +62 9 139 TA +62 9 140 BU +62 9 141 PE +62 9 142 TA +62 9 143 GA +62 9 144 SA +62 9 145 BU +62 9 146 DO +62 9 147 SA +62 9 148 ZE +62 9 149 GA +62 9 150 SA +62 9 151 ZE +62 9 152 * +62 9 153 * +62 9 154 SA +62 9 155 TA +62 9 156 GA +62 9 157 ZE +62 9 158 PE +62 9 159 ZE +62 9 160 PE +62 9 161 BU +62 9 162 ZE +62 9 163 SA +62 9 164 BU +62 9 165 SA +62 9 166 SA +62 9 167 PE +62 9 168 SA +62 9 169 SA +62 9 170 TA +62 9 171 TA +62 9 172 PE +62 9 173 ZE +62 9 174 DO +62 9 175 PE +62 9 176 ZE +62 9 177 DO +62 9 178 SA +62 9 179 ZE +62 9 180 SA +62 9 181 TA +62 9 182 ZE +62 9 183 GA +62 9 184 ZE +62 9 185 TA +62 9 186 BU +62 9 187 ZE +62 9 188 BU +62 9 189 PE +62 9 190 ZE +62 9 191 SA +62 9 192 * +62 9 193 GA +62 9 194 ZE +62 9 195 SA +62 9 196 BU +62 9 197 ZE +62 9 198 SA +62 9 199 PE +62 9 200 BU +62 9 201 ZE +62 9 202 SA +62 9 203 ZE +62 9 204 SA +62 9 205 BU +62 9 206 PE +62 9 207 ZE +62 9 208 GA +62 9 209 SA +62 9 210 ZE +62 9 211 BU +62 9 212 ZE +62 9 213 TA +62 9 214 DO +62 9 215 ZE +62 9 216 SA +62 9 217 ZE +62 9 218 TA +62 9 219 PE +62 9 220 BU +62 9 221 PE +62 9 222 ZE +62 9 223 BU +62 9 224 PE +62 9 225 GA +62 9 226 SA +62 9 227 SA +62 9 228 BU +62 9 229 PE +62 9 230 PE +62 9 231 ZE +62 9 232 GA +62 9 233 BU +62 9 234 BU +62 9 235 BU +62 9 236 DO +62 9 237 ZE +62 9 238 BU +62 9 239 ZE +62 9 240 ZE +62 9 241 PE +62 9 242 DO +62 9 243 ZE +62 9 244 PE +62 9 245 ZE +62 9 246 BU +62 9 247 BU +62 9 248 SA +62 9 249 SA +62 9 250 BU +62 9 251 PE +62 9 252 PE +62 9 253 SA +62 9 254 BU +62 9 255 SA +62 9 256 ZE +62 9 257 SA +62 9 258 DO +62 9 259 ZE +62 9 260 PE +62 9 261 ZE +62 9 262 PE +62 9 263 TA +62 9 264 PE +62 9 265 BU +62 9 266 ZE +62 9 267 ZE +62 9 268 BU +62 9 269 ZE +62 9 270 ZE +62 9 271 SA +62 9 272 PE +62 9 273 ZE +62 9 274 PE +62 9 275 DO +62 9 276 ZE +62 9 277 SA +62 9 278 ZE +62 9 279 BU +62 9 280 GA +62 9 281 SA +62 9 282 BU +62 9 283 ZE +62 9 284 PE +62 9 285 ZE +62 9 286 PE +62 9 287 TA +62 9 288 ZE +62 9 289 BU +62 9 290 PE +62 9 291 BU +62 9 292 ZE +62 9 293 PE +62 9 294 PE +62 9 295 TA +62 9 296 BU +62 9 297 DO +62 9 298 ZE +62 9 299 SA +62 9 300 * +62 9 301 SA +62 9 302 PE +62 9 303 PE +62 9 304 TA +62 9 305 ZE +62 9 306 BU +62 9 307 BU +62 9 308 ZE +62 9 309 TA +62 9 310 BU +62 9 311 SA +62 9 312 SA +62 9 313 BU +62 9 314 PE +62 9 315 BU +62 9 316 SA +62 9 317 ZE +62 9 318 ZE +62 9 319 PE +62 9 320 TA +62 9 321 ZE +62 9 322 BU +62 9 323 SA +62 9 324 PE +62 9 325 ZE +62 9 326 DO +62 9 327 PE +62 9 328 SA +62 9 329 ZE +62 9 330 PE +62 10 1 SA +62 10 2 ZK +62 10 3 ZE +62 10 4 GR +62 10 5 PP +62 10 6 DO +62 10 7 BI +62 10 8 ZE +62 10 9 PP +62 10 10 SA +62 10 11 PP +62 10 12 DO +62 10 13 ZK +62 10 14 SA +62 10 15 ZK +62 10 16 PE +62 10 17 ZE +62 10 18 SA +62 10 19 PP +62 10 20 BI +62 10 21 ZE +62 10 22 PP +62 10 23 ZK +62 10 24 DO +62 10 25 BI +62 10 26 SA +62 10 27 DO +62 10 28 ZE +62 10 29 BI +62 10 30 PP +62 10 31 ZK +62 10 32 ZE +62 10 33 ZK +62 10 34 SA +62 10 35 DO +62 10 36 SA +62 10 37 BI +62 10 38 ZE +62 10 39 BI +62 10 40 SA +62 10 41 ZE +62 10 42 DO +62 10 43 SA +62 10 44 PP +62 10 45 BI +62 10 46 SA +62 10 47 SA +62 10 48 DO +62 10 49 BI +62 10 50 ZE +62 10 51 SA +62 10 52 PE +62 10 53 ZE +62 10 54 BI +62 10 55 SA +62 10 56 DO +62 10 57 SA +62 10 58 ZE +62 10 59 PE +62 10 60 SA +62 10 61 ZE +62 10 62 SA +62 10 63 ZE +62 10 64 BI +62 10 65 ZE +62 10 66 PE +62 10 67 SA +62 10 68 ZE +62 10 69 SA +62 10 70 PE +62 10 71 ZE +62 10 72 BI +62 10 73 SA +62 10 74 SA +62 10 75 SA +62 10 76 ZE +62 10 77 BI +62 10 78 PE +62 10 79 SA +62 10 80 BI +62 10 81 ZK +62 10 82 SA +62 10 83 PE +62 10 84 ZE +62 10 85 BI +62 10 86 ZE +62 10 87 SA +62 10 88 ZE +62 10 89 SA +62 10 90 SA +62 10 91 DO +62 10 92 PE +62 10 93 BI +62 10 94 SA +62 10 95 PE +62 10 96 DO +62 10 97 SA +62 10 98 ZE +62 10 99 PE +62 10 100 SA +62 10 101 ZE +62 10 102 PE +62 10 103 PM +62 10 104 SA +62 10 105 ZE +62 10 106 DO +62 10 107 PE +62 10 108 PP +62 10 109 SA +62 10 110 ZE +62 10 111 SA +62 10 112 ZE +62 10 113 SA +62 10 114 BI +62 10 115 ZE +62 10 116 PE +62 10 117 SA +62 10 118 ZE +62 10 119 SA +62 10 120 PE +62 10 121 ZE +62 10 122 BI +62 10 123 SA +62 10 124 DO +62 10 125 ZE +62 10 126 ZE +62 10 127 SA +62 10 128 DO +62 10 129 PE +62 10 130 SA +62 10 131 ZE +62 10 132 ZE +62 10 133 BI +62 10 134 SA +62 10 135 ZE +62 10 136 SA +62 10 137 SA +62 10 138 SA +62 10 139 PE +62 10 140 BI +62 10 141 PE +62 10 142 PE +62 10 143 DO +62 10 144 SA +62 10 145 SA +62 10 146 DO +62 10 147 BI +62 10 148 ZE +62 10 149 SA +62 10 150 ZE +62 10 151 PM +62 10 152 ZE +62 10 153 BI +62 10 154 SA +62 10 155 SA +62 10 156 BI +62 10 157 ZE +62 10 158 PE +62 10 159 DO +62 10 160 ZE +62 10 161 BI +62 10 162 ZE +62 10 163 BI +62 10 164 SA +62 10 165 SA +62 10 166 SA +62 10 167 ZE +62 10 168 BI +62 10 169 SA +62 10 170 SA +62 10 171 SA +62 10 172 PE +62 10 173 ZE +62 10 174 DO +62 10 175 SA +62 10 176 ZE +62 10 177 PE +62 10 178 SA +62 10 179 ZE +62 10 180 BI +62 10 181 ZE +62 10 182 SA +62 10 183 SI +62 10 184 SA +62 10 185 ZE +62 10 186 SA +62 10 187 DO +62 10 188 SA +62 10 189 PE +62 10 190 ZE +62 10 191 BI +62 10 192 ZE +62 10 193 DO +62 10 194 SA +62 10 195 SA +62 10 196 PM +62 10 197 ZE +62 10 198 SA +62 10 199 PE +62 10 200 SA +62 10 201 ZE +62 10 202 BI +62 10 203 ZE +62 10 204 SA +62 10 205 SA +62 10 206 PE +62 10 207 ZE +62 10 208 ZE +62 10 209 SA +62 10 210 SA +62 10 211 BI +62 10 212 ZE +62 10 213 PE +62 10 214 DO +62 10 215 ZE +62 10 216 SI +62 10 217 ZE +62 10 218 SA +62 10 219 PE +62 10 220 SA +62 10 221 PE +62 10 222 SA +62 10 223 BI +62 10 224 PE +62 10 225 SI +62 10 226 SA +62 10 227 SA +62 10 228 SA +62 10 229 PP +62 10 230 PE +62 10 231 ZE +62 10 232 SA +62 10 233 PE +62 10 234 BI +62 10 235 SA +62 10 236 ZE +62 10 237 ZE +62 10 238 BI +62 10 239 ZE +62 10 240 ZE +62 10 241 PE +62 10 242 PE +62 10 243 ZE +62 10 244 PE +62 10 245 ZE +62 10 246 BI +62 10 247 SA +62 10 248 SI +62 10 249 BI +62 10 250 ZE +62 10 251 SA +62 10 252 PE +62 10 253 SA +62 10 254 SA +62 10 255 SA +62 10 256 ZE +62 10 257 SA +62 10 258 ZE +62 10 259 ZE +62 10 260 PE +62 10 261 ZE +62 10 262 PE +62 10 263 SI +62 10 264 PE +62 10 265 BI +62 10 266 ZE +62 10 267 ZE +62 10 268 SA +62 10 269 ZE +62 10 270 DO +62 10 271 SA +62 10 272 PE +62 10 273 ZE +62 10 274 PE +62 10 275 DO +62 10 276 ZE +62 10 277 SA +62 10 278 ZE +62 10 279 BI +62 10 280 SI +62 10 281 BI +62 10 282 SA +62 10 283 ZE +62 10 284 PE +62 10 285 ZE +62 10 286 PE +62 10 287 SI +62 10 288 ZE +62 10 289 SA +62 10 290 PE +62 10 291 SA +62 10 292 ZE +62 10 293 SI +62 10 294 PE +62 10 295 ZE +62 10 296 SA +62 10 297 ZE +62 10 298 ZE +62 10 299 BI +62 10 300 SI +62 10 301 BI +62 10 302 PE +62 10 303 PP +62 10 304 SA +62 10 305 ZE +62 10 306 DO +62 10 307 SA +62 10 308 ZE +62 10 309 SA +62 10 310 SA +62 10 311 BI +62 10 312 SA +62 10 313 SA +62 10 314 PE +62 10 315 SA +62 10 316 SA +62 10 317 ZE +62 10 318 ZK +62 10 319 PE +62 10 320 PP +62 10 321 ZE +62 10 322 SA +62 10 323 SA +62 10 324 PE +62 10 325 ZE +62 10 326 ZE +62 10 327 PE +62 10 328 SA +62 10 329 SI +62 10 330 PE +62 11 1 SA +62 11 2 DO +62 11 3 ZE +62 11 4 BI +62 11 5 ZE +62 11 6 ZE +62 11 7 BI +62 11 8 ZE +62 11 9 * +62 11 10 SA +62 11 11 BI +62 11 12 DO +62 11 13 BI +62 11 14 SA +62 11 15 ZE +62 11 16 PE +62 11 17 ZE +62 11 18 SA +62 11 19 BU +62 11 20 BI +62 11 21 * +62 11 22 DO +62 11 23 PE +62 11 24 SA +62 11 25 BI +62 11 26 BI +62 11 27 PE +62 11 28 ZE +62 11 29 BI +62 11 30 ZE +62 11 31 PE +62 11 32 ZE +62 11 33 BI +62 11 34 BU +62 11 35 ZE +62 11 36 BI +62 11 37 BU +62 11 38 ZE +62 11 39 BI +62 11 40 BU +62 11 41 ZE +62 11 42 BI +62 11 43 BU +62 11 44 PE +62 11 45 BI +62 11 46 PP +62 11 47 BI +62 11 48 DO +62 11 49 BU +62 11 50 ZE +62 11 51 BI +62 11 52 PE +62 11 53 ZE +62 11 54 BI +62 11 55 BU +62 11 56 ZE +62 11 57 BU +62 11 58 DO +62 11 59 PP +62 11 60 SA +62 11 61 ZE +62 11 62 SA +62 11 63 ZE +62 11 64 BU +62 11 65 ZE +62 11 66 PE +62 11 67 BI +62 11 68 ZE +62 11 69 BI +62 11 70 SA +62 11 71 ZE +62 11 72 BI +62 11 73 ZE +62 11 74 PE +62 11 75 BI +62 11 76 ZE +62 11 77 SA +62 11 78 PE +62 11 79 SA +62 11 80 BU +62 11 81 BI +62 11 82 BI +62 11 83 PE +62 11 84 ZE +62 11 85 BI +62 11 86 ZE +62 11 87 SA +62 11 88 ZE +62 11 89 SA +62 11 90 SA +62 11 91 DO +62 11 92 PE +62 11 93 BU +62 11 94 SA +62 11 95 PE +62 11 96 DO +62 11 97 PP +62 11 98 ZE +62 11 99 PP +62 11 100 PE +62 11 101 ZE +62 11 102 PP +62 11 103 BI +62 11 104 SA +62 11 105 ZE +62 11 106 DO +62 11 107 PE +62 11 108 PE +62 11 109 BU +62 11 110 ZE +62 11 111 BI +62 11 112 ZE +62 11 113 SA +62 11 114 BI +62 11 115 ZE +62 11 116 ZE +62 11 117 ZE +62 11 118 ZE +62 11 119 BI +62 11 120 PE +62 11 121 ZE +62 11 122 BI +62 11 123 BU +62 11 124 DO +62 11 125 ZE +62 11 126 ZE +62 11 127 SA +62 11 128 DO +62 11 129 PE +62 11 130 SA +62 11 131 ZE +62 11 132 ZE +62 11 133 BI +62 11 134 * +62 11 135 ZE +62 11 136 SA +62 11 137 BI +62 11 138 PE +62 11 139 PU +62 11 140 BU +62 11 141 PE +62 11 142 PP +62 11 143 BI +62 11 144 BU +62 11 145 BI +62 11 146 DO +62 11 147 BI +62 11 148 ZE +62 11 149 DO +62 11 150 SA +62 11 151 ZE +62 11 152 PP +62 11 153 BU +62 11 154 SA +62 11 155 SA +62 11 156 BI +62 11 157 ZE +62 11 158 PE +62 11 159 DO +62 11 160 ZE +62 11 161 BI +62 11 162 ZE +62 11 163 BU +62 11 164 BU +62 11 165 BI +62 11 166 BU +62 11 167 PE +62 11 168 BI +62 11 169 BU +62 11 170 SA +62 11 171 BI +62 11 172 PE +62 11 173 ZE +62 11 174 DO +62 11 175 BU +62 11 176 ZE +62 11 177 DO +62 11 178 BU +62 11 179 ZE +62 11 180 BI +62 11 181 DO +62 11 182 SA +62 11 183 BI +62 11 184 BU +62 11 185 ZE +62 11 186 PE +62 11 187 DO +62 11 188 BU +62 11 189 PE +62 11 190 ZE +62 11 191 BI +62 11 192 BU +62 11 193 DO +62 11 194 ZE +62 11 195 BI +62 11 196 BI +62 11 197 ZE +62 11 198 SA +62 11 199 PE +62 11 200 BU +62 11 201 ZE +62 11 202 BI +62 11 203 ZE +62 11 204 SA +62 11 205 BU +62 11 206 PP +62 11 207 ZE +62 11 208 DO +62 11 209 BU +62 11 210 ZE +62 11 211 BU +62 11 212 ZE +62 11 213 SA +62 11 214 BI +62 11 215 ZE +62 11 216 BI +62 11 217 ZE +62 11 218 BI +62 11 219 PE +62 11 220 BU +62 11 221 PE +62 11 222 PE +62 11 223 BI +62 11 224 PE +62 11 225 DO +62 11 226 BU +62 11 227 SA +62 11 228 SA +62 11 229 DO +62 11 230 PE +62 11 231 * +62 11 232 BI +62 11 233 BU +62 11 234 BI +62 11 235 BU +62 11 236 BI +62 11 237 ZE +62 11 238 SA +62 11 239 * +62 11 240 ZE +62 11 241 PP +62 11 242 DO +62 11 243 SA +62 11 244 PE +62 11 245 ZE +62 11 246 BI +62 11 247 BU +62 11 248 BI +62 11 249 BI +62 11 250 ZE +62 11 251 DO +62 11 252 PE +62 11 253 BI +62 11 254 BU +62 11 255 SA +62 11 256 ZE +62 11 257 BU +62 11 258 DO +62 11 259 ZE +62 11 260 DO +62 11 261 ZE +62 11 262 PE +62 11 263 PE +62 11 264 BU +62 11 265 BI +62 11 266 ZE +62 11 267 BU +62 11 268 BI +62 11 269 ZE +62 11 270 DO +62 11 271 BU +62 11 272 PE +62 11 273 ZE +62 11 274 PP +62 11 275 DO +62 11 276 ZE +62 11 277 BU +62 11 278 ZE +62 11 279 BU +62 11 280 BI +62 11 281 BI +62 11 282 BI +62 11 283 SA +62 11 284 PP +62 11 285 ZE +62 11 286 PE +62 11 287 DO +62 11 288 ZE +62 11 289 BU +62 11 290 ZE +62 11 291 BU +62 11 292 * +62 11 293 SA +62 11 294 PP +62 11 295 SA +62 11 296 BU +62 11 297 DO +62 11 298 ZE +62 11 299 BI +62 11 300 PP +62 11 301 BI +62 11 302 PE +62 11 303 PP +62 11 304 BI +62 11 305 DO +62 11 306 SA +62 11 307 BU +62 11 308 PE +62 11 309 SA +62 11 310 DO +62 11 311 BU +62 11 312 SA +62 11 313 BU +62 11 314 PE +62 11 315 BI +62 11 316 DO +62 11 317 ZE +62 11 318 ZE +62 11 319 PE +62 11 320 DO +62 11 321 ZE +62 11 322 BU +62 11 323 BI +62 11 324 PP +62 11 325 ZE +62 11 326 DO +62 11 327 PE +62 11 328 BI +62 11 329 ZE +62 11 330 * +62 12 1 PP +62 12 2 PU +62 12 3 WG +62 12 4 PT +62 12 5 PU +62 12 6 DO +62 12 7 DT +62 12 8 KG +62 12 9 PP +62 12 10 BU +62 12 11 PP +62 12 12 * +62 12 13 BU +62 12 14 PU +62 12 15 PP +62 12 16 PU +62 12 17 ZK +62 12 18 SA +62 12 19 PP +62 12 20 WG +62 12 21 KG +62 12 22 PU +62 12 23 PP +62 12 24 SA +62 12 25 BU +62 12 26 PZ +62 12 27 PP +62 12 28 ZK +62 12 29 PZ +62 12 30 KG +62 12 31 PP +62 12 32 WG +62 12 33 PP +62 12 34 BU +62 12 35 WG +62 12 36 SA +62 12 37 PP +62 12 38 ZE +62 12 39 PU +62 12 40 PP +62 12 41 ZE +62 12 42 DO +62 12 43 BU +62 12 44 PU +62 12 45 PH +62 12 46 PU +62 12 47 SA +62 12 48 WG +62 12 49 PP +62 12 50 SG +62 12 51 PP +62 12 52 PU +62 12 53 ZE +62 12 54 PH +62 12 55 PP +62 12 56 PU +62 12 57 DT +62 12 58 PP +62 12 59 PU +62 12 60 BU +62 12 61 WG +62 12 62 PP +62 12 63 PZ +62 12 64 BU +62 12 65 WG +62 12 66 PP +62 12 67 PZ +62 12 68 PZ +62 12 69 DT +62 12 70 PU +62 12 71 WG +62 12 72 SA +62 12 73 SG +62 12 74 PU +62 12 75 DT +62 12 76 DO +62 12 77 DT +62 12 78 PH +62 12 79 SA +62 12 80 BU +62 12 81 PZ +62 12 82 PT +62 12 83 PP +62 12 84 PU +62 12 85 PZ +62 12 86 DO +62 12 87 SA +62 12 88 WG +62 12 89 SA +62 12 90 DT +62 12 91 PZ +62 12 92 PU +62 12 93 BU +62 12 94 SA +62 12 95 PU +62 12 96 PZ +62 12 97 BU +62 12 98 ZE +62 12 99 PP +62 12 100 PU +62 12 101 SG +62 12 102 PP +62 12 103 SA +62 12 104 PU +62 12 105 ZK +62 12 106 PU +62 12 107 PE +62 12 108 PP +62 12 109 BU +62 12 110 DO +62 12 111 SA +62 12 112 ZE +62 12 113 SA +62 12 114 BU +62 12 115 WG +62 12 116 PP +62 12 117 SA +62 12 118 DO +62 12 119 PT +62 12 120 PU +62 12 121 WG +62 12 122 PT +62 12 123 PZ +62 12 124 DT +62 12 125 KG +62 12 126 PP +62 12 127 SA +62 12 128 PP +62 12 129 PE +62 12 130 SA +62 12 131 KG +62 12 132 ZE +62 12 133 BU +62 12 134 SA +62 12 135 WG +62 12 136 PU +62 12 137 PT +62 12 138 PP +62 12 139 PU +62 12 140 BU +62 12 141 PE +62 12 142 PP +62 12 143 PZ +62 12 144 DT +62 12 145 PU +62 12 146 PZ +62 12 147 PP +62 12 148 ZE +62 12 149 PP +62 12 150 WG +62 12 151 SG +62 12 152 PP +62 12 153 PP +62 12 154 SA +62 12 155 SA +62 12 156 BU +62 12 157 WG +62 12 158 PP +62 12 159 PU +62 12 160 PP +62 12 161 DT +62 12 162 ZE +62 12 163 BU +62 12 164 BU +62 12 165 PZ +62 12 166 PZ +62 12 167 PP +62 12 168 SA +62 12 169 PP +62 12 170 SA +62 12 171 PT +62 12 172 PU +62 12 173 WG +62 12 174 DT +62 12 175 PP +62 12 176 ZE +62 12 177 PU +62 12 178 SA +62 12 179 WG +62 12 180 DT +62 12 181 PH +62 12 182 WG +62 12 183 BI +62 12 184 PP +62 12 185 ZK +62 12 186 BU +62 12 187 WG +62 12 188 BU +62 12 189 PP +62 12 190 PU +62 12 191 BU +62 12 192 PP +62 12 193 PP +62 12 194 WG +62 12 195 BI +62 12 196 PP +62 12 197 PU +62 12 198 SA +62 12 199 PP +62 12 200 PU +62 12 201 PZ +62 12 202 SG +62 12 203 WG +62 12 204 DT +62 12 205 BU +62 12 206 PP +62 12 207 WG +62 12 208 PP +62 12 209 BU +62 12 210 ZK +62 12 211 BU +62 12 212 DO +62 12 213 PP +62 12 214 DT +62 12 215 PT +62 12 216 SA +62 12 217 PU +62 12 218 PP +62 12 219 PP +62 12 220 BU +62 12 221 PE +62 12 222 DT +62 12 223 BU +62 12 224 PU +62 12 225 PT +62 12 226 BU +62 12 227 SA +62 12 228 SA +62 12 229 PP +62 12 230 PU +62 12 231 WG +62 12 232 PT +62 12 233 PP +62 12 234 BU +62 12 235 BU +62 12 236 DT +62 12 237 DO +62 12 238 BU +62 12 239 ZK +62 12 240 WG +62 12 241 PE +62 12 242 PP +62 12 243 ZE +62 12 244 PU +62 12 245 ZE +62 12 246 PP +62 12 247 BU +62 12 248 SA +62 12 249 BU +62 12 250 BU +62 12 251 PU +62 12 252 PE +62 12 253 PP +62 12 254 PU +62 12 255 SA +62 12 256 DO +62 12 257 BU +62 12 258 BI +62 12 259 WG +62 12 260 PU +62 12 261 KG +62 12 262 PE +62 12 263 PP +62 12 264 PP +62 12 265 BU +62 12 266 WG +62 12 267 SG +62 12 268 PZ +62 12 269 KG +62 12 270 FZ +62 12 271 SA +62 12 272 PE +62 12 273 PU +62 12 274 PP +62 12 275 DT +62 12 276 WG +62 12 277 BU +62 12 278 WG +62 12 279 BU +62 12 280 PP +62 12 281 BU +62 12 282 PT +62 12 283 DT +62 12 284 PU +62 12 285 PP +62 12 286 PE +62 12 287 PP +62 12 288 WG +62 12 289 PU +62 12 290 PE +62 12 291 BU +62 12 292 PP +62 12 293 PU +62 12 294 PP +62 12 295 BI +62 12 296 BU +62 12 297 DO +62 12 298 WG +62 12 299 BU +62 12 300 PE +62 12 301 BU +62 12 302 PP +62 12 303 PU +62 12 304 BT +62 12 305 PP +62 12 306 WG +62 12 307 BU +62 12 308 PP +62 12 309 SA +62 12 310 PH +62 12 311 BU +62 12 312 SA +62 12 313 BU +62 12 314 PE +62 12 315 ZK +62 12 316 PT +62 12 317 WG +62 12 318 KG +62 12 319 PE +62 12 320 DT +62 12 321 ZE +62 12 322 BU +62 12 323 BU +62 12 324 PP +62 12 325 WG +62 12 326 DO +62 12 327 PP +62 12 328 BU +62 12 329 ZK +62 12 330 PE +62 13 1 SA +62 13 2 DA +62 13 3 ZE +62 13 4 SK +62 13 5 SA +62 13 6 ZE +62 13 7 BI +62 13 8 ZE +62 13 9 SI +62 13 10 BU +62 13 11 DA +62 13 12 DO +62 13 13 DA +62 13 14 SE +62 13 15 ZE +62 13 16 PE +62 13 17 ZE +62 13 18 SA +62 13 19 BU +62 13 20 BI +62 13 21 ZE +62 13 22 KA +62 13 23 LO +62 13 24 PU +62 13 25 SE +62 13 26 BU +62 13 27 SI +62 13 28 EE +62 13 29 SA +62 13 30 ZE +62 13 31 DA +62 13 32 ZE +62 13 33 SA +62 13 34 BU +62 13 35 ZE +62 13 36 DA +62 13 37 BU +62 13 38 ZE +62 13 39 BI +62 13 40 BU +62 13 41 ZE +62 13 42 KA +62 13 43 SA +62 13 44 PU +62 13 45 BI +62 13 46 PU +62 13 47 SA +62 13 48 ZE +62 13 49 BU +62 13 50 SK +62 13 51 DA +62 13 52 PU +62 13 53 ZE +62 13 54 BI +62 13 55 BU +62 13 56 ZE +62 13 57 BU +62 13 58 DA +62 13 59 SI +62 13 60 SA +62 13 61 ZE +62 13 62 SI +62 13 63 ZE +62 13 64 BU +62 13 65 ZE +62 13 66 PE +62 13 67 SI +62 13 68 EE +62 13 69 SI +62 13 70 PU +62 13 71 ZE +62 13 72 BI +62 13 73 SK +62 13 74 SI +62 13 75 SA +62 13 76 ZE +62 13 77 BU +62 13 78 PU +62 13 79 SA +62 13 80 BU +62 13 81 BI +62 13 82 PU +62 13 83 PE +62 13 84 ZE +62 13 85 BI +62 13 86 ZE +62 13 87 SA +62 13 88 EE +62 13 89 SA +62 13 90 SE +62 13 91 KA +62 13 92 PE +62 13 93 BU +62 13 94 SA +62 13 95 PU +62 13 96 DO +62 13 97 SK +62 13 98 ZE +62 13 99 PU +62 13 100 DA +62 13 101 ZE +62 13 102 DA +62 13 103 SA +62 13 104 DA +62 13 105 EE +62 13 106 KA +62 13 107 PE +62 13 108 DA +62 13 109 BU +62 13 110 DO +62 13 111 SA +62 13 112 ZE +62 13 113 SA +62 13 114 SE +62 13 115 ZE +62 13 116 DA +62 13 117 SA +62 13 118 EE +62 13 119 BI +62 13 120 PE +62 13 121 ZE +62 13 122 BI +62 13 123 BU +62 13 124 KA +62 13 125 ZE +62 13 126 DA +62 13 127 SE +62 13 128 KA +62 13 129 DA +62 13 130 SA +62 13 131 SK +62 13 132 ZE +62 13 133 SE +62 13 134 SA +62 13 135 ZE +62 13 136 DA +62 13 137 SA +62 13 138 BU +62 13 139 PE +62 13 140 SE +62 13 141 PE +62 13 142 PE +62 13 143 KA +62 13 144 SA +62 13 145 BI +62 13 146 DO +62 13 147 SA +62 13 148 ZE +62 13 149 SA +62 13 150 SK +62 13 151 ZE +62 13 152 ZE +62 13 153 BU +62 13 154 SA +62 13 155 SA +62 13 156 BI +62 13 157 SA +62 13 158 PE +62 13 159 ZE +62 13 160 * +62 13 161 BI +62 13 162 ZE +62 13 163 SE +62 13 164 BU +62 13 165 SA +62 13 166 SA +62 13 167 DA +62 13 168 BI +62 13 169 BU +62 13 170 SA +62 13 171 KA +62 13 172 PE +62 13 173 ZE +62 13 174 DO +62 13 175 PU +62 13 176 ZE +62 13 177 KA +62 13 178 BU +62 13 179 ZE +62 13 180 BI +62 13 181 KA +62 13 182 SI +62 13 183 SI +62 13 184 SK +62 13 185 ZE +62 13 186 PU +62 13 187 DO +62 13 188 BU +62 13 189 DA +62 13 190 ZE +62 13 191 SE +62 13 192 SK +62 13 193 KA +62 13 194 ZE +62 13 195 BI +62 13 196 PU +62 13 197 ZE +62 13 198 SA +62 13 199 PU +62 13 200 BU +62 13 201 ZE +62 13 202 BI +62 13 203 ZE +62 13 204 SA +62 13 205 SK +62 13 206 PE +62 13 207 ZE +62 13 208 SI +62 13 209 SE +62 13 210 SA +62 13 211 BU +62 13 212 ZE +62 13 213 SA +62 13 214 BI +62 13 215 EE +62 13 216 SA +62 13 217 ZE +62 13 218 BI +62 13 219 * +62 13 220 BU +62 13 221 PE +62 13 222 SK +62 13 223 BI +62 13 224 * +62 13 225 DA +62 13 226 BU +62 13 227 SA +62 13 228 SA +62 13 229 DA +62 13 230 PU +62 13 231 ZE +62 13 232 SA +62 13 233 PU +62 13 234 BI +62 13 235 BU +62 13 236 KA +62 13 237 ZE +62 13 238 SA +62 13 239 ZE +62 13 240 SI +62 13 241 PU +62 13 242 * +62 13 243 ZE +62 13 244 PU +62 13 245 ZE +62 13 246 DA +62 13 247 SK +62 13 248 SA +62 13 249 DA +62 13 250 SK +62 13 251 BI +62 13 252 PU +62 13 253 SA +62 13 254 SA +62 13 255 SA +62 13 256 ZE +62 13 257 SA +62 13 258 KA +62 13 259 ZE +62 13 260 SA +62 13 261 ZE +62 13 262 PE +62 13 263 DA +62 13 264 PU +62 13 265 BI +62 13 266 ZE +62 13 267 SK +62 13 268 BI +62 13 269 EE +62 13 270 ZE +62 13 271 SA +62 13 272 PU +62 13 273 EE +62 13 274 PE +62 13 275 KA +62 13 276 ZE +62 13 277 SA +62 13 278 ZE +62 13 279 SK +62 13 280 BI +62 13 281 SA +62 13 282 BI +62 13 283 SA +62 13 284 PU +62 13 285 ZE +62 13 286 PU +62 13 287 SA +62 13 288 ZE +62 13 289 DA +62 13 290 PU +62 13 291 BU +62 13 292 ZE +62 13 293 PU +62 13 294 PU +62 13 295 SA +62 13 296 SK +62 13 297 DO +62 13 298 ZE +62 13 299 SA +62 13 300 PU +62 13 301 BI +62 13 302 PU +62 13 303 SI +62 13 304 SA +62 13 305 SA +62 13 306 BI +62 13 307 BU +62 13 308 ZE +62 13 309 SA +62 13 310 SA +62 13 311 BU +62 13 312 SA +62 13 313 SK +62 13 314 PU +62 13 315 BI +62 13 316 BI +62 13 317 ZE +62 13 318 ZE +62 13 319 PU +62 13 320 SA +62 13 321 ZE +62 13 322 SI +62 13 323 SE +62 13 324 PU +62 13 325 ZE +62 13 326 DO +62 13 327 PU +62 13 328 BI +62 13 329 ZE +62 13 330 PE +62 14 1 BU +62 14 2 PP +62 14 3 ZE +62 14 4 * +62 14 5 PU +62 14 6 DO +62 14 7 BU +62 14 8 WG +62 14 9 PU +62 14 10 SA +62 14 11 PP +62 14 12 DO +62 14 13 PU +62 14 14 PP +62 14 15 PU +62 14 16 PE +62 14 17 ZE +62 14 18 SA +62 14 19 BU +62 14 20 BI +62 14 21 ZE +62 14 22 DO +62 14 23 PP +62 14 24 PU +62 14 25 DO +62 14 26 SA +62 14 27 PP +62 14 28 ZE +62 14 29 SA +62 14 30 PP +62 14 31 PP +62 14 32 WG +62 14 33 DO +62 14 34 BU +62 14 35 WG +62 14 36 BU +62 14 37 PP +62 14 38 WG +62 14 39 DO +62 14 40 BU +62 14 41 WG +62 14 42 PP +62 14 43 PP +62 14 44 PE +62 14 45 SA +62 14 46 PP +62 14 47 PU +62 14 48 ZE +62 14 49 PP +62 14 50 WG +62 14 51 PU +62 14 52 PE +62 14 53 ZE +62 14 54 PP +62 14 55 DO +62 14 56 PP +62 14 57 SA +62 14 58 PP +62 14 59 PE +62 14 60 PP +62 14 61 ZE +62 14 62 PU +62 14 63 DO +62 14 64 BU +62 14 65 ZE +62 14 66 PP +62 14 67 SA +62 14 68 PP +62 14 69 SA +62 14 70 PP +62 14 71 WG +62 14 72 SA +62 14 73 WG +62 14 74 PP +62 14 75 PU +62 14 76 WG +62 14 77 BU +62 14 78 PP +62 14 79 SA +62 14 80 BU +62 14 81 PP +62 14 82 PU +62 14 83 PP +62 14 84 WG +62 14 85 BU +62 14 86 WG +62 14 87 SA +62 14 88 ZE +62 14 89 SA +62 14 90 PP +62 14 91 PU +62 14 92 PP +62 14 93 BU +62 14 94 PU +62 14 95 PP +62 14 96 DO +62 14 97 PU +62 14 98 ZE +62 14 99 PP +62 14 100 PU +62 14 101 WG +62 14 102 PP +62 14 103 PU +62 14 104 PP +62 14 105 WG +62 14 106 PP +62 14 107 PU +62 14 108 PP +62 14 109 BU +62 14 110 PP +62 14 111 SA +62 14 112 ZE +62 14 113 SA +62 14 114 PP +62 14 115 WG +62 14 116 PP +62 14 117 PU +62 14 118 WG +62 14 119 SA +62 14 120 PP +62 14 121 WG +62 14 122 BU +62 14 123 SA +62 14 124 PP +62 14 125 WG +62 14 126 PU +62 14 127 SA +62 14 128 DO +62 14 129 PP +62 14 130 SA +62 14 131 WG +62 14 132 ZE +62 14 133 SA +62 14 134 PP +62 14 135 WG +62 14 136 BU +62 14 137 PP +62 14 138 DO +62 14 139 PP +62 14 140 SA +62 14 141 PP +62 14 142 PU +62 14 143 SI +62 14 144 PP +62 14 145 PP +62 14 146 DO +62 14 147 SA +62 14 148 ZE +62 14 149 PU +62 14 150 WG +62 14 151 PP +62 14 152 PU +62 14 153 BU +62 14 154 SA +62 14 155 PP +62 14 156 BU +62 14 157 PP +62 14 158 PE +62 14 159 WG +62 14 160 DO +62 14 161 PU +62 14 162 ZE +62 14 163 BU +62 14 164 PP +62 14 165 PU +62 14 166 SA +62 14 167 PP +62 14 168 BU +62 14 169 PP +62 14 170 PP +62 14 171 PU +62 14 172 PE +62 14 173 WG +62 14 174 DO +62 14 175 PP +62 14 176 WG +62 14 177 PP +62 14 178 SA +62 14 179 PP +62 14 180 BU +62 14 181 WG +62 14 182 WG +62 14 183 PP +62 14 184 WG +62 14 185 PP +62 14 186 SA +62 14 187 DO +62 14 188 BU +62 14 189 PP +62 14 190 PP +62 14 191 SA +62 14 192 WG +62 14 193 DO +62 14 194 WG +62 14 195 PP +62 14 196 PU +62 14 197 WG +62 14 198 SA +62 14 199 PE +62 14 200 PP +62 14 201 DO +62 14 202 SA +62 14 203 WG +62 14 204 SA +62 14 205 PP +62 14 206 PU +62 14 207 WG +62 14 208 PU +62 14 209 SA +62 14 210 PU +62 14 211 SA +62 14 212 WG +62 14 213 PP +62 14 214 DO +62 14 215 WG +62 14 216 PP +62 14 217 PU +62 14 218 PU +62 14 219 PE +62 14 220 PU +62 14 221 PE +62 14 222 WG +62 14 223 BU +62 14 224 PP +62 14 225 PP +62 14 226 SA +62 14 227 SA +62 14 228 PU +62 14 229 PP +62 14 230 PU +62 14 231 WG +62 14 232 PP +62 14 233 PU +62 14 234 BU +62 14 235 SA +62 14 236 PP +62 14 237 PU +62 14 238 PP +62 14 239 WG +62 14 240 PU +62 14 241 PE +62 14 242 DO +62 14 243 ZE +62 14 244 PE +62 14 245 WG +62 14 246 BU +62 14 247 PU +62 14 248 SA +62 14 249 SA +62 14 250 WG +62 14 251 PP +62 14 252 PP +62 14 253 PU +62 14 254 PP +62 14 255 PP +62 14 256 WG +62 14 257 SA +62 14 258 DO +62 14 259 WG +62 14 260 PP +62 14 261 ZE +62 14 262 PE +62 14 263 PP +62 14 264 PU +62 14 265 SA +62 14 266 WG +62 14 267 WG +62 14 268 PP +62 14 269 WG +62 14 270 PU +62 14 271 SA +62 14 272 PE +62 14 273 WG +62 14 274 PE +62 14 275 PP +62 14 276 WG +62 14 277 SA +62 14 278 PU +62 14 279 WG +62 14 280 PP +62 14 281 SA +62 14 282 PP +62 14 283 WG +62 14 284 PE +62 14 285 PP +62 14 286 PE +62 14 287 PP +62 14 288 WG +62 14 289 PP +62 14 290 PP +62 14 291 SA +62 14 292 PP +62 14 293 PU +62 14 294 PE +62 14 295 PP +62 14 296 WG +62 14 297 DO +62 14 298 WG +62 14 299 SA +62 14 300 PP +62 14 301 DO +62 14 302 PP +62 14 303 PP +62 14 304 PU +62 14 305 WG +62 14 306 PP +62 14 307 BU +62 14 308 PP +62 14 309 PP +62 14 310 BU +62 14 311 SA +62 14 312 PP +62 14 313 PP +62 14 314 PE +62 14 315 PP +62 14 316 BU +62 14 317 WG +62 14 318 PP +62 14 319 PE +62 14 320 PP +62 14 321 WG +62 14 322 PP +62 14 323 SA +62 14 324 PE +62 14 325 WG +62 14 326 PP +62 14 327 PP +62 14 328 PP +62 14 329 PU +62 14 330 PP +62 15 1 BU +62 15 2 BU +62 15 3 ZE +62 15 4 SA +62 15 5 BU +62 15 6 DO +62 15 7 DO +62 15 8 ZE +62 15 9 ZE +62 15 10 SA +62 15 11 DT +62 15 12 DO +62 15 13 SA +62 15 14 SA +62 15 15 PE +62 15 16 PE +62 15 17 ZE +62 15 18 DT +62 15 19 BU +62 15 20 ZE +62 15 21 ZE +62 15 22 DO +62 15 23 SA +62 15 24 DT +62 15 25 SA +62 15 26 BU +62 15 27 PE +62 15 28 ZE +62 15 29 SA +62 15 30 ZE +62 15 31 PE +62 15 32 ZE +62 15 33 DO +62 15 34 SA +62 15 35 KG +62 15 36 SA +62 15 37 BU +62 15 38 ZE +62 15 39 SA +62 15 40 SA +62 15 41 KG +62 15 42 DO +62 15 43 SA +62 15 44 PE +62 15 45 SA +62 15 46 PE +62 15 47 DT +62 15 48 ZE +62 15 49 SA +62 15 50 ZE +62 15 51 ZE +62 15 52 PE +62 15 53 KG +62 15 54 SA +62 15 55 SA +62 15 56 ZE +62 15 57 SA +62 15 58 ZE +62 15 59 PE +62 15 60 DT +62 15 61 KG +62 15 62 SA +62 15 63 ZE +62 15 64 SA +62 15 65 ZE +62 15 66 PE +62 15 67 PE +62 15 68 ZE +62 15 69 DO +62 15 70 PE +62 15 71 ZE +62 15 72 BI +62 15 73 SA +62 15 74 BU +62 15 75 SA +62 15 76 ZE +62 15 77 BI +62 15 78 ZE +62 15 79 SA +62 15 80 BU +62 15 81 DO +62 15 82 SA +62 15 83 ZE +62 15 84 ZE +62 15 85 BI +62 15 86 ZE +62 15 87 SA +62 15 88 ZE +62 15 89 SA +62 15 90 BI +62 15 91 DO +62 15 92 PE +62 15 93 BU +62 15 94 SA +62 15 95 PE +62 15 96 DO +62 15 97 SA +62 15 98 ZE +62 15 99 PE +62 15 100 BI +62 15 101 ZE +62 15 102 SA +62 15 103 ZE +62 15 104 BU +62 15 105 ZE +62 15 106 DO +62 15 107 PE +62 15 108 PE +62 15 109 BU +62 15 110 ZE +62 15 111 SA +62 15 112 ZE +62 15 113 SA +62 15 114 SA +62 15 115 ZE +62 15 116 BU +62 15 117 SA +62 15 118 ZE +62 15 119 BI +62 15 120 PE +62 15 121 ZE +62 15 122 BI +62 15 123 SA +62 15 124 DO +62 15 125 ZE +62 15 126 ZE +62 15 127 DT +62 15 128 DO +62 15 129 PE +62 15 130 SA +62 15 131 SA +62 15 132 ZE +62 15 133 BI +62 15 134 SA +62 15 135 ZE +62 15 136 BI +62 15 137 SA +62 15 138 BU +62 15 139 BU +62 15 140 SA +62 15 141 PE +62 15 142 PE +62 15 143 DO +62 15 144 SA +62 15 145 BI +62 15 146 ZE +62 15 147 SA +62 15 148 ZE +62 15 149 DO +62 15 150 SA +62 15 151 ZE +62 15 152 BU +62 15 153 BU +62 15 154 SA +62 15 155 SA +62 15 156 BI +62 15 157 ZE +62 15 158 PE +62 15 159 ZE +62 15 160 ZE +62 15 161 BI +62 15 162 ZE +62 15 163 SA +62 15 164 BU +62 15 165 DO +62 15 166 SA +62 15 167 ZE +62 15 168 SA +62 15 169 BU +62 15 170 SA +62 15 171 DO +62 15 172 PE +62 15 173 ZE +62 15 174 DO +62 15 175 SA +62 15 176 ZE +62 15 177 DO +62 15 178 BU +62 15 179 ZE +62 15 180 DO +62 15 181 DO +62 15 182 ZE +62 15 183 SA +62 15 184 SA +62 15 185 ZE +62 15 186 BU +62 15 187 ZE +62 15 188 BU +62 15 189 PE +62 15 190 ZE +62 15 191 BI +62 15 192 SA +62 15 193 DO +62 15 194 ZE +62 15 195 BI +62 15 196 PE +62 15 197 ZE +62 15 198 DT +62 15 199 PE +62 15 200 BU +62 15 201 ZE +62 15 202 BI +62 15 203 ZE +62 15 204 SA +62 15 205 SA +62 15 206 DO +62 15 207 ZE +62 15 208 PE +62 15 209 BI +62 15 210 ZE +62 15 211 BU +62 15 212 ZE +62 15 213 BU +62 15 214 DO +62 15 215 ZE +62 15 216 SA +62 15 217 ZE +62 15 218 DO +62 15 219 PE +62 15 220 SA +62 15 221 PE +62 15 222 SA +62 15 223 BI +62 15 224 PE +62 15 225 DO +62 15 226 SA +62 15 227 SA +62 15 228 SA +62 15 229 BU +62 15 230 ZE +62 15 231 ZE +62 15 232 PE +62 15 233 BU +62 15 234 BI +62 15 235 BU +62 15 236 DO +62 15 237 ZE +62 15 238 SA +62 15 239 ZE +62 15 240 ZE +62 15 241 PE +62 15 242 DO +62 15 243 ZE +62 15 244 PE +62 15 245 ZE +62 15 246 BI +62 15 247 BU +62 15 248 SA +62 15 249 BI +62 15 250 ZE +62 15 251 DO +62 15 252 PE +62 15 253 BI +62 15 254 BU +62 15 255 DT +62 15 256 ZE +62 15 257 ZE +62 15 258 DO +62 15 259 ZE +62 15 260 DO +62 15 261 KG +62 15 262 PE +62 15 263 SA +62 15 264 BU +62 15 265 BI +62 15 266 ZE +62 15 267 SA +62 15 268 DO +62 15 269 ZE +62 15 270 ZE +62 15 271 SA +62 15 272 PE +62 15 273 BU +62 15 274 PE +62 15 275 DO +62 15 276 KG +62 15 277 BU +62 15 278 ZE +62 15 279 BU +62 15 280 DO +62 15 281 BI +62 15 282 BI +62 15 283 ZE +62 15 284 PE +62 15 285 ZE +62 15 286 PE +62 15 287 ZE +62 15 288 ZE +62 15 289 BU +62 15 290 PE +62 15 291 BU +62 15 292 * +62 15 293 PE +62 15 294 PE +62 15 295 ZE +62 15 296 SA +62 15 297 DO +62 15 298 ZE +62 15 299 BI +62 15 300 PE +62 15 301 BI +62 15 302 PE +62 15 303 SA +62 15 304 DO +62 15 305 ZE +62 15 306 BI +62 15 307 SA +62 15 308 ZE +62 15 309 DT +62 15 310 BI +62 15 311 SA +62 15 312 DT +62 15 313 SA +62 15 314 PE +62 15 315 BI +62 15 316 SA +62 15 317 ZE +62 15 318 ZE +62 15 319 PE +62 15 320 DO +62 15 321 KG +62 15 322 BU +62 15 323 BI +62 15 324 PE +62 15 325 ZE +62 15 326 DO +62 15 327 PE +62 15 328 SA +62 15 329 ZE +62 15 330 PE +62 16 1 SA +62 16 2 AA +62 16 3 KG +62 16 4 PT +62 16 5 BI +62 16 6 BZ +62 16 7 PP +62 16 8 KG +62 16 9 PE +62 16 10 SA +62 16 11 PP +62 16 12 DO +62 16 13 BU +62 16 14 SA +62 16 15 ZE +62 16 16 PE +62 16 17 PP +62 16 18 SA +62 16 19 BU +62 16 20 SA +62 16 21 ZE +62 16 22 PE +62 16 23 ZE +62 16 24 IG +62 16 25 SA +62 16 26 PP +62 16 27 PU +62 16 28 ZE +62 16 29 BU +62 16 30 ZE +62 16 31 PE +62 16 32 PP +62 16 33 IG +62 16 34 BI +62 16 35 ZE +62 16 36 SA +62 16 37 PP +62 16 38 ZE +62 16 39 SI +62 16 40 BI +62 16 41 ZE +62 16 42 DO +62 16 43 SA +62 16 44 PE +62 16 45 BU +62 16 46 PP +62 16 47 SA +62 16 48 ZE +62 16 49 BU +62 16 50 ZE +62 16 51 PP +62 16 52 PE +62 16 53 IG +62 16 54 PP +62 16 55 BI +62 16 56 ZE +62 16 57 PP +62 16 58 PP +62 16 59 IG +62 16 60 SA +62 16 61 ZE +62 16 62 BT +62 16 63 PP +62 16 64 SA +62 16 65 ZE +62 16 66 PE +62 16 67 SI +62 16 68 ZE +62 16 69 PP +62 16 70 PE +62 16 71 ZE +62 16 72 SA +62 16 73 PP +62 16 74 PE +62 16 75 SA +62 16 76 ZE +62 16 77 BU +62 16 78 PE +62 16 79 SA +62 16 80 IG +62 16 81 PP +62 16 82 BU +62 16 83 PE +62 16 84 ZE +62 16 85 BU +62 16 86 ZE +62 16 87 SA +62 16 88 ZE +62 16 89 SA +62 16 90 SA +62 16 91 PP +62 16 92 PE +62 16 93 BU +62 16 94 SA +62 16 95 PE +62 16 96 ZE +62 16 97 BU +62 16 98 ZE +62 16 99 PU +62 16 100 SA +62 16 101 ZE +62 16 102 PE +62 16 103 PP +62 16 104 BU +62 16 105 ZE +62 16 106 SI +62 16 107 PE +62 16 108 BU +62 16 109 BU +62 16 110 DO +62 16 111 PP +62 16 112 GZ +62 16 113 IG +62 16 114 BU +62 16 115 ZE +62 16 116 PE +62 16 117 ZE +62 16 118 ZE +62 16 119 BU +62 16 120 PE +62 16 121 ZE +62 16 122 SA +62 16 123 SA +62 16 124 GZ +62 16 125 KG +62 16 126 ZE +62 16 127 SA +62 16 128 DO +62 16 129 PP +62 16 130 SA +62 16 131 DO +62 16 132 SA +62 16 133 BI +62 16 134 BZ +62 16 135 ZE +62 16 136 BI +62 16 137 SA +62 16 138 IG +62 16 139 PP +62 16 140 BU +62 16 141 PE +62 16 142 PE +62 16 143 PP +62 16 144 KG +62 16 145 SA +62 16 146 DO +62 16 147 BU +62 16 148 ZE +62 16 149 PP +62 16 150 IG +62 16 151 ZE +62 16 152 PT +62 16 153 BU +62 16 154 SA +62 16 155 PP +62 16 156 BU +62 16 157 ZE +62 16 158 PE +62 16 159 DO +62 16 160 ZE +62 16 161 BU +62 16 162 KG +62 16 163 BU +62 16 164 PP +62 16 165 ZE +62 16 166 SA +62 16 167 PE +62 16 168 BU +62 16 169 SA +62 16 170 PP +62 16 171 DT +62 16 172 PE +62 16 173 ZE +62 16 174 ZE +62 16 175 BU +62 16 176 ZE +62 16 177 DO +62 16 178 BU +62 16 179 ZE +62 16 180 SA +62 16 181 ZE +62 16 182 BZ +62 16 183 PP +62 16 184 IG +62 16 185 ZE +62 16 186 SA +62 16 187 ZE +62 16 188 BU +62 16 189 SA +62 16 190 GZ +62 16 191 BU +62 16 192 PP +62 16 193 DO +62 16 194 GZ +62 16 195 BU +62 16 196 BT +62 16 197 PP +62 16 198 SA +62 16 199 PE +62 16 200 SA +62 16 201 ZE +62 16 202 BU +62 16 203 ZE +62 16 204 PP +62 16 205 SI +62 16 206 PE +62 16 207 ZE +62 16 208 PP +62 16 209 BU +62 16 210 ZE +62 16 211 SA +62 16 212 ZE +62 16 213 PP +62 16 214 DO +62 16 215 ZE +62 16 216 SA +62 16 217 ZE +62 16 218 SA +62 16 219 PE +62 16 220 PP +62 16 221 SA +62 16 222 PP +62 16 223 BU +62 16 224 PE +62 16 225 IG +62 16 226 BU +62 16 227 PP +62 16 228 SA +62 16 229 PU +62 16 230 ZE +62 16 231 ZE +62 16 232 SA +62 16 233 BU +62 16 234 BU +62 16 235 SA +62 16 236 ZE +62 16 237 ZE +62 16 238 BU +62 16 239 ZE +62 16 240 ZE +62 16 241 PE +62 16 242 DO +62 16 243 ZE +62 16 244 BU +62 16 245 ZE +62 16 246 BU +62 16 247 PP +62 16 248 SA +62 16 249 BU +62 16 250 BZ +62 16 251 SA +62 16 252 PE +62 16 253 BU +62 16 254 BU +62 16 255 BT +62 16 256 ZE +62 16 257 PP +62 16 258 ZE +62 16 259 KG +62 16 260 PE +62 16 261 ZE +62 16 262 PE +62 16 263 PP +62 16 264 PE +62 16 265 BU +62 16 266 ZE +62 16 267 ZE +62 16 268 BU +62 16 269 * +62 16 270 PU +62 16 271 SA +62 16 272 PE +62 16 273 ZE +62 16 274 PE +62 16 275 ZE +62 16 276 KG +62 16 277 BU +62 16 278 GZ +62 16 279 BU +62 16 280 SA +62 16 281 BU +62 16 282 SA +62 16 283 IG +62 16 284 PP +62 16 285 ZE +62 16 286 PE +62 16 287 BT +62 16 288 KG +62 16 289 BU +62 16 290 DO +62 16 291 PP +62 16 292 GZ +62 16 293 PE +62 16 294 SA +62 16 295 DT +62 16 296 PP +62 16 297 DO +62 16 298 GZ +62 16 299 BU +62 16 300 PE +62 16 301 BU +62 16 302 DO +62 16 303 SI +62 16 304 SA +62 16 305 BZ +62 16 306 SA +62 16 307 BU +62 16 308 BU +62 16 309 DT +62 16 310 SA +62 16 311 BU +62 16 312 IG +62 16 313 BU +62 16 314 BZ +62 16 315 SA +62 16 316 BU +62 16 317 ZE +62 16 318 PE +62 16 319 PE +62 16 320 SA +62 16 321 ZE +62 16 322 BU +62 16 323 SA +62 16 324 PP +62 16 325 KG +62 16 326 BU +62 16 327 PE +62 16 328 IG +62 16 329 PU +62 16 330 PE +62 17 1 SA +62 17 2 PU +62 17 3 ZE +62 17 4 ZE +62 17 5 PU +62 17 6 ZE +62 17 7 SA +62 17 8 ZE +62 17 9 ZE +62 17 10 SA +62 17 11 SA +62 17 12 ZE +62 17 13 SA +62 17 14 SA +62 17 15 PE +62 17 16 PE +62 17 17 ZE +62 17 18 SA +62 17 19 SA +62 17 20 SA +62 17 21 ZE +62 17 22 PE +62 17 23 ZE +62 17 24 SA +62 17 25 SA +62 17 26 SA +62 17 27 PE +62 17 28 ZE +62 17 29 SA +62 17 30 ZE +62 17 31 SA +62 17 32 ZE +62 17 33 SA +62 17 34 SA +62 17 35 ZE +62 17 36 SA +62 17 37 SA +62 17 38 ZE +62 17 39 SA +62 17 40 SA +62 17 41 ZE +62 17 42 SA +62 17 43 SA +62 17 44 PE +62 17 45 SA +62 17 46 PE +62 17 47 SA +62 17 48 ZE +62 17 49 SA +62 17 50 ZE +62 17 51 SA +62 17 52 PE +62 17 53 ZE +62 17 54 SA +62 17 55 SA +62 17 56 ZE +62 17 57 SA +62 17 58 ZE +62 17 59 ZE +62 17 60 SA +62 17 61 ZE +62 17 62 PE +62 17 63 ZE +62 17 64 SA +62 17 65 ZE +62 17 66 PE +62 17 67 SA +62 17 68 ZE +62 17 69 SA +62 17 70 PE +62 17 71 ZE +62 17 72 SA +62 17 73 ZE +62 17 74 PE +62 17 75 SA +62 17 76 ZE +62 17 77 SA +62 17 78 ZE +62 17 79 SA +62 17 80 SA +62 17 81 SA +62 17 82 SA +62 17 83 PE +62 17 84 ZE +62 17 85 SA +62 17 86 ZE +62 17 87 SA +62 17 88 ZE +62 17 89 SA +62 17 90 SA +62 17 91 SA +62 17 92 PE +62 17 93 SA +62 17 94 SA +62 17 95 PE +62 17 96 ZE +62 17 97 SA +62 17 98 ZE +62 17 99 ZE +62 17 100 PE +62 17 101 ZE +62 17 102 PE +62 17 103 SA +62 17 104 SA +62 17 105 ZE +62 17 106 PE +62 17 107 PE +62 17 108 PE +62 17 109 SA +62 17 110 ZE +62 17 111 SA +62 17 112 ZE +62 17 113 SA +62 17 114 SA +62 17 115 ZE +62 17 116 PE +62 17 117 SA +62 17 118 ZE +62 17 119 SA +62 17 120 PE +62 17 121 ZE +62 17 122 SA +62 17 123 SA +62 17 124 SA +62 17 125 ZE +62 17 126 ZE +62 17 127 SA +62 17 128 SA +62 17 129 PE +62 17 130 SA +62 17 131 SA +62 17 132 ZE +62 17 133 SA +62 17 134 SA +62 17 135 ZE +62 17 136 SA +62 17 137 SA +62 17 138 BU +62 17 139 PE +62 17 140 BU +62 17 141 PE +62 17 142 PE +62 17 143 SA +62 17 144 SA +62 17 145 SA +62 17 146 ZE +62 17 147 BU +62 17 148 ZE +62 17 149 SA +62 17 150 ZE +62 17 151 ZE +62 17 152 ZE +62 17 153 BU +62 17 154 SA +62 17 155 SA +62 17 156 SA +62 17 157 ZE +62 17 158 PE +62 17 159 ZE +62 17 160 ZE +62 17 161 BI +62 17 162 ZE +62 17 163 SA +62 17 164 SA +62 17 165 SA +62 17 166 SA +62 17 167 ZE +62 17 168 SA +62 17 169 SA +62 17 170 SA +62 17 171 SA +62 17 172 PE +62 17 173 ZE +62 17 174 ZE +62 17 175 PE +62 17 176 ZE +62 17 177 PE +62 17 178 SA +62 17 179 ZE +62 17 180 SA +62 17 181 ZE +62 17 182 SA +62 17 183 ZE +62 17 184 ZE +62 17 185 ZE +62 17 186 SA +62 17 187 ZE +62 17 188 BU +62 17 189 PE +62 17 190 ZE +62 17 191 SA +62 17 192 ZE +62 17 193 SA +62 17 194 ZE +62 17 195 SA +62 17 196 SA +62 17 197 ZE +62 17 198 SA +62 17 199 PE +62 17 200 SA +62 17 201 ZE +62 17 202 SA +62 17 203 ZE +62 17 204 SA +62 17 205 SA +62 17 206 PE +62 17 207 ZE +62 17 208 ZE +62 17 209 SA +62 17 210 ZE +62 17 211 SA +62 17 212 ZE +62 17 213 PE +62 17 214 SA +62 17 215 ZE +62 17 216 SA +62 17 217 ZE +62 17 218 SA +62 17 219 PE +62 17 220 SA +62 17 221 PE +62 17 222 ZE +62 17 223 SA +62 17 224 PE +62 17 225 SA +62 17 226 SA +62 17 227 SA +62 17 228 SA +62 17 229 PE +62 17 230 PE +62 17 231 ZE +62 17 232 SA +62 17 233 SA +62 17 234 SA +62 17 235 BU +62 17 236 BI +62 17 237 ZE +62 17 238 SA +62 17 239 ZE +62 17 240 ZE +62 17 241 PE +62 17 242 PE +62 17 243 ZE +62 17 244 PE +62 17 245 ZE +62 17 246 SA +62 17 247 SA +62 17 248 SA +62 17 249 SA +62 17 250 ZE +62 17 251 PE +62 17 252 PE +62 17 253 SA +62 17 254 PE +62 17 255 SA +62 17 256 ZE +62 17 257 SA +62 17 258 SA +62 17 259 ZE +62 17 260 PE +62 17 261 ZE +62 17 262 PE +62 17 263 PE +62 17 264 PE +62 17 265 SA +62 17 266 ZE +62 17 267 ZE +62 17 268 SA +62 17 269 ZE +62 17 270 ZE +62 17 271 SA +62 17 272 PE +62 17 273 ZE +62 17 274 PE +62 17 275 SA +62 17 276 ZE +62 17 277 SA +62 17 278 ZE +62 17 279 BU +62 17 280 BI +62 17 281 SA +62 17 282 SA +62 17 283 ZE +62 17 284 PE +62 17 285 ZE +62 17 286 PE +62 17 287 ZE +62 17 288 ZE +62 17 289 SA +62 17 290 PE +62 17 291 BU +62 17 292 ZE +62 17 293 PE +62 17 294 PE +62 17 295 ZE +62 17 296 ZE +62 17 297 ZE +62 17 298 ZE +62 17 299 SA +62 17 300 PE +62 17 301 SA +62 17 302 PE +62 17 303 PE +62 17 304 SA +62 17 305 ZE +62 17 306 SA +62 17 307 SA +62 17 308 ZE +62 17 309 SA +62 17 310 SA +62 17 311 SA +62 17 312 SA +62 17 313 SA +62 17 314 PE +62 17 315 SA +62 17 316 SA +62 17 317 ZE +62 17 318 ZE +62 17 319 PE +62 17 320 SA +62 17 321 ZE +62 17 322 PE +62 17 323 SA +62 17 324 PE +62 17 325 ZE +62 17 326 ZE +62 17 327 PE +62 17 328 SA +62 17 329 ZE +62 17 330 PE +62 18 1 BU +62 18 2 BI +62 18 3 ZE +62 18 4 ZE +62 18 5 BU +62 18 6 ZE +62 18 7 BI +62 18 8 ZE +62 18 9 ZE +62 18 10 BI +62 18 11 BI +62 18 12 DO +62 18 13 BI +62 18 14 SA +62 18 15 ZE +62 18 16 PE +62 18 17 ZE +62 18 18 PE +62 18 19 BU +62 18 20 BI +62 18 21 ZE +62 18 22 PU +62 18 23 ZE +62 18 24 PU +62 18 25 BI +62 18 26 BU +62 18 27 PU +62 18 28 ZE +62 18 29 BU +62 18 30 ZE +62 18 31 BU +62 18 32 ZE +62 18 33 BU +62 18 34 BI +62 18 35 ZE +62 18 36 BI +62 18 37 BU +62 18 38 ZE +62 18 39 BI +62 18 40 BU +62 18 41 ZE +62 18 42 PU +62 18 43 BU +62 18 44 PU +62 18 45 BI +62 18 46 PU +62 18 47 BI +62 18 48 ZE +62 18 49 BU +62 18 50 ZE +62 18 51 PU +62 18 52 PE +62 18 53 ZE +62 18 54 BU +62 18 55 BI +62 18 56 ZE +62 18 57 BU +62 18 58 PU +62 18 59 PU +62 18 60 BI +62 18 61 ZE +62 18 62 PU +62 18 63 ZE +62 18 64 BI +62 18 65 ZE +62 18 66 PE +62 18 67 BU +62 18 68 ZE +62 18 69 PU +62 18 70 PU +62 18 71 ZE +62 18 72 BI +62 18 73 ZE +62 18 74 BU +62 18 75 SA +62 18 76 ZE +62 18 77 BU +62 18 78 PU +62 18 79 SA +62 18 80 BI +62 18 81 SA +62 18 82 BU +62 18 83 PU +62 18 84 ZE +62 18 85 BI +62 18 86 ZE +62 18 87 SA +62 18 88 ZE +62 18 89 PE +62 18 90 BI +62 18 91 PU +62 18 92 PU +62 18 93 BI +62 18 94 PE +62 18 95 PU +62 18 96 ZE +62 18 97 * +62 18 98 ZE +62 18 99 PU +62 18 100 BU +62 18 101 ZE +62 18 102 PU +62 18 103 SA +62 18 104 BU +62 18 105 ZE +62 18 106 PU +62 18 107 PE +62 18 108 PE +62 18 109 BI +62 18 110 ZE +62 18 111 SA +62 18 112 ZE +62 18 113 PE +62 18 114 BU +62 18 115 ZE +62 18 116 BI +62 18 117 SA +62 18 118 ZE +62 18 119 BU +62 18 120 PU +62 18 121 ZE +62 18 122 BI +62 18 123 BU +62 18 124 PU +62 18 125 ZE +62 18 126 ZE +62 18 127 SA +62 18 128 PU +62 18 129 PU +62 18 130 SA +62 18 131 ZE +62 18 132 ZE +62 18 133 BI +62 18 134 ZE +62 18 135 ZE +62 18 136 BU +62 18 137 SA +62 18 138 BU +62 18 139 PU +62 18 140 BI +62 18 141 PE +62 18 142 PE +62 18 143 PU +62 18 144 SA +62 18 145 BI +62 18 146 ZE +62 18 147 SA +62 18 148 ZE +62 18 149 SA +62 18 150 ZE +62 18 151 PU +62 18 152 ZE +62 18 153 BU +62 18 154 PE +62 18 155 PU +62 18 156 BI +62 18 157 PE +62 18 158 PE +62 18 159 PU +62 18 160 ZE +62 18 161 BU +62 18 162 ZE +62 18 163 BI +62 18 164 BU +62 18 165 SA +62 18 166 PU +62 18 167 PU +62 18 168 BI +62 18 169 BU +62 18 170 SA +62 18 171 PU +62 18 172 PE +62 18 173 ZE +62 18 174 DO +62 18 175 PE +62 18 176 ZE +62 18 177 PU +62 18 178 SA +62 18 179 ZE +62 18 180 BU +62 18 181 PU +62 18 182 ZE +62 18 183 PU +62 18 184 ZE +62 18 185 PU +62 18 186 BI +62 18 187 DO +62 18 188 BI +62 18 189 PE +62 18 190 ZE +62 18 191 BI +62 18 192 ZE +62 18 193 PU +62 18 194 ZE +62 18 195 BU +62 18 196 PU +62 18 197 ZE +62 18 198 PE +62 18 199 PU +62 18 200 BU +62 18 201 ZE +62 18 202 BI +62 18 203 ZE +62 18 204 PE +62 18 205 SA +62 18 206 PU +62 18 207 ZE +62 18 208 PU +62 18 209 BI +62 18 210 ZE +62 18 211 BU +62 18 212 ZE +62 18 213 PU +62 18 214 SA +62 18 215 ZE +62 18 216 SA +62 18 217 ZE +62 18 218 PU +62 18 219 PE +62 18 220 BU +62 18 221 PU +62 18 222 ZE +62 18 223 BI +62 18 224 PU +62 18 225 PU +62 18 226 SA +62 18 227 SA +62 18 228 BI +62 18 229 BU +62 18 230 PU +62 18 231 ZE +62 18 232 SA +62 18 233 PU +62 18 234 BI +62 18 235 BI +62 18 236 SA +62 18 237 PU +62 18 238 BI +62 18 239 ZE +62 18 240 ZE +62 18 241 PE +62 18 242 PU +62 18 243 ZE +62 18 244 PE +62 18 245 ZE +62 18 246 BU +62 18 247 PU +62 18 248 SA +62 18 249 SA +62 18 250 ZE +62 18 251 BU +62 18 252 PU +62 18 253 BU +62 18 254 SA +62 18 255 PE +62 18 256 ZE +62 18 257 BI +62 18 258 PU +62 18 259 ZE +62 18 260 PU +62 18 261 ZE +62 18 262 PE +62 18 263 PU +62 18 264 PP +62 18 265 BI +62 18 266 ZE +62 18 267 ZE +62 18 268 BU +62 18 269 ZE +62 18 270 PU +62 18 271 SA +62 18 272 PE +62 18 273 ZE +62 18 274 PE +62 18 275 PU +62 18 276 ZE +62 18 277 BI +62 18 278 PU +62 18 279 BI +62 18 280 SA +62 18 281 BU +62 18 282 BI +62 18 283 PU +62 18 284 PE +62 18 285 ZE +62 18 286 PE +62 18 287 PU +62 18 288 ZE +62 18 289 BU +62 18 290 PU +62 18 291 BI +62 18 292 PU +62 18 293 PE +62 18 294 PE +62 18 295 PU +62 18 296 ZE +62 18 297 ZE +62 18 298 ZE +62 18 299 BI +62 18 300 PE +62 18 301 BU +62 18 302 PU +62 18 303 PE +62 18 304 PU +62 18 305 ZE +62 18 306 PU +62 18 307 BI +62 18 308 ZE +62 18 309 SA +62 18 310 BI +62 18 311 BU +62 18 312 PE +62 18 313 SA +62 18 314 PU +62 18 315 BI +62 18 316 BU +62 18 317 ZE +62 18 318 PU +62 18 319 PE +62 18 320 SA +62 18 321 ZE +62 18 322 BU +62 18 323 BI +62 18 324 PU +62 18 325 ZE +62 18 326 DO +62 18 327 PE +62 18 328 SA +62 18 329 PU +62 18 330 PE +62 19 1 BU +62 19 2 PU +62 19 3 ZE +62 19 4 SA +62 19 5 BU +62 19 6 WU +62 19 7 BI +62 19 8 ZE +62 19 9 DO +62 19 10 SA +62 19 11 SA +62 19 12 DO +62 19 13 BU +62 19 14 BU +62 19 15 * +62 19 16 PE +62 19 17 ZE +62 19 18 SA +62 19 19 BU +62 19 20 BI +62 19 21 ZE +62 19 22 DO +62 19 23 * +62 19 24 SA +62 19 25 BU +62 19 26 BU +62 19 27 PE +62 19 28 ZE +62 19 29 BU +62 19 30 ZE +62 19 31 BU +62 19 32 ZE +62 19 33 BI +62 19 34 BU +62 19 35 ZE +62 19 36 BI +62 19 37 BI +62 19 38 ZE +62 19 39 SA +62 19 40 BI +62 19 41 ZE +62 19 42 DO +62 19 43 SA +62 19 44 PE +62 19 45 SA +62 19 46 SA +62 19 47 BI +62 19 48 DO +62 19 49 SA +62 19 50 IN +62 19 51 SA +62 19 52 PE +62 19 53 ZE +62 19 54 BI +62 19 55 SA +62 19 56 ZE +62 19 57 SA +62 19 58 * +62 19 59 PE +62 19 60 BI +62 19 61 ZE +62 19 62 BU +62 19 63 ZE +62 19 64 BU +62 19 65 ZE +62 19 66 PE +62 19 67 BU +62 19 68 ZE +62 19 69 SA +62 19 70 PE +62 19 71 ZE +62 19 72 BU +62 19 73 ZE +62 19 74 PE +62 19 75 SA +62 19 76 DO +62 19 77 BU +62 19 78 PE +62 19 79 SA +62 19 80 BU +62 19 81 BI +62 19 82 BU +62 19 83 DO +62 19 84 ZE +62 19 85 BU +62 19 86 ZE +62 19 87 SA +62 19 88 ZE +62 19 89 SA +62 19 90 BI +62 19 91 DO +62 19 92 PE +62 19 93 BU +62 19 94 SA +62 19 95 PE +62 19 96 DO +62 19 97 BU +62 19 98 ZE +62 19 99 * +62 19 100 BU +62 19 101 ZE +62 19 102 BU +62 19 103 SA +62 19 104 BU +62 19 105 BI +62 19 106 DO +62 19 107 PE +62 19 108 BU +62 19 109 BU +62 19 110 DO +62 19 111 SA +62 19 112 ZE +62 19 113 SA +62 19 114 BU +62 19 115 ZE +62 19 116 BU +62 19 117 SA +62 19 118 DO +62 19 119 BU +62 19 120 PE +62 19 121 ZE +62 19 122 BI +62 19 123 BU +62 19 124 DO +62 19 125 ZE +62 19 126 * +62 19 127 SA +62 19 128 DO +62 19 129 PE +62 19 130 SA +62 19 131 ZE +62 19 132 ZE +62 19 133 BI +62 19 134 SA +62 19 135 ZE +62 19 136 BU +62 19 137 SA +62 19 138 BI +62 19 139 SA +62 19 140 BU +62 19 141 PE +62 19 142 PE +62 19 143 DO +62 19 144 BU +62 19 145 BU +62 19 146 DO +62 19 147 BU +62 19 148 ZE +62 19 149 BI +62 19 150 ZE +62 19 151 ZE +62 19 152 ZE +62 19 153 BU +62 19 154 SA +62 19 155 SA +62 19 156 BI +62 19 157 SA +62 19 158 PE +62 19 159 * +62 19 160 ZE +62 19 161 BI +62 19 162 ZE +62 19 163 BU +62 19 164 BU +62 19 165 SA +62 19 166 BI +62 19 167 PE +62 19 168 BI +62 19 169 BU +62 19 170 SA +62 19 171 BI +62 19 172 PE +62 19 173 ZE +62 19 174 DO +62 19 175 BU +62 19 176 ZE +62 19 177 BI +62 19 178 BU +62 19 179 ZE +62 19 180 BI +62 19 181 DO +62 19 182 DO +62 19 183 SA +62 19 184 ZE +62 19 185 DO +62 19 186 BU +62 19 187 DO +62 19 188 BU +62 19 189 BU +62 19 190 ZE +62 19 191 BI +62 19 192 BI +62 19 193 DO +62 19 194 ZE +62 19 195 BI +62 19 196 BU +62 19 197 ZE +62 19 198 SA +62 19 199 PE +62 19 200 BU +62 19 201 ZE +62 19 202 BI +62 19 203 ZE +62 19 204 SA +62 19 205 BU +62 19 206 PE +62 19 207 ZE +62 19 208 DO +62 19 209 BI +62 19 210 ZE +62 19 211 BU +62 19 212 ZE +62 19 213 BI +62 19 214 DO +62 19 215 ZE +62 19 216 SA +62 19 217 ZE +62 19 218 DO +62 19 219 BU +62 19 220 BU +62 19 221 PE +62 19 222 ZE +62 19 223 BU +62 19 224 PE +62 19 225 DO +62 19 226 SA +62 19 227 SA +62 19 228 SA +62 19 229 PU +62 19 230 PE +62 19 231 ZE +62 19 232 SA +62 19 233 BU +62 19 234 BI +62 19 235 BU +62 19 236 DO +62 19 237 ZE +62 19 238 BU +62 19 239 ZE +62 19 240 ZE +62 19 241 PE +62 19 242 DO +62 19 243 ZE +62 19 244 BU +62 19 245 ZE +62 19 246 BU +62 19 247 BI +62 19 248 SA +62 19 249 BU +62 19 250 ZE +62 19 251 BI +62 19 252 PE +62 19 253 BI +62 19 254 BU +62 19 255 SA +62 19 256 ZE +62 19 257 BU +62 19 258 DO +62 19 259 ZE +62 19 260 BI +62 19 261 ZE +62 19 262 PE +62 19 263 SA +62 19 264 BU +62 19 265 BI +62 19 266 ZE +62 19 267 ZE +62 19 268 BU +62 19 269 ZE +62 19 270 ZE +62 19 271 BI +62 19 272 PE +62 19 273 ZE +62 19 274 PE +62 19 275 DO +62 19 276 ZE +62 19 277 BU +62 19 278 ZE +62 19 279 BI +62 19 280 DO +62 19 281 SA +62 19 282 BI +62 19 283 SA +62 19 284 PE +62 19 285 ZE +62 19 286 PE +62 19 287 DO +62 19 288 ZE +62 19 289 BU +62 19 290 PE +62 19 291 BU +62 19 292 ZE +62 19 293 PE +62 19 294 PE +62 19 295 SA +62 19 296 BU +62 19 297 DO +62 19 298 ZE +62 19 299 BI +62 19 300 SA +62 19 301 SA +62 19 302 PE +62 19 303 BU +62 19 304 SA +62 19 305 ZE +62 19 306 BI +62 19 307 BU +62 19 308 ZE +62 19 309 SA +62 19 310 BU +62 19 311 BI +62 19 312 SA +62 19 313 SA +62 19 314 PE +62 19 315 DO +62 19 316 BU +62 19 317 ZE +62 19 318 DO +62 19 319 PE +62 19 320 BI +62 19 321 ZE +62 19 322 BU +62 19 323 SA +62 19 324 PE +62 19 325 ZE +62 19 326 DO +62 19 327 PE +62 19 328 SA +62 19 329 ZE +62 19 330 PE +62 20 1 BU +62 20 2 PP +62 20 3 ZE +62 20 4 FZ +62 20 5 PP +62 20 6 PP +62 20 7 PU +62 20 8 ZE +62 20 9 FZ +62 20 10 PP +62 20 11 PP +62 20 12 DO +62 20 13 FZ +62 20 14 PP +62 20 15 PP +62 20 16 PE +62 20 17 ZE +62 20 18 SA +62 20 19 BU +62 20 20 PP +62 20 21 ZE +62 20 22 FZ +62 20 23 PP +62 20 24 SA +62 20 25 BI +62 20 26 BU +62 20 27 PP +62 20 28 ZE +62 20 29 PP +62 20 30 FZ +62 20 31 BU +62 20 32 FZ +62 20 33 PP +62 20 34 BU +62 20 35 ZE +62 20 36 SA +62 20 37 BU +62 20 38 ZE +62 20 39 SA +62 20 40 BU +62 20 41 ZE +62 20 42 DO +62 20 43 SA +62 20 44 PP +62 20 45 BU +62 20 46 PP +62 20 47 SA +62 20 48 PP +62 20 49 BU +62 20 50 FZ +62 20 51 SA +62 20 52 PE +62 20 53 ZE +62 20 54 PP +62 20 55 SA +62 20 56 PP +62 20 57 SA +62 20 58 FZ +62 20 59 PE +62 20 60 SA +62 20 61 ZE +62 20 62 PP +62 20 63 ZE +62 20 64 SA +62 20 65 ZE +62 20 66 PE +62 20 67 FZ +62 20 68 PP +62 20 69 PP +62 20 70 FZ +62 20 71 ZE +62 20 72 SA +62 20 73 PP +62 20 74 PP +62 20 75 SA +62 20 76 ZE +62 20 77 SA +62 20 78 PP +62 20 79 SA +62 20 80 BU +62 20 81 PP +62 20 82 BU +62 20 83 FZ +62 20 84 PU +62 20 85 SA +62 20 86 PP +62 20 87 SA +62 20 88 PP +62 20 89 SA +62 20 90 PP +62 20 91 PU +62 20 92 PP +62 20 93 SA +62 20 94 SA +62 20 95 PP +62 20 96 PP +62 20 97 BU +62 20 98 ZE +62 20 99 PP +62 20 100 FZ +62 20 101 ZE +62 20 102 PP +62 20 103 FZ +62 20 104 SA +62 20 105 PU +62 20 106 PP +62 20 107 PE +62 20 108 SA +62 20 109 SA +62 20 110 ZE +62 20 111 SA +62 20 112 ZE +62 20 113 SA +62 20 114 SA +62 20 115 PP +62 20 116 FZ +62 20 117 SA +62 20 118 ZE +62 20 119 SA +62 20 120 PE +62 20 121 ZE +62 20 122 PP +62 20 123 SA +62 20 124 FZ +62 20 125 ZE +62 20 126 PP +62 20 127 SA +62 20 128 DO +62 20 129 PE +62 20 130 SA +62 20 131 PP +62 20 132 ZE +62 20 133 BI +62 20 134 PP +62 20 135 FZ +62 20 136 BI +62 20 137 SA +62 20 138 BU +62 20 139 PE +62 20 140 BU +62 20 141 PE +62 20 142 PP +62 20 143 FZ +62 20 144 SA +62 20 145 PP +62 20 146 FZ +62 20 147 BU +62 20 148 ZE +62 20 149 PP +62 20 150 SA +62 20 151 ZE +62 20 152 PP +62 20 153 BU +62 20 154 SA +62 20 155 SA +62 20 156 BU +62 20 157 SA +62 20 158 PE +62 20 159 PP +62 20 160 PP +62 20 161 BU +62 20 162 ZE +62 20 163 BU +62 20 164 BU +62 20 165 SA +62 20 166 SA +62 20 167 PP +62 20 168 SA +62 20 169 BU +62 20 170 SA +62 20 171 SA +62 20 172 PP +62 20 173 ZE +62 20 174 PP +62 20 175 FZ +62 20 176 ZE +62 20 177 PP +62 20 178 BI +62 20 179 ZE +62 20 180 PP +62 20 181 PP +62 20 182 FZ +62 20 183 PP +62 20 184 PP +62 20 185 PP +62 20 186 SA +62 20 187 PP +62 20 188 SA +62 20 189 FZ +62 20 190 PP +62 20 191 SA +62 20 192 PP +62 20 193 DO +62 20 194 ZE +62 20 195 PP +62 20 196 PP +62 20 197 FZ +62 20 198 SA +62 20 199 PE +62 20 200 SA +62 20 201 ZE +62 20 202 SA +62 20 203 PP +62 20 204 SA +62 20 205 PP +62 20 206 PU +62 20 207 ZE +62 20 208 PP +62 20 209 SA +62 20 210 FZ +62 20 211 SA +62 20 212 ZE +62 20 213 PP +62 20 214 DO +62 20 215 PP +62 20 216 SA +62 20 217 PP +62 20 218 FZ +62 20 219 PP +62 20 220 SA +62 20 221 PP +62 20 222 PP +62 20 223 SA +62 20 224 PE +62 20 225 PP +62 20 226 SA +62 20 227 SA +62 20 228 SA +62 20 229 PP +62 20 230 FZ +62 20 231 PP +62 20 232 SA +62 20 233 BI +62 20 234 PP +62 20 235 BU +62 20 236 PP +62 20 237 FZ +62 20 238 BU +62 20 239 ZE +62 20 240 ZE +62 20 241 PE +62 20 242 PP +62 20 243 ZE +62 20 244 PE +62 20 245 ZE +62 20 246 SA +62 20 247 PP +62 20 248 SA +62 20 249 SA +62 20 250 PP +62 20 251 FZ +62 20 252 PE +62 20 253 SA +62 20 254 SA +62 20 255 SA +62 20 256 ZE +62 20 257 SA +62 20 258 DO +62 20 259 ZE +62 20 260 PP +62 20 261 ZE +62 20 262 PE +62 20 263 PP +62 20 264 SA +62 20 265 SA +62 20 266 ZE +62 20 267 PP +62 20 268 SA +62 20 269 PP +62 20 270 FZ +62 20 271 SA +62 20 272 PE +62 20 273 PP +62 20 274 PE +62 20 275 DO +62 20 276 ZE +62 20 277 SA +62 20 278 ZE +62 20 279 SA +62 20 280 PP +62 20 281 SA +62 20 282 PP +62 20 283 PP +62 20 284 PE +62 20 285 FZ +62 20 286 PE +62 20 287 PP +62 20 288 ZE +62 20 289 BU +62 20 290 PE +62 20 291 BU +62 20 292 PP +62 20 293 FZ +62 20 294 PE +62 20 295 PP +62 20 296 SA +62 20 297 DO +62 20 298 ZE +62 20 299 SA +62 20 300 PP +62 20 301 SA +62 20 302 PP +62 20 303 PP +62 20 304 PP +62 20 305 FZ +62 20 306 PP +62 20 307 SA +62 20 308 FZ +62 20 309 SA +62 20 310 SA +62 20 311 SA +62 20 312 SA +62 20 313 PP +62 20 314 PE +62 20 315 PP +62 20 316 SA +62 20 317 ZE +62 20 318 PP +62 20 319 PE +62 20 320 PP +62 20 321 ZE +62 20 322 SA +62 20 323 SA +62 20 324 PE +62 20 325 PP +62 20 326 DO +62 20 327 PE +62 20 328 SA +62 20 329 PP +62 20 330 PE +62 21 1 BU +62 21 2 ZK +62 21 3 ZE +62 21 4 PU +62 21 5 PE +62 21 6 SA +62 21 7 ZE +62 21 8 PU +62 21 9 ZK +62 21 10 BU +62 21 11 SA +62 21 12 ZE +62 21 13 SA +62 21 14 PU +62 21 15 ZE +62 21 16 PE +62 21 17 ZE +62 21 18 ZK +62 21 19 PE +62 21 20 BU +62 21 21 ZK +62 21 22 PU +62 21 23 ZE +62 21 24 SA +62 21 25 BU +62 21 26 BU +62 21 27 PU +62 21 28 ZE +62 21 29 BI +62 21 30 ZE +62 21 31 PU +62 21 32 ZK +62 21 33 DO +62 21 34 SA +62 21 35 DO +62 21 36 BU +62 21 37 SA +62 21 38 ZE +62 21 39 SA +62 21 40 ZK +62 21 41 ZE +62 21 42 PU +62 21 43 SA +62 21 44 ZK +62 21 45 SA +62 21 46 PE +62 21 47 SA +62 21 48 PU +62 21 49 PE +62 21 50 ZE +62 21 51 ZK +62 21 52 ZE +62 21 53 PE +62 21 54 PU +62 21 55 SA +62 21 56 PU +62 21 57 BU +62 21 58 ZE +62 21 59 ZK +62 21 60 SA +62 21 61 ZE +62 21 62 PU +62 21 63 BU +62 21 64 SA +62 21 65 ZE +62 21 66 PE +62 21 67 PU +62 21 68 ZE +62 21 69 DO +62 21 70 PE +62 21 71 ZK +62 21 72 BU +62 21 73 ZE +62 21 74 PU +62 21 75 SA +62 21 76 ZE +62 21 77 SA +62 21 78 PE +62 21 79 GY +62 21 80 SA +62 21 81 PU +62 21 82 PE +62 21 83 PE +62 21 84 ZK +62 21 85 BU +62 21 86 ZE +62 21 87 PU +62 21 88 ZE +62 21 89 SA +62 21 90 PU +62 21 91 ZK +62 21 92 PE +62 21 93 SA +62 21 94 SA +62 21 95 PE +62 21 96 ZE +62 21 97 BU +62 21 98 ZE +62 21 99 ZK +62 21 100 PE +62 21 101 ZE +62 21 102 PU +62 21 103 SA +62 21 104 PU +62 21 105 ZE +62 21 106 DO +62 21 107 PE +62 21 108 PE +62 21 109 BU +62 21 110 ZE +62 21 111 SA +62 21 112 ZE +62 21 113 SA +62 21 114 PU +62 21 115 ZK +62 21 116 BU +62 21 117 ZK +62 21 118 ZE +62 21 119 BU +62 21 120 PE +62 21 121 ZE +62 21 122 SA +62 21 123 PU +62 21 124 PE +62 21 125 ZK +62 21 126 ZE +62 21 127 SA +62 21 128 PU +62 21 129 PE +62 21 130 SA +62 21 131 ZE +62 21 132 ZK +62 21 133 BU +62 21 134 SA +62 21 135 ZE +62 21 136 PU +62 21 137 SA +62 21 138 ZK +62 21 139 PE +62 21 140 SA +62 21 141 PE +62 21 142 BU +62 21 143 PU +62 21 144 SA +62 21 145 PU +62 21 146 ZK +62 21 147 SA +62 21 148 ZE +62 21 149 PU +62 21 150 SA +62 21 151 PU +62 21 152 BU +62 21 153 SA +62 21 154 PE +62 21 155 PE +62 21 156 BU +62 21 157 ZK +62 21 158 PE +62 21 159 ZE +62 21 160 PU +62 21 161 SA +62 21 162 ZE +62 21 163 PU +62 21 164 BU +62 21 165 SA +62 21 166 BU +62 21 167 PU +62 21 168 SA +62 21 169 BU +62 21 170 SA +62 21 171 ZK +62 21 172 PE +62 21 173 ZE +62 21 174 DO +62 21 175 PE +62 21 176 ZE +62 21 177 ZK +62 21 178 SA +62 21 179 ZE +62 21 180 SA +62 21 181 PU +62 21 182 ZE +62 21 183 PP +62 21 184 ZE +62 21 185 ZK +62 21 186 BU +62 21 187 ZE +62 21 188 SA +62 21 189 DO +62 21 190 ZK +62 21 191 SA +62 21 192 ZE +62 21 193 PU +62 21 194 ZK +62 21 195 SA +62 21 196 DO +62 21 197 ZE +62 21 198 SA +62 21 199 PE +62 21 200 BU +62 21 201 ZK +62 21 202 SA +62 21 203 ZE +62 21 204 SA +62 21 205 PU +62 21 206 PE +62 21 207 ZE +62 21 208 PP +62 21 209 SA +62 21 210 PU +62 21 211 DO +62 21 212 ZE +62 21 213 BU +62 21 214 PU +62 21 215 ZE +62 21 216 SA +62 21 217 ZK +62 21 218 PU +62 21 219 PE +62 21 220 BU +62 21 221 PE +62 21 222 ZE +62 21 223 SA +62 21 224 PE +62 21 225 DO +62 21 226 SA +62 21 227 PU +62 21 228 BU +62 21 229 PE +62 21 230 DO +62 21 231 ZE +62 21 232 SA +62 21 233 PU +62 21 234 SA +62 21 235 BU +62 21 236 DO +62 21 237 ZK +62 21 238 SA +62 21 239 ZE +62 21 240 ZE +62 21 241 PE +62 21 242 DO +62 21 243 ZE +62 21 244 PP +62 21 245 ZE +62 21 246 BU +62 21 247 DO +62 21 248 SA +62 21 249 PU +62 21 250 ZE +62 21 251 PU +62 21 252 PU +62 21 253 PE +62 21 254 BU +62 21 255 SA +62 21 256 ZE +62 21 257 SA +62 21 258 DO +62 21 259 ZK +62 21 260 PU +62 21 261 ZE +62 21 262 PE +62 21 263 PU +62 21 264 BU +62 21 265 SA +62 21 266 ZE +62 21 267 ZK +62 21 268 SA +62 21 269 ZE +62 21 270 ZK +62 21 271 SA +62 21 272 PE +62 21 273 ZE +62 21 274 PE +62 21 275 DO +62 21 276 ZE +62 21 277 SA +62 21 278 PU +62 21 279 BU +62 21 280 PU +62 21 281 SA +62 21 282 PP +62 21 283 ZK +62 21 284 PE +62 21 285 ZE +62 21 286 PE +62 21 287 ZK +62 21 288 ZE +62 21 289 PU +62 21 290 DO +62 21 291 BU +62 21 292 ZE +62 21 293 PU +62 21 294 PE +62 21 295 PU +62 21 296 ZE +62 21 297 DO +62 21 298 ZE +62 21 299 SA +62 21 300 PU +62 21 301 SA +62 21 302 DO +62 21 303 BU +62 21 304 ZK +62 21 305 ZE +62 21 306 PU +62 21 307 BU +62 21 308 ZE +62 21 309 SA +62 21 310 PE +62 21 311 PU +62 21 312 SA +62 21 313 SA +62 21 314 PE +62 21 315 DO +62 21 316 PU +62 21 317 ZE +62 21 318 ZK +62 21 319 PE +62 21 320 PU +62 21 321 ZE +62 21 322 BU +62 21 323 SA +62 21 324 PE +62 21 325 ZE +62 21 326 DO +62 21 327 PU +62 21 328 SA +62 21 329 ZK +62 21 330 PE +62 22 1 SA +62 22 2 BU +62 22 3 ZE +62 22 4 ZE +62 22 5 SA +62 22 6 PE +62 22 7 BI +62 22 8 ZE +62 22 9 PU +62 22 10 SA +62 22 11 BI +62 22 12 ZK +62 22 13 SA +62 22 14 SA +62 22 15 BU +62 22 16 PE +62 22 17 ZE +62 22 18 SA +62 22 19 SA +62 22 20 SA +62 22 21 ZE +62 22 22 PE +62 22 23 ZE +62 22 24 SA +62 22 25 BI +62 22 26 SA +62 22 27 PE +62 22 28 ZE +62 22 29 BI +62 22 30 ZE +62 22 31 SA +62 22 32 ZE +62 22 33 SA +62 22 34 BI +62 22 35 ZE +62 22 36 SA +62 22 37 BI +62 22 38 ZE +62 22 39 SA +62 22 40 BI +62 22 41 ZE +62 22 42 BU +62 22 43 SA +62 22 44 PE +62 22 45 BI +62 22 46 SA +62 22 47 BI +62 22 48 ZE +62 22 49 BI +62 22 50 ZE +62 22 51 ZE +62 22 52 ZE +62 22 53 PE +62 22 54 BI +62 22 55 BI +62 22 56 ZE +62 22 57 SA +62 22 58 ZK +62 22 59 PE +62 22 60 SA +62 22 61 ZE +62 22 62 SA +62 22 63 ZE +62 22 64 SA +62 22 65 ZE +62 22 66 PE +62 22 67 BU +62 22 68 ZE +62 22 69 SA +62 22 70 SA +62 22 71 ZE +62 22 72 BU +62 22 73 ZE +62 22 74 SA +62 22 75 BU +62 22 76 ZE +62 22 77 SA +62 22 78 ZE +62 22 79 SA +62 22 80 SA +62 22 81 BU +62 22 82 BI +62 22 83 PE +62 22 84 ZE +62 22 85 SA +62 22 86 ZE +62 22 87 SA +62 22 88 ZE +62 22 89 SA +62 22 90 SA +62 22 91 BI +62 22 92 PE +62 22 93 SA +62 22 94 SA +62 22 95 PE +62 22 96 ZK +62 22 97 SA +62 22 98 ZE +62 22 99 SA +62 22 100 PE +62 22 101 ZE +62 22 102 PE +62 22 103 ZK +62 22 104 SA +62 22 105 ZE +62 22 106 PE +62 22 107 SA +62 22 108 PE +62 22 109 SA +62 22 110 ZK +62 22 111 SA +62 22 112 ZE +62 22 113 SA +62 22 114 BU +62 22 115 ZE +62 22 116 BU +62 22 117 SA +62 22 118 ZE +62 22 119 BI +62 22 120 PE +62 22 121 ZE +62 22 122 SA +62 22 123 SA +62 22 124 BU +62 22 125 ZE +62 22 126 BI +62 22 127 SA +62 22 128 ZK +62 22 129 PE +62 22 130 SA +62 22 131 ZE +62 22 132 ZE +62 22 133 BU +62 22 134 SA +62 22 135 ZE +62 22 136 SA +62 22 137 BU +62 22 138 BU +62 22 139 BI +62 22 140 SA +62 22 141 PE +62 22 142 BU +62 22 143 SA +62 22 144 BI +62 22 145 SA +62 22 146 ZK +62 22 147 SA +62 22 148 ZE +62 22 149 BU +62 22 150 ZE +62 22 151 ZE +62 22 152 BI +62 22 153 BU +62 22 154 SA +62 22 155 SA +62 22 156 BI +62 22 157 ZE +62 22 158 PE +62 22 159 ZK +62 22 160 ZE +62 22 161 BI +62 22 162 ZE +62 22 163 BU +62 22 164 BU +62 22 165 SA +62 22 166 BU +62 22 167 BI +62 22 168 SA +62 22 169 SA +62 22 170 SA +62 22 171 BI +62 22 172 PE +62 22 173 ZE +62 22 174 ZK +62 22 175 SA +62 22 176 ZE +62 22 177 BU +62 22 178 BI +62 22 179 ZE +62 22 180 SA +62 22 181 BU +62 22 182 ZE +62 22 183 BI +62 22 184 ZE +62 22 185 ZK +62 22 186 BI +62 22 187 ZE +62 22 188 SA +62 22 189 BU +62 22 190 ZE +62 22 191 BI +62 22 192 ZE +62 22 193 BU +62 22 194 ZE +62 22 195 BI +62 22 196 PE +62 22 197 ZK +62 22 198 SA +62 22 199 PE +62 22 200 BU +62 22 201 ZE +62 22 202 BU +62 22 203 ZE +62 22 204 SA +62 22 205 BI +62 22 206 PE +62 22 207 ZE +62 22 208 ZK +62 22 209 SA +62 22 210 ZE +62 22 211 BI +62 22 212 ZE +62 22 213 ZK +62 22 214 PE +62 22 215 ZE +62 22 216 SA +62 22 217 ZE +62 22 218 BI +62 22 219 PE +62 22 220 BU +62 22 221 PE +62 22 222 SA +62 22 223 BI +62 22 224 PE +62 22 225 ZK +62 22 226 SA +62 22 227 SA +62 22 228 BI +62 22 229 SA +62 22 230 PE +62 22 231 ZE +62 22 232 SA +62 22 233 BU +62 22 234 BI +62 22 235 BU +62 22 236 ZE +62 22 237 PU +62 22 238 SA +62 22 239 ZE +62 22 240 ZE +62 22 241 PE +62 22 242 PE +62 22 243 ZE +62 22 244 PE +62 22 245 ZE +62 22 246 BI +62 22 247 BU +62 22 248 SA +62 22 249 BU +62 22 250 SA +62 22 251 BI +62 22 252 PE +62 22 253 BU +62 22 254 SA +62 22 255 SA +62 22 256 ZE +62 22 257 SA +62 22 258 BU +62 22 259 ZE +62 22 260 PE +62 22 261 ZE +62 22 262 PE +62 22 263 SA +62 22 264 BU +62 22 265 BI +62 22 266 ZE +62 22 267 SA +62 22 268 BI +62 22 269 ZE +62 22 270 BU +62 22 271 SA +62 22 272 PE +62 22 273 ZE +62 22 274 PE +62 22 275 ZK +62 22 276 ZE +62 22 277 SA +62 22 278 ZE +62 22 279 SA +62 22 280 BI +62 22 281 SA +62 22 282 BI +62 22 283 ZE +62 22 284 PE +62 22 285 ZE +62 22 286 PE +62 22 287 ZK +62 22 288 ZE +62 22 289 BU +62 22 290 PE +62 22 291 SA +62 22 292 ZE +62 22 293 BU +62 22 294 BI +62 22 295 ZK +62 22 296 ZE +62 22 297 ZE +62 22 298 ZE +62 22 299 SA +62 22 300 PE +62 22 301 SA +62 22 302 PE +62 22 303 BU +62 22 304 SA +62 22 305 ZE +62 22 306 BI +62 22 307 SA +62 22 308 BU +62 22 309 SA +62 22 310 BU +62 22 311 SA +62 22 312 SA +62 22 313 BU +62 22 314 PE +62 22 315 BI +62 22 316 BU +62 22 317 ZE +62 22 318 PU +62 22 319 PE +62 22 320 SA +62 22 321 ZE +62 22 322 BU +62 22 323 SA +62 22 324 PE +62 22 325 ZE +62 22 326 ZE +62 22 327 PE +62 22 328 SA +62 22 329 ZE +62 22 330 PE +62 23 1 * +62 23 2 * +62 23 3 ZE +62 23 4 * +62 23 5 BI +62 23 6 * +62 23 7 BI +62 23 8 ZE +62 23 9 ZE +62 23 10 * +62 23 11 * +62 23 12 DO +62 23 13 BI +62 23 14 BI +62 23 15 * +62 23 16 PE +62 23 17 ZE +62 23 18 SA +62 23 19 * +62 23 20 * +62 23 21 * +62 23 22 * +62 23 23 * +62 23 24 SA +62 23 25 * +62 23 26 * +62 23 27 PP +62 23 28 ZE +62 23 29 * +62 23 30 ZE +62 23 31 * +62 23 32 ZE +62 23 33 BI +62 23 34 BU +62 23 35 * +62 23 36 * +62 23 37 * +62 23 38 ZE +62 23 39 BI +62 23 40 BU +62 23 41 * +62 23 42 * +62 23 43 * +62 23 44 * +62 23 45 BI +62 23 46 PP +62 23 47 BI +62 23 48 * +62 23 49 * +62 23 50 * +62 23 51 * +62 23 52 PE +62 23 53 * +62 23 54 * +62 23 55 RO +62 23 56 * +62 23 57 * +62 23 58 SZ +62 23 59 PP +62 23 60 * +62 23 61 * +62 23 62 * +62 23 63 * +62 23 64 BU +62 23 65 ZE +62 23 66 PE +62 23 67 * +62 23 68 * +62 23 69 * +62 23 70 PE +62 23 71 ZE +62 23 72 BI +62 23 73 * +62 23 74 * +62 23 75 BI +62 23 76 ZE +62 23 77 BU +62 23 78 PP +62 23 79 DT +62 23 80 BU +62 23 81 * +62 23 82 BI +62 23 83 DH +62 23 84 ZE +62 23 85 BI +62 23 86 * +62 23 87 SA +62 23 88 ZE +62 23 89 * +62 23 90 BI +62 23 91 * +62 23 92 PE +62 23 93 BU +62 23 94 * +62 23 95 PP +62 23 96 DO +62 23 97 * +62 23 98 ZE +62 23 99 * +62 23 100 * +62 23 101 * +62 23 102 * +62 23 103 BI +62 23 104 * +62 23 105 PE +62 23 106 * +62 23 107 PE +62 23 108 * +62 23 109 * +62 23 110 * +62 23 111 BI +62 23 112 * +62 23 113 SA +62 23 114 BI +62 23 115 ZE +62 23 116 * +62 23 117 ZE +62 23 118 * +62 23 119 * +62 23 120 PE +62 23 121 * +62 23 122 * +62 23 123 * +62 23 124 * +62 23 125 ZE +62 23 126 * +62 23 127 BI +62 23 128 * +62 23 129 PE +62 23 130 BI +62 23 131 ZE +62 23 132 ZE +62 23 133 BI +62 23 134 * +62 23 135 * +62 23 136 * +62 23 137 * +62 23 138 * +62 23 139 DH +62 23 140 SA +62 23 141 PE +62 23 142 DT +62 23 143 * +62 23 144 * +62 23 145 * +62 23 146 DO +62 23 147 * +62 23 148 ZE +62 23 149 BI +62 23 150 * +62 23 151 ZE +62 23 152 * +62 23 153 BU +62 23 154 * +62 23 155 DH +62 23 156 BI +62 23 157 * +62 23 158 PE +62 23 159 * +62 23 160 * +62 23 161 * +62 23 162 * +62 23 163 BU +62 23 164 BU +62 23 165 BI +62 23 166 * +62 23 167 * +62 23 168 BI +62 23 169 * +62 23 170 * +62 23 171 BI +62 23 172 PE +62 23 173 ZE +62 23 174 DO +62 23 175 * +62 23 176 ZE +62 23 177 * +62 23 178 * +62 23 179 ZE +62 23 180 * +62 23 181 DO +62 23 182 ZE +62 23 183 DO +62 23 184 * +62 23 185 * +62 23 186 * +62 23 187 * +62 23 188 BU +62 23 189 BU +62 23 190 * +62 23 191 BI +62 23 192 * +62 23 193 DO +62 23 194 ZE +62 23 195 BI +62 23 196 * +62 23 197 WG +62 23 198 SA +62 23 199 * +62 23 200 * +62 23 201 * +62 23 202 BI +62 23 203 ZE +62 23 204 * +62 23 205 BU +62 23 206 * +62 23 207 ZE +62 23 208 * +62 23 209 BI +62 23 210 * +62 23 211 * +62 23 212 * +62 23 213 * +62 23 214 * +62 23 215 ZE +62 23 216 BI +62 23 217 WG +62 23 218 * +62 23 219 * +62 23 220 BU +62 23 221 * +62 23 222 * +62 23 223 BI +62 23 224 PE +62 23 225 * +62 23 226 BU +62 23 227 SA +62 23 228 * +62 23 229 * +62 23 230 PE +62 23 231 ZE +62 23 232 * +62 23 233 BU +62 23 234 BI +62 23 235 BU +62 23 236 * +62 23 237 ZE +62 23 238 BI +62 23 239 ZE +62 23 240 * +62 23 241 PE +62 23 242 DO +62 23 243 ZZ +62 23 244 * +62 23 245 * +62 23 246 * +62 23 247 BU +62 23 248 BI +62 23 249 BI +62 23 250 * +62 23 251 * +62 23 252 PE +62 23 253 BI +62 23 254 BU +62 23 255 BZ +62 23 256 ZE +62 23 257 * +62 23 258 * +62 23 259 * +62 23 260 * +62 23 261 ZE +62 23 262 PE +62 23 263 DH +62 23 264 * +62 23 265 BI +62 23 266 * +62 23 267 * +62 23 268 * +62 23 269 ZE +62 23 270 * +62 23 271 BI +62 23 272 * +62 23 273 * +62 23 274 PE +62 23 275 * +62 23 276 * +62 23 277 BU +62 23 278 * +62 23 279 * +62 23 280 BI +62 23 281 * +62 23 282 * +62 23 283 * +62 23 284 * +62 23 285 * +62 23 286 PE +62 23 287 * +62 23 288 ZE +62 23 289 * +62 23 290 DT +62 23 291 BU +62 23 292 ZE +62 23 293 * +62 23 294 * +62 23 295 * +62 23 296 * +62 23 297 DO +62 23 298 ZE +62 23 299 * +62 23 300 DH +62 23 301 BI +62 23 302 PE +62 23 303 * +62 23 304 * +62 23 305 * +62 23 306 * +62 23 307 BU +62 23 308 ZE +62 23 309 BT +62 23 310 * +62 23 311 BU +62 23 312 SA +62 23 313 * +62 23 314 PP +62 23 315 * +62 23 316 * +62 23 317 ZZ +62 23 318 * +62 23 319 PE +62 23 320 * +62 23 321 ZE +62 23 322 * +62 23 323 BI +62 23 324 DH +62 23 325 ZE +62 23 326 DO +62 23 327 * +62 23 328 BI +62 23 329 * +62 23 330 * +62 24 1 SA +62 24 2 PU +62 24 3 ZE +62 24 4 BU +62 24 5 PU +62 24 6 DO +62 24 7 BI +62 24 8 AL +62 24 9 ZE +62 24 10 SA +62 24 11 BU +62 24 12 KA +62 24 13 BU +62 24 14 BI +62 24 15 PU +62 24 16 PE +62 24 17 ZE +62 24 18 SA +62 24 19 BI +62 24 20 BU +62 24 21 ZE +62 24 22 DO +62 24 23 ZE +62 24 24 SI +62 24 25 BI +62 24 26 BU +62 24 27 PU +62 24 28 ZE +62 24 29 BI +62 24 30 ZE +62 24 31 PU +62 24 32 ZE +62 24 33 BI +62 24 34 BU +62 24 35 ZE +62 24 36 SA +62 24 37 BU +62 24 38 ZE +62 24 39 BU +62 24 40 SA +62 24 41 ZE +62 24 42 PU +62 24 43 SA +62 24 44 PU +62 24 45 BU +62 24 46 PU +62 24 47 SA +62 24 48 ZE +62 24 49 PU +62 24 50 KA +62 24 51 KA +62 24 52 PU +62 24 53 ZE +62 24 54 SA +62 24 55 BI +62 24 56 PU +62 24 57 BI +62 24 58 ZE +62 24 59 PU +62 24 60 BI +62 24 61 ZE +62 24 62 PU +62 24 63 ZE +62 24 64 BI +62 24 65 ZE +62 24 66 PE +62 24 67 PU +62 24 68 ZE +62 24 69 PU +62 24 70 PU +62 24 71 BU +62 24 72 BI +62 24 73 ZE +62 24 74 PU +62 24 75 BI +62 24 76 ZE +62 24 77 BI +62 24 78 PE +62 24 79 SA +62 24 80 BI +62 24 81 PU +62 24 82 PU +62 24 83 PE +62 24 84 ZE +62 24 85 SA +62 24 86 ZE +62 24 87 SA +62 24 88 ZE +62 24 89 SA +62 24 90 SA +62 24 91 PU +62 24 92 PE +62 24 93 BU +62 24 94 SA +62 24 95 PE +62 24 96 ZE +62 24 97 PU +62 24 98 ZE +62 24 99 PU +62 24 100 PE +62 24 101 ZE +62 24 102 PU +62 24 103 SA +62 24 104 BI +62 24 105 BU +62 24 106 PE +62 24 107 PE +62 24 108 PE +62 24 109 BU +62 24 110 ZE +62 24 111 SA +62 24 112 ZE +62 24 113 SA +62 24 114 SA +62 24 115 ZE +62 24 116 PE +62 24 117 ZE +62 24 118 PU +62 24 119 BU +62 24 120 PE +62 24 121 ZE +62 24 122 SA +62 24 123 BU +62 24 124 PU +62 24 125 ZE +62 24 126 PU +62 24 127 SA +62 24 128 PU +62 24 129 PE +62 24 130 SA +62 24 131 BU +62 24 132 ZE +62 24 133 SA +62 24 134 ZE +62 24 135 ZE +62 24 136 SA +62 24 137 SA +62 24 138 PU +62 24 139 PU +62 24 140 SA +62 24 141 PE +62 24 142 PE +62 24 143 PU +62 24 144 BU +62 24 145 PU +62 24 146 ZE +62 24 147 SA +62 24 148 ZE +62 24 149 PU +62 24 150 BU +62 24 151 PU +62 24 152 PU +62 24 153 SA +62 24 154 SA +62 24 155 PU +62 24 156 SA +62 24 157 ZE +62 24 158 PE +62 24 159 PU +62 24 160 PU +62 24 161 BU +62 24 162 ZE +62 24 163 SA +62 24 164 BU +62 24 165 PU +62 24 166 SA +62 24 167 PU +62 24 168 SA +62 24 169 BI +62 24 170 PU +62 24 171 PU +62 24 172 PE +62 24 173 ZE +62 24 174 ZE +62 24 175 PE +62 24 176 ZE +62 24 177 PU +62 24 178 SA +62 24 179 ZE +62 24 180 SA +62 24 181 ZE +62 24 182 ZE +62 24 183 PU +62 24 184 ZE +62 24 185 ZE +62 24 186 PU +62 24 187 ZE +62 24 188 SA +62 24 189 PU +62 24 190 ZE +62 24 191 SA +62 24 192 ZE +62 24 193 PU +62 24 194 SA +62 24 195 PE +62 24 196 ZE +62 24 197 PU +62 24 198 SA +62 24 199 PE +62 24 200 PU +62 24 201 ZE +62 24 202 BI +62 24 203 ZE +62 24 204 SA +62 24 205 PU +62 24 206 PE +62 24 207 ZE +62 24 208 ZE +62 24 209 SA +62 24 210 ZE +62 24 211 BI +62 24 212 ZE +62 24 213 PU +62 24 214 PU +62 24 215 ZE +62 24 216 SA +62 24 217 PU +62 24 218 PU +62 24 219 PE +62 24 220 ZE +62 24 221 PE +62 24 222 BU +62 24 223 SA +62 24 224 PE +62 24 225 PU +62 24 226 SA +62 24 227 SA +62 24 228 SA +62 24 229 PU +62 24 230 PE +62 24 231 BU +62 24 232 PU +62 24 233 BU +62 24 234 BI +62 24 235 SA +62 24 236 PU +62 24 237 PU +62 24 238 BI +62 24 239 ZE +62 24 240 ZE +62 24 241 PE +62 24 242 PE +62 24 243 KA +62 24 244 PE +62 24 245 ZE +62 24 246 BI +62 24 247 ZE +62 24 248 SA +62 24 249 SA +62 24 250 ZE +62 24 251 PU +62 24 252 PE +62 24 253 BI +62 24 254 PU +62 24 255 SA +62 24 256 ZE +62 24 257 BI +62 24 258 PU +62 24 259 ZE +62 24 260 PE +62 24 261 ZE +62 24 262 PE +62 24 263 PU +62 24 264 PU +62 24 265 SA +62 24 266 ZE +62 24 267 ZE +62 24 268 SA +62 24 269 ZE +62 24 270 ZE +62 24 271 SA +62 24 272 PE +62 24 273 ZE +62 24 274 PE +62 24 275 PU +62 24 276 ZE +62 24 277 SA +62 24 278 ZE +62 24 279 BU +62 24 280 PU +62 24 281 SA +62 24 282 BI +62 24 283 ZE +62 24 284 PE +62 24 285 PU +62 24 286 PE +62 24 287 PU +62 24 288 ZE +62 24 289 PU +62 24 290 PE +62 24 291 BI +62 24 292 PU +62 24 293 PE +62 24 294 PE +62 24 295 PU +62 24 296 ZE +62 24 297 ZE +62 24 298 ZE +62 24 299 BU +62 24 300 PU +62 24 301 SA +62 24 302 PE +62 24 303 PU +62 24 304 ZE +62 24 305 ZE +62 24 306 PU +62 24 307 BU +62 24 308 PU +62 24 309 SA +62 24 310 BU +62 24 311 SA +62 24 312 SA +62 24 313 ZE +62 24 314 PE +62 24 315 PU +62 24 316 SA +62 24 317 ZE +62 24 318 ZE +62 24 319 PE +62 24 320 PU +62 24 321 ZE +62 24 322 BU +62 24 323 SA +62 24 324 PE +62 24 325 ZE +62 24 326 ZE +62 24 327 PE +62 24 328 SA +62 24 329 ZE +62 24 330 PE +63 1 1 ME +63 1 2 AR +63 1 3 AR +63 1 4 ME +63 1 5 ME +63 1 6 GI +63 1 7 SE +63 1 8 GI +63 1 9 GI +63 1 10 BA +63 1 11 GI +63 1 12 BA +63 1 13 GI +63 1 14 SE +63 1 15 GI +63 1 16 GI +63 1 17 BA +63 1 18 GI +63 1 19 ME +63 1 20 BA +63 1 21 GI +63 1 22 BA +63 1 23 AR +63 1 24 GI +63 1 25 BA +63 1 26 GI +63 1 27 BA +63 1 28 ME +63 1 29 GI +63 1 30 BA +63 1 31 GI +63 1 32 BA +63 1 33 BA +63 1 34 GI +63 1 35 GI +63 1 36 BA +63 1 37 GI +63 1 38 SE +63 1 39 GI +63 1 40 GI +63 1 41 GI +63 1 42 SE +63 1 43 GI +63 1 44 GI +63 1 45 GI +63 1 46 GI +63 1 47 GI +63 1 48 BA +63 1 49 GI +63 1 50 BA +63 1 51 SE +63 1 52 GI +63 1 53 BA +63 1 54 GI +63 1 55 GI +63 1 56 BA +63 1 57 BA +63 1 58 BA +63 1 59 GI +63 1 60 BA +63 1 61 SE +63 1 62 GI +63 1 63 ME +63 1 64 AR +63 1 65 BA +63 1 66 GI +63 1 67 BA +63 1 68 GI +63 1 69 BA +63 1 70 GI +63 1 71 AR +63 1 72 ME +63 1 73 GI +63 1 74 BA +63 1 75 GI +63 1 76 AR +63 1 77 BA +63 1 78 GI +63 1 79 GI +63 1 80 BA +63 1 81 AR +63 1 82 GI +63 1 83 BA +63 1 84 AR +63 1 85 BA +63 1 86 GI +63 1 87 ME +63 1 88 BA +63 1 89 GI +63 1 90 BA +63 1 91 AR +63 1 92 ME +63 1 93 AR +63 1 94 ME +63 1 95 ME +63 1 96 AR +63 1 97 ME +63 1 98 ME +63 1 99 SE +63 1 100 ME +63 1 101 AR +63 1 102 GI +63 1 103 BA +63 1 104 GI +63 1 105 AR +63 1 106 ME +63 1 107 BA +63 1 108 GI +63 1 109 ME +63 1 110 AR +63 1 111 GI +63 1 112 ME +63 1 113 GI +63 1 114 ME +63 1 115 AR +63 1 116 ME +63 1 117 ME +63 1 118 AR +63 1 119 ME +63 1 120 AR +63 1 121 ME +63 1 122 GI +63 1 123 BA +63 1 124 ME +63 1 125 BA +63 1 126 GI +63 1 127 BA +63 1 128 GI +63 1 129 GI +63 1 130 AR +63 1 131 GI +63 1 132 ME +63 1 133 AR +63 1 134 ME +63 1 135 AR +63 1 136 ME +63 1 137 GI +63 1 138 ME +63 1 139 AR +63 1 140 GI +63 1 141 AR +63 1 142 AR +63 1 143 ME +63 1 144 GI +63 1 145 BA +63 1 146 AR +63 1 147 GI +63 1 148 ME +63 1 149 GI +63 1 150 GI +63 1 151 AR +63 1 152 GI +63 1 153 AR +63 1 154 GI +63 1 155 GI +63 1 156 GI +63 1 157 GI +63 1 158 AR +63 1 159 ME +63 1 160 ME +63 1 161 AR +63 1 162 ME +63 1 163 BA +63 1 164 GI +63 1 165 GI +63 1 166 ME +63 1 167 ME +63 1 168 GI +63 1 169 ME +63 1 170 AR +63 1 171 ME +63 1 172 AR +63 1 173 BA +63 1 174 ME +63 1 175 GI +63 1 176 GI +63 1 177 AR +63 1 178 SE +63 1 179 ME +63 1 180 GI +63 1 181 ME +63 1 182 AR +63 1 183 ME +63 1 184 AR +63 1 185 GI +63 1 186 GI +63 1 187 ME +63 1 188 GI +63 1 189 BA +63 1 190 GI +63 1 191 GI +63 1 192 GI +63 1 193 ME +63 1 194 BA +63 1 195 GI +63 1 196 BA +63 1 197 SE +63 1 198 GI +63 1 199 BA +63 1 200 GI +63 1 201 ME +63 1 202 GI +63 1 203 BA +63 1 204 GI +63 1 205 BA +63 1 206 ME +63 1 207 GI +63 1 208 AR +63 1 209 GI +63 1 210 GI +63 1 211 ME +63 1 212 AR +63 1 213 GI +63 1 214 ME +63 1 215 ME +63 1 216 GI +63 1 217 BA +63 1 218 GI +63 1 219 AR +63 1 220 GI +63 1 221 AR +63 1 222 GI +63 1 223 BA +63 1 224 GI +63 1 225 GI +63 1 226 GI +63 1 227 GI +63 1 228 GI +63 1 229 AR +63 1 230 AR +63 1 231 ME +63 1 232 GI +63 1 233 GI +63 1 234 AR +63 1 235 ME +63 1 236 GI +63 1 237 GI +63 1 238 AR +63 1 239 ME +63 1 240 GI +63 1 241 AR +63 1 242 GI +63 1 243 ME +63 1 244 BA +63 1 245 AR +63 1 246 GI +63 1 247 ME +63 1 248 GI +63 1 249 GI +63 1 250 GI +63 1 251 AR +63 1 252 AR +63 1 253 AR +63 1 254 GI +63 1 255 GI +63 1 256 ME +63 1 257 GI +63 1 258 ME +63 1 259 GI +63 1 260 AR +63 1 261 GI +63 1 262 AR +63 1 263 GI +63 1 264 AR +63 1 265 ME +63 1 266 GI +63 1 267 GI +63 1 268 ME +63 1 269 AR +63 1 270 GI +63 1 271 BA +63 1 272 BA +63 1 273 GI +63 1 274 AR +63 1 275 AR +63 1 276 GI +63 1 277 BA +63 1 278 GI +63 1 279 BA +63 1 280 GI +63 1 281 GI +63 1 282 ME +63 1 283 GI +63 1 284 AR +63 1 285 ME +63 1 286 AR +63 1 287 GI +63 1 288 BA +63 1 289 GI +63 1 290 ME +63 1 291 AR +63 1 292 ME +63 1 293 AR +63 1 294 AR +63 1 295 GI +63 1 296 ME +63 1 297 SE +63 1 298 ME +63 1 299 GI +63 1 300 AR +63 1 301 AR +63 1 302 AR +63 1 303 GI +63 1 304 ME +63 1 305 AR +63 1 306 GI +63 1 307 ME +63 1 308 GI +63 1 309 ME +63 1 310 AR +63 1 311 GI +63 1 312 ME +63 1 313 AR +63 1 314 AR +63 1 315 GI +63 1 316 ME +63 1 317 GI +63 1 318 BA +63 1 319 BA +63 1 320 AR +63 1 321 GI +63 1 322 BA +63 1 323 ME +63 1 324 AR +63 1 325 GI +63 1 326 AR +63 1 327 ME +63 1 328 AR +63 1 329 GI +63 1 330 ME +63 2 1 MU +63 2 2 GE +63 2 3 ME +63 2 4 GI +63 2 5 GE +63 2 6 AR +63 2 7 GE +63 2 8 ME +63 2 9 GI +63 2 10 MU +63 2 11 GE +63 2 12 SE +63 2 13 GE +63 2 14 MU +63 2 15 AR +63 2 16 AR +63 2 17 ME +63 2 18 GI +63 2 19 MU +63 2 20 GE +63 2 21 ME +63 2 22 SE +63 2 23 MU +63 2 24 GI +63 2 25 MU +63 2 26 MU +63 2 27 AR +63 2 28 ME +63 2 29 GE +63 2 30 GI +63 2 31 MU +63 2 32 ME +63 2 33 GE +63 2 34 MU +63 2 35 ME +63 2 36 GE +63 2 37 MU +63 2 38 ME +63 2 39 GE +63 2 40 MU +63 2 41 BY +63 2 42 SE +63 2 43 GI +63 2 44 AR +63 2 45 GE +63 2 46 GI +63 2 47 GI +63 2 48 SE +63 2 49 MU +63 2 50 BY +63 2 51 GI +63 2 52 GE +63 2 53 ME +63 2 54 GE +63 2 55 SE +63 2 56 BY +63 2 57 MU +63 2 58 SE +63 2 59 AR +63 2 60 GI +63 2 61 ME +63 2 62 MU +63 2 63 ME +63 2 64 MU +63 2 65 ME +63 2 66 AR +63 2 67 GE +63 2 68 ME +63 2 69 MU +63 2 70 AR +63 2 71 GI +63 2 72 GE +63 2 73 MU +63 2 74 AR +63 2 75 GI +63 2 76 ME +63 2 77 MU +63 2 78 AR +63 2 79 GI +63 2 80 MU +63 2 81 GE +63 2 82 GE +63 2 83 SE +63 2 84 GI +63 2 85 GE +63 2 86 ME +63 2 87 AR +63 2 88 MU +63 2 89 GI +63 2 90 MU +63 2 91 SE +63 2 92 AR +63 2 93 MU +63 2 94 GI +63 2 95 AR +63 2 96 SE +63 2 97 MU +63 2 98 ME +63 2 99 MU +63 2 100 GE +63 2 101 ME +63 2 102 AR +63 2 103 GE +63 2 104 MU +63 2 105 ME +63 2 106 SE +63 2 107 AR +63 2 108 GE +63 2 109 MU +63 2 110 SE +63 2 111 GE +63 2 112 ME +63 2 113 GI +63 2 114 GE +63 2 115 ME +63 2 116 AR +63 2 117 BY +63 2 118 ME +63 2 119 GE +63 2 120 AR +63 2 121 ME +63 2 122 GE +63 2 123 MU +63 2 124 SE +63 2 125 ME +63 2 126 GE +63 2 127 GE +63 2 128 SE +63 2 129 AR +63 2 130 GI +63 2 131 MU +63 2 132 ME +63 2 133 GE +63 2 134 GI +63 2 135 ME +63 2 136 GE +63 2 137 GE +63 2 138 MU +63 2 139 AR +63 2 140 MU +63 2 141 AR +63 2 142 AR +63 2 143 SE +63 2 144 MU +63 2 145 GE +63 2 146 SE +63 2 147 MU +63 2 148 ME +63 2 149 GE +63 2 150 MU +63 2 151 GE +63 2 152 MU +63 2 153 MU +63 2 154 GI +63 2 155 GI +63 2 156 GE +63 2 157 GE +63 2 158 AR +63 2 159 ME +63 2 160 ME +63 2 161 GE +63 2 162 ME +63 2 163 GE +63 2 164 MU +63 2 165 GE +63 2 166 MU +63 2 167 AR +63 2 168 GE +63 2 169 MU +63 2 170 GI +63 2 171 GE +63 2 172 AR +63 2 173 ME +63 2 174 SE +63 2 175 MU +63 2 176 ME +63 2 177 MU +63 2 178 MU +63 2 179 GI +63 2 180 GE +63 2 181 SE +63 2 182 ME +63 2 183 GI +63 2 184 MU +63 2 185 GI +63 2 186 MU +63 2 187 SE +63 2 188 SE +63 2 189 AR +63 2 190 ME +63 2 191 GE +63 2 192 MU +63 2 193 SE +63 2 194 GI +63 2 195 GE +63 2 196 MU +63 2 197 MU +63 2 198 GI +63 2 199 AR +63 2 200 MU +63 2 201 ME +63 2 202 GE +63 2 203 ME +63 2 204 GI +63 2 205 MU +63 2 206 AR +63 2 207 ME +63 2 208 GI +63 2 209 MU +63 2 210 GI +63 2 211 GE +63 2 212 ME +63 2 213 AR +63 2 214 SE +63 2 215 ME +63 2 216 GI +63 2 217 ME +63 2 218 SE +63 2 219 AR +63 2 220 MU +63 2 221 AR +63 2 222 MU +63 2 223 GE +63 2 224 AR +63 2 225 GE +63 2 226 MU +63 2 227 GI +63 2 228 MU +63 2 229 GE +63 2 230 AR +63 2 231 ME +63 2 232 ME +63 2 233 GE +63 2 234 GE +63 2 235 MU +63 2 236 SE +63 2 237 ME +63 2 238 MU +63 2 239 ME +63 2 240 GI +63 2 241 AR +63 2 242 SE +63 2 243 ME +63 2 244 AR +63 2 245 ME +63 2 246 GE +63 2 247 MU +63 2 248 GE +63 2 249 GE +63 2 250 MU +63 2 251 GE +63 2 252 AR +63 2 253 GE +63 2 254 MU +63 2 255 GI +63 2 256 ME +63 2 257 MU +63 2 258 SE +63 2 259 ME +63 2 260 SE +63 2 261 ME +63 2 262 AR +63 2 263 AR +63 2 264 MU +63 2 265 GE +63 2 266 GI +63 2 267 MU +63 2 268 GE +63 2 269 MU +63 2 270 SE +63 2 271 GE +63 2 272 AR +63 2 273 MU +63 2 274 AR +63 2 275 SE +63 2 276 ME +63 2 277 MU +63 2 278 ME +63 2 279 MU +63 2 280 GE +63 2 281 GE +63 2 282 GE +63 2 283 GI +63 2 284 AR +63 2 285 ME +63 2 286 AR +63 2 287 SE +63 2 288 ME +63 2 289 MU +63 2 290 AR +63 2 291 MU +63 2 292 ME +63 2 293 AR +63 2 294 AR +63 2 295 GI +63 2 296 MU +63 2 297 SE +63 2 298 ME +63 2 299 GE +63 2 300 AR +63 2 301 GE +63 2 302 AR +63 2 303 AR +63 2 304 SE +63 2 305 ME +63 2 306 GE +63 2 307 MU +63 2 308 MU +63 2 309 GI +63 2 310 GE +63 2 311 MU +63 2 312 GI +63 2 313 MU +63 2 314 AR +63 2 315 GE +63 2 316 GE +63 2 317 ME +63 2 318 ME +63 2 319 AR +63 2 320 GE +63 2 321 ME +63 2 322 MU +63 2 323 GE +63 2 324 AR +63 2 325 MU +63 2 326 SE +63 2 327 AR +63 2 328 GE +63 2 329 GI +63 2 330 AR +63 3 1 MU +63 3 2 MU +63 3 3 ME +63 3 4 GE +63 3 5 GE +63 3 6 AR +63 3 7 GE +63 3 8 MU +63 3 9 AR +63 3 10 MU +63 3 11 MU +63 3 12 SE +63 3 13 MU +63 3 14 MU +63 3 15 KG +63 3 16 PE +63 3 17 ME +63 3 18 MU +63 3 19 MU +63 3 20 GE +63 3 21 ME +63 3 22 PE +63 3 23 MU +63 3 24 PE +63 3 25 MU +63 3 26 MU +63 3 27 PE +63 3 28 ME +63 3 29 MU +63 3 30 BA +63 3 31 MU +63 3 32 ME +63 3 33 GE +63 3 34 MU +63 3 35 ME +63 3 36 MU +63 3 37 MU +63 3 38 ME +63 3 39 MU +63 3 40 MU +63 3 41 ME +63 3 42 AR +63 3 43 MU +63 3 44 PE +63 3 45 GE +63 3 46 GI +63 3 47 GI +63 3 48 AR +63 3 49 MU +63 3 50 MU +63 3 51 PE +63 3 52 PE +63 3 53 ME +63 3 54 GE +63 3 55 GE +63 3 56 PE +63 3 57 MU +63 3 58 AR +63 3 59 PE +63 3 60 MU +63 3 61 ME +63 3 62 GI +63 3 63 ME +63 3 64 MU +63 3 65 ME +63 3 66 PE +63 3 67 GE +63 3 68 ME +63 3 69 GI +63 3 70 PE +63 3 71 PE +63 3 72 MU +63 3 73 GI +63 3 74 GI +63 3 75 GI +63 3 76 ME +63 3 77 MU +63 3 78 AR +63 3 79 GI +63 3 80 MU +63 3 81 GE +63 3 82 GE +63 3 83 PE +63 3 84 AR +63 3 85 GI +63 3 86 ME +63 3 87 GI +63 3 88 ME +63 3 89 GI +63 3 90 GI +63 3 91 GE +63 3 92 PE +63 3 93 GI +63 3 94 GI +63 3 95 PE +63 3 96 AR +63 3 97 MU +63 3 98 ME +63 3 99 AR +63 3 100 MU +63 3 101 ME +63 3 102 GI +63 3 103 GI +63 3 104 GE +63 3 105 ME +63 3 106 AR +63 3 107 PE +63 3 108 PE +63 3 109 MU +63 3 110 AR +63 3 111 GI +63 3 112 ME +63 3 113 GI +63 3 114 MU +63 3 115 ME +63 3 116 PE +63 3 117 GI +63 3 118 ME +63 3 119 GE +63 3 120 PE +63 3 121 ME +63 3 122 GI +63 3 123 GI +63 3 124 GE +63 3 125 ME +63 3 126 GI +63 3 127 GI +63 3 128 GE +63 3 129 PE +63 3 130 GI +63 3 131 MU +63 3 132 ME +63 3 133 MU +63 3 134 ME +63 3 135 MU +63 3 136 GI +63 3 137 GI +63 3 138 GI +63 3 139 PE +63 3 140 MU +63 3 141 PE +63 3 142 PE +63 3 143 GE +63 3 144 MU +63 3 145 GE +63 3 146 AR +63 3 147 MU +63 3 148 ME +63 3 149 GE +63 3 150 GI +63 3 151 ME +63 3 152 ME +63 3 153 MU +63 3 154 GI +63 3 155 GI +63 3 156 MU +63 3 157 GI +63 3 158 PE +63 3 159 AR +63 3 160 ME +63 3 161 MU +63 3 162 ME +63 3 163 MU +63 3 164 MU +63 3 165 PE +63 3 166 MU +63 3 167 AR +63 3 168 MU +63 3 169 MU +63 3 170 MU +63 3 171 GE +63 3 172 PE +63 3 173 ME +63 3 174 AR +63 3 175 GI +63 3 176 ME +63 3 177 GE +63 3 178 MU +63 3 179 ME +63 3 180 MU +63 3 181 AR +63 3 182 ME +63 3 183 AR +63 3 184 GI +63 3 185 AR +63 3 186 GE +63 3 187 SE +63 3 188 AR +63 3 189 PE +63 3 190 ME +63 3 191 SE +63 3 192 GI +63 3 193 SE +63 3 194 GI +63 3 195 GE +63 3 196 GE +63 3 197 ME +63 3 198 GI +63 3 199 PE +63 3 200 MU +63 3 201 ME +63 3 202 AR +63 3 203 ME +63 3 204 GI +63 3 205 PE +63 3 206 PE +63 3 207 ME +63 3 208 AR +63 3 209 MU +63 3 210 MU +63 3 211 GI +63 3 212 ME +63 3 213 ME +63 3 214 PE +63 3 215 ME +63 3 216 GI +63 3 217 ME +63 3 218 AR +63 3 219 PE +63 3 220 GI +63 3 221 PE +63 3 222 PE +63 3 223 GE +63 3 224 PE +63 3 225 GE +63 3 226 AR +63 3 227 GI +63 3 228 MU +63 3 229 AR +63 3 230 PE +63 3 231 MU +63 3 232 GI +63 3 233 GI +63 3 234 GE +63 3 235 GE +63 3 236 GE +63 3 237 PE +63 3 238 ME +63 3 239 ME +63 3 240 GI +63 3 241 PE +63 3 242 AR +63 3 243 ME +63 3 244 PE +63 3 245 ME +63 3 246 GI +63 3 247 GI +63 3 248 GI +63 3 249 GE +63 3 250 MU +63 3 251 GE +63 3 252 PE +63 3 253 MU +63 3 254 MU +63 3 255 GI +63 3 256 ME +63 3 257 MU +63 3 258 AR +63 3 259 ME +63 3 260 PE +63 3 261 AR +63 3 262 PE +63 3 263 PE +63 3 264 AR +63 3 265 GI +63 3 266 ME +63 3 267 ME +63 3 268 GE +63 3 269 ME +63 3 270 AR +63 3 271 GE +63 3 272 PE +63 3 273 ME +63 3 274 PE +63 3 275 GE +63 3 276 ME +63 3 277 GE +63 3 278 AR +63 3 279 GI +63 3 280 GE +63 3 281 GE +63 3 282 GE +63 3 283 ME +63 3 284 PE +63 3 285 ME +63 3 286 PE +63 3 287 AR +63 3 288 ME +63 3 289 ME +63 3 290 PE +63 3 291 GE +63 3 292 PE +63 3 293 PE +63 3 294 PE +63 3 295 GI +63 3 296 MU +63 3 297 AR +63 3 298 ME +63 3 299 GE +63 3 300 PE +63 3 301 GE +63 3 302 PE +63 3 303 GE +63 3 304 GE +63 3 305 ME +63 3 306 GE +63 3 307 MU +63 3 308 PE +63 3 309 GI +63 3 310 MU +63 3 311 MU +63 3 312 GI +63 3 313 MU +63 3 314 PE +63 3 315 GE +63 3 316 GE +63 3 317 ME +63 3 318 ME +63 3 319 PE +63 3 320 GE +63 3 321 ME +63 3 322 GI +63 3 323 GE +63 3 324 PE +63 3 325 ME +63 3 326 AR +63 3 327 PE +63 3 328 GI +63 3 329 AR +63 3 330 PE +63 4 1 MU +63 4 2 GE +63 4 3 ME +63 4 4 GI +63 4 5 GE +63 4 6 PE +63 4 7 GE +63 4 8 ME +63 4 9 PE +63 4 10 MU +63 4 11 GI +63 4 12 AR +63 4 13 GE +63 4 14 MU +63 4 15 PE +63 4 16 PE +63 4 17 ME +63 4 18 GI +63 4 19 MU +63 4 20 GE +63 4 21 ME +63 4 22 PE +63 4 23 MU +63 4 24 GI +63 4 25 MU +63 4 26 MU +63 4 27 PE +63 4 28 ME +63 4 29 MU +63 4 30 PE +63 4 31 MU +63 4 32 GI +63 4 33 AR +63 4 34 MU +63 4 35 PE +63 4 36 GI +63 4 37 MU +63 4 38 ME +63 4 39 GI +63 4 40 MU +63 4 41 GI +63 4 42 GE +63 4 43 GI +63 4 44 PE +63 4 45 MU +63 4 46 PE +63 4 47 GI +63 4 48 ME +63 4 49 MU +63 4 50 MU +63 4 51 GI +63 4 52 AR +63 4 53 ME +63 4 54 AR +63 4 55 MU +63 4 56 PE +63 4 57 MU +63 4 58 GI +63 4 59 PE +63 4 60 GI +63 4 61 ME +63 4 62 GI +63 4 63 ME +63 4 64 MU +63 4 65 ME +63 4 66 PE +63 4 67 MU +63 4 68 GI +63 4 69 MU +63 4 70 PE +63 4 71 GI +63 4 72 MU +63 4 73 MU +63 4 74 GI +63 4 75 GI +63 4 76 ME +63 4 77 MU +63 4 78 PE +63 4 79 GI +63 4 80 MU +63 4 81 GI +63 4 82 MU +63 4 83 PE +63 4 84 PE +63 4 85 GI +63 4 86 ME +63 4 87 GI +63 4 88 ME +63 4 89 GI +63 4 90 GI +63 4 91 PE +63 4 92 PE +63 4 93 AR +63 4 94 GI +63 4 95 PE +63 4 96 ME +63 4 97 GI +63 4 98 ME +63 4 99 AR +63 4 100 MU +63 4 101 ME +63 4 102 GI +63 4 103 GI +63 4 104 ME +63 4 105 AR +63 4 106 GI +63 4 107 PE +63 4 108 ME +63 4 109 GI +63 4 110 ME +63 4 111 PE +63 4 112 ME +63 4 113 MU +63 4 114 GI +63 4 115 PE +63 4 116 ME +63 4 117 AR +63 4 118 ME +63 4 119 GI +63 4 120 MU +63 4 121 GI +63 4 122 ME +63 4 123 AR +63 4 124 ME +63 4 125 AR +63 4 126 ME +63 4 127 GI +63 4 128 MU +63 4 129 PE +63 4 130 GI +63 4 131 MU +63 4 132 ME +63 4 133 AR +63 4 134 AR +63 4 135 ME +63 4 136 MU +63 4 137 MU +63 4 138 AR +63 4 139 ME +63 4 140 MU +63 4 141 GI +63 4 142 AR +63 4 143 GI +63 4 144 MU +63 4 145 GE +63 4 146 ME +63 4 147 GE +63 4 148 ME +63 4 149 GI +63 4 150 ME +63 4 151 BA +63 4 152 BA +63 4 153 GI +63 4 154 BA +63 4 155 MU +63 4 156 GI +63 4 157 PE +63 4 158 PE +63 4 159 GI +63 4 160 AR +63 4 161 AR +63 4 162 ME +63 4 163 MU +63 4 164 MU +63 4 165 GI +63 4 166 GI +63 4 167 ME +63 4 168 AR +63 4 169 GI +63 4 170 GI +63 4 171 PE +63 4 172 BA +63 4 173 ME +63 4 174 AR +63 4 175 MU +63 4 176 ME +63 4 177 GI +63 4 178 MU +63 4 179 ME +63 4 180 AR +63 4 181 ME +63 4 182 GI +63 4 183 GE +63 4 184 PE +63 4 185 ME +63 4 186 GI +63 4 187 ME +63 4 188 ME +63 4 189 GI +63 4 190 ME +63 4 191 GI +63 4 192 GI +63 4 193 AR +63 4 194 ME +63 4 195 GE +63 4 196 GE +63 4 197 MU +63 4 198 GI +63 4 199 PE +63 4 200 GE +63 4 201 ME +63 4 202 MU +63 4 203 ME +63 4 204 ME +63 4 205 GE +63 4 206 AR +63 4 207 ME +63 4 208 GE +63 4 209 PE +63 4 210 GI +63 4 211 GE +63 4 212 ME +63 4 213 GI +63 4 214 ME +63 4 215 GE +63 4 216 GI +63 4 217 ME +63 4 218 AR +63 4 219 MU +63 4 220 ME +63 4 221 GI +63 4 222 GI +63 4 223 MU +63 4 224 AR +63 4 225 MU +63 4 226 GI +63 4 227 MU +63 4 228 GI +63 4 229 PE +63 4 230 MU +63 4 231 ME +63 4 232 GI +63 4 233 ME +63 4 234 MU +63 4 235 PE +63 4 236 MU +63 4 237 PE +63 4 238 GI +63 4 239 GE +63 4 240 GI +63 4 241 PE +63 4 242 PE +63 4 243 GI +63 4 244 MU +63 4 245 ME +63 4 246 GI +63 4 247 MU +63 4 248 GI +63 4 249 MU +63 4 250 MU +63 4 251 GI +63 4 252 PE +63 4 253 MU +63 4 254 GE +63 4 255 PE +63 4 256 ME +63 4 257 GI +63 4 258 AR +63 4 259 ME +63 4 260 GE +63 4 261 ME +63 4 262 MU +63 4 263 PE +63 4 264 GI +63 4 265 GE +63 4 266 MU +63 4 267 GI +63 4 268 MU +63 4 269 GE +63 4 270 PE +63 4 271 MU +63 4 272 GE +63 4 273 GI +63 4 274 PE +63 4 275 MU +63 4 276 GE +63 4 277 ME +63 4 278 ME +63 4 279 MU +63 4 280 GI +63 4 281 GE +63 4 282 GE +63 4 283 GE +63 4 284 PE +63 4 285 ME +63 4 286 GI +63 4 287 PE +63 4 288 ME +63 4 289 MU +63 4 290 ME +63 4 291 MU +63 4 292 PE +63 4 293 ME +63 4 294 PE +63 4 295 AR +63 4 296 MU +63 4 297 GI +63 4 298 ME +63 4 299 GI +63 4 300 PE +63 4 301 MU +63 4 302 PE +63 4 303 PE +63 4 304 GI +63 4 305 ME +63 4 306 MU +63 4 307 GI +63 4 308 GI +63 4 309 MU +63 4 310 GI +63 4 311 PE +63 4 312 GI +63 4 313 AR +63 4 314 PE +63 4 315 MU +63 4 316 ME +63 4 317 GI +63 4 318 MU +63 4 319 GI +63 4 320 ME +63 4 321 ME +63 4 322 PE +63 4 323 ME +63 4 324 PE +63 4 325 MU +63 4 326 MU +63 4 327 PE +63 4 328 GI +63 4 329 AR +63 4 330 MU +63 5 1 GI +63 5 2 GI +63 5 3 ME +63 5 4 GI +63 5 5 AR +63 5 6 ME +63 5 7 GI +63 5 8 ME +63 5 9 AR +63 5 10 GI +63 5 11 GI +63 5 12 AR +63 5 13 GI +63 5 14 GI +63 5 15 AR +63 5 16 AR +63 5 17 ME +63 5 18 GI +63 5 19 GI +63 5 20 ME +63 5 21 ME +63 5 22 AR +63 5 23 ME +63 5 24 AR +63 5 25 GI +63 5 26 GI +63 5 27 AR +63 5 28 ME +63 5 29 GI +63 5 30 ME +63 5 31 AR +63 5 32 ME +63 5 33 AR +63 5 34 GI +63 5 35 ME +63 5 36 GI +63 5 37 GI +63 5 38 ME +63 5 39 GI +63 5 40 GI +63 5 41 ME +63 5 42 GI +63 5 43 GI +63 5 44 AR +63 5 45 GI +63 5 46 AR +63 5 47 GI +63 5 48 AR +63 5 49 GI +63 5 50 ME +63 5 51 AR +63 5 52 AR +63 5 53 ME +63 5 54 GI +63 5 55 GI +63 5 56 AR +63 5 57 AR +63 5 58 AR +63 5 59 AR +63 5 60 GI +63 5 61 ME +63 5 62 GI +63 5 63 ME +63 5 64 GI +63 5 65 ME +63 5 66 AR +63 5 67 AR +63 5 68 ME +63 5 69 GI +63 5 70 AR +63 5 71 ME +63 5 72 ME +63 5 73 ME +63 5 74 AR +63 5 75 GI +63 5 76 ME +63 5 77 GI +63 5 78 BA +63 5 79 GI +63 5 80 GI +63 5 81 GI +63 5 82 AR +63 5 83 AR +63 5 84 ME +63 5 85 GI +63 5 86 ME +63 5 87 GI +63 5 88 ME +63 5 89 GI +63 5 90 GI +63 5 91 GI +63 5 92 AR +63 5 93 GI +63 5 94 GI +63 5 95 AR +63 5 96 GI +63 5 97 GI +63 5 98 ME +63 5 99 AR +63 5 100 GI +63 5 101 ME +63 5 102 AR +63 5 103 GI +63 5 104 AR +63 5 105 ME +63 5 106 GI +63 5 107 BA +63 5 108 BA +63 5 109 ME +63 5 110 BA +63 5 111 GI +63 5 112 ME +63 5 113 GI +63 5 114 GI +63 5 115 ME +63 5 116 AR +63 5 117 GI +63 5 118 ME +63 5 119 GI +63 5 120 AR +63 5 121 ME +63 5 122 ME +63 5 123 GI +63 5 124 AR +63 5 125 ME +63 5 126 ME +63 5 127 GI +63 5 128 AR +63 5 129 AR +63 5 130 GI +63 5 131 ME +63 5 132 ME +63 5 133 GI +63 5 134 GI +63 5 135 ME +63 5 136 AR +63 5 137 GI +63 5 138 AR +63 5 139 AR +63 5 140 GI +63 5 141 AR +63 5 142 AR +63 5 143 GI +63 5 144 GI +63 5 145 GI +63 5 146 AR +63 5 147 GI +63 5 148 ME +63 5 149 AR +63 5 150 GI +63 5 151 ME +63 5 152 AR +63 5 153 GI +63 5 154 GI +63 5 155 GI +63 5 156 GI +63 5 157 GI +63 5 158 BA +63 5 159 BA +63 5 160 BA +63 5 161 GI +63 5 162 ME +63 5 163 GI +63 5 164 GI +63 5 165 GI +63 5 166 GI +63 5 167 BA +63 5 168 GI +63 5 169 GI +63 5 170 GI +63 5 171 GI +63 5 172 BA +63 5 173 ME +63 5 174 BA +63 5 175 BA +63 5 176 ME +63 5 177 BA +63 5 178 GI +63 5 179 ME +63 5 180 BA +63 5 181 GI +63 5 182 ME +63 5 183 GI +63 5 184 ME +63 5 185 BA +63 5 186 BA +63 5 187 GI +63 5 188 GI +63 5 189 BA +63 5 190 ME +63 5 191 GI +63 5 192 GI +63 5 193 GI +63 5 194 ME +63 5 195 GI +63 5 196 GI +63 5 197 GI +63 5 198 GI +63 5 199 BA +63 5 200 GI +63 5 201 ME +63 5 202 GI +63 5 203 ME +63 5 204 GI +63 5 205 GI +63 5 206 BA +63 5 207 ME +63 5 208 GI +63 5 209 GI +63 5 210 GI +63 5 211 GI +63 5 212 ME +63 5 213 AR +63 5 214 BA +63 5 215 GI +63 5 216 GI +63 5 217 ME +63 5 218 AR +63 5 219 BA +63 5 220 GI +63 5 221 AR +63 5 222 ME +63 5 223 GI +63 5 224 BA +63 5 225 GI +63 5 226 GI +63 5 227 GI +63 5 228 GI +63 5 229 BA +63 5 230 BA +63 5 231 ME +63 5 232 GI +63 5 233 BA +63 5 234 GI +63 5 235 GI +63 5 236 AR +63 5 237 BA +63 5 238 GI +63 5 239 ME +63 5 240 GI +63 5 241 BA +63 5 242 BA +63 5 243 ME +63 5 244 BA +63 5 245 ME +63 5 246 GI +63 5 247 GI +63 5 248 GI +63 5 249 GI +63 5 250 ME +63 5 251 BA +63 5 252 BA +63 5 253 BA +63 5 254 GI +63 5 255 GI +63 5 256 ME +63 5 257 GI +63 5 258 BA +63 5 259 ME +63 5 260 BA +63 5 261 ME +63 5 262 BA +63 5 263 GI +63 5 264 BA +63 5 265 GI +63 5 266 BA +63 5 267 ME +63 5 268 GI +63 5 269 ME +63 5 270 ME +63 5 271 GI +63 5 272 BA +63 5 273 ME +63 5 274 BA +63 5 275 BA +63 5 276 ME +63 5 277 GI +63 5 278 ME +63 5 279 GI +63 5 280 BA +63 5 281 GI +63 5 282 GI +63 5 283 GI +63 5 284 BA +63 5 285 BA +63 5 286 BA +63 5 287 BA +63 5 288 ME +63 5 289 BA +63 5 290 BA +63 5 291 GI +63 5 292 ME +63 5 293 BA +63 5 294 BA +63 5 295 BA +63 5 296 GI +63 5 297 BA +63 5 298 ME +63 5 299 BA +63 5 300 BA +63 5 301 GI +63 5 302 BA +63 5 303 BA +63 5 304 BA +63 5 305 GI +63 5 306 BA +63 5 307 GI +63 5 308 GI +63 5 309 GI +63 5 310 GI +63 5 311 GI +63 5 312 GI +63 5 313 GI +63 5 314 BA +63 5 315 BA +63 5 316 BA +63 5 317 ME +63 5 318 ME +63 5 319 BA +63 5 320 GI +63 5 321 ME +63 5 322 BA +63 5 323 GI +63 5 324 BA +63 5 325 ME +63 5 326 BA +63 5 327 BA +63 5 328 GI +63 5 329 GI +63 5 330 BA +63 6 1 MU +63 6 2 AR +63 6 3 ME +63 6 4 SE +63 6 5 MU +63 6 6 AR +63 6 7 SE +63 6 8 ME +63 6 9 GI +63 6 10 GI +63 6 11 GI +63 6 12 SE +63 6 13 GI +63 6 14 SE +63 6 15 AR +63 6 16 AR +63 6 17 ME +63 6 18 GI +63 6 19 MU +63 6 20 SE +63 6 21 ME +63 6 22 KK +63 6 23 SE +63 6 24 GI +63 6 25 MU +63 6 26 GA +63 6 27 AR +63 6 28 ME +63 6 29 SE +63 6 30 BA +63 6 31 GI +63 6 32 AR +63 6 33 SE +63 6 34 MU +63 6 35 GI +63 6 36 GA +63 6 37 GI +63 6 38 ME +63 6 39 GA +63 6 40 BA +63 6 41 ME +63 6 42 KK +63 6 43 GI +63 6 44 AR +63 6 45 KK +63 6 46 BA +63 6 47 GI +63 6 48 SE +63 6 49 ME +63 6 50 GI +63 6 51 GA +63 6 52 AR +63 6 53 ME +63 6 54 GI +63 6 55 GA +63 6 56 AR +63 6 57 GI +63 6 58 GA +63 6 59 AR +63 6 60 GI +63 6 61 ME +63 6 62 SE +63 6 63 ME +63 6 64 MU +63 6 65 ME +63 6 66 AR +63 6 67 BA +63 6 68 ME +63 6 69 MU +63 6 70 AR +63 6 71 GA +63 6 72 MU +63 6 73 GI +63 6 74 AR +63 6 75 KK +63 6 76 AR +63 6 77 GA +63 6 78 AR +63 6 79 GI +63 6 80 BA +63 6 81 KK +63 6 82 AR +63 6 83 BA +63 6 84 ME +63 6 85 MU +63 6 86 GA +63 6 87 GI +63 6 88 AR +63 6 89 GI +63 6 90 MU +63 6 91 SE +63 6 92 AR +63 6 93 MU +63 6 94 GI +63 6 95 AR +63 6 96 SE +63 6 97 GA +63 6 98 ME +63 6 99 ME +63 6 100 GI +63 6 101 ME +63 6 102 AR +63 6 103 SE +63 6 104 KL +63 6 105 MU +63 6 106 AR +63 6 107 AR +63 6 108 BA +63 6 109 MU +63 6 110 SE +63 6 111 GI +63 6 112 ME +63 6 113 BA +63 6 114 MU +63 6 115 ME +63 6 116 AR +63 6 117 GI +63 6 118 BA +63 6 119 GA +63 6 120 AR +63 6 121 ME +63 6 122 GA +63 6 123 MU +63 6 124 KK +63 6 125 ME +63 6 126 BA +63 6 127 GI +63 6 128 KK +63 6 129 AR +63 6 130 GI +63 6 131 GA +63 6 132 ME +63 6 133 GA +63 6 134 ME +63 6 135 KL +63 6 136 GA +63 6 137 GI +63 6 138 AR +63 6 139 BA +63 6 140 MU +63 6 141 BA +63 6 142 AR +63 6 143 KK +63 6 144 GI +63 6 145 BA +63 6 146 KK +63 6 147 KL +63 6 148 ME +63 6 149 KK +63 6 150 MU +63 6 151 ME +63 6 152 GI +63 6 153 GA +63 6 154 GI +63 6 155 MU +63 6 156 MU +63 6 157 GI +63 6 158 AR +63 6 159 BA +63 6 160 BA +63 6 161 GA +63 6 162 ME +63 6 163 GA +63 6 164 MU +63 6 165 AR +63 6 166 GI +63 6 167 BA +63 6 168 GA +63 6 169 MU +63 6 170 GA +63 6 171 GI +63 6 172 AR +63 6 173 ME +63 6 174 KK +63 6 175 BA +63 6 176 GI +63 6 177 KK +63 6 178 MU +63 6 179 ME +63 6 180 GA +63 6 181 AR +63 6 182 KL +63 6 183 GI +63 6 184 KL +63 6 185 BA +63 6 186 GA +63 6 187 ME +63 6 188 MU +63 6 189 BA +63 6 190 AR +63 6 191 GA +63 6 192 SE +63 6 193 MU +63 6 194 ME +63 6 195 SE +63 6 196 BA +63 6 197 AR +63 6 198 GI +63 6 199 BA +63 6 200 KK +63 6 201 ME +63 6 202 GA +63 6 203 ME +63 6 204 GI +63 6 205 GA +63 6 206 BA +63 6 207 ME +63 6 208 BA +63 6 209 GA +63 6 210 ME +63 6 211 MU +63 6 212 AR +63 6 213 BA +63 6 214 KK +63 6 215 BA +63 6 216 GA +63 6 217 AR +63 6 218 KK +63 6 219 AR +63 6 220 MU +63 6 221 BA +63 6 222 GA +63 6 223 MU +63 6 224 AR +63 6 225 BA +63 6 226 MU +63 6 227 GI +63 6 228 GA +63 6 229 AR +63 6 230 BA +63 6 231 ME +63 6 232 GI +63 6 233 MU +63 6 234 GA +63 6 235 MU +63 6 236 KK +63 6 237 AR +63 6 238 MU +63 6 239 ME +63 6 240 GI +63 6 241 AR +63 6 242 BA +63 6 243 MU +63 6 244 BA +63 6 245 ME +63 6 246 GA +63 6 247 MU +63 6 248 GI +63 6 249 MU +63 6 250 MU +63 6 251 GA +63 6 252 AR +63 6 253 KK +63 6 254 GI +63 6 255 GI +63 6 256 ME +63 6 257 BA +63 6 258 KK +63 6 259 ME +63 6 260 AR +63 6 261 BA +63 6 262 AR +63 6 263 GI +63 6 264 ME +63 6 265 GA +63 6 266 ME +63 6 267 KK +63 6 268 GA +63 6 269 ME +63 6 270 BA +63 6 271 GI +63 6 272 AR +63 6 273 BA +63 6 274 BA +63 6 275 MU +63 6 276 ME +63 6 277 GI +63 6 278 BA +63 6 279 GA +63 6 280 SE +63 6 281 MU +63 6 282 KK +63 6 283 GI +63 6 284 BA +63 6 285 AR +63 6 286 BA +63 6 287 GI +63 6 288 ME +63 6 289 GA +63 6 290 AR +63 6 291 GA +63 6 292 BA +63 6 293 AR +63 6 294 PE +63 6 295 BA +63 6 296 MU +63 6 297 GA +63 6 298 ME +63 6 299 GA +63 6 300 BA +63 6 301 MU +63 6 302 AR +63 6 303 GI +63 6 304 KK +63 6 305 KL +63 6 306 KK +63 6 307 GA +63 6 308 MU +63 6 309 GI +63 6 310 GA +63 6 311 MU +63 6 312 GI +63 6 313 KL +63 6 314 AR +63 6 315 GA +63 6 316 KK +63 6 317 ME +63 6 318 BA +63 6 319 AR +63 6 320 KK +63 6 321 ME +63 6 322 SE +63 6 323 MU +63 6 324 AR +63 6 325 GI +63 6 326 SE +63 6 327 AR +63 6 328 GA +63 6 329 GI +63 6 330 AR +63 7 1 MU +63 7 2 AR +63 7 3 ME +63 7 4 GI +63 7 5 AR +63 7 6 ME +63 7 7 GE +63 7 8 MU +63 7 9 AR +63 7 10 MU +63 7 11 GE +63 7 12 SE +63 7 13 GE +63 7 14 MU +63 7 15 AR +63 7 16 AR +63 7 17 ME +63 7 18 GI +63 7 19 MU +63 7 20 GE +63 7 21 ME +63 7 22 AR +63 7 23 MU +63 7 24 GI +63 7 25 MU +63 7 26 MU +63 7 27 AR +63 7 28 ME +63 7 29 MU +63 7 30 SE +63 7 31 MU +63 7 32 ME +63 7 33 MU +63 7 34 MU +63 7 35 ME +63 7 36 GE +63 7 37 MU +63 7 38 ME +63 7 39 GE +63 7 40 MU +63 7 41 ME +63 7 42 AR +63 7 43 MU +63 7 44 AR +63 7 45 GE +63 7 46 AR +63 7 47 GE +63 7 48 AR +63 7 49 MU +63 7 50 MU +63 7 51 GI +63 7 52 AR +63 7 53 ME +63 7 54 GE +63 7 55 MU +63 7 56 ME +63 7 57 MU +63 7 58 GI +63 7 59 AR +63 7 60 GI +63 7 61 ME +63 7 62 MU +63 7 63 ME +63 7 64 MU +63 7 65 ME +63 7 66 AR +63 7 67 MU +63 7 68 ME +63 7 69 GE +63 7 70 AR +63 7 71 GI +63 7 72 MU +63 7 73 GI +63 7 74 AR +63 7 75 GI +63 7 76 ME +63 7 77 MU +63 7 78 ME +63 7 79 GI +63 7 80 MU +63 7 81 GE +63 7 82 MU +63 7 83 ME +63 7 84 ME +63 7 85 MU +63 7 86 ME +63 7 87 GI +63 7 88 MU +63 7 89 GI +63 7 90 GI +63 7 91 AR +63 7 92 AR +63 7 93 MU +63 7 94 GI +63 7 95 AR +63 7 96 AR +63 7 97 GI +63 7 98 ME +63 7 99 AR +63 7 100 MU +63 7 101 ME +63 7 102 MU +63 7 103 GE +63 7 104 MU +63 7 105 ME +63 7 106 AR +63 7 107 AR +63 7 108 AR +63 7 109 MU +63 7 110 ME +63 7 111 GI +63 7 112 ME +63 7 113 GI +63 7 114 GE +63 7 115 ME +63 7 116 AR +63 7 117 MU +63 7 118 ME +63 7 119 MU +63 7 120 AR +63 7 121 ME +63 7 122 MU +63 7 123 MU +63 7 124 GE +63 7 125 ME +63 7 126 ME +63 7 127 GI +63 7 128 AR +63 7 129 AR +63 7 130 GI +63 7 131 MU +63 7 132 ME +63 7 133 GE +63 7 134 ME +63 7 135 MU +63 7 136 GA +63 7 137 GE +63 7 138 MU +63 7 139 AR +63 7 140 MU +63 7 141 AR +63 7 142 AR +63 7 143 GE +63 7 144 MU +63 7 145 GE +63 7 146 AR +63 7 147 MU +63 7 148 ME +63 7 149 GE +63 7 150 MU +63 7 151 ME +63 7 152 MU +63 7 153 MU +63 7 154 GI +63 7 155 GI +63 7 156 MU +63 7 157 GI +63 7 158 AR +63 7 159 ME +63 7 160 ME +63 7 161 GI +63 7 162 ME +63 7 163 GA +63 7 164 MU +63 7 165 AR +63 7 166 GI +63 7 167 AR +63 7 168 MU +63 7 169 MU +63 7 170 GI +63 7 171 GE +63 7 172 AR +63 7 173 ME +63 7 174 SE +63 7 175 GE +63 7 176 ME +63 7 177 AR +63 7 178 MU +63 7 179 GA +63 7 180 MU +63 7 181 AR +63 7 182 ME +63 7 183 AR +63 7 184 MU +63 7 185 GE +63 7 186 MU +63 7 187 ME +63 7 188 MU +63 7 189 GE +63 7 190 ME +63 7 191 GE +63 7 192 MU +63 7 193 SE +63 7 194 GI +63 7 195 GE +63 7 196 AR +63 7 197 MU +63 7 198 GI +63 7 199 AR +63 7 200 MU +63 7 201 ME +63 7 202 GE +63 7 203 ME +63 7 204 GI +63 7 205 MU +63 7 206 AR +63 7 207 ME +63 7 208 GE +63 7 209 GE +63 7 210 MU +63 7 211 MU +63 7 212 ME +63 7 213 MU +63 7 214 SE +63 7 215 ME +63 7 216 GE +63 7 217 ME +63 7 218 GE +63 7 219 AR +63 7 220 GA +63 7 221 AR +63 7 222 MU +63 7 223 GE +63 7 224 AR +63 7 225 GE +63 7 226 MU +63 7 227 GI +63 7 228 GA +63 7 229 GE +63 7 230 AR +63 7 231 ME +63 7 232 GE +63 7 233 MU +63 7 234 GI +63 7 235 MU +63 7 236 GE +63 7 237 ME +63 7 238 MU +63 7 239 ME +63 7 240 GE +63 7 241 AR +63 7 242 PL +63 7 243 MU +63 7 244 AR +63 7 245 ME +63 7 246 MU +63 7 247 MU +63 7 248 GE +63 7 249 GE +63 7 250 MU +63 7 251 MU +63 7 252 AR +63 7 253 GE +63 7 254 MU +63 7 255 GI +63 7 256 ME +63 7 257 MU +63 7 258 SE +63 7 259 ME +63 7 260 AR +63 7 261 ME +63 7 262 AR +63 7 263 AR +63 7 264 AR +63 7 265 ME +63 7 266 ME +63 7 267 MU +63 7 268 GE +63 7 269 MU +63 7 270 SE +63 7 271 GE +63 7 272 AR +63 7 273 MU +63 7 274 AR +63 7 275 GE +63 7 276 ME +63 7 277 MU +63 7 278 ME +63 7 279 MU +63 7 280 GE +63 7 281 GE +63 7 282 GE +63 7 283 SE +63 7 284 AR +63 7 285 ME +63 7 286 AR +63 7 287 GE +63 7 288 ME +63 7 289 MU +63 7 290 AR +63 7 291 MU +63 7 292 ME +63 7 293 GE +63 7 294 AR +63 7 295 GI +63 7 296 MU +63 7 297 SE +63 7 298 ME +63 7 299 MU +63 7 300 AR +63 7 301 GE +63 7 302 AR +63 7 303 AR +63 7 304 GE +63 7 305 MU +63 7 306 AR +63 7 307 MU +63 7 308 MU +63 7 309 GE +63 7 310 MU +63 7 311 MU +63 7 312 GI +63 7 313 MU +63 7 314 AR +63 7 315 GE +63 7 316 MU +63 7 317 ME +63 7 318 ME +63 7 319 AR +63 7 320 GE +63 7 321 ME +63 7 322 MU +63 7 323 GI +63 7 324 AR +63 7 325 ME +63 7 326 SE +63 7 327 AR +63 7 328 GI +63 7 329 GE +63 7 330 AR +63 8 1 GE +63 8 2 AR +63 8 3 ME +63 8 4 GI +63 8 5 AR +63 8 6 AR +63 8 7 GE +63 8 8 ME +63 8 9 AR +63 8 10 GI +63 8 11 GI +63 8 12 AR +63 8 13 GI +63 8 14 GI +63 8 15 AR +63 8 16 AR +63 8 17 ME +63 8 18 GI +63 8 19 AR +63 8 20 AR +63 8 21 ME +63 8 22 AR +63 8 23 GE +63 8 24 GI +63 8 25 GE +63 8 26 GI +63 8 27 AR +63 8 28 ME +63 8 29 GE +63 8 30 ME +63 8 31 AR +63 8 32 ME +63 8 33 GE +63 8 34 GI +63 8 35 ME +63 8 36 GI +63 8 37 AR +63 8 38 ME +63 8 39 GE +63 8 40 GE +63 8 41 ME +63 8 42 AR +63 8 43 GI +63 8 44 AR +63 8 45 AR +63 8 46 AR +63 8 47 GI +63 8 48 ME +63 8 49 GE +63 8 50 GI +63 8 51 GI +63 8 52 AR +63 8 53 ME +63 8 54 GE +63 8 55 GE +63 8 56 ME +63 8 57 GI +63 8 58 AR +63 8 59 AR +63 8 60 GI +63 8 61 ME +63 8 62 AR +63 8 63 ME +63 8 64 GI +63 8 65 ME +63 8 66 AR +63 8 67 GE +63 8 68 ME +63 8 69 GE +63 8 70 AR +63 8 71 GI +63 8 72 GE +63 8 73 GI +63 8 74 AR +63 8 75 GI +63 8 76 ME +63 8 77 GE +63 8 78 AR +63 8 79 GI +63 8 80 GE +63 8 81 GE +63 8 82 GE +63 8 83 AR +63 8 84 AR +63 8 85 GE +63 8 86 ME +63 8 87 GI +63 8 88 ME +63 8 89 GI +63 8 90 GE +63 8 91 AR +63 8 92 AR +63 8 93 GI +63 8 94 GI +63 8 95 AR +63 8 96 AR +63 8 97 GI +63 8 98 ME +63 8 99 AR +63 8 100 GE +63 8 101 ME +63 8 102 AR +63 8 103 GI +63 8 104 AR +63 8 105 ME +63 8 106 AR +63 8 107 AR +63 8 108 AR +63 8 109 GI +63 8 110 ME +63 8 111 GI +63 8 112 ME +63 8 113 GI +63 8 114 GE +63 8 115 ME +63 8 116 AR +63 8 117 GI +63 8 118 ME +63 8 119 GE +63 8 120 AR +63 8 121 ME +63 8 122 GE +63 8 123 GE +63 8 124 GE +63 8 125 ME +63 8 126 ME +63 8 127 GI +63 8 128 AR +63 8 129 AR +63 8 130 GI +63 8 131 ME +63 8 132 ME +63 8 133 GE +63 8 134 GI +63 8 135 ME +63 8 136 GE +63 8 137 GI +63 8 138 AR +63 8 139 AR +63 8 140 GE +63 8 141 AR +63 8 142 AR +63 8 143 GE +63 8 144 GI +63 8 145 GE +63 8 146 AR +63 8 147 GE +63 8 148 ME +63 8 149 AR +63 8 150 GI +63 8 151 ME +63 8 152 GE +63 8 153 GE +63 8 154 GI +63 8 155 GI +63 8 156 GE +63 8 157 GE +63 8 158 AR +63 8 159 ME +63 8 160 ME +63 8 161 GE +63 8 162 ME +63 8 163 GE +63 8 164 GE +63 8 165 GE +63 8 166 GI +63 8 167 AR +63 8 168 GE +63 8 169 GE +63 8 170 GI +63 8 171 GE +63 8 172 AR +63 8 173 ME +63 8 174 ME +63 8 175 AR +63 8 176 ME +63 8 177 AR +63 8 178 GI +63 8 179 ME +63 8 180 GE +63 8 181 AR +63 8 182 GI +63 8 183 GI +63 8 184 AR +63 8 185 ME +63 8 186 GE +63 8 187 ME +63 8 188 GE +63 8 189 AR +63 8 190 ME +63 8 191 GE +63 8 192 ME +63 8 193 GE +63 8 194 ME +63 8 195 GE +63 8 196 GE +63 8 197 ME +63 8 198 GI +63 8 199 AR +63 8 200 AR +63 8 201 ME +63 8 202 GE +63 8 203 ME +63 8 204 GI +63 8 205 GI +63 8 206 AR +63 8 207 ME +63 8 208 AR +63 8 209 GE +63 8 210 ME +63 8 211 GE +63 8 212 ME +63 8 213 AR +63 8 214 GE +63 8 215 ME +63 8 216 GI +63 8 217 ME +63 8 218 GI +63 8 219 AR +63 8 220 GI +63 8 221 AR +63 8 222 GI +63 8 223 GE +63 8 224 AR +63 8 225 GE +63 8 226 GE +63 8 227 GI +63 8 228 GI +63 8 229 GE +63 8 230 AR +63 8 231 ME +63 8 232 GI +63 8 233 AR +63 8 234 GE +63 8 235 GI +63 8 236 AR +63 8 237 ME +63 8 238 GE +63 8 239 ME +63 8 240 ME +63 8 241 AR +63 8 242 AR +63 8 243 ME +63 8 244 AR +63 8 245 ME +63 8 246 GE +63 8 247 GI +63 8 248 GI +63 8 249 GE +63 8 250 GI +63 8 251 GE +63 8 252 AR +63 8 253 GE +63 8 254 AR +63 8 255 GI +63 8 256 ME +63 8 257 GI +63 8 258 AR +63 8 259 ME +63 8 260 AR +63 8 261 ME +63 8 262 AR +63 8 263 GI +63 8 264 AR +63 8 265 GE +63 8 266 ME +63 8 267 ME +63 8 268 GE +63 8 269 ME +63 8 270 ME +63 8 271 GI +63 8 272 AR +63 8 273 ME +63 8 274 AR +63 8 275 AR +63 8 276 ME +63 8 277 GI +63 8 278 ME +63 8 279 GI +63 8 280 GE +63 8 281 GE +63 8 282 GE +63 8 283 GI +63 8 284 AR +63 8 285 ME +63 8 286 AR +63 8 287 ME +63 8 288 ME +63 8 289 GE +63 8 290 AR +63 8 291 GI +63 8 292 ME +63 8 293 AR +63 8 294 AR +63 8 295 GI +63 8 296 GI +63 8 297 AR +63 8 298 ME +63 8 299 GE +63 8 300 AR +63 8 301 GE +63 8 302 AR +63 8 303 AR +63 8 304 GE +63 8 305 GI +63 8 306 GE +63 8 307 AR +63 8 308 ME +63 8 309 GI +63 8 310 GE +63 8 311 GI +63 8 312 GI +63 8 313 GI +63 8 314 AR +63 8 315 GE +63 8 316 GE +63 8 317 ME +63 8 318 ME +63 8 319 AR +63 8 320 GE +63 8 321 ME +63 8 322 AR +63 8 323 GE +63 8 324 AR +63 8 325 ME +63 8 326 AR +63 8 327 AR +63 8 328 GE +63 8 329 ME +63 8 330 AR +63 9 1 GA +63 9 2 MU +63 9 3 PE +63 9 4 KW +63 9 5 MU +63 9 6 SE +63 9 7 GA +63 9 8 KE +63 9 9 MU +63 9 10 MU +63 9 11 GE +63 9 12 SE +63 9 13 GE +63 9 14 MU +63 9 15 SE +63 9 16 BA +63 9 17 PE +63 9 18 GI +63 9 19 MU +63 9 20 GE +63 9 21 PE +63 9 22 AR +63 9 23 KW +63 9 24 GE +63 9 25 MU +63 9 26 MU +63 9 27 AR +63 9 28 PE +63 9 29 GE +63 9 30 MU +63 9 31 KW +63 9 32 GA +63 9 33 GE +63 9 34 MU +63 9 35 GA +63 9 36 MU +63 9 37 MU +63 9 38 GA +63 9 39 MU +63 9 40 GE +63 9 41 GA +63 9 42 SE +63 9 43 GE +63 9 44 PE +63 9 45 MU +63 9 46 BA +63 9 47 MU +63 9 48 SE +63 9 49 GA +63 9 50 KE +63 9 51 KW +63 9 52 SE +63 9 53 GA +63 9 54 KW +63 9 55 MU +63 9 56 SE +63 9 57 MU +63 9 58 SE +63 9 59 GE +63 9 60 MU +63 9 61 GA +63 9 62 MU +63 9 63 GA +63 9 64 MU +63 9 65 GA +63 9 66 BA +63 9 67 GE +63 9 68 ME +63 9 69 AR +63 9 70 MU +63 9 71 PE +63 9 72 MU +63 9 73 PN +63 9 74 MU +63 9 75 GE +63 9 76 PN +63 9 77 MU +63 9 78 SE +63 9 79 GI +63 9 80 MU +63 9 81 GA +63 9 82 MU +63 9 83 AR +63 9 84 MU +63 9 85 KW +63 9 86 PE +63 9 87 GI +63 9 88 MU +63 9 89 GI +63 9 90 MU +63 9 91 SE +63 9 92 BA +63 9 93 MU +63 9 94 GI +63 9 95 BA +63 9 96 SE +63 9 97 MU +63 9 98 PE +63 9 99 GE +63 9 100 KW +63 9 101 GA +63 9 102 MU +63 9 103 GE +63 9 104 KW +63 9 105 PE +63 9 106 SE +63 9 107 BA +63 9 108 KW +63 9 109 MU +63 9 110 SE +63 9 111 GE +63 9 112 PE +63 9 113 GI +63 9 114 KW +63 9 115 PE +63 9 116 GE +63 9 117 GI +63 9 118 SE +63 9 119 GE +63 9 120 BA +63 9 121 PE +63 9 122 GE +63 9 123 KW +63 9 124 SE +63 9 125 PE +63 9 126 PE +63 9 127 GA +63 9 128 SE +63 9 129 KW +63 9 130 MU +63 9 131 GA +63 9 132 PE +63 9 133 MU +63 9 134 KW +63 9 135 PN +63 9 136 KW +63 9 137 MU +63 9 138 KW +63 9 139 SE +63 9 140 MU +63 9 141 KW +63 9 142 MU +63 9 143 SE +63 9 144 KW +63 9 145 MU +63 9 146 SE +63 9 147 MU +63 9 148 GA +63 9 149 KW +63 9 150 MU +63 9 151 PE +63 9 152 SE +63 9 153 MU +63 9 154 GE +63 9 155 KW +63 9 156 MU +63 9 157 KW +63 9 158 SE +63 9 159 MU +63 9 160 PN +63 9 161 KW +63 9 162 PN +63 9 163 MU +63 9 164 MU +63 9 165 KW +63 9 166 MU +63 9 167 GA +63 9 168 MU +63 9 169 MU +63 9 170 MU +63 9 171 GE +63 9 172 AR +63 9 173 PN +63 9 174 SE +63 9 175 KW +63 9 176 MU +63 9 177 SE +63 9 178 GE +63 9 179 KW +63 9 180 MU +63 9 181 SE +63 9 182 PN +63 9 183 KW +63 9 184 MU +63 9 185 SE +63 9 186 KW +63 9 187 SE +63 9 188 MU +63 9 189 AR +63 9 190 AR +63 9 191 MU +63 9 192 SE +63 9 193 SE +63 9 194 MU +63 9 195 KW +63 9 196 GE +63 9 197 MU +63 9 198 GE +63 9 199 AR +63 9 200 MU +63 9 201 PE +63 9 202 MU +63 9 203 PN +63 9 204 GE +63 9 205 KW +63 9 206 AR +63 9 207 PN +63 9 208 SE +63 9 209 MU +63 9 210 PN +63 9 211 MU +63 9 212 PN +63 9 213 GI +63 9 214 SE +63 9 215 MU +63 9 216 KW +63 9 217 BA +63 9 218 SE +63 9 219 BA +63 9 220 MU +63 9 221 BA +63 9 222 MU +63 9 223 GE +63 9 224 BA +63 9 225 SE +63 9 226 GE +63 9 227 GI +63 9 228 MU +63 9 229 GE +63 9 230 BA +63 9 231 PN +63 9 232 GI +63 9 233 KW +63 9 234 GE +63 9 235 MU +63 9 236 SE +63 9 237 PN +63 9 238 MU +63 9 239 PN +63 9 240 GA +63 9 241 BA +63 9 242 SE +63 9 243 PN +63 9 244 BA +63 9 245 PN +63 9 246 GE +63 9 247 GE +63 9 248 GE +63 9 249 GE +63 9 250 MU +63 9 251 KW +63 9 252 BA +63 9 253 KW +63 9 254 MU +63 9 255 GI +63 9 256 PN +63 9 257 MU +63 9 258 SE +63 9 259 PN +63 9 260 BA +63 9 261 MU +63 9 262 BA +63 9 263 GI +63 9 264 KW +63 9 265 MU +63 9 266 PN +63 9 267 GA +63 9 268 KW +63 9 269 PN +63 9 270 SE +63 9 271 GE +63 9 272 BA +63 9 273 MU +63 9 274 BA +63 9 275 SE +63 9 276 PN +63 9 277 MU +63 9 278 PN +63 9 279 MU +63 9 280 GE +63 9 281 MU +63 9 282 GE +63 9 283 PN +63 9 284 BA +63 9 285 PN +63 9 286 BA +63 9 287 SE +63 9 288 PN +63 9 289 MU +63 9 290 BA +63 9 291 MU +63 9 292 PN +63 9 293 MU +63 9 294 BA +63 9 295 GI +63 9 296 MU +63 9 297 SE +63 9 298 PN +63 9 299 KW +63 9 300 BA +63 9 301 KW +63 9 302 BA +63 9 303 MU +63 9 304 GE +63 9 305 PN +63 9 306 GE +63 9 307 GE +63 9 308 MU +63 9 309 GI +63 9 310 GE +63 9 311 MU +63 9 312 GI +63 9 313 MU +63 9 314 BA +63 9 315 GE +63 9 316 MU +63 9 317 PN +63 9 318 GA +63 9 319 BA +63 9 320 SE +63 9 321 PN +63 9 322 MU +63 9 323 KW +63 9 324 BA +63 9 325 PN +63 9 326 SE +63 9 327 BA +63 9 328 MU +63 9 329 PN +63 9 330 MU +63 10 1 GA +63 10 2 KE +63 10 3 GA +63 10 4 GI +63 10 5 SE +63 10 6 ME +63 10 7 KE +63 10 8 GA +63 10 9 GI +63 10 10 MU +63 10 11 MU +63 10 12 SE +63 10 13 GI +63 10 14 GI +63 10 15 GE +63 10 16 GE +63 10 17 GA +63 10 18 GI +63 10 19 KE +63 10 20 GE +63 10 21 GA +63 10 22 SE +63 10 23 GI +63 10 24 GI +63 10 25 KE +63 10 26 MU +63 10 27 BA +63 10 28 GA +63 10 29 SE +63 10 30 BA +63 10 31 MU +63 10 32 BA +63 10 33 SE +63 10 34 MU +63 10 35 GA +63 10 36 GI +63 10 37 GA +63 10 38 MU +63 10 39 GA +63 10 40 GA +63 10 41 GA +63 10 42 SE +63 10 43 MU +63 10 44 BA +63 10 45 MU +63 10 46 BA +63 10 47 GI +63 10 48 BA +63 10 49 MU +63 10 50 GA +63 10 51 GI +63 10 52 BA +63 10 53 GI +63 10 54 GI +63 10 55 GE +63 10 56 ME +63 10 57 GI +63 10 58 GI +63 10 59 BA +63 10 60 GI +63 10 61 BA +63 10 62 GI +63 10 63 BA +63 10 64 GI +63 10 65 BA +63 10 66 BA +63 10 67 MU +63 10 68 BA +63 10 69 GE +63 10 70 GE +63 10 71 BA +63 10 72 GE +63 10 73 MU +63 10 74 ME +63 10 75 GI +63 10 76 GA +63 10 77 MU +63 10 78 BA +63 10 79 GI +63 10 80 MU +63 10 81 SE +63 10 82 MU +63 10 83 BA +63 10 84 GI +63 10 85 MU +63 10 86 GA +63 10 87 GI +63 10 88 GA +63 10 89 GI +63 10 90 GI +63 10 91 BA +63 10 92 GE +63 10 93 MU +63 10 94 GI +63 10 95 BA +63 10 96 BA +63 10 97 GI +63 10 98 ME +63 10 99 GE +63 10 100 ME +63 10 101 GI +63 10 102 GE +63 10 103 GI +63 10 104 ME +63 10 105 GE +63 10 106 BA +63 10 107 BA +63 10 108 GI +63 10 109 BA +63 10 110 GI +63 10 111 BA +63 10 112 GA +63 10 113 GI +63 10 114 GI +63 10 115 ME +63 10 116 GI +63 10 117 GI +63 10 118 ME +63 10 119 MU +63 10 120 BA +63 10 121 GA +63 10 122 MU +63 10 123 KE +63 10 124 SE +63 10 125 MU +63 10 126 BA +63 10 127 GI +63 10 128 BA +63 10 129 BA +63 10 130 GI +63 10 131 MU +63 10 132 BA +63 10 133 GI +63 10 134 GI +63 10 135 BA +63 10 136 BA +63 10 137 GI +63 10 138 BA +63 10 139 BA +63 10 140 GI +63 10 141 BA +63 10 142 BA +63 10 143 MU +63 10 144 GI +63 10 145 MU +63 10 146 BA +63 10 147 MU +63 10 148 KE +63 10 149 SE +63 10 150 GI +63 10 151 BA +63 10 152 BA +63 10 153 GI +63 10 154 GI +63 10 155 GI +63 10 156 MU +63 10 157 GI +63 10 158 BA +63 10 159 BA +63 10 160 BA +63 10 161 KE +63 10 162 MU +63 10 163 MU +63 10 164 MU +63 10 165 GI +63 10 166 MU +63 10 167 BA +63 10 168 GI +63 10 169 MU +63 10 170 GI +63 10 171 GI +63 10 172 BA +63 10 173 MU +63 10 174 SE +63 10 175 KE +63 10 176 GA +63 10 177 SE +63 10 178 MU +63 10 179 GI +63 10 180 KE +63 10 181 BA +63 10 182 GI +63 10 183 GI +63 10 184 MU +63 10 185 GI +63 10 186 MU +63 10 187 BA +63 10 188 MU +63 10 189 MU +63 10 190 BA +63 10 191 MU +63 10 192 MU +63 10 193 SE +63 10 194 MU +63 10 195 MU +63 10 196 GA +63 10 197 BA +63 10 198 GI +63 10 199 BA +63 10 200 MU +63 10 201 BA +63 10 202 MU +63 10 203 BA +63 10 204 GI +63 10 205 MU +63 10 206 BA +63 10 207 ME +63 10 208 GI +63 10 209 GI +63 10 210 GI +63 10 211 MU +63 10 212 SE +63 10 213 GI +63 10 214 SE +63 10 215 BA +63 10 216 GI +63 10 217 BA +63 10 218 MU +63 10 219 BA +63 10 220 GI +63 10 221 BA +63 10 222 GI +63 10 223 GA +63 10 224 BA +63 10 225 GI +63 10 226 GI +63 10 227 GI +63 10 228 GI +63 10 229 BA +63 10 230 BA +63 10 231 GA +63 10 232 GI +63 10 233 GI +63 10 234 GE +63 10 235 MU +63 10 236 GA +63 10 237 GA +63 10 238 MU +63 10 239 GE +63 10 240 GI +63 10 241 BA +63 10 242 GE +63 10 243 GI +63 10 244 GE +63 10 245 ME +63 10 246 MU +63 10 247 GE +63 10 248 GI +63 10 249 GI +63 10 250 GI +63 10 251 GE +63 10 252 GE +63 10 253 GE +63 10 254 GE +63 10 255 GI +63 10 256 GA +63 10 257 MU +63 10 258 SE +63 10 259 MU +63 10 260 SE +63 10 261 GI +63 10 262 BA +63 10 263 GE +63 10 264 GE +63 10 265 GI +63 10 266 BA +63 10 267 BA +63 10 268 BA +63 10 269 GI +63 10 270 GE +63 10 271 GI +63 10 272 BA +63 10 273 MU +63 10 274 BA +63 10 275 BA +63 10 276 ME +63 10 277 GI +63 10 278 BA +63 10 279 MU +63 10 280 GI +63 10 281 MU +63 10 282 GE +63 10 283 GI +63 10 284 BA +63 10 285 PK +63 10 286 GE +63 10 287 GI +63 10 288 ME +63 10 289 MU +63 10 290 BA +63 10 291 MU +63 10 292 BA +63 10 293 BA +63 10 294 BA +63 10 295 GI +63 10 296 MU +63 10 297 ME +63 10 298 ME +63 10 299 MU +63 10 300 BA +63 10 301 MU +63 10 302 BA +63 10 303 BA +63 10 304 GI +63 10 305 GI +63 10 306 BA +63 10 307 BA +63 10 308 GI +63 10 309 GI +63 10 310 BA +63 10 311 MU +63 10 312 GI +63 10 313 GI +63 10 314 BA +63 10 315 BA +63 10 316 MU +63 10 317 KE +63 10 318 ME +63 10 319 BA +63 10 320 GI +63 10 321 GA +63 10 322 KE +63 10 323 MU +63 10 324 BA +63 10 325 GI +63 10 326 GE +63 10 327 BA +63 10 328 GI +63 10 329 GI +63 10 330 BA +63 11 1 MU +63 11 2 PE +63 11 3 ME +63 11 4 * +63 11 5 PE +63 11 6 ME +63 11 7 ME +63 11 8 PE +63 11 9 GI +63 11 10 KW +63 11 11 GI +63 11 12 PE +63 11 13 GI +63 11 14 KW +63 11 15 ME +63 11 16 AR +63 11 17 ME +63 11 18 GI +63 11 19 KW +63 11 20 MU +63 11 21 PE +63 11 22 AR +63 11 23 MU +63 11 24 GI +63 11 25 MU +63 11 26 MU +63 11 27 PE +63 11 28 ME +63 11 29 PE +63 11 30 AR +63 11 31 PE +63 11 32 ME +63 11 33 AR +63 11 34 KW +63 11 35 AR +63 11 36 KW +63 11 37 MU +63 11 38 AR +63 11 39 GI +63 11 40 KW +63 11 41 AR +63 11 42 ME +63 11 43 KW +63 11 44 AR +63 11 45 AR +63 11 46 BA +63 11 47 GI +63 11 48 BA +63 11 49 KE +63 11 50 GA +63 11 51 GI +63 11 52 PE +63 11 53 ME +63 11 54 GI +63 11 55 KE +63 11 56 BA +63 11 57 MU +63 11 58 BA +63 11 59 BA +63 11 60 GA +63 11 61 GA +63 11 62 AR +63 11 63 ME +63 11 64 KE +63 11 65 GA +63 11 66 BA +63 11 67 AR +63 11 68 ME +63 11 69 GI +63 11 70 AR +63 11 71 GA +63 11 72 GI +63 11 73 GI +63 11 74 AR +63 11 75 GI +63 11 76 BA +63 11 77 GA +63 11 78 BA +63 11 79 GI +63 11 80 GA +63 11 81 AR +63 11 82 GA +63 11 83 BA +63 11 84 ME +63 11 85 BA +63 11 86 ME +63 11 87 GA +63 11 88 ME +63 11 89 GI +63 11 90 MU +63 11 91 AR +63 11 92 BA +63 11 93 GA +63 11 94 GI +63 11 95 AR +63 11 96 AR +63 11 97 GA +63 11 98 GA +63 11 99 BA +63 11 100 BA +63 11 101 GA +63 11 102 AR +63 11 103 GI +63 11 104 PE +63 11 105 GA +63 11 106 AR +63 11 107 AR +63 11 108 AR +63 11 109 GA +63 11 110 ME +63 11 111 GA +63 11 112 GA +63 11 113 GI +63 11 114 KW +63 11 115 GA +63 11 116 AR +63 11 117 GI +63 11 118 ME +63 11 119 PE +63 11 120 PE +63 11 121 AR +63 11 122 GI +63 11 123 GA +63 11 124 PE +63 11 125 ME +63 11 126 PE +63 11 127 GI +63 11 128 ME +63 11 129 PE +63 11 130 GI +63 11 131 GA +63 11 132 GA +63 11 133 GA +63 11 134 GI +63 11 135 GA +63 11 136 KE +63 11 137 GI +63 11 138 PE +63 11 139 BA +63 11 140 GI +63 11 141 PE +63 11 142 BA +63 11 143 ME +63 11 144 GI +63 11 145 AR +63 11 146 AR +63 11 147 GI +63 11 148 GA +63 11 149 AR +63 11 150 GA +63 11 151 BA +63 11 152 BA +63 11 153 GA +63 11 154 GI +63 11 155 GI +63 11 156 GI +63 11 157 GI +63 11 158 AR +63 11 159 BA +63 11 160 BA +63 11 161 BA +63 11 162 GA +63 11 163 GA +63 11 164 GI +63 11 165 GI +63 11 166 GA +63 11 167 BA +63 11 168 GA +63 11 169 GA +63 11 170 GA +63 11 171 GI +63 11 172 BA +63 11 173 ME +63 11 174 AR +63 11 175 BA +63 11 176 AR +63 11 177 PE +63 11 178 GA +63 11 179 GI +63 11 180 AR +63 11 181 GI +63 11 182 ME +63 11 183 GI +63 11 184 BA +63 11 185 GI +63 11 186 PE +63 11 187 ME +63 11 188 GI +63 11 189 PE +63 11 190 AR +63 11 191 GI +63 11 192 GA +63 11 193 AR +63 11 194 ME +63 11 195 ME +63 11 196 AR +63 11 197 ME +63 11 198 GI +63 11 199 AR +63 11 200 KE +63 11 201 PE +63 11 202 GI +63 11 203 ME +63 11 204 GI +63 11 205 GI +63 11 206 AR +63 11 207 ME +63 11 208 PE +63 11 209 KE +63 11 210 ME +63 11 211 KE +63 11 212 ME +63 11 213 AR +63 11 214 AR +63 11 215 GI +63 11 216 GI +63 11 217 AR +63 11 218 AR +63 11 219 AR +63 11 220 GI +63 11 221 BA +63 11 222 GI +63 11 223 GI +63 11 224 AR +63 11 225 AR +63 11 226 GI +63 11 227 GA +63 11 228 GA +63 11 229 AR +63 11 230 BA +63 11 231 ME +63 11 232 BA +63 11 233 ME +63 11 234 GI +63 11 235 KE +63 11 236 SE +63 11 237 AR +63 11 238 KW +63 11 239 ME +63 11 240 BA +63 11 241 AR +63 11 242 ME +63 11 243 GA +63 11 244 AR +63 11 245 GA +63 11 246 KE +63 11 247 KE +63 11 248 KE +63 11 249 KE +63 11 250 KE +63 11 251 BA +63 11 252 AR +63 11 253 AR +63 11 254 AR +63 11 255 GI +63 11 256 GA +63 11 257 KE +63 11 258 SE +63 11 259 GA +63 11 260 AR +63 11 261 ME +63 11 262 AR +63 11 263 BA +63 11 264 BA +63 11 265 GA +63 11 266 GA +63 11 267 GA +63 11 268 BA +63 11 269 ME +63 11 270 BA +63 11 271 GI +63 11 272 AR +63 11 273 GA +63 11 274 PE +63 11 275 ME +63 11 276 GA +63 11 277 GA +63 11 278 BA +63 11 279 GA +63 11 280 SE +63 11 281 GA +63 11 282 GA +63 11 283 BA +63 11 284 PE +63 11 285 PE +63 11 286 BA +63 11 287 PE +63 11 288 GA +63 11 289 PE +63 11 290 PE +63 11 291 GA +63 11 292 PE +63 11 293 BA +63 11 294 PE +63 11 295 PE +63 11 296 GA +63 11 297 SE +63 11 298 GA +63 11 299 KW +63 11 300 BA +63 11 301 GI +63 11 302 AR +63 11 303 PE +63 11 304 SE +63 11 305 GA +63 11 306 SE +63 11 307 KE +63 11 308 GI +63 11 309 GI +63 11 310 PE +63 11 311 GA +63 11 312 GI +63 11 313 GI +63 11 314 PE +63 11 315 AR +63 11 316 PE +63 11 317 GA +63 11 318 ME +63 11 319 AR +63 11 320 SE +63 11 321 GA +63 11 322 MU +63 11 323 GI +63 11 324 AR +63 11 325 GA +63 11 326 ME +63 11 327 BA +63 11 328 GA +63 11 329 BA +63 11 330 AR +63 12 1 GI +63 12 2 PE +63 12 3 ME +63 12 4 GI +63 12 5 AR +63 12 6 PE +63 12 7 MU +63 12 8 ME +63 12 9 AR +63 12 10 GI +63 12 11 GI +63 12 12 SE +63 12 13 GI +63 12 14 GI +63 12 15 PE +63 12 16 PE +63 12 17 ME +63 12 18 GI +63 12 19 MU +63 12 20 MU +63 12 21 ME +63 12 22 PE +63 12 23 MU +63 12 24 GI +63 12 25 MU +63 12 26 GI +63 12 27 PE +63 12 28 ME +63 12 29 MU +63 12 30 AR +63 12 31 PE +63 12 32 MU +63 12 33 MU +63 12 34 GI +63 12 35 ME +63 12 36 GI +63 12 37 GI +63 12 38 ME +63 12 39 MU +63 12 40 MU +63 12 41 ME +63 12 42 AR +63 12 43 GI +63 12 44 PE +63 12 45 MU +63 12 46 GI +63 12 47 GI +63 12 48 BA +63 12 49 MU +63 12 50 GI +63 12 51 GI +63 12 52 PE +63 12 53 ME +63 12 54 KW +63 12 55 GI +63 12 56 AR +63 12 57 GI +63 12 58 AR +63 12 59 PE +63 12 60 GI +63 12 61 ME +63 12 62 SE +63 12 63 ME +63 12 64 GI +63 12 65 ME +63 12 66 PE +63 12 67 AR +63 12 68 ME +63 12 69 GI +63 12 70 PE +63 12 71 ME +63 12 72 KW +63 12 73 GI +63 12 74 PE +63 12 75 GI +63 12 76 ME +63 12 77 KW +63 12 78 PE +63 12 79 GI +63 12 80 KW +63 12 81 AR +63 12 82 KW +63 12 83 PE +63 12 84 ME +63 12 85 KW +63 12 86 GI +63 12 87 GI +63 12 88 ME +63 12 89 GI +63 12 90 GI +63 12 91 KW +63 12 92 PE +63 12 93 KW +63 12 94 GI +63 12 95 PE +63 12 96 KW +63 12 97 MU +63 12 98 ME +63 12 99 PE +63 12 100 MU +63 12 101 ME +63 12 102 PE +63 12 103 GI +63 12 104 KW +63 12 105 ME +63 12 106 KW +63 12 107 PE +63 12 108 PE +63 12 109 KW +63 12 110 KW +63 12 111 GI +63 12 112 ME +63 12 113 GI +63 12 114 KW +63 12 115 ME +63 12 116 PE +63 12 117 GI +63 12 118 ME +63 12 119 KW +63 12 120 PE +63 12 121 ME +63 12 122 KW +63 12 123 KW +63 12 124 KW +63 12 125 ME +63 12 126 ME +63 12 127 GI +63 12 128 SE +63 12 129 PE +63 12 130 GI +63 12 131 KW +63 12 132 ME +63 12 133 KW +63 12 134 GI +63 12 135 KW +63 12 136 ME +63 12 137 KW +63 12 138 PE +63 12 139 PE +63 12 140 KW +63 12 141 PE +63 12 142 PE +63 12 143 KW +63 12 144 KW +63 12 145 SE +63 12 146 PE +63 12 147 KW +63 12 148 ME +63 12 149 KW +63 12 150 GI +63 12 151 ME +63 12 152 KW +63 12 153 MU +63 12 154 GI +63 12 155 GI +63 12 156 KW +63 12 157 GI +63 12 158 PE +63 12 159 MU +63 12 160 ME +63 12 161 KW +63 12 162 ME +63 12 163 KW +63 12 164 SE +63 12 165 GI +63 12 166 KW +63 12 167 PE +63 12 168 GI +63 12 169 MU +63 12 170 GI +63 12 171 GI +63 12 172 PE +63 12 173 ME +63 12 174 KW +63 12 175 PE +63 12 176 ME +63 12 177 KW +63 12 178 GI +63 12 179 KW +63 12 180 KW +63 12 181 KW +63 12 182 GI +63 12 183 PE +63 12 184 KW +63 12 185 PE +63 12 186 KW +63 12 187 PE +63 12 188 GI +63 12 189 PE +63 12 190 KW +63 12 191 GI +63 12 192 MU +63 12 193 PE +63 12 194 ME +63 12 195 AR +63 12 196 KW +63 12 197 GI +63 12 198 GI +63 12 199 PE +63 12 200 MU +63 12 201 ME +63 12 202 AR +63 12 203 ME +63 12 204 GI +63 12 205 KW +63 12 206 PE +63 12 207 ME +63 12 208 BA +63 12 209 GI +63 12 210 GI +63 12 211 KW +63 12 212 ME +63 12 213 PE +63 12 214 KW +63 12 215 SE +63 12 216 GI +63 12 217 PE +63 12 218 PE +63 12 219 PE +63 12 220 KW +63 12 221 PE +63 12 222 KW +63 12 223 SE +63 12 224 PE +63 12 225 SE +63 12 226 GI +63 12 227 GI +63 12 228 GI +63 12 229 KW +63 12 230 PE +63 12 231 KW +63 12 232 GI +63 12 233 MU +63 12 234 KW +63 12 235 GI +63 12 236 KW +63 12 237 ME +63 12 238 KW +63 12 239 ME +63 12 240 GI +63 12 241 PE +63 12 242 PE +63 12 243 GI +63 12 244 PE +63 12 245 ME +63 12 246 KW +63 12 247 GI +63 12 248 GI +63 12 249 GI +63 12 250 GI +63 12 251 KW +63 12 252 PE +63 12 253 KW +63 12 254 AR +63 12 255 GI +63 12 256 ME +63 12 257 GI +63 12 258 KW +63 12 259 ME +63 12 260 PE +63 12 261 KW +63 12 262 PE +63 12 263 GI +63 12 264 PE +63 12 265 KW +63 12 266 KW +63 12 267 GI +63 12 268 KW +63 12 269 ME +63 12 270 KW +63 12 271 GI +63 12 272 PE +63 12 273 KW +63 12 274 PE +63 12 275 KW +63 12 276 GI +63 12 277 GI +63 12 278 KW +63 12 279 GI +63 12 280 KW +63 12 281 SE +63 12 282 KW +63 12 283 GI +63 12 284 PE +63 12 285 KW +63 12 286 PE +63 12 287 KW +63 12 288 ME +63 12 289 KW +63 12 290 PE +63 12 291 KW +63 12 292 ME +63 12 293 PE +63 12 294 PE +63 12 295 GI +63 12 296 KW +63 12 297 KW +63 12 298 ME +63 12 299 KW +63 12 300 PE +63 12 301 KW +63 12 302 PE +63 12 303 PE +63 12 304 KW +63 12 305 GI +63 12 306 KW +63 12 307 KW +63 12 308 GI +63 12 309 GI +63 12 310 KW +63 12 311 GI +63 12 312 GI +63 12 313 KW +63 12 314 PE +63 12 315 KW +63 12 316 KW +63 12 317 GI +63 12 318 ME +63 12 319 PE +63 12 320 GI +63 12 321 ME +63 12 322 KW +63 12 323 GI +63 12 324 PE +63 12 325 KW +63 12 326 KW +63 12 327 PE +63 12 328 GI +63 12 329 KW +63 12 330 PE +63 13 1 GI +63 13 2 BA +63 13 3 ME +63 13 4 MU +63 13 5 AR +63 13 6 BA +63 13 7 MU +63 13 8 ME +63 13 9 GI +63 13 10 AR +63 13 11 MU +63 13 12 SE +63 13 13 AR +63 13 14 GI +63 13 15 AR +63 13 16 MU +63 13 17 ME +63 13 18 GI +63 13 19 MU +63 13 20 KW +63 13 21 ME +63 13 22 SE +63 13 23 GA +63 13 24 GI +63 13 25 AR +63 13 26 GI +63 13 27 AR +63 13 28 ME +63 13 29 GA +63 13 30 SE +63 13 31 AR +63 13 32 ME +63 13 33 BA +63 13 34 AR +63 13 35 ME +63 13 36 GI +63 13 37 BA +63 13 38 AR +63 13 39 GI +63 13 40 BA +63 13 41 AR +63 13 42 MU +63 13 43 GI +63 13 44 ME +63 13 45 BA +63 13 46 AR +63 13 47 GI +63 13 48 BA +63 13 49 AR +63 13 50 ME +63 13 51 BA +63 13 52 AR +63 13 53 ME +63 13 54 BA +63 13 55 GI +63 13 56 ME +63 13 57 GI +63 13 58 ME +63 13 59 GI +63 13 60 GI +63 13 61 GA +63 13 62 SE +63 13 63 ME +63 13 64 AR +63 13 65 MU +63 13 66 AR +63 13 67 GE +63 13 68 ME +63 13 69 GI +63 13 70 AR +63 13 71 GI +63 13 72 BA +63 13 73 AR +63 13 74 AR +63 13 75 GI +63 13 76 ME +63 13 77 BA +63 13 78 AR +63 13 79 GI +63 13 80 GI +63 13 81 BA +63 13 82 KW +63 13 83 MU +63 13 84 AR +63 13 85 GI +63 13 86 BA +63 13 87 ME +63 13 88 AR +63 13 89 GI +63 13 90 MU +63 13 91 SE +63 13 92 AR +63 13 93 KW +63 13 94 GI +63 13 95 ME +63 13 96 SE +63 13 97 KW +63 13 98 ME +63 13 99 AR +63 13 100 GI +63 13 101 ME +63 13 102 AR +63 13 103 GI +63 13 104 KW +63 13 105 ME +63 13 106 BA +63 13 107 MU +63 13 108 GA +63 13 109 SE +63 13 110 MU +63 13 111 GI +63 13 112 ME +63 13 113 GI +63 13 114 MU +63 13 115 ME +63 13 116 SE +63 13 117 GI +63 13 118 SE +63 13 119 MU +63 13 120 GA +63 13 121 ME +63 13 122 GI +63 13 123 AR +63 13 124 KW +63 13 125 ME +63 13 126 GI +63 13 127 SE +63 13 128 GA +63 13 129 AR +63 13 130 GI +63 13 131 BA +63 13 132 GA +63 13 133 MU +63 13 134 GI +63 13 135 ME +63 13 136 KW +63 13 137 GI +63 13 138 ME +63 13 139 SO +63 13 140 GI +63 13 141 BA +63 13 142 AR +63 13 143 BA +63 13 144 GI +63 13 145 BA +63 13 146 ME +63 13 147 KW +63 13 148 ME +63 13 149 MU +63 13 150 GA +63 13 151 AR +63 13 152 GI +63 13 153 BA +63 13 154 KW +63 13 155 GI +63 13 156 BA +63 13 157 MU +63 13 158 GA +63 13 159 ME +63 13 160 AR +63 13 161 GA +63 13 162 ME +63 13 163 GI +63 13 164 AR +63 13 165 KW +63 13 166 MU +63 13 167 GA +63 13 168 KW +63 13 169 ME +63 13 170 AR +63 13 171 GI +63 13 172 AR +63 13 173 ME +63 13 174 KW +63 13 175 MU +63 13 176 GA +63 13 177 SE +63 13 178 MU +63 13 179 GA +63 13 180 KW +63 13 181 ME +63 13 182 AR +63 13 183 GA +63 13 184 GI +63 13 185 BA +63 13 186 ME +63 13 187 SE +63 13 188 GA +63 13 189 AR +63 13 190 MU +63 13 191 SO +63 13 192 MU +63 13 193 SE +63 13 194 GA +63 13 195 SE +63 13 196 ME +63 13 197 AR +63 13 198 GI +63 13 199 KW +63 13 200 SE +63 13 201 MU +63 13 202 GA +63 13 203 ME +63 13 204 GI +63 13 205 BA +63 13 206 KW +63 13 207 GA +63 13 208 ME +63 13 209 BA +63 13 210 AR +63 13 211 MU +63 13 212 SO +63 13 213 GI +63 13 214 BA +63 13 215 AR +63 13 216 GI +63 13 217 ME +63 13 218 GA +63 13 219 GI +63 13 220 ME +63 13 221 KW +63 13 222 MU +63 13 223 AR +63 13 224 SO +63 13 225 SE +63 13 226 ME +63 13 227 GI +63 13 228 SE +63 13 229 MU +63 13 230 AR +63 13 231 GI +63 13 232 BA +63 13 233 KW +63 13 234 SE +63 13 235 GA +63 13 236 ME +63 13 237 AR +63 13 238 KW +63 13 239 SO +63 13 240 MU +63 13 241 SO +63 13 242 AR +63 13 243 ME +63 13 244 GA +63 13 245 AR +63 13 246 ME +63 13 247 BA +63 13 248 GI +63 13 249 KW +63 13 250 SO +63 13 251 SE +63 13 252 MU +63 13 253 BA +63 13 254 GI +63 13 255 SO +63 13 256 ME +63 13 257 GA +63 13 258 SE +63 13 259 MU +63 13 260 AR +63 13 261 BA +63 13 262 GA +63 13 263 KW +63 13 264 ME +63 13 265 AR +63 13 266 GI +63 13 267 BA +63 13 268 ME +63 13 269 KW +63 13 270 AR +63 13 271 SE +63 13 272 MU +63 13 273 GI +63 13 274 KW +63 13 275 ME +63 13 276 BA +63 13 277 GA +63 13 278 AR +63 13 279 GI +63 13 280 SO +63 13 281 MU +63 13 282 AR +63 13 283 KW +63 13 284 GA +63 13 285 SO +63 13 286 BA +63 13 287 GI +63 13 288 ME +63 13 289 MU +63 13 290 AR +63 13 291 SO +63 13 292 KW +63 13 293 GA +63 13 294 AR +63 13 295 GI +63 13 296 MU +63 13 297 SE +63 13 298 ME +63 13 299 GA +63 13 300 SO +63 13 301 MU +63 13 302 AR +63 13 303 GA +63 13 304 GI +63 13 305 BA +63 13 306 MU +63 13 307 ME +63 13 308 AR +63 13 309 GI +63 13 310 BA +63 13 311 GI +63 13 312 KW +63 13 313 MU +63 13 314 GA +63 13 315 SE +63 13 316 SO +63 13 317 ME +63 13 318 MU +63 13 319 GA +63 13 320 SO +63 13 321 ME +63 13 322 AR +63 13 323 SE +63 13 324 MU +63 13 325 GA +63 13 326 AR +63 13 327 SO +63 13 328 KW +63 13 329 MU +63 13 330 AR +63 14 1 MU +63 14 2 MU +63 14 3 ME +63 14 4 GI +63 14 5 GE +63 14 6 PN +63 14 7 GE +63 14 8 GI +63 14 9 PN +63 14 10 MU +63 14 11 GE +63 14 12 PN +63 14 13 GE +63 14 14 GI +63 14 15 PN +63 14 16 AR +63 14 17 ME +63 14 18 GI +63 14 19 MU +63 14 20 GE +63 14 21 ME +63 14 22 PN +63 14 23 GI +63 14 24 GI +63 14 25 GI +63 14 26 GI +63 14 27 PN +63 14 28 ME +63 14 29 GE +63 14 30 PN +63 14 31 GE +63 14 32 GI +63 14 33 GE +63 14 34 MU +63 14 35 PN +63 14 36 GE +63 14 37 MU +63 14 38 ME +63 14 39 GE +63 14 40 MU +63 14 41 ME +63 14 42 PN +63 14 43 GI +63 14 44 PN +63 14 45 GE +63 14 46 PN +63 14 47 GI +63 14 48 PN +63 14 49 MU +63 14 50 MU +63 14 51 GI +63 14 52 PN +63 14 53 MU +63 14 54 GE +63 14 55 MU +63 14 56 PN +63 14 57 GE +63 14 58 PN +63 14 59 PN +63 14 60 GI +63 14 61 ME +63 14 62 MU +63 14 63 PN +63 14 64 MU +63 14 65 ME +63 14 66 PN +63 14 67 GI +63 14 68 ME +63 14 69 GI +63 14 70 PN +63 14 71 GI +63 14 72 GE +63 14 73 MU +63 14 74 PN +63 14 75 GI +63 14 76 ME +63 14 77 MU +63 14 78 PN +63 14 79 GI +63 14 80 MU +63 14 81 GE +63 14 82 MU +63 14 83 PN +63 14 84 PN +63 14 85 GE +63 14 86 ME +63 14 87 GI +63 14 88 MU +63 14 89 GI +63 14 90 GI +63 14 91 GE +63 14 92 PN +63 14 93 MU +63 14 94 GI +63 14 95 PN +63 14 96 GI +63 14 97 MU +63 14 98 ME +63 14 99 GI +63 14 100 PN +63 14 101 ME +63 14 102 GI +63 14 103 GI +63 14 104 MU +63 14 105 ME +63 14 106 PN +63 14 107 AR +63 14 108 AR +63 14 109 MU +63 14 110 ME +63 14 111 GE +63 14 112 ME +63 14 113 GI +63 14 114 GE +63 14 115 ME +63 14 116 PN +63 14 117 GI +63 14 118 ME +63 14 119 MU +63 14 120 AR +63 14 121 ME +63 14 122 GE +63 14 123 MU +63 14 124 GE +63 14 125 ME +63 14 126 ME +63 14 127 GE +63 14 128 GE +63 14 129 AR +63 14 130 GI +63 14 131 MU +63 14 132 ME +63 14 133 GE +63 14 134 GI +63 14 135 GI +63 14 136 GE +63 14 137 MU +63 14 138 MU +63 14 139 AR +63 14 140 MU +63 14 141 AR +63 14 142 AR +63 14 143 GE +63 14 144 MU +63 14 145 GE +63 14 146 GE +63 14 147 GE +63 14 148 ME +63 14 149 GE +63 14 150 MU +63 14 151 PN +63 14 152 PN +63 14 153 MU +63 14 154 GI +63 14 155 GI +63 14 156 GE +63 14 157 GI +63 14 158 AR +63 14 159 PN +63 14 160 PN +63 14 161 MU +63 14 162 ME +63 14 163 MU +63 14 164 MU +63 14 165 GE +63 14 166 GI +63 14 167 PN +63 14 168 GE +63 14 169 MU +63 14 170 GI +63 14 171 GE +63 14 172 AR +63 14 173 ME +63 14 174 PN +63 14 175 PN +63 14 176 ME +63 14 177 PN +63 14 178 MU +63 14 179 ME +63 14 180 GE +63 14 181 PN +63 14 182 GI +63 14 183 GI +63 14 184 MU +63 14 185 PN +63 14 186 MU +63 14 187 PN +63 14 188 MU +63 14 189 PN +63 14 190 MU +63 14 191 GE +63 14 192 MU +63 14 193 PN +63 14 194 GE +63 14 195 GE +63 14 196 PN +63 14 197 GE +63 14 198 GI +63 14 199 PN +63 14 200 MU +63 14 201 PN +63 14 202 GE +63 14 203 ME +63 14 204 GI +63 14 205 MU +63 14 206 AR +63 14 207 ME +63 14 208 PN +63 14 209 GI +63 14 210 GI +63 14 211 MU +63 14 212 PN +63 14 213 MU +63 14 214 GE +63 14 215 PN +63 14 216 GE +63 14 217 MU +63 14 218 GE +63 14 219 PN +63 14 220 MU +63 14 221 AR +63 14 222 MU +63 14 223 GE +63 14 224 AR +63 14 225 GE +63 14 226 MU +63 14 227 GI +63 14 228 GI +63 14 229 PN +63 14 230 PN +63 14 231 PN +63 14 232 GI +63 14 233 MU +63 14 234 GE +63 14 235 MU +63 14 236 GE +63 14 237 PN +63 14 238 MU +63 14 239 PN +63 14 240 GI +63 14 241 AR +63 14 242 PN +63 14 243 GI +63 14 244 AR +63 14 245 ME +63 14 246 MU +63 14 247 MU +63 14 248 GI +63 14 249 GI +63 14 250 MU +63 14 251 GE +63 14 252 AR +63 14 253 MU +63 14 254 PN +63 14 255 GI +63 14 256 ME +63 14 257 MU +63 14 258 PN +63 14 259 PN +63 14 260 AR +63 14 261 PN +63 14 262 AR +63 14 263 GI +63 14 264 PN +63 14 265 GE +63 14 266 ME +63 14 267 GI +63 14 268 GE +63 14 269 ME +63 14 270 PN +63 14 271 GE +63 14 272 AR +63 14 273 PN +63 14 274 AR +63 14 275 GE +63 14 276 ME +63 14 277 MU +63 14 278 PN +63 14 279 MU +63 14 280 GE +63 14 281 GE +63 14 282 GE +63 14 283 GI +63 14 284 AR +63 14 285 PN +63 14 286 AR +63 14 287 GI +63 14 288 ME +63 14 289 MU +63 14 290 AR +63 14 291 MU +63 14 292 PN +63 14 293 PN +63 14 294 PN +63 14 295 GI +63 14 296 MU +63 14 297 PN +63 14 298 ME +63 14 299 GE +63 14 300 AR +63 14 301 GE +63 14 302 AR +63 14 303 PN +63 14 304 GE +63 14 305 GI +63 14 306 GE +63 14 307 MU +63 14 308 MU +63 14 309 GI +63 14 310 GE +63 14 311 MU +63 14 312 GI +63 14 313 GI +63 14 314 AR +63 14 315 GE +63 14 316 MU +63 14 317 MU +63 14 318 PN +63 14 319 AR +63 14 320 GI +63 14 321 ME +63 14 322 MU +63 14 323 GE +63 14 324 AR +63 14 325 MU +63 14 326 PN +63 14 327 AR +63 14 328 GE +63 14 329 PN +63 14 330 AR +63 15 1 MU +63 15 2 AR +63 15 3 ME +63 15 4 MU +63 15 5 MK +63 15 6 AR +63 15 7 MU +63 15 8 ME +63 15 9 PE +63 15 10 MU +63 15 11 MK +63 15 12 MU +63 15 13 ME +63 15 14 GI +63 15 15 ME +63 15 16 AR +63 15 17 ME +63 15 18 GI +63 15 19 MU +63 15 20 ME +63 15 21 PE +63 15 22 PE +63 15 23 MU +63 15 24 MK +63 15 25 GI +63 15 26 BA +63 15 27 PE +63 15 28 ME +63 15 29 MU +63 15 30 ME +63 15 31 MU +63 15 32 ME +63 15 33 PE +63 15 34 MU +63 15 35 PE +63 15 36 MU +63 15 37 MK +63 15 38 MU +63 15 39 PE +63 15 40 MU +63 15 41 ME +63 15 42 PE +63 15 43 MU +63 15 44 BA +63 15 45 MU +63 15 46 GI +63 15 47 GI +63 15 48 MU +63 15 49 MK +63 15 50 MU +63 15 51 BA +63 15 52 BA +63 15 53 ME +63 15 54 MU +63 15 55 BA +63 15 56 BA +63 15 57 GI +63 15 58 MU +63 15 59 BA +63 15 60 GI +63 15 61 ME +63 15 62 MU +63 15 63 ME +63 15 64 MU +63 15 65 ME +63 15 66 BA +63 15 67 MU +63 15 68 ME +63 15 69 MU +63 15 70 BA +63 15 71 ME +63 15 72 MU +63 15 73 MK +63 15 74 BA +63 15 75 GI +63 15 76 ME +63 15 77 MK +63 15 78 BA +63 15 79 BA +63 15 80 GI +63 15 81 GE +63 15 82 MK +63 15 83 BA +63 15 84 PE +63 15 85 MK +63 15 86 ME +63 15 87 GI +63 15 88 ME +63 15 89 GI +63 15 90 MK +63 15 91 MU +63 15 92 BA +63 15 93 MU +63 15 94 GI +63 15 95 BA +63 15 96 MU +63 15 97 MK +63 15 98 ME +63 15 99 PE +63 15 100 PE +63 15 101 ME +63 15 102 MU +63 15 103 GI +63 15 104 MU +63 15 105 ME +63 15 106 MK +63 15 107 BA +63 15 108 MU +63 15 109 GI +63 15 110 ME +63 15 111 GI +63 15 112 ME +63 15 113 GI +63 15 114 MK +63 15 115 ME +63 15 116 MU +63 15 117 MK +63 15 118 ME +63 15 119 MU +63 15 120 BA +63 15 121 ME +63 15 122 GI +63 15 123 MU +63 15 124 BA +63 15 125 ME +63 15 126 MU +63 15 127 GI +63 15 128 MU +63 15 129 BA +63 15 130 GI +63 15 131 MU +63 15 132 ME +63 15 133 MK +63 15 134 GI +63 15 135 MU +63 15 136 MK +63 15 137 MU +63 15 138 BA +63 15 139 BA +63 15 140 MU +63 15 141 BA +63 15 142 MU +63 15 143 MK +63 15 144 MU +63 15 145 BA +63 15 146 PE +63 15 147 MU +63 15 148 ME +63 15 149 BA +63 15 150 MU +63 15 151 BA +63 15 152 PE +63 15 153 MU +63 15 154 GI +63 15 155 ME +63 15 156 MU +63 15 157 ME +63 15 158 BA +63 15 159 PE +63 15 160 BA +63 15 161 MU +63 15 162 ME +63 15 163 MU +63 15 164 MK +63 15 165 ME +63 15 166 MK +63 15 167 MU +63 15 168 GI +63 15 169 MU +63 15 170 GI +63 15 171 MK +63 15 172 PE +63 15 173 ME +63 15 174 BA +63 15 175 MU +63 15 176 ME +63 15 177 PE +63 15 178 MK +63 15 179 ME +63 15 180 MU +63 15 181 PE +63 15 182 ME +63 15 183 PE +63 15 184 ME +63 15 185 MU +63 15 186 KY +63 15 187 MU +63 15 188 ME +63 15 189 BA +63 15 190 PE +63 15 191 MU +63 15 192 GI +63 15 193 MU +63 15 194 MU +63 15 195 MK +63 15 196 PE +63 15 197 MU +63 15 198 GI +63 15 199 PE +63 15 200 PE +63 15 201 BA +63 15 202 MU +63 15 203 ME +63 15 204 GI +63 15 205 GI +63 15 206 BA +63 15 207 ME +63 15 208 SE +63 15 209 GE +63 15 210 ME +63 15 211 PE +63 15 212 MK +63 15 213 SE +63 15 214 PE +63 15 215 ME +63 15 216 GI +63 15 217 BA +63 15 218 SE +63 15 219 AR +63 15 220 GI +63 15 221 BA +63 15 222 MU +63 15 223 GE +63 15 224 BA +63 15 225 SE +63 15 226 MU +63 15 227 GI +63 15 228 MK +63 15 229 SE +63 15 230 BA +63 15 231 GE +63 15 232 MU +63 15 233 BA +63 15 234 SE +63 15 235 GE +63 15 236 SE +63 15 237 BA +63 15 238 MU +63 15 239 PE +63 15 240 GI +63 15 241 SE +63 15 242 ME +63 15 243 MU +63 15 244 SE +63 15 245 GE +63 15 246 PE +63 15 247 GI +63 15 248 MU +63 15 249 GI +63 15 250 SE +63 15 251 MK +63 15 252 BA +63 15 253 ME +63 15 254 MU +63 15 255 SE +63 15 256 GE +63 15 257 MK +63 15 258 SE +63 15 259 PE +63 15 260 MU +63 15 261 SE +63 15 262 PE +63 15 263 GI +63 15 264 PE +63 15 265 MU +63 15 266 GE +63 15 267 ME +63 15 268 MU +63 15 269 ME +63 15 270 SE +63 15 271 MU +63 15 272 PE +63 15 273 SE +63 15 274 PE +63 15 275 MU +63 15 276 ME +63 15 277 SE +63 15 278 GE +63 15 279 MU +63 15 280 MK +63 15 281 MU +63 15 282 MK +63 15 283 GI +63 15 284 BA +63 15 285 SE +63 15 286 BA +63 15 287 MK +63 15 288 ME +63 15 289 PE +63 15 290 SE +63 15 291 GE +63 15 292 PE +63 15 293 GE +63 15 294 PE +63 15 295 GI +63 15 296 GI +63 15 297 SE +63 15 298 ME +63 15 299 MK +63 15 300 BA +63 15 301 MU +63 15 302 BA +63 15 303 SE +63 15 304 MU +63 15 305 GI +63 15 306 SE +63 15 307 GE +63 15 308 MU +63 15 309 GI +63 15 310 SE +63 15 311 MU +63 15 312 GI +63 15 313 ME +63 15 314 BA +63 15 315 MU +63 15 316 SE +63 15 317 MU +63 15 318 SE +63 15 319 BA +63 15 320 MU +63 15 321 ME +63 15 322 GE +63 15 323 ME +63 15 324 BA +63 15 325 GE +63 15 326 SE +63 15 327 BA +63 15 328 GE +63 15 329 GI +63 15 330 GE +63 16 1 MU +63 16 2 SE +63 16 3 ME +63 16 4 MU +63 16 5 AR +63 16 6 AR +63 16 7 GE +63 16 8 GI +63 16 9 GI +63 16 10 MU +63 16 11 GI +63 16 12 SE +63 16 13 GI +63 16 14 GE +63 16 15 AR +63 16 16 MU +63 16 17 ME +63 16 18 GI +63 16 19 GI +63 16 20 GE +63 16 21 ME +63 16 22 AR +63 16 23 GI +63 16 24 GI +63 16 25 MU +63 16 26 MU +63 16 27 AR +63 16 28 ME +63 16 29 KL +63 16 30 KL +63 16 31 GE +63 16 32 ME +63 16 33 GE +63 16 34 GI +63 16 35 ME +63 16 36 GI +63 16 37 MU +63 16 38 ME +63 16 39 GE +63 16 40 MU +63 16 41 ME +63 16 42 AR +63 16 43 GI +63 16 44 AR +63 16 45 GE +63 16 46 GI +63 16 47 GI +63 16 48 AR +63 16 49 MU +63 16 50 MU +63 16 51 AR +63 16 52 AR +63 16 53 ME +63 16 54 GE +63 16 55 MU +63 16 56 AR +63 16 57 GI +63 16 58 AR +63 16 59 AR +63 16 60 GI +63 16 61 ME +63 16 62 AR +63 16 63 ME +63 16 64 GE +63 16 65 ME +63 16 66 AR +63 16 67 AR +63 16 68 ME +63 16 69 GI +63 16 70 AR +63 16 71 GI +63 16 72 GE +63 16 73 ME +63 16 74 AR +63 16 75 GE +63 16 76 ME +63 16 77 MU +63 16 78 AR +63 16 79 GI +63 16 80 MU +63 16 81 GE +63 16 82 GE +63 16 83 AR +63 16 84 ME +63 16 85 MU +63 16 86 ME +63 16 87 GI +63 16 88 ME +63 16 89 GI +63 16 90 GI +63 16 91 AR +63 16 92 AR +63 16 93 MU +63 16 94 GI +63 16 95 AR +63 16 96 BA +63 16 97 MU +63 16 98 ME +63 16 99 AR +63 16 100 AR +63 16 101 ME +63 16 102 AR +63 16 103 BA +63 16 104 GE +63 16 105 GE +63 16 106 GI +63 16 107 AR +63 16 108 AR +63 16 109 GI +63 16 110 BA +63 16 111 GI +63 16 112 ME +63 16 113 GI +63 16 114 GE +63 16 115 ME +63 16 116 AR +63 16 117 GI +63 16 118 ME +63 16 119 MU +63 16 120 AR +63 16 121 ME +63 16 122 MU +63 16 123 GE +63 16 124 GI +63 16 125 ME +63 16 126 AR +63 16 127 GI +63 16 128 AR +63 16 129 AR +63 16 130 GE +63 16 131 MU +63 16 132 ME +63 16 133 GI +63 16 134 GI +63 16 135 ME +63 16 136 AR +63 16 137 GE +63 16 138 MU +63 16 139 AR +63 16 140 GE +63 16 141 AR +63 16 142 AR +63 16 143 GE +63 16 144 GI +63 16 145 GI +63 16 146 ME +63 16 147 GE +63 16 148 ME +63 16 149 AR +63 16 150 GI +63 16 151 ME +63 16 152 AR +63 16 153 MU +63 16 154 GI +63 16 155 GI +63 16 156 GE +63 16 157 GI +63 16 158 AR +63 16 159 GE +63 16 160 AR +63 16 161 GE +63 16 162 ME +63 16 163 GE +63 16 164 MU +63 16 165 GE +63 16 166 GE +63 16 167 AR +63 16 168 GE +63 16 169 GE +63 16 170 GE +63 16 171 GE +63 16 172 AR +63 16 173 ME +63 16 174 AR +63 16 175 AR +63 16 176 ME +63 16 177 AR +63 16 178 MU +63 16 179 GI +63 16 180 MU +63 16 181 BA +63 16 182 ME +63 16 183 GI +63 16 184 AR +63 16 185 ME +63 16 186 MU +63 16 187 AR +63 16 188 MU +63 16 189 AR +63 16 190 AR +63 16 191 MU +63 16 192 MU +63 16 193 AR +63 16 194 ME +63 16 195 GE +63 16 196 AR +63 16 197 AR +63 16 198 GI +63 16 199 BA +63 16 200 MU +63 16 201 ME +63 16 202 MU +63 16 203 ME +63 16 204 GI +63 16 205 MU +63 16 206 AR +63 16 207 ME +63 16 208 GE +63 16 209 MU +63 16 210 GI +63 16 211 MU +63 16 212 ME +63 16 213 BA +63 16 214 AR +63 16 215 AR +63 16 216 GE +63 16 217 ME +63 16 218 GE +63 16 219 AR +63 16 220 MU +63 16 221 AR +63 16 222 MU +63 16 223 MU +63 16 224 AR +63 16 225 GE +63 16 226 MU +63 16 227 GI +63 16 228 GE +63 16 229 AR +63 16 230 AR +63 16 231 ME +63 16 232 GI +63 16 233 GE +63 16 234 GE +63 16 235 GI +63 16 236 GE +63 16 237 AR +63 16 238 MU +63 16 239 ME +63 16 240 GE +63 16 241 BA +63 16 242 AR +63 16 243 ME +63 16 244 BA +63 16 245 ME +63 16 246 MU +63 16 247 MU +63 16 248 GI +63 16 249 MU +63 16 250 MU +63 16 251 AR +63 16 252 AR +63 16 253 MU +63 16 254 GE +63 16 255 GI +63 16 256 ME +63 16 257 MU +63 16 258 AR +63 16 259 ME +63 16 260 AR +63 16 261 ME +63 16 262 AR +63 16 263 GI +63 16 264 BA +63 16 265 MU +63 16 266 ME +63 16 267 GE +63 16 268 MU +63 16 269 ME +63 16 270 ME +63 16 271 GE +63 16 272 AR +63 16 273 AR +63 16 274 AR +63 16 275 GE +63 16 276 ME +63 16 277 MU +63 16 278 ME +63 16 279 MU +63 16 280 GE +63 16 281 GE +63 16 282 GE +63 16 283 GI +63 16 284 AR +63 16 285 AR +63 16 286 AR +63 16 287 GE +63 16 288 ME +63 16 289 MU +63 16 290 AR +63 16 291 MU +63 16 292 AR +63 16 293 MU +63 16 294 AR +63 16 295 GI +63 16 296 GE +63 16 297 BA +63 16 298 ME +63 16 299 GE +63 16 300 AR +63 16 301 MU +63 16 302 AR +63 16 303 AR +63 16 304 GE +63 16 305 MU +63 16 306 AR +63 16 307 MU +63 16 308 GE +63 16 309 GI +63 16 310 MU +63 16 311 MU +63 16 312 GI +63 16 313 BA +63 16 314 AR +63 16 315 GE +63 16 316 MU +63 16 317 ME +63 16 318 ME +63 16 319 AR +63 16 320 GE +63 16 321 ME +63 16 322 MU +63 16 323 MU +63 16 324 AR +63 16 325 GE +63 16 326 GE +63 16 327 AR +63 16 328 GI +63 16 329 GI +63 16 330 AR +63 17 1 GI +63 17 2 BA +63 17 3 ME +63 17 4 AR +63 17 5 GE +63 17 6 PI +63 17 7 GE +63 17 8 ME +63 17 9 GE +63 17 10 KW +63 17 11 GI +63 17 12 SE +63 17 13 GE +63 17 14 GI +63 17 15 PK +63 17 16 AR +63 17 17 ME +63 17 18 GI +63 17 19 MU +63 17 20 GE +63 17 21 ME +63 17 22 AR +63 17 23 ME +63 17 24 GI +63 17 25 GE +63 17 26 KW +63 17 27 AR +63 17 28 ME +63 17 29 GE +63 17 30 ME +63 17 31 RA +63 17 32 ME +63 17 33 GE +63 17 34 GI +63 17 35 ME +63 17 36 GI +63 17 37 MU +63 17 38 ME +63 17 39 GE +63 17 40 MU +63 17 41 ME +63 17 42 PI +63 17 43 KW +63 17 44 AR +63 17 45 GE +63 17 46 GI +63 17 47 MU +63 17 48 AR +63 17 49 PI +63 17 50 GI +63 17 51 GI +63 17 52 AR +63 17 53 ME +63 17 54 GI +63 17 55 GE +63 17 56 PI +63 17 57 GI +63 17 58 BA +63 17 59 AR +63 17 60 GI +63 17 61 ME +63 17 62 BA +63 17 63 ME +63 17 64 GI +63 17 65 ME +63 17 66 AR +63 17 67 GE +63 17 68 ME +63 17 69 AR +63 17 70 PL +63 17 71 ME +63 17 72 GE +63 17 73 ME +63 17 74 AR +63 17 75 GI +63 17 76 ME +63 17 77 MU +63 17 78 AR +63 17 79 GI +63 17 80 MU +63 17 81 GE +63 17 82 GE +63 17 83 AR +63 17 84 ME +63 17 85 GE +63 17 86 ME +63 17 87 GI +63 17 88 ME +63 17 89 GI +63 17 90 MU +63 17 91 PI +63 17 92 AR +63 17 93 GI +63 17 94 MU +63 17 95 AR +63 17 96 PI +63 17 97 GI +63 17 98 ME +63 17 99 AR +63 17 100 GE +63 17 101 ME +63 17 102 AR +63 17 103 GI +63 17 104 AR +63 17 105 PI +63 17 106 AR +63 17 107 BA +63 17 108 GI +63 17 109 PI +63 17 110 GI +63 17 111 ME +63 17 112 GI +63 17 113 GI +63 17 114 MU +63 17 115 ME +63 17 116 AR +63 17 117 GI +63 17 118 ME +63 17 119 GE +63 17 120 BA +63 17 121 ME +63 17 122 GE +63 17 123 MU +63 17 124 PI +63 17 125 ME +63 17 126 AR +63 17 127 GI +63 17 128 SE +63 17 129 AR +63 17 130 GI +63 17 131 ME +63 17 132 ME +63 17 133 GE +63 17 134 BA +63 17 135 ME +63 17 136 GE +63 17 137 GI +63 17 138 AR +63 17 139 BA +63 17 140 GI +63 17 141 BA +63 17 142 AR +63 17 143 GE +63 17 144 ME +63 17 145 GE +63 17 146 BA +63 17 147 GE +63 17 148 ME +63 17 149 GE +63 17 150 BA +63 17 151 ME +63 17 152 ME +63 17 153 MU +63 17 154 GI +63 17 155 MU +63 17 156 GE +63 17 157 BA +63 17 158 AR +63 17 159 AR +63 17 160 ME +63 17 161 GE +63 17 162 ME +63 17 163 MU +63 17 164 GI +63 17 165 PK +63 17 166 KW +63 17 167 AR +63 17 168 BA +63 17 169 GI +63 17 170 GI +63 17 171 GE +63 17 172 AR +63 17 173 ME +63 17 174 PI +63 17 175 AR +63 17 176 ME +63 17 177 BA +63 17 178 KW +63 17 179 ME +63 17 180 GE +63 17 181 AR +63 17 182 ME +63 17 183 BA +63 17 184 ME +63 17 185 AR +63 17 186 GE +63 17 187 ME +63 17 188 GE +63 17 189 BA +63 17 190 ME +63 17 191 MU +63 17 192 BA +63 17 193 AR +63 17 194 ME +63 17 195 GE +63 17 196 BA +63 17 197 ME +63 17 198 GI +63 17 199 BA +63 17 200 GE +63 17 201 ME +63 17 202 GE +63 17 203 ME +63 17 204 GI +63 17 205 MU +63 17 206 BA +63 17 207 ME +63 17 208 BA +63 17 209 MU +63 17 210 AR +63 17 211 GE +63 17 212 ME +63 17 213 BA +63 17 214 PI +63 17 215 ME +63 17 216 GI +63 17 217 ME +63 17 218 GE +63 17 219 BA +63 17 220 MU +63 17 221 BA +63 17 222 ME +63 17 223 GE +63 17 224 AR +63 17 225 GE +63 17 226 GI +63 17 227 MU +63 17 228 GI +63 17 229 GE +63 17 230 BA +63 17 231 ME +63 17 232 BA +63 17 233 GE +63 17 234 MU +63 17 235 GI +63 17 236 GE +63 17 237 ME +63 17 238 GE +63 17 239 ME +63 17 240 PI +63 17 241 AR +63 17 242 BA +63 17 243 ME +63 17 244 AR +63 17 245 ME +63 17 246 GE +63 17 247 BA +63 17 248 MU +63 17 249 GI +63 17 250 BA +63 17 251 PI +63 17 252 AR +63 17 253 GE +63 17 254 BA +63 17 255 GI +63 17 256 ME +63 17 257 MU +63 17 258 AR +63 17 259 ME +63 17 260 BA +63 17 261 ME +63 17 262 AR +63 17 263 BA +63 17 264 AR +63 17 265 GE +63 17 266 ME +63 17 267 ME +63 17 268 GE +63 17 269 ME +63 17 270 BA +63 17 271 GI +63 17 272 AR +63 17 273 ME +63 17 274 AR +63 17 275 GE +63 17 276 ME +63 17 277 GE +63 17 278 ME +63 17 279 GI +63 17 280 GE +63 17 281 GI +63 17 282 GE +63 17 283 BA +63 17 284 AR +63 17 285 ME +63 17 286 BA +63 17 287 PI +63 17 288 ME +63 17 289 GE +63 17 290 AR +63 17 291 MU +63 17 292 ME +63 17 293 BA +63 17 294 AR +63 17 295 GE +63 17 296 KW +63 17 297 SE +63 17 298 ME +63 17 299 GE +63 17 300 BA +63 17 301 MU +63 17 302 BA +63 17 303 AR +63 17 304 GE +63 17 305 ME +63 17 306 BA +63 17 307 MU +63 17 308 ME +63 17 309 GI +63 17 310 GE +63 17 311 MU +63 17 312 GI +63 17 313 MU +63 17 314 BA +63 17 315 GE +63 17 316 GI +63 17 317 ME +63 17 318 ME +63 17 319 AR +63 17 320 GE +63 17 321 ME +63 17 322 GE +63 17 323 GI +63 17 324 BA +63 17 325 ME +63 17 326 PI +63 17 327 AR +63 17 328 GE +63 17 329 PI +63 17 330 BA +63 18 1 GI +63 18 2 AR +63 18 3 ME +63 18 4 ME +63 18 5 AR +63 18 6 BA +63 18 7 MU +63 18 8 ME +63 18 9 BA +63 18 10 MU +63 18 11 GI +63 18 12 AR +63 18 13 GI +63 18 14 GI +63 18 15 AR +63 18 16 PE +63 18 17 ME +63 18 18 GI +63 18 19 MU +63 18 20 GE +63 18 21 ME +63 18 22 AR +63 18 23 ME +63 18 24 GI +63 18 25 GI +63 18 26 GI +63 18 27 AR +63 18 28 ME +63 18 29 AR +63 18 30 ME +63 18 31 AR +63 18 32 ME +63 18 33 GE +63 18 34 GI +63 18 35 ME +63 18 36 GE +63 18 37 MU +63 18 38 ME +63 18 39 GE +63 18 40 AR +63 18 41 ME +63 18 42 GI +63 18 43 GI +63 18 44 BA +63 18 45 GI +63 18 46 AR +63 18 47 GI +63 18 48 BA +63 18 49 AR +63 18 50 ME +63 18 51 GI +63 18 52 AR +63 18 53 ME +63 18 54 GI +63 18 55 AR +63 18 56 BA +63 18 57 GI +63 18 58 BA +63 18 59 AR +63 18 60 GI +63 18 61 ME +63 18 62 GI +63 18 63 ME +63 18 64 GI +63 18 65 ME +63 18 66 AR +63 18 67 BA +63 18 68 ME +63 18 69 GI +63 18 70 AR +63 18 71 ME +63 18 72 GI +63 18 73 ME +63 18 74 AR +63 18 75 GI +63 18 76 ME +63 18 77 MU +63 18 78 ME +63 18 79 GI +63 18 80 GI +63 18 81 BA +63 18 82 MU +63 18 83 BA +63 18 84 ME +63 18 85 GE +63 18 86 ME +63 18 87 GI +63 18 88 ME +63 18 89 GI +63 18 90 MU +63 18 91 AR +63 18 92 AR +63 18 93 GI +63 18 94 GI +63 18 95 BA +63 18 96 AR +63 18 97 MU +63 18 98 ME +63 18 99 AR +63 18 100 AR +63 18 101 ME +63 18 102 ME +63 18 103 GI +63 18 104 BA +63 18 105 ME +63 18 106 BA +63 18 107 AR +63 18 108 AR +63 18 109 GI +63 18 110 GI +63 18 111 GI +63 18 112 ME +63 18 113 GI +63 18 114 GI +63 18 115 ME +63 18 116 AR +63 18 117 ME +63 18 118 ME +63 18 119 GI +63 18 120 BA +63 18 121 ME +63 18 122 MU +63 18 123 MU +63 18 124 BA +63 18 125 ME +63 18 126 ME +63 18 127 GI +63 18 128 AR +63 18 129 AR +63 18 130 GI +63 18 131 ME +63 18 132 ME +63 18 133 MU +63 18 134 GI +63 18 135 ME +63 18 136 MU +63 18 137 MU +63 18 138 MU +63 18 139 BA +63 18 140 GI +63 18 141 BA +63 18 142 BA +63 18 143 GI +63 18 144 ME +63 18 145 BA +63 18 146 AR +63 18 147 AR +63 18 148 ME +63 18 149 AR +63 18 150 ME +63 18 151 ME +63 18 152 ME +63 18 153 BA +63 18 154 GI +63 18 155 GI +63 18 156 GI +63 18 157 ME +63 18 158 BA +63 18 159 AR +63 18 160 ME +63 18 161 AR +63 18 162 ME +63 18 163 GI +63 18 164 MU +63 18 165 GI +63 18 166 GI +63 18 167 AR +63 18 168 GI +63 18 169 GI +63 18 170 GI +63 18 171 GI +63 18 172 BA +63 18 173 ME +63 18 174 AR +63 18 175 BA +63 18 176 ME +63 18 177 BA +63 18 178 GI +63 18 179 ME +63 18 180 MU +63 18 181 AR +63 18 182 ME +63 18 183 AR +63 18 184 ME +63 18 185 BA +63 18 186 BA +63 18 187 ME +63 18 188 GI +63 18 189 AR +63 18 190 ME +63 18 191 MU +63 18 192 ME +63 18 193 BA +63 18 194 ME +63 18 195 MU +63 18 196 BA +63 18 197 ME +63 18 198 GI +63 18 199 BA +63 18 200 AR +63 18 201 ME +63 18 202 GI +63 18 203 ME +63 18 204 GI +63 18 205 ME +63 18 206 AR +63 18 207 ME +63 18 208 AR +63 18 209 GI +63 18 210 ME +63 18 211 BA +63 18 212 ME +63 18 213 GI +63 18 214 BA +63 18 215 ME +63 18 216 GI +63 18 217 ME +63 18 218 AR +63 18 219 BA +63 18 220 MU +63 18 221 BA +63 18 222 GI +63 18 223 AR +63 18 224 BA +63 18 225 GI +63 18 226 GI +63 18 227 GI +63 18 228 GI +63 18 229 AR +63 18 230 AR +63 18 231 ME +63 18 232 GI +63 18 233 GI +63 18 234 GI +63 18 235 MU +63 18 236 GI +63 18 237 ME +63 18 238 GI +63 18 239 ME +63 18 240 ME +63 18 241 BA +63 18 242 AR +63 18 243 ME +63 18 244 BA +63 18 245 ME +63 18 246 GI +63 18 247 ME +63 18 248 GI +63 18 249 GI +63 18 250 ME +63 18 251 BA +63 18 252 AR +63 18 253 AR +63 18 254 AR +63 18 255 GI +63 18 256 ME +63 18 257 GI +63 18 258 BA +63 18 259 ME +63 18 260 BA +63 18 261 ME +63 18 262 BA +63 18 263 AR +63 18 264 AR +63 18 265 GI +63 18 266 ME +63 18 267 ME +63 18 268 AR +63 18 269 ME +63 18 270 BA +63 18 271 GI +63 18 272 AR +63 18 273 ME +63 18 274 AR +63 18 275 BA +63 18 276 ME +63 18 277 GI +63 18 278 ME +63 18 279 MU +63 18 280 GI +63 18 281 MU +63 18 282 GI +63 18 283 BA +63 18 284 BA +63 18 285 ME +63 18 286 BA +63 18 287 AR +63 18 288 ME +63 18 289 BA +63 18 290 AR +63 18 291 ME +63 18 292 AR +63 18 293 AR +63 18 294 AR +63 18 295 GI +63 18 296 ME +63 18 297 AR +63 18 298 ME +63 18 299 MU +63 18 300 GI +63 18 301 GI +63 18 302 AR +63 18 303 BA +63 18 304 GI +63 18 305 ME +63 18 306 BA +63 18 307 GI +63 18 308 ME +63 18 309 GI +63 18 310 GI +63 18 311 GI +63 18 312 GI +63 18 313 GI +63 18 314 AR +63 18 315 BA +63 18 316 GI +63 18 317 ME +63 18 318 ME +63 18 319 AR +63 18 320 BA +63 18 321 ME +63 18 322 GI +63 18 323 GI +63 18 324 BA +63 18 325 ME +63 18 326 BA +63 18 327 AR +63 18 328 GI +63 18 329 ME +63 18 330 BA +63 19 1 MU +63 19 2 PL +63 19 3 ME +63 19 4 GI +63 19 5 MU +63 19 6 AR +63 19 7 PE +63 19 8 ME +63 19 9 GI +63 19 10 MU +63 19 11 GI +63 19 12 BA +63 19 13 GI +63 19 14 GI +63 19 15 PE +63 19 16 PE +63 19 17 ME +63 19 18 GI +63 19 19 MU +63 19 20 MU +63 19 21 ME +63 19 22 PE +63 19 23 MU +63 19 24 GI +63 19 25 MU +63 19 26 GI +63 19 27 PL +63 19 28 ME +63 19 29 GE +63 19 30 ME +63 19 31 PE +63 19 32 ME +63 19 33 GE +63 19 34 MU +63 19 35 ME +63 19 36 GI +63 19 37 MU +63 19 38 ME +63 19 39 GE +63 19 40 MU +63 19 41 ME +63 19 42 BA +63 19 43 MU +63 19 44 BA +63 19 45 GE +63 19 46 GI +63 19 47 MU +63 19 48 BA +63 19 49 GE +63 19 50 MU +63 19 51 MU +63 19 52 BA +63 19 53 ME +63 19 54 MU +63 19 55 MU +63 19 56 PE +63 19 57 MU +63 19 58 BA +63 19 59 PE +63 19 60 MU +63 19 61 ME +63 19 62 MU +63 19 63 ME +63 19 64 GE +63 19 65 ME +63 19 66 PE +63 19 67 GE +63 19 68 ME +63 19 69 GI +63 19 70 PE +63 19 71 GI +63 19 72 GE +63 19 73 MU +63 19 74 PE +63 19 75 GI +63 19 76 ME +63 19 77 GE +63 19 78 PE +63 19 79 GI +63 19 80 MU +63 19 81 GE +63 19 82 GE +63 19 83 PE +63 19 84 ME +63 19 85 MU +63 19 86 ME +63 19 87 GI +63 19 88 ME +63 19 89 GI +63 19 90 GI +63 19 91 GE +63 19 92 PE +63 19 93 MU +63 19 94 GI +63 19 95 PE +63 19 96 PE +63 19 97 MU +63 19 98 ME +63 19 99 MU +63 19 100 GE +63 19 101 ME +63 19 102 AR +63 19 103 GI +63 19 104 MU +63 19 105 GE +63 19 106 PE +63 19 107 PE +63 19 108 PE +63 19 109 MU +63 19 110 GE +63 19 111 GI +63 19 112 ME +63 19 113 GI +63 19 114 GE +63 19 115 ME +63 19 116 PE +63 19 117 GI +63 19 118 ME +63 19 119 GE +63 19 120 PE +63 19 121 ME +63 19 122 GE +63 19 123 MU +63 19 124 GE +63 19 125 ME +63 19 126 ME +63 19 127 GI +63 19 128 PE +63 19 129 PE +63 19 130 GI +63 19 131 ME +63 19 132 ME +63 19 133 GE +63 19 134 GI +63 19 135 ME +63 19 136 GE +63 19 137 GE +63 19 138 GI +63 19 139 PE +63 19 140 GE +63 19 141 PE +63 19 142 PE +63 19 143 GE +63 19 144 GI +63 19 145 GE +63 19 146 PE +63 19 147 GE +63 19 148 ME +63 19 149 GE +63 19 150 MU +63 19 151 ME +63 19 152 PE +63 19 153 MU +63 19 154 GI +63 19 155 GI +63 19 156 GE +63 19 157 GI +63 19 158 PE +63 19 159 PE +63 19 160 PE +63 19 161 MU +63 19 162 ME +63 19 163 MU +63 19 164 MU +63 19 165 GE +63 19 166 MU +63 19 167 MU +63 19 168 GE +63 19 169 MU +63 19 170 GI +63 19 171 GE +63 19 172 PE +63 19 173 ME +63 19 174 PE +63 19 175 PE +63 19 176 ME +63 19 177 GE +63 19 178 MU +63 19 179 GI +63 19 180 GE +63 19 181 GE +63 19 182 GI +63 19 183 BA +63 19 184 MU +63 19 185 ME +63 19 186 GE +63 19 187 PE +63 19 188 MU +63 19 189 PE +63 19 190 BA +63 19 191 GE +63 19 192 MU +63 19 193 GE +63 19 194 GI +63 19 195 GE +63 19 196 PE +63 19 197 PE +63 19 198 GI +63 19 199 PE +63 19 200 GE +63 19 201 ME +63 19 202 MU +63 19 203 ME +63 19 204 GI +63 19 205 GE +63 19 206 PE +63 19 207 ME +63 19 208 GI +63 19 209 GE +63 19 210 GI +63 19 211 MU +63 19 212 ME +63 19 213 AR +63 19 214 GE +63 19 215 ME +63 19 216 GI +63 19 217 BA +63 19 218 GE +63 19 219 PE +63 19 220 MU +63 19 221 PE +63 19 222 MU +63 19 223 GE +63 19 224 PE +63 19 225 GE +63 19 226 MU +63 19 227 GI +63 19 228 MU +63 19 229 GE +63 19 230 PE +63 19 231 ME +63 19 232 GI +63 19 233 PE +63 19 234 GE +63 19 235 MU +63 19 236 GE +63 19 237 PL +63 19 238 MU +63 19 239 ME +63 19 240 GI +63 19 241 PE +63 19 242 PE +63 19 243 ME +63 19 244 PE +63 19 245 ME +63 19 246 GE +63 19 247 MU +63 19 248 GE +63 19 249 MU +63 19 250 MU +63 19 251 GE +63 19 252 PE +63 19 253 GE +63 19 254 MU +63 19 255 GI +63 19 256 ME +63 19 257 GE +63 19 258 MU +63 19 259 ME +63 19 260 PE +63 19 261 PE +63 19 262 PE +63 19 263 GI +63 19 264 BA +63 19 265 GE +63 19 266 ME +63 19 267 GE +63 19 268 GE +63 19 269 ME +63 19 270 BA +63 19 271 GE +63 19 272 PE +63 19 273 BA +63 19 274 PE +63 19 275 PE +63 19 276 ME +63 19 277 GI +63 19 278 ME +63 19 279 MU +63 19 280 GE +63 19 281 MU +63 19 282 GE +63 19 283 GI +63 19 284 PE +63 19 285 ME +63 19 286 PE +63 19 287 GI +63 19 288 ME +63 19 289 MU +63 19 290 PE +63 19 291 MU +63 19 292 MU +63 19 293 PE +63 19 294 PE +63 19 295 GI +63 19 296 MU +63 19 297 BA +63 19 298 ME +63 19 299 GE +63 19 300 PE +63 19 301 GE +63 19 302 PE +63 19 303 PE +63 19 304 GE +63 19 305 GI +63 19 306 GE +63 19 307 MU +63 19 308 GI +63 19 309 GI +63 19 310 GE +63 19 311 MU +63 19 312 GI +63 19 313 MU +63 19 314 PE +63 19 315 GE +63 19 316 GE +63 19 317 ME +63 19 318 ME +63 19 319 PE +63 19 320 GE +63 19 321 MU +63 19 322 MU +63 19 323 GE +63 19 324 PE +63 19 325 GI +63 19 326 PE +63 19 327 PE +63 19 328 GE +63 19 329 GI +63 19 330 PE +63 20 1 MU +63 20 2 MU +63 20 3 ME +63 20 4 MU +63 20 5 SE +63 20 6 AR +63 20 7 MU +63 20 8 MU +63 20 9 KK +63 20 10 MU +63 20 11 SE +63 20 12 SE +63 20 13 KL +63 20 14 MU +63 20 15 AR +63 20 16 AR +63 20 17 MU +63 20 18 AR +63 20 19 MU +63 20 20 SE +63 20 21 ME +63 20 22 SE +63 20 23 MU +63 20 24 KK +63 20 25 MU +63 20 26 MU +63 20 27 AR +63 20 28 ME +63 20 29 SE +63 20 30 ME +63 20 31 ME +63 20 32 ME +63 20 33 MU +63 20 34 MU +63 20 35 ME +63 20 36 ME +63 20 37 MU +63 20 38 ME +63 20 39 MU +63 20 40 ME +63 20 41 ME +63 20 42 SE +63 20 43 MU +63 20 44 AR +63 20 45 MU +63 20 46 AR +63 20 47 MU +63 20 48 SE +63 20 49 MU +63 20 50 AR +63 20 51 MU +63 20 52 SA +63 20 53 ME +63 20 54 MU +63 20 55 MU +63 20 56 SE +63 20 57 MU +63 20 58 SE +63 20 59 SA +63 20 60 MU +63 20 61 ME +63 20 62 SE +63 20 63 ME +63 20 64 MU +63 20 65 ME +63 20 66 SA +63 20 67 MU +63 20 68 ME +63 20 69 SE +63 20 70 SA +63 20 71 ME +63 20 72 MU +63 20 73 ME +63 20 74 AR +63 20 75 MU +63 20 76 KK +63 20 77 MU +63 20 78 AR +63 20 79 GI +63 20 80 MU +63 20 81 ME +63 20 82 MU +63 20 83 AR +63 20 84 ME +63 20 85 MU +63 20 86 ME +63 20 87 GI +63 20 88 ME +63 20 89 GI +63 20 90 GI +63 20 91 SE +63 20 92 AR +63 20 93 MU +63 20 94 GI +63 20 95 AR +63 20 96 SE +63 20 97 GI +63 20 98 ME +63 20 99 AR +63 20 100 MU +63 20 101 ME +63 20 102 SA +63 20 103 SE +63 20 104 MU +63 20 105 ME +63 20 106 SE +63 20 107 AR +63 20 108 AR +63 20 109 MU +63 20 110 SE +63 20 111 GI +63 20 112 ME +63 20 113 GI +63 20 114 MU +63 20 115 ME +63 20 116 SA +63 20 117 GI +63 20 118 ME +63 20 119 GI +63 20 120 SA +63 20 121 ME +63 20 122 GI +63 20 123 ME +63 20 124 SE +63 20 125 ME +63 20 126 SE +63 20 127 GI +63 20 128 SE +63 20 129 AR +63 20 130 GI +63 20 131 MU +63 20 132 ME +63 20 133 MU +63 20 134 GI +63 20 135 ME +63 20 136 MU +63 20 137 GI +63 20 138 MU +63 20 139 SA +63 20 140 GI +63 20 141 SA +63 20 142 AR +63 20 143 SE +63 20 144 ME +63 20 145 GI +63 20 146 SE +63 20 147 GI +63 20 148 ME +63 20 149 AR +63 20 150 GI +63 20 151 ME +63 20 152 SA +63 20 153 GI +63 20 154 GI +63 20 155 SE +63 20 156 MU +63 20 157 GI +63 20 158 AR +63 20 159 SE +63 20 160 MU +63 20 161 MU +63 20 162 ME +63 20 163 MU +63 20 164 MU +63 20 165 GI +63 20 166 GI +63 20 167 SA +63 20 168 GI +63 20 169 MU +63 20 170 GI +63 20 171 SE +63 20 172 AR +63 20 173 ME +63 20 174 SE +63 20 175 MU +63 20 176 ME +63 20 177 SE +63 20 178 MU +63 20 179 ME +63 20 180 MU +63 20 181 SE +63 20 182 MU +63 20 183 GI +63 20 184 MU +63 20 185 SE +63 20 186 ME +63 20 187 SE +63 20 188 MU +63 20 189 MU +63 20 190 SA +63 20 191 GI +63 20 192 MU +63 20 193 SE +63 20 194 GI +63 20 195 MU +63 20 196 SA +63 20 197 MU +63 20 198 GI +63 20 199 AR +63 20 200 MU +63 20 201 SE +63 20 202 GI +63 20 203 ME +63 20 204 GI +63 20 205 MU +63 20 206 AR +63 20 207 ME +63 20 208 SE +63 20 209 GI +63 20 210 AR +63 20 211 MU +63 20 212 SE +63 20 213 AR +63 20 214 MU +63 20 215 ME +63 20 216 GI +63 20 217 ME +63 20 218 SE +63 20 219 SA +63 20 220 MU +63 20 221 AR +63 20 222 MU +63 20 223 MU +63 20 224 ME +63 20 225 SE +63 20 226 GI +63 20 227 GI +63 20 228 MU +63 20 229 SA +63 20 230 AR +63 20 231 MU +63 20 232 GI +63 20 233 SA +63 20 234 GI +63 20 235 GI +63 20 236 SE +63 20 237 SA +63 20 238 MU +63 20 239 ME +63 20 240 GI +63 20 241 AR +63 20 242 SE +63 20 243 ME +63 20 244 AR +63 20 245 ME +63 20 246 MU +63 20 247 GI +63 20 248 GI +63 20 249 MU +63 20 250 AR +63 20 251 ME +63 20 252 AR +63 20 253 MU +63 20 254 SE +63 20 255 GI +63 20 256 ME +63 20 257 GI +63 20 258 SE +63 20 259 ME +63 20 260 SE +63 20 261 SA +63 20 262 SA +63 20 263 GI +63 20 264 MU +63 20 265 GI +63 20 266 ME +63 20 267 AR +63 20 268 ME +63 20 269 ME +63 20 270 KK +63 20 271 GI +63 20 272 AR +63 20 273 MU +63 20 274 AR +63 20 275 SE +63 20 276 ME +63 20 277 GI +63 20 278 SA +63 20 279 GI +63 20 280 MU +63 20 281 GI +63 20 282 MU +63 20 283 GI +63 20 284 AR +63 20 285 SE +63 20 286 AR +63 20 287 ME +63 20 288 ME +63 20 289 MU +63 20 290 AR +63 20 291 MU +63 20 292 AR +63 20 293 SA +63 20 294 SA +63 20 295 ME +63 20 296 MU +63 20 297 SE +63 20 298 ME +63 20 299 MU +63 20 300 SA +63 20 301 MU +63 20 302 AR +63 20 303 SE +63 20 304 MU +63 20 305 GI +63 20 306 ME +63 20 307 MU +63 20 308 MU +63 20 309 GI +63 20 310 MU +63 20 311 MU +63 20 312 GI +63 20 313 MU +63 20 314 AR +63 20 315 MU +63 20 316 MU +63 20 317 ME +63 20 318 SE +63 20 319 ME +63 20 320 AR +63 20 321 ME +63 20 322 MU +63 20 323 MU +63 20 324 AR +63 20 325 ME +63 20 326 SE +63 20 327 AR +63 20 328 MU +63 20 329 ME +63 20 330 AR +63 21 1 MU +63 21 2 GE +63 21 3 PN +63 21 4 KG +63 21 5 GE +63 21 6 PK +63 21 7 GE +63 21 8 GB +63 21 9 GI +63 21 10 MU +63 21 11 GE +63 21 12 SE +63 21 13 GE +63 21 14 GE +63 21 15 PK +63 21 16 PK +63 21 17 ME +63 21 18 GI +63 21 19 GE +63 21 20 GE +63 21 21 ME +63 21 22 PK +63 21 23 GI +63 21 24 GI +63 21 25 GE +63 21 26 GI +63 21 27 GE +63 21 28 ME +63 21 29 GE +63 21 30 ME +63 21 31 GE +63 21 32 GI +63 21 33 ME +63 21 34 GI +63 21 35 ME +63 21 36 GI +63 21 37 ME +63 21 38 ME +63 21 39 GI +63 21 40 GI +63 21 41 ME +63 21 42 GI +63 21 43 GI +63 21 44 KA +63 21 45 GE +63 21 46 GI +63 21 47 GI +63 21 48 KA +63 21 49 GI +63 21 50 KA +63 21 51 KA +63 21 52 KA +63 21 53 ME +63 21 54 KA +63 21 55 KA +63 21 56 GI +63 21 57 GI +63 21 58 GI +63 21 59 KA +63 21 60 GI +63 21 61 ME +63 21 62 GI +63 21 63 GI +63 21 64 KA +63 21 65 ME +63 21 66 GI +63 21 67 KA +63 21 68 GI +63 21 69 GI +63 21 70 KA +63 21 71 GI +63 21 72 KA +63 21 73 KA +63 21 74 ME +63 21 75 GI +63 21 76 GI +63 21 77 KA +63 21 78 KA +63 21 79 GI +63 21 80 GI +63 21 81 KA +63 21 82 KA +63 21 83 GI +63 21 84 KA +63 21 85 KA +63 21 86 KG +63 21 87 GI +63 21 88 KA +63 21 89 GI +63 21 90 GI +63 21 91 KG +63 21 92 AR +63 21 93 GI +63 21 94 GI +63 21 95 KG +63 21 96 KG +63 21 97 GI +63 21 98 KA +63 21 99 KA +63 21 100 GI +63 21 101 GI +63 21 102 KA +63 21 103 GI +63 21 104 KG +63 21 105 GI +63 21 106 AR +63 21 107 KA +63 21 108 AR +63 21 109 KA +63 21 110 KG +63 21 111 GI +63 21 112 ME +63 21 113 GI +63 21 114 GI +63 21 115 KA +63 21 116 KG +63 21 117 GI +63 21 118 KA +63 21 119 KA +63 21 120 KG +63 21 121 KA +63 21 122 KG +63 21 123 KG +63 21 124 GE +63 21 125 ME +63 21 126 ME +63 21 127 GI +63 21 128 GE +63 21 129 AR +63 21 130 GI +63 21 131 GI +63 21 132 ME +63 21 133 GI +63 21 134 GI +63 21 135 KG +63 21 136 GI +63 21 137 AR +63 21 138 ME +63 21 139 GI +63 21 140 GI +63 21 141 AR +63 21 142 AR +63 21 143 ME +63 21 144 GI +63 21 145 GI +63 21 146 AR +63 21 147 KG +63 21 148 ME +63 21 149 KG +63 21 150 KA +63 21 151 AR +63 21 152 AR +63 21 153 KA +63 21 154 ME +63 21 155 GI +63 21 156 KA +63 21 157 KG +63 21 158 KG +63 21 159 KA +63 21 160 AR +63 21 161 KG +63 21 162 ME +63 21 163 KG +63 21 164 KG +63 21 165 KG +63 21 166 KA +63 21 167 KG +63 21 168 KG +63 21 169 KG +63 21 170 GI +63 21 171 KG +63 21 172 KG +63 21 173 ME +63 21 174 GE +63 21 175 KG +63 21 176 KA +63 21 177 KG +63 21 178 GI +63 21 179 KG +63 21 180 KG +63 21 181 KA +63 21 182 KA +63 21 183 KG +63 21 184 KG +63 21 185 KG +63 21 186 KA +63 21 187 KG +63 21 188 GI +63 21 189 GI +63 21 190 KA +63 21 191 KA +63 21 192 KG +63 21 193 KA +63 21 194 KG +63 21 195 ME +63 21 196 ME +63 21 197 ME +63 21 198 GI +63 21 199 GI +63 21 200 ME +63 21 201 ME +63 21 202 AR +63 21 203 KG +63 21 204 KG +63 21 205 GI +63 21 206 ME +63 21 207 ME +63 21 208 GI +63 21 209 KG +63 21 210 KA +63 21 211 KG +63 21 212 KA +63 21 213 KG +63 21 214 KG +63 21 215 GI +63 21 216 ME +63 21 217 GI +63 21 218 GI +63 21 219 AR +63 21 220 KA +63 21 221 KA +63 21 222 GI +63 21 223 AR +63 21 224 GI +63 21 225 GI +63 21 226 GI +63 21 227 GI +63 21 228 GI +63 21 229 KG +63 21 230 AR +63 21 231 ME +63 21 232 GI +63 21 233 KG +63 21 234 KA +63 21 235 MU +63 21 236 KG +63 21 237 GI +63 21 238 KA +63 21 239 ME +63 21 240 ME +63 21 241 AR +63 21 242 GE +63 21 243 ME +63 21 244 AR +63 21 245 ME +63 21 246 GE +63 21 247 ME +63 21 248 GI +63 21 249 GI +63 21 250 GI +63 21 251 AR +63 21 252 GI +63 21 253 KG +63 21 254 KG +63 21 255 GI +63 21 256 ME +63 21 257 GI +63 21 258 KA +63 21 259 GI +63 21 260 AR +63 21 261 GI +63 21 262 ME +63 21 263 GI +63 21 264 AR +63 21 265 GE +63 21 266 GI +63 21 267 KA +63 21 268 KG +63 21 269 ME +63 21 270 AR +63 21 271 GI +63 21 272 AR +63 21 273 GI +63 21 274 AR +63 21 275 AR +63 21 276 KA +63 21 277 GI +63 21 278 AR +63 21 279 GI +63 21 280 GI +63 21 281 KG +63 21 282 KG +63 21 283 GI +63 21 284 AR +63 21 285 AR +63 21 286 AR +63 21 287 GI +63 21 288 ME +63 21 289 KG +63 21 290 AR +63 21 291 GI +63 21 292 GI +63 21 293 GI +63 21 294 AR +63 21 295 KA +63 21 296 AR +63 21 297 KA +63 21 298 ME +63 21 299 GE +63 21 300 KA +63 21 301 KA +63 21 302 GI +63 21 303 GI +63 21 304 AR +63 21 305 GI +63 21 306 GE +63 21 307 GI +63 21 308 KA +63 21 309 GI +63 21 310 GI +63 21 311 KA +63 21 312 GI +63 21 313 GI +63 21 314 AR +63 21 315 ME +63 21 316 GI +63 21 317 BA +63 21 318 ME +63 21 319 ME +63 21 320 GI +63 21 321 ME +63 21 322 AR +63 21 323 GI +63 21 324 AR +63 21 325 ME +63 21 326 KG +63 21 327 KG +63 21 328 GI +63 21 329 GI +63 21 330 AR +63 22 1 MU +63 22 2 AR +63 22 3 ME +63 22 4 GI +63 22 5 BA +63 22 6 AR +63 22 7 GE +63 22 8 ME +63 22 9 GI +63 22 10 MU +63 22 11 MU +63 22 12 SE +63 22 13 GI +63 22 14 GI +63 22 15 AR +63 22 16 MU +63 22 17 ME +63 22 18 GI +63 22 19 MU +63 22 20 GE +63 22 21 ME +63 22 22 AR +63 22 23 GI +63 22 24 GI +63 22 25 MU +63 22 26 GA +63 22 27 AR +63 22 28 ME +63 22 29 MU +63 22 30 ME +63 22 31 AR +63 22 32 ME +63 22 33 GE +63 22 34 MU +63 22 35 ME +63 22 36 GI +63 22 37 BA +63 22 38 ME +63 22 39 GE +63 22 40 MU +63 22 41 ME +63 22 42 AR +63 22 43 MU +63 22 44 AR +63 22 45 MU +63 22 46 GI +63 22 47 GI +63 22 48 SE +63 22 49 MU +63 22 50 GI +63 22 51 GI +63 22 52 AR +63 22 53 ME +63 22 54 GE +63 22 55 MU +63 22 56 GA +63 22 57 ME +63 22 58 GI +63 22 59 BA +63 22 60 GI +63 22 61 ME +63 22 62 AR +63 22 63 ME +63 22 64 MU +63 22 65 ME +63 22 66 AR +63 22 67 GE +63 22 68 ME +63 22 69 GI +63 22 70 AR +63 22 71 ME +63 22 72 GI +63 22 73 GI +63 22 74 BA +63 22 75 MU +63 22 76 ME +63 22 77 GA +63 22 78 AR +63 22 79 GI +63 22 80 ME +63 22 81 BA +63 22 82 ME +63 22 83 AR +63 22 84 ME +63 22 85 AR +63 22 86 ME +63 22 87 GI +63 22 88 ME +63 22 89 GI +63 22 90 GI +63 22 91 SE +63 22 92 AR +63 22 93 MU +63 22 94 GI +63 22 95 AR +63 22 96 SE +63 22 97 MU +63 22 98 ME +63 22 99 AR +63 22 100 MU +63 22 101 ME +63 22 102 GI +63 22 103 BA +63 22 104 MU +63 22 105 GI +63 22 106 AR +63 22 107 ME +63 22 108 BA +63 22 109 GA +63 22 110 PN +63 22 111 GI +63 22 112 ME +63 22 113 GI +63 22 114 ME +63 22 115 BA +63 22 116 AR +63 22 117 GI +63 22 118 AR +63 22 119 MU +63 22 120 AR +63 22 121 ME +63 22 122 GE +63 22 123 GI +63 22 124 AR +63 22 125 ME +63 22 126 AR +63 22 127 GI +63 22 128 SE +63 22 129 AR +63 22 130 GI +63 22 131 AR +63 22 132 ME +63 22 133 BA +63 22 134 GI +63 22 135 PN +63 22 136 GI +63 22 137 BA +63 22 138 AR +63 22 139 ME +63 22 140 MU +63 22 141 AR +63 22 142 GI +63 22 143 SE +63 22 144 GI +63 22 145 MU +63 22 146 SE +63 22 147 MU +63 22 148 ME +63 22 149 GE +63 22 150 GI +63 22 151 BA +63 22 152 ME +63 22 153 BA +63 22 154 GI +63 22 155 GI +63 22 156 MU +63 22 157 GI +63 22 158 AR +63 22 159 ME +63 22 160 BA +63 22 161 GI +63 22 162 ME +63 22 163 GI +63 22 164 MU +63 22 165 GI +63 22 166 MU +63 22 167 AR +63 22 168 GI +63 22 169 BA +63 22 170 GI +63 22 171 GE +63 22 172 AR +63 22 173 ME +63 22 174 SE +63 22 175 AR +63 22 176 ME +63 22 177 AR +63 22 178 MU +63 22 179 GA +63 22 180 MU +63 22 181 GI +63 22 182 BA +63 22 183 SE +63 22 184 GE +63 22 185 MU +63 22 186 GA +63 22 187 SE +63 22 188 MU +63 22 189 ME +63 22 190 PN +63 22 191 ME +63 22 192 AR +63 22 193 SE +63 22 194 GI +63 22 195 ME +63 22 196 AR +63 22 197 BA +63 22 198 GI +63 22 199 AR +63 22 200 MU +63 22 201 SE +63 22 202 MU +63 22 203 ME +63 22 204 GI +63 22 205 MU +63 22 206 AR +63 22 207 ME +63 22 208 GI +63 22 209 MU +63 22 210 AR +63 22 211 SE +63 22 212 ME +63 22 213 BA +63 22 214 SE +63 22 215 AR +63 22 216 GI +63 22 217 ME +63 22 218 GE +63 22 219 AR +63 22 220 MU +63 22 221 ME +63 22 222 SE +63 22 223 GA +63 22 224 AR +63 22 225 GI +63 22 226 BA +63 22 227 GI +63 22 228 AR +63 22 229 ME +63 22 230 AR +63 22 231 ME +63 22 232 GI +63 22 233 BA +63 22 234 MU +63 22 235 GA +63 22 236 GE +63 22 237 AR +63 22 238 MU +63 22 239 ME +63 22 240 GI +63 22 241 AR +63 22 242 BA +63 22 243 GI +63 22 244 SE +63 22 245 ME +63 22 246 MU +63 22 247 AR +63 22 248 GI +63 22 249 BA +63 22 250 GE +63 22 251 AR +63 22 252 AR +63 22 253 GA +63 22 254 GI +63 22 255 BA +63 22 256 ME +63 22 257 GA +63 22 258 SE +63 22 259 ME +63 22 260 AR +63 22 261 ME +63 22 262 AR +63 22 263 GI +63 22 264 AR +63 22 265 GE +63 22 266 ME +63 22 267 GI +63 22 268 BA +63 22 269 ME +63 22 270 AR +63 22 271 GI +63 22 272 AR +63 22 273 ME +63 22 274 AR +63 22 275 SE +63 22 276 ME +63 22 277 GI +63 22 278 AR +63 22 279 GA +63 22 280 GE +63 22 281 MU +63 22 282 GE +63 22 283 GI +63 22 284 AR +63 22 285 ME +63 22 286 AR +63 22 287 GI +63 22 288 ME +63 22 289 MU +63 22 290 AR +63 22 291 MU +63 22 292 ME +63 22 293 GI +63 22 294 BA +63 22 295 GI +63 22 296 GE +63 22 297 SE +63 22 298 MU +63 22 299 GE +63 22 300 AR +63 22 301 MU +63 22 302 AR +63 22 303 ME +63 22 304 GI +63 22 305 BA +63 22 306 GE +63 22 307 MU +63 22 308 ME +63 22 309 GI +63 22 310 MU +63 22 311 GA +63 22 312 GI +63 22 313 MU +63 22 314 AR +63 22 315 GE +63 22 316 GA +63 22 317 ME +63 22 318 KK +63 22 319 AR +63 22 320 BA +63 22 321 ME +63 22 322 AR +63 22 323 GA +63 22 324 AR +63 22 325 MU +63 22 326 GE +63 22 327 AR +63 22 328 GI +63 22 329 BA +63 22 330 AR +63 23 1 MU +63 23 2 GE +63 23 3 ME +63 23 4 GI +63 23 5 GE +63 23 6 AR +63 23 7 GE +63 23 8 ME +63 23 9 ME +63 23 10 GI +63 23 11 GI +63 23 12 AR +63 23 13 GI +63 23 14 GI +63 23 15 AR +63 23 16 AR +63 23 17 ME +63 23 18 AR +63 23 19 MU +63 23 20 GE +63 23 21 ME +63 23 22 AR +63 23 23 AR +63 23 24 GI +63 23 25 MU +63 23 26 MU +63 23 27 AR +63 23 28 ME +63 23 29 GE +63 23 30 ME +63 23 31 AR +63 23 32 ME +63 23 33 GE +63 23 34 MU +63 23 35 ME +63 23 36 GI +63 23 37 MU +63 23 38 ME +63 23 39 GE +63 23 40 MU +63 23 41 ME +63 23 42 GE +63 23 43 GI +63 23 44 AR +63 23 45 MU +63 23 46 GI +63 23 47 GI +63 23 48 AR +63 23 49 MU +63 23 50 GI +63 23 51 GI +63 23 52 AR +63 23 53 ME +63 23 54 MU +63 23 55 MU +63 23 56 ME +63 23 57 GE +63 23 58 AR +63 23 59 AR +63 23 60 GI +63 23 61 ME +63 23 62 AR +63 23 63 ME +63 23 64 MU +63 23 65 ME +63 23 66 AR +63 23 67 MU +63 23 68 ME +63 23 69 AR +63 23 70 AR +63 23 71 ME +63 23 72 MU +63 23 73 AR +63 23 74 AR +63 23 75 GI +63 23 76 ME +63 23 77 MU +63 23 78 ME +63 23 79 AR +63 23 80 MU +63 23 81 GE +63 23 82 GE +63 23 83 AR +63 23 84 ME +63 23 85 GE +63 23 86 ME +63 23 87 GI +63 23 88 ME +63 23 89 GI +63 23 90 GI +63 23 91 GE +63 23 92 AR +63 23 93 MU +63 23 94 GI +63 23 95 AR +63 23 96 AR +63 23 97 GI +63 23 98 ME +63 23 99 AR +63 23 100 GI +63 23 101 ME +63 23 102 AR +63 23 103 GI +63 23 104 MU +63 23 105 ME +63 23 106 AR +63 23 107 AR +63 23 108 AR +63 23 109 GI +63 23 110 AR +63 23 111 GI +63 23 112 ME +63 23 113 AR +63 23 114 GI +63 23 115 ME +63 23 116 AR +63 23 117 GI +63 23 118 ME +63 23 119 GE +63 23 120 AR +63 23 121 ME +63 23 122 GE +63 23 123 MU +63 23 124 AR +63 23 125 ME +63 23 126 ME +63 23 127 GI +63 23 128 AR +63 23 129 AR +63 23 130 GI +63 23 131 AR +63 23 132 ME +63 23 133 MU +63 23 134 AR +63 23 135 ME +63 23 136 GE +63 23 137 AR +63 23 138 MU +63 23 139 AR +63 23 140 MU +63 23 141 AR +63 23 142 AR +63 23 143 GE +63 23 144 GI +63 23 145 GE +63 23 146 AR +63 23 147 GE +63 23 148 ME +63 23 149 GE +63 23 150 GI +63 23 151 ME +63 23 152 AR +63 23 153 MU +63 23 154 AR +63 23 155 GI +63 23 156 MU +63 23 157 AR +63 23 158 AR +63 23 159 ME +63 23 160 ME +63 23 161 GE +63 23 162 ME +63 23 163 MU +63 23 164 MU +63 23 165 AR +63 23 166 GI +63 23 167 AR +63 23 168 MU +63 23 169 MU +63 23 170 GI +63 23 171 GE +63 23 172 AR +63 23 173 ME +63 23 174 AR +63 23 175 MU +63 23 176 ME +63 23 177 AR +63 23 178 MU +63 23 179 AR +63 23 180 MU +63 23 181 AR +63 23 182 ME +63 23 183 AR +63 23 184 GI +63 23 185 AR +63 23 186 MU +63 23 187 AR +63 23 188 MU +63 23 189 AR +63 23 190 ME +63 23 191 MU +63 23 192 AR +63 23 193 AR +63 23 194 GI +63 23 195 MU +63 23 196 MU +63 23 197 AR +63 23 198 GI +63 23 199 AR +63 23 200 MU +63 23 201 ME +63 23 202 MU +63 23 203 ME +63 23 204 GI +63 23 205 GI +63 23 206 AR +63 23 207 ME +63 23 208 AR +63 23 209 MU +63 23 210 AR +63 23 211 MU +63 23 212 ME +63 23 213 AR +63 23 214 GE +63 23 215 ME +63 23 216 GI +63 23 217 ME +63 23 218 GE +63 23 219 AR +63 23 220 GI +63 23 221 AR +63 23 222 GI +63 23 223 MU +63 23 224 AR +63 23 225 GE +63 23 226 GI +63 23 227 GI +63 23 228 GI +63 23 229 MU +63 23 230 AR +63 23 231 ME +63 23 232 GI +63 23 233 MU +63 23 234 MU +63 23 235 GI +63 23 236 GI +63 23 237 ME +63 23 238 GI +63 23 239 ME +63 23 240 ME +63 23 241 AR +63 23 242 AR +63 23 243 ME +63 23 244 AR +63 23 245 ME +63 23 246 MU +63 23 247 AR +63 23 248 GI +63 23 249 GI +63 23 250 AR +63 23 251 GE +63 23 252 AR +63 23 253 GE +63 23 254 MU +63 23 255 GI +63 23 256 ME +63 23 257 GI +63 23 258 GE +63 23 259 ME +63 23 260 AR +63 23 261 ME +63 23 262 AR +63 23 263 AR +63 23 264 AR +63 23 265 GI +63 23 266 AR +63 23 267 AR +63 23 268 MU +63 23 269 ME +63 23 270 AR +63 23 271 GI +63 23 272 AR +63 23 273 AR +63 23 274 AR +63 23 275 GE +63 23 276 ME +63 23 277 MU +63 23 278 ME +63 23 279 GI +63 23 280 GE +63 23 281 GE +63 23 282 GE +63 23 283 AR +63 23 284 AR +63 23 285 ME +63 23 286 AR +63 23 287 AR +63 23 288 ME +63 23 289 MU +63 23 290 AR +63 23 291 MU +63 23 292 ME +63 23 293 AR +63 23 294 AR +63 23 295 MU +63 23 296 MU +63 23 297 AR +63 23 298 ME +63 23 299 MU +63 23 300 AR +63 23 301 MU +63 23 302 AR +63 23 303 AR +63 23 304 MU +63 23 305 AR +63 23 306 AR +63 23 307 GI +63 23 308 AR +63 23 309 GI +63 23 310 MU +63 23 311 MU +63 23 312 GI +63 23 313 GI +63 23 314 AR +63 23 315 GE +63 23 316 GI +63 23 317 AR +63 23 318 ME +63 23 319 AR +63 23 320 AR +63 23 321 ME +63 23 322 MU +63 23 323 GE +63 23 324 AR +63 23 325 ME +63 23 326 AR +63 23 327 AR +63 23 328 MU +63 23 329 AR +63 23 330 AR +63 24 1 MU +63 24 2 PE +63 24 3 ME +63 24 4 MU +63 24 5 GE +63 24 6 AR +63 24 7 GE +63 24 8 MA +63 24 9 RG +63 24 10 MU +63 24 11 AR +63 24 12 SE +63 24 13 GI +63 24 14 BO +63 24 15 ME +63 24 16 AR +63 24 17 ME +63 24 18 MN +63 24 19 GI +63 24 20 GE +63 24 21 ME +63 24 22 SE +63 24 23 BI +63 24 24 MN +63 24 25 GE +63 24 26 MU +63 24 27 AR +63 24 28 ME +63 24 29 GE +63 24 30 RD +63 24 31 AR +63 24 32 BI +63 24 33 GE +63 24 34 MU +63 24 35 ME +63 24 36 GE +63 24 37 MU +63 24 38 ME +63 24 39 GE +63 24 40 GE +63 24 41 ME +63 24 42 SE +63 24 43 MU +63 24 44 AR +63 24 45 GE +63 24 46 GI +63 24 47 GI +63 24 48 SE +63 24 49 AR +63 24 50 BI +63 24 51 GI +63 24 52 AR +63 24 53 BI +63 24 54 GE +63 24 55 GE +63 24 56 AR +63 24 57 GI +63 24 58 PE +63 24 59 PE +63 24 60 GI +63 24 61 MU +63 24 62 GI +63 24 63 AR +63 24 64 MU +63 24 65 ME +63 24 66 AR +63 24 67 GE +63 24 68 ME +63 24 69 GI +63 24 70 PE +63 24 71 ME +63 24 72 GE +63 24 73 BI +63 24 74 PE +63 24 75 GI +63 24 76 BA +63 24 77 MU +63 24 78 AR +63 24 79 PE +63 24 80 GI +63 24 81 GE +63 24 82 AR +63 24 83 PE +63 24 84 AR +63 24 85 GE +63 24 86 PE +63 24 87 GI +63 24 88 BI +63 24 89 GI +63 24 90 GI +63 24 91 GE +63 24 92 AR +63 24 93 MU +63 24 94 GI +63 24 95 AR +63 24 96 SE +63 24 97 BI +63 24 98 ME +63 24 99 AR +63 24 100 GE +63 24 101 BI +63 24 102 AR +63 24 103 GE +63 24 104 AR +63 24 105 PE +63 24 106 SE +63 24 107 PE +63 24 108 PE +63 24 109 GI +63 24 110 PE +63 24 111 GI +63 24 112 ME +63 24 113 PE +63 24 114 GI +63 24 115 BI +63 24 116 AR +63 24 117 GI +63 24 118 ME +63 24 119 GE +63 24 120 AR +63 24 121 ME +63 24 122 GE +63 24 123 PE +63 24 124 SE +63 24 125 ME +63 24 126 PE +63 24 127 GI +63 24 128 SE +63 24 129 PE +63 24 130 GI +63 24 131 BI +63 24 132 GE +63 24 133 GI +63 24 134 BA +63 24 135 BA +63 24 136 GI +63 24 137 GE +63 24 138 GE +63 24 139 GE +63 24 140 PE +63 24 141 AR +63 24 142 AR +63 24 143 GE +63 24 144 GI +63 24 145 AR +63 24 146 SE +63 24 147 GE +63 24 148 ME +63 24 149 GE +63 24 150 GE +63 24 151 GE +63 24 152 PE +63 24 153 GE +63 24 154 GI +63 24 155 GI +63 24 156 BA +63 24 157 BA +63 24 158 BA +63 24 159 AR +63 24 160 AR +63 24 161 AR +63 24 162 ME +63 24 163 MN +63 24 164 MU +63 24 165 GE +63 24 166 MU +63 24 167 PE +63 24 168 GE +63 24 169 GE +63 24 170 GI +63 24 171 GE +63 24 172 AR +63 24 173 ME +63 24 174 SE +63 24 175 GE +63 24 176 ME +63 24 177 ME +63 24 178 GI +63 24 179 AR +63 24 180 ME +63 24 181 GE +63 24 182 MU +63 24 183 PE +63 24 184 MU +63 24 185 ME +63 24 186 GE +63 24 187 PE +63 24 188 GI +63 24 189 GE +63 24 190 MU +63 24 191 MU +63 24 192 MU +63 24 193 GE +63 24 194 BI +63 24 195 GE +63 24 196 GI +63 24 197 ME +63 24 198 GI +63 24 199 BA +63 24 200 BA +63 24 201 ME +63 24 202 GE +63 24 203 PE +63 24 204 GI +63 24 205 MU +63 24 206 PE +63 24 207 ME +63 24 208 AR +63 24 209 PE +63 24 210 GI +63 24 211 BA +63 24 212 BA +63 24 213 BA +63 24 214 SE +63 24 215 BA +63 24 216 GI +63 24 217 GI +63 24 218 SE +63 24 219 PE +63 24 220 MU +63 24 221 AR +63 24 222 MU +63 24 223 GE +63 24 224 BA +63 24 225 SE +63 24 226 GI +63 24 227 GI +63 24 228 GI +63 24 229 BA +63 24 230 BA +63 24 231 ME +63 24 232 GI +63 24 233 ME +63 24 234 GI +63 24 235 BA +63 24 236 GE +63 24 237 GI +63 24 238 MU +63 24 239 ME +63 24 240 ME +63 24 241 PE +63 24 242 PE +63 24 243 ME +63 24 244 AR +63 24 245 BA +63 24 246 GI +63 24 247 BA +63 24 248 GI +63 24 249 GE +63 24 250 GI +63 24 251 GI +63 24 252 BA +63 24 253 BA +63 24 254 GE +63 24 255 GI +63 24 256 ME +63 24 257 GI +63 24 258 GE +63 24 259 GE +63 24 260 GI +63 24 261 PE +63 24 262 PE +63 24 263 PE +63 24 264 GE +63 24 265 GE +63 24 266 GE +63 24 267 BI +63 24 268 GE +63 24 269 GE +63 24 270 GI +63 24 271 GI +63 24 272 BA +63 24 273 BA +63 24 274 BA +63 24 275 GE +63 24 276 BA +63 24 277 GI +63 24 278 AR +63 24 279 PE +63 24 280 GE +63 24 281 GE +63 24 282 GE +63 24 283 GI +63 24 284 PE +63 24 285 PE +63 24 286 GE +63 24 287 GI +63 24 288 PE +63 24 289 GE +63 24 290 AR +63 24 291 BI +63 24 292 PE +63 24 293 PE +63 24 294 BA +63 24 295 BA +63 24 296 ME +63 24 297 AR +63 24 298 ME +63 24 299 GI +63 24 300 AR +63 24 301 GI +63 24 302 AR +63 24 303 AR +63 24 304 GI +63 24 305 BI +63 24 306 BI +63 24 307 PE +63 24 308 PE +63 24 309 PE +63 24 310 GE +63 24 311 PE +63 24 312 GE +63 24 313 GI +63 24 314 BA +63 24 315 GE +63 24 316 BA +63 24 317 ME +63 24 318 GI +63 24 319 GE +63 24 320 AR +63 24 321 ME +63 24 322 GE +63 24 323 PE +63 24 324 GI +63 24 325 BA +63 24 326 BA +63 24 327 PE +63 24 328 GE +63 24 329 AR +63 24 330 AR +63 25 1 MU +63 25 2 AR +63 25 3 ME +63 25 4 BA +63 25 5 MU +63 25 6 AR +63 25 7 SE +63 25 8 ME +63 25 9 BA +63 25 10 MU +63 25 11 GI +63 25 12 SE +63 25 13 GI +63 25 14 GI +63 25 15 AR +63 25 16 AR +63 25 17 ME +63 25 18 GI +63 25 19 MU +63 25 20 SE +63 25 21 ME +63 25 22 AR +63 25 23 ME +63 25 24 GI +63 25 25 MU +63 25 26 MU +63 25 27 BA +63 25 28 ME +63 25 29 SE +63 25 30 AR +63 25 31 AR +63 25 32 ME +63 25 33 SE +63 25 34 MU +63 25 35 KL +63 25 36 MU +63 25 37 MU +63 25 38 SE +63 25 39 SE +63 25 40 MU +63 25 41 KL +63 25 42 SE +63 25 43 MU +63 25 44 AR +63 25 45 MU +63 25 46 GI +63 25 47 BA +63 25 48 SE +63 25 49 MU +63 25 50 SE +63 25 51 ME +63 25 52 BA +63 25 53 ME +63 25 54 SE +63 25 55 MU +63 25 56 KL +63 25 57 MU +63 25 58 BA +63 25 59 SA +63 25 60 MU +63 25 61 KL +63 25 62 SE +63 25 63 KL +63 25 64 MU +63 25 65 SE +63 25 66 AR +63 25 67 MU +63 25 68 SE +63 25 69 GI +63 25 70 AR +63 25 71 KL +63 25 72 MU +63 25 73 SE +63 25 74 BA +63 25 75 GI +63 25 76 ME +63 25 77 MU +63 25 78 AR +63 25 79 GI +63 25 80 MU +63 25 81 SE +63 25 82 MU +63 25 83 AR +63 25 84 KL +63 25 85 MU +63 25 86 SE +63 25 87 GI +63 25 88 SE +63 25 89 GI +63 25 90 GI +63 25 91 SE +63 25 92 BA +63 25 93 MU +63 25 94 GI +63 25 95 AR +63 25 96 SE +63 25 97 MU +63 25 98 KL +63 25 99 AR +63 25 100 MU +63 25 101 SE +63 25 102 AR +63 25 103 GI +63 25 104 MU +63 25 105 SE +63 25 106 SE +63 25 107 AR +63 25 108 AR +63 25 109 MU +63 25 110 SE +63 25 111 GI +63 25 112 ME +63 25 113 GI +63 25 114 MU +63 25 115 KL +63 25 116 AR +63 25 117 GI +63 25 118 AR +63 25 119 MU +63 25 120 AR +63 25 121 KL +63 25 122 MU +63 25 123 MU +63 25 124 SE +63 25 125 KL +63 25 126 KL +63 25 127 GI +63 25 128 SE +63 25 129 AR +63 25 130 GI +63 25 131 SE +63 25 132 ME +63 25 133 GI +63 25 134 GI +63 25 135 SE +63 25 136 MU +63 25 137 MU +63 25 138 MU +63 25 139 BA +63 25 140 MU +63 25 141 AR +63 25 142 AR +63 25 143 SE +63 25 144 MU +63 25 145 MU +63 25 146 BA +63 25 147 MU +63 25 148 KL +63 25 149 SE +63 25 150 MU +63 25 151 AR +63 25 152 AR +63 25 153 MU +63 25 154 GI +63 25 155 BA +63 25 156 MU +63 25 157 GI +63 25 158 BA +63 25 159 SE +63 25 160 BA +63 25 161 SE +63 25 162 KL +63 25 163 MU +63 25 164 MU +63 25 165 BA +63 25 166 GI +63 25 167 BA +63 25 168 MU +63 25 169 MU +63 25 170 GI +63 25 171 BA +63 25 172 AR +63 25 173 KL +63 25 174 AR +63 25 175 MU +63 25 176 KL +63 25 177 BA +63 25 178 MU +63 25 179 AR +63 25 180 MU +63 25 181 BA +63 25 182 GI +63 25 183 SE +63 25 184 SE +63 25 185 BA +63 25 186 MU +63 25 187 KL +63 25 188 MU +63 25 189 BA +63 25 190 SE +63 25 191 MU +63 25 192 SE +63 25 193 KK +63 25 194 GI +63 25 195 BA +63 25 196 MU +63 25 197 SE +63 25 198 GI +63 25 199 AR +63 25 200 MU +63 25 201 SE +63 25 202 AR +63 25 203 AR +63 25 204 GI +63 25 205 MU +63 25 206 SE +63 25 207 KL +63 25 208 BA +63 25 209 MU +63 25 210 GI +63 25 211 MU +63 25 212 SE +63 25 213 BA +63 25 214 SE +63 25 215 SE +63 25 216 GI +63 25 217 BA +63 25 218 BA +63 25 219 AR +63 25 220 MU +63 25 221 BA +63 25 222 SE +63 25 223 MU +63 25 224 AR +63 25 225 BA +63 25 226 MU +63 25 227 GI +63 25 228 BA +63 25 229 GI +63 25 230 AR +63 25 231 SE +63 25 232 GI +63 25 233 MU +63 25 234 MU +63 25 235 MU +63 25 236 SE +63 25 237 AR +63 25 238 MU +63 25 239 KL +63 25 240 GI +63 25 241 BA +63 25 242 SE +63 25 243 MU +63 25 244 AR +63 25 245 KL +63 25 246 MU +63 25 247 SE +63 25 248 GI +63 25 249 BA +63 25 250 SE +63 25 251 AR +63 25 252 BA +63 25 253 MU +63 25 254 SE +63 25 255 GI +63 25 256 KL +63 25 257 MU +63 25 258 BA +63 25 259 KL +63 25 260 AR +63 25 261 ME +63 25 262 AR +63 25 263 AR +63 25 264 SA +63 25 265 SE +63 25 266 KL +63 25 267 SE +63 25 268 MU +63 25 269 KL +63 25 270 BA +63 25 271 GI +63 25 272 SA +63 25 273 SE +63 25 274 AR +63 25 275 SE +63 25 276 SE +63 25 277 MU +63 25 278 KK +63 25 279 MU +63 25 280 SE +63 25 281 SE +63 25 282 SE +63 25 283 GI +63 25 284 AR +63 25 285 SE +63 25 286 BA +63 25 287 GI +63 25 288 KL +63 25 289 MU +63 25 290 AR +63 25 291 MU +63 25 292 SE +63 25 293 BA +63 25 294 BA +63 25 295 GI +63 25 296 SE +63 25 297 KK +63 25 298 KL +63 25 299 MU +63 25 300 AR +63 25 301 MU +63 25 302 AR +63 25 303 AR +63 25 304 BA +63 25 305 GI +63 25 306 AR +63 25 307 MU +63 25 308 BA +63 25 309 GI +63 25 310 MU +63 25 311 MU +63 25 312 GI +63 25 313 BA +63 25 314 BA +63 25 315 MU +63 25 316 MU +63 25 317 SE +63 25 318 KL +63 25 319 AR +63 25 320 GI +63 25 321 KL +63 25 322 MU +63 25 323 GI +63 25 324 BA +63 25 325 MU +63 25 326 KK +63 25 327 BA +63 25 328 GI +63 25 329 GI +63 25 330 BA +64 1 1 T +64 1 2 N +64 1 3 I +64 1 4 I +64 1 5 Y +64 1 6 T +64 1 7 Y +64 1 8 U +64 1 9 A +64 1 10 T +64 1 11 M +64 1 12 K +64 1 13 M +64 1 14 T +64 1 15 P +64 1 16 P +64 1 17 I +64 1 18 M +64 1 19 N +64 1 20 Y +64 1 21 I +64 1 22 W +64 1 23 T +64 1 24 M +64 1 25 Y +64 1 26 T +64 1 27 P +64 1 28 I +64 1 29 Y +64 1 30 A +64 1 31 W +64 1 32 I +64 1 33 Y +64 1 34 MU +64 1 35 U +64 1 36 Y +64 1 37 N +64 1 38 I +64 1 39 Y +64 1 40 Y +64 1 41 I +64 1 42 K +64 1 43 MU +64 1 44 P +64 1 45 Y +64 1 46 KP +64 1 47 M +64 1 48 A +64 1 49 N +64 1 50 I +64 1 51 A +64 1 52 P +64 1 53 I +64 1 54 Y +64 1 55 N +64 1 56 W +64 1 57 T +64 1 58 K +64 1 59 W +64 1 60 M +64 1 61 I +64 1 62 I +64 1 63 U +64 1 64 MU +64 1 65 I +64 1 66 P +64 1 67 Y +64 1 68 U +64 1 69 A +64 1 70 W +64 1 71 M +64 1 72 Y +64 1 73 I +64 1 74 N +64 1 75 M +64 1 76 A +64 1 77 Y +64 1 78 I +64 1 79 M +64 1 80 MU +64 1 81 Y +64 1 82 Y +64 1 83 P +64 1 84 U +64 1 85 Y +64 1 86 I +64 1 87 M +64 1 88 I +64 1 89 M +64 1 90 M +64 1 91 Y +64 1 92 P +64 1 93 MU +64 1 94 M +64 1 95 P +64 1 96 K +64 1 97 I +64 1 98 I +64 1 99 W +64 1 100 Y +64 1 101 I +64 1 102 N +64 1 103 A +64 1 104 N +64 1 105 I +64 1 106 P +64 1 107 KP +64 1 108 W +64 1 109 MU +64 1 110 K +64 1 111 A +64 1 112 I +64 1 113 M +64 1 114 M +64 1 115 I +64 1 116 N +64 1 117 M +64 1 118 A +64 1 119 Y +64 1 120 KP +64 1 121 I +64 1 122 Y +64 1 123 MU +64 1 124 Y +64 1 125 I +64 1 126 A +64 1 127 M +64 1 128 Y +64 1 129 P +64 1 130 M +64 1 131 I +64 1 132 A +64 1 133 Y +64 1 134 A +64 1 135 I +64 1 136 Y +64 1 137 Y +64 1 138 N +64 1 139 P +64 1 140 KP +64 1 141 W +64 1 142 P +64 1 143 Y +64 1 144 I +64 1 145 Y +64 1 146 K +64 1 147 Y +64 1 148 I +64 1 149 Y +64 1 150 I +64 1 151 A +64 1 152 I +64 1 153 MU +64 1 154 KP +64 1 155 A +64 1 156 Y +64 1 157 A +64 1 158 W +64 1 159 A +64 1 160 I +64 1 161 Y +64 1 162 I +64 1 163 Y +64 1 164 MU +64 1 165 Y +64 1 166 M +64 1 167 I +64 1 168 Y +64 1 169 N +64 1 170 M +64 1 171 Y +64 1 172 P +64 1 173 I +64 1 174 K +64 1 175 P +64 1 176 I +64 1 177 K +64 1 178 MU +64 1 179 I +64 1 180 Y +64 1 181 K +64 1 182 M +64 1 183 A +64 1 184 I +64 1 185 A +64 1 186 N +64 1 187 K +64 1 188 N +64 1 189 P +64 1 190 I +64 1 191 Y +64 1 192 I +64 1 193 Y +64 1 194 I +64 1 195 Y +64 1 196 Y +64 1 197 I +64 1 198 M +64 1 199 P +64 1 200 N +64 1 201 A +64 1 202 Y +64 1 203 I +64 1 204 M +64 1 205 I +64 1 206 W +64 1 207 I +64 1 208 K +64 1 209 Y +64 1 210 I +64 1 211 N +64 1 212 K +64 1 213 I +64 1 214 Y +64 1 215 I +64 1 216 M +64 1 217 I +64 1 218 Y +64 1 219 W +64 1 220 I +64 1 221 W +64 1 222 I +64 1 223 Y +64 1 224 W +64 1 225 Y +64 1 226 M +64 1 227 M +64 1 228 MU +64 1 229 Y +64 1 230 A +64 1 231 I +64 1 232 Y +64 1 233 N +64 1 234 Y +64 1 235 N +64 1 236 Y +64 1 237 A +64 1 238 Y +64 1 239 I +64 1 240 A +64 1 241 W +64 1 242 K +64 1 243 I +64 1 244 W +64 1 245 I +64 1 246 Y +64 1 247 I +64 1 248 Y +64 1 249 Y +64 1 250 I +64 1 251 Y +64 1 252 W +64 1 253 Y +64 1 254 N +64 1 255 M +64 1 256 I +64 1 257 T +64 1 258 Y +64 1 259 I +64 1 260 K +64 1 261 A +64 1 262 W +64 1 263 W +64 1 264 N +64 1 265 Y +64 1 266 A +64 1 267 I +64 1 268 Y +64 1 269 I +64 1 270 A +64 1 271 Y +64 1 272 W +64 1 273 I +64 1 274 I +64 1 275 Y +64 1 276 I +64 1 277 MU +64 1 278 I +64 1 279 M +64 1 280 Y +64 1 281 Y +64 1 282 Y +64 1 283 A +64 1 284 W +64 1 285 M +64 1 286 W +64 1 287 A +64 1 288 I +64 1 289 Y +64 1 290 W +64 1 291 N +64 1 292 I +64 1 293 W +64 1 294 W +64 1 295 A +64 1 296 I +64 1 297 K +64 1 298 I +64 1 299 Y +64 1 300 W +64 1 301 Y +64 1 302 K +64 1 303 N +64 1 304 Y +64 1 305 I +64 1 306 Y +64 1 307 N +64 1 308 I +64 1 309 M +64 1 310 Y +64 1 311 N +64 1 312 M +64 1 313 I +64 1 314 W +64 1 315 Y +64 1 316 Y +64 1 317 I +64 1 318 A +64 1 319 W +64 1 320 Y +64 1 321 I +64 1 322 N +64 1 323 Y +64 1 324 W +64 1 325 I +64 1 326 K +64 1 327 W +64 1 328 Y +64 1 329 A +64 1 330 W +64 2 1 M +64 2 2 Y +64 2 3 I +64 2 4 M +64 2 5 Y +64 2 6 P +64 2 7 Y +64 2 8 I +64 2 9 P +64 2 10 M +64 2 11 M +64 2 12 Y +64 2 13 M +64 2 14 M +64 2 15 P +64 2 16 P +64 2 17 I +64 2 18 M +64 2 19 M +64 2 20 Y +64 2 21 I +64 2 22 P +64 2 23 I +64 2 24 M +64 2 25 M +64 2 26 M +64 2 27 P +64 2 28 I +64 2 29 Y +64 2 30 P +64 2 31 P +64 2 32 I +64 2 33 Y +64 2 34 M +64 2 35 I +64 2 36 M +64 2 37 M +64 2 38 I +64 2 39 Y +64 2 40 M +64 2 41 I +64 2 42 Y +64 2 43 M +64 2 44 P +64 2 45 Y +64 2 46 M +64 2 47 M +64 2 48 P +64 2 49 Y +64 2 50 M +64 2 51 M +64 2 52 P +64 2 53 I +64 2 54 Y +64 2 55 Y +64 2 56 P +64 2 57 M +64 2 58 P +64 2 59 P +64 2 60 I +64 2 61 M +64 2 62 I +64 2 63 I +64 2 64 M +64 2 65 I +64 2 66 P +64 2 67 Y +64 2 68 I +64 2 69 M +64 2 70 P +64 2 71 I +64 2 72 M +64 2 73 I +64 2 74 P +64 2 75 M +64 2 76 I +64 2 77 M +64 2 78 P +64 2 79 M +64 2 80 M +64 2 81 Y +64 2 82 Y +64 2 83 P +64 2 84 P +64 2 85 Y +64 2 86 M +64 2 87 I +64 2 88 I +64 2 89 M +64 2 90 M +64 2 91 Y +64 2 92 P +64 2 93 M +64 2 94 M +64 2 95 P +64 2 96 WA +64 2 97 I +64 2 98 I +64 2 99 I +64 2 100 P +64 2 101 I +64 2 102 I +64 2 103 M +64 2 104 M +64 2 105 I +64 2 106 Y +64 2 107 P +64 2 108 P +64 2 109 M +64 2 110 P +64 2 111 M +64 2 112 I +64 2 113 M +64 2 114 M +64 2 115 I +64 2 116 P +64 2 117 M +64 2 118 I +64 2 119 Y +64 2 120 P +64 2 121 I +64 2 122 M +64 2 123 M +64 2 124 Y +64 2 125 I +64 2 126 I +64 2 127 M +64 2 128 Y +64 2 129 P +64 2 130 M +64 2 131 I +64 2 132 I +64 2 133 M +64 2 134 I +64 2 135 I +64 2 136 WA +64 2 137 M +64 2 138 M +64 2 139 I +64 2 140 M +64 2 141 P +64 2 142 P +64 2 143 Y +64 2 144 M +64 2 145 WA +64 2 146 P +64 2 147 M +64 2 148 I +64 2 149 Y +64 2 150 M +64 2 151 P +64 2 152 I +64 2 153 M +64 2 154 M +64 2 155 M +64 2 156 M +64 2 157 I +64 2 158 P +64 2 159 P +64 2 160 P +64 2 161 Y +64 2 162 I +64 2 163 M +64 2 164 M +64 2 165 M +64 2 166 M +64 2 167 I +64 2 168 M +64 2 169 M +64 2 170 M +64 2 171 WA +64 2 172 P +64 2 173 I +64 2 174 WA +64 2 175 P +64 2 176 I +64 2 177 WA +64 2 178 M +64 2 179 M +64 2 180 WA +64 2 181 WA +64 2 182 I +64 2 183 M +64 2 184 I +64 2 185 I +64 2 186 M +64 2 187 WA +64 2 188 M +64 2 189 M +64 2 190 I +64 2 191 M +64 2 192 I +64 2 193 WA +64 2 194 M +64 2 195 WA +64 2 196 WA +64 2 197 I +64 2 198 M +64 2 199 P +64 2 200 M +64 2 201 I +64 2 202 Y +64 2 203 I +64 2 204 M +64 2 205 I +64 2 206 P +64 2 207 I +64 2 208 P +64 2 209 M +64 2 210 I +64 2 211 M +64 2 212 WA +64 2 213 M +64 2 214 WA +64 2 215 I +64 2 216 M +64 2 217 I +64 2 218 WA +64 2 219 P +64 2 220 M +64 2 221 P +64 2 222 I +64 2 223 M +64 2 224 P +64 2 225 M +64 2 226 M +64 2 227 M +64 2 228 M +64 2 229 WA +64 2 230 P +64 2 231 I +64 2 232 M +64 2 233 M +64 2 234 M +64 2 235 M +64 2 236 WA +64 2 237 P +64 2 238 M +64 2 239 I +64 2 240 M +64 2 241 P +64 2 242 P +64 2 243 M +64 2 244 P +64 2 245 I +64 2 246 M +64 2 247 I +64 2 248 M +64 2 249 M +64 2 250 M +64 2 251 WA +64 2 252 P +64 2 253 WA +64 2 254 M +64 2 255 M +64 2 256 I +64 2 257 M +64 2 258 WA +64 2 259 I +64 2 260 P +64 2 261 WA +64 2 262 P +64 2 263 M +64 2 264 P +64 2 265 M +64 2 266 I +64 2 267 I +64 2 268 WA +64 2 269 I +64 2 270 WA +64 2 271 M +64 2 272 P +64 2 273 I +64 2 274 P +64 2 275 WA +64 2 276 I +64 2 277 M +64 2 278 I +64 2 279 M +64 2 280 WA +64 2 281 M +64 2 282 WA +64 2 283 M +64 2 284 P +64 2 285 I +64 2 286 P +64 2 287 M +64 2 288 I +64 2 289 M +64 2 290 P +64 2 291 M +64 2 292 I +64 2 293 P +64 2 294 P +64 2 295 M +64 2 296 I +64 2 297 WA +64 2 298 I +64 2 299 WA +64 2 300 P +64 2 301 WA +64 2 302 P +64 2 303 P +64 2 304 WA +64 2 305 I +64 2 306 WA +64 2 307 M +64 2 308 I +64 2 309 M +64 2 310 WA +64 2 311 M +64 2 312 M +64 2 313 I +64 2 314 P +64 2 315 WA +64 2 316 M +64 2 317 I +64 2 318 I +64 2 319 P +64 2 320 M +64 2 321 I +64 2 322 M +64 2 323 M +64 2 324 P +64 2 325 I +64 2 326 WA +64 2 327 P +64 2 328 M +64 2 329 M +64 2 330 P +64 3 1 * +64 3 2 * +64 3 3 I +64 3 4 I +64 3 5 Y +64 3 6 A +64 3 7 Y +64 3 8 I +64 3 9 A +64 3 10 M +64 3 11 M +64 3 12 K +64 3 13 M +64 3 14 M +64 3 15 A +64 3 16 P +64 3 17 A +64 3 18 M +64 3 19 Y +64 3 20 Y +64 3 21 U +64 3 22 K +64 3 23 U +64 3 24 M +64 3 25 M +64 3 26 M +64 3 27 W +64 3 28 I +64 3 29 Y +64 3 30 A +64 3 31 P +64 3 32 U +64 3 33 Y +64 3 34 M +64 3 35 A +64 3 36 M +64 3 37 P +64 3 38 I +64 3 39 Y +64 3 40 M +64 3 41 U +64 3 42 Y +64 3 43 M +64 3 44 P +64 3 45 Y +64 3 46 M +64 3 47 M +64 3 48 A +64 3 49 Y +64 3 50 A +64 3 51 A +64 3 52 P +64 3 53 U +64 3 54 Y +64 3 55 Y +64 3 56 A +64 3 57 M +64 3 58 A +64 3 59 A +64 3 60 M +64 3 61 U +64 3 62 U +64 3 63 A +64 3 64 M +64 3 65 I +64 3 66 P +64 3 67 Y +64 3 68 A +64 3 69 Y +64 3 70 P +64 3 71 I +64 3 72 Y +64 3 73 U +64 3 74 P +64 3 75 M +64 3 76 K +64 3 77 Y +64 3 78 A +64 3 79 M +64 3 80 M +64 3 81 Y +64 3 82 Y +64 3 83 P +64 3 84 I +64 3 85 Y +64 3 86 I +64 3 87 M +64 3 88 I +64 3 89 M +64 3 90 M +64 3 91 Y +64 3 92 P +64 3 93 M +64 3 94 M +64 3 95 P +64 3 96 Y +64 3 97 I +64 3 98 I +64 3 99 I +64 3 100 P +64 3 101 I +64 3 102 P +64 3 103 M +64 3 104 P +64 3 105 I +64 3 106 Y +64 3 107 P +64 3 108 P +64 3 109 M +64 3 110 K +64 3 111 M +64 3 112 I +64 3 113 M +64 3 114 M +64 3 115 I +64 3 116 P +64 3 117 M +64 3 118 I +64 3 119 Y +64 3 120 P +64 3 121 U +64 3 122 Y +64 3 123 M +64 3 124 Y +64 3 125 A +64 3 126 U +64 3 127 M +64 3 128 Y +64 3 129 P +64 3 130 M +64 3 131 I +64 3 132 I +64 3 133 Y +64 3 134 A +64 3 135 I +64 3 136 Y +64 3 137 Y +64 3 138 P +64 3 139 P +64 3 140 M +64 3 141 P +64 3 142 P +64 3 143 Y +64 3 144 I +64 3 145 Y +64 3 146 K +64 3 147 Y +64 3 148 I +64 3 149 Y +64 3 150 M +64 3 151 P +64 3 152 I +64 3 153 M +64 3 154 M +64 3 155 M +64 3 156 Y +64 3 157 M +64 3 158 P +64 3 159 P +64 3 160 I +64 3 161 Y +64 3 162 I +64 3 163 M +64 3 164 M +64 3 165 M +64 3 166 M +64 3 167 P +64 3 168 Y +64 3 169 M +64 3 170 M +64 3 171 M +64 3 172 P +64 3 173 U +64 3 174 K +64 3 175 P +64 3 176 I +64 3 177 Y +64 3 178 M +64 3 179 A +64 3 180 Y +64 3 181 A +64 3 182 U +64 3 183 M +64 3 184 I +64 3 185 A +64 3 186 P +64 3 187 K +64 3 188 M +64 3 189 P +64 3 190 A +64 3 191 M +64 3 192 U +64 3 193 Y +64 3 194 U +64 3 195 Y +64 3 196 P +64 3 197 U +64 3 198 M +64 3 199 P +64 3 200 P +64 3 201 P +64 3 202 Y +64 3 203 I +64 3 204 M +64 3 205 U +64 3 206 P +64 3 207 I +64 3 208 U +64 3 209 M +64 3 210 I +64 3 211 P +64 3 212 K +64 3 213 P +64 3 214 Y +64 3 215 U +64 3 216 M +64 3 217 P +64 3 218 Y +64 3 219 P +64 3 220 M +64 3 221 P +64 3 222 I +64 3 223 Y +64 3 224 P +64 3 225 Y +64 3 226 M +64 3 227 M +64 3 228 M +64 3 229 Y +64 3 230 P +64 3 231 I +64 3 232 M +64 3 233 P +64 3 234 Y +64 3 235 M +64 3 236 Y +64 3 237 P +64 3 238 M +64 3 239 I +64 3 240 A +64 3 241 P +64 3 242 P +64 3 243 I +64 3 244 P +64 3 245 I +64 3 246 Y +64 3 247 I +64 3 248 M +64 3 249 M +64 3 250 I +64 3 251 Y +64 3 252 P +64 3 253 Y +64 3 254 P +64 3 255 M +64 3 256 I +64 3 257 M +64 3 258 Y +64 3 259 I +64 3 260 P +64 3 261 U +64 3 262 P +64 3 263 M +64 3 264 P +64 3 265 Y +64 3 266 U +64 3 267 U +64 3 268 Y +64 3 269 I +64 3 270 K +64 3 271 M +64 3 272 P +64 3 273 I +64 3 274 P +64 3 275 Y +64 3 276 I +64 3 277 M +64 3 278 I +64 3 279 M +64 3 280 Y +64 3 281 Y +64 3 282 Y +64 3 283 M +64 3 284 P +64 3 285 M +64 3 286 P +64 3 287 M +64 3 288 I +64 3 289 P +64 3 290 P +64 3 291 M +64 3 292 P +64 3 293 P +64 3 294 I +64 3 295 M +64 3 296 I +64 3 297 K +64 3 298 I +64 3 299 Y +64 3 300 P +64 3 301 Y +64 3 302 P +64 3 303 P +64 3 304 Y +64 3 305 I +64 3 306 Y +64 3 307 M +64 3 308 I +64 3 309 M +64 3 310 Y +64 3 311 M +64 3 312 M +64 3 313 I +64 3 314 P +64 3 315 Y +64 3 316 Y +64 3 317 I +64 3 318 K +64 3 319 P +64 3 320 Y +64 3 321 I +64 3 322 P +64 3 323 M +64 3 324 P +64 3 325 I +64 3 326 K +64 3 327 P +64 3 328 M +64 3 329 U +64 3 330 P +64 4 1 M +64 4 2 Y +64 4 3 I +64 4 4 Y +64 4 5 Y +64 4 6 P +64 4 7 Y +64 4 8 Y +64 4 9 Y +64 4 10 M +64 4 11 M +64 4 12 Y +64 4 13 M +64 4 14 M +64 4 15 I +64 4 16 I +64 4 17 M +64 4 18 Y +64 4 19 I +64 4 20 Y +64 4 21 P +64 4 22 M +64 4 23 M +64 4 24 M +64 4 25 P +64 4 26 I +64 4 27 Y +64 4 28 P +64 4 29 Y +64 4 30 P +64 4 31 Y +64 4 32 I +64 4 33 Y +64 4 34 M +64 4 35 I +64 4 36 M +64 4 37 M +64 4 38 I +64 4 39 Y +64 4 40 M +64 4 41 I +64 4 42 Y +64 4 43 M +64 4 44 P +64 4 45 Y +64 4 46 M +64 4 47 M +64 4 48 P +64 4 49 M +64 4 50 Y +64 4 51 M +64 4 52 P +64 4 53 I +64 4 54 Y +64 4 55 M +64 4 56 P +64 4 57 M +64 4 58 Y +64 4 59 P +64 4 60 M +64 4 61 I +64 4 62 I +64 4 63 P +64 4 64 M +64 4 65 I +64 4 66 P +64 4 67 Y +64 4 68 I +64 4 69 Y +64 4 70 P +64 4 71 Y +64 4 72 Y +64 4 73 Y +64 4 74 P +64 4 75 M +64 4 76 I +64 4 77 M +64 4 78 P +64 4 79 M +64 4 80 M +64 4 81 Y +64 4 82 Y +64 4 83 P +64 4 84 P +64 4 85 M +64 4 86 I +64 4 87 M +64 4 88 Y +64 4 89 M +64 4 90 M +64 4 91 Y +64 4 92 P +64 4 93 M +64 4 94 M +64 4 95 P +64 4 96 Y +64 4 97 M +64 4 98 I +64 4 99 I +64 4 100 Y +64 4 101 I +64 4 102 Y +64 4 103 Y +64 4 104 M +64 4 105 I +64 4 106 P +64 4 107 P +64 4 108 P +64 4 109 M +64 4 110 Y +64 4 111 M +64 4 112 I +64 4 113 M +64 4 114 M +64 4 115 I +64 4 116 P +64 4 117 M +64 4 118 I +64 4 119 Y +64 4 120 P +64 4 121 I +64 4 122 M +64 4 123 M +64 4 124 Y +64 4 125 I +64 4 126 I +64 4 127 M +64 4 128 Y +64 4 129 P +64 4 130 M +64 4 131 Y +64 4 132 I +64 4 133 M +64 4 134 M +64 4 135 I +64 4 136 M +64 4 137 M +64 4 138 M +64 4 139 P +64 4 140 M +64 4 141 P +64 4 142 P +64 4 143 Y +64 4 144 M +64 4 145 M +64 4 146 P +64 4 147 M +64 4 148 I +64 4 149 Y +64 4 150 M +64 4 151 P +64 4 152 Y +64 4 153 M +64 4 154 M +64 4 155 M +64 4 156 M +64 4 157 Y +64 4 158 P +64 4 159 P +64 4 160 I +64 4 161 Y +64 4 162 I +64 4 163 M +64 4 164 M +64 4 165 M +64 4 166 M +64 4 167 I +64 4 168 M +64 4 169 M +64 4 170 M +64 4 171 M +64 4 172 P +64 4 173 I +64 4 174 Y +64 4 175 Y +64 4 176 I +64 4 177 Y +64 4 178 M +64 4 179 M +64 4 180 Y +64 4 181 P +64 4 182 M +64 4 183 M +64 4 184 Y +64 4 185 P +64 4 186 M +64 4 187 I +64 4 188 M +64 4 189 Y +64 4 190 I +64 4 191 M +64 4 192 Y +64 4 193 Y +64 4 194 M +64 4 195 Y +64 4 196 Y +64 4 197 I +64 4 198 M +64 4 199 P +64 4 200 Y +64 4 201 P +64 4 202 Y +64 4 203 I +64 4 204 M +64 4 205 M +64 4 206 P +64 4 207 I +64 4 208 Y +64 4 209 M +64 4 210 M +64 4 211 M +64 4 212 I +64 4 213 Y +64 4 214 Y +64 4 215 I +64 4 216 M +64 4 217 P +64 4 218 Y +64 4 219 P +64 4 220 M +64 4 221 P +64 4 222 Y +64 4 223 Y +64 4 224 P +64 4 225 Y +64 4 226 M +64 4 227 M +64 4 228 M +64 4 229 Y +64 4 230 P +64 4 231 Y +64 4 232 Y +64 4 233 Y +64 4 234 Y +64 4 235 M +64 4 236 Y +64 4 237 P +64 4 238 M +64 4 239 I +64 4 240 Y +64 4 241 P +64 4 242 Y +64 4 243 M +64 4 244 P +64 4 245 I +64 4 246 Y +64 4 247 I +64 4 248 M +64 4 249 M +64 4 250 M +64 4 251 Y +64 4 252 P +64 4 253 Y +64 4 254 Y +64 4 255 M +64 4 256 I +64 4 257 M +64 4 258 P +64 4 259 M +64 4 260 P +64 4 261 P +64 4 262 P +64 4 263 Y +64 4 264 P +64 4 265 M +64 4 266 Y +64 4 267 M +64 4 268 Y +64 4 269 I +64 4 270 P +64 4 271 M +64 4 272 P +64 4 273 I +64 4 274 P +64 4 275 Y +64 4 276 I +64 4 277 M +64 4 278 P +64 4 279 M +64 4 280 Y +64 4 281 Y +64 4 282 Y +64 4 283 P +64 4 284 P +64 4 285 I +64 4 286 P +64 4 287 Y +64 4 288 I +64 4 289 M +64 4 290 P +64 4 291 M +64 4 292 P +64 4 293 P +64 4 294 P +64 4 295 Y +64 4 296 I +64 4 297 K +64 4 298 I +64 4 299 Y +64 4 300 P +64 4 301 Y +64 4 302 P +64 4 303 P +64 4 304 Y +64 4 305 I +64 4 306 Y +64 4 307 M +64 4 308 I +64 4 309 M +64 4 310 Y +64 4 311 M +64 4 312 M +64 4 313 M +64 4 314 P +64 4 315 Y +64 4 316 M +64 4 317 I +64 4 318 I +64 4 319 P +64 4 320 Y +64 4 321 I +64 4 322 M +64 4 323 M +64 4 324 P +64 4 325 I +64 4 326 P +64 4 327 P +64 4 328 M +64 4 329 P +64 4 330 P +64 5 1 N +64 5 2 Y +64 5 3 I +64 5 4 T +64 5 5 Y +64 5 6 P +64 5 7 Y +64 5 8 T +64 5 9 A +64 5 10 N +64 5 11 M +64 5 12 K +64 5 13 M +64 5 14 M +64 5 15 I +64 5 16 A +64 5 17 I +64 5 18 MU +64 5 19 N +64 5 20 Y +64 5 21 I +64 5 22 K +64 5 23 T +64 5 24 A +64 5 25 M +64 5 26 MU +64 5 27 A +64 5 28 T +64 5 29 Y +64 5 30 A +64 5 31 N +64 5 32 I +64 5 33 Y +64 5 34 M +64 5 35 K +64 5 36 Y +64 5 37 M +64 5 38 I +64 5 39 Y +64 5 40 M +64 5 41 A +64 5 42 K +64 5 43 M +64 5 44 T +64 5 45 Y +64 5 46 M +64 5 47 M +64 5 48 K +64 5 49 M +64 5 50 T +64 5 51 A +64 5 52 Y +64 5 53 T +64 5 54 Y +64 5 55 M +64 5 56 I +64 5 57 M +64 5 58 K +64 5 59 I +64 5 60 M +64 5 61 A +64 5 62 M +64 5 63 I +64 5 64 M +64 5 65 I +64 5 66 K +64 5 67 Y +64 5 68 I +64 5 69 M +64 5 70 T +64 5 71 M +64 5 72 Y +64 5 73 T +64 5 74 M +64 5 75 Y +64 5 76 I +64 5 77 M +64 5 78 T +64 5 79 M +64 5 80 M +64 5 81 Y +64 5 82 Y +64 5 83 T +64 5 84 K +64 5 85 Y +64 5 86 I +64 5 87 M +64 5 88 I +64 5 89 M +64 5 90 M +64 5 91 Y +64 5 92 T +64 5 93 M +64 5 94 M +64 5 95 Y +64 5 96 K +64 5 97 T +64 5 98 I +64 5 99 T +64 5 100 Y +64 5 101 T +64 5 102 A +64 5 103 Y +64 5 104 M +64 5 105 T +64 5 106 Y +64 5 107 A +64 5 108 Y +64 5 109 M +64 5 110 K +64 5 111 M +64 5 112 I +64 5 113 M +64 5 114 M +64 5 115 T +64 5 116 A +64 5 117 M +64 5 118 I +64 5 119 Y +64 5 120 A +64 5 121 I +64 5 122 Y +64 5 123 M +64 5 124 Y +64 5 125 I +64 5 126 A +64 5 127 M +64 5 128 K +64 5 129 PN +64 5 130 M +64 5 131 T +64 5 132 A +64 5 133 Y +64 5 134 A +64 5 135 I +64 5 136 M +64 5 137 M +64 5 138 T +64 5 139 A +64 5 140 M +64 5 141 A +64 5 142 A +64 5 143 Y +64 5 144 M +64 5 145 Y +64 5 146 K +64 5 147 M +64 5 148 I +64 5 149 Y +64 5 150 M +64 5 151 A +64 5 152 I +64 5 153 M +64 5 154 A +64 5 155 M +64 5 156 Y +64 5 157 A +64 5 158 T +64 5 159 K +64 5 160 I +64 5 161 Y +64 5 162 A +64 5 163 M +64 5 164 M +64 5 165 Y +64 5 166 M +64 5 167 T +64 5 168 Y +64 5 169 M +64 5 170 M +64 5 171 Y +64 5 172 T +64 5 173 I +64 5 174 K +64 5 175 M +64 5 176 A +64 5 177 Y +64 5 178 M +64 5 179 T +64 5 180 Y +64 5 181 K +64 5 182 M +64 5 183 M +64 5 184 T +64 5 185 A +64 5 186 M +64 5 187 K +64 5 188 M +64 5 189 A +64 5 190 I +64 5 191 T +64 5 192 Y +64 5 193 A +64 5 194 Y +64 5 195 M +64 5 196 T +64 5 197 M +64 5 198 Y +64 5 199 M +64 5 200 I +64 5 201 Y +64 5 202 T +64 5 203 M +64 5 204 T +64 5 205 Y +64 5 206 I +64 5 207 A +64 5 208 M +64 5 209 A +64 5 210 M +64 5 211 K +64 5 212 A +64 5 213 Y +64 5 214 I +64 5 215 M +64 5 216 I +64 5 217 Y +64 5 218 Y +64 5 219 M +64 5 220 Y +64 5 221 T +64 5 222 Y +64 5 223 K +64 5 224 M +64 5 225 A +64 5 226 M +64 5 227 M +64 5 228 M +64 5 229 Y +64 5 230 K +64 5 231 T +64 5 232 A +64 5 233 M +64 5 234 Y +64 5 235 M +64 5 236 Y +64 5 237 T +64 5 238 Y +64 5 239 I +64 5 240 A +64 5 241 I +64 5 242 K +64 5 243 T +64 5 244 Y +64 5 245 I +64 5 246 Y +64 5 247 M +64 5 248 Y +64 5 249 M +64 5 250 T +64 5 251 Y +64 5 252 I +64 5 253 Y +64 5 254 M +64 5 255 M +64 5 256 I +64 5 257 M +64 5 258 K +64 5 259 A +64 5 260 Y +64 5 261 I +64 5 262 T +64 5 263 M +64 5 264 M +64 5 265 Y +64 5 266 T +64 5 267 T +64 5 268 Y +64 5 269 T +64 5 270 K +64 5 271 M +64 5 272 A +64 5 273 I +64 5 274 I +64 5 275 Y +64 5 276 T +64 5 277 M +64 5 278 I +64 5 279 M +64 5 280 Y +64 5 281 Y +64 5 282 Y +64 5 283 A +64 5 284 T +64 5 285 I +64 5 286 I +64 5 287 A +64 5 288 I +64 5 289 M +64 5 290 I +64 5 291 M +64 5 292 I +64 5 293 Y +64 5 294 M +64 5 295 A +64 5 296 M +64 5 297 K +64 5 298 I +64 5 299 Y +64 5 300 A +64 5 301 Y +64 5 302 A +64 5 303 M +64 5 304 Y +64 5 305 T +64 5 306 Y +64 5 307 M +64 5 308 A +64 5 309 M +64 5 310 Y +64 5 311 M +64 5 312 A +64 5 313 T +64 5 314 I +64 5 315 Y +64 5 316 Y +64 5 317 T +64 5 318 I +64 5 319 A +64 5 320 Y +64 5 321 I +64 5 322 M +64 5 323 Y +64 5 324 A +64 5 325 M +64 5 326 K +64 5 327 M +64 5 328 Y +64 5 329 A +64 5 330 Y +64 6 1 M +64 6 2 M +64 6 3 I +64 6 4 I +64 6 5 M +64 6 6 I +64 6 7 M +64 6 8 I +64 6 9 M +64 6 10 M +64 6 11 M +64 6 12 I +64 6 13 M +64 6 14 M +64 6 15 I +64 6 16 M +64 6 17 I +64 6 18 M +64 6 19 M +64 6 20 M +64 6 21 I +64 6 22 I +64 6 23 I +64 6 24 M +64 6 25 M +64 6 26 M +64 6 27 I +64 6 28 I +64 6 29 M +64 6 30 M +64 6 31 M +64 6 32 I +64 6 33 M +64 6 34 M +64 6 35 I +64 6 36 M +64 6 37 M +64 6 38 I +64 6 39 M +64 6 40 M +64 6 41 I +64 6 42 I +64 6 43 M +64 6 44 M +64 6 45 M +64 6 46 M +64 6 47 M +64 6 48 M +64 6 49 M +64 6 50 I +64 6 51 M +64 6 52 M +64 6 53 I +64 6 54 M +64 6 55 M +64 6 56 I +64 6 57 M +64 6 58 M +64 6 59 M +64 6 60 M +64 6 61 I +64 6 62 I +64 6 63 I +64 6 64 M +64 6 65 I +64 6 66 M +64 6 67 M +64 6 68 I +64 6 69 M +64 6 70 M +64 6 71 M +64 6 72 M +64 6 73 I +64 6 74 M +64 6 75 M +64 6 76 I +64 6 77 M +64 6 78 I +64 6 79 M +64 6 80 M +64 6 81 M +64 6 82 M +64 6 83 M +64 6 84 I +64 6 85 M +64 6 86 I +64 6 87 M +64 6 88 I +64 6 89 M +64 6 90 M +64 6 91 M +64 6 92 M +64 6 93 M +64 6 94 M +64 6 95 M +64 6 96 M +64 6 97 I +64 6 98 I +64 6 99 I +64 6 100 M +64 6 101 I +64 6 102 M +64 6 103 M +64 6 104 M +64 6 105 I +64 6 106 I +64 6 107 M +64 6 108 M +64 6 109 M +64 6 110 I +64 6 111 M +64 6 112 I +64 6 113 M +64 6 114 M +64 6 115 I +64 6 116 M +64 6 117 M +64 6 118 I +64 6 119 M +64 6 120 M +64 6 121 I +64 6 122 M +64 6 123 M +64 6 124 M +64 6 125 I +64 6 126 I +64 6 127 M +64 6 128 M +64 6 129 M +64 6 130 M +64 6 131 I +64 6 132 I +64 6 133 M +64 6 134 M +64 6 135 I +64 6 136 I +64 6 137 I +64 6 138 I +64 6 139 M +64 6 140 M +64 6 141 M +64 6 142 M +64 6 143 M +64 6 144 M +64 6 145 M +64 6 146 M +64 6 147 M +64 6 148 I +64 6 149 M +64 6 150 I +64 6 151 I +64 6 152 I +64 6 153 M +64 6 154 M +64 6 155 M +64 6 156 M +64 6 157 M +64 6 158 M +64 6 159 M +64 6 160 I +64 6 161 M +64 6 162 I +64 6 163 M +64 6 164 M +64 6 165 M +64 6 166 M +64 6 167 M +64 6 168 M +64 6 169 M +64 6 170 M +64 6 171 M +64 6 172 M +64 6 173 I +64 6 174 I +64 6 175 M +64 6 176 I +64 6 177 I +64 6 178 I +64 6 179 I +64 6 180 M +64 6 181 I +64 6 182 I +64 6 183 I +64 6 184 I +64 6 185 I +64 6 186 M +64 6 187 I +64 6 188 M +64 6 189 M +64 6 190 I +64 6 191 M +64 6 192 I +64 6 193 I +64 6 194 I +64 6 195 M +64 6 196 M +64 6 197 I +64 6 198 M +64 6 199 M +64 6 200 M +64 6 201 I +64 6 202 M +64 6 203 I +64 6 204 I +64 6 205 I +64 6 206 M +64 6 207 I +64 6 208 M +64 6 209 M +64 6 210 I +64 6 211 M +64 6 212 I +64 6 213 I +64 6 214 I +64 6 215 I +64 6 216 M +64 6 217 I +64 6 218 M +64 6 219 M +64 6 220 M +64 6 221 M +64 6 222 I +64 6 223 M +64 6 224 M +64 6 225 M +64 6 226 M +64 6 227 M +64 6 228 M +64 6 229 M +64 6 230 I +64 6 231 I +64 6 232 M +64 6 233 M +64 6 234 M +64 6 235 M +64 6 236 M +64 6 237 I +64 6 238 M +64 6 239 I +64 6 240 I +64 6 241 I +64 6 242 M +64 6 243 I +64 6 244 I +64 6 245 I +64 6 246 M +64 6 247 I +64 6 248 M +64 6 249 M +64 6 250 I +64 6 251 M +64 6 252 I +64 6 253 M +64 6 254 M +64 6 255 M +64 6 256 I +64 6 257 M +64 6 258 M +64 6 259 I +64 6 260 M +64 6 261 I +64 6 262 I +64 6 263 M +64 6 264 M +64 6 265 M +64 6 266 I +64 6 267 I +64 6 268 M +64 6 269 I +64 6 270 I +64 6 271 M +64 6 272 M +64 6 273 I +64 6 274 M +64 6 275 M +64 6 276 I +64 6 277 M +64 6 278 I +64 6 279 M +64 6 280 M +64 6 281 M +64 6 282 M +64 6 283 M +64 6 284 M +64 6 285 I +64 6 286 M +64 6 287 M +64 6 288 I +64 6 289 M +64 6 290 M +64 6 291 M +64 6 292 I +64 6 293 M +64 6 294 M +64 6 295 M +64 6 296 I +64 6 297 I +64 6 298 I +64 6 299 M +64 6 300 M +64 6 301 M +64 6 302 I +64 6 303 M +64 6 304 M +64 6 305 I +64 6 306 M +64 6 307 M +64 6 308 M +64 6 309 M +64 6 310 M +64 6 311 M +64 6 312 M +64 6 313 M +64 6 314 M +64 6 315 M +64 6 316 M +64 6 317 I +64 6 318 I +64 6 319 M +64 6 320 M +64 6 321 I +64 6 322 M +64 6 323 M +64 6 324 M +64 6 325 I +64 6 326 I +64 6 327 M +64 6 328 M +64 6 329 I +64 6 330 M +64 7 1 M +64 7 2 Y +64 7 3 I +64 7 4 I +64 7 5 Y +64 7 6 A +64 7 7 Y +64 7 8 I +64 7 9 A +64 7 10 M +64 7 11 M +64 7 12 Y +64 7 13 M +64 7 14 M +64 7 15 A +64 7 16 P +64 7 17 I +64 7 18 M +64 7 19 M +64 7 20 Y +64 7 21 I +64 7 22 A +64 7 23 I +64 7 24 M +64 7 25 M +64 7 26 M +64 7 27 P +64 7 28 I +64 7 29 Y +64 7 30 A +64 7 31 P +64 7 32 A +64 7 33 Y +64 7 34 M +64 7 35 A +64 7 36 M +64 7 37 M +64 7 38 I +64 7 39 Y +64 7 40 Y +64 7 41 I +64 7 42 A +64 7 43 M +64 7 44 P +64 7 45 Y +64 7 46 P +64 7 47 M +64 7 48 P +64 7 49 P +64 7 50 M +64 7 51 M +64 7 52 P +64 7 53 I +64 7 54 Y +64 7 55 Y +64 7 56 A +64 7 57 M +64 7 58 A +64 7 59 A +64 7 60 I +64 7 61 M +64 7 62 P +64 7 63 I +64 7 64 M +64 7 65 I +64 7 66 P +64 7 67 Y +64 7 68 I +64 7 69 Y +64 7 70 P +64 7 71 I +64 7 72 Y +64 7 73 I +64 7 74 P +64 7 75 M +64 7 76 A +64 7 77 Y +64 7 78 A +64 7 79 M +64 7 80 M +64 7 81 Y +64 7 82 Y +64 7 83 P +64 7 84 A +64 7 85 Y +64 7 86 M +64 7 87 A +64 7 88 I +64 7 89 M +64 7 90 M +64 7 91 Y +64 7 92 P +64 7 93 M +64 7 94 M +64 7 95 P +64 7 96 Y +64 7 97 M +64 7 98 I +64 7 99 P +64 7 100 P +64 7 101 I +64 7 102 P +64 7 103 P +64 7 104 P +64 7 105 I +64 7 106 P +64 7 107 P +64 7 108 P +64 7 109 M +64 7 110 K +64 7 111 M +64 7 112 I +64 7 113 M +64 7 114 M +64 7 115 I +64 7 116 P +64 7 117 M +64 7 118 P +64 7 119 Y +64 7 120 P +64 7 121 A +64 7 122 Y +64 7 123 M +64 7 124 Y +64 7 125 A +64 7 126 A +64 7 127 M +64 7 128 Y +64 7 129 P +64 7 130 M +64 7 131 I +64 7 132 A +64 7 133 M +64 7 134 M +64 7 135 A +64 7 136 Y +64 7 137 M +64 7 138 P +64 7 139 P +64 7 140 M +64 7 141 P +64 7 142 P +64 7 143 Y +64 7 144 M +64 7 145 Y +64 7 146 K +64 7 147 Y +64 7 148 I +64 7 149 Y +64 7 150 M +64 7 151 A +64 7 152 A +64 7 153 M +64 7 154 M +64 7 155 M +64 7 156 Y +64 7 157 M +64 7 158 P +64 7 159 A +64 7 160 A +64 7 161 Y +64 7 162 I +64 7 163 M +64 7 164 M +64 7 165 M +64 7 166 M +64 7 167 P +64 7 168 M +64 7 169 M +64 7 170 M +64 7 171 M +64 7 172 P +64 7 173 I +64 7 174 K +64 7 175 P +64 7 176 I +64 7 177 Y +64 7 178 M +64 7 179 M +64 7 180 Y +64 7 181 A +64 7 182 M +64 7 183 M +64 7 184 M +64 7 185 A +64 7 186 P +64 7 187 A +64 7 188 M +64 7 189 P +64 7 190 A +64 7 191 M +64 7 192 A +64 7 193 Y +64 7 194 A +64 7 195 Y +64 7 196 P +64 7 197 A +64 7 198 M +64 7 199 P +64 7 200 P +64 7 201 A +64 7 202 Y +64 7 203 I +64 7 204 M +64 7 205 M +64 7 206 P +64 7 207 I +64 7 208 A +64 7 209 M +64 7 210 M +64 7 211 P +64 7 212 K +64 7 213 P +64 7 214 Y +64 7 215 A +64 7 216 M +64 7 217 A +64 7 218 Y +64 7 219 P +64 7 220 A +64 7 221 P +64 7 222 A +64 7 223 Y +64 7 224 P +64 7 225 Y +64 7 226 M +64 7 227 M +64 7 228 M +64 7 229 P +64 7 230 P +64 7 231 I +64 7 232 M +64 7 233 P +64 7 234 Y +64 7 235 M +64 7 236 Y +64 7 237 A +64 7 238 M +64 7 239 A +64 7 240 A +64 7 241 P +64 7 242 P +64 7 243 M +64 7 244 P +64 7 245 I +64 7 246 Y +64 7 247 P +64 7 248 M +64 7 249 M +64 7 250 M +64 7 251 Y +64 7 252 P +64 7 253 Y +64 7 254 M +64 7 255 M +64 7 256 I +64 7 257 M +64 7 258 Y +64 7 259 I +64 7 260 P +64 7 261 A +64 7 262 P +64 7 263 M +64 7 264 P +64 7 265 M +64 7 266 A +64 7 267 M +64 7 268 Y +64 7 269 I +64 7 270 A +64 7 271 M +64 7 272 P +64 7 273 I +64 7 274 P +64 7 275 Y +64 7 276 I +64 7 277 M +64 7 278 A +64 7 279 M +64 7 280 Y +64 7 281 M +64 7 282 Y +64 7 283 I +64 7 284 P +64 7 285 P +64 7 286 P +64 7 287 M +64 7 288 I +64 7 289 P +64 7 290 P +64 7 291 M +64 7 292 A +64 7 293 P +64 7 294 P +64 7 295 A +64 7 296 M +64 7 297 K +64 7 298 I +64 7 299 Y +64 7 300 P +64 7 301 Y +64 7 302 P +64 7 303 P +64 7 304 Y +64 7 305 M +64 7 306 Y +64 7 307 M +64 7 308 I +64 7 309 M +64 7 310 Y +64 7 311 M +64 7 312 M +64 7 313 M +64 7 314 P +64 7 315 Y +64 7 316 M +64 7 317 I +64 7 318 A +64 7 319 P +64 7 320 Y +64 7 321 I +64 7 322 P +64 7 323 M +64 7 324 P +64 7 325 I +64 7 326 K +64 7 327 P +64 7 328 M +64 7 329 I +64 7 330 P +64 8 1 Y +64 8 2 P +64 8 3 I +64 8 4 J +64 8 5 Y +64 8 6 Y +64 8 7 Y +64 8 8 I +64 8 9 Y +64 8 10 M +64 8 11 M +64 8 12 K +64 8 13 M +64 8 14 M +64 8 15 P +64 8 16 P +64 8 17 I +64 8 18 M +64 8 19 P +64 8 20 Y +64 8 21 I +64 8 22 K +64 8 23 I +64 8 24 M +64 8 25 M +64 8 26 M +64 8 27 P +64 8 28 I +64 8 29 Y +64 8 30 Y +64 8 31 P +64 8 32 I +64 8 33 Y +64 8 34 M +64 8 35 J +64 8 36 M +64 8 37 M +64 8 38 I +64 8 39 Y +64 8 40 Y +64 8 41 I +64 8 42 YA +64 8 43 M +64 8 44 P +64 8 45 Y +64 8 46 P +64 8 47 M +64 8 48 K +64 8 49 Z +64 8 50 J +64 8 51 M +64 8 52 P +64 8 53 I +64 8 54 Z +64 8 55 Z +64 8 56 J +64 8 57 M +64 8 58 J +64 8 59 T +64 8 60 M +64 8 61 I +64 8 62 Y +64 8 63 J +64 8 64 M +64 8 65 I +64 8 66 YA +64 8 67 Y +64 8 68 I +64 8 69 Z +64 8 70 P +64 8 71 JT +64 8 72 Y +64 8 73 I +64 8 74 YA +64 8 75 M +64 8 76 K +64 8 77 M +64 8 78 J +64 8 79 M +64 8 80 M +64 8 81 Y +64 8 82 Y +64 8 83 P +64 8 84 J +64 8 85 Y +64 8 86 M +64 8 87 I +64 8 88 I +64 8 89 M +64 8 90 M +64 8 91 Y +64 8 92 P +64 8 93 M +64 8 94 M +64 8 95 P +64 8 96 K +64 8 97 I +64 8 98 I +64 8 99 J +64 8 100 Y +64 8 101 I +64 8 102 Z +64 8 103 Z +64 8 104 P +64 8 105 I +64 8 106 K +64 8 107 Y +64 8 108 P +64 8 109 M +64 8 110 K +64 8 111 I +64 8 112 I +64 8 113 Z +64 8 114 M +64 8 115 I +64 8 116 P +64 8 117 J +64 8 118 T +64 8 119 Y +64 8 120 P +64 8 121 M +64 8 122 Y +64 8 123 Y +64 8 124 K +64 8 125 J +64 8 126 J +64 8 127 M +64 8 128 K +64 8 129 P +64 8 130 Y +64 8 131 I +64 8 132 I +64 8 133 Y +64 8 134 T +64 8 135 I +64 8 136 Y +64 8 137 Y +64 8 138 M +64 8 139 P +64 8 140 M +64 8 141 P +64 8 142 P +64 8 143 Z +64 8 144 M +64 8 145 Y +64 8 146 K +64 8 147 Y +64 8 148 I +64 8 149 Z +64 8 150 J +64 8 151 YA +64 8 152 YA +64 8 153 Z +64 8 154 Y +64 8 155 M +64 8 156 Y +64 8 157 P +64 8 158 P +64 8 159 K +64 8 160 JT +64 8 161 Y +64 8 162 I +64 8 163 Y +64 8 164 M +64 8 165 M +64 8 166 M +64 8 167 Y +64 8 168 Y +64 8 169 Y +64 8 170 M +64 8 171 Y +64 8 172 P +64 8 173 I +64 8 174 K +64 8 175 P +64 8 176 I +64 8 177 JT +64 8 178 M +64 8 179 I +64 8 180 Z +64 8 181 J +64 8 182 I +64 8 183 JT +64 8 184 I +64 8 185 JT +64 8 186 M +64 8 187 K +64 8 188 M +64 8 189 P +64 8 190 JT +64 8 191 Y +64 8 192 I +64 8 193 JT +64 8 194 I +64 8 195 Y +64 8 196 P +64 8 197 I +64 8 198 M +64 8 199 P +64 8 200 YA +64 8 201 JT +64 8 202 Y +64 8 203 I +64 8 204 M +64 8 205 I +64 8 206 P +64 8 207 I +64 8 208 J +64 8 209 M +64 8 210 I +64 8 211 Z +64 8 212 K +64 8 213 J +64 8 214 J +64 8 215 I +64 8 216 M +64 8 217 J +64 8 218 J +64 8 219 P +64 8 220 Y +64 8 221 P +64 8 222 I +64 8 223 Y +64 8 224 YA +64 8 225 Z +64 8 226 M +64 8 227 M +64 8 228 M +64 8 229 Z +64 8 230 P +64 8 231 I +64 8 232 M +64 8 233 M +64 8 234 Z +64 8 235 M +64 8 236 Y +64 8 237 J +64 8 238 M +64 8 239 JT +64 8 240 J +64 8 241 P +64 8 242 YA +64 8 243 I +64 8 244 P +64 8 245 I +64 8 246 Z +64 8 247 I +64 8 248 M +64 8 249 M +64 8 250 I +64 8 251 Y +64 8 252 P +64 8 253 Z +64 8 254 M +64 8 255 M +64 8 256 I +64 8 257 M +64 8 258 K +64 8 259 I +64 8 260 P +64 8 261 YA +64 8 262 P +64 8 263 M +64 8 264 P +64 8 265 Y +64 8 266 JT +64 8 267 JT +64 8 268 Y +64 8 269 I +64 8 270 J +64 8 271 M +64 8 272 P +64 8 273 I +64 8 274 P +64 8 275 JT +64 8 276 I +64 8 277 M +64 8 278 JT +64 8 279 M +64 8 280 Y +64 8 281 Y +64 8 282 Y +64 8 283 JT +64 8 284 P +64 8 285 J +64 8 286 P +64 8 287 JT +64 8 288 I +64 8 289 Z +64 8 290 P +64 8 291 M +64 8 292 JT +64 8 293 P +64 8 294 P +64 8 295 J +64 8 296 I +64 8 297 K +64 8 298 I +64 8 299 Y +64 8 300 P +64 8 301 Y +64 8 302 J +64 8 303 JT +64 8 304 Y +64 8 305 I +64 8 306 J +64 8 307 M +64 8 308 I +64 8 309 M +64 8 310 Y +64 8 311 M +64 8 312 M +64 8 313 M +64 8 314 P +64 8 315 Y +64 8 316 M +64 8 317 I +64 8 318 JT +64 8 319 P +64 8 320 M +64 8 321 I +64 8 322 Y +64 8 323 M +64 8 324 P +64 8 325 I +64 8 326 K +64 8 327 P +64 8 328 M +64 8 329 J +64 8 330 P +64 9 1 M +64 9 2 Y +64 9 3 I +64 9 4 M +64 9 5 Y +64 9 6 K +64 9 7 Y +64 9 8 I +64 9 9 A +64 9 10 M +64 9 11 M +64 9 12 Y +64 9 13 M +64 9 14 I +64 9 15 P +64 9 16 P +64 9 17 I +64 9 18 M +64 9 19 M +64 9 20 Y +64 9 21 I +64 9 22 Y +64 9 23 M +64 9 24 M +64 9 25 M +64 9 26 M +64 9 27 P +64 9 28 I +64 9 29 Y +64 9 30 I +64 9 31 Y +64 9 32 I +64 9 33 Y +64 9 34 M +64 9 35 I +64 9 36 M +64 9 37 M +64 9 38 I +64 9 39 Y +64 9 40 M +64 9 41 I +64 9 42 Y +64 9 43 M +64 9 44 P +64 9 45 Y +64 9 46 M +64 9 47 M +64 9 48 Y +64 9 49 M +64 9 50 M +64 9 51 I +64 9 52 P +64 9 53 I +64 9 54 Y +64 9 55 M +64 9 56 P +64 9 57 M +64 9 58 Y +64 9 59 P +64 9 60 M +64 9 61 I +64 9 62 A +64 9 63 I +64 9 64 M +64 9 65 I +64 9 66 P +64 9 67 Y +64 9 68 I +64 9 69 Y +64 9 70 P +64 9 71 I +64 9 72 M +64 9 73 I +64 9 74 P +64 9 75 M +64 9 76 I +64 9 77 M +64 9 78 I +64 9 79 M +64 9 80 M +64 9 81 Y +64 9 82 Y +64 9 83 K +64 9 84 I +64 9 85 M +64 9 86 I +64 9 87 M +64 9 88 I +64 9 89 M +64 9 90 M +64 9 91 Y +64 9 92 P +64 9 93 M +64 9 94 M +64 9 95 P +64 9 96 Y +64 9 97 M +64 9 98 I +64 9 99 P +64 9 100 M +64 9 101 I +64 9 102 M +64 9 103 M +64 9 104 M +64 9 105 I +64 9 106 Y +64 9 107 P +64 9 108 P +64 9 109 M +64 9 110 K +64 9 111 M +64 9 112 I +64 9 113 M +64 9 114 M +64 9 115 I +64 9 116 P +64 9 117 M +64 9 118 I +64 9 119 Y +64 9 120 P +64 9 121 I +64 9 122 Y +64 9 123 M +64 9 124 Y +64 9 125 I +64 9 126 I +64 9 127 M +64 9 128 Y +64 9 129 P +64 9 130 M +64 9 131 I +64 9 132 I +64 9 133 M +64 9 134 M +64 9 135 I +64 9 136 Y +64 9 137 Y +64 9 138 P +64 9 139 P +64 9 140 M +64 9 141 P +64 9 142 P +64 9 143 Y +64 9 144 M +64 9 145 Y +64 9 146 Y +64 9 147 Y +64 9 148 I +64 9 149 Y +64 9 150 M +64 9 151 I +64 9 152 I +64 9 153 M +64 9 154 M +64 9 155 M +64 9 156 Y +64 9 157 M +64 9 158 P +64 9 159 K +64 9 160 I +64 9 161 Y +64 9 162 I +64 9 163 M +64 9 164 M +64 9 165 Y +64 9 166 M +64 9 167 P +64 9 168 Y +64 9 169 M +64 9 170 M +64 9 171 Y +64 9 172 P +64 9 173 I +64 9 174 K +64 9 175 P +64 9 176 I +64 9 177 K +64 9 178 M +64 9 179 I +64 9 180 Y +64 9 181 K +64 9 182 I +64 9 183 Y +64 9 184 I +64 9 185 K +64 9 186 P +64 9 187 K +64 9 188 M +64 9 189 P +64 9 190 I +64 9 191 M +64 9 192 I +64 9 193 Y +64 9 194 I +64 9 195 Y +64 9 196 Y +64 9 197 I +64 9 198 M +64 9 199 P +64 9 200 P +64 9 201 I +64 9 202 Y +64 9 203 I +64 9 204 M +64 9 205 M +64 9 206 P +64 9 207 I +64 9 208 Y +64 9 209 M +64 9 210 I +64 9 211 M +64 9 212 I +64 9 213 P +64 9 214 Y +64 9 215 I +64 9 216 M +64 9 217 I +64 9 218 Y +64 9 219 P +64 9 220 M +64 9 221 P +64 9 222 M +64 9 223 Y +64 9 224 P +64 9 225 Y +64 9 226 M +64 9 227 M +64 9 228 M +64 9 229 Y +64 9 230 P +64 9 231 I +64 9 232 Y +64 9 233 M +64 9 234 Y +64 9 235 M +64 9 236 Y +64 9 237 I +64 9 238 M +64 9 239 I +64 9 240 I +64 9 241 P +64 9 242 Y +64 9 243 I +64 9 244 P +64 9 245 I +64 9 246 Y +64 9 247 M +64 9 248 M +64 9 249 M +64 9 250 M +64 9 251 Y +64 9 252 P +64 9 253 Y +64 9 254 M +64 9 255 M +64 9 256 I +64 9 257 M +64 9 258 Y +64 9 259 I +64 9 260 K +64 9 261 I +64 9 262 P +64 9 263 P +64 9 264 P +64 9 265 Y +64 9 266 I +64 9 267 I +64 9 268 Y +64 9 269 I +64 9 270 K +64 9 271 M +64 9 272 P +64 9 273 I +64 9 274 P +64 9 275 Y +64 9 276 I +64 9 277 M +64 9 278 I +64 9 279 M +64 9 280 Y +64 9 281 M +64 9 282 Y +64 9 283 A +64 9 284 P +64 9 285 I +64 9 286 P +64 9 287 Y +64 9 288 I +64 9 289 Y +64 9 290 P +64 9 291 M +64 9 292 I +64 9 293 P +64 9 294 P +64 9 295 A +64 9 296 I +64 9 297 K +64 9 298 M +64 9 299 Y +64 9 300 P +64 9 301 Y +64 9 302 P +64 9 303 P +64 9 304 Y +64 9 305 I +64 9 306 Y +64 9 307 M +64 9 308 I +64 9 309 M +64 9 310 Y +64 9 311 M +64 9 312 M +64 9 313 M +64 9 314 P +64 9 315 Y +64 9 316 Y +64 9 317 I +64 9 318 I +64 9 319 P +64 9 320 Y +64 9 321 I +64 9 322 P +64 9 323 Y +64 9 324 P +64 9 325 I +64 9 326 K +64 9 327 P +64 9 328 M +64 9 329 I +64 9 330 P +64 10 1 M +64 10 2 Y +64 10 3 I +64 10 4 M +64 10 5 Y +64 10 6 I +64 10 7 Y +64 10 8 I +64 10 9 M +64 10 10 M +64 10 11 M +64 10 12 Y +64 10 13 M +64 10 14 M +64 10 15 I +64 10 16 M +64 10 17 I +64 10 18 M +64 10 19 M +64 10 20 Y +64 10 21 I +64 10 22 Y +64 10 23 I +64 10 24 M +64 10 25 M +64 10 26 M +64 10 27 I +64 10 28 I +64 10 29 Y +64 10 30 I +64 10 31 M +64 10 32 I +64 10 33 Y +64 10 34 M +64 10 35 I +64 10 36 M +64 10 37 M +64 10 38 I +64 10 39 Y +64 10 40 M +64 10 41 I +64 10 42 Y +64 10 43 M +64 10 44 I +64 10 45 Y +64 10 46 M +64 10 47 M +64 10 48 I +64 10 49 M +64 10 50 M +64 10 51 M +64 10 52 Y +64 10 53 I +64 10 54 Y +64 10 55 M +64 10 56 I +64 10 57 M +64 10 58 M +64 10 59 I +64 10 60 M +64 10 61 I +64 10 62 M +64 10 63 I +64 10 64 M +64 10 65 I +64 10 66 I +64 10 67 Y +64 10 68 I +64 10 69 M +64 10 70 M +64 10 71 M +64 10 72 Y +64 10 73 M +64 10 74 M +64 10 75 M +64 10 76 I +64 10 77 M +64 10 78 I +64 10 79 M +64 10 80 M +64 10 81 Y +64 10 82 M +64 10 83 I +64 10 84 I +64 10 85 Y +64 10 86 I +64 10 87 M +64 10 88 I +64 10 89 M +64 10 90 M +64 10 91 Y +64 10 92 I +64 10 93 M +64 10 94 M +64 10 95 M +64 10 96 Y +64 10 97 M +64 10 98 I +64 10 99 I +64 10 100 M +64 10 101 I +64 10 102 I +64 10 103 M +64 10 104 M +64 10 105 I +64 10 106 Y +64 10 107 I +64 10 108 M +64 10 109 M +64 10 110 Y +64 10 111 M +64 10 112 I +64 10 113 M +64 10 114 M +64 10 115 I +64 10 116 M +64 10 117 M +64 10 118 I +64 10 119 Y +64 10 120 M +64 10 121 I +64 10 122 Y +64 10 123 M +64 10 124 Y +64 10 125 I +64 10 126 I +64 10 127 M +64 10 128 Y +64 10 129 I +64 10 130 M +64 10 131 M +64 10 132 I +64 10 133 M +64 10 134 M +64 10 135 I +64 10 136 M +64 10 137 M +64 10 138 M +64 10 139 I +64 10 140 M +64 10 141 I +64 10 142 M +64 10 143 Y +64 10 144 M +64 10 145 Y +64 10 146 Y +64 10 147 Y +64 10 148 I +64 10 149 Y +64 10 150 M +64 10 151 I +64 10 152 I +64 10 153 M +64 10 154 M +64 10 155 M +64 10 156 M +64 10 157 M +64 10 158 I +64 10 159 I +64 10 160 I +64 10 161 Y +64 10 162 I +64 10 163 M +64 10 164 M +64 10 165 M +64 10 166 M +64 10 167 I +64 10 168 M +64 10 169 M +64 10 170 M +64 10 171 M +64 10 172 M +64 10 173 I +64 10 174 Y +64 10 175 M +64 10 176 I +64 10 177 Y +64 10 178 M +64 10 179 M +64 10 180 Y +64 10 181 M +64 10 182 M +64 10 183 M +64 10 184 I +64 10 185 M +64 10 186 M +64 10 187 I +64 10 188 M +64 10 189 M +64 10 190 I +64 10 191 M +64 10 192 I +64 10 193 Y +64 10 194 M +64 10 195 Y +64 10 196 Y +64 10 197 I +64 10 198 M +64 10 199 Y +64 10 200 M +64 10 201 I +64 10 202 Y +64 10 203 I +64 10 204 M +64 10 205 M +64 10 206 Y +64 10 207 I +64 10 208 M +64 10 209 M +64 10 210 M +64 10 211 M +64 10 212 Y +64 10 213 M +64 10 214 Y +64 10 215 I +64 10 216 M +64 10 217 I +64 10 218 Y +64 10 219 M +64 10 220 M +64 10 221 M +64 10 222 M +64 10 223 M +64 10 224 I +64 10 225 M +64 10 226 M +64 10 227 M +64 10 228 M +64 10 229 Y +64 10 230 I +64 10 231 I +64 10 232 M +64 10 233 M +64 10 234 M +64 10 235 M +64 10 236 Y +64 10 237 I +64 10 238 M +64 10 239 I +64 10 240 I +64 10 241 I +64 10 242 Y +64 10 243 M +64 10 244 M +64 10 245 I +64 10 246 M +64 10 247 M +64 10 248 M +64 10 249 M +64 10 250 M +64 10 251 Y +64 10 252 I +64 10 253 Y +64 10 254 M +64 10 255 M +64 10 256 I +64 10 257 M +64 10 258 Y +64 10 259 I +64 10 260 Y +64 10 261 I +64 10 262 I +64 10 263 M +64 10 264 M +64 10 265 M +64 10 266 I +64 10 267 M +64 10 268 Y +64 10 269 I +64 10 270 I +64 10 271 M +64 10 272 M +64 10 273 I +64 10 274 I +64 10 275 M +64 10 276 I +64 10 277 I +64 10 278 I +64 10 279 M +64 10 280 M +64 10 281 M +64 10 282 Y +64 10 283 I +64 10 284 M +64 10 285 I +64 10 286 I +64 10 287 M +64 10 288 I +64 10 289 M +64 10 290 I +64 10 291 M +64 10 292 I +64 10 293 M +64 10 294 M +64 10 295 I +64 10 296 M +64 10 297 Y +64 10 298 I +64 10 299 M +64 10 300 M +64 10 301 M +64 10 302 I +64 10 303 M +64 10 304 M +64 10 305 M +64 10 306 Y +64 10 307 M +64 10 308 I +64 10 309 M +64 10 310 Y +64 10 311 M +64 10 312 M +64 10 313 M +64 10 314 I +64 10 315 Y +64 10 316 M +64 10 317 I +64 10 318 I +64 10 319 I +64 10 320 M +64 10 321 I +64 10 322 M +64 10 323 M +64 10 324 I +64 10 325 M +64 10 326 I +64 10 327 M +64 10 328 M +64 10 329 M +64 10 330 M +64 11 1 M +64 11 2 M +64 11 3 I +64 11 4 I +64 11 5 M +64 11 6 M +64 11 7 Y +64 11 8 I +64 11 9 A +64 11 10 M +64 11 11 M +64 11 12 P +64 11 13 A +64 11 14 M +64 11 15 P +64 11 16 P +64 11 17 I +64 11 18 M +64 11 19 Y +64 11 20 Y +64 11 21 I +64 11 22 A +64 11 23 A +64 11 24 M +64 11 25 M +64 11 26 M +64 11 27 P +64 11 28 I +64 11 29 Y +64 11 30 A +64 11 31 P +64 11 32 P +64 11 33 Y +64 11 34 M +64 11 35 A +64 11 36 M +64 11 37 M +64 11 38 I +64 11 39 M +64 11 40 M +64 11 41 I +64 11 42 P +64 11 43 M +64 11 44 P +64 11 45 Y +64 11 46 P +64 11 47 M +64 11 48 P +64 11 49 Y +64 11 50 I +64 11 51 A +64 11 52 Y +64 11 53 I +64 11 54 Y +64 11 55 M +64 11 56 P +64 11 57 M +64 11 58 P +64 11 59 I +64 11 60 M +64 11 61 I +64 11 62 I +64 11 63 P +64 11 64 M +64 11 65 I +64 11 66 P +64 11 67 Y +64 11 68 I +64 11 69 A +64 11 70 P +64 11 71 I +64 11 72 Y +64 11 73 I +64 11 74 A +64 11 75 M +64 11 76 I +64 11 77 M +64 11 78 P +64 11 79 M +64 11 80 M +64 11 81 Y +64 11 82 Y +64 11 83 P +64 11 84 A +64 11 85 M +64 11 86 I +64 11 87 M +64 11 88 I +64 11 89 M +64 11 90 M +64 11 91 A +64 11 92 P +64 11 93 M +64 11 94 M +64 11 95 A +64 11 96 P +64 11 97 I +64 11 98 I +64 11 99 I +64 11 100 P +64 11 101 I +64 11 102 P +64 11 103 A +64 11 104 M +64 11 105 I +64 11 106 P +64 11 107 P +64 11 108 P +64 11 109 M +64 11 110 P +64 11 111 M +64 11 112 I +64 11 113 M +64 11 114 M +64 11 115 I +64 11 116 P +64 11 117 A +64 11 118 I +64 11 119 Y +64 11 120 P +64 11 121 I +64 11 122 Y +64 11 123 M +64 11 124 P +64 11 125 I +64 11 126 I +64 11 127 M +64 11 128 P +64 11 129 P +64 11 130 M +64 11 131 I +64 11 132 I +64 11 133 M +64 11 134 I +64 11 135 I +64 11 136 M +64 11 137 M +64 11 138 M +64 11 139 P +64 11 140 M +64 11 141 P +64 11 142 P +64 11 143 Y +64 11 144 I +64 11 145 Y +64 11 146 P +64 11 147 Y +64 11 148 I +64 11 149 P +64 11 150 M +64 11 151 P +64 11 152 I +64 11 153 M +64 11 154 M +64 11 155 M +64 11 156 Y +64 11 157 A +64 11 158 P +64 11 159 P +64 11 160 P +64 11 161 Y +64 11 162 I +64 11 163 M +64 11 164 M +64 11 165 A +64 11 166 M +64 11 167 P +64 11 168 M +64 11 169 M +64 11 170 M +64 11 171 A +64 11 172 P +64 11 173 I +64 11 174 P +64 11 175 P +64 11 176 I +64 11 177 P +64 11 178 M +64 11 179 A +64 11 180 Y +64 11 181 P +64 11 182 I +64 11 183 A +64 11 184 I +64 11 185 A +64 11 186 M +64 11 187 P +64 11 188 Y +64 11 189 P +64 11 190 P +64 11 191 M +64 11 192 I +64 11 193 Y +64 11 194 I +64 11 195 Y +64 11 196 P +64 11 197 I +64 11 198 M +64 11 199 P +64 11 200 M +64 11 201 P +64 11 202 Y +64 11 203 I +64 11 204 M +64 11 205 I +64 11 206 P +64 11 207 I +64 11 208 A +64 11 209 M +64 11 210 A +64 11 211 Y +64 11 212 P +64 11 213 P +64 11 214 Y +64 11 215 I +64 11 216 M +64 11 217 P +64 11 218 Y +64 11 219 P +64 11 220 M +64 11 221 P +64 11 222 I +64 11 223 Y +64 11 224 P +64 11 225 P +64 11 226 M +64 11 227 M +64 11 228 M +64 11 229 Y +64 11 230 P +64 11 231 I +64 11 232 A +64 11 233 P +64 11 234 Y +64 11 235 M +64 11 236 Y +64 11 237 A +64 11 238 M +64 11 239 I +64 11 240 A +64 11 241 P +64 11 242 P +64 11 243 M +64 11 244 P +64 11 245 I +64 11 246 Y +64 11 247 I +64 11 248 M +64 11 249 M +64 11 250 I +64 11 251 Y +64 11 252 P +64 11 253 Y +64 11 254 M +64 11 255 M +64 11 256 I +64 11 257 M +64 11 258 P +64 11 259 I +64 11 260 P +64 11 261 P +64 11 262 P +64 11 263 P +64 11 264 P +64 11 265 Y +64 11 266 I +64 11 267 I +64 11 268 Y +64 11 269 I +64 11 270 P +64 11 271 M +64 11 272 P +64 11 273 I +64 11 274 P +64 11 275 P +64 11 276 I +64 11 277 M +64 11 278 A +64 11 279 M +64 11 280 Y +64 11 281 Y +64 11 282 Y +64 11 283 A +64 11 284 P +64 11 285 I +64 11 286 P +64 11 287 P +64 11 288 I +64 11 289 P +64 11 290 P +64 11 291 M +64 11 292 P +64 11 293 P +64 11 294 P +64 11 295 A +64 11 296 I +64 11 297 P +64 11 298 I +64 11 299 Y +64 11 300 P +64 11 301 Y +64 11 302 P +64 11 303 P +64 11 304 P +64 11 305 A +64 11 306 Y +64 11 307 M +64 11 308 I +64 11 309 M +64 11 310 Y +64 11 311 M +64 11 312 M +64 11 313 M +64 11 314 P +64 11 315 Y +64 11 316 Y +64 11 317 I +64 11 318 P +64 11 319 P +64 11 320 P +64 11 321 I +64 11 322 P +64 11 323 M +64 11 324 P +64 11 325 I +64 11 326 P +64 11 327 P +64 11 328 M +64 11 329 A +64 11 330 P +64 12 1 M +64 12 2 Y +64 12 3 I +64 12 4 I +64 12 5 A +64 12 6 A +64 12 7 Y +64 12 8 I +64 12 9 A +64 12 10 M +64 12 11 M +64 12 12 Y +64 12 13 M +64 12 14 M +64 12 15 I +64 12 16 R +64 12 17 I +64 12 18 M +64 12 19 Y +64 12 20 Y +64 12 21 I +64 12 22 Y +64 12 23 I +64 12 24 R +64 12 25 Y +64 12 26 M +64 12 27 P +64 12 28 I +64 12 29 Y +64 12 30 K +64 12 31 Y +64 12 32 I +64 12 33 Y +64 12 34 M +64 12 35 I +64 12 36 M +64 12 37 I +64 12 38 M +64 12 39 Y +64 12 40 Y +64 12 41 I +64 12 42 K +64 12 43 M +64 12 44 R +64 12 45 Y +64 12 46 P +64 12 47 M +64 12 48 K +64 12 49 Y +64 12 50 I +64 12 51 A +64 12 52 R +64 12 53 I +64 12 54 Y +64 12 55 Y +64 12 56 A +64 12 57 M +64 12 58 R +64 12 59 M +64 12 60 R +64 12 61 M +64 12 62 I +64 12 63 I +64 12 64 I +64 12 65 M +64 12 66 I +64 12 67 R +64 12 68 Y +64 12 69 I +64 12 70 Y +64 12 71 P +64 12 72 I +64 12 73 Y +64 12 74 I +64 12 75 R +64 12 76 Y +64 12 77 I +64 12 78 Y +64 12 79 R +64 12 80 M +64 12 81 Y +64 12 82 Y +64 12 83 R +64 12 84 I +64 12 85 Y +64 12 86 I +64 12 87 M +64 12 88 I +64 12 89 M +64 12 90 M +64 12 91 Y +64 12 92 R +64 12 93 M +64 12 94 M +64 12 95 R +64 12 96 K +64 12 97 I +64 12 98 I +64 12 99 I +64 12 100 P +64 12 101 I +64 12 102 R +64 12 103 Y +64 12 104 P +64 12 105 I +64 12 106 K +64 12 107 R +64 12 108 R +64 12 109 M +64 12 110 K +64 12 111 Y +64 12 112 I +64 12 113 M +64 12 114 M +64 12 115 I +64 12 116 R +64 12 117 I +64 12 118 I +64 12 119 Y +64 12 120 P +64 12 121 I +64 12 122 Y +64 12 123 M +64 12 124 Y +64 12 125 I +64 12 126 I +64 12 127 M +64 12 128 Y +64 12 129 R +64 12 130 Y +64 12 131 I +64 12 132 I +64 12 133 Y +64 12 134 I +64 12 135 I +64 12 136 Y +64 12 137 Y +64 12 138 P +64 12 139 R +64 12 140 M +64 12 141 P +64 12 142 P +64 12 143 Y +64 12 144 M +64 12 145 Y +64 12 146 Y +64 12 147 Y +64 12 148 I +64 12 149 Y +64 12 150 I +64 12 151 I +64 12 152 I +64 12 153 MU +64 12 154 R +64 12 155 M +64 12 156 Y +64 12 157 MU +64 12 158 P +64 12 159 Y +64 12 160 I +64 12 161 Y +64 12 162 I +64 12 163 M +64 12 164 M +64 12 165 Y +64 12 166 M +64 12 167 R +64 12 168 Y +64 12 169 M +64 12 170 M +64 12 171 Y +64 12 172 P +64 12 173 I +64 12 174 K +64 12 175 P +64 12 176 I +64 12 177 Y +64 12 178 M +64 12 179 I +64 12 180 Y +64 12 181 R +64 12 182 I +64 12 183 P +64 12 184 I +64 12 185 P +64 12 186 P +64 12 187 K +64 12 188 M +64 12 189 P +64 12 190 I +64 12 191 Y +64 12 192 I +64 12 193 Y +64 12 194 I +64 12 195 Y +64 12 196 Y +64 12 197 I +64 12 198 M +64 12 199 R +64 12 200 P +64 12 201 I +64 12 202 Y +64 12 203 I +64 12 204 I +64 12 205 ZZ +64 12 206 P +64 12 207 I +64 12 208 YA +64 12 209 M +64 12 210 I +64 12 211 Y +64 12 212 I +64 12 213 R +64 12 214 Y +64 12 215 I +64 12 216 M +64 12 217 I +64 12 218 YA +64 12 219 YA +64 12 220 M +64 12 221 YA +64 12 222 I +64 12 223 Y +64 12 224 YA +64 12 225 Y +64 12 226 M +64 12 227 M +64 12 228 M +64 12 229 Y +64 12 230 YA +64 12 231 I +64 12 232 YA +64 12 233 I +64 12 234 Y +64 12 235 M +64 12 236 Y +64 12 237 I +64 12 238 M +64 12 239 I +64 12 240 I +64 12 241 P +64 12 242 YA +64 12 243 I +64 12 244 YA +64 12 245 I +64 12 246 Y +64 12 247 I +64 12 248 M +64 12 249 M +64 12 250 I +64 12 251 Y +64 12 252 YA +64 12 253 Y +64 12 254 YA +64 12 255 M +64 12 256 I +64 12 257 M +64 12 258 K +64 12 259 I +64 12 260 YA +64 12 261 A +64 12 262 YA +64 12 263 P +64 12 264 P +64 12 265 Y +64 12 266 I +64 12 267 I +64 12 268 Y +64 12 269 I +64 12 270 K +64 12 271 M +64 12 272 P +64 12 273 I +64 12 274 P +64 12 275 Y +64 12 276 I +64 12 277 M +64 12 278 I +64 12 279 M +64 12 280 Y +64 12 281 Y +64 12 282 Y +64 12 283 A +64 12 284 P +64 12 285 I +64 12 286 P +64 12 287 Y +64 12 288 I +64 12 289 Y +64 12 290 P +64 12 291 M +64 12 292 I +64 12 293 P +64 12 294 P +64 12 295 A +64 12 296 I +64 12 297 K +64 12 298 I +64 12 299 Y +64 12 300 P +64 12 301 Y +64 12 302 P +64 12 303 P +64 12 304 Y +64 12 305 I +64 12 306 Y +64 12 307 M +64 12 308 I +64 12 309 R +64 12 310 Y +64 12 311 M +64 12 312 M +64 12 313 I +64 12 314 P +64 12 315 Y +64 12 316 Y +64 12 317 I +64 12 318 I +64 12 319 P +64 12 320 Y +64 12 321 I +64 12 322 P +64 12 323 Y +64 12 324 P +64 12 325 I +64 12 326 K +64 12 327 P +64 12 328 Y +64 12 329 I +64 12 330 P +64 13 1 N +64 13 2 P +64 13 3 I +64 13 4 M +64 13 5 P +64 13 6 I +64 13 7 Y +64 13 8 I +64 13 9 A +64 13 10 M +64 13 11 M +64 13 12 K +64 13 13 M +64 13 14 M +64 13 15 P +64 13 16 Y +64 13 17 P +64 13 18 M +64 13 19 N +64 13 20 Y +64 13 21 I +64 13 22 K +64 13 23 I +64 13 24 M +64 13 25 N +64 13 26 N +64 13 27 P +64 13 28 I +64 13 29 Y +64 13 30 A +64 13 31 N +64 13 32 I +64 13 33 Y +64 13 34 N +64 13 35 I +64 13 36 M +64 13 37 N +64 13 38 I +64 13 39 Y +64 13 40 N +64 13 41 I +64 13 42 K +64 13 43 M +64 13 44 P +64 13 45 Y +64 13 46 N +64 13 47 M +64 13 48 K +64 13 49 N +64 13 50 I +64 13 51 M +64 13 52 Y +64 13 53 I +64 13 54 Y +64 13 55 N +64 13 56 I +64 13 57 M +64 13 58 K +64 13 59 I +64 13 60 M +64 13 61 U +64 13 62 I +64 13 63 U +64 13 64 M +64 13 65 U +64 13 66 P +64 13 67 Y +64 13 68 I +64 13 69 Y +64 13 70 P +64 13 71 I +64 13 72 Y +64 13 73 I +64 13 74 P +64 13 75 M +64 13 76 I +64 13 77 M +64 13 78 I +64 13 79 M +64 13 80 M +64 13 81 Y +64 13 82 Y +64 13 83 P +64 13 84 I +64 13 85 Y +64 13 86 I +64 13 87 M +64 13 88 I +64 13 89 M +64 13 90 M +64 13 91 Y +64 13 92 P +64 13 93 M +64 13 94 M +64 13 95 P +64 13 96 K +64 13 97 M +64 13 98 I +64 13 99 M +64 13 100 P +64 13 101 I +64 13 102 I +64 13 103 M +64 13 104 N +64 13 105 I +64 13 106 K +64 13 107 P +64 13 108 P +64 13 109 M +64 13 110 K +64 13 111 M +64 13 112 I +64 13 113 M +64 13 114 M +64 13 115 I +64 13 116 P +64 13 117 M +64 13 118 I +64 13 119 Y +64 13 120 P +64 13 121 I +64 13 122 Y +64 13 123 M +64 13 124 Y +64 13 125 I +64 13 126 I +64 13 127 M +64 13 128 Y +64 13 129 P +64 13 130 M +64 13 131 I +64 13 132 I +64 13 133 Y +64 13 134 M +64 13 135 I +64 13 136 Y +64 13 137 M +64 13 138 N +64 13 139 P +64 13 140 M +64 13 141 P +64 13 142 P +64 13 143 Y +64 13 144 M +64 13 145 Y +64 13 146 K +64 13 147 Y +64 13 148 I +64 13 149 Y +64 13 150 M +64 13 151 I +64 13 152 I +64 13 153 N +64 13 154 M +64 13 155 M +64 13 156 Y +64 13 157 M +64 13 158 P +64 13 159 K +64 13 160 I +64 13 161 Y +64 13 162 I +64 13 163 M +64 13 164 M +64 13 165 M +64 13 166 M +64 13 167 I +64 13 168 M +64 13 169 M +64 13 170 M +64 13 171 M +64 13 172 P +64 13 173 I +64 13 174 K +64 13 175 P +64 13 176 I +64 13 177 Y +64 13 178 M +64 13 179 I +64 13 180 Y +64 13 181 K +64 13 182 M +64 13 183 M +64 13 184 I +64 13 185 I +64 13 186 N +64 13 187 K +64 13 188 M +64 13 189 P +64 13 190 I +64 13 191 M +64 13 192 I +64 13 193 Y +64 13 194 M +64 13 195 Y +64 13 196 P +64 13 197 I +64 13 198 M +64 13 199 P +64 13 200 M +64 13 201 I +64 13 202 Y +64 13 203 I +64 13 204 M +64 13 205 M +64 13 206 P +64 13 207 I +64 13 208 M +64 13 209 M +64 13 210 M +64 13 211 N +64 13 212 K +64 13 213 M +64 13 214 Y +64 13 215 I +64 13 216 M +64 13 217 I +64 13 218 M +64 13 219 P +64 13 220 M +64 13 221 P +64 13 222 M +64 13 223 M +64 13 224 P +64 13 225 M +64 13 226 M +64 13 227 M +64 13 228 M +64 13 229 P +64 13 230 P +64 13 231 I +64 13 232 M +64 13 233 M +64 13 234 M +64 13 235 M +64 13 236 Y +64 13 237 I +64 13 238 M +64 13 239 I +64 13 240 M +64 13 241 P +64 13 242 K +64 13 243 M +64 13 244 P +64 13 245 I +64 13 246 M +64 13 247 M +64 13 248 M +64 13 249 M +64 13 250 M +64 13 251 Y +64 13 252 P +64 13 253 Y +64 13 254 M +64 13 255 M +64 13 256 I +64 13 257 M +64 13 258 Y +64 13 259 M +64 13 260 P +64 13 261 I +64 13 262 P +64 13 263 M +64 13 264 P +64 13 265 M +64 13 266 M +64 13 267 M +64 13 268 Y +64 13 269 I +64 13 270 K +64 13 271 M +64 13 272 P +64 13 273 I +64 13 274 P +64 13 275 M +64 13 276 I +64 13 277 M +64 13 278 I +64 13 279 M +64 13 280 Y +64 13 281 M +64 13 282 Y +64 13 283 M +64 13 284 P +64 13 285 I +64 13 286 P +64 13 287 M +64 13 288 I +64 13 289 M +64 13 290 P +64 13 291 M +64 13 292 I +64 13 293 P +64 13 294 P +64 13 295 M +64 13 296 M +64 13 297 K +64 13 298 I +64 13 299 Y +64 13 300 M +64 13 301 M +64 13 302 P +64 13 303 M +64 13 304 M +64 13 305 M +64 13 306 Y +64 13 307 M +64 13 308 I +64 13 309 M +64 13 310 Y +64 13 311 M +64 13 312 M +64 13 313 M +64 13 314 P +64 13 315 Y +64 13 316 M +64 13 317 I +64 13 318 I +64 13 319 P +64 13 320 M +64 13 321 I +64 13 322 M +64 13 323 M +64 13 324 P +64 13 325 M +64 13 326 K +64 13 327 P +64 13 328 M +64 13 329 M +64 13 330 P +64 14 1 M +64 14 2 M +64 14 3 I +64 14 4 I +64 14 5 M +64 14 6 I +64 14 7 M +64 14 8 I +64 14 9 I +64 14 10 M +64 14 11 I +64 14 12 P +64 14 13 M +64 14 14 M +64 14 15 I +64 14 16 P +64 14 17 I +64 14 18 M +64 14 19 M +64 14 20 M +64 14 21 I +64 14 22 P +64 14 23 I +64 14 24 M +64 14 25 M +64 14 26 M +64 14 27 P +64 14 28 I +64 14 29 M +64 14 30 I +64 14 31 M +64 14 32 I +64 14 33 M +64 14 34 M +64 14 35 I +64 14 36 M +64 14 37 M +64 14 38 I +64 14 39 M +64 14 40 M +64 14 41 I +64 14 42 P +64 14 43 M +64 14 44 P +64 14 45 M +64 14 46 M +64 14 47 M +64 14 48 P +64 14 49 M +64 14 50 M +64 14 51 M +64 14 52 P +64 14 53 I +64 14 54 M +64 14 55 M +64 14 56 I +64 14 57 M +64 14 58 M +64 14 59 I +64 14 60 M +64 14 61 I +64 14 62 P +64 14 63 I +64 14 64 M +64 14 65 I +64 14 66 P +64 14 67 P +64 14 68 I +64 14 69 P +64 14 70 P +64 14 71 I +64 14 72 M +64 14 73 I +64 14 74 P +64 14 75 M +64 14 76 I +64 14 77 M +64 14 78 I +64 14 79 M +64 14 80 M +64 14 81 M +64 14 82 M +64 14 83 P +64 14 84 I +64 14 85 M +64 14 86 I +64 14 87 M +64 14 88 I +64 14 89 M +64 14 90 M +64 14 91 M +64 14 92 P +64 14 93 M +64 14 94 M +64 14 95 M +64 14 96 P +64 14 97 M +64 14 98 I +64 14 99 P +64 14 100 P +64 14 101 I +64 14 102 M +64 14 103 M +64 14 104 M +64 14 105 I +64 14 106 M +64 14 107 P +64 14 108 M +64 14 109 M +64 14 110 P +64 14 111 M +64 14 112 I +64 14 113 M +64 14 114 M +64 14 115 I +64 14 116 P +64 14 117 M +64 14 118 I +64 14 119 M +64 14 120 P +64 14 121 I +64 14 122 M +64 14 123 M +64 14 124 P +64 14 125 I +64 14 126 I +64 14 127 M +64 14 128 P +64 14 129 P +64 14 130 M +64 14 131 I +64 14 132 I +64 14 133 M +64 14 134 M +64 14 135 I +64 14 136 M +64 14 137 M +64 14 138 P +64 14 139 P +64 14 140 M +64 14 141 P +64 14 142 P +64 14 143 M +64 14 144 M +64 14 145 M +64 14 146 P +64 14 147 M +64 14 148 I +64 14 149 P +64 14 150 I +64 14 151 I +64 14 152 I +64 14 153 M +64 14 154 M +64 14 155 M +64 14 156 M +64 14 157 M +64 14 158 P +64 14 159 P +64 14 160 I +64 14 161 M +64 14 162 I +64 14 163 M +64 14 164 M +64 14 165 M +64 14 166 M +64 14 167 P +64 14 168 M +64 14 169 M +64 14 170 M +64 14 171 M +64 14 172 P +64 14 173 I +64 14 174 I +64 14 175 M +64 14 176 I +64 14 177 P +64 14 178 M +64 14 179 I +64 14 180 M +64 14 181 P +64 14 182 I +64 14 183 P +64 14 184 I +64 14 185 I +64 14 186 M +64 14 187 I +64 14 188 M +64 14 189 M +64 14 190 I +64 14 191 M +64 14 192 I +64 14 193 I +64 14 194 I +64 14 195 M +64 14 196 M +64 14 197 I +64 14 198 M +64 14 199 P +64 14 200 M +64 14 201 I +64 14 202 M +64 14 203 I +64 14 204 M +64 14 205 M +64 14 206 P +64 14 207 I +64 14 208 I +64 14 209 M +64 14 210 I +64 14 211 M +64 14 212 I +64 14 213 M +64 14 214 M +64 14 215 I +64 14 216 M +64 14 217 I +64 14 218 P +64 14 219 P +64 14 220 M +64 14 221 M +64 14 222 I +64 14 223 M +64 14 224 P +64 14 225 M +64 14 226 M +64 14 227 M +64 14 228 M +64 14 229 M +64 14 230 P +64 14 231 I +64 14 232 M +64 14 233 M +64 14 234 M +64 14 235 M +64 14 236 M +64 14 237 I +64 14 238 M +64 14 239 I +64 14 240 I +64 14 241 P +64 14 242 P +64 14 243 I +64 14 244 P +64 14 245 I +64 14 246 P +64 14 247 M +64 14 248 M +64 14 249 M +64 14 250 I +64 14 251 M +64 14 252 P +64 14 253 M +64 14 254 P +64 14 255 M +64 14 256 I +64 14 257 M +64 14 258 M +64 14 259 I +64 14 260 P +64 14 261 I +64 14 262 P +64 14 263 M +64 14 264 M +64 14 265 M +64 14 266 I +64 14 267 I +64 14 268 M +64 14 269 I +64 14 270 I +64 14 271 M +64 14 272 P +64 14 273 I +64 14 274 P +64 14 275 P +64 14 276 I +64 14 277 M +64 14 278 I +64 14 279 M +64 14 280 M +64 14 281 M +64 14 282 M +64 14 283 I +64 14 284 P +64 14 285 I +64 14 286 P +64 14 287 M +64 14 288 I +64 14 289 M +64 14 290 P +64 14 291 M +64 14 292 I +64 14 293 P +64 14 294 P +64 14 295 P +64 14 296 I +64 14 297 P +64 14 298 I +64 14 299 M +64 14 300 P +64 14 301 M +64 14 302 P +64 14 303 P +64 14 304 P +64 14 305 I +64 14 306 P +64 14 307 M +64 14 308 I +64 14 309 M +64 14 310 M +64 14 311 M +64 14 312 M +64 14 313 M +64 14 314 P +64 14 315 M +64 14 316 M +64 14 317 I +64 14 318 I +64 14 319 P +64 14 320 M +64 14 321 I +64 14 322 M +64 14 323 M +64 14 324 P +64 14 325 I +64 14 326 P +64 14 327 P +64 14 328 M +64 14 329 I +64 14 330 P +64 15 1 N +64 15 2 M +64 15 3 T +64 15 4 Q +64 15 5 M +64 15 6 P +64 15 7 Y +64 15 8 Q +64 15 9 A +64 15 10 N +64 15 11 M +64 15 12 K +64 15 13 M +64 15 14 M +64 15 15 Q +64 15 16 P +64 15 17 I +64 15 18 M +64 15 19 N +64 15 20 Y +64 15 21 I +64 15 22 K +64 15 23 Q +64 15 24 M +64 15 25 M +64 15 26 M +64 15 27 P +64 15 28 I +64 15 29 Y +64 15 30 A +64 15 31 M +64 15 32 Q +64 15 33 Y +64 15 34 M +64 15 35 A +64 15 36 M +64 15 37 M +64 15 38 Q +64 15 39 Y +64 15 40 N +64 15 41 T +64 15 42 K +64 15 43 M +64 15 44 P +64 15 45 Y +64 15 46 M +64 15 47 M +64 15 48 K +64 15 49 M +64 15 50 Q +64 15 51 M +64 15 52 P +64 15 53 Q +64 15 54 Y +64 15 55 M +64 15 56 P +64 15 57 M +64 15 58 A +64 15 59 A +64 15 60 M +64 15 61 Q +64 15 62 Q +64 15 63 I +64 15 64 N +64 15 65 I +64 15 66 P +64 15 67 Y +64 15 68 Q +64 15 69 M +64 15 70 P +64 15 71 Q +64 15 72 Y +64 15 73 Q +64 15 74 P +64 15 75 M +64 15 76 I +64 15 77 N +64 15 78 P +64 15 79 M +64 15 80 N +64 15 81 Y +64 15 82 Y +64 15 83 P +64 15 84 P +64 15 85 Y +64 15 86 Q +64 15 87 M +64 15 88 Q +64 15 89 M +64 15 90 M +64 15 91 Y +64 15 92 P +64 15 93 N +64 15 94 M +64 15 95 P +64 15 96 K +64 15 97 Q +64 15 98 I +64 15 99 P +64 15 100 P +64 15 101 Q +64 15 102 M +64 15 103 Y +64 15 104 N +64 15 105 Q +64 15 106 P +64 15 107 P +64 15 108 P +64 15 109 N +64 15 110 A +64 15 111 M +64 15 112 I +64 15 113 M +64 15 114 M +64 15 115 Q +64 15 116 N +64 15 117 M +64 15 118 I +64 15 119 Y +64 15 120 P +64 15 121 I +64 15 122 Y +64 15 123 M +64 15 124 Y +64 15 125 A +64 15 126 A +64 15 127 M +64 15 128 K +64 15 129 P +64 15 130 M +64 15 131 Q +64 15 132 I +64 15 133 Y +64 15 134 M +64 15 135 Q +64 15 136 N +64 15 137 M +64 15 138 N +64 15 139 P +64 15 140 M +64 15 141 P +64 15 142 P +64 15 143 Y +64 15 144 M +64 15 145 Y +64 15 146 K +64 15 147 M +64 15 148 I +64 15 149 Y +64 15 150 M +64 15 151 P +64 15 152 Q +64 15 153 N +64 15 154 M +64 15 155 M +64 15 156 Y +64 15 157 M +64 15 158 P +64 15 159 P +64 15 160 Q +64 15 161 Y +64 15 162 I +64 15 163 M +64 15 164 N +64 15 165 M +64 15 166 M +64 15 167 P +64 15 168 Y +64 15 169 N +64 15 170 M +64 15 171 Y +64 15 172 P +64 15 173 T +64 15 174 K +64 15 175 N +64 15 176 I +64 15 177 K +64 15 178 N +64 15 179 Q +64 15 180 Y +64 15 181 K +64 15 182 Q +64 15 183 A +64 15 184 Q +64 15 185 A +64 15 186 N +64 15 187 K +64 15 188 N +64 15 189 P +64 15 190 I +64 15 191 Y +64 15 192 Q +64 15 193 K +64 15 194 Q +64 15 195 Y +64 15 196 P +64 15 197 Q +64 15 198 M +64 15 199 P +64 15 200 N +64 15 201 A +64 15 202 Y +64 15 203 Q +64 15 204 M +64 15 205 Q +64 15 206 P +64 15 207 I +64 15 208 A +64 15 209 M +64 15 210 M +64 15 211 N +64 15 212 K +64 15 213 P +64 15 214 Y +64 15 215 Q +64 15 216 M +64 15 217 I +64 15 218 Y +64 15 219 P +64 15 220 N +64 15 221 P +64 15 222 Q +64 15 223 Y +64 15 224 P +64 15 225 A +64 15 226 M +64 15 227 M +64 15 228 M +64 15 229 Y +64 15 230 P +64 15 231 Q +64 15 232 M +64 15 233 P +64 15 234 Y +64 15 235 N +64 15 236 Y +64 15 237 P +64 15 238 N +64 15 239 Q +64 15 240 M +64 15 241 P +64 15 242 K +64 15 243 Q +64 15 244 P +64 15 245 I +64 15 246 N +64 15 247 Q +64 15 248 M +64 15 249 M +64 15 250 Q +64 15 251 Y +64 15 252 P +64 15 253 Y +64 15 254 N +64 15 255 M +64 15 256 Q +64 15 257 N +64 15 258 K +64 15 259 Q +64 15 260 P +64 15 261 A +64 15 262 P +64 15 263 M +64 15 264 P +64 15 265 Y +64 15 266 A +64 15 267 Q +64 15 268 Y +64 15 269 Q +64 15 270 A +64 15 271 M +64 15 272 P +64 15 273 Q +64 15 274 P +64 15 275 A +64 15 276 I +64 15 277 M +64 15 278 I +64 15 279 N +64 15 280 Y +64 15 281 Y +64 15 282 Y +64 15 283 M +64 15 284 P +64 15 285 A +64 15 286 P +64 15 287 A +64 15 288 I +64 15 289 N +64 15 290 P +64 15 291 N +64 15 292 P +64 15 293 P +64 15 294 P +64 15 295 A +64 15 296 Q +64 15 297 K +64 15 298 I +64 15 299 Y +64 15 300 P +64 15 301 Y +64 15 302 P +64 15 303 P +64 15 304 Y +64 15 305 Q +64 15 306 Y +64 15 307 N +64 15 308 Q +64 15 309 M +64 15 310 Y +64 15 311 N +64 15 312 M +64 15 313 Q +64 15 314 P +64 15 315 Y +64 15 316 N +64 15 317 Q +64 15 318 A +64 15 319 P +64 15 320 A +64 15 321 I +64 15 322 N +64 15 323 Y +64 15 324 P +64 15 325 Q +64 15 326 A +64 15 327 P +64 15 328 M +64 15 329 M +64 15 330 P +64 16 1 M +64 16 2 P +64 16 3 I +64 16 4 J +64 16 5 Y +64 16 6 P +64 16 7 Y +64 16 8 I +64 16 9 A +64 16 10 M +64 16 11 M +64 16 12 K +64 16 13 M +64 16 14 M +64 16 15 A +64 16 16 P +64 16 17 A +64 16 18 M +64 16 19 M +64 16 20 Y +64 16 21 A +64 16 22 K +64 16 23 M +64 16 24 M +64 16 25 M +64 16 26 M +64 16 27 P +64 16 28 I +64 16 29 Y +64 16 30 A +64 16 31 P +64 16 32 I +64 16 33 Y +64 16 34 M +64 16 35 I +64 16 36 M +64 16 37 M +64 16 38 I +64 16 39 Y +64 16 40 M +64 16 41 I +64 16 42 K +64 16 43 M +64 16 44 P +64 16 45 Y +64 16 46 M +64 16 47 M +64 16 48 K +64 16 49 P +64 16 50 M +64 16 51 A +64 16 52 P +64 16 53 I +64 16 54 Y +64 16 55 M +64 16 56 A +64 16 57 M +64 16 58 K +64 16 59 P +64 16 60 M +64 16 61 A +64 16 62 P +64 16 63 I +64 16 64 M +64 16 65 I +64 16 66 P +64 16 67 Y +64 16 68 A +64 16 69 A +64 16 70 P +64 16 71 I +64 16 72 Y +64 16 73 I +64 16 74 P +64 16 75 M +64 16 76 I +64 16 77 M +64 16 78 P +64 16 79 M +64 16 80 M +64 16 81 Y +64 16 82 Y +64 16 83 X +64 16 84 A +64 16 85 Y +64 16 86 I +64 16 87 M +64 16 88 I +64 16 89 M +64 16 90 M +64 16 91 Y +64 16 92 A +64 16 93 M +64 16 94 A +64 16 95 X +64 16 96 K +64 16 97 M +64 16 98 I +64 16 99 I +64 16 100 Y +64 16 101 I +64 16 102 M +64 16 103 A +64 16 104 M +64 16 105 I +64 16 106 K +64 16 107 A +64 16 108 M +64 16 109 M +64 16 110 K +64 16 111 A +64 16 112 I +64 16 113 A +64 16 114 M +64 16 115 I +64 16 116 P +64 16 117 M +64 16 118 I +64 16 119 Y +64 16 120 P +64 16 121 I +64 16 122 Y +64 16 123 M +64 16 124 Y +64 16 125 K +64 16 126 I +64 16 127 M +64 16 128 K +64 16 129 P +64 16 130 M +64 16 131 I +64 16 132 I +64 16 133 M +64 16 134 A +64 16 135 I +64 16 136 Y +64 16 137 M +64 16 138 M +64 16 139 P +64 16 140 M +64 16 141 P +64 16 142 P +64 16 143 Y +64 16 144 M +64 16 145 Y +64 16 146 K +64 16 147 Y +64 16 148 I +64 16 149 Y +64 16 150 M +64 16 151 I +64 16 152 I +64 16 153 M +64 16 154 M +64 16 155 A +64 16 156 Y +64 16 157 M +64 16 158 X +64 16 159 A +64 16 160 P +64 16 161 Y +64 16 162 I +64 16 163 M +64 16 164 M +64 16 165 X +64 16 166 M +64 16 167 M +64 16 168 Y +64 16 169 M +64 16 170 M +64 16 171 M +64 16 172 P +64 16 173 I +64 16 174 K +64 16 175 X +64 16 176 I +64 16 177 Y +64 16 178 M +64 16 179 I +64 16 180 Y +64 16 181 A +64 16 182 M +64 16 183 A +64 16 184 M +64 16 185 A +64 16 186 Y +64 16 187 K +64 16 188 M +64 16 189 X +64 16 190 I +64 16 191 M +64 16 192 M +64 16 193 Y +64 16 194 I +64 16 195 Y +64 16 196 Y +64 16 197 I +64 16 198 M +64 16 199 P +64 16 200 P +64 16 201 P +64 16 202 Y +64 16 203 I +64 16 204 M +64 16 205 I +64 16 206 P +64 16 207 I +64 16 208 A +64 16 209 M +64 16 210 I +64 16 211 M +64 16 212 A +64 16 213 X +64 16 214 Y +64 16 215 I +64 16 216 M +64 16 217 P +64 16 218 Y +64 16 219 P +64 16 220 M +64 16 221 X +64 16 222 I +64 16 223 Y +64 16 224 X +64 16 225 M +64 16 226 M +64 16 227 M +64 16 228 M +64 16 229 Y +64 16 230 X +64 16 231 I +64 16 232 P +64 16 233 P +64 16 234 Y +64 16 235 M +64 16 236 Y +64 16 237 A +64 16 238 Y +64 16 239 I +64 16 240 P +64 16 241 P +64 16 242 P +64 16 243 I +64 16 244 P +64 16 245 I +64 16 246 Y +64 16 247 I +64 16 248 M +64 16 249 Y +64 16 250 I +64 16 251 Y +64 16 252 X +64 16 253 Y +64 16 254 X +64 16 255 M +64 16 256 I +64 16 257 M +64 16 258 K +64 16 259 I +64 16 260 P +64 16 261 I +64 16 262 P +64 16 263 M +64 16 264 M +64 16 265 M +64 16 266 I +64 16 267 I +64 16 268 Y +64 16 269 I +64 16 270 A +64 16 271 M +64 16 272 X +64 16 273 I +64 16 274 X +64 16 275 A +64 16 276 I +64 16 277 M +64 16 278 I +64 16 279 M +64 16 280 Y +64 16 281 Y +64 16 282 Y +64 16 283 M +64 16 284 X +64 16 285 I +64 16 286 X +64 16 287 A +64 16 288 I +64 16 289 Y +64 16 290 X +64 16 291 M +64 16 292 A +64 16 293 X +64 16 294 P +64 16 295 P +64 16 296 I +64 16 297 K +64 16 298 I +64 16 299 Y +64 16 300 X +64 16 301 Y +64 16 302 X +64 16 303 X +64 16 304 Y +64 16 305 I +64 16 306 Y +64 16 307 M +64 16 308 I +64 16 309 M +64 16 310 Y +64 16 311 M +64 16 312 M +64 16 313 I +64 16 314 X +64 16 315 Y +64 16 316 Y +64 16 317 I +64 16 318 K +64 16 319 X +64 16 320 Y +64 16 321 I +64 16 322 P +64 16 323 M +64 16 324 P +64 16 325 I +64 16 326 K +64 16 327 P +64 16 328 M +64 16 329 I +64 16 330 P +64 17 1 M +64 17 2 M +64 17 3 I +64 17 4 M +64 17 5 Y +64 17 6 Y +64 17 7 Y +64 17 8 I +64 17 9 Y +64 17 10 M +64 17 11 M +64 17 12 Y +64 17 13 M +64 17 14 M +64 17 15 I +64 17 16 P +64 17 17 I +64 17 18 M +64 17 19 M +64 17 20 Y +64 17 21 I +64 17 22 Y +64 17 23 I +64 17 24 M +64 17 25 M +64 17 26 M +64 17 27 P +64 17 28 I +64 17 29 Y +64 17 30 Y +64 17 31 P +64 17 32 I +64 17 33 Y +64 17 34 M +64 17 35 I +64 17 36 M +64 17 37 M +64 17 38 I +64 17 39 Y +64 17 40 M +64 17 41 I +64 17 42 Y +64 17 43 M +64 17 44 P +64 17 45 Y +64 17 46 M +64 17 47 I +64 17 48 Y +64 17 49 M +64 17 50 M +64 17 51 M +64 17 52 P +64 17 53 I +64 17 54 Y +64 17 55 Y +64 17 56 I +64 17 57 M +64 17 58 Y +64 17 59 P +64 17 60 M +64 17 61 I +64 17 62 P +64 17 63 I +64 17 64 M +64 17 65 I +64 17 66 P +64 17 67 Y +64 17 68 I +64 17 69 M +64 17 70 P +64 17 71 I +64 17 72 Y +64 17 73 I +64 17 74 P +64 17 75 M +64 17 76 I +64 17 77 M +64 17 78 P +64 17 79 M +64 17 80 M +64 17 81 Y +64 17 82 Y +64 17 83 P +64 17 84 P +64 17 85 Y +64 17 86 I +64 17 87 M +64 17 88 I +64 17 89 M +64 17 90 M +64 17 91 Y +64 17 92 P +64 17 93 M +64 17 94 M +64 17 95 P +64 17 96 Y +64 17 97 M +64 17 98 I +64 17 99 P +64 17 100 Y +64 17 101 I +64 17 102 P +64 17 103 M +64 17 104 M +64 17 105 I +64 17 106 Y +64 17 107 P +64 17 108 P +64 17 109 M +64 17 110 Y +64 17 111 M +64 17 112 I +64 17 113 M +64 17 114 M +64 17 115 I +64 17 116 P +64 17 117 M +64 17 118 I +64 17 119 Y +64 17 120 P +64 17 121 I +64 17 122 Y +64 17 123 M +64 17 124 Y +64 17 125 I +64 17 126 I +64 17 127 M +64 17 128 Y +64 17 129 P +64 17 130 M +64 17 131 I +64 17 132 I +64 17 133 Y +64 17 134 I +64 17 135 I +64 17 136 Y +64 17 137 Y +64 17 138 P +64 17 139 P +64 17 140 M +64 17 141 P +64 17 142 P +64 17 143 Y +64 17 144 M +64 17 145 Y +64 17 146 Y +64 17 147 Y +64 17 148 I +64 17 149 Y +64 17 150 I +64 17 151 I +64 17 152 I +64 17 153 M +64 17 154 M +64 17 155 M +64 17 156 Y +64 17 157 M +64 17 158 P +64 17 159 P +64 17 160 I +64 17 161 Y +64 17 162 I +64 17 163 Y +64 17 164 M +64 17 165 M +64 17 166 M +64 17 167 I +64 17 168 M +64 17 169 M +64 17 170 M +64 17 171 M +64 17 172 P +64 17 173 I +64 17 174 Y +64 17 175 M +64 17 176 I +64 17 177 Y +64 17 178 M +64 17 179 I +64 17 180 Y +64 17 181 Y +64 17 182 I +64 17 183 M +64 17 184 I +64 17 185 Y +64 17 186 M +64 17 187 Y +64 17 188 M +64 17 189 P +64 17 190 I +64 17 191 M +64 17 192 I +64 17 193 Y +64 17 194 I +64 17 195 Y +64 17 196 Y +64 17 197 I +64 17 198 M +64 17 199 P +64 17 200 M +64 17 201 I +64 17 202 Y +64 17 203 I +64 17 204 M +64 17 205 I +64 17 206 P +64 17 207 I +64 17 208 Y +64 17 209 M +64 17 210 M +64 17 211 M +64 17 212 Y +64 17 213 P +64 17 214 Y +64 17 215 I +64 17 216 M +64 17 217 I +64 17 218 Y +64 17 219 P +64 17 220 M +64 17 221 P +64 17 222 I +64 17 223 Y +64 17 224 P +64 17 225 Y +64 17 226 M +64 17 227 M +64 17 228 M +64 17 229 Y +64 17 230 P +64 17 231 I +64 17 232 Y +64 17 233 I +64 17 234 Y +64 17 235 M +64 17 236 Y +64 17 237 I +64 17 238 Y +64 17 239 I +64 17 240 I +64 17 241 P +64 17 242 Y +64 17 243 I +64 17 244 P +64 17 245 I +64 17 246 Y +64 17 247 I +64 17 248 M +64 17 249 Y +64 17 250 I +64 17 251 Y +64 17 252 P +64 17 253 Y +64 17 254 P +64 17 255 M +64 17 256 I +64 17 257 M +64 17 258 Y +64 17 259 I +64 17 260 Y +64 17 261 I +64 17 262 P +64 17 263 M +64 17 264 P +64 17 265 Y +64 17 266 I +64 17 267 I +64 17 268 Y +64 17 269 I +64 17 270 I +64 17 271 M +64 17 272 P +64 17 273 I +64 17 274 P +64 17 275 Y +64 17 276 I +64 17 277 M +64 17 278 I +64 17 279 M +64 17 280 Y +64 17 281 Y +64 17 282 Y +64 17 283 I +64 17 284 P +64 17 285 I +64 17 286 P +64 17 287 Y +64 17 288 I +64 17 289 Y +64 17 290 P +64 17 291 M +64 17 292 I +64 17 293 P +64 17 294 P +64 17 295 Y +64 17 296 I +64 17 297 Y +64 17 298 I +64 17 299 Y +64 17 300 P +64 17 301 Y +64 17 302 P +64 17 303 P +64 17 304 Y +64 17 305 I +64 17 306 Y +64 17 307 Y +64 17 308 I +64 17 309 M +64 17 310 Y +64 17 311 M +64 17 312 M +64 17 313 I +64 17 314 P +64 17 315 Y +64 17 316 Y +64 17 317 I +64 17 318 I +64 17 319 P +64 17 320 Y +64 17 321 I +64 17 322 P +64 17 323 Y +64 17 324 P +64 17 325 I +64 17 326 Y +64 17 327 P +64 17 328 Y +64 17 329 I +64 17 330 P +64 18 1 Y +64 18 2 Y +64 18 3 I +64 18 4 Q +64 18 5 Y +64 18 6 Q +64 18 7 Y +64 18 8 U +64 18 9 Q +64 18 10 M +64 18 11 M +64 18 12 Q +64 18 13 M +64 18 14 M +64 18 15 Q +64 18 16 P +64 18 17 Q +64 18 18 M +64 18 19 M +64 18 20 Y +64 18 21 Q +64 18 22 Q +64 18 23 Q +64 18 24 M +64 18 25 M +64 18 26 M +64 18 27 Q +64 18 28 I +64 18 29 Y +64 18 30 Q +64 18 31 M +64 18 32 Q +64 18 33 Y +64 18 34 M +64 18 35 Q +64 18 36 M +64 18 37 M +64 18 38 Q +64 18 39 M +64 18 40 M +64 18 41 I +64 18 42 Y +64 18 43 M +64 18 44 Q +64 18 45 Y +64 18 46 M +64 18 47 M +64 18 48 Q +64 18 49 M +64 18 50 U +64 18 51 U +64 18 52 P +64 18 53 I +64 18 54 Y +64 18 55 Y +64 18 56 Q +64 18 57 Y +64 18 58 Q +64 18 59 Q +64 18 60 Y +64 18 61 Q +64 18 62 Q +64 18 63 Q +64 18 64 Y +64 18 65 Q +64 18 66 K +64 18 67 K +64 18 68 Q +64 18 69 Y +64 18 70 K +64 18 71 Q +64 18 72 Y +64 18 73 Q +64 18 74 Y +64 18 75 M +64 18 76 K +64 18 77 M +64 18 78 I +64 18 79 M +64 18 80 M +64 18 81 Y +64 18 82 Y +64 18 83 K +64 18 84 I +64 18 85 Y +64 18 86 I +64 18 87 M +64 18 88 Q +64 18 89 M +64 18 90 M +64 18 91 K +64 18 92 K +64 18 93 M +64 18 94 M +64 18 95 K +64 18 96 K +64 18 97 Q +64 18 98 I +64 18 99 I +64 18 100 Y +64 18 101 Q +64 18 102 Q +64 18 103 Y +64 18 104 Y +64 18 105 Q +64 18 106 K +64 18 107 K +64 18 108 Y +64 18 109 Q +64 18 110 K +64 18 111 Y +64 18 112 Q +64 18 113 M +64 18 114 M +64 18 115 Q +64 18 116 Y +64 18 117 I +64 18 118 I +64 18 119 Y +64 18 120 K +64 18 121 Q +64 18 122 Y +64 18 123 Y +64 18 124 K +64 18 125 I +64 18 126 Q +64 18 127 Y +64 18 128 K +64 18 129 K +64 18 130 Y +64 18 131 Q +64 18 132 Q +64 18 133 Y +64 18 134 I +64 18 135 Q +64 18 136 M +64 18 137 M +64 18 138 M +64 18 139 K +64 18 140 M +64 18 141 K +64 18 142 K +64 18 143 Y +64 18 144 Q +64 18 145 Y +64 18 146 K +64 18 147 Y +64 18 148 I +64 18 149 Y +64 18 150 Q +64 18 151 Q +64 18 152 Q +64 18 153 Y +64 18 154 M +64 18 155 M +64 18 156 Y +64 18 157 I +64 18 158 K +64 18 159 K +64 18 160 I +64 18 161 Y +64 18 162 I +64 18 163 Y +64 18 164 M +64 18 165 M +64 18 166 M +64 18 167 I +64 18 168 M +64 18 169 M +64 18 170 M +64 18 171 M +64 18 172 K +64 18 173 I +64 18 174 K +64 18 175 M +64 18 176 Q +64 18 177 K +64 18 178 M +64 18 179 I +64 18 180 Y +64 18 181 K +64 18 182 Q +64 18 183 Y +64 18 184 Q +64 18 185 I +64 18 186 Y +64 18 187 K +64 18 188 M +64 18 189 K +64 18 190 Q +64 18 191 Y +64 18 192 Q +64 18 193 Y +64 18 194 Q +64 18 195 Y +64 18 196 Y +64 18 197 Q +64 18 198 M +64 18 199 K +64 18 200 Y +64 18 201 U +64 18 202 Y +64 18 203 U +64 18 204 M +64 18 205 Q +64 18 206 K +64 18 207 U +64 18 208 K +64 18 209 Y +64 18 210 I +64 18 211 Y +64 18 212 U +64 18 213 Q +64 18 214 Y +64 18 215 U +64 18 216 Y +64 18 217 Q +64 18 218 Y +64 18 219 K +64 18 220 Q +64 18 221 K +64 18 222 Q +64 18 223 Y +64 18 224 K +64 18 225 Y +64 18 226 Y +64 18 227 M +64 18 228 M +64 18 229 Y +64 18 230 K +64 18 231 Q +64 18 232 Y +64 18 233 Q +64 18 234 Y +64 18 235 M +64 18 236 Y +64 18 237 U +64 18 238 M +64 18 239 U +64 18 240 U +64 18 241 K +64 18 242 K +64 18 243 U +64 18 244 K +64 18 245 I +64 18 246 Y +64 18 247 Q +64 18 248 M +64 18 249 M +64 18 250 U +64 18 251 Y +64 18 252 K +64 18 253 M +64 18 254 Q +64 18 255 M +64 18 256 I +64 18 257 M +64 18 258 Y +64 18 259 I +64 18 260 K +64 18 261 I +64 18 262 K +64 18 263 Q +64 18 264 Q +64 18 265 M +64 18 266 Q +64 18 267 Q +64 18 268 Y +64 18 269 Q +64 18 270 Q +64 18 271 M +64 18 272 K +64 18 273 I +64 18 274 K +64 18 275 Y +64 18 276 I +64 18 277 M +64 18 278 Q +64 18 279 Q +64 18 280 Y +64 18 281 Y +64 18 282 Y +64 18 283 Q +64 18 284 K +64 18 285 Q +64 18 286 K +64 18 287 K +64 18 288 Q +64 18 289 Y +64 18 290 K +64 18 291 Q +64 18 292 Q +64 18 293 K +64 18 294 K +64 18 295 Q +64 18 296 Q +64 18 297 K +64 18 298 Q +64 18 299 Y +64 18 300 Q +64 18 301 Y +64 18 302 K +64 18 303 Q +64 18 304 Y +64 18 305 Q +64 18 306 Y +64 18 307 Y +64 18 308 Q +64 18 309 Y +64 18 310 Y +64 18 311 Y +64 18 312 Q +64 18 313 Q +64 18 314 K +64 18 315 Y +64 18 316 Y +64 18 317 Q +64 18 318 Q +64 18 319 Q +64 18 320 Y +64 18 321 Q +64 18 322 Y +64 18 323 Y +64 18 324 Q +64 18 325 Q +64 18 326 Q +64 18 327 K +64 18 328 Y +64 18 329 Q +64 18 330 K +64 19 1 M +64 19 2 Y +64 19 3 I +64 19 4 I +64 19 5 Y +64 19 6 V +64 19 7 Y +64 19 8 I +64 19 9 V +64 19 10 M +64 19 11 M +64 19 12 K +64 19 13 M +64 19 14 M +64 19 15 V +64 19 16 V +64 19 17 I +64 19 18 M +64 19 19 M +64 19 20 Y +64 19 21 I +64 19 22 K +64 19 23 I +64 19 24 M +64 19 25 M +64 19 26 M +64 19 27 V +64 19 28 I +64 19 29 Y +64 19 30 V +64 19 31 Y +64 19 32 I +64 19 33 Y +64 19 34 M +64 19 35 V +64 19 36 M +64 19 37 M +64 19 38 I +64 19 39 Y +64 19 40 Y +64 19 41 I +64 19 42 K +64 19 43 M +64 19 44 V +64 19 45 Y +64 19 46 V +64 19 47 M +64 19 48 K +64 19 49 Y +64 19 50 I +64 19 51 V +64 19 52 V +64 19 53 I +64 19 54 Y +64 19 55 Y +64 19 56 U +64 19 57 M +64 19 58 V +64 19 59 V +64 19 60 M +64 19 61 I +64 19 62 PY +64 19 63 I +64 19 64 M +64 19 65 I +64 19 66 V +64 19 67 Y +64 19 68 U +64 19 69 Y +64 19 70 V +64 19 71 I +64 19 72 Y +64 19 73 PY +64 19 74 Y +64 19 75 M +64 19 76 V +64 19 77 Y +64 19 78 V +64 19 79 M +64 19 80 Y +64 19 81 Y +64 19 82 Y +64 19 83 K +64 19 84 U +64 19 85 Y +64 19 86 U +64 19 87 M +64 19 88 I +64 19 89 M +64 19 90 M +64 19 91 Y +64 19 92 V +64 19 93 M +64 19 94 M +64 19 95 V +64 19 96 K +64 19 97 PY +64 19 98 I +64 19 99 V +64 19 100 V +64 19 101 I +64 19 102 PY +64 19 103 Y +64 19 104 PY +64 19 105 I +64 19 106 K +64 19 107 V +64 19 108 V +64 19 109 PY +64 19 110 K +64 19 111 M +64 19 112 I +64 19 113 M +64 19 114 Y +64 19 115 I +64 19 116 PY +64 19 117 M +64 19 118 J +64 19 119 Y +64 19 120 X +64 19 121 I +64 19 122 Y +64 19 123 PY +64 19 124 Y +64 19 125 U +64 19 126 J +64 19 127 M +64 19 128 Y +64 19 129 X +64 19 130 M +64 19 131 PY +64 19 132 I +64 19 133 Y +64 19 134 M +64 19 135 I +64 19 136 Y +64 19 137 Y +64 19 138 PY +64 19 139 X +64 19 140 M +64 19 141 X +64 19 142 X +64 19 143 Y +64 19 144 PY +64 19 145 Y +64 19 146 K +64 19 147 Y +64 19 148 I +64 19 149 Y +64 19 150 PY +64 19 151 J +64 19 152 PY +64 19 153 U +64 19 154 M +64 19 155 M +64 19 156 Y +64 19 157 M +64 19 158 X +64 19 159 K +64 19 160 U +64 19 161 Y +64 19 162 I +64 19 163 Y +64 19 164 PY +64 19 165 Y +64 19 166 M +64 19 167 X +64 19 168 Y +64 19 169 PY +64 19 170 M +64 19 171 Y +64 19 172 X +64 19 173 I +64 19 174 K +64 19 175 PY +64 19 176 I +64 19 177 K +64 19 178 M +64 19 179 V +64 19 180 Y +64 19 181 K +64 19 182 I +64 19 183 K +64 19 184 U +64 19 185 V +64 19 186 PY +64 19 187 K +64 19 188 PY +64 19 189 PY +64 19 190 J +64 19 191 Y +64 19 192 PY +64 19 193 Y +64 19 194 I +64 19 195 Y +64 19 196 Y +64 19 197 J +64 19 198 M +64 19 199 X +64 19 200 PY +64 19 201 K +64 19 202 Y +64 19 203 I +64 19 204 M +64 19 205 PY +64 19 206 X +64 19 207 I +64 19 208 K +64 19 209 Y +64 19 210 I +64 19 211 PY +64 19 212 K +64 19 213 V +64 19 214 Y +64 19 215 PY +64 19 216 M +64 19 217 J +64 19 218 Y +64 19 219 X +64 19 220 PY +64 19 221 X +64 19 222 PY +64 19 223 Y +64 19 224 X +64 19 225 Y +64 19 226 M +64 19 227 M +64 19 228 M +64 19 229 Y +64 19 230 X +64 19 231 I +64 19 232 K +64 19 233 PY +64 19 234 Y +64 19 235 PY +64 19 236 Y +64 19 237 V +64 19 238 PY +64 19 239 J +64 19 240 I +64 19 241 X +64 19 242 K +64 19 243 I +64 19 244 X +64 19 245 I +64 19 246 Y +64 19 247 PY +64 19 248 M +64 19 249 Y +64 19 250 I +64 19 251 Y +64 19 252 X +64 19 253 Y +64 19 254 PY +64 19 255 M +64 19 256 I +64 19 257 M +64 19 258 K +64 19 259 I +64 19 260 PY +64 19 261 J +64 19 262 I +64 19 263 M +64 19 264 PY +64 19 265 Y +64 19 266 K +64 19 267 I +64 19 268 Y +64 19 269 I +64 19 270 K +64 19 271 M +64 19 272 X +64 19 273 J +64 19 274 X +64 19 275 Y +64 19 276 I +64 19 277 PY +64 19 278 J +64 19 279 PY +64 19 280 Y +64 19 281 Y +64 19 282 Y +64 19 283 B +64 19 284 X +64 19 285 J +64 19 286 X +64 19 287 K +64 19 288 I +64 19 289 PY +64 19 290 X +64 19 291 PY +64 19 292 J +64 19 293 X +64 19 294 X +64 19 295 B +64 19 296 PY +64 19 297 K +64 19 298 I +64 19 299 Y +64 19 300 X +64 19 301 Y +64 19 302 X +64 19 303 X +64 19 304 Y +64 19 305 PY +64 19 306 Y +64 19 307 PY +64 19 308 PY +64 19 309 M +64 19 310 Y +64 19 311 PY +64 19 312 M +64 19 313 PY +64 19 314 X +64 19 315 Y +64 19 316 Y +64 19 317 I +64 19 318 K +64 19 319 X +64 19 320 K +64 19 321 I +64 19 322 PY +64 19 323 PY +64 19 324 X +64 19 325 I +64 19 326 K +64 19 327 X +64 19 328 M +64 19 329 V +64 19 330 X +64 20 1 L +64 20 2 Y +64 20 3 I +64 20 4 M +64 20 5 Y +64 20 6 K +64 20 7 Y +64 20 8 I +64 20 9 L +64 20 10 M +64 20 11 L +64 20 12 K +64 20 13 M +64 20 14 M +64 20 15 S +64 20 16 G +64 20 17 I +64 20 18 M +64 20 19 Y +64 20 20 Y +64 20 21 I +64 20 22 K +64 20 23 F +64 20 24 M +64 20 25 G +64 20 26 M +64 20 27 G +64 20 28 I +64 20 29 F +64 20 30 G +64 20 31 G +64 20 32 S +64 20 33 Y +64 20 34 G +64 20 35 S +64 20 36 P +64 20 37 P +64 20 38 I +64 20 39 Y +64 20 40 Y +64 20 41 I +64 20 42 K +64 20 43 P +64 20 44 G +64 20 45 Y +64 20 46 G +64 20 47 M +64 20 48 K +64 20 49 Y +64 20 50 G +64 20 51 G +64 20 52 G +64 20 53 I +64 20 54 Y +64 20 55 Y +64 20 56 K +64 20 57 P +64 20 58 F +64 20 59 G +64 20 60 M +64 20 61 I +64 20 62 F +64 20 63 I +64 20 64 P +64 20 65 I +64 20 66 G +64 20 67 Y +64 20 68 I +64 20 69 F +64 20 70 M +64 20 71 S +64 20 72 Y +64 20 73 I +64 20 74 G +64 20 75 M +64 20 76 I +64 20 77 M +64 20 78 I +64 20 79 M +64 20 80 M +64 20 81 Y +64 20 82 Y +64 20 83 G +64 20 84 I +64 20 85 Y +64 20 86 I +64 20 87 M +64 20 88 I +64 20 89 M +64 20 90 M +64 20 91 Y +64 20 92 G +64 20 93 P +64 20 94 M +64 20 95 F +64 20 96 F +64 20 97 M +64 20 98 I +64 20 99 M +64 20 100 Y +64 20 101 I +64 20 102 M +64 20 103 G +64 20 104 Y +64 20 105 S +64 20 106 Y +64 20 107 G +64 20 108 G +64 20 109 P +64 20 110 F +64 20 111 G +64 20 112 I +64 20 113 G +64 20 114 M +64 20 115 I +64 20 116 G +64 20 117 G +64 20 118 S +64 20 119 Y +64 20 120 G +64 20 121 S +64 20 122 Y +64 20 123 Y +64 20 124 P +64 20 125 I +64 20 126 S +64 20 127 S +64 20 128 M +64 20 129 Y +64 20 130 G +64 20 131 M +64 20 132 S +64 20 133 S +64 20 134 Y +64 20 135 S +64 20 136 S +64 20 137 Y +64 20 138 Y +64 20 139 G +64 20 140 M +64 20 141 PY +64 20 142 G +64 20 143 Y +64 20 144 M +64 20 145 Y +64 20 146 F +64 20 147 Y +64 20 148 I +64 20 149 Y +64 20 150 M +64 20 151 S +64 20 152 S +64 20 153 M +64 20 154 M +64 20 155 M +64 20 156 Y +64 20 157 F +64 20 158 PY +64 20 159 K +64 20 160 S +64 20 161 Y +64 20 162 S +64 20 163 Y +64 20 164 M +64 20 165 G +64 20 166 G +64 20 167 G +64 20 168 Y +64 20 169 G +64 20 170 M +64 20 171 Y +64 20 172 PY +64 20 173 S +64 20 174 Y +64 20 175 PY +64 20 176 S +64 20 177 Y +64 20 178 M +64 20 179 S +64 20 180 Y +64 20 181 L +64 20 182 G +64 20 183 G +64 20 184 I +64 20 185 F +64 20 186 Y +64 20 187 K +64 20 188 M +64 20 189 G +64 20 190 S +64 20 191 Y +64 20 192 S +64 20 193 Y +64 20 194 S +64 20 195 Y +64 20 196 Y +64 20 197 S +64 20 198 G +64 20 199 PY +64 20 200 Y +64 20 201 S +64 20 202 Y +64 20 203 S +64 20 204 PY +64 20 205 S +64 20 206 K +64 20 207 S +64 20 208 K +64 20 209 Y +64 20 210 S +64 20 211 Y +64 20 212 I +64 20 213 PY +64 20 214 Y +64 20 215 S +64 20 216 M +64 20 217 S +64 20 218 Y +64 20 219 Y +64 20 220 PY +64 20 221 Y +64 20 222 I +64 20 223 Y +64 20 224 PY +64 20 225 Y +64 20 226 M +64 20 227 M +64 20 228 M +64 20 229 Y +64 20 230 G +64 20 231 S +64 20 232 F +64 20 233 M +64 20 234 Y +64 20 235 G +64 20 236 Y +64 20 237 S +64 20 238 Y +64 20 239 S +64 20 240 S +64 20 241 G +64 20 242 K +64 20 243 S +64 20 244 G +64 20 245 I +64 20 246 Y +64 20 247 S +64 20 248 G +64 20 249 G +64 20 250 S +64 20 251 Y +64 20 252 M +64 20 253 Y +64 20 254 G +64 20 255 G +64 20 256 I +64 20 257 P +64 20 258 K +64 20 259 S +64 20 260 Y +64 20 261 S +64 20 262 S +64 20 263 S +64 20 264 S +64 20 265 Y +64 20 266 S +64 20 267 S +64 20 268 Y +64 20 269 S +64 20 270 F +64 20 271 P +64 20 272 PY +64 20 273 S +64 20 274 PY +64 20 275 Y +64 20 276 I +64 20 277 L +64 20 278 S +64 20 279 M +64 20 280 Y +64 20 281 Y +64 20 282 Y +64 20 283 S +64 20 284 G +64 20 285 I +64 20 286 G +64 20 287 K +64 20 288 I +64 20 289 Y +64 20 290 PY +64 20 291 M +64 20 292 S +64 20 293 G +64 20 294 G +64 20 295 G +64 20 296 S +64 20 297 F +64 20 298 S +64 20 299 Y +64 20 300 G +64 20 301 Y +64 20 302 G +64 20 303 G +64 20 304 Y +64 20 305 S +64 20 306 Y +64 20 307 P +64 20 308 S +64 20 309 G +64 20 310 Y +64 20 311 G +64 20 312 M +64 20 313 M +64 20 314 G +64 20 315 Y +64 20 316 Y +64 20 317 S +64 20 318 S +64 20 319 G +64 20 320 Y +64 20 321 I +64 20 322 M +64 20 323 M +64 20 324 G +64 20 325 I +64 20 326 K +64 20 327 G +64 20 328 Y +64 20 329 F +64 20 330 G +64 21 1 N +64 21 2 Y +64 21 3 I +64 21 4 M +64 21 5 Y +64 21 6 A +64 21 7 Y +64 21 8 I +64 21 9 A +64 21 10 N +64 21 11 M +64 21 12 * +64 21 13 M +64 21 14 N +64 21 15 * +64 21 16 P +64 21 17 I +64 21 18 M +64 21 19 N +64 21 20 Y +64 21 21 I +64 21 22 * +64 21 23 * +64 21 24 M +64 21 25 * +64 21 26 N +64 21 27 P +64 21 28 I +64 21 29 Y +64 21 30 A +64 21 31 N +64 21 32 * +64 21 33 Y +64 21 34 N +64 21 35 I +64 21 36 M +64 21 37 N +64 21 38 I +64 21 39 Y +64 21 40 N +64 21 41 A +64 21 42 * +64 21 43 M +64 21 44 P +64 21 45 Y +64 21 46 P +64 21 47 M +64 21 48 * +64 21 49 N +64 21 50 * +64 21 51 A +64 21 52 P +64 21 53 * +64 21 54 Y +64 21 55 N +64 21 56 P +64 21 57 N +64 21 58 A +64 21 59 P +64 21 60 M +64 21 61 I +64 21 62 * +64 21 63 P +64 21 64 N +64 21 65 I +64 21 66 P +64 21 67 Y +64 21 68 * +64 21 69 * +64 21 70 P +64 21 71 A +64 21 72 Y +64 21 73 * +64 21 74 P +64 21 75 M +64 21 76 A +64 21 77 N +64 21 78 P +64 21 79 M +64 21 80 N +64 21 81 Y +64 21 82 Y +64 21 83 P +64 21 84 P +64 21 85 Y +64 21 86 * +64 21 87 M +64 21 88 * +64 21 89 M +64 21 90 M +64 21 91 Y +64 21 92 P +64 21 93 N +64 21 94 M +64 21 95 P +64 21 96 * +64 21 97 * +64 21 98 I +64 21 99 P +64 21 100 Y +64 21 101 * +64 21 102 P +64 21 103 * +64 21 104 N +64 21 105 * +64 21 106 * +64 21 107 P +64 21 108 P +64 21 109 * +64 21 110 * +64 21 111 M +64 21 112 I +64 21 113 M +64 21 114 N +64 21 115 I +64 21 116 P +64 21 117 M +64 21 118 * +64 21 119 Y +64 21 120 P +64 21 121 A +64 21 122 Y +64 21 123 N +64 21 124 Y +64 21 125 A +64 21 126 * +64 21 127 M +64 21 128 Y +64 21 129 P +64 21 130 M +64 21 131 * +64 21 132 A +64 21 133 Y +64 21 134 M +64 21 135 * +64 21 136 N +64 21 137 M +64 21 138 N +64 21 139 P +64 21 140 N +64 21 141 P +64 21 142 P +64 21 143 Y +64 21 144 * +64 21 145 Y +64 21 146 N +64 21 147 * +64 21 148 I +64 21 149 Y +64 21 150 * +64 21 151 * +64 21 152 * +64 21 153 N +64 21 154 M +64 21 155 M +64 21 156 N +64 21 157 A +64 21 158 P +64 21 159 A +64 21 160 * +64 21 161 Y +64 21 162 I +64 21 163 N +64 21 164 N +64 21 165 M +64 21 166 M +64 21 167 P +64 21 168 Y +64 21 169 N +64 21 170 M +64 21 171 * +64 21 172 P +64 21 173 I +64 21 174 * +64 21 175 N +64 21 176 I +64 21 177 Y +64 21 178 N +64 21 179 A +64 21 180 Y +64 21 181 A +64 21 182 * +64 21 183 A +64 21 184 * +64 21 185 A +64 21 186 N +64 21 187 A +64 21 188 N +64 21 189 P +64 21 190 * +64 21 191 N +64 21 192 * +64 21 193 Y +64 21 194 * +64 21 195 Y +64 21 196 N +64 21 197 * +64 21 198 M +64 21 199 P +64 21 200 N +64 21 201 P +64 21 202 Y +64 21 203 * +64 21 204 M +64 21 205 * +64 21 206 P +64 21 207 I +64 21 208 A +64 21 209 N +64 21 210 M +64 21 211 N +64 21 212 A +64 21 213 P +64 21 214 Y +64 21 215 * +64 21 216 M +64 21 217 P +64 21 218 Y +64 21 219 P +64 21 220 * +64 21 221 P +64 21 222 * +64 21 223 Y +64 21 224 P +64 21 225 * +64 21 226 N +64 21 227 M +64 21 228 N +64 21 229 Y +64 21 230 P +64 21 231 * +64 21 232 M +64 21 233 * +64 21 234 Y +64 21 235 N +64 21 236 Y +64 21 237 P +64 21 238 N +64 21 239 * +64 21 240 A +64 21 241 P +64 21 242 Y +64 21 243 * +64 21 244 N +64 21 245 I +64 21 246 N +64 21 247 * +64 21 248 M +64 21 249 N +64 21 250 * +64 21 251 Y +64 21 252 P +64 21 253 Y +64 21 254 N +64 21 255 M +64 21 256 I +64 21 257 N +64 21 258 * +64 21 259 I +64 21 260 Y +64 21 261 A +64 21 262 P +64 21 263 M +64 21 264 N +64 21 265 Y +64 21 266 A +64 21 267 * +64 21 268 Y +64 21 269 * +64 21 270 A +64 21 271 M +64 21 272 P +64 21 273 * +64 21 274 P +64 21 275 Y +64 21 276 * +64 21 277 M +64 21 278 A +64 21 279 * +64 21 280 Y +64 21 281 N +64 21 282 Y +64 21 283 A +64 21 284 P +64 21 285 * +64 21 286 P +64 21 287 A +64 21 288 I +64 21 289 N +64 21 290 P +64 21 291 N +64 21 292 P +64 21 293 P +64 21 294 P +64 21 295 A +64 21 296 * +64 21 297 * +64 21 298 I +64 21 299 Y +64 21 300 P +64 21 301 Y +64 21 302 P +64 21 303 P +64 21 304 Y +64 21 305 * +64 21 306 Y +64 21 307 N +64 21 308 * +64 21 309 M +64 21 310 Y +64 21 311 N +64 21 312 M +64 21 313 * +64 21 314 P +64 21 315 Y +64 21 316 Y +64 21 317 * +64 21 318 A +64 21 319 P +64 21 320 Y +64 21 321 I +64 21 322 N +64 21 323 N +64 21 324 P +64 21 325 * +64 21 326 * +64 21 327 P +64 21 328 M +64 21 329 A +64 21 330 P +64 22 1 M +64 22 2 H +64 22 3 I +64 22 4 MU +64 22 5 N +64 22 6 D +64 22 7 C +64 22 8 T +64 22 9 C +64 22 10 MU +64 22 11 MU +64 22 12 RR +64 22 13 MU +64 22 14 MU +64 22 15 ZZ +64 22 16 H +64 22 17 T +64 22 18 MU +64 22 19 C +64 22 20 KG +64 22 21 T +64 22 22 RR +64 22 23 T +64 22 24 MU +64 22 25 MU +64 22 26 MU +64 22 27 KZ +64 22 28 T +64 22 29 RR +64 22 30 C +64 22 31 C +64 22 32 T +64 22 33 Y +64 22 34 MU +64 22 35 D +64 22 36 MU +64 22 37 C +64 22 38 I +64 22 39 Y +64 22 40 Y +64 22 41 I +64 22 42 D +64 22 43 MU +64 22 44 RR +64 22 45 Y +64 22 46 MU +64 22 47 MU +64 22 48 D +64 22 49 O +64 22 50 MU +64 22 51 MU +64 22 52 O +64 22 53 I +64 22 54 Y +64 22 55 C +64 22 56 D +64 22 57 M +64 22 58 D +64 22 59 RR +64 22 60 MU +64 22 61 I +64 22 62 C +64 22 63 D +64 22 64 MU +64 22 65 I +64 22 66 D +64 22 67 RR +64 22 68 I +64 22 69 C +64 22 70 O +64 22 71 C +64 22 72 MU +64 22 73 MU +64 22 74 O +64 22 75 MU +64 22 76 KZ +64 22 77 Y +64 22 78 D +64 22 79 MU +64 22 80 MU +64 22 81 Y +64 22 82 Y +64 22 83 D +64 22 84 KR +64 22 85 Y +64 22 86 I +64 22 87 MU +64 22 88 KZ +64 22 89 MU +64 22 90 MU +64 22 91 KR +64 22 92 D +64 22 93 MU +64 22 94 MU +64 22 95 P +64 22 96 KR +64 22 97 MU +64 22 98 I +64 22 99 P +64 22 100 P +64 22 101 I +64 22 102 P +64 22 103 Y +64 22 104 P +64 22 105 I +64 22 106 KR +64 22 107 P +64 22 108 PY +64 22 109 MU +64 22 110 KR +64 22 111 MU +64 22 112 I +64 22 113 M +64 22 114 MU +64 22 115 I +64 22 116 P +64 22 117 MU +64 22 118 I +64 22 119 Y +64 22 120 P +64 22 121 KR +64 22 122 KX +64 22 123 Y +64 22 124 MU +64 22 125 D +64 22 126 KR +64 22 127 MU +64 22 128 Y +64 22 129 P +64 22 130 M +64 22 131 I +64 22 132 I +64 22 133 Y +64 22 134 MU +64 22 135 I +64 22 136 Y +64 22 137 MU +64 22 138 P +64 22 139 P +64 22 140 MU +64 22 141 P +64 22 142 P +64 22 143 Y +64 22 144 MU +64 22 145 Y +64 22 146 KR +64 22 147 Y +64 22 148 I +64 22 149 Y +64 22 150 MU +64 22 151 KR +64 22 152 P +64 22 153 MU +64 22 154 MU +64 22 155 MU +64 22 156 Y +64 22 157 MU +64 22 158 P +64 22 159 KR +64 22 160 P +64 22 161 Y +64 22 162 I +64 22 163 MU +64 22 164 MU +64 22 165 MU +64 22 166 MU +64 22 167 P +64 22 168 Y +64 22 169 P +64 22 170 MU +64 22 171 MU +64 22 172 P +64 22 173 I +64 22 174 KX +64 22 175 P +64 22 176 I +64 22 177 D +64 22 178 MU +64 22 179 I +64 22 180 Y +64 22 181 D +64 22 182 MU +64 22 183 RR +64 22 184 I +64 22 185 KR +64 22 186 P +64 22 187 KR +64 22 188 MU +64 22 189 P +64 22 190 D +64 22 191 MU +64 22 192 D +64 22 193 D +64 22 194 I +64 22 195 Y +64 22 196 P +64 22 197 D +64 22 198 MU +64 22 199 P +64 22 200 P +64 22 201 D +64 22 202 Y +64 22 203 I +64 22 204 MU +64 22 205 D +64 22 206 P +64 22 207 I +64 22 208 KR +64 22 209 MU +64 22 210 C +64 22 211 P +64 22 212 D +64 22 213 P +64 22 214 KR +64 22 215 D +64 22 216 MU +64 22 217 D +64 22 218 Y +64 22 219 P +64 22 220 MU +64 22 221 P +64 22 222 MU +64 22 223 Y +64 22 224 P +64 22 225 D +64 22 226 MU +64 22 227 MU +64 22 228 MU +64 22 229 P +64 22 230 P +64 22 231 I +64 22 232 MU +64 22 233 P +64 22 234 Y +64 22 235 MU +64 22 236 Y +64 22 237 P +64 22 238 MU +64 22 239 D +64 22 240 MU +64 22 241 P +64 22 242 P +64 22 243 MU +64 22 244 P +64 22 245 I +64 22 246 Y +64 22 247 D +64 22 248 MU +64 22 249 Y +64 22 250 MU +64 22 251 D +64 22 252 P +64 22 253 Y +64 22 254 P +64 22 255 MU +64 22 256 I +64 22 257 MU +64 22 258 D +64 22 259 I +64 22 260 P +64 22 261 KR +64 22 262 P +64 22 263 MU +64 22 264 P +64 22 265 MU +64 22 266 KR +64 22 267 MU +64 22 268 Y +64 22 269 I +64 22 270 KR +64 22 271 MU +64 22 272 P +64 22 273 I +64 22 274 P +64 22 275 KZ +64 22 276 I +64 22 277 MU +64 22 278 KR +64 22 279 MU +64 22 280 Y +64 22 281 Y +64 22 282 Y +64 22 283 MU +64 22 284 P +64 22 285 KR +64 22 286 P +64 22 287 KZ +64 22 288 I +64 22 289 Y +64 22 290 P +64 22 291 MU +64 22 292 KR +64 22 293 P +64 22 294 P +64 22 295 KZ +64 22 296 MU +64 22 297 KR +64 22 298 I +64 22 299 Y +64 22 300 KZ +64 22 301 Y +64 22 302 P +64 22 303 P +64 22 304 Y +64 22 305 MU +64 22 306 Y +64 22 307 MU +64 22 308 KZ +64 22 309 MU +64 22 310 Y +64 22 311 MU +64 22 312 MU +64 22 313 MU +64 22 314 P +64 22 315 Y +64 22 316 Y +64 22 317 I +64 22 318 D +64 22 319 P +64 22 320 MU +64 22 321 I +64 22 322 P +64 22 323 MU +64 22 324 P +64 22 325 I +64 22 326 KR +64 22 327 P +64 22 328 MU +64 22 329 C +64 22 330 P +64 23 1 M +64 23 2 M +64 23 3 I +64 23 4 M +64 23 5 M +64 23 6 I +64 23 7 M +64 23 8 I +64 23 9 I +64 23 10 M +64 23 11 M +64 23 12 I +64 23 13 M +64 23 14 M +64 23 15 A +64 23 16 A +64 23 17 I +64 23 18 M +64 23 19 M +64 23 20 M +64 23 21 I +64 23 22 I +64 23 23 I +64 23 24 M +64 23 25 M +64 23 26 M +64 23 27 I +64 23 28 I +64 23 29 Y +64 23 30 I +64 23 31 P +64 23 32 I +64 23 33 P +64 23 34 M +64 23 35 I +64 23 36 M +64 23 37 M +64 23 38 I +64 23 39 M +64 23 40 M +64 23 41 I +64 23 42 P +64 23 43 M +64 23 44 P +64 23 45 M +64 23 46 M +64 23 47 M +64 23 48 P +64 23 49 M +64 23 50 M +64 23 51 M +64 23 52 P +64 23 53 I +64 23 54 M +64 23 55 M +64 23 56 I +64 23 57 M +64 23 58 NI +64 23 59 NI +64 23 60 M +64 23 61 I +64 23 62 NI +64 23 63 I +64 23 64 M +64 23 65 I +64 23 66 NI +64 23 67 M +64 23 68 I +64 23 69 M +64 23 70 NI +64 23 71 NI +64 23 72 M +64 23 73 I +64 23 74 NI +64 23 75 M +64 23 76 I +64 23 77 M +64 23 78 NI +64 23 79 M +64 23 80 M +64 23 81 Y +64 23 82 Y +64 23 83 NI +64 23 84 NI +64 23 85 M +64 23 86 I +64 23 87 M +64 23 88 I +64 23 89 M +64 23 90 M +64 23 91 NI +64 23 92 NI +64 23 93 M +64 23 94 M +64 23 95 NI +64 23 96 NI +64 23 97 M +64 23 98 I +64 23 99 NI +64 23 100 M +64 23 101 I +64 23 102 NI +64 23 103 M +64 23 104 M +64 23 105 I +64 23 106 NI +64 23 107 NI +64 23 108 NI +64 23 109 M +64 23 110 NI +64 23 111 M +64 23 112 I +64 23 113 M +64 23 114 M +64 23 115 I +64 23 116 NI +64 23 117 M +64 23 118 I +64 23 119 M +64 23 120 NI +64 23 121 I +64 23 122 M +64 23 123 M +64 23 124 NI +64 23 125 I +64 23 126 I +64 23 127 M +64 23 128 NI +64 23 129 NI +64 23 130 M +64 23 131 I +64 23 132 I +64 23 133 M +64 23 134 M +64 23 135 I +64 23 136 Y +64 23 137 M +64 23 138 M +64 23 139 NI +64 23 140 M +64 23 141 NI +64 23 142 NI +64 23 143 Y +64 23 144 M +64 23 145 NI +64 23 146 NI +64 23 147 M +64 23 148 I +64 23 149 Y +64 23 150 I +64 23 151 I +64 23 152 I +64 23 153 M +64 23 154 M +64 23 155 M +64 23 156 M +64 23 157 M +64 23 158 NI +64 23 159 NI +64 23 160 I +64 23 161 Y +64 23 162 I +64 23 163 M +64 23 164 M +64 23 165 M +64 23 166 M +64 23 167 NI +64 23 168 M +64 23 169 M +64 23 170 M +64 23 171 M +64 23 172 NI +64 23 173 I +64 23 174 M +64 23 175 M +64 23 176 I +64 23 177 NI +64 23 178 M +64 23 179 I +64 23 180 Y +64 23 181 NI +64 23 182 M +64 23 183 M +64 23 184 I +64 23 185 I +64 23 186 NI +64 23 187 NI +64 23 188 M +64 23 189 M +64 23 190 I +64 23 191 M +64 23 192 I +64 23 193 NI +64 23 194 I +64 23 195 Y +64 23 196 Y +64 23 197 I +64 23 198 M +64 23 199 NI +64 23 200 NI +64 23 201 I +64 23 202 M +64 23 203 I +64 23 204 M +64 23 205 M +64 23 206 NI +64 23 207 I +64 23 208 NI +64 23 209 M +64 23 210 M +64 23 211 M +64 23 212 I +64 23 213 I +64 23 214 Y +64 23 215 I +64 23 216 M +64 23 217 I +64 23 218 NI +64 23 219 NI +64 23 220 M +64 23 221 NI +64 23 222 M +64 23 223 M +64 23 224 Y +64 23 225 NI +64 23 226 M +64 23 227 M +64 23 228 M +64 23 229 Y +64 23 230 NI +64 23 231 I +64 23 232 M +64 23 233 M +64 23 234 M +64 23 235 M +64 23 236 NI +64 23 237 I +64 23 238 M +64 23 239 I +64 23 240 I +64 23 241 NI +64 23 242 NI +64 23 243 M +64 23 244 NI +64 23 245 I +64 23 246 M +64 23 247 M +64 23 248 M +64 23 249 M +64 23 250 M +64 23 251 Y +64 23 252 NI +64 23 253 Y +64 23 254 M +64 23 255 M +64 23 256 I +64 23 257 M +64 23 258 NI +64 23 259 I +64 23 260 NI +64 23 261 I +64 23 262 NI +64 23 263 M +64 23 264 M +64 23 265 M +64 23 266 I +64 23 267 M +64 23 268 Y +64 23 269 I +64 23 270 NI +64 23 271 M +64 23 272 NI +64 23 273 I +64 23 274 NI +64 23 275 NI +64 23 276 I +64 23 277 M +64 23 278 I +64 23 279 M +64 23 280 M +64 23 281 M +64 23 282 Y +64 23 283 M +64 23 284 NI +64 23 285 I +64 23 286 NI +64 23 287 NI +64 23 288 I +64 23 289 Y +64 23 290 NI +64 23 291 M +64 23 292 I +64 23 293 NI +64 23 294 NI +64 23 295 NI +64 23 296 M +64 23 297 NI +64 23 298 I +64 23 299 Y +64 23 300 NI +64 23 301 Y +64 23 302 NI +64 23 303 NI +64 23 304 NI +64 23 305 I +64 23 306 Y +64 23 307 M +64 23 308 I +64 23 309 M +64 23 310 Y +64 23 311 M +64 23 312 M +64 23 313 M +64 23 314 NI +64 23 315 Y +64 23 316 M +64 23 317 I +64 23 318 NI +64 23 319 NI +64 23 320 NI +64 23 321 I +64 23 322 M +64 23 323 M +64 23 324 NI +64 23 325 M +64 23 326 NI +64 23 327 NI +64 23 328 M +64 23 329 NI +64 23 330 NI +64 24 1 M +64 24 2 Y +64 24 3 I +64 24 4 I +64 24 5 Y +64 24 6 I +64 24 7 Y +64 24 8 I +64 24 9 A +64 24 10 M +64 24 11 M +64 24 12 X +64 24 13 M +64 24 14 M +64 24 15 WR +64 24 16 WR +64 24 17 I +64 24 18 M +64 24 19 KL +64 24 20 Y +64 24 21 I +64 24 22 WR +64 24 23 I +64 24 24 A +64 24 25 KL +64 24 26 N +64 24 27 WR +64 24 28 I +64 24 29 Y +64 24 30 A +64 24 31 N +64 24 32 I +64 24 33 Y +64 24 34 KL +64 24 35 I +64 24 36 M +64 24 37 N +64 24 38 I +64 24 39 Y +64 24 40 KL +64 24 41 I +64 24 42 A +64 24 43 M +64 24 44 WR +64 24 45 Y +64 24 46 R +64 24 47 M +64 24 48 A +64 24 49 N +64 24 50 I +64 24 51 A +64 24 52 WR +64 24 53 I +64 24 54 Y +64 24 55 N +64 24 56 RR +64 24 57 M +64 24 58 A +64 24 59 WR +64 24 60 M +64 24 61 I +64 24 62 RR +64 24 63 I +64 24 64 N +64 24 65 I +64 24 66 WR +64 24 67 Y +64 24 68 I +64 24 69 A +64 24 70 WR +64 24 71 I +64 24 72 Y +64 24 73 I +64 24 74 WR +64 24 75 M +64 24 76 A +64 24 77 N +64 24 78 WR +64 24 79 M +64 24 80 N +64 24 81 Y +64 24 82 KL +64 24 83 WR +64 24 84 A +64 24 85 Y +64 24 86 I +64 24 87 M +64 24 88 I +64 24 89 M +64 24 90 M +64 24 91 Y +64 24 92 WR +64 24 93 N +64 24 94 A +64 24 95 WR +64 24 96 NT +64 24 97 I +64 24 98 I +64 24 99 WR +64 24 100 WR +64 24 101 I +64 24 102 WR +64 24 103 A +64 24 104 WR +64 24 105 I +64 24 106 WR +64 24 107 WR +64 24 108 WR +64 24 109 M +64 24 110 NT +64 24 111 A +64 24 112 I +64 24 113 M +64 24 114 KL +64 24 115 I +64 24 116 WR +64 24 117 A +64 24 118 I +64 24 119 Y +64 24 120 WR +64 24 121 RR +64 24 122 Y +64 24 123 KL +64 24 124 Y +64 24 125 RR +64 24 126 I +64 24 127 M +64 24 128 K +64 24 129 WR +64 24 130 M +64 24 131 I +64 24 132 T +64 24 133 Y +64 24 134 A +64 24 135 I +64 24 136 KL +64 24 137 Y +64 24 138 WR +64 24 139 WR +64 24 140 N +64 24 141 WR +64 24 142 WR +64 24 143 Y +64 24 144 MU +64 24 145 Y +64 24 146 K +64 24 147 Y +64 24 148 T +64 24 149 Y +64 24 150 MU +64 24 151 RR +64 24 152 WR +64 24 153 N +64 24 154 A +64 24 155 A +64 24 156 Y +64 24 157 A +64 24 158 WR +64 24 159 K +64 24 160 RR +64 24 161 Y +64 24 162 T +64 24 163 KL +64 24 164 N +64 24 165 A +64 24 166 M +64 24 167 WR +64 24 168 Y +64 24 169 KL +64 24 170 M +64 24 171 Y +64 24 172 WR +64 24 173 T +64 24 174 NT +64 24 175 WR +64 24 176 RR +64 24 177 WR +64 24 178 N +64 24 179 T +64 24 180 Y +64 24 181 A +64 24 182 T +64 24 183 A +64 24 184 I +64 24 185 A +64 24 186 KL +64 24 187 K +64 24 188 N +64 24 189 WR +64 24 190 WR +64 24 191 Y +64 24 192 T +64 24 193 Y +64 24 194 A +64 24 195 Y +64 24 196 KL +64 24 197 T +64 24 198 M +64 24 199 WR +64 24 200 KL +64 24 201 T +64 24 202 Y +64 24 203 T +64 24 204 M +64 24 205 RR +64 24 206 WR +64 24 207 T +64 24 208 A +64 24 209 M +64 24 210 A +64 24 211 KL +64 24 212 K +64 24 213 WR +64 24 214 Y +64 24 215 WR +64 24 216 M +64 24 217 WR +64 24 218 Y +64 24 219 WR +64 24 220 N +64 24 221 WR +64 24 222 I +64 24 223 Y +64 24 224 WR +64 24 225 A +64 24 226 KL +64 24 227 A +64 24 228 M +64 24 229 WR +64 24 230 WR +64 24 231 T +64 24 232 A +64 24 233 WR +64 24 234 Y +64 24 235 N +64 24 236 Y +64 24 237 K +64 24 238 KL +64 24 239 T +64 24 240 A +64 24 241 WR +64 24 242 K +64 24 243 I +64 24 244 WR +64 24 245 T +64 24 246 KL +64 24 247 NT +64 24 248 M +64 24 249 Y +64 24 250 RR +64 24 251 Y +64 24 252 WR +64 24 253 Y +64 24 254 N +64 24 255 M +64 24 256 T +64 24 257 N +64 24 258 K +64 24 259 T +64 24 260 WR +64 24 261 K +64 24 262 WR +64 24 263 WR +64 24 264 WR +64 24 265 Y +64 24 266 A +64 24 267 MU +64 24 268 Y +64 24 269 RR +64 24 270 K +64 24 271 M +64 24 272 WR +64 24 273 RR +64 24 274 WR +64 24 275 K +64 24 276 T +64 24 277 N +64 24 278 T +64 24 279 N +64 24 280 Y +64 24 281 Y +64 24 282 Y +64 24 283 A +64 24 284 WR +64 24 285 T +64 24 286 WR +64 24 287 A +64 24 288 T +64 24 289 KL +64 24 290 WR +64 24 291 N +64 24 292 T +64 24 293 WR +64 24 294 WR +64 24 295 A +64 24 296 RR +64 24 297 K +64 24 298 T +64 24 299 Y +64 24 300 WR +64 24 301 Y +64 24 302 WR +64 24 303 WR +64 24 304 Y +64 24 305 T +64 24 306 Y +64 24 307 N +64 24 308 RR +64 24 309 A +64 24 310 Y +64 24 311 N +64 24 312 M +64 24 313 M +64 24 314 WR +64 24 315 Y +64 24 316 KL +64 24 317 T +64 24 318 T +64 24 319 WR +64 24 320 A +64 24 321 T +64 24 322 N +64 24 323 Y +64 24 324 WR +64 24 325 RR +64 24 326 K +64 24 327 WR +64 24 328 M +64 24 329 A +64 24 330 WR +64 25 1 N +64 25 2 Y +64 25 3 A +64 25 4 Y +64 25 5 Y +64 25 6 A +64 25 7 Y +64 25 8 A +64 25 9 A +64 25 10 MU +64 25 11 MU +64 25 12 K +64 25 13 Y +64 25 14 MU +64 25 15 WR +64 25 16 WR +64 25 17 A +64 25 18 M +64 25 19 WR +64 25 20 Y +64 25 21 A +64 25 22 K +64 25 23 K +64 25 24 A +64 25 25 N +64 25 26 N +64 25 27 WR +64 25 28 A +64 25 29 Y +64 25 30 A +64 25 31 WR +64 25 32 K +64 25 33 Y +64 25 34 WR +64 25 35 A +64 25 36 Y +64 25 37 WR +64 25 38 A +64 25 39 Y +64 25 40 WR +64 25 41 A +64 25 42 K +64 25 43 N +64 25 44 WR +64 25 45 Y +64 25 46 LA +64 25 47 LA +64 25 48 K +64 25 49 LA +64 25 50 K +64 25 51 A +64 25 52 WR +64 25 53 K +64 25 54 Y +64 25 55 WR +64 25 56 LA +64 25 57 N +64 25 58 LA +64 25 59 WR +64 25 60 N +64 25 61 A +64 25 62 P +64 25 63 I +64 25 64 N +64 25 65 I +64 25 66 WR +64 25 67 Y +64 25 68 I +64 25 69 Y +64 25 70 WR +64 25 71 I +64 25 72 Y +64 25 73 P +64 25 74 WR +64 25 75 Y +64 25 76 A +64 25 77 WR +64 25 78 A +64 25 79 M +64 25 80 N +64 25 81 Y +64 25 82 ZZ +64 25 83 P +64 25 84 A +64 25 85 Y +64 25 86 I +64 25 87 M +64 25 88 I +64 25 89 M +64 25 90 M +64 25 91 Y +64 25 92 WR +64 25 93 N +64 25 94 M +64 25 95 WR +64 25 96 PJ +64 25 97 K +64 25 98 I +64 25 99 WR +64 25 100 WR +64 25 101 K +64 25 102 WR +64 25 103 M +64 25 104 WR +64 25 105 K +64 25 106 K +64 25 107 WR +64 25 108 WR +64 25 109 N +64 25 110 RR +64 25 111 M +64 25 112 K +64 25 113 M +64 25 114 N +64 25 115 K +64 25 116 WR +64 25 117 M +64 25 118 A +64 25 119 Y +64 25 120 WR +64 25 121 A +64 25 122 Y +64 25 123 WR +64 25 124 Y +64 25 125 A +64 25 126 A +64 25 127 M +64 25 128 RR +64 25 129 WR +64 25 130 M +64 25 131 K +64 25 132 A +64 25 133 Y +64 25 134 M +64 25 135 K +64 25 136 WR +64 25 137 Y +64 25 138 WR +64 25 139 WR +64 25 140 N +64 25 141 WR +64 25 142 WR +64 25 143 Y +64 25 144 K +64 25 145 Y +64 25 146 RR +64 25 147 WR +64 25 148 A +64 25 149 Y +64 25 150 K +64 25 151 A +64 25 152 A +64 25 153 N +64 25 154 M +64 25 155 M +64 25 156 Y +64 25 157 M +64 25 158 WR +64 25 159 WR +64 25 160 WR +64 25 161 Y +64 25 162 K +64 25 163 N +64 25 164 N +64 25 165 Y +64 25 166 N +64 25 167 WR +64 25 168 N +64 25 169 N +64 25 170 M +64 25 171 Y +64 25 172 WR +64 25 173 A +64 25 174 RR +64 25 175 WR +64 25 176 A +64 25 177 A +64 25 178 N +64 25 179 K +64 25 180 Y +64 25 181 A +64 25 182 K +64 25 183 WR +64 25 184 K +64 25 185 A +64 25 186 WR +64 25 187 RR +64 25 188 N +64 25 189 WR +64 25 190 A +64 25 191 Y +64 25 192 A +64 25 193 Y +64 25 194 K +64 25 195 Y +64 25 196 WR +64 25 197 K +64 25 198 M +64 25 199 WR +64 25 200 N +64 25 201 A +64 25 202 Y +64 25 203 A +64 25 204 M +64 25 205 K +64 25 206 WR +64 25 207 K +64 25 208 A +64 25 209 Y +64 25 210 A +64 25 211 N +64 25 212 A +64 25 213 WR +64 25 214 Y +64 25 215 K +64 25 216 M +64 25 217 A +64 25 218 Y +64 25 219 WR +64 25 220 K +64 25 221 WR +64 25 222 K +64 25 223 Y +64 25 224 WR +64 25 225 Y +64 25 226 N +64 25 227 M +64 25 228 N +64 25 229 Y +64 25 230 WR +64 25 231 K +64 25 232 M +64 25 233 K +64 25 234 Y +64 25 235 N +64 25 236 Y +64 25 237 A +64 25 238 Y +64 25 239 A +64 25 240 A +64 25 241 WR +64 25 242 RR +64 25 243 K +64 25 244 WR +64 25 245 K +64 25 246 Y +64 25 247 K +64 25 248 M +64 25 249 Y +64 25 250 K +64 25 251 Y +64 25 252 WR +64 25 253 Y +64 25 254 WR +64 25 255 M +64 25 256 A +64 25 257 N +64 25 258 RR +64 25 259 A +64 25 260 RR +64 25 261 A +64 25 262 WR +64 25 263 WR +64 25 264 WR +64 25 265 Y +64 25 266 A +64 25 267 K +64 25 268 Y +64 25 269 K +64 25 270 RR +64 25 271 M +64 25 272 WR +64 25 273 K +64 25 274 WR +64 25 275 Y +64 25 276 K +64 25 277 N +64 25 278 A +64 25 279 N +64 25 280 Y +64 25 281 Y +64 25 282 Y +64 25 283 M +64 25 284 WR +64 25 285 WR +64 25 286 WR +64 25 287 WR +64 25 288 A +64 25 289 WR +64 25 290 WR +64 25 291 N +64 25 292 K +64 25 293 WR +64 25 294 WR +64 25 295 M +64 25 296 K +64 25 297 RR +64 25 298 A +64 25 299 Y +64 25 300 WR +64 25 301 Y +64 25 302 WR +64 25 303 WR +64 25 304 Y +64 25 305 K +64 25 306 Y +64 25 307 M +64 25 308 K +64 25 309 M +64 25 310 Y +64 25 311 N +64 25 312 M +64 25 313 K +64 25 314 WR +64 25 315 Y +64 25 316 WR +64 25 317 K +64 25 318 A +64 25 319 WR +64 25 320 WR +64 25 321 A +64 25 322 WR +64 25 323 Y +64 25 324 WR +64 25 325 K +64 25 326 RR +64 25 327 WR +64 25 328 Y +64 25 329 M +64 25 330 WR +65 1 1 N +65 1 2 R +65 1 3 F +65 1 4 R +65 1 5 N +65 1 6 R +65 1 7 N +65 1 8 F +65 1 9 R +65 1 10 N +65 1 11 N +65 1 12 P +65 1 13 K +65 1 14 K +65 1 15 R +65 1 16 U +65 1 17 F +65 1 18 K +65 1 19 N +65 1 20 N +65 1 21 F +65 1 22 R +65 1 23 J +65 1 24 K +65 1 25 N +65 1 26 N +65 1 27 R +65 1 28 F +65 1 29 N +65 1 30 P +65 1 31 U +65 1 32 P +65 1 33 N +65 1 34 N +65 1 35 P +65 1 36 N +65 1 37 R +65 1 38 F +65 1 39 N +65 1 40 N +65 1 41 F +65 1 42 P +65 1 43 K +65 1 44 U +65 1 45 N +65 1 46 R +65 1 47 K +65 1 48 P +65 1 49 N +65 1 50 K +65 1 51 K +65 1 52 U +65 1 53 F +65 1 54 N +65 1 55 N +65 1 56 J +65 1 57 N +65 1 58 P +65 1 59 U +65 1 60 K +65 1 61 P +65 1 62 J +65 1 63 J +65 1 64 N +65 1 65 F +65 1 66 U +65 1 67 N +65 1 68 F +65 1 69 N +65 1 70 U +65 1 71 P +65 1 72 F +65 1 73 N +65 1 74 U +65 1 75 K +65 1 76 F +65 1 77 N +65 1 78 U +65 1 79 K +65 1 80 N +65 1 81 P +65 1 82 N +65 1 83 U +65 1 84 F +65 1 85 N +65 1 86 F +65 1 87 K +65 1 88 N +65 1 89 K +65 1 90 K +65 1 91 N +65 1 92 U +65 1 93 N +65 1 94 K +65 1 95 U +65 1 96 P +65 1 97 N +65 1 98 F +65 1 99 U +65 1 100 N +65 1 101 P +65 1 102 U +65 1 103 P +65 1 104 U +65 1 105 F +65 1 106 P +65 1 107 U +65 1 108 U +65 1 109 N +65 1 110 P +65 1 111 K +65 1 112 F +65 1 113 K +65 1 114 N +65 1 115 F +65 1 116 U +65 1 117 K +65 1 118 N +65 1 119 N +65 1 120 U +65 1 121 P +65 1 122 N +65 1 123 K +65 1 124 P +65 1 125 F +65 1 126 F +65 1 127 K +65 1 128 P +65 1 129 U +65 1 130 K +65 1 131 N +65 1 132 F +65 1 133 N +65 1 134 K +65 1 135 P +65 1 136 N +65 1 137 N +65 1 138 N +65 1 139 U +65 1 140 N +65 1 141 U +65 1 142 U +65 1 143 N +65 1 144 K +65 1 145 N +65 1 146 P +65 1 147 N +65 1 148 F +65 1 149 N +65 1 150 P +65 1 151 F +65 1 152 N +65 1 153 N +65 1 154 K +65 1 155 K +65 1 156 N +65 1 157 K +65 1 158 U +65 1 159 N +65 1 160 N +65 1 161 N +65 1 162 F +65 1 163 N +65 1 164 N +65 1 165 N +65 1 166 K +65 1 167 U +65 1 168 N +65 1 169 N +65 1 170 N +65 1 171 N +65 1 172 U +65 1 173 P +65 1 174 P +65 1 175 U +65 1 176 P +65 1 177 N +65 1 178 N +65 1 179 N +65 1 180 N +65 1 181 P +65 1 182 F +65 1 183 F +65 1 184 N +65 1 185 P +65 1 186 N +65 1 187 F +65 1 188 N +65 1 189 U +65 1 190 P +65 1 191 N +65 1 192 N +65 1 193 P +65 1 194 K +65 1 195 N +65 1 196 N +65 1 197 U +65 1 198 N +65 1 199 K +65 1 200 N +65 1 201 P +65 1 202 N +65 1 203 P +65 1 204 K +65 1 205 N +65 1 206 U +65 1 207 P +65 1 208 N +65 1 209 K +65 1 210 K +65 1 211 N +65 1 212 P +65 1 213 U +65 1 214 P +65 1 215 N +65 1 216 K +65 1 217 N +65 1 218 P +65 1 219 U +65 1 220 K +65 1 221 U +65 1 222 N +65 1 223 N +65 1 224 U +65 1 225 P +65 1 226 K +65 1 227 K +65 1 228 K +65 1 229 N +65 1 230 U +65 1 231 P +65 1 232 P +65 1 233 U +65 1 234 N +65 1 235 N +65 1 236 N +65 1 237 P +65 1 238 N +65 1 239 F +65 1 240 F +65 1 241 U +65 1 242 P +65 1 243 N +65 1 244 U +65 1 245 F +65 1 246 N +65 1 247 N +65 1 248 K +65 1 249 N +65 1 250 P +65 1 251 N +65 1 252 U +65 1 253 N +65 1 254 N +65 1 255 K +65 1 256 F +65 1 257 N +65 1 258 F +65 1 259 F +65 1 260 U +65 1 261 P +65 1 262 U +65 1 263 U +65 1 264 U +65 1 265 N +65 1 266 F +65 1 267 P +65 1 268 N +65 1 269 F +65 1 270 F +65 1 271 N +65 1 272 U +65 1 273 P +65 1 274 U +65 1 275 P +65 1 276 F +65 1 277 K +65 1 278 F +65 1 279 N +65 1 280 N +65 1 281 N +65 1 282 N +65 1 283 P +65 1 284 U +65 1 285 F +65 1 286 U +65 1 287 P +65 1 288 F +65 1 289 N +65 1 290 U +65 1 291 N +65 1 292 P +65 1 293 U +65 1 294 U +65 1 295 N +65 1 296 J +65 1 297 P +65 1 298 F +65 1 299 N +65 1 300 U +65 1 301 N +65 1 302 U +65 1 303 U +65 1 304 N +65 1 305 J +65 1 306 N +65 1 307 N +65 1 308 U +65 1 309 K +65 1 310 N +65 1 311 K +65 1 312 K +65 1 313 K +65 1 314 U +65 1 315 N +65 1 316 N +65 1 317 F +65 1 318 F +65 1 319 U +65 1 320 P +65 1 321 F +65 1 322 U +65 1 323 N +65 1 324 U +65 1 325 J +65 1 326 P +65 1 327 U +65 1 328 N +65 1 329 P +65 1 330 U +65 2 1 N +65 2 2 R +65 2 3 F +65 2 4 J +65 2 5 N +65 2 6 R +65 2 7 N +65 2 8 F +65 2 9 R +65 2 10 J +65 2 11 N +65 2 12 P +65 2 13 J +65 2 14 N +65 2 15 R +65 2 16 U +65 2 17 F +65 2 18 K +65 2 19 J +65 2 20 N +65 2 21 F +65 2 22 R +65 2 23 J +65 2 24 K +65 2 25 N +65 2 26 N +65 2 27 U +65 2 28 P +65 2 29 N +65 2 30 F +65 2 31 R +65 2 32 J +65 2 33 N +65 2 34 J +65 2 35 F +65 2 36 N +65 2 37 J +65 2 38 F +65 2 39 N +65 2 40 R +65 2 41 F +65 2 42 P +65 2 43 K +65 2 44 U +65 2 45 N +65 2 46 K +65 2 47 N +65 2 48 P +65 2 49 N +65 2 50 J +65 2 51 T +65 2 52 R +65 2 53 F +65 2 54 N +65 2 55 J +65 2 56 R +65 2 57 N +65 2 58 R +65 2 59 U +65 2 60 K +65 2 61 F +65 2 62 R +65 2 63 P +65 2 64 N +65 2 65 F +65 2 66 R +65 2 67 N +65 2 68 F +65 2 69 J +65 2 70 U +65 2 71 F +65 2 72 N +65 2 73 J +65 2 74 U +65 2 75 K +65 2 76 F +65 2 77 N +65 2 78 R +65 2 79 K +65 2 80 N +65 2 81 J +65 2 82 N +65 2 83 R +65 2 84 R +65 2 85 N +65 2 86 F +65 2 87 K +65 2 88 J +65 2 89 K +65 2 90 N +65 2 91 R +65 2 92 U +65 2 93 N +65 2 94 K +65 2 95 R +65 2 96 R +65 2 97 N +65 2 98 F +65 2 99 R +65 2 100 R +65 2 101 F +65 2 102 U +65 2 103 T +65 2 104 J +65 2 105 F +65 2 106 R +65 2 107 U +65 2 108 U +65 2 109 J +65 2 110 F +65 2 111 J +65 2 112 F +65 2 113 K +65 2 114 N +65 2 115 F +65 2 116 U +65 2 117 K +65 2 118 F +65 2 119 N +65 2 120 U +65 2 121 F +65 2 122 N +65 2 123 J +65 2 124 P +65 2 125 F +65 2 126 F +65 2 127 K +65 2 128 T +65 2 129 U +65 2 130 K +65 2 131 J +65 2 132 F +65 2 133 N +65 2 134 K +65 2 135 F +65 2 136 J +65 2 137 N +65 2 138 J +65 2 139 U +65 2 140 J +65 2 141 U +65 2 142 U +65 2 143 T +65 2 144 T +65 2 145 N +65 2 146 J +65 2 147 J +65 2 148 F +65 2 149 J +65 2 150 J +65 2 151 F +65 2 152 J +65 2 153 J +65 2 154 U +65 2 155 K +65 2 156 N +65 2 157 J +65 2 158 U +65 2 159 J +65 2 160 J +65 2 161 N +65 2 162 F +65 2 163 J +65 2 164 N +65 2 165 J +65 2 166 J +65 2 167 J +65 2 168 J +65 2 169 J +65 2 170 J +65 2 171 J +65 2 172 U +65 2 173 F +65 2 174 J +65 2 175 J +65 2 176 F +65 2 177 J +65 2 178 K +65 2 179 F +65 2 180 N +65 2 181 J +65 2 182 J +65 2 183 J +65 2 184 J +65 2 185 J +65 2 186 J +65 2 187 F +65 2 188 J +65 2 189 U +65 2 190 F +65 2 191 N +65 2 192 J +65 2 193 J +65 2 194 F +65 2 195 N +65 2 196 J +65 2 197 J +65 2 198 K +65 2 199 U +65 2 200 N +65 2 201 F +65 2 202 N +65 2 203 F +65 2 204 K +65 2 205 J +65 2 206 J +65 2 207 F +65 2 208 J +65 2 209 N +65 2 210 F +65 2 211 J +65 2 212 F +65 2 213 J +65 2 214 J +65 2 215 F +65 2 216 K +65 2 217 J +65 2 218 J +65 2 219 U +65 2 220 J +65 2 221 U +65 2 222 J +65 2 223 N +65 2 224 U +65 2 225 J +65 2 226 N +65 2 227 K +65 2 228 K +65 2 229 N +65 2 230 U +65 2 231 J +65 2 232 J +65 2 233 J +65 2 234 N +65 2 235 N +65 2 236 J +65 2 237 J +65 2 238 J +65 2 239 F +65 2 240 J +65 2 241 U +65 2 242 J +65 2 243 F +65 2 244 U +65 2 245 F +65 2 246 N +65 2 247 J +65 2 248 N +65 2 249 N +65 2 250 J +65 2 251 N +65 2 252 U +65 2 253 N +65 2 254 J +65 2 255 K +65 2 256 F +65 2 257 J +65 2 258 J +65 2 259 F +65 2 260 J +65 2 261 J +65 2 262 U +65 2 263 U +65 2 264 J +65 2 265 N +65 2 266 F +65 2 267 J +65 2 268 J +65 2 269 J +65 2 270 F +65 2 271 F +65 2 272 U +65 2 273 J +65 2 274 U +65 2 275 J +65 2 276 F +65 2 277 J +65 2 278 F +65 2 279 J +65 2 280 J +65 2 281 N +65 2 282 N +65 2 283 J +65 2 284 U +65 2 285 F +65 2 286 U +65 2 287 J +65 2 288 F +65 2 289 J +65 2 290 U +65 2 291 J +65 2 292 U +65 2 293 U +65 2 294 U +65 2 295 J +65 2 296 J +65 2 297 F +65 2 298 F +65 2 299 N +65 2 300 U +65 2 301 N +65 2 302 U +65 2 303 N +65 2 304 J +65 2 305 J +65 2 306 J +65 2 307 J +65 2 308 J +65 2 309 K +65 2 310 N +65 2 311 J +65 2 312 K +65 2 313 J +65 2 314 U +65 2 315 N +65 2 316 J +65 2 317 J +65 2 318 F +65 2 319 U +65 2 320 J +65 2 321 G +65 2 322 J +65 2 323 N +65 2 324 U +65 2 325 J +65 2 326 P +65 2 327 U +65 2 328 N +65 2 329 J +65 2 330 U +65 3 1 N +65 3 2 N +65 3 3 F +65 3 4 F +65 3 5 N +65 3 6 R +65 3 7 N +65 3 8 F +65 3 9 R +65 3 10 K +65 3 11 N +65 3 12 P +65 3 13 N +65 3 14 N +65 3 15 R +65 3 16 U +65 3 17 F +65 3 18 U +65 3 19 N +65 3 20 N +65 3 21 F +65 3 22 R +65 3 23 R +65 3 24 K +65 3 25 N +65 3 26 K +65 3 27 U +65 3 28 F +65 3 29 N +65 3 30 P +65 3 31 R +65 3 32 F +65 3 33 N +65 3 34 N +65 3 35 F +65 3 36 N +65 3 37 R +65 3 38 F +65 3 39 N +65 3 40 N +65 3 41 F +65 3 42 P +65 3 43 N +65 3 44 U +65 3 45 N +65 3 46 U +65 3 47 N +65 3 48 P +65 3 49 N +65 3 50 R +65 3 51 R +65 3 52 U +65 3 53 F +65 3 54 N +65 3 55 N +65 3 56 R +65 3 57 N +65 3 58 R +65 3 59 U +65 3 60 N +65 3 61 F +65 3 62 R +65 3 63 R +65 3 64 N +65 3 65 F +65 3 66 U +65 3 67 N +65 3 68 F +65 3 69 R +65 3 70 U +65 3 71 R +65 3 72 N +65 3 73 R +65 3 74 R +65 3 75 R +65 3 76 F +65 3 77 N +65 3 78 R +65 3 79 K +65 3 80 N +65 3 81 R +65 3 82 N +65 3 83 R +65 3 84 R +65 3 85 N +65 3 86 F +65 3 87 K +65 3 88 F +65 3 89 K +65 3 90 N +65 3 91 P +65 3 92 U +65 3 93 N +65 3 94 K +65 3 95 R +65 3 96 P +65 3 97 R +65 3 98 F +65 3 99 R +65 3 100 R +65 3 101 F +65 3 102 R +65 3 103 R +65 3 104 N +65 3 105 F +65 3 106 P +65 3 107 U +65 3 108 R +65 3 109 R +65 3 110 P +65 3 111 R +65 3 112 F +65 3 113 K +65 3 114 N +65 3 115 F +65 3 116 R +65 3 117 K +65 3 118 R +65 3 119 N +65 3 120 U +65 3 121 P +65 3 122 N +65 3 123 R +65 3 124 P +65 3 125 P +65 3 126 R +65 3 127 K +65 3 128 P +65 3 129 U +65 3 130 K +65 3 131 R +65 3 132 F +65 3 133 N +65 3 134 R +65 3 135 R +65 3 136 N +65 3 137 N +65 3 138 R +65 3 139 U +65 3 140 N +65 3 141 U +65 3 142 U +65 3 143 P +65 3 144 N +65 3 145 N +65 3 146 P +65 3 147 R +65 3 148 F +65 3 149 R +65 3 150 R +65 3 151 R +65 3 152 R +65 3 153 N +65 3 154 K +65 3 155 K +65 3 156 N +65 3 157 K +65 3 158 U +65 3 159 R +65 3 160 R +65 3 161 F +65 3 162 F +65 3 163 N +65 3 164 N +65 3 165 K +65 3 166 N +65 3 167 R +65 3 168 N +65 3 169 R +65 3 170 N +65 3 171 R +65 3 172 U +65 3 173 F +65 3 174 P +65 3 175 R +65 3 176 F +65 3 177 P +65 3 178 N +65 3 179 R +65 3 180 N +65 3 181 P +65 3 182 F +65 3 183 R +65 3 184 R +65 3 185 R +65 3 186 N +65 3 187 P +65 3 188 R +65 3 189 U +65 3 190 R +65 3 191 N +65 3 192 R +65 3 193 P +65 3 194 R +65 3 195 N +65 3 196 R +65 3 197 R +65 3 198 K +65 3 199 U +65 3 200 R +65 3 201 R +65 3 202 N +65 3 203 F +65 3 204 K +65 3 205 R +65 3 206 U +65 3 207 F +65 3 208 P +65 3 209 N +65 3 210 R +65 3 211 R +65 3 212 P +65 3 213 R +65 3 214 P +65 3 215 R +65 3 216 R +65 3 217 R +65 3 218 R +65 3 219 R +65 3 220 R +65 3 221 R +65 3 222 R +65 3 223 N +65 3 224 U +65 3 225 R +65 3 226 N +65 3 227 K +65 3 228 R +65 3 229 N +65 3 230 U +65 3 231 F +65 3 232 R +65 3 233 R +65 3 234 N +65 3 235 N +65 3 236 P +65 3 237 R +65 3 238 N +65 3 239 F +65 3 240 R +65 3 241 U +65 3 242 R +65 3 243 R +65 3 244 R +65 3 245 F +65 3 246 N +65 3 247 R +65 3 248 N +65 3 249 N +65 3 250 R +65 3 251 N +65 3 252 U +65 3 253 N +65 3 254 R +65 3 255 K +65 3 256 F +65 3 257 R +65 3 258 P +65 3 259 F +65 3 260 R +65 3 261 P +65 3 262 U +65 3 263 R +65 3 264 R +65 3 265 N +65 3 266 R +65 3 267 R +65 3 268 N +65 3 269 R +65 3 270 P +65 3 271 N +65 3 272 R +65 3 273 R +65 3 274 U +65 3 275 P +65 3 276 F +65 3 277 R +65 3 278 P +65 3 279 R +65 3 280 R +65 3 281 N +65 3 282 P +65 3 283 R +65 3 284 U +65 3 285 R +65 3 286 U +65 3 287 R +65 3 288 F +65 3 289 R +65 3 290 U +65 3 291 R +65 3 292 R +65 3 293 R +65 3 294 U +65 3 295 R +65 3 296 R +65 3 297 P +65 3 298 F +65 3 299 N +65 3 300 R +65 3 301 N +65 3 302 U +65 3 303 R +65 3 304 R +65 3 305 R +65 3 306 N +65 3 307 R +65 3 308 R +65 3 309 K +65 3 310 N +65 3 311 R +65 3 312 K +65 3 313 R +65 3 314 U +65 3 315 N +65 3 316 N +65 3 317 R +65 3 318 P +65 3 319 N +65 3 320 R +65 3 321 F +65 3 322 R +65 3 323 N +65 3 324 U +65 3 325 R +65 3 326 P +65 3 327 R +65 3 328 N +65 3 329 R +65 3 330 R +65 4 1 J +65 4 2 N +65 4 3 F +65 4 4 J +65 4 5 N +65 4 6 T +65 4 7 N +65 4 8 F +65 4 9 G +65 4 10 J +65 4 11 K +65 4 12 P +65 4 13 J +65 4 14 K +65 4 15 G +65 4 16 U +65 4 17 F +65 4 18 K +65 4 19 N +65 4 20 N +65 4 21 G +65 4 22 P +65 4 23 G +65 4 24 K +65 4 25 N +65 4 26 N +65 4 27 U +65 4 28 F +65 4 29 N +65 4 30 G +65 4 31 N +65 4 32 G +65 4 33 N +65 4 34 N +65 4 35 G +65 4 36 N +65 4 37 N +65 4 38 G +65 4 39 N +65 4 40 N +65 4 41 F +65 4 42 P +65 4 43 K +65 4 44 R +65 4 45 N +65 4 46 R +65 4 47 N +65 4 48 P +65 4 49 N +65 4 50 F +65 4 51 R +65 4 52 R +65 4 53 F +65 4 54 N +65 4 55 N +65 4 56 G +65 4 57 N +65 4 58 R +65 4 59 G +65 4 60 K +65 4 61 F +65 4 62 R +65 4 63 G +65 4 64 N +65 4 65 F +65 4 66 U +65 4 67 N +65 4 68 F +65 4 69 N +65 4 70 U +65 4 71 F +65 4 72 N +65 4 73 F +65 4 74 U +65 4 75 N +65 4 76 F +65 4 77 N +65 4 78 G +65 4 79 K +65 4 80 N +65 4 81 N +65 4 82 N +65 4 83 P +65 4 84 F +65 4 85 N +65 4 86 F +65 4 87 K +65 4 88 F +65 4 89 K +65 4 90 N +65 4 91 P +65 4 92 U +65 4 93 N +65 4 94 K +65 4 95 N +65 4 96 P +65 4 97 F +65 4 98 F +65 4 99 G +65 4 100 N +65 4 101 F +65 4 102 G +65 4 103 P +65 4 104 N +65 4 105 F +65 4 106 P +65 4 107 U +65 4 108 N +65 4 109 N +65 4 110 P +65 4 111 N +65 4 112 F +65 4 113 K +65 4 114 N +65 4 115 F +65 4 116 N +65 4 117 K +65 4 118 G +65 4 119 N +65 4 120 U +65 4 121 F +65 4 122 N +65 4 123 N +65 4 124 P +65 4 125 F +65 4 126 G +65 4 127 N +65 4 128 P +65 4 129 R +65 4 130 N +65 4 131 G +65 4 132 F +65 4 133 N +65 4 134 K +65 4 135 G +65 4 136 N +65 4 137 N +65 4 138 N +65 4 139 R +65 4 140 N +65 4 141 U +65 4 142 U +65 4 143 P +65 4 144 N +65 4 145 N +65 4 146 P +65 4 147 N +65 4 148 F +65 4 149 N +65 4 150 J +65 4 151 G +65 4 152 G +65 4 153 N +65 4 154 K +65 4 155 K +65 4 156 N +65 4 157 R +65 4 158 U +65 4 159 P +65 4 160 G +65 4 161 N +65 4 162 F +65 4 163 N +65 4 164 N +65 4 165 N +65 4 166 K +65 4 167 R +65 4 168 N +65 4 169 J +65 4 170 K +65 4 171 N +65 4 172 U +65 4 173 G +65 4 174 P +65 4 175 N +65 4 176 F +65 4 177 P +65 4 178 N +65 4 179 F +65 4 180 N +65 4 181 P +65 4 182 F +65 4 183 P +65 4 184 G +65 4 185 P +65 4 186 N +65 4 187 P +65 4 188 N +65 4 189 U +65 4 190 G +65 4 191 N +65 4 192 P +65 4 193 P +65 4 194 G +65 4 195 N +65 4 196 N +65 4 197 R +65 4 198 K +65 4 199 U +65 4 200 N +65 4 201 G +65 4 202 N +65 4 203 F +65 4 204 K +65 4 205 G +65 4 206 U +65 4 207 G +65 4 208 P +65 4 209 N +65 4 210 F +65 4 211 N +65 4 212 G +65 4 213 R +65 4 214 P +65 4 215 F +65 4 216 N +65 4 217 F +65 4 218 P +65 4 219 U +65 4 220 N +65 4 221 U +65 4 222 F +65 4 223 N +65 4 224 F +65 4 225 P +65 4 226 N +65 4 227 N +65 4 228 K +65 4 229 N +65 4 230 R +65 4 231 F +65 4 232 P +65 4 233 U +65 4 234 N +65 4 235 N +65 4 236 N +65 4 237 F +65 4 238 N +65 4 239 G +65 4 240 F +65 4 241 U +65 4 242 P +65 4 243 F +65 4 244 U +65 4 245 F +65 4 246 N +65 4 247 J +65 4 248 N +65 4 249 N +65 4 250 J +65 4 251 N +65 4 252 U +65 4 253 N +65 4 254 J +65 4 255 K +65 4 256 G +65 4 257 J +65 4 258 P +65 4 259 F +65 4 260 P +65 4 261 P +65 4 262 U +65 4 263 U +65 4 264 N +65 4 265 N +65 4 266 G +65 4 267 F +65 4 268 N +65 4 269 G +65 4 270 P +65 4 271 N +65 4 272 U +65 4 273 F +65 4 274 U +65 4 275 P +65 4 276 F +65 4 277 N +65 4 278 P +65 4 279 J +65 4 280 N +65 4 281 N +65 4 282 N +65 4 283 T +65 4 284 U +65 4 285 G +65 4 286 U +65 4 287 T +65 4 288 F +65 4 289 N +65 4 290 U +65 4 291 N +65 4 292 P +65 4 293 R +65 4 294 U +65 4 295 T +65 4 296 F +65 4 297 P +65 4 298 F +65 4 299 N +65 4 300 U +65 4 301 N +65 4 302 R +65 4 303 T +65 4 304 J +65 4 305 F +65 4 306 U +65 4 307 N +65 4 308 F +65 4 309 R +65 4 310 N +65 4 311 J +65 4 312 K +65 4 313 J +65 4 314 G +65 4 315 N +65 4 316 N +65 4 317 G +65 4 318 P +65 4 319 U +65 4 320 T +65 4 321 F +65 4 322 N +65 4 323 N +65 4 324 R +65 4 325 F +65 4 326 P +65 4 327 U +65 4 328 N +65 4 329 T +65 4 330 R +65 5 1 N +65 5 2 R +65 5 3 F +65 5 4 R +65 5 5 N +65 5 6 P +65 5 7 N +65 5 8 F +65 5 9 R +65 5 10 K +65 5 11 N +65 5 12 P +65 5 13 N +65 5 14 R +65 5 15 R +65 5 16 U +65 5 17 F +65 5 18 K +65 5 19 N +65 5 20 N +65 5 21 F +65 5 22 P +65 5 23 J +65 5 24 R +65 5 25 N +65 5 26 N +65 5 27 U +65 5 28 F +65 5 29 N +65 5 30 R +65 5 31 N +65 5 32 F +65 5 33 N +65 5 34 N +65 5 35 F +65 5 36 N +65 5 37 N +65 5 38 F +65 5 39 N +65 5 40 N +65 5 41 F +65 5 42 R +65 5 43 N +65 5 44 U +65 5 45 N +65 5 46 K +65 5 47 R +65 5 48 P +65 5 49 N +65 5 50 J +65 5 51 R +65 5 52 U +65 5 53 F +65 5 54 N +65 5 55 N +65 5 56 R +65 5 57 N +65 5 58 R +65 5 59 J +65 5 60 N +65 5 61 F +65 5 62 R +65 5 63 F +65 5 64 N +65 5 65 F +65 5 66 R +65 5 67 N +65 5 68 F +65 5 69 R +65 5 70 U +65 5 71 F +65 5 72 N +65 5 73 R +65 5 74 N +65 5 75 N +65 5 76 F +65 5 77 N +65 5 78 R +65 5 79 K +65 5 80 N +65 5 81 N +65 5 82 N +65 5 83 R +65 5 84 R +65 5 85 N +65 5 86 F +65 5 87 K +65 5 88 F +65 5 89 K +65 5 90 R +65 5 91 N +65 5 92 N +65 5 93 N +65 5 94 K +65 5 95 U +65 5 96 P +65 5 97 R +65 5 98 F +65 5 99 R +65 5 100 N +65 5 101 F +65 5 102 J +65 5 103 P +65 5 104 N +65 5 105 R +65 5 106 P +65 5 107 U +65 5 108 U +65 5 109 R +65 5 110 P +65 5 111 N +65 5 112 F +65 5 113 K +65 5 114 N +65 5 115 F +65 5 116 U +65 5 117 K +65 5 118 R +65 5 119 N +65 5 120 U +65 5 121 F +65 5 122 N +65 5 123 N +65 5 124 R +65 5 125 F +65 5 126 P +65 5 127 K +65 5 128 P +65 5 129 U +65 5 130 K +65 5 131 J +65 5 132 F +65 5 133 N +65 5 134 K +65 5 135 F +65 5 136 N +65 5 137 R +65 5 138 N +65 5 139 U +65 5 140 R +65 5 141 U +65 5 142 U +65 5 143 N +65 5 144 K +65 5 145 N +65 5 146 R +65 5 147 N +65 5 148 F +65 5 149 N +65 5 150 J +65 5 151 F +65 5 152 R +65 5 153 N +65 5 154 K +65 5 155 J +65 5 156 N +65 5 157 R +65 5 158 U +65 5 159 P +65 5 160 P +65 5 161 N +65 5 162 F +65 5 163 N +65 5 164 N +65 5 165 K +65 5 166 N +65 5 167 R +65 5 168 N +65 5 169 N +65 5 170 N +65 5 171 N +65 5 172 U +65 5 173 F +65 5 174 P +65 5 175 R +65 5 176 F +65 5 177 P +65 5 178 K +65 5 179 F +65 5 180 N +65 5 181 P +65 5 182 F +65 5 183 R +65 5 184 N +65 5 185 P +65 5 186 N +65 5 187 F +65 5 188 P +65 5 189 U +65 5 190 R +65 5 191 N +65 5 192 J +65 5 193 N +65 5 194 F +65 5 195 N +65 5 196 N +65 5 197 J +65 5 198 K +65 5 199 U +65 5 200 R +65 5 201 U +65 5 202 N +65 5 203 F +65 5 204 K +65 5 205 K +65 5 206 U +65 5 207 F +65 5 208 R +65 5 209 N +65 5 210 K +65 5 211 N +65 5 212 P +65 5 213 U +65 5 214 F +65 5 215 F +65 5 216 K +65 5 217 R +65 5 218 R +65 5 219 U +65 5 220 R +65 5 221 U +65 5 222 P +65 5 223 N +65 5 224 U +65 5 225 P +65 5 226 N +65 5 227 K +65 5 228 N +65 5 229 P +65 5 230 U +65 5 231 R +65 5 232 K +65 5 233 N +65 5 234 N +65 5 235 N +65 5 236 N +65 5 237 P +65 5 238 N +65 5 239 F +65 5 240 R +65 5 241 U +65 5 242 P +65 5 243 K +65 5 244 U +65 5 245 F +65 5 246 P +65 5 247 R +65 5 248 N +65 5 249 K +65 5 250 P +65 5 251 P +65 5 252 U +65 5 253 N +65 5 254 R +65 5 255 K +65 5 256 F +65 5 257 N +65 5 258 P +65 5 259 F +65 5 260 U +65 5 261 P +65 5 262 U +65 5 263 K +65 5 264 N +65 5 265 F +65 5 266 R +65 5 267 N +65 5 268 F +65 5 269 R +65 5 270 N +65 5 271 N +65 5 272 U +65 5 273 F +65 5 274 U +65 5 275 P +65 5 276 F +65 5 277 N +65 5 278 P +65 5 279 K +65 5 280 N +65 5 281 N +65 5 282 N +65 5 283 R +65 5 284 U +65 5 285 R +65 5 286 U +65 5 287 P +65 5 288 F +65 5 289 N +65 5 290 U +65 5 291 K +65 5 292 P +65 5 293 U +65 5 294 U +65 5 295 P +65 5 296 J +65 5 297 P +65 5 298 F +65 5 299 N +65 5 300 U +65 5 301 N +65 5 302 U +65 5 303 R +65 5 304 N +65 5 305 J +65 5 306 N +65 5 307 N +65 5 308 R +65 5 309 K +65 5 310 N +65 5 311 N +65 5 312 K +65 5 313 K +65 5 314 U +65 5 315 N +65 5 316 N +65 5 317 F +65 5 318 P +65 5 319 U +65 5 320 P +65 5 321 F +65 5 322 N +65 5 323 N +65 5 324 U +65 5 325 J +65 5 326 P +65 5 327 U +65 5 328 N +65 5 329 R +65 5 330 U +65 6 1 J +65 6 2 R +65 6 3 F +65 6 4 J +65 6 5 N +65 6 6 R +65 6 7 N +65 6 8 F +65 6 9 J +65 6 10 J +65 6 11 J +65 6 12 P +65 6 13 N +65 6 14 K +65 6 15 R +65 6 16 U +65 6 17 F +65 6 18 K +65 6 19 J +65 6 20 N +65 6 21 G +65 6 22 P +65 6 23 J +65 6 24 K +65 6 25 N +65 6 26 J +65 6 27 P +65 6 28 F +65 6 29 N +65 6 30 J +65 6 31 J +65 6 32 G +65 6 33 N +65 6 34 J +65 6 35 F +65 6 36 J +65 6 37 R +65 6 38 F +65 6 39 N +65 6 40 J +65 6 41 F +65 6 42 R +65 6 43 R +65 6 44 G +65 6 45 N +65 6 46 K +65 6 47 J +65 6 48 P +65 6 49 N +65 6 50 R +65 6 51 J +65 6 52 U +65 6 53 F +65 6 54 N +65 6 55 N +65 6 56 J +65 6 57 N +65 6 58 R +65 6 59 J +65 6 60 R +65 6 61 F +65 6 62 N +65 6 63 F +65 6 64 J +65 6 65 F +65 6 66 U +65 6 67 N +65 6 68 F +65 6 69 J +65 6 70 U +65 6 71 F +65 6 72 N +65 6 73 J +65 6 74 U +65 6 75 J +65 6 76 F +65 6 77 N +65 6 78 G +65 6 79 K +65 6 80 J +65 6 81 N +65 6 82 J +65 6 83 R +65 6 84 F +65 6 85 N +65 6 86 G +65 6 87 K +65 6 88 J +65 6 89 K +65 6 90 J +65 6 91 P +65 6 92 R +65 6 93 J +65 6 94 K +65 6 95 U +65 6 96 P +65 6 97 J +65 6 98 F +65 6 99 R +65 6 100 N +65 6 101 F +65 6 102 J +65 6 103 R +65 6 104 N +65 6 105 G +65 6 106 P +65 6 107 U +65 6 108 J +65 6 109 N +65 6 110 P +65 6 111 R +65 6 112 F +65 6 113 K +65 6 114 N +65 6 115 F +65 6 116 U +65 6 117 J +65 6 118 G +65 6 119 N +65 6 120 U +65 6 121 F +65 6 122 N +65 6 123 N +65 6 124 P +65 6 125 F +65 6 126 G +65 6 127 J +65 6 128 P +65 6 129 R +65 6 130 N +65 6 131 J +65 6 132 F +65 6 133 N +65 6 134 R +65 6 135 G +65 6 136 N +65 6 137 J +65 6 138 J +65 6 139 R +65 6 140 N +65 6 141 U +65 6 142 R +65 6 143 P +65 6 144 R +65 6 145 N +65 6 146 P +65 6 147 N +65 6 148 F +65 6 149 N +65 6 150 J +65 6 151 G +65 6 152 R +65 6 153 J +65 6 154 K +65 6 155 K +65 6 156 N +65 6 157 R +65 6 158 U +65 6 159 P +65 6 160 G +65 6 161 N +65 6 162 F +65 6 163 J +65 6 164 N +65 6 165 R +65 6 166 K +65 6 167 R +65 6 168 N +65 6 169 J +65 6 170 K +65 6 171 J +65 6 172 U +65 6 173 F +65 6 174 P +65 6 175 N +65 6 176 N +65 6 177 N +65 6 178 J +65 6 179 F +65 6 180 N +65 6 181 J +65 6 182 R +65 6 183 J +65 6 184 N +65 6 185 J +65 6 186 N +65 6 187 P +65 6 188 N +65 6 189 U +65 6 190 G +65 6 191 N +65 6 192 J +65 6 193 P +65 6 194 F +65 6 195 N +65 6 196 J +65 6 197 R +65 6 198 K +65 6 199 U +65 6 200 N +65 6 201 F +65 6 202 N +65 6 203 G +65 6 204 K +65 6 205 R +65 6 206 U +65 6 207 F +65 6 208 J +65 6 209 N +65 6 210 J +65 6 211 N +65 6 212 F +65 6 213 R +65 6 214 N +65 6 215 G +65 6 216 R +65 6 217 F +65 6 218 J +65 6 219 U +65 6 220 N +65 6 221 U +65 6 222 J +65 6 223 N +65 6 224 R +65 6 225 J +65 6 226 N +65 6 227 K +65 6 228 J +65 6 229 N +65 6 230 P +65 6 231 R +65 6 232 J +65 6 233 R +65 6 234 N +65 6 235 N +65 6 236 J +65 6 237 F +65 6 238 N +65 6 239 J +65 6 240 F +65 6 241 U +65 6 242 P +65 6 243 R +65 6 244 U +65 6 245 F +65 6 246 N +65 6 247 R +65 6 248 J +65 6 249 J +65 6 250 N +65 6 251 N +65 6 252 R +65 6 253 N +65 6 254 J +65 6 255 K +65 6 256 F +65 6 257 J +65 6 258 P +65 6 259 R +65 6 260 R +65 6 261 F +65 6 262 U +65 6 263 N +65 6 264 R +65 6 265 N +65 6 266 F +65 6 267 J +65 6 268 N +65 6 269 J +65 6 270 F +65 6 271 N +65 6 272 U +65 6 273 J +65 6 274 U +65 6 275 R +65 6 276 F +65 6 277 J +65 6 278 F +65 6 279 N +65 6 280 N +65 6 281 N +65 6 282 J +65 6 283 R +65 6 284 U +65 6 285 R +65 6 286 U +65 6 287 J +65 6 288 F +65 6 289 U +65 6 290 R +65 6 291 J +65 6 292 F +65 6 293 U +65 6 294 U +65 6 295 R +65 6 296 N +65 6 297 P +65 6 298 F +65 6 299 N +65 6 300 U +65 6 301 N +65 6 302 R +65 6 303 N +65 6 304 J +65 6 305 N +65 6 306 N +65 6 307 R +65 6 308 N +65 6 309 R +65 6 310 N +65 6 311 N +65 6 312 K +65 6 313 N +65 6 314 R +65 6 315 N +65 6 316 N +65 6 317 F +65 6 318 F +65 6 319 U +65 6 320 J +65 6 321 F +65 6 322 N +65 6 323 N +65 6 324 U +65 6 325 P +65 6 326 P +65 6 327 U +65 6 328 N +65 6 329 J +65 6 330 U +65 7 1 N +65 7 2 N +65 7 3 F +65 7 4 K +65 7 5 N +65 7 6 R +65 7 7 N +65 7 8 F +65 7 9 R +65 7 10 N +65 7 11 K +65 7 12 P +65 7 13 N +65 7 14 K +65 7 15 U +65 7 16 U +65 7 17 F +65 7 18 K +65 7 19 P +65 7 20 P +65 7 21 F +65 7 22 R +65 7 23 F +65 7 24 K +65 7 25 P +65 7 26 K +65 7 27 U +65 7 28 F +65 7 29 N +65 7 30 F +65 7 31 N +65 7 32 F +65 7 33 N +65 7 34 N +65 7 35 F +65 7 36 K +65 7 37 U +65 7 38 F +65 7 39 N +65 7 40 N +65 7 41 F +65 7 42 P +65 7 43 K +65 7 44 U +65 7 45 N +65 7 46 K +65 7 47 K +65 7 48 F +65 7 49 P +65 7 50 J +65 7 51 K +65 7 52 U +65 7 53 F +65 7 54 N +65 7 55 N +65 7 56 R +65 7 57 N +65 7 58 P +65 7 59 U +65 7 60 K +65 7 61 K +65 7 62 K +65 7 63 F +65 7 64 N +65 7 65 F +65 7 66 U +65 7 67 N +65 7 68 F +65 7 69 K +65 7 70 U +65 7 71 F +65 7 72 N +65 7 73 K +65 7 74 U +65 7 75 K +65 7 76 F +65 7 77 N +65 7 78 U +65 7 79 K +65 7 80 F +65 7 81 N +65 7 82 R +65 7 83 F +65 7 84 N +65 7 85 F +65 7 86 K +65 7 87 F +65 7 88 K +65 7 89 P +65 7 90 K +65 7 91 P +65 7 92 U +65 7 93 N +65 7 94 K +65 7 95 U +65 7 96 P +65 7 97 J +65 7 98 J +65 7 99 U +65 7 100 N +65 7 101 F +65 7 102 K +65 7 103 K +65 7 104 N +65 7 105 F +65 7 106 P +65 7 107 U +65 7 108 P +65 7 109 J +65 7 110 R +65 7 111 K +65 7 112 F +65 7 113 K +65 7 114 N +65 7 115 F +65 7 116 N +65 7 117 K +65 7 118 F +65 7 119 N +65 7 120 U +65 7 121 F +65 7 122 N +65 7 123 N +65 7 124 P +65 7 125 F +65 7 126 F +65 7 127 K +65 7 128 P +65 7 129 U +65 7 130 K +65 7 131 F +65 7 132 F +65 7 133 N +65 7 134 K +65 7 135 F +65 7 136 N +65 7 137 K +65 7 138 N +65 7 139 U +65 7 140 N +65 7 141 U +65 7 142 U +65 7 143 N +65 7 144 K +65 7 145 N +65 7 146 P +65 7 147 F +65 7 148 F +65 7 149 N +65 7 150 J +65 7 151 F +65 7 152 F +65 7 153 N +65 7 154 K +65 7 155 K +65 7 156 N +65 7 157 K +65 7 158 U +65 7 159 P +65 7 160 F +65 7 161 N +65 7 162 F +65 7 163 N +65 7 164 N +65 7 165 K +65 7 166 N +65 7 167 N +65 7 168 N +65 7 169 J +65 7 170 N +65 7 171 K +65 7 172 U +65 7 173 F +65 7 174 P +65 7 175 N +65 7 176 F +65 7 177 P +65 7 178 N +65 7 179 K +65 7 180 N +65 7 181 P +65 7 182 J +65 7 183 K +65 7 184 J +65 7 185 F +65 7 186 N +65 7 187 F +65 7 188 N +65 7 189 U +65 7 190 F +65 7 191 N +65 7 192 J +65 7 193 P +65 7 194 J +65 7 195 N +65 7 196 N +65 7 197 J +65 7 198 K +65 7 199 U +65 7 200 N +65 7 201 F +65 7 202 N +65 7 203 F +65 7 204 K +65 7 205 J +65 7 206 U +65 7 207 F +65 7 208 P +65 7 209 N +65 7 210 K +65 7 211 N +65 7 212 P +65 7 213 U +65 7 214 N +65 7 215 F +65 7 216 K +65 7 217 F +65 7 218 P +65 7 219 U +65 7 220 J +65 7 221 U +65 7 222 J +65 7 223 N +65 7 224 U +65 7 225 K +65 7 226 F +65 7 227 K +65 7 228 K +65 7 229 N +65 7 230 F +65 7 231 J +65 7 232 K +65 7 233 J +65 7 234 N +65 7 235 N +65 7 236 P +65 7 237 F +65 7 238 N +65 7 239 F +65 7 240 F +65 7 241 U +65 7 242 P +65 7 243 F +65 7 244 U +65 7 245 F +65 7 246 N +65 7 247 J +65 7 248 K +65 7 249 N +65 7 250 J +65 7 251 N +65 7 252 U +65 7 253 N +65 7 254 J +65 7 255 K +65 7 256 F +65 7 257 N +65 7 258 P +65 7 259 F +65 7 260 P +65 7 261 F +65 7 262 U +65 7 263 K +65 7 264 U +65 7 265 N +65 7 266 F +65 7 267 J +65 7 268 N +65 7 269 F +65 7 270 P +65 7 271 N +65 7 272 U +65 7 273 F +65 7 274 U +65 7 275 P +65 7 276 F +65 7 277 N +65 7 278 F +65 7 279 J +65 7 280 N +65 7 281 N +65 7 282 N +65 7 283 K +65 7 284 U +65 7 285 F +65 7 286 U +65 7 287 K +65 7 288 F +65 7 289 N +65 7 290 R +65 7 291 N +65 7 292 F +65 7 293 U +65 7 294 K +65 7 295 K +65 7 296 K +65 7 297 P +65 7 298 F +65 7 299 N +65 7 300 K +65 7 301 N +65 7 302 U +65 7 303 K +65 7 304 N +65 7 305 F +65 7 306 N +65 7 307 N +65 7 308 J +65 7 309 K +65 7 310 N +65 7 311 N +65 7 312 K +65 7 313 J +65 7 314 U +65 7 315 N +65 7 316 N +65 7 317 F +65 7 318 F +65 7 319 U +65 7 320 K +65 7 321 F +65 7 322 N +65 7 323 N +65 7 324 U +65 7 325 F +65 7 326 P +65 7 327 U +65 7 328 N +65 7 329 F +65 7 330 U +65 8 1 N +65 8 2 R +65 8 3 F +65 8 4 R +65 8 5 R +65 8 6 R +65 8 7 N +65 8 8 F +65 8 9 R +65 8 10 N +65 8 11 N +65 8 12 P +65 8 13 N +65 8 14 N +65 8 15 U +65 8 16 U +65 8 17 F +65 8 18 K +65 8 19 N +65 8 20 N +65 8 21 N +65 8 22 P +65 8 23 U +65 8 24 K +65 8 25 N +65 8 26 N +65 8 27 U +65 8 28 F +65 8 29 N +65 8 30 F +65 8 31 N +65 8 32 N +65 8 33 N +65 8 34 N +65 8 35 F +65 8 36 K +65 8 37 R +65 8 38 F +65 8 39 N +65 8 40 N +65 8 41 F +65 8 42 P +65 8 43 K +65 8 44 U +65 8 45 N +65 8 46 K +65 8 47 N +65 8 48 P +65 8 49 N +65 8 50 R +65 8 51 R +65 8 52 R +65 8 53 F +65 8 54 N +65 8 55 R +65 8 56 R +65 8 57 K +65 8 58 R +65 8 59 R +65 8 60 N +65 8 61 F +65 8 62 R +65 8 63 R +65 8 64 N +65 8 65 F +65 8 66 R +65 8 67 N +65 8 68 R +65 8 69 K +65 8 70 U +65 8 71 F +65 8 72 N +65 8 73 N +65 8 74 R +65 8 75 N +65 8 76 F +65 8 77 N +65 8 78 R +65 8 79 K +65 8 80 N +65 8 81 N +65 8 82 R +65 8 83 U +65 8 84 R +65 8 85 N +65 8 86 R +65 8 87 K +65 8 88 N +65 8 89 K +65 8 90 N +65 8 91 R +65 8 92 U +65 8 93 N +65 8 94 K +65 8 95 U +65 8 96 P +65 8 97 N +65 8 98 F +65 8 99 R +65 8 100 R +65 8 101 F +65 8 102 N +65 8 103 K +65 8 104 P +65 8 105 U +65 8 106 P +65 8 107 U +65 8 108 R +65 8 109 N +65 8 110 P +65 8 111 K +65 8 112 F +65 8 113 K +65 8 114 N +65 8 115 F +65 8 116 U +65 8 117 K +65 8 118 R +65 8 119 N +65 8 120 U +65 8 121 F +65 8 122 N +65 8 123 N +65 8 124 P +65 8 125 F +65 8 126 R +65 8 127 K +65 8 128 P +65 8 129 U +65 8 130 K +65 8 131 N +65 8 132 F +65 8 133 N +65 8 134 K +65 8 135 R +65 8 136 N +65 8 137 N +65 8 138 N +65 8 139 U +65 8 140 N +65 8 141 U +65 8 142 U +65 8 143 N +65 8 144 N +65 8 145 N +65 8 146 P +65 8 147 N +65 8 148 F +65 8 149 N +65 8 150 N +65 8 151 U +65 8 152 U +65 8 153 N +65 8 154 K +65 8 155 K +65 8 156 N +65 8 157 K +65 8 158 U +65 8 159 R +65 8 160 R +65 8 161 N +65 8 162 F +65 8 163 N +65 8 164 N +65 8 165 K +65 8 166 N +65 8 167 R +65 8 168 N +65 8 169 N +65 8 170 K +65 8 171 K +65 8 172 U +65 8 173 F +65 8 174 P +65 8 175 R +65 8 176 F +65 8 177 R +65 8 178 N +65 8 179 F +65 8 180 N +65 8 181 P +65 8 182 R +65 8 183 K +65 8 184 R +65 8 185 R +65 8 186 N +65 8 187 P +65 8 188 N +65 8 189 R +65 8 190 U +65 8 191 F +65 8 192 R +65 8 193 P +65 8 194 F +65 8 195 N +65 8 196 R +65 8 197 R +65 8 198 K +65 8 199 U +65 8 200 R +65 8 201 R +65 8 202 N +65 8 203 F +65 8 204 K +65 8 205 R +65 8 206 U +65 8 207 F +65 8 208 P +65 8 209 N +65 8 210 R +65 8 211 N +65 8 212 P +65 8 213 U +65 8 214 P +65 8 215 U +65 8 216 K +65 8 217 U +65 8 218 R +65 8 219 U +65 8 220 N +65 8 221 U +65 8 222 R +65 8 223 N +65 8 224 U +65 8 225 K +65 8 226 N +65 8 227 K +65 8 228 K +65 8 229 R +65 8 230 U +65 8 231 R +65 8 232 K +65 8 233 R +65 8 234 N +65 8 235 R +65 8 236 K +65 8 237 U +65 8 238 N +65 8 239 R +65 8 240 F +65 8 241 U +65 8 242 U +65 8 243 F +65 8 244 U +65 8 245 F +65 8 246 N +65 8 247 R +65 8 248 K +65 8 249 K +65 8 250 R +65 8 251 R +65 8 252 U +65 8 253 N +65 8 254 R +65 8 255 K +65 8 256 F +65 8 257 R +65 8 258 R +65 8 259 F +65 8 260 P +65 8 261 F +65 8 262 U +65 8 263 U +65 8 264 U +65 8 265 N +65 8 266 F +65 8 267 F +65 8 268 U +65 8 269 R +65 8 270 P +65 8 271 K +65 8 272 U +65 8 273 R +65 8 274 U +65 8 275 K +65 8 276 F +65 8 277 K +65 8 278 R +65 8 279 N +65 8 280 N +65 8 281 N +65 8 282 N +65 8 283 R +65 8 284 U +65 8 285 R +65 8 286 U +65 8 287 R +65 8 288 F +65 8 289 N +65 8 290 U +65 8 291 R +65 8 292 R +65 8 293 U +65 8 294 U +65 8 295 K +65 8 296 N +65 8 297 P +65 8 298 F +65 8 299 N +65 8 300 U +65 8 301 N +65 8 302 R +65 8 303 R +65 8 304 K +65 8 305 F +65 8 306 N +65 8 307 R +65 8 308 R +65 8 309 K +65 8 310 N +65 8 311 R +65 8 312 K +65 8 313 R +65 8 314 U +65 8 315 N +65 8 316 N +65 8 317 F +65 8 318 P +65 8 319 U +65 8 320 K +65 8 321 F +65 8 322 R +65 8 323 N +65 8 324 U +65 8 325 N +65 8 326 P +65 8 327 U +65 8 328 N +65 8 329 R +65 8 330 U +65 9 1 R +65 9 2 N +65 9 3 F +65 9 4 J +65 9 5 N +65 9 6 G +65 9 7 N +65 9 8 F +65 9 9 P +65 9 10 J +65 9 11 N +65 9 12 P +65 9 13 N +65 9 14 R +65 9 15 G +65 9 16 U +65 9 17 K +65 9 18 R +65 9 19 N +65 9 20 N +65 9 21 G +65 9 22 U +65 9 23 G +65 9 24 K +65 9 25 N +65 9 26 J +65 9 27 U +65 9 28 G +65 9 29 P +65 9 30 R +65 9 31 U +65 9 32 J +65 9 33 N +65 9 34 R +65 9 35 G +65 9 36 N +65 9 37 R +65 9 38 J +65 9 39 N +65 9 40 R +65 9 41 J +65 9 42 R +65 9 43 F +65 9 44 U +65 9 45 N +65 9 46 K +65 9 47 N +65 9 48 R +65 9 49 F +65 9 50 J +65 9 51 K +65 9 52 U +65 9 53 J +65 9 54 N +65 9 55 R +65 9 56 G +65 9 57 N +65 9 58 R +65 9 59 U +65 9 60 N +65 9 61 J +65 9 62 P +65 9 63 J +65 9 64 R +65 9 65 G +65 9 66 U +65 9 67 N +65 9 68 G +65 9 69 N +65 9 70 U +65 9 71 J +65 9 72 N +65 9 73 J +65 9 74 U +65 9 75 K +65 9 76 F +65 9 77 N +65 9 78 G +65 9 79 K +65 9 80 R +65 9 81 N +65 9 82 N +65 9 83 U +65 9 84 G +65 9 85 N +65 9 86 G +65 9 87 K +65 9 88 J +65 9 89 J +65 9 90 N +65 9 91 N +65 9 92 U +65 9 93 K +65 9 94 R +65 9 95 U +65 9 96 P +65 9 97 J +65 9 98 F +65 9 99 G +65 9 100 U +65 9 101 R +65 9 102 U +65 9 103 N +65 9 104 R +65 9 105 J +65 9 106 U +65 9 107 U +65 9 108 U +65 9 109 R +65 9 110 P +65 9 111 N +65 9 112 G +65 9 113 K +65 9 114 R +65 9 115 J +65 9 116 U +65 9 117 K +65 9 118 G +65 9 119 N +65 9 120 U +65 9 121 F +65 9 122 N +65 9 123 R +65 9 124 P +65 9 125 F +65 9 126 G +65 9 127 N +65 9 128 P +65 9 129 U +65 9 130 K +65 9 131 J +65 9 132 F +65 9 133 N +65 9 134 K +65 9 135 J +65 9 136 N +65 9 137 N +65 9 138 R +65 9 139 U +65 9 140 R +65 9 141 U +65 9 142 U +65 9 143 N +65 9 144 R +65 9 145 N +65 9 146 P +65 9 147 N +65 9 148 F +65 9 149 N +65 9 150 J +65 9 151 G +65 9 152 G +65 9 153 R +65 9 154 K +65 9 155 R +65 9 156 N +65 9 157 K +65 9 158 U +65 9 159 P +65 9 160 G +65 9 161 N +65 9 162 J +65 9 163 R +65 9 164 K +65 9 165 N +65 9 166 R +65 9 167 G +65 9 168 N +65 9 169 R +65 9 170 K +65 9 171 N +65 9 172 U +65 9 173 F +65 9 174 P +65 9 175 U +65 9 176 G +65 9 177 P +65 9 178 R +65 9 179 J +65 9 180 N +65 9 181 K +65 9 182 J +65 9 183 R +65 9 184 J +65 9 185 P +65 9 186 N +65 9 187 P +65 9 188 R +65 9 189 U +65 9 190 G +65 9 191 N +65 9 192 J +65 9 193 N +65 9 194 K +65 9 195 N +65 9 196 R +65 9 197 G +65 9 198 K +65 9 199 R +65 9 200 R +65 9 201 G +65 9 202 N +65 9 203 J +65 9 204 K +65 9 205 R +65 9 206 U +65 9 207 G +65 9 208 R +65 9 209 N +65 9 210 K +65 9 211 R +65 9 212 P +65 9 213 U +65 9 214 N +65 9 215 G +65 9 216 N +65 9 217 G +65 9 218 N +65 9 219 U +65 9 220 R +65 9 221 U +65 9 222 R +65 9 223 N +65 9 224 R +65 9 225 N +65 9 226 R +65 9 227 N +65 9 228 R +65 9 229 N +65 9 230 U +65 9 231 J +65 9 232 K +65 9 233 R +65 9 234 N +65 9 235 R +65 9 236 N +65 9 237 G +65 9 238 N +65 9 239 G +65 9 240 F +65 9 241 U +65 9 242 P +65 9 243 J +65 9 244 U +65 9 245 F +65 9 246 N +65 9 247 R +65 9 248 N +65 9 249 R +65 9 250 J +65 9 251 N +65 9 252 U +65 9 253 N +65 9 254 R +65 9 255 K +65 9 256 F +65 9 257 R +65 9 258 P +65 9 259 J +65 9 260 R +65 9 261 P +65 9 262 U +65 9 263 K +65 9 264 R +65 9 265 N +65 9 266 F +65 9 267 J +65 9 268 N +65 9 269 G +65 9 270 R +65 9 271 N +65 9 272 U +65 9 273 R +65 9 274 U +65 9 275 P +65 9 276 J +65 9 277 R +65 9 278 P +65 9 279 R +65 9 280 N +65 9 281 N +65 9 282 N +65 9 283 K +65 9 284 U +65 9 285 G +65 9 286 U +65 9 287 R +65 9 288 F +65 9 289 N +65 9 290 G +65 9 291 R +65 9 292 G +65 9 293 U +65 9 294 U +65 9 295 R +65 9 296 J +65 9 297 P +65 9 298 F +65 9 299 N +65 9 300 U +65 9 301 N +65 9 302 R +65 9 303 N +65 9 304 K +65 9 305 J +65 9 306 N +65 9 307 R +65 9 308 J +65 9 309 K +65 9 310 N +65 9 311 R +65 9 312 K +65 9 313 J +65 9 314 G +65 9 315 N +65 9 316 R +65 9 317 J +65 9 318 P +65 9 319 G +65 9 320 N +65 9 321 F +65 9 322 R +65 9 323 N +65 9 324 U +65 9 325 J +65 9 326 P +65 9 327 U +65 9 328 N +65 9 329 R +65 9 330 U +65 10 1 N +65 10 2 R +65 10 3 F +65 10 4 F +65 10 5 U +65 10 6 R +65 10 7 N +65 10 8 F +65 10 9 N +65 10 10 N +65 10 11 N +65 10 12 P +65 10 13 K +65 10 14 J +65 10 15 U +65 10 16 R +65 10 17 F +65 10 18 N +65 10 19 N +65 10 20 N +65 10 21 F +65 10 22 P +65 10 23 F +65 10 24 N +65 10 25 R +65 10 26 N +65 10 27 U +65 10 28 R +65 10 29 R +65 10 30 F +65 10 31 U +65 10 32 N +65 10 33 P +65 10 34 N +65 10 35 F +65 10 36 K +65 10 37 N +65 10 38 F +65 10 39 R +65 10 40 N +65 10 41 F +65 10 42 P +65 10 43 J +65 10 44 U +65 10 45 N +65 10 46 K +65 10 47 N +65 10 48 F +65 10 49 R +65 10 50 N +65 10 51 K +65 10 52 U +65 10 53 F +65 10 54 N +65 10 55 J +65 10 56 F +65 10 57 N +65 10 58 F +65 10 59 R +65 10 60 K +65 10 61 F +65 10 62 N +65 10 63 F +65 10 64 N +65 10 65 F +65 10 66 U +65 10 67 R +65 10 68 F +65 10 69 N +65 10 70 U +65 10 71 K +65 10 72 N +65 10 73 F +65 10 74 U +65 10 75 N +65 10 76 F +65 10 77 R +65 10 78 U +65 10 79 K +65 10 80 N +65 10 81 P +65 10 82 N +65 10 83 R +65 10 84 F +65 10 85 N +65 10 86 F +65 10 87 K +65 10 88 F +65 10 89 K +65 10 90 N +65 10 91 P +65 10 92 R +65 10 93 N +65 10 94 F +65 10 95 U +65 10 96 P +65 10 97 K +65 10 98 F +65 10 99 U +65 10 100 N +65 10 101 F +65 10 102 U +65 10 103 N +65 10 104 P +65 10 105 F +65 10 106 P +65 10 107 R +65 10 108 U +65 10 109 N +65 10 110 P +65 10 111 R +65 10 112 F +65 10 113 K +65 10 114 N +65 10 115 F +65 10 116 R +65 10 117 F +65 10 118 F +65 10 119 N +65 10 120 U +65 10 121 P +65 10 122 N +65 10 123 N +65 10 124 P +65 10 125 F +65 10 126 R +65 10 127 K +65 10 128 P +65 10 129 U +65 10 130 N +65 10 131 K +65 10 132 F +65 10 133 N +65 10 134 K +65 10 135 F +65 10 136 N +65 10 137 N +65 10 138 N +65 10 139 U +65 10 140 N +65 10 141 U +65 10 142 U +65 10 143 P +65 10 144 K +65 10 145 R +65 10 146 P +65 10 147 R +65 10 148 F +65 10 149 N +65 10 150 F +65 10 151 F +65 10 152 R +65 10 153 N +65 10 154 N +65 10 155 K +65 10 156 N +65 10 157 K +65 10 158 U +65 10 159 P +65 10 160 P +65 10 161 N +65 10 162 F +65 10 163 N +65 10 164 N +65 10 165 N +65 10 166 N +65 10 167 R +65 10 168 N +65 10 169 J +65 10 170 K +65 10 171 N +65 10 172 U +65 10 173 F +65 10 174 P +65 10 175 U +65 10 176 F +65 10 177 P +65 10 178 K +65 10 179 N +65 10 180 N +65 10 181 P +65 10 182 K +65 10 183 N +65 10 184 N +65 10 185 P +65 10 186 U +65 10 187 P +65 10 188 N +65 10 189 U +65 10 190 F +65 10 191 N +65 10 192 K +65 10 193 P +65 10 194 N +65 10 195 P +65 10 196 U +65 10 197 K +65 10 198 K +65 10 199 R +65 10 200 R +65 10 201 F +65 10 202 N +65 10 203 F +65 10 204 K +65 10 205 N +65 10 206 U +65 10 207 F +65 10 208 R +65 10 209 K +65 10 210 K +65 10 211 N +65 10 212 P +65 10 213 R +65 10 214 P +65 10 215 F +65 10 216 K +65 10 217 F +65 10 218 P +65 10 219 U +65 10 220 N +65 10 221 U +65 10 222 N +65 10 223 N +65 10 224 U +65 10 225 P +65 10 226 N +65 10 227 K +65 10 228 K +65 10 229 R +65 10 230 U +65 10 231 N +65 10 232 R +65 10 233 N +65 10 234 N +65 10 235 N +65 10 236 P +65 10 237 R +65 10 238 N +65 10 239 F +65 10 240 K +65 10 241 U +65 10 242 J +65 10 243 F +65 10 244 U +65 10 245 F +65 10 246 N +65 10 247 N +65 10 248 K +65 10 249 N +65 10 250 F +65 10 251 R +65 10 252 U +65 10 253 N +65 10 254 R +65 10 255 K +65 10 256 F +65 10 257 K +65 10 258 N +65 10 259 F +65 10 260 R +65 10 261 P +65 10 262 U +65 10 263 N +65 10 264 U +65 10 265 N +65 10 266 F +65 10 267 F +65 10 268 N +65 10 269 J +65 10 270 P +65 10 271 K +65 10 272 U +65 10 273 J +65 10 274 U +65 10 275 P +65 10 276 J +65 10 277 K +65 10 278 F +65 10 279 N +65 10 280 P +65 10 281 N +65 10 282 N +65 10 283 F +65 10 284 U +65 10 285 R +65 10 286 U +65 10 287 R +65 10 288 F +65 10 289 N +65 10 290 U +65 10 291 R +65 10 292 R +65 10 293 U +65 10 294 U +65 10 295 R +65 10 296 K +65 10 297 P +65 10 298 F +65 10 299 N +65 10 300 K +65 10 301 N +65 10 302 U +65 10 303 U +65 10 304 P +65 10 305 K +65 10 306 P +65 10 307 N +65 10 308 N +65 10 309 K +65 10 310 N +65 10 311 K +65 10 312 K +65 10 313 N +65 10 314 U +65 10 315 P +65 10 316 N +65 10 317 N +65 10 318 F +65 10 319 U +65 10 320 P +65 10 321 F +65 10 322 N +65 10 323 N +65 10 324 U +65 10 325 K +65 10 326 P +65 10 327 U +65 10 328 N +65 10 329 R +65 10 330 U +65 11 1 J +65 11 2 N +65 11 3 F +65 11 4 J +65 11 5 N +65 11 6 R +65 11 7 N +65 11 8 R +65 11 9 R +65 11 10 K +65 11 11 N +65 11 12 P +65 11 13 N +65 11 14 K +65 11 15 G +65 11 16 U +65 11 17 F +65 11 18 K +65 11 19 N +65 11 20 N +65 11 21 F +65 11 22 R +65 11 23 J +65 11 24 R +65 11 25 N +65 11 26 K +65 11 27 U +65 11 28 G +65 11 29 N +65 11 30 P +65 11 31 N +65 11 32 J +65 11 33 N +65 11 34 J +65 11 35 R +65 11 36 N +65 11 37 J +65 11 38 F +65 11 39 N +65 11 40 J +65 11 41 F +65 11 42 P +65 11 43 K +65 11 44 U +65 11 45 N +65 11 46 R +65 11 47 N +65 11 48 P +65 11 49 N +65 11 50 J +65 11 51 R +65 11 52 U +65 11 53 G +65 11 54 N +65 11 55 J +65 11 56 R +65 11 57 J +65 11 58 P +65 11 59 U +65 11 60 K +65 11 61 G +65 11 62 J +65 11 63 R +65 11 64 J +65 11 65 G +65 11 66 U +65 11 67 J +65 11 68 R +65 11 69 R +65 11 70 U +65 11 71 G +65 11 72 N +65 11 73 K +65 11 74 R +65 11 75 N +65 11 76 P +65 11 77 N +65 11 78 U +65 11 79 K +65 11 80 N +65 11 81 N +65 11 82 N +65 11 83 U +65 11 84 R +65 11 85 N +65 11 86 J +65 11 87 K +65 11 88 R +65 11 89 K +65 11 90 N +65 11 91 P +65 11 92 U +65 11 93 R +65 11 94 K +65 11 95 U +65 11 96 P +65 11 97 K +65 11 98 F +65 11 99 U +65 11 100 N +65 11 101 G +65 11 102 N +65 11 103 R +65 11 104 N +65 11 105 J +65 11 106 U +65 11 107 U +65 11 108 N +65 11 109 K +65 11 110 P +65 11 111 K +65 11 112 F +65 11 113 K +65 11 114 N +65 11 115 R +65 11 116 N +65 11 117 K +65 11 118 R +65 11 119 N +65 11 120 U +65 11 121 G +65 11 122 N +65 11 123 N +65 11 124 P +65 11 125 G +65 11 126 R +65 11 127 K +65 11 128 P +65 11 129 R +65 11 130 K +65 11 131 N +65 11 132 R +65 11 133 N +65 11 134 K +65 11 135 G +65 11 136 N +65 11 137 N +65 11 138 N +65 11 139 U +65 11 140 K +65 11 141 U +65 11 142 U +65 11 143 P +65 11 144 K +65 11 145 N +65 11 146 P +65 11 147 N +65 11 148 F +65 11 149 N +65 11 150 N +65 11 151 R +65 11 152 R +65 11 153 N +65 11 154 K +65 11 155 K +65 11 156 N +65 11 157 K +65 11 158 U +65 11 159 R +65 11 160 R +65 11 161 N +65 11 162 F +65 11 163 N +65 11 164 N +65 11 165 R +65 11 166 K +65 11 167 R +65 11 168 N +65 11 169 K +65 11 170 N +65 11 171 R +65 11 172 U +65 11 173 G +65 11 174 P +65 11 175 N +65 11 176 G +65 11 177 N +65 11 178 K +65 11 179 R +65 11 180 N +65 11 181 P +65 11 182 G +65 11 183 R +65 11 184 K +65 11 185 P +65 11 186 N +65 11 187 P +65 11 188 K +65 11 189 U +65 11 190 G +65 11 191 N +65 11 192 K +65 11 193 P +65 11 194 K +65 11 195 N +65 11 196 N +65 11 197 R +65 11 198 K +65 11 199 U +65 11 200 N +65 11 201 R +65 11 202 N +65 11 203 G +65 11 204 K +65 11 205 K +65 11 206 U +65 11 207 G +65 11 208 R +65 11 209 N +65 11 210 R +65 11 211 N +65 11 212 P +65 11 213 R +65 11 214 P +65 11 215 G +65 11 216 N +65 11 217 G +65 11 218 P +65 11 219 U +65 11 220 K +65 11 221 U +65 11 222 K +65 11 223 N +65 11 224 U +65 11 225 P +65 11 226 N +65 11 227 K +65 11 228 N +65 11 229 U +65 11 230 R +65 11 231 G +65 11 232 R +65 11 233 N +65 11 234 N +65 11 235 K +65 11 236 P +65 11 237 R +65 11 238 N +65 11 239 G +65 11 240 R +65 11 241 U +65 11 242 P +65 11 243 G +65 11 244 U +65 11 245 F +65 11 246 N +65 11 247 K +65 11 248 K +65 11 249 N +65 11 250 K +65 11 251 N +65 11 252 U +65 11 253 N +65 11 254 U +65 11 255 K +65 11 256 G +65 11 257 K +65 11 258 P +65 11 259 G +65 11 260 U +65 11 261 R +65 11 262 U +65 11 263 K +65 11 264 N +65 11 265 N +65 11 266 R +65 11 267 G +65 11 268 N +65 11 269 G +65 11 270 P +65 11 271 N +65 11 272 U +65 11 273 G +65 11 274 U +65 11 275 P +65 11 276 G +65 11 277 N +65 11 278 R +65 11 279 N +65 11 280 N +65 11 281 N +65 11 282 N +65 11 283 R +65 11 284 U +65 11 285 G +65 11 286 U +65 11 287 R +65 11 288 F +65 11 289 N +65 11 290 U +65 11 291 K +65 11 292 R +65 11 293 N +65 11 294 U +65 11 295 R +65 11 296 N +65 11 297 P +65 11 298 F +65 11 299 N +65 11 300 R +65 11 301 N +65 11 302 U +65 11 303 K +65 11 304 N +65 11 305 G +65 11 306 N +65 11 307 K +65 11 308 R +65 11 309 K +65 11 310 N +65 11 311 N +65 11 312 K +65 11 313 K +65 11 314 U +65 11 315 N +65 11 316 J +65 11 317 G +65 11 318 P +65 11 319 U +65 11 320 P +65 11 321 F +65 11 322 N +65 11 323 N +65 11 324 U +65 11 325 K +65 11 326 P +65 11 327 U +65 11 328 N +65 11 329 R +65 11 330 N +65 12 1 N +65 12 2 R +65 12 3 F +65 12 4 P +65 12 5 P +65 12 6 R +65 12 7 N +65 12 8 F +65 12 9 R +65 12 10 N +65 12 11 N +65 12 12 P +65 12 13 N +65 12 14 K +65 12 15 U +65 12 16 U +65 12 17 F +65 12 18 K +65 12 19 N +65 12 20 N +65 12 21 F +65 12 22 U +65 12 23 P +65 12 24 K +65 12 25 N +65 12 26 N +65 12 27 U +65 12 28 P +65 12 29 N +65 12 30 F +65 12 31 U +65 12 32 J +65 12 33 N +65 12 34 N +65 12 35 R +65 12 36 K +65 12 37 N +65 12 38 F +65 12 39 N +65 12 40 N +65 12 41 F +65 12 42 R +65 12 43 N +65 12 44 U +65 12 45 N +65 12 46 R +65 12 47 K +65 12 48 R +65 12 49 P +65 12 50 P +65 12 51 K +65 12 52 U +65 12 53 F +65 12 54 N +65 12 55 N +65 12 56 R +65 12 57 N +65 12 58 P +65 12 59 U +65 12 60 P +65 12 61 F +65 12 62 J +65 12 63 R +65 12 64 N +65 12 65 F +65 12 66 N +65 12 67 N +65 12 68 P +65 12 69 K +65 12 70 U +65 12 71 P +65 12 72 N +65 12 73 P +65 12 74 N +65 12 75 K +65 12 76 F +65 12 77 N +65 12 78 R +65 12 79 K +65 12 80 N +65 12 81 P +65 12 82 N +65 12 83 U +65 12 84 R +65 12 85 N +65 12 86 P +65 12 87 K +65 12 88 P +65 12 89 K +65 12 90 N +65 12 91 P +65 12 92 U +65 12 93 N +65 12 94 K +65 12 95 R +65 12 96 P +65 12 97 N +65 12 98 F +65 12 99 U +65 12 100 P +65 12 101 F +65 12 102 R +65 12 103 P +65 12 104 N +65 12 105 F +65 12 106 U +65 12 107 U +65 12 108 P +65 12 109 N +65 12 110 R +65 12 111 K +65 12 112 F +65 12 113 K +65 12 114 N +65 12 115 F +65 12 116 P +65 12 117 K +65 12 118 R +65 12 119 N +65 12 120 U +65 12 121 F +65 12 122 N +65 12 123 N +65 12 124 P +65 12 125 F +65 12 126 R +65 12 127 K +65 12 128 P +65 12 129 U +65 12 130 K +65 12 131 J +65 12 132 F +65 12 133 N +65 12 134 K +65 12 135 P +65 12 136 N +65 12 137 N +65 12 138 P +65 12 139 U +65 12 140 N +65 12 141 U +65 12 142 U +65 12 143 P +65 12 144 P +65 12 145 N +65 12 146 R +65 12 147 N +65 12 148 F +65 12 149 P +65 12 150 J +65 12 151 R +65 12 152 R +65 12 153 N +65 12 154 K +65 12 155 K +65 12 156 N +65 12 157 K +65 12 158 U +65 12 159 R +65 12 160 R +65 12 161 N +65 12 162 F +65 12 163 N +65 12 164 N +65 12 165 K +65 12 166 N +65 12 167 U +65 12 168 N +65 12 169 N +65 12 170 K +65 12 171 P +65 12 172 U +65 12 173 F +65 12 174 R +65 12 175 U +65 12 176 F +65 12 177 P +65 12 178 N +65 12 179 F +65 12 180 N +65 12 181 R +65 12 182 F +65 12 183 R +65 12 184 P +65 12 185 F +65 12 186 N +65 12 187 F +65 12 188 N +65 12 189 U +65 12 190 P +65 12 191 N +65 12 192 N +65 12 193 P +65 12 194 F +65 12 195 N +65 12 196 N +65 12 197 P +65 12 198 K +65 12 199 U +65 12 200 N +65 12 201 R +65 12 202 N +65 12 203 F +65 12 204 K +65 12 205 N +65 12 206 U +65 12 207 F +65 12 208 R +65 12 209 N +65 12 210 K +65 12 211 N +65 12 212 R +65 12 213 U +65 12 214 P +65 12 215 J +65 12 216 K +65 12 217 R +65 12 218 P +65 12 219 U +65 12 220 J +65 12 221 U +65 12 222 N +65 12 223 N +65 12 224 U +65 12 225 R +65 12 226 N +65 12 227 K +65 12 228 N +65 12 229 N +65 12 230 U +65 12 231 P +65 12 232 K +65 12 233 U +65 12 234 N +65 12 235 N +65 12 236 P +65 12 237 P +65 12 238 N +65 12 239 P +65 12 240 F +65 12 241 U +65 12 242 U +65 12 243 F +65 12 244 U +65 12 245 F +65 12 246 N +65 12 247 P +65 12 248 K +65 12 249 N +65 12 250 P +65 12 251 N +65 12 252 U +65 12 253 N +65 12 254 N +65 12 255 K +65 12 256 F +65 12 257 N +65 12 258 P +65 12 259 F +65 12 260 U +65 12 261 F +65 12 262 U +65 12 263 U +65 12 264 U +65 12 265 N +65 12 266 F +65 12 267 F +65 12 268 N +65 12 269 P +65 12 270 P +65 12 271 N +65 12 272 U +65 12 273 P +65 12 274 U +65 12 275 U +65 12 276 F +65 12 277 N +65 12 278 P +65 12 279 N +65 12 280 P +65 12 281 N +65 12 282 N +65 12 283 R +65 12 284 U +65 12 285 P +65 12 286 U +65 12 287 R +65 12 288 F +65 12 289 N +65 12 290 U +65 12 291 N +65 12 292 R +65 12 293 U +65 12 294 U +65 12 295 R +65 12 296 N +65 12 297 R +65 12 298 F +65 12 299 N +65 12 300 U +65 12 301 N +65 12 302 U +65 12 303 U +65 12 304 N +65 12 305 P +65 12 306 P +65 12 307 N +65 12 308 P +65 12 309 K +65 12 310 N +65 12 311 N +65 12 312 K +65 12 313 N +65 12 314 U +65 12 315 N +65 12 316 N +65 12 317 F +65 12 318 R +65 12 319 U +65 12 320 P +65 12 321 F +65 12 322 P +65 12 323 N +65 12 324 U +65 12 325 P +65 12 326 P +65 12 327 U +65 12 328 K +65 12 329 K +65 12 330 U +65 13 1 N +65 13 2 J +65 13 3 G +65 13 4 J +65 13 5 J +65 13 6 U +65 13 7 N +65 13 8 F +65 13 9 J +65 13 10 K +65 13 11 K +65 13 12 N +65 13 13 K +65 13 14 K +65 13 15 U +65 13 16 U +65 13 17 F +65 13 18 K +65 13 19 N +65 13 20 N +65 13 21 F +65 13 22 U +65 13 23 N +65 13 24 K +65 13 25 J +65 13 26 J +65 13 27 U +65 13 28 F +65 13 29 J +65 13 30 U +65 13 31 U +65 13 32 G +65 13 33 N +65 13 34 N +65 13 35 F +65 13 36 K +65 13 37 J +65 13 38 F +65 13 39 J +65 13 40 J +65 13 41 F +65 13 42 U +65 13 43 K +65 13 44 U +65 13 45 N +65 13 46 K +65 13 47 J +65 13 48 J +65 13 49 U +65 13 50 N +65 13 51 K +65 13 52 U +65 13 53 F +65 13 54 J +65 13 55 U +65 13 56 U +65 13 57 K +65 13 58 N +65 13 59 U +65 13 60 K +65 13 61 F +65 13 62 J +65 13 63 F +65 13 64 J +65 13 65 F +65 13 66 U +65 13 67 J +65 13 68 F +65 13 69 N +65 13 70 U +65 13 71 F +65 13 72 J +65 13 73 J +65 13 74 U +65 13 75 K +65 13 76 F +65 13 77 J +65 13 78 U +65 13 79 K +65 13 80 J +65 13 81 J +65 13 82 J +65 13 83 U +65 13 84 U +65 13 85 J +65 13 86 F +65 13 87 K +65 13 88 J +65 13 89 K +65 13 90 K +65 13 91 N +65 13 92 U +65 13 93 N +65 13 94 K +65 13 95 U +65 13 96 J +65 13 97 K +65 13 98 F +65 13 99 J +65 13 100 U +65 13 101 F +65 13 102 U +65 13 103 N +65 13 104 N +65 13 105 F +65 13 106 U +65 13 107 U +65 13 108 U +65 13 109 J +65 13 110 J +65 13 111 K +65 13 112 F +65 13 113 K +65 13 114 K +65 13 115 F +65 13 116 U +65 13 117 K +65 13 118 J +65 13 119 J +65 13 120 U +65 13 121 F +65 13 122 J +65 13 123 K +65 13 124 N +65 13 125 F +65 13 126 U +65 13 127 K +65 13 128 J +65 13 129 U +65 13 130 K +65 13 131 N +65 13 132 F +65 13 133 K +65 13 134 K +65 13 135 F +65 13 136 J +65 13 137 K +65 13 138 F +65 13 139 U +65 13 140 J +65 13 141 U +65 13 142 U +65 13 143 J +65 13 144 K +65 13 145 N +65 13 146 J +65 13 147 J +65 13 148 F +65 13 149 J +65 13 150 K +65 13 151 U +65 13 152 U +65 13 153 N +65 13 154 K +65 13 155 J +65 13 156 J +65 13 157 K +65 13 158 U +65 13 159 N +65 13 160 J +65 13 161 J +65 13 162 F +65 13 163 J +65 13 164 J +65 13 165 J +65 13 166 K +65 13 167 J +65 13 168 N +65 13 169 N +65 13 170 K +65 13 171 J +65 13 172 U +65 13 173 F +65 13 174 J +65 13 175 J +65 13 176 F +65 13 177 U +65 13 178 K +65 13 179 J +65 13 180 J +65 13 181 U +65 13 182 F +65 13 183 J +65 13 184 N +65 13 185 N +65 13 186 N +65 13 187 J +65 13 188 K +65 13 189 U +65 13 190 J +65 13 191 J +65 13 192 J +65 13 193 N +65 13 194 N +65 13 195 N +65 13 196 N +65 13 197 U +65 13 198 K +65 13 199 U +65 13 200 J +65 13 201 U +65 13 202 J +65 13 203 J +65 13 204 K +65 13 205 N +65 13 206 U +65 13 207 J +65 13 208 J +65 13 209 J +65 13 210 J +65 13 211 J +65 13 212 J +65 13 213 U +65 13 214 J +65 13 215 U +65 13 216 K +65 13 217 U +65 13 218 J +65 13 219 U +65 13 220 J +65 13 221 U +65 13 222 J +65 13 223 J +65 13 224 U +65 13 225 J +65 13 226 J +65 13 227 K +65 13 228 K +65 13 229 N +65 13 230 U +65 13 231 J +65 13 232 J +65 13 233 J +65 13 234 N +65 13 235 J +65 13 236 N +65 13 237 U +65 13 238 J +65 13 239 J +65 13 240 J +65 13 241 U +65 13 242 N +65 13 243 J +65 13 244 U +65 13 245 F +65 13 246 J +65 13 247 J +65 13 248 K +65 13 249 K +65 13 250 J +65 13 251 J +65 13 252 U +65 13 253 U +65 13 254 J +65 13 255 K +65 13 256 F +65 13 257 J +65 13 258 J +65 13 259 G +65 13 260 U +65 13 261 J +65 13 262 U +65 13 263 U +65 13 264 U +65 13 265 J +65 13 266 J +65 13 267 G +65 13 268 N +65 13 269 G +65 13 270 J +65 13 271 K +65 13 272 U +65 13 273 J +65 13 274 U +65 13 275 J +65 13 276 J +65 13 277 K +65 13 278 U +65 13 279 J +65 13 280 J +65 13 281 N +65 13 282 N +65 13 283 K +65 13 284 U +65 13 285 N +65 13 286 U +65 13 287 J +65 13 288 F +65 13 289 J +65 13 290 U +65 13 291 N +65 13 292 U +65 13 293 U +65 13 294 U +65 13 295 K +65 13 296 J +65 13 297 U +65 13 298 F +65 13 299 J +65 13 300 U +65 13 301 N +65 13 302 U +65 13 303 U +65 13 304 J +65 13 305 J +65 13 306 N +65 13 307 N +65 13 308 N +65 13 309 K +65 13 310 J +65 13 311 K +65 13 312 K +65 13 313 K +65 13 314 U +65 13 315 N +65 13 316 N +65 13 317 F +65 13 318 F +65 13 319 U +65 13 320 F +65 13 321 F +65 13 322 N +65 13 323 N +65 13 324 U +65 13 325 U +65 13 326 U +65 13 327 U +65 13 328 N +65 13 329 J +65 13 330 U +65 14 1 G +65 14 2 R +65 14 3 F +65 14 4 K +65 14 5 J +65 14 6 R +65 14 7 N +65 14 8 G +65 14 9 R +65 14 10 N +65 14 11 K +65 14 12 P +65 14 13 N +65 14 14 K +65 14 15 P +65 14 16 U +65 14 17 G +65 14 18 K +65 14 19 N +65 14 20 N +65 14 21 G +65 14 22 P +65 14 23 N +65 14 24 R +65 14 25 N +65 14 26 K +65 14 27 U +65 14 28 G +65 14 29 N +65 14 30 F +65 14 31 N +65 14 32 G +65 14 33 N +65 14 34 N +65 14 35 R +65 14 36 K +65 14 37 N +65 14 38 F +65 14 39 N +65 14 40 N +65 14 41 F +65 14 42 R +65 14 43 K +65 14 44 U +65 14 45 N +65 14 46 K +65 14 47 N +65 14 48 R +65 14 49 N +65 14 50 K +65 14 51 F +65 14 52 U +65 14 53 F +65 14 54 N +65 14 55 N +65 14 56 R +65 14 57 N +65 14 58 R +65 14 59 R +65 14 60 K +65 14 61 F +65 14 62 R +65 14 63 F +65 14 64 N +65 14 65 F +65 14 66 U +65 14 67 N +65 14 68 G +65 14 69 N +65 14 70 U +65 14 71 K +65 14 72 N +65 14 73 K +65 14 74 R +65 14 75 K +65 14 76 F +65 14 77 N +65 14 78 R +65 14 79 K +65 14 80 N +65 14 81 N +65 14 82 N +65 14 83 U +65 14 84 R +65 14 85 N +65 14 86 G +65 14 87 K +65 14 88 F +65 14 89 K +65 14 90 N +65 14 91 P +65 14 92 U +65 14 93 N +65 14 94 K +65 14 95 U +65 14 96 P +65 14 97 N +65 14 98 F +65 14 99 R +65 14 100 N +65 14 101 F +65 14 102 N +65 14 103 R +65 14 104 N +65 14 105 G +65 14 106 R +65 14 107 U +65 14 108 N +65 14 109 N +65 14 110 P +65 14 111 K +65 14 112 F +65 14 113 K +65 14 114 N +65 14 115 F +65 14 116 N +65 14 117 K +65 14 118 F +65 14 119 N +65 14 120 U +65 14 121 F +65 14 122 N +65 14 123 K +65 14 124 P +65 14 125 F +65 14 126 G +65 14 127 K +65 14 128 P +65 14 129 N +65 14 130 K +65 14 131 F +65 14 132 F +65 14 133 N +65 14 134 K +65 14 135 N +65 14 136 N +65 14 137 N +65 14 138 N +65 14 139 U +65 14 140 K +65 14 141 U +65 14 142 U +65 14 143 P +65 14 144 K +65 14 145 N +65 14 146 P +65 14 147 N +65 14 148 F +65 14 149 N +65 14 150 K +65 14 151 R +65 14 152 K +65 14 153 N +65 14 154 K +65 14 155 R +65 14 156 N +65 14 157 R +65 14 158 U +65 14 159 R +65 14 160 F +65 14 161 N +65 14 162 F +65 14 163 N +65 14 164 N +65 14 165 K +65 14 166 N +65 14 167 U +65 14 168 N +65 14 169 N +65 14 170 K +65 14 171 N +65 14 172 U +65 14 173 F +65 14 174 P +65 14 175 N +65 14 176 F +65 14 177 P +65 14 178 N +65 14 179 R +65 14 180 N +65 14 181 R +65 14 182 F +65 14 183 R +65 14 184 N +65 14 185 R +65 14 186 N +65 14 187 R +65 14 188 N +65 14 189 N +65 14 190 P +65 14 191 N +65 14 192 N +65 14 193 R +65 14 194 F +65 14 195 N +65 14 196 N +65 14 197 F +65 14 198 K +65 14 199 U +65 14 200 N +65 14 201 G +65 14 202 N +65 14 203 F +65 14 204 K +65 14 205 K +65 14 206 U +65 14 207 F +65 14 208 P +65 14 209 N +65 14 210 K +65 14 211 N +65 14 212 F +65 14 213 K +65 14 214 P +65 14 215 R +65 14 216 K +65 14 217 P +65 14 218 N +65 14 219 U +65 14 220 N +65 14 221 U +65 14 222 N +65 14 223 N +65 14 224 U +65 14 225 J +65 14 226 K +65 14 227 K +65 14 228 N +65 14 229 N +65 14 230 R +65 14 231 P +65 14 232 R +65 14 233 N +65 14 234 N +65 14 235 K +65 14 236 P +65 14 237 F +65 14 238 N +65 14 239 F +65 14 240 R +65 14 241 U +65 14 242 R +65 14 243 N +65 14 244 U +65 14 245 F +65 14 246 N +65 14 247 K +65 14 248 N +65 14 249 N +65 14 250 K +65 14 251 N +65 14 252 U +65 14 253 N +65 14 254 N +65 14 255 K +65 14 256 F +65 14 257 N +65 14 258 R +65 14 259 F +65 14 260 R +65 14 261 F +65 14 262 U +65 14 263 K +65 14 264 N +65 14 265 N +65 14 266 F +65 14 267 F +65 14 268 N +65 14 269 F +65 14 270 P +65 14 271 N +65 14 272 U +65 14 273 N +65 14 274 U +65 14 275 N +65 14 276 F +65 14 277 N +65 14 278 F +65 14 279 K +65 14 280 N +65 14 281 N +65 14 282 N +65 14 283 K +65 14 284 U +65 14 285 P +65 14 286 U +65 14 287 K +65 14 288 F +65 14 289 N +65 14 290 U +65 14 291 N +65 14 292 G +65 14 293 U +65 14 294 U +65 14 295 K +65 14 296 N +65 14 297 P +65 14 298 F +65 14 299 N +65 14 300 U +65 14 301 N +65 14 302 U +65 14 303 U +65 14 304 N +65 14 305 K +65 14 306 U +65 14 307 N +65 14 308 K +65 14 309 K +65 14 310 N +65 14 311 N +65 14 312 K +65 14 313 K +65 14 314 U +65 14 315 N +65 14 316 K +65 14 317 F +65 14 318 P +65 14 319 U +65 14 320 K +65 14 321 F +65 14 322 K +65 14 323 N +65 14 324 U +65 14 325 J +65 14 326 P +65 14 327 U +65 14 328 N +65 14 329 R +65 14 330 U +65 15 1 N +65 15 2 J +65 15 3 F +65 15 4 J +65 15 5 N +65 15 6 P +65 15 7 N +65 15 8 F +65 15 9 J +65 15 10 N +65 15 11 N +65 15 12 P +65 15 13 N +65 15 14 J +65 15 15 U +65 15 16 U +65 15 17 F +65 15 18 K +65 15 19 N +65 15 20 J +65 15 21 P +65 15 22 P +65 15 23 J +65 15 24 R +65 15 25 N +65 15 26 N +65 15 27 U +65 15 28 G +65 15 29 N +65 15 30 J +65 15 31 N +65 15 32 J +65 15 33 J +65 15 34 N +65 15 35 G +65 15 36 N +65 15 37 J +65 15 38 J +65 15 39 N +65 15 40 N +65 15 41 F +65 15 42 P +65 15 43 N +65 15 44 U +65 15 45 N +65 15 46 U +65 15 47 N +65 15 48 P +65 15 49 N +65 15 50 J +65 15 51 R +65 15 52 U +65 15 53 G +65 15 54 N +65 15 55 N +65 15 56 G +65 15 57 N +65 15 58 G +65 15 59 U +65 15 60 J +65 15 61 F +65 15 62 J +65 15 63 G +65 15 64 N +65 15 65 F +65 15 66 U +65 15 67 N +65 15 68 P +65 15 69 R +65 15 70 U +65 15 71 J +65 15 72 N +65 15 73 G +65 15 74 U +65 15 75 N +65 15 76 P +65 15 77 N +65 15 78 G +65 15 79 R +65 15 80 N +65 15 81 P +65 15 82 J +65 15 83 U +65 15 84 G +65 15 85 N +65 15 86 P +65 15 87 K +65 15 88 N +65 15 89 K +65 15 90 J +65 15 91 N +65 15 92 U +65 15 93 N +65 15 94 R +65 15 95 U +65 15 96 P +65 15 97 P +65 15 98 F +65 15 99 G +65 15 100 N +65 15 101 G +65 15 102 N +65 15 103 R +65 15 104 N +65 15 105 K +65 15 106 P +65 15 107 U +65 15 108 U +65 15 109 N +65 15 110 P +65 15 111 R +65 15 112 F +65 15 113 K +65 15 114 N +65 15 115 T +65 15 116 N +65 15 117 R +65 15 118 P +65 15 119 N +65 15 120 U +65 15 121 F +65 15 122 N +65 15 123 J +65 15 124 P +65 15 125 F +65 15 126 N +65 15 127 K +65 15 128 P +65 15 129 U +65 15 130 R +65 15 131 N +65 15 132 F +65 15 133 N +65 15 134 T +65 15 135 P +65 15 136 G +65 15 137 N +65 15 138 N +65 15 139 U +65 15 140 N +65 15 141 U +65 15 142 U +65 15 143 P +65 15 144 N +65 15 145 P +65 15 146 P +65 15 147 N +65 15 148 F +65 15 149 P +65 15 150 N +65 15 151 P +65 15 152 G +65 15 153 N +65 15 154 R +65 15 155 R +65 15 156 R +65 15 157 T +65 15 158 U +65 15 159 J +65 15 160 P +65 15 161 N +65 15 162 F +65 15 163 P +65 15 164 J +65 15 165 N +65 15 166 N +65 15 167 R +65 15 168 N +65 15 169 J +65 15 170 K +65 15 171 R +65 15 172 U +65 15 173 G +65 15 174 P +65 15 175 N +65 15 176 F +65 15 177 J +65 15 178 N +65 15 179 T +65 15 180 N +65 15 181 R +65 15 182 J +65 15 183 R +65 15 184 N +65 15 185 T +65 15 186 N +65 15 187 P +65 15 188 N +65 15 189 R +65 15 190 J +65 15 191 N +65 15 192 J +65 15 193 N +65 15 194 J +65 15 195 N +65 15 196 N +65 15 197 J +65 15 198 K +65 15 199 R +65 15 200 N +65 15 201 R +65 15 202 N +65 15 203 G +65 15 204 K +65 15 205 N +65 15 206 U +65 15 207 N +65 15 208 R +65 15 209 N +65 15 210 K +65 15 211 J +65 15 212 F +65 15 213 N +65 15 214 P +65 15 215 R +65 15 216 K +65 15 217 P +65 15 218 N +65 15 219 U +65 15 220 N +65 15 221 P +65 15 222 N +65 15 223 N +65 15 224 U +65 15 225 N +65 15 226 J +65 15 227 K +65 15 228 N +65 15 229 N +65 15 230 U +65 15 231 J +65 15 232 R +65 15 233 N +65 15 234 J +65 15 235 N +65 15 236 G +65 15 237 U +65 15 238 N +65 15 239 P +65 15 240 T +65 15 241 U +65 15 242 N +65 15 243 G +65 15 244 U +65 15 245 N +65 15 246 N +65 15 247 G +65 15 248 K +65 15 249 N +65 15 250 G +65 15 251 N +65 15 252 U +65 15 253 N +65 15 254 N +65 15 255 K +65 15 256 P +65 15 257 N +65 15 258 R +65 15 259 T +65 15 260 U +65 15 261 P +65 15 262 U +65 15 263 R +65 15 264 N +65 15 265 N +65 15 266 T +65 15 267 J +65 15 268 N +65 15 269 J +65 15 270 P +65 15 271 N +65 15 272 U +65 15 273 N +65 15 274 U +65 15 275 R +65 15 276 N +65 15 277 N +65 15 278 G +65 15 279 N +65 15 280 R +65 15 281 N +65 15 282 N +65 15 283 T +65 15 284 U +65 15 285 J +65 15 286 U +65 15 287 R +65 15 288 F +65 15 289 N +65 15 290 U +65 15 291 N +65 15 292 G +65 15 293 U +65 15 294 U +65 15 295 R +65 15 296 N +65 15 297 P +65 15 298 F +65 15 299 N +65 15 300 U +65 15 301 N +65 15 302 U +65 15 303 R +65 15 304 N +65 15 305 J +65 15 306 N +65 15 307 N +65 15 308 G +65 15 309 K +65 15 310 N +65 15 311 N +65 15 312 K +65 15 313 N +65 15 314 U +65 15 315 N +65 15 316 N +65 15 317 T +65 15 318 P +65 15 319 U +65 15 320 R +65 15 321 F +65 15 322 N +65 15 323 N +65 15 324 U +65 15 325 G +65 15 326 P +65 15 327 U +65 15 328 N +65 15 329 T +65 15 330 U +65 16 1 N +65 16 2 N +65 16 3 P +65 16 4 J +65 16 5 N +65 16 6 R +65 16 7 N +65 16 8 R +65 16 9 R +65 16 10 N +65 16 11 N +65 16 12 P +65 16 13 N +65 16 14 N +65 16 15 R +65 16 16 U +65 16 17 F +65 16 18 K +65 16 19 N +65 16 20 N +65 16 21 F +65 16 22 P +65 16 23 J +65 16 24 K +65 16 25 N +65 16 26 N +65 16 27 R +65 16 28 F +65 16 29 N +65 16 30 R +65 16 31 N +65 16 32 J +65 16 33 N +65 16 34 N +65 16 35 R +65 16 36 N +65 16 37 N +65 16 38 F +65 16 39 N +65 16 40 N +65 16 41 P +65 16 42 P +65 16 43 R +65 16 44 U +65 16 45 N +65 16 46 K +65 16 47 K +65 16 48 P +65 16 49 N +65 16 50 J +65 16 51 R +65 16 52 U +65 16 53 F +65 16 54 N +65 16 55 N +65 16 56 R +65 16 57 N +65 16 58 P +65 16 59 J +65 16 60 K +65 16 61 F +65 16 62 J +65 16 63 P +65 16 64 N +65 16 65 F +65 16 66 U +65 16 67 N +65 16 68 J +65 16 69 R +65 16 70 U +65 16 71 R +65 16 72 P +65 16 73 J +65 16 74 P +65 16 75 K +65 16 76 P +65 16 77 N +65 16 78 J +65 16 79 K +65 16 80 N +65 16 81 N +65 16 82 N +65 16 83 R +65 16 84 R +65 16 85 N +65 16 86 J +65 16 87 K +65 16 88 J +65 16 89 K +65 16 90 N +65 16 91 P +65 16 92 U +65 16 93 N +65 16 94 K +65 16 95 N +65 16 96 P +65 16 97 J +65 16 98 F +65 16 99 J +65 16 100 N +65 16 101 F +65 16 102 R +65 16 103 K +65 16 104 N +65 16 105 J +65 16 106 P +65 16 107 U +65 16 108 N +65 16 109 J +65 16 110 P +65 16 111 R +65 16 112 F +65 16 113 K +65 16 114 N +65 16 115 F +65 16 116 N +65 16 117 R +65 16 118 F +65 16 119 N +65 16 120 U +65 16 121 P +65 16 122 N +65 16 123 N +65 16 124 P +65 16 125 P +65 16 126 R +65 16 127 P +65 16 128 P +65 16 129 U +65 16 130 R +65 16 131 J +65 16 132 P +65 16 133 N +65 16 134 R +65 16 135 J +65 16 136 N +65 16 137 N +65 16 138 N +65 16 139 U +65 16 140 N +65 16 141 U +65 16 142 U +65 16 143 P +65 16 144 J +65 16 145 N +65 16 146 P +65 16 147 N +65 16 148 F +65 16 149 N +65 16 150 J +65 16 151 R +65 16 152 J +65 16 153 N +65 16 154 K +65 16 155 K +65 16 156 N +65 16 157 R +65 16 158 U +65 16 159 P +65 16 160 J +65 16 161 N +65 16 162 F +65 16 163 N +65 16 164 N +65 16 165 R +65 16 166 K +65 16 167 J +65 16 168 N +65 16 169 N +65 16 170 K +65 16 171 K +65 16 172 U +65 16 173 F +65 16 174 P +65 16 175 N +65 16 176 F +65 16 177 R +65 16 178 K +65 16 179 R +65 16 180 N +65 16 181 P +65 16 182 R +65 16 183 R +65 16 184 J +65 16 185 P +65 16 186 N +65 16 187 P +65 16 188 N +65 16 189 N +65 16 190 J +65 16 191 N +65 16 192 J +65 16 193 P +65 16 194 K +65 16 195 N +65 16 196 N +65 16 197 J +65 16 198 K +65 16 199 N +65 16 200 N +65 16 201 R +65 16 202 N +65 16 203 F +65 16 204 K +65 16 205 K +65 16 206 U +65 16 207 F +65 16 208 N +65 16 209 N +65 16 210 R +65 16 211 N +65 16 212 P +65 16 213 K +65 16 214 P +65 16 215 J +65 16 216 K +65 16 217 R +65 16 218 P +65 16 219 N +65 16 220 J +65 16 221 R +65 16 222 J +65 16 223 N +65 16 224 U +65 16 225 P +65 16 226 K +65 16 227 K +65 16 228 K +65 16 229 N +65 16 230 U +65 16 231 J +65 16 232 P +65 16 233 K +65 16 234 N +65 16 235 K +65 16 236 P +65 16 237 R +65 16 238 N +65 16 239 J +65 16 240 J +65 16 241 U +65 16 242 P +65 16 243 K +65 16 244 N +65 16 245 P +65 16 246 N +65 16 247 J +65 16 248 R +65 16 249 N +65 16 250 K +65 16 251 N +65 16 252 U +65 16 253 N +65 16 254 N +65 16 255 K +65 16 256 R +65 16 257 K +65 16 258 P +65 16 259 R +65 16 260 P +65 16 261 P +65 16 262 U +65 16 263 K +65 16 264 N +65 16 265 N +65 16 266 R +65 16 267 J +65 16 268 N +65 16 269 J +65 16 270 P +65 16 271 K +65 16 272 U +65 16 273 J +65 16 274 U +65 16 275 P +65 16 276 F +65 16 277 K +65 16 278 R +65 16 279 J +65 16 280 N +65 16 281 N +65 16 282 N +65 16 283 R +65 16 284 U +65 16 285 J +65 16 286 U +65 16 287 P +65 16 288 F +65 16 289 N +65 16 290 U +65 16 291 N +65 16 292 R +65 16 293 N +65 16 294 N +65 16 295 R +65 16 296 J +65 16 297 P +65 16 298 K +65 16 299 P +65 16 300 K +65 16 301 N +65 16 302 R +65 16 303 R +65 16 304 P +65 16 305 J +65 16 306 N +65 16 307 N +65 16 308 J +65 16 309 K +65 16 310 R +65 16 311 N +65 16 312 J +65 16 313 J +65 16 314 U +65 16 315 N +65 16 316 N +65 16 317 J +65 16 318 P +65 16 319 U +65 16 320 P +65 16 321 F +65 16 322 N +65 16 323 N +65 16 324 U +65 16 325 J +65 16 326 N +65 16 327 N +65 16 328 N +65 16 329 R +65 16 330 N +65 17 1 J +65 17 2 N +65 17 3 F +65 17 4 J +65 17 5 N +65 17 6 P +65 17 7 N +65 17 8 P +65 17 9 R +65 17 10 N +65 17 11 N +65 17 12 P +65 17 13 N +65 17 14 K +65 17 15 R +65 17 16 U +65 17 17 F +65 17 18 K +65 17 19 N +65 17 20 N +65 17 21 F +65 17 22 R +65 17 23 J +65 17 24 R +65 17 25 N +65 17 26 N +65 17 27 R +65 17 28 F +65 17 29 N +65 17 30 P +65 17 31 N +65 17 32 P +65 17 33 N +65 17 34 N +65 17 35 P +65 17 36 N +65 17 37 J +65 17 38 P +65 17 39 N +65 17 40 N +65 17 41 F +65 17 42 P +65 17 43 J +65 17 44 U +65 17 45 N +65 17 46 U +65 17 47 N +65 17 48 J +65 17 49 N +65 17 50 J +65 17 51 T +65 17 52 U +65 17 53 F +65 17 54 N +65 17 55 N +65 17 56 P +65 17 57 N +65 17 58 P +65 17 59 U +65 17 60 K +65 17 61 F +65 17 62 J +65 17 63 P +65 17 64 N +65 17 65 F +65 17 66 U +65 17 67 P +65 17 68 J +65 17 69 J +65 17 70 U +65 17 71 J +65 17 72 N +65 17 73 J +65 17 74 N +65 17 75 J +65 17 76 F +65 17 77 N +65 17 78 J +65 17 79 K +65 17 80 N +65 17 81 J +65 17 82 N +65 17 83 R +65 17 84 R +65 17 85 N +65 17 86 J +65 17 87 K +65 17 88 P +65 17 89 K +65 17 90 K +65 17 91 P +65 17 92 U +65 17 93 J +65 17 94 K +65 17 95 U +65 17 96 J +65 17 97 J +65 17 98 F +65 17 99 U +65 17 100 N +65 17 101 J +65 17 102 U +65 17 103 J +65 17 104 N +65 17 105 J +65 17 106 P +65 17 107 U +65 17 108 U +65 17 109 J +65 17 110 P +65 17 111 K +65 17 112 F +65 17 113 K +65 17 114 N +65 17 115 F +65 17 116 J +65 17 117 R +65 17 118 P +65 17 119 N +65 17 120 U +65 17 121 P +65 17 122 N +65 17 123 N +65 17 124 P +65 17 125 F +65 17 126 R +65 17 127 K +65 17 128 P +65 17 129 U +65 17 130 J +65 17 131 F +65 17 132 N +65 17 133 J +65 17 134 J +65 17 135 J +65 17 136 N +65 17 137 N +65 17 138 J +65 17 139 U +65 17 140 N +65 17 141 U +65 17 142 U +65 17 143 P +65 17 144 K +65 17 145 N +65 17 146 P +65 17 147 N +65 17 148 F +65 17 149 R +65 17 150 J +65 17 151 P +65 17 152 P +65 17 153 F +65 17 154 K +65 17 155 R +65 17 156 N +65 17 157 R +65 17 158 U +65 17 159 R +65 17 160 J +65 17 161 N +65 17 162 F +65 17 163 N +65 17 164 N +65 17 165 J +65 17 166 K +65 17 167 U +65 17 168 N +65 17 169 N +65 17 170 K +65 17 171 J +65 17 172 U +65 17 173 P +65 17 174 P +65 17 175 N +65 17 176 F +65 17 177 U +65 17 178 K +65 17 179 J +65 17 180 N +65 17 181 J +65 17 182 F +65 17 183 R +65 17 184 J +65 17 185 R +65 17 186 N +65 17 187 P +65 17 188 N +65 17 189 U +65 17 190 J +65 17 191 N +65 17 192 J +65 17 193 P +65 17 194 F +65 17 195 N +65 17 196 J +65 17 197 R +65 17 198 K +65 17 199 U +65 17 200 J +65 17 201 R +65 17 202 N +65 17 203 J +65 17 204 K +65 17 205 J +65 17 206 U +65 17 207 F +65 17 208 P +65 17 209 N +65 17 210 R +65 17 211 N +65 17 212 P +65 17 213 U +65 17 214 P +65 17 215 R +65 17 216 K +65 17 217 P +65 17 218 P +65 17 219 U +65 17 220 K +65 17 221 U +65 17 222 J +65 17 223 N +65 17 224 U +65 17 225 P +65 17 226 N +65 17 227 K +65 17 228 K +65 17 229 N +65 17 230 R +65 17 231 J +65 17 232 P +65 17 233 N +65 17 234 N +65 17 235 K +65 17 236 P +65 17 237 R +65 17 238 N +65 17 239 P +65 17 240 P +65 17 241 U +65 17 242 P +65 17 243 J +65 17 244 U +65 17 245 P +65 17 246 N +65 17 247 J +65 17 248 N +65 17 249 N +65 17 250 J +65 17 251 J +65 17 252 U +65 17 253 N +65 17 254 J +65 17 255 K +65 17 256 P +65 17 257 K +65 17 258 P +65 17 259 F +65 17 260 U +65 17 261 P +65 17 262 U +65 17 263 K +65 17 264 J +65 17 265 N +65 17 266 P +65 17 267 J +65 17 268 N +65 17 269 J +65 17 270 P +65 17 271 U +65 17 272 J +65 17 273 K +65 17 274 U +65 17 275 P +65 17 276 F +65 17 277 K +65 17 278 P +65 17 279 K +65 17 280 N +65 17 281 N +65 17 282 N +65 17 283 F +65 17 284 U +65 17 285 P +65 17 286 U +65 17 287 P +65 17 288 F +65 17 289 N +65 17 290 U +65 17 291 J +65 17 292 R +65 17 293 J +65 17 294 U +65 17 295 R +65 17 296 J +65 17 297 P +65 17 298 F +65 17 299 N +65 17 300 U +65 17 301 N +65 17 302 U +65 17 303 J +65 17 304 P +65 17 305 J +65 17 306 P +65 17 307 N +65 17 308 J +65 17 309 K +65 17 310 N +65 17 311 N +65 17 312 K +65 17 313 K +65 17 314 U +65 17 315 N +65 17 316 N +65 17 317 J +65 17 318 P +65 17 319 U +65 17 320 P +65 17 321 F +65 17 322 N +65 17 323 N +65 17 324 U +65 17 325 J +65 17 326 P +65 17 327 U +65 17 328 N +65 17 329 R +65 17 330 U +65 18 1 J +65 18 2 J +65 18 3 F +65 18 4 J +65 18 5 N +65 18 6 R +65 18 7 N +65 18 8 R +65 18 9 R +65 18 10 N +65 18 11 N +65 18 12 P +65 18 13 N +65 18 14 K +65 18 15 F +65 18 16 U +65 18 17 F +65 18 18 K +65 18 19 N +65 18 20 N +65 18 21 F +65 18 22 P +65 18 23 J +65 18 24 K +65 18 25 N +65 18 26 J +65 18 27 R +65 18 28 F +65 18 29 N +65 18 30 R +65 18 31 N +65 18 32 R +65 18 33 N +65 18 34 N +65 18 35 F +65 18 36 N +65 18 37 N +65 18 38 R +65 18 39 N +65 18 40 N +65 18 41 F +65 18 42 P +65 18 43 N +65 18 44 U +65 18 45 N +65 18 46 K +65 18 47 K +65 18 48 P +65 18 49 P +65 18 50 N +65 18 51 R +65 18 52 U +65 18 53 F +65 18 54 N +65 18 55 N +65 18 56 R +65 18 57 R +65 18 58 P +65 18 59 R +65 18 60 K +65 18 61 F +65 18 62 R +65 18 63 F +65 18 64 N +65 18 65 F +65 18 66 U +65 18 67 N +65 18 68 F +65 18 69 P +65 18 70 U +65 18 71 F +65 18 72 N +65 18 73 N +65 18 74 U +65 18 75 K +65 18 76 F +65 18 77 N +65 18 78 R +65 18 79 K +65 18 80 N +65 18 81 N +65 18 82 N +65 18 83 U +65 18 84 F +65 18 85 N +65 18 86 F +65 18 87 K +65 18 88 F +65 18 89 K +65 18 90 K +65 18 91 N +65 18 92 U +65 18 93 N +65 18 94 K +65 18 95 U +65 18 96 P +65 18 97 P +65 18 98 F +65 18 99 R +65 18 100 N +65 18 101 F +65 18 102 R +65 18 103 N +65 18 104 N +65 18 105 F +65 18 106 P +65 18 107 U +65 18 108 U +65 18 109 N +65 18 110 P +65 18 111 K +65 18 112 F +65 18 113 K +65 18 114 N +65 18 115 F +65 18 116 U +65 18 117 K +65 18 118 F +65 18 119 N +65 18 120 U +65 18 121 F +65 18 122 F +65 18 123 N +65 18 124 P +65 18 125 F +65 18 126 P +65 18 127 K +65 18 128 P +65 18 129 U +65 18 130 K +65 18 131 J +65 18 132 F +65 18 133 N +65 18 134 K +65 18 135 J +65 18 136 N +65 18 137 N +65 18 138 N +65 18 139 U +65 18 140 N +65 18 141 U +65 18 142 U +65 18 143 N +65 18 144 N +65 18 145 N +65 18 146 P +65 18 147 N +65 18 148 F +65 18 149 N +65 18 150 J +65 18 151 F +65 18 152 F +65 18 153 N +65 18 154 K +65 18 155 K +65 18 156 N +65 18 157 K +65 18 158 U +65 18 159 J +65 18 160 J +65 18 161 N +65 18 162 F +65 18 163 N +65 18 164 N +65 18 165 N +65 18 166 K +65 18 167 U +65 18 168 N +65 18 169 N +65 18 170 K +65 18 171 N +65 18 172 U +65 18 173 F +65 18 174 P +65 18 175 N +65 18 176 F +65 18 177 P +65 18 178 K +65 18 179 F +65 18 180 N +65 18 181 P +65 18 182 F +65 18 183 J +65 18 184 J +65 18 185 F +65 18 186 N +65 18 187 F +65 18 188 N +65 18 189 U +65 18 190 J +65 18 191 N +65 18 192 J +65 18 193 P +65 18 194 J +65 18 195 N +65 18 196 N +65 18 197 J +65 18 198 K +65 18 199 U +65 18 200 J +65 18 201 J +65 18 202 N +65 18 203 J +65 18 204 K +65 18 205 J +65 18 206 U +65 18 207 F +65 18 208 J +65 18 209 J +65 18 210 J +65 18 211 N +65 18 212 F +65 18 213 J +65 18 214 N +65 18 215 J +65 18 216 K +65 18 217 J +65 18 218 J +65 18 219 U +65 18 220 J +65 18 221 U +65 18 222 J +65 18 223 N +65 18 224 U +65 18 225 J +65 18 226 K +65 18 227 K +65 18 228 K +65 18 229 N +65 18 230 J +65 18 231 J +65 18 232 K +65 18 233 J +65 18 234 N +65 18 235 N +65 18 236 J +65 18 237 F +65 18 238 N +65 18 239 F +65 18 240 J +65 18 241 U +65 18 242 J +65 18 243 J +65 18 244 U +65 18 245 F +65 18 246 N +65 18 247 J +65 18 248 K +65 18 249 J +65 18 250 J +65 18 251 N +65 18 252 U +65 18 253 N +65 18 254 J +65 18 255 K +65 18 256 F +65 18 257 K +65 18 258 P +65 18 259 F +65 18 260 P +65 18 261 F +65 18 262 U +65 18 263 K +65 18 264 U +65 18 265 N +65 18 266 P +65 18 267 P +65 18 268 N +65 18 269 P +65 18 270 F +65 18 271 K +65 18 272 U +65 18 273 P +65 18 274 U +65 18 275 N +65 18 276 F +65 18 277 K +65 18 278 F +65 18 279 N +65 18 280 P +65 18 281 P +65 18 282 P +65 18 283 N +65 18 284 U +65 18 285 N +65 18 286 U +65 18 287 F +65 18 288 F +65 18 289 N +65 18 290 U +65 18 291 N +65 18 292 F +65 18 293 U +65 18 294 U +65 18 295 U +65 18 296 U +65 18 297 P +65 18 298 F +65 18 299 N +65 18 300 U +65 18 301 N +65 18 302 U +65 18 303 U +65 18 304 P +65 18 305 N +65 18 306 N +65 18 307 N +65 18 308 N +65 18 309 K +65 18 310 N +65 18 311 U +65 18 312 K +65 18 313 K +65 18 314 U +65 18 315 N +65 18 316 N +65 18 317 F +65 18 318 F +65 18 319 U +65 18 320 P +65 18 321 F +65 18 322 N +65 18 323 N +65 18 324 U +65 18 325 N +65 18 326 P +65 18 327 U +65 18 328 N +65 18 329 R +65 18 330 U +65 19 1 N +65 19 2 R +65 19 3 F +65 19 4 F +65 19 5 N +65 19 6 R +65 19 7 N +65 19 8 F +65 19 9 F +65 19 10 R +65 19 11 N +65 19 12 P +65 19 13 N +65 19 14 N +65 19 15 F +65 19 16 U +65 19 17 F +65 19 18 F +65 19 19 N +65 19 20 N +65 19 21 F +65 19 22 P +65 19 23 P +65 19 24 N +65 19 25 N +65 19 26 K +65 19 27 N +65 19 28 F +65 19 29 N +65 19 30 F +65 19 31 F +65 19 32 F +65 19 33 N +65 19 34 N +65 19 35 F +65 19 36 F +65 19 37 N +65 19 38 F +65 19 39 N +65 19 40 N +65 19 41 F +65 19 42 R +65 19 43 N +65 19 44 U +65 19 45 N +65 19 46 R +65 19 47 N +65 19 48 P +65 19 49 N +65 19 50 F +65 19 51 R +65 19 52 U +65 19 53 F +65 19 54 N +65 19 55 N +65 19 56 R +65 19 57 N +65 19 58 P +65 19 59 R +65 19 60 N +65 19 61 F +65 19 62 R +65 19 63 F +65 19 64 N +65 19 65 F +65 19 66 R +65 19 67 N +65 19 68 R +65 19 69 N +65 19 70 U +65 19 71 F +65 19 72 N +65 19 73 N +65 19 74 N +65 19 75 N +65 19 76 F +65 19 77 N +65 19 78 U +65 19 79 R +65 19 80 N +65 19 81 N +65 19 82 N +65 19 83 U +65 19 84 R +65 19 85 N +65 19 86 F +65 19 87 N +65 19 88 F +65 19 89 K +65 19 90 N +65 19 91 P +65 19 92 R +65 19 93 N +65 19 94 R +65 19 95 U +65 19 96 P +65 19 97 N +65 19 98 F +65 19 99 R +65 19 100 R +65 19 101 R +65 19 102 R +65 19 103 P +65 19 104 R +65 19 105 K +65 19 106 P +65 19 107 R +65 19 108 R +65 19 109 R +65 19 110 P +65 19 111 R +65 19 112 F +65 19 113 R +65 19 114 N +65 19 115 F +65 19 116 R +65 19 117 R +65 19 118 F +65 19 119 N +65 19 120 U +65 19 121 F +65 19 122 N +65 19 123 N +65 19 124 P +65 19 125 F +65 19 126 F +65 19 127 N +65 19 128 P +65 19 129 R +65 19 130 K +65 19 131 F +65 19 132 P +65 19 133 N +65 19 134 R +65 19 135 F +65 19 136 N +65 19 137 N +65 19 138 N +65 19 139 R +65 19 140 N +65 19 141 U +65 19 142 U +65 19 143 P +65 19 144 R +65 19 145 N +65 19 146 P +65 19 147 N +65 19 148 F +65 19 149 N +65 19 150 R +65 19 151 R +65 19 152 F +65 19 153 N +65 19 154 R +65 19 155 R +65 19 156 N +65 19 157 R +65 19 158 U +65 19 159 R +65 19 160 R +65 19 161 N +65 19 162 F +65 19 163 N +65 19 164 N +65 19 165 R +65 19 166 N +65 19 167 R +65 19 168 N +65 19 169 N +65 19 170 N +65 19 171 R +65 19 172 U +65 19 173 F +65 19 174 P +65 19 175 R +65 19 176 F +65 19 177 R +65 19 178 N +65 19 179 R +65 19 180 N +65 19 181 P +65 19 182 P +65 19 183 R +65 19 184 R +65 19 185 P +65 19 186 N +65 19 187 P +65 19 188 N +65 19 189 N +65 19 190 R +65 19 191 N +65 19 192 R +65 19 193 P +65 19 194 F +65 19 195 N +65 19 196 N +65 19 197 R +65 19 198 R +65 19 199 U +65 19 200 N +65 19 201 R +65 19 202 N +65 19 203 F +65 19 204 R +65 19 205 J +65 19 206 U +65 19 207 F +65 19 208 P +65 19 209 N +65 19 210 P +65 19 211 N +65 19 212 P +65 19 213 R +65 19 214 P +65 19 215 R +65 19 216 N +65 19 217 F +65 19 218 P +65 19 219 R +65 19 220 J +65 19 221 U +65 19 222 P +65 19 223 N +65 19 224 R +65 19 225 P +65 19 226 N +65 19 227 N +65 19 228 N +65 19 229 P +65 19 230 R +65 19 231 F +65 19 232 R +65 19 233 R +65 19 234 N +65 19 235 J +65 19 236 P +65 19 237 R +65 19 238 N +65 19 239 R +65 19 240 R +65 19 241 U +65 19 242 R +65 19 243 F +65 19 244 R +65 19 245 F +65 19 246 N +65 19 247 J +65 19 248 N +65 19 249 N +65 19 250 R +65 19 251 N +65 19 252 U +65 19 253 N +65 19 254 R +65 19 255 K +65 19 256 F +65 19 257 N +65 19 258 P +65 19 259 F +65 19 260 R +65 19 261 P +65 19 262 U +65 19 263 R +65 19 264 R +65 19 265 N +65 19 266 P +65 19 267 J +65 19 268 N +65 19 269 J +65 19 270 P +65 19 271 N +65 19 272 R +65 19 273 F +65 19 274 U +65 19 275 P +65 19 276 F +65 19 277 N +65 19 278 F +65 19 279 J +65 19 280 N +65 19 281 N +65 19 282 N +65 19 283 J +65 19 284 U +65 19 285 F +65 19 286 U +65 19 287 P +65 19 288 F +65 19 289 N +65 19 290 U +65 19 291 N +65 19 292 J +65 19 293 N +65 19 294 N +65 19 295 J +65 19 296 J +65 19 297 P +65 19 298 F +65 19 299 N +65 19 300 R +65 19 301 N +65 19 302 J +65 19 303 J +65 19 304 N +65 19 305 J +65 19 306 N +65 19 307 N +65 19 308 J +65 19 309 J +65 19 310 N +65 19 311 N +65 19 312 K +65 19 313 K +65 19 314 U +65 19 315 J +65 19 316 N +65 19 317 F +65 19 318 J +65 19 319 R +65 19 320 J +65 19 321 F +65 19 322 J +65 19 323 N +65 19 324 J +65 19 325 J +65 19 326 P +65 19 327 U +65 19 328 U +65 19 329 U +65 19 330 U +65 20 1 N +65 20 2 P +65 20 3 F +65 20 4 J +65 20 5 N +65 20 6 P +65 20 7 N +65 20 8 F +65 20 9 J +65 20 10 R +65 20 11 N +65 20 12 P +65 20 13 N +65 20 14 J +65 20 15 U +65 20 16 U +65 20 17 F +65 20 18 K +65 20 19 N +65 20 20 N +65 20 21 F +65 20 22 P +65 20 23 J +65 20 24 K +65 20 25 N +65 20 26 J +65 20 27 U +65 20 28 F +65 20 29 N +65 20 30 P +65 20 31 N +65 20 32 P +65 20 33 N +65 20 34 N +65 20 35 F +65 20 36 N +65 20 37 J +65 20 38 F +65 20 39 N +65 20 40 N +65 20 41 F +65 20 42 P +65 20 43 N +65 20 44 U +65 20 45 N +65 20 46 J +65 20 47 N +65 20 48 J +65 20 49 N +65 20 50 K +65 20 51 P +65 20 52 U +65 20 53 F +65 20 54 N +65 20 55 N +65 20 56 P +65 20 57 N +65 20 58 J +65 20 59 P +65 20 60 K +65 20 61 F +65 20 62 R +65 20 63 F +65 20 64 J +65 20 65 F +65 20 66 U +65 20 67 N +65 20 68 F +65 20 69 U +65 20 70 U +65 20 71 J +65 20 72 N +65 20 73 U +65 20 74 U +65 20 75 N +65 20 76 F +65 20 77 J +65 20 78 R +65 20 79 K +65 20 80 N +65 20 81 R +65 20 82 N +65 20 83 U +65 20 84 F +65 20 85 N +65 20 86 F +65 20 87 J +65 20 88 F +65 20 89 U +65 20 90 K +65 20 91 P +65 20 92 P +65 20 93 N +65 20 94 J +65 20 95 U +65 20 96 P +65 20 97 K +65 20 98 F +65 20 99 R +65 20 100 J +65 20 101 F +65 20 102 U +65 20 103 R +65 20 104 K +65 20 105 F +65 20 106 P +65 20 107 U +65 20 108 J +65 20 109 K +65 20 110 P +65 20 111 K +65 20 112 F +65 20 113 K +65 20 114 N +65 20 115 F +65 20 116 N +65 20 117 R +65 20 118 F +65 20 119 N +65 20 120 U +65 20 121 F +65 20 122 N +65 20 123 N +65 20 124 P +65 20 125 F +65 20 126 F +65 20 127 K +65 20 128 P +65 20 129 R +65 20 130 K +65 20 131 P +65 20 132 F +65 20 133 N +65 20 134 R +65 20 135 F +65 20 136 N +65 20 137 N +65 20 138 R +65 20 139 R +65 20 140 N +65 20 141 U +65 20 142 U +65 20 143 P +65 20 144 N +65 20 145 N +65 20 146 P +65 20 147 N +65 20 148 F +65 20 149 P +65 20 150 N +65 20 151 F +65 20 152 F +65 20 153 N +65 20 154 R +65 20 155 R +65 20 156 N +65 20 157 R +65 20 158 U +65 20 159 R +65 20 160 F +65 20 161 N +65 20 162 F +65 20 163 N +65 20 164 N +65 20 165 R +65 20 166 N +65 20 167 R +65 20 168 N +65 20 169 N +65 20 170 R +65 20 171 P +65 20 172 U +65 20 173 F +65 20 174 P +65 20 175 N +65 20 176 F +65 20 177 P +65 20 178 N +65 20 179 F +65 20 180 N +65 20 181 P +65 20 182 U +65 20 183 P +65 20 184 N +65 20 185 U +65 20 186 N +65 20 187 P +65 20 188 N +65 20 189 U +65 20 190 P +65 20 191 N +65 20 192 K +65 20 193 P +65 20 194 F +65 20 195 N +65 20 196 N +65 20 197 P +65 20 198 U +65 20 199 U +65 20 200 P +65 20 201 P +65 20 202 N +65 20 203 F +65 20 204 R +65 20 205 K +65 20 206 U +65 20 207 F +65 20 208 R +65 20 209 N +65 20 210 R +65 20 211 N +65 20 212 F +65 20 213 R +65 20 214 P +65 20 215 F +65 20 216 R +65 20 217 P +65 20 218 P +65 20 219 U +65 20 220 N +65 20 221 U +65 20 222 N +65 20 223 J +65 20 224 U +65 20 225 P +65 20 226 N +65 20 227 K +65 20 228 K +65 20 229 J +65 20 230 U +65 20 231 P +65 20 232 R +65 20 233 P +65 20 234 K +65 20 235 N +65 20 236 P +65 20 237 P +65 20 238 K +65 20 239 F +65 20 240 F +65 20 241 U +65 20 242 P +65 20 243 F +65 20 244 U +65 20 245 P +65 20 246 N +65 20 247 J +65 20 248 K +65 20 249 N +65 20 250 P +65 20 251 N +65 20 252 U +65 20 253 N +65 20 254 J +65 20 255 K +65 20 256 F +65 20 257 K +65 20 258 P +65 20 259 F +65 20 260 P +65 20 261 F +65 20 262 U +65 20 263 U +65 20 264 U +65 20 265 N +65 20 266 F +65 20 267 P +65 20 268 N +65 20 269 P +65 20 270 P +65 20 271 N +65 20 272 U +65 20 273 P +65 20 274 U +65 20 275 P +65 20 276 F +65 20 277 N +65 20 278 F +65 20 279 N +65 20 280 P +65 20 281 N +65 20 282 N +65 20 283 P +65 20 284 U +65 20 285 F +65 20 286 U +65 20 287 J +65 20 288 F +65 20 289 N +65 20 290 U +65 20 291 N +65 20 292 P +65 20 293 P +65 20 294 U +65 20 295 P +65 20 296 N +65 20 297 P +65 20 298 F +65 20 299 N +65 20 300 U +65 20 301 N +65 20 302 U +65 20 303 N +65 20 304 J +65 20 305 F +65 20 306 N +65 20 307 N +65 20 308 J +65 20 309 K +65 20 310 N +65 20 311 K +65 20 312 K +65 20 313 K +65 20 314 U +65 20 315 K +65 20 316 K +65 20 317 P +65 20 318 F +65 20 319 U +65 20 320 P +65 20 321 F +65 20 322 J +65 20 323 N +65 20 324 U +65 20 325 P +65 20 326 P +65 20 327 U +65 20 328 N +65 20 329 P +65 20 330 U +65 21 1 R +65 21 2 N +65 21 3 F +65 21 4 K +65 21 5 N +65 21 6 R +65 21 7 N +65 21 8 F +65 21 9 R +65 21 10 J +65 21 11 N +65 21 12 P +65 21 13 N +65 21 14 K +65 21 15 J +65 21 16 U +65 21 17 P +65 21 18 K +65 21 19 N +65 21 20 N +65 21 21 J +65 21 22 R +65 21 23 J +65 21 24 R +65 21 25 N +65 21 26 K +65 21 27 U +65 21 28 P +65 21 29 N +65 21 30 R +65 21 31 U +65 21 32 F +65 21 33 N +65 21 34 R +65 21 35 P +65 21 36 K +65 21 37 R +65 21 38 P +65 21 39 N +65 21 40 N +65 21 41 F +65 21 42 R +65 21 43 R +65 21 44 U +65 21 45 N +65 21 46 R +65 21 47 N +65 21 48 F +65 21 49 R +65 21 50 N +65 21 51 R +65 21 52 U +65 21 53 P +65 21 54 N +65 21 55 R +65 21 56 R +65 21 57 N +65 21 58 R +65 21 59 U +65 21 60 K +65 21 61 P +65 21 62 U +65 21 63 J +65 21 64 N +65 21 65 F +65 21 66 U +65 21 67 N +65 21 68 P +65 21 69 R +65 21 70 U +65 21 71 R +65 21 72 N +65 21 73 R +65 21 74 U +65 21 75 K +65 21 76 R +65 21 77 N +65 21 78 R +65 21 79 R +65 21 80 N +65 21 81 N +65 21 82 R +65 21 83 U +65 21 84 F +65 21 85 N +65 21 86 P +65 21 87 K +65 21 88 P +65 21 89 K +65 21 90 N +65 21 91 R +65 21 92 U +65 21 93 N +65 21 94 K +65 21 95 U +65 21 96 P +65 21 97 J +65 21 98 F +65 21 99 R +65 21 100 U +65 21 101 P +65 21 102 J +65 21 103 N +65 21 104 U +65 21 105 P +65 21 106 U +65 21 107 U +65 21 108 U +65 21 109 K +65 21 110 P +65 21 111 N +65 21 112 P +65 21 113 K +65 21 114 N +65 21 115 P +65 21 116 U +65 21 117 K +65 21 118 R +65 21 119 N +65 21 120 U +65 21 121 P +65 21 122 N +65 21 123 J +65 21 124 P +65 21 125 P +65 21 126 R +65 21 127 K +65 21 128 P +65 21 129 U +65 21 130 K +65 21 131 R +65 21 132 P +65 21 133 N +65 21 134 K +65 21 135 P +65 21 136 N +65 21 137 N +65 21 138 N +65 21 139 U +65 21 140 N +65 21 141 U +65 21 142 U +65 21 143 N +65 21 144 R +65 21 145 N +65 21 146 R +65 21 147 N +65 21 148 P +65 21 149 N +65 21 150 R +65 21 151 R +65 21 152 P +65 21 153 N +65 21 154 K +65 21 155 K +65 21 156 N +65 21 157 R +65 21 158 U +65 21 159 R +65 21 160 P +65 21 161 N +65 21 162 P +65 21 163 N +65 21 164 J +65 21 165 N +65 21 166 K +65 21 167 R +65 21 168 P +65 21 169 R +65 21 170 K +65 21 171 N +65 21 172 U +65 21 173 P +65 21 174 R +65 21 175 U +65 21 176 P +65 21 177 R +65 21 178 N +65 21 179 R +65 21 180 N +65 21 181 R +65 21 182 P +65 21 183 R +65 21 184 R +65 21 185 P +65 21 186 N +65 21 187 F +65 21 188 N +65 21 189 N +65 21 190 R +65 21 191 N +65 21 192 P +65 21 193 F +65 21 194 N +65 21 195 N +65 21 196 R +65 21 197 K +65 21 198 U +65 21 199 U +65 21 200 N +65 21 201 R +65 21 202 N +65 21 203 P +65 21 204 K +65 21 205 R +65 21 206 U +65 21 207 P +65 21 208 R +65 21 209 N +65 21 210 R +65 21 211 N +65 21 212 F +65 21 213 U +65 21 214 P +65 21 215 R +65 21 216 K +65 21 217 F +65 21 218 R +65 21 219 U +65 21 220 R +65 21 221 U +65 21 222 R +65 21 223 N +65 21 224 N +65 21 225 R +65 21 226 N +65 21 227 K +65 21 228 J +65 21 229 N +65 21 230 U +65 21 231 R +65 21 232 R +65 21 233 J +65 21 234 N +65 21 235 J +65 21 236 N +65 21 237 R +65 21 238 N +65 21 239 P +65 21 240 F +65 21 241 U +65 21 242 R +65 21 243 F +65 21 244 U +65 21 245 P +65 21 246 N +65 21 247 R +65 21 248 N +65 21 249 N +65 21 250 R +65 21 251 N +65 21 252 U +65 21 253 N +65 21 254 U +65 21 255 K +65 21 256 F +65 21 257 K +65 21 258 P +65 21 259 F +65 21 260 N +65 21 261 F +65 21 262 U +65 21 263 R +65 21 264 U +65 21 265 N +65 21 266 F +65 21 267 P +65 21 268 N +65 21 269 R +65 21 270 F +65 21 271 N +65 21 272 U +65 21 273 R +65 21 274 U +65 21 275 R +65 21 276 F +65 21 277 N +65 21 278 R +65 21 279 J +65 21 280 N +65 21 281 N +65 21 282 K +65 21 283 K +65 21 284 U +65 21 285 R +65 21 286 U +65 21 287 R +65 21 288 F +65 21 289 N +65 21 290 U +65 21 291 J +65 21 292 R +65 21 293 U +65 21 294 U +65 21 295 R +65 21 296 J +65 21 297 F +65 21 298 P +65 21 299 N +65 21 300 N +65 21 301 N +65 21 302 U +65 21 303 U +65 21 304 N +65 21 305 R +65 21 306 N +65 21 307 N +65 21 308 R +65 21 309 K +65 21 310 N +65 21 311 J +65 21 312 K +65 21 313 J +65 21 314 U +65 21 315 N +65 21 316 N +65 21 317 P +65 21 318 F +65 21 319 U +65 21 320 R +65 21 321 F +65 21 322 J +65 21 323 N +65 21 324 U +65 21 325 R +65 21 326 P +65 21 327 U +65 21 328 N +65 21 329 R +65 21 330 U +65 22 1 R +65 22 2 N +65 22 3 F +65 22 4 J +65 22 5 N +65 22 6 J +65 22 7 N +65 22 8 F +65 22 9 J +65 22 10 K +65 22 11 J +65 22 12 P +65 22 13 N +65 22 14 J +65 22 15 F +65 22 16 U +65 22 17 F +65 22 18 R +65 22 19 R +65 22 20 N +65 22 21 F +65 22 22 P +65 22 23 R +65 22 24 J +65 22 25 N +65 22 26 J +65 22 27 U +65 22 28 F +65 22 29 N +65 22 30 F +65 22 31 P +65 22 32 F +65 22 33 N +65 22 34 J +65 22 35 F +65 22 36 J +65 22 37 J +65 22 38 F +65 22 39 N +65 22 40 N +65 22 41 F +65 22 42 P +65 22 43 K +65 22 44 U +65 22 45 N +65 22 46 K +65 22 47 J +65 22 48 P +65 22 49 N +65 22 50 J +65 22 51 J +65 22 52 U +65 22 53 F +65 22 54 N +65 22 55 N +65 22 56 P +65 22 57 J +65 22 58 P +65 22 59 N +65 22 60 K +65 22 61 F +65 22 62 J +65 22 63 F +65 22 64 R +65 22 65 F +65 22 66 U +65 22 67 N +65 22 68 F +65 22 69 K +65 22 70 U +65 22 71 R +65 22 72 N +65 22 73 J +65 22 74 J +65 22 75 N +65 22 76 F +65 22 77 J +65 22 78 J +65 22 79 K +65 22 80 N +65 22 81 N +65 22 82 J +65 22 83 R +65 22 84 R +65 22 85 N +65 22 86 F +65 22 87 K +65 22 88 F +65 22 89 K +65 22 90 R +65 22 91 N +65 22 92 U +65 22 93 J +65 22 94 K +65 22 95 J +65 22 96 P +65 22 97 R +65 22 98 F +65 22 99 R +65 22 100 N +65 22 101 F +65 22 102 R +65 22 103 P +65 22 104 J +65 22 105 J +65 22 106 P +65 22 107 U +65 22 108 R +65 22 109 R +65 22 110 P +65 22 111 R +65 22 112 F +65 22 113 K +65 22 114 N +65 22 115 F +65 22 116 U +65 22 117 R +65 22 118 R +65 22 119 N +65 22 120 U +65 22 121 F +65 22 122 N +65 22 123 R +65 22 124 P +65 22 125 F +65 22 126 R +65 22 127 R +65 22 128 P +65 22 129 U +65 22 130 R +65 22 131 R +65 22 132 F +65 22 133 N +65 22 134 R +65 22 135 F +65 22 136 N +65 22 137 R +65 22 138 R +65 22 139 U +65 22 140 J +65 22 141 U +65 22 142 U +65 22 143 N +65 22 144 J +65 22 145 N +65 22 146 R +65 22 147 N +65 22 148 F +65 22 149 P +65 22 150 J +65 22 151 F +65 22 152 R +65 22 153 R +65 22 154 K +65 22 155 R +65 22 156 N +65 22 157 R +65 22 158 U +65 22 159 P +65 22 160 R +65 22 161 N +65 22 162 F +65 22 163 N +65 22 164 J +65 22 165 R +65 22 166 K +65 22 167 R +65 22 168 N +65 22 169 J +65 22 170 J +65 22 171 N +65 22 172 U +65 22 173 F +65 22 174 P +65 22 175 J +65 22 176 R +65 22 177 P +65 22 178 K +65 22 179 R +65 22 180 N +65 22 181 J +65 22 182 J +65 22 183 R +65 22 184 J +65 22 185 R +65 22 186 N +65 22 187 P +65 22 188 J +65 22 189 R +65 22 190 J +65 22 191 N +65 22 192 R +65 22 193 P +65 22 194 R +65 22 195 N +65 22 196 J +65 22 197 J +65 22 198 K +65 22 199 U +65 22 200 R +65 22 201 R +65 22 202 N +65 22 203 F +65 22 204 K +65 22 205 R +65 22 206 U +65 22 207 F +65 22 208 R +65 22 209 J +65 22 210 J +65 22 211 N +65 22 212 P +65 22 213 J +65 22 214 N +65 22 215 R +65 22 216 J +65 22 217 J +65 22 218 N +65 22 219 U +65 22 220 R +65 22 221 U +65 22 222 J +65 22 223 N +65 22 224 U +65 22 225 R +65 22 226 J +65 22 227 R +65 22 228 K +65 22 229 N +65 22 230 U +65 22 231 F +65 22 232 R +65 22 233 J +65 22 234 N +65 22 235 R +65 22 236 J +65 22 237 J +65 22 238 N +65 22 239 F +65 22 240 R +65 22 241 U +65 22 242 P +65 22 243 R +65 22 244 U +65 22 245 F +65 22 246 N +65 22 247 R +65 22 248 J +65 22 249 J +65 22 250 R +65 22 251 N +65 22 252 U +65 22 253 N +65 22 254 J +65 22 255 K +65 22 256 F +65 22 257 J +65 22 258 N +65 22 259 R +65 22 260 J +65 22 261 P +65 22 262 U +65 22 263 R +65 22 264 J +65 22 265 N +65 22 266 R +65 22 267 R +65 22 268 N +65 22 269 J +65 22 270 P +65 22 271 J +65 22 272 U +65 22 273 R +65 22 274 U +65 22 275 J +65 22 276 F +65 22 277 J +65 22 278 J +65 22 279 K +65 22 280 N +65 22 281 N +65 22 282 N +65 22 283 J +65 22 284 U +65 22 285 R +65 22 286 U +65 22 287 J +65 22 288 F +65 22 289 N +65 22 290 U +65 22 291 R +65 22 292 J +65 22 293 J +65 22 294 U +65 22 295 R +65 22 296 J +65 22 297 P +65 22 298 F +65 22 299 N +65 22 300 R +65 22 301 N +65 22 302 U +65 22 303 J +65 22 304 J +65 22 305 F +65 22 306 P +65 22 307 J +65 22 308 R +65 22 309 J +65 22 310 N +65 22 311 J +65 22 312 K +65 22 313 R +65 22 314 U +65 22 315 N +65 22 316 N +65 22 317 F +65 22 318 P +65 22 319 U +65 22 320 R +65 22 321 F +65 22 322 J +65 22 323 N +65 22 324 U +65 22 325 R +65 22 326 P +65 22 327 U +65 22 328 J +65 22 329 J +65 22 330 U +65 23 1 J +65 23 2 N +65 23 3 F +65 23 4 G +65 23 5 N +65 23 6 R +65 23 7 N +65 23 8 F +65 23 9 R +65 23 10 J +65 23 11 N +65 23 12 P +65 23 13 N +65 23 14 J +65 23 15 G +65 23 16 U +65 23 17 F +65 23 18 K +65 23 19 N +65 23 20 N +65 23 21 F +65 23 22 P +65 23 23 G +65 23 24 R +65 23 25 N +65 23 26 N +65 23 27 R +65 23 28 F +65 23 29 N +65 23 30 P +65 23 31 N +65 23 32 G +65 23 33 N +65 23 34 J +65 23 35 F +65 23 36 N +65 23 37 J +65 23 38 F +65 23 39 N +65 23 40 J +65 23 41 F +65 23 42 P +65 23 43 J +65 23 44 U +65 23 45 N +65 23 46 R +65 23 47 N +65 23 48 P +65 23 49 N +65 23 50 J +65 23 51 R +65 23 52 U +65 23 53 F +65 23 54 N +65 23 55 N +65 23 56 R +65 23 57 N +65 23 58 R +65 23 59 G +65 23 60 J +65 23 61 F +65 23 62 R +65 23 63 F +65 23 64 J +65 23 65 G +65 23 66 U +65 23 67 N +65 23 68 G +65 23 69 N +65 23 70 R +65 23 71 F +65 23 72 N +65 23 73 J +65 23 74 J +65 23 75 N +65 23 76 P +65 23 77 J +65 23 78 R +65 23 79 K +65 23 80 J +65 23 81 P +65 23 82 N +65 23 83 R +65 23 84 G +65 23 85 N +65 23 86 G +65 23 87 K +65 23 88 G +65 23 89 J +65 23 90 N +65 23 91 P +65 23 92 U +65 23 93 J +65 23 94 K +65 23 95 R +65 23 96 P +65 23 97 J +65 23 98 F +65 23 99 G +65 23 100 N +65 23 101 G +65 23 102 R +65 23 103 R +65 23 104 N +65 23 105 G +65 23 106 P +65 23 107 U +65 23 108 R +65 23 109 J +65 23 110 P +65 23 111 N +65 23 112 F +65 23 113 K +65 23 114 N +65 23 115 F +65 23 116 R +65 23 117 T +65 23 118 G +65 23 119 N +65 23 120 U +65 23 121 F +65 23 122 N +65 23 123 N +65 23 124 P +65 23 125 F +65 23 126 G +65 23 127 N +65 23 128 P +65 23 129 U +65 23 130 R +65 23 131 G +65 23 132 F +65 23 133 N +65 23 134 T +65 23 135 G +65 23 136 N +65 23 137 N +65 23 138 J +65 23 139 U +65 23 140 J +65 23 141 U +65 23 142 U +65 23 143 P +65 23 144 J +65 23 145 N +65 23 146 P +65 23 147 J +65 23 148 F +65 23 149 N +65 23 150 J +65 23 151 G +65 23 152 G +65 23 153 J +65 23 154 R +65 23 155 T +65 23 156 N +65 23 157 T +65 23 158 U +65 23 159 P +65 23 160 G +65 23 161 N +65 23 162 F +65 23 163 N +65 23 164 J +65 23 165 N +65 23 166 J +65 23 167 R +65 23 168 N +65 23 169 N +65 23 170 J +65 23 171 N +65 23 172 U +65 23 173 G +65 23 174 P +65 23 175 N +65 23 176 F +65 23 177 P +65 23 178 J +65 23 179 G +65 23 180 N +65 23 181 P +65 23 182 G +65 23 183 R +65 23 184 G +65 23 185 P +65 23 186 N +65 23 187 P +65 23 188 N +65 23 189 N +65 23 190 G +65 23 191 N +65 23 192 G +65 23 193 P +65 23 194 F +65 23 195 N +65 23 196 N +65 23 197 G +65 23 198 K +65 23 199 R +65 23 200 N +65 23 201 G +65 23 202 N +65 23 203 G +65 23 204 T +65 23 205 J +65 23 206 U +65 23 207 F +65 23 208 P +65 23 209 N +65 23 210 T +65 23 211 N +65 23 212 P +65 23 213 R +65 23 214 P +65 23 215 G +65 23 216 N +65 23 217 G +65 23 218 P +65 23 219 U +65 23 220 J +65 23 221 U +65 23 222 G +65 23 223 N +65 23 224 U +65 23 225 P +65 23 226 J +65 23 227 J +65 23 228 J +65 23 229 N +65 23 230 U +65 23 231 G +65 23 232 P +65 23 233 J +65 23 234 N +65 23 235 J +65 23 236 P +65 23 237 R +65 23 238 N +65 23 239 G +65 23 240 T +65 23 241 U +65 23 242 P +65 23 243 G +65 23 244 U +65 23 245 F +65 23 246 N +65 23 247 J +65 23 248 N +65 23 249 N +65 23 250 J +65 23 251 N +65 23 252 U +65 23 253 N +65 23 254 J +65 23 255 K +65 23 256 G +65 23 257 J +65 23 258 P +65 23 259 F +65 23 260 P +65 23 261 P +65 23 262 U +65 23 263 U +65 23 264 U +65 23 265 N +65 23 266 P +65 23 267 G +65 23 268 N +65 23 269 G +65 23 270 P +65 23 271 N +65 23 272 U +65 23 273 G +65 23 274 U +65 23 275 R +65 23 276 G +65 23 277 N +65 23 278 F +65 23 279 J +65 23 280 N +65 23 281 N +65 23 282 N +65 23 283 T +65 23 284 U +65 23 285 G +65 23 286 U +65 23 287 T +65 23 288 F +65 23 289 N +65 23 290 R +65 23 291 J +65 23 292 G +65 23 293 N +65 23 294 U +65 23 295 T +65 23 296 J +65 23 297 P +65 23 298 F +65 23 299 N +65 23 300 U +65 23 301 N +65 23 302 U +65 23 303 U +65 23 304 N +65 23 305 J +65 23 306 N +65 23 307 N +65 23 308 G +65 23 309 R +65 23 310 N +65 23 311 J +65 23 312 K +65 23 313 J +65 23 314 U +65 23 315 N +65 23 316 N +65 23 317 G +65 23 318 F +65 23 319 U +65 23 320 P +65 23 321 F +65 23 322 J +65 23 323 N +65 23 324 R +65 23 325 G +65 23 326 P +65 23 327 U +65 23 328 N +65 23 329 T +65 23 330 R +65 24 1 N +65 24 2 N +65 24 3 F +65 24 4 R +65 24 5 N +65 24 6 R +65 24 7 N +65 24 8 F +65 24 9 R +65 24 10 N +65 24 11 N +65 24 12 F +65 24 13 N +65 24 14 N +65 24 15 R +65 24 16 U +65 24 17 F +65 24 18 U +65 24 19 N +65 24 20 N +65 24 21 R +65 24 22 R +65 24 23 R +65 24 24 R +65 24 25 N +65 24 26 N +65 24 27 R +65 24 28 F +65 24 29 N +65 24 30 R +65 24 31 N +65 24 32 F +65 24 33 N +65 24 34 N +65 24 35 F +65 24 36 N +65 24 37 R +65 24 38 F +65 24 39 N +65 24 40 N +65 24 41 F +65 24 42 F +65 24 43 N +65 24 44 R +65 24 45 N +65 24 46 R +65 24 47 N +65 24 48 F +65 24 49 N +65 24 50 J +65 24 51 R +65 24 52 R +65 24 53 F +65 24 54 N +65 24 55 F +65 24 56 J +65 24 57 N +65 24 58 R +65 24 59 R +65 24 60 N +65 24 61 F +65 24 62 R +65 24 63 F +65 24 64 N +65 24 65 F +65 24 66 R +65 24 67 N +65 24 68 R +65 24 69 J +65 24 70 U +65 24 71 R +65 24 72 N +65 24 73 P +65 24 74 R +65 24 75 N +65 24 76 F +65 24 77 N +65 24 78 R +65 24 79 R +65 24 80 N +65 24 81 N +65 24 82 N +65 24 83 R +65 24 84 R +65 24 85 N +65 24 86 F +65 24 87 J +65 24 88 F +65 24 89 K +65 24 90 N +65 24 91 P +65 24 92 U +65 24 93 N +65 24 94 U +65 24 95 R +65 24 96 P +65 24 97 J +65 24 98 F +65 24 99 R +65 24 100 N +65 24 101 F +65 24 102 U +65 24 103 R +65 24 104 N +65 24 105 P +65 24 106 R +65 24 107 U +65 24 108 N +65 24 109 P +65 24 110 F +65 24 111 J +65 24 112 F +65 24 113 R +65 24 114 N +65 24 115 F +65 24 116 P +65 24 117 J +65 24 118 P +65 24 119 N +65 24 120 U +65 24 121 F +65 24 122 N +65 24 123 N +65 24 124 P +65 24 125 P +65 24 126 R +65 24 127 J +65 24 128 P +65 24 129 U +65 24 130 R +65 24 131 F +65 24 132 F +65 24 133 N +65 24 134 R +65 24 135 F +65 24 136 N +65 24 137 R +65 24 138 R +65 24 139 U +65 24 140 N +65 24 141 U +65 24 142 U +65 24 143 P +65 24 144 R +65 24 145 N +65 24 146 P +65 24 147 N +65 24 148 F +65 24 149 N +65 24 150 J +65 24 151 R +65 24 152 F +65 24 153 N +65 24 154 U +65 24 155 R +65 24 156 N +65 24 157 R +65 24 158 U +65 24 159 F +65 24 160 U +65 24 161 N +65 24 162 F +65 24 163 N +65 24 164 N +65 24 165 R +65 24 166 N +65 24 167 P +65 24 168 N +65 24 169 N +65 24 170 N +65 24 171 R +65 24 172 U +65 24 173 P +65 24 174 F +65 24 175 N +65 24 176 F +65 24 177 R +65 24 178 N +65 24 179 F +65 24 180 N +65 24 181 P +65 24 182 R +65 24 183 R +65 24 184 F +65 24 185 F +65 24 186 N +65 24 187 F +65 24 188 N +65 24 189 U +65 24 190 F +65 24 191 N +65 24 192 R +65 24 193 P +65 24 194 R +65 24 195 N +65 24 196 N +65 24 197 R +65 24 198 U +65 24 199 R +65 24 200 N +65 24 201 F +65 24 202 N +65 24 203 P +65 24 204 R +65 24 205 P +65 24 206 R +65 24 207 F +65 24 208 P +65 24 209 N +65 24 210 R +65 24 211 N +65 24 212 P +65 24 213 U +65 24 214 P +65 24 215 R +65 24 216 R +65 24 217 F +65 24 218 R +65 24 219 N +65 24 220 R +65 24 221 R +65 24 222 F +65 24 223 N +65 24 224 U +65 24 225 F +65 24 226 N +65 24 227 R +65 24 228 N +65 24 229 N +65 24 230 R +65 24 231 P +65 24 232 R +65 24 233 P +65 24 234 N +65 24 235 N +65 24 236 P +65 24 237 P +65 24 238 N +65 24 239 F +65 24 240 R +65 24 241 U +65 24 242 P +65 24 243 F +65 24 244 R +65 24 245 F +65 24 246 N +65 24 247 R +65 24 248 J +65 24 249 N +65 24 250 R +65 24 251 N +65 24 252 U +65 24 253 N +65 24 254 N +65 24 255 R +65 24 256 F +65 24 257 N +65 24 258 P +65 24 259 R +65 24 260 R +65 24 261 P +65 24 262 U +65 24 263 R +65 24 264 N +65 24 265 N +65 24 266 R +65 24 267 P +65 24 268 N +65 24 269 F +65 24 270 F +65 24 271 N +65 24 272 U +65 24 273 P +65 24 274 U +65 24 275 R +65 24 276 F +65 24 277 N +65 24 278 R +65 24 279 R +65 24 280 N +65 24 281 N +65 24 282 N +65 24 283 R +65 24 284 U +65 24 285 R +65 24 286 U +65 24 287 R +65 24 288 F +65 24 289 N +65 24 290 R +65 24 291 N +65 24 292 R +65 24 293 N +65 24 294 U +65 24 295 J +65 24 296 F +65 24 297 P +65 24 298 F +65 24 299 N +65 24 300 U +65 24 301 N +65 24 302 R +65 24 303 U +65 24 304 J +65 24 305 F +65 24 306 J +65 24 307 N +65 24 308 J +65 24 309 R +65 24 310 N +65 24 311 N +65 24 312 K +65 24 313 P +65 24 314 U +65 24 315 N +65 24 316 N +65 24 317 F +65 24 318 F +65 24 319 U +65 24 320 R +65 24 321 F +65 24 322 N +65 24 323 N +65 24 324 J +65 24 325 F +65 24 326 P +65 24 327 U +65 24 328 N +65 24 329 R +65 24 330 U +65 25 1 J +65 25 2 N +65 25 3 F +65 25 4 J +65 25 5 N +65 25 6 R +65 25 7 N +65 25 8 F +65 25 9 R +65 25 10 K +65 25 11 K +65 25 12 P +65 25 13 N +65 25 14 N +65 25 15 R +65 25 16 U +65 25 17 F +65 25 18 K +65 25 19 N +65 25 20 N +65 25 21 F +65 25 22 P +65 25 23 R +65 25 24 K +65 25 25 N +65 25 26 K +65 25 27 U +65 25 28 F +65 25 29 N +65 25 30 F +65 25 31 N +65 25 32 F +65 25 33 N +65 25 34 K +65 25 35 F +65 25 36 N +65 25 37 N +65 25 38 F +65 25 39 N +65 25 40 N +65 25 41 F +65 25 42 P +65 25 43 K +65 25 44 U +65 25 45 N +65 25 46 K +65 25 47 K +65 25 48 P +65 25 49 N +65 25 50 J +65 25 51 R +65 25 52 U +65 25 53 F +65 25 54 N +65 25 55 N +65 25 56 R +65 25 57 N +65 25 58 R +65 25 59 R +65 25 60 K +65 25 61 F +65 25 62 R +65 25 63 R +65 25 64 K +65 25 65 F +65 25 66 U +65 25 67 F +65 25 68 F +65 25 69 R +65 25 70 U +65 25 71 R +65 25 72 N +65 25 73 R +65 25 74 R +65 25 75 K +65 25 76 F +65 25 77 N +65 25 78 R +65 25 79 K +65 25 80 N +65 25 81 P +65 25 82 N +65 25 83 R +65 25 84 R +65 25 85 N +65 25 86 P +65 25 87 K +65 25 88 F +65 25 89 K +65 25 90 N +65 25 91 P +65 25 92 U +65 25 93 N +65 25 94 R +65 25 95 R +65 25 96 P +65 25 97 K +65 25 98 F +65 25 99 R +65 25 100 N +65 25 101 J +65 25 102 R +65 25 103 R +65 25 104 N +65 25 105 F +65 25 106 P +65 25 107 U +65 25 108 U +65 25 109 K +65 25 110 P +65 25 111 P +65 25 112 F +65 25 113 K +65 25 114 N +65 25 115 F +65 25 116 P +65 25 117 R +65 25 118 F +65 25 119 N +65 25 120 U +65 25 121 F +65 25 122 N +65 25 123 N +65 25 124 N +65 25 125 F +65 25 126 P +65 25 127 K +65 25 128 P +65 25 129 U +65 25 130 K +65 25 131 J +65 25 132 F +65 25 133 N +65 25 134 K +65 25 135 F +65 25 136 N +65 25 137 N +65 25 138 N +65 25 139 U +65 25 140 K +65 25 141 U +65 25 142 U +65 25 143 N +65 25 144 K +65 25 145 N +65 25 146 P +65 25 147 N +65 25 148 F +65 25 149 N +65 25 150 K +65 25 151 F +65 25 152 F +65 25 153 N +65 25 154 K +65 25 155 K +65 25 156 N +65 25 157 R +65 25 158 U +65 25 159 P +65 25 160 R +65 25 161 N +65 25 162 K +65 25 163 N +65 25 164 F +65 25 165 R +65 25 166 K +65 25 167 R +65 25 168 N +65 25 169 K +65 25 170 K +65 25 171 R +65 25 172 U +65 25 173 F +65 25 174 P +65 25 175 N +65 25 176 F +65 25 177 P +65 25 178 K +65 25 179 R +65 25 180 N +65 25 181 P +65 25 182 F +65 25 183 J +65 25 184 J +65 25 185 P +65 25 186 N +65 25 187 P +65 25 188 N +65 25 189 N +65 25 190 R +65 25 191 N +65 25 192 R +65 25 193 R +65 25 194 K +65 25 195 N +65 25 196 N +65 25 197 R +65 25 198 K +65 25 199 U +65 25 200 N +65 25 201 F +65 25 202 N +65 25 203 F +65 25 204 K +65 25 205 K +65 25 206 U +65 25 207 F +65 25 208 R +65 25 209 N +65 25 210 R +65 25 211 N +65 25 212 P +65 25 213 R +65 25 214 R +65 25 215 R +65 25 216 K +65 25 217 P +65 25 218 R +65 25 219 U +65 25 220 K +65 25 221 R +65 25 222 R +65 25 223 N +65 25 224 U +65 25 225 J +65 25 226 N +65 25 227 K +65 25 228 K +65 25 229 N +65 25 230 U +65 25 231 R +65 25 232 R +65 25 233 K +65 25 234 N +65 25 235 K +65 25 236 R +65 25 237 F +65 25 238 N +65 25 239 F +65 25 240 R +65 25 241 U +65 25 242 P +65 25 243 F +65 25 244 U +65 25 245 F +65 25 246 N +65 25 247 R +65 25 248 K +65 25 249 N +65 25 250 J +65 25 251 N +65 25 252 U +65 25 253 N +65 25 254 U +65 25 255 K +65 25 256 F +65 25 257 N +65 25 258 P +65 25 259 F +65 25 260 U +65 25 261 F +65 25 262 U +65 25 263 R +65 25 264 U +65 25 265 N +65 25 266 F +65 25 267 F +65 25 268 N +65 25 269 F +65 25 270 P +65 25 271 N +65 25 272 U +65 25 273 R +65 25 274 U +65 25 275 R +65 25 276 F +65 25 277 K +65 25 278 F +65 25 279 K +65 25 280 P +65 25 281 N +65 25 282 N +65 25 283 R +65 25 284 U +65 25 285 R +65 25 286 U +65 25 287 R +65 25 288 F +65 25 289 N +65 25 290 U +65 25 291 R +65 25 292 R +65 25 293 N +65 25 294 U +65 25 295 R +65 25 296 J +65 25 297 P +65 25 298 F +65 25 299 N +65 25 300 U +65 25 301 N +65 25 302 U +65 25 303 R +65 25 304 R +65 25 305 J +65 25 306 N +65 25 307 N +65 25 308 R +65 25 309 R +65 25 310 N +65 25 311 K +65 25 312 K +65 25 313 K +65 25 314 U +65 25 315 N +65 25 316 N +65 25 317 J +65 25 318 P +65 25 319 U +65 25 320 R +65 25 321 F +65 25 322 N +65 25 323 N +65 25 324 U +65 25 325 J +65 25 326 P +65 25 327 U +65 25 328 N +65 25 329 J +65 25 330 U +66 1 1 U +66 1 2 U +66 1 3 P +66 1 4 P +66 1 5 U +66 1 6 P +66 1 7 U +66 1 8 P +66 1 9 P +66 1 10 U +66 1 11 U +66 1 12 P +66 1 13 U +66 1 14 U +66 1 15 P +66 1 16 S +66 1 17 P +66 1 18 C +66 1 19 U +66 1 20 U +66 1 21 P +66 1 22 S +66 1 23 P +66 1 24 C +66 1 25 U +66 1 26 U +66 1 27 S +66 1 28 P +66 1 29 U +66 1 30 P +66 1 31 U +66 1 32 P +66 1 33 U +66 1 34 U +66 1 35 P +66 1 36 C +66 1 37 U +66 1 38 P +66 1 39 U +66 1 40 U +66 1 41 P +66 1 42 S +66 1 43 U +66 1 44 S +66 1 45 U +66 1 46 C +66 1 47 U +66 1 48 P +66 1 49 U +66 1 50 C +66 1 51 C +66 1 52 S +66 1 53 P +66 1 54 U +66 1 55 U +66 1 56 S +66 1 57 U +66 1 58 C +66 1 59 S +66 1 60 C +66 1 61 P +66 1 62 U +66 1 63 P +66 1 64 U +66 1 65 P +66 1 66 S +66 1 67 U +66 1 68 P +66 1 69 U +66 1 70 S +66 1 71 P +66 1 72 U +66 1 73 P +66 1 74 S +66 1 75 U +66 1 76 P +66 1 77 U +66 1 78 P +66 1 79 C +66 1 80 U +66 1 81 U +66 1 82 U +66 1 83 S +66 1 84 P +66 1 85 U +66 1 86 P +66 1 87 C +66 1 88 C +66 1 89 C +66 1 90 U +66 1 91 U +66 1 92 S +66 1 93 U +66 1 94 C +66 1 95 S +66 1 96 P +66 1 97 U +66 1 98 P +66 1 99 P +66 1 100 U +66 1 101 P +66 1 102 S +66 1 103 C +66 1 104 U +66 1 105 P +66 1 106 S +66 1 107 S +66 1 108 U +66 1 109 U +66 1 110 P +66 1 111 C +66 1 112 P +66 1 113 C +66 1 114 U +66 1 115 P +66 1 116 U +66 1 117 C +66 1 118 P +66 1 119 U +66 1 120 S +66 1 121 P +66 1 122 U +66 1 123 U +66 1 124 U +66 1 125 P +66 1 126 P +66 1 127 C +66 1 128 U +66 1 129 S +66 1 130 C +66 1 131 P +66 1 132 P +66 1 133 U +66 1 134 C +66 1 135 P +66 1 136 U +66 1 137 U +66 1 138 U +66 1 139 S +66 1 140 U +66 1 141 S +66 1 142 S +66 1 143 U +66 1 144 U +66 1 145 U +66 1 146 P +66 1 147 U +66 1 148 P +66 1 149 U +66 1 150 U +66 1 151 P +66 1 152 P +66 1 153 U +66 1 154 C +66 1 155 C +66 1 156 U +66 1 157 C +66 1 158 S +66 1 159 P +66 1 160 P +66 1 161 U +66 1 162 P +66 1 163 U +66 1 164 U +66 1 165 C +66 1 166 C +66 1 167 S +66 1 168 U +66 1 169 U +66 1 170 U +66 1 171 U +66 1 172 S +66 1 173 P +66 1 174 P +66 1 175 U +66 1 176 P +66 1 177 S +66 1 178 U +66 1 179 P +66 1 180 U +66 1 181 S +66 1 182 U +66 1 183 C +66 1 184 U +66 1 185 P +66 1 186 U +66 1 187 P +66 1 188 U +66 1 189 S +66 1 190 P +66 1 191 U +66 1 192 U +66 1 193 U +66 1 194 C +66 1 195 U +66 1 196 S +66 1 197 U +66 1 198 C +66 1 199 S +66 1 200 U +66 1 201 P +66 1 202 U +66 1 203 U +66 1 204 C +66 1 205 U +66 1 206 S +66 1 207 P +66 1 208 P +66 1 209 U +66 1 210 C +66 1 211 U +66 1 212 P +66 1 213 S +66 1 214 U +66 1 215 P +66 1 216 C +66 1 217 P +66 1 218 U +66 1 219 S +66 1 220 U +66 1 221 S +66 1 222 U +66 1 223 U +66 1 224 S +66 1 225 S +66 1 226 U +66 1 227 C +66 1 228 U +66 1 229 U +66 1 230 S +66 1 231 P +66 1 232 C +66 1 233 U +66 1 234 U +66 1 235 U +66 1 236 U +66 1 237 S +66 1 238 U +66 1 239 P +66 1 240 P +66 1 241 S +66 1 242 S +66 1 243 P +66 1 244 S +66 1 245 P +66 1 246 U +66 1 247 U +66 1 248 C +66 1 249 U +66 1 250 C +66 1 251 U +66 1 252 S +66 1 253 U +66 1 254 U +66 1 255 C +66 1 256 P +66 1 257 U +66 1 258 P +66 1 259 P +66 1 260 S +66 1 261 P +66 1 262 S +66 1 263 C +66 1 264 S +66 1 265 U +66 1 266 P +66 1 267 P +66 1 268 U +66 1 269 P +66 1 270 P +66 1 271 C +66 1 272 S +66 1 273 P +66 1 274 S +66 1 275 U +66 1 276 P +66 1 277 C +66 1 278 P +66 1 279 U +66 1 280 U +66 1 281 U +66 1 282 U +66 1 283 C +66 1 284 S +66 1 285 P +66 1 286 S +66 1 287 C +66 1 288 P +66 1 289 U +66 1 290 S +66 1 291 U +66 1 292 P +66 1 293 S +66 1 294 S +66 1 295 C +66 1 296 U +66 1 297 P +66 1 298 P +66 1 299 U +66 1 300 S +66 1 301 U +66 1 302 S +66 1 303 S +66 1 304 U +66 1 305 U +66 1 306 U +66 1 307 U +66 1 308 U +66 1 309 C +66 1 310 U +66 1 311 U +66 1 312 C +66 1 313 C +66 1 314 S +66 1 315 U +66 1 316 U +66 1 317 P +66 1 318 P +66 1 319 S +66 1 320 U +66 1 321 P +66 1 322 U +66 1 323 U +66 1 324 S +66 1 325 U +66 1 326 P +66 1 327 S +66 1 328 U +66 1 329 C +66 1 330 S +66 2 1 U +66 2 2 U +66 2 3 P +66 2 4 U +66 2 5 U +66 2 6 P +66 2 7 U +66 2 8 P +66 2 9 P +66 2 10 C +66 2 11 P +66 2 12 P +66 2 13 U +66 2 14 C +66 2 15 P +66 2 16 C +66 2 17 P +66 2 18 C +66 2 19 U +66 2 20 U +66 2 21 P +66 2 22 P +66 2 23 U +66 2 24 C +66 2 25 U +66 2 26 C +66 2 27 S +66 2 28 P +66 2 29 U +66 2 30 P +66 2 31 U +66 2 32 U +66 2 33 U +66 2 34 C +66 2 35 P +66 2 36 C +66 2 37 U +66 2 38 P +66 2 39 U +66 2 40 U +66 2 41 P +66 2 42 P +66 2 43 C +66 2 44 C +66 2 45 U +66 2 46 P +66 2 47 C +66 2 48 P +66 2 49 U +66 2 50 U +66 2 51 U +66 2 52 S +66 2 53 P +66 2 54 U +66 2 55 U +66 2 56 P +66 2 57 U +66 2 58 P +66 2 59 U +66 2 60 C +66 2 61 P +66 2 62 U +66 2 63 P +66 2 64 U +66 2 65 P +66 2 66 S +66 2 67 U +66 2 68 P +66 2 69 U +66 2 70 S +66 2 71 P +66 2 72 U +66 2 73 P +66 2 74 U +66 2 75 U +66 2 76 P +66 2 77 U +66 2 78 P +66 2 79 C +66 2 80 U +66 2 81 U +66 2 82 U +66 2 83 S +66 2 84 P +66 2 85 U +66 2 86 P +66 2 87 C +66 2 88 P +66 2 89 C +66 2 90 U +66 2 91 P +66 2 92 S +66 2 93 U +66 2 94 C +66 2 95 S +66 2 96 P +66 2 97 U +66 2 98 P +66 2 99 U +66 2 100 U +66 2 101 P +66 2 102 U +66 2 103 U +66 2 104 U +66 2 105 P +66 2 106 S +66 2 107 S +66 2 108 U +66 2 109 U +66 2 110 P +66 2 111 U +66 2 112 P +66 2 113 C +66 2 114 U +66 2 115 P +66 2 116 P +66 2 117 U +66 2 118 P +66 2 119 U +66 2 120 S +66 2 121 P +66 2 122 U +66 2 123 U +66 2 124 U +66 2 125 P +66 2 126 P +66 2 127 U +66 2 128 P +66 2 129 S +66 2 130 U +66 2 131 P +66 2 132 P +66 2 133 U +66 2 134 P +66 2 135 P +66 2 136 U +66 2 137 U +66 2 138 U +66 2 139 S +66 2 140 U +66 2 141 S +66 2 142 P +66 2 143 U +66 2 144 U +66 2 145 U +66 2 146 P +66 2 147 U +66 2 148 P +66 2 149 U +66 2 150 U +66 2 151 P +66 2 152 P +66 2 153 U +66 2 154 C +66 2 155 U +66 2 156 U +66 2 157 P +66 2 158 C +66 2 159 P +66 2 160 P +66 2 161 U +66 2 162 P +66 2 163 U +66 2 164 U +66 2 165 U +66 2 166 C +66 2 167 P +66 2 168 U +66 2 169 U +66 2 170 U +66 2 171 U +66 2 172 S +66 2 173 P +66 2 174 P +66 2 175 U +66 2 176 P +66 2 177 P +66 2 178 U +66 2 179 P +66 2 180 U +66 2 181 P +66 2 182 P +66 2 183 U +66 2 184 U +66 2 185 P +66 2 186 U +66 2 187 P +66 2 188 U +66 2 189 U +66 2 190 P +66 2 191 U +66 2 192 U +66 2 193 P +66 2 194 P +66 2 195 U +66 2 196 U +66 2 197 P +66 2 198 C +66 2 199 U +66 2 200 U +66 2 201 P +66 2 202 U +66 2 203 P +66 2 204 C +66 2 205 U +66 2 206 S +66 2 207 P +66 2 208 P +66 2 209 U +66 2 210 P +66 2 211 U +66 2 212 P +66 2 213 U +66 2 214 U +66 2 215 P +66 2 216 U +66 2 217 P +66 2 218 U +66 2 219 S +66 2 220 U +66 2 221 S +66 2 222 U +66 2 223 U +66 2 224 S +66 2 225 U +66 2 226 U +66 2 227 C +66 2 228 U +66 2 229 U +66 2 230 C +66 2 231 P +66 2 232 U +66 2 233 U +66 2 234 U +66 2 235 C +66 2 236 U +66 2 237 P +66 2 238 U +66 2 239 P +66 2 240 P +66 2 241 S +66 2 242 P +66 2 243 P +66 2 244 P +66 2 245 P +66 2 246 U +66 2 247 U +66 2 248 U +66 2 249 U +66 2 250 U +66 2 251 U +66 2 252 S +66 2 253 U +66 2 254 U +66 2 255 C +66 2 256 P +66 2 257 C +66 2 258 P +66 2 259 P +66 2 260 S +66 2 261 P +66 2 262 S +66 2 263 C +66 2 264 U +66 2 265 U +66 2 266 P +66 2 267 U +66 2 268 U +66 2 269 P +66 2 270 P +66 2 271 U +66 2 272 S +66 2 273 P +66 2 274 S +66 2 275 U +66 2 276 P +66 2 277 C +66 2 278 P +66 2 279 C +66 2 280 U +66 2 281 U +66 2 282 U +66 2 283 P +66 2 284 S +66 2 285 P +66 2 286 S +66 2 287 P +66 2 288 P +66 2 289 U +66 2 290 S +66 2 291 C +66 2 292 P +66 2 293 S +66 2 294 S +66 2 295 P +66 2 296 U +66 2 297 P +66 2 298 P +66 2 299 U +66 2 300 S +66 2 301 U +66 2 302 S +66 2 303 U +66 2 304 U +66 2 305 P +66 2 306 U +66 2 307 U +66 2 308 P +66 2 309 U +66 2 310 U +66 2 311 C +66 2 312 C +66 2 313 U +66 2 314 S +66 2 315 U +66 2 316 U +66 2 317 P +66 2 318 P +66 2 319 S +66 2 320 U +66 2 321 P +66 2 322 U +66 2 323 U +66 2 324 S +66 2 325 U +66 2 326 P +66 2 327 S +66 2 328 U +66 2 329 P +66 2 330 S +66 3 1 U +66 3 2 S +66 3 3 P +66 3 4 U +66 3 5 S +66 3 6 P +66 3 7 U +66 3 8 P +66 3 9 P +66 3 10 U +66 3 11 U +66 3 12 P +66 3 13 U +66 3 14 U +66 3 15 S +66 3 16 S +66 3 17 P +66 3 18 U +66 3 19 U +66 3 20 P +66 3 21 P +66 3 22 S +66 3 23 U +66 3 24 P +66 3 25 U +66 3 26 U +66 3 27 S +66 3 28 P +66 3 29 S +66 3 30 P +66 3 31 S +66 3 32 U +66 3 33 P +66 3 34 U +66 3 35 P +66 3 36 U +66 3 37 U +66 3 38 P +66 3 39 U +66 3 40 S +66 3 41 P +66 3 42 P +66 3 43 U +66 3 44 S +66 3 45 U +66 3 46 P +66 3 47 U +66 3 48 P +66 3 49 S +66 3 50 U +66 3 51 P +66 3 52 S +66 3 53 P +66 3 54 U +66 3 55 U +66 3 56 P +66 3 57 U +66 3 58 P +66 3 59 S +66 3 60 U +66 3 61 P +66 3 62 S +66 3 63 P +66 3 64 U +66 3 65 P +66 3 66 S +66 3 67 S +66 3 68 P +66 3 69 P +66 3 70 S +66 3 71 P +66 3 72 U +66 3 73 U +66 3 74 S +66 3 75 P +66 3 76 P +66 3 77 U +66 3 78 P +66 3 79 U +66 3 80 U +66 3 81 P +66 3 82 S +66 3 83 P +66 3 84 S +66 3 85 U +66 3 86 S +66 3 87 C +66 3 88 U +66 3 89 C +66 3 90 U +66 3 91 P +66 3 92 S +66 3 93 U +66 3 94 C +66 3 95 S +66 3 96 U +66 3 97 P +66 3 98 P +66 3 99 U +66 3 100 S +66 3 101 P +66 3 102 S +66 3 103 P +66 3 104 S +66 3 105 P +66 3 106 P +66 3 107 S +66 3 108 S +66 3 109 U +66 3 110 P +66 3 111 P +66 3 112 P +66 3 113 U +66 3 114 U +66 3 115 P +66 3 116 S +66 3 117 U +66 3 118 S +66 3 119 S +66 3 120 S +66 3 121 P +66 3 122 U +66 3 123 U +66 3 124 P +66 3 125 P +66 3 126 P +66 3 127 U +66 3 128 P +66 3 129 S +66 3 130 P +66 3 131 U +66 3 132 P +66 3 133 U +66 3 134 C +66 3 135 U +66 3 136 S +66 3 137 U +66 3 138 S +66 3 139 S +66 3 140 U +66 3 141 S +66 3 142 S +66 3 143 P +66 3 144 U +66 3 145 P +66 3 146 P +66 3 147 U +66 3 148 P +66 3 149 S +66 3 150 S +66 3 151 P +66 3 152 S +66 3 153 U +66 3 154 U +66 3 155 C +66 3 156 U +66 3 157 C +66 3 158 S +66 3 159 P +66 3 160 P +66 3 161 U +66 3 162 P +66 3 163 U +66 3 164 U +66 3 165 P +66 3 166 U +66 3 167 S +66 3 168 U +66 3 169 U +66 3 170 U +66 3 171 P +66 3 172 S +66 3 173 P +66 3 174 P +66 3 175 S +66 3 176 P +66 3 177 S +66 3 178 U +66 3 179 C +66 3 180 U +66 3 181 P +66 3 182 C +66 3 183 C +66 3 184 U +66 3 185 P +66 3 186 S +66 3 187 P +66 3 188 U +66 3 189 S +66 3 190 S +66 3 191 U +66 3 192 U +66 3 193 P +66 3 194 C +66 3 195 U +66 3 196 S +66 3 197 U +66 3 198 C +66 3 199 S +66 3 200 U +66 3 201 P +66 3 202 U +66 3 203 P +66 3 204 C +66 3 205 U +66 3 206 S +66 3 207 P +66 3 208 P +66 3 209 U +66 3 210 C +66 3 211 U +66 3 212 P +66 3 213 S +66 3 214 P +66 3 215 U +66 3 216 C +66 3 217 P +66 3 218 P +66 3 219 S +66 3 220 U +66 3 221 S +66 3 222 U +66 3 223 U +66 3 224 S +66 3 225 P +66 3 226 U +66 3 227 C +66 3 228 U +66 3 229 S +66 3 230 S +66 3 231 U +66 3 232 P +66 3 233 U +66 3 234 U +66 3 235 U +66 3 236 P +66 3 237 S +66 3 238 U +66 3 239 P +66 3 240 C +66 3 241 S +66 3 242 P +66 3 243 C +66 3 244 S +66 3 245 P +66 3 246 U +66 3 247 P +66 3 248 C +66 3 249 U +66 3 250 U +66 3 251 S +66 3 252 S +66 3 253 P +66 3 254 P +66 3 255 C +66 3 256 P +66 3 257 U +66 3 258 P +66 3 259 C +66 3 260 S +66 3 261 P +66 3 262 S +66 3 263 P +66 3 264 S +66 3 265 U +66 3 266 P +66 3 267 C +66 3 268 U +66 3 269 U +66 3 270 P +66 3 271 C +66 3 272 S +66 3 273 U +66 3 274 S +66 3 275 P +66 3 276 P +66 3 277 U +66 3 278 P +66 3 279 U +66 3 280 P +66 3 281 U +66 3 282 P +66 3 283 U +66 3 284 S +66 3 285 S +66 3 286 S +66 3 287 P +66 3 288 P +66 3 289 U +66 3 290 P +66 3 291 U +66 3 292 P +66 3 293 S +66 3 294 S +66 3 295 C +66 3 296 U +66 3 297 P +66 3 298 P +66 3 299 U +66 3 300 P +66 3 301 U +66 3 302 S +66 3 303 S +66 3 304 P +66 3 305 C +66 3 306 P +66 3 307 U +66 3 308 U +66 3 309 C +66 3 310 U +66 3 311 U +66 3 312 C +66 3 313 U +66 3 314 S +66 3 315 P +66 3 316 U +66 3 317 C +66 3 318 P +66 3 319 S +66 3 320 P +66 3 321 P +66 3 322 S +66 3 323 U +66 3 324 S +66 3 325 U +66 3 326 P +66 3 327 S +66 3 328 P +66 3 329 P +66 3 330 S +66 4 1 U +66 4 2 U +66 4 3 P +66 4 4 C +66 4 5 U +66 4 6 P +66 4 7 U +66 4 8 P +66 4 9 P +66 4 10 U +66 4 11 C +66 4 12 P +66 4 13 C +66 4 14 C +66 4 15 P +66 4 16 S +66 4 17 P +66 4 18 C +66 4 19 U +66 4 20 U +66 4 21 P +66 4 22 P +66 4 23 U +66 4 24 C +66 4 25 U +66 4 26 U +66 4 27 S +66 4 28 P +66 4 29 U +66 4 30 P +66 4 31 U +66 4 32 P +66 4 33 U +66 4 34 U +66 4 35 P +66 4 36 C +66 4 37 U +66 4 38 P +66 4 39 U +66 4 40 U +66 4 41 P +66 4 42 U +66 4 43 U +66 4 44 S +66 4 45 S +66 4 46 C +66 4 47 C +66 4 48 P +66 4 49 U +66 4 50 U +66 4 51 C +66 4 52 S +66 4 53 P +66 4 54 U +66 4 55 U +66 4 56 P +66 4 57 U +66 4 58 C +66 4 59 S +66 4 60 C +66 4 61 P +66 4 62 U +66 4 63 P +66 4 64 U +66 4 65 P +66 4 66 S +66 4 67 U +66 4 68 P +66 4 69 C +66 4 70 S +66 4 71 P +66 4 72 U +66 4 73 P +66 4 74 U +66 4 75 C +66 4 76 P +66 4 77 U +66 4 78 P +66 4 79 C +66 4 80 U +66 4 81 U +66 4 82 U +66 4 83 S +66 4 84 P +66 4 85 U +66 4 86 P +66 4 87 C +66 4 88 P +66 4 89 C +66 4 90 C +66 4 91 U +66 4 92 S +66 4 93 U +66 4 94 C +66 4 95 S +66 4 96 P +66 4 97 U +66 4 98 P +66 4 99 U +66 4 100 U +66 4 101 P +66 4 102 U +66 4 103 U +66 4 104 U +66 4 105 P +66 4 106 S +66 4 107 S +66 4 108 U +66 4 109 U +66 4 110 P +66 4 111 C +66 4 112 P +66 4 113 C +66 4 114 U +66 4 115 P +66 4 116 U +66 4 117 C +66 4 118 P +66 4 119 U +66 4 120 S +66 4 121 P +66 4 122 U +66 4 123 U +66 4 124 U +66 4 125 P +66 4 126 P +66 4 127 C +66 4 128 U +66 4 129 S +66 4 130 C +66 4 131 U +66 4 132 P +66 4 133 U +66 4 134 C +66 4 135 P +66 4 136 U +66 4 137 C +66 4 138 U +66 4 139 S +66 4 140 U +66 4 141 S +66 4 142 S +66 4 143 U +66 4 144 U +66 4 145 U +66 4 146 P +66 4 147 U +66 4 148 P +66 4 149 U +66 4 150 U +66 4 151 P +66 4 152 P +66 4 153 U +66 4 154 C +66 4 155 C +66 4 156 U +66 4 157 P +66 4 158 S +66 4 159 P +66 4 160 P +66 4 161 U +66 4 162 P +66 4 163 U +66 4 164 U +66 4 165 C +66 4 166 C +66 4 167 P +66 4 168 U +66 4 169 U +66 4 170 C +66 4 171 U +66 4 172 S +66 4 173 P +66 4 174 P +66 4 175 U +66 4 176 P +66 4 177 S +66 4 178 U +66 4 179 U +66 4 180 U +66 4 181 P +66 4 182 U +66 4 183 C +66 4 184 U +66 4 185 P +66 4 186 U +66 4 187 P +66 4 188 U +66 4 189 S +66 4 190 P +66 4 191 U +66 4 192 U +66 4 193 U +66 4 194 P +66 4 195 U +66 4 196 U +66 4 197 P +66 4 198 C +66 4 199 S +66 4 200 U +66 4 201 P +66 4 202 U +66 4 203 P +66 4 204 C +66 4 205 U +66 4 206 S +66 4 207 P +66 4 208 P +66 4 209 U +66 4 210 U +66 4 211 U +66 4 212 P +66 4 213 S +66 4 214 U +66 4 215 P +66 4 216 C +66 4 217 P +66 4 218 U +66 4 219 S +66 4 220 U +66 4 221 S +66 4 222 U +66 4 223 U +66 4 224 S +66 4 225 U +66 4 226 U +66 4 227 C +66 4 228 U +66 4 229 U +66 4 230 S +66 4 231 P +66 4 232 U +66 4 233 U +66 4 234 U +66 4 235 U +66 4 236 U +66 4 237 P +66 4 238 U +66 4 239 P +66 4 240 U +66 4 241 S +66 4 242 P +66 4 243 U +66 4 244 S +66 4 245 P +66 4 246 U +66 4 247 U +66 4 248 C +66 4 249 U +66 4 250 U +66 4 251 U +66 4 252 S +66 4 253 U +66 4 254 U +66 4 255 C +66 4 256 P +66 4 257 U +66 4 258 U +66 4 259 P +66 4 260 S +66 4 261 P +66 4 262 S +66 4 263 C +66 4 264 S +66 4 265 U +66 4 266 P +66 4 267 U +66 4 268 U +66 4 269 P +66 4 270 P +66 4 271 C +66 4 272 S +66 4 273 P +66 4 274 S +66 4 275 U +66 4 276 P +66 4 277 U +66 4 278 P +66 4 279 U +66 4 280 U +66 4 281 U +66 4 282 U +66 4 283 U +66 4 284 S +66 4 285 P +66 4 286 S +66 4 287 U +66 4 288 P +66 4 289 U +66 4 290 S +66 4 291 U +66 4 292 P +66 4 293 S +66 4 294 S +66 4 295 U +66 4 296 U +66 4 297 P +66 4 298 P +66 4 299 U +66 4 300 S +66 4 301 U +66 4 302 S +66 4 303 S +66 4 304 U +66 4 305 U +66 4 306 U +66 4 307 U +66 4 308 U +66 4 309 C +66 4 310 U +66 4 311 U +66 4 312 C +66 4 313 U +66 4 314 S +66 4 315 U +66 4 316 U +66 4 317 P +66 4 318 P +66 4 319 S +66 4 320 U +66 4 321 P +66 4 322 U +66 4 323 C +66 4 324 S +66 4 325 P +66 4 326 P +66 4 327 S +66 4 328 C +66 4 329 P +66 4 330 S +66 5 1 U +66 5 2 P +66 5 3 P +66 5 4 U +66 5 5 P +66 5 6 P +66 5 7 P +66 5 8 C +66 5 9 U +66 5 10 U +66 5 11 C +66 5 12 P +66 5 13 P +66 5 14 P +66 5 15 S +66 5 16 S +66 5 17 P +66 5 18 C +66 5 19 U +66 5 20 P +66 5 21 P +66 5 22 S +66 5 23 U +66 5 24 P +66 5 25 P +66 5 26 U +66 5 27 S +66 5 28 P +66 5 29 S +66 5 30 P +66 5 31 S +66 5 32 U +66 5 33 P +66 5 34 U +66 5 35 P +66 5 36 C +66 5 37 U +66 5 38 P +66 5 39 U +66 5 40 P +66 5 41 P +66 5 42 P +66 5 43 U +66 5 44 S +66 5 45 U +66 5 46 U +66 5 47 P +66 5 48 P +66 5 49 S +66 5 50 U +66 5 51 C +66 5 52 S +66 5 53 C +66 5 54 P +66 5 55 U +66 5 56 P +66 5 57 U +66 5 58 P +66 5 59 S +66 5 60 C +66 5 61 P +66 5 62 U +66 5 63 P +66 5 64 U +66 5 65 P +66 5 66 P +66 5 67 S +66 5 68 P +66 5 69 U +66 5 70 S +66 5 71 C +66 5 72 U +66 5 73 U +66 5 74 S +66 5 75 U +66 5 76 P +66 5 77 U +66 5 78 P +66 5 79 C +66 5 80 U +66 5 81 P +66 5 82 S +66 5 83 P +66 5 84 P +66 5 85 U +66 5 86 P +66 5 87 C +66 5 88 P +66 5 89 C +66 5 90 U +66 5 91 P +66 5 92 S +66 5 93 U +66 5 94 P +66 5 95 S +66 5 96 P +66 5 97 U +66 5 98 P +66 5 99 P +66 5 100 S +66 5 101 P +66 5 102 U +66 5 103 U +66 5 104 P +66 5 105 P +66 5 106 S +66 5 107 U +66 5 108 S +66 5 109 U +66 5 110 P +66 5 111 U +66 5 112 P +66 5 113 P +66 5 114 U +66 5 115 P +66 5 116 S +66 5 117 U +66 5 118 U +66 5 119 U +66 5 120 S +66 5 121 P +66 5 122 U +66 5 123 C +66 5 124 P +66 5 125 P +66 5 126 U +66 5 127 C +66 5 128 P +66 5 129 S +66 5 130 U +66 5 131 U +66 5 132 P +66 5 133 C +66 5 134 P +66 5 135 U +66 5 136 P +66 5 137 U +66 5 138 S +66 5 139 U +66 5 140 C +66 5 141 S +66 5 142 U +66 5 143 P +66 5 144 C +66 5 145 U +66 5 146 P +66 5 147 P +66 5 148 P +66 5 149 S +66 5 150 C +66 5 151 P +66 5 152 U +66 5 153 U +66 5 154 P +66 5 155 U +66 5 156 P +66 5 157 P +66 5 158 S +66 5 159 P +66 5 160 P +66 5 161 S +66 5 162 P +66 5 163 U +66 5 164 P +66 5 165 U +66 5 166 P +66 5 167 P +66 5 168 U +66 5 169 U +66 5 170 C +66 5 171 U +66 5 172 S +66 5 173 P +66 5 174 P +66 5 175 S +66 5 176 P +66 5 177 S +66 5 178 U +66 5 179 C +66 5 180 U +66 5 181 P +66 5 182 C +66 5 183 P +66 5 184 U +66 5 185 U +66 5 186 S +66 5 187 P +66 5 188 P +66 5 189 U +66 5 190 P +66 5 191 U +66 5 192 U +66 5 193 P +66 5 194 C +66 5 195 U +66 5 196 S +66 5 197 P +66 5 198 U +66 5 199 S +66 5 200 U +66 5 201 P +66 5 202 U +66 5 203 U +66 5 204 C +66 5 205 U +66 5 206 S +66 5 207 P +66 5 208 U +66 5 209 U +66 5 210 C +66 5 211 U +66 5 212 P +66 5 213 S +66 5 214 P +66 5 215 U +66 5 216 C +66 5 217 P +66 5 218 U +66 5 219 S +66 5 220 U +66 5 221 S +66 5 222 C +66 5 223 U +66 5 224 S +66 5 225 P +66 5 226 P +66 5 227 C +66 5 228 U +66 5 229 S +66 5 230 S +66 5 231 U +66 5 232 U +66 5 233 U +66 5 234 U +66 5 235 U +66 5 236 P +66 5 237 P +66 5 238 U +66 5 239 P +66 5 240 C +66 5 241 S +66 5 242 S +66 5 243 C +66 5 244 S +66 5 245 P +66 5 246 U +66 5 247 U +66 5 248 C +66 5 249 U +66 5 250 U +66 5 251 P +66 5 252 S +66 5 253 P +66 5 254 U +66 5 255 U +66 5 256 P +66 5 257 U +66 5 258 P +66 5 259 U +66 5 260 S +66 5 261 P +66 5 262 S +66 5 263 U +66 5 264 S +66 5 265 U +66 5 266 P +66 5 267 C +66 5 268 S +66 5 269 U +66 5 270 P +66 5 271 C +66 5 272 S +66 5 273 P +66 5 274 S +66 5 275 P +66 5 276 U +66 5 277 C +66 5 278 P +66 5 279 U +66 5 280 P +66 5 281 P +66 5 282 P +66 5 283 U +66 5 284 S +66 5 285 U +66 5 286 S +66 5 287 P +66 5 288 P +66 5 289 U +66 5 290 S +66 5 291 U +66 5 292 P +66 5 293 S +66 5 294 S +66 5 295 U +66 5 296 U +66 5 297 P +66 5 298 P +66 5 299 U +66 5 300 U +66 5 301 P +66 5 302 S +66 5 303 U +66 5 304 P +66 5 305 C +66 5 306 S +66 5 307 P +66 5 308 U +66 5 309 U +66 5 310 S +66 5 311 P +66 5 312 U +66 5 313 U +66 5 314 S +66 5 315 P +66 5 316 C +66 5 317 C +66 5 318 P +66 5 319 S +66 5 320 P +66 5 321 P +66 5 322 U +66 5 323 C +66 5 324 S +66 5 325 U +66 5 326 P +66 5 327 S +66 5 328 U +66 5 329 P +66 5 330 S +66 6 1 U +66 6 2 U +66 6 3 P +66 6 4 P +66 6 5 U +66 6 6 P +66 6 7 U +66 6 8 P +66 6 9 P +66 6 10 U +66 6 11 C +66 6 12 S +66 6 13 U +66 6 14 C +66 6 15 P +66 6 16 S +66 6 17 P +66 6 18 C +66 6 19 U +66 6 20 U +66 6 21 P +66 6 22 S +66 6 23 U +66 6 24 C +66 6 25 U +66 6 26 U +66 6 27 S +66 6 28 P +66 6 29 U +66 6 30 P +66 6 31 S +66 6 32 P +66 6 33 U +66 6 34 U +66 6 35 P +66 6 36 C +66 6 37 U +66 6 38 P +66 6 39 U +66 6 40 U +66 6 41 P +66 6 42 S +66 6 43 U +66 6 44 S +66 6 45 U +66 6 46 S +66 6 47 C +66 6 48 S +66 6 49 U +66 6 50 P +66 6 51 S +66 6 52 S +66 6 53 P +66 6 54 U +66 6 55 U +66 6 56 S +66 6 57 U +66 6 58 S +66 6 59 S +66 6 60 C +66 6 61 P +66 6 62 U +66 6 63 P +66 6 64 U +66 6 65 P +66 6 66 S +66 6 67 U +66 6 68 P +66 6 69 U +66 6 70 S +66 6 71 P +66 6 72 U +66 6 73 P +66 6 74 S +66 6 75 C +66 6 76 P +66 6 77 U +66 6 78 S +66 6 79 C +66 6 80 U +66 6 81 U +66 6 82 U +66 6 83 S +66 6 84 P +66 6 85 U +66 6 86 P +66 6 87 C +66 6 88 P +66 6 89 C +66 6 90 C +66 6 91 U +66 6 92 S +66 6 93 U +66 6 94 C +66 6 95 S +66 6 96 P +66 6 97 U +66 6 98 P +66 6 99 S +66 6 100 U +66 6 101 P +66 6 102 S +66 6 103 U +66 6 104 U +66 6 105 P +66 6 106 S +66 6 107 S +66 6 108 U +66 6 109 U +66 6 110 P +66 6 111 C +66 6 112 P +66 6 113 C +66 6 114 U +66 6 115 P +66 6 116 S +66 6 117 P +66 6 118 P +66 6 119 U +66 6 120 S +66 6 121 P +66 6 122 U +66 6 123 U +66 6 124 S +66 6 125 P +66 6 126 P +66 6 127 C +66 6 128 S +66 6 129 S +66 6 130 C +66 6 131 P +66 6 132 P +66 6 133 U +66 6 134 P +66 6 135 P +66 6 136 U +66 6 137 U +66 6 138 U +66 6 139 S +66 6 140 U +66 6 141 S +66 6 142 S +66 6 143 U +66 6 144 C +66 6 145 U +66 6 146 S +66 6 147 U +66 6 148 P +66 6 149 S +66 6 150 P +66 6 151 S +66 6 152 P +66 6 153 U +66 6 154 C +66 6 155 C +66 6 156 U +66 6 157 C +66 6 158 S +66 6 159 S +66 6 160 P +66 6 161 U +66 6 162 P +66 6 163 U +66 6 164 U +66 6 165 U +66 6 166 C +66 6 167 C +66 6 168 U +66 6 169 U +66 6 170 C +66 6 171 U +66 6 172 S +66 6 173 P +66 6 174 S +66 6 175 U +66 6 176 P +66 6 177 S +66 6 178 U +66 6 179 P +66 6 180 U +66 6 181 S +66 6 182 P +66 6 183 P +66 6 184 P +66 6 185 P +66 6 186 U +66 6 187 P +66 6 188 U +66 6 189 S +66 6 190 P +66 6 191 U +66 6 192 P +66 6 193 U +66 6 194 P +66 6 195 U +66 6 196 U +66 6 197 P +66 6 198 C +66 6 199 S +66 6 200 U +66 6 201 S +66 6 202 U +66 6 203 P +66 6 204 C +66 6 205 U +66 6 206 S +66 6 207 P +66 6 208 P +66 6 209 U +66 6 210 P +66 6 211 U +66 6 212 P +66 6 213 U +66 6 214 U +66 6 215 P +66 6 216 U +66 6 217 S +66 6 218 U +66 6 219 S +66 6 220 U +66 6 221 S +66 6 222 P +66 6 223 U +66 6 224 S +66 6 225 U +66 6 226 U +66 6 227 C +66 6 228 U +66 6 229 C +66 6 230 S +66 6 231 P +66 6 232 C +66 6 233 U +66 6 234 U +66 6 235 U +66 6 236 S +66 6 237 P +66 6 238 U +66 6 239 P +66 6 240 P +66 6 241 S +66 6 242 S +66 6 243 U +66 6 244 S +66 6 245 P +66 6 246 U +66 6 247 U +66 6 248 C +66 6 249 U +66 6 250 P +66 6 251 S +66 6 252 S +66 6 253 U +66 6 254 S +66 6 255 C +66 6 256 P +66 6 257 U +66 6 258 S +66 6 259 P +66 6 260 S +66 6 261 P +66 6 262 S +66 6 263 P +66 6 264 S +66 6 265 U +66 6 266 P +66 6 267 P +66 6 268 U +66 6 269 P +66 6 270 S +66 6 271 C +66 6 272 S +66 6 273 P +66 6 274 S +66 6 275 S +66 6 276 P +66 6 277 U +66 6 278 P +66 6 279 U +66 6 280 U +66 6 281 U +66 6 282 U +66 6 283 P +66 6 284 S +66 6 285 P +66 6 286 S +66 6 287 C +66 6 288 P +66 6 289 U +66 6 290 S +66 6 291 U +66 6 292 S +66 6 293 S +66 6 294 S +66 6 295 C +66 6 296 U +66 6 297 S +66 6 298 P +66 6 299 U +66 6 300 P +66 6 301 U +66 6 302 S +66 6 303 S +66 6 304 U +66 6 305 P +66 6 306 U +66 6 307 U +66 6 308 P +66 6 309 C +66 6 310 U +66 6 311 U +66 6 312 C +66 6 313 U +66 6 314 S +66 6 315 U +66 6 316 U +66 6 317 P +66 6 318 P +66 6 319 S +66 6 320 U +66 6 321 P +66 6 322 S +66 6 323 U +66 6 324 S +66 6 325 P +66 6 326 S +66 6 327 S +66 6 328 U +66 6 329 C +66 6 330 S +66 7 1 U +66 7 2 U +66 7 3 P +66 7 4 U +66 7 5 U +66 7 6 P +66 7 7 U +66 7 8 P +66 7 9 U +66 7 10 C +66 7 11 C +66 7 12 P +66 7 13 U +66 7 14 U +66 7 15 P +66 7 16 S +66 7 17 P +66 7 18 C +66 7 19 U +66 7 20 U +66 7 21 P +66 7 22 P +66 7 23 U +66 7 24 U +66 7 25 U +66 7 26 C +66 7 27 S +66 7 28 P +66 7 29 U +66 7 30 P +66 7 31 U +66 7 32 P +66 7 33 U +66 7 34 U +66 7 35 P +66 7 36 U +66 7 37 P +66 7 38 P +66 7 39 U +66 7 40 U +66 7 41 P +66 7 42 U +66 7 43 C +66 7 44 S +66 7 45 U +66 7 46 U +66 7 47 U +66 7 48 P +66 7 49 U +66 7 50 P +66 7 51 U +66 7 52 S +66 7 53 P +66 7 54 U +66 7 55 U +66 7 56 P +66 7 57 U +66 7 58 U +66 7 59 P +66 7 60 C +66 7 61 P +66 7 62 U +66 7 63 P +66 7 64 U +66 7 65 P +66 7 66 S +66 7 67 U +66 7 68 P +66 7 69 U +66 7 70 U +66 7 71 P +66 7 72 U +66 7 73 P +66 7 74 U +66 7 75 C +66 7 76 P +66 7 77 U +66 7 78 P +66 7 79 C +66 7 80 U +66 7 81 U +66 7 82 U +66 7 83 P +66 7 84 P +66 7 85 U +66 7 86 P +66 7 87 C +66 7 88 P +66 7 89 C +66 7 90 C +66 7 91 U +66 7 92 S +66 7 93 U +66 7 94 C +66 7 95 S +66 7 96 P +66 7 97 U +66 7 98 P +66 7 99 U +66 7 100 U +66 7 101 P +66 7 102 U +66 7 103 U +66 7 104 U +66 7 105 P +66 7 106 P +66 7 107 S +66 7 108 U +66 7 109 U +66 7 110 P +66 7 111 U +66 7 112 P +66 7 113 C +66 7 114 U +66 7 115 P +66 7 116 P +66 7 117 C +66 7 118 P +66 7 119 U +66 7 120 S +66 7 121 P +66 7 122 U +66 7 123 U +66 7 124 U +66 7 125 P +66 7 126 P +66 7 127 C +66 7 128 U +66 7 129 S +66 7 130 U +66 7 131 P +66 7 132 P +66 7 133 U +66 7 134 C +66 7 135 P +66 7 136 U +66 7 137 U +66 7 138 U +66 7 139 P +66 7 140 U +66 7 141 S +66 7 142 S +66 7 143 U +66 7 144 C +66 7 145 U +66 7 146 P +66 7 147 U +66 7 148 P +66 7 149 U +66 7 150 C +66 7 151 P +66 7 152 P +66 7 153 U +66 7 154 U +66 7 155 U +66 7 156 U +66 7 157 U +66 7 158 P +66 7 159 P +66 7 160 P +66 7 161 U +66 7 162 P +66 7 163 U +66 7 164 U +66 7 165 U +66 7 166 C +66 7 167 U +66 7 168 U +66 7 169 U +66 7 170 C +66 7 171 U +66 7 172 S +66 7 173 P +66 7 174 P +66 7 175 U +66 7 176 P +66 7 177 U +66 7 178 C +66 7 179 P +66 7 180 U +66 7 181 P +66 7 182 P +66 7 183 U +66 7 184 P +66 7 185 P +66 7 186 U +66 7 187 P +66 7 188 U +66 7 189 P +66 7 190 P +66 7 191 U +66 7 192 U +66 7 193 U +66 7 194 P +66 7 195 U +66 7 196 U +66 7 197 P +66 7 198 C +66 7 199 S +66 7 200 U +66 7 201 P +66 7 202 U +66 7 203 P +66 7 204 C +66 7 205 U +66 7 206 S +66 7 207 P +66 7 208 U +66 7 209 U +66 7 210 U +66 7 211 U +66 7 212 P +66 7 213 U +66 7 214 U +66 7 215 P +66 7 216 C +66 7 217 P +66 7 218 U +66 7 219 S +66 7 220 U +66 7 221 S +66 7 222 P +66 7 223 U +66 7 224 S +66 7 225 U +66 7 226 U +66 7 227 C +66 7 228 U +66 7 229 U +66 7 230 S +66 7 231 P +66 7 232 U +66 7 233 U +66 7 234 U +66 7 235 U +66 7 236 U +66 7 237 P +66 7 238 U +66 7 239 P +66 7 240 U +66 7 241 S +66 7 242 P +66 7 243 U +66 7 244 S +66 7 245 P +66 7 246 U +66 7 247 U +66 7 248 U +66 7 249 U +66 7 250 U +66 7 251 U +66 7 252 S +66 7 253 U +66 7 254 U +66 7 255 C +66 7 256 U +66 7 257 U +66 7 258 U +66 7 259 P +66 7 260 S +66 7 261 P +66 7 262 S +66 7 263 U +66 7 264 U +66 7 265 U +66 7 266 P +66 7 267 U +66 7 268 U +66 7 269 P +66 7 270 P +66 7 271 C +66 7 272 S +66 7 273 P +66 7 274 S +66 7 275 U +66 7 276 P +66 7 277 U +66 7 278 P +66 7 279 U +66 7 280 U +66 7 281 U +66 7 282 U +66 7 283 U +66 7 284 S +66 7 285 P +66 7 286 S +66 7 287 U +66 7 288 P +66 7 289 U +66 7 290 S +66 7 291 U +66 7 292 P +66 7 293 P +66 7 294 S +66 7 295 U +66 7 296 U +66 7 297 P +66 7 298 P +66 7 299 U +66 7 300 U +66 7 301 U +66 7 302 S +66 7 303 U +66 7 304 U +66 7 305 U +66 7 306 U +66 7 307 U +66 7 308 U +66 7 309 U +66 7 310 U +66 7 311 U +66 7 312 C +66 7 313 U +66 7 314 S +66 7 315 U +66 7 316 U +66 7 317 P +66 7 318 P +66 7 319 S +66 7 320 U +66 7 321 P +66 7 322 U +66 7 323 U +66 7 324 S +66 7 325 U +66 7 326 P +66 7 327 S +66 7 328 U +66 7 329 U +66 7 330 S +66 8 1 U +66 8 2 U +66 8 3 P +66 8 4 S +66 8 5 U +66 8 6 P +66 8 7 U +66 8 8 P +66 8 9 P +66 8 10 C +66 8 11 C +66 8 12 U +66 8 13 C +66 8 14 C +66 8 15 P +66 8 16 P +66 8 17 P +66 8 18 C +66 8 19 U +66 8 20 U +66 8 21 P +66 8 22 P +66 8 23 P +66 8 24 C +66 8 25 U +66 8 26 U +66 8 27 P +66 8 28 P +66 8 29 U +66 8 30 P +66 8 31 U +66 8 32 P +66 8 33 U +66 8 34 U +66 8 35 P +66 8 36 C +66 8 37 U +66 8 38 P +66 8 39 U +66 8 40 U +66 8 41 P +66 8 42 P +66 8 43 C +66 8 44 S +66 8 45 U +66 8 46 C +66 8 47 C +66 8 48 P +66 8 49 U +66 8 50 C +66 8 51 C +66 8 52 U +66 8 53 P +66 8 54 U +66 8 55 U +66 8 56 P +66 8 57 C +66 8 58 P +66 8 59 P +66 8 60 C +66 8 61 P +66 8 62 U +66 8 63 P +66 8 64 U +66 8 65 P +66 8 66 S +66 8 67 U +66 8 68 P +66 8 69 S +66 8 70 S +66 8 71 P +66 8 72 U +66 8 73 P +66 8 74 U +66 8 75 C +66 8 76 P +66 8 77 C +66 8 78 P +66 8 79 C +66 8 80 U +66 8 81 U +66 8 82 U +66 8 83 S +66 8 84 P +66 8 85 U +66 8 86 P +66 8 87 C +66 8 88 P +66 8 89 C +66 8 90 C +66 8 91 U +66 8 92 C +66 8 93 U +66 8 94 C +66 8 95 U +66 8 96 S +66 8 97 C +66 8 98 P +66 8 99 S +66 8 100 U +66 8 101 P +66 8 102 S +66 8 103 C +66 8 104 U +66 8 105 P +66 8 106 S +66 8 107 S +66 8 108 S +66 8 109 C +66 8 110 P +66 8 111 C +66 8 112 P +66 8 113 S +66 8 114 S +66 8 115 P +66 8 116 S +66 8 117 S +66 8 118 P +66 8 119 U +66 8 120 S +66 8 121 P +66 8 122 U +66 8 123 C +66 8 124 U +66 8 125 P +66 8 126 P +66 8 127 C +66 8 128 U +66 8 129 S +66 8 130 S +66 8 131 P +66 8 132 P +66 8 133 U +66 8 134 C +66 8 135 P +66 8 136 U +66 8 137 C +66 8 138 U +66 8 139 S +66 8 140 C +66 8 141 S +66 8 142 S +66 8 143 U +66 8 144 C +66 8 145 U +66 8 146 P +66 8 147 U +66 8 148 P +66 8 149 U +66 8 150 P +66 8 151 P +66 8 152 P +66 8 153 U +66 8 154 C +66 8 155 C +66 8 156 U +66 8 157 U +66 8 158 S +66 8 159 P +66 8 160 P +66 8 161 U +66 8 162 P +66 8 163 U +66 8 164 U +66 8 165 C +66 8 166 C +66 8 167 P +66 8 168 C +66 8 169 U +66 8 170 U +66 8 171 U +66 8 172 S +66 8 173 P +66 8 174 P +66 8 175 U +66 8 176 P +66 8 177 U +66 8 178 U +66 8 179 P +66 8 180 U +66 8 181 S +66 8 182 P +66 8 183 S +66 8 184 U +66 8 185 P +66 8 186 U +66 8 187 P +66 8 188 U +66 8 189 U +66 8 190 P +66 8 191 U +66 8 192 P +66 8 193 U +66 8 194 P +66 8 195 U +66 8 196 U +66 8 197 P +66 8 198 C +66 8 199 U +66 8 200 U +66 8 201 P +66 8 202 U +66 8 203 P +66 8 204 S +66 8 205 U +66 8 206 U +66 8 207 P +66 8 208 S +66 8 209 C +66 8 210 P +66 8 211 U +66 8 212 P +66 8 213 S +66 8 214 U +66 8 215 P +66 8 216 C +66 8 217 P +66 8 218 U +66 8 219 U +66 8 220 S +66 8 221 U +66 8 222 P +66 8 223 U +66 8 224 S +66 8 225 S +66 8 226 U +66 8 227 C +66 8 228 U +66 8 229 U +66 8 230 S +66 8 231 P +66 8 232 S +66 8 233 U +66 8 234 U +66 8 235 C +66 8 236 U +66 8 237 P +66 8 238 U +66 8 239 P +66 8 240 P +66 8 241 S +66 8 242 U +66 8 243 P +66 8 244 S +66 8 245 P +66 8 246 U +66 8 247 U +66 8 248 C +66 8 249 U +66 8 250 C +66 8 251 U +66 8 252 S +66 8 253 U +66 8 254 U +66 8 255 C +66 8 256 P +66 8 257 C +66 8 258 U +66 8 259 P +66 8 260 S +66 8 261 P +66 8 262 S +66 8 263 S +66 8 264 U +66 8 265 C +66 8 266 P +66 8 267 U +66 8 268 U +66 8 269 P +66 8 270 P +66 8 271 C +66 8 272 S +66 8 273 P +66 8 274 S +66 8 275 U +66 8 276 P +66 8 277 C +66 8 278 P +66 8 279 C +66 8 280 U +66 8 281 U +66 8 282 U +66 8 283 C +66 8 284 S +66 8 285 P +66 8 286 S +66 8 287 S +66 8 288 P +66 8 289 U +66 8 290 S +66 8 291 C +66 8 292 S +66 8 293 S +66 8 294 S +66 8 295 C +66 8 296 P +66 8 297 P +66 8 298 P +66 8 299 U +66 8 300 S +66 8 301 U +66 8 302 S +66 8 303 S +66 8 304 U +66 8 305 P +66 8 306 U +66 8 307 U +66 8 308 P +66 8 309 C +66 8 310 U +66 8 311 U +66 8 312 C +66 8 313 C +66 8 314 S +66 8 315 U +66 8 316 U +66 8 317 P +66 8 318 P +66 8 319 S +66 8 320 S +66 8 321 P +66 8 322 U +66 8 323 U +66 8 324 S +66 8 325 P +66 8 326 S +66 8 327 S +66 8 328 S +66 8 329 S +66 8 330 S +66 9 1 U +66 9 2 U +66 9 3 P +66 9 4 C +66 9 5 U +66 9 6 P +66 9 7 U +66 9 8 P +66 9 9 P +66 9 10 U +66 9 11 C +66 9 12 P +66 9 13 C +66 9 14 C +66 9 15 P +66 9 16 S +66 9 17 P +66 9 18 C +66 9 19 U +66 9 20 U +66 9 21 P +66 9 22 P +66 9 23 U +66 9 24 C +66 9 25 U +66 9 26 C +66 9 27 S +66 9 28 P +66 9 29 U +66 9 30 P +66 9 31 U +66 9 32 P +66 9 33 U +66 9 34 U +66 9 35 P +66 9 36 C +66 9 37 U +66 9 38 P +66 9 39 U +66 9 40 U +66 9 41 P +66 9 42 P +66 9 43 C +66 9 44 S +66 9 45 U +66 9 46 C +66 9 47 C +66 9 48 P +66 9 49 U +66 9 50 U +66 9 51 P +66 9 52 S +66 9 53 P +66 9 54 U +66 9 55 U +66 9 56 P +66 9 57 C +66 9 58 U +66 9 59 S +66 9 60 C +66 9 61 P +66 9 62 P +66 9 63 P +66 9 64 U +66 9 65 P +66 9 66 S +66 9 67 U +66 9 68 P +66 9 69 U +66 9 70 S +66 9 71 P +66 9 72 U +66 9 73 P +66 9 74 U +66 9 75 C +66 9 76 P +66 9 77 U +66 9 78 P +66 9 79 U +66 9 80 U +66 9 81 U +66 9 82 U +66 9 83 S +66 9 84 P +66 9 85 U +66 9 86 P +66 9 87 C +66 9 88 P +66 9 89 C +66 9 90 C +66 9 91 U +66 9 92 S +66 9 93 U +66 9 94 C +66 9 95 S +66 9 96 P +66 9 97 U +66 9 98 P +66 9 99 U +66 9 100 U +66 9 101 P +66 9 102 U +66 9 103 C +66 9 104 U +66 9 105 P +66 9 106 P +66 9 107 S +66 9 108 U +66 9 109 U +66 9 110 P +66 9 111 C +66 9 112 P +66 9 113 C +66 9 114 U +66 9 115 P +66 9 116 U +66 9 117 C +66 9 118 P +66 9 119 U +66 9 120 S +66 9 121 P +66 9 122 U +66 9 123 U +66 9 124 U +66 9 125 P +66 9 126 P +66 9 127 C +66 9 128 U +66 9 129 S +66 9 130 C +66 9 131 U +66 9 132 P +66 9 133 U +66 9 134 C +66 9 135 P +66 9 136 U +66 9 137 U +66 9 138 U +66 9 139 S +66 9 140 C +66 9 141 S +66 9 142 U +66 9 143 U +66 9 144 C +66 9 145 U +66 9 146 P +66 9 147 U +66 9 148 P +66 9 149 U +66 9 150 C +66 9 151 P +66 9 152 P +66 9 153 U +66 9 154 C +66 9 155 C +66 9 156 U +66 9 157 C +66 9 158 S +66 9 159 P +66 9 160 P +66 9 161 U +66 9 162 P +66 9 163 U +66 9 164 U +66 9 165 C +66 9 166 C +66 9 167 P +66 9 168 U +66 9 169 U +66 9 170 C +66 9 171 U +66 9 172 S +66 9 173 P +66 9 174 P +66 9 175 U +66 9 176 P +66 9 177 P +66 9 178 U +66 9 179 P +66 9 180 U +66 9 181 P +66 9 182 P +66 9 183 P +66 9 184 U +66 9 185 P +66 9 186 U +66 9 187 P +66 9 188 U +66 9 189 U +66 9 190 P +66 9 191 U +66 9 192 P +66 9 193 U +66 9 194 P +66 9 195 U +66 9 196 U +66 9 197 U +66 9 198 C +66 9 199 S +66 9 200 U +66 9 201 P +66 9 202 U +66 9 203 P +66 9 204 C +66 9 205 U +66 9 206 S +66 9 207 P +66 9 208 P +66 9 209 U +66 9 210 P +66 9 211 U +66 9 212 P +66 9 213 P +66 9 214 U +66 9 215 P +66 9 216 C +66 9 217 P +66 9 218 P +66 9 219 U +66 9 220 U +66 9 221 U +66 9 222 P +66 9 223 U +66 9 224 S +66 9 225 U +66 9 226 U +66 9 227 C +66 9 228 U +66 9 229 U +66 9 230 S +66 9 231 P +66 9 232 U +66 9 233 U +66 9 234 U +66 9 235 U +66 9 236 U +66 9 237 P +66 9 238 U +66 9 239 P +66 9 240 P +66 9 241 S +66 9 242 P +66 9 243 U +66 9 244 U +66 9 245 P +66 9 246 U +66 9 247 P +66 9 248 C +66 9 249 U +66 9 250 U +66 9 251 U +66 9 252 S +66 9 253 U +66 9 254 U +66 9 255 C +66 9 256 P +66 9 257 C +66 9 258 P +66 9 259 P +66 9 260 U +66 9 261 P +66 9 262 S +66 9 263 P +66 9 264 U +66 9 265 U +66 9 266 P +66 9 267 U +66 9 268 U +66 9 269 P +66 9 270 P +66 9 271 C +66 9 272 S +66 9 273 P +66 9 274 S +66 9 275 U +66 9 276 P +66 9 277 C +66 9 278 P +66 9 279 U +66 9 280 U +66 9 281 U +66 9 282 U +66 9 283 P +66 9 284 S +66 9 285 P +66 9 286 S +66 9 287 P +66 9 288 P +66 9 289 U +66 9 290 S +66 9 291 U +66 9 292 P +66 9 293 U +66 9 294 S +66 9 295 U +66 9 296 U +66 9 297 P +66 9 298 P +66 9 299 U +66 9 300 S +66 9 301 U +66 9 302 S +66 9 303 U +66 9 304 U +66 9 305 U +66 9 306 U +66 9 307 U +66 9 308 U +66 9 309 C +66 9 310 U +66 9 311 U +66 9 312 C +66 9 313 U +66 9 314 S +66 9 315 U +66 9 316 U +66 9 317 P +66 9 318 P +66 9 319 S +66 9 320 U +66 9 321 P +66 9 322 U +66 9 323 U +66 9 324 S +66 9 325 P +66 9 326 P +66 9 327 S +66 9 328 U +66 9 329 P +66 9 330 U +66 10 1 U +66 10 2 S +66 10 3 P +66 10 4 U +66 10 5 P +66 10 6 P +66 10 7 U +66 10 8 P +66 10 9 P +66 10 10 U +66 10 11 U +66 10 12 P +66 10 13 U +66 10 14 U +66 10 15 P +66 10 16 S +66 10 17 P +66 10 18 C +66 10 19 U +66 10 20 U +66 10 21 P +66 10 22 P +66 10 23 U +66 10 24 U +66 10 25 U +66 10 26 C +66 10 27 S +66 10 28 P +66 10 29 U +66 10 30 P +66 10 31 S +66 10 32 P +66 10 33 P +66 10 34 U +66 10 35 P +66 10 36 U +66 10 37 P +66 10 38 P +66 10 39 P +66 10 40 U +66 10 41 P +66 10 42 P +66 10 43 U +66 10 44 P +66 10 45 U +66 10 46 C +66 10 47 U +66 10 48 P +66 10 49 P +66 10 50 P +66 10 51 C +66 10 52 S +66 10 53 P +66 10 54 U +66 10 55 U +66 10 56 P +66 10 57 U +66 10 58 P +66 10 59 P +66 10 60 U +66 10 61 P +66 10 62 U +66 10 63 P +66 10 64 U +66 10 65 P +66 10 66 S +66 10 67 U +66 10 68 P +66 10 69 U +66 10 70 P +66 10 71 P +66 10 72 U +66 10 73 P +66 10 74 S +66 10 75 C +66 10 76 P +66 10 77 U +66 10 78 P +66 10 79 C +66 10 80 U +66 10 81 P +66 10 82 U +66 10 83 P +66 10 84 P +66 10 85 U +66 10 86 P +66 10 87 C +66 10 88 P +66 10 89 C +66 10 90 U +66 10 91 P +66 10 92 S +66 10 93 U +66 10 94 C +66 10 95 S +66 10 96 P +66 10 97 U +66 10 98 P +66 10 99 P +66 10 100 S +66 10 101 P +66 10 102 P +66 10 103 U +66 10 104 U +66 10 105 P +66 10 106 P +66 10 107 P +66 10 108 P +66 10 109 U +66 10 110 P +66 10 111 U +66 10 112 P +66 10 113 C +66 10 114 U +66 10 115 P +66 10 116 S +66 10 117 P +66 10 118 P +66 10 119 U +66 10 120 S +66 10 121 P +66 10 122 U +66 10 123 U +66 10 124 P +66 10 125 P +66 10 126 P +66 10 127 C +66 10 128 P +66 10 129 P +66 10 130 C +66 10 131 P +66 10 132 P +66 10 133 U +66 10 134 P +66 10 135 P +66 10 136 U +66 10 137 U +66 10 138 U +66 10 139 P +66 10 140 U +66 10 141 P +66 10 142 S +66 10 143 U +66 10 144 U +66 10 145 S +66 10 146 P +66 10 147 U +66 10 148 P +66 10 149 P +66 10 150 U +66 10 151 P +66 10 152 P +66 10 153 U +66 10 154 C +66 10 155 P +66 10 156 U +66 10 157 P +66 10 158 S +66 10 159 P +66 10 160 P +66 10 161 U +66 10 162 P +66 10 163 U +66 10 164 U +66 10 165 C +66 10 166 U +66 10 167 P +66 10 168 U +66 10 169 U +66 10 170 C +66 10 171 U +66 10 172 S +66 10 173 P +66 10 174 P +66 10 175 S +66 10 176 P +66 10 177 P +66 10 178 U +66 10 179 P +66 10 180 U +66 10 181 P +66 10 182 P +66 10 183 U +66 10 184 P +66 10 185 P +66 10 186 U +66 10 187 P +66 10 188 U +66 10 189 S +66 10 190 P +66 10 191 U +66 10 192 P +66 10 193 P +66 10 194 P +66 10 195 U +66 10 196 S +66 10 197 P +66 10 198 C +66 10 199 S +66 10 200 S +66 10 201 P +66 10 202 U +66 10 203 P +66 10 204 C +66 10 205 U +66 10 206 S +66 10 207 P +66 10 208 P +66 10 209 U +66 10 210 U +66 10 211 U +66 10 212 P +66 10 213 P +66 10 214 P +66 10 215 P +66 10 216 C +66 10 217 P +66 10 218 P +66 10 219 C +66 10 220 U +66 10 221 S +66 10 222 P +66 10 223 U +66 10 224 P +66 10 225 P +66 10 226 U +66 10 227 C +66 10 228 U +66 10 229 S +66 10 230 P +66 10 231 P +66 10 232 U +66 10 233 P +66 10 234 U +66 10 235 U +66 10 236 P +66 10 237 P +66 10 238 U +66 10 239 P +66 10 240 P +66 10 241 P +66 10 242 S +66 10 243 P +66 10 244 S +66 10 245 P +66 10 246 U +66 10 247 U +66 10 248 C +66 10 249 U +66 10 250 P +66 10 251 S +66 10 252 P +66 10 253 U +66 10 254 U +66 10 255 C +66 10 256 P +66 10 257 U +66 10 258 P +66 10 259 P +66 10 260 P +66 10 261 P +66 10 262 S +66 10 263 U +66 10 264 S +66 10 265 U +66 10 266 P +66 10 267 U +66 10 268 S +66 10 269 P +66 10 270 P +66 10 271 C +66 10 272 S +66 10 273 P +66 10 274 S +66 10 275 P +66 10 276 P +66 10 277 U +66 10 278 P +66 10 279 U +66 10 280 U +66 10 281 U +66 10 282 P +66 10 283 P +66 10 284 S +66 10 285 P +66 10 286 S +66 10 287 P +66 10 288 P +66 10 289 U +66 10 290 P +66 10 291 U +66 10 292 P +66 10 293 S +66 10 294 S +66 10 295 U +66 10 296 U +66 10 297 P +66 10 298 P +66 10 299 U +66 10 300 P +66 10 301 U +66 10 302 P +66 10 303 S +66 10 304 U +66 10 305 P +66 10 306 S +66 10 307 U +66 10 308 P +66 10 309 C +66 10 310 U +66 10 311 U +66 10 312 C +66 10 313 U +66 10 314 S +66 10 315 P +66 10 316 U +66 10 317 P +66 10 318 P +66 10 319 P +66 10 320 U +66 10 321 P +66 10 322 S +66 10 323 U +66 10 324 S +66 10 325 P +66 10 326 P +66 10 327 S +66 10 328 U +66 10 329 P +66 10 330 S +66 11 1 U +66 11 2 U +66 11 3 P +66 11 4 P +66 11 5 U +66 11 6 P +66 11 7 U +66 11 8 P +66 11 9 P +66 11 10 U +66 11 11 C +66 11 12 P +66 11 13 C +66 11 14 C +66 11 15 P +66 11 16 S +66 11 17 P +66 11 18 C +66 11 19 U +66 11 20 U +66 11 21 P +66 11 22 P +66 11 23 P +66 11 24 C +66 11 25 U +66 11 26 U +66 11 27 S +66 11 28 P +66 11 29 U +66 11 30 P +66 11 31 U +66 11 32 P +66 11 33 U +66 11 34 U +66 11 35 P +66 11 36 C +66 11 37 U +66 11 38 P +66 11 39 U +66 11 40 U +66 11 41 P +66 11 42 U +66 11 43 C +66 11 44 S +66 11 45 U +66 11 46 C +66 11 47 C +66 11 48 P +66 11 49 U +66 11 50 P +66 11 51 P +66 11 52 S +66 11 53 P +66 11 54 U +66 11 55 U +66 11 56 P +66 11 57 C +66 11 58 U +66 11 59 S +66 11 60 C +66 11 61 P +66 11 62 U +66 11 63 P +66 11 64 U +66 11 65 P +66 11 66 S +66 11 67 U +66 11 68 P +66 11 69 U +66 11 70 S +66 11 71 P +66 11 72 U +66 11 73 P +66 11 74 S +66 11 75 C +66 11 76 P +66 11 77 U +66 11 78 P +66 11 79 C +66 11 80 U +66 11 81 U +66 11 82 U +66 11 83 S +66 11 84 P +66 11 85 U +66 11 86 P +66 11 87 C +66 11 88 P +66 11 89 C +66 11 90 C +66 11 91 U +66 11 92 S +66 11 93 U +66 11 94 C +66 11 95 S +66 11 96 P +66 11 97 U +66 11 98 P +66 11 99 U +66 11 100 U +66 11 101 P +66 11 102 U +66 11 103 C +66 11 104 U +66 11 105 P +66 11 106 U +66 11 107 S +66 11 108 U +66 11 109 C +66 11 110 P +66 11 111 C +66 11 112 P +66 11 113 C +66 11 114 U +66 11 115 P +66 11 116 U +66 11 117 C +66 11 118 P +66 11 119 U +66 11 120 S +66 11 121 P +66 11 122 U +66 11 123 U +66 11 124 U +66 11 125 P +66 11 126 P +66 11 127 C +66 11 128 U +66 11 129 S +66 11 130 C +66 11 131 P +66 11 132 P +66 11 133 U +66 11 134 C +66 11 135 P +66 11 136 U +66 11 137 C +66 11 138 U +66 11 139 P +66 11 140 C +66 11 141 S +66 11 142 U +66 11 143 U +66 11 144 P +66 11 145 U +66 11 146 P +66 11 147 U +66 11 148 P +66 11 149 U +66 11 150 P +66 11 151 P +66 11 152 P +66 11 153 U +66 11 154 C +66 11 155 C +66 11 156 U +66 11 157 C +66 11 158 S +66 11 159 P +66 11 160 P +66 11 161 U +66 11 162 P +66 11 163 U +66 11 164 U +66 11 165 U +66 11 166 C +66 11 167 P +66 11 168 C +66 11 169 U +66 11 170 C +66 11 171 U +66 11 172 S +66 11 173 P +66 11 174 P +66 11 175 U +66 11 176 P +66 11 177 P +66 11 178 C +66 11 179 P +66 11 180 U +66 11 181 P +66 11 182 P +66 11 183 U +66 11 184 P +66 11 185 P +66 11 186 U +66 11 187 P +66 11 188 U +66 11 189 S +66 11 190 P +66 11 191 U +66 11 192 P +66 11 193 U +66 11 194 P +66 11 195 U +66 11 196 U +66 11 197 P +66 11 198 C +66 11 199 S +66 11 200 U +66 11 201 P +66 11 202 U +66 11 203 P +66 11 204 C +66 11 205 U +66 11 206 S +66 11 207 P +66 11 208 P +66 11 209 U +66 11 210 P +66 11 211 U +66 11 212 P +66 11 213 U +66 11 214 U +66 11 215 P +66 11 216 C +66 11 217 P +66 11 218 U +66 11 219 S +66 11 220 U +66 11 221 S +66 11 222 P +66 11 223 U +66 11 224 S +66 11 225 U +66 11 226 U +66 11 227 C +66 11 228 C +66 11 229 U +66 11 230 S +66 11 231 P +66 11 232 P +66 11 233 U +66 11 234 U +66 11 235 U +66 11 236 U +66 11 237 P +66 11 238 U +66 11 239 P +66 11 240 P +66 11 241 S +66 11 242 P +66 11 243 P +66 11 244 U +66 11 245 P +66 11 246 U +66 11 247 P +66 11 248 C +66 11 249 C +66 11 250 P +66 11 251 U +66 11 252 S +66 11 253 U +66 11 254 U +66 11 255 C +66 11 256 P +66 11 257 C +66 11 258 U +66 11 259 P +66 11 260 U +66 11 261 P +66 11 262 S +66 11 263 C +66 11 264 U +66 11 265 U +66 11 266 P +66 11 267 P +66 11 268 U +66 11 269 P +66 11 270 P +66 11 271 C +66 11 272 S +66 11 273 P +66 11 274 S +66 11 275 U +66 11 276 P +66 11 277 C +66 11 278 P +66 11 279 U +66 11 280 U +66 11 281 U +66 11 282 U +66 11 283 P +66 11 284 S +66 11 285 P +66 11 286 S +66 11 287 U +66 11 288 P +66 11 289 U +66 11 290 S +66 11 291 U +66 11 292 P +66 11 293 S +66 11 294 S +66 11 295 C +66 11 296 P +66 11 297 P +66 11 298 P +66 11 299 U +66 11 300 P +66 11 301 U +66 11 302 S +66 11 303 U +66 11 304 U +66 11 305 P +66 11 306 U +66 11 307 U +66 11 308 P +66 11 309 C +66 11 310 U +66 11 311 U +66 11 312 C +66 11 313 U +66 11 314 S +66 11 315 U +66 11 316 U +66 11 317 P +66 11 318 P +66 11 319 S +66 11 320 U +66 11 321 P +66 11 322 U +66 11 323 U +66 11 324 S +66 11 325 P +66 11 326 P +66 11 327 S +66 11 328 U +66 11 329 P +66 11 330 S +66 12 1 U +66 12 2 S +66 12 3 P +66 12 4 U +66 12 5 U +66 12 6 P +66 12 7 U +66 12 8 P +66 12 9 S +66 12 10 U +66 12 11 U +66 12 12 P +66 12 13 U +66 12 14 U +66 12 15 S +66 12 16 S +66 12 17 P +66 12 18 C +66 12 19 U +66 12 20 U +66 12 21 P +66 12 22 S +66 12 23 S +66 12 24 C +66 12 25 U +66 12 26 U +66 12 27 S +66 12 28 P +66 12 29 U +66 12 30 P +66 12 31 S +66 12 32 P +66 12 33 U +66 12 34 U +66 12 35 P +66 12 36 U +66 12 37 U +66 12 38 P +66 12 39 U +66 12 40 U +66 12 41 P +66 12 42 S +66 12 43 C +66 12 44 S +66 12 45 U +66 12 46 C +66 12 47 C +66 12 48 U +66 12 49 U +66 12 50 U +66 12 51 S +66 12 52 S +66 12 53 P +66 12 54 U +66 12 55 U +66 12 56 S +66 12 57 U +66 12 58 S +66 12 59 S +66 12 60 C +66 12 61 P +66 12 62 U +66 12 63 P +66 12 64 U +66 12 65 P +66 12 66 S +66 12 67 U +66 12 68 P +66 12 69 U +66 12 70 S +66 12 71 P +66 12 72 U +66 12 73 P +66 12 74 S +66 12 75 U +66 12 76 P +66 12 77 U +66 12 78 S +66 12 79 C +66 12 80 U +66 12 81 U +66 12 82 U +66 12 83 S +66 12 84 P +66 12 85 U +66 12 86 P +66 12 87 C +66 12 88 P +66 12 89 C +66 12 90 S +66 12 91 U +66 12 92 S +66 12 93 U +66 12 94 C +66 12 95 S +66 12 96 P +66 12 97 U +66 12 98 P +66 12 99 S +66 12 100 U +66 12 101 P +66 12 102 S +66 12 103 U +66 12 104 U +66 12 105 P +66 12 106 S +66 12 107 S +66 12 108 S +66 12 109 U +66 12 110 P +66 12 111 U +66 12 112 P +66 12 113 C +66 12 114 U +66 12 115 P +66 12 116 S +66 12 117 C +66 12 118 P +66 12 119 U +66 12 120 S +66 12 121 P +66 12 122 U +66 12 123 U +66 12 124 S +66 12 125 P +66 12 126 P +66 12 127 C +66 12 128 P +66 12 129 S +66 12 130 C +66 12 131 P +66 12 132 P +66 12 133 U +66 12 134 C +66 12 135 P +66 12 136 S +66 12 137 C +66 12 138 U +66 12 139 S +66 12 140 U +66 12 141 S +66 12 142 S +66 12 143 U +66 12 144 U +66 12 145 U +66 12 146 P +66 12 147 U +66 12 148 P +66 12 149 U +66 12 150 P +66 12 151 P +66 12 152 P +66 12 153 U +66 12 154 C +66 12 155 C +66 12 156 U +66 12 157 C +66 12 158 S +66 12 159 S +66 12 160 P +66 12 161 U +66 12 162 P +66 12 163 U +66 12 164 U +66 12 165 U +66 12 166 C +66 12 167 S +66 12 168 U +66 12 169 U +66 12 170 C +66 12 171 U +66 12 172 S +66 12 173 P +66 12 174 P +66 12 175 S +66 12 176 P +66 12 177 S +66 12 178 U +66 12 179 C +66 12 180 U +66 12 181 S +66 12 182 P +66 12 183 S +66 12 184 U +66 12 185 P +66 12 186 U +66 12 187 P +66 12 188 U +66 12 189 S +66 12 190 P +66 12 191 U +66 12 192 U +66 12 193 S +66 12 194 P +66 12 195 U +66 12 196 U +66 12 197 S +66 12 198 C +66 12 199 S +66 12 200 U +66 12 201 P +66 12 202 U +66 12 203 P +66 12 204 C +66 12 205 U +66 12 206 S +66 12 207 P +66 12 208 P +66 12 209 U +66 12 210 C +66 12 211 U +66 12 212 P +66 12 213 S +66 12 214 U +66 12 215 P +66 12 216 C +66 12 217 P +66 12 218 S +66 12 219 S +66 12 220 U +66 12 221 S +66 12 222 U +66 12 223 U +66 12 224 S +66 12 225 P +66 12 226 U +66 12 227 C +66 12 228 S +66 12 229 U +66 12 230 S +66 12 231 P +66 12 232 C +66 12 233 U +66 12 234 U +66 12 235 U +66 12 236 U +66 12 237 S +66 12 238 U +66 12 239 P +66 12 240 P +66 12 241 S +66 12 242 S +66 12 243 P +66 12 244 S +66 12 245 P +66 12 246 U +66 12 247 S +66 12 248 C +66 12 249 U +66 12 250 U +66 12 251 U +66 12 252 S +66 12 253 U +66 12 254 U +66 12 255 C +66 12 256 P +66 12 257 U +66 12 258 U +66 12 259 P +66 12 260 S +66 12 261 P +66 12 262 S +66 12 263 S +66 12 264 U +66 12 265 U +66 12 266 P +66 12 267 C +66 12 268 U +66 12 269 P +66 12 270 P +66 12 271 C +66 12 272 S +66 12 273 P +66 12 274 S +66 12 275 U +66 12 276 P +66 12 277 C +66 12 278 P +66 12 279 U +66 12 280 U +66 12 281 U +66 12 282 U +66 12 283 C +66 12 284 S +66 12 285 P +66 12 286 S +66 12 287 C +66 12 288 P +66 12 289 U +66 12 290 S +66 12 291 U +66 12 292 P +66 12 293 S +66 12 294 S +66 12 295 U +66 12 296 U +66 12 297 P +66 12 298 P +66 12 299 U +66 12 300 S +66 12 301 U +66 12 302 S +66 12 303 U +66 12 304 U +66 12 305 P +66 12 306 U +66 12 307 U +66 12 308 P +66 12 309 C +66 12 310 U +66 12 311 U +66 12 312 C +66 12 313 U +66 12 314 S +66 12 315 U +66 12 316 U +66 12 317 P +66 12 318 P +66 12 319 S +66 12 320 U +66 12 321 P +66 12 322 U +66 12 323 U +66 12 324 S +66 12 325 P +66 12 326 S +66 12 327 S +66 12 328 C +66 12 329 S +66 12 330 S +66 13 1 U +66 13 2 U +66 13 3 P +66 13 4 P +66 13 5 U +66 13 6 P +66 13 7 U +66 13 8 P +66 13 9 P +66 13 10 U +66 13 11 C +66 13 12 P +66 13 13 C +66 13 14 C +66 13 15 P +66 13 16 S +66 13 17 P +66 13 18 C +66 13 19 U +66 13 20 U +66 13 21 P +66 13 22 P +66 13 23 P +66 13 24 C +66 13 25 U +66 13 26 C +66 13 27 S +66 13 28 P +66 13 29 U +66 13 30 P +66 13 31 U +66 13 32 P +66 13 33 U +66 13 34 C +66 13 35 P +66 13 36 C +66 13 37 U +66 13 38 P +66 13 39 U +66 13 40 U +66 13 41 P +66 13 42 P +66 13 43 U +66 13 44 S +66 13 45 C +66 13 46 C +66 13 47 C +66 13 48 P +66 13 49 U +66 13 50 U +66 13 51 C +66 13 52 S +66 13 53 P +66 13 54 U +66 13 55 U +66 13 56 P +66 13 57 U +66 13 58 P +66 13 59 S +66 13 60 C +66 13 61 P +66 13 62 C +66 13 63 P +66 13 64 U +66 13 65 P +66 13 66 S +66 13 67 U +66 13 68 P +66 13 69 P +66 13 70 S +66 13 71 P +66 13 72 U +66 13 73 U +66 13 74 U +66 13 75 C +66 13 76 P +66 13 77 U +66 13 78 P +66 13 79 C +66 13 80 U +66 13 81 U +66 13 82 U +66 13 83 S +66 13 84 P +66 13 85 U +66 13 86 P +66 13 87 C +66 13 88 P +66 13 89 C +66 13 90 U +66 13 91 P +66 13 92 S +66 13 93 U +66 13 94 C +66 13 95 S +66 13 96 P +66 13 97 U +66 13 98 P +66 13 99 S +66 13 100 U +66 13 101 P +66 13 102 S +66 13 103 P +66 13 104 U +66 13 105 U +66 13 106 P +66 13 107 S +66 13 108 S +66 13 109 U +66 13 110 P +66 13 111 C +66 13 112 P +66 13 113 C +66 13 114 U +66 13 115 P +66 13 116 S +66 13 117 C +66 13 118 P +66 13 119 U +66 13 120 S +66 13 121 P +66 13 122 U +66 13 123 U +66 13 124 P +66 13 125 P +66 13 126 P +66 13 127 U +66 13 128 P +66 13 129 S +66 13 130 C +66 13 131 U +66 13 132 P +66 13 133 U +66 13 134 C +66 13 135 P +66 13 136 U +66 13 137 U +66 13 138 U +66 13 139 S +66 13 140 U +66 13 141 S +66 13 142 S +66 13 143 P +66 13 144 U +66 13 145 U +66 13 146 P +66 13 147 U +66 13 148 P +66 13 149 U +66 13 150 P +66 13 151 P +66 13 152 P +66 13 153 U +66 13 154 C +66 13 155 C +66 13 156 U +66 13 157 P +66 13 158 S +66 13 159 P +66 13 160 P +66 13 161 U +66 13 162 P +66 13 163 U +66 13 164 U +66 13 165 C +66 13 166 C +66 13 167 U +66 13 168 U +66 13 169 U +66 13 170 C +66 13 171 P +66 13 172 S +66 13 173 P +66 13 174 P +66 13 175 U +66 13 176 P +66 13 177 S +66 13 178 U +66 13 179 P +66 13 180 U +66 13 181 P +66 13 182 P +66 13 183 C +66 13 184 U +66 13 185 P +66 13 186 U +66 13 187 P +66 13 188 U +66 13 189 U +66 13 190 P +66 13 191 U +66 13 192 U +66 13 193 P +66 13 194 P +66 13 195 U +66 13 196 U +66 13 197 P +66 13 198 C +66 13 199 S +66 13 200 U +66 13 201 P +66 13 202 U +66 13 203 P +66 13 204 C +66 13 205 U +66 13 206 S +66 13 207 P +66 13 208 P +66 13 209 C +66 13 210 P +66 13 211 U +66 13 212 P +66 13 213 S +66 13 214 P +66 13 215 P +66 13 216 C +66 13 217 P +66 13 218 P +66 13 219 S +66 13 220 U +66 13 221 S +66 13 222 U +66 13 223 U +66 13 224 S +66 13 225 P +66 13 226 U +66 13 227 C +66 13 228 U +66 13 229 C +66 13 230 P +66 13 231 P +66 13 232 C +66 13 233 P +66 13 234 U +66 13 235 C +66 13 236 P +66 13 237 P +66 13 238 U +66 13 239 P +66 13 240 C +66 13 241 S +66 13 242 S +66 13 243 P +66 13 244 U +66 13 245 P +66 13 246 U +66 13 247 U +66 13 248 C +66 13 249 U +66 13 250 C +66 13 251 U +66 13 252 S +66 13 253 U +66 13 254 C +66 13 255 C +66 13 256 P +66 13 257 C +66 13 258 P +66 13 259 P +66 13 260 S +66 13 261 P +66 13 262 S +66 13 263 C +66 13 264 U +66 13 265 U +66 13 266 P +66 13 267 C +66 13 268 U +66 13 269 P +66 13 270 P +66 13 271 C +66 13 272 S +66 13 273 U +66 13 274 S +66 13 275 P +66 13 276 P +66 13 277 C +66 13 278 P +66 13 279 C +66 13 280 C +66 13 281 U +66 13 282 P +66 13 283 C +66 13 284 S +66 13 285 U +66 13 286 S +66 13 287 P +66 13 288 P +66 13 289 U +66 13 290 S +66 13 291 U +66 13 292 P +66 13 293 S +66 13 294 S +66 13 295 C +66 13 296 U +66 13 297 P +66 13 298 P +66 13 299 U +66 13 300 C +66 13 301 U +66 13 302 C +66 13 303 S +66 13 304 P +66 13 305 P +66 13 306 U +66 13 307 U +66 13 308 U +66 13 309 C +66 13 310 U +66 13 311 C +66 13 312 C +66 13 313 C +66 13 314 S +66 13 315 U +66 13 316 U +66 13 317 P +66 13 318 P +66 13 319 S +66 13 320 P +66 13 321 P +66 13 322 S +66 13 323 C +66 13 324 S +66 13 325 U +66 13 326 P +66 13 327 S +66 13 328 C +66 13 329 C +66 13 330 S +66 14 1 U +66 14 2 U +66 14 3 P +66 14 4 P +66 14 5 U +66 14 6 P +66 14 7 U +66 14 8 P +66 14 9 P +66 14 10 U +66 14 11 U +66 14 12 P +66 14 13 U +66 14 14 C +66 14 15 P +66 14 16 S +66 14 17 P +66 14 18 C +66 14 19 U +66 14 20 U +66 14 21 P +66 14 22 S +66 14 23 P +66 14 24 C +66 14 25 U +66 14 26 U +66 14 27 S +66 14 28 P +66 14 29 U +66 14 30 P +66 14 31 S +66 14 32 P +66 14 33 U +66 14 34 U +66 14 35 P +66 14 36 U +66 14 37 U +66 14 38 P +66 14 39 U +66 14 40 U +66 14 41 P +66 14 42 P +66 14 43 C +66 14 44 S +66 14 45 U +66 14 46 C +66 14 47 C +66 14 48 P +66 14 49 U +66 14 50 P +66 14 51 C +66 14 52 S +66 14 53 P +66 14 54 U +66 14 55 U +66 14 56 P +66 14 57 U +66 14 58 P +66 14 59 S +66 14 60 U +66 14 61 P +66 14 62 U +66 14 63 P +66 14 64 U +66 14 65 P +66 14 66 S +66 14 67 U +66 14 68 P +66 14 69 C +66 14 70 S +66 14 71 P +66 14 72 U +66 14 73 P +66 14 74 U +66 14 75 C +66 14 76 P +66 14 77 U +66 14 78 P +66 14 79 C +66 14 80 U +66 14 81 U +66 14 82 U +66 14 83 S +66 14 84 P +66 14 85 U +66 14 86 P +66 14 87 C +66 14 88 P +66 14 89 C +66 14 90 U +66 14 91 U +66 14 92 S +66 14 93 U +66 14 94 C +66 14 95 S +66 14 96 P +66 14 97 U +66 14 98 P +66 14 99 U +66 14 100 U +66 14 101 P +66 14 102 U +66 14 103 C +66 14 104 U +66 14 105 P +66 14 106 S +66 14 107 S +66 14 108 U +66 14 109 U +66 14 110 P +66 14 111 C +66 14 112 P +66 14 113 C +66 14 114 U +66 14 115 P +66 14 116 U +66 14 117 C +66 14 118 P +66 14 119 U +66 14 120 S +66 14 121 P +66 14 122 U +66 14 123 U +66 14 124 P +66 14 125 P +66 14 126 P +66 14 127 U +66 14 128 P +66 14 129 S +66 14 130 C +66 14 131 P +66 14 132 P +66 14 133 U +66 14 134 C +66 14 135 P +66 14 136 U +66 14 137 C +66 14 138 U +66 14 139 S +66 14 140 U +66 14 141 S +66 14 142 S +66 14 143 U +66 14 144 C +66 14 145 U +66 14 146 P +66 14 147 U +66 14 148 P +66 14 149 U +66 14 150 C +66 14 151 P +66 14 152 P +66 14 153 U +66 14 154 C +66 14 155 C +66 14 156 U +66 14 157 C +66 14 158 S +66 14 159 P +66 14 160 P +66 14 161 U +66 14 162 P +66 14 163 U +66 14 164 U +66 14 165 C +66 14 166 U +66 14 167 U +66 14 168 U +66 14 169 U +66 14 170 C +66 14 171 U +66 14 172 S +66 14 173 P +66 14 174 P +66 14 175 U +66 14 176 P +66 14 177 P +66 14 178 U +66 14 179 C +66 14 180 U +66 14 181 P +66 14 182 P +66 14 183 C +66 14 184 U +66 14 185 P +66 14 186 U +66 14 187 P +66 14 188 U +66 14 189 U +66 14 190 P +66 14 191 U +66 14 192 U +66 14 193 P +66 14 194 P +66 14 195 U +66 14 196 U +66 14 197 P +66 14 198 C +66 14 199 S +66 14 200 U +66 14 201 P +66 14 202 U +66 14 203 P +66 14 204 C +66 14 205 U +66 14 206 S +66 14 207 P +66 14 208 P +66 14 209 U +66 14 210 P +66 14 211 U +66 14 212 P +66 14 213 U +66 14 214 U +66 14 215 P +66 14 216 C +66 14 217 P +66 14 218 P +66 14 219 S +66 14 220 U +66 14 221 S +66 14 222 U +66 14 223 U +66 14 224 S +66 14 225 U +66 14 226 U +66 14 227 C +66 14 228 U +66 14 229 C +66 14 230 S +66 14 231 P +66 14 232 C +66 14 233 U +66 14 234 U +66 14 235 U +66 14 236 P +66 14 237 P +66 14 238 U +66 14 239 P +66 14 240 C +66 14 241 S +66 14 242 S +66 14 243 P +66 14 244 S +66 14 245 P +66 14 246 U +66 14 247 U +66 14 248 C +66 14 249 U +66 14 250 P +66 14 251 U +66 14 252 S +66 14 253 U +66 14 254 U +66 14 255 C +66 14 256 P +66 14 257 U +66 14 258 P +66 14 259 P +66 14 260 S +66 14 261 P +66 14 262 S +66 14 263 C +66 14 264 U +66 14 265 U +66 14 266 P +66 14 267 U +66 14 268 U +66 14 269 P +66 14 270 P +66 14 271 U +66 14 272 S +66 14 273 P +66 14 274 S +66 14 275 U +66 14 276 P +66 14 277 U +66 14 278 P +66 14 279 U +66 14 280 U +66 14 281 U +66 14 282 U +66 14 283 C +66 14 284 S +66 14 285 P +66 14 286 S +66 14 287 C +66 14 288 P +66 14 289 U +66 14 290 S +66 14 291 U +66 14 292 P +66 14 293 S +66 14 294 S +66 14 295 C +66 14 296 U +66 14 297 P +66 14 298 P +66 14 299 U +66 14 300 C +66 14 301 U +66 14 302 S +66 14 303 U +66 14 304 C +66 14 305 P +66 14 306 U +66 14 307 U +66 14 308 P +66 14 309 C +66 14 310 U +66 14 311 U +66 14 312 C +66 14 313 U +66 14 314 S +66 14 315 U +66 14 316 U +66 14 317 P +66 14 318 P +66 14 319 S +66 14 320 C +66 14 321 P +66 14 322 U +66 14 323 U +66 14 324 S +66 14 325 P +66 14 326 P +66 14 327 S +66 14 328 C +66 14 329 P +66 14 330 S +66 15 1 U +66 15 2 U +66 15 3 P +66 15 4 P +66 15 5 U +66 15 6 P +66 15 7 U +66 15 8 P +66 15 9 P +66 15 10 U +66 15 11 C +66 15 12 P +66 15 13 C +66 15 14 U +66 15 15 P +66 15 16 S +66 15 17 P +66 15 18 C +66 15 19 U +66 15 20 U +66 15 21 P +66 15 22 S +66 15 23 U +66 15 24 C +66 15 25 U +66 15 26 U +66 15 27 S +66 15 28 P +66 15 29 U +66 15 30 P +66 15 31 U +66 15 32 P +66 15 33 U +66 15 34 U +66 15 35 P +66 15 36 C +66 15 37 U +66 15 38 P +66 15 39 U +66 15 40 U +66 15 41 P +66 15 42 S +66 15 43 U +66 15 44 S +66 15 45 U +66 15 46 C +66 15 47 C +66 15 48 P +66 15 49 U +66 15 50 P +66 15 51 C +66 15 52 S +66 15 53 P +66 15 54 U +66 15 55 U +66 15 56 P +66 15 57 U +66 15 58 P +66 15 59 P +66 15 60 C +66 15 61 P +66 15 62 U +66 15 63 P +66 15 64 U +66 15 65 P +66 15 66 S +66 15 67 U +66 15 68 P +66 15 69 C +66 15 70 S +66 15 71 P +66 15 72 U +66 15 73 P +66 15 74 S +66 15 75 C +66 15 76 P +66 15 77 U +66 15 78 P +66 15 79 C +66 15 80 U +66 15 81 U +66 15 82 U +66 15 83 S +66 15 84 P +66 15 85 U +66 15 86 P +66 15 87 C +66 15 88 P +66 15 89 C +66 15 90 C +66 15 91 U +66 15 92 S +66 15 93 U +66 15 94 C +66 15 95 S +66 15 96 P +66 15 97 U +66 15 98 P +66 15 99 P +66 15 100 U +66 15 101 P +66 15 102 S +66 15 103 C +66 15 104 U +66 15 105 P +66 15 106 S +66 15 107 S +66 15 108 U +66 15 109 U +66 15 110 P +66 15 111 C +66 15 112 P +66 15 113 C +66 15 114 U +66 15 115 P +66 15 116 U +66 15 117 C +66 15 118 P +66 15 119 U +66 15 120 S +66 15 121 P +66 15 122 U +66 15 123 U +66 15 124 U +66 15 125 P +66 15 126 P +66 15 127 C +66 15 128 U +66 15 129 S +66 15 130 C +66 15 131 P +66 15 132 P +66 15 133 U +66 15 134 C +66 15 135 P +66 15 136 U +66 15 137 U +66 15 138 U +66 15 139 S +66 15 140 U +66 15 141 S +66 15 142 U +66 15 143 U +66 15 144 U +66 15 145 U +66 15 146 P +66 15 147 U +66 15 148 P +66 15 149 U +66 15 150 P +66 15 151 P +66 15 152 P +66 15 153 U +66 15 154 C +66 15 155 C +66 15 156 U +66 15 157 P +66 15 158 S +66 15 159 P +66 15 160 P +66 15 161 U +66 15 162 P +66 15 163 U +66 15 164 U +66 15 165 C +66 15 166 U +66 15 167 P +66 15 168 U +66 15 169 U +66 15 170 C +66 15 171 U +66 15 172 S +66 15 173 P +66 15 174 P +66 15 175 U +66 15 176 P +66 15 177 P +66 15 178 U +66 15 179 P +66 15 180 U +66 15 181 C +66 15 182 P +66 15 183 U +66 15 184 P +66 15 185 P +66 15 186 U +66 15 187 P +66 15 188 U +66 15 189 S +66 15 190 P +66 15 191 U +66 15 192 P +66 15 193 P +66 15 194 P +66 15 195 U +66 15 196 U +66 15 197 P +66 15 198 C +66 15 199 S +66 15 200 U +66 15 201 P +66 15 202 U +66 15 203 P +66 15 204 C +66 15 205 U +66 15 206 S +66 15 207 P +66 15 208 P +66 15 209 U +66 15 210 P +66 15 211 U +66 15 212 P +66 15 213 U +66 15 214 U +66 15 215 P +66 15 216 C +66 15 217 P +66 15 218 P +66 15 219 S +66 15 220 U +66 15 221 S +66 15 222 P +66 15 223 U +66 15 224 P +66 15 225 U +66 15 226 U +66 15 227 C +66 15 228 U +66 15 229 U +66 15 230 P +66 15 231 P +66 15 232 U +66 15 233 U +66 15 234 U +66 15 235 U +66 15 236 U +66 15 237 P +66 15 238 U +66 15 239 P +66 15 240 P +66 15 241 S +66 15 242 P +66 15 243 P +66 15 244 S +66 15 245 P +66 15 246 U +66 15 247 U +66 15 248 U +66 15 249 U +66 15 250 P +66 15 251 U +66 15 252 P +66 15 253 U +66 15 254 U +66 15 255 C +66 15 256 P +66 15 257 U +66 15 258 P +66 15 259 P +66 15 260 S +66 15 261 P +66 15 262 S +66 15 263 S +66 15 264 S +66 15 265 U +66 15 266 P +66 15 267 U +66 15 268 U +66 15 269 P +66 15 270 P +66 15 271 C +66 15 272 S +66 15 273 P +66 15 274 S +66 15 275 P +66 15 276 P +66 15 277 U +66 15 278 P +66 15 279 U +66 15 280 U +66 15 281 U +66 15 282 U +66 15 283 P +66 15 284 S +66 15 285 P +66 15 286 S +66 15 287 P +66 15 288 P +66 15 289 U +66 15 290 P +66 15 291 U +66 15 292 P +66 15 293 S +66 15 294 S +66 15 295 C +66 15 296 P +66 15 297 P +66 15 298 P +66 15 299 U +66 15 300 S +66 15 301 U +66 15 302 P +66 15 303 U +66 15 304 U +66 15 305 P +66 15 306 U +66 15 307 U +66 15 308 P +66 15 309 C +66 15 310 U +66 15 311 U +66 15 312 C +66 15 313 U +66 15 314 P +66 15 315 U +66 15 316 U +66 15 317 P +66 15 318 P +66 15 319 S +66 15 320 U +66 15 321 P +66 15 322 U +66 15 323 U +66 15 324 P +66 15 325 P +66 15 326 P +66 15 327 S +66 15 328 U +66 15 329 P +66 15 330 S +66 16 1 U +66 16 2 U +66 16 3 P +66 16 4 P +66 16 5 U +66 16 6 P +66 16 7 U +66 16 8 P +66 16 9 P +66 16 10 U +66 16 11 U +66 16 12 P +66 16 13 U +66 16 14 U +66 16 15 P +66 16 16 S +66 16 17 P +66 16 18 U +66 16 19 U +66 16 20 U +66 16 21 P +66 16 22 S +66 16 23 P +66 16 24 U +66 16 25 U +66 16 26 U +66 16 27 S +66 16 28 P +66 16 29 U +66 16 30 S +66 16 31 U +66 16 32 P +66 16 33 P +66 16 34 U +66 16 35 P +66 16 36 U +66 16 37 U +66 16 38 P +66 16 39 U +66 16 40 U +66 16 41 P +66 16 42 P +66 16 43 U +66 16 44 S +66 16 45 U +66 16 46 S +66 16 47 U +66 16 48 P +66 16 49 U +66 16 50 U +66 16 51 U +66 16 52 P +66 16 53 P +66 16 54 U +66 16 55 U +66 16 56 P +66 16 57 P +66 16 58 P +66 16 59 P +66 16 60 U +66 16 61 P +66 16 62 U +66 16 63 P +66 16 64 U +66 16 65 P +66 16 66 S +66 16 67 U +66 16 68 P +66 16 69 U +66 16 70 S +66 16 71 P +66 16 72 U +66 16 73 P +66 16 74 U +66 16 75 U +66 16 76 P +66 16 77 U +66 16 78 P +66 16 79 U +66 16 80 U +66 16 81 P +66 16 82 U +66 16 83 S +66 16 84 P +66 16 85 U +66 16 86 P +66 16 87 U +66 16 88 P +66 16 89 U +66 16 90 U +66 16 91 P +66 16 92 S +66 16 93 U +66 16 94 U +66 16 95 S +66 16 96 P +66 16 97 U +66 16 98 P +66 16 99 U +66 16 100 U +66 16 101 P +66 16 102 U +66 16 103 P +66 16 104 U +66 16 105 P +66 16 106 S +66 16 107 S +66 16 108 S +66 16 109 U +66 16 110 P +66 16 111 U +66 16 112 P +66 16 113 U +66 16 114 U +66 16 115 P +66 16 116 U +66 16 117 U +66 16 118 P +66 16 119 U +66 16 120 S +66 16 121 P +66 16 122 U +66 16 123 U +66 16 124 P +66 16 125 P +66 16 126 P +66 16 127 U +66 16 128 P +66 16 129 S +66 16 130 U +66 16 131 P +66 16 132 P +66 16 133 U +66 16 134 U +66 16 135 P +66 16 136 U +66 16 137 U +66 16 138 U +66 16 139 S +66 16 140 U +66 16 141 S +66 16 142 S +66 16 143 U +66 16 144 P +66 16 145 U +66 16 146 P +66 16 147 U +66 16 148 P +66 16 149 P +66 16 150 P +66 16 151 P +66 16 152 P +66 16 153 U +66 16 154 U +66 16 155 U +66 16 156 U +66 16 157 U +66 16 158 S +66 16 159 P +66 16 160 P +66 16 161 U +66 16 162 P +66 16 163 U +66 16 164 U +66 16 165 U +66 16 166 U +66 16 167 U +66 16 168 U +66 16 169 U +66 16 170 U +66 16 171 U +66 16 172 S +66 16 173 P +66 16 174 P +66 16 175 U +66 16 176 P +66 16 177 S +66 16 178 U +66 16 179 P +66 16 180 U +66 16 181 P +66 16 182 P +66 16 183 U +66 16 184 P +66 16 185 P +66 16 186 U +66 16 187 P +66 16 188 U +66 16 189 U +66 16 190 P +66 16 191 U +66 16 192 P +66 16 193 P +66 16 194 P +66 16 195 U +66 16 196 U +66 16 197 P +66 16 198 U +66 16 199 S +66 16 200 U +66 16 201 P +66 16 202 U +66 16 203 P +66 16 204 U +66 16 205 U +66 16 206 S +66 16 207 P +66 16 208 P +66 16 209 U +66 16 210 U +66 16 211 U +66 16 212 P +66 16 213 S +66 16 214 S +66 16 215 P +66 16 216 U +66 16 217 P +66 16 218 P +66 16 219 U +66 16 220 U +66 16 221 S +66 16 222 U +66 16 223 U +66 16 224 S +66 16 225 U +66 16 226 U +66 16 227 U +66 16 228 U +66 16 229 U +66 16 230 S +66 16 231 P +66 16 232 U +66 16 233 U +66 16 234 U +66 16 235 U +66 16 236 P +66 16 237 P +66 16 238 U +66 16 239 P +66 16 240 P +66 16 241 S +66 16 242 S +66 16 243 P +66 16 244 U +66 16 245 P +66 16 246 U +66 16 247 U +66 16 248 U +66 16 249 U +66 16 250 U +66 16 251 U +66 16 252 S +66 16 253 U +66 16 254 U +66 16 255 U +66 16 256 P +66 16 257 U +66 16 258 P +66 16 259 P +66 16 260 S +66 16 261 P +66 16 262 S +66 16 263 S +66 16 264 P +66 16 265 U +66 16 266 P +66 16 267 P +66 16 268 U +66 16 269 P +66 16 270 P +66 16 271 U +66 16 272 S +66 16 273 P +66 16 274 S +66 16 275 U +66 16 276 P +66 16 277 U +66 16 278 P +66 16 279 U +66 16 280 U +66 16 281 U +66 16 282 U +66 16 283 U +66 16 284 S +66 16 285 P +66 16 286 S +66 16 287 P +66 16 288 P +66 16 289 U +66 16 290 S +66 16 291 U +66 16 292 P +66 16 293 U +66 16 294 S +66 16 295 U +66 16 296 U +66 16 297 P +66 16 298 P +66 16 299 U +66 16 300 S +66 16 301 U +66 16 302 S +66 16 303 U +66 16 304 U +66 16 305 P +66 16 306 U +66 16 307 U +66 16 308 P +66 16 309 U +66 16 310 U +66 16 311 U +66 16 312 U +66 16 313 U +66 16 314 S +66 16 315 U +66 16 316 U +66 16 317 P +66 16 318 P +66 16 319 S +66 16 320 U +66 16 321 P +66 16 322 U +66 16 323 U +66 16 324 S +66 16 325 U +66 16 326 P +66 16 327 U +66 16 328 U +66 16 329 U +66 16 330 S +66 17 1 U +66 17 2 U +66 17 3 P +66 17 4 U +66 17 5 U +66 17 6 P +66 17 7 U +66 17 8 P +66 17 9 P +66 17 10 U +66 17 11 C +66 17 12 P +66 17 13 U +66 17 14 U +66 17 15 P +66 17 16 S +66 17 17 P +66 17 18 C +66 17 19 U +66 17 20 U +66 17 21 P +66 17 22 S +66 17 23 U +66 17 24 C +66 17 25 U +66 17 26 U +66 17 27 S +66 17 28 U +66 17 29 U +66 17 30 P +66 17 31 S +66 17 32 P +66 17 33 U +66 17 34 U +66 17 35 P +66 17 36 C +66 17 37 U +66 17 38 P +66 17 39 U +66 17 40 U +66 17 41 P +66 17 42 S +66 17 43 C +66 17 44 S +66 17 45 U +66 17 46 C +66 17 47 C +66 17 48 P +66 17 49 S +66 17 50 U +66 17 51 S +66 17 52 S +66 17 53 P +66 17 54 U +66 17 55 U +66 17 56 P +66 17 57 U +66 17 58 S +66 17 59 S +66 17 60 C +66 17 61 P +66 17 62 U +66 17 63 P +66 17 64 U +66 17 65 P +66 17 66 S +66 17 67 U +66 17 68 P +66 17 69 C +66 17 70 S +66 17 71 P +66 17 72 U +66 17 73 U +66 17 74 S +66 17 75 C +66 17 76 P +66 17 77 U +66 17 78 P +66 17 79 C +66 17 80 U +66 17 81 U +66 17 82 U +66 17 83 S +66 17 84 P +66 17 85 U +66 17 86 P +66 17 87 C +66 17 88 U +66 17 89 C +66 17 90 C +66 17 91 U +66 17 92 S +66 17 93 U +66 17 94 C +66 17 95 S +66 17 96 P +66 17 97 U +66 17 98 P +66 17 99 P +66 17 100 U +66 17 101 U +66 17 102 S +66 17 103 C +66 17 104 U +66 17 105 P +66 17 106 P +66 17 107 S +66 17 108 S +66 17 109 U +66 17 110 P +66 17 111 C +66 17 112 P +66 17 113 C +66 17 114 U +66 17 115 P +66 17 116 S +66 17 117 C +66 17 118 P +66 17 119 U +66 17 120 S +66 17 121 P +66 17 122 U +66 17 123 U +66 17 124 U +66 17 125 P +66 17 126 P +66 17 127 C +66 17 128 U +66 17 129 S +66 17 130 C +66 17 131 U +66 17 132 P +66 17 133 U +66 17 134 C +66 17 135 P +66 17 136 S +66 17 137 C +66 17 138 U +66 17 139 S +66 17 140 U +66 17 141 S +66 17 142 S +66 17 143 U +66 17 144 U +66 17 145 U +66 17 146 P +66 17 147 U +66 17 148 P +66 17 149 U +66 17 150 C +66 17 151 P +66 17 152 P +66 17 153 U +66 17 154 C +66 17 155 C +66 17 156 U +66 17 157 C +66 17 158 S +66 17 159 P +66 17 160 P +66 17 161 U +66 17 162 P +66 17 163 U +66 17 164 U +66 17 165 S +66 17 166 C +66 17 167 S +66 17 168 U +66 17 169 U +66 17 170 C +66 17 171 U +66 17 172 S +66 17 173 P +66 17 174 P +66 17 175 U +66 17 176 P +66 17 177 S +66 17 178 U +66 17 179 C +66 17 180 U +66 17 181 P +66 17 182 C +66 17 183 C +66 17 184 U +66 17 185 P +66 17 186 U +66 17 187 P +66 17 188 U +66 17 189 U +66 17 190 P +66 17 191 U +66 17 192 U +66 17 193 U +66 17 194 C +66 17 195 U +66 17 196 U +66 17 197 U +66 17 198 C +66 17 199 S +66 17 200 S +66 17 201 P +66 17 202 U +66 17 203 P +66 17 204 S +66 17 205 U +66 17 206 S +66 17 207 P +66 17 208 P +66 17 209 U +66 17 210 C +66 17 211 U +66 17 212 P +66 17 213 S +66 17 214 U +66 17 215 P +66 17 216 C +66 17 217 P +66 17 218 S +66 17 219 S +66 17 220 U +66 17 221 S +66 17 222 U +66 17 223 U +66 17 224 S +66 17 225 U +66 17 226 U +66 17 227 C +66 17 228 U +66 17 229 C +66 17 230 S +66 17 231 U +66 17 232 C +66 17 233 U +66 17 234 U +66 17 235 U +66 17 236 U +66 17 237 P +66 17 238 U +66 17 239 P +66 17 240 C +66 17 241 S +66 17 242 S +66 17 243 P +66 17 244 S +66 17 245 P +66 17 246 U +66 17 247 U +66 17 248 C +66 17 249 U +66 17 250 U +66 17 251 U +66 17 252 S +66 17 253 U +66 17 254 U +66 17 255 C +66 17 256 P +66 17 257 U +66 17 258 U +66 17 259 P +66 17 260 S +66 17 261 P +66 17 262 S +66 17 263 S +66 17 264 S +66 17 265 U +66 17 266 P +66 17 267 U +66 17 268 U +66 17 269 P +66 17 270 P +66 17 271 C +66 17 272 S +66 17 273 U +66 17 274 S +66 17 275 S +66 17 276 P +66 17 277 U +66 17 278 P +66 17 279 U +66 17 280 U +66 17 281 U +66 17 282 U +66 17 283 C +66 17 284 S +66 17 285 P +66 17 286 S +66 17 287 U +66 17 288 P +66 17 289 U +66 17 290 S +66 17 291 U +66 17 292 P +66 17 293 S +66 17 294 S +66 17 295 C +66 17 296 U +66 17 297 P +66 17 298 P +66 17 299 U +66 17 300 S +66 17 301 U +66 17 302 S +66 17 303 U +66 17 304 U +66 17 305 C +66 17 306 U +66 17 307 U +66 17 308 U +66 17 309 C +66 17 310 U +66 17 311 U +66 17 312 C +66 17 313 C +66 17 314 S +66 17 315 U +66 17 316 U +66 17 317 P +66 17 318 P +66 17 319 S +66 17 320 C +66 17 321 P +66 17 322 U +66 17 323 U +66 17 324 S +66 17 325 U +66 17 326 P +66 17 327 S +66 17 328 C +66 17 329 S +66 17 330 S +66 18 1 U +66 18 2 U +66 18 3 P +66 18 4 P +66 18 5 U +66 18 6 P +66 18 7 U +66 18 8 P +66 18 9 P +66 18 10 U +66 18 11 C +66 18 12 P +66 18 13 C +66 18 14 C +66 18 15 P +66 18 16 S +66 18 17 P +66 18 18 C +66 18 19 U +66 18 20 U +66 18 21 P +66 18 22 S +66 18 23 P +66 18 24 C +66 18 25 U +66 18 26 C +66 18 27 S +66 18 28 P +66 18 29 U +66 18 30 P +66 18 31 U +66 18 32 P +66 18 33 U +66 18 34 C +66 18 35 P +66 18 36 C +66 18 37 U +66 18 38 P +66 18 39 U +66 18 40 U +66 18 41 P +66 18 42 P +66 18 43 C +66 18 44 S +66 18 45 U +66 18 46 S +66 18 47 U +66 18 48 P +66 18 49 U +66 18 50 C +66 18 51 C +66 18 52 S +66 18 53 P +66 18 54 U +66 18 55 U +66 18 56 P +66 18 57 U +66 18 58 P +66 18 59 P +66 18 60 C +66 18 61 P +66 18 62 U +66 18 63 P +66 18 64 C +66 18 65 P +66 18 66 S +66 18 67 U +66 18 68 P +66 18 69 U +66 18 70 S +66 18 71 P +66 18 72 U +66 18 73 P +66 18 74 U +66 18 75 U +66 18 76 P +66 18 77 U +66 18 78 P +66 18 79 C +66 18 80 U +66 18 81 U +66 18 82 U +66 18 83 S +66 18 84 P +66 18 85 U +66 18 86 P +66 18 87 C +66 18 88 P +66 18 89 C +66 18 90 C +66 18 91 P +66 18 92 S +66 18 93 U +66 18 94 C +66 18 95 S +66 18 96 P +66 18 97 C +66 18 98 P +66 18 99 P +66 18 100 U +66 18 101 P +66 18 102 U +66 18 103 C +66 18 104 C +66 18 105 P +66 18 106 S +66 18 107 S +66 18 108 U +66 18 109 U +66 18 110 P +66 18 111 C +66 18 112 P +66 18 113 C +66 18 114 U +66 18 115 P +66 18 116 U +66 18 117 C +66 18 118 P +66 18 119 U +66 18 120 S +66 18 121 P +66 18 122 U +66 18 123 U +66 18 124 U +66 18 125 P +66 18 126 P +66 18 127 C +66 18 128 U +66 18 129 S +66 18 130 C +66 18 131 P +66 18 132 P +66 18 133 C +66 18 134 U +66 18 135 P +66 18 136 U +66 18 137 U +66 18 138 U +66 18 139 S +66 18 140 U +66 18 141 S +66 18 142 S +66 18 143 U +66 18 144 C +66 18 145 U +66 18 146 P +66 18 147 C +66 18 148 P +66 18 149 U +66 18 150 C +66 18 151 P +66 18 152 P +66 18 153 U +66 18 154 C +66 18 155 C +66 18 156 U +66 18 157 C +66 18 158 S +66 18 159 P +66 18 160 P +66 18 161 U +66 18 162 P +66 18 163 U +66 18 164 U +66 18 165 C +66 18 166 C +66 18 167 P +66 18 168 U +66 18 169 U +66 18 170 U +66 18 171 U +66 18 172 S +66 18 173 P +66 18 174 P +66 18 175 U +66 18 176 P +66 18 177 S +66 18 178 C +66 18 179 P +66 18 180 U +66 18 181 P +66 18 182 P +66 18 183 C +66 18 184 P +66 18 185 C +66 18 186 U +66 18 187 P +66 18 188 U +66 18 189 S +66 18 190 P +66 18 191 C +66 18 192 P +66 18 193 P +66 18 194 P +66 18 195 U +66 18 196 U +66 18 197 P +66 18 198 C +66 18 199 S +66 18 200 U +66 18 201 P +66 18 202 U +66 18 203 P +66 18 204 C +66 18 205 U +66 18 206 S +66 18 207 P +66 18 208 P +66 18 209 C +66 18 210 P +66 18 211 U +66 18 212 P +66 18 213 S +66 18 214 U +66 18 215 P +66 18 216 C +66 18 217 P +66 18 218 U +66 18 219 S +66 18 220 C +66 18 221 S +66 18 222 P +66 18 223 U +66 18 224 S +66 18 225 C +66 18 226 U +66 18 227 C +66 18 228 U +66 18 229 C +66 18 230 S +66 18 231 P +66 18 232 C +66 18 233 U +66 18 234 U +66 18 235 U +66 18 236 P +66 18 237 P +66 18 238 U +66 18 239 P +66 18 240 P +66 18 241 S +66 18 242 S +66 18 243 P +66 18 244 S +66 18 245 P +66 18 246 U +66 18 247 U +66 18 248 C +66 18 249 U +66 18 250 U +66 18 251 U +66 18 252 S +66 18 253 U +66 18 254 U +66 18 255 C +66 18 256 P +66 18 257 C +66 18 258 P +66 18 259 P +66 18 260 S +66 18 261 P +66 18 262 S +66 18 263 C +66 18 264 U +66 18 265 U +66 18 266 P +66 18 267 P +66 18 268 U +66 18 269 P +66 18 270 P +66 18 271 C +66 18 272 S +66 18 273 P +66 18 274 S +66 18 275 U +66 18 276 P +66 18 277 C +66 18 278 P +66 18 279 C +66 18 280 U +66 18 281 U +66 18 282 U +66 18 283 C +66 18 284 S +66 18 285 P +66 18 286 S +66 18 287 C +66 18 288 P +66 18 289 U +66 18 290 S +66 18 291 U +66 18 292 P +66 18 293 S +66 18 294 S +66 18 295 C +66 18 296 U +66 18 297 P +66 18 298 P +66 18 299 C +66 18 300 S +66 18 301 C +66 18 302 S +66 18 303 S +66 18 304 U +66 18 305 P +66 18 306 U +66 18 307 U +66 18 308 P +66 18 309 C +66 18 310 U +66 18 311 U +66 18 312 C +66 18 313 C +66 18 314 S +66 18 315 U +66 18 316 U +66 18 317 P +66 18 318 P +66 18 319 S +66 18 320 C +66 18 321 P +66 18 322 U +66 18 323 C +66 18 324 S +66 18 325 P +66 18 326 P +66 18 327 S +66 18 328 C +66 18 329 P +66 18 330 S +66 19 1 U +66 19 2 U +66 19 3 P +66 19 4 U +66 19 5 U +66 19 6 P +66 19 7 U +66 19 8 P +66 19 9 U +66 19 10 U +66 19 11 C +66 19 12 P +66 19 13 U +66 19 14 U +66 19 15 P +66 19 16 S +66 19 17 P +66 19 18 C +66 19 19 U +66 19 20 U +66 19 21 P +66 19 22 S +66 19 23 U +66 19 24 C +66 19 25 U +66 19 26 U +66 19 27 S +66 19 28 P +66 19 29 U +66 19 30 P +66 19 31 U +66 19 32 P +66 19 33 U +66 19 34 U +66 19 35 P +66 19 36 C +66 19 37 U +66 19 38 P +66 19 39 U +66 19 40 U +66 19 41 P +66 19 42 P +66 19 43 U +66 19 44 S +66 19 45 U +66 19 46 C +66 19 47 U +66 19 48 P +66 19 49 U +66 19 50 P +66 19 51 C +66 19 52 S +66 19 53 P +66 19 54 U +66 19 55 U +66 19 56 P +66 19 57 U +66 19 58 P +66 19 59 S +66 19 60 U +66 19 61 P +66 19 62 U +66 19 63 P +66 19 64 U +66 19 65 P +66 19 66 S +66 19 67 U +66 19 68 P +66 19 69 C +66 19 70 S +66 19 71 P +66 19 72 U +66 19 73 P +66 19 74 U +66 19 75 C +66 19 76 P +66 19 77 U +66 19 78 P +66 19 79 C +66 19 80 U +66 19 81 U +66 19 82 U +66 19 83 S +66 19 84 P +66 19 85 U +66 19 86 P +66 19 87 C +66 19 88 P +66 19 89 C +66 19 90 C +66 19 91 P +66 19 92 S +66 19 93 U +66 19 94 C +66 19 95 S +66 19 96 P +66 19 97 U +66 19 98 P +66 19 99 P +66 19 100 U +66 19 101 P +66 19 102 U +66 19 103 C +66 19 104 U +66 19 105 P +66 19 106 S +66 19 107 S +66 19 108 U +66 19 109 U +66 19 110 P +66 19 111 U +66 19 112 P +66 19 113 U +66 19 114 U +66 19 115 P +66 19 116 U +66 19 117 C +66 19 118 P +66 19 119 U +66 19 120 S +66 19 121 P +66 19 122 U +66 19 123 U +66 19 124 P +66 19 125 P +66 19 126 P +66 19 127 U +66 19 128 P +66 19 129 S +66 19 130 C +66 19 131 P +66 19 132 P +66 19 133 U +66 19 134 C +66 19 135 P +66 19 136 U +66 19 137 U +66 19 138 U +66 19 139 S +66 19 140 U +66 19 141 S +66 19 142 U +66 19 143 U +66 19 144 C +66 19 145 U +66 19 146 P +66 19 147 U +66 19 148 P +66 19 149 U +66 19 150 P +66 19 151 P +66 19 152 P +66 19 153 U +66 19 154 C +66 19 155 C +66 19 156 U +66 19 157 C +66 19 158 S +66 19 159 P +66 19 160 P +66 19 161 U +66 19 162 P +66 19 163 U +66 19 164 U +66 19 165 C +66 19 166 U +66 19 167 P +66 19 168 U +66 19 169 U +66 19 170 C +66 19 171 U +66 19 172 S +66 19 173 P +66 19 174 P +66 19 175 U +66 19 176 P +66 19 177 S +66 19 178 U +66 19 179 P +66 19 180 U +66 19 181 P +66 19 182 P +66 19 183 C +66 19 184 P +66 19 185 P +66 19 186 U +66 19 187 P +66 19 188 U +66 19 189 U +66 19 190 P +66 19 191 U +66 19 192 P +66 19 193 P +66 19 194 P +66 19 195 U +66 19 196 U +66 19 197 P +66 19 198 C +66 19 199 S +66 19 200 U +66 19 201 P +66 19 202 U +66 19 203 P +66 19 204 C +66 19 205 U +66 19 206 S +66 19 207 P +66 19 208 P +66 19 209 U +66 19 210 U +66 19 211 U +66 19 212 P +66 19 213 C +66 19 214 P +66 19 215 P +66 19 216 C +66 19 217 P +66 19 218 C +66 19 219 S +66 19 220 U +66 19 221 S +66 19 222 P +66 19 223 U +66 19 224 S +66 19 225 U +66 19 226 U +66 19 227 C +66 19 228 U +66 19 229 U +66 19 230 P +66 19 231 P +66 19 232 C +66 19 233 U +66 19 234 U +66 19 235 U +66 19 236 P +66 19 237 P +66 19 238 U +66 19 239 P +66 19 240 P +66 19 241 S +66 19 242 P +66 19 243 P +66 19 244 S +66 19 245 P +66 19 246 U +66 19 247 U +66 19 248 C +66 19 249 U +66 19 250 P +66 19 251 U +66 19 252 S +66 19 253 U +66 19 254 U +66 19 255 C +66 19 256 P +66 19 257 U +66 19 258 P +66 19 259 P +66 19 260 S +66 19 261 P +66 19 262 S +66 19 263 C +66 19 264 U +66 19 265 U +66 19 266 P +66 19 267 P +66 19 268 U +66 19 269 P +66 19 270 P +66 19 271 C +66 19 272 S +66 19 273 P +66 19 274 S +66 19 275 P +66 19 276 P +66 19 277 U +66 19 278 P +66 19 279 U +66 19 280 C +66 19 281 U +66 19 282 U +66 19 283 P +66 19 284 S +66 19 285 P +66 19 286 S +66 19 287 P +66 19 288 P +66 19 289 U +66 19 290 S +66 19 291 U +66 19 292 P +66 19 293 S +66 19 294 S +66 19 295 C +66 19 296 U +66 19 297 P +66 19 298 P +66 19 299 U +66 19 300 S +66 19 301 U +66 19 302 S +66 19 303 U +66 19 304 C +66 19 305 P +66 19 306 U +66 19 307 U +66 19 308 P +66 19 309 C +66 19 310 U +66 19 311 U +66 19 312 C +66 19 313 U +66 19 314 S +66 19 315 U +66 19 316 U +66 19 317 P +66 19 318 P +66 19 319 S +66 19 320 C +66 19 321 P +66 19 322 U +66 19 323 U +66 19 324 S +66 19 325 P +66 19 326 P +66 19 327 S +66 19 328 C +66 19 329 P +66 19 330 S +66 20 1 U +66 20 2 U +66 20 3 P +66 20 4 C +66 20 5 U +66 20 6 P +66 20 7 U +66 20 8 P +66 20 9 P +66 20 10 C +66 20 11 C +66 20 12 P +66 20 13 C +66 20 14 C +66 20 15 P +66 20 16 S +66 20 17 P +66 20 18 C +66 20 19 U +66 20 20 U +66 20 21 P +66 20 22 S +66 20 23 P +66 20 24 P +66 20 25 U +66 20 26 U +66 20 27 S +66 20 28 P +66 20 29 U +66 20 30 P +66 20 31 U +66 20 32 P +66 20 33 U +66 20 34 U +66 20 35 P +66 20 36 C +66 20 37 U +66 20 38 P +66 20 39 U +66 20 40 U +66 20 41 P +66 20 42 S +66 20 43 C +66 20 44 S +66 20 45 U +66 20 46 S +66 20 47 C +66 20 48 P +66 20 49 U +66 20 50 C +66 20 51 C +66 20 52 S +66 20 53 P +66 20 54 U +66 20 55 U +66 20 56 P +66 20 57 U +66 20 58 P +66 20 59 S +66 20 60 C +66 20 61 P +66 20 62 P +66 20 63 P +66 20 64 U +66 20 65 P +66 20 66 S +66 20 67 U +66 20 68 P +66 20 69 C +66 20 70 S +66 20 71 P +66 20 72 U +66 20 73 P +66 20 74 U +66 20 75 C +66 20 76 P +66 20 77 U +66 20 78 P +66 20 79 C +66 20 80 U +66 20 81 U +66 20 82 U +66 20 83 S +66 20 84 P +66 20 85 U +66 20 86 P +66 20 87 C +66 20 88 P +66 20 89 C +66 20 90 C +66 20 91 S +66 20 92 S +66 20 93 U +66 20 94 C +66 20 95 U +66 20 96 P +66 20 97 C +66 20 98 P +66 20 99 P +66 20 100 U +66 20 101 P +66 20 102 S +66 20 103 C +66 20 104 U +66 20 105 P +66 20 106 S +66 20 107 S +66 20 108 U +66 20 109 C +66 20 110 P +66 20 111 C +66 20 112 P +66 20 113 C +66 20 114 U +66 20 115 P +66 20 116 S +66 20 117 S +66 20 118 P +66 20 119 U +66 20 120 S +66 20 121 P +66 20 122 U +66 20 123 U +66 20 124 U +66 20 125 P +66 20 126 P +66 20 127 C +66 20 128 P +66 20 129 S +66 20 130 S +66 20 131 P +66 20 132 P +66 20 133 U +66 20 134 C +66 20 135 P +66 20 136 U +66 20 137 C +66 20 138 U +66 20 139 S +66 20 140 U +66 20 141 S +66 20 142 S +66 20 143 U +66 20 144 C +66 20 145 U +66 20 146 S +66 20 147 U +66 20 148 P +66 20 149 U +66 20 150 C +66 20 151 P +66 20 152 P +66 20 153 U +66 20 154 C +66 20 155 C +66 20 156 U +66 20 157 C +66 20 158 S +66 20 159 P +66 20 160 P +66 20 161 U +66 20 162 P +66 20 163 U +66 20 164 U +66 20 165 P +66 20 166 C +66 20 167 P +66 20 168 U +66 20 169 U +66 20 170 C +66 20 171 U +66 20 172 S +66 20 173 P +66 20 174 P +66 20 175 U +66 20 176 P +66 20 177 S +66 20 178 U +66 20 179 C +66 20 180 U +66 20 181 P +66 20 182 P +66 20 183 S +66 20 184 P +66 20 185 P +66 20 186 U +66 20 187 P +66 20 188 U +66 20 189 S +66 20 190 P +66 20 191 U +66 20 192 P +66 20 193 P +66 20 194 C +66 20 195 U +66 20 196 U +66 20 197 P +66 20 198 C +66 20 199 S +66 20 200 U +66 20 201 P +66 20 202 U +66 20 203 P +66 20 204 C +66 20 205 S +66 20 206 S +66 20 207 P +66 20 208 P +66 20 209 C +66 20 210 C +66 20 211 U +66 20 212 P +66 20 213 S +66 20 214 P +66 20 215 P +66 20 216 C +66 20 217 P +66 20 218 P +66 20 219 S +66 20 220 U +66 20 221 S +66 20 222 P +66 20 223 U +66 20 224 S +66 20 225 S +66 20 226 U +66 20 227 C +66 20 228 C +66 20 229 U +66 20 230 S +66 20 231 P +66 20 232 P +66 20 233 U +66 20 234 U +66 20 235 U +66 20 236 P +66 20 237 P +66 20 238 U +66 20 239 P +66 20 240 C +66 20 241 S +66 20 242 S +66 20 243 P +66 20 244 S +66 20 245 P +66 20 246 U +66 20 247 P +66 20 248 C +66 20 249 C +66 20 250 P +66 20 251 U +66 20 252 S +66 20 253 U +66 20 254 U +66 20 255 C +66 20 256 P +66 20 257 U +66 20 258 P +66 20 259 P +66 20 260 U +66 20 261 P +66 20 262 S +66 20 263 S +66 20 264 U +66 20 265 U +66 20 266 P +66 20 267 P +66 20 268 U +66 20 269 P +66 20 270 P +66 20 271 C +66 20 272 S +66 20 273 P +66 20 274 S +66 20 275 P +66 20 276 P +66 20 277 U +66 20 278 P +66 20 279 U +66 20 280 U +66 20 281 U +66 20 282 U +66 20 283 C +66 20 284 S +66 20 285 P +66 20 286 S +66 20 287 P +66 20 288 P +66 20 289 U +66 20 290 S +66 20 291 U +66 20 292 P +66 20 293 S +66 20 294 S +66 20 295 C +66 20 296 P +66 20 297 P +66 20 298 P +66 20 299 U +66 20 300 S +66 20 301 U +66 20 302 S +66 20 303 S +66 20 304 P +66 20 305 C +66 20 306 U +66 20 307 U +66 20 308 P +66 20 309 C +66 20 310 U +66 20 311 U +66 20 312 C +66 20 313 U +66 20 314 S +66 20 315 U +66 20 316 U +66 20 317 P +66 20 318 P +66 20 319 S +66 20 320 C +66 20 321 P +66 20 322 U +66 20 323 U +66 20 324 S +66 20 325 P +66 20 326 P +66 20 327 S +66 20 328 C +66 20 329 P +66 20 330 S +66 21 1 U +66 21 2 U +66 21 3 P +66 21 4 U +66 21 5 U +66 21 6 P +66 21 7 U +66 21 8 P +66 21 9 P +66 21 10 C +66 21 11 U +66 21 12 P +66 21 13 U +66 21 14 C +66 21 15 P +66 21 16 S +66 21 17 P +66 21 18 C +66 21 19 U +66 21 20 U +66 21 21 P +66 21 22 S +66 21 23 U +66 21 24 P +66 21 25 U +66 21 26 C +66 21 27 S +66 21 28 P +66 21 29 U +66 21 30 P +66 21 31 S +66 21 32 P +66 21 33 U +66 21 34 U +66 21 35 P +66 21 36 C +66 21 37 U +66 21 38 P +66 21 39 U +66 21 40 U +66 21 41 P +66 21 42 P +66 21 43 C +66 21 44 S +66 21 45 U +66 21 46 C +66 21 47 U +66 21 48 P +66 21 49 U +66 21 50 C +66 21 51 P +66 21 52 S +66 21 53 P +66 21 54 U +66 21 55 U +66 21 56 P +66 21 57 U +66 21 58 P +66 21 59 S +66 21 60 U +66 21 61 P +66 21 62 P +66 21 63 P +66 21 64 C +66 21 65 P +66 21 66 S +66 21 67 U +66 21 68 P +66 21 69 U +66 21 70 P +66 21 71 P +66 21 72 U +66 21 73 U +66 21 74 S +66 21 75 C +66 21 76 P +66 21 77 U +66 21 78 P +66 21 79 C +66 21 80 U +66 21 81 P +66 21 82 U +66 21 83 S +66 21 84 P +66 21 85 U +66 21 86 P +66 21 87 C +66 21 88 P +66 21 89 C +66 21 90 U +66 21 91 U +66 21 92 S +66 21 93 C +66 21 94 C +66 21 95 S +66 21 96 P +66 21 97 C +66 21 98 P +66 21 99 P +66 21 100 U +66 21 101 P +66 21 102 S +66 21 103 U +66 21 104 U +66 21 105 P +66 21 106 S +66 21 107 S +66 21 108 S +66 21 109 P +66 21 110 P +66 21 111 C +66 21 112 P +66 21 113 C +66 21 114 U +66 21 115 P +66 21 116 S +66 21 117 C +66 21 118 P +66 21 119 U +66 21 120 S +66 21 121 P +66 21 122 U +66 21 123 U +66 21 124 P +66 21 125 P +66 21 126 P +66 21 127 C +66 21 128 U +66 21 129 S +66 21 130 C +66 21 131 U +66 21 132 P +66 21 133 U +66 21 134 C +66 21 135 P +66 21 136 P +66 21 137 U +66 21 138 U +66 21 139 P +66 21 140 U +66 21 141 S +66 21 142 S +66 21 143 P +66 21 144 C +66 21 145 U +66 21 146 P +66 21 147 U +66 21 148 P +66 21 149 U +66 21 150 C +66 21 151 P +66 21 152 U +66 21 153 U +66 21 154 C +66 21 155 C +66 21 156 U +66 21 157 P +66 21 158 S +66 21 159 P +66 21 160 P +66 21 161 U +66 21 162 P +66 21 163 U +66 21 164 U +66 21 165 C +66 21 166 U +66 21 167 P +66 21 168 C +66 21 169 U +66 21 170 C +66 21 171 U +66 21 172 S +66 21 173 P +66 21 174 P +66 21 175 U +66 21 176 P +66 21 177 S +66 21 178 C +66 21 179 P +66 21 180 U +66 21 181 P +66 21 182 P +66 21 183 C +66 21 184 U +66 21 185 P +66 21 186 U +66 21 187 P +66 21 188 U +66 21 189 S +66 21 190 P +66 21 191 U +66 21 192 C +66 21 193 U +66 21 194 P +66 21 195 U +66 21 196 U +66 21 197 U +66 21 198 C +66 21 199 U +66 21 200 P +66 21 201 P +66 21 202 U +66 21 203 P +66 21 204 C +66 21 205 U +66 21 206 S +66 21 207 P +66 21 208 P +66 21 209 U +66 21 210 P +66 21 211 U +66 21 212 P +66 21 213 U +66 21 214 U +66 21 215 P +66 21 216 C +66 21 217 P +66 21 218 P +66 21 219 S +66 21 220 C +66 21 221 S +66 21 222 C +66 21 223 U +66 21 224 S +66 21 225 U +66 21 226 U +66 21 227 C +66 21 228 U +66 21 229 U +66 21 230 S +66 21 231 P +66 21 232 C +66 21 233 U +66 21 234 U +66 21 235 C +66 21 236 U +66 21 237 P +66 21 238 U +66 21 239 P +66 21 240 P +66 21 241 S +66 21 242 P +66 21 243 P +66 21 244 S +66 21 245 P +66 21 246 U +66 21 247 U +66 21 248 C +66 21 249 U +66 21 250 U +66 21 251 U +66 21 252 S +66 21 253 U +66 21 254 U +66 21 255 C +66 21 256 P +66 21 257 U +66 21 258 P +66 21 259 P +66 21 260 S +66 21 261 P +66 21 262 S +66 21 263 C +66 21 264 U +66 21 265 P +66 21 266 P +66 21 267 U +66 21 268 U +66 21 269 P +66 21 270 P +66 21 271 C +66 21 272 S +66 21 273 P +66 21 274 S +66 21 275 U +66 21 276 P +66 21 277 U +66 21 278 P +66 21 279 U +66 21 280 U +66 21 281 U +66 21 282 U +66 21 283 P +66 21 284 S +66 21 285 P +66 21 286 S +66 21 287 P +66 21 288 P +66 21 289 U +66 21 290 S +66 21 291 U +66 21 292 P +66 21 293 S +66 21 294 S +66 21 295 C +66 21 296 U +66 21 297 P +66 21 298 P +66 21 299 U +66 21 300 C +66 21 301 U +66 21 302 S +66 21 303 U +66 21 304 U +66 21 305 P +66 21 306 U +66 21 307 U +66 21 308 P +66 21 309 C +66 21 310 U +66 21 311 U +66 21 312 C +66 21 313 U +66 21 314 S +66 21 315 U +66 21 316 U +66 21 317 P +66 21 318 P +66 21 319 S +66 21 320 U +66 21 321 P +66 21 322 U +66 21 323 U +66 21 324 S +66 21 325 U +66 21 326 P +66 21 327 S +66 21 328 U +66 21 329 P +66 21 330 S +66 22 1 U +66 22 2 P +66 22 3 P +66 22 4 C +66 22 5 U +66 22 6 P +66 22 7 U +66 22 8 P +66 22 9 P +66 22 10 U +66 22 11 C +66 22 12 P +66 22 13 U +66 22 14 C +66 22 15 P +66 22 16 S +66 22 17 P +66 22 18 C +66 22 19 U +66 22 20 U +66 22 21 P +66 22 22 P +66 22 23 C +66 22 24 P +66 22 25 U +66 22 26 U +66 22 27 P +66 22 28 P +66 22 29 U +66 22 30 P +66 22 31 U +66 22 32 C +66 22 33 P +66 22 34 U +66 22 35 P +66 22 36 C +66 22 37 U +66 22 38 P +66 22 39 P +66 22 40 U +66 22 41 P +66 22 42 P +66 22 43 C +66 22 44 P +66 22 45 P +66 22 46 C +66 22 47 C +66 22 48 P +66 22 49 U +66 22 50 C +66 22 51 P +66 22 52 S +66 22 53 P +66 22 54 U +66 22 55 U +66 22 56 P +66 22 57 U +66 22 58 P +66 22 59 P +66 22 60 C +66 22 61 P +66 22 62 C +66 22 63 P +66 22 64 U +66 22 65 P +66 22 66 P +66 22 67 U +66 22 68 P +66 22 69 C +66 22 70 P +66 22 71 C +66 22 72 U +66 22 73 C +66 22 74 U +66 22 75 P +66 22 76 P +66 22 77 U +66 22 78 P +66 22 79 C +66 22 80 U +66 22 81 P +66 22 82 U +66 22 83 P +66 22 84 P +66 22 85 U +66 22 86 P +66 22 87 C +66 22 88 P +66 22 89 C +66 22 90 U +66 22 91 P +66 22 92 S +66 22 93 U +66 22 94 C +66 22 95 S +66 22 96 P +66 22 97 C +66 22 98 P +66 22 99 P +66 22 100 S +66 22 101 P +66 22 102 S +66 22 103 C +66 22 104 U +66 22 105 P +66 22 106 P +66 22 107 S +66 22 108 U +66 22 109 C +66 22 110 P +66 22 111 C +66 22 112 P +66 22 113 C +66 22 114 U +66 22 115 P +66 22 116 S +66 22 117 C +66 22 118 P +66 22 119 U +66 22 120 S +66 22 121 P +66 22 122 U +66 22 123 U +66 22 124 S +66 22 125 P +66 22 126 P +66 22 127 C +66 22 128 P +66 22 129 S +66 22 130 C +66 22 131 P +66 22 132 P +66 22 133 C +66 22 134 C +66 22 135 P +66 22 136 S +66 22 137 C +66 22 138 U +66 22 139 P +66 22 140 U +66 22 141 C +66 22 142 P +66 22 143 P +66 22 144 C +66 22 145 U +66 22 146 P +66 22 147 U +66 22 148 P +66 22 149 S +66 22 150 C +66 22 151 P +66 22 152 P +66 22 153 U +66 22 154 C +66 22 155 P +66 22 156 U +66 22 157 P +66 22 158 S +66 22 159 P +66 22 160 P +66 22 161 S +66 22 162 P +66 22 163 U +66 22 164 U +66 22 165 C +66 22 166 C +66 22 167 P +66 22 168 * +66 22 169 U +66 22 170 C +66 22 171 P +66 22 172 S +66 22 173 P +66 22 174 P +66 22 175 S +66 22 176 P +66 22 177 S +66 22 178 U +66 22 179 C +66 22 180 U +66 22 181 P +66 22 182 C +66 22 183 P +66 22 184 C +66 22 185 P +66 22 186 U +66 22 187 P +66 22 188 U +66 22 189 S +66 22 190 P +66 22 191 U +66 22 192 C +66 22 193 P +66 22 194 C +66 22 195 P +66 22 196 S +66 22 197 P +66 22 198 S +66 22 199 C +66 22 200 U +66 22 201 P +66 22 202 U +66 22 203 P +66 22 204 C +66 22 205 C +66 22 206 S +66 22 207 P +66 22 208 P +66 22 209 C +66 22 210 P +66 22 211 C +66 22 212 P +66 22 213 S +66 22 214 P +66 22 215 P +66 22 216 C +66 22 217 P +66 22 218 P +66 22 219 S +66 22 220 U +66 22 221 S +66 22 222 C +66 22 223 U +66 22 224 P +66 22 225 P +66 22 226 U +66 22 227 C +66 22 228 U +66 22 229 S +66 22 230 P +66 22 231 C +66 22 232 P +66 22 233 U +66 22 234 U +66 22 235 U +66 22 236 P +66 22 237 P +66 22 238 U +66 22 239 P +66 22 240 C +66 22 241 P +66 22 242 P +66 22 243 C +66 22 244 S +66 22 245 P +66 22 246 U +66 22 247 P +66 22 248 C +66 22 249 U +66 22 250 C +66 22 251 S +66 22 252 P +66 22 253 S +66 22 254 U +66 22 255 C +66 22 256 P +66 22 257 C +66 22 258 P +66 22 259 P +66 22 260 S +66 22 261 P +66 22 262 S +66 22 263 S +66 22 264 U +66 22 265 U +66 22 266 P +66 22 267 C +66 22 268 S +66 22 269 P +66 22 270 P +66 22 271 C +66 22 272 S +66 22 273 C +66 22 274 S +66 22 275 P +66 22 276 P +66 22 277 C +66 22 278 P +66 22 279 U +66 22 280 P +66 22 281 U +66 22 282 P +66 22 283 P +66 22 284 C +66 22 285 P +66 22 286 S +66 22 287 P +66 22 288 P +66 22 289 S +66 22 290 P +66 22 291 U +66 22 292 P +66 22 293 S +66 22 294 S +66 22 295 C +66 22 296 U +66 22 297 P +66 22 298 P +66 22 299 U +66 22 300 C +66 22 301 U +66 22 302 P +66 22 303 S +66 22 304 C +66 22 305 C +66 22 306 S +66 22 307 U +66 22 308 P +66 22 309 C +66 22 310 U +66 22 311 U +66 22 312 C +66 22 313 U +66 22 314 S +66 22 315 P +66 22 316 U +66 22 317 P +66 22 318 P +66 22 319 S +66 22 320 P +66 22 321 P +66 22 322 U +66 22 323 C +66 22 324 S +66 22 325 C +66 22 326 P +66 22 327 S +66 22 328 C +66 22 329 P +66 22 330 S +66 23 1 U +66 23 2 U +66 23 3 P +66 23 4 U +66 23 5 U +66 23 6 S +66 23 7 U +66 23 8 P +66 23 9 C +66 23 10 C +66 23 11 U +66 23 12 P +66 23 13 U +66 23 14 C +66 23 15 U +66 23 16 U +66 23 17 P +66 23 18 C +66 23 19 U +66 23 20 U +66 23 21 P +66 23 22 S +66 23 23 U +66 23 24 C +66 23 25 U +66 23 26 C +66 23 27 S +66 23 28 P +66 23 29 U +66 23 30 P +66 23 31 U +66 23 32 P +66 23 33 U +66 23 34 U +66 23 35 P +66 23 36 C +66 23 37 U +66 23 38 P +66 23 39 U +66 23 40 U +66 23 41 P +66 23 42 P +66 23 43 U +66 23 44 S +66 23 45 U +66 23 46 U +66 23 47 U +66 23 48 P +66 23 49 U +66 23 50 C +66 23 51 C +66 23 52 S +66 23 53 P +66 23 54 U +66 23 55 U +66 23 56 S +66 23 57 U +66 23 58 P +66 23 59 S +66 23 60 C +66 23 61 P +66 23 62 U +66 23 63 P +66 23 64 U +66 23 65 P +66 23 66 S +66 23 67 U +66 23 68 P +66 23 69 U +66 23 70 S +66 23 71 P +66 23 72 U +66 23 73 P +66 23 74 S +66 23 75 U +66 23 76 P +66 23 77 U +66 23 78 P +66 23 79 C +66 23 80 U +66 23 81 P +66 23 82 U +66 23 83 S +66 23 84 P +66 23 85 U +66 23 86 P +66 23 87 C +66 23 88 U +66 23 89 C +66 23 90 U +66 23 91 P +66 23 92 S +66 23 93 U +66 23 94 C +66 23 95 S +66 23 96 P +66 23 97 U +66 23 98 P +66 23 99 U +66 23 100 U +66 23 101 P +66 23 102 U +66 23 103 P +66 23 104 U +66 23 105 P +66 23 106 S +66 23 107 S +66 23 108 U +66 23 109 U +66 23 110 P +66 23 111 U +66 23 112 P +66 23 113 C +66 23 114 U +66 23 115 P +66 23 116 U +66 23 117 C +66 23 118 P +66 23 119 U +66 23 120 S +66 23 121 P +66 23 122 U +66 23 123 C +66 23 124 U +66 23 125 P +66 23 126 P +66 23 127 C +66 23 128 P +66 23 129 S +66 23 130 C +66 23 131 U +66 23 132 P +66 23 133 U +66 23 134 C +66 23 135 P +66 23 136 U +66 23 137 C +66 23 138 U +66 23 139 S +66 23 140 U +66 23 141 S +66 23 142 U +66 23 143 P +66 23 144 C +66 23 145 U +66 23 146 P +66 23 147 U +66 23 148 P +66 23 149 U +66 23 150 U +66 23 151 P +66 23 152 P +66 23 153 U +66 23 154 C +66 23 155 C +66 23 156 U +66 23 157 C +66 23 158 S +66 23 159 P +66 23 160 P +66 23 161 U +66 23 162 P +66 23 163 U +66 23 164 U +66 23 165 C +66 23 166 C +66 23 167 P +66 23 168 U +66 23 169 U +66 23 170 U +66 23 171 C +66 23 172 S +66 23 173 P +66 23 174 P +66 23 175 U +66 23 176 P +66 23 177 S +66 23 178 U +66 23 179 P +66 23 180 U +66 23 181 P +66 23 182 C +66 23 183 P +66 23 184 U +66 23 185 P +66 23 186 U +66 23 187 P +66 23 188 U +66 23 189 U +66 23 190 P +66 23 191 U +66 23 192 U +66 23 193 P +66 23 194 P +66 23 195 U +66 23 196 U +66 23 197 P +66 23 198 C +66 23 199 S +66 23 200 U +66 23 201 P +66 23 202 U +66 23 203 P +66 23 204 C +66 23 205 U +66 23 206 S +66 23 207 P +66 23 208 P +66 23 209 U +66 23 210 C +66 23 211 U +66 23 212 P +66 23 213 U +66 23 214 P +66 23 215 P +66 23 216 C +66 23 217 P +66 23 218 P +66 23 219 S +66 23 220 U +66 23 221 S +66 23 222 U +66 23 223 U +66 23 224 S +66 23 225 U +66 23 226 U +66 23 227 C +66 23 228 U +66 23 229 U +66 23 230 S +66 23 231 P +66 23 232 U +66 23 233 U +66 23 234 U +66 23 235 U +66 23 236 P +66 23 237 P +66 23 238 U +66 23 239 P +66 23 240 C +66 23 241 S +66 23 242 P +66 23 243 P +66 23 244 S +66 23 245 P +66 23 246 U +66 23 247 U +66 23 248 C +66 23 249 U +66 23 250 C +66 23 251 U +66 23 252 S +66 23 253 U +66 23 254 U +66 23 255 C +66 23 256 P +66 23 257 U +66 23 258 P +66 23 259 P +66 23 260 S +66 23 261 P +66 23 262 S +66 23 263 U +66 23 264 U +66 23 265 U +66 23 266 P +66 23 267 U +66 23 268 U +66 23 269 P +66 23 270 P +66 23 271 U +66 23 272 S +66 23 273 P +66 23 274 S +66 23 275 P +66 23 276 P +66 23 277 U +66 23 278 P +66 23 279 U +66 23 280 U +66 23 281 U +66 23 282 U +66 23 283 C +66 23 284 S +66 23 285 P +66 23 286 S +66 23 287 P +66 23 288 P +66 23 289 U +66 23 290 S +66 23 291 U +66 23 292 P +66 23 293 S +66 23 294 S +66 23 295 C +66 23 296 U +66 23 297 P +66 23 298 P +66 23 299 U +66 23 300 U +66 23 301 U +66 23 302 S +66 23 303 U +66 23 304 P +66 23 305 P +66 23 306 U +66 23 307 U +66 23 308 U +66 23 309 C +66 23 310 U +66 23 311 U +66 23 312 C +66 23 313 U +66 23 314 S +66 23 315 U +66 23 316 U +66 23 317 P +66 23 318 P +66 23 319 S +66 23 320 U +66 23 321 P +66 23 322 U +66 23 323 U +66 23 324 S +66 23 325 U +66 23 326 P +66 23 327 S +66 23 328 U +66 23 329 C +66 23 330 S +66 24 1 U +66 24 2 S +66 24 3 P +66 24 4 P +66 24 5 S +66 24 6 P +66 24 7 U +66 24 8 P +66 24 9 P +66 24 10 U +66 24 11 U +66 24 12 S +66 24 13 U +66 24 14 U +66 24 15 P +66 24 16 S +66 24 17 P +66 24 18 C +66 24 19 U +66 24 20 U +66 24 21 P +66 24 22 S +66 24 23 U +66 24 24 U +66 24 25 U +66 24 26 C +66 24 27 S +66 24 28 P +66 24 29 U +66 24 30 P +66 24 31 S +66 24 32 P +66 24 33 S +66 24 34 U +66 24 35 P +66 24 36 U +66 24 37 C +66 24 38 P +66 24 39 C +66 24 40 U +66 24 41 P +66 24 42 P +66 24 43 U +66 24 44 S +66 24 45 U +66 24 46 C +66 24 47 C +66 24 48 P +66 24 49 S +66 24 50 C +66 24 51 C +66 24 52 S +66 24 53 P +66 24 54 U +66 24 55 U +66 24 56 P +66 24 57 U +66 24 58 S +66 24 59 P +66 24 60 U +66 24 61 P +66 24 62 U +66 24 63 P +66 24 64 U +66 24 65 P +66 24 66 S +66 24 67 U +66 24 68 P +66 24 69 C +66 24 70 U +66 24 71 C +66 24 72 U +66 24 73 C +66 24 74 S +66 24 75 C +66 24 76 P +66 24 77 U +66 24 78 P +66 24 79 C +66 24 80 U +66 24 81 U +66 24 82 U +66 24 83 S +66 24 84 P +66 24 85 U +66 24 86 P +66 24 87 C +66 24 88 P +66 24 89 C +66 24 90 U +66 24 91 U +66 24 92 S +66 24 93 U +66 24 94 C +66 24 95 S +66 24 96 P +66 24 97 U +66 24 98 P +66 24 99 U +66 24 100 S +66 24 101 P +66 24 102 S +66 24 103 C +66 24 104 U +66 24 105 P +66 24 106 S +66 24 107 S +66 24 108 S +66 24 109 U +66 24 110 P +66 24 111 C +66 24 112 P +66 24 113 C +66 24 114 U +66 24 115 P +66 24 116 U +66 24 117 C +66 24 118 P +66 24 119 U +66 24 120 S +66 24 121 P +66 24 122 U +66 24 123 U +66 24 124 S +66 24 125 P +66 24 126 P +66 24 127 C +66 24 128 S +66 24 129 S +66 24 130 U +66 24 131 P +66 24 132 P +66 24 133 U +66 24 134 C +66 24 135 P +66 24 136 U +66 24 137 U +66 24 138 U +66 24 139 S +66 24 140 U +66 24 141 S +66 24 142 S +66 24 143 U +66 24 144 C +66 24 145 U +66 24 146 P +66 24 147 U +66 24 148 P +66 24 149 S +66 24 150 C +66 24 151 P +66 24 152 P +66 24 153 U +66 24 154 C +66 24 155 C +66 24 156 U +66 24 157 C +66 24 158 S +66 24 159 S +66 24 160 P +66 24 161 U +66 24 162 P +66 24 163 U +66 24 164 U +66 24 165 C +66 24 166 C +66 24 167 P +66 24 168 U +66 24 169 U +66 24 170 C +66 24 171 C +66 24 172 S +66 24 173 P +66 24 174 P +66 24 175 S +66 24 176 P +66 24 177 S +66 24 178 U +66 24 179 C +66 24 180 U +66 24 181 P +66 24 182 P +66 24 183 S +66 24 184 P +66 24 185 P +66 24 186 U +66 24 187 P +66 24 188 U +66 24 189 S +66 24 190 P +66 24 191 U +66 24 192 C +66 24 193 S +66 24 194 C +66 24 195 U +66 24 196 S +66 24 197 P +66 24 198 C +66 24 199 S +66 24 200 U +66 24 201 P +66 24 202 U +66 24 203 P +66 24 204 C +66 24 205 C +66 24 206 S +66 24 207 P +66 24 208 P +66 24 209 U +66 24 210 C +66 24 211 U +66 24 212 P +66 24 213 P +66 24 214 U +66 24 215 P +66 24 216 C +66 24 217 P +66 24 218 C +66 24 219 S +66 24 220 U +66 24 221 S +66 24 222 C +66 24 223 U +66 24 224 S +66 24 225 U +66 24 226 U +66 24 227 C +66 24 228 C +66 24 229 U +66 24 230 S +66 24 231 P +66 24 232 C +66 24 233 C +66 24 234 U +66 24 235 U +66 24 236 U +66 24 237 P +66 24 238 U +66 24 239 P +66 24 240 P +66 24 241 S +66 24 242 S +66 24 243 P +66 24 244 S +66 24 245 P +66 24 246 U +66 24 247 C +66 24 248 C +66 24 249 U +66 24 250 C +66 24 251 S +66 24 252 S +66 24 253 U +66 24 254 U +66 24 255 C +66 24 256 P +66 24 257 C +66 24 258 S +66 24 259 P +66 24 260 S +66 24 261 P +66 24 262 S +66 24 263 C +66 24 264 S +66 24 265 U +66 24 266 P +66 24 267 P +66 24 268 U +66 24 269 P +66 24 270 P +66 24 271 C +66 24 272 S +66 24 273 P +66 24 274 S +66 24 275 S +66 24 276 P +66 24 277 U +66 24 278 P +66 24 279 U +66 24 280 U +66 24 281 U +66 24 282 U +66 24 283 C +66 24 284 S +66 24 285 P +66 24 286 S +66 24 287 S +66 24 288 P +66 24 289 U +66 24 290 S +66 24 291 U +66 24 292 P +66 24 293 S +66 24 294 S +66 24 295 S +66 24 296 S +66 24 297 P +66 24 298 P +66 24 299 U +66 24 300 C +66 24 301 U +66 24 302 S +66 24 303 U +66 24 304 U +66 24 305 C +66 24 306 S +66 24 307 U +66 24 308 P +66 24 309 C +66 24 310 U +66 24 311 U +66 24 312 C +66 24 313 C +66 24 314 S +66 24 315 U +66 24 316 U +66 24 317 P +66 24 318 P +66 24 319 S +66 24 320 C +66 24 321 P +66 24 322 U +66 24 323 U +66 24 324 S +66 24 325 P +66 24 326 P +66 24 327 S +66 24 328 U +66 24 329 C +66 24 330 S +66 25 1 U +66 25 2 U +66 25 3 P +66 25 4 P +66 25 5 U +66 25 6 P +66 25 7 U +66 25 8 P +66 25 9 P +66 25 10 U +66 25 11 U +66 25 12 P +66 25 13 U +66 25 14 U +66 25 15 P +66 25 16 S +66 25 17 P +66 25 18 C +66 25 19 U +66 25 20 U +66 25 21 P +66 25 22 S +66 25 23 P +66 25 24 C +66 25 25 U +66 25 26 U +66 25 27 S +66 25 28 P +66 25 29 U +66 25 30 P +66 25 31 U +66 25 32 P +66 25 33 U +66 25 34 U +66 25 35 P +66 25 36 C +66 25 37 U +66 25 38 P +66 25 39 U +66 25 40 U +66 25 41 P +66 25 42 U +66 25 43 C +66 25 44 S +66 25 45 U +66 25 46 C +66 25 47 C +66 25 48 P +66 25 49 U +66 25 50 C +66 25 51 C +66 25 52 S +66 25 53 P +66 25 54 U +66 25 55 U +66 25 56 P +66 25 57 U +66 25 58 U +66 25 59 P +66 25 60 C +66 25 61 P +66 25 62 U +66 25 63 P +66 25 64 U +66 25 65 P +66 25 66 S +66 25 67 U +66 25 68 P +66 25 69 C +66 25 70 S +66 25 71 C +66 25 72 U +66 25 73 P +66 25 74 U +66 25 75 C +66 25 76 P +66 25 77 U +66 25 78 P +66 25 79 C +66 25 80 U +66 25 81 U +66 25 82 U +66 25 83 S +66 25 84 P +66 25 85 U +66 25 86 P +66 25 87 C +66 25 88 P +66 25 89 C +66 25 90 C +66 25 91 U +66 25 92 S +66 25 93 U +66 25 94 C +66 25 95 S +66 25 96 P +66 25 97 P +66 25 98 P +66 25 99 P +66 25 100 U +66 25 101 P +66 25 102 S +66 25 103 C +66 25 104 U +66 25 105 P +66 25 106 S +66 25 107 S +66 25 108 U +66 25 109 U +66 25 110 P +66 25 111 S +66 25 112 P +66 25 113 C +66 25 114 U +66 25 115 P +66 25 116 U +66 25 117 C +66 25 118 P +66 25 119 U +66 25 120 S +66 25 121 P +66 25 122 U +66 25 123 U +66 25 124 S +66 25 125 P +66 25 126 P +66 25 127 C +66 25 128 U +66 25 129 S +66 25 130 C +66 25 131 P +66 25 132 P +66 25 133 U +66 25 134 C +66 25 135 P +66 25 136 U +66 25 137 C +66 25 138 U +66 25 139 S +66 25 140 U +66 25 141 S +66 25 142 U +66 25 143 U +66 25 144 C +66 25 145 U +66 25 146 P +66 25 147 U +66 25 148 P +66 25 149 U +66 25 150 U +66 25 151 P +66 25 152 P +66 25 153 U +66 25 154 C +66 25 155 C +66 25 156 U +66 25 157 C +66 25 158 S +66 25 159 P +66 25 160 P +66 25 161 U +66 25 162 P +66 25 163 U +66 25 164 U +66 25 165 C +66 25 166 C +66 25 167 P +66 25 168 U +66 25 169 U +66 25 170 C +66 25 171 U +66 25 172 S +66 25 173 P +66 25 174 P +66 25 175 U +66 25 176 P +66 25 177 S +66 25 178 U +66 25 179 P +66 25 180 U +66 25 181 P +66 25 182 P +66 25 183 U +66 25 184 P +66 25 185 P +66 25 186 U +66 25 187 P +66 25 188 U +66 25 189 U +66 25 190 P +66 25 191 U +66 25 192 P +66 25 193 U +66 25 194 P +66 25 195 U +66 25 196 S +66 25 197 P +66 25 198 C +66 25 199 S +66 25 200 U +66 25 201 P +66 25 202 U +66 25 203 P +66 25 204 C +66 25 205 U +66 25 206 S +66 25 207 P +66 25 208 P +66 25 209 U +66 25 210 P +66 25 211 U +66 25 212 P +66 25 213 U +66 25 214 U +66 25 215 P +66 25 216 C +66 25 217 P +66 25 218 U +66 25 219 U +66 25 220 U +66 25 221 S +66 25 222 P +66 25 223 U +66 25 224 S +66 25 225 U +66 25 226 U +66 25 227 C +66 25 228 U +66 25 229 U +66 25 230 S +66 25 231 P +66 25 232 C +66 25 233 U +66 25 234 U +66 25 235 U +66 25 236 U +66 25 237 P +66 25 238 U +66 25 239 P +66 25 240 C +66 25 241 S +66 25 242 S +66 25 243 P +66 25 244 S +66 25 245 P +66 25 246 U +66 25 247 U +66 25 248 C +66 25 249 U +66 25 250 P +66 25 251 U +66 25 252 S +66 25 253 U +66 25 254 U +66 25 255 C +66 25 256 P +66 25 257 U +66 25 258 P +66 25 259 P +66 25 260 S +66 25 261 P +66 25 262 S +66 25 263 C +66 25 264 S +66 25 265 U +66 25 266 P +66 25 267 P +66 25 268 U +66 25 269 P +66 25 270 P +66 25 271 C +66 25 272 S +66 25 273 P +66 25 274 S +66 25 275 U +66 25 276 P +66 25 277 C +66 25 278 P +66 25 279 C +66 25 280 U +66 25 281 U +66 25 282 U +66 25 283 P +66 25 284 S +66 25 285 P +66 25 286 S +66 25 287 P +66 25 288 P +66 25 289 U +66 25 290 S +66 25 291 U +66 25 292 P +66 25 293 S +66 25 294 S +66 25 295 P +66 25 296 U +66 25 297 P +66 25 298 P +66 25 299 U +66 25 300 S +66 25 301 U +66 25 302 S +66 25 303 U +66 25 304 U +66 25 305 P +66 25 306 U +66 25 307 U +66 25 308 P +66 25 309 C +66 25 310 U +66 25 311 U +66 25 312 C +66 25 313 U +66 25 314 S +66 25 315 U +66 25 316 U +66 25 317 P +66 25 318 P +66 25 319 S +66 25 320 U +66 25 321 P +66 25 322 U +66 25 323 C +66 25 324 S +66 25 325 P +66 25 326 P +66 25 327 S +66 25 328 C +66 25 329 P +66 25 330 S +67 1 1 AL +67 1 2 AL +67 1 3 MB +67 1 4 MR +67 1 5 AL +67 1 6 CX +67 1 7 LM +67 1 8 CA +67 1 9 CA +67 1 10 AL +67 1 11 CN +67 1 12 CX +67 1 13 CN +67 1 14 AL +67 1 15 IX +67 1 16 TX +67 1 17 MB +67 1 18 PT +67 1 19 AL +67 1 20 CN +67 1 21 MB +67 1 22 CX +67 1 23 MR +67 1 24 PT +67 1 25 CN +67 1 26 AL +67 1 27 TX +67 1 28 IX +67 1 29 CN +67 1 30 CA +67 1 31 AL +67 1 32 MR +67 1 33 LM +67 1 34 AL +67 1 35 XJ +67 1 36 CN +67 1 37 AL +67 1 38 MB +67 1 39 CN +67 1 40 XJ +67 1 41 CA +67 1 42 CX +67 1 43 AL +67 1 44 TX +67 1 45 CN +67 1 46 PT +67 1 47 CN +67 1 48 CX +67 1 49 XJ +67 1 50 MR +67 1 51 CA +67 1 52 XJ +67 1 53 IX +67 1 54 LM +67 1 55 AL +67 1 56 XJ +67 1 57 CN +67 1 58 CX +67 1 59 XJ +67 1 60 CN +67 1 61 CA +67 1 62 MR +67 1 63 MB +67 1 64 AL +67 1 65 MB +67 1 66 TX +67 1 67 CN +67 1 68 IX +67 1 69 CN +67 1 70 XJ +67 1 71 CA +67 1 72 CN +67 1 73 MR +67 1 74 AL +67 1 75 CN +67 1 76 MB +67 1 77 CN +67 1 78 XJ +67 1 79 PT +67 1 80 AL +67 1 81 LM +67 1 82 XJ +67 1 83 TX +67 1 84 XJ +67 1 85 MZ +67 1 86 XJ +67 1 87 CN +67 1 88 MR +67 1 89 PT +67 1 90 CN +67 1 91 LM +67 1 92 TX +67 1 93 AL +67 1 94 CA +67 1 95 XJ +67 1 96 CX +67 1 97 MR +67 1 98 MB +67 1 99 XJ +67 1 100 AL +67 1 101 CA +67 1 102 XJ +67 1 103 CN +67 1 104 AL +67 1 105 MR +67 1 106 LM +67 1 107 XJ +67 1 108 XJ +67 1 109 AL +67 1 110 CX +67 1 111 CN +67 1 112 MB +67 1 113 PT +67 1 114 CN +67 1 115 MB +67 1 116 AL +67 1 117 CA +67 1 118 IX +67 1 119 MZ +67 1 120 TX +67 1 121 MB +67 1 122 MZ +67 1 123 VE +67 1 124 LM +67 1 125 NR +67 1 126 IX +67 1 127 CN +67 1 128 LM +67 1 129 TX +67 1 130 VE +67 1 131 MR +67 1 132 MB +67 1 133 MZ +67 1 134 CA +67 1 135 IX +67 1 136 XJ +67 1 137 VE +67 1 138 AL +67 1 139 TX +67 1 140 AL +67 1 141 TX +67 1 142 XJ +67 1 143 LM +67 1 144 MR +67 1 145 VE +67 1 146 CX +67 1 147 VE +67 1 148 MB +67 1 149 XJ +67 1 150 MR +67 1 151 IX +67 1 152 IX +67 1 153 AL +67 1 154 PT +67 1 155 VE +67 1 156 MZ +67 1 157 CA +67 1 158 TX +67 1 159 CX +67 1 160 XJ +67 1 161 VE +67 1 162 MB +67 1 163 VE +67 1 164 AL +67 1 165 MZ +67 1 166 AL +67 1 167 IX +67 1 168 VE +67 1 169 AL +67 1 170 VE +67 1 171 LM +67 1 172 TX +67 1 173 IX +67 1 174 CX +67 1 175 AL +67 1 176 MB +67 1 177 XJ +67 1 178 AL +67 1 179 CA +67 1 180 MZ +67 1 181 NR +67 1 182 CA +67 1 183 XJ +67 1 184 MR +67 1 185 NR +67 1 186 AL +67 1 187 CX +67 1 188 AL +67 1 189 XJ +67 1 190 TX +67 1 191 MZ +67 1 192 MR +67 1 193 CX +67 1 194 CA +67 1 195 MZ +67 1 196 AL +67 1 197 MR +67 1 198 PT +67 1 199 TX +67 1 200 AL +67 1 201 XJ +67 1 202 MZ +67 1 203 MR +67 1 204 CA +67 1 205 MR +67 1 206 TX +67 1 207 IX +67 1 208 NR +67 1 209 VE +67 1 210 CA +67 1 211 AL +67 1 212 NR +67 1 213 IX +67 1 214 LM +67 1 215 XJ +67 1 216 VE +67 1 217 IX +67 1 218 LM +67 1 219 TX +67 1 220 MR +67 1 221 XJ +67 1 222 MR +67 1 223 MZ +67 1 224 TX +67 1 225 LM +67 1 226 VE +67 1 227 VE +67 1 228 AL +67 1 229 AL +67 1 230 TX +67 1 231 IX +67 1 232 VE +67 1 233 MR +67 1 234 MZ +67 1 235 AL +67 1 236 LM +67 1 237 XJ +67 1 238 VE +67 1 239 IX +67 1 240 CA +67 1 241 TX +67 1 242 TX +67 1 243 CA +67 1 244 AL +67 1 245 MB +67 1 246 VE +67 1 247 MR +67 1 248 VE +67 1 249 MZ +67 1 250 MR +67 1 251 AL +67 1 252 TX +67 1 253 VE +67 1 254 AL +67 1 255 PT +67 1 256 MB +67 1 257 AL +67 1 258 CX +67 1 259 CA +67 1 260 XJ +67 1 261 NR +67 1 262 TX +67 1 263 XJ +67 1 264 AL +67 1 265 MZ +67 1 266 CA +67 1 267 MR +67 1 268 VE +67 1 269 IX +67 1 270 NR +67 1 271 VE +67 1 272 TX +67 1 273 IX +67 1 274 TX +67 1 275 LM +67 1 276 MR +67 1 277 VE +67 1 278 XJ +67 1 279 AL +67 1 280 LM +67 1 281 VE +67 1 282 MZ +67 1 283 CA +67 1 284 TX +67 1 285 IX +67 1 286 TX +67 1 287 XJ +67 1 288 MB +67 1 289 AL +67 1 290 XJ +67 1 291 AL +67 1 292 IX +67 1 293 XJ +67 1 294 TX +67 1 295 CA +67 1 296 MR +67 1 297 CX +67 1 298 MB +67 1 299 MZ +67 1 300 XJ +67 1 301 VE +67 1 302 XJ +67 1 303 AL +67 1 304 LM +67 1 305 MR +67 1 306 LM +67 1 307 VE +67 1 308 IX +67 1 309 XJ +67 1 310 VE +67 1 311 AL +67 1 312 PT +67 1 313 AL +67 1 314 TX +67 1 315 LM +67 1 316 VE +67 1 317 IX +67 1 318 NR +67 1 319 XJ +67 1 320 LM +67 1 321 MB +67 1 322 AL +67 1 323 VE +67 1 324 TX +67 1 325 MR +67 1 326 NR +67 1 327 XJ +67 1 328 VE +67 1 329 CA +67 1 330 TX +67 2 1 CN +67 2 2 CN +67 2 3 CX +67 2 4 MR +67 2 5 CN +67 2 6 CX +67 2 7 LM +67 2 8 IX +67 2 9 CA +67 2 10 CN +67 2 11 MZ +67 2 12 CX +67 2 13 MZ +67 2 14 CN +67 2 15 MR +67 2 16 TX +67 2 17 CX +67 2 18 PT +67 2 19 CN +67 2 20 VE +67 2 21 IX +67 2 22 CX +67 2 23 MR +67 2 24 DY +67 2 25 CN +67 2 26 AL +67 2 27 IX +67 2 28 IX +67 2 29 LM +67 2 30 CX +67 2 31 CN +67 2 32 MR +67 2 33 LM +67 2 34 AL +67 2 35 IX +67 2 36 VE +67 2 37 CN +67 2 38 IX +67 2 39 VE +67 2 40 CN +67 2 41 CA +67 2 42 CX +67 2 43 CN +67 2 44 TX +67 2 45 VE +67 2 46 PT +67 2 47 VE +67 2 48 CX +67 2 49 CN +67 2 50 MR +67 2 51 CA +67 2 52 LM +67 2 53 MR +67 2 54 LM +67 2 55 CN +67 2 56 IX +67 2 57 CN +67 2 58 CX +67 2 59 MR +67 2 60 CN +67 2 61 IX +67 2 62 MR +67 2 63 IX +67 2 64 CN +67 2 65 IX +67 2 66 TX +67 2 67 LM +67 2 68 MR +67 2 69 LM +67 2 70 MR +67 2 71 MR +67 2 72 VE +67 2 73 MR +67 2 74 CN +67 2 75 VE +67 2 76 CX +67 2 77 CN +67 2 78 MR +67 2 79 PT +67 2 80 AL +67 2 81 LM +67 2 82 LM +67 2 83 CX +67 2 84 IX +67 2 85 VE +67 2 86 MR +67 2 87 PT +67 2 88 MR +67 2 89 PT +67 2 90 VE +67 2 91 LM +67 2 92 TX +67 2 93 AL +67 2 94 CA +67 2 95 LM +67 2 96 CX +67 2 97 MR +67 2 98 IX +67 2 99 MR +67 2 100 CN +67 2 101 MR +67 2 102 MR +67 2 103 DY +67 2 104 CN +67 2 105 MR +67 2 106 LM +67 2 107 TX +67 2 108 VE +67 2 109 AL +67 2 110 CX +67 2 111 VE +67 2 112 IX +67 2 113 PT +67 2 114 VE +67 2 115 IX +67 2 116 CN +67 2 117 GU +67 2 118 MR +67 2 119 VE +67 2 120 TX +67 2 121 CX +67 2 122 VE +67 2 123 CN +67 2 124 LM +67 2 125 CX +67 2 126 IX +67 2 127 VE +67 2 128 CX +67 2 129 TX +67 2 130 DY +67 2 131 MR +67 2 132 CX +67 2 133 VE +67 2 134 GU +67 2 135 MR +67 2 136 CN +67 2 137 VE +67 2 138 CN +67 2 139 TX +67 2 140 AL +67 2 141 TX +67 2 142 TX +67 2 143 LM +67 2 144 MR +67 2 145 LM +67 2 146 CX +67 2 147 VE +67 2 148 IX +67 2 149 LM +67 2 150 MR +67 2 151 IX +67 2 152 MR +67 2 153 AL +67 2 154 PT +67 2 155 CA +67 2 156 VE +67 2 157 CA +67 2 158 TX +67 2 159 CX +67 2 160 IX +67 2 161 LM +67 2 162 IX +67 2 163 VE +67 2 164 AL +67 2 165 TR +67 2 166 AL +67 2 167 MR +67 2 168 VE +67 2 169 AL +67 2 170 VE +67 2 171 TR +67 2 172 TX +67 2 173 IX +67 2 174 CX +67 2 175 CN +67 2 176 IX +67 2 177 LM +67 2 178 AL +67 2 179 CA +67 2 180 VE +67 2 181 CX +67 2 182 MR +67 2 183 CX +67 2 184 MR +67 2 185 CX +67 2 186 CN +67 2 187 CX +67 2 188 CN +67 2 189 CN +67 2 190 IX +67 2 191 VE +67 2 192 MR +67 2 193 LM +67 2 194 GU +67 2 195 LM +67 2 196 VE +67 2 197 MR +67 2 198 PT +67 2 199 LM +67 2 200 CN +67 2 201 IX +67 2 202 VE +67 2 203 MR +67 2 204 CA +67 2 205 MR +67 2 206 LM +67 2 207 IX +67 2 208 CX +67 2 209 VE +67 2 210 GU +67 2 211 CN +67 2 212 CX +67 2 213 MR +67 2 214 LM +67 2 215 MR +67 2 216 VE +67 2 217 IX +67 2 218 LM +67 2 219 LM +67 2 220 MR +67 2 221 LM +67 2 222 MR +67 2 223 VE +67 2 224 IX +67 2 225 TR +67 2 226 CN +67 2 227 PT +67 2 228 AL +67 2 229 LM +67 2 230 IX +67 2 231 MR +67 2 232 CX +67 2 233 MR +67 2 234 VE +67 2 235 AL +67 2 236 LM +67 2 237 IX +67 2 238 VE +67 2 239 IX +67 2 240 CA +67 2 241 TX +67 2 242 CX +67 2 243 MR +67 2 244 CN +67 2 245 MB +67 2 246 CN +67 2 247 MR +67 2 248 VE +67 2 249 VE +67 2 250 MR +67 2 251 LM +67 2 252 IX +67 2 253 LM +67 2 254 MR +67 2 255 PT +67 2 256 IX +67 2 257 CN +67 2 258 CX +67 2 259 MB +67 2 260 LM +67 2 261 CX +67 2 262 TX +67 2 263 PE +67 2 264 CN +67 2 265 VE +67 2 266 GU +67 2 267 MR +67 2 268 LM +67 2 269 MR +67 2 270 CX +67 2 271 VE +67 2 272 TX +67 2 273 MR +67 2 274 TX +67 2 275 LM +67 2 276 MR +67 2 277 CN +67 2 278 IX +67 2 279 AL +67 2 280 LM +67 2 281 VE +67 2 282 LM +67 2 283 CA +67 2 284 CN +67 2 285 MR +67 2 286 TX +67 2 287 CX +67 2 288 MB +67 2 289 CN +67 2 290 TX +67 2 291 AL +67 2 292 IX +67 2 293 LM +67 2 294 CN +67 2 295 CX +67 2 296 MR +67 2 297 CX +67 2 298 IX +67 2 299 VE +67 2 300 GR +67 2 301 VE +67 2 302 IX +67 2 303 MR +67 2 304 LM +67 2 305 MR +67 2 306 LM +67 2 307 CN +67 2 308 MR +67 2 309 VE +67 2 310 VE +67 2 311 CN +67 2 312 PT +67 2 313 AL +67 2 314 IX +67 2 315 LM +67 2 316 VE +67 2 317 MR +67 2 318 CX +67 2 319 TX +67 2 320 LM +67 2 321 IX +67 2 322 CN +67 2 323 MZ +67 2 324 IX +67 2 325 MR +67 2 326 CX +67 2 327 CN +67 2 328 VE +67 2 329 CX +67 2 330 CN +67 3 1 AL +67 3 2 AL +67 3 3 NR +67 3 4 GR +67 3 5 VE +67 3 6 CA +67 3 7 LM +67 3 8 GU +67 3 9 XJ +67 3 10 AL +67 3 11 CN +67 3 12 CX +67 3 13 VE +67 3 14 AL +67 3 15 MR +67 3 16 TX +67 3 17 CL +67 3 18 PT +67 3 19 AL +67 3 20 VE +67 3 21 MB +67 3 22 CX +67 3 23 MR +67 3 24 XJ +67 3 25 CN +67 3 26 AL +67 3 27 TX +67 3 28 MB +67 3 29 VE +67 3 30 CA +67 3 31 AL +67 3 32 MR +67 3 33 VE +67 3 34 AL +67 3 35 IX +67 3 36 PT +67 3 37 AL +67 3 38 IX +67 3 39 VE +67 3 40 AL +67 3 41 GU +67 3 42 CX +67 3 43 AL +67 3 44 TX +67 3 45 VE +67 3 46 PT +67 3 47 VE +67 3 48 CX +67 3 49 AL +67 3 50 MR +67 3 51 CA +67 3 52 AL +67 3 53 GU +67 3 54 VE +67 3 55 AL +67 3 56 IX +67 3 57 CP +67 3 58 MZ +67 3 59 MR +67 3 60 PT +67 3 61 GU +67 3 62 AL +67 3 63 RO +67 3 64 AL +67 3 65 FR +67 3 66 TX +67 3 67 VE +67 3 68 MR +67 3 69 VE +67 3 70 TX +67 3 71 VN +67 3 72 VE +67 3 73 MR +67 3 74 AL +67 3 75 CP +67 3 76 NR +67 3 77 AL +67 3 78 IX +67 3 79 PT +67 3 80 AL +67 3 81 VE +67 3 82 AL +67 3 83 TX +67 3 84 IX +67 3 85 VE +67 3 86 MR +67 3 87 PT +67 3 88 MR +67 3 89 CP +67 3 90 VE +67 3 91 VE +67 3 92 TX +67 3 93 AL +67 3 94 PT +67 3 95 AL +67 3 96 CX +67 3 97 MR +67 3 98 IX +67 3 99 AL +67 3 100 AL +67 3 101 GU +67 3 102 AL +67 3 103 VE +67 3 104 AL +67 3 105 MR +67 3 106 CX +67 3 107 TX +67 3 108 AL +67 3 109 AL +67 3 110 CX +67 3 111 VE +67 3 112 IX +67 3 113 PT +67 3 114 AL +67 3 115 VN +67 3 116 AL +67 3 117 XJ +67 3 118 RO +67 3 119 VE +67 3 120 TX +67 3 121 NR +67 3 122 VE +67 3 123 AL +67 3 124 VE +67 3 125 NR +67 3 126 RO +67 3 127 PT +67 3 128 CX +67 3 129 TX +67 3 130 CP +67 3 131 MR +67 3 132 NR +67 3 133 VE +67 3 134 CA +67 3 135 MR +67 3 136 AL +67 3 137 VE +67 3 138 AL +67 3 139 IX +67 3 140 AL +67 3 141 TX +67 3 142 AL +67 3 143 VE +67 3 144 MR +67 3 145 VE +67 3 146 CX +67 3 147 AL +67 3 148 MB +67 3 149 VE +67 3 150 MR +67 3 151 CA +67 3 152 RO +67 3 153 AL +67 3 154 PT +67 3 155 XJ +67 3 156 VE +67 3 157 XJ +67 3 158 TX +67 3 159 CX +67 3 160 RO +67 3 161 VE +67 3 162 IX +67 3 163 AL +67 3 164 AL +67 3 165 VE +67 3 166 AL +67 3 167 AL +67 3 168 VE +67 3 169 AL +67 3 170 PT +67 3 171 VE +67 3 172 TX +67 3 173 CL +67 3 174 CX +67 3 175 AL +67 3 176 IX +67 3 177 MZ +67 3 178 AL +67 3 179 VN +67 3 180 VE +67 3 181 CX +67 3 182 GU +67 3 183 MB +67 3 184 MR +67 3 185 CX +67 3 186 AL +67 3 187 CX +67 3 188 AL +67 3 189 AL +67 3 190 RO +67 3 191 VE +67 3 192 MR +67 3 193 VE +67 3 194 CA +67 3 195 VE +67 3 196 AL +67 3 197 MR +67 3 198 CP +67 3 199 AL +67 3 200 AL +67 3 201 RO +67 3 202 VE +67 3 203 MR +67 3 204 MB +67 3 205 MR +67 3 206 AL +67 3 207 IX +67 3 208 CX +67 3 209 VE +67 3 210 VN +67 3 211 AL +67 3 212 NR +67 3 213 AL +67 3 214 VE +67 3 215 MR +67 3 216 CP +67 3 217 RO +67 3 218 VE +67 3 219 AL +67 3 220 AL +67 3 221 AL +67 3 222 MR +67 3 223 VE +67 3 224 TX +67 3 225 MZ +67 3 226 AL +67 3 227 PT +67 3 228 AL +67 3 229 VE +67 3 230 TX +67 3 231 MR +67 3 232 MB +67 3 233 AL +67 3 234 VE +67 3 235 AL +67 3 236 VE +67 3 237 CA +67 3 238 AL +67 3 239 RO +67 3 240 NR +67 3 241 TX +67 3 242 CX +67 3 243 MR +67 3 244 AL +67 3 245 MB +67 3 246 AL +67 3 247 MR +67 3 248 VE +67 3 249 VE +67 3 250 MR +67 3 251 VE +67 3 252 TX +67 3 253 AL +67 3 254 AL +67 3 255 PT +67 3 256 IX +67 3 257 AL +67 3 258 CX +67 3 259 GU +67 3 260 VE +67 3 261 NR +67 3 262 TX +67 3 263 PT +67 3 264 AL +67 3 265 VE +67 3 266 CA +67 3 267 MR +67 3 268 VE +67 3 269 MR +67 3 270 CX +67 3 271 CP +67 3 272 AL +67 3 273 MR +67 3 274 TX +67 3 275 VE +67 3 276 MR +67 3 277 AL +67 3 278 CL +67 3 279 AL +67 3 280 VE +67 3 281 AL +67 3 282 VE +67 3 283 CA +67 3 284 AL +67 3 285 RO +67 3 286 TX +67 3 287 MB +67 3 288 MB +67 3 289 AL +67 3 290 TX +67 3 291 AL +67 3 292 RO +67 3 293 AL +67 3 294 TX +67 3 295 MB +67 3 296 MR +67 3 297 CX +67 3 298 MB +67 3 299 VE +67 3 300 PX +67 3 301 AL +67 3 302 TX +67 3 303 AL +67 3 304 VE +67 3 305 MR +67 3 306 VE +67 3 307 AL +67 3 308 MR +67 3 309 CN +67 3 310 VE +67 3 311 AL +67 3 312 PT +67 3 313 AL +67 3 314 TX +67 3 315 VE +67 3 316 AL +67 3 317 MR +67 3 318 NR +67 3 319 TX +67 3 320 VE +67 3 321 IX +67 3 322 AL +67 3 323 VE +67 3 324 TX +67 3 325 MR +67 3 326 CX +67 3 327 AL +67 3 328 VE +67 3 329 CA +67 3 330 AL +67 4 1 AL +67 4 2 AL +67 4 3 NR +67 4 4 GU +67 4 5 AL +67 4 6 JX +67 4 7 LM +67 4 8 GU +67 4 9 CA +67 4 10 CN +67 4 11 VE +67 4 12 CX +67 4 13 VE +67 4 14 CN +67 4 15 IX +67 4 16 TX +67 4 17 TX +67 4 18 PT +67 4 19 AL +67 4 20 LM +67 4 21 IX +67 4 22 CX +67 4 23 MR +67 4 24 JX +67 4 25 CN +67 4 26 AL +67 4 27 TX +67 4 28 IX +67 4 29 VE +67 4 30 NR +67 4 31 AL +67 4 32 MR +67 4 33 LM +67 4 34 AL +67 4 35 NR +67 4 36 VE +67 4 37 AL +67 4 38 GU +67 4 39 VE +67 4 40 AL +67 4 41 GU +67 4 42 CX +67 4 43 AL +67 4 44 TX +67 4 45 VE +67 4 46 JX +67 4 47 VE +67 4 48 CX +67 4 49 AL +67 4 50 MR +67 4 51 CA +67 4 52 JX +67 4 53 MR +67 4 54 VE +67 4 55 AL +67 4 56 TX +67 4 57 AL +67 4 58 CX +67 4 59 MR +67 4 60 VE +67 4 61 CA +67 4 62 MR +67 4 63 TX +67 4 64 AL +67 4 65 IX +67 4 66 TX +67 4 67 VE +67 4 68 IX +67 4 69 MZ +67 4 70 MR +67 4 71 GU +67 4 72 VE +67 4 73 MR +67 4 74 CN +67 4 75 VE +67 4 76 NR +67 4 77 AL +67 4 78 IX +67 4 79 JX +67 4 80 AL +67 4 81 LM +67 4 82 CN +67 4 83 CX +67 4 84 IX +67 4 85 VE +67 4 86 IX +67 4 87 JX +67 4 88 MR +67 4 89 PT +67 4 90 VE +67 4 91 LM +67 4 92 CX +67 4 93 AL +67 4 94 CA +67 4 95 CN +67 4 96 CX +67 4 97 MR +67 4 98 RO +67 4 99 CA +67 4 100 CN +67 4 101 GU +67 4 102 MR +67 4 103 MZ +67 4 104 CN +67 4 105 MR +67 4 106 CX +67 4 107 TX +67 4 108 AL +67 4 109 AL +67 4 110 CX +67 4 111 MZ +67 4 112 IX +67 4 113 CA +67 4 114 VE +67 4 115 GU +67 4 116 CN +67 4 117 CA +67 4 118 TX +67 4 119 VE +67 4 120 TX +67 4 121 NR +67 4 122 VE +67 4 123 AL +67 4 124 LM +67 4 125 NR +67 4 126 TX +67 4 127 VE +67 4 128 CX +67 4 129 TX +67 4 130 MZ +67 4 131 MR +67 4 132 MB +67 4 133 VE +67 4 134 CA +67 4 135 MR +67 4 136 CN +67 4 137 VE +67 4 138 CN +67 4 139 MR +67 4 140 AL +67 4 141 TX +67 4 142 MR +67 4 143 LM +67 4 144 MR +67 4 145 VE +67 4 146 CX +67 4 147 CN +67 4 148 MB +67 4 149 VE +67 4 150 MR +67 4 151 TX +67 4 152 MR +67 4 153 AL +67 4 154 JX +67 4 155 CA +67 4 156 VE +67 4 157 CA +67 4 158 TX +67 4 159 CX +67 4 160 TX +67 4 161 VE +67 4 162 IX +67 4 163 AL +67 4 164 CN +67 4 165 MZ +67 4 166 CN +67 4 167 MR +67 4 168 VE +67 4 169 CN +67 4 170 VE +67 4 171 MZ +67 4 172 TX +67 4 173 IX +67 4 174 CX +67 4 175 TX +67 4 176 IX +67 4 177 MZ +67 4 178 AL +67 4 179 CA +67 4 180 VE +67 4 181 CX +67 4 182 CA +67 4 183 MZ +67 4 184 MR +67 4 185 CX +67 4 186 CN +67 4 187 CX +67 4 188 AL +67 4 189 AL +67 4 190 TX +67 4 191 VE +67 4 192 MR +67 4 193 LM +67 4 194 CA +67 4 195 VE +67 4 196 TX +67 4 197 MR +67 4 198 PT +67 4 199 TX +67 4 200 TX +67 4 201 TX +67 4 202 VE +67 4 203 MR +67 4 204 PT +67 4 205 MR +67 4 206 TX +67 4 207 IX +67 4 208 CX +67 4 209 VE +67 4 210 CA +67 4 211 AL +67 4 212 NR +67 4 213 MR +67 4 214 LM +67 4 215 MR +67 4 216 MZ +67 4 217 TX +67 4 218 MZ +67 4 219 TX +67 4 220 MR +67 4 221 TX +67 4 222 MR +67 4 223 VE +67 4 224 TX +67 4 225 MZ +67 4 226 AL +67 4 227 PT +67 4 228 AL +67 4 229 TX +67 4 230 TX +67 4 231 MR +67 4 232 MZ +67 4 233 MR +67 4 234 VE +67 4 235 AL +67 4 236 LM +67 4 237 TX +67 4 238 CN +67 4 239 IX +67 4 240 CA +67 4 241 TX +67 4 242 CX +67 4 243 GU +67 4 244 TX +67 4 245 MB +67 4 246 CN +67 4 247 MR +67 4 248 VE +67 4 249 VE +67 4 250 MR +67 4 251 VE +67 4 252 TX +67 4 253 VE +67 4 254 MR +67 4 255 PT +67 4 256 IX +67 4 257 CN +67 4 258 CX +67 4 259 CA +67 4 260 TX +67 4 261 NR +67 4 262 TX +67 4 263 JX +67 4 264 TX +67 4 265 VE +67 4 266 CA +67 4 267 GU +67 4 268 VE +67 4 269 MR +67 4 270 CX +67 4 271 VE +67 4 272 TX +67 4 273 MR +67 4 274 TX +67 4 275 MZ +67 4 276 MR +67 4 277 CN +67 4 278 IX +67 4 279 MR +67 4 280 VE +67 4 281 VE +67 4 282 VE +67 4 283 CA +67 4 284 CN +67 4 285 IX +67 4 286 TX +67 4 287 CX +67 4 288 MB +67 4 289 TX +67 4 290 TX +67 4 291 AL +67 4 292 IX +67 4 293 CN +67 4 294 TX +67 4 295 CA +67 4 296 MR +67 4 297 CX +67 4 298 MB +67 4 299 VE +67 4 300 JX +67 4 301 VE +67 4 302 TX +67 4 303 MR +67 4 304 MZ +67 4 305 MR +67 4 306 LM +67 4 307 CN +67 4 308 MR +67 4 309 MZ +67 4 310 VE +67 4 311 CN +67 4 312 PT +67 4 313 MR +67 4 314 TX +67 4 315 VE +67 4 316 CN +67 4 317 GU +67 4 318 NR +67 4 319 TX +67 4 320 MZ +67 4 321 IX +67 4 322 AL +67 4 323 VE +67 4 324 TX +67 4 325 MR +67 4 326 CX +67 4 327 CN +67 4 328 VE +67 4 329 CA +67 4 330 CN +67 5 1 CN +67 5 2 MZ +67 5 3 NR +67 5 4 MR +67 5 5 CN +67 5 6 CA +67 5 7 VE +67 5 8 MB +67 5 9 CA +67 5 10 CN +67 5 11 VE +67 5 12 CX +67 5 13 CN +67 5 14 CN +67 5 15 MR +67 5 16 TX +67 5 17 MB +67 5 18 PT +67 5 19 CN +67 5 20 VE +67 5 21 MB +67 5 22 CX +67 5 23 MR +67 5 24 PT +67 5 25 CN +67 5 26 CN +67 5 27 TX +67 5 28 MB +67 5 29 MZ +67 5 30 CA +67 5 31 CN +67 5 32 MR +67 5 33 VE +67 5 34 CN +67 5 35 MB +67 5 36 MZ +67 5 37 CN +67 5 38 MB +67 5 39 MZ +67 5 40 MB +67 5 41 GU +67 5 42 CX +67 5 43 MZ +67 5 44 TX +67 5 45 VE +67 5 46 GR +67 5 47 MZ +67 5 48 CX +67 5 49 CN +67 5 50 MR +67 5 51 CA +67 5 52 TX +67 5 53 MB +67 5 54 MZ +67 5 55 CN +67 5 56 RO +67 5 57 CN +67 5 58 VE +67 5 59 VE +67 5 60 MR +67 5 61 MZ +67 5 62 GU +67 5 63 MR +67 5 64 CN +67 5 65 CN +67 5 66 MB +67 5 67 TX +67 5 68 VE +67 5 69 MR +67 5 70 VE +67 5 71 MR +67 5 72 GU +67 5 73 CN +67 5 74 CN +67 5 75 VE +67 5 76 CX +67 5 77 AL +67 5 78 MR +67 5 79 PT +67 5 80 AL +67 5 81 VE +67 5 82 AL +67 5 83 CX +67 5 84 MB +67 5 85 VE +67 5 86 MB +67 5 87 PT +67 5 88 MR +67 5 89 PT +67 5 90 VE +67 5 91 VE +67 5 92 TX +67 5 93 CN +67 5 94 CA +67 5 95 AL +67 5 96 CX +67 5 97 MR +67 5 98 IX +67 5 99 MR +67 5 100 AL +67 5 101 MB +67 5 102 MR +67 5 103 CA +67 5 104 CN +67 5 105 MR +67 5 106 VE +67 5 107 TX +67 5 108 CN +67 5 109 AL +67 5 110 CX +67 5 111 VE +67 5 112 MB +67 5 113 PT +67 5 114 VE +67 5 115 MB +67 5 116 AL +67 5 117 CA +67 5 118 IX +67 5 119 VE +67 5 120 TX +67 5 121 CX +67 5 122 MZ +67 5 123 AL +67 5 124 MZ +67 5 125 CX +67 5 126 MB +67 5 127 MZ +67 5 128 VE +67 5 129 MR +67 5 130 VE +67 5 131 MR +67 5 132 CX +67 5 133 MZ +67 5 134 CA +67 5 135 MR +67 5 136 CN +67 5 137 MZ +67 5 138 AL +67 5 139 TX +67 5 140 CN +67 5 141 TX +67 5 142 MR +67 5 143 MZ +67 5 144 MR +67 5 145 CN +67 5 146 CX +67 5 147 CN +67 5 148 MB +67 5 149 MZ +67 5 150 MR +67 5 151 MB +67 5 152 MR +67 5 153 CN +67 5 154 PT +67 5 155 VE +67 5 156 MZ +67 5 157 CA +67 5 158 TX +67 5 159 CX +67 5 160 MB +67 5 161 MZ +67 5 162 IX +67 5 163 CN +67 5 164 CN +67 5 165 MZ +67 5 166 CN +67 5 167 MR +67 5 168 MZ +67 5 169 CN +67 5 170 MZ +67 5 171 MZ +67 5 172 TX +67 5 173 MB +67 5 174 CX +67 5 175 XN +67 5 176 IX +67 5 177 CX +67 5 178 CN +67 5 179 IX +67 5 180 CN +67 5 181 CA +67 5 182 MR +67 5 183 CA +67 5 184 MR +67 5 185 CX +67 5 186 CN +67 5 187 CX +67 5 188 CN +67 5 189 CN +67 5 190 MB +67 5 191 MZ +67 5 192 MR +67 5 193 MZ +67 5 194 MB +67 5 195 MZ +67 5 196 CN +67 5 197 MR +67 5 198 PT +67 5 199 CN +67 5 200 CN +67 5 201 IX +67 5 202 MZ +67 5 203 MR +67 5 204 CA +67 5 205 MR +67 5 206 VE +67 5 207 MB +67 5 208 CA +67 5 209 MZ +67 5 210 IX +67 5 211 CN +67 5 212 CX +67 5 213 MR +67 5 214 CN +67 5 215 MR +67 5 216 VE +67 5 217 MB +67 5 218 VE +67 5 219 CN +67 5 220 MR +67 5 221 CN +67 5 222 MR +67 5 223 VE +67 5 224 MR +67 5 225 CN +67 5 226 CN +67 5 227 PT +67 5 228 CN +67 5 229 MZ +67 5 230 MR +67 5 231 MR +67 5 232 CA +67 5 233 MR +67 5 234 MZ +67 5 235 CN +67 5 236 MZ +67 5 237 IX +67 5 238 CN +67 5 239 MB +67 5 240 IX +67 5 241 MR +67 5 242 MZ +67 5 243 GU +67 5 244 CN +67 5 245 MB +67 5 246 CN +67 5 247 MR +67 5 248 MZ +67 5 249 MZ +67 5 250 MR +67 5 251 CN +67 5 252 MR +67 5 253 CN +67 5 254 CN +67 5 255 PT +67 5 256 MB +67 5 257 CN +67 5 258 CX +67 5 259 IX +67 5 260 CN +67 5 261 CX +67 5 262 MR +67 5 263 CA +67 5 264 CN +67 5 265 MZ +67 5 266 CX +67 5 267 MR +67 5 268 MZ +67 5 269 MR +67 5 270 CX +67 5 271 MZ +67 5 272 TX +67 5 273 MR +67 5 274 TX +67 5 275 MZ +67 5 276 MB +67 5 277 MZ +67 5 278 IX +67 5 279 MR +67 5 280 MZ +67 5 281 MZ +67 5 282 MZ +67 5 283 CA +67 5 284 TX +67 5 285 MB +67 5 286 TX +67 5 287 MZ +67 5 288 IX +67 5 289 CN +67 5 290 AL +67 5 291 CN +67 5 292 MB +67 5 293 CN +67 5 294 TX +67 5 295 CA +67 5 296 MR +67 5 297 CX +67 5 298 IX +67 5 299 MZ +67 5 300 TX +67 5 301 MZ +67 5 302 TX +67 5 303 CN +67 5 304 MZ +67 5 305 MR +67 5 306 MZ +67 5 307 CN +67 5 308 MR +67 5 309 MZ +67 5 310 MZ +67 5 311 CN +67 5 312 PT +67 5 313 CN +67 5 314 TX +67 5 315 MZ +67 5 316 MZ +67 5 317 MR +67 5 318 CX +67 5 319 TX +67 5 320 MZ +67 5 321 IX +67 5 322 CN +67 5 323 MZ +67 5 324 TX +67 5 325 MR +67 5 326 CX +67 5 327 CN +67 5 328 MZ +67 5 329 CA +67 5 330 CN +67 6 1 CN +67 6 2 MZ +67 6 3 CI +67 6 4 MR +67 6 5 MZ +67 6 6 RO +67 6 7 MZ +67 6 8 IX +67 6 9 CA +67 6 10 CN +67 6 11 VE +67 6 12 CX +67 6 13 VE +67 6 14 CN +67 6 15 RO +67 6 16 TX +67 6 17 NR +67 6 18 PT +67 6 19 CN +67 6 20 MZ +67 6 21 RO +67 6 22 CX +67 6 23 MR +67 6 24 PT +67 6 25 CN +67 6 26 CN +67 6 27 TX +67 6 28 RO +67 6 29 VE +67 6 30 CA +67 6 31 CN +67 6 32 MR +67 6 33 VE +67 6 34 CN +67 6 35 RO +67 6 36 VE +67 6 37 CN +67 6 38 RO +67 6 39 VE +67 6 40 CN +67 6 41 CA +67 6 42 MZ +67 6 43 CN +67 6 44 TX +67 6 45 VE +67 6 46 PT +67 6 47 VE +67 6 48 NR +67 6 49 CN +67 6 50 MR +67 6 51 PT +67 6 52 TX +67 6 53 MR +67 6 54 VE +67 6 55 CN +67 6 56 RO +67 6 57 CN +67 6 58 MZ +67 6 59 RO +67 6 60 VE +67 6 61 RO +67 6 62 MR +67 6 63 RO +67 6 64 CN +67 6 65 MR +67 6 66 TX +67 6 67 VE +67 6 68 MR +67 6 69 MZ +67 6 70 MR +67 6 71 CA +67 6 72 VE +67 6 73 MR +67 6 74 CN +67 6 75 VE +67 6 76 NR +67 6 77 VE +67 6 78 RO +67 6 79 PT +67 6 80 CN +67 6 81 VE +67 6 82 VE +67 6 83 RO +67 6 84 RO +67 6 85 VE +67 6 86 RO +67 6 87 PT +67 6 88 MR +67 6 89 PT +67 6 90 VE +67 6 91 MZ +67 6 92 RO +67 6 93 CN +67 6 94 PT +67 6 95 CN +67 6 96 CX +67 6 97 MR +67 6 98 GU +67 6 99 MR +67 6 100 VE +67 6 101 GU +67 6 102 CN +67 6 103 MZ +67 6 104 CN +67 6 105 MR +67 6 106 CX +67 6 107 TX +67 6 108 CN +67 6 109 CN +67 6 110 CX +67 6 111 MZ +67 6 112 GU +67 6 113 PT +67 6 114 VE +67 6 115 GU +67 6 116 CN +67 6 117 CA +67 6 118 RO +67 6 119 VE +67 6 120 TX +67 6 121 NR +67 6 122 VE +67 6 123 CN +67 6 124 CX +67 6 125 NR +67 6 126 RO +67 6 127 VE +67 6 128 CX +67 6 129 TX +67 6 130 MZ +67 6 131 MR +67 6 132 NR +67 6 133 MZ +67 6 134 CA +67 6 135 MR +67 6 136 VE +67 6 137 MZ +67 6 138 CN +67 6 139 TX +67 6 140 CN +67 6 141 TX +67 6 142 TX +67 6 143 MZ +67 6 144 CN +67 6 145 VE +67 6 146 CX +67 6 147 VE +67 6 148 MB +67 6 149 VE +67 6 150 MR +67 6 151 RO +67 6 152 MR +67 6 153 CN +67 6 154 PT +67 6 155 CA +67 6 156 VE +67 6 157 CA +67 6 158 TX +67 6 159 NR +67 6 160 RO +67 6 161 VE +67 6 162 GU +67 6 163 VE +67 6 164 CN +67 6 165 MZ +67 6 166 CN +67 6 167 RO +67 6 168 MZ +67 6 169 CN +67 6 170 CN +67 6 171 MZ +67 6 172 TX +67 6 173 RO +67 6 174 CX +67 6 175 CN +67 6 176 NR +67 6 177 CX +67 6 178 CN +67 6 179 CA +67 6 180 VE +67 6 181 CX +67 6 182 GU +67 6 183 MZ +67 6 184 MR +67 6 185 CA +67 6 186 CN +67 6 187 CX +67 6 188 CN +67 6 189 AL +67 6 190 RO +67 6 191 VE +67 6 192 MR +67 6 193 MZ +67 6 194 CA +67 6 195 VE +67 6 196 CN +67 6 197 MR +67 6 198 PT +67 6 199 CN +67 6 200 CN +67 6 201 RO +67 6 202 VE +67 6 203 MR +67 6 204 PT +67 6 205 MR +67 6 206 TX +67 6 207 RO +67 6 208 CX +67 6 209 VE +67 6 210 CP +67 6 211 CN +67 6 212 CX +67 6 213 MR +67 6 214 MZ +67 6 215 MR +67 6 216 MZ +67 6 217 RO +67 6 218 MZ +67 6 219 CN +67 6 220 CN +67 6 221 CN +67 6 222 MR +67 6 223 VE +67 6 224 TX +67 6 225 MZ +67 6 226 CN +67 6 227 PT +67 6 228 CN +67 6 229 VE +67 6 230 RO +67 6 231 MR +67 6 232 MZ +67 6 233 CN +67 6 234 VE +67 6 235 CN +67 6 236 VE +67 6 237 RO +67 6 238 VE +67 6 239 RO +67 6 240 CA +67 6 241 TX +67 6 242 CX +67 6 243 CA +67 6 244 CN +67 6 245 MB +67 6 246 VE +67 6 247 MR +67 6 248 MZ +67 6 249 MZ +67 6 250 MR +67 6 251 VE +67 6 252 TX +67 6 253 VE +67 6 254 CN +67 6 255 PT +67 6 256 RO +67 6 257 CN +67 6 258 CX +67 6 259 CA +67 6 260 CN +67 6 261 NR +67 6 262 TX +67 6 263 CA +67 6 264 CN +67 6 265 MZ +67 6 266 CA +67 6 267 GU +67 6 268 VE +67 6 269 MR +67 6 270 NR +67 6 271 VE +67 6 272 TX +67 6 273 MR +67 6 274 TX +67 6 275 MZ +67 6 276 GU +67 6 277 CN +67 6 278 RO +67 6 279 CN +67 6 280 MZ +67 6 281 VE +67 6 282 VE +67 6 283 CA +67 6 284 TX +67 6 285 RO +67 6 286 TX +67 6 287 MZ +67 6 288 MB +67 6 289 VE +67 6 290 TX +67 6 291 CN +67 6 292 RO +67 6 293 CN +67 6 294 TX +67 6 295 CA +67 6 296 MR +67 6 297 CX +67 6 298 MB +67 6 299 VE +67 6 300 TX +67 6 301 VE +67 6 302 TX +67 6 303 CN +67 6 304 MZ +67 6 305 GU +67 6 306 MZ +67 6 307 CN +67 6 308 MR +67 6 309 MZ +67 6 310 MZ +67 6 311 CN +67 6 312 PT +67 6 313 CN +67 6 314 TX +67 6 315 VE +67 6 316 VE +67 6 317 GU +67 6 318 NR +67 6 319 TX +67 6 320 MZ +67 6 321 MB +67 6 322 CN +67 6 323 VE +67 6 324 TX +67 6 325 MR +67 6 326 CX +67 6 327 TX +67 6 328 VE +67 6 329 CA +67 6 330 CN +67 7 1 ZI +67 7 2 MZ +67 7 3 MB +67 7 4 MR +67 7 5 MZ +67 7 6 CI +67 7 7 MZ +67 7 8 IX +67 7 9 CA +67 7 10 ZI +67 7 11 ZI +67 7 12 CX +67 7 13 MZ +67 7 14 CN +67 7 15 RO +67 7 16 TX +67 7 17 MB +67 7 18 PT +67 7 19 ZI +67 7 20 MZ +67 7 21 RO +67 7 22 CX +67 7 23 IX +67 7 24 CA +67 7 25 ZI +67 7 26 CN +67 7 27 TX +67 7 28 RO +67 7 29 MZ +67 7 30 CI +67 7 31 ZI +67 7 32 RO +67 7 33 MZ +67 7 34 ZI +67 7 35 MB +67 7 36 MZ +67 7 37 ZI +67 7 38 RO +67 7 39 MZ +67 7 40 MZ +67 7 41 MB +67 7 42 CX +67 7 43 ZI +67 7 44 TX +67 7 45 MZ +67 7 46 PT +67 7 47 MZ +67 7 48 CX +67 7 49 ZI +67 7 50 MR +67 7 51 CA +67 7 52 TX +67 7 53 RO +67 7 54 MZ +67 7 55 ZI +67 7 56 CI +67 7 57 ZI +67 7 58 CA +67 7 59 CB +67 7 60 CN +67 7 61 MB +67 7 62 CB +67 7 63 CI +67 7 64 ZI +67 7 65 RO +67 7 66 TX +67 7 67 MZ +67 7 68 RO +67 7 69 LM +67 7 70 CB +67 7 71 IX +67 7 72 MZ +67 7 73 CB +67 7 74 TU +67 7 75 MZ +67 7 76 TJ +67 7 77 ZI +67 7 78 RO +67 7 79 PT +67 7 80 ZI +67 7 81 MR +67 7 82 ZI +67 7 83 CX +67 7 84 CI +67 7 85 MZ +67 7 86 RO +67 7 87 PT +67 7 88 CB +67 7 89 PT +67 7 90 PX +67 7 91 CX +67 7 92 TX +67 7 93 ZI +67 7 94 PT +67 7 95 TX +67 7 96 CX +67 7 97 MR +67 7 98 MB +67 7 99 CB +67 7 100 MZ +67 7 101 IX +67 7 102 CB +67 7 103 CA +67 7 104 ZI +67 7 105 CB +67 7 106 CX +67 7 107 TX +67 7 108 TJ +67 7 109 ZI +67 7 110 CX +67 7 111 CA +67 7 112 RO +67 7 113 PT +67 7 114 MZ +67 7 115 IX +67 7 116 ZI +67 7 117 PT +67 7 118 RO +67 7 119 MZ +67 7 120 TX +67 7 121 MB +67 7 122 MZ +67 7 123 ZI +67 7 124 MZ +67 7 125 CI +67 7 126 RO +67 7 127 CA +67 7 128 CX +67 7 129 TX +67 7 130 CA +67 7 131 MR +67 7 132 MB +67 7 133 MZ +67 7 134 CA +67 7 135 RO +67 7 136 ZI +67 7 137 MR +67 7 138 ZI +67 7 139 TX +67 7 140 ZI +67 7 141 TX +67 7 142 TX +67 7 143 MZ +67 7 144 MR +67 7 145 MZ +67 7 146 CX +67 7 147 MZ +67 7 148 MB +67 7 149 MZ +67 7 150 MR +67 7 151 MB +67 7 152 IX +67 7 153 ZI +67 7 154 PT +67 7 155 CA +67 7 156 MZ +67 7 157 CA +67 7 158 TX +67 7 159 CX +67 7 160 RO +67 7 161 MZ +67 7 162 IX +67 7 163 ZI +67 7 164 ZI +67 7 165 MZ +67 7 166 ZI +67 7 167 CB +67 7 168 MZ +67 7 169 ZI +67 7 170 MZ +67 7 171 MZ +67 7 172 TX +67 7 173 MB +67 7 174 CX +67 7 175 ZI +67 7 176 MB +67 7 177 CX +67 7 178 ZI +67 7 179 IX +67 7 180 MR +67 7 181 CX +67 7 182 IX +67 7 183 CA +67 7 184 MR +67 7 185 CI +67 7 186 ZI +67 7 187 CX +67 7 188 ZI +67 7 189 TX +67 7 190 RO +67 7 191 MZ +67 7 192 MR +67 7 193 CX +67 7 194 IX +67 7 195 PX +67 7 196 ZI +67 7 197 MR +67 7 198 PT +67 7 199 TX +67 7 200 ZI +67 7 201 CI +67 7 202 MZ +67 7 203 RO +67 7 204 PT +67 7 205 MR +67 7 206 TX +67 7 207 RO +67 7 208 CI +67 7 209 ZI +67 7 210 IX +67 7 211 TX +67 7 212 CX +67 7 213 IX +67 7 214 LM +67 7 215 RO +67 7 216 MZ +67 7 217 RO +67 7 218 LM +67 7 219 ZI +67 7 220 ZI +67 7 221 ZI +67 7 222 MR +67 7 223 MZ +67 7 224 TX +67 7 225 CA +67 7 226 CN +67 7 227 PT +67 7 228 ZI +67 7 229 LM +67 7 230 TX +67 7 231 RO +67 7 232 CA +67 7 233 CB +67 7 234 MZ +67 7 235 ZI +67 7 236 LM +67 7 237 CI +67 7 238 ZI +67 7 239 RO +67 7 240 CI +67 7 241 TX +67 7 242 LM +67 7 243 IX +67 7 244 TX +67 7 245 MB +67 7 246 ZI +67 7 247 MR +67 7 248 CA +67 7 249 MZ +67 7 250 MR +67 7 251 LM +67 7 252 ZI +67 7 253 LM +67 7 254 ZI +67 7 255 PT +67 7 256 MB +67 7 257 ZI +67 7 258 LM +67 7 259 IX +67 7 260 CX +67 7 261 CI +67 7 262 TX +67 7 263 PT +67 7 264 ZI +67 7 265 MZ +67 7 266 MB +67 7 267 MR +67 7 268 LM +67 7 269 MR +67 7 270 CI +67 7 271 MZ +67 7 272 TX +67 7 273 MR +67 7 274 TX +67 7 275 LM +67 7 276 RO +67 7 277 ZI +67 7 278 CI +67 7 279 ZI +67 7 280 LM +67 7 281 MZ +67 7 282 LM +67 7 283 CA +67 7 284 TX +67 7 285 RO +67 7 286 TX +67 7 287 CA +67 7 288 MB +67 7 289 ZI +67 7 290 TX +67 7 291 ZI +67 7 292 RO +67 7 293 TX +67 7 294 TX +67 7 295 CA +67 7 296 MR +67 7 297 CX +67 7 298 MB +67 7 299 LM +67 7 300 TX +67 7 301 LM +67 7 302 TX +67 7 303 TX +67 7 304 LM +67 7 305 MR +67 7 306 LM +67 7 307 ZI +67 7 308 RO +67 7 309 CA +67 7 310 MZ +67 7 311 ZI +67 7 312 PT +67 7 313 ZI +67 7 314 TX +67 7 315 LM +67 7 316 LM +67 7 317 RO +67 7 318 CI +67 7 319 TX +67 7 320 PX +67 7 321 MB +67 7 322 ZI +67 7 323 MZ +67 7 324 TX +67 7 325 MR +67 7 326 CX +67 7 327 TX +67 7 328 MZ +67 7 329 CA +67 7 330 TX +67 8 1 AL +67 8 2 AL +67 8 3 NR +67 8 4 MR +67 8 5 VE +67 8 6 RM +67 8 7 LM +67 8 8 MR +67 8 9 CX +67 8 10 AL +67 8 11 VE +67 8 12 CX +67 8 13 VE +67 8 14 AL +67 8 15 LA +67 8 16 TX +67 8 17 * +67 8 18 JX +67 8 19 AL +67 8 20 VE +67 8 21 RO +67 8 22 CX +67 8 23 LA +67 8 24 CA +67 8 25 AL +67 8 26 AL +67 8 27 TX +67 8 28 RO +67 8 29 VE +67 8 30 NR +67 8 31 AL +67 8 32 MR +67 8 33 LM +67 8 34 AL +67 8 35 NR +67 8 36 AL +67 8 37 AL +67 8 38 RO +67 8 39 VE +67 8 40 AL +67 8 41 GU +67 8 42 CX +67 8 43 AL +67 8 44 JX +67 8 45 VE +67 8 46 JX +67 8 47 VE +67 8 48 CX +67 8 49 AL +67 8 50 MR +67 8 51 CA +67 8 52 TX +67 8 53 MR +67 8 54 VE +67 8 55 AL +67 8 56 IX +67 8 57 AL +67 8 58 CX +67 8 59 LA +67 8 60 AL +67 8 61 GU +67 8 62 GU +67 8 63 IX +67 8 64 AL +67 8 65 RO +67 8 66 TX +67 8 67 VE +67 8 68 LA +67 8 69 VE +67 8 70 LA +67 8 71 GU +67 8 72 VE +67 8 73 MR +67 8 74 AL +67 8 75 VE +67 8 76 NR +67 8 77 AL +67 8 78 IX +67 8 79 JX +67 8 80 AL +67 8 81 LM +67 8 82 VE +67 8 83 RM +67 8 84 RO +67 8 85 VE +67 8 86 RO +67 8 87 PT +67 8 88 MR +67 8 89 JX +67 8 90 VE +67 8 91 LM +67 8 92 TX +67 8 93 AL +67 8 94 CA +67 8 95 AL +67 8 96 CX +67 8 97 LA +67 8 98 IX +67 8 99 LA +67 8 100 AL +67 8 101 MR +67 8 102 AL +67 8 103 LM +67 8 104 AL +67 8 105 MR +67 8 106 RM +67 8 107 TX +67 8 108 VE +67 8 109 AL +67 8 110 CX +67 8 111 VE +67 8 112 RO +67 8 113 JX +67 8 114 AL +67 8 115 IX +67 8 116 AL +67 8 117 CA +67 8 118 RO +67 8 119 VE +67 8 120 TX +67 8 121 NR +67 8 122 VE +67 8 123 AL +67 8 124 LM +67 8 125 NR +67 8 126 IX +67 8 127 VE +67 8 128 LM +67 8 129 CX +67 8 130 VE +67 8 131 MR +67 8 132 NR +67 8 133 VE +67 8 134 CA +67 8 135 LN +67 8 136 AL +67 8 137 VE +67 8 138 AL +67 8 139 IX +67 8 140 AL +67 8 141 TX +67 8 142 TX +67 8 143 LM +67 8 144 MR +67 8 145 VE +67 8 146 CX +67 8 147 VE +67 8 148 IX +67 8 149 VE +67 8 150 MR +67 8 151 IX +67 8 152 LA +67 8 153 AL +67 8 154 JX +67 8 155 GR +67 8 156 VE +67 8 157 CA +67 8 158 TX +67 8 159 NR +67 8 160 IX +67 8 161 VE +67 8 162 IX +67 8 163 AL +67 8 164 AL +67 8 165 LM +67 8 166 AL +67 8 167 LA +67 8 168 VE +67 8 169 AL +67 8 170 AL +67 8 171 VE +67 8 172 TX +67 8 173 IX +67 8 174 CX +67 8 175 AL +67 8 176 IX +67 8 177 TX +67 8 178 AL +67 8 179 GU +67 8 180 VE +67 8 181 CX +67 8 182 MR +67 8 183 CX +67 8 184 LA +67 8 185 NR +67 8 186 AL +67 8 187 CX +67 8 188 AL +67 8 189 AL +67 8 190 IX +67 8 191 VE +67 8 192 MR +67 8 193 LM +67 8 194 GU +67 8 195 VE +67 8 196 VE +67 8 197 LA +67 8 198 JX +67 8 199 VE +67 8 200 AL +67 8 201 RO +67 8 202 VE +67 8 203 RO +67 8 204 CA +67 8 205 MR +67 8 206 VE +67 8 207 RO +67 8 208 CX +67 8 209 PT +67 8 210 CA +67 8 211 AL +67 8 212 NR +67 8 213 LA +67 8 214 LM +67 8 215 IX +67 8 216 VE +67 8 217 RO +67 8 218 VE +67 8 219 AL +67 8 220 AL +67 8 221 AL +67 8 222 LA +67 8 223 VE +67 8 224 TX +67 8 225 VE +67 8 226 AL +67 8 227 VE +67 8 228 AL +67 8 229 VE +67 8 230 IX +67 8 231 LA +67 8 232 LM +67 8 233 AL +67 8 234 VE +67 8 235 AL +67 8 236 LM +67 8 237 RO +67 8 238 VE +67 8 239 IX +67 8 240 CA +67 8 241 TX +67 8 242 CX +67 8 243 MR +67 8 244 AL +67 8 245 IX +67 8 246 VE +67 8 247 LA +67 8 248 LM +67 8 249 VE +67 8 250 MR +67 8 251 VE +67 8 252 TX +67 8 253 VE +67 8 254 AL +67 8 255 JX +67 8 256 IX +67 8 257 AL +67 8 258 CX +67 8 259 GU +67 8 260 VE +67 8 261 NR +67 8 262 TX +67 8 263 JX +67 8 264 VE +67 8 265 CA +67 8 266 MR +67 8 267 VE +67 8 268 VE +67 8 269 LA +67 8 270 CX +67 8 271 VE +67 8 272 TX +67 8 273 LA +67 8 274 TX +67 8 275 VE +67 8 276 LN +67 8 277 AL +67 8 278 NR +67 8 279 AL +67 8 280 VE +67 8 281 VE +67 8 282 VE +67 8 283 CA +67 8 284 AL +67 8 285 IX +67 8 286 TX +67 8 287 TX +67 8 288 IX +67 8 289 AL +67 8 290 CX +67 8 291 AL +67 8 292 IX +67 8 293 AL +67 8 294 AL +67 8 295 CA +67 8 296 MR +67 8 297 CX +67 8 298 IX +67 8 299 VE +67 8 300 JX +67 8 301 VE +67 8 302 TX +67 8 303 AL +67 8 304 VE +67 8 305 MR +67 8 306 VE +67 8 307 AL +67 8 308 LA +67 8 309 VE +67 8 310 VE +67 8 311 AL +67 8 312 JX +67 8 313 AL +67 8 314 TX +67 8 315 VE +67 8 316 VE +67 8 317 LN +67 8 318 NR +67 8 319 TX +67 8 320 VE +67 8 321 RO +67 8 322 AL +67 8 323 VE +67 8 324 TX +67 8 325 MR +67 8 326 CX +67 8 327 AL +67 8 328 VE +67 8 329 CA +67 8 330 AL +67 9 1 CN +67 9 2 CN +67 9 3 MB +67 9 4 CP +67 9 5 CN +67 9 6 IX +67 9 7 MZ +67 9 8 MB +67 9 9 CX +67 9 10 CN +67 9 11 CN +67 9 12 CX +67 9 13 CN +67 9 14 DM +67 9 15 IX +67 9 16 TX +67 9 17 CX +67 9 18 PT +67 9 19 CN +67 9 20 MZ +67 9 21 IX +67 9 22 CX +67 9 23 CP +67 9 24 CX +67 9 25 MZ +67 9 26 CN +67 9 27 TX +67 9 28 IX +67 9 29 CN +67 9 30 CX +67 9 31 CN +67 9 32 IX +67 9 33 CX +67 9 34 CN +67 9 35 IX +67 9 36 CN +67 9 37 CN +67 9 38 MB +67 9 39 MZ +67 9 40 CN +67 9 41 CP +67 9 42 CX +67 9 43 CN +67 9 44 IX +67 9 45 CN +67 9 46 PX +67 9 47 MZ +67 9 48 CX +67 9 49 CN +67 9 50 MR +67 9 51 CX +67 9 52 MZ +67 9 53 MB +67 9 54 MZ +67 9 55 CN +67 9 56 IX +67 9 57 CN +67 9 58 CX +67 9 59 IX +67 9 60 CN +67 9 61 MB +67 9 62 DM +67 9 63 IX +67 9 64 CN +67 9 65 MB +67 9 66 TX +67 9 67 CN +67 9 68 IX +67 9 69 MZ +67 9 70 IX +67 9 71 CP +67 9 72 CN +67 9 73 CP +67 9 74 CN +67 9 75 MZ +67 9 76 CX +67 9 77 CN +67 9 78 IX +67 9 79 PX +67 9 80 CN +67 9 81 CN +67 9 82 CN +67 9 83 CX +67 9 84 IX +67 9 85 CN +67 9 86 IX +67 9 87 PX +67 9 88 MR +67 9 89 PT +67 9 90 CN +67 9 91 MZ +67 9 92 TX +67 9 93 CN +67 9 94 CA +67 9 95 CN +67 9 96 CX +67 9 97 MR +67 9 98 MB +67 9 99 IX +67 9 100 CN +67 9 101 MB +67 9 102 DM +67 9 103 MZ +67 9 104 CN +67 9 105 MR +67 9 106 CX +67 9 107 TX +67 9 108 CN +67 9 109 CN +67 9 110 CX +67 9 111 MZ +67 9 112 MB +67 9 113 PX +67 9 114 CN +67 9 115 MB +67 9 116 CN +67 9 117 CA +67 9 118 IX +67 9 119 CN +67 9 120 TX +67 9 121 CX +67 9 122 CN +67 9 123 CN +67 9 124 MZ +67 9 125 CX +67 9 126 IX +67 9 127 CN +67 9 128 CX +67 9 129 TX +67 9 130 MZ +67 9 131 MR +67 9 132 ZO +67 9 133 CN +67 9 134 CA +67 9 135 RO +67 9 136 CN +67 9 137 MZ +67 9 138 CN +67 9 139 TX +67 9 140 CN +67 9 141 TX +67 9 142 TX +67 9 143 CX +67 9 144 MR +67 9 145 CN +67 9 146 CX +67 9 147 CN +67 9 148 ZO +67 9 149 CN +67 9 150 CP +67 9 151 IX +67 9 152 IX +67 9 153 CN +67 9 154 PX +67 9 155 MZ +67 9 156 CN +67 9 157 CA +67 9 158 TX +67 9 159 CX +67 9 160 IX +67 9 161 CN +67 9 162 RO +67 9 163 CN +67 9 164 CN +67 9 165 MZ +67 9 166 CN +67 9 167 DM +67 9 168 CN +67 9 169 CN +67 9 170 CN +67 9 171 MZ +67 9 172 TX +67 9 173 IX +67 9 174 CX +67 9 175 CN +67 9 176 MB +67 9 177 CX +67 9 178 CN +67 9 179 CP +67 9 180 CN +67 9 181 CX +67 9 182 CP +67 9 183 CX +67 9 184 MR +67 9 185 CX +67 9 186 CN +67 9 187 CX +67 9 188 CN +67 9 189 CN +67 9 190 IX +67 9 191 CN +67 9 192 MR +67 9 193 MZ +67 9 194 CP +67 9 195 MZ +67 9 196 CN +67 9 197 DM +67 9 198 PX +67 9 199 CN +67 9 200 CN +67 9 201 IX +67 9 202 CN +67 9 203 MB +67 9 204 PX +67 9 205 MR +67 9 206 CN +67 9 207 RO +67 9 208 CX +67 9 209 CN +67 9 210 CP +67 9 211 CN +67 9 212 CX +67 9 213 DM +67 9 214 MZ +67 9 215 IX +67 9 216 MZ +67 9 217 IX +67 9 218 MZ +67 9 219 CN +67 9 220 MR +67 9 221 CN +67 9 222 MR +67 9 223 CN +67 9 224 IX +67 9 225 MZ +67 9 226 CN +67 9 227 PX +67 9 228 CN +67 9 229 CN +67 9 230 IX +67 9 231 RO +67 9 232 MZ +67 9 233 DM +67 9 234 CN +67 9 235 CN +67 9 236 MZ +67 9 237 * +67 9 238 CN +67 9 239 IX +67 9 240 CX +67 9 241 TX +67 9 242 CX +67 9 243 GU +67 9 244 CN +67 9 245 ZO +67 9 246 CN +67 9 247 MR +67 9 248 MZ +67 9 249 CN +67 9 250 MR +67 9 251 CN +67 9 252 IX +67 9 253 CN +67 9 254 DM +67 9 255 PX +67 9 256 MB +67 9 257 CN +67 9 258 CX +67 9 259 ZO +67 9 260 CX +67 9 261 CX +67 9 262 TX +67 9 263 PX +67 9 264 CN +67 9 265 CN +67 9 266 CX +67 9 267 MR +67 9 268 CN +67 9 269 RO +67 9 270 CX +67 9 271 CN +67 9 272 TX +67 9 273 IX +67 9 274 TX +67 9 275 MZ +67 9 276 MB +67 9 277 CN +67 9 278 MB +67 9 279 CN +67 9 280 MZ +67 9 281 CN +67 9 282 MZ +67 9 283 CA +67 9 284 CN +67 9 285 IX +67 9 286 TX +67 9 287 CX +67 9 288 ZO +67 9 289 CN +67 9 290 IX +67 9 291 CN +67 9 292 IX +67 9 293 CN +67 9 294 CN +67 9 295 CX +67 9 296 MR +67 9 297 CX +67 9 298 ZO +67 9 299 CN +67 9 300 PX +67 9 301 CN +67 9 302 IX +67 9 303 CN +67 9 304 MZ +67 9 305 CP +67 9 306 CN +67 9 307 CN +67 9 308 IX +67 9 309 MZ +67 9 310 CN +67 9 311 CN +67 9 312 PX +67 9 313 CN +67 9 314 TX +67 9 315 MZ +67 9 316 CN +67 9 317 CP +67 9 318 CX +67 9 319 TX +67 9 320 MZ +67 9 321 ZO +67 9 322 CN +67 9 323 CN +67 9 324 IX +67 9 325 MR +67 9 326 CX +67 9 327 CN +67 9 328 CN +67 9 329 CX +67 9 330 CN +67 10 1 ZI +67 10 2 ZI +67 10 3 MB +67 10 4 MR +67 10 5 ZI +67 10 6 CA +67 10 7 LM +67 10 8 IX +67 10 9 CA +67 10 10 ZI +67 10 11 MZ +67 10 12 CX +67 10 13 MZ +67 10 14 ZI +67 10 15 IX +67 10 16 TX +67 10 17 CI +67 10 18 PT +67 10 19 ZI +67 10 20 MZ +67 10 21 RO +67 10 22 CX +67 10 23 CB +67 10 24 ZI +67 10 25 MZ +67 10 26 ZI +67 10 27 XJ +67 10 28 RO +67 10 29 MZ +67 10 30 CI +67 10 31 ZI +67 10 32 CB +67 10 33 LM +67 10 34 ZI +67 10 35 CI +67 10 36 MZ +67 10 37 ZI +67 10 38 RO +67 10 39 MZ +67 10 40 ZI +67 10 41 IX +67 10 42 CX +67 10 43 ZI +67 10 44 XJ +67 10 45 MZ +67 10 46 XJ +67 10 47 MZ +67 10 48 CX +67 10 49 ZI +67 10 50 MR +67 10 51 CA +67 10 52 XJ +67 10 53 IX +67 10 54 MZ +67 10 55 ZI +67 10 56 IX +67 10 57 ZI +67 10 58 CX +67 10 59 CB +67 10 60 ZI +67 10 61 IX +67 10 62 CB +67 10 63 IX +67 10 64 ZI +67 10 65 RO +67 10 66 CX +67 10 67 LM +67 10 68 IX +67 10 69 LM +67 10 70 CB +67 10 71 IX +67 10 72 MZ +67 10 73 MR +67 10 74 ZI +67 10 75 MZ +67 10 76 CI +67 10 77 ZI +67 10 78 IX +67 10 79 XJ +67 10 80 ZI +67 10 81 LM +67 10 82 MZ +67 10 83 CX +67 10 84 IX +67 10 85 MZ +67 10 86 RO +67 10 87 PT +67 10 88 MR +67 10 89 PT +67 10 90 MZ +67 10 91 LM +67 10 92 XJ +67 10 93 ZI +67 10 94 PT +67 10 95 XJ +67 10 96 CX +67 10 97 MR +67 10 98 RO +67 10 99 CB +67 10 100 ZI +67 10 101 IX +67 10 102 CB +67 10 103 LM +67 10 104 ZI +67 10 105 CB +67 10 106 CX +67 10 107 TX +67 10 108 ZI +67 10 109 ZI +67 10 110 CX +67 10 111 LM +67 10 112 RO +67 10 113 PT +67 10 114 MZ +67 10 115 RO +67 10 116 ZI +67 10 117 CA +67 10 118 IX +67 10 119 MZ +67 10 120 TX +67 10 121 CI +67 10 122 MZ +67 10 123 ZI +67 10 124 LM +67 10 125 CI +67 10 126 IX +67 10 127 MZ +67 10 128 CX +67 10 129 XJ +67 10 130 LM +67 10 131 CB +67 10 132 MB +67 10 133 MZ +67 10 134 CA +67 10 135 IX +67 10 136 ZI +67 10 137 LM +67 10 138 ZI +67 10 139 XJ +67 10 140 ZI +67 10 141 TX +67 10 142 XJ +67 10 143 LM +67 10 144 MR +67 10 145 MZ +67 10 146 CX +67 10 147 MZ +67 10 148 MB +67 10 149 LM +67 10 150 MR +67 10 151 IX +67 10 152 CB +67 10 153 ZI +67 10 154 XJ +67 10 155 CA +67 10 156 MZ +67 10 157 CA +67 10 158 TX +67 10 159 CX +67 10 160 IX +67 10 161 MZ +67 10 162 IX +67 10 163 MZ +67 10 164 ZI +67 10 165 LM +67 10 166 ZI +67 10 167 CB +67 10 168 MZ +67 10 169 ZI +67 10 170 MZ +67 10 171 LM +67 10 172 TX +67 10 173 RO +67 10 174 CX +67 10 175 ZI +67 10 176 IX +67 10 177 LM +67 10 178 ZI +67 10 179 IX +67 10 180 MZ +67 10 181 CX +67 10 182 MR +67 10 183 CA +67 10 184 MR +67 10 185 CX +67 10 186 ZI +67 10 187 CX +67 10 188 ZI +67 10 189 XJ +67 10 190 IX +67 10 191 MZ +67 10 192 CB +67 10 193 LM +67 10 194 IX +67 10 195 LM +67 10 196 MZ +67 10 197 CB +67 10 198 PT +67 10 199 XJ +67 10 200 ZI +67 10 201 IX +67 10 202 LM +67 10 203 IX +67 10 204 CA +67 10 205 MR +67 10 206 XJ +67 10 207 RO +67 10 208 CX +67 10 209 MZ +67 10 210 CA +67 10 211 ZI +67 10 212 CX +67 10 213 CB +67 10 214 LM +67 10 215 IX +67 10 216 MZ +67 10 217 IX +67 10 218 LM +67 10 219 ZI +67 10 220 CB +67 10 221 XJ +67 10 222 MR +67 10 223 MZ +67 10 224 XJ +67 10 225 LM +67 10 226 ZI +67 10 227 * +67 10 228 ZI +67 10 229 MZ +67 10 230 XJ +67 10 231 CB +67 10 232 LM +67 10 233 CB +67 10 234 MZ +67 10 235 ZI +67 10 236 LM +67 10 237 CI +67 10 238 MZ +67 10 239 IX +67 10 240 MB +67 10 241 TX +67 10 242 CX +67 10 243 IX +67 10 244 XJ +67 10 245 MB +67 10 246 MZ +67 10 247 MR +67 10 248 MZ +67 10 249 MZ +67 10 250 MR +67 10 251 LM +67 10 252 XJ +67 10 253 MZ +67 10 254 ZI +67 10 255 * +67 10 256 RO +67 10 257 ZI +67 10 258 CX +67 10 259 MB +67 10 260 LM +67 10 261 CI +67 10 262 TX +67 10 263 XJ +67 10 264 ZI +67 10 265 MZ +67 10 266 MB +67 10 267 MR +67 10 268 MZ +67 10 269 CB +67 10 270 CX +67 10 271 MZ +67 10 272 XJ +67 10 273 CB +67 10 274 TX +67 10 275 LM +67 10 276 IX +67 10 277 ZI +67 10 278 CI +67 10 279 ZI +67 10 280 LM +67 10 281 MZ +67 10 282 LM +67 10 283 CA +67 10 284 XJ +67 10 285 IX +67 10 286 TX +67 10 287 CX +67 10 288 MB +67 10 289 ZI +67 10 290 XJ +67 10 291 ZI +67 10 292 IX +67 10 293 ZI +67 10 294 XJ +67 10 295 CX +67 10 296 MR +67 10 297 CX +67 10 298 MB +67 10 299 MZ +67 10 300 XJ +67 10 301 MZ +67 10 302 XJ +67 10 303 ZI +67 10 304 LM +67 10 305 IX +67 10 306 LM +67 10 307 ZI +67 10 308 CB +67 10 309 MZ +67 10 310 MZ +67 10 311 ZI +67 10 312 PT +67 10 313 MR +67 10 314 XJ +67 10 315 LM +67 10 316 MZ +67 10 317 IX +67 10 318 CI +67 10 319 XJ +67 10 320 LM +67 10 321 MB +67 10 322 ZI +67 10 323 MZ +67 10 324 XJ +67 10 325 MR +67 10 326 CX +67 10 327 ZI +67 10 328 MZ +67 10 329 CA +67 10 330 ZI +67 11 1 CN +67 11 2 VE +67 11 3 NR +67 11 4 MR +67 11 5 VE +67 11 6 CL +67 11 7 VE +67 11 8 GU +67 11 9 CX +67 11 10 CN +67 11 11 VE +67 11 12 CX +67 11 13 VE +67 11 14 CN +67 11 15 RO +67 11 16 TX +67 11 17 NR +67 11 18 PT +67 11 19 AL +67 11 20 VE +67 11 21 RO +67 11 22 CX +67 11 23 MR +67 11 24 CA +67 11 25 CN +67 11 26 AL +67 11 27 TX +67 11 28 RO +67 11 29 VE +67 11 30 CX +67 11 31 AL +67 11 32 MR +67 11 33 LM +67 11 34 AL +67 11 35 CL +67 11 36 CN +67 11 37 AL +67 11 38 IX +67 11 39 VE +67 11 40 AL +67 11 41 MB +67 11 42 CX +67 11 43 AL +67 11 44 TX +67 11 45 VE +67 11 46 PX +67 11 47 VE +67 11 48 CX +67 11 49 AL +67 11 50 MR +67 11 51 CA +67 11 52 VE +67 11 53 RO +67 11 54 VE +67 11 55 AL +67 11 56 IX +67 11 57 TX +67 11 58 MZ +67 11 59 MR +67 11 60 VE +67 11 61 MB +67 11 62 MR +67 11 63 CL +67 11 64 AL +67 11 65 RO +67 11 66 CX +67 11 67 VE +67 11 68 MR +67 11 69 MZ +67 11 70 MR +67 11 71 GU +67 11 72 VE +67 11 73 MR +67 11 74 VE +67 11 75 VE +67 11 76 NR +67 11 77 AL +67 11 78 RO +67 11 79 GR +67 11 80 AL +67 11 81 LM +67 11 82 AL +67 11 83 CX +67 11 84 IX +67 11 85 VE +67 11 86 MR +67 11 87 PT +67 11 88 MR +67 11 89 PT +67 11 90 VE +67 11 91 CX +67 11 92 IX +67 11 93 AL +67 11 94 CA +67 11 95 VE +67 11 96 CX +67 11 97 MR +67 11 98 IX +67 11 99 MR +67 11 100 VE +67 11 101 MR +67 11 102 MR +67 11 103 MZ +67 11 104 AL +67 11 105 MR +67 11 106 CX +67 11 107 TX +67 11 108 VE +67 11 109 AL +67 11 110 CX +67 11 111 MZ +67 11 112 IX +67 11 113 PT +67 11 114 CN +67 11 115 MB +67 11 116 VE +67 11 117 CA +67 11 118 IX +67 11 119 VE +67 11 120 TX +67 11 121 NR +67 11 122 VE +67 11 123 AL +67 11 124 CX +67 11 125 NR +67 11 126 RO +67 11 127 VE +67 11 128 CX +67 11 129 TX +67 11 130 MZ +67 11 131 MR +67 11 132 MB +67 11 133 VE +67 11 134 CA +67 11 135 MR +67 11 136 VE +67 11 137 VE +67 11 138 AL +67 11 139 TX +67 11 140 AL +67 11 141 TX +67 11 142 MR +67 11 143 VE +67 11 144 AL +67 11 145 VE +67 11 146 CX +67 11 147 AL +67 11 148 MB +67 11 149 VE +67 11 150 MR +67 11 151 IX +67 11 152 MR +67 11 153 AL +67 11 154 PT +67 11 155 MZ +67 11 156 VE +67 11 157 CA +67 11 158 TX +67 11 159 CX +67 11 160 IX +67 11 161 VE +67 11 162 IX +67 11 163 AL +67 11 164 AL +67 11 165 MZ +67 11 166 AL +67 11 167 MR +67 11 168 VE +67 11 169 AL +67 11 170 AL +67 11 171 MZ +67 11 172 TX +67 11 173 IX +67 11 174 CX +67 11 175 AL +67 11 176 IX +67 11 177 CX +67 11 178 AL +67 11 179 CA +67 11 180 VE +67 11 181 CX +67 11 182 MR +67 11 183 CA +67 11 184 MR +67 11 185 CX +67 11 186 AL +67 11 187 CX +67 11 188 AL +67 11 189 AL +67 11 190 IX +67 11 191 VE +67 11 192 MR +67 11 193 CX +67 11 194 CA +67 11 195 VE +67 11 196 AL +67 11 197 MR +67 11 198 PT +67 11 199 AL +67 11 200 AL +67 11 201 IX +67 11 202 VE +67 11 203 MR +67 11 204 CA +67 11 205 MR +67 11 206 CX +67 11 207 IX +67 11 208 CX +67 11 209 VE +67 11 210 CA +67 11 211 AL +67 11 212 CX +67 11 213 MR +67 11 214 LM +67 11 215 MR +67 11 216 VE +67 11 217 IX +67 11 218 VE +67 11 219 AL +67 11 220 MR +67 11 221 VE +67 11 222 MR +67 11 223 VE +67 11 224 TX +67 11 225 MZ +67 11 226 AL +67 11 227 PT +67 11 228 AL +67 11 229 AL +67 11 230 TX +67 11 231 MR +67 11 232 MZ +67 11 233 MR +67 11 234 VE +67 11 235 AL +67 11 236 MZ +67 11 237 IX +67 11 238 AL +67 11 239 IX +67 11 240 CA +67 11 241 TX +67 11 242 CX +67 11 243 MR +67 11 244 AL +67 11 245 MB +67 11 246 AL +67 11 247 MR +67 11 248 VE +67 11 249 VE +67 11 250 MR +67 11 251 VE +67 11 252 IX +67 11 253 VE +67 11 254 MR +67 11 255 PT +67 11 256 IX +67 11 257 AL +67 11 258 CX +67 11 259 MB +67 11 260 CX +67 11 261 CX +67 11 262 TX +67 11 263 PT +67 11 264 AL +67 11 265 VE +67 11 266 CA +67 11 267 MR +67 11 268 VE +67 11 269 MR +67 11 270 CX +67 11 271 VE +67 11 272 TX +67 11 273 MR +67 11 274 TX +67 11 275 VE +67 11 276 MR +67 11 277 AL +67 11 278 IX +67 11 279 AL +67 11 280 VE +67 11 281 VE +67 11 282 LM +67 11 283 CA +67 11 284 AL +67 11 285 IX +67 11 286 TX +67 11 287 MZ +67 11 288 IX +67 11 289 AL +67 11 290 IX +67 11 291 AL +67 11 292 IX +67 11 293 VE +67 11 294 VE +67 11 295 CA +67 11 296 MR +67 11 297 CX +67 11 298 MB +67 11 299 VE +67 11 300 PX +67 11 301 VE +67 11 302 TX +67 11 303 MR +67 11 304 VE +67 11 305 MR +67 11 306 VE +67 11 307 AL +67 11 308 MR +67 11 309 PT +67 11 310 VE +67 11 311 AL +67 11 312 PT +67 11 313 AL +67 11 314 TX +67 11 315 VE +67 11 316 VE +67 11 317 MR +67 11 318 CX +67 11 319 TX +67 11 320 VE +67 11 321 MB +67 11 322 AL +67 11 323 VE +67 11 324 IX +67 11 325 MR +67 11 326 CX +67 11 327 AL +67 11 328 VE +67 11 329 CA +67 11 330 AL +67 12 1 CN +67 12 2 CN +67 12 3 IX +67 12 4 MR +67 12 5 VE +67 12 6 CX +67 12 7 VE +67 12 8 IX +67 12 9 CA +67 12 10 AL +67 12 11 VE +67 12 12 CX +67 12 13 VE +67 12 14 AL +67 12 15 IX +67 12 16 TX +67 12 17 NR +67 12 18 PT +67 12 19 CN +67 12 20 VE +67 12 21 IX +67 12 22 CX +67 12 23 MR +67 12 24 CA +67 12 25 VE +67 12 26 AL +67 12 27 TX +67 12 28 IX +67 12 29 VE +67 12 30 CX +67 12 31 CN +67 12 32 MR +67 12 33 MZ +67 12 34 CN +67 12 35 NR +67 12 36 VE +67 12 37 CN +67 12 38 IX +67 12 39 VE +67 12 40 CN +67 12 41 MB +67 12 42 CX +67 12 43 CN +67 12 44 IX +67 12 45 VE +67 12 46 CA +67 12 47 CN +67 12 48 CX +67 12 49 CN +67 12 50 MR +67 12 51 CA +67 12 52 VE +67 12 53 IX +67 12 54 VE +67 12 55 AL +67 12 56 IX +67 12 57 CN +67 12 58 CX +67 12 59 MR +67 12 60 VE +67 12 61 IX +67 12 62 MR +67 12 63 IX +67 12 64 CN +67 12 65 IX +67 12 66 TX +67 12 67 VE +67 12 68 MR +67 12 69 MZ +67 12 70 MR +67 12 71 IX +67 12 72 VE +67 12 73 MR +67 12 74 CN +67 12 75 VE +67 12 76 NR +67 12 77 CN +67 12 78 MR +67 12 79 PT +67 12 80 CN +67 12 81 MZ +67 12 82 CN +67 12 83 CX +67 12 84 IX +67 12 85 VE +67 12 86 IX +67 12 87 PT +67 12 88 MR +67 12 89 PT +67 12 90 VE +67 12 91 MZ +67 12 92 IX +67 12 93 AL +67 12 94 CA +67 12 95 VE +67 12 96 CX +67 12 97 MR +67 12 98 IX +67 12 99 MR +67 12 100 VE +67 12 101 MR +67 12 102 CN +67 12 103 VE +67 12 104 CN +67 12 105 MR +67 12 106 CX +67 12 107 MR +67 12 108 VE +67 12 109 CN +67 12 110 CX +67 12 111 MZ +67 12 112 IX +67 12 113 PT +67 12 114 CN +67 12 115 IX +67 12 116 CN +67 12 117 CA +67 12 118 IX +67 12 119 VE +67 12 120 TX +67 12 121 NR +67 12 122 VE +67 12 123 CN +67 12 124 VE +67 12 125 NR +67 12 126 IX +67 12 127 VE +67 12 128 CX +67 12 129 TX +67 12 130 VE +67 12 131 MR +67 12 132 MB +67 12 133 VE +67 12 134 CA +67 12 135 MR +67 12 136 CN +67 12 137 VE +67 12 138 CN +67 12 139 MR +67 12 140 CN +67 12 141 TX +67 12 142 MR +67 12 143 VE +67 12 144 MR +67 12 145 VE +67 12 146 CX +67 12 147 VE +67 12 148 MB +67 12 149 VE +67 12 150 MR +67 12 151 IX +67 12 152 MR +67 12 153 CN +67 12 154 JX +67 12 155 CA +67 12 156 VE +67 12 157 CA +67 12 158 TX +67 12 159 CX +67 12 160 IX +67 12 161 VE +67 12 162 IX +67 12 163 CN +67 12 164 CN +67 12 165 VE +67 12 166 CN +67 12 167 MR +67 12 168 VE +67 12 169 CN +67 12 170 VE +67 12 171 MZ +67 12 172 TX +67 12 173 IX +67 12 174 CX +67 12 175 CN +67 12 176 IX +67 12 177 CX +67 12 178 CN +67 12 179 PT +67 12 180 VE +67 12 181 CX +67 12 182 MR +67 12 183 CX +67 12 184 MR +67 12 185 CX +67 12 186 CN +67 12 187 CX +67 12 188 CN +67 12 189 CN +67 12 190 IX +67 12 191 VE +67 12 192 MR +67 12 193 CX +67 12 194 MR +67 12 195 VE +67 12 196 CN +67 12 197 MR +67 12 198 VE +67 12 199 CN +67 12 200 CN +67 12 201 IX +67 12 202 VE +67 12 203 MR +67 12 204 CA +67 12 205 MR +67 12 206 VE +67 12 207 MR +67 12 208 CX +67 12 209 VE +67 12 210 CA +67 12 211 CN +67 12 212 CX +67 12 213 MR +67 12 214 MZ +67 12 215 MR +67 12 216 MZ +67 12 217 IX +67 12 218 MZ +67 12 219 CN +67 12 220 MR +67 12 221 CN +67 12 222 MR +67 12 223 VE +67 12 224 IX +67 12 225 VE +67 12 226 CN +67 12 227 VE +67 12 228 CN +67 12 229 VE +67 12 230 IX +67 12 231 MR +67 12 232 MZ +67 12 233 MR +67 12 234 VE +67 12 235 CN +67 12 236 MZ +67 12 237 IX +67 12 238 CN +67 12 239 IX +67 12 240 PT +67 12 241 IX +67 12 242 CX +67 12 243 MR +67 12 244 CN +67 12 245 MB +67 12 246 CN +67 12 247 MR +67 12 248 VE +67 12 249 VE +67 12 250 MR +67 12 251 VE +67 12 252 IX +67 12 253 CN +67 12 254 MR +67 12 255 PT +67 12 256 IX +67 12 257 CN +67 12 258 CX +67 12 259 MB +67 12 260 CX +67 12 261 CX +67 12 262 IX +67 12 263 PT +67 12 264 CN +67 12 265 MZ +67 12 266 CX +67 12 267 MR +67 12 268 VE +67 12 269 MR +67 12 270 CX +67 12 271 VE +67 12 272 TX +67 12 273 MR +67 12 274 TX +67 12 275 CX +67 12 276 MR +67 12 277 CN +67 12 278 NR +67 12 279 CN +67 12 280 MZ +67 12 281 VE +67 12 282 LM +67 12 283 CA +67 12 284 CN +67 12 285 IX +67 12 286 TX +67 12 287 CX +67 12 288 MB +67 12 289 CN +67 12 290 IX +67 12 291 CN +67 12 292 IX +67 12 293 CN +67 12 294 CN +67 12 295 CX +67 12 296 MR +67 12 297 CX +67 12 298 IX +67 12 299 VE +67 12 300 TX +67 12 301 VE +67 12 302 IX +67 12 303 MR +67 12 304 MZ +67 12 305 MR +67 12 306 VE +67 12 307 CN +67 12 308 MR +67 12 309 MZ +67 12 310 CN +67 12 311 CN +67 12 312 PT +67 12 313 MR +67 12 314 IX +67 12 315 VE +67 12 316 CN +67 12 317 MR +67 12 318 NR +67 12 319 IX +67 12 320 VE +67 12 321 IX +67 12 322 CN +67 12 323 VE +67 12 324 IX +67 12 325 MR +67 12 326 CX +67 12 327 CN +67 12 328 VE +67 12 329 CA +67 12 330 CN +67 13 1 CN +67 13 2 LM +67 13 3 NR +67 13 4 MR +67 13 5 LM +67 13 6 NR +67 13 7 LM +67 13 8 CA +67 13 9 CA +67 13 10 CN +67 13 11 VE +67 13 12 CX +67 13 13 VE +67 13 14 CN +67 13 15 MR +67 13 16 TX +67 13 17 MB +67 13 18 PT +67 13 19 CN +67 13 20 LM +67 13 21 IX +67 13 22 CX +67 13 23 MR +67 13 24 PX +67 13 25 CN +67 13 26 CN +67 13 27 IX +67 13 28 IX +67 13 29 LM +67 13 30 DY +67 13 31 CN +67 13 32 MR +67 13 33 LM +67 13 34 CN +67 13 35 IX +67 13 36 VE +67 13 37 CN +67 13 38 IX +67 13 39 VE +67 13 40 CN +67 13 41 CA +67 13 42 CX +67 13 43 CN +67 13 44 IX +67 13 45 LM +67 13 46 PX +67 13 47 VE +67 13 48 CX +67 13 49 CN +67 13 50 MR +67 13 51 CA +67 13 52 CX +67 13 53 IX +67 13 54 LM +67 13 55 CN +67 13 56 IX +67 13 57 CN +67 13 58 CX +67 13 59 MR +67 13 60 CN +67 13 61 MB +67 13 62 MR +67 13 63 IX +67 13 64 CN +67 13 65 IX +67 13 66 CX +67 13 67 LM +67 13 68 MR +67 13 69 PX +67 13 70 MR +67 13 71 CA +67 13 72 VE +67 13 73 MR +67 13 74 CN +67 13 75 VE +67 13 76 NR +67 13 77 CN +67 13 78 IX +67 13 79 PL +67 13 80 CN +67 13 81 LM +67 13 82 CN +67 13 83 CX +67 13 84 IX +67 13 85 MZ +67 13 86 IX +67 13 87 PL +67 13 88 MR +67 13 89 PT +67 13 90 MZ +67 13 91 LM +67 13 92 TX +67 13 93 CN +67 13 94 PT +67 13 95 LM +67 13 96 CX +67 13 97 MR +67 13 98 IX +67 13 99 MR +67 13 100 VE +67 13 101 IX +67 13 102 MR +67 13 103 PX +67 13 104 CN +67 13 105 MR +67 13 106 CX +67 13 107 IX +67 13 108 CN +67 13 109 CN +67 13 110 CX +67 13 111 MZ +67 13 112 IX +67 13 113 PX +67 13 114 CN +67 13 115 CA +67 13 116 CN +67 13 117 CA +67 13 118 IX +67 13 119 MZ +67 13 120 TX +67 13 121 NR +67 13 122 MZ +67 13 123 CN +67 13 124 LM +67 13 125 NR +67 13 126 IX +67 13 127 MZ +67 13 128 LM +67 13 129 IX +67 13 130 PX +67 13 131 MR +67 13 132 NR +67 13 133 MZ +67 13 134 CA +67 13 135 MR +67 13 136 CN +67 13 137 MZ +67 13 138 CN +67 13 139 MR +67 13 140 CN +67 13 141 TX +67 13 142 MR +67 13 143 LM +67 13 144 MR +67 13 145 MZ +67 13 146 CX +67 13 147 MZ +67 13 148 MB +67 13 149 LM +67 13 150 MR +67 13 151 IX +67 13 152 MR +67 13 153 CN +67 13 154 PL +67 13 155 PX +67 13 156 MZ +67 13 157 DY +67 13 158 TX +67 13 159 NR +67 13 160 IX +67 13 161 VE +67 13 162 IX +67 13 163 MZ +67 13 164 CN +67 13 165 LM +67 13 166 CN +67 13 167 MR +67 13 168 MZ +67 13 169 CN +67 13 170 CN +67 13 171 LM +67 13 172 TX +67 13 173 IX +67 13 174 CX +67 13 175 CN +67 13 176 IX +67 13 177 LM +67 13 178 CN +67 13 179 CA +67 13 180 MZ +67 13 181 CX +67 13 182 MR +67 13 183 DY +67 13 184 MR +67 13 185 CX +67 13 186 CN +67 13 187 CX +67 13 188 CN +67 13 189 CN +67 13 190 IX +67 13 191 MZ +67 13 192 MR +67 13 193 LM +67 13 194 CA +67 13 195 LM +67 13 196 CN +67 13 197 MR +67 13 198 PX +67 13 199 LM +67 13 200 CN +67 13 201 IX +67 13 202 LM +67 13 203 MR +67 13 204 DY +67 13 205 MR +67 13 206 LM +67 13 207 IX +67 13 208 CX +67 13 209 CN +67 13 210 CA +67 13 211 CN +67 13 212 NR +67 13 213 MR +67 13 214 LM +67 13 215 MR +67 13 216 MZ +67 13 217 IX +67 13 218 LM +67 13 219 CN +67 13 220 CN +67 13 221 CN +67 13 222 MR +67 13 223 MZ +67 13 224 IX +67 13 225 LM +67 13 226 CN +67 13 227 PX +67 13 228 CN +67 13 229 VE +67 13 230 IX +67 13 231 MR +67 13 232 DY +67 13 233 CN +67 13 234 MZ +67 13 235 CN +67 13 236 LM +67 13 237 IX +67 13 238 CN +67 13 239 IX +67 13 240 CA +67 13 241 TX +67 13 242 CX +67 13 243 CA +67 13 244 CN +67 13 245 MB +67 13 246 CN +67 13 247 MR +67 13 248 MZ +67 13 249 MZ +67 13 250 MR +67 13 251 LM +67 13 252 IX +67 13 253 VE +67 13 254 CN +67 13 255 PX +67 13 256 IX +67 13 257 CN +67 13 258 CX +67 13 259 CA +67 13 260 CX +67 13 261 NR +67 13 262 MR +67 13 263 PL +67 13 264 CN +67 13 265 MZ +67 13 266 CA +67 13 267 MR +67 13 268 LM +67 13 269 MR +67 13 270 CX +67 13 271 MZ +67 13 272 TX +67 13 273 MR +67 13 274 TX +67 13 275 CX +67 13 276 IX +67 13 277 CN +67 13 278 IX +67 13 279 CN +67 13 280 LM +67 13 281 MZ +67 13 282 MZ +67 13 283 CA +67 13 284 CN +67 13 285 IX +67 13 286 MR +67 13 287 CX +67 13 288 MB +67 13 289 CN +67 13 290 IX +67 13 291 CN +67 13 292 IX +67 13 293 LM +67 13 294 CN +67 13 295 CX +67 13 296 MR +67 13 297 CX +67 13 298 IX +67 13 299 MZ +67 13 300 MR +67 13 301 VE +67 13 302 IX +67 13 303 CN +67 13 304 LM +67 13 305 MR +67 13 306 LM +67 13 307 CN +67 13 308 MR +67 13 309 PX +67 13 310 VE +67 13 311 CN +67 13 312 PL +67 13 313 CN +67 13 314 IX +67 13 315 LM +67 13 316 VE +67 13 317 MR +67 13 318 NR +67 13 319 TX +67 13 320 LM +67 13 321 IX +67 13 322 CN +67 13 323 MZ +67 13 324 IX +67 13 325 MR +67 13 326 CX +67 13 327 CN +67 13 328 MZ +67 13 329 CA +67 13 330 CN +67 14 1 CN +67 14 2 TX +67 14 3 NR +67 14 4 MR +67 14 5 VE +67 14 6 JX +67 14 7 CN +67 14 8 IX +67 14 9 XN +67 14 10 CN +67 14 11 CN +67 14 12 CX +67 14 13 CN +67 14 14 CN +67 14 15 MR +67 14 16 TX +67 14 17 NR +67 14 18 PT +67 14 19 JS +67 14 20 LM +67 14 21 IX +67 14 22 CX +67 14 23 NG +67 14 24 XN +67 14 25 JS +67 14 26 CN +67 14 27 JX +67 14 28 IX +67 14 29 LM +67 14 30 NR +67 14 31 AL +67 14 32 MR +67 14 33 LM +67 14 34 AL +67 14 35 NR +67 14 36 CN +67 14 37 JS +67 14 38 NG +67 14 39 CN +67 14 40 AL +67 14 41 MB +67 14 42 CX +67 14 43 CN +67 14 44 JX +67 14 45 LM +67 14 46 GR +67 14 47 PT +67 14 48 CX +67 14 49 CN +67 14 50 NG +67 14 51 XN +67 14 52 JX +67 14 53 IX +67 14 54 CN +67 14 55 JS +67 14 56 IX +67 14 57 AL +67 14 58 VE +67 14 59 MR +67 14 60 CN +67 14 61 MB +67 14 62 MR +67 14 63 IX +67 14 64 CN +67 14 65 IX +67 14 66 JX +67 14 67 CN +67 14 68 MR +67 14 69 VE +67 14 70 MR +67 14 71 CP +67 14 72 CN +67 14 73 NG +67 14 74 AL +67 14 75 CN +67 14 76 NR +67 14 77 AL +67 14 78 MR +67 14 79 JX +67 14 80 AL +67 14 81 VE +67 14 82 CN +67 14 83 CX +67 14 84 IX +67 14 85 CN +67 14 86 MR +67 14 87 PT +67 14 88 NG +67 14 89 PT +67 14 90 CN +67 14 91 VE +67 14 92 JX +67 14 93 AL +67 14 94 JX +67 14 95 TX +67 14 96 CX +67 14 97 MR +67 14 98 MB +67 14 99 MR +67 14 100 CN +67 14 101 MR +67 14 102 MR +67 14 103 LM +67 14 104 JS +67 14 105 NG +67 14 106 CX +67 14 107 TX +67 14 108 CN +67 14 109 CN +67 14 110 NR +67 14 111 CN +67 14 112 IX +67 14 113 PT +67 14 114 AL +67 14 115 MB +67 14 116 CN +67 14 117 CA +67 14 118 IX +67 14 119 CN +67 14 120 TX +67 14 121 NR +67 14 122 CN +67 14 123 AL +67 14 124 LM +67 14 125 NR +67 14 126 IX +67 14 127 CN +67 14 128 LM +67 14 129 JX +67 14 130 CN +67 14 131 MR +67 14 132 NR +67 14 133 CN +67 14 134 CA +67 14 135 MR +67 14 136 AL +67 14 137 CN +67 14 138 AL +67 14 139 MR +67 14 140 CN +67 14 141 TX +67 14 142 MR +67 14 143 LM +67 14 144 MR +67 14 145 CN +67 14 146 CX +67 14 147 CN +67 14 148 MB +67 14 149 CX +67 14 150 MR +67 14 151 IX +67 14 152 MR +67 14 153 AL +67 14 154 JX +67 14 155 XN +67 14 156 CN +67 14 157 CA +67 14 158 TX +67 14 159 JX +67 14 160 IX +67 14 161 CN +67 14 162 IX +67 14 163 AL +67 14 164 AL +67 14 165 CN +67 14 166 CN +67 14 167 MR +67 14 168 CN +67 14 169 JS +67 14 170 AL +67 14 171 VE +67 14 172 TX +67 14 173 IX +67 14 174 CX +67 14 175 TX +67 14 176 MB +67 14 177 VE +67 14 178 CN +67 14 179 CP +67 14 180 VE +67 14 181 CX +67 14 182 NG +67 14 183 XO +67 14 184 MR +67 14 185 MB +67 14 186 CN +67 14 187 CX +67 14 188 JS +67 14 189 JS +67 14 190 IX +67 14 191 CN +67 14 192 MR +67 14 193 VE +67 14 194 CP +67 14 195 VE +67 14 196 VE +67 14 197 MR +67 14 198 JX +67 14 199 VE +67 14 200 JS +67 14 201 IX +67 14 202 CN +67 14 203 MR +67 14 204 CA +67 14 205 NG +67 14 206 TX +67 14 207 MR +67 14 208 XO +67 14 209 CN +67 14 210 CP +67 14 211 CN +67 14 212 NR +67 14 213 MR +67 14 214 LM +67 14 215 MR +67 14 216 CN +67 14 217 IX +67 14 218 VE +67 14 219 VE +67 14 220 MR +67 14 221 CN +67 14 222 NG +67 14 223 CN +67 14 224 TX +67 14 225 VE +67 14 226 CN +67 14 227 PT +67 14 228 CN +67 14 229 VE +67 14 230 IX +67 14 231 MR +67 14 232 XO +67 14 233 MR +67 14 234 CN +67 14 235 CN +67 14 236 LM +67 14 237 NR +67 14 238 CN +67 14 239 IX +67 14 240 CP +67 14 241 TX +67 14 242 CX +67 14 243 MR +67 14 244 CN +67 14 245 MB +67 14 246 CN +67 14 247 MR +67 14 248 CN +67 14 249 CN +67 14 250 MR +67 14 251 CN +67 14 252 TX +67 14 253 CN +67 14 254 AL +67 14 255 PT +67 14 256 IX +67 14 257 CN +67 14 258 LM +67 14 259 CP +67 14 260 LM +67 14 261 NR +67 14 262 TX +67 14 263 JX +67 14 264 AL +67 14 265 VE +67 14 266 MB +67 14 267 MR +67 14 268 CN +67 14 269 MR +67 14 270 CX +67 14 271 CN +67 14 272 TX +67 14 273 MR +67 14 274 TX +67 14 275 VE +67 14 276 MR +67 14 277 CN +67 14 278 NR +67 14 279 MR +67 14 280 LM +67 14 281 CN +67 14 282 CN +67 14 283 CA +67 14 284 VE +67 14 285 IX +67 14 286 JX +67 14 287 XO +67 14 288 MB +67 14 289 CN +67 14 290 TX +67 14 291 CN +67 14 292 IX +67 14 293 CN +67 14 294 TX +67 14 295 CA +67 14 296 MR +67 14 297 CX +67 14 298 MB +67 14 299 CN +67 14 300 JX +67 14 301 CN +67 14 302 IX +67 14 303 MR +67 14 304 LM +67 14 305 NG +67 14 306 MZ +67 14 307 AL +67 14 308 MR +67 14 309 CN +67 14 310 VE +67 14 311 CN +67 14 312 PT +67 14 313 CN +67 14 314 TX +67 14 315 LM +67 14 316 CN +67 14 317 NG +67 14 318 NR +67 14 319 TX +67 14 320 LM +67 14 321 MB +67 14 322 AL +67 14 323 CN +67 14 324 IX +67 14 325 MR +67 14 326 CX +67 14 327 TX +67 14 328 CN +67 14 329 CA +67 14 330 CN +67 15 1 CN +67 15 2 VE +67 15 3 NR +67 15 4 MR +67 15 5 VE +67 15 6 NR +67 15 7 VE +67 15 8 SF +67 15 9 CA +67 15 10 AL +67 15 11 VE +67 15 12 CX +67 15 13 VE +67 15 14 AL +67 15 15 LA +67 15 16 TX +67 15 17 NR +67 15 18 VE +67 15 19 CP +67 15 20 VE +67 15 21 RO +67 15 22 CX +67 15 23 LA +67 15 24 CA +67 15 25 AL +67 15 26 CN +67 15 27 TX +67 15 28 RO +67 15 29 VE +67 15 30 NR +67 15 31 CN +67 15 32 LA +67 15 33 VE +67 15 34 CN +67 15 35 NR +67 15 36 VE +67 15 37 CN +67 15 38 GU +67 15 39 MZ +67 15 40 CN +67 15 41 CP +67 15 42 CX +67 15 43 CN +67 15 44 TX +67 15 45 VE +67 15 46 GR +67 15 47 GR +67 15 48 CX +67 15 49 CN +67 15 50 MR +67 15 51 CA +67 15 52 TX +67 15 53 SF +67 15 54 VE +67 15 55 CN +67 15 56 MA +67 15 57 CN +67 15 58 CX +67 15 59 LA +67 15 60 CN +67 15 61 GU +67 15 62 MR +67 15 63 MA +67 15 64 CN +67 15 65 RO +67 15 66 TX +67 15 67 VE +67 15 68 RO +67 15 69 MZ +67 15 70 LA +67 15 71 PT +67 15 72 MZ +67 15 73 MR +67 15 74 CN +67 15 75 MZ +67 15 76 NR +67 15 77 CN +67 15 78 RO +67 15 79 GR +67 15 80 CN +67 15 81 VE +67 15 82 VE +67 15 83 CX +67 15 84 MA +67 15 85 MZ +67 15 86 CP +67 15 87 MZ +67 15 88 LA +67 15 89 TU +67 15 90 VE +67 15 91 VE +67 15 92 TX +67 15 93 VN +67 15 94 GR +67 15 95 VE +67 15 96 CX +67 15 97 MR +67 15 98 RO +67 15 99 LA +67 15 100 VE +67 15 101 SF +67 15 102 LA +67 15 103 MZ +67 15 104 CN +67 15 105 MR +67 15 106 CX +67 15 107 LA +67 15 108 VE +67 15 109 CN +67 15 110 CX +67 15 111 MZ +67 15 112 PX +67 15 113 MZ +67 15 114 AL +67 15 115 CP +67 15 116 AL +67 15 117 JX +67 15 118 RO +67 15 119 MZ +67 15 120 TX +67 15 121 NR +67 15 122 MZ +67 15 123 CN +67 15 124 VE +67 15 125 NR +67 15 126 RO +67 15 127 MZ +67 15 128 CX +67 15 129 LA +67 15 130 VE +67 15 131 PT +67 15 132 NR +67 15 133 VE +67 15 134 CA +67 15 135 LA +67 15 136 CN +67 15 137 MZ +67 15 138 CN +67 15 139 LA +67 15 140 CN +67 15 141 TX +67 15 142 LA +67 15 143 MZ +67 15 144 MR +67 15 145 VE +67 15 146 CX +67 15 147 VE +67 15 148 CP +67 15 149 VE +67 15 150 LA +67 15 151 MA +67 15 152 LA +67 15 153 CN +67 15 154 GR +67 15 155 CA +67 15 156 AL +67 15 157 CA +67 15 158 TX +67 15 159 MB +67 15 160 RO +67 15 161 VE +67 15 162 RO +67 15 163 MZ +67 15 164 CN +67 15 165 MZ +67 15 166 CN +67 15 167 LA +67 15 168 MZ +67 15 169 CN +67 15 170 MZ +67 15 171 MZ +67 15 172 TX +67 15 173 RO +67 15 174 CX +67 15 175 CN +67 15 176 MB +67 15 177 MZ +67 15 178 CN +67 15 179 TU +67 15 180 VE +67 15 181 CX +67 15 182 LA +67 15 183 GR +67 15 184 MR +67 15 185 CA +67 15 186 CN +67 15 187 NR +67 15 188 CN +67 15 189 TX +67 15 190 RO +67 15 191 MZ +67 15 192 MR +67 15 193 MZ +67 15 194 LA +67 15 195 MZ +67 15 196 CN +67 15 197 LA +67 15 198 TU +67 15 199 CN +67 15 200 AL +67 15 201 MB +67 15 202 VE +67 15 203 LA +67 15 204 CA +67 15 205 MR +67 15 206 VE +67 15 207 RO +67 15 208 CX +67 15 209 PT +67 15 210 PT +67 15 211 CN +67 15 212 NR +67 15 213 LA +67 15 214 MZ +67 15 215 LA +67 15 216 MZ +67 15 217 RO +67 15 218 VE +67 15 219 CN +67 15 220 AL +67 15 221 AL +67 15 222 LA +67 15 223 VE +67 15 224 RO +67 15 225 MZ +67 15 226 CN +67 15 227 MZ +67 15 228 CN +67 15 229 MZ +67 15 230 RO +67 15 231 LA +67 15 232 CA +67 15 233 MR +67 15 234 MZ +67 15 235 CN +67 15 236 MZ +67 15 237 MB +67 15 238 VE +67 15 239 RO +67 15 240 CA +67 15 241 RO +67 15 242 CX +67 15 243 MR +67 15 244 CN +67 15 245 MB +67 15 246 CN +67 15 247 LA +67 15 248 VE +67 15 249 VE +67 15 250 MR +67 15 251 MZ +67 15 252 LA +67 15 253 MZ +67 15 254 CN +67 15 255 CA +67 15 256 RO +67 15 257 CN +67 15 258 MZ +67 15 259 RO +67 15 260 VE +67 15 261 MB +67 15 262 TX +67 15 263 * +67 15 264 CN +67 15 265 MZ +67 15 266 MB +67 15 267 MR +67 15 268 MZ +67 15 269 LA +67 15 270 CX +67 15 271 VE +67 15 272 CN +67 15 273 LA +67 15 274 LA +67 15 275 VE +67 15 276 LA +67 15 277 CN +67 15 278 MB +67 15 279 CN +67 15 280 MZ +67 15 281 VE +67 15 282 VE +67 15 283 CA +67 15 284 CN +67 15 285 LA +67 15 286 LA +67 15 287 MZ +67 15 288 TU +67 15 289 CN +67 15 290 AL +67 15 291 CN +67 15 292 RO +67 15 293 MZ +67 15 294 CN +67 15 295 CA +67 15 296 MR +67 15 297 CX +67 15 298 RO +67 15 299 MZ +67 15 300 GR +67 15 301 VE +67 15 302 RO +67 15 303 CN +67 15 304 MZ +67 15 305 MR +67 15 306 VE +67 15 307 CN +67 15 308 LA +67 15 309 MZ +67 15 310 MZ +67 15 311 CN +67 15 312 TU +67 15 313 MR +67 15 314 RO +67 15 315 MZ +67 15 316 MZ +67 15 317 LA +67 15 318 MB +67 15 319 LA +67 15 320 MZ +67 15 321 CP +67 15 322 CN +67 15 323 VE +67 15 324 RO +67 15 325 MR +67 15 326 CX +67 15 327 CN +67 15 328 MZ +67 15 329 CA +67 15 330 CN +67 16 1 AL +67 16 2 VE +67 16 3 RJ +67 16 4 GU +67 16 5 VE +67 16 6 CX +67 16 7 LM +67 16 8 GU +67 16 9 CX +67 16 10 CN +67 16 11 GR +67 16 12 CX +67 16 13 MZ +67 16 14 MZ +67 16 15 RO +67 16 16 TX +67 16 17 RO +67 16 18 PT +67 16 19 CN +67 16 20 LM +67 16 21 RO +67 16 22 CX +67 16 23 CP +67 16 24 PT +67 16 25 CN +67 16 26 CN +67 16 27 TX +67 16 28 IX +67 16 29 CN +67 16 30 CX +67 16 31 CN +67 16 32 CP +67 16 33 LM +67 16 34 CN +67 16 35 RO +67 16 36 CN +67 16 37 AL +67 16 38 IX +67 16 39 VE +67 16 40 AL +67 16 41 GU +67 16 42 CX +67 16 43 CN +67 16 44 TX +67 16 45 VE +67 16 46 JX +67 16 47 CN +67 16 48 CX +67 16 49 CN +67 16 50 CP +67 16 51 JX +67 16 52 TX +67 16 53 CP +67 16 54 LM +67 16 55 CN +67 16 56 IX +67 16 57 CN +67 16 58 CX +67 16 59 TX +67 16 60 CN +67 16 61 CP +67 16 62 JO +67 16 63 IX +67 16 64 CN +67 16 65 IX +67 16 66 TX +67 16 67 CN +67 16 68 IX +67 16 69 CX +67 16 70 TX +67 16 71 CP +67 16 72 CN +67 16 73 CP +67 16 74 TX +67 16 75 JX +67 16 76 CX +67 16 77 CN +67 16 78 JO +67 16 79 JX +67 16 80 CN +67 16 81 LM +67 16 82 CN +67 16 83 CX +67 16 84 IX +67 16 85 MZ +67 16 86 IX +67 16 87 PT +67 16 88 RO +67 16 89 JX +67 16 90 CN +67 16 91 LM +67 16 92 TX +67 16 93 CN +67 16 94 JX +67 16 95 TX +67 16 96 CX +67 16 97 MR +67 16 98 MB +67 16 99 JO +67 16 100 CN +67 16 101 GU +67 16 102 CN +67 16 103 MZ +67 16 104 CN +67 16 105 MR +67 16 106 LM +67 16 107 TX +67 16 108 TX +67 16 109 CN +67 16 110 CX +67 16 111 JX +67 16 112 IX +67 16 113 JX +67 16 114 CN +67 16 115 CP +67 16 116 TX +67 16 117 CA +67 16 118 IX +67 16 119 VE +67 16 120 TX +67 16 121 MB +67 16 122 VE +67 16 123 CN +67 16 124 LM +67 16 125 CX +67 16 126 IX +67 16 127 CN +67 16 128 LM +67 16 129 TX +67 16 130 JX +67 16 131 GU +67 16 132 * +67 16 133 CN +67 16 134 CP +67 16 135 GU +67 16 136 CN +67 16 137 LM +67 16 138 CN +67 16 139 TX +67 16 140 CN +67 16 141 TX +67 16 142 TX +67 16 143 LM +67 16 144 MR +67 16 145 CN +67 16 146 LM +67 16 147 CN +67 16 148 MB +67 16 149 LM +67 16 150 MR +67 16 151 IX +67 16 152 RO +67 16 153 CN +67 16 154 JX +67 16 155 CX +67 16 156 CN +67 16 157 CX +67 16 158 TX +67 16 159 CX +67 16 160 IX +67 16 161 CN +67 16 162 CP +67 16 163 CN +67 16 164 CN +67 16 165 MZ +67 16 166 CN +67 16 167 TX +67 16 168 CN +67 16 169 CN +67 16 170 CN +67 16 171 LM +67 16 172 TX +67 16 173 CP +67 16 174 CX +67 16 175 CN +67 16 176 IX +67 16 177 CX +67 16 178 CN +67 16 179 CP +67 16 180 LM +67 16 181 CX +67 16 182 CP +67 16 183 CX +67 16 184 MR +67 16 185 CX +67 16 186 CN +67 16 187 CX +67 16 188 CN +67 16 189 TX +67 16 190 IX +67 16 191 CN +67 16 192 MR +67 16 193 CX +67 16 194 CP +67 16 195 LM +67 16 196 CN +67 16 197 MR +67 16 198 JX +67 16 199 TX +67 16 200 CN +67 16 201 IX +67 16 202 LM +67 16 203 IX +67 16 204 PT +67 16 205 MR +67 16 206 TX +67 16 207 IX +67 16 208 CX +67 16 209 CN +67 16 210 CP +67 16 211 CN +67 16 212 CX +67 16 213 TX +67 16 214 CX +67 16 215 IX +67 16 216 JX +67 16 217 IX +67 16 218 CX +67 16 219 TX +67 16 220 CN +67 16 221 TX +67 16 222 MR +67 16 223 CN +67 16 224 TX +67 16 225 CX +67 16 226 CN +67 16 227 JX +67 16 228 CN +67 16 229 CN +67 16 230 TX +67 16 231 IX +67 16 232 JX +67 16 233 TX +67 16 234 LM +67 16 235 CN +67 16 236 LM +67 16 237 IX +67 16 238 CN +67 16 239 IX +67 16 240 CX +67 16 241 TX +67 16 242 CX +67 16 243 CP +67 16 244 TX +67 16 245 MB +67 16 246 CN +67 16 247 MR +67 16 248 JX +67 16 249 CN +67 16 250 MR +67 16 251 LM +67 16 252 TX +67 16 253 CN +67 16 254 CN +67 16 255 JX +67 16 256 IX +67 16 257 CN +67 16 258 CX +67 16 259 CP +67 16 260 LM +67 16 261 CX +67 16 262 TX +67 16 263 JX +67 16 264 TX +67 16 265 CN +67 16 266 NR +67 16 267 GU +67 16 268 LM +67 16 269 IX +67 16 270 CX +67 16 271 CN +67 16 272 TX +67 16 273 CP +67 16 274 TX +67 16 275 CX +67 16 276 GU +67 16 277 CN +67 16 278 CX +67 16 279 AL +67 16 280 LM +67 16 281 CN +67 16 282 VE +67 16 283 GU +67 16 284 TX +67 16 285 IX +67 16 286 TX +67 16 287 CX +67 16 288 NR +67 16 289 CN +67 16 290 TX +67 16 291 CN +67 16 292 IX +67 16 293 TX +67 16 294 TX +67 16 295 JX +67 16 296 MR +67 16 297 CX +67 16 298 IX +67 16 299 CN +67 16 300 TX +67 16 301 CN +67 16 302 TX +67 16 303 TX +67 16 304 LM +67 16 305 CP +67 16 306 LM +67 16 307 CN +67 16 308 MR +67 16 309 JX +67 16 310 CN +67 16 311 CN +67 16 312 PT +67 16 313 AL +67 16 314 TX +67 16 315 LM +67 16 316 CN +67 16 317 CP +67 16 318 CX +67 16 319 TX +67 16 320 LM +67 16 321 MB +67 16 322 CN +67 16 323 VE +67 16 324 TX +67 16 325 CP +67 16 326 CX +67 16 327 TX +67 16 328 CN +67 16 329 CX +67 16 330 TX +67 17 1 CN +67 17 2 CN +67 17 3 MB +67 17 4 PX +67 17 5 MZ +67 17 6 TX +67 17 7 CN +67 17 8 PX +67 17 9 PX +67 17 10 CN +67 17 11 CN +67 17 12 CX +67 17 13 MZ +67 17 14 CN +67 17 15 IX +67 17 16 TX +67 17 17 IX +67 17 18 PX +67 17 19 CN +67 17 20 MZ +67 17 21 IX +67 17 22 CX +67 17 23 * +67 17 24 PX +67 17 25 CN +67 17 26 CN +67 17 27 TX +67 17 28 IX +67 17 29 CN +67 17 30 PX +67 17 31 CN +67 17 32 IX +67 17 33 MZ +67 17 34 CN +67 17 35 IX +67 17 36 CN +67 17 37 CN +67 17 38 IX +67 17 39 CN +67 17 40 CN +67 17 41 MB +67 17 42 CX +67 17 43 CN +67 17 44 TX +67 17 45 MZ +67 17 46 PX +67 17 47 PX +67 17 48 CX +67 17 49 CN +67 17 50 CX +67 17 51 PX +67 17 52 TX +67 17 53 IX +67 17 54 MZ +67 17 55 CN +67 17 56 IX +67 17 57 CN +67 17 58 PX +67 17 59 TX +67 17 60 CN +67 17 61 MB +67 17 62 * +67 17 63 IX +67 17 64 CN +67 17 65 IX +67 17 66 TX +67 17 67 MZ +67 17 68 IX +67 17 69 DY +67 17 70 TX +67 17 71 PX +67 17 72 CN +67 17 73 CN +67 17 74 PX +67 17 75 MB +67 17 76 CN +67 17 77 IX +67 17 78 PX +67 17 79 * +67 17 80 CN +67 17 81 MZ +67 17 82 CN +67 17 83 CX +67 17 84 IX +67 17 85 CN +67 17 86 IX +67 17 87 DY +67 17 88 IX +67 17 89 PX +67 17 90 MZ +67 17 91 CN +67 17 92 TX +67 17 93 CN +67 17 94 PX +67 17 95 TX +67 17 96 CX +67 17 97 * +67 17 98 IX +67 17 99 IX +67 17 100 CN +67 17 101 IX +67 17 102 * +67 17 103 PX +67 17 104 CN +67 17 105 IX +67 17 106 CX +67 17 107 TX +67 17 108 CN +67 17 109 CN +67 17 110 CX +67 17 111 MZ +67 17 112 IX +67 17 113 PX +67 17 114 MZ +67 17 115 IX +67 17 116 CN +67 17 117 PX +67 17 118 IX +67 17 119 CN +67 17 120 TX +67 17 121 MB +67 17 122 MZ +67 17 123 CN +67 17 124 CX +67 17 125 MB +67 17 126 IX +67 17 127 PX +67 17 128 CX +67 17 129 TX +67 17 130 DY +67 17 131 CX +67 17 132 MB +67 17 133 MZ +67 17 134 PX +67 17 135 IX +67 17 136 CN +67 17 137 MZ +67 17 138 CN +67 17 139 TX +67 17 140 CN +67 17 141 TX +67 17 142 TX +67 17 143 MZ +67 17 144 * +67 17 145 CN +67 17 146 CX +67 17 147 CN +67 17 148 MB +67 17 149 MZ +67 17 150 IX +67 17 151 IX +67 17 152 IX +67 17 153 CN +67 17 154 PX +67 17 155 PX +67 17 156 MZ +67 17 157 DY +67 17 158 TX +67 17 159 CX +67 17 160 IX +67 17 161 CN +67 17 162 IX +67 17 163 CN +67 17 164 CN +67 17 165 MZ +67 17 166 CN +67 17 167 IX +67 17 168 MZ +67 17 169 CN +67 17 170 MZ +67 17 171 MZ +67 17 172 TX +67 17 173 IX +67 17 174 CX +67 17 175 CN +67 17 176 IX +67 17 177 CX +67 17 178 CN +67 17 179 MB +67 17 180 MZ +67 17 181 CX +67 17 182 IX +67 17 183 PX +67 17 184 IX +67 17 185 * +67 17 186 CN +67 17 187 CX +67 17 188 CN +67 17 189 CN +67 17 190 IX +67 17 191 MZ +67 17 192 * +67 17 193 CX +67 17 194 IX +67 17 195 MZ +67 17 196 CN +67 17 197 IX +67 17 198 PX +67 17 199 TX +67 17 200 CN +67 17 201 IX +67 17 202 MZ +67 17 203 IX +67 17 204 PX +67 17 205 * +67 17 206 TX +67 17 207 IX +67 17 208 * +67 17 209 CN +67 17 210 * +67 17 211 CN +67 17 212 CX +67 17 213 * +67 17 214 * +67 17 215 IX +67 17 216 MZ +67 17 217 IX +67 17 218 MZ +67 17 219 TX +67 17 220 * +67 17 221 TX +67 17 222 IX +67 17 223 MZ +67 17 224 IX +67 17 225 MZ +67 17 226 CN +67 17 227 PX +67 17 228 CN +67 17 229 * +67 17 230 IX +67 17 231 IX +67 17 232 MZ +67 17 233 * +67 17 234 MZ +67 17 235 CN +67 17 236 * +67 17 237 IX +67 17 238 CN +67 17 239 IX +67 17 240 MB +67 17 241 TX +67 17 242 CX +67 17 243 IX +67 17 244 TX +67 17 245 MB +67 17 246 CN +67 17 247 * +67 17 248 MZ +67 17 249 MZ +67 17 250 IX +67 17 251 * +67 17 252 TX +67 17 253 * +67 17 254 CN +67 17 255 PX +67 17 256 IX +67 17 257 CN +67 17 258 CX +67 17 259 MB +67 17 260 CX +67 17 261 CX +67 17 262 TX +67 17 263 PX +67 17 264 CN +67 17 265 MZ +67 17 266 * +67 17 267 IX +67 17 268 * +67 17 269 IX +67 17 270 CX +67 17 271 MZ +67 17 272 TX +67 17 273 IX +67 17 274 TX +67 17 275 MZ +67 17 276 IX +67 17 277 CN +67 17 278 IX +67 17 279 * +67 17 280 MZ +67 17 281 MZ +67 17 282 * +67 17 283 PX +67 17 284 TX +67 17 285 IX +67 17 286 TX +67 17 287 PX +67 17 288 MB +67 17 289 CN +67 17 290 TX +67 17 291 CN +67 17 292 IX +67 17 293 * +67 17 294 TX +67 17 295 PX +67 17 296 * +67 17 297 CX +67 17 298 MB +67 17 299 MZ +67 17 300 TX +67 17 301 CN +67 17 302 IX +67 17 303 CN +67 17 304 MZ +67 17 305 IX +67 17 306 MZ +67 17 307 CN +67 17 308 IX +67 17 309 MZ +67 17 310 * +67 17 311 CN +67 17 312 PT +67 17 313 PT +67 17 314 TX +67 17 315 * +67 17 316 CN +67 17 317 IX +67 17 318 * +67 17 319 TX +67 17 320 MZ +67 17 321 IX +67 17 322 CN +67 17 323 MZ +67 17 324 TX +67 17 325 IX +67 17 326 CX +67 17 327 CN +67 17 328 MZ +67 17 329 PX +67 17 330 TX +67 18 1 JR +67 18 2 JR +67 18 3 NR +67 18 4 CP +67 18 5 MZ +67 18 6 DY +67 18 7 MZ +67 18 8 CP +67 18 9 CA +67 18 10 CN +67 18 11 MZ +67 18 12 CX +67 18 13 MZ +67 18 14 CN +67 18 15 TX +67 18 16 TX +67 18 17 NR +67 18 18 TU +67 18 19 JR +67 18 20 MZ +67 18 21 IX +67 18 22 CX +67 18 23 CP +67 18 24 CA +67 18 25 CN +67 18 26 JR +67 18 27 TX +67 18 28 IX +67 18 29 MZ +67 18 30 CA +67 18 31 JR +67 18 32 TX +67 18 33 MZ +67 18 34 CN +67 18 35 IX +67 18 36 MZ +67 18 37 CN +67 18 38 CP +67 18 39 MZ +67 18 40 CN +67 18 41 MB +67 18 42 CX +67 18 43 CN +67 18 44 IX +67 18 45 MZ +67 18 46 XJ +67 18 47 MZ +67 18 48 CX +67 18 49 CN +67 18 50 CP +67 18 51 CA +67 18 52 JR +67 18 53 CP +67 18 54 MZ +67 18 55 JR +67 18 56 IX +67 18 57 CN +67 18 58 CX +67 18 59 CP +67 18 60 CN +67 18 61 CP +67 18 62 CP +67 18 63 IX +67 18 64 CN +67 18 65 IX +67 18 66 TX +67 18 67 MZ +67 18 68 TX +67 18 69 MZ +67 18 70 JR +67 18 71 CP +67 18 72 MZ +67 18 73 CP +67 18 74 PX +67 18 75 MZ +67 18 76 CX +67 18 77 CN +67 18 78 IX +67 18 79 PX +67 18 80 CN +67 18 81 MZ +67 18 82 JR +67 18 83 CX +67 18 84 TX +67 18 85 MZ +67 18 86 IX +67 18 87 DY +67 18 88 CP +67 18 89 PT +67 18 90 MZ +67 18 91 CX +67 18 92 TX +67 18 93 CN +67 18 94 CA +67 18 95 JR +67 18 96 CX +67 18 97 JR +67 18 98 MB +67 18 99 JR +67 18 100 JR +67 18 101 CP +67 18 102 CN +67 18 103 MZ +67 18 104 JR +67 18 105 JR +67 18 106 CX +67 18 107 PX +67 18 108 JR +67 18 109 JR +67 18 110 CX +67 18 111 MZ +67 18 112 CP +67 18 113 PT +67 18 114 MZ +67 18 115 CP +67 18 116 JR +67 18 117 CA +67 18 118 IX +67 18 119 MZ +67 18 120 PX +67 18 121 MB +67 18 122 MZ +67 18 123 CN +67 18 124 MZ +67 18 125 NR +67 18 126 IX +67 18 127 MZ +67 18 128 CX +67 18 129 IX +67 18 130 MZ +67 18 131 CP +67 18 132 MB +67 18 133 MZ +67 18 134 CA +67 18 135 IX +67 18 136 CN +67 18 137 MZ +67 18 138 JR +67 18 139 TX +67 18 140 CN +67 18 141 TX +67 18 142 JR +67 18 143 MZ +67 18 144 JR +67 18 145 MZ +67 18 146 CX +67 18 147 MZ +67 18 148 MB +67 18 149 MZ +67 18 150 JR +67 18 151 IX +67 18 152 JR +67 18 153 JR +67 18 154 PX +67 18 155 CA +67 18 156 MZ +67 18 157 CA +67 18 158 PX +67 18 159 CX +67 18 160 IX +67 18 161 MZ +67 18 162 IX +67 18 163 MZ +67 18 164 CN +67 18 165 MZ +67 18 166 CN +67 18 167 JR +67 18 168 MZ +67 18 169 JR +67 18 170 MZ +67 18 171 MZ +67 18 172 PX +67 18 173 IX +67 18 174 CX +67 18 175 CN +67 18 176 IX +67 18 177 CX +67 18 178 CN +67 18 179 JR +67 18 180 MZ +67 18 181 CX +67 18 182 JR +67 18 183 DY +67 18 184 JR +67 18 185 DY +67 18 186 JR +67 18 187 CX +67 18 188 JR +67 18 189 JR +67 18 190 IX +67 18 191 MZ +67 18 192 JR +67 18 193 CX +67 18 194 JR +67 18 195 MZ +67 18 196 MZ +67 18 197 JR +67 18 198 MZ +67 18 199 MZ +67 18 200 JR +67 18 201 IX +67 18 202 MZ +67 18 203 IX +67 18 204 CA +67 18 205 JR +67 18 206 MZ +67 18 207 PT +67 18 208 DY +67 18 209 MZ +67 18 210 CA +67 18 211 JR +67 18 212 CX +67 18 213 JR +67 18 214 MZ +67 18 215 IX +67 18 216 MZ +67 18 217 IX +67 18 218 MZ +67 18 219 MZ +67 18 220 JR +67 18 221 PT +67 18 222 JR +67 18 223 MZ +67 18 224 IX +67 18 225 MZ +67 18 226 CN +67 18 227 MZ +67 18 228 CN +67 18 229 MZ +67 18 230 IX +67 18 231 JR +67 18 232 DY +67 18 233 JR +67 18 234 MZ +67 18 235 JR +67 18 236 DY +67 18 237 MZ +67 18 238 JR +67 18 239 IX +67 18 240 CA +67 18 241 PT +67 18 242 CX +67 18 243 JR +67 18 244 JR +67 18 245 MB +67 18 246 MZ +67 18 247 JR +67 18 248 MZ +67 18 249 MZ +67 18 250 JR +67 18 251 MZ +67 18 252 IX +67 18 253 MZ +67 18 254 JR +67 18 255 PX +67 18 256 IX +67 18 257 CN +67 18 258 CX +67 18 259 CX +67 18 260 MZ +67 18 261 NR +67 18 262 TX +67 18 263 PT +67 18 264 JR +67 18 265 MZ +67 18 266 CA +67 18 267 JR +67 18 268 MZ +67 18 269 IX +67 18 270 CX +67 18 271 MZ +67 18 272 PT +67 18 273 JR +67 18 274 TX +67 18 275 DY +67 18 276 PT +67 18 277 JR +67 18 278 CX +67 18 279 JR +67 18 280 MZ +67 18 281 MZ +67 18 282 MZ +67 18 283 CA +67 18 284 PT +67 18 285 IX +67 18 286 TX +67 18 287 DY +67 18 288 MB +67 18 289 CN +67 18 290 IX +67 18 291 CN +67 18 292 IX +67 18 293 MZ +67 18 294 PT +67 18 295 DY +67 18 296 JR +67 18 297 CX +67 18 298 IX +67 18 299 MZ +67 18 300 PX +67 18 301 MZ +67 18 302 IX +67 18 303 JR +67 18 304 DY +67 18 305 JR +67 18 306 MZ +67 18 307 CN +67 18 308 JR +67 18 309 MZ +67 18 310 MZ +67 18 311 CN +67 18 312 PX +67 18 313 JR +67 18 314 IX +67 18 315 MZ +67 18 316 MZ +67 18 317 JR +67 18 318 NR +67 18 319 PT +67 18 320 DY +67 18 321 PT +67 18 322 CN +67 18 323 MZ +67 18 324 IX +67 18 325 JR +67 18 326 DY +67 18 327 MZ +67 18 328 MZ +67 18 329 DY +67 18 330 MZ +67 19 1 CN +67 19 2 MZ +67 19 3 DY +67 19 4 CP +67 19 5 MZ +67 19 6 IX +67 19 7 MZ +67 19 8 IX +67 19 9 CA +67 19 10 CN +67 19 11 JR +67 19 12 CX +67 19 13 JR +67 19 14 CN +67 19 15 IX +67 19 16 TX +67 19 17 MB +67 19 18 PX +67 19 19 CX +67 19 20 MZ +67 19 21 IX +67 19 22 CX +67 19 23 MR +67 19 24 PX +67 19 25 CN +67 19 26 CN +67 19 27 IX +67 19 28 IX +67 19 29 MZ +67 19 30 DY +67 19 31 CX +67 19 32 MR +67 19 33 MZ +67 19 34 CN +67 19 35 MB +67 19 36 PT +67 19 37 CN +67 19 38 IX +67 19 39 MZ +67 19 40 CN +67 19 41 MB +67 19 42 CX +67 19 43 CN +67 19 44 IX +67 19 45 MZ +67 19 46 XJ +67 19 47 MZ +67 19 48 CX +67 19 49 CX +67 19 50 MR +67 19 51 CA +67 19 52 CX +67 19 53 IX +67 19 54 MZ +67 19 55 CN +67 19 56 IX +67 19 57 CN +67 19 58 CA +67 19 59 MR +67 19 60 PT +67 19 61 MB +67 19 62 MR +67 19 63 IX +67 19 64 CN +67 19 65 MB +67 19 66 TX +67 19 67 MZ +67 19 68 MR +67 19 69 MZ +67 19 70 CX +67 19 71 MR +67 19 72 MZ +67 19 73 MR +67 19 74 CX +67 19 75 MZ +67 19 76 DY +67 19 77 CN +67 19 78 IX +67 19 79 PT +67 19 80 CN +67 19 81 MZ +67 19 82 MZ +67 19 83 CX +67 19 84 MB +67 19 85 MZ +67 19 86 IX +67 19 87 PT +67 19 88 MR +67 19 89 CP +67 19 90 MZ +67 19 91 MZ +67 19 92 TX +67 19 93 CN +67 19 94 CA +67 19 95 CN +67 19 96 CX +67 19 97 MR +67 19 98 IX +67 19 99 MR +67 19 100 CX +67 19 101 MR +67 19 102 CX +67 19 103 MZ +67 19 104 CN +67 19 105 MR +67 19 106 CX +67 19 107 MR +67 19 108 CX +67 19 109 CN +67 19 110 CX +67 19 111 MZ +67 19 112 IX +67 19 113 CP +67 19 114 CN +67 19 115 MB +67 19 116 CX +67 19 117 CA +67 19 118 IX +67 19 119 MZ +67 19 120 CX +67 19 121 DY +67 19 122 MZ +67 19 123 CN +67 19 124 CX +67 19 125 DY +67 19 126 IX +67 19 127 MZ +67 19 128 CX +67 19 129 IX +67 19 130 MZ +67 19 131 MR +67 19 132 MB +67 19 133 MZ +67 19 134 CP +67 19 135 MR +67 19 136 MZ +67 19 137 MZ +67 19 138 CN +67 19 139 MR +67 19 140 CN +67 19 141 TX +67 19 142 MR +67 19 143 MZ +67 19 144 MR +67 19 145 MZ +67 19 146 CX +67 19 147 MZ +67 19 148 MB +67 19 149 MZ +67 19 150 MR +67 19 151 IX +67 19 152 IX +67 19 153 CN +67 19 154 PT +67 19 155 CA +67 19 156 MZ +67 19 157 CA +67 19 158 TX +67 19 159 CX +67 19 160 IX +67 19 161 MZ +67 19 162 IX +67 19 163 CN +67 19 164 CN +67 19 165 MZ +67 19 166 CN +67 19 167 MR +67 19 168 MZ +67 19 169 CN +67 19 170 PT +67 19 171 MZ +67 19 172 TX +67 19 173 IX +67 19 174 CX +67 19 175 CX +67 19 176 MB +67 19 177 CX +67 19 178 CN +67 19 179 MB +67 19 180 MZ +67 19 181 CX +67 19 182 MR +67 19 183 CX +67 19 184 MR +67 19 185 CX +67 19 186 CN +67 19 187 CX +67 19 188 CN +67 19 189 CX +67 19 190 IX +67 19 191 MZ +67 19 192 MR +67 19 193 CX +67 19 194 MB +67 19 195 MZ +67 19 196 CX +67 19 197 MR +67 19 198 PT +67 19 199 TX +67 19 200 CN +67 19 201 IX +67 19 202 MZ +67 19 203 IX +67 19 204 CA +67 19 205 MR +67 19 206 TX +67 19 207 IX +67 19 208 CX +67 19 209 CN +67 19 210 MB +67 19 211 CN +67 19 212 DY +67 19 213 MR +67 19 214 MZ +67 19 215 IX +67 19 216 MZ +67 19 217 IX +67 19 218 MZ +67 19 219 CX +67 19 220 CN +67 19 221 TX +67 19 222 MR +67 19 223 MZ +67 19 224 IX +67 19 225 MZ +67 19 226 CN +67 19 227 PT +67 19 228 CN +67 19 229 MZ +67 19 230 IX +67 19 231 MR +67 19 232 MZ +67 19 233 MR +67 19 234 MZ +67 19 235 CN +67 19 236 MZ +67 19 237 IX +67 19 238 CN +67 19 239 IX +67 19 240 MB +67 19 241 TX +67 19 242 CX +67 19 243 MR +67 19 244 CX +67 19 245 MB +67 19 246 CN +67 19 247 MR +67 19 248 MZ +67 19 249 MZ +67 19 250 MR +67 19 251 MZ +67 19 252 IX +67 19 253 MZ +67 19 254 CN +67 19 255 CP +67 19 256 IX +67 19 257 CN +67 19 258 CX +67 19 259 MB +67 19 260 TX +67 19 261 DY +67 19 262 TX +67 19 263 PX +67 19 264 CX +67 19 265 MZ +67 19 266 DY +67 19 267 MR +67 19 268 MZ +67 19 269 IX +67 19 270 CX +67 19 271 MZ +67 19 272 TX +67 19 273 MR +67 19 274 TX +67 19 275 CX +67 19 276 IX +67 19 277 CN +67 19 278 IX +67 19 279 CN +67 19 280 MZ +67 19 281 MZ +67 19 282 MZ +67 19 283 CA +67 19 284 CN +67 19 285 IX +67 19 286 TX +67 19 287 CX +67 19 288 MB +67 19 289 CN +67 19 290 TX +67 19 291 CN +67 19 292 IX +67 19 293 CX +67 19 294 TX +67 19 295 CA +67 19 296 MR +67 19 297 CX +67 19 298 MB +67 19 299 MZ +67 19 300 TX +67 19 301 MZ +67 19 302 IX +67 19 303 CN +67 19 304 MZ +67 19 305 MR +67 19 306 MZ +67 19 307 CN +67 19 308 MR +67 19 309 CA +67 19 310 MZ +67 19 311 CN +67 19 312 PT +67 19 313 CN +67 19 314 IX +67 19 315 MZ +67 19 316 MZ +67 19 317 MR +67 19 318 DY +67 19 319 TX +67 19 320 MZ +67 19 321 IX +67 19 322 CN +67 19 323 MZ +67 19 324 TX +67 19 325 MR +67 19 326 CX +67 19 327 CX +67 19 328 MZ +67 19 329 CA +67 19 330 CX +67 20 1 AL +67 20 2 CN +67 20 3 NR +67 20 4 MR +67 20 5 CN +67 20 6 NR +67 20 7 CN +67 20 8 GU +67 20 9 CA +67 20 10 AL +67 20 11 CN +67 20 12 CX +67 20 13 MZ +67 20 14 AL +67 20 15 IX +67 20 16 XJ +67 20 17 MB +67 20 18 XJ +67 20 19 AL +67 20 20 MZ +67 20 21 IX +67 20 22 CX +67 20 23 CP +67 20 24 PX +67 20 25 AL +67 20 26 CN +67 20 27 IX +67 20 28 IX +67 20 29 MZ +67 20 30 CA +67 20 31 CN +67 20 32 MR +67 20 33 MZ +67 20 34 JS +67 20 35 IX +67 20 36 CN +67 20 37 CN +67 20 38 IX +67 20 39 MZ +67 20 40 AL +67 20 41 MB +67 20 42 CX +67 20 43 AL +67 20 44 IX +67 20 45 MZ +67 20 46 XJ +67 20 47 PT +67 20 48 CX +67 20 49 AL +67 20 50 MR +67 20 51 CA +67 20 52 XJ +67 20 53 IX +67 20 54 TX +67 20 55 AL +67 20 56 IX +67 20 57 CN +67 20 58 CA +67 20 59 IX +67 20 60 CN +67 20 61 MB +67 20 62 CP +67 20 63 IX +67 20 64 CN +67 20 65 IX +67 20 66 XJ +67 20 67 CN +67 20 68 IX +67 20 69 MZ +67 20 70 CP +67 20 71 CP +67 20 72 MZ +67 20 73 MR +67 20 74 AL +67 20 75 CN +67 20 76 NR +67 20 77 AL +67 20 78 IX +67 20 79 XJ +67 20 80 AL +67 20 81 LM +67 20 82 AL +67 20 83 CA +67 20 84 IX +67 20 85 CN +67 20 86 IX +67 20 87 PX +67 20 88 MR +67 20 89 PT +67 20 90 MZ +67 20 91 MZ +67 20 92 IX +67 20 93 * +67 20 94 CA +67 20 95 CN +67 20 96 CX +67 20 97 CP +67 20 98 IX +67 20 99 CP +67 20 100 CN +67 20 101 CP +67 20 102 XJ +67 20 103 CA +67 20 104 AL +67 20 105 CP +67 20 106 CX +67 20 107 XJ +67 20 108 CN +67 20 109 AL +67 20 110 CX +67 20 111 MZ +67 20 112 IX +67 20 113 CA +67 20 114 CN +67 20 115 MB +67 20 116 AL +67 20 117 CA +67 20 118 IX +67 20 119 MZ +67 20 120 XJ +67 20 121 MB +67 20 122 MZ +67 20 123 AL +67 20 124 CX +67 20 125 NR +67 20 126 IX +67 20 127 CN +67 20 128 CX +67 20 129 XJ +67 20 130 MZ +67 20 131 CP +67 20 132 CX +67 20 133 CN +67 20 134 CA +67 20 135 CP +67 20 136 CN +67 20 137 MZ +67 20 138 AL +67 20 139 XJ +67 20 140 AL +67 20 141 TX +67 20 142 XJ +67 20 143 CX +67 20 144 CP +67 20 145 CN +67 20 146 CX +67 20 147 MZ +67 20 148 MB +67 20 149 CN +67 20 150 CP +67 20 151 IX +67 20 152 CP +67 20 153 AL +67 20 154 XJ +67 20 155 CX +67 20 156 CN +67 20 157 CA +67 20 158 XJ +67 20 159 CX +67 20 160 IX +67 20 161 MZ +67 20 162 IX +67 20 163 CN +67 20 164 AL +67 20 165 CX +67 20 166 AL +67 20 167 IX +67 20 168 MZ +67 20 169 AL +67 20 170 PT +67 20 171 CX +67 20 172 TX +67 20 173 IX +67 20 174 CX +67 20 175 CN +67 20 176 IX +67 20 177 CX +67 20 178 AL +67 20 179 CP +67 20 180 CN +67 20 181 CX +67 20 182 CP +67 20 183 XJ +67 20 184 CP +67 20 185 CX +67 20 186 AL +67 20 187 CX +67 20 188 AL +67 20 189 AL +67 20 190 IX +67 20 191 CN +67 20 192 CP +67 20 193 MZ +67 20 194 GU +67 20 195 MZ +67 20 196 CN +67 20 197 MR +67 20 198 PT +67 20 199 CN +67 20 200 AL +67 20 201 IX +67 20 202 LM +67 20 203 IX +67 20 204 CA +67 20 205 MR +67 20 206 CN +67 20 207 IX +67 20 208 CX +67 20 209 CN +67 20 210 CA +67 20 211 AL +67 20 212 CX +67 20 213 MR +67 20 214 MZ +67 20 215 MR +67 20 216 CN +67 20 217 IX +67 20 218 CN +67 20 219 CN +67 20 220 AL +67 20 221 CN +67 20 222 CP +67 20 223 MZ +67 20 224 IX +67 20 225 CX +67 20 226 AL +67 20 227 CN +67 20 228 AL +67 20 229 CN +67 20 230 IX +67 20 231 MR +67 20 232 CX +67 20 233 AL +67 20 234 CN +67 20 235 AL +67 20 236 MZ +67 20 237 CA +67 20 238 CN +67 20 239 IX +67 20 240 CA +67 20 241 XJ +67 20 242 CX +67 20 243 GU +67 20 244 AL +67 20 245 CA +67 20 246 CN +67 20 247 MR +67 20 248 CN +67 20 249 CN +67 20 250 MR +67 20 251 CN +67 20 252 IX +67 20 253 CN +67 20 254 AL +67 20 255 PT +67 20 256 IX +67 20 257 AL +67 20 258 CX +67 20 259 MB +67 20 260 CN +67 20 261 NR +67 20 262 XJ +67 20 263 XJ +67 20 264 AL +67 20 265 CN +67 20 266 MB +67 20 267 CP +67 20 268 CN +67 20 269 CP +67 20 270 CX +67 20 271 CN +67 20 272 TX +67 20 273 CP +67 20 274 XJ +67 20 275 CX +67 20 276 IX +67 20 277 AL +67 20 278 IX +67 20 279 AL +67 20 280 MZ +67 20 281 CN +67 20 282 CN +67 20 283 CA +67 20 284 AL +67 20 285 IX +67 20 286 XJ +67 20 287 CX +67 20 288 MB +67 20 289 AL +67 20 290 CA +67 20 291 AL +67 20 292 IX +67 20 293 CN +67 20 294 AL +67 20 295 CX +67 20 296 MR +67 20 297 CX +67 20 298 MB +67 20 299 MZ +67 20 300 XJ +67 20 301 CN +67 20 302 IX +67 20 303 AL +67 20 304 MZ +67 20 305 MR +67 20 306 LM +67 20 307 AL +67 20 308 CP +67 20 309 CA +67 20 310 CN +67 20 311 AL +67 20 312 PT +67 20 313 AL +67 20 314 IX +67 20 315 CN +67 20 316 CN +67 20 317 CP +67 20 318 CX +67 20 319 XJ +67 20 320 MZ +67 20 321 MB +67 20 322 AL +67 20 323 CN +67 20 324 IX +67 20 325 CP +67 20 326 CX +67 20 327 AL +67 20 328 CN +67 20 329 CA +67 20 330 AL +67 21 1 CN +67 21 2 CN +67 21 3 MB +67 21 4 CP +67 21 5 CN +67 21 6 NR +67 21 7 CN +67 21 8 MB +67 21 9 CA +67 21 10 CN +67 21 11 CN +67 21 12 CX +67 21 13 CN +67 21 14 CN +67 21 15 MB +67 21 16 TX +67 21 17 MB +67 21 18 PT +67 21 19 CN +67 21 20 CN +67 21 21 IX +67 21 22 CX +67 21 23 IX +67 21 24 PT +67 21 25 CN +67 21 26 CN +67 21 27 RM +67 21 28 MB +67 21 29 CN +67 21 30 CA +67 21 31 CN +67 21 32 IX +67 21 33 CN +67 21 34 CN +67 21 35 IX +67 21 36 CN +67 21 37 CN +67 21 38 IX +67 21 39 CN +67 21 40 CN +67 21 41 MB +67 21 42 JX +67 21 43 CN +67 21 44 JX +67 21 45 CN +67 21 46 PT +67 21 47 CN +67 21 48 JX +67 21 49 CN +67 21 50 CP +67 21 51 CA +67 21 52 CN +67 21 53 IX +67 21 54 CN +67 21 55 CN +67 21 56 JX +67 21 57 CN +67 21 58 JX +67 21 59 IX +67 21 60 CN +67 21 61 IX +67 21 62 IX +67 21 63 IX +67 21 64 CN +67 21 65 IX +67 21 66 TX +67 21 67 CN +67 21 68 IX +67 21 69 CN +67 21 70 JX +67 21 71 MB +67 21 72 CN +67 21 73 CP +67 21 74 CN +67 21 75 CN +67 21 76 MB +67 21 77 CN +67 21 78 IX +67 21 79 PT +67 21 80 CN +67 21 81 CN +67 21 82 CN +67 21 83 JX +67 21 84 IX +67 21 85 CN +67 21 86 IX +67 21 87 PT +67 21 88 IX +67 21 89 PT +67 21 90 CN +67 21 91 CN +67 21 92 JX +67 21 93 CN +67 21 94 PT +67 21 95 AL +67 21 96 CX +67 21 97 CP +67 21 98 MB +67 21 99 IX +67 21 100 CN +67 21 101 CP +67 21 102 CN +67 21 103 CA +67 21 104 CN +67 21 105 CP +67 21 106 CX +67 21 107 TX +67 21 108 CN +67 21 109 CN +67 21 110 CX +67 21 111 CN +67 21 112 IX +67 21 113 PT +67 21 114 CN +67 21 115 CP +67 21 116 CN +67 21 117 CA +67 21 118 IX +67 21 119 CN +67 21 120 JX +67 21 121 MB +67 21 122 CN +67 21 123 CN +67 21 124 CN +67 21 125 MB +67 21 126 IX +67 21 127 CN +67 21 128 CN +67 21 129 JX +67 21 130 PT +67 21 131 CP +67 21 132 MB +67 21 133 CN +67 21 134 CA +67 21 135 CP +67 21 136 CN +67 21 137 CN +67 21 138 CN +67 21 139 IX +67 21 140 CN +67 21 141 TX +67 21 142 CN +67 21 143 CN +67 21 144 CP +67 21 145 CN +67 21 146 CX +67 21 147 CN +67 21 148 MB +67 21 149 CN +67 21 150 CP +67 21 151 IX +67 21 152 IX +67 21 153 CN +67 21 154 PT +67 21 155 CA +67 21 156 CN +67 21 157 CA +67 21 158 TX +67 21 159 CA +67 21 160 IX +67 21 161 CN +67 21 162 MB +67 21 163 CN +67 21 164 CN +67 21 165 CN +67 21 166 CN +67 21 167 IX +67 21 168 CN +67 21 169 CN +67 21 170 CN +67 21 171 CN +67 21 172 JX +67 21 173 IX +67 21 174 CX +67 21 175 CN +67 21 176 MB +67 21 177 CN +67 21 178 CN +67 21 179 CA +67 21 180 CN +67 21 181 CX +67 21 182 CP +67 21 183 CA +67 21 184 CP +67 21 185 CA +67 21 186 CN +67 21 187 CX +67 21 188 CN +67 21 189 CN +67 21 190 IX +67 21 191 CN +67 21 192 IX +67 21 193 CN +67 21 194 CA +67 21 195 CN +67 21 196 CN +67 21 197 IX +67 21 198 PT +67 21 199 JX +67 21 200 CN +67 21 201 IX +67 21 202 CN +67 21 203 CP +67 21 204 CA +67 21 205 CP +67 21 206 JX +67 21 207 MB +67 21 208 CA +67 21 209 VE +67 21 210 CA +67 21 211 CN +67 21 212 CX +67 21 213 CN +67 21 214 CN +67 21 215 IX +67 21 216 PT +67 21 217 IX +67 21 218 CN +67 21 219 CN +67 21 220 CP +67 21 221 CN +67 21 222 CP +67 21 223 CN +67 21 224 IX +67 21 225 CN +67 21 226 CN +67 21 227 PT +67 21 228 CN +67 21 229 CN +67 21 230 IX +67 21 231 CP +67 21 232 CA +67 21 233 CP +67 21 234 CN +67 21 235 CN +67 21 236 CN +67 21 237 MB +67 21 238 CN +67 21 239 IX +67 21 240 CA +67 21 241 JX +67 21 242 CX +67 21 243 CP +67 21 244 CN +67 21 245 MB +67 21 246 CN +67 21 247 CP +67 21 248 CN +67 21 249 CN +67 21 250 CP +67 21 251 CN +67 21 252 JX +67 21 253 CN +67 21 254 CN +67 21 255 CA +67 21 256 MB +67 21 257 CN +67 21 258 CN +67 21 259 MB +67 21 260 CN +67 21 261 CX +67 21 262 TX +67 21 263 PT +67 21 264 CN +67 21 265 CN +67 21 266 CA +67 21 267 CP +67 21 268 CN +67 21 269 CP +67 21 270 CX +67 21 271 CN +67 21 272 JX +67 21 273 IX +67 21 274 TX +67 21 275 LM +67 21 276 IX +67 21 277 CN +67 21 278 MB +67 21 279 CP +67 21 280 CN +67 21 281 CN +67 21 282 CN +67 21 283 CA +67 21 284 TX +67 21 285 IX +67 21 286 TX +67 21 287 CA +67 21 288 MB +67 21 289 CN +67 21 290 TX +67 21 291 CN +67 21 292 IX +67 21 293 TX +67 21 294 TX +67 21 295 CA +67 21 296 CP +67 21 297 CX +67 21 298 MB +67 21 299 CN +67 21 300 TX +67 21 301 CN +67 21 302 JX +67 21 303 CN +67 21 304 LM +67 21 305 CP +67 21 306 CN +67 21 307 CN +67 21 308 IX +67 21 309 CA +67 21 310 CN +67 21 311 CN +67 21 312 PT +67 21 313 CP +67 21 314 TX +67 21 315 CN +67 21 316 CN +67 21 317 CP +67 21 318 MB +67 21 319 TX +67 21 320 CN +67 21 321 MB +67 21 322 CN +67 21 323 CN +67 21 324 TX +67 21 325 CP +67 21 326 CX +67 21 327 JX +67 21 328 CN +67 21 329 CA +67 21 330 TX +67 22 1 AL +67 22 2 CN +67 22 3 NR +67 22 4 CP +67 22 5 CN +67 22 6 CA +67 22 7 MZ +67 22 8 CP +67 22 9 CA +67 22 10 AL +67 22 11 CN +67 22 12 CX +67 22 13 CN +67 22 14 AL +67 22 15 IX +67 22 16 TX +67 22 17 IX +67 22 18 PT +67 22 19 JS +67 22 20 CN +67 22 21 IX +67 22 22 CX +67 22 23 CP +67 22 24 DY +67 22 25 CN +67 22 26 AL +67 22 27 RM +67 22 28 IX +67 22 29 CN +67 22 30 PX +67 22 31 AL +67 22 32 CP +67 22 33 CN +67 22 34 AL +67 22 35 IX +67 22 36 CN +67 22 37 AL +67 22 38 IX +67 22 39 CN +67 22 40 AL +67 22 41 MB +67 22 42 CX +67 22 43 AL +67 22 44 RM +67 22 45 CN +67 22 46 PX +67 22 47 MZ +67 22 48 CX +67 22 49 AL +67 22 50 CP +67 22 51 DY +67 22 52 TX +67 22 53 CP +67 22 54 CN +67 22 55 AL +67 22 56 RM +67 22 57 AL +67 22 58 PX +67 22 59 PX +67 22 60 AL +67 22 61 CP +67 22 62 CP +67 22 63 PX +67 22 64 AL +67 22 65 IX +67 22 66 RM +67 22 67 CN +67 22 68 CP +67 22 69 MZ +67 22 70 PX +67 22 71 CP +67 22 72 CN +67 22 73 CP +67 22 74 AL +67 22 75 MZ +67 22 76 NR +67 22 77 AL +67 22 78 IX +67 22 79 PX +67 22 80 AL +67 22 81 LM +67 22 82 AL +67 22 83 RM +67 22 84 IX +67 22 85 CN +67 22 86 IX +67 22 87 PX +67 22 88 CP +67 22 89 PT +67 22 90 CN +67 22 91 LM +67 22 92 RM +67 22 93 AL +67 22 94 DY +67 22 95 TX +67 22 96 CX +67 22 97 CP +67 22 98 MB +67 22 99 CP +67 22 100 CN +67 22 101 CP +67 22 102 GR +67 22 103 MZ +67 22 104 AL +67 22 105 CP +67 22 106 CX +67 22 107 RM +67 22 108 CN +67 22 109 AL +67 22 110 CX +67 22 111 CN +67 22 112 IX +67 22 113 DY +67 22 114 CN +67 22 115 IX +67 22 116 AL +67 22 117 CA +67 22 118 IX +67 22 119 CN +67 22 120 TX +67 22 121 NR +67 22 122 CN +67 22 123 AL +67 22 124 LM +67 22 125 NR +67 22 126 IX +67 22 127 MZ +67 22 128 CX +67 22 129 PX +67 22 130 MZ +67 22 131 CP +67 22 132 NR +67 22 133 CN +67 22 134 CA +67 22 135 CP +67 22 136 AL +67 22 137 CN +67 22 138 AL +67 22 139 RM +67 22 140 AL +67 22 141 TX +67 22 142 RM +67 22 143 LM +67 22 144 CP +67 22 145 CN +67 22 146 CX +67 22 147 CN +67 22 148 MB +67 22 149 CN +67 22 150 CP +67 22 151 IX +67 22 152 CP +67 22 153 AL +67 22 154 PX +67 22 155 MZ +67 22 156 CN +67 22 157 CA +67 22 158 TX +67 22 159 RM +67 22 160 IX +67 22 161 CN +67 22 162 IX +67 22 163 AL +67 22 164 AL +67 22 165 MZ +67 22 166 AL +67 22 167 CP +67 22 168 CN +67 22 169 AL +67 22 170 AL +67 22 171 MZ +67 22 172 TX +67 22 173 IX +67 22 174 CX +67 22 175 AL +67 22 176 IX +67 22 177 CX +67 22 178 AL +67 22 179 CP +67 22 180 CN +67 22 181 CX +67 22 182 CP +67 22 183 CX +67 22 184 CP +67 22 185 CX +67 22 186 AL +67 22 187 CX +67 22 188 AL +67 22 189 AL +67 22 190 IX +67 22 191 CN +67 22 192 CP +67 22 193 LM +67 22 194 CP +67 22 195 CN +67 22 196 CN +67 22 197 CP +67 22 198 PX +67 22 199 TX +67 22 200 AL +67 22 201 IX +67 22 202 CN +67 22 203 IX +67 22 204 CA +67 22 205 CP +67 22 206 TX +67 22 207 IX +67 22 208 CX +67 22 209 CN +67 22 210 CP +67 22 211 AL +67 22 212 CX +67 22 213 CP +67 22 214 LM +67 22 215 IX +67 22 216 MZ +67 22 217 IX +67 22 218 MZ +67 22 219 TX +67 22 220 CP +67 22 221 TX +67 22 222 CP +67 22 223 CN +67 22 224 RM +67 22 225 MZ +67 22 226 AL +67 22 227 CN +67 22 228 AL +67 22 229 AL +67 22 230 TX +67 22 231 CP +67 22 232 MZ +67 22 233 CP +67 22 234 CN +67 22 235 AL +67 22 236 MZ +67 22 237 RM +67 22 238 CN +67 22 239 IX +67 22 240 NR +67 22 241 RM +67 22 242 CX +67 22 243 CP +67 22 244 TX +67 22 245 MB +67 22 246 AL +67 22 247 CP +67 22 248 CN +67 22 249 CN +67 22 250 CP +67 22 251 CN +67 22 252 RM +67 22 253 AL +67 22 254 TX +67 22 255 PX +67 22 256 IX +67 22 257 AL +67 22 258 CX +67 22 259 MB +67 22 260 TX +67 22 261 NR +67 22 262 TX +67 22 263 PX +67 22 264 AL +67 22 265 CN +67 22 266 NR +67 22 267 CP +67 22 268 CN +67 22 269 CP +67 22 270 CX +67 22 271 CN +67 22 272 TX +67 22 273 CP +67 22 274 TX +67 22 275 MZ +67 22 276 IX +67 22 277 AL +67 22 278 NR +67 22 279 AL +67 22 280 MZ +67 22 281 CN +67 22 282 CN +67 22 283 CA +67 22 284 TX +67 22 285 IX +67 22 286 TX +67 22 287 CX +67 22 288 MB +67 22 289 AL +67 22 290 RM +67 22 291 AL +67 22 292 IX +67 22 293 TX +67 22 294 TX +67 22 295 CX +67 22 296 CP +67 22 297 CX +67 22 298 MB +67 22 299 CN +67 22 300 PX +67 22 301 CN +67 22 302 RM +67 22 303 AL +67 22 304 MZ +67 22 305 CP +67 22 306 LM +67 22 307 AL +67 22 308 CP +67 22 309 MZ +67 22 310 CN +67 22 311 AL +67 22 312 PT +67 22 313 CP +67 22 314 RM +67 22 315 CN +67 22 316 CN +67 22 317 CP +67 22 318 CX +67 22 319 RM +67 22 320 LM +67 22 321 IX +67 22 322 AL +67 22 323 CN +67 22 324 RM +67 22 325 CP +67 22 326 CX +67 22 327 RM +67 22 328 CN +67 22 329 CX +67 22 330 TX +67 23 1 AL +67 23 2 VE +67 23 3 NR +67 23 4 IX +67 23 5 CN +67 23 6 MA +67 23 7 CN +67 23 8 IX +67 23 9 CA +67 23 10 AL +67 23 11 CN +67 23 12 CX +67 23 13 CN +67 23 14 AL +67 23 15 IX +67 23 16 TX +67 23 17 MA +67 23 18 PX +67 23 19 AL +67 23 20 CN +67 23 21 RO +67 23 22 CX +67 23 23 IX +67 23 24 PX +67 23 25 AL +67 23 26 AL +67 23 27 MA +67 23 28 RO +67 23 29 CN +67 23 30 NR +67 23 31 AL +67 23 32 IX +67 23 33 CN +67 23 34 AL +67 23 35 MA +67 23 36 HU +67 23 37 AL +67 23 38 LA +67 23 39 CN +67 23 40 AL +67 23 41 MB +67 23 42 CX +67 23 43 AL +67 23 44 RO +67 23 45 CN +67 23 46 PX +67 23 47 CN +67 23 48 CX +67 23 49 AL +67 23 50 LA +67 23 51 CA +67 23 52 AL +67 23 53 LA +67 23 54 CN +67 23 55 AL +67 23 56 IX +67 23 57 CN +67 23 58 CX +67 23 59 RO +67 23 60 CN +67 23 61 MB +67 23 62 IX +67 23 63 IX +67 23 64 AL +67 23 65 MB +67 23 66 CX +67 23 67 CN +67 23 68 RO +67 23 69 CN +67 23 70 TX +67 23 71 CI +67 23 72 CN +67 23 73 MR +67 23 74 AL +67 23 75 CN +67 23 76 IX +67 23 77 AL +67 23 78 IX +67 23 79 PX +67 23 80 AL +67 23 81 CN +67 23 82 CX +67 23 83 IX +67 23 84 CN +67 23 85 CN +67 23 86 RO +67 23 87 PX +67 23 88 IX +67 23 89 PT +67 23 90 CN +67 23 91 CN +67 23 92 RM +67 23 93 AL +67 23 94 PX +67 23 95 AL +67 23 96 CX +67 23 97 MR +67 23 98 MB +67 23 99 MR +67 23 100 AL +67 23 101 MR +67 23 102 AL +67 23 103 CN +67 23 104 AL +67 23 105 MR +67 23 106 CX +67 23 107 TX +67 23 108 AL +67 23 109 AL +67 23 110 IX +67 23 111 CN +67 23 112 RO +67 23 113 PX +67 23 114 CN +67 23 115 CP +67 23 116 AL +67 23 117 CA +67 23 118 AL +67 23 119 CN +67 23 120 TX +67 23 121 IX +67 23 122 CN +67 23 123 AL +67 23 124 CN +67 23 125 NR +67 23 126 RO +67 23 127 CN +67 23 128 CN +67 23 129 IX +67 23 130 CN +67 23 131 MR +67 23 132 MB +67 23 133 CN +67 23 134 CA +67 23 135 LA +67 23 136 AL +67 23 137 CN +67 23 138 AL +67 23 139 IX +67 23 140 AL +67 23 141 TX +67 23 142 TX +67 23 143 CN +67 23 144 MR +67 23 145 CN +67 23 146 CX +67 23 147 CN +67 23 148 MB +67 23 149 CN +67 23 150 MR +67 23 151 RO +67 23 152 IX +67 23 153 AL +67 23 154 PX +67 23 155 CA +67 23 156 CN +67 23 157 CA +67 23 158 TX +67 23 159 IX +67 23 160 RO +67 23 161 CN +67 23 162 MB +67 23 163 CN +67 23 164 AL +67 23 165 CN +67 23 166 AL +67 23 167 MR +67 23 168 CN +67 23 169 AL +67 23 170 CN +67 23 171 CN +67 23 172 TX +67 23 173 RO +67 23 174 CX +67 23 175 AL +67 23 176 RO +67 23 177 CN +67 23 178 AL +67 23 179 CP +67 23 180 CN +67 23 181 CX +67 23 182 CP +67 23 183 CA +67 23 184 LA +67 23 185 CA +67 23 186 AL +67 23 187 CX +67 23 188 AL +67 23 189 AL +67 23 190 IX +67 23 191 CN +67 23 192 MR +67 23 193 CN +67 23 194 GU +67 23 195 CN +67 23 196 AL +67 23 197 MR +67 23 198 CN +67 23 199 AL +67 23 200 AL +67 23 201 RO +67 23 202 CN +67 23 203 LA +67 23 204 CA +67 23 205 MR +67 23 206 NJ +67 23 207 RO +67 23 208 CX +67 23 209 CN +67 23 210 CA +67 23 211 AL +67 23 212 CX +67 23 213 IX +67 23 214 CN +67 23 215 IX +67 23 216 CN +67 23 217 RO +67 23 218 CN +67 23 219 AL +67 23 220 AL +67 23 221 CN +67 23 222 MR +67 23 223 CN +67 23 224 IX +67 23 225 CN +67 23 226 AL +67 23 227 CN +67 23 228 AL +67 23 229 CN +67 23 230 IX +67 23 231 MR +67 23 232 CN +67 23 233 AL +67 23 234 CN +67 23 235 AL +67 23 236 CN +67 23 237 RM +67 23 238 CN +67 23 239 RO +67 23 240 CA +67 23 241 TX +67 23 242 CX +67 23 243 MR +67 23 244 AL +67 23 245 MB +67 23 246 CN +67 23 247 IX +67 23 248 CN +67 23 249 CN +67 23 250 MR +67 23 251 CN +67 23 252 IX +67 23 253 CN +67 23 254 AL +67 23 255 PX +67 23 256 RO +67 23 257 AL +67 23 258 CN +67 23 259 GU +67 23 260 CX +67 23 261 NR +67 23 262 TX +67 23 263 PX +67 23 264 AL +67 23 265 CN +67 23 266 MA +67 23 267 MR +67 23 268 CN +67 23 269 LA +67 23 270 CX +67 23 271 CN +67 23 272 TX +67 23 273 LA +67 23 274 TX +67 23 275 CN +67 23 276 RO +67 23 277 AL +67 23 278 MA +67 23 279 AL +67 23 280 CN +67 23 281 CN +67 23 282 CN +67 23 283 CA +67 23 284 AL +67 23 285 RO +67 23 286 TX +67 23 287 CN +67 23 288 MB +67 23 289 CN +67 23 290 IX +67 23 291 AL +67 23 292 RO +67 23 293 CN +67 23 294 CN +67 23 295 PX +67 23 296 MR +67 23 297 CX +67 23 298 MB +67 23 299 CN +67 23 300 PX +67 23 301 CN +67 23 302 RM +67 23 303 AL +67 23 304 CN +67 23 305 MR +67 23 306 CN +67 23 307 AL +67 23 308 LA +67 23 309 CN +67 23 310 CN +67 23 311 AL +67 23 312 PX +67 23 313 AL +67 23 314 TX +67 23 315 CN +67 23 316 CN +67 23 317 MR +67 23 318 NR +67 23 319 TX +67 23 320 CN +67 23 321 MB +67 23 322 AL +67 23 323 CN +67 23 324 RM +67 23 325 MR +67 23 326 CX +67 23 327 AL +67 23 328 CN +67 23 329 CA +67 23 330 AL +67 24 1 CN +67 24 2 JX +67 24 3 MR +67 24 4 CP +67 24 5 CN +67 24 6 JX +67 24 7 CP +67 24 8 MR +67 24 9 JX +67 24 10 CP +67 24 11 PT +67 24 12 CX +67 24 13 CN +67 24 14 CN +67 24 15 IX +67 24 16 TX +67 24 17 MB +67 24 18 PT +67 24 19 CN +67 24 20 MZ +67 24 21 IX +67 24 22 CX +67 24 23 MR +67 24 24 PT +67 24 25 MS +67 24 26 CN +67 24 27 JX +67 24 28 MR +67 24 29 CN +67 24 30 NR +67 24 31 JX +67 24 32 MR +67 24 33 MZ +67 24 34 CN +67 24 35 IX +67 24 36 PT +67 24 37 CN +67 24 38 MR +67 24 39 MZ +67 24 40 CN +67 24 41 CP +67 24 42 CX +67 24 43 CN +67 24 44 TX +67 24 45 CN +67 24 46 JX +67 24 47 PT +67 24 48 CX +67 24 49 MS +67 24 50 MR +67 24 51 PT +67 24 52 TX +67 24 53 MR +67 24 54 MZ +67 24 55 CN +67 24 56 IX +67 24 57 CN +67 24 58 JX +67 24 59 JX +67 24 60 PT +67 24 61 CP +67 24 62 MS +67 24 63 MB +67 24 64 CN +67 24 65 CP +67 24 66 TX +67 24 67 CN +67 24 68 CP +67 24 69 MB +67 24 70 JX +67 24 71 CA +67 24 72 CN +67 24 73 MR +67 24 74 JX +67 24 75 JX +67 24 76 NR +67 24 77 LM +67 24 78 IX +67 24 79 PT +67 24 80 CN +67 24 81 CX +67 24 82 CN +67 24 83 JX +67 24 84 IX +67 24 85 MZ +67 24 86 IX +67 24 87 PT +67 24 88 MR +67 24 89 PT +67 24 90 PT +67 24 91 LM +67 24 92 TX +67 24 93 CN +67 24 94 PT +67 24 95 JX +67 24 96 CX +67 24 97 MR +67 24 98 MB +67 24 99 IX +67 24 100 CN +67 24 101 MR +67 24 102 JX +67 24 103 MZ +67 24 104 CN +67 24 105 MR +67 24 106 CX +67 24 107 TX +67 24 108 JX +67 24 109 CN +67 24 110 CX +67 24 111 PT +67 24 112 IX +67 24 113 PT +67 24 114 CN +67 24 115 IX +67 24 116 JX +67 24 117 PT +67 24 118 IX +67 24 119 CN +67 24 120 TX +67 24 121 NR +67 24 122 MZ +67 24 123 CP +67 24 124 LM +67 24 125 NR +67 24 126 IX +67 24 127 PT +67 24 128 CX +67 24 129 TX +67 24 130 PT +67 24 131 MR +67 24 132 MB +67 24 133 MZ +67 24 134 PT +67 24 135 IX +67 24 136 CN +67 24 137 CP +67 24 138 CN +67 24 139 TX +67 24 140 CP +67 24 141 TX +67 24 142 TX +67 24 143 LM +67 24 144 MR +67 24 145 CN +67 24 146 CX +67 24 147 CN +67 24 148 MB +67 24 149 LM +67 24 150 MR +67 24 151 IX +67 24 152 IX +67 24 153 CN +67 24 154 PT +67 24 155 PT +67 24 156 CN +67 24 157 PT +67 24 158 TX +67 24 159 JX +67 24 160 IX +67 24 161 CN +67 24 162 IX +67 24 163 CN +67 24 164 CN +67 24 165 MZ +67 24 166 CN +67 24 167 TX +67 24 168 MZ +67 24 169 CN +67 24 170 PT +67 24 171 MZ +67 24 172 TX +67 24 173 IX +67 24 174 CX +67 24 175 JX +67 24 176 IX +67 24 177 LM +67 24 178 CN +67 24 179 JX +67 24 180 CN +67 24 181 MB +67 24 182 MR +67 24 183 MB +67 24 184 MR +67 24 185 MB +67 24 186 CN +67 24 187 CX +67 24 188 CN +67 24 189 JX +67 24 190 IX +67 24 191 CN +67 24 192 MR +67 24 193 MB +67 24 194 MR +67 24 195 LM +67 24 196 JX +67 24 197 IX +67 24 198 PT +67 24 199 TX +67 24 200 CN +67 24 201 IX +67 24 202 MZ +67 24 203 IX +67 24 204 PT +67 24 205 MR +67 24 206 TX +67 24 207 IX +67 24 208 MB +67 24 209 CN +67 24 210 MS +67 24 211 CN +67 24 212 CX +67 24 213 JX +67 24 214 LM +67 24 215 IX +67 24 216 CX +67 24 217 IX +67 24 218 LM +67 24 219 JX +67 24 220 CN +67 24 221 JX +67 24 222 MR +67 24 223 MZ +67 24 224 TX +67 24 225 MB +67 24 226 CN +67 24 227 PT +67 24 228 CN +67 24 229 JX +67 24 230 TX +67 24 231 IX +67 24 232 MB +67 24 233 CN +67 24 234 MZ +67 24 235 CN +67 24 236 LM +67 24 237 JX +67 24 238 MS +67 24 239 IX +67 24 240 CA +67 24 241 TX +67 24 242 CX +67 24 243 MR +67 24 244 TX +67 24 245 MB +67 24 246 CN +67 24 247 MR +67 24 248 PT +67 24 249 CN +67 24 250 MR +67 24 251 LM +67 24 252 TX +67 24 253 CN +67 24 254 JX +67 24 255 PT +67 24 256 IX +67 24 257 MZ +67 24 258 CX +67 24 259 CA +67 24 260 CX +67 24 261 MB +67 24 262 TX +67 24 263 JX +67 24 264 CN +67 24 265 MZ +67 24 266 CA +67 24 267 MR +67 24 268 CN +67 24 269 IX +67 24 270 MB +67 24 271 PT +67 24 272 TX +67 24 273 IX +67 24 274 TX +67 24 275 MB +67 24 276 IX +67 24 277 CP +67 24 278 IX +67 24 279 AL +67 24 280 LM +67 24 281 CN +67 24 282 LM +67 24 283 CA +67 24 284 TX +67 24 285 IX +67 24 286 TX +67 24 287 MB +67 24 288 MB +67 24 289 CN +67 24 290 JX +67 24 291 AL +67 24 292 IX +67 24 293 JX +67 24 294 TX +67 24 295 MB +67 24 296 MR +67 24 297 CX +67 24 298 MB +67 24 299 CN +67 24 300 JX +67 24 301 CN +67 24 302 TX +67 24 303 IX +67 24 304 CX +67 24 305 MR +67 24 306 LM +67 24 307 CN +67 24 308 IX +67 24 309 PT +67 24 310 CN +67 24 311 AL +67 24 312 PT +67 24 313 MS +67 24 314 TX +67 24 315 LM +67 24 316 CN +67 24 317 MR +67 24 318 CA +67 24 319 TX +67 24 320 MB +67 24 321 MB +67 24 322 AL +67 24 323 MZ +67 24 324 JX +67 24 325 MR +67 24 326 MB +67 24 327 TX +67 24 328 MZ +67 24 329 CA +67 24 330 JX +67 25 1 CN +67 25 2 CN +67 25 3 NR +67 25 4 MR +67 25 5 CN +67 25 6 RM +67 25 7 CI +67 25 8 CP +67 25 9 CH +67 25 10 CN +67 25 11 CN +67 25 12 CX +67 25 13 CN +67 25 14 CN +67 25 15 RO +67 25 16 TX +67 25 17 NR +67 25 18 PT +67 25 19 CN +67 25 20 CN +67 25 21 RO +67 25 22 CX +67 25 23 MR +67 25 24 JX +67 25 25 CN +67 25 26 AL +67 25 27 TX +67 25 28 RO +67 25 29 CN +67 25 30 CH +67 25 31 CI +67 25 32 MR +67 25 33 CX +67 25 34 CN +67 25 35 NR +67 25 36 CP +67 25 37 JX +67 25 38 MR +67 25 39 CN +67 25 40 CN +67 25 41 CP +67 25 42 CX +67 25 43 CN +67 25 44 TX +67 25 45 CN +67 25 46 JX +67 25 47 CP +67 25 48 CX +67 25 49 VE +67 25 50 MR +67 25 51 CA +67 25 52 CN +67 25 53 MR +67 25 54 CI +67 25 55 CN +67 25 56 RO +67 25 57 CN +67 25 58 PA +67 25 59 MR +67 25 60 CN +67 25 61 MR +67 25 62 MR +67 25 63 NR +67 25 64 AL +67 25 65 RO +67 25 66 JX +67 25 67 CN +67 25 68 MR +67 25 69 NR +67 25 70 JX +67 25 71 MR +67 25 72 CN +67 25 73 MR +67 25 74 AL +67 25 75 CN +67 25 76 NR +67 25 77 CN +67 25 78 MR +67 25 79 JX +67 25 80 AL +67 25 81 CX +67 25 82 CN +67 25 83 CX +67 25 84 MR +67 25 85 CN +67 25 86 MR +67 25 87 JX +67 25 88 MR +67 25 89 PT +67 25 90 JX +67 25 91 CX +67 25 92 TX +67 25 93 AL +67 25 94 CA +67 25 95 JX +67 25 96 CX +67 25 97 MR +67 25 98 MB +67 25 99 MR +67 25 100 CI +67 25 101 MR +67 25 102 JX +67 25 103 JX +67 25 104 CI +67 25 105 MR +67 25 106 CX +67 25 107 TX +67 25 108 CI +67 25 109 AL +67 25 110 CX +67 25 111 CN +67 25 112 MR +67 25 113 PT +67 25 114 CN +67 25 115 MR +67 25 116 AL +67 25 117 CA +67 25 118 MR +67 25 119 VE +67 25 120 TX +67 25 121 NR +67 25 122 CI +67 25 123 CN +67 25 124 CX +67 25 125 NR +67 25 126 MR +67 25 127 AL +67 25 128 CX +67 25 129 TX +67 25 130 JX +67 25 131 MR +67 25 132 NR +67 25 133 CN +67 25 134 CA +67 25 135 MR +67 25 136 CN +67 25 137 CI +67 25 138 AL +67 25 139 MR +67 25 140 AL +67 25 141 TX +67 25 142 JX +67 25 143 CX +67 25 144 MR +67 25 145 CI +67 25 146 CX +67 25 147 CI +67 25 148 MB +67 25 149 CX +67 25 150 MR +67 25 151 NR +67 25 152 MR +67 25 153 CI +67 25 154 PT +67 25 155 CA +67 25 156 CI +67 25 157 CA +67 25 158 TX +67 25 159 CX +67 25 160 MR +67 25 161 CI +67 25 162 NR +67 25 163 CI +67 25 164 AL +67 25 165 CX +67 25 166 AL +67 25 167 MR +67 25 168 CN +67 25 169 CN +67 25 170 AL +67 25 171 CX +67 25 172 TX +67 25 173 MR +67 25 174 CX +67 25 175 AL +67 25 176 NR +67 25 177 CX +67 25 178 AL +67 25 179 CA +67 25 180 VE +67 25 181 CX +67 25 182 MR +67 25 183 CA +67 25 184 MR +67 25 185 CX +67 25 186 CI +67 25 187 CX +67 25 188 CN +67 25 189 CN +67 25 190 MR +67 25 191 CN +67 25 192 MR +67 25 193 CX +67 25 194 CA +67 25 195 CI +67 25 196 CN +67 25 197 MR +67 25 198 JX +67 25 199 TX +67 25 200 CN +67 25 201 NR +67 25 202 CI +67 25 203 MR +67 25 204 CA +67 25 205 MR +67 25 206 JX +67 25 207 MR +67 25 208 CX +67 25 209 AL +67 25 210 CA +67 25 211 VE +67 25 212 CX +67 25 213 MR +67 25 214 CX +67 25 215 MR +67 25 216 CN +67 25 217 NR +67 25 218 CX +67 25 219 TX +67 25 220 MR +67 25 221 TX +67 25 222 MR +67 25 223 CN +67 25 224 TX +67 25 225 CX +67 25 226 AL +67 25 227 PT +67 25 228 AL +67 25 229 CX +67 25 230 TX +67 25 231 MR +67 25 232 JX +67 25 233 MR +67 25 234 CN +67 25 235 AL +67 25 236 CX +67 25 237 CX +67 25 238 CI +67 25 239 MR +67 25 240 CH +67 25 241 TX +67 25 242 CX +67 25 243 MR +67 25 244 CN +67 25 245 NR +67 25 246 VE +67 25 247 MR +67 25 248 AL +67 25 249 VE +67 25 250 MR +67 25 251 VE +67 25 252 TX +67 25 253 CI +67 25 254 AL +67 25 255 PT +67 25 256 NR +67 25 257 AL +67 25 258 CX +67 25 259 MR +67 25 260 CX +67 25 261 CX +67 25 262 TX +67 25 263 JX +67 25 264 AL +67 25 265 VE +67 25 266 CA +67 25 267 MR +67 25 268 VE +67 25 269 MR +67 25 270 CX +67 25 271 CI +67 25 272 TX +67 25 273 MR +67 25 274 TX +67 25 275 CX +67 25 276 MR +67 25 277 AL +67 25 278 CX +67 25 279 AL +67 25 280 CX +67 25 281 CN +67 25 282 CN +67 25 283 CA +67 25 284 TX +67 25 285 MR +67 25 286 TX +67 25 287 CX +67 25 288 NR +67 25 289 AL +67 25 290 TX +67 25 291 AL +67 25 292 CX +67 25 293 TX +67 25 294 TX +67 25 295 CA +67 25 296 MR +67 25 297 CX +67 25 298 CP +67 25 299 CN +67 25 300 JX +67 25 301 CI +67 25 302 TX +67 25 303 AL +67 25 304 CX +67 25 305 MR +67 25 306 CX +67 25 307 VE +67 25 308 MR +67 25 309 JX +67 25 310 CN +67 25 311 AL +67 25 312 CA +67 25 313 AL +67 25 314 TX +67 25 315 CN +67 25 316 AL +67 25 317 MR +67 25 318 NR +67 25 319 TX +67 25 320 CX +67 25 321 MB +67 25 322 AL +67 25 323 CN +67 25 324 TX +67 25 325 MR +67 25 326 CX +67 25 327 VE +67 25 328 CN +67 25 329 CA +67 25 330 TX +68 1 1 AL +68 1 2 SU +68 1 3 MA +68 1 4 MO +68 1 5 AL +68 1 6 CH +68 1 7 VE +68 1 8 MO +68 1 9 CH +68 1 10 AL +68 1 11 VE +68 1 12 SI +68 1 13 AL +68 1 14 SU +68 1 15 MO +68 1 16 TI +68 1 17 RO +68 1 18 HI +68 1 19 SU +68 1 20 VE +68 1 21 RO +68 1 22 SI +68 1 23 MO +68 1 24 JM +68 1 25 SU +68 1 26 SU +68 1 27 TI +68 1 28 RO +68 1 29 SU +68 1 30 CH +68 1 31 AL +68 1 32 MO +68 1 33 VE +68 1 34 AL +68 1 35 RO +68 1 36 JM +68 1 37 SU +68 1 38 MO +68 1 39 VE +68 1 40 AL +68 1 41 HA +68 1 42 SI +68 1 43 SU +68 1 44 TI +68 1 45 VE +68 1 46 CH +68 1 47 SU +68 1 48 SI +68 1 49 AL +68 1 50 MO +68 1 51 CH +68 1 52 SU +68 1 53 MO +68 1 54 VE +68 1 55 AL +68 1 56 RO +68 1 57 AL +68 1 58 CH +68 1 59 MO +68 1 60 SU +68 1 61 HI +68 1 62 MO +68 1 63 RO +68 1 64 AL +68 1 65 RO +68 1 66 TI +68 1 67 SU +68 1 68 MO +68 1 69 VE +68 1 70 MO +68 1 71 MO +68 1 72 VE +68 1 73 MO +68 1 74 AL +68 1 75 VE +68 1 76 MA +68 1 77 AL +68 1 78 MO +68 1 79 HI +68 1 80 AL +68 1 81 VE +68 1 82 SU +68 1 83 CH +68 1 84 RO +68 1 85 VE +68 1 86 MO +68 1 87 JM +68 1 88 MO +68 1 89 JM +68 1 90 VE +68 1 91 VE +68 1 92 TI +68 1 93 SU +68 1 94 HI +68 1 95 SU +68 1 96 SI +68 1 97 MO +68 1 98 HA +68 1 99 MO +68 1 100 SU +68 1 101 MO +68 1 102 MO +68 1 103 VE +68 1 104 AL +68 1 105 MO +68 1 106 SI +68 1 107 TI +68 1 108 SU +68 1 109 AL +68 1 110 SI +68 1 111 VE +68 1 112 RO +68 1 113 JM +68 1 114 SU +68 1 115 HA +68 1 116 SU +68 1 117 JM +68 1 118 RO +68 1 119 VE +68 1 120 TI +68 1 121 SI +68 1 122 VE +68 1 123 SU +68 1 124 VE +68 1 125 SI +68 1 126 RO +68 1 127 VE +68 1 128 VE +68 1 129 RO +68 1 130 VE +68 1 131 MO +68 1 132 HA +68 1 133 VE +68 1 134 MO +68 1 135 MO +68 1 136 SI +68 1 137 VE +68 1 138 SU +68 1 139 MO +68 1 140 AL +68 1 141 TI +68 1 142 MO +68 1 143 VE +68 1 144 MO +68 1 145 SU +68 1 146 SI +68 1 147 SU +68 1 148 HA +68 1 149 VE +68 1 150 MO +68 1 151 RO +68 1 152 MO +68 1 153 AL +68 1 154 HI +68 1 155 CH +68 1 156 VE +68 1 157 CH +68 1 158 TI +68 1 159 SI +68 1 160 RO +68 1 161 SU +68 1 162 RO +68 1 163 AL +68 1 164 AL +68 1 165 VE +68 1 166 AL +68 1 167 MO +68 1 168 VE +68 1 169 SU +68 1 170 VE +68 1 171 VE +68 1 172 TI +68 1 173 RO +68 1 174 SI +68 1 175 SU +68 1 176 RO +68 1 177 SI +68 1 178 AL +68 1 179 HA +68 1 180 VE +68 1 181 SI +68 1 182 MO +68 1 183 CH +68 1 184 MO +68 1 185 SI +68 1 186 SU +68 1 187 SI +68 1 188 SU +68 1 189 SU +68 1 190 RO +68 1 191 SU +68 1 192 MO +68 1 193 VE +68 1 194 MO +68 1 195 VE +68 1 196 SU +68 1 197 MO +68 1 198 JM +68 1 199 MO +68 1 200 SU +68 1 201 RO +68 1 202 VE +68 1 203 MO +68 1 204 JM +68 1 205 MO +68 1 206 TI +68 1 207 RO +68 1 208 SI +68 1 209 SU +68 1 210 CH +68 1 211 SU +68 1 212 SI +68 1 213 MO +68 1 214 VE +68 1 215 MO +68 1 216 VE +68 1 217 RO +68 1 218 VE +68 1 219 SU +68 1 220 MO +68 1 221 AL +68 1 222 MO +68 1 223 AL +68 1 224 RO +68 1 225 VE +68 1 226 AL +68 1 227 JM +68 1 228 SU +68 1 229 SU +68 1 230 RO +68 1 231 MO +68 1 232 VE +68 1 233 MO +68 1 234 VE +68 1 235 AL +68 1 236 VE +68 1 237 RO +68 1 238 SU +68 1 239 RO +68 1 240 CH +68 1 241 TI +68 1 242 SU +68 1 243 MO +68 1 244 SU +68 1 245 HA +68 1 246 SU +68 1 247 MO +68 1 248 VE +68 1 249 VE +68 1 250 MO +68 1 251 VE +68 1 252 RO +68 1 253 SU +68 1 254 AL +68 1 255 HI +68 1 256 RO +68 1 257 SU +68 1 258 VE +68 1 259 HA +68 1 260 SU +68 1 261 SI +68 1 262 MO +68 1 263 HI +68 1 264 SU +68 1 265 VE +68 1 266 CH +68 1 267 MO +68 1 268 VE +68 1 269 MO +68 1 270 SI +68 1 271 VE +68 1 272 SU +68 1 273 MO +68 1 274 TI +68 1 275 VE +68 1 276 MO +68 1 277 AL +68 1 278 SI +68 1 279 MO +68 1 280 VE +68 1 281 SU +68 1 282 VE +68 1 283 CH +68 1 284 SU +68 1 285 RO +68 1 286 TI +68 1 287 CH +68 1 288 RO +68 1 289 AL +68 1 290 TI +68 1 291 AL +68 1 292 RO +68 1 293 SU +68 1 294 SU +68 1 295 CH +68 1 296 MO +68 1 297 SI +68 1 298 RO +68 1 299 VE +68 1 300 HI +68 1 301 VE +68 1 302 RO +68 1 303 MO +68 1 304 VE +68 1 305 MO +68 1 306 VE +68 1 307 SU +68 1 308 MO +68 1 309 HI +68 1 310 VE +68 1 311 AL +68 1 312 HI +68 1 313 MO +68 1 314 TI +68 1 315 VE +68 1 316 AL +68 1 317 MO +68 1 318 SI +68 1 319 RO +68 1 320 VE +68 1 321 RO +68 1 322 AL +68 1 323 AL +68 1 324 RO +68 1 325 MO +68 1 326 SI +68 1 327 AL +68 1 328 VE +68 1 329 CH +68 1 330 AL +68 2 1 AL +68 2 2 VE +68 2 3 NH +68 2 4 MO +68 2 5 VE +68 2 6 SI +68 2 7 VE +68 2 8 HA +68 2 9 CH +68 2 10 AL +68 2 11 VE +68 2 12 SI +68 2 13 VE +68 2 14 HI +68 2 15 MO +68 2 16 TI +68 2 17 RO +68 2 18 JM +68 2 19 AL +68 2 20 VE +68 2 21 RO +68 2 22 SI +68 2 23 MO +68 2 24 VE +68 2 25 AL +68 2 26 AL +68 2 27 TI +68 2 28 RO +68 2 29 VE +68 2 30 CH +68 2 31 AL +68 2 32 MO +68 2 33 VE +68 2 34 AL +68 2 35 RO +68 2 36 VE +68 2 37 AL +68 2 38 RO +68 2 39 VE +68 2 40 AL +68 2 41 HA +68 2 42 VE +68 2 43 AL +68 2 44 TI +68 2 45 VE +68 2 46 HI +68 2 47 VE +68 2 48 CH +68 2 49 AL +68 2 50 MO +68 2 51 CH +68 2 52 TI +68 2 53 MO +68 2 54 VE +68 2 55 AL +68 2 56 RO +68 2 57 VE +68 2 58 VE +68 2 59 MO +68 2 60 AL +68 2 61 HA +68 2 62 MO +68 2 63 RO +68 2 64 AL +68 2 65 RO +68 2 66 TI +68 2 67 VE +68 2 68 MO +68 2 69 VE +68 2 70 AL +68 2 71 HA +68 2 72 VE +68 2 73 MO +68 2 74 AL +68 2 75 VE +68 2 76 SI +68 2 77 AL +68 2 78 RO +68 2 79 HI +68 2 80 AL +68 2 81 VE +68 2 82 VE +68 2 83 SI +68 2 84 RO +68 2 85 VE +68 2 86 MO +68 2 87 JM +68 2 88 MO +68 2 89 JM +68 2 90 VE +68 2 91 VE +68 2 92 TI +68 2 93 AL +68 2 94 JM +68 2 95 AL +68 2 96 SI +68 2 97 MO +68 2 98 RO +68 2 99 MO +68 2 100 VE +68 2 101 MO +68 2 102 AL +68 2 103 VE +68 2 104 AL +68 2 105 MO +68 2 106 SI +68 2 107 TI +68 2 108 AL +68 2 109 AL +68 2 110 SI +68 2 111 VE +68 2 112 RO +68 2 113 JM +68 2 114 VE +68 2 115 RO +68 2 116 AL +68 2 117 CH +68 2 118 RO +68 2 119 AL +68 2 120 TI +68 2 121 SI +68 2 122 VE +68 2 123 AL +68 2 124 VE +68 2 125 SI +68 2 126 RO +68 2 127 VE +68 2 128 VE +68 2 129 TI +68 2 130 VE +68 2 131 MO +68 2 132 HA +68 2 133 VE +68 2 134 CH +68 2 135 MO +68 2 136 AL +68 2 137 VE +68 2 138 AL +68 2 139 TI +68 2 140 AL +68 2 141 TI +68 2 142 AL +68 2 143 VE +68 2 144 MO +68 2 145 AL +68 2 146 SI +68 2 147 AL +68 2 148 RO +68 2 149 AL +68 2 150 MO +68 2 151 RO +68 2 152 MO +68 2 153 AL +68 2 154 JM +68 2 155 VE +68 2 156 VE +68 2 157 CH +68 2 158 TI +68 2 159 SI +68 2 160 RO +68 2 161 VE +68 2 162 RO +68 2 163 AL +68 2 164 AL +68 2 165 VE +68 2 166 AL +68 2 167 MO +68 2 168 VE +68 2 169 AL +68 2 170 VE +68 2 171 VE +68 2 172 TI +68 2 173 RO +68 2 174 SI +68 2 175 AL +68 2 176 RO +68 2 177 VE +68 2 178 AL +68 2 179 HA +68 2 180 VE +68 2 181 SI +68 2 182 MO +68 2 183 VE +68 2 184 MO +68 2 185 SI +68 2 186 AL +68 2 187 SI +68 2 188 AL +68 2 189 AL +68 2 190 RO +68 2 191 VE +68 2 192 MO +68 2 193 VE +68 2 194 HA +68 2 195 VE +68 2 196 AL +68 2 197 MO +68 2 198 VE +68 2 199 TI +68 2 200 AL +68 2 201 RO +68 2 202 VE +68 2 203 MO +68 2 204 JM +68 2 205 MO +68 2 206 TI +68 2 207 RO +68 2 208 SI +68 2 209 VE +68 2 210 HA +68 2 211 AL +68 2 212 SI +68 2 213 AL +68 2 214 VE +68 2 215 MO +68 2 216 VE +68 2 217 RO +68 2 218 VE +68 2 219 AL +68 2 220 MO +68 2 221 AL +68 2 222 MO +68 2 223 VE +68 2 224 TI +68 2 225 VE +68 2 226 AL +68 2 227 JM +68 2 228 AL +68 2 229 VE +68 2 230 TI +68 2 231 MO +68 2 232 VE +68 2 233 MO +68 2 234 VE +68 2 235 AL +68 2 236 VE +68 2 237 SI +68 2 238 AL +68 2 239 RO +68 2 240 CH +68 2 241 TI +68 2 242 VE +68 2 243 MO +68 2 244 VE +68 2 245 HA +68 2 246 AL +68 2 247 MO +68 2 248 VE +68 2 249 VE +68 2 250 MO +68 2 251 AL +68 2 252 TI +68 2 253 VE +68 2 254 AL +68 2 255 JM +68 2 256 RO +68 2 257 AL +68 2 258 VE +68 2 259 HA +68 2 260 VE +68 2 261 CH +68 2 262 TI +68 2 263 HI +68 2 264 AL +68 2 265 VE +68 2 266 CH +68 2 267 MO +68 2 268 VE +68 2 269 MO +68 2 270 SI +68 2 271 VE +68 2 272 TI +68 2 273 MO +68 2 274 TI +68 2 275 VE +68 2 276 MO +68 2 277 AL +68 2 278 RO +68 2 279 SU +68 2 280 VE +68 2 281 VE +68 2 282 VE +68 2 283 CH +68 2 284 TI +68 2 285 RO +68 2 286 TI +68 2 287 VE +68 2 288 RO +68 2 289 AL +68 2 290 TI +68 2 291 AL +68 2 292 RO +68 2 293 AL +68 2 294 TI +68 2 295 CH +68 2 296 SU +68 2 297 SI +68 2 298 RO +68 2 299 VE +68 2 300 HI +68 2 301 VE +68 2 302 TI +68 2 303 AL +68 2 304 VE +68 2 305 MO +68 2 306 VE +68 2 307 AL +68 2 308 AL +68 2 309 VE +68 2 310 VE +68 2 311 AL +68 2 312 JM +68 2 313 SU +68 2 314 TI +68 2 315 VE +68 2 316 VE +68 2 317 MO +68 2 318 SI +68 2 319 TI +68 2 320 VE +68 2 321 RO +68 2 322 AL +68 2 323 VE +68 2 324 TI +68 2 325 MO +68 2 326 SI +68 2 327 AL +68 2 328 VE +68 2 329 CH +68 2 330 AL +68 3 1 SU +68 3 2 SU +68 3 3 HA +68 3 4 MO +68 3 5 SU +68 3 6 SI +68 3 7 SU +68 3 8 MO +68 3 9 CH +68 3 10 SU +68 3 11 SU +68 3 12 SI +68 3 13 SU +68 3 14 MO +68 3 15 HI +68 3 16 TI +68 3 17 HA +68 3 18 JM +68 3 19 SU +68 3 20 SU +68 3 21 RO +68 3 22 SI +68 3 23 MO +68 3 24 JM +68 3 25 SU +68 3 26 SU +68 3 27 RO +68 3 28 RO +68 3 29 SU +68 3 30 SI +68 3 31 SU +68 3 32 MO +68 3 33 SU +68 3 34 SU +68 3 35 RO +68 3 36 SU +68 3 37 SU +68 3 38 MO +68 3 39 SU +68 3 40 SU +68 3 41 HA +68 3 42 SI +68 3 43 SU +68 3 44 RO +68 3 45 SU +68 3 46 HI +68 3 47 SU +68 3 48 SI +68 3 49 SU +68 3 50 MO +68 3 51 CH +68 3 52 TI +68 3 53 MO +68 3 54 SU +68 3 55 SU +68 3 56 RO +68 3 57 SU +68 3 58 CH +68 3 59 HI +68 3 60 SU +68 3 61 HA +68 3 62 MO +68 3 63 RO +68 3 64 SU +68 3 65 RO +68 3 66 TI +68 3 67 SU +68 3 68 MO +68 3 69 SU +68 3 70 HI +68 3 71 CH +68 3 72 SU +68 3 73 MO +68 3 74 HI +68 3 75 JM +68 3 76 SI +68 3 77 SU +68 3 78 RO +68 3 79 JM +68 3 80 SU +68 3 81 SU +68 3 82 SU +68 3 83 SI +68 3 84 RO +68 3 85 SU +68 3 86 RO +68 3 87 JM +68 3 88 MO +68 3 89 JM +68 3 90 SU +68 3 91 SI +68 3 92 TI +68 3 93 SU +68 3 94 JM +68 3 95 SU +68 3 96 SI +68 3 97 MO +68 3 98 HA +68 3 99 MO +68 3 100 SU +68 3 101 MO +68 3 102 SU +68 3 103 CH +68 3 104 SU +68 3 105 MO +68 3 106 SI +68 3 107 HI +68 3 108 HI +68 3 109 SU +68 3 110 SI +68 3 111 SU +68 3 112 RO +68 3 113 JM +68 3 114 SU +68 3 115 HA +68 3 116 HI +68 3 117 CH +68 3 118 RO +68 3 119 SU +68 3 120 TI +68 3 121 SI +68 3 122 SU +68 3 123 SU +68 3 124 SU +68 3 125 HA +68 3 126 RO +68 3 127 JM +68 3 128 SI +68 3 129 RO +68 3 130 JM +68 3 131 MO +68 3 132 HA +68 3 133 SU +68 3 134 JM +68 3 135 MO +68 3 136 SU +68 3 137 SU +68 3 138 SU +68 3 139 HI +68 3 140 SU +68 3 141 TI +68 3 142 HI +68 3 143 SU +68 3 144 MO +68 3 145 SU +68 3 146 SI +68 3 147 SU +68 3 148 HA +68 3 149 SU +68 3 150 MO +68 3 151 RO +68 3 152 MO +68 3 153 SU +68 3 154 HI +68 3 155 JM +68 3 156 SU +68 3 157 CH +68 3 158 HI +68 3 159 SI +68 3 160 RO +68 3 161 SU +68 3 162 HA +68 3 163 SU +68 3 164 SU +68 3 165 SU +68 3 166 SU +68 3 167 MO +68 3 168 SU +68 3 169 SU +68 3 170 HI +68 3 171 SU +68 3 172 TI +68 3 173 RO +68 3 174 SI +68 3 175 HI +68 3 176 RO +68 3 177 SI +68 3 178 SU +68 3 179 CH +68 3 180 SU +68 3 181 SI +68 3 182 MO +68 3 183 CH +68 3 184 MO +68 3 185 CH +68 3 186 SU +68 3 187 SI +68 3 188 SU +68 3 189 SU +68 3 190 RO +68 3 191 SU +68 3 192 MO +68 3 193 SI +68 3 194 CH +68 3 195 SU +68 3 196 SU +68 3 197 MO +68 3 198 JM +68 3 199 HI +68 3 200 SU +68 3 201 RO +68 3 202 SU +68 3 203 MO +68 3 204 JM +68 3 205 MO +68 3 206 SI +68 3 207 RO +68 3 208 CH +68 3 209 SU +68 3 210 JM +68 3 211 SU +68 3 212 SI +68 3 213 MO +68 3 214 SU +68 3 215 RO +68 3 216 JM +68 3 217 RO +68 3 218 SU +68 3 219 HI +68 3 220 MO +68 3 221 HI +68 3 222 MO +68 3 223 SU +68 3 224 HI +68 3 225 SU +68 3 226 SU +68 3 227 JM +68 3 228 SU +68 3 229 SU +68 3 230 RO +68 3 231 MO +68 3 232 CH +68 3 233 SU +68 3 234 SU +68 3 235 SU +68 3 236 SU +68 3 237 RO +68 3 238 SU +68 3 239 RO +68 3 240 CH +68 3 241 TI +68 3 242 SI +68 3 243 MO +68 3 244 HI +68 3 245 HA +68 3 246 SU +68 3 247 MO +68 3 248 CH +68 3 249 SU +68 3 250 MO +68 3 251 SU +68 3 252 HI +68 3 253 SU +68 3 254 SU +68 3 255 JM +68 3 256 RO +68 3 257 SU +68 3 258 SI +68 3 259 HA +68 3 260 SI +68 3 261 SI +68 3 262 HI +68 3 263 CH +68 3 264 SU +68 3 265 SU +68 3 266 CH +68 3 267 MO +68 3 268 SU +68 3 269 MO +68 3 270 SI +68 3 271 SU +68 3 272 HI +68 3 273 MO +68 3 274 TI +68 3 275 SU +68 3 276 MO +68 3 277 SU +68 3 278 SI +68 3 279 SU +68 3 280 SU +68 3 281 SU +68 3 282 SU +68 3 283 CH +68 3 284 HI +68 3 285 MO +68 3 286 TI +68 3 287 CH +68 3 288 HA +68 3 289 SU +68 3 290 HI +68 3 291 SU +68 3 292 RO +68 3 293 HI +68 3 294 HI +68 3 295 CH +68 3 296 MO +68 3 297 SI +68 3 298 HA +68 3 299 SU +68 3 300 HI +68 3 301 SU +68 3 302 HI +68 3 303 SU +68 3 304 SU +68 3 305 MO +68 3 306 SU +68 3 307 SU +68 3 308 MO +68 3 309 CH +68 3 310 SU +68 3 311 SU +68 3 312 JM +68 3 313 MO +68 3 314 HI +68 3 315 SU +68 3 316 SU +68 3 317 MO +68 3 318 SI +68 3 319 HI +68 3 320 SU +68 3 321 HA +68 3 322 SU +68 3 323 SU +68 3 324 HI +68 3 325 MO +68 3 326 SI +68 3 327 HI +68 3 328 SU +68 3 329 CH +68 3 330 HI +68 4 1 AL +68 4 2 AL +68 4 3 NH +68 4 4 MO +68 4 5 SU +68 4 6 NH +68 4 7 VE +68 4 8 YD +68 4 9 CH +68 4 10 AL +68 4 11 VE +68 4 12 SI +68 4 13 VE +68 4 14 VE +68 4 15 MO +68 4 16 HI +68 4 17 RO +68 4 18 JM +68 4 19 SU +68 4 20 VE +68 4 21 RO +68 4 22 SI +68 4 23 MO +68 4 24 CH +68 4 25 VE +68 4 26 AL +68 4 27 SI +68 4 28 RO +68 4 29 VE +68 4 30 NH +68 4 31 VE +68 4 32 MO +68 4 33 VE +68 4 34 AL +68 4 35 RO +68 4 36 VE +68 4 37 AL +68 4 38 RO +68 4 39 VE +68 4 40 VE +68 4 41 HA +68 4 42 SI +68 4 43 AL +68 4 44 SI +68 4 45 VE +68 4 46 HI +68 4 47 VE +68 4 48 SI +68 4 49 AL +68 4 50 MO +68 4 51 CH +68 4 52 SI +68 4 53 HA +68 4 54 VE +68 4 55 VE +68 4 56 RO +68 4 57 VE +68 4 58 CH +68 4 59 AL +68 4 60 VE +68 4 61 HA +68 4 62 MO +68 4 63 RO +68 4 64 AL +68 4 65 RO +68 4 66 SI +68 4 67 VE +68 4 68 AL +68 4 69 VE +68 4 70 HI +68 4 71 YD +68 4 72 VE +68 4 73 AL +68 4 74 VE +68 4 75 VE +68 4 76 HA +68 4 77 VE +68 4 78 RO +68 4 79 JM +68 4 80 AL +68 4 81 VE +68 4 82 VE +68 4 83 SI +68 4 84 RO +68 4 85 VE +68 4 86 RO +68 4 87 JM +68 4 88 MO +68 4 89 JM +68 4 90 VE +68 4 91 VE +68 4 92 SI +68 4 93 AL +68 4 94 JM +68 4 95 VE +68 4 96 SI +68 4 97 MO +68 4 98 HA +68 4 99 MO +68 4 100 VE +68 4 101 MO +68 4 102 HI +68 4 103 VE +68 4 104 AL +68 4 105 MO +68 4 106 SI +68 4 107 SI +68 4 108 VE +68 4 109 AL +68 4 110 SI +68 4 111 VE +68 4 112 RO +68 4 113 JM +68 4 114 VE +68 4 115 HA +68 4 116 VE +68 4 117 CH +68 4 118 RO +68 4 119 VE +68 4 120 HI +68 4 121 HA +68 4 122 VE +68 4 123 VE +68 4 124 VE +68 4 125 HA +68 4 126 RO +68 4 127 VE +68 4 128 SI +68 4 129 HI +68 4 130 VE +68 4 131 MO +68 4 132 HA +68 4 133 VE +68 4 134 CH +68 4 135 MO +68 4 136 VE +68 4 137 VE +68 4 138 VE +68 4 139 HI +68 4 140 AL +68 4 141 TI +68 4 142 HI +68 4 143 VE +68 4 144 MO +68 4 145 VE +68 4 146 SI +68 4 147 VE +68 4 148 HA +68 4 149 VE +68 4 150 MO +68 4 151 RO +68 4 152 MO +68 4 153 AL +68 4 154 CH +68 4 155 CH +68 4 156 VE +68 4 157 CH +68 4 158 TI +68 4 159 SI +68 4 160 RO +68 4 161 VE +68 4 162 HA +68 4 163 VE +68 4 164 AL +68 4 165 VE +68 4 166 AL +68 4 167 HI +68 4 168 VE +68 4 169 AL +68 4 170 VE +68 4 171 VE +68 4 172 TI +68 4 173 RO +68 4 174 SI +68 4 175 VE +68 4 176 RO +68 4 177 SI +68 4 178 AL +68 4 179 YD +68 4 180 VE +68 4 181 SI +68 4 182 YD +68 4 183 CH +68 4 184 MO +68 4 185 SI +68 4 186 VE +68 4 187 SI +68 4 188 VE +68 4 189 HI +68 4 190 RO +68 4 191 VE +68 4 192 MO +68 4 193 SI +68 4 194 YD +68 4 195 VE +68 4 196 VE +68 4 197 VE +68 4 198 JM +68 4 199 VE +68 4 200 VE +68 4 201 RO +68 4 202 VE +68 4 203 AL +68 4 204 JM +68 4 205 MO +68 4 206 SI +68 4 207 RO +68 4 208 CH +68 4 209 VE +68 4 210 CH +68 4 211 AL +68 4 212 HA +68 4 213 HI +68 4 214 SI +68 4 215 MO +68 4 216 CH +68 4 217 RO +68 4 218 VE +68 4 219 VE +68 4 220 AL +68 4 221 VE +68 4 222 MO +68 4 223 VE +68 4 224 SI +68 4 225 CH +68 4 226 VE +68 4 227 JM +68 4 228 AL +68 4 229 VE +68 4 230 SI +68 4 231 MO +68 4 232 CH +68 4 233 HI +68 4 234 VE +68 4 235 AL +68 4 236 VE +68 4 237 RO +68 4 238 VE +68 4 239 RO +68 4 240 YD +68 4 241 HI +68 4 242 SI +68 4 243 YD +68 4 244 VE +68 4 245 HA +68 4 246 VE +68 4 247 MO +68 4 248 VE +68 4 249 VE +68 4 250 MO +68 4 251 VE +68 4 252 TI +68 4 253 VE +68 4 254 AL +68 4 255 JM +68 4 256 RO +68 4 257 VE +68 4 258 SI +68 4 259 YD +68 4 260 SI +68 4 261 HA +68 4 262 TI +68 4 263 HI +68 4 264 VE +68 4 265 VE +68 4 266 YD +68 4 267 YD +68 4 268 VE +68 4 269 MO +68 4 270 SI +68 4 271 VE +68 4 272 TI +68 4 273 MO +68 4 274 VE +68 4 275 TI +68 4 276 VE +68 4 277 YD +68 4 278 RO +68 4 279 AL +68 4 280 VE +68 4 281 VE +68 4 282 VE +68 4 283 CH +68 4 284 TI +68 4 285 RO +68 4 286 TI +68 4 287 CH +68 4 288 HA +68 4 289 VE +68 4 290 SI +68 4 291 AL +68 4 292 RO +68 4 293 VE +68 4 294 VE +68 4 295 CH +68 4 296 MO +68 4 297 SI +68 4 298 HA +68 4 299 VE +68 4 300 HI +68 4 301 VE +68 4 302 TI +68 4 303 HI +68 4 304 VE +68 4 305 YD +68 4 306 VE +68 4 307 MO +68 4 308 VE +68 4 309 CH +68 4 310 VE +68 4 311 AL +68 4 312 JM +68 4 313 AL +68 4 314 TI +68 4 315 VE +68 4 316 VE +68 4 317 YD +68 4 318 HA +68 4 319 TI +68 4 320 VE +68 4 321 RO +68 4 322 AL +68 4 323 VE +68 4 324 TI +68 4 325 YD +68 4 326 SI +68 4 327 VE +68 4 328 VE +68 4 329 CH +68 4 330 VE +68 5 1 SU +68 5 2 AL +68 5 3 HA +68 5 4 SO +68 5 5 VE +68 5 6 SI +68 5 7 VE +68 5 8 HA +68 5 9 CH +68 5 10 SU +68 5 11 SU +68 5 12 SI +68 5 13 VE +68 5 14 HI +68 5 15 HA +68 5 16 TI +68 5 17 HA +68 5 18 CH +68 5 19 SU +68 5 20 SU +68 5 21 HA +68 5 22 SI +68 5 23 MO +68 5 24 CH +68 5 25 SU +68 5 26 SU +68 5 27 SI +68 5 28 HA +68 5 29 SU +68 5 30 CH +68 5 31 SU +68 5 32 HA +68 5 33 SU +68 5 34 SU +68 5 35 SI +68 5 36 CH +68 5 37 SU +68 5 38 HA +68 5 39 SU +68 5 40 SU +68 5 41 HA +68 5 42 CH +68 5 43 SU +68 5 44 SI +68 5 45 SU +68 5 46 HI +68 5 47 HI +68 5 48 SI +68 5 49 SU +68 5 50 MO +68 5 51 CH +68 5 52 SU +68 5 53 HA +68 5 54 SU +68 5 55 SU +68 5 56 SI +68 5 57 SU +68 5 58 CH +68 5 59 MO +68 5 60 SU +68 5 61 HA +68 5 62 MO +68 5 63 HA +68 5 64 SU +68 5 65 HA +68 5 66 SI +68 5 67 SU +68 5 68 HA +68 5 69 VE +68 5 70 SU +68 5 71 HA +68 5 72 SU +68 5 73 MO +68 5 74 SU +68 5 75 SU +68 5 76 SI +68 5 77 SU +68 5 78 HA +68 5 79 CH +68 5 80 SU +68 5 81 SU +68 5 82 SI +68 5 83 SI +68 5 84 HA +68 5 85 SU +68 5 86 HA +68 5 87 JM +68 5 88 HA +68 5 89 JM +68 5 90 JM +68 5 91 SI +68 5 92 HA +68 5 93 SU +68 5 94 JM +68 5 95 SU +68 5 96 SI +68 5 97 MO +68 5 98 HA +68 5 99 MO +68 5 100 SU +68 5 101 HA +68 5 102 SU +68 5 103 CH +68 5 104 SU +68 5 105 MO +68 5 106 SI +68 5 107 MO +68 5 108 SU +68 5 109 SU +68 5 110 SI +68 5 111 CH +68 5 112 HA +68 5 113 JM +68 5 114 SU +68 5 115 HA +68 5 116 SU +68 5 117 CH +68 5 118 HA +68 5 119 SU +68 5 120 TI +68 5 121 HA +68 5 122 SU +68 5 123 SU +68 5 124 SU +68 5 125 SI +68 5 126 HA +68 5 127 SU +68 5 128 SI +68 5 129 HA +68 5 130 SU +68 5 131 HA +68 5 132 SI +68 5 133 SU +68 5 134 CH +68 5 135 HA +68 5 136 SU +68 5 137 SU +68 5 138 SU +68 5 139 TI +68 5 140 SU +68 5 141 TI +68 5 142 TI +68 5 143 SU +68 5 144 MO +68 5 145 SU +68 5 146 SI +68 5 147 SU +68 5 148 HA +68 5 149 SU +68 5 150 MO +68 5 151 HA +68 5 152 MO +68 5 153 SU +68 5 154 JM +68 5 155 CH +68 5 156 SU +68 5 157 CH +68 5 158 TI +68 5 159 SI +68 5 160 HA +68 5 161 SU +68 5 162 HA +68 5 163 SU +68 5 164 SU +68 5 165 SU +68 5 166 HI +68 5 167 MO +68 5 168 SU +68 5 169 SU +68 5 170 SU +68 5 171 SU +68 5 172 TI +68 5 173 HA +68 5 174 SI +68 5 175 SU +68 5 176 HA +68 5 177 SI +68 5 178 SU +68 5 179 CH +68 5 180 SU +68 5 181 CH +68 5 182 HA +68 5 183 CH +68 5 184 MO +68 5 185 CH +68 5 186 SU +68 5 187 SI +68 5 188 SU +68 5 189 SU +68 5 190 HA +68 5 191 SU +68 5 192 MO +68 5 193 SI +68 5 194 MO +68 5 195 SU +68 5 196 SU +68 5 197 MO +68 5 198 CH +68 5 199 SU +68 5 200 SU +68 5 201 HA +68 5 202 SU +68 5 203 MO +68 5 204 JM +68 5 205 MO +68 5 206 TI +68 5 207 MO +68 5 208 CH +68 5 209 SU +68 5 210 CH +68 5 211 SU +68 5 212 SI +68 5 213 SU +68 5 214 SU +68 5 215 MO +68 5 216 CH +68 5 217 HA +68 5 218 SU +68 5 219 SU +68 5 220 MO +68 5 221 SU +68 5 222 MO +68 5 223 SU +68 5 224 HA +68 5 225 SU +68 5 226 SU +68 5 227 JM +68 5 228 SU +68 5 229 SU +68 5 230 TI +68 5 231 MO +68 5 232 CH +68 5 233 SU +68 5 234 SU +68 5 235 SU +68 5 236 SU +68 5 237 SI +68 5 238 SU +68 5 239 CH +68 5 240 TI +68 5 241 HA +68 5 242 SI +68 5 243 MO +68 5 244 SU +68 5 245 HA +68 5 246 SU +68 5 247 MO +68 5 248 SU +68 5 249 SU +68 5 250 MO +68 5 251 SU +68 5 252 HA +68 5 253 SU +68 5 254 SU +68 5 255 JM +68 5 256 HA +68 5 257 SU +68 5 258 SI +68 5 259 HA +68 5 260 SI +68 5 261 HA +68 5 262 TI +68 5 263 CH +68 5 264 SU +68 5 265 SU +68 5 266 CH +68 5 267 MO +68 5 268 SU +68 5 269 MO +68 5 270 SI +68 5 271 SU +68 5 272 TI +68 5 273 MO +68 5 274 SU +68 5 275 TI +68 5 276 SI +68 5 277 HA +68 5 278 SI +68 5 279 SU +68 5 280 SU +68 5 281 SU +68 5 282 SU +68 5 283 CH +68 5 284 SU +68 5 285 HA +68 5 286 TI +68 5 287 CH +68 5 288 HA +68 5 289 SU +68 5 290 TI +68 5 291 SU +68 5 292 HA +68 5 293 SU +68 5 294 SU +68 5 295 CH +68 5 296 MO +68 5 297 SI +68 5 298 HA +68 5 299 SU +68 5 300 SU +68 5 301 SU +68 5 302 HA +68 5 303 SU +68 5 304 SU +68 5 305 MO +68 5 306 SU +68 5 307 MO +68 5 308 SU +68 5 309 JM +68 5 310 SU +68 5 311 SU +68 5 312 JM +68 5 313 MO +68 5 314 HA +68 5 315 SU +68 5 316 SU +68 5 317 MO +68 5 318 HA +68 5 319 TI +68 5 320 CH +68 5 321 HA +68 5 322 SU +68 5 323 SU +68 5 324 HA +68 5 325 MO +68 5 326 SI +68 5 327 SU +68 5 328 SU +68 5 329 CH +68 5 330 SU +68 6 1 MO +68 6 2 VE +68 6 3 HA +68 6 4 * +68 6 5 VE +68 6 6 CH +68 6 7 VE +68 6 8 YD +68 6 9 CH +68 6 10 AL +68 6 11 VE +68 6 12 SI +68 6 13 VE +68 6 14 HI +68 6 15 RO +68 6 16 TI +68 6 17 SI +68 6 18 TI +68 6 19 AL +68 6 20 VE +68 6 21 RO +68 6 22 SI +68 6 23 MO +68 6 24 TI +68 6 25 MO +68 6 26 MO +68 6 27 CH +68 6 28 HA +68 6 29 VE +68 6 30 CH +68 6 31 AL +68 6 32 MO +68 6 33 VE +68 6 34 MO +68 6 35 SI +68 6 36 VE +68 6 37 AL +68 6 38 RO +68 6 39 VE +68 6 40 AL +68 6 41 HA +68 6 42 SI +68 6 43 AL +68 6 44 CH +68 6 45 VE +68 6 46 TI +68 6 47 VE +68 6 48 SI +68 6 49 AL +68 6 50 MO +68 6 51 CH +68 6 52 TI +68 6 53 MO +68 6 54 VE +68 6 55 AL +68 6 56 CH +68 6 57 VE +68 6 58 CH +68 6 59 MO +68 6 60 VE +68 6 61 HA +68 6 62 MO +68 6 63 SI +68 6 64 VE +68 6 65 RO +68 6 66 CH +68 6 67 VE +68 6 68 RO +68 6 69 VE +68 6 70 MO +68 6 71 YD +68 6 72 VE +68 6 73 MO +68 6 74 AL +68 6 75 VE +68 6 76 CH +68 6 77 MO +68 6 78 HA +68 6 79 TI +68 6 80 AL +68 6 81 VE +68 6 82 VE +68 6 83 SI +68 6 84 SI +68 6 85 VE +68 6 86 RO +68 6 87 TI +68 6 88 MO +68 6 89 TI +68 6 90 VE +68 6 91 SI +68 6 92 SI +68 6 93 AL +68 6 94 TI +68 6 95 TI +68 6 96 SI +68 6 97 MO +68 6 98 HA +68 6 99 MO +68 6 100 VE +68 6 101 MO +68 6 102 VE +68 6 103 CH +68 6 104 VE +68 6 105 MO +68 6 106 CH +68 6 107 CH +68 6 108 AL +68 6 109 AL +68 6 110 CH +68 6 111 VE +68 6 112 HA +68 6 113 TI +68 6 114 VE +68 6 115 HA +68 6 116 VE +68 6 117 CH +68 6 118 RO +68 6 119 VE +68 6 120 TI +68 6 121 SI +68 6 122 VE +68 6 123 MO +68 6 124 VE +68 6 125 SI +68 6 126 RO +68 6 127 VE +68 6 128 SI +68 6 129 RO +68 6 130 VE +68 6 131 MO +68 6 132 CH +68 6 133 VE +68 6 134 CH +68 6 135 MO +68 6 136 VE +68 6 137 VE +68 6 138 AL +68 6 139 MO +68 6 140 MO +68 6 141 TI +68 6 142 MO +68 6 143 VE +68 6 144 AL +68 6 145 VE +68 6 146 CH +68 6 147 VE +68 6 148 RO +68 6 149 VE +68 6 150 MO +68 6 151 RO +68 6 152 MO +68 6 153 AL +68 6 154 TI +68 6 155 CH +68 6 156 VE +68 6 157 CH +68 6 158 TI +68 6 159 CH +68 6 160 HA +68 6 161 VE +68 6 162 HA +68 6 163 VE +68 6 164 AL +68 6 165 VE +68 6 166 MO +68 6 167 AL +68 6 168 VE +68 6 169 AL +68 6 170 VE +68 6 171 VE +68 6 172 TI +68 6 173 RO +68 6 174 CH +68 6 175 VE +68 6 176 RO +68 6 177 CH +68 6 178 AL +68 6 179 CF +68 6 180 VE +68 6 181 CH +68 6 182 MO +68 6 183 CH +68 6 184 MO +68 6 185 CH +68 6 186 SU +68 6 187 CH +68 6 188 MO +68 6 189 MO +68 6 190 RO +68 6 191 AL +68 6 192 MO +68 6 193 VE +68 6 194 CH +68 6 195 VE +68 6 196 VE +68 6 197 MO +68 6 198 TI +68 6 199 TI +68 6 200 MO +68 6 201 SI +68 6 202 VE +68 6 203 MO +68 6 204 TI +68 6 205 MO +68 6 206 TI +68 6 207 RO +68 6 208 CH +68 6 209 AL +68 6 210 CH +68 6 211 AL +68 6 212 CH +68 6 213 MO +68 6 214 VE +68 6 215 RO +68 6 216 VE +68 6 217 SI +68 6 218 VE +68 6 219 TI +68 6 220 MO +68 6 221 TI +68 6 222 MO +68 6 223 VE +68 6 224 RO +68 6 225 VE +68 6 226 MO +68 6 227 TI +68 6 228 MO +68 6 229 VE +68 6 230 RO +68 6 231 MO +68 6 232 CH +68 6 233 MO +68 6 234 VE +68 6 235 AL +68 6 236 VE +68 6 237 CH +68 6 238 VE +68 6 239 CH +68 6 240 RO +68 6 241 RO +68 6 242 CH +68 6 243 MO +68 6 244 TI +68 6 245 HA +68 6 246 VE +68 6 247 MO +68 6 248 VE +68 6 249 VE +68 6 250 MO +68 6 251 VE +68 6 252 RO +68 6 253 VE +68 6 254 MO +68 6 255 TI +68 6 256 RO +68 6 257 MO +68 6 258 CH +68 6 259 CH +68 6 260 TI +68 6 261 CH +68 6 262 RO +68 6 263 TI +68 6 264 MO +68 6 265 VE +68 6 266 CH +68 6 267 MO +68 6 268 VE +68 6 269 MO +68 6 270 CH +68 6 271 VE +68 6 272 TI +68 6 273 MO +68 6 274 MO +68 6 275 TI +68 6 276 CH +68 6 277 RO +68 6 278 SI +68 6 279 AL +68 6 280 VE +68 6 281 VE +68 6 282 VE +68 6 283 CH +68 6 284 TI +68 6 285 RO +68 6 286 TI +68 6 287 CH +68 6 288 HA +68 6 289 VE +68 6 290 CH +68 6 291 AL +68 6 292 RO +68 6 293 VE +68 6 294 TI +68 6 295 CH +68 6 296 AL +68 6 297 SI +68 6 298 HA +68 6 299 VE +68 6 300 TI +68 6 301 VE +68 6 302 RO +68 6 303 MO +68 6 304 VE +68 6 305 MO +68 6 306 VE +68 6 307 MO +68 6 308 AL +68 6 309 CH +68 6 310 VE +68 6 311 MO +68 6 312 TI +68 6 313 MO +68 6 314 TI +68 6 315 VE +68 6 316 VE +68 6 317 MO +68 6 318 SI +68 6 319 RO +68 6 320 CH +68 6 321 RO +68 6 322 MO +68 6 323 VE +68 6 324 RO +68 6 325 MO +68 6 326 CH +68 6 327 SU +68 6 328 VE +68 6 329 CH +68 6 330 TI +68 7 1 SU +68 7 2 SU +68 7 3 HA +68 7 4 MO +68 7 5 SU +68 7 6 SI +68 7 7 SU +68 7 8 MO +68 7 9 HI +68 7 10 HI +68 7 11 SU +68 7 12 SI +68 7 13 SU +68 7 14 JM +68 7 15 RO +68 7 16 TI +68 7 17 HA +68 7 18 JM +68 7 19 SU +68 7 20 SU +68 7 21 RO +68 7 22 SI +68 7 23 MO +68 7 24 JM +68 7 25 SU +68 7 26 SU +68 7 27 TI +68 7 28 RO +68 7 29 VE +68 7 30 CF +68 7 31 AL +68 7 32 RO +68 7 33 VE +68 7 34 AL +68 7 35 RO +68 7 36 VE +68 7 37 AL +68 7 38 RO +68 7 39 VE +68 7 40 AL +68 7 41 HA +68 7 42 SI +68 7 43 AL +68 7 44 RO +68 7 45 SU +68 7 46 TI +68 7 47 JM +68 7 48 SI +68 7 49 AL +68 7 50 MO +68 7 51 CF +68 7 52 TI +68 7 53 HA +68 7 54 SU +68 7 55 AL +68 7 56 RO +68 7 57 AL +68 7 58 SI +68 7 59 TI +68 7 60 JM +68 7 61 HA +68 7 62 MO +68 7 63 RO +68 7 64 AL +68 7 65 HA +68 7 66 TI +68 7 67 SU +68 7 68 RO +68 7 69 VE +68 7 70 TI +68 7 71 MO +68 7 72 SU +68 7 73 MO +68 7 74 AL +68 7 75 JM +68 7 76 HA +68 7 77 SU +68 7 78 RO +68 7 79 JM +68 7 80 AL +68 7 81 SU +68 7 82 SU +68 7 83 SI +68 7 84 RO +68 7 85 SU +68 7 86 RO +68 7 87 JM +68 7 88 MO +68 7 89 JM +68 7 90 JM +68 7 91 SI +68 7 92 TI +68 7 93 AL +68 7 94 JM +68 7 95 TI +68 7 96 SI +68 7 97 MO +68 7 98 HA +68 7 99 MO +68 7 100 SU +68 7 101 MO +68 7 102 AL +68 7 103 SU +68 7 104 AL +68 7 105 MO +68 7 106 SI +68 7 107 TI +68 7 108 SU +68 7 109 MO +68 7 110 SI +68 7 111 JM +68 7 112 HA +68 7 113 JM +68 7 114 SU +68 7 115 MO +68 7 116 AL +68 7 117 JM +68 7 118 SI +68 7 119 SU +68 7 120 TI +68 7 121 HA +68 7 122 SU +68 7 123 SU +68 7 124 SI +68 7 125 HA +68 7 126 RO +68 7 127 JM +68 7 128 SI +68 7 129 TI +68 7 130 JM +68 7 131 MO +68 7 132 HA +68 7 133 VE +68 7 134 JM +68 7 135 MO +68 7 136 SU +68 7 137 SU +68 7 138 AL +68 7 139 TI +68 7 140 AL +68 7 141 TI +68 7 142 TI +68 7 143 SU +68 7 144 MO +68 7 145 SU +68 7 146 SI +68 7 147 AL +68 7 148 HA +68 7 149 VE +68 7 150 MO +68 7 151 RO +68 7 152 RO +68 7 153 AL +68 7 154 JM +68 7 155 JM +68 7 156 SU +68 7 157 JM +68 7 158 TI +68 7 159 SI +68 7 160 RO +68 7 161 SU +68 7 162 HA +68 7 163 SU +68 7 164 AL +68 7 165 VE +68 7 166 JM +68 7 167 MO +68 7 168 SU +68 7 169 SU +68 7 170 JM +68 7 171 SU +68 7 172 TI +68 7 173 RO +68 7 174 SI +68 7 175 SU +68 7 176 HA +68 7 177 SI +68 7 178 AL +68 7 179 MO +68 7 180 SU +68 7 181 SI +68 7 182 MO +68 7 183 SI +68 7 184 MO +68 7 185 SI +68 7 186 AL +68 7 187 SI +68 7 188 AL +68 7 189 AL +68 7 190 RO +68 7 191 VE +68 7 192 MO +68 7 193 SI +68 7 194 MO +68 7 195 VE +68 7 196 VE +68 7 197 MO +68 7 198 JM +68 7 199 TI +68 7 200 AL +68 7 201 SI +68 7 202 VE +68 7 203 MO +68 7 204 JM +68 7 205 MO +68 7 206 TI +68 7 207 MO +68 7 208 SI +68 7 209 SU +68 7 210 JM +68 7 211 AL +68 7 212 SI +68 7 213 MO +68 7 214 SI +68 7 215 RO +68 7 216 VE +68 7 217 RO +68 7 218 VE +68 7 219 TI +68 7 220 MO +68 7 221 TI +68 7 222 MO +68 7 223 VE +68 7 224 TI +68 7 225 VE +68 7 226 AL +68 7 227 JM +68 7 228 JM +68 7 229 VE +68 7 230 TI +68 7 231 MO +68 7 232 VE +68 7 233 MO +68 7 234 VE +68 7 235 AL +68 7 236 VE +68 7 237 SI +68 7 238 AL +68 7 239 RO +68 7 240 JM +68 7 241 SI +68 7 242 TI +68 7 243 MO +68 7 244 TI +68 7 245 HA +68 7 246 SU +68 7 247 MO +68 7 248 JM +68 7 249 SU +68 7 250 MO +68 7 251 SU +68 7 252 TI +68 7 253 SU +68 7 254 MO +68 7 255 JM +68 7 256 HA +68 7 257 AL +68 7 258 SI +68 7 259 HA +68 7 260 TI +68 7 261 HA +68 7 262 TI +68 7 263 JM +68 7 264 AL +68 7 265 VE +68 7 266 HA +68 7 267 MO +68 7 268 VE +68 7 269 MO +68 7 270 SI +68 7 271 JM +68 7 272 TI +68 7 273 MO +68 7 274 TI +68 7 275 SU +68 7 276 MO +68 7 277 AL +68 7 278 HA +68 7 279 MO +68 7 280 SU +68 7 281 SU +68 7 282 SU +68 7 283 JM +68 7 284 TI +68 7 285 RO +68 7 286 TI +68 7 287 CF +68 7 288 HA +68 7 289 AL +68 7 290 TI +68 7 291 AL +68 7 292 RO +68 7 293 AL +68 7 294 TI +68 7 295 JM +68 7 296 MO +68 7 297 SI +68 7 298 HA +68 7 299 SU +68 7 300 TI +68 7 301 SU +68 7 302 TI +68 7 303 AL +68 7 304 SU +68 7 305 MO +68 7 306 SU +68 7 307 MO +68 7 308 AL +68 7 309 JM +68 7 310 VE +68 7 311 AL +68 7 312 JM +68 7 313 MO +68 7 314 TI +68 7 315 SU +68 7 316 VE +68 7 317 MO +68 7 318 SI +68 7 319 TI +68 7 320 SU +68 7 321 HA +68 7 322 AL +68 7 323 VE +68 7 324 TI +68 7 325 MO +68 7 326 SI +68 7 327 TI +68 7 328 VE +68 7 329 CF +68 7 330 TI +68 8 1 SU +68 8 2 AL +68 8 3 HA +68 8 4 AL +68 8 5 SU +68 8 6 NH +68 8 7 * +68 8 8 HA +68 8 9 NH +68 8 10 AL +68 8 11 SU +68 8 12 SI +68 8 13 SU +68 8 14 AL +68 8 15 RO +68 8 16 TI +68 8 17 RO +68 8 18 JM +68 8 19 SU +68 8 20 SU +68 8 21 RO +68 8 22 SI +68 8 23 AL +68 8 24 CH +68 8 25 SU +68 8 26 AL +68 8 27 TI +68 8 28 RO +68 8 29 SU +68 8 30 NH +68 8 31 SU +68 8 32 RO +68 8 33 SU +68 8 34 AL +68 8 35 RO +68 8 36 SU +68 8 37 AL +68 8 38 RO +68 8 39 SU +68 8 40 SU +68 8 41 HA +68 8 42 CH +68 8 43 AL +68 8 44 TI +68 8 45 SU +68 8 46 CH +68 8 47 SU +68 8 48 SI +68 8 49 SU +68 8 50 MO +68 8 51 CH +68 8 52 TI +68 8 53 RO +68 8 54 SU +68 8 55 SU +68 8 56 RO +68 8 57 SU +68 8 58 CH +68 8 59 RO +68 8 60 SU +68 8 61 HA +68 8 62 AL +68 8 63 RO +68 8 64 SU +68 8 65 RO +68 8 66 TI +68 8 67 SU +68 8 68 RO +68 8 69 CH +68 8 70 TI +68 8 71 CH +68 8 72 SU +68 8 73 SU +68 8 74 TI +68 8 75 SU +68 8 76 CH +68 8 77 SU +68 8 78 RO +68 8 79 TI +68 8 80 SU +68 8 81 AL +68 8 82 SU +68 8 83 SI +68 8 84 RO +68 8 85 SU +68 8 86 RO +68 8 87 TI +68 8 88 MO +68 8 89 JM +68 8 90 TI +68 8 91 SU +68 8 92 RO +68 8 93 SU +68 8 94 CH +68 8 95 SU +68 8 96 SI +68 8 97 MO +68 8 98 HA +68 8 99 AL +68 8 100 SU +68 8 101 CH +68 8 102 MO +68 8 103 CH +68 8 104 SU +68 8 105 MO +68 8 106 SI +68 8 107 TI +68 8 108 SU +68 8 109 AL +68 8 110 SI +68 8 111 TI +68 8 112 RO +68 8 113 TI +68 8 114 SU +68 8 115 HA +68 8 116 SI +68 8 117 CH +68 8 118 RO +68 8 119 SU +68 8 120 TI +68 8 121 SI +68 8 122 SU +68 8 123 AL +68 8 124 SI +68 8 125 NH +68 8 126 RO +68 8 127 TI +68 8 128 SI +68 8 129 TI +68 8 130 TI +68 8 131 MO +68 8 132 HA +68 8 133 SU +68 8 134 TI +68 8 135 RO +68 8 136 SU +68 8 137 SU +68 8 138 SU +68 8 139 TI +68 8 140 SU +68 8 141 TI +68 8 142 TI +68 8 143 SU +68 8 144 MO +68 8 145 SU +68 8 146 SI +68 8 147 SU +68 8 148 HA +68 8 149 SU +68 8 150 MO +68 8 151 RO +68 8 152 RO +68 8 153 SU +68 8 154 TI +68 8 155 TI +68 8 156 SU +68 8 157 CH +68 8 158 TI +68 8 159 SI +68 8 160 RO +68 8 161 SU +68 8 162 HA +68 8 163 SU +68 8 164 AL +68 8 165 CH +68 8 166 SU +68 8 167 RO +68 8 168 SU +68 8 169 SU +68 8 170 SU +68 8 171 SU +68 8 172 TI +68 8 173 RO +68 8 174 SI +68 8 175 SU +68 8 176 RO +68 8 177 SI +68 8 178 SU +68 8 179 CH +68 8 180 SU +68 8 181 SI +68 8 182 CH +68 8 183 CH +68 8 184 AL +68 8 185 CH +68 8 186 SU +68 8 187 SI +68 8 188 SU +68 8 189 SU +68 8 190 RO +68 8 191 SU +68 8 192 AL +68 8 193 SI +68 8 194 MO +68 8 195 SU +68 8 196 SU +68 8 197 MO +68 8 198 TI +68 8 199 TI +68 8 200 SU +68 8 201 RO +68 8 202 SU +68 8 203 RO +68 8 204 CH +68 8 205 MO +68 8 206 TI +68 8 207 RO +68 8 208 SI +68 8 209 SU +68 8 210 TI +68 8 211 SU +68 8 212 SI +68 8 213 CH +68 8 214 SI +68 8 215 RO +68 8 216 TI +68 8 217 RO +68 8 218 SU +68 8 219 TI +68 8 220 SU +68 8 221 TI +68 8 222 AL +68 8 223 SU +68 8 224 TI +68 8 225 CH +68 8 226 AL +68 8 227 TI +68 8 228 AL +68 8 229 SU +68 8 230 TI +68 8 231 AL +68 8 232 CH +68 8 233 SU +68 8 234 SU +68 8 235 AL +68 8 236 CH +68 8 237 RO +68 8 238 SU +68 8 239 RO +68 8 240 CH +68 8 241 SI +68 8 242 TI +68 8 243 MO +68 8 244 TI +68 8 245 HA +68 8 246 SU +68 8 247 AL +68 8 248 TI +68 8 249 SU +68 8 250 SU +68 8 251 SU +68 8 252 RO +68 8 253 SU +68 8 254 AL +68 8 255 TI +68 8 256 RO +68 8 257 SU +68 8 258 SI +68 8 259 HA +68 8 260 SI +68 8 261 SI +68 8 262 TI +68 8 263 TI +68 8 264 SU +68 8 265 SU +68 8 266 CH +68 8 267 MO +68 8 268 SU +68 8 269 MO +68 8 270 SI +68 8 271 SU +68 8 272 TI +68 8 273 MO +68 8 274 TI +68 8 275 SI +68 8 276 RO +68 8 277 MO +68 8 278 RO +68 8 279 MO +68 8 280 SU +68 8 281 SU +68 8 282 SU +68 8 283 CH +68 8 284 TI +68 8 285 RO +68 8 286 TI +68 8 287 SU +68 8 288 RO +68 8 289 SU +68 8 290 RO +68 8 291 AL +68 8 292 RO +68 8 293 TI +68 8 294 TI +68 8 295 CH +68 8 296 MO +68 8 297 SI +68 8 298 RO +68 8 299 SU +68 8 300 TI +68 8 301 SU +68 8 302 TI +68 8 303 TI +68 8 304 SU +68 8 305 MO +68 8 306 SU +68 8 307 AL +68 8 308 SU +68 8 309 TI +68 8 310 SU +68 8 311 MO +68 8 312 TI +68 8 313 SU +68 8 314 TI +68 8 315 SU +68 8 316 SU +68 8 317 MO +68 8 318 RO +68 8 319 TI +68 8 320 CH +68 8 321 RO +68 8 322 SU +68 8 323 SU +68 8 324 TI +68 8 325 MO +68 8 326 SI +68 8 327 SU +68 8 328 SU +68 8 329 CH +68 8 330 SU +68 9 1 AL +68 9 2 AL +68 9 3 NH +68 9 4 MO +68 9 5 VE +68 9 6 SI +68 9 7 VE +68 9 8 * +68 9 9 CH +68 9 10 AL +68 9 11 SU +68 9 12 SI +68 9 13 VE +68 9 14 HI +68 9 15 RO +68 9 16 CH +68 9 17 RO +68 9 18 JM +68 9 19 SU +68 9 20 VE +68 9 21 RO +68 9 22 SI +68 9 23 MO +68 9 24 CH +68 9 25 SU +68 9 26 AL +68 9 27 SI +68 9 28 RO +68 9 29 VE +68 9 30 SI +68 9 31 SU +68 9 32 MO +68 9 33 SU +68 9 34 AL +68 9 35 NH +68 9 36 SU +68 9 37 AL +68 9 38 * +68 9 39 VE +68 9 40 SU +68 9 41 HA +68 9 42 SI +68 9 43 AL +68 9 44 RO +68 9 45 VE +68 9 46 CH +68 9 47 VE +68 9 48 SI +68 9 49 SU +68 9 50 MO +68 9 51 CH +68 9 52 VE +68 9 53 MO +68 9 54 VE +68 9 55 SU +68 9 56 RO +68 9 57 SU +68 9 58 CH +68 9 59 MO +68 9 60 AL +68 9 61 MO +68 9 62 MO +68 9 63 RO +68 9 64 AL +68 9 65 RO +68 9 66 CH +68 9 67 VE +68 9 68 MO +68 9 69 VE +68 9 70 MO +68 9 71 CH +68 9 72 VE +68 9 73 MO +68 9 74 AL +68 9 75 VE +68 9 76 HA +68 9 77 AL +68 9 78 RO +68 9 79 CH +68 9 80 AL +68 9 81 VE +68 9 82 AL +68 9 83 SI +68 9 84 RO +68 9 85 VE +68 9 86 RO +68 9 87 JM +68 9 88 MO +68 9 89 MO +68 9 90 SU +68 9 91 VE +68 9 92 RO +68 9 93 SU +68 9 94 CH +68 9 95 VE +68 9 96 SI +68 9 97 MO +68 9 98 RO +68 9 99 MO +68 9 100 VE +68 9 101 MO +68 9 102 AL +68 9 103 VE +68 9 104 SU +68 9 105 MO +68 9 106 SI +68 9 107 RO +68 9 108 VE +68 9 109 AL +68 9 110 HA +68 9 111 VE +68 9 112 RO +68 9 113 JM +68 9 114 AL +68 9 115 MO +68 9 116 VE +68 9 117 HI +68 9 118 RO +68 9 119 VE +68 9 120 TI +68 9 121 HA +68 9 122 VE +68 9 123 SU +68 9 124 SU +68 9 125 HA +68 9 126 RO +68 9 127 VE +68 9 128 SI +68 9 129 RO +68 9 130 VE +68 9 131 MO +68 9 132 HA +68 9 133 VE +68 9 134 MO +68 9 135 MO +68 9 136 SU +68 9 137 SU +68 9 138 SU +68 9 139 MO +68 9 140 SU +68 9 141 TI +68 9 142 MO +68 9 143 VE +68 9 144 MO +68 9 145 SU +68 9 146 SI +68 9 147 SU +68 9 148 RO +68 9 149 VE +68 9 150 MO +68 9 151 RO +68 9 152 MO +68 9 153 AL +68 9 154 CH +68 9 155 CH +68 9 156 VE +68 9 157 CH +68 9 158 TI +68 9 159 SI +68 9 160 RO +68 9 161 VE +68 9 162 RO +68 9 163 AL +68 9 164 SU +68 9 165 VE +68 9 166 SU +68 9 167 MO +68 9 168 VE +68 9 169 SU +68 9 170 VE +68 9 171 VE +68 9 172 TI +68 9 173 RO +68 9 174 SI +68 9 175 AL +68 9 176 RO +68 9 177 SI +68 9 178 AL +68 9 179 HI +68 9 180 VE +68 9 181 SI +68 9 182 MO +68 9 183 CH +68 9 184 MO +68 9 185 SI +68 9 186 SU +68 9 187 SI +68 9 188 SU +68 9 189 AL +68 9 190 RO +68 9 191 VE +68 9 192 MO +68 9 193 VE +68 9 194 MO +68 9 195 VE +68 9 196 SU +68 9 197 MO +68 9 198 JM +68 9 199 SU +68 9 200 SU +68 9 201 RO +68 9 202 VE +68 9 203 MO +68 9 204 CH +68 9 205 SU +68 9 206 VE +68 9 207 RO +68 9 208 SI +68 9 209 SU +68 9 210 MO +68 9 211 SU +68 9 212 SI +68 9 213 MO +68 9 214 SU +68 9 215 MO +68 9 216 VE +68 9 217 RO +68 9 218 VE +68 9 219 SU +68 9 220 SU +68 9 221 VE +68 9 222 MO +68 9 223 VE +68 9 224 RO +68 9 225 VE +68 9 226 SU +68 9 227 JM +68 9 228 SU +68 9 229 VE +68 9 230 SU +68 9 231 MO +68 9 232 SI +68 9 233 SU +68 9 234 VE +68 9 235 SU +68 9 236 VE +68 9 237 RO +68 9 238 SU +68 9 239 CH +68 9 240 TI +68 9 241 RO +68 9 242 SI +68 9 243 MO +68 9 244 AL +68 9 245 RO +68 9 246 SU +68 9 247 MO +68 9 248 VE +68 9 249 VE +68 9 250 MO +68 9 251 SU +68 9 252 RO +68 9 253 SU +68 9 254 SU +68 9 255 JM +68 9 256 RO +68 9 257 SU +68 9 258 SI +68 9 259 CH +68 9 260 SU +68 9 261 SI +68 9 262 TI +68 9 263 HI +68 9 264 SU +68 9 265 VE +68 9 266 CH +68 9 267 MO +68 9 268 VE +68 9 269 MO +68 9 270 SI +68 9 271 VE +68 9 272 TI +68 9 273 MO +68 9 274 SU +68 9 275 TI +68 9 276 VE +68 9 277 RO +68 9 278 SI +68 9 279 SU +68 9 280 VE +68 9 281 VE +68 9 282 VE +68 9 283 CH +68 9 284 TI +68 9 285 RO +68 9 286 MO +68 9 287 SI +68 9 288 RO +68 9 289 SU +68 9 290 CH +68 9 291 SU +68 9 292 RO +68 9 293 SU +68 9 294 TI +68 9 295 CH +68 9 296 MO +68 9 297 SI +68 9 298 RO +68 9 299 SU +68 9 300 HI +68 9 301 VE +68 9 302 RO +68 9 303 AL +68 9 304 VE +68 9 305 MO +68 9 306 VE +68 9 307 SU +68 9 308 MO +68 9 309 HI +68 9 310 VE +68 9 311 SU +68 9 312 JM +68 9 313 MO +68 9 314 RO +68 9 315 VE +68 9 316 SU +68 9 317 MO +68 9 318 HA +68 9 319 RO +68 9 320 SI +68 9 321 RO +68 9 322 SU +68 9 323 VE +68 9 324 RO +68 9 325 MO +68 9 326 SI +68 9 327 TI +68 9 328 SU +68 9 329 CH +68 9 330 SU +68 10 1 SU +68 10 2 SU +68 10 3 HA +68 10 4 MO +68 10 5 SU +68 10 6 SI +68 10 7 VE +68 10 8 MO +68 10 9 CF +68 10 10 AL +68 10 11 * +68 10 12 SI +68 10 13 VE +68 10 14 * +68 10 15 MO +68 10 16 HI +68 10 17 HA +68 10 18 JM +68 10 19 SU +68 10 20 SU +68 10 21 RO +68 10 22 SI +68 10 23 MO +68 10 24 CF +68 10 25 SU +68 10 26 AL +68 10 27 HI +68 10 28 MO +68 10 29 VE +68 10 30 HA +68 10 31 SU +68 10 32 MO +68 10 33 SU +68 10 34 SU +68 10 35 HA +68 10 36 SU +68 10 37 SU +68 10 38 MO +68 10 39 SU +68 10 40 SU +68 10 41 HA +68 10 42 SI +68 10 43 SU +68 10 44 TI +68 10 45 SU +68 10 46 JM +68 10 47 SU +68 10 48 SI +68 10 49 SU +68 10 50 MO +68 10 51 CF +68 10 52 TI +68 10 53 MO +68 10 54 SU +68 10 55 SU +68 10 56 HA +68 10 57 SU +68 10 58 SI +68 10 59 MO +68 10 60 SU +68 10 61 HA +68 10 62 MO +68 10 63 HA +68 10 64 SU +68 10 65 RO +68 10 66 TI +68 10 67 SU +68 10 68 MO +68 10 69 VE +68 10 70 TI +68 10 71 MO +68 10 72 SU +68 10 73 MO +68 10 74 TI +68 10 75 SU +68 10 76 HA +68 10 77 SU +68 10 78 MO +68 10 79 JM +68 10 80 SU +68 10 81 SU +68 10 82 SU +68 10 83 TI +68 10 84 HA +68 10 85 SU +68 10 86 MO +68 10 87 JM +68 10 88 MO +68 10 89 JM +68 10 90 SU +68 10 91 SI +68 10 92 TI +68 10 93 SU +68 10 94 JM +68 10 95 TI +68 10 96 SI +68 10 97 MO +68 10 98 RO +68 10 99 MO +68 10 100 SU +68 10 101 MO +68 10 102 MO +68 10 103 VE +68 10 104 SU +68 10 105 MO +68 10 106 SI +68 10 107 TI +68 10 108 SU +68 10 109 SU +68 10 110 SI +68 10 111 JM +68 10 112 RO +68 10 113 JM +68 10 114 SU +68 10 115 HA +68 10 116 SU +68 10 117 JM +68 10 118 MO +68 10 119 SU +68 10 120 TI +68 10 121 HA +68 10 122 SU +68 10 123 SU +68 10 124 VE +68 10 125 SI +68 10 126 MO +68 10 127 JM +68 10 128 SI +68 10 129 TI +68 10 130 JM +68 10 131 MO +68 10 132 HA +68 10 133 VE +68 10 134 JM +68 10 135 MO +68 10 136 SU +68 10 137 VE +68 10 138 SU +68 10 139 TI +68 10 140 SU +68 10 141 TI +68 10 142 JM +68 10 143 VE +68 10 144 SU +68 10 145 VE +68 10 146 SI +68 10 147 SU +68 10 148 HA +68 10 149 VE +68 10 150 SU +68 10 151 HA +68 10 152 MO +68 10 153 SU +68 10 154 JM +68 10 155 CF +68 10 156 SU +68 10 157 CF +68 10 158 TI +68 10 159 SI +68 10 160 MO +68 10 161 SU +68 10 162 MO +68 10 163 SU +68 10 164 SU +68 10 165 VE +68 10 166 SU +68 10 167 MO +68 10 168 SU +68 10 169 SU +68 10 170 SU +68 10 171 VE +68 10 172 TI +68 10 173 HA +68 10 174 SI +68 10 175 SU +68 10 176 HA +68 10 177 SI +68 10 178 SU +68 10 179 JM +68 10 180 SU +68 10 181 SI +68 10 182 JM +68 10 183 SI +68 10 184 MO +68 10 185 HA +68 10 186 SU +68 10 187 SI +68 10 188 SU +68 10 189 TI +68 10 190 HA +68 10 191 SU +68 10 192 MO +68 10 193 SI +68 10 194 MO +68 10 195 VE +68 10 196 SU +68 10 197 MO +68 10 198 JM +68 10 199 TI +68 10 200 SU +68 10 201 HA +68 10 202 VE +68 10 203 MO +68 10 204 JM +68 10 205 SU +68 10 206 TI +68 10 207 MO +68 10 208 SI +68 10 209 SU +68 10 210 CF +68 10 211 SU +68 10 212 SI +68 10 213 JM +68 10 214 SI +68 10 215 MO +68 10 216 JM +68 10 217 HA +68 10 218 SI +68 10 219 TI +68 10 220 SU +68 10 221 TI +68 10 222 MO +68 10 223 SU +68 10 224 TI +68 10 225 TI +68 10 226 SU +68 10 227 JM +68 10 228 SU +68 10 229 SU +68 10 230 TI +68 10 231 MO +68 10 232 CF +68 10 233 SU +68 10 234 VE +68 10 235 SU +68 10 236 SI +68 10 237 HA +68 10 238 SU +68 10 239 MO +68 10 240 CH +68 10 241 TI +68 10 242 SI +68 10 243 MO +68 10 244 TI +68 10 245 HA +68 10 246 SU +68 10 247 MO +68 10 248 JM +68 10 249 SU +68 10 250 MO +68 10 251 VE +68 10 252 TI +68 10 253 SU +68 10 254 SU +68 10 255 JM +68 10 256 HA +68 10 257 SU +68 10 258 SI +68 10 259 CH +68 10 260 SI +68 10 261 HA +68 10 262 TI +68 10 263 JM +68 10 264 SU +68 10 265 VE +68 10 266 HA +68 10 267 MO +68 10 268 VE +68 10 269 MO +68 10 270 CH +68 10 271 VE +68 10 272 TI +68 10 273 MO +68 10 274 TI +68 10 275 SI +68 10 276 MO +68 10 277 SU +68 10 278 HA +68 10 279 SU +68 10 280 VE +68 10 281 SU +68 10 282 VE +68 10 283 CF +68 10 284 TI +68 10 285 MO +68 10 286 TI +68 10 287 CF +68 10 288 HA +68 10 289 SU +68 10 290 TI +68 10 291 SU +68 10 292 HA +68 10 293 SU +68 10 294 TI +68 10 295 CF +68 10 296 MO +68 10 297 SI +68 10 298 HA +68 10 299 SU +68 10 300 JM +68 10 301 SU +68 10 302 TI +68 10 303 SU +68 10 304 VE +68 10 305 MO +68 10 306 SI +68 10 307 MO +68 10 308 SU +68 10 309 JM +68 10 310 SU +68 10 311 SU +68 10 312 JM +68 10 313 SU +68 10 314 TI +68 10 315 VE +68 10 316 SU +68 10 317 MO +68 10 318 HA +68 10 319 TI +68 10 320 SI +68 10 321 HA +68 10 322 SU +68 10 323 VE +68 10 324 TI +68 10 325 MO +68 10 326 SI +68 10 327 SU +68 10 328 VE +68 10 329 CF +68 10 330 SU +68 11 1 AL +68 11 2 VE +68 11 3 HA +68 11 4 MO +68 11 5 VE +68 11 6 SI +68 11 7 VE +68 11 8 MO +68 11 9 CF +68 11 10 AL +68 11 11 AL +68 11 12 SI +68 11 13 AL +68 11 14 AL +68 11 15 CH +68 11 16 TI +68 11 17 HA +68 11 18 TI +68 11 19 AL +68 11 20 VE +68 11 21 HA +68 11 22 SI +68 11 23 MO +68 11 24 TI +68 11 25 AL +68 11 26 AL +68 11 27 SI +68 11 28 HA +68 11 29 VE +68 11 30 CF +68 11 31 AL +68 11 32 MO +68 11 33 VE +68 11 34 AL +68 11 35 HA +68 11 36 AL +68 11 37 AL +68 11 38 HA +68 11 39 VE +68 11 40 AL +68 11 41 CF +68 11 42 SI +68 11 43 AL +68 11 44 TI +68 11 45 VE +68 11 46 TI +68 11 47 VE +68 11 48 SI +68 11 49 AL +68 11 50 MO +68 11 51 CF +68 11 52 TI +68 11 53 MO +68 11 54 VE +68 11 55 AL +68 11 56 SI +68 11 57 AL +68 11 58 CH +68 11 59 MO +68 11 60 VE +68 11 61 CF +68 11 62 MO +68 11 63 CH +68 11 64 AL +68 11 65 HA +68 11 66 TI +68 11 67 VE +68 11 68 MO +68 11 69 VE +68 11 70 MO +68 11 71 CF +68 11 72 VE +68 11 73 MO +68 11 74 AL +68 11 75 AL +68 11 76 SI +68 11 77 AL +68 11 78 MO +68 11 79 AL +68 11 80 AL +68 11 81 VE +68 11 82 AL +68 11 83 SI +68 11 84 SI +68 11 85 VE +68 11 86 MO +68 11 87 JM +68 11 88 MO +68 11 89 JM +68 11 90 AL +68 11 91 VE +68 11 92 SI +68 11 93 AL +68 11 94 MO +68 11 95 AL +68 11 96 SI +68 11 97 MO +68 11 98 HA +68 11 99 MO +68 11 100 AL +68 11 101 MO +68 11 102 MO +68 11 103 VE +68 11 104 AL +68 11 105 MO +68 11 106 SI +68 11 107 MO +68 11 108 AL +68 11 109 AL +68 11 110 SI +68 11 111 VE +68 11 112 RO +68 11 113 MO +68 11 114 AL +68 11 115 MO +68 11 116 AL +68 11 117 MO +68 11 118 MO +68 11 119 VE +68 11 120 TI +68 11 121 RO +68 11 122 VE +68 11 123 AL +68 11 124 VE +68 11 125 RO +68 11 126 MO +68 11 127 VE +68 11 128 SI +68 11 129 CH +68 11 130 VE +68 11 131 MO +68 11 132 CF +68 11 133 VE +68 11 134 MO +68 11 135 MO +68 11 136 AL +68 11 137 VE +68 11 138 AL +68 11 139 MO +68 11 140 AL +68 11 141 TI +68 11 142 MO +68 11 143 VE +68 11 144 MO +68 11 145 VE +68 11 146 SI +68 11 147 AL +68 11 148 RO +68 11 149 VE +68 11 150 MO +68 11 151 RO +68 11 152 MO +68 11 153 AL +68 11 154 TI +68 11 155 MO +68 11 156 VE +68 11 157 CF +68 11 158 TI +68 11 159 SI +68 11 160 SI +68 11 161 SI +68 11 162 VE +68 11 163 RO +68 11 164 AL +68 11 165 VE +68 11 166 VE +68 11 167 MO +68 11 168 VE +68 11 169 AL +68 11 170 VE +68 11 171 VE +68 11 172 TI +68 11 173 RO +68 11 174 SI +68 11 175 AL +68 11 176 RO +68 11 177 SI +68 11 178 AL +68 11 179 MO +68 11 180 VE +68 11 181 SI +68 11 182 MO +68 11 183 CF +68 11 184 MO +68 11 185 SI +68 11 186 AL +68 11 187 SI +68 11 188 AL +68 11 189 AL +68 11 190 RO +68 11 191 VE +68 11 192 MO +68 11 193 VE +68 11 194 MO +68 11 195 VE +68 11 196 VE +68 11 197 MO +68 11 198 MO +68 11 199 VE +68 11 200 AL +68 11 201 RO +68 11 202 VE +68 11 203 MO +68 11 204 MO +68 11 205 AL +68 11 206 SI +68 11 207 RO +68 11 208 SI +68 11 209 VE +68 11 210 CF +68 11 211 AL +68 11 212 SI +68 11 213 MO +68 11 214 VE +68 11 215 MO +68 11 216 VE +68 11 217 RO +68 11 218 VE +68 11 219 AL +68 11 220 AL +68 11 221 AL +68 11 222 MO +68 11 223 VE +68 11 224 CH +68 11 225 VE +68 11 226 VE +68 11 227 VE +68 11 228 VE +68 11 229 AL +68 11 230 SI +68 11 231 MO +68 11 232 CF +68 11 233 MO +68 11 234 VE +68 11 235 AL +68 11 236 VE +68 11 237 SI +68 11 238 VE +68 11 239 RO +68 11 240 CF +68 11 241 SI +68 11 242 SI +68 11 243 MO +68 11 244 SI +68 11 245 HA +68 11 246 VE +68 11 247 AL +68 11 248 VE +68 11 249 VE +68 11 250 MO +68 11 251 VE +68 11 252 SI +68 11 253 AL +68 11 254 AL +68 11 255 CF +68 11 256 RO +68 11 257 AL +68 11 258 SI +68 11 259 CF +68 11 260 SI +68 11 261 SI +68 11 262 SI +68 11 263 SI +68 11 264 AL +68 11 265 VE +68 11 266 CF +68 11 267 MO +68 11 268 VE +68 11 269 MO +68 11 270 SI +68 11 271 VE +68 11 272 TI +68 11 273 MO +68 11 274 TI +68 11 275 SI +68 11 276 MO +68 11 277 VE +68 11 278 RO +68 11 279 AL +68 11 280 VE +68 11 281 VE +68 11 282 VE +68 11 283 CF +68 11 284 TI +68 11 285 MO +68 11 286 TI +68 11 287 SI +68 11 288 RO +68 11 289 AL +68 11 290 SI +68 11 291 AL +68 11 292 SI +68 11 293 AL +68 11 294 TI +68 11 295 CF +68 11 296 MO +68 11 297 SI +68 11 298 RO +68 11 299 VE +68 11 300 TI +68 11 301 VE +68 11 302 SI +68 11 303 AL +68 11 304 VE +68 11 305 MO +68 11 306 VE +68 11 307 MO +68 11 308 AL +68 11 309 CF +68 11 310 VE +68 11 311 AL +68 11 312 CF +68 11 313 MO +68 11 314 SI +68 11 315 VE +68 11 316 AL +68 11 317 MO +68 11 318 SI +68 11 319 SI +68 11 320 VE +68 11 321 RO +68 11 322 AL +68 11 323 VE +68 11 324 SI +68 11 325 MO +68 11 326 SI +68 11 327 TI +68 11 328 VE +68 11 329 CF +68 11 330 TI +68 12 1 SU +68 12 2 VE +68 12 3 HA +68 12 4 MO +68 12 5 VE +68 12 6 CH +68 12 7 VE +68 12 8 MO +68 12 9 CH +68 12 10 SU +68 12 11 VE +68 12 12 SI +68 12 13 VE +68 12 14 SU +68 12 15 RO +68 12 16 HI +68 12 17 HA +68 12 18 JM +68 12 19 SU +68 12 20 VE +68 12 21 RO +68 12 22 SI +68 12 23 MO +68 12 24 CH +68 12 25 SU +68 12 26 SU +68 12 27 CH +68 12 28 RO +68 12 29 VE +68 12 30 CH +68 12 31 SU +68 12 32 MO +68 12 33 VE +68 12 34 SU +68 12 35 RO +68 12 36 VE +68 12 37 SU +68 12 38 RO +68 12 39 VE +68 12 40 SU +68 12 41 HA +68 12 42 SI +68 12 43 SU +68 12 44 RO +68 12 45 VE +68 12 46 HI +68 12 47 VE +68 12 48 SI +68 12 49 SU +68 12 50 MO +68 12 51 CH +68 12 52 VE +68 12 53 MO +68 12 54 VE +68 12 55 SU +68 12 56 CH +68 12 57 VE +68 12 58 CH +68 12 59 HI +68 12 60 VE +68 12 61 HA +68 12 62 MO +68 12 63 RO +68 12 64 SU +68 12 65 RO +68 12 66 SI +68 12 67 VE +68 12 68 RO +68 12 69 VE +68 12 70 TI +68 12 71 MO +68 12 72 VE +68 12 73 MO +68 12 74 SU +68 12 75 VE +68 12 76 SI +68 12 77 VE +68 12 78 RO +68 12 79 JM +68 12 80 SU +68 12 81 VE +68 12 82 VE +68 12 83 SI +68 12 84 RO +68 12 85 VE +68 12 86 RO +68 12 87 JM +68 12 88 MO +68 12 89 JM +68 12 90 VE +68 12 91 SI +68 12 92 SI +68 12 93 SU +68 12 94 JM +68 12 95 VE +68 12 96 SI +68 12 97 MO +68 12 98 RO +68 12 99 MO +68 12 100 VE +68 12 101 MO +68 12 102 SU +68 12 103 VE +68 12 104 SU +68 12 105 MO +68 12 106 SI +68 12 107 TI +68 12 108 VE +68 12 109 SU +68 12 110 SI +68 12 111 VE +68 12 112 RO +68 12 113 JM +68 12 114 VE +68 12 115 RO +68 12 116 SU +68 12 117 JM +68 12 118 RO +68 12 119 VE +68 12 120 TI +68 12 121 HA +68 12 122 VE +68 12 123 SU +68 12 124 VE +68 12 125 HA +68 12 126 RO +68 12 127 VE +68 12 128 SI +68 12 129 TI +68 12 130 VE +68 12 131 MO +68 12 132 HA +68 12 133 VE +68 12 134 MO +68 12 135 MO +68 12 136 VE +68 12 137 VE +68 12 138 SU +68 12 139 HI +68 12 140 SU +68 12 141 TI +68 12 142 HI +68 12 143 VE +68 12 144 MO +68 12 145 VE +68 12 146 SI +68 12 147 VE +68 12 148 HA +68 12 149 VE +68 12 150 MO +68 12 151 RO +68 12 152 MO +68 12 153 SU +68 12 154 JM +68 12 155 JM +68 12 156 VE +68 12 157 CH +68 12 158 TI +68 12 159 CH +68 12 160 RO +68 12 161 VE +68 12 162 RO +68 12 163 VE +68 12 164 SU +68 12 165 VE +68 12 166 SU +68 12 167 MO +68 12 168 VE +68 12 169 SU +68 12 170 VE +68 12 171 VE +68 12 172 TI +68 12 173 RO +68 12 174 SI +68 12 175 VE +68 12 176 HA +68 12 177 SI +68 12 178 SU +68 12 179 MO +68 12 180 VE +68 12 181 SI +68 12 182 MO +68 12 183 CH +68 12 184 MO +68 12 185 CH +68 12 186 SU +68 12 187 CH +68 12 188 SU +68 12 189 SU +68 12 190 RO +68 12 191 VE +68 12 192 MO +68 12 193 SI +68 12 194 MO +68 12 195 VE +68 12 196 VE +68 12 197 MO +68 12 198 JM +68 12 199 VE +68 12 200 SU +68 12 201 RO +68 12 202 VE +68 12 203 RO +68 12 204 CH +68 12 205 MO +68 12 206 VE +68 12 207 RO +68 12 208 CH +68 12 209 VE +68 12 210 CH +68 12 211 SU +68 12 212 SI +68 12 213 MO +68 12 214 VE +68 12 215 MO +68 12 216 VE +68 12 217 RO +68 12 218 VE +68 12 219 VE +68 12 220 SU +68 12 221 VE +68 12 222 MO +68 12 223 VE +68 12 224 TI +68 12 225 VE +68 12 226 SU +68 12 227 JM +68 12 228 SU +68 12 229 VE +68 12 230 RO +68 12 231 MO +68 12 232 CH +68 12 233 SU +68 12 234 VE +68 12 235 SU +68 12 236 VE +68 12 237 HA +68 12 238 VE +68 12 239 RO +68 12 240 CH +68 12 241 TI +68 12 242 SI +68 12 243 MO +68 12 244 SU +68 12 245 HA +68 12 246 VE +68 12 247 MO +68 12 248 VE +68 12 249 VE +68 12 250 MO +68 12 251 VE +68 12 252 RO +68 12 253 VE +68 12 254 SU +68 12 255 JM +68 12 256 SU +68 12 257 VE +68 12 258 RO +68 12 259 MO +68 12 260 CH +68 12 261 SU +68 12 262 VE +68 12 263 SU +68 12 264 VE +68 12 265 HA +68 12 266 VE +68 12 267 RO +68 12 268 VE +68 12 269 MO +68 12 270 SI +68 12 271 VE +68 12 272 SU +68 12 273 MO +68 12 274 TI +68 12 275 VE +68 12 276 RO +68 12 277 SU +68 12 278 HA +68 12 279 SU +68 12 280 VE +68 12 281 VE +68 12 282 VE +68 12 283 CH +68 12 284 VE +68 12 285 RO +68 12 286 TI +68 12 287 CH +68 12 288 HA +68 12 289 VE +68 12 290 HA +68 12 291 SU +68 12 292 RO +68 12 293 VE +68 12 294 SU +68 12 295 CH +68 12 296 MO +68 12 297 SI +68 12 298 HA +68 12 299 VE +68 12 300 HI +68 12 301 VE +68 12 302 HA +68 12 303 SU +68 12 304 VE +68 12 305 MO +68 12 306 VE +68 12 307 SU +68 12 308 MO +68 12 309 CH +68 12 310 VE +68 12 311 SU +68 12 312 JM +68 12 313 MO +68 12 314 RO +68 12 315 VE +68 12 316 VE +68 12 317 MO +68 12 318 HA +68 12 319 TI +68 12 320 VE +68 12 321 RO +68 12 322 SU +68 12 323 VE +68 12 324 RO +68 12 325 MO +68 12 326 SI +68 12 327 VE +68 12 328 VE +68 12 329 CH +68 12 330 VE +68 13 1 SU +68 13 2 SU +68 13 3 HA +68 13 4 JM +68 13 5 SU +68 13 6 SI +68 13 7 SU +68 13 8 HA +68 13 9 SI +68 13 10 MO +68 13 11 SU +68 13 12 SI +68 13 13 JM +68 13 14 JM +68 13 15 SI +68 13 16 TI +68 13 17 HA +68 13 18 JM +68 13 19 SU +68 13 20 SU +68 13 21 HA +68 13 22 TI +68 13 23 MO +68 13 24 JM +68 13 25 SU +68 13 26 MO +68 13 27 TI +68 13 28 HA +68 13 29 SU +68 13 30 SI +68 13 31 TI +68 13 32 MO +68 13 33 SU +68 13 34 SU +68 13 35 HA +68 13 36 JM +68 13 37 MO +68 13 38 HA +68 13 39 SU +68 13 40 SU +68 13 41 HA +68 13 42 SI +68 13 43 JM +68 13 44 TI +68 13 45 SU +68 13 46 TI +68 13 47 JM +68 13 48 SI +68 13 49 SU +68 13 50 JM +68 13 51 JM +68 13 52 TI +68 13 53 HA +68 13 54 SU +68 13 55 SU +68 13 56 SI +68 13 57 SU +68 13 58 SI +68 13 59 TI +68 13 60 JM +68 13 61 HA +68 13 62 MO +68 13 63 HA +68 13 64 SU +68 13 65 HA +68 13 66 TI +68 13 67 SU +68 13 68 HA +68 13 69 SU +68 13 70 TI +68 13 71 JM +68 13 72 SU +68 13 73 MO +68 13 74 SU +68 13 75 JM +68 13 76 HA +68 13 77 SU +68 13 78 SI +68 13 79 JM +68 13 80 SU +68 13 81 SU +68 13 82 SU +68 13 83 TI +68 13 84 SI +68 13 85 SU +68 13 86 HA +68 13 87 JM +68 13 88 MO +68 13 89 JM +68 13 90 JM +68 13 91 SU +68 13 92 TI +68 13 93 SU +68 13 94 JM +68 13 95 TI +68 13 96 SI +68 13 97 MO +68 13 98 HA +68 13 99 MO +68 13 100 SU +68 13 101 HA +68 13 102 SU +68 13 103 JM +68 13 104 SU +68 13 105 MO +68 13 106 SI +68 13 107 TI +68 13 108 TI +68 13 109 MO +68 13 110 SI +68 13 111 JM +68 13 112 HA +68 13 113 JM +68 13 114 SU +68 13 115 HA +68 13 116 SU +68 13 117 JM +68 13 118 MO +68 13 119 SU +68 13 120 TI +68 13 121 HA +68 13 122 SU +68 13 123 SU +68 13 124 SI +68 13 125 HA +68 13 126 HA +68 13 127 JM +68 13 128 SI +68 13 129 TI +68 13 130 JM +68 13 131 MO +68 13 132 SI +68 13 133 SU +68 13 134 JM +68 13 135 HA +68 13 136 SU +68 13 137 JM +68 13 138 SU +68 13 139 TI +68 13 140 SU +68 13 141 TI +68 13 142 TI +68 13 143 SU +68 13 144 JM +68 13 145 SU +68 13 146 SI +68 13 147 SU +68 13 148 HA +68 13 149 SU +68 13 150 JM +68 13 151 HA +68 13 152 HA +68 13 153 SU +68 13 154 TI +68 13 155 JM +68 13 156 SU +68 13 157 JM +68 13 158 TI +68 13 159 SI +68 13 160 MO +68 13 161 SU +68 13 162 HA +68 13 163 SU +68 13 164 SU +68 13 165 JM +68 13 166 JM +68 13 167 MO +68 13 168 SU +68 13 169 SU +68 13 170 JM +68 13 171 SU +68 13 172 TI +68 13 173 HA +68 13 174 SI +68 13 175 MO +68 13 176 HA +68 13 177 SI +68 13 178 SU +68 13 179 SI +68 13 180 SU +68 13 181 SI +68 13 182 JM +68 13 183 JM +68 13 184 MO +68 13 185 SI +68 13 186 SU +68 13 187 SI +68 13 188 SU +68 13 189 TI +68 13 190 HA +68 13 191 SU +68 13 192 MO +68 13 193 SI +68 13 194 SU +68 13 195 SU +68 13 196 SU +68 13 197 MO +68 13 198 JM +68 13 199 TI +68 13 200 SU +68 13 201 SI +68 13 202 SU +68 13 203 HA +68 13 204 JM +68 13 205 MO +68 13 206 TI +68 13 207 HA +68 13 208 SI +68 13 209 SU +68 13 210 JM +68 13 211 SU +68 13 212 SI +68 13 213 SU +68 13 214 SU +68 13 215 SI +68 13 216 JM +68 13 217 SI +68 13 218 SI +68 13 219 TI +68 13 220 MO +68 13 221 SU +68 13 222 MO +68 13 223 SU +68 13 224 TI +68 13 225 SI +68 13 226 JM +68 13 227 JM +68 13 228 JM +68 13 229 SU +68 13 230 SI +68 13 231 MO +68 13 232 JM +68 13 233 MO +68 13 234 SU +68 13 235 SU +68 13 236 SI +68 13 237 SI +68 13 238 SU +68 13 239 HA +68 13 240 JM +68 13 241 TI +68 13 242 TI +68 13 243 JM +68 13 244 TI +68 13 245 HA +68 13 246 SU +68 13 247 MO +68 13 248 JM +68 13 249 JM +68 13 250 JM +68 13 251 SU +68 13 252 TI +68 13 253 SU +68 13 254 SU +68 13 255 JM +68 13 256 HA +68 13 257 JM +68 13 258 SI +68 13 259 SI +68 13 260 TI +68 13 261 SI +68 13 262 TI +68 13 263 TI +68 13 264 TI +68 13 265 SU +68 13 266 SI +68 13 267 JM +68 13 268 SU +68 13 269 MO +68 13 270 SI +68 13 271 JM +68 13 272 TI +68 13 273 MO +68 13 274 TI +68 13 275 SI +68 13 276 HA +68 13 277 SU +68 13 278 HA +68 13 279 MO +68 13 280 SU +68 13 281 SU +68 13 282 SU +68 13 283 JM +68 13 284 TI +68 13 285 SI +68 13 286 TI +68 13 287 SU +68 13 288 HA +68 13 289 SU +68 13 290 TI +68 13 291 SU +68 13 292 HA +68 13 293 TI +68 13 294 TI +68 13 295 SI +68 13 296 JM +68 13 297 SI +68 13 298 HA +68 13 299 SU +68 13 300 TI +68 13 301 SU +68 13 302 TI +68 13 303 TI +68 13 304 SU +68 13 305 MO +68 13 306 SU +68 13 307 SU +68 13 308 MO +68 13 309 MO +68 13 310 MO +68 13 311 SU +68 13 312 MO +68 13 313 JM +68 13 314 TI +68 13 315 SU +68 13 316 SU +68 13 317 MO +68 13 318 SI +68 13 319 TI +68 13 320 SI +68 13 321 HA +68 13 322 MO +68 13 323 SU +68 13 324 TI +68 13 325 MO +68 13 326 SI +68 13 327 TI +68 13 328 MO +68 13 329 SI +68 13 330 TI +68 14 1 SU +68 14 2 SU +68 14 3 NH +68 14 4 MO +68 14 5 SU +68 14 6 SI +68 14 7 SU +68 14 8 CF +68 14 9 CH +68 14 10 SU +68 14 11 JM +68 14 12 SI +68 14 13 SU +68 14 14 JM +68 14 15 RO +68 14 16 TI +68 14 17 NH +68 14 18 CF +68 14 19 SU +68 14 20 SU +68 14 21 RO +68 14 22 SI +68 14 23 MO +68 14 24 JM +68 14 25 SU +68 14 26 SU +68 14 27 TI +68 14 28 RO +68 14 29 VE +68 14 30 SI +68 14 31 SU +68 14 32 RO +68 14 33 SU +68 14 34 AL +68 14 35 SI +68 14 36 SU +68 14 37 AL +68 14 38 HA +68 14 39 SU +68 14 40 AL +68 14 41 HA +68 14 42 CH +68 14 43 SU +68 14 44 MO +68 14 45 RO +68 14 46 TI +68 14 47 SU +68 14 48 SI +68 14 49 SU +68 14 50 MO +68 14 51 CH +68 14 52 TI +68 14 53 RO +68 14 54 SU +68 14 55 SU +68 14 56 NH +68 14 57 SU +68 14 58 CH +68 14 59 RO +68 14 60 MO +68 14 61 HA +68 14 62 RO +68 14 63 MO +68 14 64 SU +68 14 65 RO +68 14 66 RO +68 14 67 SU +68 14 68 RO +68 14 69 SU +68 14 70 MO +68 14 71 CF +68 14 72 SU +68 14 73 MO +68 14 74 AL +68 14 75 CF +68 14 76 HA +68 14 77 SU +68 14 78 RO +68 14 79 CF +68 14 80 AL +68 14 81 SU +68 14 82 SU +68 14 83 SI +68 14 84 RO +68 14 85 VE +68 14 86 RO +68 14 87 VE +68 14 88 MO +68 14 89 CF +68 14 90 SU +68 14 91 SU +68 14 92 SI +68 14 93 SU +68 14 94 JM +68 14 95 SU +68 14 96 SI +68 14 97 MO +68 14 98 HA +68 14 99 MO +68 14 100 SU +68 14 101 MO +68 14 102 MO +68 14 103 VE +68 14 104 SU +68 14 105 MO +68 14 106 SI +68 14 107 TI +68 14 108 SU +68 14 109 MO +68 14 110 SI +68 14 111 SU +68 14 112 HA +68 14 113 JM +68 14 114 SU +68 14 115 HA +68 14 116 SU +68 14 117 CF +68 14 118 RO +68 14 119 SU +68 14 120 TI +68 14 121 RO +68 14 122 SU +68 14 123 SU +68 14 124 SU +68 14 125 HA +68 14 126 RO +68 14 127 SU +68 14 128 SU +68 14 129 RO +68 14 130 SU +68 14 131 MO +68 14 132 HA +68 14 133 SU +68 14 134 MO +68 14 135 MO +68 14 136 SU +68 14 137 SU +68 14 138 SU +68 14 139 MO +68 14 140 SU +68 14 141 TI +68 14 142 TI +68 14 143 SU +68 14 144 MO +68 14 145 SU +68 14 146 SI +68 14 147 SU +68 14 148 HA +68 14 149 SU +68 14 150 MO +68 14 151 SI +68 14 152 MO +68 14 153 SU +68 14 154 CF +68 14 155 CF +68 14 156 SU +68 14 157 CF +68 14 158 TI +68 14 159 SI +68 14 160 RO +68 14 161 SU +68 14 162 HA +68 14 163 SU +68 14 164 SU +68 14 165 SU +68 14 166 JM +68 14 167 MO +68 14 168 SU +68 14 169 SU +68 14 170 SU +68 14 171 SU +68 14 172 TI +68 14 173 HA +68 14 174 SI +68 14 175 SU +68 14 176 HA +68 14 177 SI +68 14 178 SU +68 14 179 CF +68 14 180 VE +68 14 181 SI +68 14 182 YD +68 14 183 VE +68 14 184 MO +68 14 185 SI +68 14 186 SU +68 14 187 SI +68 14 188 SU +68 14 189 SU +68 14 190 RO +68 14 191 VE +68 14 192 MO +68 14 193 VE +68 14 194 YD +68 14 195 VE +68 14 196 VE +68 14 197 MO +68 14 198 JM +68 14 199 SU +68 14 200 SU +68 14 201 RO +68 14 202 SU +68 14 203 RO +68 14 204 YD +68 14 205 MO +68 14 206 VE +68 14 207 RO +68 14 208 SI +68 14 209 SU +68 14 210 YD +68 14 211 SU +68 14 212 SI +68 14 213 MO +68 14 214 SU +68 14 215 RO +68 14 216 SU +68 14 217 RO +68 14 218 SU +68 14 219 SU +68 14 220 MO +68 14 221 SU +68 14 222 MO +68 14 223 SU +68 14 224 RO +68 14 225 SU +68 14 226 SU +68 14 227 JM +68 14 228 JM +68 14 229 SU +68 14 230 RO +68 14 231 MO +68 14 232 VE +68 14 233 SU +68 14 234 SU +68 14 235 SU +68 14 236 SU +68 14 237 SI +68 14 238 VE +68 14 239 RO +68 14 240 YD +68 14 241 RO +68 14 242 SI +68 14 243 YD +68 14 244 RO +68 14 245 HA +68 14 246 SU +68 14 247 MO +68 14 248 MO +68 14 249 VE +68 14 250 MO +68 14 251 VE +68 14 252 RO +68 14 253 VE +68 14 254 SU +68 14 255 JM +68 14 256 HA +68 14 257 SU +68 14 258 VE +68 14 259 HA +68 14 260 VE +68 14 261 SI +68 14 262 AL +68 14 263 SU +68 14 264 SU +68 14 265 VE +68 14 266 YD +68 14 267 MO +68 14 268 VE +68 14 269 MO +68 14 270 SI +68 14 271 VE +68 14 272 SU +68 14 273 MO +68 14 274 TI +68 14 275 SU +68 14 276 HA +68 14 277 SU +68 14 278 SI +68 14 279 MO +68 14 280 SU +68 14 281 SU +68 14 282 VE +68 14 283 YD +68 14 284 SU +68 14 285 RO +68 14 286 RO +68 14 287 VE +68 14 288 RO +68 14 289 SU +68 14 290 HA +68 14 291 SU +68 14 292 RO +68 14 293 SU +68 14 294 SU +68 14 295 VE +68 14 296 MO +68 14 297 SI +68 14 298 HA +68 14 299 SU +68 14 300 SU +68 14 301 VE +68 14 302 RO +68 14 303 SU +68 14 304 VE +68 14 305 MO +68 14 306 VE +68 14 307 SU +68 14 308 MO +68 14 309 VE +68 14 310 VE +68 14 311 SU +68 14 312 JM +68 14 313 MO +68 14 314 RO +68 14 315 VE +68 14 316 VE +68 14 317 MO +68 14 318 NH +68 14 319 RO +68 14 320 VE +68 14 321 HA +68 14 322 SU +68 14 323 VE +68 14 324 RO +68 14 325 MO +68 14 326 SI +68 14 327 SU +68 14 328 VE +68 14 329 YD +68 14 330 SU +68 15 1 PJ +68 15 2 SU +68 15 3 HA +68 15 4 MO +68 15 5 VE +68 15 6 HA +68 15 7 VE +68 15 8 NN +68 15 9 CH +68 15 10 SU +68 15 11 SU +68 15 12 SI +68 15 13 VE +68 15 14 SU +68 15 15 RO +68 15 16 TI +68 15 17 NH +68 15 18 JM +68 15 19 SU +68 15 20 VE +68 15 21 RO +68 15 22 SI +68 15 23 MO +68 15 24 CH +68 15 25 SU +68 15 26 SU +68 15 27 TI +68 15 28 RO +68 15 29 VE +68 15 30 SI +68 15 31 SU +68 15 32 RO +68 15 33 VE +68 15 34 RO +68 15 35 SU +68 15 36 VE +68 15 37 AL +68 15 38 RO +68 15 39 VE +68 15 40 AL +68 15 41 HA +68 15 42 SI +68 15 43 SU +68 15 44 VE +68 15 45 TI +68 15 46 CH +68 15 47 VE +68 15 48 SI +68 15 49 AL +68 15 50 MO +68 15 51 CH +68 15 52 PL +68 15 53 MO +68 15 54 VE +68 15 55 AL +68 15 56 RO +68 15 57 AL +68 15 58 CH +68 15 59 MO +68 15 60 VE +68 15 61 YD +68 15 62 RO +68 15 63 MO +68 15 64 AL +68 15 65 RO +68 15 66 TI +68 15 67 AL +68 15 68 RO +68 15 69 VE +68 15 70 MO +68 15 71 YD +68 15 72 VE +68 15 73 MO +68 15 74 AL +68 15 75 VE +68 15 76 NH +68 15 77 AL +68 15 78 RO +68 15 79 PL +68 15 80 AL +68 15 81 VE +68 15 82 AL +68 15 83 TI +68 15 84 RO +68 15 85 VE +68 15 86 RO +68 15 87 VE +68 15 88 MO +68 15 89 PL +68 15 90 VE +68 15 91 VE +68 15 92 TI +68 15 93 AL +68 15 94 PL +68 15 95 AL +68 15 96 SI +68 15 97 MO +68 15 98 RO +68 15 99 MO +68 15 100 AL +68 15 101 MO +68 15 102 MO +68 15 103 VE +68 15 104 AL +68 15 105 MO +68 15 106 VE +68 15 107 TI +68 15 108 AL +68 15 109 AL +68 15 110 SI +68 15 111 VE +68 15 112 RO +68 15 113 PL +68 15 114 VE +68 15 115 YD +68 15 116 AL +68 15 117 PL +68 15 118 RO +68 15 119 VE +68 15 120 TI +68 15 121 NH +68 15 122 VE +68 15 123 AL +68 15 124 VE +68 15 125 HA +68 15 126 RO +68 15 127 VE +68 15 128 SI +68 15 129 TI +68 15 130 VE +68 15 131 MO +68 15 132 HA +68 15 133 VE +68 15 134 YD +68 15 135 MO +68 15 136 VE +68 15 137 VE +68 15 138 SU +68 15 139 MO +68 15 140 SU +68 15 141 TI +68 15 142 TI +68 15 143 VE +68 15 144 MO +68 15 145 VE +68 15 146 SI +68 15 147 SU +68 15 148 HA +68 15 149 VE +68 15 150 MO +68 15 151 RO +68 15 152 MO +68 15 153 SU +68 15 154 PL +68 15 155 PL +68 15 156 VE +68 15 157 PL +68 15 158 TI +68 15 159 SI +68 15 160 RO +68 15 161 SU +68 15 162 RO +68 15 163 SU +68 15 164 SU +68 15 165 VE +68 15 166 SU +68 15 167 MO +68 15 168 VE +68 15 169 SU +68 15 170 PL +68 15 171 VE +68 15 172 TI +68 15 173 RO +68 15 174 SI +68 15 175 AL +68 15 176 RO +68 15 177 VE +68 15 178 SU +68 15 179 YD +68 15 180 VE +68 15 181 SI +68 15 182 MO +68 15 183 CH +68 15 184 MO +68 15 185 CH +68 15 186 AL +68 15 187 SI +68 15 188 AL +68 15 189 SU +68 15 190 RO +68 15 191 VE +68 15 192 MO +68 15 193 SI +68 15 194 YD +68 15 195 VE +68 15 196 SU +68 15 197 MO +68 15 198 PL +68 15 199 TI +68 15 200 SU +68 15 201 RO +68 15 202 VE +68 15 203 RO +68 15 204 PL +68 15 205 MO +68 15 206 VE +68 15 207 RO +68 15 208 CH +68 15 209 VE +68 15 210 YD +68 15 211 SU +68 15 212 SI +68 15 213 MO +68 15 214 VE +68 15 215 RO +68 15 216 VE +68 15 217 RO +68 15 218 VE +68 15 219 SU +68 15 220 MO +68 15 221 SU +68 15 222 MO +68 15 223 VE +68 15 224 TI +68 15 225 VE +68 15 226 SU +68 15 227 CH +68 15 228 MO +68 15 229 VE +68 15 230 TI +68 15 231 MO +68 15 232 CH +68 15 233 MO +68 15 234 VE +68 15 235 SU +68 15 236 VE +68 15 237 RO +68 15 238 SU +68 15 239 RO +68 15 240 CH +68 15 241 TI +68 15 242 SI +68 15 243 MO +68 15 244 TI +68 15 245 HA +68 15 246 SU +68 15 247 MO +68 15 248 VE +68 15 249 VE +68 15 250 MO +68 15 251 VE +68 15 252 TI +68 15 253 VE +68 15 254 AL +68 15 255 PL +68 15 256 RO +68 15 257 AL +68 15 258 SI +68 15 259 YD +68 15 260 VE +68 15 261 SI +68 15 262 TI +68 15 263 CH +68 15 264 AL +68 15 265 VE +68 15 266 CH +68 15 267 MO +68 15 268 VE +68 15 269 MO +68 15 270 SI +68 15 271 VE +68 15 272 TI +68 15 273 MO +68 15 274 TI +68 15 275 SI +68 15 276 RO +68 15 277 VE +68 15 278 SI +68 15 279 MO +68 15 280 VE +68 15 281 VE +68 15 282 VE +68 15 283 CH +68 15 284 TI +68 15 285 RO +68 15 286 TI +68 15 287 SI +68 15 288 RO +68 15 289 SU +68 15 290 TI +68 15 291 AL +68 15 292 RO +68 15 293 SU +68 15 294 SU +68 15 295 CH +68 15 296 MO +68 15 297 SI +68 15 298 RO +68 15 299 VE +68 15 300 PL +68 15 301 VE +68 15 302 TI +68 15 303 AL +68 15 304 VE +68 15 305 MO +68 15 306 VE +68 15 307 AL +68 15 308 MO +68 15 309 PL +68 15 310 VE +68 15 311 AL +68 15 312 PL +68 15 313 MO +68 15 314 TI +68 15 315 VE +68 15 316 VE +68 15 317 NN +68 15 318 SI +68 15 319 TI +68 15 320 SI +68 15 321 RO +68 15 322 AL +68 15 323 VE +68 15 324 TI +68 15 325 MO +68 15 326 SI +68 15 327 AL +68 15 328 VE +68 15 329 CH +68 15 330 SU +68 16 1 AL +68 16 2 VE +68 16 3 NH +68 16 4 MO +68 16 5 VE +68 16 6 HA +68 16 7 SU +68 16 8 CF +68 16 9 CH +68 16 10 MO +68 16 11 SU +68 16 12 SI +68 16 13 SU +68 16 14 MO +68 16 15 TI +68 16 16 MO +68 16 17 HA +68 16 18 JM +68 16 19 AL +68 16 20 VE +68 16 21 RO +68 16 22 SI +68 16 23 MO +68 16 24 CH +68 16 25 RO +68 16 26 MO +68 16 27 TI +68 16 28 RO +68 16 29 VE +68 16 30 CH +68 16 31 SU +68 16 32 MO +68 16 33 SU +68 16 34 HA +68 16 35 MO +68 16 36 VE +68 16 37 CH +68 16 38 AL +68 16 39 VE +68 16 40 AL +68 16 41 CH +68 16 42 SI +68 16 43 AL +68 16 44 TI +68 16 45 VE +68 16 46 CH +68 16 47 VE +68 16 48 SI +68 16 49 AL +68 16 50 MO +68 16 51 CH +68 16 52 TI +68 16 53 CF +68 16 54 VE +68 16 55 AL +68 16 56 HA +68 16 57 AL +68 16 58 CH +68 16 59 TI +68 16 60 AL +68 16 61 MO +68 16 62 RO +68 16 63 AL +68 16 64 AL +68 16 65 RO +68 16 66 TI +68 16 67 VE +68 16 68 RO +68 16 69 VE +68 16 70 TI +68 16 71 CH +68 16 72 VE +68 16 73 AL +68 16 74 AL +68 16 75 VE +68 16 76 CH +68 16 77 AL +68 16 78 RO +68 16 79 CH +68 16 80 AL +68 16 81 VE +68 16 82 AL +68 16 83 SI +68 16 84 RO +68 16 85 VE +68 16 86 RO +68 16 87 CH +68 16 88 AL +68 16 89 CF +68 16 90 VE +68 16 91 VE +68 16 92 SI +68 16 93 AL +68 16 94 VE +68 16 95 VE +68 16 96 SI +68 16 97 MO +68 16 98 HA +68 16 99 MO +68 16 100 AL +68 16 101 MO +68 16 102 AL +68 16 103 VE +68 16 104 AL +68 16 105 MO +68 16 106 SI +68 16 107 TI +68 16 108 AL +68 16 109 MO +68 16 110 SI +68 16 111 VE +68 16 112 HA +68 16 113 CF +68 16 114 AL +68 16 115 HA +68 16 116 MO +68 16 117 CF +68 16 118 RO +68 16 119 VE +68 16 120 TI +68 16 121 SI +68 16 122 VE +68 16 123 AL +68 16 124 VE +68 16 125 SI +68 16 126 RO +68 16 127 VE +68 16 128 VE +68 16 129 TI +68 16 130 VE +68 16 131 AL +68 16 132 RO +68 16 133 VE +68 16 134 MO +68 16 135 MO +68 16 136 MO +68 16 137 VE +68 16 138 AL +68 16 139 TI +68 16 140 AL +68 16 141 TI +68 16 142 TI +68 16 143 VE +68 16 144 MO +68 16 145 VE +68 16 146 SI +68 16 147 AL +68 16 148 HA +68 16 149 VE +68 16 150 MO +68 16 151 RO +68 16 152 MO +68 16 153 AL +68 16 154 CH +68 16 155 CF +68 16 156 VE +68 16 157 CH +68 16 158 TI +68 16 159 SI +68 16 160 RO +68 16 161 VE +68 16 162 HA +68 16 163 VE +68 16 164 AL +68 16 165 VE +68 16 166 AL +68 16 167 MO +68 16 168 VE +68 16 169 AL +68 16 170 VE +68 16 171 VE +68 16 172 TI +68 16 173 RO +68 16 174 SI +68 16 175 AL +68 16 176 RO +68 16 177 SI +68 16 178 MO +68 16 179 CF +68 16 180 VE +68 16 181 SI +68 16 182 MO +68 16 183 CH +68 16 184 MO +68 16 185 SI +68 16 186 VE +68 16 187 SI +68 16 188 AL +68 16 189 AL +68 16 190 RO +68 16 191 VE +68 16 192 MO +68 16 193 SI +68 16 194 CH +68 16 195 SU +68 16 196 SU +68 16 197 MO +68 16 198 CH +68 16 199 SU +68 16 200 AL +68 16 201 HA +68 16 202 SU +68 16 203 HA +68 16 204 CH +68 16 205 MO +68 16 206 SI +68 16 207 RO +68 16 208 CH +68 16 209 AL +68 16 210 CH +68 16 211 AL +68 16 212 SI +68 16 213 MO +68 16 214 VE +68 16 215 MO +68 16 216 VE +68 16 217 RO +68 16 218 VE +68 16 219 VE +68 16 220 MO +68 16 221 RO +68 16 222 MO +68 16 223 VE +68 16 224 CH +68 16 225 SU +68 16 226 AL +68 16 227 CH +68 16 228 AL +68 16 229 VE +68 16 230 SI +68 16 231 MO +68 16 232 CH +68 16 233 MO +68 16 234 VE +68 16 235 MO +68 16 236 VE +68 16 237 SI +68 16 238 VE +68 16 239 RO +68 16 240 CH +68 16 241 TI +68 16 242 SI +68 16 243 MO +68 16 244 SU +68 16 245 HA +68 16 246 AL +68 16 247 MO +68 16 248 VE +68 16 249 VE +68 16 250 MO +68 16 251 VE +68 16 252 TI +68 16 253 VE +68 16 254 MO +68 16 255 CF +68 16 256 HA +68 16 257 AL +68 16 258 VE +68 16 259 CH +68 16 260 SU +68 16 261 HA +68 16 262 TI +68 16 263 CH +68 16 264 SU +68 16 265 VE +68 16 266 CH +68 16 267 MO +68 16 268 VE +68 16 269 MO +68 16 270 SI +68 16 271 VE +68 16 272 TI +68 16 273 MO +68 16 274 TI +68 16 275 VE +68 16 276 HA +68 16 277 MO +68 16 278 HA +68 16 279 MO +68 16 280 VE +68 16 281 VE +68 16 282 VE +68 16 283 CH +68 16 284 TI +68 16 285 RO +68 16 286 TI +68 16 287 CH +68 16 288 HA +68 16 289 AL +68 16 290 RO +68 16 291 MO +68 16 292 HA +68 16 293 AL +68 16 294 AL +68 16 295 CH +68 16 296 MO +68 16 297 SI +68 16 298 HA +68 16 299 VE +68 16 300 CH +68 16 301 VE +68 16 302 CH +68 16 303 AL +68 16 304 VE +68 16 305 MO +68 16 306 VE +68 16 307 MO +68 16 308 MO +68 16 309 CH +68 16 310 VE +68 16 311 AL +68 16 312 CF +68 16 313 MO +68 16 314 TI +68 16 315 VE +68 16 316 AL +68 16 317 MO +68 16 318 SI +68 16 319 TI +68 16 320 VE +68 16 321 HA +68 16 322 AL +68 16 323 VE +68 16 324 TI +68 16 325 AL +68 16 326 SI +68 16 327 AL +68 16 328 VE +68 16 329 CH +68 16 330 SU +68 17 1 AL +68 17 2 VE +68 17 3 HA +68 17 4 TI +68 17 5 VE +68 17 6 TI +68 17 7 VE +68 17 8 HA +68 17 9 HA +68 17 10 AL +68 17 11 TI +68 17 12 SI +68 17 13 VE +68 17 14 AL +68 17 15 TI +68 17 16 TI +68 17 17 * +68 17 18 JM +68 17 19 AL +68 17 20 VE +68 17 21 RO +68 17 22 SI +68 17 23 MO +68 17 24 CH +68 17 25 AL +68 17 26 AL +68 17 27 RO +68 17 28 HA +68 17 29 VE +68 17 30 NH +68 17 31 AL +68 17 32 RO +68 17 33 VE +68 17 34 AL +68 17 35 HA +68 17 36 VE +68 17 37 AL +68 17 38 HA +68 17 39 VE +68 17 40 AL +68 17 41 HA +68 17 42 SI +68 17 43 AL +68 17 44 RO +68 17 45 VE +68 17 46 HI +68 17 47 VE +68 17 48 SI +68 17 49 AL +68 17 50 MO +68 17 51 CH +68 17 52 TI +68 17 53 HA +68 17 54 VE +68 17 55 AL +68 17 56 RO +68 17 57 AL +68 17 58 TI +68 17 59 RO +68 17 60 AL +68 17 61 HA +68 17 62 HA +68 17 63 MO +68 17 64 AL +68 17 65 HA +68 17 66 TI +68 17 67 VE +68 17 68 RO +68 17 69 VE +68 17 70 TI +68 17 71 HA +68 17 72 VE +68 17 73 MO +68 17 74 AL +68 17 75 VE +68 17 76 NH +68 17 77 AL +68 17 78 RO +68 17 79 TI +68 17 80 AL +68 17 81 VE +68 17 82 VE +68 17 83 SI +68 17 84 NH +68 17 85 VE +68 17 86 RO +68 17 87 CH +68 17 88 HA +68 17 89 TI +68 17 90 VE +68 17 91 VE +68 17 92 RO +68 17 93 AL +68 17 94 CH +68 17 95 AL +68 17 96 SI +68 17 97 MO +68 17 98 HA +68 17 99 RO +68 17 100 AL +68 17 101 HA +68 17 102 TI +68 17 103 VE +68 17 104 AL +68 17 105 MO +68 17 106 SI +68 17 107 TI +68 17 108 VE +68 17 109 MO +68 17 110 SI +68 17 111 VE +68 17 112 HA +68 17 113 CH +68 17 114 VE +68 17 115 HA +68 17 116 AL +68 17 117 CH +68 17 118 HA +68 17 119 VE +68 17 120 TI +68 17 121 HA +68 17 122 VE +68 17 123 AL +68 17 124 VE +68 17 125 HA +68 17 126 NH +68 17 127 VE +68 17 128 SI +68 17 129 RO +68 17 130 CH +68 17 131 MO +68 17 132 HA +68 17 133 VE +68 17 134 CH +68 17 135 MO +68 17 136 AL +68 17 137 VE +68 17 138 AL +68 17 139 TI +68 17 140 AL +68 17 141 TI +68 17 142 TI +68 17 143 VE +68 17 144 MO +68 17 145 VE +68 17 146 SI +68 17 147 VE +68 17 148 HA +68 17 149 VE +68 17 150 CH +68 17 151 NH +68 17 152 MO +68 17 153 AL +68 17 154 CH +68 17 155 CH +68 17 156 VE +68 17 157 CH +68 17 158 TI +68 17 159 SI +68 17 160 RO +68 17 161 VE +68 17 162 HA +68 17 163 VE +68 17 164 AL +68 17 165 VE +68 17 166 AL +68 17 167 RO +68 17 168 VE +68 17 169 AL +68 17 170 TI +68 17 171 VE +68 17 172 TI +68 17 173 HA +68 17 174 SI +68 17 175 AL +68 17 176 HA +68 17 177 SI +68 17 178 AL +68 17 179 HA +68 17 180 VE +68 17 181 SI +68 17 182 HA +68 17 183 CH +68 17 184 MO +68 17 185 CH +68 17 186 AL +68 17 187 SI +68 17 188 AL +68 17 189 AL +68 17 190 RO +68 17 191 AL +68 17 192 MO +68 17 193 VE +68 17 194 HA +68 17 195 VE +68 17 196 VE +68 17 197 MO +68 17 198 CH +68 17 199 AL +68 17 200 AL +68 17 201 NH +68 17 202 VE +68 17 203 RO +68 17 204 MO +68 17 205 MO +68 17 206 AL +68 17 207 HA +68 17 208 CH +68 17 209 VE +68 17 210 HA +68 17 211 AL +68 17 212 NH +68 17 213 MO +68 17 214 VE +68 17 215 MO +68 17 216 VE +68 17 217 HA +68 17 218 VE +68 17 219 AL +68 17 220 MO +68 17 221 AL +68 17 222 MO +68 17 223 VE +68 17 224 RO +68 17 225 VE +68 17 226 AL +68 17 227 CH +68 17 228 AL +68 17 229 AL +68 17 230 RO +68 17 231 MO +68 17 232 CH +68 17 233 MO +68 17 234 VE +68 17 235 AL +68 17 236 VE +68 17 237 SI +68 17 238 AL +68 17 239 HA +68 17 240 CH +68 17 241 RO +68 17 242 SI +68 17 243 HA +68 17 244 AL +68 17 245 HA +68 17 246 VE +68 17 247 MO +68 17 248 TI +68 17 249 VE +68 17 250 MO +68 17 251 VE +68 17 252 RO +68 17 253 VE +68 17 254 AL +68 17 255 TI +68 17 256 HA +68 17 257 AL +68 17 258 SI +68 17 259 CH +68 17 260 VE +68 17 261 HA +68 17 262 TI +68 17 263 HI +68 17 264 AL +68 17 265 VE +68 17 266 HA +68 17 267 HA +68 17 268 VE +68 17 269 MO +68 17 270 SI +68 17 271 VE +68 17 272 TI +68 17 273 MO +68 17 274 TI +68 17 275 VE +68 17 276 HA +68 17 277 AL +68 17 278 NH +68 17 279 MO +68 17 280 VE +68 17 281 VE +68 17 282 VE +68 17 283 CH +68 17 284 AL +68 17 285 RO +68 17 286 TI +68 17 287 CH +68 17 288 HA +68 17 289 AL +68 17 290 SI +68 17 291 AL +68 17 292 RO +68 17 293 AL +68 17 294 TI +68 17 295 CH +68 17 296 MO +68 17 297 SI +68 17 298 HA +68 17 299 VE +68 17 300 TI +68 17 301 VE +68 17 302 RO +68 17 303 AL +68 17 304 VE +68 17 305 MO +68 17 306 VE +68 17 307 AL +68 17 308 MO +68 17 309 CH +68 17 310 VE +68 17 311 AL +68 17 312 CH +68 17 313 MO +68 17 314 TI +68 17 315 VE +68 17 316 VE +68 17 317 HA +68 17 318 NH +68 17 319 RO +68 17 320 VE +68 17 321 HA +68 17 322 AL +68 17 323 VE +68 17 324 RO +68 17 325 MO +68 17 326 SI +68 17 327 AL +68 17 328 VE +68 17 329 CH +68 17 330 AL +68 18 1 SU +68 18 2 SU +68 18 3 SI +68 18 4 JM +68 18 5 SU +68 18 6 SI +68 18 7 SU +68 18 8 HA +68 18 9 HA +68 18 10 JM +68 18 11 JM +68 18 12 SI +68 18 13 JM +68 18 14 JM +68 18 15 SI +68 18 16 TI +68 18 17 HA +68 18 18 JM +68 18 19 SU +68 18 20 SU +68 18 21 HA +68 18 22 SI +68 18 23 MO +68 18 24 JM +68 18 25 SU +68 18 26 SU +68 18 27 SI +68 18 28 HA +68 18 29 SU +68 18 30 SI +68 18 31 SU +68 18 32 SU +68 18 33 SU +68 18 34 SU +68 18 35 SI +68 18 36 SU +68 18 37 SI +68 18 38 SU +68 18 39 SU +68 18 40 SU +68 18 41 SI +68 18 42 MO +68 18 43 JM +68 18 44 SU +68 18 45 SI +68 18 46 JM +68 18 47 JM +68 18 48 SI +68 18 49 SU +68 18 50 JM +68 18 51 JM +68 18 52 SI +68 18 53 MO +68 18 54 SU +68 18 55 SU +68 18 56 SI +68 18 57 SU +68 18 58 SI +68 18 59 SI +68 18 60 JM +68 18 61 SI +68 18 62 HA +68 18 63 SU +68 18 64 SU +68 18 65 HA +68 18 66 SI +68 18 67 SU +68 18 68 HA +68 18 69 CH +68 18 70 TI +68 18 71 SI +68 18 72 SU +68 18 73 SU +68 18 74 SU +68 18 75 JM +68 18 76 HA +68 18 77 SU +68 18 78 SI +68 18 79 JM +68 18 80 SU +68 18 81 SU +68 18 82 SU +68 18 83 SI +68 18 84 SI +68 18 85 SU +68 18 86 SI +68 18 87 JM +68 18 88 JM +68 18 89 JM +68 18 90 JM +68 18 91 SI +68 18 92 SI +68 18 93 SU +68 18 94 JM +68 18 95 SU +68 18 96 SI +68 18 97 MO +68 18 98 HA +68 18 99 SU +68 18 100 SU +68 18 101 SU +68 18 102 TI +68 18 103 JM +68 18 104 SU +68 18 105 SI +68 18 106 SI +68 18 107 TI +68 18 108 TI +68 18 109 SU +68 18 110 HA +68 18 111 JM +68 18 112 HA +68 18 113 JM +68 18 114 JM +68 18 115 SI +68 18 116 SU +68 18 117 JM +68 18 118 SI +68 18 119 SU +68 18 120 TI +68 18 121 HA +68 18 122 SU +68 18 123 SU +68 18 124 SI +68 18 125 HA +68 18 126 HA +68 18 127 JM +68 18 128 SI +68 18 129 TI +68 18 130 JM +68 18 131 SU +68 18 132 HA +68 18 133 SU +68 18 134 CH +68 18 135 SI +68 18 136 SU +68 18 137 SU +68 18 138 SI +68 18 139 CH +68 18 140 SU +68 18 141 TI +68 18 142 TI +68 18 143 SU +68 18 144 JM +68 18 145 SU +68 18 146 SI +68 18 147 SU +68 18 148 HA +68 18 149 SU +68 18 150 SU +68 18 151 SI +68 18 152 HA +68 18 153 SU +68 18 154 JM +68 18 155 JM +68 18 156 SU +68 18 157 CH +68 18 158 TI +68 18 159 SI +68 18 160 HA +68 18 161 SU +68 18 162 HA +68 18 163 SU +68 18 164 SU +68 18 165 JM +68 18 166 SU +68 18 167 SI +68 18 168 SU +68 18 169 SU +68 18 170 JM +68 18 171 SU +68 18 172 TI +68 18 173 HA +68 18 174 SI +68 18 175 SU +68 18 176 HA +68 18 177 SI +68 18 178 JM +68 18 179 HA +68 18 180 SU +68 18 181 SI +68 18 182 SI +68 18 183 JM +68 18 184 JM +68 18 185 SI +68 18 186 SU +68 18 187 HA +68 18 188 SU +68 18 189 SU +68 18 190 HA +68 18 191 SU +68 18 192 SU +68 18 193 SI +68 18 194 SI +68 18 195 SU +68 18 196 SU +68 18 197 SI +68 18 198 JM +68 18 199 TI +68 18 200 SU +68 18 201 SI +68 18 202 SU +68 18 203 SI +68 18 204 JM +68 18 205 JM +68 18 206 TI +68 18 207 SI +68 18 208 SI +68 18 209 JM +68 18 210 JM +68 18 211 SU +68 18 212 SI +68 18 213 SU +68 18 214 SI +68 18 215 SI +68 18 216 JM +68 18 217 SI +68 18 218 JM +68 18 219 SU +68 18 220 SU +68 18 221 TI +68 18 222 JM +68 18 223 JM +68 18 224 SI +68 18 225 JM +68 18 226 SU +68 18 227 JM +68 18 228 JM +68 18 229 SU +68 18 230 SI +68 18 231 SI +68 18 232 JM +68 18 233 SI +68 18 234 SU +68 18 235 SU +68 18 236 SI +68 18 237 SI +68 18 238 SU +68 18 239 SI +68 18 240 JM +68 18 241 SI +68 18 242 SI +68 18 243 SU +68 18 244 SI +68 18 245 HA +68 18 246 SU +68 18 247 JM +68 18 248 JM +68 18 249 JM +68 18 250 JM +68 18 251 SU +68 18 252 SI +68 18 253 SU +68 18 254 MO +68 18 255 JM +68 18 256 HA +68 18 257 JM +68 18 258 SI +68 18 259 HA +68 18 260 SI +68 18 261 SI +68 18 262 SI +68 18 263 JM +68 18 264 SU +68 18 265 SU +68 18 266 SI +68 18 267 JM +68 18 268 SU +68 18 269 SI +68 18 270 SI +68 18 271 JM +68 18 272 TI +68 18 273 HA +68 18 274 TI +68 18 275 SI +68 18 276 SI +68 18 277 JM +68 18 278 HA +68 18 279 JM +68 18 280 JM +68 18 281 JM +68 18 282 SU +68 18 283 JM +68 18 284 TI +68 18 285 SI +68 18 286 SI +68 18 287 JM +68 18 288 HA +68 18 289 SU +68 18 290 HA +68 18 291 JM +68 18 292 SI +68 18 293 TI +68 18 294 TI +68 18 295 CH +68 18 296 JM +68 18 297 SI +68 18 298 HA +68 18 299 SU +68 18 300 JM +68 18 301 SU +68 18 302 SI +68 18 303 TI +68 18 304 SU +68 18 305 HA +68 18 306 SU +68 18 307 SU +68 18 308 SI +68 18 309 JM +68 18 310 SU +68 18 311 SU +68 18 312 JM +68 18 313 SU +68 18 314 SI +68 18 315 SU +68 18 316 SU +68 18 317 SI +68 18 318 HA +68 18 319 SI +68 18 320 JM +68 18 321 SI +68 18 322 SU +68 18 323 SU +68 18 324 SI +68 18 325 HA +68 18 326 SI +68 18 327 SU +68 18 328 JM +68 18 329 JM +68 18 330 SU +68 19 1 SU +68 19 2 VE +68 19 3 HA +68 19 4 MO +68 19 5 SI +68 19 6 VE +68 19 7 SU +68 19 8 HA +68 19 9 CH +68 19 10 SU +68 19 11 SU +68 19 12 SI +68 19 13 SU +68 19 14 SU +68 19 15 RO +68 19 16 HA +68 19 17 TI +68 19 18 HI +68 19 19 SU +68 19 20 SU +68 19 21 HA +68 19 22 SI +68 19 23 MO +68 19 24 CH +68 19 25 SU +68 19 26 SU +68 19 27 SI +68 19 28 HA +68 19 29 SU +68 19 30 SI +68 19 31 SU +68 19 32 * +68 19 33 SU +68 19 34 SU +68 19 35 SI +68 19 36 SU +68 19 37 SU +68 19 38 HA +68 19 39 SU +68 19 40 SU +68 19 41 HA +68 19 42 SI +68 19 43 SU +68 19 44 TI +68 19 45 SU +68 19 46 HI +68 19 47 SU +68 19 48 SI +68 19 49 SU +68 19 50 CF +68 19 51 SI +68 19 52 TI +68 19 53 HA +68 19 54 SU +68 19 55 SU +68 19 56 SI +68 19 57 SU +68 19 58 CH +68 19 59 RO +68 19 60 SU +68 19 61 HA +68 19 62 MO +68 19 63 HA +68 19 64 SU +68 19 65 HA +68 19 66 TI +68 19 67 SU +68 19 68 HA +68 19 69 SI +68 19 70 MO +68 19 71 HA +68 19 72 SU +68 19 73 MO +68 19 74 SU +68 19 75 SU +68 19 76 HA +68 19 77 SU +68 19 78 RO +68 19 79 JM +68 19 80 SU +68 19 81 SU +68 19 82 SU +68 19 83 SI +68 19 84 SI +68 19 85 SU +68 19 86 HA +68 19 87 JM +68 19 88 MO +68 19 89 JM +68 19 90 JM +68 19 91 SI +68 19 92 TI +68 19 93 SU +68 19 94 JM +68 19 95 TI +68 19 96 SI +68 19 97 MO +68 19 98 HA +68 19 99 MO +68 19 100 SU +68 19 101 HA +68 19 102 HI +68 19 103 CH +68 19 104 SU +68 19 105 HA +68 19 106 SI +68 19 107 TI +68 19 108 TI +68 19 109 AL +68 19 110 SI +68 19 111 SU +68 19 112 HA +68 19 113 JM +68 19 114 SU +68 19 115 HA +68 19 116 SU +68 19 117 JM +68 19 118 SI +68 19 119 SU +68 19 120 TI +68 19 121 SI +68 19 122 SU +68 19 123 SU +68 19 124 SU +68 19 125 SI +68 19 126 HA +68 19 127 JM +68 19 128 SI +68 19 129 TI +68 19 130 SU +68 19 131 MO +68 19 132 HA +68 19 133 SU +68 19 134 MO +68 19 135 HA +68 19 136 SU +68 19 137 SU +68 19 138 SU +68 19 139 TI +68 19 140 SU +68 19 141 TI +68 19 142 TI +68 19 143 SI +68 19 144 MO +68 19 145 SU +68 19 146 SI +68 19 147 SU +68 19 148 HA +68 19 149 SU +68 19 150 MO +68 19 151 SI +68 19 152 MO +68 19 153 SU +68 19 154 TI +68 19 155 JM +68 19 156 SU +68 19 157 CH +68 19 158 TI +68 19 159 SI +68 19 160 SI +68 19 161 SU +68 19 162 HA +68 19 163 SU +68 19 164 SU +68 19 165 SU +68 19 166 SU +68 19 167 MO +68 19 168 SU +68 19 169 SU +68 19 170 SU +68 19 171 SU +68 19 172 TI +68 19 173 HA +68 19 174 SI +68 19 175 SU +68 19 176 HA +68 19 177 SI +68 19 178 SU +68 19 179 MO +68 19 180 SU +68 19 181 SI +68 19 182 MO +68 19 183 SI +68 19 184 MO +68 19 185 SI +68 19 186 SU +68 19 187 SI +68 19 188 SU +68 19 189 SU +68 19 190 SI +68 19 191 SU +68 19 192 MO +68 19 193 SI +68 19 194 MO +68 19 195 SU +68 19 196 SU +68 19 197 MO +68 19 198 JM +68 19 199 TI +68 19 200 SU +68 19 201 SI +68 19 202 SU +68 19 203 HA +68 19 204 JM +68 19 205 MO +68 19 206 TI +68 19 207 HA +68 19 208 CH +68 19 209 SU +68 19 210 MO +68 19 211 SU +68 19 212 SI +68 19 213 MO +68 19 214 SI +68 19 215 MO +68 19 216 SU +68 19 217 SI +68 19 218 SI +68 19 219 TI +68 19 220 MO +68 19 221 TI +68 19 222 MO +68 19 223 SU +68 19 224 TI +68 19 225 SI +68 19 226 SU +68 19 227 JM +68 19 228 SU +68 19 229 SU +68 19 230 SI +68 19 231 MO +68 19 232 SI +68 19 233 MO +68 19 234 SU +68 19 235 SU +68 19 236 SU +68 19 237 SI +68 19 238 SU +68 19 239 HA +68 19 240 SI +68 19 241 TI +68 19 242 TI +68 19 243 MO +68 19 244 TI +68 19 245 HA +68 19 246 SU +68 19 247 MO +68 19 248 SU +68 19 249 SU +68 19 250 MO +68 19 251 SU +68 19 252 TI +68 19 253 SU +68 19 254 SU +68 19 255 JM +68 19 256 HA +68 19 257 SU +68 19 258 SI +68 19 259 SI +68 19 260 SI +68 19 261 SI +68 19 262 TI +68 19 263 TI +68 19 264 SU +68 19 265 SU +68 19 266 SI +68 19 267 MO +68 19 268 SU +68 19 269 MO +68 19 270 SI +68 19 271 SU +68 19 272 TI +68 19 273 MO +68 19 274 TI +68 19 275 SI +68 19 276 HA +68 19 277 SU +68 19 278 SI +68 19 279 SU +68 19 280 SU +68 19 281 SU +68 19 282 SU +68 19 283 CH +68 19 284 TI +68 19 285 SI +68 19 286 TI +68 19 287 SI +68 19 288 HA +68 19 289 SU +68 19 290 TI +68 19 291 SU +68 19 292 SI +68 19 293 SU +68 19 294 TI +68 19 295 SI +68 19 296 MO +68 19 297 SI +68 19 298 HA +68 19 299 SU +68 19 300 TI +68 19 301 SU +68 19 302 TI +68 19 303 SU +68 19 304 SU +68 19 305 MO +68 19 306 SU +68 19 307 SU +68 19 308 MO +68 19 309 JM +68 19 310 SU +68 19 311 SU +68 19 312 JM +68 19 313 MO +68 19 314 TI +68 19 315 SU +68 19 316 SU +68 19 317 MO +68 19 318 SI +68 19 319 TI +68 19 320 SI +68 19 321 HA +68 19 322 SU +68 19 323 SU +68 19 324 TI +68 19 325 MO +68 19 326 SI +68 19 327 TI +68 19 328 SU +68 19 329 SI +68 19 330 TI +68 20 1 AL +68 20 2 VE +68 20 3 HA +68 20 4 MO +68 20 5 SI +68 20 6 VE +68 20 7 VE +68 20 8 RO +68 20 9 CH +68 20 10 AL +68 20 11 VE +68 20 12 SI +68 20 13 VE +68 20 14 AL +68 20 15 RO +68 20 16 RO +68 20 17 TI +68 20 18 JM +68 20 19 AL +68 20 20 VE +68 20 21 RO +68 20 22 SI +68 20 23 AL +68 20 24 CH +68 20 25 AL +68 20 26 AL +68 20 27 SI +68 20 28 RO +68 20 29 VE +68 20 30 SI +68 20 31 AL +68 20 32 RO +68 20 33 VE +68 20 34 AL +68 20 35 RO +68 20 36 VE +68 20 37 AL +68 20 38 RO +68 20 39 VE +68 20 40 AL +68 20 41 HA +68 20 42 SI +68 20 43 AL +68 20 44 TI +68 20 45 VE +68 20 46 HI +68 20 47 VE +68 20 48 SI +68 20 49 AL +68 20 50 MO +68 20 51 CH +68 20 52 TI +68 20 53 RO +68 20 54 VE +68 20 55 AL +68 20 56 RO +68 20 57 AL +68 20 58 SI +68 20 59 RO +68 20 60 VE +68 20 61 RO +68 20 62 RO +68 20 63 AL +68 20 64 AL +68 20 65 RO +68 20 66 TI +68 20 67 VE +68 20 68 RO +68 20 69 VE +68 20 70 HI +68 20 71 RO +68 20 72 VE +68 20 73 MO +68 20 74 AL +68 20 75 VE +68 20 76 SI +68 20 77 AL +68 20 78 RO +68 20 79 HI +68 20 80 AL +68 20 81 VE +68 20 82 VE +68 20 83 SI +68 20 84 RO +68 20 85 VE +68 20 86 RO +68 20 87 JM +68 20 88 RO +68 20 89 JM +68 20 90 JM +68 20 91 SI +68 20 92 TI +68 20 93 AL +68 20 94 CH +68 20 95 AL +68 20 96 SI +68 20 97 MO +68 20 98 RO +68 20 99 MO +68 20 100 VE +68 20 101 RO +68 20 102 AL +68 20 103 CH +68 20 104 AL +68 20 105 MO +68 20 106 SI +68 20 107 TI +68 20 108 VE +68 20 109 AL +68 20 110 SI +68 20 111 VE +68 20 112 RO +68 20 113 JM +68 20 114 VE +68 20 115 RO +68 20 116 AL +68 20 117 CH +68 20 118 RO +68 20 119 VE +68 20 120 TI +68 20 121 SI +68 20 122 VE +68 20 123 AL +68 20 124 SI +68 20 125 HA +68 20 126 RO +68 20 127 VE +68 20 128 SI +68 20 129 TI +68 20 130 VE +68 20 131 MO +68 20 132 HA +68 20 133 VE +68 20 134 CH +68 20 135 RO +68 20 136 VE +68 20 137 VE +68 20 138 AL +68 20 139 HI +68 20 140 AL +68 20 141 TI +68 20 142 TI +68 20 143 VE +68 20 144 MO +68 20 145 VE +68 20 146 SI +68 20 147 VE +68 20 148 RO +68 20 149 VE +68 20 150 MO +68 20 151 RO +68 20 152 MO +68 20 153 AL +68 20 154 CH +68 20 155 CH +68 20 156 VE +68 20 157 CH +68 20 158 TI +68 20 159 SI +68 20 160 RO +68 20 161 VE +68 20 162 RO +68 20 163 VE +68 20 164 MO +68 20 165 VE +68 20 166 AL +68 20 167 MO +68 20 168 VE +68 20 169 AL +68 20 170 VE +68 20 171 VE +68 20 172 TI +68 20 173 RO +68 20 174 SI +68 20 175 AL +68 20 176 RO +68 20 177 SI +68 20 178 AL +68 20 179 RO +68 20 180 VE +68 20 181 SI +68 20 182 MO +68 20 183 CH +68 20 184 MO +68 20 185 SI +68 20 186 AL +68 20 187 SI +68 20 188 AL +68 20 189 AL +68 20 190 RO +68 20 191 VE +68 20 192 MO +68 20 193 SI +68 20 194 CH +68 20 195 VE +68 20 196 VE +68 20 197 MO +68 20 198 CH +68 20 199 TI +68 20 200 AL +68 20 201 RO +68 20 202 VE +68 20 203 RO +68 20 204 CH +68 20 205 MO +68 20 206 TI +68 20 207 RO +68 20 208 CH +68 20 209 VE +68 20 210 CH +68 20 211 AL +68 20 212 SI +68 20 213 MO +68 20 214 SI +68 20 215 RO +68 20 216 CH +68 20 217 RO +68 20 218 SI +68 20 219 TI +68 20 220 MO +68 20 221 TI +68 20 222 MO +68 20 223 VE +68 20 224 RO +68 20 225 CH +68 20 226 AL +68 20 227 CH +68 20 228 AL +68 20 229 VE +68 20 230 RO +68 20 231 RO +68 20 232 CH +68 20 233 AL +68 20 234 VE +68 20 235 AL +68 20 236 VE +68 20 237 SI +68 20 238 VE +68 20 239 RO +68 20 240 CH +68 20 241 TI +68 20 242 SI +68 20 243 AL +68 20 244 AL +68 20 245 HA +68 20 246 VE +68 20 247 AL +68 20 248 VE +68 20 249 VE +68 20 250 MO +68 20 251 VE +68 20 252 TI +68 20 253 VE +68 20 254 AL +68 20 255 CH +68 20 256 RO +68 20 257 AL +68 20 258 SI +68 20 259 RO +68 20 260 SI +68 20 261 RO +68 20 262 TI +68 20 263 CH +68 20 264 AL +68 20 265 VE +68 20 266 CH +68 20 267 AL +68 20 268 VE +68 20 269 RO +68 20 270 SI +68 20 271 VE +68 20 272 TI +68 20 273 RO +68 20 274 TI +68 20 275 SI +68 20 276 RO +68 20 277 AL +68 20 278 SI +68 20 279 AL +68 20 280 VE +68 20 281 VE +68 20 282 VE +68 20 283 CH +68 20 284 TI +68 20 285 RO +68 20 286 TI +68 20 287 CH +68 20 288 RO +68 20 289 AL +68 20 290 RO +68 20 291 AL +68 20 292 RO +68 20 293 VE +68 20 294 TI +68 20 295 CH +68 20 296 MO +68 20 297 SI +68 20 298 RO +68 20 299 VE +68 20 300 HI +68 20 301 VE +68 20 302 TI +68 20 303 HI +68 20 304 VE +68 20 305 MO +68 20 306 VE +68 20 307 AL +68 20 308 MO +68 20 309 CH +68 20 310 VE +68 20 311 AL +68 20 312 JM +68 20 313 AL +68 20 314 RO +68 20 315 VE +68 20 316 VE +68 20 317 RO +68 20 318 SI +68 20 319 TI +68 20 320 VE +68 20 321 RO +68 20 322 AL +68 20 323 VE +68 20 324 TI +68 20 325 MO +68 20 326 SI +68 20 327 TI +68 20 328 VE +68 20 329 CH +68 20 330 TI +68 21 1 SU +68 21 2 SU +68 21 3 HA +68 21 4 MO +68 21 5 SI +68 21 6 SU +68 21 7 SU +68 21 8 HA +68 21 9 SI +68 21 10 AL +68 21 11 JM +68 21 12 SI +68 21 13 SU +68 21 14 AL +68 21 15 MO +68 21 16 TI +68 21 17 HA +68 21 18 JM +68 21 19 SU +68 21 20 SU +68 21 21 MO +68 21 22 SI +68 21 23 MO +68 21 24 SI +68 21 25 AL +68 21 26 AL +68 21 27 TI +68 21 28 MO +68 21 29 SU +68 21 30 SI +68 21 31 SU +68 21 32 MO +68 21 33 SU +68 21 34 SU +68 21 35 SI +68 21 36 SU +68 21 37 SU +68 21 38 MO +68 21 39 SU +68 21 40 AL +68 21 41 HA +68 21 42 SI +68 21 43 AL +68 21 44 TI +68 21 45 SU +68 21 46 MO +68 21 47 JM +68 21 48 SI +68 21 49 AL +68 21 50 MO +68 21 51 SI +68 21 52 TI +68 21 53 MO +68 21 54 SU +68 21 55 AL +68 21 56 SI +68 21 57 SU +68 21 58 SI +68 21 59 MO +68 21 60 JM +68 21 61 HA +68 21 62 MO +68 21 63 RO +68 21 64 SU +68 21 65 MO +68 21 66 TI +68 21 67 SU +68 21 68 RO +68 21 69 SI +68 21 70 TI +68 21 71 MO +68 21 72 SU +68 21 73 MO +68 21 74 AL +68 21 75 SU +68 21 76 SI +68 21 77 SU +68 21 78 SI +68 21 79 JM +68 21 80 SU +68 21 81 SU +68 21 82 SU +68 21 83 TI +68 21 84 RO +68 21 85 SU +68 21 86 RO +68 21 87 JM +68 21 88 MO +68 21 89 JM +68 21 90 JM +68 21 91 SI +68 21 92 TI +68 21 93 SU +68 21 94 JM +68 21 95 SU +68 21 96 SI +68 21 97 AL +68 21 98 HA +68 21 99 MO +68 21 100 SU +68 21 101 MO +68 21 102 MO +68 21 103 SI +68 21 104 AL +68 21 105 MO +68 21 106 SI +68 21 107 TI +68 21 108 SU +68 21 109 MO +68 21 110 SI +68 21 111 SU +68 21 112 HA +68 21 113 JM +68 21 114 SU +68 21 115 HA +68 21 116 SU +68 21 117 HA +68 21 118 RO +68 21 119 SU +68 21 120 TI +68 21 121 HA +68 21 122 SU +68 21 123 AL +68 21 124 SI +68 21 125 SI +68 21 126 RO +68 21 127 JM +68 21 128 SI +68 21 129 TI +68 21 130 JM +68 21 131 MO +68 21 132 HA +68 21 133 SU +68 21 134 MO +68 21 135 MO +68 21 136 SU +68 21 137 SU +68 21 138 SU +68 21 139 TI +68 21 140 SU +68 21 141 TI +68 21 142 MO +68 21 143 SU +68 21 144 AL +68 21 145 SU +68 21 146 SI +68 21 147 SU +68 21 148 HA +68 21 149 SU +68 21 150 MO +68 21 151 SI +68 21 152 MO +68 21 153 AL +68 21 154 JM +68 21 155 SI +68 21 156 SU +68 21 157 SI +68 21 158 TI +68 21 159 SI +68 21 160 RO +68 21 161 SU +68 21 162 HA +68 21 163 SU +68 21 164 SU +68 21 165 SI +68 21 166 AL +68 21 167 MO +68 21 168 SU +68 21 169 AL +68 21 170 JM +68 21 171 SU +68 21 172 TI +68 21 173 HA +68 21 174 SI +68 21 175 AL +68 21 176 HA +68 21 177 SI +68 21 178 AL +68 21 179 MO +68 21 180 SU +68 21 181 SI +68 21 182 MO +68 21 183 SI +68 21 184 AL +68 21 185 SI +68 21 186 SU +68 21 187 SI +68 21 188 SU +68 21 189 SU +68 21 190 RO +68 21 191 SU +68 21 192 MO +68 21 193 SI +68 21 194 MO +68 21 195 SU +68 21 196 SU +68 21 197 MO +68 21 198 JM +68 21 199 TI +68 21 200 SU +68 21 201 RO +68 21 202 SU +68 21 203 MO +68 21 204 JM +68 21 205 MO +68 21 206 TI +68 21 207 MO +68 21 208 SI +68 21 209 SU +68 21 210 HA +68 21 211 SU +68 21 212 SI +68 21 213 MO +68 21 214 SI +68 21 215 MO +68 21 216 JM +68 21 217 RO +68 21 218 SI +68 21 219 TI +68 21 220 AL +68 21 221 TI +68 21 222 MO +68 21 223 SU +68 21 224 TI +68 21 225 SI +68 21 226 SU +68 21 227 JM +68 21 228 JM +68 21 229 SU +68 21 230 TI +68 21 231 MO +68 21 232 SI +68 21 233 MO +68 21 234 SU +68 21 235 AL +68 21 236 SI +68 21 237 RO +68 21 238 SU +68 21 239 RO +68 21 240 SI +68 21 241 TI +68 21 242 SI +68 21 243 MO +68 21 244 TI +68 21 245 HA +68 21 246 SU +68 21 247 MO +68 21 248 JM +68 21 249 SU +68 21 250 MO +68 21 251 SU +68 21 252 TI +68 21 253 SU +68 21 254 SU +68 21 255 JM +68 21 256 HA +68 21 257 AL +68 21 258 SI +68 21 259 HA +68 21 260 TI +68 21 261 SI +68 21 262 TI +68 21 263 TI +68 21 264 AL +68 21 265 SU +68 21 266 HA +68 21 267 MO +68 21 268 SU +68 21 269 MO +68 21 270 SI +68 21 271 JM +68 21 272 TI +68 21 273 MO +68 21 274 TI +68 21 275 SI +68 21 276 MO +68 21 277 SU +68 21 278 RO +68 21 279 AL +68 21 280 SU +68 21 281 SU +68 21 282 SU +68 21 283 SI +68 21 284 TI +68 21 285 MO +68 21 286 TI +68 21 287 SI +68 21 288 HA +68 21 289 SU +68 21 290 TI +68 21 291 AL +68 21 292 RO +68 21 293 TI +68 21 294 TI +68 21 295 SI +68 21 296 MO +68 21 297 SI +68 21 298 HA +68 21 299 SU +68 21 300 TI +68 21 301 SU +68 21 302 TI +68 21 303 SU +68 21 304 SI +68 21 305 MO +68 21 306 SU +68 21 307 SU +68 21 308 MO +68 21 309 SI +68 21 310 SU +68 21 311 SU +68 21 312 JM +68 21 313 MO +68 21 314 TI +68 21 315 SU +68 21 316 SU +68 21 317 MO +68 21 318 SI +68 21 319 TI +68 21 320 SI +68 21 321 HA +68 21 322 SU +68 21 323 SU +68 21 324 TI +68 21 325 MO +68 21 326 SI +68 21 327 TI +68 21 328 SU +68 21 329 SI +68 21 330 TI +68 22 1 SU +68 22 2 SU +68 22 3 HA +68 22 4 AL +68 22 5 SI +68 22 6 SU +68 22 7 VE +68 22 8 CF +68 22 9 SI +68 22 10 SU +68 22 11 SU +68 22 12 SI +68 22 13 SU +68 22 14 JM +68 22 15 RO +68 22 16 TI +68 22 17 HA +68 22 18 JM +68 22 19 SU +68 22 20 SU +68 22 21 HA +68 22 22 SI +68 22 23 AL +68 22 24 JM +68 22 25 SU +68 22 26 AL +68 22 27 TI +68 22 28 RO +68 22 29 SU +68 22 30 SI +68 22 31 SU +68 22 32 RO +68 22 33 VE +68 22 34 AL +68 22 35 HA +68 22 36 JM +68 22 37 AL +68 22 38 HA +68 22 39 SU +68 22 40 SU +68 22 41 HA +68 22 42 SI +68 22 43 AL +68 22 44 TI +68 22 45 VE +68 22 46 TI +68 22 47 JM +68 22 48 SI +68 22 49 SU +68 22 50 SU +68 22 51 SI +68 22 52 SU +68 22 53 HA +68 22 54 VE +68 22 55 SU +68 22 56 HA +68 22 57 SU +68 22 58 SI +68 22 59 TI +68 22 60 JM +68 22 61 HA +68 22 62 SU +68 22 63 HA +68 22 64 SU +68 22 65 HA +68 22 66 TI +68 22 67 SU +68 22 68 HA +68 22 69 SI +68 22 70 TI +68 22 71 HA +68 22 72 SU +68 22 73 NN +68 22 74 SU +68 22 75 JM +68 22 76 HA +68 22 77 SU +68 22 78 HA +68 22 79 JM +68 22 80 SU +68 22 81 VE +68 22 82 SU +68 22 83 SI +68 22 84 HA +68 22 85 VE +68 22 86 RO +68 22 87 JM +68 22 88 NN +68 22 89 JM +68 22 90 JM +68 22 91 SU +68 22 92 TI +68 22 93 VE +68 22 94 JM +68 22 95 SU +68 22 96 SI +68 22 97 AL +68 22 98 HA +68 22 99 SU +68 22 100 SU +68 22 101 HA +68 22 102 TI +68 22 103 SI +68 22 104 VE +68 22 105 SU +68 22 106 SI +68 22 107 TI +68 22 108 SU +68 22 109 SU +68 22 110 SI +68 22 111 JM +68 22 112 HA +68 22 113 JM +68 22 114 SU +68 22 115 HA +68 22 116 SU +68 22 117 HA +68 22 118 RO +68 22 119 VE +68 22 120 TI +68 22 121 HA +68 22 122 VE +68 22 123 SU +68 22 124 SI +68 22 125 HA +68 22 126 RO +68 22 127 JM +68 22 128 SI +68 22 129 TI +68 22 130 CH +68 22 131 MO +68 22 132 HA +68 22 133 SU +68 22 134 CF +68 22 135 MO +68 22 136 SU +68 22 137 VE +68 22 138 SU +68 22 139 TI +68 22 140 SU +68 22 141 TI +68 22 142 TI +68 22 143 VE +68 22 144 AL +68 22 145 SU +68 22 146 SI +68 22 147 SU +68 22 148 HA +68 22 149 SU +68 22 150 MO +68 22 151 RO +68 22 152 RO +68 22 153 SU +68 22 154 JM +68 22 155 JM +68 22 156 SU +68 22 157 CF +68 22 158 TI +68 22 159 SI +68 22 160 RO +68 22 161 SU +68 22 162 HA +68 22 163 SU +68 22 164 AL +68 22 165 JM +68 22 166 SU +68 22 167 SU +68 22 168 VE +68 22 169 SU +68 22 170 JM +68 22 171 VE +68 22 172 TI +68 22 173 RO +68 22 174 SI +68 22 175 SU +68 22 176 HA +68 22 177 SI +68 22 178 SU +68 22 179 CF +68 22 180 VE +68 22 181 SI +68 22 182 MO +68 22 183 SI +68 22 184 MO +68 22 185 SI +68 22 186 SU +68 22 187 SI +68 22 188 SU +68 22 189 SU +68 22 190 RO +68 22 191 SU +68 22 192 SU +68 22 193 SI +68 22 194 CF +68 22 195 VE +68 22 196 SU +68 22 197 AL +68 22 198 JM +68 22 199 SU +68 22 200 SU +68 22 201 RO +68 22 202 VE +68 22 203 RO +68 22 204 JM +68 22 205 AL +68 22 206 VE +68 22 207 HA +68 22 208 SI +68 22 209 AL +68 22 210 CF +68 22 211 SU +68 22 212 SI +68 22 213 SU +68 22 214 SI +68 22 215 RO +68 22 216 SU +68 22 217 RO +68 22 218 SI +68 22 219 SU +68 22 220 SU +68 22 221 SU +68 22 222 MO +68 22 223 VE +68 22 224 TI +68 22 225 SI +68 22 226 SU +68 22 227 JM +68 22 228 SU +68 22 229 SU +68 22 230 TI +68 22 231 MO +68 22 232 SI +68 22 233 SU +68 22 234 VE +68 22 235 AL +68 22 236 VE +68 22 237 RO +68 22 238 VE +68 22 239 RO +68 22 240 CF +68 22 241 TI +68 22 242 SI +68 22 243 MO +68 22 244 TI +68 22 245 HA +68 22 246 SU +68 22 247 AL +68 22 248 JM +68 22 249 SU +68 22 250 AL +68 22 251 VE +68 22 252 TI +68 22 253 VE +68 22 254 SU +68 22 255 JM +68 22 256 HA +68 22 257 SU +68 22 258 SI +68 22 259 HA +68 22 260 SI +68 22 261 HA +68 22 262 TI +68 22 263 TI +68 22 264 SU +68 22 265 SU +68 22 266 HA +68 22 267 MO +68 22 268 VE +68 22 269 MO +68 22 270 SI +68 22 271 JM +68 22 272 TI +68 22 273 MO +68 22 274 TI +68 22 275 SI +68 22 276 HA +68 22 277 AL +68 22 278 SI +68 22 279 AL +68 22 280 VE +68 22 281 SU +68 22 282 VE +68 22 283 CF +68 22 284 TI +68 22 285 RO +68 22 286 TI +68 22 287 SI +68 22 288 HA +68 22 289 SU +68 22 290 TI +68 22 291 SU +68 22 292 RO +68 22 293 SU +68 22 294 TI +68 22 295 SI +68 22 296 MO +68 22 297 SI +68 22 298 HA +68 22 299 SU +68 22 300 TI +68 22 301 SU +68 22 302 TI +68 22 303 SU +68 22 304 SU +68 22 305 MO +68 22 306 SU +68 22 307 SU +68 22 308 MO +68 22 309 JM +68 22 310 VE +68 22 311 AL +68 22 312 JM +68 22 313 AL +68 22 314 TI +68 22 315 VE +68 22 316 SU +68 22 317 MO +68 22 318 SI +68 22 319 TI +68 22 320 SU +68 22 321 HA +68 22 322 SU +68 22 323 SU +68 22 324 TI +68 22 325 MO +68 22 326 SI +68 22 327 SU +68 22 328 SU +68 22 329 HA +68 22 330 SU +68 23 1 SU +68 23 2 SU +68 23 3 HA +68 23 4 MO +68 23 5 SU +68 23 6 SI +68 23 7 SU +68 23 8 HA +68 23 9 CH +68 23 10 SU +68 23 11 SU +68 23 12 SI +68 23 13 SU +68 23 14 SU +68 23 15 RO +68 23 16 TI +68 23 17 HA +68 23 18 JM +68 23 19 SU +68 23 20 SU +68 23 21 HA +68 23 22 SI +68 23 23 JM +68 23 24 MO +68 23 25 SU +68 23 26 SU +68 23 27 TI +68 23 28 RO +68 23 29 SU +68 23 30 CH +68 23 31 SU +68 23 32 MO +68 23 33 SU +68 23 34 SI +68 23 35 SU +68 23 36 SU +68 23 37 SU +68 23 38 CH +68 23 39 SU +68 23 40 SU +68 23 41 HA +68 23 42 SI +68 23 43 SU +68 23 44 TI +68 23 45 SU +68 23 46 CH +68 23 47 CH +68 23 48 SI +68 23 49 SU +68 23 50 MO +68 23 51 CH +68 23 52 SU +68 23 53 MO +68 23 54 SU +68 23 55 SU +68 23 56 SI +68 23 57 SU +68 23 58 CH +68 23 59 TI +68 23 60 SU +68 23 61 HA +68 23 62 MO +68 23 63 HA +68 23 64 SU +68 23 65 RO +68 23 66 TI +68 23 67 SU +68 23 68 RO +68 23 69 SU +68 23 70 TI +68 23 71 MO +68 23 72 SU +68 23 73 MO +68 23 74 SU +68 23 75 JM +68 23 76 HA +68 23 77 SU +68 23 78 RO +68 23 79 JM +68 23 80 SU +68 23 81 SU +68 23 82 SU +68 23 83 SI +68 23 84 HA +68 23 85 SU +68 23 86 RO +68 23 87 JM +68 23 88 MO +68 23 89 JM +68 23 90 JM +68 23 91 SU +68 23 92 SI +68 23 93 SU +68 23 94 JM +68 23 95 SU +68 23 96 SI +68 23 97 MO +68 23 98 HA +68 23 99 MO +68 23 100 SU +68 23 101 MO +68 23 102 MO +68 23 103 SU +68 23 104 SU +68 23 105 MO +68 23 106 SI +68 23 107 TI +68 23 108 SU +68 23 109 SU +68 23 110 SI +68 23 111 JM +68 23 112 HA +68 23 113 JM +68 23 114 SU +68 23 115 HA +68 23 116 SU +68 23 117 JM +68 23 118 HA +68 23 119 SU +68 23 120 TI +68 23 121 SI +68 23 122 SU +68 23 123 SU +68 23 124 SU +68 23 125 HA +68 23 126 RO +68 23 127 JM +68 23 128 SU +68 23 129 TI +68 23 130 JM +68 23 131 SU +68 23 132 HA +68 23 133 SU +68 23 134 JM +68 23 135 MO +68 23 136 SU +68 23 137 SU +68 23 138 SU +68 23 139 TI +68 23 140 SU +68 23 141 TI +68 23 142 TI +68 23 143 SU +68 23 144 SU +68 23 145 SU +68 23 146 SI +68 23 147 SU +68 23 148 HA +68 23 149 SU +68 23 150 MO +68 23 151 HA +68 23 152 SU +68 23 153 SU +68 23 154 JM +68 23 155 JM +68 23 156 SU +68 23 157 JM +68 23 158 TI +68 23 159 SI +68 23 160 RO +68 23 161 SU +68 23 162 HA +68 23 163 SU +68 23 164 SU +68 23 165 SU +68 23 166 SU +68 23 167 MO +68 23 168 SU +68 23 169 SU +68 23 170 JM +68 23 171 SU +68 23 172 TI +68 23 173 RO +68 23 174 SI +68 23 175 SU +68 23 176 HA +68 23 177 SI +68 23 178 SU +68 23 179 HA +68 23 180 SU +68 23 181 SI +68 23 182 HA +68 23 183 SU +68 23 184 MO +68 23 185 SI +68 23 186 SU +68 23 187 SI +68 23 188 SU +68 23 189 SU +68 23 190 RO +68 23 191 SU +68 23 192 MO +68 23 193 SI +68 23 194 HA +68 23 195 SU +68 23 196 SU +68 23 197 MO +68 23 198 JM +68 23 199 SU +68 23 200 SU +68 23 201 RO +68 23 202 SU +68 23 203 SU +68 23 204 JM +68 23 205 MO +68 23 206 SI +68 23 207 HA +68 23 208 SI +68 23 209 SU +68 23 210 CH +68 23 211 SU +68 23 212 SI +68 23 213 MO +68 23 214 SU +68 23 215 RO +68 23 216 JM +68 23 217 HA +68 23 218 SU +68 23 219 SU +68 23 220 SU +68 23 221 SU +68 23 222 MO +68 23 223 SU +68 23 224 TI +68 23 225 SU +68 23 226 SU +68 23 227 JM +68 23 228 SU +68 23 229 SU +68 23 230 TI +68 23 231 MO +68 23 232 JM +68 23 233 SU +68 23 234 SU +68 23 235 SU +68 23 236 SU +68 23 237 SI +68 23 238 SU +68 23 239 RO +68 23 240 CH +68 23 241 TI +68 23 242 SI +68 23 243 MO +68 23 244 TI +68 23 245 HA +68 23 246 SU +68 23 247 MO +68 23 248 JM +68 23 249 SU +68 23 250 MO +68 23 251 SU +68 23 252 TI +68 23 253 SU +68 23 254 SU +68 23 255 JM +68 23 256 HA +68 23 257 SU +68 23 258 SI +68 23 259 HA +68 23 260 SI +68 23 261 SI +68 23 262 TI +68 23 263 TI +68 23 264 SU +68 23 265 SU +68 23 266 CH +68 23 267 MO +68 23 268 SU +68 23 269 RO +68 23 270 SI +68 23 271 JM +68 23 272 TI +68 23 273 MO +68 23 274 TI +68 23 275 SI +68 23 276 SU +68 23 277 RO +68 23 278 SI +68 23 279 SU +68 23 280 SU +68 23 281 SU +68 23 282 SU +68 23 283 CH +68 23 284 TI +68 23 285 RO +68 23 286 TI +68 23 287 SI +68 23 288 HA +68 23 289 SU +68 23 290 TI +68 23 291 SU +68 23 292 RO +68 23 293 SU +68 23 294 TI +68 23 295 CH +68 23 296 MO +68 23 297 SI +68 23 298 HA +68 23 299 SU +68 23 300 TI +68 23 301 SU +68 23 302 TI +68 23 303 SU +68 23 304 SU +68 23 305 MO +68 23 306 SU +68 23 307 SU +68 23 308 MO +68 23 309 JM +68 23 310 SU +68 23 311 MO +68 23 312 JM +68 23 313 MO +68 23 314 TI +68 23 315 SU +68 23 316 SU +68 23 317 MO +68 23 318 SI +68 23 319 TI +68 23 320 SU +68 23 321 HA +68 23 322 SU +68 23 323 SU +68 23 324 TI +68 23 325 MO +68 23 326 SI +68 23 327 SU +68 23 328 SU +68 23 329 CH +68 23 330 SU +68 24 1 SU +68 24 2 SU +68 24 3 HA +68 24 4 MO +68 24 5 SU +68 24 6 HA +68 24 7 SU +68 24 8 HA +68 24 9 CH +68 24 10 SU +68 24 11 SU +68 24 12 SI +68 24 13 SU +68 24 14 HI +68 24 15 RO +68 24 16 TI +68 24 17 HA +68 24 18 JM +68 24 19 SU +68 24 20 SU +68 24 21 HA +68 24 22 SI +68 24 23 MO +68 24 24 CH +68 24 25 SU +68 24 26 SU +68 24 27 SI +68 24 28 HA +68 24 29 SU +68 24 30 SI +68 24 31 SU +68 24 32 MO +68 24 33 SU +68 24 34 HA +68 24 35 SU +68 24 36 SU +68 24 37 SU +68 24 38 HA +68 24 39 SU +68 24 40 SU +68 24 41 HA +68 24 42 CH +68 24 43 SU +68 24 44 CH +68 24 45 SU +68 24 46 CH +68 24 47 HI +68 24 48 SI +68 24 49 SU +68 24 50 MO +68 24 51 CH +68 24 52 SU +68 24 53 HA +68 24 54 SU +68 24 55 SU +68 24 56 RO +68 24 57 SU +68 24 58 CH +68 24 59 MO +68 24 60 SU +68 24 61 HA +68 24 62 MO +68 24 63 RO +68 24 64 SU +68 24 65 RO +68 24 66 SI +68 24 67 SU +68 24 68 RO +68 24 69 SU +68 24 70 MO +68 24 71 CH +68 24 72 SU +68 24 73 MO +68 24 74 SU +68 24 75 SU +68 24 76 HA +68 24 77 SU +68 24 78 RO +68 24 79 JM +68 24 80 SU +68 24 81 SU +68 24 82 SU +68 24 83 SI +68 24 84 RO +68 24 85 SU +68 24 86 RO +68 24 87 JM +68 24 88 MO +68 24 89 JM +68 24 90 SU +68 24 91 SU +68 24 92 SI +68 24 93 SU +68 24 94 CH +68 24 95 HI +68 24 96 SI +68 24 97 MO +68 24 98 HA +68 24 99 MO +68 24 100 SU +68 24 101 MO +68 24 102 MO +68 24 103 CH +68 24 104 SU +68 24 105 MO +68 24 106 SI +68 24 107 HI +68 24 108 SU +68 24 109 MO +68 24 110 SI +68 24 111 SU +68 24 112 HA +68 24 113 JM +68 24 114 SU +68 24 115 HA +68 24 116 SU +68 24 117 CH +68 24 118 RO +68 24 119 SU +68 24 120 CH +68 24 121 RO +68 24 122 SU +68 24 123 SU +68 24 124 SU +68 24 125 HA +68 24 126 RO +68 24 127 SU +68 24 128 SI +68 24 129 RO +68 24 130 CH +68 24 131 MO +68 24 132 HA +68 24 133 SU +68 24 134 CH +68 24 135 MO +68 24 136 SU +68 24 137 SU +68 24 138 HI +68 24 139 HI +68 24 140 SU +68 24 141 TI +68 24 142 TI +68 24 143 SU +68 24 144 MO +68 24 145 SU +68 24 146 SI +68 24 147 SU +68 24 148 HA +68 24 149 SU +68 24 150 MO +68 24 151 RO +68 24 152 MO +68 24 153 SU +68 24 154 CH +68 24 155 CH +68 24 156 SU +68 24 157 CH +68 24 158 TI +68 24 159 SI +68 24 160 RO +68 24 161 SU +68 24 162 HA +68 24 163 SU +68 24 164 SU +68 24 165 SU +68 24 166 SU +68 24 167 MO +68 24 168 SU +68 24 169 SU +68 24 170 SU +68 24 171 SU +68 24 172 TI +68 24 173 RO +68 24 174 SI +68 24 175 HI +68 24 176 HA +68 24 177 SI +68 24 178 SU +68 24 179 CH +68 24 180 SU +68 24 181 CH +68 24 182 MO +68 24 183 CH +68 24 184 MO +68 24 185 CH +68 24 186 SU +68 24 187 SI +68 24 188 SU +68 24 189 HI +68 24 190 RO +68 24 191 SU +68 24 192 MO +68 24 193 SI +68 24 194 MO +68 24 195 SU +68 24 196 SU +68 24 197 MO +68 24 198 JM +68 24 199 HI +68 24 200 SU +68 24 201 RO +68 24 202 SU +68 24 203 MO +68 24 204 CH +68 24 205 MO +68 24 206 SI +68 24 207 HA +68 24 208 CH +68 24 209 SU +68 24 210 CH +68 24 211 SU +68 24 212 HA +68 24 213 MO +68 24 214 SI +68 24 215 RO +68 24 216 SU +68 24 217 RO +68 24 218 SU +68 24 219 HI +68 24 220 MO +68 24 221 HI +68 24 222 MO +68 24 223 SU +68 24 224 CH +68 24 225 CH +68 24 226 SU +68 24 227 JM +68 24 228 SU +68 24 229 SU +68 24 230 CH +68 24 231 MO +68 24 232 CH +68 24 233 HI +68 24 234 SU +68 24 235 SU +68 24 236 SU +68 24 237 SI +68 24 238 SU +68 24 239 RO +68 24 240 CH +68 24 241 TI +68 24 242 SI +68 24 243 MO +68 24 244 HI +68 24 245 HA +68 24 246 SU +68 24 247 MO +68 24 248 SU +68 24 249 SU +68 24 250 MO +68 24 251 SU +68 24 252 CH +68 24 253 SU +68 24 254 HI +68 24 255 JM +68 24 256 RO +68 24 257 SU +68 24 258 CH +68 24 259 HA +68 24 260 SU +68 24 261 HA +68 24 262 HI +68 24 263 HI +68 24 264 HI +68 24 265 SU +68 24 266 CH +68 24 267 MO +68 24 268 SU +68 24 269 MO +68 24 270 SI +68 24 271 SU +68 24 272 TI +68 24 273 MO +68 24 274 HI +68 24 275 CH +68 24 276 MO +68 24 277 SU +68 24 278 RO +68 24 279 MO +68 24 280 SU +68 24 281 SU +68 24 282 SU +68 24 283 CH +68 24 284 TI +68 24 285 RO +68 24 286 TI +68 24 287 CH +68 24 288 HA +68 24 289 SU +68 24 290 CH +68 24 291 SU +68 24 292 RO +68 24 293 HI +68 24 294 HI +68 24 295 CH +68 24 296 MO +68 24 297 SI +68 24 298 HA +68 24 299 SU +68 24 300 HI +68 24 301 SU +68 24 302 CH +68 24 303 HI +68 24 304 SU +68 24 305 MO +68 24 306 SU +68 24 307 SU +68 24 308 MO +68 24 309 CH +68 24 310 SU +68 24 311 SU +68 24 312 JM +68 24 313 MO +68 24 314 CH +68 24 315 SU +68 24 316 SU +68 24 317 MO +68 24 318 RO +68 24 319 HI +68 24 320 SU +68 24 321 HA +68 24 322 SU +68 24 323 SU +68 24 324 CH +68 24 325 MO +68 24 326 SI +68 24 327 HI +68 24 328 SU +68 24 329 CH +68 24 330 HI +68 25 1 SU +68 25 2 TI +68 25 3 HA +68 25 4 SI +68 25 5 SU +68 25 6 SI +68 25 7 SU +68 25 8 SI +68 25 9 HA +68 25 10 SU +68 25 11 SU +68 25 12 SI +68 25 13 SU +68 25 14 SU +68 25 15 SI +68 25 16 TI +68 25 17 HA +68 25 18 SU +68 25 19 SU +68 25 20 SU +68 25 21 HA +68 25 22 SI +68 25 23 SU +68 25 24 HA +68 25 25 SU +68 25 26 SU +68 25 27 TI +68 25 28 HA +68 25 29 SU +68 25 30 HA +68 25 31 SU +68 25 32 HA +68 25 33 SU +68 25 34 HA +68 25 35 SU +68 25 36 CH +68 25 37 SU +68 25 38 HA +68 25 39 SU +68 25 40 SU +68 25 41 HA +68 25 42 SI +68 25 43 SU +68 25 44 TI +68 25 45 SU +68 25 46 CH +68 25 47 SU +68 25 48 SI +68 25 49 SU +68 25 50 CH +68 25 51 CH +68 25 52 SI +68 25 53 HA +68 25 54 SU +68 25 55 SU +68 25 56 SI +68 25 57 SU +68 25 58 CH +68 25 59 TI +68 25 60 SU +68 25 61 HA +68 25 62 TI +68 25 63 HA +68 25 64 SU +68 25 65 HA +68 25 66 TI +68 25 67 SU +68 25 68 SI +68 25 69 SU +68 25 70 TI +68 25 71 HA +68 25 72 SU +68 25 73 SI +68 25 74 SU +68 25 75 CH +68 25 76 HA +68 25 77 SU +68 25 78 SI +68 25 79 SU +68 25 80 SU +68 25 81 SI +68 25 82 SU +68 25 83 SI +68 25 84 HA +68 25 85 SU +68 25 86 HA +68 25 87 JM +68 25 88 HA +68 25 89 JM +68 25 90 SU +68 25 91 SI +68 25 92 TI +68 25 93 SU +68 25 94 CH +68 25 95 TI +68 25 96 SI +68 25 97 SU +68 25 98 HA +68 25 99 TI +68 25 100 SU +68 25 101 CH +68 25 102 TI +68 25 103 TI +68 25 104 SU +68 25 105 CH +68 25 106 SI +68 25 107 TI +68 25 108 SU +68 25 109 SU +68 25 110 SI +68 25 111 SU +68 25 112 HA +68 25 113 CH +68 25 114 SU +68 25 115 HA +68 25 116 SU +68 25 117 CH +68 25 118 HA +68 25 119 SU +68 25 120 TI +68 25 121 HA +68 25 122 SU +68 25 123 SU +68 25 124 SI +68 25 125 HA +68 25 126 SI +68 25 127 SU +68 25 128 SI +68 25 129 TI +68 25 130 SU +68 25 131 SI +68 25 132 HA +68 25 133 SU +68 25 134 SU +68 25 135 HA +68 25 136 SU +68 25 137 SU +68 25 138 SU +68 25 139 TI +68 25 140 SU +68 25 141 TI +68 25 142 TI +68 25 143 SI +68 25 144 CH +68 25 145 SU +68 25 146 SI +68 25 147 SU +68 25 148 HA +68 25 149 SU +68 25 150 CH +68 25 151 SI +68 25 152 SI +68 25 153 SU +68 25 154 CH +68 25 155 CH +68 25 156 SU +68 25 157 CH +68 25 158 TI +68 25 159 SI +68 25 160 HA +68 25 161 SU +68 25 162 HA +68 25 163 SU +68 25 164 SU +68 25 165 SU +68 25 166 SU +68 25 167 CH +68 25 168 SU +68 25 169 SU +68 25 170 SU +68 25 171 SI +68 25 172 TI +68 25 173 HA +68 25 174 SI +68 25 175 SU +68 25 176 HA +68 25 177 SI +68 25 178 SU +68 25 179 SI +68 25 180 SU +68 25 181 CH +68 25 182 HA +68 25 183 CH +68 25 184 SI +68 25 185 HA +68 25 186 SU +68 25 187 SI +68 25 188 SU +68 25 189 SU +68 25 190 HA +68 25 191 SU +68 25 192 SI +68 25 193 SI +68 25 194 HA +68 25 195 SU +68 25 196 SU +68 25 197 SI +68 25 198 SU +68 25 199 SI +68 25 200 SU +68 25 201 HA +68 25 202 SU +68 25 203 HA +68 25 204 CH +68 25 205 SU +68 25 206 TI +68 25 207 HA +68 25 208 SI +68 25 209 SU +68 25 210 HA +68 25 211 SU +68 25 212 SI +68 25 213 TI +68 25 214 SI +68 25 215 HA +68 25 216 SU +68 25 217 HA +68 25 218 SI +68 25 219 SU +68 25 220 SU +68 25 221 SU +68 25 222 CH +68 25 223 SU +68 25 224 TI +68 25 225 CH +68 25 226 SU +68 25 227 SU +68 25 228 SU +68 25 229 SI +68 25 230 TI +68 25 231 SI +68 25 232 CH +68 25 233 HI +68 25 234 SU +68 25 235 SU +68 25 236 SI +68 25 237 HA +68 25 238 SU +68 25 239 HA +68 25 240 CH +68 25 241 TI +68 25 242 SI +68 25 243 CH +68 25 244 TI +68 25 245 HA +68 25 246 SU +68 25 247 SU +68 25 248 SU +68 25 249 SU +68 25 250 CH +68 25 251 SU +68 25 252 TI +68 25 253 SU +68 25 254 SU +68 25 255 JM +68 25 256 HA +68 25 257 SU +68 25 258 SI +68 25 259 HA +68 25 260 SI +68 25 261 HA +68 25 262 TI +68 25 263 CH +68 25 264 SU +68 25 265 SU +68 25 266 HA +68 25 267 CH +68 25 268 SU +68 25 269 HA +68 25 270 SI +68 25 271 SU +68 25 272 TI +68 25 273 SI +68 25 274 TI +68 25 275 CH +68 25 276 HA +68 25 277 SU +68 25 278 SI +68 25 279 SU +68 25 280 SU +68 25 281 SU +68 25 282 SU +68 25 283 CH +68 25 284 TI +68 25 285 SI +68 25 286 TI +68 25 287 CH +68 25 288 HA +68 25 289 SU +68 25 290 TI +68 25 291 SU +68 25 292 SI +68 25 293 TI +68 25 294 TI +68 25 295 CH +68 25 296 SI +68 25 297 HA +68 25 298 HA +68 25 299 SU +68 25 300 TI +68 25 301 SU +68 25 302 TI +68 25 303 SU +68 25 304 CH +68 25 305 HA +68 25 306 SU +68 25 307 SU +68 25 308 SI +68 25 309 CH +68 25 310 SU +68 25 311 SU +68 25 312 SU +68 25 313 CH +68 25 314 SI +68 25 315 SU +68 25 316 SU +68 25 317 CH +68 25 318 SI +68 25 319 TI +68 25 320 CH +68 25 321 HA +68 25 322 SU +68 25 323 SU +68 25 324 CH +68 25 325 JM +68 25 326 SI +68 25 327 TI +68 25 328 SU +68 25 329 CH +68 25 330 TI +69 1 1 HO +69 1 2 HT +69 1 3 AG +69 1 4 HO +69 1 5 HO +69 1 6 HW +69 1 7 HO +69 1 8 AG +69 1 9 HT +69 1 10 HO +69 1 11 HO +69 1 12 WQ +69 1 13 HO +69 1 14 HO +69 1 15 HT +69 1 16 KP +69 1 17 AG +69 1 18 KP +69 1 19 HO +69 1 20 HO +69 1 21 HT +69 1 22 HW +69 1 23 * +69 1 24 HT +69 1 25 HO +69 1 26 HO +69 1 27 KP +69 1 28 AG +69 1 29 HO +69 1 30 AG +69 1 31 HT +69 1 32 HT +69 1 33 * +69 1 34 HO +69 1 35 AG +69 1 36 HO +69 1 37 HO +69 1 38 AG +69 1 39 HO +69 1 40 HO +69 1 41 AG +69 1 42 HW +69 1 43 HO +69 1 44 KP +69 1 45 HO +69 1 46 KP +69 1 47 HO +69 1 48 HW +69 1 49 HO +69 1 50 * +69 1 51 * +69 1 52 KP +69 1 53 AG +69 1 54 HO +69 1 55 HO +69 1 56 KP +69 1 57 HO +69 1 58 HW +69 1 59 KP +69 1 60 HO +69 1 61 AG +69 1 62 HO +69 1 63 AG +69 1 64 HO +69 1 65 AG +69 1 66 KP +69 1 67 HO +69 1 68 AG +69 1 69 * +69 1 70 KP +69 1 71 AG +69 1 72 HO +69 1 73 HO +69 1 74 KP +69 1 75 HO +69 1 76 AG +69 1 77 HO +69 1 78 KP +69 1 79 HI +69 1 80 HO +69 1 81 HW +69 1 82 HO +69 1 83 KP +69 1 84 KP +69 1 85 HO +69 1 86 HT +69 1 87 HI +69 1 88 HO +69 1 89 HI +69 1 90 HO +69 1 91 HW +69 1 92 KP +69 1 93 HO +69 1 94 * +69 1 95 KP +69 1 96 HW +69 1 97 HO +69 1 98 AG +69 1 99 KP +69 1 100 HO +69 1 101 AG +69 1 102 KP +69 1 103 HW +69 1 104 HO +69 1 105 HO +69 1 106 HW +69 1 107 KP +69 1 108 KP +69 1 109 HO +69 1 110 HW +69 1 111 HI +69 1 112 AG +69 1 113 HI +69 1 114 HO +69 1 115 AG +69 1 116 HO +69 1 117 HW +69 1 118 AG +69 1 119 HO +69 1 120 KP +69 1 121 AG +69 1 122 HO +69 1 123 HO +69 1 124 HW +69 1 125 AG +69 1 126 AG +69 1 127 HO +69 1 128 HW +69 1 129 KP +69 1 130 HT +69 1 131 HO +69 1 132 AG +69 1 133 HO +69 1 134 HT +69 1 135 AG +69 1 136 HO +69 1 137 HO +69 1 138 HO +69 1 139 KP +69 1 140 HO +69 1 141 KP +69 1 142 KP +69 1 143 HW +69 1 144 HO +69 1 145 HO +69 1 146 HW +69 1 147 HO +69 1 148 AG +69 1 149 HT +69 1 150 HO +69 1 151 HW +69 1 152 HW +69 1 153 HO +69 1 154 HI +69 1 155 HT +69 1 156 HO +69 1 157 HT +69 1 158 KP +69 1 159 HT +69 1 160 KP +69 1 161 HO +69 1 162 AG +69 1 163 HO +69 1 164 HO +69 1 165 HT +69 1 166 HO +69 1 167 KP +69 1 168 HO +69 1 169 HO +69 1 170 HO +69 1 171 HT +69 1 172 KP +69 1 173 AG +69 1 174 HW +69 1 175 KP +69 1 176 AG +69 1 177 HW +69 1 178 HO +69 1 179 AG +69 1 180 HO +69 1 181 HW +69 1 182 AG +69 1 183 HT +69 1 184 HO +69 1 185 HW +69 1 186 HO +69 1 187 HW +69 1 188 HO +69 1 189 HO +69 1 190 KP +69 1 191 HO +69 1 192 HO +69 1 193 HW +69 1 194 HT +69 1 195 HO +69 1 196 KP +69 1 197 HO +69 1 198 HI +69 1 199 KP +69 1 200 HO +69 1 201 HT +69 1 202 HO +69 1 203 HO +69 1 204 HI +69 1 205 HO +69 1 206 KP +69 1 207 AG +69 1 208 HW +69 1 209 HO +69 1 210 HT +69 1 211 HO +69 1 212 HW +69 1 213 KP +69 1 214 HW +69 1 215 KP +69 1 216 HT +69 1 217 KP +69 1 218 HW +69 1 219 KP +69 1 220 HO +69 1 221 KP +69 1 222 HO +69 1 223 HO +69 1 224 KP +69 1 225 HT +69 1 226 HO +69 1 227 HI +69 1 228 HO +69 1 229 HT +69 1 230 KP +69 1 231 HO +69 1 232 HT +69 1 233 KP +69 1 234 HO +69 1 235 HO +69 1 236 HW +69 1 237 HT +69 1 238 HO +69 1 239 HT +69 1 240 HT +69 1 241 KP +69 1 242 HW +69 1 243 AG +69 1 244 KP +69 1 245 AG +69 1 246 HO +69 1 247 HT +69 1 248 HO +69 1 249 HO +69 1 250 HO +69 1 251 HW +69 1 252 KP +69 1 253 HO +69 1 254 KP +69 1 255 HI +69 1 256 AG +69 1 257 HO +69 1 258 HW +69 1 259 AG +69 1 260 KP +69 1 261 AG +69 1 262 KP +69 1 263 KP +69 1 264 HO +69 1 265 HO +69 1 266 AG +69 1 267 HO +69 1 268 HO +69 1 269 AG +69 1 270 HW +69 1 271 HO +69 1 272 KP +69 1 273 HT +69 1 274 KP +69 1 275 HW +69 1 276 AG +69 1 277 HO +69 1 278 HW +69 1 279 HO +69 1 280 HO +69 1 281 HO +69 1 282 HO +69 1 283 HT +69 1 284 KP +69 1 285 KP +69 1 286 KP +69 1 287 HT +69 1 288 AG +69 1 289 HO +69 1 290 KP +69 1 291 HO +69 1 292 KP +69 1 293 KP +69 1 294 KP +69 1 295 HT +69 1 296 HO +69 1 297 HW +69 1 298 AG +69 1 299 HO +69 1 300 KP +69 1 301 HO +69 1 302 KP +69 1 303 KP +69 1 304 HT +69 1 305 HO +69 1 306 HW +69 1 307 HO +69 1 308 KP +69 1 309 HT +69 1 310 HO +69 1 311 HO +69 1 312 HI +69 1 313 HO +69 1 314 KP +69 1 315 HO +69 1 316 HO +69 1 317 HT +69 1 318 AG +69 1 319 KP +69 1 320 HW +69 1 321 AG +69 1 322 HO +69 1 323 HO +69 1 324 KP +69 1 325 HO +69 1 326 HW +69 1 327 KP +69 1 328 HO +69 1 329 HT +69 1 330 KP +69 2 1 AG +69 2 2 KP +69 2 3 AG +69 2 4 WQ +69 2 5 HO +69 2 6 KP +69 2 7 HO +69 2 8 HW +69 2 9 HI +69 2 10 HO +69 2 11 HI +69 2 12 HW +69 2 13 HW +69 2 14 HO +69 2 15 AG +69 2 16 KP +69 2 17 AG +69 2 18 HI +69 2 19 KP +69 2 20 HO +69 2 21 AG +69 2 22 KP +69 2 23 HW +69 2 24 HI +69 2 25 HW +69 2 26 HO +69 2 27 KP +69 2 28 AG +69 2 29 HO +69 2 30 HW +69 2 31 KP +69 2 32 WQ +69 2 33 KP +69 2 34 HO +69 2 35 KP +69 2 36 HI +69 2 37 KP +69 2 38 WQ +69 2 39 HO +69 2 40 HO +69 2 41 HW +69 2 42 KP +69 2 43 HI +69 2 44 KP +69 2 45 HW +69 2 46 HI +69 2 47 HW +69 2 48 KP +69 2 49 HW +69 2 50 HI +69 2 51 HI +69 2 52 KP +69 2 53 HW +69 2 54 HO +69 2 55 HO +69 2 56 KP +69 2 57 KP +69 2 58 HW +69 2 59 KP +69 2 60 HO +69 2 61 WQ +69 2 62 KP +69 2 63 AG +69 2 64 HO +69 2 65 AG +69 2 66 KP +69 2 67 AG +69 2 68 HW +69 2 69 HI +69 2 70 HO +69 2 71 HI +69 2 72 HO +69 2 73 HW +69 2 74 KP +69 2 75 HW +69 2 76 AG +69 2 77 HO +69 2 78 KP +69 2 79 HI +69 2 80 HO +69 2 81 HO +69 2 82 HO +69 2 83 KP +69 2 84 KP +69 2 85 KP +69 2 86 HW +69 2 87 HI +69 2 88 HI +69 2 89 HI +69 2 90 HI +69 2 91 HO +69 2 92 KP +69 2 93 HO +69 2 94 HI +69 2 95 KP +69 2 96 HW +69 2 97 HO +69 2 98 AG +69 2 99 HI +69 2 100 AG +69 2 101 AG +69 2 102 HW +69 2 103 HO +69 2 104 KP +69 2 105 AG +69 2 106 KP +69 2 107 KP +69 2 108 HW +69 2 109 HO +69 2 110 AG +69 2 111 HO +69 2 112 AG +69 2 113 HI +69 2 114 HO +69 2 115 AG +69 2 116 HO +69 2 117 HI +69 2 118 AG +69 2 119 HO +69 2 120 KP +69 2 121 AG +69 2 122 WQ +69 2 123 HO +69 2 124 KP +69 2 125 AG +69 2 126 KP +69 2 127 HI +69 2 128 KP +69 2 129 KP +69 2 130 HI +69 2 131 WQ +69 2 132 AG +69 2 133 HO +69 2 134 HI +69 2 135 AG +69 2 136 HO +69 2 137 HO +69 2 138 WQ +69 2 139 KP +69 2 140 HW +69 2 141 KP +69 2 142 KP +69 2 143 WQ +69 2 144 HO +69 2 145 HO +69 2 146 HW +69 2 147 HO +69 2 148 AG +69 2 149 HO +69 2 150 AG +69 2 151 WQ +69 2 152 HO +69 2 153 WQ +69 2 154 HI +69 2 155 HI +69 2 156 AG +69 2 157 HI +69 2 158 KP +69 2 159 HW +69 2 160 HW +69 2 161 HO +69 2 162 AG +69 2 163 KP +69 2 164 HW +69 2 165 HI +69 2 166 AG +69 2 167 HO +69 2 168 HO +69 2 169 HO +69 2 170 HO +69 2 171 KP +69 2 172 KP +69 2 173 AG +69 2 174 HW +69 2 175 KP +69 2 176 AG +69 2 177 KP +69 2 178 HW +69 2 179 AG +69 2 180 HO +69 2 181 HW +69 2 182 AG +69 2 183 KP +69 2 184 AG +69 2 185 HW +69 2 186 KP +69 2 187 AG +69 2 188 KP +69 2 189 KP +69 2 190 AG +69 2 191 HW +69 2 192 AG +69 2 193 HW +69 2 194 KP +69 2 195 HO +69 2 196 HW +69 2 197 AG +69 2 198 HI +69 2 199 KP +69 2 200 KP +69 2 201 AG +69 2 202 KP +69 2 203 AG +69 2 204 HI +69 2 205 IP +69 2 206 KP +69 2 207 AG +69 2 208 KP +69 2 209 HW +69 2 210 KP +69 2 211 HW +69 2 212 AG +69 2 213 HW +69 2 214 HO +69 2 215 AG +69 2 216 HI +69 2 217 KP +69 2 218 HW +69 2 219 KP +69 2 220 AG +69 2 221 HO +69 2 222 AG +69 2 223 HO +69 2 224 KP +69 2 225 KP +69 2 226 HO +69 2 227 HI +69 2 228 IP +69 2 229 KP +69 2 230 KP +69 2 231 AG +69 2 232 IP +69 2 233 HO +69 2 234 WQ +69 2 235 IP +69 2 236 IP +69 2 237 KP +69 2 238 HO +69 2 239 AG +69 2 240 HO +69 2 241 KP +69 2 242 KP +69 2 243 AG +69 2 244 KP +69 2 245 AG +69 2 246 IP +69 2 247 AG +69 2 248 HO +69 2 249 HO +69 2 250 AG +69 2 251 HO +69 2 252 KP +69 2 253 HO +69 2 254 KP +69 2 255 HI +69 2 256 AG +69 2 257 HW +69 2 258 KP +69 2 259 AG +69 2 260 KP +69 2 261 HW +69 2 262 KP +69 2 263 HI +69 2 264 KP +69 2 265 WQ +69 2 266 AG +69 2 267 HI +69 2 268 KP +69 2 269 AG +69 2 270 WQ +69 2 271 HO +69 2 272 KP +69 2 273 AG +69 2 274 KP +69 2 275 HO +69 2 276 HI +69 2 277 HW +69 2 278 AG +69 2 279 HW +69 2 280 KP +69 2 281 HW +69 2 282 HO +69 2 283 WQ +69 2 284 KP +69 2 285 WQ +69 2 286 KP +69 2 287 HI +69 2 288 AG +69 2 289 HO +69 2 290 KP +69 2 291 HO +69 2 292 KP +69 2 293 KP +69 2 294 KP +69 2 295 HW +69 2 296 HO +69 2 297 WQ +69 2 298 AG +69 2 299 HO +69 2 300 HI +69 2 301 HW +69 2 302 HI +69 2 303 HO +69 2 304 HO +69 2 305 AG +69 2 306 WQ +69 2 307 HO +69 2 308 AG +69 2 309 HI +69 2 310 WQ +69 2 311 KP +69 2 312 HI +69 2 313 HW +69 2 314 KP +69 2 315 HO +69 2 316 KP +69 2 317 AG +69 2 318 HO +69 2 319 KP +69 2 320 HW +69 2 321 AG +69 2 322 KP +69 2 323 HO +69 2 324 KP +69 2 325 AG +69 2 326 WQ +69 2 327 HO +69 2 328 KP +69 2 329 AG +69 2 330 HI +69 3 1 HO +69 3 2 HO +69 3 3 AG +69 3 4 HW +69 3 5 HO +69 3 6 HT +69 3 7 HO +69 3 8 IP +69 3 9 HT +69 3 10 HO +69 3 11 HO +69 3 12 HW +69 3 13 HO +69 3 14 HO +69 3 15 HT +69 3 16 KP +69 3 17 IP +69 3 18 HI +69 3 19 HO +69 3 20 HO +69 3 21 HW +69 3 22 HW +69 3 23 HT +69 3 24 HI +69 3 25 HO +69 3 26 HO +69 3 27 KP +69 3 28 * +69 3 29 HO +69 3 30 HW +69 3 31 HO +69 3 32 HW +69 3 33 HO +69 3 34 HO +69 3 35 HT +69 3 36 HO +69 3 37 HT +69 3 38 * +69 3 39 HO +69 3 40 HO +69 3 41 IP +69 3 42 HW +69 3 43 HO +69 3 44 KP +69 3 45 HO +69 3 46 HI +69 3 47 HO +69 3 48 HW +69 3 49 KP +69 3 50 HI +69 3 51 HI +69 3 52 KP +69 3 53 IP +69 3 54 HO +69 3 55 HO +69 3 56 WQ +69 3 57 HO +69 3 58 HW +69 3 59 KP +69 3 60 HI +69 3 61 IP +69 3 62 HT +69 3 63 WQ +69 3 64 HO +69 3 65 HT +69 3 66 KP +69 3 67 HT +69 3 68 HW +69 3 69 HI +69 3 70 KP +69 3 71 IP +69 3 72 HO +69 3 73 HO +69 3 74 KP +69 3 75 HI +69 3 76 IP +69 3 77 HO +69 3 78 KP +69 3 79 HI +69 3 80 HO +69 3 81 HO +69 3 82 HO +69 3 83 KP +69 3 84 IP +69 3 85 HO +69 3 86 IP +69 3 87 HI +69 3 88 IP +69 3 89 HI +69 3 90 HI +69 3 91 WQ +69 3 92 KP +69 3 93 HO +69 3 94 HI +69 3 95 KP +69 3 96 WQ +69 3 97 IP +69 3 98 AG +69 3 99 * +69 3 100 HO +69 3 101 IP +69 3 102 KP +69 3 103 HI +69 3 104 HO +69 3 105 IP +69 3 106 WQ +69 3 107 KP +69 3 108 KP +69 3 109 IP +69 3 110 WQ +69 3 111 HI +69 3 112 IP +69 3 113 HI +69 3 114 HO +69 3 115 IP +69 3 116 KP +69 3 117 HI +69 3 118 WQ +69 3 119 HO +69 3 120 KP +69 3 121 IP +69 3 122 HO +69 3 123 HO +69 3 124 HW +69 3 125 IP +69 3 126 HT +69 3 127 HI +69 3 128 HW +69 3 129 KP +69 3 130 HI +69 3 131 IP +69 3 132 AG +69 3 133 HO +69 3 134 HI +69 3 135 IP +69 3 136 HO +69 3 137 HI +69 3 138 HO +69 3 139 KP +69 3 140 HO +69 3 141 KP +69 3 142 KP +69 3 143 HO +69 3 144 HT +69 3 145 * +69 3 146 HW +69 3 147 HO +69 3 148 AG +69 3 149 HO +69 3 150 HI +69 3 151 WQ +69 3 152 HT +69 3 153 HO +69 3 154 HI +69 3 155 HI +69 3 156 HO +69 3 157 HT +69 3 158 KP +69 3 159 HW +69 3 160 WQ +69 3 161 HO +69 3 162 IP +69 3 163 HO +69 3 164 HO +69 3 165 HI +69 3 166 HO +69 3 167 IP +69 3 168 HO +69 3 169 HO +69 3 170 HI +69 3 171 HT +69 3 172 KP +69 3 173 IP +69 3 174 HW +69 3 175 KP +69 3 176 HT +69 3 177 HW +69 3 178 HO +69 3 179 IP +69 3 180 HO +69 3 181 HT +69 3 182 IP +69 3 183 HI +69 3 184 HO +69 3 185 HT +69 3 186 HO +69 3 187 HW +69 3 188 HO +69 3 189 KP +69 3 190 WQ +69 3 191 HO +69 3 192 IP +69 3 193 HW +69 3 194 HI +69 3 195 HO +69 3 196 KP +69 3 197 HT +69 3 198 HI +69 3 199 HW +69 3 200 HO +69 3 201 HT +69 3 202 HO +69 3 203 KP +69 3 204 HI +69 3 205 HO +69 3 206 HW +69 3 207 IP +69 3 208 HI +69 3 209 HI +69 3 210 HI +69 3 211 HO +69 3 212 HW +69 3 213 KP +69 3 214 WQ +69 3 215 HT +69 3 216 HI +69 3 217 HW +69 3 218 HI +69 3 219 KP +69 3 220 HT +69 3 221 KP +69 3 222 HO +69 3 223 HO +69 3 224 KP +69 3 225 HT +69 3 226 HI +69 3 227 HI +69 3 228 HO +69 3 229 HW +69 3 230 KP +69 3 231 HT +69 3 232 HI +69 3 233 HT +69 3 234 HO +69 3 235 HO +69 3 236 HT +69 3 237 WQ +69 3 238 HO +69 3 239 HT +69 3 240 HI +69 3 241 KP +69 3 242 HW +69 3 243 IP +69 3 244 KP +69 3 245 AG +69 3 246 HO +69 3 247 HT +69 3 248 HI +69 3 249 HO +69 3 250 HO +69 3 251 HT +69 3 252 KP +69 3 253 HO +69 3 254 HT +69 3 255 HI +69 3 256 IP +69 3 257 HO +69 3 258 HW +69 3 259 IP +69 3 260 KP +69 3 261 WQ +69 3 262 KP +69 3 263 KP +69 3 264 KP +69 3 265 HO +69 3 266 WQ +69 3 267 HT +69 3 268 HI +69 3 269 IP +69 3 270 HT +69 3 271 HI +69 3 272 KP +69 3 273 HT +69 3 274 KP +69 3 275 HW +69 3 276 IP +69 3 277 HO +69 3 278 IP +69 3 279 HO +69 3 280 HO +69 3 281 HO +69 3 282 HO +69 3 283 HI +69 3 284 KP +69 3 285 HT +69 3 286 KP +69 3 287 HI +69 3 288 IP +69 3 289 HO +69 3 290 KP +69 3 291 HT +69 3 292 HT +69 3 293 HW +69 3 294 KP +69 3 295 HI +69 3 296 HO +69 3 297 HW +69 3 298 IP +69 3 299 HO +69 3 300 KP +69 3 301 HO +69 3 302 KP +69 3 303 KP +69 3 304 HO +69 3 305 HW +69 3 306 WQ +69 3 307 HO +69 3 308 HT +69 3 309 HI +69 3 310 HO +69 3 311 HO +69 3 312 HI +69 3 313 HO +69 3 314 KP +69 3 315 HO +69 3 316 HO +69 3 317 IP +69 3 318 HW +69 3 319 KP +69 3 320 HT +69 3 321 AG +69 3 322 KP +69 3 323 HO +69 3 324 KP +69 3 325 IP +69 3 326 WQ +69 3 327 KP +69 3 328 HO +69 3 329 HI +69 3 330 KP +69 4 1 HO +69 4 2 HO +69 4 3 AG +69 4 4 IP +69 4 5 HO +69 4 6 HI +69 4 7 HO +69 4 8 AG +69 4 9 HI +69 4 10 HO +69 4 11 HI +69 4 12 HW +69 4 13 HI +69 4 14 HO +69 4 15 HI +69 4 16 HO +69 4 17 AG +69 4 18 HI +69 4 19 HO +69 4 20 HO +69 4 21 AG +69 4 22 HW +69 4 23 AG +69 4 24 HI +69 4 25 HO +69 4 26 HO +69 4 27 KP +69 4 28 AG +69 4 29 HO +69 4 30 HT +69 4 31 KP +69 4 32 AG +69 4 33 HO +69 4 34 HO +69 4 35 AG +69 4 36 HO +69 4 37 HO +69 4 38 AG +69 4 39 HO +69 4 40 HO +69 4 41 AG +69 4 42 HI +69 4 43 HT +69 4 44 KP +69 4 45 HO +69 4 46 KP +69 4 47 HI +69 4 48 IP +69 4 49 HO +69 4 50 IP +69 4 51 HI +69 4 52 KP +69 4 53 IP +69 4 54 HO +69 4 55 AG +69 4 56 KP +69 4 57 HO +69 4 58 HI +69 4 59 KP +69 4 60 KP +69 4 61 AG +69 4 62 HO +69 4 63 WQ +69 4 64 HO +69 4 65 AG +69 4 66 KP +69 4 67 HO +69 4 68 HW +69 4 69 KP +69 4 70 KP +69 4 71 HI +69 4 72 HO +69 4 73 IP +69 4 74 HI +69 4 75 HI +69 4 76 AG +69 4 77 HO +69 4 78 KP +69 4 79 HI +69 4 80 AG +69 4 81 KP +69 4 82 HO +69 4 83 KP +69 4 84 HO +69 4 85 HO +69 4 86 AG +69 4 87 HI +69 4 88 AG +69 4 89 HI +69 4 90 HI +69 4 91 WQ +69 4 92 KP +69 4 93 WQ +69 4 94 HI +69 4 95 KP +69 4 96 HO +69 4 97 HO +69 4 98 AG +69 4 99 KP +69 4 100 HO +69 4 101 AG +69 4 102 KP +69 4 103 HI +69 4 104 HO +69 4 105 AG +69 4 106 WQ +69 4 107 KP +69 4 108 HO +69 4 109 HO +69 4 110 WQ +69 4 111 HI +69 4 112 AG +69 4 113 HI +69 4 114 AG +69 4 115 AG +69 4 116 HO +69 4 117 HI +69 4 118 AG +69 4 119 HO +69 4 120 HI +69 4 121 AG +69 4 122 HO +69 4 123 HO +69 4 124 WQ +69 4 125 AG +69 4 126 IP +69 4 127 HI +69 4 128 AG +69 4 129 HI +69 4 130 HI +69 4 131 AG +69 4 132 AG +69 4 133 HO +69 4 134 HI +69 4 135 AG +69 4 136 HO +69 4 137 HI +69 4 138 HO +69 4 139 KP +69 4 140 HO +69 4 141 KP +69 4 142 KP +69 4 143 WQ +69 4 144 HI +69 4 145 HO +69 4 146 WQ +69 4 147 WQ +69 4 148 AG +69 4 149 HO +69 4 150 IP +69 4 151 AG +69 4 152 IP +69 4 153 AG +69 4 154 KP +69 4 155 HI +69 4 156 AG +69 4 157 HI +69 4 158 HI +69 4 159 KP +69 4 160 AG +69 4 161 KP +69 4 162 AG +69 4 163 HO +69 4 164 HO +69 4 165 HI +69 4 166 HO +69 4 167 KP +69 4 168 HI +69 4 169 KP +69 4 170 HI +69 4 171 HI +69 4 172 HI +69 4 173 AG +69 4 174 WQ +69 4 175 HI +69 4 176 AG +69 4 177 IP +69 4 178 AG +69 4 179 IP +69 4 180 HO +69 4 181 HI +69 4 182 AG +69 4 183 HI +69 4 184 AG +69 4 185 HI +69 4 186 HO +69 4 187 AG +69 4 188 HO +69 4 189 HI +69 4 190 AG +69 4 191 IP +69 4 192 WQ +69 4 193 HO +69 4 194 AG +69 4 195 AG +69 4 196 HI +69 4 197 KP +69 4 198 HI +69 4 199 KP +69 4 200 KP +69 4 201 HO +69 4 202 AG +69 4 203 AG +69 4 204 HI +69 4 205 HO +69 4 206 KP +69 4 207 AG +69 4 208 HI +69 4 209 HO +69 4 210 HI +69 4 211 HO +69 4 212 IP +69 4 213 KP +69 4 214 IP +69 4 215 IP +69 4 216 HI +69 4 217 WQ +69 4 218 WQ +69 4 219 KP +69 4 220 AG +69 4 221 KP +69 4 222 IP +69 4 223 HO +69 4 224 KP +69 4 225 HI +69 4 226 AG +69 4 227 HI +69 4 228 HO +69 4 229 HO +69 4 230 KP +69 4 231 HW +69 4 232 HI +69 4 233 HO +69 4 234 HO +69 4 235 HO +69 4 236 HO +69 4 237 IP +69 4 238 HO +69 4 239 AG +69 4 240 HI +69 4 241 KP +69 4 242 WQ +69 4 243 KP +69 4 244 KP +69 4 245 AG +69 4 246 HO +69 4 247 IP +69 4 248 HI +69 4 249 IP +69 4 250 IP +69 4 251 WQ +69 4 252 KP +69 4 253 HO +69 4 254 KP +69 4 255 HI +69 4 256 AG +69 4 257 IP +69 4 258 WQ +69 4 259 HO +69 4 260 KP +69 4 261 HW +69 4 262 KP +69 4 263 KP +69 4 264 KP +69 4 265 HO +69 4 266 AG +69 4 267 AG +69 4 268 HO +69 4 269 AG +69 4 270 WQ +69 4 271 HO +69 4 272 KP +69 4 273 AG +69 4 274 KP +69 4 275 IP +69 4 276 AG +69 4 277 IP +69 4 278 AG +69 4 279 HO +69 4 280 HO +69 4 281 HO +69 4 282 IP +69 4 283 HI +69 4 284 KP +69 4 285 AG +69 4 286 KP +69 4 287 HI +69 4 288 AG +69 4 289 HO +69 4 290 KP +69 4 291 IP +69 4 292 AG +69 4 293 KP +69 4 294 KP +69 4 295 HI +69 4 296 IP +69 4 297 WQ +69 4 298 AG +69 4 299 WQ +69 4 300 KP +69 4 301 HO +69 4 302 KP +69 4 303 HO +69 4 304 HI +69 4 305 IP +69 4 306 HO +69 4 307 HO +69 4 308 HT +69 4 309 HI +69 4 310 HO +69 4 311 AG +69 4 312 HI +69 4 313 HO +69 4 314 KP +69 4 315 HO +69 4 316 HO +69 4 317 AG +69 4 318 WQ +69 4 319 KP +69 4 320 HI +69 4 321 AG +69 4 322 KP +69 4 323 HO +69 4 324 KP +69 4 325 AG +69 4 326 AG +69 4 327 KP +69 4 328 HO +69 4 329 HI +69 4 330 KP +69 5 1 HO +69 5 2 KP +69 5 3 AG +69 5 4 HO +69 5 5 HO +69 5 6 KP +69 5 7 HO +69 5 8 IP +69 5 9 HI +69 5 10 HO +69 5 11 KP +69 5 12 HW +69 5 13 HI +69 5 14 HI +69 5 15 WQ +69 5 16 KP +69 5 17 AG +69 5 18 HI +69 5 19 HO +69 5 20 HO +69 5 21 AG +69 5 22 KP +69 5 23 HW +69 5 24 HI +69 5 25 HO +69 5 26 HO +69 5 27 KP +69 5 28 AG +69 5 29 HO +69 5 30 AG +69 5 31 KP +69 5 32 HW +69 5 33 HO +69 5 34 HO +69 5 35 AG +69 5 36 HI +69 5 37 HO +69 5 38 AG +69 5 39 HO +69 5 40 HO +69 5 41 AG +69 5 42 IP +69 5 43 HI +69 5 44 KP +69 5 45 HO +69 5 46 HI +69 5 47 HI +69 5 48 IP +69 5 49 HO +69 5 50 HI +69 5 51 HI +69 5 52 KP +69 5 53 AG +69 5 54 HO +69 5 55 HO +69 5 56 HW +69 5 57 HI +69 5 58 HI +69 5 59 KP +69 5 60 HI +69 5 61 AG +69 5 62 KP +69 5 63 AG +69 5 64 HO +69 5 65 AG +69 5 66 KP +69 5 67 HO +69 5 68 AG +69 5 69 HI +69 5 70 KP +69 5 71 HW +69 5 72 HO +69 5 73 IP +69 5 74 KP +69 5 75 HI +69 5 76 HW +69 5 77 HO +69 5 78 KP +69 5 79 HI +69 5 80 HO +69 5 81 HO +69 5 82 HO +69 5 83 KP +69 5 84 IP +69 5 85 HO +69 5 86 AG +69 5 87 HI +69 5 88 IP +69 5 89 HI +69 5 90 HO +69 5 91 HW +69 5 92 KP +69 5 93 HO +69 5 94 HI +69 5 95 KP +69 5 96 HW +69 5 97 HO +69 5 98 AG +69 5 99 IP +69 5 100 KP +69 5 101 AG +69 5 102 KP +69 5 103 HI +69 5 104 HO +69 5 105 AG +69 5 106 KP +69 5 107 KP +69 5 108 KP +69 5 109 HO +69 5 110 WQ +69 5 111 HI +69 5 112 AG +69 5 113 HI +69 5 114 HO +69 5 115 AG +69 5 116 KP +69 5 117 HI +69 5 118 AG +69 5 119 HO +69 5 120 KP +69 5 121 AG +69 5 122 HO +69 5 123 HO +69 5 124 HO +69 5 125 AG +69 5 126 HW +69 5 127 HI +69 5 128 HW +69 5 129 KP +69 5 130 HI +69 5 131 IP +69 5 132 AG +69 5 133 HO +69 5 134 HI +69 5 135 HW +69 5 136 HO +69 5 137 HO +69 5 138 KP +69 5 139 KP +69 5 140 HO +69 5 141 KP +69 5 142 KP +69 5 143 HO +69 5 144 HO +69 5 145 HO +69 5 146 HW +69 5 147 HO +69 5 148 AG +69 5 149 HO +69 5 150 HW +69 5 151 AG +69 5 152 AG +69 5 153 HO +69 5 154 HI +69 5 155 HW +69 5 156 HO +69 5 157 HI +69 5 158 KP +69 5 159 WQ +69 5 160 AG +69 5 161 HO +69 5 162 AG +69 5 163 HO +69 5 164 HO +69 5 165 HI +69 5 166 HO +69 5 167 KP +69 5 168 HO +69 5 169 HO +69 5 170 HI +69 5 171 HO +69 5 172 KP +69 5 173 AG +69 5 174 HW +69 5 175 HO +69 5 176 AG +69 5 177 HW +69 5 178 HO +69 5 179 AG +69 5 180 HO +69 5 181 HW +69 5 182 AG +69 5 183 HI +69 5 184 HO +69 5 185 HI +69 5 186 HO +69 5 187 IP +69 5 188 HO +69 5 189 HO +69 5 190 HW +69 5 191 HO +69 5 192 IP +69 5 193 HW +69 5 194 AG +69 5 195 HO +69 5 196 HO +69 5 197 IP +69 5 198 HI +69 5 199 HO +69 5 200 HO +69 5 201 IP +69 5 202 HO +69 5 203 AG +69 5 204 HI +69 5 205 HO +69 5 206 IP +69 5 207 AG +69 5 208 HI +69 5 209 HO +69 5 210 HI +69 5 211 HO +69 5 212 IP +69 5 213 HI +69 5 214 HO +69 5 215 AG +69 5 216 HI +69 5 217 IP +69 5 218 IP +69 5 219 KP +69 5 220 HO +69 5 221 KP +69 5 222 WQ +69 5 223 HO +69 5 224 KP +69 5 225 HI +69 5 226 HO +69 5 227 HI +69 5 228 HI +69 5 229 HO +69 5 230 KP +69 5 231 AG +69 5 232 HI +69 5 233 HI +69 5 234 HO +69 5 235 HO +69 5 236 IP +69 5 237 HO +69 5 238 HO +69 5 239 AG +69 5 240 HI +69 5 241 KP +69 5 242 IP +69 5 243 AG +69 5 244 KP +69 5 245 AG +69 5 246 HO +69 5 247 HO +69 5 248 HI +69 5 249 HO +69 5 250 IP +69 5 251 HO +69 5 252 KP +69 5 253 HO +69 5 254 KP +69 5 255 HI +69 5 256 AG +69 5 257 HO +69 5 258 HW +69 5 259 AG +69 5 260 HW +69 5 261 AG +69 5 262 KP +69 5 263 HI +69 5 264 HO +69 5 265 HO +69 5 266 AG +69 5 267 IP +69 5 268 HO +69 5 269 HT +69 5 270 IP +69 5 271 HO +69 5 272 KP +69 5 273 IP +69 5 274 KP +69 5 275 IP +69 5 276 AG +69 5 277 HO +69 5 278 HW +69 5 279 HO +69 5 280 HO +69 5 281 HO +69 5 282 HO +69 5 283 HI +69 5 284 KP +69 5 285 IP +69 5 286 KP +69 5 287 HI +69 5 288 AG +69 5 289 HO +69 5 290 KP +69 5 291 HO +69 5 292 IP +69 5 293 HO +69 5 294 KP +69 5 295 HI +69 5 296 HO +69 5 297 HW +69 5 298 AG +69 5 299 HO +69 5 300 HI +69 5 301 HO +69 5 302 KP +69 5 303 HO +69 5 304 HO +69 5 305 AG +69 5 306 HO +69 5 307 HO +69 5 308 IP +69 5 309 HI +69 5 310 HO +69 5 311 HO +69 5 312 HI +69 5 313 HO +69 5 314 KP +69 5 315 HO +69 5 316 HO +69 5 317 AG +69 5 318 WQ +69 5 319 KP +69 5 320 HO +69 5 321 AG +69 5 322 HO +69 5 323 HO +69 5 324 KP +69 5 325 AG +69 5 326 HI +69 5 327 KP +69 5 328 HO +69 5 329 HI +69 5 330 KP +69 6 1 HO +69 6 2 HO +69 6 3 AG +69 6 4 WQ +69 6 5 HO +69 6 6 KP +69 6 7 HO +69 6 8 AG +69 6 9 HI +69 6 10 HO +69 6 11 HO +69 6 12 HW +69 6 13 HO +69 6 14 HO +69 6 15 KP +69 6 16 KP +69 6 17 AG +69 6 18 HI +69 6 19 HO +69 6 20 HO +69 6 21 AG +69 6 22 HW +69 6 23 IP +69 6 24 HI +69 6 25 HO +69 6 26 HO +69 6 27 KP +69 6 28 AG +69 6 29 HO +69 6 30 HW +69 6 31 HO +69 6 32 AG +69 6 33 HO +69 6 34 HO +69 6 35 AG +69 6 36 HO +69 6 37 HO +69 6 38 AG +69 6 39 HO +69 6 40 HO +69 6 41 AG +69 6 42 IP +69 6 43 HO +69 6 44 KP +69 6 45 HO +69 6 46 KP +69 6 47 HI +69 6 48 HW +69 6 49 HO +69 6 50 IP +69 6 51 HI +69 6 52 KP +69 6 53 AG +69 6 54 HO +69 6 55 HO +69 6 56 IP +69 6 57 HO +69 6 58 IP +69 6 59 KP +69 6 60 HI +69 6 61 AG +69 6 62 HW +69 6 63 AG +69 6 64 HO +69 6 65 AG +69 6 66 KP +69 6 67 HO +69 6 68 WQ +69 6 69 HI +69 6 70 KP +69 6 71 AG +69 6 72 HO +69 6 73 IP +69 6 74 HO +69 6 75 HI +69 6 76 AG +69 6 77 HO +69 6 78 KP +69 6 79 HI +69 6 80 HO +69 6 81 IP +69 6 82 HO +69 6 83 KP +69 6 84 IP +69 6 85 HO +69 6 86 AG +69 6 87 HI +69 6 88 AG +69 6 89 HI +69 6 90 HO +69 6 91 WQ +69 6 92 KP +69 6 93 HO +69 6 94 HI +69 6 95 KP +69 6 96 IP +69 6 97 HI +69 6 98 AG +69 6 99 KP +69 6 100 HO +69 6 101 IP +69 6 102 HO +69 6 103 HI +69 6 104 HO +69 6 105 AG +69 6 106 HW +69 6 107 KP +69 6 108 HO +69 6 109 HO +69 6 110 WQ +69 6 111 HI +69 6 112 AG +69 6 113 HI +69 6 114 HO +69 6 115 AG +69 6 116 HO +69 6 117 HT +69 6 118 WQ +69 6 119 HO +69 6 120 KP +69 6 121 AG +69 6 122 HO +69 6 123 HO +69 6 124 IP +69 6 125 AG +69 6 126 WQ +69 6 127 HO +69 6 128 WQ +69 6 129 KP +69 6 130 HI +69 6 131 IP +69 6 132 AG +69 6 133 HO +69 6 134 HI +69 6 135 AG +69 6 136 HO +69 6 137 HO +69 6 138 HO +69 6 139 KP +69 6 140 HO +69 6 141 KP +69 6 142 KP +69 6 143 WQ +69 6 144 HI +69 6 145 HO +69 6 146 WQ +69 6 147 HO +69 6 148 AG +69 6 149 HO +69 6 150 IP +69 6 151 HW +69 6 152 IP +69 6 153 HO +69 6 154 HI +69 6 155 HI +69 6 156 HO +69 6 157 HT +69 6 158 KP +69 6 159 HO +69 6 160 HW +69 6 161 HO +69 6 162 AG +69 6 163 HO +69 6 164 HO +69 6 165 HI +69 6 166 HO +69 6 167 KP +69 6 168 HO +69 6 169 HO +69 6 170 HI +69 6 171 HI +69 6 172 KP +69 6 173 AG +69 6 174 HW +69 6 175 IP +69 6 176 AG +69 6 177 WQ +69 6 178 HO +69 6 179 AG +69 6 180 HO +69 6 181 WQ +69 6 182 AG +69 6 183 HI +69 6 184 AG +69 6 185 AG +69 6 186 HO +69 6 187 WQ +69 6 188 HO +69 6 189 HT +69 6 190 WQ +69 6 191 HO +69 6 192 IP +69 6 193 WQ +69 6 194 HI +69 6 195 HO +69 6 196 HO +69 6 197 HT +69 6 198 HI +69 6 199 WQ +69 6 200 HO +69 6 201 HW +69 6 202 HO +69 6 203 AG +69 6 204 HI +69 6 205 HT +69 6 206 KP +69 6 207 AG +69 6 208 IP +69 6 209 HO +69 6 210 AG +69 6 211 HO +69 6 212 IP +69 6 213 KP +69 6 214 HO +69 6 215 IP +69 6 216 HI +69 6 217 WQ +69 6 218 HO +69 6 219 HO +69 6 220 HO +69 6 221 HT +69 6 222 WQ +69 6 223 HO +69 6 224 KP +69 6 225 HI +69 6 226 HO +69 6 227 HI +69 6 228 HO +69 6 229 HO +69 6 230 KP +69 6 231 AG +69 6 232 HI +69 6 233 HO +69 6 234 HO +69 6 235 HO +69 6 236 IP +69 6 237 WQ +69 6 238 HO +69 6 239 IP +69 6 240 HI +69 6 241 KP +69 6 242 HW +69 6 243 AG +69 6 244 HO +69 6 245 AG +69 6 246 HO +69 6 247 WQ +69 6 248 HO +69 6 249 HO +69 6 250 IP +69 6 251 HO +69 6 252 KP +69 6 253 HO +69 6 254 HO +69 6 255 HI +69 6 256 AG +69 6 257 HO +69 6 258 WQ +69 6 259 AG +69 6 260 IP +69 6 261 AG +69 6 262 KP +69 6 263 HI +69 6 264 HO +69 6 265 HO +69 6 266 AG +69 6 267 AG +69 6 268 HO +69 6 269 AG +69 6 270 IP +69 6 271 HI +69 6 272 KP +69 6 273 IP +69 6 274 KP +69 6 275 IP +69 6 276 AG +69 6 277 HO +69 6 278 AG +69 6 279 HO +69 6 280 HO +69 6 281 HO +69 6 282 HO +69 6 283 HI +69 6 284 KP +69 6 285 HT +69 6 286 KP +69 6 287 HI +69 6 288 AG +69 6 289 HO +69 6 290 KP +69 6 291 HO +69 6 292 WQ +69 6 293 HO +69 6 294 KP +69 6 295 HI +69 6 296 IP +69 6 297 WQ +69 6 298 AG +69 6 299 HO +69 6 300 KP +69 6 301 HO +69 6 302 KP +69 6 303 HO +69 6 304 HO +69 6 305 AG +69 6 306 HO +69 6 307 HO +69 6 308 WQ +69 6 309 HI +69 6 310 HO +69 6 311 HO +69 6 312 HI +69 6 313 HO +69 6 314 KP +69 6 315 HO +69 6 316 HO +69 6 317 AG +69 6 318 IP +69 6 319 KP +69 6 320 HI +69 6 321 AG +69 6 322 KP +69 6 323 HO +69 6 324 KP +69 6 325 AG +69 6 326 WQ +69 6 327 KP +69 6 328 HO +69 6 329 HI +69 6 330 KP +69 7 1 HO +69 7 2 HO +69 7 3 AG +69 7 4 HI +69 7 5 HO +69 7 6 WQ +69 7 7 HO +69 7 8 IP +69 7 9 HT +69 7 10 IP +69 7 11 HO +69 7 12 WQ +69 7 13 HO +69 7 14 IP +69 7 15 HT +69 7 16 KP +69 7 17 AG +69 7 18 HI +69 7 19 HO +69 7 20 HO +69 7 21 AG +69 7 22 WQ +69 7 23 IP +69 7 24 HI +69 7 25 HO +69 7 26 IP +69 7 27 KP +69 7 28 AG +69 7 29 HO +69 7 30 HT +69 7 31 HO +69 7 32 * +69 7 33 HO +69 7 34 HO +69 7 35 HT +69 7 36 IP +69 7 37 IP +69 7 38 * +69 7 39 HO +69 7 40 HO +69 7 41 AG +69 7 42 WQ +69 7 43 HI +69 7 44 KP +69 7 45 HO +69 7 46 HI +69 7 47 HI +69 7 48 WQ +69 7 49 HO +69 7 50 IP +69 7 51 HI +69 7 52 KP +69 7 53 AG +69 7 54 HO +69 7 55 HO +69 7 56 WQ +69 7 57 HO +69 7 58 HO +69 7 59 KP +69 7 60 HO +69 7 61 AG +69 7 62 HO +69 7 63 AG +69 7 64 HO +69 7 65 AG +69 7 66 KP +69 7 67 HO +69 7 68 AG +69 7 69 HI +69 7 70 KP +69 7 71 IP +69 7 72 HO +69 7 73 IP +69 7 74 HO +69 7 75 HO +69 7 76 AG +69 7 77 HO +69 7 78 KP +69 7 79 HI +69 7 80 HO +69 7 81 WQ +69 7 82 HO +69 7 83 KP +69 7 84 AG +69 7 85 HO +69 7 86 AG +69 7 87 HI +69 7 88 AG +69 7 89 HI +69 7 90 HI +69 7 91 WQ +69 7 92 KP +69 7 93 HO +69 7 94 HI +69 7 95 KP +69 7 96 WQ +69 7 97 IP +69 7 98 AG +69 7 99 HT +69 7 100 HO +69 7 101 IP +69 7 102 KP +69 7 103 HT +69 7 104 HO +69 7 105 IP +69 7 106 WQ +69 7 107 KP +69 7 108 HO +69 7 109 IP +69 7 110 WQ +69 7 111 HI +69 7 112 AG +69 7 113 HI +69 7 114 HO +69 7 115 HT +69 7 116 HO +69 7 117 HI +69 7 118 AG +69 7 119 HO +69 7 120 KP +69 7 121 AG +69 7 122 HO +69 7 123 HO +69 7 124 WQ +69 7 125 AG +69 7 126 HT +69 7 127 HI +69 7 128 WQ +69 7 129 KP +69 7 130 HI +69 7 131 IP +69 7 132 AG +69 7 133 HO +69 7 134 HI +69 7 135 AG +69 7 136 HO +69 7 137 HO +69 7 138 KP +69 7 139 KP +69 7 140 HO +69 7 141 KP +69 7 142 KP +69 7 143 WQ +69 7 144 IP +69 7 145 HO +69 7 146 WQ +69 7 147 HO +69 7 148 AG +69 7 149 HO +69 7 150 IP +69 7 151 HT +69 7 152 HT +69 7 153 HO +69 7 154 HI +69 7 155 HI +69 7 156 HO +69 7 157 HI +69 7 158 KP +69 7 159 WQ +69 7 160 HT +69 7 161 HO +69 7 162 AG +69 7 163 HO +69 7 164 HO +69 7 165 HI +69 7 166 IP +69 7 167 KP +69 7 168 HO +69 7 169 HO +69 7 170 HI +69 7 171 HT +69 7 172 KP +69 7 173 AG +69 7 174 WQ +69 7 175 HO +69 7 176 AG +69 7 177 WQ +69 7 178 HO +69 7 179 HI +69 7 180 HO +69 7 181 WQ +69 7 182 IP +69 7 183 * +69 7 184 IP +69 7 185 HT +69 7 186 HO +69 7 187 WQ +69 7 188 HO +69 7 189 KP +69 7 190 HT +69 7 191 HO +69 7 192 IP +69 7 193 WQ +69 7 194 HI +69 7 195 HO +69 7 196 HO +69 7 197 HT +69 7 198 HI +69 7 199 KP +69 7 200 HO +69 7 201 AG +69 7 202 HO +69 7 203 AG +69 7 204 HI +69 7 205 IP +69 7 206 KP +69 7 207 AG +69 7 208 HT +69 7 209 HO +69 7 210 HI +69 7 211 HO +69 7 212 WQ +69 7 213 KP +69 7 214 WQ +69 7 215 HT +69 7 216 HT +69 7 217 HI +69 7 218 HT +69 7 219 KP +69 7 220 HO +69 7 221 KP +69 7 222 IP +69 7 223 HO +69 7 224 KP +69 7 225 HT +69 7 226 HO +69 7 227 HI +69 7 228 HO +69 7 229 HO +69 7 230 KP +69 7 231 AG +69 7 232 HI +69 7 233 HO +69 7 234 HO +69 7 235 HO +69 7 236 HT +69 7 237 HT +69 7 238 HO +69 7 239 HT +69 7 240 HI +69 7 241 KP +69 7 242 WQ +69 7 243 AG +69 7 244 KP +69 7 245 AG +69 7 246 HO +69 7 247 HO +69 7 248 HI +69 7 249 HO +69 7 250 IP +69 7 251 HO +69 7 252 KP +69 7 253 HO +69 7 254 HO +69 7 255 HI +69 7 256 AG +69 7 257 IP +69 7 258 WQ +69 7 259 IP +69 7 260 KP +69 7 261 AG +69 7 262 KP +69 7 263 HI +69 7 264 HO +69 7 265 HO +69 7 266 AG +69 7 267 IP +69 7 268 HO +69 7 269 AG +69 7 270 WQ +69 7 271 IP +69 7 272 KP +69 7 273 AG +69 7 274 KP +69 7 275 HO +69 7 276 AG +69 7 277 HO +69 7 278 AG +69 7 279 HO +69 7 280 HO +69 7 281 HO +69 7 282 HO +69 7 283 HI +69 7 284 KP +69 7 285 HT +69 7 286 KP +69 7 287 HT +69 7 288 AG +69 7 289 HO +69 7 290 KP +69 7 291 HO +69 7 292 AG +69 7 293 KP +69 7 294 KP +69 7 295 HI +69 7 296 IP +69 7 297 WQ +69 7 298 AG +69 7 299 HO +69 7 300 HI +69 7 301 HO +69 7 302 KP +69 7 303 KP +69 7 304 HT +69 7 305 IP +69 7 306 HO +69 7 307 HO +69 7 308 IP +69 7 309 HI +69 7 310 HO +69 7 311 HO +69 7 312 HI +69 7 313 IP +69 7 314 KP +69 7 315 HO +69 7 316 HO +69 7 317 IP +69 7 318 WQ +69 7 319 KP +69 7 320 WQ +69 7 321 AG +69 7 322 HO +69 7 323 HO +69 7 324 KP +69 7 325 IP +69 7 326 HT +69 7 327 KP +69 7 328 HI +69 7 329 HI +69 7 330 KP +69 8 1 HO +69 8 2 HO +69 8 3 AG +69 8 4 IP +69 8 5 HO +69 8 6 HT +69 8 7 HO +69 8 8 AG +69 8 9 HT +69 8 10 HO +69 8 11 HO +69 8 12 WQ +69 8 13 HO +69 8 14 HT +69 8 15 WQ +69 8 16 KP +69 8 17 AG +69 8 18 HI +69 8 19 HO +69 8 20 HO +69 8 21 AG +69 8 22 WQ +69 8 23 HT +69 8 24 HI +69 8 25 HO +69 8 26 HO +69 8 27 KP +69 8 28 AG +69 8 29 HO +69 8 30 AG +69 8 31 HO +69 8 32 WQ +69 8 33 HO +69 8 34 HO +69 8 35 AG +69 8 36 HO +69 8 37 HT +69 8 38 AG +69 8 39 HO +69 8 40 HO +69 8 41 AG +69 8 42 WQ +69 8 43 HO +69 8 44 KP +69 8 45 HO +69 8 46 HT +69 8 47 HO +69 8 48 WQ +69 8 49 HO +69 8 50 HT +69 8 51 WQ +69 8 52 KP +69 8 53 AG +69 8 54 HO +69 8 55 HO +69 8 56 WQ +69 8 57 HO +69 8 58 WQ +69 8 59 KP +69 8 60 HO +69 8 61 AG +69 8 62 HT +69 8 63 AG +69 8 64 HO +69 8 65 AG +69 8 66 KP +69 8 67 HO +69 8 68 AG +69 8 69 WQ +69 8 70 KP +69 8 71 AG +69 8 72 HO +69 8 73 WQ +69 8 74 KP +69 8 75 HO +69 8 76 AG +69 8 77 HO +69 8 78 WQ +69 8 79 HI +69 8 80 HO +69 8 81 WQ +69 8 82 HO +69 8 83 KP +69 8 84 IP +69 8 85 HO +69 8 86 WQ +69 8 87 HI +69 8 88 AG +69 8 89 HI +69 8 90 HO +69 8 91 WQ +69 8 92 KP +69 8 93 HO +69 8 94 HI +69 8 95 KP +69 8 96 WQ +69 8 97 HO +69 8 98 AG +69 8 99 IP +69 8 100 HO +69 8 101 AG +69 8 102 HI +69 8 103 WQ +69 8 104 HO +69 8 105 WQ +69 8 106 KP +69 8 107 KP +69 8 108 KP +69 8 109 HO +69 8 110 IP +69 8 111 HO +69 8 112 AG +69 8 113 HI +69 8 114 HO +69 8 115 AG +69 8 116 KP +69 8 117 HI +69 8 118 AG +69 8 119 HO +69 8 120 KP +69 8 121 AG +69 8 122 HO +69 8 123 HO +69 8 124 WQ +69 8 125 AG +69 8 126 AG +69 8 127 HO +69 8 128 WQ +69 8 129 KP +69 8 130 HI +69 8 131 IP +69 8 132 AG +69 8 133 HO +69 8 134 HI +69 8 135 AG +69 8 136 HO +69 8 137 HO +69 8 138 KP +69 8 139 KP +69 8 140 HO +69 8 141 KP +69 8 142 KP +69 8 143 WQ +69 8 144 IP +69 8 145 HO +69 8 146 WQ +69 8 147 HO +69 8 148 AG +69 8 149 HO +69 8 150 IP +69 8 151 WQ +69 8 152 WQ +69 8 153 HO +69 8 154 HI +69 8 155 KP +69 8 156 HO +69 8 157 HI +69 8 158 KP +69 8 159 HT +69 8 160 IP +69 8 161 HO +69 8 162 AG +69 8 163 HO +69 8 164 HO +69 8 165 HT +69 8 166 IP +69 8 167 KP +69 8 168 HO +69 8 169 HO +69 8 170 HO +69 8 171 WQ +69 8 172 KP +69 8 173 AG +69 8 174 WQ +69 8 175 HO +69 8 176 AG +69 8 177 WQ +69 8 178 HO +69 8 179 AG +69 8 180 HO +69 8 181 WQ +69 8 182 AG +69 8 183 WQ +69 8 184 HO +69 8 185 WQ +69 8 186 HO +69 8 187 WQ +69 8 188 HO +69 8 189 HO +69 8 190 WQ +69 8 191 HO +69 8 192 WQ +69 8 193 WQ +69 8 194 AG +69 8 195 HO +69 8 196 HO +69 8 197 AG +69 8 198 HI +69 8 199 KP +69 8 200 HO +69 8 201 HO +69 8 202 HO +69 8 203 AG +69 8 204 HI +69 8 205 HT +69 8 206 KP +69 8 207 AG +69 8 208 WQ +69 8 209 HO +69 8 210 AG +69 8 211 HO +69 8 212 WQ +69 8 213 WQ +69 8 214 HT +69 8 215 HT +69 8 216 HI +69 8 217 HO +69 8 218 WQ +69 8 219 HO +69 8 220 HO +69 8 221 HO +69 8 222 WQ +69 8 223 HO +69 8 224 KP +69 8 225 WQ +69 8 226 HO +69 8 227 HI +69 8 228 HO +69 8 229 HO +69 8 230 KP +69 8 231 WQ +69 8 232 HI +69 8 233 HO +69 8 234 HO +69 8 235 HO +69 8 236 WQ +69 8 237 HT +69 8 238 HO +69 8 239 AG +69 8 240 AG +69 8 241 KP +69 8 242 WQ +69 8 243 AG +69 8 244 KP +69 8 245 AG +69 8 246 HO +69 8 247 HT +69 8 248 HO +69 8 249 HO +69 8 250 IP +69 8 251 HO +69 8 252 KP +69 8 253 HO +69 8 254 IP +69 8 255 HI +69 8 256 AG +69 8 257 HO +69 8 258 WQ +69 8 259 AG +69 8 260 WQ +69 8 261 AG +69 8 262 KP +69 8 263 HI +69 8 264 HO +69 8 265 HO +69 8 266 AG +69 8 267 IP +69 8 268 HO +69 8 269 AG +69 8 270 WQ +69 8 271 HO +69 8 272 KP +69 8 273 IP +69 8 274 KP +69 8 275 WQ +69 8 276 AG +69 8 277 HO +69 8 278 AG +69 8 279 HO +69 8 280 HO +69 8 281 HO +69 8 282 HO +69 8 283 IP +69 8 284 KP +69 8 285 IP +69 8 286 KP +69 8 287 IP +69 8 288 AG +69 8 289 HO +69 8 290 HI +69 8 291 HO +69 8 292 IP +69 8 293 HI +69 8 294 HI +69 8 295 IP +69 8 296 IP +69 8 297 WQ +69 8 298 AG +69 8 299 HO +69 8 300 HI +69 8 301 HO +69 8 302 HI +69 8 303 HO +69 8 304 IP +69 8 305 AG +69 8 306 HO +69 8 307 HO +69 8 308 IP +69 8 309 HI +69 8 310 HO +69 8 311 HO +69 8 312 HI +69 8 313 IP +69 8 314 KP +69 8 315 HO +69 8 316 HO +69 8 317 IP +69 8 318 WQ +69 8 319 KP +69 8 320 WQ +69 8 321 AG +69 8 322 HO +69 8 323 HO +69 8 324 KP +69 8 325 IP +69 8 326 WQ +69 8 327 HI +69 8 328 HO +69 8 329 HI +69 8 330 KP +69 9 1 HO +69 9 2 KP +69 9 3 AG +69 9 4 IP +69 9 5 YQ +69 9 6 KP +69 9 7 HO +69 9 8 AG +69 9 9 KP +69 9 10 IP +69 9 11 KU +69 9 12 WQ +69 9 13 KU +69 9 14 IP +69 9 15 KP +69 9 16 KP +69 9 17 AG +69 9 18 HI +69 9 19 HO +69 9 20 HO +69 9 21 AG +69 9 22 WQ +69 9 23 IP +69 9 24 HI +69 9 25 HO +69 9 26 HO +69 9 27 KP +69 9 28 AG +69 9 29 HO +69 9 30 AG +69 9 31 HO +69 9 32 AG +69 9 33 HO +69 9 34 HO +69 9 35 AG +69 9 36 HO +69 9 37 KP +69 9 38 IP +69 9 39 WQ +69 9 40 HO +69 9 41 IP +69 9 42 WQ +69 9 43 HO +69 9 44 KP +69 9 45 HO +69 9 46 IP +69 9 47 IP +69 9 48 WQ +69 9 49 HO +69 9 50 IP +69 9 51 HI +69 9 52 KP +69 9 53 IP +69 9 54 HO +69 9 55 HO +69 9 56 KP +69 9 57 HO +69 9 58 HI +69 9 59 KP +69 9 60 HI +69 9 61 AG +69 9 62 HI +69 9 63 HT +69 9 64 HO +69 9 65 AG +69 9 66 HI +69 9 67 HO +69 9 68 AG +69 9 69 AG +69 9 70 KP +69 9 71 IP +69 9 72 HO +69 9 73 HO +69 9 74 KP +69 9 75 HI +69 9 76 AG +69 9 77 HO +69 9 78 HO +69 9 79 HI +69 9 80 HO +69 9 81 HO +69 9 82 HO +69 9 83 HI +69 9 84 HI +69 9 85 HO +69 9 86 HI +69 9 87 HI +69 9 88 IP +69 9 89 HI +69 9 90 HI +69 9 91 WQ +69 9 92 KP +69 9 93 HO +69 9 94 HI +69 9 95 KP +69 9 96 WQ +69 9 97 HO +69 9 98 AG +69 9 99 HI +69 9 100 KP +69 9 101 AG +69 9 102 HI +69 9 103 HO +69 9 104 KP +69 9 105 AG +69 9 106 WQ +69 9 107 KP +69 9 108 KP +69 9 109 HO +69 9 110 WQ +69 9 111 HI +69 9 112 AG +69 9 113 HI +69 9 114 HO +69 9 115 AG +69 9 116 HO +69 9 117 HI +69 9 118 AG +69 9 119 HO +69 9 120 KP +69 9 121 AG +69 9 122 HO +69 9 123 HO +69 9 124 WQ +69 9 125 AG +69 9 126 HI +69 9 127 HO +69 9 128 WQ +69 9 129 KP +69 9 130 HI +69 9 131 IP +69 9 132 AG +69 9 133 HO +69 9 134 WQ +69 9 135 IP +69 9 136 HO +69 9 137 HO +69 9 138 HO +69 9 139 KP +69 9 140 KP +69 9 141 KP +69 9 142 HI +69 9 143 WQ +69 9 144 HI +69 9 145 HO +69 9 146 WQ +69 9 147 HO +69 9 148 AG +69 9 149 HO +69 9 150 IP +69 9 151 WQ +69 9 152 IP +69 9 153 HO +69 9 154 HI +69 9 155 HI +69 9 156 HO +69 9 157 HI +69 9 158 KP +69 9 159 HI +69 9 160 HI +69 9 161 HO +69 9 162 AG +69 9 163 HO +69 9 164 HO +69 9 165 HT +69 9 166 IP +69 9 167 KP +69 9 168 HO +69 9 169 HO +69 9 170 HI +69 9 171 HI +69 9 172 KP +69 9 173 AG +69 9 174 WQ +69 9 175 KP +69 9 176 AG +69 9 177 WQ +69 9 178 HO +69 9 179 IP +69 9 180 HO +69 9 181 WQ +69 9 182 IP +69 9 183 HI +69 9 184 IP +69 9 185 HI +69 9 186 HO +69 9 187 HI +69 9 188 HO +69 9 189 HI +69 9 190 IP +69 9 191 HO +69 9 192 HT +69 9 193 WQ +69 9 194 HT +69 9 195 HO +69 9 196 HI +69 9 197 HO +69 9 198 HI +69 9 199 HT +69 9 200 HI +69 9 201 KP +69 9 202 HO +69 9 203 IP +69 9 204 HI +69 9 205 HO +69 9 206 HI +69 9 207 IP +69 9 208 HT +69 9 209 HO +69 9 210 HT +69 9 211 HO +69 9 212 AG +69 9 213 HT +69 9 214 WQ +69 9 215 HI +69 9 216 HI +69 9 217 HT +69 9 218 HT +69 9 219 KP +69 9 220 HO +69 9 221 KP +69 9 222 HO +69 9 223 HO +69 9 224 KP +69 9 225 HO +69 9 226 HT +69 9 227 HT +69 9 228 HO +69 9 229 HO +69 9 230 KP +69 9 231 IP +69 9 232 HI +69 9 233 IP +69 9 234 HO +69 9 235 IP +69 9 236 HO +69 9 237 AG +69 9 238 HO +69 9 239 IP +69 9 240 IP +69 9 241 EN +69 9 242 WQ +69 9 243 EN +69 9 244 HT +69 9 245 AG +69 9 246 HO +69 9 247 HO +69 9 248 HO +69 9 249 HO +69 9 250 IP +69 9 251 HO +69 9 252 KP +69 9 253 YQ +69 9 254 HO +69 9 255 HT +69 9 256 IP +69 9 257 HO +69 9 258 WQ +69 9 259 IP +69 9 260 KP +69 9 261 HI +69 9 262 KP +69 9 263 KP +69 9 264 HO +69 9 265 HO +69 9 266 HI +69 9 267 HT +69 9 268 HO +69 9 269 IP +69 9 270 HI +69 9 271 HO +69 9 272 KP +69 9 273 HT +69 9 274 KP +69 9 275 HT +69 9 276 IP +69 9 277 HT +69 9 278 AG +69 9 279 HO +69 9 280 HT +69 9 281 HO +69 9 282 YQ +69 9 283 HT +69 9 284 KP +69 9 285 HT +69 9 286 HT +69 9 287 HT +69 9 288 AG +69 9 289 HO +69 9 290 HT +69 9 291 HO +69 9 292 HT +69 9 293 KP +69 9 294 HT +69 9 295 HT +69 9 296 IP +69 9 297 WQ +69 9 298 IP +69 9 299 HO +69 9 300 HT +69 9 301 HO +69 9 302 HT +69 9 303 HT +69 9 304 HO +69 9 305 IP +69 9 306 HO +69 9 307 IP +69 9 308 IP +69 9 309 HT +69 9 310 YQ +69 9 311 HT +69 9 312 HT +69 9 313 IP +69 9 314 KP +69 9 315 HO +69 9 316 HT +69 9 317 IP +69 9 318 AG +69 9 319 KP +69 9 320 HO +69 9 321 AG +69 9 322 HO +69 9 323 HT +69 9 324 KP +69 9 325 IP +69 9 326 WQ +69 9 327 KP +69 9 328 HO +69 9 329 HT +69 9 330 KP +69 10 1 HO +69 10 2 HO +69 10 3 AG +69 10 4 WQ +69 10 5 HO +69 10 6 KP +69 10 7 HO +69 10 8 AG +69 10 9 HT +69 10 10 HO +69 10 11 HO +69 10 12 WQ +69 10 13 HO +69 10 14 HO +69 10 15 KP +69 10 16 KP +69 10 17 AG +69 10 18 HI +69 10 19 HO +69 10 20 HO +69 10 21 AG +69 10 22 KP +69 10 23 HO +69 10 24 HI +69 10 25 HO +69 10 26 HO +69 10 27 KP +69 10 28 AG +69 10 29 HO +69 10 30 WQ +69 10 31 HO +69 10 32 AG +69 10 33 HO +69 10 34 HO +69 10 35 HT +69 10 36 HO +69 10 37 HO +69 10 38 AG +69 10 39 HO +69 10 40 HO +69 10 41 AG +69 10 42 WQ +69 10 43 HO +69 10 44 KP +69 10 45 HO +69 10 46 HI +69 10 47 HI +69 10 48 WQ +69 10 49 HO +69 10 50 HI +69 10 51 HI +69 10 52 KP +69 10 53 AG +69 10 54 HO +69 10 55 HO +69 10 56 KP +69 10 57 HO +69 10 58 WQ +69 10 59 KP +69 10 60 HO +69 10 61 AG +69 10 62 HO +69 10 63 WQ +69 10 64 HO +69 10 65 AG +69 10 66 KP +69 10 67 HO +69 10 68 AG +69 10 69 HO +69 10 70 KP +69 10 71 AG +69 10 72 HO +69 10 73 AG +69 10 74 HO +69 10 75 HO +69 10 76 AG +69 10 77 HO +69 10 78 KP +69 10 79 HI +69 10 80 HO +69 10 81 HO +69 10 82 HO +69 10 83 KP +69 10 84 HT +69 10 85 HO +69 10 86 AG +69 10 87 HI +69 10 88 AG +69 10 89 HI +69 10 90 HI +69 10 91 HO +69 10 92 KP +69 10 93 HO +69 10 94 HI +69 10 95 KP +69 10 96 WQ +69 10 97 HO +69 10 98 AG +69 10 99 KP +69 10 100 HO +69 10 101 AG +69 10 102 KP +69 10 103 HO +69 10 104 HO +69 10 105 AG +69 10 106 KP +69 10 107 KP +69 10 108 KP +69 10 109 HO +69 10 110 HW +69 10 111 HO +69 10 112 AG +69 10 113 HI +69 10 114 HO +69 10 115 AG +69 10 116 HO +69 10 117 HI +69 10 118 AG +69 10 119 HO +69 10 120 KP +69 10 121 AG +69 10 122 HO +69 10 123 HO +69 10 124 HO +69 10 125 AG +69 10 126 AG +69 10 127 HO +69 10 128 KP +69 10 129 KP +69 10 130 HI +69 10 131 AG +69 10 132 AG +69 10 133 HO +69 10 134 HI +69 10 135 AG +69 10 136 HO +69 10 137 HO +69 10 138 HO +69 10 139 KP +69 10 140 HO +69 10 141 KP +69 10 142 KP +69 10 143 HO +69 10 144 HI +69 10 145 HO +69 10 146 WQ +69 10 147 HO +69 10 148 AG +69 10 149 HO +69 10 150 HI +69 10 151 KP +69 10 152 KP +69 10 153 HO +69 10 154 HI +69 10 155 HI +69 10 156 HO +69 10 157 HI +69 10 158 KP +69 10 159 WQ +69 10 160 HT +69 10 161 HO +69 10 162 AG +69 10 163 HO +69 10 164 HO +69 10 165 HO +69 10 166 HO +69 10 167 HT +69 10 168 HO +69 10 169 HO +69 10 170 HO +69 10 171 HO +69 10 172 KP +69 10 173 AG +69 10 174 WQ +69 10 175 HO +69 10 176 AG +69 10 177 HT +69 10 178 HO +69 10 179 AG +69 10 180 HO +69 10 181 HT +69 10 182 AG +69 10 183 HI +69 10 184 HO +69 10 185 HT +69 10 186 HO +69 10 187 HT +69 10 188 HO +69 10 189 HT +69 10 190 HT +69 10 191 HO +69 10 192 HT +69 10 193 HO +69 10 194 AG +69 10 195 HO +69 10 196 HO +69 10 197 HT +69 10 198 HI +69 10 199 KP +69 10 200 HO +69 10 201 HT +69 10 202 HO +69 10 203 AG +69 10 204 HI +69 10 205 HO +69 10 206 HT +69 10 207 AG +69 10 208 HT +69 10 209 HO +69 10 210 AG +69 10 211 HO +69 10 212 AG +69 10 213 KP +69 10 214 WQ +69 10 215 HT +69 10 216 HI +69 10 217 HT +69 10 218 WQ +69 10 219 HT +69 10 220 HO +69 10 221 HT +69 10 222 HI +69 10 223 HO +69 10 224 KP +69 10 225 WQ +69 10 226 HO +69 10 227 HI +69 10 228 HO +69 10 229 HT +69 10 230 KP +69 10 231 AG +69 10 232 HI +69 10 233 HT +69 10 234 HO +69 10 235 HO +69 10 236 WQ +69 10 237 HT +69 10 238 HO +69 10 239 HT +69 10 240 HI +69 10 241 KP +69 10 242 HT +69 10 243 AG +69 10 244 KP +69 10 245 AG +69 10 246 HO +69 10 247 HO +69 10 248 HO +69 10 249 HO +69 10 250 HI +69 10 251 HO +69 10 252 KP +69 10 253 HO +69 10 254 HO +69 10 255 HI +69 10 256 AG +69 10 257 HO +69 10 258 HW +69 10 259 AG +69 10 260 KP +69 10 261 WQ +69 10 262 KP +69 10 263 HI +69 10 264 HO +69 10 265 HO +69 10 266 AG +69 10 267 AG +69 10 268 HO +69 10 269 HT +69 10 270 WQ +69 10 271 HO +69 10 272 KP +69 10 273 HW +69 10 274 KP +69 10 275 HW +69 10 276 AG +69 10 277 HO +69 10 278 HT +69 10 279 HO +69 10 280 HO +69 10 281 HO +69 10 282 HO +69 10 283 HI +69 10 284 KP +69 10 285 HT +69 10 286 KP +69 10 287 HI +69 10 288 AG +69 10 289 HO +69 10 290 KP +69 10 291 HO +69 10 292 HT +69 10 293 KP +69 10 294 KP +69 10 295 HI +69 10 296 HO +69 10 297 WQ +69 10 298 AG +69 10 299 HO +69 10 300 KP +69 10 301 HO +69 10 302 KP +69 10 303 KP +69 10 304 HO +69 10 305 AG +69 10 306 HO +69 10 307 HO +69 10 308 WQ +69 10 309 HI +69 10 310 HO +69 10 311 HO +69 10 312 HI +69 10 313 HO +69 10 314 KP +69 10 315 HO +69 10 316 HO +69 10 317 AG +69 10 318 HT +69 10 319 KP +69 10 320 HO +69 10 321 AG +69 10 322 HO +69 10 323 HO +69 10 324 KP +69 10 325 EN +69 10 326 WQ +69 10 327 KP +69 10 328 HO +69 10 329 HT +69 10 330 HO +69 11 1 HW +69 11 2 HO +69 11 3 AG +69 11 4 WQ +69 11 5 HO +69 11 6 KP +69 11 7 HO +69 11 8 * +69 11 9 * +69 11 10 HO +69 11 11 HO +69 11 12 WQ +69 11 13 HO +69 11 14 HI +69 11 15 KP +69 11 16 KP +69 11 17 AG +69 11 18 HI +69 11 19 HO +69 11 20 HO +69 11 21 AG +69 11 22 * +69 11 23 WQ +69 11 24 HI +69 11 25 HO +69 11 26 HO +69 11 27 KP +69 11 28 AG +69 11 29 HO +69 11 30 AG +69 11 31 KP +69 11 32 AG +69 11 33 HO +69 11 34 HO +69 11 35 AG +69 11 36 HO +69 11 37 HO +69 11 38 AG +69 11 39 HO +69 11 40 KP +69 11 41 AG +69 11 42 WQ +69 11 43 HO +69 11 44 KP +69 11 45 HO +69 11 46 KP +69 11 47 HO +69 11 48 WQ +69 11 49 HO +69 11 50 HW +69 11 51 HI +69 11 52 KP +69 11 53 AG +69 11 54 HO +69 11 55 KP +69 11 56 KP +69 11 57 HO +69 11 58 HI +69 11 59 KP +69 11 60 HO +69 11 61 AG +69 11 62 KP +69 11 63 AG +69 11 64 HO +69 11 65 AG +69 11 66 KP +69 11 67 HO +69 11 68 AG +69 11 69 WQ +69 11 70 KP +69 11 71 AG +69 11 72 HO +69 11 73 AG +69 11 74 KP +69 11 75 HO +69 11 76 AG +69 11 77 HO +69 11 78 KP +69 11 79 HI +69 11 80 HO +69 11 81 WQ +69 11 82 KP +69 11 83 KP +69 11 84 AG +69 11 85 HO +69 11 86 AG +69 11 87 HI +69 11 88 AG +69 11 89 HI +69 11 90 HI +69 11 91 HO +69 11 92 KP +69 11 93 HO +69 11 94 HI +69 11 95 KP +69 11 96 WQ +69 11 97 HO +69 11 98 AG +69 11 99 WQ +69 11 100 KP +69 11 101 AG +69 11 102 KP +69 11 103 HI +69 11 104 KP +69 11 105 AG +69 11 106 KP +69 11 107 KP +69 11 108 KP +69 11 109 HO +69 11 110 WQ +69 11 111 HI +69 11 112 AG +69 11 113 HI +69 11 114 HO +69 11 115 AG +69 11 116 KP +69 11 117 HI +69 11 118 WQ +69 11 119 HO +69 11 120 KP +69 11 121 AG +69 11 122 HO +69 11 123 HO +69 11 124 KP +69 11 125 AG +69 11 126 AG +69 11 127 HO +69 11 128 WQ +69 11 129 KP +69 11 130 HI +69 11 131 WQ +69 11 132 AG +69 11 133 HO +69 11 134 HI +69 11 135 AG +69 11 136 HO +69 11 137 HO +69 11 138 KP +69 11 139 KP +69 11 140 HO +69 11 141 KP +69 11 142 KP +69 11 143 WQ +69 11 144 HO +69 11 145 HO +69 11 146 WQ +69 11 147 HO +69 11 148 AG +69 11 149 HO +69 11 150 HW +69 11 151 AG +69 11 152 AG +69 11 153 HO +69 11 154 HI +69 11 155 HI +69 11 156 HO +69 11 157 HI +69 11 158 KP +69 11 159 KP +69 11 160 AG +69 11 161 HO +69 11 162 AG +69 11 163 HO +69 11 164 HO +69 11 165 WQ +69 11 166 HI +69 11 167 HP +69 11 168 HO +69 11 169 HO +69 11 170 HI +69 11 171 HO +69 11 172 KP +69 11 173 AG +69 11 174 WQ +69 11 175 KP +69 11 176 AG +69 11 177 KP +69 11 178 WQ +69 11 179 AG +69 11 180 HO +69 11 181 IP +69 11 182 AG +69 11 183 HI +69 11 184 AG +69 11 185 WQ +69 11 186 HO +69 11 187 HW +69 11 188 HO +69 11 189 KP +69 11 190 WQ +69 11 191 HO +69 11 192 HO +69 11 193 WQ +69 11 194 AG +69 11 195 HO +69 11 196 KP +69 11 197 WQ +69 11 198 HI +69 11 199 KP +69 11 200 HO +69 11 201 AG +69 11 202 HO +69 11 203 AG +69 11 204 HI +69 11 205 HO +69 11 206 KP +69 11 207 AG +69 11 208 HI +69 11 209 HO +69 11 210 HI +69 11 211 HO +69 11 212 AG +69 11 213 KP +69 11 214 IP +69 11 215 WQ +69 11 216 HI +69 11 217 KP +69 11 218 WQ +69 11 219 KP +69 11 220 HO +69 11 221 KP +69 11 222 HI +69 11 223 HO +69 11 224 KP +69 11 225 HI +69 11 226 HO +69 11 227 HI +69 11 228 HI +69 11 229 KP +69 11 230 KP +69 11 231 AG +69 11 232 HI +69 11 233 HW +69 11 234 HO +69 11 235 HO +69 11 236 WQ +69 11 237 KP +69 11 238 HO +69 11 239 AG +69 11 240 AG +69 11 241 KP +69 11 242 KP +69 11 243 AG +69 11 244 KP +69 11 245 AG +69 11 246 HO +69 11 247 WQ +69 11 248 HI +69 11 249 HO +69 11 250 HI +69 11 251 HO +69 11 252 KP +69 11 253 HO +69 11 254 KP +69 11 255 HI +69 11 256 AG +69 11 257 HO +69 11 258 WQ +69 11 259 AG +69 11 260 KP +69 11 261 AG +69 11 262 KP +69 11 263 HI +69 11 264 HP +69 11 265 HO +69 11 266 AG +69 11 267 AG +69 11 268 HO +69 11 269 AG +69 11 270 AG +69 11 271 HO +69 11 272 KP +69 11 273 AG +69 11 274 KP +69 11 275 HW +69 11 276 AG +69 11 277 HO +69 11 278 AG +69 11 279 HW +69 11 280 HW +69 11 281 HO +69 11 282 HO +69 11 283 HI +69 11 284 KP +69 11 285 AG +69 11 286 KP +69 11 287 HI +69 11 288 AG +69 11 289 HO +69 11 290 KP +69 11 291 HO +69 11 292 AG +69 11 293 WQ +69 11 294 KP +69 11 295 HI +69 11 296 WQ +69 11 297 AG +69 11 298 WQ +69 11 299 HO +69 11 300 KP +69 11 301 HO +69 11 302 KP +69 11 303 KP +69 11 304 HI +69 11 305 AG +69 11 306 HO +69 11 307 HO +69 11 308 IP +69 11 309 HI +69 11 310 HO +69 11 311 HO +69 11 312 HI +69 11 313 IP +69 11 314 KP +69 11 315 HO +69 11 316 HO +69 11 317 AG +69 11 318 AG +69 11 319 KP +69 11 320 HI +69 11 321 AG +69 11 322 HO +69 11 323 HO +69 11 324 KP +69 11 325 AG +69 11 326 WQ +69 11 327 KP +69 11 328 WQ +69 11 329 HO +69 11 330 KP +69 12 1 HO +69 12 2 HO +69 12 3 AG +69 12 4 IP +69 12 5 HO +69 12 6 KP +69 12 7 HO +69 12 8 * +69 12 9 * +69 12 10 HO +69 12 11 HO +69 12 12 HW +69 12 13 HO +69 12 14 HO +69 12 15 HW +69 12 16 KP +69 12 17 AG +69 12 18 HI +69 12 19 HO +69 12 20 HO +69 12 21 * +69 12 22 HW +69 12 23 IP +69 12 24 HI +69 12 25 HO +69 12 26 HO +69 12 27 KP +69 12 28 AG +69 12 29 HO +69 12 30 WQ +69 12 31 HO +69 12 32 WQ +69 12 33 * +69 12 34 HO +69 12 35 AG +69 12 36 HI +69 12 37 * +69 12 38 AG +69 12 39 HO +69 12 40 HO +69 12 41 AG +69 12 42 WQ +69 12 43 HO +69 12 44 KP +69 12 45 HO +69 12 46 HI +69 12 47 HI +69 12 48 WQ +69 12 49 HO +69 12 50 IP +69 12 51 HI +69 12 52 KP +69 12 53 AG +69 12 54 HO +69 12 55 HO +69 12 56 * +69 12 57 HO +69 12 58 HW +69 12 59 KP +69 12 60 HO +69 12 61 AG +69 12 62 HI +69 12 63 AG +69 12 64 HO +69 12 65 AG +69 12 66 KP +69 12 67 * +69 12 68 HW +69 12 69 WQ +69 12 70 KP +69 12 71 EN +69 12 72 HO +69 12 73 HO +69 12 74 KP +69 12 75 HI +69 12 76 AG +69 12 77 HO +69 12 78 HW +69 12 79 HI +69 12 80 HI +69 12 81 WQ +69 12 82 HO +69 12 83 KP +69 12 84 AG +69 12 85 HO +69 12 86 IP +69 12 87 HI +69 12 88 IP +69 12 89 HI +69 12 90 HI +69 12 91 WQ +69 12 92 HW +69 12 93 HI +69 12 94 HI +69 12 95 KP +69 12 96 HW +69 12 97 HO +69 12 98 AG +69 12 99 * +69 12 100 HO +69 12 101 AG +69 12 102 HO +69 12 103 HI +69 12 104 HI +69 12 105 AG +69 12 106 HW +69 12 107 KP +69 12 108 HI +69 12 109 HI +69 12 110 HW +69 12 111 HO +69 12 112 AG +69 12 113 HO +69 12 114 HO +69 12 115 AG +69 12 116 HO +69 12 117 HI +69 12 118 AG +69 12 119 HO +69 12 120 HW +69 12 121 AG +69 12 122 HO +69 12 123 HO +69 12 124 HW +69 12 125 * +69 12 126 * +69 12 127 HO +69 12 128 WQ +69 12 129 KP +69 12 130 HO +69 12 131 HW +69 12 132 AG +69 12 133 HI +69 12 134 HI +69 12 135 AG +69 12 136 HO +69 12 137 HO +69 12 138 HO +69 12 139 HW +69 12 140 HI +69 12 141 KP +69 12 142 KP +69 12 143 HW +69 12 144 HI +69 12 145 HI +69 12 146 WQ +69 12 147 HI +69 12 148 AG +69 12 149 HW +69 12 150 IP +69 12 151 AG +69 12 152 WQ +69 12 153 HO +69 12 154 HI +69 12 155 HI +69 12 156 HO +69 12 157 * +69 12 158 KP +69 12 159 HW +69 12 160 WQ +69 12 161 HO +69 12 162 AG +69 12 163 HO +69 12 164 HO +69 12 165 WQ +69 12 166 * +69 12 167 HO +69 12 168 HO +69 12 169 HI +69 12 170 HI +69 12 171 HO +69 12 172 KP +69 12 173 AG +69 12 174 HW +69 12 175 HO +69 12 176 AG +69 12 177 HW +69 12 178 HO +69 12 179 AG +69 12 180 HI +69 12 181 WQ +69 12 182 AG +69 12 183 HO +69 12 184 HI +69 12 185 KP +69 12 186 HO +69 12 187 HO +69 12 188 HI +69 12 189 HI +69 12 190 WQ +69 12 191 HO +69 12 192 HI +69 12 193 WQ +69 12 194 HI +69 12 195 HI +69 12 196 HI +69 12 197 KP +69 12 198 HI +69 12 199 * +69 12 200 HO +69 12 201 KP +69 12 202 HO +69 12 203 AG +69 12 204 * +69 12 205 HI +69 12 206 KP +69 12 207 AG +69 12 208 HW +69 12 209 HI +69 12 210 AG +69 12 211 HO +69 12 212 AG +69 12 213 HO +69 12 214 HW +69 12 215 AG +69 12 216 HI +69 12 217 AG +69 12 218 WQ +69 12 219 KP +69 12 220 HO +69 12 221 KP +69 12 222 HW +69 12 223 HO +69 12 224 KP +69 12 225 WQ +69 12 226 HI +69 12 227 HI +69 12 228 HI +69 12 229 HO +69 12 230 KP +69 12 231 AG +69 12 232 HI +69 12 233 HI +69 12 234 HO +69 12 235 HI +69 12 236 WQ +69 12 237 AG +69 12 238 HO +69 12 239 AG +69 12 240 AG +69 12 241 KP +69 12 242 WQ +69 12 243 AG +69 12 244 KP +69 12 245 AG +69 12 246 * +69 12 247 HO +69 12 248 HI +69 12 249 HI +69 12 250 HW +69 12 251 HO +69 12 252 KP +69 12 253 HO +69 12 254 HI +69 12 255 HI +69 12 256 AG +69 12 257 HI +69 12 258 HW +69 12 259 AG +69 12 260 WQ +69 12 261 AG +69 12 262 HI +69 12 263 HI +69 12 264 HI +69 12 265 HO +69 12 266 AG +69 12 267 AG +69 12 268 HW +69 12 269 AG +69 12 270 AG +69 12 271 HI +69 12 272 KP +69 12 273 AG +69 12 274 KP +69 12 275 WQ +69 12 276 AG +69 12 277 HI +69 12 278 AG +69 12 279 HI +69 12 280 WQ +69 12 281 HO +69 12 282 WQ +69 12 283 HW +69 12 284 KP +69 12 285 AG +69 12 286 KP +69 12 287 IP +69 12 288 AG +69 12 289 HO +69 12 290 WQ +69 12 291 HO +69 12 292 AG +69 12 293 KP +69 12 294 KP +69 12 295 HW +69 12 296 HW +69 12 297 AG +69 12 298 * +69 12 299 HO +69 12 300 HI +69 12 301 HI +69 12 302 HW +69 12 303 HI +69 12 304 WQ +69 12 305 AG +69 12 306 HO +69 12 307 HI +69 12 308 HI +69 12 309 HI +69 12 310 HI +69 12 311 HI +69 12 312 HI +69 12 313 HI +69 12 314 KP +69 12 315 HW +69 12 316 HI +69 12 317 AG +69 12 318 AG +69 12 319 HW +69 12 320 HI +69 12 321 AG +69 12 322 HI +69 12 323 HO +69 12 324 * +69 12 325 AG +69 12 326 WQ +69 12 327 HI +69 12 328 HI +69 12 329 HI +69 12 330 HI +69 13 1 HO +69 13 2 HO +69 13 3 AG +69 13 4 HO +69 13 5 EG +69 13 6 YA +69 13 7 HO +69 13 8 YA +69 13 9 EG +69 13 10 HO +69 13 11 HO +69 13 12 YA +69 13 13 HO +69 13 14 HO +69 13 15 YA +69 13 16 KP +69 13 17 AG +69 13 18 HO +69 13 19 EG +69 13 20 EG +69 13 21 * +69 13 22 YA +69 13 23 HO +69 13 24 YA +69 13 25 HO +69 13 26 HO +69 13 27 YA +69 13 28 AG +69 13 29 HO +69 13 30 * +69 13 31 HO +69 13 32 WQ +69 13 33 HO +69 13 34 HO +69 13 35 WQ +69 13 36 HO +69 13 37 EG +69 13 38 WQ +69 13 39 EG +69 13 40 HO +69 13 41 WQ +69 13 42 WQ +69 13 43 EG +69 13 44 YA +69 13 45 HO +69 13 46 EG +69 13 47 EG +69 13 48 YA +69 13 49 HO +69 13 50 YA +69 13 51 EG +69 13 52 YA +69 13 53 YA +69 13 54 * +69 13 55 HO +69 13 56 YA +69 13 57 EG +69 13 58 YA +69 13 59 HO +69 13 60 EG +69 13 61 YA +69 13 62 HO +69 13 63 YA +69 13 64 * +69 13 65 * +69 13 66 KP +69 13 67 HO +69 13 68 YA +69 13 69 * +69 13 70 KP +69 13 71 EG +69 13 72 EG +69 13 73 EG +69 13 74 HO +69 13 75 HO +69 13 76 YA +69 13 77 HO +69 13 78 YA +69 13 79 EG +69 13 80 HO +69 13 81 HO +69 13 82 HO +69 13 83 YA +69 13 84 YA +69 13 85 HO +69 13 86 YA +69 13 87 EG +69 13 88 * +69 13 89 EG +69 13 90 * +69 13 91 * +69 13 92 KP +69 13 93 HO +69 13 94 EG +69 13 95 KP +69 13 96 YA +69 13 97 HO +69 13 98 AG +69 13 99 HO +69 13 100 HO +69 13 101 YA +69 13 102 YA +69 13 103 * +69 13 104 HO +69 13 105 YA +69 13 106 KP +69 13 107 EG +69 13 108 HO +69 13 109 HI +69 13 110 AG +69 13 111 * +69 13 112 AG +69 13 113 EG +69 13 114 HO +69 13 115 YA +69 13 116 HO +69 13 117 EG +69 13 118 AG +69 13 119 HO +69 13 120 KP +69 13 121 AG +69 13 122 HO +69 13 123 HO +69 13 124 * +69 13 125 AG +69 13 126 AG +69 13 127 EG +69 13 128 KP +69 13 129 KP +69 13 130 EG +69 13 131 YA +69 13 132 AG +69 13 133 EG +69 13 134 YA +69 13 135 AG +69 13 136 HO +69 13 137 HO +69 13 138 KP +69 13 139 KP +69 13 140 HO +69 13 141 KP +69 13 142 HO +69 13 143 HO +69 13 144 HI +69 13 145 HO +69 13 146 YA +69 13 147 HO +69 13 148 AG +69 13 149 HO +69 13 150 EG +69 13 151 YA +69 13 152 YA +69 13 153 HO +69 13 154 EG +69 13 155 EG +69 13 156 HO +69 13 157 EG +69 13 158 KP +69 13 159 YA +69 13 160 YA +69 13 161 HO +69 13 162 AG +69 13 163 HO +69 13 164 HO +69 13 165 * +69 13 166 EG +69 13 167 HI +69 13 168 HO +69 13 169 HO +69 13 170 HO +69 13 171 * +69 13 172 KP +69 13 173 AG +69 13 174 AG +69 13 175 HO +69 13 176 AG +69 13 177 YA +69 13 178 HO +69 13 179 EG +69 13 180 HO +69 13 181 YA +69 13 182 EG +69 13 183 HI +69 13 184 HO +69 13 185 YA +69 13 186 HO +69 13 187 YA +69 13 188 HO +69 13 189 HO +69 13 190 AG +69 13 191 HO +69 13 192 YA +69 13 193 YA +69 13 194 HI +69 13 195 HO +69 13 196 HO +69 13 197 YA +69 13 198 EG +69 13 199 HI +69 13 200 HO +69 13 201 YA +69 13 202 HO +69 13 203 YA +69 13 204 EG +69 13 205 * +69 13 206 KP +69 13 207 AG +69 13 208 YA +69 13 209 HO +69 13 210 * +69 13 211 HO +69 13 212 YA +69 13 213 KP +69 13 214 HO +69 13 215 YA +69 13 216 EG +69 13 217 YA +69 13 218 EG +69 13 219 KP +69 13 220 HO +69 13 221 HO +69 13 222 HO +69 13 223 HO +69 13 224 KP +69 13 225 EG +69 13 226 HO +69 13 227 HI +69 13 228 HI +69 13 229 HO +69 13 230 KP +69 13 231 YA +69 13 232 EG +69 13 233 HO +69 13 234 HO +69 13 235 HO +69 13 236 HI +69 13 237 YA +69 13 238 HO +69 13 239 YA +69 13 240 * +69 13 241 KP +69 13 242 YA +69 13 243 EG +69 13 244 KP +69 13 245 AG +69 13 246 HO +69 13 247 HO +69 13 248 EG +69 13 249 HO +69 13 250 HI +69 13 251 HO +69 13 252 KP +69 13 253 HO +69 13 254 HO +69 13 255 * +69 13 256 AG +69 13 257 HO +69 13 258 YA +69 13 259 AG +69 13 260 HO +69 13 261 AG +69 13 262 KP +69 13 263 * +69 13 264 HO +69 13 265 HO +69 13 266 AG +69 13 267 YA +69 13 268 HO +69 13 269 AG +69 13 270 AG +69 13 271 HI +69 13 272 KP +69 13 273 YA +69 13 274 KP +69 13 275 YA +69 13 276 AG +69 13 277 HO +69 13 278 AG +69 13 279 HO +69 13 280 HO +69 13 281 HO +69 13 282 HO +69 13 283 YA +69 13 284 KP +69 13 285 AG +69 13 286 KP +69 13 287 * +69 13 288 AG +69 13 289 HO +69 13 290 YA +69 13 291 HO +69 13 292 YA +69 13 293 HO +69 13 294 KP +69 13 295 EG +69 13 296 EG +69 13 297 YA +69 13 298 AG +69 13 299 HO +69 13 300 EG +69 13 301 HO +69 13 302 KP +69 13 303 KP +69 13 304 HO +69 13 305 EG +69 13 306 HO +69 13 307 HO +69 13 308 HO +69 13 309 EG +69 13 310 HO +69 13 311 HO +69 13 312 EG +69 13 313 HO +69 13 314 KP +69 13 315 HO +69 13 316 HO +69 13 317 AG +69 13 318 AG +69 13 319 KP +69 13 320 HO +69 13 321 AG +69 13 322 KP +69 13 323 HO +69 13 324 KP +69 13 325 AG +69 13 326 AG +69 13 327 KP +69 13 328 HO +69 13 329 * +69 13 330 KP +69 14 1 HO +69 14 2 YQ +69 14 3 AG +69 14 4 IP +69 14 5 KU +69 14 6 KP +69 14 7 HO +69 14 8 IP +69 14 9 HT +69 14 10 HO +69 14 11 HO +69 14 12 WQ +69 14 13 HO +69 14 14 HO +69 14 15 KU +69 14 16 KU +69 14 17 AG +69 14 18 HI +69 14 19 KU +69 14 20 HO +69 14 21 AG +69 14 22 KP +69 14 23 HO +69 14 24 HI +69 14 25 YQ +69 14 26 HO +69 14 27 KU +69 14 28 AG +69 14 29 HO +69 14 30 AG +69 14 31 KU +69 14 32 AG +69 14 33 HO +69 14 34 HO +69 14 35 EN +69 14 36 HO +69 14 37 HI +69 14 38 EN +69 14 39 HO +69 14 40 HO +69 14 41 EN +69 14 42 KU +69 14 43 HO +69 14 44 KU +69 14 45 HO +69 14 46 KU +69 14 47 HO +69 14 48 EN +69 14 49 HO +69 14 50 IP +69 14 51 HI +69 14 52 KU +69 14 53 AG +69 14 54 HO +69 14 55 KU +69 14 56 KU +69 14 57 HO +69 14 58 HO +69 14 59 KU +69 14 60 HO +69 14 61 AG +69 14 62 KU +69 14 63 AG +69 14 64 HO +69 14 65 AG +69 14 66 KU +69 14 67 HO +69 14 68 AG +69 14 69 KU +69 14 70 KU +69 14 71 IP +69 14 72 HO +69 14 73 IP +69 14 74 KU +69 14 75 HO +69 14 76 AG +69 14 77 HO +69 14 78 KU +69 14 79 HO +69 14 80 HO +69 14 81 KU +69 14 82 HO +69 14 83 KU +69 14 84 AG +69 14 85 HO +69 14 86 IP +69 14 87 HI +69 14 88 IP +69 14 89 HO +69 14 90 HO +69 14 91 KU +69 14 92 KU +69 14 93 HO +69 14 94 HO +69 14 95 KU +69 14 96 HW +69 14 97 HO +69 14 98 AG +69 14 99 KU +69 14 100 HO +69 14 101 IP +69 14 102 KU +69 14 103 HO +69 14 104 HO +69 14 105 IP +69 14 106 KU +69 14 107 KU +69 14 108 HO +69 14 109 HO +69 14 110 HW +69 14 111 HO +69 14 112 IP +69 14 113 HO +69 14 114 HO +69 14 115 AG +69 14 116 KU +69 14 117 IP +69 14 118 AG +69 14 119 HO +69 14 120 KP +69 14 121 AG +69 14 122 HO +69 14 123 HO +69 14 124 HW +69 14 125 WQ +69 14 126 KU +69 14 127 HO +69 14 128 WQ +69 14 129 KU +69 14 130 HO +69 14 131 IP +69 14 132 IP +69 14 133 HO +69 14 134 HI +69 14 135 AG +69 14 136 KU +69 14 137 HO +69 14 138 KU +69 14 139 KU +69 14 140 HO +69 14 141 KP +69 14 142 KP +69 14 143 HW +69 14 144 HO +69 14 145 KU +69 14 146 WQ +69 14 147 KU +69 14 148 AG +69 14 149 KU +69 14 150 IP +69 14 151 KP +69 14 152 KP +69 14 153 KU +69 14 154 HI +69 14 155 HO +69 14 156 HO +69 14 157 HI +69 14 158 KP +69 14 159 KU +69 14 160 KP +69 14 161 HO +69 14 162 AG +69 14 163 HO +69 14 164 HO +69 14 165 HO +69 14 166 HO +69 14 167 KU +69 14 168 HO +69 14 169 HO +69 14 170 HO +69 14 171 HO +69 14 172 KU +69 14 173 AG +69 14 174 KU +69 14 175 HO +69 14 176 AG +69 14 177 KU +69 14 178 HO +69 14 179 IP +69 14 180 HO +69 14 181 HO +69 14 182 IP +69 14 183 IP +69 14 184 HO +69 14 185 IP +69 14 186 HO +69 14 187 IP +69 14 188 HO +69 14 189 KU +69 14 190 IP +69 14 191 HO +69 14 192 HO +69 14 193 WQ +69 14 194 EN +69 14 195 HO +69 14 196 KU +69 14 197 KU +69 14 198 IP +69 14 199 KU +69 14 200 KU +69 14 201 HW +69 14 202 HO +69 14 203 IP +69 14 204 HI +69 14 205 HO +69 14 206 KU +69 14 207 IP +69 14 208 KU +69 14 209 HO +69 14 210 IP +69 14 211 HO +69 14 212 HW +69 14 213 KU +69 14 214 WQ +69 14 215 KU +69 14 216 IP +69 14 217 KU +69 14 218 HW +69 14 219 KU +69 14 220 HO +69 14 221 KU +69 14 222 IP +69 14 223 HO +69 14 224 KP +69 14 225 HW +69 14 226 HO +69 14 227 HI +69 14 228 HO +69 14 229 KU +69 14 230 KP +69 14 231 AG +69 14 232 HO +69 14 233 HO +69 14 234 HO +69 14 235 HO +69 14 236 WQ +69 14 237 KU +69 14 238 HO +69 14 239 IP +69 14 240 HI +69 14 241 KU +69 14 242 WQ +69 14 243 IP +69 14 244 KU +69 14 245 AG +69 14 246 HO +69 14 247 HO +69 14 248 HI +69 14 249 HO +69 14 250 KU +69 14 251 HO +69 14 252 KU +69 14 253 HO +69 14 254 KU +69 14 255 HI +69 14 256 AG +69 14 257 HO +69 14 258 HW +69 14 259 AG +69 14 260 KU +69 14 261 WQ +69 14 262 KP +69 14 263 KP +69 14 264 KP +69 14 265 HO +69 14 266 IP +69 14 267 IP +69 14 268 HO +69 14 269 HI +69 14 270 IP +69 14 271 HO +69 14 272 KP +69 14 273 WQ +69 14 274 KP +69 14 275 HW +69 14 276 AG +69 14 277 HO +69 14 278 AG +69 14 279 HO +69 14 280 HO +69 14 281 HO +69 14 282 HO +69 14 283 HO +69 14 284 KP +69 14 285 KP +69 14 286 KP +69 14 287 HW +69 14 288 AG +69 14 289 HO +69 14 290 KP +69 14 291 HW +69 14 292 IP +69 14 293 KU +69 14 294 KU +69 14 295 HI +69 14 296 AG +69 14 297 WQ +69 14 298 AG +69 14 299 HO +69 14 300 KP +69 14 301 KP +69 14 302 KP +69 14 303 KP +69 14 304 HO +69 14 305 AG +69 14 306 WQ +69 14 307 KU +69 14 308 KU +69 14 309 HI +69 14 310 HO +69 14 311 HO +69 14 312 HO +69 14 313 HO +69 14 314 KP +69 14 315 KP +69 14 316 HW +69 14 317 IP +69 14 318 HW +69 14 319 KP +69 14 320 KU +69 14 321 AG +69 14 322 KU +69 14 323 HO +69 14 324 KP +69 14 325 EN +69 14 326 HW +69 14 327 KP +69 14 328 HO +69 14 329 EN +69 14 330 KP +69 15 1 HO +69 15 2 HO +69 15 3 AG +69 15 4 EG +69 15 5 HO +69 15 6 WQ +69 15 7 HO +69 15 8 AG +69 15 9 * +69 15 10 HO +69 15 11 HO +69 15 12 WQ +69 15 13 HO +69 15 14 HO +69 15 15 AG +69 15 16 KP +69 15 17 AG +69 15 18 HI +69 15 19 HO +69 15 20 HO +69 15 21 AG +69 15 22 WQ +69 15 23 HO +69 15 24 AY +69 15 25 HO +69 15 26 HO +69 15 27 AY +69 15 28 AG +69 15 29 HO +69 15 30 WQ +69 15 31 HO +69 15 32 AY +69 15 33 HO +69 15 34 HO +69 15 35 AY +69 15 36 HO +69 15 37 HO +69 15 38 AG +69 15 39 HO +69 15 40 HO +69 15 41 AG +69 15 42 HW +69 15 43 HO +69 15 44 KP +69 15 45 HO +69 15 46 AY +69 15 47 AY +69 15 48 HW +69 15 49 HO +69 15 50 EG +69 15 51 AY +69 15 52 KP +69 15 53 AG +69 15 54 HO +69 15 55 HO +69 15 56 AY +69 15 57 HO +69 15 58 HW +69 15 59 KP +69 15 60 HO +69 15 61 AG +69 15 62 EG +69 15 63 * +69 15 64 HO +69 15 65 AG +69 15 66 KP +69 15 67 HO +69 15 68 * +69 15 69 HO +69 15 70 KP +69 15 71 EG +69 15 72 HO +69 15 73 EG +69 15 74 KP +69 15 75 HO +69 15 76 AG +69 15 77 HO +69 15 78 * +69 15 79 HI +69 15 80 HO +69 15 81 HO +69 15 82 HO +69 15 83 AY +69 15 84 * +69 15 85 HO +69 15 86 * +69 15 87 HI +69 15 88 * +69 15 89 HI +69 15 90 HO +69 15 91 HO +69 15 92 KP +69 15 93 HO +69 15 94 * +69 15 95 KP +69 15 96 HW +69 15 97 EG +69 15 98 AG +69 15 99 AY +69 15 100 HO +69 15 101 AG +69 15 102 KP +69 15 103 * +69 15 104 HO +69 15 105 EG +69 15 106 WQ +69 15 107 KP +69 15 108 KP +69 15 109 EG +69 15 110 HW +69 15 111 * +69 15 112 AG +69 15 113 HI +69 15 114 HO +69 15 115 AG +69 15 116 KP +69 15 117 * +69 15 118 * +69 15 119 HO +69 15 120 KP +69 15 121 AG +69 15 122 HO +69 15 123 HO +69 15 124 HO +69 15 125 AG +69 15 126 AY +69 15 127 HO +69 15 128 HO +69 15 129 KP +69 15 130 * +69 15 131 EG +69 15 132 AG +69 15 133 HO +69 15 134 * +69 15 135 EG +69 15 136 HO +69 15 137 HO +69 15 138 HO +69 15 139 KP +69 15 140 HO +69 15 141 KP +69 15 142 KP +69 15 143 HO +69 15 144 EG +69 15 145 HO +69 15 146 WQ +69 15 147 HO +69 15 148 AG +69 15 149 HO +69 15 150 EG +69 15 151 * +69 15 152 AY +69 15 153 HO +69 15 154 HI +69 15 155 * +69 15 156 HO +69 15 157 * +69 15 158 KP +69 15 159 HW +69 15 160 AY +69 15 161 HO +69 15 162 AG +69 15 163 HO +69 15 164 HO +69 15 165 HO +69 15 166 EG +69 15 167 KP +69 15 168 HO +69 15 169 HO +69 15 170 HO +69 15 171 HO +69 15 172 KP +69 15 173 AG +69 15 174 HW +69 15 175 HO +69 15 176 AG +69 15 177 HW +69 15 178 EG +69 15 179 AG +69 15 180 HO +69 15 181 HW +69 15 182 EG +69 15 183 * +69 15 184 EG +69 15 185 HW +69 15 186 HO +69 15 187 HW +69 15 188 HO +69 15 189 KP +69 15 190 * +69 15 191 HO +69 15 192 EG +69 15 193 HO +69 15 194 AG +69 15 195 HO +69 15 196 HO +69 15 197 AY +69 15 198 HI +69 15 199 KP +69 15 200 HO +69 15 201 * +69 15 202 HO +69 15 203 AG +69 15 204 HI +69 15 205 EG +69 15 206 KP +69 15 207 * +69 15 208 HW +69 15 209 HO +69 15 210 AG +69 15 211 HO +69 15 212 HW +69 15 213 KP +69 15 214 HO +69 15 215 AY +69 15 216 HO +69 15 217 * +69 15 218 HO +69 15 219 KP +69 15 220 EG +69 15 221 KP +69 15 222 EG +69 15 223 HO +69 15 224 KP +69 15 225 HW +69 15 226 EG +69 15 227 HO +69 15 228 EG +69 15 229 HO +69 15 230 KP +69 15 231 AY +69 15 232 * +69 15 233 * +69 15 234 HO +69 15 235 EG +69 15 236 HO +69 15 237 * +69 15 238 HO +69 15 239 AY +69 15 240 AG +69 15 241 KP +69 15 242 HW +69 15 243 AG +69 15 244 KP +69 15 245 AG +69 15 246 HO +69 15 247 EG +69 15 248 HO +69 15 249 HO +69 15 250 EG +69 15 251 HO +69 15 252 KP +69 15 253 HO +69 15 254 KP +69 15 255 HI +69 15 256 AG +69 15 257 EG +69 15 258 HW +69 15 259 AG +69 15 260 HW +69 15 261 HW +69 15 262 KP +69 15 263 AY +69 15 264 KP +69 15 265 HO +69 15 266 * +69 15 267 EN +69 15 268 HO +69 15 269 AY +69 15 270 HW +69 15 271 HO +69 15 272 KP +69 15 273 AY +69 15 274 KP +69 15 275 HW +69 15 276 AG +69 15 277 EG +69 15 278 * +69 15 279 EG +69 15 280 HO +69 15 281 HO +69 15 282 HO +69 15 283 * +69 15 284 KP +69 15 285 * +69 15 286 KP +69 15 287 HW +69 15 288 AG +69 15 289 HO +69 15 290 KP +69 15 291 EG +69 15 292 * +69 15 293 KP +69 15 294 KP +69 15 295 * +69 15 296 EG +69 15 297 HW +69 15 298 AG +69 15 299 HO +69 15 300 KP +69 15 301 HO +69 15 302 KP +69 15 303 KP +69 15 304 HO +69 15 305 EG +69 15 306 HO +69 15 307 HO +69 15 308 AY +69 15 309 * +69 15 310 HO +69 15 311 HO +69 15 312 HI +69 15 313 EG +69 15 314 KP +69 15 315 HO +69 15 316 HO +69 15 317 * +69 15 318 * +69 15 319 KP +69 15 320 HO +69 15 321 AG +69 15 322 * +69 15 323 HO +69 15 324 KP +69 15 325 EG +69 15 326 HW +69 15 327 KP +69 15 328 HO +69 15 329 * +69 15 330 KP +69 16 1 HO +69 16 2 AY +69 16 3 AG +69 16 4 EN +69 16 5 HO +69 16 6 AY +69 16 7 HO +69 16 8 EN +69 16 9 AY +69 16 10 HI +69 16 11 AY +69 16 12 HW +69 16 13 HI +69 16 14 HI +69 16 15 HT +69 16 16 KP +69 16 17 AG +69 16 18 HI +69 16 19 HO +69 16 20 HO +69 16 21 AG +69 16 22 HW +69 16 23 EN +69 16 24 AY +69 16 25 HO +69 16 26 HO +69 16 27 KP +69 16 28 AG +69 16 29 HO +69 16 30 EN +69 16 31 HO +69 16 32 EN +69 16 33 HO +69 16 34 HO +69 16 35 EN +69 16 36 HI +69 16 37 HO +69 16 38 EN +69 16 39 HO +69 16 40 HO +69 16 41 EN +69 16 42 AY +69 16 43 HI +69 16 44 KP +69 16 45 HO +69 16 46 AY +69 16 47 HI +69 16 48 HW +69 16 49 HO +69 16 50 EN +69 16 51 AY +69 16 52 KP +69 16 53 AG +69 16 54 HO +69 16 55 HO +69 16 56 AY +69 16 57 HO +69 16 58 AY +69 16 59 AY +69 16 60 HI +69 16 61 AG +69 16 62 EN +69 16 63 WQ +69 16 64 HO +69 16 65 AG +69 16 66 KP +69 16 67 HO +69 16 68 HW +69 16 69 AY +69 16 70 KP +69 16 71 EN +69 16 72 HO +69 16 73 EN +69 16 74 KP +69 16 75 HI +69 16 76 EN +69 16 77 HO +69 16 78 HW +69 16 79 HI +69 16 80 HO +69 16 81 HO +69 16 82 HO +69 16 83 AY +69 16 84 WQ +69 16 85 HO +69 16 86 WQ +69 16 87 HI +69 16 88 EN +69 16 89 HI +69 16 90 HI +69 16 91 HO +69 16 92 KP +69 16 93 HO +69 16 94 AY +69 16 95 KP +69 16 96 WQ +69 16 97 EN +69 16 98 AG +69 16 99 EN +69 16 100 HO +69 16 101 EN +69 16 102 KP +69 16 103 AY +69 16 104 HO +69 16 105 EN +69 16 106 HW +69 16 107 KP +69 16 108 KP +69 16 109 EN +69 16 110 WQ +69 16 111 HI +69 16 112 AG +69 16 113 HI +69 16 114 HO +69 16 115 EN +69 16 116 KP +69 16 117 AY +69 16 118 HW +69 16 119 HO +69 16 120 KP +69 16 121 AG +69 16 122 HO +69 16 123 HO +69 16 124 WQ +69 16 125 EN +69 16 126 WQ +69 16 127 HI +69 16 128 HW +69 16 129 KP +69 16 130 HI +69 16 131 EN +69 16 132 AG +69 16 133 HO +69 16 134 AY +69 16 135 AG +69 16 136 HO +69 16 137 AY +69 16 138 HO +69 16 139 KP +69 16 140 HI +69 16 141 KP +69 16 142 KP +69 16 143 HO +69 16 144 EN +69 16 145 HO +69 16 146 HW +69 16 147 HO +69 16 148 AG +69 16 149 HO +69 16 150 EN +69 16 151 WQ +69 16 152 WQ +69 16 153 HO +69 16 154 KP +69 16 155 EN +69 16 156 HO +69 16 157 AY +69 16 158 KP +69 16 159 WQ +69 16 160 WQ +69 16 161 HO +69 16 162 AG +69 16 163 HO +69 16 164 HO +69 16 165 AY +69 16 166 HI +69 16 167 HW +69 16 168 HO +69 16 169 HO +69 16 170 HI +69 16 171 AY +69 16 172 KP +69 16 173 AG +69 16 174 WQ +69 16 175 KP +69 16 176 HW +69 16 177 HW +69 16 178 HO +69 16 179 EN +69 16 180 HO +69 16 181 HW +69 16 182 EN +69 16 183 KP +69 16 184 EN +69 16 185 AY +69 16 186 HO +69 16 187 WQ +69 16 188 HO +69 16 189 KP +69 16 190 EN +69 16 191 HO +69 16 192 EN +69 16 193 HW +69 16 194 EN +69 16 195 HO +69 16 196 HO +69 16 197 WQ +69 16 198 HI +69 16 199 KP +69 16 200 HO +69 16 201 HW +69 16 202 HO +69 16 203 EN +69 16 204 AY +69 16 205 IP +69 16 206 KP +69 16 207 AG +69 16 208 AY +69 16 209 HO +69 16 210 EN +69 16 211 HO +69 16 212 HW +69 16 213 KP +69 16 214 HO +69 16 215 EN +69 16 216 HI +69 16 217 HW +69 16 218 EN +69 16 219 KP +69 16 220 HO +69 16 221 KP +69 16 222 HW +69 16 223 HO +69 16 224 KP +69 16 225 EN +69 16 226 HO +69 16 227 HI +69 16 228 IP +69 16 229 HO +69 16 230 KP +69 16 231 EN +69 16 232 AY +69 16 233 IP +69 16 234 HO +69 16 235 HO +69 16 236 WQ +69 16 237 IP +69 16 238 HO +69 16 239 WQ +69 16 240 EN +69 16 241 KP +69 16 242 HW +69 16 243 EN +69 16 244 KP +69 16 245 AG +69 16 246 HO +69 16 247 EN +69 16 248 IP +69 16 249 HO +69 16 250 HW +69 16 251 HO +69 16 252 KP +69 16 253 HO +69 16 254 AY +69 16 255 HI +69 16 256 AG +69 16 257 HO +69 16 258 HW +69 16 259 EN +69 16 260 KP +69 16 261 WQ +69 16 262 KP +69 16 263 KP +69 16 264 KP +69 16 265 HO +69 16 266 EN +69 16 267 EN +69 16 268 HO +69 16 269 WQ +69 16 270 HW +69 16 271 HI +69 16 272 KP +69 16 273 WQ +69 16 274 KP +69 16 275 EN +69 16 276 AG +69 16 277 HI +69 16 278 HW +69 16 279 HO +69 16 280 HO +69 16 281 HO +69 16 282 HO +69 16 283 AY +69 16 284 KP +69 16 285 HW +69 16 286 KP +69 16 287 AY +69 16 288 AG +69 16 289 HO +69 16 290 KP +69 16 291 HO +69 16 292 HW +69 16 293 KP +69 16 294 KP +69 16 295 EN +69 16 296 EN +69 16 297 AG +69 16 298 HW +69 16 299 HO +69 16 300 KP +69 16 301 HO +69 16 302 KP +69 16 303 KP +69 16 304 AY +69 16 305 EN +69 16 306 HO +69 16 307 HO +69 16 308 IP +69 16 309 AY +69 16 310 HO +69 16 311 HO +69 16 312 HI +69 16 313 EN +69 16 314 KP +69 16 315 HO +69 16 316 HO +69 16 317 EN +69 16 318 WQ +69 16 319 KP +69 16 320 HI +69 16 321 AG +69 16 322 HO +69 16 323 HO +69 16 324 KP +69 16 325 EN +69 16 326 HW +69 16 327 KP +69 16 328 HO +69 16 329 EN +69 16 330 KP +69 17 1 HO +69 17 2 * +69 17 3 AG +69 17 4 EG +69 17 5 * +69 17 6 HT +69 17 7 HO +69 17 8 * +69 17 9 HT +69 17 10 TG +69 17 11 HP +69 17 12 WQ +69 17 13 * +69 17 14 EG +69 17 15 HT +69 17 16 KP +69 17 17 * +69 17 18 HI +69 17 19 HO +69 17 20 HO +69 17 21 * +69 17 22 WQ +69 17 23 * +69 17 24 HI +69 17 25 HO +69 17 26 * +69 17 27 * +69 17 28 * +69 17 29 HO +69 17 30 * +69 17 31 * +69 17 32 * +69 17 33 HO +69 17 34 * +69 17 35 * +69 17 36 * +69 17 37 EG +69 17 38 * +69 17 39 HO +69 17 40 * +69 17 41 AG +69 17 42 WQ +69 17 43 HO +69 17 44 KP +69 17 45 * +69 17 46 * +69 17 47 HO +69 17 48 * +69 17 49 EG +69 17 50 * +69 17 51 KP +69 17 52 AG +69 17 53 * +69 17 54 EG +69 17 55 * +69 17 56 EG +69 17 57 HO +69 17 58 HT +69 17 59 KP +69 17 60 HP +69 17 61 AG +69 17 62 EG +69 17 63 * +69 17 64 EG +69 17 65 AG +69 17 66 KP +69 17 67 HO +69 17 68 * +69 17 69 * +69 17 70 KP +69 17 71 * +69 17 72 * +69 17 73 EG +69 17 74 HO +69 17 75 YQ +69 17 76 AG +69 17 77 EG +69 17 78 HT +69 17 79 HI +69 17 80 * +69 17 81 HO +69 17 82 HP +69 17 83 WQ +69 17 84 * +69 17 85 HO +69 17 86 * +69 17 87 HI +69 17 88 HO +69 17 89 HI +69 17 90 * +69 17 91 HO +69 17 92 KP +69 17 93 * +69 17 94 HI +69 17 95 HT +69 17 96 WQ +69 17 97 EG +69 17 98 AG +69 17 99 HP +69 17 100 HO +69 17 101 * +69 17 102 HP +69 17 103 HT +69 17 104 HO +69 17 105 * +69 17 106 WQ +69 17 107 KP +69 17 108 * +69 17 109 EG +69 17 110 WQ +69 17 111 HO +69 17 112 AG +69 17 113 HI +69 17 114 HO +69 17 115 AG +69 17 116 HO +69 17 117 * +69 17 118 * +69 17 119 * +69 17 120 KP +69 17 121 AG +69 17 122 HO +69 17 123 HO +69 17 124 * +69 17 125 AG +69 17 126 * +69 17 127 HO +69 17 128 WQ +69 17 129 * +69 17 130 HI +69 17 131 EG +69 17 132 AG +69 17 133 * +69 17 134 * +69 17 135 * +69 17 136 HO +69 17 137 * +69 17 138 HO +69 17 139 KP +69 17 140 EG +69 17 141 KP +69 17 142 * +69 17 143 HO +69 17 144 EG +69 17 145 * +69 17 146 WQ +69 17 147 HO +69 17 148 AG +69 17 149 HO +69 17 150 EG +69 17 151 * +69 17 152 EG +69 17 153 * +69 17 154 HI +69 17 155 * +69 17 156 * +69 17 157 * +69 17 158 KP +69 17 159 * +69 17 160 * +69 17 161 * +69 17 162 AG +69 17 163 HO +69 17 164 EG +69 17 165 HO +69 17 166 EG +69 17 167 * +69 17 168 * +69 17 169 * +69 17 170 HO +69 17 171 * +69 17 172 KP +69 17 173 * +69 17 174 WQ +69 17 175 * +69 17 176 AG +69 17 177 * +69 17 178 EG +69 17 179 * +69 17 180 * +69 17 181 * +69 17 182 * +69 17 183 * +69 17 184 EG +69 17 185 * +69 17 186 HO +69 17 187 * +69 17 188 HO +69 17 189 * +69 17 190 * +69 17 191 HO +69 17 192 EG +69 17 193 * +69 17 194 * +69 17 195 * +69 17 196 HP +69 17 197 EG +69 17 198 HI +69 17 199 * +69 17 200 HO +69 17 201 * +69 17 202 * +69 17 203 * +69 17 204 HI +69 17 205 * +69 17 206 * +69 17 207 * +69 17 208 * +69 17 209 HO +69 17 210 * +69 17 211 * +69 17 212 * +69 17 213 HO +69 17 214 * +69 17 215 * +69 17 216 * +69 17 217 * +69 17 218 * +69 17 219 HO +69 17 220 EG +69 17 221 * +69 17 222 EG +69 17 223 * +69 17 224 KP +69 17 225 * +69 17 226 HO +69 17 227 HI +69 17 228 * +69 17 229 HO +69 17 230 * +69 17 231 * +69 17 232 * +69 17 233 HO +69 17 234 HO +69 17 235 EG +69 17 236 HO +69 17 237 * +69 17 238 HO +69 17 239 * +69 17 240 * +69 17 241 KP +69 17 242 WQ +69 17 243 * +69 17 244 * +69 17 245 AG +69 17 246 HO +69 17 247 * +69 17 248 * +69 17 249 HO +69 17 250 * +69 17 251 HO +69 17 252 KP +69 17 253 HO +69 17 254 * +69 17 255 HI +69 17 256 AG +69 17 257 HO +69 17 258 * +69 17 259 * +69 17 260 * +69 17 261 * +69 17 262 KP +69 17 263 * +69 17 264 * +69 17 265 * +69 17 266 * +69 17 267 * +69 17 268 HO +69 17 269 * +69 17 270 * +69 17 271 * +69 17 272 KP +69 17 273 * +69 17 274 KP +69 17 275 * +69 17 276 AG +69 17 277 * +69 17 278 * +69 17 279 * +69 17 280 HO +69 17 281 HO +69 17 282 HO +69 17 283 * +69 17 284 * +69 17 285 * +69 17 286 KP +69 17 287 * +69 17 288 AG +69 17 289 * +69 17 290 * +69 17 291 * +69 17 292 * +69 17 293 * +69 17 294 KP +69 17 295 * +69 17 296 EG +69 17 297 WQ +69 17 298 AG +69 17 299 HO +69 17 300 KP +69 17 301 HO +69 17 302 * +69 17 303 * +69 17 304 * +69 17 305 EG +69 17 306 HO +69 17 307 * +69 17 308 HO +69 17 309 HI +69 17 310 HO +69 17 311 HO +69 17 312 HI +69 17 313 EG +69 17 314 KP +69 17 315 HO +69 17 316 * +69 17 317 * +69 17 318 * +69 17 319 KP +69 17 320 * +69 17 321 AG +69 17 322 * +69 17 323 * +69 17 324 * +69 17 325 * +69 17 326 WQ +69 17 327 * +69 17 328 * +69 17 329 * +69 17 330 * +69 18 1 IP +69 18 2 KU +69 18 3 HT +69 18 4 IP +69 18 5 HO +69 18 6 AY +69 18 7 HO +69 18 8 IP +69 18 9 HT +69 18 10 IP +69 18 11 IP +69 18 12 WQ +69 18 13 IP +69 18 14 HI +69 18 15 KU +69 18 16 KP +69 18 17 AG +69 18 18 HI +69 18 19 IP +69 18 20 HO +69 18 21 IP +69 18 22 HW +69 18 23 IP +69 18 24 HI +69 18 25 IP +69 18 26 IP +69 18 27 KU +69 18 28 IP +69 18 29 HO +69 18 30 HT +69 18 31 KU +69 18 32 IP +69 18 33 HO +69 18 34 IP +69 18 35 HT +69 18 36 IP +69 18 37 IP +69 18 38 IP +69 18 39 HO +69 18 40 HO +69 18 41 IP +69 18 42 HW +69 18 43 IP +69 18 44 KU +69 18 45 HO +69 18 46 HI +69 18 47 IP +69 18 48 HW +69 18 49 IP +69 18 50 IP +69 18 51 AY +69 18 52 KP +69 18 53 IP +69 18 54 HO +69 18 55 HO +69 18 56 WQ +69 18 57 IP +69 18 58 AY +69 18 59 KP +69 18 60 IP +69 18 61 IP +69 18 62 IP +69 18 63 HT +69 18 64 IP +69 18 65 AG +69 18 66 KU +69 18 67 HO +69 18 68 IP +69 18 69 AY +69 18 70 KP +69 18 71 IP +69 18 72 HO +69 18 73 IP +69 18 74 KU +69 18 75 IP +69 18 76 HT +69 18 77 HO +69 18 78 HT +69 18 79 HI +69 18 80 IP +69 18 81 AY +69 18 82 HO +69 18 83 AY +69 18 84 AY +69 18 85 HO +69 18 86 IP +69 18 87 HI +69 18 88 IP +69 18 89 HI +69 18 90 HI +69 18 91 WQ +69 18 92 KU +69 18 93 IP +69 18 94 HI +69 18 95 KU +69 18 96 WQ +69 18 97 IP +69 18 98 AG +69 18 99 IP +69 18 100 KU +69 18 101 IP +69 18 102 KU +69 18 103 AY +69 18 104 KU +69 18 105 IP +69 18 106 HW +69 18 107 KP +69 18 108 KU +69 18 109 IP +69 18 110 AY +69 18 111 HI +69 18 112 IP +69 18 113 HI +69 18 114 IP +69 18 115 IP +69 18 116 KU +69 18 117 AY +69 18 118 HT +69 18 119 HO +69 18 120 KP +69 18 121 HT +69 18 122 HO +69 18 123 IP +69 18 124 WQ +69 18 125 AY +69 18 126 IP +69 18 127 HI +69 18 128 HW +69 18 129 KU +69 18 130 HI +69 18 131 IP +69 18 132 AY +69 18 133 HO +69 18 134 HI +69 18 135 IP +69 18 136 HO +69 18 137 IP +69 18 138 IP +69 18 139 KU +69 18 140 IP +69 18 141 KP +69 18 142 KU +69 18 143 HT +69 18 144 IP +69 18 145 HO +69 18 146 AY +69 18 147 HO +69 18 148 IP +69 18 149 HO +69 18 150 IP +69 18 151 HT +69 18 152 IP +69 18 153 IP +69 18 154 HI +69 18 155 HI +69 18 156 HO +69 18 157 AY +69 18 158 KP +69 18 159 AY +69 18 160 IP +69 18 161 HO +69 18 162 IP +69 18 163 IP +69 18 164 IP +69 18 165 AY +69 18 166 HI +69 18 167 KU +69 18 168 HO +69 18 169 IP +69 18 170 HI +69 18 171 AY +69 18 172 KP +69 18 173 IP +69 18 174 HT +69 18 175 KU +69 18 176 IP +69 18 177 WQ +69 18 178 IP +69 18 179 IP +69 18 180 HO +69 18 181 HT +69 18 182 IP +69 18 183 AY +69 18 184 IP +69 18 185 AY +69 18 186 IP +69 18 187 HT +69 18 188 IP +69 18 189 KU +69 18 190 IP +69 18 191 HO +69 18 192 IP +69 18 193 AY +69 18 194 IP +69 18 195 HO +69 18 196 KU +69 18 197 IP +69 18 198 HI +69 18 199 KU +69 18 200 HO +69 18 201 HT +69 18 202 HO +69 18 203 IP +69 18 204 HI +69 18 205 IP +69 18 206 KU +69 18 207 IP +69 18 208 HT +69 18 209 HO +69 18 210 AY +69 18 211 IP +69 18 212 HT +69 18 213 KU +69 18 214 HW +69 18 215 IP +69 18 216 HI +69 18 217 HT +69 18 218 HT +69 18 219 KP +69 18 220 IP +69 18 221 KU +69 18 222 IP +69 18 223 HO +69 18 224 KU +69 18 225 AY +69 18 226 IP +69 18 227 HI +69 18 228 IP +69 18 229 HO +69 18 230 KU +69 18 231 IP +69 18 232 AY +69 18 233 IP +69 18 234 HO +69 18 235 IP +69 18 236 AY +69 18 237 AY +69 18 238 HO +69 18 239 IP +69 18 240 IP +69 18 241 KP +69 18 242 WQ +69 18 243 IP +69 18 244 KP +69 18 245 AG +69 18 246 HO +69 18 247 IP +69 18 248 HI +69 18 249 HO +69 18 250 IP +69 18 251 HO +69 18 252 KP +69 18 253 HO +69 18 254 IP +69 18 255 HI +69 18 256 IP +69 18 257 IP +69 18 258 HW +69 18 259 IP +69 18 260 HW +69 18 261 AY +69 18 262 KP +69 18 263 AY +69 18 264 KP +69 18 265 HO +69 18 266 HT +69 18 267 IP +69 18 268 HO +69 18 269 IP +69 18 270 HT +69 18 271 HO +69 18 272 KP +69 18 273 IP +69 18 274 KP +69 18 275 WQ +69 18 276 IP +69 18 277 HO +69 18 278 HT +69 18 279 IP +69 18 280 HO +69 18 281 HO +69 18 282 HO +69 18 283 AY +69 18 284 KP +69 18 285 KU +69 18 286 KP +69 18 287 AY +69 18 288 IP +69 18 289 HO +69 18 290 KU +69 18 291 IP +69 18 292 HT +69 18 293 KP +69 18 294 KP +69 18 295 HT +69 18 296 IP +69 18 297 AG +69 18 298 HW +69 18 299 HO +69 18 300 KU +69 18 301 HO +69 18 302 KU +69 18 303 KP +69 18 304 AY +69 18 305 EN +69 18 306 HO +69 18 307 HO +69 18 308 IP +69 18 309 HI +69 18 310 HO +69 18 311 IP +69 18 312 HI +69 18 313 IP +69 18 314 KU +69 18 315 HO +69 18 316 HO +69 18 317 IP +69 18 318 HT +69 18 319 KP +69 18 320 AY +69 18 321 AG +69 18 322 IP +69 18 323 HO +69 18 324 KU +69 18 325 IP +69 18 326 HT +69 18 327 KP +69 18 328 HO +69 18 329 HT +69 18 330 KP +69 19 1 HO +69 19 2 KU +69 19 3 AG +69 19 4 IP +69 19 5 HO +69 19 6 WQ +69 19 7 YQ +69 19 8 IP +69 19 9 HT +69 19 10 HO +69 19 11 HO +69 19 12 HW +69 19 13 HO +69 19 14 HO +69 19 15 KU +69 19 16 KU +69 19 17 AG +69 19 18 HI +69 19 19 HO +69 19 20 YQ +69 19 21 AG +69 19 22 HW +69 19 23 IP +69 19 24 HI +69 19 25 HO +69 19 26 HO +69 19 27 KU +69 19 28 AG +69 19 29 YQ +69 19 30 EN +69 19 31 HO +69 19 32 EN +69 19 33 YQ +69 19 34 HO +69 19 35 AG +69 19 36 HO +69 19 37 HO +69 19 38 EN +69 19 39 YQ +69 19 40 HO +69 19 41 IP +69 19 42 HW +69 19 43 HO +69 19 44 KU +69 19 45 YQ +69 19 46 KU +69 19 47 HI +69 19 48 WQ +69 19 49 HO +69 19 50 IP +69 19 51 HI +69 19 52 KU +69 19 53 EN +69 19 54 YQ +69 19 55 HO +69 19 56 HT +69 19 57 HO +69 19 58 WQ +69 19 59 KU +69 19 60 HI +69 19 61 IP +69 19 62 HT +69 19 63 EN +69 19 64 HO +69 19 65 AG +69 19 66 KU +69 19 67 YQ +69 19 68 EN +69 19 69 HT +69 19 70 KU +69 19 71 IP +69 19 72 KP +69 19 73 HT +69 19 74 HO +69 19 75 IP +69 19 76 EN +69 19 77 YQ +69 19 78 KU +69 19 79 HI +69 19 80 HO +69 19 81 YQ +69 19 82 HO +69 19 83 KU +69 19 84 IP +69 19 85 HO +69 19 86 IP +69 19 87 HI +69 19 88 IP +69 19 89 HI +69 19 90 HI +69 19 91 YQ +69 19 92 KU +69 19 93 HO +69 19 94 HI +69 19 95 KP +69 19 96 WQ +69 19 97 HO +69 19 98 IP +69 19 99 KU +69 19 100 YQ +69 19 101 IP +69 19 102 KP +69 19 103 HT +69 19 104 HO +69 19 105 IP +69 19 106 WQ +69 19 107 KU +69 19 108 KU +69 19 109 HO +69 19 110 HW +69 19 111 HI +69 19 112 AG +69 19 113 HI +69 19 114 HO +69 19 115 IP +69 19 116 HO +69 19 117 HT +69 19 118 IP +69 19 119 YQ +69 19 120 KU +69 19 121 AG +69 19 122 HO +69 19 123 HO +69 19 124 YQ +69 19 125 AG +69 19 126 IP +69 19 127 HI +69 19 128 HW +69 19 129 KU +69 19 130 HI +69 19 131 IP +69 19 132 * +69 19 133 HO +69 19 134 HT +69 19 135 IP +69 19 136 HO +69 19 137 HO +69 19 138 HO +69 19 139 KU +69 19 140 HO +69 19 141 KP +69 19 142 HT +69 19 143 YQ +69 19 144 HI +69 19 145 YQ +69 19 146 HW +69 19 147 HO +69 19 148 IP +69 19 149 YQ +69 19 150 EN +69 19 151 HT +69 19 152 EN +69 19 153 HO +69 19 154 HI +69 19 155 HI +69 19 156 HO +69 19 157 HT +69 19 158 KP +69 19 159 WQ +69 19 160 HT +69 19 161 HO +69 19 162 AG +69 19 163 HO +69 19 164 HO +69 19 165 HT +69 19 166 HI +69 19 167 KU +69 19 168 HO +69 19 169 HO +69 19 170 HI +69 19 171 HO +69 19 172 KP +69 19 173 IP +69 19 174 WQ +69 19 175 KU +69 19 176 AG +69 19 177 HW +69 19 178 HO +69 19 179 EN +69 19 180 YQ +69 19 181 HW +69 19 182 IP +69 19 183 HT +69 19 184 EN +69 19 185 HT +69 19 186 HO +69 19 187 HW +69 19 188 HO +69 19 189 KU +69 19 190 HT +69 19 191 HO +69 19 192 EN +69 19 193 HW +69 19 194 IP +69 19 195 HO +69 19 196 HO +69 19 197 IP +69 19 198 HI +69 19 199 KU +69 19 200 HO +69 19 201 IP +69 19 202 HO +69 19 203 IP +69 19 204 HI +69 19 205 IP +69 19 206 KU +69 19 207 IP +69 19 208 HT +69 19 209 HO +69 19 210 IP +69 19 211 HO +69 19 212 HW +69 19 213 KU +69 19 214 YQ +69 19 215 IP +69 19 216 HI +69 19 217 HT +69 19 218 YQ +69 19 219 KU +69 19 220 HO +69 19 221 KU +69 19 222 IP +69 19 223 HO +69 19 224 KP +69 19 225 HT +69 19 226 HO +69 19 227 HI +69 19 228 HO +69 19 229 YQ +69 19 230 KU +69 19 231 IP +69 19 232 HT +69 19 233 HO +69 19 234 HO +69 19 235 HO +69 19 236 WQ +69 19 237 HT +69 19 238 HO +69 19 239 EN +69 19 240 IP +69 19 241 KP +69 19 242 HW +69 19 243 IP +69 19 244 KP +69 19 245 AG +69 19 246 HO +69 19 247 EN +69 19 248 HI +69 19 249 HO +69 19 250 IP +69 19 251 YQ +69 19 252 KU +69 19 253 HO +69 19 254 HO +69 19 255 HI +69 19 256 EN +69 19 257 HO +69 19 258 HW +69 19 259 EN +69 19 260 HT +69 19 261 HT +69 19 262 KP +69 19 263 KU +69 19 264 HT +69 19 265 HO +69 19 266 IP +69 19 267 EN +69 19 268 YQ +69 19 269 IP +69 19 270 HT +69 19 271 HO +69 19 272 KP +69 19 273 IP +69 19 274 KU +69 19 275 HT +69 19 276 IP +69 19 277 HO +69 19 278 HT +69 19 279 HO +69 19 280 YQ +69 19 281 HO +69 19 282 YQ +69 19 283 HT +69 19 284 KU +69 19 285 HT +69 19 286 KP +69 19 287 HT +69 19 288 AG +69 19 289 HO +69 19 290 KU +69 19 291 HO +69 19 292 HT +69 19 293 HO +69 19 294 KU +69 19 295 HT +69 19 296 IP +69 19 297 HW +69 19 298 IP +69 19 299 HO +69 19 300 KP +69 19 301 HO +69 19 302 KU +69 19 303 KP +69 19 304 WQ +69 19 305 IP +69 19 306 YQ +69 19 307 HO +69 19 308 IP +69 19 309 HI +69 19 310 HO +69 19 311 HO +69 19 312 HI +69 19 313 EN +69 19 314 KU +69 19 315 YQ +69 19 316 HO +69 19 317 EN +69 19 318 HT +69 19 319 KU +69 19 320 WQ +69 19 321 AG +69 19 322 HO +69 19 323 HO +69 19 324 KU +69 19 325 IP +69 19 326 WQ +69 19 327 KP +69 19 328 HO +69 19 329 HT +69 19 330 KP +69 20 1 HO +69 20 2 KU +69 20 3 IP +69 20 4 HI +69 20 5 HO +69 20 6 KU +69 20 7 HO +69 20 8 AG +69 20 9 KU +69 20 10 HO +69 20 11 HO +69 20 12 WQ +69 20 13 HO +69 20 14 IP +69 20 15 KU +69 20 16 KU +69 20 17 IP +69 20 18 HI +69 20 19 HO +69 20 20 HO +69 20 21 IP +69 20 22 KP +69 20 23 * +69 20 24 HO +69 20 25 HO +69 20 26 IP +69 20 27 KU +69 20 28 AG +69 20 29 HO +69 20 30 KU +69 20 31 HO +69 20 32 IP +69 20 33 HO +69 20 34 HO +69 20 35 AG +69 20 36 HO +69 20 37 HW +69 20 38 AG +69 20 39 HO +69 20 40 HO +69 20 41 AG +69 20 42 HO +69 20 43 WQ +69 20 44 KU +69 20 45 HO +69 20 46 KU +69 20 47 HO +69 20 48 HW +69 20 49 HO +69 20 50 HW +69 20 51 HO +69 20 52 KP +69 20 53 AG +69 20 54 HO +69 20 55 HO +69 20 56 KU +69 20 57 HO +69 20 58 KU +69 20 59 KU +69 20 60 HO +69 20 61 AG +69 20 62 KU +69 20 63 HO +69 20 64 HW +69 20 65 AG +69 20 66 KU +69 20 67 HO +69 20 68 AG +69 20 69 HO +69 20 70 KU +69 20 71 AG +69 20 72 HO +69 20 73 KU +69 20 74 HO +69 20 75 HO +69 20 76 AG +69 20 77 HO +69 20 78 AG +69 20 79 HO +69 20 80 KU +69 20 81 AG +69 20 82 HO +69 20 83 KU +69 20 84 AG +69 20 85 HO +69 20 86 AG +69 20 87 HI +69 20 88 HO +69 20 89 HI +69 20 90 HO +69 20 91 WQ +69 20 92 KU +69 20 93 HO +69 20 94 HI +69 20 95 KP +69 20 96 WQ +69 20 97 HI +69 20 98 AG +69 20 99 KU +69 20 100 HO +69 20 101 AG +69 20 102 AG +69 20 103 HO +69 20 104 HO +69 20 105 AG +69 20 106 KP +69 20 107 KP +69 20 108 KP +69 20 109 HO +69 20 110 WQ +69 20 111 HO +69 20 112 AG +69 20 113 HI +69 20 114 HO +69 20 115 AG +69 20 116 KP +69 20 117 HI +69 20 118 AG +69 20 119 HO +69 20 120 KP +69 20 121 AG +69 20 122 HO +69 20 123 HI +69 20 124 HO +69 20 125 AG +69 20 126 AG +69 20 127 HI +69 20 128 WQ +69 20 129 KU +69 20 130 HO +69 20 131 AG +69 20 132 AG +69 20 133 HO +69 20 134 HI +69 20 135 AG +69 20 136 HI +69 20 137 HO +69 20 138 KP +69 20 139 KP +69 20 140 HW +69 20 141 KP +69 20 142 KP +69 20 143 HO +69 20 144 HI +69 20 145 HO +69 20 146 WQ +69 20 147 HO +69 20 148 AG +69 20 149 HI +69 20 150 AG +69 20 151 WQ +69 20 152 HO +69 20 153 HO +69 20 154 HI +69 20 155 HI +69 20 156 HO +69 20 157 HI +69 20 158 KP +69 20 159 HW +69 20 160 AG +69 20 161 HO +69 20 162 AG +69 20 163 HO +69 20 164 HO +69 20 165 HI +69 20 166 HI +69 20 167 KP +69 20 168 HO +69 20 169 HO +69 20 170 HI +69 20 171 HO +69 20 172 KP +69 20 173 AG +69 20 174 WQ +69 20 175 HO +69 20 176 KU +69 20 177 WQ +69 20 178 HI +69 20 179 IP +69 20 180 HO +69 20 181 HW +69 20 182 HI +69 20 183 HI +69 20 184 WQ +69 20 185 HW +69 20 186 HO +69 20 187 HW +69 20 188 WQ +69 20 189 KU +69 20 190 WQ +69 20 191 HO +69 20 192 HI +69 20 193 WQ +69 20 194 HI +69 20 195 HO +69 20 196 KP +69 20 197 HO +69 20 198 HI +69 20 199 KP +69 20 200 HW +69 20 201 HW +69 20 202 WQ +69 20 203 AG +69 20 204 HI +69 20 205 HW +69 20 206 KP +69 20 207 AG +69 20 208 HO +69 20 209 HO +69 20 210 HI +69 20 211 HO +69 20 212 AG +69 20 213 KP +69 20 214 HW +69 20 215 KP +69 20 216 HI +69 20 217 AG +69 20 218 HO +69 20 219 KP +69 20 220 HO +69 20 221 HW +69 20 222 HI +69 20 223 HO +69 20 224 KP +69 20 225 HW +69 20 226 HO +69 20 227 HI +69 20 228 HI +69 20 229 HO +69 20 230 KP +69 20 231 AG +69 20 232 HI +69 20 233 KP +69 20 234 HO +69 20 235 HI +69 20 236 HO +69 20 237 KP +69 20 238 HW +69 20 239 KP +69 20 240 HI +69 20 241 KP +69 20 242 WQ +69 20 243 HI +69 20 244 KP +69 20 245 AG +69 20 246 HO +69 20 247 HI +69 20 248 HI +69 20 249 HO +69 20 250 HI +69 20 251 HO +69 20 252 KP +69 20 253 HO +69 20 254 KU +69 20 255 HI +69 20 256 AG +69 20 257 HI +69 20 258 HW +69 20 259 AG +69 20 260 KP +69 20 261 HW +69 20 262 KP +69 20 263 KP +69 20 264 KP +69 20 265 HO +69 20 266 HW +69 20 267 HI +69 20 268 HO +69 20 269 AG +69 20 270 HW +69 20 271 HO +69 20 272 KP +69 20 273 HI +69 20 274 HO +69 20 275 WQ +69 20 276 AG +69 20 277 HO +69 20 278 AG +69 20 279 HO +69 20 280 HO +69 20 281 HO +69 20 282 HO +69 20 283 HI +69 20 284 KP +69 20 285 HO +69 20 286 KP +69 20 287 HO +69 20 288 HW +69 20 289 HO +69 20 290 AG +69 20 291 HO +69 20 292 KP +69 20 293 HO +69 20 294 KU +69 20 295 HI +69 20 296 HW +69 20 297 KU +69 20 298 AG +69 20 299 HO +69 20 300 KP +69 20 301 HO +69 20 302 KP +69 20 303 HO +69 20 304 HO +69 20 305 HI +69 20 306 HO +69 20 307 HO +69 20 308 KP +69 20 309 HO +69 20 310 HO +69 20 311 HI +69 20 312 HI +69 20 313 HO +69 20 314 KP +69 20 315 HO +69 20 316 HO +69 20 317 AG +69 20 318 AG +69 20 319 KP +69 20 320 HO +69 20 321 AG +69 20 322 WQ +69 20 323 HO +69 20 324 KP +69 20 325 HI +69 20 326 HW +69 20 327 KP +69 20 328 HO +69 20 329 HI +69 20 330 KP +69 21 1 HO +69 21 2 HO +69 21 3 AG +69 21 4 IP +69 21 5 HO +69 21 6 WQ +69 21 7 HO +69 21 8 AG +69 21 9 HW +69 21 10 HO +69 21 11 HO +69 21 12 WQ +69 21 13 HO +69 21 14 HO +69 21 15 HO +69 21 16 KP +69 21 17 AG +69 21 18 HI +69 21 19 HO +69 21 20 HO +69 21 21 AG +69 21 22 * +69 21 23 WQ +69 21 24 HI +69 21 25 HO +69 21 26 HO +69 21 27 KP +69 21 28 AG +69 21 29 HO +69 21 30 HW +69 21 31 HO +69 21 32 HW +69 21 33 HO +69 21 34 HO +69 21 35 * +69 21 36 HO +69 21 37 HO +69 21 38 AG +69 21 39 HO +69 21 40 HO +69 21 41 AG +69 21 42 WQ +69 21 43 HI +69 21 44 KP +69 21 45 HO +69 21 46 HI +69 21 47 HI +69 21 48 WQ +69 21 49 HO +69 21 50 HI +69 21 51 AY +69 21 52 KP +69 21 53 AG +69 21 54 HO +69 21 55 HO +69 21 56 WQ +69 21 57 HO +69 21 58 WQ +69 21 59 KP +69 21 60 HI +69 21 61 AG +69 21 62 KP +69 21 63 AG +69 21 64 HO +69 21 65 AG +69 21 66 KP +69 21 67 HO +69 21 68 AG +69 21 69 WQ +69 21 70 KP +69 21 71 AG +69 21 72 HO +69 21 73 HI +69 21 74 KP +69 21 75 HW +69 21 76 AG +69 21 77 HO +69 21 78 * +69 21 79 HI +69 21 80 HO +69 21 81 WQ +69 21 82 HO +69 21 83 KP +69 21 84 HW +69 21 85 HO +69 21 86 HW +69 21 87 HI +69 21 88 HW +69 21 89 HI +69 21 90 * +69 21 91 WQ +69 21 92 KP +69 21 93 HO +69 21 94 HI +69 21 95 KP +69 21 96 WQ +69 21 97 EG +69 21 98 AG +69 21 99 KP +69 21 100 HO +69 21 101 AG +69 21 102 KP +69 21 103 WQ +69 21 104 HO +69 21 105 AG +69 21 106 HW +69 21 107 KP +69 21 108 KP +69 21 109 EG +69 21 110 WQ +69 21 111 HO +69 21 112 AG +69 21 113 HI +69 21 114 HO +69 21 115 AG +69 21 116 * +69 21 117 HI +69 21 118 HW +69 21 119 HO +69 21 120 KP +69 21 121 AG +69 21 122 HO +69 21 123 HO +69 21 124 WQ +69 21 125 AG +69 21 126 WQ +69 21 127 HI +69 21 128 WQ +69 21 129 KP +69 21 130 HI +69 21 131 HW +69 21 132 AG +69 21 133 HO +69 21 134 HI +69 21 135 AG +69 21 136 HO +69 21 137 HW +69 21 138 KP +69 21 139 KP +69 21 140 EG +69 21 141 KP +69 21 142 KP +69 21 143 HO +69 21 144 HI +69 21 145 HO +69 21 146 HW +69 21 147 HO +69 21 148 AG +69 21 149 HO +69 21 150 HI +69 21 151 AG +69 21 152 HW +69 21 153 HO +69 21 154 HI +69 21 155 HI +69 21 156 HO +69 21 157 HI +69 21 158 KP +69 21 159 WQ +69 21 160 * +69 21 161 HO +69 21 162 AG +69 21 163 HO +69 21 164 HO +69 21 165 HI +69 21 166 HI +69 21 167 KP +69 21 168 HO +69 21 169 HO +69 21 170 HI +69 21 171 WQ +69 21 172 KP +69 21 173 AG +69 21 174 HW +69 21 175 HO +69 21 176 AG +69 21 177 KP +69 21 178 EG +69 21 179 WQ +69 21 180 HO +69 21 181 WQ +69 21 182 * +69 21 183 HW +69 21 184 HI +69 21 185 WQ +69 21 186 KP +69 21 187 WQ +69 21 188 HO +69 21 189 KP +69 21 190 WQ +69 21 191 HO +69 21 192 EG +69 21 193 WQ +69 21 194 AG +69 21 195 HO +69 21 196 HW +69 21 197 WQ +69 21 198 HI +69 21 199 KP +69 21 200 HO +69 21 201 HW +69 21 202 HO +69 21 203 AG +69 21 204 HI +69 21 205 EG +69 21 206 KP +69 21 207 AG +69 21 208 HW +69 21 209 HO +69 21 210 * +69 21 211 EG +69 21 212 WQ +69 21 213 KP +69 21 214 HW +69 21 215 WQ +69 21 216 HI +69 21 217 WQ +69 21 218 * +69 21 219 KP +69 21 220 EG +69 21 221 KP +69 21 222 EG +69 21 223 HO +69 21 224 KP +69 21 225 HW +69 21 226 HO +69 21 227 HI +69 21 228 HO +69 21 229 HW +69 21 230 KP +69 21 231 HW +69 21 232 KP +69 21 233 HO +69 21 234 HO +69 21 235 EG +69 21 236 HW +69 21 237 HW +69 21 238 HO +69 21 239 * +69 21 240 AG +69 21 241 KP +69 21 242 * +69 21 243 AG +69 21 244 KP +69 21 245 AG +69 21 246 HO +69 21 247 EG +69 21 248 HI +69 21 249 HO +69 21 250 HI +69 21 251 * +69 21 252 KP +69 21 253 HO +69 21 254 HW +69 21 255 HI +69 21 256 AG +69 21 257 HO +69 21 258 HW +69 21 259 AG +69 21 260 KP +69 21 261 HW +69 21 262 KP +69 21 263 KP +69 21 264 EG +69 21 265 HO +69 21 266 AG +69 21 267 * +69 21 268 HO +69 21 269 * +69 21 270 WQ +69 21 271 HO +69 21 272 KP +69 21 273 WQ +69 21 274 KP +69 21 275 HW +69 21 276 AG +69 21 277 * +69 21 278 * +69 21 279 HO +69 21 280 WQ +69 21 281 HO +69 21 282 HO +69 21 283 HI +69 21 284 * +69 21 285 HW +69 21 286 KP +69 21 287 WQ +69 21 288 AG +69 21 289 HO +69 21 290 KP +69 21 291 HO +69 21 292 WQ +69 21 293 KP +69 21 294 KP +69 21 295 WQ +69 21 296 EG +69 21 297 AG +69 21 298 HW +69 21 299 HO +69 21 300 KP +69 21 301 HO +69 21 302 KP +69 21 303 * +69 21 304 HW +69 21 305 * +69 21 306 HO +69 21 307 HO +69 21 308 KP +69 21 309 HI +69 21 310 HO +69 21 311 HO +69 21 312 HI +69 21 313 HO +69 21 314 KP +69 21 315 HO +69 21 316 HO +69 21 317 AG +69 21 318 * +69 21 319 KP +69 21 320 WQ +69 21 321 AG +69 21 322 HO +69 21 323 HO +69 21 324 KP +69 21 325 AG +69 21 326 WQ +69 21 327 KP +69 21 328 HO +69 21 329 HW +69 21 330 KP +69 22 1 HO +69 22 2 HO +69 22 3 AG +69 22 4 AG +69 22 5 HO +69 22 6 HT +69 22 7 HO +69 22 8 AG +69 22 9 HT +69 22 10 HI +69 22 11 HO +69 22 12 WQ +69 22 13 HO +69 22 14 HO +69 22 15 KU +69 22 16 KP +69 22 17 AG +69 22 18 HI +69 22 19 HO +69 22 20 HO +69 22 21 AG +69 22 22 WQ +69 22 23 HT +69 22 24 HI +69 22 25 HO +69 22 26 HO +69 22 27 KU +69 22 28 AG +69 22 29 HO +69 22 30 HT +69 22 31 HO +69 22 32 AG +69 22 33 HO +69 22 34 HO +69 22 35 AG +69 22 36 HO +69 22 37 HO +69 22 38 AG +69 22 39 HO +69 22 40 HO +69 22 41 AG +69 22 42 WQ +69 22 43 HO +69 22 44 KP +69 22 45 HO +69 22 46 HI +69 22 47 HO +69 22 48 WQ +69 22 49 HO +69 22 50 HI +69 22 51 HI +69 22 52 KP +69 22 53 AG +69 22 54 HO +69 22 55 HO +69 22 56 HT +69 22 57 HO +69 22 58 WQ +69 22 59 HT +69 22 60 HO +69 22 61 AG +69 22 62 HO +69 22 63 AG +69 22 64 HO +69 22 65 AG +69 22 66 KP +69 22 67 HO +69 22 68 AG +69 22 69 HO +69 22 70 KP +69 22 71 AG +69 22 72 HO +69 22 73 HI +69 22 74 HO +69 22 75 HO +69 22 76 AG +69 22 77 HO +69 22 78 KP +69 22 79 HI +69 22 80 HO +69 22 81 HO +69 22 82 HO +69 22 83 KP +69 22 84 AG +69 22 85 HO +69 22 86 AG +69 22 87 HI +69 22 88 AG +69 22 89 HI +69 22 90 HI +69 22 91 HO +69 22 92 KP +69 22 93 HO +69 22 94 HI +69 22 95 KP +69 22 96 WQ +69 22 97 HI +69 22 98 AG +69 22 99 KP +69 22 100 HO +69 22 101 AG +69 22 102 HO +69 22 103 HI +69 22 104 HO +69 22 105 AG +69 22 106 WQ +69 22 107 KP +69 22 108 KP +69 22 109 HI +69 22 110 WQ +69 22 111 HO +69 22 112 AG +69 22 113 HI +69 22 114 HO +69 22 115 AG +69 22 116 HO +69 22 117 HI +69 22 118 AG +69 22 119 HO +69 22 120 KP +69 22 121 AG +69 22 122 HO +69 22 123 HO +69 22 124 HO +69 22 125 AG +69 22 126 AG +69 22 127 HI +69 22 128 WQ +69 22 129 KP +69 22 130 HI +69 22 131 HI +69 22 132 AG +69 22 133 HO +69 22 134 HI +69 22 135 AG +69 22 136 HO +69 22 137 HO +69 22 138 HO +69 22 139 KP +69 22 140 HO +69 22 141 KP +69 22 142 KP +69 22 143 HO +69 22 144 HI +69 22 145 HO +69 22 146 WQ +69 22 147 HO +69 22 148 AG +69 22 149 HO +69 22 150 HI +69 22 151 AG +69 22 152 AG +69 22 153 HO +69 22 154 HI +69 22 155 HI +69 22 156 HO +69 22 157 HT +69 22 158 KP +69 22 159 HT +69 22 160 HT +69 22 161 HO +69 22 162 AG +69 22 163 HO +69 22 164 HO +69 22 165 HO +69 22 166 HI +69 22 167 KP +69 22 168 HO +69 22 169 HO +69 22 170 HO +69 22 171 HO +69 22 172 KP +69 22 173 AG +69 22 174 WQ +69 22 175 HO +69 22 176 AG +69 22 177 KP +69 22 178 HI +69 22 179 AG +69 22 180 HO +69 22 181 WQ +69 22 182 AG +69 22 183 HT +69 22 184 HI +69 22 185 HT +69 22 186 HO +69 22 187 WQ +69 22 188 HO +69 22 189 HO +69 22 190 HT +69 22 191 HO +69 22 192 HI +69 22 193 WQ +69 22 194 HT +69 22 195 HO +69 22 196 HO +69 22 197 AG +69 22 198 HI +69 22 199 KP +69 22 200 HO +69 22 201 AG +69 22 202 HO +69 22 203 AG +69 22 204 HI +69 22 205 HI +69 22 206 KP +69 22 207 AG +69 22 208 WQ +69 22 209 HO +69 22 210 HI +69 22 211 HO +69 22 212 WQ +69 22 213 KU +69 22 214 HO +69 22 215 AG +69 22 216 HO +69 22 217 HT +69 22 218 HO +69 22 219 KP +69 22 220 HI +69 22 221 KP +69 22 222 HI +69 22 223 HO +69 22 224 KP +69 22 225 HO +69 22 226 HO +69 22 227 HI +69 22 228 HO +69 22 229 HO +69 22 230 KU +69 22 231 AG +69 22 232 HO +69 22 233 HO +69 22 234 HO +69 22 235 HO +69 22 236 HO +69 22 237 WQ +69 22 238 HO +69 22 239 AG +69 22 240 AG +69 22 241 KP +69 22 242 KP +69 22 243 AG +69 22 244 KP +69 22 245 AG +69 22 246 HO +69 22 247 HO +69 22 248 HI +69 22 249 HO +69 22 250 HI +69 22 251 HO +69 22 252 KP +69 22 253 HO +69 22 254 HO +69 22 255 HI +69 22 256 AG +69 22 257 HO +69 22 258 WQ +69 22 259 AG +69 22 260 KP +69 22 261 WQ +69 22 262 KP +69 22 263 HI +69 22 264 HO +69 22 265 HO +69 22 266 AG +69 22 267 AG +69 22 268 HO +69 22 269 AG +69 22 270 WQ +69 22 271 HO +69 22 272 KP +69 22 273 AG +69 22 274 KP +69 22 275 WQ +69 22 276 AG +69 22 277 HO +69 22 278 HT +69 22 279 HO +69 22 280 HO +69 22 281 HO +69 22 282 HO +69 22 283 HT +69 22 284 KP +69 22 285 HT +69 22 286 KP +69 22 287 WQ +69 22 288 AG +69 22 289 HO +69 22 290 KP +69 22 291 HI +69 22 292 AG +69 22 293 KP +69 22 294 KP +69 22 295 HT +69 22 296 HI +69 22 297 WQ +69 22 298 AG +69 22 299 HO +69 22 300 KP +69 22 301 HO +69 22 302 KP +69 22 303 HI +69 22 304 HO +69 22 305 AG +69 22 306 HO +69 22 307 HO +69 22 308 HI +69 22 309 HO +69 22 310 HO +69 22 311 HO +69 22 312 HI +69 22 313 HI +69 22 314 KP +69 22 315 HO +69 22 316 HO +69 22 317 AG +69 22 318 HT +69 22 319 KP +69 22 320 HO +69 22 321 AG +69 22 322 HO +69 22 323 HO +69 22 324 KP +69 22 325 AG +69 22 326 WQ +69 22 327 KP +69 22 328 HO +69 22 329 WQ +69 22 330 KP +69 23 1 HO +69 23 2 HO +69 23 3 AG +69 23 4 HO +69 23 5 KP +69 23 6 WQ +69 23 7 HO +69 23 8 HW +69 23 9 KP +69 23 10 HO +69 23 11 HO +69 23 12 HW +69 23 13 HO +69 23 14 HO +69 23 15 KP +69 23 16 KP +69 23 17 AG +69 23 18 HO +69 23 19 HO +69 23 20 HO +69 23 21 AG +69 23 22 KP +69 23 23 HW +69 23 24 HO +69 23 25 HO +69 23 26 HO +69 23 27 KP +69 23 28 KP +69 23 29 HO +69 23 30 HW +69 23 31 KP +69 23 32 HW +69 23 33 HO +69 23 34 HO +69 23 35 AG +69 23 36 HO +69 23 37 HO +69 23 38 AG +69 23 39 HO +69 23 40 HO +69 23 41 AG +69 23 42 HO +69 23 43 HO +69 23 44 KP +69 23 45 HO +69 23 46 HO +69 23 47 HO +69 23 48 KP +69 23 49 HO +69 23 50 AG +69 23 51 HW +69 23 52 KP +69 23 53 AG +69 23 54 HO +69 23 55 HO +69 23 56 AG +69 23 57 HO +69 23 58 HO +69 23 59 KP +69 23 60 HO +69 23 61 AG +69 23 62 HO +69 23 63 AG +69 23 64 HO +69 23 65 AG +69 23 66 KP +69 23 67 KP +69 23 68 AG +69 23 69 HO +69 23 70 KP +69 23 71 AG +69 23 72 HO +69 23 73 AG +69 23 74 HO +69 23 75 HO +69 23 76 AG +69 23 77 HO +69 23 78 AG +69 23 79 HO +69 23 80 HO +69 23 81 HW +69 23 82 KP +69 23 83 KP +69 23 84 KP +69 23 85 HO +69 23 86 AG +69 23 87 HO +69 23 88 AG +69 23 89 HO +69 23 90 HO +69 23 91 HO +69 23 92 KP +69 23 93 HO +69 23 94 HO +69 23 95 KP +69 23 96 WQ +69 23 97 HO +69 23 98 AG +69 23 99 KP +69 23 100 HO +69 23 101 AG +69 23 102 HO +69 23 103 KP +69 23 104 KP +69 23 105 AG +69 23 106 KP +69 23 107 KP +69 23 108 KP +69 23 109 HO +69 23 110 WQ +69 23 111 HO +69 23 112 AG +69 23 113 HO +69 23 114 HO +69 23 115 AG +69 23 116 HO +69 23 117 HO +69 23 118 AG +69 23 119 HO +69 23 120 KP +69 23 121 AG +69 23 122 HO +69 23 123 HO +69 23 124 HW +69 23 125 AG +69 23 126 AG +69 23 127 HI +69 23 128 HW +69 23 129 KP +69 23 130 HI +69 23 131 HW +69 23 132 AG +69 23 133 HO +69 23 134 HI +69 23 135 AG +69 23 136 HO +69 23 137 HO +69 23 138 HO +69 23 139 HO +69 23 140 HO +69 23 141 KP +69 23 142 KP +69 23 143 HO +69 23 144 HI +69 23 145 KP +69 23 146 WQ +69 23 147 HO +69 23 148 AG +69 23 149 HO +69 23 150 HW +69 23 151 AG +69 23 152 AG +69 23 153 HO +69 23 154 HI +69 23 155 HI +69 23 156 HO +69 23 157 HI +69 23 158 KP +69 23 159 WQ +69 23 160 WQ +69 23 161 HI +69 23 162 AG +69 23 163 HO +69 23 164 HO +69 23 165 HI +69 23 166 HO +69 23 167 KP +69 23 168 HO +69 23 169 HO +69 23 170 HO +69 23 171 HO +69 23 172 KP +69 23 173 AG +69 23 174 WQ +69 23 175 HO +69 23 176 AG +69 23 177 HW +69 23 178 HO +69 23 179 HI +69 23 180 HW +69 23 181 HW +69 23 182 AG +69 23 183 HO +69 23 184 HO +69 23 185 KP +69 23 186 HO +69 23 187 HW +69 23 188 HO +69 23 189 HO +69 23 190 HW +69 23 191 HO +69 23 192 HO +69 23 193 KP +69 23 194 AG +69 23 195 HI +69 23 196 KP +69 23 197 AG +69 23 198 HO +69 23 199 KP +69 23 200 KP +69 23 201 AG +69 23 202 HI +69 23 203 AG +69 23 204 HI +69 23 205 HI +69 23 206 KP +69 23 207 AG +69 23 208 KP +69 23 209 HI +69 23 210 HI +69 23 211 KP +69 23 212 AG +69 23 213 KP +69 23 214 WQ +69 23 215 HW +69 23 216 HI +69 23 217 WQ +69 23 218 HI +69 23 219 KP +69 23 220 HI +69 23 221 KP +69 23 222 HI +69 23 223 HO +69 23 224 KP +69 23 225 HW +69 23 226 HW +69 23 227 HI +69 23 228 HI +69 23 229 KP +69 23 230 KP +69 23 231 AG +69 23 232 HI +69 23 233 HI +69 23 234 HO +69 23 235 HO +69 23 236 HW +69 23 237 WQ +69 23 238 HI +69 23 239 AG +69 23 240 WQ +69 23 241 KP +69 23 242 KP +69 23 243 HI +69 23 244 KP +69 23 245 AG +69 23 246 HO +69 23 247 HO +69 23 248 HO +69 23 249 HO +69 23 250 AG +69 23 251 KP +69 23 252 KP +69 23 253 HO +69 23 254 HO +69 23 255 HI +69 23 256 AG +69 23 257 HO +69 23 258 WQ +69 23 259 AG +69 23 260 KP +69 23 261 AG +69 23 262 KP +69 23 263 HO +69 23 264 HO +69 23 265 HO +69 23 266 AG +69 23 267 AG +69 23 268 HO +69 23 269 AG +69 23 270 AG +69 23 271 HO +69 23 272 KP +69 23 273 AG +69 23 274 KP +69 23 275 HW +69 23 276 AG +69 23 277 HO +69 23 278 AG +69 23 279 HO +69 23 280 HO +69 23 281 HO +69 23 282 HO +69 23 283 HW +69 23 284 HO +69 23 285 AG +69 23 286 KP +69 23 287 HW +69 23 288 AG +69 23 289 HO +69 23 290 KP +69 23 291 HO +69 23 292 AG +69 23 293 HO +69 23 294 KP +69 23 295 HI +69 23 296 HI +69 23 297 WQ +69 23 298 AG +69 23 299 HO +69 23 300 KP +69 23 301 HO +69 23 302 KP +69 23 303 KP +69 23 304 HO +69 23 305 AG +69 23 306 KP +69 23 307 HO +69 23 308 KP +69 23 309 HI +69 23 310 HO +69 23 311 HO +69 23 312 HI +69 23 313 HI +69 23 314 KP +69 23 315 HO +69 23 316 HO +69 23 317 AG +69 23 318 WQ +69 23 319 KP +69 23 320 HI +69 23 321 AG +69 23 322 KP +69 23 323 HI +69 23 324 KP +69 23 325 AG +69 23 326 WQ +69 23 327 KP +69 23 328 HI +69 23 329 HI +69 23 330 KP +69 24 1 HO +69 24 2 HO +69 24 3 AG +69 24 4 IP +69 24 5 HO +69 24 6 HT +69 24 7 HO +69 24 8 IP +69 24 9 HT +69 24 10 HO +69 24 11 HO +69 24 12 WQ +69 24 13 HO +69 24 14 HO +69 24 15 AY +69 24 16 KP +69 24 17 AG +69 24 18 HI +69 24 19 HO +69 24 20 HO +69 24 21 AG +69 24 22 WQ +69 24 23 EN +69 24 24 HI +69 24 25 HO +69 24 26 HO +69 24 27 KP +69 24 28 AG +69 24 29 HO +69 24 30 AG +69 24 31 HO +69 24 32 AG +69 24 33 HO +69 24 34 HO +69 24 35 AG +69 24 36 HO +69 24 37 HO +69 24 38 AG +69 24 39 HO +69 24 40 HO +69 24 41 IP +69 24 42 WQ +69 24 43 HO +69 24 44 KP +69 24 45 HO +69 24 46 HI +69 24 47 HO +69 24 48 WQ +69 24 49 HO +69 24 50 IP +69 24 51 HI +69 24 52 KP +69 24 53 IP +69 24 54 HO +69 24 55 HO +69 24 56 HW +69 24 57 HO +69 24 58 WQ +69 24 59 KP +69 24 60 HO +69 24 61 AG +69 24 62 HI +69 24 63 IP +69 24 64 HO +69 24 65 AG +69 24 66 KP +69 24 67 HO +69 24 68 IP +69 24 69 HT +69 24 70 KP +69 24 71 IP +69 24 72 HO +69 24 73 IP +69 24 74 HT +69 24 75 HI +69 24 76 IP +69 24 77 HO +69 24 78 KP +69 24 79 HI +69 24 80 HO +69 24 81 YQ +69 24 82 HO +69 24 83 HT +69 24 84 HT +69 24 85 HO +69 24 86 IP +69 24 87 HI +69 24 88 EN +69 24 89 HI +69 24 90 HO +69 24 91 WQ +69 24 92 KP +69 24 93 HO +69 24 94 HI +69 24 95 KP +69 24 96 WQ +69 24 97 EN +69 24 98 AG +69 24 99 HT +69 24 100 HO +69 24 101 IP +69 24 102 HT +69 24 103 HT +69 24 104 HO +69 24 105 IP +69 24 106 WQ +69 24 107 HT +69 24 108 HO +69 24 109 HI +69 24 110 HW +69 24 111 HI +69 24 112 AG +69 24 113 HI +69 24 114 HO +69 24 115 IP +69 24 116 HT +69 24 117 HI +69 24 118 HT +69 24 119 HO +69 24 120 KP +69 24 121 AG +69 24 122 HO +69 24 123 HO +69 24 124 YQ +69 24 125 AG +69 24 126 HT +69 24 127 HI +69 24 128 WQ +69 24 129 HT +69 24 130 HI +69 24 131 EN +69 24 132 IP +69 24 133 HO +69 24 134 HI +69 24 135 IP +69 24 136 HO +69 24 137 HO +69 24 138 HO +69 24 139 HT +69 24 140 HO +69 24 141 HT +69 24 142 HT +69 24 143 YQ +69 24 144 HI +69 24 145 HO +69 24 146 HW +69 24 147 HO +69 24 148 AG +69 24 149 HO +69 24 150 IP +69 24 151 HT +69 24 152 HT +69 24 153 HO +69 24 154 HI +69 24 155 HI +69 24 156 HO +69 24 157 HI +69 24 158 HT +69 24 159 HT +69 24 160 HT +69 24 161 HO +69 24 162 AG +69 24 163 HO +69 24 164 HO +69 24 165 HT +69 24 166 HI +69 24 167 HT +69 24 168 HO +69 24 169 HO +69 24 170 HI +69 24 171 HT +69 24 172 KP +69 24 173 IP +69 24 174 WQ +69 24 175 HO +69 24 176 AG +69 24 177 HW +69 24 178 HO +69 24 179 IP +69 24 180 HO +69 24 181 HW +69 24 182 IP +69 24 183 HT +69 24 184 EN +69 24 185 HT +69 24 186 HO +69 24 187 HW +69 24 188 HO +69 24 189 HT +69 24 190 KU +69 24 191 HO +69 24 192 EN +69 24 193 WQ +69 24 194 IP +69 24 195 HO +69 24 196 HO +69 24 197 IP +69 24 198 HI +69 24 199 KU +69 24 200 HO +69 24 201 WQ +69 24 202 HO +69 24 203 EN +69 24 204 HI +69 24 205 IP +69 24 206 KU +69 24 207 EN +69 24 208 WQ +69 24 209 HO +69 24 210 EN +69 24 211 HO +69 24 212 WQ +69 24 213 HT +69 24 214 HW +69 24 215 HT +69 24 216 HI +69 24 217 HT +69 24 218 HW +69 24 219 KU +69 24 220 IP +69 24 221 KU +69 24 222 IP +69 24 223 HO +69 24 224 KU +69 24 225 HW +69 24 226 HO +69 24 227 HI +69 24 228 HO +69 24 229 YQ +69 24 230 KU +69 24 231 IP +69 24 232 HT +69 24 233 KU +69 24 234 HO +69 24 235 HO +69 24 236 HW +69 24 237 HT +69 24 238 HO +69 24 239 IP +69 24 240 EN +69 24 241 KU +69 24 242 HW +69 24 243 EN +69 24 244 KU +69 24 245 AG +69 24 246 HO +69 24 247 IP +69 24 248 HI +69 24 249 HO +69 24 250 IP +69 24 251 YQ +69 24 252 KU +69 24 253 YQ +69 24 254 HO +69 24 255 HI +69 24 256 AG +69 24 257 HO +69 24 258 WQ +69 24 259 IP +69 24 260 HT +69 24 261 HW +69 24 262 KU +69 24 263 HT +69 24 264 YQ +69 24 265 HO +69 24 266 EN +69 24 267 IP +69 24 268 YQ +69 24 269 IP +69 24 270 HW +69 24 271 HO +69 24 272 HT +69 24 273 EN +69 24 274 KP +69 24 275 HW +69 24 276 EN +69 24 277 HO +69 24 278 HT +69 24 279 HO +69 24 280 YQ +69 24 281 HO +69 24 282 HO +69 24 283 HI +69 24 284 KP +69 24 285 HT +69 24 286 KP +69 24 287 HW +69 24 288 AG +69 24 289 YQ +69 24 290 HT +69 24 291 HO +69 24 292 HT +69 24 293 KU +69 24 294 KU +69 24 295 HI +69 24 296 IP +69 24 297 WQ +69 24 298 AG +69 24 299 HO +69 24 300 KU +69 24 301 HO +69 24 302 HT +69 24 303 HT +69 24 304 HW +69 24 305 IP +69 24 306 YQ +69 24 307 HO +69 24 308 KU +69 24 309 HI +69 24 310 HO +69 24 311 HO +69 24 312 HI +69 24 313 IP +69 24 314 KU +69 24 315 HO +69 24 316 HO +69 24 317 EN +69 24 318 WQ +69 24 319 HT +69 24 320 WQ +69 24 321 AG +69 24 322 YQ +69 24 323 HO +69 24 324 KU +69 24 325 EN +69 24 326 WQ +69 24 327 HT +69 24 328 HO +69 24 329 HT +69 24 330 KU +69 25 1 HO +69 25 2 HO +69 25 3 AG +69 25 4 IP +69 25 5 HO +69 25 6 HT +69 25 7 HO +69 25 8 AG +69 25 9 KP +69 25 10 HO +69 25 11 HO +69 25 12 KP +69 25 13 HO +69 25 14 HI +69 25 15 KP +69 25 16 KP +69 25 17 AG +69 25 18 HI +69 25 19 HO +69 25 20 HO +69 25 21 AG +69 25 22 KP +69 25 23 HO +69 25 24 HI +69 25 25 HO +69 25 26 HO +69 25 27 KP +69 25 28 AG +69 25 29 HO +69 25 30 KP +69 25 31 HO +69 25 32 AG +69 25 33 HO +69 25 34 HO +69 25 35 AG +69 25 36 HO +69 25 37 HO +69 25 38 AG +69 25 39 HO +69 25 40 HO +69 25 41 AG +69 25 42 KP +69 25 43 HO +69 25 44 KP +69 25 45 HO +69 25 46 KP +69 25 47 HO +69 25 48 KP +69 25 49 HO +69 25 50 HO +69 25 51 HI +69 25 52 KP +69 25 53 AG +69 25 54 HO +69 25 55 HO +69 25 56 KP +69 25 57 HO +69 25 58 HO +69 25 59 KP +69 25 60 HO +69 25 61 AG +69 25 62 HO +69 25 63 AG +69 25 64 HO +69 25 65 AG +69 25 66 KP +69 25 67 HO +69 25 68 AG +69 25 69 HO +69 25 70 KP +69 25 71 AG +69 25 72 HO +69 25 73 AG +69 25 74 KP +69 25 75 HO +69 25 76 AG +69 25 77 HO +69 25 78 AG +69 25 79 HO +69 25 80 HO +69 25 81 KP +69 25 82 HO +69 25 83 KP +69 25 84 AG +69 25 85 HO +69 25 86 AG +69 25 87 HO +69 25 88 AG +69 25 89 HO +69 25 90 HO +69 25 91 KP +69 25 92 KP +69 25 93 HO +69 25 94 HI +69 25 95 KP +69 25 96 HO +69 25 97 HO +69 25 98 AG +69 25 99 HO +69 25 100 HO +69 25 101 AG +69 25 102 HO +69 25 103 HI +69 25 104 HO +69 25 105 AG +69 25 106 KP +69 25 107 KP +69 25 108 HO +69 25 109 HO +69 25 110 AG +69 25 111 HO +69 25 112 AG +69 25 113 HO +69 25 114 HO +69 25 115 AG +69 25 116 HO +69 25 117 HI +69 25 118 AG +69 25 119 HO +69 25 120 KP +69 25 121 AG +69 25 122 HO +69 25 123 HO +69 25 124 KP +69 25 125 AG +69 25 126 AG +69 25 127 HO +69 25 128 * +69 25 129 KP +69 25 130 HO +69 25 131 AG +69 25 132 AG +69 25 133 HO +69 25 134 HI +69 25 135 AG +69 25 136 HO +69 25 137 HO +69 25 138 HO +69 25 139 KP +69 25 140 HO +69 25 141 KP +69 25 142 KP +69 25 143 HO +69 25 144 HO +69 25 145 HO +69 25 146 KP +69 25 147 HO +69 25 148 AG +69 25 149 HO +69 25 150 HI +69 25 151 KP +69 25 152 AG +69 25 153 HO +69 25 154 HI +69 25 155 HI +69 25 156 HO +69 25 157 HI +69 25 158 KP +69 25 159 AG +69 25 160 AG +69 25 161 HO +69 25 162 AG +69 25 163 HO +69 25 164 HO +69 25 165 HI +69 25 166 HI +69 25 167 * +69 25 168 HO +69 25 169 HO +69 25 170 HO +69 25 171 HI +69 25 172 KP +69 25 173 AG +69 25 174 * +69 25 175 HO +69 25 176 AG +69 25 177 HO +69 25 178 HO +69 25 179 AG +69 25 180 HO +69 25 181 WQ +69 25 182 HI +69 25 183 KP +69 25 184 HO +69 25 185 KP +69 25 186 HO +69 25 187 HW +69 25 188 HO +69 25 189 HO +69 25 190 AG +69 25 191 HO +69 25 192 * +69 25 193 * +69 25 194 * +69 25 195 HO +69 25 196 HO +69 25 197 WQ +69 25 198 HI +69 25 199 HO +69 25 200 HO +69 25 201 AG +69 25 202 HO +69 25 203 AG +69 25 204 HI +69 25 205 HI +69 25 206 HW +69 25 207 AG +69 25 208 HI +69 25 209 HO +69 25 210 HI +69 25 211 HO +69 25 212 AG +69 25 213 KP +69 25 214 WQ +69 25 215 AG +69 25 216 HI +69 25 217 AG +69 25 218 KP +69 25 219 HO +69 25 220 HO +69 25 221 KP +69 25 222 HO +69 25 223 HO +69 25 224 KP +69 25 225 HO +69 25 226 HO +69 25 227 HO +69 25 228 HO +69 25 229 HO +69 25 230 KP +69 25 231 AG +69 25 232 HI +69 25 233 HO +69 25 234 HO +69 25 235 HO +69 25 236 WQ +69 25 237 HO +69 25 238 HO +69 25 239 AG +69 25 240 HI +69 25 241 KP +69 25 242 HW +69 25 243 AG +69 25 244 HO +69 25 245 AG +69 25 246 HO +69 25 247 HW +69 25 248 HI +69 25 249 HO +69 25 250 HI +69 25 251 HO +69 25 252 KP +69 25 253 HO +69 25 254 HO +69 25 255 HI +69 25 256 AG +69 25 257 HO +69 25 258 WQ +69 25 259 HI +69 25 260 WQ +69 25 261 HW +69 25 262 KP +69 25 263 HI +69 25 264 HO +69 25 265 * +69 25 266 AG +69 25 267 AG +69 25 268 HO +69 25 269 AG +69 25 270 WQ +69 25 271 HO +69 25 272 KP +69 25 273 WQ +69 25 274 KP +69 25 275 WQ +69 25 276 AG +69 25 277 HO +69 25 278 AG +69 25 279 YQ +69 25 280 HO +69 25 281 HO +69 25 282 HO +69 25 283 HT +69 25 284 KP +69 25 285 AG +69 25 286 KP +69 25 287 KP +69 25 288 AG +69 25 289 HO +69 25 290 * +69 25 291 * +69 25 292 AG +69 25 293 YQ +69 25 294 KP +69 25 295 HI +69 25 296 HO +69 25 297 WQ +69 25 298 AG +69 25 299 HO +69 25 300 HO +69 25 301 HO +69 25 302 KP +69 25 303 KP +69 25 304 HO +69 25 305 HI +69 25 306 HO +69 25 307 HO +69 25 308 HO +69 25 309 HI +69 25 310 HO +69 25 311 HO +69 25 312 HI +69 25 313 HI +69 25 314 HT +69 25 315 HO +69 25 316 HO +69 25 317 AG +69 25 318 WQ +69 25 319 KP +69 25 320 HI +69 25 321 AG +69 25 322 HO +69 25 323 HO +69 25 324 KP +69 25 325 AG +69 25 326 WQ +69 25 327 HO +69 25 328 HO +69 25 329 WQ +69 25 330 HW +70 1 1 E +70 1 2 * +70 1 3 * +70 1 4 * +70 1 5 S +70 1 6 * +70 1 7 S +70 1 8 * +70 1 9 * +70 1 10 E +70 1 11 S +70 1 12 I +70 1 13 S +70 1 14 E +70 1 15 * +70 1 16 W +70 1 17 * +70 1 18 G +70 1 19 E +70 1 20 S +70 1 21 * +70 1 22 I +70 1 23 * +70 1 24 G +70 1 25 N +70 1 26 E +70 1 27 * +70 1 28 * +70 1 29 S +70 1 30 * +70 1 31 E +70 1 32 * +70 1 33 S +70 1 34 E +70 1 35 * +70 1 36 S +70 1 37 E +70 1 38 * +70 1 39 S +70 1 40 E +70 1 41 L +70 1 42 I +70 1 43 E +70 1 44 * +70 1 45 S +70 1 46 * +70 1 47 S +70 1 48 I +70 1 49 E +70 1 50 * +70 1 51 * +70 1 52 S +70 1 53 * +70 1 54 S +70 1 55 N +70 1 56 * +70 1 57 E +70 1 58 * +70 1 59 * +70 1 60 E +70 1 61 M +70 1 62 * +70 1 63 * +70 1 64 E +70 1 65 * +70 1 66 W +70 1 67 S +70 1 68 * +70 1 69 S +70 1 70 * +70 1 71 * +70 1 72 S +70 1 73 * +70 1 74 E +70 1 75 S +70 1 76 * +70 1 77 E +70 1 78 * +70 1 79 * +70 1 80 E +70 1 81 S +70 1 82 S +70 1 83 * +70 1 84 * +70 1 85 S +70 1 86 * +70 1 87 G +70 1 88 * +70 1 89 G +70 1 90 G +70 1 91 S +70 1 92 W +70 1 93 E +70 1 94 G +70 1 95 S +70 1 96 I +70 1 97 * +70 1 98 M +70 1 99 E +70 1 100 S +70 1 101 * +70 1 102 * +70 1 103 S +70 1 104 E +70 1 105 * +70 1 106 I +70 1 107 W +70 1 108 S +70 1 109 E +70 1 110 I +70 1 111 S +70 1 112 * +70 1 113 G +70 1 114 E +70 1 115 M +70 1 116 E +70 1 117 G +70 1 118 * +70 1 119 S +70 1 120 W +70 1 121 * +70 1 122 S +70 1 123 E +70 1 124 S +70 1 125 * +70 1 126 * +70 1 127 G +70 1 128 I +70 1 129 W +70 1 130 G +70 1 131 * +70 1 132 * +70 1 133 S +70 1 134 G +70 1 135 * +70 1 136 E +70 1 137 S +70 1 138 E +70 1 139 * +70 1 140 E +70 1 141 W +70 1 142 * +70 1 143 S +70 1 144 * +70 1 145 S +70 1 146 I +70 1 147 S +70 1 148 M +70 1 149 S +70 1 150 * +70 1 151 * +70 1 152 * +70 1 153 E +70 1 154 G +70 1 155 G +70 1 156 S +70 1 157 G +70 1 158 W +70 1 159 I +70 1 160 * +70 1 161 S +70 1 162 M +70 1 163 * +70 1 164 E +70 1 165 S +70 1 166 E +70 1 167 * +70 1 168 S +70 1 169 E +70 1 170 G +70 1 171 S +70 1 172 W +70 1 173 * +70 1 174 I +70 1 175 E +70 1 176 * +70 1 177 I +70 1 178 E +70 1 179 * +70 1 180 S +70 1 181 I +70 1 182 * +70 1 183 * +70 1 184 * +70 1 185 * +70 1 186 E +70 1 187 I +70 1 188 E +70 1 189 E +70 1 190 * +70 1 191 E +70 1 192 * +70 1 193 I +70 1 194 * +70 1 195 S +70 1 196 S +70 1 197 * +70 1 198 G +70 1 199 S +70 1 200 E +70 1 201 * +70 1 202 S +70 1 203 * +70 1 204 G +70 1 205 * +70 1 206 S +70 1 207 * +70 1 208 * +70 1 209 E +70 1 210 * +70 1 211 E +70 1 212 I +70 1 213 * +70 1 214 I +70 1 215 * +70 1 216 S +70 1 217 * +70 1 218 S +70 1 219 S +70 1 220 * +70 1 221 S +70 1 222 * +70 1 223 S +70 1 224 W +70 1 225 S +70 1 226 E +70 1 227 G +70 1 228 E +70 1 229 S +70 1 230 * +70 1 231 * +70 1 232 S +70 1 233 * +70 1 234 S +70 1 235 E +70 1 236 S +70 1 237 * +70 1 238 E +70 1 239 * +70 1 240 * +70 1 241 W +70 1 242 I +70 1 243 * +70 1 244 E +70 1 245 M +70 1 246 E +70 1 247 * +70 1 248 G +70 1 249 S +70 1 250 * +70 1 251 S +70 1 252 W +70 1 253 S +70 1 254 E +70 1 255 G +70 1 256 * +70 1 257 E +70 1 258 I +70 1 259 M +70 1 260 I +70 1 261 * +70 1 262 W +70 1 263 * +70 1 264 E +70 1 265 S +70 1 266 * +70 1 267 * +70 1 268 S +70 1 269 * +70 1 270 * +70 1 271 S +70 1 272 * +70 1 273 * +70 1 274 W +70 1 275 I +70 1 276 * +70 1 277 E +70 1 278 * +70 1 279 E +70 1 280 S +70 1 281 * +70 1 282 S +70 1 283 * +70 1 284 E +70 1 285 * +70 1 286 W +70 1 287 * +70 1 288 * +70 1 289 E +70 1 290 W +70 1 291 E +70 1 292 * +70 1 293 S +70 1 294 E +70 1 295 * +70 1 296 * +70 1 297 I +70 1 298 M +70 1 299 S +70 1 300 * +70 1 301 S +70 1 302 * +70 1 303 * +70 1 304 S +70 1 305 * +70 1 306 S +70 1 307 E +70 1 308 * +70 1 309 G +70 1 310 S +70 1 311 E +70 1 312 G +70 1 313 * +70 1 314 * +70 1 315 S +70 1 316 * +70 1 317 * +70 1 318 * +70 1 319 W +70 1 320 S +70 1 321 * +70 1 322 E +70 1 323 S +70 1 324 W +70 1 325 * +70 1 326 I +70 1 327 E +70 1 328 S +70 1 329 * +70 1 330 E +70 2 1 E +70 2 2 * +70 2 3 M +70 2 4 * +70 2 5 * +70 2 6 * +70 2 7 * +70 2 8 * +70 2 9 * +70 2 10 E +70 2 11 * +70 2 12 I +70 2 13 * +70 2 14 E +70 2 15 * +70 2 16 W +70 2 17 * +70 2 18 G +70 2 19 E +70 2 20 * +70 2 21 * +70 2 22 I +70 2 23 * +70 2 24 * +70 2 25 * +70 2 26 E +70 2 27 * +70 2 28 * +70 2 29 * +70 2 30 * +70 2 31 E +70 2 32 * +70 2 33 * +70 2 34 E +70 2 35 * +70 2 36 * +70 2 37 * +70 2 38 * +70 2 39 * +70 2 40 E +70 2 41 M +70 2 42 I +70 2 43 E +70 2 44 W +70 2 45 * +70 2 46 * +70 2 47 * +70 2 48 I +70 2 49 E +70 2 50 * +70 2 51 * +70 2 52 * +70 2 53 * +70 2 54 * +70 2 55 * +70 2 56 * +70 2 57 * +70 2 58 * +70 2 59 T +70 2 60 E +70 2 61 M +70 2 62 * +70 2 63 * +70 2 64 E +70 2 65 * +70 2 66 * +70 2 67 * +70 2 68 * +70 2 69 * +70 2 70 * +70 2 71 * +70 2 72 * +70 2 73 * +70 2 74 * +70 2 75 * +70 2 76 * +70 2 77 E +70 2 78 * +70 2 79 * +70 2 80 E +70 2 81 * +70 2 82 * +70 2 83 * +70 2 84 * +70 2 85 * +70 2 86 * +70 2 87 G +70 2 88 * +70 2 89 G +70 2 90 * +70 2 91 * +70 2 92 * +70 2 93 E +70 2 94 G +70 2 95 * +70 2 96 I +70 2 97 * +70 2 98 * +70 2 99 * +70 2 100 * +70 2 101 * +70 2 102 * +70 2 103 * +70 2 104 E +70 2 105 * +70 2 106 I +70 2 107 W +70 2 108 * +70 2 109 * +70 2 110 * +70 2 111 * +70 2 112 * +70 2 113 G +70 2 114 * +70 2 115 * +70 2 116 E +70 2 117 * +70 2 118 * +70 2 119 * +70 2 120 W +70 2 121 * +70 2 122 * +70 2 123 E +70 2 124 * +70 2 125 * +70 2 126 * +70 2 127 * +70 2 128 I +70 2 129 W +70 2 130 * +70 2 131 * +70 2 132 * +70 2 133 * +70 2 134 * +70 2 135 * +70 2 136 * +70 2 137 * +70 2 138 E +70 2 139 W +70 2 140 E +70 2 141 W +70 2 142 * +70 2 143 * +70 2 144 * +70 2 145 * +70 2 146 I +70 2 147 * +70 2 148 M +70 2 149 * +70 2 150 * +70 2 151 * +70 2 152 * +70 2 153 E +70 2 154 * +70 2 155 * +70 2 156 * +70 2 157 * +70 2 158 W +70 2 159 * +70 2 160 * +70 2 161 * +70 2 162 M +70 2 163 * +70 2 164 E +70 2 165 * +70 2 166 * +70 2 167 * +70 2 168 * +70 2 169 E +70 2 170 * +70 2 171 * +70 2 172 W +70 2 173 * +70 2 174 I +70 2 175 * +70 2 176 * +70 2 177 I +70 2 178 E +70 2 179 * +70 2 180 * +70 2 181 I +70 2 182 * +70 2 183 * +70 2 184 * +70 2 185 * +70 2 186 E +70 2 187 * +70 2 188 E +70 2 189 E +70 2 190 * +70 2 191 * +70 2 192 * +70 2 193 * +70 2 194 * +70 2 195 * +70 2 196 * +70 2 197 * +70 2 198 G +70 2 199 * +70 2 200 * +70 2 201 * +70 2 202 * +70 2 203 * +70 2 204 * +70 2 205 * +70 2 206 * +70 2 207 * +70 2 208 * +70 2 209 * +70 2 210 * +70 2 211 E +70 2 212 * +70 2 213 * +70 2 214 * +70 2 215 * +70 2 216 * +70 2 217 * +70 2 218 * +70 2 219 E +70 2 220 * +70 2 221 * +70 2 222 * +70 2 223 * +70 2 224 W +70 2 225 * +70 2 226 * +70 2 227 G +70 2 228 E +70 2 229 * +70 2 230 * +70 2 231 * +70 2 232 * +70 2 233 * +70 2 234 * +70 2 235 E +70 2 236 * +70 2 237 * +70 2 238 * +70 2 239 * +70 2 240 * +70 2 241 W +70 2 242 I +70 2 243 * +70 2 244 * +70 2 245 M +70 2 246 * +70 2 247 * +70 2 248 * +70 2 249 * +70 2 250 * +70 2 251 * +70 2 252 W +70 2 253 * +70 2 254 E +70 2 255 G +70 2 256 * +70 2 257 E +70 2 258 I +70 2 259 * +70 2 260 I +70 2 261 * +70 2 262 W +70 2 263 * +70 2 264 E +70 2 265 * +70 2 266 * +70 2 267 * +70 2 268 * +70 2 269 * +70 2 270 * +70 2 271 * +70 2 272 W +70 2 273 * +70 2 274 W +70 2 275 * +70 2 276 * +70 2 277 * +70 2 278 * +70 2 279 E +70 2 280 * +70 2 281 * +70 2 282 * +70 2 283 * +70 2 284 W +70 2 285 * +70 2 286 W +70 2 287 * +70 2 288 M +70 2 289 * +70 2 290 * +70 2 291 E +70 2 292 * +70 2 293 * +70 2 294 * +70 2 295 * +70 2 296 * +70 2 297 I +70 2 298 M +70 2 299 * +70 2 300 * +70 2 301 * +70 2 302 W +70 2 303 E +70 2 304 * +70 2 305 * +70 2 306 * +70 2 307 E +70 2 308 * +70 2 309 * +70 2 310 * +70 2 311 E +70 2 312 * +70 2 313 * +70 2 314 W +70 2 315 * +70 2 316 * +70 2 317 * +70 2 318 * +70 2 319 W +70 2 320 * +70 2 321 * +70 2 322 E +70 2 323 * +70 2 324 W +70 2 325 * +70 2 326 I +70 2 327 * +70 2 328 * +70 2 329 * +70 2 330 * +70 3 1 E +70 3 2 * +70 3 3 * +70 3 4 * +70 3 5 * +70 3 6 * +70 3 7 * +70 3 8 * +70 3 9 J +70 3 10 E +70 3 11 * +70 3 12 I +70 3 13 * +70 3 14 * +70 3 15 * +70 3 16 W +70 3 17 * +70 3 18 G +70 3 19 E +70 3 20 * +70 3 21 * +70 3 22 T +70 3 23 * +70 3 24 * +70 3 25 * +70 3 26 E +70 3 27 * +70 3 28 * +70 3 29 * +70 3 30 J +70 3 31 * +70 3 32 * +70 3 33 * +70 3 34 E +70 3 35 * +70 3 36 * +70 3 37 E +70 3 38 * +70 3 39 * +70 3 40 E +70 3 41 * +70 3 42 I +70 3 43 E +70 3 44 * +70 3 45 * +70 3 46 * +70 3 47 * +70 3 48 T +70 3 49 E +70 3 50 * +70 3 51 * +70 3 52 * +70 3 53 * +70 3 54 S +70 3 55 E +70 3 56 * +70 3 57 E +70 3 58 S +70 3 59 * +70 3 60 * +70 3 61 M +70 3 62 * +70 3 63 * +70 3 64 E +70 3 65 * +70 3 66 W +70 3 67 * +70 3 68 * +70 3 69 * +70 3 70 * +70 3 71 * +70 3 72 S +70 3 73 * +70 3 74 E +70 3 75 * +70 3 76 * +70 3 77 E +70 3 78 * +70 3 79 G +70 3 80 E +70 3 81 * +70 3 82 * +70 3 83 * +70 3 84 * +70 3 85 S +70 3 86 * +70 3 87 G +70 3 88 * +70 3 89 G +70 3 90 * +70 3 91 * +70 3 92 * +70 3 93 E +70 3 94 * +70 3 95 * +70 3 96 T +70 3 97 * +70 3 98 * +70 3 99 * +70 3 100 * +70 3 101 * +70 3 102 * +70 3 103 S +70 3 104 E +70 3 105 I +70 3 106 * +70 3 107 * +70 3 108 * +70 3 109 * +70 3 110 * +70 3 111 * +70 3 112 M +70 3 113 G +70 3 114 * +70 3 115 * +70 3 116 E +70 3 117 J +70 3 118 * +70 3 119 * +70 3 120 W +70 3 121 * +70 3 122 S +70 3 123 E +70 3 124 * +70 3 125 * +70 3 126 * +70 3 127 * +70 3 128 I +70 3 129 W +70 3 130 S +70 3 131 * +70 3 132 * +70 3 133 S +70 3 134 * +70 3 135 * +70 3 136 * +70 3 137 S +70 3 138 E +70 3 139 * +70 3 140 E +70 3 141 W +70 3 142 * +70 3 143 * +70 3 144 * +70 3 145 * +70 3 146 I +70 3 147 * +70 3 148 M +70 3 149 * +70 3 150 * +70 3 151 * +70 3 152 * +70 3 153 E +70 3 154 * +70 3 155 I +70 3 156 * +70 3 157 I +70 3 158 W +70 3 159 * +70 3 160 * +70 3 161 * +70 3 162 M +70 3 163 E +70 3 164 * +70 3 165 * +70 3 166 E +70 3 167 * +70 3 168 S +70 3 169 E +70 3 170 * +70 3 171 S +70 3 172 W +70 3 173 * +70 3 174 T +70 3 175 E +70 3 176 M +70 3 177 * +70 3 178 E +70 3 179 * +70 3 180 * +70 3 181 I +70 3 182 * +70 3 183 * +70 3 184 * +70 3 185 J +70 3 186 E +70 3 187 * +70 3 188 E +70 3 189 E +70 3 190 * +70 3 191 * +70 3 192 * +70 3 193 * +70 3 194 * +70 3 195 S +70 3 196 * +70 3 197 * +70 3 198 G +70 3 199 * +70 3 200 E +70 3 201 * +70 3 202 S +70 3 203 * +70 3 204 I +70 3 205 * +70 3 206 * +70 3 207 * +70 3 208 I +70 3 209 E +70 3 210 I +70 3 211 E +70 3 212 * +70 3 213 * +70 3 214 * +70 3 215 * +70 3 216 * +70 3 217 * +70 3 218 S +70 3 219 * +70 3 220 * +70 3 221 * +70 3 222 * +70 3 223 S +70 3 224 * +70 3 225 S +70 3 226 E +70 3 227 G +70 3 228 E +70 3 229 * +70 3 230 * +70 3 231 * +70 3 232 * +70 3 233 * +70 3 234 S +70 3 235 E +70 3 236 S +70 3 237 * +70 3 238 E +70 3 239 * +70 3 240 I +70 3 241 W +70 3 242 T +70 3 243 * +70 3 244 E +70 3 245 M +70 3 246 * +70 3 247 * +70 3 248 G +70 3 249 * +70 3 250 * +70 3 251 * +70 3 252 * +70 3 253 * +70 3 254 E +70 3 255 G +70 3 256 * +70 3 257 E +70 3 258 * +70 3 259 J +70 3 260 * +70 3 261 * +70 3 262 W +70 3 263 * +70 3 264 E +70 3 265 S +70 3 266 J +70 3 267 * +70 3 268 * +70 3 269 * +70 3 270 * +70 3 271 S +70 3 272 W +70 3 273 * +70 3 274 W +70 3 275 * +70 3 276 * +70 3 277 E +70 3 278 * +70 3 279 E +70 3 280 S +70 3 281 * +70 3 282 * +70 3 283 I +70 3 284 * +70 3 285 * +70 3 286 W +70 3 287 I +70 3 288 M +70 3 289 * +70 3 290 * +70 3 291 E +70 3 292 * +70 3 293 * +70 3 294 * +70 3 295 I +70 3 296 * +70 3 297 T +70 3 298 M +70 3 299 S +70 3 300 * +70 3 301 * +70 3 302 * +70 3 303 E +70 3 304 * +70 3 305 * +70 3 306 * +70 3 307 E +70 3 308 * +70 3 309 * +70 3 310 * +70 3 311 E +70 3 312 G +70 3 313 * +70 3 314 W +70 3 315 * +70 3 316 * +70 3 317 * +70 3 318 * +70 3 319 W +70 3 320 * +70 3 321 M +70 3 322 E +70 3 323 S +70 3 324 W +70 3 325 * +70 3 326 T +70 3 327 E +70 3 328 S +70 3 329 I +70 3 330 E +70 4 1 E +70 4 2 S +70 4 3 * +70 4 4 * +70 4 5 * +70 4 6 * +70 4 7 S +70 4 8 U +70 4 9 B +70 4 10 E +70 4 11 E +70 4 12 T +70 4 13 S +70 4 14 E +70 4 15 K +70 4 16 * +70 4 17 K +70 4 18 G +70 4 19 E +70 4 20 S +70 4 21 K +70 4 22 T +70 4 23 U +70 4 24 B +70 4 25 E +70 4 26 E +70 4 27 K +70 4 28 K +70 4 29 S +70 4 30 * +70 4 31 E +70 4 32 K +70 4 33 S +70 4 34 E +70 4 35 K +70 4 36 S +70 4 37 E +70 4 38 * +70 4 39 S +70 4 40 E +70 4 41 U +70 4 42 S +70 4 43 E +70 4 44 K +70 4 45 S +70 4 46 A +70 4 47 S +70 4 48 B +70 4 49 E +70 4 50 U +70 4 51 B +70 4 52 E +70 4 53 * +70 4 54 S +70 4 55 E +70 4 56 K +70 4 57 E +70 4 58 S +70 4 59 VI +70 4 60 S +70 4 61 U +70 4 62 U +70 4 63 K +70 4 64 E +70 4 65 K +70 4 66 W +70 4 67 S +70 4 68 K +70 4 69 S +70 4 70 U +70 4 71 U +70 4 72 S +70 4 73 U +70 4 74 E +70 4 75 S +70 4 76 * +70 4 77 E +70 4 78 K +70 4 79 A +70 4 80 E +70 4 81 S +70 4 82 E +70 4 83 * +70 4 84 K +70 4 85 S +70 4 86 K +70 4 87 G +70 4 88 U +70 4 89 G +70 4 90 S +70 4 91 S +70 4 92 * +70 4 93 E +70 4 94 B +70 4 95 A +70 4 96 T +70 4 97 U +70 4 98 U +70 4 99 U +70 4 100 A +70 4 101 U +70 4 102 U +70 4 103 S +70 4 104 E +70 4 105 U +70 4 106 T +70 4 107 U +70 4 108 S +70 4 109 E +70 4 110 * +70 4 111 S +70 4 112 K +70 4 113 G +70 4 114 S +70 4 115 U +70 4 116 E +70 4 117 B +70 4 118 K +70 4 119 S +70 4 120 W +70 4 121 * +70 4 122 S +70 4 123 E +70 4 124 S +70 4 125 * +70 4 126 K +70 4 127 S +70 4 128 S +70 4 129 K +70 4 130 S +70 4 131 U +70 4 132 M +70 4 133 S +70 4 134 U +70 4 135 U +70 4 136 S +70 4 137 S +70 4 138 E +70 4 139 * +70 4 140 E +70 4 141 W +70 4 142 E +70 4 143 S +70 4 144 U +70 4 145 S +70 4 146 T +70 4 147 E +70 4 148 M +70 4 149 S +70 4 150 U +70 4 151 K +70 4 152 U +70 4 153 E +70 4 154 E +70 4 155 B +70 4 156 S +70 4 157 B +70 4 158 W +70 4 159 * +70 4 160 K +70 4 161 S +70 4 162 * +70 4 163 E +70 4 164 E +70 4 165 S +70 4 166 E +70 4 167 U +70 4 168 S +70 4 169 E +70 4 170 E +70 4 171 S +70 4 172 * +70 4 173 K +70 4 174 * +70 4 175 E +70 4 176 M +70 4 177 S +70 4 178 E +70 4 179 U +70 4 180 S +70 4 181 * +70 4 182 U +70 4 183 B +70 4 184 U +70 4 185 * +70 4 186 E +70 4 187 * +70 4 188 E +70 4 189 E +70 4 190 K +70 4 191 E +70 4 192 U +70 4 193 S +70 4 194 U +70 4 195 S +70 4 196 * +70 4 197 U +70 4 198 G +70 4 199 S +70 4 200 E +70 4 201 K +70 4 202 S +70 4 203 U +70 4 204 B +70 4 205 U +70 4 206 S +70 4 207 U +70 4 208 B +70 4 209 S +70 4 210 U +70 4 211 E +70 4 212 * +70 4 213 U +70 4 214 S +70 4 215 K +70 4 216 S +70 4 217 K +70 4 218 S +70 4 219 S +70 4 220 E +70 4 221 S +70 4 222 U +70 4 223 S +70 4 224 K +70 4 225 S +70 4 226 E +70 4 227 S +70 4 228 E +70 4 229 S +70 4 230 K +70 4 231 U +70 4 232 S +70 4 233 U +70 4 234 S +70 4 235 E +70 4 236 S +70 4 237 K +70 4 238 E +70 4 239 K +70 4 240 M +70 4 241 T +70 4 242 W +70 4 243 U +70 4 244 E +70 4 245 M +70 4 246 E +70 4 247 U +70 4 248 S +70 4 249 S +70 4 250 U +70 4 251 S +70 4 252 K +70 4 253 E +70 4 254 E +70 4 255 G +70 4 256 K +70 4 257 E +70 4 258 S +70 4 259 U +70 4 260 S +70 4 261 * +70 4 262 W +70 4 263 A +70 4 264 E +70 4 265 S +70 4 266 * +70 4 267 U +70 4 268 S +70 4 269 U +70 4 270 B +70 4 271 S +70 4 272 E +70 4 273 U +70 4 274 W +70 4 275 S +70 4 276 U +70 4 277 E +70 4 278 K +70 4 279 E +70 4 280 S +70 4 281 E +70 4 282 S +70 4 283 B +70 4 284 E +70 4 285 K +70 4 286 W +70 4 287 B +70 4 288 K +70 4 289 S +70 4 290 K +70 4 291 E +70 4 292 K +70 4 293 S +70 4 294 E +70 4 295 B +70 4 296 U +70 4 297 T +70 4 298 M +70 4 299 S +70 4 300 * +70 4 301 E +70 4 302 K +70 4 303 E +70 4 304 S +70 4 305 U +70 4 306 S +70 4 307 E +70 4 308 U +70 4 309 S +70 4 310 E +70 4 311 E +70 4 312 G +70 4 313 U +70 4 314 K +70 4 315 S +70 4 316 S +70 4 317 U +70 4 318 K +70 4 319 W +70 4 320 S +70 4 321 M +70 4 322 E +70 4 323 S +70 4 324 K +70 4 325 U +70 4 326 B +70 4 327 E +70 4 328 S +70 4 329 B +70 4 330 E +70 5 1 E +70 5 2 * +70 5 3 * +70 5 4 * +70 5 5 * +70 5 6 * +70 5 7 F +70 5 8 X +70 5 9 * +70 5 10 E +70 5 11 S +70 5 12 T +70 5 13 S +70 5 14 * +70 5 15 * +70 5 16 W +70 5 17 * +70 5 18 G +70 5 19 E +70 5 20 F +70 5 21 * +70 5 22 T +70 5 23 * +70 5 24 S +70 5 25 * +70 5 26 E +70 5 27 * +70 5 28 * +70 5 29 S +70 5 30 * +70 5 31 E +70 5 32 * +70 5 33 S +70 5 34 E +70 5 35 * +70 5 36 S +70 5 37 E +70 5 38 * +70 5 39 S +70 5 40 E +70 5 41 M +70 5 42 * +70 5 43 * +70 5 44 * +70 5 45 S +70 5 46 * +70 5 47 S +70 5 48 * +70 5 49 E +70 5 50 * +70 5 51 * +70 5 52 W +70 5 53 * +70 5 54 S +70 5 55 * +70 5 56 E +70 5 57 * +70 5 58 * +70 5 59 * +70 5 60 * +70 5 61 * +70 5 62 * +70 5 63 * +70 5 64 E +70 5 65 * +70 5 66 W +70 5 67 * +70 5 68 * +70 5 69 S +70 5 70 * +70 5 71 * +70 5 72 S +70 5 73 * +70 5 74 E +70 5 75 S +70 5 76 * +70 5 77 E +70 5 78 * +70 5 79 G +70 5 80 E +70 5 81 S +70 5 82 * +70 5 83 T +70 5 84 * +70 5 85 S +70 5 86 * +70 5 87 G +70 5 88 * +70 5 89 G +70 5 90 S +70 5 91 S +70 5 92 * +70 5 93 * +70 5 94 G +70 5 95 * +70 5 96 T +70 5 97 * +70 5 98 * +70 5 99 * +70 5 100 * +70 5 101 * +70 5 102 * +70 5 103 S +70 5 104 * +70 5 105 * +70 5 106 T +70 5 107 * +70 5 108 * +70 5 109 * +70 5 110 T +70 5 111 S +70 5 112 * +70 5 113 S +70 5 114 * +70 5 115 * +70 5 116 E +70 5 117 * +70 5 118 * +70 5 119 S +70 5 120 W +70 5 121 * +70 5 122 S +70 5 123 * +70 5 124 S +70 5 125 * +70 5 126 * +70 5 127 S +70 5 128 * +70 5 129 * +70 5 130 S +70 5 131 * +70 5 132 * +70 5 133 S +70 5 134 * +70 5 135 * +70 5 136 * +70 5 137 S +70 5 138 * +70 5 139 * +70 5 140 E +70 5 141 W +70 5 142 * +70 5 143 S +70 5 144 E +70 5 145 * +70 5 146 T +70 5 147 * +70 5 148 M +70 5 149 S +70 5 150 * +70 5 151 * +70 5 152 * +70 5 153 E +70 5 154 G +70 5 155 * +70 5 156 S +70 5 157 * +70 5 158 W +70 5 159 * +70 5 160 * +70 5 161 S +70 5 162 M +70 5 163 * +70 5 164 E +70 5 165 S +70 5 166 E +70 5 167 * +70 5 168 S +70 5 169 E +70 5 170 S +70 5 171 S +70 5 172 W +70 5 173 * +70 5 174 T +70 5 175 * +70 5 176 * +70 5 177 * +70 5 178 E +70 5 179 * +70 5 180 * +70 5 181 * +70 5 182 * +70 5 183 * +70 5 184 * +70 5 185 * +70 5 186 * +70 5 187 * +70 5 188 E +70 5 189 E +70 5 190 * +70 5 191 S +70 5 192 * +70 5 193 * +70 5 194 * +70 5 195 S +70 5 196 * +70 5 197 * +70 5 198 S +70 5 199 * +70 5 200 E +70 5 201 * +70 5 202 S +70 5 203 * +70 5 204 * +70 5 205 * +70 5 206 * +70 5 207 * +70 5 208 * +70 5 209 S +70 5 210 * +70 5 211 E +70 5 212 * +70 5 213 * +70 5 214 * +70 5 215 * +70 5 216 S +70 5 217 * +70 5 218 S +70 5 219 E +70 5 220 E +70 5 221 S +70 5 222 * +70 5 223 * +70 5 224 * +70 5 225 S +70 5 226 * +70 5 227 G +70 5 228 * +70 5 229 S +70 5 230 * +70 5 231 * +70 5 232 S +70 5 233 * +70 5 234 S +70 5 235 E +70 5 236 S +70 5 237 * +70 5 238 * +70 5 239 * +70 5 240 * +70 5 241 * +70 5 242 * +70 5 243 * +70 5 244 E +70 5 245 M +70 5 246 E +70 5 247 * +70 5 248 S +70 5 249 S +70 5 250 * +70 5 251 S +70 5 252 * +70 5 253 * +70 5 254 E +70 5 255 G +70 5 256 * +70 5 257 E +70 5 258 T +70 5 259 M +70 5 260 * +70 5 261 * +70 5 262 * +70 5 263 * +70 5 264 E +70 5 265 * +70 5 266 * +70 5 267 * +70 5 268 * +70 5 269 * +70 5 270 I +70 5 271 S +70 5 272 W +70 5 273 * +70 5 274 W +70 5 275 S +70 5 276 * +70 5 277 E +70 5 278 * +70 5 279 E +70 5 280 S +70 5 281 S +70 5 282 S +70 5 283 * +70 5 284 W +70 5 285 S +70 5 286 W +70 5 287 * +70 5 288 * +70 5 289 E +70 5 290 * +70 5 291 E +70 5 292 * +70 5 293 * +70 5 294 W +70 5 295 * +70 5 296 * +70 5 297 T +70 5 298 * +70 5 299 S +70 5 300 * +70 5 301 S +70 5 302 * +70 5 303 * +70 5 304 S +70 5 305 * +70 5 306 * +70 5 307 E +70 5 308 * +70 5 309 * +70 5 310 * +70 5 311 E +70 5 312 G +70 5 313 * +70 5 314 * +70 5 315 S +70 5 316 * +70 5 317 * +70 5 318 * +70 5 319 * +70 5 320 S +70 5 321 * +70 5 322 E +70 5 323 S +70 5 324 * +70 5 325 * +70 5 326 I +70 5 327 E +70 5 328 S +70 5 329 * +70 5 330 E +70 6 1 E +70 6 2 S +70 6 3 * +70 6 4 * +70 6 5 S +70 6 6 * +70 6 7 S +70 6 8 * +70 6 9 E +70 6 10 * +70 6 11 E +70 6 12 S +70 6 13 T +70 6 14 S +70 6 15 E +70 6 16 * +70 6 17 E +70 6 18 * +70 6 19 S +70 6 20 E +70 6 21 S +70 6 22 * +70 6 23 T +70 6 24 * +70 6 25 S +70 6 26 E +70 6 27 E +70 6 28 * +70 6 29 S +70 6 30 * +70 6 31 E +70 6 32 * +70 6 33 S +70 6 34 E +70 6 35 * +70 6 36 S +70 6 37 E +70 6 38 * +70 6 39 S +70 6 40 E +70 6 41 M +70 6 42 * +70 6 43 * +70 6 44 * +70 6 45 S +70 6 46 * +70 6 47 S +70 6 48 T +70 6 49 E +70 6 50 * +70 6 51 I +70 6 52 S +70 6 53 * +70 6 54 S +70 6 55 * +70 6 56 * +70 6 57 E +70 6 58 * +70 6 59 * +70 6 60 * +70 6 61 * +70 6 62 * +70 6 63 * +70 6 64 E +70 6 65 * +70 6 66 * +70 6 67 S +70 6 68 * +70 6 69 S +70 6 70 * +70 6 71 * +70 6 72 * +70 6 73 * +70 6 74 E +70 6 75 S +70 6 76 * +70 6 77 E +70 6 78 * +70 6 79 * +70 6 80 E +70 6 81 S +70 6 82 S +70 6 83 * +70 6 84 * +70 6 85 S +70 6 86 * +70 6 87 S +70 6 88 * +70 6 89 G +70 6 90 S +70 6 91 S +70 6 92 * +70 6 93 E +70 6 94 G +70 6 95 * +70 6 96 * +70 6 97 * +70 6 98 * +70 6 99 * +70 6 100 S +70 6 101 * +70 6 102 * +70 6 103 S +70 6 104 E +70 6 105 * +70 6 106 T +70 6 107 W +70 6 108 * +70 6 109 E +70 6 110 * +70 6 111 S +70 6 112 * +70 6 113 * +70 6 114 E +70 6 115 * +70 6 116 E +70 6 117 I +70 6 118 * +70 6 119 S +70 6 120 * +70 6 121 * +70 6 122 S +70 6 123 E +70 6 124 T +70 6 125 * +70 6 126 * +70 6 127 S +70 6 128 T +70 6 129 * +70 6 130 S +70 6 131 * +70 6 132 M +70 6 133 S +70 6 134 * +70 6 135 * +70 6 136 E +70 6 137 S +70 6 138 E +70 6 139 * +70 6 140 E +70 6 141 W +70 6 142 * +70 6 143 S +70 6 144 * +70 6 145 S +70 6 146 T +70 6 147 * +70 6 148 * +70 6 149 S +70 6 150 * +70 6 151 * +70 6 152 * +70 6 153 E +70 6 154 G +70 6 155 * +70 6 156 S +70 6 157 * +70 6 158 * +70 6 159 * +70 6 160 * +70 6 161 * +70 6 162 * +70 6 163 S +70 6 164 E +70 6 165 S +70 6 166 E +70 6 167 * +70 6 168 S +70 6 169 E +70 6 170 * +70 6 171 S +70 6 172 S +70 6 173 W +70 6 174 * +70 6 175 E +70 6 176 * +70 6 177 T +70 6 178 E +70 6 179 M +70 6 180 S +70 6 181 * +70 6 182 * +70 6 183 I +70 6 184 * +70 6 185 * +70 6 186 E +70 6 187 E +70 6 188 * +70 6 189 E +70 6 190 * +70 6 191 S +70 6 192 * +70 6 193 S +70 6 194 * +70 6 195 S +70 6 196 * +70 6 197 E +70 6 198 G +70 6 199 W +70 6 200 E +70 6 201 * +70 6 202 S +70 6 203 * +70 6 204 I +70 6 205 * +70 6 206 * +70 6 207 * +70 6 208 * +70 6 209 S +70 6 210 * +70 6 211 E +70 6 212 T +70 6 213 * +70 6 214 * +70 6 215 * +70 6 216 S +70 6 217 * +70 6 218 S +70 6 219 * +70 6 220 * +70 6 221 W +70 6 222 * +70 6 223 * +70 6 224 S +70 6 225 * +70 6 226 E +70 6 227 * +70 6 228 E +70 6 229 * +70 6 230 * +70 6 231 * +70 6 232 S +70 6 233 * +70 6 234 S +70 6 235 E +70 6 236 S +70 6 237 * +70 6 238 E +70 6 239 * +70 6 240 I +70 6 241 W +70 6 242 T +70 6 243 * +70 6 244 * +70 6 245 M +70 6 246 E +70 6 247 * +70 6 248 S +70 6 249 S +70 6 250 * +70 6 251 * +70 6 252 * +70 6 253 S +70 6 254 E +70 6 255 G +70 6 256 * +70 6 257 E +70 6 258 * +70 6 259 * +70 6 260 T +70 6 261 * +70 6 262 * +70 6 263 * +70 6 264 * +70 6 265 S +70 6 266 * +70 6 267 * +70 6 268 S +70 6 269 * +70 6 270 * +70 6 271 S +70 6 272 W +70 6 273 * +70 6 274 W +70 6 275 S +70 6 276 * +70 6 277 E +70 6 278 * +70 6 279 E +70 6 280 S +70 6 281 S +70 6 282 S +70 6 283 I +70 6 284 W +70 6 285 S +70 6 286 W +70 6 287 I +70 6 288 M +70 6 289 E +70 6 290 * +70 6 291 E +70 6 292 * +70 6 293 * +70 6 294 W +70 6 295 I +70 6 296 * +70 6 297 T +70 6 298 M +70 6 299 S +70 6 300 * +70 6 301 S +70 6 302 W +70 6 303 E +70 6 304 S +70 6 305 * +70 6 306 S +70 6 307 E +70 6 308 * +70 6 309 * +70 6 310 * +70 6 311 E +70 6 312 S +70 6 313 G +70 6 314 * +70 6 315 S +70 6 316 S +70 6 317 * +70 6 318 * +70 6 319 W +70 6 320 S +70 6 321 * +70 6 322 E +70 6 323 * +70 6 324 W +70 6 325 * +70 6 326 T +70 6 327 W +70 6 328 S +70 6 329 I +70 6 330 * +70 7 1 E +70 7 2 * +70 7 3 * +70 7 4 * +70 7 5 E +70 7 6 * +70 7 7 S +70 7 8 * +70 7 9 * +70 7 10 E +70 7 11 S +70 7 12 T +70 7 13 S +70 7 14 E +70 7 15 * +70 7 16 W +70 7 17 * +70 7 18 G +70 7 19 E +70 7 20 S +70 7 21 * +70 7 22 T +70 7 23 * +70 7 24 * +70 7 25 E +70 7 26 E +70 7 27 * +70 7 28 * +70 7 29 S +70 7 30 J +70 7 31 E +70 7 32 * +70 7 33 S +70 7 34 E +70 7 35 * +70 7 36 S +70 7 37 E +70 7 38 M +70 7 39 S +70 7 40 E +70 7 41 * +70 7 42 J +70 7 43 E +70 7 44 * +70 7 45 S +70 7 46 * +70 7 47 S +70 7 48 J +70 7 49 E +70 7 50 * +70 7 51 * +70 7 52 E +70 7 53 * +70 7 54 S +70 7 55 E +70 7 56 * +70 7 57 S +70 7 58 S +70 7 59 * +70 7 60 S +70 7 61 * +70 7 62 * +70 7 63 * +70 7 64 E +70 7 65 * +70 7 66 W +70 7 67 S +70 7 68 * +70 7 69 S +70 7 70 * +70 7 71 * +70 7 72 S +70 7 73 * +70 7 74 E +70 7 75 S +70 7 76 J +70 7 77 E +70 7 78 * +70 7 79 * +70 7 80 E +70 7 81 S +70 7 82 E +70 7 83 * +70 7 84 * +70 7 85 S +70 7 86 * +70 7 87 S +70 7 88 * +70 7 89 G +70 7 90 * +70 7 91 S +70 7 92 * +70 7 93 E +70 7 94 * +70 7 95 * +70 7 96 T +70 7 97 * +70 7 98 * +70 7 99 * +70 7 100 E +70 7 101 * +70 7 102 * +70 7 103 S +70 7 104 E +70 7 105 * +70 7 106 T +70 7 107 * +70 7 108 S +70 7 109 E +70 7 110 J +70 7 111 S +70 7 112 * +70 7 113 G +70 7 114 S +70 7 115 * +70 7 116 E +70 7 117 * +70 7 118 * +70 7 119 S +70 7 120 W +70 7 121 * +70 7 122 S +70 7 123 E +70 7 124 S +70 7 125 * +70 7 126 * +70 7 127 S +70 7 128 T +70 7 129 * +70 7 130 S +70 7 131 * +70 7 132 J +70 7 133 S +70 7 134 * +70 7 135 * +70 7 136 S +70 7 137 S +70 7 138 E +70 7 139 * +70 7 140 E +70 7 141 W +70 7 142 * +70 7 143 S +70 7 144 * +70 7 145 S +70 7 146 T +70 7 147 S +70 7 148 * +70 7 149 S +70 7 150 * +70 7 151 * +70 7 152 * +70 7 153 E +70 7 154 G +70 7 155 * +70 7 156 S +70 7 157 * +70 7 158 W +70 7 159 * +70 7 160 * +70 7 161 S +70 7 162 * +70 7 163 E +70 7 164 E +70 7 165 S +70 7 166 E +70 7 167 * +70 7 168 S +70 7 169 E +70 7 170 E +70 7 171 S +70 7 172 W +70 7 173 * +70 7 174 T +70 7 175 E +70 7 176 M +70 7 177 T +70 7 178 E +70 7 179 * +70 7 180 S +70 7 181 J +70 7 182 * +70 7 183 S +70 7 184 * +70 7 185 J +70 7 186 E +70 7 187 J +70 7 188 E +70 7 189 E +70 7 190 * +70 7 191 S +70 7 192 * +70 7 193 S +70 7 194 * +70 7 195 S +70 7 196 E +70 7 197 * +70 7 198 G +70 7 199 S +70 7 200 E +70 7 201 * +70 7 202 S +70 7 203 * +70 7 204 G +70 7 205 * +70 7 206 S +70 7 207 * +70 7 208 * +70 7 209 S +70 7 210 * +70 7 211 E +70 7 212 * +70 7 213 * +70 7 214 S +70 7 215 * +70 7 216 S +70 7 217 * +70 7 218 S +70 7 219 E +70 7 220 E +70 7 221 S +70 7 222 * +70 7 223 S +70 7 224 * +70 7 225 S +70 7 226 E +70 7 227 G +70 7 228 E +70 7 229 S +70 7 230 * +70 7 231 * +70 7 232 S +70 7 233 * +70 7 234 S +70 7 235 E +70 7 236 S +70 7 237 * +70 7 238 S +70 7 239 * +70 7 240 * +70 7 241 T +70 7 242 W +70 7 243 * +70 7 244 E +70 7 245 M +70 7 246 S +70 7 247 * +70 7 248 S +70 7 249 S +70 7 250 * +70 7 251 S +70 7 252 * +70 7 253 S +70 7 254 E +70 7 255 G +70 7 256 * +70 7 257 E +70 7 258 S +70 7 259 * +70 7 260 S +70 7 261 * +70 7 262 * +70 7 263 * +70 7 264 E +70 7 265 S +70 7 266 J +70 7 267 * +70 7 268 S +70 7 269 * +70 7 270 J +70 7 271 S +70 7 272 E +70 7 273 * +70 7 274 W +70 7 275 S +70 7 276 * +70 7 277 S +70 7 278 * +70 7 279 E +70 7 280 S +70 7 281 S +70 7 282 S +70 7 283 * +70 7 284 E +70 7 285 * +70 7 286 W +70 7 287 I +70 7 288 M +70 7 289 S +70 7 290 * +70 7 291 E +70 7 292 * +70 7 293 S +70 7 294 E +70 7 295 * +70 7 296 * +70 7 297 W +70 7 298 M +70 7 299 S +70 7 300 * +70 7 301 S +70 7 302 * +70 7 303 E +70 7 304 S +70 7 305 * +70 7 306 S +70 7 307 E +70 7 308 * +70 7 309 S +70 7 310 S +70 7 311 E +70 7 312 G +70 7 313 * +70 7 314 * +70 7 315 S +70 7 316 S +70 7 317 * +70 7 318 * +70 7 319 * +70 7 320 S +70 7 321 * +70 7 322 E +70 7 323 S +70 7 324 * +70 7 325 * +70 7 326 T +70 7 327 S +70 7 328 S +70 7 329 J +70 7 330 E +70 8 1 E +70 8 2 E +70 8 3 * +70 8 4 * +70 8 5 E +70 8 6 * +70 8 7 S +70 8 8 * +70 8 9 I +70 8 10 E +70 8 11 S +70 8 12 T +70 8 13 S +70 8 14 E +70 8 15 * +70 8 16 * +70 8 17 * +70 8 18 G +70 8 19 E +70 8 20 S +70 8 21 * +70 8 22 T +70 8 23 * +70 8 24 I +70 8 25 E +70 8 26 E +70 8 27 * +70 8 28 * +70 8 29 S +70 8 30 * +70 8 31 E +70 8 32 * +70 8 33 S +70 8 34 E +70 8 35 * +70 8 36 S +70 8 37 E +70 8 38 M +70 8 39 S +70 8 40 E +70 8 41 M +70 8 42 I +70 8 43 E +70 8 44 * +70 8 45 S +70 8 46 * +70 8 47 S +70 8 48 I +70 8 49 E +70 8 50 * +70 8 51 I +70 8 52 S +70 8 53 * +70 8 54 S +70 8 55 E +70 8 56 * +70 8 57 E +70 8 58 I +70 8 59 * +70 8 60 S +70 8 61 M +70 8 62 * +70 8 63 * +70 8 64 E +70 8 65 * +70 8 66 T +70 8 67 S +70 8 68 * +70 8 69 S +70 8 70 * +70 8 71 * +70 8 72 S +70 8 73 * +70 8 74 E +70 8 75 S +70 8 76 * +70 8 77 E +70 8 78 * +70 8 79 G +70 8 80 E +70 8 81 S +70 8 82 S +70 8 83 T +70 8 84 * +70 8 85 S +70 8 86 * +70 8 87 G +70 8 88 * +70 8 89 G +70 8 90 S +70 8 91 S +70 8 92 * +70 8 93 E +70 8 94 * +70 8 95 S +70 8 96 T +70 8 97 * +70 8 98 M +70 8 99 * +70 8 100 S +70 8 101 M +70 8 102 * +70 8 103 I +70 8 104 E +70 8 105 * +70 8 106 T +70 8 107 W +70 8 108 S +70 8 109 E +70 8 110 T +70 8 111 S +70 8 112 M +70 8 113 G +70 8 114 S +70 8 115 M +70 8 116 E +70 8 117 * +70 8 118 * +70 8 119 S +70 8 120 * +70 8 121 * +70 8 122 S +70 8 123 E +70 8 124 S +70 8 125 * +70 8 126 * +70 8 127 S +70 8 128 S +70 8 129 * +70 8 130 I +70 8 131 * +70 8 132 M +70 8 133 S +70 8 134 I +70 8 135 * +70 8 136 E +70 8 137 S +70 8 138 E +70 8 139 * +70 8 140 E +70 8 141 W +70 8 142 * +70 8 143 S +70 8 144 * +70 8 145 S +70 8 146 T +70 8 147 S +70 8 148 M +70 8 149 S +70 8 150 * +70 8 151 * +70 8 152 * +70 8 153 E +70 8 154 * +70 8 155 I +70 8 156 S +70 8 157 * +70 8 158 W +70 8 159 T +70 8 160 * +70 8 161 S +70 8 162 M +70 8 163 E +70 8 164 E +70 8 165 S +70 8 166 E +70 8 167 * +70 8 168 S +70 8 169 E +70 8 170 S +70 8 171 S +70 8 172 W +70 8 173 * +70 8 174 T +70 8 175 E +70 8 176 M +70 8 177 S +70 8 178 E +70 8 179 M +70 8 180 S +70 8 181 I +70 8 182 * +70 8 183 I +70 8 184 * +70 8 185 * +70 8 186 E +70 8 187 * +70 8 188 E +70 8 189 E +70 8 190 * +70 8 191 S +70 8 192 * +70 8 193 S +70 8 194 M +70 8 195 S +70 8 196 E +70 8 197 * +70 8 198 G +70 8 199 * +70 8 200 E +70 8 201 * +70 8 202 S +70 8 203 * +70 8 204 I +70 8 205 * +70 8 206 S +70 8 207 M +70 8 208 I +70 8 209 S +70 8 210 M +70 8 211 E +70 8 212 * +70 8 213 * +70 8 214 S +70 8 215 * +70 8 216 S +70 8 217 * +70 8 218 S +70 8 219 E +70 8 220 E +70 8 221 * +70 8 222 E +70 8 223 S +70 8 224 * +70 8 225 S +70 8 226 E +70 8 227 G +70 8 228 E +70 8 229 S +70 8 230 * +70 8 231 * +70 8 232 I +70 8 233 E +70 8 234 S +70 8 235 E +70 8 236 S +70 8 237 * +70 8 238 E +70 8 239 * +70 8 240 M +70 8 241 * +70 8 242 T +70 8 243 * +70 8 244 E +70 8 245 M +70 8 246 E +70 8 247 * +70 8 248 S +70 8 249 S +70 8 250 * +70 8 251 S +70 8 252 * +70 8 253 S +70 8 254 E +70 8 255 G +70 8 256 * +70 8 257 E +70 8 258 S +70 8 259 M +70 8 260 S +70 8 261 * +70 8 262 W +70 8 263 * +70 8 264 E +70 8 265 S +70 8 266 I +70 8 267 * +70 8 268 S +70 8 269 * +70 8 270 T +70 8 271 S +70 8 272 E +70 8 273 * +70 8 274 W +70 8 275 S +70 8 276 M +70 8 277 E +70 8 278 * +70 8 279 E +70 8 280 S +70 8 281 S +70 8 282 S +70 8 283 I +70 8 284 E +70 8 285 * +70 8 286 * +70 8 287 I +70 8 288 M +70 8 289 E +70 8 290 * +70 8 291 E +70 8 292 * +70 8 293 E +70 8 294 * +70 8 295 I +70 8 296 * +70 8 297 T +70 8 298 M +70 8 299 S +70 8 300 * +70 8 301 S +70 8 302 * +70 8 303 E +70 8 304 S +70 8 305 * +70 8 306 S +70 8 307 E +70 8 308 * +70 8 309 I +70 8 310 S +70 8 311 E +70 8 312 G +70 8 313 E +70 8 314 * +70 8 315 S +70 8 316 S +70 8 317 M +70 8 318 * +70 8 319 * +70 8 320 S +70 8 321 M +70 8 322 E +70 8 323 S +70 8 324 * +70 8 325 * +70 8 326 W +70 8 327 E +70 8 328 S +70 8 329 I +70 8 330 E +70 9 1 E +70 9 2 * +70 9 3 * +70 9 4 * +70 9 5 * +70 9 6 * +70 9 7 S +70 9 8 * +70 9 9 * +70 9 10 E +70 9 11 * +70 9 12 I +70 9 13 * +70 9 14 E +70 9 15 * +70 9 16 W +70 9 17 * +70 9 18 G +70 9 19 E +70 9 20 * +70 9 21 S +70 9 22 T +70 9 23 * +70 9 24 * +70 9 25 E +70 9 26 E +70 9 27 * +70 9 28 * +70 9 29 S +70 9 30 * +70 9 31 * +70 9 32 * +70 9 33 S +70 9 34 E +70 9 35 * +70 9 36 S +70 9 37 E +70 9 38 * +70 9 39 * +70 9 40 E +70 9 41 * +70 9 42 I +70 9 43 E +70 9 44 * +70 9 45 S +70 9 46 * +70 9 47 * +70 9 48 T +70 9 49 E +70 9 50 * +70 9 51 * +70 9 52 S +70 9 53 * +70 9 54 S +70 9 55 E +70 9 56 * +70 9 57 E +70 9 58 S +70 9 59 * +70 9 60 * +70 9 61 M +70 9 62 * +70 9 63 * +70 9 64 E +70 9 65 E +70 9 66 * +70 9 67 W +70 9 68 * +70 9 69 * +70 9 70 * +70 9 71 * +70 9 72 * +70 9 73 S +70 9 74 * +70 9 75 E +70 9 76 * +70 9 77 * +70 9 78 E +70 9 79 G +70 9 80 E +70 9 81 * +70 9 82 * +70 9 83 * +70 9 84 * +70 9 85 S +70 9 86 * +70 9 87 G +70 9 88 * +70 9 89 G +70 9 90 * +70 9 91 * +70 9 92 * +70 9 93 E +70 9 94 * +70 9 95 * +70 9 96 T +70 9 97 * +70 9 98 * +70 9 99 * +70 9 100 S +70 9 101 * +70 9 102 * +70 9 103 S +70 9 104 E +70 9 105 * +70 9 106 I +70 9 107 * +70 9 108 * +70 9 109 * +70 9 110 * +70 9 111 * +70 9 112 M +70 9 113 G +70 9 114 * +70 9 115 * +70 9 116 E +70 9 117 * +70 9 118 * +70 9 119 * +70 9 120 W +70 9 121 * +70 9 122 S +70 9 123 E +70 9 124 * +70 9 125 * +70 9 126 * +70 9 127 * +70 9 128 * +70 9 129 W +70 9 130 S +70 9 131 * +70 9 132 * +70 9 133 S +70 9 134 I +70 9 135 * +70 9 136 * +70 9 137 S +70 9 138 E +70 9 139 * +70 9 140 E +70 9 141 W +70 9 142 * +70 9 143 * +70 9 144 * +70 9 145 * +70 9 146 T +70 9 147 * +70 9 148 M +70 9 149 * +70 9 150 * +70 9 151 * +70 9 152 * +70 9 153 E +70 9 154 * +70 9 155 I +70 9 156 * +70 9 157 I +70 9 158 W +70 9 159 * +70 9 160 * +70 9 161 * +70 9 162 M +70 9 163 * +70 9 164 E +70 9 165 S +70 9 166 E +70 9 167 * +70 9 168 S +70 9 169 E +70 9 170 * +70 9 171 S +70 9 172 W +70 9 173 * +70 9 174 T +70 9 175 E +70 9 176 M +70 9 177 * +70 9 178 E +70 9 179 * +70 9 180 * +70 9 181 I +70 9 182 * +70 9 183 * +70 9 184 * +70 9 185 * +70 9 186 E +70 9 187 * +70 9 188 E +70 9 189 E +70 9 190 * +70 9 191 * +70 9 192 * +70 9 193 * +70 9 194 * +70 9 195 S +70 9 196 * +70 9 197 * +70 9 198 G +70 9 199 * +70 9 200 E +70 9 201 * +70 9 202 S +70 9 203 * +70 9 204 I +70 9 205 * +70 9 206 * +70 9 207 * +70 9 208 I +70 9 209 * +70 9 210 I +70 9 211 E +70 9 212 * +70 9 213 * +70 9 214 * +70 9 215 * +70 9 216 S +70 9 217 * +70 9 218 S +70 9 219 * +70 9 220 * +70 9 221 * +70 9 222 * +70 9 223 S +70 9 224 * +70 9 225 S +70 9 226 E +70 9 227 G +70 9 228 E +70 9 229 * +70 9 230 * +70 9 231 * +70 9 232 S +70 9 233 * +70 9 234 S +70 9 235 E +70 9 236 S +70 9 237 * +70 9 238 E +70 9 239 * +70 9 240 I +70 9 241 W +70 9 242 T +70 9 243 * +70 9 244 E +70 9 245 M +70 9 246 * +70 9 247 * +70 9 248 G +70 9 249 * +70 9 250 * +70 9 251 * +70 9 252 * +70 9 253 * +70 9 254 E +70 9 255 G +70 9 256 * +70 9 257 E +70 9 258 * +70 9 259 * +70 9 260 * +70 9 261 * +70 9 262 W +70 9 263 * +70 9 264 E +70 9 265 S +70 9 266 * +70 9 267 * +70 9 268 * +70 9 269 * +70 9 270 * +70 9 271 S +70 9 272 W +70 9 273 * +70 9 274 W +70 9 275 * +70 9 276 * +70 9 277 E +70 9 278 * +70 9 279 E +70 9 280 S +70 9 281 * +70 9 282 S +70 9 283 I +70 9 284 * +70 9 285 * +70 9 286 W +70 9 287 I +70 9 288 M +70 9 289 * +70 9 290 * +70 9 291 E +70 9 292 * +70 9 293 * +70 9 294 * +70 9 295 I +70 9 296 * +70 9 297 T +70 9 298 M +70 9 299 S +70 9 300 * +70 9 301 * +70 9 302 * +70 9 303 E +70 9 304 S +70 9 305 * +70 9 306 * +70 9 307 E +70 9 308 * +70 9 309 * +70 9 310 * +70 9 311 E +70 9 312 G +70 9 313 * +70 9 314 W +70 9 315 * +70 9 316 * +70 9 317 * +70 9 318 * +70 9 319 W +70 9 320 * +70 9 321 M +70 9 322 E +70 9 323 S +70 9 324 W +70 9 325 * +70 9 326 W +70 9 327 E +70 9 328 S +70 9 329 I +70 9 330 * +70 10 1 E +70 10 2 E +70 10 3 * +70 10 4 * +70 10 5 * +70 10 6 * +70 10 7 S +70 10 8 * +70 10 9 * +70 10 10 E +70 10 11 * +70 10 12 T +70 10 13 S +70 10 14 * +70 10 15 * +70 10 16 W +70 10 17 * +70 10 18 * +70 10 19 E +70 10 20 S +70 10 21 * +70 10 22 T +70 10 23 * +70 10 24 * +70 10 25 S +70 10 26 E +70 10 27 T +70 10 28 * +70 10 29 S +70 10 30 * +70 10 31 S +70 10 32 * +70 10 33 S +70 10 34 E +70 10 35 * +70 10 36 S +70 10 37 E +70 10 38 M +70 10 39 S +70 10 40 E +70 10 41 M +70 10 42 * +70 10 43 E +70 10 44 * +70 10 45 S +70 10 46 * +70 10 47 S +70 10 48 * +70 10 49 E +70 10 50 * +70 10 51 * +70 10 52 W +70 10 53 M +70 10 54 S +70 10 55 E +70 10 56 * +70 10 57 S +70 10 58 * +70 10 59 * +70 10 60 S +70 10 61 M +70 10 62 * +70 10 63 * +70 10 64 E +70 10 65 * +70 10 66 * +70 10 67 E +70 10 68 * +70 10 69 S +70 10 70 E +70 10 71 * +70 10 72 S +70 10 73 * +70 10 74 E +70 10 75 S +70 10 76 * +70 10 77 E +70 10 78 * +70 10 79 * +70 10 80 E +70 10 81 S +70 10 82 S +70 10 83 * +70 10 84 * +70 10 85 S +70 10 86 * +70 10 87 G +70 10 88 * +70 10 89 G +70 10 90 S +70 10 91 * +70 10 92 * +70 10 93 E +70 10 94 G +70 10 95 E +70 10 96 T +70 10 97 * +70 10 98 M +70 10 99 E +70 10 100 E +70 10 101 * +70 10 102 * +70 10 103 S +70 10 104 E +70 10 105 * +70 10 106 T +70 10 107 * +70 10 108 E +70 10 109 E +70 10 110 * +70 10 111 * +70 10 112 * +70 10 113 G +70 10 114 S +70 10 115 M +70 10 116 E +70 10 117 G +70 10 118 * +70 10 119 S +70 10 120 W +70 10 121 * +70 10 122 S +70 10 123 E +70 10 124 E +70 10 125 * +70 10 126 * +70 10 127 G +70 10 128 T +70 10 129 * +70 10 130 G +70 10 131 * +70 10 132 M +70 10 133 S +70 10 134 * +70 10 135 * +70 10 136 E +70 10 137 S +70 10 138 E +70 10 139 E +70 10 140 S +70 10 141 W +70 10 142 W +70 10 143 S +70 10 144 E +70 10 145 E +70 10 146 * +70 10 147 S +70 10 148 M +70 10 149 E +70 10 150 * +70 10 151 * +70 10 152 * +70 10 153 E +70 10 154 G +70 10 155 * +70 10 156 S +70 10 157 * +70 10 158 W +70 10 159 * +70 10 160 * +70 10 161 E +70 10 162 M +70 10 163 S +70 10 164 E +70 10 165 S +70 10 166 E +70 10 167 * +70 10 168 S +70 10 169 E +70 10 170 G +70 10 171 S +70 10 172 W +70 10 173 * +70 10 174 * +70 10 175 E +70 10 176 * +70 10 177 T +70 10 178 E +70 10 179 * +70 10 180 S +70 10 181 * +70 10 182 * +70 10 183 * +70 10 184 * +70 10 185 * +70 10 186 E +70 10 187 * +70 10 188 E +70 10 189 E +70 10 190 * +70 10 191 S +70 10 192 * +70 10 193 S +70 10 194 * +70 10 195 S +70 10 196 E +70 10 197 * +70 10 198 G +70 10 199 E +70 10 200 E +70 10 201 * +70 10 202 S +70 10 203 * +70 10 204 G +70 10 205 * +70 10 206 E +70 10 207 * +70 10 208 * +70 10 209 S +70 10 210 * +70 10 211 E +70 10 212 * +70 10 213 E +70 10 214 T +70 10 215 * +70 10 216 G +70 10 217 * +70 10 218 S +70 10 219 E +70 10 220 * +70 10 221 E +70 10 222 * +70 10 223 S +70 10 224 W +70 10 225 * +70 10 226 S +70 10 227 G +70 10 228 G +70 10 229 E +70 10 230 * +70 10 231 * +70 10 232 * +70 10 233 E +70 10 234 S +70 10 235 E +70 10 236 S +70 10 237 * +70 10 238 S +70 10 239 * +70 10 240 * +70 10 241 * +70 10 242 T +70 10 243 * +70 10 244 E +70 10 245 M +70 10 246 S +70 10 247 * +70 10 248 G +70 10 249 S +70 10 250 * +70 10 251 E +70 10 252 * +70 10 253 S +70 10 254 E +70 10 255 G +70 10 256 * +70 10 257 E +70 10 258 T +70 10 259 M +70 10 260 * +70 10 261 * +70 10 262 W +70 10 263 * +70 10 264 E +70 10 265 * +70 10 266 M +70 10 267 * +70 10 268 S +70 10 269 * +70 10 270 * +70 10 271 S +70 10 272 W +70 10 273 * +70 10 274 W +70 10 275 S +70 10 276 M +70 10 277 E +70 10 278 * +70 10 279 E +70 10 280 S +70 10 281 S +70 10 282 S +70 10 283 * +70 10 284 W +70 10 285 * +70 10 286 W +70 10 287 * +70 10 288 M +70 10 289 E +70 10 290 * +70 10 291 E +70 10 292 * +70 10 293 E +70 10 294 E +70 10 295 * +70 10 296 * +70 10 297 * +70 10 298 M +70 10 299 S +70 10 300 * +70 10 301 S +70 10 302 * +70 10 303 E +70 10 304 S +70 10 305 * +70 10 306 S +70 10 307 E +70 10 308 * +70 10 309 S +70 10 310 E +70 10 311 S +70 10 312 G +70 10 313 E +70 10 314 * +70 10 315 S +70 10 316 S +70 10 317 * +70 10 318 * +70 10 319 * +70 10 320 S +70 10 321 M +70 10 322 E +70 10 323 S +70 10 324 * +70 10 325 * +70 10 326 * +70 10 327 E +70 10 328 S +70 10 329 * +70 10 330 E +70 11 1 E +70 11 2 S +70 11 3 M +70 11 4 J +70 11 5 E +70 11 6 * +70 11 7 S +70 11 8 P +70 11 9 I +70 11 10 E +70 11 11 * +70 11 12 T +70 11 13 * +70 11 14 * +70 11 15 P +70 11 16 W +70 11 17 * +70 11 18 G +70 11 19 E +70 11 20 * +70 11 21 * +70 11 22 T +70 11 23 * +70 11 24 * +70 11 25 E +70 11 26 E +70 11 27 * +70 11 28 * +70 11 29 * +70 11 30 I +70 11 31 * +70 11 32 * +70 11 33 S +70 11 34 E +70 11 35 * +70 11 36 S +70 11 37 E +70 11 38 M +70 11 39 S +70 11 40 E +70 11 41 M +70 11 42 I +70 11 43 E +70 11 44 S +70 11 45 * +70 11 46 * +70 11 47 S +70 11 48 I +70 11 49 E +70 11 50 G +70 11 51 G +70 11 52 * +70 11 53 * +70 11 54 S +70 11 55 E +70 11 56 * +70 11 57 E +70 11 58 I +70 11 59 * +70 11 60 E +70 11 61 M +70 11 62 * +70 11 63 * +70 11 64 E +70 11 65 M +70 11 66 * +70 11 67 S +70 11 68 * +70 11 69 S +70 11 70 W +70 11 71 IN +70 11 72 S +70 11 73 P +70 11 74 E +70 11 75 S +70 11 76 M +70 11 77 E +70 11 78 * +70 11 79 E +70 11 80 E +70 11 81 S +70 11 82 * +70 11 83 I +70 11 84 * +70 11 85 S +70 11 86 * +70 11 87 G +70 11 88 * +70 11 89 G +70 11 90 S +70 11 91 S +70 11 92 * +70 11 93 E +70 11 94 G +70 11 95 * +70 11 96 T +70 11 97 E +70 11 98 M +70 11 99 * +70 11 100 S +70 11 101 * +70 11 102 * +70 11 103 * +70 11 104 E +70 11 105 * +70 11 106 T +70 11 107 W +70 11 108 S +70 11 109 E +70 11 110 I +70 11 111 G +70 11 112 M +70 11 113 G +70 11 114 S +70 11 115 M +70 11 116 E +70 11 117 * +70 11 118 * +70 11 119 E +70 11 120 W +70 11 121 M +70 11 122 S +70 11 123 S +70 11 124 * +70 11 125 M +70 11 126 * +70 11 127 S +70 11 128 T +70 11 129 W +70 11 130 G +70 11 131 * +70 11 132 M +70 11 133 S +70 11 134 * +70 11 135 * +70 11 136 S +70 11 137 S +70 11 138 E +70 11 139 * +70 11 140 E +70 11 141 W +70 11 142 * +70 11 143 S +70 11 144 * +70 11 145 S +70 11 146 I +70 11 147 S +70 11 148 M +70 11 149 S +70 11 150 * +70 11 151 * +70 11 152 * +70 11 153 E +70 11 154 G +70 11 155 G +70 11 156 S +70 11 157 G +70 11 158 W +70 11 159 * +70 11 160 * +70 11 161 S +70 11 162 M +70 11 163 S +70 11 164 E +70 11 165 * +70 11 166 S +70 11 167 * +70 11 168 S +70 11 169 S +70 11 170 * +70 11 171 S +70 11 172 * +70 11 173 * +70 11 174 I +70 11 175 E +70 11 176 M +70 11 177 * +70 11 178 E +70 11 179 * +70 11 180 S +70 11 181 I +70 11 182 * +70 11 183 * +70 11 184 * +70 11 185 I +70 11 186 E +70 11 187 * +70 11 188 E +70 11 189 E +70 11 190 * +70 11 191 S +70 11 192 * +70 11 193 S +70 11 194 * +70 11 195 S +70 11 196 S +70 11 197 * +70 11 198 * +70 11 199 * +70 11 200 E +70 11 201 * +70 11 202 S +70 11 203 M +70 11 204 * +70 11 205 * +70 11 206 * +70 11 207 G +70 11 208 I +70 11 209 S +70 11 210 * +70 11 211 E +70 11 212 * +70 11 213 * +70 11 214 * +70 11 215 * +70 11 216 * +70 11 217 * +70 11 218 * +70 11 219 * +70 11 220 E +70 11 221 E +70 11 222 * +70 11 223 S +70 11 224 * +70 11 225 I +70 11 226 E +70 11 227 * +70 11 228 * +70 11 229 S +70 11 230 * +70 11 231 * +70 11 232 * +70 11 233 * +70 11 234 E +70 11 235 E +70 11 236 S +70 11 237 * +70 11 238 E +70 11 239 * +70 11 240 * +70 11 241 * +70 11 242 T +70 11 243 * +70 11 244 * +70 11 245 M +70 11 246 S +70 11 247 * +70 11 248 G +70 11 249 S +70 11 250 * +70 11 251 E +70 11 252 W +70 11 253 E +70 11 254 E +70 11 255 G +70 11 256 * +70 11 257 E +70 11 258 I +70 11 259 M +70 11 260 I +70 11 261 * +70 11 262 W +70 11 263 * +70 11 264 E +70 11 265 S +70 11 266 I +70 11 267 * +70 11 268 E +70 11 269 M +70 11 270 I +70 11 271 S +70 11 272 W +70 11 273 * +70 11 274 W +70 11 275 I +70 11 276 M +70 11 277 S +70 11 278 * +70 11 279 E +70 11 280 S +70 11 281 S +70 11 282 S +70 11 283 * +70 11 284 W +70 11 285 * +70 11 286 W +70 11 287 I +70 11 288 M +70 11 289 E +70 11 290 W +70 11 291 E +70 11 292 * +70 11 293 * +70 11 294 * +70 11 295 I +70 11 296 * +70 11 297 * +70 11 298 M +70 11 299 S +70 11 300 * +70 11 301 S +70 11 302 * +70 11 303 E +70 11 304 S +70 11 305 * +70 11 306 * +70 11 307 E +70 11 308 * +70 11 309 G +70 11 310 E +70 11 311 E +70 11 312 * +70 11 313 G +70 11 314 * +70 11 315 S +70 11 316 S +70 11 317 * +70 11 318 * +70 11 319 W +70 11 320 * +70 11 321 * +70 11 322 E +70 11 323 S +70 11 324 W +70 11 325 * +70 11 326 I +70 11 327 * +70 11 328 S +70 11 329 I +70 11 330 * +70 12 1 E +70 12 2 I +70 12 3 * +70 12 4 U +70 12 5 S +70 12 6 * +70 12 7 S +70 12 8 * +70 12 9 * +70 12 10 E +70 12 11 S +70 12 12 T +70 12 13 S +70 12 14 E +70 12 15 * +70 12 16 W +70 12 17 * +70 12 18 G +70 12 19 * +70 12 20 S +70 12 21 * +70 12 22 * +70 12 23 B +70 12 24 E +70 12 25 * +70 12 26 E +70 12 27 * +70 12 28 * +70 12 29 S +70 12 30 B +70 12 31 E +70 12 32 * +70 12 33 S +70 12 34 E +70 12 35 * +70 12 36 S +70 12 37 E +70 12 38 * +70 12 39 S +70 12 40 E +70 12 41 * +70 12 42 T +70 12 43 E +70 12 44 K +70 12 45 S +70 12 46 * +70 12 47 S +70 12 48 I +70 12 49 E +70 12 50 U +70 12 51 B +70 12 52 * +70 12 53 * +70 12 54 S +70 12 55 E +70 12 56 * +70 12 57 S +70 12 58 * +70 12 59 K +70 12 60 S +70 12 61 M +70 12 62 U +70 12 63 * +70 12 64 E +70 12 65 * +70 12 66 * +70 12 67 S +70 12 68 * +70 12 69 S +70 12 70 * +70 12 71 M +70 12 72 * +70 12 73 U +70 12 74 E +70 12 75 * +70 12 76 O +70 12 77 E +70 12 78 K +70 12 79 G +70 12 80 E +70 12 81 S +70 12 82 * +70 12 83 * +70 12 84 * +70 12 85 S +70 12 86 K +70 12 87 G +70 12 88 * +70 12 89 G +70 12 90 S +70 12 91 S +70 12 92 * +70 12 93 E +70 12 94 B +70 12 95 A +70 12 96 T +70 12 97 U +70 12 98 M +70 12 99 K +70 12 100 S +70 12 101 * +70 12 102 * +70 12 103 S +70 12 104 E +70 12 105 U +70 12 106 T +70 12 107 * +70 12 108 S +70 12 109 E +70 12 110 J +70 12 111 * +70 12 112 K +70 12 113 G +70 12 114 S +70 12 115 * +70 12 116 E +70 12 117 * +70 12 118 K +70 12 119 S +70 12 120 * +70 12 121 J +70 12 122 S +70 12 123 E +70 12 124 S +70 12 125 * +70 12 126 * +70 12 127 S +70 12 128 T +70 12 129 K +70 12 130 S +70 12 131 J +70 12 132 S +70 12 133 * +70 12 134 * +70 12 135 * +70 12 136 * +70 12 137 S +70 12 138 E +70 12 139 * +70 12 140 E +70 12 141 W +70 12 142 * +70 12 143 S +70 12 144 * +70 12 145 S +70 12 146 * +70 12 147 S +70 12 148 M +70 12 149 S +70 12 150 U +70 12 151 * +70 12 152 U +70 12 153 E +70 12 154 * +70 12 155 B +70 12 156 S +70 12 157 B +70 12 158 W +70 12 159 J +70 12 160 S +70 12 161 M +70 12 162 * +70 12 163 S +70 12 164 E +70 12 165 S +70 12 166 E +70 12 167 S +70 12 168 * +70 12 169 E +70 12 170 S +70 12 171 S +70 12 172 W +70 12 173 K +70 12 174 J +70 12 175 E +70 12 176 K +70 12 177 T +70 12 178 E +70 12 179 U +70 12 180 S +70 12 181 T +70 12 182 U +70 12 183 I +70 12 184 U +70 12 185 J +70 12 186 * +70 12 187 J +70 12 188 E +70 12 189 E +70 12 190 K +70 12 191 S +70 12 192 U +70 12 193 S +70 12 194 U +70 12 195 S +70 12 196 S +70 12 197 U +70 12 198 * +70 12 199 S +70 12 200 E +70 12 201 K +70 12 202 S +70 12 203 U +70 12 204 B +70 12 205 * +70 12 206 * +70 12 207 * +70 12 208 I +70 12 209 S +70 12 210 B +70 12 211 E +70 12 212 O +70 12 213 U +70 12 214 T +70 12 215 * +70 12 216 S +70 12 217 K +70 12 218 S +70 12 219 E +70 12 220 * +70 12 221 E +70 12 222 U +70 12 223 S +70 12 224 * +70 12 225 S +70 12 226 S +70 12 227 G +70 12 228 E +70 12 229 S +70 12 230 K +70 12 231 U +70 12 232 I +70 12 233 E +70 12 234 S +70 12 235 E +70 12 236 S +70 12 237 * +70 12 238 E +70 12 239 * +70 12 240 B +70 12 241 * +70 12 242 T +70 12 243 U +70 12 244 E +70 12 245 M +70 12 246 S +70 12 247 U +70 12 248 S +70 12 249 S +70 12 250 U +70 12 251 S +70 12 252 K +70 12 253 S +70 12 254 E +70 12 255 G +70 12 256 K +70 12 257 S +70 12 258 S +70 12 259 M +70 12 260 S +70 12 261 J +70 12 262 W +70 12 263 * +70 12 264 E +70 12 265 S +70 12 266 B +70 12 267 U +70 12 268 S +70 12 269 U +70 12 270 J +70 12 271 S +70 12 272 W +70 12 273 U +70 12 274 W +70 12 275 S +70 12 276 U +70 12 277 S +70 12 278 * +70 12 279 E +70 12 280 S +70 12 281 S +70 12 282 S +70 12 283 B +70 12 284 * +70 12 285 K +70 12 286 W +70 12 287 B +70 12 288 M +70 12 289 S +70 12 290 * +70 12 291 E +70 12 292 * +70 12 293 S +70 12 294 E +70 12 295 B +70 12 296 U +70 12 297 T +70 12 298 M +70 12 299 S +70 12 300 * +70 12 301 S +70 12 302 K +70 12 303 E +70 12 304 S +70 12 305 U +70 12 306 S +70 12 307 E +70 12 308 U +70 12 309 B +70 12 310 S +70 12 311 E +70 12 312 G +70 12 313 E +70 12 314 * +70 12 315 S +70 12 316 S +70 12 317 J +70 12 318 * +70 12 319 * +70 12 320 S +70 12 321 * +70 12 322 E +70 12 323 S +70 12 324 K +70 12 325 U +70 12 326 I +70 12 327 E +70 12 328 S +70 12 329 * +70 12 330 E +70 13 1 E +70 13 2 S +70 13 3 * +70 13 4 U +70 13 5 S +70 13 6 * +70 13 7 S +70 13 8 U +70 13 9 B +70 13 10 E +70 13 11 S +70 13 12 T +70 13 13 S +70 13 14 E +70 13 15 U +70 13 16 * +70 13 17 * +70 13 18 G +70 13 19 E +70 13 20 S +70 13 21 * +70 13 22 I +70 13 23 U +70 13 24 S +70 13 25 E +70 13 26 E +70 13 27 W +70 13 28 * +70 13 29 S +70 13 30 * +70 13 31 E +70 13 32 * +70 13 33 S +70 13 34 E +70 13 35 * +70 13 36 S +70 13 37 E +70 13 38 * +70 13 39 S +70 13 40 E +70 13 41 M +70 13 42 * +70 13 43 E +70 13 44 W +70 13 45 S +70 13 46 * +70 13 47 S +70 13 48 B +70 13 49 E +70 13 50 U +70 13 51 B +70 13 52 * +70 13 53 * +70 13 54 S +70 13 55 E +70 13 56 * +70 13 57 E +70 13 58 * +70 13 59 U +70 13 60 S +70 13 61 * +70 13 62 U +70 13 63 * +70 13 64 E +70 13 65 M +70 13 66 W +70 13 67 S +70 13 68 M +70 13 69 S +70 13 70 E +70 13 71 H +70 13 72 S +70 13 73 U +70 13 74 E +70 13 75 S +70 13 76 * +70 13 77 E +70 13 78 K +70 13 79 G +70 13 80 E +70 13 81 S +70 13 82 S +70 13 83 * +70 13 84 K +70 13 85 S +70 13 86 * +70 13 87 G +70 13 88 U +70 13 89 G +70 13 90 * +70 13 91 S +70 13 92 W +70 13 93 E +70 13 94 G +70 13 95 S +70 13 96 I +70 13 97 U +70 13 98 M +70 13 99 E +70 13 100 S +70 13 101 * +70 13 102 * +70 13 103 S +70 13 104 E +70 13 105 U +70 13 106 T +70 13 107 W +70 13 108 S +70 13 109 E +70 13 110 * +70 13 111 S +70 13 112 M +70 13 113 G +70 13 114 S +70 13 115 M +70 13 116 E +70 13 117 G +70 13 118 * +70 13 119 S +70 13 120 W +70 13 121 * +70 13 122 S +70 13 123 E +70 13 124 S +70 13 125 * +70 13 126 K +70 13 127 S +70 13 128 S +70 13 129 W +70 13 130 S +70 13 131 * +70 13 132 M +70 13 133 S +70 13 134 U +70 13 135 U +70 13 136 E +70 13 137 S +70 13 138 E +70 13 139 * +70 13 140 E +70 13 141 W +70 13 142 E +70 13 143 S +70 13 144 * +70 13 145 S +70 13 146 T +70 13 147 S +70 13 148 M +70 13 149 S +70 13 150 U +70 13 151 * +70 13 152 * +70 13 153 E +70 13 154 * +70 13 155 * +70 13 156 S +70 13 157 * +70 13 158 W +70 13 159 I +70 13 160 * +70 13 161 S +70 13 162 M +70 13 163 E +70 13 164 E +70 13 165 S +70 13 166 E +70 13 167 U +70 13 168 S +70 13 169 E +70 13 170 G +70 13 171 S +70 13 172 W +70 13 173 * +70 13 174 T +70 13 175 E +70 13 176 * +70 13 177 S +70 13 178 E +70 13 179 M +70 13 180 S +70 13 181 * +70 13 182 * +70 13 183 * +70 13 184 * +70 13 185 * +70 13 186 E +70 13 187 * +70 13 188 E +70 13 189 E +70 13 190 * +70 13 191 S +70 13 192 U +70 13 193 S +70 13 194 * +70 13 195 S +70 13 196 E +70 13 197 * +70 13 198 S +70 13 199 * +70 13 200 E +70 13 201 K +70 13 202 S +70 13 203 * +70 13 204 * +70 13 205 U +70 13 206 S +70 13 207 * +70 13 208 * +70 13 209 S +70 13 210 * +70 13 211 E +70 13 212 * +70 13 213 * +70 13 214 * +70 13 215 * +70 13 216 S +70 13 217 * +70 13 218 S +70 13 219 E +70 13 220 E +70 13 221 E +70 13 222 * +70 13 223 S +70 13 224 * +70 13 225 S +70 13 226 E +70 13 227 G +70 13 228 E +70 13 229 S +70 13 230 * +70 13 231 U +70 13 232 S +70 13 233 * +70 13 234 S +70 13 235 E +70 13 236 S +70 13 237 * +70 13 238 E +70 13 239 * +70 13 240 * +70 13 241 W +70 13 242 I +70 13 243 S +70 13 244 E +70 13 245 M +70 13 246 E +70 13 247 * +70 13 248 S +70 13 249 S +70 13 250 U +70 13 251 S +70 13 252 K +70 13 253 E +70 13 254 E +70 13 255 G +70 13 256 K +70 13 257 E +70 13 258 S +70 13 259 M +70 13 260 * +70 13 261 * +70 13 262 W +70 13 263 * +70 13 264 E +70 13 265 S +70 13 266 * +70 13 267 U +70 13 268 S +70 13 269 * +70 13 270 * +70 13 271 S +70 13 272 W +70 13 273 U +70 13 274 W +70 13 275 S +70 13 276 * +70 13 277 E +70 13 278 * +70 13 279 E +70 13 280 S +70 13 281 S +70 13 282 S +70 13 283 * +70 13 284 E +70 13 285 * +70 13 286 W +70 13 287 S +70 13 288 M +70 13 289 E +70 13 290 * +70 13 291 E +70 13 292 * +70 13 293 E +70 13 294 E +70 13 295 * +70 13 296 * +70 13 297 T +70 13 298 M +70 13 299 S +70 13 300 * +70 13 301 S +70 13 302 * +70 13 303 E +70 13 304 S +70 13 305 U +70 13 306 S +70 13 307 E +70 13 308 * +70 13 309 * +70 13 310 S +70 13 311 E +70 13 312 G +70 13 313 * +70 13 314 K +70 13 315 S +70 13 316 * +70 13 317 U +70 13 318 * +70 13 319 W +70 13 320 S +70 13 321 M +70 13 322 E +70 13 323 S +70 13 324 K +70 13 325 U +70 13 326 T +70 13 327 E +70 13 328 S +70 13 329 * +70 13 330 E +70 14 1 E +70 14 2 E +70 14 3 * +70 14 4 * +70 14 5 E +70 14 6 * +70 14 7 S +70 14 8 * +70 14 9 * +70 14 10 E +70 14 11 S +70 14 12 T +70 14 13 S +70 14 14 E +70 14 15 * +70 14 16 W +70 14 17 * +70 14 18 G +70 14 19 E +70 14 20 S +70 14 21 * +70 14 22 T +70 14 23 * +70 14 24 * +70 14 25 E +70 14 26 E +70 14 27 * +70 14 28 * +70 14 29 S +70 14 30 * +70 14 31 E +70 14 32 * +70 14 33 S +70 14 34 E +70 14 35 * +70 14 36 S +70 14 37 E +70 14 38 * +70 14 39 S +70 14 40 E +70 14 41 * +70 14 42 * +70 14 43 E +70 14 44 W +70 14 45 S +70 14 46 * +70 14 47 S +70 14 48 * +70 14 49 E +70 14 50 * +70 14 51 * +70 14 52 W +70 14 53 * +70 14 54 S +70 14 55 E +70 14 56 * +70 14 57 E +70 14 58 * +70 14 59 * +70 14 60 E +70 14 61 * +70 14 62 * +70 14 63 * +70 14 64 E +70 14 65 * +70 14 66 W +70 14 67 S +70 14 68 * +70 14 69 * +70 14 70 * +70 14 71 * +70 14 72 S +70 14 73 * +70 14 74 E +70 14 75 S +70 14 76 * +70 14 77 E +70 14 78 * +70 14 79 G +70 14 80 E +70 14 81 S +70 14 82 * +70 14 83 * +70 14 84 * +70 14 85 S +70 14 86 * +70 14 87 S +70 14 88 * +70 14 89 G +70 14 90 S +70 14 91 S +70 14 92 * +70 14 93 E +70 14 94 * +70 14 95 E +70 14 96 I +70 14 97 * +70 14 98 M +70 14 99 * +70 14 100 * +70 14 101 * +70 14 102 * +70 14 103 * +70 14 104 E +70 14 105 * +70 14 106 I +70 14 107 * +70 14 108 E +70 14 109 E +70 14 110 * +70 14 111 S +70 14 112 * +70 14 113 * +70 14 114 S +70 14 115 * +70 14 116 E +70 14 117 * +70 14 118 * +70 14 119 S +70 14 120 W +70 14 121 * +70 14 122 S +70 14 123 E +70 14 124 S +70 14 125 * +70 14 126 * +70 14 127 S +70 14 128 S +70 14 129 W +70 14 130 S +70 14 131 * +70 14 132 * +70 14 133 S +70 14 134 * +70 14 135 * +70 14 136 * +70 14 137 S +70 14 138 E +70 14 139 * +70 14 140 E +70 14 141 W +70 14 142 W +70 14 143 S +70 14 144 * +70 14 145 * +70 14 146 I +70 14 147 * +70 14 148 M +70 14 149 S +70 14 150 * +70 14 151 * +70 14 152 * +70 14 153 E +70 14 154 * +70 14 155 * +70 14 156 S +70 14 157 * +70 14 158 W +70 14 159 * +70 14 160 * +70 14 161 * +70 14 162 * +70 14 163 S +70 14 164 E +70 14 165 S +70 14 166 E +70 14 167 * +70 14 168 S +70 14 169 E +70 14 170 S +70 14 171 S +70 14 172 W +70 14 173 * +70 14 174 I +70 14 175 * +70 14 176 * +70 14 177 S +70 14 178 I +70 14 179 * +70 14 180 S +70 14 181 * +70 14 182 * +70 14 183 * +70 14 184 * +70 14 185 * +70 14 186 * +70 14 187 I +70 14 188 E +70 14 189 E +70 14 190 * +70 14 191 S +70 14 192 * +70 14 193 S +70 14 194 * +70 14 195 S +70 14 196 * +70 14 197 * +70 14 198 G +70 14 199 E +70 14 200 E +70 14 201 * +70 14 202 S +70 14 203 * +70 14 204 * +70 14 205 * +70 14 206 W +70 14 207 * +70 14 208 * +70 14 209 S +70 14 210 * +70 14 211 E +70 14 212 * +70 14 213 * +70 14 214 S +70 14 215 * +70 14 216 S +70 14 217 * +70 14 218 S +70 14 219 W +70 14 220 E +70 14 221 W +70 14 222 * +70 14 223 S +70 14 224 W +70 14 225 * +70 14 226 E +70 14 227 G +70 14 228 E +70 14 229 * +70 14 230 W +70 14 231 * +70 14 232 * +70 14 233 * +70 14 234 S +70 14 235 E +70 14 236 S +70 14 237 * +70 14 238 * +70 14 239 * +70 14 240 * +70 14 241 T +70 14 242 T +70 14 243 * +70 14 244 T +70 14 245 * +70 14 246 * +70 14 247 * +70 14 248 * +70 14 249 S +70 14 250 * +70 14 251 I +70 14 252 * +70 14 253 * +70 14 254 E +70 14 255 G +70 14 256 * +70 14 257 E +70 14 258 * +70 14 259 * +70 14 260 S +70 14 261 * +70 14 262 T +70 14 263 * +70 14 264 E +70 14 265 * +70 14 266 * +70 14 267 * +70 14 268 S +70 14 269 * +70 14 270 * +70 14 271 S +70 14 272 W +70 14 273 * +70 14 274 W +70 14 275 * +70 14 276 * +70 14 277 E +70 14 278 * +70 14 279 E +70 14 280 S +70 14 281 S +70 14 282 S +70 14 283 * +70 14 284 W +70 14 285 * +70 14 286 W +70 14 287 * +70 14 288 * +70 14 289 * +70 14 290 * +70 14 291 E +70 14 292 * +70 14 293 * +70 14 294 W +70 14 295 * +70 14 296 * +70 14 297 I +70 14 298 * +70 14 299 S +70 14 300 * +70 14 301 S +70 14 302 * +70 14 303 E +70 14 304 * +70 14 305 * +70 14 306 I +70 14 307 * +70 14 308 * +70 14 309 * +70 14 310 S +70 14 311 I +70 14 312 G +70 14 313 E +70 14 314 * +70 14 315 S +70 14 316 * +70 14 317 * +70 14 318 * +70 14 319 * +70 14 320 * +70 14 321 * +70 14 322 E +70 14 323 S +70 14 324 * +70 14 325 * +70 14 326 I +70 14 327 E +70 14 328 S +70 14 329 * +70 14 330 E +70 15 1 E +70 15 2 S +70 15 3 * +70 15 4 * +70 15 5 S +70 15 6 * +70 15 7 S +70 15 8 U +70 15 9 B +70 15 10 E +70 15 11 S +70 15 12 T +70 15 13 S +70 15 14 E +70 15 15 K +70 15 16 * +70 15 17 O +70 15 18 G +70 15 19 E +70 15 20 S +70 15 21 K +70 15 22 T +70 15 23 K +70 15 24 I +70 15 25 S +70 15 26 E +70 15 27 K +70 15 28 K +70 15 29 S +70 15 30 J +70 15 31 E +70 15 32 U +70 15 33 S +70 15 34 E +70 15 35 K +70 15 36 S +70 15 37 E +70 15 38 U +70 15 39 S +70 15 40 E +70 15 41 U +70 15 42 S +70 15 43 E +70 15 44 * +70 15 45 S +70 15 46 * +70 15 47 S +70 15 48 * +70 15 49 E +70 15 50 U +70 15 51 B +70 15 52 S +70 15 53 U +70 15 54 S +70 15 55 E +70 15 56 K +70 15 57 S +70 15 58 * +70 15 59 K +70 15 60 S +70 15 61 U +70 15 62 U +70 15 63 K +70 15 64 E +70 15 65 K +70 15 66 T +70 15 67 S +70 15 68 U +70 15 69 S +70 15 70 E +70 15 71 U +70 15 72 S +70 15 73 U +70 15 74 E +70 15 75 S +70 15 76 J +70 15 77 E +70 15 78 K +70 15 79 * +70 15 80 E +70 15 81 S +70 15 82 S +70 15 83 T +70 15 84 K +70 15 85 S +70 15 86 K +70 15 87 G +70 15 88 K +70 15 89 G +70 15 90 S +70 15 91 S +70 15 92 K +70 15 93 E +70 15 94 B +70 15 95 E +70 15 96 T +70 15 97 U +70 15 98 M +70 15 99 U +70 15 100 S +70 15 101 U +70 15 102 U +70 15 103 S +70 15 104 E +70 15 105 U +70 15 106 T +70 15 107 K +70 15 108 E +70 15 109 E +70 15 110 O +70 15 111 S +70 15 112 * +70 15 113 B +70 15 114 S +70 15 115 U +70 15 116 E +70 15 117 B +70 15 118 K +70 15 119 S +70 15 120 K +70 15 121 O +70 15 122 S +70 15 123 E +70 15 124 S +70 15 125 O +70 15 126 * +70 15 127 S +70 15 128 T +70 15 129 K +70 15 130 S +70 15 131 U +70 15 132 J +70 15 133 S +70 15 134 B +70 15 135 U +70 15 136 E +70 15 137 S +70 15 138 E +70 15 139 T +70 15 140 E +70 15 141 W +70 15 142 K +70 15 143 S +70 15 144 U +70 15 145 S +70 15 146 T +70 15 147 S +70 15 148 * +70 15 149 S +70 15 150 U +70 15 151 K +70 15 152 U +70 15 153 E +70 15 154 * +70 15 155 B +70 15 156 S +70 15 157 B +70 15 158 W +70 15 159 * +70 15 160 K +70 15 161 S +70 15 162 M +70 15 163 S +70 15 164 E +70 15 165 E +70 15 166 E +70 15 167 K +70 15 168 S +70 15 169 E +70 15 170 S +70 15 171 S +70 15 172 E +70 15 173 K +70 15 174 T +70 15 175 E +70 15 176 K +70 15 177 T +70 15 178 E +70 15 179 * +70 15 180 S +70 15 181 * +70 15 182 U +70 15 183 B +70 15 184 K +70 15 185 B +70 15 186 S +70 15 187 O +70 15 188 E +70 15 189 E +70 15 190 K +70 15 191 S +70 15 192 U +70 15 193 S +70 15 194 U +70 15 195 S +70 15 196 S +70 15 197 K +70 15 198 G +70 15 199 S +70 15 200 E +70 15 201 K +70 15 202 S +70 15 203 U +70 15 204 B +70 15 205 U +70 15 206 * +70 15 207 K +70 15 208 B +70 15 209 S +70 15 210 B +70 15 211 E +70 15 212 O +70 15 213 K +70 15 214 S +70 15 215 K +70 15 216 S +70 15 217 K +70 15 218 S +70 15 219 S +70 15 220 U +70 15 221 S +70 15 222 U +70 15 223 S +70 15 224 K +70 15 225 S +70 15 226 E +70 15 227 G +70 15 228 E +70 15 229 S +70 15 230 K +70 15 231 K +70 15 232 B +70 15 233 E +70 15 234 S +70 15 235 E +70 15 236 S +70 15 237 K +70 15 238 E +70 15 239 U +70 15 240 B +70 15 241 T +70 15 242 T +70 15 243 U +70 15 244 E +70 15 245 * +70 15 246 S +70 15 247 U +70 15 248 S +70 15 249 S +70 15 250 U +70 15 251 S +70 15 252 I +70 15 253 S +70 15 254 E +70 15 255 B +70 15 256 K +70 15 257 E +70 15 258 S +70 15 259 B +70 15 260 T +70 15 261 B +70 15 262 K +70 15 263 * +70 15 264 E +70 15 265 S +70 15 266 B +70 15 267 K +70 15 268 S +70 15 269 K +70 15 270 * +70 15 271 S +70 15 272 W +70 15 273 U +70 15 274 W +70 15 275 S +70 15 276 U +70 15 277 E +70 15 278 O +70 15 279 E +70 15 280 S +70 15 281 S +70 15 282 S +70 15 283 B +70 15 284 E +70 15 285 K +70 15 286 E +70 15 287 B +70 15 288 M +70 15 289 S +70 15 290 K +70 15 291 E +70 15 292 K +70 15 293 S +70 15 294 E +70 15 295 * +70 15 296 U +70 15 297 * +70 15 298 M +70 15 299 S +70 15 300 * +70 15 301 S +70 15 302 K +70 15 303 E +70 15 304 S +70 15 305 U +70 15 306 S +70 15 307 E +70 15 308 K +70 15 309 S +70 15 310 S +70 15 311 E +70 15 312 G +70 15 313 K +70 15 314 E +70 15 315 S +70 15 316 S +70 15 317 U +70 15 318 * +70 15 319 E +70 15 320 S +70 15 321 M +70 15 322 S +70 15 323 S +70 15 324 K +70 15 325 U +70 15 326 * +70 15 327 E +70 15 328 S +70 15 329 * +70 15 330 S +70 16 1 E +70 16 2 E +70 16 3 M +70 16 4 * +70 16 5 S +70 16 6 * +70 16 7 S +70 16 8 * +70 16 9 * +70 16 10 E +70 16 11 S +70 16 12 T +70 16 13 * +70 16 14 * +70 16 15 * +70 16 16 W +70 16 17 * +70 16 18 G +70 16 19 E +70 16 20 * +70 16 21 * +70 16 22 T +70 16 23 * +70 16 24 * +70 16 25 * +70 16 26 E +70 16 27 * +70 16 28 * +70 16 29 S +70 16 30 * +70 16 31 E +70 16 32 * +70 16 33 S +70 16 34 E +70 16 35 * +70 16 36 S +70 16 37 E +70 16 38 * +70 16 39 * +70 16 40 E +70 16 41 M +70 16 42 I +70 16 43 E +70 16 44 * +70 16 45 S +70 16 46 * +70 16 47 S +70 16 48 I +70 16 49 E +70 16 50 * +70 16 51 * +70 16 52 * +70 16 53 * +70 16 54 S +70 16 55 * +70 16 56 * +70 16 57 E +70 16 58 * +70 16 59 * +70 16 60 E +70 16 61 M +70 16 62 * +70 16 63 * +70 16 64 E +70 16 65 * +70 16 66 * +70 16 67 * +70 16 68 * +70 16 69 S +70 16 70 * +70 16 71 * +70 16 72 S +70 16 73 * +70 16 74 * +70 16 75 S +70 16 76 * +70 16 77 E +70 16 78 * +70 16 79 * +70 16 80 E +70 16 81 * +70 16 82 * +70 16 83 * +70 16 84 * +70 16 85 * +70 16 86 * +70 16 87 G +70 16 88 * +70 16 89 G +70 16 90 * +70 16 91 * +70 16 92 W +70 16 93 E +70 16 94 G +70 16 95 * +70 16 96 I +70 16 97 * +70 16 98 * +70 16 99 * +70 16 100 * +70 16 101 * +70 16 102 * +70 16 103 S +70 16 104 * +70 16 105 * +70 16 106 T +70 16 107 W +70 16 108 * +70 16 109 * +70 16 110 * +70 16 111 * +70 16 112 * +70 16 113 G +70 16 114 * +70 16 115 M +70 16 116 * +70 16 117 * +70 16 118 * +70 16 119 * +70 16 120 W +70 16 121 * +70 16 122 S +70 16 123 E +70 16 124 * +70 16 125 * +70 16 126 * +70 16 127 G +70 16 128 * +70 16 129 W +70 16 130 * +70 16 131 * +70 16 132 * +70 16 133 * +70 16 134 * +70 16 135 * +70 16 136 E +70 16 137 * +70 16 138 E +70 16 139 * +70 16 140 E +70 16 141 W +70 16 142 * +70 16 143 * +70 16 144 * +70 16 145 * +70 16 146 I +70 16 147 * +70 16 148 M +70 16 149 * +70 16 150 * +70 16 151 * +70 16 152 * +70 16 153 E +70 16 154 G +70 16 155 * +70 16 156 S +70 16 157 * +70 16 158 W +70 16 159 T +70 16 160 * +70 16 161 * +70 16 162 M +70 16 163 * +70 16 164 E +70 16 165 S +70 16 166 * +70 16 167 * +70 16 168 S +70 16 169 * +70 16 170 * +70 16 171 S +70 16 172 W +70 16 173 * +70 16 174 T +70 16 175 * +70 16 176 * +70 16 177 I +70 16 178 E +70 16 179 * +70 16 180 * +70 16 181 I +70 16 182 * +70 16 183 I +70 16 184 * +70 16 185 * +70 16 186 * +70 16 187 I +70 16 188 E +70 16 189 E +70 16 190 * +70 16 191 * +70 16 192 * +70 16 193 * +70 16 194 * +70 16 195 S +70 16 196 * +70 16 197 * +70 16 198 G +70 16 199 * +70 16 200 * +70 16 201 * +70 16 202 S +70 16 203 * +70 16 204 * +70 16 205 * +70 16 206 * +70 16 207 * +70 16 208 * +70 16 209 E +70 16 210 * +70 16 211 E +70 16 212 I +70 16 213 * +70 16 214 * +70 16 215 * +70 16 216 * +70 16 217 * +70 16 218 * +70 16 219 E +70 16 220 * +70 16 221 * +70 16 222 * +70 16 223 S +70 16 224 W +70 16 225 * +70 16 226 * +70 16 227 G +70 16 228 E +70 16 229 * +70 16 230 * +70 16 231 * +70 16 232 * +70 16 233 * +70 16 234 * +70 16 235 E +70 16 236 * +70 16 237 * +70 16 238 * +70 16 239 * +70 16 240 * +70 16 241 W +70 16 242 I +70 16 243 * +70 16 244 * +70 16 245 M +70 16 246 E +70 16 247 * +70 16 248 * +70 16 249 * +70 16 250 * +70 16 251 * +70 16 252 W +70 16 253 * +70 16 254 E +70 16 255 G +70 16 256 * +70 16 257 E +70 16 258 I +70 16 259 * +70 16 260 * +70 16 261 * +70 16 262 W +70 16 263 * +70 16 264 E +70 16 265 * +70 16 266 * +70 16 267 * +70 16 268 * +70 16 269 * +70 16 270 * +70 16 271 * +70 16 272 W +70 16 273 * +70 16 274 W +70 16 275 * +70 16 276 * +70 16 277 * +70 16 278 * +70 16 279 E +70 16 280 S +70 16 281 * +70 16 282 * +70 16 283 * +70 16 284 * +70 16 285 * +70 16 286 W +70 16 287 * +70 16 288 M +70 16 289 * +70 16 290 * +70 16 291 E +70 16 292 * +70 16 293 * +70 16 294 * +70 16 295 * +70 16 296 * +70 16 297 T +70 16 298 M +70 16 299 * +70 16 300 * +70 16 301 * +70 16 302 W +70 16 303 E +70 16 304 * +70 16 305 * +70 16 306 * +70 16 307 E +70 16 308 * +70 16 309 * +70 16 310 * +70 16 311 E +70 16 312 * +70 16 313 * +70 16 314 W +70 16 315 * +70 16 316 * +70 16 317 * +70 16 318 * +70 16 319 W +70 16 320 * +70 16 321 * +70 16 322 E +70 16 323 * +70 16 324 W +70 16 325 * +70 16 326 I +70 16 327 * +70 16 328 * +70 16 329 * +70 16 330 * +70 17 1 E +70 17 2 * +70 17 3 M +70 17 4 * +70 17 5 * +70 17 6 * +70 17 7 * +70 17 8 X +70 17 9 I +70 17 10 E +70 17 11 E +70 17 12 * +70 17 13 * +70 17 14 * +70 17 15 * +70 17 16 W +70 17 17 * +70 17 18 E +70 17 19 E +70 17 20 * +70 17 21 * +70 17 22 * +70 17 23 * +70 17 24 * +70 17 25 * +70 17 26 * +70 17 27 W +70 17 28 * +70 17 29 * +70 17 30 * +70 17 31 E +70 17 32 * +70 17 33 * +70 17 34 E +70 17 35 * +70 17 36 * +70 17 37 E +70 17 38 * +70 17 39 * +70 17 40 E +70 17 41 Q +70 17 42 * +70 17 43 E +70 17 44 * +70 17 45 * +70 17 46 * +70 17 47 * +70 17 48 * +70 17 49 E +70 17 50 * +70 17 51 I +70 17 52 * +70 17 53 * +70 17 54 * +70 17 55 E +70 17 56 * +70 17 57 E +70 17 58 I +70 17 59 * +70 17 60 E +70 17 61 * +70 17 62 * +70 17 63 I +70 17 64 E +70 17 65 M +70 17 66 W +70 17 67 * +70 17 68 * +70 17 69 * +70 17 70 * +70 17 71 X +70 17 72 * +70 17 73 * +70 17 74 * +70 17 75 * +70 17 76 * +70 17 77 E +70 17 78 * +70 17 79 * +70 17 80 E +70 17 81 * +70 17 82 E +70 17 83 * +70 17 84 * +70 17 85 * +70 17 86 * +70 17 87 * +70 17 88 * +70 17 89 * +70 17 90 * +70 17 91 * +70 17 92 W +70 17 93 E +70 17 94 G +70 17 95 E +70 17 96 * +70 17 97 * +70 17 98 L +70 17 99 * +70 17 100 E +70 17 101 X +70 17 102 * +70 17 103 * +70 17 104 E +70 17 105 X +70 17 106 * +70 17 107 W +70 17 108 * +70 17 109 * +70 17 110 * +70 17 111 * +70 17 112 Q +70 17 113 G +70 17 114 * +70 17 115 * +70 17 116 E +70 17 117 * +70 17 118 * +70 17 119 * +70 17 120 W +70 17 121 * +70 17 122 * +70 17 123 E +70 17 124 * +70 17 125 * +70 17 126 * +70 17 127 E +70 17 128 * +70 17 129 W +70 17 130 * +70 17 131 * +70 17 132 * +70 17 133 * +70 17 134 X +70 17 135 * +70 17 136 * +70 17 137 * +70 17 138 E +70 17 139 W +70 17 140 E +70 17 141 W +70 17 142 W +70 17 143 * +70 17 144 * +70 17 145 S +70 17 146 * +70 17 147 * +70 17 148 M +70 17 149 * +70 17 150 * +70 17 151 I +70 17 152 * +70 17 153 * +70 17 154 G +70 17 155 I +70 17 156 * +70 17 157 I +70 17 158 W +70 17 159 * +70 17 160 * +70 17 161 * +70 17 162 X +70 17 163 E +70 17 164 E +70 17 165 * +70 17 166 E +70 17 167 * +70 17 168 * +70 17 169 E +70 17 170 G +70 17 171 * +70 17 172 W +70 17 173 * +70 17 174 * +70 17 175 E +70 17 176 * +70 17 177 * +70 17 178 E +70 17 179 * +70 17 180 * +70 17 181 I +70 17 182 * +70 17 183 I +70 17 184 * +70 17 185 I +70 17 186 E +70 17 187 I +70 17 188 E +70 17 189 E +70 17 190 * +70 17 191 E +70 17 192 * +70 17 193 * +70 17 194 * +70 17 195 * +70 17 196 * +70 17 197 * +70 17 198 G +70 17 199 E +70 17 200 E +70 17 201 * +70 17 202 E +70 17 203 * +70 17 204 G +70 17 205 * +70 17 206 W +70 17 207 * +70 17 208 I +70 17 209 E +70 17 210 Q +70 17 211 E +70 17 212 * +70 17 213 * +70 17 214 S +70 17 215 * +70 17 216 * +70 17 217 * +70 17 218 * +70 17 219 E +70 17 220 * +70 17 221 E +70 17 222 * +70 17 223 S +70 17 224 * +70 17 225 * +70 17 226 E +70 17 227 G +70 17 228 * +70 17 229 * +70 17 230 W +70 17 231 * +70 17 232 I +70 17 233 E +70 17 234 * +70 17 235 E +70 17 236 * +70 17 237 * +70 17 238 E +70 17 239 * +70 17 240 I +70 17 241 W +70 17 242 * +70 17 243 * +70 17 244 E +70 17 245 M +70 17 246 E +70 17 247 * +70 17 248 G +70 17 249 E +70 17 250 * +70 17 251 * +70 17 252 W +70 17 253 * +70 17 254 E +70 17 255 G +70 17 256 * +70 17 257 E +70 17 258 * +70 17 259 Q +70 17 260 * +70 17 261 I +70 17 262 W +70 17 263 * +70 17 264 E +70 17 265 * +70 17 266 I +70 17 267 * +70 17 268 * +70 17 269 * +70 17 270 I +70 17 271 * +70 17 272 W +70 17 273 * +70 17 274 W +70 17 275 * +70 17 276 * +70 17 277 E +70 17 278 * +70 17 279 * +70 17 280 * +70 17 281 E +70 17 282 * +70 17 283 * +70 17 284 W +70 17 285 * +70 17 286 * +70 17 287 I +70 17 288 Q +70 17 289 E +70 17 290 W +70 17 291 E +70 17 292 * +70 17 293 E +70 17 294 W +70 17 295 I +70 17 296 * +70 17 297 * +70 17 298 * +70 17 299 * +70 17 300 * +70 17 301 E +70 17 302 W +70 17 303 E +70 17 304 * +70 17 305 * +70 17 306 * +70 17 307 E +70 17 308 * +70 17 309 G +70 17 310 * +70 17 311 E +70 17 312 G +70 17 313 * +70 17 314 W +70 17 315 * +70 17 316 E +70 17 317 * +70 17 318 I +70 17 319 W +70 17 320 S +70 17 321 M +70 17 322 E +70 17 323 E +70 17 324 W +70 17 325 * +70 17 326 I +70 17 327 E +70 17 328 * +70 17 329 I +70 17 330 E +70 18 1 E +70 18 2 S +70 18 3 * +70 18 4 * +70 18 5 S +70 18 6 * +70 18 7 S +70 18 8 * +70 18 9 * +70 18 10 E +70 18 11 E +70 18 12 S +70 18 13 T +70 18 14 S +70 18 15 E +70 18 16 * +70 18 17 E +70 18 18 G +70 18 19 E +70 18 20 S +70 18 21 * +70 18 22 T +70 18 23 * +70 18 24 S +70 18 25 E +70 18 26 E +70 18 27 * +70 18 28 * +70 18 29 S +70 18 30 * +70 18 31 E +70 18 32 * +70 18 33 S +70 18 34 E +70 18 35 K +70 18 36 S +70 18 37 E +70 18 38 U +70 18 39 S +70 18 40 E +70 18 41 M +70 18 42 T +70 18 43 E +70 18 44 K +70 18 45 S +70 18 46 A +70 18 47 S +70 18 48 T +70 18 49 E +70 18 50 NS +70 18 51 I +70 18 52 S +70 18 53 * +70 18 54 S +70 18 55 E +70 18 56 * +70 18 57 E +70 18 58 T +70 18 59 * +70 18 60 * +70 18 61 X +70 18 62 * +70 18 63 K +70 18 64 E +70 18 65 K +70 18 66 * +70 18 67 S +70 18 68 NS +70 18 69 S +70 18 70 * +70 18 71 U +70 18 72 S +70 18 73 NS +70 18 74 E +70 18 75 S +70 18 76 J +70 18 77 E +70 18 78 K +70 18 79 B +70 18 80 E +70 18 81 S +70 18 82 S +70 18 83 Y +70 18 84 K +70 18 85 S +70 18 86 NS +70 18 87 S +70 18 88 * +70 18 89 G +70 18 90 S +70 18 91 S +70 18 92 Y +70 18 93 E +70 18 94 G +70 18 95 * +70 18 96 T +70 18 97 U +70 18 98 U +70 18 99 * +70 18 100 S +70 18 101 * +70 18 102 * +70 18 103 * +70 18 104 E +70 18 105 * +70 18 106 T +70 18 107 W +70 18 108 S +70 18 109 E +70 18 110 I +70 18 111 S +70 18 112 K +70 18 113 S +70 18 114 E +70 18 115 * +70 18 116 E +70 18 117 I +70 18 118 * +70 18 119 S +70 18 120 K +70 18 121 * +70 18 122 S +70 18 123 E +70 18 124 T +70 18 125 * +70 18 126 * +70 18 127 S +70 18 128 T +70 18 129 * +70 18 130 S +70 18 131 * +70 18 132 M +70 18 133 S +70 18 134 I +70 18 135 * +70 18 136 E +70 18 137 S +70 18 138 E +70 18 139 * +70 18 140 E +70 18 141 W +70 18 142 * +70 18 143 S +70 18 144 PG +70 18 145 S +70 18 146 T +70 18 147 * +70 18 148 G +70 18 149 S +70 18 150 * +70 18 151 K +70 18 152 * +70 18 153 E +70 18 154 G +70 18 155 * +70 18 156 S +70 18 157 * +70 18 158 * +70 18 159 T +70 18 160 * +70 18 161 * +70 18 162 K +70 18 163 S +70 18 164 E +70 18 165 S +70 18 166 E +70 18 167 * +70 18 168 S +70 18 169 E +70 18 170 * +70 18 171 S +70 18 172 W +70 18 173 * +70 18 174 K +70 18 175 E +70 18 176 * +70 18 177 T +70 18 178 E +70 18 179 M +70 18 180 S +70 18 181 * +70 18 182 X +70 18 183 I +70 18 184 NS +70 18 185 * +70 18 186 E +70 18 187 E +70 18 188 * +70 18 189 E +70 18 190 * +70 18 191 S +70 18 192 NS +70 18 193 S +70 18 194 * +70 18 195 S +70 18 196 * +70 18 197 * +70 18 198 G +70 18 199 W +70 18 200 E +70 18 201 * +70 18 202 S +70 18 203 * +70 18 204 I +70 18 205 * +70 18 206 Y +70 18 207 * +70 18 208 * +70 18 209 S +70 18 210 * +70 18 211 E +70 18 212 T +70 18 213 * +70 18 214 * +70 18 215 * +70 18 216 S +70 18 217 * +70 18 218 S +70 18 219 W +70 18 220 * +70 18 221 W +70 18 222 * +70 18 223 S +70 18 224 * +70 18 225 * +70 18 226 E +70 18 227 * +70 18 228 E +70 18 229 * +70 18 230 * +70 18 231 * +70 18 232 S +70 18 233 * +70 18 234 S +70 18 235 E +70 18 236 S +70 18 237 * +70 18 238 E +70 18 239 * +70 18 240 I +70 18 241 W +70 18 242 T +70 18 243 * +70 18 244 * +70 18 245 M +70 18 246 E +70 18 247 * +70 18 248 S +70 18 249 S +70 18 250 * +70 18 251 S +70 18 252 * +70 18 253 S +70 18 254 E +70 18 255 G +70 18 256 PM +70 18 257 E +70 18 258 * +70 18 259 * +70 18 260 T +70 18 261 * +70 18 262 * +70 18 263 * +70 18 264 E +70 18 265 S +70 18 266 * +70 18 267 * +70 18 268 S +70 18 269 * +70 18 270 * +70 18 271 S +70 18 272 W +70 18 273 * +70 18 274 W +70 18 275 S +70 18 276 * +70 18 277 E +70 18 278 * +70 18 279 E +70 18 280 S +70 18 281 S +70 18 282 S +70 18 283 I +70 18 284 W +70 18 285 K +70 18 286 W +70 18 287 I +70 18 288 M +70 18 289 E +70 18 290 * +70 18 291 E +70 18 292 K +70 18 293 E +70 18 294 W +70 18 295 I +70 18 296 * +70 18 297 T +70 18 298 M +70 18 299 S +70 18 300 * +70 18 301 S +70 18 302 W +70 18 303 E +70 18 304 S +70 18 305 * +70 18 306 S +70 18 307 E +70 18 308 * +70 18 309 * +70 18 310 S +70 18 311 E +70 18 312 G +70 18 313 E +70 18 314 * +70 18 315 S +70 18 316 S +70 18 317 * +70 18 318 * +70 18 319 W +70 18 320 S +70 18 321 K +70 18 322 E +70 18 323 S +70 18 324 W +70 18 325 * +70 18 326 T +70 18 327 W +70 18 328 S +70 18 329 I +70 18 330 * +70 19 1 E +70 19 2 E +70 19 3 M +70 19 4 U +70 19 5 S +70 19 6 J +70 19 7 S +70 19 8 * +70 19 9 I +70 19 10 E +70 19 11 S +70 19 12 T +70 19 13 S +70 19 14 S +70 19 15 U +70 19 16 W +70 19 17 * +70 19 18 G +70 19 19 E +70 19 20 S +70 19 21 K +70 19 22 T +70 19 23 U +70 19 24 B +70 19 25 E +70 19 26 E +70 19 27 Y +70 19 28 K +70 19 29 S +70 19 30 J +70 19 31 E +70 19 32 S +70 19 33 E +70 19 34 K +70 19 35 K +70 19 36 S +70 19 37 E +70 19 38 U +70 19 39 S +70 19 40 E +70 19 41 M +70 19 42 * +70 19 43 E +70 19 44 U +70 19 45 S +70 19 46 A +70 19 47 S +70 19 48 J +70 19 49 E +70 19 50 U +70 19 51 B +70 19 52 * +70 19 53 U +70 19 54 S +70 19 55 E +70 19 56 K +70 19 57 S +70 19 58 I +70 19 59 U +70 19 60 S +70 19 61 M +70 19 62 U +70 19 63 K +70 19 64 E +70 19 65 K +70 19 66 * +70 19 67 E +70 19 68 U +70 19 69 S +70 19 70 U +70 19 71 M +70 19 72 S +70 19 73 U +70 19 74 E +70 19 75 S +70 19 76 J +70 19 77 E +70 19 78 U +70 19 79 G +70 19 80 E +70 19 81 S +70 19 82 E +70 19 83 T +70 19 84 K +70 19 85 S +70 19 86 U +70 19 87 G +70 19 88 U +70 19 89 G +70 19 90 S +70 19 91 * +70 19 92 U +70 19 93 E +70 19 94 * +70 19 95 E +70 19 96 T +70 19 97 U +70 19 98 U +70 19 99 U +70 19 100 E +70 19 101 U +70 19 102 E +70 19 103 * +70 19 104 E +70 19 105 U +70 19 106 T +70 19 107 W +70 19 108 E +70 19 109 E +70 19 110 J +70 19 111 S +70 19 112 K +70 19 113 G +70 19 114 S +70 19 115 U +70 19 116 E +70 19 117 * +70 19 118 K +70 19 119 E +70 19 120 W +70 19 121 * +70 19 122 S +70 19 123 E +70 19 124 S +70 19 125 * +70 19 126 K +70 19 127 S +70 19 128 T +70 19 129 K +70 19 130 S +70 19 131 U +70 19 132 M +70 19 133 S +70 19 134 * +70 19 135 U +70 19 136 E +70 19 137 S +70 19 138 E +70 19 139 * +70 19 140 E +70 19 141 W +70 19 142 W +70 19 143 S +70 19 144 U +70 19 145 E +70 19 146 T +70 19 147 E +70 19 148 M +70 19 149 S +70 19 150 E +70 19 151 K +70 19 152 U +70 19 153 E +70 19 154 * +70 19 155 * +70 19 156 S +70 19 157 B +70 19 158 W +70 19 159 * +70 19 160 K +70 19 161 S +70 19 162 M +70 19 163 E +70 19 164 E +70 19 165 S +70 19 166 E +70 19 167 U +70 19 168 S +70 19 169 E +70 19 170 S +70 19 171 S +70 19 172 W +70 19 173 K +70 19 174 T +70 19 175 E +70 19 176 U +70 19 177 T +70 19 178 E +70 19 179 M +70 19 180 S +70 19 181 B +70 19 182 U +70 19 183 B +70 19 184 U +70 19 185 * +70 19 186 E +70 19 187 T +70 19 188 E +70 19 189 E +70 19 190 K +70 19 191 S +70 19 192 * +70 19 193 T +70 19 194 M +70 19 195 S +70 19 196 E +70 19 197 U +70 19 198 G +70 19 199 * +70 19 200 E +70 19 201 K +70 19 202 S +70 19 203 U +70 19 204 B +70 19 205 E +70 19 206 * +70 19 207 * +70 19 208 B +70 19 209 S +70 19 210 M +70 19 211 E +70 19 212 * +70 19 213 U +70 19 214 T +70 19 215 U +70 19 216 S +70 19 217 K +70 19 218 S +70 19 219 * +70 19 220 E +70 19 221 E +70 19 222 U +70 19 223 S +70 19 224 * +70 19 225 I +70 19 226 E +70 19 227 G +70 19 228 E +70 19 229 S +70 19 230 K +70 19 231 U +70 19 232 I +70 19 233 E +70 19 234 S +70 19 235 E +70 19 236 I +70 19 237 K +70 19 238 E +70 19 239 K +70 19 240 M +70 19 241 W +70 19 242 T +70 19 243 U +70 19 244 * +70 19 245 M +70 19 246 E +70 19 247 U +70 19 248 S +70 19 249 S +70 19 250 E +70 19 251 E +70 19 252 Y +70 19 253 E +70 19 254 E +70 19 255 G +70 19 256 K +70 19 257 E +70 19 258 T +70 19 259 M +70 19 260 * +70 19 261 * +70 19 262 W +70 19 263 * +70 19 264 E +70 19 265 S +70 19 266 * +70 19 267 U +70 19 268 * +70 19 269 U +70 19 270 * +70 19 271 S +70 19 272 W +70 19 273 U +70 19 274 W +70 19 275 I +70 19 276 U +70 19 277 S +70 19 278 * +70 19 279 E +70 19 280 S +70 19 281 E +70 19 282 S +70 19 283 B +70 19 284 * +70 19 285 K +70 19 286 W +70 19 287 I +70 19 288 M +70 19 289 E +70 19 290 Y +70 19 291 E +70 19 292 K +70 19 293 E +70 19 294 W +70 19 295 B +70 19 296 U +70 19 297 T +70 19 298 M +70 19 299 S +70 19 300 * +70 19 301 S +70 19 302 * +70 19 303 E +70 19 304 S +70 19 305 U +70 19 306 * +70 19 307 E +70 19 308 U +70 19 309 B +70 19 310 S +70 19 311 E +70 19 312 G +70 19 313 E +70 19 314 * +70 19 315 S +70 19 316 S +70 19 317 U +70 19 318 * +70 19 319 * +70 19 320 I +70 19 321 * +70 19 322 E +70 19 323 S +70 19 324 * +70 19 325 U +70 19 326 T +70 19 327 E +70 19 328 S +70 19 329 B +70 19 330 E +70 20 1 E +70 20 2 E +70 20 3 M +70 20 4 * +70 20 5 E +70 20 6 * +70 20 7 E +70 20 8 M +70 20 9 * +70 20 10 E +70 20 11 E +70 20 12 T +70 20 13 E +70 20 14 E +70 20 15 T +70 20 16 W +70 20 17 M +70 20 18 * +70 20 19 E +70 20 20 E +70 20 21 M +70 20 22 T +70 20 23 * +70 20 24 * +70 20 25 E +70 20 26 E +70 20 27 T +70 20 28 M +70 20 29 E +70 20 30 M +70 20 31 E +70 20 32 M +70 20 33 E +70 20 34 E +70 20 35 M +70 20 36 E +70 20 37 E +70 20 38 M +70 20 39 E +70 20 40 E +70 20 41 M +70 20 42 T +70 20 43 E +70 20 44 T +70 20 45 E +70 20 46 * +70 20 47 E +70 20 48 T +70 20 49 E +70 20 50 * +70 20 51 * +70 20 52 T +70 20 53 M +70 20 54 E +70 20 55 E +70 20 56 T +70 20 57 E +70 20 58 * +70 20 59 T +70 20 60 E +70 20 61 M +70 20 62 T +70 20 63 M +70 20 64 E +70 20 65 M +70 20 66 T +70 20 67 E +70 20 68 M +70 20 69 * +70 20 70 W +70 20 71 * +70 20 72 E +70 20 73 * +70 20 74 E +70 20 75 * +70 20 76 M +70 20 77 E +70 20 78 * +70 20 79 T +70 20 80 E +70 20 81 E +70 20 82 E +70 20 83 T +70 20 84 * +70 20 85 E +70 20 86 M +70 20 87 G +70 20 88 * +70 20 89 G +70 20 90 G +70 20 91 E +70 20 92 T +70 20 93 E +70 20 94 G +70 20 95 W +70 20 96 T +70 20 97 * +70 20 98 M +70 20 99 * +70 20 100 E +70 20 101 M +70 20 102 * +70 20 103 * +70 20 104 E +70 20 105 * +70 20 106 T +70 20 107 T +70 20 108 * +70 20 109 E +70 20 110 * +70 20 111 G +70 20 112 M +70 20 113 G +70 20 114 E +70 20 115 M +70 20 116 * +70 20 117 * +70 20 118 * +70 20 119 E +70 20 120 T +70 20 121 M +70 20 122 E +70 20 123 E +70 20 124 W +70 20 125 M +70 20 126 M +70 20 127 G +70 20 128 W +70 20 129 * +70 20 130 G +70 20 131 * +70 20 132 M +70 20 133 E +70 20 134 * +70 20 135 M +70 20 136 E +70 20 137 G +70 20 138 E +70 20 139 * +70 20 140 E +70 20 141 W +70 20 142 * +70 20 143 E +70 20 144 * +70 20 145 E +70 20 146 * +70 20 147 E +70 20 148 M +70 20 149 E +70 20 150 * +70 20 151 * +70 20 152 * +70 20 153 E +70 20 154 G +70 20 155 G +70 20 156 E +70 20 157 * +70 20 158 W +70 20 159 * +70 20 160 * +70 20 161 E +70 20 162 M +70 20 163 E +70 20 164 E +70 20 165 G +70 20 166 * +70 20 167 * +70 20 168 E +70 20 169 E +70 20 170 G +70 20 171 * +70 20 172 W +70 20 173 M +70 20 174 * +70 20 175 E +70 20 176 M +70 20 177 * +70 20 178 E +70 20 179 M +70 20 180 E +70 20 181 * +70 20 182 M +70 20 183 * +70 20 184 * +70 20 185 * +70 20 186 E +70 20 187 * +70 20 188 E +70 20 189 * +70 20 190 * +70 20 191 E +70 20 192 * +70 20 193 T +70 20 194 M +70 20 195 E +70 20 196 * +70 20 197 * +70 20 198 G +70 20 199 W +70 20 200 E +70 20 201 * +70 20 202 E +70 20 203 M +70 20 204 G +70 20 205 * +70 20 206 W +70 20 207 M +70 20 208 * +70 20 209 E +70 20 210 * +70 20 211 E +70 20 212 * +70 20 213 * +70 20 214 * +70 20 215 * +70 20 216 G +70 20 217 * +70 20 218 * +70 20 219 E +70 20 220 * +70 20 221 * +70 20 222 * +70 20 223 E +70 20 224 * +70 20 225 * +70 20 226 E +70 20 227 G +70 20 228 * +70 20 229 * +70 20 230 * +70 20 231 * +70 20 232 * +70 20 233 * +70 20 234 E +70 20 235 E +70 20 236 * +70 20 237 * +70 20 238 E +70 20 239 * +70 20 240 * +70 20 241 W +70 20 242 * +70 20 243 M +70 20 244 W +70 20 245 M +70 20 246 E +70 20 247 * +70 20 248 * +70 20 249 E +70 20 250 * +70 20 251 * +70 20 252 * +70 20 253 E +70 20 254 * +70 20 255 G +70 20 256 M +70 20 257 E +70 20 258 * +70 20 259 M +70 20 260 * +70 20 261 * +70 20 262 W +70 20 263 * +70 20 264 * +70 20 265 E +70 20 266 M +70 20 267 * +70 20 268 E +70 20 269 * +70 20 270 * +70 20 271 * +70 20 272 W +70 20 273 * +70 20 274 W +70 20 275 * +70 20 276 M +70 20 277 E +70 20 278 * +70 20 279 E +70 20 280 * +70 20 281 E +70 20 282 E +70 20 283 * +70 20 284 W +70 20 285 * +70 20 286 W +70 20 287 * +70 20 288 M +70 20 289 E +70 20 290 W +70 20 291 E +70 20 292 * +70 20 293 * +70 20 294 W +70 20 295 * +70 20 296 * +70 20 297 * +70 20 298 M +70 20 299 E +70 20 300 * +70 20 301 E +70 20 302 * +70 20 303 * +70 20 304 * +70 20 305 * +70 20 306 * +70 20 307 E +70 20 308 * +70 20 309 G +70 20 310 E +70 20 311 E +70 20 312 G +70 20 313 G +70 20 314 * +70 20 315 E +70 20 316 E +70 20 317 M +70 20 318 * +70 20 319 * +70 20 320 * +70 20 321 M +70 20 322 E +70 20 323 E +70 20 324 W +70 20 325 * +70 20 326 * +70 20 327 W +70 20 328 E +70 20 329 * +70 20 330 W +70 21 1 E +70 21 2 S +70 21 3 M +70 21 4 * +70 21 5 S +70 21 6 * +70 21 7 S +70 21 8 * +70 21 9 * +70 21 10 E +70 21 11 * +70 21 12 T +70 21 13 * +70 21 14 * +70 21 15 * +70 21 16 W +70 21 17 * +70 21 18 G +70 21 19 E +70 21 20 * +70 21 21 * +70 21 22 T +70 21 23 * +70 21 24 * +70 21 25 E +70 21 26 E +70 21 27 * +70 21 28 * +70 21 29 * +70 21 30 I +70 21 31 * +70 21 32 * +70 21 33 S +70 21 34 E +70 21 35 * +70 21 36 S +70 21 37 E +70 21 38 M +70 21 39 S +70 21 40 E +70 21 41 M +70 21 42 I +70 21 43 E +70 21 44 S +70 21 45 * +70 21 46 * +70 21 47 S +70 21 48 I +70 21 49 E +70 21 50 G +70 21 51 * +70 21 52 M +70 21 53 * +70 21 54 S +70 21 55 E +70 21 56 * +70 21 57 E +70 21 58 I +70 21 59 * +70 21 60 E +70 21 61 M +70 21 62 * +70 21 63 * +70 21 64 E +70 21 65 M +70 21 66 * +70 21 67 S +70 21 68 * +70 21 69 S +70 21 70 W +70 21 71 M +70 21 72 S +70 21 73 * +70 21 74 E +70 21 75 S +70 21 76 M +70 21 77 E +70 21 78 * +70 21 79 E +70 21 80 S +70 21 81 S +70 21 82 * +70 21 83 I +70 21 84 * +70 21 85 S +70 21 86 * +70 21 87 * +70 21 88 * +70 21 89 G +70 21 90 S +70 21 91 S +70 21 92 * +70 21 93 E +70 21 94 G +70 21 95 * +70 21 96 T +70 21 97 E +70 21 98 M +70 21 99 * +70 21 100 S +70 21 101 * +70 21 102 * +70 21 103 * +70 21 104 E +70 21 105 * +70 21 106 T +70 21 107 W +70 21 108 S +70 21 109 E +70 21 110 I +70 21 111 G +70 21 112 M +70 21 113 G +70 21 114 S +70 21 115 M +70 21 116 E +70 21 117 * +70 21 118 * +70 21 119 E +70 21 120 W +70 21 121 M +70 21 122 S +70 21 123 S +70 21 124 * +70 21 125 M +70 21 126 * +70 21 127 S +70 21 128 T +70 21 129 W +70 21 130 G +70 21 131 * +70 21 132 M +70 21 133 S +70 21 134 * +70 21 135 * +70 21 136 S +70 21 137 S +70 21 138 E +70 21 139 * +70 21 140 S +70 21 141 W +70 21 142 * +70 21 143 S +70 21 144 * +70 21 145 S +70 21 146 I +70 21 147 S +70 21 148 M +70 21 149 S +70 21 150 * +70 21 151 * +70 21 152 * +70 21 153 E +70 21 154 * +70 21 155 * +70 21 156 S +70 21 157 * +70 21 158 * +70 21 159 * +70 21 160 * +70 21 161 S +70 21 162 * +70 21 163 S +70 21 164 E +70 21 165 * +70 21 166 E +70 21 167 * +70 21 168 S +70 21 169 E +70 21 170 * +70 21 171 S +70 21 172 * +70 21 173 * +70 21 174 I +70 21 175 E +70 21 176 * +70 21 177 * +70 21 178 E +70 21 179 * +70 21 180 S +70 21 181 I +70 21 182 * +70 21 183 * +70 21 184 * +70 21 185 I +70 21 186 E +70 21 187 * +70 21 188 E +70 21 189 E +70 21 190 * +70 21 191 S +70 21 192 * +70 21 193 S +70 21 194 * +70 21 195 S +70 21 196 S +70 21 197 * +70 21 198 * +70 21 199 * +70 21 200 E +70 21 201 * +70 21 202 S +70 21 203 M +70 21 204 * +70 21 205 * +70 21 206 * +70 21 207 G +70 21 208 I +70 21 209 S +70 21 210 * +70 21 211 E +70 21 212 * +70 21 213 * +70 21 214 T +70 21 215 * +70 21 216 S +70 21 217 * +70 21 218 * +70 21 219 * +70 21 220 E +70 21 221 E +70 21 222 * +70 21 223 S +70 21 224 * +70 21 225 I +70 21 226 E +70 21 227 * +70 21 228 * +70 21 229 S +70 21 230 * +70 21 231 * +70 21 232 * +70 21 233 * +70 21 234 E +70 21 235 E +70 21 236 S +70 21 237 * +70 21 238 E +70 21 239 * +70 21 240 * +70 21 241 * +70 21 242 T +70 21 243 * +70 21 244 * +70 21 245 M +70 21 246 S +70 21 247 * +70 21 248 G +70 21 249 S +70 21 250 * +70 21 251 E +70 21 252 * +70 21 253 E +70 21 254 E +70 21 255 G +70 21 256 * +70 21 257 E +70 21 258 I +70 21 259 M +70 21 260 T +70 21 261 * +70 21 262 W +70 21 263 * +70 21 264 E +70 21 265 S +70 21 266 I +70 21 267 * +70 21 268 S +70 21 269 M +70 21 270 I +70 21 271 S +70 21 272 W +70 21 273 * +70 21 274 W +70 21 275 I +70 21 276 M +70 21 277 * +70 21 278 * +70 21 279 E +70 21 280 S +70 21 281 S +70 21 282 S +70 21 283 I +70 21 284 W +70 21 285 * +70 21 286 W +70 21 287 I +70 21 288 M +70 21 289 E +70 21 290 * +70 21 291 E +70 21 292 * +70 21 293 * +70 21 294 * +70 21 295 I +70 21 296 * +70 21 297 T +70 21 298 M +70 21 299 S +70 21 300 * +70 21 301 * +70 21 302 * +70 21 303 E +70 21 304 * +70 21 305 * +70 21 306 * +70 21 307 E +70 21 308 * +70 21 309 * +70 21 310 E +70 21 311 E +70 21 312 * +70 21 313 E +70 21 314 * +70 21 315 S +70 21 316 S +70 21 317 * +70 21 318 * +70 21 319 W +70 21 320 * +70 21 321 * +70 21 322 E +70 21 323 S +70 21 324 * +70 21 325 * +70 21 326 I +70 21 327 * +70 21 328 S +70 21 329 I +70 21 330 * +70 22 1 E +70 22 2 E +70 22 3 O +70 22 4 U +70 22 5 * +70 22 6 BE +70 22 7 S +70 22 8 U +70 22 9 B +70 22 10 E +70 22 11 * +70 22 12 T +70 22 13 S +70 22 14 A +70 22 15 K +70 22 16 A +70 22 17 O +70 22 18 A +70 22 19 E +70 22 20 S +70 22 21 K +70 22 22 T +70 22 23 U +70 22 24 A +70 22 25 S +70 22 26 E +70 22 27 T +70 22 28 K +70 22 29 S +70 22 30 B +70 22 31 S +70 22 32 K +70 22 33 S +70 22 34 E +70 22 35 O +70 22 36 S +70 22 37 E +70 22 38 M +70 22 39 S +70 22 40 E +70 22 41 M +70 22 42 B +70 22 43 E +70 22 44 BE +70 22 45 S +70 22 46 A +70 22 47 A +70 22 48 B +70 22 49 E +70 22 50 U +70 22 51 B +70 22 52 E +70 22 53 M +70 22 54 S +70 22 55 E +70 22 56 K +70 22 57 S +70 22 58 A +70 22 59 K +70 22 60 S +70 22 61 M +70 22 62 E +70 22 63 K +70 22 64 E +70 22 65 K +70 22 66 BE +70 22 67 E +70 22 68 K +70 22 69 S +70 22 70 E +70 22 71 U +70 22 72 S +70 22 73 U +70 22 74 E +70 22 75 S +70 22 76 O +70 22 77 E +70 22 78 K +70 22 79 A +70 22 80 E +70 22 81 S +70 22 82 S +70 22 83 BE +70 22 84 K +70 22 85 S +70 22 86 K +70 22 87 G +70 22 88 U +70 22 89 G +70 22 90 G +70 22 91 LI +70 22 92 BE +70 22 93 E +70 22 94 G +70 22 95 E +70 22 96 T +70 22 97 U +70 22 98 M +70 22 99 E +70 22 100 E +70 22 101 U +70 22 102 U +70 22 103 S +70 22 104 E +70 22 105 U +70 22 106 T +70 22 107 BE +70 22 108 E +70 22 109 E +70 22 110 O +70 22 111 A +70 22 112 K +70 22 113 G +70 22 114 S +70 22 115 M +70 22 116 E +70 22 117 G +70 22 118 K +70 22 119 S +70 22 120 W +70 22 121 O +70 22 122 S +70 22 123 E +70 22 124 E +70 22 125 O +70 22 126 K +70 22 127 G +70 22 128 T +70 22 129 K +70 22 130 G +70 22 131 U +70 22 132 M +70 22 133 S +70 22 134 U +70 22 135 U +70 22 136 E +70 22 137 S +70 22 138 E +70 22 139 E +70 22 140 S +70 22 141 W +70 22 142 E +70 22 143 S +70 22 144 E +70 22 145 E +70 22 146 O +70 22 147 S +70 22 148 M +70 22 149 E +70 22 150 U +70 22 151 K +70 22 152 K +70 22 153 E +70 22 154 G +70 22 155 A +70 22 156 S +70 22 157 B +70 22 158 W +70 22 159 O +70 22 160 K +70 22 161 E +70 22 162 M +70 22 163 S +70 22 164 E +70 22 165 S +70 22 166 E +70 22 167 VI +70 22 168 S +70 22 169 E +70 22 170 G +70 22 171 S +70 22 172 W +70 22 173 K +70 22 174 O +70 22 175 E +70 22 176 K +70 22 177 T +70 22 178 E +70 22 179 MA +70 22 180 S +70 22 181 BE +70 22 182 U +70 22 183 B +70 22 184 U +70 22 185 B +70 22 186 E +70 22 187 O +70 22 188 E +70 22 189 E +70 22 190 K +70 22 191 S +70 22 192 U +70 22 193 S +70 22 194 U +70 22 195 S +70 22 196 E +70 22 197 U +70 22 198 G +70 22 199 E +70 22 200 E +70 22 201 K +70 22 202 S +70 22 203 K +70 22 204 G +70 22 205 U +70 22 206 E +70 22 207 K +70 22 208 B +70 22 209 S +70 22 210 MA +70 22 211 E +70 22 212 O +70 22 213 E +70 22 214 T +70 22 215 K +70 22 216 G +70 22 217 K +70 22 218 S +70 22 219 E +70 22 220 U +70 22 221 E +70 22 222 U +70 22 223 S +70 22 224 W +70 22 225 B +70 22 226 S +70 22 227 G +70 22 228 G +70 22 229 E +70 22 230 K +70 22 231 U +70 22 232 B +70 22 233 E +70 22 234 S +70 22 235 E +70 22 236 S +70 22 237 K +70 22 238 S +70 22 239 K +70 22 240 MA +70 22 241 K +70 22 242 T +70 22 243 U +70 22 244 E +70 22 245 M +70 22 246 S +70 22 247 U +70 22 248 G +70 22 249 G +70 22 250 U +70 22 251 E +70 22 252 K +70 22 253 S +70 22 254 E +70 22 255 G +70 22 256 K +70 22 257 E +70 22 258 T +70 22 259 M +70 22 260 YE +70 22 261 O +70 22 262 W +70 22 263 A +70 22 264 E +70 22 265 A +70 22 266 M +70 22 267 U +70 22 268 S +70 22 269 K +70 22 270 O +70 22 271 S +70 22 272 W +70 22 273 K +70 22 274 W +70 22 275 S +70 22 276 M +70 22 277 E +70 22 278 O +70 22 279 E +70 22 280 S +70 22 281 S +70 22 282 S +70 22 283 U +70 22 284 A +70 22 285 K +70 22 286 E +70 22 287 B +70 22 288 M +70 22 289 E +70 22 290 W +70 22 291 E +70 22 292 K +70 22 293 E +70 22 294 E +70 22 295 B +70 22 296 U +70 22 297 O +70 22 298 M +70 22 299 S +70 22 300 A +70 22 301 S +70 22 302 K +70 22 303 E +70 22 304 S +70 22 305 U +70 22 306 S +70 22 307 E +70 22 308 U +70 22 309 S +70 22 310 E +70 22 311 S +70 22 312 G +70 22 313 E +70 22 314 K +70 22 315 S +70 22 316 S +70 22 317 U +70 22 318 O +70 22 319 VI +70 22 320 S +70 22 321 M +70 22 322 E +70 22 323 S +70 22 324 VI +70 22 325 U +70 22 326 B +70 22 327 E +70 22 328 S +70 22 329 B +70 22 330 E +70 23 1 E +70 23 2 S +70 23 3 * +70 23 4 * +70 23 5 S +70 23 6 * +70 23 7 S +70 23 8 * +70 23 9 * +70 23 10 E +70 23 11 S +70 23 12 T +70 23 13 S +70 23 14 S +70 23 15 * +70 23 16 * +70 23 17 * +70 23 18 G +70 23 19 E +70 23 20 S +70 23 21 * +70 23 22 T +70 23 23 * +70 23 24 E +70 23 25 * +70 23 26 E +70 23 27 I +70 23 28 * +70 23 29 S +70 23 30 * +70 23 31 E +70 23 32 * +70 23 33 S +70 23 34 E +70 23 35 * +70 23 36 S +70 23 37 S +70 23 38 * +70 23 39 S +70 23 40 E +70 23 41 * +70 23 42 T +70 23 43 E +70 23 44 * +70 23 45 S +70 23 46 * +70 23 47 S +70 23 48 * +70 23 49 E +70 23 50 * +70 23 51 * +70 23 52 * +70 23 53 * +70 23 54 S +70 23 55 * +70 23 56 * +70 23 57 S +70 23 58 I +70 23 59 * +70 23 60 S +70 23 61 M +70 23 62 * +70 23 63 * +70 23 64 E +70 23 65 * +70 23 66 * +70 23 67 S +70 23 68 * +70 23 69 S +70 23 70 * +70 23 71 * +70 23 72 S +70 23 73 * +70 23 74 E +70 23 75 G +70 23 76 * +70 23 77 E +70 23 78 * +70 23 79 G +70 23 80 E +70 23 81 S +70 23 82 * +70 23 83 * +70 23 84 * +70 23 85 S +70 23 86 * +70 23 87 * +70 23 88 * +70 23 89 G +70 23 90 S +70 23 91 S +70 23 92 * +70 23 93 * +70 23 94 * +70 23 95 * +70 23 96 T +70 23 97 * +70 23 98 M +70 23 99 * +70 23 100 * +70 23 101 * +70 23 102 * +70 23 103 S +70 23 104 E +70 23 105 * +70 23 106 T +70 23 107 * +70 23 108 S +70 23 109 E +70 23 110 * +70 23 111 S +70 23 112 * +70 23 113 * +70 23 114 S +70 23 115 * +70 23 116 E +70 23 117 * +70 23 118 * +70 23 119 S +70 23 120 * +70 23 121 * +70 23 122 S +70 23 123 E +70 23 124 S +70 23 125 * +70 23 126 * +70 23 127 S +70 23 128 T +70 23 129 * +70 23 130 E +70 23 131 * +70 23 132 S +70 23 133 * +70 23 134 * +70 23 135 * +70 23 136 * +70 23 137 S +70 23 138 E +70 23 139 * +70 23 140 E +70 23 141 W +70 23 142 * +70 23 143 S +70 23 144 * +70 23 145 * +70 23 146 T +70 23 147 S +70 23 148 M +70 23 149 * +70 23 150 * +70 23 151 * +70 23 152 * +70 23 153 E +70 23 154 G +70 23 155 * +70 23 156 S +70 23 157 * +70 23 158 W +70 23 159 * +70 23 160 S +70 23 161 M +70 23 162 * +70 23 163 * +70 23 164 E +70 23 165 S +70 23 166 E +70 23 167 S +70 23 168 * +70 23 169 E +70 23 170 * +70 23 171 S +70 23 172 W +70 23 173 * +70 23 174 T +70 23 175 E +70 23 176 * +70 23 177 T +70 23 178 E +70 23 179 * +70 23 180 S +70 23 181 T +70 23 182 * +70 23 183 * +70 23 184 * +70 23 185 I +70 23 186 * +70 23 187 * +70 23 188 E +70 23 189 E +70 23 190 * +70 23 191 S +70 23 192 * +70 23 193 * +70 23 194 * +70 23 195 S +70 23 196 S +70 23 197 * +70 23 198 G +70 23 199 * +70 23 200 E +70 23 201 * +70 23 202 S +70 23 203 * +70 23 204 * +70 23 205 * +70 23 206 * +70 23 207 * +70 23 208 I +70 23 209 * +70 23 210 * +70 23 211 E +70 23 212 * +70 23 213 * +70 23 214 S +70 23 215 * +70 23 216 S +70 23 217 * +70 23 218 S +70 23 219 * +70 23 220 * +70 23 221 E +70 23 222 * +70 23 223 S +70 23 224 * +70 23 225 S +70 23 226 * +70 23 227 * +70 23 228 E +70 23 229 * +70 23 230 * +70 23 231 * +70 23 232 * +70 23 233 E +70 23 234 S +70 23 235 E +70 23 236 S +70 23 237 T +70 23 238 S +70 23 239 * +70 23 240 * +70 23 241 * +70 23 242 T +70 23 243 * +70 23 244 E +70 23 245 M +70 23 246 * +70 23 247 * +70 23 248 S +70 23 249 S +70 23 250 * +70 23 251 * +70 23 252 * +70 23 253 S +70 23 254 E +70 23 255 * +70 23 256 * +70 23 257 E +70 23 258 T +70 23 259 M +70 23 260 W +70 23 261 * +70 23 262 W +70 23 263 * +70 23 264 E +70 23 265 S +70 23 266 * +70 23 267 * +70 23 268 * +70 23 269 * +70 23 270 I +70 23 271 S +70 23 272 W +70 23 273 * +70 23 274 W +70 23 275 S +70 23 276 * +70 23 277 S +70 23 278 * +70 23 279 * +70 23 280 S +70 23 281 * +70 23 282 * +70 23 283 * +70 23 284 * +70 23 285 * +70 23 286 W +70 23 287 * +70 23 288 M +70 23 289 S +70 23 290 * +70 23 291 E +70 23 292 * +70 23 293 * +70 23 294 * +70 23 295 * +70 23 296 * +70 23 297 T +70 23 298 M +70 23 299 * +70 23 300 * +70 23 301 S +70 23 302 * +70 23 303 E +70 23 304 S +70 23 305 * +70 23 306 S +70 23 307 E +70 23 308 * +70 23 309 * +70 23 310 * +70 23 311 E +70 23 312 G +70 23 313 E +70 23 314 * +70 23 315 S +70 23 316 * +70 23 317 * +70 23 318 * +70 23 319 * +70 23 320 S +70 23 321 * +70 23 322 E +70 23 323 S +70 23 324 * +70 23 325 * +70 23 326 I +70 23 327 * +70 23 328 S +70 23 329 * +70 23 330 E +70 24 1 E +70 24 2 E +70 24 3 * +70 24 4 * +70 24 5 * +70 24 6 * +70 24 7 * +70 24 8 * +70 24 9 * +70 24 10 E +70 24 11 E +70 24 12 I +70 24 13 * +70 24 14 E +70 24 15 * +70 24 16 W +70 24 17 * +70 24 18 G +70 24 19 E +70 24 20 * +70 24 21 * +70 24 22 T +70 24 23 * +70 24 24 * +70 24 25 E +70 24 26 E +70 24 27 * +70 24 28 * +70 24 29 * +70 24 30 * +70 24 31 E +70 24 32 * +70 24 33 * +70 24 34 E +70 24 35 * +70 24 36 E +70 24 37 E +70 24 38 * +70 24 39 * +70 24 40 E +70 24 41 M +70 24 42 T +70 24 43 E +70 24 44 * +70 24 45 E +70 24 46 * +70 24 47 * +70 24 48 * +70 24 49 E +70 24 50 * +70 24 51 * +70 24 52 * +70 24 53 * +70 24 54 * +70 24 55 E +70 24 56 * +70 24 57 E +70 24 58 * +70 24 59 * +70 24 60 E +70 24 61 M +70 24 62 * +70 24 63 * +70 24 64 E +70 24 65 * +70 24 66 * +70 24 67 E +70 24 68 * +70 24 69 * +70 24 70 W +70 24 71 * +70 24 72 E +70 24 73 * +70 24 74 E +70 24 75 * +70 24 76 * +70 24 77 E +70 24 78 * +70 24 79 * +70 24 80 E +70 24 81 * +70 24 82 * +70 24 83 I +70 24 84 * +70 24 85 * +70 24 86 * +70 24 87 * +70 24 88 * +70 24 89 * +70 24 90 E +70 24 91 * +70 24 92 W +70 24 93 E +70 24 94 * +70 24 95 * +70 24 96 T +70 24 97 * +70 24 98 M +70 24 99 * +70 24 100 * +70 24 101 M +70 24 102 * +70 24 103 * +70 24 104 E +70 24 105 * +70 24 106 T +70 24 107 W +70 24 108 E +70 24 109 E +70 24 110 T +70 24 111 * +70 24 112 * +70 24 113 * +70 24 114 E +70 24 115 M +70 24 116 E +70 24 117 * +70 24 118 * +70 24 119 E +70 24 120 W +70 24 121 * +70 24 122 * +70 24 123 E +70 24 124 * +70 24 125 * +70 24 126 * +70 24 127 * +70 24 128 I +70 24 129 * +70 24 130 * +70 24 131 * +70 24 132 * +70 24 133 * +70 24 134 * +70 24 135 * +70 24 136 E +70 24 137 E +70 24 138 E +70 24 139 * +70 24 140 E +70 24 141 W +70 24 142 W +70 24 143 * +70 24 144 * +70 24 145 E +70 24 146 T +70 24 147 * +70 24 148 * +70 24 149 * +70 24 150 * +70 24 151 * +70 24 152 * +70 24 153 E +70 24 154 * +70 24 155 * +70 24 156 E +70 24 157 * +70 24 158 W +70 24 159 * +70 24 160 * +70 24 161 * +70 24 162 M +70 24 163 E +70 24 164 E +70 24 165 E +70 24 166 * +70 24 167 * +70 24 168 E +70 24 169 * +70 24 170 E +70 24 171 * +70 24 172 W +70 24 173 * +70 24 174 T +70 24 175 * +70 24 176 * +70 24 177 * +70 24 178 E +70 24 179 M +70 24 180 * +70 24 181 T +70 24 182 M +70 24 183 * +70 24 184 * +70 24 185 * +70 24 186 E +70 24 187 * +70 24 188 E +70 24 189 E +70 24 190 * +70 24 191 * +70 24 192 * +70 24 193 * +70 24 194 M +70 24 195 * +70 24 196 E +70 24 197 * +70 24 198 G +70 24 199 * +70 24 200 E +70 24 201 * +70 24 202 * +70 24 203 * +70 24 204 * +70 24 205 E +70 24 206 I +70 24 207 * +70 24 208 * +70 24 209 E +70 24 210 M +70 24 211 E +70 24 212 * +70 24 213 E +70 24 214 * +70 24 215 * +70 24 216 * +70 24 217 * +70 24 218 E +70 24 219 * +70 24 220 E +70 24 221 * +70 24 222 E +70 24 223 E +70 24 224 * +70 24 225 T +70 24 226 E +70 24 227 E +70 24 228 E +70 24 229 * +70 24 230 * +70 24 231 * +70 24 232 * +70 24 233 E +70 24 234 * +70 24 235 E +70 24 236 T +70 24 237 * +70 24 238 * +70 24 239 * +70 24 240 I +70 24 241 W +70 24 242 T +70 24 243 * +70 24 244 * +70 24 245 * +70 24 246 * +70 24 247 * +70 24 248 E +70 24 249 E +70 24 250 E +70 24 251 * +70 24 252 * +70 24 253 * +70 24 254 * +70 24 255 G +70 24 256 * +70 24 257 E +70 24 258 T +70 24 259 * +70 24 260 * +70 24 261 * +70 24 262 W +70 24 263 * +70 24 264 * +70 24 265 * +70 24 266 * +70 24 267 * +70 24 268 E +70 24 269 * +70 24 270 * +70 24 271 E +70 24 272 W +70 24 273 * +70 24 274 W +70 24 275 T +70 24 276 M +70 24 277 E +70 24 278 * +70 24 279 E +70 24 280 E +70 24 281 E +70 24 282 E +70 24 283 * +70 24 284 * +70 24 285 * +70 24 286 W +70 24 287 * +70 24 288 * +70 24 289 E +70 24 290 * +70 24 291 E +70 24 292 * +70 24 293 W +70 24 294 * +70 24 295 * +70 24 296 E +70 24 297 T +70 24 298 M +70 24 299 * +70 24 300 * +70 24 301 * +70 24 302 * +70 24 303 * +70 24 304 * +70 24 305 * +70 24 306 * +70 24 307 E +70 24 308 * +70 24 309 * +70 24 310 E +70 24 311 * +70 24 312 G +70 24 313 * +70 24 314 W +70 24 315 * +70 24 316 E +70 24 317 * +70 24 318 * +70 24 319 * +70 24 320 * +70 24 321 M +70 24 322 E +70 24 323 E +70 24 324 * +70 24 325 * +70 24 326 * +70 24 327 W +70 24 328 E +70 24 329 * +70 24 330 E +70 25 1 E +70 25 2 * +70 25 3 * +70 25 4 * +70 25 5 E +70 25 6 * +70 25 7 S +70 25 8 * +70 25 9 I +70 25 10 E +70 25 11 * +70 25 12 T +70 25 13 S +70 25 14 E +70 25 15 * +70 25 16 * +70 25 17 * +70 25 18 * +70 25 19 E +70 25 20 S +70 25 21 * +70 25 22 T +70 25 23 * +70 25 24 * +70 25 25 E +70 25 26 E +70 25 27 * +70 25 28 * +70 25 29 E +70 25 30 J +70 25 31 E +70 25 32 * +70 25 33 S +70 25 34 E +70 25 35 * +70 25 36 E +70 25 37 E +70 25 38 M +70 25 39 S +70 25 40 E +70 25 41 M +70 25 42 I +70 25 43 E +70 25 44 W +70 25 45 S +70 25 46 * +70 25 47 E +70 25 48 I +70 25 49 E +70 25 50 * +70 25 51 I +70 25 52 * +70 25 53 M +70 25 54 S +70 25 55 E +70 25 56 * +70 25 57 E +70 25 58 I +70 25 59 * +70 25 60 E +70 25 61 M +70 25 62 * +70 25 63 * +70 25 64 E +70 25 65 M +70 25 66 W +70 25 67 S +70 25 68 * +70 25 69 S +70 25 70 * +70 25 71 * +70 25 72 E +70 25 73 * +70 25 74 E +70 25 75 E +70 25 76 J +70 25 77 E +70 25 78 * +70 25 79 G +70 25 80 E +70 25 81 S +70 25 82 E +70 25 83 T +70 25 84 * +70 25 85 S +70 25 86 M +70 25 87 G +70 25 88 * +70 25 89 G +70 25 90 E +70 25 91 E +70 25 92 * +70 25 93 E +70 25 94 * +70 25 95 W +70 25 96 T +70 25 97 * +70 25 98 M +70 25 99 * +70 25 100 E +70 25 101 M +70 25 102 E +70 25 103 I +70 25 104 E +70 25 105 * +70 25 106 T +70 25 107 W +70 25 108 E +70 25 109 E +70 25 110 J +70 25 111 E +70 25 112 M +70 25 113 G +70 25 114 E +70 25 115 M +70 25 116 E +70 25 117 * +70 25 118 * +70 25 119 E +70 25 120 W +70 25 121 J +70 25 122 S +70 25 123 E +70 25 124 S +70 25 125 J +70 25 126 * +70 25 127 E +70 25 128 S +70 25 129 W +70 25 130 G +70 25 131 * +70 25 132 M +70 25 133 E +70 25 134 I +70 25 135 * +70 25 136 E +70 25 137 E +70 25 138 E +70 25 139 * +70 25 140 E +70 25 141 W +70 25 142 W +70 25 143 S +70 25 144 E +70 25 145 E +70 25 146 T +70 25 147 E +70 25 148 M +70 25 149 E +70 25 150 * +70 25 151 * +70 25 152 * +70 25 153 E +70 25 154 E +70 25 155 E +70 25 156 E +70 25 157 * +70 25 158 W +70 25 159 T +70 25 160 * +70 25 161 E +70 25 162 M +70 25 163 E +70 25 164 E +70 25 165 E +70 25 166 E +70 25 167 * +70 25 168 E +70 25 169 E +70 25 170 E +70 25 171 E +70 25 172 W +70 25 173 M +70 25 174 T +70 25 175 E +70 25 176 M +70 25 177 S +70 25 178 E +70 25 179 G +70 25 180 S +70 25 181 * +70 25 182 * +70 25 183 I +70 25 184 * +70 25 185 I +70 25 186 E +70 25 187 J +70 25 188 E +70 25 189 E +70 25 190 * +70 25 191 E +70 25 192 * +70 25 193 S +70 25 194 M +70 25 195 S +70 25 196 E +70 25 197 * +70 25 198 G +70 25 199 W +70 25 200 E +70 25 201 * +70 25 202 E +70 25 203 * +70 25 204 G +70 25 205 * +70 25 206 S +70 25 207 M +70 25 208 I +70 25 209 S +70 25 210 M +70 25 211 E +70 25 212 * +70 25 213 * +70 25 214 S +70 25 215 * +70 25 216 G +70 25 217 * +70 25 218 S +70 25 219 E +70 25 220 E +70 25 221 W +70 25 222 * +70 25 223 E +70 25 224 W +70 25 225 S +70 25 226 E +70 25 227 G +70 25 228 E +70 25 229 S +70 25 230 * +70 25 231 * +70 25 232 I +70 25 233 E +70 25 234 E +70 25 235 E +70 25 236 E +70 25 237 M +70 25 238 E +70 25 239 M +70 25 240 I +70 25 241 W +70 25 242 W +70 25 243 * +70 25 244 W +70 25 245 M +70 25 246 E +70 25 247 * +70 25 248 E +70 25 249 E +70 25 250 * +70 25 251 E +70 25 252 * +70 25 253 E +70 25 254 E +70 25 255 G +70 25 256 M +70 25 257 E +70 25 258 T +70 25 259 M +70 25 260 W +70 25 261 J +70 25 262 W +70 25 263 E +70 25 264 E +70 25 265 E +70 25 266 I +70 25 267 * +70 25 268 E +70 25 269 * +70 25 270 J +70 25 271 E +70 25 272 W +70 25 273 * +70 25 274 W +70 25 275 I +70 25 276 M +70 25 277 E +70 25 278 * +70 25 279 E +70 25 280 E +70 25 281 E +70 25 282 E +70 25 283 I +70 25 284 W +70 25 285 * +70 25 286 W +70 25 287 I +70 25 288 M +70 25 289 E +70 25 290 W +70 25 291 E +70 25 292 * +70 25 293 S +70 25 294 W +70 25 295 I +70 25 296 * +70 25 297 T +70 25 298 M +70 25 299 E +70 25 300 E +70 25 301 E +70 25 302 W +70 25 303 E +70 25 304 E +70 25 305 M +70 25 306 E +70 25 307 E +70 25 308 * +70 25 309 G +70 25 310 E +70 25 311 E +70 25 312 E +70 25 313 * +70 25 314 W +70 25 315 E +70 25 316 E +70 25 317 M +70 25 318 * +70 25 319 W +70 25 320 S +70 25 321 M +70 25 322 E +70 25 323 E +70 25 324 W +70 25 325 * +70 25 326 I +70 25 327 W +70 25 328 E +70 25 329 I +70 25 330 W +71 1 1 HO +71 1 2 HO +71 1 3 LA +71 1 4 BA +71 1 5 HO +71 1 6 LA +71 1 7 HO +71 1 8 KI +71 1 9 CA +71 1 10 HO +71 1 11 HO +71 1 12 LA +71 1 13 HO +71 1 14 HO +71 1 15 KI +71 1 16 SO +71 1 17 LA +71 1 18 LO +71 1 19 HO +71 1 20 HO +71 1 21 KI +71 1 22 LA +71 1 23 BA +71 1 24 CA +71 1 25 HO +71 1 26 HO +71 1 27 KI +71 1 28 KI +71 1 29 HO +71 1 30 LA +71 1 31 HO +71 1 32 BA +71 1 33 HO +71 1 34 HO +71 1 35 KI +71 1 36 HO +71 1 37 HO +71 1 38 KI +71 1 39 HO +71 1 40 HO +71 1 41 KI +71 1 42 LA +71 1 43 HO +71 1 44 KI +71 1 45 HO +71 1 46 SO +71 1 47 HO +71 1 48 LA +71 1 49 HO +71 1 50 BA +71 1 51 CA +71 1 52 HO +71 1 53 BA +71 1 54 HO +71 1 55 HO +71 1 56 KI +71 1 57 HO +71 1 58 HO +71 1 59 BA +71 1 60 HO +71 1 61 KI +71 1 62 BA +71 1 63 KI +71 1 64 HO +71 1 65 KI +71 1 66 SO +71 1 67 HO +71 1 68 BA +71 1 69 HO +71 1 70 BA +71 1 71 BA +71 1 72 HO +71 1 73 BA +71 1 74 HO +71 1 75 HO +71 1 76 LA +71 1 77 HO +71 1 78 BA +71 1 79 SO +71 1 80 HO +71 1 81 HO +71 1 82 HO +71 1 83 LA +71 1 84 KI +71 1 85 HO +71 1 86 KI +71 1 87 LO +71 1 88 BA +71 1 89 LO +71 1 90 HO +71 1 91 HO +71 1 92 KI +71 1 93 HO +71 1 94 CA +71 1 95 HO +71 1 96 LA +71 1 97 BA +71 1 98 KI +71 1 99 BA +71 1 100 HO +71 1 101 KI +71 1 102 BA +71 1 103 HO +71 1 104 HO +71 1 105 BA +71 1 106 LA +71 1 107 HA +71 1 108 HO +71 1 109 HO +71 1 110 LA +71 1 111 HO +71 1 112 KI +71 1 113 LO +71 1 114 HO +71 1 115 KI +71 1 116 HO +71 1 117 CA +71 1 118 KI +71 1 119 HO +71 1 120 HA +71 1 121 LA +71 1 122 HO +71 1 123 HO +71 1 124 HO +71 1 125 LA +71 1 126 KI +71 1 127 HO +71 1 128 LA +71 1 129 KI +71 1 130 HO +71 1 131 BA +71 1 132 KI +71 1 133 HO +71 1 134 CA +71 1 135 BA +71 1 136 HO +71 1 137 HO +71 1 138 HO +71 1 139 BA +71 1 140 HO +71 1 141 HA +71 1 142 BA +71 1 143 HO +71 1 144 BA +71 1 145 HO +71 1 146 LA +71 1 147 HO +71 1 148 KI +71 1 149 HO +71 1 150 BA +71 1 151 KI +71 1 152 BA +71 1 153 HO +71 1 154 SO +71 1 155 CA +71 1 156 HO +71 1 157 CA +71 1 158 HA +71 1 159 KI +71 1 160 LA +71 1 161 HO +71 1 162 KI +71 1 163 HO +71 1 164 HO +71 1 165 HO +71 1 166 HO +71 1 167 BA +71 1 168 HO +71 1 169 HO +71 1 170 HO +71 1 171 HO +71 1 172 SO +71 1 173 KI +71 1 174 LA +71 1 175 HO +71 1 176 KI +71 1 177 LA +71 1 178 HO +71 1 179 KI +71 1 180 HO +71 1 181 LA +71 1 182 KI +71 1 183 CA +71 1 184 BA +71 1 185 LA +71 1 186 HO +71 1 187 LA +71 1 188 HO +71 1 189 HO +71 1 190 KI +71 1 191 HO +71 1 192 BA +71 1 193 HO +71 1 194 KI +71 1 195 HO +71 1 196 HO +71 1 197 BA +71 1 198 LO +71 1 199 HO +71 1 200 HO +71 1 201 KI +71 1 202 HO +71 1 203 BA +71 1 204 CA +71 1 205 BA +71 1 206 HO +71 1 207 KI +71 1 208 LA +71 1 209 HO +71 1 210 CA +71 1 211 HO +71 1 212 LA +71 1 213 BA +71 1 214 HO +71 1 215 KI +71 1 216 HO +71 1 217 KI +71 1 218 HO +71 1 219 HO +71 1 220 BA +71 1 221 HO +71 1 222 BA +71 1 223 HO +71 1 224 KI +71 1 225 HO +71 1 226 HO +71 1 227 LO +71 1 228 HO +71 1 229 HO +71 1 230 KI +71 1 231 BA +71 1 232 CA +71 1 233 BA +71 1 234 HO +71 1 235 HO +71 1 236 HO +71 1 237 KI +71 1 238 HO +71 1 239 KI +71 1 240 CA +71 1 241 HA +71 1 242 LA +71 1 243 BA +71 1 244 HO +71 1 245 KI +71 1 246 HO +71 1 247 BA +71 1 248 HO +71 1 249 HO +71 1 250 BA +71 1 251 HO +71 1 252 KI +71 1 253 HO +71 1 254 HO +71 1 255 SO +71 1 256 KI +71 1 257 HO +71 1 258 LA +71 1 259 KI +71 1 260 HO +71 1 261 LA +71 1 262 HA +71 1 263 SO +71 1 264 HO +71 1 265 HO +71 1 266 LA +71 1 267 BA +71 1 268 HO +71 1 269 BA +71 1 270 LA +71 1 271 HO +71 1 272 SO +71 1 273 BA +71 1 274 SO +71 1 275 HO +71 1 276 KI +71 1 277 HO +71 1 278 KI +71 1 279 HO +71 1 280 HO +71 1 281 HO +71 1 282 HO +71 1 283 CA +71 1 284 SO +71 1 285 KI +71 1 286 SO +71 1 287 CA +71 1 288 KI +71 1 289 HO +71 1 290 KI +71 1 291 HO +71 1 292 KI +71 1 293 HO +71 1 294 SO +71 1 295 CA +71 1 296 BA +71 1 297 LA +71 1 298 KI +71 1 299 HO +71 1 300 SO +71 1 301 HO +71 1 302 KI +71 1 303 HO +71 1 304 HO +71 1 305 BA +71 1 306 HO +71 1 307 HO +71 1 308 BA +71 1 309 HO +71 1 310 HO +71 1 311 HO +71 1 312 LO +71 1 313 BA +71 1 314 HA +71 1 315 HO +71 1 316 HO +71 1 317 BA +71 1 318 KI +71 1 319 HA +71 1 320 HO +71 1 321 KI +71 1 322 HO +71 1 323 HO +71 1 324 KI +71 1 325 BA +71 1 326 LA +71 1 327 HO +71 1 328 HO +71 1 329 CA +71 1 330 HO +71 2 1 HO +71 2 2 HO +71 2 3 YA +71 2 4 BA +71 2 5 HO +71 2 6 YA +71 2 7 OK +71 2 8 KI +71 2 9 CA +71 2 10 HO +71 2 11 HO +71 2 12 LA +71 2 13 HO +71 2 14 HO +71 2 15 BA +71 2 16 SO +71 2 17 KI +71 2 18 LO +71 2 19 HO +71 2 20 OK +71 2 21 KI +71 2 22 LA +71 2 23 BA +71 2 24 HO +71 2 25 HO +71 2 26 HO +71 2 27 HA +71 2 28 KI +71 2 29 OK +71 2 30 YA +71 2 31 HO +71 2 32 BA +71 2 33 OK +71 2 34 HO +71 2 35 YA +71 2 36 HO +71 2 37 HO +71 2 38 KI +71 2 39 OK +71 2 40 HO +71 2 41 KI +71 2 42 LA +71 2 43 HO +71 2 44 HA +71 2 45 OK +71 2 46 SO +71 2 47 HO +71 2 48 LA +71 2 49 HO +71 2 50 BA +71 2 51 CA +71 2 52 SO +71 2 53 BA +71 2 54 OK +71 2 55 HO +71 2 56 YA +71 2 57 HO +71 2 58 OK +71 2 59 BA +71 2 60 HO +71 2 61 KI +71 2 62 BA +71 2 63 YA +71 2 64 HO +71 2 65 KI +71 2 66 HA +71 2 67 OK +71 2 68 BA +71 2 69 OK +71 2 70 BA +71 2 71 KI +71 2 72 OK +71 2 73 BA +71 2 74 SO +71 2 75 OK +71 2 76 YA +71 2 77 HO +71 2 78 KI +71 2 79 SO +71 2 80 HO +71 2 81 OK +71 2 82 HO +71 2 83 LA +71 2 84 KI +71 2 85 OK +71 2 86 KI +71 2 87 LO +71 2 88 BA +71 2 89 LO +71 2 90 HO +71 2 91 OK +71 2 92 HA +71 2 93 HO +71 2 94 CA +71 2 95 HO +71 2 96 LA +71 2 97 BA +71 2 98 KI +71 2 99 BA +71 2 100 HO +71 2 101 BA +71 2 102 BA +71 2 103 OK +71 2 104 HO +71 2 105 BA +71 2 106 LA +71 2 107 BA +71 2 108 HO +71 2 109 HO +71 2 110 LA +71 2 111 OK +71 2 112 KI +71 2 113 LO +71 2 114 HO +71 2 115 KI +71 2 116 HO +71 2 117 CA +71 2 118 KI +71 2 119 OK +71 2 120 SO +71 2 121 YA +71 2 122 OK +71 2 123 HO +71 2 124 OK +71 2 125 YA +71 2 126 KI +71 2 127 HO +71 2 128 OK +71 2 129 KI +71 2 130 OK +71 2 131 BA +71 2 132 YA +71 2 133 OK +71 2 134 CA +71 2 135 BA +71 2 136 HO +71 2 137 OK +71 2 138 HO +71 2 139 BA +71 2 140 HO +71 2 141 HA +71 2 142 BA +71 2 143 OK +71 2 144 BA +71 2 145 OK +71 2 146 LA +71 2 147 OK +71 2 148 KI +71 2 149 OK +71 2 150 BA +71 2 151 KI +71 2 152 BA +71 2 153 HO +71 2 154 SO +71 2 155 CA +71 2 156 OK +71 2 157 CA +71 2 158 SO +71 2 159 LA +71 2 160 KI +71 2 161 OK +71 2 162 KI +71 2 163 HO +71 2 164 HO +71 2 165 OK +71 2 166 HO +71 2 167 BA +71 2 168 OK +71 2 169 HO +71 2 170 HO +71 2 171 OK +71 2 172 SO +71 2 173 KI +71 2 174 LA +71 2 175 SO +71 2 176 KI +71 2 177 OK +71 2 178 HO +71 2 179 KI +71 2 180 OK +71 2 181 LA +71 2 182 BA +71 2 183 CA +71 2 184 BA +71 2 185 CA +71 2 186 OK +71 2 187 LA +71 2 188 HO +71 2 189 HO +71 2 190 KI +71 2 191 HO +71 2 192 BA +71 2 193 OK +71 2 194 KI +71 2 195 OK +71 2 196 HO +71 2 197 BA +71 2 198 LO +71 2 199 OK +71 2 200 HO +71 2 201 KI +71 2 202 OK +71 2 203 BA +71 2 204 CA +71 2 205 BA +71 2 206 SO +71 2 207 KI +71 2 208 CA +71 2 209 HO +71 2 210 KI +71 2 211 HO +71 2 212 YA +71 2 213 BA +71 2 214 OK +71 2 215 BA +71 2 216 OK +71 2 217 KI +71 2 218 OK +71 2 219 SO +71 2 220 HO +71 2 221 HO +71 2 222 BA +71 2 223 OK +71 2 224 SO +71 2 225 OK +71 2 226 HO +71 2 227 LO +71 2 228 HO +71 2 229 HO +71 2 230 KI +71 2 231 BA +71 2 232 OK +71 2 233 BA +71 2 234 OK +71 2 235 HO +71 2 236 OK +71 2 237 YA +71 2 238 HO +71 2 239 KI +71 2 240 CA +71 2 241 KI +71 2 242 LA +71 2 243 KI +71 2 244 SO +71 2 245 KI +71 2 246 OK +71 2 247 BA +71 2 248 OK +71 2 249 OK +71 2 250 BA +71 2 251 OK +71 2 252 KI +71 2 253 HO +71 2 254 HO +71 2 255 LO +71 2 256 KI +71 2 257 HO +71 2 258 OK +71 2 259 KI +71 2 260 OK +71 2 261 YA +71 2 262 SO +71 2 263 SO +71 2 264 HO +71 2 265 OK +71 2 266 YA +71 2 267 BA +71 2 268 OK +71 2 269 BA +71 2 270 YA +71 2 271 HO +71 2 272 SO +71 2 273 BA +71 2 274 SO +71 2 275 OK +71 2 276 BA +71 2 277 HO +71 2 278 KI +71 2 279 HO +71 2 280 OK +71 2 281 OK +71 2 282 OK +71 2 283 CA +71 2 284 SO +71 2 285 KI +71 2 286 SO +71 2 287 CA +71 2 288 KI +71 2 289 HO +71 2 290 SO +71 2 291 HO +71 2 292 KI +71 2 293 SO +71 2 294 SO +71 2 295 CA +71 2 296 BA +71 2 297 LA +71 2 298 KI +71 2 299 OK +71 2 300 SO +71 2 301 OK +71 2 302 SO +71 2 303 SO +71 2 304 OK +71 2 305 BA +71 2 306 OK +71 2 307 HO +71 2 308 BA +71 2 309 OK +71 2 310 OK +71 2 311 HO +71 2 312 LO +71 2 313 HO +71 2 314 SO +71 2 315 OK +71 2 316 HO +71 2 317 BA +71 2 318 YA +71 2 319 SO +71 2 320 OK +71 2 321 KI +71 2 322 HO +71 2 323 OK +71 2 324 SO +71 2 325 BA +71 2 326 LA +71 2 327 SO +71 2 328 OK +71 2 329 CA +71 2 330 SO +71 3 1 HO +71 3 2 OK +71 3 3 YA +71 3 4 BA +71 3 5 OK +71 3 6 YA +71 3 7 OK +71 3 8 KI +71 3 9 CA +71 3 10 HO +71 3 11 OK +71 3 12 LA +71 3 13 OK +71 3 14 HO +71 3 15 KI +71 3 16 HA +71 3 17 YA +71 3 18 LO +71 3 19 HO +71 3 20 OK +71 3 21 KI +71 3 22 LA +71 3 23 BA +71 3 24 SO +71 3 25 HO +71 3 26 HO +71 3 27 SO +71 3 28 KI +71 3 29 OK +71 3 30 YA +71 3 31 SO +71 3 32 KI +71 3 33 OK +71 3 34 HO +71 3 35 YA +71 3 36 OK +71 3 37 HO +71 3 38 KI +71 3 39 OK +71 3 40 HO +71 3 41 KI +71 3 42 LA +71 3 43 HO +71 3 44 KI +71 3 45 OK +71 3 46 SO +71 3 47 OK +71 3 48 YA +71 3 49 HO +71 3 50 BA +71 3 51 CA +71 3 52 SO +71 3 53 KI +71 3 54 OK +71 3 55 HO +71 3 56 KI +71 3 57 HO +71 3 58 LA +71 3 59 BA +71 3 60 HO +71 3 61 KI +71 3 62 BA +71 3 63 KI +71 3 64 HO +71 3 65 KI +71 3 66 HA +71 3 67 OK +71 3 68 BA +71 3 69 OK +71 3 70 SO +71 3 71 BA +71 3 72 OK +71 3 73 BA +71 3 74 HO +71 3 75 OK +71 3 76 YA +71 3 77 HO +71 3 78 KI +71 3 79 SO +71 3 80 HO +71 3 81 OK +71 3 82 OK +71 3 83 LA +71 3 84 KI +71 3 85 OK +71 3 86 KI +71 3 87 SO +71 3 88 BA +71 3 89 LO +71 3 90 HO +71 3 91 OK +71 3 92 LA +71 3 93 HO +71 3 94 LO +71 3 95 OK +71 3 96 LA +71 3 97 BA +71 3 98 KI +71 3 99 BA +71 3 100 OK +71 3 101 BA +71 3 102 SO +71 3 103 OK +71 3 104 HO +71 3 105 BA +71 3 106 LA +71 3 107 HA +71 3 108 OK +71 3 109 HO +71 3 110 YA +71 3 111 OK +71 3 112 KI +71 3 113 SO +71 3 114 OK +71 3 115 KI +71 3 116 HO +71 3 117 CA +71 3 118 KI +71 3 119 OK +71 3 120 HA +71 3 121 YA +71 3 122 OK +71 3 123 HO +71 3 124 OK +71 3 125 YA +71 3 126 KI +71 3 127 OK +71 3 128 LA +71 3 129 HA +71 3 130 OK +71 3 131 BA +71 3 132 KI +71 3 133 OK +71 3 134 CA +71 3 135 BA +71 3 136 OK +71 3 137 OK +71 3 138 HO +71 3 139 BA +71 3 140 HO +71 3 141 HA +71 3 142 SO +71 3 143 OK +71 3 144 BA +71 3 145 OK +71 3 146 LA +71 3 147 OK +71 3 148 KI +71 3 149 OK +71 3 150 BA +71 3 151 KI +71 3 152 BA +71 3 153 HO +71 3 154 SO +71 3 155 CA +71 3 156 OK +71 3 157 CA +71 3 158 HA +71 3 159 LA +71 3 160 KI +71 3 161 OK +71 3 162 KI +71 3 163 HO +71 3 164 HO +71 3 165 OK +71 3 166 HO +71 3 167 BA +71 3 168 OK +71 3 169 HO +71 3 170 HO +71 3 171 OK +71 3 172 HA +71 3 173 KI +71 3 174 LA +71 3 175 OK +71 3 176 KI +71 3 177 LA +71 3 178 HO +71 3 179 BA +71 3 180 OK +71 3 181 LA +71 3 182 BA +71 3 183 CA +71 3 184 BA +71 3 185 LA +71 3 186 OK +71 3 187 YA +71 3 188 HO +71 3 189 HO +71 3 190 KI +71 3 191 OK +71 3 192 BA +71 3 193 OK +71 3 194 BA +71 3 195 OK +71 3 196 OK +71 3 197 BA +71 3 198 LO +71 3 199 OK +71 3 200 HO +71 3 201 KI +71 3 202 OK +71 3 203 KI +71 3 204 CA +71 3 205 BA +71 3 206 OK +71 3 207 KI +71 3 208 LA +71 3 209 OK +71 3 210 BA +71 3 211 HO +71 3 212 YA +71 3 213 BA +71 3 214 OK +71 3 215 KI +71 3 216 OK +71 3 217 KI +71 3 218 OK +71 3 219 SO +71 3 220 BA +71 3 221 SO +71 3 222 BA +71 3 223 OK +71 3 224 KI +71 3 225 OK +71 3 226 HO +71 3 227 LO +71 3 228 HO +71 3 229 OK +71 3 230 KI +71 3 231 BA +71 3 232 LA +71 3 233 BA +71 3 234 OK +71 3 235 HO +71 3 236 OK +71 3 237 KI +71 3 238 OK +71 3 239 KI +71 3 240 CA +71 3 241 KI +71 3 242 LA +71 3 243 BA +71 3 244 SO +71 3 245 KI +71 3 246 OK +71 3 247 BA +71 3 248 OK +71 3 249 OK +71 3 250 BA +71 3 251 OK +71 3 252 KI +71 3 253 OK +71 3 254 HO +71 3 255 LO +71 3 256 KI +71 3 257 HO +71 3 258 LA +71 3 259 KI +71 3 260 LA +71 3 261 YA +71 3 262 HA +71 3 263 SO +71 3 264 HO +71 3 265 OK +71 3 266 YA +71 3 267 BA +71 3 268 OK +71 3 269 BA +71 3 270 YA +71 3 271 OK +71 3 272 HA +71 3 273 BA +71 3 274 HA +71 3 275 OK +71 3 276 KI +71 3 277 HO +71 3 278 YA +71 3 279 HO +71 3 280 OK +71 3 281 OK +71 3 282 OK +71 3 283 CA +71 3 284 SO +71 3 285 KI +71 3 286 HA +71 3 287 LA +71 3 288 KI +71 3 289 OK +71 3 290 KI +71 3 291 HO +71 3 292 KI +71 3 293 OK +71 3 294 SO +71 3 295 CA +71 3 296 BA +71 3 297 LA +71 3 298 KI +71 3 299 OK +71 3 300 SO +71 3 301 OK +71 3 302 KI +71 3 303 HO +71 3 304 OK +71 3 305 BA +71 3 306 OK +71 3 307 HO +71 3 308 BA +71 3 309 OK +71 3 310 OK +71 3 311 HO +71 3 312 LO +71 3 313 HO +71 3 314 KI +71 3 315 OK +71 3 316 OK +71 3 317 BA +71 3 318 YA +71 3 319 KI +71 3 320 OK +71 3 321 KI +71 3 322 HO +71 3 323 OK +71 3 324 KI +71 3 325 BA +71 3 326 LA +71 3 327 HO +71 3 328 OK +71 3 329 CA +71 3 330 SO +71 4 1 HO +71 4 2 SO +71 4 3 KI +71 4 4 BA +71 4 5 OK +71 4 6 KI +71 4 7 OK +71 4 8 BA +71 4 9 CA +71 4 10 HO +71 4 11 HO +71 4 12 LA +71 4 13 HO +71 4 14 HO +71 4 15 BA +71 4 16 SO +71 4 17 YA +71 4 18 LO +71 4 19 HO +71 4 20 OK +71 4 21 KI +71 4 22 LA +71 4 23 BA +71 4 24 CA +71 4 25 HO +71 4 26 HO +71 4 27 HA +71 4 28 KI +71 4 29 HO +71 4 30 KI +71 4 31 HO +71 4 32 BA +71 4 33 HO +71 4 34 HO +71 4 35 KI +71 4 36 HO +71 4 37 OK +71 4 38 KI +71 4 39 OK +71 4 40 HO +71 4 41 KI +71 4 42 LA +71 4 43 HO +71 4 44 KI +71 4 45 OK +71 4 46 SO +71 4 47 OK +71 4 48 LA +71 4 49 HO +71 4 50 BA +71 4 51 CA +71 4 52 HO +71 4 53 BA +71 4 54 OK +71 4 55 HO +71 4 56 KI +71 4 57 HO +71 4 58 LA +71 4 59 BA +71 4 60 HO +71 4 61 KI +71 4 62 BA +71 4 63 KI +71 4 64 HO +71 4 65 KI +71 4 66 HA +71 4 67 OK +71 4 68 KI +71 4 69 OK +71 4 70 BA +71 4 71 KI +71 4 72 OK +71 4 73 BA +71 4 74 HO +71 4 75 OK +71 4 76 KI +71 4 77 HO +71 4 78 KI +71 4 79 SO +71 4 80 HO +71 4 81 OK +71 4 82 HO +71 4 83 LA +71 4 84 KI +71 4 85 OK +71 4 86 KI +71 4 87 LO +71 4 88 BA +71 4 89 LO +71 4 90 HO +71 4 91 OK +71 4 92 LA +71 4 93 HO +71 4 94 CA +71 4 95 OK +71 4 96 LA +71 4 97 BA +71 4 98 KI +71 4 99 BA +71 4 100 OK +71 4 101 BA +71 4 102 BA +71 4 103 OK +71 4 104 HO +71 4 105 BA +71 4 106 LA +71 4 107 HA +71 4 108 OK +71 4 109 HO +71 4 110 KI +71 4 111 OK +71 4 112 KI +71 4 113 LO +71 4 114 HO +71 4 115 KI +71 4 116 HO +71 4 117 CA +71 4 118 KI +71 4 119 OK +71 4 120 HA +71 4 121 KI +71 4 122 OK +71 4 123 HO +71 4 124 OK +71 4 125 KI +71 4 126 KI +71 4 127 HO +71 4 128 HO +71 4 129 HA +71 4 130 HO +71 4 131 BA +71 4 132 KI +71 4 133 OK +71 4 134 CA +71 4 135 BA +71 4 136 HO +71 4 137 HO +71 4 138 HO +71 4 139 BA +71 4 140 HO +71 4 141 HA +71 4 142 BA +71 4 143 OK +71 4 144 BA +71 4 145 OK +71 4 146 LA +71 4 147 OK +71 4 148 KI +71 4 149 OK +71 4 150 BA +71 4 151 KI +71 4 152 BA +71 4 153 HO +71 4 154 SO +71 4 155 CA +71 4 156 OK +71 4 157 CA +71 4 158 HA +71 4 159 KI +71 4 160 KI +71 4 161 OK +71 4 162 BA +71 4 163 HO +71 4 164 HO +71 4 165 OK +71 4 166 HO +71 4 167 BA +71 4 168 OK +71 4 169 HO +71 4 170 HO +71 4 171 OK +71 4 172 HA +71 4 173 KI +71 4 174 LA +71 4 175 HO +71 4 176 KI +71 4 177 OK +71 4 178 HO +71 4 179 KI +71 4 180 OK +71 4 181 LA +71 4 182 BA +71 4 183 LA +71 4 184 BA +71 4 185 KI +71 4 186 OK +71 4 187 LA +71 4 188 HO +71 4 189 HO +71 4 190 KI +71 4 191 OK +71 4 192 BA +71 4 193 OK +71 4 194 KI +71 4 195 OK +71 4 196 OK +71 4 197 BA +71 4 198 LO +71 4 199 OK +71 4 200 HO +71 4 201 KI +71 4 202 OK +71 4 203 BA +71 4 204 CA +71 4 205 BA +71 4 206 OK +71 4 207 KI +71 4 208 KI +71 4 209 HO +71 4 210 KI +71 4 211 HO +71 4 212 KI +71 4 213 BA +71 4 214 OK +71 4 215 KI +71 4 216 OK +71 4 217 KI +71 4 218 OK +71 4 219 OK +71 4 220 HO +71 4 221 OK +71 4 222 BA +71 4 223 OK +71 4 224 KI +71 4 225 OK +71 4 226 HO +71 4 227 LO +71 4 228 HO +71 4 229 OK +71 4 230 KI +71 4 231 BA +71 4 232 LA +71 4 233 BA +71 4 234 OK +71 4 235 HO +71 4 236 OK +71 4 237 KI +71 4 238 HO +71 4 239 KI +71 4 240 CA +71 4 241 HA +71 4 242 LA +71 4 243 BA +71 4 244 HO +71 4 245 KI +71 4 246 OK +71 4 247 BA +71 4 248 OK +71 4 249 HO +71 4 250 BA +71 4 251 OK +71 4 252 KI +71 4 253 OK +71 4 254 HO +71 4 255 LO +71 4 256 KI +71 4 257 HO +71 4 258 LA +71 4 259 CA +71 4 260 OK +71 4 261 KI +71 4 262 SO +71 4 263 SO +71 4 264 LA +71 4 265 OK +71 4 266 CA +71 4 267 BA +71 4 268 OK +71 4 269 BA +71 4 270 LA +71 4 271 OK +71 4 272 SO +71 4 273 BA +71 4 274 HA +71 4 275 LA +71 4 276 BA +71 4 277 HO +71 4 278 KI +71 4 279 HO +71 4 280 OK +71 4 281 OK +71 4 282 OK +71 4 283 CA +71 4 284 HA +71 4 285 KI +71 4 286 HA +71 4 287 LA +71 4 288 KI +71 4 289 OK +71 4 290 KI +71 4 291 HO +71 4 292 KI +71 4 293 OK +71 4 294 SO +71 4 295 CA +71 4 296 BA +71 4 297 LA +71 4 298 KI +71 4 299 OK +71 4 300 SO +71 4 301 OK +71 4 302 SO +71 4 303 HO +71 4 304 OK +71 4 305 BA +71 4 306 OK +71 4 307 HO +71 4 308 BA +71 4 309 OK +71 4 310 OK +71 4 311 HO +71 4 312 LO +71 4 313 BA +71 4 314 SO +71 4 315 OK +71 4 316 HO +71 4 317 BA +71 4 318 KI +71 4 319 SO +71 4 320 OK +71 4 321 KI +71 4 322 HO +71 4 323 OK +71 4 324 KI +71 4 325 BA +71 4 326 LA +71 4 327 HO +71 4 328 OK +71 4 329 CA +71 4 330 OK +71 5 1 HO +71 5 2 HO +71 5 3 YA +71 5 4 BA +71 5 5 HO +71 5 6 YA +71 5 7 HO +71 5 8 BA +71 5 9 CA +71 5 10 HO +71 5 11 HO +71 5 12 LA +71 5 13 HO +71 5 14 SO +71 5 15 KI +71 5 16 HA +71 5 17 YA +71 5 18 SO +71 5 19 HA +71 5 20 HO +71 5 21 KI +71 5 22 LA +71 5 23 BA +71 5 24 CA +71 5 25 HO +71 5 26 HO +71 5 27 KI +71 5 28 KI +71 5 29 HO +71 5 30 YA +71 5 31 HO +71 5 32 BA +71 5 33 HO +71 5 34 HO +71 5 35 YA +71 5 36 HO +71 5 37 HO +71 5 38 KI +71 5 39 HO +71 5 40 HO +71 5 41 KI +71 5 42 LA +71 5 43 HO +71 5 44 KI +71 5 45 HO +71 5 46 SO +71 5 47 HO +71 5 48 LA +71 5 49 HO +71 5 50 BA +71 5 51 CA +71 5 52 HO +71 5 53 BA +71 5 54 HO +71 5 55 HO +71 5 56 KI +71 5 57 HO +71 5 58 HO +71 5 59 BA +71 5 60 HO +71 5 61 KI +71 5 62 BA +71 5 63 KI +71 5 64 HO +71 5 65 KI +71 5 66 LA +71 5 67 HO +71 5 68 BA +71 5 69 HO +71 5 70 BA +71 5 71 BA +71 5 72 HO +71 5 73 BA +71 5 74 HO +71 5 75 HO +71 5 76 YA +71 5 77 HO +71 5 78 BA +71 5 79 SO +71 5 80 HO +71 5 81 HO +71 5 82 HO +71 5 83 LA +71 5 84 KI +71 5 85 HO +71 5 86 BA +71 5 87 SO +71 5 88 BA +71 5 89 SO +71 5 90 HO +71 5 91 HO +71 5 92 LA +71 5 93 HO +71 5 94 SO +71 5 95 HO +71 5 96 LA +71 5 97 BA +71 5 98 KI +71 5 99 BA +71 5 100 HO +71 5 101 BA +71 5 102 BA +71 5 103 HO +71 5 104 HO +71 5 105 BA +71 5 106 LA +71 5 107 BA +71 5 108 HO +71 5 109 HO +71 5 110 LA +71 5 111 HO +71 5 112 KI +71 5 113 SO +71 5 114 HO +71 5 115 KI +71 5 116 HO +71 5 117 CA +71 5 118 KI +71 5 119 HO +71 5 120 HA +71 5 121 YA +71 5 122 HO +71 5 123 HO +71 5 124 HO +71 5 125 YA +71 5 126 KI +71 5 127 SO +71 5 128 HO +71 5 129 KI +71 5 130 HO +71 5 131 BA +71 5 132 YA +71 5 133 HO +71 5 134 CA +71 5 135 BA +71 5 136 HO +71 5 137 HO +71 5 138 HO +71 5 139 BA +71 5 140 HO +71 5 141 HA +71 5 142 BA +71 5 143 HO +71 5 144 BA +71 5 145 HO +71 5 146 LA +71 5 147 HO +71 5 148 KI +71 5 149 HO +71 5 150 BA +71 5 151 YA +71 5 152 BA +71 5 153 HO +71 5 154 SO +71 5 155 CA +71 5 156 HO +71 5 157 CA +71 5 158 BA +71 5 159 YA +71 5 160 KI +71 5 161 HO +71 5 162 KI +71 5 163 HO +71 5 164 HO +71 5 165 HO +71 5 166 SO +71 5 167 BA +71 5 168 HO +71 5 169 HO +71 5 170 SO +71 5 171 HO +71 5 172 HA +71 5 173 KI +71 5 174 LA +71 5 175 HO +71 5 176 KI +71 5 177 LA +71 5 178 HO +71 5 179 KI +71 5 180 HO +71 5 181 LA +71 5 182 BA +71 5 183 CA +71 5 184 BA +71 5 185 LA +71 5 186 HO +71 5 187 YA +71 5 188 HO +71 5 189 HO +71 5 190 KI +71 5 191 HO +71 5 192 BA +71 5 193 HO +71 5 194 KI +71 5 195 HO +71 5 196 HO +71 5 197 BA +71 5 198 SO +71 5 199 HO +71 5 200 HO +71 5 201 KI +71 5 202 HO +71 5 203 BA +71 5 204 CA +71 5 205 BA +71 5 206 HO +71 5 207 KI +71 5 208 CA +71 5 209 HO +71 5 210 HO +71 5 211 HO +71 5 212 YA +71 5 213 BA +71 5 214 HO +71 5 215 BA +71 5 216 HO +71 5 217 KI +71 5 218 HO +71 5 219 HO +71 5 220 BA +71 5 221 HO +71 5 222 BA +71 5 223 HO +71 5 224 KI +71 5 225 HO +71 5 226 SO +71 5 227 SO +71 5 228 HO +71 5 229 HO +71 5 230 KI +71 5 231 BA +71 5 232 HO +71 5 233 BA +71 5 234 HO +71 5 235 HO +71 5 236 HO +71 5 237 YA +71 5 238 HO +71 5 239 KI +71 5 240 CA +71 5 241 BA +71 5 242 LA +71 5 243 BA +71 5 244 HO +71 5 245 KI +71 5 246 HO +71 5 247 BA +71 5 248 HO +71 5 249 HO +71 5 250 BA +71 5 251 HO +71 5 252 BA +71 5 253 HO +71 5 254 HO +71 5 255 SO +71 5 256 KI +71 5 257 HO +71 5 258 HO +71 5 259 KI +71 5 260 HO +71 5 261 YA +71 5 262 BA +71 5 263 SO +71 5 264 HO +71 5 265 HO +71 5 266 CA +71 5 267 BA +71 5 268 HO +71 5 269 BA +71 5 270 YA +71 5 271 HO +71 5 272 SO +71 5 273 BA +71 5 274 HA +71 5 275 HO +71 5 276 BA +71 5 277 HO +71 5 278 YA +71 5 279 HO +71 5 280 HO +71 5 281 HO +71 5 282 HO +71 5 283 CA +71 5 284 HO +71 5 285 BA +71 5 286 HA +71 5 287 CA +71 5 288 KI +71 5 289 HO +71 5 290 YA +71 5 291 HO +71 5 292 KI +71 5 293 HO +71 5 294 HO +71 5 295 CA +71 5 296 BA +71 5 297 LA +71 5 298 KI +71 5 299 HO +71 5 300 SO +71 5 301 HO +71 5 302 KI +71 5 303 HO +71 5 304 HO +71 5 305 BA +71 5 306 HO +71 5 307 HO +71 5 308 BA +71 5 309 HO +71 5 310 HO +71 5 311 HO +71 5 312 SO +71 5 313 HO +71 5 314 KI +71 5 315 HO +71 5 316 HO +71 5 317 BA +71 5 318 YA +71 5 319 HA +71 5 320 HO +71 5 321 KI +71 5 322 HO +71 5 323 HO +71 5 324 HA +71 5 325 BA +71 5 326 LA +71 5 327 HO +71 5 328 HO +71 5 329 CA +71 5 330 HO +71 6 1 HO +71 6 2 HO +71 6 3 YA +71 6 4 BA +71 6 5 HO +71 6 6 KI +71 6 7 HO +71 6 8 BA +71 6 9 CA +71 6 10 HO +71 6 11 HO +71 6 12 LA +71 6 13 HO +71 6 14 HO +71 6 15 KI +71 6 16 HA +71 6 17 KI +71 6 18 LO +71 6 19 HO +71 6 20 SO +71 6 21 KI +71 6 22 LA +71 6 23 BA +71 6 24 HO +71 6 25 HO +71 6 26 HO +71 6 27 KI +71 6 28 KI +71 6 29 HO +71 6 30 YA +71 6 31 HO +71 6 32 BA +71 6 33 HO +71 6 34 HO +71 6 35 KI +71 6 36 HO +71 6 37 HO +71 6 38 BA +71 6 39 HO +71 6 40 HO +71 6 41 KI +71 6 42 LA +71 6 43 HO +71 6 44 KI +71 6 45 HO +71 6 46 SO +71 6 47 HO +71 6 48 LA +71 6 49 HO +71 6 50 BA +71 6 51 CA +71 6 52 HO +71 6 53 BA +71 6 54 HO +71 6 55 HO +71 6 56 KI +71 6 57 HO +71 6 58 HO +71 6 59 BA +71 6 60 HO +71 6 61 KI +71 6 62 BA +71 6 63 KI +71 6 64 HO +71 6 65 KI +71 6 66 HA +71 6 67 HO +71 6 68 BA +71 6 69 HO +71 6 70 BA +71 6 71 BA +71 6 72 HO +71 6 73 BA +71 6 74 HO +71 6 75 HO +71 6 76 YA +71 6 77 HO +71 6 78 KI +71 6 79 LO +71 6 80 HO +71 6 81 HO +71 6 82 HO +71 6 83 SO +71 6 84 KI +71 6 85 HO +71 6 86 KI +71 6 87 SO +71 6 88 BA +71 6 89 LO +71 6 90 HO +71 6 91 HO +71 6 92 KI +71 6 93 HO +71 6 94 LO +71 6 95 HO +71 6 96 LA +71 6 97 BA +71 6 98 KI +71 6 99 BA +71 6 100 HO +71 6 101 BA +71 6 102 BA +71 6 103 HO +71 6 104 HO +71 6 105 BA +71 6 106 LA +71 6 107 HA +71 6 108 HO +71 6 109 HO +71 6 110 LA +71 6 111 HO +71 6 112 KI +71 6 113 LO +71 6 114 HO +71 6 115 KI +71 6 116 HO +71 6 117 CA +71 6 118 KI +71 6 119 HO +71 6 120 HA +71 6 121 YA +71 6 122 HO +71 6 123 HO +71 6 124 HO +71 6 125 YA +71 6 126 KI +71 6 127 HO +71 6 128 HO +71 6 129 KI +71 6 130 HO +71 6 131 BA +71 6 132 YA +71 6 133 HO +71 6 134 CA +71 6 135 BA +71 6 136 HO +71 6 137 HO +71 6 138 HO +71 6 139 BA +71 6 140 HO +71 6 141 BA +71 6 142 BA +71 6 143 HO +71 6 144 BA +71 6 145 HO +71 6 146 LA +71 6 147 HO +71 6 148 KI +71 6 149 HO +71 6 150 BA +71 6 151 KI +71 6 152 BA +71 6 153 HO +71 6 154 SO +71 6 155 HO +71 6 156 HO +71 6 157 CA +71 6 158 HA +71 6 159 LA +71 6 160 KI +71 6 161 HO +71 6 162 KI +71 6 163 HO +71 6 164 HO +71 6 165 HO +71 6 166 HO +71 6 167 BA +71 6 168 HO +71 6 169 HO +71 6 170 HO +71 6 171 HO +71 6 172 HA +71 6 173 KI +71 6 174 LA +71 6 175 HO +71 6 176 KI +71 6 177 LA +71 6 178 HO +71 6 179 KI +71 6 180 HO +71 6 181 LA +71 6 182 BA +71 6 183 HO +71 6 184 BA +71 6 185 YA +71 6 186 HO +71 6 187 YA +71 6 188 HO +71 6 189 HO +71 6 190 KI +71 6 191 HO +71 6 192 BA +71 6 193 HO +71 6 194 KI +71 6 195 HO +71 6 196 HO +71 6 197 BA +71 6 198 SO +71 6 199 HO +71 6 200 HO +71 6 201 KI +71 6 202 HO +71 6 203 BA +71 6 204 CA +71 6 205 BA +71 6 206 HO +71 6 207 KI +71 6 208 YA +71 6 209 HO +71 6 210 CA +71 6 211 HO +71 6 212 YA +71 6 213 BA +71 6 214 HO +71 6 215 BA +71 6 216 HO +71 6 217 KI +71 6 218 HO +71 6 219 HO +71 6 220 HO +71 6 221 HO +71 6 222 BA +71 6 223 HO +71 6 224 KI +71 6 225 HO +71 6 226 LO +71 6 227 HO +71 6 228 HO +71 6 229 HO +71 6 230 KI +71 6 231 BA +71 6 232 HO +71 6 233 BA +71 6 234 HO +71 6 235 HO +71 6 236 HO +71 6 237 YA +71 6 238 HO +71 6 239 KI +71 6 240 CA +71 6 241 HA +71 6 242 LA +71 6 243 BA +71 6 244 HO +71 6 245 KI +71 6 246 HO +71 6 247 BA +71 6 248 HO +71 6 249 HO +71 6 250 BA +71 6 251 HO +71 6 252 KI +71 6 253 HO +71 6 254 HO +71 6 255 LO +71 6 256 KI +71 6 257 HO +71 6 258 HO +71 6 259 CA +71 6 260 LA +71 6 261 YA +71 6 262 KI +71 6 263 SO +71 6 264 HO +71 6 265 HO +71 6 266 CA +71 6 267 BA +71 6 268 HO +71 6 269 BA +71 6 270 YA +71 6 271 HO +71 6 272 SO +71 6 273 BA +71 6 274 SO +71 6 275 HO +71 6 276 BA +71 6 277 HO +71 6 278 KI +71 6 279 HO +71 6 280 HO +71 6 281 HO +71 6 282 HO +71 6 283 CA +71 6 284 HO +71 6 285 KI +71 6 286 BA +71 6 287 HO +71 6 288 KI +71 6 289 HO +71 6 290 KI +71 6 291 HO +71 6 292 KI +71 6 293 HO +71 6 294 SO +71 6 295 CA +71 6 296 BA +71 6 297 LA +71 6 298 KI +71 6 299 HO +71 6 300 SO +71 6 301 HO +71 6 302 KI +71 6 303 HO +71 6 304 BA +71 6 305 HO +71 6 306 HO +71 6 307 BA +71 6 308 HO +71 6 309 HO +71 6 310 HO +71 6 311 LO +71 6 312 HO +71 6 313 KI +71 6 314 HO +71 6 315 HO +71 6 316 LO +71 6 317 YA +71 6 318 KI +71 6 319 HO +71 6 320 KI +71 6 321 HO +71 6 322 HO +71 6 323 KI +71 6 324 BA +71 6 325 LA +71 6 326 HO +71 6 327 CA +71 6 328 HO +71 6 329 CA +71 6 330 HO +71 7 1 SO +71 7 2 HO +71 7 3 KI +71 7 4 BA +71 7 5 HO +71 7 6 YA +71 7 7 LI +71 7 8 KI +71 7 9 CA +71 7 10 HO +71 7 11 HO +71 7 12 LA +71 7 13 HO +71 7 14 HO +71 7 15 KI +71 7 16 HA +71 7 17 LA +71 7 18 LO +71 7 19 SO +71 7 20 HO +71 7 21 KI +71 7 22 LA +71 7 23 BA +71 7 24 CA +71 7 25 HO +71 7 26 HO +71 7 27 LA +71 7 28 KI +71 7 29 HO +71 7 30 LA +71 7 31 SO +71 7 32 BA +71 7 33 LI +71 7 34 HO +71 7 35 LA +71 7 36 HO +71 7 37 HO +71 7 38 KI +71 7 39 HO +71 7 40 SO +71 7 41 KI +71 7 42 LA +71 7 43 HO +71 7 44 HA +71 7 45 HO +71 7 46 SO +71 7 47 HO +71 7 48 LA +71 7 49 SO +71 7 50 BA +71 7 51 CA +71 7 52 HO +71 7 53 KI +71 7 54 HO +71 7 55 SO +71 7 56 LA +71 7 57 HO +71 7 58 LA +71 7 59 BA +71 7 60 HO +71 7 61 KI +71 7 62 BA +71 7 63 LA +71 7 64 HO +71 7 65 KI +71 7 66 LA +71 7 67 HO +71 7 68 BA +71 7 69 HO +71 7 70 BA +71 7 71 KI +71 7 72 HO +71 7 73 BA +71 7 74 SO +71 7 75 HO +71 7 76 LA +71 7 77 HO +71 7 78 BA +71 7 79 LO +71 7 80 HO +71 7 81 HO +71 7 82 SO +71 7 83 LA +71 7 84 LA +71 7 85 HO +71 7 86 KI +71 7 87 LO +71 7 88 BA +71 7 89 LO +71 7 90 HO +71 7 91 HO +71 7 92 LA +71 7 93 SO +71 7 94 CA +71 7 95 HO +71 7 96 LA +71 7 97 BA +71 7 98 KI +71 7 99 BA +71 7 100 HO +71 7 101 BA +71 7 102 BA +71 7 103 HO +71 7 104 SO +71 7 105 BA +71 7 106 LA +71 7 107 HA +71 7 108 HO +71 7 109 HO +71 7 110 LA +71 7 111 HO +71 7 112 KI +71 7 113 CA +71 7 114 HO +71 7 115 KI +71 7 116 SO +71 7 117 CA +71 7 118 KI +71 7 119 HO +71 7 120 HA +71 7 121 LA +71 7 122 HO +71 7 123 HO +71 7 124 HO +71 7 125 LA +71 7 126 KI +71 7 127 HO +71 7 128 LA +71 7 129 HA +71 7 130 HO +71 7 131 BA +71 7 132 LA +71 7 133 HO +71 7 134 CA +71 7 135 BA +71 7 136 SO +71 7 137 HO +71 7 138 SO +71 7 139 BA +71 7 140 HO +71 7 141 HA +71 7 142 BA +71 7 143 HO +71 7 144 BA +71 7 145 HO +71 7 146 LA +71 7 147 HO +71 7 148 KI +71 7 149 HO +71 7 150 BA +71 7 151 LA +71 7 152 BA +71 7 153 SO +71 7 154 SO +71 7 155 CA +71 7 156 HO +71 7 157 CA +71 7 158 HO +71 7 159 LA +71 7 160 KI +71 7 161 HO +71 7 162 KI +71 7 163 HO +71 7 164 SO +71 7 165 HO +71 7 166 HO +71 7 167 BA +71 7 168 HO +71 7 169 SO +71 7 170 HO +71 7 171 HO +71 7 172 HA +71 7 173 KI +71 7 174 LA +71 7 175 SO +71 7 176 KI +71 7 177 LA +71 7 178 HO +71 7 179 KI +71 7 180 HO +71 7 181 LA +71 7 182 KI +71 7 183 CA +71 7 184 BA +71 7 185 LA +71 7 186 SO +71 7 187 LA +71 7 188 SO +71 7 189 SO +71 7 190 KI +71 7 191 HO +71 7 192 BA +71 7 193 HO +71 7 194 KI +71 7 195 HO +71 7 196 HO +71 7 197 BA +71 7 198 LO +71 7 199 HO +71 7 200 SO +71 7 201 LA +71 7 202 HO +71 7 203 BA +71 7 204 CA +71 7 205 BA +71 7 206 HO +71 7 207 KI +71 7 208 LA +71 7 209 HO +71 7 210 KI +71 7 211 SO +71 7 212 LA +71 7 213 BA +71 7 214 HO +71 7 215 BA +71 7 216 HO +71 7 217 LA +71 7 218 HO +71 7 219 HO +71 7 220 HO +71 7 221 HO +71 7 222 BA +71 7 223 HO +71 7 224 KI +71 7 225 HO +71 7 226 HO +71 7 227 LO +71 7 228 HO +71 7 229 HO +71 7 230 KI +71 7 231 BA +71 7 232 CA +71 7 233 BA +71 7 234 HO +71 7 235 HO +71 7 236 HO +71 7 237 LA +71 7 238 HO +71 7 239 KI +71 7 240 CA +71 7 241 HA +71 7 242 LA +71 7 243 BA +71 7 244 SO +71 7 245 KI +71 7 246 HO +71 7 247 BA +71 7 248 HO +71 7 249 HO +71 7 250 BA +71 7 251 HO +71 7 252 KI +71 7 253 HO +71 7 254 SO +71 7 255 CA +71 7 256 KI +71 7 257 HO +71 7 258 LA +71 7 259 KI +71 7 260 HO +71 7 261 LA +71 7 262 HA +71 7 263 SO +71 7 264 SO +71 7 265 HO +71 7 266 LA +71 7 267 BA +71 7 268 HO +71 7 269 BA +71 7 270 LA +71 7 271 HO +71 7 272 HO +71 7 273 BA +71 7 274 HA +71 7 275 LA +71 7 276 KI +71 7 277 HO +71 7 278 LA +71 7 279 HO +71 7 280 HO +71 7 281 HO +71 7 282 HO +71 7 283 CA +71 7 284 HO +71 7 285 KI +71 7 286 HA +71 7 287 CA +71 7 288 LA +71 7 289 SO +71 7 290 LA +71 7 291 HO +71 7 292 KI +71 7 293 HO +71 7 294 HO +71 7 295 CA +71 7 296 BA +71 7 297 LA +71 7 298 KI +71 7 299 HO +71 7 300 SO +71 7 301 HO +71 7 302 HA +71 7 303 SO +71 7 304 HO +71 7 305 BA +71 7 306 HO +71 7 307 SO +71 7 308 BA +71 7 309 CA +71 7 310 HO +71 7 311 HO +71 7 312 LO +71 7 313 HO +71 7 314 HA +71 7 315 HO +71 7 316 HO +71 7 317 BA +71 7 318 LA +71 7 319 HA +71 7 320 HO +71 7 321 KI +71 7 322 SO +71 7 323 HO +71 7 324 HA +71 7 325 BA +71 7 326 LA +71 7 327 SO +71 7 328 HO +71 7 329 CA +71 7 330 SO +71 8 1 HO +71 8 2 HO +71 8 3 LA +71 8 4 BA +71 8 5 HO +71 8 6 LA +71 8 7 HO +71 8 8 KI +71 8 9 CA +71 8 10 HO +71 8 11 HO +71 8 12 LA +71 8 13 HO +71 8 14 HO +71 8 15 BA +71 8 16 SO +71 8 17 LA +71 8 18 LO +71 8 19 HO +71 8 20 HO +71 8 21 KI +71 8 22 LA +71 8 23 BA +71 8 24 LO +71 8 25 HO +71 8 26 HO +71 8 27 KI +71 8 28 KI +71 8 29 HO +71 8 30 CA +71 8 31 HO +71 8 32 BA +71 8 33 OK +71 8 34 HO +71 8 35 LA +71 8 36 HO +71 8 37 HO +71 8 38 KI +71 8 39 HO +71 8 40 HO +71 8 41 KI +71 8 42 LA +71 8 43 HO +71 8 44 BA +71 8 45 HO +71 8 46 SO +71 8 47 HO +71 8 48 LA +71 8 49 HO +71 8 50 BA +71 8 51 CA +71 8 52 HO +71 8 53 KI +71 8 54 HO +71 8 55 HO +71 8 56 LA +71 8 57 HO +71 8 58 HO +71 8 59 BA +71 8 60 HO +71 8 61 KI +71 8 62 BA +71 8 63 KI +71 8 64 HO +71 8 65 KI +71 8 66 LA +71 8 67 HO +71 8 68 KI +71 8 69 HO +71 8 70 BA +71 8 71 BA +71 8 72 HO +71 8 73 BA +71 8 74 HO +71 8 75 HO +71 8 76 LA +71 8 77 HO +71 8 78 BA +71 8 79 LO +71 8 80 HO +71 8 81 OK +71 8 82 HO +71 8 83 LA +71 8 84 KI +71 8 85 HO +71 8 86 KI +71 8 87 LO +71 8 88 BA +71 8 89 LO +71 8 90 HO +71 8 91 OK +71 8 92 CA +71 8 93 HO +71 8 94 CA +71 8 95 HO +71 8 96 LA +71 8 97 BA +71 8 98 KI +71 8 99 BA +71 8 100 HO +71 8 101 KI +71 8 102 BA +71 8 103 HO +71 8 104 HO +71 8 105 BA +71 8 106 LA +71 8 107 BA +71 8 108 HO +71 8 109 HO +71 8 110 LA +71 8 111 HO +71 8 112 KI +71 8 113 LO +71 8 114 HO +71 8 115 KI +71 8 116 HO +71 8 117 CA +71 8 118 KI +71 8 119 HO +71 8 120 SO +71 8 121 LA +71 8 122 HO +71 8 123 HO +71 8 124 OK +71 8 125 LA +71 8 126 KI +71 8 127 HO +71 8 128 LA +71 8 129 KI +71 8 130 HO +71 8 131 BA +71 8 132 LA +71 8 133 HO +71 8 134 CA +71 8 135 BA +71 8 136 HO +71 8 137 HO +71 8 138 HO +71 8 139 BA +71 8 140 HO +71 8 141 HA +71 8 142 BA +71 8 143 OK +71 8 144 BA +71 8 145 HO +71 8 146 LA +71 8 147 HO +71 8 148 KI +71 8 149 OK +71 8 150 BA +71 8 151 KI +71 8 152 BA +71 8 153 HO +71 8 154 SO +71 8 155 CA +71 8 156 HO +71 8 157 CA +71 8 158 SO +71 8 159 LA +71 8 160 KI +71 8 161 HO +71 8 162 KI +71 8 163 HO +71 8 164 HO +71 8 165 HO +71 8 166 HO +71 8 167 BA +71 8 168 HO +71 8 169 HO +71 8 170 HO +71 8 171 HO +71 8 172 SO +71 8 173 KI +71 8 174 LA +71 8 175 HO +71 8 176 KI +71 8 177 OK +71 8 178 HO +71 8 179 KI +71 8 180 HO +71 8 181 LA +71 8 182 BA +71 8 183 CA +71 8 184 BA +71 8 185 LA +71 8 186 HO +71 8 187 LA +71 8 188 HO +71 8 189 HO +71 8 190 KI +71 8 191 HO +71 8 192 BA +71 8 193 HO +71 8 194 KI +71 8 195 HO +71 8 196 HO +71 8 197 BA +71 8 198 LO +71 8 199 HO +71 8 200 HO +71 8 201 KI +71 8 202 HO +71 8 203 BA +71 8 204 CA +71 8 205 BA +71 8 206 HO +71 8 207 KI +71 8 208 CA +71 8 209 HO +71 8 210 KI +71 8 211 HO +71 8 212 LA +71 8 213 BA +71 8 214 OK +71 8 215 KI +71 8 216 HO +71 8 217 KI +71 8 218 OK +71 8 219 HO +71 8 220 BA +71 8 221 HO +71 8 222 BA +71 8 223 HO +71 8 224 KI +71 8 225 HO +71 8 226 HO +71 8 227 LO +71 8 228 HO +71 8 229 HO +71 8 230 KI +71 8 231 BA +71 8 232 HO +71 8 233 BA +71 8 234 HO +71 8 235 HO +71 8 236 OK +71 8 237 LA +71 8 238 HO +71 8 239 KI +71 8 240 CA +71 8 241 KI +71 8 242 LA +71 8 243 KI +71 8 244 HO +71 8 245 KI +71 8 246 HO +71 8 247 BA +71 8 248 HO +71 8 249 HO +71 8 250 BA +71 8 251 OK +71 8 252 KI +71 8 253 HO +71 8 254 BA +71 8 255 LO +71 8 256 KI +71 8 257 HO +71 8 258 HO +71 8 259 KI +71 8 260 HO +71 8 261 LA +71 8 262 BA +71 8 263 SO +71 8 264 HO +71 8 265 HO +71 8 266 CA +71 8 267 BA +71 8 268 HO +71 8 269 BA +71 8 270 LA +71 8 271 HO +71 8 272 SO +71 8 273 BA +71 8 274 HA +71 8 275 HO +71 8 276 BA +71 8 277 HO +71 8 278 LA +71 8 279 HO +71 8 280 HO +71 8 281 HO +71 8 282 OK +71 8 283 CA +71 8 284 HO +71 8 285 KI +71 8 286 BA +71 8 287 CA +71 8 288 KI +71 8 289 HO +71 8 290 LA +71 8 291 HO +71 8 292 KI +71 8 293 HO +71 8 294 SO +71 8 295 CA +71 8 296 BA +71 8 297 LA +71 8 298 KI +71 8 299 HO +71 8 300 SO +71 8 301 HO +71 8 302 KI +71 8 303 HO +71 8 304 HO +71 8 305 BA +71 8 306 OK +71 8 307 HO +71 8 308 BA +71 8 309 HO +71 8 310 HO +71 8 311 HO +71 8 312 LO +71 8 313 BA +71 8 314 KI +71 8 315 OK +71 8 316 HO +71 8 317 BA +71 8 318 LA +71 8 319 KI +71 8 320 HO +71 8 321 KI +71 8 322 HO +71 8 323 HO +71 8 324 KI +71 8 325 BA +71 8 326 LA +71 8 327 HO +71 8 328 HO +71 8 329 CA +71 8 330 HO +71 9 1 HO +71 9 2 HO +71 9 3 YA +71 9 4 BA +71 9 5 HO +71 9 6 LA +71 9 7 HO +71 9 8 KI +71 9 9 LA +71 9 10 HO +71 9 11 HO +71 9 12 LA +71 9 13 HO +71 9 14 HO +71 9 15 KI +71 9 16 HA +71 9 17 YA +71 9 18 SO +71 9 19 HO +71 9 20 HO +71 9 21 KI +71 9 22 LA +71 9 23 BA +71 9 24 HO +71 9 25 HO +71 9 26 HO +71 9 27 HA +71 9 28 KI +71 9 29 HO +71 9 30 LA +71 9 31 HO +71 9 32 KI +71 9 33 HO +71 9 34 HO +71 9 35 KI +71 9 36 HO +71 9 37 HO +71 9 38 KI +71 9 39 HO +71 9 40 HO +71 9 41 KI +71 9 42 LA +71 9 43 HO +71 9 44 KI +71 9 45 HO +71 9 46 SO +71 9 47 HO +71 9 48 LA +71 9 49 HO +71 9 50 BA +71 9 51 LA +71 9 52 HO +71 9 53 KI +71 9 54 HO +71 9 55 HO +71 9 56 LA +71 9 57 HO +71 9 58 LA +71 9 59 HA +71 9 60 HO +71 9 61 KI +71 9 62 BA +71 9 63 KI +71 9 64 HO +71 9 65 KI +71 9 66 LA +71 9 67 HO +71 9 68 KI +71 9 69 HO +71 9 70 SO +71 9 71 KI +71 9 72 HO +71 9 73 BA +71 9 74 HO +71 9 75 HO +71 9 76 KI +71 9 77 HO +71 9 78 KI +71 9 79 SO +71 9 80 HO +71 9 81 HO +71 9 82 HO +71 9 83 LA +71 9 84 LA +71 9 85 HO +71 9 86 KI +71 9 87 SO +71 9 88 BA +71 9 89 LO +71 9 90 HO +71 9 91 LA +71 9 92 HA +71 9 93 HO +71 9 94 LO +71 9 95 HO +71 9 96 LA +71 9 97 BA +71 9 98 KI +71 9 99 SO +71 9 100 HO +71 9 101 KI +71 9 102 SO +71 9 103 HO +71 9 104 HO +71 9 105 BA +71 9 106 LA +71 9 107 HA +71 9 108 HO +71 9 109 HO +71 9 110 LA +71 9 111 HO +71 9 112 KI +71 9 113 LO +71 9 114 HO +71 9 115 KI +71 9 116 SO +71 9 117 KI +71 9 118 KI +71 9 119 HO +71 9 120 HA +71 9 121 YA +71 9 122 HO +71 9 123 KI +71 9 124 HO +71 9 125 LA +71 9 126 KI +71 9 127 HO +71 9 128 LA +71 9 129 HA +71 9 130 HO +71 9 131 BA +71 9 132 KI +71 9 133 HO +71 9 134 KI +71 9 135 KI +71 9 136 HO +71 9 137 HO +71 9 138 SO +71 9 139 HA +71 9 140 HO +71 9 141 HA +71 9 142 HO +71 9 143 HO +71 9 144 BA +71 9 145 HO +71 9 146 LA +71 9 147 HO +71 9 148 KI +71 9 149 HO +71 9 150 BA +71 9 151 KI +71 9 152 SO +71 9 153 HO +71 9 154 SO +71 9 155 LA +71 9 156 HO +71 9 157 LA +71 9 158 HA +71 9 159 LA +71 9 160 KI +71 9 161 HO +71 9 162 KI +71 9 163 HO +71 9 164 HO +71 9 165 HO +71 9 166 HO +71 9 167 SO +71 9 168 HO +71 9 169 HO +71 9 170 HO +71 9 171 HO +71 9 172 HA +71 9 173 KI +71 9 174 LA +71 9 175 HO +71 9 176 KI +71 9 177 LA +71 9 178 HO +71 9 179 KI +71 9 180 HO +71 9 181 LA +71 9 182 BA +71 9 183 LA +71 9 184 BA +71 9 185 LA +71 9 186 HO +71 9 187 LA +71 9 188 HO +71 9 189 HO +71 9 190 KI +71 9 191 HO +71 9 192 BA +71 9 193 LA +71 9 194 KI +71 9 195 HO +71 9 196 HO +71 9 197 BA +71 9 198 LO +71 9 199 SO +71 9 200 HO +71 9 201 KI +71 9 202 HO +71 9 203 KI +71 9 204 KI +71 9 205 BA +71 9 206 LA +71 9 207 KI +71 9 208 LA +71 9 209 HO +71 9 210 KI +71 9 211 HO +71 9 212 LA +71 9 213 HO +71 9 214 LA +71 9 215 KI +71 9 216 HO +71 9 217 KI +71 9 218 HO +71 9 219 HO +71 9 220 HO +71 9 221 HO +71 9 222 BA +71 9 223 HO +71 9 224 HA +71 9 225 HO +71 9 226 HO +71 9 227 SO +71 9 228 HO +71 9 229 HO +71 9 230 LA +71 9 231 BA +71 9 232 LA +71 9 233 HO +71 9 234 HO +71 9 235 HO +71 9 236 HO +71 9 237 LA +71 9 238 HO +71 9 239 LA +71 9 240 KI +71 9 241 SO +71 9 242 LA +71 9 243 BA +71 9 244 HO +71 9 245 KI +71 9 246 HO +71 9 247 BA +71 9 248 HO +71 9 249 HO +71 9 250 BA +71 9 251 HO +71 9 252 LA +71 9 253 HO +71 9 254 SO +71 9 255 LO +71 9 256 KI +71 9 257 HO +71 9 258 LA +71 9 259 KI +71 9 260 LA +71 9 261 KI +71 9 262 HA +71 9 263 SO +71 9 264 HO +71 9 265 HO +71 9 266 LA +71 9 267 BA +71 9 268 HO +71 9 269 BA +71 9 270 LA +71 9 271 LO +71 9 272 HA +71 9 273 BA +71 9 274 HA +71 9 275 LA +71 9 276 KI +71 9 277 HO +71 9 278 LA +71 9 279 HO +71 9 280 HO +71 9 281 HO +71 9 282 HO +71 9 283 KI +71 9 284 SO +71 9 285 KI +71 9 286 HA +71 9 287 LA +71 9 288 KI +71 9 289 HO +71 9 290 LA +71 9 291 HO +71 9 292 KI +71 9 293 HO +71 9 294 SO +71 9 295 LA +71 9 296 BA +71 9 297 LA +71 9 298 KI +71 9 299 HO +71 9 300 SO +71 9 301 HO +71 9 302 LA +71 9 303 SO +71 9 304 HO +71 9 305 BA +71 9 306 HO +71 9 307 HO +71 9 308 BA +71 9 309 HO +71 9 310 HO +71 9 311 HO +71 9 312 SO +71 9 313 HO +71 9 314 HA +71 9 315 HO +71 9 316 HO +71 9 317 KI +71 9 318 LA +71 9 319 HA +71 9 320 HO +71 9 321 KI +71 9 322 HO +71 9 323 HO +71 9 324 LA +71 9 325 BA +71 9 326 LA +71 9 327 SO +71 9 328 HO +71 9 329 LA +71 9 330 HO +71 10 1 SO +71 10 2 SO +71 10 3 LA +71 10 4 BA +71 10 5 HO +71 10 6 LA +71 10 7 HO +71 10 8 KI +71 10 9 CA +71 10 10 HO +71 10 11 HO +71 10 12 LA +71 10 13 HO +71 10 14 HO +71 10 15 KI +71 10 16 HA +71 10 17 LO +71 10 18 LA +71 10 19 SO +71 10 20 HO +71 10 21 KI +71 10 22 LA +71 10 23 BA +71 10 24 LO +71 10 25 HO +71 10 26 HO +71 10 27 KI +71 10 28 KI +71 10 29 HO +71 10 30 CA +71 10 31 SO +71 10 32 BA +71 10 33 HO +71 10 34 SO +71 10 35 LA +71 10 36 HO +71 10 37 SO +71 10 38 KI +71 10 39 HO +71 10 40 SO +71 10 41 KI +71 10 42 LA +71 10 43 HO +71 10 44 KI +71 10 45 HO +71 10 46 SO +71 10 47 HO +71 10 48 LA +71 10 49 SO +71 10 50 BA +71 10 51 CA +71 10 52 HO +71 10 53 KO +71 10 54 HO +71 10 55 SO +71 10 56 KI +71 10 57 HO +71 10 58 LA +71 10 59 BA +71 10 60 HO +71 10 61 KI +71 10 62 BA +71 10 63 KI +71 10 64 HO +71 10 65 KI +71 10 66 LA +71 10 67 HO +71 10 68 BA +71 10 69 HO +71 10 70 BA +71 10 71 BA +71 10 72 HO +71 10 73 BA +71 10 74 SO +71 10 75 HO +71 10 76 LA +71 10 77 HO +71 10 78 BA +71 10 79 LO +71 10 80 HO +71 10 81 HO +71 10 82 SO +71 10 83 LA +71 10 84 KI +71 10 85 HO +71 10 86 BA +71 10 87 LO +71 10 88 BA +71 10 89 LO +71 10 90 HO +71 10 91 HO +71 10 92 KI +71 10 93 HO +71 10 94 LO +71 10 95 SO +71 10 96 LA +71 10 97 BA +71 10 98 KI +71 10 99 BA +71 10 100 SO +71 10 101 KO +71 10 102 BA +71 10 103 HO +71 10 104 SO +71 10 105 BA +71 10 106 LA +71 10 107 BA +71 10 108 SO +71 10 109 HO +71 10 110 LA +71 10 111 HO +71 10 112 KI +71 10 113 LO +71 10 114 HO +71 10 115 KI +71 10 116 SO +71 10 117 LO +71 10 118 KI +71 10 119 HO +71 10 120 BA +71 10 121 LA +71 10 122 HO +71 10 123 HO +71 10 124 HO +71 10 125 LA +71 10 126 KI +71 10 127 HO +71 10 128 LA +71 10 129 KI +71 10 130 LO +71 10 131 BA +71 10 132 KI +71 10 133 HO +71 10 134 LO +71 10 135 BA +71 10 136 HO +71 10 137 HO +71 10 138 SO +71 10 139 BA +71 10 140 HO +71 10 141 HA +71 10 142 BA +71 10 143 HO +71 10 144 BA +71 10 145 HO +71 10 146 LA +71 10 147 HO +71 10 148 KI +71 10 149 HO +71 10 150 BA +71 10 151 KI +71 10 152 BA +71 10 153 SO +71 10 154 LO +71 10 155 LO +71 10 156 HO +71 10 157 LO +71 10 158 HA +71 10 159 LA +71 10 160 BA +71 10 161 HO +71 10 162 KI +71 10 163 HO +71 10 164 SO +71 10 165 HO +71 10 166 HO +71 10 167 BA +71 10 168 HO +71 10 169 HO +71 10 170 HO +71 10 171 HO +71 10 172 HA +71 10 173 KI +71 10 174 LA +71 10 175 SO +71 10 176 LA +71 10 177 LA +71 10 178 HO +71 10 179 KO +71 10 180 HO +71 10 181 LA +71 10 182 BA +71 10 183 HA +71 10 184 BA +71 10 185 YA +71 10 186 HO +71 10 187 YA +71 10 188 HO +71 10 189 SO +71 10 190 KI +71 10 191 HO +71 10 192 BA +71 10 193 HO +71 10 194 KO +71 10 195 HO +71 10 196 HO +71 10 197 BA +71 10 198 LO +71 10 199 SO +71 10 200 HO +71 10 201 LA +71 10 202 HO +71 10 203 KI +71 10 204 LO +71 10 205 BA +71 10 206 SO +71 10 207 KI +71 10 208 LA +71 10 209 HO +71 10 210 BA +71 10 211 HO +71 10 212 YA +71 10 213 BA +71 10 214 HO +71 10 215 KI +71 10 216 HO +71 10 217 KI +71 10 218 HO +71 10 219 SO +71 10 220 BA +71 10 221 SO +71 10 222 BA +71 10 223 HO +71 10 224 SO +71 10 225 HO +71 10 226 HO +71 10 227 LO +71 10 228 HO +71 10 229 HO +71 10 230 KI +71 10 231 KI +71 10 232 LO +71 10 233 BA +71 10 234 HO +71 10 235 HO +71 10 236 HO +71 10 237 YA +71 10 238 HO +71 10 239 KI +71 10 240 KO +71 10 241 SO +71 10 242 LA +71 10 243 KO +71 10 244 SO +71 10 245 KI +71 10 246 HO +71 10 247 BA +71 10 248 HO +71 10 249 HO +71 10 250 BA +71 10 251 HO +71 10 252 KI +71 10 253 HO +71 10 254 BA +71 10 255 LO +71 10 256 LA +71 10 257 HO +71 10 258 LA +71 10 259 KI +71 10 260 SO +71 10 261 YA +71 10 262 HA +71 10 263 SO +71 10 264 SO +71 10 265 HO +71 10 266 KI +71 10 267 KO +71 10 268 HO +71 10 269 KI +71 10 270 YA +71 10 271 HO +71 10 272 SO +71 10 273 BA +71 10 274 SO +71 10 275 HO +71 10 276 KI +71 10 277 HO +71 10 278 YA +71 10 279 HO +71 10 280 HO +71 10 281 HO +71 10 282 HO +71 10 283 LO +71 10 284 SO +71 10 285 KI +71 10 286 SO +71 10 287 LA +71 10 288 KI +71 10 289 BA +71 10 290 KI +71 10 291 HO +71 10 292 KI +71 10 293 SO +71 10 294 SO +71 10 295 LO +71 10 296 BA +71 10 297 LA +71 10 298 KI +71 10 299 HO +71 10 300 SO +71 10 301 HO +71 10 302 LA +71 10 303 SO +71 10 304 HO +71 10 305 KO +71 10 306 HO +71 10 307 HO +71 10 308 BA +71 10 309 LO +71 10 310 HO +71 10 311 HO +71 10 312 LO +71 10 313 BA +71 10 314 KI +71 10 315 HO +71 10 316 HO +71 10 317 KI +71 10 318 YA +71 10 319 LA +71 10 320 HO +71 10 321 KI +71 10 322 SO +71 10 323 HO +71 10 324 KI +71 10 325 KO +71 10 326 LA +71 10 327 SO +71 10 328 HO +71 10 329 LO +71 10 330 SO +71 11 1 HO +71 11 2 SO +71 11 3 YA +71 11 4 BA +71 11 5 HO +71 11 6 LA +71 11 7 HO +71 11 8 BA +71 11 9 CA +71 11 10 HO +71 11 11 HO +71 11 12 LA +71 11 13 HO +71 11 14 HO +71 11 15 SO +71 11 16 SO +71 11 17 YA +71 11 18 LO +71 11 19 HO +71 11 20 HO +71 11 21 KI +71 11 22 LA +71 11 23 BA +71 11 24 CA +71 11 25 HO +71 11 26 HO +71 11 27 SO +71 11 28 KI +71 11 29 HO +71 11 30 YA +71 11 31 SO +71 11 32 BA +71 11 33 HO +71 11 34 HO +71 11 35 YA +71 11 36 HO +71 11 37 HO +71 11 38 KI +71 11 39 HO +71 11 40 SO +71 11 41 KI +71 11 42 LA +71 11 43 HO +71 11 44 SO +71 11 45 HO +71 11 46 SO +71 11 47 HO +71 11 48 YA +71 11 49 HO +71 11 50 BA +71 11 51 CA +71 11 52 SO +71 11 53 KI +71 11 54 HO +71 11 55 HO +71 11 56 SO +71 11 57 HO +71 11 58 LA +71 11 59 SO +71 11 60 HO +71 11 61 KI +71 11 62 SO +71 11 63 KI +71 11 64 HO +71 11 65 KI +71 11 66 SO +71 11 67 HO +71 11 68 KI +71 11 69 HO +71 11 70 SO +71 11 71 KI +71 11 72 HO +71 11 73 BA +71 11 74 SO +71 11 75 HO +71 11 76 KI +71 11 77 HO +71 11 78 SO +71 11 79 LO +71 11 80 HO +71 11 81 HO +71 11 82 SO +71 11 83 LA +71 11 84 LA +71 11 85 HO +71 11 86 LA +71 11 87 HO +71 11 88 BA +71 11 89 LO +71 11 90 HO +71 11 91 LA +71 11 92 SO +71 11 93 HO +71 11 94 CA +71 11 95 SO +71 11 96 LA +71 11 97 BA +71 11 98 KI +71 11 99 SO +71 11 100 HO +71 11 101 KI +71 11 102 SO +71 11 103 LA +71 11 104 SO +71 11 105 BA +71 11 106 LA +71 11 107 HA +71 11 108 SO +71 11 109 HO +71 11 110 LA +71 11 111 HO +71 11 112 KI +71 11 113 SO +71 11 114 HO +71 11 115 KI +71 11 116 HO +71 11 117 CA +71 11 118 KI +71 11 119 HO +71 11 120 HA +71 11 121 YA +71 11 122 HO +71 11 123 HO +71 11 124 LA +71 11 125 LA +71 11 126 KI +71 11 127 HO +71 11 128 LA +71 11 129 SO +71 11 130 LO +71 11 131 BA +71 11 132 KI +71 11 133 HO +71 11 134 KI +71 11 135 BA +71 11 136 HO +71 11 137 HO +71 11 138 HO +71 11 139 SO +71 11 140 HO +71 11 141 HA +71 11 142 HA +71 11 143 HO +71 11 144 BA +71 11 145 HO +71 11 146 LA +71 11 147 HO +71 11 148 KI +71 11 149 HO +71 11 150 BA +71 11 151 KI +71 11 152 BA +71 11 153 HO +71 11 154 SO +71 11 155 CA +71 11 156 HO +71 11 157 CA +71 11 158 HA +71 11 159 LA +71 11 160 SO +71 11 161 HO +71 11 162 KI +71 11 163 HO +71 11 164 HO +71 11 165 HO +71 11 166 HO +71 11 167 SO +71 11 168 HO +71 11 169 HO +71 11 170 LO +71 11 171 HO +71 11 172 SO +71 11 173 KI +71 11 174 LA +71 11 175 HO +71 11 176 KI +71 11 177 LA +71 11 178 HO +71 11 179 KI +71 11 180 HO +71 11 181 CA +71 11 182 BA +71 11 183 CA +71 11 184 BA +71 11 185 LA +71 11 186 HO +71 11 187 YA +71 11 188 HO +71 11 189 SO +71 11 190 LA +71 11 191 HO +71 11 192 BA +71 11 193 HO +71 11 194 KI +71 11 195 HO +71 11 196 SO +71 11 197 BA +71 11 198 LO +71 11 199 SO +71 11 200 HO +71 11 201 KI +71 11 202 HO +71 11 203 KI +71 11 204 LO +71 11 205 BA +71 11 206 SO +71 11 207 KI +71 11 208 CA +71 11 209 HO +71 11 210 BA +71 11 211 HO +71 11 212 YA +71 11 213 SO +71 11 214 LA +71 11 215 BA +71 11 216 LO +71 11 217 KI +71 11 218 HO +71 11 219 SO +71 11 220 BA +71 11 221 SO +71 11 222 BA +71 11 223 HO +71 11 224 SO +71 11 225 LA +71 11 226 HO +71 11 227 LO +71 11 228 HO +71 11 229 HO +71 11 230 HA +71 11 231 BA +71 11 232 CA +71 11 233 BA +71 11 234 HO +71 11 235 HO +71 11 236 LA +71 11 237 LA +71 11 238 HO +71 11 239 KI +71 11 240 CA +71 11 241 HA +71 11 242 LA +71 11 243 KI +71 11 244 SO +71 11 245 KI +71 11 246 HO +71 11 247 BA +71 11 248 HO +71 11 249 HO +71 11 250 BA +71 11 251 HO +71 11 252 HA +71 11 253 HO +71 11 254 BA +71 11 255 LO +71 11 256 KI +71 11 257 HO +71 11 258 LA +71 11 259 KI +71 11 260 SO +71 11 261 YA +71 11 262 HA +71 11 263 SO +71 11 264 HO +71 11 265 HO +71 11 266 KI +71 11 267 BA +71 11 268 HO +71 11 269 BA +71 11 270 LA +71 11 271 HO +71 11 272 HA +71 11 273 BA +71 11 274 HA +71 11 275 LA +71 11 276 KI +71 11 277 HO +71 11 278 LA +71 11 279 HO +71 11 280 HO +71 11 281 HO +71 11 282 HO +71 11 283 CA +71 11 284 HA +71 11 285 KI +71 11 286 HA +71 11 287 LA +71 11 288 KI +71 11 289 HO +71 11 290 SO +71 11 291 HO +71 11 292 LA +71 11 293 SO +71 11 294 HA +71 11 295 CA +71 11 296 BA +71 11 297 LA +71 11 298 KI +71 11 299 HO +71 11 300 SO +71 11 301 HO +71 11 302 SO +71 11 303 HO +71 11 304 LA +71 11 305 BA +71 11 306 HO +71 11 307 HO +71 11 308 BA +71 11 309 CA +71 11 310 HO +71 11 311 HO +71 11 312 LO +71 11 313 HO +71 11 314 HA +71 11 315 HO +71 11 316 HO +71 11 317 KI +71 11 318 LA +71 11 319 HA +71 11 320 LA +71 11 321 KI +71 11 322 SO +71 11 323 HO +71 11 324 SO +71 11 325 BA +71 11 326 LA +71 11 327 SO +71 11 328 HO +71 11 329 CA +71 11 330 HA +71 12 1 SO +71 12 2 SO +71 12 3 KI +71 12 4 BA +71 12 5 SO +71 12 6 KI +71 12 7 HO +71 12 8 KI +71 12 9 KK +71 12 10 HO +71 12 11 HO +71 12 12 LA +71 12 13 HO +71 12 14 HO +71 12 15 BA +71 12 16 SO +71 12 17 LA +71 12 18 LO +71 12 19 HO +71 12 20 HO +71 12 21 KI +71 12 22 LA +71 12 23 BA +71 12 24 LO +71 12 25 HO +71 12 26 HO +71 12 27 KI +71 12 28 KI +71 12 29 HO +71 12 30 YA +71 12 31 SO +71 12 32 BA +71 12 33 HO +71 12 34 HO +71 12 35 KI +71 12 36 HO +71 12 37 SO +71 12 38 KI +71 12 39 HO +71 12 40 HO +71 12 41 KI +71 12 42 LA +71 12 43 HO +71 12 44 KI +71 12 45 HO +71 12 46 SO +71 12 47 HO +71 12 48 LA +71 12 49 HO +71 12 50 BA +71 12 51 LO +71 12 52 SO +71 12 53 KI +71 12 54 HO +71 12 55 HO +71 12 56 KI +71 12 57 HO +71 12 58 LA +71 12 59 BA +71 12 60 HO +71 12 61 KI +71 12 62 BA +71 12 63 KI +71 12 64 HO +71 12 65 KI +71 12 66 HA +71 12 67 HO +71 12 68 KI +71 12 69 HO +71 12 70 SO +71 12 71 KI +71 12 72 HO +71 12 73 BA +71 12 74 SO +71 12 75 HO +71 12 76 LA +71 12 77 SO +71 12 78 KI +71 12 79 LO +71 12 80 HO +71 12 81 LI +71 12 82 HO +71 12 83 LA +71 12 84 KI +71 12 85 HO +71 12 86 KI +71 12 87 LO +71 12 88 BA +71 12 89 LO +71 12 90 HO +71 12 91 LI +71 12 92 HA +71 12 93 HO +71 12 94 LO +71 12 95 SO +71 12 96 LA +71 12 97 BA +71 12 98 KI +71 12 99 BA +71 12 100 SO +71 12 101 KI +71 12 102 BA +71 12 103 LA +71 12 104 SO +71 12 105 BA +71 12 106 LA +71 12 107 SO +71 12 108 HO +71 12 109 HO +71 12 110 LA +71 12 111 LO +71 12 112 KI +71 12 113 LO +71 12 114 HO +71 12 115 KI +71 12 116 SO +71 12 117 LO +71 12 118 KI +71 12 119 HO +71 12 120 HA +71 12 121 LA +71 12 122 HO +71 12 123 HO +71 12 124 HO +71 12 125 LA +71 12 126 BA +71 12 127 HO +71 12 128 LA +71 12 129 SO +71 12 130 SO +71 12 131 BA +71 12 132 LA +71 12 133 HO +71 12 134 LO +71 12 135 BA +71 12 136 HO +71 12 137 HO +71 12 138 SO +71 12 139 HA +71 12 140 HO +71 12 141 HA +71 12 142 SO +71 12 143 LI +71 12 144 BA +71 12 145 HO +71 12 146 LA +71 12 147 HO +71 12 148 KI +71 12 149 LI +71 12 150 BA +71 12 151 KI +71 12 152 BA +71 12 153 HO +71 12 154 SO +71 12 155 LO +71 12 156 HO +71 12 157 LO +71 12 158 HA +71 12 159 BA +71 12 160 LA +71 12 161 HO +71 12 162 KI +71 12 163 HO +71 12 164 HO +71 12 165 HO +71 12 166 HO +71 12 167 BA +71 12 168 HO +71 12 169 HO +71 12 170 HO +71 12 171 HO +71 12 172 HA +71 12 173 KI +71 12 174 LA +71 12 175 SO +71 12 176 KI +71 12 177 LA +71 12 178 HO +71 12 179 KI +71 12 180 HO +71 12 181 LA +71 12 182 BA +71 12 183 LO +71 12 184 BA +71 12 185 LA +71 12 186 HO +71 12 187 LA +71 12 188 HO +71 12 189 SO +71 12 190 KI +71 12 191 HO +71 12 192 BA +71 12 193 LI +71 12 194 KI +71 12 195 HO +71 12 196 SO +71 12 197 BA +71 12 198 LO +71 12 199 HO +71 12 200 HO +71 12 201 KI +71 12 202 HO +71 12 203 KI +71 12 204 LO +71 12 205 BA +71 12 206 SO +71 12 207 KI +71 12 208 LA +71 12 209 HO +71 12 210 LO +71 12 211 SO +71 12 212 LA +71 12 213 BA +71 12 214 LI +71 12 215 KI +71 12 216 HO +71 12 217 KI +71 12 218 HO +71 12 219 SO +71 12 220 HO +71 12 221 SO +71 12 222 BA +71 12 223 HO +71 12 224 SO +71 12 225 HO +71 12 226 HO +71 12 227 LO +71 12 228 HO +71 12 229 HO +71 12 230 KI +71 12 231 BA +71 12 232 LO +71 12 233 BA +71 12 234 HO +71 12 235 HO +71 12 236 LI +71 12 237 KI +71 12 238 HO +71 12 239 KI +71 12 240 LO +71 12 241 SO +71 12 242 LA +71 12 243 KI +71 12 244 SO +71 12 245 KI +71 12 246 SO +71 12 247 BA +71 12 248 LO +71 12 249 HO +71 12 250 BA +71 12 251 SO +71 12 252 KI +71 12 253 HO +71 12 254 SO +71 12 255 LO +71 12 256 KI +71 12 257 HO +71 12 258 LA +71 12 259 KI +71 12 260 LI +71 12 261 LA +71 12 262 HA +71 12 263 SO +71 12 264 SO +71 12 265 HO +71 12 266 LA +71 12 267 BA +71 12 268 HO +71 12 269 BA +71 12 270 LA +71 12 271 HO +71 12 272 SO +71 12 273 BA +71 12 274 HA +71 12 275 LA +71 12 276 KI +71 12 277 HO +71 12 278 YA +71 12 279 HO +71 12 280 LI +71 12 281 HO +71 12 282 HO +71 12 283 LO +71 12 284 SO +71 12 285 KI +71 12 286 HA +71 12 287 LO +71 12 288 KI +71 12 289 SO +71 12 290 SO +71 12 291 HO +71 12 292 KI +71 12 293 SO +71 12 294 SO +71 12 295 LO +71 12 296 BA +71 12 297 LA +71 12 298 KI +71 12 299 HO +71 12 300 SO +71 12 301 HO +71 12 302 KI +71 12 303 SO +71 12 304 LI +71 12 305 BA +71 12 306 HO +71 12 307 HO +71 12 308 BA +71 12 309 LO +71 12 310 HO +71 12 311 HO +71 12 312 LO +71 12 313 HO +71 12 314 HA +71 12 315 HO +71 12 316 HO +71 12 317 KI +71 12 318 YA +71 12 319 SO +71 12 320 HO +71 12 321 KI +71 12 322 SO +71 12 323 HO +71 12 324 KI +71 12 325 BA +71 12 326 LA +71 12 327 SO +71 12 328 HO +71 12 329 LO +71 12 330 SO +71 13 1 HO +71 13 2 OK +71 13 3 LA +71 13 4 HA +71 13 5 HO +71 13 6 LA +71 13 7 OK +71 13 8 BA +71 13 9 KK +71 13 10 HO +71 13 11 SO +71 13 12 LA +71 13 13 HO +71 13 14 HO +71 13 15 KI +71 13 16 HA +71 13 17 KI +71 13 18 LO +71 13 19 SO +71 13 20 OK +71 13 21 KI +71 13 22 LA +71 13 23 BA +71 13 24 LA +71 13 25 HO +71 13 26 HO +71 13 27 LA +71 13 28 KI +71 13 29 HO +71 13 30 LA +71 13 31 SO +71 13 32 BA +71 13 33 OK +71 13 34 HO +71 13 35 LA +71 13 36 HO +71 13 37 SO +71 13 38 KI +71 13 39 HO +71 13 40 HO +71 13 41 KI +71 13 42 HO +71 13 43 HO +71 13 44 KI +71 13 45 OK +71 13 46 SO +71 13 47 SO +71 13 48 LA +71 13 49 SO +71 13 50 BA +71 13 51 KK +71 13 52 SO +71 13 53 KI +71 13 54 HO +71 13 55 HO +71 13 56 KI +71 13 57 HO +71 13 58 LA +71 13 59 KI +71 13 60 SO +71 13 61 KI +71 13 62 BA +71 13 63 KI +71 13 64 HO +71 13 65 KI +71 13 66 LA +71 13 67 HO +71 13 68 KI +71 13 69 HO +71 13 70 BA +71 13 71 BA +71 13 72 HO +71 13 73 BA +71 13 74 SO +71 13 75 HO +71 13 76 LA +71 13 77 HO +71 13 78 KI +71 13 79 SO +71 13 80 HO +71 13 81 HO +71 13 82 HO +71 13 83 LA +71 13 84 KI +71 13 85 HO +71 13 86 KI +71 13 87 SO +71 13 88 BA +71 13 89 SO +71 13 90 HO +71 13 91 HO +71 13 92 LA +71 13 93 HO +71 13 94 SO +71 13 95 HO +71 13 96 LA +71 13 97 BA +71 13 98 KI +71 13 99 BA +71 13 100 HO +71 13 101 BA +71 13 102 SO +71 13 103 HO +71 13 104 SO +71 13 105 BA +71 13 106 LA +71 13 107 KI +71 13 108 HO +71 13 109 BA +71 13 110 LA +71 13 111 HO +71 13 112 KI +71 13 113 SO +71 13 114 HO +71 13 115 KI +71 13 116 SO +71 13 117 CA +71 13 118 KI +71 13 119 HO +71 13 120 KI +71 13 121 LA +71 13 122 HO +71 13 123 HO +71 13 124 HO +71 13 125 LA +71 13 126 LA +71 13 127 HO +71 13 128 HO +71 13 129 KI +71 13 130 SO +71 13 131 BA +71 13 132 LA +71 13 133 HO +71 13 134 SO +71 13 135 BA +71 13 136 SO +71 13 137 HO +71 13 138 SO +71 13 139 KI +71 13 140 HO +71 13 141 HA +71 13 142 SO +71 13 143 LA +71 13 144 BA +71 13 145 HO +71 13 146 LA +71 13 147 HO +71 13 148 KI +71 13 149 HO +71 13 150 BA +71 13 151 KI +71 13 152 BA +71 13 153 HO +71 13 154 SO +71 13 155 SO +71 13 156 HO +71 13 157 LA +71 13 158 HA +71 13 159 LA +71 13 160 KI +71 13 161 HO +71 13 162 KI +71 13 163 HO +71 13 164 HO +71 13 165 OK +71 13 166 HO +71 13 167 BA +71 13 168 HO +71 13 169 HO +71 13 170 HO +71 13 171 HO +71 13 172 HA +71 13 173 KI +71 13 174 LA +71 13 175 HO +71 13 176 KI +71 13 177 LA +71 13 178 HO +71 13 179 KI +71 13 180 HO +71 13 181 LA +71 13 182 BA +71 13 183 LA +71 13 184 BA +71 13 185 LA +71 13 186 HO +71 13 187 LA +71 13 188 HO +71 13 189 SO +71 13 190 KI +71 13 191 HO +71 13 192 BA +71 13 193 HO +71 13 194 KI +71 13 195 HO +71 13 196 HO +71 13 197 BA +71 13 198 SO +71 13 199 HO +71 13 200 SO +71 13 201 KI +71 13 202 HO +71 13 203 KI +71 13 204 SO +71 13 205 BA +71 13 206 HO +71 13 207 BA +71 13 208 LA +71 13 209 HO +71 13 210 KI +71 13 211 HO +71 13 212 KI +71 13 213 BA +71 13 214 HO +71 13 215 KI +71 13 216 SO +71 13 217 KI +71 13 218 HO +71 13 219 SO +71 13 220 BA +71 13 221 SO +71 13 222 BA +71 13 223 HO +71 13 224 KI +71 13 225 HO +71 13 226 HO +71 13 227 SO +71 13 228 HO +71 13 229 HO +71 13 230 KI +71 13 231 BA +71 13 232 HO +71 13 233 HO +71 13 234 OK +71 13 235 HO +71 13 236 HO +71 13 237 KI +71 13 238 OK +71 13 239 KI +71 13 240 KK +71 13 241 HA +71 13 242 LA +71 13 243 KI +71 13 244 SO +71 13 245 KI +71 13 246 OK +71 13 247 BA +71 13 248 HO +71 13 249 HO +71 13 250 BA +71 13 251 HO +71 13 252 KI +71 13 253 OK +71 13 254 HO +71 13 255 SO +71 13 256 KI +71 13 257 HO +71 13 258 HO +71 13 259 KI +71 13 260 HO +71 13 261 LA +71 13 262 HA +71 13 263 SO +71 13 264 SO +71 13 265 OK +71 13 266 KI +71 13 267 BA +71 13 268 OK +71 13 269 BA +71 13 270 LA +71 13 271 OK +71 13 272 SO +71 13 273 BA +71 13 274 HA +71 13 275 HO +71 13 276 BA +71 13 277 OK +71 13 278 LA +71 13 279 HO +71 13 280 OK +71 13 281 OK +71 13 282 OK +71 13 283 KK +71 13 284 SO +71 13 285 KI +71 13 286 HA +71 13 287 LA +71 13 288 KI +71 13 289 SO +71 13 290 KI +71 13 291 HO +71 13 292 KI +71 13 293 SO +71 13 294 SO +71 13 295 CA +71 13 296 BA +71 13 297 LA +71 13 298 KI +71 13 299 OK +71 13 300 SO +71 13 301 OK +71 13 302 KI +71 13 303 SO +71 13 304 OK +71 13 305 BA +71 13 306 HO +71 13 307 HO +71 13 308 BA +71 13 309 SO +71 13 310 OK +71 13 311 HO +71 13 312 SO +71 13 313 BA +71 13 314 SO +71 13 315 OK +71 13 316 OK +71 13 317 KI +71 13 318 LA +71 13 319 HA +71 13 320 HO +71 13 321 KI +71 13 322 HO +71 13 323 HO +71 13 324 KI +71 13 325 BA +71 13 326 HO +71 13 327 SO +71 13 328 OK +71 13 329 LA +71 13 330 SO +71 14 1 HO +71 14 2 HO +71 14 3 LA +71 14 4 BA +71 14 5 HO +71 14 6 LA +71 14 7 HO +71 14 8 KI +71 14 9 LA +71 14 10 HO +71 14 11 HO +71 14 12 LA +71 14 13 HO +71 14 14 HO +71 14 15 KI +71 14 16 SO +71 14 17 LA +71 14 18 LO +71 14 19 HO +71 14 20 OK +71 14 21 KI +71 14 22 LA +71 14 23 BA +71 14 24 SO +71 14 25 HO +71 14 26 HO +71 14 27 KI +71 14 28 KI +71 14 29 HO +71 14 30 LA +71 14 31 HO +71 14 32 KI +71 14 33 OK +71 14 34 HO +71 14 35 LA +71 14 36 HO +71 14 37 HO +71 14 38 KI +71 14 39 HO +71 14 40 HO +71 14 41 KI +71 14 42 LA +71 14 43 HO +71 14 44 HA +71 14 45 HO +71 14 46 SO +71 14 47 HO +71 14 48 LA +71 14 49 HO +71 14 50 BA +71 14 51 LA +71 14 52 OK +71 14 53 BA +71 14 54 OK +71 14 55 HO +71 14 56 LA +71 14 57 HO +71 14 58 OK +71 14 59 BA +71 14 60 HO +71 14 61 KI +71 14 62 BA +71 14 63 LA +71 14 64 HO +71 14 65 KI +71 14 66 HA +71 14 67 OK +71 14 68 BA +71 14 69 OK +71 14 70 SO +71 14 71 BA +71 14 72 HO +71 14 73 BA +71 14 74 HO +71 14 75 HO +71 14 76 LA +71 14 77 HO +71 14 78 BA +71 14 79 SO +71 14 80 HO +71 14 81 HO +71 14 82 HO +71 14 83 LA +71 14 84 KI +71 14 85 HO +71 14 86 KI +71 14 87 LO +71 14 88 BA +71 14 89 SO +71 14 90 HO +71 14 91 HO +71 14 92 HA +71 14 93 HO +71 14 94 LA +71 14 95 HO +71 14 96 LA +71 14 97 BA +71 14 98 KI +71 14 99 BA +71 14 100 OK +71 14 101 BA +71 14 102 BA +71 14 103 HO +71 14 104 HO +71 14 105 BA +71 14 106 LA +71 14 107 HA +71 14 108 HO +71 14 109 HO +71 14 110 LA +71 14 111 HO +71 14 112 KI +71 14 113 LO +71 14 114 HO +71 14 115 KI +71 14 116 HO +71 14 117 KI +71 14 118 KI +71 14 119 HO +71 14 120 HA +71 14 121 LA +71 14 122 OK +71 14 123 HO +71 14 124 LA +71 14 125 LA +71 14 126 KI +71 14 127 HO +71 14 128 LA +71 14 129 KI +71 14 130 HO +71 14 131 BA +71 14 132 LA +71 14 133 HO +71 14 134 BA +71 14 135 BA +71 14 136 HO +71 14 137 HO +71 14 138 HO +71 14 139 BA +71 14 140 HO +71 14 141 HA +71 14 142 BA +71 14 143 HO +71 14 144 BA +71 14 145 OK +71 14 146 LA +71 14 147 HO +71 14 148 KI +71 14 149 LA +71 14 150 BA +71 14 151 KI +71 14 152 BA +71 14 153 HO +71 14 154 LO +71 14 155 LA +71 14 156 OK +71 14 157 LA +71 14 158 HA +71 14 159 LA +71 14 160 KI +71 14 161 HO +71 14 162 KI +71 14 163 HO +71 14 164 HO +71 14 165 LA +71 14 166 HO +71 14 167 BA +71 14 168 OK +71 14 169 HO +71 14 170 HO +71 14 171 HO +71 14 172 HA +71 14 173 KI +71 14 174 LA +71 14 175 HO +71 14 176 KI +71 14 177 LA +71 14 178 HO +71 14 179 KI +71 14 180 HO +71 14 181 LA +71 14 182 BA +71 14 183 LA +71 14 184 BA +71 14 185 LA +71 14 186 HO +71 14 187 LA +71 14 188 HO +71 14 189 HO +71 14 190 KI +71 14 191 HO +71 14 192 BA +71 14 193 LA +71 14 194 KI +71 14 195 HO +71 14 196 HO +71 14 197 BA +71 14 198 LO +71 14 199 HO +71 14 200 HO +71 14 201 KI +71 14 202 HO +71 14 203 BA +71 14 204 LO +71 14 205 BA +71 14 206 HO +71 14 207 KI +71 14 208 LA +71 14 209 HO +71 14 210 KI +71 14 211 HO +71 14 212 LA +71 14 213 BA +71 14 214 LA +71 14 215 BA +71 14 216 HO +71 14 217 KI +71 14 218 LA +71 14 219 SO +71 14 220 BA +71 14 221 SO +71 14 222 BA +71 14 223 HO +71 14 224 HA +71 14 225 HO +71 14 226 HO +71 14 227 LO +71 14 228 HO +71 14 229 HO +71 14 230 KI +71 14 231 BA +71 14 232 HO +71 14 233 BA +71 14 234 HO +71 14 235 HO +71 14 236 LA +71 14 237 KI +71 14 238 HO +71 14 239 KI +71 14 240 LO +71 14 241 HA +71 14 242 LA +71 14 243 BA +71 14 244 HO +71 14 245 KI +71 14 246 HO +71 14 247 BA +71 14 248 OK +71 14 249 HO +71 14 250 BA +71 14 251 HO +71 14 252 KI +71 14 253 HO +71 14 254 HO +71 14 255 LO +71 14 256 KI +71 14 257 HO +71 14 258 LA +71 14 259 KI +71 14 260 LA +71 14 261 LA +71 14 262 HA +71 14 263 SO +71 14 264 HO +71 14 265 HO +71 14 266 KI +71 14 267 BA +71 14 268 HO +71 14 269 BA +71 14 270 LA +71 14 271 HO +71 14 272 SO +71 14 273 BA +71 14 274 HA +71 14 275 LA +71 14 276 BA +71 14 277 HO +71 14 278 LA +71 14 279 HO +71 14 280 HO +71 14 281 HO +71 14 282 HO +71 14 283 LO +71 14 284 SO +71 14 285 KI +71 14 286 SO +71 14 287 LA +71 14 288 KI +71 14 289 HO +71 14 290 HA +71 14 291 HO +71 14 292 KI +71 14 293 HO +71 14 294 SO +71 14 295 LO +71 14 296 SO +71 14 297 LA +71 14 298 KI +71 14 299 HO +71 14 300 HA +71 14 301 HO +71 14 302 KI +71 14 303 HO +71 14 304 LA +71 14 305 BA +71 14 306 HO +71 14 307 HO +71 14 308 BA +71 14 309 LA +71 14 310 HO +71 14 311 HO +71 14 312 LO +71 14 313 BA +71 14 314 KI +71 14 315 HO +71 14 316 HO +71 14 317 BA +71 14 318 LA +71 14 319 HA +71 14 320 HO +71 14 321 KI +71 14 322 HO +71 14 323 OK +71 14 324 KI +71 14 325 BA +71 14 326 LA +71 14 327 SO +71 14 328 HO +71 14 329 LO +71 14 330 SO +71 15 1 HO +71 15 2 SO +71 15 3 * +71 15 4 BA +71 15 5 HO +71 15 6 SO +71 15 7 HO +71 15 8 KI +71 15 9 CA +71 15 10 HO +71 15 11 HO +71 15 12 LA +71 15 13 HO +71 15 14 SO +71 15 15 KI +71 15 16 HA +71 15 17 KI +71 15 18 LO +71 15 19 HO +71 15 20 HO +71 15 21 KI +71 15 22 LA +71 15 23 BA +71 15 24 CA +71 15 25 HO +71 15 26 HO +71 15 27 SO +71 15 28 KI +71 15 29 HO +71 15 30 CA +71 15 31 SO +71 15 32 BA +71 15 33 HO +71 15 34 HO +71 15 35 KI +71 15 36 HO +71 15 37 SO +71 15 38 KI +71 15 39 HO +71 15 40 HO +71 15 41 KI +71 15 42 LA +71 15 43 HO +71 15 44 HA +71 15 45 HO +71 15 46 SO +71 15 47 HO +71 15 48 LA +71 15 49 HO +71 15 50 BA +71 15 51 CA +71 15 52 HA +71 15 53 KI +71 15 54 HO +71 15 55 HO +71 15 56 KI +71 15 57 HO +71 15 58 LA +71 15 59 BA +71 15 60 HO +71 15 61 KI +71 15 62 BA +71 15 63 KI +71 15 64 HO +71 15 65 KI +71 15 66 SO +71 15 67 HO +71 15 68 BA +71 15 69 HO +71 15 70 SO +71 15 71 KI +71 15 72 HO +71 15 73 BA +71 15 74 SO +71 15 75 HO +71 15 76 KI +71 15 77 HO +71 15 78 KI +71 15 79 LO +71 15 80 HO +71 15 81 HO +71 15 82 HO +71 15 83 LA +71 15 84 KI +71 15 85 HO +71 15 86 KI +71 15 87 LO +71 15 88 BA +71 15 89 LO +71 15 90 HO +71 15 91 HO +71 15 92 LA +71 15 93 HO +71 15 94 LO +71 15 95 SO +71 15 96 LA +71 15 97 BA +71 15 98 KI +71 15 99 BA +71 15 100 SO +71 15 101 KI +71 15 102 SO +71 15 103 HO +71 15 104 SO +71 15 105 BA +71 15 106 LA +71 15 107 HA +71 15 108 SO +71 15 109 HO +71 15 110 LA +71 15 111 SO +71 15 112 KI +71 15 113 LO +71 15 114 HO +71 15 115 KI +71 15 116 SO +71 15 117 CA +71 15 118 KI +71 15 119 HO +71 15 120 HA +71 15 121 KI +71 15 122 HO +71 15 123 HO +71 15 124 HO +71 15 125 KI +71 15 126 KI +71 15 127 HO +71 15 128 LA +71 15 129 SO +71 15 130 HO +71 15 131 BA +71 15 132 CA +71 15 133 HO +71 15 134 CA +71 15 135 BA +71 15 136 HO +71 15 137 HO +71 15 138 SO +71 15 139 SO +71 15 140 HO +71 15 141 HA +71 15 142 HA +71 15 143 HO +71 15 144 BA +71 15 145 HO +71 15 146 LA +71 15 147 HO +71 15 148 KI +71 15 149 HO +71 15 150 BA +71 15 151 KI +71 15 152 BA +71 15 153 HO +71 15 154 SO +71 15 155 CA +71 15 156 HO +71 15 157 CA +71 15 158 HA +71 15 159 LA +71 15 160 KI +71 15 161 HO +71 15 162 KI +71 15 163 HO +71 15 164 HO +71 15 165 HO +71 15 166 HO +71 15 167 BA +71 15 168 HO +71 15 169 HO +71 15 170 HO +71 15 171 HO +71 15 172 HA +71 15 173 KI +71 15 174 LA +71 15 175 SO +71 15 176 KI +71 15 177 LA +71 15 178 HO +71 15 179 KI +71 15 180 HO +71 15 181 LA +71 15 182 KI +71 15 183 LA +71 15 184 BA +71 15 185 LA +71 15 186 SO +71 15 187 LA +71 15 188 HO +71 15 189 SO +71 15 190 KI +71 15 191 HO +71 15 192 BA +71 15 193 LA +71 15 194 KI +71 15 195 HO +71 15 196 SO +71 15 197 BA +71 15 198 LO +71 15 199 SO +71 15 200 HO +71 15 201 KI +71 15 202 HO +71 15 203 BA +71 15 204 CA +71 15 205 BA +71 15 206 SO +71 15 207 KI +71 15 208 LA +71 15 209 HO +71 15 210 KI +71 15 211 HO +71 15 212 LA +71 15 213 BA +71 15 214 LA +71 15 215 KI +71 15 216 HO +71 15 217 KI +71 15 218 HO +71 15 219 SO +71 15 220 HO +71 15 221 SO +71 15 222 BA +71 15 223 HO +71 15 224 SO +71 15 225 LA +71 15 226 HO +71 15 227 LO +71 15 228 HO +71 15 229 SO +71 15 230 HA +71 15 231 BA +71 15 232 LA +71 15 233 SO +71 15 234 HO +71 15 235 HO +71 15 236 LA +71 15 237 KI +71 15 238 HO +71 15 239 KI +71 15 240 CA +71 15 241 HA +71 15 242 LA +71 15 243 KI +71 15 244 KI +71 15 245 HO +71 15 246 HO +71 15 247 BA +71 15 248 HO +71 15 249 HO +71 15 250 BA +71 15 251 HO +71 15 252 HA +71 15 253 HO +71 15 254 SO +71 15 255 LO +71 15 256 KI +71 15 257 HO +71 15 258 LA +71 15 259 KI +71 15 260 SO +71 15 261 LA +71 15 262 HA +71 15 263 SO +71 15 264 SO +71 15 265 HO +71 15 266 CA +71 15 267 BA +71 15 268 HO +71 15 269 BA +71 15 270 LA +71 15 271 HO +71 15 272 SO +71 15 273 BA +71 15 274 HA +71 15 275 LA +71 15 276 KI +71 15 277 HO +71 15 278 KI +71 15 279 HO +71 15 280 HO +71 15 281 HO +71 15 282 HO +71 15 283 CA +71 15 284 SO +71 15 285 KI +71 15 286 HA +71 15 287 LA +71 15 288 KI +71 15 289 HO +71 15 290 HA +71 15 291 HO +71 15 292 SO +71 15 293 KI +71 15 294 SO +71 15 295 CA +71 15 296 BA +71 15 297 LA +71 15 298 KI +71 15 299 HO +71 15 300 HO +71 15 301 SO +71 15 302 HO +71 15 303 HA +71 15 304 SO +71 15 305 HO +71 15 306 BA +71 15 307 HO +71 15 308 BA +71 15 309 CA +71 15 310 HO +71 15 311 HO +71 15 312 LO +71 15 313 BA +71 15 314 HA +71 15 315 HO +71 15 316 HO +71 15 317 BA +71 15 318 KI +71 15 319 HA +71 15 320 HO +71 15 321 KI +71 15 322 SO +71 15 323 HO +71 15 324 SO +71 15 325 BA +71 15 326 LA +71 15 327 SO +71 15 328 HO +71 15 329 CA +71 15 330 SO +71 16 1 SO +71 16 2 HO +71 16 3 LA +71 16 4 BA +71 16 5 HO +71 16 6 LA +71 16 7 HO +71 16 8 KI +71 16 9 LA +71 16 10 HO +71 16 11 HO +71 16 12 LA +71 16 13 HO +71 16 14 HO +71 16 15 KI +71 16 16 HA +71 16 17 LA +71 16 18 LO +71 16 19 HO +71 16 20 HO +71 16 21 KI +71 16 22 LA +71 16 23 BA +71 16 24 SO +71 16 25 HO +71 16 26 HO +71 16 27 SO +71 16 28 KI +71 16 29 HO +71 16 30 LA +71 16 31 SO +71 16 32 KI +71 16 33 HO +71 16 34 HO +71 16 35 LA +71 16 36 HO +71 16 37 SO +71 16 38 KI +71 16 39 HO +71 16 40 SO +71 16 41 KI +71 16 42 LA +71 16 43 HO +71 16 44 HA +71 16 45 HO +71 16 46 SO +71 16 47 HO +71 16 48 LA +71 16 49 SO +71 16 50 BA +71 16 51 LO +71 16 52 SO +71 16 53 KI +71 16 54 HO +71 16 55 HO +71 16 56 KI +71 16 57 HO +71 16 58 LA +71 16 59 SO +71 16 60 HO +71 16 61 KI +71 16 62 BA +71 16 63 KI +71 16 64 HO +71 16 65 KI +71 16 66 HA +71 16 67 HO +71 16 68 BA +71 16 69 HO +71 16 70 SO +71 16 71 KI +71 16 72 HO +71 16 73 BA +71 16 74 SO +71 16 75 HO +71 16 76 LA +71 16 77 HO +71 16 78 SO +71 16 79 LO +71 16 80 HO +71 16 81 HO +71 16 82 HO +71 16 83 LA +71 16 84 KI +71 16 85 HO +71 16 86 KI +71 16 87 LO +71 16 88 BA +71 16 89 LO +71 16 90 HO +71 16 91 HO +71 16 92 SO +71 16 93 HO +71 16 94 LO +71 16 95 SO +71 16 96 LA +71 16 97 BA +71 16 98 KI +71 16 99 BA +71 16 100 SO +71 16 101 BA +71 16 102 SO +71 16 103 HO +71 16 104 SO +71 16 105 BA +71 16 106 LA +71 16 107 HA +71 16 108 SO +71 16 109 HO +71 16 110 LA +71 16 111 HO +71 16 112 KI +71 16 113 LO +71 16 114 HO +71 16 115 KI +71 16 116 HO +71 16 117 LO +71 16 118 KI +71 16 119 HO +71 16 120 HA +71 16 121 LA +71 16 122 HO +71 16 123 HO +71 16 124 HO +71 16 125 LA +71 16 126 KI +71 16 127 HO +71 16 128 LA +71 16 129 HA +71 16 130 BA +71 16 131 HO +71 16 132 LA +71 16 133 HO +71 16 134 LO +71 16 135 KI +71 16 136 HO +71 16 137 HO +71 16 138 SO +71 16 139 SO +71 16 140 HO +71 16 141 HA +71 16 142 SO +71 16 143 HO +71 16 144 BA +71 16 145 HO +71 16 146 LA +71 16 147 HO +71 16 148 KI +71 16 149 HO +71 16 150 BA +71 16 151 KI +71 16 152 BA +71 16 153 HO +71 16 154 LO +71 16 155 LO +71 16 156 HO +71 16 157 LO +71 16 158 HA +71 16 159 KI +71 16 160 LA +71 16 161 HO +71 16 162 KI +71 16 163 HO +71 16 164 SO +71 16 165 LA +71 16 166 HO +71 16 167 SO +71 16 168 HO +71 16 169 SO +71 16 170 HO +71 16 171 HO +71 16 172 HA +71 16 173 KI +71 16 174 LA +71 16 175 SO +71 16 176 LA +71 16 177 HO +71 16 178 HO +71 16 179 KI +71 16 180 HO +71 16 181 LA +71 16 182 BA +71 16 183 LA +71 16 184 BA +71 16 185 LA +71 16 186 SO +71 16 187 LA +71 16 188 HO +71 16 189 SO +71 16 190 KI +71 16 191 HO +71 16 192 BA +71 16 193 LA +71 16 194 BA +71 16 195 HO +71 16 196 SO +71 16 197 BA +71 16 198 LO +71 16 199 SO +71 16 200 SO +71 16 201 KI +71 16 202 HO +71 16 203 BA +71 16 204 LO +71 16 205 BA +71 16 206 SO +71 16 207 KI +71 16 208 LA +71 16 209 HO +71 16 210 KI +71 16 211 SO +71 16 212 LA +71 16 213 SO +71 16 214 LA +71 16 215 BA +71 16 216 HO +71 16 217 KI +71 16 218 HO +71 16 219 SO +71 16 220 BA +71 16 221 HA +71 16 222 BA +71 16 223 HO +71 16 224 HA +71 16 225 LA +71 16 226 HO +71 16 227 LO +71 16 228 HO +71 16 229 SO +71 16 230 HA +71 16 231 BA +71 16 232 LA +71 16 233 SO +71 16 234 HO +71 16 235 HO +71 16 236 LA +71 16 237 LA +71 16 238 HO +71 16 239 KI +71 16 240 KI +71 16 241 HA +71 16 242 LA +71 16 243 BA +71 16 244 HA +71 16 245 KI +71 16 246 HO +71 16 247 BA +71 16 248 HO +71 16 249 HO +71 16 250 BA +71 16 251 HO +71 16 252 HA +71 16 253 HO +71 16 254 SO +71 16 255 LO +71 16 256 KI +71 16 257 HO +71 16 258 LA +71 16 259 KI +71 16 260 LA +71 16 261 LA +71 16 262 HA +71 16 263 HA +71 16 264 SO +71 16 265 HO +71 16 266 LA +71 16 267 BA +71 16 268 HO +71 16 269 BA +71 16 270 LA +71 16 271 HO +71 16 272 HA +71 16 273 BA +71 16 274 HA +71 16 275 LA +71 16 276 BA +71 16 277 HO +71 16 278 LA +71 16 279 HO +71 16 280 HO +71 16 281 HO +71 16 282 HO +71 16 283 KI +71 16 284 HA +71 16 285 BA +71 16 286 HA +71 16 287 LA +71 16 288 KI +71 16 289 HO +71 16 290 HA +71 16 291 HO +71 16 292 KI +71 16 293 SO +71 16 294 HA +71 16 295 LA +71 16 296 BA +71 16 297 LA +71 16 298 KI +71 16 299 HO +71 16 300 HA +71 16 301 HO +71 16 302 HA +71 16 303 SO +71 16 304 HO +71 16 305 BA +71 16 306 HO +71 16 307 HO +71 16 308 BA +71 16 309 LO +71 16 310 HO +71 16 311 HO +71 16 312 LO +71 16 313 BA +71 16 314 HA +71 16 315 HO +71 16 316 HO +71 16 317 BA +71 16 318 LA +71 16 319 HA +71 16 320 LA +71 16 321 KI +71 16 322 SO +71 16 323 HO +71 16 324 HA +71 16 325 BA +71 16 326 LA +71 16 327 SO +71 16 328 HO +71 16 329 KI +71 16 330 SO +71 17 1 HO +71 17 2 HO +71 17 3 LA +71 17 4 BA +71 17 5 HO +71 17 6 LA +71 17 7 HO +71 17 8 BA +71 17 9 CA +71 17 10 HO +71 17 11 HO +71 17 12 LA +71 17 13 HO +71 17 14 HO +71 17 15 KI +71 17 16 SO +71 17 17 LA +71 17 18 LO +71 17 19 HO +71 17 20 HO +71 17 21 KI +71 17 22 LA +71 17 23 BA +71 17 24 LO +71 17 25 HO +71 17 26 HO +71 17 27 HA +71 17 28 KI +71 17 29 HO +71 17 30 LA +71 17 31 SO +71 17 32 KI +71 17 33 HO +71 17 34 HO +71 17 35 LA +71 17 36 HO +71 17 37 HO +71 17 38 KI +71 17 39 HO +71 17 40 HO +71 17 41 KI +71 17 42 LA +71 17 43 HO +71 17 44 HA +71 17 45 HO +71 17 46 SO +71 17 47 LO +71 17 48 LA +71 17 49 SO +71 17 50 BA +71 17 51 LO +71 17 52 SO +71 17 53 BA +71 17 54 HO +71 17 55 HO +71 17 56 LA +71 17 57 HO +71 17 58 LA +71 17 59 KI +71 17 60 HO +71 17 61 KI +71 17 62 BA +71 17 63 KI +71 17 64 HO +71 17 65 KI +71 17 66 HA +71 17 67 HO +71 17 68 KI +71 17 69 HO +71 17 70 HO +71 17 71 KI +71 17 72 HO +71 17 73 BA +71 17 74 SO +71 17 75 LO +71 17 76 LA +71 17 77 HO +71 17 78 KI +71 17 79 LO +71 17 80 HO +71 17 81 LA +71 17 82 SO +71 17 83 HA +71 17 84 LA +71 17 85 HO +71 17 86 KI +71 17 87 LO +71 17 88 BA +71 17 89 LO +71 17 90 HO +71 17 91 LA +71 17 92 HA +71 17 93 HO +71 17 94 CA +71 17 95 SO +71 17 96 LA +71 17 97 BA +71 17 98 KI +71 17 99 KI +71 17 100 SO +71 17 101 KI +71 17 102 SO +71 17 103 HO +71 17 104 SO +71 17 105 BA +71 17 106 LA +71 17 107 HA +71 17 108 SO +71 17 109 BA +71 17 110 LA +71 17 111 HO +71 17 112 KI +71 17 113 LO +71 17 114 HO +71 17 115 KI +71 17 116 SO +71 17 117 CA +71 17 118 KI +71 17 119 HO +71 17 120 HA +71 17 121 LA +71 17 122 HO +71 17 123 HO +71 17 124 LA +71 17 125 LA +71 17 126 KI +71 17 127 LO +71 17 128 LA +71 17 129 HA +71 17 130 LO +71 17 131 BA +71 17 132 KI +71 17 133 HO +71 17 134 CA +71 17 135 KI +71 17 136 SO +71 17 137 HO +71 17 138 SO +71 17 139 KI +71 17 140 HO +71 17 141 HA +71 17 142 HA +71 17 143 LA +71 17 144 BA +71 17 145 HO +71 17 146 LA +71 17 147 HO +71 17 148 KI +71 17 149 HO +71 17 150 BA +71 17 151 KI +71 17 152 KI +71 17 153 HO +71 17 154 LO +71 17 155 CA +71 17 156 HO +71 17 157 CA +71 17 158 HA +71 17 159 LA +71 17 160 KI +71 17 161 HO +71 17 162 KI +71 17 163 HO +71 17 164 HO +71 17 165 HO +71 17 166 HO +71 17 167 BA +71 17 168 HO +71 17 169 HO +71 17 170 LO +71 17 171 HO +71 17 172 HA +71 17 173 KI +71 17 174 LA +71 17 175 SO +71 17 176 KI +71 17 177 LA +71 17 178 HO +71 17 179 KI +71 17 180 HO +71 17 181 LA +71 17 182 KI +71 17 183 CA +71 17 184 BA +71 17 185 LA +71 17 186 HO +71 17 187 LA +71 17 188 HO +71 17 189 SO +71 17 190 KI +71 17 191 HO +71 17 192 BA +71 17 193 LA +71 17 194 KI +71 17 195 HO +71 17 196 SO +71 17 197 BA +71 17 198 LO +71 17 199 SO +71 17 200 HO +71 17 201 KI +71 17 202 HO +71 17 203 KI +71 17 204 LO +71 17 205 BA +71 17 206 SO +71 17 207 KI +71 17 208 LA +71 17 209 HO +71 17 210 BA +71 17 211 HO +71 17 212 LA +71 17 213 BA +71 17 214 LA +71 17 215 KI +71 17 216 HO +71 17 217 KI +71 17 218 LA +71 17 219 SO +71 17 220 BA +71 17 221 SO +71 17 222 BA +71 17 223 HO +71 17 224 HA +71 17 225 LA +71 17 226 HO +71 17 227 LO +71 17 228 HO +71 17 229 HO +71 17 230 KI +71 17 231 BA +71 17 232 CA +71 17 233 BA +71 17 234 HO +71 17 235 HO +71 17 236 LA +71 17 237 LA +71 17 238 HO +71 17 239 KI +71 17 240 CA +71 17 241 HA +71 17 242 LA +71 17 243 KI +71 17 244 SO +71 17 245 KI +71 17 246 HO +71 17 247 BA +71 17 248 LO +71 17 249 HO +71 17 250 BA +71 17 251 SO +71 17 252 KI +71 17 253 HO +71 17 254 SO +71 17 255 LO +71 17 256 KI +71 17 257 HO +71 17 258 LA +71 17 259 KI +71 17 260 SO +71 17 261 LA +71 17 262 HA +71 17 263 SO +71 17 264 SO +71 17 265 HO +71 17 266 CA +71 17 267 BA +71 17 268 HO +71 17 269 BA +71 17 270 LA +71 17 271 LO +71 17 272 HA +71 17 273 BA +71 17 274 HA +71 17 275 LA +71 17 276 KI +71 17 277 HO +71 17 278 LA +71 17 279 BA +71 17 280 LA +71 17 281 HO +71 17 282 HO +71 17 283 CA +71 17 284 HA +71 17 285 KI +71 17 286 SO +71 17 287 LA +71 17 288 KI +71 17 289 HO +71 17 290 HA +71 17 291 HO +71 17 292 KI +71 17 293 SO +71 17 294 HA +71 17 295 CA +71 17 296 BA +71 17 297 LA +71 17 298 KI +71 17 299 HO +71 17 300 SO +71 17 301 HO +71 17 302 KI +71 17 303 SO +71 17 304 HO +71 17 305 BA +71 17 306 HO +71 17 307 HO +71 17 308 BA +71 17 309 LO +71 17 310 HO +71 17 311 HO +71 17 312 CA +71 17 313 BA +71 17 314 HA +71 17 315 HO +71 17 316 HO +71 17 317 KI +71 17 318 LA +71 17 319 HA +71 17 320 HO +71 17 321 KI +71 17 322 SO +71 17 323 HO +71 17 324 HA +71 17 325 BA +71 17 326 LA +71 17 327 SO +71 17 328 HO +71 17 329 CA +71 17 330 SO +71 18 1 SO +71 18 2 HO +71 18 3 LA +71 18 4 BA +71 18 5 HO +71 18 6 LA +71 18 7 HO +71 18 8 BA +71 18 9 LA +71 18 10 HO +71 18 11 HO +71 18 12 LA +71 18 13 HO +71 18 14 HO +71 18 15 KI +71 18 16 HA +71 18 17 LA +71 18 18 SO +71 18 19 SO +71 18 20 HO +71 18 21 KI +71 18 22 LA +71 18 23 BA +71 18 24 CA +71 18 25 HO +71 18 26 HO +71 18 27 LA +71 18 28 KI +71 18 29 HO +71 18 30 LA +71 18 31 SO +71 18 32 KI +71 18 33 HO +71 18 34 HO +71 18 35 LA +71 18 36 HO +71 18 37 SO +71 18 38 KI +71 18 39 HO +71 18 40 HO +71 18 41 KI +71 18 42 LA +71 18 43 HO +71 18 44 LA +71 18 45 HO +71 18 46 SO +71 18 47 HO +71 18 48 LA +71 18 49 HO +71 18 50 BA +71 18 51 LA +71 18 52 SO +71 18 53 KI +71 18 54 HO +71 18 55 HO +71 18 56 LA +71 18 57 HO +71 18 58 LA +71 18 59 KI +71 18 60 LO +71 18 61 KI +71 18 62 SO +71 18 63 LA +71 18 64 HO +71 18 65 KI +71 18 66 LA +71 18 67 HO +71 18 68 BA +71 18 69 LA +71 18 70 SO +71 18 71 KI +71 18 72 HO +71 18 73 BA +71 18 74 SO +71 18 75 HO +71 18 76 LA +71 18 77 HO +71 18 78 KI +71 18 79 LO +71 18 80 HO +71 18 81 HO +71 18 82 HO +71 18 83 LA +71 18 84 KI +71 18 85 HO +71 18 86 KI +71 18 87 LO +71 18 88 BA +71 18 89 LO +71 18 90 HO +71 18 91 LA +71 18 92 LA +71 18 93 HO +71 18 94 LA +71 18 95 SO +71 18 96 LA +71 18 97 BA +71 18 98 KI +71 18 99 BA +71 18 100 SO +71 18 101 KI +71 18 102 SO +71 18 103 LA +71 18 104 SO +71 18 105 BA +71 18 106 LA +71 18 107 HA +71 18 108 SO +71 18 109 HO +71 18 110 LA +71 18 111 LA +71 18 112 KI +71 18 113 LA +71 18 114 HO +71 18 115 KI +71 18 116 SO +71 18 117 LA +71 18 118 OK +71 18 119 HO +71 18 120 HA +71 18 121 LA +71 18 122 HO +71 18 123 HO +71 18 124 LA +71 18 125 KI +71 18 126 KI +71 18 127 HO +71 18 128 LA +71 18 129 SO +71 18 130 HO +71 18 131 BA +71 18 132 LA +71 18 133 HO +71 18 134 LA +71 18 135 BA +71 18 136 HO +71 18 137 HO +71 18 138 SO +71 18 139 SO +71 18 140 HO +71 18 141 HA +71 18 142 SO +71 18 143 HO +71 18 144 BA +71 18 145 HO +71 18 146 LA +71 18 147 HO +71 18 148 KI +71 18 149 HO +71 18 150 BA +71 18 151 KI +71 18 152 BA +71 18 153 HO +71 18 154 SO +71 18 155 LA +71 18 156 HO +71 18 157 LA +71 18 158 HA +71 18 159 LA +71 18 160 KI +71 18 161 HO +71 18 162 KI +71 18 163 HO +71 18 164 HO +71 18 165 LA +71 18 166 HO +71 18 167 SO +71 18 168 HO +71 18 169 HO +71 18 170 LO +71 18 171 LA +71 18 172 HA +71 18 173 KI +71 18 174 LA +71 18 175 SO +71 18 176 KI +71 18 177 LA +71 18 178 HO +71 18 179 KI +71 18 180 HO +71 18 181 LA +71 18 182 BA +71 18 183 LA +71 18 184 BA +71 18 185 LA +71 18 186 HO +71 18 187 LA +71 18 188 HO +71 18 189 SO +71 18 190 KI +71 18 191 HO +71 18 192 BA +71 18 193 LA +71 18 194 KI +71 18 195 HO +71 18 196 SO +71 18 197 BA +71 18 198 LO +71 18 199 SO +71 18 200 HO +71 18 201 LA +71 18 202 HO +71 18 203 BA +71 18 204 LA +71 18 205 BA +71 18 206 LA +71 18 207 KI +71 18 208 LA +71 18 209 HO +71 18 210 KI +71 18 211 HO +71 18 212 LA +71 18 213 SO +71 18 214 LA +71 18 215 KI +71 18 216 LA +71 18 217 KI +71 18 218 LA +71 18 219 SO +71 18 220 HO +71 18 221 SO +71 18 222 BA +71 18 223 HO +71 18 224 SO +71 18 225 LA +71 18 226 HO +71 18 227 LO +71 18 228 HO +71 18 229 HO +71 18 230 LA +71 18 231 BA +71 18 232 LA +71 18 233 HO +71 18 234 HO +71 18 235 HO +71 18 236 LA +71 18 237 LA +71 18 238 HO +71 18 239 KI +71 18 240 LA +71 18 241 HA +71 18 242 LA +71 18 243 BA +71 18 244 SO +71 18 245 KI +71 18 246 HO +71 18 247 BA +71 18 248 LA +71 18 249 HO +71 18 250 HO +71 18 251 HO +71 18 252 SO +71 18 253 HO +71 18 254 SO +71 18 255 LO +71 18 256 KI +71 18 257 HO +71 18 258 LA +71 18 259 KI +71 18 260 LA +71 18 261 YA +71 18 262 HA +71 18 263 SO +71 18 264 SO +71 18 265 HO +71 18 266 LA +71 18 267 BA +71 18 268 HO +71 18 269 BA +71 18 270 LA +71 18 271 HO +71 18 272 SO +71 18 273 BA +71 18 274 HA +71 18 275 LA +71 18 276 KI +71 18 277 HO +71 18 278 LA +71 18 279 HO +71 18 280 HO +71 18 281 HO +71 18 282 OK +71 18 283 LA +71 18 284 SO +71 18 285 KI +71 18 286 HA +71 18 287 LA +71 18 288 KI +71 18 289 HO +71 18 290 LA +71 18 291 HO +71 18 292 KI +71 18 293 SO +71 18 294 HO +71 18 295 LA +71 18 296 HO +71 18 297 LA +71 18 298 KI +71 18 299 HO +71 18 300 SO +71 18 301 HO +71 18 302 LA +71 18 303 SO +71 18 304 LA +71 18 305 BA +71 18 306 HO +71 18 307 HO +71 18 308 SO +71 18 309 LA +71 18 310 HO +71 18 311 HO +71 18 312 LO +71 18 313 HO +71 18 314 LA +71 18 315 HO +71 18 316 HO +71 18 317 KI +71 18 318 LA +71 18 319 HA +71 18 320 LA +71 18 321 KI +71 18 322 SO +71 18 323 HO +71 18 324 LA +71 18 325 BA +71 18 326 LA +71 18 327 SO +71 18 328 HO +71 18 329 LA +71 18 330 SO +71 19 1 HO +71 19 2 HO +71 19 3 LA +71 19 4 BA +71 19 5 HO +71 19 6 LA +71 19 7 HO +71 19 8 KI +71 19 9 CA +71 19 10 HO +71 19 11 HO +71 19 12 LA +71 19 13 HO +71 19 14 HO +71 19 15 KI +71 19 16 HA +71 19 17 KI +71 19 18 SO +71 19 19 HO +71 19 20 HO +71 19 21 KI +71 19 22 LA +71 19 23 BA +71 19 24 CA +71 19 25 HO +71 19 26 HO +71 19 27 LA +71 19 28 KI +71 19 29 HO +71 19 30 KI +71 19 31 HO +71 19 32 KI +71 19 33 HO +71 19 34 HO +71 19 35 KI +71 19 36 HO +71 19 37 HO +71 19 38 KI +71 19 39 HO +71 19 40 HO +71 19 41 KI +71 19 42 LA +71 19 43 HO +71 19 44 LA +71 19 45 HO +71 19 46 SO +71 19 47 HO +71 19 48 LA +71 19 49 HO +71 19 50 BA +71 19 51 CA +71 19 52 LA +71 19 53 KI +71 19 54 HO +71 19 55 HO +71 19 56 LA +71 19 57 HO +71 19 58 LA +71 19 59 KI +71 19 60 HO +71 19 61 KI +71 19 62 KI +71 19 63 LA +71 19 64 HO +71 19 65 KI +71 19 66 LA +71 19 67 HO +71 19 68 KI +71 19 69 HO +71 19 70 HO +71 19 71 KI +71 19 72 HO +71 19 73 KI +71 19 74 HO +71 19 75 HO +71 19 76 LA +71 19 77 HO +71 19 78 LA +71 19 79 SO +71 19 80 HO +71 19 81 HO +71 19 82 HO +71 19 83 LA +71 19 84 LA +71 19 85 HO +71 19 86 KI +71 19 87 HO +71 19 88 KI +71 19 89 HO +71 19 90 HO +71 19 91 LA +71 19 92 LA +71 19 93 HO +71 19 94 CA +71 19 95 HO +71 19 96 LA +71 19 97 BA +71 19 98 KI +71 19 99 BA +71 19 100 HO +71 19 101 BA +71 19 102 HO +71 19 103 HO +71 19 104 HO +71 19 105 BA +71 19 106 LA +71 19 107 SO +71 19 108 HO +71 19 109 HO +71 19 110 LA +71 19 111 HO +71 19 112 KI +71 19 113 HO +71 19 114 HO +71 19 115 KI +71 19 116 HO +71 19 117 CA +71 19 118 KI +71 19 119 HO +71 19 120 SO +71 19 121 LA +71 19 122 HO +71 19 123 HO +71 19 124 HO +71 19 125 KI +71 19 126 HO +71 19 127 HO +71 19 128 LA +71 19 129 SO +71 19 130 HO +71 19 131 BA +71 19 132 KI +71 19 133 HO +71 19 134 CA +71 19 135 BA +71 19 136 HO +71 19 137 HO +71 19 138 HO +71 19 139 LA +71 19 140 HO +71 19 141 LA +71 19 142 SO +71 19 143 HO +71 19 144 BA +71 19 145 HO +71 19 146 LA +71 19 147 HO +71 19 148 KI +71 19 149 HO +71 19 150 BA +71 19 151 KI +71 19 152 BA +71 19 153 HO +71 19 154 SO +71 19 155 CA +71 19 156 HO +71 19 157 CA +71 19 158 HA +71 19 159 LA +71 19 160 KI +71 19 161 HO +71 19 162 KI +71 19 163 HO +71 19 164 HO +71 19 165 HO +71 19 166 HO +71 19 167 KI +71 19 168 HO +71 19 169 HO +71 19 170 HO +71 19 171 HO +71 19 172 HA +71 19 173 KI +71 19 174 LA +71 19 175 SO +71 19 176 KI +71 19 177 LA +71 19 178 HO +71 19 179 KI +71 19 180 HO +71 19 181 LA +71 19 182 KI +71 19 183 LA +71 19 184 BA +71 19 185 LA +71 19 186 HO +71 19 187 LA +71 19 188 HO +71 19 189 HO +71 19 190 KI +71 19 191 HO +71 19 192 BA +71 19 193 LA +71 19 194 KI +71 19 195 HO +71 19 196 HO +71 19 197 BA +71 19 198 HO +71 19 199 HO +71 19 200 HO +71 19 201 LA +71 19 202 HO +71 19 203 KI +71 19 204 CA +71 19 205 BA +71 19 206 LA +71 19 207 KI +71 19 208 KI +71 19 209 HO +71 19 210 KI +71 19 211 HO +71 19 212 LA +71 19 213 BA +71 19 214 LA +71 19 215 BA +71 19 216 HO +71 19 217 LA +71 19 218 HO +71 19 219 SO +71 19 220 HO +71 19 221 SO +71 19 222 BA +71 19 223 HO +71 19 224 LA +71 19 225 HO +71 19 226 HO +71 19 227 HO +71 19 228 HO +71 19 229 HO +71 19 230 LA +71 19 231 BA +71 19 232 CA +71 19 233 HO +71 19 234 HO +71 19 235 HO +71 19 236 HO +71 19 237 KI +71 19 238 HO +71 19 239 LA +71 19 240 KI +71 19 241 SO +71 19 242 LA +71 19 243 KI +71 19 244 SO +71 19 245 KI +71 19 246 HO +71 19 247 BA +71 19 248 HO +71 19 249 HO +71 19 250 BA +71 19 251 HO +71 19 252 SO +71 19 253 HO +71 19 254 HO +71 19 255 HO +71 19 256 KI +71 19 257 HO +71 19 258 LA +71 19 259 KI +71 19 260 HO +71 19 261 KI +71 19 262 SO +71 19 263 SO +71 19 264 HO +71 19 265 HO +71 19 266 KI +71 19 267 BA +71 19 268 HO +71 19 269 BA +71 19 270 LA +71 19 271 HO +71 19 272 SO +71 19 273 BA +71 19 274 SO +71 19 275 HO +71 19 276 KI +71 19 277 HO +71 19 278 LA +71 19 279 HO +71 19 280 HO +71 19 281 HO +71 19 282 HO +71 19 283 CA +71 19 284 SO +71 19 285 LA +71 19 286 SO +71 19 287 KI +71 19 288 KI +71 19 289 HO +71 19 290 LA +71 19 291 HO +71 19 292 LA +71 19 293 SO +71 19 294 SO +71 19 295 KI +71 19 296 BA +71 19 297 LA +71 19 298 KI +71 19 299 HO +71 19 300 SO +71 19 301 HO +71 19 302 LA +71 19 303 SO +71 19 304 HO +71 19 305 BA +71 19 306 HO +71 19 307 HO +71 19 308 KI +71 19 309 HO +71 19 310 HO +71 19 311 HO +71 19 312 HO +71 19 313 BA +71 19 314 SO +71 19 315 HO +71 19 316 HO +71 19 317 BA +71 19 318 LA +71 19 319 SO +71 19 320 HO +71 19 321 KI +71 19 322 HO +71 19 323 HO +71 19 324 SO +71 19 325 BA +71 19 326 LA +71 19 327 SO +71 19 328 HO +71 19 329 KI +71 19 330 HO +71 20 1 HO +71 20 2 HO +71 20 3 YA +71 20 4 BA +71 20 5 HO +71 20 6 YA +71 20 7 HO +71 20 8 KI +71 20 9 CA +71 20 10 HO +71 20 11 HO +71 20 12 LA +71 20 13 HO +71 20 14 HO +71 20 15 KI +71 20 16 SO +71 20 17 YA +71 20 18 LO +71 20 19 HO +71 20 20 HO +71 20 21 KI +71 20 22 LA +71 20 23 BA +71 20 24 CA +71 20 25 HO +71 20 26 HO +71 20 27 LA +71 20 28 KI +71 20 29 HO +71 20 30 YA +71 20 31 HO +71 20 32 BA +71 20 33 HO +71 20 34 HO +71 20 35 YA +71 20 36 HO +71 20 37 HO +71 20 38 KI +71 20 39 HO +71 20 40 HO +71 20 41 KI +71 20 42 LA +71 20 43 HO +71 20 44 KI +71 20 45 HO +71 20 46 SO +71 20 47 HO +71 20 48 YA +71 20 49 HO +71 20 50 BA +71 20 51 CA +71 20 52 HO +71 20 53 BA +71 20 54 HO +71 20 55 HO +71 20 56 YA +71 20 57 HO +71 20 58 LA +71 20 59 BA +71 20 60 HO +71 20 61 KI +71 20 62 BA +71 20 63 KI +71 20 64 HO +71 20 65 KI +71 20 66 SO +71 20 67 HO +71 20 68 BA +71 20 69 HO +71 20 70 BA +71 20 71 KI +71 20 72 HO +71 20 73 BA +71 20 74 HO +71 20 75 HO +71 20 76 YA +71 20 77 HO +71 20 78 KI +71 20 79 SO +71 20 80 HO +71 20 81 HO +71 20 82 HO +71 20 83 LA +71 20 84 YA +71 20 85 HO +71 20 86 KI +71 20 87 LO +71 20 88 BA +71 20 89 BA +71 20 90 HO +71 20 91 HO +71 20 92 LA +71 20 93 HO +71 20 94 CA +71 20 95 HO +71 20 96 LA +71 20 97 BA +71 20 98 KI +71 20 99 BA +71 20 100 HO +71 20 101 BA +71 20 102 BA +71 20 103 CA +71 20 104 HO +71 20 105 BA +71 20 106 LA +71 20 107 KI +71 20 108 HO +71 20 109 HO +71 20 110 YA +71 20 111 HO +71 20 112 KI +71 20 113 CA +71 20 114 HO +71 20 115 KI +71 20 116 HO +71 20 117 CA +71 20 118 KI +71 20 119 HO +71 20 120 HA +71 20 121 YA +71 20 122 HO +71 20 123 HO +71 20 124 HO +71 20 125 YA +71 20 126 KI +71 20 127 HO +71 20 128 HO +71 20 129 KI +71 20 130 HO +71 20 131 BA +71 20 132 YA +71 20 133 HO +71 20 134 CA +71 20 135 BA +71 20 136 HO +71 20 137 HO +71 20 138 HO +71 20 139 BA +71 20 140 HO +71 20 141 HA +71 20 142 BA +71 20 143 HO +71 20 144 BA +71 20 145 HO +71 20 146 LA +71 20 147 HO +71 20 148 KI +71 20 149 HO +71 20 150 BA +71 20 151 KI +71 20 152 BA +71 20 153 HO +71 20 154 SO +71 20 155 CA +71 20 156 HO +71 20 157 CA +71 20 158 HA +71 20 159 LA +71 20 160 KI +71 20 161 HO +71 20 162 KI +71 20 163 HO +71 20 164 HO +71 20 165 HO +71 20 166 HO +71 20 167 BA +71 20 168 HO +71 20 169 HO +71 20 170 HO +71 20 171 HO +71 20 172 SO +71 20 173 KI +71 20 174 LA +71 20 175 HO +71 20 176 KI +71 20 177 HO +71 20 178 HO +71 20 179 KI +71 20 180 HO +71 20 181 CA +71 20 182 BA +71 20 183 CA +71 20 184 BA +71 20 185 LA +71 20 186 HO +71 20 187 YA +71 20 188 HO +71 20 189 HO +71 20 190 KI +71 20 191 HO +71 20 192 BA +71 20 193 HO +71 20 194 KI +71 20 195 HO +71 20 196 HO +71 20 197 BA +71 20 198 LO +71 20 199 HO +71 20 200 HO +71 20 201 KI +71 20 202 HO +71 20 203 BA +71 20 204 CA +71 20 205 BA +71 20 206 HO +71 20 207 KI +71 20 208 CA +71 20 209 HO +71 20 210 CA +71 20 211 HO +71 20 212 YA +71 20 213 BA +71 20 214 HO +71 20 215 KI +71 20 216 HO +71 20 217 KI +71 20 218 HO +71 20 219 HO +71 20 220 BA +71 20 221 HO +71 20 222 BA +71 20 223 HO +71 20 224 KI +71 20 225 CA +71 20 226 HO +71 20 227 LO +71 20 228 HO +71 20 229 HO +71 20 230 KI +71 20 231 BA +71 20 232 CA +71 20 233 BA +71 20 234 HO +71 20 235 HO +71 20 236 HO +71 20 237 YA +71 20 238 HO +71 20 239 KI +71 20 240 CA +71 20 241 SO +71 20 242 LA +71 20 243 BA +71 20 244 HO +71 20 245 KI +71 20 246 HO +71 20 247 BA +71 20 248 HO +71 20 249 HO +71 20 250 BA +71 20 251 HO +71 20 252 KI +71 20 253 HO +71 20 254 HO +71 20 255 SO +71 20 256 KI +71 20 257 HO +71 20 258 CA +71 20 259 CA +71 20 260 HO +71 20 261 YA +71 20 262 SO +71 20 263 SO +71 20 264 SO +71 20 265 HO +71 20 266 CA +71 20 267 BA +71 20 268 HO +71 20 269 BA +71 20 270 YA +71 20 271 HO +71 20 272 SO +71 20 273 BA +71 20 274 SO +71 20 275 CA +71 20 276 KI +71 20 277 HO +71 20 278 YA +71 20 279 BA +71 20 280 HO +71 20 281 HO +71 20 282 HO +71 20 283 CA +71 20 284 HO +71 20 285 KI +71 20 286 SO +71 20 287 CA +71 20 288 KI +71 20 289 HO +71 20 290 CA +71 20 291 HO +71 20 292 KI +71 20 293 HO +71 20 294 HO +71 20 295 CA +71 20 296 BA +71 20 297 LA +71 20 298 KI +71 20 299 HO +71 20 300 SO +71 20 301 HO +71 20 302 LA +71 20 303 HO +71 20 304 HO +71 20 305 BA +71 20 306 HO +71 20 307 HO +71 20 308 BA +71 20 309 CA +71 20 310 HO +71 20 311 HO +71 20 312 LO +71 20 313 BA +71 20 314 LA +71 20 315 HO +71 20 316 HO +71 20 317 LO +71 20 318 YA +71 20 319 SO +71 20 320 HO +71 20 321 KI +71 20 322 HO +71 20 323 HO +71 20 324 LA +71 20 325 BA +71 20 326 LA +71 20 327 HO +71 20 328 HO +71 20 329 CA +71 20 330 HO +71 21 1 HO +71 21 2 HO +71 21 3 KI +71 21 4 HO +71 21 5 HO +71 21 6 LA +71 21 7 HO +71 21 8 BA +71 21 9 LA +71 21 10 HO +71 21 11 HO +71 21 12 LA +71 21 13 HO +71 21 14 HO +71 21 15 KI +71 21 16 HA +71 21 17 KI +71 21 18 LO +71 21 19 HO +71 21 20 HO +71 21 21 KI +71 21 22 LA +71 21 23 HO +71 21 24 LO +71 21 25 HO +71 21 26 HO +71 21 27 SO +71 21 28 KI +71 21 29 HO +71 21 30 LA +71 21 31 HO +71 21 32 HO +71 21 33 HO +71 21 34 HO +71 21 35 LA +71 21 36 HO +71 21 37 HO +71 21 38 KI +71 21 39 HO +71 21 40 HO +71 21 41 KI +71 21 42 LA +71 21 43 HO +71 21 44 HA +71 21 45 HO +71 21 46 LO +71 21 47 HO +71 21 48 LA +71 21 49 HO +71 21 50 HO +71 21 51 LA +71 21 52 LA +71 21 53 HO +71 21 54 HO +71 21 55 HO +71 21 56 LA +71 21 57 HO +71 21 58 LA +71 21 59 HO +71 21 60 HO +71 21 61 HO +71 21 62 HO +71 21 63 KI +71 21 64 HO +71 21 65 KI +71 21 66 LA +71 21 67 HO +71 21 68 HO +71 21 69 HO +71 21 70 HO +71 21 71 HO +71 21 72 HO +71 21 73 HO +71 21 74 HO +71 21 75 HO +71 21 76 KI +71 21 77 HO +71 21 78 KI +71 21 79 LO +71 21 80 HO +71 21 81 HO +71 21 82 HO +71 21 83 LA +71 21 84 KI +71 21 85 HO +71 21 86 KI +71 21 87 LO +71 21 88 HO +71 21 89 LO +71 21 90 HO +71 21 91 HO +71 21 92 LA +71 21 93 HO +71 21 94 LA +71 21 95 HO +71 21 96 LA +71 21 97 HO +71 21 98 KI +71 21 99 HO +71 21 100 HO +71 21 101 HO +71 21 102 HO +71 21 103 LA +71 21 104 HO +71 21 105 HO +71 21 106 LA +71 21 107 LA +71 21 108 HO +71 21 109 HO +71 21 110 LA +71 21 111 HO +71 21 112 KI +71 21 113 LO +71 21 114 HO +71 21 115 KI +71 21 116 HO +71 21 117 LA +71 21 118 KI +71 21 119 HO +71 21 120 HO +71 21 121 KI +71 21 122 HO +71 21 123 HO +71 21 124 LA +71 21 125 KI +71 21 126 KI +71 21 127 HO +71 21 128 LA +71 21 129 LA +71 21 130 HO +71 21 131 HO +71 21 132 LA +71 21 133 HO +71 21 134 LA +71 21 135 HO +71 21 136 HO +71 21 137 HO +71 21 138 HO +71 21 139 HO +71 21 140 HO +71 21 141 HO +71 21 142 HO +71 21 143 HO +71 21 144 HO +71 21 145 HO +71 21 146 LA +71 21 147 HO +71 21 148 KI +71 21 149 HO +71 21 150 HO +71 21 151 KI +71 21 152 HO +71 21 153 HO +71 21 154 SO +71 21 155 LA +71 21 156 HO +71 21 157 LA +71 21 158 HA +71 21 159 LA +71 21 160 KI +71 21 161 HO +71 21 162 KI +71 21 163 HO +71 21 164 HO +71 21 165 HO +71 21 166 HO +71 21 167 HO +71 21 168 HO +71 21 169 HO +71 21 170 HO +71 21 171 HO +71 21 172 HO +71 21 173 KI +71 21 174 LA +71 21 175 HO +71 21 176 KI +71 21 177 LA +71 21 178 HO +71 21 179 KI +71 21 180 HO +71 21 181 LA +71 21 182 HO +71 21 183 LA +71 21 184 HO +71 21 185 LA +71 21 186 HO +71 21 187 LA +71 21 188 HO +71 21 189 HO +71 21 190 KI +71 21 191 KI +71 21 192 HO +71 21 193 LA +71 21 194 HO +71 21 195 HO +71 21 196 HO +71 21 197 HO +71 21 198 HO +71 21 199 LA +71 21 200 HO +71 21 201 KI +71 21 202 HO +71 21 203 HO +71 21 204 LA +71 21 205 HO +71 21 206 LA +71 21 207 KI +71 21 208 LA +71 21 209 HO +71 21 210 LA +71 21 211 HO +71 21 212 LA +71 21 213 HO +71 21 214 HO +71 21 215 KI +71 21 216 HO +71 21 217 KI +71 21 218 LA +71 21 219 HO +71 21 220 HO +71 21 221 HO +71 21 222 HO +71 21 223 HO +71 21 224 LA +71 21 225 HO +71 21 226 HO +71 21 227 HO +71 21 228 HO +71 21 229 HO +71 21 230 HO +71 21 231 HO +71 21 232 LA +71 21 233 HO +71 21 234 HO +71 21 235 HO +71 21 236 HO +71 21 237 LA +71 21 238 HO +71 21 239 KI +71 21 240 LA +71 21 241 HO +71 21 242 LA +71 21 243 HO +71 21 244 HO +71 21 245 KI +71 21 246 HO +71 21 247 HO +71 21 248 HO +71 21 249 HO +71 21 250 HO +71 21 251 HO +71 21 252 LA +71 21 253 HO +71 21 254 HO +71 21 255 LO +71 21 256 KI +71 21 257 HO +71 21 258 LA +71 21 259 HO +71 21 260 LA +71 21 261 LA +71 21 262 HO +71 21 263 SO +71 21 264 HO +71 21 265 HO +71 21 266 LA +71 21 267 HO +71 21 268 HO +71 21 269 HO +71 21 270 LA +71 21 271 HO +71 21 272 LO +71 21 273 HO +71 21 274 HA +71 21 275 LA +71 21 276 HO +71 21 277 HO +71 21 278 LA +71 21 279 HO +71 21 280 HO +71 21 281 HO +71 21 282 HO +71 21 283 LA +71 21 284 SO +71 21 285 KI +71 21 286 HA +71 21 287 LA +71 21 288 LA +71 21 289 HO +71 21 290 LA +71 21 291 HO +71 21 292 LA +71 21 293 HO +71 21 294 HO +71 21 295 LA +71 21 296 HO +71 21 297 LA +71 21 298 KI +71 21 299 HO +71 21 300 SO +71 21 301 HO +71 21 302 LA +71 21 303 HO +71 21 304 HO +71 21 305 HO +71 21 306 HO +71 21 307 HO +71 21 308 HO +71 21 309 LA +71 21 310 HO +71 21 311 HO +71 21 312 LO +71 21 313 HO +71 21 314 SO +71 21 315 HO +71 21 316 HO +71 21 317 HO +71 21 318 LA +71 21 319 SO +71 21 320 LA +71 21 321 KI +71 21 322 HO +71 21 323 HO +71 21 324 LA +71 21 325 HO +71 21 326 LA +71 21 327 HO +71 21 328 HO +71 21 329 LA +71 21 330 HO +71 22 1 HO +71 22 2 HO +71 22 3 LA +71 22 4 BA +71 22 5 OK +71 22 6 LA +71 22 7 OK +71 22 8 KI +71 22 9 LA +71 22 10 HO +71 22 11 HO +71 22 12 LA +71 22 13 HO +71 22 14 HO +71 22 15 KI +71 22 16 SO +71 22 17 SO +71 22 18 KI +71 22 19 HO +71 22 20 OK +71 22 21 KI +71 22 22 LA +71 22 23 SO +71 22 24 BA +71 22 25 HO +71 22 26 HO +71 22 27 KI +71 22 28 KI +71 22 29 OK +71 22 30 LA +71 22 31 HO +71 22 32 BA +71 22 33 OK +71 22 34 HO +71 22 35 KI +71 22 36 HO +71 22 37 HO +71 22 38 KI +71 22 39 OK +71 22 40 HO +71 22 41 KI +71 22 42 LA +71 22 43 HO +71 22 44 KI +71 22 45 OK +71 22 46 SO +71 22 47 HO +71 22 48 LA +71 22 49 HO +71 22 50 BA +71 22 51 CA +71 22 52 OK +71 22 53 KI +71 22 54 OK +71 22 55 HO +71 22 56 KI +71 22 57 HO +71 22 58 LA +71 22 59 BA +71 22 60 HO +71 22 61 KI +71 22 62 BA +71 22 63 KI +71 22 64 HO +71 22 65 KI +71 22 66 KI +71 22 67 OK +71 22 68 BA +71 22 69 OK +71 22 70 BA +71 22 71 BA +71 22 72 OK +71 22 73 BA +71 22 74 HO +71 22 75 HO +71 22 76 KI +71 22 77 HO +71 22 78 BA +71 22 79 SO +71 22 80 HO +71 22 81 OK +71 22 82 HO +71 22 83 LA +71 22 84 KI +71 22 85 OK +71 22 86 BA +71 22 87 SO +71 22 88 BA +71 22 89 SO +71 22 90 HO +71 22 91 OK +71 22 92 KI +71 22 93 HO +71 22 94 CA +71 22 95 OK +71 22 96 LA +71 22 97 BA +71 22 98 KI +71 22 99 BA +71 22 100 HO +71 22 101 BA +71 22 102 HO +71 22 103 OK +71 22 104 HO +71 22 105 BA +71 22 106 LA +71 22 107 BA +71 22 108 HO +71 22 109 HO +71 22 110 LA +71 22 111 OK +71 22 112 KI +71 22 113 SO +71 22 114 HO +71 22 115 KI +71 22 116 HO +71 22 117 CA +71 22 118 KI +71 22 119 OK +71 22 120 HA +71 22 121 LA +71 22 122 OK +71 22 123 HO +71 22 124 OK +71 22 125 LA +71 22 126 KI +71 22 127 HO +71 22 128 OK +71 22 129 KI +71 22 130 OK +71 22 131 BA +71 22 132 KI +71 22 133 OK +71 22 134 KI +71 22 135 BA +71 22 136 HO +71 22 137 OK +71 22 138 HO +71 22 139 BA +71 22 140 HO +71 22 141 HA +71 22 142 HO +71 22 143 OK +71 22 144 BA +71 22 145 HO +71 22 146 LA +71 22 147 HO +71 22 148 KI +71 22 149 OK +71 22 150 BA +71 22 151 KI +71 22 152 BA +71 22 153 HO +71 22 154 SO +71 22 155 CA +71 22 156 HO +71 22 157 CA +71 22 158 HA +71 22 159 LA +71 22 160 KI +71 22 161 OK +71 22 162 KI +71 22 163 HO +71 22 164 HO +71 22 165 OK +71 22 166 HO +71 22 167 BA +71 22 168 OK +71 22 169 HO +71 22 170 HO +71 22 171 OK +71 22 172 HA +71 22 173 KI +71 22 174 LA +71 22 175 HO +71 22 176 KI +71 22 177 OK +71 22 178 HO +71 22 179 KI +71 22 180 OK +71 22 181 CA +71 22 182 BA +71 22 183 CA +71 22 184 BA +71 22 185 CA +71 22 186 HO +71 22 187 LA +71 22 188 HO +71 22 189 HO +71 22 190 BA +71 22 191 OK +71 22 192 BA +71 22 193 OK +71 22 194 BA +71 22 195 OK +71 22 196 HO +71 22 197 BA +71 22 198 SO +71 22 199 HO +71 22 200 HO +71 22 201 KI +71 22 202 OK +71 22 203 KI +71 22 204 CA +71 22 205 BA +71 22 206 OK +71 22 207 KI +71 22 208 CA +71 22 209 HO +71 22 210 BA +71 22 211 HO +71 22 212 LA +71 22 213 BA +71 22 214 OK +71 22 215 BA +71 22 216 OK +71 22 217 KI +71 22 218 OK +71 22 219 HO +71 22 220 HO +71 22 221 OK +71 22 222 BA +71 22 223 OK +71 22 224 KI +71 22 225 OK +71 22 226 HO +71 22 227 SO +71 22 228 HO +71 22 229 OK +71 22 230 KI +71 22 231 BA +71 22 232 CA +71 22 233 BA +71 22 234 OK +71 22 235 HO +71 22 236 OK +71 22 237 KI +71 22 238 OK +71 22 239 KI +71 22 240 CA +71 22 241 HA +71 22 242 LA +71 22 243 KI +71 22 244 HO +71 22 245 KI +71 22 246 HO +71 22 247 BA +71 22 248 OK +71 22 249 HO +71 22 250 BA +71 22 251 OK +71 22 252 KI +71 22 253 OK +71 22 254 HO +71 22 255 SO +71 22 256 KI +71 22 257 HO +71 22 258 OK +71 22 259 KI +71 22 260 OK +71 22 261 CA +71 22 262 HA +71 22 263 SO +71 22 264 HO +71 22 265 OK +71 22 266 CA +71 22 267 BA +71 22 268 OK +71 22 269 BA +71 22 270 LA +71 22 271 OK +71 22 272 HO +71 22 273 BA +71 22 274 HA +71 22 275 OK +71 22 276 KI +71 22 277 HO +71 22 278 LA +71 22 279 HO +71 22 280 OK +71 22 281 HO +71 22 282 OK +71 22 283 CA +71 22 284 HO +71 22 285 BA +71 22 286 HA +71 22 287 CA +71 22 288 KI +71 22 289 HO +71 22 290 LA +71 22 291 HO +71 22 292 KI +71 22 293 OK +71 22 294 HO +71 22 295 CA +71 22 296 BA +71 22 297 LA +71 22 298 KI +71 22 299 OK +71 22 300 SO +71 22 301 OK +71 22 302 KI +71 22 303 HO +71 22 304 BA +71 22 305 OK +71 22 306 HO +71 22 307 BA +71 22 308 OK +71 22 309 OK +71 22 310 HO +71 22 311 SO +71 22 312 HO +71 22 313 KI +71 22 314 OK +71 22 315 HO +71 22 316 KI +71 22 317 KI +71 22 318 HA +71 22 319 OK +71 22 320 KI +71 22 321 HO +71 22 322 HO +71 22 323 KI +71 22 324 BA +71 22 325 LA +71 22 326 HO +71 22 327 OK +71 22 328 CA +71 22 329 HO +71 22 330 OK +71 23 1 HO +71 23 2 SO +71 23 3 YA +71 23 4 BA +71 23 5 HO +71 23 6 LA +71 23 7 OK +71 23 8 BA +71 23 9 CA +71 23 10 HO +71 23 11 SO +71 23 12 LA +71 23 13 OK +71 23 14 SO +71 23 15 KI +71 23 16 SO +71 23 17 YA +71 23 18 SO +71 23 19 SO +71 23 20 OK +71 23 21 KI +71 23 22 LA +71 23 23 BA +71 23 24 CA +71 23 25 HO +71 23 26 HO +71 23 27 OK +71 23 28 KI +71 23 29 OK +71 23 30 CA +71 23 31 SO +71 23 32 BA +71 23 33 OK +71 23 34 HO +71 23 35 KI +71 23 36 OK +71 23 37 HO +71 23 38 BA +71 23 39 OK +71 23 40 HO +71 23 41 CA +71 23 42 LA +71 23 43 HO +71 23 44 OK +71 23 45 OK +71 23 46 SO +71 23 47 HO +71 23 48 LA +71 23 49 HO +71 23 50 BA +71 23 51 CA +71 23 52 SO +71 23 53 BA +71 23 54 OK +71 23 55 HO +71 23 56 KI +71 23 57 HO +71 23 58 LA +71 23 59 BA +71 23 60 HO +71 23 61 BA +71 23 62 BA +71 23 63 KI +71 23 64 HO +71 23 65 KI +71 23 66 LA +71 23 67 OK +71 23 68 BA +71 23 69 HO +71 23 70 BA +71 23 71 BA +71 23 72 OK +71 23 73 BA +71 23 74 SO +71 23 75 HO +71 23 76 YA +71 23 77 HO +71 23 78 KI +71 23 79 SO +71 23 80 HO +71 23 81 OK +71 23 82 HO +71 23 83 LA +71 23 84 KI +71 23 85 HO +71 23 86 KI +71 23 87 SO +71 23 88 BA +71 23 89 SO +71 23 90 SO +71 23 91 HO +71 23 92 KI +71 23 93 HO +71 23 94 LO +71 23 95 HO +71 23 96 LA +71 23 97 BA +71 23 98 KI +71 23 99 BA +71 23 100 SO +71 23 101 BA +71 23 102 BA +71 23 103 HO +71 23 104 SO +71 23 105 BA +71 23 106 LA +71 23 107 KI +71 23 108 SO +71 23 109 HO +71 23 110 LA +71 23 111 HO +71 23 112 KI +71 23 113 LO +71 23 114 HO +71 23 115 BA +71 23 116 SO +71 23 117 LO +71 23 118 KI +71 23 119 OK +71 23 120 SO +71 23 121 YA +71 23 122 OK +71 23 123 HO +71 23 124 LA +71 23 125 YA +71 23 126 KI +71 23 127 HO +71 23 128 LA +71 23 129 KI +71 23 130 HO +71 23 131 BA +71 23 132 KI +71 23 133 OK +71 23 134 KI +71 23 135 BA +71 23 136 HO +71 23 137 HO +71 23 138 SO +71 23 139 BA +71 23 140 HO +71 23 141 HA +71 23 142 BA +71 23 143 OK +71 23 144 BA +71 23 145 OK +71 23 146 LA +71 23 147 HO +71 23 148 KI +71 23 149 OK +71 23 150 BA +71 23 151 KI +71 23 152 BA +71 23 153 HO +71 23 154 LO +71 23 155 BA +71 23 156 OK +71 23 157 LA +71 23 158 HA +71 23 159 LA +71 23 160 OK +71 23 161 HO +71 23 162 BA +71 23 163 HO +71 23 164 HO +71 23 165 HO +71 23 166 HO +71 23 167 BA +71 23 168 OK +71 23 169 HO +71 23 170 LO +71 23 171 OK +71 23 172 HA +71 23 173 KI +71 23 174 LA +71 23 175 HO +71 23 176 KI +71 23 177 LA +71 23 178 HO +71 23 179 KI +71 23 180 OK +71 23 181 LA +71 23 182 BA +71 23 183 CA +71 23 184 BA +71 23 185 LA +71 23 186 HO +71 23 187 LA +71 23 188 HO +71 23 189 SO +71 23 190 HO +71 23 191 KI +71 23 192 BA +71 23 193 HO +71 23 194 KI +71 23 195 OK +71 23 196 HO +71 23 197 BA +71 23 198 LO +71 23 199 SO +71 23 200 HO +71 23 201 KI +71 23 202 OK +71 23 203 BA +71 23 204 LO +71 23 205 BA +71 23 206 SO +71 23 207 BA +71 23 208 LA +71 23 209 HO +71 23 210 KI +71 23 211 HO +71 23 212 YA +71 23 213 BA +71 23 214 OK +71 23 215 BA +71 23 216 HO +71 23 217 KI +71 23 218 HO +71 23 219 SO +71 23 220 BA +71 23 221 SO +71 23 222 BA +71 23 223 OK +71 23 224 SO +71 23 225 LA +71 23 226 HO +71 23 227 LO +71 23 228 HO +71 23 229 OK +71 23 230 KI +71 23 231 BA +71 23 232 LA +71 23 233 BA +71 23 234 OK +71 23 235 HO +71 23 236 HO +71 23 237 KI +71 23 238 HO +71 23 239 KI +71 23 240 KI +71 23 241 HA +71 23 242 LA +71 23 243 BA +71 23 244 SO +71 23 245 KI +71 23 246 HO +71 23 247 BA +71 23 248 HO +71 23 249 HO +71 23 250 BA +71 23 251 OK +71 23 252 KI +71 23 253 OK +71 23 254 SO +71 23 255 LO +71 23 256 KI +71 23 257 HO +71 23 258 LA +71 23 259 KI +71 23 260 HO +71 23 261 LA +71 23 262 SO +71 23 263 SO +71 23 264 HO +71 23 265 HO +71 23 266 KI +71 23 267 BA +71 23 268 OK +71 23 269 BA +71 23 270 LA +71 23 271 OK +71 23 272 SO +71 23 273 BA +71 23 274 SO +71 23 275 SO +71 23 276 BA +71 23 277 HO +71 23 278 LA +71 23 279 BA +71 23 280 OK +71 23 281 OK +71 23 282 OK +71 23 283 KI +71 23 284 SO +71 23 285 KI +71 23 286 SO +71 23 287 LA +71 23 288 KI +71 23 289 HO +71 23 290 KI +71 23 291 HO +71 23 292 KI +71 23 293 SO +71 23 294 SO +71 23 295 CA +71 23 296 BA +71 23 297 LA +71 23 298 KI +71 23 299 OK +71 23 300 SO +71 23 301 HO +71 23 302 KI +71 23 303 SO +71 23 304 HO +71 23 305 BA +71 23 306 OK +71 23 307 HO +71 23 308 BA +71 23 309 LO +71 23 310 OK +71 23 311 HO +71 23 312 LO +71 23 313 BA +71 23 314 HA +71 23 315 OK +71 23 316 HO +71 23 317 BA +71 23 318 KI +71 23 319 HA +71 23 320 HO +71 23 321 KI +71 23 322 HO +71 23 323 OK +71 23 324 HA +71 23 325 BA +71 23 326 LA +71 23 327 HO +71 23 328 HO +71 23 329 CA +71 23 330 SO +71 24 1 HO +71 24 2 HO +71 24 3 YA +71 24 4 BA +71 24 5 HO +71 24 6 KI +71 24 7 HO +71 24 8 KI +71 24 9 LO +71 24 10 HO +71 24 11 HO +71 24 12 LA +71 24 13 HO +71 24 14 HO +71 24 15 BA +71 24 16 SO +71 24 17 KI +71 24 18 LO +71 24 19 HO +71 24 20 HO +71 24 21 KI +71 24 22 LA +71 24 23 BA +71 24 24 LO +71 24 25 HO +71 24 26 HO +71 24 27 LA +71 24 28 KI +71 24 29 HO +71 24 30 KO +71 24 31 SO +71 24 32 BA +71 24 33 HO +71 24 34 HO +71 24 35 KI +71 24 36 HO +71 24 37 HO +71 24 38 KI +71 24 39 HO +71 24 40 HO +71 24 41 KI +71 24 42 LA +71 24 43 HO +71 24 44 HA +71 24 45 HO +71 24 46 SO +71 24 47 HO +71 24 48 LA +71 24 49 SO +71 24 50 BA +71 24 51 LO +71 24 52 SO +71 24 53 KI +71 24 54 HO +71 24 55 SO +71 24 56 KI +71 24 57 HO +71 24 58 LA +71 24 59 BA +71 24 60 HO +71 24 61 KI +71 24 62 BA +71 24 63 KI +71 24 64 HO +71 24 65 KI +71 24 66 HA +71 24 67 HO +71 24 68 KI +71 24 69 SO +71 24 70 SO +71 24 71 KI +71 24 72 HO +71 24 73 BA +71 24 74 SO +71 24 75 LO +71 24 76 YA +71 24 77 SO +71 24 78 BA +71 24 79 LO +71 24 80 HO +71 24 81 HO +71 24 82 SO +71 24 83 LA +71 24 84 KI +71 24 85 HO +71 24 86 KI +71 24 87 LO +71 24 88 BA +71 24 89 LO +71 24 90 LO +71 24 91 LI +71 24 92 LA +71 24 93 HO +71 24 94 LO +71 24 95 SO +71 24 96 LA +71 24 97 BA +71 24 98 KI +71 24 99 BA +71 24 100 SO +71 24 101 KI +71 24 102 HO +71 24 103 LO +71 24 104 HO +71 24 105 BA +71 24 106 LA +71 24 107 HA +71 24 108 SO +71 24 109 HO +71 24 110 LA +71 24 111 HO +71 24 112 KI +71 24 113 LO +71 24 114 HO +71 24 115 KI +71 24 116 SO +71 24 117 LO +71 24 118 BA +71 24 119 HO +71 24 120 HA +71 24 121 YA +71 24 122 HO +71 24 123 HO +71 24 124 LI +71 24 125 YA +71 24 126 BA +71 24 127 LO +71 24 128 LI +71 24 129 HA +71 24 130 LO +71 24 131 BA +71 24 132 BA +71 24 133 HO +71 24 134 BA +71 24 135 BA +71 24 136 HO +71 24 137 SO +71 24 138 HO +71 24 139 HA +71 24 140 HO +71 24 141 HA +71 24 142 SO +71 24 143 LI +71 24 144 BA +71 24 145 HO +71 24 146 LA +71 24 147 HO +71 24 148 KI +71 24 149 LI +71 24 150 BA +71 24 151 LA +71 24 152 BA +71 24 153 HO +71 24 154 SO +71 24 155 LO +71 24 156 HO +71 24 157 LO +71 24 158 SO +71 24 159 LA +71 24 160 KI +71 24 161 HO +71 24 162 KI +71 24 163 HO +71 24 164 HO +71 24 165 LO +71 24 166 HO +71 24 167 SO +71 24 168 LO +71 24 169 HO +71 24 170 SO +71 24 171 LO +71 24 172 SO +71 24 173 LA +71 24 174 LA +71 24 175 HO +71 24 176 KI +71 24 177 LA +71 24 178 HO +71 24 179 HO +71 24 180 HO +71 24 181 LA +71 24 182 BA +71 24 183 LO +71 24 184 BA +71 24 185 LA +71 24 186 SO +71 24 187 LA +71 24 188 HO +71 24 189 SO +71 24 190 BA +71 24 191 HO +71 24 192 BA +71 24 193 LI +71 24 194 LO +71 24 195 HO +71 24 196 HO +71 24 197 BA +71 24 198 LO +71 24 199 SO +71 24 200 SO +71 24 201 LA +71 24 202 HO +71 24 203 BA +71 24 204 LO +71 24 205 BA +71 24 206 SO +71 24 207 BA +71 24 208 LA +71 24 209 HO +71 24 210 LO +71 24 211 HO +71 24 212 LA +71 24 213 SO +71 24 214 LI +71 24 215 BA +71 24 216 LO +71 24 217 SO +71 24 218 LI +71 24 219 SO +71 24 220 BA +71 24 221 SO +71 24 222 BA +71 24 223 HO +71 24 224 HA +71 24 225 SO +71 24 226 HO +71 24 227 LO +71 24 228 HO +71 24 229 HO +71 24 230 HA +71 24 231 BA +71 24 232 LO +71 24 233 BA +71 24 234 HO +71 24 235 HO +71 24 236 LI +71 24 237 LA +71 24 238 HO +71 24 239 LA +71 24 240 LA +71 24 241 HA +71 24 242 HA +71 24 243 BA +71 24 244 SO +71 24 245 KI +71 24 246 HO +71 24 247 BA +71 24 248 LO +71 24 249 LO +71 24 250 BA +71 24 251 HO +71 24 252 HA +71 24 253 HO +71 24 254 SO +71 24 255 LO +71 24 256 LA +71 24 257 HO +71 24 258 HO +71 24 259 KI +71 24 260 HA +71 24 261 YA +71 24 262 HA +71 24 263 SO +71 24 264 SO +71 24 265 LO +71 24 266 LO +71 24 267 BA +71 24 268 HO +71 24 269 BA +71 24 270 LA +71 24 271 HO +71 24 272 SO +71 24 273 BA +71 24 274 SO +71 24 275 HO +71 24 276 KI +71 24 277 HO +71 24 278 YA +71 24 279 BA +71 24 280 SO +71 24 281 HO +71 24 282 HO +71 24 283 LO +71 24 284 SO +71 24 285 BA +71 24 286 SO +71 24 287 LA +71 24 288 KI +71 24 289 HO +71 24 290 HA +71 24 291 HO +71 24 292 LA +71 24 293 SO +71 24 294 SO +71 24 295 LO +71 24 296 BA +71 24 297 LA +71 24 298 KI +71 24 299 HO +71 24 300 SO +71 24 301 HO +71 24 302 SO +71 24 303 HO +71 24 304 HO +71 24 305 BA +71 24 306 HO +71 24 307 HO +71 24 308 BA +71 24 309 LO +71 24 310 HO +71 24 311 HO +71 24 312 LO +71 24 313 BA +71 24 314 HA +71 24 315 HO +71 24 316 HO +71 24 317 BA +71 24 318 LA +71 24 319 HA +71 24 320 HO +71 24 321 KI +71 24 322 HO +71 24 323 LO +71 24 324 SO +71 24 325 BA +71 24 326 LA +71 24 327 SO +71 24 328 LO +71 24 329 LO +71 24 330 SO +71 25 1 HO +71 25 2 HO +71 25 3 KI +71 25 4 BA +71 25 5 HO +71 25 6 LA +71 25 7 HO +71 25 8 KO +71 25 9 CA +71 25 10 HO +71 25 11 HO +71 25 12 LA +71 25 13 HO +71 25 14 HO +71 25 15 KI +71 25 16 SO +71 25 17 LA +71 25 18 SO +71 25 19 HO +71 25 20 HO +71 25 21 KI +71 25 22 SO +71 25 23 BA +71 25 24 SO +71 25 25 HO +71 25 26 HO +71 25 27 SO +71 25 28 KI +71 25 29 HO +71 25 30 CA +71 25 31 HO +71 25 32 BA +71 25 33 HO +71 25 34 HO +71 25 35 LA +71 25 36 HO +71 25 37 HO +71 25 38 KO +71 25 39 HO +71 25 40 HO +71 25 41 KI +71 25 42 SO +71 25 43 HO +71 25 44 SO +71 25 45 HO +71 25 46 SO +71 25 47 HO +71 25 48 LA +71 25 49 HO +71 25 50 BA +71 25 51 CA +71 25 52 HO +71 25 53 KO +71 25 54 HO +71 25 55 HO +71 25 56 SO +71 25 57 HO +71 25 58 SO +71 25 59 KI +71 25 60 HO +71 25 61 KI +71 25 62 BA +71 25 63 KI +71 25 64 HO +71 25 65 KI +71 25 66 LA +71 25 67 HO +71 25 68 KI +71 25 69 HO +71 25 70 SO +71 25 71 KO +71 25 72 HO +71 25 73 BA +71 25 74 HO +71 25 75 HO +71 25 76 YA +71 25 77 HO +71 25 78 KI +71 25 79 LO +71 25 80 HO +71 25 81 HO +71 25 82 HO +71 25 83 SO +71 25 84 KI +71 25 85 HO +71 25 86 KI +71 25 87 SO +71 25 88 KO +71 25 89 SO +71 25 90 HO +71 25 91 HO +71 25 92 SO +71 25 93 HO +71 25 94 CA +71 25 95 SO +71 25 96 LA +71 25 97 BA +71 25 98 KI +71 25 99 BA +71 25 100 HO +71 25 101 KO +71 25 102 SO +71 25 103 LA +71 25 104 HO +71 25 105 BA +71 25 106 LA +71 25 107 HA +71 25 108 HO +71 25 109 HO +71 25 110 LA +71 25 111 HO +71 25 112 KO +71 25 113 LO +71 25 114 HO +71 25 115 KO +71 25 116 HO +71 25 117 CA +71 25 118 KI +71 25 119 HO +71 25 120 SO +71 25 121 YA +71 25 122 HO +71 25 123 HO +71 25 124 LA +71 25 125 LA +71 25 126 KI +71 25 127 HO +71 25 128 LA +71 25 129 SO +71 25 130 BA +71 25 131 HO +71 25 132 LA +71 25 133 HO +71 25 134 CA +71 25 135 KO +71 25 136 HO +71 25 137 HO +71 25 138 HO +71 25 139 SO +71 25 140 HO +71 25 141 HA +71 25 142 SO +71 25 143 HO +71 25 144 HO +71 25 145 HO +71 25 146 LA +71 25 147 HO +71 25 148 KI +71 25 149 HO +71 25 150 BA +71 25 151 KI +71 25 152 KI +71 25 153 HO +71 25 154 SO +71 25 155 SO +71 25 156 HO +71 25 157 SO +71 25 158 HA +71 25 159 KI +71 25 160 LA +71 25 161 HO +71 25 162 KI +71 25 163 HO +71 25 164 HO +71 25 165 HO +71 25 166 HO +71 25 167 KI +71 25 168 HO +71 25 169 HO +71 25 170 HO +71 25 171 HO +71 25 172 HO +71 25 173 KI +71 25 174 LA +71 25 175 HO +71 25 176 KI +71 25 177 LA +71 25 178 HO +71 25 179 BA +71 25 180 HO +71 25 181 LA +71 25 182 BA +71 25 183 LA +71 25 184 BA +71 25 185 LA +71 25 186 HO +71 25 187 LA +71 25 188 HO +71 25 189 HO +71 25 190 KI +71 25 191 HO +71 25 192 BA +71 25 193 LA +71 25 194 KO +71 25 195 HO +71 25 196 HO +71 25 197 BA +71 25 198 SO +71 25 199 HO +71 25 200 HO +71 25 201 KI +71 25 202 HO +71 25 203 KI +71 25 204 SO +71 25 205 BA +71 25 206 HA +71 25 207 KO +71 25 208 CA +71 25 209 HO +71 25 210 KI +71 25 211 HO +71 25 212 LA +71 25 213 SO +71 25 214 LA +71 25 215 KI +71 25 216 HO +71 25 217 KI +71 25 218 HO +71 25 219 HO +71 25 220 HO +71 25 221 HO +71 25 222 BA +71 25 223 HO +71 25 224 HA +71 25 225 LA +71 25 226 HO +71 25 227 SO +71 25 228 HO +71 25 229 HO +71 25 230 SO +71 25 231 KO +71 25 232 SO +71 25 233 SO +71 25 234 HO +71 25 235 HO +71 25 236 LA +71 25 237 LA +71 25 238 HO +71 25 239 KI +71 25 240 LA +71 25 241 HA +71 25 242 LA +71 25 243 KO +71 25 244 HA +71 25 245 KI +71 25 246 HO +71 25 247 BA +71 25 248 HO +71 25 249 HO +71 25 250 BA +71 25 251 HO +71 25 252 HA +71 25 253 HO +71 25 254 HO +71 25 255 SO +71 25 256 KI +71 25 257 HO +71 25 258 LA +71 25 259 KI +71 25 260 HA +71 25 261 LA +71 25 262 HA +71 25 263 SO +71 25 264 SO +71 25 265 HO +71 25 266 CA +71 25 267 KO +71 25 268 HO +71 25 269 KI +71 25 270 LA +71 25 271 HO +71 25 272 HA +71 25 273 KI +71 25 274 HA +71 25 275 HO +71 25 276 KI +71 25 277 HO +71 25 278 KI +71 25 279 HO +71 25 280 HO +71 25 281 HO +71 25 282 HO +71 25 283 BA +71 25 284 HA +71 25 285 KI +71 25 286 HA +71 25 287 LA +71 25 288 KI +71 25 289 HO +71 25 290 LA +71 25 291 HO +71 25 292 KI +71 25 293 HO +71 25 294 HO +71 25 295 CA +71 25 296 KO +71 25 297 LA +71 25 298 KI +71 25 299 HO +71 25 300 SO +71 25 301 HO +71 25 302 HA +71 25 303 SO +71 25 304 HO +71 25 305 KO +71 25 306 HO +71 25 307 HO +71 25 308 KO +71 25 309 SO +71 25 310 HO +71 25 311 HO +71 25 312 SO +71 25 313 HO +71 25 314 SO +71 25 315 HO +71 25 316 HO +71 25 317 KI +71 25 318 LA +71 25 319 HA +71 25 320 HO +71 25 321 KI +71 25 322 HO +71 25 323 HO +71 25 324 HA +71 25 325 KO +71 25 326 LA +71 25 327 SO +71 25 328 HO +71 25 329 LA +71 25 330 HO +72 1 1 1 +72 1 2 1 +72 1 3 5 +72 1 4 6 +72 1 5 1 +72 1 6 7 +72 1 7 1 +72 1 8 6 +72 1 9 7 +72 1 10 1 +72 1 11 1 +72 1 12 2 +72 1 13 1 +72 1 14 1 +72 1 15 6 +72 1 16 3 +72 1 17 5 +72 1 18 7 +72 1 19 1 +72 1 20 1 +72 1 21 6 +72 1 22 2 +72 1 23 6 +72 1 24 1 +72 1 25 1 +72 1 26 1 +72 1 27 3 +72 1 28 6 +72 1 29 1 +72 1 30 2 +72 1 31 1 +72 1 32 6 +72 1 33 1 +72 1 34 1 +72 1 35 2 +72 1 36 1 +72 1 37 1 +72 1 38 6 +72 1 39 1 +72 1 40 1 +72 1 41 5 +72 1 42 2 +72 1 43 1 +72 1 44 3 +72 1 45 1 +72 1 46 1 +72 1 47 1 +72 1 48 2 +72 1 49 1 +72 1 50 6 +72 1 51 7 +72 1 52 3 +72 1 53 6 +72 1 54 1 +72 1 55 1 +72 1 56 2 +72 1 57 1 +72 1 58 2 +72 1 59 6 +72 1 60 1 +72 1 61 6 +72 1 62 6 +72 1 63 5 +72 1 64 1 +72 1 65 5 +72 1 66 3 +72 1 67 1 +72 1 68 6 +72 1 69 1 +72 1 70 6 +72 1 71 5 +72 1 72 1 +72 1 73 6 +72 1 74 1 +72 1 75 1 +72 1 76 2 +72 1 77 1 +72 1 78 6 +72 1 79 7 +72 1 80 1 +72 1 81 1 +72 1 82 1 +72 1 83 3 +72 1 84 2 +72 1 85 1 +72 1 86 6 +72 1 87 7 +72 1 88 6 +72 1 89 7 +72 1 90 1 +72 1 91 2 +72 1 92 3 +72 1 93 1 +72 1 94 7 +72 1 95 3 +72 1 96 2 +72 1 97 6 +72 1 98 5 +72 1 99 6 +72 1 100 1 +72 1 101 6 +72 1 102 6 +72 1 103 2 +72 1 104 1 +72 1 105 6 +72 1 106 2 +72 1 107 3 +72 1 108 1 +72 1 109 6 +72 1 110 2 +72 1 111 7 +72 1 112 5 +72 1 113 7 +72 1 114 1 +72 1 115 5 +72 1 116 1 +72 1 117 7 +72 1 118 5 +72 1 119 1 +72 1 120 3 +72 1 121 5 +72 1 122 1 +72 1 123 1 +72 1 124 2 +72 1 125 5 +72 1 126 5 +72 1 127 1 +72 1 128 2 +72 1 129 3 +72 1 130 1 +72 1 131 6 +72 1 132 5 +72 1 133 1 +72 1 134 7 +72 1 135 6 +72 1 136 1 +72 1 137 1 +72 1 138 1 +72 1 139 6 +72 1 140 1 +72 1 141 3 +72 1 142 3 +72 1 143 1 +72 1 144 6 +72 1 145 1 +72 1 146 2 +72 1 147 1 +72 1 148 5 +72 1 149 1 +72 1 150 6 +72 1 151 5 +72 1 152 6 +72 1 153 1 +72 1 154 7 +72 1 155 7 +72 1 156 1 +72 1 157 7 +72 1 158 3 +72 1 159 2 +72 1 160 5 +72 1 161 1 +72 1 162 5 +72 1 163 1 +72 1 164 1 +72 1 165 1 +72 1 166 1 +72 1 167 6 +72 1 168 1 +72 1 169 1 +72 1 170 1 +72 1 171 1 +72 1 172 3 +72 1 173 5 +72 1 174 2 +72 1 175 1 +72 1 176 5 +72 1 177 2 +72 1 178 1 +72 1 179 6 +72 1 180 1 +72 1 181 2 +72 1 182 6 +72 1 183 2 +72 1 184 6 +72 1 185 2 +72 1 186 1 +72 1 187 2 +72 1 188 1 +72 1 189 1 +72 1 190 2 +72 1 191 1 +72 1 192 6 +72 1 193 2 +72 1 194 6 +72 1 195 1 +72 1 196 1 +72 1 197 6 +72 1 198 7 +72 1 199 1 +72 1 200 1 +72 1 201 5 +72 1 202 1 +72 1 203 6 +72 1 204 7 +72 1 205 6 +72 1 206 2 +72 1 207 6 +72 1 208 2 +72 1 209 1 +72 1 210 6 +72 1 211 1 +72 1 212 2 +72 1 213 6 +72 1 214 2 +72 1 215 6 +72 1 216 1 +72 1 217 2 +72 1 218 2 +72 1 219 1 +72 1 220 6 +72 1 221 1 +72 1 222 6 +72 1 223 1 +72 1 224 6 +72 1 225 2 +72 1 226 1 +72 1 227 7 +72 1 228 1 +72 1 229 1 +72 1 230 6 +72 1 231 6 +72 1 232 2 +72 1 233 6 +72 1 234 1 +72 1 235 1 +72 1 236 2 +72 1 237 5 +72 1 238 1 +72 1 239 6 +72 1 240 5 +72 1 241 3 +72 1 242 2 +72 1 243 6 +72 1 244 1 +72 1 245 5 +72 1 246 1 +72 1 247 6 +72 1 248 1 +72 1 249 1 +72 1 250 6 +72 1 251 1 +72 1 252 3 +72 1 253 1 +72 1 254 1 +72 1 255 7 +72 1 256 5 +72 1 257 1 +72 1 258 2 +72 1 259 5 +72 1 260 2 +72 1 261 2 +72 1 262 3 +72 1 263 1 +72 1 264 1 +72 1 265 1 +72 1 266 5 +72 1 267 6 +72 1 268 1 +72 1 269 6 +72 1 270 2 +72 1 271 1 +72 1 272 3 +72 1 273 6 +72 1 274 3 +72 1 275 2 +72 1 276 6 +72 1 277 1 +72 1 278 2 +72 1 279 6 +72 1 280 1 +72 1 281 1 +72 1 282 1 +72 1 283 7 +72 1 284 3 +72 1 285 5 +72 1 286 3 +72 1 287 2 +72 1 288 5 +72 1 289 1 +72 1 290 3 +72 1 291 1 +72 1 292 5 +72 1 293 1 +72 1 294 1 +72 1 295 2 +72 1 296 6 +72 1 297 2 +72 1 298 5 +72 1 299 1 +72 1 300 1 +72 1 301 1 +72 1 302 2 +72 1 303 1 +72 1 304 1 +72 1 305 6 +72 1 306 1 +72 1 307 1 +72 1 308 6 +72 1 309 7 +72 1 310 1 +72 1 311 1 +72 1 312 7 +72 1 313 6 +72 1 314 3 +72 1 315 1 +72 1 316 1 +72 1 317 6 +72 1 318 5 +72 1 319 3 +72 1 320 2 +72 1 321 5 +72 1 322 1 +72 1 323 1 +72 1 324 3 +72 1 325 6 +72 1 326 2 +72 1 327 1 +72 1 328 1 +72 1 329 2 +72 1 330 1 +72 2 1 1 +72 2 2 9 +72 2 3 5 +72 2 4 7 +72 2 5 1 +72 2 6 5 +72 2 7 1 +72 2 8 6 +72 2 9 7 +72 2 10 1 +72 2 11 1 +72 2 12 2 +72 2 13 1 +72 2 14 1 +72 2 15 9 +72 2 16 3 +72 2 17 6 +72 2 18 1 +72 2 19 1 +72 2 20 1 +72 2 21 9 +72 2 22 2 +72 2 23 9 +72 2 24 7 +72 2 25 1 +72 2 26 1 +72 2 27 2 +72 2 28 6 +72 2 29 9 +72 2 30 7 +72 2 31 1 +72 2 32 7 +72 2 33 1 +72 2 34 1 +72 2 35 7 +72 2 36 1 +72 2 37 9 +72 2 38 7 +72 2 39 1 +72 2 40 1 +72 2 41 7 +72 2 42 9 +72 2 43 1 +72 2 44 2 +72 2 45 1 +72 2 46 9 +72 2 47 1 +72 2 48 7 +72 2 49 6 +72 2 50 4 +72 2 51 7 +72 2 52 2 +72 2 53 7 +72 2 54 1 +72 2 55 1 +72 2 56 9 +72 2 57 1 +72 2 58 7 +72 2 59 2 +72 2 60 1 +72 2 61 7 +72 2 62 9 +72 2 63 5 +72 2 64 1 +72 2 65 2 +72 2 66 2 +72 2 67 9 +72 2 68 6 +72 2 69 1 +72 2 70 2 +72 2 71 7 +72 2 72 1 +72 2 73 7 +72 2 74 2 +72 2 75 1 +72 2 76 5 +72 2 77 1 +72 2 78 2 +72 2 79 4 +72 2 80 1 +72 2 81 6 +72 2 82 1 +72 2 83 2 +72 2 84 9 +72 2 85 1 +72 2 86 9 +72 2 87 7 +72 2 88 6 +72 2 89 4 +72 2 90 1 +72 2 91 2 +72 2 92 3 +72 2 93 1 +72 2 94 4 +72 2 95 3 +72 2 96 2 +72 2 97 6 +72 2 98 5 +72 2 99 3 +72 2 100 1 +72 2 101 7 +72 2 102 3 +72 2 103 9 +72 2 104 1 +72 2 105 7 +72 2 106 2 +72 2 107 3 +72 2 108 3 +72 2 109 1 +72 2 110 2 +72 2 111 1 +72 2 112 5 +72 2 113 4 +72 2 114 1 +72 2 115 9 +72 2 116 3 +72 2 117 7 +72 2 118 2 +72 2 119 1 +72 2 120 3 +72 2 121 9 +72 2 122 1 +72 2 123 1 +72 2 124 2 +72 2 125 5 +72 2 126 9 +72 2 127 4 +72 2 128 2 +72 2 129 3 +72 2 130 4 +72 2 131 9 +72 2 132 6 +72 2 133 1 +72 2 134 7 +72 2 135 9 +72 2 136 1 +72 2 137 1 +72 2 138 3 +72 2 139 3 +72 2 140 1 +72 2 141 3 +72 2 142 3 +72 2 143 2 +72 2 144 4 +72 2 145 1 +72 2 146 3 +72 2 147 1 +72 2 148 6 +72 2 149 1 +72 2 150 4 +72 2 151 9 +72 2 152 9 +72 2 153 1 +72 2 154 4 +72 2 155 4 +72 2 156 1 +72 2 157 7 +72 2 158 3 +72 2 159 9 +72 2 160 9 +72 2 161 1 +72 2 162 5 +72 2 163 1 +72 2 164 1 +72 2 165 1 +72 2 166 4 +72 2 167 2 +72 2 168 1 +72 2 169 1 +72 2 170 4 +72 2 171 1 +72 2 172 3 +72 2 173 9 +72 2 174 2 +72 2 175 3 +72 2 176 6 +72 2 177 2 +72 2 178 1 +72 2 179 7 +72 2 180 1 +72 2 181 7 +72 2 182 4 +72 2 183 9 +72 2 184 6 +72 2 185 9 +72 2 186 1 +72 2 187 2 +72 2 188 1 +72 2 189 3 +72 2 190 9 +72 2 191 1 +72 2 192 1 +72 2 193 2 +72 2 194 7 +72 2 195 1 +72 2 196 9 +72 2 197 7 +72 2 198 4 +72 2 199 3 +72 2 200 1 +72 2 201 9 +72 2 202 1 +72 2 203 9 +72 2 204 4 +72 2 205 1 +72 2 206 3 +72 2 207 9 +72 2 208 7 +72 2 209 1 +72 2 210 4 +72 2 211 1 +72 2 212 2 +72 2 213 9 +72 2 214 2 +72 2 215 9 +72 2 216 4 +72 2 217 9 +72 2 218 1 +72 2 219 3 +72 2 220 1 +72 2 221 3 +72 2 222 1 +72 2 223 1 +72 2 224 3 +72 2 225 7 +72 2 226 1 +72 2 227 4 +72 2 228 1 +72 2 229 9 +72 2 230 3 +72 2 231 7 +72 2 232 7 +72 2 233 9 +72 2 234 1 +72 2 235 1 +72 2 236 2 +72 2 237 9 +72 2 238 1 +72 2 239 9 +72 2 240 7 +72 2 241 3 +72 2 242 9 +72 2 243 4 +72 2 244 3 +72 2 245 5 +72 2 246 1 +72 2 247 1 +72 2 248 4 +72 2 249 1 +72 2 250 1 +72 2 251 2 +72 2 252 3 +72 2 253 1 +72 2 254 9 +72 2 255 4 +72 2 256 9 +72 2 257 1 +72 2 258 2 +72 2 259 7 +72 2 260 9 +72 2 261 2 +72 2 262 3 +72 2 263 9 +72 2 264 3 +72 2 265 1 +72 2 266 7 +72 2 267 4 +72 2 268 1 +72 2 269 9 +72 2 270 2 +72 2 271 1 +72 2 272 3 +72 2 273 9 +72 2 274 3 +72 2 275 2 +72 2 276 9 +72 2 277 1 +72 2 278 2 +72 2 279 1 +72 2 280 1 +72 2 281 1 +72 2 282 1 +72 2 283 7 +72 2 284 3 +72 2 285 9 +72 2 286 3 +72 2 287 7 +72 2 288 5 +72 2 289 1 +72 2 290 3 +72 2 291 1 +72 2 292 9 +72 2 293 3 +72 2 294 3 +72 2 295 7 +72 2 296 4 +72 2 297 2 +72 2 298 6 +72 2 299 1 +72 2 300 3 +72 2 301 1 +72 2 302 3 +72 2 303 3 +72 2 304 1 +72 2 305 2 +72 2 306 1 +72 2 307 1 +72 2 308 9 +72 2 309 4 +72 2 310 1 +72 2 311 1 +72 2 312 4 +72 2 313 1 +72 2 314 3 +72 2 315 1 +72 2 316 1 +72 2 317 7 +72 2 318 2 +72 2 319 3 +72 2 320 6 +72 2 321 6 +72 2 322 1 +72 2 323 1 +72 2 324 3 +72 2 325 1 +72 2 326 2 +72 2 327 3 +72 2 328 1 +72 2 329 7 +72 2 330 3 +72 3 1 1 +72 3 2 8 +72 3 3 2 +72 3 4 7 +72 3 5 * +72 3 6 2 +72 3 7 1 +72 3 8 5 +72 3 9 2 +72 3 10 1 +72 3 11 1 +72 3 12 2 +72 3 13 1 +72 3 14 1 +72 3 15 2 +72 3 16 3 +72 3 17 5 +72 3 18 11 +72 3 19 1 +72 3 20 1 +72 3 21 5 +72 3 22 2 +72 3 23 1 +72 3 24 9 +72 3 25 1 +72 3 26 1 +72 3 27 8 +72 3 28 10 +72 3 29 1 +72 3 30 2 +72 3 31 1 +72 3 32 5 +72 3 33 1 +72 3 34 1 +72 3 35 2 +72 3 36 1 +72 3 37 1 +72 3 38 10 +72 3 39 1 +72 3 40 1 +72 3 41 5 +72 3 42 2 +72 3 43 1 +72 3 44 8 +72 3 45 1 +72 3 46 11 +72 3 47 1 +72 3 48 2 +72 3 49 3 +72 3 50 * +72 3 51 9 +72 3 52 8 +72 3 53 10 +72 3 54 1 +72 3 55 1 +72 3 56 2 +72 3 57 1 +72 3 58 2 +72 3 59 8 +72 3 60 1 +72 3 61 5 +72 3 62 1 +72 3 63 2 +72 3 64 1 +72 3 65 5 +72 3 66 8 +72 3 67 1 +72 3 68 5 +72 3 69 1 +72 3 70 1 +72 3 71 5 +72 3 72 1 +72 3 73 6 +72 3 74 1 +72 3 75 1 +72 3 76 2 +72 3 77 1 +72 3 78 2 +72 3 79 11 +72 3 80 1 +72 3 81 1 +72 3 82 1 +72 3 83 2 +72 3 84 2 +72 3 85 1 +72 3 86 10 +72 3 87 11 +72 3 88 5 +72 3 89 11 +72 3 90 1 +72 3 91 1 +72 3 92 8 +72 3 93 1 +72 3 94 7 +72 3 95 2 +72 3 96 2 +72 3 97 6 +72 3 98 5 +72 3 99 1 +72 3 100 1 +72 3 101 5 +72 3 102 1 +72 3 103 * +72 3 104 1 +72 3 105 5 +72 3 106 2 +72 3 107 3 +72 3 108 1 +72 3 109 1 +72 3 110 2 +72 3 111 1 +72 3 112 5 +72 3 113 11 +72 3 114 1 +72 3 115 5 +72 3 116 1 +72 3 117 7 +72 3 118 10 +72 3 119 1 +72 3 120 8 +72 3 121 2 +72 3 122 1 +72 3 123 1 +72 3 124 2 +72 3 125 2 +72 3 126 10 +72 3 127 1 +72 3 128 2 +72 3 129 3 +72 3 130 * +72 3 131 * +72 3 132 2 +72 3 133 1 +72 3 134 7 +72 3 135 10 +72 3 136 1 +72 3 137 1 +72 3 138 1 +72 3 139 3 +72 3 140 1 +72 3 141 3 +72 3 142 1 +72 3 143 1 +72 3 144 1 +72 3 145 1 +72 3 146 2 +72 3 147 1 +72 3 148 5 +72 3 149 1 +72 3 150 * +72 3 151 5 +72 3 152 8 +72 3 153 1 +72 3 154 11 +72 3 155 7 +72 3 156 1 +72 3 157 7 +72 3 158 3 +72 3 159 2 +72 3 160 8 +72 3 161 1 +72 3 162 5 +72 3 163 1 +72 3 164 1 +72 3 165 1 +72 3 166 1 +72 3 167 8 +72 3 168 1 +72 3 169 1 +72 3 170 1 +72 3 171 1 +72 3 172 3 +72 3 173 10 +72 3 174 2 +72 3 175 1 +72 3 176 5 +72 3 177 2 +72 3 178 1 +72 3 179 5 +72 3 180 1 +72 3 181 2 +72 3 182 5 +72 3 183 9 +72 3 184 6 +72 3 185 2 +72 3 186 1 +72 3 187 2 +72 3 188 1 +72 3 189 8 +72 3 190 2 +72 3 191 1 +72 3 192 6 +72 3 193 2 +72 3 194 11 +72 3 195 1 +72 3 196 1 +72 3 197 * +72 3 198 4 +72 3 199 8 +72 3 200 1 +72 3 201 2 +72 3 202 1 +72 3 203 10 +72 3 204 7 +72 3 205 * +72 3 206 8 +72 3 207 5 +72 3 208 2 +72 3 209 1 +72 3 210 5 +72 3 211 1 +72 3 212 2 +72 3 213 8 +72 3 214 2 +72 3 215 10 +72 3 216 1 +72 3 217 2 +72 3 218 * +72 3 219 3 +72 3 220 1 +72 3 221 1 +72 3 222 * +72 3 223 1 +72 3 224 8 +72 3 225 * +72 3 226 1 +72 3 227 4 +72 3 228 1 +72 3 229 1 +72 3 230 3 +72 3 231 8 +72 3 232 * +72 3 233 1 +72 3 234 1 +72 3 235 1 +72 3 236 1 +72 3 237 2 +72 3 238 1 +72 3 239 10 +72 3 240 5 +72 3 241 3 +72 3 242 2 +72 3 243 5 +72 3 244 1 +72 3 245 5 +72 3 246 1 +72 3 247 1 +72 3 248 1 +72 3 249 1 +72 3 250 * +72 3 251 1 +72 3 252 8 +72 3 253 1 +72 3 254 1 +72 3 255 4 +72 3 256 5 +72 3 257 1 +72 3 258 2 +72 3 259 5 +72 3 260 8 +72 3 261 2 +72 3 262 3 +72 3 263 11 +72 3 264 8 +72 3 265 1 +72 3 266 5 +72 3 267 * +72 3 268 1 +72 3 269 * +72 3 270 2 +72 3 271 1 +72 3 272 8 +72 3 273 6 +72 3 274 3 +72 3 275 * +72 3 276 5 +72 3 277 1 +72 3 278 2 +72 3 279 1 +72 3 280 1 +72 3 281 1 +72 3 282 1 +72 3 283 7 +72 3 284 1 +72 3 285 10 +72 3 286 3 +72 3 287 * +72 3 288 5 +72 3 289 1 +72 3 290 8 +72 3 291 1 +72 3 292 8 +72 3 293 1 +72 3 294 8 +72 3 295 * +72 3 296 * +72 3 297 2 +72 3 298 5 +72 3 299 1 +72 3 300 3 +72 3 301 1 +72 3 302 8 +72 3 303 1 +72 3 304 1 +72 3 305 * +72 3 306 1 +72 3 307 1 +72 3 308 1 +72 3 309 7 +72 3 310 1 +72 3 311 1 +72 3 312 11 +72 3 313 1 +72 3 314 8 +72 3 315 1 +72 3 316 1 +72 3 317 5 +72 3 318 2 +72 3 319 3 +72 3 320 * +72 3 321 5 +72 3 322 1 +72 3 323 1 +72 3 324 8 +72 3 325 10 +72 3 326 2 +72 3 327 1 +72 3 328 1 +72 3 329 7 +72 3 330 8 +72 4 1 1 +72 4 2 1 +72 4 3 5 +72 4 4 7 +72 4 5 1 +72 4 6 2 +72 4 7 1 +72 4 8 7 +72 4 9 7 +72 4 10 6 +72 4 11 1 +72 4 12 2 +72 4 13 1 +72 4 14 6 +72 4 15 8 +72 4 16 8 +72 4 17 2 +72 4 18 7 +72 4 19 1 +72 4 20 1 +72 4 21 5 +72 4 22 2 +72 4 23 8 +72 4 24 7 +72 4 25 1 +72 4 26 6 +72 4 27 8 +72 4 28 5 +72 4 29 1 +72 4 30 2 +72 4 31 1 +72 4 32 6 +72 4 33 1 +72 4 34 1 +72 4 35 2 +72 4 36 1 +72 4 37 6 +72 4 38 7 +72 4 39 1 +72 4 40 1 +72 4 41 5 +72 4 42 2 +72 4 43 7 +72 4 44 8 +72 4 45 1 +72 4 46 7 +72 4 47 1 +72 4 48 2 +72 4 49 1 +72 4 50 7 +72 4 51 7 +72 4 52 2 +72 4 53 5 +72 4 54 1 +72 4 55 1 +72 4 56 2 +72 4 57 1 +72 4 58 2 +72 4 59 8 +72 4 60 1 +72 4 61 5 +72 4 62 1 +72 4 63 5 +72 4 64 6 +72 4 65 5 +72 4 66 8 +72 4 67 1 +72 4 68 6 +72 4 69 1 +72 4 70 8 +72 4 71 5 +72 4 72 1 +72 4 73 6 +72 4 74 8 +72 4 75 1 +72 4 76 2 +72 4 77 1 +72 4 78 8 +72 4 79 7 +72 4 80 1 +72 4 81 1 +72 4 82 1 +72 4 83 2 +72 4 84 2 +72 4 85 1 +72 4 86 10 +72 4 87 7 +72 4 88 10 +72 4 89 4 +72 4 90 1 +72 4 91 1 +72 4 92 8 +72 4 93 1 +72 4 94 7 +72 4 95 1 +72 4 96 2 +72 4 97 6 +72 4 98 5 +72 4 99 8 +72 4 100 1 +72 4 101 5 +72 4 102 8 +72 4 103 1 +72 4 104 1 +72 4 105 6 +72 4 106 2 +72 4 107 8 +72 4 108 1 +72 4 109 6 +72 4 110 2 +72 4 111 1 +72 4 112 5 +72 4 113 7 +72 4 114 1 +72 4 115 5 +72 4 116 8 +72 4 117 7 +72 4 118 10 +72 4 119 1 +72 4 120 8 +72 4 121 2 +72 4 122 1 +72 4 123 1 +72 4 124 1 +72 4 125 2 +72 4 126 10 +72 4 127 7 +72 4 128 2 +72 4 129 8 +72 4 130 7 +72 4 131 6 +72 4 132 5 +72 4 133 1 +72 4 134 7 +72 4 135 10 +72 4 136 1 +72 4 137 1 +72 4 138 1 +72 4 139 8 +72 4 140 6 +72 4 141 3 +72 4 142 3 +72 4 143 1 +72 4 144 6 +72 4 145 1 +72 4 146 2 +72 4 147 1 +72 4 148 5 +72 4 149 1 +72 4 150 6 +72 4 151 5 +72 4 152 6 +72 4 153 6 +72 4 154 7 +72 4 155 7 +72 4 156 1 +72 4 157 7 +72 4 158 3 +72 4 159 2 +72 4 160 10 +72 4 161 1 +72 4 162 5 +72 4 163 1 +72 4 164 6 +72 4 165 1 +72 4 166 1 +72 4 167 8 +72 4 168 1 +72 4 169 1 +72 4 170 7 +72 4 171 1 +72 4 172 3 +72 4 173 5 +72 4 174 2 +72 4 175 1 +72 4 176 5 +72 4 177 2 +72 4 178 1 +72 4 179 7 +72 4 180 1 +72 4 181 2 +72 4 182 7 +72 4 183 7 +72 4 184 6 +72 4 185 2 +72 4 186 1 +72 4 187 2 +72 4 188 1 +72 4 189 8 +72 4 190 8 +72 4 191 1 +72 4 192 6 +72 4 193 1 +72 4 194 7 +72 4 195 1 +72 4 196 1 +72 4 197 6 +72 4 198 7 +72 4 199 1 +72 4 200 1 +72 4 201 2 +72 4 202 1 +72 4 203 10 +72 4 204 7 +72 4 205 6 +72 4 206 1 +72 4 207 5 +72 4 208 2 +72 4 209 1 +72 4 210 7 +72 4 211 1 +72 4 212 2 +72 4 213 8 +72 4 214 1 +72 4 215 8 +72 4 216 1 +72 4 217 8 +72 4 218 1 +72 4 219 1 +72 4 220 1 +72 4 221 8 +72 4 222 1 +72 4 223 1 +72 4 224 8 +72 4 225 7 +72 4 226 1 +72 4 227 7 +72 4 228 1 +72 4 229 1 +72 4 230 * +72 4 231 10 +72 4 232 7 +72 4 233 6 +72 4 234 1 +72 4 235 6 +72 4 236 1 +72 4 237 2 +72 4 238 1 +72 4 239 10 +72 4 240 7 +72 4 241 8 +72 4 242 2 +72 4 243 7 +72 4 244 8 +72 4 245 5 +72 4 246 1 +72 4 247 6 +72 4 248 1 +72 4 249 1 +72 4 250 6 +72 4 251 1 +72 4 252 8 +72 4 253 1 +72 4 254 8 +72 4 255 7 +72 4 256 2 +72 4 257 1 +72 4 258 2 +72 4 259 5 +72 4 260 2 +72 4 261 2 +72 4 262 8 +72 4 263 8 +72 4 264 23 +72 4 265 1 +72 4 266 5 +72 4 267 7 +72 4 268 1 +72 4 269 10 +72 4 270 2 +72 4 271 1 +72 4 272 8 +72 4 273 10 +72 4 274 8 +72 4 275 1 +72 4 276 5 +72 4 277 1 +72 4 278 2 +72 4 279 6 +72 4 280 1 +72 4 281 1 +72 4 282 1 +72 4 283 7 +72 4 284 8 +72 4 285 10 +72 4 286 3 +72 4 287 7 +72 4 288 5 +72 4 289 1 +72 4 290 8 +72 4 291 1 +72 4 292 10 +72 4 293 1 +72 4 294 1 +72 4 295 7 +72 4 296 6 +72 4 297 2 +72 4 298 5 +72 4 299 1 +72 4 300 8 +72 4 301 1 +72 4 302 8 +72 4 303 8 +72 4 304 1 +72 4 305 6 +72 4 306 1 +72 4 307 1 +72 4 308 6 +72 4 309 7 +72 4 310 1 +72 4 311 1 +72 4 312 7 +72 4 313 1 +72 4 314 8 +72 4 315 1 +72 4 316 1 +72 4 317 6 +72 4 318 2 +72 4 319 8 +72 4 320 1 +72 4 321 5 +72 4 322 1 +72 4 323 1 +72 4 324 8 +72 4 325 6 +72 4 326 2 +72 4 327 8 +72 4 328 1 +72 4 329 2 +72 4 330 8 +72 5 1 1 +72 5 2 1 +72 5 3 2 +72 5 4 6 +72 5 5 1 +72 5 6 2 +72 5 7 1 +72 5 8 6 +72 5 9 7 +72 5 10 1 +72 5 11 1 +72 5 12 2 +72 5 13 1 +72 5 14 1 +72 5 15 8 +72 5 16 3 +72 5 17 2 +72 5 18 4 +72 5 19 1 +72 5 20 1 +72 5 21 10 +72 5 22 2 +72 5 23 6 +72 5 24 9 +72 5 25 1 +72 5 26 1 +72 5 27 3 +72 5 28 10 +72 5 29 1 +72 5 30 2 +72 5 31 1 +72 5 32 10 +72 5 33 1 +72 5 34 1 +72 5 35 2 +72 5 36 1 +72 5 37 1 +72 5 38 10 +72 5 39 1 +72 5 40 1 +72 5 41 5 +72 5 42 2 +72 5 43 1 +72 5 44 3 +72 5 45 1 +72 5 46 8 +72 5 47 1 +72 5 48 2 +72 5 49 1 +72 5 50 6 +72 5 51 9 +72 5 52 3 +72 5 53 10 +72 5 54 1 +72 5 55 1 +72 5 56 2 +72 5 57 1 +72 5 58 2 +72 5 59 3 +72 5 60 1 +72 5 61 5 +72 5 62 6 +72 5 63 2 +72 5 64 1 +72 5 65 10 +72 5 66 3 +72 5 67 1 +72 5 68 8 +72 5 69 1 +72 5 70 3 +72 5 71 6 +72 5 72 1 +72 5 73 6 +72 5 74 8 +72 5 75 1 +72 5 76 2 +72 5 77 1 +72 5 78 8 +72 5 79 4 +72 5 80 1 +72 5 81 1 +72 5 82 1 +72 5 83 3 +72 5 84 8 +72 5 85 1 +72 5 86 10 +72 5 87 4 +72 5 88 6 +72 5 89 4 +72 5 90 1 +72 5 91 2 +72 5 92 3 +72 5 93 1 +72 5 94 4 +72 5 95 3 +72 5 96 2 +72 5 97 6 +72 5 98 5 +72 5 99 8 +72 5 100 1 +72 5 101 6 +72 5 102 8 +72 5 103 9 +72 5 104 1 +72 5 105 6 +72 5 106 2 +72 5 107 3 +72 5 108 1 +72 5 109 6 +72 5 110 2 +72 5 111 1 +72 5 112 5 +72 5 113 4 +72 5 114 1 +72 5 115 5 +72 5 116 1 +72 5 117 4 +72 5 118 10 +72 5 119 1 +72 5 120 3 +72 5 121 2 +72 5 122 1 +72 5 123 1 +72 5 124 2 +72 5 125 2 +72 5 126 8 +72 5 127 1 +72 5 128 2 +72 5 129 3 +72 5 130 4 +72 5 131 6 +72 5 132 2 +72 5 133 1 +72 5 134 4 +72 5 135 6 +72 5 136 1 +72 5 137 1 +72 5 138 1 +72 5 139 3 +72 5 140 1 +72 5 141 3 +72 5 142 3 +72 5 143 8 +72 5 144 6 +72 5 145 1 +72 5 146 2 +72 5 147 1 +72 5 148 5 +72 5 149 2 +72 5 150 6 +72 5 151 2 +72 5 152 8 +72 5 153 1 +72 5 154 7 +72 5 155 4 +72 5 156 1 +72 5 157 4 +72 5 158 3 +72 5 159 2 +72 5 160 8 +72 5 161 1 +72 5 162 5 +72 5 163 1 +72 5 164 1 +72 5 165 2 +72 5 166 1 +72 5 167 6 +72 5 168 1 +72 5 169 1 +72 5 170 1 +72 5 171 1 +72 5 172 3 +72 5 173 5 +72 5 174 2 +72 5 175 1 +72 5 176 5 +72 5 177 2 +72 5 178 1 +72 5 179 6 +72 5 180 1 +72 5 181 2 +72 5 182 6 +72 5 183 2 +72 5 184 6 +72 5 185 2 +72 5 186 1 +72 5 187 2 +72 5 188 1 +72 5 189 1 +72 5 190 8 +72 5 191 1 +72 5 192 6 +72 5 193 2 +72 5 194 6 +72 5 195 1 +72 5 196 8 +72 5 197 6 +72 5 198 4 +72 5 199 3 +72 5 200 1 +72 5 201 2 +72 5 202 1 +72 5 203 6 +72 5 204 4 +72 5 205 6 +72 5 206 3 +72 5 207 10 +72 5 208 2 +72 5 209 1 +72 5 210 4 +72 5 211 1 +72 5 212 2 +72 5 213 8 +72 5 214 2 +72 5 215 8 +72 5 216 1 +72 5 217 2 +72 5 218 1 +72 5 219 3 +72 5 220 6 +72 5 221 3 +72 5 222 6 +72 5 223 1 +72 5 224 3 +72 5 225 2 +72 5 226 1 +72 5 227 4 +72 5 228 6 +72 5 229 1 +72 5 230 3 +72 5 231 8 +72 5 232 2 +72 5 233 6 +72 5 234 1 +72 5 235 1 +72 5 236 2 +72 5 237 2 +72 5 238 1 +72 5 239 8 +72 5 240 7 +72 5 241 3 +72 5 242 2 +72 5 243 6 +72 5 244 3 +72 5 245 5 +72 5 246 1 +72 5 247 6 +72 5 248 1 +72 5 249 1 +72 5 250 6 +72 5 251 1 +72 5 252 3 +72 5 253 1 +72 5 254 8 +72 5 255 4 +72 5 256 5 +72 5 257 1 +72 5 258 2 +72 5 259 7 +72 5 260 3 +72 5 261 2 +72 5 262 3 +72 5 263 3 +72 5 264 3 +72 5 265 1 +72 5 266 7 +72 5 267 6 +72 5 268 1 +72 5 269 6 +72 5 270 2 +72 5 271 1 +72 5 272 3 +72 5 273 6 +72 5 274 3 +72 5 275 2 +72 5 276 6 +72 5 277 1 +72 5 278 2 +72 5 279 6 +72 5 280 1 +72 5 281 1 +72 5 282 1 +72 5 283 7 +72 5 284 3 +72 5 285 8 +72 5 286 3 +72 5 287 2 +72 5 288 5 +72 5 289 1 +72 5 290 3 +72 5 291 1 +72 5 292 2 +72 5 293 3 +72 5 294 3 +72 5 295 7 +72 5 296 6 +72 5 297 2 +72 5 298 5 +72 5 299 1 +72 5 300 3 +72 5 301 1 +72 5 302 3 +72 5 303 3 +72 5 304 1 +72 5 305 6 +72 5 306 1 +72 5 307 1 +72 5 308 6 +72 5 309 9 +72 5 310 1 +72 5 311 1 +72 5 312 4 +72 5 313 6 +72 5 314 3 +72 5 315 1 +72 5 316 1 +72 5 317 6 +72 5 318 2 +72 5 319 3 +72 5 320 2 +72 5 321 5 +72 5 322 1 +72 5 323 1 +72 5 324 3 +72 5 325 6 +72 5 326 2 +72 5 327 3 +72 5 328 1 +72 5 329 2 +72 5 330 3 +72 6 1 15 +72 6 2 1 +72 6 3 5 +72 6 4 6 +72 6 5 1 +72 6 6 7 +72 6 7 1 +72 6 8 6 +72 6 9 7 +72 6 10 15 +72 6 11 1 +72 6 12 2 +72 6 13 1 +72 6 14 15 +72 6 15 10 +72 6 16 8 +72 6 17 5 +72 6 18 4 +72 6 19 15 +72 6 20 1 +72 6 21 10 +72 6 22 2 +72 6 23 6 +72 6 24 7 +72 6 25 15 +72 6 26 15 +72 6 27 8 +72 6 28 10 +72 6 29 1 +72 6 30 7 +72 6 31 15 +72 6 32 6 +72 6 33 1 +72 6 34 15 +72 6 35 10 +72 6 36 1 +72 6 37 15 +72 6 38 5 +72 6 39 1 +72 6 40 15 +72 6 41 5 +72 6 42 7 +72 6 43 15 +72 6 44 8 +72 6 45 1 +72 6 46 16 +72 6 47 1 +72 6 48 7 +72 6 49 15 +72 6 50 6 +72 6 51 7 +72 6 52 3 +72 6 53 6 +72 6 54 1 +72 6 55 15 +72 6 56 10 +72 6 57 1 +72 6 58 7 +72 6 59 6 +72 6 60 1 +72 6 61 5 +72 6 62 6 +72 6 63 10 +72 6 64 15 +72 6 65 5 +72 6 66 3 +72 6 67 15 +72 6 68 6 +72 6 69 1 +72 6 70 24 +72 6 71 6 +72 6 72 1 +72 6 73 6 +72 6 74 15 +72 6 75 1 +72 6 76 2 +72 6 77 15 +72 6 78 6 +72 6 79 16 +72 6 80 15 +72 6 81 1 +72 6 82 15 +72 6 83 24 +72 6 84 10 +72 6 85 1 +72 6 86 6 +72 6 87 4 +72 6 88 6 +72 6 89 4 +72 6 90 1 +72 6 91 1 +72 6 92 3 +72 6 93 15 +72 6 94 4 +72 6 95 3 +72 6 96 2 +72 6 97 6 +72 6 98 5 +72 6 99 6 +72 6 100 15 +72 6 101 6 +72 6 102 6 +72 6 103 1 +72 6 104 15 +72 6 105 6 +72 6 106 2 +72 6 107 3 +72 6 108 3 +72 6 109 6 +72 6 110 2 +72 6 111 1 +72 6 112 5 +72 6 113 4 +72 6 114 15 +72 6 115 6 +72 6 116 15 +72 6 117 7 +72 6 118 10 +72 6 119 1 +72 6 120 3 +72 6 121 2 +72 6 122 1 +72 6 123 15 +72 6 124 1 +72 6 125 2 +72 6 126 10 +72 6 127 1 +72 6 128 2 +72 6 129 3 +72 6 130 1 +72 6 131 6 +72 6 132 5 +72 6 133 1 +72 6 134 7 +72 6 135 6 +72 6 136 15 +72 6 137 1 +72 6 138 15 +72 6 139 24 +72 6 140 15 +72 6 141 3 +72 6 142 6 +72 6 143 1 +72 6 144 6 +72 6 145 1 +72 6 146 2 +72 6 147 1 +72 6 148 5 +72 6 149 15 +72 6 150 6 +72 6 151 10 +72 6 152 6 +72 6 153 15 +72 6 154 16 +72 6 155 7 +72 6 156 1 +72 6 157 7 +72 6 158 3 +72 6 159 10 +72 6 160 10 +72 6 161 1 +72 6 162 5 +72 6 163 15 +72 6 164 15 +72 6 165 1 +72 6 166 15 +72 6 167 6 +72 6 168 1 +72 6 169 15 +72 6 170 1 +72 6 171 1 +72 6 172 3 +72 6 173 10 +72 6 174 2 +72 6 175 15 +72 6 176 10 +72 6 177 2 +72 6 178 15 +72 6 179 7 +72 6 180 1 +72 6 181 7 +72 6 182 6 +72 6 183 7 +72 6 184 6 +72 6 185 2 +72 6 186 15 +72 6 187 2 +72 6 188 15 +72 6 189 16 +72 6 190 10 +72 6 191 1 +72 6 192 6 +72 6 193 1 +72 6 194 7 +72 6 195 1 +72 6 196 15 +72 6 197 6 +72 6 198 16 +72 6 199 3 +72 6 200 15 +72 6 201 10 +72 6 202 1 +72 6 203 6 +72 6 204 7 +72 6 205 6 +72 6 206 3 +72 6 207 17 +72 6 208 7 +72 6 209 1 +72 6 210 7 +72 6 211 15 +72 6 212 2 +72 6 213 6 +72 6 214 1 +72 6 215 6 +72 6 216 1 +72 6 217 10 +72 6 218 1 +72 6 219 3 +72 6 220 6 +72 6 221 3 +72 6 222 6 +72 6 223 1 +72 6 224 10 +72 6 225 1 +72 6 226 15 +72 6 227 1 +72 6 228 15 +72 6 229 1 +72 6 230 3 +72 6 231 6 +72 6 232 7 +72 6 233 6 +72 6 234 1 +72 6 235 15 +72 6 236 1 +72 6 237 10 +72 6 238 15 +72 6 239 10 +72 6 240 2 +72 6 241 3 +72 6 242 2 +72 6 243 6 +72 6 244 15 +72 6 245 5 +72 6 246 15 +72 6 247 6 +72 6 248 1 +72 6 249 1 +72 6 250 6 +72 6 251 1 +72 6 252 3 +72 6 253 15 +72 6 254 6 +72 6 255 16 +72 6 256 5 +72 6 257 15 +72 6 258 1 +72 6 259 7 +72 6 260 1 +72 6 261 2 +72 6 262 3 +72 6 263 16 +72 6 264 15 +72 6 265 1 +72 6 266 7 +72 6 267 6 +72 6 268 1 +72 6 269 6 +72 6 270 2 +72 6 271 1 +72 6 272 3 +72 6 273 6 +72 6 274 3 +72 6 275 1 +72 6 276 6 +72 6 277 15 +72 6 278 10 +72 6 279 6 +72 6 280 1 +72 6 281 1 +72 6 282 1 +72 6 283 7 +72 6 284 3 +72 6 285 10 +72 6 286 3 +72 6 287 7 +72 6 288 5 +72 6 289 15 +72 6 290 3 +72 6 291 15 +72 6 292 10 +72 6 293 15 +72 6 294 16 +72 6 295 7 +72 6 296 6 +72 6 297 2 +72 6 298 5 +72 6 299 1 +72 6 300 16 +72 6 301 1 +72 6 302 3 +72 6 303 6 +72 6 304 1 +72 6 305 6 +72 6 306 1 +72 6 307 15 +72 6 308 6 +72 6 309 7 +72 6 310 1 +72 6 311 15 +72 6 312 16 +72 6 313 6 +72 6 314 10 +72 6 315 1 +72 6 316 15 +72 6 317 6 +72 6 318 2 +72 6 319 3 +72 6 320 1 +72 6 321 5 +72 6 322 15 +72 6 323 1 +72 6 324 3 +72 6 325 6 +72 6 326 2 +72 6 327 16 +72 6 328 1 +72 6 329 7 +72 6 330 3 +72 7 1 1 +72 7 2 1 +72 7 3 5 +72 7 4 6 +72 7 5 1 +72 7 6 2 +72 7 7 1 +72 7 8 5 +72 7 9 2 +72 7 10 1 +72 7 11 1 +72 7 12 2 +72 7 13 1 +72 7 14 1 +72 7 15 10 +72 7 16 3 +72 7 17 2 +72 7 18 4 +72 7 19 1 +72 7 20 1 +72 7 21 10 +72 7 22 2 +72 7 23 6 +72 7 24 9 +72 7 25 1 +72 7 26 1 +72 7 27 3 +72 7 28 10 +72 7 29 1 +72 7 30 2 +72 7 31 1 +72 7 32 10 +72 7 33 1 +72 7 34 1 +72 7 35 2 +72 7 36 1 +72 7 37 1 +72 7 38 10 +72 7 39 1 +72 7 40 1 +72 7 41 5 +72 7 42 2 +72 7 43 1 +72 7 44 3 +72 7 45 1 +72 7 46 4 +72 7 47 4 +72 7 48 2 +72 7 49 1 +72 7 50 6 +72 7 51 9 +72 7 52 3 +72 7 53 10 +72 7 54 1 +72 7 55 1 +72 7 56 2 +72 7 57 1 +72 7 58 9 +72 7 59 1 +72 7 60 4 +72 7 61 6 +72 7 62 1 +72 7 63 2 +72 7 64 1 +72 7 65 10 +72 7 66 3 +72 7 67 1 +72 7 68 10 +72 7 69 9 +72 7 70 3 +72 7 71 6 +72 7 72 1 +72 7 73 6 +72 7 74 1 +72 7 75 9 +72 7 76 2 +72 7 77 1 +72 7 78 3 +72 7 79 4 +72 7 80 1 +72 7 81 9 +72 7 82 1 +72 7 83 3 +72 7 84 2 +72 7 85 1 +72 7 86 10 +72 7 87 4 +72 7 88 10 +72 7 89 4 +72 7 90 4 +72 7 91 2 +72 7 92 3 +72 7 93 1 +72 7 94 9 +72 7 95 3 +72 7 96 2 +72 7 97 6 +72 7 98 5 +72 7 99 9 +72 7 100 3 +72 7 101 6 +72 7 102 9 +72 7 103 9 +72 7 104 1 +72 7 105 6 +72 7 106 2 +72 7 107 3 +72 7 108 3 +72 7 109 1 +72 7 110 2 +72 7 111 9 +72 7 112 10 +72 7 113 9 +72 7 114 1 +72 7 115 6 +72 7 116 1 +72 7 117 9 +72 7 118 10 +72 7 119 1 +72 7 120 3 +72 7 121 2 +72 7 122 1 +72 7 123 1 +72 7 124 2 +72 7 125 2 +72 7 126 10 +72 7 127 4 +72 7 128 2 +72 7 129 3 +72 7 130 9 +72 7 131 6 +72 7 132 5 +72 7 133 1 +72 7 134 9 +72 7 135 6 +72 7 136 1 +72 7 137 1 +72 7 138 1 +72 7 139 3 +72 7 140 1 +72 7 141 3 +72 7 142 3 +72 7 143 2 +72 7 144 9 +72 7 145 1 +72 7 146 2 +72 7 147 1 +72 7 148 5 +72 7 149 1 +72 7 150 6 +72 7 151 2 +72 7 152 6 +72 7 153 1 +72 7 154 4 +72 7 155 9 +72 7 156 1 +72 7 157 9 +72 7 158 3 +72 7 159 2 +72 7 160 10 +72 7 161 1 +72 7 162 10 +72 7 163 1 +72 7 164 1 +72 7 165 9 +72 7 166 1 +72 7 167 10 +72 7 168 1 +72 7 169 1 +72 7 170 4 +72 7 171 9 +72 7 172 3 +72 7 173 10 +72 7 174 2 +72 7 175 1 +72 7 176 6 +72 7 177 2 +72 7 178 1 +72 7 179 6 +72 7 180 1 +72 7 181 9 +72 7 182 6 +72 7 183 9 +72 7 184 6 +72 7 185 9 +72 7 186 1 +72 7 187 2 +72 7 188 1 +72 7 189 3 +72 7 190 10 +72 7 191 1 +72 7 192 6 +72 7 193 2 +72 7 194 6 +72 7 195 1 +72 7 196 1 +72 7 197 6 +72 7 198 4 +72 7 199 3 +72 7 200 1 +72 7 201 2 +72 7 202 1 +72 7 203 10 +72 7 204 9 +72 7 205 6 +72 7 206 3 +72 7 207 6 +72 7 208 9 +72 7 209 1 +72 7 210 9 +72 7 211 1 +72 7 212 2 +72 7 213 10 +72 7 214 2 +72 7 215 6 +72 7 216 9 +72 7 217 10 +72 7 218 2 +72 7 219 3 +72 7 220 6 +72 7 221 3 +72 7 222 10 +72 7 223 1 +72 7 224 3 +72 7 225 9 +72 7 226 1 +72 7 227 4 +72 7 228 4 +72 7 229 1 +72 7 230 3 +72 7 231 6 +72 7 232 9 +72 7 233 10 +72 7 234 1 +72 7 235 1 +72 7 236 9 +72 7 237 10 +72 7 238 1 +72 7 239 10 +72 7 240 9 +72 7 241 3 +72 7 242 3 +72 7 243 10 +72 7 244 3 +72 7 245 5 +72 7 246 1 +72 7 247 6 +72 7 248 4 +72 7 249 1 +72 7 250 10 +72 7 251 1 +72 7 252 3 +72 7 253 1 +72 7 254 1 +72 7 255 4 +72 7 256 10 +72 7 257 1 +72 7 258 2 +72 7 259 6 +72 7 260 3 +72 7 261 2 +72 7 262 3 +72 7 263 4 +72 7 264 3 +72 7 265 1 +72 7 266 9 +72 7 267 6 +72 7 268 1 +72 7 269 6 +72 7 270 2 +72 7 271 4 +72 7 272 3 +72 7 273 6 +72 7 274 3 +72 7 275 9 +72 7 276 6 +72 7 277 4 +72 7 278 2 +72 7 279 6 +72 7 280 9 +72 7 281 1 +72 7 282 1 +72 7 283 6 +72 7 284 3 +72 7 285 6 +72 7 286 3 +72 7 287 9 +72 7 288 5 +72 7 289 1 +72 7 290 3 +72 7 291 1 +72 7 292 6 +72 7 293 3 +72 7 294 3 +72 7 295 9 +72 7 296 6 +72 7 297 2 +72 7 298 5 +72 7 299 1 +72 7 300 3 +72 7 301 1 +72 7 302 3 +72 7 303 3 +72 7 304 9 +72 7 305 10 +72 7 306 1 +72 7 307 1 +72 7 308 6 +72 7 309 9 +72 7 310 1 +72 7 311 1 +72 7 312 4 +72 7 313 6 +72 7 314 3 +72 7 315 1 +72 7 316 1 +72 7 317 10 +72 7 318 9 +72 7 319 3 +72 7 320 9 +72 7 321 5 +72 7 322 1 +72 7 323 1 +72 7 324 3 +72 7 325 10 +72 7 326 9 +72 7 327 3 +72 7 328 9 +72 7 329 9 +72 7 330 3 +72 8 1 1 +72 8 2 8 +72 8 3 5 +72 8 4 7 +72 8 5 10 +72 8 6 8 +72 8 7 6 +72 8 8 7 +72 8 9 2 +72 8 10 1 +72 8 11 1 +72 8 12 8 +72 8 13 1 +72 8 14 1 +72 8 15 8 +72 8 16 3 +72 8 17 5 +72 8 18 * +72 8 19 1 +72 8 20 1 +72 8 21 10 +72 8 22 8 +72 8 23 10 +72 8 24 4 +72 8 25 1 +72 8 26 1 +72 8 27 3 +72 8 28 10 +72 8 29 1 +72 8 30 * +72 8 31 3 +72 8 32 10 +72 8 33 1 +72 8 34 1 +72 8 35 8 +72 8 36 1 +72 8 37 3 +72 8 38 10 +72 8 39 1 +72 8 40 3 +72 8 41 6 +72 8 42 8 +72 8 43 1 +72 8 44 3 +72 8 45 1 +72 8 46 3 +72 8 47 1 +72 8 48 3 +72 8 49 8 +72 8 50 6 +72 8 51 8 +72 8 52 3 +72 8 53 6 +72 8 54 1 +72 8 55 1 +72 8 56 8 +72 8 57 1 +72 8 58 8 +72 8 59 3 +72 8 60 1 +72 8 61 10 +72 8 62 8 +72 8 63 8 +72 8 64 1 +72 8 65 5 +72 8 66 3 +72 8 67 3 +72 8 68 10 +72 8 69 * +72 8 70 3 +72 8 71 7 +72 8 72 1 +72 8 73 1 +72 8 74 8 +72 8 75 1 +72 8 76 8 +72 8 77 1 +72 8 78 8 +72 8 79 1 +72 8 80 1 +72 8 81 1 +72 8 82 1 +72 8 83 3 +72 8 84 3 +72 8 85 1 +72 8 86 10 +72 8 87 1 +72 8 88 10 +72 8 89 1 +72 8 90 1 +72 8 91 3 +72 8 92 3 +72 8 93 1 +72 8 94 1 +72 8 95 3 +72 8 96 2 +72 8 97 1 +72 8 98 5 +72 8 99 8 +72 8 100 3 +72 8 101 10 +72 8 102 3 +72 8 103 3 +72 8 104 1 +72 8 105 10 +72 8 106 3 +72 8 107 3 +72 8 108 3 +72 8 109 1 +72 8 110 3 +72 8 111 1 +72 8 112 5 +72 8 113 1 +72 8 114 1 +72 8 115 10 +72 8 116 3 +72 8 117 7 +72 8 118 3 +72 8 119 1 +72 8 120 3 +72 8 121 3 +72 8 122 1 +72 8 123 1 +72 8 124 3 +72 8 125 3 +72 8 126 3 +72 8 127 1 +72 8 128 3 +72 8 129 3 +72 8 130 1 +72 8 131 6 +72 8 132 5 +72 8 133 1 +72 8 134 7 +72 8 135 10 +72 8 136 1 +72 8 137 1 +72 8 138 1 +72 8 139 3 +72 8 140 1 +72 8 141 3 +72 8 142 3 +72 8 143 3 +72 8 144 1 +72 8 145 3 +72 8 146 3 +72 8 147 1 +72 8 148 5 +72 8 149 3 +72 8 150 6 +72 8 151 3 +72 8 152 3 +72 8 153 1 +72 8 154 3 +72 8 155 3 +72 8 156 1 +72 8 157 7 +72 8 158 3 +72 8 159 3 +72 8 160 3 +72 8 161 1 +72 8 162 5 +72 8 163 1 +72 8 164 1 +72 8 165 3 +72 8 166 1 +72 8 167 3 +72 8 168 1 +72 8 169 1 +72 8 170 1 +72 8 171 1 +72 8 172 3 +72 8 173 5 +72 8 174 2 +72 8 175 3 +72 8 176 5 +72 8 177 3 +72 8 178 1 +72 8 179 7 +72 8 180 1 +72 8 181 3 +72 8 182 7 +72 8 183 3 +72 8 184 10 +72 8 185 3 +72 8 186 1 +72 8 187 3 +72 8 188 1 +72 8 189 3 +72 8 190 3 +72 8 191 3 +72 8 192 10 +72 8 193 3 +72 8 194 10 +72 8 195 1 +72 8 196 1 +72 8 197 3 +72 8 198 1 +72 8 199 3 +72 8 200 3 +72 8 201 3 +72 8 202 1 +72 8 203 10 +72 8 204 3 +72 8 205 1 +72 8 206 3 +72 8 207 5 +72 8 208 2 +72 8 209 1 +72 8 210 7 +72 8 211 1 +72 8 212 3 +72 8 213 3 +72 8 214 3 +72 8 215 3 +72 8 216 1 +72 8 217 3 +72 8 218 3 +72 8 219 3 +72 8 220 1 +72 8 221 3 +72 8 222 6 +72 8 223 1 +72 8 224 3 +72 8 225 2 +72 8 226 1 +72 8 227 1 +72 8 228 1 +72 8 229 3 +72 8 230 3 +72 8 231 6 +72 8 232 2 +72 8 233 3 +72 8 234 1 +72 8 235 1 +72 8 236 2 +72 8 237 3 +72 8 238 1 +72 8 239 3 +72 8 240 7 +72 8 241 3 +72 8 242 3 +72 8 243 6 +72 8 244 3 +72 8 245 5 +72 8 246 1 +72 8 247 6 +72 8 248 1 +72 8 249 1 +72 8 250 6 +72 8 251 3 +72 8 252 3 +72 8 253 1 +72 8 254 3 +72 8 255 3 +72 8 256 5 +72 8 257 1 +72 8 258 2 +72 8 259 6 +72 8 260 3 +72 8 261 3 +72 8 262 3 +72 8 263 3 +72 8 264 3 +72 8 265 1 +72 8 266 5 +72 8 267 6 +72 8 268 3 +72 8 269 10 +72 8 270 2 +72 8 271 1 +72 8 272 3 +72 8 273 10 +72 8 274 3 +72 8 275 3 +72 8 276 10 +72 8 277 1 +72 8 278 3 +72 8 279 1 +72 8 280 1 +72 8 281 1 +72 8 282 1 +72 8 283 6 +72 8 284 3 +72 8 285 3 +72 8 286 3 +72 8 287 2 +72 8 288 5 +72 8 289 3 +72 8 290 3 +72 8 291 1 +72 8 292 3 +72 8 293 3 +72 8 294 3 +72 8 295 2 +72 8 296 1 +72 8 297 2 +72 8 298 5 +72 8 299 1 +72 8 300 3 +72 8 301 1 +72 8 302 3 +72 8 303 3 +72 8 304 * +72 8 305 6 +72 8 306 3 +72 8 307 1 +72 8 308 10 +72 8 309 3 +72 8 310 1 +72 8 311 1 +72 8 312 3 +72 8 313 1 +72 8 314 3 +72 8 315 3 +72 8 316 1 +72 8 317 6 +72 8 318 2 +72 8 319 3 +72 8 320 2 +72 8 321 5 +72 8 322 3 +72 8 323 1 +72 8 324 3 +72 8 325 6 +72 8 326 2 +72 8 327 3 +72 8 328 1 +72 8 329 2 +72 8 330 3 +72 9 1 1 +72 9 2 1 +72 9 3 2 +72 9 4 6 +72 9 5 1 +72 9 6 2 +72 9 7 1 +72 9 8 6 +72 9 9 7 +72 9 10 1 +72 9 11 1 +72 9 12 2 +72 9 13 1 +72 9 14 1 +72 9 15 2 +72 9 16 3 +72 9 17 5 +72 9 18 4 +72 9 19 1 +72 9 20 1 +72 9 21 2 +72 9 22 2 +72 9 23 6 +72 9 24 4 +72 9 25 1 +72 9 26 1 +72 9 27 2 +72 9 28 2 +72 9 29 1 +72 9 30 7 +72 9 31 1 +72 9 32 6 +72 9 33 1 +72 9 34 1 +72 9 35 2 +72 9 36 4 +72 9 37 4 +72 9 38 6 +72 9 39 1 +72 9 40 1 +72 9 41 5 +72 9 42 2 +72 9 43 4 +72 9 44 3 +72 9 45 1 +72 9 46 4 +72 9 47 4 +72 9 48 2 +72 9 49 1 +72 9 50 6 +72 9 51 4 +72 9 52 3 +72 9 53 6 +72 9 54 1 +72 9 55 1 +72 9 56 3 +72 9 57 1 +72 9 58 2 +72 9 59 3 +72 9 60 1 +72 9 61 6 +72 9 62 6 +72 9 63 2 +72 9 64 1 +72 9 65 5 +72 9 66 2 +72 9 67 1 +72 9 68 6 +72 9 69 1 +72 9 70 3 +72 9 71 4 +72 9 72 1 +72 9 73 6 +72 9 74 3 +72 9 75 4 +72 9 76 2 +72 9 77 1 +72 9 78 3 +72 9 79 4 +72 9 80 1 +72 9 81 1 +72 9 82 1 +72 9 83 3 +72 9 84 2 +72 9 85 1 +72 9 86 6 +72 9 87 4 +72 9 88 6 +72 9 89 4 +72 9 90 1 +72 9 91 2 +72 9 92 3 +72 9 93 1 +72 9 94 4 +72 9 95 3 +72 9 96 2 +72 9 97 6 +72 9 98 5 +72 9 99 5 +72 9 100 1 +72 9 101 5 +72 9 102 3 +72 9 103 1 +72 9 104 1 +72 9 105 6 +72 9 106 2 +72 9 107 3 +72 9 108 3 +72 9 109 1 +72 9 110 2 +72 9 111 4 +72 9 112 5 +72 9 113 4 +72 9 114 1 +72 9 115 5 +72 9 116 1 +72 9 117 4 +72 9 118 2 +72 9 119 1 +72 9 120 3 +72 9 121 5 +72 9 122 1 +72 9 123 1 +72 9 124 2 +72 9 125 2 +72 9 126 3 +72 9 127 1 +72 9 128 2 +72 9 129 3 +72 9 130 4 +72 9 131 6 +72 9 132 6 +72 9 133 1 +72 9 134 4 +72 9 135 6 +72 9 136 1 +72 9 137 1 +72 9 138 1 +72 9 139 3 +72 9 140 1 +72 9 141 3 +72 9 142 3 +72 9 143 1 +72 9 144 1 +72 9 145 1 +72 9 146 2 +72 9 147 1 +72 9 148 5 +72 9 149 1 +72 9 150 5 +72 9 151 2 +72 9 152 2 +72 9 153 1 +72 9 154 4 +72 9 155 1 +72 9 156 1 +72 9 157 4 +72 9 158 1 +72 9 159 2 +72 9 160 2 +72 9 161 1 +72 9 162 5 +72 9 163 1 +72 9 164 1 +72 9 165 1 +72 9 166 1 +72 9 167 3 +72 9 168 1 +72 9 169 1 +72 9 170 1 +72 9 171 1 +72 9 172 3 +72 9 173 5 +72 9 174 2 +72 9 175 1 +72 9 176 5 +72 9 177 2 +72 9 178 1 +72 9 179 4 +72 9 180 1 +72 9 181 2 +72 9 182 4 +72 9 183 9 +72 9 184 6 +72 9 185 2 +72 9 186 1 +72 9 187 2 +72 9 188 1 +72 9 189 3 +72 9 190 2 +72 9 191 1 +72 9 192 6 +72 9 193 2 +72 9 194 4 +72 9 195 1 +72 9 196 1 +72 9 197 6 +72 9 198 4 +72 9 199 2 +72 9 200 1 +72 9 201 2 +72 9 202 1 +72 9 203 6 +72 9 204 4 +72 9 205 6 +72 9 206 3 +72 9 207 5 +72 9 208 2 +72 9 209 1 +72 9 210 4 +72 9 211 1 +72 9 212 2 +72 9 213 2 +72 9 214 2 +72 9 215 6 +72 9 216 4 +72 9 217 2 +72 9 218 1 +72 9 219 1 +72 9 220 6 +72 9 221 3 +72 9 222 6 +72 9 223 1 +72 9 224 3 +72 9 225 1 +72 9 226 1 +72 9 227 4 +72 9 228 1 +72 9 229 1 +72 9 230 2 +72 9 231 6 +72 9 232 4 +72 9 233 3 +72 9 234 1 +72 9 235 1 +72 9 236 2 +72 9 237 2 +72 9 238 1 +72 9 239 3 +72 9 240 4 +72 9 241 3 +72 9 242 2 +72 9 243 5 +72 9 244 3 +72 9 245 5 +72 9 246 1 +72 9 247 2 +72 9 248 4 +72 9 249 1 +72 9 250 6 +72 9 251 1 +72 9 252 3 +72 9 253 1 +72 9 254 1 +72 9 255 4 +72 9 256 5 +72 9 257 1 +72 9 258 2 +72 9 259 5 +72 9 260 2 +72 9 261 2 +72 9 262 3 +72 9 263 4 +72 9 264 1 +72 9 265 1 +72 9 266 5 +72 9 267 6 +72 9 268 1 +72 9 269 6 +72 9 270 2 +72 9 271 1 +72 9 272 3 +72 9 273 6 +72 9 274 3 +72 9 275 1 +72 9 276 6 +72 9 277 4 +72 9 278 2 +72 9 279 1 +72 9 280 2 +72 9 281 1 +72 9 282 1 +72 9 283 4 +72 9 284 3 +72 9 285 2 +72 9 286 3 +72 9 287 2 +72 9 288 5 +72 9 289 1 +72 9 290 3 +72 9 291 1 +72 9 292 2 +72 9 293 3 +72 9 294 3 +72 9 295 4 +72 9 296 6 +72 9 297 2 +72 9 298 5 +72 9 299 1 +72 9 300 3 +72 9 301 1 +72 9 302 2 +72 9 303 3 +72 9 304 1 +72 9 305 6 +72 9 306 1 +72 9 307 1 +72 9 308 6 +72 9 309 4 +72 9 310 1 +72 9 311 1 +72 9 312 4 +72 9 313 4 +72 9 314 3 +72 9 315 1 +72 9 316 1 +72 9 317 6 +72 9 318 2 +72 9 319 3 +72 9 320 1 +72 9 321 5 +72 9 322 1 +72 9 323 1 +72 9 324 3 +72 9 325 6 +72 9 326 2 +72 9 327 3 +72 9 328 1 +72 9 329 4 +72 9 330 3 +72 10 1 1 +72 10 2 1 +72 10 3 5 +72 10 4 6 +72 10 5 1 +72 10 6 9 +72 10 7 1 +72 10 8 6 +72 10 9 9 +72 10 10 1 +72 10 11 1 +72 10 12 2 +72 10 13 4 +72 10 14 4 +72 10 15 6 +72 10 16 3 +72 10 17 5 +72 10 18 4 +72 10 19 1 +72 10 20 1 +72 10 21 6 +72 10 22 8 +72 10 23 6 +72 10 24 4 +72 10 25 1 +72 10 26 1 +72 10 27 10 +72 10 28 6 +72 10 29 1 +72 10 30 9 +72 10 31 8 +72 10 32 6 +72 10 33 1 +72 10 34 1 +72 10 35 6 +72 10 36 1 +72 10 37 1 +72 10 38 6 +72 10 39 1 +72 10 40 1 +72 10 41 6 +72 10 42 8 +72 10 43 4 +72 10 44 8 +72 10 45 1 +72 10 46 8 +72 10 47 1 +72 10 48 9 +72 10 49 1 +72 10 50 6 +72 10 51 7 +72 10 52 8 +72 10 53 6 +72 10 54 1 +72 10 55 1 +72 10 56 9 +72 10 57 1 +72 10 58 9 +72 10 59 8 +72 10 60 1 +72 10 61 6 +72 10 62 8 +72 10 63 5 +72 10 64 1 +72 10 65 5 +72 10 66 8 +72 10 67 1 +72 10 68 6 +72 10 69 9 +72 10 70 8 +72 10 71 7 +72 10 72 1 +72 10 73 6 +72 10 74 8 +72 10 75 1 +72 10 76 5 +72 10 77 1 +72 10 78 8 +72 10 79 4 +72 10 80 1 +72 10 81 1 +72 10 82 8 +72 10 83 8 +72 10 84 8 +72 10 85 1 +72 10 86 6 +72 10 87 4 +72 10 88 6 +72 10 89 4 +72 10 90 1 +72 10 91 9 +72 10 92 8 +72 10 93 1 +72 10 94 4 +72 10 95 8 +72 10 96 2 +72 10 97 6 +72 10 98 5 +72 10 99 8 +72 10 100 1 +72 10 101 6 +72 10 102 8 +72 10 103 9 +72 10 104 1 +72 10 105 6 +72 10 106 2 +72 10 107 8 +72 10 108 8 +72 10 109 12 +72 10 110 2 +72 10 111 1 +72 10 112 5 +72 10 113 4 +72 10 114 1 +72 10 115 5 +72 10 116 8 +72 10 117 7 +72 10 118 6 +72 10 119 1 +72 10 120 8 +72 10 121 5 +72 10 122 1 +72 10 123 12 +72 10 124 8 +72 10 125 2 +72 10 126 5 +72 10 127 1 +72 10 128 2 +72 10 129 8 +72 10 130 12 +72 10 131 6 +72 10 132 5 +72 10 133 1 +72 10 134 7 +72 10 135 6 +72 10 136 1 +72 10 137 1 +72 10 138 1 +72 10 139 8 +72 10 140 1 +72 10 141 8 +72 10 142 8 +72 10 143 12 +72 10 144 6 +72 10 145 1 +72 10 146 2 +72 10 147 1 +72 10 148 5 +72 10 149 1 +72 10 150 6 +72 10 151 5 +72 10 152 6 +72 10 153 1 +72 10 154 4 +72 10 155 9 +72 10 156 1 +72 10 157 9 +72 10 158 8 +72 10 159 2 +72 10 160 6 +72 10 161 1 +72 10 162 5 +72 10 163 1 +72 10 164 1 +72 10 165 8 +72 10 166 1 +72 10 167 6 +72 10 168 1 +72 10 169 1 +72 10 170 11 +72 10 171 2 +72 10 172 8 +72 10 173 6 +72 10 174 2 +72 10 175 8 +72 10 176 6 +72 10 177 8 +72 10 178 1 +72 10 179 7 +72 10 180 1 +72 10 181 9 +72 10 182 7 +72 10 183 9 +72 10 184 6 +72 10 185 9 +72 10 186 1 +72 10 187 2 +72 10 188 1 +72 10 189 8 +72 10 190 8 +72 10 191 1 +72 10 192 6 +72 10 193 8 +72 10 194 7 +72 10 195 1 +72 10 196 8 +72 10 197 6 +72 10 198 4 +72 10 199 8 +72 10 200 1 +72 10 201 9 +72 10 202 1 +72 10 203 6 +72 10 204 7 +72 10 205 6 +72 10 206 8 +72 10 207 6 +72 10 208 9 +72 10 209 1 +72 10 210 7 +72 10 211 1 +72 10 212 2 +72 10 213 8 +72 10 214 2 +72 10 215 6 +72 10 216 1 +72 10 217 8 +72 10 218 2 +72 10 219 8 +72 10 220 12 +72 10 221 8 +72 10 222 12 +72 10 223 1 +72 10 224 8 +72 10 225 9 +72 10 226 1 +72 10 227 4 +72 10 228 1 +72 10 229 8 +72 10 230 8 +72 10 231 6 +72 10 232 9 +72 10 233 12 +72 10 234 1 +72 10 235 1 +72 10 236 6 +72 10 237 9 +72 10 238 1 +72 10 239 8 +72 10 240 9 +72 10 241 8 +72 10 242 2 +72 10 243 5 +72 10 244 8 +72 10 245 5 +72 10 246 1 +72 10 247 12 +72 10 248 1 +72 10 249 1 +72 10 250 6 +72 10 251 1 +72 10 252 8 +72 10 253 1 +72 10 254 6 +72 10 255 4 +72 10 256 5 +72 10 257 1 +72 10 258 2 +72 10 259 7 +72 10 260 8 +72 10 261 2 +72 10 262 8 +72 10 263 8 +72 10 264 8 +72 10 265 1 +72 10 266 9 +72 10 267 6 +72 10 268 1 +72 10 269 6 +72 10 270 2 +72 10 271 1 +72 10 272 8 +72 10 273 6 +72 10 274 8 +72 10 275 9 +72 10 276 6 +72 10 277 1 +72 10 278 9 +72 10 279 12 +72 10 280 8 +72 10 281 1 +72 10 282 1 +72 10 283 9 +72 10 284 8 +72 10 285 9 +72 10 286 8 +72 10 287 9 +72 10 288 5 +72 10 289 1 +72 10 290 8 +72 10 291 12 +72 10 292 9 +72 10 293 8 +72 10 294 8 +72 10 295 7 +72 10 296 6 +72 10 297 2 +72 10 298 5 +72 10 299 1 +72 10 300 8 +72 10 301 1 +72 10 302 8 +72 10 303 8 +72 10 304 6 +72 10 305 6 +72 10 306 1 +72 10 307 1 +72 10 308 6 +72 10 309 11 +72 10 310 1 +72 10 311 1 +72 10 312 4 +72 10 313 12 +72 10 314 8 +72 10 315 1 +72 10 316 1 +72 10 317 6 +72 10 318 9 +72 10 319 8 +72 10 320 6 +72 10 321 5 +72 10 322 1 +72 10 323 1 +72 10 324 8 +72 10 325 6 +72 10 326 2 +72 10 327 8 +72 10 328 1 +72 10 329 9 +72 10 330 8 +72 11 1 1 +72 11 2 1 +72 11 3 5 +72 11 4 7 +72 11 5 1 +72 11 6 8 +72 11 7 1 +72 11 8 5 +72 11 9 9 +72 11 10 12 +72 11 11 12 +72 11 12 2 +72 11 13 1 +72 11 14 12 +72 11 15 8 +72 11 16 3 +72 11 17 5 +72 11 18 4 +72 11 19 1 +72 11 20 1 +72 11 21 5 +72 11 22 2 +72 11 23 10 +72 11 24 7 +72 11 25 1 +72 11 26 15 +72 11 27 3 +72 11 28 5 +72 11 29 1 +72 11 30 2 +72 11 31 8 +72 11 32 10 +72 11 33 1 +72 11 34 1 +72 11 35 9 +72 11 36 12 +72 11 37 8 +72 11 38 5 +72 11 39 1 +72 11 40 1 +72 11 41 5 +72 11 42 18 +72 11 43 12 +72 11 44 3 +72 11 45 1 +72 11 46 8 +72 11 47 12 +72 11 48 2 +72 11 49 1 +72 11 50 10 +72 11 51 7 +72 11 52 3 +72 11 53 5 +72 11 54 1 +72 11 55 1 +72 11 56 8 +72 11 57 1 +72 11 58 9 +72 11 59 3 +72 11 60 12 +72 11 61 5 +72 11 62 12 +72 11 63 8 +72 11 64 1 +72 11 65 5 +72 11 66 3 +72 11 67 1 +72 11 68 10 +72 11 69 1 +72 11 70 3 +72 11 71 7 +72 11 72 1 +72 11 73 10 +72 11 74 8 +72 11 75 11 +72 11 76 2 +72 11 77 1 +72 11 78 8 +72 11 79 7 +72 11 80 1 +72 11 81 1 +72 11 82 1 +72 11 83 8 +72 11 84 8 +72 11 85 1 +72 11 86 5 +72 11 87 12 +72 11 88 5 +72 11 89 12 +72 11 90 12 +72 11 91 1 +72 11 92 3 +72 11 93 1 +72 11 94 11 +72 11 95 8 +72 11 96 2 +72 11 97 * +72 11 98 5 +72 11 99 8 +72 11 100 1 +72 11 101 5 +72 11 102 12 +72 11 103 4 +72 11 104 1 +72 11 105 5 +72 11 106 8 +72 11 107 3 +72 11 108 1 +72 11 109 15 +72 11 110 2 +72 11 111 12 +72 11 112 5 +72 11 113 4 +72 11 114 1 +72 11 115 5 +72 11 116 1 +72 11 117 7 +72 11 118 6 +72 11 119 1 +72 11 120 3 +72 11 121 2 +72 11 122 1 +72 11 123 1 +72 11 124 1 +72 11 125 2 +72 11 126 5 +72 11 127 4 +72 11 128 2 +72 11 129 3 +72 11 130 4 +72 11 131 5 +72 11 132 5 +72 11 133 1 +72 11 134 7 +72 11 135 5 +72 11 136 1 +72 11 137 1 +72 11 138 1 +72 11 139 3 +72 11 140 15 +72 11 141 3 +72 11 142 3 +72 11 143 1 +72 11 144 15 +72 11 145 1 +72 11 146 2 +72 11 147 1 +72 11 148 5 +72 11 149 1 +72 11 150 15 +72 11 151 9 +72 11 152 8 +72 11 153 1 +72 11 154 4 +72 11 155 7 +72 11 156 1 +72 11 157 7 +72 11 158 3 +72 11 159 9 +72 11 160 8 +72 11 161 1 +72 11 162 5 +72 11 163 1 +72 11 164 1 +72 11 165 8 +72 11 166 1 +72 11 167 8 +72 11 168 1 +72 11 169 1 +72 11 170 4 +72 11 171 1 +72 11 172 3 +72 11 173 5 +72 11 174 2 +72 11 175 1 +72 11 176 5 +72 11 177 1 +72 11 178 1 +72 11 179 5 +72 11 180 1 +72 11 181 2 +72 11 182 5 +72 11 183 9 +72 11 184 5 +72 11 185 9 +72 11 186 8 +72 11 187 2 +72 11 188 1 +72 11 189 8 +72 11 190 5 +72 11 191 1 +72 11 192 5 +72 11 193 1 +72 11 194 5 +72 11 195 1 +72 11 196 1 +72 11 197 8 +72 11 198 4 +72 11 199 8 +72 11 200 1 +72 11 201 8 +72 11 202 1 +72 11 203 5 +72 11 204 4 +72 11 205 15 +72 11 206 3 +72 11 207 5 +72 11 208 9 +72 11 209 1 +72 11 210 7 +72 11 211 1 +72 11 212 2 +72 11 213 8 +72 11 214 1 +72 11 215 8 +72 11 216 1 +72 11 217 8 +72 11 218 1 +72 11 219 8 +72 11 220 12 +72 11 221 3 +72 11 222 5 +72 11 223 1 +72 11 224 3 +72 11 225 9 +72 11 226 1 +72 11 227 11 +72 11 228 1 +72 11 229 1 +72 11 230 3 +72 11 231 5 +72 11 232 9 +72 11 233 8 +72 11 234 1 +72 11 235 1 +72 11 236 1 +72 11 237 9 +72 11 238 1 +72 11 239 8 +72 11 240 5 +72 11 241 3 +72 11 242 8 +72 11 243 5 +72 11 244 3 +72 11 245 5 +72 11 246 1 +72 11 247 6 +72 11 248 4 +72 11 249 1 +72 11 250 25 +72 11 251 1 +72 11 252 3 +72 11 253 1 +72 11 254 26 +72 11 255 11 +72 11 256 5 +72 11 257 12 +72 11 258 27 +72 11 259 5 +72 11 260 8 +72 11 261 9 +72 11 262 3 +72 11 263 19 +72 11 264 1 +72 11 265 1 +72 11 266 9 +72 11 267 5 +72 11 268 1 +72 11 269 5 +72 11 270 2 +72 11 271 1 +72 11 272 3 +72 11 273 5 +72 11 274 3 +72 11 275 9 +72 11 276 5 +72 11 277 1 +72 11 278 9 +72 11 279 15 +72 11 280 1 +72 11 281 1 +72 11 282 1 +72 11 283 7 +72 11 284 3 +72 11 285 8 +72 11 286 3 +72 11 287 9 +72 11 288 5 +72 11 289 1 +72 11 290 3 +72 11 291 1 +72 11 292 8 +72 11 293 3 +72 11 294 3 +72 11 295 9 +72 11 296 5 +72 11 297 2 +72 11 298 5 +72 11 299 1 +72 11 300 8 +72 11 301 1 +72 11 302 3 +72 11 303 8 +72 11 304 1 +72 11 305 5 +72 11 306 1 +72 11 307 1 +72 11 308 8 +72 11 309 9 +72 11 310 1 +72 11 311 1 +72 11 312 7 +72 11 313 12 +72 11 314 3 +72 11 315 1 +72 11 316 1 +72 11 317 5 +72 11 318 2 +72 11 319 3 +72 11 320 1 +72 11 321 5 +72 11 322 1 +72 11 323 1 +72 11 324 3 +72 11 325 28 +72 11 326 9 +72 11 327 3 +72 11 328 1 +72 11 329 9 +72 11 330 3 +72 12 1 1 +72 12 2 1 +72 12 3 5 +72 12 4 6 +72 12 5 1 +72 12 6 2 +72 12 7 1 +72 12 8 6 +72 12 9 7 +72 12 10 1 +72 12 11 1 +72 12 12 2 +72 12 13 1 +72 12 14 1 +72 12 15 8 +72 12 16 3 +72 12 17 5 +72 12 18 4 +72 12 19 1 +72 12 20 1 +72 12 21 5 +72 12 22 2 +72 12 23 6 +72 12 24 11 +72 12 25 1 +72 12 26 1 +72 12 27 8 +72 12 28 8 +72 12 29 1 +72 12 30 2 +72 12 31 1 +72 12 32 6 +72 12 33 1 +72 12 34 1 +72 12 35 8 +72 12 36 1 +72 12 37 1 +72 12 38 5 +72 12 39 1 +72 12 40 1 +72 12 41 6 +72 12 42 2 +72 12 43 1 +72 12 44 8 +72 12 45 1 +72 12 46 19 +72 12 47 1 +72 12 48 2 +72 12 49 1 +72 12 50 6 +72 12 51 7 +72 12 52 8 +72 12 53 6 +72 12 54 1 +72 12 55 1 +72 12 56 8 +72 12 57 1 +72 12 58 2 +72 12 59 8 +72 12 60 1 +72 12 61 5 +72 12 62 6 +72 12 63 8 +72 12 64 1 +72 12 65 5 +72 12 66 3 +72 12 67 1 +72 12 68 6 +72 12 69 1 +72 12 70 8 +72 12 71 6 +72 12 72 1 +72 12 73 6 +72 12 74 1 +72 12 75 19 +72 12 76 2 +72 12 77 1 +72 12 78 8 +72 12 79 19 +72 12 80 1 +72 12 81 1 +72 12 82 1 +72 12 83 8 +72 12 84 8 +72 12 85 1 +72 12 86 6 +72 12 87 19 +72 12 88 6 +72 12 89 19 +72 12 90 1 +72 12 91 1 +72 12 92 8 +72 12 93 1 +72 12 94 19 +72 12 95 8 +72 12 96 2 +72 12 97 6 +72 12 98 5 +72 12 99 8 +72 12 100 1 +72 12 101 6 +72 12 102 1 +72 12 103 1 +72 12 104 1 +72 12 105 6 +72 12 106 8 +72 12 107 3 +72 12 108 8 +72 12 109 6 +72 12 110 2 +72 12 111 19 +72 12 112 5 +72 12 113 19 +72 12 114 1 +72 12 115 5 +72 12 116 1 +72 12 117 7 +72 12 118 8 +72 12 119 1 +72 12 120 3 +72 12 121 2 +72 12 122 1 +72 12 123 1 +72 12 124 1 +72 12 125 2 +72 12 126 8 +72 12 127 1 +72 12 128 2 +72 12 129 3 +72 12 130 19 +72 12 131 6 +72 12 132 5 +72 12 133 1 +72 12 134 7 +72 12 135 6 +72 12 136 1 +72 12 137 1 +72 12 138 1 +72 12 139 1 +72 12 140 1 +72 12 141 3 +72 12 142 8 +72 12 143 1 +72 12 144 6 +72 12 145 1 +72 12 146 2 +72 12 147 1 +72 12 148 5 +72 12 149 8 +72 12 150 6 +72 12 151 8 +72 12 152 6 +72 12 153 1 +72 12 154 19 +72 12 155 7 +72 12 156 1 +72 12 157 7 +72 12 158 3 +72 12 159 8 +72 12 160 8 +72 12 161 1 +72 12 162 5 +72 12 163 1 +72 12 164 1 +72 12 165 1 +72 12 166 1 +72 12 167 8 +72 12 168 1 +72 12 169 1 +72 12 170 19 +72 12 171 1 +72 12 172 3 +72 12 173 5 +72 12 174 2 +72 12 175 1 +72 12 176 5 +72 12 177 8 +72 12 178 1 +72 12 179 6 +72 12 180 1 +72 12 181 2 +72 12 182 6 +72 12 183 7 +72 12 184 6 +72 12 185 2 +72 12 186 1 +72 12 187 2 +72 12 188 1 +72 12 189 8 +72 12 190 8 +72 12 191 1 +72 12 192 6 +72 12 193 2 +72 12 194 7 +72 12 195 1 +72 12 196 1 +72 12 197 6 +72 12 198 19 +72 12 199 8 +72 12 200 1 +72 12 201 8 +72 12 202 1 +72 12 203 6 +72 12 204 19 +72 12 205 6 +72 12 206 8 +72 12 207 5 +72 12 208 2 +72 12 209 1 +72 12 210 7 +72 12 211 1 +72 12 212 2 +72 12 213 8 +72 12 214 2 +72 12 215 6 +72 12 216 19 +72 12 217 8 +72 12 218 2 +72 12 219 8 +72 12 220 1 +72 12 221 8 +72 12 222 6 +72 12 223 1 +72 12 224 8 +72 12 225 2 +72 12 226 1 +72 12 227 19 +72 12 228 19 +72 12 229 1 +72 12 230 8 +72 12 231 6 +72 12 232 7 +72 12 233 1 +72 12 234 1 +72 12 235 1 +72 12 236 1 +72 12 237 8 +72 12 238 1 +72 12 239 8 +72 12 240 7 +72 12 241 3 +72 12 242 8 +72 12 243 6 +72 12 244 8 +72 12 245 5 +72 12 246 1 +72 12 247 6 +72 12 248 19 +72 12 249 1 +72 12 250 6 +72 12 251 1 +72 12 252 3 +72 12 253 1 +72 12 254 1 +72 12 255 19 +72 12 256 5 +72 12 257 1 +72 12 258 2 +72 12 259 7 +72 12 260 8 +72 12 261 2 +72 12 262 3 +72 12 263 19 +72 12 264 1 +72 12 265 1 +72 12 266 7 +72 12 267 6 +72 12 268 1 +72 12 269 6 +72 12 270 2 +72 12 271 19 +72 12 272 3 +72 12 273 6 +72 12 274 3 +72 12 275 2 +72 12 276 5 +72 12 277 1 +72 12 278 2 +72 12 279 1 +72 12 280 1 +72 12 281 1 +72 12 282 1 +72 12 283 7 +72 12 284 8 +72 12 285 8 +72 12 286 3 +72 12 287 2 +72 12 288 5 +72 12 289 1 +72 12 290 3 +72 12 291 1 +72 12 292 8 +72 12 293 8 +72 12 294 8 +72 12 295 7 +72 12 296 6 +72 12 297 2 +72 12 298 5 +72 12 299 1 +72 12 300 19 +72 12 301 1 +72 12 302 3 +72 12 303 1 +72 12 304 1 +72 12 305 6 +72 12 306 1 +72 12 307 1 +72 12 308 6 +72 12 309 19 +72 12 310 1 +72 12 311 1 +72 12 312 19 +72 12 313 1 +72 12 314 3 +72 12 315 1 +72 12 316 1 +72 12 317 6 +72 12 318 2 +72 12 319 3 +72 12 320 2 +72 12 321 5 +72 12 322 1 +72 12 323 1 +72 12 324 3 +72 12 325 6 +72 12 326 2 +72 12 327 8 +72 12 328 1 +72 12 329 7 +72 12 330 8 +72 13 1 1 +72 13 2 1 +72 13 3 5 +72 13 4 12 +72 13 5 1 +72 13 6 2 +72 13 7 1 +72 13 8 5 +72 13 9 9 +72 13 10 1 +72 13 11 1 +72 13 12 2 +72 13 13 1 +72 13 14 12 +72 13 15 8 +72 13 16 3 +72 13 17 5 +72 13 18 4 +72 13 19 1 +72 13 20 1 +72 13 21 5 +72 13 22 2 +72 13 23 8 +72 13 24 9 +72 13 25 1 +72 13 26 1 +72 13 27 3 +72 13 28 5 +72 13 29 1 +72 13 30 2 +72 13 31 1 +72 13 32 9 +72 13 33 1 +72 13 34 1 +72 13 35 5 +72 13 36 1 +72 13 37 1 +72 13 38 8 +72 13 39 1 +72 13 40 1 +72 13 41 9 +72 13 42 2 +72 13 43 12 +72 13 44 3 +72 13 45 1 +72 13 46 9 +72 13 47 1 +72 13 48 2 +72 13 49 1 +72 13 50 12 +72 13 51 9 +72 13 52 3 +72 13 53 5 +72 13 54 1 +72 13 55 1 +72 13 56 8 +72 13 57 1 +72 13 58 9 +72 13 59 8 +72 13 60 1 +72 13 61 5 +72 13 62 8 +72 13 63 8 +72 13 64 1 +72 13 65 5 +72 13 66 3 +72 13 67 1 +72 13 68 8 +72 13 69 2 +72 13 70 8 +72 13 71 10 +72 13 72 1 +72 13 73 10 +72 13 74 1 +72 13 75 1 +72 13 76 2 +72 13 77 1 +72 13 78 8 +72 13 79 4 +72 13 80 1 +72 13 81 2 +72 13 82 1 +72 13 83 8 +72 13 84 8 +72 13 85 1 +72 13 86 10 +72 13 87 4 +72 13 88 10 +72 13 89 4 +72 13 90 1 +72 13 91 2 +72 13 92 8 +72 13 93 1 +72 13 94 4 +72 13 95 8 +72 13 96 2 +72 13 97 12 +72 13 98 5 +72 13 99 8 +72 13 100 1 +72 13 101 5 +72 13 102 8 +72 13 103 9 +72 13 104 1 +72 13 105 5 +72 13 106 2 +72 13 107 3 +72 13 108 8 +72 13 109 12 +72 13 110 2 +72 13 111 1 +72 13 112 5 +72 13 113 4 +72 13 114 1 +72 13 115 5 +72 13 116 8 +72 13 117 4 +72 13 118 5 +72 13 119 1 +72 13 120 3 +72 13 121 5 +72 13 122 1 +72 13 123 1 +72 13 124 8 +72 13 125 2 +72 13 126 10 +72 13 127 1 +72 13 128 2 +72 13 129 8 +72 13 130 9 +72 13 131 12 +72 13 132 9 +72 13 133 1 +72 13 134 9 +72 13 135 10 +72 13 136 1 +72 13 137 9 +72 13 138 1 +72 13 139 3 +72 13 140 1 +72 13 141 3 +72 13 142 9 +72 13 143 1 +72 13 144 12 +72 13 145 1 +72 13 146 2 +72 13 147 1 +72 13 148 5 +72 13 149 1 +72 13 150 12 +72 13 151 9 +72 13 152 10 +72 13 153 1 +72 13 154 4 +72 13 155 9 +72 13 156 1 +72 13 157 9 +72 13 158 3 +72 13 159 9 +72 13 160 10 +72 13 161 1 +72 13 162 5 +72 13 163 1 +72 13 164 12 +72 13 165 9 +72 13 166 1 +72 13 167 8 +72 13 168 1 +72 13 169 1 +72 13 170 1 +72 13 171 2 +72 13 172 3 +72 13 173 5 +72 13 174 2 +72 13 175 8 +72 13 176 5 +72 13 177 2 +72 13 178 1 +72 13 179 9 +72 13 180 1 +72 13 181 8 +72 13 182 12 +72 13 183 9 +72 13 184 12 +72 13 185 9 +72 13 186 1 +72 13 187 2 +72 13 188 1 +72 13 189 8 +72 13 190 10 +72 13 191 1 +72 13 192 12 +72 13 193 2 +72 13 194 12 +72 13 195 1 +72 13 196 1 +72 13 197 12 +72 13 198 4 +72 13 199 8 +72 13 200 1 +72 13 201 8 +72 13 202 1 +72 13 203 10 +72 13 204 4 +72 13 205 12 +72 13 206 8 +72 13 207 5 +72 13 208 2 +72 13 209 1 +72 13 210 9 +72 13 211 1 +72 13 212 2 +72 13 213 8 +72 13 214 2 +72 13 215 10 +72 13 216 2 +72 13 217 10 +72 13 218 2 +72 13 219 1 +72 13 220 12 +72 13 221 8 +72 13 222 12 +72 13 223 1 +72 13 224 8 +72 13 225 8 +72 13 226 1 +72 13 227 4 +72 13 228 1 +72 13 229 1 +72 13 230 8 +72 13 231 12 +72 13 232 9 +72 13 233 8 +72 13 234 1 +72 13 235 1 +72 13 236 2 +72 13 237 8 +72 13 238 1 +72 13 239 8 +72 13 240 5 +72 13 241 3 +72 13 242 2 +72 13 243 12 +72 13 244 8 +72 13 245 5 +72 13 246 1 +72 13 247 8 +72 13 248 9 +72 13 249 1 +72 13 250 12 +72 13 251 1 +72 13 252 8 +72 13 253 1 +72 13 254 8 +72 13 255 4 +72 13 256 5 +72 13 257 1 +72 13 258 2 +72 13 259 5 +72 13 260 8 +72 13 261 2 +72 13 262 3 +72 13 263 8 +72 13 264 1 +72 13 265 1 +72 13 266 9 +72 13 267 12 +72 13 268 1 +72 13 269 10 +72 13 270 2 +72 13 271 1 +72 13 272 3 +72 13 273 8 +72 13 274 3 +72 13 275 2 +72 13 276 5 +72 13 277 1 +72 13 278 2 +72 13 279 12 +72 13 280 1 +72 13 281 1 +72 13 282 1 +72 13 283 9 +72 13 284 3 +72 13 285 10 +72 13 286 3 +72 13 287 9 +72 13 288 5 +72 13 289 1 +72 13 290 3 +72 13 291 12 +72 13 292 8 +72 13 293 3 +72 13 294 3 +72 13 295 9 +72 13 296 12 +72 13 297 2 +72 13 298 5 +72 13 299 1 +72 13 300 3 +72 13 301 1 +72 13 302 8 +72 13 303 8 +72 13 304 1 +72 13 305 12 +72 13 306 1 +72 13 307 1 +72 13 308 8 +72 13 309 4 +72 13 310 1 +72 13 311 12 +72 13 312 4 +72 13 313 12 +72 13 314 8 +72 13 315 1 +72 13 316 1 +72 13 317 12 +72 13 318 8 +72 13 319 3 +72 13 320 9 +72 13 321 5 +72 13 322 1 +72 13 323 1 +72 13 324 3 +72 13 325 12 +72 13 326 2 +72 13 327 1 +72 13 328 1 +72 13 329 9 +72 13 330 3 +72 14 1 1 +72 14 2 1 +72 14 3 2 +72 14 4 * +72 14 5 1 +72 14 6 2 +72 14 7 1 +72 14 8 5 +72 14 9 2 +72 14 10 29 +72 14 11 1 +72 14 12 2 +72 14 13 1 +72 14 14 1 +72 14 15 5 +72 14 16 3 +72 14 17 2 +72 14 18 4 +72 14 19 29 +72 14 20 29 +72 14 21 30 +72 14 22 2 +72 14 23 12 +72 14 24 7 +72 14 25 1 +72 14 26 12 +72 14 27 3 +72 14 28 5 +72 14 29 1 +72 14 30 2 +72 14 31 1 +72 14 32 5 +72 14 33 1 +72 14 34 12 +72 14 35 5 +72 14 36 1 +72 14 37 12 +72 14 38 5 +72 14 39 1 +72 14 40 12 +72 14 41 5 +72 14 42 2 +72 14 43 12 +72 14 44 3 +72 14 45 1 +72 14 46 19 +72 14 47 1 +72 14 48 2 +72 14 49 1 +72 14 50 12 +72 14 51 2 +72 14 52 8 +72 14 53 5 +72 14 54 1 +72 14 55 1 +72 14 56 2 +72 14 57 1 +72 14 58 2 +72 14 59 3 +72 14 60 1 +72 14 61 5 +72 14 62 6 +72 14 63 5 +72 14 64 1 +72 14 65 5 +72 14 66 3 +72 14 67 1 +72 14 68 5 +72 14 69 1 +72 14 70 3 +72 14 71 5 +72 14 72 1 +72 14 73 6 +72 14 74 1 +72 14 75 1 +72 14 76 2 +72 14 77 1 +72 14 78 5 +72 14 79 4 +72 14 80 1 +72 14 81 1 +72 14 82 1 +72 14 83 2 +72 14 84 5 +72 14 85 1 +72 14 86 5 +72 14 87 4 +72 14 88 5 +72 14 89 4 +72 14 90 1 +72 14 91 2 +72 14 92 3 +72 14 93 1 +72 14 94 4 +72 14 95 3 +72 14 96 2 +72 14 97 6 +72 14 98 5 +72 14 99 5 +72 14 100 1 +72 14 101 5 +72 14 102 1 +72 14 103 2 +72 14 104 1 +72 14 105 12 +72 14 106 2 +72 14 107 3 +72 14 108 1 +72 14 109 6 +72 14 110 2 +72 14 111 1 +72 14 112 5 +72 14 113 4 +72 14 114 1 +72 14 115 5 +72 14 116 1 +72 14 117 7 +72 14 118 5 +72 14 119 1 +72 14 120 3 +72 14 121 2 +72 14 122 1 +72 14 123 12 +72 14 124 1 +72 14 125 2 +72 14 126 5 +72 14 127 1 +72 14 128 2 +72 14 129 3 +72 14 130 1 +72 14 131 6 +72 14 132 5 +72 14 133 1 +72 14 134 7 +72 14 135 5 +72 14 136 1 +72 14 137 1 +72 14 138 1 +72 14 139 3 +72 14 140 1 +72 14 141 3 +72 14 142 19 +72 14 143 1 +72 14 144 6 +72 14 145 1 +72 14 146 2 +72 14 147 1 +72 14 148 5 +72 14 149 1 +72 14 150 6 +72 14 151 5 +72 14 152 5 +72 14 153 1 +72 14 154 19 +72 14 155 7 +72 14 156 1 +72 14 157 7 +72 14 158 3 +72 14 159 2 +72 14 160 5 +72 14 161 1 +72 14 162 5 +72 14 163 1 +72 14 164 12 +72 14 165 1 +72 14 166 12 +72 14 167 6 +72 14 168 1 +72 14 169 1 +72 14 170 1 +72 14 171 1 +72 14 172 3 +72 14 173 5 +72 14 174 2 +72 14 175 1 +72 14 176 5 +72 14 177 2 +72 14 178 6 +72 14 179 5 +72 14 180 1 +72 14 181 2 +72 14 182 5 +72 14 183 2 +72 14 184 6 +72 14 185 2 +72 14 186 1 +72 14 187 2 +72 14 188 12 +72 14 189 1 +72 14 190 5 +72 14 191 1 +72 14 192 6 +72 14 193 2 +72 14 194 5 +72 14 195 1 +72 14 196 1 +72 14 197 6 +72 14 198 4 +72 14 199 3 +72 14 200 1 +72 14 201 5 +72 14 202 1 +72 14 203 5 +72 14 204 7 +72 14 205 6 +72 14 206 3 +72 14 207 5 +72 14 208 2 +72 14 209 1 +72 14 210 7 +72 14 211 1 +72 14 212 2 +72 14 213 5 +72 14 214 2 +72 14 215 5 +72 14 216 1 +72 14 217 5 +72 14 218 2 +72 14 219 3 +72 14 220 6 +72 14 221 3 +72 14 222 6 +72 14 223 1 +72 14 224 3 +72 14 225 2 +72 14 226 1 +72 14 227 4 +72 14 228 1 +72 14 229 1 +72 14 230 3 +72 14 231 6 +72 14 232 2 +72 14 233 1 +72 14 234 1 +72 14 235 12 +72 14 236 2 +72 14 237 5 +72 14 238 1 +72 14 239 5 +72 14 240 7 +72 14 241 3 +72 14 242 2 +72 14 243 5 +72 14 244 3 +72 14 245 5 +72 14 246 1 +72 14 247 6 +72 14 248 4 +72 14 249 1 +72 14 250 6 +72 14 251 1 +72 14 252 3 +72 14 253 1 +72 14 254 1 +72 14 255 4 +72 14 256 5 +72 14 257 1 +72 14 258 2 +72 14 259 5 +72 14 260 3 +72 14 261 2 +72 14 262 3 +72 14 263 19 +72 14 264 1 +72 14 265 1 +72 14 266 5 +72 14 267 6 +72 14 268 1 +72 14 269 5 +72 14 270 2 +72 14 271 1 +72 14 272 3 +72 14 273 5 +72 14 274 3 +72 14 275 1 +72 14 276 5 +72 14 277 1 +72 14 278 5 +72 14 279 6 +72 14 280 1 +72 14 281 1 +72 14 282 1 +72 14 283 7 +72 14 284 3 +72 14 285 5 +72 14 286 3 +72 14 287 2 +72 14 288 5 +72 14 289 1 +72 14 290 3 +72 14 291 12 +72 14 292 5 +72 14 293 3 +72 14 294 3 +72 14 295 7 +72 14 296 12 +72 14 297 2 +72 14 298 5 +72 14 299 1 +72 14 300 19 +72 14 301 1 +72 14 302 3 +72 14 303 12 +72 14 304 1 +72 14 305 6 +72 14 306 1 +72 14 307 1 +72 14 308 5 +72 14 309 7 +72 14 310 1 +72 14 311 12 +72 14 312 4 +72 14 313 12 +72 14 314 3 +72 14 315 1 +72 14 316 1 +72 14 317 6 +72 14 318 2 +72 14 319 3 +72 14 320 1 +72 14 321 5 +72 14 322 1 +72 14 323 1 +72 14 324 3 +72 14 325 6 +72 14 326 2 +72 14 327 3 +72 14 328 1 +72 14 329 7 +72 14 330 3 +72 15 1 15 +72 15 2 * +72 15 3 5 +72 15 4 17 +72 15 5 1 +72 15 6 * +72 15 7 1 +72 15 8 17 +72 15 9 5 +72 15 10 15 +72 15 11 4 +72 15 12 2 +72 15 13 1 +72 15 14 15 +72 15 15 10 +72 15 16 10 +72 15 17 31 +72 15 18 1 +72 15 19 15 +72 15 20 1 +72 15 21 10 +72 15 22 2 +72 15 23 * +72 15 24 7 +72 15 25 * +72 15 26 15 +72 15 27 10 +72 15 28 10 +72 15 29 1 +72 15 30 18 +72 15 31 8 +72 15 32 10 +72 15 33 1 +72 15 34 15 +72 15 35 10 +72 15 36 1 +72 15 37 15 +72 15 38 10 +72 15 39 1 +72 15 40 * +72 15 41 5 +72 15 42 20 +72 15 43 15 +72 15 44 8 +72 15 45 1 +72 15 46 * +72 15 47 1 +72 15 48 20 +72 15 49 15 +72 15 50 15 +72 15 51 7 +72 15 52 8 +72 15 53 17 +72 15 54 1 +72 15 55 * +72 15 56 10 +72 15 57 * +72 15 58 1 +72 15 59 10 +72 15 60 * +72 15 61 5 +72 15 62 15 +72 15 63 10 +72 15 64 15 +72 15 65 10 +72 15 66 8 +72 15 67 * +72 15 68 10 +72 15 69 1 +72 15 70 * +72 15 71 17 +72 15 72 1 +72 15 73 15 +72 15 74 * +72 15 75 1 +72 15 76 20 +72 15 77 * +72 15 78 10 +72 15 79 * +72 15 80 15 +72 15 81 1 +72 15 82 * +72 15 83 8 +72 15 84 10 +72 15 85 1 +72 15 86 10 +72 15 87 1 +72 15 88 10 +72 15 89 4 +72 15 90 * +72 15 91 18 +72 15 92 8 +72 15 93 15 +72 15 94 7 +72 15 95 8 +72 15 96 20 +72 15 97 15 +72 15 98 17 +72 15 99 * +72 15 100 8 +72 15 101 17 +72 15 102 15 +72 15 103 1 +72 15 104 15 +72 15 105 10 +72 15 106 2 +72 15 107 * +72 15 108 * +72 15 109 15 +72 15 110 20 +72 15 111 1 +72 15 112 17 +72 15 113 7 +72 15 114 * +72 15 115 17 +72 15 116 15 +72 15 117 7 +72 15 118 10 +72 15 119 1 +72 15 120 8 +72 15 121 20 +72 15 122 1 +72 15 123 * +72 15 124 2 +72 15 125 20 +72 15 126 10 +72 15 127 4 +72 15 128 18 +72 15 129 8 +72 15 130 7 +72 15 131 15 +72 15 132 5 +72 15 133 1 +72 15 134 5 +72 15 135 10 +72 15 136 1 +72 15 137 1 +72 15 138 15 +72 15 139 10 +72 15 140 15 +72 15 141 8 +72 15 142 * +72 15 143 20 +72 15 144 15 +72 15 145 1 +72 15 146 20 +72 15 147 1 +72 15 148 5 +72 15 149 1 +72 15 150 15 +72 15 151 10 +72 15 152 10 +72 15 153 15 +72 15 154 * +72 15 155 1 +72 15 156 1 +72 15 157 7 +72 15 158 10 +72 15 159 1 +72 15 160 10 +72 15 161 1 +72 15 162 10 +72 15 163 1 +72 15 164 15 +72 15 165 1 +72 15 166 15 +72 15 167 10 +72 15 168 1 +72 15 169 15 +72 15 170 15 +72 15 171 1 +72 15 172 10 +72 15 173 10 +72 15 174 2 +72 15 175 8 +72 15 176 10 +72 15 177 1 +72 15 178 15 +72 15 179 17 +72 15 180 1 +72 15 181 20 +72 15 182 17 +72 15 183 1 +72 15 184 15 +72 15 185 20 +72 15 186 8 +72 15 187 20 +72 15 188 15 +72 15 189 8 +72 15 190 10 +72 15 191 1 +72 15 192 15 +72 15 193 20 +72 15 194 17 +72 15 195 1 +72 15 196 8 +72 15 197 10 +72 15 198 1 +72 15 199 8 +72 15 200 15 +72 15 201 10 +72 15 202 1 +72 15 203 10 +72 15 204 7 +72 15 205 15 +72 15 206 8 +72 15 207 17 +72 15 208 20 +72 15 209 1 +72 15 210 5 +72 15 211 15 +72 15 212 20 +72 15 213 15 +72 15 214 2 +72 15 215 10 +72 15 216 1 +72 15 217 10 +72 15 218 20 +72 15 219 8 +72 15 220 15 +72 15 221 8 +72 15 222 15 +72 15 223 1 +72 15 224 10 +72 15 225 1 +72 15 226 15 +72 15 227 1 +72 15 228 15 +72 15 229 1 +72 15 230 10 +72 15 231 17 +72 15 232 1 +72 15 233 15 +72 15 234 1 +72 15 235 15 +72 15 236 20 +72 15 237 * +72 15 238 1 +72 15 239 10 +72 15 240 5 +72 15 241 10 +72 15 242 2 +72 15 243 17 +72 15 244 8 +72 15 245 5 +72 15 246 1 +72 15 247 15 +72 15 248 1 +72 15 249 1 +72 15 250 15 +72 15 251 1 +72 15 252 10 +72 15 253 1 +72 15 254 15 +72 15 255 1 +72 15 256 17 +72 15 257 15 +72 15 258 20 +72 15 259 5 +72 15 260 1 +72 15 261 20 +72 15 262 8 +72 15 263 1 +72 15 264 15 +72 15 265 1 +72 15 266 5 +72 15 267 17 +72 15 268 1 +72 15 269 10 +72 15 270 20 +72 15 271 1 +72 15 272 8 +72 15 273 10 +72 15 274 8 +72 15 275 1 +72 15 276 17 +72 15 277 15 +72 15 278 5 +72 15 279 15 +72 15 280 1 +72 15 281 1 +72 15 282 1 +72 15 283 7 +72 15 284 8 +72 15 285 10 +72 15 286 8 +72 15 287 1 +72 15 288 5 +72 15 289 1 +72 15 290 8 +72 15 291 15 +72 15 292 10 +72 15 293 1 +72 15 294 1 +72 15 295 7 +72 15 296 15 +72 15 297 2 +72 15 298 17 +72 15 299 1 +72 15 300 1 +72 15 301 1 +72 15 302 10 +72 15 303 15 +72 15 304 1 +72 15 305 15 +72 15 306 1 +72 15 307 15 +72 15 308 15 +72 15 309 1 +72 15 310 1 +72 15 311 15 +72 15 312 1 +72 15 313 15 +72 15 314 10 +72 15 315 1 +72 15 316 1 +72 15 317 17 +72 15 318 5 +72 15 319 8 +72 15 320 1 +72 15 321 17 +72 15 322 15 +72 15 323 1 +72 15 324 8 +72 15 325 10 +72 15 326 20 +72 15 327 8 +72 15 328 1 +72 15 329 7 +72 15 330 8 +72 16 1 1 +72 16 2 1 +72 16 3 2 +72 16 4 5 +72 16 5 1 +72 16 6 2 +72 16 7 1 +72 16 8 5 +72 16 9 7 +72 16 10 1 +72 16 11 1 +72 16 12 2 +72 16 13 1 +72 16 14 1 +72 16 15 5 +72 16 16 3 +72 16 17 5 +72 16 18 4 +72 16 19 1 +72 16 20 1 +72 16 21 5 +72 16 22 3 +72 16 23 5 +72 16 24 4 +72 16 25 1 +72 16 26 1 +72 16 27 3 +72 16 28 5 +72 16 29 1 +72 16 30 7 +72 16 31 1 +72 16 32 5 +72 16 33 1 +72 16 34 1 +72 16 35 5 +72 16 36 1 +72 16 37 1 +72 16 38 5 +72 16 39 1 +72 16 40 1 +72 16 41 7 +72 16 42 2 +72 16 43 1 +72 16 44 3 +72 16 45 1 +72 16 46 3 +72 16 47 1 +72 16 48 2 +72 16 49 1 +72 16 50 7 +72 16 51 7 +72 16 52 3 +72 16 53 5 +72 16 54 1 +72 16 55 1 +72 16 56 3 +72 16 57 1 +72 16 58 1 +72 16 59 3 +72 16 60 1 +72 16 61 5 +72 16 62 1 +72 16 63 5 +72 16 64 1 +72 16 65 5 +72 16 66 3 +72 16 67 1 +72 16 68 5 +72 16 69 1 +72 16 70 3 +72 16 71 7 +72 16 72 1 +72 16 73 1 +72 16 74 1 +72 16 75 1 +72 16 76 5 +72 16 77 1 +72 16 78 5 +72 16 79 1 +72 16 80 1 +72 16 81 1 +72 16 82 1 +72 16 83 3 +72 16 84 1 +72 16 85 1 +72 16 86 5 +72 16 87 1 +72 16 88 5 +72 16 89 1 +72 16 90 1 +72 16 91 1 +72 16 92 3 +72 16 93 1 +72 16 94 4 +72 16 95 3 +72 16 96 5 +72 16 97 5 +72 16 98 5 +72 16 99 5 +72 16 100 1 +72 16 101 5 +72 16 102 3 +72 16 103 1 +72 16 104 1 +72 16 105 5 +72 16 106 1 +72 16 107 3 +72 16 108 3 +72 16 109 5 +72 16 110 2 +72 16 111 1 +72 16 112 5 +72 16 113 4 +72 16 114 1 +72 16 115 7 +72 16 116 1 +72 16 117 7 +72 16 118 5 +72 16 119 1 +72 16 120 3 +72 16 121 5 +72 16 122 1 +72 16 123 1 +72 16 124 1 +72 16 125 5 +72 16 126 5 +72 16 127 4 +72 16 128 2 +72 16 129 3 +72 16 130 1 +72 16 131 5 +72 16 132 5 +72 16 133 1 +72 16 134 4 +72 16 135 5 +72 16 136 1 +72 16 137 1 +72 16 138 1 +72 16 139 3 +72 16 140 1 +72 16 141 3 +72 16 142 3 +72 16 143 1 +72 16 144 5 +72 16 145 1 +72 16 146 2 +72 16 147 1 +72 16 148 5 +72 16 149 1 +72 16 150 5 +72 16 151 2 +72 16 152 5 +72 16 153 1 +72 16 154 4 +72 16 155 4 +72 16 156 1 +72 16 157 4 +72 16 158 3 +72 16 159 2 +72 16 160 5 +72 16 161 1 +72 16 162 5 +72 16 163 1 +72 16 164 1 +72 16 165 1 +72 16 166 1 +72 16 167 5 +72 16 168 1 +72 16 169 1 +72 16 170 1 +72 16 171 1 +72 16 172 3 +72 16 173 5 +72 16 174 2 +72 16 175 1 +72 16 176 5 +72 16 177 1 +72 16 178 1 +72 16 179 7 +72 16 180 1 +72 16 181 7 +72 16 182 7 +72 16 183 1 +72 16 184 5 +72 16 185 7 +72 16 186 1 +72 16 187 2 +72 16 188 1 +72 16 189 1 +72 16 190 5 +72 16 191 1 +72 16 192 5 +72 16 193 1 +72 16 194 7 +72 16 195 1 +72 16 196 1 +72 16 197 5 +72 16 198 4 +72 16 199 1 +72 16 200 1 +72 16 201 5 +72 16 202 1 +72 16 203 5 +72 16 204 7 +72 16 205 5 +72 16 206 3 +72 16 207 7 +72 16 208 7 +72 16 209 4 +72 16 210 4 +72 16 211 1 +72 16 212 2 +72 16 213 5 +72 16 214 1 +72 16 215 7 +72 16 216 4 +72 16 217 5 +72 16 218 1 +72 16 219 3 +72 16 220 5 +72 16 221 3 +72 16 222 5 +72 16 223 1 +72 16 224 3 +72 16 225 1 +72 16 226 1 +72 16 227 1 +72 16 228 1 +72 16 229 1 +72 16 230 3 +72 16 231 5 +72 16 232 1 +72 16 233 5 +72 16 234 1 +72 16 235 5 +72 16 236 1 +72 16 237 5 +72 16 238 1 +72 16 239 5 +72 16 240 7 +72 16 241 3 +72 16 242 1 +72 16 243 7 +72 16 244 3 +72 16 245 5 +72 16 246 1 +72 16 247 5 +72 16 248 4 +72 16 249 4 +72 16 250 1 +72 16 251 1 +72 16 252 3 +72 16 253 1 +72 16 254 3 +72 16 255 4 +72 16 256 5 +72 16 257 4 +72 16 258 2 +72 16 259 7 +72 16 260 1 +72 16 261 7 +72 16 262 3 +72 16 263 3 +72 16 264 3 +72 16 265 1 +72 16 266 7 +72 16 267 5 +72 16 268 1 +72 16 269 5 +72 16 270 2 +72 16 271 1 +72 16 272 3 +72 16 273 5 +72 16 274 3 +72 16 275 1 +72 16 276 5 +72 16 277 1 +72 16 278 7 +72 16 279 1 +72 16 280 1 +72 16 281 1 +72 16 282 1 +72 16 283 7 +72 16 284 3 +72 16 285 5 +72 16 286 3 +72 16 287 1 +72 16 288 5 +72 16 289 1 +72 16 290 3 +72 16 291 1 +72 16 292 7 +72 16 293 3 +72 16 294 3 +72 16 295 7 +72 16 296 5 +72 16 297 2 +72 16 298 5 +72 16 299 1 +72 16 300 3 +72 16 301 1 +72 16 302 3 +72 16 303 1 +72 16 304 1 +72 16 305 7 +72 16 306 1 +72 16 307 1 +72 16 308 5 +72 16 309 4 +72 16 310 1 +72 16 311 1 +72 16 312 4 +72 16 313 5 +72 16 314 3 +72 16 315 1 +72 16 316 1 +72 16 317 5 +72 16 318 2 +72 16 319 3 +72 16 320 1 +72 16 321 5 +72 16 322 1 +72 16 323 1 +72 16 324 3 +72 16 325 7 +72 16 326 2 +72 16 327 3 +72 16 328 1 +72 16 329 7 +72 16 330 3 +72 17 1 1 +72 17 2 * +72 17 3 5 +72 17 4 6 +72 17 5 1 +72 17 6 2 +72 17 7 1 +72 17 8 5 +72 17 9 2 +72 17 10 1 +72 17 11 1 +72 17 12 2 +72 17 13 1 +72 17 14 1 +72 17 15 10 +72 17 16 3 +72 17 17 5 +72 17 18 4 +72 17 19 1 +72 17 20 1 +72 17 21 5 +72 17 22 2 +72 17 23 10 +72 17 24 4 +72 17 25 1 +72 17 26 1 +72 17 27 3 +72 17 28 5 +72 17 29 1 +72 17 30 2 +72 17 31 1 +72 17 32 10 +72 17 33 1 +72 17 34 1 +72 17 35 5 +72 17 36 4 +72 17 37 1 +72 17 38 5 +72 17 39 1 +72 17 40 1 +72 17 41 5 +72 17 42 2 +72 17 43 4 +72 17 44 3 +72 17 45 1 +72 17 46 4 +72 17 47 4 +72 17 48 2 +72 17 49 1 +72 17 50 10 +72 17 51 2 +72 17 52 3 +72 17 53 5 +72 17 54 1 +72 17 55 1 +72 17 56 2 +72 17 57 1 +72 17 58 2 +72 17 59 3 +72 17 60 1 +72 17 61 5 +72 17 62 3 +72 17 63 5 +72 17 64 1 +72 17 65 5 +72 17 66 3 +72 17 67 1 +72 17 68 5 +72 17 69 2 +72 17 70 3 +72 17 71 10 +72 17 72 1 +72 17 73 10 +72 17 74 1 +72 17 75 4 +72 17 76 2 +72 17 77 1 +72 17 78 3 +72 17 79 4 +72 17 80 1 +72 17 81 2 +72 17 82 1 +72 17 83 2 +72 17 84 5 +72 17 85 1 +72 17 86 5 +72 17 87 4 +72 17 88 5 +72 17 89 4 +72 17 90 1 +72 17 91 2 +72 17 92 3 +72 17 93 1 +72 17 94 4 +72 17 95 3 +72 17 96 2 +72 17 97 4 +72 17 98 5 +72 17 99 1 +72 17 100 1 +72 17 101 5 +72 17 102 3 +72 17 103 2 +72 17 104 1 +72 17 105 5 +72 17 106 2 +72 17 107 3 +72 17 108 1 +72 17 109 1 +72 17 110 2 +72 17 111 4 +72 17 112 5 +72 17 113 4 +72 17 114 1 +72 17 115 5 +72 17 116 1 +72 17 117 4 +72 17 118 5 +72 17 119 1 +72 17 120 3 +72 17 121 5 +72 17 122 1 +72 17 123 1 +72 17 124 2 +72 17 125 2 +72 17 126 5 +72 17 127 4 +72 17 128 2 +72 17 129 3 +72 17 130 4 +72 17 131 5 +72 17 132 5 +72 17 133 1 +72 17 134 4 +72 17 135 5 +72 17 136 1 +72 17 137 1 +72 17 138 1 +72 17 139 3 +72 17 140 1 +72 17 141 3 +72 17 142 3 +72 17 143 2 +72 17 144 4 +72 17 145 1 +72 17 146 2 +72 17 147 1 +72 17 148 5 +72 17 149 1 +72 17 150 4 +72 17 151 5 +72 17 152 5 +72 17 153 1 +72 17 154 4 +72 17 155 4 +72 17 156 1 +72 17 157 2 +72 17 158 3 +72 17 159 2 +72 17 160 5 +72 17 161 1 +72 17 162 5 +72 17 163 1 +72 17 164 1 +72 17 165 2 +72 17 166 4 +72 17 167 3 +72 17 168 1 +72 17 169 1 +72 17 170 4 +72 17 171 2 +72 17 172 3 +72 17 173 5 +72 17 174 2 +72 17 175 1 +72 17 176 5 +72 17 177 2 +72 17 178 1 +72 17 179 5 +72 17 180 1 +72 17 181 2 +72 17 182 5 +72 17 183 2 +72 17 184 5 +72 17 185 2 +72 17 186 1 +72 17 187 2 +72 17 188 1 +72 17 189 3 +72 17 190 5 +72 17 191 1 +72 17 192 4 +72 17 193 2 +72 17 194 5 +72 17 195 1 +72 17 196 1 +72 17 197 5 +72 17 198 4 +72 17 199 3 +72 17 200 1 +72 17 201 5 +72 17 202 1 +72 17 203 5 +72 17 204 4 +72 17 205 11 +72 17 206 3 +72 17 207 5 +72 17 208 2 +72 17 209 1 +72 17 210 5 +72 17 211 1 +72 17 212 2 +72 17 213 3 +72 17 214 2 +72 17 215 5 +72 17 216 4 +72 17 217 5 +72 17 218 2 +72 17 219 3 +72 17 220 1 +72 17 221 3 +72 17 222 5 +72 17 223 1 +72 17 224 3 +72 17 225 2 +72 17 226 1 +72 17 227 4 +72 17 228 4 +72 17 229 1 +72 17 230 3 +72 17 231 5 +72 17 232 2 +72 17 233 1 +72 17 234 1 +72 17 235 1 +72 17 236 2 +72 17 237 5 +72 17 238 1 +72 17 239 5 +72 17 240 2 +72 17 241 3 +72 17 242 2 +72 17 243 5 +72 17 244 3 +72 17 245 5 +72 17 246 1 +72 17 247 1 +72 17 248 4 +72 17 249 4 +72 17 250 4 +72 17 251 1 +72 17 252 3 +72 17 253 1 +72 17 254 1 +72 17 255 4 +72 17 256 5 +72 17 257 1 +72 17 258 2 +72 17 259 5 +72 17 260 3 +72 17 261 2 +72 17 262 3 +72 17 263 4 +72 17 264 3 +72 17 265 1 +72 17 266 2 +72 17 267 4 +72 17 268 1 +72 17 269 5 +72 17 270 2 +72 17 271 1 +72 17 272 3 +72 17 273 5 +72 17 274 3 +72 17 275 2 +72 17 276 5 +72 17 277 1 +72 17 278 5 +72 17 279 4 +72 17 280 2 +72 17 281 1 +72 17 282 1 +72 17 283 4 +72 17 284 3 +72 17 285 5 +72 17 286 3 +72 17 287 2 +72 17 288 5 +72 17 289 1 +72 17 290 3 +72 17 291 1 +72 17 292 5 +72 17 293 3 +72 17 294 3 +72 17 295 2 +72 17 296 5 +72 17 297 2 +72 17 298 5 +72 17 299 1 +72 17 300 3 +72 17 301 1 +72 17 302 3 +72 17 303 3 +72 17 304 2 +72 17 305 5 +72 17 306 1 +72 17 307 1 +72 17 308 4 +72 17 309 4 +72 17 310 1 +72 17 311 1 +72 17 312 4 +72 17 313 4 +72 17 314 3 +72 17 315 1 +72 17 316 1 +72 17 317 5 +72 17 318 2 +72 17 319 3 +72 17 320 2 +72 17 321 5 +72 17 322 3 +72 17 323 1 +72 17 324 3 +72 17 325 5 +72 17 326 2 +72 17 327 3 +72 17 328 1 +72 17 329 2 +72 17 330 3 +72 18 1 1 +72 18 2 1 +72 18 3 2 +72 18 4 6 +72 18 5 1 +72 18 6 8 +72 18 7 1 +72 18 8 10 +72 18 9 9 +72 18 10 1 +72 18 11 12 +72 18 12 2 +72 18 13 1 +72 18 14 1 +72 18 15 8 +72 18 16 3 +72 18 17 2 +72 18 18 4 +72 18 19 1 +72 18 20 1 +72 18 21 8 +72 18 22 8 +72 18 23 15 +72 18 24 9 +72 18 25 1 +72 18 26 1 +72 18 27 3 +72 18 28 8 +72 18 29 8 +72 18 30 2 +72 18 31 1 +72 18 32 6 +72 18 33 1 +72 18 34 1 +72 18 35 8 +72 18 36 1 +72 18 37 15 +72 18 38 5 +72 18 39 1 +72 18 40 1 +72 18 41 5 +72 18 42 8 +72 18 43 1 +72 18 44 8 +72 18 45 1 +72 18 46 12 +72 18 47 1 +72 18 48 2 +72 18 49 1 +72 18 50 15 +72 18 51 9 +72 18 52 3 +72 18 53 5 +72 18 54 1 +72 18 55 1 +72 18 56 8 +72 18 57 1 +72 18 58 2 +72 18 59 8 +72 18 60 4 +72 18 61 5 +72 18 62 6 +72 18 63 2 +72 18 64 1 +72 18 65 5 +72 18 66 3 +72 18 67 1 +72 18 68 8 +72 18 69 11 +72 18 70 3 +72 18 71 5 +72 18 72 1 +72 18 73 10 +72 18 74 1 +72 18 75 11 +72 18 76 2 +72 18 77 1 +72 18 78 8 +72 18 79 11 +72 18 80 1 +72 18 81 1 +72 18 82 1 +72 18 83 9 +72 18 84 9 +72 18 85 1 +72 18 86 8 +72 18 87 11 +72 18 88 5 +72 18 89 11 +72 18 90 9 +72 18 91 9 +72 18 92 3 +72 18 93 1 +72 18 94 11 +72 18 95 8 +72 18 96 2 +72 18 97 6 +72 18 98 5 +72 18 99 8 +72 18 100 1 +72 18 101 5 +72 18 102 8 +72 18 103 8 +72 18 104 1 +72 18 105 6 +72 18 106 2 +72 18 107 3 +72 18 108 1 +72 18 109 15 +72 18 110 2 +72 18 111 11 +72 18 112 5 +72 18 113 11 +72 18 114 1 +72 18 115 5 +72 18 116 8 +72 18 117 9 +72 18 118 8 +72 18 119 1 +72 18 120 3 +72 18 121 2 +72 18 122 1 +72 18 123 1 +72 18 124 1 +72 18 125 2 +72 18 126 8 +72 18 127 11 +72 18 128 2 +72 18 129 3 +72 18 130 9 +72 18 131 15 +72 18 132 11 +72 18 133 1 +72 18 134 9 +72 18 135 15 +72 18 136 1 +72 18 137 11 +72 18 138 1 +72 18 139 3 +72 18 140 15 +72 18 141 3 +72 18 142 3 +72 18 143 1 +72 18 144 6 +72 18 145 1 +72 18 146 2 +72 18 147 1 +72 18 148 5 +72 18 149 1 +72 18 150 12 +72 18 151 2 +72 18 152 5 +72 18 153 1 +72 18 154 11 +72 18 155 9 +72 18 156 1 +72 18 157 9 +72 18 158 3 +72 18 159 2 +72 18 160 8 +72 18 161 1 +72 18 162 5 +72 18 163 1 +72 18 164 1 +72 18 165 1 +72 18 166 1 +72 18 167 8 +72 18 168 1 +72 18 169 1 +72 18 170 11 +72 18 171 9 +72 18 172 3 +72 18 173 5 +72 18 174 2 +72 18 175 1 +72 18 176 2 +72 18 177 2 +72 18 178 15 +72 18 179 9 +72 18 180 1 +72 18 181 2 +72 18 182 5 +72 18 183 9 +72 18 184 6 +72 18 185 2 +72 18 186 1 +72 18 187 2 +72 18 188 1 +72 18 189 1 +72 18 190 8 +72 18 191 1 +72 18 192 6 +72 18 193 1 +72 18 194 11 +72 18 195 1 +72 18 196 1 +72 18 197 6 +72 18 198 11 +72 18 199 8 +72 18 200 1 +72 18 201 2 +72 18 202 1 +72 18 203 5 +72 18 204 11 +72 18 205 6 +72 18 206 3 +72 18 207 5 +72 18 208 2 +72 18 209 1 +72 18 210 9 +72 18 211 1 +72 18 212 2 +72 18 213 6 +72 18 214 2 +72 18 215 8 +72 18 216 1 +72 18 217 8 +72 18 218 1 +72 18 219 3 +72 18 220 15 +72 18 221 3 +72 18 222 6 +72 18 223 1 +72 18 224 3 +72 18 225 9 +72 18 226 1 +72 18 227 11 +72 18 228 1 +72 18 229 1 +72 18 230 3 +72 18 231 15 +72 18 232 9 +72 18 233 8 +72 18 234 1 +72 18 235 1 +72 18 236 1 +72 18 237 2 +72 18 238 1 +72 18 239 8 +72 18 240 9 +72 18 241 3 +72 18 242 2 +72 18 243 15 +72 18 244 3 +72 18 245 5 +72 18 246 1 +72 18 247 15 +72 18 248 11 +72 18 249 1 +72 18 250 15 +72 18 251 1 +72 18 252 3 +72 18 253 1 +72 18 254 1 +72 18 255 11 +72 18 256 5 +72 18 257 1 +72 18 258 2 +72 18 259 11 +72 18 260 2 +72 18 261 2 +72 18 262 3 +72 18 263 4 +72 18 264 1 +72 18 265 1 +72 18 266 2 +72 18 267 15 +72 18 268 1 +72 18 269 15 +72 18 270 2 +72 18 271 9 +72 18 272 3 +72 18 273 15 +72 18 274 3 +72 18 275 1 +72 18 276 5 +72 18 277 1 +72 18 278 2 +72 18 279 15 +72 18 280 1 +72 18 281 1 +72 18 282 1 +72 18 283 11 +72 18 284 3 +72 18 285 8 +72 18 286 3 +72 18 287 9 +72 18 288 2 +72 18 289 1 +72 18 290 3 +72 18 291 15 +72 18 292 8 +72 18 293 1 +72 18 294 3 +72 18 295 9 +72 18 296 15 +72 18 297 2 +72 18 298 5 +72 18 299 1 +72 18 300 3 +72 18 301 1 +72 18 302 3 +72 18 303 1 +72 18 304 1 +72 18 305 15 +72 18 306 1 +72 18 307 1 +72 18 308 15 +72 18 309 9 +72 18 310 1 +72 18 311 1 +72 18 312 11 +72 18 313 15 +72 18 314 3 +72 18 315 1 +72 18 316 1 +72 18 317 15 +72 18 318 2 +72 18 319 3 +72 18 320 9 +72 18 321 5 +72 18 322 1 +72 18 323 1 +72 18 324 3 +72 18 325 15 +72 18 326 2 +72 18 327 3 +72 18 328 1 +72 18 329 11 +72 18 330 3 +72 19 1 15 +72 19 2 1 +72 19 3 5 +72 19 4 6 +72 19 5 1 +72 19 6 2 +72 19 7 1 +72 19 8 5 +72 19 9 2 +72 19 10 1 +72 19 11 1 +72 19 12 2 +72 19 13 1 +72 19 14 1 +72 19 15 10 +72 19 16 3 +72 19 17 5 +72 19 18 1 +72 19 19 1 +72 19 20 1 +72 19 21 10 +72 19 22 2 +72 19 23 6 +72 19 24 2 +72 19 25 1 +72 19 26 1 +72 19 27 3 +72 19 28 5 +72 19 29 1 +72 19 30 2 +72 19 31 1 +72 19 32 5 +72 19 33 1 +72 19 34 1 +72 19 35 2 +72 19 36 1 +72 19 37 1 +72 19 38 5 +72 19 39 1 +72 19 40 1 +72 19 41 5 +72 19 42 2 +72 19 43 1 +72 19 44 2 +72 19 45 1 +72 19 46 3 +72 19 47 4 +72 19 48 2 +72 19 49 1 +72 19 50 6 +72 19 51 2 +72 19 52 3 +72 19 53 5 +72 19 54 1 +72 19 55 1 +72 19 56 2 +72 19 57 1 +72 19 58 2 +72 19 59 3 +72 19 60 4 +72 19 61 5 +72 19 62 6 +72 19 63 2 +72 19 64 1 +72 19 65 5 +72 19 66 3 +72 19 67 1 +72 19 68 6 +72 19 69 2 +72 19 70 3 +72 19 71 5 +72 19 72 1 +72 19 73 6 +72 19 74 1 +72 19 75 4 +72 19 76 2 +72 19 77 1 +72 19 78 2 +72 19 79 4 +72 19 80 1 +72 19 81 1 +72 19 82 1 +72 19 83 2 +72 19 84 2 +72 19 85 1 +72 19 86 5 +72 19 87 4 +72 19 88 6 +72 19 89 4 +72 19 90 4 +72 19 91 2 +72 19 92 3 +72 19 93 1 +72 19 94 4 +72 19 95 3 +72 19 96 2 +72 19 97 6 +72 19 98 5 +72 19 99 6 +72 19 100 1 +72 19 101 6 +72 19 102 6 +72 19 103 2 +72 19 104 1 +72 19 105 6 +72 19 106 2 +72 19 107 3 +72 19 108 3 +72 19 109 1 +72 19 110 1 +72 19 111 1 +72 19 112 5 +72 19 113 4 +72 19 114 1 +72 19 115 5 +72 19 116 1 +72 19 117 2 +72 19 118 10 +72 19 119 1 +72 19 120 3 +72 19 121 2 +72 19 122 1 +72 19 123 1 +72 19 124 2 +72 19 125 5 +72 19 126 10 +72 19 127 4 +72 19 128 2 +72 19 129 3 +72 19 130 4 +72 19 131 6 +72 19 132 5 +72 19 133 1 +72 19 134 7 +72 19 135 6 +72 19 136 1 +72 19 137 1 +72 19 138 1 +72 19 139 3 +72 19 140 1 +72 19 141 3 +72 19 142 3 +72 19 143 1 +72 19 144 6 +72 19 145 1 +72 19 146 2 +72 19 147 1 +72 19 148 5 +72 19 149 1 +72 19 150 6 +72 19 151 2 +72 19 152 6 +72 19 153 1 +72 19 154 4 +72 19 155 2 +72 19 156 1 +72 19 157 2 +72 19 158 3 +72 19 159 2 +72 19 160 10 +72 19 161 1 +72 19 162 5 +72 19 163 1 +72 19 164 1 +72 19 165 1 +72 19 166 6 +72 19 167 3 +72 19 168 1 +72 19 169 1 +72 19 170 1 +72 19 171 1 +72 19 172 3 +72 19 173 5 +72 19 174 2 +72 19 175 1 +72 19 176 5 +72 19 177 2 +72 19 178 6 +72 19 179 5 +72 19 180 1 +72 19 181 2 +72 19 182 6 +72 19 183 2 +72 19 184 6 +72 19 185 2 +72 19 186 1 +72 19 187 2 +72 19 188 1 +72 19 189 3 +72 19 190 2 +72 19 191 1 +72 19 192 6 +72 19 193 2 +72 19 194 5 +72 19 195 1 +72 19 196 1 +72 19 197 6 +72 19 198 4 +72 19 199 8 +72 19 200 1 +72 19 201 2 +72 19 202 1 +72 19 203 6 +72 19 204 4 +72 19 205 6 +72 19 206 3 +72 19 207 5 +72 19 208 2 +72 19 209 1 +72 19 210 5 +72 19 211 1 +72 19 212 2 +72 19 213 3 +72 19 214 2 +72 19 215 10 +72 19 216 4 +72 19 217 3 +72 19 218 2 +72 19 219 3 +72 19 220 6 +72 19 221 3 +72 19 222 6 +72 19 223 1 +72 19 224 3 +72 19 225 2 +72 19 226 1 +72 19 227 4 +72 19 228 4 +72 19 229 1 +72 19 230 3 +72 19 231 6 +72 19 232 11 +72 19 233 6 +72 19 234 1 +72 19 235 1 +72 19 236 1 +72 19 237 2 +72 19 238 1 +72 19 239 2 +72 19 240 2 +72 19 241 3 +72 19 242 2 +72 19 243 5 +72 19 244 3 +72 19 245 5 +72 19 246 1 +72 19 247 6 +72 19 248 4 +72 19 249 1 +72 19 250 6 +72 19 251 1 +72 19 252 3 +72 19 253 1 +72 19 254 1 +72 19 255 4 +72 19 256 5 +72 19 257 1 +72 19 258 2 +72 19 259 5 +72 19 260 2 +72 19 261 2 +72 19 262 3 +72 19 263 11 +72 19 264 3 +72 19 265 1 +72 19 266 2 +72 19 267 6 +72 19 268 1 +72 19 269 6 +72 19 270 2 +72 19 271 1 +72 19 272 3 +72 19 273 6 +72 19 274 3 +72 19 275 2 +72 19 276 5 +72 19 277 1 +72 19 278 2 +72 19 279 1 +72 19 280 1 +72 19 281 1 +72 19 282 1 +72 19 283 2 +72 19 284 3 +72 19 285 10 +72 19 286 3 +72 19 287 2 +72 19 288 5 +72 19 289 1 +72 19 290 3 +72 19 291 1 +72 19 292 2 +72 19 293 3 +72 19 294 3 +72 19 295 2 +72 19 296 6 +72 19 297 2 +72 19 298 5 +72 19 299 1 +72 19 300 3 +72 19 301 1 +72 19 302 3 +72 19 303 3 +72 19 304 1 +72 19 305 6 +72 19 306 1 +72 19 307 1 +72 19 308 6 +72 19 309 11 +72 19 310 1 +72 19 311 6 +72 19 312 4 +72 19 313 6 +72 19 314 3 +72 19 315 1 +72 19 316 1 +72 19 317 6 +72 19 318 2 +72 19 319 3 +72 19 320 2 +72 19 321 5 +72 19 322 1 +72 19 323 1 +72 19 324 3 +72 19 325 6 +72 19 326 2 +72 19 327 3 +72 19 328 1 +72 19 329 2 +72 19 330 3 +72 20 1 1 +72 20 2 1 +72 20 3 2 +72 20 4 6 +72 20 5 1 +72 20 6 2 +72 20 7 1 +72 20 8 6 +72 20 9 7 +72 20 10 15 +72 20 11 1 +72 20 12 2 +72 20 13 1 +72 20 14 15 +72 20 15 6 +72 20 16 3 +72 20 17 2 +72 20 18 4 +72 20 19 15 +72 20 20 1 +72 20 21 6 +72 20 22 2 +72 20 23 6 +72 20 24 4 +72 20 25 1 +72 20 26 15 +72 20 27 3 +72 20 28 6 +72 20 29 1 +72 20 30 2 +72 20 31 1 +72 20 32 6 +72 20 33 1 +72 20 34 15 +72 20 35 5 +72 20 36 1 +72 20 37 15 +72 20 38 6 +72 20 39 1 +72 20 40 15 +72 20 41 5 +72 20 42 2 +72 20 43 15 +72 20 44 3 +72 20 45 1 +72 20 46 11 +72 20 47 1 +72 20 48 2 +72 20 49 15 +72 20 50 6 +72 20 51 11 +72 20 52 3 +72 20 53 6 +72 20 54 1 +72 20 55 15 +72 20 56 2 +72 20 57 1 +72 20 58 2 +72 20 59 3 +72 20 60 11 +72 20 61 6 +72 20 62 15 +72 20 63 2 +72 20 64 15 +72 20 65 6 +72 20 66 3 +72 20 67 1 +72 20 68 6 +72 20 69 1 +72 20 70 3 +72 20 71 5 +72 20 72 1 +72 20 73 6 +72 20 74 15 +72 20 75 1 +72 20 76 2 +72 20 77 1 +72 20 78 6 +72 20 79 11 +72 20 80 15 +72 20 81 1 +72 20 82 1 +72 20 83 3 +72 20 84 6 +72 20 85 1 +72 20 86 6 +72 20 87 4 +72 20 88 6 +72 20 89 4 +72 20 90 15 +72 20 91 1 +72 20 92 3 +72 20 93 15 +72 20 94 4 +72 20 95 3 +72 20 96 2 +72 20 97 6 +72 20 98 5 +72 20 99 6 +72 20 100 1 +72 20 101 6 +72 20 102 1 +72 20 103 1 +72 20 104 15 +72 20 105 6 +72 20 106 2 +72 20 107 3 +72 20 108 1 +72 20 109 15 +72 20 110 2 +72 20 111 1 +72 20 112 5 +72 20 113 4 +72 20 114 1 +72 20 115 5 +72 20 116 15 +72 20 117 7 +72 20 118 6 +72 20 119 1 +72 20 120 3 +72 20 121 2 +72 20 122 1 +72 20 123 15 +72 20 124 2 +72 20 125 2 +72 20 126 6 +72 20 127 1 +72 20 128 2 +72 20 129 3 +72 20 130 1 +72 20 131 6 +72 20 132 2 +72 20 133 1 +72 20 134 7 +72 20 135 6 +72 20 136 15 +72 20 137 1 +72 20 138 15 +72 20 139 3 +72 20 140 15 +72 20 141 3 +72 20 142 6 +72 20 143 1 +72 20 144 6 +72 20 145 1 +72 20 146 2 +72 20 147 15 +72 20 148 5 +72 20 149 2 +72 20 150 6 +72 20 151 6 +72 20 152 6 +72 20 153 15 +72 20 154 11 +72 20 155 7 +72 20 156 1 +72 20 157 7 +72 20 158 3 +72 20 159 2 +72 20 160 6 +72 20 161 15 +72 20 162 5 +72 20 163 1 +72 20 164 15 +72 20 165 1 +72 20 166 15 +72 20 167 6 +72 20 168 1 +72 20 169 15 +72 20 170 11 +72 20 171 1 +72 20 172 3 +72 20 173 6 +72 20 174 2 +72 20 175 15 +72 20 176 6 +72 20 177 2 +72 20 178 15 +72 20 179 6 +72 20 180 1 +72 20 181 2 +72 20 182 6 +72 20 183 2 +72 20 184 6 +72 20 185 2 +72 20 186 15 +72 20 187 2 +72 20 188 15 +72 20 189 15 +72 20 190 6 +72 20 191 1 +72 20 192 6 +72 20 193 1 +72 20 194 7 +72 20 195 1 +72 20 196 15 +72 20 197 6 +72 20 198 4 +72 20 199 15 +72 20 200 15 +72 20 201 6 +72 20 202 1 +72 20 203 6 +72 20 204 7 +72 20 205 6 +72 20 206 3 +72 20 207 6 +72 20 208 2 +72 20 209 1 +72 20 210 7 +72 20 211 15 +72 20 212 2 +72 20 213 6 +72 20 214 1 +72 20 215 6 +72 20 216 1 +72 20 217 6 +72 20 218 1 +72 20 219 3 +72 20 220 15 +72 20 221 15 +72 20 222 6 +72 20 223 1 +72 20 224 6 +72 20 225 1 +72 20 226 15 +72 20 227 4 +72 20 228 15 +72 20 229 15 +72 20 230 6 +72 20 231 6 +72 20 232 1 +72 20 233 15 +72 20 234 1 +72 20 235 15 +72 20 236 2 +72 20 237 2 +72 20 238 15 +72 20 239 6 +72 20 240 7 +72 20 241 3 +72 20 242 2 +72 20 243 6 +72 20 244 15 +72 20 245 5 +72 20 246 15 +72 20 247 6 +72 20 248 1 +72 20 249 1 +72 20 250 6 +72 20 251 1 +72 20 252 6 +72 20 253 1 +72 20 254 15 +72 20 255 4 +72 20 256 5 +72 20 257 15 +72 20 258 2 +72 20 259 6 +72 20 260 2 +72 20 261 2 +72 20 262 3 +72 20 263 4 +72 20 264 15 +72 20 265 1 +72 20 266 6 +72 20 267 6 +72 20 268 1 +72 20 269 6 +72 20 270 2 +72 20 271 1 +72 20 272 3 +72 20 273 6 +72 20 274 3 +72 20 275 2 +72 20 276 6 +72 20 277 15 +72 20 278 2 +72 20 279 15 +72 20 280 1 +72 20 281 1 +72 20 282 1 +72 20 283 7 +72 20 284 3 +72 20 285 6 +72 20 286 3 +72 20 287 2 +72 20 288 5 +72 20 289 15 +72 20 290 6 +72 20 291 15 +72 20 292 6 +72 20 293 15 +72 20 294 3 +72 20 295 7 +72 20 296 6 +72 20 297 2 +72 20 298 5 +72 20 299 1 +72 20 300 8 +72 20 301 1 +72 20 302 6 +72 20 303 15 +72 20 304 1 +72 20 305 6 +72 20 306 2 +72 20 307 15 +72 20 308 6 +72 20 309 4 +72 20 310 1 +72 20 311 15 +72 20 312 4 +72 20 313 15 +72 20 314 3 +72 20 315 1 +72 20 316 15 +72 20 317 6 +72 20 318 2 +72 20 319 3 +72 20 320 1 +72 20 321 5 +72 20 322 15 +72 20 323 1 +72 20 324 3 +72 20 325 6 +72 20 326 2 +72 20 327 3 +72 20 328 1 +72 20 329 7 +72 20 330 15 +72 21 1 1 +72 21 2 15 +72 21 3 2 +72 21 4 7 +72 21 5 1 +72 21 6 2 +72 21 7 1 +72 21 8 15 +72 21 9 7 +72 21 10 1 +72 21 11 1 +72 21 12 2 +72 21 13 1 +72 21 14 15 +72 21 15 2 +72 21 16 3 +72 21 17 5 +72 21 18 7 +72 21 19 1 +72 21 20 1 +72 21 21 2 +72 21 22 2 +72 21 23 5 +72 21 24 7 +72 21 25 15 +72 21 26 1 +72 21 27 2 +72 21 28 5 +72 21 29 15 +72 21 30 2 +72 21 31 1 +72 21 32 2 +72 21 33 15 +72 21 34 1 +72 21 35 5 +72 21 36 1 +72 21 37 1 +72 21 38 5 +72 21 39 1 +72 21 40 15 +72 21 41 5 +72 21 42 2 +72 21 43 7 +72 21 44 2 +72 21 45 15 +72 21 46 7 +72 21 47 7 +72 21 48 2 +72 21 49 1 +72 21 50 7 +72 21 51 7 +72 21 52 2 +72 21 53 5 +72 21 54 15 +72 21 55 1 +72 21 56 2 +72 21 57 1 +72 21 58 7 +72 21 59 2 +72 21 60 7 +72 21 61 5 +72 21 62 2 +72 21 63 2 +72 21 64 1 +72 21 65 2 +72 21 66 3 +72 21 67 1 +72 21 68 2 +72 21 69 7 +72 21 70 2 +72 21 71 7 +72 21 72 15 +72 21 73 6 +72 21 74 2 +72 21 75 15 +72 21 76 5 +72 21 77 15 +72 21 78 2 +72 21 79 7 +72 21 80 15 +72 21 81 1 +72 21 82 1 +72 21 83 3 +72 21 84 2 +72 21 85 15 +72 21 86 5 +72 21 87 7 +72 21 88 2 +72 21 89 7 +72 21 90 1 +72 21 91 2 +72 21 92 2 +72 21 93 15 +72 21 94 7 +72 21 95 2 +72 21 96 2 +72 21 97 15 +72 21 98 5 +72 21 99 2 +72 21 100 1 +72 21 101 2 +72 21 102 1 +72 21 103 7 +72 21 104 1 +72 21 105 2 +72 21 106 5 +72 21 107 3 +72 21 108 2 +72 21 109 15 +72 21 110 2 +72 21 111 7 +72 21 112 5 +72 21 113 7 +72 21 114 1 +72 21 115 2 +72 21 116 3 +72 21 117 7 +72 21 118 2 +72 21 119 15 +72 21 120 3 +72 21 121 2 +72 21 122 15 +72 21 123 1 +72 21 124 2 +72 21 125 2 +72 21 126 5 +72 21 127 7 +72 21 128 5 +72 21 129 3 +72 21 130 15 +72 21 131 7 +72 21 132 2 +72 21 133 15 +72 21 134 7 +72 21 135 5 +72 21 136 1 +72 21 137 1 +72 21 138 3 +72 21 139 3 +72 21 140 1 +72 21 141 3 +72 21 142 3 +72 21 143 1 +72 21 144 7 +72 21 145 1 +72 21 146 2 +72 21 147 15 +72 21 148 5 +72 21 149 1 +72 21 150 7 +72 21 151 2 +72 21 152 2 +72 21 153 15 +72 21 154 7 +72 21 155 7 +72 21 156 15 +72 21 157 7 +72 21 158 3 +72 21 159 2 +72 21 160 5 +72 21 161 1 +72 21 162 5 +72 21 163 1 +72 21 164 1 +72 21 165 7 +72 21 166 1 +72 21 167 2 +72 21 168 1 +72 21 169 15 +72 21 170 7 +72 21 171 1 +72 21 172 3 +72 21 173 2 +72 21 174 2 +72 21 175 1 +72 21 176 5 +72 21 177 2 +72 21 178 1 +72 21 179 7 +72 21 180 1 +72 21 181 2 +72 21 182 7 +72 21 183 7 +72 21 184 2 +72 21 185 2 +72 21 186 1 +72 21 187 2 +72 21 188 1 +72 21 189 2 +72 21 190 2 +72 21 191 1 +72 21 192 2 +72 21 193 2 +72 21 194 7 +72 21 195 1 +72 21 196 2 +72 21 197 2 +72 21 198 7 +72 21 199 3 +72 21 200 1 +72 21 201 2 +72 21 202 15 +72 21 203 5 +72 21 204 7 +72 21 205 2 +72 21 206 3 +72 21 207 5 +72 21 208 7 +72 21 209 1 +72 21 210 7 +72 21 211 1 +72 21 212 2 +72 21 213 2 +72 21 214 2 +72 21 215 2 +72 21 216 7 +72 21 217 3 +72 21 218 2 +72 21 219 3 +72 21 220 1 +72 21 221 3 +72 21 222 2 +72 21 223 1 +72 21 224 3 +72 21 225 2 +72 21 226 15 +72 21 227 7 +72 21 228 1 +72 21 229 2 +72 21 230 3 +72 21 231 2 +72 21 232 7 +72 21 233 2 +72 21 234 15 +72 21 235 1 +72 21 236 2 +72 21 237 3 +72 21 238 1 +72 21 239 2 +72 21 240 7 +72 21 241 3 +72 21 242 2 +72 21 243 5 +72 21 244 3 +72 21 245 5 +72 21 246 15 +72 21 247 5 +72 21 248 7 +72 21 249 15 +72 21 250 5 +72 21 251 1 +72 21 252 3 +72 21 253 1 +72 21 254 2 +72 21 255 7 +72 21 256 5 +72 21 257 1 +72 21 258 2 +72 21 259 2 +72 21 260 3 +72 21 261 2 +72 21 262 3 +72 21 263 2 +72 21 264 3 +72 21 265 1 +72 21 266 7 +72 21 267 5 +72 21 268 15 +72 21 269 5 +72 21 270 2 +72 21 271 1 +72 21 272 3 +72 21 273 2 +72 21 274 3 +72 21 275 2 +72 21 276 5 +72 21 277 1 +72 21 278 2 +72 21 279 5 +72 21 280 1 +72 21 281 15 +72 21 282 15 +72 21 283 7 +72 21 284 3 +72 21 285 2 +72 21 286 3 +72 21 287 7 +72 21 288 5 +72 21 289 1 +72 21 290 3 +72 21 291 1 +72 21 292 2 +72 21 293 3 +72 21 294 3 +72 21 295 7 +72 21 296 1 +72 21 297 2 +72 21 298 5 +72 21 299 1 +72 21 300 3 +72 21 301 15 +72 21 302 3 +72 21 303 7 +72 21 304 1 +72 21 305 2 +72 21 306 15 +72 21 307 15 +72 21 308 2 +72 21 309 7 +72 21 310 15 +72 21 311 1 +72 21 312 7 +72 21 313 15 +72 21 314 3 +72 21 315 1 +72 21 316 1 +72 21 317 2 +72 21 318 2 +72 21 319 3 +72 21 320 6 +72 21 321 5 +72 21 322 1 +72 21 323 1 +72 21 324 3 +72 21 325 2 +72 21 326 2 +72 21 327 3 +72 21 328 1 +72 21 329 7 +72 21 330 3 +72 22 1 1 +72 22 2 1 +72 22 3 5 +72 22 4 6 +72 22 5 1 +72 22 6 8 +72 22 7 1 +72 22 8 7 +72 22 9 1 +72 22 10 1 +72 22 11 1 +72 22 12 2 +72 22 13 1 +72 22 14 1 +72 22 15 8 +72 22 16 3 +72 22 17 2 +72 22 18 4 +72 22 19 1 +72 22 20 1 +72 22 21 8 +72 22 22 2 +72 22 23 6 +72 22 24 11 +72 22 25 1 +72 22 26 1 +72 22 27 3 +72 22 28 6 +72 22 29 1 +72 22 30 2 +72 22 31 8 +72 22 32 6 +72 22 33 1 +72 22 34 1 +72 22 35 2 +72 22 36 1 +72 22 37 8 +72 22 38 6 +72 22 39 1 +72 22 40 8 +72 22 41 6 +72 22 42 2 +72 22 43 8 +72 22 44 1 +72 22 45 1 +72 22 46 8 +72 22 47 1 +72 22 48 2 +72 22 49 1 +72 22 50 6 +72 22 51 7 +72 22 52 8 +72 22 53 6 +72 22 54 1 +72 22 55 1 +72 22 56 8 +72 22 57 1 +72 22 58 2 +72 22 59 8 +72 22 60 1 +72 22 61 6 +72 22 62 8 +72 22 63 8 +72 22 64 1 +72 22 65 6 +72 22 66 1 +72 22 67 1 +72 22 68 8 +72 22 69 1 +72 22 70 3 +72 22 71 7 +72 22 72 1 +72 22 73 6 +72 22 74 1 +72 22 75 1 +72 22 76 2 +72 22 77 1 +72 22 78 8 +72 22 79 4 +72 22 80 1 +72 22 81 1 +72 22 82 1 +72 22 83 8 +72 22 84 8 +72 22 85 1 +72 22 86 6 +72 22 87 4 +72 22 88 6 +72 22 89 4 +72 22 90 1 +72 22 91 2 +72 22 92 3 +72 22 93 1 +72 22 94 4 +72 22 95 8 +72 22 96 2 +72 22 97 6 +72 22 98 5 +72 22 99 8 +72 22 100 1 +72 22 101 7 +72 22 102 8 +72 22 103 1 +72 22 104 8 +72 22 105 6 +72 22 106 2 +72 22 107 3 +72 22 108 8 +72 22 109 1 +72 22 110 2 +72 22 111 1 +72 22 112 6 +72 22 113 4 +72 22 114 1 +72 22 115 6 +72 22 116 1 +72 22 117 7 +72 22 118 8 +72 22 119 1 +72 22 120 3 +72 22 121 2 +72 22 122 1 +72 22 123 1 +72 22 124 2 +72 22 125 2 +72 22 126 8 +72 22 127 1 +72 22 128 2 +72 22 129 3 +72 22 130 11 +72 22 131 6 +72 22 132 7 +72 22 133 1 +72 22 134 7 +72 22 135 6 +72 22 136 1 +72 22 137 1 +72 22 138 8 +72 22 139 3 +72 22 140 1 +72 22 141 3 +72 22 142 8 +72 22 143 1 +72 22 144 6 +72 22 145 1 +72 22 146 2 +72 22 147 1 +72 22 148 5 +72 22 149 1 +72 22 150 7 +72 22 151 8 +72 22 152 6 +72 22 153 1 +72 22 154 4 +72 22 155 4 +72 22 156 1 +72 22 157 7 +72 22 158 3 +72 22 159 8 +72 22 160 6 +72 22 161 1 +72 22 162 6 +72 22 163 1 +72 22 164 1 +72 22 165 1 +72 22 166 1 +72 22 167 8 +72 22 168 1 +72 22 169 1 +72 22 170 1 +72 22 171 8 +72 22 172 3 +72 22 173 6 +72 22 174 2 +72 22 175 1 +72 22 176 6 +72 22 177 2 +72 22 178 1 +72 22 179 7 +72 22 180 1 +72 22 181 2 +72 22 182 7 +72 22 183 2 +72 22 184 7 +72 22 185 2 +72 22 186 1 +72 22 187 2 +72 22 188 1 +72 22 189 8 +72 22 190 8 +72 22 191 1 +72 22 192 6 +72 22 193 2 +72 22 194 7 +72 22 195 1 +72 22 196 1 +72 22 197 8 +72 22 198 4 +72 22 199 3 +72 22 200 1 +72 22 201 2 +72 22 202 1 +72 22 203 6 +72 22 204 4 +72 22 205 6 +72 22 206 3 +72 22 207 6 +72 22 208 2 +72 22 209 1 +72 22 210 7 +72 22 211 1 +72 22 212 2 +72 22 213 2 +72 22 214 2 +72 22 215 6 +72 22 216 4 +72 22 217 8 +72 22 218 1 +72 22 219 8 +72 22 220 1 +72 22 221 3 +72 22 222 6 +72 22 223 1 +72 22 224 3 +72 22 225 2 +72 22 226 1 +72 22 227 4 +72 22 228 1 +72 22 229 1 +72 22 230 3 +72 22 231 6 +72 22 232 7 +72 22 233 6 +72 22 234 * +72 22 235 1 +72 22 236 2 +72 22 237 8 +72 22 238 1 +72 22 239 8 +72 22 240 7 +72 22 241 3 +72 22 242 2 +72 22 243 7 +72 22 244 8 +72 22 245 6 +72 22 246 1 +72 22 247 6 +72 22 248 1 +72 22 249 1 +72 22 250 6 +72 22 251 1 +72 22 252 8 +72 22 253 1 +72 22 254 8 +72 22 255 4 +72 22 256 2 +72 22 257 1 +72 22 258 2 +72 22 259 7 +72 22 260 2 +72 22 261 2 +72 22 262 3 +72 22 263 3 +72 22 264 1 +72 22 265 1 +72 22 266 7 +72 22 267 6 +72 22 268 1 +72 22 269 6 +72 22 270 2 +72 22 271 1 +72 22 272 3 +72 22 273 6 +72 22 274 3 +72 22 275 2 +72 22 276 6 +72 22 277 1 +72 22 278 2 +72 22 279 1 +72 22 280 1 +72 22 281 1 +72 22 282 1 +72 22 283 7 +72 22 284 3 +72 22 285 8 +72 22 286 3 +72 22 287 2 +72 22 288 6 +72 22 289 1 +72 22 290 3 +72 22 291 1 +72 22 292 8 +72 22 293 8 +72 22 294 3 +72 22 295 7 +72 22 296 6 +72 22 297 2 +72 22 298 6 +72 22 299 1 +72 22 300 3 +72 22 301 1 +72 22 302 3 +72 22 303 8 +72 22 304 1 +72 22 305 6 +72 22 306 1 +72 22 307 1 +72 22 308 6 +72 22 309 4 +72 22 310 1 +72 22 311 1 +72 22 312 4 +72 22 313 6 +72 22 314 3 +72 22 315 1 +72 22 316 1 +72 22 317 6 +72 22 318 2 +72 22 319 3 +72 22 320 1 +72 22 321 5 +72 22 322 1 +72 22 323 1 +72 22 324 3 +72 22 325 6 +72 22 326 2 +72 22 327 3 +72 22 328 1 +72 22 329 7 +72 22 330 3 +72 23 1 15 +72 23 2 8 +72 23 3 5 +72 23 4 4 +72 23 5 3 +72 23 6 1 +72 23 7 2 +72 23 8 12 +72 23 9 1 +72 23 10 12 +72 23 11 4 +72 23 12 2 +72 23 13 9 +72 23 14 1 +72 23 15 3 +72 23 16 3 +72 23 17 5 +72 23 18 4 +72 23 19 8 +72 23 20 1 +72 23 21 1 +72 23 22 8 +72 23 23 5 +72 23 24 1 +72 23 25 8 +72 23 26 15 +72 23 27 3 +72 23 28 5 +72 23 29 3 +72 23 30 5 +72 23 31 3 +72 23 32 5 +72 23 33 1 +72 23 34 15 +72 23 35 1 +72 23 36 4 +72 23 37 2 +72 23 38 5 +72 23 39 1 +72 23 40 8 +72 23 41 5 +72 23 42 1 +72 23 43 15 +72 23 44 3 +72 23 45 1 +72 23 46 8 +72 23 47 4 +72 23 48 5 +72 23 49 8 +72 23 50 4 +72 23 51 1 +72 23 52 3 +72 23 53 12 +72 23 54 1 +72 23 55 12 +72 23 56 8 +72 23 57 15 +72 23 58 1 +72 23 59 8 +72 23 60 4 +72 23 61 5 +72 23 62 15 +72 23 63 12 +72 23 64 15 +72 23 65 5 +72 23 66 3 +72 23 67 3 +72 23 68 12 +72 23 69 1 +72 23 70 3 +72 23 71 4 +72 23 72 1 +72 23 73 15 +72 23 74 3 +72 23 75 4 +72 23 76 5 +72 23 77 8 +72 23 78 3 +72 23 79 1 +72 23 80 15 +72 23 81 1 +72 23 82 3 +72 23 83 1 +72 23 84 1 +72 23 85 1 +72 23 86 8 +72 23 87 4 +72 23 88 15 +72 23 89 4 +72 23 90 4 +72 23 91 1 +72 23 92 3 +72 23 93 1 +72 23 94 4 +72 23 95 3 +72 23 96 2 +72 23 97 1 +72 23 98 5 +72 23 99 3 +72 23 100 3 +72 23 101 12 +72 23 102 8 +72 23 103 1 +72 23 104 8 +72 23 105 12 +72 23 106 1 +72 23 107 3 +72 23 108 3 +72 23 109 15 +72 23 110 2 +72 23 111 1 +72 23 112 12 +72 23 113 4 +72 23 114 4 +72 23 115 5 +72 23 116 3 +72 23 117 4 +72 23 118 3 +72 23 119 3 +72 23 120 3 +72 23 121 5 +72 23 122 1 +72 23 123 12 +72 23 124 1 +72 23 125 2 +72 23 126 12 +72 23 127 4 +72 23 128 5 +72 23 129 3 +72 23 130 1 +72 23 131 12 +72 23 132 5 +72 23 133 4 +72 23 134 4 +72 23 135 12 +72 23 136 3 +72 23 137 1 +72 23 138 12 +72 23 139 3 +72 23 140 3 +72 23 141 3 +72 23 142 12 +72 23 143 5 +72 23 144 15 +72 23 145 12 +72 23 146 2 +72 23 147 12 +72 23 148 5 +72 23 149 1 +72 23 150 4 +72 23 151 12 +72 23 152 12 +72 23 153 15 +72 23 154 1 +72 23 155 5 +72 23 156 1 +72 23 157 5 +72 23 158 3 +72 23 159 1 +72 23 160 12 +72 23 161 1 +72 23 162 12 +72 23 163 15 +72 23 164 15 +72 23 165 1 +72 23 166 4 +72 23 167 8 +72 23 168 4 +72 23 169 15 +72 23 170 4 +72 23 171 1 +72 23 172 3 +72 23 173 12 +72 23 174 2 +72 23 175 12 +72 23 176 5 +72 23 177 1 +72 23 178 15 +72 23 179 4 +72 23 180 1 +72 23 181 5 +72 23 182 12 +72 23 183 1 +72 23 184 12 +72 23 185 1 +72 23 186 8 +72 23 187 2 +72 23 188 12 +72 23 189 3 +72 23 190 12 +72 23 191 12 +72 23 192 12 +72 23 193 2 +72 23 194 12 +72 23 195 1 +72 23 196 3 +72 23 197 12 +72 23 198 4 +72 23 199 3 +72 23 200 3 +72 23 201 12 +72 23 202 1 +72 23 203 5 +72 23 204 4 +72 23 205 1 +72 23 206 3 +72 23 207 12 +72 23 208 5 +72 23 209 12 +72 23 210 4 +72 23 211 8 +72 23 212 5 +72 23 213 3 +72 23 214 2 +72 23 215 12 +72 23 216 4 +72 23 217 8 +72 23 218 1 +72 23 219 8 +72 23 220 15 +72 23 221 3 +72 23 222 1 +72 23 223 1 +72 23 224 3 +72 23 225 1 +72 23 226 4 +72 23 227 4 +72 23 228 15 +72 23 229 3 +72 23 230 3 +72 23 231 3 +72 23 232 1 +72 23 233 3 +72 23 234 1 +72 23 235 15 +72 23 236 5 +72 23 237 3 +72 23 238 1 +72 23 239 12 +72 23 240 5 +72 23 241 3 +72 23 242 1 +72 23 243 4 +72 23 244 3 +72 23 245 5 +72 23 246 3 +72 23 247 12 +72 23 248 4 +72 23 249 4 +72 23 250 15 +72 23 251 1 +72 23 252 3 +72 23 253 1 +72 23 254 3 +72 23 255 4 +72 23 256 5 +72 23 257 1 +72 23 258 5 +72 23 259 5 +72 23 260 3 +72 23 261 2 +72 23 262 3 +72 23 263 1 +72 23 264 3 +72 23 265 4 +72 23 266 5 +72 23 267 4 +72 23 268 1 +72 23 269 12 +72 23 270 5 +72 23 271 4 +72 23 272 3 +72 23 273 12 +72 23 274 3 +72 23 275 1 +72 23 276 12 +72 23 277 15 +72 23 278 1 +72 23 279 15 +72 23 280 1 +72 23 281 12 +72 23 282 1 +72 23 283 1 +72 23 284 3 +72 23 285 3 +72 23 286 3 +72 23 287 1 +72 23 288 5 +72 23 289 8 +72 23 290 3 +72 23 291 15 +72 23 292 12 +72 23 293 12 +72 23 294 3 +72 23 295 1 +72 23 296 12 +72 23 297 2 +72 23 298 5 +72 23 299 1 +72 23 300 12 +72 23 301 1 +72 23 302 3 +72 23 303 3 +72 23 304 1 +72 23 305 12 +72 23 306 3 +72 23 307 12 +72 23 308 15 +72 23 309 1 +72 23 310 1 +72 23 311 15 +72 23 312 4 +72 23 313 15 +72 23 314 3 +72 23 315 1 +72 23 316 1 +72 23 317 12 +72 23 318 1 +72 23 319 3 +72 23 320 5 +72 23 321 12 +72 23 322 15 +72 23 323 4 +72 23 324 3 +72 23 325 12 +72 23 326 2 +72 23 327 3 +72 23 328 4 +72 23 329 5 +72 23 330 3 +72 24 1 1 +72 24 2 12 +72 24 3 2 +72 24 4 6 +72 24 5 1 +72 24 6 9 +72 24 7 1 +72 24 8 5 +72 24 9 9 +72 24 10 12 +72 24 11 12 +72 24 12 2 +72 24 13 1 +72 24 14 12 +72 24 15 10 +72 24 16 3 +72 24 17 5 +72 24 18 4 +72 24 19 1 +72 24 20 1 +72 24 21 5 +72 24 22 2 +72 24 23 6 +72 24 24 9 +72 24 25 1 +72 24 26 12 +72 24 27 9 +72 24 28 10 +72 24 29 1 +72 24 30 2 +72 24 31 12 +72 24 32 6 +72 24 33 1 +72 24 34 12 +72 24 35 2 +72 24 36 12 +72 24 37 12 +72 24 38 6 +72 24 39 1 +72 24 40 12 +72 24 41 5 +72 24 42 2 +72 24 43 12 +72 24 44 3 +72 24 45 1 +72 24 46 9 +72 24 47 1 +72 24 48 2 +72 24 49 1 +72 24 50 6 +72 24 51 7 +72 24 52 1 +72 24 53 6 +72 24 54 1 +72 24 55 1 +72 24 56 2 +72 24 57 1 +72 24 58 9 +72 24 59 10 +72 24 60 12 +72 24 61 5 +72 24 62 6 +72 24 63 5 +72 24 64 1 +72 24 65 5 +72 24 66 3 +72 24 67 1 +72 24 68 10 +72 24 69 * +72 24 70 * +72 24 71 6 +72 24 72 1 +72 24 73 6 +72 24 74 1 +72 24 75 12 +72 24 76 2 +72 24 77 1 +72 24 78 10 +72 24 79 4 +72 24 80 1 +72 24 81 1 +72 24 82 1 +72 24 83 9 +72 24 84 * +72 24 85 1 +72 24 86 10 +72 24 87 4 +72 24 88 6 +72 24 89 4 +72 24 90 1 +72 24 91 1 +72 24 92 9 +72 24 93 1 +72 24 94 4 +72 24 95 1 +72 24 96 2 +72 24 97 6 +72 24 98 5 +72 24 99 10 +72 24 100 1 +72 24 101 6 +72 24 102 * +72 24 103 9 +72 24 104 1 +72 24 105 6 +72 24 106 2 +72 24 107 9 +72 24 108 1 +72 24 109 12 +72 24 110 2 +72 24 111 12 +72 24 112 5 +72 24 113 4 +72 24 114 1 +72 24 115 5 +72 24 116 1 +72 24 117 7 +72 24 118 10 +72 24 119 1 +72 24 120 3 +72 24 121 2 +72 24 122 1 +72 24 123 12 +72 24 124 1 +72 24 125 2 +72 24 126 10 +72 24 127 12 +72 24 128 2 +72 24 129 9 +72 24 130 12 +72 24 131 6 +72 24 132 5 +72 24 133 1 +72 24 134 7 +72 24 135 10 +72 24 136 1 +72 24 137 1 +72 24 138 1 +72 24 139 9 +72 24 140 1 +72 24 141 3 +72 24 142 9 +72 24 143 1 +72 24 144 6 +72 24 145 1 +72 24 146 2 +72 24 147 1 +72 24 148 5 +72 24 149 1 +72 24 150 6 +72 24 151 9 +72 24 152 6 +72 24 153 1 +72 24 154 4 +72 24 155 9 +72 24 156 1 +72 24 157 7 +72 24 158 3 +72 24 159 2 +72 24 160 10 +72 24 161 1 +72 24 162 5 +72 24 163 1 +72 24 164 12 +72 24 165 1 +72 24 166 12 +72 24 167 6 +72 24 168 1 +72 24 169 1 +72 24 170 12 +72 24 171 12 +72 24 172 3 +72 24 173 10 +72 24 174 2 +72 24 175 12 +72 24 176 5 +72 24 177 2 +72 24 178 12 +72 24 179 7 +72 24 180 12 +72 24 181 9 +72 24 182 6 +72 24 183 7 +72 24 184 6 +72 24 185 7 +72 24 186 12 +72 24 187 2 +72 24 188 12 +72 24 189 12 +72 24 190 10 +72 24 191 1 +72 24 192 6 +72 24 193 1 +72 24 194 6 +72 24 195 1 +72 24 196 1 +72 24 197 6 +72 24 198 4 +72 24 199 1 +72 24 200 12 +72 24 201 5 +72 24 202 1 +72 24 203 6 +72 24 204 4 +72 24 205 5 +72 24 206 1 +72 24 207 5 +72 24 208 9 +72 24 209 1 +72 24 210 7 +72 24 211 1 +72 24 212 2 +72 24 213 6 +72 24 214 1 +72 24 215 21 +72 24 216 12 +72 24 217 5 +72 24 218 1 +72 24 219 1 +72 24 220 5 +72 24 221 1 +72 24 222 6 +72 24 223 1 +72 24 224 9 +72 24 225 2 +72 24 226 12 +72 24 227 11 +72 24 228 12 +72 24 229 12 +72 24 230 9 +72 24 231 6 +72 24 232 9 +72 24 233 5 +72 24 234 1 +72 24 235 12 +72 24 236 1 +72 24 237 8 +72 24 238 1 +72 24 239 21 +72 24 240 5 +72 24 241 8 +72 24 242 2 +72 24 243 6 +72 24 244 1 +72 24 245 5 +72 24 246 1 +72 24 247 21 +72 24 248 12 +72 24 249 12 +72 24 250 6 +72 24 251 1 +72 24 252 9 +72 24 253 1 +72 24 254 5 +72 24 255 4 +72 24 256 5 +72 24 257 12 +72 24 258 2 +72 24 259 5 +72 24 260 1 +72 24 261 2 +72 24 262 8 +72 24 263 4 +72 24 264 1 +72 24 265 1 +72 24 266 5 +72 24 267 6 +72 24 268 1 +72 24 269 6 +72 24 270 2 +72 24 271 12 +72 24 272 8 +72 24 273 10 +72 24 274 9 +72 24 275 9 +72 24 276 5 +72 24 277 12 +72 24 278 2 +72 24 279 5 +72 24 280 1 +72 24 281 1 +72 24 282 1 +72 24 283 7 +72 24 284 1 +72 24 285 21 +72 24 286 8 +72 24 287 7 +72 24 288 5 +72 24 289 1 +72 24 290 9 +72 24 291 5 +72 24 292 5 +72 24 293 12 +72 24 294 1 +72 24 295 7 +72 24 296 6 +72 24 297 2 +72 24 298 5 +72 24 299 1 +72 24 300 11 +72 24 301 1 +72 24 302 9 +72 24 303 12 +72 24 304 1 +72 24 305 5 +72 24 306 1 +72 24 307 12 +72 24 308 21 +72 24 309 12 +72 24 310 1 +72 24 311 5 +72 24 312 4 +72 24 313 5 +72 24 314 8 +72 24 315 1 +72 24 316 12 +72 24 317 6 +72 24 318 2 +72 24 319 8 +72 24 320 2 +72 24 321 5 +72 24 322 12 +72 24 323 1 +72 24 324 9 +72 24 325 6 +72 24 326 2 +72 24 327 1 +72 24 328 1 +72 24 329 7 +72 24 330 1 +72 25 1 1 +72 25 2 1 +72 25 3 5 +72 25 4 6 +72 25 5 1 +72 25 6 2 +72 25 7 1 +72 25 8 10 +72 25 9 7 +72 25 10 1 +72 25 11 11 +72 25 12 2 +72 25 13 1 +72 25 14 1 +72 25 15 6 +72 25 16 3 +72 25 17 5 +72 25 18 11 +72 25 19 1 +72 25 20 1 +72 25 21 5 +72 25 22 2 +72 25 23 6 +72 25 24 7 +72 25 25 1 +72 25 26 1 +72 25 27 3 +72 25 28 6 +72 25 29 1 +72 25 30 7 +72 25 31 1 +72 25 32 6 +72 25 33 1 +72 25 34 1 +72 25 35 5 +72 25 36 11 +72 25 37 1 +72 25 38 5 +72 25 39 1 +72 25 40 1 +72 25 41 5 +72 25 42 7 +72 25 43 1 +72 25 44 3 +72 25 45 1 +72 25 46 7 +72 25 47 11 +72 25 48 2 +72 25 49 1 +72 25 50 6 +72 25 51 11 +72 25 52 3 +72 25 53 10 +72 25 54 1 +72 25 55 1 +72 25 56 2 +72 25 57 1 +72 25 58 8 +72 25 59 10 +72 25 60 11 +72 25 61 5 +72 25 62 10 +72 25 63 2 +72 25 64 1 +72 25 65 5 +72 25 66 3 +72 25 67 1 +72 25 68 6 +72 25 69 1 +72 25 70 3 +72 25 71 7 +72 25 72 1 +72 25 73 6 +72 25 74 1 +72 25 75 11 +72 25 76 2 +72 25 77 1 +72 25 78 8 +72 25 79 4 +72 25 80 1 +72 25 81 1 +72 25 82 1 +72 25 83 2 +72 25 84 10 +72 25 85 1 +72 25 86 10 +72 25 87 4 +72 25 88 10 +72 25 89 4 +72 25 90 1 +72 25 91 1 +72 25 92 3 +72 25 93 1 +72 25 94 4 +72 25 95 8 +72 25 96 2 +72 25 97 6 +72 25 98 5 +72 25 99 8 +72 25 100 1 +72 25 101 6 +72 25 102 8 +72 25 103 7 +72 25 104 1 +72 25 105 10 +72 25 106 2 +72 25 107 3 +72 25 108 1 +72 25 109 6 +72 25 110 2 +72 25 111 1 +72 25 112 5 +72 25 113 11 +72 25 114 1 +72 25 115 5 +72 25 116 1 +72 25 117 4 +72 25 118 10 +72 25 119 1 +72 25 120 3 +72 25 121 2 +72 25 122 1 +72 25 123 1 +72 25 124 1 +72 25 125 2 +72 25 126 6 +72 25 127 11 +72 25 128 1 +72 25 129 3 +72 25 130 4 +72 25 131 10 +72 25 132 5 +72 25 133 1 +72 25 134 11 +72 25 135 10 +72 25 136 1 +72 25 137 1 +72 25 138 1 +72 25 139 3 +72 25 140 1 +72 25 141 3 +72 25 142 1 +72 25 143 1 +72 25 144 6 +72 25 145 1 +72 25 146 2 +72 25 147 1 +72 25 148 5 +72 25 149 1 +72 25 150 6 +72 25 151 2 +72 25 152 6 +72 25 153 1 +72 25 154 4 +72 25 155 3 +72 25 156 1 +72 25 157 1 +72 25 158 3 +72 25 159 2 +72 25 160 10 +72 25 161 1 +72 25 162 5 +72 25 163 1 +72 25 164 1 +72 25 165 7 +72 25 166 1 +72 25 167 8 +72 25 168 1 +72 25 169 1 +72 25 170 11 +72 25 171 1 +72 25 172 3 +72 25 173 10 +72 25 174 2 +72 25 175 1 +72 25 176 5 +72 25 177 2 +72 25 178 1 +72 25 179 5 +72 25 180 1 +72 25 181 7 +72 25 182 7 +72 25 183 1 +72 25 184 6 +72 25 185 2 +72 25 186 1 +72 25 187 2 +72 25 188 1 +72 25 189 1 +72 25 190 6 +72 25 191 1 +72 25 192 10 +72 25 193 1 +72 25 194 7 +72 25 195 1 +72 25 196 1 +72 25 197 10 +72 25 198 4 +72 25 199 8 +72 25 200 1 +72 25 201 2 +72 25 202 1 +72 25 203 10 +72 25 204 11 +72 25 205 6 +72 25 206 8 +72 25 207 10 +72 25 208 7 +72 25 209 1 +72 25 210 7 +72 25 211 1 +72 25 212 2 +72 25 213 8 +72 25 214 1 +72 25 215 10 +72 25 216 11 +72 25 217 2 +72 25 218 1 +72 25 219 8 +72 25 220 6 +72 25 221 8 +72 25 222 6 +72 25 223 1 +72 25 224 3 +72 25 225 22 +72 25 226 1 +72 25 227 11 +72 25 228 1 +72 25 229 1 +72 25 230 3 +72 25 231 10 +72 25 232 22 +72 25 233 1 +72 25 234 1 +72 25 235 1 +72 25 236 1 +72 25 237 2 +72 25 238 1 +72 25 239 10 +72 25 240 7 +72 25 241 3 +72 25 242 2 +72 25 243 10 +72 25 244 8 +72 25 245 5 +72 25 246 1 +72 25 247 8 +72 25 248 11 +72 25 249 1 +72 25 250 6 +72 25 251 1 +72 25 252 3 +72 25 253 1 +72 25 254 1 +72 25 255 4 +72 25 256 5 +72 25 257 1 +72 25 258 1 +72 25 259 7 +72 25 260 2 +72 25 261 2 +72 25 262 3 +72 25 263 3 +72 25 264 1 +72 25 265 1 +72 25 266 7 +72 25 267 10 +72 25 268 1 +72 25 269 10 +72 25 270 2 +72 25 271 4 +72 25 272 3 +72 25 273 10 +72 25 274 3 +72 25 275 1 +72 25 276 10 +72 25 277 1 +72 25 278 2 +72 25 279 1 +72 25 280 1 +72 25 281 1 +72 25 282 1 +72 25 283 7 +72 25 284 3 +72 25 285 10 +72 25 286 3 +72 25 287 * +72 25 288 5 +72 25 289 1 +72 25 290 3 +72 25 291 1 +72 25 292 10 +72 25 293 8 +72 25 294 3 +72 25 295 7 +72 25 296 6 +72 25 297 2 +72 25 298 5 +72 25 299 1 +72 25 300 8 +72 25 301 1 +72 25 302 3 +72 25 303 1 +72 25 304 1 +72 25 305 10 +72 25 306 1 +72 25 307 1 +72 25 308 6 +72 25 309 3 +72 25 310 1 +72 25 311 1 +72 25 312 4 +72 25 313 6 +72 25 314 3 +72 25 315 1 +72 25 316 1 +72 25 317 6 +72 25 318 2 +72 25 319 3 +72 25 320 1 +72 25 321 5 +72 25 322 1 +72 25 323 1 +72 25 324 3 +72 25 325 6 +72 25 326 2 +72 25 327 8 +72 25 328 1 +72 25 329 7 +72 25 330 3 +73 1 1 S +73 1 2 S +73 1 3 N +73 1 4 S +73 1 5 S +73 1 6 S +73 1 7 S +73 1 8 N +73 1 9 S +73 1 10 S +73 1 11 S +73 1 12 S +73 1 13 S +73 1 14 S +73 1 15 S +73 1 16 U +73 1 17 N +73 1 18 I +73 1 19 S +73 1 20 S +73 1 21 S +73 1 22 U +73 1 23 S +73 1 24 I +73 1 25 S +73 1 26 I +73 1 27 U +73 1 28 N +73 1 29 S +73 1 30 S +73 1 31 S +73 1 32 S +73 1 33 S +73 1 34 I +73 1 35 N +73 1 36 I +73 1 37 S +73 1 38 N +73 1 39 S +73 1 40 S +73 1 41 N +73 1 42 S +73 1 43 I +73 1 44 U +73 1 45 I +73 1 46 S +73 1 47 I +73 1 48 U +73 1 49 S +73 1 50 I +73 1 51 S +73 1 52 U +73 1 53 D +73 1 54 I +73 1 55 S +73 1 56 U +73 1 57 I +73 1 58 I +73 1 59 U +73 1 60 I +73 1 61 N +73 1 62 S +73 1 63 U +73 1 64 I +73 1 65 N +73 1 66 U +73 1 67 S +73 1 68 S +73 1 69 S +73 1 70 U +73 1 71 N +73 1 72 I +73 1 73 S +73 1 74 U +73 1 75 I +73 1 76 S +73 1 77 I +73 1 78 U +73 1 79 I +73 1 80 I +73 1 81 S +73 1 82 S +73 1 83 U +73 1 84 U +73 1 85 S +73 1 86 S +73 1 87 I +73 1 88 S +73 1 89 I +73 1 90 I +73 1 91 S +73 1 92 U +73 1 93 I +73 1 94 I +73 1 95 U +73 1 96 S +73 1 97 I +73 1 98 N +73 1 99 S +73 1 100 I +73 1 101 N +73 1 102 S +73 1 103 S +73 1 104 S +73 1 105 N +73 1 106 U +73 1 107 U +73 1 108 S +73 1 109 I +73 1 110 S +73 1 111 S +73 1 112 N +73 1 113 I +73 1 114 I +73 1 115 N +73 1 116 U +73 1 117 I +73 1 118 N +73 1 119 I +73 1 120 U +73 1 121 N +73 1 122 S +73 1 123 I +73 1 124 U +73 1 125 N +73 1 126 N +73 1 127 I +73 1 128 S +73 1 129 U +73 1 130 I +73 1 131 S +73 1 132 N +73 1 133 I +73 1 134 I +73 1 135 S +73 1 136 S +73 1 137 I +73 1 138 S +73 1 139 U +73 1 140 I +73 1 141 U +73 1 142 U +73 1 143 S +73 1 144 I +73 1 145 S +73 1 146 S +73 1 147 S +73 1 148 N +73 1 149 S +73 1 150 S +73 1 151 S +73 1 152 S +73 1 153 S +73 1 154 I +73 1 155 S +73 1 156 S +73 1 157 S +73 1 158 U +73 1 159 U +73 1 160 U +73 1 161 I +73 1 162 N +73 1 163 I +73 1 164 I +73 1 165 S +73 1 166 I +73 1 167 S +73 1 168 S +73 1 169 S +73 1 170 S +73 1 171 S +73 1 172 U +73 1 173 N +73 1 174 S +73 1 175 S +73 1 176 N +73 1 177 S +73 1 178 I +73 1 179 S +73 1 180 S +73 1 181 S +73 1 182 N +73 1 183 S +73 1 184 S +73 1 185 S +73 1 186 S +73 1 187 S +73 1 188 S +73 1 189 S +73 1 190 S +73 1 191 S +73 1 192 S +73 1 193 S +73 1 194 S +73 1 195 S +73 1 196 S +73 1 197 S +73 1 198 I +73 1 199 U +73 1 200 I +73 1 201 S +73 1 202 I +73 1 203 N +73 1 204 I +73 1 205 S +73 1 206 U +73 1 207 N +73 1 208 S +73 1 209 S +73 1 210 S +73 1 211 S +73 1 212 S +73 1 213 S +73 1 214 S +73 1 215 S +73 1 216 I +73 1 217 S +73 1 218 S +73 1 219 S +73 1 220 S +73 1 221 S +73 1 222 I +73 1 223 S +73 1 224 U +73 1 225 S +73 1 226 I +73 1 227 I +73 1 228 I +73 1 229 S +73 1 230 U +73 1 231 S +73 1 232 S +73 1 233 S +73 1 234 S +73 1 235 I +73 1 236 S +73 1 237 S +73 1 238 I +73 1 239 N +73 1 240 S +73 1 241 U +73 1 242 U +73 1 243 N +73 1 244 U +73 1 245 N +73 1 246 I +73 1 247 S +73 1 248 I +73 1 249 S +73 1 250 S +73 1 251 S +73 1 252 U +73 1 253 S +73 1 254 S +73 1 255 I +73 1 256 N +73 1 257 I +73 1 258 S +73 1 259 S +73 1 260 S +73 1 261 S +73 1 262 U +73 1 263 S +73 1 264 S +73 1 265 S +73 1 266 S +73 1 267 S +73 1 268 S +73 1 269 S +73 1 270 S +73 1 271 S +73 1 272 U +73 1 273 S +73 1 274 U +73 1 275 S +73 1 276 N +73 1 277 I +73 1 278 N +73 1 279 I +73 1 280 S +73 1 281 S +73 1 282 S +73 1 283 S +73 1 284 U +73 1 285 U +73 1 286 U +73 1 287 S +73 1 288 N +73 1 289 S +73 1 290 U +73 1 291 I +73 1 292 S +73 1 293 U +73 1 294 U +73 1 295 I +73 1 296 S +73 1 297 S +73 1 298 N +73 1 299 S +73 1 300 S +73 1 301 S +73 1 302 U +73 1 303 S +73 1 304 S +73 1 305 S +73 1 306 S +73 1 307 I +73 1 308 S +73 1 309 S +73 1 310 S +73 1 311 S +73 1 312 I +73 1 313 I +73 1 314 U +73 1 315 S +73 1 316 S +73 1 317 N +73 1 318 S +73 1 319 U +73 1 320 S +73 1 321 N +73 1 322 S +73 1 323 S +73 1 324 U +73 1 325 N +73 1 326 S +73 1 327 U +73 1 328 S +73 1 329 S +73 1 330 U +73 2 1 I +73 2 2 S +73 2 3 N +73 2 4 N +73 2 5 S +73 2 6 N +73 2 7 S +73 2 8 N +73 2 9 I +73 2 10 N +73 2 11 I +73 2 12 S +73 2 13 I +73 2 14 I +73 2 15 S +73 2 16 U +73 2 17 N +73 2 18 I +73 2 19 S +73 2 20 I +73 2 21 N +73 2 22 U +73 2 23 S +73 2 24 I +73 2 25 I +73 2 26 I +73 2 27 U +73 2 28 N +73 2 29 S +73 2 30 N +73 2 31 S +73 2 32 N +73 2 33 S +73 2 34 I +73 2 35 N +73 2 36 I +73 2 37 I +73 2 38 N +73 2 39 S +73 2 40 S +73 2 41 N +73 2 42 S +73 2 43 I +73 2 44 U +73 2 45 S +73 2 46 I +73 2 47 I +73 2 48 N +73 2 49 S +73 2 50 N +73 2 51 S +73 2 52 U +73 2 53 N +73 2 54 I +73 2 55 S +73 2 56 S +73 2 57 S +73 2 58 S +73 2 59 U +73 2 60 I +73 2 61 N +73 2 62 S +73 2 63 N +73 2 64 I +73 2 65 N +73 2 66 U +73 2 67 S +73 2 68 N +73 2 69 I +73 2 70 U +73 2 71 N +73 2 72 I +73 2 73 N +73 2 74 U +73 2 75 I +73 2 76 N +73 2 77 S +73 2 78 U +73 2 79 I +73 2 80 I +73 2 81 S +73 2 82 S +73 2 83 U +73 2 84 N +73 2 85 I +73 2 86 N +73 2 87 I +73 2 88 N +73 2 89 I +73 2 90 I +73 2 91 S +73 2 92 U +73 2 93 I +73 2 94 I +73 2 95 U +73 2 96 S +73 2 97 S +73 2 98 N +73 2 99 S +73 2 100 S +73 2 101 N +73 2 102 U +73 2 103 I +73 2 104 S +73 2 105 N +73 2 106 S +73 2 107 U +73 2 108 U +73 2 109 I +73 2 110 N +73 2 111 I +73 2 112 N +73 2 113 I +73 2 114 I +73 2 115 N +73 2 116 S +73 2 117 I +73 2 118 N +73 2 119 S +73 2 120 U +73 2 121 N +73 2 122 S +73 2 123 I +73 2 124 S +73 2 125 N +73 2 126 N +73 2 127 I +73 2 128 S +73 2 129 U +73 2 130 I +73 2 131 N +73 2 132 N +73 2 133 I +73 2 134 I +73 2 135 N +73 2 136 S +73 2 137 I +73 2 138 I +73 2 139 U +73 2 140 I +73 2 141 U +73 2 142 U +73 2 143 S +73 2 144 I +73 2 145 S +73 2 146 S +73 2 147 I +73 2 148 N +73 2 149 S +73 2 150 I +73 2 151 N +73 2 152 N +73 2 153 I +73 2 154 I +73 2 155 I +73 2 156 S +73 2 157 S +73 2 158 U +73 2 159 N +73 2 160 S +73 2 161 S +73 2 162 N +73 2 163 I +73 2 164 I +73 2 165 I +73 2 166 I +73 2 167 U +73 2 168 I +73 2 169 I +73 2 170 I +73 2 171 S +73 2 172 U +73 2 173 N +73 2 174 S +73 2 175 U +73 2 176 N +73 2 177 U +73 2 178 I +73 2 179 N +73 2 180 S +73 2 181 U +73 2 182 N +73 2 183 S +73 2 184 N +73 2 185 N +73 2 186 S +73 2 187 N +73 2 188 I +73 2 189 U +73 2 190 S +73 2 191 S +73 2 192 N +73 2 193 U +73 2 194 I +73 2 195 S +73 2 196 U +73 2 197 S +73 2 198 I +73 2 199 U +73 2 200 I +73 2 201 S +73 2 202 I +73 2 203 N +73 2 204 I +73 2 205 S +73 2 206 U +73 2 207 N +73 2 208 I +73 2 209 I +73 2 210 I +73 2 211 S +73 2 212 N +73 2 213 I +73 2 214 S +73 2 215 N +73 2 216 I +73 2 217 S +73 2 218 S +73 2 219 U +73 2 220 I +73 2 221 U +73 2 222 I +73 2 223 S +73 2 224 U +73 2 225 S +73 2 226 I +73 2 227 I +73 2 228 S +73 2 229 U +73 2 230 U +73 2 231 S +73 2 232 I +73 2 233 S +73 2 234 S +73 2 235 I +73 2 236 S +73 2 237 N +73 2 238 I +73 2 239 N +73 2 240 N +73 2 241 U +73 2 242 U +73 2 243 N +73 2 244 U +73 2 245 N +73 2 246 S +73 2 247 S +73 2 248 I +73 2 249 I +73 2 250 N +73 2 251 S +73 2 252 U +73 2 253 S +73 2 254 U +73 2 255 I +73 2 256 N +73 2 257 I +73 2 258 S +73 2 259 N +73 2 260 U +73 2 261 N +73 2 262 I +73 2 263 I +73 2 264 S +73 2 265 I +73 2 266 N +73 2 267 N +73 2 268 S +73 2 269 N +73 2 270 S +73 2 271 I +73 2 272 U +73 2 273 S +73 2 274 U +73 2 275 S +73 2 276 N +73 2 277 I +73 2 278 N +73 2 279 I +73 2 280 S +73 2 281 S +73 2 282 S +73 2 283 N +73 2 284 I +73 2 285 S +73 2 286 I +73 2 287 S +73 2 288 N +73 2 289 S +73 2 290 U +73 2 291 I +73 2 292 S +73 2 293 S +73 2 294 I +73 2 295 I +73 2 296 S +73 2 297 N +73 2 298 N +73 2 299 S +73 2 300 U +73 2 301 S +73 2 302 U +73 2 303 U +73 2 304 S +73 2 305 N +73 2 306 S +73 2 307 I +73 2 308 S +73 2 309 I +73 2 310 S +73 2 311 I +73 2 312 I +73 2 313 I +73 2 314 U +73 2 315 S +73 2 316 S +73 2 317 N +73 2 318 N +73 2 319 U +73 2 320 S +73 2 321 N +73 2 322 S +73 2 323 I +73 2 324 U +73 2 325 N +73 2 326 S +73 2 327 U +73 2 328 I +73 2 329 N +73 2 330 U +73 3 1 I +73 3 2 S +73 3 3 D +73 3 4 I +73 3 5 S +73 3 6 D +73 3 7 S +73 3 8 D +73 3 9 D +73 3 10 I +73 3 11 S +73 3 12 G +73 3 13 I +73 3 14 I +73 3 15 G +73 3 16 U +73 3 17 D +73 3 18 I +73 3 19 S +73 3 20 S +73 3 21 D +73 3 22 U +73 3 23 S +73 3 24 I +73 3 25 S +73 3 26 S +73 3 27 U +73 3 28 D +73 3 29 S +73 3 30 D +73 3 31 S +73 3 32 D +73 3 33 S +73 3 34 I +73 3 35 D +73 3 36 I +73 3 37 D +73 3 38 I +73 3 39 S +73 3 40 S +73 3 41 D +73 3 42 S +73 3 43 I +73 3 44 U +73 3 45 S +73 3 46 S +73 3 47 I +73 3 48 D +73 3 49 S +73 3 50 I +73 3 51 S +73 3 52 U +73 3 53 D +73 3 54 S +73 3 55 S +73 3 56 D +73 3 57 I +73 3 58 S +73 3 59 S +73 3 60 I +73 3 61 D +73 3 62 S +73 3 63 D +73 3 64 I +73 3 65 D +73 3 66 U +73 3 67 S +73 3 68 D +73 3 69 S +73 3 70 S +73 3 71 S +73 3 72 I +73 3 73 S +73 3 74 U +73 3 75 I +73 3 76 D +73 3 77 I +73 3 78 U +73 3 79 I +73 3 80 I +73 3 81 S +73 3 82 I +73 3 83 U +73 3 84 D +73 3 85 S +73 3 86 D +73 3 87 I +73 3 88 D +73 3 89 I +73 3 90 I +73 3 91 S +73 3 92 U +73 3 93 I +73 3 94 I +73 3 95 U +73 3 96 D +73 3 97 I +73 3 98 D +73 3 99 S +73 3 100 S +73 3 101 D +73 3 102 S +73 3 103 S +73 3 104 S +73 3 105 D +73 3 106 U +73 3 107 U +73 3 108 U +73 3 109 I +73 3 110 D +73 3 111 I +73 3 112 D +73 3 113 I +73 3 114 I +73 3 115 D +73 3 116 U +73 3 117 S +73 3 118 D +73 3 119 I +73 3 120 U +73 3 121 D +73 3 122 S +73 3 123 S +73 3 124 S +73 3 125 D +73 3 126 D +73 3 127 I +73 3 128 S +73 3 129 U +73 3 130 S +73 3 131 D +73 3 132 D +73 3 133 I +73 3 134 S +73 3 135 D +73 3 136 I +73 3 137 I +73 3 138 S +73 3 139 S +73 3 140 I +73 3 141 U +73 3 142 S +73 3 143 S +73 3 144 I +73 3 145 S +73 3 146 D +73 3 147 I +73 3 148 D +73 3 149 S +73 3 150 I +73 3 151 D +73 3 152 D +73 3 153 S +73 3 154 I +73 3 155 S +73 3 156 I +73 3 157 S +73 3 158 U +73 3 159 D +73 3 160 D +73 3 161 S +73 3 162 D +73 3 163 I +73 3 164 I +73 3 165 S +73 3 166 I +73 3 167 S +73 3 168 I +73 3 169 S +73 3 170 S +73 3 171 S +73 3 172 U +73 3 173 D +73 3 174 D +73 3 175 S +73 3 176 D +73 3 177 U +73 3 178 I +73 3 179 S +73 3 180 S +73 3 181 S +73 3 182 D +73 3 183 S +73 3 184 S +73 3 185 S +73 3 186 S +73 3 187 D +73 3 188 I +73 3 189 S +73 3 190 D +73 3 191 I +73 3 192 S +73 3 193 S +73 3 194 D +73 3 195 S +73 3 196 S +73 3 197 S +73 3 198 I +73 3 199 U +73 3 200 S +73 3 201 D +73 3 202 S +73 3 203 D +73 3 204 I +73 3 205 S +73 3 206 U +73 3 207 D +73 3 208 S +73 3 209 I +73 3 210 S +73 3 211 S +73 3 212 D +73 3 213 S +73 3 214 S +73 3 215 D +73 3 216 S +73 3 217 D +73 3 218 S +73 3 219 U +73 3 220 I +73 3 221 U +73 3 222 S +73 3 223 S +73 3 224 U +73 3 225 S +73 3 226 I +73 3 227 S +73 3 228 I +73 3 229 S +73 3 230 U +73 3 231 D +73 3 232 S +73 3 233 S +73 3 234 I +73 3 235 I +73 3 236 S +73 3 237 D +73 3 238 S +73 3 239 D +73 3 240 S +73 3 241 U +73 3 242 U +73 3 243 D +73 3 244 U +73 3 245 D +73 3 246 S +73 3 247 S +73 3 248 I +73 3 249 I +73 3 250 S +73 3 251 S +73 3 252 U +73 3 253 S +73 3 254 S +73 3 255 I +73 3 256 D +73 3 257 S +73 3 258 S +73 3 259 D +73 3 260 U +73 3 261 D +73 3 262 U +73 3 263 S +73 3 264 S +73 3 265 I +73 3 266 D +73 3 267 S +73 3 268 S +73 3 269 D +73 3 270 S +73 3 271 I +73 3 272 U +73 3 273 S +73 3 274 U +73 3 275 S +73 3 276 D +73 3 277 I +73 3 278 D +73 3 279 I +73 3 280 S +73 3 281 I +73 3 282 S +73 3 283 S +73 3 284 U +73 3 285 D +73 3 286 U +73 3 287 S +73 3 288 D +73 3 289 S +73 3 290 U +73 3 291 I +73 3 292 D +73 3 293 S +73 3 294 S +73 3 295 S +73 3 296 I +73 3 297 D +73 3 298 D +73 3 299 I +73 3 300 S +73 3 301 I +73 3 302 U +73 3 303 S +73 3 304 S +73 3 305 D +73 3 306 S +73 3 307 I +73 3 308 S +73 3 309 S +73 3 310 S +73 3 311 I +73 3 312 I +73 3 313 I +73 3 314 U +73 3 315 S +73 3 316 S +73 3 317 D +73 3 318 D +73 3 319 U +73 3 320 S +73 3 321 D +73 3 322 S +73 3 323 I +73 3 324 U +73 3 325 D +73 3 326 S +73 3 327 U +73 3 328 I +73 3 329 S +73 3 330 U +73 4 1 I +73 4 2 A +73 4 3 N +73 4 4 Z +73 4 5 T +73 4 6 T +73 4 7 I +73 4 8 N +73 4 9 A +73 4 10 I +73 4 11 I +73 4 12 Z +73 4 13 I +73 4 14 I +73 4 15 N +73 4 16 U +73 4 17 N +73 4 18 I +73 4 19 I +73 4 20 I +73 4 21 N +73 4 22 T +73 4 23 A +73 4 24 S +73 4 25 I +73 4 26 I +73 4 27 U +73 4 28 N +73 4 29 I +73 4 30 N +73 4 31 T +73 4 32 N +73 4 33 I +73 4 34 I +73 4 35 N +73 4 36 I +73 4 37 T +73 4 38 N +73 4 39 I +73 4 40 I +73 4 41 D +73 4 42 T +73 4 43 I +73 4 44 U +73 4 45 I +73 4 46 A +73 4 47 I +73 4 48 Z +73 4 49 I +73 4 50 N +73 4 51 A +73 4 52 U +73 4 53 D +73 4 54 I +73 4 55 I +73 4 56 T +73 4 57 I +73 4 58 A +73 4 59 U +73 4 60 I +73 4 61 D +73 4 62 A +73 4 63 N +73 4 64 I +73 4 65 D +73 4 66 U +73 4 67 I +73 4 68 Z +73 4 69 A +73 4 70 U +73 4 71 N +73 4 72 I +73 4 73 Z +73 4 74 T +73 4 75 I +73 4 76 N +73 4 77 I +73 4 78 A +73 4 79 A +73 4 80 I +73 4 81 I +73 4 82 I +73 4 83 T +73 4 84 Z +73 4 85 I +73 4 86 N +73 4 87 I +73 4 88 D +73 4 89 T +73 4 90 T +73 4 91 A +73 4 92 U +73 4 93 I +73 4 94 T +73 4 95 U +73 4 96 Z +73 4 97 I +73 4 98 D +73 4 99 T +73 4 100 I +73 4 101 D +73 4 102 U +73 4 103 A +73 4 104 I +73 4 105 D +73 4 106 T +73 4 107 U +73 4 108 U +73 4 109 I +73 4 110 N +73 4 111 I +73 4 112 D +73 4 113 I +73 4 114 I +73 4 115 D +73 4 116 T +73 4 117 I +73 4 118 N +73 4 119 I +73 4 120 U +73 4 121 N +73 4 122 I +73 4 123 I +73 4 124 S +73 4 125 D +73 4 126 T +73 4 127 I +73 4 128 T +73 4 129 U +73 4 130 I +73 4 131 N +73 4 132 D +73 4 133 I +73 4 134 I +73 4 135 D +73 4 136 I +73 4 137 I +73 4 138 T +73 4 139 U +73 4 140 I +73 4 141 U +73 4 142 U +73 4 143 I +73 4 144 I +73 4 145 I +73 4 146 Z +73 4 147 I +73 4 148 D +73 4 149 T +73 4 150 I +73 4 151 Z +73 4 152 Z +73 4 153 I +73 4 154 S +73 4 155 S +73 4 156 I +73 4 157 S +73 4 158 U +73 4 159 N +73 4 160 Z +73 4 161 D +73 4 162 I +73 4 163 I +73 4 164 I +73 4 165 S +73 4 166 I +73 4 167 T +73 4 168 I +73 4 169 I +73 4 170 I +73 4 171 I +73 4 172 U +73 4 173 D +73 4 174 T +73 4 175 A +73 4 176 N +73 4 177 T +73 4 178 I +73 4 179 Z +73 4 180 I +73 4 181 A +73 4 182 Z +73 4 183 T +73 4 184 I +73 4 185 T +73 4 186 I +73 4 187 Z +73 4 188 I +73 4 189 T +73 4 190 Z +73 4 191 I +73 4 192 T +73 4 193 A +73 4 194 Z +73 4 195 I +73 4 196 T +73 4 197 Z +73 4 198 A +73 4 199 U +73 4 200 I +73 4 201 N +73 4 202 I +73 4 203 D +73 4 204 A +73 4 205 I +73 4 206 U +73 4 207 D +73 4 208 A +73 4 209 I +73 4 210 N +73 4 211 I +73 4 212 N +73 4 213 T +73 4 214 A +73 4 215 N +73 4 216 S +73 4 217 N +73 4 218 T +73 4 219 U +73 4 220 I +73 4 221 U +73 4 222 I +73 4 223 I +73 4 224 U +73 4 225 T +73 4 226 I +73 4 227 I +73 4 228 I +73 4 229 T +73 4 230 U +73 4 231 N +73 4 232 A +73 4 233 T +73 4 234 I +73 4 235 I +73 4 236 T +73 4 237 Z +73 4 238 I +73 4 239 N +73 4 240 Z +73 4 241 U +73 4 242 T +73 4 243 D +73 4 244 U +73 4 245 D +73 4 246 I +73 4 247 S +73 4 248 I +73 4 249 I +73 4 250 Z +73 4 251 I +73 4 252 U +73 4 253 I +73 4 254 T +73 4 255 S +73 4 256 D +73 4 257 I +73 4 258 Z +73 4 259 N +73 4 260 U +73 4 261 N +73 4 262 U +73 4 263 U +73 4 264 U +73 4 265 I +73 4 266 N +73 4 267 D +73 4 268 I +73 4 269 D +73 4 270 T +73 4 271 A +73 4 272 U +73 4 273 N +73 4 274 U +73 4 275 T +73 4 276 D +73 4 277 I +73 4 278 N +73 4 279 I +73 4 280 I +73 4 281 I +73 4 282 I +73 4 283 T +73 4 284 U +73 4 285 N +73 4 286 U +73 4 287 A +73 4 288 D +73 4 289 T +73 4 290 U +73 4 291 I +73 4 292 N +73 4 293 U +73 4 294 U +73 4 295 S +73 4 296 I +73 4 297 N +73 4 298 D +73 4 299 I +73 4 300 U +73 4 301 I +73 4 302 U +73 4 303 U +73 4 304 I +73 4 305 N +73 4 306 S +73 4 307 I +73 4 308 T +73 4 309 S +73 4 310 I +73 4 311 I +73 4 312 A +73 4 313 I +73 4 314 U +73 4 315 I +73 4 316 I +73 4 317 D +73 4 318 N +73 4 319 U +73 4 320 S +73 4 321 D +73 4 322 T +73 4 323 I +73 4 324 U +73 4 325 D +73 4 326 T +73 4 327 U +73 4 328 I +73 4 329 A +73 4 330 U +73 5 1 S +73 5 2 S +73 5 3 N +73 5 4 I +73 5 5 S +73 5 6 U +73 5 7 S +73 5 8 D +73 5 9 S +73 5 10 I +73 5 11 S +73 5 12 B +73 5 13 S +73 5 14 I +73 5 15 U +73 5 16 U +73 5 17 N +73 5 18 I +73 5 19 S +73 5 20 S +73 5 21 N +73 5 22 U +73 5 23 S +73 5 24 I +73 5 25 S +73 5 26 I +73 5 27 U +73 5 28 N +73 5 29 S +73 5 30 U +73 5 31 S +73 5 32 B +73 5 33 S +73 5 34 I +73 5 35 B +73 5 36 I +73 5 37 S +73 5 38 D +73 5 39 S +73 5 40 S +73 5 41 D +73 5 42 S +73 5 43 I +73 5 44 U +73 5 45 S +73 5 46 I +73 5 47 I +73 5 48 S +73 5 49 S +73 5 50 I +73 5 51 I +73 5 52 S +73 5 53 N +73 5 54 S +73 5 55 S +73 5 56 B +73 5 57 I +73 5 58 S +73 5 59 U +73 5 60 I +73 5 61 N +73 5 62 S +73 5 63 N +73 5 64 S +73 5 65 N +73 5 66 U +73 5 67 S +73 5 68 N +73 5 69 S +73 5 70 U +73 5 71 N +73 5 72 S +73 5 73 B +73 5 74 S +73 5 75 I +73 5 76 B +73 5 77 S +73 5 78 B +73 5 79 I +73 5 80 I +73 5 81 S +73 5 82 S +73 5 83 U +73 5 84 B +73 5 85 S +73 5 86 B +73 5 87 I +73 5 88 B +73 5 89 I +73 5 90 I +73 5 91 S +73 5 92 U +73 5 93 S +73 5 94 I +73 5 95 S +73 5 96 B +73 5 97 I +73 5 98 N +73 5 99 S +73 5 100 S +73 5 101 B +73 5 102 U +73 5 103 S +73 5 104 S +73 5 105 B +73 5 106 S +73 5 107 U +73 5 108 S +73 5 109 I +73 5 110 B +73 5 111 I +73 5 112 N +73 5 113 I +73 5 114 S +73 5 115 B +73 5 116 S +73 5 117 I +73 5 118 B +73 5 119 S +73 5 120 U +73 5 121 N +73 5 122 S +73 5 123 S +73 5 124 S +73 5 125 N +73 5 126 B +73 5 127 I +73 5 128 S +73 5 129 U +73 5 130 I +73 5 131 S +73 5 132 B +73 5 133 S +73 5 134 I +73 5 135 B +73 5 136 S +73 5 137 S +73 5 138 S +73 5 139 U +73 5 140 S +73 5 141 U +73 5 142 U +73 5 143 S +73 5 144 I +73 5 145 S +73 5 146 G +73 5 147 S +73 5 148 N +73 5 149 S +73 5 150 I +73 5 151 B +73 5 152 B +73 5 153 S +73 5 154 I +73 5 155 I +73 5 156 S +73 5 157 I +73 5 158 U +73 5 159 B +73 5 160 B +73 5 161 S +73 5 162 D +73 5 163 S +73 5 164 S +73 5 165 I +73 5 166 I +73 5 167 S +73 5 168 S +73 5 169 S +73 5 170 I +73 5 171 S +73 5 172 U +73 5 173 N +73 5 174 B +73 5 175 S +73 5 176 N +73 5 177 S +73 5 178 I +73 5 179 B +73 5 180 S +73 5 181 S +73 5 182 B +73 5 183 S +73 5 184 S +73 5 185 S +73 5 186 S +73 5 187 B +73 5 188 S +73 5 189 S +73 5 190 B +73 5 191 S +73 5 192 S +73 5 193 S +73 5 194 S +73 5 195 S +73 5 196 S +73 5 197 S +73 5 198 I +73 5 199 S +73 5 200 S +73 5 201 B +73 5 202 S +73 5 203 B +73 5 204 I +73 5 205 S +73 5 206 U +73 5 207 N +73 5 208 S +73 5 209 S +73 5 210 S +73 5 211 S +73 5 212 B +73 5 213 U +73 5 214 S +73 5 215 B +73 5 216 I +73 5 217 B +73 5 218 S +73 5 219 S +73 5 220 S +73 5 221 S +73 5 222 S +73 5 223 S +73 5 224 U +73 5 225 S +73 5 226 S +73 5 227 I +73 5 228 I +73 5 229 S +73 5 230 U +73 5 231 B +73 5 232 S +73 5 233 S +73 5 234 S +73 5 235 S +73 5 236 S +73 5 237 B +73 5 238 S +73 5 239 B +73 5 240 S +73 5 241 U +73 5 242 S +73 5 243 B +73 5 244 U +73 5 245 N +73 5 246 S +73 5 247 S +73 5 248 S +73 5 249 S +73 5 250 S +73 5 251 S +73 5 252 U +73 5 253 S +73 5 254 S +73 5 255 I +73 5 256 N +73 5 257 S +73 5 258 S +73 5 259 B +73 5 260 S +73 5 261 B +73 5 262 U +73 5 263 S +73 5 264 S +73 5 265 S +73 5 266 B +73 5 267 B +73 5 268 S +73 5 269 B +73 5 270 B +73 5 271 I +73 5 272 U +73 5 273 B +73 5 274 U +73 5 275 S +73 5 276 B +73 5 277 I +73 5 278 B +73 5 279 I +73 5 280 S +73 5 281 S +73 5 282 S +73 5 283 S +73 5 284 U +73 5 285 B +73 5 286 U +73 5 287 S +73 5 288 D +73 5 289 S +73 5 290 U +73 5 291 S +73 5 292 S +73 5 293 S +73 5 294 U +73 5 295 S +73 5 296 S +73 5 297 B +73 5 298 D +73 5 299 S +73 5 300 U +73 5 301 S +73 5 302 U +73 5 303 S +73 5 304 S +73 5 305 S +73 5 306 S +73 5 307 S +73 5 308 S +73 5 309 I +73 5 310 S +73 5 311 S +73 5 312 I +73 5 313 I +73 5 314 U +73 5 315 S +73 5 316 S +73 5 317 B +73 5 318 B +73 5 319 U +73 5 320 S +73 5 321 D +73 5 322 S +73 5 323 S +73 5 324 U +73 5 325 B +73 5 326 B +73 5 327 S +73 5 328 I +73 5 329 S +73 5 330 U +73 6 1 I +73 6 2 S +73 6 3 N +73 6 4 N +73 6 5 S +73 6 6 U +73 6 7 S +73 6 8 N +73 6 9 S +73 6 10 I +73 6 11 I +73 6 12 S +73 6 13 I +73 6 14 I +73 6 15 U +73 6 16 U +73 6 17 N +73 6 18 I +73 6 19 I +73 6 20 S +73 6 21 N +73 6 22 U +73 6 23 S +73 6 24 S +73 6 25 I +73 6 26 I +73 6 27 S +73 6 28 N +73 6 29 S +73 6 30 N +73 6 31 S +73 6 32 N +73 6 33 S +73 6 34 I +73 6 35 N +73 6 36 S +73 6 37 I +73 6 38 N +73 6 39 S +73 6 40 S +73 6 41 N +73 6 42 N +73 6 43 S +73 6 44 U +73 6 45 S +73 6 46 S +73 6 47 S +73 6 48 N +73 6 49 S +73 6 50 N +73 6 51 S +73 6 52 U +73 6 53 N +73 6 54 S +73 6 55 S +73 6 56 N +73 6 57 S +73 6 58 N +73 6 59 U +73 6 60 S +73 6 61 N +73 6 62 S +73 6 63 N +73 6 64 S +73 6 65 N +73 6 66 U +73 6 67 S +73 6 68 N +73 6 69 S +73 6 70 U +73 6 71 N +73 6 72 S +73 6 73 N +73 6 74 U +73 6 75 S +73 6 76 N +73 6 77 S +73 6 78 U +73 6 79 S +73 6 80 S +73 6 81 S +73 6 82 S +73 6 83 U +73 6 84 N +73 6 85 S +73 6 86 N +73 6 87 S +73 6 88 N +73 6 89 S +73 6 90 S +73 6 91 U +73 6 92 U +73 6 93 S +73 6 94 S +73 6 95 U +73 6 96 N +73 6 97 S +73 6 98 N +73 6 99 U +73 6 100 S +73 6 101 N +73 6 102 S +73 6 103 S +73 6 104 U +73 6 105 N +73 6 106 U +73 6 107 U +73 6 108 U +73 6 109 S +73 6 110 N +73 6 111 S +73 6 112 N +73 6 113 S +73 6 114 S +73 6 115 N +73 6 116 S +73 6 117 S +73 6 118 N +73 6 119 S +73 6 120 U +73 6 121 N +73 6 122 S +73 6 123 S +73 6 124 U +73 6 125 N +73 6 126 N +73 6 127 S +73 6 128 N +73 6 129 U +73 6 130 S +73 6 131 N +73 6 132 N +73 6 133 S +73 6 134 S +73 6 135 N +73 6 136 S +73 6 137 S +73 6 138 N +73 6 139 U +73 6 140 S +73 6 141 U +73 6 142 S +73 6 143 S +73 6 144 S +73 6 145 S +73 6 146 N +73 6 147 S +73 6 148 N +73 6 149 S +73 6 150 S +73 6 151 N +73 6 152 N +73 6 153 S +73 6 154 S +73 6 155 S +73 6 156 S +73 6 157 S +73 6 158 U +73 6 159 N +73 6 160 N +73 6 161 S +73 6 162 N +73 6 163 S +73 6 164 S +73 6 165 S +73 6 166 S +73 6 167 U +73 6 168 S +73 6 169 S +73 6 170 S +73 6 171 S +73 6 172 N +73 6 173 N +73 6 174 S +73 6 175 N +73 6 176 S +73 6 177 S +73 6 178 S +73 6 179 S +73 6 180 S +73 6 181 S +73 6 182 S +73 6 183 S +73 6 184 S +73 6 185 U +73 6 186 S +73 6 187 N +73 6 188 S +73 6 189 U +73 6 190 N +73 6 191 S +73 6 192 S +73 6 193 U +73 6 194 N +73 6 195 S +73 6 196 S +73 6 197 U +73 6 198 S +73 6 199 U +73 6 200 U +73 6 201 S +73 6 202 S +73 6 203 N +73 6 204 S +73 6 205 S +73 6 206 U +73 6 207 N +73 6 208 S +73 6 209 S +73 6 210 S +73 6 211 S +73 6 212 N +73 6 213 S +73 6 214 S +73 6 215 S +73 6 216 S +73 6 217 N +73 6 218 S +73 6 219 U +73 6 220 S +73 6 221 S +73 6 222 N +73 6 223 S +73 6 224 S +73 6 225 S +73 6 226 S +73 6 227 S +73 6 228 S +73 6 229 U +73 6 230 U +73 6 231 N +73 6 232 S +73 6 233 S +73 6 234 S +73 6 235 S +73 6 236 S +73 6 237 U +73 6 238 S +73 6 239 N +73 6 240 S +73 6 241 U +73 6 242 U +73 6 243 N +73 6 244 U +73 6 245 N +73 6 246 S +73 6 247 S +73 6 248 S +73 6 249 S +73 6 250 S +73 6 251 S +73 6 252 U +73 6 253 S +73 6 254 S +73 6 255 S +73 6 256 N +73 6 257 S +73 6 258 N +73 6 259 N +73 6 260 U +73 6 261 N +73 6 262 U +73 6 263 S +73 6 264 S +73 6 265 S +73 6 266 S +73 6 267 S +73 6 268 S +73 6 269 N +73 6 270 N +73 6 271 S +73 6 272 U +73 6 273 N +73 6 274 U +73 6 275 S +73 6 276 N +73 6 277 S +73 6 278 N +73 6 279 S +73 6 280 S +73 6 281 S +73 6 282 S +73 6 283 S +73 6 284 U +73 6 285 N +73 6 286 U +73 6 287 S +73 6 288 N +73 6 289 S +73 6 290 U +73 6 291 S +73 6 292 N +73 6 293 U +73 6 294 U +73 6 295 S +73 6 296 S +73 6 297 N +73 6 298 N +73 6 299 S +73 6 300 S +73 6 301 S +73 6 302 U +73 6 303 S +73 6 304 S +73 6 305 N +73 6 306 S +73 6 307 S +73 6 308 S +73 6 309 S +73 6 310 S +73 6 311 S +73 6 312 S +73 6 313 S +73 6 314 U +73 6 315 S +73 6 316 S +73 6 317 N +73 6 318 N +73 6 319 U +73 6 320 S +73 6 321 N +73 6 322 S +73 6 323 S +73 6 324 U +73 6 325 N +73 6 326 N +73 6 327 U +73 6 328 S +73 6 329 S +73 6 330 U +73 7 1 S +73 7 2 S +73 7 3 D +73 7 4 S +73 7 5 S +73 7 6 S +73 7 7 S +73 7 8 R +73 7 9 S +73 7 10 I +73 7 11 S +73 7 12 S +73 7 13 S +73 7 14 S +73 7 15 S +73 7 16 S +73 7 17 R +73 7 18 S +73 7 19 S +73 7 20 S +73 7 21 R +73 7 22 S +73 7 23 S +73 7 24 S +73 7 25 S +73 7 26 S +73 7 27 S +73 7 28 R +73 7 29 S +73 7 30 S +73 7 31 S +73 7 32 S +73 7 33 S +73 7 34 S +73 7 35 S +73 7 36 S +73 7 37 S +73 7 38 R +73 7 39 S +73 7 40 S +73 7 41 R +73 7 42 S +73 7 43 S +73 7 44 S +73 7 45 S +73 7 46 S +73 7 47 S +73 7 48 S +73 7 49 S +73 7 50 S +73 7 51 S +73 7 52 S +73 7 53 R +73 7 54 S +73 7 55 S +73 7 56 S +73 7 57 S +73 7 58 S +73 7 59 S +73 7 60 S +73 7 61 R +73 7 62 S +73 7 63 S +73 7 64 I +73 7 65 R +73 7 66 S +73 7 67 S +73 7 68 S +73 7 69 S +73 7 70 S +73 7 71 S +73 7 72 S +73 7 73 G +73 7 74 S +73 7 75 S +73 7 76 S +73 7 77 S +73 7 78 S +73 7 79 S +73 7 80 I +73 7 81 S +73 7 82 S +73 7 83 S +73 7 84 S +73 7 85 S +73 7 86 G +73 7 87 S +73 7 88 B +73 7 89 I +73 7 90 I +73 7 91 S +73 7 92 S +73 7 93 I +73 7 94 S +73 7 95 S +73 7 96 S +73 7 97 I +73 7 98 D +73 7 99 S +73 7 100 S +73 7 101 R +73 7 102 S +73 7 103 S +73 7 104 S +73 7 105 G +73 7 106 S +73 7 107 S +73 7 108 U +73 7 109 I +73 7 110 G +73 7 111 S +73 7 112 D +73 7 113 S +73 7 114 I +73 7 115 D +73 7 116 S +73 7 117 S +73 7 118 S +73 7 119 S +73 7 120 S +73 7 121 R +73 7 122 S +73 7 123 S +73 7 124 S +73 7 125 G +73 7 126 S +73 7 127 I +73 7 128 S +73 7 129 S +73 7 130 S +73 7 131 S +73 7 132 R +73 7 133 I +73 7 134 S +73 7 135 R +73 7 136 S +73 7 137 S +73 7 138 S +73 7 139 S +73 7 140 I +73 7 141 S +73 7 142 S +73 7 143 S +73 7 144 I +73 7 145 S +73 7 146 S +73 7 147 S +73 7 148 D +73 7 149 S +73 7 150 S +73 7 151 G +73 7 152 G +73 7 153 I +73 7 154 S +73 7 155 S +73 7 156 I +73 7 157 S +73 7 158 U +73 7 159 G +73 7 160 S +73 7 161 S +73 7 162 D +73 7 163 I +73 7 164 I +73 7 165 S +73 7 166 I +73 7 167 S +73 7 168 S +73 7 169 I +73 7 170 I +73 7 171 S +73 7 172 U +73 7 173 R +73 7 174 G +73 7 175 S +73 7 176 R +73 7 177 S +73 7 178 I +73 7 179 R +73 7 180 S +73 7 181 S +73 7 182 R +73 7 183 S +73 7 184 S +73 7 185 S +73 7 186 S +73 7 187 R +73 7 188 I +73 7 189 U +73 7 190 R +73 7 191 I +73 7 192 S +73 7 193 S +73 7 194 G +73 7 195 S +73 7 196 S +73 7 197 S +73 7 198 I +73 7 199 S +73 7 200 S +73 7 201 S +73 7 202 S +73 7 203 G +73 7 204 S +73 7 205 I +73 7 206 U +73 7 207 R +73 7 208 S +73 7 209 I +73 7 210 S +73 7 211 S +73 7 212 R +73 7 213 S +73 7 214 S +73 7 215 R +73 7 216 S +73 7 217 R +73 7 218 S +73 7 219 U +73 7 220 I +73 7 221 S +73 7 222 S +73 7 223 S +73 7 224 U +73 7 225 S +73 7 226 I +73 7 227 I +73 7 228 I +73 7 229 S +73 7 230 U +73 7 231 R +73 7 232 S +73 7 233 S +73 7 234 S +73 7 235 I +73 7 236 S +73 7 237 G +73 7 238 I +73 7 239 G +73 7 240 R +73 7 241 U +73 7 242 S +73 7 243 D +73 7 244 U +73 7 245 D +73 7 246 S +73 7 247 S +73 7 248 S +73 7 249 S +73 7 250 I +73 7 251 S +73 7 252 U +73 7 253 S +73 7 254 U +73 7 255 S +73 7 256 R +73 7 257 I +73 7 258 S +73 7 259 R +73 7 260 U +73 7 261 G +73 7 262 U +73 7 263 S +73 7 264 U +73 7 265 S +73 7 266 R +73 7 267 G +73 7 268 S +73 7 269 R +73 7 270 G +73 7 271 S +73 7 272 U +73 7 273 G +73 7 274 U +73 7 275 S +73 7 276 D +73 7 277 I +73 7 278 G +73 7 279 I +73 7 280 S +73 7 281 S +73 7 282 S +73 7 283 S +73 7 284 U +73 7 285 G +73 7 286 U +73 7 287 S +73 7 288 D +73 7 289 S +73 7 290 S +73 7 291 I +73 7 292 G +73 7 293 U +73 7 294 U +73 7 295 S +73 7 296 I +73 7 297 G +73 7 298 D +73 7 299 S +73 7 300 U +73 7 301 S +73 7 302 U +73 7 303 S +73 7 304 S +73 7 305 R +73 7 306 S +73 7 307 I +73 7 308 S +73 7 309 S +73 7 310 S +73 7 311 I +73 7 312 S +73 7 313 I +73 7 314 U +73 7 315 S +73 7 316 S +73 7 317 R +73 7 318 G +73 7 319 U +73 7 320 S +73 7 321 D +73 7 322 S +73 7 323 S +73 7 324 U +73 7 325 R +73 7 326 S +73 7 327 U +73 7 328 S +73 7 329 S +73 7 330 U +73 8 1 S +73 8 2 G +73 8 3 D +73 8 4 I +73 8 5 S +73 8 6 G +73 8 7 I +73 8 8 D +73 8 9 I +73 8 10 G +73 8 11 S +73 8 12 D +73 8 13 I +73 8 14 I +73 8 15 G +73 8 16 I +73 8 17 D +73 8 18 I +73 8 19 S +73 8 20 I +73 8 21 D +73 8 22 S +73 8 23 G +73 8 24 I +73 8 25 S +73 8 26 I +73 8 27 G +73 8 28 D +73 8 29 S +73 8 30 I +73 8 31 G +73 8 32 S +73 8 33 I +73 8 34 S +73 8 35 G +73 8 36 I +73 8 37 G +73 8 38 D +73 8 39 G +73 8 40 S +73 8 41 D +73 8 42 G +73 8 43 I +73 8 44 S +73 8 45 I +73 8 46 I +73 8 47 S +73 8 48 D +73 8 49 S +73 8 50 I +73 8 51 I +73 8 52 S +73 8 53 D +73 8 54 S +73 8 55 I +73 8 56 G +73 8 57 I +73 8 58 S +73 8 59 G +73 8 60 I +73 8 61 D +73 8 62 I +73 8 63 S +73 8 64 I +73 8 65 D +73 8 66 G +73 8 67 S +73 8 68 D +73 8 69 I +73 8 70 S +73 8 71 D +73 8 72 S +73 8 73 D +73 8 74 S +73 8 75 I +73 8 76 D +73 8 77 I +73 8 78 G +73 8 79 I +73 8 80 S +73 8 81 I +73 8 82 G +73 8 83 S +73 8 84 S +73 8 85 I +73 8 86 S +73 8 87 I +73 8 88 D +73 8 89 I +73 8 90 I +73 8 91 S +73 8 92 S +73 8 93 I +73 8 94 D +73 8 95 U +73 8 96 S +73 8 97 I +73 8 98 D +73 8 99 S +73 8 100 S +73 8 101 D +73 8 102 U +73 8 103 I +73 8 104 S +73 8 105 D +73 8 106 U +73 8 107 U +73 8 108 U +73 8 109 I +73 8 110 D +73 8 111 I +73 8 112 D +73 8 113 I +73 8 114 I +73 8 115 D +73 8 116 U +73 8 117 I +73 8 118 S +73 8 119 I +73 8 120 U +73 8 121 D +73 8 122 S +73 8 123 I +73 8 124 S +73 8 125 D +73 8 126 S +73 8 127 I +73 8 128 S +73 8 129 U +73 8 130 I +73 8 131 I +73 8 132 G +73 8 133 I +73 8 134 S +73 8 135 I +73 8 136 G +73 8 137 S +73 8 138 S +73 8 139 U +73 8 140 I +73 8 141 U +73 8 142 U +73 8 143 D +73 8 144 I +73 8 145 S +73 8 146 I +73 8 147 G +73 8 148 D +73 8 149 G +73 8 150 I +73 8 151 S +73 8 152 D +73 8 153 I +73 8 154 I +73 8 155 S +73 8 156 I +73 8 157 S +73 8 158 U +73 8 159 I +73 8 160 S +73 8 161 I +73 8 162 D +73 8 163 I +73 8 164 S +73 8 165 I +73 8 166 I +73 8 167 S +73 8 168 I +73 8 169 I +73 8 170 I +73 8 171 S +73 8 172 U +73 8 173 D +73 8 174 D +73 8 175 S +73 8 176 D +73 8 177 U +73 8 178 I +73 8 179 D +73 8 180 I +73 8 181 I +73 8 182 G +73 8 183 I +73 8 184 I +73 8 185 D +73 8 186 I +73 8 187 D +73 8 188 I +73 8 189 S +73 8 190 U +73 8 191 I +73 8 192 I +73 8 193 G +73 8 194 I +73 8 195 I +73 8 196 S +73 8 197 S +73 8 198 I +73 8 199 U +73 8 200 S +73 8 201 D +73 8 202 I +73 8 203 D +73 8 204 I +73 8 205 S +73 8 206 U +73 8 207 D +73 8 208 I +73 8 209 S +73 8 210 I +73 8 211 S +73 8 212 D +73 8 213 U +73 8 214 S +73 8 215 G +73 8 216 I +73 8 217 U +73 8 218 I +73 8 219 U +73 8 220 D +73 8 221 U +73 8 222 G +73 8 223 S +73 8 224 U +73 8 225 I +73 8 226 G +73 8 227 S +73 8 228 I +73 8 229 I +73 8 230 G +73 8 231 D +73 8 232 I +73 8 233 S +73 8 234 G +73 8 235 I +73 8 236 G +73 8 237 S +73 8 238 I +73 8 239 G +73 8 240 I +73 8 241 U +73 8 242 G +73 8 243 D +73 8 244 U +73 8 245 D +73 8 246 S +73 8 247 G +73 8 248 I +73 8 249 I +73 8 250 S +73 8 251 G +73 8 252 U +73 8 253 S +73 8 254 G +73 8 255 I +73 8 256 D +73 8 257 I +73 8 258 S +73 8 259 D +73 8 260 U +73 8 261 D +73 8 262 U +73 8 263 S +73 8 264 G +73 8 265 I +73 8 266 D +73 8 267 I +73 8 268 G +73 8 269 D +73 8 270 D +73 8 271 I +73 8 272 U +73 8 273 S +73 8 274 U +73 8 275 G +73 8 276 D +73 8 277 S +73 8 278 G +73 8 279 I +73 8 280 S +73 8 281 I +73 8 282 I +73 8 283 I +73 8 284 U +73 8 285 S +73 8 286 U +73 8 287 G +73 8 288 D +73 8 289 G +73 8 290 U +73 8 291 S +73 8 292 G +73 8 293 U +73 8 294 U +73 8 295 I +73 8 296 D +73 8 297 S +73 8 298 D +73 8 299 S +73 8 300 U +73 8 301 I +73 8 302 U +73 8 303 S +73 8 304 S +73 8 305 I +73 8 306 S +73 8 307 I +73 8 308 G +73 8 309 I +73 8 310 I +73 8 311 S +73 8 312 I +73 8 313 S +73 8 314 U +73 8 315 S +73 8 316 I +73 8 317 D +73 8 318 S +73 8 319 U +73 8 320 S +73 8 321 D +73 8 322 S +73 8 323 I +73 8 324 U +73 8 325 D +73 8 326 S +73 8 327 U +73 8 328 I +73 8 329 S +73 8 330 U +73 9 1 S +73 9 2 U +73 9 3 D +73 9 4 D +73 9 5 U +73 9 6 U +73 9 7 S +73 9 8 D +73 9 9 I +73 9 10 I +73 9 11 S +73 9 12 U +73 9 13 I +73 9 14 I +73 9 15 U +73 9 16 U +73 9 17 D +73 9 18 I +73 9 19 S +73 9 20 I +73 9 21 D +73 9 22 U +73 9 23 D +73 9 24 I +73 9 25 S +73 9 26 D +73 9 27 U +73 9 28 S +73 9 29 U +73 9 30 D +73 9 31 U +73 9 32 S +73 9 33 D +73 9 34 I +73 9 35 S +73 9 36 D +73 9 37 I +73 9 38 S +73 9 39 I +73 9 40 U +73 9 41 D +73 9 42 S +73 9 43 I +73 9 44 U +73 9 45 U +73 9 46 I +73 9 47 I +73 9 48 D +73 9 49 U +73 9 50 D +73 9 51 I +73 9 52 U +73 9 53 I +73 9 54 S +73 9 55 U +73 9 56 U +73 9 57 I +73 9 58 S +73 9 59 U +73 9 60 I +73 9 61 D +73 9 62 U +73 9 63 S +73 9 64 I +73 9 65 D +73 9 66 U +73 9 67 U +73 9 68 I +73 9 69 I +73 9 70 U +73 9 71 D +73 9 72 S +73 9 73 I +73 9 74 U +73 9 75 I +73 9 76 S +73 9 77 S +73 9 78 U +73 9 79 I +73 9 80 S +73 9 81 D +73 9 82 U +73 9 83 U +73 9 84 U +73 9 85 S +73 9 86 D +73 9 87 U +73 9 88 D +73 9 89 I +73 9 90 D +73 9 91 S +73 9 92 U +73 9 93 D +73 9 94 I +73 9 95 U +73 9 96 D +73 9 97 S +73 9 98 I +73 9 99 U +73 9 100 U +73 9 101 D +73 9 102 U +73 9 103 I +73 9 104 S +73 9 105 I +73 9 106 U +73 9 107 U +73 9 108 U +73 9 109 I +73 9 110 D +73 9 111 I +73 9 112 S +73 9 113 I +73 9 114 S +73 9 115 D +73 9 116 U +73 9 117 D +73 9 118 U +73 9 119 I +73 9 120 U +73 9 121 S +73 9 122 I +73 9 123 I +73 9 124 U +73 9 125 S +73 9 126 U +73 9 127 I +73 9 128 U +73 9 129 U +73 9 130 S +73 9 131 D +73 9 132 D +73 9 133 I +73 9 134 D +73 9 135 S +73 9 136 U +73 9 137 I +73 9 138 U +73 9 139 U +73 9 140 I +73 9 141 U +73 9 142 U +73 9 143 D +73 9 144 S +73 9 145 S +73 9 146 I +73 9 147 U +73 9 148 D +73 9 149 U +73 9 150 I +73 9 151 D +73 9 152 I +73 9 153 S +73 9 154 D +73 9 155 I +73 9 156 S +73 9 157 D +73 9 158 U +73 9 159 I +73 9 160 U +73 9 161 D +73 9 162 S +73 9 163 D +73 9 164 S +73 9 165 I +73 9 166 U +73 9 167 U +73 9 168 D +73 9 169 D +73 9 170 I +73 9 171 I +73 9 172 U +73 9 173 S +73 9 174 I +73 9 175 U +73 9 176 D +73 9 177 U +73 9 178 I +73 9 179 D +73 9 180 S +73 9 181 D +73 9 182 I +73 9 183 U +73 9 184 S +73 9 185 D +73 9 186 U +73 9 187 D +73 9 188 S +73 9 189 U +73 9 190 U +73 9 191 S +73 9 192 D +73 9 193 D +73 9 194 D +73 9 195 S +73 9 196 I +73 9 197 U +73 9 198 D +73 9 199 U +73 9 200 I +73 9 201 S +73 9 202 S +73 9 203 D +73 9 204 I +73 9 205 I +73 9 206 U +73 9 207 D +73 9 208 I +73 9 209 S +73 9 210 D +73 9 211 S +73 9 212 S +73 9 213 U +73 9 214 S +73 9 215 D +73 9 216 I +73 9 217 U +73 9 218 S +73 9 219 U +73 9 220 S +73 9 221 U +73 9 222 I +73 9 223 D +73 9 224 U +73 9 225 S +73 9 226 D +73 9 227 I +73 9 228 S +73 9 229 U +73 9 230 U +73 9 231 D +73 9 232 I +73 9 233 S +73 9 234 S +73 9 235 I +73 9 236 S +73 9 237 U +73 9 238 S +73 9 239 D +73 9 240 I +73 9 241 U +73 9 242 U +73 9 243 D +73 9 244 U +73 9 245 D +73 9 246 S +73 9 247 I +73 9 248 I +73 9 249 S +73 9 250 U +73 9 251 D +73 9 252 U +73 9 253 I +73 9 254 S +73 9 255 I +73 9 256 D +73 9 257 I +73 9 258 S +73 9 259 D +73 9 260 U +73 9 261 S +73 9 262 U +73 9 263 S +73 9 264 U +73 9 265 I +73 9 266 D +73 9 267 I +73 9 268 U +73 9 269 S +73 9 270 I +73 9 271 I +73 9 272 U +73 9 273 S +73 9 274 U +73 9 275 S +73 9 276 I +73 9 277 D +73 9 278 S +73 9 279 I +73 9 280 U +73 9 281 I +73 9 282 S +73 9 283 D +73 9 284 U +73 9 285 S +73 9 286 U +73 9 287 D +73 9 288 D +73 9 289 S +73 9 290 U +73 9 291 S +73 9 292 D +73 9 293 U +73 9 294 S +73 9 295 D +73 9 296 I +73 9 297 S +73 9 298 D +73 9 299 I +73 9 300 S +73 9 301 U +73 9 302 U +73 9 303 S +73 9 304 I +73 9 305 D +73 9 306 S +73 9 307 I +73 9 308 S +73 9 309 I +73 9 310 U +73 9 311 D +73 9 312 S +73 9 313 U +73 9 314 D +73 9 315 I +73 9 316 S +73 9 317 D +73 9 318 S +73 9 319 U +73 9 320 D +73 9 321 D +73 9 322 U +73 9 323 I +73 9 324 U +73 9 325 D +73 9 326 S +73 9 327 U +73 9 328 I +73 9 329 D +73 9 330 U +73 10 1 I +73 10 2 U +73 10 3 D +73 10 4 I +73 10 5 S +73 10 6 U +73 10 7 S +73 10 8 D +73 10 9 S +73 10 10 I +73 10 11 I +73 10 12 S +73 10 13 I +73 10 14 I +73 10 15 U +73 10 16 U +73 10 17 D +73 10 18 I +73 10 19 I +73 10 20 S +73 10 21 D +73 10 22 U +73 10 23 S +73 10 24 I +73 10 25 I +73 10 26 I +73 10 27 U +73 10 28 D +73 10 29 S +73 10 30 D +73 10 31 U +73 10 32 D +73 10 33 D +73 10 34 I +73 10 35 I +73 10 36 D +73 10 37 I +73 10 38 U +73 10 39 I +73 10 40 U +73 10 41 D +73 10 42 U +73 10 43 I +73 10 44 U +73 10 45 S +73 10 46 I +73 10 47 I +73 10 48 D +73 10 49 S +73 10 50 I +73 10 51 I +73 10 52 U +73 10 53 D +73 10 54 S +73 10 55 I +73 10 56 D +73 10 57 I +73 10 58 S +73 10 59 U +73 10 60 I +73 10 61 D +73 10 62 I +73 10 63 D +73 10 64 I +73 10 65 D +73 10 66 U +73 10 67 S +73 10 68 D +73 10 69 S +73 10 70 U +73 10 71 D +73 10 72 U +73 10 73 D +73 10 74 S +73 10 75 I +73 10 76 D +73 10 77 U +73 10 78 D +73 10 79 I +73 10 80 S +73 10 81 I +73 10 82 S +73 10 83 U +73 10 84 D +73 10 85 U +73 10 86 D +73 10 87 I +73 10 88 D +73 10 89 I +73 10 90 I +73 10 91 S +73 10 92 U +73 10 93 I +73 10 94 I +73 10 95 U +73 10 96 D +73 10 97 I +73 10 98 D +73 10 99 U +73 10 100 U +73 10 101 D +73 10 102 U +73 10 103 S +73 10 104 U +73 10 105 D +73 10 106 U +73 10 107 U +73 10 108 S +73 10 109 I +73 10 110 D +73 10 111 I +73 10 112 D +73 10 113 I +73 10 114 S +73 10 115 D +73 10 116 U +73 10 117 I +73 10 118 D +73 10 119 I +73 10 120 U +73 10 121 D +73 10 122 I +73 10 123 I +73 10 124 S +73 10 125 D +73 10 126 D +73 10 127 I +73 10 128 S +73 10 129 U +73 10 130 I +73 10 131 D +73 10 132 D +73 10 133 I +73 10 134 I +73 10 135 D +73 10 136 I +73 10 137 I +73 10 138 U +73 10 139 U +73 10 140 I +73 10 141 U +73 10 142 U +73 10 143 I +73 10 144 I +73 10 145 S +73 10 146 D +73 10 147 I +73 10 148 D +73 10 149 U +73 10 150 I +73 10 151 D +73 10 152 D +73 10 153 I +73 10 154 S +73 10 155 I +73 10 156 I +73 10 157 I +73 10 158 U +73 10 159 D +73 10 160 D +73 10 161 S +73 10 162 D +73 10 163 I +73 10 164 I +73 10 165 S +73 10 166 I +73 10 167 U +73 10 168 I +73 10 169 I +73 10 170 I +73 10 171 I +73 10 172 U +73 10 173 D +73 10 174 D +73 10 175 I +73 10 176 D +73 10 177 U +73 10 178 I +73 10 179 D +73 10 180 S +73 10 181 U +73 10 182 I +73 10 183 I +73 10 184 D +73 10 185 D +73 10 186 U +73 10 187 D +73 10 188 I +73 10 189 U +73 10 190 D +73 10 191 I +73 10 192 I +73 10 193 I +73 10 194 D +73 10 195 I +73 10 196 U +73 10 197 I +73 10 198 I +73 10 199 U +73 10 200 U +73 10 201 D +73 10 202 I +73 10 203 D +73 10 204 I +73 10 205 I +73 10 206 U +73 10 207 D +73 10 208 D +73 10 209 I +73 10 210 D +73 10 211 I +73 10 212 D +73 10 213 U +73 10 214 S +73 10 215 D +73 10 216 I +73 10 217 D +73 10 218 S +73 10 219 U +73 10 220 I +73 10 221 U +73 10 222 D +73 10 223 S +73 10 224 U +73 10 225 S +73 10 226 I +73 10 227 I +73 10 228 I +73 10 229 U +73 10 230 U +73 10 231 D +73 10 232 S +73 10 233 S +73 10 234 S +73 10 235 I +73 10 236 S +73 10 237 D +73 10 238 I +73 10 239 D +73 10 240 S +73 10 241 U +73 10 242 U +73 10 243 D +73 10 244 U +73 10 245 D +73 10 246 I +73 10 247 S +73 10 248 I +73 10 249 I +73 10 250 S +73 10 251 S +73 10 252 U +73 10 253 I +73 10 254 U +73 10 255 I +73 10 256 D +73 10 257 I +73 10 258 S +73 10 259 D +73 10 260 U +73 10 261 D +73 10 262 U +73 10 263 U +73 10 264 S +73 10 265 I +73 10 266 D +73 10 267 D +73 10 268 S +73 10 269 D +73 10 270 D +73 10 271 I +73 10 272 U +73 10 273 D +73 10 274 U +73 10 275 S +73 10 276 D +73 10 277 I +73 10 278 D +73 10 279 I +73 10 280 S +73 10 281 I +73 10 282 S +73 10 283 S +73 10 284 U +73 10 285 D +73 10 286 U +73 10 287 S +73 10 288 D +73 10 289 S +73 10 290 U +73 10 291 I +73 10 292 D +73 10 293 U +73 10 294 U +73 10 295 I +73 10 296 I +73 10 297 S +73 10 298 D +73 10 299 I +73 10 300 U +73 10 301 I +73 10 302 U +73 10 303 U +73 10 304 S +73 10 305 D +73 10 306 U +73 10 307 I +73 10 308 S +73 10 309 I +73 10 310 S +73 10 311 I +73 10 312 I +73 10 313 I +73 10 314 U +73 10 315 S +73 10 316 S +73 10 317 D +73 10 318 D +73 10 319 U +73 10 320 S +73 10 321 D +73 10 322 I +73 10 323 I +73 10 324 U +73 10 325 D +73 10 326 S +73 10 327 U +73 10 328 I +73 10 329 I +73 10 330 U +73 11 1 S +73 11 2 I +73 11 3 D +73 11 4 G +73 11 5 S +73 11 6 N +73 11 7 S +73 11 8 G +73 11 9 S +73 11 10 I +73 11 11 S +73 11 12 S +73 11 13 S +73 11 14 S +73 11 15 G +73 11 16 G +73 11 17 D +73 11 18 G +73 11 19 G +73 11 20 G +73 11 21 D +73 11 22 S +73 11 23 N +73 11 24 G +73 11 25 I +73 11 26 I +73 11 27 G +73 11 28 D +73 11 29 S +73 11 30 N +73 11 31 N +73 11 32 D +73 11 33 S +73 11 34 I +73 11 35 D +73 11 36 I +73 11 37 N +73 11 38 D +73 11 39 N +73 11 40 N +73 11 41 D +73 11 42 G +73 11 43 G +73 11 44 G +73 11 45 S +73 11 46 G +73 11 47 I +73 11 48 G +73 11 49 S +73 11 50 N +73 11 51 S +73 11 52 S +73 11 53 D +73 11 54 G +73 11 55 S +73 11 56 N +73 11 57 G +73 11 58 S +73 11 59 G +73 11 60 I +73 11 61 D +73 11 62 S +73 11 63 D +73 11 64 I +73 11 65 D +73 11 66 S +73 11 67 G +73 11 68 D +73 11 69 N +73 11 70 G +73 11 71 D +73 11 72 S +73 11 73 D +73 11 74 G +73 11 75 S +73 11 76 D +73 11 77 S +73 11 78 G +73 11 79 I +73 11 80 I +73 11 81 S +73 11 82 S +73 11 83 G +73 11 84 D +73 11 85 S +73 11 86 D +73 11 87 I +73 11 88 D +73 11 89 I +73 11 90 I +73 11 91 G +73 11 92 G +73 11 93 S +73 11 94 G +73 11 95 S +73 11 96 N +73 11 97 G +73 11 98 N +73 11 99 S +73 11 100 S +73 11 101 D +73 11 102 G +73 11 103 S +73 11 104 S +73 11 105 D +73 11 106 S +73 11 107 G +73 11 108 S +73 11 109 I +73 11 110 N +73 11 111 S +73 11 112 D +73 11 113 S +73 11 114 I +73 11 115 D +73 11 116 S +73 11 117 N +73 11 118 D +73 11 119 S +73 11 120 U +73 11 121 D +73 11 122 G +73 11 123 G +73 11 124 S +73 11 125 D +73 11 126 N +73 11 127 I +73 11 128 G +73 11 129 S +73 11 130 G +73 11 131 D +73 11 132 N +73 11 133 I +73 11 134 N +73 11 135 D +73 11 136 S +73 11 137 G +73 11 138 S +73 11 139 S +73 11 140 I +73 11 141 S +73 11 142 S +73 11 143 G +73 11 144 N +73 11 145 S +73 11 146 G +73 11 147 S +73 11 148 D +73 11 149 G +73 11 150 D +73 11 151 N +73 11 152 G +73 11 153 S +73 11 154 I +73 11 155 S +73 11 156 S +73 11 157 I +73 11 158 U +73 11 159 G +73 11 160 D +73 11 161 N +73 11 162 S +73 11 163 S +73 11 164 S +73 11 165 I +73 11 166 I +73 11 167 G +73 11 168 I +73 11 169 I +73 11 170 I +73 11 171 G +73 11 172 U +73 11 173 D +73 11 174 S +73 11 175 S +73 11 176 D +73 11 177 S +73 11 178 I +73 11 179 N +73 11 180 S +73 11 181 G +73 11 182 D +73 11 183 S +73 11 184 D +73 11 185 G +73 11 186 S +73 11 187 D +73 11 188 I +73 11 189 S +73 11 190 D +73 11 191 I +73 11 192 D +73 11 193 S +73 11 194 G +73 11 195 G +73 11 196 G +73 11 197 D +73 11 198 I +73 11 199 S +73 11 200 S +73 11 201 D +73 11 202 S +73 11 203 D +73 11 204 I +73 11 205 G +73 11 206 S +73 11 207 D +73 11 208 S +73 11 209 I +73 11 210 G +73 11 211 S +73 11 212 D +73 11 213 G +73 11 214 G +73 11 215 D +73 11 216 I +73 11 217 D +73 11 218 G +73 11 219 G +73 11 220 I +73 11 221 G +73 11 222 D +73 11 223 I +73 11 224 S +73 11 225 S +73 11 226 I +73 11 227 I +73 11 228 I +73 11 229 S +73 11 230 G +73 11 231 D +73 11 232 S +73 11 233 S +73 11 234 I +73 11 235 I +73 11 236 G +73 11 237 D +73 11 238 I +73 11 239 D +73 11 240 N +73 11 241 U +73 11 242 S +73 11 243 D +73 11 244 U +73 11 245 N +73 11 246 I +73 11 247 G +73 11 248 I +73 11 249 I +73 11 250 G +73 11 251 S +73 11 252 U +73 11 253 S +73 11 254 S +73 11 255 I +73 11 256 D +73 11 257 I +73 11 258 G +73 11 259 D +73 11 260 S +73 11 261 D +73 11 262 U +73 11 263 G +73 11 264 G +73 11 265 S +73 11 266 D +73 11 267 D +73 11 268 S +73 11 269 D +73 11 270 S +73 11 271 I +73 11 272 U +73 11 273 D +73 11 274 U +73 11 275 S +73 11 276 D +73 11 277 I +73 11 278 N +73 11 279 I +73 11 280 S +73 11 281 I +73 11 282 S +73 11 283 N +73 11 284 U +73 11 285 D +73 11 286 U +73 11 287 N +73 11 288 D +73 11 289 S +73 11 290 U +73 11 291 I +73 11 292 D +73 11 293 S +73 11 294 S +73 11 295 G +73 11 296 D +73 11 297 G +73 11 298 N +73 11 299 S +73 11 300 S +73 11 301 S +73 11 302 G +73 11 303 G +73 11 304 S +73 11 305 D +73 11 306 S +73 11 307 I +73 11 308 D +73 11 309 S +73 11 310 S +73 11 311 I +73 11 312 I +73 11 313 I +73 11 314 G +73 11 315 S +73 11 316 S +73 11 317 N +73 11 318 D +73 11 319 S +73 11 320 S +73 11 321 D +73 11 322 S +73 11 323 I +73 11 324 S +73 11 325 D +73 11 326 S +73 11 327 S +73 11 328 I +73 11 329 N +73 11 330 U +73 12 1 G +73 12 2 S +73 12 3 B +73 12 4 G +73 12 5 S +73 12 6 G +73 12 7 G +73 12 8 B +73 12 9 G +73 12 10 I +73 12 11 G +73 12 12 S +73 12 13 G +73 12 14 G +73 12 15 S +73 12 16 U +73 12 17 B +73 12 18 G +73 12 19 S +73 12 20 G +73 12 21 B +73 12 22 G +73 12 23 G +73 12 24 S +73 12 25 S +73 12 26 I +73 12 27 S +73 12 28 B +73 12 29 G +73 12 30 G +73 12 31 S +73 12 32 G +73 12 33 G +73 12 34 G +73 12 35 B +73 12 36 I +73 12 37 G +73 12 38 B +73 12 39 S +73 12 40 S +73 12 41 D +73 12 42 G +73 12 43 I +73 12 44 U +73 12 45 S +73 12 46 I +73 12 47 I +73 12 48 S +73 12 49 S +73 12 50 I +73 12 51 G +73 12 52 R +73 12 53 D +73 12 54 S +73 12 55 G +73 12 56 G +73 12 57 S +73 12 58 G +73 12 59 S +73 12 60 I +73 12 61 D +73 12 62 S +73 12 63 B +73 12 64 I +73 12 65 B +73 12 66 U +73 12 67 S +73 12 68 B +73 12 69 S +73 12 70 G +73 12 71 B +73 12 72 S +73 12 73 G +73 12 74 G +73 12 75 I +73 12 76 G +73 12 77 S +73 12 78 G +73 12 79 I +73 12 80 I +73 12 81 S +73 12 82 S +73 12 83 R +73 12 84 G +73 12 85 S +73 12 86 G +73 12 87 I +73 12 88 B +73 12 89 I +73 12 90 G +73 12 91 S +73 12 92 G +73 12 93 R +73 12 94 I +73 12 95 U +73 12 96 G +73 12 97 R +73 12 98 D +73 12 99 S +73 12 100 G +73 12 101 B +73 12 102 S +73 12 103 G +73 12 104 G +73 12 105 B +73 12 106 S +73 12 107 S +73 12 108 G +73 12 109 I +73 12 110 G +73 12 111 S +73 12 112 D +73 12 113 R +73 12 114 S +73 12 115 D +73 12 116 G +73 12 117 I +73 12 118 B +73 12 119 S +73 12 120 G +73 12 121 B +73 12 122 S +73 12 123 G +73 12 124 R +73 12 125 B +73 12 126 G +73 12 127 S +73 12 128 R +73 12 129 G +73 12 130 G +73 12 131 R +73 12 132 B +73 12 133 S +73 12 134 S +73 12 135 B +73 12 136 S +73 12 137 I +73 12 138 G +73 12 139 S +73 12 140 I +73 12 141 U +73 12 142 R +73 12 143 S +73 12 144 G +73 12 145 R +73 12 146 S +73 12 147 G +73 12 148 D +73 12 149 G +73 12 150 R +73 12 151 G +73 12 152 G +73 12 153 S +73 12 154 I +73 12 155 G +73 12 156 S +73 12 157 G +73 12 158 U +73 12 159 S +73 12 160 G +73 12 161 G +73 12 162 D +73 12 163 G +73 12 164 S +73 12 165 S +73 12 166 I +73 12 167 G +73 12 168 S +73 12 169 S +73 12 170 I +73 12 171 I +73 12 172 U +73 12 173 B +73 12 174 S +73 12 175 G +73 12 176 B +73 12 177 R +73 12 178 I +73 12 179 B +73 12 180 S +73 12 181 G +73 12 182 B +73 12 183 G +73 12 184 G +73 12 185 S +73 12 186 G +73 12 187 G +73 12 188 S +73 12 189 G +73 12 190 R +73 12 191 S +73 12 192 S +73 12 193 R +73 12 194 B +73 12 195 G +73 12 196 S +73 12 197 G +73 12 198 I +73 12 199 S +73 12 200 S +73 12 201 G +73 12 202 S +73 12 203 B +73 12 204 I +73 12 205 S +73 12 206 I +73 12 207 B +73 12 208 S +73 12 209 S +73 12 210 G +73 12 211 G +73 12 212 S +73 12 213 R +73 12 214 S +73 12 215 S +73 12 216 I +73 12 217 G +73 12 218 S +73 12 219 G +73 12 220 I +73 12 221 G +73 12 222 S +73 12 223 S +73 12 224 G +73 12 225 S +73 12 226 I +73 12 227 I +73 12 228 I +73 12 229 G +73 12 230 S +73 12 231 S +73 12 232 G +73 12 233 G +73 12 234 S +73 12 235 S +73 12 236 I +73 12 237 G +73 12 238 S +73 12 239 B +73 12 240 G +73 12 241 U +73 12 242 S +73 12 243 B +73 12 244 U +73 12 245 D +73 12 246 S +73 12 247 S +73 12 248 G +73 12 249 I +73 12 250 G +73 12 251 G +73 12 252 G +73 12 253 S +73 12 254 S +73 12 255 I +73 12 256 B +73 12 257 I +73 12 258 S +73 12 259 B +73 12 260 G +73 12 261 S +73 12 262 U +73 12 263 S +73 12 264 G +73 12 265 R +73 12 266 B +73 12 267 B +73 12 268 G +73 12 269 B +73 12 270 S +73 12 271 G +73 12 272 U +73 12 273 B +73 12 274 U +73 12 275 G +73 12 276 D +73 12 277 G +73 12 278 R +73 12 279 S +73 12 280 S +73 12 281 R +73 12 282 S +73 12 283 R +73 12 284 U +73 12 285 R +73 12 286 U +73 12 287 G +73 12 288 D +73 12 289 S +73 12 290 U +73 12 291 S +73 12 292 G +73 12 293 G +73 12 294 U +73 12 295 G +73 12 296 S +73 12 297 R +73 12 298 B +73 12 299 S +73 12 300 U +73 12 301 S +73 12 302 U +73 12 303 S +73 12 304 G +73 12 305 G +73 12 306 S +73 12 307 S +73 12 308 G +73 12 309 I +73 12 310 S +73 12 311 S +73 12 312 I +73 12 313 I +73 12 314 U +73 12 315 S +73 12 316 S +73 12 317 G +73 12 318 G +73 12 319 U +73 12 320 S +73 12 321 D +73 12 322 S +73 12 323 S +73 12 324 U +73 12 325 B +73 12 326 S +73 12 327 U +73 12 328 S +73 12 329 S +73 12 330 U +73 13 1 S +73 13 2 S +73 13 3 D +73 13 4 S +73 13 5 S +73 13 6 S +73 13 7 S +73 13 8 S +73 13 9 S +73 13 10 I +73 13 11 S +73 13 12 S +73 13 13 S +73 13 14 I +73 13 15 S +73 13 16 U +73 13 17 D +73 13 18 S +73 13 19 S +73 13 20 S +73 13 21 D +73 13 22 S +73 13 23 S +73 13 24 S +73 13 25 S +73 13 26 I +73 13 27 U +73 13 28 D +73 13 29 S +73 13 30 S +73 13 31 S +73 13 32 S +73 13 33 S +73 13 34 S +73 13 35 D +73 13 36 S +73 13 37 S +73 13 38 S +73 13 39 S +73 13 40 S +73 13 41 S +73 13 42 S +73 13 43 S +73 13 44 S +73 13 45 S +73 13 46 S +73 13 47 S +73 13 48 S +73 13 49 S +73 13 50 S +73 13 51 S +73 13 52 U +73 13 53 D +73 13 54 S +73 13 55 S +73 13 56 S +73 13 57 S +73 13 58 S +73 13 59 S +73 13 60 S +73 13 61 S +73 13 62 S +73 13 63 D +73 13 64 S +73 13 65 D +73 13 66 U +73 13 67 S +73 13 68 S +73 13 69 S +73 13 70 S +73 13 71 S +73 13 72 S +73 13 73 S +73 13 74 S +73 13 75 S +73 13 76 D +73 13 77 S +73 13 78 S +73 13 79 S +73 13 80 S +73 13 81 S +73 13 82 S +73 13 83 U +73 13 84 S +73 13 85 S +73 13 86 S +73 13 87 S +73 13 88 S +73 13 89 S +73 13 90 S +73 13 91 S +73 13 92 U +73 13 93 U +73 13 94 S +73 13 95 S +73 13 96 S +73 13 97 S +73 13 98 D +73 13 99 S +73 13 100 S +73 13 101 S +73 13 102 S +73 13 103 S +73 13 104 S +73 13 105 S +73 13 106 S +73 13 107 U +73 13 108 S +73 13 109 S +73 13 110 S +73 13 111 S +73 13 112 D +73 13 113 S +73 13 114 S +73 13 115 S +73 13 116 U +73 13 117 S +73 13 118 D +73 13 119 S +73 13 120 U +73 13 121 S +73 13 122 S +73 13 123 S +73 13 124 S +73 13 125 S +73 13 126 S +73 13 127 S +73 13 128 S +73 13 129 S +73 13 130 S +73 13 131 S +73 13 132 S +73 13 133 S +73 13 134 S +73 13 135 S +73 13 136 S +73 13 137 S +73 13 138 S +73 13 139 S +73 13 140 S +73 13 141 U +73 13 142 S +73 13 143 S +73 13 144 S +73 13 145 S +73 13 146 S +73 13 147 S +73 13 148 S +73 13 149 S +73 13 150 S +73 13 151 S +73 13 152 S +73 13 153 S +73 13 154 S +73 13 155 S +73 13 156 S +73 13 157 S +73 13 158 U +73 13 159 S +73 13 160 S +73 13 161 S +73 13 162 D +73 13 163 S +73 13 164 S +73 13 165 S +73 13 166 S +73 13 167 S +73 13 168 S +73 13 169 S +73 13 170 S +73 13 171 S +73 13 172 U +73 13 173 D +73 13 174 S +73 13 175 S +73 13 176 S +73 13 177 S +73 13 178 S +73 13 179 S +73 13 180 S +73 13 181 S +73 13 182 S +73 13 183 S +73 13 184 S +73 13 185 S +73 13 186 S +73 13 187 S +73 13 188 S +73 13 189 S +73 13 190 S +73 13 191 S +73 13 192 S +73 13 193 S +73 13 194 S +73 13 195 S +73 13 196 S +73 13 197 S +73 13 198 S +73 13 199 S +73 13 200 S +73 13 201 S +73 13 202 S +73 13 203 S +73 13 204 S +73 13 205 S +73 13 206 S +73 13 207 S +73 13 208 S +73 13 209 S +73 13 210 S +73 13 211 S +73 13 212 S +73 13 213 S +73 13 214 S +73 13 215 S +73 13 216 S +73 13 217 S +73 13 218 S +73 13 219 S +73 13 220 S +73 13 221 S +73 13 222 S +73 13 223 S +73 13 224 S +73 13 225 S +73 13 226 S +73 13 227 S +73 13 228 S +73 13 229 S +73 13 230 S +73 13 231 S +73 13 232 S +73 13 233 S +73 13 234 S +73 13 235 S +73 13 236 S +73 13 237 S +73 13 238 S +73 13 239 S +73 13 240 S +73 13 241 U +73 13 242 S +73 13 243 D +73 13 244 S +73 13 245 D +73 13 246 S +73 13 247 S +73 13 248 S +73 13 249 S +73 13 250 S +73 13 251 S +73 13 252 U +73 13 253 S +73 13 254 S +73 13 255 S +73 13 256 D +73 13 257 S +73 13 258 S +73 13 259 S +73 13 260 S +73 13 261 S +73 13 262 U +73 13 263 S +73 13 264 S +73 13 265 S +73 13 266 S +73 13 267 S +73 13 268 S +73 13 269 S +73 13 270 S +73 13 271 S +73 13 272 S +73 13 273 S +73 13 274 U +73 13 275 S +73 13 276 S +73 13 277 S +73 13 278 S +73 13 279 S +73 13 280 S +73 13 281 S +73 13 282 S +73 13 283 S +73 13 284 U +73 13 285 S +73 13 286 U +73 13 287 S +73 13 288 S +73 13 289 S +73 13 290 S +73 13 291 S +73 13 292 S +73 13 293 S +73 13 294 S +73 13 295 S +73 13 296 S +73 13 297 S +73 13 298 S +73 13 299 S +73 13 300 S +73 13 301 S +73 13 302 S +73 13 303 S +73 13 304 S +73 13 305 S +73 13 306 S +73 13 307 S +73 13 308 S +73 13 309 S +73 13 310 S +73 13 311 S +73 13 312 S +73 13 313 S +73 13 314 U +73 13 315 S +73 13 316 S +73 13 317 D +73 13 318 S +73 13 319 U +73 13 320 S +73 13 321 S +73 13 322 S +73 13 323 S +73 13 324 U +73 13 325 S +73 13 326 S +73 13 327 S +73 13 328 S +73 13 329 S +73 13 330 S +73 14 1 U +73 14 2 U +73 14 3 N +73 14 4 I +73 14 5 S +73 14 6 I +73 14 7 S +73 14 8 N +73 14 9 I +73 14 10 I +73 14 11 I +73 14 12 U +73 14 13 I +73 14 14 I +73 14 15 U +73 14 16 U +73 14 17 N +73 14 18 I +73 14 19 U +73 14 20 I +73 14 21 N +73 14 22 U +73 14 23 U +73 14 24 I +73 14 25 I +73 14 26 I +73 14 27 U +73 14 28 N +73 14 29 I +73 14 30 N +73 14 31 U +73 14 32 N +73 14 33 U +73 14 34 I +73 14 35 N +73 14 36 I +73 14 37 I +73 14 38 N +73 14 39 I +73 14 40 I +73 14 41 N +73 14 42 I +73 14 43 I +73 14 44 U +73 14 45 I +73 14 46 I +73 14 47 I +73 14 48 N +73 14 49 I +73 14 50 I +73 14 51 I +73 14 52 U +73 14 53 N +73 14 54 U +73 14 55 U +73 14 56 N +73 14 57 I +73 14 58 U +73 14 59 U +73 14 60 I +73 14 61 N +73 14 62 U +73 14 63 N +73 14 64 I +73 14 65 N +73 14 66 U +73 14 67 U +73 14 68 N +73 14 69 I +73 14 70 U +73 14 71 I +73 14 72 I +73 14 73 I +73 14 74 U +73 14 75 I +73 14 76 N +73 14 77 I +73 14 78 U +73 14 79 I +73 14 80 I +73 14 81 U +73 14 82 S +73 14 83 U +73 14 84 S +73 14 85 I +73 14 86 N +73 14 87 I +73 14 88 N +73 14 89 I +73 14 90 I +73 14 91 S +73 14 92 U +73 14 93 I +73 14 94 I +73 14 95 S +73 14 96 S +73 14 97 I +73 14 98 N +73 14 99 S +73 14 100 U +73 14 101 S +73 14 102 I +73 14 103 S +73 14 104 U +73 14 105 N +73 14 106 U +73 14 107 S +73 14 108 U +73 14 109 I +73 14 110 S +73 14 111 I +73 14 112 N +73 14 113 I +73 14 114 I +73 14 115 N +73 14 116 S +73 14 117 I +73 14 118 S +73 14 119 S +73 14 120 U +73 14 121 N +73 14 122 U +73 14 123 I +73 14 124 S +73 14 125 N +73 14 126 N +73 14 127 I +73 14 128 S +73 14 129 U +73 14 130 I +73 14 131 N +73 14 132 N +73 14 133 I +73 14 134 N +73 14 135 S +73 14 136 U +73 14 137 I +73 14 138 S +73 14 139 U +73 14 140 I +73 14 141 U +73 14 142 S +73 14 143 S +73 14 144 I +73 14 145 U +73 14 146 N +73 14 147 U +73 14 148 N +73 14 149 S +73 14 150 U +73 14 151 N +73 14 152 S +73 14 153 I +73 14 154 I +73 14 155 I +73 14 156 S +73 14 157 I +73 14 158 U +73 14 159 S +73 14 160 S +73 14 161 S +73 14 162 N +73 14 163 I +73 14 164 S +73 14 165 I +73 14 166 I +73 14 167 S +73 14 168 I +73 14 169 I +73 14 170 I +73 14 171 S +73 14 172 U +73 14 173 N +73 14 174 S +73 14 175 U +73 14 176 N +73 14 177 S +73 14 178 U +73 14 179 I +73 14 180 U +73 14 181 S +73 14 182 S +73 14 183 S +73 14 184 S +73 14 185 S +73 14 186 S +73 14 187 U +73 14 188 S +73 14 189 U +73 14 190 U +73 14 191 I +73 14 192 S +73 14 193 I +73 14 194 I +73 14 195 U +73 14 196 S +73 14 197 S +73 14 198 I +73 14 199 S +73 14 200 S +73 14 201 U +73 14 202 S +73 14 203 N +73 14 204 I +73 14 205 I +73 14 206 S +73 14 207 N +73 14 208 S +73 14 209 I +73 14 210 I +73 14 211 S +73 14 212 N +73 14 213 S +73 14 214 U +73 14 215 S +73 14 216 I +73 14 217 U +73 14 218 S +73 14 219 U +73 14 220 S +73 14 221 S +73 14 222 I +73 14 223 S +73 14 224 U +73 14 225 S +73 14 226 I +73 14 227 I +73 14 228 I +73 14 229 S +73 14 230 S +73 14 231 U +73 14 232 I +73 14 233 S +73 14 234 I +73 14 235 I +73 14 236 S +73 14 237 N +73 14 238 U +73 14 239 U +73 14 240 I +73 14 241 U +73 14 242 U +73 14 243 S +73 14 244 U +73 14 245 N +73 14 246 U +73 14 247 S +73 14 248 I +73 14 249 S +73 14 250 I +73 14 251 U +73 14 252 U +73 14 253 U +73 14 254 U +73 14 255 I +73 14 256 N +73 14 257 I +73 14 258 S +73 14 259 N +73 14 260 U +73 14 261 N +73 14 262 U +73 14 263 I +73 14 264 U +73 14 265 I +73 14 266 S +73 14 267 S +73 14 268 U +73 14 269 U +73 14 270 S +73 14 271 I +73 14 272 U +73 14 273 S +73 14 274 U +73 14 275 S +73 14 276 N +73 14 277 I +73 14 278 N +73 14 279 I +73 14 280 S +73 14 281 S +73 14 282 U +73 14 283 S +73 14 284 U +73 14 285 U +73 14 286 U +73 14 287 S +73 14 288 N +73 14 289 U +73 14 290 S +73 14 291 I +73 14 292 U +73 14 293 S +73 14 294 U +73 14 295 I +73 14 296 I +73 14 297 N +73 14 298 N +73 14 299 S +73 14 300 U +73 14 301 S +73 14 302 U +73 14 303 U +73 14 304 S +73 14 305 I +73 14 306 S +73 14 307 S +73 14 308 U +73 14 309 I +73 14 310 U +73 14 311 I +73 14 312 I +73 14 313 I +73 14 314 U +73 14 315 S +73 14 316 I +73 14 317 N +73 14 318 U +73 14 319 U +73 14 320 I +73 14 321 N +73 14 322 U +73 14 323 I +73 14 324 U +73 14 325 N +73 14 326 I +73 14 327 U +73 14 328 I +73 14 329 N +73 14 330 S +73 15 1 S +73 15 2 S +73 15 3 N +73 15 4 X +73 15 5 S +73 15 6 X +73 15 7 I +73 15 8 N +73 15 9 I +73 15 10 X +73 15 11 I +73 15 12 S +73 15 13 I +73 15 14 I +73 15 15 S +73 15 16 X +73 15 17 X +73 15 18 I +73 15 19 X +73 15 20 X +73 15 21 X +73 15 22 T +73 15 23 X +73 15 24 S +73 15 25 I +73 15 26 I +73 15 27 X +73 15 28 N +73 15 29 S +73 15 30 N +73 15 31 X +73 15 32 N +73 15 33 X +73 15 34 I +73 15 35 N +73 15 36 I +73 15 37 I +73 15 38 N +73 15 39 X +73 15 40 X +73 15 41 N +73 15 42 S +73 15 43 I +73 15 44 X +73 15 45 X +73 15 46 T +73 15 47 I +73 15 48 N +73 15 49 S +73 15 50 I +73 15 51 S +73 15 52 X +73 15 53 N +73 15 54 X +73 15 55 X +73 15 56 N +73 15 57 I +73 15 58 S +73 15 59 X +73 15 60 I +73 15 61 N +73 15 62 S +73 15 63 N +73 15 64 I +73 15 65 N +73 15 66 X +73 15 67 X +73 15 68 N +73 15 69 X +73 15 70 X +73 15 71 N +73 15 72 X +73 15 73 N +73 15 74 X +73 15 75 X +73 15 76 N +73 15 77 X +73 15 78 X +73 15 79 I +73 15 80 I +73 15 81 X +73 15 82 X +73 15 83 X +73 15 84 N +73 15 85 X +73 15 86 N +73 15 87 I +73 15 88 N +73 15 89 I +73 15 90 I +73 15 91 X +73 15 92 X +73 15 93 X +73 15 94 I +73 15 95 X +73 15 96 S +73 15 97 I +73 15 98 N +73 15 99 S +73 15 100 X +73 15 101 N +73 15 102 X +73 15 103 X +73 15 104 X +73 15 105 N +73 15 106 T +73 15 107 X +73 15 108 X +73 15 109 I +73 15 110 S +73 15 111 X +73 15 112 N +73 15 113 I +73 15 114 X +73 15 115 N +73 15 116 X +73 15 117 I +73 15 118 N +73 15 119 X +73 15 120 X +73 15 121 N +73 15 122 X +73 15 123 X +73 15 124 S +73 15 125 N +73 15 126 N +73 15 127 I +73 15 128 S +73 15 129 X +73 15 130 I +73 15 131 N +73 15 132 N +73 15 133 X +73 15 134 I +73 15 135 N +73 15 136 X +73 15 137 X +73 15 138 S +73 15 139 X +73 15 140 I +73 15 141 X +73 15 142 X +73 15 143 S +73 15 144 I +73 15 145 X +73 15 146 X +73 15 147 X +73 15 148 N +73 15 149 S +73 15 150 N +73 15 151 N +73 15 152 N +73 15 153 X +73 15 154 I +73 15 155 I +73 15 156 X +73 15 157 S +73 15 158 X +73 15 159 X +73 15 160 S +73 15 161 X +73 15 162 N +73 15 163 X +73 15 164 X +73 15 165 X +73 15 166 I +73 15 167 S +73 15 168 X +73 15 169 X +73 15 170 I +73 15 171 X +73 15 172 X +73 15 173 N +73 15 174 S +73 15 175 T +73 15 176 N +73 15 177 X +73 15 178 I +73 15 179 N +73 15 180 X +73 15 181 S +73 15 182 N +73 15 183 S +73 15 184 N +73 15 185 S +73 15 186 X +73 15 187 N +73 15 188 X +73 15 189 S +73 15 190 S +73 15 191 X +73 15 192 S +73 15 193 S +73 15 194 N +73 15 195 X +73 15 196 S +73 15 197 S +73 15 198 I +73 15 199 X +73 15 200 S +73 15 201 N +73 15 202 X +73 15 203 N +73 15 204 I +73 15 205 I +73 15 206 X +73 15 207 N +73 15 208 S +73 15 209 X +73 15 210 N +73 15 211 X +73 15 212 N +73 15 213 S +73 15 214 S +73 15 215 N +73 15 216 X +73 15 217 S +73 15 218 S +73 15 219 X +73 15 220 I +73 15 221 X +73 15 222 N +73 15 223 X +73 15 224 X +73 15 225 S +73 15 226 X +73 15 227 I +73 15 228 I +73 15 229 S +73 15 230 X +73 15 231 N +73 15 232 S +73 15 233 S +73 15 234 X +73 15 235 X +73 15 236 S +73 15 237 T +73 15 238 X +73 15 239 N +73 15 240 N +73 15 241 X +73 15 242 S +73 15 243 N +73 15 244 T +73 15 245 N +73 15 246 X +73 15 247 S +73 15 248 X +73 15 249 X +73 15 250 I +73 15 251 S +73 15 252 X +73 15 253 X +73 15 254 X +73 15 255 I +73 15 256 N +73 15 257 I +73 15 258 S +73 15 259 N +73 15 260 X +73 15 261 N +73 15 262 X +73 15 263 S +73 15 264 X +73 15 265 X +73 15 266 N +73 15 267 N +73 15 268 S +73 15 269 N +73 15 270 S +73 15 271 I +73 15 272 X +73 15 273 N +73 15 274 X +73 15 275 S +73 15 276 N +73 15 277 I +73 15 278 N +73 15 279 I +73 15 280 X +73 15 281 I +73 15 282 S +73 15 283 S +73 15 284 X +73 15 285 N +73 15 286 X +73 15 287 S +73 15 288 N +73 15 289 S +73 15 290 X +73 15 291 I +73 15 292 N +73 15 293 X +73 15 294 X +73 15 295 T +73 15 296 I +73 15 297 S +73 15 298 N +73 15 299 X +73 15 300 T +73 15 301 X +73 15 302 X +73 15 303 T +73 15 304 X +73 15 305 N +73 15 306 X +73 15 307 I +73 15 308 S +73 15 309 X +73 15 310 S +73 15 311 X +73 15 312 I +73 15 313 I +73 15 314 X +73 15 315 X +73 15 316 I +73 15 317 N +73 15 318 S +73 15 319 X +73 15 320 X +73 15 321 N +73 15 322 S +73 15 323 I +73 15 324 X +73 15 325 N +73 15 326 S +73 15 327 X +73 15 328 I +73 15 329 S +73 15 330 X +73 16 1 I +73 16 2 I +73 16 3 N +73 16 4 N +73 16 5 S +73 16 6 N +73 16 7 S +73 16 8 N +73 16 9 S +73 16 10 I +73 16 11 I +73 16 12 N +73 16 13 I +73 16 14 S +73 16 15 N +73 16 16 U +73 16 17 N +73 16 18 I +73 16 19 S +73 16 20 I +73 16 21 N +73 16 22 S +73 16 23 N +73 16 24 I +73 16 25 I +73 16 26 I +73 16 27 U +73 16 28 N +73 16 29 I +73 16 30 N +73 16 31 I +73 16 32 N +73 16 33 S +73 16 34 I +73 16 35 N +73 16 36 I +73 16 37 I +73 16 38 N +73 16 39 I +73 16 40 I +73 16 41 N +73 16 42 S +73 16 43 I +73 16 44 U +73 16 45 I +73 16 46 U +73 16 47 I +73 16 48 N +73 16 49 U +73 16 50 N +73 16 51 U +73 16 52 U +73 16 53 N +73 16 54 I +73 16 55 S +73 16 56 N +73 16 57 I +73 16 58 N +73 16 59 U +73 16 60 I +73 16 61 N +73 16 62 U +73 16 63 N +73 16 64 I +73 16 65 N +73 16 66 U +73 16 67 S +73 16 68 N +73 16 69 S +73 16 70 U +73 16 71 N +73 16 72 I +73 16 73 N +73 16 74 U +73 16 75 I +73 16 76 N +73 16 77 I +73 16 78 S +73 16 79 I +73 16 80 I +73 16 81 S +73 16 82 I +73 16 83 U +73 16 84 N +73 16 85 I +73 16 86 N +73 16 87 I +73 16 88 N +73 16 89 I +73 16 90 I +73 16 91 S +73 16 92 U +73 16 93 I +73 16 94 I +73 16 95 U +73 16 96 N +73 16 97 I +73 16 98 N +73 16 99 S +73 16 100 U +73 16 101 N +73 16 102 U +73 16 103 S +73 16 104 U +73 16 105 N +73 16 106 S +73 16 107 U +73 16 108 U +73 16 109 I +73 16 110 N +73 16 111 S +73 16 112 N +73 16 113 U +73 16 114 I +73 16 115 N +73 16 116 U +73 16 117 S +73 16 118 N +73 16 119 I +73 16 120 U +73 16 121 N +73 16 122 I +73 16 123 I +73 16 124 S +73 16 125 N +73 16 126 N +73 16 127 I +73 16 128 N +73 16 129 U +73 16 130 I +73 16 131 N +73 16 132 N +73 16 133 I +73 16 134 S +73 16 135 N +73 16 136 I +73 16 137 I +73 16 138 U +73 16 139 U +73 16 140 I +73 16 141 U +73 16 142 U +73 16 143 N +73 16 144 I +73 16 145 I +73 16 146 N +73 16 147 I +73 16 148 N +73 16 149 I +73 16 150 I +73 16 151 N +73 16 152 N +73 16 153 I +73 16 154 U +73 16 155 I +73 16 156 I +73 16 157 S +73 16 158 U +73 16 159 N +73 16 160 N +73 16 161 S +73 16 162 N +73 16 163 I +73 16 164 I +73 16 165 S +73 16 166 I +73 16 167 S +73 16 168 I +73 16 169 I +73 16 170 I +73 16 171 S +73 16 172 U +73 16 173 N +73 16 174 N +73 16 175 U +73 16 176 N +73 16 177 S +73 16 178 I +73 16 179 N +73 16 180 I +73 16 181 S +73 16 182 N +73 16 183 S +73 16 184 N +73 16 185 N +73 16 186 I +73 16 187 N +73 16 188 I +73 16 189 U +73 16 190 N +73 16 191 I +73 16 192 N +73 16 193 S +73 16 194 N +73 16 195 I +73 16 196 U +73 16 197 N +73 16 198 I +73 16 199 U +73 16 200 U +73 16 201 N +73 16 202 I +73 16 203 N +73 16 204 S +73 16 205 S +73 16 206 S +73 16 207 N +73 16 208 N +73 16 209 I +73 16 210 N +73 16 211 I +73 16 212 N +73 16 213 U +73 16 214 S +73 16 215 N +73 16 216 S +73 16 217 N +73 16 218 S +73 16 219 U +73 16 220 I +73 16 221 U +73 16 222 S +73 16 223 I +73 16 224 S +73 16 225 S +73 16 226 I +73 16 227 S +73 16 228 I +73 16 229 U +73 16 230 U +73 16 231 N +73 16 232 S +73 16 233 U +73 16 234 I +73 16 235 I +73 16 236 S +73 16 237 N +73 16 238 I +73 16 239 N +73 16 240 S +73 16 241 U +73 16 242 U +73 16 243 N +73 16 244 U +73 16 245 N +73 16 246 I +73 16 247 U +73 16 248 I +73 16 249 I +73 16 250 S +73 16 251 U +73 16 252 U +73 16 253 I +73 16 254 U +73 16 255 U +73 16 256 N +73 16 257 I +73 16 258 S +73 16 259 N +73 16 260 U +73 16 261 N +73 16 262 U +73 16 263 U +73 16 264 U +73 16 265 I +73 16 266 N +73 16 267 N +73 16 268 I +73 16 269 N +73 16 270 N +73 16 271 I +73 16 272 U +73 16 273 N +73 16 274 U +73 16 275 S +73 16 276 N +73 16 277 I +73 16 278 N +73 16 279 I +73 16 280 S +73 16 281 S +73 16 282 I +73 16 283 U +73 16 284 U +73 16 285 N +73 16 286 U +73 16 287 S +73 16 288 N +73 16 289 U +73 16 290 U +73 16 291 I +73 16 292 N +73 16 293 U +73 16 294 U +73 16 295 S +73 16 296 S +73 16 297 N +73 16 298 N +73 16 299 I +73 16 300 U +73 16 301 I +73 16 302 U +73 16 303 U +73 16 304 S +73 16 305 N +73 16 306 U +73 16 307 I +73 16 308 U +73 16 309 S +73 16 310 I +73 16 311 I +73 16 312 S +73 16 313 S +73 16 314 U +73 16 315 S +73 16 316 I +73 16 317 N +73 16 318 N +73 16 319 S +73 16 320 S +73 16 321 N +73 16 322 U +73 16 323 I +73 16 324 U +73 16 325 N +73 16 326 N +73 16 327 U +73 16 328 I +73 16 329 N +73 16 330 U +73 17 1 S +73 17 2 S +73 17 3 N +73 17 4 S +73 17 5 S +73 17 6 S +73 17 7 S +73 17 8 N +73 17 9 S +73 17 10 S +73 17 11 I +73 17 12 N +73 17 13 I +73 17 14 I +73 17 15 N +73 17 16 X +73 17 17 N +73 17 18 I +73 17 19 S +73 17 20 I +73 17 21 N +73 17 22 X +73 17 23 N +73 17 24 I +73 17 25 I +73 17 26 I +73 17 27 X +73 17 28 N +73 17 29 S +73 17 30 N +73 17 31 X +73 17 32 N +73 17 33 S +73 17 34 I +73 17 35 N +73 17 36 I +73 17 37 S +73 17 38 N +73 17 39 I +73 17 40 I +73 17 41 N +73 17 42 N +73 17 43 I +73 17 44 X +73 17 45 S +73 17 46 S +73 17 47 I +73 17 48 N +73 17 49 X +73 17 50 X +73 17 51 N +73 17 52 X +73 17 53 N +73 17 54 S +73 17 55 S +73 17 56 N +73 17 57 I +73 17 58 N +73 17 59 X +73 17 60 I +73 17 61 N +73 17 62 S +73 17 63 N +73 17 64 I +73 17 65 N +73 17 66 X +73 17 67 S +73 17 68 N +73 17 69 I +73 17 70 S +73 17 71 N +73 17 72 I +73 17 73 N +73 17 74 X +73 17 75 I +73 17 76 N +73 17 77 I +73 17 78 N +73 17 79 I +73 17 80 I +73 17 81 I +73 17 82 S +73 17 83 X +73 17 84 N +73 17 85 I +73 17 86 N +73 17 87 I +73 17 88 N +73 17 89 I +73 17 90 I +73 17 91 S +73 17 92 X +73 17 93 I +73 17 94 I +73 17 95 X +73 17 96 N +73 17 97 I +73 17 98 N +73 17 99 X +73 17 100 X +73 17 101 N +73 17 102 X +73 17 103 N +73 17 104 X +73 17 105 S +73 17 106 X +73 17 107 X +73 17 108 X +73 17 109 X +73 17 110 N +73 17 111 I +73 17 112 N +73 17 113 I +73 17 114 I +73 17 115 N +73 17 116 X +73 17 117 I +73 17 118 N +73 17 119 I +73 17 120 X +73 17 121 N +73 17 122 I +73 17 123 S +73 17 124 S +73 17 125 N +73 17 126 N +73 17 127 I +73 17 128 X +73 17 129 X +73 17 130 I +73 17 131 N +73 17 132 N +73 17 133 I +73 17 134 S +73 17 135 N +73 17 136 I +73 17 137 I +73 17 138 I +73 17 139 S +73 17 140 I +73 17 141 X +73 17 142 X +73 17 143 S +73 17 144 I +73 17 145 I +73 17 146 N +73 17 147 S +73 17 148 N +73 17 149 S +73 17 150 S +73 17 151 N +73 17 152 N +73 17 153 X +73 17 154 I +73 17 155 X +73 17 156 I +73 17 157 N +73 17 158 X +73 17 159 N +73 17 160 N +73 17 161 X +73 17 162 N +73 17 163 I +73 17 164 I +73 17 165 I +73 17 166 I +73 17 167 X +73 17 168 I +73 17 169 I +73 17 170 I +73 17 171 I +73 17 172 X +73 17 173 N +73 17 174 N +73 17 175 X +73 17 176 N +73 17 177 N +73 17 178 I +73 17 179 N +73 17 180 I +73 17 181 S +73 17 182 N +73 17 183 I +73 17 184 I +73 17 185 N +73 17 186 I +73 17 187 N +73 17 188 I +73 17 189 X +73 17 190 N +73 17 191 I +73 17 192 N +73 17 193 S +73 17 194 S +73 17 195 I +73 17 196 X +73 17 197 N +73 17 198 I +73 17 199 I +73 17 200 I +73 17 201 N +73 17 202 I +73 17 203 N +73 17 204 I +73 17 205 S +73 17 206 X +73 17 207 N +73 17 208 N +73 17 209 I +73 17 210 S +73 17 211 I +73 17 212 N +73 17 213 X +73 17 214 N +73 17 215 N +73 17 216 I +73 17 217 N +73 17 218 S +73 17 219 X +73 17 220 X +73 17 221 X +73 17 222 N +73 17 223 I +73 17 224 X +73 17 225 N +73 17 226 I +73 17 227 I +73 17 228 I +73 17 229 S +73 17 230 S +73 17 231 N +73 17 232 I +73 17 233 I +73 17 234 I +73 17 235 I +73 17 236 N +73 17 237 N +73 17 238 I +73 17 239 N +73 17 240 N +73 17 241 X +73 17 242 N +73 17 243 N +73 17 244 X +73 17 245 N +73 17 246 I +73 17 247 S +73 17 248 I +73 17 249 I +73 17 250 I +73 17 251 S +73 17 252 S +73 17 253 X +73 17 254 I +73 17 255 I +73 17 256 N +73 17 257 I +73 17 258 S +73 17 259 S +73 17 260 X +73 17 261 N +73 17 262 X +73 17 263 X +73 17 264 X +73 17 265 S +73 17 266 N +73 17 267 N +73 17 268 S +73 17 269 N +73 17 270 N +73 17 271 I +73 17 272 X +73 17 273 N +73 17 274 X +73 17 275 S +73 17 276 N +73 17 277 I +73 17 278 N +73 17 279 I +73 17 280 I +73 17 281 I +73 17 282 I +73 17 283 I +73 17 284 X +73 17 285 N +73 17 286 X +73 17 287 S +73 17 288 N +73 17 289 I +73 17 290 X +73 17 291 I +73 17 292 N +73 17 293 X +73 17 294 X +73 17 295 N +73 17 296 I +73 17 297 N +73 17 298 N +73 17 299 I +73 17 300 X +73 17 301 I +73 17 302 X +73 17 303 S +73 17 304 I +73 17 305 I +73 17 306 I +73 17 307 I +73 17 308 I +73 17 309 I +73 17 310 I +73 17 311 I +73 17 312 I +73 17 313 I +73 17 314 X +73 17 315 I +73 17 316 X +73 17 317 N +73 17 318 N +73 17 319 X +73 17 320 S +73 17 321 N +73 17 322 X +73 17 323 I +73 17 324 X +73 17 325 N +73 17 326 S +73 17 327 X +73 17 328 I +73 17 329 S +73 17 330 X +73 18 1 S +73 18 2 U +73 18 3 D +73 18 4 S +73 18 5 I +73 18 6 G +73 18 7 I +73 18 8 D +73 18 9 D +73 18 10 I +73 18 11 I +73 18 12 S +73 18 13 I +73 18 14 I +73 18 15 G +73 18 16 U +73 18 17 D +73 18 18 I +73 18 19 G +73 18 20 I +73 18 21 D +73 18 22 U +73 18 23 I +73 18 24 U +73 18 25 G +73 18 26 I +73 18 27 U +73 18 28 D +73 18 29 I +73 18 30 U +73 18 31 S +73 18 32 G +73 18 33 I +73 18 34 I +73 18 35 S +73 18 36 I +73 18 37 S +73 18 38 D +73 18 39 I +73 18 40 S +73 18 41 D +73 18 42 G +73 18 43 I +73 18 44 U +73 18 45 I +73 18 46 U +73 18 47 I +73 18 48 G +73 18 49 I +73 18 50 G +73 18 51 U +73 18 52 G +73 18 53 D +73 18 54 I +73 18 55 G +73 18 56 S +73 18 57 I +73 18 58 G +73 18 59 U +73 18 60 I +73 18 61 D +73 18 62 S +73 18 63 G +73 18 64 I +73 18 65 D +73 18 66 G +73 18 67 I +73 18 68 D +73 18 69 U +73 18 70 G +73 18 71 D +73 18 72 I +73 18 73 D +73 18 74 U +73 18 75 I +73 18 76 D +73 18 77 I +73 18 78 G +73 18 79 U +73 18 80 I +73 18 81 I +73 18 82 G +73 18 83 D +73 18 84 G +73 18 85 I +73 18 86 G +73 18 87 U +73 18 88 D +73 18 89 I +73 18 90 I +73 18 91 G +73 18 92 U +73 18 93 I +73 18 94 I +73 18 95 G +73 18 96 D +73 18 97 I +73 18 98 D +73 18 99 G +73 18 100 I +73 18 101 D +73 18 102 G +73 18 103 U +73 18 104 I +73 18 105 D +73 18 106 G +73 18 107 U +73 18 108 G +73 18 109 I +73 18 110 G +73 18 111 U +73 18 112 D +73 18 113 I +73 18 114 G +73 18 115 D +73 18 116 G +73 18 117 I +73 18 118 D +73 18 119 I +73 18 120 U +73 18 121 D +73 18 122 I +73 18 123 G +73 18 124 G +73 18 125 D +73 18 126 G +73 18 127 I +73 18 128 G +73 18 129 U +73 18 130 D +73 18 131 G +73 18 132 D +73 18 133 I +73 18 134 G +73 18 135 D +73 18 136 I +73 18 137 G +73 18 138 G +73 18 139 U +73 18 140 I +73 18 141 U +73 18 142 G +73 18 143 I +73 18 144 I +73 18 145 I +73 18 146 G +73 18 147 I +73 18 148 D +73 18 149 I +73 18 150 G +73 18 151 G +73 18 152 G +73 18 153 I +73 18 154 U +73 18 155 I +73 18 156 I +73 18 157 U +73 18 158 U +73 18 159 G +73 18 160 D +73 18 161 G +73 18 162 D +73 18 163 I +73 18 164 G +73 18 165 U +73 18 166 I +73 18 167 G +73 18 168 U +73 18 169 I +73 18 170 I +73 18 171 G +73 18 172 U +73 18 173 D +73 18 174 G +73 18 175 G +73 18 176 D +73 18 177 G +73 18 178 I +73 18 179 D +73 18 180 I +73 18 181 G +73 18 182 D +73 18 183 U +73 18 184 D +73 18 185 G +73 18 186 I +73 18 187 D +73 18 188 I +73 18 189 U +73 18 190 G +73 18 191 I +73 18 192 D +73 18 193 I +73 18 194 D +73 18 195 I +73 18 196 G +73 18 197 D +73 18 198 U +73 18 199 D +73 18 200 I +73 18 201 G +73 18 202 I +73 18 203 D +73 18 204 I +73 18 205 G +73 18 206 U +73 18 207 D +73 18 208 G +73 18 209 I +73 18 210 D +73 18 211 G +73 18 212 D +73 18 213 G +73 18 214 I +73 18 215 D +73 18 216 I +73 18 217 G +73 18 218 D +73 18 219 U +73 18 220 I +73 18 221 U +73 18 222 I +73 18 223 I +73 18 224 U +73 18 225 G +73 18 226 I +73 18 227 I +73 18 228 I +73 18 229 G +73 18 230 U +73 18 231 G +73 18 232 U +73 18 233 I +73 18 234 G +73 18 235 I +73 18 236 U +73 18 237 G +73 18 238 I +73 18 239 G +73 18 240 U +73 18 241 U +73 18 242 I +73 18 243 I +73 18 244 U +73 18 245 D +73 18 246 I +73 18 247 D +73 18 248 I +73 18 249 U +73 18 250 I +73 18 251 G +73 18 252 U +73 18 253 I +73 18 254 G +73 18 255 I +73 18 256 D +73 18 257 I +73 18 258 G +73 18 259 U +73 18 260 G +73 18 261 D +73 18 262 U +73 18 263 I +73 18 264 U +73 18 265 I +73 18 266 D +73 18 267 I +73 18 268 D +73 18 269 G +73 18 270 G +73 18 271 I +73 18 272 U +73 18 273 I +73 18 274 U +73 18 275 G +73 18 276 D +73 18 277 I +73 18 278 G +73 18 279 I +73 18 280 G +73 18 281 I +73 18 282 I +73 18 283 G +73 18 284 U +73 18 285 I +73 18 286 U +73 18 287 U +73 18 288 D +73 18 289 I +73 18 290 U +73 18 291 I +73 18 292 D +73 18 293 G +73 18 294 U +73 18 295 I +73 18 296 I +73 18 297 G +73 18 298 D +73 18 299 I +73 18 300 U +73 18 301 I +73 18 302 U +73 18 303 U +73 18 304 G +73 18 305 I +73 18 306 G +73 18 307 I +73 18 308 G +73 18 309 U +73 18 310 I +73 18 311 G +73 18 312 I +73 18 313 I +73 18 314 U +73 18 315 I +73 18 316 G +73 18 317 D +73 18 318 G +73 18 319 U +73 18 320 G +73 18 321 D +73 18 322 D +73 18 323 I +73 18 324 U +73 18 325 G +73 18 326 G +73 18 327 U +73 18 328 D +73 18 329 U +73 18 330 I +74 1 1 K +74 1 2 K +74 1 3 BI +74 1 4 BI +74 1 5 A +74 1 6 K +74 1 7 A +74 1 8 B +74 1 9 BI +74 1 10 A +74 1 11 BI +74 1 12 K +74 1 13 A +74 1 14 BI +74 1 15 K +74 1 16 K +74 1 17 B +74 1 18 BI +74 1 19 A +74 1 20 A +74 1 21 B +74 1 22 K +74 1 23 BI +74 1 24 BI +74 1 25 A +74 1 26 BI +74 1 27 K +74 1 28 B +74 1 29 A +74 1 30 B +74 1 31 K +74 1 32 B +74 1 33 A +74 1 34 BI +74 1 35 B +74 1 36 BI +74 1 37 BI +74 1 38 B +74 1 39 A +74 1 40 BI +74 1 41 B +74 1 42 K +74 1 43 BI +74 1 44 K +74 1 45 A +74 1 46 BI +74 1 47 A +74 1 48 B +74 1 49 A +74 1 50 BI +74 1 51 BI +74 1 52 K +74 1 53 B +74 1 54 A +74 1 55 A +74 1 56 B +74 1 57 A +74 1 58 BI +74 1 59 K +74 1 60 BI +74 1 61 B +74 1 62 A +74 1 63 B +74 1 64 A +74 1 65 B +74 1 66 K +74 1 67 A +74 1 68 B +74 1 69 BI +74 1 70 K +74 1 71 BI +74 1 72 A +74 1 73 BI +74 1 74 K +74 1 75 BI +74 1 76 B +74 1 77 A +74 1 78 BI +74 1 79 BI +74 1 80 A +74 1 81 BI +74 1 82 A +74 1 83 BI +74 1 84 B +74 1 85 A +74 1 86 B +74 1 87 BI +74 1 88 B +74 1 89 BI +74 1 90 A +74 1 91 K +74 1 92 K +74 1 93 A +74 1 94 BI +74 1 95 K +74 1 96 A +74 1 97 BI +74 1 98 B +74 1 99 K +74 1 100 A +74 1 101 B +74 1 102 K +74 1 103 BI +74 1 104 A +74 1 105 B +74 1 106 K +74 1 107 K +74 1 108 K +74 1 109 A +74 1 110 B +74 1 111 BI +74 1 112 B +74 1 113 BI +74 1 114 A +74 1 115 B +74 1 116 K +74 1 117 BI +74 1 118 B +74 1 119 A +74 1 120 K +74 1 121 B +74 1 122 A +74 1 123 A +74 1 124 K +74 1 125 B +74 1 126 B +74 1 127 BI +74 1 128 K +74 1 129 K +74 1 130 BI +74 1 131 B +74 1 132 B +74 1 133 A +74 1 134 BI +74 1 135 B +74 1 136 A +74 1 137 BI +74 1 138 K +74 1 139 K +74 1 140 A +74 1 141 K +74 1 142 K +74 1 143 A +74 1 144 BI +74 1 145 A +74 1 146 K +74 1 147 A +74 1 148 B +74 1 149 K +74 1 150 BI +74 1 151 B +74 1 152 K +74 1 153 A +74 1 154 BI +74 1 155 BI +74 1 156 A +74 1 157 BI +74 1 158 K +74 1 159 K +74 1 160 B +74 1 161 A +74 1 162 B +74 1 163 A +74 1 164 A +74 1 165 BI +74 1 166 A +74 1 167 K +74 1 168 A +74 1 169 A +74 1 170 A +74 1 171 BI +74 1 172 K +74 1 173 B +74 1 174 B +74 1 175 A +74 1 176 B +74 1 177 K +74 1 178 A +74 1 179 BI +74 1 180 A +74 1 181 B +74 1 182 B +74 1 183 BI +74 1 184 BI +74 1 185 B +74 1 186 A +74 1 187 B +74 1 188 A +74 1 189 A +74 1 190 B +74 1 191 A +74 1 192 BI +74 1 193 K +74 1 194 B +74 1 195 A +74 1 196 K +74 1 197 B +74 1 198 BI +74 1 199 K +74 1 200 A +74 1 201 B +74 1 202 A +74 1 203 B +74 1 204 BI +74 1 205 BI +74 1 206 K +74 1 207 B +74 1 208 B +74 1 209 A +74 1 210 BI +74 1 211 A +74 1 212 B +74 1 213 K +74 1 214 K +74 1 215 B +74 1 216 BI +74 1 217 B +74 1 218 BI +74 1 219 K +74 1 220 A +74 1 221 K +74 1 222 B +74 1 223 A +74 1 224 K +74 1 225 BI +74 1 226 A +74 1 227 BI +74 1 228 A +74 1 229 K +74 1 230 K +74 1 231 B +74 1 232 BI +74 1 233 K +74 1 234 A +74 1 235 A +74 1 236 BI +74 1 237 K +74 1 238 A +74 1 239 B +74 1 240 BI +74 1 241 K +74 1 242 K +74 1 243 B +74 1 244 K +74 1 245 B +74 1 246 A +74 1 247 BI +74 1 248 BI +74 1 249 A +74 1 250 B +74 1 251 K +74 1 252 K +74 1 253 A +74 1 254 A +74 1 255 BI +74 1 256 B +74 1 257 A +74 1 258 K +74 1 259 B +74 1 260 K +74 1 261 B +74 1 262 K +74 1 263 BI +74 1 264 K +74 1 265 A +74 1 266 B +74 1 267 B +74 1 268 A +74 1 269 B +74 1 270 B +74 1 271 A +74 1 272 K +74 1 273 B +74 1 274 K +74 1 275 BI +74 1 276 B +74 1 277 A +74 1 278 B +74 1 279 A +74 1 280 A +74 1 281 A +74 1 282 A +74 1 283 BI +74 1 284 K +74 1 285 K +74 1 286 K +74 1 287 BI +74 1 288 B +74 1 289 A +74 1 290 K +74 1 291 A +74 1 292 B +74 1 293 K +74 1 294 K +74 1 295 BI +74 1 296 BI +74 1 297 B +74 1 298 B +74 1 299 A +74 1 300 K +74 1 301 A +74 1 302 K +74 1 303 K +74 1 304 BI +74 1 305 B +74 1 306 K +74 1 307 A +74 1 308 BI +74 1 309 BI +74 1 310 A +74 1 311 A +74 1 312 BI +74 1 313 A +74 1 314 K +74 1 315 A +74 1 316 A +74 1 317 B +74 1 318 B +74 1 319 K +74 1 320 BI +74 1 321 B +74 1 322 A +74 1 323 A +74 1 324 K +74 1 325 B +74 1 326 B +74 1 327 K +74 1 328 A +74 1 329 BI +74 1 330 K +74 2 1 A +74 2 2 A +74 2 3 B +74 2 4 BI +74 2 5 A +74 2 6 K +74 2 7 A +74 2 8 B +74 2 9 BI +74 2 10 BI +74 2 11 A +74 2 12 B +74 2 13 A +74 2 14 BI +74 2 15 B +74 2 16 K +74 2 17 B +74 2 18 BI +74 2 19 A +74 2 20 A +74 2 21 B +74 2 22 K +74 2 23 B +74 2 24 BI +74 2 25 BI +74 2 26 A +74 2 27 K +74 2 28 B +74 2 29 A +74 2 30 B +74 2 31 A +74 2 32 B +74 2 33 A +74 2 34 A +74 2 35 B +74 2 36 BI +74 2 37 K +74 2 38 B +74 2 39 A +74 2 40 A +74 2 41 B +74 2 42 K +74 2 43 BI +74 2 44 K +74 2 45 A +74 2 46 BI +74 2 47 BI +74 2 48 B +74 2 49 A +74 2 50 B +74 2 51 BI +74 2 52 K +74 2 53 B +74 2 54 A +74 2 55 A +74 2 56 B +74 2 57 BI +74 2 58 K +74 2 59 K +74 2 60 BI +74 2 61 B +74 2 62 K +74 2 63 B +74 2 64 A +74 2 65 B +74 2 66 K +74 2 67 A +74 2 68 B +74 2 69 K +74 2 70 K +74 2 71 B +74 2 72 A +74 2 73 BI +74 2 74 K +74 2 75 BI +74 2 76 B +74 2 77 A +74 2 78 K +74 2 79 BI +74 2 80 A +74 2 81 A +74 2 82 A +74 2 83 K +74 2 84 B +74 2 85 A +74 2 86 B +74 2 87 BI +74 2 88 B +74 2 89 BI +74 2 90 A +74 2 91 A +74 2 92 K +74 2 93 A +74 2 94 BI +74 2 95 K +74 2 96 B +74 2 97 BI +74 2 98 B +74 2 99 K +74 2 100 A +74 2 101 B +74 2 102 K +74 2 103 BI +74 2 104 B +74 2 105 B +74 2 106 K +74 2 107 K +74 2 108 K +74 2 109 BI +74 2 110 B +74 2 111 BI +74 2 112 B +74 2 113 BI +74 2 114 A +74 2 115 B +74 2 116 K +74 2 117 BI +74 2 118 B +74 2 119 A +74 2 120 K +74 2 121 B +74 2 122 A +74 2 123 BI +74 2 124 K +74 2 125 B +74 2 126 B +74 2 127 BI +74 2 128 K +74 2 129 K +74 2 130 BI +74 2 131 B +74 2 132 A +74 2 133 A +74 2 134 BI +74 2 135 B +74 2 136 A +74 2 137 A +74 2 138 K +74 2 139 K +74 2 140 B +74 2 141 K +74 2 142 K +74 2 143 A +74 2 144 BI +74 2 145 A +74 2 146 B +74 2 147 A +74 2 148 B +74 2 149 A +74 2 150 BI +74 2 151 B +74 2 152 B +74 2 153 A +74 2 154 BI +74 2 155 BI +74 2 156 A +74 2 157 BI +74 2 158 K +74 2 159 B +74 2 160 B +74 2 161 A +74 2 162 B +74 2 163 A +74 2 164 A +74 2 165 BI +74 2 166 BI +74 2 167 K +74 2 168 A +74 2 169 A +74 2 170 A +74 2 171 A +74 2 172 K +74 2 173 B +74 2 174 B +74 2 175 K +74 2 176 B +74 2 177 K +74 2 178 A +74 2 179 B +74 2 180 A +74 2 181 B +74 2 182 B +74 2 183 BI +74 2 184 BI +74 2 185 B +74 2 186 A +74 2 187 B +74 2 188 A +74 2 189 K +74 2 190 B +74 2 191 A +74 2 192 BI +74 2 193 A +74 2 194 B +74 2 195 A +74 2 196 A +74 2 197 BI +74 2 198 BI +74 2 199 K +74 2 200 A +74 2 201 B +74 2 202 A +74 2 203 B +74 2 204 BI +74 2 205 BI +74 2 206 K +74 2 207 B +74 2 208 B +74 2 209 A +74 2 210 BI +74 2 211 A +74 2 212 B +74 2 213 K +74 2 214 B +74 2 215 B +74 2 216 BI +74 2 217 K +74 2 218 A +74 2 219 K +74 2 220 BI +74 2 221 K +74 2 222 BI +74 2 223 A +74 2 224 K +74 2 225 BI +74 2 226 A +74 2 227 BI +74 2 228 A +74 2 229 A +74 2 230 K +74 2 231 B +74 2 232 BI +74 2 233 K +74 2 234 A +74 2 235 A +74 2 236 A +74 2 237 B +74 2 238 A +74 2 239 K +74 2 240 B +74 2 241 K +74 2 242 K +74 2 243 B +74 2 244 K +74 2 245 K +74 2 246 B +74 2 247 BI +74 2 248 BI +74 2 249 A +74 2 250 BI +74 2 251 K +74 2 252 K +74 2 253 A +74 2 254 K +74 2 255 BI +74 2 256 B +74 2 257 BI +74 2 258 B +74 2 259 B +74 2 260 K +74 2 261 B +74 2 262 K +74 2 263 K +74 2 264 K +74 2 265 A +74 2 266 B +74 2 267 B +74 2 268 K +74 2 269 B +74 2 270 B +74 2 271 A +74 2 272 K +74 2 273 B +74 2 274 K +74 2 275 K +74 2 276 B +74 2 277 A +74 2 278 B +74 2 279 A +74 2 280 A +74 2 281 A +74 2 282 A +74 2 283 BI +74 2 284 K +74 2 285 B +74 2 286 K +74 2 287 K +74 2 288 B +74 2 289 A +74 2 290 K +74 2 291 A +74 2 292 B +74 2 293 K +74 2 294 K +74 2 295 BI +74 2 296 A +74 2 297 B +74 2 298 B +74 2 299 A +74 2 300 K +74 2 301 A +74 2 302 K +74 2 303 K +74 2 304 A +74 2 305 BI +74 2 306 A +74 2 307 A +74 2 308 K +74 2 309 BI +74 2 310 A +74 2 311 A +74 2 312 BI +74 2 313 BI +74 2 314 K +74 2 315 A +74 2 316 A +74 2 317 B +74 2 318 B +74 2 319 K +74 2 320 A +74 2 321 B +74 2 322 A +74 2 323 A +74 2 324 K +74 2 325 B +74 2 326 B +74 2 327 K +74 2 328 A +74 2 329 B +74 2 330 K +74 3 1 A +74 3 2 A +74 3 3 B +74 3 4 BI +74 3 5 A +74 3 6 K +74 3 7 A +74 3 8 B +74 3 9 K +74 3 10 A +74 3 11 BI +74 3 12 K +74 3 13 A +74 3 14 BI +74 3 15 K +74 3 16 K +74 3 17 B +74 3 18 BI +74 3 19 A +74 3 20 A +74 3 21 B +74 3 22 K +74 3 23 BI +74 3 24 A +74 3 25 A +74 3 26 A +74 3 27 K +74 3 28 B +74 3 29 A +74 3 30 B +74 3 31 K +74 3 32 B +74 3 33 A +74 3 34 A +74 3 35 B +74 3 36 A +74 3 37 A +74 3 38 B +74 3 39 A +74 3 40 A +74 3 41 B +74 3 42 B +74 3 43 BI +74 3 44 K +74 3 45 A +74 3 46 BI +74 3 47 A +74 3 48 A +74 3 49 B +74 3 50 B +74 3 51 K +74 3 52 K +74 3 53 B +74 3 54 A +74 3 55 K +74 3 56 B +74 3 57 A +74 3 58 BI +74 3 59 K +74 3 60 BI +74 3 61 B +74 3 62 BI +74 3 63 B +74 3 64 A +74 3 65 B +74 3 66 K +74 3 67 A +74 3 68 B +74 3 69 A +74 3 70 K +74 3 71 B +74 3 72 A +74 3 73 B +74 3 74 K +74 3 75 A +74 3 76 B +74 3 77 A +74 3 78 K +74 3 79 BI +74 3 80 A +74 3 81 A +74 3 82 A +74 3 83 K +74 3 84 K +74 3 85 A +74 3 86 B +74 3 87 BI +74 3 88 B +74 3 89 BI +74 3 90 A +74 3 91 K +74 3 92 K +74 3 93 A +74 3 94 BI +74 3 95 K +74 3 96 B +74 3 97 A +74 3 98 B +74 3 99 K +74 3 100 A +74 3 101 B +74 3 102 K +74 3 103 BI +74 3 104 K +74 3 105 B +74 3 106 K +74 3 107 K +74 3 108 K +74 3 109 BI +74 3 110 B +74 3 111 BI +74 3 112 B +74 3 113 BI +74 3 114 A +74 3 115 B +74 3 116 K +74 3 117 BI +74 3 118 B +74 3 119 A +74 3 120 K +74 3 121 B +74 3 122 A +74 3 123 A +74 3 124 K +74 3 125 B +74 3 126 B +74 3 127 BI +74 3 128 K +74 3 129 K +74 3 130 BI +74 3 131 B +74 3 132 B +74 3 133 A +74 3 134 BI +74 3 135 B +74 3 136 A +74 3 137 A +74 3 138 A +74 3 139 K +74 3 140 A +74 3 141 K +74 3 142 K +74 3 143 A +74 3 144 BI +74 3 145 A +74 3 146 K +74 3 147 A +74 3 148 B +74 3 149 A +74 3 150 BI +74 3 151 B +74 3 152 K +74 3 153 A +74 3 154 BI +74 3 155 A +74 3 156 A +74 3 157 BI +74 3 158 K +74 3 159 K +74 3 160 B +74 3 161 A +74 3 162 B +74 3 163 A +74 3 164 A +74 3 165 BI +74 3 166 A +74 3 167 K +74 3 168 A +74 3 169 A +74 3 170 BI +74 3 171 A +74 3 172 K +74 3 173 B +74 3 174 K +74 3 175 A +74 3 176 B +74 3 177 K +74 3 178 A +74 3 179 BI +74 3 180 A +74 3 181 K +74 3 182 B +74 3 183 BI +74 3 184 A +74 3 185 K +74 3 186 A +74 3 187 B +74 3 188 A +74 3 189 K +74 3 190 B +74 3 191 A +74 3 192 BI +74 3 193 K +74 3 194 BI +74 3 195 A +74 3 196 A +74 3 197 K +74 3 198 BI +74 3 199 K +74 3 200 A +74 3 201 B +74 3 202 A +74 3 203 B +74 3 204 BI +74 3 205 BI +74 3 206 K +74 3 207 B +74 3 208 BI +74 3 209 A +74 3 210 BI +74 3 211 A +74 3 212 B +74 3 213 BI +74 3 214 A +74 3 215 B +74 3 216 BI +74 3 217 B +74 3 218 K +74 3 219 K +74 3 220 A +74 3 221 K +74 3 222 A +74 3 223 A +74 3 224 K +74 3 225 A +74 3 226 BI +74 3 227 BI +74 3 228 BI +74 3 229 A +74 3 230 K +74 3 231 B +74 3 232 A +74 3 233 K +74 3 234 A +74 3 235 A +74 3 236 A +74 3 237 B +74 3 238 A +74 3 239 B +74 3 240 BI +74 3 241 K +74 3 242 K +74 3 243 B +74 3 244 K +74 3 245 B +74 3 246 A +74 3 247 BI +74 3 248 A +74 3 249 A +74 3 250 A +74 3 251 A +74 3 252 K +74 3 253 A +74 3 254 BI +74 3 255 BI +74 3 256 B +74 3 257 BI +74 3 258 B +74 3 259 B +74 3 260 K +74 3 261 B +74 3 262 K +74 3 263 K +74 3 264 A +74 3 265 A +74 3 266 B +74 3 267 A +74 3 268 A +74 3 269 B +74 3 270 K +74 3 271 A +74 3 272 K +74 3 273 B +74 3 274 K +74 3 275 A +74 3 276 B +74 3 277 A +74 3 278 B +74 3 279 A +74 3 280 A +74 3 281 A +74 3 282 A +74 3 283 BI +74 3 284 K +74 3 285 B +74 3 286 K +74 3 287 BI +74 3 288 B +74 3 289 A +74 3 290 K +74 3 291 A +74 3 292 B +74 3 293 K +74 3 294 K +74 3 295 K +74 3 296 B +74 3 297 K +74 3 298 B +74 3 299 A +74 3 300 BI +74 3 301 A +74 3 302 K +74 3 303 K +74 3 304 A +74 3 305 B +74 3 306 A +74 3 307 A +74 3 308 A +74 3 309 BI +74 3 310 A +74 3 311 A +74 3 312 BI +74 3 313 A +74 3 314 K +74 3 315 A +74 3 316 A +74 3 317 B +74 3 318 K +74 3 319 K +74 3 320 A +74 3 321 B +74 3 322 A +74 3 323 A +74 3 324 K +74 3 325 B +74 3 326 B +74 3 327 K +74 3 328 A +74 3 329 B +74 3 330 K +74 4 1 A +74 4 2 K +74 4 3 B +74 4 4 B +74 4 5 A +74 4 6 K +74 4 7 A +74 4 8 B +74 4 9 B +74 4 10 A +74 4 11 BI +74 4 12 K +74 4 13 BI +74 4 14 BI +74 4 15 K +74 4 16 K +74 4 17 B +74 4 18 BI +74 4 19 A +74 4 20 A +74 4 21 B +74 4 22 K +74 4 23 K +74 4 24 BI +74 4 25 A +74 4 26 A +74 4 27 K +74 4 28 B +74 4 29 A +74 4 30 B +74 4 31 K +74 4 32 B +74 4 33 A +74 4 34 A +74 4 35 B +74 4 36 A +74 4 37 K +74 4 38 B +74 4 39 A +74 4 40 K +74 4 41 B +74 4 42 K +74 4 43 BI +74 4 44 K +74 4 45 A +74 4 46 BI +74 4 47 BI +74 4 48 A +74 4 49 K +74 4 50 B +74 4 51 BI +74 4 52 K +74 4 53 B +74 4 54 A +74 4 55 A +74 4 56 K +74 4 57 A +74 4 58 K +74 4 59 K +74 4 60 BI +74 4 61 B +74 4 62 K +74 4 63 B +74 4 64 A +74 4 65 B +74 4 66 K +74 4 67 A +74 4 68 B +74 4 69 BI +74 4 70 K +74 4 71 B +74 4 72 A +74 4 73 B +74 4 74 K +74 4 75 BI +74 4 76 B +74 4 77 A +74 4 78 K +74 4 79 BI +74 4 80 A +74 4 81 A +74 4 82 A +74 4 83 K +74 4 84 B +74 4 85 A +74 4 86 B +74 4 87 BI +74 4 88 B +74 4 89 BI +74 4 90 BI +74 4 91 B +74 4 92 K +74 4 93 A +74 4 94 BI +74 4 95 K +74 4 96 B +74 4 97 A +74 4 98 B +74 4 99 K +74 4 100 K +74 4 101 B +74 4 102 K +74 4 103 BI +74 4 104 K +74 4 105 B +74 4 106 K +74 4 107 K +74 4 108 K +74 4 109 A +74 4 110 B +74 4 111 BI +74 4 112 B +74 4 113 BI +74 4 114 BI +74 4 115 B +74 4 116 K +74 4 117 BI +74 4 118 B +74 4 119 A +74 4 120 K +74 4 121 B +74 4 122 A +74 4 123 A +74 4 124 K +74 4 125 B +74 4 126 B +74 4 127 BI +74 4 128 K +74 4 129 K +74 4 130 BI +74 4 131 B +74 4 132 B +74 4 133 A +74 4 134 B +74 4 135 B +74 4 136 A +74 4 137 BI +74 4 138 K +74 4 139 K +74 4 140 A +74 4 141 K +74 4 142 K +74 4 143 A +74 4 144 B +74 4 145 A +74 4 146 B +74 4 147 A +74 4 148 B +74 4 149 A +74 4 150 B +74 4 151 B +74 4 152 K +74 4 153 A +74 4 154 BI +74 4 155 BI +74 4 156 A +74 4 157 BI +74 4 158 K +74 4 159 K +74 4 160 B +74 4 161 A +74 4 162 B +74 4 163 A +74 4 164 A +74 4 165 BI +74 4 166 A +74 4 167 K +74 4 168 BI +74 4 169 A +74 4 170 A +74 4 171 BI +74 4 172 K +74 4 173 B +74 4 174 B +74 4 175 K +74 4 176 B +74 4 177 K +74 4 178 A +74 4 179 B +74 4 180 A +74 4 181 B +74 4 182 B +74 4 183 BI +74 4 184 B +74 4 185 B +74 4 186 K +74 4 187 B +74 4 188 A +74 4 189 K +74 4 190 K +74 4 191 A +74 4 192 K +74 4 193 K +74 4 194 B +74 4 195 A +74 4 196 K +74 4 197 K +74 4 198 BI +74 4 199 K +74 4 200 K +74 4 201 B +74 4 202 A +74 4 203 B +74 4 204 BI +74 4 205 K +74 4 206 K +74 4 207 B +74 4 208 BI +74 4 209 BI +74 4 210 BI +74 4 211 A +74 4 212 B +74 4 213 K +74 4 214 K +74 4 215 K +74 4 216 BI +74 4 217 B +74 4 218 B +74 4 219 K +74 4 220 A +74 4 221 K +74 4 222 B +74 4 223 A +74 4 224 K +74 4 225 BI +74 4 226 A +74 4 227 BI +74 4 228 A +74 4 229 K +74 4 230 K +74 4 231 B +74 4 232 K +74 4 233 K +74 4 234 A +74 4 235 A +74 4 236 K +74 4 237 K +74 4 238 A +74 4 239 B +74 4 240 B +74 4 241 K +74 4 242 K +74 4 243 B +74 4 244 K +74 4 245 B +74 4 246 A +74 4 247 A +74 4 248 BI +74 4 249 BI +74 4 250 B +74 4 251 K +74 4 252 K +74 4 253 A +74 4 254 K +74 4 255 BI +74 4 256 B +74 4 257 A +74 4 258 K +74 4 259 B +74 4 260 K +74 4 261 B +74 4 262 K +74 4 263 BI +74 4 264 K +74 4 265 A +74 4 266 B +74 4 267 B +74 4 268 A +74 4 269 B +74 4 270 B +74 4 271 BI +74 4 272 K +74 4 273 K +74 4 274 K +74 4 275 B +74 4 276 B +74 4 277 A +74 4 278 B +74 4 279 A +74 4 280 A +74 4 281 A +74 4 282 A +74 4 283 BI +74 4 284 K +74 4 285 B +74 4 286 K +74 4 287 BI +74 4 288 B +74 4 289 A +74 4 290 K +74 4 291 K +74 4 292 K +74 4 293 K +74 4 294 K +74 4 295 BI +74 4 296 B +74 4 297 B +74 4 298 B +74 4 299 A +74 4 300 K +74 4 301 A +74 4 302 K +74 4 303 K +74 4 304 BI +74 4 305 B +74 4 306 K +74 4 307 A +74 4 308 B +74 4 309 BI +74 4 310 A +74 4 311 A +74 4 312 BI +74 4 313 B +74 4 314 K +74 4 315 A +74 4 316 A +74 4 317 B +74 4 318 B +74 4 319 K +74 4 320 A +74 4 321 B +74 4 322 K +74 4 323 A +74 4 324 K +74 4 325 B +74 4 326 K +74 4 327 K +74 4 328 BI +74 4 329 B +74 4 330 K +74 5 1 A +74 5 2 K +74 5 3 B +74 5 4 BI +74 5 5 K +74 5 6 K +74 5 7 A +74 5 8 B +74 5 9 BI +74 5 10 BI +74 5 11 BI +74 5 12 B +74 5 13 BI +74 5 14 BI +74 5 15 K +74 5 16 K +74 5 17 B +74 5 18 BI +74 5 19 A +74 5 20 A +74 5 21 B +74 5 22 K +74 5 23 B +74 5 24 BI +74 5 25 A +74 5 26 BI +74 5 27 K +74 5 28 B +74 5 29 A +74 5 30 B +74 5 31 K +74 5 32 B +74 5 33 A +74 5 34 BI +74 5 35 B +74 5 36 BI +74 5 37 BI +74 5 38 B +74 5 39 A +74 5 40 A +74 5 41 B +74 5 42 K +74 5 43 BI +74 5 44 K +74 5 45 A +74 5 46 BI +74 5 47 BI +74 5 48 A +74 5 49 A +74 5 50 BI +74 5 51 BI +74 5 52 K +74 5 53 B +74 5 54 A +74 5 55 A +74 5 56 B +74 5 57 A +74 5 58 BI +74 5 59 K +74 5 60 BI +74 5 61 B +74 5 62 K +74 5 63 B +74 5 64 A +74 5 65 B +74 5 66 K +74 5 67 A +74 5 68 B +74 5 69 BI +74 5 70 K +74 5 71 B +74 5 72 A +74 5 73 B +74 5 74 K +74 5 75 BI +74 5 76 B +74 5 77 A +74 5 78 B +74 5 79 BI +74 5 80 A +74 5 81 A +74 5 82 A +74 5 83 K +74 5 84 B +74 5 85 A +74 5 86 B +74 5 87 BI +74 5 88 B +74 5 89 BI +74 5 90 BI +74 5 91 A +74 5 92 K +74 5 93 A +74 5 94 BI +74 5 95 K +74 5 96 B +74 5 97 BI +74 5 98 B +74 5 99 K +74 5 100 K +74 5 101 B +74 5 102 K +74 5 103 BI +74 5 104 K +74 5 105 B +74 5 106 K +74 5 107 K +74 5 108 K +74 5 109 BI +74 5 110 B +74 5 111 BI +74 5 112 B +74 5 113 BI +74 5 114 A +74 5 115 B +74 5 116 K +74 5 117 BI +74 5 118 B +74 5 119 A +74 5 120 K +74 5 121 B +74 5 122 A +74 5 123 A +74 5 124 A +74 5 125 B +74 5 126 B +74 5 127 BI +74 5 128 K +74 5 129 K +74 5 130 BI +74 5 131 B +74 5 132 B +74 5 133 A +74 5 134 BI +74 5 135 B +74 5 136 A +74 5 137 A +74 5 138 A +74 5 139 K +74 5 140 BI +74 5 141 K +74 5 142 K +74 5 143 A +74 5 144 BI +74 5 145 A +74 5 146 K +74 5 147 A +74 5 148 B +74 5 149 A +74 5 150 BI +74 5 151 B +74 5 152 B +74 5 153 A +74 5 154 BI +74 5 155 BI +74 5 156 A +74 5 157 BI +74 5 158 K +74 5 159 B +74 5 160 B +74 5 161 A +74 5 162 B +74 5 163 A +74 5 164 A +74 5 165 BI +74 5 166 BI +74 5 167 K +74 5 168 A +74 5 169 A +74 5 170 BI +74 5 171 A +74 5 172 K +74 5 173 B +74 5 174 A +74 5 175 K +74 5 176 B +74 5 177 K +74 5 178 A +74 5 179 BI +74 5 180 A +74 5 181 BI +74 5 182 B +74 5 183 BI +74 5 184 B +74 5 185 B +74 5 186 A +74 5 187 A +74 5 188 A +74 5 189 K +74 5 190 B +74 5 191 A +74 5 192 BI +74 5 193 A +74 5 194 BI +74 5 195 A +74 5 196 K +74 5 197 B +74 5 198 BI +74 5 199 K +74 5 200 A +74 5 201 B +74 5 202 A +74 5 203 B +74 5 204 BI +74 5 205 BI +74 5 206 K +74 5 207 B +74 5 208 BI +74 5 209 A +74 5 210 BI +74 5 211 A +74 5 212 B +74 5 213 K +74 5 214 A +74 5 215 B +74 5 216 BI +74 5 217 B +74 5 218 A +74 5 219 K +74 5 220 BI +74 5 221 K +74 5 222 BI +74 5 223 A +74 5 224 K +74 5 225 A +74 5 226 BI +74 5 227 BI +74 5 228 A +74 5 229 K +74 5 230 K +74 5 231 B +74 5 232 BI +74 5 233 K +74 5 234 A +74 5 235 A +74 5 236 A +74 5 237 K +74 5 238 A +74 5 239 B +74 5 240 BI +74 5 241 K +74 5 242 K +74 5 243 B +74 5 244 K +74 5 245 B +74 5 246 A +74 5 247 BI +74 5 248 BI +74 5 249 A +74 5 250 BI +74 5 251 K +74 5 252 K +74 5 253 A +74 5 254 K +74 5 255 BI +74 5 256 B +74 5 257 A +74 5 258 A +74 5 259 B +74 5 260 K +74 5 261 B +74 5 262 K +74 5 263 BI +74 5 264 K +74 5 265 A +74 5 266 B +74 5 267 B +74 5 268 A +74 5 269 B +74 5 270 B +74 5 271 A +74 5 272 K +74 5 273 K +74 5 274 K +74 5 275 A +74 5 276 B +74 5 277 A +74 5 278 B +74 5 279 A +74 5 280 A +74 5 281 A +74 5 282 A +74 5 283 BI +74 5 284 K +74 5 285 B +74 5 286 K +74 5 287 BI +74 5 288 B +74 5 289 A +74 5 290 K +74 5 291 A +74 5 292 B +74 5 293 K +74 5 294 K +74 5 295 BI +74 5 296 BI +74 5 297 B +74 5 298 B +74 5 299 A +74 5 300 BI +74 5 301 A +74 5 302 K +74 5 303 K +74 5 304 A +74 5 305 BI +74 5 306 A +74 5 307 A +74 5 308 K +74 5 309 BI +74 5 310 A +74 5 311 BI +74 5 312 BI +74 5 313 BI +74 5 314 K +74 5 315 A +74 5 316 A +74 5 317 B +74 5 318 B +74 5 319 K +74 5 320 A +74 5 321 B +74 5 322 K +74 5 323 A +74 5 324 K +74 5 325 B +74 5 326 A +74 5 327 K +74 5 328 A +74 5 329 BI +74 5 330 K +74 6 1 A +74 6 2 K +74 6 3 B +74 6 4 B +74 6 5 K +74 6 6 K +74 6 7 A +74 6 8 B +74 6 9 K +74 6 10 A +74 6 11 BI +74 6 12 B +74 6 13 A +74 6 14 BI +74 6 15 B +74 6 16 K +74 6 17 B +74 6 18 BI +74 6 19 A +74 6 20 A +74 6 21 B +74 6 22 K +74 6 23 B +74 6 24 BI +74 6 25 A +74 6 26 A +74 6 27 K +74 6 28 B +74 6 29 A +74 6 30 B +74 6 31 K +74 6 32 B +74 6 33 A +74 6 34 A +74 6 35 B +74 6 36 BI +74 6 37 K +74 6 38 B +74 6 39 A +74 6 40 A +74 6 41 B +74 6 42 K +74 6 43 A +74 6 44 K +74 6 45 A +74 6 46 BI +74 6 47 BI +74 6 48 B +74 6 49 A +74 6 50 A +74 6 51 BI +74 6 52 K +74 6 53 B +74 6 54 A +74 6 55 A +74 6 56 B +74 6 57 A +74 6 58 BI +74 6 59 K +74 6 60 A +74 6 61 B +74 6 62 K +74 6 63 B +74 6 64 A +74 6 65 B +74 6 66 K +74 6 67 A +74 6 68 B +74 6 69 A +74 6 70 K +74 6 71 B +74 6 72 A +74 6 73 B +74 6 74 K +74 6 75 BI +74 6 76 K +74 6 77 A +74 6 78 K +74 6 79 BI +74 6 80 A +74 6 81 K +74 6 82 A +74 6 83 K +74 6 84 K +74 6 85 A +74 6 86 B +74 6 87 BI +74 6 88 B +74 6 89 BI +74 6 90 BI +74 6 91 K +74 6 92 K +74 6 93 A +74 6 94 BI +74 6 95 K +74 6 96 B +74 6 97 A +74 6 98 B +74 6 99 K +74 6 100 K +74 6 101 B +74 6 102 K +74 6 103 BI +74 6 104 A +74 6 105 B +74 6 106 K +74 6 107 K +74 6 108 K +74 6 109 A +74 6 110 B +74 6 111 BI +74 6 112 B +74 6 113 BI +74 6 114 A +74 6 115 B +74 6 116 K +74 6 117 BI +74 6 118 B +74 6 119 A +74 6 120 K +74 6 121 B +74 6 122 A +74 6 123 BI +74 6 124 K +74 6 125 B +74 6 126 B +74 6 127 BI +74 6 128 K +74 6 129 K +74 6 130 BI +74 6 131 B +74 6 132 B +74 6 133 A +74 6 134 BI +74 6 135 B +74 6 136 A +74 6 137 BI +74 6 138 K +74 6 139 K +74 6 140 A +74 6 141 K +74 6 142 K +74 6 143 A +74 6 144 A +74 6 145 K +74 6 146 K +74 6 147 A +74 6 148 B +74 6 149 A +74 6 150 A +74 6 151 B +74 6 152 K +74 6 153 A +74 6 154 BI +74 6 155 BI +74 6 156 A +74 6 157 BI +74 6 158 K +74 6 159 K +74 6 160 B +74 6 161 A +74 6 162 B +74 6 163 A +74 6 164 A +74 6 165 BI +74 6 166 A +74 6 167 K +74 6 168 A +74 6 169 A +74 6 170 BI +74 6 171 BI +74 6 172 K +74 6 173 B +74 6 174 K +74 6 175 K +74 6 176 B +74 6 177 K +74 6 178 A +74 6 179 BI +74 6 180 A +74 6 181 K +74 6 182 B +74 6 183 BI +74 6 184 BI +74 6 185 K +74 6 186 K +74 6 187 B +74 6 188 A +74 6 189 K +74 6 190 K +74 6 191 A +74 6 192 K +74 6 193 K +74 6 194 B +74 6 195 A +74 6 196 K +74 6 197 K +74 6 198 BI +74 6 199 K +74 6 200 A +74 6 201 K +74 6 202 A +74 6 203 B +74 6 204 BI +74 6 205 K +74 6 206 K +74 6 207 B +74 6 208 K +74 6 209 A +74 6 210 B +74 6 211 A +74 6 212 K +74 6 213 K +74 6 214 K +74 6 215 K +74 6 216 BI +74 6 217 K +74 6 218 K +74 6 219 K +74 6 220 A +74 6 221 K +74 6 222 B +74 6 223 A +74 6 224 K +74 6 225 K +74 6 226 A +74 6 227 BI +74 6 228 A +74 6 229 K +74 6 230 K +74 6 231 B +74 6 232 BI +74 6 233 K +74 6 234 A +74 6 235 A +74 6 236 BI +74 6 237 K +74 6 238 A +74 6 239 B +74 6 240 BI +74 6 241 K +74 6 242 K +74 6 243 B +74 6 244 K +74 6 245 B +74 6 246 A +74 6 247 K +74 6 248 BI +74 6 249 A +74 6 250 B +74 6 251 K +74 6 252 K +74 6 253 A +74 6 254 K +74 6 255 BI +74 6 256 B +74 6 257 A +74 6 258 K +74 6 259 B +74 6 260 K +74 6 261 K +74 6 262 K +74 6 263 BI +74 6 264 BI +74 6 265 A +74 6 266 B +74 6 267 B +74 6 268 A +74 6 269 B +74 6 270 K +74 6 271 A +74 6 272 K +74 6 273 B +74 6 274 K +74 6 275 BI +74 6 276 B +74 6 277 A +74 6 278 B +74 6 279 A +74 6 280 A +74 6 281 A +74 6 282 A +74 6 283 BI +74 6 284 K +74 6 285 K +74 6 286 K +74 6 287 BI +74 6 288 B +74 6 289 A +74 6 290 K +74 6 291 A +74 6 292 K +74 6 293 K +74 6 294 K +74 6 295 BI +74 6 296 A +74 6 297 B +74 6 298 B +74 6 299 A +74 6 300 BI +74 6 301 A +74 6 302 K +74 6 303 K +74 6 304 A +74 6 305 B +74 6 306 K +74 6 307 A +74 6 308 K +74 6 309 BI +74 6 310 A +74 6 311 A +74 6 312 BI +74 6 313 A +74 6 314 K +74 6 315 K +74 6 316 A +74 6 317 B +74 6 318 B +74 6 319 K +74 6 320 A +74 6 321 B +74 6 322 A +74 6 323 A +74 6 324 K +74 6 325 B +74 6 326 BI +74 6 327 K +74 6 328 A +74 6 329 BI +74 6 330 K +74 7 1 A +74 7 2 K +74 7 3 B +74 7 4 B +74 7 5 K +74 7 6 K +74 7 7 A +74 7 8 B +74 7 9 BI +74 7 10 A +74 7 11 BI +74 7 12 K +74 7 13 BI +74 7 14 A +74 7 15 K +74 7 16 K +74 7 17 B +74 7 18 BI +74 7 19 A +74 7 20 A +74 7 21 B +74 7 22 K +74 7 23 B +74 7 24 BI +74 7 25 A +74 7 26 A +74 7 27 K +74 7 28 B +74 7 29 A +74 7 30 K +74 7 31 K +74 7 32 B +74 7 33 K +74 7 34 A +74 7 35 B +74 7 36 BI +74 7 37 K +74 7 38 B +74 7 39 A +74 7 40 A +74 7 41 B +74 7 42 K +74 7 43 BI +74 7 44 K +74 7 45 A +74 7 46 BI +74 7 47 BI +74 7 48 K +74 7 49 A +74 7 50 BI +74 7 51 K +74 7 52 K +74 7 53 B +74 7 54 A +74 7 55 A +74 7 56 K +74 7 57 BI +74 7 58 K +74 7 59 K +74 7 60 BI +74 7 61 B +74 7 62 K +74 7 63 B +74 7 64 A +74 7 65 B +74 7 66 K +74 7 67 A +74 7 68 B +74 7 69 BI +74 7 70 K +74 7 71 BI +74 7 72 A +74 7 73 B +74 7 74 K +74 7 75 A +74 7 76 B +74 7 77 A +74 7 78 K +74 7 79 BI +74 7 80 A +74 7 81 K +74 7 82 A +74 7 83 K +74 7 84 B +74 7 85 A +74 7 86 B +74 7 87 BI +74 7 88 B +74 7 89 BI +74 7 90 BI +74 7 91 K +74 7 92 K +74 7 93 A +74 7 94 BI +74 7 95 K +74 7 96 B +74 7 97 A +74 7 98 B +74 7 99 K +74 7 100 A +74 7 101 B +74 7 102 K +74 7 103 A +74 7 104 K +74 7 105 B +74 7 106 K +74 7 107 K +74 7 108 K +74 7 109 BI +74 7 110 K +74 7 111 BI +74 7 112 B +74 7 113 BI +74 7 114 A +74 7 115 B +74 7 116 K +74 7 117 BI +74 7 118 B +74 7 119 A +74 7 120 K +74 7 121 B +74 7 122 A +74 7 123 BI +74 7 124 K +74 7 125 B +74 7 126 B +74 7 127 BI +74 7 128 K +74 7 129 K +74 7 130 BI +74 7 131 B +74 7 132 B +74 7 133 A +74 7 134 BI +74 7 135 B +74 7 136 A +74 7 137 BI +74 7 138 A +74 7 139 K +74 7 140 A +74 7 141 K +74 7 142 K +74 7 143 A +74 7 144 A +74 7 145 A +74 7 146 K +74 7 147 A +74 7 148 B +74 7 149 A +74 7 150 BI +74 7 151 B +74 7 152 K +74 7 153 A +74 7 154 BI +74 7 155 BI +74 7 156 A +74 7 157 BI +74 7 158 K +74 7 159 K +74 7 160 K +74 7 161 A +74 7 162 B +74 7 163 A +74 7 164 BI +74 7 165 BI +74 7 166 BI +74 7 167 K +74 7 168 A +74 7 169 BI +74 7 170 BI +74 7 171 A +74 7 172 K +74 7 173 B +74 7 174 K +74 7 175 K +74 7 176 B +74 7 177 K +74 7 178 A +74 7 179 BI +74 7 180 A +74 7 181 K +74 7 182 BI +74 7 183 BI +74 7 184 B +74 7 185 K +74 7 186 A +74 7 187 K +74 7 188 A +74 7 189 K +74 7 190 B +74 7 191 A +74 7 192 A +74 7 193 K +74 7 194 BI +74 7 195 A +74 7 196 A +74 7 197 B +74 7 198 BI +74 7 199 K +74 7 200 BI +74 7 201 B +74 7 202 A +74 7 203 B +74 7 204 BI +74 7 205 A +74 7 206 K +74 7 207 B +74 7 208 K +74 7 209 A +74 7 210 BI +74 7 211 A +74 7 212 K +74 7 213 K +74 7 214 A +74 7 215 B +74 7 216 BI +74 7 217 B +74 7 218 K +74 7 219 K +74 7 220 A +74 7 221 K +74 7 222 B +74 7 223 A +74 7 224 K +74 7 225 K +74 7 226 A +74 7 227 BI +74 7 228 BI +74 7 229 A +74 7 230 K +74 7 231 B +74 7 232 BI +74 7 233 BI +74 7 234 A +74 7 235 A +74 7 236 K +74 7 237 B +74 7 238 BI +74 7 239 B +74 7 240 BI +74 7 241 K +74 7 242 K +74 7 243 B +74 7 244 K +74 7 245 B +74 7 246 A +74 7 247 A +74 7 248 BI +74 7 249 BI +74 7 250 B +74 7 251 A +74 7 252 K +74 7 253 A +74 7 254 BI +74 7 255 BI +74 7 256 B +74 7 257 A +74 7 258 K +74 7 259 B +74 7 260 K +74 7 261 K +74 7 262 K +74 7 263 BI +74 7 264 K +74 7 265 A +74 7 266 B +74 7 267 B +74 7 268 A +74 7 269 B +74 7 270 K +74 7 271 A +74 7 272 K +74 7 273 B +74 7 274 K +74 7 275 BI +74 7 276 B +74 7 277 A +74 7 278 B +74 7 279 BI +74 7 280 K +74 7 281 A +74 7 282 A +74 7 283 B +74 7 284 K +74 7 285 B +74 7 286 K +74 7 287 K +74 7 288 B +74 7 289 A +74 7 290 K +74 7 291 A +74 7 292 B +74 7 293 A +74 7 294 K +74 7 295 BI +74 7 296 BI +74 7 297 B +74 7 298 B +74 7 299 A +74 7 300 K +74 7 301 A +74 7 302 K +74 7 303 BI +74 7 304 A +74 7 305 BI +74 7 306 A +74 7 307 BI +74 7 308 A +74 7 309 BI +74 7 310 A +74 7 311 BI +74 7 312 BI +74 7 313 BI +74 7 314 K +74 7 315 A +74 7 316 A +74 7 317 B +74 7 318 B +74 7 319 K +74 7 320 BI +74 7 321 B +74 7 322 BI +74 7 323 A +74 7 324 K +74 7 325 B +74 7 326 K +74 7 327 BI +74 7 328 BI +74 7 329 BI +74 7 330 K +74 8 1 A +74 8 2 K +74 8 3 B +74 8 4 BI +74 8 5 A +74 8 6 K +74 8 7 A +74 8 8 B +74 8 9 BI +74 8 10 BI +74 8 11 A +74 8 12 B +74 8 13 A +74 8 14 BI +74 8 15 K +74 8 16 K +74 8 17 B +74 8 18 BI +74 8 19 A +74 8 20 A +74 8 21 B +74 8 22 K +74 8 23 BI +74 8 24 BI +74 8 25 A +74 8 26 A +74 8 27 K +74 8 28 B +74 8 29 A +74 8 30 B +74 8 31 A +74 8 32 K +74 8 33 A +74 8 34 A +74 8 35 B +74 8 36 A +74 8 37 BI +74 8 38 B +74 8 39 A +74 8 40 A +74 8 41 B +74 8 42 K +74 8 43 BI +74 8 44 K +74 8 45 A +74 8 46 BI +74 8 47 BI +74 8 48 B +74 8 49 A +74 8 50 BI +74 8 51 BI +74 8 52 K +74 8 53 B +74 8 54 A +74 8 55 A +74 8 56 K +74 8 57 A +74 8 58 BI +74 8 59 K +74 8 60 A +74 8 61 B +74 8 62 BI +74 8 63 B +74 8 64 A +74 8 65 B +74 8 66 K +74 8 67 A +74 8 68 B +74 8 69 BI +74 8 70 K +74 8 71 BI +74 8 72 A +74 8 73 BI +74 8 74 K +74 8 75 BI +74 8 76 B +74 8 77 A +74 8 78 K +74 8 79 BI +74 8 80 B +74 8 81 A +74 8 82 A +74 8 83 K +74 8 84 B +74 8 85 A +74 8 86 B +74 8 87 BI +74 8 88 B +74 8 89 BI +74 8 90 BI +74 8 91 A +74 8 92 K +74 8 93 A +74 8 94 BI +74 8 95 K +74 8 96 B +74 8 97 BI +74 8 98 B +74 8 99 K +74 8 100 A +74 8 101 B +74 8 102 BI +74 8 103 BI +74 8 104 A +74 8 105 BI +74 8 106 K +74 8 107 K +74 8 108 K +74 8 109 BI +74 8 110 B +74 8 111 BI +74 8 112 B +74 8 113 BI +74 8 114 A +74 8 115 B +74 8 116 K +74 8 117 BI +74 8 118 B +74 8 119 A +74 8 120 K +74 8 121 B +74 8 122 A +74 8 123 BI +74 8 124 A +74 8 125 B +74 8 126 B +74 8 127 BI +74 8 128 A +74 8 129 K +74 8 130 BI +74 8 131 BI +74 8 132 B +74 8 133 A +74 8 134 BI +74 8 135 B +74 8 136 A +74 8 137 BI +74 8 138 A +74 8 139 K +74 8 140 A +74 8 141 K +74 8 142 K +74 8 143 A +74 8 144 BI +74 8 145 A +74 8 146 B +74 8 147 A +74 8 148 B +74 8 149 A +74 8 150 BI +74 8 151 B +74 8 152 K +74 8 153 A +74 8 154 BI +74 8 155 BI +74 8 156 A +74 8 157 BI +74 8 158 K +74 8 159 K +74 8 160 B +74 8 161 A +74 8 162 B +74 8 163 A +74 8 164 A +74 8 165 BI +74 8 166 BI +74 8 167 K +74 8 168 A +74 8 169 A +74 8 170 BI +74 8 171 A +74 8 172 K +74 8 173 B +74 8 174 B +74 8 175 K +74 8 176 B +74 8 177 K +74 8 178 BI +74 8 179 BI +74 8 180 A +74 8 181 K +74 8 182 B +74 8 183 BI +74 8 184 BI +74 8 185 B +74 8 186 A +74 8 187 B +74 8 188 A +74 8 189 K +74 8 190 B +74 8 191 A +74 8 192 BI +74 8 193 K +74 8 194 B +74 8 195 A +74 8 196 A +74 8 197 BI +74 8 198 BI +74 8 199 K +74 8 200 K +74 8 201 B +74 8 202 A +74 8 203 B +74 8 204 BI +74 8 205 BI +74 8 206 K +74 8 207 B +74 8 208 K +74 8 209 A +74 8 210 BI +74 8 211 A +74 8 212 B +74 8 213 K +74 8 214 A +74 8 215 K +74 8 216 BI +74 8 217 K +74 8 218 A +74 8 219 K +74 8 220 BI +74 8 221 K +74 8 222 BI +74 8 223 A +74 8 224 K +74 8 225 A +74 8 226 A +74 8 227 BI +74 8 228 BI +74 8 229 K +74 8 230 K +74 8 231 B +74 8 232 BI +74 8 233 K +74 8 234 A +74 8 235 K +74 8 236 A +74 8 237 K +74 8 238 A +74 8 239 B +74 8 240 B +74 8 241 K +74 8 242 K +74 8 243 B +74 8 244 K +74 8 245 B +74 8 246 A +74 8 247 BI +74 8 248 A +74 8 249 A +74 8 250 BI +74 8 251 A +74 8 252 K +74 8 253 A +74 8 254 BI +74 8 255 BI +74 8 256 B +74 8 257 A +74 8 258 K +74 8 259 B +74 8 260 K +74 8 261 B +74 8 262 K +74 8 263 BI +74 8 264 K +74 8 265 A +74 8 266 B +74 8 267 B +74 8 268 A +74 8 269 B +74 8 270 B +74 8 271 A +74 8 272 K +74 8 273 B +74 8 274 K +74 8 275 K +74 8 276 B +74 8 277 BI +74 8 278 K +74 8 279 BI +74 8 280 A +74 8 281 A +74 8 282 A +74 8 283 BI +74 8 284 K +74 8 285 B +74 8 286 K +74 8 287 BI +74 8 288 B +74 8 289 A +74 8 290 K +74 8 291 BI +74 8 292 B +74 8 293 K +74 8 294 K +74 8 295 BI +74 8 296 BI +74 8 297 A +74 8 298 B +74 8 299 A +74 8 300 K +74 8 301 A +74 8 302 K +74 8 303 BI +74 8 304 A +74 8 305 B +74 8 306 A +74 8 307 A +74 8 308 K +74 8 309 BI +74 8 310 A +74 8 311 B +74 8 312 BI +74 8 313 BI +74 8 314 K +74 8 315 A +74 8 316 A +74 8 317 B +74 8 318 K +74 8 319 K +74 8 320 K +74 8 321 B +74 8 322 A +74 8 323 A +74 8 324 K +74 8 325 BI +74 8 326 K +74 8 327 K +74 8 328 A +74 8 329 BI +74 8 330 K +74 9 1 A +74 9 2 BI +74 9 3 B +74 9 4 BI +74 9 5 K +74 9 6 K +74 9 7 A +74 9 8 B +74 9 9 BI +74 9 10 BI +74 9 11 BI +74 9 12 K +74 9 13 BI +74 9 14 A +74 9 15 B +74 9 16 BI +74 9 17 B +74 9 18 BI +74 9 19 A +74 9 20 A +74 9 21 B +74 9 22 K +74 9 23 B +74 9 24 BI +74 9 25 BI +74 9 26 BI +74 9 27 K +74 9 28 B +74 9 29 A +74 9 30 B +74 9 31 A +74 9 32 B +74 9 33 A +74 9 34 BI +74 9 35 B +74 9 36 A +74 9 37 A +74 9 38 B +74 9 39 A +74 9 40 A +74 9 41 B +74 9 42 A +74 9 43 A +74 9 44 K +74 9 45 A +74 9 46 BI +74 9 47 A +74 9 48 K +74 9 49 A +74 9 50 BI +74 9 51 BI +74 9 52 K +74 9 53 B +74 9 54 BI +74 9 55 A +74 9 56 B +74 9 57 BI +74 9 58 BI +74 9 59 K +74 9 60 BI +74 9 61 B +74 9 62 A +74 9 63 B +74 9 64 BI +74 9 65 B +74 9 66 K +74 9 67 A +74 9 68 B +74 9 69 BI +74 9 70 BI +74 9 71 B +74 9 72 A +74 9 73 B +74 9 74 K +74 9 75 BI +74 9 76 B +74 9 77 A +74 9 78 B +74 9 79 BI +74 9 80 A +74 9 81 A +74 9 82 A +74 9 83 K +74 9 84 B +74 9 85 A +74 9 86 B +74 9 87 BI +74 9 88 B +74 9 89 BI +74 9 90 BI +74 9 91 K +74 9 92 K +74 9 93 A +74 9 94 BI +74 9 95 A +74 9 96 B +74 9 97 BI +74 9 98 B +74 9 99 A +74 9 100 A +74 9 101 B +74 9 102 K +74 9 103 BI +74 9 104 A +74 9 105 B +74 9 106 K +74 9 107 A +74 9 108 K +74 9 109 BI +74 9 110 B +74 9 111 BI +74 9 112 B +74 9 113 BI +74 9 114 A +74 9 115 B +74 9 116 A +74 9 117 BI +74 9 118 B +74 9 119 A +74 9 120 K +74 9 121 B +74 9 122 A +74 9 123 BI +74 9 124 K +74 9 125 K +74 9 126 B +74 9 127 B +74 9 128 BI +74 9 129 K +74 9 130 A +74 9 131 BI +74 9 132 B +74 9 133 A +74 9 134 BI +74 9 135 B +74 9 136 A +74 9 137 A +74 9 138 A +74 9 139 K +74 9 140 BI +74 9 141 K +74 9 142 K +74 9 143 A +74 9 144 BI +74 9 145 A +74 9 146 K +74 9 147 A +74 9 148 B +74 9 149 A +74 9 150 BI +74 9 151 K +74 9 152 B +74 9 153 A +74 9 154 BI +74 9 155 BI +74 9 156 A +74 9 157 BI +74 9 158 K +74 9 159 K +74 9 160 B +74 9 161 A +74 9 162 B +74 9 163 A +74 9 164 A +74 9 165 BI +74 9 166 BI +74 9 167 K +74 9 168 A +74 9 169 A +74 9 170 BI +74 9 171 A +74 9 172 K +74 9 173 B +74 9 174 K +74 9 175 A +74 9 176 B +74 9 177 K +74 9 178 A +74 9 179 BI +74 9 180 A +74 9 181 BI +74 9 182 B +74 9 183 BI +74 9 184 K +74 9 185 K +74 9 186 A +74 9 187 K +74 9 188 A +74 9 189 K +74 9 190 B +74 9 191 A +74 9 192 K +74 9 193 K +74 9 194 BI +74 9 195 A +74 9 196 A +74 9 197 B +74 9 198 BI +74 9 199 K +74 9 200 A +74 9 201 B +74 9 202 A +74 9 203 B +74 9 204 BI +74 9 205 A +74 9 206 K +74 9 207 B +74 9 208 K +74 9 209 BI +74 9 210 BI +74 9 211 A +74 9 212 B +74 9 213 A +74 9 214 B +74 9 215 K +74 9 216 BI +74 9 217 K +74 9 218 BI +74 9 219 K +74 9 220 BI +74 9 221 K +74 9 222 A +74 9 223 A +74 9 224 K +74 9 225 BI +74 9 226 A +74 9 227 BI +74 9 228 A +74 9 229 K +74 9 230 K +74 9 231 B +74 9 232 BI +74 9 233 K +74 9 234 A +74 9 235 BI +74 9 236 K +74 9 237 K +74 9 238 A +74 9 239 B +74 9 240 BI +74 9 241 K +74 9 242 K +74 9 243 B +74 9 244 K +74 9 245 B +74 9 246 A +74 9 247 BI +74 9 248 BI +74 9 249 A +74 9 250 BI +74 9 251 K +74 9 252 K +74 9 253 A +74 9 254 BI +74 9 255 BI +74 9 256 B +74 9 257 BI +74 9 258 K +74 9 259 B +74 9 260 K +74 9 261 B +74 9 262 K +74 9 263 BI +74 9 264 K +74 9 265 A +74 9 266 BI +74 9 267 B +74 9 268 A +74 9 269 B +74 9 270 B +74 9 271 A +74 9 272 K +74 9 273 B +74 9 274 K +74 9 275 A +74 9 276 B +74 9 277 BI +74 9 278 B +74 9 279 A +74 9 280 A +74 9 281 A +74 9 282 A +74 9 283 BI +74 9 284 K +74 9 285 B +74 9 286 K +74 9 287 BI +74 9 288 B +74 9 289 A +74 9 290 K +74 9 291 A +74 9 292 B +74 9 293 K +74 9 294 K +74 9 295 BI +74 9 296 A +74 9 297 K +74 9 298 B +74 9 299 A +74 9 300 K +74 9 301 A +74 9 302 K +74 9 303 K +74 9 304 BI +74 9 305 B +74 9 306 A +74 9 307 A +74 9 308 K +74 9 309 BI +74 9 310 A +74 9 311 A +74 9 312 BI +74 9 313 A +74 9 314 K +74 9 315 A +74 9 316 A +74 9 317 B +74 9 318 B +74 9 319 K +74 9 320 BI +74 9 321 B +74 9 322 A +74 9 323 A +74 9 324 K +74 9 325 B +74 9 326 K +74 9 327 K +74 9 328 A +74 9 329 BI +74 9 330 K +74 10 1 A +74 10 2 A +74 10 3 B +74 10 4 BI +74 10 5 A +74 10 6 B +74 10 7 A +74 10 8 B +74 10 9 BI +74 10 10 A +74 10 11 A +74 10 12 B +74 10 13 BI +74 10 14 BI +74 10 15 K +74 10 16 K +74 10 17 B +74 10 18 BI +74 10 19 A +74 10 20 A +74 10 21 B +74 10 22 B +74 10 23 K +74 10 24 BI +74 10 25 A +74 10 26 K +74 10 27 K +74 10 28 B +74 10 29 A +74 10 30 B +74 10 31 K +74 10 32 B +74 10 33 A +74 10 34 A +74 10 35 B +74 10 36 BI +74 10 37 K +74 10 38 B +74 10 39 A +74 10 40 BI +74 10 41 B +74 10 42 K +74 10 43 BI +74 10 44 K +74 10 45 A +74 10 46 BI +74 10 47 BI +74 10 48 A +74 10 49 A +74 10 50 B +74 10 51 BI +74 10 52 K +74 10 53 B +74 10 54 A +74 10 55 A +74 10 56 K +74 10 57 BI +74 10 58 K +74 10 59 K +74 10 60 BI +74 10 61 B +74 10 62 K +74 10 63 B +74 10 64 A +74 10 65 B +74 10 66 K +74 10 67 A +74 10 68 B +74 10 69 BI +74 10 70 K +74 10 71 B +74 10 72 A +74 10 73 B +74 10 74 K +74 10 75 BI +74 10 76 B +74 10 77 A +74 10 78 K +74 10 79 BI +74 10 80 A +74 10 81 A +74 10 82 A +74 10 83 K +74 10 84 B +74 10 85 A +74 10 86 B +74 10 87 BI +74 10 88 B +74 10 89 BI +74 10 90 BI +74 10 91 A +74 10 92 K +74 10 93 A +74 10 94 BI +74 10 95 K +74 10 96 A +74 10 97 B +74 10 98 B +74 10 99 K +74 10 100 K +74 10 101 B +74 10 102 K +74 10 103 BI +74 10 104 A +74 10 105 B +74 10 106 K +74 10 107 K +74 10 108 A +74 10 109 A +74 10 110 B +74 10 111 BI +74 10 112 B +74 10 113 BI +74 10 114 A +74 10 115 B +74 10 116 K +74 10 117 BI +74 10 118 B +74 10 119 A +74 10 120 K +74 10 121 B +74 10 122 A +74 10 123 BI +74 10 124 A +74 10 125 B +74 10 126 B +74 10 127 BI +74 10 128 A +74 10 129 K +74 10 130 BI +74 10 131 B +74 10 132 B +74 10 133 A +74 10 134 BI +74 10 135 B +74 10 136 K +74 10 137 A +74 10 138 A +74 10 139 K +74 10 140 BI +74 10 141 K +74 10 142 K +74 10 143 A +74 10 144 BI +74 10 145 A +74 10 146 B +74 10 147 A +74 10 148 B +74 10 149 A +74 10 150 BI +74 10 151 B +74 10 152 B +74 10 153 A +74 10 154 BI +74 10 155 BI +74 10 156 A +74 10 157 BI +74 10 158 K +74 10 159 B +74 10 160 B +74 10 161 A +74 10 162 B +74 10 163 A +74 10 164 A +74 10 165 BI +74 10 166 A +74 10 167 K +74 10 168 A +74 10 169 A +74 10 170 BI +74 10 171 A +74 10 172 K +74 10 173 B +74 10 174 B +74 10 175 K +74 10 176 B +74 10 177 K +74 10 178 A +74 10 179 B +74 10 180 A +74 10 181 B +74 10 182 B +74 10 183 BI +74 10 184 K +74 10 185 B +74 10 186 A +74 10 187 B +74 10 188 A +74 10 189 K +74 10 190 B +74 10 191 A +74 10 192 K +74 10 193 K +74 10 194 B +74 10 195 A +74 10 196 K +74 10 197 K +74 10 198 BI +74 10 199 K +74 10 200 A +74 10 201 B +74 10 202 A +74 10 203 B +74 10 204 BI +74 10 205 B +74 10 206 K +74 10 207 B +74 10 208 A +74 10 209 A +74 10 210 B +74 10 211 A +74 10 212 B +74 10 213 K +74 10 214 A +74 10 215 B +74 10 216 BI +74 10 217 B +74 10 218 A +74 10 219 K +74 10 220 BI +74 10 221 K +74 10 222 B +74 10 223 A +74 10 224 K +74 10 225 BI +74 10 226 A +74 10 227 BI +74 10 228 A +74 10 229 K +74 10 230 K +74 10 231 B +74 10 232 BI +74 10 233 K +74 10 234 A +74 10 235 BI +74 10 236 B +74 10 237 K +74 10 238 A +74 10 239 B +74 10 240 BI +74 10 241 K +74 10 242 B +74 10 243 B +74 10 244 K +74 10 245 B +74 10 246 A +74 10 247 A +74 10 248 BI +74 10 249 A +74 10 250 BI +74 10 251 A +74 10 252 K +74 10 253 A +74 10 254 K +74 10 255 BI +74 10 256 B +74 10 257 BI +74 10 258 B +74 10 259 B +74 10 260 K +74 10 261 B +74 10 262 K +74 10 263 BI +74 10 264 K +74 10 265 A +74 10 266 B +74 10 267 B +74 10 268 A +74 10 269 B +74 10 270 B +74 10 271 BI +74 10 272 K +74 10 273 B +74 10 274 K +74 10 275 A +74 10 276 B +74 10 277 A +74 10 278 B +74 10 279 BI +74 10 280 A +74 10 281 A +74 10 282 A +74 10 283 BI +74 10 284 K +74 10 285 B +74 10 286 K +74 10 287 BI +74 10 288 B +74 10 289 A +74 10 290 K +74 10 291 A +74 10 292 B +74 10 293 K +74 10 294 K +74 10 295 BI +74 10 296 B +74 10 297 A +74 10 298 B +74 10 299 A +74 10 300 K +74 10 301 A +74 10 302 K +74 10 303 K +74 10 304 A +74 10 305 BI +74 10 306 A +74 10 307 A +74 10 308 BI +74 10 309 BI +74 10 310 A +74 10 311 BI +74 10 312 BI +74 10 313 B +74 10 314 K +74 10 315 A +74 10 316 A +74 10 317 B +74 10 318 K +74 10 319 K +74 10 320 BI +74 10 321 B +74 10 322 BI +74 10 323 A +74 10 324 K +74 10 325 B +74 10 326 B +74 10 327 K +74 10 328 A +74 10 329 BI +74 10 330 K +74 11 1 A +74 11 2 A +74 11 3 B +74 11 4 B +74 11 5 A +74 11 6 K +74 11 7 A +74 11 8 B +74 11 9 BI +74 11 10 A +74 11 11 A +74 11 12 B +74 11 13 A +74 11 14 A +74 11 15 B +74 11 16 K +74 11 17 B +74 11 18 BI +74 11 19 A +74 11 20 A +74 11 21 B +74 11 22 K +74 11 23 BI +74 11 24 A +74 11 25 A +74 11 26 B +74 11 27 K +74 11 28 B +74 11 29 A +74 11 30 B +74 11 31 K +74 11 32 B +74 11 33 A +74 11 34 BI +74 11 35 B +74 11 36 A +74 11 37 A +74 11 38 B +74 11 39 A +74 11 40 BI +74 11 41 B +74 11 42 B +74 11 43 A +74 11 44 K +74 11 45 A +74 11 46 BI +74 11 47 A +74 11 48 B +74 11 49 A +74 11 50 B +74 11 51 K +74 11 52 A +74 11 53 B +74 11 54 A +74 11 55 A +74 11 56 B +74 11 57 A +74 11 58 K +74 11 59 K +74 11 60 A +74 11 61 B +74 11 62 K +74 11 63 B +74 11 64 A +74 11 65 B +74 11 66 K +74 11 67 A +74 11 68 B +74 11 69 A +74 11 70 K +74 11 71 B +74 11 72 A +74 11 73 B +74 11 74 K +74 11 75 A +74 11 76 B +74 11 77 A +74 11 78 K +74 11 79 BI +74 11 80 A +74 11 81 A +74 11 82 A +74 11 83 K +74 11 84 B +74 11 85 A +74 11 86 B +74 11 87 BI +74 11 88 B +74 11 89 BI +74 11 90 A +74 11 91 K +74 11 92 K +74 11 93 A +74 11 94 BI +74 11 95 K +74 11 96 B +74 11 97 BI +74 11 98 B +74 11 99 BI +74 11 100 K +74 11 101 B +74 11 102 K +74 11 103 BI +74 11 104 A +74 11 105 B +74 11 106 K +74 11 107 K +74 11 108 K +74 11 109 A +74 11 110 B +74 11 111 BI +74 11 112 B +74 11 113 BI +74 11 114 A +74 11 115 B +74 11 116 K +74 11 117 BI +74 11 118 B +74 11 119 A +74 11 120 K +74 11 121 B +74 11 122 A +74 11 123 A +74 11 124 K +74 11 125 B +74 11 126 B +74 11 127 A +74 11 128 K +74 11 129 K +74 11 130 A +74 11 131 B +74 11 132 B +74 11 133 A +74 11 134 BI +74 11 135 B +74 11 136 BI +74 11 137 A +74 11 138 K +74 11 139 K +74 11 140 A +74 11 141 K +74 11 142 BI +74 11 143 A +74 11 144 BI +74 11 145 A +74 11 146 B +74 11 147 A +74 11 148 B +74 11 149 A +74 11 150 B +74 11 151 K +74 11 152 B +74 11 153 A +74 11 154 BI +74 11 155 BI +74 11 156 A +74 11 157 BI +74 11 158 K +74 11 159 K +74 11 160 B +74 11 161 A +74 11 162 B +74 11 163 A +74 11 164 A +74 11 165 BI +74 11 166 A +74 11 167 K +74 11 168 A +74 11 169 A +74 11 170 BI +74 11 171 BI +74 11 172 K +74 11 173 B +74 11 174 B +74 11 175 A +74 11 176 B +74 11 177 K +74 11 178 A +74 11 179 BI +74 11 180 A +74 11 181 BI +74 11 182 B +74 11 183 BI +74 11 184 B +74 11 185 K +74 11 186 BI +74 11 187 B +74 11 188 A +74 11 189 K +74 11 190 B +74 11 191 A +74 11 192 K +74 11 193 K +74 11 194 B +74 11 195 A +74 11 196 K +74 11 197 B +74 11 198 BI +74 11 199 K +74 11 200 A +74 11 201 B +74 11 202 A +74 11 203 B +74 11 204 BI +74 11 205 A +74 11 206 K +74 11 207 B +74 11 208 K +74 11 209 A +74 11 210 BI +74 11 211 A +74 11 212 B +74 11 213 K +74 11 214 K +74 11 215 B +74 11 216 A +74 11 217 B +74 11 218 K +74 11 219 BI +74 11 220 A +74 11 221 K +74 11 222 B +74 11 223 A +74 11 224 K +74 11 225 BI +74 11 226 A +74 11 227 BI +74 11 228 A +74 11 229 K +74 11 230 K +74 11 231 A +74 11 232 BI +74 11 233 A +74 11 234 A +74 11 235 BI +74 11 236 K +74 11 237 K +74 11 238 A +74 11 239 B +74 11 240 BI +74 11 241 K +74 11 242 K +74 11 243 B +74 11 244 K +74 11 245 B +74 11 246 A +74 11 247 BI +74 11 248 BI +74 11 249 A +74 11 250 B +74 11 251 A +74 11 252 K +74 11 253 A +74 11 254 K +74 11 255 BI +74 11 256 B +74 11 257 BI +74 11 258 A +74 11 259 B +74 11 260 K +74 11 261 B +74 11 262 K +74 11 263 BI +74 11 264 A +74 11 265 A +74 11 266 K +74 11 267 B +74 11 268 A +74 11 269 B +74 11 270 BI +74 11 271 A +74 11 272 K +74 11 273 B +74 11 274 K +74 11 275 K +74 11 276 B +74 11 277 A +74 11 278 B +74 11 279 A +74 11 280 A +74 11 281 A +74 11 282 A +74 11 283 BI +74 11 284 K +74 11 285 B +74 11 286 K +74 11 287 BI +74 11 288 B +74 11 289 BI +74 11 290 K +74 11 291 A +74 11 292 B +74 11 293 K +74 11 294 K +74 11 295 BI +74 11 296 B +74 11 297 K +74 11 298 B +74 11 299 A +74 11 300 K +74 11 301 A +74 11 302 K +74 11 303 K +74 11 304 A +74 11 305 B +74 11 306 K +74 11 307 A +74 11 308 B +74 11 309 BI +74 11 310 A +74 11 311 A +74 11 312 BI +74 11 313 A +74 11 314 K +74 11 315 A +74 11 316 A +74 11 317 B +74 11 318 B +74 11 319 K +74 11 320 A +74 11 321 B +74 11 322 A +74 11 323 A +74 11 324 K +74 11 325 B +74 11 326 K +74 11 327 K +74 11 328 A +74 11 329 BI +74 11 330 K +74 12 1 A +74 12 2 K +74 12 3 B +74 12 4 BI +74 12 5 K +74 12 6 K +74 12 7 A +74 12 8 B +74 12 9 BI +74 12 10 BI +74 12 11 BI +74 12 12 A +74 12 13 BI +74 12 14 BI +74 12 15 K +74 12 16 K +74 12 17 B +74 12 18 BI +74 12 19 A +74 12 20 A +74 12 21 B +74 12 22 K +74 12 23 B +74 12 24 BI +74 12 25 A +74 12 26 BI +74 12 27 K +74 12 28 B +74 12 29 A +74 12 30 B +74 12 31 A +74 12 32 B +74 12 33 A +74 12 34 BI +74 12 35 B +74 12 36 BI +74 12 37 A +74 12 38 B +74 12 39 BI +74 12 40 A +74 12 41 B +74 12 42 A +74 12 43 BI +74 12 44 K +74 12 45 A +74 12 46 BI +74 12 47 BI +74 12 48 B +74 12 49 A +74 12 50 B +74 12 51 BI +74 12 52 K +74 12 53 B +74 12 54 A +74 12 55 A +74 12 56 B +74 12 57 BI +74 12 58 BI +74 12 59 K +74 12 60 BI +74 12 61 B +74 12 62 BI +74 12 63 B +74 12 64 A +74 12 65 B +74 12 66 K +74 12 67 A +74 12 68 B +74 12 69 BI +74 12 70 K +74 12 71 B +74 12 72 A +74 12 73 B +74 12 74 K +74 12 75 BI +74 12 76 B +74 12 77 A +74 12 78 B +74 12 79 BI +74 12 80 A +74 12 81 A +74 12 82 A +74 12 83 K +74 12 84 B +74 12 85 A +74 12 86 B +74 12 87 BI +74 12 88 B +74 12 89 BI +74 12 90 BI +74 12 91 A +74 12 92 K +74 12 93 BI +74 12 94 BI +74 12 95 K +74 12 96 B +74 12 97 A +74 12 98 B +74 12 99 K +74 12 100 A +74 12 101 B +74 12 102 A +74 12 103 BI +74 12 104 A +74 12 105 B +74 12 106 K +74 12 107 K +74 12 108 K +74 12 109 BI +74 12 110 B +74 12 111 BI +74 12 112 B +74 12 113 BI +74 12 114 A +74 12 115 B +74 12 116 K +74 12 117 BI +74 12 118 B +74 12 119 A +74 12 120 K +74 12 121 B +74 12 122 A +74 12 123 BI +74 12 124 K +74 12 125 B +74 12 126 B +74 12 127 BI +74 12 128 A +74 12 129 K +74 12 130 BI +74 12 131 B +74 12 132 B +74 12 133 BI +74 12 134 BI +74 12 135 B +74 12 136 A +74 12 137 A +74 12 138 A +74 12 139 K +74 12 140 BI +74 12 141 K +74 12 142 K +74 12 143 A +74 12 144 BI +74 12 145 A +74 12 146 B +74 12 147 A +74 12 148 B +74 12 149 A +74 12 150 BI +74 12 151 B +74 12 152 B +74 12 153 A +74 12 154 BI +74 12 155 BI +74 12 156 A +74 12 157 BI +74 12 158 K +74 12 159 K +74 12 160 B +74 12 161 A +74 12 162 B +74 12 163 A +74 12 164 A +74 12 165 BI +74 12 166 BI +74 12 167 K +74 12 168 A +74 12 169 A +74 12 170 BI +74 12 171 BI +74 12 172 K +74 12 173 B +74 12 174 A +74 12 175 A +74 12 176 B +74 12 177 A +74 12 178 BI +74 12 179 B +74 12 180 A +74 12 181 A +74 12 182 B +74 12 183 BI +74 12 184 B +74 12 185 B +74 12 186 A +74 12 187 B +74 12 188 BI +74 12 189 K +74 12 190 B +74 12 191 A +74 12 192 A +74 12 193 A +74 12 194 B +74 12 195 A +74 12 196 K +74 12 197 B +74 12 198 BI +74 12 199 K +74 12 200 BI +74 12 201 B +74 12 202 A +74 12 203 B +74 12 204 BI +74 12 205 BI +74 12 206 K +74 12 207 B +74 12 208 BI +74 12 209 A +74 12 210 BI +74 12 211 A +74 12 212 B +74 12 213 K +74 12 214 A +74 12 215 B +74 12 216 BI +74 12 217 B +74 12 218 A +74 12 219 K +74 12 220 BI +74 12 221 K +74 12 222 B +74 12 223 A +74 12 224 K +74 12 225 A +74 12 226 BI +74 12 227 BI +74 12 228 BI +74 12 229 A +74 12 230 K +74 12 231 B +74 12 232 BI +74 12 233 BI +74 12 234 A +74 12 235 A +74 12 236 A +74 12 237 B +74 12 238 A +74 12 239 B +74 12 240 BI +74 12 241 K +74 12 242 K +74 12 243 B +74 12 244 K +74 12 245 B +74 12 246 A +74 12 247 BI +74 12 248 BI +74 12 249 A +74 12 250 B +74 12 251 A +74 12 252 K +74 12 253 A +74 12 254 A +74 12 255 BI +74 12 256 B +74 12 257 BI +74 12 258 B +74 12 259 B +74 12 260 K +74 12 261 B +74 12 262 K +74 12 263 BI +74 12 264 K +74 12 265 A +74 12 266 B +74 12 267 B +74 12 268 A +74 12 269 B +74 12 270 B +74 12 271 BI +74 12 272 K +74 12 273 B +74 12 274 K +74 12 275 BI +74 12 276 B +74 12 277 BI +74 12 278 B +74 12 279 BI +74 12 280 A +74 12 281 A +74 12 282 A +74 12 283 BI +74 12 284 K +74 12 285 B +74 12 286 K +74 12 287 BI +74 12 288 B +74 12 289 A +74 12 290 K +74 12 291 A +74 12 292 B +74 12 293 K +74 12 294 K +74 12 295 BI +74 12 296 B +74 12 297 A +74 12 298 B +74 12 299 A +74 12 300 BI +74 12 301 A +74 12 302 K +74 12 303 K +74 12 304 A +74 12 305 B +74 12 306 A +74 12 307 A +74 12 308 B +74 12 309 BI +74 12 310 A +74 12 311 A +74 12 312 BI +74 12 313 A +74 12 314 K +74 12 315 A +74 12 316 A +74 12 317 B +74 12 318 B +74 12 319 K +74 12 320 A +74 12 321 B +74 12 322 A +74 12 323 BI +74 12 324 K +74 12 325 B +74 12 326 B +74 12 327 K +74 12 328 A +74 12 329 BI +74 12 330 K +74 13 1 A +74 13 2 K +74 13 3 B +74 13 4 B +74 13 5 K +74 13 6 K +74 13 7 A +74 13 8 B +74 13 9 K +74 13 10 A +74 13 11 BI +74 13 12 K +74 13 13 A +74 13 14 BI +74 13 15 B +74 13 16 K +74 13 17 B +74 13 18 BI +74 13 19 A +74 13 20 A +74 13 21 B +74 13 22 K +74 13 23 K +74 13 24 BI +74 13 25 A +74 13 26 BI +74 13 27 K +74 13 28 B +74 13 29 A +74 13 30 K +74 13 31 K +74 13 32 B +74 13 33 A +74 13 34 A +74 13 35 B +74 13 36 A +74 13 37 K +74 13 38 B +74 13 39 A +74 13 40 A +74 13 41 B +74 13 42 K +74 13 43 BI +74 13 44 K +74 13 45 A +74 13 46 BI +74 13 47 A +74 13 48 K +74 13 49 A +74 13 50 BI +74 13 51 BI +74 13 52 K +74 13 53 B +74 13 54 A +74 13 55 A +74 13 56 K +74 13 57 A +74 13 58 K +74 13 59 K +74 13 60 BI +74 13 61 B +74 13 62 K +74 13 63 B +74 13 64 A +74 13 65 B +74 13 66 K +74 13 67 A +74 13 68 B +74 13 69 BI +74 13 70 K +74 13 71 BI +74 13 72 A +74 13 73 B +74 13 74 K +74 13 75 A +74 13 76 B +74 13 77 A +74 13 78 B +74 13 79 BI +74 13 80 A +74 13 81 A +74 13 82 A +74 13 83 K +74 13 84 K +74 13 85 A +74 13 86 B +74 13 87 BI +74 13 88 B +74 13 89 BI +74 13 90 A +74 13 91 K +74 13 92 K +74 13 93 A +74 13 94 BI +74 13 95 K +74 13 96 B +74 13 97 BI +74 13 98 B +74 13 99 K +74 13 100 K +74 13 101 B +74 13 102 K +74 13 103 BI +74 13 104 A +74 13 105 B +74 13 106 K +74 13 107 K +74 13 108 K +74 13 109 A +74 13 110 B +74 13 111 BI +74 13 112 B +74 13 113 B +74 13 114 A +74 13 115 BI +74 13 116 K +74 13 117 K +74 13 118 BI +74 13 119 K +74 13 120 K +74 13 121 A +74 13 122 BI +74 13 123 A +74 13 124 K +74 13 125 A +74 13 126 B +74 13 127 K +74 13 128 * +74 13 129 * +74 13 130 * +74 13 131 * +74 13 132 * +74 13 133 * +74 13 134 * +74 13 135 * +74 13 136 * +74 13 137 * +74 13 138 * +74 13 139 * +74 13 140 * +74 13 141 K +74 13 142 K +74 13 143 A +74 13 144 BI +74 13 145 A +74 13 146 B +74 13 147 A +74 13 148 B +74 13 149 A +74 13 150 BI +74 13 151 B +74 13 152 B +74 13 153 A +74 13 154 BI +74 13 155 BI +74 13 156 A +74 13 157 BI +74 13 158 K +74 13 159 B +74 13 160 B +74 13 161 A +74 13 162 B +74 13 163 A +74 13 164 A +74 13 165 BI +74 13 166 A +74 13 167 K +74 13 168 A +74 13 169 BI +74 13 170 A +74 13 171 K +74 13 172 K +74 13 173 B +74 13 174 B +74 13 175 K +74 13 176 B +74 13 177 K +74 13 178 A +74 13 179 B +74 13 180 A +74 13 181 K +74 13 182 B +74 13 183 K +74 13 184 B +74 13 185 K +74 13 186 A +74 13 187 K +74 13 188 A +74 13 189 K +74 13 190 K +74 13 191 A +74 13 192 K +74 13 193 K +74 13 194 B +74 13 195 A +74 13 196 K +74 13 197 B +74 13 198 BI +74 13 199 K +74 13 200 A +74 13 201 B +74 13 202 A +74 13 203 B +74 13 204 BI +74 13 205 B +74 13 206 K +74 13 207 B +74 13 208 A +74 13 209 BI +74 13 210 B +74 13 211 A +74 13 212 B +74 13 213 K +74 13 214 A +74 13 215 B +74 13 216 BI +74 13 217 B +74 13 218 BI +74 13 219 K +74 13 220 A +74 13 221 K +74 13 222 B +74 13 223 A +74 13 224 K +74 13 225 BI +74 13 226 A +74 13 227 BI +74 13 228 A +74 13 229 K +74 13 230 K +74 13 231 BI +74 13 232 BI +74 13 233 A +74 13 234 A +74 13 235 A +74 13 236 K +74 13 237 K +74 13 238 A +74 13 239 B +74 13 240 BI +74 13 241 K +74 13 242 K +74 13 243 B +74 13 244 K +74 13 245 B +74 13 246 A +74 13 247 BI +74 13 248 A +74 13 249 A +74 13 250 BI +74 13 251 K +74 13 252 K +74 13 253 A +74 13 254 K +74 13 255 BI +74 13 256 B +74 13 257 A +74 13 258 B +74 13 259 B +74 13 260 K +74 13 261 B +74 13 262 K +74 13 263 K +74 13 264 K +74 13 265 A +74 13 266 B +74 13 267 B +74 13 268 K +74 13 269 B +74 13 270 B +74 13 271 A +74 13 272 K +74 13 273 B +74 13 274 K +74 13 275 K +74 13 276 B +74 13 277 A +74 13 278 B +74 13 279 A +74 13 280 A +74 13 281 A +74 13 282 A +74 13 283 BI +74 13 284 K +74 13 285 B +74 13 286 K +74 13 287 K +74 13 288 B +74 13 289 A +74 13 290 K +74 13 291 A +74 13 292 B +74 13 293 K +74 13 294 K +74 13 295 BI +74 13 296 A +74 13 297 B +74 13 298 B +74 13 299 A +74 13 300 K +74 13 301 A +74 13 302 K +74 13 303 K +74 13 304 A +74 13 305 BI +74 13 306 A +74 13 307 A +74 13 308 K +74 13 309 BI +74 13 310 A +74 13 311 A +74 13 312 BI +74 13 313 BI +74 13 314 K +74 13 315 A +74 13 316 A +74 13 317 B +74 13 318 B +74 13 319 K +74 13 320 A +74 13 321 B +74 13 322 A +74 13 323 A +74 13 324 K +74 13 325 B +74 13 326 B +74 13 327 K +74 13 328 A +74 13 329 B +74 13 330 K +74 14 1 A +74 14 2 A +74 14 3 B +74 14 4 A +74 14 5 A +74 14 6 K +74 14 7 A +74 14 8 B +74 14 9 BI +74 14 10 BI +74 14 11 A +74 14 12 B +74 14 13 A +74 14 14 BI +74 14 15 B +74 14 16 K +74 14 17 B +74 14 18 BI +74 14 19 A +74 14 20 A +74 14 21 B +74 14 22 K +74 14 23 K +74 14 24 BI +74 14 25 A +74 14 26 BI +74 14 27 K +74 14 28 B +74 14 29 A +74 14 30 B +74 14 31 A +74 14 32 B +74 14 33 A +74 14 34 A +74 14 35 B +74 14 36 BI +74 14 37 A +74 14 38 B +74 14 39 A +74 14 40 A +74 14 41 B +74 14 42 K +74 14 43 BI +74 14 44 K +74 14 45 A +74 14 46 BI +74 14 47 BI +74 14 48 B +74 14 49 A +74 14 50 BI +74 14 51 BI +74 14 52 K +74 14 53 B +74 14 54 A +74 14 55 A +74 14 56 B +74 14 57 A +74 14 58 K +74 14 59 K +74 14 60 BI +74 14 61 B +74 14 62 K +74 14 63 B +74 14 64 A +74 14 65 B +74 14 66 K +74 14 67 A +74 14 68 B +74 14 69 BI +74 14 70 K +74 14 71 B +74 14 72 A +74 14 73 BI +74 14 74 K +74 14 75 BI +74 14 76 B +74 14 77 A +74 14 78 K +74 14 79 BI +74 14 80 A +74 14 81 A +74 14 82 A +74 14 83 K +74 14 84 B +74 14 85 A +74 14 86 B +74 14 87 BI +74 14 88 B +74 14 89 BI +74 14 90 A +74 14 91 K +74 14 92 K +74 14 93 A +74 14 94 BI +74 14 95 K +74 14 96 B +74 14 97 BI +74 14 98 B +74 14 99 K +74 14 100 A +74 14 101 B +74 14 102 K +74 14 103 BI +74 14 104 A +74 14 105 B +74 14 106 K +74 14 107 K +74 14 108 K +74 14 109 BI +74 14 110 B +74 14 111 BI +74 14 112 B +74 14 113 BI +74 14 114 A +74 14 115 B +74 14 116 K +74 14 117 BI +74 14 118 B +74 14 119 A +74 14 120 K +74 14 121 B +74 14 122 A +74 14 123 A +74 14 124 K +74 14 125 B +74 14 126 B +74 14 127 A +74 14 128 K +74 14 129 K +74 14 130 BI +74 14 131 B +74 14 132 B +74 14 133 A +74 14 134 BI +74 14 135 B +74 14 136 A +74 14 137 A +74 14 138 K +74 14 139 K +74 14 140 A +74 14 141 K +74 14 142 K +74 14 143 A +74 14 144 BI +74 14 145 A +74 14 146 B +74 14 147 A +74 14 148 B +74 14 149 A +74 14 150 BI +74 14 151 B +74 14 152 B +74 14 153 A +74 14 154 BI +74 14 155 BI +74 14 156 A +74 14 157 BI +74 14 158 K +74 14 159 B +74 14 160 B +74 14 161 A +74 14 162 B +74 14 163 A +74 14 164 A +74 14 165 BI +74 14 166 A +74 14 167 K +74 14 168 A +74 14 169 A +74 14 170 A +74 14 171 BI +74 14 172 K +74 14 173 B +74 14 174 B +74 14 175 K +74 14 176 B +74 14 177 K +74 14 178 A +74 14 179 B +74 14 180 A +74 14 181 B +74 14 182 B +74 14 183 BI +74 14 184 BI +74 14 185 B +74 14 186 A +74 14 187 B +74 14 188 A +74 14 189 K +74 14 190 B +74 14 191 A +74 14 192 BI +74 14 193 A +74 14 194 B +74 14 195 A +74 14 196 K +74 14 197 BI +74 14 198 BI +74 14 199 K +74 14 200 A +74 14 201 B +74 14 202 A +74 14 203 B +74 14 204 BI +74 14 205 BI +74 14 206 K +74 14 207 B +74 14 208 B +74 14 209 A +74 14 210 A +74 14 211 A +74 14 212 B +74 14 213 K +74 14 214 B +74 14 215 B +74 14 216 BI +74 14 217 K +74 14 218 A +74 14 219 K +74 14 220 BI +74 14 221 K +74 14 222 BI +74 14 223 A +74 14 224 K +74 14 225 BI +74 14 226 A +74 14 227 BI +74 14 228 A +74 14 229 K +74 14 230 K +74 14 231 B +74 14 232 BI +74 14 233 K +74 14 234 A +74 14 235 A +74 14 236 A +74 14 237 K +74 14 238 A +74 14 239 K +74 14 240 B +74 14 241 K +74 14 242 K +74 14 243 B +74 14 244 K +74 14 245 B +74 14 246 A +74 14 247 BI +74 14 248 BI +74 14 249 A +74 14 250 BI +74 14 251 K +74 14 252 K +74 14 253 A +74 14 254 K +74 14 255 BI +74 14 256 B +74 14 257 A +74 14 258 B +74 14 259 B +74 14 260 K +74 14 261 B +74 14 262 K +74 14 263 K +74 14 264 K +74 14 265 A +74 14 266 B +74 14 267 B +74 14 268 K +74 14 269 B +74 14 270 B +74 14 271 A +74 14 272 K +74 14 273 B +74 14 274 K +74 14 275 K +74 14 276 B +74 14 277 A +74 14 278 B +74 14 279 A +74 14 280 A +74 14 281 A +74 14 282 A +74 14 283 BI +74 14 284 K +74 14 285 B +74 14 286 K +74 14 287 K +74 14 288 B +74 14 289 A +74 14 290 K +74 14 291 A +74 14 292 B +74 14 293 K +74 14 294 K +74 14 295 BI +74 14 296 A +74 14 297 B +74 14 298 B +74 14 299 A +74 14 300 K +74 14 301 A +74 14 302 K +74 14 303 K +74 14 304 A +74 14 305 B +74 14 306 K +74 14 307 A +74 14 308 K +74 14 309 BI +74 14 310 A +74 14 311 A +74 14 312 BI +74 14 313 A +74 14 314 K +74 14 315 A +74 14 316 A +74 14 317 B +74 14 318 B +74 14 319 K +74 14 320 A +74 14 321 B +74 14 322 A +74 14 323 A +74 14 324 K +74 14 325 B +74 14 326 B +74 14 327 K +74 14 328 A +74 14 329 BI +74 14 330 K +74 15 1 A +74 15 2 A +74 15 3 B +74 15 4 BI +74 15 5 A +74 15 6 K +74 15 7 A +74 15 8 B +74 15 9 BI +74 15 10 BI +74 15 11 BI +74 15 12 B +74 15 13 A +74 15 14 BI +74 15 15 B +74 15 16 K +74 15 17 B +74 15 18 BI +74 15 19 A +74 15 20 A +74 15 21 B +74 15 22 K +74 15 23 B +74 15 24 BI +74 15 25 BI +74 15 26 A +74 15 27 K +74 15 28 B +74 15 29 A +74 15 30 BI +74 15 31 A +74 15 32 B +74 15 33 A +74 15 34 A +74 15 35 B +74 15 36 BI +74 15 37 K +74 15 38 B +74 15 39 BI +74 15 40 A +74 15 41 B +74 15 42 K +74 15 43 BI +74 15 44 K +74 15 45 A +74 15 46 BI +74 15 47 A +74 15 48 B +74 15 49 A +74 15 50 B +74 15 51 BI +74 15 52 K +74 15 53 B +74 15 54 A +74 15 55 A +74 15 56 K +74 15 57 A +74 15 58 K +74 15 59 K +74 15 60 BI +74 15 61 B +74 15 62 K +74 15 63 B +74 15 64 A +74 15 65 B +74 15 66 K +74 15 67 A +74 15 68 B +74 15 69 BI +74 15 70 K +74 15 71 B +74 15 72 A +74 15 73 B +74 15 74 K +74 15 75 BI +74 15 76 B +74 15 77 A +74 15 78 K +74 15 79 BI +74 15 80 A +74 15 81 A +74 15 82 A +74 15 83 K +74 15 84 B +74 15 85 A +74 15 86 B +74 15 87 BI +74 15 88 B +74 15 89 BI +74 15 90 BI +74 15 91 A +74 15 92 K +74 15 93 A +74 15 94 BI +74 15 95 K +74 15 96 B +74 15 97 BI +74 15 98 B +74 15 99 K +74 15 100 A +74 15 101 B +74 15 102 K +74 15 103 BI +74 15 104 B +74 15 105 A +74 15 106 K +74 15 107 K +74 15 108 K +74 15 109 BI +74 15 110 B +74 15 111 BI +74 15 112 B +74 15 113 BI +74 15 114 A +74 15 115 B +74 15 116 K +74 15 117 BI +74 15 118 B +74 15 119 A +74 15 120 K +74 15 121 B +74 15 122 A +74 15 123 BI +74 15 124 K +74 15 125 B +74 15 126 B +74 15 127 BI +74 15 128 K +74 15 129 K +74 15 130 BI +74 15 131 B +74 15 132 A +74 15 133 A +74 15 134 BI +74 15 135 B +74 15 136 A +74 15 137 BI +74 15 138 A +74 15 139 K +74 15 140 B +74 15 141 K +74 15 142 K +74 15 143 A +74 15 144 BI +74 15 145 A +74 15 146 B +74 15 147 A +74 15 148 B +74 15 149 A +74 15 150 BI +74 15 151 B +74 15 152 B +74 15 153 A +74 15 154 BI +74 15 155 BI +74 15 156 A +74 15 157 BI +74 15 158 K +74 15 159 K +74 15 160 B +74 15 161 A +74 15 162 B +74 15 163 A +74 15 164 A +74 15 165 BI +74 15 166 BI +74 15 167 K +74 15 168 A +74 15 169 A +74 15 170 BI +74 15 171 A +74 15 172 K +74 15 173 B +74 15 174 B +74 15 175 K +74 15 176 B +74 15 177 K +74 15 178 A +74 15 179 B +74 15 180 A +74 15 181 K +74 15 182 BI +74 15 183 BI +74 15 184 BI +74 15 185 B +74 15 186 A +74 15 187 B +74 15 188 A +74 15 189 K +74 15 190 B +74 15 191 A +74 15 192 BI +74 15 193 A +74 15 194 BI +74 15 195 A +74 15 196 A +74 15 197 BI +74 15 198 BI +74 15 199 K +74 15 200 A +74 15 201 B +74 15 202 A +74 15 203 B +74 15 204 BI +74 15 205 BI +74 15 206 K +74 15 207 B +74 15 208 BI +74 15 209 A +74 15 210 BI +74 15 211 A +74 15 212 B +74 15 213 K +74 15 214 B +74 15 215 B +74 15 216 BI +74 15 217 B +74 15 218 A +74 15 219 K +74 15 220 BI +74 15 221 K +74 15 222 BI +74 15 223 A +74 15 224 K +74 15 225 BI +74 15 226 A +74 15 227 BI +74 15 228 BI +74 15 229 A +74 15 230 K +74 15 231 B +74 15 232 BI +74 15 233 K +74 15 234 A +74 15 235 BI +74 15 236 A +74 15 237 B +74 15 238 A +74 15 239 B +74 15 240 BI +74 15 241 K +74 15 242 K +74 15 243 B +74 15 244 K +74 15 245 B +74 15 246 A +74 15 247 BI +74 15 248 BI +74 15 249 A +74 15 250 BI +74 15 251 A +74 15 252 K +74 15 253 A +74 15 254 K +74 15 255 BI +74 15 256 B +74 15 257 BI +74 15 258 B +74 15 259 B +74 15 260 K +74 15 261 B +74 15 262 K +74 15 263 K +74 15 264 K +74 15 265 A +74 15 266 B +74 15 267 B +74 15 268 A +74 15 269 B +74 15 270 B +74 15 271 BI +74 15 272 K +74 15 273 B +74 15 274 K +74 15 275 A +74 15 276 B +74 15 277 A +74 15 278 B +74 15 279 A +74 15 280 A +74 15 281 A +74 15 282 A +74 15 283 BI +74 15 284 K +74 15 285 B +74 15 286 K +74 15 287 BI +74 15 288 B +74 15 289 A +74 15 290 K +74 15 291 A +74 15 292 B +74 15 293 K +74 15 294 K +74 15 295 BI +74 15 296 BI +74 15 297 B +74 15 298 B +74 15 299 A +74 15 300 K +74 15 301 A +74 15 302 K +74 15 303 K +74 15 304 A +74 15 305 BI +74 15 306 A +74 15 307 A +74 15 308 K +74 15 309 BI +74 15 310 A +74 15 311 A +74 15 312 BI +74 15 313 BI +74 15 314 K +74 15 315 A +74 15 316 A +74 15 317 B +74 15 318 B +74 15 319 K +74 15 320 A +74 15 321 B +74 15 322 A +74 15 323 A +74 15 324 K +74 15 325 B +74 15 326 B +74 15 327 K +74 15 328 BI +74 15 329 B +74 15 330 K +74 16 1 A +74 16 2 K +74 16 3 B +74 16 4 B +74 16 5 A +74 16 6 K +74 16 7 A +74 16 8 B +74 16 9 B +74 16 10 A +74 16 11 BI +74 16 12 K +74 16 13 BI +74 16 14 BI +74 16 15 B +74 16 16 K +74 16 17 B +74 16 18 BI +74 16 19 A +74 16 20 BI +74 16 21 B +74 16 22 K +74 16 23 K +74 16 24 BI +74 16 25 A +74 16 26 BI +74 16 27 K +74 16 28 B +74 16 29 A +74 16 30 B +74 16 31 K +74 16 32 B +74 16 33 A +74 16 34 BI +74 16 35 B +74 16 36 BI +74 16 37 A +74 16 38 B +74 16 39 A +74 16 40 A +74 16 41 B +74 16 42 K +74 16 43 BI +74 16 44 K +74 16 45 A +74 16 46 BI +74 16 47 BI +74 16 48 B +74 16 49 A +74 16 50 B +74 16 51 BI +74 16 52 K +74 16 53 B +74 16 54 A +74 16 55 BI +74 16 56 K +74 16 57 BI +74 16 58 K +74 16 59 K +74 16 60 BI +74 16 61 B +74 16 62 BI +74 16 63 B +74 16 64 BI +74 16 65 B +74 16 66 K +74 16 67 A +74 16 68 B +74 16 69 BI +74 16 70 K +74 16 71 B +74 16 72 A +74 16 73 B +74 16 74 K +74 16 75 BI +74 16 76 B +74 16 77 A +74 16 78 K +74 16 79 BI +74 16 80 A +74 16 81 A +74 16 82 A +74 16 83 K +74 16 84 B +74 16 85 A +74 16 86 B +74 16 87 BI +74 16 88 B +74 16 89 BI +74 16 90 BI +74 16 91 K +74 16 92 K +74 16 93 A +74 16 94 BI +74 16 95 K +74 16 96 K +74 16 97 BI +74 16 98 B +74 16 99 K +74 16 100 A +74 16 101 B +74 16 102 K +74 16 103 BI +74 16 104 A +74 16 105 B +74 16 106 K +74 16 107 K +74 16 108 K +74 16 109 BI +74 16 110 B +74 16 111 BI +74 16 112 B +74 16 113 BI +74 16 114 A +74 16 115 B +74 16 116 K +74 16 117 BI +74 16 118 B +74 16 119 A +74 16 120 K +74 16 121 B +74 16 122 A +74 16 123 BI +74 16 124 K +74 16 125 B +74 16 126 B +74 16 127 BI +74 16 128 K +74 16 129 K +74 16 130 BI +74 16 131 B +74 16 132 B +74 16 133 BI +74 16 134 B +74 16 135 B +74 16 136 A +74 16 137 BI +74 16 138 K +74 16 139 K +74 16 140 A +74 16 141 K +74 16 142 K +74 16 143 K +74 16 144 BI +74 16 145 A +74 16 146 B +74 16 147 A +74 16 148 B +74 16 149 A +74 16 150 BI +74 16 151 B +74 16 152 K +74 16 153 A +74 16 154 BI +74 16 155 BI +74 16 156 A +74 16 157 BI +74 16 158 K +74 16 159 K +74 16 160 B +74 16 161 A +74 16 162 B +74 16 163 BI +74 16 164 A +74 16 165 BI +74 16 166 A +74 16 167 K +74 16 168 A +74 16 169 A +74 16 170 BI +74 16 171 A +74 16 172 K +74 16 173 B +74 16 174 K +74 16 175 K +74 16 176 B +74 16 177 K +74 16 178 BI +74 16 179 B +74 16 180 A +74 16 181 K +74 16 182 B +74 16 183 BI +74 16 184 BI +74 16 185 B +74 16 186 A +74 16 187 B +74 16 188 A +74 16 189 K +74 16 190 B +74 16 191 A +74 16 192 BI +74 16 193 K +74 16 194 B +74 16 195 A +74 16 196 K +74 16 197 BI +74 16 198 BI +74 16 199 K +74 16 200 A +74 16 201 B +74 16 202 A +74 16 203 B +74 16 204 BI +74 16 205 BI +74 16 206 K +74 16 207 B +74 16 208 K +74 16 209 A +74 16 210 BI +74 16 211 A +74 16 212 K +74 16 213 K +74 16 214 K +74 16 215 B +74 16 216 BI +74 16 217 B +74 16 218 K +74 16 219 K +74 16 220 BI +74 16 221 K +74 16 222 A +74 16 223 A +74 16 224 K +74 16 225 BI +74 16 226 A +74 16 227 BI +74 16 228 A +74 16 229 K +74 16 230 K +74 16 231 BI +74 16 232 BI +74 16 233 A +74 16 234 A +74 16 235 A +74 16 236 K +74 16 237 K +74 16 238 A +74 16 239 B +74 16 240 BI +74 16 241 K +74 16 242 K +74 16 243 B +74 16 244 K +74 16 245 B +74 16 246 A +74 16 247 BI +74 16 248 A +74 16 249 A +74 16 250 BI +74 16 251 K +74 16 252 K +74 16 253 A +74 16 254 K +74 16 255 BI +74 16 256 B +74 16 257 BI +74 16 258 K +74 16 259 B +74 16 260 K +74 16 261 B +74 16 262 K +74 16 263 BI +74 16 264 K +74 16 265 A +74 16 266 B +74 16 267 B +74 16 268 A +74 16 269 B +74 16 270 K +74 16 271 BI +74 16 272 K +74 16 273 B +74 16 274 K +74 16 275 BI +74 16 276 B +74 16 277 A +74 16 278 B +74 16 279 BI +74 16 280 A +74 16 281 A +74 16 282 A +74 16 283 B +74 16 284 K +74 16 285 K +74 16 286 K +74 16 287 BI +74 16 288 B +74 16 289 A +74 16 290 K +74 16 291 A +74 16 292 B +74 16 293 K +74 16 294 K +74 16 295 BI +74 16 296 BI +74 16 297 K +74 16 298 B +74 16 299 A +74 16 300 K +74 16 301 A +74 16 302 K +74 16 303 K +74 16 304 BI +74 16 305 B +74 16 306 K +74 16 307 A +74 16 308 BI +74 16 309 BI +74 16 310 A +74 16 311 A +74 16 312 BI +74 16 313 BI +74 16 314 K +74 16 315 A +74 16 316 A +74 16 317 B +74 16 318 B +74 16 319 K +74 16 320 A +74 16 321 B +74 16 322 A +74 16 323 A +74 16 324 K +74 16 325 B +74 16 326 K +74 16 327 K +74 16 328 A +74 16 329 B +74 16 330 K +74 17 1 A +74 17 2 K +74 17 3 B +74 17 4 BI +74 17 5 K +74 17 6 B +74 17 7 A +74 17 8 B +74 17 9 BI +74 17 10 BI +74 17 11 A +74 17 12 K +74 17 13 BI +74 17 14 BI +74 17 15 K +74 17 16 K +74 17 17 B +74 17 18 BI +74 17 19 A +74 17 20 A +74 17 21 B +74 17 22 K +74 17 23 BI +74 17 24 BI +74 17 25 A +74 17 26 BI +74 17 27 K +74 17 28 B +74 17 29 A +74 17 30 B +74 17 31 K +74 17 32 B +74 17 33 A +74 17 34 BI +74 17 35 B +74 17 36 BI +74 17 37 K +74 17 38 B +74 17 39 A +74 17 40 K +74 17 41 B +74 17 42 A +74 17 43 BI +74 17 44 K +74 17 45 A +74 17 46 BI +74 17 47 BI +74 17 48 BI +74 17 49 K +74 17 50 BI +74 17 51 BI +74 17 52 K +74 17 53 B +74 17 54 BI +74 17 55 K +74 17 56 K +74 17 57 BI +74 17 58 BI +74 17 59 K +74 17 60 BI +74 17 61 B +74 17 62 K +74 17 63 B +74 17 64 BI +74 17 65 B +74 17 66 K +74 17 67 A +74 17 68 B +74 17 69 BI +74 17 70 K +74 17 71 B +74 17 72 A +74 17 73 B +74 17 74 K +74 17 75 BI +74 17 76 B +74 17 77 A +74 17 78 K +74 17 79 BI +74 17 80 A +74 17 81 A +74 17 82 K +74 17 83 K +74 17 84 K +74 17 85 A +74 17 86 B +74 17 87 BI +74 17 88 B +74 17 89 BI +74 17 90 BI +74 17 91 A +74 17 92 K +74 17 93 A +74 17 94 BI +74 17 95 K +74 17 96 A +74 17 97 BI +74 17 98 B +74 17 99 K +74 17 100 K +74 17 101 B +74 17 102 K +74 17 103 BI +74 17 104 K +74 17 105 B +74 17 106 K +74 17 107 K +74 17 108 A +74 17 109 BI +74 17 110 B +74 17 111 BI +74 17 112 B +74 17 113 BI +74 17 114 A +74 17 115 B +74 17 116 K +74 17 117 BI +74 17 118 K +74 17 119 A +74 17 120 K +74 17 121 B +74 17 122 A +74 17 123 BI +74 17 124 A +74 17 125 B +74 17 126 K +74 17 127 BI +74 17 128 A +74 17 129 K +74 17 130 BI +74 17 131 B +74 17 132 B +74 17 133 A +74 17 134 BI +74 17 135 B +74 17 136 A +74 17 137 BI +74 17 138 A +74 17 139 K +74 17 140 BI +74 17 141 K +74 17 142 K +74 17 143 A +74 17 144 BI +74 17 145 A +74 17 146 B +74 17 147 A +74 17 148 B +74 17 149 K +74 17 150 BI +74 17 151 K +74 17 152 B +74 17 153 A +74 17 154 BI +74 17 155 BI +74 17 156 A +74 17 157 BI +74 17 158 K +74 17 159 B +74 17 160 K +74 17 161 A +74 17 162 B +74 17 163 A +74 17 164 BI +74 17 165 A +74 17 166 BI +74 17 167 K +74 17 168 A +74 17 169 A +74 17 170 BI +74 17 171 BI +74 17 172 K +74 17 173 B +74 17 174 A +74 17 175 K +74 17 176 B +74 17 177 K +74 17 178 BI +74 17 179 BI +74 17 180 A +74 17 181 A +74 17 182 B +74 17 183 BI +74 17 184 B +74 17 185 A +74 17 186 K +74 17 187 B +74 17 188 A +74 17 189 K +74 17 190 B +74 17 191 A +74 17 192 B +74 17 193 A +74 17 194 B +74 17 195 BI +74 17 196 K +74 17 197 B +74 17 198 BI +74 17 199 K +74 17 200 K +74 17 201 B +74 17 202 A +74 17 203 B +74 17 204 BI +74 17 205 A +74 17 206 K +74 17 207 B +74 17 208 BI +74 17 209 BI +74 17 210 B +74 17 211 K +74 17 212 B +74 17 213 K +74 17 214 A +74 17 215 K +74 17 216 BI +74 17 217 K +74 17 218 A +74 17 219 K +74 17 220 BI +74 17 221 K +74 17 222 B +74 17 223 A +74 17 224 K +74 17 225 BI +74 17 226 BI +74 17 227 BI +74 17 228 BI +74 17 229 K +74 17 230 K +74 17 231 B +74 17 232 A +74 17 233 BI +74 17 234 A +74 17 235 BI +74 17 236 A +74 17 237 K +74 17 238 A +74 17 239 K +74 17 240 BI +74 17 241 K +74 17 242 K +74 17 243 B +74 17 244 K +74 17 245 B +74 17 246 A +74 17 247 BI +74 17 248 BI +74 17 249 A +74 17 250 B +74 17 251 K +74 17 252 K +74 17 253 A +74 17 254 K +74 17 255 BI +74 17 256 B +74 17 257 BI +74 17 258 K +74 17 259 B +74 17 260 K +74 17 261 B +74 17 262 K +74 17 263 BI +74 17 264 K +74 17 265 A +74 17 266 B +74 17 267 B +74 17 268 A +74 17 269 B +74 17 270 B +74 17 271 BI +74 17 272 K +74 17 273 B +74 17 274 K +74 17 275 K +74 17 276 B +74 17 277 BI +74 17 278 B +74 17 279 BI +74 17 280 A +74 17 281 A +74 17 282 A +74 17 283 BI +74 17 284 K +74 17 285 K +74 17 286 K +74 17 287 BI +74 17 288 K +74 17 289 A +74 17 290 K +74 17 291 BI +74 17 292 B +74 17 293 K +74 17 294 K +74 17 295 BI +74 17 296 B +74 17 297 K +74 17 298 B +74 17 299 A +74 17 300 K +74 17 301 A +74 17 302 K +74 17 303 K +74 17 304 BI +74 17 305 B +74 17 306 K +74 17 307 BI +74 17 308 B +74 17 309 BI +74 17 310 A +74 17 311 A +74 17 312 BI +74 17 313 BI +74 17 314 K +74 17 315 A +74 17 316 A +74 17 317 B +74 17 318 B +74 17 319 K +74 17 320 A +74 17 321 B +74 17 322 K +74 17 323 BI +74 17 324 K +74 17 325 B +74 17 326 K +74 17 327 K +74 17 328 A +74 17 329 BI +74 17 330 K +74 18 1 A +74 18 2 K +74 18 3 B +74 18 4 B +74 18 5 K +74 18 6 K +74 18 7 A +74 18 8 B +74 18 9 BI +74 18 10 BI +74 18 11 BI +74 18 12 B +74 18 13 BI +74 18 14 A +74 18 15 B +74 18 16 K +74 18 17 B +74 18 18 BI +74 18 19 A +74 18 20 A +74 18 21 B +74 18 22 K +74 18 23 B +74 18 24 A +74 18 25 BI +74 18 26 BI +74 18 27 K +74 18 28 B +74 18 29 A +74 18 30 B +74 18 31 K +74 18 32 B +74 18 33 A +74 18 34 A +74 18 35 B +74 18 36 BI +74 18 37 BI +74 18 38 B +74 18 39 A +74 18 40 A +74 18 41 B +74 18 42 B +74 18 43 BI +74 18 44 K +74 18 45 A +74 18 46 BI +74 18 47 BI +74 18 48 B +74 18 49 A +74 18 50 B +74 18 51 BI +74 18 52 K +74 18 53 B +74 18 54 A +74 18 55 A +74 18 56 B +74 18 57 A +74 18 58 BI +74 18 59 K +74 18 60 BI +74 18 61 B +74 18 62 K +74 18 63 B +74 18 64 A +74 18 65 B +74 18 66 K +74 18 67 A +74 18 68 B +74 18 69 A +74 18 70 K +74 18 71 B +74 18 72 A +74 18 73 B +74 18 74 A +74 18 75 BI +74 18 76 B +74 18 77 A +74 18 78 K +74 18 79 BI +74 18 80 A +74 18 81 A +74 18 82 BI +74 18 83 K +74 18 84 B +74 18 85 A +74 18 86 B +74 18 87 BI +74 18 88 A +74 18 89 BI +74 18 90 A +74 18 91 A +74 18 92 K +74 18 93 A +74 18 94 BI +74 18 95 K +74 18 96 B +74 18 97 A +74 18 98 B +74 18 99 K +74 18 100 A +74 18 101 B +74 18 102 K +74 18 103 BI +74 18 104 A +74 18 105 B +74 18 106 K +74 18 107 K +74 18 108 A +74 18 109 BI +74 18 110 B +74 18 111 BI +74 18 112 B +74 18 113 BI +74 18 114 A +74 18 115 B +74 18 116 K +74 18 117 BI +74 18 118 B +74 18 119 A +74 18 120 K +74 18 121 B +74 18 122 A +74 18 123 A +74 18 124 A +74 18 125 B +74 18 126 B +74 18 127 BI +74 18 128 K +74 18 129 K +74 18 130 A +74 18 131 B +74 18 132 B +74 18 133 A +74 18 134 BI +74 18 135 B +74 18 136 A +74 18 137 BI +74 18 138 A +74 18 139 K +74 18 140 A +74 18 141 K +74 18 142 K +74 18 143 A +74 18 144 BI +74 18 145 A +74 18 146 B +74 18 147 A +74 18 148 B +74 18 149 A +74 18 150 BI +74 18 151 B +74 18 152 K +74 18 153 A +74 18 154 BI +74 18 155 BI +74 18 156 A +74 18 157 BI +74 18 158 K +74 18 159 B +74 18 160 B +74 18 161 A +74 18 162 B +74 18 163 A +74 18 164 A +74 18 165 BI +74 18 166 BI +74 18 167 B +74 18 168 BI +74 18 169 A +74 18 170 BI +74 18 171 BI +74 18 172 K +74 18 173 B +74 18 174 B +74 18 175 K +74 18 176 B +74 18 177 B +74 18 178 A +74 18 179 BI +74 18 180 A +74 18 181 B +74 18 182 B +74 18 183 BI +74 18 184 B +74 18 185 B +74 18 186 A +74 18 187 B +74 18 188 BI +74 18 189 K +74 18 190 B +74 18 191 BI +74 18 192 B +74 18 193 A +74 18 194 B +74 18 195 A +74 18 196 A +74 18 197 B +74 18 198 BI +74 18 199 K +74 18 200 A +74 18 201 B +74 18 202 A +74 18 203 B +74 18 204 BI +74 18 205 B +74 18 206 K +74 18 207 B +74 18 208 A +74 18 209 BI +74 18 210 B +74 18 211 A +74 18 212 B +74 18 213 K +74 18 214 A +74 18 215 B +74 18 216 BI +74 18 217 B +74 18 218 BI +74 18 219 K +74 18 220 A +74 18 221 K +74 18 222 B +74 18 223 A +74 18 224 K +74 18 225 B +74 18 226 BI +74 18 227 A +74 18 228 A +74 18 229 A +74 18 230 K +74 18 231 B +74 18 232 BI +74 18 233 A +74 18 234 A +74 18 235 A +74 18 236 BI +74 18 237 B +74 18 238 A +74 18 239 B +74 18 240 BI +74 18 241 K +74 18 242 K +74 18 243 B +74 18 244 K +74 18 245 B +74 18 246 A +74 18 247 B +74 18 248 BI +74 18 249 A +74 18 250 B +74 18 251 A +74 18 252 K +74 18 253 A +74 18 254 K +74 18 255 BI +74 18 256 B +74 18 257 A +74 18 258 K +74 18 259 B +74 18 260 K +74 18 261 B +74 18 262 K +74 18 263 BI +74 18 264 A +74 18 265 A +74 18 266 B +74 18 267 B +74 18 268 A +74 18 269 B +74 18 270 B +74 18 271 A +74 18 272 K +74 18 273 B +74 18 274 K +74 18 275 A +74 18 276 B +74 18 277 A +74 18 278 B +74 18 279 BI +74 18 280 A +74 18 281 A +74 18 282 A +74 18 283 B +74 18 284 K +74 18 285 B +74 18 286 K +74 18 287 A +74 18 288 B +74 18 289 A +74 18 290 K +74 18 291 A +74 18 292 B +74 18 293 K +74 18 294 K +74 18 295 BI +74 18 296 B +74 18 297 B +74 18 298 B +74 18 299 A +74 18 300 K +74 18 301 A +74 18 302 K +74 18 303 K +74 18 304 BI +74 18 305 B +74 18 306 A +74 18 307 K +74 18 308 B +74 18 309 BI +74 18 310 A +74 18 311 BI +74 18 312 BI +74 18 313 A +74 18 314 K +74 18 315 A +74 18 316 A +74 18 317 B +74 18 318 B +74 18 319 K +74 18 320 BI +74 18 321 B +74 18 322 A +74 18 323 A +74 18 324 K +74 18 325 B +74 18 326 B +74 18 327 K +74 18 328 A +74 18 329 BI +74 18 330 K +74 19 1 A +74 19 2 K +74 19 3 B +74 19 4 B +74 19 5 K +74 19 6 K +74 19 7 A +74 19 8 B +74 19 9 BI +74 19 10 BI +74 19 11 A +74 19 12 K +74 19 13 BI +74 19 14 BI +74 19 15 B +74 19 16 K +74 19 17 B +74 19 18 BI +74 19 19 A +74 19 20 A +74 19 21 B +74 19 22 K +74 19 23 BI +74 19 24 BI +74 19 25 A +74 19 26 BI +74 19 27 K +74 19 28 B +74 19 29 K +74 19 30 B +74 19 31 A +74 19 32 BI +74 19 33 A +74 19 34 A +74 19 35 B +74 19 36 BI +74 19 37 A +74 19 38 B +74 19 39 A +74 19 40 A +74 19 41 B +74 19 42 BI +74 19 43 BI +74 19 44 K +74 19 45 A +74 19 46 BI +74 19 47 BI +74 19 48 B +74 19 49 A +74 19 50 BI +74 19 51 BI +74 19 52 A +74 19 53 B +74 19 54 A +74 19 55 K +74 19 56 B +74 19 57 BI +74 19 58 BI +74 19 59 K +74 19 60 BI +74 19 61 B +74 19 62 A +74 19 63 B +74 19 64 A +74 19 65 B +74 19 66 K +74 19 67 A +74 19 68 B +74 19 69 BI +74 19 70 K +74 19 71 B +74 19 72 A +74 19 73 B +74 19 74 A +74 19 75 BI +74 19 76 B +74 19 77 A +74 19 78 BI +74 19 79 BI +74 19 80 A +74 19 81 A +74 19 82 K +74 19 83 K +74 19 84 B +74 19 85 A +74 19 86 B +74 19 87 BI +74 19 88 B +74 19 89 BI +74 19 90 BI +74 19 91 A +74 19 92 K +74 19 93 A +74 19 94 BI +74 19 95 K +74 19 96 K +74 19 97 A +74 19 98 B +74 19 99 BI +74 19 100 A +74 19 101 B +74 19 102 BI +74 19 103 BI +74 19 104 A +74 19 105 B +74 19 106 K +74 19 107 K +74 19 108 K +74 19 109 BI +74 19 110 B +74 19 111 BI +74 19 112 B +74 19 113 BI +74 19 114 A +74 19 115 B +74 19 116 K +74 19 117 BI +74 19 118 B +74 19 119 A +74 19 120 K +74 19 121 B +74 19 122 A +74 19 123 A +74 19 124 K +74 19 125 B +74 19 126 B +74 19 127 BI +74 19 128 A +74 19 129 K +74 19 130 BI +74 19 131 B +74 19 132 B +74 19 133 A +74 19 134 BI +74 19 135 B +74 19 136 A +74 19 137 BI +74 19 138 A +74 19 139 K +74 19 140 A +74 19 141 K +74 19 142 K +74 19 143 A +74 19 144 B +74 19 145 A +74 19 146 K +74 19 147 A +74 19 148 B +74 19 149 K +74 19 150 BI +74 19 151 B +74 19 152 B +74 19 153 A +74 19 154 BI +74 19 155 BI +74 19 156 A +74 19 157 BI +74 19 158 K +74 19 159 K +74 19 160 B +74 19 161 A +74 19 162 B +74 19 163 A +74 19 164 A +74 19 165 BI +74 19 166 BI +74 19 167 K +74 19 168 A +74 19 169 A +74 19 170 BI +74 19 171 BI +74 19 172 K +74 19 173 B +74 19 174 B +74 19 175 A +74 19 176 B +74 19 177 K +74 19 178 BI +74 19 179 B +74 19 180 A +74 19 181 K +74 19 182 B +74 19 183 BI +74 19 184 B +74 19 185 K +74 19 186 A +74 19 187 K +74 19 188 A +74 19 189 A +74 19 190 B +74 19 191 A +74 19 192 A +74 19 193 BI +74 19 194 B +74 19 195 A +74 19 196 A +74 19 197 B +74 19 198 BI +74 19 199 K +74 19 200 A +74 19 201 B +74 19 202 A +74 19 203 B +74 19 204 BI +74 19 205 A +74 19 206 K +74 19 207 B +74 19 208 BI +74 19 209 A +74 19 210 B +74 19 211 A +74 19 212 K +74 19 213 BI +74 19 214 K +74 19 215 B +74 19 216 BI +74 19 217 B +74 19 218 A +74 19 219 A +74 19 220 BI +74 19 221 A +74 19 222 B +74 19 223 A +74 19 224 K +74 19 225 BI +74 19 226 A +74 19 227 BI +74 19 228 BI +74 19 229 K +74 19 230 K +74 19 231 B +74 19 232 BI +74 19 233 BI +74 19 234 A +74 19 235 A +74 19 236 K +74 19 237 K +74 19 238 A +74 19 239 B +74 19 240 B +74 19 241 K +74 19 242 K +74 19 243 B +74 19 244 K +74 19 245 B +74 19 246 A +74 19 247 BI +74 19 248 BI +74 19 249 A +74 19 250 B +74 19 251 K +74 19 252 K +74 19 253 A +74 19 254 K +74 19 255 BI +74 19 256 B +74 19 257 A +74 19 258 K +74 19 259 B +74 19 260 K +74 19 261 K +74 19 262 K +74 19 263 BI +74 19 264 K +74 19 265 A +74 19 266 B +74 19 267 B +74 19 268 A +74 19 269 B +74 19 270 K +74 19 271 A +74 19 272 K +74 19 273 B +74 19 274 K +74 19 275 BI +74 19 276 B +74 19 277 A +74 19 278 B +74 19 279 A +74 19 280 A +74 19 281 A +74 19 282 A +74 19 283 BI +74 19 284 K +74 19 285 B +74 19 286 K +74 19 287 K +74 19 288 B +74 19 289 A +74 19 290 K +74 19 291 A +74 19 292 B +74 19 293 K +74 19 294 K +74 19 295 BI +74 19 296 B +74 19 297 K +74 19 298 B +74 19 299 A +74 19 300 BI +74 19 301 A +74 19 302 K +74 19 303 K +74 19 304 BI +74 19 305 B +74 19 306 A +74 19 307 A +74 19 308 BI +74 19 309 BI +74 19 310 A +74 19 311 A +74 19 312 BI +74 19 313 BI +74 19 314 K +74 19 315 A +74 19 316 A +74 19 317 B +74 19 318 B +74 19 319 K +74 19 320 BI +74 19 321 B +74 19 322 A +74 19 323 A +74 19 324 K +74 19 325 B +74 19 326 K +74 19 327 K +74 19 328 A +74 19 329 BI +74 19 330 K +74 20 1 A +74 20 2 K +74 20 3 B +74 20 4 A +74 20 5 A +74 20 6 B +74 20 7 A +74 20 8 B +74 20 9 B +74 20 10 A +74 20 11 A +74 20 12 B +74 20 13 BI +74 20 14 BI +74 20 15 B +74 20 16 K +74 20 17 B +74 20 18 BI +74 20 19 A +74 20 20 A +74 20 21 B +74 20 22 K +74 20 23 B +74 20 24 BI +74 20 25 A +74 20 26 A +74 20 27 K +74 20 28 B +74 20 29 A +74 20 30 B +74 20 31 K +74 20 32 B +74 20 33 A +74 20 34 K +74 20 35 B +74 20 36 A +74 20 37 K +74 20 38 B +74 20 39 A +74 20 40 A +74 20 41 B +74 20 42 A +74 20 43 BI +74 20 44 K +74 20 45 A +74 20 46 BI +74 20 47 A +74 20 48 B +74 20 49 A +74 20 50 B +74 20 51 A +74 20 52 K +74 20 53 B +74 20 54 A +74 20 55 K +74 20 56 B +74 20 57 BI +74 20 58 A +74 20 59 K +74 20 60 BI +74 20 61 B +74 20 62 K +74 20 63 B +74 20 64 A +74 20 65 B +74 20 66 K +74 20 67 A +74 20 68 B +74 20 69 A +74 20 70 K +74 20 71 B +74 20 72 A +74 20 73 B +74 20 74 A +74 20 75 BI +74 20 76 B +74 20 77 K +74 20 78 B +74 20 79 BI +74 20 80 K +74 20 81 A +74 20 82 K +74 20 83 K +74 20 84 B +74 20 85 A +74 20 86 B +74 20 87 BI +74 20 88 B +74 20 89 BI +74 20 90 A +74 20 91 K +74 20 92 K +74 20 93 A +74 20 94 BI +74 20 95 K +74 20 96 B +74 20 97 A +74 20 98 B +74 20 99 K +74 20 100 K +74 20 101 B +74 20 102 K +74 20 103 A +74 20 104 K +74 20 105 B +74 20 106 K +74 20 107 A +74 20 108 K +74 20 109 A +74 20 110 B +74 20 111 BI +74 20 112 B +74 20 113 BI +74 20 114 A +74 20 115 B +74 20 116 A +74 20 117 BI +74 20 118 B +74 20 119 A +74 20 120 K +74 20 121 B +74 20 122 A +74 20 123 BI +74 20 124 K +74 20 125 B +74 20 126 B +74 20 127 BI +74 20 128 K +74 20 129 K +74 20 130 BI +74 20 131 B +74 20 132 B +74 20 133 A +74 20 134 BI +74 20 135 B +74 20 136 A +74 20 137 BI +74 20 138 K +74 20 139 K +74 20 140 A +74 20 141 K +74 20 142 K +74 20 143 K +74 20 144 BI +74 20 145 A +74 20 146 A +74 20 147 A +74 20 148 B +74 20 149 K +74 20 150 BI +74 20 151 K +74 20 152 B +74 20 153 A +74 20 154 BI +74 20 155 BI +74 20 156 A +74 20 157 BI +74 20 158 K +74 20 159 A +74 20 160 B +74 20 161 K +74 20 162 B +74 20 163 BI +74 20 164 A +74 20 165 A +74 20 166 BI +74 20 167 A +74 20 168 BI +74 20 169 A +74 20 170 BI +74 20 171 BI +74 20 172 K +74 20 173 B +74 20 174 B +74 20 175 K +74 20 176 B +74 20 177 K +74 20 178 A +74 20 179 B +74 20 180 A +74 20 181 B +74 20 182 B +74 20 183 BI +74 20 184 B +74 20 185 B +74 20 186 K +74 20 187 B +74 20 188 BI +74 20 189 A +74 20 190 B +74 20 191 BI +74 20 192 A +74 20 193 A +74 20 194 B +74 20 195 A +74 20 196 K +74 20 197 A +74 20 198 BI +74 20 199 K +74 20 200 A +74 20 201 B +74 20 202 A +74 20 203 B +74 20 204 BI +74 20 205 A +74 20 206 K +74 20 207 B +74 20 208 K +74 20 209 BI +74 20 210 BI +74 20 211 K +74 20 212 B +74 20 213 A +74 20 214 K +74 20 215 B +74 20 216 BI +74 20 217 B +74 20 218 BI +74 20 219 K +74 20 220 A +74 20 221 K +74 20 222 A +74 20 223 A +74 20 224 K +74 20 225 BI +74 20 226 BI +74 20 227 BI +74 20 228 A +74 20 229 K +74 20 230 K +74 20 231 B +74 20 232 BI +74 20 233 BI +74 20 234 A +74 20 235 A +74 20 236 K +74 20 237 K +74 20 238 A +74 20 239 B +74 20 240 BI +74 20 241 K +74 20 242 K +74 20 243 B +74 20 244 K +74 20 245 B +74 20 246 K +74 20 247 A +74 20 248 BI +74 20 249 A +74 20 250 A +74 20 251 K +74 20 252 K +74 20 253 K +74 20 254 A +74 20 255 BI +74 20 256 B +74 20 257 BI +74 20 258 K +74 20 259 B +74 20 260 K +74 20 261 B +74 20 262 K +74 20 263 BI +74 20 264 K +74 20 265 A +74 20 266 B +74 20 267 B +74 20 268 K +74 20 269 B +74 20 270 B +74 20 271 A +74 20 272 K +74 20 273 B +74 20 274 K +74 20 275 A +74 20 276 B +74 20 277 A +74 20 278 B +74 20 279 A +74 20 280 A +74 20 281 A +74 20 282 K +74 20 283 BI +74 20 284 K +74 20 285 B +74 20 286 K +74 20 287 A +74 20 288 B +74 20 289 A +74 20 290 K +74 20 291 A +74 20 292 B +74 20 293 K +74 20 294 K +74 20 295 BI +74 20 296 A +74 20 297 B +74 20 298 B +74 20 299 A +74 20 300 A +74 20 301 BI +74 20 302 K +74 20 303 K +74 20 304 A +74 20 305 B +74 20 306 K +74 20 307 A +74 20 308 A +74 20 309 BI +74 20 310 K +74 20 311 BI +74 20 312 BI +74 20 313 A +74 20 314 K +74 20 315 K +74 20 316 A +74 20 317 B +74 20 318 B +74 20 319 K +74 20 320 A +74 20 321 B +74 20 322 A +74 20 323 BI +74 20 324 K +74 20 325 B +74 20 326 A +74 20 327 K +74 20 328 BI +74 20 329 BI +74 20 330 K +74 21 1 A +74 21 2 K +74 21 3 B +74 21 4 BI +74 21 5 K +74 21 6 K +74 21 7 A +74 21 8 B +74 21 9 BI +74 21 10 BI +74 21 11 BI +74 21 12 K +74 21 13 A +74 21 14 BI +74 21 15 K +74 21 16 K +74 21 17 B +74 21 18 A +74 21 19 A +74 21 20 A +74 21 21 B +74 21 22 K +74 21 23 A +74 21 24 BI +74 21 25 A +74 21 26 BI +74 21 27 K +74 21 28 B +74 21 29 A +74 21 30 K +74 21 31 A +74 21 32 A +74 21 33 A +74 21 34 BI +74 21 35 B +74 21 36 BI +74 21 37 A +74 21 38 B +74 21 39 A +74 21 40 A +74 21 41 B +74 21 42 K +74 21 43 A +74 21 44 K +74 21 45 A +74 21 46 BI +74 21 47 BI +74 21 48 K +74 21 49 A +74 21 50 B +74 21 51 K +74 21 52 K +74 21 53 B +74 21 54 A +74 21 55 A +74 21 56 K +74 21 57 A +74 21 58 K +74 21 59 K +74 21 60 BI +74 21 61 B +74 21 62 A +74 21 63 B +74 21 64 A +74 21 65 B +74 21 66 K +74 21 67 A +74 21 68 B +74 21 69 K +74 21 70 K +74 21 71 B +74 21 72 A +74 21 73 B +74 21 74 K +74 21 75 A +74 21 76 B +74 21 77 A +74 21 78 K +74 21 79 BI +74 21 80 A +74 21 81 K +74 21 82 A +74 21 83 K +74 21 84 K +74 21 85 A +74 21 86 B +74 21 87 BI +74 21 88 B +74 21 89 BI +74 21 90 BI +74 21 91 K +74 21 92 K +74 21 93 A +74 21 94 BI +74 21 95 K +74 21 96 K +74 21 97 A +74 21 98 B +74 21 99 K +74 21 100 A +74 21 101 B +74 21 102 K +74 21 103 A +74 21 104 A +74 21 105 B +74 21 106 K +74 21 107 K +74 21 108 K +74 21 109 A +74 21 110 B +74 21 111 A +74 21 112 B +74 21 113 BI +74 21 114 A +74 21 115 B +74 21 116 K +74 21 117 BI +74 21 118 B +74 21 119 A +74 21 120 K +74 21 121 B +74 21 122 A +74 21 123 BI +74 21 124 K +74 21 125 B +74 21 126 B +74 21 127 A +74 21 128 K +74 21 129 K +74 21 130 BI +74 21 131 B +74 21 132 B +74 21 133 BI +74 21 134 BI +74 21 135 B +74 21 136 A +74 21 137 BI +74 21 138 A +74 21 139 K +74 21 140 BI +74 21 141 K +74 21 142 K +74 21 143 A +74 21 144 BI +74 21 145 A +74 21 146 K +74 21 147 A +74 21 148 B +74 21 149 K +74 21 150 A +74 21 151 B +74 21 152 K +74 21 153 A +74 21 154 BI +74 21 155 BI +74 21 156 A +74 21 157 K +74 21 158 K +74 21 159 K +74 21 160 K +74 21 161 A +74 21 162 B +74 21 163 A +74 21 164 A +74 21 165 BI +74 21 166 BI +74 21 167 K +74 21 168 A +74 21 169 BI +74 21 170 A +74 21 171 K +74 21 172 K +74 21 173 B +74 21 174 B +74 21 175 K +74 21 176 B +74 21 177 K +74 21 178 A +74 21 179 B +74 21 180 A +74 21 181 K +74 21 182 B +74 21 183 K +74 21 184 B +74 21 185 K +74 21 186 A +74 21 187 K +74 21 188 A +74 21 189 K +74 21 190 K +74 21 191 A +74 21 192 K +74 21 193 K +74 21 194 B +74 21 195 A +74 21 196 K +74 21 197 B +74 21 198 A +74 21 199 K +74 21 200 A +74 21 201 K +74 21 202 A +74 21 203 B +74 21 204 BI +74 21 205 A +74 21 206 K +74 21 207 B +74 21 208 K +74 21 209 A +74 21 210 BI +74 21 211 A +74 21 212 B +74 21 213 K +74 21 214 K +74 21 215 B +74 21 216 A +74 21 217 B +74 21 218 A +74 21 219 K +74 21 220 A +74 21 221 K +74 21 222 A +74 21 223 A +74 21 224 K +74 21 225 K +74 21 226 A +74 21 227 BI +74 21 228 BI +74 21 229 K +74 21 230 K +74 21 231 B +74 21 232 BI +74 21 233 A +74 21 234 A +74 21 235 BI +74 21 236 A +74 21 237 K +74 21 238 BI +74 21 239 B +74 21 240 BI +74 21 241 K +74 21 242 K +74 21 243 B +74 21 244 K +74 21 245 B +74 21 246 BI +74 21 247 B +74 21 248 BI +74 21 249 BI +74 21 250 B +74 21 251 K +74 21 252 K +74 21 253 A +74 21 254 A +74 21 255 BI +74 21 256 B +74 21 257 BI +74 21 258 K +74 21 259 B +74 21 260 K +74 21 261 B +74 21 262 K +74 21 263 BI +74 21 264 K +74 21 265 BI +74 21 266 B +74 21 267 B +74 21 268 A +74 21 269 B +74 21 270 K +74 21 271 BI +74 21 272 K +74 21 273 B +74 21 274 K +74 21 275 B +74 21 276 B +74 21 277 BI +74 21 278 B +74 21 279 A +74 21 280 BI +74 21 281 BI +74 21 282 A +74 21 283 BI +74 21 284 K +74 21 285 B +74 21 286 K +74 21 287 B +74 21 288 B +74 21 289 BI +74 21 290 K +74 21 291 BI +74 21 292 B +74 21 293 K +74 21 294 K +74 21 295 BI +74 21 296 B +74 21 297 B +74 21 298 B +74 21 299 A +74 21 300 K +74 21 301 A +74 21 302 K +74 21 303 K +74 21 304 A +74 21 305 B +74 21 306 A +74 21 307 BI +74 21 308 B +74 21 309 BI +74 21 310 A +74 21 311 A +74 21 312 BI +74 21 313 BI +74 21 314 K +74 21 315 A +74 21 316 BI +74 21 317 B +74 21 318 B +74 21 319 K +74 21 320 BI +74 21 321 B +74 21 322 A +74 21 323 BI +74 21 324 K +74 21 325 B +74 21 326 K +74 21 327 K +74 21 328 A +74 21 329 K +74 21 330 K +74 22 1 A +74 22 2 A +74 22 3 B +74 22 4 A +74 22 5 K +74 22 6 K +74 22 7 A +74 22 8 B +74 22 9 BI +74 22 10 A +74 22 11 BI +74 22 12 K +74 22 13 BI +74 22 14 BI +74 22 15 K +74 22 16 K +74 22 17 B +74 22 18 BI +74 22 19 A +74 22 20 BI +74 22 21 B +74 22 22 K +74 22 23 A +74 22 24 BI +74 22 25 A +74 22 26 BI +74 22 27 K +74 22 28 B +74 22 29 A +74 22 30 B +74 22 31 K +74 22 32 B +74 22 33 A +74 22 34 BI +74 22 35 B +74 22 36 BI +74 22 37 K +74 22 38 B +74 22 39 BI +74 22 40 A +74 22 41 B +74 22 42 K +74 22 43 BI +74 22 44 K +74 22 45 A +74 22 46 K +74 22 47 BI +74 22 48 K +74 22 49 BI +74 22 50 A +74 22 51 BI +74 22 52 K +74 22 53 B +74 22 54 A +74 22 55 K +74 22 56 K +74 22 57 A +74 22 58 K +74 22 59 K +74 22 60 BI +74 22 61 B +74 22 62 K +74 22 63 B +74 22 64 BI +74 22 65 B +74 22 66 K +74 22 67 A +74 22 68 B +74 22 69 BI +74 22 70 K +74 22 71 BI +74 22 72 A +74 22 73 A +74 22 74 K +74 22 75 A +74 22 76 B +74 22 77 A +74 22 78 K +74 22 79 A +74 22 80 A +74 22 81 K +74 22 82 BI +74 22 83 K +74 22 84 B +74 22 85 A +74 22 86 B +74 22 87 A +74 22 88 B +74 22 89 BI +74 22 90 A +74 22 91 K +74 22 92 K +74 22 93 A +74 22 94 BI +74 22 95 K +74 22 96 B +74 22 97 A +74 22 98 B +74 22 99 K +74 22 100 K +74 22 101 B +74 22 102 K +74 22 103 BI +74 22 104 A +74 22 105 B +74 22 106 K +74 22 107 K +74 22 108 K +74 22 109 BI +74 22 110 A +74 22 111 BI +74 22 112 B +74 22 113 BI +74 22 114 A +74 22 115 B +74 22 116 K +74 22 117 BI +74 22 118 B +74 22 119 A +74 22 120 K +74 22 121 B +74 22 122 A +74 22 123 A +74 22 124 K +74 22 125 B +74 22 126 B +74 22 127 K +74 22 128 A +74 22 129 K +74 22 130 BI +74 22 131 B +74 22 132 K +74 22 133 A +74 22 134 BI +74 22 135 B +74 22 136 A +74 22 137 A +74 22 138 A +74 22 139 K +74 22 140 A +74 22 141 K +74 22 142 K +74 22 143 A +74 22 144 BI +74 22 145 K +74 22 146 A +74 22 147 A +74 22 148 B +74 22 149 K +74 22 150 A +74 22 151 B +74 22 152 K +74 22 153 A +74 22 154 BI +74 22 155 BI +74 22 156 A +74 22 157 BI +74 22 158 K +74 22 159 K +74 22 160 B +74 22 161 A +74 22 162 B +74 22 163 A +74 22 164 A +74 22 165 A +74 22 166 A +74 22 167 K +74 22 168 A +74 22 169 A +74 22 170 BI +74 22 171 A +74 22 172 K +74 22 173 B +74 22 174 A +74 22 175 K +74 22 176 B +74 22 177 K +74 22 178 BI +74 22 179 BI +74 22 180 A +74 22 181 K +74 22 182 BI +74 22 183 A +74 22 184 A +74 22 185 K +74 22 186 A +74 22 187 B +74 22 188 A +74 22 189 K +74 22 190 B +74 22 191 A +74 22 192 BI +74 22 193 K +74 22 194 A +74 22 195 A +74 22 196 K +74 22 197 A +74 22 198 BI +74 22 199 K +74 22 200 K +74 22 201 B +74 22 202 A +74 22 203 B +74 22 204 BI +74 22 205 A +74 22 206 K +74 22 207 B +74 22 208 A +74 22 209 BI +74 22 210 BI +74 22 211 A +74 22 212 B +74 22 213 K +74 22 214 K +74 22 215 B +74 22 216 BI +74 22 217 K +74 22 218 A +74 22 219 K +74 22 220 BI +74 22 221 K +74 22 222 A +74 22 223 A +74 22 224 K +74 22 225 A +74 22 226 BI +74 22 227 A +74 22 228 A +74 22 229 K +74 22 230 K +74 22 231 A +74 22 232 BI +74 22 233 K +74 22 234 A +74 22 235 A +74 22 236 BI +74 22 237 K +74 22 238 A +74 22 239 B +74 22 240 A +74 22 241 K +74 22 242 K +74 22 243 A +74 22 244 K +74 22 245 B +74 22 246 A +74 22 247 BI +74 22 248 BI +74 22 249 BI +74 22 250 A +74 22 251 K +74 22 252 K +74 22 253 A +74 22 254 A +74 22 255 BI +74 22 256 B +74 22 257 BI +74 22 258 K +74 22 259 B +74 22 260 K +74 22 261 B +74 22 262 K +74 22 263 BI +74 22 264 A +74 22 265 BI +74 22 266 K +74 22 267 A +74 22 268 K +74 22 269 B +74 22 270 K +74 22 271 BI +74 22 272 K +74 22 273 K +74 22 274 K +74 22 275 A +74 22 276 B +74 22 277 A +74 22 278 K +74 22 279 A +74 22 280 BI +74 22 281 A +74 22 282 A +74 22 283 BI +74 22 284 K +74 22 285 B +74 22 286 K +74 22 287 K +74 22 288 B +74 22 289 K +74 22 290 K +74 22 291 A +74 22 292 B +74 22 293 K +74 22 294 K +74 22 295 BI +74 22 296 A +74 22 297 B +74 22 298 B +74 22 299 A +74 22 300 K +74 22 301 A +74 22 302 K +74 22 303 K +74 22 304 A +74 22 305 A +74 22 306 K +74 22 307 A +74 22 308 A +74 22 309 BI +74 22 310 A +74 22 311 BI +74 22 312 A +74 22 313 A +74 22 314 K +74 22 315 A +74 22 316 A +74 22 317 B +74 22 318 B +74 22 319 K +74 22 320 A +74 22 321 B +74 22 322 A +74 22 323 BI +74 22 324 K +74 22 325 A +74 22 326 K +74 22 327 K +74 22 328 BI +74 22 329 K +74 22 330 K +74 23 1 A +74 23 2 K +74 23 3 B +74 23 4 BI +74 23 5 A +74 23 6 K +74 23 7 A +74 23 8 B +74 23 9 BI +74 23 10 BI +74 23 11 A +74 23 12 B +74 23 13 A +74 23 14 BI +74 23 15 K +74 23 16 K +74 23 17 B +74 23 18 BI +74 23 19 A +74 23 20 A +74 23 21 B +74 23 22 K +74 23 23 K +74 23 24 BI +74 23 25 A +74 23 26 BI +74 23 27 K +74 23 28 B +74 23 29 A +74 23 30 A +74 23 31 K +74 23 32 B +74 23 33 A +74 23 34 BI +74 23 35 B +74 23 36 BI +74 23 37 K +74 23 38 B +74 23 39 A +74 23 40 BI +74 23 41 B +74 23 42 K +74 23 43 BI +74 23 44 K +74 23 45 A +74 23 46 BI +74 23 47 BI +74 23 48 A +74 23 49 K +74 23 50 BI +74 23 51 BI +74 23 52 K +74 23 53 B +74 23 54 A +74 23 55 A +74 23 56 K +74 23 57 BI +74 23 58 K +74 23 59 K +74 23 60 BI +74 23 61 B +74 23 62 K +74 23 63 B +74 23 64 BI +74 23 65 B +74 23 66 K +74 23 67 A +74 23 68 B +74 23 69 BI +74 23 70 K +74 23 71 B +74 23 72 A +74 23 73 B +74 23 74 K +74 23 75 BI +74 23 76 B +74 23 77 A +74 23 78 K +74 23 79 BI +74 23 80 BI +74 23 81 A +74 23 82 A +74 23 83 K +74 23 84 B +74 23 85 A +74 23 86 B +74 23 87 BI +74 23 88 B +74 23 89 BI +74 23 90 BI +74 23 91 A +74 23 92 K +74 23 93 A +74 23 94 BI +74 23 95 K +74 23 96 A +74 23 97 BI +74 23 98 B +74 23 99 K +74 23 100 K +74 23 101 B +74 23 102 K +74 23 103 A +74 23 104 A +74 23 105 B +74 23 106 K +74 23 107 K +74 23 108 K +74 23 109 A +74 23 110 B +74 23 111 BI +74 23 112 B +74 23 113 BI +74 23 114 A +74 23 115 B +74 23 116 K +74 23 117 BI +74 23 118 B +74 23 119 A +74 23 120 K +74 23 121 B +74 23 122 A +74 23 123 BI +74 23 124 A +74 23 125 B +74 23 126 B +74 23 127 BI +74 23 128 A +74 23 129 K +74 23 130 BI +74 23 131 B +74 23 132 B +74 23 133 A +74 23 134 BI +74 23 135 B +74 23 136 K +74 23 137 A +74 23 138 K +74 23 139 K +74 23 140 BI +74 23 141 K +74 23 142 K +74 23 143 A +74 23 144 BI +74 23 145 A +74 23 146 B +74 23 147 A +74 23 148 B +74 23 149 K +74 23 150 BI +74 23 151 B +74 23 152 B +74 23 153 A +74 23 154 BI +74 23 155 BI +74 23 156 A +74 23 157 BI +74 23 158 K +74 23 159 B +74 23 160 B +74 23 161 A +74 23 162 B +74 23 163 A +74 23 164 A +74 23 165 BI +74 23 166 A +74 23 167 K +74 23 168 A +74 23 169 A +74 23 170 BI +74 23 171 A +74 23 172 K +74 23 173 B +74 23 174 K +74 23 175 K +74 23 176 B +74 23 177 K +74 23 178 BI +74 23 179 B +74 23 180 A +74 23 181 BI +74 23 182 B +74 23 183 BI +74 23 184 K +74 23 185 B +74 23 186 A +74 23 187 B +74 23 188 A +74 23 189 K +74 23 190 B +74 23 191 A +74 23 192 K +74 23 193 A +74 23 194 B +74 23 195 A +74 23 196 K +74 23 197 B +74 23 198 BI +74 23 199 K +74 23 200 A +74 23 201 B +74 23 202 A +74 23 203 B +74 23 204 BI +74 23 205 BI +74 23 206 K +74 23 207 B +74 23 208 A +74 23 209 A +74 23 210 BI +74 23 211 A +74 23 212 B +74 23 213 K +74 23 214 K +74 23 215 B +74 23 216 BI +74 23 217 B +74 23 218 A +74 23 219 K +74 23 220 BI +74 23 221 K +74 23 222 BI +74 23 223 A +74 23 224 K +74 23 225 BI +74 23 226 A +74 23 227 BI +74 23 228 BI +74 23 229 A +74 23 230 K +74 23 231 B +74 23 232 BI +74 23 233 BI +74 23 234 A +74 23 235 BI +74 23 236 A +74 23 237 B +74 23 238 A +74 23 239 B +74 23 240 BI +74 23 241 K +74 23 242 B +74 23 243 B +74 23 244 K +74 23 245 B +74 23 246 A +74 23 247 BI +74 23 248 A +74 23 249 A +74 23 250 BI +74 23 251 A +74 23 252 K +74 23 253 A +74 23 254 K +74 23 255 BI +74 23 256 B +74 23 257 BI +74 23 258 B +74 23 259 B +74 23 260 K +74 23 261 B +74 23 262 K +74 23 263 BI +74 23 264 K +74 23 265 A +74 23 266 B +74 23 267 B +74 23 268 A +74 23 269 B +74 23 270 B +74 23 271 BI +74 23 272 K +74 23 273 B +74 23 274 K +74 23 275 A +74 23 276 B +74 23 277 BI +74 23 278 B +74 23 279 BI +74 23 280 A +74 23 281 A +74 23 282 A +74 23 283 BI +74 23 284 K +74 23 285 B +74 23 286 K +74 23 287 A +74 23 288 B +74 23 289 K +74 23 290 K +74 23 291 A +74 23 292 B +74 23 293 K +74 23 294 K +74 23 295 BI +74 23 296 B +74 23 297 A +74 23 298 B +74 23 299 A +74 23 300 K +74 23 301 A +74 23 302 K +74 23 303 K +74 23 304 A +74 23 305 BI +74 23 306 A +74 23 307 A +74 23 308 BI +74 23 309 BI +74 23 310 A +74 23 311 BI +74 23 312 BI +74 23 313 BI +74 23 314 K +74 23 315 A +74 23 316 A +74 23 317 B +74 23 318 B +74 23 319 K +74 23 320 A +74 23 321 B +74 23 322 BI +74 23 323 A +74 23 324 K +74 23 325 B +74 23 326 B +74 23 327 K +74 23 328 A +74 23 329 BI +74 23 330 K +74 24 1 A +74 24 2 A +74 24 3 B +74 24 4 BI +74 24 5 A +74 24 6 B +74 24 7 A +74 24 8 B +74 24 9 BI +74 24 10 A +74 24 11 BI +74 24 12 K +74 24 13 BI +74 24 14 BI +74 24 15 K +74 24 16 K +74 24 17 B +74 24 18 BI +74 24 19 A +74 24 20 A +74 24 21 B +74 24 22 K +74 24 23 B +74 24 24 BI +74 24 25 A +74 24 26 K +74 24 27 K +74 24 28 B +74 24 29 A +74 24 30 B +74 24 31 A +74 24 32 B +74 24 33 A +74 24 34 A +74 24 35 B +74 24 36 BI +74 24 37 K +74 24 38 B +74 24 39 A +74 24 40 A +74 24 41 B +74 24 42 K +74 24 43 BI +74 24 44 K +74 24 45 A +74 24 46 BI +74 24 47 BI +74 24 48 B +74 24 49 A +74 24 50 B +74 24 51 BI +74 24 52 K +74 24 53 B +74 24 54 A +74 24 55 A +74 24 56 B +74 24 57 A +74 24 58 B +74 24 59 K +74 24 60 BI +74 24 61 B +74 24 62 K +74 24 63 B +74 24 64 A +74 24 65 B +74 24 66 K +74 24 67 A +74 24 68 B +74 24 69 BI +74 24 70 K +74 24 71 B +74 24 72 A +74 24 73 B +74 24 74 K +74 24 75 BI +74 24 76 B +74 24 77 A +74 24 78 B +74 24 79 BI +74 24 80 A +74 24 81 A +74 24 82 A +74 24 83 K +74 24 84 B +74 24 85 A +74 24 86 B +74 24 87 BI +74 24 88 B +74 24 89 BI +74 24 90 BI +74 24 91 B +74 24 92 K +74 24 93 A +74 24 94 BI +74 24 95 K +74 24 96 B +74 24 97 B +74 24 98 B +74 24 99 K +74 24 100 A +74 24 101 B +74 24 102 K +74 24 103 BI +74 24 104 A +74 24 105 B +74 24 106 K +74 24 107 K +74 24 108 A +74 24 109 A +74 24 110 B +74 24 111 BI +74 24 112 B +74 24 113 BI +74 24 114 A +74 24 115 B +74 24 116 K +74 24 117 BI +74 24 118 B +74 24 119 A +74 24 120 K +74 24 121 B +74 24 122 A +74 24 123 A +74 24 124 K +74 24 125 B +74 24 126 B +74 24 127 BI +74 24 128 K +74 24 129 K +74 24 130 BI +74 24 131 B +74 24 132 B +74 24 133 A +74 24 134 BI +74 24 135 B +74 24 136 A +74 24 137 BI +74 24 138 A +74 24 139 K +74 24 140 A +74 24 141 K +74 24 142 K +74 24 143 B +74 24 144 B +74 24 145 A +74 24 146 B +74 24 147 A +74 24 148 B +74 24 149 A +74 24 150 BI +74 24 151 B +74 24 152 K +74 24 153 A +74 24 154 BI +74 24 155 BI +74 24 156 A +74 24 157 BI +74 24 158 K +74 24 159 B +74 24 160 B +74 24 161 A +74 24 162 B +74 24 163 A +74 24 164 A +74 24 165 BI +74 24 166 BI +74 24 167 K +74 24 168 A +74 24 169 A +74 24 170 BI +74 24 171 A +74 24 172 K +74 24 173 B +74 24 174 B +74 24 175 K +74 24 176 B +74 24 177 K +74 24 178 A +74 24 179 B +74 24 180 A +74 24 181 B +74 24 182 B +74 24 183 BI +74 24 184 K +74 24 185 B +74 24 186 A +74 24 187 B +74 24 188 A +74 24 189 K +74 24 190 B +74 24 191 A +74 24 192 K +74 24 193 K +74 24 194 B +74 24 195 A +74 24 196 A +74 24 197 K +74 24 198 BI +74 24 199 K +74 24 200 A +74 24 201 B +74 24 202 A +74 24 203 B +74 24 204 BI +74 24 205 B +74 24 206 K +74 24 207 B +74 24 208 BI +74 24 209 A +74 24 210 B +74 24 211 A +74 24 212 B +74 24 213 K +74 24 214 A +74 24 215 K +74 24 216 BI +74 24 217 B +74 24 218 A +74 24 219 K +74 24 220 A +74 24 221 K +74 24 222 B +74 24 223 A +74 24 224 K +74 24 225 BI +74 24 226 A +74 24 227 BI +74 24 228 A +74 24 229 K +74 24 230 K +74 24 231 B +74 24 232 BI +74 24 233 K +74 24 234 A +74 24 235 K +74 24 236 B +74 24 237 K +74 24 238 A +74 24 239 B +74 24 240 B +74 24 241 K +74 24 242 K +74 24 243 B +74 24 244 K +74 24 245 B +74 24 246 A +74 24 247 A +74 24 248 BI +74 24 249 A +74 24 250 B +74 24 251 A +74 24 252 K +74 24 253 A +74 24 254 K +74 24 255 BI +74 24 256 B +74 24 257 A +74 24 258 K +74 24 259 B +74 24 260 K +74 24 261 B +74 24 262 K +74 24 263 BI +74 24 264 K +74 24 265 A +74 24 266 B +74 24 267 B +74 24 268 A +74 24 269 B +74 24 270 B +74 24 271 BI +74 24 272 K +74 24 273 B +74 24 274 K +74 24 275 BI +74 24 276 B +74 24 277 A +74 24 278 B +74 24 279 K +74 24 280 A +74 24 281 A +74 24 282 A +74 24 283 BI +74 24 284 K +74 24 285 B +74 24 286 K +74 24 287 BI +74 24 288 B +74 24 289 A +74 24 290 K +74 24 291 A +74 24 292 B +74 24 293 K +74 24 294 K +74 24 295 BI +74 24 296 BI +74 24 297 B +74 24 298 B +74 24 299 A +74 24 300 K +74 24 301 A +74 24 302 K +74 24 303 K +74 24 304 BI +74 24 305 B +74 24 306 K +74 24 307 A +74 24 308 K +74 24 309 BI +74 24 310 A +74 24 311 A +74 24 312 BI +74 24 313 B +74 24 314 K +74 24 315 A +74 24 316 A +74 24 317 B +74 24 318 K +74 24 319 K +74 24 320 BI +74 24 321 B +74 24 322 K +74 24 323 A +74 24 324 K +74 24 325 B +74 24 326 K +74 24 327 K +74 24 328 A +74 24 329 BI +74 24 330 K +74 25 1 K +74 25 2 BI +74 25 3 B +74 25 4 B +74 25 5 A +74 25 6 K +74 25 7 A +74 25 8 B +74 25 9 BI +74 25 10 BI +74 25 11 BI +74 25 12 K +74 25 13 BI +74 25 14 BI +74 25 15 B +74 25 16 K +74 25 17 B +74 25 18 BI +74 25 19 K +74 25 20 A +74 25 21 B +74 25 22 K +74 25 23 B +74 25 24 BI +74 25 25 A +74 25 26 K +74 25 27 K +74 25 28 B +74 25 29 A +74 25 30 B +74 25 31 K +74 25 32 B +74 25 33 K +74 25 34 A +74 25 35 B +74 25 36 BI +74 25 37 A +74 25 38 B +74 25 39 A +74 25 40 A +74 25 41 B +74 25 42 A +74 25 43 A +74 25 44 K +74 25 45 A +74 25 46 BI +74 25 47 A +74 25 48 B +74 25 49 A +74 25 50 B +74 25 51 BI +74 25 52 K +74 25 53 B +74 25 54 A +74 25 55 A +74 25 56 B +74 25 57 A +74 25 58 K +74 25 59 K +74 25 60 K +74 25 61 B +74 25 62 K +74 25 63 B +74 25 64 BI +74 25 65 B +74 25 66 K +74 25 67 A +74 25 68 B +74 25 69 BI +74 25 70 K +74 25 71 B +74 25 72 A +74 25 73 B +74 25 74 K +74 25 75 A +74 25 76 B +74 25 77 A +74 25 78 K +74 25 79 A +74 25 80 BI +74 25 81 A +74 25 82 A +74 25 83 K +74 25 84 B +74 25 85 A +74 25 86 B +74 25 87 BI +74 25 88 B +74 25 89 A +74 25 90 A +74 25 91 K +74 25 92 K +74 25 93 A +74 25 94 BI +74 25 95 K +74 25 96 A +74 25 97 B +74 25 98 B +74 25 99 K +74 25 100 A +74 25 101 B +74 25 102 A +74 25 103 K +74 25 104 A +74 25 105 B +74 25 106 K +74 25 107 K +74 25 108 K +74 25 109 A +74 25 110 B +74 25 111 A +74 25 112 B +74 25 113 BI +74 25 114 A +74 25 115 B +74 25 116 K +74 25 117 BI +74 25 118 B +74 25 119 A +74 25 120 K +74 25 121 B +74 25 122 A +74 25 123 A +74 25 124 K +74 25 125 B +74 25 126 B +74 25 127 A +74 25 128 K +74 25 129 K +74 25 130 A +74 25 131 B +74 25 132 B +74 25 133 A +74 25 134 BI +74 25 135 B +74 25 136 A +74 25 137 A +74 25 138 A +74 25 139 K +74 25 140 BI +74 25 141 K +74 25 142 BI +74 25 143 A +74 25 144 A +74 25 145 A +74 25 146 B +74 25 147 A +74 25 148 B +74 25 149 BI +74 25 150 B +74 25 151 B +74 25 152 B +74 25 153 A +74 25 154 BI +74 25 155 BI +74 25 156 A +74 25 157 BI +74 25 158 K +74 25 159 K +74 25 160 B +74 25 161 A +74 25 162 B +74 25 163 A +74 25 164 A +74 25 165 A +74 25 166 BI +74 25 167 K +74 25 168 A +74 25 169 A +74 25 170 BI +74 25 171 A +74 25 172 K +74 25 173 B +74 25 174 K +74 25 175 A +74 25 176 B +74 25 177 K +74 25 178 BI +74 25 179 B +74 25 180 A +74 25 181 K +74 25 182 B +74 25 183 BI +74 25 184 B +74 25 185 A +74 25 186 A +74 25 187 B +74 25 188 A +74 25 189 K +74 25 190 B +74 25 191 A +74 25 192 B +74 25 193 K +74 25 194 B +74 25 195 A +74 25 196 A +74 25 197 B +74 25 198 BI +74 25 199 K +74 25 200 K +74 25 201 B +74 25 202 A +74 25 203 B +74 25 204 BI +74 25 205 A +74 25 206 K +74 25 207 B +74 25 208 K +74 25 209 A +74 25 210 B +74 25 211 A +74 25 212 K +74 25 213 K +74 25 214 A +74 25 215 B +74 25 216 A +74 25 217 B +74 25 218 A +74 25 219 K +74 25 220 A +74 25 221 K +74 25 222 B +74 25 223 A +74 25 224 K +74 25 225 A +74 25 226 BI +74 25 227 BI +74 25 228 BI +74 25 229 K +74 25 230 K +74 25 231 B +74 25 232 BI +74 25 233 K +74 25 234 A +74 25 235 A +74 25 236 K +74 25 237 K +74 25 238 A +74 25 239 B +74 25 240 B +74 25 241 K +74 25 242 K +74 25 243 B +74 25 244 K +74 25 245 B +74 25 246 A +74 25 247 BI +74 25 248 A +74 25 249 A +74 25 250 B +74 25 251 A +74 25 252 K +74 25 253 A +74 25 254 A +74 25 255 BI +74 25 256 B +74 25 257 A +74 25 258 K +74 25 259 B +74 25 260 K +74 25 261 K +74 25 262 K +74 25 263 BI +74 25 264 K +74 25 265 A +74 25 266 B +74 25 267 B +74 25 268 A +74 25 269 B +74 25 270 K +74 25 271 A +74 25 272 K +74 25 273 B +74 25 274 K +74 25 275 K +74 25 276 B +74 25 277 BI +74 25 278 B +74 25 279 A +74 25 280 K +74 25 281 A +74 25 282 K +74 25 283 K +74 25 284 K +74 25 285 B +74 25 286 K +74 25 287 BI +74 25 288 B +74 25 289 A +74 25 290 K +74 25 291 BI +74 25 292 B +74 25 293 K +74 25 294 K +74 25 295 BI +74 25 296 A +74 25 297 K +74 25 298 B +74 25 299 A +74 25 300 K +74 25 301 A +74 25 302 K +74 25 303 K +74 25 304 A +74 25 305 B +74 25 306 A +74 25 307 A +74 25 308 A +74 25 309 BI +74 25 310 A +74 25 311 BI +74 25 312 BI +74 25 313 A +74 25 314 K +74 25 315 A +74 25 316 A +74 25 317 B +74 25 318 B +74 25 319 K +74 25 320 A +74 25 321 B +74 25 322 A +74 25 323 BI +74 25 324 K +74 25 325 B +74 25 326 K +74 25 327 K +74 25 328 A +74 25 329 BI +74 25 330 K +75 1 1 C +75 1 2 C +75 1 3 ME +75 1 4 G +75 1 5 C +75 1 6 G +75 1 7 C +75 1 8 G +75 1 9 G +75 1 10 G +75 1 11 G +75 1 12 MA +75 1 13 G +75 1 14 K +75 1 15 R +75 1 16 G +75 1 17 * +75 1 18 K +75 1 19 C +75 1 20 C +75 1 21 R +75 1 22 MA +75 1 23 R +75 1 24 G +75 1 25 C +75 1 26 G +75 1 27 G +75 1 28 R +75 1 29 C +75 1 30 G +75 1 31 C +75 1 32 R +75 1 33 C +75 1 34 G +75 1 35 R +75 1 36 G +75 1 37 C +75 1 38 R +75 1 39 C +75 1 40 C +75 1 41 ME +75 1 42 G +75 1 43 K +75 1 44 V +75 1 45 C +75 1 46 G +75 1 47 C +75 1 48 G +75 1 49 C +75 1 50 R +75 1 51 G +75 1 52 C +75 1 53 R +75 1 54 C +75 1 55 C +75 1 56 * +75 1 57 G +75 1 58 G +75 1 59 V +75 1 60 G +75 1 61 ME +75 1 62 G +75 1 63 R +75 1 64 C +75 1 65 ME +75 1 66 V +75 1 67 C +75 1 68 R +75 1 69 G +75 1 70 V +75 1 71 G +75 1 72 C +75 1 73 R +75 1 74 C +75 1 75 G +75 1 76 MA +75 1 77 C +75 1 78 V +75 1 79 G +75 1 80 C +75 1 81 G +75 1 82 C +75 1 83 V +75 1 84 G +75 1 85 C +75 1 86 R +75 1 87 G +75 1 88 R +75 1 89 K +75 1 90 G +75 1 91 C +75 1 92 V +75 1 93 C +75 1 94 G +75 1 95 C +75 1 96 MA +75 1 97 G +75 1 98 ME +75 1 99 G +75 1 100 C +75 1 101 R +75 1 102 G +75 1 103 G +75 1 104 C +75 1 105 R +75 1 106 MA +75 1 107 V +75 1 108 C +75 1 109 G +75 1 110 MA +75 1 111 G +75 1 112 ME +75 1 113 K +75 1 114 C +75 1 115 R +75 1 116 C +75 1 117 K +75 1 118 R +75 1 119 C +75 1 120 G +75 1 121 ME +75 1 122 C +75 1 123 C +75 1 124 G +75 1 125 ME +75 1 126 R +75 1 127 K +75 1 128 MA +75 1 129 V +75 1 130 K +75 1 131 R +75 1 132 ME +75 1 133 C +75 1 134 G +75 1 135 R +75 1 136 C +75 1 137 G +75 1 138 C +75 1 139 G +75 1 140 K +75 1 141 V +75 1 142 G +75 1 143 C +75 1 144 G +75 1 145 C +75 1 146 MA +75 1 147 C +75 1 148 ME +75 1 149 C +75 1 150 G +75 1 151 R +75 1 152 R +75 1 153 C +75 1 154 G +75 1 155 K +75 1 156 C +75 1 157 K +75 1 158 V +75 1 159 MA +75 1 160 R +75 1 161 C +75 1 162 ME +75 1 163 C +75 1 164 C +75 1 165 G +75 1 166 K +75 1 167 R +75 1 168 C +75 1 169 C +75 1 170 G +75 1 171 G +75 1 172 V +75 1 173 ME +75 1 174 MA +75 1 175 C +75 1 176 ME +75 1 177 MA +75 1 178 G +75 1 179 K +75 1 180 C +75 1 181 G +75 1 182 G +75 1 183 K +75 1 184 R +75 1 185 MA +75 1 186 C +75 1 187 MA +75 1 188 C +75 1 189 V +75 1 190 R +75 1 191 C +75 1 192 R +75 1 193 G +75 1 194 G +75 1 195 C +75 1 196 C +75 1 197 R +75 1 198 G +75 1 199 C +75 1 200 C +75 1 201 R +75 1 202 C +75 1 203 R +75 1 204 K +75 1 205 R +75 1 206 V +75 1 207 R +75 1 208 G +75 1 209 G +75 1 210 G +75 1 211 C +75 1 212 MA +75 1 213 C +75 1 214 MA +75 1 215 C +75 1 216 G +75 1 217 R +75 1 218 G +75 1 219 V +75 1 220 C +75 1 221 V +75 1 222 R +75 1 223 C +75 1 224 V +75 1 225 G +75 1 226 C +75 1 227 G +75 1 228 G +75 1 229 C +75 1 230 V +75 1 231 R +75 1 232 G +75 1 233 R +75 1 234 C +75 1 235 C +75 1 236 G +75 1 237 MA +75 1 238 C +75 1 239 R +75 1 240 G +75 1 241 V +75 1 242 V +75 1 243 R +75 1 244 V +75 1 245 ME +75 1 246 C +75 1 247 R +75 1 248 K +75 1 249 C +75 1 250 R +75 1 251 C +75 1 252 V +75 1 253 C +75 1 254 C +75 1 255 G +75 1 256 ME +75 1 257 K +75 1 258 MA +75 1 259 ME +75 1 260 V +75 1 261 MA +75 1 262 V +75 1 263 G +75 1 264 C +75 1 265 C +75 1 266 ME +75 1 267 R +75 1 268 C +75 1 269 R +75 1 270 MA +75 1 271 G +75 1 272 V +75 1 273 R +75 1 274 V +75 1 275 C +75 1 276 R +75 1 277 G +75 1 278 R +75 1 279 C +75 1 280 G +75 1 281 C +75 1 282 C +75 1 283 G +75 1 284 V +75 1 285 R +75 1 286 V +75 1 287 G +75 1 288 ME +75 1 289 C +75 1 290 V +75 1 291 C +75 1 292 R +75 1 293 V +75 1 294 V +75 1 295 G +75 1 296 R +75 1 297 MA +75 1 298 ME +75 1 299 C +75 1 300 G +75 1 301 C +75 1 302 V +75 1 303 C +75 1 304 K +75 1 305 G +75 1 306 C +75 1 307 C +75 1 308 R +75 1 309 K +75 1 310 C +75 1 311 C +75 1 312 K +75 1 313 R +75 1 314 V +75 1 315 C +75 1 316 C +75 1 317 R +75 1 318 MA +75 1 319 V +75 1 320 G +75 1 321 ME +75 1 322 V +75 1 323 G +75 1 324 V +75 1 325 R +75 1 326 MA +75 1 327 V +75 1 328 G +75 1 329 K +75 1 330 V +75 2 1 C +75 2 2 C +75 2 3 ME +75 2 4 G +75 2 5 C +75 2 6 MA +75 2 7 C +75 2 8 G +75 2 9 G +75 2 10 C +75 2 11 C +75 2 12 MA +75 2 13 C +75 2 14 C +75 2 15 R +75 2 16 G +75 2 17 ME +75 2 18 C +75 2 19 C +75 2 20 C +75 2 21 ME +75 2 22 MA +75 2 23 G +75 2 24 G +75 2 25 C +75 2 26 C +75 2 27 G +75 2 28 ME +75 2 29 C +75 2 30 G +75 2 31 C +75 2 32 R +75 2 33 C +75 2 34 C +75 2 35 MA +75 2 36 G +75 2 37 C +75 2 38 G +75 2 39 C +75 2 40 C +75 2 41 G +75 2 42 MA +75 2 43 C +75 2 44 G +75 2 45 C +75 2 46 G +75 2 47 C +75 2 48 MA +75 2 49 C +75 2 50 G +75 2 51 G +75 2 52 C +75 2 53 G +75 2 54 C +75 2 55 C +75 2 56 MA +75 2 57 C +75 2 58 G +75 2 59 R +75 2 60 C +75 2 61 ME +75 2 62 G +75 2 63 MA +75 2 64 C +75 2 65 R +75 2 66 MA +75 2 67 C +75 2 68 R +75 2 69 G +75 2 70 G +75 2 71 G +75 2 72 C +75 2 73 G +75 2 74 C +75 2 75 G +75 2 76 ME +75 2 77 C +75 2 78 R +75 2 79 G +75 2 80 C +75 2 81 C +75 2 82 C +75 2 83 MA +75 2 84 MA +75 2 85 C +75 2 86 R +75 2 87 G +75 2 88 R +75 2 89 G +75 2 90 G +75 2 91 R +75 2 92 MA +75 2 93 C +75 2 94 G +75 2 95 C +75 2 96 MA +75 2 97 R +75 2 98 ME +75 2 99 R +75 2 100 C +75 2 101 R +75 2 102 G +75 2 103 G +75 2 104 C +75 2 105 G +75 2 106 MA +75 2 107 G +75 2 108 C +75 2 109 G +75 2 110 ME +75 2 111 G +75 2 112 ME +75 2 113 G +75 2 114 C +75 2 115 ME +75 2 116 C +75 2 117 G +75 2 118 R +75 2 119 C +75 2 120 G +75 2 121 ME +75 2 122 C +75 2 123 C +75 2 124 MA +75 2 125 ME +75 2 126 R +75 2 127 C +75 2 128 R +75 2 129 G +75 2 130 G +75 2 131 R +75 2 132 G +75 2 133 C +75 2 134 G +75 2 135 G +75 2 136 C +75 2 137 G +75 2 138 C +75 2 139 G +75 2 140 C +75 2 141 V +75 2 142 G +75 2 143 MA +75 2 144 G +75 2 145 C +75 2 146 MA +75 2 147 C +75 2 148 ME +75 2 149 C +75 2 150 G +75 2 151 R +75 2 152 R +75 2 153 C +75 2 154 G +75 2 155 G +75 2 156 C +75 2 157 G +75 2 158 G +75 2 159 MA +75 2 160 MA +75 2 161 C +75 2 162 ME +75 2 163 C +75 2 164 C +75 2 165 G +75 2 166 G +75 2 167 R +75 2 168 C +75 2 169 C +75 2 170 G +75 2 171 G +75 2 172 G +75 2 173 ME +75 2 174 MA +75 2 175 C +75 2 176 ME +75 2 177 MA +75 2 178 C +75 2 179 G +75 2 180 C +75 2 181 G +75 2 182 G +75 2 183 G +75 2 184 R +75 2 185 MA +75 2 186 C +75 2 187 MA +75 2 188 C +75 2 189 C +75 2 190 MA +75 2 191 C +75 2 192 G +75 2 193 R +75 2 194 G +75 2 195 C +75 2 196 C +75 2 197 R +75 2 198 G +75 2 199 C +75 2 200 C +75 2 201 MA +75 2 202 C +75 2 203 R +75 2 204 G +75 2 205 G +75 2 206 C +75 2 207 ME +75 2 208 G +75 2 209 C +75 2 210 G +75 2 211 C +75 2 212 ME +75 2 213 G +75 2 214 MA +75 2 215 R +75 2 216 G +75 2 217 MA +75 2 218 G +75 2 219 C +75 2 220 C +75 2 221 C +75 2 222 G +75 2 223 C +75 2 224 G +75 2 225 G +75 2 226 C +75 2 227 G +75 2 228 C +75 2 229 C +75 2 230 V +75 2 231 R +75 2 232 G +75 2 233 R +75 2 234 C +75 2 235 C +75 2 236 R +75 2 237 ME +75 2 238 C +75 2 239 ME +75 2 240 G +75 2 241 V +75 2 242 R +75 2 243 G +75 2 244 V +75 2 245 ME +75 2 246 C +75 2 247 R +75 2 248 G +75 2 249 C +75 2 250 G +75 2 251 C +75 2 252 V +75 2 253 C +75 2 254 C +75 2 255 G +75 2 256 ME +75 2 257 C +75 2 258 MA +75 2 259 G +75 2 260 V +75 2 261 R +75 2 262 G +75 2 263 G +75 2 264 C +75 2 265 C +75 2 266 G +75 2 267 G +75 2 268 C +75 2 269 R +75 2 270 R +75 2 271 C +75 2 272 V +75 2 273 R +75 2 274 V +75 2 275 G +75 2 276 ME +75 2 277 C +75 2 278 ME +75 2 279 G +75 2 280 C +75 2 281 C +75 2 282 C +75 2 283 G +75 2 284 C +75 2 285 R +75 2 286 G +75 2 287 G +75 2 288 ME +75 2 289 C +75 2 290 V +75 2 291 C +75 2 292 R +75 2 293 C +75 2 294 C +75 2 295 G +75 2 296 G +75 2 297 R +75 2 298 ME +75 2 299 C +75 2 300 G +75 2 301 C +75 2 302 G +75 2 303 C +75 2 304 G +75 2 305 G +75 2 306 C +75 2 307 C +75 2 308 R +75 2 309 G +75 2 310 C +75 2 311 C +75 2 312 G +75 2 313 G +75 2 314 V +75 2 315 C +75 2 316 C +75 2 317 R +75 2 318 ME +75 2 319 G +75 2 320 G +75 2 321 ME +75 2 322 C +75 2 323 C +75 2 324 V +75 2 325 G +75 2 326 MA +75 2 327 C +75 2 328 G +75 2 329 G +75 2 330 C +75 3 1 C +75 3 2 C +75 3 3 ME +75 3 4 R +75 3 5 C +75 3 6 MA +75 3 7 C +75 3 8 R +75 3 9 G +75 3 10 K +75 3 11 G +75 3 12 MA +75 3 13 C +75 3 14 K +75 3 15 R +75 3 16 G +75 3 17 ME +75 3 18 K +75 3 19 C +75 3 20 C +75 3 21 R +75 3 22 MA +75 3 23 R +75 3 24 G +75 3 25 C +75 3 26 K +75 3 27 MA +75 3 28 R +75 3 29 C +75 3 30 MA +75 3 31 C +75 3 32 R +75 3 33 C +75 3 34 K +75 3 35 MA +75 3 36 K +75 3 37 C +75 3 38 ME +75 3 39 C +75 3 40 C +75 3 41 R +75 3 42 G +75 3 43 K +75 3 44 MA +75 3 45 C +75 3 46 G +75 3 47 K +75 3 48 G +75 3 49 C +75 3 50 R +75 3 51 G +75 3 52 C +75 3 53 R +75 3 54 C +75 3 55 C +75 3 56 MA +75 3 57 K +75 3 58 G +75 3 59 R +75 3 60 K +75 3 61 ME +75 3 62 R +75 3 63 MA +75 3 64 K +75 3 65 ME +75 3 66 MA +75 3 67 C +75 3 68 R +75 3 69 G +75 3 70 MA +75 3 71 R +75 3 72 C +75 3 73 R +75 3 74 C +75 3 75 K +75 3 76 MA +75 3 77 C +75 3 78 R +75 3 79 K +75 3 80 C +75 3 81 C +75 3 82 C +75 3 83 MA +75 3 84 R +75 3 85 C +75 3 86 R +75 3 87 G +75 3 88 R +75 3 89 K +75 3 90 C +75 3 91 C +75 3 92 MA +75 3 93 C +75 3 94 R +75 3 95 C +75 3 96 MA +75 3 97 R +75 3 98 ME +75 3 99 R +75 3 100 C +75 3 101 R +75 3 102 C +75 3 103 G +75 3 104 C +75 3 105 R +75 3 106 C +75 3 107 MA +75 3 108 C +75 3 109 C +75 3 110 * +75 3 111 K +75 3 112 ME +75 3 113 G +75 3 114 C +75 3 115 ME +75 3 116 C +75 3 117 R +75 3 118 R +75 3 119 C +75 3 120 V +75 3 121 ME +75 3 122 C +75 3 123 C +75 3 124 C +75 3 125 MA +75 3 126 R +75 3 127 K +75 3 128 C +75 3 129 MA +75 3 130 K +75 3 131 R +75 3 132 ME +75 3 133 C +75 3 134 K +75 3 135 R +75 3 136 C +75 3 137 C +75 3 138 C +75 3 139 V +75 3 140 C +75 3 141 V +75 3 142 R +75 3 143 C +75 3 144 K +75 3 145 C +75 3 146 MA +75 3 147 C +75 3 148 ME +75 3 149 C +75 3 150 R +75 3 151 MA +75 3 152 R +75 3 153 C +75 3 154 G +75 3 155 G +75 3 156 C +75 3 157 G +75 3 158 MA +75 3 159 MA +75 3 160 R +75 3 161 C +75 3 162 ME +75 3 163 C +75 3 164 C +75 3 165 G +75 3 166 K +75 3 167 R +75 3 168 C +75 3 169 C +75 3 170 K +75 3 171 G +75 3 172 V +75 3 173 ME +75 3 174 MA +75 3 175 C +75 3 176 ME +75 3 177 C +75 3 178 K +75 3 179 R +75 3 180 C +75 3 181 G +75 3 182 R +75 3 183 G +75 3 184 R +75 3 185 MA +75 3 186 C +75 3 187 MA +75 3 188 C +75 3 189 V +75 3 190 R +75 3 191 C +75 3 192 R +75 3 193 C +75 3 194 R +75 3 195 C +75 3 196 C +75 3 197 R +75 3 198 G +75 3 199 MA +75 3 200 C +75 3 201 R +75 3 202 C +75 3 203 R +75 3 204 G +75 3 205 R +75 3 206 V +75 3 207 R +75 3 208 G +75 3 209 C +75 3 210 R +75 3 211 C +75 3 212 MA +75 3 213 R +75 3 214 C +75 3 215 R +75 3 216 G +75 3 217 R +75 3 218 C +75 3 219 C +75 3 220 R +75 3 221 C +75 3 222 R +75 3 223 C +75 3 224 G +75 3 225 G +75 3 226 G +75 3 227 G +75 3 228 C +75 3 229 C +75 3 230 MA +75 3 231 R +75 3 232 G +75 3 233 R +75 3 234 C +75 3 235 K +75 3 236 C +75 3 237 MA +75 3 238 C +75 3 239 R +75 3 240 G +75 3 241 MA +75 3 242 MA +75 3 243 R +75 3 244 MA +75 3 245 ME +75 3 246 C +75 3 247 R +75 3 248 G +75 3 249 C +75 3 250 R +75 3 251 C +75 3 252 G +75 3 253 C +75 3 254 R +75 3 255 G +75 3 256 ME +75 3 257 K +75 3 258 G +75 3 259 R +75 3 260 G +75 3 261 MA +75 3 262 R +75 3 263 G +75 3 264 C +75 3 265 C +75 3 266 R +75 3 267 R +75 3 268 C +75 3 269 R +75 3 270 MA +75 3 271 C +75 3 272 V +75 3 273 R +75 3 274 G +75 3 275 G +75 3 276 R +75 3 277 G +75 3 278 ME +75 3 279 R +75 3 280 C +75 3 281 C +75 3 282 C +75 3 283 G +75 3 284 V +75 3 285 R +75 3 286 G +75 3 287 G +75 3 288 ME +75 3 289 C +75 3 290 G +75 3 291 K +75 3 292 R +75 3 293 C +75 3 294 V +75 3 295 G +75 3 296 R +75 3 297 MA +75 3 298 ME +75 3 299 C +75 3 300 G +75 3 301 C +75 3 302 G +75 3 303 G +75 3 304 G +75 3 305 R +75 3 306 C +75 3 307 C +75 3 308 R +75 3 309 G +75 3 310 C +75 3 311 K +75 3 312 G +75 3 313 R +75 3 314 MA +75 3 315 C +75 3 316 C +75 3 317 R +75 3 318 MA +75 3 319 G +75 3 320 G +75 3 321 ME +75 3 322 C +75 3 323 C +75 3 324 G +75 3 325 R +75 3 326 G +75 3 327 G +75 3 328 C +75 3 329 G +75 3 330 G +75 4 1 C +75 4 2 C +75 4 3 ME +75 4 4 R +75 4 5 C +75 4 6 MA +75 4 7 C +75 4 8 ME +75 4 9 G +75 4 10 K +75 4 11 G +75 4 12 MA +75 4 13 G +75 4 14 K +75 4 15 R +75 4 16 V +75 4 17 ME +75 4 18 G +75 4 19 C +75 4 20 C +75 4 21 R +75 4 22 MA +75 4 23 R +75 4 24 G +75 4 25 C +75 4 26 C +75 4 27 R +75 4 28 ME +75 4 29 C +75 4 30 G +75 4 31 C +75 4 32 R +75 4 33 C +75 4 34 C +75 4 35 R +75 4 36 C +75 4 37 C +75 4 38 ME +75 4 39 C +75 4 40 C +75 4 41 ME +75 4 42 MA +75 4 43 C +75 4 44 MA +75 4 45 C +75 4 46 G +75 4 47 G +75 4 48 MA +75 4 49 C +75 4 50 R +75 4 51 G +75 4 52 V +75 4 53 ME +75 4 54 C +75 4 55 C +75 4 56 MA +75 4 57 K +75 4 58 G +75 4 59 R +75 4 60 K +75 4 61 ME +75 4 62 R +75 4 63 ME +75 4 64 C +75 4 65 ME +75 4 66 V +75 4 67 MA +75 4 68 ME +75 4 69 G +75 4 70 V +75 4 71 ME +75 4 72 C +75 4 73 R +75 4 74 V +75 4 75 G +75 4 76 ME +75 4 77 C +75 4 78 R +75 4 79 G +75 4 80 C +75 4 81 MA +75 4 82 C +75 4 83 MA +75 4 84 R +75 4 85 C +75 4 86 R +75 4 87 G +75 4 88 R +75 4 89 K +75 4 90 K +75 4 91 MA +75 4 92 V +75 4 93 C +75 4 94 G +75 4 95 V +75 4 96 MA +75 4 97 R +75 4 98 ME +75 4 99 R +75 4 100 C +75 4 101 ME +75 4 102 G +75 4 103 G +75 4 104 C +75 4 105 R +75 4 106 MA +75 4 107 V +75 4 108 V +75 4 109 C +75 4 110 MA +75 4 111 G +75 4 112 ME +75 4 113 G +75 4 114 C +75 4 115 ME +75 4 116 V +75 4 117 G +75 4 118 R +75 4 119 C +75 4 120 V +75 4 121 ME +75 4 122 C +75 4 123 G +75 4 124 C +75 4 125 ME +75 4 126 R +75 4 127 G +75 4 128 MA +75 4 129 V +75 4 130 K +75 4 131 R +75 4 132 ME +75 4 133 C +75 4 134 G +75 4 135 R +75 4 136 C +75 4 137 C +75 4 138 C +75 4 139 V +75 4 140 K +75 4 141 V +75 4 142 V +75 4 143 C +75 4 144 C +75 4 145 C +75 4 146 MA +75 4 147 C +75 4 148 ME +75 4 149 C +75 4 150 K +75 4 151 R +75 4 152 R +75 4 153 C +75 4 154 G +75 4 155 G +75 4 156 C +75 4 157 G +75 4 158 V +75 4 159 MA +75 4 160 R +75 4 161 C +75 4 162 ME +75 4 163 C +75 4 164 C +75 4 165 G +75 4 166 K +75 4 167 R +75 4 168 C +75 4 169 C +75 4 170 K +75 4 171 G +75 4 172 V +75 4 173 ME +75 4 174 MA +75 4 175 C +75 4 176 ME +75 4 177 MA +75 4 178 C +75 4 179 ME +75 4 180 C +75 4 181 G +75 4 182 G +75 4 183 G +75 4 184 R +75 4 185 MA +75 4 186 C +75 4 187 MA +75 4 188 C +75 4 189 V +75 4 190 R +75 4 191 C +75 4 192 R +75 4 193 MA +75 4 194 G +75 4 195 C +75 4 196 C +75 4 197 R +75 4 198 K +75 4 199 V +75 4 200 C +75 4 201 R +75 4 202 C +75 4 203 ME +75 4 204 G +75 4 205 C +75 4 206 V +75 4 207 ME +75 4 208 MA +75 4 209 C +75 4 210 G +75 4 211 C +75 4 212 MA +75 4 213 R +75 4 214 C +75 4 215 R +75 4 216 G +75 4 217 R +75 4 218 C +75 4 219 V +75 4 220 C +75 4 221 V +75 4 222 R +75 4 223 C +75 4 224 V +75 4 225 G +75 4 226 C +75 4 227 G +75 4 228 K +75 4 229 C +75 4 230 V +75 4 231 R +75 4 232 G +75 4 233 R +75 4 234 C +75 4 235 C +75 4 236 C +75 4 237 MA +75 4 238 C +75 4 239 R +75 4 240 G +75 4 241 V +75 4 242 MA +75 4 243 ME +75 4 244 V +75 4 245 ME +75 4 246 C +75 4 247 R +75 4 248 K +75 4 249 C +75 4 250 R +75 4 251 C +75 4 252 V +75 4 253 C +75 4 254 C +75 4 255 K +75 4 256 ME +75 4 257 C +75 4 258 MA +75 4 259 ME +75 4 260 V +75 4 261 ME +75 4 262 V +75 4 263 G +75 4 264 V +75 4 265 C +75 4 266 ME +75 4 267 R +75 4 268 C +75 4 269 R +75 4 270 MA +75 4 271 G +75 4 272 V +75 4 273 R +75 4 274 V +75 4 275 MA +75 4 276 ME +75 4 277 C +75 4 278 ME +75 4 279 C +75 4 280 C +75 4 281 C +75 4 282 C +75 4 283 G +75 4 284 V +75 4 285 R +75 4 286 V +75 4 287 G +75 4 288 ME +75 4 289 C +75 4 290 V +75 4 291 C +75 4 292 R +75 4 293 V +75 4 294 V +75 4 295 G +75 4 296 R +75 4 297 MA +75 4 298 ME +75 4 299 C +75 4 300 V +75 4 301 C +75 4 302 V +75 4 303 V +75 4 304 G +75 4 305 R +75 4 306 C +75 4 307 C +75 4 308 R +75 4 309 G +75 4 310 C +75 4 311 C +75 4 312 K +75 4 313 C +75 4 314 V +75 4 315 C +75 4 316 C +75 4 317 ME +75 4 318 MA +75 4 319 V +75 4 320 G +75 4 321 ME +75 4 322 C +75 4 323 C +75 4 324 V +75 4 325 R +75 4 326 MA +75 4 327 V +75 4 328 G +75 4 329 G +75 4 330 V +75 5 1 C +75 5 2 V +75 5 3 ME +75 5 4 G +75 5 5 C +75 5 6 MA +75 5 7 C +75 5 8 MA +75 5 9 R +75 5 10 G +75 5 11 C +75 5 12 C +75 5 13 * +75 5 14 C +75 5 15 C +75 5 16 R +75 5 17 V +75 5 18 R +75 5 19 G +75 5 20 C +75 5 21 C +75 5 22 ME +75 5 23 MA +75 5 24 R +75 5 25 G +75 5 26 C +75 5 27 C +75 5 28 G +75 5 29 ME +75 5 30 C +75 5 31 MA +75 5 32 C +75 5 33 G +75 5 34 C +75 5 35 C +75 5 36 MA +75 5 37 G +75 5 38 C +75 5 39 ME +75 5 40 G +75 5 41 C +75 5 42 ME +75 5 43 MA +75 5 44 G +75 5 45 G +75 5 46 C +75 5 47 G +75 5 48 C +75 5 49 C +75 5 50 G +75 5 51 G +75 5 52 C +75 5 53 ME +75 5 54 C +75 5 55 C +75 5 56 MA +75 5 57 C +75 5 58 G +75 5 59 R +75 5 60 G +75 5 61 ME +75 5 62 C +75 5 63 ME +75 5 64 C +75 5 65 ME +75 5 66 V +75 5 67 C +75 5 68 R +75 5 69 G +75 5 70 G +75 5 71 ME +75 5 72 C +75 5 73 G +75 5 74 C +75 5 75 G +75 5 76 R +75 5 77 C +75 5 78 R +75 5 79 G +75 5 80 C +75 5 81 MA +75 5 82 C +75 5 83 R +75 5 84 R +75 5 85 C +75 5 86 R +75 5 87 G +75 5 88 R +75 5 89 G +75 5 90 G +75 5 91 R +75 5 92 G +75 5 93 C +75 5 94 G +75 5 95 R +75 5 96 R +75 5 97 G +75 5 98 ME +75 5 99 MA +75 5 100 C +75 5 101 ME +75 5 102 C +75 5 103 G +75 5 104 C +75 5 105 G +75 5 106 R +75 5 107 G +75 5 108 G +75 5 109 C +75 5 110 MA +75 5 111 G +75 5 112 ME +75 5 113 G +75 5 114 G +75 5 115 ME +75 5 116 C +75 5 117 G +75 5 118 R +75 5 119 C +75 5 120 G +75 5 121 ME +75 5 122 C +75 5 123 G +75 5 124 MA +75 5 125 ME +75 5 126 MA +75 5 127 G +75 5 128 MA +75 5 129 G +75 5 130 G +75 5 131 G +75 5 132 ME +75 5 133 G +75 5 134 G +75 5 135 MA +75 5 136 C +75 5 137 G +75 5 138 C +75 5 139 G +75 5 140 G +75 5 141 G +75 5 142 G +75 5 143 R +75 5 144 G +75 5 145 C +75 5 146 R +75 5 147 C +75 5 148 ME +75 5 149 C +75 5 150 G +75 5 151 MA +75 5 152 C +75 5 153 C +75 5 154 G +75 5 155 G +75 5 156 C +75 5 157 G +75 5 158 C +75 5 159 MA +75 5 160 MA +75 5 161 C +75 5 162 ME +75 5 163 C +75 5 164 C +75 5 165 G +75 5 166 G +75 5 167 C +75 5 168 G +75 5 169 C +75 5 170 G +75 5 171 G +75 5 172 G +75 5 173 ME +75 5 174 MA +75 5 175 C +75 5 176 ME +75 5 177 MA +75 5 178 C +75 5 179 G +75 5 180 C +75 5 181 G +75 5 182 G +75 5 183 G +75 5 184 C +75 5 185 MA +75 5 186 C +75 5 187 MA +75 5 188 C +75 5 189 C +75 5 190 R +75 5 191 C +75 5 192 C +75 5 193 MA +75 5 194 G +75 5 195 C +75 5 196 C +75 5 197 C +75 5 198 G +75 5 199 C +75 5 200 C +75 5 201 R +75 5 202 C +75 5 203 R +75 5 204 G +75 5 205 C +75 5 206 MA +75 5 207 ME +75 5 208 G +75 5 209 G +75 5 210 G +75 5 211 C +75 5 212 MA +75 5 213 C +75 5 214 R +75 5 215 R +75 5 216 G +75 5 217 MA +75 5 218 G +75 5 219 C +75 5 220 C +75 5 221 C +75 5 222 C +75 5 223 C +75 5 224 G +75 5 225 G +75 5 226 C +75 5 227 G +75 5 228 C +75 5 229 C +75 5 230 R +75 5 231 R +75 5 232 G +75 5 233 C +75 5 234 C +75 5 235 C +75 5 236 R +75 5 237 R +75 5 238 C +75 5 239 MA +75 5 240 G +75 5 241 G +75 5 242 R +75 5 243 ME +75 5 244 C +75 5 245 ME +75 5 246 C +75 5 247 C +75 5 248 G +75 5 249 C +75 5 250 C +75 5 251 C +75 5 252 G +75 5 253 C +75 5 254 C +75 5 255 G +75 5 256 ME +75 5 257 C +75 5 258 R +75 5 259 ME +75 5 260 C +75 5 261 MA +75 5 262 G +75 5 263 G +75 5 264 C +75 5 265 C +75 5 266 C +75 5 267 G +75 5 268 C +75 5 269 C +75 5 270 MA +75 5 271 G +75 5 272 C +75 5 273 MA +75 5 274 C +75 5 275 MA +75 5 276 ME +75 5 277 C +75 5 278 MA +75 5 279 C +75 5 280 C +75 5 281 C +75 5 282 C +75 5 283 G +75 5 284 C +75 5 285 R +75 5 286 C +75 5 287 G +75 5 288 ME +75 5 289 C +75 5 290 MA +75 5 291 C +75 5 292 C +75 5 293 C +75 5 294 C +75 5 295 G +75 5 296 C +75 5 297 MA +75 5 298 ME +75 5 299 C +75 5 300 G +75 5 301 C +75 5 302 G +75 5 303 C +75 5 304 G +75 5 305 G +75 5 306 C +75 5 307 C +75 5 308 C +75 5 309 G +75 5 310 C +75 5 311 C +75 5 312 G +75 5 313 C +75 5 314 G +75 5 315 C +75 5 316 C +75 5 317 G +75 5 318 MA +75 5 319 G +75 5 320 G +75 5 321 ME +75 5 322 C +75 5 323 C +75 5 324 G +75 5 325 C +75 5 326 MA +75 5 327 C +75 5 328 G +75 5 329 G +75 5 330 C +75 6 1 C +75 6 2 MA +75 6 3 ME +75 6 4 J +75 6 5 C +75 6 6 MA +75 6 7 MA +75 6 8 ME +75 6 9 MA +75 6 10 Z +75 6 11 G +75 6 12 MA +75 6 13 G +75 6 14 Z +75 6 15 R +75 6 16 V +75 6 17 ME +75 6 18 C +75 6 19 NY +75 6 20 C +75 6 21 R +75 6 22 MA +75 6 23 J +75 6 24 G +75 6 25 C +75 6 26 J +75 6 27 MA +75 6 28 R +75 6 29 C +75 6 30 MA +75 6 31 NY +75 6 32 R +75 6 33 C +75 6 34 C +75 6 35 R +75 6 36 G +75 6 37 NY +75 6 38 ME +75 6 39 C +75 6 40 NY +75 6 41 ME +75 6 42 MA +75 6 43 G +75 6 44 R +75 6 45 C +75 6 46 G +75 6 47 G +75 6 48 MA +75 6 49 NY +75 6 50 J +75 6 51 G +75 6 52 V +75 6 53 ME +75 6 54 C +75 6 55 NY +75 6 56 R +75 6 57 G +75 6 58 MA +75 6 59 R +75 6 60 G +75 6 61 ME +75 6 62 C +75 6 63 R +75 6 64 J +75 6 65 ME +75 6 66 V +75 6 67 C +75 6 68 R +75 6 69 G +75 6 70 V +75 6 71 G +75 6 72 C +75 6 73 J +75 6 74 NY +75 6 75 G +75 6 76 MA +75 6 77 C +75 6 78 R +75 6 79 G +75 6 80 C +75 6 81 MA +75 6 82 C +75 6 83 MA +75 6 84 R +75 6 85 C +75 6 86 R +75 6 87 G +75 6 88 R +75 6 89 G +75 6 90 G +75 6 91 MA +75 6 92 MA +75 6 93 C +75 6 94 G +75 6 95 MA +75 6 96 MA +75 6 97 J +75 6 98 ME +75 6 99 R +75 6 100 C +75 6 101 ME +75 6 102 C +75 6 103 G +75 6 104 C +75 6 105 R +75 6 106 MA +75 6 107 V +75 6 108 C +75 6 109 J +75 6 110 MA +75 6 111 G +75 6 112 ME +75 6 113 G +75 6 114 C +75 6 115 ME +75 6 116 NY +75 6 117 G +75 6 118 R +75 6 119 C +75 6 120 V +75 6 121 ME +75 6 122 C +75 6 123 C +75 6 124 MA +75 6 125 ME +75 6 126 R +75 6 127 G +75 6 128 MA +75 6 129 V +75 6 130 G +75 6 131 J +75 6 132 ME +75 6 133 C +75 6 134 G +75 6 135 R +75 6 136 C +75 6 137 G +75 6 138 J +75 6 139 V +75 6 140 G +75 6 141 V +75 6 142 V +75 6 143 MA +75 6 144 J +75 6 145 C +75 6 146 MA +75 6 147 C +75 6 148 ME +75 6 149 MA +75 6 150 J +75 6 151 R +75 6 152 R +75 6 153 C +75 6 154 G +75 6 155 G +75 6 156 C +75 6 157 G +75 6 158 V +75 6 159 MA +75 6 160 R +75 6 161 C +75 6 162 ME +75 6 163 C +75 6 164 C +75 6 165 G +75 6 166 G +75 6 167 R +75 6 168 C +75 6 169 G +75 6 170 G +75 6 171 G +75 6 172 V +75 6 173 R +75 6 174 MA +75 6 175 NY +75 6 176 ME +75 6 177 MA +75 6 178 J +75 6 179 G +75 6 180 C +75 6 181 MA +75 6 182 R +75 6 183 G +75 6 184 R +75 6 185 MA +75 6 186 C +75 6 187 MA +75 6 188 C +75 6 189 V +75 6 190 R +75 6 191 C +75 6 192 J +75 6 193 MA +75 6 194 G +75 6 195 C +75 6 196 NY +75 6 197 R +75 6 198 G +75 6 199 V +75 6 200 C +75 6 201 R +75 6 202 C +75 6 203 ME +75 6 204 G +75 6 205 J +75 6 206 V +75 6 207 ME +75 6 208 G +75 6 209 G +75 6 210 G +75 6 211 C +75 6 212 MA +75 6 213 V +75 6 214 MA +75 6 215 R +75 6 216 G +75 6 217 R +75 6 218 G +75 6 219 V +75 6 220 J +75 6 221 MA +75 6 222 J +75 6 223 C +75 6 224 V +75 6 225 MA +75 6 226 C +75 6 227 G +75 6 228 G +75 6 229 MA +75 6 230 V +75 6 231 J +75 6 232 G +75 6 233 C +75 6 234 C +75 6 235 J +75 6 236 MA +75 6 237 R +75 6 238 C +75 6 239 R +75 6 240 ME +75 6 241 V +75 6 242 MA +75 6 243 J +75 6 244 NY +75 6 245 ME +75 6 246 C +75 6 247 J +75 6 248 G +75 6 249 G +75 6 250 J +75 6 251 C +75 6 252 V +75 6 253 C +75 6 254 G +75 6 255 G +75 6 256 ME +75 6 257 G +75 6 258 MA +75 6 259 ME +75 6 260 V +75 6 261 MA +75 6 262 V +75 6 263 G +75 6 264 G +75 6 265 C +75 6 266 MA +75 6 267 J +75 6 268 C +75 6 269 R +75 6 270 MA +75 6 271 G +75 6 272 V +75 6 273 R +75 6 274 V +75 6 275 MA +75 6 276 R +75 6 277 G +75 6 278 R +75 6 279 J +75 6 280 C +75 6 281 C +75 6 282 C +75 6 283 G +75 6 284 V +75 6 285 R +75 6 286 V +75 6 287 MA +75 6 288 ME +75 6 289 C +75 6 290 V +75 6 291 J +75 6 292 R +75 6 293 MA +75 6 294 V +75 6 295 G +75 6 296 J +75 6 297 MA +75 6 298 ME +75 6 299 C +75 6 300 G +75 6 301 C +75 6 302 V +75 6 303 C +75 6 304 MA +75 6 305 J +75 6 306 MA +75 6 307 C +75 6 308 R +75 6 309 K +75 6 310 C +75 6 311 J +75 6 312 K +75 6 313 J +75 6 314 V +75 6 315 MA +75 6 316 C +75 6 317 R +75 6 318 MA +75 6 319 V +75 6 320 MA +75 6 321 ME +75 6 322 C +75 6 323 C +75 6 324 V +75 6 325 J +75 6 326 MA +75 6 327 V +75 6 328 K +75 6 329 MA +75 6 330 V +75 7 1 C +75 7 2 C +75 7 3 ME +75 7 4 R +75 7 5 C +75 7 6 MA +75 7 7 C +75 7 8 R +75 7 9 G +75 7 10 C +75 7 11 Z +75 7 12 MA +75 7 13 Z +75 7 14 G +75 7 15 R +75 7 16 MA +75 7 17 ME +75 7 18 G +75 7 19 C +75 7 20 C +75 7 21 R +75 7 22 MA +75 7 23 R +75 7 24 G +75 7 25 C +75 7 26 C +75 7 27 MA +75 7 28 ME +75 7 29 C +75 7 30 G +75 7 31 C +75 7 32 R +75 7 33 C +75 7 34 G +75 7 35 MA +75 7 36 Z +75 7 37 C +75 7 38 ME +75 7 39 C +75 7 40 C +75 7 41 R +75 7 42 MA +75 7 43 G +75 7 44 MA +75 7 45 C +75 7 46 G +75 7 47 Z +75 7 48 MA +75 7 49 C +75 7 50 R +75 7 51 G +75 7 52 MA +75 7 53 R +75 7 54 C +75 7 55 C +75 7 56 MA +75 7 57 K +75 7 58 G +75 7 59 R +75 7 60 K +75 7 61 ME +75 7 62 R +75 7 63 R +75 7 64 C +75 7 65 ME +75 7 66 MA +75 7 67 C +75 7 68 R +75 7 69 G +75 7 70 G +75 7 71 R +75 7 72 C +75 7 73 R +75 7 74 C +75 7 75 K +75 7 76 ME +75 7 77 C +75 7 78 MA +75 7 79 K +75 7 80 C +75 7 81 C +75 7 82 C +75 7 83 MA +75 7 84 R +75 7 85 C +75 7 86 C +75 7 87 K +75 7 88 R +75 7 89 K +75 7 90 K +75 7 91 C +75 7 92 MA +75 7 93 C +75 7 94 K +75 7 95 C +75 7 96 MA +75 7 97 R +75 7 98 ME +75 7 99 R +75 7 100 C +75 7 101 R +75 7 102 V +75 7 103 G +75 7 104 C +75 7 105 R +75 7 106 MA +75 7 107 MA +75 7 108 C +75 7 109 G +75 7 110 MA +75 7 111 K +75 7 112 ME +75 7 113 K +75 7 114 C +75 7 115 ME +75 7 116 V +75 7 117 Z +75 7 118 R +75 7 119 C +75 7 120 V +75 7 121 ME +75 7 122 C +75 7 123 C +75 7 124 MA +75 7 125 ME +75 7 126 R +75 7 127 K +75 7 128 MA +75 7 129 V +75 7 130 G +75 7 131 R +75 7 132 G +75 7 133 C +75 7 134 G +75 7 135 R +75 7 136 C +75 7 137 G +75 7 138 C +75 7 139 V +75 7 140 C +75 7 141 V +75 7 142 V +75 7 143 C +75 7 144 R +75 7 145 C +75 7 146 G +75 7 147 C +75 7 148 ME +75 7 149 C +75 7 150 R +75 7 151 R +75 7 152 R +75 7 153 C +75 7 154 G +75 7 155 G +75 7 156 C +75 7 157 G +75 7 158 V +75 7 159 MA +75 7 160 R +75 7 161 C +75 7 162 R +75 7 163 C +75 7 164 C +75 7 165 G +75 7 166 Z +75 7 167 R +75 7 168 C +75 7 169 C +75 7 170 K +75 7 171 G +75 7 172 V +75 7 173 ME +75 7 174 MA +75 7 175 C +75 7 176 ME +75 7 177 C +75 7 178 Z +75 7 179 G +75 7 180 C +75 7 181 G +75 7 182 R +75 7 183 G +75 7 184 R +75 7 185 G +75 7 186 C +75 7 187 MA +75 7 188 C +75 7 189 V +75 7 190 R +75 7 191 C +75 7 192 R +75 7 193 G +75 7 194 R +75 7 195 C +75 7 196 C +75 7 197 R +75 7 198 K +75 7 199 V +75 7 200 C +75 7 201 R +75 7 202 C +75 7 203 R +75 7 204 K +75 7 205 R +75 7 206 MA +75 7 207 R +75 7 208 G +75 7 209 C +75 7 210 G +75 7 211 C +75 7 212 MA +75 7 213 R +75 7 214 C +75 7 215 R +75 7 216 G +75 7 217 R +75 7 218 G +75 7 219 C +75 7 220 R +75 7 221 G +75 7 222 R +75 7 223 C +75 7 224 V +75 7 225 G +75 7 226 C +75 7 227 K +75 7 228 C +75 7 229 C +75 7 230 MA +75 7 231 R +75 7 232 G +75 7 233 R +75 7 234 C +75 7 235 C +75 7 236 G +75 7 237 MA +75 7 238 C +75 7 239 R +75 7 240 G +75 7 241 MA +75 7 242 G +75 7 243 R +75 7 244 C +75 7 245 ME +75 7 246 C +75 7 247 R +75 7 248 G +75 7 249 G +75 7 250 R +75 7 251 C +75 7 252 MA +75 7 253 C +75 7 254 C +75 7 255 K +75 7 256 ME +75 7 257 C +75 7 258 G +75 7 259 Z +75 7 260 MA +75 7 261 G +75 7 262 V +75 7 263 G +75 7 264 C +75 7 265 C +75 7 266 G +75 7 267 C +75 7 268 C +75 7 269 R +75 7 270 G +75 7 271 K +75 7 272 V +75 7 273 R +75 7 274 G +75 7 275 G +75 7 276 R +75 7 277 C +75 7 278 MA +75 7 279 C +75 7 280 G +75 7 281 C +75 7 282 C +75 7 283 G +75 7 284 V +75 7 285 R +75 7 286 V +75 7 287 G +75 7 288 ME +75 7 289 C +75 7 290 G +75 7 291 C +75 7 292 MA +75 7 293 C +75 7 294 V +75 7 295 G +75 7 296 R +75 7 297 MA +75 7 298 ME +75 7 299 C +75 7 300 G +75 7 301 C +75 7 302 MA +75 7 303 C +75 7 304 G +75 7 305 R +75 7 306 C +75 7 307 C +75 7 308 R +75 7 309 G +75 7 310 C +75 7 311 C +75 7 312 G +75 7 313 C +75 7 314 V +75 7 315 C +75 7 316 C +75 7 317 R +75 7 318 MA +75 7 319 MA +75 7 320 G +75 7 321 R +75 7 322 C +75 7 323 C +75 7 324 MA +75 7 325 R +75 7 326 G +75 7 327 V +75 7 328 G +75 7 329 G +75 7 330 C +75 8 1 C +75 8 2 C +75 8 3 ME +75 8 4 G +75 8 5 C +75 8 6 MA +75 8 7 C +75 8 8 ME +75 8 9 MA +75 8 10 C +75 8 11 C +75 8 12 MA +75 8 13 C +75 8 14 C +75 8 15 R +75 8 16 Z +75 8 17 ME +75 8 18 K +75 8 19 C +75 8 20 C +75 8 21 ME +75 8 22 MA +75 8 23 R +75 8 24 G +75 8 25 C +75 8 26 C +75 8 27 V +75 8 28 ME +75 8 29 C +75 8 30 MA +75 8 31 C +75 8 32 R +75 8 33 C +75 8 34 C +75 8 35 R +75 8 36 C +75 8 37 C +75 8 38 ME +75 8 39 C +75 8 40 C +75 8 41 ME +75 8 42 MA +75 8 43 K +75 8 44 V +75 8 45 C +75 8 46 Z +75 8 47 C +75 8 48 MA +75 8 49 C +75 8 50 ME +75 8 51 MA +75 8 52 V +75 8 53 ME +75 8 54 C +75 8 55 C +75 8 56 MA +75 8 57 C +75 8 58 MA +75 8 59 V +75 8 60 C +75 8 61 ME +75 8 62 Z +75 8 63 R +75 8 64 C +75 8 65 ME +75 8 66 V +75 8 67 C +75 8 68 R +75 8 69 MA +75 8 70 V +75 8 71 ME +75 8 72 C +75 8 73 R +75 8 74 C +75 8 75 C +75 8 76 ME +75 8 77 C +75 8 78 R +75 8 79 K +75 8 80 C +75 8 81 C +75 8 82 C +75 8 83 V +75 8 84 R +75 8 85 C +75 8 86 R +75 8 87 K +75 8 88 ME +75 8 89 K +75 8 90 C +75 8 91 MA +75 8 92 V +75 8 93 C +75 8 94 K +75 8 95 C +75 8 96 MA +75 8 97 K +75 8 98 ME +75 8 99 R +75 8 100 C +75 8 101 ME +75 8 102 Z +75 8 103 MA +75 8 104 C +75 8 105 R +75 8 106 MA +75 8 107 V +75 8 108 C +75 8 109 C +75 8 110 MA +75 8 111 C +75 8 112 ME +75 8 113 K +75 8 114 C +75 8 115 ME +75 8 116 C +75 8 117 G +75 8 118 R +75 8 119 C +75 8 120 V +75 8 121 ME +75 8 122 C +75 8 123 C +75 8 124 MA +75 8 125 ME +75 8 126 R +75 8 127 K +75 8 128 MA +75 8 129 V +75 8 130 K +75 8 131 R +75 8 132 ME +75 8 133 C +75 8 134 Z +75 8 135 ME +75 8 136 C +75 8 137 C +75 8 138 C +75 8 139 V +75 8 140 C +75 8 141 V +75 8 142 V +75 8 143 MA +75 8 144 K +75 8 145 C +75 8 146 MA +75 8 147 C +75 8 148 ME +75 8 149 MA +75 8 150 K +75 8 151 R +75 8 152 R +75 8 153 C +75 8 154 K +75 8 155 K +75 8 156 C +75 8 157 K +75 8 158 V +75 8 159 MA +75 8 160 R +75 8 161 C +75 8 162 ME +75 8 163 C +75 8 164 C +75 8 165 K +75 8 166 K +75 8 167 R +75 8 168 C +75 8 169 C +75 8 170 K +75 8 171 C +75 8 172 V +75 8 173 ME +75 8 174 MA +75 8 175 C +75 8 176 ME +75 8 177 MA +75 8 178 C +75 8 179 ME +75 8 180 C +75 8 181 MA +75 8 182 ME +75 8 183 MA +75 8 184 R +75 8 185 MA +75 8 186 C +75 8 187 MA +75 8 188 C +75 8 189 V +75 8 190 R +75 8 191 C +75 8 192 R +75 8 193 MA +75 8 194 ME +75 8 195 C +75 8 196 C +75 8 197 R +75 8 198 K +75 8 199 V +75 8 200 C +75 8 201 R +75 8 202 C +75 8 203 ME +75 8 204 K +75 8 205 K +75 8 206 V +75 8 207 ME +75 8 208 MA +75 8 209 C +75 8 210 ME +75 8 211 C +75 8 212 MA +75 8 213 Z +75 8 214 MA +75 8 215 R +75 8 216 K +75 8 217 R +75 8 218 MA +75 8 219 C +75 8 220 K +75 8 221 V +75 8 222 K +75 8 223 C +75 8 224 V +75 8 225 MA +75 8 226 C +75 8 227 K +75 8 228 K +75 8 229 C +75 8 230 V +75 8 231 R +75 8 232 MA +75 8 233 C +75 8 234 C +75 8 235 C +75 8 236 MA +75 8 237 MA +75 8 238 C +75 8 239 R +75 8 240 ME +75 8 241 V +75 8 242 MA +75 8 243 ME +75 8 244 V +75 8 245 ME +75 8 246 C +75 8 247 Z +75 8 248 K +75 8 249 C +75 8 250 R +75 8 251 C +75 8 252 V +75 8 253 C +75 8 254 C +75 8 255 K +75 8 256 ME +75 8 257 C +75 8 258 MA +75 8 259 ME +75 8 260 MA +75 8 261 ME +75 8 262 V +75 8 263 Z +75 8 264 C +75 8 265 C +75 8 266 ME +75 8 267 ME +75 8 268 C +75 8 269 R +75 8 270 MA +75 8 271 C +75 8 272 V +75 8 273 R +75 8 274 V +75 8 275 MA +75 8 276 R +75 8 277 C +75 8 278 MA +75 8 279 K +75 8 280 C +75 8 281 C +75 8 282 C +75 8 283 G +75 8 284 V +75 8 285 R +75 8 286 V +75 8 287 MA +75 8 288 ME +75 8 289 C +75 8 290 V +75 8 291 C +75 8 292 R +75 8 293 V +75 8 294 V +75 8 295 G +75 8 296 K +75 8 297 MA +75 8 298 ME +75 8 299 C +75 8 300 Z +75 8 301 C +75 8 302 V +75 8 303 Z +75 8 304 MA +75 8 305 R +75 8 306 C +75 8 307 C +75 8 308 R +75 8 309 Z +75 8 310 C +75 8 311 C +75 8 312 Z +75 8 313 K +75 8 314 V +75 8 315 C +75 8 316 C +75 8 317 ME +75 8 318 MA +75 8 319 V +75 8 320 C +75 8 321 ME +75 8 322 C +75 8 323 C +75 8 324 V +75 8 325 ME +75 8 326 MA +75 8 327 V +75 8 328 C +75 8 329 MA +75 8 330 C +75 9 1 C +75 9 2 C +75 9 3 ME +75 9 4 K +75 9 5 C +75 9 6 MA +75 9 7 C +75 9 8 ME +75 9 9 G +75 9 10 K +75 9 11 K +75 9 12 MA +75 9 13 K +75 9 14 K +75 9 15 R +75 9 16 Z +75 9 17 ME +75 9 18 K +75 9 19 C +75 9 20 C +75 9 21 ME +75 9 22 MA +75 9 23 R +75 9 24 K +75 9 25 C +75 9 26 K +75 9 27 MA +75 9 28 ME +75 9 29 C +75 9 30 ME +75 9 31 C +75 9 32 R +75 9 33 C +75 9 34 C +75 9 35 R +75 9 36 K +75 9 37 K +75 9 38 ME +75 9 39 C +75 9 40 C +75 9 41 ME +75 9 42 G +75 9 43 K +75 9 44 MA +75 9 45 C +75 9 46 G +75 9 47 K +75 9 48 MA +75 9 49 C +75 9 50 K +75 9 51 G +75 9 52 MA +75 9 53 ME +75 9 54 C +75 9 55 C +75 9 56 MA +75 9 57 C +75 9 58 G +75 9 59 R +75 9 60 K +75 9 61 ME +75 9 62 R +75 9 63 MA +75 9 64 C +75 9 65 ME +75 9 66 MA +75 9 67 C +75 9 68 R +75 9 69 Z +75 9 70 MA +75 9 71 R +75 9 72 C +75 9 73 R +75 9 74 C +75 9 75 K +75 9 76 ME +75 9 77 C +75 9 78 R +75 9 79 K +75 9 80 C +75 9 81 C +75 9 82 C +75 9 83 MA +75 9 84 R +75 9 85 C +75 9 86 R +75 9 87 K +75 9 88 R +75 9 89 K +75 9 90 K +75 9 91 MA +75 9 92 MA +75 9 93 C +75 9 94 K +75 9 95 MA +75 9 96 MA +75 9 97 R +75 9 98 ME +75 9 99 R +75 9 100 C +75 9 101 R +75 9 102 K +75 9 103 K +75 9 104 C +75 9 105 K +75 9 106 MA +75 9 107 MA +75 9 108 C +75 9 109 K +75 9 110 MA +75 9 111 K +75 9 112 ME +75 9 113 K +75 9 114 K +75 9 115 ME +75 9 116 C +75 9 117 K +75 9 118 R +75 9 119 C +75 9 120 MA +75 9 121 ME +75 9 122 C +75 9 123 K +75 9 124 MA +75 9 125 ME +75 9 126 R +75 9 127 K +75 9 128 MA +75 9 129 MA +75 9 130 K +75 9 131 ME +75 9 132 ME +75 9 133 K +75 9 134 K +75 9 135 ME +75 9 136 C +75 9 137 Z +75 9 138 C +75 9 139 MA +75 9 140 C +75 9 141 MA +75 9 142 MA +75 9 143 C +75 9 144 K +75 9 145 C +75 9 146 MA +75 9 147 C +75 9 148 ME +75 9 149 C +75 9 150 Z +75 9 151 R +75 9 152 R +75 9 153 C +75 9 154 Z +75 9 155 Z +75 9 156 C +75 9 157 Z +75 9 158 MA +75 9 159 MA +75 9 160 R +75 9 161 C +75 9 162 ME +75 9 163 C +75 9 164 C +75 9 165 Z +75 9 166 K +75 9 167 R +75 9 168 C +75 9 169 C +75 9 170 Z +75 9 171 K +75 9 172 MA +75 9 173 ME +75 9 174 MA +75 9 175 C +75 9 176 ME +75 9 177 MA +75 9 178 K +75 9 179 R +75 9 180 C +75 9 181 MA +75 9 182 ME +75 9 183 K +75 9 184 MA +75 9 185 MA +75 9 186 C +75 9 187 MA +75 9 188 C +75 9 189 C +75 9 190 R +75 9 191 C +75 9 192 R +75 9 193 C +75 9 194 R +75 9 195 C +75 9 196 C +75 9 197 R +75 9 198 K +75 9 199 MA +75 9 200 C +75 9 201 MA +75 9 202 C +75 9 203 R +75 9 204 Z +75 9 205 R +75 9 206 MA +75 9 207 ME +75 9 208 G +75 9 209 Z +75 9 210 K +75 9 211 C +75 9 212 MA +75 9 213 G +75 9 214 MA +75 9 215 R +75 9 216 K +75 9 217 MA +75 9 218 C +75 9 219 C +75 9 220 C +75 9 221 C +75 9 222 R +75 9 223 C +75 9 224 R +75 9 225 G +75 9 226 Z +75 9 227 Z +75 9 228 Z +75 9 229 C +75 9 230 MA +75 9 231 R +75 9 232 Z +75 9 233 R +75 9 234 C +75 9 235 C +75 9 236 C +75 9 237 MA +75 9 238 C +75 9 239 ME +75 9 240 G +75 9 241 MA +75 9 242 MA +75 9 243 R +75 9 244 C +75 9 245 ME +75 9 246 C +75 9 247 R +75 9 248 K +75 9 249 C +75 9 250 K +75 9 251 C +75 9 252 MA +75 9 253 C +75 9 254 C +75 9 255 Z +75 9 256 ME +75 9 257 Z +75 9 258 MA +75 9 259 R +75 9 260 MA +75 9 261 G +75 9 262 MA +75 9 263 Z +75 9 264 Z +75 9 265 C +75 9 266 G +75 9 267 R +75 9 268 C +75 9 269 ME +75 9 270 G +75 9 271 K +75 9 272 MA +75 9 273 R +75 9 274 G +75 9 275 C +75 9 276 ME +75 9 277 Z +75 9 278 ME +75 9 279 K +75 9 280 C +75 9 281 C +75 9 282 C +75 9 283 G +75 9 284 C +75 9 285 R +75 9 286 R +75 9 287 G +75 9 288 ME +75 9 289 C +75 9 290 MA +75 9 291 C +75 9 292 R +75 9 293 C +75 9 294 C +75 9 295 G +75 9 296 K +75 9 297 MA +75 9 298 ME +75 9 299 C +75 9 300 G +75 9 301 C +75 9 302 G +75 9 303 C +75 9 304 C +75 9 305 K +75 9 306 C +75 9 307 C +75 9 308 R +75 9 309 Z +75 9 310 C +75 9 311 K +75 9 312 Z +75 9 313 K +75 9 314 MA +75 9 315 C +75 9 316 C +75 9 317 R +75 9 318 ME +75 9 319 MA +75 9 320 Z +75 9 321 ME +75 9 322 C +75 9 323 Z +75 9 324 MA +75 9 325 R +75 9 326 G +75 9 327 C +75 9 328 Z +75 9 329 G +75 9 330 C +75 10 1 C +75 10 2 N +75 10 3 ME +75 10 4 G +75 10 5 C +75 10 6 MA +75 10 7 C +75 10 8 ME +75 10 9 G +75 10 10 K +75 10 11 G +75 10 12 MA +75 10 13 K +75 10 14 G +75 10 15 MA +75 10 16 V +75 10 17 ME +75 10 18 K +75 10 19 N +75 10 20 C +75 10 21 ME +75 10 22 MA +75 10 23 R +75 10 24 K +75 10 25 C +75 10 26 G +75 10 27 MA +75 10 28 ME +75 10 29 C +75 10 30 R +75 10 31 N +75 10 32 R +75 10 33 C +75 10 34 N +75 10 35 ME +75 10 36 K +75 10 37 N +75 10 38 ME +75 10 39 C +75 10 40 N +75 10 41 ME +75 10 42 MA +75 10 43 K +75 10 44 R +75 10 45 C +75 10 46 K +75 10 47 K +75 10 48 MA +75 10 49 N +75 10 50 K +75 10 51 G +75 10 52 N +75 10 53 ME +75 10 54 C +75 10 55 N +75 10 56 R +75 10 57 K +75 10 58 G +75 10 59 MA +75 10 60 G +75 10 61 ME +75 10 62 R +75 10 63 ME +75 10 64 K +75 10 65 ME +75 10 66 V +75 10 67 C +75 10 68 ME +75 10 69 G +75 10 70 N +75 10 71 ME +75 10 72 C +75 10 73 G +75 10 74 N +75 10 75 G +75 10 76 ME +75 10 77 N +75 10 78 R +75 10 79 K +75 10 80 N +75 10 81 C +75 10 82 C +75 10 83 MA +75 10 84 R +75 10 85 C +75 10 86 ME +75 10 87 K +75 10 88 R +75 10 89 K +75 10 90 G +75 10 91 MA +75 10 92 V +75 10 93 N +75 10 94 K +75 10 95 N +75 10 96 MA +75 10 97 R +75 10 98 ME +75 10 99 R +75 10 100 N +75 10 101 ME +75 10 102 N +75 10 103 K +75 10 104 N +75 10 105 R +75 10 106 MA +75 10 107 V +75 10 108 C +75 10 109 R +75 10 110 MA +75 10 111 K +75 10 112 ME +75 10 113 K +75 10 114 G +75 10 115 ME +75 10 116 N +75 10 117 K +75 10 118 ME +75 10 119 C +75 10 120 V +75 10 121 ME +75 10 122 C +75 10 123 G +75 10 124 C +75 10 125 ME +75 10 126 R +75 10 127 K +75 10 128 C +75 10 129 V +75 10 130 K +75 10 131 R +75 10 132 ME +75 10 133 G +75 10 134 K +75 10 135 ME +75 10 136 N +75 10 137 K +75 10 138 C +75 10 139 N +75 10 140 G +75 10 141 V +75 10 142 N +75 10 143 C +75 10 144 G +75 10 145 C +75 10 146 MA +75 10 147 N +75 10 148 ME +75 10 149 C +75 10 150 G +75 10 151 ME +75 10 152 R +75 10 153 N +75 10 154 K +75 10 155 K +75 10 156 C +75 10 157 K +75 10 158 N +75 10 159 MA +75 10 160 R +75 10 161 C +75 10 162 ME +75 10 163 C +75 10 164 N +75 10 165 G +75 10 166 K +75 10 167 N +75 10 168 G +75 10 169 N +75 10 170 G +75 10 171 G +75 10 172 V +75 10 173 ME +75 10 174 MA +75 10 175 N +75 10 176 ME +75 10 177 C +75 10 178 G +75 10 179 ME +75 10 180 C +75 10 181 MA +75 10 182 R +75 10 183 G +75 10 184 R +75 10 185 MA +75 10 186 N +75 10 187 MA +75 10 188 N +75 10 189 N +75 10 190 R +75 10 191 G +75 10 192 R +75 10 193 C +75 10 194 K +75 10 195 C +75 10 196 N +75 10 197 R +75 10 198 K +75 10 199 N +75 10 200 N +75 10 201 R +75 10 202 C +75 10 203 ME +75 10 204 K +75 10 205 K +75 10 206 N +75 10 207 ME +75 10 208 G +75 10 209 G +75 10 210 K +75 10 211 N +75 10 212 R +75 10 213 N +75 10 214 C +75 10 215 MA +75 10 216 K +75 10 217 R +75 10 218 G +75 10 219 N +75 10 220 N +75 10 221 N +75 10 222 R +75 10 223 C +75 10 224 * +75 10 225 G +75 10 226 C +75 10 227 G +75 10 228 G +75 10 229 C +75 10 230 V +75 10 231 R +75 10 232 G +75 10 233 N +75 10 234 C +75 10 235 N +75 10 236 C +75 10 237 R +75 10 238 N +75 10 239 R +75 10 240 G +75 10 241 V +75 10 242 MA +75 10 243 ME +75 10 244 N +75 10 245 ME +75 10 246 C +75 10 247 MA +75 10 248 K +75 10 249 K +75 10 250 G +75 10 251 C +75 10 252 V +75 10 253 C +75 10 254 N +75 10 255 K +75 10 256 ME +75 10 257 G +75 10 258 MA +75 10 259 ME +75 10 260 N +75 10 261 R +75 10 262 N +75 10 263 K +75 10 264 N +75 10 265 K +75 10 266 ME +75 10 267 K +75 10 268 C +75 10 269 ME +75 10 270 R +75 10 271 K +75 10 272 N +75 10 273 R +75 10 274 N +75 10 275 MA +75 10 276 ME +75 10 277 G +75 10 278 R +75 10 279 K +75 10 280 C +75 10 281 C +75 10 282 C +75 10 283 G +75 10 284 N +75 10 285 MA +75 10 286 V +75 10 287 G +75 10 288 ME +75 10 289 N +75 10 290 V +75 10 291 N +75 10 292 R +75 10 293 N +75 10 294 N +75 10 295 K +75 10 296 R +75 10 297 MA +75 10 298 ME +75 10 299 C +75 10 300 N +75 10 301 C +75 10 302 V +75 10 303 N +75 10 304 C +75 10 305 R +75 10 306 C +75 10 307 N +75 10 308 MA +75 10 309 G +75 10 310 C +75 10 311 N +75 10 312 K +75 10 313 K +75 10 314 V +75 10 315 C +75 10 316 C +75 10 317 ME +75 10 318 R +75 10 319 V +75 10 320 K +75 10 321 ME +75 10 322 N +75 10 323 K +75 10 324 V +75 10 325 R +75 10 326 MA +75 10 327 N +75 10 328 C +75 10 329 G +75 10 330 N +75 11 1 C +75 11 2 C +75 11 3 ME +75 11 4 R +75 11 5 C +75 11 6 MA +75 11 7 C +75 11 8 R +75 11 9 G +75 11 10 K +75 11 11 G +75 11 12 MA +75 11 13 C +75 11 14 G +75 11 15 R +75 11 16 V +75 11 17 ME +75 11 18 G +75 11 19 C +75 11 20 C +75 11 21 R +75 11 22 MA +75 11 23 R +75 11 24 G +75 11 25 C +75 11 26 C +75 11 27 V +75 11 28 R +75 11 29 C +75 11 30 ME +75 11 31 C +75 11 32 R +75 11 33 C +75 11 34 C +75 11 35 ME +75 11 36 K +75 11 37 C +75 11 38 R +75 11 39 C +75 11 40 N +75 11 41 ME +75 11 42 MA +75 11 43 K +75 11 44 V +75 11 45 C +75 11 46 K +75 11 47 K +75 11 48 MA +75 11 49 N +75 11 50 R +75 11 51 G +75 11 52 C +75 11 53 R +75 11 54 C +75 11 55 N +75 11 56 G +75 11 57 G +75 11 58 MA +75 11 59 R +75 11 60 K +75 11 61 ME +75 11 62 R +75 11 63 R +75 11 64 C +75 11 65 R +75 11 66 V +75 11 67 C +75 11 68 R +75 11 69 G +75 11 70 R +75 11 71 G +75 11 72 C +75 11 73 R +75 11 74 * +75 11 75 G +75 11 76 MA +75 11 77 C +75 11 78 R +75 11 79 K +75 11 80 C +75 11 81 C +75 11 82 C +75 11 83 MA +75 11 84 R +75 11 85 C +75 11 86 R +75 11 87 K +75 11 88 R +75 11 89 K +75 11 90 C +75 11 91 MA +75 11 92 V +75 11 93 N +75 11 94 K +75 11 95 C +75 11 96 MA +75 11 97 R +75 11 98 ME +75 11 99 R +75 11 100 C +75 11 101 R +75 11 102 G +75 11 103 G +75 11 104 N +75 11 105 R +75 11 106 MA +75 11 107 V +75 11 108 C +75 11 109 C +75 11 110 MA +75 11 111 G +75 11 112 R +75 11 113 K +75 11 114 K +75 11 115 G +75 11 116 N +75 11 117 K +75 11 118 R +75 11 119 C +75 11 120 V +75 11 121 W +75 11 122 C +75 11 123 C +75 11 124 C +75 11 125 * +75 11 126 R +75 11 127 G +75 11 128 MA +75 11 129 V +75 11 130 G +75 11 131 R +75 11 132 ME +75 11 133 C +75 11 134 K +75 11 135 R +75 11 136 * +75 11 137 C +75 11 138 N +75 11 139 R +75 11 140 * +75 11 141 V +75 11 142 R +75 11 143 C +75 11 144 R +75 11 145 C +75 11 146 MA +75 11 147 C +75 11 148 ME +75 11 149 C +75 11 150 R +75 11 151 ME +75 11 152 R +75 11 153 N +75 11 154 K +75 11 155 G +75 11 156 C +75 11 157 G +75 11 158 G +75 11 159 MA +75 11 160 R +75 11 161 C +75 11 162 ME +75 11 163 C +75 11 164 N +75 11 165 G +75 11 166 K +75 11 167 R +75 11 168 C +75 11 169 C +75 11 170 K +75 11 171 C +75 11 172 V +75 11 173 R +75 11 174 MA +75 11 175 N +75 11 176 ME +75 11 177 MA +75 11 178 C +75 11 179 G +75 11 180 C +75 11 181 MA +75 11 182 G +75 11 183 G +75 11 184 R +75 11 185 MA +75 11 186 N +75 11 187 MA +75 11 188 N +75 11 189 * +75 11 190 R +75 11 191 C +75 11 192 R +75 11 193 MA +75 11 194 K +75 11 195 C +75 11 196 C +75 11 197 R +75 11 198 K +75 11 199 V +75 11 200 N +75 11 201 * +75 11 202 C +75 11 203 R +75 11 204 K +75 11 205 * +75 11 206 V +75 11 207 R +75 11 208 MA +75 11 209 C +75 11 210 K +75 11 211 N +75 11 212 MA +75 11 213 R +75 11 214 C +75 11 215 R +75 11 216 G +75 11 217 MA +75 11 218 C +75 11 219 C +75 11 220 R +75 11 221 V +75 11 222 R +75 11 223 C +75 11 224 V +75 11 225 MA +75 11 226 C +75 11 227 K +75 11 228 K +75 11 229 C +75 11 230 V +75 11 231 R +75 11 232 G +75 11 233 N +75 11 234 C +75 11 235 N +75 11 236 C +75 11 237 MA +75 11 238 C +75 11 239 R +75 11 240 G +75 11 241 V +75 11 242 MA +75 11 243 R +75 11 244 N +75 11 245 ME +75 11 246 C +75 11 247 R +75 11 248 G +75 11 249 C +75 11 250 R +75 11 251 C +75 11 252 V +75 11 253 C +75 11 254 N +75 11 255 K +75 11 256 ME +75 11 257 G +75 11 258 MA +75 11 259 G +75 11 260 MA +75 11 261 MA +75 11 262 V +75 11 263 K +75 11 264 N +75 11 265 C +75 11 266 G +75 11 267 G +75 11 268 C +75 11 269 R +75 11 270 MA +75 11 271 G +75 11 272 V +75 11 273 R +75 11 274 V +75 11 275 * +75 11 276 R +75 11 277 C +75 11 278 MA +75 11 279 C +75 11 280 C +75 11 281 C +75 11 282 C +75 11 283 G +75 11 284 C +75 11 285 R +75 11 286 V +75 11 287 MA +75 11 288 ME +75 11 289 C +75 11 290 V +75 11 291 C +75 11 292 R +75 11 293 V +75 11 294 V +75 11 295 K +75 11 296 R +75 11 297 MA +75 11 298 ME +75 11 299 C +75 11 300 G +75 11 301 C +75 11 302 V +75 11 303 N +75 11 304 C +75 11 305 G +75 11 306 C +75 11 307 C +75 11 308 R +75 11 309 K +75 11 310 C +75 11 311 C +75 11 312 K +75 11 313 K +75 11 314 V +75 11 315 C +75 11 316 C +75 11 317 R +75 11 318 MA +75 11 319 V +75 11 320 MA +75 11 321 ME +75 11 322 N +75 11 323 C +75 11 324 V +75 11 325 R +75 11 326 MA +75 11 327 N +75 11 328 C +75 11 329 G +75 11 330 N +75 12 1 C +75 12 2 C +75 12 3 ME +75 12 4 R +75 12 5 C +75 12 6 MA +75 12 7 C +75 12 8 R +75 12 9 G +75 12 10 C +75 12 11 G +75 12 12 MA +75 12 13 C +75 12 14 G +75 12 15 R +75 12 16 G +75 12 17 ME +75 12 18 G +75 12 19 C +75 12 20 C +75 12 21 R +75 12 22 MA +75 12 23 R +75 12 24 G +75 12 25 C +75 12 26 K +75 12 27 G +75 12 28 R +75 12 29 C +75 12 30 MA +75 12 31 C +75 12 32 R +75 12 33 C +75 12 34 C +75 12 35 R +75 12 36 G +75 12 37 C +75 12 38 R +75 12 39 C +75 12 40 C +75 12 41 ME +75 12 42 G +75 12 43 C +75 12 44 MA +75 12 45 C +75 12 46 G +75 12 47 G +75 12 48 MA +75 12 49 C +75 12 50 R +75 12 51 G +75 12 52 G +75 12 53 R +75 12 54 C +75 12 55 C +75 12 56 R +75 12 57 C +75 12 58 G +75 12 59 R +75 12 60 C +75 12 61 ME +75 12 62 R +75 12 63 R +75 12 64 C +75 12 65 R +75 12 66 G +75 12 67 C +75 12 68 R +75 12 69 G +75 12 70 R +75 12 71 R +75 12 72 C +75 12 73 C +75 12 74 C +75 12 75 G +75 12 76 R +75 12 77 C +75 12 78 R +75 12 79 G +75 12 80 C +75 12 81 C +75 12 82 C +75 12 83 G +75 12 84 MA +75 12 85 C +75 12 86 R +75 12 87 K +75 12 88 R +75 12 89 K +75 12 90 K +75 12 91 MA +75 12 92 G +75 12 93 C +75 12 94 K +75 12 95 MA +75 12 96 MA +75 12 97 R +75 12 98 ME +75 12 99 R +75 12 100 C +75 12 101 R +75 12 102 K +75 12 103 G +75 12 104 C +75 12 105 R +75 12 106 MA +75 12 107 G +75 12 108 G +75 12 109 C +75 12 110 MA +75 12 111 G +75 12 112 ME +75 12 113 G +75 12 114 C +75 12 115 ME +75 12 116 C +75 12 117 G +75 12 118 MA +75 12 119 C +75 12 120 G +75 12 121 ME +75 12 122 C +75 12 123 C +75 12 124 MA +75 12 125 ME +75 12 126 R +75 12 127 K +75 12 128 G +75 12 129 R +75 12 130 G +75 12 131 R +75 12 132 ME +75 12 133 C +75 12 134 G +75 12 135 ME +75 12 136 C +75 12 137 G +75 12 138 C +75 12 139 G +75 12 140 K +75 12 141 MA +75 12 142 G +75 12 143 C +75 12 144 R +75 12 145 C +75 12 146 MA +75 12 147 C +75 12 148 ME +75 12 149 C +75 12 150 R +75 12 151 MA +75 12 152 R +75 12 153 C +75 12 154 G +75 12 155 G +75 12 156 C +75 12 157 K +75 12 158 MA +75 12 159 MA +75 12 160 R +75 12 161 C +75 12 162 ME +75 12 163 C +75 12 164 C +75 12 165 G +75 12 166 K +75 12 167 G +75 12 168 C +75 12 169 C +75 12 170 G +75 12 171 C +75 12 172 MA +75 12 173 ME +75 12 174 MA +75 12 175 C +75 12 176 ME +75 12 177 G +75 12 178 C +75 12 179 R +75 12 180 C +75 12 181 MA +75 12 182 R +75 12 183 G +75 12 184 R +75 12 185 MA +75 12 186 C +75 12 187 MA +75 12 188 C +75 12 189 G +75 12 190 R +75 12 191 C +75 12 192 R +75 12 193 G +75 12 194 R +75 12 195 C +75 12 196 C +75 12 197 R +75 12 198 G +75 12 199 G +75 12 200 C +75 12 201 R +75 12 202 C +75 12 203 R +75 12 204 G +75 12 205 R +75 12 206 G +75 12 207 ME +75 12 208 G +75 12 209 C +75 12 210 G +75 12 211 C +75 12 212 MA +75 12 213 R +75 12 214 C +75 12 215 R +75 12 216 G +75 12 217 R +75 12 218 C +75 12 219 G +75 12 220 R +75 12 221 C +75 12 222 R +75 12 223 C +75 12 224 G +75 12 225 C +75 12 226 C +75 12 227 G +75 12 228 C +75 12 229 C +75 12 230 G +75 12 231 R +75 12 232 G +75 12 233 G +75 12 234 C +75 12 235 C +75 12 236 C +75 12 237 R +75 12 238 C +75 12 239 R +75 12 240 G +75 12 241 G +75 12 242 MA +75 12 243 R +75 12 244 G +75 12 245 ME +75 12 246 C +75 12 247 R +75 12 248 G +75 12 249 C +75 12 250 R +75 12 251 C +75 12 252 MA +75 12 253 C +75 12 254 C +75 12 255 K +75 12 256 ME +75 12 257 K +75 12 258 G +75 12 259 R +75 12 260 MA +75 12 261 MA +75 12 262 G +75 12 263 G +75 12 264 G +75 12 265 C +75 12 266 R +75 12 267 R +75 12 268 C +75 12 269 R +75 12 270 MA +75 12 271 G +75 12 272 G +75 12 273 R +75 12 274 G +75 12 275 MA +75 12 276 R +75 12 277 C +75 12 278 R +75 12 279 C +75 12 280 C +75 12 281 C +75 12 282 C +75 12 283 G +75 12 284 G +75 12 285 R +75 12 286 G +75 12 287 G +75 12 288 ME +75 12 289 C +75 12 290 G +75 12 291 C +75 12 292 R +75 12 293 MA +75 12 294 G +75 12 295 K +75 12 296 R +75 12 297 MA +75 12 298 ME +75 12 299 C +75 12 300 G +75 12 301 C +75 12 302 G +75 12 303 G +75 12 304 C +75 12 305 R +75 12 306 C +75 12 307 C +75 12 308 R +75 12 309 K +75 12 310 C +75 12 311 C +75 12 312 K +75 12 313 K +75 12 314 G +75 12 315 C +75 12 316 C +75 12 317 R +75 12 318 MA +75 12 319 G +75 12 320 C +75 12 321 ME +75 12 322 C +75 12 323 C +75 12 324 G +75 12 325 R +75 12 326 MA +75 12 327 G +75 12 328 C +75 12 329 G +75 12 330 G +75 13 1 N +75 13 2 N +75 13 3 ME +75 13 4 K +75 13 5 C +75 13 6 R +75 13 7 C +75 13 8 R +75 13 9 K +75 13 10 K +75 13 11 K +75 13 12 MA +75 13 13 C +75 13 14 K +75 13 15 R +75 13 16 V +75 13 17 ME +75 13 18 K +75 13 19 N +75 13 20 C +75 13 21 R +75 13 22 MA +75 13 23 R +75 13 24 K +75 13 25 C +75 13 26 K +75 13 27 V +75 13 28 R +75 13 29 N +75 13 30 K +75 13 31 N +75 13 32 R +75 13 33 C +75 13 34 N +75 13 35 R +75 13 36 K +75 13 37 N +75 13 38 R +75 13 39 C +75 13 40 N +75 13 41 K +75 13 42 C +75 13 43 K +75 13 44 V +75 13 45 C +75 13 46 K +75 13 47 G +75 13 48 MA +75 13 49 N +75 13 50 K +75 13 51 K +75 13 52 V +75 13 53 R +75 13 54 C +75 13 55 N +75 13 56 R +75 13 57 K +75 13 58 MA +75 13 59 R +75 13 60 K +75 13 61 G +75 13 62 N +75 13 63 R +75 13 64 N +75 13 65 ME +75 13 66 V +75 13 67 N +75 13 68 ME +75 13 69 C +75 13 70 V +75 13 71 K +75 13 72 C +75 13 73 K +75 13 74 N +75 13 75 K +75 13 76 R +75 13 77 N +75 13 78 R +75 13 79 K +75 13 80 N +75 13 81 C +75 13 82 N +75 13 83 V +75 13 84 R +75 13 85 C +75 13 86 R +75 13 87 K +75 13 88 R +75 13 89 K +75 13 90 K +75 13 91 C +75 13 92 V +75 13 93 N +75 13 94 K +75 13 95 N +75 13 96 MA +75 13 97 K +75 13 98 ME +75 13 99 R +75 13 100 N +75 13 101 K +75 13 102 V +75 13 103 K +75 13 104 N +75 13 105 K +75 13 106 MA +75 13 107 V +75 13 108 N +75 13 109 K +75 13 110 MA +75 13 111 C +75 13 112 ME +75 13 113 K +75 13 114 C +75 13 115 R +75 13 116 N +75 13 117 K +75 13 118 R +75 13 119 C +75 13 120 V +75 13 121 ME +75 13 122 C +75 13 123 N +75 13 124 MA +75 13 125 ME +75 13 126 R +75 13 127 K +75 13 128 MA +75 13 129 V +75 13 130 K +75 13 131 K +75 13 132 ME +75 13 133 C +75 13 134 K +75 13 135 R +75 13 136 N +75 13 137 K +75 13 138 N +75 13 139 V +75 13 140 N +75 13 141 V +75 13 142 V +75 13 143 C +75 13 144 K +75 13 145 N +75 13 146 MA +75 13 147 N +75 13 148 ME +75 13 149 N +75 13 150 K +75 13 151 R +75 13 152 R +75 13 153 N +75 13 154 K +75 13 155 K +75 13 156 C +75 13 157 K +75 13 158 V +75 13 159 MA +75 13 160 R +75 13 161 C +75 13 162 ME +75 13 163 N +75 13 164 N +75 13 165 K +75 13 166 K +75 13 167 R +75 13 168 C +75 13 169 N +75 13 170 K +75 13 171 C +75 13 172 V +75 13 173 ME +75 13 174 MA +75 13 175 N +75 13 176 ME +75 13 177 MA +75 13 178 N +75 13 179 K +75 13 180 C +75 13 181 MA +75 13 182 K +75 13 183 K +75 13 184 R +75 13 185 MA +75 13 186 N +75 13 187 MA +75 13 188 N +75 13 189 N +75 13 190 R +75 13 191 C +75 13 192 R +75 13 193 C +75 13 194 K +75 13 195 C +75 13 196 N +75 13 197 R +75 13 198 K +75 13 199 N +75 13 200 N +75 13 201 R +75 13 202 C +75 13 203 R +75 13 204 K +75 13 205 K +75 13 206 V +75 13 207 R +75 13 208 MA +75 13 209 C +75 13 210 K +75 13 211 N +75 13 212 MA +75 13 213 V +75 13 214 C +75 13 215 R +75 13 216 K +75 13 217 R +75 13 218 MA +75 13 219 N +75 13 220 K +75 13 221 N +75 13 222 K +75 13 223 C +75 13 224 V +75 13 225 MA +75 13 226 N +75 13 227 K +75 13 228 K +75 13 229 N +75 13 230 V +75 13 231 R +75 13 232 K +75 13 233 K +75 13 234 C +75 13 235 N +75 13 236 C +75 13 237 R +75 13 238 N +75 13 239 R +75 13 240 K +75 13 241 V +75 13 242 MA +75 13 243 K +75 13 244 N +75 13 245 ME +75 13 246 N +75 13 247 K +75 13 248 K +75 13 249 C +75 13 250 K +75 13 251 N +75 13 252 V +75 13 253 N +75 13 254 N +75 13 255 K +75 13 256 ME +75 13 257 N +75 13 258 MA +75 13 259 R +75 13 260 V +75 13 261 R +75 13 262 V +75 13 263 K +75 13 264 N +75 13 265 C +75 13 266 K +75 13 267 K +75 13 268 C +75 13 269 R +75 13 270 MA +75 13 271 K +75 13 272 V +75 13 273 R +75 13 274 V +75 13 275 * +75 13 276 R +75 13 277 K +75 13 278 R +75 13 279 K +75 13 280 C +75 13 281 C +75 13 282 C +75 13 283 K +75 13 284 V +75 13 285 R +75 13 286 V +75 13 287 K +75 13 288 ME +75 13 289 N +75 13 290 V +75 13 291 N +75 13 292 R +75 13 293 N +75 13 294 N +75 13 295 K +75 13 296 K +75 13 297 MA +75 13 298 ME +75 13 299 C +75 13 300 K +75 13 301 C +75 13 302 V +75 13 303 N +75 13 304 C +75 13 305 K +75 13 306 C +75 13 307 N +75 13 308 K +75 13 309 K +75 13 310 C +75 13 311 N +75 13 312 K +75 13 313 K +75 13 314 V +75 13 315 C +75 13 316 C +75 13 317 K +75 13 318 MA +75 13 319 V +75 13 320 MA +75 13 321 R +75 13 322 N +75 13 323 C +75 13 324 V +75 13 325 K +75 13 326 MA +75 13 327 N +75 13 328 C +75 13 329 K +75 13 330 N +75 14 1 C +75 14 2 C +75 14 3 ME +75 14 4 G +75 14 5 C +75 14 6 MA +75 14 7 C +75 14 8 ME +75 14 9 G +75 14 10 C +75 14 11 K +75 14 12 MA +75 14 13 K +75 14 14 K +75 14 15 R +75 14 16 Z +75 14 17 ME +75 14 18 K +75 14 19 C +75 14 20 C +75 14 21 ME +75 14 22 MA +75 14 23 R +75 14 24 Z +75 14 25 C +75 14 26 K +75 14 27 MA +75 14 28 ME +75 14 29 C +75 14 30 MA +75 14 31 C +75 14 32 R +75 14 33 C +75 14 34 C +75 14 35 ME +75 14 36 K +75 14 37 R +75 14 38 ME +75 14 39 C +75 14 40 C +75 14 41 ME +75 14 42 MA +75 14 43 K +75 14 44 V +75 14 45 C +75 14 46 Z +75 14 47 K +75 14 48 MA +75 14 49 C +75 14 50 ME +75 14 51 G +75 14 52 C +75 14 53 ME +75 14 54 C +75 14 55 C +75 14 56 MA +75 14 57 C +75 14 58 MA +75 14 59 V +75 14 60 K +75 14 61 ME +75 14 62 Z +75 14 63 R +75 14 64 C +75 14 65 ME +75 14 66 MA +75 14 67 C +75 14 68 R +75 14 69 Z +75 14 70 R +75 14 71 ME +75 14 72 C +75 14 73 R +75 14 74 C +75 14 75 K +75 14 76 MA +75 14 77 C +75 14 78 R +75 14 79 K +75 14 80 C +75 14 81 C +75 14 82 C +75 14 83 MA +75 14 84 R +75 14 85 C +75 14 86 R +75 14 87 K +75 14 88 R +75 14 89 K +75 14 90 K +75 14 91 C +75 14 92 V +75 14 93 C +75 14 94 K +75 14 95 C +75 14 96 MA +75 14 97 K +75 14 98 ME +75 14 99 R +75 14 100 C +75 14 101 ME +75 14 102 R +75 14 103 Z +75 14 104 C +75 14 105 R +75 14 106 MA +75 14 107 V +75 14 108 C +75 14 109 C +75 14 110 MA +75 14 111 K +75 14 112 ME +75 14 113 K +75 14 114 K +75 14 115 ME +75 14 116 C +75 14 117 K +75 14 118 R +75 14 119 C +75 14 120 V +75 14 121 ME +75 14 122 C +75 14 123 C +75 14 124 MA +75 14 125 ME +75 14 126 R +75 14 127 K +75 14 128 MA +75 14 129 R +75 14 130 K +75 14 131 R +75 14 132 ME +75 14 133 C +75 14 134 R +75 14 135 R +75 14 136 C +75 14 137 K +75 14 138 C +75 14 139 R +75 14 140 K +75 14 141 V +75 14 142 G +75 14 143 C +75 14 144 K +75 14 145 C +75 14 146 MA +75 14 147 C +75 14 148 ME +75 14 149 C +75 14 150 R +75 14 151 MA +75 14 152 R +75 14 153 C +75 14 154 Z +75 14 155 Z +75 14 156 C +75 14 157 Z +75 14 158 V +75 14 159 MA +75 14 160 MA +75 14 161 C +75 14 162 ME +75 14 163 C +75 14 164 C +75 14 165 Z +75 14 166 C +75 14 167 Z +75 14 168 C +75 14 169 C +75 14 170 K +75 14 171 C +75 14 172 V +75 14 173 ME +75 14 174 MA +75 14 175 C +75 14 176 ME +75 14 177 MA +75 14 178 K +75 14 179 ME +75 14 180 C +75 14 181 R +75 14 182 ME +75 14 183 G +75 14 184 R +75 14 185 G +75 14 186 C +75 14 187 MA +75 14 188 C +75 14 189 C +75 14 190 MA +75 14 191 C +75 14 192 R +75 14 193 C +75 14 194 ME +75 14 195 C +75 14 196 C +75 14 197 R +75 14 198 K +75 14 199 C +75 14 200 C +75 14 201 MA +75 14 202 C +75 14 203 ME +75 14 204 K +75 14 205 R +75 14 206 C +75 14 207 ME +75 14 208 R +75 14 209 C +75 14 210 R +75 14 211 C +75 14 212 MA +75 14 213 G +75 14 214 C +75 14 215 R +75 14 216 K +75 14 217 MA +75 14 218 C +75 14 219 C +75 14 220 G +75 14 221 C +75 14 222 R +75 14 223 C +75 14 224 MA +75 14 225 R +75 14 226 K +75 14 227 K +75 14 228 K +75 14 229 C +75 14 230 MA +75 14 231 ME +75 14 232 Z +75 14 233 C +75 14 234 C +75 14 235 C +75 14 236 C +75 14 237 MA +75 14 238 C +75 14 239 ME +75 14 240 ME +75 14 241 V +75 14 242 MA +75 14 243 ME +75 14 244 C +75 14 245 ME +75 14 246 C +75 14 247 G +75 14 248 K +75 14 249 C +75 14 250 Z +75 14 251 C +75 14 252 V +75 14 253 C +75 14 254 G +75 14 255 Z +75 14 256 ME +75 14 257 Z +75 14 258 MA +75 14 259 ME +75 14 260 C +75 14 261 MA +75 14 262 V +75 14 263 Z +75 14 264 C +75 14 265 K +75 14 266 ME +75 14 267 ME +75 14 268 C +75 14 269 ME +75 14 270 MA +75 14 271 K +75 14 272 G +75 14 273 R +75 14 274 V +75 14 275 R +75 14 276 ME +75 14 277 K +75 14 278 MA +75 14 279 K +75 14 280 C +75 14 281 C +75 14 282 C +75 14 283 G +75 14 284 C +75 14 285 MA +75 14 286 V +75 14 287 MA +75 14 288 ME +75 14 289 C +75 14 290 MA +75 14 291 C +75 14 292 MA +75 14 293 C +75 14 294 C +75 14 295 G +75 14 296 C +75 14 297 MA +75 14 298 ME +75 14 299 C +75 14 300 G +75 14 301 C +75 14 302 V +75 14 303 C +75 14 304 C +75 14 305 ME +75 14 306 C +75 14 307 C +75 14 308 R +75 14 309 Z +75 14 310 C +75 14 311 C +75 14 312 Z +75 14 313 Z +75 14 314 V +75 14 315 C +75 14 316 C +75 14 317 ME +75 14 318 ME +75 14 319 V +75 14 320 Z +75 14 321 ME +75 14 322 C +75 14 323 C +75 14 324 V +75 14 325 R +75 14 326 MA +75 14 327 C +75 14 328 Z +75 14 329 Z +75 14 330 C +75 15 1 C +75 15 2 C +75 15 3 ME +75 15 4 C +75 15 5 C +75 15 6 G +75 15 7 C +75 15 8 ME +75 15 9 G +75 15 10 C +75 15 11 C +75 15 12 MA +75 15 13 C +75 15 14 C +75 15 15 R +75 15 16 G +75 15 17 ME +75 15 18 K +75 15 19 C +75 15 20 C +75 15 21 R +75 15 22 MA +75 15 23 R +75 15 24 G +75 15 25 C +75 15 26 C +75 15 27 MA +75 15 28 R +75 15 29 C +75 15 30 ME +75 15 31 C +75 15 32 R +75 15 33 C +75 15 34 C +75 15 35 ME +75 15 36 G +75 15 37 C +75 15 38 ME +75 15 39 C +75 15 40 C +75 15 41 ME +75 15 42 MA +75 15 43 G +75 15 44 G +75 15 45 C +75 15 46 G +75 15 47 G +75 15 48 MA +75 15 49 C +75 15 50 ME +75 15 51 G +75 15 52 G +75 15 53 ME +75 15 54 C +75 15 55 C +75 15 56 G +75 15 57 G +75 15 58 G +75 15 59 R +75 15 60 G +75 15 61 ME +75 15 62 R +75 15 63 ME +75 15 64 C +75 15 65 ME +75 15 66 G +75 15 67 C +75 15 68 R +75 15 69 G +75 15 70 R +75 15 71 R +75 15 72 C +75 15 73 R +75 15 74 C +75 15 75 G +75 15 76 ME +75 15 77 C +75 15 78 R +75 15 79 G +75 15 80 C +75 15 81 C +75 15 82 C +75 15 83 MA +75 15 84 R +75 15 85 C +75 15 86 R +75 15 87 G +75 15 88 R +75 15 89 K +75 15 90 C +75 15 91 MA +75 15 92 G +75 15 93 C +75 15 94 G +75 15 95 C +75 15 96 MA +75 15 97 R +75 15 98 ME +75 15 99 G +75 15 100 C +75 15 101 R +75 15 102 R +75 15 103 G +75 15 104 C +75 15 105 R +75 15 106 MA +75 15 107 V +75 15 108 C +75 15 109 C +75 15 110 MA +75 15 111 G +75 15 112 ME +75 15 113 K +75 15 114 C +75 15 115 G +75 15 116 C +75 15 117 G +75 15 118 R +75 15 119 C +75 15 120 V +75 15 121 ME +75 15 122 C +75 15 123 G +75 15 124 MA +75 15 125 ME +75 15 126 R +75 15 127 G +75 15 128 MA +75 15 129 V +75 15 130 G +75 15 131 R +75 15 132 ME +75 15 133 C +75 15 134 G +75 15 135 R +75 15 136 C +75 15 137 C +75 15 138 C +75 15 139 V +75 15 140 C +75 15 141 V +75 15 142 V +75 15 143 MA +75 15 144 K +75 15 145 C +75 15 146 MA +75 15 147 C +75 15 148 ME +75 15 149 C +75 15 150 K +75 15 151 R +75 15 152 R +75 15 153 C +75 15 154 K +75 15 155 K +75 15 156 C +75 15 157 G +75 15 158 V +75 15 159 MA +75 15 160 R +75 15 161 C +75 15 162 ME +75 15 163 C +75 15 164 C +75 15 165 G +75 15 166 C +75 15 167 R +75 15 168 C +75 15 169 C +75 15 170 G +75 15 171 G +75 15 172 V +75 15 173 R +75 15 174 MA +75 15 175 V +75 15 176 ME +75 15 177 MA +75 15 178 C +75 15 179 G +75 15 180 C +75 15 181 G +75 15 182 G +75 15 183 G +75 15 184 R +75 15 185 G +75 15 186 C +75 15 187 MA +75 15 188 C +75 15 189 V +75 15 190 R +75 15 191 C +75 15 192 R +75 15 193 MA +75 15 194 G +75 15 195 C +75 15 196 C +75 15 197 R +75 15 198 K +75 15 199 V +75 15 200 C +75 15 201 R +75 15 202 C +75 15 203 R +75 15 204 G +75 15 205 C +75 15 206 V +75 15 207 R +75 15 208 G +75 15 209 C +75 15 210 G +75 15 211 C +75 15 212 MA +75 15 213 V +75 15 214 MA +75 15 215 R +75 15 216 G +75 15 217 R +75 15 218 MA +75 15 219 V +75 15 220 C +75 15 221 V +75 15 222 R +75 15 223 C +75 15 224 V +75 15 225 MA +75 15 226 C +75 15 227 K +75 15 228 C +75 15 229 C +75 15 230 V +75 15 231 R +75 15 232 G +75 15 233 R +75 15 234 C +75 15 235 C +75 15 236 MA +75 15 237 MA +75 15 238 C +75 15 239 R +75 15 240 G +75 15 241 V +75 15 242 MA +75 15 243 R +75 15 244 V +75 15 245 ME +75 15 246 C +75 15 247 R +75 15 248 K +75 15 249 C +75 15 250 K +75 15 251 C +75 15 252 V +75 15 253 C +75 15 254 C +75 15 255 K +75 15 256 ME +75 15 257 C +75 15 258 MA +75 15 259 G +75 15 260 V +75 15 261 MA +75 15 262 V +75 15 263 G +75 15 264 C +75 15 265 C +75 15 266 G +75 15 267 G +75 15 268 C +75 15 269 R +75 15 270 MA +75 15 271 G +75 15 272 V +75 15 273 R +75 15 274 V +75 15 275 G +75 15 276 R +75 15 277 C +75 15 278 MA +75 15 279 C +75 15 280 G +75 15 281 C +75 15 282 C +75 15 283 G +75 15 284 V +75 15 285 R +75 15 286 V +75 15 287 G +75 15 288 ME +75 15 289 C +75 15 290 V +75 15 291 C +75 15 292 R +75 15 293 V +75 15 294 V +75 15 295 G +75 15 296 R +75 15 297 MA +75 15 298 ME +75 15 299 C +75 15 300 G +75 15 301 C +75 15 302 V +75 15 303 C +75 15 304 G +75 15 305 R +75 15 306 C +75 15 307 C +75 15 308 R +75 15 309 G +75 15 310 C +75 15 311 C +75 15 312 K +75 15 313 C +75 15 314 V +75 15 315 C +75 15 316 C +75 15 317 R +75 15 318 MA +75 15 319 V +75 15 320 MA +75 15 321 ME +75 15 322 C +75 15 323 C +75 15 324 V +75 15 325 R +75 15 326 MA +75 15 327 V +75 15 328 G +75 15 329 G +75 15 330 V +75 16 1 C +75 16 2 C +75 16 3 ME +75 16 4 R +75 16 5 G +75 16 6 MA +75 16 7 C +75 16 8 R +75 16 9 G +75 16 10 C +75 16 11 C +75 16 12 MA +75 16 13 C +75 16 14 C +75 16 15 R +75 16 16 G +75 16 17 ME +75 16 18 G +75 16 19 C +75 16 20 C +75 16 21 R +75 16 22 MA +75 16 23 R +75 16 24 G +75 16 25 C +75 16 26 C +75 16 27 G +75 16 28 R +75 16 29 C +75 16 30 ME +75 16 31 C +75 16 32 R +75 16 33 C +75 16 34 C +75 16 35 ME +75 16 36 C +75 16 37 C +75 16 38 R +75 16 39 C +75 16 40 C +75 16 41 ME +75 16 42 G +75 16 43 C +75 16 44 R +75 16 45 C +75 16 46 G +75 16 47 C +75 16 48 MA +75 16 49 C +75 16 50 R +75 16 51 G +75 16 52 C +75 16 53 R +75 16 54 C +75 16 55 C +75 16 56 R +75 16 57 C +75 16 58 G +75 16 59 R +75 16 60 G +75 16 61 R +75 16 62 R +75 16 63 R +75 16 64 C +75 16 65 R +75 16 66 MA +75 16 67 C +75 16 68 R +75 16 69 G +75 16 70 R +75 16 71 R +75 16 72 C +75 16 73 C +75 16 74 C +75 16 75 G +75 16 76 MA +75 16 77 C +75 16 78 R +75 16 79 G +75 16 80 C +75 16 81 G +75 16 82 C +75 16 83 MA +75 16 84 R +75 16 85 C +75 16 86 C +75 16 87 G +75 16 88 R +75 16 89 K +75 16 90 C +75 16 91 C +75 16 92 MA +75 16 93 C +75 16 94 K +75 16 95 C +75 16 96 MA +75 16 97 R +75 16 98 R +75 16 99 R +75 16 100 C +75 16 101 R +75 16 102 R +75 16 103 G +75 16 104 C +75 16 105 R +75 16 106 MA +75 16 107 R +75 16 108 C +75 16 109 R +75 16 110 MA +75 16 111 G +75 16 112 R +75 16 113 K +75 16 114 C +75 16 115 R +75 16 116 C +75 16 117 K +75 16 118 R +75 16 119 C +75 16 120 G +75 16 121 MA +75 16 122 C +75 16 123 C +75 16 124 MA +75 16 125 ME +75 16 126 R +75 16 127 K +75 16 128 MA +75 16 129 R +75 16 130 K +75 16 131 R +75 16 132 ME +75 16 133 C +75 16 134 G +75 16 135 R +75 16 136 C +75 16 137 G +75 16 138 C +75 16 139 R +75 16 140 C +75 16 141 MA +75 16 142 C +75 16 143 MA +75 16 144 R +75 16 145 C +75 16 146 MA +75 16 147 C +75 16 148 ME +75 16 149 C +75 16 150 R +75 16 151 R +75 16 152 R +75 16 153 C +75 16 154 K +75 16 155 K +75 16 156 C +75 16 157 G +75 16 158 V +75 16 159 MA +75 16 160 R +75 16 161 C +75 16 162 R +75 16 163 C +75 16 164 C +75 16 165 G +75 16 166 C +75 16 167 R +75 16 168 G +75 16 169 C +75 16 170 G +75 16 171 G +75 16 172 V +75 16 173 R +75 16 174 MA +75 16 175 C +75 16 176 R +75 16 177 MA +75 16 178 C +75 16 179 G +75 16 180 C +75 16 181 G +75 16 182 R +75 16 183 G +75 16 184 R +75 16 185 G +75 16 186 C +75 16 187 MA +75 16 188 C +75 16 189 C +75 16 190 R +75 16 191 C +75 16 192 R +75 16 193 G +75 16 194 G +75 16 195 G +75 16 196 C +75 16 197 R +75 16 198 K +75 16 199 V +75 16 200 C +75 16 201 R +75 16 202 C +75 16 203 R +75 16 204 K +75 16 205 R +75 16 206 MA +75 16 207 R +75 16 208 MA +75 16 209 C +75 16 210 G +75 16 211 C +75 16 212 MA +75 16 213 R +75 16 214 MA +75 16 215 R +75 16 216 G +75 16 217 R +75 16 218 G +75 16 219 C +75 16 220 R +75 16 221 V +75 16 222 R +75 16 223 C +75 16 224 R +75 16 225 G +75 16 226 C +75 16 227 K +75 16 228 K +75 16 229 C +75 16 230 R +75 16 231 R +75 16 232 G +75 16 233 R +75 16 234 C +75 16 235 C +75 16 236 MA +75 16 237 MA +75 16 238 C +75 16 239 R +75 16 240 G +75 16 241 R +75 16 242 MA +75 16 243 R +75 16 244 C +75 16 245 R +75 16 246 C +75 16 247 R +75 16 248 G +75 16 249 C +75 16 250 R +75 16 251 C +75 16 252 R +75 16 253 C +75 16 254 R +75 16 255 K +75 16 256 R +75 16 257 G +75 16 258 MA +75 16 259 R +75 16 260 MA +75 16 261 G +75 16 262 V +75 16 263 G +75 16 264 C +75 16 265 C +75 16 266 G +75 16 267 R +75 16 268 C +75 16 269 R +75 16 270 MA +75 16 271 G +75 16 272 V +75 16 273 R +75 16 274 V +75 16 275 G +75 16 276 R +75 16 277 C +75 16 278 MA +75 16 279 C +75 16 280 G +75 16 281 C +75 16 282 C +75 16 283 G +75 16 284 V +75 16 285 R +75 16 286 V +75 16 287 G +75 16 288 R +75 16 289 C +75 16 290 G +75 16 291 C +75 16 292 R +75 16 293 C +75 16 294 V +75 16 295 G +75 16 296 R +75 16 297 MA +75 16 298 ME +75 16 299 C +75 16 300 G +75 16 301 C +75 16 302 R +75 16 303 G +75 16 304 G +75 16 305 R +75 16 306 C +75 16 307 C +75 16 308 R +75 16 309 G +75 16 310 C +75 16 311 C +75 16 312 K +75 16 313 R +75 16 314 R +75 16 315 C +75 16 316 C +75 16 317 R +75 16 318 MA +75 16 319 R +75 16 320 G +75 16 321 R +75 16 322 C +75 16 323 C +75 16 324 C +75 16 325 R +75 16 326 MA +75 16 327 C +75 16 328 G +75 16 329 G +75 16 330 C +75 17 1 C +75 17 2 C +75 17 3 ME +75 17 4 R +75 17 5 C +75 17 6 MA +75 17 7 C +75 17 8 R +75 17 9 G +75 17 10 C +75 17 11 G +75 17 12 MA +75 17 13 C +75 17 14 C +75 17 15 R +75 17 16 G +75 17 17 ME +75 17 18 G +75 17 19 C +75 17 20 C +75 17 21 ME +75 17 22 MA +75 17 23 R +75 17 24 G +75 17 25 C +75 17 26 C +75 17 27 V +75 17 28 R +75 17 29 C +75 17 30 G +75 17 31 V +75 17 32 R +75 17 33 C +75 17 34 C +75 17 35 R +75 17 36 C +75 17 37 C +75 17 38 R +75 17 39 C +75 17 40 C +75 17 41 ME +75 17 42 G +75 17 43 C +75 17 44 V +75 17 45 C +75 17 46 G +75 17 47 C +75 17 48 MA +75 17 49 C +75 17 50 R +75 17 51 G +75 17 52 C +75 17 53 ME +75 17 54 C +75 17 55 C +75 17 56 R +75 17 57 C +75 17 58 G +75 17 59 V +75 17 60 C +75 17 61 ME +75 17 62 R +75 17 63 R +75 17 64 C +75 17 65 R +75 17 66 V +75 17 67 C +75 17 68 R +75 17 69 G +75 17 70 V +75 17 71 ME +75 17 72 C +75 17 73 R +75 17 74 C +75 17 75 G +75 17 76 MA +75 17 77 C +75 17 78 V +75 17 79 G +75 17 80 C +75 17 81 C +75 17 82 C +75 17 83 V +75 17 84 R +75 17 85 C +75 17 86 R +75 17 87 G +75 17 88 R +75 17 89 G +75 17 90 C +75 17 91 MA +75 17 92 V +75 17 93 C +75 17 94 K +75 17 95 V +75 17 96 MA +75 17 97 C +75 17 98 ME +75 17 99 G +75 17 100 C +75 17 101 ME +75 17 102 C +75 17 103 G +75 17 104 C +75 17 105 R +75 17 106 MA +75 17 107 V +75 17 108 V +75 17 109 C +75 17 110 MA +75 17 111 G +75 17 112 ME +75 17 113 K +75 17 114 C +75 17 115 R +75 17 116 C +75 17 117 G +75 17 118 R +75 17 119 C +75 17 120 V +75 17 121 ME +75 17 122 C +75 17 123 C +75 17 124 MA +75 17 125 ME +75 17 126 R +75 17 127 C +75 17 128 MA +75 17 129 V +75 17 130 G +75 17 131 R +75 17 132 ME +75 17 133 C +75 17 134 G +75 17 135 R +75 17 136 C +75 17 137 G +75 17 138 C +75 17 139 V +75 17 140 C +75 17 141 V +75 17 142 V +75 17 143 MA +75 17 144 G +75 17 145 C +75 17 146 MA +75 17 147 C +75 17 148 ME +75 17 149 MA +75 17 150 G +75 17 151 R +75 17 152 R +75 17 153 C +75 17 154 G +75 17 155 G +75 17 156 C +75 17 157 G +75 17 158 V +75 17 159 MA +75 17 160 R +75 17 161 C +75 17 162 ME +75 17 163 C +75 17 164 C +75 17 165 G +75 17 166 K +75 17 167 R +75 17 168 C +75 17 169 C +75 17 170 C +75 17 171 MA +75 17 172 V +75 17 173 R +75 17 174 MA +75 17 175 V +75 17 176 R +75 17 177 MA +75 17 178 C +75 17 179 G +75 17 180 C +75 17 181 G +75 17 182 ME +75 17 183 G +75 17 184 R +75 17 185 MA +75 17 186 C +75 17 187 MA +75 17 188 C +75 17 189 V +75 17 190 R +75 17 191 C +75 17 192 R +75 17 193 MA +75 17 194 G +75 17 195 MA +75 17 196 C +75 17 197 R +75 17 198 G +75 17 199 V +75 17 200 R +75 17 201 C +75 17 202 C +75 17 203 R +75 17 204 G +75 17 205 C +75 17 206 V +75 17 207 ME +75 17 208 MA +75 17 209 C +75 17 210 G +75 17 211 C +75 17 212 MA +75 17 213 V +75 17 214 C +75 17 215 R +75 17 216 G +75 17 217 R +75 17 218 MA +75 17 219 V +75 17 220 C +75 17 221 V +75 17 222 R +75 17 223 C +75 17 224 V +75 17 225 MA +75 17 226 C +75 17 227 G +75 17 228 C +75 17 229 C +75 17 230 V +75 17 231 R +75 17 232 G +75 17 233 R +75 17 234 C +75 17 235 C +75 17 236 MA +75 17 237 R +75 17 238 C +75 17 239 R +75 17 240 ME +75 17 241 V +75 17 242 V +75 17 243 G +75 17 244 V +75 17 245 ME +75 17 246 C +75 17 247 C +75 17 248 G +75 17 249 C +75 17 250 K +75 17 251 C +75 17 252 V +75 17 253 C +75 17 254 C +75 17 255 G +75 17 256 ME +75 17 257 C +75 17 258 MA +75 17 259 ME +75 17 260 V +75 17 261 MA +75 17 262 V +75 17 263 G +75 17 264 C +75 17 265 C +75 17 266 ME +75 17 267 ME +75 17 268 C +75 17 269 R +75 17 270 MA +75 17 271 C +75 17 272 V +75 17 273 R +75 17 274 V +75 17 275 MA +75 17 276 R +75 17 277 C +75 17 278 R +75 17 279 C +75 17 280 MA +75 17 281 C +75 17 282 C +75 17 283 G +75 17 284 V +75 17 285 R +75 17 286 V +75 17 287 G +75 17 288 ME +75 17 289 C +75 17 290 V +75 17 291 C +75 17 292 R +75 17 293 V +75 17 294 V +75 17 295 G +75 17 296 R +75 17 297 MA +75 17 298 ME +75 17 299 C +75 17 300 G +75 17 301 C +75 17 302 V +75 17 303 V +75 17 304 C +75 17 305 R +75 17 306 C +75 17 307 C +75 17 308 G +75 17 309 G +75 17 310 C +75 17 311 C +75 17 312 G +75 17 313 C +75 17 314 V +75 17 315 C +75 17 316 C +75 17 317 ME +75 17 318 MA +75 17 319 V +75 17 320 G +75 17 321 ME +75 17 322 V +75 17 323 C +75 17 324 V +75 17 325 ME +75 17 326 MA +75 17 327 V +75 17 328 C +75 17 329 G +75 17 330 V +75 18 1 C +75 18 2 C +75 18 3 ME +75 18 4 R +75 18 5 C +75 18 6 MA +75 18 7 C +75 18 8 R +75 18 9 G +75 18 10 Z +75 18 11 G +75 18 12 MA +75 18 13 G +75 18 14 K +75 18 15 R +75 18 16 V +75 18 17 ME +75 18 18 K +75 18 19 C +75 18 20 C +75 18 21 R +75 18 22 MA +75 18 23 R +75 18 24 G +75 18 25 C +75 18 26 C +75 18 27 MA +75 18 28 ME +75 18 29 C +75 18 30 G +75 18 31 C +75 18 32 R +75 18 33 C +75 18 34 C +75 18 35 ME +75 18 36 Z +75 18 37 C +75 18 38 R +75 18 39 C +75 18 40 C +75 18 41 R +75 18 42 G +75 18 43 K +75 18 44 V +75 18 45 C +75 18 46 G +75 18 47 K +75 18 48 G +75 18 49 C +75 18 50 R +75 18 51 G +75 18 52 V +75 18 53 R +75 18 54 K +75 18 55 C +75 18 56 MA +75 18 57 C +75 18 58 G +75 18 59 V +75 18 60 K +75 18 61 R +75 18 62 R +75 18 63 MA +75 18 64 C +75 18 65 ME +75 18 66 V +75 18 67 C +75 18 68 R +75 18 69 G +75 18 70 V +75 18 71 R +75 18 72 C +75 18 73 R +75 18 74 C +75 18 75 K +75 18 76 ME +75 18 77 C +75 18 78 MA +75 18 79 K +75 18 80 C +75 18 81 C +75 18 82 C +75 18 83 MA +75 18 84 MA +75 18 85 C +75 18 86 R +75 18 87 K +75 18 88 R +75 18 89 K +75 18 90 Z +75 18 91 MA +75 18 92 V +75 18 93 C +75 18 94 Z +75 18 95 V +75 18 96 MA +75 18 97 R +75 18 98 ME +75 18 99 R +75 18 100 C +75 18 101 R +75 18 102 G +75 18 103 G +75 18 104 C +75 18 105 R +75 18 106 MA +75 18 107 V +75 18 108 V +75 18 109 C +75 18 110 MA +75 18 111 K +75 18 112 ME +75 18 113 K +75 18 114 Z +75 18 115 ME +75 18 116 G +75 18 117 K +75 18 118 R +75 18 119 C +75 18 120 V +75 18 121 ME +75 18 122 C +75 18 123 C +75 18 124 MA +75 18 125 ME +75 18 126 R +75 18 127 K +75 18 128 MA +75 18 129 V +75 18 130 G +75 18 131 R +75 18 132 R +75 18 133 C +75 18 134 K +75 18 135 R +75 18 136 C +75 18 137 K +75 18 138 C +75 18 139 V +75 18 140 C +75 18 141 V +75 18 142 V +75 18 143 C +75 18 144 R +75 18 145 C +75 18 146 MA +75 18 147 C +75 18 148 ME +75 18 149 C +75 18 150 R +75 18 151 MA +75 18 152 R +75 18 153 C +75 18 154 G +75 18 155 G +75 18 156 C +75 18 157 G +75 18 158 V +75 18 159 MA +75 18 160 MA +75 18 161 C +75 18 162 ME +75 18 163 C +75 18 164 C +75 18 165 G +75 18 166 C +75 18 167 R +75 18 168 C +75 18 169 C +75 18 170 K +75 18 171 G +75 18 172 V +75 18 173 ME +75 18 174 MA +75 18 175 C +75 18 176 ME +75 18 177 MA +75 18 178 C +75 18 179 R +75 18 180 C +75 18 181 G +75 18 182 R +75 18 183 G +75 18 184 R +75 18 185 G +75 18 186 C +75 18 187 MA +75 18 188 C +75 18 189 V +75 18 190 R +75 18 191 C +75 18 192 R +75 18 193 MA +75 18 194 R +75 18 195 C +75 18 196 C +75 18 197 R +75 18 198 K +75 18 199 MA +75 18 200 C +75 18 201 MA +75 18 202 C +75 18 203 R +75 18 204 K +75 18 205 R +75 18 206 V +75 18 207 ME +75 18 208 G +75 18 209 K +75 18 210 K +75 18 211 C +75 18 212 MA +75 18 213 R +75 18 214 MA +75 18 215 R +75 18 216 K +75 18 217 MA +75 18 218 G +75 18 219 V +75 18 220 R +75 18 221 V +75 18 222 R +75 18 223 C +75 18 224 V +75 18 225 G +75 18 226 K +75 18 227 K +75 18 228 K +75 18 229 C +75 18 230 V +75 18 231 R +75 18 232 G +75 18 233 R +75 18 234 C +75 18 235 C +75 18 236 G +75 18 237 MA +75 18 238 C +75 18 239 R +75 18 240 K +75 18 241 V +75 18 242 MA +75 18 243 R +75 18 244 V +75 18 245 ME +75 18 246 C +75 18 247 R +75 18 248 K +75 18 249 C +75 18 250 R +75 18 251 C +75 18 252 V +75 18 253 C +75 18 254 C +75 18 255 K +75 18 256 ME +75 18 257 K +75 18 258 MA +75 18 259 R +75 18 260 MA +75 18 261 MA +75 18 262 V +75 18 263 G +75 18 264 C +75 18 265 C +75 18 266 G +75 18 267 R +75 18 268 C +75 18 269 R +75 18 270 G +75 18 271 K +75 18 272 V +75 18 273 R +75 18 274 V +75 18 275 G +75 18 276 R +75 18 277 K +75 18 278 MA +75 18 279 R +75 18 280 G +75 18 281 C +75 18 282 C +75 18 283 G +75 18 284 V +75 18 285 R +75 18 286 V +75 18 287 G +75 18 288 ME +75 18 289 C +75 18 290 V +75 18 291 C +75 18 292 MA +75 18 293 V +75 18 294 V +75 18 295 G +75 18 296 R +75 18 297 MA +75 18 298 ME +75 18 299 C +75 18 300 G +75 18 301 C +75 18 302 V +75 18 303 Z +75 18 304 G +75 18 305 R +75 18 306 C +75 18 307 C +75 18 308 R +75 18 309 G +75 18 310 C +75 18 311 C +75 18 312 K +75 18 313 R +75 18 314 V +75 18 315 C +75 18 316 C +75 18 317 R +75 18 318 MA +75 18 319 V +75 18 320 G +75 18 321 ME +75 18 322 C +75 18 323 C +75 18 324 V +75 18 325 R +75 18 326 MA +75 18 327 V +75 18 328 K +75 18 329 G +75 18 330 V +75 19 1 N +75 19 2 C +75 19 3 ME +75 19 4 R +75 19 5 C +75 19 6 ME +75 19 7 C +75 19 8 ME +75 19 9 C +75 19 10 ME +75 19 11 G +75 19 12 K +75 19 13 G +75 19 14 MA +75 19 15 C +75 19 16 G +75 19 17 R +75 19 18 V +75 19 19 ME +75 19 20 G +75 19 21 N +75 19 22 C +75 19 23 R +75 19 24 MA +75 19 25 R +75 19 26 G +75 19 27 C +75 19 28 K +75 19 29 V +75 19 30 R +75 19 31 C +75 19 32 ME +75 19 33 N +75 19 34 R +75 19 35 C +75 19 36 C +75 19 37 G +75 19 38 R +75 19 39 C +75 19 40 N +75 19 41 ME +75 19 42 MA +75 19 43 K +75 19 44 R +75 19 45 C +75 19 46 G +75 19 47 C +75 19 48 MA +75 19 49 N +75 19 50 K +75 19 51 G +75 19 52 V +75 19 53 R +75 19 54 C +75 19 55 N +75 19 56 R +75 19 57 G +75 19 58 MA +75 19 59 R +75 19 60 G +75 19 61 ME +75 19 62 N +75 19 63 R +75 19 64 N +75 19 65 R +75 19 66 V +75 19 67 C +75 19 68 R +75 19 69 G +75 19 70 V +75 19 71 G +75 19 72 C +75 19 73 K +75 19 74 N +75 19 75 G +75 19 76 ME +75 19 77 C +75 19 78 R +75 19 79 K +75 19 80 N +75 19 81 C +75 19 82 C +75 19 83 V +75 19 84 R +75 19 85 C +75 19 86 R +75 19 87 G +75 19 88 R +75 19 89 K +75 19 90 G +75 19 91 MA +75 19 92 V +75 19 93 N +75 19 94 K +75 19 95 N +75 19 96 MA +75 19 97 K +75 19 98 ME +75 19 99 R +75 19 100 C +75 19 101 ME +75 19 102 G +75 19 103 G +75 19 104 N +75 19 105 R +75 19 106 MA +75 19 107 V +75 19 108 N +75 19 109 K +75 19 110 MA +75 19 111 G +75 19 112 ME +75 19 113 K +75 19 114 C +75 19 115 ME +75 19 116 N +75 19 117 G +75 19 118 R +75 19 119 C +75 19 120 V +75 19 121 ME +75 19 122 C +75 19 123 N +75 19 124 MA +75 19 125 ME +75 19 126 R +75 19 127 G +75 19 128 MA +75 19 129 V +75 19 130 G +75 19 131 R +75 19 132 ME +75 19 133 C +75 19 134 G +75 19 135 R +75 19 136 N +75 19 137 C +75 19 138 N +75 19 139 R +75 19 140 N +75 19 141 V +75 19 142 V +75 19 143 MA +75 19 144 K +75 19 145 C +75 19 146 MA +75 19 147 C +75 19 148 ME +75 19 149 C +75 19 150 G +75 19 151 R +75 19 152 R +75 19 153 N +75 19 154 G +75 19 155 G +75 19 156 C +75 19 157 G +75 19 158 V +75 19 159 MA +75 19 160 R +75 19 161 C +75 19 162 ME +75 19 163 C +75 19 164 N +75 19 165 G +75 19 166 N +75 19 167 R +75 19 168 C +75 19 169 N +75 19 170 G +75 19 171 C +75 19 172 V +75 19 173 R +75 19 174 MA +75 19 175 N +75 19 176 ME +75 19 177 MA +75 19 178 N +75 19 179 G +75 19 180 C +75 19 181 G +75 19 182 K +75 19 183 G +75 19 184 R +75 19 185 MA +75 19 186 N +75 19 187 MA +75 19 188 N +75 19 189 N +75 19 190 R +75 19 191 C +75 19 192 K +75 19 193 MA +75 19 194 ME +75 19 195 C +75 19 196 N +75 19 197 R +75 19 198 K +75 19 199 N +75 19 200 N +75 19 201 R +75 19 202 C +75 19 203 R +75 19 204 G +75 19 205 K +75 19 206 V +75 19 207 R +75 19 208 G +75 19 209 C +75 19 210 K +75 19 211 N +75 19 212 ME +75 19 213 G +75 19 214 MA +75 19 215 R +75 19 216 G +75 19 217 R +75 19 218 MA +75 19 219 N +75 19 220 K +75 19 221 V +75 19 222 K +75 19 223 C +75 19 224 V +75 19 225 G +75 19 226 K +75 19 227 K +75 19 228 K +75 19 229 C +75 19 230 G +75 19 231 R +75 19 232 G +75 19 233 G +75 19 234 C +75 19 235 K +75 19 236 MA +75 19 237 R +75 19 238 C +75 19 239 R +75 19 240 G +75 19 241 V +75 19 242 MA +75 19 243 G +75 19 244 V +75 19 245 ME +75 19 246 C +75 19 247 G +75 19 248 G +75 19 249 C +75 19 250 K +75 19 251 C +75 19 252 V +75 19 253 C +75 19 254 G +75 19 255 K +75 19 256 R +75 19 257 G +75 19 258 MA +75 19 259 G +75 19 260 MA +75 19 261 MA +75 19 262 V +75 19 263 G +75 19 264 N +75 19 265 C +75 19 266 ME +75 19 267 K +75 19 268 C +75 19 269 R +75 19 270 MA +75 19 271 G +75 19 272 V +75 19 273 R +75 19 274 V +75 19 275 MA +75 19 276 ME +75 19 277 K +75 19 278 R +75 19 279 K +75 19 280 C +75 19 281 C +75 19 282 C +75 19 283 G +75 19 284 V +75 19 285 R +75 19 286 V +75 19 287 G +75 19 288 ME +75 19 289 N +75 19 290 V +75 19 291 K +75 19 292 R +75 19 293 V +75 19 294 V +75 19 295 G +75 19 296 K +75 19 297 MA +75 19 298 ME +75 19 299 C +75 19 300 G +75 19 301 C +75 19 302 V +75 19 303 G +75 19 304 G +75 19 305 K +75 19 306 C +75 19 307 N +75 19 308 K +75 19 309 G +75 19 310 C +75 19 311 N +75 19 312 K +75 19 313 K +75 19 314 V +75 19 315 C +75 19 316 C +75 19 317 ME +75 19 318 MA +75 19 319 V +75 19 320 G +75 19 321 ME +75 19 322 N +75 19 323 C +75 19 324 V +75 19 325 K +75 19 326 MA +75 19 327 V +75 19 328 C +75 19 329 G +75 19 330 V +75 20 1 C +75 20 2 C +75 20 3 ME +75 20 4 C +75 20 5 C +75 20 6 R +75 20 7 C +75 20 8 ME +75 20 9 G +75 20 10 K +75 20 11 C +75 20 12 MA +75 20 13 C +75 20 14 C +75 20 15 R +75 20 16 V +75 20 17 ME +75 20 18 D +75 20 19 C +75 20 20 C +75 20 21 R +75 20 22 V +75 20 23 R +75 20 24 G +75 20 25 C +75 20 26 K +75 20 27 V +75 20 28 R +75 20 29 C +75 20 30 G +75 20 31 C +75 20 32 R +75 20 33 C +75 20 34 C +75 20 35 R +75 20 36 C +75 20 37 C +75 20 38 R +75 20 39 C +75 20 40 N +75 20 41 ME +75 20 42 MA +75 20 43 K +75 20 44 R +75 20 45 C +75 20 46 G +75 20 47 C +75 20 48 MA +75 20 49 C +75 20 50 K +75 20 51 G +75 20 52 V +75 20 53 ME +75 20 54 C +75 20 55 C +75 20 56 R +75 20 57 C +75 20 58 MA +75 20 59 R +75 20 60 C +75 20 61 ME +75 20 62 R +75 20 63 R +75 20 64 C +75 20 65 ME +75 20 66 V +75 20 67 C +75 20 68 R +75 20 69 K +75 20 70 R +75 20 71 ME +75 20 72 C +75 20 73 K +75 20 74 N +75 20 75 K +75 20 76 ME +75 20 77 C +75 20 78 R +75 20 79 D +75 20 80 C +75 20 81 C +75 20 82 C +75 20 83 V +75 20 84 R +75 20 85 C +75 20 86 R +75 20 87 K +75 20 88 R +75 20 89 K +75 20 90 C +75 20 91 MA +75 20 92 V +75 20 93 C +75 20 94 K +75 20 95 N +75 20 96 MA +75 20 97 K +75 20 98 ME +75 20 99 R +75 20 100 N +75 20 101 ME +75 20 102 V +75 20 103 G +75 20 104 N +75 20 105 R +75 20 106 V +75 20 107 V +75 20 108 N +75 20 109 K +75 20 110 MA +75 20 111 K +75 20 112 ME +75 20 113 K +75 20 114 C +75 20 115 ME +75 20 116 N +75 20 117 K +75 20 118 R +75 20 119 C +75 20 120 V +75 20 121 ME +75 20 122 C +75 20 123 C +75 20 124 MA +75 20 125 ME +75 20 126 R +75 20 127 K +75 20 128 MA +75 20 129 V +75 20 130 K +75 20 131 K +75 20 132 ME +75 20 133 C +75 20 134 G +75 20 135 R +75 20 136 C +75 20 137 C +75 20 138 N +75 20 139 V +75 20 140 C +75 20 141 V +75 20 142 V +75 20 143 C +75 20 144 K +75 20 145 C +75 20 146 MA +75 20 147 C +75 20 148 ME +75 20 149 C +75 20 150 K +75 20 151 ME +75 20 152 R +75 20 153 C +75 20 154 K +75 20 155 G +75 20 156 C +75 20 157 G +75 20 158 V +75 20 159 G +75 20 160 R +75 20 161 C +75 20 162 ME +75 20 163 C +75 20 164 C +75 20 165 K +75 20 166 C +75 20 167 R +75 20 168 C +75 20 169 C +75 20 170 C +75 20 171 G +75 20 172 V +75 20 173 R +75 20 174 MA +75 20 175 N +75 20 176 ME +75 20 177 V +75 20 178 J +75 20 179 ME +75 20 180 C +75 20 181 G +75 20 182 ME +75 20 183 G +75 20 184 R +75 20 185 G +75 20 186 C +75 20 187 MA +75 20 188 C +75 20 189 V +75 20 190 R +75 20 191 C +75 20 192 K +75 20 193 MA +75 20 194 G +75 20 195 C +75 20 196 N +75 20 197 R +75 20 198 K +75 20 199 V +75 20 200 C +75 20 201 R +75 20 202 C +75 20 203 R +75 20 204 G +75 20 205 K +75 20 206 V +75 20 207 ME +75 20 208 G +75 20 209 C +75 20 210 G +75 20 211 C +75 20 212 MA +75 20 213 G +75 20 214 MA +75 20 215 R +75 20 216 G +75 20 217 R +75 20 218 G +75 20 219 N +75 20 220 K +75 20 221 V +75 20 222 K +75 20 223 C +75 20 224 V +75 20 225 G +75 20 226 C +75 20 227 G +75 20 228 C +75 20 229 C +75 20 230 V +75 20 231 ME +75 20 232 G +75 20 233 R +75 20 234 C +75 20 235 C +75 20 236 G +75 20 237 R +75 20 238 C +75 20 239 R +75 20 240 G +75 20 241 V +75 20 242 V +75 20 243 G +75 20 244 N +75 20 245 ME +75 20 246 C +75 20 247 R +75 20 248 G +75 20 249 V +75 20 250 K +75 20 251 C +75 20 252 V +75 20 253 C +75 20 254 C +75 20 255 G +75 20 256 R +75 20 257 C +75 20 258 MA +75 20 259 ME +75 20 260 V +75 20 261 R +75 20 262 V +75 20 263 G +75 20 264 N +75 20 265 C +75 20 266 ME +75 20 267 K +75 20 268 C +75 20 269 R +75 20 270 MA +75 20 271 C +75 20 272 V +75 20 273 R +75 20 274 V +75 20 275 MA +75 20 276 ME +75 20 277 C +75 20 278 R +75 20 279 K +75 20 280 C +75 20 281 C +75 20 282 C +75 20 283 G +75 20 284 V +75 20 285 R +75 20 286 V +75 20 287 G +75 20 288 ME +75 20 289 C +75 20 290 V +75 20 291 C +75 20 292 R +75 20 293 V +75 20 294 V +75 20 295 G +75 20 296 K +75 20 297 MA +75 20 298 ME +75 20 299 C +75 20 300 G +75 20 301 C +75 20 302 R +75 20 303 V +75 20 304 G +75 20 305 K +75 20 306 C +75 20 307 C +75 20 308 R +75 20 309 G +75 20 310 C +75 20 311 C +75 20 312 K +75 20 313 K +75 20 314 V +75 20 315 C +75 20 316 C +75 20 317 ME +75 20 318 R +75 20 319 V +75 20 320 G +75 20 321 ME +75 20 322 N +75 20 323 C +75 20 324 V +75 20 325 K +75 20 326 MA +75 20 327 V +75 20 328 C +75 20 329 G +75 20 330 N +75 21 1 C +75 21 2 C +75 21 3 ME +75 21 4 R +75 21 5 MA +75 21 6 MA +75 21 7 C +75 21 8 R +75 21 9 G +75 21 10 C +75 21 11 Z +75 21 12 MA +75 21 13 Z +75 21 14 Z +75 21 15 R +75 21 16 Z +75 21 17 R +75 21 18 Z +75 21 19 C +75 21 20 C +75 21 21 R +75 21 22 MA +75 21 23 R +75 21 24 Z +75 21 25 C +75 21 26 C +75 21 27 MA +75 21 28 R +75 21 29 C +75 21 30 MA +75 21 31 C +75 21 32 R +75 21 33 C +75 21 34 C +75 21 35 R +75 21 36 Z +75 21 37 C +75 21 38 R +75 21 39 C +75 21 40 C +75 21 41 ME +75 21 42 G +75 21 43 C +75 21 44 MA +75 21 45 C +75 21 46 Z +75 21 47 Z +75 21 48 MA +75 21 49 C +75 21 50 G +75 21 51 G +75 21 52 C +75 21 53 ME +75 21 54 C +75 21 55 C +75 21 56 MA +75 21 57 C +75 21 58 MA +75 21 59 MA +75 21 60 G +75 21 61 ME +75 21 62 C +75 21 63 ME +75 21 64 C +75 21 65 ME +75 21 66 MA +75 21 67 C +75 21 68 R +75 21 69 G +75 21 70 C +75 21 71 G +75 21 72 C +75 21 73 C +75 21 74 C +75 21 75 G +75 21 76 ME +75 21 77 C +75 21 78 MA +75 21 79 Z +75 21 80 C +75 21 81 MA +75 21 82 C +75 21 83 MA +75 21 84 R +75 21 85 C +75 21 86 R +75 21 87 Z +75 21 88 R +75 21 89 Z +75 21 90 Z +75 21 91 MA +75 21 92 MA +75 21 93 C +75 21 94 Z +75 21 95 MA +75 21 96 MA +75 21 97 R +75 21 98 R +75 21 99 R +75 21 100 C +75 21 101 R +75 21 102 C +75 21 103 Z +75 21 104 R +75 21 105 R +75 21 106 MA +75 21 107 V +75 21 108 C +75 21 109 R +75 21 110 MA +75 21 111 Z +75 21 112 ME +75 21 113 Z +75 21 114 C +75 21 115 ME +75 21 116 V +75 21 117 G +75 21 118 R +75 21 119 C +75 21 120 V +75 21 121 ME +75 21 122 C +75 21 123 C +75 21 124 MA +75 21 125 ME +75 21 126 R +75 21 127 Z +75 21 128 MA +75 21 129 V +75 21 130 G +75 21 131 R +75 21 132 ME +75 21 133 C +75 21 134 G +75 21 135 R +75 21 136 C +75 21 137 C +75 21 138 C +75 21 139 V +75 21 140 C +75 21 141 V +75 21 142 V +75 21 143 C +75 21 144 C +75 21 145 C +75 21 146 MA +75 21 147 C +75 21 148 ME +75 21 149 C +75 21 150 R +75 21 151 R +75 21 152 R +75 21 153 C +75 21 154 G +75 21 155 Z +75 21 156 C +75 21 157 G +75 21 158 V +75 21 159 MA +75 21 160 R +75 21 161 C +75 21 162 ME +75 21 163 C +75 21 164 C +75 21 165 G +75 21 166 Z +75 21 167 R +75 21 168 C +75 21 169 C +75 21 170 G +75 21 171 C +75 21 172 V +75 21 173 R +75 21 174 MA +75 21 175 C +75 21 176 R +75 21 177 MA +75 21 178 C +75 21 179 ME +75 21 180 C +75 21 181 MA +75 21 182 R +75 21 183 G +75 21 184 R +75 21 185 MA +75 21 186 MA +75 21 187 MA +75 21 188 C +75 21 189 C +75 21 190 R +75 21 191 C +75 21 192 C +75 21 193 MA +75 21 194 G +75 21 195 C +75 21 196 C +75 21 197 R +75 21 198 Z +75 21 199 MA +75 21 200 R +75 21 201 R +75 21 202 C +75 21 203 R +75 21 204 G +75 21 205 C +75 21 206 MA +75 21 207 ME +75 21 208 MA +75 21 209 C +75 21 210 R +75 21 211 C +75 21 212 ME +75 21 213 R +75 21 214 MA +75 21 215 R +75 21 216 G +75 21 217 R +75 21 218 MA +75 21 219 V +75 21 220 C +75 21 221 C +75 21 222 R +75 21 223 C +75 21 224 V +75 21 225 G +75 21 226 C +75 21 227 Z +75 21 228 C +75 21 229 MA +75 21 230 V +75 21 231 R +75 21 232 G +75 21 233 C +75 21 234 C +75 21 235 C +75 21 236 MA +75 21 237 MA +75 21 238 C +75 21 239 R +75 21 240 G +75 21 241 V +75 21 242 MA +75 21 243 ME +75 21 244 V +75 21 245 ME +75 21 246 C +75 21 247 C +75 21 248 G +75 21 249 C +75 21 250 Z +75 21 251 C +75 21 252 V +75 21 253 C +75 21 254 C +75 21 255 Z +75 21 256 R +75 21 257 C +75 21 258 MA +75 21 259 ME +75 21 260 V +75 21 261 MA +75 21 262 V +75 21 263 G +75 21 264 C +75 21 265 G +75 21 266 ME +75 21 267 ME +75 21 268 C +75 21 269 ME +75 21 270 MA +75 21 271 G +75 21 272 V +75 21 273 R +75 21 274 V +75 21 275 MA +75 21 276 ME +75 21 277 C +75 21 278 ME +75 21 279 C +75 21 280 G +75 21 281 C +75 21 282 MA +75 21 283 G +75 21 284 V +75 21 285 R +75 21 286 V +75 21 287 MA +75 21 288 ME +75 21 289 C +75 21 290 V +75 21 291 C +75 21 292 R +75 21 293 V +75 21 294 V +75 21 295 G +75 21 296 R +75 21 297 MA +75 21 298 R +75 21 299 C +75 21 300 V +75 21 301 C +75 21 302 V +75 21 303 C +75 21 304 G +75 21 305 R +75 21 306 MA +75 21 307 C +75 21 308 R +75 21 309 G +75 21 310 C +75 21 311 C +75 21 312 Z +75 21 313 R +75 21 314 V +75 21 315 MA +75 21 316 C +75 21 317 R +75 21 318 ME +75 21 319 V +75 21 320 MA +75 21 321 ME +75 21 322 C +75 21 323 G +75 21 324 V +75 21 325 ME +75 21 326 MA +75 21 327 V +75 21 328 G +75 21 329 MA +75 21 330 V +75 22 1 C +75 22 2 C +75 22 3 ME +75 22 4 G +75 22 5 C +75 22 6 MA +75 22 7 C +75 22 8 ME +75 22 9 G +75 22 10 C +75 22 11 Z +75 22 12 MA +75 22 13 C +75 22 14 C +75 22 15 R +75 22 16 V +75 22 17 ME +75 22 18 K +75 22 19 C +75 22 20 C +75 22 21 ME +75 22 22 MA +75 22 23 R +75 22 24 G +75 22 25 C +75 22 26 C +75 22 27 MA +75 22 28 ME +75 22 29 C +75 22 30 ME +75 22 31 C +75 22 32 ME +75 22 33 C +75 22 34 C +75 22 35 ME +75 22 36 C +75 22 37 C +75 22 38 ME +75 22 39 C +75 22 40 C +75 22 41 ME +75 22 42 MA +75 22 43 C +75 22 44 V +75 22 45 C +75 22 46 G +75 22 47 C +75 22 48 MA +75 22 49 C +75 22 50 G +75 22 51 G +75 22 52 V +75 22 53 ME +75 22 54 C +75 22 55 C +75 22 56 R +75 22 57 C +75 22 58 MA +75 22 59 V +75 22 60 C +75 22 61 ME +75 22 62 R +75 22 63 R +75 22 64 C +75 22 65 ME +75 22 66 V +75 22 67 C +75 22 68 R +75 22 69 Z +75 22 70 V +75 22 71 G +75 22 72 C +75 22 73 R +75 22 74 V +75 22 75 C +75 22 76 ME +75 22 77 C +75 22 78 R +75 22 79 Z +75 22 80 C +75 22 81 C +75 22 82 C +75 22 83 MA +75 22 84 R +75 22 85 C +75 22 86 R +75 22 87 K +75 22 88 R +75 22 89 K +75 22 90 C +75 22 91 C +75 22 92 V +75 22 93 C +75 22 94 K +75 22 95 V +75 22 96 MA +75 22 97 C +75 22 98 ME +75 22 99 R +75 22 100 C +75 22 101 R +75 22 102 V +75 22 103 MA +75 22 104 C +75 22 105 R +75 22 106 MA +75 22 107 V +75 22 108 C +75 22 109 Z +75 22 110 MA +75 22 111 G +75 22 112 ME +75 22 113 K +75 22 114 C +75 22 115 ME +75 22 116 C +75 22 117 G +75 22 118 ME +75 22 119 C +75 22 120 V +75 22 121 ME +75 22 122 C +75 22 123 C +75 22 124 MA +75 22 125 ME +75 22 126 R +75 22 127 Z +75 22 128 MA +75 22 129 G +75 22 130 Z +75 22 131 R +75 22 132 ME +75 22 133 C +75 22 134 G +75 22 135 ME +75 22 136 C +75 22 137 C +75 22 138 C +75 22 139 V +75 22 140 C +75 22 141 V +75 22 142 V +75 22 143 C +75 22 144 Z +75 22 145 C +75 22 146 MA +75 22 147 C +75 22 148 ME +75 22 149 C +75 22 150 R +75 22 151 R +75 22 152 R +75 22 153 C +75 22 154 Z +75 22 155 K +75 22 156 C +75 22 157 G +75 22 158 V +75 22 159 MA +75 22 160 R +75 22 161 C +75 22 162 ME +75 22 163 C +75 22 164 C +75 22 165 Z +75 22 166 C +75 22 167 R +75 22 168 C +75 22 169 C +75 22 170 C +75 22 171 C +75 22 172 V +75 22 173 ME +75 22 174 MA +75 22 175 C +75 22 176 ME +75 22 177 MA +75 22 178 C +75 22 179 G +75 22 180 C +75 22 181 MA +75 22 182 G +75 22 183 G +75 22 184 R +75 22 185 G +75 22 186 C +75 22 187 MA +75 22 188 C +75 22 189 C +75 22 190 R +75 22 191 C +75 22 192 R +75 22 193 MA +75 22 194 G +75 22 195 C +75 22 196 C +75 22 197 R +75 22 198 Z +75 22 199 V +75 22 200 C +75 22 201 MA +75 22 202 C +75 22 203 ME +75 22 204 K +75 22 205 C +75 22 206 MA +75 22 207 ME +75 22 208 G +75 22 209 C +75 22 210 G +75 22 211 C +75 22 212 ME +75 22 213 V +75 22 214 C +75 22 215 R +75 22 216 Z +75 22 217 R +75 22 218 MA +75 22 219 V +75 22 220 C +75 22 221 C +75 22 222 R +75 22 223 C +75 22 224 V +75 22 225 MA +75 22 226 C +75 22 227 K +75 22 228 C +75 22 229 C +75 22 230 R +75 22 231 R +75 22 232 G +75 22 233 C +75 22 234 C +75 22 235 C +75 22 236 C +75 22 237 R +75 22 238 C +75 22 239 R +75 22 240 G +75 22 241 V +75 22 242 MA +75 22 243 R +75 22 244 C +75 22 245 ME +75 22 246 C +75 22 247 R +75 22 248 Z +75 22 249 Z +75 22 250 G +75 22 251 C +75 22 252 V +75 22 253 C +75 22 254 C +75 22 255 K +75 22 256 ME +75 22 257 C +75 22 258 MA +75 22 259 ME +75 22 260 MA +75 22 261 MA +75 22 262 V +75 22 263 G +75 22 264 C +75 22 265 C +75 22 266 ME +75 22 267 R +75 22 268 C +75 22 269 R +75 22 270 MA +75 22 271 C +75 22 272 V +75 22 273 R +75 22 274 V +75 22 275 MA +75 22 276 ME +75 22 277 Z +75 22 278 ME +75 22 279 C +75 22 280 C +75 22 281 C +75 22 282 C +75 22 283 G +75 22 284 V +75 22 285 R +75 22 286 V +75 22 287 G +75 22 288 ME +75 22 289 C +75 22 290 V +75 22 291 C +75 22 292 R +75 22 293 MA +75 22 294 V +75 22 295 G +75 22 296 C +75 22 297 MA +75 22 298 ME +75 22 299 C +75 22 300 G +75 22 301 C +75 22 302 G +75 22 303 C +75 22 304 C +75 22 305 R +75 22 306 C +75 22 307 C +75 22 308 R +75 22 309 G +75 22 310 C +75 22 311 C +75 22 312 K +75 22 313 C +75 22 314 V +75 22 315 C +75 22 316 C +75 22 317 ME +75 22 318 MA +75 22 319 V +75 22 320 C +75 22 321 ME +75 22 322 C +75 22 323 C +75 22 324 G +75 22 325 ME +75 22 326 MA +75 22 327 V +75 22 328 C +75 22 329 G +75 22 330 V +75 23 1 C +75 23 2 C +75 23 3 ME +75 23 4 R +75 23 5 C +75 23 6 MA +75 23 7 C +75 23 8 R +75 23 9 G +75 23 10 C +75 23 11 G +75 23 12 MA +75 23 13 G +75 23 14 C +75 23 15 R +75 23 16 V +75 23 17 ME +75 23 18 G +75 23 19 C +75 23 20 C +75 23 21 R +75 23 22 MA +75 23 23 R +75 23 24 G +75 23 25 C +75 23 26 C +75 23 27 MA +75 23 28 R +75 23 29 C +75 23 30 R +75 23 31 C +75 23 32 R +75 23 33 C +75 23 34 R +75 23 35 R +75 23 36 G +75 23 37 C +75 23 38 R +75 23 39 C +75 23 40 C +75 23 41 ME +75 23 42 MA +75 23 43 G +75 23 44 V +75 23 45 C +75 23 46 V +75 23 47 C +75 23 48 MA +75 23 49 C +75 23 50 G +75 23 51 G +75 23 52 C +75 23 53 R +75 23 54 C +75 23 55 C +75 23 56 MA +75 23 57 G +75 23 58 G +75 23 59 R +75 23 60 Z +75 23 61 ME +75 23 62 C +75 23 63 MA +75 23 64 C +75 23 65 ME +75 23 66 MA +75 23 67 C +75 23 68 R +75 23 69 G +75 23 70 V +75 23 71 ME +75 23 72 C +75 23 73 ME +75 23 74 C +75 23 75 C +75 23 76 MA +75 23 77 C +75 23 78 R +75 23 79 G +75 23 80 C +75 23 81 C +75 23 82 C +75 23 83 MA +75 23 84 R +75 23 85 C +75 23 86 R +75 23 87 G +75 23 88 R +75 23 89 K +75 23 90 C +75 23 91 C +75 23 92 V +75 23 93 C +75 23 94 G +75 23 95 C +75 23 96 MA +75 23 97 C +75 23 98 ME +75 23 99 R +75 23 100 C +75 23 101 ME +75 23 102 C +75 23 103 G +75 23 104 C +75 23 105 R +75 23 106 MA +75 23 107 V +75 23 108 C +75 23 109 C +75 23 110 MA +75 23 111 G +75 23 112 ME +75 23 113 K +75 23 114 C +75 23 115 ME +75 23 116 V +75 23 117 G +75 23 118 R +75 23 119 C +75 23 120 V +75 23 121 ME +75 23 122 C +75 23 123 C +75 23 124 C +75 23 125 ME +75 23 126 R +75 23 127 G +75 23 128 MA +75 23 129 V +75 23 130 G +75 23 131 R +75 23 132 ME +75 23 133 C +75 23 134 G +75 23 135 R +75 23 136 C +75 23 137 C +75 23 138 C +75 23 139 V +75 23 140 C +75 23 141 V +75 23 142 V +75 23 143 C +75 23 144 G +75 23 145 C +75 23 146 MA +75 23 147 C +75 23 148 ME +75 23 149 C +75 23 150 G +75 23 151 R +75 23 152 R +75 23 153 C +75 23 154 G +75 23 155 G +75 23 156 C +75 23 157 G +75 23 158 V +75 23 159 MA +75 23 160 R +75 23 161 C +75 23 162 ME +75 23 163 C +75 23 164 C +75 23 165 G +75 23 166 C +75 23 167 R +75 23 168 C +75 23 169 C +75 23 170 G +75 23 171 C +75 23 172 V +75 23 173 R +75 23 174 MA +75 23 175 C +75 23 176 R +75 23 177 MA +75 23 178 C +75 23 179 G +75 23 180 C +75 23 181 G +75 23 182 ME +75 23 183 G +75 23 184 ME +75 23 185 MA +75 23 186 C +75 23 187 MA +75 23 188 C +75 23 189 C +75 23 190 R +75 23 191 C +75 23 192 R +75 23 193 C +75 23 194 G +75 23 195 C +75 23 196 C +75 23 197 R +75 23 198 G +75 23 199 V +75 23 200 C +75 23 201 R +75 23 202 C +75 23 203 R +75 23 204 G +75 23 205 G +75 23 206 V +75 23 207 R +75 23 208 G +75 23 209 C +75 23 210 G +75 23 211 C +75 23 212 MA +75 23 213 C +75 23 214 C +75 23 215 R +75 23 216 G +75 23 217 R +75 23 218 G +75 23 219 V +75 23 220 C +75 23 221 V +75 23 222 C +75 23 223 C +75 23 224 V +75 23 225 G +75 23 226 C +75 23 227 G +75 23 228 C +75 23 229 C +75 23 230 V +75 23 231 R +75 23 232 G +75 23 233 C +75 23 234 C +75 23 235 C +75 23 236 C +75 23 237 MA +75 23 238 C +75 23 239 R +75 23 240 G +75 23 241 V +75 23 242 MA +75 23 243 G +75 23 244 V +75 23 245 ME +75 23 246 C +75 23 247 C +75 23 248 G +75 23 249 C +75 23 250 K +75 23 251 C +75 23 252 V +75 23 253 C +75 23 254 C +75 23 255 K +75 23 256 R +75 23 257 C +75 23 258 MA +75 23 259 ME +75 23 260 C +75 23 261 ME +75 23 262 V +75 23 263 Z +75 23 264 C +75 23 265 C +75 23 266 ME +75 23 267 ME +75 23 268 C +75 23 269 R +75 23 270 MA +75 23 271 C +75 23 272 V +75 23 273 R +75 23 274 V +75 23 275 C +75 23 276 ME +75 23 277 C +75 23 278 MA +75 23 279 C +75 23 280 C +75 23 281 C +75 23 282 C +75 23 283 G +75 23 284 V +75 23 285 R +75 23 286 V +75 23 287 G +75 23 288 ME +75 23 289 C +75 23 290 V +75 23 291 C +75 23 292 R +75 23 293 V +75 23 294 V +75 23 295 G +75 23 296 C +75 23 297 MA +75 23 298 ME +75 23 299 C +75 23 300 G +75 23 301 C +75 23 302 V +75 23 303 C +75 23 304 G +75 23 305 G +75 23 306 C +75 23 307 C +75 23 308 R +75 23 309 K +75 23 310 C +75 23 311 C +75 23 312 K +75 23 313 C +75 23 314 V +75 23 315 C +75 23 316 C +75 23 317 ME +75 23 318 MA +75 23 319 V +75 23 320 G +75 23 321 ME +75 23 322 C +75 23 323 C +75 23 324 V +75 23 325 R +75 23 326 MA +75 23 327 V +75 23 328 C +75 23 329 G +75 23 330 V +75 24 1 C +75 24 2 C +75 24 3 ME +75 24 4 R +75 24 5 C +75 24 6 R +75 24 7 C +75 24 8 ME +75 24 9 G +75 24 10 K +75 24 11 G +75 24 12 MA +75 24 13 C +75 24 14 K +75 24 15 R +75 24 16 V +75 24 17 ME +75 24 18 G +75 24 19 C +75 24 20 C +75 24 21 ME +75 24 22 MA +75 24 23 R +75 24 24 G +75 24 25 C +75 24 26 C +75 24 27 V +75 24 28 ME +75 24 29 C +75 24 30 G +75 24 31 C +75 24 32 R +75 24 33 C +75 24 34 C +75 24 35 R +75 24 36 C +75 24 37 C +75 24 38 ME +75 24 39 C +75 24 40 C +75 24 41 ME +75 24 42 G +75 24 43 K +75 24 44 V +75 24 45 C +75 24 46 G +75 24 47 K +75 24 48 MA +75 24 49 C +75 24 50 K +75 24 51 G +75 24 52 V +75 24 53 ME +75 24 54 G +75 24 55 C +75 24 56 R +75 24 57 C +75 24 58 G +75 24 59 V +75 24 60 C +75 24 61 ME +75 24 62 G +75 24 63 R +75 24 64 C +75 24 65 ME +75 24 66 V +75 24 67 C +75 24 68 R +75 24 69 G +75 24 70 V +75 24 71 G +75 24 72 C +75 24 73 G +75 24 74 C +75 24 75 G +75 24 76 ME +75 24 77 C +75 24 78 R +75 24 79 K +75 24 80 C +75 24 81 C +75 24 82 C +75 24 83 V +75 24 84 R +75 24 85 C +75 24 86 R +75 24 87 K +75 24 88 R +75 24 89 K +75 24 90 K +75 24 91 C +75 24 92 V +75 24 93 C +75 24 94 K +75 24 95 V +75 24 96 MA +75 24 97 K +75 24 98 ME +75 24 99 R +75 24 100 C +75 24 101 ME +75 24 102 G +75 24 103 G +75 24 104 C +75 24 105 R +75 24 106 MA +75 24 107 V +75 24 108 V +75 24 109 C +75 24 110 MA +75 24 111 G +75 24 112 ME +75 24 113 K +75 24 114 C +75 24 115 ME +75 24 116 V +75 24 117 K +75 24 118 R +75 24 119 C +75 24 120 V +75 24 121 ME +75 24 122 C +75 24 123 C +75 24 124 MA +75 24 125 ME +75 24 126 R +75 24 127 K +75 24 128 MA +75 24 129 V +75 24 130 K +75 24 131 R +75 24 132 ME +75 24 133 C +75 24 134 G +75 24 135 R +75 24 136 C +75 24 137 K +75 24 138 C +75 24 139 V +75 24 140 C +75 24 141 V +75 24 142 V +75 24 143 C +75 24 144 K +75 24 145 C +75 24 146 MA +75 24 147 C +75 24 148 ME +75 24 149 C +75 24 150 D +75 24 151 R +75 24 152 R +75 24 153 C +75 24 154 K +75 24 155 K +75 24 156 C +75 24 157 G +75 24 158 V +75 24 159 R +75 24 160 R +75 24 161 C +75 24 162 ME +75 24 163 C +75 24 164 C +75 24 165 D +75 24 166 L +75 24 167 D +75 24 168 C +75 24 169 C +75 24 170 K +75 24 171 G +75 24 172 V +75 24 173 R +75 24 174 MA +75 24 175 C +75 24 176 D +75 24 177 C +75 24 178 G +75 24 179 D +75 24 180 G +75 24 181 D +75 24 182 G +75 24 183 C +75 24 184 MA +75 24 185 C +75 24 186 C +75 24 187 R +75 24 188 C +75 24 189 D +75 24 190 MA +75 24 191 ME +75 24 192 C +75 24 193 C +75 24 194 R +75 24 195 C +75 24 196 C +75 24 197 D +75 24 198 K +75 24 199 V +75 24 200 C +75 24 201 R +75 24 202 C +75 24 203 ME +75 24 204 K +75 24 205 C +75 24 206 V +75 24 207 ME +75 24 208 G +75 24 209 C +75 24 210 G +75 24 211 C +75 24 212 MA +75 24 213 D +75 24 214 MA +75 24 215 R +75 24 216 K +75 24 217 R +75 24 218 G +75 24 219 V +75 24 220 C +75 24 221 V +75 24 222 D +75 24 223 C +75 24 224 V +75 24 225 L +75 24 226 C +75 24 227 K +75 24 228 C +75 24 229 C +75 24 230 V +75 24 231 R +75 24 232 G +75 24 233 C +75 24 234 C +75 24 235 C +75 24 236 G +75 24 237 R +75 24 238 C +75 24 239 R +75 24 240 G +75 24 241 V +75 24 242 MA +75 24 243 G +75 24 244 V +75 24 245 ME +75 24 246 C +75 24 247 C +75 24 248 K +75 24 249 C +75 24 250 D +75 24 251 C +75 24 252 V +75 24 253 C +75 24 254 C +75 24 255 K +75 24 256 R +75 24 257 D +75 24 258 MA +75 24 259 G +75 24 260 V +75 24 261 G +75 24 262 V +75 24 263 D +75 24 264 C +75 24 265 C +75 24 266 G +75 24 267 D +75 24 268 C +75 24 269 R +75 24 270 MA +75 24 271 K +75 24 272 V +75 24 273 R +75 24 274 V +75 24 275 L +75 24 276 ME +75 24 277 C +75 24 278 R +75 24 279 C +75 24 280 C +75 24 281 C +75 24 282 C +75 24 283 G +75 24 284 V +75 24 285 R +75 24 286 V +75 24 287 G +75 24 288 ME +75 24 289 C +75 24 290 R +75 24 291 C +75 24 292 R +75 24 293 V +75 24 294 V +75 24 295 G +75 24 296 K +75 24 297 MA +75 24 298 ME +75 24 299 C +75 24 300 G +75 24 301 C +75 24 302 V +75 24 303 V +75 24 304 G +75 24 305 D +75 24 306 C +75 24 307 C +75 24 308 K +75 24 309 K +75 24 310 C +75 24 311 C +75 24 312 K +75 24 313 D +75 24 314 V +75 24 315 C +75 24 316 C +75 24 317 D +75 24 318 R +75 24 319 V +75 24 320 G +75 24 321 ME +75 24 322 C +75 24 323 C +75 24 324 V +75 24 325 G +75 24 326 MA +75 24 327 V +75 24 328 K +75 24 329 G +75 24 330 V +75 25 1 C +75 25 2 C +75 25 3 ME +75 25 4 K +75 25 5 C +75 25 6 R +75 25 7 C +75 25 8 ME +75 25 9 G +75 25 10 C +75 25 11 C +75 25 12 MA +75 25 13 C +75 25 14 C +75 25 15 R +75 25 16 V +75 25 17 ME +75 25 18 K +75 25 19 C +75 25 20 C +75 25 21 ME +75 25 22 MA +75 25 23 C +75 25 24 G +75 25 25 C +75 25 26 C +75 25 27 V +75 25 28 ME +75 25 29 C +75 25 30 ME +75 25 31 C +75 25 32 R +75 25 33 C +75 25 34 C +75 25 35 ME +75 25 36 C +75 25 37 C +75 25 38 ME +75 25 39 C +75 25 40 C +75 25 41 ME +75 25 42 MA +75 25 43 C +75 25 44 V +75 25 45 C +75 25 46 G +75 25 47 G +75 25 48 MA +75 25 49 C +75 25 50 R +75 25 51 G +75 25 52 V +75 25 53 ME +75 25 54 C +75 25 55 C +75 25 56 R +75 25 57 C +75 25 58 MA +75 25 59 V +75 25 60 C +75 25 61 ME +75 25 62 C +75 25 63 R +75 25 64 C +75 25 65 ME +75 25 66 V +75 25 67 C +75 25 68 R +75 25 69 G +75 25 70 V +75 25 71 ME +75 25 72 C +75 25 73 R +75 25 74 V +75 25 75 G +75 25 76 ME +75 25 77 C +75 25 78 R +75 25 79 G +75 25 80 C +75 25 81 C +75 25 82 C +75 25 83 MA +75 25 84 R +75 25 85 C +75 25 86 R +75 25 87 G +75 25 88 ME +75 25 89 K +75 25 90 C +75 25 91 MA +75 25 92 V +75 25 93 C +75 25 94 G +75 25 95 V +75 25 96 MA +75 25 97 K +75 25 98 ME +75 25 99 R +75 25 100 C +75 25 101 ME +75 25 102 V +75 25 103 G +75 25 104 C +75 25 105 ME +75 25 106 MA +75 25 107 V +75 25 108 V +75 25 109 C +75 25 110 MA +75 25 111 G +75 25 112 ME +75 25 113 G +75 25 114 C +75 25 115 ME +75 25 116 V +75 25 117 G +75 25 118 R +75 25 119 C +75 25 120 V +75 25 121 ME +75 25 122 C +75 25 123 C +75 25 124 MA +75 25 125 ME +75 25 126 R +75 25 127 G +75 25 128 MA +75 25 129 V +75 25 130 G +75 25 131 K +75 25 132 ME +75 25 133 C +75 25 134 G +75 25 135 ME +75 25 136 C +75 25 137 G +75 25 138 C +75 25 139 V +75 25 140 C +75 25 141 V +75 25 142 V +75 25 143 C +75 25 144 K +75 25 145 C +75 25 146 MA +75 25 147 C +75 25 148 ME +75 25 149 C +75 25 150 K +75 25 151 ME +75 25 152 R +75 25 153 C +75 25 154 G +75 25 155 G +75 25 156 C +75 25 157 G +75 25 158 V +75 25 159 MA +75 25 160 R +75 25 161 C +75 25 162 ME +75 25 163 C +75 25 164 C +75 25 165 G +75 25 166 C +75 25 167 V +75 25 168 C +75 25 169 C +75 25 170 G +75 25 171 G +75 25 172 V +75 25 173 ME +75 25 174 MA +75 25 175 V +75 25 176 ME +75 25 177 MA +75 25 178 C +75 25 179 ME +75 25 180 C +75 25 181 MA +75 25 182 ME +75 25 183 G +75 25 184 K +75 25 185 MA +75 25 186 C +75 25 187 MA +75 25 188 C +75 25 189 V +75 25 190 R +75 25 191 C +75 25 192 K +75 25 193 MA +75 25 194 ME +75 25 195 C +75 25 196 C +75 25 197 R +75 25 198 G +75 25 199 V +75 25 200 C +75 25 201 R +75 25 202 C +75 25 203 ME +75 25 204 G +75 25 205 K +75 25 206 V +75 25 207 ME +75 25 208 MA +75 25 209 C +75 25 210 ME +75 25 211 C +75 25 212 MA +75 25 213 V +75 25 214 MA +75 25 215 R +75 25 216 G +75 25 217 R +75 25 218 MA +75 25 219 V +75 25 220 K +75 25 221 V +75 25 222 K +75 25 223 C +75 25 224 V +75 25 225 MA +75 25 226 C +75 25 227 G +75 25 228 C +75 25 229 C +75 25 230 V +75 25 231 R +75 25 232 G +75 25 233 C +75 25 234 C +75 25 235 C +75 25 236 MA +75 25 237 R +75 25 238 C +75 25 239 R +75 25 240 ME +75 25 241 V +75 25 242 MA +75 25 243 ME +75 25 244 V +75 25 245 ME +75 25 246 C +75 25 247 C +75 25 248 G +75 25 249 C +75 25 250 K +75 25 251 C +75 25 252 V +75 25 253 C +75 25 254 C +75 25 255 G +75 25 256 ME +75 25 257 C +75 25 258 MA +75 25 259 ME +75 25 260 MA +75 25 261 MA +75 25 262 V +75 25 263 G +75 25 264 V +75 25 265 C +75 25 266 ME +75 25 267 K +75 25 268 C +75 25 269 R +75 25 270 MA +75 25 271 G +75 25 272 V +75 25 273 R +75 25 274 V +75 25 275 MA +75 25 276 ME +75 25 277 C +75 25 278 R +75 25 279 C +75 25 280 C +75 25 281 C +75 25 282 C +75 25 283 G +75 25 284 V +75 25 285 R +75 25 286 V +75 25 287 MA +75 25 288 ME +75 25 289 C +75 25 290 V +75 25 291 C +75 25 292 R +75 25 293 V +75 25 294 V +75 25 295 G +75 25 296 K +75 25 297 MA +75 25 298 ME +75 25 299 C +75 25 300 V +75 25 301 C +75 25 302 V +75 25 303 V +75 25 304 G +75 25 305 K +75 25 306 MA +75 25 307 C +75 25 308 R +75 25 309 G +75 25 310 C +75 25 311 C +75 25 312 G +75 25 313 K +75 25 314 V +75 25 315 C +75 25 316 C +75 25 317 ME +75 25 318 MA +75 25 319 V +75 25 320 C +75 25 321 ME +75 25 322 C +75 25 323 V +75 25 324 C +75 25 325 R +75 25 326 MA +75 25 327 V +75 25 328 C +75 25 329 G +75 25 330 V +76 1 1 T +76 1 2 I +76 1 3 U +76 1 4 U +76 1 5 N +76 1 6 W +76 1 7 N +76 1 8 U +76 1 9 W +76 1 10 H +76 1 11 T +76 1 12 W +76 1 13 T +76 1 14 H +76 1 15 W +76 1 16 A +76 1 17 U +76 1 18 H +76 1 19 W +76 1 20 N +76 1 21 U +76 1 22 W +76 1 23 T +76 1 24 H +76 1 25 N +76 1 26 W +76 1 27 A +76 1 28 U +76 1 29 N +76 1 30 W +76 1 31 A +76 1 32 W +76 1 33 N +76 1 34 T +76 1 35 W +76 1 36 H +76 1 37 T +76 1 38 U +76 1 39 N +76 1 40 I +76 1 41 U +76 1 42 W +76 1 43 H +76 1 44 A +76 1 45 N +76 1 46 H +76 1 47 I +76 1 48 W +76 1 49 T +76 1 50 H +76 1 51 H +76 1 52 A +76 1 53 W +76 1 54 N +76 1 55 I +76 1 56 A +76 1 57 H +76 1 58 W +76 1 59 A +76 1 60 H +76 1 61 U +76 1 62 I +76 1 63 U +76 1 64 W +76 1 65 U +76 1 66 A +76 1 67 N +76 1 68 I +76 1 69 W +76 1 70 A +76 1 71 U +76 1 72 N +76 1 73 I +76 1 74 A +76 1 75 N +76 1 76 W +76 1 77 I +76 1 78 A +76 1 79 H +76 1 80 I +76 1 81 N +76 1 82 A +76 1 83 W +76 1 84 U +76 1 85 N +76 1 86 U +76 1 87 H +76 1 88 I +76 1 89 H +76 1 90 W +76 1 91 N +76 1 92 A +76 1 93 W +76 1 94 H +76 1 95 A +76 1 96 W +76 1 97 I +76 1 98 U +76 1 99 U +76 1 100 A +76 1 101 U +76 1 102 T +76 1 103 N +76 1 104 A +76 1 105 I +76 1 106 A +76 1 107 A +76 1 108 N +76 1 109 W +76 1 110 N +76 1 111 H +76 1 112 U +76 1 113 H +76 1 114 N +76 1 115 U +76 1 116 A +76 1 117 H +76 1 118 W +76 1 119 N +76 1 120 A +76 1 121 W +76 1 122 N +76 1 123 T +76 1 124 A +76 1 125 W +76 1 126 I +76 1 127 H +76 1 128 N +76 1 129 A +76 1 130 H +76 1 131 W +76 1 132 U +76 1 133 N +76 1 134 H +76 1 135 U +76 1 136 W +76 1 137 H +76 1 138 A +76 1 139 I +76 1 140 H +76 1 141 A +76 1 142 A +76 1 143 N +76 1 144 W +76 1 145 N +76 1 146 I +76 1 147 N +76 1 148 U +76 1 149 N +76 1 150 W +76 1 151 A +76 1 152 W +76 1 153 I +76 1 154 H +76 1 155 H +76 1 156 N +76 1 157 H +76 1 158 A +76 1 159 W +76 1 160 U +76 1 161 N +76 1 162 U +76 1 163 N +76 1 164 W +76 1 165 H +76 1 166 H +76 1 167 W +76 1 168 N +76 1 169 W +76 1 170 H +76 1 171 N +76 1 172 A +76 1 173 U +76 1 174 N +76 1 175 A +76 1 176 U +76 1 177 A +76 1 178 I +76 1 179 T +76 1 180 N +76 1 181 W +76 1 182 U +76 1 183 H +76 1 184 I +76 1 185 W +76 1 186 A +76 1 187 W +76 1 188 T +76 1 189 A +76 1 190 I +76 1 191 N +76 1 192 T +76 1 193 N +76 1 194 U +76 1 195 N +76 1 196 A +76 1 197 W +76 1 198 H +76 1 199 A +76 1 200 T +76 1 201 U +76 1 202 N +76 1 203 U +76 1 204 H +76 1 205 W +76 1 206 A +76 1 207 U +76 1 208 W +76 1 209 H +76 1 210 U +76 1 211 W +76 1 212 N +76 1 213 A +76 1 214 N +76 1 215 U +76 1 216 H +76 1 217 W +76 1 218 H +76 1 219 A +76 1 220 H +76 1 221 A +76 1 222 W +76 1 223 N +76 1 224 A +76 1 225 H +76 1 226 H +76 1 227 H +76 1 228 H +76 1 229 N +76 1 230 A +76 1 231 U +76 1 232 H +76 1 233 H +76 1 234 N +76 1 235 I +76 1 236 N +76 1 237 U +76 1 238 N +76 1 239 W +76 1 240 U +76 1 241 A +76 1 242 A +76 1 243 U +76 1 244 A +76 1 245 U +76 1 246 N +76 1 247 H +76 1 248 H +76 1 249 N +76 1 250 W +76 1 251 N +76 1 252 A +76 1 253 N +76 1 254 H +76 1 255 H +76 1 256 U +76 1 257 H +76 1 258 N +76 1 259 U +76 1 260 A +76 1 261 W +76 1 262 A +76 1 263 H +76 1 264 T +76 1 265 N +76 1 266 W +76 1 267 U +76 1 268 N +76 1 269 U +76 1 270 W +76 1 271 H +76 1 272 A +76 1 273 W +76 1 274 N +76 1 275 U +76 1 276 H +76 1 277 A +76 1 278 H +76 1 279 N +76 1 280 H +76 1 281 N +76 1 282 N +76 1 283 H +76 1 284 A +76 1 285 I +76 1 286 A +76 1 287 W +76 1 288 U +76 1 289 A +76 1 290 A +76 1 291 W +76 1 292 A +76 1 293 A +76 1 294 A +76 1 295 H +76 1 296 W +76 1 297 N +76 1 298 U +76 1 299 N +76 1 300 H +76 1 301 N +76 1 302 A +76 1 303 H +76 1 304 N +76 1 305 U +76 1 306 N +76 1 307 T +76 1 308 I +76 1 309 H +76 1 310 N +76 1 311 T +76 1 312 H +76 1 313 T +76 1 314 A +76 1 315 N +76 1 316 N +76 1 317 U +76 1 318 I +76 1 319 A +76 1 320 N +76 1 321 U +76 1 322 T +76 1 323 N +76 1 324 A +76 1 325 I +76 1 326 N +76 1 327 A +76 1 328 H +76 1 329 W +76 1 330 A +76 2 1 * +76 2 2 N +76 2 3 U +76 2 4 H +76 2 5 N +76 2 6 N +76 2 7 N +76 2 8 U +76 2 9 W +76 2 10 H +76 2 11 H +76 2 12 N +76 2 13 N +76 2 14 H +76 2 15 A +76 2 16 A +76 2 17 U +76 2 18 H +76 2 19 * +76 2 20 N +76 2 21 U +76 2 22 N +76 2 23 W +76 2 24 H +76 2 25 N +76 2 26 H +76 2 27 A +76 2 28 N +76 2 29 N +76 2 30 W +76 2 31 N +76 2 32 W +76 2 33 N +76 2 34 T +76 2 35 U +76 2 36 H +76 2 37 T +76 2 38 U +76 2 39 N +76 2 40 N +76 2 41 U +76 2 42 W +76 2 43 H +76 2 44 A +76 2 45 N +76 2 46 W +76 2 47 H +76 2 48 N +76 2 49 T +76 2 50 H +76 2 51 W +76 2 52 A +76 2 53 U +76 2 54 N +76 2 55 T +76 2 56 N +76 2 57 W +76 2 58 A +76 2 59 H +76 2 60 H +76 2 61 U +76 2 62 T +76 2 63 U +76 2 64 T +76 2 65 U +76 2 66 A +76 2 67 N +76 2 68 U +76 2 69 W +76 2 70 A +76 2 71 U +76 2 72 N +76 2 73 U +76 2 74 T +76 2 75 H +76 2 76 U +76 2 77 N +76 2 78 W +76 2 79 H +76 2 80 T +76 2 81 N +76 2 82 N +76 2 83 W +76 2 84 U +76 2 85 N +76 2 86 U +76 2 87 H +76 2 88 U +76 2 89 H +76 2 90 H +76 2 91 N +76 2 92 A +76 2 93 T +76 2 94 W +76 2 95 A +76 2 96 U +76 2 97 N +76 2 98 T +76 2 99 T +76 2 100 N +76 2 101 U +76 2 102 T +76 2 103 W +76 2 104 T +76 2 105 U +76 2 106 A +76 2 107 A +76 2 108 N +76 2 109 T +76 2 110 N +76 2 111 H +76 2 112 U +76 2 113 H +76 2 114 N +76 2 115 U +76 2 116 T +76 2 117 H +76 2 118 U +76 2 119 N +76 2 120 A +76 2 121 U +76 2 122 N +76 2 123 N +76 2 124 N +76 2 125 U +76 2 126 U +76 2 127 H +76 2 128 N +76 2 129 A +76 2 130 H +76 2 131 U +76 2 132 U +76 2 133 N +76 2 134 W +76 2 135 U +76 2 136 N +76 2 137 H +76 2 138 T +76 2 139 A +76 2 140 T +76 2 141 A +76 2 142 A +76 2 143 N +76 2 144 H +76 2 145 N +76 2 146 N +76 2 147 N +76 2 148 U +76 2 149 N +76 2 150 H +76 2 151 U +76 2 152 U +76 2 153 T +76 2 154 H +76 2 155 W +76 2 156 N +76 2 157 W +76 2 158 A +76 2 159 N +76 2 160 U +76 2 161 N +76 2 162 U +76 2 163 N +76 2 164 T +76 2 165 H +76 2 166 H +76 2 167 A +76 2 168 N +76 2 169 T +76 2 170 H +76 2 171 N +76 2 172 A +76 2 173 U +76 2 174 N +76 2 175 T +76 2 176 U +76 2 177 N +76 2 178 T +76 2 179 U +76 2 180 N +76 2 181 W +76 2 182 U +76 2 183 W +76 2 184 U +76 2 185 W +76 2 186 T +76 2 187 N +76 2 188 T +76 2 189 T +76 2 190 U +76 2 191 N +76 2 192 T +76 2 193 N +76 2 194 U +76 2 195 N +76 2 196 N +76 2 197 T +76 2 198 H +76 2 199 A +76 2 200 T +76 2 201 U +76 2 202 N +76 2 203 U +76 2 204 W +76 2 205 T +76 2 206 A +76 2 207 U +76 2 208 W +76 2 209 N +76 2 210 W +76 2 211 T +76 2 212 U +76 2 213 A +76 2 214 N +76 2 215 U +76 2 216 H +76 2 217 U +76 2 218 N +76 2 219 T +76 2 220 T +76 2 221 A +76 2 222 U +76 2 223 N +76 2 224 A +76 2 225 W +76 2 226 H +76 2 227 H +76 2 228 T +76 2 229 N +76 2 230 A +76 2 231 U +76 2 232 W +76 2 233 T +76 2 234 N +76 2 235 T +76 2 236 N +76 2 237 U +76 2 238 N +76 2 239 U +76 2 240 W +76 2 241 A +76 2 242 N +76 2 243 U +76 2 244 A +76 2 245 U +76 2 246 N +76 2 247 U +76 2 248 H +76 2 249 N +76 2 250 U +76 2 251 N +76 2 252 A +76 2 253 N +76 2 254 T +76 2 255 H +76 2 256 U +76 2 257 H +76 2 258 N +76 2 259 U +76 2 260 N +76 2 261 U +76 2 262 A +76 2 263 A +76 2 264 T +76 2 265 N +76 2 266 U +76 2 267 U +76 2 268 N +76 2 269 U +76 2 270 N +76 2 271 H +76 2 272 U +76 2 273 A +76 2 274 N +76 2 275 W +76 2 276 U +76 2 277 H +76 2 278 U +76 2 279 T +76 2 280 N +76 2 281 N +76 2 282 N +76 2 283 W +76 2 284 A +76 2 285 U +76 2 286 A +76 2 287 W +76 2 288 U +76 2 289 T +76 2 290 A +76 2 291 T +76 2 292 U +76 2 293 N +76 2 294 A +76 2 295 W +76 2 296 T +76 2 297 N +76 2 298 U +76 2 299 N +76 2 300 H +76 2 301 N +76 2 302 A +76 2 303 T +76 2 304 N +76 2 305 U +76 2 306 N +76 2 307 T +76 2 308 T +76 2 309 W +76 2 310 N +76 2 311 T +76 2 312 H +76 2 313 T +76 2 314 A +76 2 315 N +76 2 316 N +76 2 317 U +76 2 318 U +76 2 319 A +76 2 320 W +76 2 321 U +76 2 322 T +76 2 323 N +76 2 324 A +76 2 325 U +76 2 326 N +76 2 327 A +76 2 328 N +76 2 329 W +76 2 330 * +76 3 1 T +76 3 2 N +76 3 3 U +76 3 4 T +76 3 5 N +76 3 6 I +76 3 7 N +76 3 8 I +76 3 9 I +76 3 10 T +76 3 11 I +76 3 12 DA +76 3 13 T +76 3 14 I +76 3 15 DA +76 3 16 I +76 3 17 U +76 3 18 H +76 3 19 T +76 3 20 N +76 3 21 U +76 3 22 DA +76 3 23 U +76 3 24 I +76 3 25 T +76 3 26 T +76 3 27 A +76 3 28 U +76 3 29 N +76 3 30 I +76 3 31 T +76 3 32 U +76 3 33 N +76 3 34 T +76 3 35 U +76 3 36 T +76 3 37 T +76 3 38 U +76 3 39 N +76 3 40 T +76 3 41 U +76 3 42 I +76 3 43 T +76 3 44 A +76 3 45 N +76 3 46 I +76 3 47 T +76 3 48 T +76 3 49 T +76 3 50 T +76 3 51 I +76 3 52 A +76 3 53 U +76 3 54 N +76 3 55 T +76 3 56 T +76 3 57 T +76 3 58 T +76 3 59 A +76 3 60 T +76 3 61 U +76 3 62 T +76 3 63 T +76 3 64 T +76 3 65 U +76 3 66 A +76 3 67 N +76 3 68 U +76 3 69 T +76 3 70 T +76 3 71 I +76 3 72 N +76 3 73 T +76 3 74 T +76 3 75 T +76 3 76 U +76 3 77 T +76 3 78 A +76 3 79 H +76 3 80 T +76 3 81 N +76 3 82 T +76 3 83 A +76 3 84 A +76 3 85 N +76 3 86 T +76 3 87 H +76 3 88 U +76 3 89 H +76 3 90 T +76 3 91 N +76 3 92 A +76 3 93 T +76 3 94 H +76 3 95 A +76 3 96 DA +76 3 97 T +76 3 98 U +76 3 99 T +76 3 100 T +76 3 101 T +76 3 102 T +76 3 103 T +76 3 104 T +76 3 105 T +76 3 106 W +76 3 107 A +76 3 108 T +76 3 109 T +76 3 110 W +76 3 111 T +76 3 112 U +76 3 113 H +76 3 114 T +76 3 115 T +76 3 116 A +76 3 117 H +76 3 118 T +76 3 119 N +76 3 120 A +76 3 121 U +76 3 122 N +76 3 123 T +76 3 124 ZZ +76 3 125 T +76 3 126 T +76 3 127 T +76 3 128 N +76 3 129 A +76 3 130 T +76 3 131 T +76 3 132 I +76 3 133 N +76 3 134 I +76 3 135 T +76 3 136 T +76 3 137 T +76 3 138 T +76 3 139 A +76 3 140 T +76 3 141 A +76 3 142 T +76 3 143 N +76 3 144 T +76 3 145 N +76 3 146 T +76 3 147 N +76 3 148 U +76 3 149 N +76 3 150 T +76 3 151 T +76 3 152 T +76 3 153 T +76 3 154 H +76 3 155 H +76 3 156 T +76 3 157 I +76 3 158 A +76 3 159 T +76 3 160 T +76 3 161 N +76 3 162 U +76 3 163 T +76 3 164 T +76 3 165 T +76 3 166 T +76 3 167 T +76 3 168 T +76 3 169 T +76 3 170 T +76 3 171 T +76 3 172 A +76 3 173 U +76 3 174 W +76 3 175 T +76 3 176 T +76 3 177 T +76 3 178 T +76 3 179 I +76 3 180 N +76 3 181 T +76 3 182 T +76 3 183 I +76 3 184 T +76 3 185 T +76 3 186 T +76 3 187 T +76 3 188 T +76 3 189 A +76 3 190 T +76 3 191 N +76 3 192 T +76 3 193 T +76 3 194 I +76 3 195 T +76 3 196 T +76 3 197 T +76 3 198 H +76 3 199 T +76 3 200 T +76 3 201 T +76 3 202 N +76 3 203 T +76 3 204 H +76 3 205 T +76 3 206 A +76 3 207 T +76 3 208 I +76 3 209 T +76 3 210 I +76 3 211 T +76 3 212 T +76 3 213 T +76 3 214 N +76 3 215 T +76 3 216 T +76 3 217 T +76 3 218 T +76 3 219 A +76 3 220 T +76 3 221 A +76 3 222 T +76 3 223 N +76 3 224 A +76 3 225 T +76 3 226 T +76 3 227 H +76 3 228 T +76 3 229 N +76 3 230 A +76 3 231 T +76 3 232 I +76 3 233 T +76 3 234 N +76 3 235 T +76 3 236 N +76 3 237 T +76 3 238 T +76 3 239 T +76 3 240 I +76 3 241 T +76 3 242 W +76 3 243 T +76 3 244 A +76 3 245 T +76 3 246 N +76 3 247 T +76 3 248 T +76 3 249 T +76 3 250 T +76 3 251 N +76 3 252 A +76 3 253 N +76 3 254 T +76 3 255 H +76 3 256 U +76 3 257 T +76 3 258 W +76 3 259 U +76 3 260 W +76 3 261 T +76 3 262 A +76 3 263 I +76 3 264 T +76 3 265 N +76 3 266 T +76 3 267 T +76 3 268 N +76 3 269 T +76 3 270 T +76 3 271 T +76 3 272 A +76 3 273 T +76 3 274 A +76 3 275 T +76 3 276 T +76 3 277 T +76 3 278 T +76 3 279 T +76 3 280 N +76 3 281 N +76 3 282 N +76 3 283 I +76 3 284 A +76 3 285 T +76 3 286 A +76 3 287 T +76 3 288 U +76 3 289 T +76 3 290 U +76 3 291 T +76 3 292 T +76 3 293 T +76 3 294 T +76 3 295 I +76 3 296 T +76 3 297 W +76 3 298 U +76 3 299 N +76 3 300 I +76 3 301 N +76 3 302 T +76 3 303 T +76 3 304 T +76 3 305 T +76 3 306 N +76 3 307 T +76 3 308 T +76 3 309 I +76 3 310 N +76 3 311 T +76 3 312 H +76 3 313 T +76 3 314 T +76 3 315 N +76 3 316 N +76 3 317 T +76 3 318 T +76 3 319 A +76 3 320 T +76 3 321 U +76 3 322 T +76 3 323 N +76 3 324 A +76 3 325 T +76 3 326 W +76 3 327 A +76 3 328 N +76 3 329 I +76 3 330 A +76 4 1 T +76 4 2 T +76 4 3 G +76 4 4 T +76 4 5 W +76 4 6 N +76 4 7 W +76 4 8 U +76 4 9 I +76 4 10 T +76 4 11 H +76 4 12 N +76 4 13 W +76 4 14 H +76 4 15 G +76 4 16 A +76 4 17 U +76 4 18 H +76 4 19 W +76 4 20 W +76 4 21 U +76 4 22 N +76 4 23 T +76 4 24 H +76 4 25 W +76 4 26 W +76 4 27 W +76 4 28 U +76 4 29 W +76 4 30 I +76 4 31 W +76 4 32 U +76 4 33 W +76 4 34 W +76 4 35 U +76 4 36 T +76 4 37 W +76 4 38 U +76 4 39 T +76 4 40 W +76 4 41 U +76 4 42 N +76 4 43 H +76 4 44 A +76 4 45 T +76 4 46 A +76 4 47 T +76 4 48 N +76 4 49 W +76 4 50 H +76 4 51 I +76 4 52 A +76 4 53 T +76 4 54 W +76 4 55 W +76 4 56 N +76 4 57 T +76 4 58 I +76 4 59 N +76 4 60 H +76 4 61 U +76 4 62 T +76 4 63 N +76 4 64 W +76 4 65 U +76 4 66 A +76 4 67 T +76 4 68 W +76 4 69 T +76 4 70 A +76 4 71 T +76 4 72 T +76 4 73 T +76 4 74 T +76 4 75 H +76 4 76 W +76 4 77 W +76 4 78 N +76 4 79 H +76 4 80 W +76 4 81 W +76 4 82 W +76 4 83 A +76 4 84 N +76 4 85 N +76 4 86 U +76 4 87 H +76 4 88 U +76 4 89 H +76 4 90 H +76 4 91 T +76 4 92 A +76 4 93 T +76 4 94 H +76 4 95 A +76 4 96 N +76 4 97 W +76 4 98 U +76 4 99 T +76 4 100 W +76 4 101 T +76 4 102 T +76 4 103 T +76 4 104 W +76 4 105 T +76 4 106 N +76 4 107 A +76 4 108 A +76 4 109 T +76 4 110 N +76 4 111 H +76 4 112 U +76 4 113 H +76 4 114 H +76 4 115 U +76 4 116 T +76 4 117 H +76 4 118 U +76 4 119 W +76 4 120 A +76 4 121 U +76 4 122 T +76 4 123 T +76 4 124 T +76 4 125 U +76 4 126 W +76 4 127 T +76 4 128 N +76 4 129 A +76 4 130 T +76 4 131 T +76 4 132 U +76 4 133 T +76 4 134 H +76 4 135 T +76 4 136 W +76 4 137 H +76 4 138 T +76 4 139 A +76 4 140 H +76 4 141 A +76 4 142 W +76 4 143 T +76 4 144 W +76 4 145 W +76 4 146 N +76 4 147 W +76 4 148 U +76 4 149 W +76 4 150 W +76 4 151 W +76 4 152 N +76 4 153 T +76 4 154 H +76 4 155 H +76 4 156 W +76 4 157 H +76 4 158 A +76 4 159 I +76 4 160 N +76 4 161 W +76 4 162 U +76 4 163 T +76 4 164 T +76 4 165 T +76 4 166 H +76 4 167 W +76 4 168 T +76 4 169 T +76 4 170 H +76 4 171 W +76 4 172 A +76 4 173 U +76 4 174 N +76 4 175 T +76 4 176 U +76 4 177 N +76 4 178 T +76 4 179 U +76 4 180 W +76 4 181 T +76 4 182 U +76 4 183 H +76 4 184 W +76 4 185 T +76 4 186 W +76 4 187 T +76 4 188 W +76 4 189 T +76 4 190 N +76 4 191 W +76 4 192 W +76 4 193 N +76 4 194 T +76 4 195 W +76 4 196 T +76 4 197 T +76 4 198 H +76 4 199 W +76 4 200 T +76 4 201 N +76 4 202 W +76 4 203 T +76 4 204 H +76 4 205 W +76 4 206 A +76 4 207 U +76 4 208 I +76 4 209 T +76 4 210 H +76 4 211 W +76 4 212 I +76 4 213 T +76 4 214 N +76 4 215 T +76 4 216 H +76 4 217 N +76 4 218 T +76 4 219 I +76 4 220 T +76 4 221 I +76 4 222 T +76 4 223 W +76 4 224 A +76 4 225 I +76 4 226 T +76 4 227 H +76 4 228 W +76 4 229 W +76 4 230 A +76 4 231 T +76 4 232 I +76 4 233 T +76 4 234 W +76 4 235 T +76 4 236 W +76 4 237 N +76 4 238 I +76 4 239 N +76 4 240 H +76 4 241 A +76 4 242 W +76 4 243 U +76 4 244 W +76 4 245 U +76 4 246 I +76 4 247 W +76 4 248 H +76 4 249 T +76 4 250 W +76 4 251 W +76 4 252 A +76 4 253 W +76 4 254 T +76 4 255 H +76 4 256 U +76 4 257 T +76 4 258 W +76 4 259 U +76 4 260 T +76 4 261 W +76 4 262 A +76 4 263 T +76 4 264 W +76 4 265 T +76 4 266 U +76 4 267 W +76 4 268 W +76 4 269 T +76 4 270 I +76 4 271 T +76 4 272 A +76 4 273 T +76 4 274 A +76 4 275 I +76 4 276 U +76 4 277 T +76 4 278 G +76 4 279 T +76 4 280 W +76 4 281 W +76 4 282 W +76 4 283 I +76 4 284 A +76 4 285 G +76 4 286 A +76 4 287 I +76 4 288 U +76 4 289 W +76 4 290 A +76 4 291 T +76 4 292 N +76 4 293 T +76 4 294 T +76 4 295 H +76 4 296 T +76 4 297 I +76 4 298 U +76 4 299 W +76 4 300 I +76 4 301 W +76 4 302 A +76 4 303 T +76 4 304 W +76 4 305 T +76 4 306 W +76 4 307 T +76 4 308 T +76 4 309 I +76 4 310 W +76 4 311 T +76 4 312 H +76 4 313 W +76 4 314 A +76 4 315 W +76 4 316 W +76 4 317 T +76 4 318 G +76 4 319 A +76 4 320 W +76 4 321 U +76 4 322 W +76 4 323 W +76 4 324 A +76 4 325 T +76 4 326 I +76 4 327 A +76 4 328 W +76 4 329 I +76 4 330 A +76 5 1 A +76 5 2 A +76 5 3 U +76 5 4 U +76 5 5 N +76 5 6 W +76 5 7 N +76 5 8 U +76 5 9 W +76 5 10 W +76 5 11 T +76 5 12 W +76 5 13 T +76 5 14 H +76 5 15 W +76 5 16 A +76 5 17 U +76 5 18 H +76 5 19 W +76 5 20 N +76 5 21 U +76 5 22 W +76 5 23 T +76 5 24 H +76 5 25 W +76 5 26 W +76 5 27 A +76 5 28 U +76 5 29 W +76 5 30 U +76 5 31 A +76 5 32 U +76 5 33 W +76 5 34 W +76 5 35 U +76 5 36 W +76 5 37 A +76 5 38 U +76 5 39 W +76 5 40 W +76 5 41 U +76 5 42 W +76 5 43 H +76 5 44 A +76 5 45 W +76 5 46 A +76 5 47 W +76 5 48 U +76 5 49 W +76 5 50 H +76 5 51 I +76 5 52 A +76 5 53 U +76 5 54 I +76 5 55 I +76 5 56 W +76 5 57 W +76 5 58 I +76 5 59 A +76 5 60 H +76 5 61 U +76 5 62 A +76 5 63 U +76 5 64 W +76 5 65 U +76 5 66 A +76 5 67 A +76 5 68 U +76 5 69 I +76 5 70 A +76 5 71 U +76 5 72 I +76 5 73 U +76 5 74 A +76 5 75 I +76 5 76 U +76 5 77 I +76 5 78 A +76 5 79 H +76 5 80 H +76 5 81 I +76 5 82 A +76 5 83 A +76 5 84 A +76 5 85 I +76 5 86 U +76 5 87 H +76 5 88 U +76 5 89 H +76 5 90 H +76 5 91 I +76 5 92 A +76 5 93 I +76 5 94 H +76 5 95 A +76 5 96 W +76 5 97 W +76 5 98 U +76 5 99 A +76 5 100 I +76 5 101 U +76 5 102 A +76 5 103 I +76 5 104 A +76 5 105 U +76 5 106 W +76 5 107 A +76 5 108 A +76 5 109 U +76 5 110 U +76 5 111 H +76 5 112 U +76 5 113 H +76 5 114 W +76 5 115 U +76 5 116 A +76 5 117 H +76 5 118 U +76 5 119 W +76 5 120 A +76 5 121 U +76 5 122 W +76 5 123 W +76 5 124 W +76 5 125 U +76 5 126 A +76 5 127 H +76 5 128 W +76 5 129 A +76 5 130 H +76 5 131 U +76 5 132 U +76 5 133 W +76 5 134 H +76 5 135 U +76 5 136 W +76 5 137 W +76 5 138 A +76 5 139 A +76 5 140 W +76 5 141 A +76 5 142 A +76 5 143 W +76 5 144 H +76 5 145 W +76 5 146 I +76 5 147 I +76 5 148 U +76 5 149 W +76 5 150 H +76 5 151 A +76 5 152 A +76 5 153 W +76 5 154 H +76 5 155 H +76 5 156 W +76 5 157 H +76 5 158 A +76 5 159 A +76 5 160 A +76 5 161 W +76 5 162 U +76 5 163 W +76 5 164 W +76 5 165 W +76 5 166 H +76 5 167 A +76 5 168 W +76 5 169 W +76 5 170 W +76 5 171 W +76 5 172 A +76 5 173 U +76 5 174 I +76 5 175 A +76 5 176 U +76 5 177 A +76 5 178 H +76 5 179 I +76 5 180 I +76 5 181 I +76 5 182 U +76 5 183 W +76 5 184 A +76 5 185 W +76 5 186 A +76 5 187 I +76 5 188 W +76 5 189 A +76 5 190 W +76 5 191 W +76 5 192 I +76 5 193 I +76 5 194 U +76 5 195 I +76 5 196 I +76 5 197 A +76 5 198 H +76 5 199 A +76 5 200 A +76 5 201 A +76 5 202 I +76 5 203 U +76 5 204 H +76 5 205 H +76 5 206 A +76 5 207 U +76 5 208 W +76 5 209 I +76 5 210 H +76 5 211 A +76 5 212 I +76 5 213 A +76 5 214 I +76 5 215 A +76 5 216 W +76 5 217 A +76 5 218 W +76 5 219 A +76 5 220 W +76 5 221 A +76 5 222 W +76 5 223 W +76 5 224 A +76 5 225 W +76 5 226 W +76 5 227 H +76 5 228 H +76 5 229 W +76 5 230 A +76 5 231 W +76 5 232 W +76 5 233 A +76 5 234 W +76 5 235 W +76 5 236 W +76 5 237 A +76 5 238 W +76 5 239 A +76 5 240 I +76 5 241 A +76 5 242 A +76 5 243 U +76 5 244 A +76 5 245 U +76 5 246 W +76 5 247 W +76 5 248 H +76 5 249 H +76 5 250 W +76 5 251 W +76 5 252 A +76 5 253 W +76 5 254 W +76 5 255 H +76 5 256 U +76 5 257 W +76 5 258 W +76 5 259 U +76 5 260 A +76 5 261 U +76 5 262 A +76 5 263 H +76 5 264 A +76 5 265 W +76 5 266 I +76 5 267 U +76 5 268 W +76 5 269 U +76 5 270 I +76 5 271 H +76 5 272 A +76 5 273 U +76 5 274 A +76 5 275 I +76 5 276 U +76 5 277 U +76 5 278 A +76 5 279 H +76 5 280 W +76 5 281 W +76 5 282 W +76 5 283 I +76 5 284 A +76 5 285 A +76 5 286 A +76 5 287 W +76 5 288 U +76 5 289 A +76 5 290 A +76 5 291 W +76 5 292 A +76 5 293 A +76 5 294 A +76 5 295 I +76 5 296 U +76 5 297 W +76 5 298 U +76 5 299 W +76 5 300 A +76 5 301 W +76 5 302 A +76 5 303 A +76 5 304 W +76 5 305 I +76 5 306 A +76 5 307 W +76 5 308 W +76 5 309 W +76 5 310 W +76 5 311 I +76 5 312 H +76 5 313 H +76 5 314 A +76 5 315 W +76 5 316 W +76 5 317 U +76 5 318 I +76 5 319 A +76 5 320 I +76 5 321 U +76 5 322 A +76 5 323 I +76 5 324 A +76 5 325 U +76 5 326 I +76 5 327 A +76 5 328 I +76 5 329 W +76 5 330 A +76 6 1 T +76 6 2 A +76 6 3 G +76 6 4 H +76 6 5 T +76 6 6 N +76 6 7 T +76 6 8 G +76 6 9 W +76 6 10 H +76 6 11 H +76 6 12 N +76 6 13 H +76 6 14 H +76 6 15 A +76 6 16 A +76 6 17 U +76 6 18 H +76 6 19 H +76 6 20 H +76 6 21 G +76 6 22 A +76 6 23 W +76 6 24 H +76 6 25 H +76 6 26 H +76 6 27 A +76 6 28 U +76 6 29 H +76 6 30 W +76 6 31 A +76 6 32 G +76 6 33 H +76 6 34 T +76 6 35 W +76 6 36 H +76 6 37 H +76 6 38 U +76 6 39 T +76 6 40 T +76 6 41 G +76 6 42 N +76 6 43 H +76 6 44 A +76 6 45 T +76 6 46 H +76 6 47 H +76 6 48 N +76 6 49 T +76 6 50 W +76 6 51 H +76 6 52 A +76 6 53 U +76 6 54 H +76 6 55 H +76 6 56 W +76 6 57 H +76 6 58 N +76 6 59 W +76 6 60 H +76 6 61 U +76 6 62 T +76 6 63 U +76 6 64 T +76 6 65 U +76 6 66 N +76 6 67 T +76 6 68 U +76 6 69 H +76 6 70 H +76 6 71 H +76 6 72 T +76 6 73 G +76 6 74 T +76 6 75 H +76 6 76 N +76 6 77 T +76 6 78 W +76 6 79 H +76 6 80 H +76 6 81 N +76 6 82 T +76 6 83 N +76 6 84 N +76 6 85 T +76 6 86 G +76 6 87 H +76 6 88 G +76 6 89 H +76 6 90 H +76 6 91 N +76 6 92 A +76 6 93 H +76 6 94 H +76 6 95 A +76 6 96 N +76 6 97 T +76 6 98 U +76 6 99 A +76 6 100 T +76 6 101 U +76 6 102 H +76 6 103 H +76 6 104 T +76 6 105 G +76 6 106 N +76 6 107 A +76 6 108 A +76 6 109 H +76 6 110 N +76 6 111 H +76 6 112 U +76 6 113 H +76 6 114 H +76 6 115 U +76 6 116 T +76 6 117 H +76 6 118 G +76 6 119 H +76 6 120 A +76 6 121 N +76 6 122 T +76 6 123 T +76 6 124 N +76 6 125 N +76 6 126 W +76 6 127 H +76 6 128 N +76 6 129 A +76 6 130 H +76 6 131 W +76 6 132 G +76 6 133 H +76 6 134 H +76 6 135 G +76 6 136 T +76 6 137 H +76 6 138 H +76 6 139 A +76 6 140 H +76 6 141 A +76 6 142 A +76 6 143 N +76 6 144 W +76 6 145 T +76 6 146 N +76 6 147 H +76 6 148 G +76 6 149 N +76 6 150 T +76 6 151 N +76 6 152 W +76 6 153 H +76 6 154 H +76 6 155 H +76 6 156 T +76 6 157 H +76 6 158 A +76 6 159 N +76 6 160 U +76 6 161 T +76 6 162 U +76 6 163 T +76 6 164 H +76 6 165 H +76 6 166 H +76 6 167 A +76 6 168 H +76 6 169 H +76 6 170 H +76 6 171 H +76 6 172 A +76 6 173 U +76 6 174 N +76 6 175 T +76 6 176 U +76 6 177 N +76 6 178 H +76 6 179 U +76 6 180 T +76 6 181 N +76 6 182 W +76 6 183 N +76 6 184 W +76 6 185 N +76 6 186 H +76 6 187 N +76 6 188 H +76 6 189 A +76 6 190 G +76 6 191 H +76 6 192 H +76 6 193 N +76 6 194 H +76 6 195 T +76 6 196 H +76 6 197 W +76 6 198 H +76 6 199 T +76 6 200 T +76 6 201 N +76 6 202 T +76 6 203 G +76 6 204 H +76 6 205 H +76 6 206 T +76 6 207 G +76 6 208 N +76 6 209 H +76 6 210 H +76 6 211 T +76 6 212 N +76 6 213 T +76 6 214 T +76 6 215 U +76 6 216 H +76 6 217 N +76 6 218 T +76 6 219 A +76 6 220 H +76 6 221 A +76 6 222 W +76 6 223 H +76 6 224 A +76 6 225 N +76 6 226 H +76 6 227 H +76 6 228 H +76 6 229 T +76 6 230 A +76 6 231 U +76 6 232 H +76 6 233 W +76 6 234 H +76 6 235 T +76 6 236 N +76 6 237 N +76 6 238 T +76 6 239 G +76 6 240 G +76 6 241 A +76 6 242 N +76 6 243 G +76 6 244 A +76 6 245 U +76 6 246 T +76 6 247 G +76 6 248 H +76 6 249 H +76 6 250 H +76 6 251 N +76 6 252 A +76 6 253 T +76 6 254 H +76 6 255 H +76 6 256 U +76 6 257 H +76 6 258 N +76 6 259 G +76 6 260 A +76 6 261 N +76 6 262 A +76 6 263 H +76 6 264 H +76 6 265 T +76 6 266 G +76 6 267 W +76 6 268 T +76 6 269 U +76 6 270 N +76 6 271 H +76 6 272 A +76 6 273 G +76 6 274 A +76 6 275 N +76 6 276 G +76 6 277 H +76 6 278 N +76 6 279 H +76 6 280 T +76 6 281 T +76 6 282 T +76 6 283 H +76 6 284 A +76 6 285 G +76 6 286 A +76 6 287 N +76 6 288 G +76 6 289 T +76 6 290 A +76 6 291 H +76 6 292 N +76 6 293 A +76 6 294 A +76 6 295 H +76 6 296 G +76 6 297 N +76 6 298 G +76 6 299 H +76 6 300 A +76 6 301 H +76 6 302 A +76 6 303 A +76 6 304 T +76 6 305 W +76 6 306 N +76 6 307 T +76 6 308 G +76 6 309 H +76 6 310 T +76 6 311 H +76 6 312 H +76 6 313 H +76 6 314 A +76 6 315 T +76 6 316 H +76 6 317 G +76 6 318 N +76 6 319 A +76 6 320 H +76 6 321 G +76 6 322 H +76 6 323 H +76 6 324 A +76 6 325 G +76 6 326 N +76 6 327 A +76 6 328 H +76 6 329 I +76 6 330 A +76 7 1 H +76 7 2 W +76 7 3 U +76 7 4 T +76 7 5 W +76 7 6 T +76 7 7 W +76 7 8 N +76 7 9 W +76 7 10 H +76 7 11 H +76 7 12 N +76 7 13 W +76 7 14 H +76 7 15 W +76 7 16 A +76 7 17 U +76 7 18 H +76 7 19 T +76 7 20 W +76 7 21 U +76 7 22 N +76 7 23 T +76 7 24 H +76 7 25 H +76 7 26 H +76 7 27 A +76 7 28 W +76 7 29 T +76 7 30 T +76 7 31 W +76 7 32 N +76 7 33 W +76 7 34 H +76 7 35 W +76 7 36 H +76 7 37 T +76 7 38 N +76 7 39 W +76 7 40 T +76 7 41 U +76 7 42 N +76 7 43 H +76 7 44 W +76 7 45 W +76 7 46 T +76 7 47 T +76 7 48 N +76 7 49 W +76 7 50 T +76 7 51 W +76 7 52 A +76 7 53 U +76 7 54 W +76 7 55 W +76 7 56 N +76 7 57 H +76 7 58 T +76 7 59 A +76 7 60 H +76 7 61 U +76 7 62 W +76 7 63 N +76 7 64 H +76 7 65 U +76 7 66 A +76 7 67 W +76 7 68 W +76 7 69 H +76 7 70 A +76 7 71 T +76 7 72 W +76 7 73 T +76 7 74 A +76 7 75 H +76 7 76 W +76 7 77 W +76 7 78 A +76 7 79 H +76 7 80 H +76 7 81 W +76 7 82 W +76 7 83 A +76 7 84 N +76 7 85 W +76 7 86 N +76 7 87 H +76 7 88 T +76 7 89 W +76 7 90 H +76 7 91 W +76 7 92 A +76 7 93 H +76 7 94 T +76 7 95 A +76 7 96 N +76 7 97 T +76 7 98 U +76 7 99 W +76 7 100 A +76 7 101 T +76 7 102 A +76 7 103 H +76 7 104 A +76 7 105 T +76 7 106 W +76 7 107 A +76 7 108 A +76 7 109 H +76 7 110 N +76 7 111 H +76 7 112 U +76 7 113 H +76 7 114 W +76 7 115 T +76 7 116 A +76 7 117 H +76 7 118 N +76 7 119 W +76 7 120 A +76 7 121 N +76 7 122 W +76 7 123 H +76 7 124 W +76 7 125 N +76 7 126 A +76 7 127 H +76 7 128 N +76 7 129 A +76 7 130 H +76 7 131 T +76 7 132 U +76 7 133 W +76 7 134 T +76 7 135 U +76 7 136 W +76 7 137 H +76 7 138 A +76 7 139 A +76 7 140 H +76 7 141 A +76 7 142 A +76 7 143 W +76 7 144 T +76 7 145 W +76 7 146 N +76 7 147 T +76 7 148 U +76 7 149 W +76 7 150 T +76 7 151 N +76 7 152 A +76 7 153 H +76 7 154 U +76 7 155 H +76 7 156 W +76 7 157 T +76 7 158 A +76 7 159 N +76 7 160 A +76 7 161 W +76 7 162 U +76 7 163 H +76 7 164 H +76 7 165 T +76 7 166 H +76 7 167 A +76 7 168 W +76 7 169 H +76 7 170 H +76 7 171 W +76 7 172 A +76 7 173 N +76 7 174 N +76 7 175 A +76 7 176 N +76 7 177 A +76 7 178 H +76 7 179 U +76 7 180 W +76 7 181 N +76 7 182 H +76 7 183 T +76 7 184 T +76 7 185 N +76 7 186 W +76 7 187 N +76 7 188 H +76 7 189 A +76 7 190 N +76 7 191 H +76 7 192 T +76 7 193 W +76 7 194 T +76 7 195 W +76 7 196 A +76 7 197 A +76 7 198 H +76 7 199 A +76 7 200 W +76 7 201 N +76 7 202 W +76 7 203 T +76 7 204 T +76 7 205 T +76 7 206 A +76 7 207 N +76 7 208 N +76 7 209 H +76 7 210 T +76 7 211 H +76 7 212 W +76 7 213 T +76 7 214 W +76 7 215 W +76 7 216 H +76 7 217 A +76 7 218 W +76 7 219 A +76 7 220 H +76 7 221 A +76 7 222 T +76 7 223 W +76 7 224 A +76 7 225 W +76 7 226 H +76 7 227 A +76 7 228 T +76 7 229 A +76 7 230 A +76 7 231 T +76 7 232 T +76 7 233 A +76 7 234 W +76 7 235 T +76 7 236 W +76 7 237 N +76 7 238 N +76 7 239 T +76 7 240 T +76 7 241 A +76 7 242 A +76 7 243 T +76 7 244 A +76 7 245 U +76 7 246 W +76 7 247 W +76 7 248 H +76 7 249 H +76 7 250 T +76 7 251 W +76 7 252 A +76 7 253 W +76 7 254 A +76 7 255 H +76 7 256 U +76 7 257 H +76 7 258 N +76 7 259 T +76 7 260 A +76 7 261 N +76 7 262 A +76 7 263 A +76 7 264 A +76 7 265 W +76 7 266 N +76 7 267 T +76 7 268 W +76 7 269 W +76 7 270 N +76 7 271 W +76 7 272 A +76 7 273 W +76 7 274 A +76 7 275 W +76 7 276 U +76 7 277 H +76 7 278 N +76 7 279 H +76 7 280 W +76 7 281 W +76 7 282 W +76 7 283 T +76 7 284 A +76 7 285 A +76 7 286 A +76 7 287 W +76 7 288 U +76 7 289 W +76 7 290 A +76 7 291 H +76 7 292 A +76 7 293 W +76 7 294 A +76 7 295 T +76 7 296 T +76 7 297 W +76 7 298 U +76 7 299 W +76 7 300 A +76 7 301 W +76 7 302 A +76 7 303 A +76 7 304 N +76 7 305 T +76 7 306 W +76 7 307 H +76 7 308 H +76 7 309 H +76 7 310 W +76 7 311 H +76 7 312 H +76 7 313 T +76 7 314 A +76 7 315 W +76 7 316 W +76 7 317 T +76 7 318 N +76 7 319 A +76 7 320 W +76 7 321 U +76 7 322 A +76 7 323 W +76 7 324 A +76 7 325 H +76 7 326 N +76 7 327 A +76 7 328 W +76 7 329 H +76 7 330 A +76 8 1 A +76 8 2 A +76 8 3 U +76 8 4 U +76 8 5 A +76 8 6 A +76 8 7 H +76 8 8 U +76 8 9 U +76 8 10 U +76 8 11 A +76 8 12 U +76 8 13 A +76 8 14 H +76 8 15 A +76 8 16 A +76 8 17 U +76 8 18 H +76 8 19 A +76 8 20 W +76 8 21 U +76 8 22 A +76 8 23 U +76 8 24 H +76 8 25 A +76 8 26 H +76 8 27 A +76 8 28 U +76 8 29 A +76 8 30 A +76 8 31 A +76 8 32 U +76 8 33 A +76 8 34 A +76 8 35 U +76 8 36 H +76 8 37 A +76 8 38 U +76 8 39 H +76 8 40 U +76 8 41 H +76 8 42 A +76 8 43 H +76 8 44 A +76 8 45 H +76 8 46 H +76 8 47 H +76 8 48 A +76 8 49 A +76 8 50 U +76 8 51 A +76 8 52 A +76 8 53 U +76 8 54 A +76 8 55 A +76 8 56 A +76 8 57 H +76 8 58 A +76 8 59 A +76 8 60 H +76 8 61 U +76 8 62 A +76 8 63 U +76 8 64 H +76 8 65 A +76 8 66 A +76 8 67 A +76 8 68 U +76 8 69 H +76 8 70 A +76 8 71 U +76 8 72 A +76 8 73 U +76 8 74 A +76 8 75 H +76 8 76 U +76 8 77 A +76 8 78 A +76 8 79 H +76 8 80 A +76 8 81 H +76 8 82 A +76 8 83 A +76 8 84 U +76 8 85 A +76 8 86 U +76 8 87 U +76 8 88 U +76 8 89 H +76 8 90 H +76 8 91 A +76 8 92 A +76 8 93 H +76 8 94 H +76 8 95 A +76 8 96 A +76 8 97 U +76 8 98 U +76 8 99 A +76 8 100 U +76 8 101 U +76 8 102 A +76 8 103 H +76 8 104 A +76 8 105 U +76 8 106 A +76 8 107 A +76 8 108 A +76 8 109 H +76 8 110 H +76 8 111 U +76 8 112 H +76 8 113 A +76 8 114 U +76 8 115 A +76 8 116 A +76 8 117 H +76 8 118 H +76 8 119 A +76 8 120 U +76 8 121 H +76 8 122 H +76 8 123 H +76 8 124 A +76 8 125 U +76 8 126 H +76 8 127 H +76 8 128 H +76 8 129 A +76 8 130 H +76 8 131 U +76 8 132 A +76 8 133 H +76 8 134 H +76 8 135 U +76 8 136 A +76 8 137 H +76 8 138 A +76 8 139 A +76 8 140 H +76 8 141 A +76 8 142 H +76 8 143 H +76 8 144 A +76 8 145 A +76 8 146 H +76 8 147 H +76 8 148 U +76 8 149 A +76 8 150 H +76 8 151 H +76 8 152 H +76 8 153 A +76 8 154 H +76 8 155 A +76 8 156 H +76 8 157 A +76 8 158 A +76 8 159 H +76 8 160 A +76 8 161 H +76 8 162 U +76 8 163 H +76 8 164 H +76 8 165 A +76 8 166 A +76 8 167 A +76 8 168 H +76 8 169 A +76 8 170 H +76 8 171 H +76 8 172 A +76 8 173 U +76 8 174 A +76 8 175 A +76 8 176 U +76 8 177 A +76 8 178 H +76 8 179 H +76 8 180 A +76 8 181 H +76 8 182 U +76 8 183 H +76 8 184 U +76 8 185 A +76 8 186 H +76 8 187 A +76 8 188 H +76 8 189 H +76 8 190 A +76 8 191 U +76 8 192 A +76 8 193 H +76 8 194 H +76 8 195 A +76 8 196 A +76 8 197 U +76 8 198 H +76 8 199 A +76 8 200 A +76 8 201 H +76 8 202 H +76 8 203 U +76 8 204 H +76 8 205 A +76 8 206 A +76 8 207 U +76 8 208 H +76 8 209 A +76 8 210 A +76 8 211 A +76 8 212 U +76 8 213 A +76 8 214 A +76 8 215 U +76 8 216 H +76 8 217 U +76 8 218 H +76 8 219 H +76 8 220 H +76 8 221 A +76 8 222 U +76 8 223 H +76 8 224 A +76 8 225 H +76 8 226 H +76 8 227 H +76 8 228 A +76 8 229 A +76 8 230 A +76 8 231 U +76 8 232 H +76 8 233 A +76 8 234 H +76 8 235 A +76 8 236 A +76 8 237 A +76 8 238 H +76 8 239 U +76 8 240 U +76 8 241 A +76 8 242 H +76 8 243 U +76 8 244 A +76 8 245 U +76 8 246 H +76 8 247 U +76 8 248 H +76 8 249 H +76 8 250 A +76 8 251 H +76 8 252 A +76 8 253 A +76 8 254 H +76 8 255 H +76 8 256 U +76 8 257 A +76 8 258 H +76 8 259 U +76 8 260 A +76 8 261 U +76 8 262 A +76 8 263 H +76 8 264 A +76 8 265 H +76 8 266 H +76 8 267 U +76 8 268 A +76 8 269 U +76 8 270 H +76 8 271 H +76 8 272 A +76 8 273 U +76 8 274 A +76 8 275 H +76 8 276 U +76 8 277 H +76 8 278 U +76 8 279 H +76 8 280 H +76 8 281 U +76 8 282 A +76 8 283 U +76 8 284 A +76 8 285 A +76 8 286 A +76 8 287 H +76 8 288 U +76 8 289 U +76 8 290 A +76 8 291 H +76 8 292 A +76 8 293 A +76 8 294 A +76 8 295 H +76 8 296 H +76 8 297 A +76 8 298 U +76 8 299 H +76 8 300 A +76 8 301 H +76 8 302 A +76 8 303 A +76 8 304 H +76 8 305 U +76 8 306 A +76 8 307 H +76 8 308 U +76 8 309 H +76 8 310 A +76 8 311 A +76 8 312 H +76 8 313 H +76 8 314 A +76 8 315 U +76 8 316 H +76 8 317 U +76 8 318 A +76 8 319 A +76 8 320 H +76 8 321 U +76 8 322 A +76 8 323 H +76 8 324 A +76 8 325 U +76 8 326 H +76 8 327 A +76 8 328 H +76 8 329 A +76 8 330 H +76 9 1 H +76 9 2 W +76 9 3 U +76 9 4 D +76 9 5 W +76 9 6 A +76 9 7 W +76 9 8 U +76 9 9 W +76 9 10 H +76 9 11 R +76 9 12 N +76 9 13 R +76 9 14 R +76 9 15 D +76 9 16 A +76 9 17 W +76 9 18 R +76 9 19 D +76 9 20 D +76 9 21 W +76 9 22 N +76 9 23 D +76 9 24 H +76 9 25 D +76 9 26 H +76 9 27 A +76 9 28 U +76 9 29 W +76 9 30 D +76 9 31 A +76 9 32 W +76 9 33 D +76 9 34 D +76 9 35 W +76 9 36 H +76 9 37 A +76 9 38 U +76 9 39 H +76 9 40 D +76 9 41 U +76 9 42 D +76 9 43 H +76 9 44 A +76 9 45 D +76 9 46 R +76 9 47 H +76 9 48 N +76 9 49 R +76 9 50 H +76 9 51 R +76 9 52 A +76 9 53 U +76 9 54 D +76 9 55 D +76 9 56 A +76 9 57 H +76 9 58 D +76 9 59 A +76 9 60 H +76 9 61 U +76 9 62 R +76 9 63 W +76 9 64 R +76 9 65 U +76 9 66 A +76 9 67 R +76 9 68 T +76 9 69 D +76 9 70 R +76 9 71 D +76 9 72 T +76 9 73 D +76 9 74 R +76 9 75 T +76 9 76 U +76 9 77 R +76 9 78 N +76 9 79 H +76 9 80 D +76 9 81 N +76 9 82 D +76 9 83 N +76 9 84 T +76 9 85 T +76 9 86 U +76 9 87 H +76 9 88 T +76 9 89 H +76 9 90 R +76 9 91 N +76 9 92 A +76 9 93 H +76 9 94 R +76 9 95 A +76 9 96 N +76 9 97 T +76 9 98 U +76 9 99 A +76 9 100 D +76 9 101 U +76 9 102 A +76 9 103 R +76 9 104 D +76 9 105 T +76 9 106 N +76 9 107 A +76 9 108 A +76 9 109 H +76 9 110 N +76 9 111 T +76 9 112 U +76 9 113 H +76 9 114 T +76 9 115 U +76 9 116 R +76 9 117 T +76 9 118 D +76 9 119 T +76 9 120 A +76 9 121 U +76 9 122 T +76 9 123 D +76 9 124 N +76 9 125 U +76 9 126 T +76 9 127 H +76 9 128 N +76 9 129 A +76 9 130 R +76 9 131 T +76 9 132 U +76 9 133 T +76 9 134 R +76 9 135 D +76 9 136 R +76 9 137 T +76 9 138 R +76 9 139 A +76 9 140 H +76 9 141 A +76 9 142 A +76 9 143 D +76 9 144 H +76 9 145 D +76 9 146 N +76 9 147 T +76 9 148 U +76 9 149 D +76 9 150 T +76 9 151 R +76 9 152 T +76 9 153 D +76 9 154 R +76 9 155 T +76 9 156 D +76 9 157 T +76 9 158 A +76 9 159 N +76 9 160 T +76 9 161 D +76 9 162 U +76 9 163 D +76 9 164 R +76 9 165 R +76 9 166 H +76 9 167 A +76 9 168 T +76 9 169 T +76 9 170 H +76 9 171 D +76 9 172 A +76 9 173 W +76 9 174 N +76 9 175 A +76 9 176 T +76 9 177 D +76 9 178 H +76 9 179 T +76 9 180 D +76 9 181 T +76 9 182 W +76 9 183 R +76 9 184 T +76 9 185 D +76 9 186 A +76 9 187 W +76 9 188 A +76 9 189 A +76 9 190 D +76 9 191 T +76 9 192 T +76 9 193 N +76 9 194 T +76 9 195 D +76 9 196 A +76 9 197 D +76 9 198 H +76 9 199 A +76 9 200 T +76 9 201 W +76 9 202 D +76 9 203 T +76 9 204 H +76 9 205 T +76 9 206 A +76 9 207 U +76 9 208 T +76 9 209 R +76 9 210 T +76 9 211 A +76 9 212 N +76 9 213 R +76 9 214 N +76 9 215 T +76 9 216 T +76 9 217 D +76 9 218 N +76 9 219 A +76 9 220 H +76 9 221 A +76 9 222 T +76 9 223 T +76 9 224 R +76 9 225 D +76 9 226 H +76 9 227 H +76 9 228 H +76 9 229 T +76 9 230 A +76 9 231 T +76 9 232 D +76 9 233 A +76 9 234 T +76 9 235 R +76 9 236 N +76 9 237 T +76 9 238 T +76 9 239 T +76 9 240 R +76 9 241 A +76 9 242 N +76 9 243 T +76 9 244 A +76 9 245 U +76 9 246 T +76 9 247 T +76 9 248 R +76 9 249 T +76 9 250 D +76 9 251 T +76 9 252 A +76 9 253 T +76 9 254 R +76 9 255 H +76 9 256 U +76 9 257 H +76 9 258 N +76 9 259 U +76 9 260 T +76 9 261 D +76 9 262 A +76 9 263 R +76 9 264 A +76 9 265 T +76 9 266 T +76 9 267 T +76 9 268 D +76 9 269 T +76 9 270 W +76 9 271 H +76 9 272 A +76 9 273 T +76 9 274 A +76 9 275 N +76 9 276 U +76 9 277 H +76 9 278 T +76 9 279 T +76 9 280 D +76 9 281 T +76 9 282 T +76 9 283 R +76 9 284 A +76 9 285 T +76 9 286 A +76 9 287 D +76 9 288 U +76 9 289 A +76 9 290 A +76 9 291 T +76 9 292 D +76 9 293 A +76 9 294 A +76 9 295 T +76 9 296 T +76 9 297 N +76 9 298 U +76 9 299 A +76 9 300 T +76 9 301 T +76 9 302 A +76 9 303 T +76 9 304 T +76 9 305 T +76 9 306 D +76 9 307 T +76 9 308 T +76 9 309 R +76 9 310 T +76 9 311 H +76 9 312 R +76 9 313 H +76 9 314 A +76 9 315 T +76 9 316 R +76 9 317 W +76 9 318 T +76 9 319 A +76 9 320 D +76 9 321 U +76 9 322 R +76 9 323 T +76 9 324 A +76 9 325 T +76 9 326 N +76 9 327 A +76 9 328 T +76 9 329 W +76 9 330 A +76 10 1 T +76 10 2 A +76 10 3 U +76 10 4 I +76 10 5 A +76 10 6 I +76 10 7 W +76 10 8 U +76 10 9 I +76 10 10 H +76 10 11 H +76 10 12 W +76 10 13 H +76 10 14 H +76 10 15 A +76 10 16 A +76 10 17 U +76 10 18 H +76 10 19 T +76 10 20 W +76 10 21 U +76 10 22 A +76 10 23 I +76 10 24 H +76 10 25 T +76 10 26 T +76 10 27 A +76 10 28 A +76 10 29 W +76 10 30 I +76 10 31 A +76 10 32 U +76 10 33 W +76 10 34 A +76 10 35 U +76 10 36 H +76 10 37 H +76 10 38 U +76 10 39 W +76 10 40 T +76 10 41 U +76 10 42 N +76 10 43 H +76 10 44 A +76 10 45 W +76 10 46 A +76 10 47 H +76 10 48 W +76 10 49 A +76 10 50 H +76 10 51 H +76 10 52 A +76 10 53 U +76 10 54 W +76 10 55 T +76 10 56 I +76 10 57 H +76 10 58 W +76 10 59 A +76 10 60 H +76 10 61 U +76 10 62 A +76 10 63 U +76 10 64 T +76 10 65 U +76 10 66 A +76 10 67 W +76 10 68 A +76 10 69 H +76 10 70 A +76 10 71 U +76 10 72 W +76 10 73 U +76 10 74 A +76 10 75 W +76 10 76 U +76 10 77 T +76 10 78 A +76 10 79 H +76 10 80 T +76 10 81 W +76 10 82 T +76 10 83 A +76 10 84 U +76 10 85 N +76 10 86 U +76 10 87 H +76 10 88 U +76 10 89 H +76 10 90 H +76 10 91 W +76 10 92 A +76 10 93 T +76 10 94 H +76 10 95 A +76 10 96 W +76 10 97 T +76 10 98 A +76 10 99 A +76 10 100 A +76 10 101 U +76 10 102 A +76 10 103 N +76 10 104 A +76 10 105 U +76 10 106 W +76 10 107 A +76 10 108 T +76 10 109 T +76 10 110 W +76 10 111 H +76 10 112 U +76 10 113 H +76 10 114 T +76 10 115 U +76 10 116 A +76 10 117 H +76 10 118 U +76 10 119 W +76 10 120 A +76 10 121 U +76 10 122 W +76 10 123 T +76 10 124 N +76 10 125 U +76 10 126 U +76 10 127 H +76 10 128 W +76 10 129 A +76 10 130 H +76 10 131 U +76 10 132 U +76 10 133 W +76 10 134 H +76 10 135 U +76 10 136 T +76 10 137 H +76 10 138 A +76 10 139 A +76 10 140 T +76 10 141 A +76 10 142 A +76 10 143 W +76 10 144 H +76 10 145 W +76 10 146 N +76 10 147 W +76 10 148 U +76 10 149 W +76 10 150 H +76 10 151 U +76 10 152 I +76 10 153 T +76 10 154 H +76 10 155 H +76 10 156 W +76 10 157 H +76 10 158 A +76 10 159 N +76 10 160 U +76 10 161 N +76 10 162 U +76 10 163 T +76 10 164 T +76 10 165 H +76 10 166 H +76 10 167 A +76 10 168 W +76 10 169 T +76 10 170 H +76 10 171 T +76 10 172 A +76 10 173 U +76 10 174 N +76 10 175 T +76 10 176 U +76 10 177 N +76 10 178 H +76 10 179 U +76 10 180 N +76 10 181 I +76 10 182 U +76 10 183 H +76 10 184 T +76 10 185 N +76 10 186 A +76 10 187 N +76 10 188 T +76 10 189 A +76 10 190 I +76 10 191 N +76 10 192 T +76 10 193 N +76 10 194 T +76 10 195 N +76 10 196 T +76 10 197 U +76 10 198 H +76 10 199 A +76 10 200 A +76 10 201 I +76 10 202 N +76 10 203 U +76 10 204 H +76 10 205 T +76 10 206 A +76 10 207 U +76 10 208 I +76 10 209 T +76 10 210 T +76 10 211 T +76 10 212 N +76 10 213 T +76 10 214 N +76 10 215 U +76 10 216 H +76 10 217 U +76 10 218 N +76 10 219 A +76 10 220 T +76 10 221 A +76 10 222 H +76 10 223 N +76 10 224 A +76 10 225 N +76 10 226 H +76 10 227 H +76 10 228 T +76 10 229 A +76 10 230 A +76 10 231 U +76 10 232 I +76 10 233 A +76 10 234 N +76 10 235 T +76 10 236 N +76 10 237 I +76 10 238 T +76 10 239 U +76 10 240 I +76 10 241 A +76 10 242 N +76 10 243 U +76 10 244 A +76 10 245 U +76 10 246 T +76 10 247 A +76 10 248 T +76 10 249 N +76 10 250 T +76 10 251 N +76 10 252 A +76 10 253 N +76 10 254 T +76 10 255 H +76 10 256 U +76 10 257 T +76 10 258 N +76 10 259 U +76 10 260 A +76 10 261 U +76 10 262 A +76 10 263 H +76 10 264 H +76 10 265 N +76 10 266 U +76 10 267 U +76 10 268 N +76 10 269 U +76 10 270 N +76 10 271 T +76 10 272 A +76 10 273 I +76 10 274 A +76 10 275 I +76 10 276 U +76 10 277 T +76 10 278 U +76 10 279 H +76 10 280 N +76 10 281 N +76 10 282 N +76 10 283 I +76 10 284 A +76 10 285 I +76 10 286 A +76 10 287 I +76 10 288 U +76 10 289 N +76 10 290 A +76 10 291 T +76 10 292 I +76 10 293 A +76 10 294 A +76 10 295 I +76 10 296 T +76 10 297 W +76 10 298 U +76 10 299 N +76 10 300 A +76 10 301 W +76 10 302 A +76 10 303 A +76 10 304 N +76 10 305 U +76 10 306 N +76 10 307 T +76 10 308 A +76 10 309 T +76 10 310 N +76 10 311 H +76 10 312 H +76 10 313 T +76 10 314 A +76 10 315 W +76 10 316 T +76 10 317 U +76 10 318 U +76 10 319 A +76 10 320 N +76 10 321 U +76 10 322 A +76 10 323 N +76 10 324 A +76 10 325 U +76 10 326 N +76 10 327 A +76 10 328 T +76 10 329 I +76 10 330 A +76 11 1 H +76 11 2 T +76 11 3 U +76 11 4 H +76 11 5 W +76 11 6 I +76 11 7 W +76 11 8 T +76 11 9 H +76 11 10 I +76 11 11 H +76 11 12 W +76 11 13 H +76 11 14 H +76 11 15 I +76 11 16 I +76 11 17 T +76 11 18 H +76 11 19 W +76 11 20 T +76 11 21 U +76 11 22 A +76 11 23 H +76 11 24 H +76 11 25 W +76 11 26 H +76 11 27 I +76 11 28 T +76 11 29 W +76 11 30 I +76 11 31 A +76 11 32 W +76 11 33 W +76 11 34 H +76 11 35 I +76 11 36 H +76 11 37 H +76 11 38 U +76 11 39 W +76 11 40 T +76 11 41 U +76 11 42 I +76 11 43 H +76 11 44 I +76 11 45 W +76 11 46 A +76 11 47 H +76 11 48 W +76 11 49 T +76 11 50 H +76 11 51 I +76 11 52 A +76 11 53 U +76 11 54 T +76 11 55 W +76 11 56 I +76 11 57 H +76 11 58 I +76 11 59 A +76 11 60 H +76 11 61 U +76 11 62 T +76 11 63 I +76 11 64 H +76 11 65 W +76 11 66 A +76 11 67 W +76 11 68 U +76 11 69 I +76 11 70 A +76 11 71 T +76 11 72 W +76 11 73 U +76 11 74 A +76 11 75 H +76 11 76 U +76 11 77 T +76 11 78 A +76 11 79 H +76 11 80 H +76 11 81 W +76 11 82 T +76 11 83 A +76 11 84 I +76 11 85 W +76 11 86 U +76 11 87 H +76 11 88 U +76 11 89 H +76 11 90 H +76 11 91 T +76 11 92 A +76 11 93 T +76 11 94 H +76 11 95 A +76 11 96 W +76 11 97 H +76 11 98 U +76 11 99 I +76 11 100 T +76 11 101 U +76 11 102 A +76 11 103 H +76 11 104 A +76 11 105 U +76 11 106 A +76 11 107 A +76 11 108 A +76 11 109 W +76 11 110 W +76 11 111 H +76 11 112 U +76 11 113 H +76 11 114 T +76 11 115 U +76 11 116 A +76 11 117 H +76 11 118 A +76 11 119 W +76 11 120 A +76 11 121 U +76 11 122 T +76 11 123 H +76 11 124 W +76 11 125 A +76 11 126 A +76 11 127 H +76 11 128 W +76 11 129 A +76 11 130 H +76 11 131 H +76 11 132 U +76 11 133 W +76 11 134 H +76 11 135 U +76 11 136 T +76 11 137 H +76 11 138 A +76 11 139 A +76 11 140 H +76 11 141 A +76 11 142 A +76 11 143 W +76 11 144 H +76 11 145 W +76 11 146 I +76 11 147 W +76 11 148 U +76 11 149 W +76 11 150 H +76 11 151 A +76 11 152 A +76 11 153 W +76 11 154 H +76 11 155 H +76 11 156 T +76 11 157 I +76 11 158 A +76 11 159 I +76 11 160 I +76 11 161 W +76 11 162 U +76 11 163 W +76 11 164 H +76 11 165 H +76 11 166 H +76 11 167 A +76 11 168 T +76 11 169 T +76 11 170 H +76 11 171 T +76 11 172 A +76 11 173 U +76 11 174 W +76 11 175 T +76 11 176 I +76 11 177 T +76 11 178 H +76 11 179 H +76 11 180 T +76 11 181 I +76 11 182 U +76 11 183 I +76 11 184 T +76 11 185 I +76 11 186 W +76 11 187 I +76 11 188 H +76 11 189 A +76 11 190 A +76 11 191 T +76 11 192 H +76 11 193 W +76 11 194 U +76 11 195 W +76 11 196 A +76 11 197 H +76 11 198 H +76 11 199 A +76 11 200 A +76 11 201 I +76 11 202 W +76 11 203 U +76 11 204 H +76 11 205 H +76 11 206 A +76 11 207 U +76 11 208 I +76 11 209 H +76 11 210 H +76 11 211 A +76 11 212 W +76 11 213 A +76 11 214 T +76 11 215 I +76 11 216 H +76 11 217 A +76 11 218 T +76 11 219 A +76 11 220 A +76 11 221 A +76 11 222 H +76 11 223 W +76 11 224 A +76 11 225 I +76 11 226 H +76 11 227 H +76 11 228 H +76 11 229 A +76 11 230 A +76 11 231 U +76 11 232 I +76 11 233 T +76 11 234 W +76 11 235 W +76 11 236 H +76 11 237 I +76 11 238 W +76 11 239 I +76 11 240 U +76 11 241 A +76 11 242 A +76 11 243 U +76 11 244 A +76 11 245 U +76 11 246 W +76 11 247 H +76 11 248 H +76 11 249 W +76 11 250 H +76 11 251 W +76 11 252 A +76 11 253 W +76 11 254 A +76 11 255 H +76 11 256 U +76 11 257 H +76 11 258 W +76 11 259 U +76 11 260 A +76 11 261 I +76 11 262 A +76 11 263 A +76 11 264 A +76 11 265 W +76 11 266 I +76 11 267 H +76 11 268 W +76 11 269 U +76 11 270 I +76 11 271 W +76 11 272 A +76 11 273 I +76 11 274 A +76 11 275 W +76 11 276 A +76 11 277 H +76 11 278 I +76 11 279 H +76 11 280 W +76 11 281 W +76 11 282 W +76 11 283 H +76 11 284 A +76 11 285 T +76 11 286 A +76 11 287 H +76 11 288 U +76 11 289 W +76 11 290 A +76 11 291 H +76 11 292 I +76 11 293 A +76 11 294 A +76 11 295 H +76 11 296 H +76 11 297 W +76 11 298 U +76 11 299 W +76 11 300 A +76 11 301 W +76 11 302 A +76 11 303 A +76 11 304 T +76 11 305 H +76 11 306 W +76 11 307 W +76 11 308 T +76 11 309 H +76 11 310 W +76 11 311 H +76 11 312 T +76 11 313 H +76 11 314 A +76 11 315 W +76 11 316 W +76 11 317 U +76 11 318 I +76 11 319 A +76 11 320 W +76 11 321 U +76 11 322 A +76 11 323 W +76 11 324 A +76 11 325 H +76 11 326 I +76 11 327 A +76 11 328 W +76 11 329 I +76 11 330 A +76 12 1 H +76 12 2 T +76 12 3 U +76 12 4 H +76 12 5 W +76 12 6 W +76 12 7 W +76 12 8 U +76 12 9 W +76 12 10 H +76 12 11 H +76 12 12 W +76 12 13 H +76 12 14 H +76 12 15 W +76 12 16 A +76 12 17 U +76 12 18 H +76 12 19 H +76 12 20 W +76 12 21 U +76 12 22 W +76 12 23 R +76 12 24 T +76 12 25 R +76 12 26 H +76 12 27 A +76 12 28 W +76 12 29 R +76 12 30 W +76 12 31 R +76 12 32 W +76 12 33 R +76 12 34 H +76 12 35 W +76 12 36 H +76 12 37 H +76 12 38 W +76 12 39 R +76 12 40 H +76 12 41 W +76 12 42 W +76 12 43 H +76 12 44 A +76 12 45 W +76 12 46 H +76 12 47 R +76 12 48 W +76 12 49 H +76 12 50 H +76 12 51 H +76 12 52 A +76 12 53 W +76 12 54 W +76 12 55 H +76 12 56 W +76 12 57 H +76 12 58 W +76 12 59 A +76 12 60 H +76 12 61 U +76 12 62 H +76 12 63 W +76 12 64 H +76 12 65 U +76 12 66 A +76 12 67 R +76 12 68 U +76 12 69 W +76 12 70 A +76 12 71 H +76 12 72 R +76 12 73 H +76 12 74 R +76 12 75 H +76 12 76 W +76 12 77 H +76 12 78 W +76 12 79 H +76 12 80 H +76 12 81 W +76 12 82 R +76 12 83 A +76 12 84 U +76 12 85 R +76 12 86 W +76 12 87 H +76 12 88 W +76 12 89 H +76 12 90 H +76 12 91 W +76 12 92 A +76 12 93 H +76 12 94 H +76 12 95 A +76 12 96 W +76 12 97 H +76 12 98 H +76 12 99 U +76 12 100 R +76 12 101 U +76 12 102 R +76 12 103 W +76 12 104 R +76 12 105 U +76 12 106 W +76 12 107 A +76 12 108 A +76 12 109 H +76 12 110 W +76 12 111 H +76 12 112 U +76 12 113 H +76 12 114 H +76 12 115 U +76 12 116 A +76 12 117 H +76 12 118 U +76 12 119 R +76 12 120 A +76 12 121 U +76 12 122 R +76 12 123 H +76 12 124 R +76 12 125 U +76 12 126 R +76 12 127 H +76 12 128 W +76 12 129 A +76 12 130 H +76 12 131 R +76 12 132 U +76 12 133 R +76 12 134 H +76 12 135 U +76 12 136 R +76 12 137 H +76 12 138 T +76 12 139 A +76 12 140 H +76 12 141 A +76 12 142 A +76 12 143 W +76 12 144 H +76 12 145 R +76 12 146 W +76 12 147 R +76 12 148 U +76 12 149 R +76 12 150 H +76 12 151 W +76 12 152 W +76 12 153 H +76 12 154 H +76 12 155 H +76 12 156 R +76 12 157 H +76 12 158 A +76 12 159 W +76 12 160 U +76 12 161 R +76 12 162 U +76 12 163 H +76 12 164 H +76 12 165 W +76 12 166 H +76 12 167 R +76 12 168 R +76 12 169 H +76 12 170 H +76 12 171 W +76 12 172 A +76 12 173 U +76 12 174 R +76 12 175 R +76 12 176 U +76 12 177 W +76 12 178 H +76 12 179 W +76 12 180 R +76 12 181 W +76 12 182 H +76 12 183 R +76 12 184 H +76 12 185 W +76 12 186 R +76 12 187 R +76 12 188 H +76 12 189 R +76 12 190 W +76 12 191 H +76 12 192 H +76 12 193 W +76 12 194 H +76 12 195 R +76 12 196 R +76 12 197 H +76 12 198 H +76 12 199 A +76 12 200 R +76 12 201 W +76 12 202 R +76 12 203 U +76 12 204 H +76 12 205 H +76 12 206 A +76 12 207 U +76 12 208 W +76 12 209 H +76 12 210 H +76 12 211 R +76 12 212 U +76 12 213 R +76 12 214 W +76 12 215 R +76 12 216 H +76 12 217 W +76 12 218 W +76 12 219 A +76 12 220 H +76 12 221 A +76 12 222 H +76 12 223 R +76 12 224 A +76 12 225 W +76 12 226 H +76 12 227 H +76 12 228 H +76 12 229 R +76 12 230 A +76 12 231 R +76 12 232 W +76 12 233 H +76 12 234 R +76 12 235 H +76 12 236 W +76 12 237 U +76 12 238 R +76 12 239 R +76 12 240 W +76 12 241 A +76 12 242 R +76 12 243 H +76 12 244 A +76 12 245 U +76 12 246 R +76 12 247 H +76 12 248 H +76 12 249 W +76 12 250 H +76 12 251 R +76 12 252 A +76 12 253 R +76 12 254 R +76 12 255 H +76 12 256 U +76 12 257 H +76 12 258 W +76 12 259 U +76 12 260 A +76 12 261 W +76 12 262 A +76 12 263 H +76 12 264 H +76 12 265 W +76 12 266 U +76 12 267 R +76 12 268 R +76 12 269 R +76 12 270 W +76 12 271 H +76 12 272 A +76 12 273 H +76 12 274 A +76 12 275 W +76 12 276 U +76 12 277 H +76 12 278 I +76 12 279 H +76 12 280 R +76 12 281 R +76 12 282 R +76 12 283 I +76 12 284 A +76 12 285 I +76 12 286 A +76 12 287 W +76 12 288 U +76 12 289 R +76 12 290 A +76 12 291 H +76 12 292 W +76 12 293 A +76 12 294 A +76 12 295 I +76 12 296 H +76 12 297 R +76 12 298 U +76 12 299 R +76 12 300 A +76 12 301 R +76 12 302 A +76 12 303 R +76 12 304 W +76 12 305 H +76 12 306 R +76 12 307 H +76 12 308 H +76 12 309 W +76 12 310 R +76 12 311 H +76 12 312 H +76 12 313 H +76 12 314 A +76 12 315 R +76 12 316 H +76 12 317 U +76 12 318 W +76 12 319 A +76 12 320 W +76 12 321 U +76 12 322 H +76 12 323 R +76 12 324 A +76 12 325 H +76 12 326 W +76 12 327 A +76 12 328 R +76 12 329 W +76 12 330 A +76 13 1 H +76 13 2 A +76 13 3 W +76 13 4 H +76 13 5 A +76 13 6 W +76 13 7 R +76 13 8 W +76 13 9 N +76 13 10 H +76 13 11 H +76 13 12 N +76 13 13 H +76 13 14 H +76 13 15 A +76 13 16 A +76 13 17 U +76 13 18 H +76 13 19 H +76 13 20 O +76 13 21 W +76 13 22 N +76 13 23 W +76 13 24 H +76 13 25 H +76 13 26 H +76 13 27 A +76 13 28 U +76 13 29 O +76 13 30 O +76 13 31 A +76 13 32 U +76 13 33 O +76 13 34 A +76 13 35 W +76 13 36 H +76 13 37 A +76 13 38 W +76 13 39 H +76 13 40 H +76 13 41 U +76 13 42 O +76 13 43 H +76 13 44 A +76 13 45 H +76 13 46 H +76 13 47 H +76 13 48 N +76 13 49 A +76 13 50 O +76 13 51 O +76 13 52 A +76 13 53 U +76 13 54 O +76 13 55 O +76 13 56 A +76 13 57 H +76 13 58 N +76 13 59 A +76 13 60 H +76 13 61 U +76 13 62 A +76 13 63 U +76 13 64 H +76 13 65 U +76 13 66 A +76 13 67 O +76 13 68 U +76 13 69 H +76 13 70 A +76 13 71 U +76 13 72 H +76 13 73 W +76 13 74 A +76 13 75 H +76 13 76 N +76 13 77 H +76 13 78 A +76 13 79 H +76 13 80 H +76 13 81 O +76 13 82 O +76 13 83 A +76 13 84 A +76 13 85 H +76 13 86 W +76 13 87 H +76 13 88 W +76 13 89 H +76 13 90 H +76 13 91 K +76 13 92 A +76 13 93 H +76 13 94 H +76 13 95 A +76 13 96 N +76 13 97 K +76 13 98 U +76 13 99 A +76 13 100 A +76 13 101 U +76 13 102 A +76 13 103 H +76 13 104 A +76 13 105 K +76 13 106 N +76 13 107 A +76 13 108 A +76 13 109 K +76 13 110 N +76 13 111 H +76 13 112 U +76 13 113 H +76 13 114 H +76 13 115 W +76 13 116 A +76 13 117 H +76 13 118 K +76 13 119 N +76 13 120 A +76 13 121 U +76 13 122 H +76 13 123 H +76 13 124 K +76 13 125 W +76 13 126 W +76 13 127 H +76 13 128 K +76 13 129 A +76 13 130 H +76 13 131 K +76 13 132 W +76 13 133 H +76 13 134 H +76 13 135 U +76 13 136 K +76 13 137 H +76 13 138 A +76 13 139 A +76 13 140 H +76 13 141 A +76 13 142 A +76 13 143 K +76 13 144 H +76 13 145 K +76 13 146 N +76 13 147 K +76 13 148 W +76 13 149 K +76 13 150 H +76 13 151 K +76 13 152 A +76 13 153 H +76 13 154 H +76 13 155 H +76 13 156 H +76 13 157 H +76 13 158 A +76 13 159 K +76 13 160 A +76 13 161 A +76 13 162 N +76 13 163 H +76 13 164 K +76 13 165 K +76 13 166 H +76 13 167 A +76 13 168 H +76 13 169 H +76 13 170 H +76 13 171 K +76 13 172 A +76 13 173 W +76 13 174 N +76 13 175 A +76 13 176 W +76 13 177 K +76 13 178 H +76 13 179 K +76 13 180 H +76 13 181 K +76 13 182 H +76 13 183 H +76 13 184 W +76 13 185 H +76 13 186 A +76 13 187 N +76 13 188 K +76 13 189 A +76 13 190 A +76 13 191 H +76 13 192 W +76 13 193 K +76 13 194 W +76 13 195 K +76 13 196 A +76 13 197 W +76 13 198 H +76 13 199 A +76 13 200 K +76 13 201 A +76 13 202 H +76 13 203 W +76 13 204 H +76 13 205 K +76 13 206 A +76 13 207 U +76 13 208 W +76 13 209 H +76 13 210 H +76 13 211 H +76 13 212 N +76 13 213 A +76 13 214 N +76 13 215 W +76 13 216 H +76 13 217 K +76 13 218 K +76 13 219 A +76 13 220 H +76 13 221 A +76 13 222 H +76 13 223 K +76 13 224 A +76 13 225 N +76 13 226 H +76 13 227 H +76 13 228 H +76 13 229 K +76 13 230 A +76 13 231 U +76 13 232 K +76 13 233 A +76 13 234 H +76 13 235 K +76 13 236 W +76 13 237 A +76 13 238 H +76 13 239 W +76 13 240 H +76 13 241 A +76 13 242 A +76 13 243 W +76 13 244 A +76 13 245 U +76 13 246 H +76 13 247 K +76 13 248 H +76 13 249 K +76 13 250 H +76 13 251 K +76 13 252 A +76 13 253 K +76 13 254 A +76 13 255 H +76 13 256 U +76 13 257 H +76 13 258 W +76 13 259 W +76 13 260 A +76 13 261 K +76 13 262 A +76 13 263 H +76 13 264 A +76 13 265 H +76 13 266 W +76 13 267 W +76 13 268 K +76 13 269 U +76 13 270 N +76 13 271 H +76 13 272 A +76 13 273 U +76 13 274 A +76 13 275 K +76 13 276 U +76 13 277 H +76 13 278 N +76 13 279 H +76 13 280 K +76 13 281 K +76 13 282 K +76 13 283 W +76 13 284 A +76 13 285 A +76 13 286 A +76 13 287 K +76 13 288 U +76 13 289 H +76 13 290 A +76 13 291 H +76 13 292 A +76 13 293 A +76 13 294 A +76 13 295 W +76 13 296 H +76 13 297 N +76 13 298 U +76 13 299 H +76 13 300 A +76 13 301 H +76 13 302 A +76 13 303 A +76 13 304 K +76 13 305 U +76 13 306 A +76 13 307 H +76 13 308 U +76 13 309 H +76 13 310 K +76 13 311 H +76 13 312 H +76 13 313 H +76 13 314 A +76 13 315 N +76 13 316 N +76 13 317 U +76 13 318 K +76 13 319 A +76 13 320 K +76 13 321 U +76 13 322 A +76 13 323 H +76 13 324 A +76 13 325 K +76 13 326 N +76 13 327 A +76 13 328 K +76 13 329 K +76 13 330 A +76 14 1 H +76 14 2 W +76 14 3 U +76 14 4 H +76 14 5 A +76 14 6 W +76 14 7 W +76 14 8 U +76 14 9 W +76 14 10 H +76 14 11 H +76 14 12 W +76 14 13 H +76 14 14 H +76 14 15 W +76 14 16 A +76 14 17 U +76 14 18 H +76 14 19 W +76 14 20 W +76 14 21 U +76 14 22 A +76 14 23 U +76 14 24 H +76 14 25 W +76 14 26 H +76 14 27 A +76 14 28 A +76 14 29 W +76 14 30 U +76 14 31 A +76 14 32 W +76 14 33 U +76 14 34 H +76 14 35 W +76 14 36 H +76 14 37 W +76 14 38 U +76 14 39 W +76 14 40 W +76 14 41 U +76 14 42 U +76 14 43 H +76 14 44 A +76 14 45 W +76 14 46 H +76 14 47 H +76 14 48 U +76 14 49 A +76 14 50 H +76 14 51 W +76 14 52 A +76 14 53 U +76 14 54 W +76 14 55 W +76 14 56 A +76 14 57 H +76 14 58 A +76 14 59 W +76 14 60 H +76 14 61 U +76 14 62 U +76 14 63 U +76 14 64 H +76 14 65 U +76 14 66 A +76 14 67 A +76 14 68 U +76 14 69 H +76 14 70 A +76 14 71 U +76 14 72 W +76 14 73 U +76 14 74 A +76 14 75 H +76 14 76 U +76 14 77 W +76 14 78 A +76 14 79 H +76 14 80 H +76 14 81 W +76 14 82 W +76 14 83 A +76 14 84 A +76 14 85 H +76 14 86 U +76 14 87 H +76 14 88 U +76 14 89 H +76 14 90 H +76 14 91 W +76 14 92 A +76 14 93 H +76 14 94 H +76 14 95 A +76 14 96 W +76 14 97 H +76 14 98 U +76 14 99 W +76 14 100 A +76 14 101 U +76 14 102 A +76 14 103 H +76 14 104 A +76 14 105 A +76 14 106 A +76 14 107 A +76 14 108 A +76 14 109 H +76 14 110 W +76 14 111 H +76 14 112 U +76 14 113 H +76 14 114 H +76 14 115 U +76 14 116 A +76 14 117 H +76 14 118 U +76 14 119 W +76 14 120 A +76 14 121 U +76 14 122 W +76 14 123 H +76 14 124 A +76 14 125 U +76 14 126 U +76 14 127 H +76 14 128 A +76 14 129 A +76 14 130 H +76 14 131 U +76 14 132 U +76 14 133 H +76 14 134 H +76 14 135 U +76 14 136 U +76 14 137 H +76 14 138 A +76 14 139 A +76 14 140 H +76 14 141 A +76 14 142 A +76 14 143 W +76 14 144 H +76 14 145 W +76 14 146 A +76 14 147 A +76 14 148 U +76 14 149 A +76 14 150 U +76 14 151 W +76 14 152 W +76 14 153 H +76 14 154 H +76 14 155 H +76 14 156 W +76 14 157 W +76 14 158 A +76 14 159 W +76 14 160 U +76 14 161 A +76 14 162 U +76 14 163 H +76 14 164 W +76 14 165 H +76 14 166 H +76 14 167 W +76 14 168 H +76 14 169 H +76 14 170 H +76 14 171 H +76 14 172 A +76 14 173 U +76 14 174 W +76 14 175 A +76 14 176 U +76 14 177 A +76 14 178 H +76 14 179 U +76 14 180 H +76 14 181 A +76 14 182 W +76 14 183 H +76 14 184 U +76 14 185 A +76 14 186 A +76 14 187 W +76 14 188 H +76 14 189 A +76 14 190 U +76 14 191 H +76 14 192 A +76 14 193 A +76 14 194 H +76 14 195 W +76 14 196 W +76 14 197 U +76 14 198 H +76 14 199 A +76 14 200 A +76 14 201 W +76 14 202 W +76 14 203 U +76 14 204 H +76 14 205 H +76 14 206 A +76 14 207 U +76 14 208 W +76 14 209 H +76 14 210 U +76 14 211 A +76 14 212 W +76 14 213 A +76 14 214 W +76 14 215 U +76 14 216 H +76 14 217 W +76 14 218 W +76 14 219 W +76 14 220 H +76 14 221 W +76 14 222 U +76 14 223 W +76 14 224 A +76 14 225 A +76 14 226 H +76 14 227 H +76 14 228 H +76 14 229 W +76 14 230 A +76 14 231 U +76 14 232 W +76 14 233 W +76 14 234 H +76 14 235 H +76 14 236 A +76 14 237 W +76 14 238 H +76 14 239 U +76 14 240 W +76 14 241 A +76 14 242 A +76 14 243 H +76 14 244 A +76 14 245 U +76 14 246 W +76 14 247 H +76 14 248 H +76 14 249 W +76 14 250 H +76 14 251 A +76 14 252 A +76 14 253 W +76 14 254 A +76 14 255 H +76 14 256 U +76 14 257 H +76 14 258 W +76 14 259 U +76 14 260 A +76 14 261 W +76 14 262 A +76 14 263 A +76 14 264 A +76 14 265 H +76 14 266 W +76 14 267 U +76 14 268 N +76 14 269 U +76 14 270 W +76 14 271 H +76 14 272 A +76 14 273 U +76 14 274 A +76 14 275 W +76 14 276 U +76 14 277 H +76 14 278 U +76 14 279 H +76 14 280 W +76 14 281 W +76 14 282 W +76 14 283 H +76 14 284 A +76 14 285 U +76 14 286 A +76 14 287 W +76 14 288 U +76 14 289 A +76 14 290 A +76 14 291 H +76 14 292 U +76 14 293 A +76 14 294 A +76 14 295 H +76 14 296 H +76 14 297 N +76 14 298 U +76 14 299 W +76 14 300 A +76 14 301 W +76 14 302 A +76 14 303 A +76 14 304 W +76 14 305 U +76 14 306 A +76 14 307 H +76 14 308 W +76 14 309 H +76 14 310 W +76 14 311 H +76 14 312 H +76 14 313 H +76 14 314 A +76 14 315 W +76 14 316 H +76 14 317 U +76 14 318 W +76 14 319 A +76 14 320 W +76 14 321 U +76 14 322 A +76 14 323 H +76 14 324 A +76 14 325 U +76 14 326 W +76 14 327 A +76 14 328 H +76 14 329 W +76 14 330 A +76 15 1 W +76 15 2 R +76 15 3 U +76 15 4 R +76 15 5 W +76 15 6 R +76 15 7 W +76 15 8 U +76 15 9 T +76 15 10 H +76 15 11 H +76 15 12 W +76 15 13 H +76 15 14 H +76 15 15 W +76 15 16 R +76 15 17 W +76 15 18 H +76 15 19 A +76 15 20 R +76 15 21 U +76 15 22 R +76 15 23 W +76 15 24 Q +76 15 25 H +76 15 26 W +76 15 27 A +76 15 28 U +76 15 29 W +76 15 30 T +76 15 31 R +76 15 32 U +76 15 33 W +76 15 34 R +76 15 35 U +76 15 36 H +76 15 37 W +76 15 38 U +76 15 39 S +76 15 40 R +76 15 41 W +76 15 42 T +76 15 43 H +76 15 44 A +76 15 45 W +76 15 46 T +76 15 47 H +76 15 48 W +76 15 49 R +76 15 50 U +76 15 51 W +76 15 52 A +76 15 53 U +76 15 54 W +76 15 55 T +76 15 56 W +76 15 57 A +76 15 58 T +76 15 59 W +76 15 60 H +76 15 61 U +76 15 62 W +76 15 63 T +76 15 64 U +76 15 65 U +76 15 66 A +76 15 67 W +76 15 68 W +76 15 69 T +76 15 70 Y +76 15 71 W +76 15 72 R +76 15 73 W +76 15 74 A +76 15 75 T +76 15 76 R +76 15 77 R +76 15 78 T +76 15 79 T +76 15 80 T +76 15 81 R +76 15 82 W +76 15 83 A +76 15 84 T +76 15 85 T +76 15 86 U +76 15 87 H +76 15 88 U +76 15 89 H +76 15 90 H +76 15 91 R +76 15 92 A +76 15 93 R +76 15 94 H +76 15 95 A +76 15 96 R +76 15 97 Y +76 15 98 U +76 15 99 Y +76 15 100 S +76 15 101 U +76 15 102 Y +76 15 103 R +76 15 104 R +76 15 105 U +76 15 106 K +76 15 107 A +76 15 108 A +76 15 109 S +76 15 110 U +76 15 111 Q +76 15 112 U +76 15 113 H +76 15 114 R +76 15 115 U +76 15 116 R +76 15 117 H +76 15 118 U +76 15 119 R +76 15 120 A +76 15 121 U +76 15 122 W +76 15 123 T +76 15 124 U +76 15 125 Q +76 15 126 Y +76 15 127 H +76 15 128 W +76 15 129 A +76 15 130 H +76 15 131 W +76 15 132 R +76 15 133 R +76 15 134 T +76 15 135 U +76 15 136 U +76 15 137 H +76 15 138 R +76 15 139 A +76 15 140 H +76 15 141 A +76 15 142 R +76 15 143 W +76 15 144 R +76 15 145 W +76 15 146 Y +76 15 147 W +76 15 148 U +76 15 149 W +76 15 150 T +76 15 151 A +76 15 152 R +76 15 153 R +76 15 154 T +76 15 155 H +76 15 156 W +76 15 157 Y +76 15 158 A +76 15 159 W +76 15 160 T +76 15 161 W +76 15 162 U +76 15 163 Y +76 15 164 S +76 15 165 A +76 15 166 H +76 15 167 T +76 15 168 R +76 15 169 R +76 15 170 H +76 15 171 W +76 15 172 A +76 15 173 U +76 15 174 W +76 15 175 R +76 15 176 U +76 15 177 W +76 15 178 H +76 15 179 Y +76 15 180 W +76 15 181 W +76 15 182 Y +76 15 183 W +76 15 184 H +76 15 185 T +76 15 186 R +76 15 187 W +76 15 188 R +76 15 189 DA +76 15 190 W +76 15 191 S +76 15 192 R +76 15 193 A +76 15 194 H +76 15 195 W +76 15 196 R +76 15 197 W +76 15 198 H +76 15 199 A +76 15 200 R +76 15 201 W +76 15 202 U +76 15 203 DA +76 15 204 H +76 15 205 S +76 15 206 A +76 15 207 U +76 15 208 DA +76 15 209 Y +76 15 210 H +76 15 211 R +76 15 212 DA +76 15 213 Y +76 15 214 R +76 15 215 W +76 15 216 H +76 15 217 W +76 15 218 T +76 15 219 A +76 15 220 R +76 15 221 A +76 15 222 S +76 15 223 W +76 15 224 A +76 15 225 U +76 15 226 H +76 15 227 H +76 15 228 H +76 15 229 W +76 15 230 A +76 15 231 U +76 15 232 N +76 15 233 A +76 15 234 W +76 15 235 H +76 15 236 N +76 15 237 A +76 15 238 U +76 15 239 R +76 15 240 T +76 15 241 A +76 15 242 W +76 15 243 W +76 15 244 A +76 15 245 U +76 15 246 W +76 15 247 T +76 15 248 H +76 15 249 H +76 15 250 T +76 15 251 W +76 15 252 T +76 15 253 U +76 15 254 R +76 15 255 H +76 15 256 U +76 15 257 H +76 15 258 W +76 15 259 U +76 15 260 A +76 15 261 W +76 15 262 A +76 15 263 H +76 15 264 A +76 15 265 H +76 15 266 W +76 15 267 W +76 15 268 R +76 15 269 U +76 15 270 W +76 15 271 H +76 15 272 A +76 15 273 W +76 15 274 A +76 15 275 T +76 15 276 U +76 15 277 H +76 15 278 R +76 15 279 W +76 15 280 T +76 15 281 W +76 15 282 W +76 15 283 T +76 15 284 A +76 15 285 R +76 15 286 A +76 15 287 H +76 15 288 U +76 15 289 A +76 15 290 T +76 15 291 R +76 15 292 R +76 15 293 R +76 15 294 A +76 15 295 H +76 15 296 W +76 15 297 U +76 15 298 U +76 15 299 R +76 15 300 T +76 15 301 T +76 15 302 A +76 15 303 T +76 15 304 R +76 15 305 H +76 15 306 R +76 15 307 R +76 15 308 U +76 15 309 H +76 15 310 R +76 15 311 H +76 15 312 H +76 15 313 R +76 15 314 A +76 15 315 U +76 15 316 R +76 15 317 U +76 15 318 W +76 15 319 A +76 15 320 R +76 15 321 U +76 15 322 T +76 15 323 H +76 15 324 A +76 15 325 H +76 15 326 R +76 15 327 W +76 15 328 H +76 15 329 W +76 15 330 A +76 16 1 T +76 16 2 T +76 16 3 G +76 16 4 T +76 16 5 W +76 16 6 W +76 16 7 W +76 16 8 T +76 16 9 I +76 16 10 T +76 16 11 H +76 16 12 N +76 16 13 H +76 16 14 H +76 16 15 G +76 16 16 A +76 16 17 G +76 16 18 H +76 16 19 W +76 16 20 W +76 16 21 U +76 16 22 G +76 16 23 T +76 16 24 I +76 16 25 W +76 16 26 T +76 16 27 A +76 16 28 G +76 16 29 W +76 16 30 W +76 16 31 T +76 16 32 G +76 16 33 W +76 16 34 T +76 16 35 G +76 16 36 W +76 16 37 T +76 16 38 U +76 16 39 W +76 16 40 W +76 16 41 G +76 16 42 W +76 16 43 T +76 16 44 A +76 16 45 W +76 16 46 T +76 16 47 W +76 16 48 I +76 16 49 W +76 16 50 T +76 16 51 I +76 16 52 A +76 16 53 U +76 16 54 W +76 16 55 T +76 16 56 G +76 16 57 T +76 16 58 W +76 16 59 T +76 16 60 H +76 16 61 U +76 16 62 T +76 16 63 U +76 16 64 T +76 16 65 U +76 16 66 A +76 16 67 W +76 16 68 G +76 16 69 W +76 16 70 A +76 16 71 T +76 16 72 W +76 16 73 T +76 16 74 T +76 16 75 W +76 16 76 I +76 16 77 T +76 16 78 G +76 16 79 H +76 16 80 T +76 16 81 W +76 16 82 T +76 16 83 A +76 16 84 G +76 16 85 W +76 16 86 G +76 16 87 H +76 16 88 G +76 16 89 H +76 16 90 W +76 16 91 W +76 16 92 A +76 16 93 W +76 16 94 H +76 16 95 A +76 16 96 N +76 16 97 T +76 16 98 U +76 16 99 G +76 16 100 W +76 16 101 G +76 16 102 A +76 16 103 I +76 16 104 W +76 16 105 G +76 16 106 A +76 16 107 A +76 16 108 W +76 16 109 W +76 16 110 I +76 16 111 H +76 16 112 U +76 16 113 H +76 16 114 W +76 16 115 U +76 16 116 T +76 16 117 I +76 16 118 U +76 16 119 W +76 16 120 A +76 16 121 G +76 16 122 W +76 16 123 T +76 16 124 W +76 16 125 G +76 16 126 G +76 16 127 H +76 16 128 N +76 16 129 A +76 16 130 H +76 16 131 G +76 16 132 G +76 16 133 W +76 16 134 I +76 16 135 U +76 16 136 W +76 16 137 T +76 16 138 T +76 16 139 A +76 16 140 U +76 16 141 A +76 16 142 A +76 16 143 W +76 16 144 T +76 16 145 W +76 16 146 N +76 16 147 W +76 16 148 U +76 16 149 W +76 16 150 T +76 16 151 G +76 16 152 G +76 16 153 W +76 16 154 H +76 16 155 I +76 16 156 W +76 16 157 I +76 16 158 A +76 16 159 N +76 16 160 U +76 16 161 W +76 16 162 U +76 16 163 W +76 16 164 T +76 16 165 W +76 16 166 T +76 16 167 G +76 16 168 W +76 16 169 T +76 16 170 H +76 16 171 W +76 16 172 A +76 16 173 U +76 16 174 N +76 16 175 W +76 16 176 U +76 16 177 N +76 16 178 W +76 16 179 I +76 16 180 A +76 16 181 I +76 16 182 G +76 16 183 I +76 16 184 T +76 16 185 I +76 16 186 W +76 16 187 N +76 16 188 W +76 16 189 T +76 16 190 G +76 16 191 W +76 16 192 T +76 16 193 W +76 16 194 T +76 16 195 W +76 16 196 W +76 16 197 G +76 16 198 H +76 16 199 A +76 16 200 W +76 16 201 G +76 16 202 W +76 16 203 A +76 16 204 H +76 16 205 T +76 16 206 A +76 16 207 U +76 16 208 I +76 16 209 W +76 16 210 I +76 16 211 W +76 16 212 N +76 16 213 G +76 16 214 W +76 16 215 G +76 16 216 W +76 16 217 G +76 16 218 W +76 16 219 A +76 16 220 T +76 16 221 A +76 16 222 T +76 16 223 W +76 16 224 A +76 16 225 W +76 16 226 T +76 16 227 H +76 16 228 T +76 16 229 W +76 16 230 G +76 16 231 G +76 16 232 I +76 16 233 T +76 16 234 W +76 16 235 T +76 16 236 W +76 16 237 W +76 16 238 W +76 16 239 U +76 16 240 I +76 16 241 A +76 16 242 N +76 16 243 T +76 16 244 A +76 16 245 U +76 16 246 W +76 16 247 T +76 16 248 H +76 16 249 W +76 16 250 T +76 16 251 W +76 16 252 A +76 16 253 W +76 16 254 T +76 16 255 H +76 16 256 U +76 16 257 T +76 16 258 N +76 16 259 U +76 16 260 A +76 16 261 I +76 16 262 A +76 16 263 T +76 16 264 W +76 16 265 W +76 16 266 I +76 16 267 T +76 16 268 W +76 16 269 G +76 16 270 I +76 16 271 H +76 16 272 A +76 16 273 G +76 16 274 A +76 16 275 W +76 16 276 U +76 16 277 T +76 16 278 G +76 16 279 U +76 16 280 W +76 16 281 W +76 16 282 W +76 16 283 I +76 16 284 A +76 16 285 G +76 16 286 A +76 16 287 I +76 16 288 U +76 16 289 W +76 16 290 A +76 16 291 T +76 16 292 G +76 16 293 A +76 16 294 A +76 16 295 I +76 16 296 T +76 16 297 N +76 16 298 U +76 16 299 W +76 16 300 A +76 16 301 W +76 16 302 A +76 16 303 T +76 16 304 W +76 16 305 T +76 16 306 W +76 16 307 W +76 16 308 T +76 16 309 H +76 16 310 W +76 16 311 T +76 16 312 H +76 16 313 W +76 16 314 A +76 16 315 W +76 16 316 W +76 16 317 G +76 16 318 G +76 16 319 A +76 16 320 W +76 16 321 U +76 16 322 T +76 16 323 W +76 16 324 A +76 16 325 T +76 16 326 I +76 16 327 A +76 16 328 W +76 16 329 I +76 16 330 A +76 17 1 T +76 17 2 A +76 17 3 G +76 17 4 H +76 17 5 N +76 17 6 W +76 17 7 N +76 17 8 P +76 17 9 I +76 17 10 T +76 17 11 N +76 17 12 K +76 17 13 N +76 17 14 H +76 17 15 A +76 17 16 A +76 17 17 G +76 17 18 H +76 17 19 T +76 17 20 N +76 17 21 G +76 17 22 A +76 17 23 T +76 17 24 H +76 17 25 T +76 17 26 T +76 17 27 A +76 17 28 G +76 17 29 N +76 17 30 I +76 17 31 A +76 17 32 G +76 17 33 N +76 17 34 T +76 17 35 I +76 17 36 H +76 17 37 T +76 17 38 G +76 17 39 N +76 17 40 T +76 17 41 P +76 17 42 K +76 17 43 T +76 17 44 A +76 17 45 N +76 17 46 A +76 17 47 H +76 17 48 K +76 17 49 T +76 17 50 H +76 17 51 I +76 17 52 A +76 17 53 G +76 17 54 N +76 17 55 T +76 17 56 W +76 17 57 T +76 17 58 W +76 17 59 A +76 17 60 H +76 17 61 P +76 17 62 A +76 17 63 K +76 17 64 T +76 17 65 U +76 17 66 A +76 17 67 N +76 17 68 G +76 17 69 N +76 17 70 A +76 17 71 H +76 17 72 N +76 17 73 H +76 17 74 A +76 17 75 N +76 17 76 K +76 17 77 T +76 17 78 A +76 17 79 H +76 17 80 T +76 17 81 N +76 17 82 N +76 17 83 A +76 17 84 A +76 17 85 N +76 17 86 G +76 17 87 H +76 17 88 G +76 17 89 H +76 17 90 T +76 17 91 N +76 17 92 A +76 17 93 T +76 17 94 H +76 17 95 A +76 17 96 K +76 17 97 H +76 17 98 U +76 17 99 A +76 17 100 A +76 17 101 G +76 17 102 A +76 17 103 N +76 17 104 T +76 17 105 G +76 17 106 A +76 17 107 A +76 17 108 A +76 17 109 A +76 17 110 K +76 17 111 H +76 17 112 G +76 17 113 H +76 17 114 T +76 17 115 G +76 17 116 A +76 17 117 H +76 17 118 P +76 17 119 N +76 17 120 A +76 17 121 P +76 17 122 N +76 17 123 T +76 17 124 W +76 17 125 I +76 17 126 G +76 17 127 H +76 17 128 W +76 17 129 A +76 17 130 H +76 17 131 H +76 17 132 G +76 17 133 N +76 17 134 I +76 17 135 G +76 17 136 T +76 17 137 W +76 17 138 T +76 17 139 A +76 17 140 T +76 17 141 A +76 17 142 A +76 17 143 W +76 17 144 H +76 17 145 N +76 17 146 K +76 17 147 T +76 17 148 U +76 17 149 W +76 17 150 H +76 17 151 I +76 17 152 A +76 17 153 T +76 17 154 H +76 17 155 I +76 17 156 N +76 17 157 I +76 17 158 A +76 17 159 I +76 17 160 A +76 17 161 N +76 17 162 U +76 17 163 T +76 17 164 T +76 17 165 W +76 17 166 H +76 17 167 A +76 17 168 N +76 17 169 T +76 17 170 H +76 17 171 W +76 17 172 A +76 17 173 G +76 17 174 K +76 17 175 A +76 17 176 G +76 17 177 A +76 17 178 T +76 17 179 H +76 17 180 N +76 17 181 I +76 17 182 H +76 17 183 I +76 17 184 H +76 17 185 I +76 17 186 T +76 17 187 K +76 17 188 T +76 17 189 A +76 17 190 A +76 17 191 N +76 17 192 H +76 17 193 W +76 17 194 H +76 17 195 N +76 17 196 A +76 17 197 H +76 17 198 H +76 17 199 A +76 17 200 T +76 17 201 I +76 17 202 N +76 17 203 G +76 17 204 H +76 17 205 H +76 17 206 A +76 17 207 G +76 17 208 I +76 17 209 T +76 17 210 H +76 17 211 T +76 17 212 K +76 17 213 A +76 17 214 N +76 17 215 A +76 17 216 H +76 17 217 A +76 17 218 W +76 17 219 A +76 17 220 T +76 17 221 A +76 17 222 H +76 17 223 N +76 17 224 A +76 17 225 W +76 17 226 H +76 17 227 H +76 17 228 T +76 17 229 N +76 17 230 A +76 17 231 H +76 17 232 I +76 17 233 T +76 17 234 N +76 17 235 T +76 17 236 W +76 17 237 A +76 17 238 T +76 17 239 G +76 17 240 I +76 17 241 A +76 17 242 A +76 17 243 H +76 17 244 A +76 17 245 U +76 17 246 T +76 17 247 H +76 17 248 H +76 17 249 N +76 17 250 H +76 17 251 N +76 17 252 A +76 17 253 N +76 17 254 A +76 17 255 H +76 17 256 G +76 17 257 H +76 17 258 W +76 17 259 I +76 17 260 A +76 17 261 I +76 17 262 A +76 17 263 A +76 17 264 A +76 17 265 N +76 17 266 I +76 17 267 H +76 17 268 N +76 17 269 G +76 17 270 W +76 17 271 H +76 17 272 A +76 17 273 H +76 17 274 A +76 17 275 W +76 17 276 G +76 17 277 H +76 17 278 I +76 17 279 T +76 17 280 W +76 17 281 N +76 17 282 N +76 17 283 I +76 17 284 A +76 17 285 A +76 17 286 A +76 17 287 I +76 17 288 U +76 17 289 T +76 17 290 A +76 17 291 T +76 17 292 I +76 17 293 A +76 17 294 A +76 17 295 I +76 17 296 H +76 17 297 K +76 17 298 U +76 17 299 N +76 17 300 A +76 17 301 N +76 17 302 A +76 17 303 A +76 17 304 W +76 17 305 H +76 17 306 N +76 17 307 T +76 17 308 H +76 17 309 H +76 17 310 N +76 17 311 T +76 17 312 H +76 17 313 H +76 17 314 A +76 17 315 N +76 17 316 N +76 17 317 G +76 17 318 I +76 17 319 A +76 17 320 W +76 17 321 G +76 17 322 T +76 17 323 N +76 17 324 A +76 17 325 H +76 17 326 K +76 17 327 A +76 17 328 N +76 17 329 I +76 17 330 A +76 18 1 T +76 18 2 N +76 18 3 W +76 18 4 W +76 18 5 W +76 18 6 O +76 18 7 W +76 18 8 W +76 18 9 I +76 18 10 H +76 18 11 T +76 18 12 N +76 18 13 T +76 18 14 H +76 18 15 A +76 18 16 A +76 18 17 N +76 18 18 R +76 18 19 T +76 18 20 W +76 18 21 I +76 18 22 N +76 18 23 W +76 18 24 I +76 18 25 T +76 18 26 T +76 18 27 A +76 18 28 W +76 18 29 N +76 18 30 W +76 18 31 T +76 18 32 W +76 18 33 W +76 18 34 T +76 18 35 W +76 18 36 H +76 18 37 W +76 18 38 W +76 18 39 DA +76 18 40 T +76 18 41 T +76 18 42 U +76 18 43 H +76 18 44 A +76 18 45 W +76 18 46 A +76 18 47 R +76 18 48 N +76 18 49 W +76 18 50 W +76 18 51 I +76 18 52 A +76 18 53 W +76 18 54 W +76 18 55 T +76 18 56 K +76 18 57 R +76 18 58 I +76 18 59 A +76 18 60 H +76 18 61 U +76 18 62 A +76 18 63 K +76 18 64 T +76 18 65 U +76 18 66 A +76 18 67 W +76 18 68 K +76 18 69 R +76 18 70 A +76 18 71 I +76 18 72 W +76 18 73 W +76 18 74 R +76 18 75 R +76 18 76 N +76 18 77 T +76 18 78 A +76 18 79 R +76 18 80 T +76 18 81 W +76 18 82 W +76 18 83 A +76 18 84 K +76 18 85 W +76 18 86 K +76 18 87 H +76 18 88 K +76 18 89 R +76 18 90 H +76 18 91 N +76 18 92 A +76 18 93 T +76 18 94 R +76 18 95 A +76 18 96 N +76 18 97 R +76 18 98 U +76 18 99 DA +76 18 100 W +76 18 101 U +76 18 102 T +76 18 103 I +76 18 104 T +76 18 105 W +76 18 106 N +76 18 107 A +76 18 108 DA +76 18 109 T +76 18 110 N +76 18 111 R +76 18 112 U +76 18 113 H +76 18 114 W +76 18 115 U +76 18 116 DA +76 18 117 I +76 18 118 K +76 18 119 W +76 18 120 A +76 18 121 K +76 18 122 W +76 18 123 T +76 18 124 DA +76 18 125 N +76 18 126 K +76 18 127 R +76 18 128 N +76 18 129 A +76 18 130 R +76 18 131 W +76 18 132 W +76 18 133 W +76 18 134 W +76 18 135 W +76 18 136 T +76 18 137 R +76 18 138 T +76 18 139 A +76 18 140 H +76 18 141 A +76 18 142 A +76 18 143 W +76 18 144 H +76 18 145 W +76 18 146 N +76 18 147 W +76 18 148 U +76 18 149 W +76 18 150 T +76 18 151 K +76 18 152 K +76 18 153 T +76 18 154 R +76 18 155 H +76 18 156 W +76 18 157 I +76 18 158 A +76 18 159 N +76 18 160 K +76 18 161 W +76 18 162 U +76 18 163 W +76 18 164 T +76 18 165 R +76 18 166 H +76 18 167 A +76 18 168 W +76 18 169 T +76 18 170 H +76 18 171 W +76 18 172 A +76 18 173 A +76 18 174 N +76 18 175 R +76 18 176 U +76 18 177 N +76 18 178 T +76 18 179 W +76 18 180 N +76 18 181 N +76 18 182 W +76 18 183 I +76 18 184 W +76 18 185 I +76 18 186 DA +76 18 187 N +76 18 188 T +76 18 189 A +76 18 190 K +76 18 191 W +76 18 192 T +76 18 193 W +76 18 194 U +76 18 195 N +76 18 196 T +76 18 197 K +76 18 198 R +76 18 199 A +76 18 200 R +76 18 201 W +76 18 202 N +76 18 203 T +76 18 204 R +76 18 205 R +76 18 206 A +76 18 207 I +76 18 208 I +76 18 209 H +76 18 210 W +76 18 211 T +76 18 212 N +76 18 213 T +76 18 214 N +76 18 215 K +76 18 216 R +76 18 217 W +76 18 218 W +76 18 219 A +76 18 220 T +76 18 221 A +76 18 222 W +76 18 223 W +76 18 224 A +76 18 225 N +76 18 226 DA +76 18 227 H +76 18 228 R +76 18 229 W +76 18 230 A +76 18 231 W +76 18 232 W +76 18 233 T +76 18 234 N +76 18 235 T +76 18 236 W +76 18 237 DA +76 18 238 W +76 18 239 K +76 18 240 I +76 18 241 A +76 18 242 N +76 18 243 U +76 18 244 A +76 18 245 U +76 18 246 W +76 18 247 T +76 18 248 W +76 18 249 W +76 18 250 T +76 18 251 N +76 18 252 A +76 18 253 W +76 18 254 T +76 18 255 H +76 18 256 U +76 18 257 R +76 18 258 N +76 18 259 U +76 18 260 A +76 18 261 I +76 18 262 A +76 18 263 T +76 18 264 W +76 18 265 T +76 18 266 I +76 18 267 W +76 18 268 W +76 18 269 K +76 18 270 N +76 18 271 R +76 18 272 A +76 18 273 K +76 18 274 A +76 18 275 W +76 18 276 U +76 18 277 R +76 18 278 W +76 18 279 T +76 18 280 W +76 18 281 W +76 18 282 W +76 18 283 I +76 18 284 A +76 18 285 K +76 18 286 A +76 18 287 W +76 18 288 U +76 18 289 DA +76 18 290 A +76 18 291 T +76 18 292 K +76 18 293 A +76 18 294 A +76 18 295 I +76 18 296 T +76 18 297 N +76 18 298 U +76 18 299 W +76 18 300 A +76 18 301 W +76 18 302 A +76 18 303 A +76 18 304 W +76 18 305 W +76 18 306 W +76 18 307 T +76 18 308 W +76 18 309 R +76 18 310 N +76 18 311 T +76 18 312 R +76 18 313 W +76 18 314 A +76 18 315 W +76 18 316 W +76 18 317 U +76 18 318 N +76 18 319 A +76 18 320 W +76 18 321 U +76 18 322 T +76 18 323 W +76 18 324 A +76 18 325 W +76 18 326 N +76 18 327 A +76 18 328 W +76 18 329 I +76 18 330 A +76 19 1 N +76 19 2 W +76 19 3 U +76 19 4 GU +76 19 5 W +76 19 6 N +76 19 7 W +76 19 8 U +76 19 9 W +76 19 10 N +76 19 11 N +76 19 12 W +76 19 13 N +76 19 14 N +76 19 15 W +76 19 16 A +76 19 17 U +76 19 18 H +76 19 19 N +76 19 20 W +76 19 21 U +76 19 22 W +76 19 23 U +76 19 24 H +76 19 25 N +76 19 26 N +76 19 27 A +76 19 28 U +76 19 29 N +76 19 30 W +76 19 31 A +76 19 32 W +76 19 33 N +76 19 34 N +76 19 35 W +76 19 36 N +76 19 37 N +76 19 38 U +76 19 39 N +76 19 40 N +76 19 41 U +76 19 42 W +76 19 43 N +76 19 44 W +76 19 45 N +76 19 46 A +76 19 47 N +76 19 48 W +76 19 49 N +76 19 50 W +76 19 51 W +76 19 52 W +76 19 53 A +76 19 54 N +76 19 55 N +76 19 56 W +76 19 57 N +76 19 58 W +76 19 59 W +76 19 60 N +76 19 61 U +76 19 62 W +76 19 63 W +76 19 64 N +76 19 65 U +76 19 66 A +76 19 67 N +76 19 68 U +76 19 69 N +76 19 70 A +76 19 71 W +76 19 72 N +76 19 73 W +76 19 74 A +76 19 75 N +76 19 76 W +76 19 77 N +76 19 78 W +76 19 79 H +76 19 80 N +76 19 81 W +76 19 82 N +76 19 83 W +76 19 84 W +76 19 85 N +76 19 86 W +76 19 87 H +76 19 88 W +76 19 89 H +76 19 90 N +76 19 91 W +76 19 92 W +76 19 93 N +76 19 94 H +76 19 95 A +76 19 96 W +76 19 97 W +76 19 98 U +76 19 99 W +76 19 100 N +76 19 101 U +76 19 102 A +76 19 103 W +76 19 104 W +76 19 105 U +76 19 106 W +76 19 107 A +76 19 108 A +76 19 109 N +76 19 110 W +76 19 111 N +76 19 112 U +76 19 113 H +76 19 114 N +76 19 115 U +76 19 116 A +76 19 117 H +76 19 118 W +76 19 119 N +76 19 120 A +76 19 121 U +76 19 122 N +76 19 123 N +76 19 124 W +76 19 125 U +76 19 126 W +76 19 127 N +76 19 128 W +76 19 129 A +76 19 130 H +76 19 131 W +76 19 132 U +76 19 133 N +76 19 134 W +76 19 135 A +76 19 136 N +76 19 137 N +76 19 138 A +76 19 139 A +76 19 140 N +76 19 141 A +76 19 142 A +76 19 143 GU +76 19 144 GU +76 19 145 N +76 19 146 W +76 19 147 N +76 19 148 U +76 19 149 N +76 19 150 GU +76 19 151 W +76 19 152 W +76 19 153 N +76 19 154 H +76 19 155 H +76 19 156 N +76 19 157 GU +76 19 158 A +76 19 159 W +76 19 160 W +76 19 161 N +76 19 162 U +76 19 163 N +76 19 164 N +76 19 165 N +76 19 166 N +76 19 167 W +76 19 168 N +76 19 169 N +76 19 170 N +76 19 171 N +76 19 172 A +76 19 173 U +76 19 174 W +76 19 175 N +76 19 176 U +76 19 177 W +76 19 178 N +76 19 179 U +76 19 180 N +76 19 181 W +76 19 182 GU +76 19 183 W +76 19 184 GU +76 19 185 W +76 19 186 N +76 19 187 W +76 19 188 N +76 19 189 A +76 19 190 W +76 19 191 N +76 19 192 GU +76 19 193 W +76 19 194 N +76 19 195 N +76 19 196 N +76 19 197 W +76 19 198 H +76 19 199 A +76 19 200 N +76 19 201 W +76 19 202 N +76 19 203 U +76 19 204 H +76 19 205 GU +76 19 206 A +76 19 207 U +76 19 208 W +76 19 209 N +76 19 210 N +76 19 211 N +76 19 212 W +76 19 213 W +76 19 214 W +76 19 215 N +76 19 216 N +76 19 217 W +76 19 218 W +76 19 219 A +76 19 220 N +76 19 221 A +76 19 222 W +76 19 223 N +76 19 224 A +76 19 225 W +76 19 226 N +76 19 227 H +76 19 228 N +76 19 229 W +76 19 230 W +76 19 231 W +76 19 232 W +76 19 233 W +76 19 234 N +76 19 235 N +76 19 236 W +76 19 237 W +76 19 238 N +76 19 239 W +76 19 240 W +76 19 241 A +76 19 242 W +76 19 243 U +76 19 244 A +76 19 245 U +76 19 246 N +76 19 247 W +76 19 248 N +76 19 249 N +76 19 250 W +76 19 251 N +76 19 252 A +76 19 253 N +76 19 254 N +76 19 255 H +76 19 256 U +76 19 257 N +76 19 258 W +76 19 259 U +76 19 260 A +76 19 261 W +76 19 262 A +76 19 263 A +76 19 264 A +76 19 265 N +76 19 266 GU +76 19 267 W +76 19 268 N +76 19 269 W +76 19 270 W +76 19 271 N +76 19 272 A +76 19 273 W +76 19 274 A +76 19 275 W +76 19 276 U +76 19 277 N +76 19 278 W +76 19 279 N +76 19 280 N +76 19 281 N +76 19 282 N +76 19 283 W +76 19 284 A +76 19 285 W +76 19 286 A +76 19 287 W +76 19 288 U +76 19 289 N +76 19 290 A +76 19 291 N +76 19 292 W +76 19 293 N +76 19 294 N +76 19 295 GU +76 19 296 GU +76 19 297 W +76 19 298 U +76 19 299 N +76 19 300 A +76 19 301 N +76 19 302 A +76 19 303 A +76 19 304 N +76 19 305 GU +76 19 306 N +76 19 307 N +76 19 308 W +76 19 309 N +76 19 310 N +76 19 311 N +76 19 312 H +76 19 313 W +76 19 314 A +76 19 315 N +76 19 316 N +76 19 317 U +76 19 318 W +76 19 319 A +76 19 320 N +76 19 321 W +76 19 322 N +76 19 323 N +76 19 324 W +76 19 325 U +76 19 326 W +76 19 327 A +76 19 328 N +76 19 329 W +76 19 330 N +76 20 1 W +76 20 2 A +76 20 3 U +76 20 4 W +76 20 5 W +76 20 6 W +76 20 7 W +76 20 8 U +76 20 9 U +76 20 10 H +76 20 11 H +76 20 12 W +76 20 13 W +76 20 14 H +76 20 15 A +76 20 16 A +76 20 17 U +76 20 18 H +76 20 19 W +76 20 20 W +76 20 21 U +76 20 22 A +76 20 23 U +76 20 24 W +76 20 25 W +76 20 26 H +76 20 27 A +76 20 28 U +76 20 29 W +76 20 30 U +76 20 31 W +76 20 32 U +76 20 33 W +76 20 34 W +76 20 35 U +76 20 36 H +76 20 37 A +76 20 38 U +76 20 39 W +76 20 40 H +76 20 41 U +76 20 42 W +76 20 43 H +76 20 44 A +76 20 45 W +76 20 46 H +76 20 47 H +76 20 48 W +76 20 49 A +76 20 50 H +76 20 51 W +76 20 52 A +76 20 53 U +76 20 54 W +76 20 55 W +76 20 56 A +76 20 57 H +76 20 58 W +76 20 59 A +76 20 60 H +76 20 61 U +76 20 62 W +76 20 63 U +76 20 64 H +76 20 65 U +76 20 66 A +76 20 67 W +76 20 68 U +76 20 69 W +76 20 70 A +76 20 71 H +76 20 72 W +76 20 73 U +76 20 74 A +76 20 75 H +76 20 76 U +76 20 77 W +76 20 78 A +76 20 79 H +76 20 80 W +76 20 81 W +76 20 82 W +76 20 83 A +76 20 84 U +76 20 85 W +76 20 86 U +76 20 87 H +76 20 88 U +76 20 89 H +76 20 90 H +76 20 91 W +76 20 92 A +76 20 93 H +76 20 94 H +76 20 95 A +76 20 96 W +76 20 97 W +76 20 98 U +76 20 99 A +76 20 100 A +76 20 101 U +76 20 102 A +76 20 103 W +76 20 104 W +76 20 105 U +76 20 106 W +76 20 107 A +76 20 108 A +76 20 109 H +76 20 110 W +76 20 111 H +76 20 112 U +76 20 113 H +76 20 114 W +76 20 115 U +76 20 116 A +76 20 117 H +76 20 118 W +76 20 119 W +76 20 120 A +76 20 121 U +76 20 122 W +76 20 123 H +76 20 124 W +76 20 125 U +76 20 126 U +76 20 127 H +76 20 128 W +76 20 129 A +76 20 130 H +76 20 131 W +76 20 132 U +76 20 133 W +76 20 134 H +76 20 135 W +76 20 136 W +76 20 137 H +76 20 138 W +76 20 139 A +76 20 140 H +76 20 141 A +76 20 142 A +76 20 143 W +76 20 144 H +76 20 145 W +76 20 146 W +76 20 147 W +76 20 148 U +76 20 149 W +76 20 150 H +76 20 151 W +76 20 152 W +76 20 153 W +76 20 154 H +76 20 155 H +76 20 156 W +76 20 157 H +76 20 158 A +76 20 159 W +76 20 160 U +76 20 161 W +76 20 162 U +76 20 163 W +76 20 164 H +76 20 165 W +76 20 166 H +76 20 167 A +76 20 168 W +76 20 169 H +76 20 170 H +76 20 171 W +76 20 172 A +76 20 173 U +76 20 174 U +76 20 175 A +76 20 176 U +76 20 177 W +76 20 178 H +76 20 179 W +76 20 180 W +76 20 181 W +76 20 182 U +76 20 183 H +76 20 184 H +76 20 185 W +76 20 186 W +76 20 187 U +76 20 188 W +76 20 189 W +76 20 190 U +76 20 191 H +76 20 192 W +76 20 193 W +76 20 194 H +76 20 195 W +76 20 196 A +76 20 197 A +76 20 198 H +76 20 199 W +76 20 200 W +76 20 201 U +76 20 202 W +76 20 203 U +76 20 204 H +76 20 205 H +76 20 206 A +76 20 207 U +76 20 208 W +76 20 209 H +76 20 210 W +76 20 211 W +76 20 212 U +76 20 213 A +76 20 214 W +76 20 215 U +76 20 216 H +76 20 217 U +76 20 218 W +76 20 219 A +76 20 220 W +76 20 221 W +76 20 222 H +76 20 223 W +76 20 224 A +76 20 225 W +76 20 226 H +76 20 227 H +76 20 228 H +76 20 229 W +76 20 230 A +76 20 231 W +76 20 232 W +76 20 233 W +76 20 234 W +76 20 235 H +76 20 236 W +76 20 237 A +76 20 238 W +76 20 239 U +76 20 240 H +76 20 241 A +76 20 242 W +76 20 243 H +76 20 244 A +76 20 245 U +76 20 246 W +76 20 247 W +76 20 248 H +76 20 249 W +76 20 250 U +76 20 251 W +76 20 252 A +76 20 253 W +76 20 254 W +76 20 255 H +76 20 256 U +76 20 257 H +76 20 258 W +76 20 259 W +76 20 260 A +76 20 261 U +76 20 262 A +76 20 263 A +76 20 264 W +76 20 265 H +76 20 266 U +76 20 267 W +76 20 268 W +76 20 269 U +76 20 270 W +76 20 271 H +76 20 272 A +76 20 273 U +76 20 274 A +76 20 275 W +76 20 276 U +76 20 277 H +76 20 278 W +76 20 279 H +76 20 280 W +76 20 281 W +76 20 282 W +76 20 283 H +76 20 284 A +76 20 285 A +76 20 286 A +76 20 287 W +76 20 288 U +76 20 289 U +76 20 290 W +76 20 291 A +76 20 292 H +76 20 293 W +76 20 294 A +76 20 295 A +76 20 296 H +76 20 297 W +76 20 298 W +76 20 299 U +76 20 300 W +76 20 301 W +76 20 302 A +76 20 303 A +76 20 304 W +76 20 305 H +76 20 306 W +76 20 307 W +76 20 308 W +76 20 309 H +76 20 310 W +76 20 311 W +76 20 312 H +76 20 313 H +76 20 314 A +76 20 315 W +76 20 316 W +76 20 317 U +76 20 318 U +76 20 319 A +76 20 320 W +76 20 321 U +76 20 322 A +76 20 323 W +76 20 324 A +76 20 325 U +76 20 326 W +76 20 327 A +76 20 328 W +76 20 329 W +76 20 330 A +76 21 1 W +76 21 2 W +76 21 3 U +76 21 4 H +76 21 5 W +76 21 6 G +76 21 7 W +76 21 8 U +76 21 9 G +76 21 10 H +76 21 11 T +76 21 12 N +76 21 13 T +76 21 14 T +76 21 15 T +76 21 16 T +76 21 17 U +76 21 18 H +76 21 19 W +76 21 20 W +76 21 21 U +76 21 22 N +76 21 23 W +76 21 24 H +76 21 25 H +76 21 26 H +76 21 27 A +76 21 28 G +76 21 29 W +76 21 30 I +76 21 31 W +76 21 32 G +76 21 33 W +76 21 34 W +76 21 35 I +76 21 36 H +76 21 37 W +76 21 38 U +76 21 39 W +76 21 40 W +76 21 41 U +76 21 42 N +76 21 43 H +76 21 44 A +76 21 45 W +76 21 46 A +76 21 47 H +76 21 48 N +76 21 49 W +76 21 50 H +76 21 51 H +76 21 52 A +76 21 53 I +76 21 54 W +76 21 55 A +76 21 56 I +76 21 57 H +76 21 58 N +76 21 59 A +76 21 60 H +76 21 61 U +76 21 62 T +76 21 63 G +76 21 64 H +76 21 65 U +76 21 66 A +76 21 67 W +76 21 68 U +76 21 69 W +76 21 70 A +76 21 71 U +76 21 72 W +76 21 73 I +76 21 74 A +76 21 75 H +76 21 76 I +76 21 77 W +76 21 78 A +76 21 79 H +76 21 80 W +76 21 81 N +76 21 82 W +76 21 83 N +76 21 84 G +76 21 85 W +76 21 86 G +76 21 87 H +76 21 88 U +76 21 89 H +76 21 90 H +76 21 91 N +76 21 92 A +76 21 93 H +76 21 94 H +76 21 95 A +76 21 96 N +76 21 97 H +76 21 98 I +76 21 99 A +76 21 100 W +76 21 101 U +76 21 102 A +76 21 103 N +76 21 104 W +76 21 105 I +76 21 106 N +76 21 107 A +76 21 108 A +76 21 109 H +76 21 110 N +76 21 111 W +76 21 112 U +76 21 113 H +76 21 114 W +76 21 115 I +76 21 116 A +76 21 117 H +76 21 118 I +76 21 119 W +76 21 120 A +76 21 121 U +76 21 122 W +76 21 123 W +76 21 124 W +76 21 125 I +76 21 126 G +76 21 127 H +76 21 128 N +76 21 129 A +76 21 130 H +76 21 131 T +76 21 132 U +76 21 133 T +76 21 134 H +76 21 135 W +76 21 136 T +76 21 137 T +76 21 138 W +76 21 139 A +76 21 140 H +76 21 141 A +76 21 142 A +76 21 143 N +76 21 144 H +76 21 145 W +76 21 146 N +76 21 147 W +76 21 148 U +76 21 149 W +76 21 150 H +76 21 151 G +76 21 152 G +76 21 153 W +76 21 154 H +76 21 155 H +76 21 156 W +76 21 157 I +76 21 158 A +76 21 159 N +76 21 160 G +76 21 161 W +76 21 162 I +76 21 163 W +76 21 164 W +76 21 165 N +76 21 166 H +76 21 167 A +76 21 168 W +76 21 169 W +76 21 170 H +76 21 171 W +76 21 172 A +76 21 173 G +76 21 174 N +76 21 175 W +76 21 176 U +76 21 177 N +76 21 178 H +76 21 179 W +76 21 180 W +76 21 181 N +76 21 182 H +76 21 183 N +76 21 184 W +76 21 185 N +76 21 186 W +76 21 187 N +76 21 188 W +76 21 189 A +76 21 190 G +76 21 191 W +76 21 192 H +76 21 193 N +76 21 194 H +76 21 195 W +76 21 196 A +76 21 197 G +76 21 198 H +76 21 199 A +76 21 200 W +76 21 201 N +76 21 202 W +76 21 203 I +76 21 204 H +76 21 205 H +76 21 206 A +76 21 207 U +76 21 208 W +76 21 209 H +76 21 210 W +76 21 211 W +76 21 212 N +76 21 213 A +76 21 214 N +76 21 215 G +76 21 216 H +76 21 217 G +76 21 218 N +76 21 219 A +76 21 220 H +76 21 221 A +76 21 222 H +76 21 223 W +76 21 224 A +76 21 225 W +76 21 226 H +76 21 227 H +76 21 228 H +76 21 229 W +76 21 230 A +76 21 231 U +76 21 232 W +76 21 233 A +76 21 234 W +76 21 235 H +76 21 236 N +76 21 237 G +76 21 238 W +76 21 239 G +76 21 240 W +76 21 241 A +76 21 242 N +76 21 243 H +76 21 244 A +76 21 245 I +76 21 246 W +76 21 247 A +76 21 248 H +76 21 249 T +76 21 250 H +76 21 251 W +76 21 252 A +76 21 253 W +76 21 254 A +76 21 255 H +76 21 256 U +76 21 257 H +76 21 258 N +76 21 259 W +76 21 260 N +76 21 261 G +76 21 262 A +76 21 263 A +76 21 264 W +76 21 265 W +76 21 266 I +76 21 267 H +76 21 268 W +76 21 269 W +76 21 270 N +76 21 271 H +76 21 272 A +76 21 273 U +76 21 274 A +76 21 275 N +76 21 276 U +76 21 277 H +76 21 278 G +76 21 279 H +76 21 280 T +76 21 281 W +76 21 282 N +76 21 283 W +76 21 284 A +76 21 285 G +76 21 286 A +76 21 287 W +76 21 288 U +76 21 289 W +76 21 290 A +76 21 291 W +76 21 292 G +76 21 293 A +76 21 294 A +76 21 295 W +76 21 296 H +76 21 297 N +76 21 298 U +76 21 299 W +76 21 300 A +76 21 301 W +76 21 302 A +76 21 303 A +76 21 304 W +76 21 305 W +76 21 306 N +76 21 307 T +76 21 308 W +76 21 309 W +76 21 310 W +76 21 311 H +76 21 312 H +76 21 313 H +76 21 314 A +76 21 315 W +76 21 316 W +76 21 317 U +76 21 318 G +76 21 319 A +76 21 320 N +76 21 321 U +76 21 322 A +76 21 323 W +76 21 324 A +76 21 325 W +76 21 326 N +76 21 327 A +76 21 328 W +76 21 329 W +76 21 330 A +76 22 1 H +76 22 2 U +76 22 3 U +76 22 4 DR +76 22 5 R +76 22 6 A +76 22 7 W +76 22 8 W +76 22 9 U +76 22 10 H +76 22 11 U +76 22 12 A +76 22 13 H +76 22 14 R +76 22 15 A +76 22 16 W +76 22 17 N +76 22 18 H +76 22 19 R +76 22 20 DR +76 22 21 U +76 22 22 A +76 22 23 W +76 22 24 R +76 22 25 DR +76 22 26 H +76 22 27 A +76 22 28 U +76 22 29 H +76 22 30 DR +76 22 31 DW +76 22 32 W +76 22 33 A +76 22 34 H +76 22 35 U +76 22 36 H +76 22 37 R +76 22 38 A +76 22 39 H +76 22 40 H +76 22 41 U +76 22 42 W +76 22 43 H +76 22 44 A +76 22 45 W +76 22 46 A +76 22 47 W +76 22 48 R +76 22 49 H +76 22 50 H +76 22 51 R +76 22 52 A +76 22 53 U +76 22 54 R +76 22 55 W +76 22 56 A +76 22 57 H +76 22 58 A +76 22 59 U +76 22 60 W +76 22 61 R +76 22 62 DR +76 22 63 A +76 22 64 H +76 22 65 W +76 22 66 A +76 22 67 W +76 22 68 U +76 22 69 DR +76 22 70 A +76 22 71 H +76 22 72 R +76 22 73 A +76 22 74 DR +76 22 75 H +76 22 76 A +76 22 77 U +76 22 78 DR +76 22 79 DR +76 22 80 H +76 22 81 W +76 22 82 W +76 22 83 A +76 22 84 A +76 22 85 W +76 22 86 R +76 22 87 H +76 22 88 U +76 22 89 H +76 22 90 H +76 22 91 A +76 22 92 A +76 22 93 H +76 22 94 R +76 22 95 W +76 22 96 U +76 22 97 R +76 22 98 A +76 22 99 R +76 22 100 A +76 22 101 H +76 22 102 A +76 22 103 H +76 22 104 R +76 22 105 U +76 22 106 W +76 22 107 A +76 22 108 A +76 22 109 H +76 22 110 U +76 22 111 H +76 22 112 W +76 22 113 H +76 22 114 U +76 22 115 H +76 22 116 A +76 22 117 U +76 22 118 R +76 22 119 W +76 22 120 A +76 22 121 U +76 22 122 W +76 22 123 H +76 22 124 U +76 22 125 W +76 22 126 U +76 22 127 H +76 22 128 U +76 22 129 A +76 22 130 H +76 22 131 R +76 22 132 W +76 22 133 U +76 22 134 R +76 22 135 H +76 22 136 U +76 22 137 H +76 22 138 W +76 22 139 R +76 22 140 H +76 22 141 A +76 22 142 A +76 22 143 DR +76 22 144 H +76 22 145 DR +76 22 146 W +76 22 147 R +76 22 148 U +76 22 149 W +76 22 150 H +76 22 151 U +76 22 152 W +76 22 153 H +76 22 154 H +76 22 155 H +76 22 156 W +76 22 157 H +76 22 158 A +76 22 159 W +76 22 160 R +76 22 161 W +76 22 162 U +76 22 163 H +76 22 164 H +76 22 165 W +76 22 166 R +76 22 167 W +76 22 168 H +76 22 169 H +76 22 170 H +76 22 171 DR +76 22 172 A +76 22 173 U +76 22 174 W +76 22 175 A +76 22 176 U +76 22 177 A +76 22 178 H +76 22 179 W +76 22 180 R +76 22 181 Q +76 22 182 U +76 22 183 H +76 22 184 DR +76 22 185 W +76 22 186 Q +76 22 187 U +76 22 188 H +76 22 189 A +76 22 190 R +76 22 191 H +76 22 192 H +76 22 193 W +76 22 194 U +76 22 195 DR +76 22 196 Q +76 22 197 A +76 22 198 W +76 22 199 A +76 22 200 H +76 22 201 W +76 22 202 DR +76 22 203 W +76 22 204 R +76 22 205 R +76 22 206 A +76 22 207 U +76 22 208 U +76 22 209 Q +76 22 210 H +76 22 211 U +76 22 212 W +76 22 213 U +76 22 214 R +76 22 215 A +76 22 216 H +76 22 217 W +76 22 218 U +76 22 219 N +76 22 220 H +76 22 221 A +76 22 222 H +76 22 223 H +76 22 224 A +76 22 225 U +76 22 226 H +76 22 227 H +76 22 228 R +76 22 229 W +76 22 230 Q +76 22 231 A +76 22 232 N +76 22 233 R +76 22 234 Q +76 22 235 U +76 22 236 H +76 22 237 W +76 22 238 Q +76 22 239 R +76 22 240 Q +76 22 241 A +76 22 242 R +76 22 243 H +76 22 244 A +76 22 245 U +76 22 246 H +76 22 247 H +76 22 248 H +76 22 249 H +76 22 250 A +76 22 251 W +76 22 252 DR +76 22 253 A +76 22 254 W +76 22 255 H +76 22 256 U +76 22 257 H +76 22 258 W +76 22 259 U +76 22 260 A +76 22 261 U +76 22 262 A +76 22 263 H +76 22 264 A +76 22 265 H +76 22 266 U +76 22 267 R +76 22 268 Q +76 22 269 U +76 22 270 R +76 22 271 H +76 22 272 A +76 22 273 W +76 22 274 A +76 22 275 U +76 22 276 H +76 22 277 H +76 22 278 W +76 22 279 H +76 22 280 H +76 22 281 H +76 22 282 H +76 22 283 H +76 22 284 A +76 22 285 A +76 22 286 A +76 22 287 W +76 22 288 U +76 22 289 N +76 22 290 A +76 22 291 H +76 22 292 W +76 22 293 A +76 22 294 A +76 22 295 DR +76 22 296 DR +76 22 297 W +76 22 298 U +76 22 299 R +76 22 300 R +76 22 301 R +76 22 302 A +76 22 303 A +76 22 304 U +76 22 305 W +76 22 306 R +76 22 307 H +76 22 308 W +76 22 309 Q +76 22 310 W +76 22 311 H +76 22 312 H +76 22 313 H +76 22 314 A +76 22 315 W +76 22 316 U +76 22 317 U +76 22 318 U +76 22 319 A +76 22 320 W +76 22 321 U +76 22 322 U +76 22 323 H +76 22 324 A +76 22 325 H +76 22 326 Q +76 22 327 R +76 22 328 H +76 22 329 DR +76 22 330 A +76 23 1 T +76 23 2 T +76 23 3 U +76 23 4 G +76 23 5 T +76 23 6 N +76 23 7 T +76 23 8 W +76 23 9 I +76 23 10 H +76 23 11 T +76 23 12 N +76 23 13 H +76 23 14 H +76 23 15 G +76 23 16 A +76 23 17 G +76 23 18 H +76 23 19 H +76 23 20 W +76 23 21 G +76 23 22 N +76 23 23 W +76 23 24 H +76 23 25 H +76 23 26 H +76 23 27 A +76 23 28 U +76 23 29 T +76 23 30 I +76 23 31 T +76 23 32 W +76 23 33 N +76 23 34 T +76 23 35 W +76 23 36 H +76 23 37 H +76 23 38 W +76 23 39 T +76 23 40 T +76 23 41 W +76 23 42 N +76 23 43 H +76 23 44 A +76 23 45 T +76 23 46 H +76 23 47 H +76 23 48 N +76 23 49 T +76 23 50 H +76 23 51 H +76 23 52 A +76 23 53 I +76 23 54 T +76 23 55 T +76 23 56 W +76 23 57 H +76 23 58 N +76 23 59 A +76 23 60 H +76 23 61 W +76 23 62 W +76 23 63 I +76 23 64 H +76 23 65 W +76 23 66 A +76 23 67 T +76 23 68 W +76 23 69 H +76 23 70 A +76 23 71 W +76 23 72 T +76 23 73 G +76 23 74 A +76 23 75 H +76 23 76 G +76 23 77 T +76 23 78 G +76 23 79 H +76 23 80 H +76 23 81 T +76 23 82 T +76 23 83 N +76 23 84 G +76 23 85 H +76 23 86 G +76 23 87 H +76 23 88 G +76 23 89 H +76 23 90 H +76 23 91 N +76 23 92 A +76 23 93 H +76 23 94 H +76 23 95 A +76 23 96 N +76 23 97 T +76 23 98 G +76 23 99 A +76 23 100 T +76 23 101 G +76 23 102 A +76 23 103 H +76 23 104 T +76 23 105 G +76 23 106 N +76 23 107 A +76 23 108 A +76 23 109 T +76 23 110 N +76 23 111 H +76 23 112 G +76 23 113 H +76 23 114 H +76 23 115 G +76 23 116 T +76 23 117 H +76 23 118 G +76 23 119 T +76 23 120 A +76 23 121 G +76 23 122 T +76 23 123 T +76 23 124 N +76 23 125 G +76 23 126 G +76 23 127 H +76 23 128 N +76 23 129 A +76 23 130 H +76 23 131 W +76 23 132 G +76 23 133 T +76 23 134 H +76 23 135 G +76 23 136 T +76 23 137 H +76 23 138 T +76 23 139 A +76 23 140 H +76 23 141 A +76 23 142 A +76 23 143 N +76 23 144 H +76 23 145 T +76 23 146 N +76 23 147 T +76 23 148 G +76 23 149 N +76 23 150 U +76 23 151 G +76 23 152 G +76 23 153 T +76 23 154 H +76 23 155 H +76 23 156 T +76 23 157 I +76 23 158 A +76 23 159 N +76 23 160 G +76 23 161 T +76 23 162 G +76 23 163 T +76 23 164 T +76 23 165 H +76 23 166 H +76 23 167 A +76 23 168 T +76 23 169 H +76 23 170 H +76 23 171 H +76 23 172 A +76 23 173 G +76 23 174 N +76 23 175 A +76 23 176 G +76 23 177 N +76 23 178 H +76 23 179 W +76 23 180 T +76 23 181 N +76 23 182 T +76 23 183 I +76 23 184 I +76 23 185 N +76 23 186 T +76 23 187 N +76 23 188 H +76 23 189 A +76 23 190 G +76 23 191 T +76 23 192 G +76 23 193 N +76 23 194 G +76 23 195 N +76 23 196 N +76 23 197 G +76 23 198 H +76 23 199 A +76 23 200 T +76 23 201 G +76 23 202 T +76 23 203 G +76 23 204 H +76 23 205 T +76 23 206 A +76 23 207 G +76 23 208 N +76 23 209 T +76 23 210 I +76 23 211 T +76 23 212 N +76 23 213 A +76 23 214 N +76 23 215 W +76 23 216 H +76 23 217 W +76 23 218 N +76 23 219 A +76 23 220 T +76 23 221 A +76 23 222 T +76 23 223 T +76 23 224 A +76 23 225 N +76 23 226 H +76 23 227 H +76 23 228 H +76 23 229 T +76 23 230 A +76 23 231 G +76 23 232 T +76 23 233 A +76 23 234 T +76 23 235 H +76 23 236 N +76 23 237 N +76 23 238 H +76 23 239 G +76 23 240 W +76 23 241 A +76 23 242 N +76 23 243 G +76 23 244 A +76 23 245 G +76 23 246 T +76 23 247 I +76 23 248 H +76 23 249 H +76 23 250 I +76 23 251 T +76 23 252 A +76 23 253 T +76 23 254 A +76 23 255 H +76 23 256 G +76 23 257 H +76 23 258 N +76 23 259 G +76 23 260 N +76 23 261 I +76 23 262 A +76 23 263 H +76 23 264 A +76 23 265 H +76 23 266 G +76 23 267 G +76 23 268 T +76 23 269 G +76 23 270 N +76 23 271 H +76 23 272 A +76 23 273 G +76 23 274 A +76 23 275 N +76 23 276 G +76 23 277 H +76 23 278 G +76 23 279 T +76 23 280 N +76 23 281 T +76 23 282 N +76 23 283 G +76 23 284 A +76 23 285 W +76 23 286 A +76 23 287 N +76 23 288 G +76 23 289 T +76 23 290 A +76 23 291 T +76 23 292 G +76 23 293 A +76 23 294 A +76 23 295 I +76 23 296 G +76 23 297 N +76 23 298 G +76 23 299 T +76 23 300 A +76 23 301 T +76 23 302 A +76 23 303 A +76 23 304 T +76 23 305 G +76 23 306 N +76 23 307 T +76 23 308 G +76 23 309 H +76 23 310 T +76 23 311 H +76 23 312 H +76 23 313 H +76 23 314 A +76 23 315 T +76 23 316 T +76 23 317 G +76 23 318 N +76 23 319 A +76 23 320 T +76 23 321 G +76 23 322 T +76 23 323 H +76 23 324 A +76 23 325 G +76 23 326 N +76 23 327 A +76 23 328 H +76 23 329 I +76 23 330 A +76 24 1 R +76 24 2 T +76 24 3 U +76 24 4 H +76 24 5 T +76 24 6 T +76 24 7 W +76 24 8 U +76 24 9 T +76 24 10 H +76 24 11 H +76 24 12 N +76 24 13 H +76 24 14 H +76 24 15 T +76 24 16 A +76 24 17 U +76 24 18 H +76 24 19 T +76 24 20 W +76 24 21 U +76 24 22 N +76 24 23 T +76 24 24 H +76 24 25 R +76 24 26 R +76 24 27 A +76 24 28 U +76 24 29 W +76 24 30 I +76 24 31 A +76 24 32 I +76 24 33 T +76 24 34 R +76 24 35 I +76 24 36 R +76 24 37 R +76 24 38 U +76 24 39 N +76 24 40 R +76 24 41 U +76 24 42 N +76 24 43 R +76 24 44 A +76 24 45 W +76 24 46 T +76 24 47 R +76 24 48 N +76 24 49 R +76 24 50 T +76 24 51 I +76 24 52 A +76 24 53 U +76 24 54 N +76 24 55 R +76 24 56 A +76 24 57 R +76 24 58 N +76 24 59 A +76 24 60 R +76 24 61 I +76 24 62 A +76 24 63 U +76 24 64 R +76 24 65 U +76 24 66 A +76 24 67 W +76 24 68 R +76 24 69 I +76 24 70 A +76 24 71 U +76 24 72 R +76 24 73 U +76 24 74 A +76 24 75 R +76 24 76 W +76 24 77 R +76 24 78 A +76 24 79 R +76 24 80 R +76 24 81 I +76 24 82 W +76 24 83 A +76 24 84 A +76 24 85 N +76 24 86 U +76 24 87 H +76 24 88 U +76 24 89 W +76 24 90 N +76 24 91 I +76 24 92 A +76 24 93 R +76 24 94 H +76 24 95 A +76 24 96 W +76 24 97 H +76 24 98 U +76 24 99 A +76 24 100 A +76 24 101 U +76 24 102 A +76 24 103 I +76 24 104 R +76 24 105 U +76 24 106 A +76 24 107 A +76 24 108 A +76 24 109 R +76 24 110 N +76 24 111 R +76 24 112 U +76 24 113 H +76 24 114 R +76 24 115 U +76 24 116 A +76 24 117 H +76 24 118 I +76 24 119 W +76 24 120 A +76 24 121 W +76 24 122 N +76 24 123 R +76 24 124 N +76 24 125 W +76 24 126 I +76 24 127 R +76 24 128 N +76 24 129 A +76 24 130 H +76 24 131 U +76 24 132 W +76 24 133 N +76 24 134 H +76 24 135 W +76 24 136 W +76 24 137 R +76 24 138 A +76 24 139 A +76 24 140 R +76 24 141 A +76 24 142 A +76 24 143 I +76 24 144 H +76 24 145 T +76 24 146 N +76 24 147 T +76 24 148 U +76 24 149 W +76 24 150 R +76 24 151 W +76 24 152 I +76 24 153 R +76 24 154 R +76 24 155 R +76 24 156 N +76 24 157 R +76 24 158 A +76 24 159 I +76 24 160 T +76 24 161 W +76 24 162 U +76 24 163 R +76 24 164 R +76 24 165 T +76 24 166 R +76 24 167 W +76 24 168 N +76 24 169 R +76 24 170 H +76 24 171 T +76 24 172 A +76 24 173 U +76 24 174 N +76 24 175 T +76 24 176 U +76 24 177 A +76 24 178 R +76 24 179 I +76 24 180 W +76 24 181 T +76 24 182 U +76 24 183 T +76 24 184 U +76 24 185 I +76 24 186 A +76 24 187 N +76 24 188 R +76 24 189 A +76 24 190 I +76 24 191 R +76 24 192 I +76 24 193 N +76 24 194 W +76 24 195 W +76 24 196 A +76 24 197 W +76 24 198 H +76 24 199 A +76 24 200 A +76 24 201 W +76 24 202 W +76 24 203 U +76 24 204 H +76 24 205 R +76 24 206 A +76 24 207 U +76 24 208 I +76 24 209 R +76 24 210 I +76 24 211 W +76 24 212 N +76 24 213 A +76 24 214 N +76 24 215 I +76 24 216 W +76 24 217 I +76 24 218 N +76 24 219 A +76 24 220 R +76 24 221 A +76 24 222 W +76 24 223 W +76 24 224 A +76 24 225 T +76 24 226 R +76 24 227 H +76 24 228 H +76 24 229 A +76 24 230 A +76 24 231 W +76 24 232 T +76 24 233 A +76 24 234 N +76 24 235 R +76 24 236 I +76 24 237 T +76 24 238 W +76 24 239 U +76 24 240 U +76 24 241 A +76 24 242 N +76 24 243 W +76 24 244 A +76 24 245 U +76 24 246 N +76 24 247 T +76 24 248 H +76 24 249 R +76 24 250 H +76 24 251 A +76 24 252 A +76 24 253 A +76 24 254 T +76 24 255 H +76 24 256 U +76 24 257 R +76 24 258 N +76 24 259 U +76 24 260 A +76 24 261 N +76 24 262 A +76 24 263 A +76 24 264 A +76 24 265 N +76 24 266 I +76 24 267 W +76 24 268 W +76 24 269 W +76 24 270 N +76 24 271 R +76 24 272 A +76 24 273 W +76 24 274 A +76 24 275 T +76 24 276 U +76 24 277 R +76 24 278 I +76 24 279 R +76 24 280 I +76 24 281 R +76 24 282 W +76 24 283 W +76 24 284 A +76 24 285 A +76 24 286 A +76 24 287 T +76 24 288 U +76 24 289 A +76 24 290 A +76 24 291 R +76 24 292 I +76 24 293 A +76 24 294 A +76 24 295 T +76 24 296 R +76 24 297 N +76 24 298 U +76 24 299 N +76 24 300 A +76 24 301 N +76 24 302 A +76 24 303 A +76 24 304 T +76 24 305 W +76 24 306 N +76 24 307 R +76 24 308 I +76 24 309 T +76 24 310 N +76 24 311 R +76 24 312 H +76 24 313 R +76 24 314 A +76 24 315 N +76 24 316 R +76 24 317 U +76 24 318 N +76 24 319 A +76 24 320 T +76 24 321 U +76 24 322 A +76 24 323 N +76 24 324 A +76 24 325 U +76 24 326 N +76 24 327 A +76 24 328 W +76 24 329 I +76 24 330 A +76 25 1 H +76 25 2 T +76 25 3 U +76 25 4 I +76 25 5 T +76 25 6 I +76 25 7 T +76 25 8 I +76 25 9 I +76 25 10 H +76 25 11 H +76 25 12 N +76 25 13 T +76 25 14 H +76 25 15 G +76 25 16 A +76 25 17 U +76 25 18 H +76 25 19 T +76 25 20 I +76 25 21 U +76 25 22 N +76 25 23 G +76 25 24 I +76 25 25 T +76 25 26 H +76 25 27 G +76 25 28 U +76 25 29 I +76 25 30 I +76 25 31 T +76 25 32 G +76 25 33 I +76 25 34 H +76 25 35 U +76 25 36 H +76 25 37 T +76 25 38 U +76 25 39 T +76 25 40 T +76 25 41 U +76 25 42 K +76 25 43 H +76 25 44 A +76 25 45 T +76 25 46 I +76 25 47 H +76 25 48 N +76 25 49 T +76 25 50 I +76 25 51 I +76 25 52 A +76 25 53 U +76 25 54 T +76 25 55 T +76 25 56 I +76 25 57 T +76 25 58 N +76 25 59 I +76 25 60 T +76 25 61 A +76 25 62 T +76 25 63 G +76 25 64 H +76 25 65 U +76 25 66 I +76 25 67 T +76 25 68 A +76 25 69 I +76 25 70 G +76 25 71 U +76 25 72 T +76 25 73 U +76 25 74 T +76 25 75 H +76 25 76 U +76 25 77 T +76 25 78 I +76 25 79 H +76 25 80 T +76 25 81 N +76 25 82 T +76 25 83 I +76 25 84 U +76 25 85 T +76 25 86 U +76 25 87 H +76 25 88 U +76 25 89 H +76 25 90 T +76 25 91 N +76 25 92 I +76 25 93 T +76 25 94 H +76 25 95 T +76 25 96 N +76 25 97 H +76 25 98 U +76 25 99 I +76 25 100 T +76 25 101 U +76 25 102 I +76 25 103 K +76 25 104 T +76 25 105 U +76 25 106 K +76 25 107 G +76 25 108 T +76 25 109 H +76 25 110 K +76 25 111 T +76 25 112 A +76 25 113 H +76 25 114 T +76 25 115 U +76 25 116 T +76 25 117 I +76 25 118 U +76 25 119 T +76 25 120 A +76 25 121 U +76 25 122 T +76 25 123 T +76 25 124 N +76 25 125 U +76 25 126 G +76 25 127 T +76 25 128 G +76 25 129 A +76 25 130 T +76 25 131 U +76 25 132 A +76 25 133 T +76 25 134 I +76 25 135 U +76 25 136 T +76 25 137 T +76 25 138 T +76 25 139 I +76 25 140 H +76 25 141 A +76 25 142 A +76 25 143 I +76 25 144 H +76 25 145 T +76 25 146 K +76 25 147 T +76 25 148 A +76 25 149 T +76 25 150 G +76 25 151 U +76 25 152 U +76 25 153 T +76 25 154 I +76 25 155 I +76 25 156 T +76 25 157 I +76 25 158 A +76 25 159 K +76 25 160 U +76 25 161 T +76 25 162 U +76 25 163 R +76 25 164 T +76 25 165 I +76 25 166 H +76 25 167 I +76 25 168 T +76 25 169 T +76 25 170 H +76 25 171 N +76 25 172 A +76 25 173 U +76 25 174 N +76 25 175 T +76 25 176 U +76 25 177 N +76 25 178 H +76 25 179 I +76 25 180 T +76 25 181 N +76 25 182 U +76 25 183 N +76 25 184 U +76 25 185 N +76 25 186 T +76 25 187 I +76 25 188 T +76 25 189 T +76 25 190 I +76 25 191 T +76 25 192 I +76 25 193 N +76 25 194 I +76 25 195 T +76 25 196 T +76 25 197 I +76 25 198 T +76 25 199 T +76 25 200 T +76 25 201 I +76 25 202 T +76 25 203 U +76 25 204 T +76 25 205 H +76 25 206 N +76 25 207 U +76 25 208 N +76 25 209 T +76 25 210 I +76 25 211 T +76 25 212 U +76 25 213 T +76 25 214 N +76 25 215 U +76 25 216 T +76 25 217 I +76 25 218 N +76 25 219 N +76 25 220 H +76 25 221 I +76 25 222 H +76 25 223 T +76 25 224 A +76 25 225 N +76 25 226 T +76 25 227 H +76 25 228 H +76 25 229 T +76 25 230 I +76 25 231 U +76 25 232 N +76 25 233 H +76 25 234 T +76 25 235 H +76 25 236 N +76 25 237 N +76 25 238 T +76 25 239 N +76 25 240 U +76 25 241 A +76 25 242 N +76 25 243 U +76 25 244 A +76 25 245 U +76 25 246 T +76 25 247 H +76 25 248 T +76 25 249 T +76 25 250 I +76 25 251 T +76 25 252 A +76 25 253 T +76 25 254 H +76 25 255 N +76 25 256 U +76 25 257 T +76 25 258 N +76 25 259 U +76 25 260 N +76 25 261 N +76 25 262 A +76 25 263 A +76 25 264 I +76 25 265 T +76 25 266 U +76 25 267 I +76 25 268 T +76 25 269 U +76 25 270 K +76 25 271 T +76 25 272 A +76 25 273 U +76 25 274 A +76 25 275 N +76 25 276 U +76 25 277 T +76 25 278 G +76 25 279 H +76 25 280 N +76 25 281 T +76 25 282 T +76 25 283 I +76 25 284 A +76 25 285 U +76 25 286 A +76 25 287 N +76 25 288 U +76 25 289 T +76 25 290 A +76 25 291 H +76 25 292 I +76 25 293 N +76 25 294 N +76 25 295 N +76 25 296 H +76 25 297 N +76 25 298 U +76 25 299 T +76 25 300 N +76 25 301 T +76 25 302 I +76 25 303 G +76 25 304 N +76 25 305 I +76 25 306 N +76 25 307 T +76 25 308 I +76 25 309 N +76 25 310 T +76 25 311 T +76 25 312 H +76 25 313 H +76 25 314 A +76 25 315 N +76 25 316 T +76 25 317 U +76 25 318 N +76 25 319 A +76 25 320 N +76 25 321 U +76 25 322 T +76 25 323 T +76 25 324 A +76 25 325 U +76 25 326 N +76 25 327 A +76 25 328 T +76 25 329 N +76 25 330 I +77 1 1 W +77 1 2 W +77 1 3 N +77 1 4 W +77 1 5 F +77 1 6 N +77 1 7 W +77 1 8 N +77 1 9 W +77 1 10 W +77 1 11 F +77 1 12 W +77 1 13 W +77 1 14 F +77 1 15 F +77 1 16 N +77 1 17 W +77 1 18 W +77 1 19 W +77 1 20 N +77 1 21 F +77 1 22 W +77 1 23 W +77 1 24 W +77 1 25 W +77 1 26 F +77 1 27 N +77 1 28 W +77 1 29 N +77 1 30 F +77 1 31 N +77 1 32 W +77 1 33 W +77 1 34 N +77 1 35 W +77 1 36 W +77 1 37 N +77 1 38 W +77 1 39 W +77 1 40 N +77 1 41 F +77 1 42 W +77 1 43 F +77 1 44 W +77 1 45 W +77 1 46 W +77 1 47 W +77 1 48 W +77 1 49 W +77 1 50 W +77 1 51 F +77 1 52 N +77 1 53 W +77 1 54 W +77 1 55 F +77 1 56 W +77 1 57 W +77 1 58 W +77 1 59 F +77 1 60 W +77 1 61 N +77 1 62 F +77 1 63 N +77 1 64 W +77 1 65 N +77 1 66 F +77 1 67 W +77 1 68 N +77 1 69 W +77 1 70 F +77 1 71 N +77 1 72 W +77 1 73 W +77 1 74 F +77 1 75 W +77 1 76 N +77 1 77 W +77 1 78 F +77 1 79 W +77 1 80 W +77 1 81 W +77 1 82 W +77 1 83 F +77 1 84 N +77 1 85 W +77 1 86 N +77 1 87 W +77 1 88 N +77 1 89 W +77 1 90 W +77 1 91 W +77 1 92 F +77 1 93 W +77 1 94 W +77 1 95 F +77 1 96 N +77 1 97 W +77 1 98 N +77 1 99 F +77 1 100 F +77 1 101 N +77 1 102 F +77 1 103 W +77 1 104 W +77 1 105 N +77 1 106 F +77 1 107 F +77 1 108 F +77 1 109 W +77 1 110 N +77 1 111 W +77 1 112 N +77 1 113 W +77 1 114 W +77 1 115 N +77 1 116 F +77 1 117 W +77 1 118 N +77 1 119 W +77 1 120 F +77 1 121 N +77 1 122 W +77 1 123 W +77 1 124 W +77 1 125 N +77 1 126 F +77 1 127 W +77 1 128 F +77 1 129 F +77 1 130 W +77 1 131 W +77 1 132 N +77 1 133 W +77 1 134 W +77 1 135 W +77 1 136 W +77 1 137 W +77 1 138 W +77 1 139 F +77 1 140 W +77 1 141 F +77 1 142 F +77 1 143 W +77 1 144 W +77 1 145 W +77 1 146 N +77 1 147 W +77 1 148 N +77 1 149 W +77 1 150 W +77 1 151 N +77 1 152 F +77 1 153 W +77 1 154 W +77 1 155 W +77 1 156 W +77 1 157 W +77 1 158 F +77 1 159 N +77 1 160 N +77 1 161 W +77 1 162 N +77 1 163 W +77 1 164 W +77 1 165 W +77 1 166 F +77 1 167 F +77 1 168 W +77 1 169 W +77 1 170 W +77 1 171 W +77 1 172 F +77 1 173 N +77 1 174 N +77 1 175 W +77 1 176 N +77 1 177 F +77 1 178 W +77 1 179 N +77 1 180 W +77 1 181 F +77 1 182 N +77 1 183 W +77 1 184 W +77 1 185 W +77 1 186 N +77 1 187 N +77 1 188 W +77 1 189 F +77 1 190 F +77 1 191 W +77 1 192 W +77 1 193 W +77 1 194 N +77 1 195 W +77 1 196 F +77 1 197 W +77 1 198 W +77 1 199 F +77 1 200 W +77 1 201 N +77 1 202 W +77 1 203 N +77 1 204 W +77 1 205 W +77 1 206 F +77 1 207 N +77 1 208 W +77 1 209 W +77 1 210 N +77 1 211 W +77 1 212 N +77 1 213 F +77 1 214 W +77 1 215 N +77 1 216 W +77 1 217 N +77 1 218 W +77 1 219 F +77 1 220 W +77 1 221 F +77 1 222 W +77 1 223 W +77 1 224 F +77 1 225 W +77 1 226 W +77 1 227 W +77 1 228 F +77 1 229 F +77 1 230 N +77 1 231 W +77 1 232 W +77 1 233 W +77 1 234 W +77 1 235 W +77 1 236 F +77 1 237 W +77 1 238 W +77 1 239 N +77 1 240 N +77 1 241 F +77 1 242 F +77 1 243 N +77 1 244 F +77 1 245 N +77 1 246 W +77 1 247 W +77 1 248 W +77 1 249 W +77 1 250 W +77 1 251 W +77 1 252 F +77 1 253 W +77 1 254 W +77 1 255 W +77 1 256 N +77 1 257 W +77 1 258 N +77 1 259 N +77 1 260 F +77 1 261 N +77 1 262 F +77 1 263 W +77 1 264 W +77 1 265 W +77 1 266 N +77 1 267 N +77 1 268 W +77 1 269 N +77 1 270 N +77 1 271 W +77 1 272 F +77 1 273 W +77 1 274 F +77 1 275 W +77 1 276 N +77 1 277 W +77 1 278 N +77 1 279 W +77 1 280 W +77 1 281 W +77 1 282 W +77 1 283 N +77 1 284 F +77 1 285 F +77 1 286 F +77 1 287 W +77 1 288 N +77 1 289 W +77 1 290 F +77 1 291 W +77 1 292 W +77 1 293 F +77 1 294 F +77 1 295 W +77 1 296 W +77 1 297 N +77 1 298 N +77 1 299 W +77 1 300 F +77 1 301 W +77 1 302 F +77 1 303 W +77 1 304 W +77 1 305 N +77 1 306 W +77 1 307 W +77 1 308 W +77 1 309 W +77 1 310 W +77 1 311 W +77 1 312 W +77 1 313 W +77 1 314 F +77 1 315 F +77 1 316 W +77 1 317 N +77 1 318 F +77 1 319 W +77 1 320 F +77 1 321 N +77 1 322 W +77 1 323 W +77 1 324 F +77 1 325 N +77 1 326 N +77 1 327 F +77 1 328 W +77 1 329 N +77 1 330 F +77 2 1 W +77 2 2 W +77 2 3 N +77 2 4 W +77 2 5 W +77 2 6 N +77 2 7 W +77 2 8 N +77 2 9 W +77 2 10 W +77 2 11 W +77 2 12 N +77 2 13 W +77 2 14 W +77 2 15 F +77 2 16 F +77 2 17 N +77 2 18 W +77 2 19 W +77 2 20 W +77 2 21 N +77 2 22 F +77 2 23 F +77 2 24 W +77 2 25 W +77 2 26 W +77 2 27 F +77 2 28 N +77 2 29 W +77 2 30 N +77 2 31 F +77 2 32 N +77 2 33 W +77 2 34 W +77 2 35 N +77 2 36 W +77 2 37 W +77 2 38 N +77 2 39 W +77 2 40 W +77 2 41 N +77 2 42 N +77 2 43 W +77 2 44 F +77 2 45 W +77 2 46 F +77 2 47 W +77 2 48 N +77 2 49 W +77 2 50 W +77 2 51 N +77 2 52 F +77 2 53 N +77 2 54 W +77 2 55 W +77 2 56 N +77 2 57 W +77 2 58 N +77 2 59 F +77 2 60 W +77 2 61 N +77 2 62 W +77 2 63 N +77 2 64 W +77 2 65 N +77 2 66 F +77 2 67 W +77 2 68 N +77 2 69 W +77 2 70 F +77 2 71 W +77 2 72 W +77 2 73 N +77 2 74 F +77 2 75 W +77 2 76 N +77 2 77 W +77 2 78 F +77 2 79 W +77 2 80 W +77 2 81 W +77 2 82 W +77 2 83 F +77 2 84 N +77 2 85 W +77 2 86 N +77 2 87 W +77 2 88 N +77 2 89 W +77 2 90 W +77 2 91 W +77 2 92 F +77 2 93 W +77 2 94 W +77 2 95 F +77 2 96 N +77 2 97 W +77 2 98 N +77 2 99 F +77 2 100 W +77 2 101 N +77 2 102 F +77 2 103 W +77 2 104 W +77 2 105 N +77 2 106 F +77 2 107 F +77 2 108 F +77 2 109 W +77 2 110 N +77 2 111 W +77 2 112 N +77 2 113 W +77 2 114 W +77 2 115 N +77 2 116 F +77 2 117 W +77 2 118 N +77 2 119 W +77 2 120 F +77 2 121 N +77 2 122 W +77 2 123 W +77 2 124 W +77 2 125 N +77 2 126 N +77 2 127 W +77 2 128 N +77 2 129 F +77 2 130 W +77 2 131 W +77 2 132 N +77 2 133 W +77 2 134 W +77 2 135 N +77 2 136 W +77 2 137 W +77 2 138 W +77 2 139 F +77 2 140 W +77 2 141 F +77 2 142 F +77 2 143 W +77 2 144 W +77 2 145 W +77 2 146 N +77 2 147 W +77 2 148 N +77 2 149 W +77 2 150 W +77 2 151 N +77 2 152 N +77 2 153 W +77 2 154 W +77 2 155 W +77 2 156 W +77 2 157 W +77 2 158 F +77 2 159 N +77 2 160 N +77 2 161 W +77 2 162 N +77 2 163 W +77 2 164 W +77 2 165 W +77 2 166 W +77 2 167 F +77 2 168 W +77 2 169 W +77 2 170 W +77 2 171 W +77 2 172 F +77 2 173 N +77 2 174 N +77 2 175 W +77 2 176 N +77 2 177 F +77 2 178 W +77 2 179 W +77 2 180 W +77 2 181 N +77 2 182 W +77 2 183 W +77 2 184 N +77 2 185 N +77 2 186 W +77 2 187 N +77 2 188 W +77 2 189 F +77 2 190 N +77 2 191 W +77 2 192 W +77 2 193 N +77 2 194 W +77 2 195 W +77 2 196 W +77 2 197 W +77 2 198 W +77 2 199 F +77 2 200 W +77 2 201 N +77 2 202 W +77 2 203 N +77 2 204 W +77 2 205 W +77 2 206 F +77 2 207 N +77 2 208 W +77 2 209 W +77 2 210 W +77 2 211 W +77 2 212 N +77 2 213 W +77 2 214 W +77 2 215 N +77 2 216 W +77 2 217 N +77 2 218 W +77 2 219 F +77 2 220 W +77 2 221 F +77 2 222 W +77 2 223 W +77 2 224 F +77 2 225 W +77 2 226 W +77 2 227 W +77 2 228 W +77 2 229 F +77 2 230 F +77 2 231 N +77 2 232 W +77 2 233 W +77 2 234 W +77 2 235 W +77 2 236 W +77 2 237 N +77 2 238 W +77 2 239 N +77 2 240 W +77 2 241 F +77 2 242 F +77 2 243 W +77 2 244 F +77 2 245 N +77 2 246 W +77 2 247 W +77 2 248 W +77 2 249 W +77 2 250 W +77 2 251 W +77 2 252 F +77 2 253 W +77 2 254 W +77 2 255 W +77 2 256 N +77 2 257 W +77 2 258 N +77 2 259 N +77 2 260 F +77 2 261 N +77 2 262 F +77 2 263 W +77 2 264 W +77 2 265 W +77 2 266 N +77 2 267 W +77 2 268 W +77 2 269 N +77 2 270 N +77 2 271 W +77 2 272 F +77 2 273 N +77 2 274 F +77 2 275 W +77 2 276 N +77 2 277 W +77 2 278 N +77 2 279 W +77 2 280 W +77 2 281 W +77 2 282 W +77 2 283 W +77 2 284 F +77 2 285 N +77 2 286 F +77 2 287 W +77 2 288 N +77 2 289 W +77 2 290 F +77 2 291 W +77 2 292 N +77 2 293 F +77 2 294 F +77 2 295 W +77 2 296 W +77 2 297 N +77 2 298 N +77 2 299 W +77 2 300 F +77 2 301 W +77 2 302 F +77 2 303 W +77 2 304 W +77 2 305 W +77 2 306 W +77 2 307 W +77 2 308 W +77 2 309 W +77 2 310 W +77 2 311 W +77 2 312 W +77 2 313 W +77 2 314 F +77 2 315 W +77 2 316 W +77 2 317 N +77 2 318 N +77 2 319 F +77 2 320 W +77 2 321 N +77 2 322 W +77 2 323 W +77 2 324 F +77 2 325 N +77 2 326 N +77 2 327 F +77 2 328 W +77 2 329 W +77 2 330 F +77 3 1 W +77 3 2 W +77 3 3 N +77 3 4 W +77 3 5 W +77 3 6 N +77 3 7 W +77 3 8 N +77 3 9 W +77 3 10 W +77 3 11 W +77 3 12 N +77 3 13 W +77 3 14 W +77 3 15 N +77 3 16 F +77 3 17 N +77 3 18 W +77 3 19 W +77 3 20 W +77 3 21 N +77 3 22 F +77 3 23 W +77 3 24 W +77 3 25 W +77 3 26 W +77 3 27 F +77 3 28 N +77 3 29 W +77 3 30 N +77 3 31 F +77 3 32 N +77 3 33 W +77 3 34 W +77 3 35 N +77 3 36 N +77 3 37 W +77 3 38 N +77 3 39 W +77 3 40 W +77 3 41 N +77 3 42 N +77 3 43 W +77 3 44 F +77 3 45 W +77 3 46 W +77 3 47 W +77 3 48 N +77 3 49 W +77 3 50 W +77 3 51 W +77 3 52 F +77 3 53 N +77 3 54 W +77 3 55 W +77 3 56 N +77 3 57 W +77 3 58 W +77 3 59 F +77 3 60 W +77 3 61 N +77 3 62 W +77 3 63 N +77 3 64 W +77 3 65 N +77 3 66 F +77 3 67 W +77 3 68 N +77 3 69 W +77 3 70 F +77 3 71 N +77 3 72 W +77 3 73 W +77 3 74 F +77 3 75 W +77 3 76 N +77 3 77 W +77 3 78 N +77 3 79 W +77 3 80 W +77 3 81 W +77 3 82 W +77 3 83 F +77 3 84 N +77 3 85 W +77 3 86 N +77 3 87 W +77 3 88 N +77 3 89 W +77 3 90 W +77 3 91 W +77 3 92 F +77 3 93 W +77 3 94 W +77 3 95 F +77 3 96 N +77 3 97 W +77 3 98 N +77 3 99 N +77 3 100 W +77 3 101 N +77 3 102 W +77 3 103 W +77 3 104 W +77 3 105 N +77 3 106 N +77 3 107 F +77 3 108 F +77 3 109 W +77 3 110 N +77 3 111 W +77 3 112 N +77 3 113 W +77 3 114 W +77 3 115 N +77 3 116 F +77 3 117 W +77 3 118 N +77 3 119 W +77 3 120 F +77 3 121 N +77 3 122 W +77 3 123 W +77 3 124 W +77 3 125 N +77 3 126 N +77 3 127 W +77 3 128 N +77 3 129 F +77 3 130 W +77 3 131 W +77 3 132 N +77 3 133 W +77 3 134 W +77 3 135 N +77 3 136 W +77 3 137 W +77 3 138 W +77 3 139 F +77 3 140 W +77 3 141 F +77 3 142 F +77 3 143 W +77 3 144 W +77 3 145 W +77 3 146 N +77 3 147 W +77 3 148 N +77 3 149 W +77 3 150 W +77 3 151 N +77 3 152 N +77 3 153 W +77 3 154 W +77 3 155 W +77 3 156 W +77 3 157 W +77 3 158 F +77 3 159 N +77 3 160 N +77 3 161 W +77 3 162 N +77 3 163 W +77 3 164 W +77 3 165 W +77 3 166 W +77 3 167 W +77 3 168 W +77 3 169 W +77 3 170 W +77 3 171 W +77 3 172 F +77 3 173 N +77 3 174 N +77 3 175 W +77 3 176 N +77 3 177 N +77 3 178 W +77 3 179 N +77 3 180 W +77 3 181 N +77 3 182 N +77 3 183 W +77 3 184 W +77 3 185 N +77 3 186 W +77 3 187 N +77 3 188 W +77 3 189 F +77 3 190 N +77 3 191 W +77 3 192 W +77 3 193 N +77 3 194 N +77 3 195 W +77 3 196 W +77 3 197 N +77 3 198 W +77 3 199 F +77 3 200 W +77 3 201 N +77 3 202 W +77 3 203 N +77 3 204 W +77 3 205 W +77 3 206 F +77 3 207 N +77 3 208 N +77 3 209 W +77 3 210 W +77 3 211 W +77 3 212 N +77 3 213 W +77 3 214 W +77 3 215 N +77 3 216 W +77 3 217 N +77 3 218 W +77 3 219 F +77 3 220 W +77 3 221 F +77 3 222 W +77 3 223 W +77 3 224 F +77 3 225 W +77 3 226 W +77 3 227 W +77 3 228 W +77 3 229 W +77 3 230 N +77 3 231 N +77 3 232 W +77 3 233 W +77 3 234 W +77 3 235 W +77 3 236 W +77 3 237 N +77 3 238 W +77 3 239 N +77 3 240 N +77 3 241 F +77 3 242 N +77 3 243 N +77 3 244 F +77 3 245 N +77 3 246 W +77 3 247 W +77 3 248 W +77 3 249 W +77 3 250 W +77 3 251 W +77 3 252 F +77 3 253 W +77 3 254 W +77 3 255 W +77 3 256 N +77 3 257 W +77 3 258 N +77 3 259 N +77 3 260 F +77 3 261 N +77 3 262 F +77 3 263 W +77 3 264 F +77 3 265 W +77 3 266 N +77 3 267 N +77 3 268 W +77 3 269 N +77 3 270 N +77 3 271 W +77 3 272 F +77 3 273 N +77 3 274 F +77 3 275 N +77 3 276 N +77 3 277 W +77 3 278 N +77 3 279 W +77 3 280 W +77 3 281 N +77 3 282 W +77 3 283 N +77 3 284 F +77 3 285 N +77 3 286 F +77 3 287 N +77 3 288 F +77 3 289 W +77 3 290 N +77 3 291 W +77 3 292 N +77 3 293 F +77 3 294 F +77 3 295 N +77 3 296 W +77 3 297 N +77 3 298 N +77 3 299 W +77 3 300 F +77 3 301 W +77 3 302 N +77 3 303 W +77 3 304 W +77 3 305 N +77 3 306 W +77 3 307 W +77 3 308 W +77 3 309 W +77 3 310 W +77 3 311 W +77 3 312 W +77 3 313 W +77 3 314 F +77 3 315 W +77 3 316 W +77 3 317 N +77 3 318 N +77 3 319 F +77 3 320 W +77 3 321 N +77 3 322 W +77 3 323 W +77 3 324 F +77 3 325 N +77 3 326 N +77 3 327 F +77 3 328 W +77 3 329 N +77 3 330 F +77 4 1 W +77 4 2 W +77 4 3 N +77 4 4 W +77 4 5 W +77 4 6 N +77 4 7 W +77 4 8 N +77 4 9 B +77 4 10 W +77 4 11 W +77 4 12 N +77 4 13 W +77 4 14 W +77 4 15 N +77 4 16 F +77 4 17 N +77 4 18 W +77 4 19 W +77 4 20 W +77 4 21 N +77 4 22 N +77 4 23 W +77 4 24 W +77 4 25 W +77 4 26 W +77 4 27 F +77 4 28 N +77 4 29 W +77 4 30 N +77 4 31 W +77 4 32 N +77 4 33 W +77 4 34 W +77 4 35 N +77 4 36 W +77 4 37 W +77 4 38 N +77 4 39 W +77 4 40 W +77 4 41 N +77 4 42 N +77 4 43 W +77 4 44 N +77 4 45 W +77 4 46 W +77 4 47 W +77 4 48 N +77 4 49 F +77 4 50 W +77 4 51 W +77 4 52 F +77 4 53 N +77 4 54 W +77 4 55 W +77 4 56 N +77 4 57 W +77 4 58 W +77 4 59 F +77 4 60 W +77 4 61 N +77 4 62 W +77 4 63 N +77 4 64 W +77 4 65 N +77 4 66 F +77 4 67 W +77 4 68 N +77 4 69 W +77 4 70 F +77 4 71 N +77 4 72 W +77 4 73 W +77 4 74 F +77 4 75 W +77 4 76 N +77 4 77 W +77 4 78 N +77 4 79 W +77 4 80 W +77 4 81 W +77 4 82 W +77 4 83 F +77 4 84 N +77 4 85 W +77 4 86 N +77 4 87 W +77 4 88 N +77 4 89 W +77 4 90 W +77 4 91 W +77 4 92 F +77 4 93 W +77 4 94 W +77 4 95 F +77 4 96 N +77 4 97 W +77 4 98 N +77 4 99 N +77 4 100 F +77 4 101 N +77 4 102 W +77 4 103 W +77 4 104 W +77 4 105 W +77 4 106 W +77 4 107 F +77 4 108 W +77 4 109 W +77 4 110 N +77 4 111 W +77 4 112 N +77 4 113 W +77 4 114 W +77 4 115 N +77 4 116 W +77 4 117 W +77 4 118 N +77 4 119 W +77 4 120 F +77 4 121 N +77 4 122 W +77 4 123 W +77 4 124 F +77 4 125 N +77 4 126 N +77 4 127 W +77 4 128 F +77 4 129 N +77 4 130 W +77 4 131 W +77 4 132 N +77 4 133 W +77 4 134 W +77 4 135 N +77 4 136 W +77 4 137 W +77 4 138 W +77 4 139 F +77 4 140 W +77 4 141 F +77 4 142 F +77 4 143 W +77 4 144 W +77 4 145 W +77 4 146 W +77 4 147 W +77 4 148 N +77 4 149 N +77 4 150 W +77 4 151 N +77 4 152 N +77 4 153 W +77 4 154 W +77 4 155 W +77 4 156 W +77 4 157 W +77 4 158 F +77 4 159 N +77 4 160 N +77 4 161 W +77 4 162 N +77 4 163 W +77 4 164 W +77 4 165 W +77 4 166 W +77 4 167 W +77 4 168 W +77 4 169 W +77 4 170 W +77 4 171 W +77 4 172 F +77 4 173 N +77 4 174 N +77 4 175 F +77 4 176 N +77 4 177 F +77 4 178 W +77 4 179 N +77 4 180 W +77 4 181 N +77 4 182 N +77 4 183 W +77 4 184 W +77 4 185 W +77 4 186 W +77 4 187 N +77 4 188 W +77 4 189 F +77 4 190 N +77 4 191 W +77 4 192 W +77 4 193 W +77 4 194 W +77 4 195 W +77 4 196 F +77 4 197 W +77 4 198 W +77 4 199 F +77 4 200 W +77 4 201 N +77 4 202 W +77 4 203 N +77 4 204 W +77 4 205 W +77 4 206 F +77 4 207 N +77 4 208 W +77 4 209 W +77 4 210 N +77 4 211 W +77 4 212 N +77 4 213 F +77 4 214 F +77 4 215 N +77 4 216 W +77 4 217 N +77 4 218 N +77 4 219 F +77 4 220 W +77 4 221 F +77 4 222 W +77 4 223 W +77 4 224 F +77 4 225 W +77 4 226 W +77 4 227 W +77 4 228 W +77 4 229 W +77 4 230 N +77 4 231 W +77 4 232 W +77 4 233 W +77 4 234 W +77 4 235 W +77 4 236 W +77 4 237 N +77 4 238 W +77 4 239 N +77 4 240 W +77 4 241 F +77 4 242 F +77 4 243 N +77 4 244 F +77 4 245 N +77 4 246 W +77 4 247 W +77 4 248 W +77 4 249 W +77 4 250 W +77 4 251 W +77 4 252 N +77 4 253 W +77 4 254 W +77 4 255 W +77 4 256 N +77 4 257 W +77 4 258 F +77 4 259 N +77 4 260 F +77 4 261 N +77 4 262 F +77 4 263 W +77 4 264 F +77 4 265 W +77 4 266 N +77 4 267 N +77 4 268 W +77 4 269 N +77 4 270 N +77 4 271 W +77 4 272 F +77 4 273 N +77 4 274 F +77 4 275 W +77 4 276 N +77 4 277 W +77 4 278 N +77 4 279 W +77 4 280 W +77 4 281 W +77 4 282 W +77 4 283 W +77 4 284 F +77 4 285 N +77 4 286 F +77 4 287 W +77 4 288 N +77 4 289 W +77 4 290 N +77 4 291 W +77 4 292 N +77 4 293 F +77 4 294 F +77 4 295 W +77 4 296 W +77 4 297 N +77 4 298 N +77 4 299 W +77 4 300 F +77 4 301 W +77 4 302 F +77 4 303 F +77 4 304 W +77 4 305 W +77 4 306 W +77 4 307 W +77 4 308 W +77 4 309 W +77 4 310 W +77 4 311 W +77 4 312 W +77 4 313 W +77 4 314 N +77 4 315 W +77 4 316 W +77 4 317 N +77 4 318 N +77 4 319 F +77 4 320 W +77 4 321 N +77 4 322 W +77 4 323 W +77 4 324 F +77 4 325 W +77 4 326 F +77 4 327 F +77 4 328 W +77 4 329 N +77 4 330 F +77 5 1 W +77 5 2 F +77 5 3 N +77 5 4 W +77 5 5 W +77 5 6 N +77 5 7 W +77 5 8 W +77 5 9 W +77 5 10 W +77 5 11 W +77 5 12 N +77 5 13 W +77 5 14 W +77 5 15 F +77 5 16 F +77 5 17 N +77 5 18 W +77 5 19 W +77 5 20 W +77 5 21 N +77 5 22 F +77 5 23 W +77 5 24 W +77 5 25 W +77 5 26 W +77 5 27 F +77 5 28 W +77 5 29 W +77 5 30 N +77 5 31 F +77 5 32 W +77 5 33 W +77 5 34 W +77 5 35 N +77 5 36 W +77 5 37 W +77 5 38 N +77 5 39 W +77 5 40 W +77 5 41 N +77 5 42 N +77 5 43 W +77 5 44 F +77 5 45 W +77 5 46 F +77 5 47 W +77 5 48 N +77 5 49 W +77 5 50 W +77 5 51 W +77 5 52 F +77 5 53 W +77 5 54 W +77 5 55 F +77 5 56 F +77 5 57 W +77 5 58 W +77 5 59 F +77 5 60 W +77 5 61 N +77 5 62 W +77 5 63 N +77 5 64 W +77 5 65 N +77 5 66 F +77 5 67 W +77 5 68 N +77 5 69 W +77 5 70 F +77 5 71 W +77 5 72 W +77 5 73 W +77 5 74 F +77 5 75 W +77 5 76 N +77 5 77 W +77 5 78 F +77 5 79 W +77 5 80 W +77 5 81 W +77 5 82 W +77 5 83 F +77 5 84 N +77 5 85 W +77 5 86 N +77 5 87 W +77 5 88 W +77 5 89 W +77 5 90 W +77 5 91 W +77 5 92 F +77 5 93 W +77 5 94 W +77 5 95 F +77 5 96 N +77 5 97 W +77 5 98 N +77 5 99 F +77 5 100 F +77 5 101 W +77 5 102 F +77 5 103 W +77 5 104 F +77 5 105 W +77 5 106 N +77 5 107 F +77 5 108 F +77 5 109 W +77 5 110 N +77 5 111 W +77 5 112 N +77 5 113 W +77 5 114 W +77 5 115 N +77 5 116 F +77 5 117 W +77 5 118 N +77 5 119 W +77 5 120 F +77 5 121 N +77 5 122 W +77 5 123 W +77 5 124 F +77 5 125 N +77 5 126 N +77 5 127 W +77 5 128 N +77 5 129 F +77 5 130 W +77 5 131 W +77 5 132 N +77 5 133 W +77 5 134 W +77 5 135 N +77 5 136 W +77 5 137 W +77 5 138 W +77 5 139 W +77 5 140 W +77 5 141 F +77 5 142 W +77 5 143 W +77 5 144 W +77 5 145 W +77 5 146 N +77 5 147 W +77 5 148 N +77 5 149 W +77 5 150 W +77 5 151 N +77 5 152 W +77 5 153 W +77 5 154 W +77 5 155 W +77 5 156 W +77 5 157 W +77 5 158 F +77 5 159 N +77 5 160 N +77 5 161 W +77 5 162 N +77 5 163 W +77 5 164 W +77 5 165 W +77 5 166 W +77 5 167 F +77 5 168 W +77 5 169 W +77 5 170 W +77 5 171 W +77 5 172 F +77 5 173 N +77 5 174 N +77 5 175 F +77 5 176 N +77 5 177 F +77 5 178 W +77 5 179 W +77 5 180 W +77 5 181 N +77 5 182 W +77 5 183 W +77 5 184 W +77 5 185 W +77 5 186 W +77 5 187 N +77 5 188 W +77 5 189 F +77 5 190 N +77 5 191 W +77 5 192 W +77 5 193 W +77 5 194 W +77 5 195 W +77 5 196 F +77 5 197 W +77 5 198 W +77 5 199 F +77 5 200 W +77 5 201 N +77 5 202 W +77 5 203 N +77 5 204 W +77 5 205 W +77 5 206 F +77 5 207 N +77 5 208 W +77 5 209 W +77 5 210 W +77 5 211 W +77 5 212 N +77 5 213 W +77 5 214 N +77 5 215 N +77 5 216 W +77 5 217 N +77 5 218 W +77 5 219 F +77 5 220 W +77 5 221 F +77 5 222 W +77 5 223 W +77 5 224 F +77 5 225 W +77 5 226 W +77 5 227 W +77 5 228 W +77 5 229 W +77 5 230 F +77 5 231 N +77 5 232 W +77 5 233 W +77 5 234 W +77 5 235 W +77 5 236 W +77 5 237 N +77 5 238 W +77 5 239 N +77 5 240 W +77 5 241 F +77 5 242 F +77 5 243 W +77 5 244 F +77 5 245 N +77 5 246 W +77 5 247 W +77 5 248 W +77 5 249 W +77 5 250 W +77 5 251 W +77 5 252 F +77 5 253 W +77 5 254 W +77 5 255 W +77 5 256 N +77 5 257 W +77 5 258 N +77 5 259 N +77 5 260 F +77 5 261 N +77 5 262 F +77 5 263 W +77 5 264 W +77 5 265 W +77 5 266 N +77 5 267 W +77 5 268 W +77 5 269 N +77 5 270 N +77 5 271 W +77 5 272 F +77 5 273 N +77 5 274 F +77 5 275 W +77 5 276 N +77 5 277 W +77 5 278 N +77 5 279 W +77 5 280 W +77 5 281 W +77 5 282 W +77 5 283 W +77 5 284 F +77 5 285 N +77 5 286 F +77 5 287 N +77 5 288 N +77 5 289 W +77 5 290 F +77 5 291 W +77 5 292 N +77 5 293 F +77 5 294 W +77 5 295 W +77 5 296 W +77 5 297 N +77 5 298 N +77 5 299 W +77 5 300 F +77 5 301 W +77 5 302 F +77 5 303 W +77 5 304 W +77 5 305 N +77 5 306 W +77 5 307 W +77 5 308 W +77 5 309 W +77 5 310 W +77 5 311 W +77 5 312 W +77 5 313 W +77 5 314 F +77 5 315 W +77 5 316 W +77 5 317 N +77 5 318 N +77 5 319 F +77 5 320 W +77 5 321 N +77 5 322 W +77 5 323 W +77 5 324 F +77 5 325 N +77 5 326 N +77 5 327 F +77 5 328 W +77 5 329 N +77 5 330 F +77 6 1 W +77 6 2 F +77 6 3 N +77 6 4 W +77 6 5 W +77 6 6 N +77 6 7 W +77 6 8 N +77 6 9 N +77 6 10 W +77 6 11 W +77 6 12 N +77 6 13 W +77 6 14 W +77 6 15 F +77 6 16 F +77 6 17 N +77 6 18 W +77 6 19 W +77 6 20 W +77 6 21 N +77 6 22 N +77 6 23 W +77 6 24 W +77 6 25 W +77 6 26 W +77 6 27 F +77 6 28 N +77 6 29 W +77 6 30 N +77 6 31 F +77 6 32 N +77 6 33 W +77 6 34 W +77 6 35 N +77 6 36 W +77 6 37 W +77 6 38 N +77 6 39 W +77 6 40 W +77 6 41 N +77 6 42 N +77 6 43 W +77 6 44 F +77 6 45 W +77 6 46 W +77 6 47 W +77 6 48 N +77 6 49 W +77 6 50 W +77 6 51 W +77 6 52 F +77 6 53 N +77 6 54 W +77 6 55 W +77 6 56 N +77 6 57 W +77 6 58 W +77 6 59 F +77 6 60 W +77 6 61 N +77 6 62 W +77 6 63 N +77 6 64 W +77 6 65 N +77 6 66 F +77 6 67 W +77 6 68 N +77 6 69 W +77 6 70 F +77 6 71 N +77 6 72 W +77 6 73 W +77 6 74 W +77 6 75 W +77 6 76 N +77 6 77 W +77 6 78 F +77 6 79 W +77 6 80 W +77 6 81 W +77 6 82 W +77 6 83 F +77 6 84 N +77 6 85 W +77 6 86 N +77 6 87 W +77 6 88 N +77 6 89 W +77 6 90 W +77 6 91 W +77 6 92 F +77 6 93 W +77 6 94 W +77 6 95 F +77 6 96 N +77 6 97 W +77 6 98 N +77 6 99 W +77 6 100 W +77 6 101 N +77 6 102 W +77 6 103 W +77 6 104 W +77 6 105 N +77 6 106 F +77 6 107 F +77 6 108 F +77 6 109 W +77 6 110 N +77 6 111 W +77 6 112 N +77 6 113 W +77 6 114 W +77 6 115 N +77 6 116 W +77 6 117 N +77 6 118 N +77 6 119 W +77 6 120 F +77 6 121 N +77 6 122 W +77 6 123 W +77 6 124 F +77 6 125 N +77 6 126 N +77 6 127 W +77 6 128 N +77 6 129 F +77 6 130 W +77 6 131 W +77 6 132 N +77 6 133 W +77 6 134 W +77 6 135 N +77 6 136 W +77 6 137 W +77 6 138 W +77 6 139 F +77 6 140 W +77 6 141 F +77 6 142 F +77 6 143 W +77 6 144 W +77 6 145 W +77 6 146 N +77 6 147 W +77 6 148 N +77 6 149 W +77 6 150 W +77 6 151 N +77 6 152 N +77 6 153 W +77 6 154 W +77 6 155 W +77 6 156 W +77 6 157 N +77 6 158 F +77 6 159 N +77 6 160 N +77 6 161 W +77 6 162 N +77 6 163 W +77 6 164 W +77 6 165 W +77 6 166 W +77 6 167 F +77 6 168 W +77 6 169 W +77 6 170 W +77 6 171 W +77 6 172 F +77 6 173 N +77 6 174 N +77 6 175 W +77 6 176 N +77 6 177 F +77 6 178 W +77 6 179 N +77 6 180 W +77 6 181 N +77 6 182 N +77 6 183 N +77 6 184 W +77 6 185 N +77 6 186 W +77 6 187 N +77 6 188 W +77 6 189 W +77 6 190 N +77 6 191 W +77 6 192 W +77 6 193 N +77 6 194 N +77 6 195 W +77 6 196 W +77 6 197 W +77 6 198 W +77 6 199 F +77 6 200 W +77 6 201 N +77 6 202 W +77 6 203 N +77 6 204 W +77 6 205 W +77 6 206 F +77 6 207 N +77 6 208 N +77 6 209 W +77 6 210 N +77 6 211 W +77 6 212 N +77 6 213 N +77 6 214 N +77 6 215 N +77 6 216 W +77 6 217 N +77 6 218 W +77 6 219 F +77 6 220 W +77 6 221 F +77 6 222 W +77 6 223 W +77 6 224 F +77 6 225 N +77 6 226 W +77 6 227 W +77 6 228 W +77 6 229 W +77 6 230 N +77 6 231 N +77 6 232 W +77 6 233 W +77 6 234 W +77 6 235 W +77 6 236 N +77 6 237 N +77 6 238 W +77 6 239 N +77 6 240 N +77 6 241 F +77 6 242 F +77 6 243 N +77 6 244 F +77 6 245 N +77 6 246 W +77 6 247 W +77 6 248 W +77 6 249 W +77 6 250 W +77 6 251 W +77 6 252 F +77 6 253 W +77 6 254 W +77 6 255 W +77 6 256 N +77 6 257 W +77 6 258 N +77 6 259 N +77 6 260 F +77 6 261 N +77 6 262 F +77 6 263 W +77 6 264 W +77 6 265 W +77 6 266 N +77 6 267 N +77 6 268 W +77 6 269 N +77 6 270 N +77 6 271 W +77 6 272 F +77 6 273 N +77 6 274 F +77 6 275 N +77 6 276 N +77 6 277 W +77 6 278 N +77 6 279 W +77 6 280 W +77 6 281 W +77 6 282 W +77 6 283 N +77 6 284 F +77 6 285 N +77 6 286 F +77 6 287 N +77 6 288 N +77 6 289 W +77 6 290 F +77 6 291 W +77 6 292 N +77 6 293 F +77 6 294 F +77 6 295 N +77 6 296 W +77 6 297 N +77 6 298 W +77 6 299 N +77 6 300 W +77 6 301 W +77 6 302 F +77 6 303 W +77 6 304 N +77 6 305 N +77 6 306 W +77 6 307 W +77 6 308 W +77 6 309 W +77 6 310 W +77 6 311 W +77 6 312 W +77 6 313 W +77 6 314 F +77 6 315 F +77 6 316 W +77 6 317 N +77 6 318 N +77 6 319 F +77 6 320 N +77 6 321 N +77 6 322 W +77 6 323 W +77 6 324 F +77 6 325 N +77 6 326 N +77 6 327 F +77 6 328 W +77 6 329 N +77 6 330 F +77 7 1 W +77 7 2 W +77 7 3 N +77 7 4 W +77 7 5 W +77 7 6 N +77 7 7 W +77 7 8 N +77 7 9 W +77 7 10 W +77 7 11 N +77 7 12 N +77 7 13 W +77 7 14 W +77 7 15 F +77 7 16 F +77 7 17 N +77 7 18 W +77 7 19 W +77 7 20 W +77 7 21 N +77 7 22 F +77 7 23 F +77 7 24 W +77 7 25 W +77 7 26 W +77 7 27 F +77 7 28 N +77 7 29 W +77 7 30 N +77 7 31 F +77 7 32 N +77 7 33 W +77 7 34 W +77 7 35 N +77 7 36 W +77 7 37 W +77 7 38 N +77 7 39 W +77 7 40 W +77 7 41 N +77 7 42 N +77 7 43 W +77 7 44 F +77 7 45 W +77 7 46 F +77 7 47 W +77 7 48 N +77 7 49 W +77 7 50 W +77 7 51 N +77 7 52 F +77 7 53 N +77 7 54 W +77 7 55 W +77 7 56 N +77 7 57 W +77 7 58 N +77 7 59 F +77 7 60 W +77 7 61 N +77 7 62 W +77 7 63 N +77 7 64 W +77 7 65 N +77 7 66 F +77 7 67 W +77 7 68 N +77 7 69 W +77 7 70 F +77 7 71 W +77 7 72 W +77 7 73 N +77 7 74 F +77 7 75 W +77 7 76 N +77 7 77 W +77 7 78 F +77 7 79 W +77 7 80 W +77 7 81 W +77 7 82 W +77 7 83 F +77 7 84 N +77 7 85 W +77 7 86 N +77 7 87 W +77 7 88 N +77 7 89 W +77 7 90 W +77 7 91 W +77 7 92 F +77 7 93 W +77 7 94 W +77 7 95 F +77 7 96 N +77 7 97 W +77 7 98 N +77 7 99 F +77 7 100 W +77 7 101 W +77 7 102 N +77 7 103 F +77 7 104 W +77 7 105 N +77 7 106 F +77 7 107 F +77 7 108 F +77 7 109 W +77 7 110 N +77 7 111 W +77 7 112 N +77 7 113 W +77 7 114 W +77 7 115 N +77 7 116 F +77 7 117 W +77 7 118 N +77 7 119 W +77 7 120 F +77 7 121 N +77 7 122 W +77 7 123 W +77 7 124 W +77 7 125 W +77 7 126 N +77 7 127 W +77 7 128 N +77 7 129 F +77 7 130 W +77 7 131 W +77 7 132 N +77 7 133 W +77 7 134 W +77 7 135 N +77 7 136 W +77 7 137 W +77 7 138 W +77 7 139 F +77 7 140 W +77 7 141 F +77 7 142 F +77 7 143 W +77 7 144 W +77 7 145 N +77 7 146 W +77 7 147 N +77 7 148 W +77 7 149 W +77 7 150 N +77 7 151 N +77 7 152 N +77 7 153 W +77 7 154 W +77 7 155 W +77 7 156 W +77 7 157 W +77 7 158 F +77 7 159 N +77 7 160 N +77 7 161 W +77 7 162 N +77 7 163 W +77 7 164 W +77 7 165 W +77 7 166 W +77 7 167 F +77 7 168 W +77 7 169 W +77 7 170 W +77 7 171 W +77 7 172 F +77 7 173 N +77 7 174 N +77 7 175 W +77 7 176 N +77 7 177 F +77 7 178 W +77 7 179 W +77 7 180 W +77 7 181 N +77 7 182 W +77 7 183 W +77 7 184 N +77 7 185 N +77 7 186 W +77 7 187 N +77 7 188 W +77 7 189 F +77 7 190 N +77 7 191 W +77 7 192 W +77 7 193 N +77 7 194 W +77 7 195 W +77 7 196 W +77 7 197 W +77 7 198 W +77 7 199 F +77 7 200 W +77 7 201 N +77 7 202 W +77 7 203 N +77 7 204 W +77 7 205 W +77 7 206 F +77 7 207 N +77 7 208 W +77 7 209 W +77 7 210 W +77 7 211 W +77 7 212 N +77 7 213 W +77 7 214 W +77 7 215 N +77 7 216 W +77 7 217 N +77 7 218 W +77 7 219 F +77 7 220 W +77 7 221 F +77 7 222 W +77 7 223 W +77 7 224 F +77 7 225 W +77 7 226 W +77 7 227 W +77 7 228 W +77 7 229 F +77 7 230 F +77 7 231 N +77 7 232 W +77 7 233 W +77 7 234 W +77 7 235 W +77 7 236 W +77 7 237 N +77 7 238 W +77 7 239 N +77 7 240 W +77 7 241 F +77 7 242 F +77 7 243 W +77 7 244 F +77 7 245 N +77 7 246 W +77 7 247 W +77 7 248 W +77 7 249 W +77 7 250 W +77 7 251 W +77 7 252 F +77 7 253 W +77 7 254 W +77 7 255 W +77 7 256 N +77 7 257 W +77 7 258 N +77 7 259 N +77 7 260 F +77 7 261 N +77 7 262 F +77 7 263 W +77 7 264 W +77 7 265 W +77 7 266 N +77 7 267 W +77 7 268 W +77 7 269 N +77 7 270 N +77 7 271 W +77 7 272 F +77 7 273 N +77 7 274 F +77 7 275 W +77 7 276 N +77 7 277 W +77 7 278 N +77 7 279 W +77 7 280 W +77 7 281 W +77 7 282 W +77 7 283 W +77 7 284 F +77 7 285 N +77 7 286 F +77 7 287 W +77 7 288 N +77 7 289 W +77 7 290 F +77 7 291 W +77 7 292 N +77 7 293 F +77 7 294 F +77 7 295 W +77 7 296 W +77 7 297 N +77 7 298 N +77 7 299 W +77 7 300 F +77 7 301 W +77 7 302 F +77 7 303 W +77 7 304 W +77 7 305 W +77 7 306 W +77 7 307 W +77 7 308 W +77 7 309 W +77 7 310 W +77 7 311 W +77 7 312 W +77 7 313 W +77 7 314 F +77 7 315 W +77 7 316 W +77 7 317 N +77 7 318 N +77 7 319 F +77 7 320 W +77 7 321 N +77 7 322 W +77 7 323 W +77 7 324 F +77 7 325 N +77 7 326 N +77 7 327 F +77 7 328 W +77 7 329 W +77 7 330 F +77 8 1 W +77 8 2 F +77 8 3 N +77 8 4 W +77 8 5 W +77 8 6 N +77 8 7 W +77 8 8 N +77 8 9 N +77 8 10 W +77 8 11 W +77 8 12 N +77 8 13 W +77 8 14 W +77 8 15 F +77 8 16 F +77 8 17 N +77 8 18 W +77 8 19 W +77 8 20 W +77 8 21 N +77 8 22 N +77 8 23 W +77 8 24 W +77 8 25 W +77 8 26 W +77 8 27 F +77 8 28 N +77 8 29 W +77 8 30 N +77 8 31 F +77 8 32 N +77 8 33 W +77 8 34 W +77 8 35 N +77 8 36 W +77 8 37 W +77 8 38 N +77 8 39 W +77 8 40 W +77 8 41 N +77 8 42 N +77 8 43 W +77 8 44 F +77 8 45 W +77 8 46 W +77 8 47 W +77 8 48 N +77 8 49 W +77 8 50 W +77 8 51 N +77 8 52 F +77 8 53 N +77 8 54 W +77 8 55 W +77 8 56 N +77 8 57 W +77 8 58 W +77 8 59 F +77 8 60 W +77 8 61 N +77 8 62 W +77 8 63 N +77 8 64 W +77 8 65 N +77 8 66 F +77 8 67 W +77 8 68 N +77 8 69 W +77 8 70 F +77 8 71 N +77 8 72 W +77 8 73 W +77 8 74 W +77 8 75 W +77 8 76 N +77 8 77 W +77 8 78 F +77 8 79 W +77 8 80 W +77 8 81 W +77 8 82 N +77 8 83 F +77 8 84 N +77 8 85 W +77 8 86 N +77 8 87 W +77 8 88 N +77 8 89 W +77 8 90 W +77 8 91 W +77 8 92 F +77 8 93 W +77 8 94 W +77 8 95 F +77 8 96 N +77 8 97 W +77 8 98 N +77 8 99 W +77 8 100 W +77 8 101 N +77 8 102 W +77 8 103 W +77 8 104 W +77 8 105 N +77 8 106 F +77 8 107 F +77 8 108 F +77 8 109 W +77 8 110 N +77 8 111 W +77 8 112 N +77 8 113 W +77 8 114 W +77 8 115 N +77 8 116 W +77 8 117 N +77 8 118 N +77 8 119 W +77 8 120 F +77 8 121 N +77 8 122 W +77 8 123 W +77 8 124 F +77 8 125 N +77 8 126 N +77 8 127 W +77 8 128 N +77 8 129 F +77 8 130 W +77 8 131 W +77 8 132 N +77 8 133 W +77 8 134 W +77 8 135 N +77 8 136 W +77 8 137 W +77 8 138 W +77 8 139 F +77 8 140 W +77 8 141 F +77 8 142 F +77 8 143 W +77 8 144 W +77 8 145 W +77 8 146 N +77 8 147 W +77 8 148 N +77 8 149 W +77 8 150 W +77 8 151 N +77 8 152 N +77 8 153 W +77 8 154 W +77 8 155 W +77 8 156 W +77 8 157 N +77 8 158 F +77 8 159 N +77 8 160 N +77 8 161 W +77 8 162 N +77 8 163 W +77 8 164 W +77 8 165 W +77 8 166 W +77 8 167 F +77 8 168 W +77 8 169 W +77 8 170 W +77 8 171 W +77 8 172 F +77 8 173 N +77 8 174 N +77 8 175 W +77 8 176 N +77 8 177 F +77 8 178 W +77 8 179 N +77 8 180 W +77 8 181 W +77 8 182 N +77 8 183 N +77 8 184 W +77 8 185 N +77 8 186 W +77 8 187 N +77 8 188 W +77 8 189 W +77 8 190 N +77 8 191 W +77 8 192 W +77 8 193 N +77 8 194 N +77 8 195 W +77 8 196 W +77 8 197 W +77 8 198 W +77 8 199 F +77 8 200 W +77 8 201 N +77 8 202 W +77 8 203 N +77 8 204 W +77 8 205 W +77 8 206 F +77 8 207 N +77 8 208 N +77 8 209 W +77 8 210 N +77 8 211 W +77 8 212 N +77 8 213 N +77 8 214 N +77 8 215 N +77 8 216 W +77 8 217 N +77 8 218 W +77 8 219 F +77 8 220 W +77 8 221 F +77 8 222 W +77 8 223 W +77 8 224 F +77 8 225 N +77 8 226 W +77 8 227 W +77 8 228 W +77 8 229 W +77 8 230 N +77 8 231 N +77 8 232 W +77 8 233 W +77 8 234 W +77 8 235 W +77 8 236 N +77 8 237 N +77 8 238 W +77 8 239 N +77 8 240 N +77 8 241 F +77 8 242 F +77 8 243 N +77 8 244 F +77 8 245 N +77 8 246 W +77 8 247 W +77 8 248 W +77 8 249 W +77 8 250 W +77 8 251 W +77 8 252 F +77 8 253 W +77 8 254 W +77 8 255 W +77 8 256 N +77 8 257 W +77 8 258 N +77 8 259 N +77 8 260 F +77 8 261 N +77 8 262 F +77 8 263 W +77 8 264 W +77 8 265 W +77 8 266 N +77 8 267 N +77 8 268 W +77 8 269 N +77 8 270 N +77 8 271 W +77 8 272 F +77 8 273 N +77 8 274 F +77 8 275 N +77 8 276 N +77 8 277 W +77 8 278 N +77 8 279 W +77 8 280 W +77 8 281 W +77 8 282 W +77 8 283 N +77 8 284 F +77 8 285 N +77 8 286 F +77 8 287 N +77 8 288 N +77 8 289 W +77 8 290 F +77 8 291 W +77 8 292 N +77 8 293 F +77 8 294 F +77 8 295 F +77 8 296 W +77 8 297 N +77 8 298 W +77 8 299 N +77 8 300 W +77 8 301 W +77 8 302 F +77 8 303 W +77 8 304 N +77 8 305 N +77 8 306 W +77 8 307 W +77 8 308 W +77 8 309 W +77 8 310 W +77 8 311 W +77 8 312 W +77 8 313 W +77 8 314 F +77 8 315 F +77 8 316 W +77 8 317 N +77 8 318 N +77 8 319 F +77 8 320 N +77 8 321 N +77 8 322 W +77 8 323 W +77 8 324 F +77 8 325 N +77 8 326 N +77 8 327 F +77 8 328 W +77 8 329 N +77 8 330 F +77 9 1 W +77 9 2 W +77 9 3 N +77 9 4 W +77 9 5 W +77 9 6 N +77 9 7 W +77 9 8 N +77 9 9 N +77 9 10 W +77 9 11 W +77 9 12 N +77 9 13 W +77 9 14 W +77 9 15 F +77 9 16 W +77 9 17 F +77 9 18 F +77 9 19 W +77 9 20 W +77 9 21 N +77 9 22 N +77 9 23 W +77 9 24 W +77 9 25 W +77 9 26 W +77 9 27 W +77 9 28 F +77 9 29 W +77 9 30 N +77 9 31 F +77 9 32 N +77 9 33 W +77 9 34 W +77 9 35 N +77 9 36 W +77 9 37 W +77 9 38 N +77 9 39 W +77 9 40 W +77 9 41 N +77 9 42 N +77 9 43 W +77 9 44 F +77 9 45 W +77 9 46 W +77 9 47 W +77 9 48 N +77 9 49 W +77 9 50 W +77 9 51 W +77 9 52 F +77 9 53 N +77 9 54 W +77 9 55 W +77 9 56 N +77 9 57 W +77 9 58 W +77 9 59 F +77 9 60 W +77 9 61 N +77 9 62 W +77 9 63 N +77 9 64 W +77 9 65 N +77 9 66 F +77 9 67 W +77 9 68 N +77 9 69 W +77 9 70 F +77 9 71 N +77 9 72 W +77 9 73 W +77 9 74 W +77 9 75 W +77 9 76 N +77 9 77 W +77 9 78 F +77 9 79 W +77 9 80 W +77 9 81 W +77 9 82 W +77 9 83 F +77 9 84 N +77 9 85 W +77 9 86 N +77 9 87 W +77 9 88 N +77 9 89 W +77 9 90 W +77 9 91 W +77 9 92 F +77 9 93 W +77 9 94 W +77 9 95 F +77 9 96 N +77 9 97 W +77 9 98 N +77 9 99 W +77 9 100 W +77 9 101 N +77 9 102 W +77 9 103 W +77 9 104 W +77 9 105 N +77 9 106 F +77 9 107 F +77 9 108 F +77 9 109 W +77 9 110 N +77 9 111 W +77 9 112 N +77 9 113 W +77 9 114 W +77 9 115 N +77 9 116 W +77 9 117 N +77 9 118 N +77 9 119 W +77 9 120 F +77 9 121 N +77 9 122 W +77 9 123 W +77 9 124 F +77 9 125 N +77 9 126 W +77 9 127 W +77 9 128 N +77 9 129 F +77 9 130 W +77 9 131 W +77 9 132 N +77 9 133 W +77 9 134 W +77 9 135 N +77 9 136 W +77 9 137 W +77 9 138 W +77 9 139 F +77 9 140 W +77 9 141 F +77 9 142 F +77 9 143 W +77 9 144 W +77 9 145 W +77 9 146 N +77 9 147 W +77 9 148 N +77 9 149 W +77 9 150 W +77 9 151 N +77 9 152 N +77 9 153 W +77 9 154 W +77 9 155 W +77 9 156 W +77 9 157 N +77 9 158 F +77 9 159 N +77 9 160 N +77 9 161 W +77 9 162 N +77 9 163 W +77 9 164 W +77 9 165 W +77 9 166 W +77 9 167 F +77 9 168 W +77 9 169 W +77 9 170 W +77 9 171 W +77 9 172 F +77 9 173 N +77 9 174 N +77 9 175 W +77 9 176 N +77 9 177 F +77 9 178 W +77 9 179 N +77 9 180 W +77 9 181 F +77 9 182 N +77 9 183 W +77 9 184 W +77 9 185 W +77 9 186 N +77 9 187 N +77 9 188 W +77 9 189 F +77 9 190 F +77 9 191 W +77 9 192 W +77 9 193 W +77 9 194 N +77 9 195 W +77 9 196 F +77 9 197 W +77 9 198 W +77 9 199 F +77 9 200 W +77 9 201 N +77 9 202 W +77 9 203 N +77 9 204 W +77 9 205 W +77 9 206 F +77 9 207 N +77 9 208 W +77 9 209 W +77 9 210 N +77 9 211 W +77 9 212 N +77 9 213 F +77 9 214 W +77 9 215 N +77 9 216 W +77 9 217 N +77 9 218 W +77 9 219 F +77 9 220 W +77 9 221 F +77 9 222 W +77 9 223 W +77 9 224 F +77 9 225 W +77 9 226 W +77 9 227 W +77 9 228 F +77 9 229 F +77 9 230 N +77 9 231 W +77 9 232 W +77 9 233 W +77 9 234 W +77 9 235 W +77 9 236 F +77 9 237 W +77 9 238 W +77 9 239 N +77 9 240 N +77 9 241 F +77 9 242 F +77 9 243 N +77 9 244 F +77 9 245 N +77 9 246 W +77 9 247 W +77 9 248 W +77 9 249 W +77 9 250 W +77 9 251 W +77 9 252 F +77 9 253 W +77 9 254 W +77 9 255 W +77 9 256 N +77 9 257 W +77 9 258 N +77 9 259 N +77 9 260 F +77 9 261 N +77 9 262 F +77 9 263 W +77 9 264 W +77 9 265 W +77 9 266 N +77 9 267 N +77 9 268 W +77 9 269 N +77 9 270 N +77 9 271 W +77 9 272 F +77 9 273 W +77 9 274 F +77 9 275 W +77 9 276 N +77 9 277 W +77 9 278 N +77 9 279 W +77 9 280 W +77 9 281 W +77 9 282 W +77 9 283 N +77 9 284 F +77 9 285 F +77 9 286 F +77 9 287 W +77 9 288 N +77 9 289 W +77 9 290 F +77 9 291 W +77 9 292 W +77 9 293 F +77 9 294 F +77 9 295 W +77 9 296 W +77 9 297 N +77 9 298 N +77 9 299 W +77 9 300 F +77 9 301 W +77 9 302 F +77 9 303 W +77 9 304 W +77 9 305 N +77 9 306 W +77 9 307 W +77 9 308 W +77 9 309 W +77 9 310 W +77 9 311 W +77 9 312 W +77 9 313 W +77 9 314 F +77 9 315 F +77 9 316 W +77 9 317 N +77 9 318 F +77 9 319 W +77 9 320 F +77 9 321 N +77 9 322 W +77 9 323 W +77 9 324 F +77 9 325 N +77 9 326 N +77 9 327 F +77 9 328 W +77 9 329 N +77 9 330 F +77 10 1 W +77 10 2 F +77 10 3 N +77 10 4 W +77 10 5 W +77 10 6 N +77 10 7 W +77 10 8 N +77 10 9 N +77 10 10 W +77 10 11 W +77 10 12 N +77 10 13 W +77 10 14 W +77 10 15 F +77 10 16 F +77 10 17 N +77 10 18 W +77 10 19 B +77 10 20 B +77 10 21 N +77 10 22 N +77 10 23 W +77 10 24 W +77 10 25 W +77 10 26 W +77 10 27 F +77 10 28 N +77 10 29 W +77 10 30 N +77 10 31 B +77 10 32 N +77 10 33 B +77 10 34 B +77 10 35 N +77 10 36 W +77 10 37 B +77 10 38 N +77 10 39 W +77 10 40 B +77 10 41 N +77 10 42 N +77 10 43 W +77 10 44 F +77 10 45 B +77 10 46 W +77 10 47 W +77 10 48 B +77 10 49 B +77 10 50 W +77 10 51 N +77 10 52 B +77 10 53 F +77 10 54 W +77 10 55 B +77 10 56 N +77 10 57 W +77 10 58 W +77 10 59 F +77 10 60 W +77 10 61 N +77 10 62 N +77 10 63 W +77 10 64 N +77 10 65 N +77 10 66 F +77 10 67 B +77 10 68 N +77 10 69 W +77 10 70 F +77 10 71 N +77 10 72 W +77 10 73 W +77 10 74 W +77 10 75 W +77 10 76 N +77 10 77 W +77 10 78 F +77 10 79 W +77 10 80 W +77 10 81 W +77 10 82 N +77 10 83 F +77 10 84 N +77 10 85 W +77 10 86 N +77 10 87 W +77 10 88 N +77 10 89 W +77 10 90 W +77 10 91 B +77 10 92 F +77 10 93 W +77 10 94 W +77 10 95 F +77 10 96 N +77 10 97 W +77 10 98 N +77 10 99 W +77 10 100 W +77 10 101 * +77 10 102 B +77 10 103 W +77 10 104 * +77 10 105 N +77 10 106 F +77 10 107 F +77 10 108 F +77 10 109 W +77 10 110 N +77 10 111 W +77 10 112 N +77 10 113 W +77 10 114 W +77 10 115 N +77 10 116 W +77 10 117 N +77 10 118 N +77 10 119 W +77 10 120 F +77 10 121 B +77 10 122 W +77 10 123 W +77 10 124 F +77 10 125 N +77 10 126 N +77 10 127 W +77 10 128 N +77 10 129 F +77 10 130 W +77 10 131 W +77 10 132 N +77 10 133 W +77 10 134 W +77 10 135 N +77 10 136 W +77 10 137 W +77 10 138 W +77 10 139 F +77 10 140 W +77 10 141 F +77 10 142 F +77 10 143 W +77 10 144 W +77 10 145 W +77 10 146 N +77 10 147 W +77 10 148 N +77 10 149 N +77 10 150 W +77 10 151 N +77 10 152 N +77 10 153 W +77 10 154 W +77 10 155 W +77 10 156 W +77 10 157 N +77 10 158 F +77 10 159 N +77 10 160 N +77 10 161 W +77 10 162 N +77 10 163 W +77 10 164 W +77 10 165 W +77 10 166 W +77 10 167 F +77 10 168 W +77 10 169 W +77 10 170 W +77 10 171 W +77 10 172 F +77 10 173 N +77 10 174 N +77 10 175 W +77 10 176 N +77 10 177 F +77 10 178 W +77 10 179 N +77 10 180 W +77 10 181 W +77 10 182 N +77 10 183 N +77 10 184 F +77 10 185 N +77 10 186 W +77 10 187 N +77 10 188 W +77 10 189 W +77 10 190 N +77 10 191 W +77 10 192 W +77 10 193 N +77 10 194 N +77 10 195 W +77 10 196 W +77 10 197 W +77 10 198 W +77 10 199 F +77 10 200 W +77 10 201 N +77 10 202 W +77 10 203 N +77 10 204 W +77 10 205 W +77 10 206 F +77 10 207 N +77 10 208 N +77 10 209 W +77 10 210 N +77 10 211 W +77 10 212 N +77 10 213 N +77 10 214 N +77 10 215 N +77 10 216 W +77 10 217 N +77 10 218 W +77 10 219 F +77 10 220 W +77 10 221 F +77 10 222 W +77 10 223 W +77 10 224 F +77 10 225 N +77 10 226 W +77 10 227 W +77 10 228 W +77 10 229 W +77 10 230 N +77 10 231 N +77 10 232 W +77 10 233 W +77 10 234 W +77 10 235 W +77 10 236 N +77 10 237 N +77 10 238 W +77 10 239 N +77 10 240 N +77 10 241 F +77 10 242 F +77 10 243 N +77 10 244 F +77 10 245 N +77 10 246 W +77 10 247 W +77 10 248 B +77 10 249 W +77 10 250 W +77 10 251 W +77 10 252 F +77 10 253 W +77 10 254 W +77 10 255 W +77 10 256 N +77 10 257 W +77 10 258 N +77 10 259 N +77 10 260 F +77 10 261 N +77 10 262 F +77 10 263 W +77 10 264 W +77 10 265 W +77 10 266 N +77 10 267 N +77 10 268 W +77 10 269 W +77 10 270 N +77 10 271 W +77 10 272 F +77 10 273 N +77 10 274 F +77 10 275 N +77 10 276 N +77 10 277 W +77 10 278 N +77 10 279 W +77 10 280 W +77 10 281 W +77 10 282 W +77 10 283 N +77 10 284 F +77 10 285 N +77 10 286 F +77 10 287 N +77 10 288 N +77 10 289 W +77 10 290 F +77 10 291 W +77 10 292 N +77 10 293 F +77 10 294 F +77 10 295 F +77 10 296 W +77 10 297 N +77 10 298 W +77 10 299 N +77 10 300 W +77 10 301 W +77 10 302 F +77 10 303 W +77 10 304 N +77 10 305 N +77 10 306 W +77 10 307 W +77 10 308 W +77 10 309 W +77 10 310 W +77 10 311 B +77 10 312 W +77 10 313 W +77 10 314 F +77 10 315 F +77 10 316 W +77 10 317 N +77 10 318 N +77 10 319 F +77 10 320 N +77 10 321 N +77 10 322 W +77 10 323 W +77 10 324 F +77 10 325 N +77 10 326 N +77 10 327 F +77 10 328 W +77 10 329 N +77 10 330 F +77 11 1 W +77 11 2 W +77 11 3 N +77 11 4 W +77 11 5 F +77 11 6 N +77 11 7 W +77 11 8 N +77 11 9 W +77 11 10 W +77 11 11 F +77 11 12 N +77 11 13 W +77 11 14 F +77 11 15 F +77 11 16 N +77 11 17 W +77 11 18 W +77 11 19 W +77 11 20 N +77 11 21 F +77 11 22 W +77 11 23 W +77 11 24 W +77 11 25 W +77 11 26 F +77 11 27 N +77 11 28 W +77 11 29 N +77 11 30 F +77 11 31 N +77 11 32 W +77 11 33 W +77 11 34 N +77 11 35 W +77 11 36 W +77 11 37 N +77 11 38 W +77 11 39 W +77 11 40 N +77 11 41 F +77 11 42 W +77 11 43 F +77 11 44 W +77 11 45 W +77 11 46 W +77 11 47 W +77 11 48 W +77 11 49 W +77 11 50 W +77 11 51 F +77 11 52 N +77 11 53 W +77 11 54 W +77 11 55 F +77 11 56 W +77 11 57 W +77 11 58 W +77 11 59 F +77 11 60 W +77 11 61 N +77 11 62 F +77 11 63 N +77 11 64 W +77 11 65 N +77 11 66 F +77 11 67 W +77 11 68 N +77 11 69 W +77 11 70 F +77 11 71 N +77 11 72 W +77 11 73 W +77 11 74 F +77 11 75 W +77 11 76 N +77 11 77 W +77 11 78 F +77 11 79 N +77 11 80 W +77 11 81 W +77 11 82 W +77 11 83 F +77 11 84 N +77 11 85 W +77 11 86 N +77 11 87 W +77 11 88 N +77 11 89 W +77 11 90 W +77 11 91 W +77 11 92 F +77 11 93 W +77 11 94 W +77 11 95 F +77 11 96 N +77 11 97 N +77 11 98 N +77 11 99 F +77 11 100 F +77 11 101 N +77 11 102 F +77 11 103 W +77 11 104 W +77 11 105 N +77 11 106 F +77 11 107 F +77 11 108 N +77 11 109 W +77 11 110 N +77 11 111 W +77 11 112 N +77 11 113 W +77 11 114 W +77 11 115 N +77 11 116 F +77 11 117 W +77 11 118 N +77 11 119 W +77 11 120 F +77 11 121 N +77 11 122 W +77 11 123 W +77 11 124 W +77 11 125 N +77 11 126 F +77 11 127 W +77 11 128 F +77 11 129 F +77 11 130 W +77 11 131 W +77 11 132 N +77 11 133 W +77 11 134 W +77 11 135 W +77 11 136 W +77 11 137 W +77 11 138 W +77 11 139 F +77 11 140 W +77 11 141 F +77 11 142 F +77 11 143 W +77 11 144 W +77 11 145 W +77 11 146 N +77 11 147 W +77 11 148 N +77 11 149 W +77 11 150 W +77 11 151 N +77 11 152 F +77 11 153 W +77 11 154 W +77 11 155 W +77 11 156 W +77 11 157 W +77 11 158 F +77 11 159 N +77 11 160 N +77 11 161 W +77 11 162 N +77 11 163 W +77 11 164 W +77 11 165 W +77 11 166 F +77 11 167 F +77 11 168 W +77 11 169 W +77 11 170 W +77 11 171 W +77 11 172 F +77 11 173 N +77 11 174 N +77 11 175 W +77 11 176 N +77 11 177 F +77 11 178 W +77 11 179 N +77 11 180 W +77 11 181 F +77 11 182 N +77 11 183 W +77 11 184 W +77 11 185 W +77 11 186 N +77 11 187 N +77 11 188 W +77 11 189 F +77 11 190 F +77 11 191 W +77 11 192 W +77 11 193 W +77 11 194 N +77 11 195 W +77 11 196 F +77 11 197 W +77 11 198 W +77 11 199 F +77 11 200 W +77 11 201 W +77 11 202 N +77 11 203 W +77 11 204 W +77 11 205 F +77 11 206 W +77 11 207 F +77 11 208 W +77 11 209 W +77 11 210 N +77 11 211 W +77 11 212 N +77 11 213 F +77 11 214 W +77 11 215 N +77 11 216 W +77 11 217 N +77 11 218 W +77 11 219 F +77 11 220 W +77 11 221 F +77 11 222 W +77 11 223 W +77 11 224 F +77 11 225 W +77 11 226 W +77 11 227 W +77 11 228 F +77 11 229 F +77 11 230 N +77 11 231 W +77 11 232 W +77 11 233 W +77 11 234 W +77 11 235 W +77 11 236 F +77 11 237 W +77 11 238 W +77 11 239 N +77 11 240 N +77 11 241 F +77 11 242 F +77 11 243 N +77 11 244 F +77 11 245 N +77 11 246 W +77 11 247 W +77 11 248 W +77 11 249 W +77 11 250 W +77 11 251 W +77 11 252 F +77 11 253 W +77 11 254 W +77 11 255 W +77 11 256 N +77 11 257 W +77 11 258 N +77 11 259 F +77 11 260 F +77 11 261 N +77 11 262 F +77 11 263 W +77 11 264 W +77 11 265 W +77 11 266 N +77 11 267 N +77 11 268 W +77 11 269 N +77 11 270 N +77 11 271 W +77 11 272 F +77 11 273 W +77 11 274 F +77 11 275 W +77 11 276 N +77 11 277 W +77 11 278 N +77 11 279 W +77 11 280 W +77 11 281 W +77 11 282 W +77 11 283 N +77 11 284 F +77 11 285 F +77 11 286 F +77 11 287 W +77 11 288 N +77 11 289 W +77 11 290 F +77 11 291 W +77 11 292 W +77 11 293 F +77 11 294 F +77 11 295 W +77 11 296 W +77 11 297 N +77 11 298 N +77 11 299 W +77 11 300 F +77 11 301 W +77 11 302 F +77 11 303 W +77 11 304 W +77 11 305 N +77 11 306 W +77 11 307 W +77 11 308 W +77 11 309 W +77 11 310 W +77 11 311 W +77 11 312 W +77 11 313 W +77 11 314 F +77 11 315 F +77 11 316 W +77 11 317 N +77 11 318 F +77 11 319 W +77 11 320 F +77 11 321 N +77 11 322 W +77 11 323 W +77 11 324 F +77 11 325 N +77 11 326 N +77 11 327 F +77 11 328 W +77 11 329 N +77 11 330 F +77 12 1 W +77 12 2 W +77 12 3 N +77 12 4 N +77 12 5 W +77 12 6 B +77 12 7 W +77 12 8 N +77 12 9 W +77 12 10 W +77 12 11 W +77 12 12 N +77 12 13 W +77 12 14 W +77 12 15 N +77 12 16 B +77 12 17 F +77 12 18 N +77 12 19 W +77 12 20 W +77 12 21 W +77 12 22 N +77 12 23 F +77 12 24 W +77 12 25 W +77 12 26 W +77 12 27 W +77 12 28 F +77 12 29 N +77 12 30 W +77 12 31 N +77 12 32 N +77 12 33 N +77 12 34 W +77 12 35 N +77 12 36 W +77 12 37 W +77 12 38 N +77 12 39 W +77 12 40 W +77 12 41 N +77 12 42 N +77 12 43 W +77 12 44 F +77 12 45 W +77 12 46 W +77 12 47 W +77 12 48 N +77 12 49 W +77 12 50 W +77 12 51 W +77 12 52 F +77 12 53 N +77 12 54 W +77 12 55 W +77 12 56 N +77 12 57 W +77 12 58 W +77 12 59 F +77 12 60 W +77 12 61 N +77 12 62 W +77 12 63 N +77 12 64 W +77 12 65 N +77 12 66 F +77 12 67 W +77 12 68 N +77 12 69 W +77 12 70 F +77 12 71 N +77 12 72 W +77 12 73 W +77 12 74 F +77 12 75 W +77 12 76 N +77 12 77 W +77 12 78 B +77 12 79 W +77 12 80 W +77 12 81 W +77 12 82 W +77 12 83 F +77 12 84 N +77 12 85 W +77 12 86 N +77 12 87 W +77 12 88 N +77 12 89 W +77 12 90 W +77 12 91 W +77 12 92 F +77 12 93 W +77 12 94 W +77 12 95 F +77 12 96 N +77 12 97 W +77 12 98 N +77 12 99 N +77 12 100 F +77 12 101 N +77 12 102 B +77 12 103 W +77 12 104 W +77 12 105 N +77 12 106 N +77 12 107 F +77 12 108 F +77 12 109 W +77 12 110 N +77 12 111 W +77 12 112 N +77 12 113 W +77 12 114 W +77 12 115 N +77 12 116 F +77 12 117 W +77 12 118 N +77 12 119 W +77 12 120 F +77 12 121 N +77 12 122 W +77 12 123 W +77 12 124 W +77 12 125 N +77 12 126 N +77 12 127 W +77 12 128 N +77 12 129 F +77 12 130 W +77 12 131 N +77 12 132 N +77 12 133 W +77 12 134 W +77 12 135 N +77 12 136 W +77 12 137 W +77 12 138 W +77 12 139 F +77 12 140 W +77 12 141 F +77 12 142 F +77 12 143 W +77 12 144 W +77 12 145 W +77 12 146 N +77 12 147 W +77 12 148 N +77 12 149 W +77 12 150 W +77 12 151 N +77 12 152 N +77 12 153 W +77 12 154 * +77 12 155 W +77 12 156 W +77 12 157 W +77 12 158 F +77 12 159 N +77 12 160 N +77 12 161 W +77 12 162 N +77 12 163 W +77 12 164 W +77 12 165 W +77 12 166 W +77 12 167 B +77 12 168 W +77 12 169 W +77 12 170 W +77 12 171 W +77 12 172 F +77 12 173 N +77 12 174 N +77 12 175 F +77 12 176 N +77 12 177 N +77 12 178 W +77 12 179 N +77 12 180 W +77 12 181 W +77 12 182 W +77 12 183 W +77 12 184 B +77 12 185 N +77 12 186 W +77 12 187 N +77 12 188 W +77 12 189 F +77 12 190 F +77 12 191 W +77 12 192 B +77 12 193 N +77 12 194 N +77 12 195 W +77 12 196 F +77 12 197 B +77 12 198 W +77 12 199 F +77 12 200 W +77 12 201 N +77 12 202 W +77 12 203 N +77 12 204 W +77 12 205 W +77 12 206 F +77 12 207 N +77 12 208 N +77 12 209 W +77 12 210 N +77 12 211 W +77 12 212 N +77 12 213 B +77 12 214 W +77 12 215 N +77 12 216 W +77 12 217 N +77 12 218 W +77 12 219 F +77 12 220 W +77 12 221 F +77 12 222 W +77 12 223 W +77 12 224 F +77 12 225 W +77 12 226 W +77 12 227 W +77 12 228 W +77 12 229 W +77 12 230 F +77 12 231 N +77 12 232 W +77 12 233 B +77 12 234 W +77 12 235 W +77 12 236 W +77 12 237 N +77 12 238 W +77 12 239 N +77 12 240 W +77 12 241 F +77 12 242 N +77 12 243 N +77 12 244 F +77 12 245 N +77 12 246 W +77 12 247 B +77 12 248 W +77 12 249 W +77 12 250 W +77 12 251 W +77 12 252 F +77 12 253 W +77 12 254 F +77 12 255 W +77 12 256 N +77 12 257 W +77 12 258 N +77 12 259 N +77 12 260 F +77 12 261 N +77 12 262 F +77 12 263 W +77 12 264 W +77 12 265 W +77 12 266 N +77 12 267 N +77 12 268 W +77 12 269 N +77 12 270 N +77 12 271 W +77 12 272 F +77 12 273 N +77 12 274 F +77 12 275 N +77 12 276 N +77 12 277 W +77 12 278 N +77 12 279 W +77 12 280 W +77 12 281 W +77 12 282 W +77 12 283 W +77 12 284 F +77 12 285 F +77 12 286 F +77 12 287 W +77 12 288 N +77 12 289 W +77 12 290 F +77 12 291 W +77 12 292 N +77 12 293 F +77 12 294 F +77 12 295 W +77 12 296 W +77 12 297 N +77 12 298 N +77 12 299 W +77 12 300 F +77 12 301 W +77 12 302 F +77 12 303 F +77 12 304 W +77 12 305 W +77 12 306 W +77 12 307 W +77 12 308 W +77 12 309 W +77 12 310 W +77 12 311 W +77 12 312 W +77 12 313 W +77 12 314 F +77 12 315 W +77 12 316 W +77 12 317 N +77 12 318 N +77 12 319 F +77 12 320 W +77 12 321 N +77 12 322 W +77 12 323 W +77 12 324 F +77 12 325 N +77 12 326 W +77 12 327 F +77 12 328 W +77 12 329 W +77 12 330 F +77 13 1 W +77 13 2 W +77 13 3 N +77 13 4 W +77 13 5 W +77 13 6 W +77 13 7 W +77 13 8 N +77 13 9 W +77 13 10 W +77 13 11 W +77 13 12 N +77 13 13 W +77 13 14 W +77 13 15 B +77 13 16 F +77 13 17 N +77 13 18 W +77 13 19 W +77 13 20 W +77 13 21 N +77 13 22 N +77 13 23 W +77 13 24 W +77 13 25 W +77 13 26 W +77 13 27 F +77 13 28 N +77 13 29 W +77 13 30 N +77 13 31 W +77 13 32 B +77 13 33 W +77 13 34 W +77 13 35 N +77 13 36 W +77 13 37 W +77 13 38 N +77 13 39 W +77 13 40 W +77 13 41 N +77 13 42 N +77 13 43 W +77 13 44 F +77 13 45 W +77 13 46 W +77 13 47 W +77 13 48 N +77 13 49 W +77 13 50 W +77 13 51 W +77 13 52 F +77 13 53 N +77 13 54 W +77 13 55 W +77 13 56 B +77 13 57 W +77 13 58 W +77 13 59 F +77 13 60 W +77 13 61 N +77 13 62 W +77 13 63 N +77 13 64 W +77 13 65 N +77 13 66 F +77 13 67 W +77 13 68 W +77 13 69 W +77 13 70 F +77 13 71 N +77 13 72 W +77 13 73 W +77 13 74 F +77 13 75 W +77 13 76 N +77 13 77 W +77 13 78 F +77 13 79 W +77 13 80 W +77 13 81 W +77 13 82 W +77 13 83 F +77 13 84 N +77 13 85 W +77 13 86 N +77 13 87 W +77 13 88 N +77 13 89 W +77 13 90 W +77 13 91 W +77 13 92 F +77 13 93 W +77 13 94 W +77 13 95 F +77 13 96 N +77 13 97 W +77 13 98 N +77 13 99 B +77 13 100 F +77 13 101 N +77 13 102 F +77 13 103 W +77 13 104 W +77 13 105 N +77 13 106 N +77 13 107 F +77 13 108 F +77 13 109 W +77 13 110 N +77 13 111 W +77 13 112 N +77 13 113 W +77 13 114 W +77 13 115 N +77 13 116 F +77 13 117 W +77 13 118 N +77 13 119 W +77 13 120 F +77 13 121 N +77 13 122 W +77 13 123 W +77 13 124 W +77 13 125 N +77 13 126 N +77 13 127 W +77 13 128 N +77 13 129 F +77 13 130 W +77 13 131 N +77 13 132 N +77 13 133 W +77 13 134 W +77 13 135 N +77 13 136 W +77 13 137 W +77 13 138 W +77 13 139 F +77 13 140 W +77 13 141 F +77 13 142 F +77 13 143 W +77 13 144 W +77 13 145 W +77 13 146 N +77 13 147 W +77 13 148 N +77 13 149 W +77 13 150 W +77 13 151 N +77 13 152 B +77 13 153 W +77 13 154 W +77 13 155 W +77 13 156 W +77 13 157 W +77 13 158 F +77 13 159 N +77 13 160 N +77 13 161 W +77 13 162 N +77 13 163 W +77 13 164 W +77 13 165 W +77 13 166 W +77 13 167 B +77 13 168 W +77 13 169 W +77 13 170 W +77 13 171 W +77 13 172 F +77 13 173 N +77 13 174 N +77 13 175 W +77 13 176 N +77 13 177 F +77 13 178 W +77 13 179 N +77 13 180 W +77 13 181 W +77 13 182 N +77 13 183 W +77 13 184 W +77 13 185 N +77 13 186 W +77 13 187 N +77 13 188 W +77 13 189 W +77 13 190 N +77 13 191 W +77 13 192 W +77 13 193 W +77 13 194 N +77 13 195 W +77 13 196 W +77 13 197 W +77 13 198 W +77 13 199 F +77 13 200 W +77 13 201 N +77 13 202 W +77 13 203 N +77 13 204 W +77 13 205 W +77 13 206 F +77 13 207 N +77 13 208 N +77 13 209 W +77 13 210 N +77 13 211 W +77 13 212 N +77 13 213 W +77 13 214 N +77 13 215 B +77 13 216 W +77 13 217 B +77 13 218 W +77 13 219 F +77 13 220 W +77 13 221 F +77 13 222 W +77 13 223 W +77 13 224 F +77 13 225 W +77 13 226 W +77 13 227 W +77 13 228 W +77 13 229 W +77 13 230 F +77 13 231 W +77 13 232 W +77 13 233 W +77 13 234 W +77 13 235 W +77 13 236 W +77 13 237 N +77 13 238 W +77 13 239 N +77 13 240 N +77 13 241 F +77 13 242 N +77 13 243 N +77 13 244 F +77 13 245 N +77 13 246 W +77 13 247 W +77 13 248 W +77 13 249 W +77 13 250 W +77 13 251 W +77 13 252 F +77 13 253 W +77 13 254 W +77 13 255 W +77 13 256 N +77 13 257 W +77 13 258 W +77 13 259 N +77 13 260 N +77 13 261 N +77 13 262 F +77 13 263 W +77 13 264 W +77 13 265 W +77 13 266 N +77 13 267 N +77 13 268 W +77 13 269 N +77 13 270 N +77 13 271 W +77 13 272 F +77 13 273 N +77 13 274 F +77 13 275 W +77 13 276 N +77 13 277 W +77 13 278 N +77 13 279 W +77 13 280 W +77 13 281 W +77 13 282 W +77 13 283 N +77 13 284 F +77 13 285 N +77 13 286 F +77 13 287 N +77 13 288 N +77 13 289 W +77 13 290 F +77 13 291 W +77 13 292 N +77 13 293 F +77 13 294 F +77 13 295 W +77 13 296 W +77 13 297 N +77 13 298 N +77 13 299 W +77 13 300 F +77 13 301 W +77 13 302 F +77 13 303 W +77 13 304 W +77 13 305 N +77 13 306 W +77 13 307 W +77 13 308 W +77 13 309 W +77 13 310 W +77 13 311 W +77 13 312 W +77 13 313 W +77 13 314 F +77 13 315 W +77 13 316 W +77 13 317 N +77 13 318 N +77 13 319 F +77 13 320 W +77 13 321 N +77 13 322 W +77 13 323 W +77 13 324 F +77 13 325 W +77 13 326 N +77 13 327 F +77 13 328 W +77 13 329 N +77 13 330 F +77 14 1 W +77 14 2 W +77 14 3 N +77 14 4 W +77 14 5 W +77 14 6 N +77 14 7 W +77 14 8 N +77 14 9 N +77 14 10 W +77 14 11 W +77 14 12 N +77 14 13 W +77 14 14 W +77 14 15 N +77 14 16 F +77 14 17 N +77 14 18 W +77 14 19 W +77 14 20 W +77 14 21 N +77 14 22 N +77 14 23 W +77 14 24 W +77 14 25 W +77 14 26 W +77 14 27 F +77 14 28 N +77 14 29 W +77 14 30 N +77 14 31 F +77 14 32 N +77 14 33 W +77 14 34 W +77 14 35 N +77 14 36 W +77 14 37 W +77 14 38 N +77 14 39 W +77 14 40 W +77 14 41 N +77 14 42 N +77 14 43 W +77 14 44 F +77 14 45 W +77 14 46 W +77 14 47 W +77 14 48 N +77 14 49 W +77 14 50 W +77 14 51 W +77 14 52 F +77 14 53 N +77 14 54 W +77 14 55 W +77 14 56 N +77 14 57 W +77 14 58 N +77 14 59 F +77 14 60 W +77 14 61 N +77 14 62 W +77 14 63 N +77 14 64 W +77 14 65 N +77 14 66 F +77 14 67 W +77 14 68 N +77 14 69 W +77 14 70 B +77 14 71 N +77 14 72 W +77 14 73 W +77 14 74 B +77 14 75 W +77 14 76 N +77 14 77 W +77 14 78 N +77 14 79 W +77 14 80 W +77 14 81 W +77 14 82 W +77 14 83 N +77 14 84 B +77 14 85 W +77 14 86 N +77 14 87 W +77 14 88 N +77 14 89 W +77 14 90 W +77 14 91 W +77 14 92 B +77 14 93 W +77 14 94 W +77 14 95 F +77 14 96 N +77 14 97 W +77 14 98 N +77 14 99 B +77 14 100 W +77 14 101 N +77 14 102 W +77 14 103 W +77 14 104 F +77 14 105 N +77 14 106 N +77 14 107 F +77 14 108 F +77 14 109 W +77 14 110 N +77 14 111 W +77 14 112 N +77 14 113 W +77 14 114 W +77 14 115 N +77 14 116 F +77 14 117 W +77 14 118 N +77 14 119 W +77 14 120 F +77 14 121 N +77 14 122 W +77 14 123 W +77 14 124 W +77 14 125 N +77 14 126 N +77 14 127 W +77 14 128 N +77 14 129 B +77 14 130 W +77 14 131 N +77 14 132 N +77 14 133 W +77 14 134 W +77 14 135 N +77 14 136 W +77 14 137 W +77 14 138 W +77 14 139 F +77 14 140 W +77 14 141 F +77 14 142 F +77 14 143 W +77 14 144 W +77 14 145 W +77 14 146 N +77 14 147 W +77 14 148 N +77 14 149 W +77 14 150 B +77 14 151 N +77 14 152 B +77 14 153 W +77 14 154 W +77 14 155 W +77 14 156 W +77 14 157 W +77 14 158 F +77 14 159 N +77 14 160 N +77 14 161 W +77 14 162 N +77 14 163 W +77 14 164 W +77 14 165 W +77 14 166 W +77 14 167 B +77 14 168 W +77 14 169 W +77 14 170 W +77 14 171 W +77 14 172 B +77 14 173 N +77 14 174 N +77 14 175 W +77 14 176 N +77 14 177 N +77 14 178 W +77 14 179 W +77 14 180 W +77 14 181 N +77 14 182 W +77 14 183 W +77 14 184 W +77 14 185 N +77 14 186 W +77 14 187 N +77 14 188 W +77 14 189 B +77 14 190 N +77 14 191 W +77 14 192 W +77 14 193 W +77 14 194 N +77 14 195 W +77 14 196 W +77 14 197 B +77 14 198 W +77 14 199 F +77 14 200 W +77 14 201 N +77 14 202 W +77 14 203 N +77 14 204 W +77 14 205 W +77 14 206 F +77 14 207 N +77 14 208 N +77 14 209 W +77 14 210 W +77 14 211 W +77 14 212 N +77 14 213 B +77 14 214 W +77 14 215 N +77 14 216 W +77 14 217 N +77 14 218 W +77 14 219 F +77 14 220 W +77 14 221 F +77 14 222 W +77 14 223 W +77 14 224 B +77 14 225 W +77 14 226 W +77 14 227 W +77 14 228 W +77 14 229 W +77 14 230 B +77 14 231 N +77 14 232 W +77 14 233 W +77 14 234 W +77 14 235 W +77 14 236 W +77 14 237 N +77 14 238 W +77 14 239 N +77 14 240 N +77 14 241 F +77 14 242 N +77 14 243 N +77 14 244 F +77 14 245 N +77 14 246 W +77 14 247 W +77 14 248 W +77 14 249 W +77 14 250 N +77 14 251 W +77 14 252 F +77 14 253 W +77 14 254 W +77 14 255 N +77 14 256 F +77 14 257 N +77 14 258 N +77 14 259 W +77 14 260 B +77 14 261 N +77 14 262 F +77 14 263 W +77 14 264 W +77 14 265 W +77 14 266 N +77 14 267 W +77 14 268 W +77 14 269 N +77 14 270 N +77 14 271 W +77 14 272 F +77 14 273 N +77 14 274 F +77 14 275 W +77 14 276 * +77 14 277 W +77 14 278 N +77 14 279 W +77 14 280 W +77 14 281 W +77 14 282 W +77 14 283 W +77 14 284 F +77 14 285 B +77 14 286 F +77 14 287 N +77 14 288 N +77 14 289 W +77 14 290 B +77 14 291 W +77 14 292 N +77 14 293 F +77 14 294 B +77 14 295 N +77 14 296 W +77 14 297 N +77 14 298 N +77 14 299 W +77 14 300 B +77 14 301 W +77 14 302 B +77 14 303 B +77 14 304 W +77 14 305 W +77 14 306 W +77 14 307 W +77 14 308 W +77 14 309 W +77 14 310 W +77 14 311 W +77 14 312 W +77 14 313 W +77 14 314 F +77 14 315 W +77 14 316 W +77 14 317 N +77 14 318 N +77 14 319 F +77 14 320 W +77 14 321 N +77 14 322 W +77 14 323 W +77 14 324 F +77 14 325 N +77 14 326 N +77 14 327 F +77 14 328 W +77 14 329 N +77 14 330 F +77 15 1 W +77 15 2 F +77 15 3 N +77 15 4 W +77 15 5 W +77 15 6 N +77 15 7 W +77 15 8 N +77 15 9 N +77 15 10 W +77 15 11 W +77 15 12 N +77 15 13 W +77 15 14 W +77 15 15 F +77 15 16 F +77 15 17 N +77 15 18 W +77 15 19 B +77 15 20 B +77 15 21 N +77 15 22 N +77 15 23 W +77 15 24 W +77 15 25 W +77 15 26 W +77 15 27 F +77 15 28 N +77 15 29 W +77 15 30 N +77 15 31 B +77 15 32 N +77 15 33 B +77 15 34 B +77 15 35 N +77 15 36 W +77 15 37 B +77 15 38 N +77 15 39 W +77 15 40 B +77 15 41 N +77 15 42 N +77 15 43 W +77 15 44 F +77 15 45 B +77 15 46 W +77 15 47 W +77 15 48 B +77 15 49 B +77 15 50 W +77 15 51 N +77 15 52 B +77 15 53 F +77 15 54 W +77 15 55 B +77 15 56 N +77 15 57 W +77 15 58 F +77 15 59 W +77 15 60 W +77 15 61 N +77 15 62 N +77 15 63 W +77 15 64 N +77 15 65 N +77 15 66 F +77 15 67 B +77 15 68 N +77 15 69 W +77 15 70 F +77 15 71 N +77 15 72 W +77 15 73 W +77 15 74 W +77 15 75 W +77 15 76 N +77 15 77 W +77 15 78 F +77 15 79 W +77 15 80 W +77 15 81 W +77 15 82 N +77 15 83 F +77 15 84 N +77 15 85 W +77 15 86 N +77 15 87 W +77 15 88 N +77 15 89 W +77 15 90 W +77 15 91 B +77 15 92 F +77 15 93 W +77 15 94 W +77 15 95 F +77 15 96 N +77 15 97 W +77 15 98 N +77 15 99 W +77 15 100 W +77 15 101 N +77 15 102 B +77 15 103 W +77 15 104 B +77 15 105 N +77 15 106 F +77 15 107 F +77 15 108 F +77 15 109 W +77 15 110 N +77 15 111 W +77 15 112 N +77 15 113 W +77 15 114 W +77 15 115 N +77 15 116 W +77 15 117 N +77 15 118 N +77 15 119 W +77 15 120 F +77 15 121 B +77 15 122 W +77 15 123 W +77 15 124 F +77 15 125 N +77 15 126 N +77 15 127 W +77 15 128 N +77 15 129 F +77 15 130 W +77 15 131 W +77 15 132 N +77 15 133 W +77 15 134 W +77 15 135 N +77 15 136 W +77 15 137 W +77 15 138 W +77 15 139 F +77 15 140 W +77 15 141 F +77 15 142 F +77 15 143 W +77 15 144 W +77 15 145 W +77 15 146 N +77 15 147 W +77 15 148 N +77 15 149 N +77 15 150 W +77 15 151 N +77 15 152 N +77 15 153 W +77 15 154 W +77 15 155 W +77 15 156 W +77 15 157 N +77 15 158 F +77 15 159 N +77 15 160 N +77 15 161 W +77 15 162 N +77 15 163 W +77 15 164 W +77 15 165 W +77 15 166 W +77 15 167 F +77 15 168 W +77 15 169 W +77 15 170 W +77 15 171 W +77 15 172 F +77 15 173 N +77 15 174 N +77 15 175 W +77 15 176 N +77 15 177 F +77 15 178 W +77 15 179 N +77 15 180 W +77 15 181 W +77 15 182 N +77 15 183 N +77 15 184 F +77 15 185 N +77 15 186 W +77 15 187 N +77 15 188 W +77 15 189 W +77 15 190 N +77 15 191 W +77 15 192 W +77 15 193 N +77 15 194 N +77 15 195 W +77 15 196 W +77 15 197 W +77 15 198 W +77 15 199 F +77 15 200 W +77 15 201 N +77 15 202 W +77 15 203 N +77 15 204 W +77 15 205 W +77 15 206 F +77 15 207 N +77 15 208 N +77 15 209 W +77 15 210 W +77 15 211 W +77 15 212 N +77 15 213 N +77 15 214 N +77 15 215 N +77 15 216 W +77 15 217 N +77 15 218 W +77 15 219 F +77 15 220 W +77 15 221 F +77 15 222 W +77 15 223 W +77 15 224 F +77 15 225 N +77 15 226 W +77 15 227 W +77 15 228 W +77 15 229 W +77 15 230 N +77 15 231 N +77 15 232 W +77 15 233 W +77 15 234 W +77 15 235 W +77 15 236 N +77 15 237 N +77 15 238 W +77 15 239 N +77 15 240 N +77 15 241 F +77 15 242 F +77 15 243 N +77 15 244 F +77 15 245 N +77 15 246 W +77 15 247 W +77 15 248 B +77 15 249 W +77 15 250 W +77 15 251 W +77 15 252 F +77 15 253 W +77 15 254 W +77 15 255 W +77 15 256 N +77 15 257 W +77 15 258 N +77 15 259 N +77 15 260 F +77 15 261 N +77 15 262 F +77 15 263 W +77 15 264 W +77 15 265 W +77 15 266 N +77 15 267 N +77 15 268 W +77 15 269 W +77 15 270 N +77 15 271 W +77 15 272 F +77 15 273 N +77 15 274 F +77 15 275 N +77 15 276 N +77 15 277 W +77 15 278 N +77 15 279 W +77 15 280 W +77 15 281 W +77 15 282 W +77 15 283 N +77 15 284 F +77 15 285 N +77 15 286 F +77 15 287 N +77 15 288 N +77 15 289 W +77 15 290 F +77 15 291 W +77 15 292 N +77 15 293 F +77 15 294 F +77 15 295 F +77 15 296 W +77 15 297 N +77 15 298 W +77 15 299 N +77 15 300 W +77 15 301 W +77 15 302 F +77 15 303 W +77 15 304 N +77 15 305 N +77 15 306 W +77 15 307 W +77 15 308 W +77 15 309 W +77 15 310 W +77 15 311 N +77 15 312 W +77 15 313 W +77 15 314 F +77 15 315 F +77 15 316 W +77 15 317 N +77 15 318 N +77 15 319 F +77 15 320 N +77 15 321 N +77 15 322 W +77 15 323 W +77 15 324 F +77 15 325 N +77 15 326 N +77 15 327 F +77 15 328 W +77 15 329 N +77 15 330 F +77 16 1 W +77 16 2 W +77 16 3 N +77 16 4 W +77 16 5 W +77 16 6 N +77 16 7 W +77 16 8 N +77 16 9 N +77 16 10 W +77 16 11 W +77 16 12 N +77 16 13 W +77 16 14 W +77 16 15 N +77 16 16 F +77 16 17 W +77 16 18 W +77 16 19 W +77 16 20 W +77 16 21 N +77 16 22 N +77 16 23 W +77 16 24 W +77 16 25 W +77 16 26 W +77 16 27 F +77 16 28 N +77 16 29 W +77 16 30 * +77 16 31 F +77 16 32 N +77 16 33 W +77 16 34 W +77 16 35 N +77 16 36 W +77 16 37 W +77 16 38 B +77 16 39 W +77 16 40 W +77 16 41 N +77 16 42 N +77 16 43 W +77 16 44 F +77 16 45 W +77 16 46 W +77 16 47 W +77 16 48 N +77 16 49 W +77 16 50 W +77 16 51 W +77 16 52 F +77 16 53 N +77 16 54 W +77 16 55 W +77 16 56 N +77 16 57 W +77 16 58 N +77 16 59 F +77 16 60 W +77 16 61 N +77 16 62 W +77 16 63 N +77 16 64 W +77 16 65 N +77 16 66 F +77 16 67 W +77 16 68 N +77 16 69 W +77 16 70 B +77 16 71 N +77 16 72 W +77 16 73 W +77 16 74 B +77 16 75 W +77 16 76 N +77 16 77 W +77 16 78 N +77 16 79 W +77 16 80 W +77 16 81 W +77 16 82 W +77 16 83 N +77 16 84 B +77 16 85 W +77 16 86 N +77 16 87 W +77 16 88 N +77 16 89 W +77 16 90 W +77 16 91 W +77 16 92 B +77 16 93 W +77 16 94 W +77 16 95 F +77 16 96 N +77 16 97 W +77 16 98 N +77 16 99 B +77 16 100 W +77 16 101 N +77 16 102 W +77 16 103 W +77 16 104 F +77 16 105 N +77 16 106 N +77 16 107 F +77 16 108 F +77 16 109 W +77 16 110 N +77 16 111 W +77 16 112 N +77 16 113 W +77 16 114 W +77 16 115 N +77 16 116 F +77 16 117 W +77 16 118 N +77 16 119 W +77 16 120 F +77 16 121 N +77 16 122 W +77 16 123 W +77 16 124 W +77 16 125 N +77 16 126 N +77 16 127 W +77 16 128 N +77 16 129 B +77 16 130 W +77 16 131 N +77 16 132 N +77 16 133 W +77 16 134 W +77 16 135 N +77 16 136 W +77 16 137 W +77 16 138 W +77 16 139 F +77 16 140 W +77 16 141 F +77 16 142 F +77 16 143 W +77 16 144 W +77 16 145 W +77 16 146 N +77 16 147 W +77 16 148 N +77 16 149 W +77 16 150 B +77 16 151 N +77 16 152 B +77 16 153 W +77 16 154 W +77 16 155 W +77 16 156 W +77 16 157 W +77 16 158 F +77 16 159 N +77 16 160 N +77 16 161 W +77 16 162 N +77 16 163 W +77 16 164 W +77 16 165 W +77 16 166 W +77 16 167 B +77 16 168 W +77 16 169 W +77 16 170 W +77 16 171 W +77 16 172 B +77 16 173 N +77 16 174 N +77 16 175 W +77 16 176 N +77 16 177 N +77 16 178 W +77 16 179 W +77 16 180 W +77 16 181 N +77 16 182 W +77 16 183 W +77 16 184 W +77 16 185 N +77 16 186 W +77 16 187 N +77 16 188 W +77 16 189 B +77 16 190 N +77 16 191 W +77 16 192 W +77 16 193 W +77 16 194 N +77 16 195 W +77 16 196 W +77 16 197 B +77 16 198 W +77 16 199 F +77 16 200 W +77 16 201 N +77 16 202 W +77 16 203 N +77 16 204 W +77 16 205 W +77 16 206 F +77 16 207 N +77 16 208 N +77 16 209 W +77 16 210 W +77 16 211 W +77 16 212 N +77 16 213 B +77 16 214 W +77 16 215 N +77 16 216 W +77 16 217 N +77 16 218 W +77 16 219 F +77 16 220 W +77 16 221 F +77 16 222 W +77 16 223 W +77 16 224 B +77 16 225 W +77 16 226 W +77 16 227 W +77 16 228 W +77 16 229 W +77 16 230 B +77 16 231 N +77 16 232 W +77 16 233 W +77 16 234 W +77 16 235 W +77 16 236 W +77 16 237 N +77 16 238 W +77 16 239 N +77 16 240 N +77 16 241 F +77 16 242 N +77 16 243 N +77 16 244 F +77 16 245 N +77 16 246 W +77 16 247 W +77 16 248 W +77 16 249 W +77 16 250 N +77 16 251 W +77 16 252 F +77 16 253 W +77 16 254 W +77 16 255 N +77 16 256 F +77 16 257 N +77 16 258 N +77 16 259 W +77 16 260 B +77 16 261 N +77 16 262 F +77 16 263 W +77 16 264 W +77 16 265 N +77 16 266 N +77 16 267 W +77 16 268 W +77 16 269 N +77 16 270 N +77 16 271 W +77 16 272 F +77 16 273 N +77 16 274 F +77 16 275 W +77 16 276 N +77 16 277 W +77 16 278 N +77 16 279 W +77 16 280 W +77 16 281 W +77 16 282 W +77 16 283 W +77 16 284 F +77 16 285 B +77 16 286 F +77 16 287 N +77 16 288 N +77 16 289 W +77 16 290 B +77 16 291 W +77 16 292 N +77 16 293 F +77 16 294 N +77 16 295 N +77 16 296 B +77 16 297 W +77 16 298 B +77 16 299 W +77 16 300 B +77 16 301 W +77 16 302 B +77 16 303 B +77 16 304 W +77 16 305 W +77 16 306 W +77 16 307 W +77 16 308 W +77 16 309 W +77 16 310 W +77 16 311 W +77 16 312 W +77 16 313 W +77 16 314 F +77 16 315 W +77 16 316 W +77 16 317 N +77 16 318 N +77 16 319 F +77 16 320 W +77 16 321 N +77 16 322 W +77 16 323 W +77 16 324 F +77 16 325 N +77 16 326 N +77 16 327 F +77 16 328 W +77 16 329 N +77 16 330 F +77 17 1 W +77 17 2 W +77 17 3 N +77 17 4 W +77 17 5 W +77 17 6 N +77 17 7 W +77 17 8 N +77 17 9 N +77 17 10 W +77 17 11 W +77 17 12 N +77 17 13 W +77 17 14 W +77 17 15 F +77 17 16 F +77 17 17 N +77 17 18 W +77 17 19 W +77 17 20 W +77 17 21 N +77 17 22 F +77 17 23 W +77 17 24 W +77 17 25 W +77 17 26 F +77 17 27 N +77 17 28 W +77 17 29 W +77 17 30 * +77 17 31 N +77 17 32 W +77 17 33 W +77 17 34 N +77 17 35 W +77 17 36 W +77 17 37 N +77 17 38 W +77 17 39 W +77 17 40 N +77 17 41 W +77 17 42 W +77 17 43 F +77 17 44 W +77 17 45 W +77 17 46 W +77 17 47 N +77 17 48 W +77 17 49 W +77 17 50 N +77 17 51 F +77 17 52 N +77 17 53 W +77 17 54 W +77 17 55 W +77 17 56 N +77 17 57 W +77 17 58 N +77 17 59 F +77 17 60 W +77 17 61 N +77 17 62 F +77 17 63 N +77 17 64 W +77 17 65 N +77 17 66 F +77 17 67 W +77 17 68 N +77 17 69 W +77 17 70 F +77 17 71 N +77 17 72 W +77 17 73 N +77 17 74 W +77 17 75 W +77 17 76 N +77 17 77 W +77 17 78 F +77 17 79 W +77 17 80 W +77 17 81 W +77 17 82 W +77 17 83 F +77 17 84 N +77 17 85 W +77 17 86 N +77 17 87 W +77 17 88 N +77 17 89 W +77 17 90 W +77 17 91 N +77 17 92 F +77 17 93 W +77 17 94 W +77 17 95 F +77 17 96 N +77 17 97 W +77 17 98 N +77 17 99 W +77 17 100 W +77 17 101 N +77 17 102 W +77 17 103 W +77 17 104 W +77 17 105 N +77 17 106 F +77 17 107 F +77 17 108 W +77 17 109 W +77 17 110 N +77 17 111 W +77 17 112 N +77 17 113 W +77 17 114 * +77 17 115 N +77 17 116 W +77 17 117 N +77 17 118 N +77 17 119 W +77 17 120 F +77 17 121 N +77 17 122 W +77 17 123 W +77 17 124 N +77 17 125 N +77 17 126 N +77 17 127 W +77 17 128 N +77 17 129 F +77 17 130 W +77 17 131 N +77 17 132 N +77 17 133 W +77 17 134 N +77 17 135 N +77 17 136 W +77 17 137 W +77 17 138 W +77 17 139 F +77 17 140 W +77 17 141 F +77 17 142 F +77 17 143 W +77 17 144 W +77 17 145 W +77 17 146 F +77 17 147 W +77 17 148 N +77 17 149 W +77 17 150 W +77 17 151 N +77 17 152 W +77 17 153 W +77 17 154 W +77 17 155 W +77 17 156 W +77 17 157 W +77 17 158 F +77 17 159 N +77 17 160 N +77 17 161 W +77 17 162 N +77 17 163 W +77 17 164 W +77 17 165 W +77 17 166 W +77 17 167 W +77 17 168 W +77 17 169 W +77 17 170 W +77 17 171 W +77 17 172 F +77 17 173 N +77 17 174 N +77 17 175 W +77 17 176 N +77 17 177 W +77 17 178 N +77 17 179 W +77 17 180 W +77 17 181 N +77 17 182 N +77 17 183 W +77 17 184 N +77 17 185 N +77 17 186 W +77 17 187 N +77 17 188 W +77 17 189 W +77 17 190 N +77 17 191 W +77 17 192 W +77 17 193 N +77 17 194 W +77 17 195 W +77 17 196 W +77 17 197 N +77 17 198 W +77 17 199 F +77 17 200 W +77 17 201 N +77 17 202 W +77 17 203 N +77 17 204 W +77 17 205 W +77 17 206 F +77 17 207 N +77 17 208 N +77 17 209 W +77 17 210 N +77 17 211 W +77 17 212 N +77 17 213 W +77 17 214 N +77 17 215 N +77 17 216 W +77 17 217 N +77 17 218 W +77 17 219 F +77 17 220 W +77 17 221 F +77 17 222 W +77 17 223 W +77 17 224 F +77 17 225 W +77 17 226 W +77 17 227 W +77 17 228 W +77 17 229 W +77 17 230 F +77 17 231 N +77 17 232 W +77 17 233 W +77 17 234 W +77 17 235 W +77 17 236 W +77 17 237 N +77 17 238 W +77 17 239 N +77 17 240 N +77 17 241 F +77 17 242 F +77 17 243 N +77 17 244 F +77 17 245 N +77 17 246 W +77 17 247 W +77 17 248 W +77 17 249 W +77 17 250 W +77 17 251 W +77 17 252 F +77 17 253 W +77 17 254 W +77 17 255 W +77 17 256 N +77 17 257 W +77 17 258 N +77 17 259 N +77 17 260 F +77 17 261 N +77 17 262 F +77 17 263 F +77 17 264 W +77 17 265 N +77 17 266 N +77 17 267 N +77 17 268 W +77 17 269 N +77 17 270 N +77 17 271 W +77 17 272 F +77 17 273 N +77 17 274 F +77 17 275 N +77 17 276 N +77 17 277 W +77 17 278 N +77 17 279 W +77 17 280 W +77 17 281 N +77 17 282 W +77 17 283 N +77 17 284 F +77 17 285 N +77 17 286 F +77 17 287 N +77 17 288 F +77 17 289 W +77 17 290 N +77 17 291 W +77 17 292 N +77 17 293 F +77 17 294 F +77 17 295 N +77 17 296 W +77 17 297 N +77 17 298 N +77 17 299 W +77 17 300 F +77 17 301 W +77 17 302 N +77 17 303 W +77 17 304 W +77 17 305 N +77 17 306 W +77 17 307 W +77 17 308 W +77 17 309 W +77 17 310 W +77 17 311 W +77 17 312 W +77 17 313 W +77 17 314 F +77 17 315 W +77 17 316 W +77 17 317 N +77 17 318 N +77 17 319 W +77 17 320 F +77 17 321 N +77 17 322 W +77 17 323 W +77 17 324 F +77 17 325 N +77 17 326 N +77 17 327 F +77 17 328 W +77 17 329 N +77 17 330 F +77 18 1 W +77 18 2 W +77 18 3 N +77 18 4 W +77 18 5 W +77 18 6 N +77 18 7 W +77 18 8 N +77 18 9 N +77 18 10 W +77 18 11 W +77 18 12 N +77 18 13 W +77 18 14 W +77 18 15 N +77 18 16 F +77 18 17 N +77 18 18 W +77 18 19 W +77 18 20 W +77 18 21 N +77 18 22 N +77 18 23 W +77 18 24 W +77 18 25 W +77 18 26 W +77 18 27 F +77 18 28 N +77 18 29 W +77 18 30 N +77 18 31 F +77 18 32 N +77 18 33 W +77 18 34 W +77 18 35 N +77 18 36 W +77 18 37 W +77 18 38 B +77 18 39 W +77 18 40 W +77 18 41 N +77 18 42 N +77 18 43 W +77 18 44 F +77 18 45 W +77 18 46 W +77 18 47 W +77 18 48 N +77 18 49 W +77 18 50 W +77 18 51 W +77 18 52 N +77 18 53 W +77 18 54 W +77 18 55 N +77 18 56 N +77 18 57 W +77 18 58 N +77 18 59 F +77 18 60 W +77 18 61 N +77 18 62 W +77 18 63 N +77 18 64 W +77 18 65 N +77 18 66 F +77 18 67 W +77 18 68 N +77 18 69 W +77 18 70 B +77 18 71 N +77 18 72 W +77 18 73 W +77 18 74 B +77 18 75 W +77 18 76 N +77 18 77 W +77 18 78 N +77 18 79 W +77 18 80 W +77 18 81 W +77 18 82 W +77 18 83 N +77 18 84 B +77 18 85 W +77 18 86 N +77 18 87 W +77 18 88 N +77 18 89 W +77 18 90 W +77 18 91 W +77 18 92 B +77 18 93 W +77 18 94 W +77 18 95 F +77 18 96 N +77 18 97 W +77 18 98 N +77 18 99 B +77 18 100 W +77 18 101 N +77 18 102 W +77 18 103 W +77 18 104 F +77 18 105 N +77 18 106 N +77 18 107 F +77 18 108 F +77 18 109 W +77 18 110 N +77 18 111 W +77 18 112 N +77 18 113 W +77 18 114 W +77 18 115 N +77 18 116 F +77 18 117 W +77 18 118 N +77 18 119 W +77 18 120 F +77 18 121 N +77 18 122 W +77 18 123 W +77 18 124 W +77 18 125 N +77 18 126 N +77 18 127 W +77 18 128 N +77 18 129 B +77 18 130 W +77 18 131 N +77 18 132 N +77 18 133 W +77 18 134 W +77 18 135 N +77 18 136 W +77 18 137 W +77 18 138 W +77 18 139 F +77 18 140 W +77 18 141 F +77 18 142 F +77 18 143 W +77 18 144 W +77 18 145 W +77 18 146 W +77 18 147 W +77 18 148 N +77 18 149 W +77 18 150 B +77 18 151 N +77 18 152 B +77 18 153 W +77 18 154 W +77 18 155 W +77 18 156 W +77 18 157 W +77 18 158 F +77 18 159 N +77 18 160 N +77 18 161 W +77 18 162 N +77 18 163 W +77 18 164 W +77 18 165 W +77 18 166 W +77 18 167 B +77 18 168 W +77 18 169 W +77 18 170 W +77 18 171 W +77 18 172 B +77 18 173 N +77 18 174 N +77 18 175 F +77 18 176 N +77 18 177 F +77 18 178 W +77 18 179 N +77 18 180 W +77 18 181 N +77 18 182 N +77 18 183 W +77 18 184 W +77 18 185 W +77 18 186 W +77 18 187 N +77 18 188 W +77 18 189 F +77 18 190 N +77 18 191 W +77 18 192 W +77 18 193 W +77 18 194 W +77 18 195 W +77 18 196 F +77 18 197 W +77 18 198 W +77 18 199 F +77 18 200 W +77 18 201 N +77 18 202 W +77 18 203 N +77 18 204 W +77 18 205 W +77 18 206 F +77 18 207 N +77 18 208 W +77 18 209 W +77 18 210 N +77 18 211 W +77 18 212 N +77 18 213 F +77 18 214 F +77 18 215 N +77 18 216 W +77 18 217 N +77 18 218 N +77 18 219 F +77 18 220 W +77 18 221 F +77 18 222 W +77 18 223 W +77 18 224 F +77 18 225 W +77 18 226 W +77 18 227 W +77 18 228 W +77 18 229 W +77 18 230 B +77 18 231 N +77 18 232 W +77 18 233 W +77 18 234 W +77 18 235 W +77 18 236 W +77 18 237 N +77 18 238 W +77 18 239 N +77 18 240 N +77 18 241 F +77 18 242 N +77 18 243 N +77 18 244 F +77 18 245 N +77 18 246 W +77 18 247 W +77 18 248 W +77 18 249 W +77 18 250 N +77 18 251 W +77 18 252 F +77 18 253 W +77 18 254 W +77 18 255 N +77 18 256 F +77 18 257 N +77 18 258 N +77 18 259 W +77 18 260 B +77 18 261 N +77 18 262 F +77 18 263 W +77 18 264 W +77 18 265 N +77 18 266 N +77 18 267 W +77 18 268 W +77 18 269 N +77 18 270 N +77 18 271 W +77 18 272 F +77 18 273 N +77 18 274 F +77 18 275 W +77 18 276 N +77 18 277 W +77 18 278 N +77 18 279 W +77 18 280 W +77 18 281 W +77 18 282 W +77 18 283 W +77 18 284 F +77 18 285 B +77 18 286 F +77 18 287 N +77 18 288 N +77 18 289 W +77 18 290 B +77 18 291 W +77 18 292 N +77 18 293 F +77 18 294 N +77 18 295 N +77 18 296 B +77 18 297 W +77 18 298 B +77 18 299 W +77 18 300 B +77 18 301 W +77 18 302 B +77 18 303 B +77 18 304 W +77 18 305 W +77 18 306 W +77 18 307 W +77 18 308 W +77 18 309 W +77 18 310 W +77 18 311 W +77 18 312 W +77 18 313 W +77 18 314 N +77 18 315 W +77 18 316 W +77 18 317 N +77 18 318 N +77 18 319 F +77 18 320 W +77 18 321 N +77 18 322 W +77 18 323 W +77 18 324 F +77 18 325 W +77 18 326 F +77 18 327 F +77 18 328 W +77 18 329 N +77 18 330 F +77 19 1 W +77 19 2 W +77 19 3 N +77 19 4 W +77 19 5 W +77 19 6 N +77 19 7 W +77 19 8 N +77 19 9 W +77 19 10 W +77 19 11 W +77 19 12 N +77 19 13 W +77 19 14 W +77 19 15 N +77 19 16 F +77 19 17 N +77 19 18 W +77 19 19 W +77 19 20 W +77 19 21 N +77 19 22 F +77 19 23 W +77 19 24 W +77 19 25 W +77 19 26 W +77 19 27 F +77 19 28 N +77 19 29 W +77 19 30 N +77 19 31 F +77 19 32 N +77 19 33 W +77 19 34 W +77 19 35 N +77 19 36 N +77 19 37 W +77 19 38 N +77 19 39 W +77 19 40 W +77 19 41 N +77 19 42 N +77 19 43 W +77 19 44 F +77 19 45 W +77 19 46 W +77 19 47 W +77 19 48 N +77 19 49 W +77 19 50 W +77 19 51 W +77 19 52 F +77 19 53 N +77 19 54 W +77 19 55 W +77 19 56 N +77 19 57 W +77 19 58 W +77 19 59 F +77 19 60 W +77 19 61 N +77 19 62 W +77 19 63 N +77 19 64 W +77 19 65 N +77 19 66 F +77 19 67 W +77 19 68 N +77 19 69 W +77 19 70 F +77 19 71 N +77 19 72 W +77 19 73 W +77 19 74 F +77 19 75 W +77 19 76 N +77 19 77 W +77 19 78 N +77 19 79 W +77 19 80 W +77 19 81 W +77 19 82 W +77 19 83 F +77 19 84 N +77 19 85 W +77 19 86 N +77 19 87 W +77 19 88 N +77 19 89 W +77 19 90 W +77 19 91 W +77 19 92 F +77 19 93 W +77 19 94 W +77 19 95 F +77 19 96 N +77 19 97 W +77 19 98 N +77 19 99 N +77 19 100 W +77 19 101 N +77 19 102 W +77 19 103 W +77 19 104 W +77 19 105 N +77 19 106 N +77 19 107 F +77 19 108 F +77 19 109 W +77 19 110 N +77 19 111 W +77 19 112 N +77 19 113 W +77 19 114 W +77 19 115 N +77 19 116 F +77 19 117 W +77 19 118 N +77 19 119 W +77 19 120 F +77 19 121 N +77 19 122 N +77 19 123 W +77 19 124 W +77 19 125 N +77 19 126 N +77 19 127 W +77 19 128 N +77 19 129 F +77 19 130 W +77 19 131 W +77 19 132 N +77 19 133 W +77 19 134 W +77 19 135 N +77 19 136 W +77 19 137 W +77 19 138 W +77 19 139 F +77 19 140 W +77 19 141 F +77 19 142 F +77 19 143 W +77 19 144 W +77 19 145 W +77 19 146 N +77 19 147 W +77 19 148 N +77 19 149 W +77 19 150 W +77 19 151 N +77 19 152 N +77 19 153 W +77 19 154 W +77 19 155 W +77 19 156 W +77 19 157 W +77 19 158 F +77 19 159 N +77 19 160 N +77 19 161 W +77 19 162 N +77 19 163 W +77 19 164 W +77 19 165 W +77 19 166 W +77 19 167 W +77 19 168 W +77 19 169 W +77 19 170 W +77 19 171 W +77 19 172 F +77 19 173 N +77 19 174 N +77 19 175 W +77 19 176 N +77 19 177 N +77 19 178 W +77 19 179 N +77 19 180 W +77 19 181 W +77 19 182 N +77 19 183 W +77 19 184 W +77 19 185 N +77 19 186 W +77 19 187 N +77 19 188 W +77 19 189 F +77 19 190 N +77 19 191 W +77 19 192 W +77 19 193 N +77 19 194 N +77 19 195 W +77 19 196 W +77 19 197 N +77 19 198 W +77 19 199 F +77 19 200 W +77 19 201 N +77 19 202 W +77 19 203 N +77 19 204 W +77 19 205 W +77 19 206 F +77 19 207 N +77 19 208 N +77 19 209 W +77 19 210 W +77 19 211 W +77 19 212 N +77 19 213 W +77 19 214 W +77 19 215 N +77 19 216 W +77 19 217 N +77 19 218 W +77 19 219 F +77 19 220 W +77 19 221 F +77 19 222 W +77 19 223 W +77 19 224 F +77 19 225 W +77 19 226 W +77 19 227 W +77 19 228 W +77 19 229 W +77 19 230 N +77 19 231 N +77 19 232 W +77 19 233 W +77 19 234 W +77 19 235 W +77 19 236 W +77 19 237 N +77 19 238 W +77 19 239 N +77 19 240 N +77 19 241 F +77 19 242 N +77 19 243 N +77 19 244 F +77 19 245 N +77 19 246 W +77 19 247 W +77 19 248 W +77 19 249 W +77 19 250 W +77 19 251 W +77 19 252 F +77 19 253 W +77 19 254 W +77 19 255 W +77 19 256 N +77 19 257 W +77 19 258 N +77 19 259 N +77 19 260 F +77 19 261 N +77 19 262 F +77 19 263 W +77 19 264 F +77 19 265 W +77 19 266 N +77 19 267 N +77 19 268 W +77 19 269 N +77 19 270 N +77 19 271 W +77 19 272 F +77 19 273 N +77 19 274 F +77 19 275 N +77 19 276 N +77 19 277 W +77 19 278 N +77 19 279 W +77 19 280 W +77 19 281 N +77 19 282 W +77 19 283 N +77 19 284 F +77 19 285 N +77 19 286 F +77 19 287 N +77 19 288 F +77 19 289 W +77 19 290 N +77 19 291 W +77 19 292 N +77 19 293 F +77 19 294 F +77 19 295 N +77 19 296 W +77 19 297 N +77 19 298 N +77 19 299 W +77 19 300 F +77 19 301 W +77 19 302 N +77 19 303 W +77 19 304 W +77 19 305 N +77 19 306 W +77 19 307 W +77 19 308 W +77 19 309 W +77 19 310 W +77 19 311 W +77 19 312 W +77 19 313 W +77 19 314 F +77 19 315 W +77 19 316 W +77 19 317 N +77 19 318 N +77 19 319 F +77 19 320 W +77 19 321 N +77 19 322 W +77 19 323 W +77 19 324 F +77 19 325 N +77 19 326 N +77 19 327 F +77 19 328 W +77 19 329 N +77 19 330 F +77 20 1 W +77 20 2 W +77 20 3 N +77 20 4 W +77 20 5 W +77 20 6 W +77 20 7 W +77 20 8 N +77 20 9 W +77 20 10 W +77 20 11 W +77 20 12 N +77 20 13 W +77 20 14 W +77 20 15 B +77 20 16 F +77 20 17 N +77 20 18 W +77 20 19 W +77 20 20 W +77 20 21 N +77 20 22 N +77 20 23 W +77 20 24 W +77 20 25 W +77 20 26 W +77 20 27 F +77 20 28 N +77 20 29 W +77 20 30 N +77 20 31 W +77 20 32 B +77 20 33 W +77 20 34 W +77 20 35 N +77 20 36 W +77 20 37 W +77 20 38 N +77 20 39 W +77 20 40 W +77 20 41 N +77 20 42 N +77 20 43 W +77 20 44 F +77 20 45 W +77 20 46 W +77 20 47 W +77 20 48 N +77 20 49 W +77 20 50 W +77 20 51 W +77 20 52 F +77 20 53 N +77 20 54 W +77 20 55 W +77 20 56 B +77 20 57 W +77 20 58 W +77 20 59 F +77 20 60 W +77 20 61 N +77 20 62 W +77 20 63 N +77 20 64 W +77 20 65 N +77 20 66 F +77 20 67 W +77 20 68 W +77 20 69 W +77 20 70 F +77 20 71 N +77 20 72 W +77 20 73 W +77 20 74 F +77 20 75 W +77 20 76 N +77 20 77 W +77 20 78 F +77 20 79 W +77 20 80 W +77 20 81 W +77 20 82 W +77 20 83 F +77 20 84 N +77 20 85 W +77 20 86 N +77 20 87 W +77 20 88 N +77 20 89 W +77 20 90 W +77 20 91 W +77 20 92 F +77 20 93 W +77 20 94 W +77 20 95 F +77 20 96 N +77 20 97 W +77 20 98 N +77 20 99 B +77 20 100 F +77 20 101 N +77 20 102 F +77 20 103 W +77 20 104 W +77 20 105 N +77 20 106 N +77 20 107 F +77 20 108 F +77 20 109 W +77 20 110 N +77 20 111 W +77 20 112 N +77 20 113 W +77 20 114 W +77 20 115 N +77 20 116 F +77 20 117 W +77 20 118 N +77 20 119 W +77 20 120 F +77 20 121 N +77 20 122 W +77 20 123 W +77 20 124 W +77 20 125 N +77 20 126 N +77 20 127 W +77 20 128 N +77 20 129 F +77 20 130 W +77 20 131 N +77 20 132 N +77 20 133 W +77 20 134 W +77 20 135 N +77 20 136 W +77 20 137 W +77 20 138 W +77 20 139 F +77 20 140 W +77 20 141 F +77 20 142 F +77 20 143 W +77 20 144 W +77 20 145 W +77 20 146 N +77 20 147 W +77 20 148 N +77 20 149 W +77 20 150 W +77 20 151 N +77 20 152 B +77 20 153 W +77 20 154 W +77 20 155 W +77 20 156 W +77 20 157 W +77 20 158 F +77 20 159 N +77 20 160 N +77 20 161 W +77 20 162 N +77 20 163 W +77 20 164 W +77 20 165 W +77 20 166 W +77 20 167 B +77 20 168 W +77 20 169 W +77 20 170 W +77 20 171 W +77 20 172 F +77 20 173 N +77 20 174 N +77 20 175 W +77 20 176 N +77 20 177 F +77 20 178 W +77 20 179 N +77 20 180 W +77 20 181 W +77 20 182 N +77 20 183 W +77 20 184 W +77 20 185 N +77 20 186 W +77 20 187 N +77 20 188 W +77 20 189 W +77 20 190 N +77 20 191 W +77 20 192 W +77 20 193 W +77 20 194 N +77 20 195 W +77 20 196 W +77 20 197 W +77 20 198 W +77 20 199 F +77 20 200 W +77 20 201 N +77 20 202 W +77 20 203 N +77 20 204 W +77 20 205 W +77 20 206 F +77 20 207 N +77 20 208 N +77 20 209 W +77 20 210 N +77 20 211 W +77 20 212 N +77 20 213 W +77 20 214 N +77 20 215 N +77 20 216 W +77 20 217 B +77 20 218 W +77 20 219 F +77 20 220 W +77 20 221 F +77 20 222 W +77 20 223 W +77 20 224 F +77 20 225 W +77 20 226 W +77 20 227 W +77 20 228 W +77 20 229 W +77 20 230 F +77 20 231 W +77 20 232 W +77 20 233 W +77 20 234 W +77 20 235 W +77 20 236 W +77 20 237 N +77 20 238 W +77 20 239 N +77 20 240 N +77 20 241 F +77 20 242 N +77 20 243 N +77 20 244 F +77 20 245 N +77 20 246 W +77 20 247 W +77 20 248 W +77 20 249 W +77 20 250 W +77 20 251 W +77 20 252 F +77 20 253 W +77 20 254 W +77 20 255 W +77 20 256 N +77 20 257 W +77 20 258 W +77 20 259 N +77 20 260 N +77 20 261 N +77 20 262 F +77 20 263 W +77 20 264 W +77 20 265 W +77 20 266 N +77 20 267 N +77 20 268 W +77 20 269 N +77 20 270 N +77 20 271 W +77 20 272 F +77 20 273 N +77 20 274 F +77 20 275 W +77 20 276 N +77 20 277 W +77 20 278 N +77 20 279 W +77 20 280 W +77 20 281 W +77 20 282 W +77 20 283 N +77 20 284 F +77 20 285 N +77 20 286 F +77 20 287 N +77 20 288 N +77 20 289 W +77 20 290 F +77 20 291 W +77 20 292 N +77 20 293 F +77 20 294 F +77 20 295 W +77 20 296 W +77 20 297 N +77 20 298 N +77 20 299 W +77 20 300 F +77 20 301 W +77 20 302 F +77 20 303 W +77 20 304 W +77 20 305 N +77 20 306 W +77 20 307 W +77 20 308 W +77 20 309 W +77 20 310 W +77 20 311 W +77 20 312 W +77 20 313 W +77 20 314 F +77 20 315 W +77 20 316 W +77 20 317 N +77 20 318 N +77 20 319 F +77 20 320 W +77 20 321 N +77 20 322 W +77 20 323 W +77 20 324 F +77 20 325 W +77 20 326 N +77 20 327 F +77 20 328 W +77 20 329 N +77 20 330 F +77 21 1 W +77 21 2 W +77 21 3 N +77 21 4 W +77 21 5 W +77 21 6 N +77 21 7 W +77 21 8 N +77 21 9 N +77 21 10 W +77 21 11 W +77 21 12 N +77 21 13 W +77 21 14 W +77 21 15 N +77 21 16 F +77 21 17 N +77 21 18 W +77 21 19 W +77 21 20 W +77 21 21 N +77 21 22 N +77 21 23 N +77 21 24 W +77 21 25 W +77 21 26 W +77 21 27 F +77 21 28 N +77 21 29 W +77 21 30 N +77 21 31 F +77 21 32 N +77 21 33 W +77 21 34 W +77 21 35 N +77 21 36 W +77 21 37 W +77 21 38 B +77 21 39 W +77 21 40 W +77 21 41 N +77 21 42 N +77 21 43 W +77 21 44 F +77 21 45 W +77 21 46 W +77 21 47 W +77 21 48 N +77 21 49 W +77 21 50 W +77 21 51 W +77 21 52 F +77 21 53 N +77 21 54 W +77 21 55 W +77 21 56 N +77 21 57 W +77 21 58 W +77 21 59 F +77 21 60 W +77 21 61 N +77 21 62 W +77 21 63 N +77 21 64 W +77 21 65 N +77 21 66 F +77 21 67 W +77 21 68 N +77 21 69 W +77 21 70 F +77 21 71 N +77 21 72 W +77 21 73 W +77 21 74 F +77 21 75 W +77 21 76 N +77 21 77 W +77 21 78 N +77 21 79 W +77 21 80 W +77 21 81 W +77 21 82 W +77 21 83 F +77 21 84 N +77 21 85 W +77 21 86 N +77 21 87 W +77 21 88 N +77 21 89 W +77 21 90 W +77 21 91 W +77 21 92 F +77 21 93 W +77 21 94 W +77 21 95 F +77 21 96 N +77 21 97 W +77 21 98 N +77 21 99 N +77 21 100 F +77 21 101 N +77 21 102 W +77 21 103 W +77 21 104 W +77 21 105 W +77 21 106 W +77 21 107 F +77 21 108 W +77 21 109 W +77 21 110 N +77 21 111 W +77 21 112 N +77 21 113 W +77 21 114 W +77 21 115 N +77 21 116 W +77 21 117 W +77 21 118 N +77 21 119 W +77 21 120 F +77 21 121 N +77 21 122 W +77 21 123 W +77 21 124 F +77 21 125 N +77 21 126 N +77 21 127 W +77 21 128 F +77 21 129 N +77 21 130 W +77 21 131 W +77 21 132 N +77 21 133 W +77 21 134 W +77 21 135 N +77 21 136 W +77 21 137 W +77 21 138 W +77 21 139 F +77 21 140 W +77 21 141 F +77 21 142 F +77 21 143 W +77 21 144 W +77 21 145 W +77 21 146 N +77 21 147 W +77 21 148 N +77 21 149 W +77 21 150 B +77 21 151 N +77 21 152 B +77 21 153 W +77 21 154 W +77 21 155 W +77 21 156 W +77 21 157 W +77 21 158 F +77 21 159 N +77 21 160 N +77 21 161 W +77 21 162 B +77 21 163 W +77 21 164 W +77 21 165 W +77 21 166 W +77 21 167 B +77 21 168 W +77 21 169 W +77 21 170 W +77 21 171 W +77 21 172 B +77 21 173 N +77 21 174 N +77 21 175 W +77 21 176 N +77 21 177 N +77 21 178 W +77 21 179 W +77 21 180 W +77 21 181 N +77 21 182 W +77 21 183 W +77 21 184 W +77 21 185 N +77 21 186 W +77 21 187 N +77 21 188 W +77 21 189 B +77 21 190 N +77 21 191 W +77 21 192 W +77 21 193 W +77 21 194 N +77 21 195 W +77 21 196 W +77 21 197 B +77 21 198 W +77 21 199 F +77 21 200 W +77 21 201 N +77 21 202 W +77 21 203 N +77 21 204 W +77 21 205 W +77 21 206 F +77 21 207 N +77 21 208 N +77 21 209 W +77 21 210 W +77 21 211 W +77 21 212 N +77 21 213 B +77 21 214 W +77 21 215 N +77 21 216 W +77 21 217 N +77 21 218 W +77 21 219 F +77 21 220 W +77 21 221 F +77 21 222 W +77 21 223 W +77 21 224 B +77 21 225 W +77 21 226 W +77 21 227 W +77 21 228 W +77 21 229 W +77 21 230 B +77 21 231 N +77 21 232 W +77 21 233 W +77 21 234 W +77 21 235 W +77 21 236 W +77 21 237 N +77 21 238 W +77 21 239 N +77 21 240 W +77 21 241 F +77 21 242 F +77 21 243 N +77 21 244 F +77 21 245 N +77 21 246 F +77 21 247 N +77 21 248 W +77 21 249 W +77 21 250 W +77 21 251 W +77 21 252 N +77 21 253 W +77 21 254 W +77 21 255 W +77 21 256 N +77 21 257 W +77 21 258 F +77 21 259 N +77 21 260 F +77 21 261 N +77 21 262 F +77 21 263 W +77 21 264 F +77 21 265 W +77 21 266 N +77 21 267 N +77 21 268 W +77 21 269 F +77 21 270 N +77 21 271 F +77 21 272 N +77 21 273 F +77 21 274 N +77 21 275 W +77 21 276 N +77 21 277 W +77 21 278 N +77 21 279 W +77 21 280 W +77 21 281 W +77 21 282 W +77 21 283 W +77 21 284 F +77 21 285 N +77 21 286 F +77 21 287 W +77 21 288 N +77 21 289 W +77 21 290 N +77 21 291 W +77 21 292 N +77 21 293 F +77 21 294 F +77 21 295 W +77 21 296 W +77 21 297 N +77 21 298 N +77 21 299 W +77 21 300 F +77 21 301 W +77 21 302 F +77 21 303 F +77 21 304 W +77 21 305 W +77 21 306 W +77 21 307 W +77 21 308 W +77 21 309 W +77 21 310 W +77 21 311 W +77 21 312 W +77 21 313 W +77 21 314 F +77 21 315 W +77 21 316 W +77 21 317 N +77 21 318 N +77 21 319 F +77 21 320 W +77 21 321 N +77 21 322 W +77 21 323 W +77 21 324 F +77 21 325 N +77 21 326 N +77 21 327 F +77 21 328 W +77 21 329 N +77 21 330 F +77 22 1 W +77 22 2 F +77 22 3 N +77 22 4 W +77 22 5 W +77 22 6 N +77 22 7 W +77 22 8 W +77 22 9 W +77 22 10 W +77 22 11 W +77 22 12 N +77 22 13 W +77 22 14 W +77 22 15 F +77 22 16 F +77 22 17 N +77 22 18 W +77 22 19 W +77 22 20 W +77 22 21 N +77 22 22 F +77 22 23 W +77 22 24 W +77 22 25 W +77 22 26 W +77 22 27 F +77 22 28 W +77 22 29 W +77 22 30 N +77 22 31 F +77 22 32 W +77 22 33 W +77 22 34 W +77 22 35 N +77 22 36 W +77 22 37 W +77 22 38 N +77 22 39 W +77 22 40 W +77 22 41 N +77 22 42 N +77 22 43 W +77 22 44 F +77 22 45 W +77 22 46 F +77 22 47 W +77 22 48 N +77 22 49 W +77 22 50 W +77 22 51 W +77 22 52 F +77 22 53 W +77 22 54 W +77 22 55 F +77 22 56 F +77 22 57 W +77 22 58 W +77 22 59 F +77 22 60 W +77 22 61 N +77 22 62 W +77 22 63 N +77 22 64 W +77 22 65 N +77 22 66 F +77 22 67 W +77 22 68 N +77 22 69 W +77 22 70 F +77 22 71 W +77 22 72 W +77 22 73 W +77 22 74 F +77 22 75 W +77 22 76 N +77 22 77 W +77 22 78 F +77 22 79 W +77 22 80 W +77 22 81 W +77 22 82 W +77 22 83 F +77 22 84 N +77 22 85 W +77 22 86 N +77 22 87 W +77 22 88 W +77 22 89 W +77 22 90 W +77 22 91 W +77 22 92 F +77 22 93 W +77 22 94 W +77 22 95 F +77 22 96 N +77 22 97 W +77 22 98 N +77 22 99 F +77 22 100 F +77 22 101 W +77 22 102 F +77 22 103 W +77 22 104 F +77 22 105 W +77 22 106 N +77 22 107 F +77 22 108 F +77 22 109 W +77 22 110 N +77 22 111 W +77 22 112 N +77 22 113 W +77 22 114 W +77 22 115 N +77 22 116 F +77 22 117 W +77 22 118 N +77 22 119 W +77 22 120 F +77 22 121 N +77 22 122 W +77 22 123 W +77 22 124 F +77 22 125 N +77 22 126 N +77 22 127 W +77 22 128 N +77 22 129 F +77 22 130 W +77 22 131 W +77 22 132 N +77 22 133 W +77 22 134 W +77 22 135 N +77 22 136 W +77 22 137 W +77 22 138 W +77 22 139 W +77 22 140 W +77 22 141 F +77 22 142 F +77 22 143 W +77 22 144 W +77 22 145 W +77 22 146 W +77 22 147 W +77 22 148 N +77 22 149 N +77 22 150 W +77 22 151 N +77 22 152 N +77 22 153 W +77 22 154 W +77 22 155 W +77 22 156 W +77 22 157 W +77 22 158 F +77 22 159 N +77 22 160 N +77 22 161 W +77 22 162 N +77 22 163 W +77 22 164 W +77 22 165 W +77 22 166 W +77 22 167 W +77 22 168 W +77 22 169 W +77 22 170 W +77 22 171 W +77 22 172 F +77 22 173 N +77 22 174 N +77 22 175 F +77 22 176 N +77 22 177 F +77 22 178 W +77 22 179 N +77 22 180 W +77 22 181 N +77 22 182 N +77 22 183 W +77 22 184 W +77 22 185 W +77 22 186 W +77 22 187 N +77 22 188 W +77 22 189 F +77 22 190 N +77 22 191 W +77 22 192 W +77 22 193 W +77 22 194 W +77 22 195 W +77 22 196 F +77 22 197 W +77 22 198 W +77 22 199 F +77 22 200 W +77 22 201 N +77 22 202 W +77 22 203 N +77 22 204 W +77 22 205 W +77 22 206 F +77 22 207 N +77 22 208 W +77 22 209 W +77 22 210 N +77 22 211 W +77 22 212 N +77 22 213 F +77 22 214 F +77 22 215 N +77 22 216 W +77 22 217 N +77 22 218 N +77 22 219 F +77 22 220 W +77 22 221 F +77 22 222 W +77 22 223 W +77 22 224 F +77 22 225 W +77 22 226 W +77 22 227 W +77 22 228 W +77 22 229 W +77 22 230 N +77 22 231 W +77 22 232 W +77 22 233 W +77 22 234 W +77 22 235 W +77 22 236 W +77 22 237 N +77 22 238 W +77 22 239 N +77 22 240 W +77 22 241 F +77 22 242 F +77 22 243 N +77 22 244 F +77 22 245 N +77 22 246 W +77 22 247 W +77 22 248 W +77 22 249 W +77 22 250 W +77 22 251 W +77 22 252 N +77 22 253 W +77 22 254 W +77 22 255 W +77 22 256 N +77 22 257 W +77 22 258 F +77 22 259 N +77 22 260 F +77 22 261 N +77 22 262 F +77 22 263 W +77 22 264 F +77 22 265 W +77 22 266 N +77 22 267 N +77 22 268 W +77 22 269 N +77 22 270 N +77 22 271 W +77 22 272 F +77 22 273 N +77 22 274 F +77 22 275 W +77 22 276 N +77 22 277 W +77 22 278 N +77 22 279 W +77 22 280 W +77 22 281 W +77 22 282 W +77 22 283 W +77 22 284 F +77 22 285 N +77 22 286 F +77 22 287 W +77 22 288 N +77 22 289 W +77 22 290 N +77 22 291 W +77 22 292 N +77 22 293 F +77 22 294 F +77 22 295 W +77 22 296 W +77 22 297 N +77 22 298 N +77 22 299 W +77 22 300 F +77 22 301 W +77 22 302 F +77 22 303 F +77 22 304 W +77 22 305 W +77 22 306 W +77 22 307 W +77 22 308 W +77 22 309 W +77 22 310 W +77 22 311 W +77 22 312 W +77 22 313 W +77 22 314 N +77 22 315 W +77 22 316 W +77 22 317 N +77 22 318 N +77 22 319 F +77 22 320 W +77 22 321 N +77 22 322 W +77 22 323 W +77 22 324 F +77 22 325 W +77 22 326 F +77 22 327 F +77 22 328 W +77 22 329 N +77 22 330 F +77 23 1 W +77 23 2 W +77 23 3 N +77 23 4 W +77 23 5 W +77 23 6 N +77 23 7 W +77 23 8 N +77 23 9 W +77 23 10 W +77 23 11 W +77 23 12 N +77 23 13 W +77 23 14 W +77 23 15 N +77 23 16 F +77 23 17 N +77 23 18 W +77 23 19 W +77 23 20 W +77 23 21 N +77 23 22 F +77 23 23 W +77 23 24 W +77 23 25 W +77 23 26 W +77 23 27 F +77 23 28 N +77 23 29 W +77 23 30 N +77 23 31 F +77 23 32 N +77 23 33 W +77 23 34 W +77 23 35 N +77 23 36 N +77 23 37 W +77 23 38 N +77 23 39 W +77 23 40 W +77 23 41 N +77 23 42 N +77 23 43 W +77 23 44 F +77 23 45 N +77 23 46 W +77 23 47 W +77 23 48 N +77 23 49 W +77 23 50 W +77 23 51 W +77 23 52 F +77 23 53 N +77 23 54 W +77 23 55 W +77 23 56 N +77 23 57 W +77 23 58 W +77 23 59 F +77 23 60 W +77 23 61 N +77 23 62 W +77 23 63 N +77 23 64 W +77 23 65 N +77 23 66 F +77 23 67 W +77 23 68 N +77 23 69 W +77 23 70 F +77 23 71 N +77 23 72 W +77 23 73 W +77 23 74 F +77 23 75 W +77 23 76 N +77 23 77 W +77 23 78 N +77 23 79 W +77 23 80 W +77 23 81 W +77 23 82 W +77 23 83 F +77 23 84 N +77 23 85 W +77 23 86 N +77 23 87 W +77 23 88 N +77 23 89 W +77 23 90 W +77 23 91 W +77 23 92 F +77 23 93 W +77 23 94 W +77 23 95 F +77 23 96 N +77 23 97 W +77 23 98 N +77 23 99 N +77 23 100 W +77 23 101 N +77 23 102 W +77 23 103 W +77 23 104 W +77 23 105 N +77 23 106 N +77 23 107 F +77 23 108 F +77 23 109 W +77 23 110 N +77 23 111 W +77 23 112 N +77 23 113 W +77 23 114 W +77 23 115 N +77 23 116 F +77 23 117 W +77 23 118 N +77 23 119 W +77 23 120 F +77 23 121 N +77 23 122 N +77 23 123 W +77 23 124 W +77 23 125 N +77 23 126 N +77 23 127 W +77 23 128 N +77 23 129 F +77 23 130 W +77 23 131 W +77 23 132 N +77 23 133 W +77 23 134 W +77 23 135 N +77 23 136 W +77 23 137 W +77 23 138 W +77 23 139 F +77 23 140 W +77 23 141 F +77 23 142 F +77 23 143 W +77 23 144 W +77 23 145 W +77 23 146 N +77 23 147 W +77 23 148 N +77 23 149 W +77 23 150 W +77 23 151 N +77 23 152 N +77 23 153 W +77 23 154 W +77 23 155 W +77 23 156 W +77 23 157 W +77 23 158 F +77 23 159 N +77 23 160 N +77 23 161 W +77 23 162 N +77 23 163 W +77 23 164 W +77 23 165 W +77 23 166 W +77 23 167 W +77 23 168 W +77 23 169 W +77 23 170 W +77 23 171 W +77 23 172 F +77 23 173 N +77 23 174 N +77 23 175 W +77 23 176 N +77 23 177 N +77 23 178 W +77 23 179 N +77 23 180 W +77 23 181 W +77 23 182 N +77 23 183 N +77 23 184 W +77 23 185 W +77 23 186 N +77 23 187 W +77 23 188 W +77 23 189 F +77 23 190 N +77 23 191 W +77 23 192 W +77 23 193 N +77 23 194 N +77 23 195 W +77 23 196 W +77 23 197 N +77 23 198 W +77 23 199 F +77 23 200 W +77 23 201 N +77 23 202 W +77 23 203 N +77 23 204 W +77 23 205 W +77 23 206 F +77 23 207 N +77 23 208 N +77 23 209 W +77 23 210 W +77 23 211 W +77 23 212 N +77 23 213 W +77 23 214 W +77 23 215 N +77 23 216 W +77 23 217 N +77 23 218 W +77 23 219 F +77 23 220 W +77 23 221 F +77 23 222 W +77 23 223 W +77 23 224 F +77 23 225 W +77 23 226 W +77 23 227 W +77 23 228 W +77 23 229 W +77 23 230 N +77 23 231 N +77 23 232 W +77 23 233 W +77 23 234 W +77 23 235 W +77 23 236 W +77 23 237 N +77 23 238 W +77 23 239 N +77 23 240 N +77 23 241 F +77 23 242 N +77 23 243 N +77 23 244 F +77 23 245 N +77 23 246 W +77 23 247 W +77 23 248 W +77 23 249 W +77 23 250 W +77 23 251 W +77 23 252 F +77 23 253 W +77 23 254 W +77 23 255 W +77 23 256 N +77 23 257 W +77 23 258 N +77 23 259 N +77 23 260 F +77 23 261 N +77 23 262 F +77 23 263 W +77 23 264 F +77 23 265 W +77 23 266 N +77 23 267 N +77 23 268 W +77 23 269 N +77 23 270 N +77 23 271 W +77 23 272 F +77 23 273 N +77 23 274 F +77 23 275 N +77 23 276 N +77 23 277 W +77 23 278 N +77 23 279 W +77 23 280 W +77 23 281 N +77 23 282 W +77 23 283 N +77 23 284 F +77 23 285 N +77 23 286 F +77 23 287 N +77 23 288 F +77 23 289 W +77 23 290 N +77 23 291 W +77 23 292 N +77 23 293 F +77 23 294 F +77 23 295 N +77 23 296 W +77 23 297 N +77 23 298 N +77 23 299 N +77 23 300 F +77 23 301 W +77 23 302 N +77 23 303 W +77 23 304 W +77 23 305 N +77 23 306 W +77 23 307 W +77 23 308 W +77 23 309 W +77 23 310 W +77 23 311 W +77 23 312 W +77 23 313 W +77 23 314 F +77 23 315 W +77 23 316 W +77 23 317 N +77 23 318 N +77 23 319 F +77 23 320 W +77 23 321 N +77 23 322 W +77 23 323 W +77 23 324 F +77 23 325 N +77 23 326 N +77 23 327 F +77 23 328 W +77 23 329 N +77 23 330 F +77 24 1 W +77 24 2 F +77 24 3 N +77 24 4 W +77 24 5 W +77 24 6 N +77 24 7 W +77 24 8 W +77 24 9 W +77 24 10 W +77 24 11 W +77 24 12 N +77 24 13 W +77 24 14 W +77 24 15 F +77 24 16 F +77 24 17 N +77 24 18 W +77 24 19 W +77 24 20 W +77 24 21 N +77 24 22 F +77 24 23 W +77 24 24 W +77 24 25 W +77 24 26 W +77 24 27 F +77 24 28 W +77 24 29 W +77 24 30 N +77 24 31 F +77 24 32 W +77 24 33 W +77 24 34 W +77 24 35 N +77 24 36 W +77 24 37 W +77 24 38 N +77 24 39 W +77 24 40 W +77 24 41 N +77 24 42 N +77 24 43 W +77 24 44 F +77 24 45 W +77 24 46 F +77 24 47 W +77 24 48 N +77 24 49 W +77 24 50 W +77 24 51 W +77 24 52 F +77 24 53 W +77 24 54 W +77 24 55 F +77 24 56 F +77 24 57 W +77 24 58 W +77 24 59 F +77 24 60 W +77 24 61 N +77 24 62 W +77 24 63 N +77 24 64 W +77 24 65 N +77 24 66 F +77 24 67 W +77 24 68 N +77 24 69 W +77 24 70 F +77 24 71 W +77 24 72 W +77 24 73 W +77 24 74 F +77 24 75 W +77 24 76 N +77 24 77 W +77 24 78 F +77 24 79 W +77 24 80 W +77 24 81 W +77 24 82 W +77 24 83 F +77 24 84 N +77 24 85 W +77 24 86 N +77 24 87 W +77 24 88 W +77 24 89 W +77 24 90 W +77 24 91 W +77 24 92 F +77 24 93 W +77 24 94 W +77 24 95 F +77 24 96 N +77 24 97 W +77 24 98 N +77 24 99 F +77 24 100 F +77 24 101 W +77 24 102 F +77 24 103 W +77 24 104 F +77 24 105 W +77 24 106 N +77 24 107 F +77 24 108 F +77 24 109 W +77 24 110 N +77 24 111 W +77 24 112 N +77 24 113 W +77 24 114 W +77 24 115 N +77 24 116 F +77 24 117 W +77 24 118 N +77 24 119 W +77 24 120 F +77 24 121 N +77 24 122 W +77 24 123 W +77 24 124 F +77 24 125 N +77 24 126 N +77 24 127 W +77 24 128 N +77 24 129 F +77 24 130 W +77 24 131 W +77 24 132 N +77 24 133 W +77 24 134 W +77 24 135 N +77 24 136 W +77 24 137 W +77 24 138 W +77 24 139 W +77 24 140 W +77 24 141 F +77 24 142 F +77 24 143 W +77 24 144 W +77 24 145 W +77 24 146 W +77 24 147 W +77 24 148 N +77 24 149 N +77 24 150 W +77 24 151 N +77 24 152 N +77 24 153 W +77 24 154 W +77 24 155 W +77 24 156 W +77 24 157 W +77 24 158 F +77 24 159 N +77 24 160 N +77 24 161 W +77 24 162 N +77 24 163 W +77 24 164 W +77 24 165 W +77 24 166 W +77 24 167 W +77 24 168 W +77 24 169 W +77 24 170 W +77 24 171 W +77 24 172 F +77 24 173 N +77 24 174 N +77 24 175 F +77 24 176 N +77 24 177 F +77 24 178 W +77 24 179 N +77 24 180 W +77 24 181 N +77 24 182 N +77 24 183 W +77 24 184 W +77 24 185 W +77 24 186 W +77 24 187 N +77 24 188 W +77 24 189 F +77 24 190 N +77 24 191 W +77 24 192 W +77 24 193 W +77 24 194 W +77 24 195 W +77 24 196 F +77 24 197 W +77 24 198 W +77 24 199 F +77 24 200 W +77 24 201 N +77 24 202 W +77 24 203 N +77 24 204 W +77 24 205 W +77 24 206 F +77 24 207 N +77 24 208 W +77 24 209 W +77 24 210 N +77 24 211 W +77 24 212 N +77 24 213 F +77 24 214 F +77 24 215 N +77 24 216 W +77 24 217 N +77 24 218 N +77 24 219 F +77 24 220 W +77 24 221 F +77 24 222 W +77 24 223 W +77 24 224 F +77 24 225 W +77 24 226 W +77 24 227 W +77 24 228 W +77 24 229 W +77 24 230 N +77 24 231 W +77 24 232 W +77 24 233 W +77 24 234 W +77 24 235 W +77 24 236 W +77 24 237 N +77 24 238 W +77 24 239 N +77 24 240 W +77 24 241 F +77 24 242 N +77 24 243 N +77 24 244 F +77 24 245 N +77 24 246 W +77 24 247 W +77 24 248 W +77 24 249 W +77 24 250 W +77 24 251 W +77 24 252 N +77 24 253 W +77 24 254 W +77 24 255 W +77 24 256 N +77 24 257 W +77 24 258 F +77 24 259 N +77 24 260 F +77 24 261 N +77 24 262 F +77 24 263 W +77 24 264 F +77 24 265 W +77 24 266 N +77 24 267 N +77 24 268 W +77 24 269 N +77 24 270 N +77 24 271 W +77 24 272 F +77 24 273 N +77 24 274 F +77 24 275 W +77 24 276 N +77 24 277 W +77 24 278 N +77 24 279 W +77 24 280 W +77 24 281 N +77 24 282 W +77 24 283 N +77 24 284 F +77 24 285 N +77 24 286 F +77 24 287 N +77 24 288 F +77 24 289 W +77 24 290 N +77 24 291 W +77 24 292 N +77 24 293 F +77 24 294 N +77 24 295 W +77 24 296 N +77 24 297 N +77 24 298 W +77 24 299 W +77 24 300 F +77 24 301 W +77 24 302 N +77 24 303 W +77 24 304 W +77 24 305 N +77 24 306 W +77 24 307 W +77 24 308 W +77 24 309 W +77 24 310 W +77 24 311 W +77 24 312 W +77 24 313 W +77 24 314 F +77 24 315 W +77 24 316 W +77 24 317 N +77 24 318 N +77 24 319 F +77 24 320 W +77 24 321 N +77 24 322 W +77 24 323 W +77 24 324 F +77 24 325 N +77 24 326 N +77 24 327 F +77 24 328 W +77 24 329 N +77 24 330 F +77 25 1 W +77 25 2 W +77 25 3 N +77 25 4 W +77 25 5 W +77 25 6 N +77 25 7 W +77 25 8 N +77 25 9 N +77 25 10 W +77 25 11 W +77 25 12 N +77 25 13 W +77 25 14 W +77 25 15 F +77 25 16 F +77 25 17 N +77 25 18 W +77 25 19 W +77 25 20 W +77 25 21 N +77 25 22 F +77 25 23 W +77 25 24 W +77 25 25 W +77 25 26 F +77 25 27 N +77 25 28 W +77 25 29 W +77 25 30 N +77 25 31 N +77 25 32 W +77 25 33 W +77 25 34 N +77 25 35 W +77 25 36 W +77 25 37 N +77 25 38 W +77 25 39 W +77 25 40 N +77 25 41 W +77 25 42 W +77 25 43 F +77 25 44 W +77 25 45 W +77 25 46 W +77 25 47 N +77 25 48 W +77 25 49 W +77 25 50 N +77 25 51 F +77 25 52 N +77 25 53 W +77 25 54 W +77 25 55 W +77 25 56 N +77 25 57 W +77 25 58 N +77 25 59 F +77 25 60 W +77 25 61 N +77 25 62 F +77 25 63 N +77 25 64 W +77 25 65 N +77 25 66 F +77 25 67 W +77 25 68 N +77 25 69 W +77 25 70 F +77 25 71 N +77 25 72 W +77 25 73 N +77 25 74 W +77 25 75 W +77 25 76 N +77 25 77 W +77 25 78 F +77 25 79 W +77 25 80 W +77 25 81 W +77 25 82 W +77 25 83 F +77 25 84 N +77 25 85 W +77 25 86 N +77 25 87 W +77 25 88 N +77 25 89 W +77 25 90 W +77 25 91 N +77 25 92 F +77 25 93 W +77 25 94 W +77 25 95 F +77 25 96 N +77 25 97 W +77 25 98 N +77 25 99 W +77 25 100 W +77 25 101 N +77 25 102 W +77 25 103 W +77 25 104 W +77 25 105 N +77 25 106 F +77 25 107 F +77 25 108 W +77 25 109 W +77 25 110 N +77 25 111 W +77 25 112 N +77 25 113 W +77 25 114 W +77 25 115 N +77 25 116 W +77 25 117 N +77 25 118 N +77 25 119 W +77 25 120 F +77 25 121 N +77 25 122 W +77 25 123 W +77 25 124 N +77 25 125 N +77 25 126 N +77 25 127 W +77 25 128 N +77 25 129 F +77 25 130 W +77 25 131 N +77 25 132 N +77 25 133 W +77 25 134 N +77 25 135 N +77 25 136 W +77 25 137 W +77 25 138 W +77 25 139 F +77 25 140 W +77 25 141 F +77 25 142 F +77 25 143 W +77 25 144 W +77 25 145 W +77 25 146 F +77 25 147 W +77 25 148 N +77 25 149 W +77 25 150 W +77 25 151 N +77 25 152 N +77 25 153 W +77 25 154 W +77 25 155 W +77 25 156 W +77 25 157 W +77 25 158 F +77 25 159 N +77 25 160 N +77 25 161 W +77 25 162 N +77 25 163 W +77 25 164 W +77 25 165 W +77 25 166 W +77 25 167 W +77 25 168 W +77 25 169 W +77 25 170 W +77 25 171 W +77 25 172 F +77 25 173 N +77 25 174 N +77 25 175 W +77 25 176 N +77 25 177 W +77 25 178 N +77 25 179 W +77 25 180 W +77 25 181 N +77 25 182 N +77 25 183 W +77 25 184 N +77 25 185 N +77 25 186 W +77 25 187 N +77 25 188 W +77 25 189 W +77 25 190 N +77 25 191 W +77 25 192 W +77 25 193 N +77 25 194 W +77 25 195 W +77 25 196 W +77 25 197 N +77 25 198 W +77 25 199 F +77 25 200 W +77 25 201 N +77 25 202 W +77 25 203 N +77 25 204 W +77 25 205 W +77 25 206 F +77 25 207 N +77 25 208 N +77 25 209 W +77 25 210 N +77 25 211 W +77 25 212 N +77 25 213 W +77 25 214 N +77 25 215 N +77 25 216 W +77 25 217 N +77 25 218 W +77 25 219 F +77 25 220 W +77 25 221 F +77 25 222 W +77 25 223 W +77 25 224 F +77 25 225 W +77 25 226 W +77 25 227 W +77 25 228 W +77 25 229 W +77 25 230 F +77 25 231 N +77 25 232 W +77 25 233 W +77 25 234 W +77 25 235 W +77 25 236 W +77 25 237 N +77 25 238 W +77 25 239 N +77 25 240 N +77 25 241 F +77 25 242 F +77 25 243 N +77 25 244 F +77 25 245 N +77 25 246 W +77 25 247 W +77 25 248 W +77 25 249 W +77 25 250 W +77 25 251 W +77 25 252 F +77 25 253 W +77 25 254 W +77 25 255 W +77 25 256 N +77 25 257 W +77 25 258 N +77 25 259 N +77 25 260 F +77 25 261 N +77 25 262 F +77 25 263 F +77 25 264 W +77 25 265 N +77 25 266 N +77 25 267 N +77 25 268 W +77 25 269 N +77 25 270 N +77 25 271 W +77 25 272 F +77 25 273 N +77 25 274 F +77 25 275 N +77 25 276 N +77 25 277 W +77 25 278 N +77 25 279 W +77 25 280 W +77 25 281 N +77 25 282 W +77 25 283 N +77 25 284 F +77 25 285 N +77 25 286 F +77 25 287 N +77 25 288 F +77 25 289 W +77 25 290 N +77 25 291 W +77 25 292 N +77 25 293 F +77 25 294 F +77 25 295 N +77 25 296 W +77 25 297 N +77 25 298 N +77 25 299 W +77 25 300 F +77 25 301 W +77 25 302 N +77 25 303 W +77 25 304 W +77 25 305 N +77 25 306 W +77 25 307 W +77 25 308 W +77 25 309 W +77 25 310 W +77 25 311 W +77 25 312 W +77 25 313 W +77 25 314 F +77 25 315 W +77 25 316 W +77 25 317 N +77 25 318 N +77 25 319 F +77 25 320 W +77 25 321 N +77 25 322 W +77 25 323 W +77 25 324 F +77 25 325 N +77 25 326 N +77 25 327 F +77 25 328 W +77 25 329 N +77 25 330 F +77 26 1 W +77 26 2 W +77 26 3 N +77 26 4 W +77 26 5 W +77 26 6 W +77 26 7 W +77 26 8 N +77 26 9 W +77 26 10 W +77 26 11 W +77 26 12 N +77 26 13 W +77 26 14 W +77 26 15 B +77 26 16 F +77 26 17 N +77 26 18 W +77 26 19 W +77 26 20 W +77 26 21 N +77 26 22 N +77 26 23 W +77 26 24 W +77 26 25 W +77 26 26 W +77 26 27 F +77 26 28 N +77 26 29 W +77 26 30 N +77 26 31 W +77 26 32 B +77 26 33 W +77 26 34 W +77 26 35 N +77 26 36 W +77 26 37 W +77 26 38 N +77 26 39 W +77 26 40 W +77 26 41 N +77 26 42 N +77 26 43 W +77 26 44 F +77 26 45 W +77 26 46 W +77 26 47 W +77 26 48 N +77 26 49 W +77 26 50 W +77 26 51 W +77 26 52 F +77 26 53 N +77 26 54 W +77 26 55 W +77 26 56 B +77 26 57 W +77 26 58 W +77 26 59 F +77 26 60 W +77 26 61 N +77 26 62 W +77 26 63 N +77 26 64 W +77 26 65 N +77 26 66 F +77 26 67 W +77 26 68 W +77 26 69 W +77 26 70 F +77 26 71 N +77 26 72 W +77 26 73 W +77 26 74 F +77 26 75 W +77 26 76 N +77 26 77 W +77 26 78 F +77 26 79 W +77 26 80 W +77 26 81 W +77 26 82 W +77 26 83 F +77 26 84 N +77 26 85 W +77 26 86 N +77 26 87 W +77 26 88 N +77 26 89 W +77 26 90 W +77 26 91 W +77 26 92 F +77 26 93 W +77 26 94 W +77 26 95 F +77 26 96 N +77 26 97 W +77 26 98 N +77 26 99 B +77 26 100 F +77 26 101 N +77 26 102 F +77 26 103 W +77 26 104 W +77 26 105 N +77 26 106 N +77 26 107 F +77 26 108 F +77 26 109 W +77 26 110 N +77 26 111 W +77 26 112 N +77 26 113 W +77 26 114 W +77 26 115 N +77 26 116 F +77 26 117 W +77 26 118 N +77 26 119 W +77 26 120 F +77 26 121 N +77 26 122 W +77 26 123 W +77 26 124 W +77 26 125 N +77 26 126 N +77 26 127 W +77 26 128 N +77 26 129 F +77 26 130 W +77 26 131 N +77 26 132 N +77 26 133 W +77 26 134 W +77 26 135 N +77 26 136 W +77 26 137 W +77 26 138 W +77 26 139 F +77 26 140 W +77 26 141 F +77 26 142 F +77 26 143 F +77 26 144 W +77 26 145 W +77 26 146 W +77 26 147 W +77 26 148 N +77 26 149 W +77 26 150 W +77 26 151 N +77 26 152 B +77 26 153 W +77 26 154 W +77 26 155 W +77 26 156 W +77 26 157 W +77 26 158 F +77 26 159 N +77 26 160 N +77 26 161 W +77 26 162 N +77 26 163 W +77 26 164 W +77 26 165 W +77 26 166 W +77 26 167 B +77 26 168 W +77 26 169 W +77 26 170 W +77 26 171 W +77 26 172 F +77 26 173 N +77 26 174 N +77 26 175 W +77 26 176 N +77 26 177 N +77 26 178 W +77 26 179 N +77 26 180 W +77 26 181 W +77 26 182 N +77 26 183 W +77 26 184 W +77 26 185 N +77 26 186 W +77 26 187 N +77 26 188 W +77 26 189 W +77 26 190 N +77 26 191 W +77 26 192 W +77 26 193 W +77 26 194 N +77 26 195 W +77 26 196 W +77 26 197 W +77 26 198 W +77 26 199 F +77 26 200 W +77 26 201 N +77 26 202 W +77 26 203 N +77 26 204 W +77 26 205 W +77 26 206 F +77 26 207 N +77 26 208 N +77 26 209 W +77 26 210 N +77 26 211 W +77 26 212 N +77 26 213 W +77 26 214 N +77 26 215 N +77 26 216 W +77 26 217 B +77 26 218 W +77 26 219 F +77 26 220 W +77 26 221 F +77 26 222 F +77 26 223 W +77 26 224 W +77 26 225 W +77 26 226 W +77 26 227 W +77 26 228 W +77 26 229 W +77 26 230 F +77 26 231 W +77 26 232 W +77 26 233 W +77 26 234 W +77 26 235 W +77 26 236 W +77 26 237 N +77 26 238 W +77 26 239 N +77 26 240 N +77 26 241 F +77 26 242 N +77 26 243 N +77 26 244 F +77 26 245 N +77 26 246 W +77 26 247 W +77 26 248 W +77 26 249 W +77 26 250 W +77 26 251 W +77 26 252 F +77 26 253 W +77 26 254 W +77 26 255 W +77 26 256 N +77 26 257 W +77 26 258 W +77 26 259 N +77 26 260 N +77 26 261 N +77 26 262 F +77 26 263 W +77 26 264 W +77 26 265 W +77 26 266 N +77 26 267 N +77 26 268 W +77 26 269 N +77 26 270 N +77 26 271 W +77 26 272 F +77 26 273 N +77 26 274 F +77 26 275 W +77 26 276 N +77 26 277 W +77 26 278 N +77 26 279 W +77 26 280 W +77 26 281 W +77 26 282 W +77 26 283 N +77 26 284 F +77 26 285 N +77 26 286 F +77 26 287 N +77 26 288 N +77 26 289 W +77 26 290 F +77 26 291 W +77 26 292 N +77 26 293 F +77 26 294 F +77 26 295 W +77 26 296 W +77 26 297 N +77 26 298 N +77 26 299 W +77 26 300 F +77 26 301 W +77 26 302 F +77 26 303 W +77 26 304 W +77 26 305 N +77 26 306 W +77 26 307 W +77 26 308 W +77 26 309 W +77 26 310 W +77 26 311 W +77 26 312 W +77 26 313 W +77 26 314 F +77 26 315 W +77 26 316 W +77 26 317 N +77 26 318 N +77 26 319 F +77 26 320 W +77 26 321 N +77 26 322 W +77 26 323 W +77 26 324 F +77 26 325 W +77 26 326 N +77 26 327 F +77 26 328 W +77 26 329 N +77 26 330 F +77 27 1 W +77 27 2 W +77 27 3 N +77 27 4 W +77 27 5 W +77 27 6 N +77 27 7 W +77 27 8 N +77 27 9 W +77 27 10 W +77 27 11 N +77 27 12 N +77 27 13 W +77 27 14 W +77 27 15 F +77 27 16 F +77 27 17 N +77 27 18 W +77 27 19 W +77 27 20 W +77 27 21 N +77 27 22 F +77 27 23 F +77 27 24 W +77 27 25 W +77 27 26 W +77 27 27 F +77 27 28 N +77 27 29 W +77 27 30 N +77 27 31 F +77 27 32 N +77 27 33 W +77 27 34 W +77 27 35 N +77 27 36 W +77 27 37 W +77 27 38 N +77 27 39 W +77 27 40 W +77 27 41 N +77 27 42 N +77 27 43 W +77 27 44 F +77 27 45 W +77 27 46 F +77 27 47 W +77 27 48 N +77 27 49 W +77 27 50 W +77 27 51 N +77 27 52 F +77 27 53 N +77 27 54 W +77 27 55 W +77 27 56 N +77 27 57 W +77 27 58 N +77 27 59 F +77 27 60 W +77 27 61 N +77 27 62 W +77 27 63 N +77 27 64 W +77 27 65 N +77 27 66 F +77 27 67 W +77 27 68 N +77 27 69 W +77 27 70 F +77 27 71 W +77 27 72 W +77 27 73 N +77 27 74 F +77 27 75 W +77 27 76 N +77 27 77 W +77 27 78 F +77 27 79 W +77 27 80 W +77 27 81 W +77 27 82 W +77 27 83 F +77 27 84 W +77 27 85 W +77 27 86 N +77 27 87 W +77 27 88 N +77 27 89 W +77 27 90 W +77 27 91 W +77 27 92 F +77 27 93 W +77 27 94 W +77 27 95 F +77 27 96 N +77 27 97 W +77 27 98 N +77 27 99 F +77 27 100 W +77 27 101 W +77 27 102 N +77 27 103 F +77 27 104 W +77 27 105 N +77 27 106 F +77 27 107 F +77 27 108 F +77 27 109 W +77 27 110 N +77 27 111 W +77 27 112 N +77 27 113 W +77 27 114 W +77 27 115 N +77 27 116 F +77 27 117 W +77 27 118 N +77 27 119 W +77 27 120 F +77 27 121 N +77 27 122 W +77 27 123 W +77 27 124 W +77 27 125 W +77 27 126 N +77 27 127 W +77 27 128 N +77 27 129 F +77 27 130 W +77 27 131 W +77 27 132 N +77 27 133 W +77 27 134 W +77 27 135 N +77 27 136 W +77 27 137 W +77 27 138 W +77 27 139 F +77 27 140 W +77 27 141 F +77 27 142 F +77 27 143 W +77 27 144 W +77 27 145 N +77 27 146 W +77 27 147 N +77 27 148 W +77 27 149 W +77 27 150 N +77 27 151 N +77 27 152 W +77 27 153 W +77 27 154 W +77 27 155 W +77 27 156 W +77 27 157 W +77 27 158 F +77 27 159 N +77 27 160 N +77 27 161 W +77 27 162 N +77 27 163 W +77 27 164 W +77 27 165 W +77 27 166 W +77 27 167 F +77 27 168 W +77 27 169 W +77 27 170 W +77 27 171 W +77 27 172 F +77 27 173 N +77 27 174 N +77 27 175 W +77 27 176 N +77 27 177 F +77 27 178 W +77 27 179 W +77 27 180 W +77 27 181 N +77 27 182 W +77 27 183 W +77 27 184 N +77 27 185 N +77 27 186 W +77 27 187 N +77 27 188 W +77 27 189 F +77 27 190 N +77 27 191 W +77 27 192 W +77 27 193 N +77 27 194 W +77 27 195 W +77 27 196 W +77 27 197 W +77 27 198 W +77 27 199 F +77 27 200 N +77 27 201 N +77 27 202 W +77 27 203 N +77 27 204 N +77 27 205 W +77 27 206 F +77 27 207 W +77 27 208 W +77 27 209 W +77 27 210 W +77 27 211 W +77 27 212 N +77 27 213 W +77 27 214 W +77 27 215 N +77 27 216 W +77 27 217 N +77 27 218 W +77 27 219 F +77 27 220 W +77 27 221 F +77 27 222 W +77 27 223 W +77 27 224 F +77 27 225 W +77 27 226 W +77 27 227 W +77 27 228 W +77 27 229 F +77 27 230 F +77 27 231 N +77 27 232 W +77 27 233 W +77 27 234 W +77 27 235 W +77 27 236 W +77 27 237 N +77 27 238 W +77 27 239 N +77 27 240 W +77 27 241 F +77 27 242 F +77 27 243 W +77 27 244 F +77 27 245 N +77 27 246 W +77 27 247 W +77 27 248 W +77 27 249 W +77 27 250 W +77 27 251 W +77 27 252 F +77 27 253 W +77 27 254 W +77 27 255 W +77 27 256 N +77 27 257 W +77 27 258 N +77 27 259 N +77 27 260 F +77 27 261 N +77 27 262 F +77 27 263 W +77 27 264 W +77 27 265 W +77 27 266 N +77 27 267 W +77 27 268 W +77 27 269 N +77 27 270 N +77 27 271 W +77 27 272 F +77 27 273 N +77 27 274 F +77 27 275 W +77 27 276 N +77 27 277 W +77 27 278 N +77 27 279 W +77 27 280 W +77 27 281 W +77 27 282 W +77 27 283 W +77 27 284 F +77 27 285 N +77 27 286 F +77 27 287 W +77 27 288 N +77 27 289 W +77 27 290 F +77 27 291 W +77 27 292 N +77 27 293 F +77 27 294 F +77 27 295 W +77 27 296 W +77 27 297 N +77 27 298 N +77 27 299 W +77 27 300 F +77 27 301 W +77 27 302 F +77 27 303 W +77 27 304 W +77 27 305 W +77 27 306 W +77 27 307 W +77 27 308 W +77 27 309 W +77 27 310 W +77 27 311 W +77 27 312 W +77 27 313 W +77 27 314 F +77 27 315 W +77 27 316 W +77 27 317 N +77 27 318 N +77 27 319 F +77 27 320 W +77 27 321 N +77 27 322 W +77 27 323 W +77 27 324 F +77 27 325 N +77 27 326 N +77 27 327 F +77 27 328 W +77 27 329 W +77 27 330 F +77 28 1 W +77 28 2 W +77 28 3 N +77 28 4 W +77 28 5 W +77 28 6 W +77 28 7 W +77 28 8 N +77 28 9 W +77 28 10 W +77 28 11 W +77 28 12 N +77 28 13 W +77 28 14 W +77 28 15 B +77 28 16 F +77 28 17 N +77 28 18 W +77 28 19 W +77 28 20 W +77 28 21 N +77 28 22 N +77 28 23 W +77 28 24 W +77 28 25 W +77 28 26 W +77 28 27 F +77 28 28 N +77 28 29 W +77 28 30 N +77 28 31 W +77 28 32 B +77 28 33 W +77 28 34 W +77 28 35 N +77 28 36 W +77 28 37 W +77 28 38 N +77 28 39 W +77 28 40 W +77 28 41 N +77 28 42 N +77 28 43 W +77 28 44 F +77 28 45 F +77 28 46 W +77 28 47 W +77 28 48 N +77 28 49 W +77 28 50 W +77 28 51 W +77 28 52 F +77 28 53 N +77 28 54 W +77 28 55 W +77 28 56 B +77 28 57 W +77 28 58 W +77 28 59 F +77 28 60 W +77 28 61 N +77 28 62 W +77 28 63 N +77 28 64 W +77 28 65 N +77 28 66 F +77 28 67 W +77 28 68 W +77 28 69 W +77 28 70 W +77 28 71 F +77 28 72 W +77 28 73 W +77 28 74 F +77 28 75 W +77 28 76 N +77 28 77 W +77 28 78 F +77 28 79 W +77 28 80 W +77 28 81 W +77 28 82 W +77 28 83 F +77 28 84 N +77 28 85 W +77 28 86 N +77 28 87 W +77 28 88 N +77 28 89 W +77 28 90 W +77 28 91 W +77 28 92 F +77 28 93 W +77 28 94 W +77 28 95 F +77 28 96 N +77 28 97 W +77 28 98 N +77 28 99 B +77 28 100 F +77 28 101 N +77 28 102 F +77 28 103 W +77 28 104 W +77 28 105 N +77 28 106 N +77 28 107 F +77 28 108 F +77 28 109 W +77 28 110 N +77 28 111 W +77 28 112 N +77 28 113 W +77 28 114 W +77 28 115 N +77 28 116 F +77 28 117 W +77 28 118 N +77 28 119 W +77 28 120 F +77 28 121 N +77 28 122 W +77 28 123 W +77 28 124 W +77 28 125 N +77 28 126 N +77 28 127 W +77 28 128 N +77 28 129 F +77 28 130 W +77 28 131 N +77 28 132 N +77 28 133 W +77 28 134 W +77 28 135 N +77 28 136 W +77 28 137 W +77 28 138 W +77 28 139 F +77 28 140 W +77 28 141 F +77 28 142 F +77 28 143 W +77 28 144 W +77 28 145 W +77 28 146 N +77 28 147 W +77 28 148 N +77 28 149 W +77 28 150 W +77 28 151 N +77 28 152 B +77 28 153 W +77 28 154 W +77 28 155 W +77 28 156 W +77 28 157 W +77 28 158 F +77 28 159 N +77 28 160 N +77 28 161 W +77 28 162 N +77 28 163 W +77 28 164 W +77 28 165 W +77 28 166 W +77 28 167 B +77 28 168 W +77 28 169 W +77 28 170 W +77 28 171 W +77 28 172 F +77 28 173 N +77 28 174 N +77 28 175 W +77 28 176 N +77 28 177 F +77 28 178 W +77 28 179 N +77 28 180 W +77 28 181 W +77 28 182 N +77 28 183 W +77 28 184 W +77 28 185 N +77 28 186 W +77 28 187 N +77 28 188 W +77 28 189 W +77 28 190 N +77 28 191 W +77 28 192 W +77 28 193 W +77 28 194 N +77 28 195 W +77 28 196 W +77 28 197 W +77 28 198 W +77 28 199 F +77 28 200 W +77 28 201 N +77 28 202 W +77 28 203 N +77 28 204 W +77 28 205 W +77 28 206 F +77 28 207 N +77 28 208 N +77 28 209 W +77 28 210 N +77 28 211 W +77 28 212 N +77 28 213 W +77 28 214 N +77 28 215 N +77 28 216 W +77 28 217 N +77 28 218 B +77 28 219 F +77 28 220 W +77 28 221 F +77 28 222 W +77 28 223 W +77 28 224 F +77 28 225 W +77 28 226 W +77 28 227 W +77 28 228 W +77 28 229 W +77 28 230 F +77 28 231 W +77 28 232 W +77 28 233 W +77 28 234 W +77 28 235 W +77 28 236 W +77 28 237 N +77 28 238 W +77 28 239 N +77 28 240 N +77 28 241 F +77 28 242 N +77 28 243 N +77 28 244 F +77 28 245 N +77 28 246 W +77 28 247 W +77 28 248 W +77 28 249 W +77 28 250 W +77 28 251 W +77 28 252 F +77 28 253 W +77 28 254 W +77 28 255 W +77 28 256 N +77 28 257 W +77 28 258 W +77 28 259 N +77 28 260 N +77 28 261 N +77 28 262 F +77 28 263 W +77 28 264 W +77 28 265 W +77 28 266 N +77 28 267 N +77 28 268 W +77 28 269 N +77 28 270 N +77 28 271 W +77 28 272 F +77 28 273 N +77 28 274 F +77 28 275 W +77 28 276 N +77 28 277 W +77 28 278 N +77 28 279 W +77 28 280 W +77 28 281 W +77 28 282 W +77 28 283 N +77 28 284 F +77 28 285 N +77 28 286 F +77 28 287 N +77 28 288 N +77 28 289 W +77 28 290 F +77 28 291 W +77 28 292 N +77 28 293 F +77 28 294 F +77 28 295 W +77 28 296 W +77 28 297 N +77 28 298 N +77 28 299 W +77 28 300 F +77 28 301 W +77 28 302 F +77 28 303 W +77 28 304 W +77 28 305 N +77 28 306 W +77 28 307 W +77 28 308 W +77 28 309 W +77 28 310 W +77 28 311 W +77 28 312 W +77 28 313 W +77 28 314 F +77 28 315 W +77 28 316 W +77 28 317 N +77 28 318 N +77 28 319 F +77 28 320 W +77 28 321 N +77 28 322 W +77 28 323 W +77 28 324 F +77 28 325 W +77 28 326 N +77 28 327 F +77 28 328 W +77 28 329 N +77 28 330 F +77 29 1 W +77 29 2 W +77 29 3 N +77 29 4 W +77 29 5 W +77 29 6 N +77 29 7 W +77 29 8 N +77 29 9 N +77 29 10 W +77 29 11 W +77 29 12 N +77 29 13 W +77 29 14 W +77 29 15 N +77 29 16 F +77 29 17 N +77 29 18 W +77 29 19 W +77 29 20 W +77 29 21 N +77 29 22 N +77 29 23 W +77 29 24 W +77 29 25 W +77 29 26 W +77 29 27 F +77 29 28 N +77 29 29 W +77 29 30 N +77 29 31 B +77 29 32 N +77 29 33 W +77 29 34 W +77 29 35 N +77 29 36 W +77 29 37 W +77 29 38 B +77 29 39 W +77 29 40 W +77 29 41 N +77 29 42 N +77 29 43 W +77 29 44 F +77 29 45 F +77 29 46 W +77 29 47 W +77 29 48 N +77 29 49 W +77 29 50 W +77 29 51 W +77 29 52 N +77 29 53 W +77 29 54 W +77 29 55 N +77 29 56 N +77 29 57 W +77 29 58 N +77 29 59 F +77 29 60 W +77 29 61 N +77 29 62 W +77 29 63 N +77 29 64 W +77 29 65 N +77 29 66 F +77 29 67 W +77 29 68 N +77 29 69 W +77 29 70 B +77 29 71 N +77 29 72 W +77 29 73 W +77 29 74 B +77 29 75 W +77 29 76 N +77 29 77 W +77 29 78 N +77 29 79 W +77 29 80 W +77 29 81 W +77 29 82 W +77 29 83 N +77 29 84 N +77 29 85 W +77 29 86 N +77 29 87 W +77 29 88 N +77 29 89 W +77 29 90 W +77 29 91 W +77 29 92 B +77 29 93 W +77 29 94 W +77 29 95 F +77 29 96 N +77 29 97 W +77 29 98 N +77 29 99 B +77 29 100 W +77 29 101 N +77 29 102 W +77 29 103 W +77 29 104 F +77 29 105 N +77 29 106 N +77 29 107 F +77 29 108 F +77 29 109 W +77 29 110 N +77 29 111 W +77 29 112 N +77 29 113 W +77 29 114 W +77 29 115 N +77 29 116 F +77 29 117 W +77 29 118 N +77 29 119 W +77 29 120 F +77 29 121 N +77 29 122 W +77 29 123 W +77 29 124 W +77 29 125 N +77 29 126 N +77 29 127 W +77 29 128 N +77 29 129 B +77 29 130 W +77 29 131 N +77 29 132 N +77 29 133 W +77 29 134 W +77 29 135 N +77 29 136 W +77 29 137 W +77 29 138 W +77 29 139 F +77 29 140 W +77 29 141 F +77 29 142 F +77 29 143 W +77 29 144 W +77 29 145 W +77 29 146 W +77 29 147 W +77 29 148 N +77 29 149 W +77 29 150 B +77 29 151 N +77 29 152 B +77 29 153 W +77 29 154 W +77 29 155 W +77 29 156 W +77 29 157 W +77 29 158 F +77 29 159 N +77 29 160 N +77 29 161 W +77 29 162 N +77 29 163 W +77 29 164 W +77 29 165 W +77 29 166 W +77 29 167 B +77 29 168 W +77 29 169 W +77 29 170 W +77 29 171 W +77 29 172 B +77 29 173 N +77 29 174 N +77 29 175 F +77 29 176 N +77 29 177 F +77 29 178 W +77 29 179 N +77 29 180 W +77 29 181 N +77 29 182 N +77 29 183 W +77 29 184 W +77 29 185 W +77 29 186 W +77 29 187 N +77 29 188 W +77 29 189 F +77 29 190 N +77 29 191 W +77 29 192 W +77 29 193 W +77 29 194 W +77 29 195 W +77 29 196 F +77 29 197 W +77 29 198 W +77 29 199 F +77 29 200 W +77 29 201 N +77 29 202 W +77 29 203 N +77 29 204 W +77 29 205 W +77 29 206 F +77 29 207 N +77 29 208 W +77 29 209 W +77 29 210 N +77 29 211 W +77 29 212 N +77 29 213 F +77 29 214 F +77 29 215 N +77 29 216 N +77 29 217 F +77 29 218 W +77 29 219 F +77 29 220 W +77 29 221 F +77 29 222 W +77 29 223 W +77 29 224 F +77 29 225 W +77 29 226 W +77 29 227 W +77 29 228 W +77 29 229 W +77 29 230 B +77 29 231 N +77 29 232 W +77 29 233 W +77 29 234 W +77 29 235 W +77 29 236 W +77 29 237 W +77 29 238 N +77 29 239 W +77 29 240 N +77 29 241 F +77 29 242 N +77 29 243 N +77 29 244 F +77 29 245 N +77 29 246 W +77 29 247 W +77 29 248 W +77 29 249 W +77 29 250 N +77 29 251 W +77 29 252 F +77 29 253 W +77 29 254 W +77 29 255 N +77 29 256 F +77 29 257 N +77 29 258 N +77 29 259 W +77 29 260 B +77 29 261 N +77 29 262 F +77 29 263 W +77 29 264 W +77 29 265 N +77 29 266 N +77 29 267 W +77 29 268 W +77 29 269 N +77 29 270 N +77 29 271 W +77 29 272 F +77 29 273 N +77 29 274 F +77 29 275 W +77 29 276 N +77 29 277 W +77 29 278 N +77 29 279 W +77 29 280 W +77 29 281 W +77 29 282 W +77 29 283 W +77 29 284 F +77 29 285 B +77 29 286 F +77 29 287 N +77 29 288 N +77 29 289 W +77 29 290 B +77 29 291 W +77 29 292 N +77 29 293 F +77 29 294 N +77 29 295 N +77 29 296 * +77 29 297 W +77 29 298 B +77 29 299 W +77 29 300 B +77 29 301 W +77 29 302 B +77 29 303 B +77 29 304 W +77 29 305 W +77 29 306 W +77 29 307 W +77 29 308 W +77 29 309 W +77 29 310 W +77 29 311 W +77 29 312 W +77 29 313 W +77 29 314 N +77 29 315 W +77 29 316 W +77 29 317 N +77 29 318 N +77 29 319 F +77 29 320 W +77 29 321 N +77 29 322 W +77 29 323 W +77 29 324 F +77 29 325 W +77 29 326 F +77 29 327 F +77 29 328 W +77 29 329 N +77 29 330 F +78 1 1 NE +78 1 2 SO +78 1 3 CI +78 1 4 KA +78 1 5 NE +78 1 6 KO +78 1 7 SO +78 1 8 MO +78 1 9 KC +78 1 10 NE +78 1 11 NE +78 1 12 KO +78 1 13 NE +78 1 14 NE +78 1 15 KC +78 1 16 IS +78 1 17 CI +78 1 18 NE +78 1 19 SO +78 1 20 SO +78 1 21 CI +78 1 22 KO +78 1 23 MO +78 1 24 TE +78 1 25 SO +78 1 26 NE +78 1 27 IS +78 1 28 CI +78 1 29 SO +78 1 30 MO +78 1 31 NE +78 1 32 MO +78 1 33 SO +78 1 34 NE +78 1 35 MO +78 1 36 SO +78 1 37 NE +78 1 38 MO +78 1 39 SO +78 1 40 SO +78 1 41 MO +78 1 42 KO +78 1 43 NE +78 1 44 IS +78 1 45 SO +78 1 46 NE +78 1 47 SO +78 1 48 KO +78 1 49 NE +78 1 50 MO +78 1 51 KA +78 1 52 IS +78 1 53 MO +78 1 54 SO +78 1 55 SO +78 1 56 KO +78 1 57 SO +78 1 58 TE +78 1 59 MO +78 1 60 TL +78 1 61 MO +78 1 62 MO +78 1 63 CI +78 1 64 NE +78 1 65 CI +78 1 66 IS +78 1 67 SO +78 1 68 MO +78 1 69 TE +78 1 70 MO +78 1 71 MO +78 1 72 SO +78 1 73 MO +78 1 74 NE +78 1 75 TE +78 1 76 CI +78 1 77 NE +78 1 78 MO +78 1 79 TL +78 1 80 NE +78 1 81 SO +78 1 82 SO +78 1 83 IS +78 1 84 MO +78 1 85 SO +78 1 86 MO +78 1 87 TL +78 1 88 MO +78 1 89 TL +78 1 90 NE +78 1 91 KO +78 1 92 IS +78 1 93 NE +78 1 94 MO +78 1 95 IS +78 1 96 KO +78 1 97 MO +78 1 98 CI +78 1 99 MO +78 1 100 NE +78 1 101 MO +78 1 102 TE +78 1 103 TE +78 1 104 NE +78 1 105 MO +78 1 106 KO +78 1 107 IS +78 1 108 NE +78 1 109 NE +78 1 110 KO +78 1 111 TL +78 1 112 CI +78 1 113 TL +78 1 114 NE +78 1 115 MO +78 1 116 NE +78 1 117 TL +78 1 118 MO +78 1 119 SO +78 1 120 IS +78 1 121 CI +78 1 122 SO +78 1 123 NE +78 1 124 KO +78 1 125 CI +78 1 126 MO +78 1 127 TL +78 1 128 KO +78 1 129 IS +78 1 130 NE +78 1 131 MO +78 1 132 MO +78 1 133 SO +78 1 134 MO +78 1 135 MO +78 1 136 SO +78 1 137 SO +78 1 138 NE +78 1 139 IS +78 1 140 SO +78 1 141 IS +78 1 142 IS +78 1 143 SO +78 1 144 MO +78 1 145 SO +78 1 146 KO +78 1 147 SO +78 1 148 MO +78 1 149 SO +78 1 150 MO +78 1 151 MO +78 1 152 MO +78 1 153 NE +78 1 154 TE +78 1 155 TL +78 1 156 SO +78 1 157 MO +78 1 158 IS +78 1 159 KO +78 1 160 MO +78 1 161 SO +78 1 162 MO +78 1 163 SO +78 1 164 NE +78 1 165 NE +78 1 166 NE +78 1 167 MO +78 1 168 SO +78 1 169 SO +78 1 170 SO +78 1 171 NE +78 1 172 IS +78 1 173 CI +78 1 174 KO +78 1 175 SO +78 1 176 CI +78 1 177 KO +78 1 178 NE +78 1 179 MO +78 1 180 SO +78 1 181 KO +78 1 182 MO +78 1 183 KO +78 1 184 MO +78 1 185 MO +78 1 186 SO +78 1 187 KO +78 1 188 SO +78 1 189 NE +78 1 190 MO +78 1 191 NE +78 1 192 MO +78 1 193 KO +78 1 194 MO +78 1 195 SO +78 1 196 SO +78 1 197 MO +78 1 198 TL +78 1 199 IS +78 1 200 SO +78 1 201 MO +78 1 202 SO +78 1 203 MO +78 1 204 TL +78 1 205 MO +78 1 206 IS +78 1 207 MO +78 1 208 KO +78 1 209 SO +78 1 210 MO +78 1 211 NE +78 1 212 KO +78 1 213 MO +78 1 214 KO +78 1 215 MO +78 1 216 TL +78 1 217 MO +78 1 218 KO +78 1 219 IS +78 1 220 NE +78 1 221 TE +78 1 222 MO +78 1 223 NE +78 1 224 IS +78 1 225 KO +78 1 226 NE +78 1 227 TL +78 1 228 TL +78 1 229 NE +78 1 230 IS +78 1 231 MO +78 1 232 TL +78 1 233 NE +78 1 234 NE +78 1 235 NE +78 1 236 KO +78 1 237 IS +78 1 238 NE +78 1 239 MO +78 1 240 MO +78 1 241 IS +78 1 242 KO +78 1 243 MO +78 1 244 TE +78 1 245 MO +78 1 246 NE +78 1 247 MO +78 1 248 TL +78 1 249 NE +78 1 250 MO +78 1 251 SO +78 1 252 IS +78 1 253 SO +78 1 254 NE +78 1 255 TL +78 1 256 CI +78 1 257 TL +78 1 258 KO +78 1 259 MO +78 1 260 KO +78 1 261 KO +78 1 262 IS +78 1 263 NE +78 1 264 TE +78 1 265 SO +78 1 266 MO +78 1 267 MO +78 1 268 NE +78 1 269 MO +78 1 270 KO +78 1 271 TE +78 1 272 IS +78 1 273 MO +78 1 274 IS +78 1 275 TE +78 1 276 MO +78 1 277 NE +78 1 278 MO +78 1 279 TE +78 1 280 NE +78 1 281 SO +78 1 282 SO +78 1 283 MO +78 1 284 IS +78 1 285 MO +78 1 286 IS +78 1 287 KO +78 1 288 CI +78 1 289 NE +78 1 290 IS +78 1 291 NE +78 1 292 KO +78 1 293 NE +78 1 294 IS +78 1 295 MO +78 1 296 MO +78 1 297 KO +78 1 298 MO +78 1 299 SO +78 1 300 NE +78 1 301 SO +78 1 302 IS +78 1 303 TE +78 1 304 NE +78 1 305 MO +78 1 306 SO +78 1 307 NE +78 1 308 MO +78 1 309 TL +78 1 310 NE +78 1 311 NE +78 1 312 TL +78 1 313 MO +78 1 314 IS +78 1 315 SO +78 1 316 SO +78 1 317 KA +78 1 318 KO +78 1 319 IS +78 1 320 SO +78 1 321 CI +78 1 322 NE +78 1 323 SO +78 1 324 IS +78 1 325 MO +78 1 326 KO +78 1 327 NE +78 1 328 TE +78 1 329 MO +78 1 330 TE +78 2 1 NE +78 2 2 NE +78 2 3 NA +78 2 4 MO +78 2 5 NE +78 2 6 KO +78 2 7 SO +78 2 8 MO +78 2 9 TA +78 2 10 NE +78 2 11 TL +78 2 12 KO +78 2 13 SO +78 2 14 TL +78 2 15 MO +78 2 16 TE +78 2 17 NA +78 2 18 TL +78 2 19 NE +78 2 20 SO +78 2 21 MO +78 2 22 KO +78 2 23 MO +78 2 24 TL +78 2 25 NE +78 2 26 NE +78 2 27 TE +78 2 28 MO +78 2 29 SO +78 2 30 TA +78 2 31 TE +78 2 32 MO +78 2 33 SO +78 2 34 NE +78 2 35 CI +78 2 36 SO +78 2 37 NE +78 2 38 MO +78 2 39 SO +78 2 40 NE +78 2 41 MO +78 2 42 KO +78 2 43 NE +78 2 44 TE +78 2 45 SO +78 2 46 TL +78 2 47 SO +78 2 48 KO +78 2 49 NE +78 2 50 MO +78 2 51 TA +78 2 52 TE +78 2 53 MO +78 2 54 SO +78 2 55 NE +78 2 56 KO +78 2 57 NE +78 2 58 TA +78 2 59 MO +78 2 60 NE +78 2 61 MO +78 2 62 MO +78 2 63 CI +78 2 64 NE +78 2 65 CI +78 2 66 TE +78 2 67 SO +78 2 68 MO +78 2 69 SO +78 2 70 TE +78 2 71 CI +78 2 72 SO +78 2 73 MO +78 2 74 NE +78 2 75 SO +78 2 76 KO +78 2 77 NE +78 2 78 MO +78 2 79 TL +78 2 80 NE +78 2 81 SO +78 2 82 NE +78 2 83 KO +78 2 84 KO +78 2 85 SO +78 2 86 MO +78 2 87 TL +78 2 88 MO +78 2 89 TL +78 2 90 NE +78 2 91 KO +78 2 92 TE +78 2 93 NE +78 2 94 TA +78 2 95 TE +78 2 96 KO +78 2 97 MO +78 2 98 CI +78 2 99 MO +78 2 100 NE +78 2 101 MO +78 2 102 NE +78 2 103 TA +78 2 104 NE +78 2 105 MO +78 2 106 KO +78 2 107 TE +78 2 108 TE +78 2 109 NE +78 2 110 KO +78 2 111 SO +78 2 112 CI +78 2 113 TL +78 2 114 SO +78 2 115 CI +78 2 116 TE +78 2 117 TA +78 2 118 MO +78 2 119 SO +78 2 120 IS +78 2 121 NA +78 2 122 SO +78 2 123 NE +78 2 124 SO +78 2 125 TA +78 2 126 MO +78 2 127 SO +78 2 128 KO +78 2 129 TE +78 2 130 SO +78 2 131 MO +78 2 132 TA +78 2 133 SO +78 2 134 TL +78 2 135 MO +78 2 136 NE +78 2 137 SO +78 2 138 NE +78 2 139 MO +78 2 140 NE +78 2 141 IS +78 2 142 TE +78 2 143 SO +78 2 144 MO +78 2 145 SO +78 2 146 KO +78 2 147 SO +78 2 148 CI +78 2 149 SO +78 2 150 MO +78 2 151 MO +78 2 152 MO +78 2 153 NE +78 2 154 TL +78 2 155 TL +78 2 156 SO +78 2 157 TA +78 2 158 IS +78 2 159 KO +78 2 160 MO +78 2 161 SO +78 2 162 CI +78 2 163 SO +78 2 164 NE +78 2 165 SO +78 2 166 NE +78 2 167 MO +78 2 168 SO +78 2 169 NE +78 2 170 TL +78 2 171 SO +78 2 172 IS +78 2 173 CI +78 2 174 KO +78 2 175 NE +78 2 176 CI +78 2 177 KO +78 2 178 NE +78 2 179 TA +78 2 180 SO +78 2 181 KO +78 2 182 MO +78 2 183 TA +78 2 184 MO +78 2 185 TA +78 2 186 NE +78 2 187 KO +78 2 188 NE +78 2 189 NE +78 2 190 MO +78 2 191 SO +78 2 192 MO +78 2 193 SO +78 2 194 TA +78 2 195 SO +78 2 196 NE +78 2 197 MO +78 2 198 TL +78 2 199 IS +78 2 200 NE +78 2 201 MO +78 2 202 SO +78 2 203 MO +78 2 204 TL +78 2 205 MO +78 2 206 TE +78 2 207 CI +78 2 208 KO +78 2 209 SO +78 2 210 TA +78 2 211 NE +78 2 212 KO +78 2 213 MO +78 2 214 SO +78 2 215 MO +78 2 216 SO +78 2 217 MO +78 2 218 SO +78 2 219 TE +78 2 220 MO +78 2 221 IS +78 2 222 MO +78 2 223 SO +78 2 224 IS +78 2 225 SO +78 2 226 NE +78 2 227 TL +78 2 228 NE +78 2 229 NE +78 2 230 IS +78 2 231 MO +78 2 232 TA +78 2 233 MO +78 2 234 SO +78 2 235 NE +78 2 236 SO +78 2 237 TE +78 2 238 SO +78 2 239 MO +78 2 240 TA +78 2 241 TE +78 2 242 KO +78 2 243 MO +78 2 244 TE +78 2 245 CI +78 2 246 SO +78 2 247 MO +78 2 248 TL +78 2 249 SO +78 2 250 MO +78 2 251 SO +78 2 252 IS +78 2 253 SO +78 2 254 NE +78 2 255 TL +78 2 256 CI +78 2 257 NE +78 2 258 KO +78 2 259 TA +78 2 260 TE +78 2 261 KO +78 2 262 IS +78 2 263 TL +78 2 264 NE +78 2 265 SO +78 2 266 TA +78 2 267 MO +78 2 268 SO +78 2 269 MO +78 2 270 KO +78 2 271 SO +78 2 272 IS +78 2 273 MO +78 2 274 IS +78 2 275 SO +78 2 276 MO +78 2 277 SO +78 2 278 CI +78 2 279 NE +78 2 280 SO +78 2 281 SO +78 2 282 SO +78 2 283 TA +78 2 284 IS +78 2 285 MO +78 2 286 IS +78 2 287 TA +78 2 288 CI +78 2 289 NE +78 2 290 IS +78 2 291 NE +78 2 292 MO +78 2 293 TE +78 2 294 TE +78 2 295 TA +78 2 296 MO +78 2 297 KO +78 2 298 CI +78 2 299 SO +78 2 300 TE +78 2 301 SO +78 2 302 IS +78 2 303 TE +78 2 304 SO +78 2 305 MO +78 2 306 SO +78 2 307 NE +78 2 308 MO +78 2 309 TL +78 2 310 SO +78 2 311 NE +78 2 312 TL +78 2 313 MO +78 2 314 IS +78 2 315 SO +78 2 316 NE +78 2 317 MO +78 2 318 TA +78 2 319 IS +78 2 320 SO +78 2 321 CI +78 2 322 NE +78 2 323 SO +78 2 324 IS +78 2 325 MO +78 2 326 KO +78 2 327 TE +78 2 328 SO +78 2 329 TA +78 2 330 TE +78 3 1 NE +78 3 2 NE +78 3 3 * +78 3 4 MO +78 3 5 SO +78 3 6 KO +78 3 7 SO +78 3 8 MO +78 3 9 KA +78 3 10 NE +78 3 11 SO +78 3 12 KO +78 3 13 SO +78 3 14 NE +78 3 15 R +78 3 16 IS +78 3 17 * +78 3 18 TE +78 3 19 NE +78 3 20 SO +78 3 21 R +78 3 22 KO +78 3 23 MO +78 3 24 KA +78 3 25 NE +78 3 26 NE +78 3 27 IS +78 3 28 R +78 3 29 SO +78 3 30 * +78 3 31 IS +78 3 32 MO +78 3 33 SO +78 3 34 NE +78 3 35 R +78 3 36 SO +78 3 37 NE +78 3 38 R +78 3 39 SO +78 3 40 NE +78 3 41 * +78 3 42 KO +78 3 43 NE +78 3 44 IS +78 3 45 SO +78 3 46 TE +78 3 47 SO +78 3 48 KO +78 3 49 NE +78 3 50 MO +78 3 51 KA +78 3 52 IS +78 3 53 R +78 3 54 SO +78 3 55 NE +78 3 56 R +78 3 57 SO +78 3 58 KO +78 3 59 MO +78 3 60 NE +78 3 61 MO +78 3 62 MO +78 3 63 R +78 3 64 NE +78 3 65 R +78 3 66 IS +78 3 67 SO +78 3 68 R +78 3 69 SO +78 3 70 MO +78 3 71 * +78 3 72 SO +78 3 73 MO +78 3 74 NE +78 3 75 SO +78 3 76 KO +78 3 77 NE +78 3 78 R +78 3 79 TE +78 3 80 NE +78 3 81 SO +78 3 82 SO +78 3 83 KO +78 3 84 R +78 3 85 SO +78 3 86 R +78 3 87 TL +78 3 88 MO +78 3 89 TL +78 3 90 SO +78 3 91 SO +78 3 92 IS +78 3 93 NE +78 3 94 TL +78 3 95 NE +78 3 96 KO +78 3 97 MO +78 3 98 CI +78 3 99 MO +78 3 100 NE +78 3 101 MO +78 3 102 NE +78 3 103 SO +78 3 104 NE +78 3 105 MO +78 3 106 KO +78 3 107 IS +78 3 108 NE +78 3 109 NE +78 3 110 KO +78 3 111 SO +78 3 112 CI +78 3 113 TL +78 3 114 SO +78 3 115 CI +78 3 116 NE +78 3 117 KA +78 3 118 R +78 3 119 SO +78 3 120 IS +78 3 121 CI +78 3 122 SO +78 3 123 NE +78 3 124 SO +78 3 125 KO +78 3 126 R +78 3 127 SO +78 3 128 KO +78 3 129 IS +78 3 130 SO +78 3 131 MO +78 3 132 CI +78 3 133 SO +78 3 134 KA +78 3 135 R +78 3 136 SO +78 3 137 SO +78 3 138 NE +78 3 139 IS +78 3 140 NE +78 3 141 IS +78 3 142 IS +78 3 143 SO +78 3 144 MO +78 3 145 SO +78 3 146 KO +78 3 147 SO +78 3 148 CI +78 3 149 SO +78 3 150 MO +78 3 151 R +78 3 152 R +78 3 153 NE +78 3 154 TE +78 3 155 KA +78 3 156 SO +78 3 157 KA +78 3 158 IS +78 3 159 KO +78 3 160 R +78 3 161 SO +78 3 162 CI +78 3 163 SO +78 3 164 NE +78 3 165 SO +78 3 166 NE +78 3 167 MO +78 3 168 SO +78 3 169 NE +78 3 170 NE +78 3 171 SO +78 3 172 IS +78 3 173 R +78 3 174 KO +78 3 175 NE +78 3 176 CI +78 3 177 KO +78 3 178 NE +78 3 179 CI +78 3 180 SO +78 3 181 KO +78 3 182 MO +78 3 183 KA +78 3 184 MO +78 3 185 KO +78 3 186 NE +78 3 187 KO +78 3 188 NE +78 3 189 NE +78 3 190 R +78 3 191 SO +78 3 192 MO +78 3 193 SO +78 3 194 CI +78 3 195 SO +78 3 196 NE +78 3 197 MO +78 3 198 TL +78 3 199 IS +78 3 200 NE +78 3 201 R +78 3 202 SO +78 3 203 R +78 3 204 KA +78 3 205 MO +78 3 206 IS +78 3 207 R +78 3 208 KO +78 3 209 SO +78 3 210 KA +78 3 211 NE +78 3 212 KO +78 3 213 MO +78 3 214 SO +78 3 215 R +78 3 216 SO +78 3 217 R +78 3 218 KO +78 3 219 NE +78 3 220 NE +78 3 221 NE +78 3 222 MO +78 3 223 SO +78 3 224 IS +78 3 225 KO +78 3 226 NE +78 3 227 TL +78 3 228 NE +78 3 229 SO +78 3 230 IS +78 3 231 MO +78 3 232 KA +78 3 233 NE +78 3 234 SO +78 3 235 NE +78 3 236 SO +78 3 237 R +78 3 238 SO +78 3 239 R +78 3 240 CI +78 3 241 IS +78 3 242 KO +78 3 243 MO +78 3 244 NE +78 3 245 CI +78 3 246 SO +78 3 247 MO +78 3 248 SO +78 3 249 SO +78 3 250 MO +78 3 251 SO +78 3 252 IS +78 3 253 SO +78 3 254 NE +78 3 255 TL +78 3 256 R +78 3 257 NE +78 3 258 KO +78 3 259 CI +78 3 260 KO +78 3 261 KO +78 3 262 IS +78 3 263 TE +78 3 264 NE +78 3 265 SO +78 3 266 CI +78 3 267 MO +78 3 268 SO +78 3 269 MO +78 3 270 KO +78 3 271 SO +78 3 272 IS +78 3 273 MO +78 3 274 IS +78 3 275 KO +78 3 276 R +78 3 277 NE +78 3 278 KO +78 3 279 NE +78 3 280 SO +78 3 281 SO +78 3 282 SO +78 3 283 KA +78 3 284 IS +78 3 285 R +78 3 286 IS +78 3 287 KO +78 3 288 CI +78 3 289 NE +78 3 290 IS +78 3 291 NE +78 3 292 R +78 3 293 IS +78 3 294 NE +78 3 295 KA +78 3 296 MO +78 3 297 KO +78 3 298 CI +78 3 299 SO +78 3 300 TE +78 3 301 SO +78 3 302 IS +78 3 303 NE +78 3 304 SO +78 3 305 MO +78 3 306 SO +78 3 307 NE +78 3 308 MO +78 3 309 KA +78 3 310 SO +78 3 311 NE +78 3 312 TL +78 3 313 NE +78 3 314 IS +78 3 315 SO +78 3 316 SO +78 3 317 MO +78 3 318 KO +78 3 319 IS +78 3 320 SO +78 3 321 CI +78 3 322 NE +78 3 323 SO +78 3 324 IS +78 3 325 MO +78 3 326 KO +78 3 327 IS +78 3 328 SO +78 3 329 KA +78 3 330 IS +78 4 1 NE +78 4 2 NE +78 4 3 CI +78 4 4 MO +78 4 5 NE +78 4 6 IS +78 4 7 SO +78 4 8 MO +78 4 9 KA +78 4 10 NE +78 4 11 TL +78 4 12 KO +78 4 13 SO +78 4 14 TL +78 4 15 IS +78 4 16 IS +78 4 17 CI +78 4 18 TL +78 4 19 NE +78 4 20 SO +78 4 21 CI +78 4 22 KO +78 4 23 MO +78 4 24 KA +78 4 25 SO +78 4 26 NE +78 4 27 IS +78 4 28 CI +78 4 29 SO +78 4 30 KA +78 4 31 NE +78 4 32 CI +78 4 33 SO +78 4 34 NE +78 4 35 CI +78 4 36 TL +78 4 37 NE +78 4 38 CI +78 4 39 SO +78 4 40 NE +78 4 41 CI +78 4 42 KA +78 4 43 TL +78 4 44 IS +78 4 45 SO +78 4 46 TL +78 4 47 TL +78 4 48 KA +78 4 49 NE +78 4 50 MO +78 4 51 KA +78 4 52 IS +78 4 53 MO +78 4 54 SO +78 4 55 NE +78 4 56 CI +78 4 57 TL +78 4 58 KA +78 4 59 IS +78 4 60 TL +78 4 61 CI +78 4 62 NE +78 4 63 CI +78 4 64 NE +78 4 65 CI +78 4 66 IS +78 4 67 SO +78 4 68 MO +78 4 69 TL +78 4 70 IS +78 4 71 TL +78 4 72 SO +78 4 73 MO +78 4 74 NE +78 4 75 TL +78 4 76 CI +78 4 77 NE +78 4 78 MO +78 4 79 TL +78 4 80 NE +78 4 81 SO +78 4 82 NE +78 4 83 IS +78 4 84 IS +78 4 85 SO +78 4 86 MO +78 4 87 TL +78 4 88 MO +78 4 89 TL +78 4 90 TL +78 4 91 SO +78 4 92 IS +78 4 93 NE +78 4 94 TL +78 4 95 IS +78 4 96 KO +78 4 97 MO +78 4 98 CI +78 4 99 MO +78 4 100 NE +78 4 101 MO +78 4 102 NE +78 4 103 TL +78 4 104 NE +78 4 105 MO +78 4 106 IS +78 4 107 IS +78 4 108 NE +78 4 109 NE +78 4 110 KO +78 4 111 TL +78 4 112 CI +78 4 113 TL +78 4 114 TL +78 4 115 CI +78 4 116 NE +78 4 117 TL +78 4 118 CI +78 4 119 SO +78 4 120 IS +78 4 121 KO +78 4 122 SO +78 4 123 NE +78 4 124 SO +78 4 125 KO +78 4 126 MO +78 4 127 TL +78 4 128 KO +78 4 129 IS +78 4 130 TL +78 4 131 MO +78 4 132 KO +78 4 133 SO +78 4 134 TL +78 4 135 MO +78 4 136 NE +78 4 137 SO +78 4 138 NE +78 4 139 IS +78 4 140 NE +78 4 141 IS +78 4 142 IS +78 4 143 SO +78 4 144 NE +78 4 145 SO +78 4 146 KO +78 4 147 NE +78 4 148 CI +78 4 149 SO +78 4 150 MO +78 4 151 CI +78 4 152 MO +78 4 153 NE +78 4 154 TL +78 4 155 TL +78 4 156 SO +78 4 157 KA +78 4 158 IS +78 4 159 KO +78 4 160 CI +78 4 161 SO +78 4 162 CI +78 4 163 NE +78 4 164 NE +78 4 165 TL +78 4 166 NE +78 4 167 MO +78 4 168 SO +78 4 169 NE +78 4 170 TL +78 4 171 SO +78 4 172 IS +78 4 173 CI +78 4 174 KO +78 4 175 NE +78 4 176 CI +78 4 177 KO +78 4 178 NE +78 4 179 KA +78 4 180 SO +78 4 181 KO +78 4 182 TL +78 4 183 TL +78 4 184 MO +78 4 185 KO +78 4 186 NE +78 4 187 KO +78 4 188 NE +78 4 189 NE +78 4 190 CI +78 4 191 SO +78 4 192 MO +78 4 193 KO +78 4 194 TL +78 4 195 SO +78 4 196 SO +78 4 197 MO +78 4 198 TL +78 4 199 IS +78 4 200 NE +78 4 201 CI +78 4 202 SO +78 4 203 CI +78 4 204 TL +78 4 205 NE +78 4 206 IS +78 4 207 CI +78 4 208 KA +78 4 209 SO +78 4 210 TL +78 4 211 NE +78 4 212 KO +78 4 213 NE +78 4 214 SO +78 4 215 MO +78 4 216 TL +78 4 217 KO +78 4 218 SO +78 4 219 IS +78 4 220 NE +78 4 221 IS +78 4 222 MO +78 4 223 SO +78 4 224 IS +78 4 225 TL +78 4 226 NE +78 4 227 TL +78 4 228 NE +78 4 229 SO +78 4 230 IS +78 4 231 MO +78 4 232 TL +78 4 233 NE +78 4 234 SO +78 4 235 NE +78 4 236 SO +78 4 237 KO +78 4 238 NE +78 4 239 CI +78 4 240 KA +78 4 241 IS +78 4 242 KO +78 4 243 TL +78 4 244 IS +78 4 245 CI +78 4 246 NE +78 4 247 MO +78 4 248 TL +78 4 249 SO +78 4 250 MO +78 4 251 SO +78 4 252 IS +78 4 253 SO +78 4 254 NE +78 4 255 TL +78 4 256 CI +78 4 257 NE +78 4 258 KO +78 4 259 CI +78 4 260 IS +78 4 261 KO +78 4 262 IS +78 4 263 TL +78 4 264 NE +78 4 265 SO +78 4 266 KA +78 4 267 MO +78 4 268 SO +78 4 269 MO +78 4 270 KO +78 4 271 SO +78 4 272 IS +78 4 273 MO +78 4 274 IS +78 4 275 KO +78 4 276 MO +78 4 277 TL +78 4 278 KO +78 4 279 NE +78 4 280 SO +78 4 281 SO +78 4 282 SO +78 4 283 TL +78 4 284 IS +78 4 285 CI +78 4 286 IS +78 4 287 KO +78 4 288 CI +78 4 289 NE +78 4 290 IS +78 4 291 NE +78 4 292 KO +78 4 293 NE +78 4 294 IS +78 4 295 KA +78 4 296 MO +78 4 297 KO +78 4 298 CI +78 4 299 SO +78 4 300 TL +78 4 301 SO +78 4 302 IS +78 4 303 NE +78 4 304 SO +78 4 305 MO +78 4 306 SO +78 4 307 NE +78 4 308 MO +78 4 309 TL +78 4 310 SO +78 4 311 NE +78 4 312 TL +78 4 313 NE +78 4 314 IS +78 4 315 SO +78 4 316 SO +78 4 317 MO +78 4 318 KO +78 4 319 IS +78 4 320 SO +78 4 321 CI +78 4 322 NE +78 4 323 SO +78 4 324 IS +78 4 325 MO +78 4 326 KO +78 4 327 IS +78 4 328 SO +78 4 329 KA +78 4 330 IS +78 5 1 NE +78 5 2 TA +78 5 3 CI +78 5 4 KN +78 5 5 SO +78 5 6 KO +78 5 7 SO +78 5 8 CI +78 5 9 KA +78 5 10 NE +78 5 11 TL +78 5 12 KO +78 5 13 SO +78 5 14 NE +78 5 15 IL +78 5 16 IS +78 5 17 KO +78 5 18 TL +78 5 19 NE +78 5 20 SO +78 5 21 CI +78 5 22 KO +78 5 23 MO +78 5 24 TL +78 5 25 SO +78 5 26 NE +78 5 27 IS +78 5 28 CI +78 5 29 SO +78 5 30 KO +78 5 31 NE +78 5 32 MO +78 5 33 SO +78 5 34 NE +78 5 35 KO +78 5 36 SO +78 5 37 NE +78 5 38 CI +78 5 39 SO +78 5 40 NE +78 5 41 CI +78 5 42 KO +78 5 43 NE +78 5 44 IS +78 5 45 SO +78 5 46 IS +78 5 47 SO +78 5 48 KO +78 5 49 NE +78 5 50 MO +78 5 51 KO +78 5 52 IS +78 5 53 CI +78 5 54 SO +78 5 55 NE +78 5 56 KO +78 5 57 SO +78 5 58 KO +78 5 59 IS +78 5 60 SO +78 5 61 CI +78 5 62 MO +78 5 63 KO +78 5 64 NE +78 5 65 CI +78 5 66 KO +78 5 67 SO +78 5 68 CI +78 5 69 SO +78 5 70 IS +78 5 71 MO +78 5 72 SO +78 5 73 MO +78 5 74 SO +78 5 75 SO +78 5 76 KO +78 5 77 NE +78 5 78 MO +78 5 79 SO +78 5 80 NE +78 5 81 SO +78 5 82 NE +78 5 83 KO +78 5 84 CI +78 5 85 SO +78 5 86 CI +78 5 87 SO +78 5 88 MO +78 5 89 TL +78 5 90 SO +78 5 91 KO +78 5 92 IS +78 5 93 NE +78 5 94 TL +78 5 95 IS +78 5 96 KO +78 5 97 MO +78 5 98 CI +78 5 99 MO +78 5 100 NE +78 5 101 CI +78 5 102 IS +78 5 103 SO +78 5 104 NE +78 5 105 MO +78 5 106 KO +78 5 107 IS +78 5 108 SA +78 5 109 MO +78 5 110 KO +78 5 111 SO +78 5 112 CI +78 5 113 TL +78 5 114 SO +78 5 115 CI +78 5 116 IS +78 5 117 TL +78 5 118 CI +78 5 119 SO +78 5 120 IS +78 5 121 KO +78 5 122 SO +78 5 123 SO +78 5 124 KO +78 5 125 CI +78 5 126 MO +78 5 127 SO +78 5 128 KO +78 5 129 IS +78 5 130 SO +78 5 131 MO +78 5 132 CI +78 5 133 SO +78 5 134 MO +78 5 135 CI +78 5 136 SO +78 5 137 TL +78 5 138 NE +78 5 139 IS +78 5 140 SO +78 5 141 IS +78 5 142 IS +78 5 143 SO +78 5 144 MO +78 5 145 SO +78 5 146 KO +78 5 147 SO +78 5 148 CI +78 5 149 SO +78 5 150 MO +78 5 151 KO +78 5 152 MO +78 5 153 NE +78 5 154 SO +78 5 155 TL +78 5 156 SO +78 5 157 KA +78 5 158 IS +78 5 159 KO +78 5 160 MO +78 5 161 SO +78 5 162 CI +78 5 163 SO +78 5 164 MO +78 5 165 SO +78 5 166 NE +78 5 167 IS +78 5 168 SO +78 5 169 NE +78 5 170 SO +78 5 171 SO +78 5 172 IS +78 5 173 CI +78 5 174 KO +78 5 175 NE +78 5 176 CI +78 5 177 KO +78 5 178 NE +78 5 179 MO +78 5 180 SO +78 5 181 KO +78 5 182 MO +78 5 183 KO +78 5 184 MO +78 5 185 KO +78 5 186 NE +78 5 187 KO +78 5 188 NE +78 5 189 IL +78 5 190 KO +78 5 191 SO +78 5 192 MO +78 5 193 KO +78 5 194 MO +78 5 195 SO +78 5 196 NE +78 5 197 MO +78 5 198 SO +78 5 199 IS +78 5 200 NE +78 5 201 KO +78 5 202 SO +78 5 203 MO +78 5 204 TL +78 5 205 MO +78 5 206 IS +78 5 207 MO +78 5 208 KO +78 5 209 SO +78 5 210 KA +78 5 211 * +78 5 212 KO +78 5 213 IS +78 5 214 KO +78 5 215 MO +78 5 216 SO +78 5 217 KO +78 5 218 SO +78 5 219 IS +78 5 220 NE +78 5 221 IS +78 5 222 MO +78 5 223 SO +78 5 224 IS +78 5 225 KA +78 5 226 SO +78 5 227 SO +78 5 228 NE +78 5 229 SO +78 5 230 IS +78 5 231 MO +78 5 232 SO +78 5 233 MO +78 5 234 SO +78 5 235 NE +78 5 236 SO +78 5 237 KO +78 5 238 SO +78 5 239 KO +78 5 240 KA +78 5 241 IS +78 5 242 KO +78 5 243 MO +78 5 244 IS +78 5 245 KO +78 5 246 NE +78 5 247 MO +78 5 248 TL +78 5 249 SO +78 5 250 MO +78 5 251 KO +78 5 252 IS +78 5 253 SO +78 5 254 IS +78 5 255 TL +78 5 256 CI +78 5 257 SO +78 5 258 KO +78 5 259 MO +78 5 260 KO +78 5 261 CI +78 5 262 IS +78 5 263 IS +78 5 264 NE +78 5 265 SO +78 5 266 KA +78 5 267 MO +78 5 268 SO +78 5 269 MO +78 5 270 KO +78 5 271 SO +78 5 272 IS +78 5 273 MO +78 5 274 IS +78 5 275 KO +78 5 276 MO +78 5 277 NE +78 5 278 KO +78 5 279 NE +78 5 280 SO +78 5 281 SO +78 5 282 SO +78 5 283 KA +78 5 284 IS +78 5 285 KO +78 5 286 IS +78 5 287 KA +78 5 288 KO +78 5 289 SO +78 5 290 IS +78 5 291 NE +78 5 292 CI +78 5 293 IS +78 5 294 IS +78 5 295 KA +78 5 296 MO +78 5 297 KO +78 5 298 CI +78 5 299 SO +78 5 300 IS +78 5 301 SO +78 5 302 IS +78 5 303 NE +78 5 304 SO +78 5 305 MO +78 5 306 SO +78 5 307 NE +78 5 308 MO +78 5 309 KA +78 5 310 SO +78 5 311 NE +78 5 312 TL +78 5 313 MO +78 5 314 IS +78 5 315 SO +78 5 316 MO +78 5 317 KO +78 5 318 IS +78 5 319 SO +78 5 320 SO +78 5 321 CI +78 5 322 NE +78 5 323 SO +78 5 324 IS +78 5 325 MO +78 5 326 KO +78 5 327 IS +78 5 328 SO +78 5 329 KA +78 5 330 IS +78 6 1 NE +78 6 2 IS +78 6 3 CI +78 6 4 NE +78 6 5 SO +78 6 6 KA +78 6 7 SO +78 6 8 KA +78 6 9 KA +78 6 10 NE +78 6 11 SO +78 6 12 KO +78 6 13 SO +78 6 14 NE +78 6 15 NE +78 6 16 IS +78 6 17 CI +78 6 18 TL +78 6 19 NE +78 6 20 SO +78 6 21 NE +78 6 22 KO +78 6 23 NE +78 6 24 KA +78 6 25 SO +78 6 26 NE +78 6 27 KA +78 6 28 CI +78 6 29 NE +78 6 30 KA +78 6 31 NE +78 6 32 CI +78 6 33 SO +78 6 34 NE +78 6 35 CI +78 6 36 SO +78 6 37 NE +78 6 38 CI +78 6 39 SO +78 6 40 NE +78 6 41 TL +78 6 42 KO +78 6 43 NE +78 6 44 IS +78 6 45 SO +78 6 46 KA +78 6 47 SO +78 6 48 KO +78 6 49 NE +78 6 50 NE +78 6 51 KO +78 6 52 IS +78 6 53 CI +78 6 54 SO +78 6 55 NE +78 6 56 NE +78 6 57 SO +78 6 58 KA +78 6 59 NE +78 6 60 SO +78 6 61 CI +78 6 62 NE +78 6 63 SO +78 6 64 NE +78 6 65 CI +78 6 66 IS +78 6 67 NE +78 6 68 CI +78 6 69 KA +78 6 70 IS +78 6 71 CI +78 6 72 SO +78 6 73 MO +78 6 74 NE +78 6 75 SO +78 6 76 CI +78 6 77 SO +78 6 78 NE +78 6 79 TL +78 6 80 NE +78 6 81 SO +78 6 82 NE +78 6 83 IS +78 6 84 NE +78 6 85 SO +78 6 86 NE +78 6 87 TL +78 6 88 NE +78 6 89 TL +78 6 90 SO +78 6 91 KO +78 6 92 IS +78 6 93 SO +78 6 94 TL +78 6 95 NE +78 6 96 KO +78 6 97 MO +78 6 98 CI +78 6 99 MO +78 6 100 NE +78 6 101 CI +78 6 102 NE +78 6 103 KO +78 6 104 NE +78 6 105 MO +78 6 106 KO +78 6 107 IS +78 6 108 NE +78 6 109 NE +78 6 110 KO +78 6 111 SO +78 6 112 CI +78 6 113 TL +78 6 114 NE +78 6 115 CI +78 6 116 NE +78 6 117 KA +78 6 118 NE +78 6 119 SO +78 6 120 IS +78 6 121 CI +78 6 122 SO +78 6 123 NE +78 6 124 KO +78 6 125 CI +78 6 126 NE +78 6 127 SO +78 6 128 KO +78 6 129 IS +78 6 130 SO +78 6 131 NE +78 6 132 CI +78 6 133 SO +78 6 134 KA +78 6 135 NE +78 6 136 NE +78 6 137 SO +78 6 138 NE +78 6 139 NE +78 6 140 NE +78 6 141 IS +78 6 142 NE +78 6 143 SO +78 6 144 NE +78 6 145 SO +78 6 146 KO +78 6 147 SO +78 6 148 CI +78 6 149 SO +78 6 150 NE +78 6 151 NE +78 6 152 NE +78 6 153 NE +78 6 154 TL +78 6 155 TL +78 6 156 NE +78 6 157 KA +78 6 158 IS +78 6 159 KO +78 6 160 NE +78 6 161 SO +78 6 162 CI +78 6 163 SO +78 6 164 NE +78 6 165 KO +78 6 166 NE +78 6 167 NE +78 6 168 SO +78 6 169 SO +78 6 170 TL +78 6 171 KO +78 6 172 IS +78 6 173 CI +78 6 174 KO +78 6 175 NE +78 6 176 CI +78 6 177 KO +78 6 178 NE +78 6 179 NE +78 6 180 SO +78 6 181 KO +78 6 182 NE +78 6 183 KO +78 6 184 NE +78 6 185 KA +78 6 186 NE +78 6 187 KO +78 6 188 NE +78 6 189 NE +78 6 190 NE +78 6 191 SO +78 6 192 MO +78 6 193 KA +78 6 194 KA +78 6 195 SO +78 6 196 NE +78 6 197 NE +78 6 198 TL +78 6 199 IS +78 6 200 NE +78 6 201 NE +78 6 202 SO +78 6 203 NE +78 6 204 KA +78 6 205 NE +78 6 206 IS +78 6 207 CI +78 6 208 KA +78 6 209 SO +78 6 210 KA +78 6 211 NE +78 6 212 KO +78 6 213 NE +78 6 214 SO +78 6 215 NE +78 6 216 SO +78 6 217 NE +78 6 218 KA +78 6 219 IS +78 6 220 NE +78 6 221 NE +78 6 222 NE +78 6 223 SO +78 6 224 IS +78 6 225 KA +78 6 226 NE +78 6 227 TL +78 6 228 NE +78 6 229 SO +78 6 230 IS +78 6 231 NE +78 6 232 KA +78 6 233 NE +78 6 234 SO +78 6 235 NE +78 6 236 KO +78 6 237 IS +78 6 238 SO +78 6 239 IS +78 6 240 KA +78 6 241 IS +78 6 242 KO +78 6 243 NE +78 6 244 IS +78 6 245 CI +78 6 246 SO +78 6 247 NE +78 6 248 SO +78 6 249 SO +78 6 250 NE +78 6 251 SO +78 6 252 IS +78 6 253 SO +78 6 254 NE +78 6 255 TL +78 6 256 CI +78 6 257 NE +78 6 258 KO +78 6 259 CI +78 6 260 KO +78 6 261 KO +78 6 262 IS +78 6 263 IS +78 6 264 NE +78 6 265 SO +78 6 266 KA +78 6 267 NE +78 6 268 SO +78 6 269 NE +78 6 270 KO +78 6 271 SO +78 6 272 IS +78 6 273 NE +78 6 274 IS +78 6 275 KO +78 6 276 CI +78 6 277 SO +78 6 278 NE +78 6 279 NE +78 6 280 KO +78 6 281 NE +78 6 282 KO +78 6 283 KA +78 6 284 IS +78 6 285 NE +78 6 286 IS +78 6 287 KA +78 6 288 CI +78 6 289 SO +78 6 290 IS +78 6 291 NE +78 6 292 NE +78 6 293 NE +78 6 294 IS +78 6 295 KA +78 6 296 NE +78 6 297 KO +78 6 298 CI +78 6 299 SO +78 6 300 IS +78 6 301 SO +78 6 302 IS +78 6 303 SO +78 6 304 SO +78 6 305 NE +78 6 306 SO +78 6 307 NE +78 6 308 NE +78 6 309 KA +78 6 310 SO +78 6 311 NE +78 6 312 TL +78 6 313 NE +78 6 314 IS +78 6 315 SO +78 6 316 SO +78 6 317 NE +78 6 318 KO +78 6 319 IS +78 6 320 KA +78 6 321 CI +78 6 322 NE +78 6 323 SO +78 6 324 IS +78 6 325 NE +78 6 326 KO +78 6 327 IS +78 6 328 SO +78 6 329 KA +78 6 330 IS +79 1 1 M +79 1 2 M +79 1 3 S +79 1 4 T +79 1 5 M +79 1 6 F +79 1 7 JM +79 1 8 S +79 1 9 J +79 1 10 M +79 1 11 M +79 1 12 B +79 1 13 M +79 1 14 M +79 1 15 T +79 1 16 F +79 1 17 S +79 1 18 J +79 1 19 M +79 1 20 JM +79 1 21 S +79 1 22 F +79 1 23 T +79 1 24 J +79 1 25 M +79 1 26 M +79 1 27 F +79 1 28 S +79 1 29 JM +79 1 30 J +79 1 31 M +79 1 32 T +79 1 33 M +79 1 34 M +79 1 35 S +79 1 36 M +79 1 37 M +79 1 38 S +79 1 39 M +79 1 40 M +79 1 41 S +79 1 42 B +79 1 43 M +79 1 44 F +79 1 45 M +79 1 46 J +79 1 47 J +79 1 48 B +79 1 49 M +79 1 50 S +79 1 51 J +79 1 52 F +79 1 53 T +79 1 54 M +79 1 55 M +79 1 56 S +79 1 57 M +79 1 58 J +79 1 59 F +79 1 60 M +79 1 61 S +79 1 62 T +79 1 63 S +79 1 64 M +79 1 65 S +79 1 66 F +79 1 67 M +79 1 68 S +79 1 69 J +79 1 70 F +79 1 71 T +79 1 72 M +79 1 73 T +79 1 74 M +79 1 75 J +79 1 76 B +79 1 77 M +79 1 78 T +79 1 79 J +79 1 80 M +79 1 81 JM +79 1 82 M +79 1 83 F +79 1 84 S +79 1 85 M +79 1 86 T +79 1 87 J +79 1 88 T +79 1 89 J +79 1 90 J +79 1 91 M +79 1 92 F +79 1 93 M +79 1 94 J +79 1 95 F +79 1 96 B +79 1 97 T +79 1 98 S +79 1 99 T +79 1 100 M +79 1 101 T +79 1 102 M +79 1 103 J +79 1 104 M +79 1 105 T +79 1 106 B +79 1 107 F +79 1 108 M +79 1 109 M +79 1 110 B +79 1 111 J +79 1 112 S +79 1 113 J +79 1 114 M +79 1 115 S +79 1 116 M +79 1 117 J +79 1 118 S +79 1 119 M +79 1 120 F +79 1 121 S +79 1 122 M +79 1 123 M +79 1 124 B +79 1 125 S +79 1 126 T +79 1 127 J +79 1 128 B +79 1 129 F +79 1 130 J +79 1 131 T +79 1 132 S +79 1 133 M +79 1 134 J +79 1 135 T +79 1 136 M +79 1 137 M +79 1 138 M +79 1 139 F +79 1 140 M +79 1 141 F +79 1 142 M +79 1 143 B +79 1 144 T +79 1 145 M +79 1 146 B +79 1 147 M +79 1 148 S +79 1 149 M +79 1 150 T +79 1 151 S +79 1 152 T +79 1 153 M +79 1 154 J +79 1 155 J +79 1 156 M +79 1 157 J +79 1 158 F +79 1 159 B +79 1 160 S +79 1 161 M +79 1 162 S +79 1 163 M +79 1 164 M +79 1 165 J +79 1 166 J +79 1 167 T +79 1 168 M +79 1 169 M +79 1 170 J +79 1 171 M +79 1 172 F +79 1 173 S +79 1 174 B +79 1 175 M +79 1 176 S +79 1 177 B +79 1 178 M +79 1 179 S +79 1 180 M +79 1 181 B +79 1 182 T +79 1 183 J +79 1 184 T +79 1 185 B +79 1 186 M +79 1 187 B +79 1 188 M +79 1 189 M +79 1 190 S +79 1 191 M +79 1 192 T +79 1 193 B +79 1 194 T +79 1 195 M +79 1 196 M +79 1 197 T +79 1 198 J +79 1 199 F +79 1 200 M +79 1 201 S +79 1 202 M +79 1 203 T +79 1 204 J +79 1 205 T +79 1 206 F +79 1 207 T +79 1 208 B +79 1 209 M +79 1 210 J +79 1 211 M +79 1 212 B +79 1 213 T +79 1 214 B +79 1 215 T +79 1 216 J +79 1 217 S +79 1 218 B +79 1 219 M +79 1 220 M +79 1 221 M +79 1 222 T +79 1 223 M +79 1 224 F +79 1 225 B +79 1 226 M +79 1 227 J +79 1 228 M +79 1 229 M +79 1 230 F +79 1 231 T +79 1 232 J +79 1 233 T +79 1 234 M +79 1 235 M +79 1 236 B +79 1 237 B +79 1 238 M +79 1 239 S +79 1 240 J +79 1 241 F +79 1 242 B +79 1 243 T +79 1 244 M +79 1 245 S +79 1 246 M +79 1 247 T +79 1 248 J +79 1 249 M +79 1 250 T +79 1 251 M +79 1 252 F +79 1 253 M +79 1 254 M +79 1 255 J +79 1 256 S +79 1 257 M +79 1 258 B +79 1 259 S +79 1 260 B +79 1 261 B +79 1 262 F +79 1 263 J +79 1 264 M +79 1 265 M +79 1 266 B +79 1 267 T +79 1 268 M +79 1 269 T +79 1 270 B +79 1 271 M +79 1 272 F +79 1 273 T +79 1 274 F +79 1 275 B +79 1 276 S +79 1 277 M +79 1 278 B +79 1 279 M +79 1 280 M +79 1 281 M +79 1 282 M +79 1 283 J +79 1 284 F +79 1 285 S +79 1 286 F +79 1 287 B +79 1 288 S +79 1 289 M +79 1 290 F +79 1 291 M +79 1 292 S +79 1 293 F +79 1 294 F +79 1 295 J +79 1 296 T +79 1 297 B +79 1 298 S +79 1 299 M +79 1 300 F +79 1 301 M +79 1 302 F +79 1 303 M +79 1 304 B +79 1 305 T +79 1 306 M +79 1 307 M +79 1 308 T +79 1 309 J +79 1 310 M +79 1 311 M +79 1 312 J +79 1 313 M +79 1 314 F +79 1 315 M +79 1 316 M +79 1 317 T +79 1 318 S +79 1 319 F +79 1 320 B +79 1 321 S +79 1 322 M +79 1 323 M +79 1 324 F +79 1 325 T +79 1 326 B +79 1 327 J +79 1 328 M +79 1 329 J +79 1 330 F +79 2 1 M +79 2 2 M +79 2 3 S +79 2 4 T +79 2 5 M +79 2 6 S +79 2 7 M +79 2 8 T +79 2 9 J +79 2 10 M +79 2 11 M +79 2 12 B +79 2 13 M +79 2 14 J +79 2 15 T +79 2 16 F +79 2 17 S +79 2 18 J +79 2 19 M +79 2 20 M +79 2 21 S +79 2 22 B +79 2 23 T +79 2 24 M +79 2 25 J +79 2 26 M +79 2 27 F +79 2 28 S +79 2 29 M +79 2 30 S +79 2 31 M +79 2 32 T +79 2 33 M +79 2 34 M +79 2 35 S +79 2 36 M +79 2 37 M +79 2 38 T +79 2 39 M +79 2 40 M +79 2 41 S +79 2 42 B +79 2 43 M +79 2 44 F +79 2 45 M +79 2 46 J +79 2 47 M +79 2 48 B +79 2 49 M +79 2 50 T +79 2 51 B +79 2 52 F +79 2 53 T +79 2 54 M +79 2 55 M +79 2 56 B +79 2 57 M +79 2 58 B +79 2 59 T +79 2 60 M +79 2 61 S +79 2 62 T +79 2 63 S +79 2 64 M +79 2 65 S +79 2 66 F +79 2 67 M +79 2 68 T +79 2 69 M +79 2 70 F +79 2 71 T +79 2 72 M +79 2 73 T +79 2 74 M +79 2 75 M +79 2 76 S +79 2 77 M +79 2 78 T +79 2 79 J +79 2 80 M +79 2 81 M +79 2 82 M +79 2 83 B +79 2 84 T +79 2 85 M +79 2 86 T +79 2 87 J +79 2 88 T +79 2 89 J +79 2 90 M +79 2 91 B +79 2 92 F +79 2 93 M +79 2 94 J +79 2 95 F +79 2 96 B +79 2 97 T +79 2 98 S +79 2 99 T +79 2 100 M +79 2 101 T +79 2 102 T +79 2 103 B +79 2 104 M +79 2 105 T +79 2 106 B +79 2 107 F +79 2 108 M +79 2 109 M +79 2 110 B +79 2 111 M +79 2 112 S +79 2 113 J +79 2 114 M +79 2 115 S +79 2 116 M +79 2 117 J +79 2 118 T +79 2 119 M +79 2 120 F +79 2 121 S +79 2 122 M +79 2 123 M +79 2 124 B +79 2 125 S +79 2 126 T +79 2 127 M +79 2 128 B +79 2 129 F +79 2 130 J +79 2 131 T +79 2 132 S +79 2 133 M +79 2 134 J +79 2 135 T +79 2 136 M +79 2 137 M +79 2 138 M +79 2 139 F +79 2 140 M +79 2 141 F +79 2 142 F +79 2 143 M +79 2 144 T +79 2 145 M +79 2 146 B +79 2 147 M +79 2 148 S +79 2 149 M +79 2 150 T +79 2 151 S +79 2 152 T +79 2 153 M +79 2 154 J +79 2 155 J +79 2 156 M +79 2 157 J +79 2 158 F +79 2 159 B +79 2 160 T +79 2 161 M +79 2 162 S +79 2 163 M +79 2 164 M +79 2 165 J +79 2 166 M +79 2 167 T +79 2 168 M +79 2 169 M +79 2 170 JM +79 2 171 JM +79 2 172 F +79 2 173 S +79 2 174 B +79 2 175 M +79 2 176 S +79 2 177 B +79 2 178 M +79 2 179 S +79 2 180 M +79 2 181 B +79 2 182 T +79 2 183 J +79 2 184 T +79 2 185 B +79 2 186 M +79 2 187 B +79 2 188 M +79 2 189 F +79 2 190 S +79 2 191 JM +79 2 192 T +79 2 193 B +79 2 194 T +79 2 195 JM +79 2 196 M +79 2 197 T +79 2 198 J +79 2 199 F +79 2 200 JM +79 2 201 S +79 2 202 JM +79 2 203 T +79 2 204 J +79 2 205 T +79 2 206 F +79 2 207 T +79 2 208 B +79 2 209 M +79 2 210 S +79 2 211 M +79 2 212 B +79 2 213 T +79 2 214 B +79 2 215 T +79 2 216 M +79 2 217 T +79 2 218 B +79 2 219 F +79 2 220 M +79 2 221 F +79 2 222 T +79 2 223 M +79 2 224 F +79 2 225 B +79 2 226 M +79 2 227 J +79 2 228 M +79 2 229 M +79 2 230 F +79 2 231 T +79 2 232 J +79 2 233 M +79 2 234 M +79 2 235 M +79 2 236 B +79 2 237 B +79 2 238 M +79 2 239 T +79 2 240 S +79 2 241 F +79 2 242 B +79 2 243 T +79 2 244 F +79 2 245 S +79 2 246 M +79 2 247 T +79 2 248 M +79 2 249 M +79 2 250 T +79 2 251 M +79 2 252 F +79 2 253 M +79 2 254 M +79 2 255 J +79 2 256 S +79 2 257 M +79 2 258 B +79 2 259 S +79 2 260 B +79 2 261 B +79 2 262 F +79 2 263 J +79 2 264 M +79 2 265 M +79 2 266 S +79 2 267 T +79 2 268 M +79 2 269 T +79 2 270 B +79 2 271 M +79 2 272 F +79 2 273 T +79 2 274 F +79 2 275 B +79 2 276 T +79 2 277 M +79 2 278 B +79 2 279 M +79 2 280 M +79 2 281 M +79 2 282 M +79 2 283 J +79 2 284 F +79 2 285 T +79 2 286 F +79 2 287 B +79 2 288 S +79 2 289 B +79 2 290 F +79 2 291 M +79 2 292 T +79 2 293 F +79 2 294 F +79 2 295 J +79 2 296 T +79 2 297 B +79 2 298 S +79 2 299 M +79 2 300 F +79 2 301 M +79 2 302 F +79 2 303 M +79 2 304 M +79 2 305 T +79 2 306 M +79 2 307 M +79 2 308 T +79 2 309 J +79 2 310 M +79 2 311 M +79 2 312 J +79 2 313 M +79 2 314 F +79 2 315 M +79 2 316 M +79 2 317 T +79 2 318 B +79 2 319 F +79 2 320 B +79 2 321 S +79 2 322 M +79 2 323 M +79 2 324 F +79 2 325 T +79 2 326 B +79 2 327 M +79 2 328 M +79 2 329 S +79 2 330 F +79 3 1 M +79 3 2 M +79 3 3 S +79 3 4 T +79 3 5 M +79 3 6 B +79 3 7 M +79 3 8 S +79 3 9 B +79 3 10 M +79 3 11 M +79 3 12 B +79 3 13 M +79 3 14 M +79 3 15 S +79 3 16 F +79 3 17 S +79 3 18 J +79 3 19 M +79 3 20 M +79 3 21 S +79 3 22 B +79 3 23 T +79 3 24 M +79 3 25 M +79 3 26 M +79 3 27 F +79 3 28 S +79 3 29 M +79 3 30 B +79 3 31 M +79 3 32 B +79 3 33 M +79 3 34 M +79 3 35 B +79 3 36 M +79 3 37 M +79 3 38 S +79 3 39 M +79 3 40 M +79 3 41 S +79 3 42 B +79 3 43 M +79 3 44 F +79 3 45 M +79 3 46 J +79 3 47 M +79 3 48 B +79 3 49 M +79 3 50 T +79 3 51 J +79 3 52 F +79 3 53 S +79 3 54 M +79 3 55 M +79 3 56 M +79 3 57 M +79 3 58 B +79 3 59 F +79 3 60 M +79 3 61 S +79 3 62 T +79 3 63 S +79 3 64 M +79 3 65 S +79 3 66 F +79 3 67 M +79 3 68 S +79 3 69 M +79 3 70 F +79 3 71 S +79 3 72 M +79 3 73 T +79 3 74 M +79 3 75 J +79 3 76 S +79 3 77 M +79 3 78 B +79 3 79 J +79 3 80 M +79 3 81 M +79 3 82 M +79 3 83 F +79 3 84 B +79 3 85 M +79 3 86 S +79 3 87 J +79 3 88 S +79 3 89 J +79 3 90 M +79 3 91 B +79 3 92 F +79 3 93 M +79 3 94 J +79 3 95 F +79 3 96 B +79 3 97 T +79 3 98 S +79 3 99 T +79 3 100 M +79 3 101 S +79 3 102 T +79 3 103 B +79 3 104 M +79 3 105 S +79 3 106 B +79 3 107 F +79 3 108 F +79 3 109 M +79 3 110 B +79 3 111 J +79 3 112 S +79 3 113 J +79 3 114 M +79 3 115 S +79 3 116 F +79 3 117 J +79 3 118 S +79 3 119 M +79 3 120 F +79 3 121 S +79 3 122 M +79 3 123 M +79 3 124 B +79 3 125 S +79 3 126 B +79 3 127 J +79 3 128 B +79 3 129 F +79 3 130 J +79 3 131 T +79 3 132 S +79 3 133 M +79 3 134 J +79 3 135 S +79 3 136 M +79 3 137 M +79 3 138 M +79 3 139 F +79 3 140 M +79 3 141 F +79 3 142 F +79 3 143 M +79 3 144 T +79 3 145 M +79 3 146 B +79 3 147 M +79 3 148 S +79 3 149 M +79 3 150 T +79 3 151 B +79 3 152 B +79 3 153 M +79 3 154 J +79 3 155 J +79 3 156 M +79 3 157 J +79 3 158 F +79 3 159 B +79 3 160 B +79 3 161 M +79 3 162 S +79 3 163 M +79 3 164 M +79 3 165 M +79 3 166 M +79 3 167 B +79 3 168 M +79 3 169 M +79 3 170 J +79 3 171 M +79 3 172 F +79 3 173 S +79 3 174 B +79 3 175 M +79 3 176 S +79 3 177 B +79 3 178 M +79 3 179 S +79 3 180 M +79 3 181 B +79 3 182 T +79 3 183 J +79 3 184 M +79 3 185 B +79 3 186 M +79 3 187 B +79 3 188 M +79 3 189 F +79 3 190 B +79 3 191 M +79 3 192 T +79 3 193 B +79 3 194 S +79 3 195 M +79 3 196 M +79 3 197 T +79 3 198 J +79 3 199 F +79 3 200 M +79 3 201 B +79 3 202 M +79 3 203 T +79 3 204 J +79 3 205 T +79 3 206 F +79 3 207 S +79 3 208 B +79 3 209 M +79 3 210 T +79 3 211 M +79 3 212 B +79 3 213 T +79 3 214 M +79 3 215 B +79 3 216 J +79 3 217 B +79 3 218 M +79 3 219 F +79 3 220 M +79 3 221 F +79 3 222 T +79 3 223 M +79 3 224 F +79 3 225 B +79 3 226 M +79 3 227 J +79 3 228 M +79 3 229 M +79 3 230 B +79 3 231 S +79 3 232 M +79 3 233 T +79 3 234 M +79 3 235 M +79 3 236 B +79 3 237 B +79 3 238 M +79 3 239 S +79 3 240 S +79 3 241 F +79 3 242 F +79 3 243 S +79 3 244 F +79 3 245 S +79 3 246 M +79 3 247 T +79 3 248 M +79 3 249 M +79 3 250 T +79 3 251 M +79 3 252 F +79 3 253 M +79 3 254 M +79 3 255 J +79 3 256 S +79 3 257 M +79 3 258 B +79 3 259 S +79 3 260 F +79 3 261 B +79 3 262 F +79 3 263 F +79 3 264 F +79 3 265 M +79 3 266 S +79 3 267 T +79 3 268 M +79 3 269 T +79 3 270 B +79 3 271 M +79 3 272 F +79 3 273 T +79 3 274 F +79 3 275 B +79 3 276 S +79 3 277 M +79 3 278 B +79 3 279 M +79 3 280 M +79 3 281 M +79 3 282 M +79 3 283 J +79 3 284 F +79 3 285 T +79 3 286 F +79 3 287 B +79 3 288 S +79 3 289 M +79 3 290 F +79 3 291 M +79 3 292 B +79 3 293 F +79 3 294 F +79 3 295 J +79 3 296 T +79 3 297 B +79 3 298 S +79 3 299 M +79 3 300 F +79 3 301 M +79 3 302 F +79 3 303 F +79 3 304 M +79 3 305 T +79 3 306 M +79 3 307 M +79 3 308 T +79 3 309 J +79 3 310 M +79 3 311 M +79 3 312 J +79 3 313 M +79 3 314 F +79 3 315 M +79 3 316 M +79 3 317 T +79 3 318 B +79 3 319 F +79 3 320 J +79 3 321 S +79 3 322 M +79 3 323 M +79 3 324 F +79 3 325 T +79 3 326 B +79 3 327 F +79 3 328 M +79 3 329 J +79 3 330 F +79 4 1 M +79 4 2 B +79 4 3 S +79 4 4 T +79 4 5 M +79 4 6 B +79 4 7 M +79 4 8 S +79 4 9 B +79 4 10 M +79 4 11 B +79 4 12 B +79 4 13 M +79 4 14 M +79 4 15 B +79 4 16 F +79 4 17 B +79 4 18 J +79 4 19 B +79 4 20 M +79 4 21 S +79 4 22 B +79 4 23 S +79 4 24 J +79 4 25 B +79 4 26 M +79 4 27 F +79 4 28 B +79 4 29 M +79 4 30 B +79 4 31 F +79 4 32 B +79 4 33 M +79 4 34 M +79 4 35 B +79 4 36 J +79 4 37 M +79 4 38 S +79 4 39 M +79 4 40 B +79 4 41 S +79 4 42 M +79 4 43 J +79 4 44 F +79 4 45 M +79 4 46 J +79 4 47 M +79 4 48 B +79 4 49 M +79 4 50 B +79 4 51 J +79 4 52 F +79 4 53 S +79 4 54 M +79 4 55 B +79 4 56 B +79 4 57 M +79 4 58 B +79 4 59 F +79 4 60 M +79 4 61 S +79 4 62 B +79 4 63 B +79 4 64 M +79 4 65 S +79 4 66 F +79 4 67 M +79 4 68 B +79 4 69 B +79 4 70 F +79 4 71 S +79 4 72 M +79 4 73 S +79 4 74 F +79 4 75 M +79 4 76 B +79 4 77 M +79 4 78 B +79 4 79 J +79 4 80 M +79 4 81 B +79 4 82 M +79 4 83 F +79 4 84 F +79 4 85 M +79 4 86 B +79 4 87 J +79 4 88 B +79 4 89 J +79 4 90 J +79 4 91 M +79 4 92 F +79 4 93 M +79 4 94 J +79 4 95 F +79 4 96 B +79 4 97 M +79 4 98 S +79 4 99 B +79 4 100 M +79 4 101 S +79 4 102 J +79 4 103 M +79 4 104 B +79 4 105 S +79 4 106 B +79 4 107 F +79 4 108 M +79 4 109 B +79 4 110 B +79 4 111 M +79 4 112 S +79 4 113 J +79 4 114 M +79 4 115 S +79 4 116 F +79 4 117 J +79 4 118 B +79 4 119 M +79 4 120 F +79 4 121 B +79 4 122 M +79 4 123 M +79 4 124 B +79 4 125 B +79 4 126 S +79 4 127 M +79 4 128 B +79 4 129 F +79 4 130 J +79 4 131 T +79 4 132 B +79 4 133 M +79 4 134 J +79 4 135 T +79 4 136 M +79 4 137 B +79 4 138 M +79 4 139 F +79 4 140 M +79 4 141 F +79 4 142 F +79 4 143 B +79 4 144 T +79 4 145 B +79 4 146 B +79 4 147 M +79 4 148 S +79 4 149 B +79 4 150 T +79 4 151 B +79 4 152 B +79 4 153 M +79 4 154 J +79 4 155 J +79 4 156 M +79 4 157 B +79 4 158 F +79 4 159 B +79 4 160 B +79 4 161 M +79 4 162 T +79 4 163 M +79 4 164 M +79 4 165 M +79 4 166 B +79 4 167 B +79 4 168 M +79 4 169 M +79 4 170 M +79 4 171 M +79 4 172 F +79 4 173 B +79 4 174 B +79 4 175 M +79 4 176 S +79 4 177 B +79 4 178 M +79 4 179 T +79 4 180 B +79 4 181 B +79 4 182 T +79 4 183 J +79 4 184 B +79 4 185 B +79 4 186 B +79 4 187 B +79 4 188 M +79 4 189 F +79 4 190 T +79 4 191 M +79 4 192 T +79 4 193 B +79 4 194 T +79 4 195 M +79 4 196 M +79 4 197 T +79 4 198 J +79 4 199 F +79 4 200 B +79 4 201 T +79 4 202 M +79 4 203 S +79 4 204 J +79 4 205 T +79 4 206 F +79 4 207 T +79 4 208 B +79 4 209 M +79 4 210 T +79 4 211 B +79 4 212 B +79 4 213 M +79 4 214 B +79 4 215 T +79 4 216 M +79 4 217 B +79 4 218 M +79 4 219 F +79 4 220 M +79 4 221 F +79 4 222 T +79 4 223 M +79 4 224 F +79 4 225 M +79 4 226 M +79 4 227 J +79 4 228 M +79 4 229 B +79 4 230 B +79 4 231 T +79 4 232 J +79 4 233 M +79 4 234 M +79 4 235 M +79 4 236 B +79 4 237 M +79 4 238 M +79 4 239 T +79 4 240 J +79 4 241 F +79 4 242 B +79 4 243 T +79 4 244 F +79 4 245 T +79 4 246 M +79 4 247 B +79 4 248 J +79 4 249 M +79 4 250 T +79 4 251 M +79 4 252 F +79 4 253 M +79 4 254 M +79 4 255 J +79 4 256 B +79 4 257 M +79 4 258 B +79 4 259 S +79 4 260 F +79 4 261 T +79 4 262 F +79 4 263 J +79 4 264 M +79 4 265 M +79 4 266 T +79 4 267 T +79 4 268 M +79 4 269 T +79 4 270 B +79 4 271 M +79 4 272 F +79 4 273 T +79 4 274 F +79 4 275 B +79 4 276 S +79 4 277 M +79 4 278 T +79 4 279 M +79 4 280 M +79 4 281 M +79 4 282 M +79 4 283 J +79 4 284 F +79 4 285 B +79 4 286 F +79 4 287 B +79 4 288 S +79 4 289 M +79 4 290 F +79 4 291 M +79 4 292 B +79 4 293 F +79 4 294 F +79 4 295 J +79 4 296 T +79 4 297 B +79 4 298 S +79 4 299 M +79 4 300 F +79 4 301 M +79 4 302 F +79 4 303 M +79 4 304 M +79 4 305 T +79 4 306 B +79 4 307 M +79 4 308 T +79 4 309 J +79 4 310 M +79 4 311 M +79 4 312 J +79 4 313 M +79 4 314 F +79 4 315 B +79 4 316 M +79 4 317 T +79 4 318 B +79 4 319 F +79 4 320 B +79 4 321 S +79 4 322 M +79 4 323 B +79 4 324 F +79 4 325 T +79 4 326 B +79 4 327 F +79 4 328 M +79 4 329 J +79 4 330 F +79 5 1 M +79 5 2 JM +79 5 3 S +79 5 4 T +79 5 5 JM +79 5 6 B +79 5 7 JM +79 5 8 T +79 5 9 B +79 5 10 M +79 5 11 M +79 5 12 B +79 5 13 JM +79 5 14 M +79 5 15 T +79 5 16 F +79 5 17 S +79 5 18 J +79 5 19 M +79 5 20 JM +79 5 21 S +79 5 22 B +79 5 23 T +79 5 24 J +79 5 25 M +79 5 26 M +79 5 27 S +79 5 28 S +79 5 29 M +79 5 30 B +79 5 31 M +79 5 32 T +79 5 33 JM +79 5 34 M +79 5 35 S +79 5 36 M +79 5 37 M +79 5 38 S +79 5 39 JM +79 5 40 M +79 5 41 S +79 5 42 B +79 5 43 M +79 5 44 F +79 5 45 M +79 5 46 J +79 5 47 M +79 5 48 B +79 5 49 M +79 5 50 T +79 5 51 B +79 5 52 F +79 5 53 T +79 5 54 JM +79 5 55 M +79 5 56 S +79 5 57 M +79 5 58 B +79 5 59 T +79 5 60 M +79 5 61 S +79 5 62 T +79 5 63 S +79 5 64 M +79 5 65 S +79 5 66 F +79 5 67 JM +79 5 68 T +79 5 69 B +79 5 70 F +79 5 71 T +79 5 72 JM +79 5 73 T +79 5 74 M +79 5 75 JM +79 5 76 B +79 5 77 M +79 5 78 S +79 5 79 J +79 5 80 M +79 5 81 JM +79 5 82 JM +79 5 83 B +79 5 84 S +79 5 85 JM +79 5 86 S +79 5 87 J +79 5 88 T +79 5 89 J +79 5 90 M +79 5 91 B +79 5 92 F +79 5 93 M +79 5 94 J +79 5 95 F +79 5 96 B +79 5 97 T +79 5 98 S +79 5 99 T +79 5 100 JM +79 5 101 T +79 5 102 M +79 5 103 B +79 5 104 M +79 5 105 T +79 5 106 B +79 5 107 F +79 5 108 F +79 5 109 M +79 5 110 B +79 5 111 JM +79 5 112 S +79 5 113 J +79 5 114 JM +79 5 115 S +79 5 116 M +79 5 117 U +79 5 118 S +79 5 119 JM +79 5 120 F +79 5 121 S +79 5 122 JM +79 5 123 M +79 5 124 B +79 5 125 S +79 5 126 S +79 5 127 JM +79 5 128 B +79 5 129 F +79 5 130 B +79 5 131 T +79 5 132 S +79 5 133 JM +79 5 134 U +79 5 135 T +79 5 136 M +79 5 137 JM +79 5 138 M +79 5 139 F +79 5 140 M +79 5 141 F +79 5 142 F +79 5 143 JM +79 5 144 T +79 5 145 JM +79 5 146 B +79 5 147 JM +79 5 148 S +79 5 149 JM +79 5 150 T +79 5 151 S +79 5 152 T +79 5 153 M +79 5 154 J +79 5 155 U +79 5 156 JM +79 5 157 U +79 5 158 F +79 5 159 B +79 5 160 S +79 5 161 JM +79 5 162 S +79 5 163 M +79 5 164 M +79 5 165 JM +79 5 166 M +79 5 167 S +79 5 168 JM +79 5 169 M +79 5 170 M +79 5 171 JM +79 5 172 F +79 5 173 S +79 5 174 B +79 5 175 M +79 5 176 S +79 5 177 B +79 5 178 M +79 5 179 S +79 5 180 JM +79 5 181 B +79 5 182 S +79 5 183 B +79 5 184 T +79 5 185 B +79 5 186 M +79 5 187 B +79 5 188 M +79 5 189 F +79 5 190 S +79 5 191 JM +79 5 192 T +79 5 193 B +79 5 194 S +79 5 195 JM +79 5 196 M +79 5 197 T +79 5 198 J +79 5 199 F +79 5 200 M +79 5 201 S +79 5 202 JM +79 5 203 S +79 5 204 U +79 5 205 T +79 5 206 B +79 5 207 S +79 5 208 B +79 5 209 M +79 5 210 U +79 5 211 M +79 5 212 B +79 5 213 T +79 5 214 B +79 5 215 T +79 5 216 M +79 5 217 S +79 5 218 B +79 5 219 F +79 5 220 M +79 5 221 M +79 5 222 T +79 5 223 JM +79 5 224 S +79 5 225 B +79 5 226 M +79 5 227 J +79 5 228 M +79 5 229 JM +79 5 230 S +79 5 231 T +79 5 232 B +79 5 233 M +79 5 234 JM +79 5 235 M +79 5 236 B +79 5 237 S +79 5 238 M +79 5 239 S +79 5 240 U +79 5 241 F +79 5 242 B +79 5 243 S +79 5 244 M +79 5 245 S +79 5 246 JM +79 5 247 T +79 5 248 JM +79 5 249 JM +79 5 250 T +79 5 251 JM +79 5 252 S +79 5 253 JM +79 5 254 M +79 5 255 J +79 5 256 S +79 5 257 M +79 5 258 B +79 5 259 U +79 5 260 B +79 5 261 B +79 5 262 F +79 5 263 J +79 5 264 M +79 5 265 JM +79 5 266 B +79 5 267 T +79 5 268 JM +79 5 269 T +79 5 270 B +79 5 271 JM +79 5 272 F +79 5 273 T +79 5 274 F +79 5 275 B +79 5 276 S +79 5 277 M +79 5 278 S +79 5 279 M +79 5 280 JM +79 5 281 JM +79 5 282 JM +79 5 283 U +79 5 284 F +79 5 285 T +79 5 286 F +79 5 287 B +79 5 288 S +79 5 289 M +79 5 290 S +79 5 291 M +79 5 292 S +79 5 293 M +79 5 294 F +79 5 295 B +79 5 296 T +79 5 297 B +79 5 298 S +79 5 299 JM +79 5 300 J +79 5 301 JM +79 5 302 S +79 5 303 M +79 5 304 JM +79 5 305 T +79 5 306 JM +79 5 307 M +79 5 308 T +79 5 309 B +79 5 310 JM +79 5 311 M +79 5 312 J +79 5 313 M +79 5 314 S +79 5 315 JM +79 5 316 M +79 5 317 T +79 5 318 B +79 5 319 S +79 5 320 B +79 5 321 S +79 5 322 M +79 5 323 JM +79 5 324 S +79 5 325 T +79 5 326 B +79 5 327 M +79 5 328 JM +79 5 329 U +79 5 330 M +79 6 1 M +79 6 2 M +79 6 3 S +79 6 4 T +79 6 5 M +79 6 6 F +79 6 7 JM +79 6 8 S +79 6 9 B +79 6 10 M +79 6 11 M +79 6 12 B +79 6 13 M +79 6 14 M +79 6 15 S +79 6 16 F +79 6 17 S +79 6 18 J +79 6 19 M +79 6 20 M +79 6 21 S +79 6 22 B +79 6 23 T +79 6 24 JM +79 6 25 M +79 6 26 M +79 6 27 F +79 6 28 S +79 6 29 M +79 6 30 B +79 6 31 F +79 6 32 S +79 6 33 M +79 6 34 M +79 6 35 S +79 6 36 M +79 6 37 M +79 6 38 S +79 6 39 M +79 6 40 M +79 6 41 S +79 6 42 B +79 6 43 M +79 6 44 F +79 6 45 M +79 6 46 J +79 6 47 M +79 6 48 B +79 6 49 M +79 6 50 T +79 6 51 J +79 6 52 F +79 6 53 S +79 6 54 M +79 6 55 M +79 6 56 S +79 6 57 M +79 6 58 B +79 6 59 F +79 6 60 M +79 6 61 S +79 6 62 F +79 6 63 S +79 6 64 M +79 6 65 S +79 6 66 F +79 6 67 M +79 6 68 S +79 6 69 JM +79 6 70 F +79 6 71 S +79 6 72 M +79 6 73 T +79 6 74 F +79 6 75 JM +79 6 76 S +79 6 77 M +79 6 78 F +79 6 79 J +79 6 80 M +79 6 81 B +79 6 82 M +79 6 83 B +79 6 84 S +79 6 85 M +79 6 86 S +79 6 87 J +79 6 88 T +79 6 89 J +79 6 90 M +79 6 91 B +79 6 92 F +79 6 93 M +79 6 94 J +79 6 95 F +79 6 96 B +79 6 97 M +79 6 98 S +79 6 99 F +79 6 100 M +79 6 101 S +79 6 102 F +79 6 103 B +79 6 104 M +79 6 105 S +79 6 106 B +79 6 107 F +79 6 108 M +79 6 109 M +79 6 110 B +79 6 111 JM +79 6 112 S +79 6 113 J +79 6 114 M +79 6 115 S +79 6 116 F +79 6 117 J +79 6 118 S +79 6 119 M +79 6 120 F +79 6 121 S +79 6 122 M +79 6 123 M +79 6 124 B +79 6 125 B +79 6 126 S +79 6 127 M +79 6 128 B +79 6 129 F +79 6 130 JM +79 6 131 T +79 6 132 S +79 6 133 M +79 6 134 J +79 6 135 T +79 6 136 M +79 6 137 JM +79 6 138 M +79 6 139 F +79 6 140 M +79 6 141 F +79 6 142 F +79 6 143 B +79 6 144 M +79 6 145 M +79 6 146 B +79 6 147 M +79 6 148 S +79 6 149 B +79 6 150 T +79 6 151 S +79 6 152 F +79 6 153 M +79 6 154 J +79 6 155 B +79 6 156 M +79 6 157 J +79 6 158 F +79 6 159 B +79 6 160 S +79 6 161 M +79 6 162 S +79 6 163 M +79 6 164 M +79 6 165 JM +79 6 166 M +79 6 167 F +79 6 168 M +79 6 169 M +79 6 170 M +79 6 171 JM +79 6 172 F +79 6 173 S +79 6 174 B +79 6 175 F +79 6 176 S +79 6 177 B +79 6 178 M +79 6 179 S +79 6 180 M +79 6 181 B +79 6 182 T +79 6 183 B +79 6 184 T +79 6 185 B +79 6 186 M +79 6 187 B +79 6 188 M +79 6 189 F +79 6 190 S +79 6 191 M +79 6 192 F +79 6 193 B +79 6 194 S +79 6 195 M +79 6 196 M +79 6 197 T +79 6 198 J +79 6 199 F +79 6 200 M +79 6 201 S +79 6 202 M +79 6 203 S +79 6 204 J +79 6 205 F +79 6 206 F +79 6 207 S +79 6 208 B +79 6 209 M +79 6 210 J +79 6 211 M +79 6 212 B +79 6 213 F +79 6 214 B +79 6 215 T +79 6 216 JM +79 6 217 S +79 6 218 B +79 6 219 F +79 6 220 M +79 6 221 F +79 6 222 T +79 6 223 M +79 6 224 F +79 6 225 B +79 6 226 M +79 6 227 J +79 6 228 M +79 6 229 M +79 6 230 F +79 6 231 T +79 6 232 B +79 6 233 F +79 6 234 M +79 6 235 M +79 6 236 B +79 6 237 S +79 6 238 M +79 6 239 S +79 6 240 S +79 6 241 F +79 6 242 B +79 6 243 S +79 6 244 F +79 6 245 S +79 6 246 M +79 6 247 F +79 6 248 JM +79 6 249 M +79 6 250 T +79 6 251 M +79 6 252 F +79 6 253 M +79 6 254 M +79 6 255 J +79 6 256 S +79 6 257 M +79 6 258 B +79 6 259 S +79 6 260 B +79 6 261 B +79 6 262 F +79 6 263 F +79 6 264 F +79 6 265 M +79 6 266 S +79 6 267 T +79 6 268 M +79 6 269 T +79 6 270 B +79 6 271 M +79 6 272 F +79 6 273 S +79 6 274 F +79 6 275 B +79 6 276 S +79 6 277 M +79 6 278 S +79 6 279 M +79 6 280 B +79 6 281 M +79 6 282 M +79 6 283 B +79 6 284 F +79 6 285 S +79 6 286 F +79 6 287 B +79 6 288 S +79 6 289 M +79 6 290 F +79 6 291 M +79 6 292 B +79 6 293 F +79 6 294 F +79 6 295 J +79 6 296 J +79 6 297 B +79 6 298 S +79 6 299 M +79 6 300 F +79 6 301 M +79 6 302 F +79 6 303 F +79 6 304 JM +79 6 305 T +79 6 306 B +79 6 307 M +79 6 308 F +79 6 309 JM +79 6 310 M +79 6 311 M +79 6 312 J +79 6 313 M +79 6 314 F +79 6 315 B +79 6 316 M +79 6 317 S +79 6 318 S +79 6 319 F +79 6 320 B +79 6 321 S +79 6 322 M +79 6 323 M +79 6 324 F +79 6 325 T +79 6 326 B +79 6 327 F +79 6 328 JM +79 6 329 B +79 6 330 F +79 7 1 M +79 7 2 M +79 7 3 S +79 7 4 T +79 7 5 M +79 7 6 B +79 7 7 M +79 7 8 T +79 7 9 J +79 7 10 M +79 7 11 J +79 7 12 B +79 7 13 M +79 7 14 J +79 7 15 F +79 7 16 F +79 7 17 S +79 7 18 J +79 7 19 M +79 7 20 M +79 7 21 S +79 7 22 B +79 7 23 T +79 7 24 J +79 7 25 M +79 7 26 M +79 7 27 F +79 7 28 S +79 7 29 M +79 7 30 B +79 7 31 M +79 7 32 T +79 7 33 M +79 7 34 M +79 7 35 B +79 7 36 M +79 7 37 M +79 7 38 S +79 7 39 M +79 7 40 M +79 7 41 S +79 7 42 B +79 7 43 J +79 7 44 F +79 7 45 M +79 7 46 J +79 7 47 J +79 7 48 B +79 7 49 M +79 7 50 T +79 7 51 J +79 7 52 F +79 7 53 T +79 7 54 M +79 7 55 M +79 7 56 F +79 7 57 M +79 7 58 B +79 7 59 F +79 7 60 J +79 7 61 S +79 7 62 M +79 7 63 S +79 7 64 M +79 7 65 S +79 7 66 F +79 7 67 M +79 7 68 S +79 7 69 J +79 7 70 F +79 7 71 J +79 7 72 M +79 7 73 T +79 7 74 M +79 7 75 J +79 7 76 B +79 7 77 M +79 7 78 F +79 7 79 J +79 7 80 M +79 7 81 M +79 7 82 M +79 7 83 B +79 7 84 B +79 7 85 M +79 7 86 S +79 7 87 J +79 7 88 T +79 7 89 J +79 7 90 J +79 7 91 B +79 7 92 F +79 7 93 M +79 7 94 J +79 7 95 F +79 7 96 B +79 7 97 T +79 7 98 S +79 7 99 T +79 7 100 M +79 7 101 T +79 7 102 M +79 7 103 J +79 7 104 M +79 7 105 T +79 7 106 B +79 7 107 F +79 7 108 F +79 7 109 M +79 7 110 B +79 7 111 J +79 7 112 S +79 7 113 J +79 7 114 M +79 7 115 S +79 7 116 M +79 7 117 J +79 7 118 S +79 7 119 M +79 7 120 F +79 7 121 B +79 7 122 M +79 7 123 M +79 7 124 B +79 7 125 B +79 7 126 S +79 7 127 J +79 7 128 B +79 7 129 F +79 7 130 J +79 7 131 T +79 7 132 S +79 7 133 M +79 7 134 T +79 7 135 S +79 7 136 M +79 7 137 M +79 7 138 M +79 7 139 F +79 7 140 M +79 7 141 F +79 7 142 F +79 7 143 M +79 7 144 M +79 7 145 M +79 7 146 B +79 7 147 M +79 7 148 S +79 7 149 M +79 7 150 T +79 7 151 S +79 7 152 T +79 7 153 M +79 7 154 J +79 7 155 J +79 7 156 M +79 7 157 J +79 7 158 F +79 7 159 B +79 7 160 S +79 7 161 M +79 7 162 S +79 7 163 M +79 7 164 M +79 7 165 J +79 7 166 M +79 7 167 M +79 7 168 M +79 7 169 M +79 7 170 J +79 7 171 M +79 7 172 F +79 7 173 S +79 7 174 B +79 7 175 M +79 7 176 S +79 7 177 B +79 7 178 M +79 7 179 T +79 7 180 M +79 7 181 B +79 7 182 T +79 7 183 B +79 7 184 T +79 7 185 B +79 7 186 M +79 7 187 B +79 7 188 M +79 7 189 M +79 7 190 S +79 7 191 M +79 7 192 T +79 7 193 B +79 7 194 T +79 7 195 M +79 7 196 M +79 7 197 T +79 7 198 J +79 7 199 F +79 7 200 M +79 7 201 S +79 7 202 M +79 7 203 S +79 7 204 J +79 7 205 M +79 7 206 F +79 7 207 S +79 7 208 B +79 7 209 M +79 7 210 T +79 7 211 M +79 7 212 B +79 7 213 T +79 7 214 B +79 7 215 T +79 7 216 J +79 7 217 T +79 7 218 B +79 7 219 F +79 7 220 M +79 7 221 F +79 7 222 T +79 7 223 M +79 7 224 F +79 7 225 B +79 7 226 M +79 7 227 J +79 7 228 M +79 7 229 M +79 7 230 F +79 7 231 T +79 7 232 B +79 7 233 M +79 7 234 M +79 7 235 M +79 7 236 B +79 7 237 B +79 7 238 M +79 7 239 S +79 7 240 B +79 7 241 F +79 7 242 B +79 7 243 T +79 7 244 F +79 7 245 S +79 7 246 M +79 7 247 M +79 7 248 M +79 7 249 M +79 7 250 T +79 7 251 M +79 7 252 F +79 7 253 M +79 7 254 M +79 7 255 J +79 7 256 S +79 7 257 M +79 7 258 B +79 7 259 S +79 7 260 B +79 7 261 B +79 7 262 F +79 7 263 F +79 7 264 M +79 7 265 M +79 7 266 B +79 7 267 T +79 7 268 M +79 7 269 T +79 7 270 B +79 7 271 M +79 7 272 F +79 7 273 T +79 7 274 F +79 7 275 B +79 7 276 S +79 7 277 M +79 7 278 B +79 7 279 M +79 7 280 M +79 7 281 M +79 7 282 M +79 7 283 B +79 7 284 F +79 7 285 B +79 7 286 F +79 7 287 B +79 7 288 S +79 7 289 M +79 7 290 F +79 7 291 M +79 7 292 B +79 7 293 F +79 7 294 F +79 7 295 B +79 7 296 T +79 7 297 B +79 7 298 S +79 7 299 M +79 7 300 F +79 7 301 M +79 7 302 F +79 7 303 M +79 7 304 M +79 7 305 T +79 7 306 M +79 7 307 M +79 7 308 T +79 7 309 J +79 7 310 M +79 7 311 M +79 7 312 J +79 7 313 M +79 7 314 F +79 7 315 M +79 7 316 M +79 7 317 T +79 7 318 B +79 7 319 F +79 7 320 B +79 7 321 S +79 7 322 M +79 7 323 M +79 7 324 F +79 7 325 T +79 7 326 B +79 7 327 F +79 7 328 M +79 7 329 B +79 7 330 F +79 8 1 M +79 8 2 M +79 8 3 S +79 8 4 T +79 8 5 M +79 8 6 O +79 8 7 M +79 8 8 T +79 8 9 J +79 8 10 M +79 8 11 M +79 8 12 B +79 8 13 M +79 8 14 M +79 8 15 S +79 8 16 F +79 8 17 S +79 8 18 J +79 8 19 M +79 8 20 M +79 8 21 S +79 8 22 B +79 8 23 T +79 8 24 J +79 8 25 M +79 8 26 M +79 8 27 F +79 8 28 S +79 8 29 M +79 8 30 S +79 8 31 M +79 8 32 T +79 8 33 M +79 8 34 M +79 8 35 S +79 8 36 J +79 8 37 M +79 8 38 T +79 8 39 M +79 8 40 S +79 8 41 B +79 8 42 B +79 8 43 M +79 8 44 F +79 8 45 M +79 8 46 J +79 8 47 M +79 8 48 B +79 8 49 M +79 8 50 T +79 8 51 J +79 8 52 B +79 8 53 T +79 8 54 M +79 8 55 M +79 8 56 S +79 8 57 M +79 8 58 B +79 8 59 S +79 8 60 M +79 8 61 T +79 8 62 T +79 8 63 S +79 8 64 M +79 8 65 S +79 8 66 F +79 8 67 M +79 8 68 T +79 8 69 M +79 8 70 T +79 8 71 S +79 8 72 M +79 8 73 T +79 8 74 M +79 8 75 J +79 8 76 S +79 8 77 M +79 8 78 T +79 8 79 J +79 8 80 M +79 8 81 B +79 8 82 M +79 8 83 B +79 8 84 S +79 8 85 M +79 8 86 T +79 8 87 J +79 8 88 T +79 8 89 J +79 8 90 M +79 8 91 B +79 8 92 F +79 8 93 M +79 8 94 J +79 8 95 F +79 8 96 B +79 8 97 T +79 8 98 S +79 8 99 T +79 8 100 M +79 8 101 T +79 8 102 M +79 8 103 B +79 8 104 M +79 8 105 T +79 8 106 B +79 8 107 F +79 8 108 M +79 8 109 M +79 8 110 B +79 8 111 M +79 8 112 S +79 8 113 J +79 8 114 M +79 8 115 S +79 8 116 M +79 8 117 T +79 8 118 S +79 8 119 M +79 8 120 F +79 8 121 S +79 8 122 M +79 8 123 M +79 8 124 B +79 8 125 S +79 8 126 S +79 8 127 M +79 8 128 B +79 8 129 F +79 8 130 J +79 8 131 T +79 8 132 S +79 8 133 M +79 8 134 J +79 8 135 S +79 8 136 M +79 8 137 M +79 8 138 M +79 8 139 F +79 8 140 M +79 8 141 F +79 8 142 F +79 8 143 B +79 8 144 T +79 8 145 M +79 8 146 B +79 8 147 M +79 8 148 S +79 8 149 M +79 8 150 T +79 8 151 S +79 8 152 T +79 8 153 M +79 8 154 J +79 8 155 J +79 8 156 M +79 8 157 J +79 8 158 F +79 8 159 B +79 8 160 S +79 8 161 M +79 8 162 S +79 8 163 M +79 8 164 M +79 8 165 B +79 8 166 M +79 8 167 S +79 8 168 M +79 8 169 M +79 8 170 M +79 8 171 B +79 8 172 F +79 8 173 S +79 8 174 B +79 8 175 M +79 8 176 S +79 8 177 B +79 8 178 M +79 8 179 T +79 8 180 M +79 8 181 B +79 8 182 T +79 8 183 B +79 8 184 T +79 8 185 B +79 8 186 M +79 8 187 B +79 8 188 M +79 8 189 M +79 8 190 S +79 8 191 M +79 8 192 T +79 8 193 B +79 8 194 T +79 8 195 M +79 8 196 M +79 8 197 T +79 8 198 J +79 8 199 B +79 8 200 M +79 8 201 S +79 8 202 M +79 8 203 S +79 8 204 J +79 8 205 T +79 8 206 B +79 8 207 S +79 8 208 B +79 8 209 M +79 8 210 T +79 8 211 M +79 8 212 B +79 8 213 T +79 8 214 B +79 8 215 T +79 8 216 J +79 8 217 S +79 8 218 B +79 8 219 F +79 8 220 M +79 8 221 F +79 8 222 T +79 8 223 M +79 8 224 F +79 8 225 B +79 8 226 M +79 8 227 J +79 8 228 M +79 8 229 M +79 8 230 F +79 8 231 T +79 8 232 B +79 8 233 M +79 8 234 M +79 8 235 M +79 8 236 B +79 8 237 B +79 8 238 M +79 8 239 S +79 8 240 T +79 8 241 F +79 8 242 B +79 8 243 T +79 8 244 F +79 8 245 S +79 8 246 M +79 8 247 T +79 8 248 J +79 8 249 M +79 8 250 T +79 8 251 M +79 8 252 F +79 8 253 M +79 8 254 M +79 8 255 J +79 8 256 S +79 8 257 M +79 8 258 B +79 8 259 S +79 8 260 B +79 8 261 B +79 8 262 F +79 8 263 F +79 8 264 M +79 8 265 M +79 8 266 S +79 8 267 T +79 8 268 M +79 8 269 T +79 8 270 B +79 8 271 M +79 8 272 F +79 8 273 T +79 8 274 F +79 8 275 B +79 8 276 S +79 8 277 M +79 8 278 S +79 8 279 M +79 8 280 M +79 8 281 M +79 8 282 M +79 8 283 T +79 8 284 F +79 8 285 S +79 8 286 F +79 8 287 B +79 8 288 S +79 8 289 M +79 8 290 F +79 8 291 M +79 8 292 S +79 8 293 F +79 8 294 F +79 8 295 J +79 8 296 T +79 8 297 B +79 8 298 S +79 8 299 M +79 8 300 F +79 8 301 M +79 8 302 F +79 8 303 M +79 8 304 B +79 8 305 T +79 8 306 M +79 8 307 M +79 8 308 T +79 8 309 J +79 8 310 M +79 8 311 M +79 8 312 J +79 8 313 M +79 8 314 F +79 8 315 M +79 8 316 M +79 8 317 T +79 8 318 S +79 8 319 F +79 8 320 B +79 8 321 S +79 8 322 M +79 8 323 M +79 8 324 F +79 8 325 T +79 8 326 B +79 8 327 F +79 8 328 M +79 8 329 B +79 8 330 F +79 9 1 M +79 9 2 M +79 9 3 S +79 9 4 T +79 9 5 M +79 9 6 F +79 9 7 M +79 9 8 S +79 9 9 J +79 9 10 M +79 9 11 JM +79 9 12 B +79 9 13 M +79 9 14 T +79 9 15 B +79 9 16 F +79 9 17 S +79 9 18 J +79 9 19 M +79 9 20 M +79 9 21 S +79 9 22 B +79 9 23 T +79 9 24 J +79 9 25 M +79 9 26 M +79 9 27 F +79 9 28 S +79 9 29 M +79 9 30 B +79 9 31 M +79 9 32 S +79 9 33 B +79 9 34 M +79 9 35 B +79 9 36 J +79 9 37 M +79 9 38 S +79 9 39 M +79 9 40 M +79 9 41 S +79 9 42 B +79 9 43 M +79 9 44 F +79 9 45 M +79 9 46 JU +79 9 47 M +79 9 48 B +79 9 49 M +79 9 50 T +79 9 51 J +79 9 52 F +79 9 53 S +79 9 54 M +79 9 55 M +79 9 56 B +79 9 57 M +79 9 58 B +79 9 59 B +79 9 60 M +79 9 61 S +79 9 62 M +79 9 63 B +79 9 64 M +79 9 65 S +79 9 66 F +79 9 67 M +79 9 68 S +79 9 69 M +79 9 70 F +79 9 71 S +79 9 72 M +79 9 73 T +79 9 74 F +79 9 75 JM +79 9 76 B +79 9 77 M +79 9 78 B +79 9 79 J +79 9 80 M +79 9 81 JM +79 9 82 M +79 9 83 F +79 9 84 S +79 9 85 M +79 9 86 S +79 9 87 J +79 9 88 S +79 9 89 J +79 9 90 J +79 9 91 B +79 9 92 F +79 9 93 M +79 9 94 J +79 9 95 F +79 9 96 B +79 9 97 T +79 9 98 S +79 9 99 S +79 9 100 M +79 9 101 S +79 9 102 F +79 9 103 JM +79 9 104 M +79 9 105 S +79 9 106 B +79 9 107 F +79 9 108 F +79 9 109 M +79 9 110 B +79 9 111 JM +79 9 112 S +79 9 113 J +79 9 114 M +79 9 115 S +79 9 116 F +79 9 117 J +79 9 118 S +79 9 119 M +79 9 120 F +79 9 121 B +79 9 122 M +79 9 123 M +79 9 124 B +79 9 125 B +79 9 126 S +79 9 127 J +79 9 128 B +79 9 129 F +79 9 130 JM +79 9 131 T +79 9 132 B +79 9 133 M +79 9 134 J +79 9 135 S +79 9 136 M +79 9 137 JM +79 9 138 M +79 9 139 F +79 9 140 M +79 9 141 F +79 9 142 F +79 9 143 B +79 9 144 T +79 9 145 M +79 9 146 B +79 9 147 M +79 9 148 S +79 9 149 B +79 9 150 T +79 9 151 B +79 9 152 S +79 9 153 M +79 9 154 J +79 9 155 J +79 9 156 M +79 9 157 J +79 9 158 F +79 9 159 B +79 9 160 S +79 9 161 M +79 9 162 S +79 9 163 M +79 9 164 M +79 9 165 JM +79 9 166 M +79 9 167 M +79 9 168 M +79 9 169 M +79 9 170 M +79 9 171 JM +79 9 172 F +79 9 173 S +79 9 174 B +79 9 175 M +79 9 176 S +79 9 177 B +79 9 178 M +79 9 179 S +79 9 180 M +79 9 181 B +79 9 182 S +79 9 183 J +79 9 184 T +79 9 185 B +79 9 186 M +79 9 187 B +79 9 188 M +79 9 189 F +79 9 190 S +79 9 191 M +79 9 192 T +79 9 193 B +79 9 194 S +79 9 195 M +79 9 196 M +79 9 197 T +79 9 198 J +79 9 199 F +79 9 200 M +79 9 201 S +79 9 202 M +79 9 203 S +79 9 204 J +79 9 205 T +79 9 206 F +79 9 207 S +79 9 208 B +79 9 209 M +79 9 210 J +79 9 211 M +79 9 212 B +79 9 213 T +79 9 214 B +79 9 215 S +79 9 216 JM +79 9 217 S +79 9 218 JM +79 9 219 F +79 9 220 T +79 9 221 F +79 9 222 T +79 9 223 M +79 9 224 F +79 9 225 JM +79 9 226 M +79 9 227 J +79 9 228 M +79 9 229 B +79 9 230 F +79 9 231 S +79 9 232 JM +79 9 233 M +79 9 234 M +79 9 235 M +79 9 236 JM +79 9 237 S +79 9 238 M +79 9 239 S +79 9 240 S +79 9 241 F +79 9 242 B +79 9 243 S +79 9 244 F +79 9 245 S +79 9 246 M +79 9 247 T +79 9 248 JM +79 9 249 M +79 9 250 T +79 9 251 M +79 9 252 F +79 9 253 M +79 9 254 M +79 9 255 J +79 9 256 S +79 9 257 M +79 9 258 B +79 9 259 S +79 9 260 F +79 9 261 B +79 9 262 F +79 9 263 F +79 9 264 M +79 9 265 M +79 9 266 S +79 9 267 T +79 9 268 M +79 9 269 T +79 9 270 B +79 9 271 M +79 9 272 F +79 9 273 T +79 9 274 F +79 9 275 JM +79 9 276 S +79 9 277 M +79 9 278 S +79 9 279 M +79 9 280 JM +79 9 281 M +79 9 282 M +79 9 283 J +79 9 284 F +79 9 285 S +79 9 286 F +79 9 287 JM +79 9 288 S +79 9 289 M +79 9 290 F +79 9 291 M +79 9 292 S +79 9 293 F +79 9 294 F +79 9 295 JM +79 9 296 T +79 9 297 B +79 9 298 S +79 9 299 M +79 9 300 F +79 9 301 M +79 9 302 F +79 9 303 M +79 9 304 JM +79 9 305 T +79 9 306 M +79 9 307 M +79 9 308 T +79 9 309 JM +79 9 310 M +79 9 311 M +79 9 312 J +79 9 313 M +79 9 314 F +79 9 315 M +79 9 316 M +79 9 317 T +79 9 318 B +79 9 319 F +79 9 320 JM +79 9 321 S +79 9 322 M +79 9 323 M +79 9 324 F +79 9 325 T +79 9 326 B +79 9 327 F +79 9 328 JM +79 9 329 B +79 9 330 F +79 10 1 M +79 10 2 M +79 10 3 S +79 10 4 T +79 10 5 M +79 10 6 B +79 10 7 M +79 10 8 S +79 10 9 B +79 10 10 M +79 10 11 M +79 10 12 B +79 10 13 M +79 10 14 M +79 10 15 T +79 10 16 F +79 10 17 S +79 10 18 O +79 10 19 M +79 10 20 M +79 10 21 S +79 10 22 B +79 10 23 T +79 10 24 O +79 10 25 M +79 10 26 M +79 10 27 F +79 10 28 S +79 10 29 M +79 10 30 B +79 10 31 M +79 10 32 T +79 10 33 M +79 10 34 M +79 10 35 S +79 10 36 M +79 10 37 M +79 10 38 S +79 10 39 M +79 10 40 M +79 10 41 S +79 10 42 B +79 10 43 M +79 10 44 F +79 10 45 M +79 10 46 F +79 10 47 M +79 10 48 B +79 10 49 M +79 10 50 T +79 10 51 B +79 10 52 M +79 10 53 S +79 10 54 M +79 10 55 M +79 10 56 B +79 10 57 M +79 10 58 B +79 10 59 T +79 10 60 M +79 10 61 S +79 10 62 T +79 10 63 S +79 10 64 M +79 10 65 S +79 10 66 F +79 10 67 M +79 10 68 S +79 10 69 M +79 10 70 F +79 10 71 S +79 10 72 M +79 10 73 S +79 10 74 M +79 10 75 M +79 10 76 S +79 10 77 M +79 10 78 T +79 10 79 J +79 10 80 M +79 10 81 M +79 10 82 M +79 10 83 B +79 10 84 S +79 10 85 M +79 10 86 S +79 10 87 J +79 10 88 S +79 10 89 J +79 10 90 M +79 10 91 B +79 10 92 F +79 10 93 M +79 10 94 T +79 10 95 M +79 10 96 B +79 10 97 T +79 10 98 S +79 10 99 T +79 10 100 M +79 10 101 S +79 10 102 O +79 10 103 M +79 10 104 M +79 10 105 S +79 10 106 B +79 10 107 F +79 10 108 M +79 10 109 M +79 10 110 B +79 10 111 M +79 10 112 S +79 10 113 J +79 10 114 M +79 10 115 S +79 10 116 M +79 10 117 T +79 10 118 S +79 10 119 M +79 10 120 F +79 10 121 S +79 10 122 M +79 10 123 M +79 10 124 B +79 10 125 S +79 10 126 S +79 10 127 M +79 10 128 B +79 10 129 F +79 10 130 O +79 10 131 T +79 10 132 S +79 10 133 M +79 10 134 O +79 10 135 T +79 10 136 M +79 10 137 M +79 10 138 M +79 10 139 T +79 10 140 M +79 10 141 F +79 10 142 F +79 10 143 B +79 10 144 T +79 10 145 M +79 10 146 B +79 10 147 M +79 10 148 S +79 10 149 M +79 10 150 T +79 10 151 S +79 10 152 S +79 10 153 M +79 10 154 J +79 10 155 O +79 10 156 M +79 10 157 B +79 10 158 F +79 10 159 B +79 10 160 S +79 10 161 M +79 10 162 S +79 10 163 M +79 10 164 M +79 10 165 M +79 10 166 M +79 10 167 O +79 10 168 M +79 10 169 M +79 10 170 M +79 10 171 M +79 10 172 F +79 10 173 S +79 10 174 B +79 10 175 M +79 10 176 S +79 10 177 B +79 10 178 M +79 10 179 S +79 10 180 M +79 10 181 B +79 10 182 S +79 10 183 O +79 10 184 T +79 10 185 B +79 10 186 M +79 10 187 B +79 10 188 M +79 10 189 M +79 10 190 B +79 10 191 M +79 10 192 T +79 10 193 B +79 10 194 S +79 10 195 M +79 10 196 M +79 10 197 T +79 10 198 J +79 10 199 M +79 10 200 M +79 10 201 B +79 10 202 M +79 10 203 S +79 10 204 J +79 10 205 T +79 10 206 F +79 10 207 S +79 10 208 B +79 10 209 M +79 10 210 S +79 10 211 M +79 10 212 B +79 10 213 O +79 10 214 B +79 10 215 S +79 10 216 M +79 10 217 S +79 10 218 M +79 10 219 F +79 10 220 M +79 10 221 F +79 10 222 T +79 10 223 M +79 10 224 F +79 10 225 B +79 10 226 M +79 10 227 J +79 10 228 M +79 10 229 M +79 10 230 F +79 10 231 S +79 10 232 B +79 10 233 M +79 10 234 M +79 10 235 M +79 10 236 B +79 10 237 B +79 10 238 M +79 10 239 S +79 10 240 S +79 10 241 F +79 10 242 B +79 10 243 S +79 10 244 M +79 10 245 S +79 10 246 M +79 10 247 M +79 10 248 M +79 10 249 M +79 10 250 M +79 10 251 M +79 10 252 B +79 10 253 M +79 10 254 M +79 10 255 J +79 10 256 S +79 10 257 M +79 10 258 B +79 10 259 S +79 10 260 M +79 10 261 S +79 10 262 F +79 10 263 F +79 10 264 M +79 10 265 M +79 10 266 S +79 10 267 S +79 10 268 M +79 10 269 S +79 10 270 B +79 10 271 M +79 10 272 F +79 10 273 S +79 10 274 F +79 10 275 M +79 10 276 S +79 10 277 M +79 10 278 S +79 10 279 M +79 10 280 M +79 10 281 M +79 10 282 M +79 10 283 T +79 10 284 M +79 10 285 S +79 10 286 F +79 10 287 B +79 10 288 S +79 10 289 M +79 10 290 F +79 10 291 M +79 10 292 B +79 10 293 B +79 10 294 B +79 10 295 O +79 10 296 T +79 10 297 B +79 10 298 S +79 10 299 M +79 10 300 F +79 10 301 M +79 10 302 F +79 10 303 M +79 10 304 M +79 10 305 T +79 10 306 M +79 10 307 M +79 10 308 T +79 10 309 O +79 10 310 M +79 10 311 M +79 10 312 J +79 10 313 M +79 10 314 F +79 10 315 M +79 10 316 M +79 10 317 T +79 10 318 B +79 10 319 F +79 10 320 M +79 10 321 S +79 10 322 M +79 10 323 M +79 10 324 F +79 10 325 T +79 10 326 B +79 10 327 M +79 10 328 M +79 10 329 T +79 10 330 M +79 11 1 M +79 11 2 M +79 11 3 S +79 11 4 T +79 11 5 M +79 11 6 O +79 11 7 B +79 11 8 S +79 11 9 J +79 11 10 M +79 11 11 M +79 11 12 B +79 11 13 M +79 11 14 M +79 11 15 T +79 11 16 F +79 11 17 S +79 11 18 J +79 11 19 M +79 11 20 B +79 11 21 S +79 11 22 F +79 11 23 S +79 11 24 J +79 11 25 M +79 11 26 M +79 11 27 F +79 11 28 S +79 11 29 M +79 11 30 B +79 11 31 M +79 11 32 S +79 11 33 M +79 11 34 M +79 11 35 S +79 11 36 M +79 11 37 M +79 11 38 S +79 11 39 M +79 11 40 M +79 11 41 S +79 11 42 B +79 11 43 M +79 11 44 F +79 11 45 B +79 11 46 J +79 11 47 M +79 11 48 B +79 11 49 M +79 11 50 T +79 11 51 J +79 11 52 F +79 11 53 T +79 11 54 M +79 11 55 M +79 11 56 F +79 11 57 M +79 11 58 B +79 11 59 F +79 11 60 J +79 11 61 S +79 11 62 T +79 11 63 S +79 11 64 M +79 11 65 S +79 11 66 F +79 11 67 M +79 11 68 S +79 11 69 J +79 11 70 F +79 11 71 T +79 11 72 M +79 11 73 T +79 11 74 M +79 11 75 J +79 11 76 S +79 11 77 M +79 11 78 F +79 11 79 J +79 11 80 M +79 11 81 M +79 11 82 M +79 11 83 F +79 11 84 F +79 11 85 M +79 11 86 S +79 11 87 J +79 11 88 S +79 11 89 J +79 11 90 J +79 11 91 B +79 11 92 F +79 11 93 M +79 11 94 J +79 11 95 F +79 11 96 B +79 11 97 T +79 11 98 S +79 11 99 F +79 11 100 M +79 11 101 S +79 11 102 F +79 11 103 J +79 11 104 M +79 11 105 S +79 11 106 B +79 11 107 F +79 11 108 M +79 11 109 M +79 11 110 B +79 11 111 J +79 11 112 S +79 11 113 J +79 11 114 M +79 11 115 S +79 11 116 F +79 11 117 J +79 11 118 S +79 11 119 M +79 11 120 F +79 11 121 S +79 11 122 M +79 11 123 M +79 11 124 B +79 11 125 B +79 11 126 S +79 11 127 J +79 11 128 B +79 11 129 F +79 11 130 J +79 11 131 T +79 11 132 S +79 11 133 M +79 11 134 J +79 11 135 S +79 11 136 M +79 11 137 B +79 11 138 M +79 11 139 F +79 11 140 M +79 11 141 F +79 11 142 F +79 11 143 B +79 11 144 T +79 11 145 M +79 11 146 B +79 11 147 M +79 11 148 S +79 11 149 M +79 11 150 T +79 11 151 S +79 11 152 S +79 11 153 M +79 11 154 J +79 11 155 J +79 11 156 M +79 11 157 J +79 11 158 F +79 11 159 B +79 11 160 S +79 11 161 M +79 11 162 S +79 11 163 M +79 11 164 M +79 11 165 J +79 11 166 M +79 11 167 S +79 11 168 M +79 11 169 M +79 11 170 J +79 11 171 B +79 11 172 F +79 11 173 S +79 11 174 B +79 11 175 M +79 11 176 S +79 11 177 B +79 11 178 M +79 11 179 S +79 11 180 M +79 11 181 B +79 11 182 S +79 11 183 J +79 11 184 S +79 11 185 B +79 11 186 B +79 11 187 B +79 11 188 M +79 11 189 F +79 11 190 F +79 11 191 M +79 11 192 S +79 11 193 B +79 11 194 S +79 11 195 B +79 11 196 M +79 11 197 F +79 11 198 J +79 11 199 F +79 11 200 M +79 11 201 F +79 11 202 B +79 11 203 S +79 11 204 J +79 11 205 M +79 11 206 F +79 11 207 S +79 11 208 B +79 11 209 M +79 11 210 S +79 11 211 M +79 11 212 B +79 11 213 F +79 11 214 M +79 11 215 F +79 11 216 J +79 11 217 F +79 11 218 B +79 11 219 F +79 11 220 M +79 11 221 F +79 11 222 M +79 11 223 M +79 11 224 F +79 11 225 B +79 11 226 M +79 11 227 J +79 11 228 M +79 11 229 M +79 11 230 F +79 11 231 S +79 11 232 J +79 11 233 F +79 11 234 M +79 11 235 M +79 11 236 M +79 11 237 F +79 11 238 M +79 11 239 S +79 11 240 S +79 11 241 F +79 11 242 B +79 11 243 S +79 11 244 F +79 11 245 S +79 11 246 M +79 11 247 M +79 11 248 J +79 11 249 M +79 11 250 S +79 11 251 M +79 11 252 F +79 11 253 M +79 11 254 M +79 11 255 J +79 11 256 S +79 11 257 M +79 11 258 B +79 11 259 S +79 11 260 F +79 11 261 B +79 11 262 F +79 11 263 F +79 11 264 M +79 11 265 M +79 11 266 S +79 11 267 S +79 11 268 M +79 11 269 S +79 11 270 B +79 11 271 J +79 11 272 F +79 11 273 S +79 11 274 F +79 11 275 B +79 11 276 S +79 11 277 M +79 11 278 F +79 11 279 M +79 11 280 M +79 11 281 M +79 11 282 B +79 11 283 J +79 11 284 F +79 11 285 S +79 11 286 F +79 11 287 B +79 11 288 S +79 11 289 M +79 11 290 F +79 11 291 M +79 11 292 F +79 11 293 F +79 11 294 F +79 11 295 J +79 11 296 S +79 11 297 B +79 11 298 S +79 11 299 M +79 11 300 F +79 11 301 M +79 11 302 F +79 11 303 F +79 11 304 B +79 11 305 S +79 11 306 M +79 11 307 M +79 11 308 S +79 11 309 J +79 11 310 M +79 11 311 M +79 11 312 J +79 11 313 M +79 11 314 F +79 11 315 M +79 11 316 M +79 11 317 S +79 11 318 F +79 11 319 F +79 11 320 B +79 11 321 S +79 11 322 M +79 11 323 M +79 11 324 F +79 11 325 S +79 11 326 B +79 11 327 F +79 11 328 J +79 11 329 J +79 11 330 F +79 12 1 M +79 12 2 B +79 12 3 S +79 12 4 T +79 12 5 B +79 12 6 F +79 12 7 B +79 12 8 S +79 12 9 * +79 12 10 M +79 12 11 B +79 12 12 B +79 12 13 B +79 12 14 M +79 12 15 F +79 12 16 F +79 12 17 S +79 12 18 J +79 12 19 M +79 12 20 B +79 12 21 S +79 12 22 B +79 12 23 T +79 12 24 * +79 12 25 M +79 12 26 M +79 12 27 F +79 12 28 S +79 12 29 B +79 12 30 B +79 12 31 M +79 12 32 T +79 12 33 B +79 12 34 M +79 12 35 S +79 12 36 B +79 12 37 M +79 12 38 S +79 12 39 B +79 12 40 M +79 12 41 S +79 12 42 B +79 12 43 M +79 12 44 F +79 12 45 B +79 12 46 * +79 12 47 B +79 12 48 B +79 12 49 M +79 12 50 T +79 12 51 J +79 12 52 F +79 12 53 S +79 12 54 B +79 12 55 M +79 12 56 F +79 12 57 M +79 12 58 B +79 12 59 F +79 12 60 M +79 12 61 S +79 12 62 * +79 12 63 S +79 12 64 M +79 12 65 S +79 12 66 F +79 12 67 B +79 12 68 S +79 12 69 J +79 12 70 F +79 12 71 S +79 12 72 B +79 12 73 T +79 12 74 M +79 12 75 J +79 12 76 B +79 12 77 M +79 12 78 F +79 12 79 J +79 12 80 M +79 12 81 B +79 12 82 M +79 12 83 F +79 12 84 B +79 12 85 B +79 12 86 F +79 12 87 J +79 12 88 T +79 12 89 J +79 12 90 M +79 12 91 B +79 12 92 F +79 12 93 M +79 12 94 J +79 12 95 F +79 12 96 B +79 12 97 T +79 12 98 S +79 12 99 F +79 12 100 B +79 12 101 T +79 12 102 F +79 12 103 J +79 12 104 M +79 12 105 T +79 12 106 B +79 12 107 F +79 12 108 F +79 12 109 M +79 12 110 B +79 12 111 J +79 12 112 S +79 12 113 J +79 12 114 M +79 12 115 S +79 12 116 F +79 12 117 J +79 12 118 S +79 12 119 B +79 12 120 F +79 12 121 S +79 12 122 B +79 12 123 M +79 12 124 B +79 12 125 B +79 12 126 F +79 12 127 J +79 12 128 B +79 12 129 F +79 12 130 J +79 12 131 T +79 12 132 S +79 12 133 B +79 12 134 J +79 12 135 T +79 12 136 M +79 12 137 B +79 12 138 M +79 12 139 F +79 12 140 M +79 12 141 F +79 12 142 F +79 12 143 B +79 12 144 T +79 12 145 B +79 12 146 B +79 12 147 M +79 12 148 S +79 12 149 B +79 12 150 T +79 12 151 F +79 12 152 F +79 12 153 M +79 12 154 J +79 12 155 J +79 12 156 B +79 12 157 J +79 12 158 F +79 12 159 F +79 12 160 F +79 12 161 B +79 12 162 S +79 12 163 M +79 12 164 M +79 12 165 B +79 12 166 M +79 12 167 F +79 12 168 B +79 12 169 M +79 12 170 J +79 12 171 B +79 12 172 F +79 12 173 S +79 12 174 B +79 12 175 F +79 12 176 S +79 12 177 B +79 12 178 M +79 12 179 S +79 12 180 B +79 12 181 B +79 12 182 T +79 12 183 J +79 12 184 T +79 12 185 B +79 12 186 M +79 12 187 B +79 12 188 M +79 12 189 F +79 12 190 F +79 12 191 M +79 12 192 T +79 12 193 B +79 12 194 S +79 12 195 B +79 12 196 F +79 12 197 T +79 12 198 J +79 12 199 F +79 12 200 M +79 12 201 B +79 12 202 B +79 12 203 T +79 12 204 J +79 12 205 T +79 12 206 F +79 12 207 S +79 12 208 B +79 12 209 M +79 12 210 J +79 12 211 M +79 12 212 B +79 12 213 F +79 12 214 B +79 12 215 S +79 12 216 J +79 12 217 F +79 12 218 B +79 12 219 F +79 12 220 M +79 12 221 F +79 12 222 T +79 12 223 M +79 12 224 F +79 12 225 B +79 12 226 M +79 12 227 J +79 12 228 M +79 12 229 F +79 12 230 F +79 12 231 T +79 12 232 J +79 12 233 F +79 12 234 M +79 12 235 M +79 12 236 B +79 12 237 F +79 12 238 M +79 12 239 S +79 12 240 J +79 12 241 F +79 12 242 B +79 12 243 T +79 12 244 F +79 12 245 S +79 12 246 M +79 12 247 T +79 12 248 J +79 12 249 M +79 12 250 T +79 12 251 B +79 12 252 F +79 12 253 M +79 12 254 M +79 12 255 J +79 12 256 S +79 12 257 M +79 12 258 B +79 12 259 S +79 12 260 F +79 12 261 B +79 12 262 F +79 12 263 J +79 12 264 F +79 12 265 M +79 12 266 S +79 12 267 T +79 12 268 B +79 12 269 T +79 12 270 B +79 12 271 M +79 12 272 F +79 12 273 T +79 12 274 F +79 12 275 B +79 12 276 S +79 12 277 M +79 12 278 B +79 12 279 M +79 12 280 B +79 12 281 M +79 12 282 B +79 12 283 J +79 12 284 F +79 12 285 F +79 12 286 F +79 12 287 B +79 12 288 S +79 12 289 M +79 12 290 F +79 12 291 M +79 12 292 F +79 12 293 F +79 12 294 F +79 12 295 J +79 12 296 T +79 12 297 B +79 12 298 S +79 12 299 M +79 12 300 F +79 12 301 M +79 12 302 F +79 12 303 F +79 12 304 B +79 12 305 T +79 12 306 B +79 12 307 M +79 12 308 F +79 12 309 J +79 12 310 M +79 12 311 M +79 12 312 J +79 12 313 M +79 12 314 F +79 12 315 B +79 12 316 M +79 12 317 T +79 12 318 B +79 12 319 F +79 12 320 B +79 12 321 S +79 12 322 M +79 12 323 M +79 12 324 F +79 12 325 T +79 12 326 B +79 12 327 F +79 12 328 B +79 12 329 J +79 12 330 F +79 13 1 M +79 13 2 B +79 13 3 S +79 13 4 T +79 13 5 M +79 13 6 B +79 13 7 M +79 13 8 T +79 13 9 B +79 13 10 M +79 13 11 J +79 13 12 B +79 13 13 M +79 13 14 J +79 13 15 T +79 13 16 F +79 13 17 S +79 13 18 J +79 13 19 M +79 13 20 M +79 13 21 S +79 13 22 B +79 13 23 T +79 13 24 J +79 13 25 M +79 13 26 M +79 13 27 F +79 13 28 S +79 13 29 M +79 13 30 B +79 13 31 F +79 13 32 T +79 13 33 M +79 13 34 M +79 13 35 B +79 13 36 J +79 13 37 M +79 13 38 S +79 13 39 M +79 13 40 M +79 13 41 S +79 13 42 B +79 13 43 J +79 13 44 F +79 13 45 M +79 13 46 J +79 13 47 J +79 13 48 B +79 13 49 M +79 13 50 T +79 13 51 B +79 13 52 F +79 13 53 T +79 13 54 M +79 13 55 M +79 13 56 F +79 13 57 M +79 13 58 B +79 13 59 T +79 13 60 J +79 13 61 S +79 13 62 T +79 13 63 B +79 13 64 M +79 13 65 S +79 13 66 F +79 13 67 M +79 13 68 T +79 13 69 J +79 13 70 F +79 13 71 T +79 13 72 M +79 13 73 T +79 13 74 F +79 13 75 J +79 13 76 B +79 13 77 M +79 13 78 F +79 13 79 J +79 13 80 M +79 13 81 M +79 13 82 M +79 13 83 F +79 13 84 F +79 13 85 M +79 13 86 T +79 13 87 J +79 13 88 T +79 13 89 J +79 13 90 J +79 13 91 M +79 13 92 F +79 13 93 M +79 13 94 J +79 13 95 F +79 13 96 B +79 13 97 T +79 13 98 S +79 13 99 T +79 13 100 M +79 13 101 T +79 13 102 F +79 13 103 B +79 13 104 M +79 13 105 T +79 13 106 B +79 13 107 F +79 13 108 M +79 13 109 T +79 13 110 B +79 13 111 M +79 13 112 S +79 13 113 J +79 13 114 M +79 13 115 S +79 13 116 F +79 13 117 T +79 13 118 B +79 13 119 M +79 13 120 F +79 13 121 S +79 13 122 M +79 13 123 M +79 13 124 M +79 13 125 B +79 13 126 T +79 13 127 J +79 13 128 B +79 13 129 F +79 13 130 J +79 13 131 T +79 13 132 S +79 13 133 M +79 13 134 T +79 13 135 T +79 13 136 M +79 13 137 M +79 13 138 M +79 13 139 T +79 13 140 M +79 13 141 F +79 13 142 F +79 13 143 M +79 13 144 T +79 13 145 M +79 13 146 B +79 13 147 M +79 13 148 S +79 13 149 M +79 13 150 T +79 13 151 B +79 13 152 T +79 13 153 M +79 13 154 J +79 13 155 J +79 13 156 M +79 13 157 T +79 13 158 F +79 13 159 B +79 13 160 T +79 13 161 M +79 13 162 S +79 13 163 M +79 13 164 J +79 13 165 J +79 13 166 T +79 13 167 M +79 13 168 M +79 13 169 J +79 13 170 M +79 13 171 F +79 13 172 B +79 13 173 B +79 13 174 B +79 13 175 M +79 13 176 S +79 13 177 F +79 13 178 M +79 13 179 T +79 13 180 M +79 13 181 B +79 13 182 T +79 13 183 B +79 13 184 T +79 13 185 B +79 13 186 M +79 13 187 B +79 13 188 M +79 13 189 F +79 13 190 B +79 13 191 M +79 13 192 T +79 13 193 B +79 13 194 T +79 13 195 M +79 13 196 M +79 13 197 T +79 13 198 J +79 13 199 F +79 13 200 M +79 13 201 B +79 13 202 M +79 13 203 T +79 13 204 J +79 13 205 T +79 13 206 F +79 13 207 S +79 13 208 B +79 13 209 M +79 13 210 T +79 13 211 M +79 13 212 B +79 13 213 T +79 13 214 B +79 13 215 T +79 13 216 J +79 13 217 B +79 13 218 M +79 13 219 F +79 13 220 M +79 13 221 F +79 13 222 T +79 13 223 M +79 13 224 F +79 13 225 B +79 13 226 M +79 13 227 J +79 13 228 M +79 13 229 M +79 13 230 B +79 13 231 T +79 13 232 B +79 13 233 T +79 13 234 M +79 13 235 M +79 13 236 B +79 13 237 B +79 13 238 M +79 13 239 B +79 13 240 T +79 13 241 F +79 13 242 B +79 13 243 T +79 13 244 F +79 13 245 S +79 13 246 M +79 13 247 T +79 13 248 J +79 13 249 M +79 13 250 T +79 13 251 M +79 13 252 B +79 13 253 M +79 13 254 T +79 13 255 J +79 13 256 S +79 13 257 M +79 13 258 B +79 13 259 S +79 13 260 F +79 13 261 B +79 13 262 F +79 13 263 F +79 13 264 F +79 13 265 M +79 13 266 B +79 13 267 T +79 13 268 M +79 13 269 T +79 13 270 B +79 13 271 M +79 13 272 F +79 13 273 T +79 13 274 F +79 13 275 B +79 13 276 S +79 13 277 M +79 13 278 B +79 13 279 T +79 13 280 M +79 13 281 M +79 13 282 M +79 13 283 T +79 13 284 F +79 13 285 B +79 13 286 F +79 13 287 B +79 13 288 S +79 13 289 M +79 13 290 F +79 13 291 M +79 13 292 B +79 13 293 F +79 13 294 F +79 13 295 B +79 13 296 T +79 13 297 B +79 13 298 S +79 13 299 M +79 13 300 F +79 13 301 M +79 13 302 F +79 13 303 T +79 13 304 M +79 13 305 T +79 13 306 M +79 13 307 M +79 13 308 T +79 13 309 J +79 13 310 M +79 13 311 M +79 13 312 J +79 13 313 T +79 13 314 F +79 13 315 M +79 13 316 M +79 13 317 T +79 13 318 B +79 13 319 F +79 13 320 B +79 13 321 S +79 13 322 M +79 13 323 M +79 13 324 F +79 13 325 T +79 13 326 B +79 13 327 F +79 13 328 M +79 13 329 B +79 13 330 F +79 14 1 M +79 14 2 M +79 14 3 S +79 14 4 T +79 14 5 M +79 14 6 B +79 14 7 M +79 14 8 S +79 14 9 S +79 14 10 M +79 14 11 M +79 14 12 B +79 14 13 M +79 14 14 M +79 14 15 S +79 14 16 F +79 14 17 S +79 14 18 J +79 14 19 M +79 14 20 M +79 14 21 S +79 14 22 B +79 14 23 T +79 14 24 J +79 14 25 M +79 14 26 M +79 14 27 F +79 14 28 S +79 14 29 M +79 14 30 B +79 14 31 M +79 14 32 T +79 14 33 JM +79 14 34 M +79 14 35 B +79 14 36 M +79 14 37 M +79 14 38 S +79 14 39 M +79 14 40 JM +79 14 41 S +79 14 42 B +79 14 43 M +79 14 44 F +79 14 45 M +79 14 46 J +79 14 47 JM +79 14 48 B +79 14 49 M +79 14 50 T +79 14 51 J +79 14 52 F +79 14 53 S +79 14 54 M +79 14 55 M +79 14 56 B +79 14 57 M +79 14 58 B +79 14 59 B +79 14 60 M +79 14 61 S +79 14 62 B +79 14 63 S +79 14 64 M +79 14 65 S +79 14 66 F +79 14 67 JM +79 14 68 B +79 14 69 M +79 14 70 F +79 14 71 S +79 14 72 M +79 14 73 T +79 14 74 M +79 14 75 M +79 14 76 B +79 14 77 M +79 14 78 B +79 14 79 J +79 14 80 M +79 14 81 JM +79 14 82 M +79 14 83 F +79 14 84 B +79 14 85 M +79 14 86 S +79 14 87 J +79 14 88 S +79 14 89 J +79 14 90 M +79 14 91 B +79 14 92 F +79 14 93 M +79 14 94 J +79 14 95 F +79 14 96 B +79 14 97 T +79 14 98 S +79 14 99 M +79 14 100 M +79 14 101 S +79 14 102 T +79 14 103 J +79 14 104 M +79 14 105 T +79 14 106 B +79 14 107 F +79 14 108 M +79 14 109 M +79 14 110 B +79 14 111 J +79 14 112 S +79 14 113 J +79 14 114 M +79 14 115 S +79 14 116 M +79 14 117 J +79 14 118 B +79 14 119 M +79 14 120 F +79 14 121 B +79 14 122 M +79 14 123 M +79 14 124 B +79 14 125 B +79 14 126 B +79 14 127 JM +79 14 128 B +79 14 129 F +79 14 130 J +79 14 131 T +79 14 132 S +79 14 133 M +79 14 134 T +79 14 135 S +79 14 136 M +79 14 137 JM +79 14 138 M +79 14 139 F +79 14 140 M +79 14 141 F +79 14 142 F +79 14 143 JM +79 14 144 T +79 14 145 M +79 14 146 B +79 14 147 M +79 14 148 S +79 14 149 M +79 14 150 T +79 14 151 S +79 14 152 T +79 14 153 M +79 14 154 J +79 14 155 J +79 14 156 M +79 14 157 J +79 14 158 F +79 14 159 B +79 14 160 S +79 14 161 M +79 14 162 S +79 14 163 M +79 14 164 M +79 14 165 JM +79 14 166 M +79 14 167 T +79 14 168 JM +79 14 169 M +79 14 170 JM +79 14 171 B +79 14 172 F +79 14 173 S +79 14 174 B +79 14 175 M +79 14 176 S +79 14 177 B +79 14 178 M +79 14 179 S +79 14 180 M +79 14 181 B +79 14 182 S +79 14 183 B +79 14 184 T +79 14 185 B +79 14 186 M +79 14 187 B +79 14 188 M +79 14 189 F +79 14 190 T +79 14 191 M +79 14 192 T +79 14 193 B +79 14 194 S +79 14 195 M +79 14 196 M +79 14 197 T +79 14 198 J +79 14 199 F +79 14 200 M +79 14 201 F +79 14 202 M +79 14 203 S +79 14 204 J +79 14 205 T +79 14 206 F +79 14 207 S +79 14 208 B +79 14 209 JM +79 14 210 S +79 14 211 M +79 14 212 B +79 14 213 T +79 14 214 M +79 14 215 T +79 14 216 JM +79 14 217 F +79 14 218 B +79 14 219 F +79 14 220 M +79 14 221 M +79 14 222 T +79 14 223 M +79 14 224 F +79 14 225 B +79 14 226 M +79 14 227 J +79 14 228 M +79 14 229 M +79 14 230 F +79 14 231 T +79 14 232 J +79 14 233 T +79 14 234 JM +79 14 235 M +79 14 236 B +79 14 237 F +79 14 238 M +79 14 239 S +79 14 240 S +79 14 241 F +79 14 242 B +79 14 243 S +79 14 244 F +79 14 245 S +79 14 246 M +79 14 247 T +79 14 248 JM +79 14 249 M +79 14 250 T +79 14 251 M +79 14 252 F +79 14 253 M +79 14 254 T +79 14 255 J +79 14 256 S +79 14 257 M +79 14 258 B +79 14 259 S +79 14 260 B +79 14 261 S +79 14 262 F +79 14 263 J +79 14 264 M +79 14 265 JM +79 14 266 B +79 14 267 T +79 14 268 M +79 14 269 T +79 14 270 B +79 14 271 JM +79 14 272 F +79 14 273 T +79 14 274 F +79 14 275 B +79 14 276 S +79 14 277 M +79 14 278 B +79 14 279 M +79 14 280 M +79 14 281 M +79 14 282 M +79 14 283 J +79 14 284 F +79 14 285 S +79 14 286 F +79 14 287 B +79 14 288 S +79 14 289 M +79 14 290 F +79 14 291 M +79 14 292 S +79 14 293 M +79 14 294 M +79 14 295 J +79 14 296 T +79 14 297 B +79 14 298 S +79 14 299 JM +79 14 300 F +79 14 301 M +79 14 302 F +79 14 303 M +79 14 304 JM +79 14 305 T +79 14 306 B +79 14 307 M +79 14 308 T +79 14 309 J +79 14 310 M +79 14 311 M +79 14 312 J +79 14 313 T +79 14 314 F +79 14 315 M +79 14 316 M +79 14 317 S +79 14 318 B +79 14 319 F +79 14 320 B +79 14 321 S +79 14 322 M +79 14 323 M +79 14 324 F +79 14 325 T +79 14 326 B +79 14 327 F +79 14 328 M +79 14 329 B +79 14 330 F +79 15 1 M +79 15 2 M +79 15 3 S +79 15 4 T +79 15 5 B +79 15 6 S +79 15 7 M +79 15 8 S +79 15 9 S +79 15 10 M +79 15 11 M +79 15 12 B +79 15 13 M +79 15 14 B +79 15 15 S +79 15 16 F +79 15 17 S +79 15 18 J +79 15 19 M +79 15 20 M +79 15 21 S +79 15 22 B +79 15 23 M +79 15 24 JB +79 15 25 M +79 15 26 M +79 15 27 S +79 15 28 S +79 15 29 M +79 15 30 B +79 15 31 M +79 15 32 S +79 15 33 B +79 15 34 M +79 15 35 S +79 15 36 M +79 15 37 M +79 15 38 S +79 15 39 M +79 15 40 M +79 15 41 S +79 15 42 B +79 15 43 M +79 15 44 S +79 15 45 M +79 15 46 J +79 15 47 M +79 15 48 B +79 15 49 M +79 15 50 T +79 15 51 B +79 15 52 F +79 15 53 S +79 15 54 M +79 15 55 M +79 15 56 S +79 15 57 M +79 15 58 B +79 15 59 S +79 15 60 M +79 15 61 S +79 15 62 B +79 15 63 S +79 15 64 M +79 15 65 S +79 15 66 F +79 15 67 M +79 15 68 S +79 15 69 M +79 15 70 F +79 15 71 S +79 15 72 M +79 15 73 T +79 15 74 M +79 15 75 M +79 15 76 S +79 15 77 M +79 15 78 S +79 15 79 J +79 15 80 M +79 15 81 B +79 15 82 M +79 15 83 F +79 15 84 S +79 15 85 M +79 15 86 S +79 15 87 J +79 15 88 S +79 15 89 J +79 15 90 M +79 15 91 B +79 15 92 F +79 15 93 M +79 15 94 J +79 15 95 F +79 15 96 B +79 15 97 M +79 15 98 S +79 15 99 S +79 15 100 M +79 15 101 S +79 15 102 B +79 15 103 B +79 15 104 M +79 15 105 S +79 15 106 B +79 15 107 S +79 15 108 M +79 15 109 M +79 15 110 B +79 15 111 M +79 15 112 S +79 15 113 J +79 15 114 M +79 15 115 S +79 15 116 M +79 15 117 S +79 15 118 S +79 15 119 M +79 15 120 F +79 15 121 S +79 15 122 M +79 15 123 M +79 15 124 B +79 15 125 S +79 15 126 S +79 15 127 M +79 15 128 B +79 15 129 S +79 15 130 B +79 15 131 S +79 15 132 S +79 15 133 M +79 15 134 S +79 15 135 S +79 15 136 M +79 15 137 M +79 15 138 M +79 15 139 M +79 15 140 M +79 15 141 F +79 15 142 F +79 15 143 M +79 15 144 M +79 15 145 M +79 15 146 B +79 15 147 M +79 15 148 S +79 15 149 B +79 15 150 M +79 15 151 S +79 15 152 S +79 15 153 M +79 15 154 J +79 15 155 B +79 15 156 M +79 15 157 S +79 15 158 F +79 15 159 S +79 15 160 S +79 15 161 M +79 15 162 S +79 15 163 M +79 15 164 M +79 15 165 M +79 15 166 M +79 15 167 S +79 15 168 M +79 15 169 M +79 15 170 M +79 15 171 M +79 15 172 F +79 15 173 T +79 15 174 B +79 15 175 M +79 15 176 S +79 15 177 B +79 15 178 M +79 15 179 S +79 15 180 M +79 15 181 B +79 15 182 S +79 15 183 B +79 15 184 M +79 15 185 S +79 15 186 M +79 15 187 S +79 15 188 M +79 15 189 M +79 15 190 S +79 15 191 M +79 15 192 M +79 15 193 B +79 15 194 S +79 15 195 M +79 15 196 M +79 15 197 S +79 15 198 J +79 15 199 F +79 15 200 M +79 15 201 S +79 15 202 M +79 15 203 S +79 15 204 J +79 15 205 M +79 15 206 F +79 15 207 S +79 15 208 B +79 15 209 M +79 15 210 S +79 15 211 M +79 15 212 S +79 15 213 B +79 15 214 B +79 15 215 S +79 15 216 JM +79 15 217 S +79 15 218 B +79 15 219 F +79 15 220 M +79 15 221 F +79 15 222 M +79 15 223 M +79 15 224 S +79 15 225 B +79 15 226 M +79 15 227 J +79 15 228 M +79 15 229 M +79 15 230 S +79 15 231 S +79 15 232 B +79 15 233 M +79 15 234 M +79 15 235 M +79 15 236 B +79 15 237 S +79 15 238 M +79 15 239 S +79 15 240 S +79 15 241 F +79 15 242 B +79 15 243 S +79 15 244 M +79 15 245 S +79 15 246 M +79 15 247 M +79 15 248 JM +79 15 249 M +79 15 250 M +79 15 251 B +79 15 252 S +79 15 253 M +79 15 254 M +79 15 255 J +79 15 256 S +79 15 257 M +79 15 258 B +79 15 259 S +79 15 260 B +79 15 261 S +79 15 262 F +79 15 263 F +79 15 264 M +79 15 265 M +79 15 266 S +79 15 267 M +79 15 268 M +79 15 269 S +79 15 270 B +79 15 271 JM +79 15 272 F +79 15 273 S +79 15 274 F +79 15 275 B +79 15 276 S +79 15 277 M +79 15 278 S +79 15 279 M +79 15 280 JM +79 15 281 M +79 15 282 S +79 15 283 F +79 15 284 S +79 15 285 F +79 15 286 B +79 15 287 S +79 15 288 M +79 15 289 S +79 15 290 M +79 15 291 S +79 15 292 F +79 15 293 F +79 15 294 B +79 15 295 B +79 15 296 M +79 15 297 B +79 15 298 S +79 15 299 M +79 15 300 F +79 15 301 M +79 15 302 S +79 15 303 T +79 15 304 JM +79 15 305 S +79 15 306 B +79 15 307 M +79 15 308 T +79 15 309 J +79 15 310 M +79 15 311 M +79 15 312 J +79 15 313 M +79 15 314 F +79 15 315 M +79 15 316 M +79 15 317 S +79 15 318 S +79 15 319 F +79 15 320 JM +79 15 321 S +79 15 322 M +79 15 323 M +79 15 324 F +79 15 325 S +79 15 326 B +79 15 327 F +79 15 328 JM +79 15 329 S +79 15 330 F +79 16 1 M +79 16 2 M +79 16 3 S +79 16 4 T +79 16 5 M +79 16 6 M +79 16 7 M +79 16 8 S +79 16 9 S +79 16 10 M +79 16 11 M +79 16 12 B +79 16 13 S +79 16 14 M +79 16 15 B +79 16 16 F +79 16 17 S +79 16 18 J +79 16 19 M +79 16 20 B +79 16 21 S +79 16 22 B +79 16 23 M +79 16 24 J +79 16 25 M +79 16 26 M +79 16 27 F +79 16 28 S +79 16 29 B +79 16 30 B +79 16 31 F +79 16 32 S +79 16 33 M +79 16 34 M +79 16 35 S +79 16 36 J +79 16 37 M +79 16 38 S +79 16 39 B +79 16 40 M +79 16 41 S +79 16 42 B +79 16 43 M +79 16 44 F +79 16 45 B +79 16 46 J +79 16 47 J +79 16 48 B +79 16 49 M +79 16 50 J +79 16 51 J +79 16 52 F +79 16 53 S +79 16 54 M +79 16 55 B +79 16 56 M +79 16 57 J +79 16 58 M +79 16 59 F +79 16 60 J +79 16 61 S +79 16 62 M +79 16 63 S +79 16 64 M +79 16 65 S +79 16 66 F +79 16 67 M +79 16 68 S +79 16 69 M +79 16 70 F +79 16 71 S +79 16 72 M +79 16 73 M +79 16 74 F +79 16 75 J +79 16 76 S +79 16 77 M +79 16 78 M +79 16 79 J +79 16 80 M +79 16 81 B +79 16 82 M +79 16 83 B +79 16 84 S +79 16 85 M +79 16 86 S +79 16 87 J +79 16 88 B +79 16 89 J +79 16 90 J +79 16 91 B +79 16 92 F +79 16 93 M +79 16 94 J +79 16 95 B +79 16 96 B +79 16 97 M +79 16 98 S +79 16 99 M +79 16 100 B +79 16 101 S +79 16 102 M +79 16 103 J +79 16 104 B +79 16 105 S +79 16 106 B +79 16 107 F +79 16 108 B +79 16 109 J +79 16 110 B +79 16 111 J +79 16 112 S +79 16 113 J +79 16 114 J +79 16 115 S +79 16 116 M +79 16 117 J +79 16 118 S +79 16 119 M +79 16 120 F +79 16 121 S +79 16 122 J +79 16 123 J +79 16 124 M +79 16 125 S +79 16 126 B +79 16 127 J +79 16 128 B +79 16 129 F +79 16 130 J +79 16 131 S +79 16 132 S +79 16 133 M +79 16 134 J +79 16 135 S +79 16 136 M +79 16 137 J +79 16 138 M +79 16 139 B +79 16 140 M +79 16 141 F +79 16 142 M +79 16 143 B +79 16 144 J +79 16 145 B +79 16 146 B +79 16 147 M +79 16 148 S +79 16 149 B +79 16 150 J +79 16 151 B +79 16 152 M +79 16 153 M +79 16 154 J +79 16 155 M +79 16 156 M +79 16 157 J +79 16 158 F +79 16 159 B +79 16 160 S +79 16 161 M +79 16 162 S +79 16 163 M +79 16 164 M +79 16 165 J +79 16 166 J +79 16 167 B +79 16 168 M +79 16 169 M +79 16 170 J +79 16 171 M +79 16 172 F +79 16 173 S +79 16 174 B +79 16 175 M +79 16 176 S +79 16 177 B +79 16 178 M +79 16 179 J +79 16 180 M +79 16 181 B +79 16 182 J +79 16 183 J +79 16 184 M +79 16 185 B +79 16 186 M +79 16 187 B +79 16 188 M +79 16 189 B +79 16 190 S +79 16 191 J +79 16 192 M +79 16 193 B +79 16 194 J +79 16 195 B +79 16 196 B +79 16 197 M +79 16 198 J +79 16 199 B +79 16 200 M +79 16 201 B +79 16 202 M +79 16 203 S +79 16 204 J +79 16 205 M +79 16 206 M +79 16 207 S +79 16 208 B +79 16 209 J +79 16 210 J +79 16 211 B +79 16 212 B +79 16 213 J +79 16 214 B +79 16 215 M +79 16 216 J +79 16 217 B +79 16 218 B +79 16 219 F +79 16 220 J +79 16 221 F +79 16 222 M +79 16 223 M +79 16 224 F +79 16 225 J +79 16 226 B +79 16 227 J +79 16 228 M +79 16 229 B +79 16 230 S +79 16 231 S +79 16 232 J +79 16 233 M +79 16 234 B +79 16 235 M +79 16 236 B +79 16 237 S +79 16 238 B +79 16 239 S +79 16 240 J +79 16 241 F +79 16 242 B +79 16 243 S +79 16 244 M +79 16 245 S +79 16 246 M +79 16 247 B +79 16 248 J +79 16 249 M +79 16 250 J +79 16 251 B +79 16 252 F +79 16 253 B +79 16 254 B +79 16 255 J +79 16 256 S +79 16 257 M +79 16 258 B +79 16 259 S +79 16 260 B +79 16 261 M +79 16 262 F +79 16 263 J +79 16 264 B +79 16 265 M +79 16 266 S +79 16 267 M +79 16 268 B +79 16 269 S +79 16 270 B +79 16 271 J +79 16 272 F +79 16 273 M +79 16 274 F +79 16 275 B +79 16 276 S +79 16 277 J +79 16 278 B +79 16 279 M +79 16 280 B +79 16 281 J +79 16 282 B +79 16 283 J +79 16 284 F +79 16 285 M +79 16 286 F +79 16 287 B +79 16 288 S +79 16 289 M +79 16 290 F +79 16 291 M +79 16 292 S +79 16 293 B +79 16 294 M +79 16 295 J +79 16 296 M +79 16 297 B +79 16 298 S +79 16 299 M +79 16 300 F +79 16 301 B +79 16 302 F +79 16 303 M +79 16 304 B +79 16 305 J +79 16 306 B +79 16 307 M +79 16 308 B +79 16 309 J +79 16 310 M +79 16 311 J +79 16 312 J +79 16 313 B +79 16 314 F +79 16 315 B +79 16 316 M +79 16 317 S +79 16 318 B +79 16 319 F +79 16 320 B +79 16 321 S +79 16 322 B +79 16 323 J +79 16 324 F +79 16 325 M +79 16 326 B +79 16 327 F +79 16 328 J +79 16 329 M +79 16 330 F +79 17 1 M +79 17 2 M +79 17 3 B +79 17 4 T +79 17 5 M +79 17 6 B +79 17 7 M +79 17 8 T +79 17 9 B +79 17 10 M +79 17 11 M +79 17 12 B +79 17 13 M +79 17 14 M +79 17 15 M +79 17 16 F +79 17 17 B +79 17 18 J +79 17 19 M +79 17 20 M +79 17 21 S +79 17 22 B +79 17 23 T +79 17 24 B +79 17 25 M +79 17 26 M +79 17 27 F +79 17 28 S +79 17 29 M +79 17 30 B +79 17 31 M +79 17 32 T +79 17 33 M +79 17 34 M +79 17 35 B +79 17 36 J +79 17 37 M +79 17 38 S +79 17 39 B +79 17 40 M +79 17 41 S +79 17 42 B +79 17 43 M +79 17 44 F +79 17 45 M +79 17 46 J +79 17 47 M +79 17 48 B +79 17 49 M +79 17 50 T +79 17 51 B +79 17 52 F +79 17 53 S +79 17 54 M +79 17 55 M +79 17 56 B +79 17 57 M +79 17 58 B +79 17 59 T +79 17 60 M +79 17 61 S +79 17 62 T +79 17 63 B +79 17 64 M +79 17 65 S +79 17 66 F +79 17 67 M +79 17 68 T +79 17 69 B +79 17 70 M +79 17 71 T +79 17 72 M +79 17 73 T +79 17 74 M +79 17 75 JM +79 17 76 B +79 17 77 M +79 17 78 B +79 17 79 J +79 17 80 M +79 17 81 B +79 17 82 M +79 17 83 B +79 17 84 B +79 17 85 M +79 17 86 M +79 17 87 J +79 17 88 T +79 17 89 J +79 17 90 M +79 17 91 B +79 17 92 F +79 17 93 M +79 17 94 J +79 17 95 F +79 17 96 B +79 17 97 T +79 17 98 S +79 17 99 T +79 17 100 M +79 17 101 T +79 17 102 M +79 17 103 B +79 17 104 M +79 17 105 T +79 17 106 B +79 17 107 F +79 17 108 M +79 17 109 M +79 17 110 B +79 17 111 M +79 17 112 S +79 17 113 JM +79 17 114 M +79 17 115 S +79 17 116 M +79 17 117 B +79 17 118 B +79 17 119 M +79 17 120 F +79 17 121 B +79 17 122 M +79 17 123 M +79 17 124 B +79 17 125 B +79 17 126 M +79 17 127 J +79 17 128 B +79 17 129 F +79 17 130 M +79 17 131 T +79 17 132 B +79 17 133 M +79 17 134 J +79 17 135 T +79 17 136 M +79 17 137 JM +79 17 138 M +79 17 139 F +79 17 140 M +79 17 141 F +79 17 142 F +79 17 143 B +79 17 144 T +79 17 145 M +79 17 146 B +79 17 147 M +79 17 148 S +79 17 149 M +79 17 150 T +79 17 151 B +79 17 152 T +79 17 153 M +79 17 154 J +79 17 155 B +79 17 156 M +79 17 157 B +79 17 158 F +79 17 159 B +79 17 160 B +79 17 161 M +79 17 162 S +79 17 163 M +79 17 164 M +79 17 165 JM +79 17 166 M +79 17 167 F +79 17 168 M +79 17 169 M +79 17 170 J +79 17 171 JM +79 17 172 F +79 17 173 S +79 17 174 B +79 17 175 M +79 17 176 B +79 17 177 B +79 17 178 M +79 17 179 T +79 17 180 M +79 17 181 B +79 17 182 T +79 17 183 B +79 17 184 T +79 17 185 B +79 17 186 M +79 17 187 B +79 17 188 M +79 17 189 M +79 17 190 B +79 17 191 M +79 17 192 T +79 17 193 B +79 17 194 T +79 17 195 M +79 17 196 M +79 17 197 T +79 17 198 J +79 17 199 F +79 17 200 M +79 17 201 B +79 17 202 M +79 17 203 T +79 17 204 J +79 17 205 M +79 17 206 F +79 17 207 B +79 17 208 B +79 17 209 M +79 17 210 T +79 17 211 M +79 17 212 B +79 17 213 M +79 17 214 B +79 17 215 T +79 17 216 JM +79 17 217 B +79 17 218 B +79 17 219 F +79 17 220 M +79 17 221 F +79 17 222 T +79 17 223 M +79 17 224 F +79 17 225 B +79 17 226 M +79 17 227 M +79 17 228 M +79 17 229 M +79 17 230 F +79 17 231 T +79 17 232 B +79 17 233 M +79 17 234 M +79 17 235 M +79 17 236 B +79 17 237 B +79 17 238 M +79 17 239 B +79 17 240 B +79 17 241 F +79 17 242 F +79 17 243 T +79 17 244 F +79 17 245 S +79 17 246 M +79 17 247 T +79 17 248 M +79 17 249 M +79 17 250 T +79 17 251 M +79 17 252 F +79 17 253 M +79 17 254 M +79 17 255 J +79 17 256 B +79 17 257 M +79 17 258 B +79 17 259 S +79 17 260 F +79 17 261 B +79 17 262 F +79 17 263 J +79 17 264 M +79 17 265 M +79 17 266 B +79 17 267 T +79 17 268 M +79 17 269 T +79 17 270 B +79 17 271 J +79 17 272 F +79 17 273 T +79 17 274 F +79 17 275 B +79 17 276 S +79 17 277 M +79 17 278 B +79 17 279 M +79 17 280 M +79 17 281 M +79 17 282 M +79 17 283 T +79 17 284 F +79 17 285 B +79 17 286 F +79 17 287 B +79 17 288 S +79 17 289 M +79 17 290 F +79 17 291 M +79 17 292 B +79 17 293 M +79 17 294 M +79 17 295 B +79 17 296 T +79 17 297 B +79 17 298 S +79 17 299 M +79 17 300 F +79 17 301 M +79 17 302 F +79 17 303 M +79 17 304 M +79 17 305 T +79 17 306 M +79 17 307 M +79 17 308 T +79 17 309 J +79 17 310 M +79 17 311 M +79 17 312 J +79 17 313 M +79 17 314 F +79 17 315 M +79 17 316 M +79 17 317 T +79 17 318 B +79 17 319 F +79 17 320 B +79 17 321 S +79 17 322 M +79 17 323 M +79 17 324 F +79 17 325 T +79 17 326 B +79 17 327 F +79 17 328 M +79 17 329 B +79 17 330 F +79 18 1 M +79 18 2 B +79 18 3 S +79 18 4 T +79 18 5 M +79 18 6 B +79 18 7 M +79 18 8 T +79 18 9 J +79 18 10 M +79 18 11 J +79 18 12 B +79 18 13 M +79 18 14 J +79 18 15 T +79 18 16 F +79 18 17 S +79 18 18 J +79 18 19 M +79 18 20 M +79 18 21 S +79 18 22 B +79 18 23 T +79 18 24 J +79 18 25 M +79 18 26 J +79 18 27 F +79 18 28 S +79 18 29 B +79 18 30 S +79 18 31 M +79 18 32 T +79 18 33 M +79 18 34 M +79 18 35 S +79 18 36 J +79 18 37 M +79 18 38 T +79 18 39 M +79 18 40 M +79 18 41 S +79 18 42 B +79 18 43 J +79 18 44 F +79 18 45 M +79 18 46 J +79 18 47 M +79 18 48 B +79 18 49 M +79 18 50 T +79 18 51 J +79 18 52 F +79 18 53 T +79 18 54 M +79 18 55 M +79 18 56 S +79 18 57 J +79 18 58 B +79 18 59 F +79 18 60 J +79 18 61 S +79 18 62 T +79 18 63 S +79 18 64 M +79 18 65 S +79 18 66 F +79 18 67 M +79 18 68 S +79 18 69 J +79 18 70 F +79 18 71 T +79 18 72 M +79 18 73 T +79 18 74 F +79 18 75 J +79 18 76 S +79 18 77 M +79 18 78 S +79 18 79 J +79 18 80 M +79 18 81 B +79 18 82 M +79 18 83 F +79 18 84 S +79 18 85 M +79 18 86 S +79 18 87 J +79 18 88 T +79 18 89 J +79 18 90 J +79 18 91 B +79 18 92 F +79 18 93 M +79 18 94 J +79 18 95 F +79 18 96 B +79 18 97 T +79 18 98 S +79 18 99 T +79 18 100 M +79 18 101 T +79 18 102 M +79 18 103 J +79 18 104 M +79 18 105 T +79 18 106 B +79 18 107 F +79 18 108 M +79 18 109 M +79 18 110 B +79 18 111 J +79 18 112 S +79 18 113 J +79 18 114 M +79 18 115 S +79 18 116 F +79 18 117 J +79 18 118 S +79 18 119 M +79 18 120 F +79 18 121 S +79 18 122 M +79 18 123 M +79 18 124 B +79 18 125 S +79 18 126 T +79 18 127 J +79 18 128 B +79 18 129 F +79 18 130 J +79 18 131 T +79 18 132 S +79 18 133 M +79 18 134 J +79 18 135 T +79 18 136 M +79 18 137 J +79 18 138 M +79 18 139 F +79 18 140 M +79 18 141 F +79 18 142 F +79 18 143 M +79 18 144 J +79 18 145 M +79 18 146 B +79 18 147 M +79 18 148 S +79 18 149 M +79 18 150 T +79 18 151 S +79 18 152 T +79 18 153 M +79 18 154 J +79 18 155 J +79 18 156 M +79 18 157 J +79 18 158 F +79 18 159 B +79 18 160 S +79 18 161 B +79 18 162 S +79 18 163 M +79 18 164 M +79 18 165 J +79 18 166 J +79 18 167 T +79 18 168 M +79 18 169 M +79 18 170 J +79 18 171 B +79 18 172 F +79 18 173 S +79 18 174 B +79 18 175 M +79 18 176 S +79 18 177 B +79 18 178 M +79 18 179 S +79 18 180 M +79 18 181 B +79 18 182 T +79 18 183 J +79 18 184 T +79 18 185 B +79 18 186 M +79 18 187 B +79 18 188 M +79 18 189 F +79 18 190 S +79 18 191 M +79 18 192 T +79 18 193 B +79 18 194 T +79 18 195 M +79 18 196 M +79 18 197 T +79 18 198 J +79 18 199 F +79 18 200 M +79 18 201 S +79 18 202 M +79 18 203 S +79 18 204 J +79 18 205 T +79 18 206 F +79 18 207 S +79 18 208 B +79 18 209 J +79 18 210 S +79 18 211 M +79 18 212 B +79 18 213 T +79 18 214 B +79 18 215 T +79 18 216 J +79 18 217 S +79 18 218 B +79 18 219 F +79 18 220 M +79 18 221 F +79 18 222 T +79 18 223 M +79 18 224 F +79 18 225 B +79 18 226 J +79 18 227 J +79 18 228 M +79 18 229 B +79 18 230 F +79 18 231 T +79 18 232 B +79 18 233 M +79 18 234 M +79 18 235 M +79 18 236 B +79 18 237 B +79 18 238 M +79 18 239 S +79 18 240 S +79 18 241 F +79 18 242 B +79 18 243 T +79 18 244 F +79 18 245 S +79 18 246 M +79 18 247 T +79 18 248 J +79 18 249 M +79 18 250 T +79 18 251 M +79 18 252 F +79 18 253 M +79 18 254 M +79 18 255 J +79 18 256 S +79 18 257 J +79 18 258 B +79 18 259 S +79 18 260 F +79 18 261 B +79 18 262 F +79 18 263 F +79 18 264 M +79 18 265 M +79 18 266 S +79 18 267 T +79 18 268 M +79 18 269 T +79 18 270 B +79 18 271 J +79 18 272 F +79 18 273 T +79 18 274 F +79 18 275 B +79 18 276 S +79 18 277 M +79 18 278 S +79 18 279 M +79 18 280 B +79 18 281 M +79 18 282 M +79 18 283 J +79 18 284 F +79 18 285 S +79 18 286 F +79 18 287 B +79 18 288 S +79 18 289 F +79 18 290 F +79 18 291 M +79 18 292 S +79 18 293 F +79 18 294 M +79 18 295 J +79 18 296 T +79 18 297 B +79 18 298 S +79 18 299 M +79 18 300 F +79 18 301 M +79 18 302 F +79 18 303 M +79 18 304 B +79 18 305 T +79 18 306 B +79 18 307 M +79 18 308 T +79 18 309 J +79 18 310 M +79 18 311 M +79 18 312 J +79 18 313 M +79 18 314 F +79 18 315 B +79 18 316 M +79 18 317 T +79 18 318 S +79 18 319 F +79 18 320 B +79 18 321 S +79 18 322 M +79 18 323 J +79 18 324 F +79 18 325 T +79 18 326 B +79 18 327 F +79 18 328 M +79 18 329 J +79 18 330 F +79 19 1 M +79 19 2 B +79 19 3 S +79 19 4 T +79 19 5 M +79 19 6 B +79 19 7 M +79 19 8 T +79 19 9 J +79 19 10 B +79 19 11 J +79 19 12 B +79 19 13 M +79 19 14 J +79 19 15 F +79 19 16 F +79 19 17 S +79 19 18 J +79 19 19 B +79 19 20 M +79 19 21 S +79 19 22 B +79 19 23 T +79 19 24 J +79 19 25 M +79 19 26 M +79 19 27 F +79 19 28 S +79 19 29 M +79 19 30 B +79 19 31 F +79 19 32 T +79 19 33 M +79 19 34 B +79 19 35 S +79 19 36 M +79 19 37 F +79 19 38 S +79 19 39 M +79 19 40 M +79 19 41 S +79 19 42 B +79 19 43 J +79 19 44 F +79 19 45 M +79 19 46 F +79 19 47 J +79 19 48 B +79 19 49 M +79 19 50 T +79 19 51 J +79 19 52 F +79 19 53 S +79 19 54 M +79 19 55 M +79 19 56 F +79 19 57 M +79 19 58 B +79 19 59 F +79 19 60 J +79 19 61 S +79 19 62 T +79 19 63 S +79 19 64 M +79 19 65 S +79 19 66 F +79 19 67 M +79 19 68 T +79 19 69 B +79 19 70 F +79 19 71 T +79 19 72 M +79 19 73 T +79 19 74 F +79 19 75 J +79 19 76 B +79 19 77 M +79 19 78 F +79 19 79 J +79 19 80 M +79 19 81 B +79 19 82 M +79 19 83 F +79 19 84 F +79 19 85 M +79 19 86 T +79 19 87 J +79 19 88 T +79 19 89 J +79 19 90 J +79 19 91 B +79 19 92 F +79 19 93 M +79 19 94 J +79 19 95 F +79 19 96 B +79 19 97 T +79 19 98 S +79 19 99 F +79 19 100 M +79 19 101 T +79 19 102 F +79 19 103 B +79 19 104 M +79 19 105 T +79 19 106 B +79 19 107 F +79 19 108 F +79 19 109 M +79 19 110 B +79 19 111 J +79 19 112 S +79 19 113 J +79 19 114 M +79 19 115 S +79 19 116 F +79 19 117 J +79 19 118 F +79 19 119 M +79 19 120 F +79 19 121 S +79 19 122 M +79 19 123 M +79 19 124 B +79 19 125 S +79 19 126 T +79 19 127 J +79 19 128 B +79 19 129 F +79 19 130 J +79 19 131 T +79 19 132 S +79 19 133 M +79 19 134 T +79 19 135 T +79 19 136 M +79 19 137 M +79 19 138 M +79 19 139 F +79 19 140 M +79 19 141 F +79 19 142 F +79 19 143 M +79 19 144 T +79 19 145 M +79 19 146 B +79 19 147 M +79 19 148 S +79 19 149 M +79 19 150 T +79 19 151 F +79 19 152 T +79 19 153 M +79 19 154 J +79 19 155 J +79 19 156 M +79 19 157 J +79 19 158 F +79 19 159 B +79 19 160 F +79 19 161 M +79 19 162 S +79 19 163 M +79 19 164 M +79 19 165 J +79 19 166 M +79 19 167 F +79 19 168 M +79 19 169 M +79 19 170 J +79 19 171 B +79 19 172 F +79 19 173 S +79 19 174 B +79 19 175 F +79 19 176 S +79 19 177 B +79 19 178 M +79 19 179 T +79 19 180 M +79 19 181 B +79 19 182 T +79 19 183 B +79 19 184 T +79 19 185 B +79 19 186 M +79 19 187 B +79 19 188 M +79 19 189 F +79 19 190 F +79 19 191 M +79 19 192 T +79 19 193 B +79 19 194 T +79 19 195 M +79 19 196 F +79 19 197 T +79 19 198 J +79 19 199 F +79 19 200 M +79 19 201 F +79 19 202 M +79 19 203 T +79 19 204 J +79 19 205 T +79 19 206 F +79 19 207 T +79 19 208 B +79 19 209 M +79 19 210 T +79 19 211 M +79 19 212 B +79 19 213 F +79 19 214 B +79 19 215 T +79 19 216 J +79 19 217 F +79 19 218 B +79 19 219 F +79 19 220 M +79 19 221 F +79 19 222 T +79 19 223 M +79 19 224 F +79 19 225 B +79 19 226 M +79 19 227 J +79 19 228 M +79 19 229 F +79 19 230 F +79 19 231 T +79 19 232 B +79 19 233 M +79 19 234 M +79 19 235 M +79 19 236 B +79 19 237 F +79 19 238 M +79 19 239 F +79 19 240 T +79 19 241 F +79 19 242 B +79 19 243 T +79 19 244 F +79 19 245 S +79 19 246 M +79 19 247 M +79 19 248 B +79 19 249 M +79 19 250 T +79 19 251 F +79 19 252 F +79 19 253 M +79 19 254 F +79 19 255 J +79 19 256 S +79 19 257 M +79 19 258 B +79 19 259 S +79 19 260 F +79 19 261 B +79 19 262 F +79 19 263 J +79 19 264 F +79 19 265 M +79 19 266 B +79 19 267 T +79 19 268 M +79 19 269 T +79 19 270 B +79 19 271 M +79 19 272 F +79 19 273 T +79 19 274 F +79 19 275 B +79 19 276 S +79 19 277 M +79 19 278 F +79 19 279 M +79 19 280 B +79 19 281 M +79 19 282 B +79 19 283 T +79 19 284 F +79 19 285 F +79 19 286 F +79 19 287 B +79 19 288 S +79 19 289 M +79 19 290 F +79 19 291 M +79 19 292 F +79 19 293 F +79 19 294 F +79 19 295 B +79 19 296 T +79 19 297 B +79 19 298 S +79 19 299 M +79 19 300 F +79 19 301 M +79 19 302 F +79 19 303 F +79 19 304 B +79 19 305 T +79 19 306 B +79 19 307 M +79 19 308 T +79 19 309 B +79 19 310 M +79 19 311 M +79 19 312 J +79 19 313 M +79 19 314 F +79 19 315 B +79 19 316 M +79 19 317 T +79 19 318 T +79 19 319 F +79 19 320 B +79 19 321 S +79 19 322 M +79 19 323 M +79 19 324 F +79 19 325 T +79 19 326 B +79 19 327 F +79 19 328 M +79 19 329 T +79 19 330 F +79 20 1 M +79 20 2 M +79 20 3 S +79 20 4 T +79 20 5 M +79 20 6 B +79 20 7 M +79 20 8 S +79 20 9 B +79 20 10 M +79 20 11 JM +79 20 12 B +79 20 13 JM +79 20 14 JM +79 20 15 S +79 20 16 F +79 20 17 S +79 20 18 J +79 20 19 M +79 20 20 M +79 20 21 S +79 20 22 B +79 20 23 T +79 20 24 J +79 20 25 M +79 20 26 M +79 20 27 B +79 20 28 S +79 20 29 M +79 20 30 B +79 20 31 M +79 20 32 S +79 20 33 M +79 20 34 M +79 20 35 S +79 20 36 JM +79 20 37 M +79 20 38 S +79 20 39 JM +79 20 40 M +79 20 41 S +79 20 42 B +79 20 43 M +79 20 44 F +79 20 45 M +79 20 46 J +79 20 47 JM +79 20 48 B +79 20 49 M +79 20 50 T +79 20 51 J +79 20 52 F +79 20 53 S +79 20 54 M +79 20 55 M +79 20 56 B +79 20 57 M +79 20 58 B +79 20 59 F +79 20 60 JM +79 20 61 S +79 20 62 T +79 20 63 B +79 20 64 M +79 20 65 S +79 20 66 F +79 20 67 M +79 20 68 S +79 20 69 M +79 20 70 F +79 20 71 S +79 20 72 M +79 20 73 T +79 20 74 M +79 20 75 JM +79 20 76 B +79 20 77 M +79 20 78 F +79 20 79 J +79 20 80 M +79 20 81 M +79 20 82 M +79 20 83 B +79 20 84 S +79 20 85 M +79 20 86 S +79 20 87 J +79 20 88 T +79 20 89 J +79 20 90 JM +79 20 91 B +79 20 92 F +79 20 93 M +79 20 94 J +79 20 95 F +79 20 96 B +79 20 97 T +79 20 98 S +79 20 99 F +79 20 100 M +79 20 101 S +79 20 102 F +79 20 103 M +79 20 104 M +79 20 105 T +79 20 106 B +79 20 107 F +79 20 108 M +79 20 109 M +79 20 110 B +79 20 111 JM +79 20 112 S +79 20 113 J +79 20 114 M +79 20 115 S +79 20 116 F +79 20 117 J +79 20 118 S +79 20 119 M +79 20 120 F +79 20 121 B +79 20 122 M +79 20 123 M +79 20 124 B +79 20 125 B +79 20 126 S +79 20 127 JM +79 20 128 B +79 20 129 F +79 20 130 J +79 20 131 T +79 20 132 S +79 20 133 M +79 20 134 J +79 20 135 S +79 20 136 M +79 20 137 JM +79 20 138 M +79 20 139 F +79 20 140 M +79 20 141 F +79 20 142 F +79 20 143 B +79 20 144 T +79 20 145 M +79 20 146 B +79 20 147 M +79 20 148 S +79 20 149 M +79 20 150 T +79 20 151 T +79 20 152 T +79 20 153 M +79 20 154 J +79 20 155 J +79 20 156 M +79 20 157 J +79 20 158 F +79 20 159 B +79 20 160 S +79 20 161 M +79 20 162 S +79 20 163 M +79 20 164 M +79 20 165 JM +79 20 166 M +79 20 167 T +79 20 168 M +79 20 169 M +79 20 170 JM +79 20 171 M +79 20 172 F +79 20 173 S +79 20 174 B +79 20 175 M +79 20 176 S +79 20 177 B +79 20 178 M +79 20 179 S +79 20 180 M +79 20 181 B +79 20 182 T +79 20 183 J +79 20 184 T +79 20 185 B +79 20 186 M +79 20 187 B +79 20 188 M +79 20 189 M +79 20 190 B +79 20 191 M +79 20 192 T +79 20 193 B +79 20 194 T +79 20 195 M +79 20 196 M +79 20 197 T +79 20 198 J +79 20 199 F +79 20 200 M +79 20 201 B +79 20 202 M +79 20 203 S +79 20 204 J +79 20 205 T +79 20 206 F +79 20 207 S +79 20 208 B +79 20 209 M +79 20 210 J +79 20 211 M +79 20 212 B +79 20 213 T +79 20 214 B +79 20 215 T +79 20 216 JM +79 20 217 B +79 20 218 B +79 20 219 F +79 20 220 M +79 20 221 F +79 20 222 T +79 20 223 M +79 20 224 F +79 20 225 B +79 20 226 M +79 20 227 J +79 20 228 M +79 20 229 M +79 20 230 F +79 20 231 T +79 20 232 J +79 20 233 T +79 20 234 M +79 20 235 M +79 20 236 B +79 20 237 B +79 20 238 M +79 20 239 S +79 20 240 J +79 20 241 F +79 20 242 B +79 20 243 S +79 20 244 F +79 20 245 S +79 20 246 M +79 20 247 T +79 20 248 JM +79 20 249 JM +79 20 250 T +79 20 251 M +79 20 252 F +79 20 253 M +79 20 254 M +79 20 255 J +79 20 256 S +79 20 257 M +79 20 258 B +79 20 259 S +79 20 260 B +79 20 261 B +79 20 262 F +79 20 263 J +79 20 264 M +79 20 265 M +79 20 266 S +79 20 267 T +79 20 268 M +79 20 269 S +79 20 270 B +79 20 271 JM +79 20 272 F +79 20 273 T +79 20 274 F +79 20 275 B +79 20 276 S +79 20 277 M +79 20 278 B +79 20 279 M +79 20 280 M +79 20 281 M +79 20 282 M +79 20 283 J +79 20 284 F +79 20 285 S +79 20 286 F +79 20 287 B +79 20 288 S +79 20 289 M +79 20 290 B +79 20 291 M +79 20 292 S +79 20 293 M +79 20 294 F +79 20 295 J +79 20 296 T +79 20 297 B +79 20 298 S +79 20 299 M +79 20 300 F +79 20 301 M +79 20 302 F +79 20 303 M +79 20 304 M +79 20 305 T +79 20 306 M +79 20 307 M +79 20 308 T +79 20 309 J +79 20 310 M +79 20 311 M +79 20 312 J +79 20 313 T +79 20 314 F +79 20 315 M +79 20 316 M +79 20 317 S +79 20 318 B +79 20 319 F +79 20 320 B +79 20 321 S +79 20 322 M +79 20 323 JM +79 20 324 B +79 20 325 T +79 20 326 B +79 20 327 F +79 20 328 JM +79 20 329 B +79 20 330 F +79 21 1 M +79 21 2 M +79 21 3 S +79 21 4 T +79 21 5 M +79 21 6 B +79 21 7 JM +79 21 8 T +79 21 9 U +79 21 10 M +79 21 11 JM +79 21 12 B +79 21 13 JM +79 21 14 M +79 21 15 B +79 21 16 F +79 21 17 B +79 21 18 J +79 21 19 M +79 21 20 M +79 21 21 B +79 21 22 B +79 21 23 T +79 21 24 J +79 21 25 M +79 21 26 M +79 21 27 F +79 21 28 B +79 21 29 M +79 21 30 U +79 21 31 M +79 21 32 T +79 21 33 M +79 21 34 M +79 21 35 B +79 21 36 JM +79 21 37 M +79 21 38 T +79 21 39 M +79 21 40 M +79 21 41 S +79 21 42 B +79 21 43 M +79 21 44 F +79 21 45 M +79 21 46 J +79 21 47 JM +79 21 48 B +79 21 49 M +79 21 50 T +79 21 51 U +79 21 52 F +79 21 53 T +79 21 54 M +79 21 55 M +79 21 56 B +79 21 57 M +79 21 58 U +79 21 59 B +79 21 60 M +79 21 61 U +79 21 62 T +79 21 63 B +79 21 64 M +79 21 65 B +79 21 66 F +79 21 67 M +79 21 68 U +79 21 69 M +79 21 70 B +79 21 71 U +79 21 72 M +79 21 73 T +79 21 74 M +79 21 75 M +79 21 76 B +79 21 77 M +79 21 78 B +79 21 79 J +79 21 80 M +79 21 81 JM +79 21 82 M +79 21 83 F +79 21 84 B +79 21 85 M +79 21 86 B +79 21 87 J +79 21 88 T +79 21 89 J +79 21 90 M +79 21 91 B +79 21 92 F +79 21 93 M +79 21 94 J +79 21 95 M +79 21 96 B +79 21 97 T +79 21 98 S +79 21 99 B +79 21 100 M +79 21 101 U +79 21 102 M +79 21 103 M +79 21 104 M +79 21 105 T +79 21 106 B +79 21 107 F +79 21 108 M +79 21 109 M +79 21 110 B +79 21 111 J +79 21 112 B +79 21 113 J +79 21 114 M +79 21 115 S +79 21 116 M +79 21 117 J +79 21 118 B +79 21 119 M +79 21 120 F +79 21 121 B +79 21 122 M +79 21 123 M +79 21 124 B +79 21 125 B +79 21 126 B +79 21 127 J +79 21 128 B +79 21 129 F +79 21 130 J +79 21 131 T +79 21 132 S +79 21 133 M +79 21 134 J +79 21 135 T +79 21 136 M +79 21 137 M +79 21 138 M +79 21 139 F +79 21 140 M +79 21 141 F +79 21 142 F +79 21 143 JM +79 21 144 T +79 21 145 M +79 21 146 B +79 21 147 M +79 21 148 S +79 21 149 M +79 21 150 T +79 21 151 B +79 21 152 B +79 21 153 M +79 21 154 J +79 21 155 J +79 21 156 JM +79 21 157 U +79 21 158 F +79 21 159 B +79 21 160 B +79 21 161 M +79 21 162 S +79 21 163 M +79 21 164 M +79 21 165 M +79 21 166 M +79 21 167 B +79 21 168 M +79 21 169 M +79 21 170 M +79 21 171 M +79 21 172 F +79 21 173 B +79 21 174 B +79 21 175 M +79 21 176 B +79 21 177 B +79 21 178 M +79 21 179 U +79 21 180 M +79 21 181 B +79 21 182 T +79 21 183 M +79 21 184 T +79 21 185 B +79 21 186 M +79 21 187 B +79 21 188 M +79 21 189 M +79 21 190 B +79 21 191 M +79 21 192 U +79 21 193 B +79 21 194 T +79 21 195 M +79 21 196 M +79 21 197 T +79 21 198 J +79 21 199 F +79 21 200 M +79 21 201 B +79 21 202 M +79 21 203 U +79 21 204 J +79 21 205 T +79 21 206 F +79 21 207 S +79 21 208 U +79 21 209 M +79 21 210 J +79 21 211 M +79 21 212 B +79 21 213 B +79 21 214 B +79 21 215 B +79 21 216 M +79 21 217 B +79 21 218 M +79 21 219 F +79 21 220 M +79 21 221 F +79 21 222 T +79 21 223 M +79 21 224 F +79 21 225 M +79 21 226 M +79 21 227 J +79 21 228 M +79 21 229 M +79 21 230 F +79 21 231 U +79 21 232 M +79 21 233 M +79 21 234 M +79 21 235 M +79 21 236 M +79 21 237 B +79 21 238 M +79 21 239 B +79 21 240 U +79 21 241 F +79 21 242 B +79 21 243 U +79 21 244 F +79 21 245 S +79 21 246 M +79 21 247 M +79 21 248 J +79 21 249 M +79 21 250 U +79 21 251 M +79 21 252 F +79 21 253 M +79 21 254 M +79 21 255 J +79 21 256 B +79 21 257 M +79 21 258 B +79 21 259 S +79 21 260 F +79 21 261 B +79 21 262 F +79 21 263 F +79 21 264 M +79 21 265 M +79 21 266 U +79 21 267 T +79 21 268 M +79 21 269 B +79 21 270 B +79 21 271 M +79 21 272 F +79 21 273 B +79 21 274 F +79 21 275 B +79 21 276 T +79 21 277 M +79 21 278 B +79 21 279 M +79 21 280 M +79 21 281 M +79 21 282 M +79 21 283 U +79 21 284 F +79 21 285 B +79 21 286 F +79 21 287 B +79 21 288 S +79 21 289 M +79 21 290 F +79 21 291 M +79 21 292 B +79 21 293 F +79 21 294 F +79 21 295 J +79 21 296 T +79 21 297 B +79 21 298 S +79 21 299 M +79 21 300 F +79 21 301 M +79 21 302 F +79 21 303 F +79 21 304 M +79 21 305 T +79 21 306 M +79 21 307 M +79 21 308 B +79 21 309 J +79 21 310 M +79 21 311 M +79 21 312 J +79 21 313 T +79 21 314 F +79 21 315 M +79 21 316 M +79 21 317 T +79 21 318 B +79 21 319 F +79 21 320 M +79 21 321 S +79 21 322 M +79 21 323 M +79 21 324 F +79 21 325 T +79 21 326 B +79 21 327 F +79 21 328 M +79 21 329 J +79 21 330 F +79 22 1 M +79 22 2 M +79 22 3 S +79 22 4 T +79 22 5 M +79 22 6 S +79 22 7 M +79 22 8 S +79 22 9 S +79 22 10 M +79 22 11 M +79 22 12 B +79 22 13 M +79 22 14 M +79 22 15 T +79 22 16 F +79 22 17 S +79 22 18 J +79 22 19 M +79 22 20 M +79 22 21 S +79 22 22 B +79 22 23 T +79 22 24 J +79 22 25 M +79 22 26 M +79 22 27 F +79 22 28 S +79 22 29 M +79 22 30 S +79 22 31 M +79 22 32 T +79 22 33 M +79 22 34 M +79 22 35 S +79 22 36 M +79 22 37 M +79 22 38 T +79 22 39 M +79 22 40 M +79 22 41 S +79 22 42 B +79 22 43 M +79 22 44 F +79 22 45 M +79 22 46 J +79 22 47 M +79 22 48 B +79 22 49 M +79 22 50 T +79 22 51 J +79 22 52 F +79 22 53 T +79 22 54 M +79 22 55 M +79 22 56 S +79 22 57 M +79 22 58 B +79 22 59 M +79 22 60 M +79 22 61 S +79 22 62 M +79 22 63 S +79 22 64 M +79 22 65 S +79 22 66 F +79 22 67 M +79 22 68 T +79 22 69 M +79 22 70 M +79 22 71 T +79 22 72 M +79 22 73 T +79 22 74 M +79 22 75 M +79 22 76 S +79 22 77 M +79 22 78 M +79 22 79 J +79 22 80 M +79 22 81 M +79 22 82 M +79 22 83 F +79 22 84 S +79 22 85 M +79 22 86 S +79 22 87 J +79 22 88 T +79 22 89 J +79 22 90 M +79 22 91 B +79 22 92 F +79 22 93 M +79 22 94 J +79 22 95 F +79 22 96 B +79 22 97 T +79 22 98 S +79 22 99 M +79 22 100 M +79 22 101 T +79 22 102 M +79 22 103 B +79 22 104 M +79 22 105 T +79 22 106 B +79 22 107 F +79 22 108 M +79 22 109 M +79 22 110 B +79 22 111 J +79 22 112 S +79 22 113 J +79 22 114 M +79 22 115 S +79 22 116 M +79 22 117 J +79 22 118 S +79 22 119 M +79 22 120 F +79 22 121 S +79 22 122 M +79 22 123 M +79 22 124 M +79 22 125 S +79 22 126 S +79 22 127 M +79 22 128 B +79 22 129 F +79 22 130 J +79 22 131 T +79 22 132 S +79 22 133 M +79 22 134 J +79 22 135 T +79 22 136 M +79 22 137 M +79 22 138 M +79 22 139 S +79 22 140 M +79 22 141 F +79 22 142 F +79 22 143 M +79 22 144 T +79 22 145 M +79 22 146 B +79 22 147 M +79 22 148 S +79 22 149 M +79 22 150 T +79 22 151 S +79 22 152 S +79 22 153 M +79 22 154 J +79 22 155 J +79 22 156 M +79 22 157 J +79 22 158 F +79 22 159 S +79 22 160 S +79 22 161 M +79 22 162 S +79 22 163 M +79 22 164 M +79 22 165 M +79 22 166 M +79 22 167 M +79 22 168 M +79 22 169 M +79 22 170 M +79 22 171 M +79 22 172 F +79 22 173 S +79 22 174 B +79 22 175 M +79 22 176 S +79 22 177 B +79 22 178 M +79 22 179 S +79 22 180 M +79 22 181 B +79 22 182 T +79 22 183 B +79 22 184 T +79 22 185 S +79 22 186 M +79 22 187 B +79 22 188 M +79 22 189 M +79 22 190 S +79 22 191 M +79 22 192 T +79 22 193 B +79 22 194 S +79 22 195 M +79 22 196 M +79 22 197 T +79 22 198 J +79 22 199 M +79 22 200 M +79 22 201 S +79 22 202 M +79 22 203 T +79 22 204 J +79 22 205 T +79 22 206 F +79 22 207 S +79 22 208 B +79 22 209 M +79 22 210 S +79 22 211 M +79 22 212 S +79 22 213 M +79 22 214 M +79 22 215 S +79 22 216 J +79 22 217 S +79 22 218 M +79 22 219 M +79 22 220 M +79 22 221 M +79 22 222 T +79 22 223 M +79 22 224 F +79 22 225 B +79 22 226 M +79 22 227 J +79 22 228 M +79 22 229 M +79 22 230 F +79 22 231 T +79 22 232 B +79 22 233 M +79 22 234 M +79 22 235 M +79 22 236 B +79 22 237 S +79 22 238 M +79 22 239 S +79 22 240 S +79 22 241 F +79 22 242 B +79 22 243 T +79 22 244 M +79 22 245 S +79 22 246 M +79 22 247 T +79 22 248 M +79 22 249 M +79 22 250 T +79 22 251 M +79 22 252 S +79 22 253 M +79 22 254 M +79 22 255 J +79 22 256 S +79 22 257 M +79 22 258 B +79 22 259 S +79 22 260 B +79 22 261 S +79 22 262 F +79 22 263 J +79 22 264 M +79 22 265 M +79 22 266 S +79 22 267 T +79 22 268 M +79 22 269 T +79 22 270 S +79 22 271 M +79 22 272 F +79 22 273 T +79 22 274 F +79 22 275 B +79 22 276 T +79 22 277 M +79 22 278 S +79 22 279 M +79 22 280 M +79 22 281 M +79 22 282 M +79 22 283 J +79 22 284 M +79 22 285 S +79 22 286 F +79 22 287 B +79 22 288 S +79 22 289 M +79 22 290 F +79 22 291 M +79 22 292 S +79 22 293 M +79 22 294 M +79 22 295 B +79 22 296 T +79 22 297 B +79 22 298 S +79 22 299 M +79 22 300 J +79 22 301 M +79 22 302 S +79 22 303 M +79 22 304 M +79 22 305 T +79 22 306 M +79 22 307 M +79 22 308 T +79 22 309 J +79 22 310 M +79 22 311 M +79 22 312 J +79 22 313 M +79 22 314 S +79 22 315 M +79 22 316 M +79 22 317 T +79 22 318 S +79 22 319 F +79 22 320 B +79 22 321 S +79 22 322 M +79 22 323 M +79 22 324 S +79 22 325 T +79 22 326 B +79 22 327 M +79 22 328 M +79 22 329 S +79 22 330 M +79 23 1 M +79 23 2 M +79 23 3 S +79 23 4 T +79 23 5 M +79 23 6 U +79 23 7 M +79 23 8 U +79 23 9 B +79 23 10 M +79 23 11 J +79 23 12 B +79 23 13 JM +79 23 14 M +79 23 15 S +79 23 16 F +79 23 17 S +79 23 18 J +79 23 19 M +79 23 20 JM +79 23 21 S +79 23 22 B +79 23 23 T +79 23 24 O +79 23 25 M +79 23 26 M +79 23 27 B +79 23 28 S +79 23 29 M +79 23 30 U +79 23 31 M +79 23 32 T +79 23 33 JM +79 23 34 M +79 23 35 S +79 23 36 M +79 23 37 O +79 23 38 S +79 23 39 M +79 23 40 M +79 23 41 S +79 23 42 B +79 23 43 M +79 23 44 O +79 23 45 M +79 23 46 J +79 23 47 JM +79 23 48 B +79 23 49 M +79 23 50 T +79 23 51 J +79 23 52 F +79 23 53 S +79 23 54 M +79 23 55 M +79 23 56 O +79 23 57 M +79 23 58 B +79 23 59 O +79 23 60 M +79 23 61 S +79 23 62 M +79 23 63 S +79 23 64 M +79 23 65 S +79 23 66 F +79 23 67 M +79 23 68 T +79 23 69 M +79 23 70 F +79 23 71 U +79 23 72 M +79 23 73 T +79 23 74 O +79 23 75 JM +79 23 76 B +79 23 77 M +79 23 78 O +79 23 79 J +79 23 80 M +79 23 81 M +79 23 82 M +79 23 83 F +79 23 84 S +79 23 85 M +79 23 86 S +79 23 87 J +79 23 88 T +79 23 89 J +79 23 90 JM +79 23 91 B +79 23 92 O +79 23 93 M +79 23 94 J +79 23 95 O +79 23 96 B +79 23 97 T +79 23 98 S +79 23 99 F +79 23 100 M +79 23 101 T +79 23 102 O +79 23 103 B +79 23 104 M +79 23 105 T +79 23 106 B +79 23 107 F +79 23 108 O +79 23 109 M +79 23 110 B +79 23 111 JM +79 23 112 S +79 23 113 J +79 23 114 M +79 23 115 S +79 23 116 O +79 23 117 J +79 23 118 S +79 23 119 M +79 23 120 F +79 23 121 B +79 23 122 M +79 23 123 M +79 23 124 B +79 23 125 B +79 23 126 B +79 23 127 M +79 23 128 B +79 23 129 F +79 23 130 M +79 23 131 T +79 23 132 B +79 23 133 M +79 23 134 J +79 23 135 T +79 23 136 M +79 23 137 JM +79 23 138 M +79 23 139 O +79 23 140 M +79 23 141 F +79 23 142 O +79 23 143 B +79 23 144 T +79 23 145 M +79 23 146 B +79 23 147 M +79 23 148 S +79 23 149 M +79 23 150 T +79 23 151 B +79 23 152 S +79 23 153 M +79 23 154 J +79 23 155 J +79 23 156 M +79 23 157 J +79 23 158 F +79 23 159 B +79 23 160 B +79 23 161 M +79 23 162 S +79 23 163 M +79 23 164 M +79 23 165 JM +79 23 166 M +79 23 167 O +79 23 168 M +79 23 169 M +79 23 170 M +79 23 171 JM +79 23 172 F +79 23 173 S +79 23 174 B +79 23 175 O +79 23 176 S +79 23 177 B +79 23 178 M +79 23 179 U +79 23 180 M +79 23 181 B +79 23 182 T +79 23 183 J +79 23 184 T +79 23 185 B +79 23 186 M +79 23 187 B +79 23 188 M +79 23 189 O +79 23 190 S +79 23 191 M +79 23 192 T +79 23 193 B +79 23 194 U +79 23 195 M +79 23 196 M +79 23 197 T +79 23 198 J +79 23 199 O +79 23 200 M +79 23 201 B +79 23 202 M +79 23 203 T +79 23 204 J +79 23 205 T +79 23 206 O +79 23 207 S +79 23 208 B +79 23 209 M +79 23 210 U +79 23 211 M +79 23 212 B +79 23 213 T +79 23 214 B +79 23 215 S +79 23 216 J +79 23 217 B +79 23 218 M +79 23 219 O +79 23 220 T +79 23 221 O +79 23 222 T +79 23 223 M +79 23 224 F +79 23 225 B +79 23 226 M +79 23 227 J +79 23 228 M +79 23 229 M +79 23 230 F +79 23 231 T +79 23 232 J +79 23 233 M +79 23 234 M +79 23 235 M +79 23 236 B +79 23 237 B +79 23 238 M +79 23 239 S +79 23 240 U +79 23 241 F +79 23 242 B +79 23 243 S +79 23 244 O +79 23 245 S +79 23 246 M +79 23 247 T +79 23 248 JM +79 23 249 M +79 23 250 T +79 23 251 M +79 23 252 S +79 23 253 M +79 23 254 M +79 23 255 J +79 23 256 S +79 23 257 M +79 23 258 B +79 23 259 S +79 23 260 B +79 23 261 B +79 23 262 O +79 23 263 F +79 23 264 O +79 23 265 M +79 23 266 S +79 23 267 S +79 23 268 M +79 23 269 S +79 23 270 B +79 23 271 M +79 23 272 F +79 23 273 T +79 23 274 F +79 23 275 B +79 23 276 S +79 23 277 M +79 23 278 B +79 23 279 T +79 23 280 M +79 23 281 M +79 23 282 M +79 23 283 U +79 23 284 O +79 23 285 S +79 23 286 F +79 23 287 B +79 23 288 S +79 23 289 M +79 23 290 B +79 23 291 M +79 23 292 S +79 23 293 M +79 23 294 F +79 23 295 B +79 23 296 T +79 23 297 B +79 23 298 S +79 23 299 M +79 23 300 F +79 23 301 M +79 23 302 S +79 23 303 M +79 23 304 JM +79 23 305 T +79 23 306 M +79 23 307 M +79 23 308 T +79 23 309 JM +79 23 310 M +79 23 311 M +79 23 312 J +79 23 313 M +79 23 314 F +79 23 315 M +79 23 316 M +79 23 317 T +79 23 318 B +79 23 319 F +79 23 320 JM +79 23 321 S +79 23 322 M +79 23 323 M +79 23 324 B +79 23 325 T +79 23 326 B +79 23 327 F +79 23 328 M +79 23 329 B +79 23 330 F +79 24 1 M +79 24 2 M +79 24 3 S +79 24 4 T +79 24 5 M +79 24 6 B +79 24 7 M +79 24 8 S +79 24 9 B +79 24 10 M +79 24 11 M +79 24 12 B +79 24 13 M +79 24 14 M +79 24 15 T +79 24 16 F +79 24 17 S +79 24 18 J +79 24 19 M +79 24 20 M +79 24 21 S +79 24 22 B +79 24 23 T +79 24 24 M +79 24 25 M +79 24 26 M +79 24 27 F +79 24 28 S +79 24 29 M +79 24 30 S +79 24 31 F +79 24 32 T +79 24 33 M +79 24 34 M +79 24 35 S +79 24 36 M +79 24 37 F +79 24 38 S +79 24 39 M +79 24 40 M +79 24 41 S +79 24 42 B +79 24 43 M +79 24 44 F +79 24 45 M +79 24 46 F +79 24 47 M +79 24 48 B +79 24 49 M +79 24 50 T +79 24 51 S +79 24 52 F +79 24 53 S +79 24 54 M +79 24 55 M +79 24 56 F +79 24 57 M +79 24 58 B +79 24 59 F +79 24 60 M +79 24 61 S +79 24 62 F +79 24 63 S +79 24 64 M +79 24 65 S +79 24 66 F +79 24 67 M +79 24 68 T +79 24 69 M +79 24 70 F +79 24 71 S +79 24 72 M +79 24 73 T +79 24 74 F +79 24 75 M +79 24 76 S +79 24 77 M +79 24 78 F +79 24 79 J +79 24 80 M +79 24 81 M +79 24 82 M +79 24 83 F +79 24 84 F +79 24 85 M +79 24 86 F +79 24 87 J +79 24 88 T +79 24 89 J +79 24 90 J +79 24 91 B +79 24 92 F +79 24 93 M +79 24 94 J +79 24 95 F +79 24 96 B +79 24 97 T +79 24 98 S +79 24 99 B +79 24 100 M +79 24 101 T +79 24 102 F +79 24 103 J +79 24 104 M +79 24 105 T +79 24 106 B +79 24 107 F +79 24 108 M +79 24 109 M +79 24 110 B +79 24 111 M +79 24 112 S +79 24 113 J +79 24 114 M +79 24 115 S +79 24 116 F +79 24 117 J +79 24 118 S +79 24 119 M +79 24 120 F +79 24 121 S +79 24 122 M +79 24 123 M +79 24 124 B +79 24 125 S +79 24 126 F +79 24 127 J +79 24 128 B +79 24 129 F +79 24 130 J +79 24 131 T +79 24 132 S +79 24 133 M +79 24 134 J +79 24 135 T +79 24 136 M +79 24 137 M +79 24 138 M +79 24 139 F +79 24 140 M +79 24 141 F +79 24 142 F +79 24 143 B +79 24 144 T +79 24 145 M +79 24 146 B +79 24 147 M +79 24 148 S +79 24 149 M +79 24 150 T +79 24 151 S +79 24 152 T +79 24 153 M +79 24 154 J +79 24 155 J +79 24 156 M +79 24 157 J +79 24 158 F +79 24 159 B +79 24 160 B +79 24 161 M +79 24 162 S +79 24 163 M +79 24 164 M +79 24 165 M +79 24 166 M +79 24 167 T +79 24 168 M +79 24 169 M +79 24 170 M +79 24 171 M +79 24 172 F +79 24 173 S +79 24 174 B +79 24 175 F +79 24 176 S +79 24 177 B +79 24 178 M +79 24 179 S +79 24 180 M +79 24 181 B +79 24 182 S +79 24 183 B +79 24 184 T +79 24 185 B +79 24 186 M +79 24 187 B +79 24 188 M +79 24 189 F +79 24 190 B +79 24 191 M +79 24 192 T +79 24 193 B +79 24 194 S +79 24 195 M +79 24 196 M +79 24 197 T +79 24 198 J +79 24 199 F +79 24 200 M +79 24 201 F +79 24 202 M +79 24 203 T +79 24 204 J +79 24 205 T +79 24 206 F +79 24 207 S +79 24 208 B +79 24 209 M +79 24 210 J +79 24 211 M +79 24 212 B +79 24 213 F +79 24 214 B +79 24 215 T +79 24 216 M +79 24 217 F +79 24 218 B +79 24 219 F +79 24 220 M +79 24 221 F +79 24 222 T +79 24 223 M +79 24 224 F +79 24 225 B +79 24 226 M +79 24 227 J +79 24 228 M +79 24 229 M +79 24 230 F +79 24 231 T +79 24 232 B +79 24 233 M +79 24 234 M +79 24 235 M +79 24 236 B +79 24 237 S +79 24 238 M +79 24 239 S +79 24 240 S +79 24 241 F +79 24 242 B +79 24 243 T +79 24 244 F +79 24 245 S +79 24 246 M +79 24 247 T +79 24 248 M +79 24 249 M +79 24 250 T +79 24 251 M +79 24 252 F +79 24 253 M +79 24 254 F +79 24 255 J +79 24 256 S +79 24 257 M +79 24 258 B +79 24 259 S +79 24 260 F +79 24 261 S +79 24 262 F +79 24 263 F +79 24 264 M +79 24 265 M +79 24 266 S +79 24 267 T +79 24 268 M +79 24 269 T +79 24 270 B +79 24 271 M +79 24 272 F +79 24 273 T +79 24 274 F +79 24 275 B +79 24 276 T +79 24 277 M +79 24 278 S +79 24 279 M +79 24 280 M +79 24 281 M +79 24 282 M +79 24 283 J +79 24 284 F +79 24 285 S +79 24 286 F +79 24 287 B +79 24 288 S +79 24 289 M +79 24 290 F +79 24 291 M +79 24 292 F +79 24 293 F +79 24 294 F +79 24 295 B +79 24 296 T +79 24 297 B +79 24 298 S +79 24 299 M +79 24 300 F +79 24 301 M +79 24 302 F +79 24 303 F +79 24 304 B +79 24 305 T +79 24 306 M +79 24 307 M +79 24 308 T +79 24 309 J +79 24 310 M +79 24 311 M +79 24 312 J +79 24 313 M +79 24 314 F +79 24 315 M +79 24 316 M +79 24 317 T +79 24 318 B +79 24 319 F +79 24 320 B +79 24 321 S +79 24 322 M +79 24 323 M +79 24 324 F +79 24 325 T +79 24 326 B +79 24 327 F +79 24 328 M +79 24 329 B +79 24 330 F +79 25 1 M +79 25 2 M +79 25 3 S +79 25 4 T +79 25 5 M +79 25 6 B +79 25 7 M +79 25 8 T +79 25 9 T +79 25 10 J +79 25 11 J +79 25 12 B +79 25 13 M +79 25 14 M +79 25 15 B +79 25 16 F +79 25 17 S +79 25 18 J +79 25 19 M +79 25 20 M +79 25 21 S +79 25 22 B +79 25 23 B +79 25 24 J +79 25 25 M +79 25 26 M +79 25 27 F +79 25 28 S +79 25 29 M +79 25 30 S +79 25 31 M +79 25 32 S +79 25 33 M +79 25 34 M +79 25 35 S +79 25 36 M +79 25 37 M +79 25 38 S +79 25 39 M +79 25 40 M +79 25 41 S +79 25 42 B +79 25 43 M +79 25 44 F +79 25 45 M +79 25 46 F +79 25 47 M +79 25 48 B +79 25 49 M +79 25 50 M +79 25 51 T +79 25 52 F +79 25 53 S +79 25 54 M +79 25 55 M +79 25 56 B +79 25 57 M +79 25 58 B +79 25 59 F +79 25 60 M +79 25 61 S +79 25 62 M +79 25 63 S +79 25 64 M +79 25 65 S +79 25 66 F +79 25 67 M +79 25 68 S +79 25 69 J +79 25 70 F +79 25 71 J +79 25 72 M +79 25 73 T +79 25 74 M +79 25 75 M +79 25 76 S +79 25 77 M +79 25 78 B +79 25 79 J +79 25 80 M +79 25 81 M +79 25 82 M +79 25 83 B +79 25 84 B +79 25 85 M +79 25 86 S +79 25 87 J +79 25 88 S +79 25 89 J +79 25 90 M +79 25 91 B +79 25 92 F +79 25 93 M +79 25 94 J +79 25 95 F +79 25 96 B +79 25 97 M +79 25 98 S +79 25 99 B +79 25 100 M +79 25 101 S +79 25 102 M +79 25 103 J +79 25 104 M +79 25 105 S +79 25 106 F +79 25 107 F +79 25 108 B +79 25 109 M +79 25 110 B +79 25 111 M +79 25 112 S +79 25 113 J +79 25 114 M +79 25 115 S +79 25 116 M +79 25 117 J +79 25 118 S +79 25 119 M +79 25 120 F +79 25 121 S +79 25 122 M +79 25 123 M +79 25 124 F +79 25 125 S +79 25 126 S +79 25 127 M +79 25 128 F +79 25 129 F +79 25 130 J +79 25 131 J +79 25 132 S +79 25 133 M +79 25 134 J +79 25 135 S +79 25 136 M +79 25 137 M +79 25 138 M +79 25 139 F +79 25 140 M +79 25 141 F +79 25 142 F +79 25 143 M +79 25 144 B +79 25 145 M +79 25 146 B +79 25 147 M +79 25 148 S +79 25 149 M +79 25 150 J +79 25 151 S +79 25 152 B +79 25 153 M +79 25 154 J +79 25 155 J +79 25 156 M +79 25 157 S +79 25 158 F +79 25 159 B +79 25 160 B +79 25 161 M +79 25 162 S +79 25 163 M +79 25 164 M +79 25 165 J +79 25 166 M +79 25 167 M +79 25 168 M +79 25 169 M +79 25 170 M +79 25 171 M +79 25 172 F +79 25 173 S +79 25 174 B +79 25 175 M +79 25 176 S +79 25 177 B +79 25 178 M +79 25 179 J +79 25 180 M +79 25 181 B +79 25 182 S +79 25 183 J +79 25 184 J +79 25 185 S +79 25 186 M +79 25 187 B +79 25 188 M +79 25 189 M +79 25 190 B +79 25 191 M +79 25 192 J +79 25 193 B +79 25 194 S +79 25 195 M +79 25 196 M +79 25 197 B +79 25 198 J +79 25 199 F +79 25 200 M +79 25 201 S +79 25 202 M +79 25 203 S +79 25 204 J +79 25 205 J +79 25 206 B +79 25 207 S +79 25 208 B +79 25 209 M +79 25 210 S +79 25 211 M +79 25 212 S +79 25 213 M +79 25 214 B +79 25 215 S +79 25 216 J +79 25 217 S +79 25 218 B +79 25 219 B +79 25 220 M +79 25 221 M +79 25 222 J +79 25 223 M +79 25 224 F +79 25 225 J +79 25 226 M +79 25 227 J +79 25 228 J +79 25 229 M +79 25 230 F +79 25 231 S +79 25 232 J +79 25 233 B +79 25 234 M +79 25 235 M +79 25 236 B +79 25 237 S +79 25 238 M +79 25 239 S +79 25 240 J +79 25 241 F +79 25 242 F +79 25 243 S +79 25 244 F +79 25 245 S +79 25 246 M +79 25 247 M +79 25 248 J +79 25 249 M +79 25 250 J +79 25 251 M +79 25 252 F +79 25 253 M +79 25 254 M +79 25 255 J +79 25 256 S +79 25 257 M +79 25 258 B +79 25 259 S +79 25 260 F +79 25 261 B +79 25 262 F +79 25 263 J +79 25 264 M +79 25 265 M +79 25 266 S +79 25 267 J +79 25 268 M +79 25 269 S +79 25 270 B +79 25 271 J +79 25 272 F +79 25 273 S +79 25 274 F +79 25 275 B +79 25 276 S +79 25 277 M +79 25 278 S +79 25 279 M +79 25 280 M +79 25 281 M +79 25 282 M +79 25 283 J +79 25 284 F +79 25 285 S +79 25 286 F +79 25 287 B +79 25 288 S +79 25 289 M +79 25 290 F +79 25 291 M +79 25 292 S +79 25 293 F +79 25 294 F +79 25 295 B +79 25 296 B +79 25 297 B +79 25 298 S +79 25 299 M +79 25 300 F +79 25 301 M +79 25 302 F +79 25 303 M +79 25 304 M +79 25 305 J +79 25 306 M +79 25 307 M +79 25 308 B +79 25 309 J +79 25 310 M +79 25 311 M +79 25 312 J +79 25 313 J +79 25 314 F +79 25 315 M +79 25 316 M +79 25 317 S +79 25 318 S +79 25 319 F +79 25 320 B +79 25 321 S +79 25 322 M +79 25 323 M +79 25 324 F +79 25 325 B +79 25 326 B +79 25 327 F +79 25 328 M +79 25 329 B +79 25 330 F +80 1 1 C +80 1 2 C +80 1 3 W +80 1 4 H +80 1 5 C +80 1 6 O +80 1 7 C +80 1 8 W +80 1 9 Q +80 1 10 C +80 1 11 C +80 1 12 O +80 1 13 C +80 1 14 C +80 1 15 Z +80 1 16 T +80 1 17 O +80 1 18 U +80 1 19 C +80 1 20 C +80 1 21 Z +80 1 22 O +80 1 23 I +80 1 24 Q +80 1 25 C +80 1 26 C +80 1 27 Z +80 1 28 Z +80 1 29 C +80 1 30 W +80 1 31 C +80 1 32 Z +80 1 33 C +80 1 34 C +80 1 35 Z +80 1 36 C +80 1 37 C +80 1 38 W +80 1 39 C +80 1 40 C +80 1 41 W +80 1 42 * +80 1 43 C +80 1 44 Z +80 1 45 C +80 1 46 H +80 1 47 C +80 1 48 O +80 1 49 C +80 1 50 I +80 1 51 Q +80 1 52 C +80 1 53 W +80 1 54 C +80 1 55 C +80 1 56 Z +80 1 57 C +80 1 58 O +80 1 59 Z +80 1 60 C +80 1 61 W +80 1 62 I +80 1 63 Z +80 1 64 C +80 1 65 W +80 1 66 O +80 1 67 C +80 1 68 Z +80 1 69 C +80 1 70 T +80 1 71 W +80 1 72 C +80 1 73 I +80 1 74 C +80 1 75 C +80 1 76 W +80 1 77 C +80 1 78 Z +80 1 79 H +80 1 80 C +80 1 81 C +80 1 82 C +80 1 83 O +80 1 84 Z +80 1 85 C +80 1 86 Z +80 1 87 U +80 1 88 W +80 1 89 U +80 1 90 C +80 1 91 * +80 1 92 O +80 1 93 C +80 1 94 U +80 1 95 C +80 1 96 O +80 1 97 I +80 1 98 W +80 1 99 Z +80 1 100 C +80 1 101 W +80 1 102 C +80 1 103 Q +80 1 104 C +80 1 105 I +80 1 106 O +80 1 107 T +80 1 108 C +80 1 109 C +80 1 110 O +80 1 111 C +80 1 112 W +80 1 113 U +80 1 114 C +80 1 115 W +80 1 116 C +80 1 117 H +80 1 118 O +80 1 119 C +80 1 120 T +80 1 121 O +80 1 122 C +80 1 123 C +80 1 124 C +80 1 125 O +80 1 126 Z +80 1 127 C +80 1 128 O +80 1 129 T +80 1 130 U +80 1 131 I +80 1 132 W +80 1 133 C +80 1 134 Q +80 1 135 I +80 1 136 C +80 1 137 C +80 1 138 C +80 1 139 T +80 1 140 C +80 1 141 T +80 1 142 T +80 1 143 C +80 1 144 U +80 1 145 C +80 1 146 O +80 1 147 C +80 1 148 W +80 1 149 C +80 1 150 I +80 1 151 O +80 1 152 Z +80 1 153 C +80 1 154 H +80 1 155 Q +80 1 156 C +80 1 157 W +80 1 158 T +80 1 159 O +80 1 160 O +80 1 161 C +80 1 162 W +80 1 163 C +80 1 164 C +80 1 165 C +80 1 166 C +80 1 167 I +80 1 168 O +80 1 169 C +80 1 170 C +80 1 171 C +80 1 172 T +80 1 173 Z +80 1 174 O +80 1 175 C +80 1 176 Z +80 1 177 O +80 1 178 C +80 1 179 W +80 1 180 C +80 1 181 O +80 1 182 W +80 1 183 Q +80 1 184 I +80 1 185 O +80 1 186 C +80 1 187 O +80 1 188 C +80 1 189 C +80 1 190 O +80 1 191 C +80 1 192 I +80 1 193 O +80 1 194 W +80 1 195 C +80 1 196 C +80 1 197 I +80 1 198 H +80 1 199 C +80 1 200 C +80 1 201 O +80 1 202 C +80 1 203 I +80 1 204 Q +80 1 205 I +80 1 206 C +80 1 207 W +80 1 208 O +80 1 209 C +80 1 210 W +80 1 211 C +80 1 212 O +80 1 213 I +80 1 214 C +80 1 215 I +80 1 216 U +80 1 217 Z +80 1 218 C +80 1 219 C +80 1 220 C +80 1 221 C +80 1 222 I +80 1 223 C +80 1 224 Z +80 1 225 O +80 1 226 C +80 1 227 H +80 1 228 C +80 1 229 C +80 1 230 Z +80 1 231 I +80 1 232 Q +80 1 233 I +80 1 234 C +80 1 235 C +80 1 236 C +80 1 237 O +80 1 238 C +80 1 239 Z +80 1 240 W +80 1 241 T +80 1 242 O +80 1 243 W +80 1 244 T +80 1 245 W +80 1 246 C +80 1 247 I +80 1 248 C +80 1 249 C +80 1 250 I +80 1 251 C +80 1 252 Z +80 1 253 C +80 1 254 C +80 1 255 U +80 1 256 W +80 1 257 C +80 1 258 O +80 1 259 W +80 1 260 C +80 1 261 W +80 1 262 T +80 1 263 C +80 1 264 C +80 1 265 C +80 1 266 O +80 1 267 W +80 1 268 C +80 1 269 I +80 1 270 O +80 1 271 C +80 1 272 T +80 1 273 I +80 1 274 T +80 1 275 O +80 1 276 W +80 1 277 C +80 1 278 O +80 1 279 C +80 1 280 C +80 1 281 C +80 1 282 C +80 1 283 Q +80 1 284 T +80 1 285 Z +80 1 286 T +80 1 287 Q +80 1 288 W +80 1 289 C +80 1 290 O +80 1 291 C +80 1 292 O +80 1 293 C +80 1 294 C +80 1 295 Q +80 1 296 I +80 1 297 O +80 1 298 W +80 1 299 C +80 1 300 C +80 1 301 C +80 1 302 T +80 1 303 C +80 1 304 C +80 1 305 I +80 1 306 C +80 1 307 C +80 1 308 Z +80 1 309 H +80 1 310 C +80 1 311 C +80 1 312 H +80 1 313 C +80 1 314 T +80 1 315 C +80 1 316 C +80 1 317 W +80 1 318 O +80 1 319 T +80 1 320 C +80 1 321 W +80 1 322 C +80 1 323 C +80 1 324 O +80 1 325 I +80 1 326 O +80 1 327 C +80 1 328 C +80 1 329 O +80 1 330 C +80 2 1 C +80 2 2 C +80 2 3 W +80 2 4 I +80 2 5 C +80 2 6 O +80 2 7 C +80 2 8 W +80 2 9 Q +80 2 10 C +80 2 11 C +80 2 12 O +80 2 13 C +80 2 14 C +80 2 15 Z +80 2 16 T +80 2 17 W +80 2 18 U +80 2 19 C +80 2 20 C +80 2 21 Z +80 2 22 O +80 2 23 I +80 2 24 Q +80 2 25 C +80 2 26 C +80 2 27 Z +80 2 28 Z +80 2 29 C +80 2 30 Q +80 2 31 C +80 2 32 I +80 2 33 C +80 2 34 C +80 2 35 O +80 2 36 C +80 2 37 C +80 2 38 Z +80 2 39 C +80 2 40 C +80 2 41 W +80 2 42 * +80 2 43 C +80 2 44 Z +80 2 45 C +80 2 46 K +80 2 47 U +80 2 48 O +80 2 49 C +80 2 50 I +80 2 51 Q +80 2 52 T +80 2 53 I +80 2 54 C +80 2 55 C +80 2 56 * +80 2 57 C +80 2 58 * +80 2 59 Z +80 2 60 U +80 2 61 W +80 2 62 I +80 2 63 Z +80 2 64 C +80 2 65 Z +80 2 66 O +80 2 67 C +80 2 68 Z +80 2 69 C +80 2 70 I +80 2 71 W +80 2 72 C +80 2 73 I +80 2 74 C +80 2 75 C +80 2 76 O +80 2 77 C +80 2 78 Z +80 2 79 U +80 2 80 C +80 2 81 C +80 2 82 C +80 2 83 O +80 2 84 Z +80 2 85 C +80 2 86 Z +80 2 87 U +80 2 88 I +80 2 89 U +80 2 90 U +80 2 91 C +80 2 92 O +80 2 93 C +80 2 94 Q +80 2 95 C +80 2 96 O +80 2 97 I +80 2 98 W +80 2 99 I +80 2 100 C +80 2 101 * +80 2 102 C +80 2 103 * +80 2 104 C +80 2 105 I +80 2 106 O +80 2 107 Z +80 2 108 C +80 2 109 C +80 2 110 * +80 2 111 C +80 2 112 Z +80 2 113 U +80 2 114 C +80 2 115 W +80 2 116 C +80 2 117 Q +80 2 118 Z +80 2 119 C +80 2 120 T +80 2 121 * +80 2 122 C +80 2 123 C +80 2 124 C +80 2 125 * +80 2 126 Z +80 2 127 C +80 2 128 * +80 2 129 Z +80 2 130 C +80 2 131 I +80 2 132 * +80 2 133 C +80 2 134 Z +80 2 135 Z +80 2 136 C +80 2 137 C +80 2 138 C +80 2 139 Z +80 2 140 C +80 2 141 T +80 2 142 * +80 2 143 C +80 2 144 I +80 2 145 C +80 2 146 * +80 2 147 C +80 2 148 W +80 2 149 C +80 2 150 I +80 2 151 * +80 2 152 * +80 2 153 C +80 2 154 K +80 2 155 U +80 2 156 C +80 2 157 Q +80 2 158 T +80 2 159 O +80 2 160 Z +80 2 161 C +80 2 162 Z +80 2 163 C +80 2 164 C +80 2 165 C +80 2 166 C +80 2 167 * +80 2 168 C +80 2 169 C +80 2 170 U +80 2 171 C +80 2 172 T +80 2 173 Z +80 2 174 O +80 2 175 C +80 2 176 * +80 2 177 O +80 2 178 C +80 2 179 W +80 2 180 C +80 2 181 * +80 2 182 * +80 2 183 K +80 2 184 I +80 2 185 * +80 2 186 C +80 2 187 * +80 2 188 C +80 2 189 C +80 2 190 Z +80 2 191 C +80 2 192 I +80 2 193 * +80 2 194 * +80 2 195 C +80 2 196 C +80 2 197 I +80 2 198 U +80 2 199 * +80 2 200 C +80 2 201 * +80 2 202 C +80 2 203 Z +80 2 204 Q +80 2 205 I +80 2 206 O +80 2 207 Z +80 2 208 Q +80 2 209 C +80 2 210 * +80 2 211 C +80 2 212 O +80 2 213 * +80 2 214 * +80 2 215 Z +80 2 216 C +80 2 217 * +80 2 218 C +80 2 219 * +80 2 220 I +80 2 221 * +80 2 222 I +80 2 223 C +80 2 224 Z +80 2 225 * +80 2 226 C +80 2 227 U +80 2 228 C +80 2 229 C +80 2 230 * +80 2 231 I +80 2 232 * +80 2 233 I +80 2 234 C +80 2 235 C +80 2 236 C +80 2 237 * +80 2 238 C +80 2 239 Z +80 2 240 Q +80 2 241 T +80 2 242 O +80 2 243 * +80 2 244 * +80 2 245 W +80 2 246 C +80 2 247 I +80 2 248 C +80 2 249 C +80 2 250 I +80 2 251 C +80 2 252 Z +80 2 253 C +80 2 254 C +80 2 255 U +80 2 256 * +80 2 257 C +80 2 258 * +80 2 259 W +80 2 260 * +80 2 261 O +80 2 262 T +80 2 263 K +80 2 264 C +80 2 265 C +80 2 266 * +80 2 267 I +80 2 268 C +80 2 269 Z +80 2 270 * +80 2 271 C +80 2 272 T +80 2 273 * +80 2 274 T +80 2 275 * +80 2 276 Z +80 2 277 C +80 2 278 * +80 2 279 I +80 2 280 C +80 2 281 C +80 2 282 C +80 2 283 Q +80 2 284 C +80 2 285 Z +80 2 286 T +80 2 287 Q +80 2 288 W +80 2 289 C +80 2 290 * +80 2 291 C +80 2 292 Z +80 2 293 C +80 2 294 T +80 2 295 Q +80 2 296 I +80 2 297 * +80 2 298 * +80 2 299 C +80 2 300 T +80 2 301 C +80 2 302 Z +80 2 303 C +80 2 304 C +80 2 305 I +80 2 306 C +80 2 307 C +80 2 308 I +80 2 309 * +80 2 310 C +80 2 311 C +80 2 312 U +80 2 313 I +80 2 314 T +80 2 315 C +80 2 316 C +80 2 317 * +80 2 318 * +80 2 319 T +80 2 320 C +80 2 321 Z +80 2 322 C +80 2 323 C +80 2 324 Z +80 2 325 I +80 2 326 * +80 2 327 C +80 2 328 C +80 2 329 Q +80 2 330 C +80 3 1 C +80 3 2 C +80 3 3 O +80 3 4 I +80 3 5 C +80 3 6 O +80 3 7 C +80 3 8 W +80 3 9 O +80 3 10 C +80 3 11 C +80 3 12 O +80 3 13 C +80 3 14 C +80 3 15 Z +80 3 16 K +80 3 17 O +80 3 18 U +80 3 19 C +80 3 20 C +80 3 21 Z +80 3 22 O +80 3 23 I +80 3 24 C +80 3 25 C +80 3 26 C +80 3 27 T +80 3 28 Z +80 3 29 C +80 3 30 O +80 3 31 C +80 3 32 I +80 3 33 C +80 3 34 C +80 3 35 Z +80 3 36 C +80 3 37 C +80 3 38 Z +80 3 39 C +80 3 40 C +80 3 41 W +80 3 42 C +80 3 43 C +80 3 44 T +80 3 45 C +80 3 46 K +80 3 47 C +80 3 48 O +80 3 49 C +80 3 50 I +80 3 51 O +80 3 52 T +80 3 53 Z +80 3 54 C +80 3 55 C +80 3 56 Z +80 3 57 C +80 3 58 K +80 3 59 Z +80 3 60 C +80 3 61 W +80 3 62 I +80 3 63 Z +80 3 64 C +80 3 65 W +80 3 66 T +80 3 67 C +80 3 68 Z +80 3 69 C +80 3 70 T +80 3 71 W +80 3 72 C +80 3 73 I +80 3 74 C +80 3 75 C +80 3 76 O +80 3 77 C +80 3 78 Z +80 3 79 U +80 3 80 C +80 3 81 C +80 3 82 C +80 3 83 Z +80 3 84 O +80 3 85 C +80 3 86 Z +80 3 87 U +80 3 88 Z +80 3 89 U +80 3 90 C +80 3 91 C +80 3 92 Z +80 3 93 C +80 3 94 U +80 3 95 C +80 3 96 O +80 3 97 I +80 3 98 W +80 3 99 I +80 3 100 C +80 3 101 W +80 3 102 C +80 3 103 C +80 3 104 C +80 3 105 Z +80 3 106 O +80 3 107 T +80 3 108 C +80 3 109 C +80 3 110 O +80 3 111 C +80 3 112 W +80 3 113 U +80 3 114 C +80 3 115 W +80 3 116 C +80 3 117 K +80 3 118 Z +80 3 119 C +80 3 120 T +80 3 121 O +80 3 122 C +80 3 123 C +80 3 124 C +80 3 125 O +80 3 126 Z +80 3 127 C +80 3 128 O +80 3 129 T +80 3 130 C +80 3 131 I +80 3 132 W +80 3 133 C +80 3 134 K +80 3 135 Z +80 3 136 C +80 3 137 C +80 3 138 C +80 3 139 T +80 3 140 C +80 3 141 T +80 3 142 T +80 3 143 C +80 3 144 I +80 3 145 C +80 3 146 O +80 3 147 C +80 3 148 W +80 3 149 C +80 3 150 I +80 3 151 O +80 3 152 Z +80 3 153 C +80 3 154 U +80 3 155 U +80 3 156 C +80 3 157 O +80 3 158 T +80 3 159 O +80 3 160 O +80 3 161 C +80 3 162 W +80 3 163 C +80 3 164 C +80 3 165 C +80 3 166 C +80 3 167 I +80 3 168 C +80 3 169 C +80 3 170 C +80 3 171 C +80 3 172 T +80 3 173 Z +80 3 174 O +80 3 175 C +80 3 176 O +80 3 177 C +80 3 178 C +80 3 179 W +80 3 180 C +80 3 181 O +80 3 182 W +80 3 183 O +80 3 184 I +80 3 185 O +80 3 186 C +80 3 187 O +80 3 188 C +80 3 189 C +80 3 190 Z +80 3 191 C +80 3 192 I +80 3 193 C +80 3 194 W +80 3 195 C +80 3 196 C +80 3 197 I +80 3 198 U +80 3 199 C +80 3 200 C +80 3 201 Z +80 3 202 C +80 3 203 Z +80 3 204 I +80 3 205 I +80 3 206 T +80 3 207 Z +80 3 208 O +80 3 209 C +80 3 210 W +80 3 211 C +80 3 212 O +80 3 213 I +80 3 214 C +80 3 215 Z +80 3 216 C +80 3 217 Z +80 3 218 C +80 3 219 C +80 3 220 C +80 3 221 O +80 3 222 I +80 3 223 C +80 3 224 T +80 3 225 C +80 3 226 C +80 3 227 U +80 3 228 C +80 3 229 C +80 3 230 T +80 3 231 I +80 3 232 O +80 3 233 C +80 3 234 C +80 3 235 C +80 3 236 C +80 3 237 O +80 3 238 C +80 3 239 Z +80 3 240 O +80 3 241 T +80 3 242 O +80 3 243 W +80 3 244 C +80 3 245 W +80 3 246 C +80 3 247 I +80 3 248 C +80 3 249 C +80 3 250 I +80 3 251 O +80 3 252 T +80 3 253 C +80 3 254 C +80 3 255 U +80 3 256 Z +80 3 257 C +80 3 258 C +80 3 259 W +80 3 260 C +80 3 261 O +80 3 262 T +80 3 263 C +80 3 264 C +80 3 265 C +80 3 266 O +80 3 267 I +80 3 268 C +80 3 269 I +80 3 270 O +80 3 271 C +80 3 272 T +80 3 273 Z +80 3 274 T +80 3 275 C +80 3 276 W +80 3 277 C +80 3 278 O +80 3 279 C +80 3 280 C +80 3 281 C +80 3 282 C +80 3 283 O +80 3 284 T +80 3 285 Z +80 3 286 T +80 3 287 O +80 3 288 W +80 3 289 C +80 3 290 T +80 3 291 C +80 3 292 Z +80 3 293 C +80 3 294 T +80 3 295 Q +80 3 296 I +80 3 297 O +80 3 298 W +80 3 299 C +80 3 300 O +80 3 301 C +80 3 302 T +80 3 303 C +80 3 304 C +80 3 305 I +80 3 306 C +80 3 307 C +80 3 308 I +80 3 309 C +80 3 310 C +80 3 311 C +80 3 312 U +80 3 313 C +80 3 314 T +80 3 315 C +80 3 316 C +80 3 317 W +80 3 318 O +80 3 319 T +80 3 320 C +80 3 321 W +80 3 322 C +80 3 323 C +80 3 324 T +80 3 325 I +80 3 326 O +80 3 327 C +80 3 328 C +80 3 329 O +80 3 330 C +80 4 1 C +80 4 2 C +80 4 3 W +80 4 4 I +80 4 5 C +80 4 6 O +80 4 7 C +80 4 8 I +80 4 9 O +80 4 10 C +80 4 11 C +80 4 12 O +80 4 13 C +80 4 14 C +80 4 15 I +80 4 16 T +80 4 17 O +80 4 18 U +80 4 19 C +80 4 20 C +80 4 21 I +80 4 22 O +80 4 23 I +80 4 24 Q +80 4 25 C +80 4 26 C +80 4 27 T +80 4 28 I +80 4 29 C +80 4 30 O +80 4 31 C +80 4 32 I +80 4 33 C +80 4 34 C +80 4 35 O +80 4 36 C +80 4 37 C +80 4 38 I +80 4 39 C +80 4 40 C +80 4 41 I +80 4 42 C +80 4 43 C +80 4 44 T +80 4 45 C +80 4 46 K +80 4 47 C +80 4 48 O +80 4 49 C +80 4 50 I +80 4 51 Q +80 4 52 T +80 4 53 I +80 4 54 C +80 4 55 C +80 4 56 O +80 4 57 C +80 4 58 C +80 4 59 I +80 4 60 C +80 4 61 W +80 4 62 I +80 4 63 Z +80 4 64 C +80 4 65 I +80 4 66 T +80 4 67 C +80 4 68 I +80 4 69 C +80 4 70 C +80 4 71 I +80 4 72 C +80 4 73 I +80 4 74 C +80 4 75 U +80 4 76 O +80 4 77 C +80 4 78 I +80 4 79 K +80 4 80 C +80 4 81 C +80 4 82 C +80 4 83 O +80 4 84 I +80 4 85 C +80 4 86 I +80 4 87 U +80 4 88 I +80 4 89 U +80 4 90 U +80 4 91 C +80 4 92 T +80 4 93 C +80 4 94 K +80 4 95 C +80 4 96 O +80 4 97 I +80 4 98 W +80 4 99 I +80 4 100 C +80 4 101 I +80 4 102 C +80 4 103 C +80 4 104 C +80 4 105 I +80 4 106 O +80 4 107 T +80 4 108 C +80 4 109 C +80 4 110 O +80 4 111 C +80 4 112 I +80 4 113 U +80 4 114 C +80 4 115 I +80 4 116 C +80 4 117 Q +80 4 118 I +80 4 119 C +80 4 120 T +80 4 121 O +80 4 122 C +80 4 123 C +80 4 124 C +80 4 125 O +80 4 126 I +80 4 127 C +80 4 128 C +80 4 129 T +80 4 130 C +80 4 131 I +80 4 132 I +80 4 133 C +80 4 134 I +80 4 135 I +80 4 136 C +80 4 137 C +80 4 138 C +80 4 139 T +80 4 140 C +80 4 141 T +80 4 142 T +80 4 143 C +80 4 144 I +80 4 145 C +80 4 146 O +80 4 147 C +80 4 148 I +80 4 149 C +80 4 150 I +80 4 151 I +80 4 152 I +80 4 153 C +80 4 154 C +80 4 155 Q +80 4 156 C +80 4 157 Q +80 4 158 T +80 4 159 O +80 4 160 I +80 4 161 C +80 4 162 I +80 4 163 C +80 4 164 C +80 4 165 C +80 4 166 C +80 4 167 I +80 4 168 C +80 4 169 C +80 4 170 C +80 4 171 C +80 4 172 T +80 4 173 I +80 4 174 O +80 4 175 C +80 4 176 I +80 4 177 C +80 4 178 C +80 4 179 I +80 4 180 C +80 4 181 O +80 4 182 I +80 4 183 Q +80 4 184 I +80 4 185 Q +80 4 186 C +80 4 187 O +80 4 188 C +80 4 189 C +80 4 190 I +80 4 191 C +80 4 192 I +80 4 193 C +80 4 194 I +80 4 195 C +80 4 196 C +80 4 197 I +80 4 198 U +80 4 199 C +80 4 200 C +80 4 201 I +80 4 202 C +80 4 203 I +80 4 204 Q +80 4 205 I +80 4 206 C +80 4 207 I +80 4 208 O +80 4 209 C +80 4 210 I +80 4 211 C +80 4 212 O +80 4 213 I +80 4 214 C +80 4 215 I +80 4 216 C +80 4 217 I +80 4 218 C +80 4 219 C +80 4 220 C +80 4 221 C +80 4 222 I +80 4 223 C +80 4 224 T +80 4 225 C +80 4 226 C +80 4 227 U +80 4 228 C +80 4 229 C +80 4 230 T +80 4 231 I +80 4 232 C +80 4 233 I +80 4 234 C +80 4 235 C +80 4 236 C +80 4 237 I +80 4 238 C +80 4 239 I +80 4 240 I +80 4 241 T +80 4 242 C +80 4 243 I +80 4 244 C +80 4 245 W +80 4 246 C +80 4 247 I +80 4 248 U +80 4 249 C +80 4 250 I +80 4 251 C +80 4 252 T +80 4 253 C +80 4 254 C +80 4 255 U +80 4 256 I +80 4 257 C +80 4 258 C +80 4 259 I +80 4 260 C +80 4 261 O +80 4 262 T +80 4 263 K +80 4 264 C +80 4 265 C +80 4 266 O +80 4 267 I +80 4 268 C +80 4 269 I +80 4 270 O +80 4 271 C +80 4 272 C +80 4 273 I +80 4 274 T +80 4 275 C +80 4 276 I +80 4 277 C +80 4 278 O +80 4 279 I +80 4 280 C +80 4 281 C +80 4 282 C +80 4 283 Q +80 4 284 C +80 4 285 I +80 4 286 T +80 4 287 O +80 4 288 I +80 4 289 C +80 4 290 T +80 4 291 C +80 4 292 I +80 4 293 C +80 4 294 T +80 4 295 Q +80 4 296 I +80 4 297 O +80 4 298 W +80 4 299 C +80 4 300 K +80 4 301 C +80 4 302 T +80 4 303 C +80 4 304 C +80 4 305 I +80 4 306 C +80 4 307 C +80 4 308 I +80 4 309 Q +80 4 310 C +80 4 311 C +80 4 312 U +80 4 313 I +80 4 314 T +80 4 315 C +80 4 316 C +80 4 317 I +80 4 318 O +80 4 319 T +80 4 320 C +80 4 321 I +80 4 322 C +80 4 323 C +80 4 324 T +80 4 325 I +80 4 326 O +80 4 327 C +80 4 328 C +80 4 329 Q +80 4 330 T +80 5 1 C +80 5 2 C +80 5 3 O +80 5 4 I +80 5 5 C +80 5 6 Q +80 5 7 C +80 5 8 W +80 5 9 Q +80 5 10 C +80 5 11 C +80 5 12 O +80 5 13 C +80 5 14 C +80 5 15 I +80 5 16 K +80 5 17 O +80 5 18 U +80 5 19 C +80 5 20 C +80 5 21 Z +80 5 22 O +80 5 23 I +80 5 24 Q +80 5 25 C +80 5 26 C +80 5 27 Z +80 5 28 W +80 5 29 C +80 5 30 O +80 5 31 D +80 5 32 I +80 5 33 C +80 5 34 C +80 5 35 O +80 5 36 C +80 5 37 C +80 5 38 W +80 5 39 C +80 5 40 C +80 5 41 W +80 5 42 O +80 5 43 C +80 5 44 T +80 5 45 C +80 5 46 U +80 5 47 C +80 5 48 O +80 5 49 C +80 5 50 I +80 5 51 Q +80 5 52 C +80 5 53 I +80 5 54 C +80 5 55 C +80 5 56 O +80 5 57 C +80 5 58 C +80 5 59 I +80 5 60 C +80 5 61 W +80 5 62 I +80 5 63 Z +80 5 64 C +80 5 65 W +80 5 66 O +80 5 67 C +80 5 68 W +80 5 69 C +80 5 70 I +80 5 71 W +80 5 72 C +80 5 73 I +80 5 74 C +80 5 75 C +80 5 76 O +80 5 77 C +80 5 78 W +80 5 79 U +80 5 80 C +80 5 81 C +80 5 82 C +80 5 83 O +80 5 84 O +80 5 85 C +80 5 86 I +80 5 87 C +80 5 88 I +80 5 89 U +80 5 90 C +80 5 91 C +80 5 92 O +80 5 93 C +80 5 94 Q +80 5 95 C +80 5 96 O +80 5 97 I +80 5 98 W +80 5 99 I +80 5 100 C +80 5 101 I +80 5 102 C +80 5 103 C +80 5 104 C +80 5 105 I +80 5 106 C +80 5 107 I +80 5 108 C +80 5 109 C +80 5 110 O +80 5 111 C +80 5 112 W +80 5 113 U +80 5 114 C +80 5 115 W +80 5 116 C +80 5 117 Q +80 5 118 Z +80 5 119 C +80 5 120 K +80 5 121 O +80 5 122 C +80 5 123 C +80 5 124 C +80 5 125 O +80 5 126 W +80 5 127 C +80 5 128 C +80 5 129 Z +80 5 130 C +80 5 131 I +80 5 132 O +80 5 133 C +80 5 134 I +80 5 135 I +80 5 136 C +80 5 137 C +80 5 138 C +80 5 139 I +80 5 140 C +80 5 141 K +80 5 142 K +80 5 143 C +80 5 144 I +80 5 145 C +80 5 146 C +80 5 147 C +80 5 148 W +80 5 149 C +80 5 150 I +80 5 151 I +80 5 152 I +80 5 153 C +80 5 154 K +80 5 155 C +80 5 156 C +80 5 157 Q +80 5 158 T +80 5 159 O +80 5 160 W +80 5 161 C +80 5 162 W +80 5 163 C +80 5 164 C +80 5 165 C +80 5 166 C +80 5 167 I +80 5 168 C +80 5 169 C +80 5 170 C +80 5 171 C +80 5 172 K +80 5 173 W +80 5 174 O +80 5 175 C +80 5 176 W +80 5 177 C +80 5 178 C +80 5 179 W +80 5 180 C +80 5 181 C +80 5 182 I +80 5 183 C +80 5 184 I +80 5 185 Q +80 5 186 C +80 5 187 Q +80 5 188 C +80 5 189 C +80 5 190 Z +80 5 191 C +80 5 192 I +80 5 193 C +80 5 194 I +80 5 195 C +80 5 196 C +80 5 197 I +80 5 198 U +80 5 199 C +80 5 200 C +80 5 201 Q +80 5 202 C +80 5 203 W +80 5 204 I +80 5 205 I +80 5 206 C +80 5 207 W +80 5 208 Q +80 5 209 C +80 5 210 W +80 5 211 C +80 5 212 O +80 5 213 I +80 5 214 O +80 5 215 W +80 5 216 C +80 5 217 W +80 5 218 C +80 5 219 C +80 5 220 I +80 5 221 C +80 5 222 I +80 5 223 C +80 5 224 Z +80 5 225 C +80 5 226 C +80 5 227 U +80 5 228 C +80 5 229 C +80 5 230 Z +80 5 231 I +80 5 232 O +80 5 233 I +80 5 234 C +80 5 235 C +80 5 236 C +80 5 237 Q +80 5 238 C +80 5 239 W +80 5 240 W +80 5 241 T +80 5 242 C +80 5 243 I +80 5 244 C +80 5 245 W +80 5 246 C +80 5 247 I +80 5 248 C +80 5 249 C +80 5 250 I +80 5 251 C +80 5 252 W +80 5 253 C +80 5 254 C +80 5 255 U +80 5 256 W +80 5 257 C +80 5 258 C +80 5 259 W +80 5 260 C +80 5 261 O +80 5 262 Z +80 5 263 K +80 5 264 C +80 5 265 C +80 5 266 O +80 5 267 I +80 5 268 C +80 5 269 I +80 5 270 O +80 5 271 C +80 5 272 K +80 5 273 I +80 5 274 K +80 5 275 C +80 5 276 W +80 5 277 C +80 5 278 O +80 5 279 I +80 5 280 C +80 5 281 C +80 5 282 C +80 5 283 Q +80 5 284 C +80 5 285 I +80 5 286 K +80 5 287 Q +80 5 288 W +80 5 289 C +80 5 290 K +80 5 291 C +80 5 292 W +80 5 293 C +80 5 294 C +80 5 295 Q +80 5 296 I +80 5 297 O +80 5 298 O +80 5 299 C +80 5 300 K +80 5 301 C +80 5 302 Z +80 5 303 K +80 5 304 C +80 5 305 I +80 5 306 C +80 5 307 C +80 5 308 I +80 5 309 Q +80 5 310 C +80 5 311 C +80 5 312 U +80 5 313 C +80 5 314 W +80 5 315 C +80 5 316 C +80 5 317 W +80 5 318 O +80 5 319 T +80 5 320 C +80 5 321 O +80 5 322 C +80 5 323 C +80 5 324 W +80 5 325 I +80 5 326 O +80 5 327 C +80 5 328 C +80 5 329 Q +80 5 330 C +80 6 1 C +80 6 2 C +80 6 3 O +80 6 4 M +80 6 5 C +80 6 6 O +80 6 7 C +80 6 8 W +80 6 9 M +80 6 10 C +80 6 11 C +80 6 12 O +80 6 13 C +80 6 14 C +80 6 15 I +80 6 16 T +80 6 17 O +80 6 18 M +80 6 19 C +80 6 20 C +80 6 21 W +80 6 22 O +80 6 23 I +80 6 24 M +80 6 25 C +80 6 26 C +80 6 27 T +80 6 28 I +80 6 29 C +80 6 30 O +80 6 31 C +80 6 32 I +80 6 33 C +80 6 34 C +80 6 35 O +80 6 36 C +80 6 37 C +80 6 38 W +80 6 39 C +80 6 40 C +80 6 41 W +80 6 42 O +80 6 43 C +80 6 44 T +80 6 45 C +80 6 46 M +80 6 47 C +80 6 48 O +80 6 49 C +80 6 50 I +80 6 51 M +80 6 52 T +80 6 53 W +80 6 54 C +80 6 55 C +80 6 56 Z +80 6 57 C +80 6 58 C +80 6 59 I +80 6 60 C +80 6 61 W +80 6 62 C +80 6 63 O +80 6 64 C +80 6 65 W +80 6 66 T +80 6 67 C +80 6 68 W +80 6 69 C +80 6 70 I +80 6 71 W +80 6 72 C +80 6 73 C +80 6 74 C +80 6 75 C +80 6 76 O +80 6 77 C +80 6 78 Z +80 6 79 M +80 6 80 C +80 6 81 C +80 6 82 C +80 6 83 T +80 6 84 T +80 6 85 C +80 6 86 Z +80 6 87 M +80 6 88 I +80 6 89 U +80 6 90 C +80 6 91 C +80 6 92 T +80 6 93 C +80 6 94 M +80 6 95 C +80 6 96 O +80 6 97 Z +80 6 98 W +80 6 99 I +80 6 100 C +80 6 101 W +80 6 102 C +80 6 103 C +80 6 104 C +80 6 105 W +80 6 106 O +80 6 107 T +80 6 108 C +80 6 109 C +80 6 110 O +80 6 111 C +80 6 112 W +80 6 113 M +80 6 114 C +80 6 115 W +80 6 116 C +80 6 117 I +80 6 118 Z +80 6 119 C +80 6 120 T +80 6 121 O +80 6 122 C +80 6 123 C +80 6 124 C +80 6 125 O +80 6 126 I +80 6 127 C +80 6 128 C +80 6 129 T +80 6 130 U +80 6 131 I +80 6 132 O +80 6 133 C +80 6 134 I +80 6 135 I +80 6 136 C +80 6 137 C +80 6 138 C +80 6 139 T +80 6 140 C +80 6 141 T +80 6 142 T +80 6 143 C +80 6 144 I +80 6 145 C +80 6 146 O +80 6 147 C +80 6 148 W +80 6 149 C +80 6 150 I +80 6 151 O +80 6 152 I +80 6 153 C +80 6 154 U +80 6 155 U +80 6 156 C +80 6 157 M +80 6 158 T +80 6 159 O +80 6 160 I +80 6 161 C +80 6 162 W +80 6 163 C +80 6 164 C +80 6 165 C +80 6 166 C +80 6 167 I +80 6 168 C +80 6 169 C +80 6 170 C +80 6 171 C +80 6 172 T +80 6 173 I +80 6 174 O +80 6 175 C +80 6 176 I +80 6 177 O +80 6 178 C +80 6 179 W +80 6 180 C +80 6 181 M +80 6 182 I +80 6 183 M +80 6 184 I +80 6 185 S +80 6 186 C +80 6 187 O +80 6 188 C +80 6 189 C +80 6 190 Z +80 6 191 C +80 6 192 I +80 6 193 C +80 6 194 I +80 6 195 C +80 6 196 C +80 6 197 I +80 6 198 U +80 6 199 C +80 6 200 C +80 6 201 I +80 6 202 C +80 6 203 I +80 6 204 U +80 6 205 I +80 6 206 T +80 6 207 I +80 6 208 S +80 6 209 C +80 6 210 I +80 6 211 C +80 6 212 O +80 6 213 I +80 6 214 C +80 6 215 Z +80 6 216 U +80 6 217 Z +80 6 218 C +80 6 219 C +80 6 220 U +80 6 221 C +80 6 222 I +80 6 223 C +80 6 224 T +80 6 225 C +80 6 226 C +80 6 227 U +80 6 228 C +80 6 229 C +80 6 230 T +80 6 231 I +80 6 232 M +80 6 233 C +80 6 234 C +80 6 235 C +80 6 236 C +80 6 237 I +80 6 238 C +80 6 239 I +80 6 240 S +80 6 241 T +80 6 242 T +80 6 243 I +80 6 244 C +80 6 245 W +80 6 246 C +80 6 247 I +80 6 248 U +80 6 249 C +80 6 250 I +80 6 251 C +80 6 252 T +80 6 253 C +80 6 254 C +80 6 255 U +80 6 256 I +80 6 257 C +80 6 258 C +80 6 259 W +80 6 260 C +80 6 261 Z +80 6 262 T +80 6 263 M +80 6 264 C +80 6 265 C +80 6 266 S +80 6 267 I +80 6 268 C +80 6 269 I +80 6 270 S +80 6 271 U +80 6 272 T +80 6 273 I +80 6 274 T +80 6 275 M +80 6 276 W +80 6 277 C +80 6 278 O +80 6 279 C +80 6 280 C +80 6 281 C +80 6 282 C +80 6 283 M +80 6 284 T +80 6 285 Z +80 6 286 T +80 6 287 M +80 6 288 Z +80 6 289 C +80 6 290 T +80 6 291 C +80 6 292 I +80 6 293 C +80 6 294 T +80 6 295 S +80 6 296 I +80 6 297 O +80 6 298 W +80 6 299 C +80 6 300 K +80 6 301 C +80 6 302 T +80 6 303 C +80 6 304 C +80 6 305 I +80 6 306 C +80 6 307 C +80 6 308 I +80 6 309 U +80 6 310 C +80 6 311 C +80 6 312 U +80 6 313 U +80 6 314 T +80 6 315 C +80 6 316 C +80 6 317 W +80 6 318 O +80 6 319 T +80 6 320 C +80 6 321 W +80 6 322 C +80 6 323 C +80 6 324 T +80 6 325 I +80 6 326 M +80 6 327 C +80 6 328 C +80 6 329 M +80 6 330 C +80 7 1 C +80 7 2 C +80 7 3 O +80 7 4 I +80 7 5 C +80 7 6 O +80 7 7 C +80 7 8 I +80 7 9 M +80 7 10 C +80 7 11 C +80 7 12 O +80 7 13 C +80 7 14 I +80 7 15 T +80 7 16 O +80 7 17 U +80 7 18 C +80 7 19 C +80 7 20 C +80 7 21 W +80 7 22 O +80 7 23 I +80 7 24 O +80 7 25 C +80 7 26 C +80 7 27 K +80 7 28 Z +80 7 29 C +80 7 30 O +80 7 31 C +80 7 32 I +80 7 33 C +80 7 34 C +80 7 35 O +80 7 36 C +80 7 37 C +80 7 38 W +80 7 39 C +80 7 40 C +80 7 41 W +80 7 42 O +80 7 43 C +80 7 44 K +80 7 45 C +80 7 46 K +80 7 47 C +80 7 48 O +80 7 49 C +80 7 50 I +80 7 51 O +80 7 52 K +80 7 53 I +80 7 54 C +80 7 55 C +80 7 56 O +80 7 57 C +80 7 58 O +80 7 59 K +80 7 60 C +80 7 61 W +80 7 62 K +80 7 63 O +80 7 64 C +80 7 65 W +80 7 66 K +80 7 67 C +80 7 68 I +80 7 69 C +80 7 70 K +80 7 71 I +80 7 72 C +80 7 73 I +80 7 74 C +80 7 75 C +80 7 76 O +80 7 77 C +80 7 78 I +80 7 79 K +80 7 80 C +80 7 81 C +80 7 82 C +80 7 83 O +80 7 84 O +80 7 85 C +80 7 86 I +80 7 87 U +80 7 88 I +80 7 89 U +80 7 90 C +80 7 91 C +80 7 92 K +80 7 93 C +80 7 94 U +80 7 95 K +80 7 96 O +80 7 97 I +80 7 98 W +80 7 99 I +80 7 100 C +80 7 101 I +80 7 102 K +80 7 103 C +80 7 104 C +80 7 105 I +80 7 106 O +80 7 107 K +80 7 108 K +80 7 109 C +80 7 110 O +80 7 111 C +80 7 112 W +80 7 113 U +80 7 114 C +80 7 115 I +80 7 116 C +80 7 117 W +80 7 118 W +80 7 119 C +80 7 120 K +80 7 121 O +80 7 122 C +80 7 123 C +80 7 124 C +80 7 125 O +80 7 126 W +80 7 127 C +80 7 128 C +80 7 129 K +80 7 130 C +80 7 131 I +80 7 132 W +80 7 133 C +80 7 134 W +80 7 135 I +80 7 136 C +80 7 137 C +80 7 138 C +80 7 139 K +80 7 140 C +80 7 141 T +80 7 142 K +80 7 143 C +80 7 144 I +80 7 145 C +80 7 146 O +80 7 147 C +80 7 148 W +80 7 149 C +80 7 150 I +80 7 151 W +80 7 152 I +80 7 153 C +80 7 154 K +80 7 155 O +80 7 156 C +80 7 157 M +80 7 158 T +80 7 159 O +80 7 160 Z +80 7 161 C +80 7 162 W +80 7 163 C +80 7 164 C +80 7 165 C +80 7 166 C +80 7 167 I +80 7 168 C +80 7 169 C +80 7 170 C +80 7 171 C +80 7 172 T +80 7 173 W +80 7 174 O +80 7 175 C +80 7 176 Z +80 7 177 O +80 7 178 C +80 7 179 W +80 7 180 C +80 7 181 O +80 7 182 I +80 7 183 O +80 7 184 I +80 7 185 O +80 7 186 C +80 7 187 O +80 7 188 C +80 7 189 K +80 7 190 Z +80 7 191 C +80 7 192 I +80 7 193 C +80 7 194 I +80 7 195 C +80 7 196 C +80 7 197 I +80 7 198 U +80 7 199 K +80 7 200 C +80 7 201 O +80 7 202 C +80 7 203 I +80 7 204 U +80 7 205 I +80 7 206 K +80 7 207 W +80 7 208 O +80 7 209 C +80 7 210 I +80 7 211 C +80 7 212 O +80 7 213 K +80 7 214 C +80 7 215 I +80 7 216 C +80 7 217 Z +80 7 218 C +80 7 219 C +80 7 220 C +80 7 221 C +80 7 222 I +80 7 223 C +80 7 224 K +80 7 225 C +80 7 226 C +80 7 227 U +80 7 228 C +80 7 229 C +80 7 230 K +80 7 231 U +80 7 232 C +80 7 233 C +80 7 234 C +80 7 235 C +80 7 236 C +80 7 237 O +80 7 238 C +80 7 239 Z +80 7 240 W +80 7 241 T +80 7 242 O +80 7 243 I +80 7 244 K +80 7 245 W +80 7 246 C +80 7 247 I +80 7 248 C +80 7 249 C +80 7 250 I +80 7 251 C +80 7 252 K +80 7 253 C +80 7 254 C +80 7 255 U +80 7 256 Z +80 7 257 C +80 7 258 C +80 7 259 W +80 7 260 O +80 7 261 O +80 7 262 K +80 7 263 K +80 7 264 C +80 7 265 C +80 7 266 O +80 7 267 I +80 7 268 C +80 7 269 I +80 7 270 O +80 7 271 C +80 7 272 K +80 7 273 I +80 7 274 T +80 7 275 O +80 7 276 I +80 7 277 C +80 7 278 O +80 7 279 C +80 7 280 C +80 7 281 C +80 7 282 C +80 7 283 M +80 7 284 K +80 7 285 Z +80 7 286 T +80 7 287 M +80 7 288 W +80 7 289 C +80 7 290 T +80 7 291 C +80 7 292 Z +80 7 293 C +80 7 294 K +80 7 295 M +80 7 296 I +80 7 297 O +80 7 298 W +80 7 299 C +80 7 300 K +80 7 301 C +80 7 302 T +80 7 303 C +80 7 304 C +80 7 305 I +80 7 306 C +80 7 307 C +80 7 308 I +80 7 309 C +80 7 310 C +80 7 311 C +80 7 312 U +80 7 313 C +80 7 314 K +80 7 315 C +80 7 316 C +80 7 317 I +80 7 318 O +80 7 319 K +80 7 320 C +80 7 321 W +80 7 322 C +80 7 323 C +80 7 324 K +80 7 325 I +80 7 326 O +80 7 327 K +80 7 328 C +80 7 329 M +80 7 330 K +80 8 1 C +80 8 2 C +80 8 3 O +80 8 4 I +80 8 5 C +80 8 6 O +80 8 7 C +80 8 8 I +80 8 9 WA +80 8 10 C +80 8 11 C +80 8 12 O +80 8 13 C +80 8 14 C +80 8 15 Z +80 8 16 T +80 8 17 O +80 8 18 U +80 8 19 C +80 8 20 C +80 8 21 W +80 8 22 O +80 8 23 I +80 8 24 U +80 8 25 C +80 8 26 C +80 8 27 K +80 8 28 W +80 8 29 C +80 8 30 O +80 8 31 C +80 8 32 I +80 8 33 C +80 8 34 C +80 8 35 O +80 8 36 C +80 8 37 C +80 8 38 W +80 8 39 C +80 8 40 C +80 8 41 W +80 8 42 O +80 8 43 C +80 8 44 T +80 8 45 C +80 8 46 K +80 8 47 C +80 8 48 O +80 8 49 C +80 8 50 I +80 8 51 H +80 8 52 C +80 8 53 W +80 8 54 C +80 8 55 C +80 8 56 Z +80 8 57 C +80 8 58 O +80 8 59 Z +80 8 60 C +80 8 61 W +80 8 62 I +80 8 63 O +80 8 64 C +80 8 65 W +80 8 66 K +80 8 67 C +80 8 68 I +80 8 69 C +80 8 70 K +80 8 71 I +80 8 72 C +80 8 73 I +80 8 74 C +80 8 75 C +80 8 76 O +80 8 77 C +80 8 78 Z +80 8 79 H +80 8 80 C +80 8 81 C +80 8 82 C +80 8 83 O +80 8 84 Z +80 8 85 C +80 8 86 Z +80 8 87 H +80 8 88 I +80 8 89 U +80 8 90 C +80 8 91 O +80 8 92 T +80 8 93 C +80 8 94 U +80 8 95 C +80 8 96 O +80 8 97 I +80 8 98 W +80 8 99 I +80 8 100 C +80 8 101 W +80 8 102 C +80 8 103 O +80 8 104 C +80 8 105 I +80 8 106 O +80 8 107 T +80 8 108 C +80 8 109 C +80 8 110 O +80 8 111 C +80 8 112 W +80 8 113 U +80 8 114 C +80 8 115 W +80 8 116 C +80 8 117 KA +80 8 118 W +80 8 119 C +80 8 120 T +80 8 121 O +80 8 122 C +80 8 123 C +80 8 124 O +80 8 125 C +80 8 126 Z +80 8 127 C +80 8 128 O +80 8 129 T +80 8 130 C +80 8 131 I +80 8 132 W +80 8 133 C +80 8 134 I +80 8 135 I +80 8 136 C +80 8 137 C +80 8 138 C +80 8 139 Z +80 8 140 C +80 8 141 T +80 8 142 T +80 8 143 C +80 8 144 I +80 8 145 C +80 8 146 O +80 8 147 C +80 8 148 W +80 8 149 C +80 8 150 I +80 8 151 W +80 8 152 I +80 8 153 C +80 8 154 M +80 8 155 C +80 8 156 C +80 8 157 O +80 8 158 T +80 8 159 O +80 8 160 W +80 8 161 C +80 8 162 W +80 8 163 C +80 8 164 C +80 8 165 C +80 8 166 C +80 8 167 I +80 8 168 C +80 8 169 C +80 8 170 C +80 8 171 C +80 8 172 T +80 8 173 W +80 8 174 O +80 8 175 C +80 8 176 W +80 8 177 O +80 8 178 C +80 8 179 I +80 8 180 C +80 8 181 O +80 8 182 I +80 8 183 O +80 8 184 I +80 8 185 O +80 8 186 C +80 8 187 O +80 8 188 C +80 8 189 C +80 8 190 Z +80 8 191 C +80 8 192 I +80 8 193 O +80 8 194 I +80 8 195 C +80 8 196 C +80 8 197 I +80 8 198 U +80 8 199 K +80 8 200 C +80 8 201 W +80 8 202 C +80 8 203 I +80 8 204 U +80 8 205 I +80 8 206 T +80 8 207 W +80 8 208 O +80 8 209 C +80 8 210 I +80 8 211 C +80 8 212 O +80 8 213 I +80 8 214 O +80 8 215 I +80 8 216 C +80 8 217 W +80 8 218 C +80 8 219 C +80 8 220 C +80 8 221 C +80 8 222 I +80 8 223 C +80 8 224 T +80 8 225 C +80 8 226 C +80 8 227 U +80 8 228 C +80 8 229 C +80 8 230 Z +80 8 231 I +80 8 232 C +80 8 233 C +80 8 234 C +80 8 235 C +80 8 236 C +80 8 237 Z +80 8 238 C +80 8 239 W +80 8 240 M +80 8 241 T +80 8 242 O +80 8 243 I +80 8 244 C +80 8 245 W +80 8 246 C +80 8 247 I +80 8 248 C +80 8 249 C +80 8 250 I +80 8 251 C +80 8 252 Z +80 8 253 C +80 8 254 C +80 8 255 U +80 8 256 W +80 8 257 C +80 8 258 O +80 8 259 W +80 8 260 O +80 8 261 O +80 8 262 T +80 8 263 K +80 8 264 C +80 8 265 C +80 8 266 W +80 8 267 I +80 8 268 C +80 8 269 I +80 8 270 O +80 8 271 C +80 8 272 T +80 8 273 I +80 8 274 T +80 8 275 O +80 8 276 W +80 8 277 C +80 8 278 O +80 8 279 I +80 8 280 C +80 8 281 C +80 8 282 C +80 8 283 M +80 8 284 C +80 8 285 I +80 8 286 T +80 8 287 O +80 8 288 W +80 8 289 C +80 8 290 T +80 8 291 C +80 8 292 Z +80 8 293 C +80 8 294 C +80 8 295 M +80 8 296 I +80 8 297 O +80 8 298 W +80 8 299 C +80 8 300 K +80 8 301 C +80 8 302 Z +80 8 303 C +80 8 304 C +80 8 305 I +80 8 306 C +80 8 307 C +80 8 308 I +80 8 309 C +80 8 310 C +80 8 311 C +80 8 312 U +80 8 313 C +80 8 314 T +80 8 315 C +80 8 316 C +80 8 317 I +80 8 318 O +80 8 319 T +80 8 320 C +80 8 321 W +80 8 322 C +80 8 323 C +80 8 324 T +80 8 325 I +80 8 326 O +80 8 327 C +80 8 328 C +80 8 329 O +80 8 330 C +80 9 1 C +80 9 2 C +80 9 3 O +80 9 4 I +80 9 5 C +80 9 6 O +80 9 7 C +80 9 8 I +80 9 9 WA +80 9 10 C +80 9 11 C +80 9 12 O +80 9 13 C +80 9 14 C +80 9 15 Z +80 9 16 T +80 9 17 O +80 9 18 U +80 9 19 C +80 9 20 C +80 9 21 W +80 9 22 O +80 9 23 I +80 9 24 U +80 9 25 C +80 9 26 C +80 9 27 K +80 9 28 W +80 9 29 C +80 9 30 O +80 9 31 C +80 9 32 I +80 9 33 C +80 9 34 C +80 9 35 O +80 9 36 C +80 9 37 C +80 9 38 W +80 9 39 C +80 9 40 C +80 9 41 W +80 9 42 O +80 9 43 C +80 9 44 T +80 9 45 C +80 9 46 K +80 9 47 C +80 9 48 O +80 9 49 C +80 9 50 I +80 9 51 H +80 9 52 C +80 9 53 W +80 9 54 C +80 9 55 C +80 9 56 Z +80 9 57 C +80 9 58 O +80 9 59 I +80 9 60 C +80 9 61 W +80 9 62 I +80 9 63 O +80 9 64 C +80 9 65 W +80 9 66 K +80 9 67 C +80 9 68 I +80 9 69 C +80 9 70 I +80 9 71 I +80 9 72 C +80 9 73 I +80 9 74 C +80 9 75 C +80 9 76 O +80 9 77 O +80 9 78 Z +80 9 79 H +80 9 80 C +80 9 81 C +80 9 82 C +80 9 83 O +80 9 84 Z +80 9 85 C +80 9 86 Z +80 9 87 C +80 9 88 I +80 9 89 U +80 9 90 C +80 9 91 O +80 9 92 T +80 9 93 C +80 9 94 U +80 9 95 C +80 9 96 O +80 9 97 I +80 9 98 W +80 9 99 I +80 9 100 C +80 9 101 W +80 9 102 C +80 9 103 C +80 9 104 C +80 9 105 I +80 9 106 O +80 9 107 T +80 9 108 C +80 9 109 C +80 9 110 O +80 9 111 C +80 9 112 W +80 9 113 U +80 9 114 C +80 9 115 W +80 9 116 C +80 9 117 M +80 9 118 W +80 9 119 C +80 9 120 T +80 9 121 O +80 9 122 C +80 9 123 C +80 9 124 O +80 9 125 O +80 9 126 * +80 9 127 C +80 9 128 O +80 9 129 T +80 9 130 C +80 9 131 I +80 9 132 W +80 9 133 C +80 9 134 I +80 9 135 I +80 9 136 C +80 9 137 C +80 9 138 C +80 9 139 Z +80 9 140 C +80 9 141 T +80 9 142 T +80 9 143 C +80 9 144 I +80 9 145 C +80 9 146 O +80 9 147 C +80 9 148 W +80 9 149 C +80 9 150 I +80 9 151 W +80 9 152 I +80 9 153 C +80 9 154 K +80 9 155 C +80 9 156 C +80 9 157 WA +80 9 158 T +80 9 159 O +80 9 160 W +80 9 161 C +80 9 162 W +80 9 163 C +80 9 164 C +80 9 165 C +80 9 166 C +80 9 167 I +80 9 168 C +80 9 169 C +80 9 170 C +80 9 171 C +80 9 172 T +80 9 173 W +80 9 174 O +80 9 175 C +80 9 176 W +80 9 177 O +80 9 178 C +80 9 179 I +80 9 180 C +80 9 181 O +80 9 182 I +80 9 183 O +80 9 184 I +80 9 185 O +80 9 186 C +80 9 187 O +80 9 188 C +80 9 189 C +80 9 190 Z +80 9 191 C +80 9 192 I +80 9 193 O +80 9 194 I +80 9 195 C +80 9 196 C +80 9 197 I +80 9 198 U +80 9 199 K +80 9 200 C +80 9 201 W +80 9 202 C +80 9 203 I +80 9 204 U +80 9 205 I +80 9 206 T +80 9 207 W +80 9 208 O +80 9 209 C +80 9 210 I +80 9 211 C +80 9 212 O +80 9 213 I +80 9 214 O +80 9 215 I +80 9 216 C +80 9 217 W +80 9 218 C +80 9 219 C +80 9 220 C +80 9 221 C +80 9 222 I +80 9 223 C +80 9 224 T +80 9 225 C +80 9 226 C +80 9 227 U +80 9 228 C +80 9 229 C +80 9 230 Z +80 9 231 I +80 9 232 C +80 9 233 C +80 9 234 C +80 9 235 C +80 9 236 C +80 9 237 O +80 9 238 C +80 9 239 W +80 9 240 W +80 9 241 T +80 9 242 O +80 9 243 I +80 9 244 C +80 9 245 W +80 9 246 C +80 9 247 I +80 9 248 C +80 9 249 C +80 9 250 I +80 9 251 C +80 9 252 Z +80 9 253 C +80 9 254 C +80 9 255 U +80 9 256 W +80 9 257 C +80 9 258 O +80 9 259 W +80 9 260 O +80 9 261 O +80 9 262 T +80 9 263 K +80 9 264 C +80 9 265 C +80 9 266 W +80 9 267 I +80 9 268 C +80 9 269 I +80 9 270 O +80 9 271 C +80 9 272 T +80 9 273 I +80 9 274 T +80 9 275 O +80 9 276 W +80 9 277 C +80 9 278 O +80 9 279 I +80 9 280 C +80 9 281 C +80 9 282 C +80 9 283 M +80 9 284 C +80 9 285 I +80 9 286 T +80 9 287 O +80 9 288 W +80 9 289 C +80 9 290 T +80 9 291 C +80 9 292 Z +80 9 293 C +80 9 294 C +80 9 295 M +80 9 296 I +80 9 297 O +80 9 298 W +80 9 299 C +80 9 300 K +80 9 301 C +80 9 302 Z +80 9 303 C +80 9 304 C +80 9 305 I +80 9 306 C +80 9 307 C +80 9 308 I +80 9 309 C +80 9 310 C +80 9 311 C +80 9 312 U +80 9 313 C +80 9 314 T +80 9 315 C +80 9 316 C +80 9 317 I +80 9 318 O +80 9 319 T +80 9 320 C +80 9 321 W +80 9 322 C +80 9 323 C +80 9 324 T +80 9 325 I +80 9 326 O +80 9 327 C +80 9 328 C +80 9 329 O +80 9 330 C +80 10 1 C +80 10 2 C +80 10 3 O +80 10 4 I +80 10 5 C +80 10 6 Z +80 10 7 C +80 10 8 Z +80 10 9 O +80 10 10 C +80 10 11 C +80 10 12 O +80 10 13 C +80 10 14 C +80 10 15 Z +80 10 16 T +80 10 17 O +80 10 18 U +80 10 19 C +80 10 20 C +80 10 21 Z +80 10 22 O +80 10 23 I +80 10 24 C +80 10 25 C +80 10 26 C +80 10 27 T +80 10 28 Z +80 10 29 C +80 10 30 O +80 10 31 C +80 10 32 Z +80 10 33 C +80 10 34 C +80 10 35 Z +80 10 36 C +80 10 37 C +80 10 38 Z +80 10 39 C +80 10 40 C +80 10 41 Z +80 10 42 C +80 10 43 C +80 10 44 T +80 10 45 C +80 10 46 K +80 10 47 C +80 10 48 O +80 10 49 C +80 10 50 I +80 10 51 C +80 10 52 C +80 10 53 I +80 10 54 C +80 10 55 C +80 10 56 O +80 10 57 C +80 10 58 O +80 10 59 Z +80 10 60 C +80 10 61 I +80 10 62 C +80 10 63 Z +80 10 64 C +80 10 65 Z +80 10 66 T +80 10 67 C +80 10 68 Z +80 10 69 C +80 10 70 T +80 10 71 I +80 10 72 C +80 10 73 I +80 10 74 C +80 10 75 C +80 10 76 W +80 10 77 C +80 10 78 Z +80 10 79 K +80 10 80 C +80 10 81 C +80 10 82 C +80 10 83 O +80 10 84 Z +80 10 85 C +80 10 86 Z +80 10 87 U +80 10 88 I +80 10 89 U +80 10 90 C +80 10 91 C +80 10 92 Z +80 10 93 C +80 10 94 U +80 10 95 C +80 10 96 O +80 10 97 I +80 10 98 W +80 10 99 C +80 10 100 C +80 10 101 Z +80 10 102 K +80 10 103 O +80 10 104 C +80 10 105 I +80 10 106 O +80 10 107 T +80 10 108 C +80 10 109 C +80 10 110 O +80 10 111 C +80 10 112 Z +80 10 113 U +80 10 114 C +80 10 115 Z +80 10 116 C +80 10 117 I +80 10 118 Z +80 10 119 C +80 10 120 T +80 10 121 O +80 10 122 C +80 10 123 C +80 10 124 C +80 10 125 Z +80 10 126 Z +80 10 127 C +80 10 128 C +80 10 129 T +80 10 130 C +80 10 131 I +80 10 132 Z +80 10 133 C +80 10 134 I +80 10 135 Z +80 10 136 C +80 10 137 C +80 10 138 C +80 10 139 T +80 10 140 C +80 10 141 T +80 10 142 T +80 10 143 C +80 10 144 I +80 10 145 C +80 10 146 O +80 10 147 C +80 10 148 Z +80 10 149 C +80 10 150 I +80 10 151 Z +80 10 152 Z +80 10 153 C +80 10 154 U +80 10 155 K +80 10 156 C +80 10 157 O +80 10 158 T +80 10 159 O +80 10 160 Z +80 10 161 C +80 10 162 Z +80 10 163 C +80 10 164 C +80 10 165 C +80 10 166 C +80 10 167 C +80 10 168 C +80 10 169 C +80 10 170 C +80 10 171 C +80 10 172 T +80 10 173 Z +80 10 174 O +80 10 175 C +80 10 176 Z +80 10 177 K +80 10 178 C +80 10 179 I +80 10 180 C +80 10 181 C +80 10 182 I +80 10 183 K +80 10 184 I +80 10 185 O +80 10 186 C +80 10 187 O +80 10 188 C +80 10 189 C +80 10 190 Z +80 10 191 C +80 10 192 C +80 10 193 C +80 10 194 I +80 10 195 C +80 10 196 C +80 10 197 I +80 10 198 C +80 10 199 C +80 10 200 C +80 10 201 Z +80 10 202 C +80 10 203 Z +80 10 204 C +80 10 205 I +80 10 206 T +80 10 207 Z +80 10 208 C +80 10 209 C +80 10 210 C +80 10 211 C +80 10 212 O +80 10 213 C +80 10 214 C +80 10 215 Z +80 10 216 C +80 10 217 Z +80 10 218 C +80 10 219 C +80 10 220 I +80 10 221 C +80 10 222 I +80 10 223 C +80 10 224 T +80 10 225 C +80 10 226 C +80 10 227 C +80 10 228 C +80 10 229 C +80 10 230 T +80 10 231 I +80 10 232 KA +80 10 233 C +80 10 234 C +80 10 235 C +80 10 236 C +80 10 237 Z +80 10 238 C +80 10 239 Z +80 10 240 O +80 10 241 T +80 10 242 D +80 10 243 I +80 10 244 C +80 10 245 Z +80 10 246 C +80 10 247 I +80 10 248 C +80 10 249 C +80 10 250 I +80 10 251 C +80 10 252 T +80 10 253 C +80 10 254 C +80 10 255 O +80 10 256 Z +80 10 257 C +80 10 258 C +80 10 259 Z +80 10 260 C +80 10 261 Z +80 10 262 T +80 10 263 K +80 10 264 D +80 10 265 C +80 10 266 O +80 10 267 I +80 10 268 C +80 10 269 Z +80 10 270 O +80 10 271 C +80 10 272 T +80 10 273 Z +80 10 274 T +80 10 275 C +80 10 276 Z +80 10 277 C +80 10 278 Z +80 10 279 C +80 10 280 C +80 10 281 C +80 10 282 C +80 10 283 O +80 10 284 T +80 10 285 Z +80 10 286 T +80 10 287 C +80 10 288 Z +80 10 289 C +80 10 290 T +80 10 291 C +80 10 292 Z +80 10 293 D +80 10 294 D +80 10 295 O +80 10 296 I +80 10 297 O +80 10 298 Z +80 10 299 C +80 10 300 K +80 10 301 C +80 10 302 T +80 10 303 K +80 10 304 C +80 10 305 I +80 10 306 C +80 10 307 C +80 10 308 I +80 10 309 O +80 10 310 C +80 10 311 C +80 10 312 O +80 10 313 I +80 10 314 T +80 10 315 C +80 10 316 C +80 10 317 I +80 10 318 Z +80 10 319 T +80 10 320 C +80 10 321 Z +80 10 322 C +80 10 323 C +80 10 324 T +80 10 325 I +80 10 326 C +80 10 327 C +80 10 328 C +80 10 329 O +80 10 330 C +80 11 1 C +80 11 2 C +80 11 3 O +80 11 4 I +80 11 5 C +80 11 6 O +80 11 7 C +80 11 8 W +80 11 9 O +80 11 10 C +80 11 11 C +80 11 12 O +80 11 13 C +80 11 14 C +80 11 15 Z +80 11 16 T +80 11 17 O +80 11 18 U +80 11 19 C +80 11 20 C +80 11 21 Z +80 11 22 O +80 11 23 I +80 11 24 O +80 11 25 C +80 11 26 C +80 11 27 Z +80 11 28 Z +80 11 29 C +80 11 30 O +80 11 31 C +80 11 32 Z +80 11 33 C +80 11 34 C +80 11 35 O +80 11 36 C +80 11 37 C +80 11 38 Z +80 11 39 C +80 11 40 C +80 11 41 W +80 11 42 O +80 11 43 C +80 11 44 Z +80 11 45 C +80 11 46 K +80 11 47 C +80 11 48 O +80 11 49 C +80 11 50 I +80 11 51 O +80 11 52 C +80 11 53 W +80 11 54 C +80 11 55 C +80 11 56 Z +80 11 57 C +80 11 58 O +80 11 59 Z +80 11 60 C +80 11 61 W +80 11 62 I +80 11 63 Z +80 11 64 C +80 11 65 Z +80 11 66 O +80 11 67 C +80 11 68 Z +80 11 69 C +80 11 70 C +80 11 71 W +80 11 72 C +80 11 73 I +80 11 74 D +80 11 75 C +80 11 76 O +80 11 77 C +80 11 78 Z +80 11 79 K +80 11 80 C +80 11 81 C +80 11 82 C +80 11 83 O +80 11 84 Z +80 11 85 C +80 11 86 Z +80 11 87 C +80 11 88 I +80 11 89 U +80 11 90 C +80 11 91 C +80 11 92 O +80 11 93 C +80 11 94 K +80 11 95 C +80 11 96 O +80 11 97 I +80 11 98 W +80 11 99 I +80 11 100 C +80 11 101 W +80 11 102 D +80 11 103 C +80 11 104 C +80 11 105 I +80 11 106 O +80 11 107 Z +80 11 108 C +80 11 109 C +80 11 110 O +80 11 111 C +80 11 112 W +80 11 113 D +80 11 114 C +80 11 115 W +80 11 116 C +80 11 117 O +80 11 118 Z +80 11 119 C +80 11 120 T +80 11 121 O +80 11 122 C +80 11 123 C +80 11 124 C +80 11 125 O +80 11 126 Z +80 11 127 C +80 11 128 O +80 11 129 T +80 11 130 C +80 11 131 I +80 11 132 O +80 11 133 C +80 11 134 O +80 11 135 W +80 11 136 C +80 11 137 C +80 11 138 C +80 11 139 T +80 11 140 C +80 11 141 T +80 11 142 T +80 11 143 C +80 11 144 I +80 11 145 C +80 11 146 O +80 11 147 C +80 11 148 W +80 11 149 C +80 11 150 I +80 11 151 Z +80 11 152 Z +80 11 153 C +80 11 154 K +80 11 155 O +80 11 156 C +80 11 157 O +80 11 158 T +80 11 159 O +80 11 160 Z +80 11 161 C +80 11 162 W +80 11 163 C +80 11 164 C +80 11 165 C +80 11 166 C +80 11 167 Z +80 11 168 C +80 11 169 C +80 11 170 C +80 11 171 C +80 11 172 T +80 11 173 Z +80 11 174 O +80 11 175 C +80 11 176 Z +80 11 177 O +80 11 178 C +80 11 179 W +80 11 180 C +80 11 181 O +80 11 182 W +80 11 183 O +80 11 184 I +80 11 185 O +80 11 186 C +80 11 187 O +80 11 188 C +80 11 189 D +80 11 190 Z +80 11 191 C +80 11 192 I +80 11 193 C +80 11 194 W +80 11 195 C +80 11 196 D +80 11 197 I +80 11 198 K +80 11 199 D +80 11 200 C +80 11 201 Z +80 11 202 C +80 11 203 Z +80 11 204 O +80 11 205 I +80 11 206 T +80 11 207 Z +80 11 208 O +80 11 209 C +80 11 210 O +80 11 211 C +80 11 212 O +80 11 213 I +80 11 214 C +80 11 215 Z +80 11 216 C +80 11 217 Z +80 11 218 C +80 11 219 C +80 11 220 I +80 11 221 D +80 11 222 I +80 11 223 C +80 11 224 Z +80 11 225 C +80 11 226 C +80 11 227 C +80 11 228 C +80 11 229 C +80 11 230 Z +80 11 231 Z +80 11 232 O +80 11 233 I +80 11 234 C +80 11 235 C +80 11 236 C +80 11 237 O +80 11 238 C +80 11 239 Z +80 11 240 O +80 11 241 T +80 11 242 O +80 11 243 W +80 11 244 D +80 11 245 W +80 11 246 C +80 11 247 I +80 11 248 C +80 11 249 C +80 11 250 I +80 11 251 C +80 11 252 Z +80 11 253 C +80 11 254 C +80 11 255 Q +80 11 256 Z +80 11 257 C +80 11 258 O +80 11 259 W +80 11 260 O +80 11 261 O +80 11 262 T +80 11 263 K +80 11 264 C +80 11 265 C +80 11 266 O +80 11 267 W +80 11 268 C +80 11 269 W +80 11 270 O +80 11 271 C +80 11 272 T +80 11 273 Z +80 11 274 T +80 11 275 C +80 11 276 W +80 11 277 C +80 11 278 O +80 11 279 C +80 11 280 C +80 11 281 C +80 11 282 C +80 11 283 O +80 11 284 C +80 11 285 Z +80 11 286 T +80 11 287 O +80 11 288 Z +80 11 289 C +80 11 290 T +80 11 291 C +80 11 292 Z +80 11 293 C +80 11 294 D +80 11 295 O +80 11 296 I +80 11 297 O +80 11 298 W +80 11 299 C +80 11 300 K +80 11 301 C +80 11 302 T +80 11 303 D +80 11 304 C +80 11 305 W +80 11 306 C +80 11 307 C +80 11 308 I +80 11 309 K +80 11 310 C +80 11 311 C +80 11 312 U +80 11 313 C +80 11 314 T +80 11 315 C +80 11 316 C +80 11 317 W +80 11 318 O +80 11 319 T +80 11 320 C +80 11 321 Z +80 11 322 C +80 11 323 C +80 11 324 T +80 11 325 I +80 11 326 O +80 11 327 C +80 11 328 C +80 11 329 O +80 11 330 C +80 12 1 C +80 12 2 C +80 12 3 N +80 12 4 I +80 12 5 C +80 12 6 L +80 12 7 C +80 12 8 W +80 12 9 O +80 12 10 C +80 12 11 C +80 12 12 O +80 12 13 C +80 12 14 C +80 12 15 I +80 12 16 T +80 12 17 N +80 12 18 U +80 12 19 C +80 12 20 C +80 12 21 I +80 12 22 O +80 12 23 I +80 12 24 C +80 12 25 C +80 12 26 C +80 12 27 T +80 12 28 Z +80 12 29 C +80 12 30 O +80 12 31 C +80 12 32 I +80 12 33 C +80 12 34 C +80 12 35 O +80 12 36 C +80 12 37 C +80 12 38 Z +80 12 39 C +80 12 40 C +80 12 41 W +80 12 42 O +80 12 43 C +80 12 44 T +80 12 45 C +80 12 46 * +80 12 47 C +80 12 48 O +80 12 49 C +80 12 50 I +80 12 51 K +80 12 52 T +80 12 53 I +80 12 54 C +80 12 55 C +80 12 56 * +80 12 57 C +80 12 58 O +80 12 59 I +80 12 60 C +80 12 61 Z +80 12 62 I +80 12 63 * +80 12 64 C +80 12 65 Z +80 12 66 T +80 12 67 C +80 12 68 I +80 12 69 O +80 12 70 T +80 12 71 I +80 12 72 C +80 12 73 I +80 12 74 C +80 12 75 C +80 12 76 N +80 12 77 C +80 12 78 I +80 12 79 U +80 12 80 C +80 12 81 C +80 12 82 C +80 12 83 L +80 12 84 O +80 12 85 C +80 12 86 I +80 12 87 U +80 12 88 I +80 12 89 U +80 12 90 C +80 12 91 C +80 12 92 T +80 12 93 C +80 12 94 U +80 12 95 C +80 12 96 O +80 12 97 I +80 12 98 W +80 12 99 I +80 12 100 C +80 12 101 I +80 12 102 I +80 12 103 C +80 12 104 C +80 12 105 I +80 12 106 O +80 12 107 T +80 12 108 C +80 12 109 C +80 12 110 O +80 12 111 C +80 12 112 Z +80 12 113 U +80 12 114 C +80 12 115 W +80 12 116 C +80 12 117 O +80 12 118 W +80 12 119 C +80 12 120 T +80 12 121 N +80 12 122 C +80 12 123 C +80 12 124 C +80 12 125 N +80 12 126 W +80 12 127 C +80 12 128 O +80 12 129 T +80 12 130 C +80 12 131 I +80 12 132 N +80 12 133 C +80 12 134 O +80 12 135 I +80 12 136 C +80 12 137 C +80 12 138 C +80 12 139 T +80 12 140 C +80 12 141 T +80 12 142 T +80 12 143 C +80 12 144 I +80 12 145 C +80 12 146 O +80 12 147 C +80 12 148 W +80 12 149 C +80 12 150 I +80 12 151 W +80 12 152 I +80 12 153 C +80 12 154 U +80 12 155 O +80 12 156 C +80 12 157 O +80 12 158 T +80 12 159 O +80 12 160 Z +80 12 161 C +80 12 162 W +80 12 163 C +80 12 164 C +80 12 165 C +80 12 166 C +80 12 167 W +80 12 168 C +80 12 169 C +80 12 170 C +80 12 171 C +80 12 172 T +80 12 173 W +80 12 174 O +80 12 175 C +80 12 176 Z +80 12 177 O +80 12 178 C +80 12 179 I +80 12 180 C +80 12 181 O +80 12 182 I +80 12 183 O +80 12 184 I +80 12 185 O +80 12 186 C +80 12 187 O +80 12 188 C +80 12 189 C +80 12 190 Z +80 12 191 C +80 12 192 I +80 12 193 O +80 12 194 I +80 12 195 C +80 12 196 C +80 12 197 I +80 12 198 U +80 12 199 T +80 12 200 C +80 12 201 Z +80 12 202 C +80 12 203 I +80 12 204 O +80 12 205 I +80 12 206 T +80 12 207 W +80 12 208 O +80 12 209 C +80 12 210 O +80 12 211 C +80 12 212 O +80 12 213 I +80 12 214 O +80 12 215 I +80 12 216 C +80 12 217 W +80 12 218 C +80 12 219 C +80 12 220 I +80 12 221 C +80 12 222 I +80 12 223 C +80 12 224 T +80 12 225 C +80 12 226 C +80 12 227 U +80 12 228 C +80 12 229 C +80 12 230 T +80 12 231 I +80 12 232 C +80 12 233 I +80 12 234 C +80 12 235 C +80 12 236 C +80 12 237 Z +80 12 238 C +80 12 239 I +80 12 240 O +80 12 241 T +80 12 242 O +80 12 243 I +80 12 244 C +80 12 245 W +80 12 246 C +80 12 247 I +80 12 248 C +80 12 249 C +80 12 250 I +80 12 251 C +80 12 252 T +80 12 253 C +80 12 254 C +80 12 255 U +80 12 256 Z +80 12 257 C +80 12 258 O +80 12 259 Z +80 12 260 O +80 12 261 O +80 12 262 T +80 12 263 K +80 12 264 C +80 12 265 C +80 12 266 O +80 12 267 I +80 12 268 C +80 12 269 I +80 12 270 O +80 12 271 C +80 12 272 T +80 12 273 I +80 12 274 T +80 12 275 C +80 12 276 I +80 12 277 C +80 12 278 W +80 12 279 C +80 12 280 C +80 12 281 C +80 12 282 C +80 12 283 O +80 12 284 C +80 12 285 Z +80 12 286 T +80 12 287 O +80 12 288 W +80 12 289 C +80 12 290 T +80 12 291 C +80 12 292 Z +80 12 293 C +80 12 294 T +80 12 295 O +80 12 296 I +80 12 297 O +80 12 298 W +80 12 299 C +80 12 300 L +80 12 301 C +80 12 302 T +80 12 303 C +80 12 304 C +80 12 305 I +80 12 306 C +80 12 307 C +80 12 308 I +80 12 309 C +80 12 310 C +80 12 311 C +80 12 312 U +80 12 313 C +80 12 314 T +80 12 315 C +80 12 316 C +80 12 317 I +80 12 318 N +80 12 319 T +80 12 320 C +80 12 321 W +80 12 322 C +80 12 323 C +80 12 324 T +80 12 325 I +80 12 326 O +80 12 327 C +80 12 328 C +80 12 329 O +80 12 330 C +80 13 1 C +80 13 2 C +80 13 3 O +80 13 4 I +80 13 5 C +80 13 6 O +80 13 7 C +80 13 8 W +80 13 9 W +80 13 10 C +80 13 11 C +80 13 12 T +80 13 13 C +80 13 14 C +80 13 15 Z +80 13 16 K +80 13 17 O +80 13 18 U +80 13 19 C +80 13 20 C +80 13 21 Z +80 13 22 T +80 13 23 I +80 13 24 U +80 13 25 C +80 13 26 C +80 13 27 T +80 13 28 Z +80 13 29 C +80 13 30 O +80 13 31 C +80 13 32 Z +80 13 33 C +80 13 34 C +80 13 35 O +80 13 36 C +80 13 37 C +80 13 38 W +80 13 39 C +80 13 40 C +80 13 41 W +80 13 42 KO +80 13 43 C +80 13 44 T +80 13 45 C +80 13 46 H +80 13 47 C +80 13 48 O +80 13 49 C +80 13 50 U +80 13 51 I +80 13 52 T +80 13 53 W +80 13 54 C +80 13 55 C +80 13 56 Z +80 13 57 C +80 13 58 MI +80 13 59 T +80 13 60 C +80 13 61 Z +80 13 62 MI +80 13 63 O +80 13 64 C +80 13 65 Z +80 13 66 T +80 13 67 C +80 13 68 O +80 13 69 C +80 13 70 MI +80 13 71 W +80 13 72 C +80 13 73 I +80 13 74 C +80 13 75 C +80 13 76 O +80 13 77 C +80 13 78 O +80 13 79 U +80 13 80 C +80 13 81 C +80 13 82 C +80 13 83 MI +80 13 84 O +80 13 85 C +80 13 86 O +80 13 87 C +80 13 88 W +80 13 89 C +80 13 90 C +80 13 91 C +80 13 92 O +80 13 93 C +80 13 94 C +80 13 95 C +80 13 96 O +80 13 97 I +80 13 98 W +80 13 99 O +80 13 100 C +80 13 101 W +80 13 102 K +80 13 103 U +80 13 104 C +80 13 105 W +80 13 106 T +80 13 107 T +80 13 108 C +80 13 109 C +80 13 110 O +80 13 111 C +80 13 112 W +80 13 113 U +80 13 114 C +80 13 115 W +80 13 116 C +80 13 117 I +80 13 118 Z +80 13 119 C +80 13 120 T +80 13 121 O +80 13 122 C +80 13 123 C +80 13 124 C +80 13 125 Z +80 13 126 O +80 13 127 C +80 13 128 C +80 13 129 T +80 13 130 C +80 13 131 W +80 13 132 Z +80 13 133 C +80 13 134 I +80 13 135 Z +80 13 136 C +80 13 137 C +80 13 138 C +80 13 139 T +80 13 140 C +80 13 141 T +80 13 142 T +80 13 143 C +80 13 144 U +80 13 145 C +80 13 146 K +80 13 147 C +80 13 148 W +80 13 149 C +80 13 150 I +80 13 151 O +80 13 152 Z +80 13 153 C +80 13 154 U +80 13 155 U +80 13 156 C +80 13 157 I +80 13 158 T +80 13 159 O +80 13 160 O +80 13 161 C +80 13 162 W +80 13 163 C +80 13 164 C +80 13 165 C +80 13 166 C +80 13 167 O +80 13 168 C +80 13 169 C +80 13 170 C +80 13 171 C +80 13 172 T +80 13 173 Z +80 13 174 O +80 13 175 C +80 13 176 O +80 13 177 T +80 13 178 C +80 13 179 W +80 13 180 C +80 13 181 O +80 13 182 I +80 13 183 O +80 13 184 I +80 13 185 O +80 13 186 C +80 13 187 O +80 13 188 C +80 13 189 C +80 13 190 O +80 13 191 C +80 13 192 I +80 13 193 C +80 13 194 I +80 13 195 C +80 13 196 C +80 13 197 I +80 13 198 U +80 13 199 C +80 13 200 C +80 13 201 O +80 13 202 C +80 13 203 O +80 13 204 U +80 13 205 I +80 13 206 T +80 13 207 Z +80 13 208 O +80 13 209 C +80 13 210 I +80 13 211 C +80 13 212 O +80 13 213 KO +80 13 214 C +80 13 215 O +80 13 216 C +80 13 217 O +80 13 218 C +80 13 219 C +80 13 220 I +80 13 221 C +80 13 222 O +80 13 223 C +80 13 224 T +80 13 225 KO +80 13 226 C +80 13 227 C +80 13 228 C +80 13 229 C +80 13 230 MI +80 13 231 Z +80 13 232 O +80 13 233 C +80 13 234 C +80 13 235 C +80 13 236 D +80 13 237 O +80 13 238 C +80 13 239 KO +80 13 240 W +80 13 241 T +80 13 242 T +80 13 243 W +80 13 244 C +80 13 245 W +80 13 246 C +80 13 247 I +80 13 248 C +80 13 249 C +80 13 250 I +80 13 251 C +80 13 252 T +80 13 253 C +80 13 254 C +80 13 255 U +80 13 256 O +80 13 257 C +80 13 258 KO +80 13 259 W +80 13 260 T +80 13 261 O +80 13 262 T +80 13 263 MI +80 13 264 C +80 13 265 C +80 13 266 Z +80 13 267 Z +80 13 268 C +80 13 269 O +80 13 270 O +80 13 271 C +80 13 272 C +80 13 273 W +80 13 274 T +80 13 275 O +80 13 276 W +80 13 277 C +80 13 278 O +80 13 279 C +80 13 280 C +80 13 281 D +80 13 282 C +80 13 283 I +80 13 284 C +80 13 285 O +80 13 286 C +80 13 287 I +80 13 288 O +80 13 289 C +80 13 290 T +80 13 291 C +80 13 292 O +80 13 293 C +80 13 294 T +80 13 295 I +80 13 296 I +80 13 297 O +80 13 298 O +80 13 299 C +80 13 300 C +80 13 301 C +80 13 302 KO +80 13 303 C +80 13 304 C +80 13 305 I +80 13 306 C +80 13 307 C +80 13 308 I +80 13 309 U +80 13 310 C +80 13 311 C +80 13 312 U +80 13 313 C +80 13 314 T +80 13 315 C +80 13 316 D +80 13 317 W +80 13 318 O +80 13 319 T +80 13 320 C +80 13 321 Z +80 13 322 C +80 13 323 C +80 13 324 T +80 13 325 I +80 13 326 O +80 13 327 C +80 13 328 C +80 13 329 O +80 13 330 C +80 14 1 A +80 14 2 A +80 14 3 W +80 14 4 I +80 14 5 C +80 14 6 * +80 14 7 C +80 14 8 W +80 14 9 M +80 14 10 A +80 14 11 A +80 14 12 O +80 14 13 O +80 14 14 * +80 14 15 T +80 14 16 N +80 14 17 U +80 14 18 A +80 14 19 A +80 14 20 C +80 14 21 W +80 14 22 O +80 14 23 I +80 14 24 * +80 14 25 A +80 14 26 A +80 14 27 T +80 14 28 W +80 14 29 C +80 14 30 N +80 14 31 A +80 14 32 I +80 14 33 C +80 14 34 A +80 14 35 N +80 14 36 C +80 14 37 A +80 14 38 W +80 14 39 C +80 14 40 A +80 14 41 W +80 14 42 O +80 14 43 A +80 14 44 T +80 14 45 C +80 14 46 U +80 14 47 C +80 14 48 O +80 14 49 A +80 14 50 I +80 14 51 M +80 14 52 * +80 14 53 I +80 14 54 C +80 14 55 A +80 14 56 O +80 14 57 A +80 14 58 O +80 14 59 I +80 14 60 C +80 14 61 W +80 14 62 I +80 14 63 W +80 14 64 A +80 14 65 W +80 14 66 T +80 14 67 C +80 14 68 I +80 14 69 C +80 14 70 I +80 14 71 I +80 14 72 C +80 14 73 I +80 14 74 A +80 14 75 C +80 14 76 N +80 14 77 A +80 14 78 I +80 14 79 U +80 14 80 A +80 14 81 C +80 14 82 A +80 14 83 O +80 14 84 * +80 14 85 C +80 14 86 I +80 14 87 U +80 14 88 I +80 14 89 U +80 14 90 A +80 14 91 C +80 14 92 T +80 14 93 A +80 14 94 U +80 14 95 A +80 14 96 O +80 14 97 I +80 14 98 W +80 14 99 I +80 14 100 A +80 14 101 I +80 14 102 * +80 14 103 C +80 14 104 A +80 14 105 I +80 14 106 O +80 14 107 T +80 14 108 A +80 14 109 A +80 14 110 O +80 14 111 C +80 14 112 W +80 14 113 U +80 14 114 A +80 14 115 W +80 14 116 A +80 14 117 M +80 14 118 W +80 14 119 C +80 14 120 T +80 14 121 N +80 14 122 C +80 14 123 A +80 14 124 C +80 14 125 N +80 14 126 W +80 14 127 A +80 14 128 C +80 14 129 T +80 14 130 U +80 14 131 I +80 14 132 W +80 14 133 C +80 14 134 I +80 14 135 I +80 14 136 A +80 14 137 C +80 14 138 A +80 14 139 T +80 14 140 A +80 14 141 T +80 14 142 T +80 14 143 C +80 14 144 I +80 14 145 C +80 14 146 O +80 14 147 C +80 14 148 W +80 14 149 C +80 14 150 I +80 14 151 W +80 14 152 I +80 14 153 A +80 14 154 U +80 14 155 U +80 14 156 C +80 14 157 M +80 14 158 T +80 14 159 O +80 14 160 W +80 14 161 C +80 14 162 W +80 14 163 C +80 14 164 A +80 14 165 C +80 14 166 A +80 14 167 I +80 14 168 C +80 14 169 A +80 14 170 A +80 14 171 C +80 14 172 T +80 14 173 W +80 14 174 O +80 14 175 A +80 14 176 W +80 14 177 O +80 14 178 A +80 14 179 I +80 14 180 C +80 14 181 O +80 14 182 I +80 14 183 O +80 14 184 I +80 14 185 O +80 14 186 A +80 14 187 O +80 14 188 A +80 14 189 A +80 14 190 W +80 14 191 A +80 14 192 I +80 14 193 C +80 14 194 I +80 14 195 C +80 14 196 A +80 14 197 I +80 14 198 U +80 14 199 T +80 14 200 A +80 14 201 W +80 14 202 C +80 14 203 I +80 14 204 U +80 14 205 I +80 14 206 T +80 14 207 W +80 14 208 O +80 14 209 C +80 14 210 I +80 14 211 A +80 14 212 O +80 14 213 I +80 14 214 C +80 14 215 O +80 14 216 C +80 14 217 W +80 14 218 C +80 14 219 A +80 14 220 A +80 14 221 T +80 14 222 I +80 14 223 C +80 14 224 T +80 14 225 C +80 14 226 A +80 14 227 U +80 14 228 A +80 14 229 C +80 14 230 T +80 14 231 I +80 14 232 C +80 14 233 A +80 14 234 C +80 14 235 A +80 14 236 C +80 14 237 N +80 14 238 A +80 14 239 W +80 14 240 N +80 14 241 T +80 14 242 O +80 14 243 I +80 14 244 T +80 14 245 W +80 14 246 C +80 14 247 I +80 14 248 C +80 14 249 C +80 14 250 I +80 14 251 C +80 14 252 T +80 14 253 C +80 14 254 A +80 14 255 U +80 14 256 W +80 14 257 A +80 14 258 C +80 14 259 W +80 14 260 C +80 14 261 N +80 14 262 T +80 14 263 K +80 14 264 A +80 14 265 C +80 14 266 W +80 14 267 I +80 14 268 C +80 14 269 I +80 14 270 O +80 14 271 C +80 14 272 T +80 14 273 I +80 14 274 T +80 14 275 C +80 14 276 I +80 14 277 A +80 14 278 N +80 14 279 A +80 14 280 C +80 14 281 C +80 14 282 C +80 14 283 M +80 14 284 T +80 14 285 I +80 14 286 T +80 14 287 C +80 14 288 W +80 14 289 C +80 14 290 T +80 14 291 A +80 14 292 W +80 14 293 T +80 14 294 T +80 14 295 M +80 14 296 I +80 14 297 O +80 14 298 W +80 14 299 C +80 14 300 T +80 14 301 C +80 14 302 T +80 14 303 A +80 14 304 C +80 14 305 I +80 14 306 C +80 14 307 A +80 14 308 I +80 14 309 C +80 14 310 C +80 14 311 A +80 14 312 U +80 14 313 A +80 14 314 T +80 14 315 C +80 14 316 C +80 14 317 I +80 14 318 N +80 14 319 T +80 14 320 C +80 14 321 W +80 14 322 A +80 14 323 C +80 14 324 T +80 14 325 I +80 14 326 O +80 14 327 A +80 14 328 C +80 14 329 M +80 14 330 T +80 15 1 C +80 15 2 C +80 15 3 * +80 15 4 I +80 15 5 C +80 15 6 N +80 15 7 C +80 15 8 W +80 15 9 O +80 15 10 C +80 15 11 K +80 15 12 O +80 15 13 C +80 15 14 C +80 15 15 I +80 15 16 L +80 15 17 W +80 15 18 U +80 15 19 C +80 15 20 C +80 15 21 W +80 15 22 O +80 15 23 I +80 15 24 CK +80 15 25 C +80 15 26 C +80 15 27 W +80 15 28 Z +80 15 29 C +80 15 30 O +80 15 31 C +80 15 32 I +80 15 33 C +80 15 34 C +80 15 35 N +80 15 36 C +80 15 37 C +80 15 38 W +80 15 39 C +80 15 40 C +80 15 41 W +80 15 42 C +80 15 43 C +80 15 44 T +80 15 45 C +80 15 46 K +80 15 47 C +80 15 48 * +80 15 49 C +80 15 50 I +80 15 51 U +80 15 52 C +80 15 53 I +80 15 54 C +80 15 55 C +80 15 56 Z +80 15 57 C +80 15 58 I +80 15 59 I +80 15 60 C +80 15 61 W +80 15 62 I +80 15 63 Z +80 15 64 C +80 15 65 W +80 15 66 N +80 15 67 I +80 15 68 I +80 15 69 C +80 15 70 I +80 15 71 I +80 15 72 I +80 15 73 I +80 15 74 C +80 15 75 C +80 15 76 W +80 15 77 C +80 15 78 I +80 15 79 U +80 15 80 C +80 15 81 I +80 15 82 C +80 15 83 O +80 15 84 Z +80 15 85 C +80 15 86 I +80 15 87 U +80 15 88 I +80 15 89 U +80 15 90 C +80 15 91 C +80 15 92 O +80 15 93 C +80 15 94 U +80 15 95 C +80 15 96 O +80 15 97 I +80 15 98 W +80 15 99 I +80 15 100 C +80 15 101 I +80 15 102 C +80 15 103 I +80 15 104 C +80 15 105 I +80 15 106 O +80 15 107 I +80 15 108 C +80 15 109 C +80 15 110 O +80 15 111 I +80 15 112 W +80 15 113 U +80 15 114 C +80 15 115 W +80 15 116 C +80 15 117 B +80 15 118 Z +80 15 119 C +80 15 120 T +80 15 121 O +80 15 122 C +80 15 123 C +80 15 124 C +80 15 125 N +80 15 126 Z +80 15 127 C +80 15 128 O +80 15 129 W +80 15 130 U +80 15 131 I +80 15 132 Z +80 15 133 C +80 15 134 B +80 15 135 I +80 15 136 C +80 15 137 C +80 15 138 C +80 15 139 TO +80 15 140 C +80 15 141 T +80 15 142 I +80 15 143 I +80 15 144 I +80 15 145 C +80 15 146 O +80 15 147 C +80 15 148 W +80 15 149 IW +80 15 150 N +80 15 151 I +80 15 152 C +80 15 153 U +80 15 154 B +80 15 155 C +80 15 156 B +80 15 157 T +80 15 158 O +80 15 159 W +80 15 160 C +80 15 161 W +80 15 162 IW +80 15 163 C +80 15 164 C +80 15 165 IW +80 15 166 C +80 15 167 I +80 15 168 C +80 15 169 C +80 15 170 C +80 15 171 IW +80 15 172 T +80 15 173 Z +80 15 174 O +80 15 175 C +80 15 176 Z +80 15 177 O +80 15 178 C +80 15 179 B +80 15 180 I +80 15 181 O +80 15 182 IW +80 15 183 B +80 15 184 I +80 15 185 B +80 15 186 C +80 15 187 O +80 15 188 C +80 15 189 C +80 15 190 Z +80 15 191 C +80 15 192 I +80 15 193 C +80 15 194 B +80 15 195 C +80 15 196 C +80 15 197 I +80 15 198 U +80 15 199 TO +80 15 200 C +80 15 201 Z +80 15 202 IW +80 15 203 Z +80 15 204 B +80 15 205 I +80 15 206 IW +80 15 207 Z +80 15 208 B +80 15 209 IW +80 15 210 B +80 15 211 C +80 15 212 N +80 15 213 I +80 15 214 IW +80 15 215 I +80 15 216 IW +80 15 217 Z +80 15 218 IW +80 15 219 C +80 15 220 I +80 15 221 C +80 15 222 I +80 15 223 C +80 15 224 I +80 15 225 C +80 15 226 C +80 15 227 U +80 15 228 C +80 15 229 C +80 15 230 TO +80 15 231 I +80 15 232 C +80 15 233 I +80 15 234 C +80 15 235 C +80 15 236 IW +80 15 237 N +80 15 238 C +80 15 239 Z +80 15 240 B +80 15 241 T +80 15 242 O +80 15 243 I +80 15 244 C +80 15 245 B +80 15 246 C +80 15 247 I +80 15 248 U +80 15 249 IW +80 15 250 I +80 15 251 IW +80 15 252 TO +80 15 253 C +80 15 254 C +80 15 255 U +80 15 256 W +80 15 257 C +80 15 258 C +80 15 259 W +80 15 260 IW +80 15 261 B +80 15 262 T +80 15 263 TO +80 15 264 C +80 15 265 IW +80 15 266 B +80 15 267 I +80 15 268 IW +80 15 269 Z +80 15 270 B +80 15 271 IW +80 15 272 C +80 15 273 IW +80 15 274 T +80 15 275 IW +80 15 276 Z +80 15 277 C +80 15 278 N +80 15 279 C +80 15 280 IW +80 15 281 IW +80 15 282 IW +80 15 283 B +80 15 284 C +80 15 285 I +80 15 286 TO +80 15 287 B +80 15 288 W +80 15 289 C +80 15 290 T +80 15 291 C +80 15 292 W +80 15 293 C +80 15 294 C +80 15 295 B +80 15 296 I +80 15 297 O +80 15 298 W +80 15 299 I +80 15 300 C +80 15 301 IW +80 15 302 WA +80 15 303 C +80 15 304 IW +80 15 305 I +80 15 306 IW +80 15 307 C +80 15 308 I +80 15 309 U +80 15 310 IW +80 15 311 C +80 15 312 U +80 15 313 I +80 15 314 WA +80 15 315 IW +80 15 316 C +80 15 317 W +80 15 318 N +80 15 319 T +80 15 320 IW +80 15 321 W +80 15 322 C +80 15 323 IW +80 15 324 TO +80 15 325 I +80 15 326 O +80 15 327 C +80 15 328 C +80 15 329 B +80 15 330 C +80 16 1 C +80 16 2 C +80 16 3 W +80 16 4 W +80 16 5 C +80 16 6 O +80 16 7 C +80 16 8 W +80 16 9 O +80 16 10 C +80 16 11 C +80 16 12 O +80 16 13 C +80 16 14 C +80 16 15 I +80 16 16 T +80 16 17 W +80 16 18 U +80 16 19 C +80 16 20 C +80 16 21 Z +80 16 22 O +80 16 23 I +80 16 24 C +80 16 25 C +80 16 26 C +80 16 27 K +80 16 28 I +80 16 29 C +80 16 30 O +80 16 31 C +80 16 32 I +80 16 33 C +80 16 34 C +80 16 35 O +80 16 36 C +80 16 37 C +80 16 38 W +80 16 39 C +80 16 40 C +80 16 41 W +80 16 42 O +80 16 43 C +80 16 44 T +80 16 45 C +80 16 46 K +80 16 47 C +80 16 48 O +80 16 49 C +80 16 50 W +80 16 51 O +80 16 52 C +80 16 53 W +80 16 54 C +80 16 55 C +80 16 56 O +80 16 57 C +80 16 58 O +80 16 59 Z +80 16 60 C +80 16 61 W +80 16 62 W +80 16 63 I +80 16 64 C +80 16 65 W +80 16 66 K +80 16 67 C +80 16 68 Z +80 16 69 C +80 16 70 K +80 16 71 W +80 16 72 C +80 16 73 I +80 16 74 C +80 16 75 C +80 16 76 O +80 16 77 C +80 16 78 I +80 16 79 Q +80 16 80 C +80 16 81 C +80 16 82 C +80 16 83 K +80 16 84 Z +80 16 85 C +80 16 86 Z +80 16 87 K +80 16 88 Z +80 16 89 Q +80 16 90 C +80 16 91 C +80 16 92 T +80 16 93 C +80 16 94 M +80 16 95 C +80 16 96 O +80 16 97 I +80 16 98 W +80 16 99 I +80 16 100 C +80 16 101 W +80 16 102 C +80 16 103 C +80 16 104 C +80 16 105 I +80 16 106 O +80 16 107 T +80 16 108 C +80 16 109 C +80 16 110 O +80 16 111 C +80 16 112 W +80 16 113 U +80 16 114 C +80 16 115 O +80 16 116 C +80 16 117 M +80 16 118 Z +80 16 119 C +80 16 120 T +80 16 121 W +80 16 122 C +80 16 123 C +80 16 124 C +80 16 125 O +80 16 126 W +80 16 127 C +80 16 128 O +80 16 129 T +80 16 130 C +80 16 131 Z +80 16 132 W +80 16 133 O +80 16 134 C +80 16 135 Z +80 16 136 C +80 16 137 C +80 16 138 C +80 16 139 K +80 16 140 C +80 16 141 T +80 16 142 T +80 16 143 C +80 16 144 I +80 16 145 C +80 16 146 O +80 16 147 C +80 16 148 W +80 16 149 C +80 16 150 I +80 16 151 Z +80 16 152 Z +80 16 153 C +80 16 154 Q +80 16 155 O +80 16 156 C +80 16 157 O +80 16 158 T +80 16 159 O +80 16 160 Z +80 16 161 C +80 16 162 W +80 16 163 C +80 16 164 C +80 16 165 C +80 16 166 C +80 16 167 I +80 16 168 C +80 16 169 C +80 16 170 C +80 16 171 C +80 16 172 T +80 16 173 Z +80 16 174 O +80 16 175 C +80 16 176 W +80 16 177 C +80 16 178 C +80 16 179 W +80 16 180 C +80 16 181 O +80 16 182 W +80 16 183 O +80 16 184 W +80 16 185 O +80 16 186 C +80 16 187 O +80 16 188 C +80 16 189 C +80 16 190 Z +80 16 191 C +80 16 192 Z +80 16 193 C +80 16 194 W +80 16 195 C +80 16 196 C +80 16 197 Z +80 16 198 C +80 16 199 C +80 16 200 C +80 16 201 Z +80 16 202 C +80 16 203 I +80 16 204 O +80 16 205 I +80 16 206 C +80 16 207 W +80 16 208 O +80 16 209 C +80 16 210 O +80 16 211 C +80 16 212 O +80 16 213 I +80 16 214 C +80 16 215 Z +80 16 216 C +80 16 217 Z +80 16 218 C +80 16 219 C +80 16 220 C +80 16 221 C +80 16 222 C +80 16 223 C +80 16 224 T +80 16 225 O +80 16 226 C +80 16 227 C +80 16 228 C +80 16 229 C +80 16 230 O +80 16 231 I +80 16 232 C +80 16 233 C +80 16 234 C +80 16 235 C +80 16 236 C +80 16 237 O +80 16 238 C +80 16 239 Z +80 16 240 M +80 16 241 Z +80 16 242 C +80 16 243 W +80 16 244 C +80 16 245 W +80 16 246 C +80 16 247 I +80 16 248 C +80 16 249 C +80 16 250 I +80 16 251 C +80 16 252 O +80 16 253 C +80 16 254 C +80 16 255 M +80 16 256 W +80 16 257 C +80 16 258 O +80 16 259 W +80 16 260 C +80 16 261 O +80 16 262 T +80 16 263 Q +80 16 264 C +80 16 265 C +80 16 266 O +80 16 267 I +80 16 268 C +80 16 269 I +80 16 270 O +80 16 271 C +80 16 272 T +80 16 273 I +80 16 274 T +80 16 275 C +80 16 276 I +80 16 277 C +80 16 278 O +80 16 279 C +80 16 280 C +80 16 281 C +80 16 282 C +80 16 283 O +80 16 284 T +80 16 285 Z +80 16 286 T +80 16 287 O +80 16 288 W +80 16 289 C +80 16 290 T +80 16 291 C +80 16 292 Z +80 16 293 C +80 16 294 T +80 16 295 O +80 16 296 I +80 16 297 O +80 16 298 W +80 16 299 C +80 16 300 T +80 16 301 C +80 16 302 T +80 16 303 C +80 16 304 C +80 16 305 I +80 16 306 C +80 16 307 C +80 16 308 I +80 16 309 C +80 16 310 C +80 16 311 C +80 16 312 Q +80 16 313 C +80 16 314 T +80 16 315 C +80 16 316 C +80 16 317 W +80 16 318 O +80 16 319 T +80 16 320 C +80 16 321 W +80 16 322 C +80 16 323 C +80 16 324 T +80 16 325 I +80 16 326 O +80 16 327 C +80 16 328 C +80 16 329 O +80 16 330 C +80 17 1 C +80 17 2 C +80 17 3 O +80 17 4 * +80 17 5 C +80 17 6 O +80 17 7 C +80 17 8 I +80 17 9 O +80 17 10 C +80 17 11 C +80 17 12 O +80 17 13 C +80 17 14 C +80 17 15 I +80 17 16 T +80 17 17 O +80 17 18 U +80 17 19 C +80 17 20 C +80 17 21 I +80 17 22 O +80 17 23 I +80 17 24 M +80 17 25 C +80 17 26 C +80 17 27 T +80 17 28 Z +80 17 29 C +80 17 30 O +80 17 31 C +80 17 32 I +80 17 33 C +80 17 34 C +80 17 35 O +80 17 36 C +80 17 37 C +80 17 38 I +80 17 39 C +80 17 40 C +80 17 41 Z +80 17 42 C +80 17 43 C +80 17 44 T +80 17 45 C +80 17 46 M +80 17 47 C +80 17 48 O +80 17 49 C +80 17 50 I +80 17 51 M +80 17 52 T +80 17 53 I +80 17 54 C +80 17 55 C +80 17 56 O +80 17 57 C +80 17 58 C +80 17 59 I +80 17 60 C +80 17 61 W +80 17 62 I +80 17 63 O +80 17 64 C +80 17 65 I +80 17 66 T +80 17 67 C +80 17 68 I +80 17 69 C +80 17 70 C +80 17 71 I +80 17 72 C +80 17 73 I +80 17 74 C +80 17 75 C +80 17 76 O +80 17 77 C +80 17 78 I +80 17 79 U +80 17 80 C +80 17 81 C +80 17 82 C +80 17 83 O +80 17 84 O +80 17 85 C +80 17 86 I +80 17 87 U +80 17 88 I +80 17 89 U +80 17 90 C +80 17 91 C +80 17 92 O +80 17 93 C +80 17 94 U +80 17 95 C +80 17 96 O +80 17 97 I +80 17 98 W +80 17 99 I +80 17 100 C +80 17 101 I +80 17 102 C +80 17 103 C +80 17 104 C +80 17 105 I +80 17 106 O +80 17 107 T +80 17 108 C +80 17 109 C +80 17 110 O +80 17 111 C +80 17 112 I +80 17 113 U +80 17 114 C +80 17 115 I +80 17 116 C +80 17 117 O +80 17 118 I +80 17 119 C +80 17 120 T +80 17 121 O +80 17 122 C +80 17 123 C +80 17 124 C +80 17 125 O +80 17 126 I +80 17 127 C +80 17 128 C +80 17 129 T +80 17 130 C +80 17 131 I +80 17 132 Z +80 17 133 C +80 17 134 O +80 17 135 I +80 17 136 C +80 17 137 C +80 17 138 C +80 17 139 I +80 17 140 C +80 17 141 T +80 17 142 C +80 17 143 C +80 17 144 I +80 17 145 C +80 17 146 O +80 17 147 C +80 17 148 I +80 17 149 C +80 17 150 I +80 17 151 O +80 17 152 I +80 17 153 C +80 17 154 U +80 17 155 U +80 17 156 C +80 17 157 O +80 17 158 T +80 17 159 O +80 17 160 I +80 17 161 C +80 17 162 I +80 17 163 C +80 17 164 C +80 17 165 C +80 17 166 C +80 17 167 I +80 17 168 C +80 17 169 C +80 17 170 C +80 17 171 C +80 17 172 T +80 17 173 I +80 17 174 O +80 17 175 C +80 17 176 W +80 17 177 C +80 17 178 C +80 17 179 I +80 17 180 C +80 17 181 O +80 17 182 I +80 17 183 O +80 17 184 I +80 17 185 O +80 17 186 C +80 17 187 O +80 17 188 C +80 17 189 C +80 17 190 I +80 17 191 C +80 17 192 I +80 17 193 C +80 17 194 I +80 17 195 C +80 17 196 C +80 17 197 I +80 17 198 U +80 17 199 C +80 17 200 C +80 17 201 O +80 17 202 C +80 17 203 I +80 17 204 U +80 17 205 I +80 17 206 C +80 17 207 I +80 17 208 O +80 17 209 C +80 17 210 M +80 17 211 C +80 17 212 O +80 17 213 I +80 17 214 C +80 17 215 I +80 17 216 C +80 17 217 O +80 17 218 C +80 17 219 C +80 17 220 I +80 17 221 C +80 17 222 I +80 17 223 C +80 17 224 T +80 17 225 C +80 17 226 C +80 17 227 U +80 17 228 C +80 17 229 C +80 17 230 T +80 17 231 I +80 17 232 C +80 17 233 I +80 17 234 C +80 17 235 C +80 17 236 C +80 17 237 O +80 17 238 C +80 17 239 I +80 17 240 M +80 17 241 T +80 17 242 C +80 17 243 I +80 17 244 C +80 17 245 W +80 17 246 C +80 17 247 I +80 17 248 C +80 17 249 C +80 17 250 I +80 17 251 C +80 17 252 T +80 17 253 C +80 17 254 C +80 17 255 U +80 17 256 Z +80 17 257 C +80 17 258 O +80 17 259 I +80 17 260 C +80 17 261 O +80 17 262 T +80 17 263 M +80 17 264 C +80 17 265 C +80 17 266 O +80 17 267 I +80 17 268 C +80 17 269 I +80 17 270 O +80 17 271 C +80 17 272 C +80 17 273 I +80 17 274 T +80 17 275 C +80 17 276 I +80 17 277 C +80 17 278 O +80 17 279 C +80 17 280 C +80 17 281 C +80 17 282 C +80 17 283 M +80 17 284 C +80 17 285 I +80 17 286 T +80 17 287 O +80 17 288 W +80 17 289 C +80 17 290 T +80 17 291 C +80 17 292 I +80 17 293 C +80 17 294 C +80 17 295 O +80 17 296 I +80 17 297 O +80 17 298 I +80 17 299 C +80 17 300 M +80 17 301 C +80 17 302 T +80 17 303 C +80 17 304 C +80 17 305 I +80 17 306 C +80 17 307 C +80 17 308 I +80 17 309 C +80 17 310 C +80 17 311 C +80 17 312 U +80 17 313 I +80 17 314 T +80 17 315 C +80 17 316 C +80 17 317 I +80 17 318 O +80 17 319 T +80 17 320 C +80 17 321 W +80 17 322 C +80 17 323 C +80 17 324 T +80 17 325 I +80 17 326 O +80 17 327 C +80 17 328 C +80 17 329 O +80 17 330 C +80 18 1 C +80 18 2 C +80 18 3 O +80 18 4 C +80 18 5 C +80 18 6 O +80 18 7 C +80 18 8 W +80 18 9 O +80 18 10 C +80 18 11 U +80 18 12 O +80 18 13 C +80 18 14 U +80 18 15 K +80 18 16 T +80 18 17 O +80 18 18 U +80 18 19 C +80 18 20 C +80 18 21 Z +80 18 22 O +80 18 23 C +80 18 24 U +80 18 25 C +80 18 26 C +80 18 27 T +80 18 28 Z +80 18 29 C +80 18 30 O +80 18 31 C +80 18 32 Z +80 18 33 C +80 18 34 C +80 18 35 O +80 18 36 C +80 18 37 C +80 18 38 Z +80 18 39 C +80 18 40 C +80 18 41 Z +80 18 42 O +80 18 43 C +80 18 44 T +80 18 45 C +80 18 46 K +80 18 47 C +80 18 48 O +80 18 49 C +80 18 50 C +80 18 51 O +80 18 52 T +80 18 53 C +80 18 54 C +80 18 55 C +80 18 56 O +80 18 57 C +80 18 58 O +80 18 59 T +80 18 60 C +80 18 61 W +80 18 62 C +80 18 63 Z +80 18 64 C +80 18 65 Z +80 18 66 T +80 18 67 C +80 18 68 Z +80 18 69 C +80 18 70 T +80 18 71 C +80 18 72 C +80 18 73 C +80 18 74 C +80 18 75 U +80 18 76 O +80 18 77 C +80 18 78 T +80 18 79 U +80 18 80 C +80 18 81 C +80 18 82 C +80 18 83 O +80 18 84 Z +80 18 85 C +80 18 86 Z +80 18 87 U +80 18 88 C +80 18 89 U +80 18 90 C +80 18 91 O +80 18 92 T +80 18 93 C +80 18 94 U +80 18 95 T +80 18 96 O +80 18 97 C +80 18 98 Z +80 18 99 T +80 18 100 C +80 18 101 C +80 18 102 T +80 18 103 C +80 18 104 C +80 18 105 C +80 18 106 O +80 18 107 T +80 18 108 T +80 18 109 C +80 18 110 O +80 18 111 C +80 18 112 Z +80 18 113 U +80 18 114 C +80 18 115 Z +80 18 116 C +80 18 117 O +80 18 118 Z +80 18 119 C +80 18 120 T +80 18 121 O +80 18 122 C +80 18 123 C +80 18 124 C +80 18 125 O +80 18 126 Z +80 18 127 C +80 18 128 O +80 18 129 T +80 18 130 C +80 18 131 C +80 18 132 O +80 18 133 C +80 18 134 C +80 18 135 C +80 18 136 C +80 18 137 C +80 18 138 C +80 18 139 T +80 18 140 C +80 18 141 T +80 18 142 T +80 18 143 C +80 18 144 C +80 18 145 C +80 18 146 O +80 18 147 C +80 18 148 Z +80 18 149 C +80 18 150 C +80 18 151 Z +80 18 152 C +80 18 153 C +80 18 154 K +80 18 155 O +80 18 156 C +80 18 157 O +80 18 158 T +80 18 159 O +80 18 160 Z +80 18 161 C +80 18 162 Z +80 18 163 C +80 18 164 C +80 18 165 C +80 18 166 C +80 18 167 T +80 18 168 C +80 18 169 C +80 18 170 C +80 18 171 C +80 18 172 T +80 18 173 Z +80 18 174 O +80 18 175 C +80 18 176 Z +80 18 177 O +80 18 178 C +80 18 179 C +80 18 180 C +80 18 181 O +80 18 182 C +80 18 183 O +80 18 184 C +80 18 185 O +80 18 186 C +80 18 187 O +80 18 188 C +80 18 189 C +80 18 190 Z +80 18 191 C +80 18 192 C +80 18 193 C +80 18 194 C +80 18 195 C +80 18 196 C +80 18 197 C +80 18 198 U +80 18 199 T +80 18 200 C +80 18 201 Z +80 18 202 C +80 18 203 C +80 18 204 U +80 18 205 C +80 18 206 T +80 18 207 Z +80 18 208 O +80 18 209 C +80 18 210 C +80 18 211 C +80 18 212 O +80 18 213 C +80 18 214 O +80 18 215 Z +80 18 216 U +80 18 217 Z +80 18 218 C +80 18 219 T +80 18 220 C +80 18 221 T +80 18 222 C +80 18 223 C +80 18 224 T +80 18 225 C +80 18 226 C +80 18 227 U +80 18 228 C +80 18 229 C +80 18 230 T +80 18 231 C +80 18 232 C +80 18 233 C +80 18 234 C +80 18 235 C +80 18 236 C +80 18 237 Z +80 18 238 C +80 18 239 Z +80 18 240 Z +80 18 241 T +80 18 242 O +80 18 243 C +80 18 244 T +80 18 245 W +80 18 246 C +80 18 247 C +80 18 248 U +80 18 249 C +80 18 250 C +80 18 251 C +80 18 252 T +80 18 253 C +80 18 254 C +80 18 255 U +80 18 256 Z +80 18 257 C +80 18 258 O +80 18 259 Z +80 18 260 O +80 18 261 O +80 18 262 T +80 18 263 K +80 18 264 T +80 18 265 C +80 18 266 Z +80 18 267 C +80 18 268 C +80 18 269 Z +80 18 270 O +80 18 271 C +80 18 272 T +80 18 273 Z +80 18 274 T +80 18 275 O +80 18 276 Z +80 18 277 C +80 18 278 O +80 18 279 C +80 18 280 C +80 18 281 C +80 18 282 C +80 18 283 O +80 18 284 T +80 18 285 Z +80 18 286 T +80 18 287 O +80 18 288 Z +80 18 289 C +80 18 290 T +80 18 291 C +80 18 292 Z +80 18 293 C +80 18 294 T +80 18 295 O +80 18 296 C +80 18 297 O +80 18 298 Z +80 18 299 C +80 18 300 T +80 18 301 C +80 18 302 T +80 18 303 T +80 18 304 C +80 18 305 C +80 18 306 C +80 18 307 C +80 18 308 C +80 18 309 U +80 18 310 C +80 18 311 C +80 18 312 U +80 18 313 C +80 18 314 T +80 18 315 C +80 18 316 C +80 18 317 C +80 18 318 O +80 18 319 T +80 18 320 C +80 18 321 Z +80 18 322 C +80 18 323 C +80 18 324 T +80 18 325 C +80 18 326 O +80 18 327 C +80 18 328 C +80 18 329 O +80 18 330 T +80 19 1 C +80 19 2 C +80 19 3 W +80 19 4 I +80 19 5 C +80 19 6 O +80 19 7 C +80 19 8 I +80 19 9 M +80 19 10 C +80 19 11 C +80 19 12 O +80 19 13 C +80 19 14 U +80 19 15 I +80 19 16 K +80 19 17 W +80 19 18 U +80 19 19 C +80 19 20 C +80 19 21 W +80 19 22 O +80 19 23 I +80 19 24 U +80 19 25 C +80 19 26 C +80 19 27 K +80 19 28 I +80 19 29 C +80 19 30 M +80 19 31 C +80 19 32 I +80 19 33 C +80 19 34 C +80 19 35 W +80 19 36 C +80 19 37 C +80 19 38 I +80 19 39 C +80 19 40 C +80 19 41 W +80 19 42 M +80 19 43 C +80 19 44 K +80 19 45 C +80 19 46 U +80 19 47 C +80 19 48 O +80 19 49 C +80 19 50 I +80 19 51 M +80 19 52 K +80 19 53 I +80 19 54 C +80 19 55 C +80 19 56 Z +80 19 57 C +80 19 58 M +80 19 59 I +80 19 60 C +80 19 61 W +80 19 62 I +80 19 63 I +80 19 64 C +80 19 65 W +80 19 66 T +80 19 67 C +80 19 68 I +80 19 69 C +80 19 70 C +80 19 71 W +80 19 72 C +80 19 73 I +80 19 74 C +80 19 75 C +80 19 76 M +80 19 77 C +80 19 78 I +80 19 79 U +80 19 80 C +80 19 81 C +80 19 82 C +80 19 83 K +80 19 84 I +80 19 85 C +80 19 86 I +80 19 87 U +80 19 88 I +80 19 89 U +80 19 90 U +80 19 91 C +80 19 92 K +80 19 93 C +80 19 94 U +80 19 95 K +80 19 96 O +80 19 97 I +80 19 98 W +80 19 99 I +80 19 100 C +80 19 101 W +80 19 102 C +80 19 103 C +80 19 104 C +80 19 105 I +80 19 106 O +80 19 107 T +80 19 108 C +80 19 109 C +80 19 110 M +80 19 111 C +80 19 112 W +80 19 113 U +80 19 114 C +80 19 115 W +80 19 116 C +80 19 117 U +80 19 118 Z +80 19 119 C +80 19 120 T +80 19 121 W +80 19 122 C +80 19 123 C +80 19 124 C +80 19 125 Z +80 19 126 Z +80 19 127 U +80 19 128 C +80 19 129 T +80 19 130 U +80 19 131 I +80 19 132 W +80 19 133 C +80 19 134 Z +80 19 135 I +80 19 136 C +80 19 137 C +80 19 138 C +80 19 139 T +80 19 140 C +80 19 141 T +80 19 142 K +80 19 143 C +80 19 144 I +80 19 145 C +80 19 146 M +80 19 147 C +80 19 148 W +80 19 149 C +80 19 150 I +80 19 151 Z +80 19 152 I +80 19 153 C +80 19 154 U +80 19 155 U +80 19 156 C +80 19 157 M +80 19 158 T +80 19 159 Z +80 19 160 Z +80 19 161 C +80 19 162 W +80 19 163 C +80 19 164 C +80 19 165 C +80 19 166 C +80 19 167 I +80 19 168 C +80 19 169 C +80 19 170 C +80 19 171 C +80 19 172 T +80 19 173 Z +80 19 174 O +80 19 175 C +80 19 176 W +80 19 177 O +80 19 178 C +80 19 179 O +80 19 180 C +80 19 181 M +80 19 182 Z +80 19 183 M +80 19 184 I +80 19 185 M +80 19 186 C +80 19 187 O +80 19 188 C +80 19 189 C +80 19 190 Z +80 19 191 C +80 19 192 I +80 19 193 C +80 19 194 Z +80 19 195 C +80 19 196 C +80 19 197 I +80 19 198 U +80 19 199 C +80 19 200 C +80 19 201 Z +80 19 202 C +80 19 203 Z +80 19 204 U +80 19 205 I +80 19 206 T +80 19 207 Z +80 19 208 M +80 19 209 C +80 19 210 I +80 19 211 C +80 19 212 O +80 19 213 I +80 19 214 C +80 19 215 I +80 19 216 C +80 19 217 I +80 19 218 C +80 19 219 C +80 19 220 C +80 19 221 C +80 19 222 I +80 19 223 C +80 19 224 T +80 19 225 C +80 19 226 C +80 19 227 U +80 19 228 C +80 19 229 C +80 19 230 T +80 19 231 I +80 19 232 M +80 19 233 C +80 19 234 C +80 19 235 C +80 19 236 C +80 19 237 Z +80 19 238 C +80 19 239 Z +80 19 240 Z +80 19 241 T +80 19 242 O +80 19 243 I +80 19 244 T +80 19 245 W +80 19 246 C +80 19 247 C +80 19 248 C +80 19 249 C +80 19 250 I +80 19 251 C +80 19 252 T +80 19 253 C +80 19 254 C +80 19 255 U +80 19 256 W +80 19 257 C +80 19 258 O +80 19 259 Z +80 19 260 C +80 19 261 M +80 19 262 T +80 19 263 K +80 19 264 C +80 19 265 C +80 19 266 M +80 19 267 I +80 19 268 C +80 19 269 I +80 19 270 M +80 19 271 C +80 19 272 T +80 19 273 I +80 19 274 T +80 19 275 C +80 19 276 I +80 19 277 C +80 19 278 Z +80 19 279 C +80 19 280 C +80 19 281 C +80 19 282 C +80 19 283 Z +80 19 284 T +80 19 285 I +80 19 286 T +80 19 287 M +80 19 288 W +80 19 289 C +80 19 290 K +80 19 291 C +80 19 292 Z +80 19 293 C +80 19 294 C +80 19 295 M +80 19 296 I +80 19 297 O +80 19 298 W +80 19 299 C +80 19 300 K +80 19 301 C +80 19 302 T +80 19 303 C +80 19 304 C +80 19 305 I +80 19 306 C +80 19 307 C +80 19 308 I +80 19 309 U +80 19 310 C +80 19 311 C +80 19 312 U +80 19 313 I +80 19 314 T +80 19 315 C +80 19 316 C +80 19 317 I +80 19 318 O +80 19 319 T +80 19 320 M +80 19 321 W +80 19 322 C +80 19 323 C +80 19 324 T +80 19 325 I +80 19 326 O +80 19 327 C +80 19 328 C +80 19 329 M +80 19 330 T +80 20 1 C +80 20 2 C +80 20 3 O +80 20 4 * +80 20 5 C +80 20 6 Z +80 20 7 C +80 20 8 W +80 20 9 Q +80 20 10 C +80 20 11 C +80 20 12 O +80 20 13 C +80 20 14 C +80 20 15 Z +80 20 16 T +80 20 17 W +80 20 18 U +80 20 19 C +80 20 20 C +80 20 21 I +80 20 22 O +80 20 23 * +80 20 24 C +80 20 25 C +80 20 26 C +80 20 27 B +80 20 28 W +80 20 29 C +80 20 30 O +80 20 31 C +80 20 32 * +80 20 33 C +80 20 34 C +80 20 35 Z +80 20 36 C +80 20 37 C +80 20 38 I +80 20 39 C +80 20 40 C +80 20 41 W +80 20 42 O +80 20 43 C +80 20 44 Z +80 20 45 C +80 20 46 K +80 20 47 C +80 20 48 I +80 20 49 C +80 20 50 * +80 20 51 Q +80 20 52 C +80 20 53 * +80 20 54 C +80 20 55 C +80 20 56 Z +80 20 57 C +80 20 58 O +80 20 59 * +80 20 60 C +80 20 61 W +80 20 62 * +80 20 63 Z +80 20 64 C +80 20 65 W +80 20 66 T +80 20 67 C +80 20 68 * +80 20 69 C +80 20 70 C +80 20 71 W +80 20 72 C +80 20 73 * +80 20 74 C +80 20 75 C +80 20 76 O +80 20 77 C +80 20 78 * +80 20 79 U +80 20 80 C +80 20 81 C +80 20 82 C +80 20 83 T +80 20 84 B +80 20 85 C +80 20 86 * +80 20 87 U +80 20 88 * +80 20 89 U +80 20 90 C +80 20 91 C +80 20 92 T +80 20 93 C +80 20 94 U +80 20 95 C +80 20 96 O +80 20 97 * +80 20 98 W +80 20 99 * +80 20 100 C +80 20 101 * +80 20 102 C +80 20 103 O +80 20 104 C +80 20 105 * +80 20 106 O +80 20 107 T +80 20 108 C +80 20 109 C +80 20 110 O +80 20 111 C +80 20 112 Z +80 20 113 U +80 20 114 C +80 20 115 W +80 20 116 C +80 20 117 O +80 20 118 Z +80 20 119 C +80 20 120 T +80 20 121 I +80 20 122 C +80 20 123 C +80 20 124 C +80 20 125 I +80 20 126 * +80 20 127 C +80 20 128 C +80 20 129 T +80 20 130 C +80 20 131 * +80 20 132 O +80 20 133 C +80 20 134 U +80 20 135 * +80 20 136 C +80 20 137 C +80 20 138 C +80 20 139 T +80 20 140 C +80 20 141 T +80 20 142 T +80 20 143 C +80 20 144 * +80 20 145 C +80 20 146 O +80 20 147 C +80 20 148 W +80 20 149 C +80 20 150 * +80 20 151 I +80 20 152 * +80 20 153 C +80 20 154 U +80 20 155 U +80 20 156 C +80 20 157 O +80 20 158 T +80 20 159 O +80 20 160 * +80 20 161 C +80 20 162 W +80 20 163 C +80 20 164 C +80 20 165 C +80 20 166 C +80 20 167 * +80 20 168 C +80 20 169 C +80 20 170 C +80 20 171 C +80 20 172 T +80 20 173 I +80 20 174 O +80 20 175 C +80 20 176 I +80 20 177 C +80 20 178 C +80 20 179 W +80 20 180 C +80 20 181 O +80 20 182 * +80 20 183 O +80 20 184 * +80 20 185 O +80 20 186 C +80 20 187 O +80 20 188 C +80 20 189 C +80 20 190 Z +80 20 191 C +80 20 192 * +80 20 193 C +80 20 194 * +80 20 195 C +80 20 196 C +80 20 197 * +80 20 198 U +80 20 199 C +80 20 200 C +80 20 201 O +80 20 202 C +80 20 203 * +80 20 204 U +80 20 205 * +80 20 206 C +80 20 207 I +80 20 208 O +80 20 209 C +80 20 210 * +80 20 211 C +80 20 212 O +80 20 213 * +80 20 214 C +80 20 215 * +80 20 216 C +80 20 217 Z +80 20 218 C +80 20 219 C +80 20 220 * +80 20 221 C +80 20 222 * +80 20 223 C +80 20 224 T +80 20 225 C +80 20 226 C +80 20 227 U +80 20 228 C +80 20 229 C +80 20 230 Z +80 20 231 * +80 20 232 C +80 20 233 C +80 20 234 C +80 20 235 C +80 20 236 C +80 20 237 O +80 20 238 C +80 20 239 O +80 20 240 O +80 20 241 Z +80 20 242 C +80 20 243 * +80 20 244 C +80 20 245 W +80 20 246 C +80 20 247 * +80 20 248 C +80 20 249 C +80 20 250 * +80 20 251 C +80 20 252 Z +80 20 253 C +80 20 254 C +80 20 255 U +80 20 256 O +80 20 257 C +80 20 258 C +80 20 259 O +80 20 260 C +80 20 261 O +80 20 262 T +80 20 263 C +80 20 264 C +80 20 265 C +80 20 266 O +80 20 267 * +80 20 268 C +80 20 269 * +80 20 270 O +80 20 271 C +80 20 272 T +80 20 273 * +80 20 274 T +80 20 275 C +80 20 276 W +80 20 277 C +80 20 278 O +80 20 279 C +80 20 280 C +80 20 281 C +80 20 282 C +80 20 283 O +80 20 284 C +80 20 285 O +80 20 286 T +80 20 287 O +80 20 288 W +80 20 289 C +80 20 290 T +80 20 291 C +80 20 292 O +80 20 293 C +80 20 294 C +80 20 295 O +80 20 296 * +80 20 297 O +80 20 298 W +80 20 299 C +80 20 300 K +80 20 301 C +80 20 302 O +80 20 303 C +80 20 304 C +80 20 305 * +80 20 306 C +80 20 307 C +80 20 308 * +80 20 309 U +80 20 310 C +80 20 311 C +80 20 312 U +80 20 313 * +80 20 314 O +80 20 315 C +80 20 316 C +80 20 317 * +80 20 318 O +80 20 319 T +80 20 320 C +80 20 321 W +80 20 322 C +80 20 323 C +80 20 324 K +80 20 325 * +80 20 326 O +80 20 327 C +80 20 328 C +80 20 329 O +80 20 330 C +80 21 1 C +80 21 2 C +80 21 3 W +80 21 4 I +80 21 5 C +80 21 6 O +80 21 7 C +80 21 8 W +80 21 9 Q +80 21 10 C +80 21 11 C +80 21 12 O +80 21 13 C +80 21 14 C +80 21 15 I +80 21 16 K +80 21 17 O +80 21 18 C +80 21 19 C +80 21 20 C +80 21 21 W +80 21 22 O +80 21 23 I +80 21 24 U +80 21 25 C +80 21 26 C +80 21 27 K +80 21 28 I +80 21 29 C +80 21 30 Q +80 21 31 C +80 21 32 I +80 21 33 C +80 21 34 C +80 21 35 Q +80 21 36 C +80 21 37 C +80 21 38 W +80 21 39 C +80 21 40 C +80 21 41 W +80 21 42 C +80 21 43 C +80 21 44 K +80 21 45 C +80 21 46 U +80 21 47 C +80 21 48 Q +80 21 49 C +80 21 50 I +80 21 51 Q +80 21 52 C +80 21 53 W +80 21 54 C +80 21 55 C +80 21 56 I +80 21 57 C +80 21 58 C +80 21 59 I +80 21 60 C +80 21 61 W +80 21 62 I +80 21 63 I +80 21 64 C +80 21 65 W +80 21 66 K +80 21 67 C +80 21 68 I +80 21 69 C +80 21 70 K +80 21 71 W +80 21 72 C +80 21 73 I +80 21 74 C +80 21 75 C +80 21 76 Q +80 21 77 C +80 21 78 I +80 21 79 U +80 21 80 C +80 21 81 C +80 21 82 C +80 21 83 K +80 21 84 I +80 21 85 C +80 21 86 I +80 21 87 U +80 21 88 C +80 21 89 U +80 21 90 C +80 21 91 C +80 21 92 K +80 21 93 C +80 21 94 U +80 21 95 C +80 21 96 O +80 21 97 I +80 21 98 W +80 21 99 I +80 21 100 C +80 21 101 I +80 21 102 I +80 21 103 C +80 21 104 C +80 21 105 I +80 21 106 C +80 21 107 K +80 21 108 C +80 21 109 C +80 21 110 O +80 21 111 C +80 21 112 W +80 21 113 U +80 21 114 C +80 21 115 W +80 21 116 C +80 21 117 Q +80 21 118 I +80 21 119 C +80 21 120 K +80 21 121 O +80 21 122 C +80 21 123 C +80 21 124 C +80 21 125 I +80 21 126 I +80 21 127 C +80 21 128 C +80 21 129 K +80 21 130 C +80 21 131 I +80 21 132 I +80 21 133 C +80 21 134 I +80 21 135 I +80 21 136 C +80 21 137 C +80 21 138 C +80 21 139 K +80 21 140 C +80 21 141 K +80 21 142 K +80 21 143 C +80 21 144 I +80 21 145 C +80 21 146 C +80 21 147 C +80 21 148 W +80 21 149 C +80 21 150 I +80 21 151 I +80 21 152 I +80 21 153 C +80 21 154 U +80 21 155 U +80 21 156 C +80 21 157 Q +80 21 158 K +80 21 159 O +80 21 160 I +80 21 161 C +80 21 162 W +80 21 163 C +80 21 164 C +80 21 165 C +80 21 166 C +80 21 167 I +80 21 168 C +80 21 169 C +80 21 170 C +80 21 171 C +80 21 172 K +80 21 173 W +80 21 174 O +80 21 175 C +80 21 176 W +80 21 177 C +80 21 178 C +80 21 179 I +80 21 180 C +80 21 181 C +80 21 182 I +80 21 183 O +80 21 184 I +80 21 185 Q +80 21 186 C +80 21 187 O +80 21 188 C +80 21 189 C +80 21 190 I +80 21 191 C +80 21 192 I +80 21 193 C +80 21 194 Q +80 21 195 C +80 21 196 C +80 21 197 I +80 21 198 W +80 21 199 C +80 21 200 C +80 21 201 I +80 21 202 C +80 21 203 I +80 21 204 U +80 21 205 I +80 21 206 C +80 21 207 I +80 21 208 Q +80 21 209 C +80 21 210 Q +80 21 211 C +80 21 212 O +80 21 213 I +80 21 214 C +80 21 215 I +80 21 216 C +80 21 217 I +80 21 218 C +80 21 219 C +80 21 220 C +80 21 221 C +80 21 222 I +80 21 223 C +80 21 224 K +80 21 225 C +80 21 226 C +80 21 227 U +80 21 228 C +80 21 229 C +80 21 230 K +80 21 231 I +80 21 232 C +80 21 233 I +80 21 234 C +80 21 235 C +80 21 236 C +80 21 237 O +80 21 238 C +80 21 239 I +80 21 240 Q +80 21 241 K +80 21 242 C +80 21 243 W +80 21 244 C +80 21 245 W +80 21 246 C +80 21 247 I +80 21 248 C +80 21 249 C +80 21 250 I +80 21 251 C +80 21 252 K +80 21 253 C +80 21 254 C +80 21 255 U +80 21 256 W +80 21 257 C +80 21 258 C +80 21 259 W +80 21 260 C +80 21 261 O +80 21 262 K +80 21 263 K +80 21 264 C +80 21 265 C +80 21 266 I +80 21 267 I +80 21 268 C +80 21 269 I +80 21 270 O +80 21 271 C +80 21 272 K +80 21 273 I +80 21 274 K +80 21 275 C +80 21 276 I +80 21 277 C +80 21 278 I +80 21 279 C +80 21 280 C +80 21 281 C +80 21 282 C +80 21 283 Q +80 21 284 K +80 21 285 I +80 21 286 K +80 21 287 Q +80 21 288 W +80 21 289 C +80 21 290 K +80 21 291 C +80 21 292 I +80 21 293 C +80 21 294 K +80 21 295 Q +80 21 296 I +80 21 297 O +80 21 298 W +80 21 299 C +80 21 300 K +80 21 301 C +80 21 302 K +80 21 303 C +80 21 304 C +80 21 305 I +80 21 306 C +80 21 307 C +80 21 308 C +80 21 309 C +80 21 310 C +80 21 311 C +80 21 312 U +80 21 313 I +80 21 314 K +80 21 315 C +80 21 316 C +80 21 317 W +80 21 318 O +80 21 319 K +80 21 320 C +80 21 321 W +80 21 322 C +80 21 323 C +80 21 324 K +80 21 325 I +80 21 326 O +80 21 327 C +80 21 328 C +80 21 329 Q +80 21 330 C +80 22 1 C +80 22 2 C +80 22 3 I +80 22 4 I +80 22 5 C +80 22 6 I +80 22 7 C +80 22 8 I +80 22 9 S +80 22 10 C +80 22 11 C +80 22 12 O +80 22 13 C +80 22 14 C +80 22 15 I +80 22 16 T +80 22 17 I +80 22 18 U +80 22 19 C +80 22 20 C +80 22 21 I +80 22 22 O +80 22 23 I +80 22 24 S +80 22 25 C +80 22 26 C +80 22 27 T +80 22 28 I +80 22 29 C +80 22 30 M +80 22 31 C +80 22 32 I +80 22 33 C +80 22 34 C +80 22 35 I +80 22 36 C +80 22 37 C +80 22 38 I +80 22 39 C +80 22 40 C +80 22 41 W +80 22 42 M +80 22 43 C +80 22 44 T +80 22 45 C +80 22 46 M +80 22 47 C +80 22 48 O +80 22 49 C +80 22 50 I +80 22 51 M +80 22 52 T +80 22 53 I +80 22 54 C +80 22 55 C +80 22 56 I +80 22 57 C +80 22 58 M +80 22 59 I +80 22 60 C +80 22 61 W +80 22 62 C +80 22 63 I +80 22 64 C +80 22 65 I +80 22 66 M +80 22 67 C +80 22 68 I +80 22 69 M +80 22 70 T +80 22 71 I +80 22 72 C +80 22 73 I +80 22 74 C +80 22 75 C +80 22 76 O +80 22 77 C +80 22 78 I +80 22 79 U +80 22 80 C +80 22 81 C +80 22 82 C +80 22 83 O +80 22 84 I +80 22 85 C +80 22 86 I +80 22 87 U +80 22 88 I +80 22 89 U +80 22 90 C +80 22 91 C +80 22 92 O +80 22 93 C +80 22 94 U +80 22 95 C +80 22 96 O +80 22 97 I +80 22 98 I +80 22 99 I +80 22 100 C +80 22 101 I +80 22 102 C +80 22 103 C +80 22 104 C +80 22 105 I +80 22 106 O +80 22 107 T +80 22 108 C +80 22 109 C +80 22 110 O +80 22 111 C +80 22 112 I +80 22 113 U +80 22 114 C +80 22 115 Z +80 22 116 C +80 22 117 I +80 22 118 Z +80 22 119 C +80 22 120 T +80 22 121 O +80 22 122 C +80 22 123 C +80 22 124 C +80 22 125 O +80 22 126 I +80 22 127 C +80 22 128 C +80 22 129 T +80 22 130 U +80 22 131 I +80 22 132 O +80 22 133 C +80 22 134 I +80 22 135 I +80 22 136 C +80 22 137 C +80 22 138 C +80 22 139 T +80 22 140 C +80 22 141 T +80 22 142 T +80 22 143 C +80 22 144 I +80 22 145 C +80 22 146 O +80 22 147 C +80 22 148 Z +80 22 149 C +80 22 150 I +80 22 151 I +80 22 152 I +80 22 153 C +80 22 154 U +80 22 155 U +80 22 156 C +80 22 157 S +80 22 158 T +80 22 159 O +80 22 160 I +80 22 161 C +80 22 162 W +80 22 163 C +80 22 164 C +80 22 165 C +80 22 166 C +80 22 167 I +80 22 168 C +80 22 169 C +80 22 170 C +80 22 171 C +80 22 172 T +80 22 173 I +80 22 174 O +80 22 175 C +80 22 176 I +80 22 177 O +80 22 178 C +80 22 179 W +80 22 180 C +80 22 181 M +80 22 182 I +80 22 183 M +80 22 184 I +80 22 185 S +80 22 186 C +80 22 187 O +80 22 188 C +80 22 189 C +80 22 190 Z +80 22 191 C +80 22 192 I +80 22 193 C +80 22 194 I +80 22 195 C +80 22 196 C +80 22 197 I +80 22 198 U +80 22 199 C +80 22 200 C +80 22 201 I +80 22 202 C +80 22 203 I +80 22 204 U +80 22 205 I +80 22 206 T +80 22 207 I +80 22 208 S +80 22 209 C +80 22 210 I +80 22 211 C +80 22 212 O +80 22 213 I +80 22 214 C +80 22 215 I +80 22 216 U +80 22 217 Z +80 22 218 C +80 22 219 C +80 22 220 I +80 22 221 C +80 22 222 I +80 22 223 C +80 22 224 T +80 22 225 C +80 22 226 C +80 22 227 U +80 22 228 C +80 22 229 C +80 22 230 T +80 22 231 I +80 22 232 M +80 22 233 C +80 22 234 C +80 22 235 C +80 22 236 C +80 22 237 I +80 22 238 C +80 22 239 I +80 22 240 S +80 22 241 T +80 22 242 T +80 22 243 I +80 22 244 C +80 22 245 W +80 22 246 C +80 22 247 I +80 22 248 U +80 22 249 C +80 22 250 I +80 22 251 C +80 22 252 T +80 22 253 C +80 22 254 C +80 22 255 U +80 22 256 I +80 22 257 C +80 22 258 C +80 22 259 W +80 22 260 T +80 22 261 O +80 22 262 T +80 22 263 M +80 22 264 C +80 22 265 C +80 22 266 S +80 22 267 I +80 22 268 C +80 22 269 I +80 22 270 O +80 22 271 U +80 22 272 T +80 22 273 I +80 22 274 T +80 22 275 M +80 22 276 W +80 22 277 C +80 22 278 O +80 22 279 C +80 22 280 C +80 22 281 C +80 22 282 C +80 22 283 M +80 22 284 T +80 22 285 Z +80 22 286 T +80 22 287 M +80 22 288 W +80 22 289 C +80 22 290 T +80 22 291 C +80 22 292 I +80 22 293 C +80 22 294 T +80 22 295 S +80 22 296 I +80 22 297 O +80 22 298 W +80 22 299 C +80 22 300 K +80 22 301 C +80 22 302 T +80 22 303 C +80 22 304 C +80 22 305 I +80 22 306 C +80 22 307 C +80 22 308 I +80 22 309 U +80 22 310 C +80 22 311 C +80 22 312 U +80 22 313 U +80 22 314 T +80 22 315 C +80 22 316 C +80 22 317 I +80 22 318 O +80 22 319 T +80 22 320 C +80 22 321 W +80 22 322 C +80 22 323 C +80 22 324 T +80 22 325 I +80 22 326 M +80 22 327 C +80 22 328 C +80 22 329 S +80 22 330 C +80 23 1 C +80 23 2 C +80 23 3 O +80 23 4 I +80 23 5 C +80 23 6 O +80 23 7 C +80 23 8 I +80 23 9 O +80 23 10 C +80 23 11 C +80 23 12 O +80 23 13 C +80 23 14 C +80 23 15 Z +80 23 16 T +80 23 17 O +80 23 18 U +80 23 19 C +80 23 20 C +80 23 21 Z +80 23 22 O +80 23 23 I +80 23 24 U +80 23 25 C +80 23 26 C +80 23 27 T +80 23 28 I +80 23 29 C +80 23 30 O +80 23 31 C +80 23 32 I +80 23 33 C +80 23 34 C +80 23 35 O +80 23 36 C +80 23 37 C +80 23 38 Z +80 23 39 C +80 23 40 C +80 23 41 W +80 23 42 O +80 23 43 C +80 23 44 T +80 23 45 C +80 23 46 K +80 23 47 C +80 23 48 O +80 23 49 C +80 23 50 I +80 23 51 O +80 23 52 T +80 23 53 I +80 23 54 C +80 23 55 C +80 23 56 O +80 23 57 C +80 23 58 O +80 23 59 T +80 23 60 C +80 23 61 W +80 23 62 I +80 23 63 Z +80 23 64 C +80 23 65 Z +80 23 66 T +80 23 67 C +80 23 68 I +80 23 69 C +80 23 70 K +80 23 71 O +80 23 72 C +80 23 73 I +80 23 74 C +80 23 75 C +80 23 76 O +80 23 77 C +80 23 78 Z +80 23 79 U +80 23 80 C +80 23 81 C +80 23 82 C +80 23 83 O +80 23 84 Z +80 23 85 C +80 23 86 I +80 23 87 U +80 23 88 I +80 23 89 U +80 23 90 C +80 23 91 O +80 23 92 T +80 23 93 C +80 23 94 U +80 23 95 C +80 23 96 O +80 23 97 I +80 23 98 W +80 23 99 I +80 23 100 C +80 23 101 I +80 23 102 C +80 23 103 C +80 23 104 C +80 23 105 I +80 23 106 O +80 23 107 T +80 23 108 C +80 23 109 C +80 23 110 O +80 23 111 C +80 23 112 Z +80 23 113 U +80 23 114 C +80 23 115 Z +80 23 116 C +80 23 117 O +80 23 118 Z +80 23 119 C +80 23 120 T +80 23 121 O +80 23 122 C +80 23 123 C +80 23 124 O +80 23 125 O +80 23 126 Z +80 23 127 C +80 23 128 O +80 23 129 T +80 23 130 C +80 23 131 I +80 23 132 W +80 23 133 C +80 23 134 O +80 23 135 I +80 23 136 C +80 23 137 C +80 23 138 C +80 23 139 T +80 23 140 C +80 23 141 T +80 23 142 T +80 23 143 C +80 23 144 I +80 23 145 C +80 23 146 O +80 23 147 C +80 23 148 W +80 23 149 C +80 23 150 I +80 23 151 Z +80 23 152 I +80 23 153 C +80 23 154 K +80 23 155 O +80 23 156 C +80 23 157 O +80 23 158 T +80 23 159 O +80 23 160 Z +80 23 161 C +80 23 162 W +80 23 163 C +80 23 164 C +80 23 165 C +80 23 166 C +80 23 167 I +80 23 168 C +80 23 169 C +80 23 170 C +80 23 171 C +80 23 172 T +80 23 173 Z +80 23 174 O +80 23 175 C +80 23 176 Z +80 23 177 O +80 23 178 C +80 23 179 I +80 23 180 C +80 23 181 O +80 23 182 I +80 23 183 O +80 23 184 I +80 23 185 O +80 23 186 C +80 23 187 O +80 23 188 C +80 23 189 C +80 23 190 Z +80 23 191 C +80 23 192 I +80 23 193 C +80 23 194 O +80 23 195 C +80 23 196 C +80 23 197 I +80 23 198 U +80 23 199 C +80 23 200 C +80 23 201 Z +80 23 202 C +80 23 203 Z +80 23 204 O +80 23 205 I +80 23 206 T +80 23 207 I +80 23 208 O +80 23 209 C +80 23 210 O +80 23 211 C +80 23 212 O +80 23 213 I +80 23 214 C +80 23 215 I +80 23 216 C +80 23 217 I +80 23 218 C +80 23 219 C +80 23 220 I +80 23 221 C +80 23 222 I +80 23 223 C +80 23 224 T +80 23 225 C +80 23 226 C +80 23 227 U +80 23 228 C +80 23 229 C +80 23 230 T +80 23 231 I +80 23 232 C +80 23 233 C +80 23 234 C +80 23 235 C +80 23 236 C +80 23 237 O +80 23 238 C +80 23 239 I +80 23 240 O +80 23 241 T +80 23 242 O +80 23 243 I +80 23 244 C +80 23 245 W +80 23 246 C +80 23 247 I +80 23 248 C +80 23 249 C +80 23 250 I +80 23 251 C +80 23 252 T +80 23 253 C +80 23 254 C +80 23 255 U +80 23 256 W +80 23 257 C +80 23 258 O +80 23 259 W +80 23 260 C +80 23 261 O +80 23 262 T +80 23 263 K +80 23 264 C +80 23 265 C +80 23 266 O +80 23 267 I +80 23 268 C +80 23 269 I +80 23 270 O +80 23 271 C +80 23 272 C +80 23 273 I +80 23 274 T +80 23 275 O +80 23 276 W +80 23 277 C +80 23 278 O +80 23 279 C +80 23 280 C +80 23 281 C +80 23 282 C +80 23 283 O +80 23 284 C +80 23 285 I +80 23 286 T +80 23 287 O +80 23 288 O +80 23 289 C +80 23 290 T +80 23 291 C +80 23 292 I +80 23 293 C +80 23 294 C +80 23 295 O +80 23 296 I +80 23 297 O +80 23 298 W +80 23 299 C +80 23 300 K +80 23 301 C +80 23 302 T +80 23 303 C +80 23 304 C +80 23 305 I +80 23 306 C +80 23 307 C +80 23 308 I +80 23 309 C +80 23 310 C +80 23 311 C +80 23 312 U +80 23 313 C +80 23 314 T +80 23 315 C +80 23 316 C +80 23 317 I +80 23 318 O +80 23 319 T +80 23 320 C +80 23 321 W +80 23 322 C +80 23 323 C +80 23 324 T +80 23 325 I +80 23 326 O +80 23 327 C +80 23 328 C +80 23 329 O +80 23 330 C +80 24 1 C +80 24 2 C +80 24 3 O +80 24 4 * +80 24 5 C +80 24 6 O +80 24 7 C +80 24 8 I +80 24 9 O +80 24 10 C +80 24 11 C +80 24 12 O +80 24 13 C +80 24 14 C +80 24 15 I +80 24 16 T +80 24 17 O +80 24 18 U +80 24 19 C +80 24 20 C +80 24 21 I +80 24 22 O +80 24 23 I +80 24 24 M +80 24 25 C +80 24 26 C +80 24 27 T +80 24 28 Z +80 24 29 C +80 24 30 O +80 24 31 C +80 24 32 I +80 24 33 C +80 24 34 C +80 24 35 O +80 24 36 C +80 24 37 C +80 24 38 I +80 24 39 C +80 24 40 C +80 24 41 Z +80 24 42 O +80 24 43 C +80 24 44 T +80 24 45 C +80 24 46 M +80 24 47 C +80 24 48 O +80 24 49 C +80 24 50 I +80 24 51 M +80 24 52 T +80 24 53 I +80 24 54 C +80 24 55 C +80 24 56 O +80 24 57 C +80 24 58 O +80 24 59 I +80 24 60 C +80 24 61 W +80 24 62 I +80 24 63 O +80 24 64 C +80 24 65 I +80 24 66 T +80 24 67 C +80 24 68 I +80 24 69 C +80 24 70 C +80 24 71 I +80 24 72 C +80 24 73 I +80 24 74 C +80 24 75 C +80 24 76 O +80 24 77 C +80 24 78 I +80 24 79 U +80 24 80 C +80 24 81 C +80 24 82 C +80 24 83 O +80 24 84 I +80 24 85 C +80 24 86 I +80 24 87 U +80 24 88 I +80 24 89 U +80 24 90 C +80 24 91 C +80 24 92 O +80 24 93 C +80 24 94 U +80 24 95 C +80 24 96 O +80 24 97 I +80 24 98 W +80 24 99 I +80 24 100 C +80 24 101 I +80 24 102 C +80 24 103 O +80 24 104 C +80 24 105 I +80 24 106 O +80 24 107 T +80 24 108 C +80 24 109 C +80 24 110 O +80 24 111 C +80 24 112 I +80 24 113 U +80 24 114 C +80 24 115 I +80 24 116 C +80 24 117 M +80 24 118 I +80 24 119 C +80 24 120 T +80 24 121 O +80 24 122 C +80 24 123 C +80 24 124 C +80 24 125 O +80 24 126 I +80 24 127 C +80 24 128 C +80 24 129 T +80 24 130 C +80 24 131 I +80 24 132 O +80 24 133 C +80 24 134 M +80 24 135 I +80 24 136 C +80 24 137 C +80 24 138 C +80 24 139 I +80 24 140 C +80 24 141 T +80 24 142 C +80 24 143 C +80 24 144 I +80 24 145 C +80 24 146 O +80 24 147 C +80 24 148 I +80 24 149 C +80 24 150 I +80 24 151 O +80 24 152 I +80 24 153 C +80 24 154 M +80 24 155 M +80 24 156 C +80 24 157 M +80 24 158 T +80 24 159 O +80 24 160 I +80 24 161 C +80 24 162 I +80 24 163 C +80 24 164 C +80 24 165 C +80 24 166 C +80 24 167 I +80 24 168 C +80 24 169 C +80 24 170 C +80 24 171 C +80 24 172 T +80 24 173 I +80 24 174 O +80 24 175 C +80 24 176 W +80 24 177 O +80 24 178 C +80 24 179 I +80 24 180 C +80 24 181 O +80 24 182 I +80 24 183 M +80 24 184 I +80 24 185 O +80 24 186 C +80 24 187 O +80 24 188 C +80 24 189 C +80 24 190 I +80 24 191 C +80 24 192 I +80 24 193 C +80 24 194 I +80 24 195 C +80 24 196 C +80 24 197 I +80 24 198 U +80 24 199 C +80 24 200 C +80 24 201 I +80 24 202 C +80 24 203 I +80 24 204 M +80 24 205 I +80 24 206 O +80 24 207 I +80 24 208 O +80 24 209 C +80 24 210 M +80 24 211 C +80 24 212 O +80 24 213 I +80 24 214 C +80 24 215 I +80 24 216 C +80 24 217 I +80 24 218 C +80 24 219 C +80 24 220 I +80 24 221 C +80 24 222 I +80 24 223 C +80 24 224 I +80 24 225 C +80 24 226 C +80 24 227 U +80 24 228 C +80 24 229 C +80 24 230 T +80 24 231 I +80 24 232 O +80 24 233 I +80 24 234 C +80 24 235 C +80 24 236 C +80 24 237 O +80 24 238 C +80 24 239 I +80 24 240 M +80 24 241 T +80 24 242 O +80 24 243 I +80 24 244 C +80 24 245 W +80 24 246 C +80 24 247 I +80 24 248 C +80 24 249 C +80 24 250 I +80 24 251 C +80 24 252 T +80 24 253 C +80 24 254 C +80 24 255 U +80 24 256 O +80 24 257 C +80 24 258 O +80 24 259 I +80 24 260 C +80 24 261 I +80 24 262 T +80 24 263 M +80 24 264 C +80 24 265 C +80 24 266 O +80 24 267 I +80 24 268 C +80 24 269 I +80 24 270 O +80 24 271 C +80 24 272 T +80 24 273 I +80 24 274 T +80 24 275 C +80 24 276 I +80 24 277 C +80 24 278 O +80 24 279 C +80 24 280 C +80 24 281 C +80 24 282 C +80 24 283 M +80 24 284 C +80 24 285 I +80 24 286 T +80 24 287 O +80 24 288 W +80 24 289 C +80 24 290 T +80 24 291 C +80 24 292 I +80 24 293 C +80 24 294 C +80 24 295 O +80 24 296 I +80 24 297 O +80 24 298 I +80 24 299 C +80 24 300 M +80 24 301 C +80 24 302 T +80 24 303 C +80 24 304 C +80 24 305 I +80 24 306 C +80 24 307 C +80 24 308 I +80 24 309 C +80 24 310 C +80 24 311 C +80 24 312 U +80 24 313 I +80 24 314 T +80 24 315 C +80 24 316 C +80 24 317 I +80 24 318 O +80 24 319 T +80 24 320 C +80 24 321 W +80 24 322 C +80 24 323 C +80 24 324 T +80 24 325 I +80 24 326 O +80 24 327 C +80 24 328 C +80 24 329 O +80 24 330 C +80 25 1 C +80 25 2 C +80 25 3 O +80 25 4 C +80 25 5 C +80 25 6 O +80 25 7 C +80 25 8 Z +80 25 9 O +80 25 10 C +80 25 11 C +80 25 12 O +80 25 13 C +80 25 14 C +80 25 15 I +80 25 16 T +80 25 17 O +80 25 18 U +80 25 19 C +80 25 20 C +80 25 21 I +80 25 22 O +80 25 23 * +80 25 24 * +80 25 25 C +80 25 26 C +80 25 27 T +80 25 28 I +80 25 29 C +80 25 30 O +80 25 31 C +80 25 32 I +80 25 33 C +80 25 34 C +80 25 35 O +80 25 36 C +80 25 37 C +80 25 38 I +80 25 39 C +80 25 40 C +80 25 41 W +80 25 42 O +80 25 43 C +80 25 44 T +80 25 45 C +80 25 46 M +80 25 47 C +80 25 48 O +80 25 49 C +80 25 50 * +80 25 51 * +80 25 52 T +80 25 53 W +80 25 54 C +80 25 55 C +80 25 56 * +80 25 57 C +80 25 58 M +80 25 59 I +80 25 60 C +80 25 61 W +80 25 62 * +80 25 63 O +80 25 64 C +80 25 65 W +80 25 66 T +80 25 67 C +80 25 68 I +80 25 69 * +80 25 70 T +80 25 71 * +80 25 72 C +80 25 73 I +80 25 74 C +80 25 75 C +80 25 76 N +80 25 77 C +80 25 78 I +80 25 79 * +80 25 80 C +80 25 81 C +80 25 82 C +80 25 83 O +80 25 84 I +80 25 85 C +80 25 86 I +80 25 87 U +80 25 88 * +80 25 89 U +80 25 90 C +80 25 91 C +80 25 92 T +80 25 93 C +80 25 94 U +80 25 95 C +80 25 96 N +80 25 97 * +80 25 98 W +80 25 99 I +80 25 100 C +80 25 101 I +80 25 102 I +80 25 103 C +80 25 104 C +80 25 105 * +80 25 106 O +80 25 107 T +80 25 108 C +80 25 109 * +80 25 110 N +80 25 111 C +80 25 112 I +80 25 113 U +80 25 114 C +80 25 115 I +80 25 116 C +80 25 117 CO +80 25 118 I +80 25 119 C +80 25 120 T +80 25 121 N +80 25 122 C +80 25 123 C +80 25 124 C +80 25 125 O +80 25 126 I +80 25 127 C +80 25 128 O +80 25 129 T +80 25 130 CO +80 25 131 * +80 25 132 * +80 25 133 C +80 25 134 CO +80 25 135 * +80 25 136 C +80 25 137 C +80 25 138 C +80 25 139 T +80 25 140 C +80 25 141 T +80 25 142 T +80 25 143 C +80 25 144 * +80 25 145 C +80 25 146 O +80 25 147 C +80 25 148 W +80 25 149 C +80 25 150 * +80 25 151 I +80 25 152 * +80 25 153 C +80 25 154 U +80 25 155 U +80 25 156 C +80 25 157 CO +80 25 158 T +80 25 159 O +80 25 160 I +80 25 161 C +80 25 162 W +80 25 163 C +80 25 164 C +80 25 165 C +80 25 166 C +80 25 167 * +80 25 168 C +80 25 169 C +80 25 170 CO +80 25 171 C +80 25 172 T +80 25 173 I +80 25 174 O +80 25 175 C +80 25 176 * +80 25 177 C +80 25 178 C +80 25 179 * +80 25 180 C +80 25 181 O +80 25 182 * +80 25 183 * +80 25 184 * +80 25 185 O +80 25 186 C +80 25 187 O +80 25 188 C +80 25 189 C +80 25 190 I +80 25 191 C +80 25 192 * +80 25 193 C +80 25 194 * +80 25 195 C +80 25 196 C +80 25 197 * +80 25 198 U +80 25 199 C +80 25 200 C +80 25 201 I +80 25 202 C +80 25 203 * +80 25 204 CO +80 25 205 * +80 25 206 C +80 25 207 I +80 25 208 CO +80 25 209 C +80 25 210 * +80 25 211 C +80 25 212 O +80 25 213 I +80 25 214 C +80 25 215 I +80 25 216 CO +80 25 217 I +80 25 218 C +80 25 219 T +80 25 220 * +80 25 221 T +80 25 222 * +80 25 223 C +80 25 224 T +80 25 225 C +80 25 226 C +80 25 227 U +80 25 228 C +80 25 229 C +80 25 230 T +80 25 231 * +80 25 232 CO +80 25 233 * +80 25 234 C +80 25 235 C +80 25 236 C +80 25 237 N +80 25 238 C +80 25 239 I +80 25 240 CO +80 25 241 T +80 25 242 O +80 25 243 * +80 25 244 T +80 25 245 W +80 25 246 C +80 25 247 * +80 25 248 C +80 25 249 C +80 25 250 * +80 25 251 C +80 25 252 T +80 25 253 C +80 25 254 C +80 25 255 CO +80 25 256 W +80 25 257 C +80 25 258 O +80 25 259 W +80 25 260 C +80 25 261 O +80 25 262 T +80 25 263 M +80 25 264 C +80 25 265 C +80 25 266 * +80 25 267 * +80 25 268 C +80 25 269 * +80 25 270 O +80 25 271 C +80 25 272 T +80 25 273 * +80 25 274 T +80 25 275 C +80 25 276 W +80 25 277 C +80 25 278 O +80 25 279 * +80 25 280 C +80 25 281 C +80 25 282 C +80 25 283 M +80 25 284 T +80 25 285 I +80 25 286 T +80 25 287 M +80 25 288 * +80 25 289 C +80 25 290 T +80 25 291 C +80 25 292 I +80 25 293 C +80 25 294 T +80 25 295 M +80 25 296 * +80 25 297 O +80 25 298 * +80 25 299 C +80 25 300 T +80 25 301 C +80 25 302 T +80 25 303 C +80 25 304 C +80 25 305 * +80 25 306 C +80 25 307 C +80 25 308 * +80 25 309 CO +80 25 310 C +80 25 311 C +80 25 312 U +80 25 313 * +80 25 314 T +80 25 315 C +80 25 316 C +80 25 317 * +80 25 318 O +80 25 319 T +80 25 320 C +80 25 321 W +80 25 322 C +80 25 323 C +80 25 324 T +80 25 325 * +80 25 326 * +80 25 327 T +80 25 328 C +80 25 329 CO +80 25 330 T +81 1 1 V +81 1 2 N +81 1 3 HI +81 1 4 V +81 1 5 N +81 1 6 HI +81 1 7 N +81 1 8 HI +81 1 9 N +81 1 10 V +81 1 11 V +81 1 12 Z +81 1 13 N +81 1 14 V +81 1 15 K +81 1 16 K +81 1 17 HI +81 1 18 V +81 1 19 V +81 1 20 N +81 1 21 HI +81 1 22 Z +81 1 23 V +81 1 24 V +81 1 25 V +81 1 26 V +81 1 27 K +81 1 28 HI +81 1 29 N +81 1 30 HI +81 1 31 V +81 1 32 HI +81 1 33 N +81 1 34 V +81 1 35 HI +81 1 36 V +81 1 37 V +81 1 38 HI +81 1 39 N +81 1 40 V +81 1 41 HI +81 1 42 Z +81 1 43 V +81 1 44 K +81 1 45 N +81 1 46 V +81 1 47 V +81 1 48 Z +81 1 49 V +81 1 50 V +81 1 51 V +81 1 52 K +81 1 53 HI +81 1 54 N +81 1 55 V +81 1 56 HI +81 1 57 V +81 1 58 Z +81 1 59 V +81 1 60 V +81 1 61 HI +81 1 62 V +81 1 63 HI +81 1 64 V +81 1 65 HI +81 1 66 K +81 1 67 N +81 1 68 HI +81 1 69 N +81 1 70 K +81 1 71 HI +81 1 72 N +81 1 73 V +81 1 74 V +81 1 75 V +81 1 76 HI +81 1 77 V +81 1 78 K +81 1 79 V +81 1 80 V +81 1 81 N +81 1 82 V +81 1 83 K +81 1 84 HI +81 1 85 N +81 1 86 HI +81 1 87 V +81 1 88 HI +81 1 89 V +81 1 90 V +81 1 91 N +81 1 92 K +81 1 93 V +81 1 94 V +81 1 95 K +81 1 96 Z +81 1 97 V +81 1 98 HI +81 1 99 K +81 1 100 V +81 1 101 HI +81 1 102 V +81 1 103 V +81 1 104 V +81 1 105 V +81 1 106 Z +81 1 107 K +81 1 108 M +81 1 109 V +81 1 110 Z +81 1 111 V +81 1 112 HI +81 1 113 V +81 1 114 V +81 1 115 HI +81 1 116 K +81 1 117 V +81 1 118 HI +81 1 119 N +81 1 120 K +81 1 121 HI +81 1 122 N +81 1 123 V +81 1 124 N +81 1 125 HI +81 1 126 HI +81 1 127 V +81 1 128 Z +81 1 129 K +81 1 130 V +81 1 131 V +81 1 132 HI +81 1 133 N +81 1 134 V +81 1 135 HI +81 1 136 V +81 1 137 V +81 1 138 V +81 1 139 K +81 1 140 V +81 1 141 K +81 1 142 K +81 1 143 N +81 1 144 V +81 1 145 N +81 1 146 Z +81 1 147 N +81 1 148 HI +81 1 149 N +81 1 150 V +81 1 151 HI +81 1 152 V +81 1 153 V +81 1 154 V +81 1 155 V +81 1 156 N +81 1 157 V +81 1 158 K +81 1 159 Z +81 1 160 HI +81 1 161 N +81 1 162 HI +81 1 163 V +81 1 164 V +81 1 165 N +81 1 166 V +81 1 167 K +81 1 168 N +81 1 169 V +81 1 170 V +81 1 171 N +81 1 172 K +81 1 173 HI +81 1 174 Z +81 1 175 V +81 1 176 HI +81 1 177 Z +81 1 178 V +81 1 179 HI +81 1 180 N +81 1 181 Z +81 1 182 V +81 1 183 Z +81 1 184 V +81 1 185 Z +81 1 186 V +81 1 187 Z +81 1 188 V +81 1 189 K +81 1 190 HI +81 1 191 N +81 1 192 V +81 1 193 N +81 1 194 V +81 1 195 N +81 1 196 V +81 1 197 V +81 1 198 V +81 1 199 K +81 1 200 V +81 1 201 HI +81 1 202 N +81 1 203 HI +81 1 204 V +81 1 205 V +81 1 206 K +81 1 207 HI +81 1 208 N +81 1 209 N +81 1 210 V +81 1 211 V +81 1 212 Z +81 1 213 K +81 1 214 N +81 1 215 HI +81 1 216 V +81 1 217 HI +81 1 218 N +81 1 219 K +81 1 220 V +81 1 221 K +81 1 222 V +81 1 223 N +81 1 224 K +81 1 225 N +81 1 226 V +81 1 227 V +81 1 228 V +81 1 229 N +81 1 230 K +81 1 231 HI +81 1 232 N +81 1 233 V +81 1 234 N +81 1 235 V +81 1 236 N +81 1 237 HI +81 1 238 V +81 1 239 HI +81 1 240 V +81 1 241 K +81 1 242 Z +81 1 243 HI +81 1 244 K +81 1 245 HI +81 1 246 V +81 1 247 V +81 1 248 V +81 1 249 N +81 1 250 V +81 1 251 N +81 1 252 K +81 1 253 N +81 1 254 K +81 1 255 V +81 1 256 HI +81 1 257 V +81 1 258 N +81 1 259 HI +81 1 260 K +81 1 261 Z +81 1 262 K +81 1 263 K +81 1 264 V +81 1 265 N +81 1 266 HI +81 1 267 V +81 1 268 N +81 1 269 HI +81 1 270 Z +81 1 271 V +81 1 272 K +81 1 273 HI +81 1 274 K +81 1 275 N +81 1 276 HI +81 1 277 V +81 1 278 HI +81 1 279 V +81 1 280 N +81 1 281 N +81 1 282 N +81 1 283 N +81 1 284 K +81 1 285 HI +81 1 286 K +81 1 287 N +81 1 288 HI +81 1 289 V +81 1 290 K +81 1 291 V +81 1 292 HI +81 1 293 K +81 1 294 K +81 1 295 N +81 1 296 V +81 1 297 Z +81 1 298 HI +81 1 299 N +81 1 300 K +81 1 301 N +81 1 302 K +81 1 303 K +81 1 304 N +81 1 305 V +81 1 306 N +81 1 307 V +81 1 308 V +81 1 309 V +81 1 310 N +81 1 311 V +81 1 312 V +81 1 313 V +81 1 314 K +81 1 315 N +81 1 316 N +81 1 317 HI +81 1 318 HI +81 1 319 K +81 1 320 N +81 1 321 HI +81 1 322 V +81 1 323 N +81 1 324 K +81 1 325 HI +81 1 326 Z +81 1 327 K +81 1 328 N +81 1 329 N +81 1 330 K +81 2 1 N +81 2 2 N +81 2 3 HI +81 2 4 * +81 2 5 N +81 2 6 Z +81 2 7 N +81 2 8 HI +81 2 9 M +81 2 10 V +81 2 11 Z +81 2 12 N +81 2 13 V +81 2 14 V +81 2 15 HI +81 2 16 K +81 2 17 HI +81 2 18 V +81 2 19 N +81 2 20 N +81 2 21 HI +81 2 22 Z +81 2 23 * +81 2 24 V +81 2 25 N +81 2 26 N +81 2 27 K +81 2 28 HI +81 2 29 N +81 2 30 Z +81 2 31 N +81 2 32 HI +81 2 33 N +81 2 34 N +81 2 35 HI +81 2 36 V +81 2 37 N +81 2 38 HI +81 2 39 N +81 2 40 N +81 2 41 HI +81 2 42 Z +81 2 43 N +81 2 44 K +81 2 45 N +81 2 46 V +81 2 47 V +81 2 48 Z +81 2 49 N +81 2 50 HI +81 2 51 * +81 2 52 N +81 2 53 HI +81 2 54 N +81 2 55 N +81 2 56 Z +81 2 57 N +81 2 58 * +81 2 59 * +81 2 60 V +81 2 61 HI +81 2 62 * +81 2 63 HI +81 2 64 N +81 2 65 HI +81 2 66 K +81 2 67 N +81 2 68 HI +81 2 69 N +81 2 70 K +81 2 71 HI +81 2 72 N +81 2 73 HI +81 2 74 N +81 2 75 V +81 2 76 Z +81 2 77 N +81 2 78 * +81 2 79 V +81 2 80 N +81 2 81 N +81 2 82 N +81 2 83 Z +81 2 84 Z +81 2 85 N +81 2 86 HI +81 2 87 V +81 2 88 HI +81 2 89 V +81 2 90 V +81 2 91 N +81 2 92 K +81 2 93 N +81 2 94 V +81 2 95 N +81 2 96 Z +81 2 97 * +81 2 98 N +81 2 99 * +81 2 100 N +81 2 101 HI +81 2 102 K +81 2 103 N +81 2 104 N +81 2 105 HI +81 2 106 Z +81 2 107 K +81 2 108 N +81 2 109 N +81 2 110 Z +81 2 111 N +81 2 112 HI +81 2 113 V +81 2 114 N +81 2 115 HI +81 2 116 N +81 2 117 M +81 2 118 HI +81 2 119 N +81 2 120 K +81 2 121 Z +81 2 122 N +81 2 123 N +81 2 124 Z +81 2 125 Z +81 2 126 N +81 2 127 V +81 2 128 Z +81 2 129 K +81 2 130 V +81 2 131 * +81 2 132 HI +81 2 133 N +81 2 134 M +81 2 135 HI +81 2 136 N +81 2 137 N +81 2 138 N +81 2 139 K +81 2 140 N +81 2 141 K +81 2 142 K +81 2 143 N +81 2 144 * +81 2 145 N +81 2 146 Z +81 2 147 N +81 2 148 HI +81 2 149 N +81 2 150 * +81 2 151 Z +81 2 152 Z +81 2 153 N +81 2 154 V +81 2 155 M +81 2 156 N +81 2 157 M +81 2 158 K +81 2 159 Z +81 2 160 HI +81 2 161 N +81 2 162 HI +81 2 163 N +81 2 164 N +81 2 165 N +81 2 166 V +81 2 167 K +81 2 168 N +81 2 169 N +81 2 170 V +81 2 171 N +81 2 172 K +81 2 173 HI +81 2 174 Z +81 2 175 N +81 2 176 HI +81 2 177 Z +81 2 178 N +81 2 179 HI +81 2 180 N +81 2 181 Z +81 2 182 HI +81 2 183 M +81 2 184 * +81 2 185 Z +81 2 186 N +81 2 187 Z +81 2 188 N +81 2 189 K +81 2 190 HI +81 2 191 N +81 2 192 * +81 2 193 Z +81 2 194 HI +81 2 195 N +81 2 196 N +81 2 197 * +81 2 198 V +81 2 199 N +81 2 200 N +81 2 201 Z +81 2 202 N +81 2 203 HI +81 2 204 V +81 2 205 * +81 2 206 K +81 2 207 HI +81 2 208 HI +81 2 209 N +81 2 210 HI +81 2 211 N +81 2 212 Z +81 2 213 K +81 2 214 Z +81 2 215 * +81 2 216 N +81 2 217 HI +81 2 218 N +81 2 219 N +81 2 220 * +81 2 221 N +81 2 222 * +81 2 223 N +81 2 224 K +81 2 225 N +81 2 226 N +81 2 227 V +81 2 228 N +81 2 229 N +81 2 230 K +81 2 231 * +81 2 232 N +81 2 233 * +81 2 234 N +81 2 235 N +81 2 236 N +81 2 237 Z +81 2 238 N +81 2 239 HI +81 2 240 M +81 2 241 K +81 2 242 Z +81 2 243 HI +81 2 244 N +81 2 245 HI +81 2 246 N +81 2 247 * +81 2 248 V +81 2 249 N +81 2 250 * +81 2 251 N +81 2 252 K +81 2 253 N +81 2 254 N +81 2 255 V +81 2 256 HI +81 2 257 N +81 2 258 Z +81 2 259 HI +81 2 260 N +81 2 261 Z +81 2 262 K +81 2 263 K +81 2 264 N +81 2 265 N +81 2 266 M +81 2 267 * +81 2 268 N +81 2 269 * +81 2 270 Z +81 2 271 V +81 2 272 K +81 2 273 * +81 2 274 K +81 2 275 N +81 2 276 HI +81 2 277 N +81 2 278 Z +81 2 279 * +81 2 280 N +81 2 281 N +81 2 282 N +81 2 283 M +81 2 284 K +81 2 285 HI +81 2 286 K +81 2 287 M +81 2 288 HI +81 2 289 N +81 2 290 K +81 2 291 N +81 2 292 Z +81 2 293 N +81 2 294 K +81 2 295 M +81 2 296 * +81 2 297 Z +81 2 298 HI +81 2 299 N +81 2 300 K +81 2 301 N +81 2 302 K +81 2 303 K +81 2 304 N +81 2 305 * +81 2 306 N +81 2 307 N +81 2 308 * +81 2 309 V +81 2 310 N +81 2 311 N +81 2 312 V +81 2 313 * +81 2 314 K +81 2 315 N +81 2 316 N +81 2 317 * +81 2 318 Z +81 2 319 K +81 2 320 N +81 2 321 HI +81 2 322 N +81 2 323 N +81 2 324 K +81 2 325 * +81 2 326 Z +81 2 327 N +81 2 328 N +81 2 329 M +81 2 330 N +81 3 1 N +81 3 2 K +81 3 3 HI +81 3 4 * +81 3 5 N +81 3 6 Z +81 3 7 K +81 3 8 HI +81 3 9 * +81 3 10 N +81 3 11 * +81 3 12 Z +81 3 13 N +81 3 14 N +81 3 15 Z +81 3 16 K +81 3 17 HI +81 3 18 V +81 3 19 V +81 3 20 N +81 3 21 HI +81 3 22 Z +81 3 23 MH +81 3 24 N +81 3 25 N +81 3 26 K +81 3 27 Z +81 3 28 HI +81 3 29 N +81 3 30 Z +81 3 31 N +81 3 32 HI +81 3 33 Z +81 3 34 N +81 3 35 Z +81 3 36 K +81 3 37 N +81 3 38 HI +81 3 39 K +81 3 40 N +81 3 41 HI +81 3 42 Z +81 3 43 V +81 3 44 K +81 3 45 N +81 3 46 K +81 3 47 N +81 3 48 Z +81 3 49 N +81 3 50 K +81 3 51 Z +81 3 52 K +81 3 53 HI +81 3 54 Z +81 3 55 V +81 3 56 Z +81 3 57 V +81 3 58 Z +81 3 59 N +81 3 60 V +81 3 61 HI +81 3 62 N +81 3 63 Z +81 3 64 K +81 3 65 HI +81 3 66 K +81 3 67 N +81 3 68 HI +81 3 69 * +81 3 70 MH +81 3 71 HI +81 3 72 N +81 3 73 N +81 3 74 K +81 3 75 V +81 3 76 Z +81 3 77 V +81 3 78 Z +81 3 79 V +81 3 80 N +81 3 81 * +81 3 82 * +81 3 83 Z +81 3 84 HI +81 3 85 K +81 3 86 Z +81 3 87 V +81 3 88 HI +81 3 89 V +81 3 90 V +81 3 91 * +81 3 92 K +81 3 93 V +81 3 94 V +81 3 95 K +81 3 96 Z +81 3 97 N +81 3 98 HI +81 3 99 MH +81 3 100 K +81 3 101 HI +81 3 102 N +81 3 103 * +81 3 104 N +81 3 105 Z +81 3 106 Z +81 3 107 N +81 3 108 K +81 3 109 N +81 3 110 Z +81 3 111 V +81 3 112 HI +81 3 113 V +81 3 114 V +81 3 115 HI +81 3 116 K +81 3 117 HI +81 3 118 HI +81 3 119 N +81 3 120 K +81 3 121 Z +81 3 122 N +81 3 123 N +81 3 124 Z +81 3 125 Z +81 3 126 HI +81 3 127 V +81 3 128 Z +81 3 129 K +81 3 130 * +81 3 131 MH +81 3 132 HI +81 3 133 V +81 3 134 HI +81 3 135 HI +81 3 136 V +81 3 137 N +81 3 138 K +81 3 139 K +81 3 140 V +81 3 141 K +81 3 142 N +81 3 143 Z +81 3 144 N +81 3 145 * +81 3 146 Z +81 3 147 V +81 3 148 HI +81 3 149 * +81 3 150 * +81 3 151 HI +81 3 152 HI +81 3 153 V +81 3 154 V +81 3 155 K +81 3 156 V +81 3 157 * +81 3 158 K +81 3 159 Z +81 3 160 HI +81 3 161 N +81 3 162 HI +81 3 163 V +81 3 164 * +81 3 165 * +81 3 166 V +81 3 167 MH +81 3 168 * +81 3 169 * +81 3 170 V +81 3 171 * +81 3 172 K +81 3 173 HI +81 3 174 Z +81 3 175 V +81 3 176 HI +81 3 177 K +81 3 178 V +81 3 179 * +81 3 180 N +81 3 181 Z +81 3 182 HI +81 3 183 * +81 3 184 N +81 3 185 Z +81 3 186 K +81 3 187 Z +81 3 188 V +81 3 189 K +81 3 190 Z +81 3 191 N +81 3 192 MH +81 3 193 Z +81 3 194 HI +81 3 195 * +81 3 196 K +81 3 197 * +81 3 198 * +81 3 199 K +81 3 200 K +81 3 201 Z +81 3 202 N +81 3 203 HI +81 3 204 * +81 3 205 MH +81 3 206 K +81 3 207 HI +81 3 208 Z +81 3 209 V +81 3 210 HI +81 3 211 N +81 3 212 Z +81 3 213 N +81 3 214 * +81 3 215 HI +81 3 216 * +81 3 217 Z +81 3 218 * +81 3 219 K +81 3 220 N +81 3 221 K +81 3 222 N +81 3 223 V +81 3 224 K +81 3 225 * +81 3 226 V +81 3 227 * +81 3 228 V +81 3 229 * +81 3 230 K +81 3 231 HI +81 3 232 * +81 3 233 MH +81 3 234 * +81 3 235 V +81 3 236 Z +81 3 237 Z +81 3 238 V +81 3 239 HI +81 3 240 * +81 3 241 K +81 3 242 Z +81 3 243 HI +81 3 244 K +81 3 245 HI +81 3 246 N +81 3 247 V +81 3 248 * +81 3 249 * +81 3 250 * +81 3 251 K +81 3 252 K +81 3 253 V +81 3 254 * +81 3 255 V +81 3 256 HI +81 3 257 V +81 3 258 Z +81 3 259 HI +81 3 260 K +81 3 261 Z +81 3 262 K +81 3 263 * +81 3 264 K +81 3 265 N +81 3 266 HI +81 3 267 HI +81 3 268 * +81 3 269 HI +81 3 270 Z +81 3 271 V +81 3 272 K +81 3 273 HI +81 3 274 K +81 3 275 * +81 3 276 HI +81 3 277 N +81 3 278 Z +81 3 279 V +81 3 280 * +81 3 281 * +81 3 282 * +81 3 283 K +81 3 284 K +81 3 285 HI +81 3 286 K +81 3 287 * +81 3 288 HI +81 3 289 K +81 3 290 V +81 3 291 Z +81 3 292 K +81 3 293 K +81 3 294 * +81 3 295 * +81 3 296 * +81 3 297 Z +81 3 298 HI +81 3 299 N +81 3 300 K +81 3 301 N +81 3 302 K +81 3 303 K +81 3 304 * +81 3 305 * +81 3 306 Z +81 3 307 * +81 3 308 * +81 3 309 * +81 3 310 N +81 3 311 K +81 3 312 V +81 3 313 * +81 3 314 K +81 3 315 N +81 3 316 N +81 3 317 HI +81 3 318 Z +81 3 319 K +81 3 320 * +81 3 321 HI +81 3 322 * +81 3 323 * +81 3 324 K +81 3 325 HI +81 3 326 Z +81 3 327 K +81 3 328 N +81 3 329 Z +81 3 330 K +81 4 1 B +81 4 2 N +81 4 3 HI +81 4 4 V +81 4 5 N +81 4 6 M +81 4 7 N +81 4 8 HI +81 4 9 M +81 4 10 B +81 4 11 V +81 4 12 Z +81 4 13 N +81 4 14 V +81 4 15 * +81 4 16 K +81 4 17 HI +81 4 18 V +81 4 19 B +81 4 20 N +81 4 21 HI +81 4 22 Z +81 4 23 B +81 4 24 V +81 4 25 B +81 4 26 B +81 4 27 M +81 4 28 HI +81 4 29 N +81 4 30 Z +81 4 31 N +81 4 32 B +81 4 33 N +81 4 34 B +81 4 35 M +81 4 36 N +81 4 37 B +81 4 38 HI +81 4 39 N +81 4 40 B +81 4 41 HI +81 4 42 Z +81 4 43 V +81 4 44 M +81 4 45 N +81 4 46 V +81 4 47 V +81 4 48 Z +81 4 49 B +81 4 50 B +81 4 51 V +81 4 52 K +81 4 53 HI +81 4 54 N +81 4 55 B +81 4 56 M +81 4 57 N +81 4 58 Z +81 4 59 B +81 4 60 V +81 4 61 HI +81 4 62 B +81 4 63 HI +81 4 64 V +81 4 65 HI +81 4 66 K +81 4 67 N +81 4 68 HI +81 4 69 N +81 4 70 K +81 4 71 HI +81 4 72 N +81 4 73 B +81 4 74 K +81 4 75 N +81 4 76 Z +81 4 77 B +81 4 78 B +81 4 79 V +81 4 80 B +81 4 81 N +81 4 82 N +81 4 83 Z +81 4 84 HI +81 4 85 N +81 4 86 HI +81 4 87 V +81 4 88 HI +81 4 89 V +81 4 90 N +81 4 91 Z +81 4 92 M +81 4 93 B +81 4 94 V +81 4 95 N +81 4 96 Z +81 4 97 B +81 4 98 HI +81 4 99 B +81 4 100 N +81 4 101 HI +81 4 102 V +81 4 103 N +81 4 104 B +81 4 105 B +81 4 106 Z +81 4 107 K +81 4 108 N +81 4 109 B +81 4 110 Z +81 4 111 N +81 4 112 HI +81 4 113 V +81 4 114 N +81 4 115 HI +81 4 116 N +81 4 117 V +81 4 118 HI +81 4 119 N +81 4 120 K +81 4 121 HI +81 4 122 N +81 4 123 B +81 4 124 N +81 4 125 Z +81 4 126 HI +81 4 127 V +81 4 128 Z +81 4 129 M +81 4 130 V +81 4 131 B +81 4 132 HI +81 4 133 N +81 4 134 HI +81 4 135 B +81 4 136 N +81 4 137 N +81 4 138 B +81 4 139 K +81 4 140 B +81 4 141 K +81 4 142 K +81 4 143 N +81 4 144 B +81 4 145 N +81 4 146 Z +81 4 147 N +81 4 148 HI +81 4 149 N +81 4 150 B +81 4 151 HI +81 4 152 B +81 4 153 B +81 4 154 K +81 4 155 V +81 4 156 N +81 4 157 V +81 4 158 K +81 4 159 Z +81 4 160 HI +81 4 161 N +81 4 162 HI +81 4 163 B +81 4 164 B +81 4 165 N +81 4 166 B +81 4 167 B +81 4 168 N +81 4 169 B +81 4 170 N +81 4 171 N +81 4 172 K +81 4 173 HI +81 4 174 Z +81 4 175 N +81 4 176 HI +81 4 177 N +81 4 178 B +81 4 179 HI +81 4 180 N +81 4 181 Z +81 4 182 B +81 4 183 V +81 4 184 B +81 4 185 Z +81 4 186 N +81 4 187 Z +81 4 188 B +81 4 189 K +81 4 190 HI +81 4 191 N +81 4 192 B +81 4 193 Z +81 4 194 HI +81 4 195 N +81 4 196 N +81 4 197 B +81 4 198 V +81 4 199 K +81 4 200 B +81 4 201 Z +81 4 202 N +81 4 203 HI +81 4 204 V +81 4 205 B +81 4 206 K +81 4 207 HI +81 4 208 Z +81 4 209 N +81 4 210 V +81 4 211 B +81 4 212 Z +81 4 213 B +81 4 214 N +81 4 215 HI +81 4 216 V +81 4 217 Z +81 4 218 N +81 4 219 K +81 4 220 B +81 4 221 K +81 4 222 HI +81 4 223 N +81 4 224 K +81 4 225 Z +81 4 226 N +81 4 227 V +81 4 228 B +81 4 229 N +81 4 230 K +81 4 231 V +81 4 232 V +81 4 233 B +81 4 234 N +81 4 235 B +81 4 236 N +81 4 237 V +81 4 238 N +81 4 239 HI +81 4 240 M +81 4 241 K +81 4 242 Z +81 4 243 HI +81 4 244 K +81 4 245 HI +81 4 246 N +81 4 247 B +81 4 248 N +81 4 249 N +81 4 250 B +81 4 251 N +81 4 252 K +81 4 253 N +81 4 254 B +81 4 255 V +81 4 256 HI +81 4 257 B +81 4 258 Z +81 4 259 HI +81 4 260 N +81 4 261 Z +81 4 262 K +81 4 263 V +81 4 264 N +81 4 265 N +81 4 266 HI +81 4 267 B +81 4 268 N +81 4 269 HI +81 4 270 Z +81 4 271 N +81 4 272 K +81 4 273 B +81 4 274 K +81 4 275 N +81 4 276 HI +81 4 277 B +81 4 278 Z +81 4 279 B +81 4 280 N +81 4 281 N +81 4 282 N +81 4 283 V +81 4 284 K +81 4 285 HI +81 4 286 K +81 4 287 V +81 4 288 HI +81 4 289 N +81 4 290 K +81 4 291 B +81 4 292 HI +81 4 293 N +81 4 294 K +81 4 295 V +81 4 296 B +81 4 297 Z +81 4 298 HI +81 4 299 N +81 4 300 K +81 4 301 N +81 4 302 K +81 4 303 V +81 4 304 N +81 4 305 HI +81 4 306 N +81 4 307 N +81 4 308 B +81 4 309 K +81 4 310 N +81 4 311 B +81 4 312 K +81 4 313 B +81 4 314 K +81 4 315 N +81 4 316 N +81 4 317 Z +81 4 318 B +81 4 319 K +81 4 320 N +81 4 321 HI +81 4 322 B +81 4 323 N +81 4 324 K +81 4 325 B +81 4 326 Z +81 4 327 K +81 4 328 N +81 4 329 V +81 4 330 K +81 5 1 B +81 5 2 N +81 5 3 HI +81 5 4 B +81 5 5 N +81 5 6 Z +81 5 7 N +81 5 8 HI +81 5 9 HI +81 5 10 B +81 5 11 N +81 5 12 Z +81 5 13 N +81 5 14 V +81 5 15 HI +81 5 16 K +81 5 17 HI +81 5 18 V +81 5 19 B +81 5 20 N +81 5 21 HI +81 5 22 Z +81 5 23 B +81 5 24 V +81 5 25 N +81 5 26 B +81 5 27 K +81 5 28 HI +81 5 29 N +81 5 30 HI +81 5 31 B +81 5 32 HI +81 5 33 N +81 5 34 B +81 5 35 HI +81 5 36 N +81 5 37 B +81 5 38 HI +81 5 39 N +81 5 40 B +81 5 41 HI +81 5 42 Z +81 5 43 B +81 5 44 K +81 5 45 N +81 5 46 V +81 5 47 N +81 5 48 Z +81 5 49 B +81 5 50 B +81 5 51 V +81 5 52 K +81 5 53 HI +81 5 54 N +81 5 55 B +81 5 56 HI +81 5 57 N +81 5 58 Z +81 5 59 K +81 5 60 N +81 5 61 HI +81 5 62 B +81 5 63 HI +81 5 64 B +81 5 65 HI +81 5 66 K +81 5 67 N +81 5 68 HI +81 5 69 N +81 5 70 K +81 5 71 HI +81 5 72 N +81 5 73 B +81 5 74 B +81 5 75 N +81 5 76 Z +81 5 77 N +81 5 78 HI +81 5 79 V +81 5 80 B +81 5 81 N +81 5 82 N +81 5 83 K +81 5 84 HI +81 5 85 N +81 5 86 HI +81 5 87 V +81 5 88 B +81 5 89 V +81 5 90 N +81 5 91 N +81 5 92 K +81 5 93 B +81 5 94 V +81 5 95 B +81 5 96 Z +81 5 97 B +81 5 98 HI +81 5 99 B +81 5 100 B +81 5 101 B +81 5 102 B +81 5 103 N +81 5 104 B +81 5 105 B +81 5 106 Z +81 5 107 K +81 5 108 B +81 5 109 B +81 5 110 Z +81 5 111 N +81 5 112 HI +81 5 113 V +81 5 114 N +81 5 115 HI +81 5 116 B +81 5 117 V +81 5 118 HI +81 5 119 N +81 5 120 K +81 5 121 HI +81 5 122 N +81 5 123 B +81 5 124 N +81 5 125 HI +81 5 126 HI +81 5 127 N +81 5 128 Z +81 5 129 K +81 5 130 V +81 5 131 B +81 5 132 HI +81 5 133 N +81 5 134 B +81 5 135 B +81 5 136 N +81 5 137 N +81 5 138 B +81 5 139 K +81 5 140 B +81 5 141 K +81 5 142 K +81 5 143 N +81 5 144 B +81 5 145 N +81 5 146 Z +81 5 147 N +81 5 148 HI +81 5 149 N +81 5 150 B +81 5 151 HI +81 5 152 B +81 5 153 B +81 5 154 V +81 5 155 V +81 5 156 N +81 5 157 HI +81 5 158 K +81 5 159 Z +81 5 160 HI +81 5 161 N +81 5 162 HI +81 5 163 N +81 5 164 B +81 5 165 N +81 5 166 B +81 5 167 B +81 5 168 N +81 5 169 B +81 5 170 N +81 5 171 N +81 5 172 K +81 5 173 HI +81 5 174 Z +81 5 175 B +81 5 176 HI +81 5 177 Z +81 5 178 B +81 5 179 HI +81 5 180 N +81 5 181 Z +81 5 182 B +81 5 183 Z +81 5 184 B +81 5 185 Z +81 5 186 B +81 5 187 Z +81 5 188 B +81 5 189 B +81 5 190 HI +81 5 191 N +81 5 192 B +81 5 193 Z +81 5 194 B +81 5 195 N +81 5 196 N +81 5 197 B +81 5 198 V +81 5 199 K +81 5 200 B +81 5 201 HI +81 5 202 N +81 5 203 B +81 5 204 V +81 5 205 B +81 5 206 K +81 5 207 HI +81 5 208 Z +81 5 209 N +81 5 210 HI +81 5 211 B +81 5 212 Z +81 5 213 B +81 5 214 N +81 5 215 B +81 5 216 N +81 5 217 HI +81 5 218 N +81 5 219 B +81 5 220 B +81 5 221 K +81 5 222 B +81 5 223 N +81 5 224 K +81 5 225 Z +81 5 226 B +81 5 227 V +81 5 228 B +81 5 229 N +81 5 230 K +81 5 231 B +81 5 232 * +81 5 233 B +81 5 234 N +81 5 235 B +81 5 236 N +81 5 237 HI +81 5 238 B +81 5 239 HI +81 5 240 HI +81 5 241 K +81 5 242 Z +81 5 243 B +81 5 244 K +81 5 245 HI +81 5 246 N +81 5 247 B +81 5 248 N +81 5 249 N +81 5 250 B +81 5 251 N +81 5 252 K +81 5 253 N +81 5 254 B +81 5 255 V +81 5 256 HI +81 5 257 B +81 5 258 Z +81 5 259 HI +81 5 260 Z +81 5 261 HI +81 5 262 K +81 5 263 K +81 5 264 B +81 5 265 N +81 5 266 Z +81 5 267 B +81 5 268 N +81 5 269 B +81 5 270 Z +81 5 271 N +81 5 272 K +81 5 273 B +81 5 274 K +81 5 275 N +81 5 276 HI +81 5 277 B +81 5 278 Z +81 5 279 B +81 5 280 N +81 5 281 N +81 5 282 N +81 5 283 HI +81 5 284 K +81 5 285 HI +81 5 286 K +81 5 287 Z +81 5 288 HI +81 5 289 B +81 5 290 K +81 5 291 B +81 5 292 HI +81 5 293 N +81 5 294 K +81 5 295 HI +81 5 296 B +81 5 297 Z +81 5 298 HI +81 5 299 N +81 5 300 K +81 5 301 N +81 5 302 K +81 5 303 B +81 5 304 N +81 5 305 B +81 5 306 N +81 5 307 B +81 5 308 B +81 5 309 V +81 5 310 N +81 5 311 B +81 5 312 V +81 5 313 B +81 5 314 K +81 5 315 N +81 5 316 N +81 5 317 B +81 5 318 Z +81 5 319 K +81 5 320 N +81 5 321 HI +81 5 322 B +81 5 323 N +81 5 324 K +81 5 325 B +81 5 326 Z +81 5 327 B +81 5 328 N +81 5 329 HI +81 5 330 B +81 6 1 N +81 6 2 * +81 6 3 HI +81 6 4 * +81 6 5 N +81 6 6 Z +81 6 7 N +81 6 8 * +81 6 9 * +81 6 10 N +81 6 11 N +81 6 12 Z +81 6 13 N +81 6 14 N +81 6 15 HI +81 6 16 K +81 6 17 HI +81 6 18 * +81 6 19 N +81 6 20 * +81 6 21 HI +81 6 22 Z +81 6 23 * +81 6 24 * +81 6 25 * +81 6 26 * +81 6 27 K +81 6 28 HI +81 6 29 N +81 6 30 * +81 6 31 * +81 6 32 * +81 6 33 N +81 6 34 * +81 6 35 * +81 6 36 N +81 6 37 N +81 6 38 HI +81 6 39 N +81 6 40 N +81 6 41 HI +81 6 42 * +81 6 43 * +81 6 44 K +81 6 45 * +81 6 46 * +81 6 47 * +81 6 48 Z +81 6 49 * +81 6 50 * +81 6 51 * +81 6 52 Z +81 6 53 HI +81 6 54 N +81 6 55 * +81 6 56 * +81 6 57 N +81 6 58 * +81 6 59 * +81 6 60 N +81 6 61 HI +81 6 62 * +81 6 63 * +81 6 64 N +81 6 65 HI +81 6 66 K +81 6 67 * +81 6 68 HI +81 6 69 * +81 6 70 K +81 6 71 HI +81 6 72 N +81 6 73 * +81 6 74 N +81 6 75 * +81 6 76 Z +81 6 77 N +81 6 78 * +81 6 79 V +81 6 80 N +81 6 81 * +81 6 82 N +81 6 83 K +81 6 84 Z +81 6 85 N +81 6 86 HI +81 6 87 * +81 6 88 HI +81 6 89 V +81 6 90 V +81 6 91 Z +81 6 92 K +81 6 93 N +81 6 94 V +81 6 95 K +81 6 96 Z +81 6 97 * +81 6 98 HI +81 6 99 * +81 6 100 * +81 6 101 HI +81 6 102 * +81 6 103 * +81 6 104 N +81 6 105 HI +81 6 106 Z +81 6 107 K +81 6 108 * +81 6 109 * +81 6 110 Z +81 6 111 * +81 6 112 HI +81 6 113 V +81 6 114 * +81 6 115 HI +81 6 116 N +81 6 117 * +81 6 118 HI +81 6 119 N +81 6 120 K +81 6 121 Z +81 6 122 N +81 6 123 N +81 6 124 Z +81 6 125 HI +81 6 126 HI +81 6 127 * +81 6 128 * +81 6 129 K +81 6 130 * +81 6 131 * +81 6 132 HI +81 6 133 N +81 6 134 * +81 6 135 HI +81 6 136 N +81 6 137 N +81 6 138 N +81 6 139 K +81 6 140 N +81 6 141 K +81 6 142 K +81 6 143 N +81 6 144 * +81 6 145 N +81 6 146 Z +81 6 147 N +81 6 148 HI +81 6 149 N +81 6 150 * +81 6 151 * +81 6 152 * +81 6 153 N +81 6 154 V +81 6 155 * +81 6 156 N +81 6 157 * +81 6 158 K +81 6 159 Z +81 6 160 * +81 6 161 N +81 6 162 HI +81 6 163 N +81 6 164 N +81 6 165 * +81 6 166 N +81 6 167 * +81 6 168 N +81 6 169 N +81 6 170 N +81 6 171 * +81 6 172 K +81 6 173 HI +81 6 174 Z +81 6 175 N +81 6 176 HI +81 6 177 * +81 6 178 N +81 6 179 HI +81 6 180 N +81 6 181 * +81 6 182 HI +81 6 183 * +81 6 184 * +81 6 185 * +81 6 186 N +81 6 187 Z +81 6 188 N +81 6 189 K +81 6 190 * +81 6 191 N +81 6 192 * +81 6 193 Z +81 6 194 HI +81 6 195 N +81 6 196 N +81 6 197 * +81 6 198 V +81 6 199 * +81 6 200 N +81 6 201 Z +81 6 202 N +81 6 203 HI +81 6 204 * +81 6 205 * +81 6 206 * +81 6 207 HI +81 6 208 * +81 6 209 N +81 6 210 HI +81 6 211 N +81 6 212 Z +81 6 213 * +81 6 214 Z +81 6 215 HI +81 6 216 * +81 6 217 Z +81 6 218 * +81 6 219 N +81 6 220 N +81 6 221 N +81 6 222 * +81 6 223 N +81 6 224 K +81 6 225 * +81 6 226 N +81 6 227 V +81 6 228 V +81 6 229 N +81 6 230 K +81 6 231 HI +81 6 232 * +81 6 233 * +81 6 234 N +81 6 235 N +81 6 236 Z +81 6 237 Z +81 6 238 N +81 6 239 HI +81 6 240 * +81 6 241 K +81 6 242 Z +81 6 243 HI +81 6 244 K +81 6 245 HI +81 6 246 N +81 6 247 * +81 6 248 V +81 6 249 N +81 6 250 N +81 6 251 * +81 6 252 K +81 6 253 N +81 6 254 N +81 6 255 V +81 6 256 HI +81 6 257 N +81 6 258 Z +81 6 259 HI +81 6 260 Z +81 6 261 Z +81 6 262 K +81 6 263 * +81 6 264 * +81 6 265 N +81 6 266 HI +81 6 267 HI +81 6 268 N +81 6 269 HI +81 6 270 Z +81 6 271 N +81 6 272 K +81 6 273 * +81 6 274 K +81 6 275 Z +81 6 276 HI +81 6 277 N +81 6 278 HI +81 6 279 N +81 6 280 * +81 6 281 N +81 6 282 N +81 6 283 * +81 6 284 K +81 6 285 HI +81 6 286 K +81 6 287 * +81 6 288 HI +81 6 289 N +81 6 290 K +81 6 291 N +81 6 292 HI +81 6 293 N +81 6 294 N +81 6 295 * +81 6 296 * +81 6 297 Z +81 6 298 HI +81 6 299 N +81 6 300 * +81 6 301 N +81 6 302 K +81 6 303 K +81 6 304 * +81 6 305 HI +81 6 306 N +81 6 307 N +81 6 308 * +81 6 309 V +81 6 310 N +81 6 311 * +81 6 312 V +81 6 313 V +81 6 314 K +81 6 315 N +81 6 316 N +81 6 317 HI +81 6 318 HI +81 6 319 K +81 6 320 * +81 6 321 HI +81 6 322 N +81 6 323 N +81 6 324 K +81 6 325 HI +81 6 326 * +81 6 327 K +81 6 328 N +81 6 329 * +81 6 330 K +81 7 1 B +81 7 2 P +81 7 3 HI +81 7 4 B +81 7 5 N +81 7 6 Z +81 7 7 N +81 7 8 HI +81 7 9 * +81 7 10 B +81 7 11 N +81 7 12 Z +81 7 13 N +81 7 14 B +81 7 15 * +81 7 16 K +81 7 17 HI +81 7 18 V +81 7 19 P +81 7 20 N +81 7 21 HI +81 7 22 Z +81 7 23 * +81 7 24 * +81 7 25 B +81 7 26 B +81 7 27 K +81 7 28 HI +81 7 29 N +81 7 30 HI +81 7 31 P +81 7 32 HI +81 7 33 N +81 7 34 P +81 7 35 HI +81 7 36 N +81 7 37 P +81 7 38 HI +81 7 39 N +81 7 40 P +81 7 41 HI +81 7 42 Z +81 7 43 B +81 7 44 K +81 7 45 N +81 7 46 * +81 7 47 N +81 7 48 Z +81 7 49 P +81 7 50 * +81 7 51 * +81 7 52 K +81 7 53 HI +81 7 54 N +81 7 55 P +81 7 56 * +81 7 57 N +81 7 58 Z +81 7 59 K +81 7 60 B +81 7 61 HI +81 7 62 P +81 7 63 HI +81 7 64 B +81 7 65 HI +81 7 66 K +81 7 67 N +81 7 68 HI +81 7 69 N +81 7 70 K +81 7 71 HI +81 7 72 N +81 7 73 * +81 7 74 P +81 7 75 N +81 7 76 HI +81 7 77 P +81 7 78 * +81 7 79 V +81 7 80 B +81 7 81 N +81 7 82 N +81 7 83 K +81 7 84 * +81 7 85 N +81 7 86 * +81 7 87 V +81 7 88 HI +81 7 89 V +81 7 90 N +81 7 91 N +81 7 92 K +81 7 93 B +81 7 94 V +81 7 95 K +81 7 96 Z +81 7 97 B +81 7 98 HI +81 7 99 * +81 7 100 P +81 7 101 HI +81 7 102 P +81 7 103 HI +81 7 104 P +81 7 105 HI +81 7 106 Z +81 7 107 K +81 7 108 P +81 7 109 B +81 7 110 Z +81 7 111 N +81 7 112 HI +81 7 113 V +81 7 114 N +81 7 115 HI +81 7 116 P +81 7 117 V +81 7 118 * +81 7 119 N +81 7 120 K +81 7 121 HI +81 7 122 N +81 7 123 B +81 7 124 N +81 7 125 HI +81 7 126 * +81 7 127 N +81 7 128 Z +81 7 129 K +81 7 130 V +81 7 131 * +81 7 132 HI +81 7 133 N +81 7 134 HI +81 7 135 * +81 7 136 P +81 7 137 N +81 7 138 P +81 7 139 K +81 7 140 B +81 7 141 K +81 7 142 K +81 7 143 N +81 7 144 B +81 7 145 N +81 7 146 Z +81 7 147 N +81 7 148 HI +81 7 149 N +81 7 150 * +81 7 151 * +81 7 152 * +81 7 153 P +81 7 154 V +81 7 155 V +81 7 156 N +81 7 157 * +81 7 158 K +81 7 159 * +81 7 160 * +81 7 161 N +81 7 162 HI +81 7 163 P +81 7 164 B +81 7 165 N +81 7 166 B +81 7 167 * +81 7 168 N +81 7 169 B +81 7 170 N +81 7 171 N +81 7 172 K +81 7 173 HI +81 7 174 Z +81 7 175 P +81 7 176 HI +81 7 177 Z +81 7 178 B +81 7 179 HI +81 7 180 N +81 7 181 Z +81 7 182 HI +81 7 183 Z +81 7 184 * +81 7 185 HI +81 7 186 P +81 7 187 Z +81 7 188 B +81 7 189 K +81 7 190 * +81 7 191 N +81 7 192 B +81 7 193 N +81 7 194 HI +81 7 195 N +81 7 196 P +81 7 197 * +81 7 198 V +81 7 199 P +81 7 200 P +81 7 201 HI +81 7 202 N +81 7 203 HI +81 7 204 V +81 7 205 P +81 7 206 K +81 7 207 HI +81 7 208 Z +81 7 209 N +81 7 210 HI +81 7 211 P +81 7 212 HI +81 7 213 * +81 7 214 N +81 7 215 HI +81 7 216 N +81 7 217 * +81 7 218 N +81 7 219 K +81 7 220 B +81 7 221 K +81 7 222 B +81 7 223 N +81 7 224 K +81 7 225 N +81 7 226 B +81 7 227 V +81 7 228 B +81 7 229 N +81 7 230 K +81 7 231 * +81 7 232 * +81 7 233 P +81 7 234 N +81 7 235 B +81 7 236 N +81 7 237 HI +81 7 238 N +81 7 239 * +81 7 240 HI +81 7 241 K +81 7 242 Z +81 7 243 HI +81 7 244 K +81 7 245 HI +81 7 246 P +81 7 247 B +81 7 248 N +81 7 249 N +81 7 250 * +81 7 251 N +81 7 252 K +81 7 253 N +81 7 254 P +81 7 255 V +81 7 256 HI +81 7 257 N +81 7 258 Z +81 7 259 HI +81 7 260 Z +81 7 261 HI +81 7 262 K +81 7 263 K +81 7 264 P +81 7 265 N +81 7 266 HI +81 7 267 * +81 7 268 N +81 7 269 * +81 7 270 Z +81 7 271 N +81 7 272 K +81 7 273 * +81 7 274 K +81 7 275 Z +81 7 276 HI +81 7 277 B +81 7 278 * +81 7 279 B +81 7 280 N +81 7 281 N +81 7 282 N +81 7 283 * +81 7 284 K +81 7 285 * +81 7 286 K +81 7 287 * +81 7 288 HI +81 7 289 P +81 7 290 K +81 7 291 B +81 7 292 * +81 7 293 K +81 7 294 K +81 7 295 * +81 7 296 B +81 7 297 Z +81 7 298 HI +81 7 299 N +81 7 300 K +81 7 301 N +81 7 302 K +81 7 303 P +81 7 304 N +81 7 305 * +81 7 306 N +81 7 307 B +81 7 308 * +81 7 309 V +81 7 310 N +81 7 311 B +81 7 312 V +81 7 313 B +81 7 314 K +81 7 315 N +81 7 316 N +81 7 317 HI +81 7 318 HI +81 7 319 K +81 7 320 N +81 7 321 HI +81 7 322 P +81 7 323 N +81 7 324 K +81 7 325 * +81 7 326 Z +81 7 327 K +81 7 328 N +81 7 329 * +81 7 330 K +81 8 1 B +81 8 2 N +81 8 3 HI +81 8 4 HI +81 8 5 N +81 8 6 M +81 8 7 N +81 8 8 HI +81 8 9 M +81 8 10 B +81 8 11 N +81 8 12 Z +81 8 13 N +81 8 14 B +81 8 15 * +81 8 16 K +81 8 17 HI +81 8 18 V +81 8 19 B +81 8 20 N +81 8 21 HI +81 8 22 Z +81 8 23 * +81 8 24 V +81 8 25 N +81 8 26 B +81 8 27 K +81 8 28 HI +81 8 29 N +81 8 30 * +81 8 31 K +81 8 32 HI +81 8 33 N +81 8 34 B +81 8 35 HI +81 8 36 N +81 8 37 N +81 8 38 HI +81 8 39 N +81 8 40 B +81 8 41 HI +81 8 42 Z +81 8 43 V +81 8 44 K +81 8 45 N +81 8 46 V +81 8 47 N +81 8 48 Z +81 8 49 N +81 8 50 * +81 8 51 * +81 8 52 K +81 8 53 HI +81 8 54 N +81 8 55 B +81 8 56 * +81 8 57 N +81 8 58 Z +81 8 59 K +81 8 60 V +81 8 61 HI +81 8 62 * +81 8 63 HI +81 8 64 B +81 8 65 HI +81 8 66 K +81 8 67 N +81 8 68 HI +81 8 69 * +81 8 70 K +81 8 71 HI +81 8 72 N +81 8 73 * +81 8 74 K +81 8 75 N +81 8 76 HI +81 8 77 B +81 8 78 M +81 8 79 V +81 8 80 B +81 8 81 N +81 8 82 N +81 8 83 K +81 8 84 HI +81 8 85 N +81 8 86 HI +81 8 87 V +81 8 88 HI +81 8 89 V +81 8 90 V +81 8 91 Z +81 8 92 K +81 8 93 B +81 8 94 V +81 8 95 K +81 8 96 Z +81 8 97 B +81 8 98 HI +81 8 99 K +81 8 100 N +81 8 101 HI +81 8 102 K +81 8 103 * +81 8 104 B +81 8 105 HI +81 8 106 Z +81 8 107 K +81 8 108 K +81 8 109 B +81 8 110 Z +81 8 111 N +81 8 112 HI +81 8 113 V +81 8 114 N +81 8 115 HI +81 8 116 K +81 8 117 HI +81 8 118 HI +81 8 119 N +81 8 120 K +81 8 121 HI +81 8 122 N +81 8 123 B +81 8 124 Z +81 8 125 HI +81 8 126 M +81 8 127 N +81 8 128 Z +81 8 129 K +81 8 130 N +81 8 131 B +81 8 132 HI +81 8 133 N +81 8 134 HI +81 8 135 HI +81 8 136 N +81 8 137 N +81 8 138 B +81 8 139 K +81 8 140 V +81 8 141 K +81 8 142 K +81 8 143 Z +81 8 144 B +81 8 145 N +81 8 146 Z +81 8 147 N +81 8 148 HI +81 8 149 Z +81 8 150 B +81 8 151 M +81 8 152 B +81 8 153 B +81 8 154 V +81 8 155 V +81 8 156 N +81 8 157 HI +81 8 158 K +81 8 159 Z +81 8 160 M +81 8 161 N +81 8 162 HI +81 8 163 N +81 8 164 B +81 8 165 N +81 8 166 B +81 8 167 * +81 8 168 N +81 8 169 B +81 8 170 V +81 8 171 N +81 8 172 K +81 8 173 HI +81 8 174 Z +81 8 175 * +81 8 176 HI +81 8 177 Z +81 8 178 B +81 8 179 HI +81 8 180 N +81 8 181 Z +81 8 182 HI +81 8 183 N +81 8 184 B +81 8 185 HI +81 8 186 N +81 8 187 Z +81 8 188 B +81 8 189 K +81 8 190 * +81 8 191 N +81 8 192 * +81 8 193 Z +81 8 194 HI +81 8 195 N +81 8 196 K +81 8 197 * +81 8 198 V +81 8 199 K +81 8 200 B +81 8 201 HI +81 8 202 N +81 8 203 HI +81 8 204 V +81 8 205 B +81 8 206 K +81 8 207 HI +81 8 208 Z +81 8 209 N +81 8 210 HI +81 8 211 B +81 8 212 Z +81 8 213 * +81 8 214 Z +81 8 215 HI +81 8 216 N +81 8 217 HI +81 8 218 Z +81 8 219 K +81 8 220 B +81 8 221 K +81 8 222 B +81 8 223 N +81 8 224 K +81 8 225 Z +81 8 226 N +81 8 227 V +81 8 228 B +81 8 229 N +81 8 230 K +81 8 231 HI +81 8 232 Z +81 8 233 B +81 8 234 N +81 8 235 B +81 8 236 Z +81 8 237 Z +81 8 238 N +81 8 239 HI +81 8 240 Z +81 8 241 K +81 8 242 Z +81 8 243 HI +81 8 244 K +81 8 245 HI +81 8 246 N +81 8 247 B +81 8 248 N +81 8 249 N +81 8 250 B +81 8 251 N +81 8 252 K +81 8 253 N +81 8 254 B +81 8 255 V +81 8 256 HI +81 8 257 B +81 8 258 Z +81 8 259 HI +81 8 260 K +81 8 261 HI +81 8 262 K +81 8 263 V +81 8 264 B +81 8 265 N +81 8 266 HI +81 8 267 HI +81 8 268 N +81 8 269 HI +81 8 270 Z +81 8 271 N +81 8 272 K +81 8 273 HI +81 8 274 K +81 8 275 Z +81 8 276 HI +81 8 277 B +81 8 278 HI +81 8 279 B +81 8 280 N +81 8 281 N +81 8 282 N +81 8 283 V +81 8 284 K +81 8 285 HI +81 8 286 K +81 8 287 Z +81 8 288 HI +81 8 289 N +81 8 290 K +81 8 291 B +81 8 292 HI +81 8 293 K +81 8 294 K +81 8 295 HI +81 8 296 B +81 8 297 Z +81 8 298 HI +81 8 299 N +81 8 300 K +81 8 301 N +81 8 302 K +81 8 303 B +81 8 304 N +81 8 305 HI +81 8 306 N +81 8 307 B +81 8 308 K +81 8 309 V +81 8 310 N +81 8 311 B +81 8 312 V +81 8 313 B +81 8 314 K +81 8 315 N +81 8 316 N +81 8 317 HI +81 8 318 Z +81 8 319 K +81 8 320 Z +81 8 321 HI +81 8 322 B +81 8 323 N +81 8 324 K +81 8 325 HI +81 8 326 Z +81 8 327 K +81 8 328 N +81 8 329 Z +81 8 330 K +81 9 1 N +81 9 2 * +81 9 3 HI +81 9 4 * +81 9 5 * +81 9 6 Z +81 9 7 N +81 9 8 * +81 9 9 Z +81 9 10 N +81 9 11 N +81 9 12 Z +81 9 13 N +81 9 14 N +81 9 15 * +81 9 16 K +81 9 17 HI +81 9 18 V +81 9 19 N +81 9 20 NI +81 9 21 * +81 9 22 Z +81 9 23 * +81 9 24 * +81 9 25 N +81 9 26 * +81 9 27 K +81 9 28 HI +81 9 29 N +81 9 30 MC +81 9 31 N +81 9 32 * +81 9 33 N +81 9 34 NI +81 9 35 MC +81 9 36 V +81 9 37 * +81 9 38 * +81 9 39 N +81 9 40 NI +81 9 41 HI +81 9 42 Z +81 9 43 * +81 9 44 K +81 9 45 N +81 9 46 * +81 9 47 V +81 9 48 Z +81 9 49 HI +81 9 50 * +81 9 51 * +81 9 52 K +81 9 53 * +81 9 54 N +81 9 55 NI +81 9 56 Z +81 9 57 * +81 9 58 * +81 9 59 K +81 9 60 V +81 9 61 HI +81 9 62 * +81 9 63 * +81 9 64 N +81 9 65 * +81 9 66 K +81 9 67 NI +81 9 68 * +81 9 69 * +81 9 70 K +81 9 71 * +81 9 72 N +81 9 73 * +81 9 74 * +81 9 75 V +81 9 76 MU +81 9 77 N +81 9 78 * +81 9 79 V +81 9 80 * +81 9 81 NI +81 9 82 N +81 9 83 K +81 9 84 * +81 9 85 N +81 9 86 * +81 9 87 V +81 9 88 * +81 9 89 V +81 9 90 V +81 9 91 * +81 9 92 K +81 9 93 N +81 9 94 V +81 9 95 K +81 9 96 Z +81 9 97 * +81 9 98 HI +81 9 99 * +81 9 100 NI +81 9 101 * +81 9 102 * +81 9 103 * +81 9 104 N +81 9 105 * +81 9 106 Z +81 9 107 K +81 9 108 * +81 9 109 * +81 9 110 * +81 9 111 V +81 9 112 HI +81 9 113 V +81 9 114 * +81 9 115 HI +81 9 116 N +81 9 117 V +81 9 118 * +81 9 119 NI +81 9 120 K +81 9 121 HI +81 9 122 N +81 9 123 N +81 9 124 * +81 9 125 HI +81 9 126 * +81 9 127 V +81 9 128 Z +81 9 129 K +81 9 130 V +81 9 131 * +81 9 132 HI +81 9 133 N +81 9 134 * +81 9 135 * +81 9 136 N +81 9 137 N +81 9 138 N +81 9 139 K +81 9 140 * +81 9 141 K +81 9 142 K +81 9 143 * +81 9 144 * +81 9 145 NI +81 9 146 Z +81 9 147 N +81 9 148 HI +81 9 149 N +81 9 150 * +81 9 151 * +81 9 152 * +81 9 153 N +81 9 154 V +81 9 155 V +81 9 156 N +81 9 157 V +81 9 158 K +81 9 159 Z +81 9 160 * +81 9 161 N +81 9 162 HI +81 9 163 N +81 9 164 N +81 9 165 * +81 9 166 V +81 9 167 * +81 9 168 N +81 9 169 N +81 9 170 V +81 9 171 * +81 9 172 K +81 9 173 * +81 9 174 Z +81 9 175 NI +81 9 176 HI +81 9 177 Z +81 9 178 N +81 9 179 * +81 9 180 N +81 9 181 * +81 9 182 * +81 9 183 * +81 9 184 * +81 9 185 * +81 9 186 N +81 9 187 Z +81 9 188 N +81 9 189 * +81 9 190 * +81 9 191 N +81 9 192 * +81 9 193 Z +81 9 194 * +81 9 195 N +81 9 196 NI +81 9 197 * +81 9 198 V +81 9 199 Z +81 9 200 N +81 9 201 * +81 9 202 N +81 9 203 * +81 9 204 V +81 9 205 * +81 9 206 K +81 9 207 * +81 9 208 * +81 9 209 N +81 9 210 * +81 9 211 NI +81 9 212 Z +81 9 213 * +81 9 214 * +81 9 215 * +81 9 216 V +81 9 217 * +81 9 218 * +81 9 219 NI +81 9 220 * +81 9 221 K +81 9 222 * +81 9 223 N +81 9 224 K +81 9 225 * +81 9 226 N +81 9 227 V +81 9 228 * +81 9 229 NI +81 9 230 K +81 9 231 * +81 9 232 * +81 9 233 * +81 9 234 N +81 9 235 * +81 9 236 * +81 9 237 * +81 9 238 N +81 9 239 HI +81 9 240 * +81 9 241 K +81 9 242 Z +81 9 243 * +81 9 244 K +81 9 245 HI +81 9 246 N +81 9 247 * +81 9 248 V +81 9 249 N +81 9 250 * +81 9 251 NI +81 9 252 K +81 9 253 N +81 9 254 * +81 9 255 V +81 9 256 HI +81 9 257 V +81 9 258 Z +81 9 259 * +81 9 260 Z +81 9 261 * +81 9 262 K +81 9 263 * +81 9 264 NI +81 9 265 N +81 9 266 * +81 9 267 * +81 9 268 N +81 9 269 * +81 9 270 Z +81 9 271 V +81 9 272 K +81 9 273 * +81 9 274 K +81 9 275 * +81 9 276 * +81 9 277 N +81 9 278 * +81 9 279 N +81 9 280 N +81 9 281 N +81 9 282 NI +81 9 283 * +81 9 284 K +81 9 285 * +81 9 286 K +81 9 287 * +81 9 288 HI +81 9 289 N +81 9 290 K +81 9 291 N +81 9 292 * +81 9 293 * +81 9 294 K +81 9 295 * +81 9 296 * +81 9 297 Z +81 9 298 HI +81 9 299 N +81 9 300 * +81 9 301 N +81 9 302 K +81 9 303 * +81 9 304 N +81 9 305 * +81 9 306 NI +81 9 307 N +81 9 308 * +81 9 309 V +81 9 310 N +81 9 311 N +81 9 312 V +81 9 313 * +81 9 314 K +81 9 315 N +81 9 316 NI +81 9 317 * +81 9 318 HI +81 9 319 K +81 9 320 * +81 9 321 HI +81 9 322 N +81 9 323 N +81 9 324 K +81 9 325 * +81 9 326 Z +81 9 327 K +81 9 328 N +81 9 329 * +81 9 330 K +81 10 1 B +81 10 2 N +81 10 3 HI +81 10 4 * +81 10 5 N +81 10 6 Z +81 10 7 N +81 10 8 HI +81 10 9 * +81 10 10 B +81 10 11 N +81 10 12 Z +81 10 13 N +81 10 14 B +81 10 15 * +81 10 16 K +81 10 17 HI +81 10 18 V +81 10 19 N +81 10 20 N +81 10 21 HI +81 10 22 Z +81 10 23 * +81 10 24 V +81 10 25 N +81 10 26 B +81 10 27 Z +81 10 28 HI +81 10 29 N +81 10 30 Z +81 10 31 N +81 10 32 HI +81 10 33 N +81 10 34 B +81 10 35 Z +81 10 36 N +81 10 37 B +81 10 38 HI +81 10 39 N +81 10 40 N +81 10 41 HI +81 10 42 Z +81 10 43 B +81 10 44 * +81 10 45 N +81 10 46 * +81 10 47 N +81 10 48 Z +81 10 49 N +81 10 50 HI +81 10 51 Z +81 10 52 Z +81 10 53 HI +81 10 54 N +81 10 55 N +81 10 56 Z +81 10 57 N +81 10 58 Z +81 10 59 * +81 10 60 N +81 10 61 HI +81 10 62 * +81 10 63 Z +81 10 64 N +81 10 65 HI +81 10 66 Z +81 10 67 N +81 10 68 HI +81 10 69 Z +81 10 70 * +81 10 71 HI +81 10 72 N +81 10 73 HI +81 10 74 Z +81 10 75 N +81 10 76 HI +81 10 77 N +81 10 78 * +81 10 79 V +81 10 80 N +81 10 81 Z +81 10 82 N +81 10 83 * +81 10 84 * +81 10 85 N +81 10 86 HI +81 10 87 V +81 10 88 HI +81 10 89 V +81 10 90 N +81 10 91 Z +81 10 92 * +81 10 93 N +81 10 94 V +81 10 95 N +81 10 96 Z +81 10 97 B +81 10 98 HI +81 10 99 * +81 10 100 N +81 10 101 HI +81 10 102 * +81 10 103 Z +81 10 104 N +81 10 105 HI +81 10 106 Z +81 10 107 * +81 10 108 N +81 10 109 B +81 10 110 Z +81 10 111 N +81 10 112 HI +81 10 113 V +81 10 114 N +81 10 115 HI +81 10 116 N +81 10 117 * +81 10 118 HI +81 10 119 N +81 10 120 K +81 10 121 Z +81 10 122 N +81 10 123 B +81 10 124 Z +81 10 125 Z +81 10 126 HI +81 10 127 N +81 10 128 Z +81 10 129 K +81 10 130 Z +81 10 131 HI +81 10 132 HI +81 10 133 N +81 10 134 HI +81 10 135 HI +81 10 136 Z +81 10 137 N +81 10 138 N +81 10 139 K +81 10 140 B +81 10 141 K +81 10 142 K +81 10 143 N +81 10 144 B +81 10 145 N +81 10 146 Z +81 10 147 N +81 10 148 HI +81 10 149 N +81 10 150 B +81 10 151 Z +81 10 152 HI +81 10 153 N +81 10 154 V +81 10 155 V +81 10 156 N +81 10 157 * +81 10 158 K +81 10 159 Z +81 10 160 HI +81 10 161 N +81 10 162 HI +81 10 163 N +81 10 164 B +81 10 165 Z +81 10 166 B +81 10 167 * +81 10 168 N +81 10 169 B +81 10 170 B +81 10 171 N +81 10 172 K +81 10 173 HI +81 10 174 Z +81 10 175 N +81 10 176 HI +81 10 177 Z +81 10 178 B +81 10 179 HI +81 10 180 N +81 10 181 Z +81 10 182 HI +81 10 183 Z +81 10 184 B +81 10 185 Z +81 10 186 N +81 10 187 Z +81 10 188 N +81 10 189 K +81 10 190 HI +81 10 191 N +81 10 192 B +81 10 193 Z +81 10 194 HI +81 10 195 N +81 10 196 N +81 10 197 B +81 10 198 V +81 10 199 K +81 10 200 N +81 10 201 HI +81 10 202 N +81 10 203 HI +81 10 204 V +81 10 205 B +81 10 206 Z +81 10 207 HI +81 10 208 Z +81 10 209 N +81 10 210 HI +81 10 211 N +81 10 212 Z +81 10 213 B +81 10 214 Z +81 10 215 HI +81 10 216 N +81 10 217 Z +81 10 218 Z +81 10 219 N +81 10 220 B +81 10 221 Z +81 10 222 B +81 10 223 N +81 10 224 Z +81 10 225 Z +81 10 226 N +81 10 227 V +81 10 228 B +81 10 229 N +81 10 230 Z +81 10 231 HI +81 10 232 Z +81 10 233 B +81 10 234 N +81 10 235 B +81 10 236 Z +81 10 237 Z +81 10 238 N +81 10 239 HI +81 10 240 * +81 10 241 K +81 10 242 Z +81 10 243 HI +81 10 244 K +81 10 245 HI +81 10 246 N +81 10 247 B +81 10 248 N +81 10 249 N +81 10 250 B +81 10 251 N +81 10 252 * +81 10 253 N +81 10 254 B +81 10 255 V +81 10 256 HI +81 10 257 B +81 10 258 Z +81 10 259 HI +81 10 260 Z +81 10 261 Z +81 10 262 K +81 10 263 K +81 10 264 N +81 10 265 N +81 10 266 HI +81 10 267 HI +81 10 268 N +81 10 269 HI +81 10 270 Z +81 10 271 N +81 10 272 K +81 10 273 HI +81 10 274 K +81 10 275 Z +81 10 276 HI +81 10 277 B +81 10 278 Z +81 10 279 B +81 10 280 N +81 10 281 N +81 10 282 N +81 10 283 Z +81 10 284 K +81 10 285 HI +81 10 286 K +81 10 287 Z +81 10 288 HI +81 10 289 N +81 10 290 Z +81 10 291 B +81 10 292 Z +81 10 293 N +81 10 294 K +81 10 295 Z +81 10 296 B +81 10 297 Z +81 10 298 HI +81 10 299 N +81 10 300 K +81 10 301 N +81 10 302 Z +81 10 303 B +81 10 304 N +81 10 305 HI +81 10 306 N +81 10 307 N +81 10 308 B +81 10 309 Z +81 10 310 N +81 10 311 N +81 10 312 V +81 10 313 B +81 10 314 K +81 10 315 N +81 10 316 N +81 10 317 HI +81 10 318 Z +81 10 319 K +81 10 320 Z +81 10 321 HI +81 10 322 B +81 10 323 N +81 10 324 Z +81 10 325 HI +81 10 326 Z +81 10 327 K +81 10 328 N +81 10 329 Z +81 10 330 K +81 11 1 * +81 11 2 N +81 11 3 HI +81 11 4 B +81 11 5 N +81 11 6 Z +81 11 7 N +81 11 8 HI +81 11 9 * +81 11 10 * +81 11 11 N +81 11 12 Z +81 11 13 N +81 11 14 * +81 11 15 * +81 11 16 K +81 11 17 Z +81 11 18 V +81 11 19 * +81 11 20 N +81 11 21 HI +81 11 22 Z +81 11 23 B +81 11 24 V +81 11 25 * +81 11 26 * +81 11 27 K +81 11 28 HI +81 11 29 N +81 11 30 Z +81 11 31 * +81 11 32 B +81 11 33 N +81 11 34 * +81 11 35 * +81 11 36 N +81 11 37 * +81 11 38 HI +81 11 39 N +81 11 40 * +81 11 41 HI +81 11 42 Z +81 11 43 * +81 11 44 K +81 11 45 N +81 11 46 * +81 11 47 N +81 11 48 Z +81 11 49 * +81 11 50 B +81 11 51 * +81 11 52 * +81 11 53 HI +81 11 54 N +81 11 55 * +81 11 56 * +81 11 57 N +81 11 58 * +81 11 59 * +81 11 60 N +81 11 61 HI +81 11 62 * +81 11 63 * +81 11 64 * +81 11 65 HI +81 11 66 K +81 11 67 N +81 11 68 * +81 11 69 * +81 11 70 K +81 11 71 HI +81 11 72 N +81 11 73 B +81 11 74 * +81 11 75 N +81 11 76 Z +81 11 77 * +81 11 78 * +81 11 79 V +81 11 80 * +81 11 81 * +81 11 82 * +81 11 83 K +81 11 84 * +81 11 85 N +81 11 86 * +81 11 87 V +81 11 88 * +81 11 89 V +81 11 90 N +81 11 91 Z +81 11 92 K +81 11 93 * +81 11 94 * +81 11 95 K +81 11 96 Z +81 11 97 B +81 11 98 HI +81 11 99 * +81 11 100 N +81 11 101 HI +81 11 102 * +81 11 103 * +81 11 104 * +81 11 105 B +81 11 106 Z +81 11 107 K +81 11 108 * +81 11 109 * +81 11 110 Z +81 11 111 * +81 11 112 HI +81 11 113 V +81 11 114 N +81 11 115 HI +81 11 116 * +81 11 117 * +81 11 118 * +81 11 119 N +81 11 120 K +81 11 121 Z +81 11 122 N +81 11 123 * +81 11 124 * +81 11 125 Z +81 11 126 * +81 11 127 N +81 11 128 Z +81 11 129 K +81 11 130 * +81 11 131 B +81 11 132 HI +81 11 133 N +81 11 134 * +81 11 135 HI +81 11 136 * +81 11 137 N +81 11 138 * +81 11 139 K +81 11 140 * +81 11 141 K +81 11 142 * +81 11 143 * +81 11 144 B +81 11 145 * +81 11 146 Z +81 11 147 N +81 11 148 HI +81 11 149 N +81 11 150 B +81 11 151 * +81 11 152 * +81 11 153 * +81 11 154 V +81 11 155 * +81 11 156 N +81 11 157 * +81 11 158 K +81 11 159 * +81 11 160 * +81 11 161 N +81 11 162 HI +81 11 163 N +81 11 164 * +81 11 165 * +81 11 166 * +81 11 167 * +81 11 168 N +81 11 169 * +81 11 170 N +81 11 171 * +81 11 172 K +81 11 173 * +81 11 174 Z +81 11 175 * +81 11 176 HI +81 11 177 Z +81 11 178 * +81 11 179 HI +81 11 180 N +81 11 181 * +81 11 182 HI +81 11 183 * +81 11 184 B +81 11 185 Z +81 11 186 * +81 11 187 Z +81 11 188 * +81 11 189 * +81 11 190 * +81 11 191 N +81 11 192 B +81 11 193 Z +81 11 194 HI +81 11 195 N +81 11 196 * +81 11 197 * +81 11 198 V +81 11 199 K +81 11 200 * +81 11 201 * +81 11 202 N +81 11 203 HI +81 11 204 * +81 11 205 B +81 11 206 * +81 11 207 HI +81 11 208 Z +81 11 209 N +81 11 210 HI +81 11 211 * +81 11 212 Z +81 11 213 * +81 11 214 Z +81 11 215 B +81 11 216 V +81 11 217 * +81 11 218 Z +81 11 219 * +81 11 220 B +81 11 221 * +81 11 222 B +81 11 223 N +81 11 224 K +81 11 225 * +81 11 226 N +81 11 227 V +81 11 228 * +81 11 229 N +81 11 230 K +81 11 231 B +81 11 232 * +81 11 233 * +81 11 234 N +81 11 235 * +81 11 236 * +81 11 237 * +81 11 238 N +81 11 239 * +81 11 240 HI +81 11 241 K +81 11 242 Z +81 11 243 HI +81 11 244 * +81 11 245 HI +81 11 246 N +81 11 247 B +81 11 248 N +81 11 249 N +81 11 250 B +81 11 251 N +81 11 252 K +81 11 253 N +81 11 254 * +81 11 255 V +81 11 256 HI +81 11 257 * +81 11 258 Z +81 11 259 HI +81 11 260 Z +81 11 261 Z +81 11 262 K +81 11 263 * +81 11 264 * +81 11 265 N +81 11 266 HI +81 11 267 B +81 11 268 N +81 11 269 B +81 11 270 Z +81 11 271 N +81 11 272 K +81 11 273 B +81 11 274 K +81 11 275 * +81 11 276 HI +81 11 277 N +81 11 278 * +81 11 279 * +81 11 280 N +81 11 281 N +81 11 282 N +81 11 283 * +81 11 284 K +81 11 285 * +81 11 286 K +81 11 287 * +81 11 288 HI +81 11 289 N +81 11 290 K +81 11 291 * +81 11 292 * +81 11 293 * +81 11 294 K +81 11 295 * +81 11 296 B +81 11 297 Z +81 11 298 HI +81 11 299 N +81 11 300 * +81 11 301 N +81 11 302 K +81 11 303 * +81 11 304 * +81 11 305 B +81 11 306 N +81 11 307 * +81 11 308 B +81 11 309 V +81 11 310 N +81 11 311 * +81 11 312 V +81 11 313 * +81 11 314 K +81 11 315 N +81 11 316 N +81 11 317 B +81 11 318 Z +81 11 319 K +81 11 320 * +81 11 321 HI +81 11 322 * +81 11 323 N +81 11 324 K +81 11 325 B +81 11 326 Z +81 11 327 K +81 11 328 N +81 11 329 * +81 11 330 * +81 12 1 * +81 12 2 * +81 12 3 HI +81 12 4 * +81 12 5 * +81 12 6 * +81 12 7 Z +81 12 8 HI +81 12 9 * +81 12 10 N +81 12 11 * +81 12 12 Z +81 12 13 V +81 12 14 * +81 12 15 * +81 12 16 K +81 12 17 HI +81 12 18 * +81 12 19 * +81 12 20 N +81 12 21 HI +81 12 22 Z +81 12 23 * +81 12 24 * +81 12 25 N +81 12 26 * +81 12 27 * +81 12 28 HI +81 12 29 N +81 12 30 Z +81 12 31 * +81 12 32 * +81 12 33 Z +81 12 34 * +81 12 35 HI +81 12 36 * +81 12 37 * +81 12 38 HI +81 12 39 * +81 12 40 N +81 12 41 HI +81 12 42 Z +81 12 43 N +81 12 44 K +81 12 45 N +81 12 46 * +81 12 47 * +81 12 48 Z +81 12 49 N +81 12 50 * +81 12 51 * +81 12 52 K +81 12 53 HI +81 12 54 Z +81 12 55 * +81 12 56 * +81 12 57 * +81 12 58 Z +81 12 59 K +81 12 60 * +81 12 61 HI +81 12 62 * +81 12 63 HI +81 12 64 B +81 12 65 HI +81 12 66 K +81 12 67 N +81 12 68 HI +81 12 69 Z +81 12 70 K +81 12 71 HI +81 12 72 * +81 12 73 N +81 12 74 K +81 12 75 * +81 12 76 HI +81 12 77 N +81 12 78 * +81 12 79 * +81 12 80 N +81 12 81 Z +81 12 82 N +81 12 83 K +81 12 84 * +81 12 85 N +81 12 86 HI +81 12 87 * +81 12 88 * +81 12 89 * +81 12 90 V +81 12 91 Z +81 12 92 K +81 12 93 N +81 12 94 * +81 12 95 K +81 12 96 Z +81 12 97 N +81 12 98 HI +81 12 99 N +81 12 100 N +81 12 101 HI +81 12 102 K +81 12 103 Z +81 12 104 * +81 12 105 N +81 12 106 Z +81 12 107 K +81 12 108 K +81 12 109 V +81 12 110 Z +81 12 111 * +81 12 112 HI +81 12 113 * +81 12 114 N +81 12 115 HI +81 12 116 K +81 12 117 * +81 12 118 HI +81 12 119 N +81 12 120 K +81 12 121 HI +81 12 122 N +81 12 123 N +81 12 124 Z +81 12 125 HI +81 12 126 * +81 12 127 * +81 12 128 N +81 12 129 K +81 12 130 * +81 12 131 N +81 12 132 HI +81 12 133 * +81 12 134 HI +81 12 135 * +81 12 136 N +81 12 137 * +81 12 138 * +81 12 139 K +81 12 140 N +81 12 141 K +81 12 142 K +81 12 143 Z +81 12 144 N +81 12 145 N +81 12 146 Z +81 12 147 N +81 12 148 HI +81 12 149 Z +81 12 150 V +81 12 151 * +81 12 152 * +81 12 153 N +81 12 154 * +81 12 155 * +81 12 156 N +81 12 157 * +81 12 158 K +81 12 159 Z +81 12 160 * +81 12 161 N +81 12 162 HI +81 12 163 N +81 12 164 N +81 12 165 * +81 12 166 N +81 12 167 * +81 12 168 N +81 12 169 N +81 12 170 N +81 12 171 N +81 12 172 K +81 12 173 HI +81 12 174 Z +81 12 175 N +81 12 176 HI +81 12 177 Z +81 12 178 N +81 12 179 HI +81 12 180 N +81 12 181 Z +81 12 182 HI +81 12 183 Z +81 12 184 * +81 12 185 Z +81 12 186 N +81 12 187 Z +81 12 188 N +81 12 189 N +81 12 190 * +81 12 191 N +81 12 192 * +81 12 193 Z +81 12 194 HI +81 12 195 N +81 12 196 N +81 12 197 * +81 12 198 * +81 12 199 K +81 12 200 N +81 12 201 * +81 12 202 N +81 12 203 * +81 12 204 * +81 12 205 * +81 12 206 K +81 12 207 HI +81 12 208 Z +81 12 209 N +81 12 210 * +81 12 211 N +81 12 212 * +81 12 213 * +81 12 214 Z +81 12 215 * +81 12 216 * +81 12 217 * +81 12 218 Z +81 12 219 K +81 12 220 * +81 12 221 K +81 12 222 * +81 12 223 N +81 12 224 K +81 12 225 N +81 12 226 N +81 12 227 * +81 12 228 V +81 12 229 N +81 12 230 K +81 12 231 * +81 12 232 Z +81 12 233 N +81 12 234 * +81 12 235 * +81 12 236 Z +81 12 237 * +81 12 238 N +81 12 239 * +81 12 240 HI +81 12 241 K +81 12 242 Z +81 12 243 HI +81 12 244 K +81 12 245 HI +81 12 246 * +81 12 247 * +81 12 248 V +81 12 249 V +81 12 250 * +81 12 251 N +81 12 252 K +81 12 253 N +81 12 254 * +81 12 255 * +81 12 256 HI +81 12 257 N +81 12 258 Z +81 12 259 HI +81 12 260 Z +81 12 261 * +81 12 262 K +81 12 263 * +81 12 264 * +81 12 265 N +81 12 266 HI +81 12 267 * +81 12 268 N +81 12 269 * +81 12 270 Z +81 12 271 * +81 12 272 K +81 12 273 * +81 12 274 K +81 12 275 N +81 12 276 HI +81 12 277 N +81 12 278 * +81 12 279 N +81 12 280 * +81 12 281 N +81 12 282 N +81 12 283 * +81 12 284 K +81 12 285 * +81 12 286 K +81 12 287 N +81 12 288 HI +81 12 289 N +81 12 290 K +81 12 291 N +81 12 292 * +81 12 293 K +81 12 294 K +81 12 295 Z +81 12 296 * +81 12 297 Z +81 12 298 HI +81 12 299 N +81 12 300 K +81 12 301 N +81 12 302 K +81 12 303 K +81 12 304 N +81 12 305 * +81 12 306 Z +81 12 307 N +81 12 308 * +81 12 309 Z +81 12 310 N +81 12 311 N +81 12 312 * +81 12 313 N +81 12 314 K +81 12 315 N +81 12 316 N +81 12 317 HI +81 12 318 * +81 12 319 K +81 12 320 Z +81 12 321 HI +81 12 322 N +81 12 323 N +81 12 324 K +81 12 325 * +81 12 326 Z +81 12 327 K +81 12 328 N +81 12 329 Z +81 12 330 K +81 13 1 N +81 13 2 B +81 13 3 HI +81 13 4 * +81 13 5 N +81 13 6 * +81 13 7 * +81 13 8 * +81 13 9 Z +81 13 10 B +81 13 11 * +81 13 12 Z +81 13 13 * +81 13 14 N +81 13 15 * +81 13 16 K +81 13 17 HI +81 13 18 * +81 13 19 N +81 13 20 B +81 13 21 HI +81 13 22 Z +81 13 23 B +81 13 24 * +81 13 25 N +81 13 26 N +81 13 27 K +81 13 28 HI +81 13 29 N +81 13 30 Z +81 13 31 B +81 13 32 HI +81 13 33 N +81 13 34 B +81 13 35 Z +81 13 36 B +81 13 37 N +81 13 38 HI +81 13 39 N +81 13 40 B +81 13 41 HI +81 13 42 Z +81 13 43 N +81 13 44 K +81 13 45 B +81 13 46 * +81 13 47 N +81 13 48 Z +81 13 49 B +81 13 50 * +81 13 51 * +81 13 52 K +81 13 53 HI +81 13 54 N +81 13 55 B +81 13 56 Z +81 13 57 N +81 13 58 Z +81 13 59 K +81 13 60 N +81 13 61 HI +81 13 62 B +81 13 63 HI +81 13 64 N +81 13 65 HI +81 13 66 K +81 13 67 N +81 13 68 HI +81 13 69 N +81 13 70 K +81 13 71 HI +81 13 72 B +81 13 73 N +81 13 74 K +81 13 75 N +81 13 76 Z +81 13 77 N +81 13 78 K +81 13 79 V +81 13 80 N +81 13 81 B +81 13 82 N +81 13 83 Z +81 13 84 Z +81 13 85 N +81 13 86 HI +81 13 87 V +81 13 88 N +81 13 89 V +81 13 90 B +81 13 91 N +81 13 92 K +81 13 93 N +81 13 94 V +81 13 95 K +81 13 96 Z +81 13 97 * +81 13 98 HI +81 13 99 B +81 13 100 N +81 13 101 HI +81 13 102 B +81 13 103 * +81 13 104 N +81 13 105 N +81 13 106 Z +81 13 107 K +81 13 108 K +81 13 109 B +81 13 110 Z +81 13 111 V +81 13 112 HI +81 13 113 V +81 13 114 B +81 13 115 HI +81 13 116 K +81 13 117 B +81 13 118 HI +81 13 119 N +81 13 120 K +81 13 121 Z +81 13 122 B +81 13 123 V +81 13 124 * +81 13 125 Z +81 13 126 HI +81 13 127 V +81 13 128 Z +81 13 129 K +81 13 130 V +81 13 131 B +81 13 132 Z +81 13 133 N +81 13 134 * +81 13 135 HI +81 13 136 V +81 13 137 N +81 13 138 N +81 13 139 K +81 13 140 N +81 13 141 K +81 13 142 K +81 13 143 * +81 13 144 B +81 13 145 B +81 13 146 Z +81 13 147 N +81 13 148 HI +81 13 149 B +81 13 150 * +81 13 151 Z +81 13 152 * +81 13 153 N +81 13 154 B +81 13 155 V +81 13 156 N +81 13 157 Z +81 13 158 K +81 13 159 Z +81 13 160 * +81 13 161 N +81 13 162 HI +81 13 163 N +81 13 164 B +81 13 165 * +81 13 166 N +81 13 167 * +81 13 168 N +81 13 169 N +81 13 170 V +81 13 171 B +81 13 172 K +81 13 173 HI +81 13 174 Z +81 13 175 N +81 13 176 HI +81 13 177 Z +81 13 178 N +81 13 179 HI +81 13 180 N +81 13 181 Z +81 13 182 HI +81 13 183 * +81 13 184 N +81 13 185 Z +81 13 186 N +81 13 187 Z +81 13 188 B +81 13 189 K +81 13 190 Z +81 13 191 V +81 13 192 B +81 13 193 Z +81 13 194 HI +81 13 195 B +81 13 196 N +81 13 197 * +81 13 198 V +81 13 199 K +81 13 200 N +81 13 201 Z +81 13 202 N +81 13 203 B +81 13 204 V +81 13 205 N +81 13 206 K +81 13 207 HI +81 13 208 Z +81 13 209 N +81 13 210 * +81 13 211 N +81 13 212 Z +81 13 213 * +81 13 214 Z +81 13 215 N +81 13 216 V +81 13 217 Z +81 13 218 B +81 13 219 K +81 13 220 * +81 13 221 K +81 13 222 B +81 13 223 N +81 13 224 K +81 13 225 * +81 13 226 N +81 13 227 V +81 13 228 B +81 13 229 B +81 13 230 K +81 13 231 * +81 13 232 Z +81 13 233 B +81 13 234 N +81 13 235 N +81 13 236 B +81 13 237 Z +81 13 238 N +81 13 239 HI +81 13 240 Z +81 13 241 K +81 13 242 Z +81 13 243 HI +81 13 244 K +81 13 245 HI +81 13 246 N +81 13 247 * +81 13 248 V +81 13 249 N +81 13 250 * +81 13 251 N +81 13 252 K +81 13 253 N +81 13 254 B +81 13 255 V +81 13 256 HI +81 13 257 N +81 13 258 * +81 13 259 HI +81 13 260 K +81 13 261 Z +81 13 262 K +81 13 263 K +81 13 264 N +81 13 265 N +81 13 266 Z +81 13 267 N +81 13 268 B +81 13 269 HI +81 13 270 Z +81 13 271 N +81 13 272 K +81 13 273 V +81 13 274 K +81 13 275 Z +81 13 276 HI +81 13 277 N +81 13 278 Z +81 13 279 N +81 13 280 * +81 13 281 N +81 13 282 B +81 13 283 * +81 13 284 K +81 13 285 * +81 13 286 K +81 13 287 Z +81 13 288 HI +81 13 289 N +81 13 290 K +81 13 291 N +81 13 292 Z +81 13 293 K +81 13 294 K +81 13 295 * +81 13 296 B +81 13 297 Z +81 13 298 HI +81 13 299 N +81 13 300 K +81 13 301 N +81 13 302 K +81 13 303 K +81 13 304 B +81 13 305 HI +81 13 306 N +81 13 307 B +81 13 308 * +81 13 309 V +81 13 310 N +81 13 311 N +81 13 312 V +81 13 313 * +81 13 314 K +81 13 315 N +81 13 316 N +81 13 317 HI +81 13 318 Z +81 13 319 K +81 13 320 N +81 13 321 HI +81 13 322 N +81 13 323 B +81 13 324 K +81 13 325 B +81 13 326 Z +81 13 327 K +81 13 328 N +81 13 329 Z +81 13 330 K +81 14 1 B +81 14 2 N +81 14 3 HI +81 14 4 V +81 14 5 N +81 14 6 Z +81 14 7 N +81 14 8 HI +81 14 9 * +81 14 10 B +81 14 11 N +81 14 12 Z +81 14 13 N +81 14 14 N +81 14 15 P +81 14 16 K +81 14 17 HI +81 14 18 V +81 14 19 P +81 14 20 N +81 14 21 HI +81 14 22 Z +81 14 23 B +81 14 24 V +81 14 25 N +81 14 26 B +81 14 27 K +81 14 28 HI +81 14 29 N +81 14 30 Z +81 14 31 P +81 14 32 HI +81 14 33 N +81 14 34 B +81 14 35 HI +81 14 36 N +81 14 37 B +81 14 38 HI +81 14 39 N +81 14 40 P +81 14 41 HI +81 14 42 Z +81 14 43 B +81 14 44 K +81 14 45 N +81 14 46 V +81 14 47 N +81 14 48 Z +81 14 49 P +81 14 50 B +81 14 51 V +81 14 52 K +81 14 53 HI +81 14 54 N +81 14 55 P +81 14 56 Z +81 14 57 N +81 14 58 Z +81 14 59 B +81 14 60 N +81 14 61 HI +81 14 62 B +81 14 63 HI +81 14 64 B +81 14 65 HI +81 14 66 K +81 14 67 N +81 14 68 HI +81 14 69 N +81 14 70 P +81 14 71 HI +81 14 72 N +81 14 73 B +81 14 74 P +81 14 75 N +81 14 76 Z +81 14 77 B +81 14 78 P +81 14 79 V +81 14 80 B +81 14 81 N +81 14 82 N +81 14 83 Z +81 14 84 Z +81 14 85 N +81 14 86 HI +81 14 87 V +81 14 88 B +81 14 89 V +81 14 90 N +81 14 91 N +81 14 92 K +81 14 93 B +81 14 94 V +81 14 95 P +81 14 96 Z +81 14 97 B +81 14 98 HI +81 14 99 B +81 14 100 P +81 14 101 HI +81 14 102 B +81 14 103 N +81 14 104 P +81 14 105 B +81 14 106 Z +81 14 107 K +81 14 108 P +81 14 109 B +81 14 110 Z +81 14 111 N +81 14 112 HI +81 14 113 V +81 14 114 N +81 14 115 HI +81 14 116 P +81 14 117 V +81 14 118 Z +81 14 119 N +81 14 120 K +81 14 121 HI +81 14 122 N +81 14 123 B +81 14 124 N +81 14 125 HI +81 14 126 HI +81 14 127 N +81 14 128 Z +81 14 129 K +81 14 130 N +81 14 131 B +81 14 132 HI +81 14 133 N +81 14 134 HI +81 14 135 HI +81 14 136 N +81 14 137 N +81 14 138 P +81 14 139 * +81 14 140 B +81 14 141 K +81 14 142 P +81 14 143 N +81 14 144 B +81 14 145 N +81 14 146 Z +81 14 147 N +81 14 148 HI +81 14 149 N +81 14 150 B +81 14 151 HI +81 14 152 B +81 14 153 B +81 14 154 V +81 14 155 V +81 14 156 N +81 14 157 V +81 14 158 K +81 14 159 Z +81 14 160 HI +81 14 161 N +81 14 162 HI +81 14 163 N +81 14 164 B +81 14 165 N +81 14 166 B +81 14 167 P +81 14 168 N +81 14 169 B +81 14 170 N +81 14 171 N +81 14 172 K +81 14 173 HI +81 14 174 Z +81 14 175 P +81 14 176 HI +81 14 177 Z +81 14 178 B +81 14 179 HI +81 14 180 N +81 14 181 Z +81 14 182 HI +81 14 183 V +81 14 184 B +81 14 185 Z +81 14 186 P +81 14 187 Z +81 14 188 B +81 14 189 K +81 14 190 HI +81 14 191 N +81 14 192 B +81 14 193 Z +81 14 194 HI +81 14 195 N +81 14 196 N +81 14 197 B +81 14 198 V +81 14 199 K +81 14 200 B +81 14 201 HI +81 14 202 N +81 14 203 HI +81 14 204 V +81 14 205 B +81 14 206 K +81 14 207 HI +81 14 208 Z +81 14 209 N +81 14 210 HI +81 14 211 B +81 14 212 Z +81 14 213 B +81 14 214 N +81 14 215 HI +81 14 216 N +81 14 217 K +81 14 218 N +81 14 219 K +81 14 220 B +81 14 221 K +81 14 222 B +81 14 223 N +81 14 224 K +81 14 225 N +81 14 226 N +81 14 227 V +81 14 228 B +81 14 229 N +81 14 230 K +81 14 231 HI +81 14 232 N +81 14 233 B +81 14 234 N +81 14 235 B +81 14 236 N +81 14 237 Z +81 14 238 N +81 14 239 HI +81 14 240 HI +81 14 241 K +81 14 242 Z +81 14 243 HI +81 14 244 K +81 14 245 HI +81 14 246 N +81 14 247 B +81 14 248 N +81 14 249 N +81 14 250 B +81 14 251 N +81 14 252 K +81 14 253 N +81 14 254 B +81 14 255 V +81 14 256 HI +81 14 257 B +81 14 258 Z +81 14 259 HI +81 14 260 K +81 14 261 HI +81 14 262 K +81 14 263 V +81 14 264 P +81 14 265 N +81 14 266 HI +81 14 267 B +81 14 268 N +81 14 269 B +81 14 270 Z +81 14 271 N +81 14 272 K +81 14 273 B +81 14 274 K +81 14 275 Z +81 14 276 HI +81 14 277 B +81 14 278 HI +81 14 279 B +81 14 280 N +81 14 281 N +81 14 282 N +81 14 283 HI +81 14 284 K +81 14 285 P +81 14 286 K +81 14 287 V +81 14 288 HI +81 14 289 N +81 14 290 K +81 14 291 B +81 14 292 HI +81 14 293 K +81 14 294 K +81 14 295 V +81 14 296 B +81 14 297 Z +81 14 298 HI +81 14 299 N +81 14 300 P +81 14 301 N +81 14 302 K +81 14 303 P +81 14 304 N +81 14 305 B +81 14 306 N +81 14 307 B +81 14 308 B +81 14 309 V +81 14 310 N +81 14 311 B +81 14 312 V +81 14 313 B +81 14 314 K +81 14 315 N +81 14 316 N +81 14 317 HI +81 14 318 HI +81 14 319 K +81 14 320 N +81 14 321 HI +81 14 322 B +81 14 323 N +81 14 324 K +81 14 325 B +81 14 326 Z +81 14 327 K +81 14 328 N +81 14 329 Z +81 14 330 K +81 15 1 B +81 15 2 N +81 15 3 HI +81 15 4 V +81 15 5 N +81 15 6 Z +81 15 7 N +81 15 8 HI +81 15 9 Z +81 15 10 B +81 15 11 V +81 15 12 Z +81 15 13 N +81 15 14 V +81 15 15 HI +81 15 16 K +81 15 17 HI +81 15 18 B +81 15 19 B +81 15 20 N +81 15 21 HI +81 15 22 Z +81 15 23 B +81 15 24 V +81 15 25 N +81 15 26 V +81 15 27 K +81 15 28 HI +81 15 29 N +81 15 30 Z +81 15 31 N +81 15 32 HI +81 15 33 N +81 15 34 B +81 15 35 HI +81 15 36 N +81 15 37 B +81 15 38 HI +81 15 39 N +81 15 40 B +81 15 41 HI +81 15 42 Z +81 15 43 B +81 15 44 K +81 15 45 N +81 15 46 V +81 15 47 N +81 15 48 Z +81 15 49 N +81 15 50 * +81 15 51 V +81 15 52 K +81 15 53 HI +81 15 54 N +81 15 55 B +81 15 56 HI +81 15 57 N +81 15 58 Z +81 15 59 K +81 15 60 B +81 15 61 HI +81 15 62 B +81 15 63 HI +81 15 64 B +81 15 65 HI +81 15 66 Z +81 15 67 N +81 15 68 HI +81 15 69 N +81 15 70 K +81 15 71 HI +81 15 72 N +81 15 73 B +81 15 74 N +81 15 75 N +81 15 76 Z +81 15 77 N +81 15 78 HI +81 15 79 B +81 15 80 B +81 15 81 N +81 15 82 N +81 15 83 Z +81 15 84 HI +81 15 85 N +81 15 86 HI +81 15 87 B +81 15 88 HI +81 15 89 B +81 15 90 N +81 15 91 N +81 15 92 K +81 15 93 B +81 15 94 B +81 15 95 N +81 15 96 Z +81 15 97 B +81 15 98 HI +81 15 99 B +81 15 100 N +81 15 101 HI +81 15 102 B +81 15 103 N +81 15 104 B +81 15 105 HI +81 15 106 Z +81 15 107 K +81 15 108 N +81 15 109 B +81 15 110 Z +81 15 111 N +81 15 112 HI +81 15 113 B +81 15 114 N +81 15 115 HI +81 15 116 N +81 15 117 V +81 15 118 HI +81 15 119 N +81 15 120 K +81 15 121 Z +81 15 122 N +81 15 123 B +81 15 124 N +81 15 125 HI +81 15 126 HI +81 15 127 N +81 15 128 Z +81 15 129 K +81 15 130 B +81 15 131 HI +81 15 132 HI +81 15 133 N +81 15 134 HI +81 15 135 HI +81 15 136 N +81 15 137 N +81 15 138 B +81 15 139 K +81 15 140 B +81 15 141 K +81 15 142 K +81 15 143 N +81 15 144 B +81 15 145 N +81 15 146 Z +81 15 147 N +81 15 148 HI +81 15 149 N +81 15 150 B +81 15 151 Z +81 15 152 HI +81 15 153 B +81 15 154 B +81 15 155 B +81 15 156 N +81 15 157 Z +81 15 158 K +81 15 159 Z +81 15 160 HI +81 15 161 N +81 15 162 HI +81 15 163 N +81 15 164 B +81 15 165 N +81 15 166 V +81 15 167 K +81 15 168 N +81 15 169 B +81 15 170 B +81 15 171 N +81 15 172 K +81 15 173 HI +81 15 174 Z +81 15 175 N +81 15 176 HI +81 15 177 Z +81 15 178 B +81 15 179 HI +81 15 180 N +81 15 181 Z +81 15 182 HI +81 15 183 Z +81 15 184 B +81 15 185 Z +81 15 186 B +81 15 187 Z +81 15 188 B +81 15 189 K +81 15 190 HI +81 15 191 N +81 15 192 B +81 15 193 N +81 15 194 HI +81 15 195 N +81 15 196 N +81 15 197 HI +81 15 198 V +81 15 199 K +81 15 200 B +81 15 201 HI +81 15 202 N +81 15 203 HI +81 15 204 B +81 15 205 B +81 15 206 K +81 15 207 HI +81 15 208 Z +81 15 209 N +81 15 210 HI +81 15 211 B +81 15 212 Z +81 15 213 B +81 15 214 N +81 15 215 HI +81 15 216 V +81 15 217 HI +81 15 218 N +81 15 219 K +81 15 220 B +81 15 221 K +81 15 222 B +81 15 223 N +81 15 224 K +81 15 225 N +81 15 226 B +81 15 227 V +81 15 228 B +81 15 229 N +81 15 230 K +81 15 231 HI +81 15 232 V +81 15 233 B +81 15 234 N +81 15 235 B +81 15 236 N +81 15 237 Z +81 15 238 N +81 15 239 HI +81 15 240 HI +81 15 241 K +81 15 242 Z +81 15 243 HI +81 15 244 K +81 15 245 HI +81 15 246 N +81 15 247 B +81 15 248 V +81 15 249 N +81 15 250 B +81 15 251 N +81 15 252 K +81 15 253 N +81 15 254 B +81 15 255 V +81 15 256 HI +81 15 257 B +81 15 258 Z +81 15 259 HI +81 15 260 K +81 15 261 Z +81 15 262 K +81 15 263 K +81 15 264 B +81 15 265 N +81 15 266 HI +81 15 267 HI +81 15 268 N +81 15 269 HI +81 15 270 Z +81 15 271 N +81 15 272 K +81 15 273 HI +81 15 274 K +81 15 275 Z +81 15 276 HI +81 15 277 V +81 15 278 HI +81 15 279 B +81 15 280 N +81 15 281 N +81 15 282 N +81 15 283 HI +81 15 284 K +81 15 285 HI +81 15 286 K +81 15 287 Z +81 15 288 HI +81 15 289 N +81 15 290 K +81 15 291 B +81 15 292 HI +81 15 293 K +81 15 294 K +81 15 295 Z +81 15 296 V +81 15 297 Z +81 15 298 HI +81 15 299 N +81 15 300 K +81 15 301 N +81 15 302 K +81 15 303 B +81 15 304 N +81 15 305 HI +81 15 306 N +81 15 307 B +81 15 308 HI +81 15 309 V +81 15 310 N +81 15 311 V +81 15 312 V +81 15 313 B +81 15 314 K +81 15 315 N +81 15 316 N +81 15 317 HI +81 15 318 Z +81 15 319 K +81 15 320 N +81 15 321 HI +81 15 322 B +81 15 323 N +81 15 324 K +81 15 325 HI +81 15 326 Z +81 15 327 K +81 15 328 N +81 15 329 Z +81 15 330 K +81 16 1 B +81 16 2 K +81 16 3 HI +81 16 4 * +81 16 5 N +81 16 6 M +81 16 7 N +81 16 8 HI +81 16 9 * +81 16 10 B +81 16 11 N +81 16 12 Z +81 16 13 N +81 16 14 * +81 16 15 K +81 16 16 K +81 16 17 HI +81 16 18 V +81 16 19 B +81 16 20 N +81 16 21 HI +81 16 22 Z +81 16 23 * +81 16 24 V +81 16 25 N +81 16 26 B +81 16 27 K +81 16 28 HI +81 16 29 N +81 16 30 * +81 16 31 K +81 16 32 * +81 16 33 N +81 16 34 B +81 16 35 HI +81 16 36 N +81 16 37 B +81 16 38 HI +81 16 39 N +81 16 40 N +81 16 41 HI +81 16 42 Z +81 16 43 V +81 16 44 K +81 16 45 N +81 16 46 K +81 16 47 N +81 16 48 Z +81 16 49 K +81 16 50 * +81 16 51 V +81 16 52 K +81 16 53 HI +81 16 54 N +81 16 55 B +81 16 56 * +81 16 57 N +81 16 58 * +81 16 59 K +81 16 60 V +81 16 61 HI +81 16 62 B +81 16 63 * +81 16 64 B +81 16 65 HI +81 16 66 K +81 16 67 N +81 16 68 HI +81 16 69 N +81 16 70 K +81 16 71 HI +81 16 72 N +81 16 73 B +81 16 74 K +81 16 75 N +81 16 76 Z +81 16 77 B +81 16 78 K +81 16 79 V +81 16 80 B +81 16 81 N +81 16 82 P +81 16 83 K +81 16 84 * +81 16 85 N +81 16 86 * +81 16 87 V +81 16 88 B +81 16 89 V +81 16 90 N +81 16 91 N +81 16 92 K +81 16 93 B +81 16 94 V +81 16 95 K +81 16 96 Z +81 16 97 B +81 16 98 HI +81 16 99 K +81 16 100 N +81 16 101 HI +81 16 102 K +81 16 103 N +81 16 104 P +81 16 105 HI +81 16 106 Z +81 16 107 K +81 16 108 K +81 16 109 B +81 16 110 Z +81 16 111 N +81 16 112 HI +81 16 113 V +81 16 114 N +81 16 115 HI +81 16 116 K +81 16 117 V +81 16 118 * +81 16 119 N +81 16 120 K +81 16 121 Z +81 16 122 N +81 16 123 P +81 16 124 N +81 16 125 Z +81 16 126 * +81 16 127 N +81 16 128 Z +81 16 129 K +81 16 130 V +81 16 131 B +81 16 132 Z +81 16 133 N +81 16 134 * +81 16 135 B +81 16 136 P +81 16 137 N +81 16 138 P +81 16 139 K +81 16 140 P +81 16 141 K +81 16 142 K +81 16 143 N +81 16 144 B +81 16 145 N +81 16 146 Z +81 16 147 N +81 16 148 HI +81 16 149 N +81 16 150 B +81 16 151 * +81 16 152 * +81 16 153 B +81 16 154 V +81 16 155 V +81 16 156 N +81 16 157 V +81 16 158 K +81 16 159 * +81 16 160 * +81 16 161 N +81 16 162 HI +81 16 163 N +81 16 164 B +81 16 165 N +81 16 166 B +81 16 167 * +81 16 168 N +81 16 169 B +81 16 170 N +81 16 171 N +81 16 172 K +81 16 173 HI +81 16 174 Z +81 16 175 K +81 16 176 HI +81 16 177 N +81 16 178 B +81 16 179 HI +81 16 180 N +81 16 181 Z +81 16 182 HI +81 16 183 * +81 16 184 * +81 16 185 Z +81 16 186 P +81 16 187 Z +81 16 188 P +81 16 189 K +81 16 190 * +81 16 191 N +81 16 192 * +81 16 193 Z +81 16 194 HI +81 16 195 N +81 16 196 P +81 16 197 * +81 16 198 V +81 16 199 K +81 16 200 K +81 16 201 * +81 16 202 N +81 16 203 * +81 16 204 V +81 16 205 B +81 16 206 K +81 16 207 HI +81 16 208 Z +81 16 209 N +81 16 210 V +81 16 211 P +81 16 212 Z +81 16 213 * +81 16 214 N +81 16 215 * +81 16 216 N +81 16 217 * +81 16 218 N +81 16 219 K +81 16 220 B +81 16 221 K +81 16 222 B +81 16 223 N +81 16 224 K +81 16 225 N +81 16 226 P +81 16 227 V +81 16 228 P +81 16 229 N +81 16 230 K +81 16 231 B +81 16 232 * +81 16 233 B +81 16 234 N +81 16 235 B +81 16 236 N +81 16 237 * +81 16 238 N +81 16 239 * +81 16 240 * +81 16 241 K +81 16 242 Z +81 16 243 HI +81 16 244 K +81 16 245 HI +81 16 246 N +81 16 247 * +81 16 248 N +81 16 249 N +81 16 250 B +81 16 251 N +81 16 252 K +81 16 253 N +81 16 254 P +81 16 255 V +81 16 256 HI +81 16 257 B +81 16 258 Z +81 16 259 HI +81 16 260 N +81 16 261 * +81 16 262 K +81 16 263 K +81 16 264 P +81 16 265 N +81 16 266 * +81 16 267 * +81 16 268 N +81 16 269 * +81 16 270 Z +81 16 271 N +81 16 272 K +81 16 273 * +81 16 274 K +81 16 275 N +81 16 276 HI +81 16 277 N +81 16 278 * +81 16 279 B +81 16 280 N +81 16 281 N +81 16 282 N +81 16 283 V +81 16 284 K +81 16 285 K +81 16 286 K +81 16 287 N +81 16 288 HI +81 16 289 P +81 16 290 K +81 16 291 B +81 16 292 * +81 16 293 K +81 16 294 K +81 16 295 V +81 16 296 B +81 16 297 Z +81 16 298 HI +81 16 299 N +81 16 300 K +81 16 301 N +81 16 302 K +81 16 303 K +81 16 304 N +81 16 305 * +81 16 306 N +81 16 307 P +81 16 308 * +81 16 309 V +81 16 310 N +81 16 311 B +81 16 312 V +81 16 313 B +81 16 314 K +81 16 315 N +81 16 316 N +81 16 317 HI +81 16 318 Z +81 16 319 K +81 16 320 N +81 16 321 HI +81 16 322 P +81 16 323 N +81 16 324 K +81 16 325 * +81 16 326 Z +81 16 327 K +81 16 328 N +81 16 329 * +81 16 330 K +81 17 1 B +81 17 2 N +81 17 3 HI +81 17 4 HI +81 17 5 N +81 17 6 Z +81 17 7 N +81 17 8 HI +81 17 9 Z +81 17 10 B +81 17 11 N +81 17 12 Z +81 17 13 N +81 17 14 B +81 17 15 HI +81 17 16 K +81 17 17 HI +81 17 18 V +81 17 19 B +81 17 20 N +81 17 21 HI +81 17 22 Z +81 17 23 HI +81 17 24 Z +81 17 25 N +81 17 26 B +81 17 27 K +81 17 28 HI +81 17 29 N +81 17 30 Z +81 17 31 N +81 17 32 HI +81 17 33 N +81 17 34 B +81 17 35 Z +81 17 36 N +81 17 37 B +81 17 38 HI +81 17 39 N +81 17 40 B +81 17 41 HI +81 17 42 Z +81 17 43 B +81 17 44 K +81 17 45 N +81 17 46 K +81 17 47 N +81 17 48 Z +81 17 49 N +81 17 50 B +81 17 51 Z +81 17 52 N +81 17 53 HI +81 17 54 N +81 17 55 N +81 17 56 Z +81 17 57 N +81 17 58 Z +81 17 59 K +81 17 60 V +81 17 61 HI +81 17 62 B +81 17 63 HI +81 17 64 B +81 17 65 HI +81 17 66 K +81 17 67 N +81 17 68 HI +81 17 69 Z +81 17 70 K +81 17 71 HI +81 17 72 N +81 17 73 B +81 17 74 N +81 17 75 N +81 17 76 HI +81 17 77 B +81 17 78 K +81 17 79 V +81 17 80 B +81 17 81 N +81 17 82 N +81 17 83 Z +81 17 84 HI +81 17 85 N +81 17 86 HI +81 17 87 V +81 17 88 HI +81 17 89 V +81 17 90 V +81 17 91 N +81 17 92 K +81 17 93 B +81 17 94 V +81 17 95 K +81 17 96 Z +81 17 97 B +81 17 98 HI +81 17 99 K +81 17 100 N +81 17 101 HI +81 17 102 K +81 17 103 Z +81 17 104 N +81 17 105 HI +81 17 106 Z +81 17 107 K +81 17 108 K +81 17 109 B +81 17 110 Z +81 17 111 N +81 17 112 HI +81 17 113 V +81 17 114 N +81 17 115 HI +81 17 116 K +81 17 117 Z +81 17 118 HI +81 17 119 N +81 17 120 K +81 17 121 HI +81 17 122 N +81 17 123 B +81 17 124 N +81 17 125 HI +81 17 126 HI +81 17 127 V +81 17 128 Z +81 17 129 K +81 17 130 V +81 17 131 HI +81 17 132 HI +81 17 133 N +81 17 134 HI +81 17 135 HI +81 17 136 N +81 17 137 N +81 17 138 B +81 17 139 K +81 17 140 B +81 17 141 K +81 17 142 K +81 17 143 N +81 17 144 B +81 17 145 N +81 17 146 Z +81 17 147 N +81 17 148 HI +81 17 149 N +81 17 150 B +81 17 151 HI +81 17 152 K +81 17 153 B +81 17 154 K +81 17 155 V +81 17 156 N +81 17 157 HI +81 17 158 K +81 17 159 Z +81 17 160 HI +81 17 161 N +81 17 162 HI +81 17 163 N +81 17 164 B +81 17 165 N +81 17 166 B +81 17 167 K +81 17 168 N +81 17 169 B +81 17 170 V +81 17 171 N +81 17 172 K +81 17 173 HI +81 17 174 Z +81 17 175 B +81 17 176 HI +81 17 177 Z +81 17 178 B +81 17 179 HI +81 17 180 N +81 17 181 Z +81 17 182 HI +81 17 183 Z +81 17 184 B +81 17 185 Z +81 17 186 N +81 17 187 Z +81 17 188 B +81 17 189 K +81 17 190 HI +81 17 191 N +81 17 192 B +81 17 193 Z +81 17 194 HI +81 17 195 N +81 17 196 N +81 17 197 HI +81 17 198 V +81 17 199 K +81 17 200 B +81 17 201 HI +81 17 202 N +81 17 203 HI +81 17 204 V +81 17 205 B +81 17 206 K +81 17 207 HI +81 17 208 Z +81 17 209 N +81 17 210 HI +81 17 211 B +81 17 212 Z +81 17 213 K +81 17 214 Z +81 17 215 HI +81 17 216 V +81 17 217 HI +81 17 218 Z +81 17 219 K +81 17 220 B +81 17 221 K +81 17 222 B +81 17 223 N +81 17 224 K +81 17 225 Z +81 17 226 B +81 17 227 V +81 17 228 B +81 17 229 N +81 17 230 K +81 17 231 HI +81 17 232 Z +81 17 233 B +81 17 234 N +81 17 235 B +81 17 236 N +81 17 237 HI +81 17 238 N +81 17 239 HI +81 17 240 HI +81 17 241 K +81 17 242 Z +81 17 243 HI +81 17 244 K +81 17 245 HI +81 17 246 N +81 17 247 B +81 17 248 V +81 17 249 N +81 17 250 B +81 17 251 N +81 17 252 K +81 17 253 N +81 17 254 B +81 17 255 V +81 17 256 HI +81 17 257 B +81 17 258 Z +81 17 259 HI +81 17 260 N +81 17 261 Z +81 17 262 K +81 17 263 K +81 17 264 B +81 17 265 N +81 17 266 HI +81 17 267 HI +81 17 268 N +81 17 269 HI +81 17 270 Z +81 17 271 N +81 17 272 K +81 17 273 HI +81 17 274 K +81 17 275 Z +81 17 276 HI +81 17 277 B +81 17 278 HI +81 17 279 B +81 17 280 N +81 17 281 N +81 17 282 N +81 17 283 HI +81 17 284 K +81 17 285 HI +81 17 286 K +81 17 287 Z +81 17 288 HI +81 17 289 N +81 17 290 K +81 17 291 B +81 17 292 HI +81 17 293 N +81 17 294 K +81 17 295 Z +81 17 296 B +81 17 297 Z +81 17 298 HI +81 17 299 N +81 17 300 K +81 17 301 N +81 17 302 K +81 17 303 K +81 17 304 N +81 17 305 HI +81 17 306 N +81 17 307 B +81 17 308 B +81 17 309 V +81 17 310 N +81 17 311 B +81 17 312 V +81 17 313 B +81 17 314 K +81 17 315 N +81 17 316 N +81 17 317 HI +81 17 318 Z +81 17 319 K +81 17 320 N +81 17 321 HI +81 17 322 B +81 17 323 N +81 17 324 K +81 17 325 B +81 17 326 Z +81 17 327 K +81 17 328 N +81 17 329 Z +81 17 330 K +81 18 1 B +81 18 2 N +81 18 3 HI +81 18 4 HI +81 18 5 N +81 18 6 K +81 18 7 N +81 18 8 HI +81 18 9 HI +81 18 10 B +81 18 11 N +81 18 12 Z +81 18 13 N +81 18 14 B +81 18 15 K +81 18 16 K +81 18 17 HI +81 18 18 V +81 18 19 N +81 18 20 N +81 18 21 HI +81 18 22 Z +81 18 23 HI +81 18 24 V +81 18 25 N +81 18 26 B +81 18 27 K +81 18 28 HI +81 18 29 N +81 18 30 Z +81 18 31 K +81 18 32 HI +81 18 33 Z +81 18 34 B +81 18 35 HI +81 18 36 N +81 18 37 B +81 18 38 HI +81 18 39 B +81 18 40 N +81 18 41 HI +81 18 42 Z +81 18 43 B +81 18 44 K +81 18 45 N +81 18 46 V +81 18 47 V +81 18 48 Z +81 18 49 B +81 18 50 B +81 18 51 Z +81 18 52 K +81 18 53 HI +81 18 54 N +81 18 55 B +81 18 56 K +81 18 57 B +81 18 58 Z +81 18 59 K +81 18 60 N +81 18 61 HI +81 18 62 B +81 18 63 HI +81 18 64 B +81 18 65 HI +81 18 66 K +81 18 67 N +81 18 68 HI +81 18 69 V +81 18 70 K +81 18 71 HI +81 18 72 N +81 18 73 HI +81 18 74 K +81 18 75 V +81 18 76 HI +81 18 77 N +81 18 78 K +81 18 79 V +81 18 80 B +81 18 81 N +81 18 82 N +81 18 83 K +81 18 84 HI +81 18 85 N +81 18 86 HI +81 18 87 V +81 18 88 HI +81 18 89 V +81 18 90 B +81 18 91 Z +81 18 92 K +81 18 93 B +81 18 94 N +81 18 95 K +81 18 96 Z +81 18 97 B +81 18 98 HI +81 18 99 B +81 18 100 N +81 18 101 HI +81 18 102 V +81 18 103 V +81 18 104 V +81 18 105 HI +81 18 106 Z +81 18 107 K +81 18 108 K +81 18 109 B +81 18 110 Z +81 18 111 V +81 18 112 HI +81 18 113 V +81 18 114 N +81 18 115 HI +81 18 116 K +81 18 117 HI +81 18 118 HI +81 18 119 N +81 18 120 N +81 18 121 K +81 18 122 HI +81 18 123 N +81 18 124 B +81 18 125 Z +81 18 126 HI +81 18 127 HI +81 18 128 V +81 18 129 Z +81 18 130 HI +81 18 131 V +81 18 132 HI +81 18 133 N +81 18 134 HI +81 18 135 HI +81 18 136 N +81 18 137 N +81 18 138 B +81 18 139 K +81 18 140 B +81 18 141 K +81 18 142 K +81 18 143 Z +81 18 144 B +81 18 145 Z +81 18 146 Z +81 18 147 B +81 18 148 HI +81 18 149 N +81 18 150 B +81 18 151 HI +81 18 152 HI +81 18 153 B +81 18 154 V +81 18 155 V +81 18 156 N +81 18 157 HI +81 18 158 K +81 18 159 Z +81 18 160 N +81 18 161 B +81 18 162 HI +81 18 163 N +81 18 164 B +81 18 165 Z +81 18 166 N +81 18 167 B +81 18 168 N +81 18 169 V +81 18 170 V +81 18 171 N +81 18 172 B +81 18 173 HI +81 18 174 Z +81 18 175 K +81 18 176 HI +81 18 177 Z +81 18 178 V +81 18 179 HI +81 18 180 B +81 18 181 N +81 18 182 V +81 18 183 Z +81 18 184 N +81 18 185 Z +81 18 186 B +81 18 187 Z +81 18 188 N +81 18 189 B +81 18 190 HI +81 18 191 N +81 18 192 B +81 18 193 Z +81 18 194 B +81 18 195 N +81 18 196 B +81 18 197 HI +81 18 198 V +81 18 199 K +81 18 200 K +81 18 201 HI +81 18 202 N +81 18 203 HI +81 18 204 V +81 18 205 B +81 18 206 K +81 18 207 HI +81 18 208 Z +81 18 209 N +81 18 210 HI +81 18 211 N +81 18 212 Z +81 18 213 K +81 18 214 Z +81 18 215 HI +81 18 216 V +81 18 217 HI +81 18 218 Z +81 18 219 K +81 18 220 B +81 18 221 K +81 18 222 B +81 18 223 N +81 18 224 K +81 18 225 Z +81 18 226 B +81 18 227 V +81 18 228 B +81 18 229 Z +81 18 230 K +81 18 231 B +81 18 232 V +81 18 233 V +81 18 234 N +81 18 235 B +81 18 236 Z +81 18 237 Z +81 18 238 N +81 18 239 HI +81 18 240 HI +81 18 241 K +81 18 242 Z +81 18 243 HI +81 18 244 K +81 18 245 HI +81 18 246 N +81 18 247 B +81 18 248 V +81 18 249 N +81 18 250 B +81 18 251 N +81 18 252 K +81 18 253 N +81 18 254 B +81 18 255 V +81 18 256 HI +81 18 257 B +81 18 258 Z +81 18 259 HI +81 18 260 Z +81 18 261 HI +81 18 262 K +81 18 263 K +81 18 264 K +81 18 265 N +81 18 266 HI +81 18 267 HI +81 18 268 N +81 18 269 HI +81 18 270 Z +81 18 271 V +81 18 272 K +81 18 273 HI +81 18 274 K +81 18 275 Z +81 18 276 HI +81 18 277 B +81 18 278 HI +81 18 279 B +81 18 280 N +81 18 281 N +81 18 282 B +81 18 283 B +81 18 284 K +81 18 285 HI +81 18 286 K +81 18 287 Z +81 18 288 HI +81 18 289 K +81 18 290 K +81 18 291 B +81 18 292 HI +81 18 293 K +81 18 294 K +81 18 295 Z +81 18 296 B +81 18 297 Z +81 18 298 HI +81 18 299 N +81 18 300 K +81 18 301 N +81 18 302 K +81 18 303 K +81 18 304 N +81 18 305 B +81 18 306 N +81 18 307 B +81 18 308 B +81 18 309 V +81 18 310 B +81 18 311 N +81 18 312 V +81 18 313 V +81 18 314 K +81 18 315 N +81 18 316 N +81 18 317 B +81 18 318 HI +81 18 319 K +81 18 320 Z +81 18 321 HI +81 18 322 B +81 18 323 N +81 18 324 K +81 18 325 HI +81 18 326 Z +81 18 327 K +81 18 328 B +81 18 329 N +81 18 330 K +81 19 1 B +81 19 2 N +81 19 3 HI +81 19 4 * +81 19 5 N +81 19 6 * +81 19 7 N +81 19 8 HI +81 19 9 * +81 19 10 B +81 19 11 N +81 19 12 Z +81 19 13 N +81 19 14 B +81 19 15 V +81 19 16 K +81 19 17 HI +81 19 18 V +81 19 19 B +81 19 20 N +81 19 21 HI +81 19 22 Z +81 19 23 B +81 19 24 V +81 19 25 B +81 19 26 B +81 19 27 K +81 19 28 HI +81 19 29 N +81 19 30 * +81 19 31 K +81 19 32 B +81 19 33 N +81 19 34 B +81 19 35 HI +81 19 36 N +81 19 37 B +81 19 38 HI +81 19 39 N +81 19 40 B +81 19 41 HI +81 19 42 Z +81 19 43 B +81 19 44 K +81 19 45 N +81 19 46 V +81 19 47 N +81 19 48 Z +81 19 49 B +81 19 50 B +81 19 51 V +81 19 52 K +81 19 53 HI +81 19 54 N +81 19 55 B +81 19 56 Z +81 19 57 B +81 19 58 Z +81 19 59 V +81 19 60 B +81 19 61 N +81 19 62 B +81 19 63 V +81 19 64 B +81 19 65 HI +81 19 66 Z +81 19 67 N +81 19 68 HI +81 19 69 N +81 19 70 K +81 19 71 HI +81 19 72 N +81 19 73 B +81 19 74 K +81 19 75 N +81 19 76 HI +81 19 77 B +81 19 78 * +81 19 79 V +81 19 80 B +81 19 81 N +81 19 82 * +81 19 83 K +81 19 84 HI +81 19 85 N +81 19 86 HI +81 19 87 N +81 19 88 HI +81 19 89 V +81 19 90 B +81 19 91 N +81 19 92 K +81 19 93 B +81 19 94 V +81 19 95 K +81 19 96 Z +81 19 97 B +81 19 98 HI +81 19 99 B +81 19 100 K +81 19 101 HI +81 19 102 B +81 19 103 N +81 19 104 B +81 19 105 B +81 19 106 Z +81 19 107 K +81 19 108 K +81 19 109 B +81 19 110 Z +81 19 111 N +81 19 112 HI +81 19 113 V +81 19 114 B +81 19 115 HI +81 19 116 K +81 19 117 V +81 19 118 HI +81 19 119 N +81 19 120 K +81 19 121 Z +81 19 122 N +81 19 123 B +81 19 124 N +81 19 125 HI +81 19 126 * +81 19 127 N +81 19 128 Z +81 19 129 * +81 19 130 N +81 19 131 B +81 19 132 HI +81 19 133 N +81 19 134 V +81 19 135 B +81 19 136 * +81 19 137 N +81 19 138 B +81 19 139 K +81 19 140 B +81 19 141 K +81 19 142 K +81 19 143 N +81 19 144 B +81 19 145 N +81 19 146 Z +81 19 147 N +81 19 148 HI +81 19 149 N +81 19 150 B +81 19 151 * +81 19 152 * +81 19 153 B +81 19 154 V +81 19 155 V +81 19 156 N +81 19 157 V +81 19 158 K +81 19 159 * +81 19 160 * +81 19 161 N +81 19 162 HI +81 19 163 B +81 19 164 B +81 19 165 N +81 19 166 B +81 19 167 * +81 19 168 N +81 19 169 B +81 19 170 N +81 19 171 N +81 19 172 K +81 19 173 HI +81 19 174 Z +81 19 175 K +81 19 176 HI +81 19 177 Z +81 19 178 B +81 19 179 HI +81 19 180 N +81 19 181 Z +81 19 182 * +81 19 183 * +81 19 184 B +81 19 185 * +81 19 186 B +81 19 187 Z +81 19 188 B +81 19 189 K +81 19 190 * +81 19 191 N +81 19 192 * +81 19 193 Z +81 19 194 HI +81 19 195 N +81 19 196 * +81 19 197 B +81 19 198 V +81 19 199 K +81 19 200 B +81 19 201 * +81 19 202 N +81 19 203 HI +81 19 204 V +81 19 205 B +81 19 206 K +81 19 207 * +81 19 208 * +81 19 209 N +81 19 210 V +81 19 211 B +81 19 212 Z +81 19 213 * +81 19 214 N +81 19 215 * +81 19 216 N +81 19 217 * +81 19 218 N +81 19 219 K +81 19 220 B +81 19 221 K +81 19 222 B +81 19 223 N +81 19 224 * +81 19 225 * +81 19 226 B +81 19 227 V +81 19 228 B +81 19 229 N +81 19 230 * +81 19 231 B +81 19 232 * +81 19 233 B +81 19 234 N +81 19 235 B +81 19 236 * +81 19 237 * +81 19 238 * +81 19 239 * +81 19 240 V +81 19 241 K +81 19 242 Z +81 19 243 B +81 19 244 K +81 19 245 HI +81 19 246 N +81 19 247 B +81 19 248 N +81 19 249 N +81 19 250 B +81 19 251 * +81 19 252 * +81 19 253 * +81 19 254 B +81 19 255 V +81 19 256 HI +81 19 257 B +81 19 258 Z +81 19 259 HI +81 19 260 * +81 19 261 * +81 19 262 K +81 19 263 V +81 19 264 * +81 19 265 N +81 19 266 * +81 19 267 B +81 19 268 N +81 19 269 B +81 19 270 * +81 19 271 N +81 19 272 K +81 19 273 B +81 19 274 K +81 19 275 * +81 19 276 HI +81 19 277 B +81 19 278 * +81 19 279 B +81 19 280 N +81 19 281 N +81 19 282 N +81 19 283 V +81 19 284 K +81 19 285 * +81 19 286 K +81 19 287 * +81 19 288 HI +81 19 289 B +81 19 290 K +81 19 291 B +81 19 292 * +81 19 293 * +81 19 294 K +81 19 295 V +81 19 296 B +81 19 297 Z +81 19 298 HI +81 19 299 N +81 19 300 * +81 19 301 N +81 19 302 K +81 19 303 B +81 19 304 N +81 19 305 B +81 19 306 N +81 19 307 * +81 19 308 * +81 19 309 V +81 19 310 N +81 19 311 B +81 19 312 V +81 19 313 B +81 19 314 K +81 19 315 N +81 19 316 * +81 19 317 B +81 19 318 * +81 19 319 K +81 19 320 N +81 19 321 HI +81 19 322 B +81 19 323 N +81 19 324 K +81 19 325 B +81 19 326 * +81 19 327 * +81 19 328 N +81 19 329 * +81 19 330 K +81 20 1 N +81 20 2 N +81 20 3 HI +81 20 4 M +81 20 5 N +81 20 6 Z +81 20 7 N +81 20 8 HI +81 20 9 M +81 20 10 V +81 20 11 N +81 20 12 Z +81 20 13 N +81 20 14 N +81 20 15 * +81 20 16 K +81 20 17 Z +81 20 18 V +81 20 19 N +81 20 20 N +81 20 21 HI +81 20 22 Z +81 20 23 N +81 20 24 V +81 20 25 N +81 20 26 V +81 20 27 K +81 20 28 HI +81 20 29 N +81 20 30 Z +81 20 31 N +81 20 32 M +81 20 33 Z +81 20 34 N +81 20 35 * +81 20 36 N +81 20 37 N +81 20 38 HI +81 20 39 N +81 20 40 N +81 20 41 HI +81 20 42 Z +81 20 43 N +81 20 44 * +81 20 45 N +81 20 46 * +81 20 47 N +81 20 48 Z +81 20 49 N +81 20 50 M +81 20 51 * +81 20 52 K +81 20 53 HI +81 20 54 N +81 20 55 N +81 20 56 Z +81 20 57 N +81 20 58 Z +81 20 59 * +81 20 60 N +81 20 61 HI +81 20 62 V +81 20 63 M +81 20 64 N +81 20 65 HI +81 20 66 K +81 20 67 N +81 20 68 M +81 20 69 * +81 20 70 * +81 20 71 * +81 20 72 N +81 20 73 * +81 20 74 N +81 20 75 V +81 20 76 Z +81 20 77 N +81 20 78 * +81 20 79 V +81 20 80 N +81 20 81 * +81 20 82 N +81 20 83 Z +81 20 84 M +81 20 85 N +81 20 86 HI +81 20 87 V +81 20 88 HI +81 20 89 V +81 20 90 V +81 20 91 Z +81 20 92 K +81 20 93 N +81 20 94 V +81 20 95 N +81 20 96 Z +81 20 97 * +81 20 98 HI +81 20 99 * +81 20 100 N +81 20 101 M +81 20 102 * +81 20 103 * +81 20 104 N +81 20 105 * +81 20 106 Z +81 20 107 K +81 20 108 N +81 20 109 N +81 20 110 Z +81 20 111 V +81 20 112 HI +81 20 113 V +81 20 114 N +81 20 115 HI +81 20 116 N +81 20 117 V +81 20 118 M +81 20 119 N +81 20 120 K +81 20 121 M +81 20 122 N +81 20 123 N +81 20 124 Z +81 20 125 M +81 20 126 * +81 20 127 N +81 20 128 Z +81 20 129 K +81 20 130 V +81 20 131 * +81 20 132 M +81 20 133 N +81 20 134 V +81 20 135 HI +81 20 136 N +81 20 137 N +81 20 138 N +81 20 139 K +81 20 140 N +81 20 141 K +81 20 142 K +81 20 143 * +81 20 144 * +81 20 145 N +81 20 146 Z +81 20 147 N +81 20 148 HI +81 20 149 N +81 20 150 * +81 20 151 M +81 20 152 * +81 20 153 N +81 20 154 V +81 20 155 V +81 20 156 N +81 20 157 * +81 20 158 K +81 20 159 Z +81 20 160 N +81 20 161 N +81 20 162 HI +81 20 163 N +81 20 164 N +81 20 165 V +81 20 166 V +81 20 167 * +81 20 168 N +81 20 169 N +81 20 170 N +81 20 171 * +81 20 172 K +81 20 173 HI +81 20 174 Z +81 20 175 N +81 20 176 HI +81 20 177 Z +81 20 178 N +81 20 179 M +81 20 180 N +81 20 181 Z +81 20 182 M +81 20 183 * +81 20 184 * +81 20 185 * +81 20 186 N +81 20 187 Z +81 20 188 N +81 20 189 N +81 20 190 * +81 20 191 N +81 20 192 * +81 20 193 Z +81 20 194 * +81 20 195 * +81 20 196 N +81 20 197 * +81 20 198 V +81 20 199 K +81 20 200 N +81 20 201 Z +81 20 202 N +81 20 203 M +81 20 204 V +81 20 205 N +81 20 206 K +81 20 207 HI +81 20 208 * +81 20 209 N +81 20 210 * +81 20 211 N +81 20 212 Z +81 20 213 * +81 20 214 Z +81 20 215 * +81 20 216 V +81 20 217 Z +81 20 218 * +81 20 219 N +81 20 220 * +81 20 221 K +81 20 222 * +81 20 223 N +81 20 224 K +81 20 225 * +81 20 226 N +81 20 227 V +81 20 228 N +81 20 229 N +81 20 230 K +81 20 231 * +81 20 232 * +81 20 233 * +81 20 234 N +81 20 235 * +81 20 236 Z +81 20 237 M +81 20 238 N +81 20 239 M +81 20 240 * +81 20 241 K +81 20 242 Z +81 20 243 HI +81 20 244 K +81 20 245 HI +81 20 246 N +81 20 247 * +81 20 248 V +81 20 249 N +81 20 250 * +81 20 251 N +81 20 252 K +81 20 253 N +81 20 254 * +81 20 255 V +81 20 256 HI +81 20 257 N +81 20 258 Z +81 20 259 HI +81 20 260 Z +81 20 261 Z +81 20 262 K +81 20 263 K +81 20 264 K +81 20 265 N +81 20 266 M +81 20 267 * +81 20 268 N +81 20 269 * +81 20 270 Z +81 20 271 N +81 20 272 K +81 20 273 * +81 20 274 K +81 20 275 Z +81 20 276 HI +81 20 277 N +81 20 278 Z +81 20 279 * +81 20 280 * +81 20 281 N +81 20 282 N +81 20 283 * +81 20 284 K +81 20 285 Z +81 20 286 K +81 20 287 Z +81 20 288 HI +81 20 289 N +81 20 290 K +81 20 291 N +81 20 292 K +81 20 293 K +81 20 294 K +81 20 295 * +81 20 296 * +81 20 297 Z +81 20 298 HI +81 20 299 N +81 20 300 K +81 20 301 N +81 20 302 K +81 20 303 K +81 20 304 * +81 20 305 * +81 20 306 N +81 20 307 N +81 20 308 * +81 20 309 V +81 20 310 N +81 20 311 N +81 20 312 V +81 20 313 V +81 20 314 K +81 20 315 N +81 20 316 N +81 20 317 * +81 20 318 Z +81 20 319 K +81 20 320 * +81 20 321 HI +81 20 322 N +81 20 323 N +81 20 324 K +81 20 325 N +81 20 326 Z +81 20 327 K +81 20 328 N +81 20 329 * +81 20 330 K +81 21 1 B +81 21 2 N +81 21 3 HI +81 21 4 B +81 21 5 N +81 21 6 HI +81 21 7 N +81 21 8 HI +81 21 9 * +81 21 10 B +81 21 11 N +81 21 12 Z +81 21 13 N +81 21 14 V +81 21 15 * +81 21 16 K +81 21 17 HI +81 21 18 V +81 21 19 N +81 21 20 N +81 21 21 HI +81 21 22 Z +81 21 23 * +81 21 24 * +81 21 25 N +81 21 26 B +81 21 27 K +81 21 28 HI +81 21 29 N +81 21 30 * +81 21 31 N +81 21 32 HI +81 21 33 N +81 21 34 B +81 21 35 Z +81 21 36 N +81 21 37 B +81 21 38 HI +81 21 39 N +81 21 40 N +81 21 41 HI +81 21 42 K +81 21 43 N +81 21 44 K +81 21 45 N +81 21 46 V +81 21 47 N +81 21 48 Z +81 21 49 N +81 21 50 B +81 21 51 * +81 21 52 K +81 21 53 HI +81 21 54 N +81 21 55 N +81 21 56 K +81 21 57 B +81 21 58 K +81 21 59 K +81 21 60 V +81 21 61 HI +81 21 62 N +81 21 63 HI +81 21 64 B +81 21 65 HI +81 21 66 K +81 21 67 N +81 21 68 HI +81 21 69 * +81 21 70 K +81 21 71 HI +81 21 72 N +81 21 73 N +81 21 74 K +81 21 75 N +81 21 76 Z +81 21 77 N +81 21 78 K +81 21 79 V +81 21 80 B +81 21 81 N +81 21 82 N +81 21 83 K +81 21 84 Z +81 21 85 N +81 21 86 HI +81 21 87 V +81 21 88 HI +81 21 89 V +81 21 90 N +81 21 91 N +81 21 92 K +81 21 93 B +81 21 94 V +81 21 95 K +81 21 96 Z +81 21 97 B +81 21 98 HI +81 21 99 B +81 21 100 N +81 21 101 B +81 21 102 * +81 21 103 * +81 21 104 N +81 21 105 B +81 21 106 Z +81 21 107 K +81 21 108 N +81 21 109 B +81 21 110 Z +81 21 111 V +81 21 112 HI +81 21 113 V +81 21 114 N +81 21 115 HI +81 21 116 N +81 21 117 * +81 21 118 HI +81 21 119 N +81 21 120 K +81 21 121 HI +81 21 122 N +81 21 123 N +81 21 124 * +81 21 125 Z +81 21 126 HI +81 21 127 V +81 21 128 Z +81 21 129 K +81 21 130 V +81 21 131 B +81 21 132 HI +81 21 133 N +81 21 134 * +81 21 135 HI +81 21 136 N +81 21 137 N +81 21 138 N +81 21 139 K +81 21 140 B +81 21 141 K +81 21 142 K +81 21 143 N +81 21 144 B +81 21 145 N +81 21 146 Z +81 21 147 N +81 21 148 HI +81 21 149 N +81 21 150 B +81 21 151 HI +81 21 152 HI +81 21 153 B +81 21 154 V +81 21 155 * +81 21 156 N +81 21 157 * +81 21 158 K +81 21 159 Z +81 21 160 * +81 21 161 N +81 21 162 HI +81 21 163 N +81 21 164 B +81 21 165 * +81 21 166 B +81 21 167 * +81 21 168 N +81 21 169 B +81 21 170 N +81 21 171 N +81 21 172 K +81 21 173 HI +81 21 174 Z +81 21 175 B +81 21 176 HI +81 21 177 Z +81 21 178 N +81 21 179 HI +81 21 180 N +81 21 181 * +81 21 182 B +81 21 183 * +81 21 184 B +81 21 185 * +81 21 186 N +81 21 187 Z +81 21 188 B +81 21 189 B +81 21 190 * +81 21 191 N +81 21 192 B +81 21 193 Z +81 21 194 HI +81 21 195 N +81 21 196 N +81 21 197 B +81 21 198 V +81 21 199 N +81 21 200 B +81 21 201 HI +81 21 202 N +81 21 203 HI +81 21 204 V +81 21 205 B +81 21 206 K +81 21 207 HI +81 21 208 * +81 21 209 N +81 21 210 HI +81 21 211 N +81 21 212 Z +81 21 213 B +81 21 214 N +81 21 215 HI +81 21 216 V +81 21 217 HI +81 21 218 * +81 21 219 N +81 21 220 B +81 21 221 N +81 21 222 B +81 21 223 N +81 21 224 K +81 21 225 * +81 21 226 B +81 21 227 V +81 21 228 B +81 21 229 N +81 21 230 K +81 21 231 B +81 21 232 V +81 21 233 B +81 21 234 N +81 21 235 B +81 21 236 N +81 21 237 Z +81 21 238 N +81 21 239 * +81 21 240 * +81 21 241 K +81 21 242 Z +81 21 243 B +81 21 244 K +81 21 245 HI +81 21 246 N +81 21 247 B +81 21 248 V +81 21 249 N +81 21 250 B +81 21 251 N +81 21 252 K +81 21 253 N +81 21 254 B +81 21 255 V +81 21 256 HI +81 21 257 B +81 21 258 Z +81 21 259 HI +81 21 260 N +81 21 261 Z +81 21 262 K +81 21 263 K +81 21 264 B +81 21 265 N +81 21 266 Z +81 21 267 B +81 21 268 N +81 21 269 HI +81 21 270 Z +81 21 271 N +81 21 272 K +81 21 273 B +81 21 274 K +81 21 275 Z +81 21 276 HI +81 21 277 B +81 21 278 Z +81 21 279 B +81 21 280 N +81 21 281 N +81 21 282 N +81 21 283 V +81 21 284 K +81 21 285 * +81 21 286 K +81 21 287 * +81 21 288 HI +81 21 289 N +81 21 290 K +81 21 291 N +81 21 292 K +81 21 293 N +81 21 294 K +81 21 295 V +81 21 296 B +81 21 297 Z +81 21 298 HI +81 21 299 N +81 21 300 K +81 21 301 N +81 21 302 K +81 21 303 B +81 21 304 N +81 21 305 B +81 21 306 N +81 21 307 B +81 21 308 B +81 21 309 V +81 21 310 N +81 21 311 B +81 21 312 V +81 21 313 B +81 21 314 K +81 21 315 N +81 21 316 B +81 21 317 HI +81 21 318 Z +81 21 319 K +81 21 320 N +81 21 321 HI +81 21 322 B +81 21 323 N +81 21 324 K +81 21 325 HI +81 21 326 Z +81 21 327 N +81 21 328 N +81 21 329 * +81 21 330 N +81 22 1 N +81 22 2 V +81 22 3 HI +81 22 4 N +81 22 5 N +81 22 6 Z +81 22 7 N +81 22 8 HI +81 22 9 Z +81 22 10 V +81 22 11 V +81 22 12 Z +81 22 13 V +81 22 14 V +81 22 15 * +81 22 16 K +81 22 17 Z +81 22 18 V +81 22 19 N +81 22 20 Z +81 22 21 HI +81 22 22 Z +81 22 23 N +81 22 24 V +81 22 25 V +81 22 26 N +81 22 27 K +81 22 28 HI +81 22 29 N +81 22 30 Z +81 22 31 N +81 22 32 B +81 22 33 N +81 22 34 V +81 22 35 Z +81 22 36 N +81 22 37 N +81 22 38 HI +81 22 39 V +81 22 40 N +81 22 41 HI +81 22 42 Z +81 22 43 V +81 22 44 K +81 22 45 N +81 22 46 * +81 22 47 N +81 22 48 Z +81 22 49 N +81 22 50 * +81 22 51 * +81 22 52 K +81 22 53 HI +81 22 54 N +81 22 55 N +81 22 56 Z +81 22 57 V +81 22 58 Z +81 22 59 K +81 22 60 V +81 22 61 HI +81 22 62 V +81 22 63 HI +81 22 64 V +81 22 65 HI +81 22 66 K +81 22 67 N +81 22 68 HI +81 22 69 Z +81 22 70 K +81 22 71 HI +81 22 72 V +81 22 73 V +81 22 74 K +81 22 75 Z +81 22 76 Z +81 22 77 V +81 22 78 K +81 22 79 V +81 22 80 N +81 22 81 * +81 22 82 V +81 22 83 K +81 22 84 Z +81 22 85 N +81 22 86 HI +81 22 87 V +81 22 88 N +81 22 89 V +81 22 90 V +81 22 91 Z +81 22 92 K +81 22 93 N +81 22 94 V +81 22 95 K +81 22 96 Z +81 22 97 V +81 22 98 HI +81 22 99 N +81 22 100 N +81 22 101 HI +81 22 102 K +81 22 103 * +81 22 104 N +81 22 105 HI +81 22 106 N +81 22 107 K +81 22 108 B +81 22 109 N +81 22 110 Z +81 22 111 V +81 22 112 HI +81 22 113 V +81 22 114 V +81 22 115 HI +81 22 116 K +81 22 117 V +81 22 118 HI +81 22 119 N +81 22 120 K +81 22 121 Z +81 22 122 V +81 22 123 V +81 22 124 N +81 22 125 Z +81 22 126 HI +81 22 127 V +81 22 128 Z +81 22 129 K +81 22 130 V +81 22 131 N +81 22 132 HI +81 22 133 V +81 22 134 * +81 22 135 HI +81 22 136 N +81 22 137 V +81 22 138 V +81 22 139 K +81 22 140 V +81 22 141 K +81 22 142 K +81 22 143 Z +81 22 144 V +81 22 145 V +81 22 146 Z +81 22 147 N +81 22 148 HI +81 22 149 N +81 22 150 N +81 22 151 Z +81 22 152 N +81 22 153 V +81 22 154 V +81 22 155 V +81 22 156 N +81 22 157 N +81 22 158 K +81 22 159 Z +81 22 160 HI +81 22 161 N +81 22 162 HI +81 22 163 V +81 22 164 V +81 22 165 N +81 22 166 N +81 22 167 V +81 22 168 N +81 22 169 N +81 22 170 V +81 22 171 V +81 22 172 K +81 22 173 HI +81 22 174 Z +81 22 175 N +81 22 176 HI +81 22 177 Z +81 22 178 N +81 22 179 * +81 22 180 N +81 22 181 Z +81 22 182 B +81 22 183 Z +81 22 184 N +81 22 185 Z +81 22 186 V +81 22 187 Z +81 22 188 V +81 22 189 K +81 22 190 Z +81 22 191 V +81 22 192 N +81 22 193 Z +81 22 194 HI +81 22 195 N +81 22 196 N +81 22 197 HI +81 22 198 V +81 22 199 K +81 22 200 N +81 22 201 Z +81 22 202 N +81 22 203 HI +81 22 204 V +81 22 205 N +81 22 206 K +81 22 207 HI +81 22 208 Z +81 22 209 V +81 22 210 HI +81 22 211 N +81 22 212 Z +81 22 213 K +81 22 214 Z +81 22 215 HI +81 22 216 V +81 22 217 HI +81 22 218 Z +81 22 219 K +81 22 220 V +81 22 221 K +81 22 222 N +81 22 223 V +81 22 224 K +81 22 225 Z +81 22 226 N +81 22 227 V +81 22 228 V +81 22 229 Z +81 22 230 K +81 22 231 HI +81 22 232 Z +81 22 233 N +81 22 234 V +81 22 235 V +81 22 236 Z +81 22 237 Z +81 22 238 N +81 22 239 HI +81 22 240 HI +81 22 241 K +81 22 242 Z +81 22 243 HI +81 22 244 K +81 22 245 HI +81 22 246 N +81 22 247 N +81 22 248 V +81 22 249 V +81 22 250 N +81 22 251 N +81 22 252 K +81 22 253 N +81 22 254 N +81 22 255 V +81 22 256 HI +81 22 257 V +81 22 258 Z +81 22 259 HI +81 22 260 K +81 22 261 Z +81 22 262 K +81 22 263 K +81 22 264 K +81 22 265 V +81 22 266 HI +81 22 267 N +81 22 268 N +81 22 269 HI +81 22 270 Z +81 22 271 V +81 22 272 K +81 22 273 N +81 22 274 K +81 22 275 Z +81 22 276 HI +81 22 277 V +81 22 278 HI +81 22 279 N +81 22 280 N +81 22 281 N +81 22 282 N +81 22 283 HI +81 22 284 K +81 22 285 Z +81 22 286 K +81 22 287 Z +81 22 288 HI +81 22 289 N +81 22 290 K +81 22 291 N +81 22 292 HI +81 22 293 K +81 22 294 K +81 22 295 Z +81 22 296 N +81 22 297 Z +81 22 298 HI +81 22 299 N +81 22 300 K +81 22 301 N +81 22 302 K +81 22 303 K +81 22 304 N +81 22 305 N +81 22 306 N +81 22 307 N +81 22 308 N +81 22 309 V +81 22 310 N +81 22 311 N +81 22 312 V +81 22 313 V +81 22 314 K +81 22 315 N +81 22 316 N +81 22 317 B +81 22 318 Z +81 22 319 K +81 22 320 V +81 22 321 HI +81 22 322 N +81 22 323 V +81 22 324 K +81 22 325 HI +81 22 326 Z +81 22 327 K +81 22 328 N +81 22 329 N +81 22 330 K +81 23 1 V +81 23 2 Z +81 23 3 G +81 23 4 N +81 23 5 N +81 23 6 Z +81 23 7 N +81 23 8 HI +81 23 9 MT +81 23 10 N +81 23 11 N +81 23 12 Z +81 23 13 N +81 23 14 N +81 23 15 K +81 23 16 MT +81 23 17 G +81 23 18 N +81 23 19 N +81 23 20 MT +81 23 21 G +81 23 22 Z +81 23 23 N +81 23 24 * +81 23 25 N +81 23 26 N +81 23 27 MT +81 23 28 G +81 23 29 N +81 23 30 MT +81 23 31 N +81 23 32 G +81 23 33 N +81 23 34 N +81 23 35 G +81 23 36 N +81 23 37 N +81 23 38 G +81 23 39 N +81 23 40 N +81 23 41 G +81 23 42 MT +81 23 43 N +81 23 44 MT +81 23 45 N +81 23 46 N +81 23 47 N +81 23 48 Z +81 23 49 V +81 23 50 * +81 23 51 N +81 23 52 K +81 23 53 N +81 23 54 MT +81 23 55 N +81 23 56 Z +81 23 57 N +81 23 58 Z +81 23 59 K +81 23 60 N +81 23 61 HI +81 23 62 Z +81 23 63 G +81 23 64 N +81 23 65 G +81 23 66 K +81 23 67 N +81 23 68 G +81 23 69 N +81 23 70 K +81 23 71 N +81 23 72 N +81 23 73 N +81 23 74 K +81 23 75 N +81 23 76 G +81 23 77 N +81 23 78 K +81 23 79 N +81 23 80 N +81 23 81 Z +81 23 82 N +81 23 83 K +81 23 84 G +81 23 85 N +81 23 86 G +81 23 87 N +81 23 88 G +81 23 89 V +81 23 90 N +81 23 91 Z +81 23 92 K +81 23 93 N +81 23 94 V +81 23 95 K +81 23 96 Z +81 23 97 N +81 23 98 G +81 23 99 K +81 23 100 N +81 23 101 G +81 23 102 M +81 23 103 N +81 23 104 N +81 23 105 G +81 23 106 Z +81 23 107 K +81 23 108 Z +81 23 109 N +81 23 110 Z +81 23 111 MT +81 23 112 G +81 23 113 N +81 23 114 N +81 23 115 G +81 23 116 K +81 23 117 N +81 23 118 K +81 23 119 V +81 23 120 K +81 23 121 Z +81 23 122 V +81 23 123 V +81 23 124 Z +81 23 125 G +81 23 126 G +81 23 127 V +81 23 128 Z +81 23 129 K +81 23 130 V +81 23 131 Z +81 23 132 G +81 23 133 V +81 23 134 V +81 23 135 G +81 23 136 Z +81 23 137 MT +81 23 138 K +81 23 139 K +81 23 140 N +81 23 141 K +81 23 142 K +81 23 143 N +81 23 144 V +81 23 145 N +81 23 146 N +81 23 147 N +81 23 148 HI +81 23 149 N +81 23 150 N +81 23 151 G +81 23 152 N +81 23 153 N +81 23 154 V +81 23 155 V +81 23 156 Z +81 23 157 Z +81 23 158 K +81 23 159 Z +81 23 160 G +81 23 161 N +81 23 162 G +81 23 163 N +81 23 164 N +81 23 165 MT +81 23 166 N +81 23 167 MT +81 23 168 N +81 23 169 N +81 23 170 V +81 23 171 N +81 23 172 K +81 23 173 G +81 23 174 Z +81 23 175 N +81 23 176 G +81 23 177 Z +81 23 178 N +81 23 179 N +81 23 180 Z +81 23 181 Z +81 23 182 N +81 23 183 N +81 23 184 N +81 23 185 Z +81 23 186 N +81 23 187 Z +81 23 188 N +81 23 189 K +81 23 190 G +81 23 191 N +81 23 192 N +81 23 193 Z +81 23 194 N +81 23 195 N +81 23 196 K +81 23 197 N +81 23 198 V +81 23 199 N +81 23 200 N +81 23 201 G +81 23 202 N +81 23 203 G +81 23 204 V +81 23 205 N +81 23 206 K +81 23 207 G +81 23 208 N +81 23 209 N +81 23 210 N +81 23 211 N +81 23 212 Z +81 23 213 N +81 23 214 Z +81 23 215 N +81 23 216 N +81 23 217 G +81 23 218 N +81 23 219 K +81 23 220 N +81 23 221 N +81 23 222 N +81 23 223 N +81 23 224 K +81 23 225 N +81 23 226 N +81 23 227 V +81 23 228 V +81 23 229 Z +81 23 230 K +81 23 231 Z +81 23 232 Z +81 23 233 N +81 23 234 N +81 23 235 N +81 23 236 Z +81 23 237 G +81 23 238 N +81 23 239 G +81 23 240 N +81 23 241 K +81 23 242 Z +81 23 243 N +81 23 244 K +81 23 245 G +81 23 246 N +81 23 247 N +81 23 248 N +81 23 249 V +81 23 250 N +81 23 251 Z +81 23 252 K +81 23 253 N +81 23 254 N +81 23 255 V +81 23 256 G +81 23 257 N +81 23 258 Z +81 23 259 N +81 23 260 Z +81 23 261 N +81 23 262 K +81 23 263 V +81 23 264 N +81 23 265 V +81 23 266 Z +81 23 267 N +81 23 268 Z +81 23 269 G +81 23 270 Z +81 23 271 N +81 23 272 K +81 23 273 N +81 23 274 K +81 23 275 N +81 23 276 G +81 23 277 N +81 23 278 G +81 23 279 N +81 23 280 N +81 23 281 N +81 23 282 N +81 23 283 N +81 23 284 K +81 23 285 G +81 23 286 K +81 23 287 N +81 23 288 G +81 23 289 N +81 23 290 K +81 23 291 N +81 23 292 G +81 23 293 K +81 23 294 K +81 23 295 N +81 23 296 N +81 23 297 Z +81 23 298 G +81 23 299 N +81 23 300 K +81 23 301 N +81 23 302 K +81 23 303 N +81 23 304 N +81 23 305 N +81 23 306 Z +81 23 307 N +81 23 308 N +81 23 309 V +81 23 310 N +81 23 311 N +81 23 312 V +81 23 313 V +81 23 314 K +81 23 315 N +81 23 316 N +81 23 317 G +81 23 318 G +81 23 319 K +81 23 320 N +81 23 321 G +81 23 322 N +81 23 323 V +81 23 324 K +81 23 325 V +81 23 326 Z +81 23 327 K +81 23 328 V +81 23 329 Z +81 23 330 K +81 24 1 N +81 24 2 * +81 24 3 HI +81 24 4 * +81 24 5 N +81 24 6 * +81 24 7 N +81 24 8 HI +81 24 9 * +81 24 10 N +81 24 11 * +81 24 12 Z +81 24 13 * +81 24 14 * +81 24 15 * +81 24 16 K +81 24 17 HI +81 24 18 V +81 24 19 N +81 24 20 N +81 24 21 HI +81 24 22 Z +81 24 23 * +81 24 24 * +81 24 25 N +81 24 26 * +81 24 27 K +81 24 28 HI +81 24 29 N +81 24 30 * +81 24 31 N +81 24 32 HI +81 24 33 Z +81 24 34 N +81 24 35 HI +81 24 36 * +81 24 37 * +81 24 38 HI +81 24 39 N +81 24 40 N +81 24 41 HI +81 24 42 Z +81 24 43 N +81 24 44 K +81 24 45 N +81 24 46 * +81 24 47 * +81 24 48 Z +81 24 49 N +81 24 50 * +81 24 51 * +81 24 52 K +81 24 53 HI +81 24 54 N +81 24 55 N +81 24 56 K +81 24 57 N +81 24 58 Z +81 24 59 * +81 24 60 * +81 24 61 HI +81 24 62 * +81 24 63 HI +81 24 64 N +81 24 65 HI +81 24 66 K +81 24 67 N +81 24 68 HI +81 24 69 * +81 24 70 K +81 24 71 HI +81 24 72 N +81 24 73 * +81 24 74 * +81 24 75 * +81 24 76 Z +81 24 77 N +81 24 78 * +81 24 79 V +81 24 80 N +81 24 81 * +81 24 82 N +81 24 83 * +81 24 84 * +81 24 85 N +81 24 86 * +81 24 87 V +81 24 88 HI +81 24 89 V +81 24 90 N +81 24 91 Z +81 24 92 K +81 24 93 N +81 24 94 V +81 24 95 K +81 24 96 Z +81 24 97 * +81 24 98 HI +81 24 99 * +81 24 100 * +81 24 101 HI +81 24 102 * +81 24 103 * +81 24 104 N +81 24 105 HI +81 24 106 Z +81 24 107 K +81 24 108 K +81 24 109 * +81 24 110 Z +81 24 111 * +81 24 112 HI +81 24 113 V +81 24 114 N +81 24 115 HI +81 24 116 N +81 24 117 MT +81 24 118 HI +81 24 119 N +81 24 120 K +81 24 121 HI +81 24 122 N +81 24 123 N +81 24 124 Z +81 24 125 Z +81 24 126 * +81 24 127 V +81 24 128 Z +81 24 129 K +81 24 130 * +81 24 131 * +81 24 132 HI +81 24 133 N +81 24 134 * +81 24 135 HI +81 24 136 N +81 24 137 MT +81 24 138 N +81 24 139 K +81 24 140 N +81 24 141 K +81 24 142 K +81 24 143 Z +81 24 144 * +81 24 145 N +81 24 146 Z +81 24 147 N +81 24 148 HI +81 24 149 * +81 24 150 * +81 24 151 * +81 24 152 * +81 24 153 N +81 24 154 V +81 24 155 * +81 24 156 N +81 24 157 * +81 24 158 K +81 24 159 Z +81 24 160 * +81 24 161 N +81 24 162 HI +81 24 163 N +81 24 164 N +81 24 165 * +81 24 166 * +81 24 167 * +81 24 168 * +81 24 169 N +81 24 170 V +81 24 171 * +81 24 172 K +81 24 173 HI +81 24 174 Z +81 24 175 K +81 24 176 HI +81 24 177 Z +81 24 178 N +81 24 179 HI +81 24 180 N +81 24 181 Z +81 24 182 HI +81 24 183 * +81 24 184 * +81 24 185 * +81 24 186 N +81 24 187 Z +81 24 188 N +81 24 189 K +81 24 190 * +81 24 191 N +81 24 192 * +81 24 193 Z +81 24 194 HI +81 24 195 N +81 24 196 N +81 24 197 * +81 24 198 V +81 24 199 K +81 24 200 N +81 24 201 * +81 24 202 N +81 24 203 HI +81 24 204 * +81 24 205 * +81 24 206 K +81 24 207 HI +81 24 208 * +81 24 209 * +81 24 210 * +81 24 211 N +81 24 212 Z +81 24 213 * +81 24 214 Z +81 24 215 * +81 24 216 * +81 24 217 * +81 24 218 * +81 24 219 K +81 24 220 * +81 24 221 K +81 24 222 * +81 24 223 N +81 24 224 K +81 24 225 * +81 24 226 N +81 24 227 V +81 24 228 N +81 24 229 N +81 24 230 K +81 24 231 * +81 24 232 * +81 24 233 * +81 24 234 N +81 24 235 N +81 24 236 Z +81 24 237 * +81 24 238 N +81 24 239 * +81 24 240 * +81 24 241 K +81 24 242 * +81 24 243 HI +81 24 244 K +81 24 245 HI +81 24 246 N +81 24 247 * +81 24 248 * +81 24 249 N +81 24 250 * +81 24 251 N +81 24 252 K +81 24 253 N +81 24 254 N +81 24 255 V +81 24 256 HI +81 24 257 N +81 24 258 Z +81 24 259 HI +81 24 260 K +81 24 261 Z +81 24 262 K +81 24 263 K +81 24 264 N +81 24 265 N +81 24 266 * +81 24 267 HI +81 24 268 N +81 24 269 * +81 24 270 Z +81 24 271 N +81 24 272 K +81 24 273 * +81 24 274 K +81 24 275 Z +81 24 276 HI +81 24 277 N +81 24 278 Z +81 24 279 N +81 24 280 * +81 24 281 N +81 24 282 * +81 24 283 * +81 24 284 K +81 24 285 * +81 24 286 K +81 24 287 * +81 24 288 HI +81 24 289 N +81 24 290 K +81 24 291 N +81 24 292 MT +81 24 293 MT +81 24 294 K +81 24 295 * +81 24 296 * +81 24 297 Z +81 24 298 HI +81 24 299 N +81 24 300 K +81 24 301 N +81 24 302 K +81 24 303 K +81 24 304 * +81 24 305 * +81 24 306 Z +81 24 307 N +81 24 308 * +81 24 309 V +81 24 310 N +81 24 311 N +81 24 312 V +81 24 313 * +81 24 314 K +81 24 315 N +81 24 316 N +81 24 317 HI +81 24 318 Z +81 24 319 K +81 24 320 * +81 24 321 HI +81 24 322 N +81 24 323 N +81 24 324 K +81 24 325 MT +81 24 326 Z +81 24 327 K +81 24 328 N +81 24 329 MT +81 24 330 K +82 1 1 W +82 1 2 W +82 1 3 E +82 1 4 W +82 1 5 W +82 1 6 E +82 1 7 W +82 1 8 P +82 1 9 E +82 1 10 W +82 1 11 W +82 1 12 E +82 1 13 W +82 1 14 W +82 1 15 P +82 1 16 K +82 1 17 P +82 1 18 K +82 1 19 W +82 1 20 W +82 1 21 P +82 1 22 E +82 1 23 W +82 1 24 K +82 1 25 W +82 1 26 W +82 1 27 K +82 1 28 P +82 1 29 W +82 1 30 E +82 1 31 K +82 1 32 P +82 1 33 W +82 1 34 W +82 1 35 P +82 1 36 W +82 1 37 W +82 1 38 P +82 1 39 W +82 1 40 W +82 1 41 P +82 1 42 E +82 1 43 W +82 1 44 K +82 1 45 W +82 1 46 K +82 1 47 W +82 1 48 E +82 1 49 W +82 1 50 P +82 1 51 K +82 1 52 BR +82 1 53 P +82 1 54 W +82 1 55 W +82 1 56 E +82 1 57 W +82 1 58 E +82 1 59 K +82 1 60 W +82 1 61 P +82 1 62 W +82 1 63 P +82 1 64 W +82 1 65 P +82 1 66 K +82 1 67 W +82 1 68 P +82 1 69 E +82 1 70 K +82 1 71 P +82 1 72 W +82 1 73 W +82 1 74 W +82 1 75 W +82 1 76 E +82 1 77 W +82 1 78 P +82 1 79 K +82 1 80 W +82 1 81 E +82 1 82 W +82 1 83 E +82 1 84 B +82 1 85 W +82 1 86 P +82 1 87 K +82 1 88 W +82 1 89 K +82 1 90 W +82 1 91 E +82 1 92 K +82 1 93 W +82 1 94 K +82 1 95 BR +82 1 96 E +82 1 97 W +82 1 98 P +82 1 99 W +82 1 100 W +82 1 101 P +82 1 102 W +82 1 103 E +82 1 104 W +82 1 105 P +82 1 106 E +82 1 107 K +82 1 108 W +82 1 109 W +82 1 110 E +82 1 111 K +82 1 112 P +82 1 113 K +82 1 114 W +82 1 115 P +82 1 116 W +82 1 117 P +82 1 118 P +82 1 119 W +82 1 120 K +82 1 121 E +82 1 122 W +82 1 123 BR +82 1 124 E +82 1 125 E +82 1 126 P +82 1 127 W +82 1 128 E +82 1 129 K +82 1 130 E +82 1 131 W +82 1 132 E +82 1 133 W +82 1 134 W +82 1 135 P +82 1 136 W +82 1 137 W +82 1 138 W +82 1 139 K +82 1 140 W +82 1 141 K +82 1 142 K +82 1 143 E +82 1 144 W +82 1 145 W +82 1 146 E +82 1 147 W +82 1 148 P +82 1 149 W +82 1 150 W +82 1 151 E +82 1 152 P +82 1 153 W +82 1 154 K +82 1 155 K +82 1 156 W +82 1 157 K +82 1 158 K +82 1 159 E +82 1 160 P +82 1 161 W +82 1 162 P +82 1 163 W +82 1 164 W +82 1 165 E +82 1 166 W +82 1 167 P +82 1 168 W +82 1 169 W +82 1 170 W +82 1 171 W +82 1 172 K +82 1 173 P +82 1 174 E +82 1 175 W +82 1 176 P +82 1 177 E +82 1 178 W +82 1 179 P +82 1 180 W +82 1 181 E +82 1 182 P +82 1 183 E +82 1 184 W +82 1 185 E +82 1 186 W +82 1 187 E +82 1 188 W +82 1 189 BR +82 1 190 P +82 1 191 W +82 1 192 W +82 1 193 E +82 1 194 P +82 1 195 W +82 1 196 W +82 1 197 BR +82 1 198 K +82 1 199 K +82 1 200 W +82 1 201 P +82 1 202 W +82 1 203 P +82 1 204 K +82 1 205 W +82 1 206 K +82 1 207 P +82 1 208 E +82 1 209 W +82 1 210 K +82 1 211 W +82 1 212 E +82 1 213 W +82 1 214 E +82 1 215 P +82 1 216 E +82 1 217 P +82 1 218 E +82 1 219 W +82 1 220 W +82 1 221 W +82 1 222 W +82 1 223 W +82 1 224 K +82 1 225 W +82 1 226 E +82 1 227 K +82 1 228 W +82 1 229 W +82 1 230 K +82 1 231 W +82 1 232 E +82 1 233 W +82 1 234 W +82 1 235 W +82 1 236 E +82 1 237 E +82 1 238 W +82 1 239 P +82 1 240 E +82 1 241 K +82 1 242 E +82 1 243 P +82 1 244 W +82 1 245 P +82 1 246 W +82 1 247 W +82 1 248 E +82 1 249 W +82 1 250 W +82 1 251 W +82 1 252 K +82 1 253 W +82 1 254 BR +82 1 255 K +82 1 256 P +82 1 257 W +82 1 258 E +82 1 259 P +82 1 260 K +82 1 261 E +82 1 262 K +82 1 263 K +82 1 264 W +82 1 265 W +82 1 266 E +82 1 267 P +82 1 268 W +82 1 269 P +82 1 270 E +82 1 271 W +82 1 272 K +82 1 273 P +82 1 274 K +82 1 275 E +82 1 276 P +82 1 277 BR +82 1 278 E +82 1 279 W +82 1 280 W +82 1 281 W +82 1 282 W +82 1 283 K +82 1 284 W +82 1 285 P +82 1 286 K +82 1 287 E +82 1 288 P +82 1 289 W +82 1 290 K +82 1 291 W +82 1 292 P +82 1 293 K +82 1 294 W +82 1 295 K +82 1 296 W +82 1 297 E +82 1 298 P +82 1 299 W +82 1 300 K +82 1 301 W +82 1 302 K +82 1 303 K +82 1 304 E +82 1 305 W +82 1 306 W +82 1 307 W +82 1 308 W +82 1 309 K +82 1 310 W +82 1 311 W +82 1 312 K +82 1 313 W +82 1 314 K +82 1 315 W +82 1 316 W +82 1 317 P +82 1 318 E +82 1 319 K +82 1 320 E +82 1 321 P +82 1 322 W +82 1 323 W +82 1 324 K +82 1 325 P +82 1 326 E +82 1 327 BR +82 1 328 W +82 1 329 E +82 1 330 W +82 2 1 W +82 2 2 W +82 2 3 P +82 2 4 W +82 2 5 A +82 2 6 E +82 2 7 A +82 2 8 W +82 2 9 J +82 2 10 W +82 2 11 A +82 2 12 E +82 2 13 W +82 2 14 W +82 2 15 P +82 2 16 K +82 2 17 P +82 2 18 O +82 2 19 W +82 2 20 A +82 2 21 P +82 2 22 E +82 2 23 W +82 2 24 O +82 2 25 W +82 2 26 W +82 2 27 K +82 2 28 P +82 2 29 A +82 2 30 E +82 2 31 W +82 2 32 J +82 2 33 A +82 2 34 W +82 2 35 E +82 2 36 A +82 2 37 W +82 2 38 J +82 2 39 A +82 2 40 W +82 2 41 P +82 2 42 E +82 2 43 W +82 2 44 K +82 2 45 A +82 2 46 O +82 2 47 A +82 2 48 E +82 2 49 W +82 2 50 W +82 2 51 E +82 2 52 E +82 2 53 P +82 2 54 A +82 2 55 W +82 2 56 E +82 2 57 W +82 2 58 E +82 2 59 W +82 2 60 A +82 2 61 P +82 2 62 P +82 2 63 W +82 2 64 W +82 2 65 P +82 2 66 E +82 2 67 E +82 2 68 P +82 2 69 A +82 2 70 W +82 2 71 P +82 2 72 A +82 2 73 W +82 2 74 W +82 2 75 A +82 2 76 E +82 2 77 W +82 2 78 P +82 2 79 O +82 2 80 W +82 2 81 A +82 2 82 W +82 2 83 E +82 2 84 B +82 2 85 A +82 2 86 P +82 2 87 O +82 2 88 W +82 2 89 O +82 2 90 A +82 2 91 E +82 2 92 K +82 2 93 W +82 2 94 P +82 2 95 E +82 2 96 E +82 2 97 W +82 2 98 P +82 2 99 W +82 2 100 B +82 2 101 P +82 2 102 B +82 2 103 A +82 2 104 W +82 2 105 B +82 2 106 E +82 2 107 K +82 2 108 K +82 2 109 W +82 2 110 E +82 2 111 A +82 2 112 P +82 2 113 O +82 2 114 W +82 2 115 P +82 2 116 W +82 2 117 P +82 2 118 P +82 2 119 A +82 2 120 K +82 2 121 E +82 2 122 A +82 2 123 W +82 2 124 E +82 2 125 E +82 2 126 P +82 2 127 A +82 2 128 E +82 2 129 K +82 2 130 E +82 2 131 W +82 2 132 E +82 2 133 A +82 2 134 P +82 2 135 W +82 2 136 W +82 2 137 A +82 2 138 W +82 2 139 K +82 2 140 W +82 2 141 K +82 2 142 W +82 2 143 A +82 2 144 W +82 2 145 A +82 2 146 E +82 2 147 W +82 2 148 P +82 2 149 A +82 2 150 W +82 2 151 P +82 2 152 W +82 2 153 W +82 2 154 O +82 2 155 P +82 2 156 A +82 2 157 E +82 2 158 K +82 2 159 E +82 2 160 P +82 2 161 A +82 2 162 P +82 2 163 A +82 2 164 W +82 2 165 A +82 2 166 W +82 2 167 W +82 2 168 A +82 2 169 W +82 2 170 W +82 2 171 A +82 2 172 K +82 2 173 P +82 2 174 E +82 2 175 W +82 2 176 P +82 2 177 E +82 2 178 W +82 2 179 P +82 2 180 A +82 2 181 E +82 2 182 P +82 2 183 W +82 2 184 W +82 2 185 E +82 2 186 W +82 2 187 E +82 2 188 W +82 2 189 K +82 2 190 B +82 2 191 W +82 2 192 W +82 2 193 A +82 2 194 P +82 2 195 A +82 2 196 W +82 2 197 W +82 2 198 O +82 2 199 W +82 2 200 W +82 2 201 E +82 2 202 A +82 2 203 P +82 2 204 O +82 2 205 W +82 2 206 E +82 2 207 P +82 2 208 E +82 2 209 A +82 2 210 P +82 2 211 W +82 2 212 E +82 2 213 B +82 2 214 A +82 2 215 W +82 2 216 A +82 2 217 P +82 2 218 A +82 2 219 W +82 2 220 W +82 2 221 W +82 2 222 W +82 2 223 A +82 2 224 K +82 2 225 A +82 2 226 W +82 2 227 W +82 2 228 W +82 2 229 W +82 2 230 K +82 2 231 W +82 2 232 A +82 2 233 W +82 2 234 A +82 2 235 W +82 2 236 E +82 2 237 E +82 2 238 A +82 2 239 P +82 2 240 E +82 2 241 K +82 2 242 E +82 2 243 P +82 2 244 K +82 2 245 P +82 2 246 W +82 2 247 W +82 2 248 A +82 2 249 A +82 2 250 W +82 2 251 W +82 2 252 K +82 2 253 W +82 2 254 W +82 2 255 A +82 2 256 P +82 2 257 W +82 2 258 E +82 2 259 P +82 2 260 E +82 2 261 E +82 2 262 K +82 2 263 K +82 2 264 W +82 2 265 A +82 2 266 P +82 2 267 P +82 2 268 A +82 2 269 P +82 2 270 E +82 2 271 A +82 2 272 K +82 2 273 W +82 2 274 K +82 2 275 E +82 2 276 P +82 2 277 W +82 2 278 E +82 2 279 W +82 2 280 A +82 2 281 A +82 2 282 A +82 2 283 P +82 2 284 K +82 2 285 P +82 2 286 K +82 2 287 A +82 2 288 P +82 2 289 W +82 2 290 K +82 2 291 W +82 2 292 E +82 2 293 W +82 2 294 W +82 2 295 E +82 2 296 W +82 2 297 E +82 2 298 P +82 2 299 W +82 2 300 W +82 2 301 A +82 2 302 E +82 2 303 W +82 2 304 A +82 2 305 W +82 2 306 A +82 2 307 W +82 2 308 W +82 2 309 A +82 2 310 W +82 2 311 W +82 2 312 O +82 2 313 W +82 2 314 K +82 2 315 A +82 2 316 A +82 2 317 W +82 2 318 E +82 2 319 K +82 2 320 A +82 2 321 P +82 2 322 W +82 2 323 A +82 2 324 E +82 2 325 W +82 2 326 E +82 2 327 W +82 2 328 A +82 2 329 E +82 2 330 W +82 3 1 W +82 3 2 W +82 3 3 P +82 3 4 O +82 3 5 A +82 3 6 E +82 3 7 W +82 3 8 A +82 3 9 E +82 3 10 W +82 3 11 O +82 3 12 E +82 3 13 W +82 3 14 W +82 3 15 K +82 3 16 K +82 3 17 E +82 3 18 O +82 3 19 W +82 3 20 W +82 3 21 E +82 3 22 E +82 3 23 O +82 3 24 O +82 3 25 W +82 3 26 W +82 3 27 K +82 3 28 P +82 3 29 W +82 3 30 E +82 3 31 K +82 3 32 P +82 3 33 W +82 3 34 W +82 3 35 E +82 3 36 W +82 3 37 A +82 3 38 P +82 3 39 A +82 3 40 W +82 3 41 P +82 3 42 E +82 3 43 O +82 3 44 K +82 3 45 W +82 3 46 O +82 3 47 O +82 3 48 E +82 3 49 A +82 3 50 O +82 3 51 O +82 3 52 K +82 3 53 P +82 3 54 A +82 3 55 W +82 3 56 E +82 3 57 W +82 3 58 E +82 3 59 K +82 3 60 O +82 3 61 P +82 3 62 E +82 3 63 E +82 3 64 A +82 3 65 P +82 3 66 K +82 3 67 A +82 3 68 E +82 3 69 E +82 3 70 K +82 3 71 O +82 3 72 A +82 3 73 P +82 3 74 K +82 3 75 O +82 3 76 E +82 3 77 A +82 3 78 K +82 3 79 O +82 3 80 A +82 3 81 A +82 3 82 A +82 3 83 E +82 3 84 E +82 3 85 A +82 3 86 P +82 3 87 O +82 3 88 P +82 3 89 O +82 3 90 O +82 3 91 E +82 3 92 K +82 3 93 W +82 3 94 O +82 3 95 K +82 3 96 E +82 3 97 W +82 3 98 P +82 3 99 K +82 3 100 A +82 3 101 W +82 3 102 K +82 3 103 O +82 3 104 A +82 3 105 W +82 3 106 E +82 3 107 K +82 3 108 K +82 3 109 W +82 3 110 E +82 3 111 O +82 3 112 P +82 3 113 O +82 3 114 W +82 3 115 P +82 3 116 O +82 3 117 P +82 3 118 W +82 3 119 K +82 3 120 E +82 3 121 A +82 3 122 A +82 3 123 A +82 3 124 E +82 3 125 P +82 3 126 O +82 3 127 E +82 3 128 K +82 3 129 O +82 3 130 P +82 3 131 E +82 3 132 A +82 3 133 O +82 3 134 P +82 3 135 A +82 3 136 A +82 3 137 W +82 3 138 K +82 3 139 W +82 3 140 K +82 3 141 K +82 3 142 A +82 3 143 W +82 3 144 A +82 3 145 E +82 3 146 A +82 3 147 P +82 3 148 W +82 3 149 P +82 3 150 E +82 3 151 P +82 3 152 W +82 3 153 O +82 3 154 O +82 3 155 A +82 3 156 O +82 3 157 K +82 3 158 E +82 3 159 E +82 3 160 A +82 3 161 P +82 3 162 A +82 3 163 A +82 3 164 W +82 3 165 A +82 3 166 W +82 3 167 K +82 3 168 A +82 3 169 W +82 3 170 O +82 3 171 A +82 3 172 A +82 3 173 P +82 3 174 E +82 3 175 A +82 3 176 P +82 3 177 E +82 3 178 W +82 3 179 P +82 3 180 A +82 3 181 E +82 3 182 P +82 3 183 E +82 3 184 W +82 3 185 E +82 3 186 W +82 3 187 E +82 3 188 W +82 3 189 K +82 3 190 E +82 3 191 W +82 3 192 W +82 3 193 E +82 3 194 P +82 3 195 A +82 3 196 K +82 3 197 P +82 3 198 O +82 3 199 K +82 3 200 W +82 3 201 E +82 3 202 W +82 3 203 P +82 3 204 O +82 3 205 W +82 3 206 K +82 3 207 P +82 3 208 E +82 3 209 W +82 3 210 P +82 3 211 W +82 3 212 E +82 3 213 K +82 3 214 E +82 3 215 P +82 3 216 O +82 3 217 E +82 3 218 E +82 3 219 K +82 3 220 W +82 3 221 K +82 3 222 P +82 3 223 W +82 3 224 K +82 3 225 E +82 3 226 W +82 3 227 O +82 3 228 W +82 3 229 A +82 3 230 K +82 3 231 P +82 3 232 E +82 3 233 K +82 3 234 W +82 3 235 W +82 3 236 E +82 3 237 K +82 3 238 W +82 3 239 P +82 3 240 E +82 3 241 K +82 3 242 E +82 3 243 P +82 3 244 K +82 3 245 P +82 3 246 W +82 3 247 W +82 3 248 O +82 3 249 W +82 3 250 P +82 3 251 A +82 3 252 K +82 3 253 W +82 3 254 K +82 3 255 O +82 3 256 P +82 3 257 W +82 3 258 E +82 3 259 P +82 3 260 E +82 3 261 E +82 3 262 K +82 3 263 K +82 3 264 K +82 3 265 W +82 3 266 E +82 3 267 P +82 3 268 A +82 3 269 P +82 3 270 E +82 3 271 A +82 3 272 K +82 3 273 P +82 3 274 K +82 3 275 E +82 3 276 P +82 3 277 W +82 3 278 E +82 3 279 W +82 3 280 A +82 3 281 A +82 3 282 A +82 3 283 E +82 3 284 K +82 3 285 K +82 3 286 K +82 3 287 E +82 3 288 P +82 3 289 A +82 3 290 K +82 3 291 A +82 3 292 E +82 3 293 K +82 3 294 K +82 3 295 E +82 3 296 P +82 3 297 E +82 3 298 P +82 3 299 A +82 3 300 K +82 3 301 W +82 3 302 K +82 3 303 K +82 3 304 A +82 3 305 P +82 3 306 A +82 3 307 W +82 3 308 P +82 3 309 O +82 3 310 A +82 3 311 W +82 3 312 O +82 3 313 W +82 3 314 K +82 3 315 A +82 3 316 W +82 3 317 P +82 3 318 E +82 3 319 K +82 3 320 E +82 3 321 P +82 3 322 W +82 3 323 W +82 3 324 K +82 3 325 P +82 3 326 E +82 3 327 K +82 3 328 A +82 3 329 E +82 3 330 K +82 4 1 W +82 4 2 K +82 4 3 P +82 4 4 W +82 4 5 W +82 4 6 E +82 4 7 W +82 4 8 P +82 4 9 E +82 4 10 W +82 4 11 O +82 4 12 E +82 4 13 W +82 4 14 W +82 4 15 W +82 4 16 K +82 4 17 P +82 4 18 W +82 4 19 W +82 4 20 W +82 4 21 W +82 4 22 E +82 4 23 E +82 4 24 E +82 4 25 E +82 4 26 W +82 4 27 W +82 4 28 K +82 4 29 W +82 4 30 W +82 4 31 E +82 4 32 W +82 4 33 W +82 4 34 W +82 4 35 W +82 4 36 W +82 4 37 W +82 4 38 W +82 4 39 W +82 4 40 W +82 4 41 W +82 4 42 W +82 4 43 E +82 4 44 K +82 4 45 W +82 4 46 W +82 4 47 W +82 4 48 E +82 4 49 E +82 4 50 W +82 4 51 W +82 4 52 K +82 4 53 W +82 4 54 W +82 4 55 W +82 4 56 E +82 4 57 W +82 4 58 E +82 4 59 K +82 4 60 W +82 4 61 W +82 4 62 W +82 4 63 W +82 4 64 W +82 4 65 W +82 4 66 K +82 4 67 W +82 4 68 W +82 4 69 W +82 4 70 W +82 4 71 K +82 4 72 W +82 4 73 W +82 4 74 W +82 4 75 W +82 4 76 W +82 4 77 W +82 4 78 W +82 4 79 O +82 4 80 W +82 4 81 W +82 4 82 W +82 4 83 E +82 4 84 E +82 4 85 W +82 4 86 W +82 4 87 O +82 4 88 O +82 4 89 O +82 4 90 O +82 4 91 O +82 4 92 E +82 4 93 O +82 4 94 O +82 4 95 K +82 4 96 E +82 4 97 W +82 4 98 P +82 4 99 P +82 4 100 W +82 4 101 P +82 4 102 W +82 4 103 W +82 4 104 W +82 4 105 W +82 4 106 E +82 4 107 E +82 4 108 K +82 4 109 W +82 4 110 E +82 4 111 W +82 4 112 P +82 4 113 O +82 4 114 W +82 4 115 P +82 4 116 K +82 4 117 P +82 4 118 P +82 4 119 W +82 4 120 K +82 4 121 E +82 4 122 W +82 4 123 W +82 4 124 W +82 4 125 W +82 4 126 W +82 4 127 O +82 4 128 E +82 4 129 K +82 4 130 W +82 4 131 W +82 4 132 W +82 4 133 W +82 4 134 O +82 4 135 O +82 4 136 W +82 4 137 W +82 4 138 K +82 4 139 E +82 4 140 W +82 4 141 K +82 4 142 K +82 4 143 W +82 4 144 W +82 4 145 W +82 4 146 E +82 4 147 W +82 4 148 P +82 4 149 P +82 4 150 P +82 4 151 P +82 4 152 P +82 4 153 W +82 4 154 O +82 4 155 O +82 4 156 W +82 4 157 W +82 4 158 K +82 4 159 E +82 4 160 E +82 4 161 W +82 4 162 W +82 4 163 W +82 4 164 W +82 4 165 W +82 4 166 W +82 4 167 W +82 4 168 W +82 4 169 W +82 4 170 O +82 4 171 W +82 4 172 K +82 4 173 P +82 4 174 E +82 4 175 K +82 4 176 P +82 4 177 E +82 4 178 W +82 4 179 W +82 4 180 W +82 4 181 E +82 4 182 P +82 4 183 E +82 4 184 W +82 4 185 E +82 4 186 K +82 4 187 E +82 4 188 W +82 4 189 W +82 4 190 W +82 4 191 W +82 4 192 W +82 4 193 E +82 4 194 P +82 4 195 W +82 4 196 W +82 4 197 W +82 4 198 W +82 4 199 K +82 4 200 K +82 4 201 K +82 4 202 W +82 4 203 W +82 4 204 O +82 4 205 W +82 4 206 K +82 4 207 K +82 4 208 K +82 4 209 W +82 4 210 W +82 4 211 W +82 4 212 E +82 4 213 E +82 4 214 E +82 4 215 E +82 4 216 O +82 4 217 O +82 4 218 E +82 4 219 K +82 4 220 W +82 4 221 K +82 4 222 W +82 4 223 W +82 4 224 K +82 4 225 W +82 4 226 W +82 4 227 O +82 4 228 W +82 4 229 W +82 4 230 K +82 4 231 W +82 4 232 W +82 4 233 W +82 4 234 W +82 4 235 W +82 4 236 W +82 4 237 W +82 4 238 W +82 4 239 W +82 4 240 W +82 4 241 W +82 4 242 W +82 4 243 W +82 4 244 K +82 4 245 P +82 4 246 W +82 4 247 W +82 4 248 O +82 4 249 O +82 4 250 O +82 4 251 O +82 4 252 K +82 4 253 K +82 4 254 K +82 4 255 O +82 4 256 O +82 4 257 W +82 4 258 E +82 4 259 E +82 4 260 K +82 4 261 E +82 4 262 K +82 4 263 K +82 4 264 K +82 4 265 W +82 4 266 K +82 4 267 P +82 4 268 W +82 4 269 K +82 4 270 E +82 4 271 O +82 4 272 K +82 4 273 K +82 4 274 K +82 4 275 E +82 4 276 P +82 4 277 O +82 4 278 O +82 4 279 W +82 4 280 W +82 4 281 W +82 4 282 W +82 4 283 W +82 4 284 K +82 4 285 K +82 4 286 K +82 4 287 K +82 4 288 P +82 4 289 W +82 4 290 K +82 4 291 W +82 4 292 K +82 4 293 K +82 4 294 K +82 4 295 K +82 4 296 K +82 4 297 E +82 4 298 P +82 4 299 W +82 4 300 W +82 4 301 W +82 4 302 K +82 4 303 K +82 4 304 W +82 4 305 O +82 4 306 E +82 4 307 W +82 4 308 W +82 4 309 W +82 4 310 W +82 4 311 W +82 4 312 O +82 4 313 W +82 4 314 K +82 4 315 W +82 4 316 W +82 4 317 W +82 4 318 W +82 4 319 K +82 4 320 W +82 4 321 P +82 4 322 W +82 4 323 O +82 4 324 K +82 4 325 K +82 4 326 E +82 4 327 K +82 4 328 W +82 4 329 W +82 4 330 K +82 5 1 W +82 5 2 A +82 5 3 P +82 5 4 W +82 5 5 A +82 5 6 E +82 5 7 A +82 5 8 P +82 5 9 E +82 5 10 W +82 5 11 O +82 5 12 E +82 5 13 W +82 5 14 O +82 5 15 K +82 5 16 K +82 5 17 P +82 5 18 O +82 5 19 W +82 5 20 A +82 5 21 P +82 5 22 E +82 5 23 W +82 5 24 O +82 5 25 A +82 5 26 W +82 5 27 K +82 5 28 P +82 5 29 A +82 5 30 K +82 5 31 E +82 5 32 PO +82 5 33 A +82 5 34 W +82 5 35 P +82 5 36 A +82 5 37 W +82 5 38 P +82 5 39 W +82 5 40 W +82 5 41 P +82 5 42 E +82 5 43 W +82 5 44 K +82 5 45 A +82 5 46 B +82 5 47 W +82 5 48 E +82 5 49 W +82 5 50 P +82 5 51 P +82 5 52 K +82 5 53 P +82 5 54 A +82 5 55 W +82 5 56 E +82 5 57 W +82 5 58 E +82 5 59 K +82 5 60 O +82 5 61 P +82 5 62 W +82 5 63 P +82 5 64 W +82 5 65 P +82 5 66 K +82 5 67 A +82 5 68 P +82 5 69 E +82 5 70 K +82 5 71 P +82 5 72 A +82 5 73 W +82 5 74 K +82 5 75 O +82 5 76 E +82 5 77 W +82 5 78 K +82 5 79 O +82 5 80 W +82 5 81 E +82 5 82 A +82 5 83 E +82 5 84 E +82 5 85 W +82 5 86 P +82 5 87 O +82 5 88 P +82 5 89 O +82 5 90 O +82 5 91 E +82 5 92 K +82 5 93 W +82 5 94 O +82 5 95 K +82 5 96 E +82 5 97 W +82 5 98 P +82 5 99 K +82 5 100 A +82 5 101 P +82 5 102 K +82 5 103 E +82 5 104 W +82 5 105 W +82 5 106 E +82 5 107 K +82 5 108 K +82 5 109 W +82 5 110 E +82 5 111 A +82 5 112 P +82 5 113 O +82 5 114 A +82 5 115 P +82 5 116 W +82 5 117 O +82 5 118 P +82 5 119 A +82 5 120 K +82 5 121 E +82 5 122 A +82 5 123 W +82 5 124 E +82 5 125 P +82 5 126 P +82 5 127 A +82 5 128 E +82 5 129 K +82 5 130 O +82 5 131 P +82 5 132 E +82 5 133 A +82 5 134 O +82 5 135 P +82 5 136 W +82 5 137 B +82 5 138 W +82 5 139 K +82 5 140 W +82 5 141 K +82 5 142 K +82 5 143 E +82 5 144 W +82 5 145 A +82 5 146 E +82 5 147 A +82 5 148 P +82 5 149 K +82 5 150 W +82 5 151 P +82 5 152 K +82 5 153 A +82 5 154 B +82 5 155 O +82 5 156 A +82 5 157 O +82 5 158 K +82 5 159 E +82 5 160 P +82 5 161 A +82 5 162 P +82 5 163 A +82 5 164 W +82 5 165 E +82 5 166 W +82 5 167 K +82 5 168 A +82 5 169 W +82 5 170 O +82 5 171 B +82 5 172 K +82 5 173 P +82 5 174 E +82 5 175 W +82 5 176 P +82 5 177 E +82 5 178 W +82 5 179 P +82 5 180 A +82 5 181 E +82 5 182 W +82 5 183 E +82 5 184 W +82 5 185 E +82 5 186 A +82 5 187 E +82 5 188 W +82 5 189 W +82 5 190 P +82 5 191 A +82 5 192 W +82 5 193 E +82 5 194 P +82 5 195 A +82 5 196 A +82 5 197 W +82 5 198 O +82 5 199 K +82 5 200 W +82 5 201 P +82 5 202 A +82 5 203 W +82 5 204 O +82 5 205 W +82 5 206 K +82 5 207 P +82 5 208 E +82 5 209 A +82 5 210 P +82 5 211 W +82 5 212 E +82 5 213 W +82 5 214 E +82 5 215 W +82 5 216 O +82 5 217 K +82 5 218 E +82 5 219 K +82 5 220 W +82 5 221 K +82 5 222 W +82 5 223 A +82 5 224 K +82 5 225 E +82 5 226 A +82 5 227 O +82 5 228 W +82 5 229 E +82 5 230 K +82 5 231 W +82 5 232 E +82 5 233 W +82 5 234 A +82 5 235 W +82 5 236 E +82 5 237 K +82 5 238 A +82 5 239 P +82 5 240 E +82 5 241 K +82 5 242 E +82 5 243 P +82 5 244 K +82 5 245 P +82 5 246 A +82 5 247 W +82 5 248 O +82 5 249 A +82 5 250 W +82 5 251 A +82 5 252 K +82 5 253 A +82 5 254 W +82 5 255 O +82 5 256 P +82 5 257 W +82 5 258 E +82 5 259 P +82 5 260 K +82 5 261 E +82 5 262 K +82 5 263 B +82 5 264 W +82 5 265 A +82 5 266 P +82 5 267 W +82 5 268 A +82 5 269 W +82 5 270 E +82 5 271 A +82 5 272 K +82 5 273 W +82 5 274 K +82 5 275 E +82 5 276 P +82 5 277 W +82 5 278 E +82 5 279 W +82 5 280 A +82 5 281 A +82 5 282 A +82 5 283 E +82 5 284 K +82 5 285 K +82 5 286 K +82 5 287 E +82 5 288 P +82 5 289 A +82 5 290 K +82 5 291 W +82 5 292 K +82 5 293 K +82 5 294 E +82 5 295 K +82 5 296 W +82 5 297 E +82 5 298 P +82 5 299 A +82 5 300 K +82 5 301 A +82 5 302 K +82 5 303 W +82 5 304 E +82 5 305 W +82 5 306 A +82 5 307 W +82 5 308 W +82 5 309 O +82 5 310 A +82 5 311 W +82 5 312 O +82 5 313 W +82 5 314 K +82 5 315 A +82 5 316 A +82 5 317 P +82 5 318 E +82 5 319 K +82 5 320 E +82 5 321 P +82 5 322 W +82 5 323 A +82 5 324 K +82 5 325 W +82 5 326 E +82 5 327 K +82 5 328 A +82 5 329 E +82 5 330 K +82 6 1 W +82 6 2 W +82 6 3 P +82 6 4 W +82 6 5 W +82 6 6 P +82 6 7 W +82 6 8 P +82 6 9 P +82 6 10 W +82 6 11 W +82 6 12 E +82 6 13 W +82 6 14 W +82 6 15 P +82 6 16 K +82 6 17 P +82 6 18 K +82 6 19 W +82 6 20 W +82 6 21 P +82 6 22 E +82 6 23 P +82 6 24 K +82 6 25 W +82 6 26 W +82 6 27 K +82 6 28 P +82 6 29 W +82 6 30 P +82 6 31 K +82 6 32 P +82 6 33 W +82 6 34 W +82 6 35 P +82 6 36 W +82 6 37 W +82 6 38 P +82 6 39 W +82 6 40 W +82 6 41 P +82 6 42 E +82 6 43 W +82 6 44 K +82 6 45 W +82 6 46 K +82 6 47 W +82 6 48 E +82 6 49 W +82 6 50 W +82 6 51 K +82 6 52 K +82 6 53 P +82 6 54 W +82 6 55 W +82 6 56 E +82 6 57 W +82 6 58 E +82 6 59 K +82 6 60 W +82 6 61 P +82 6 62 W +82 6 63 E +82 6 64 W +82 6 65 P +82 6 66 K +82 6 67 W +82 6 68 P +82 6 69 E +82 6 70 K +82 6 71 P +82 6 72 W +82 6 73 P +82 6 74 W +82 6 75 W +82 6 76 E +82 6 77 E +82 6 78 K +82 6 79 K +82 6 80 W +82 6 81 W +82 6 82 W +82 6 83 E +82 6 84 P +82 6 85 W +82 6 86 P +82 6 87 K +82 6 88 P +82 6 89 K +82 6 90 W +82 6 91 E +82 6 92 K +82 6 93 W +82 6 94 K +82 6 95 K +82 6 96 E +82 6 97 W +82 6 98 P +82 6 99 P +82 6 100 W +82 6 101 P +82 6 102 K +82 6 103 E +82 6 104 W +82 6 105 P +82 6 106 E +82 6 107 K +82 6 108 K +82 6 109 W +82 6 110 E +82 6 111 E +82 6 112 P +82 6 113 K +82 6 114 W +82 6 115 P +82 6 116 W +82 6 117 K +82 6 118 P +82 6 119 W +82 6 120 K +82 6 121 E +82 6 122 W +82 6 123 W +82 6 124 E +82 6 125 E +82 6 126 P +82 6 127 W +82 6 128 E +82 6 129 K +82 6 130 K +82 6 131 P +82 6 132 E +82 6 133 W +82 6 134 K +82 6 135 P +82 6 136 W +82 6 137 W +82 6 138 W +82 6 139 K +82 6 140 W +82 6 141 K +82 6 142 K +82 6 143 E +82 6 144 W +82 6 145 W +82 6 146 E +82 6 147 W +82 6 148 P +82 6 149 W +82 6 150 W +82 6 151 P +82 6 152 P +82 6 153 W +82 6 154 K +82 6 155 K +82 6 156 W +82 6 157 K +82 6 158 K +82 6 159 E +82 6 160 P +82 6 161 W +82 6 162 P +82 6 163 W +82 6 164 W +82 6 165 E +82 6 166 W +82 6 167 K +82 6 168 W +82 6 169 W +82 6 170 W +82 6 171 E +82 6 172 K +82 6 173 P +82 6 174 E +82 6 175 W +82 6 176 P +82 6 177 E +82 6 178 W +82 6 179 P +82 6 180 W +82 6 181 E +82 6 182 P +82 6 183 E +82 6 184 P +82 6 185 E +82 6 186 W +82 6 187 E +82 6 188 W +82 6 189 K +82 6 190 P +82 6 191 W +82 6 192 W +82 6 193 E +82 6 194 P +82 6 195 W +82 6 196 W +82 6 197 W +82 6 198 K +82 6 199 K +82 6 200 W +82 6 201 K +82 6 202 W +82 6 203 P +82 6 204 K +82 6 205 W +82 6 206 K +82 6 207 P +82 6 208 E +82 6 209 W +82 6 210 P +82 6 211 W +82 6 212 E +82 6 213 K +82 6 214 E +82 6 215 P +82 6 216 W +82 6 217 E +82 6 218 E +82 6 219 K +82 6 220 W +82 6 221 K +82 6 222 W +82 6 223 W +82 6 224 K +82 6 225 E +82 6 226 W +82 6 227 K +82 6 228 W +82 6 229 K +82 6 230 K +82 6 231 P +82 6 232 E +82 6 233 K +82 6 234 W +82 6 235 W +82 6 236 E +82 6 237 E +82 6 238 W +82 6 239 P +82 6 240 E +82 6 241 K +82 6 242 E +82 6 243 P +82 6 244 K +82 6 245 P +82 6 246 P +82 6 247 K +82 6 248 W +82 6 249 W +82 6 250 O +82 6 251 W +82 6 252 K +82 6 253 W +82 6 254 K +82 6 255 O +82 6 256 P +82 6 257 W +82 6 258 E +82 6 259 E +82 6 260 K +82 6 261 E +82 6 262 K +82 6 263 K +82 6 264 W +82 6 265 W +82 6 266 E +82 6 267 P +82 6 268 W +82 6 269 P +82 6 270 E +82 6 271 W +82 6 272 K +82 6 273 P +82 6 274 K +82 6 275 W +82 6 276 P +82 6 277 W +82 6 278 E +82 6 279 W +82 6 280 E +82 6 281 W +82 6 282 W +82 6 283 E +82 6 284 K +82 6 285 P +82 6 286 K +82 6 287 E +82 6 288 P +82 6 289 W +82 6 290 K +82 6 291 W +82 6 292 P +82 6 293 W +82 6 294 K +82 6 295 E +82 6 296 P +82 6 297 E +82 6 298 P +82 6 299 W +82 6 300 K +82 6 301 W +82 6 302 K +82 6 303 K +82 6 304 E +82 6 305 P +82 6 306 E +82 6 307 W +82 6 308 K +82 6 309 K +82 6 310 W +82 6 311 W +82 6 312 O +82 6 313 W +82 6 314 K +82 6 315 E +82 6 316 W +82 6 317 P +82 6 318 E +82 6 319 K +82 6 320 E +82 6 321 P +82 6 322 W +82 6 323 W +82 6 324 K +82 6 325 P +82 6 326 E +82 6 327 K +82 6 328 W +82 6 329 E +82 6 330 K +82 7 1 P +82 7 2 K +82 7 3 P +82 7 4 W +82 7 5 W +82 7 6 W +82 7 7 W +82 7 8 P +82 7 9 W +82 7 10 W +82 7 11 W +82 7 12 E +82 7 13 W +82 7 14 W +82 7 15 W +82 7 16 K +82 7 17 P +82 7 18 O +82 7 19 W +82 7 20 W +82 7 21 P +82 7 22 E +82 7 23 W +82 7 24 K +82 7 25 W +82 7 26 W +82 7 27 E +82 7 28 P +82 7 29 W +82 7 30 E +82 7 31 W +82 7 32 P +82 7 33 W +82 7 34 W +82 7 35 E +82 7 36 W +82 7 37 E +82 7 38 P +82 7 39 W +82 7 40 W +82 7 41 P +82 7 42 E +82 7 43 W +82 7 44 E +82 7 45 W +82 7 46 E +82 7 47 W +82 7 48 E +82 7 49 W +82 7 50 E +82 7 51 E +82 7 52 E +82 7 53 P +82 7 54 E +82 7 55 W +82 7 56 E +82 7 57 W +82 7 58 E +82 7 59 W +82 7 60 W +82 7 61 P +82 7 62 E +82 7 63 P +82 7 64 W +82 7 65 E +82 7 66 E +82 7 67 W +82 7 68 E +82 7 69 E +82 7 70 E +82 7 71 E +82 7 72 W +82 7 73 P +82 7 74 W +82 7 75 P +82 7 76 P +82 7 77 E +82 7 78 E +82 7 79 W +82 7 80 W +82 7 81 E +82 7 82 E +82 7 83 E +82 7 84 E +82 7 85 W +82 7 86 P +82 7 87 W +82 7 88 P +82 7 89 W +82 7 90 W +82 7 91 W +82 7 92 W +82 7 93 W +82 7 94 W +82 7 95 W +82 7 96 E +82 7 97 W +82 7 98 P +82 7 99 W +82 7 100 E +82 7 101 P +82 7 102 E +82 7 103 E +82 7 104 W +82 7 105 P +82 7 106 E +82 7 107 E +82 7 108 W +82 7 109 W +82 7 110 E +82 7 111 P +82 7 112 P +82 7 113 W +82 7 114 W +82 7 115 P +82 7 116 W +82 7 117 W +82 7 118 P +82 7 119 W +82 7 120 W +82 7 121 E +82 7 122 W +82 7 123 W +82 7 124 E +82 7 125 P +82 7 126 E +82 7 127 W +82 7 128 E +82 7 129 W +82 7 130 W +82 7 131 W +82 7 132 E +82 7 133 W +82 7 134 W +82 7 135 P +82 7 136 W +82 7 137 W +82 7 138 W +82 7 139 W +82 7 140 W +82 7 141 W +82 7 142 W +82 7 143 E +82 7 144 W +82 7 145 W +82 7 146 E +82 7 147 W +82 7 148 P +82 7 149 E +82 7 150 P +82 7 151 E +82 7 152 E +82 7 153 W +82 7 154 O +82 7 155 O +82 7 156 W +82 7 157 O +82 7 158 W +82 7 159 E +82 7 160 P +82 7 161 W +82 7 162 P +82 7 163 W +82 7 164 W +82 7 165 W +82 7 166 W +82 7 167 W +82 7 168 W +82 7 169 W +82 7 170 W +82 7 171 W +82 7 172 W +82 7 173 P +82 7 174 E +82 7 175 W +82 7 176 P +82 7 177 E +82 7 178 W +82 7 179 W +82 7 180 W +82 7 181 E +82 7 182 P +82 7 183 E +82 7 184 W +82 7 185 E +82 7 186 W +82 7 187 E +82 7 188 W +82 7 189 W +82 7 190 P +82 7 191 W +82 7 192 W +82 7 193 E +82 7 194 P +82 7 195 E +82 7 196 W +82 7 197 P +82 7 198 O +82 7 199 E +82 7 200 P +82 7 201 E +82 7 202 W +82 7 203 P +82 7 204 O +82 7 205 W +82 7 206 E +82 7 207 P +82 7 208 E +82 7 209 O +82 7 210 O +82 7 211 W +82 7 212 E +82 7 213 P +82 7 214 E +82 7 215 P +82 7 216 O +82 7 217 P +82 7 218 E +82 7 219 E +82 7 220 O +82 7 221 E +82 7 222 W +82 7 223 W +82 7 224 E +82 7 225 W +82 7 226 W +82 7 227 O +82 7 228 W +82 7 229 W +82 7 230 E +82 7 231 P +82 7 232 O +82 7 233 E +82 7 234 W +82 7 235 W +82 7 236 E +82 7 237 E +82 7 238 W +82 7 239 E +82 7 240 O +82 7 241 K +82 7 242 E +82 7 243 O +82 7 244 W +82 7 245 P +82 7 246 W +82 7 247 W +82 7 248 O +82 7 249 W +82 7 250 O +82 7 251 E +82 7 252 E +82 7 253 W +82 7 254 W +82 7 255 O +82 7 256 P +82 7 257 W +82 7 258 E +82 7 259 P +82 7 260 E +82 7 261 E +82 7 262 K +82 7 263 O +82 7 264 W +82 7 265 W +82 7 266 P +82 7 267 W +82 7 268 W +82 7 269 P +82 7 270 E +82 7 271 O +82 7 272 K +82 7 273 W +82 7 274 K +82 7 275 E +82 7 276 P +82 7 277 W +82 7 278 E +82 7 279 W +82 7 280 W +82 7 281 W +82 7 282 W +82 7 283 O +82 7 284 K +82 7 285 P +82 7 286 K +82 7 287 O +82 7 288 P +82 7 289 W +82 7 290 E +82 7 291 W +82 7 292 P +82 7 293 O +82 7 294 O +82 7 295 O +82 7 296 P +82 7 297 E +82 7 298 P +82 7 299 W +82 7 300 O +82 7 301 W +82 7 302 O +82 7 303 O +82 7 304 O +82 7 305 P +82 7 306 E +82 7 307 W +82 7 308 W +82 7 309 O +82 7 310 W +82 7 311 W +82 7 312 O +82 7 313 W +82 7 314 K +82 7 315 E +82 7 316 E +82 7 317 P +82 7 318 E +82 7 319 O +82 7 320 O +82 7 321 P +82 7 322 W +82 7 323 O +82 7 324 K +82 7 325 O +82 7 326 E +82 7 327 K +82 7 328 O +82 7 329 O +82 7 330 K +82 8 1 W +82 8 2 W +82 8 3 E +82 8 4 W +82 8 5 W +82 8 6 E +82 8 7 A +82 8 8 W +82 8 9 E +82 8 10 W +82 8 11 W +82 8 12 E +82 8 13 W +82 8 14 W +82 8 15 O +82 8 16 K +82 8 17 E +82 8 18 K +82 8 19 W +82 8 20 W +82 8 21 W +82 8 22 E +82 8 23 K +82 8 24 O +82 8 25 W +82 8 26 W +82 8 27 K +82 8 28 W +82 8 29 W +82 8 30 E +82 8 31 W +82 8 32 W +82 8 33 W +82 8 34 W +82 8 35 E +82 8 36 W +82 8 37 W +82 8 38 W +82 8 39 W +82 8 40 W +82 8 41 W +82 8 42 E +82 8 43 W +82 8 44 W +82 8 45 W +82 8 46 W +82 8 47 O +82 8 48 E +82 8 49 W +82 8 50 W +82 8 51 O +82 8 52 K +82 8 53 W +82 8 54 E +82 8 55 W +82 8 56 W +82 8 57 W +82 8 58 W +82 8 59 K +82 8 60 W +82 8 61 W +82 8 62 W +82 8 63 W +82 8 64 W +82 8 65 W +82 8 66 W +82 8 67 W +82 8 68 W +82 8 69 O +82 8 70 K +82 8 71 O +82 8 72 W +82 8 73 K +82 8 74 K +82 8 75 O +82 8 76 E +82 8 77 W +82 8 78 K +82 8 79 O +82 8 80 W +82 8 81 E +82 8 82 W +82 8 83 K +82 8 84 E +82 8 85 W +82 8 86 W +82 8 87 O +82 8 88 W +82 8 89 O +82 8 90 W +82 8 91 K +82 8 92 E +82 8 93 W +82 8 94 O +82 8 95 K +82 8 96 E +82 8 97 W +82 8 98 P +82 8 99 E +82 8 100 K +82 8 101 W +82 8 102 K +82 8 103 O +82 8 104 W +82 8 105 W +82 8 106 K +82 8 107 E +82 8 108 K +82 8 109 W +82 8 110 E +82 8 111 O +82 8 112 P +82 8 113 O +82 8 114 W +82 8 115 W +82 8 116 K +82 8 117 O +82 8 118 W +82 8 119 A +82 8 120 K +82 8 121 E +82 8 122 A +82 8 123 W +82 8 124 E +82 8 125 E +82 8 126 B +82 8 127 W +82 8 128 E +82 8 129 K +82 8 130 O +82 8 131 M +82 8 132 E +82 8 133 A +82 8 134 E +82 8 135 W +82 8 136 W +82 8 137 W +82 8 138 K +82 8 139 K +82 8 140 W +82 8 141 K +82 8 142 K +82 8 143 E +82 8 144 W +82 8 145 K +82 8 146 E +82 8 147 W +82 8 148 E +82 8 149 W +82 8 150 W +82 8 151 K +82 8 152 W +82 8 153 W +82 8 154 O +82 8 155 O +82 8 156 A +82 8 157 O +82 8 158 K +82 8 159 E +82 8 160 K +82 8 161 W +82 8 162 M +82 8 163 W +82 8 164 W +82 8 165 M +82 8 166 W +82 8 167 K +82 8 168 A +82 8 169 W +82 8 170 O +82 8 171 O +82 8 172 K +82 8 173 W +82 8 174 E +82 8 175 K +82 8 176 E +82 8 177 K +82 8 178 W +82 8 179 W +82 8 180 W +82 8 181 E +82 8 182 E +82 8 183 E +82 8 184 M +82 8 185 E +82 8 186 K +82 8 187 E +82 8 188 W +82 8 189 W +82 8 190 B +82 8 191 A +82 8 192 W +82 8 193 E +82 8 194 W +82 8 195 W +82 8 196 K +82 8 197 W +82 8 198 O +82 8 199 K +82 8 200 K +82 8 201 E +82 8 202 A +82 8 203 W +82 8 204 O +82 8 205 W +82 8 206 K +82 8 207 W +82 8 208 E +82 8 209 W +82 8 210 E +82 8 211 W +82 8 212 E +82 8 213 W +82 8 214 E +82 8 215 K +82 8 216 O +82 8 217 K +82 8 218 E +82 8 219 K +82 8 220 W +82 8 221 K +82 8 222 W +82 8 223 W +82 8 224 K +82 8 225 E +82 8 226 W +82 8 227 O +82 8 228 W +82 8 229 K +82 8 230 K +82 8 231 W +82 8 232 O +82 8 233 W +82 8 234 A +82 8 235 K +82 8 236 E +82 8 237 K +82 8 238 W +82 8 239 E +82 8 240 E +82 8 241 W +82 8 242 K +82 8 243 W +82 8 244 K +82 8 245 P +82 8 246 W +82 8 247 W +82 8 248 O +82 8 249 W +82 8 250 W +82 8 251 K +82 8 252 K +82 8 253 W +82 8 254 W +82 8 255 O +82 8 256 W +82 8 257 O +82 8 258 E +82 8 259 W +82 8 260 K +82 8 261 E +82 8 262 K +82 8 263 O +82 8 264 K +82 8 265 A +82 8 266 E +82 8 267 W +82 8 268 W +82 8 269 M +82 8 270 E +82 8 271 O +82 8 272 K +82 8 273 W +82 8 274 W +82 8 275 E +82 8 276 W +82 8 277 W +82 8 278 K +82 8 279 W +82 8 280 W +82 8 281 W +82 8 282 W +82 8 283 O +82 8 284 K +82 8 285 K +82 8 286 K +82 8 287 E +82 8 288 E +82 8 289 W +82 8 290 K +82 8 291 W +82 8 292 K +82 8 293 K +82 8 294 O +82 8 295 K +82 8 296 W +82 8 297 E +82 8 298 P +82 8 299 A +82 8 300 O +82 8 301 A +82 8 302 K +82 8 303 K +82 8 304 W +82 8 305 W +82 8 306 K +82 8 307 W +82 8 308 W +82 8 309 O +82 8 310 W +82 8 311 W +82 8 312 O +82 8 313 W +82 8 314 K +82 8 315 W +82 8 316 W +82 8 317 W +82 8 318 B +82 8 319 K +82 8 320 W +82 8 321 E +82 8 322 W +82 8 323 W +82 8 324 K +82 8 325 W +82 8 326 E +82 8 327 K +82 8 328 O +82 8 329 E +82 8 330 K +82 9 1 W +82 9 2 W +82 9 3 P +82 9 4 W +82 9 5 W +82 9 6 E +82 9 7 W +82 9 8 W +82 9 9 E +82 9 10 W +82 9 11 W +82 9 12 E +82 9 13 W +82 9 14 W +82 9 15 P +82 9 16 K +82 9 17 P +82 9 18 O +82 9 19 W +82 9 20 W +82 9 21 P +82 9 22 E +82 9 23 W +82 9 24 O +82 9 25 W +82 9 26 W +82 9 27 K +82 9 28 P +82 9 29 W +82 9 30 E +82 9 31 W +82 9 32 W +82 9 33 W +82 9 34 W +82 9 35 P +82 9 36 W +82 9 37 W +82 9 38 P +82 9 39 W +82 9 40 W +82 9 41 W +82 9 42 E +82 9 43 W +82 9 44 K +82 9 45 W +82 9 46 W +82 9 47 W +82 9 48 E +82 9 49 W +82 9 50 W +82 9 51 E +82 9 52 W +82 9 53 P +82 9 54 W +82 9 55 W +82 9 56 E +82 9 57 W +82 9 58 E +82 9 59 W +82 9 60 W +82 9 61 P +82 9 62 W +82 9 63 P +82 9 64 W +82 9 65 P +82 9 66 K +82 9 67 W +82 9 68 P +82 9 69 E +82 9 70 K +82 9 71 P +82 9 72 W +82 9 73 W +82 9 74 W +82 9 75 W +82 9 76 E +82 9 77 W +82 9 78 E +82 9 79 O +82 9 80 W +82 9 81 E +82 9 82 W +82 9 83 K +82 9 84 E +82 9 85 W +82 9 86 P +82 9 87 O +82 9 88 W +82 9 89 O +82 9 90 W +82 9 91 E +82 9 92 K +82 9 93 W +82 9 94 O +82 9 95 W +82 9 96 E +82 9 97 W +82 9 98 P +82 9 99 K +82 9 100 A +82 9 101 P +82 9 102 W +82 9 103 E +82 9 104 W +82 9 105 P +82 9 106 E +82 9 107 K +82 9 108 K +82 9 109 W +82 9 110 E +82 9 111 O +82 9 112 P +82 9 113 O +82 9 114 W +82 9 115 P +82 9 116 W +82 9 117 O +82 9 118 P +82 9 119 A +82 9 120 K +82 9 121 E +82 9 122 A +82 9 123 A +82 9 124 E +82 9 125 E +82 9 126 P +82 9 127 O +82 9 128 E +82 9 129 K +82 9 130 K +82 9 131 P +82 9 132 P +82 9 133 A +82 9 134 O +82 9 135 P +82 9 136 A +82 9 137 W +82 9 138 W +82 9 139 W +82 9 140 W +82 9 141 K +82 9 142 K +82 9 143 A +82 9 144 A +82 9 145 W +82 9 146 E +82 9 147 W +82 9 148 P +82 9 149 K +82 9 150 W +82 9 151 P +82 9 152 W +82 9 153 W +82 9 154 O +82 9 155 E +82 9 156 A +82 9 157 O +82 9 158 K +82 9 159 E +82 9 160 P +82 9 161 A +82 9 162 P +82 9 163 W +82 9 164 W +82 9 165 E +82 9 166 W +82 9 167 P +82 9 168 A +82 9 169 A +82 9 170 A +82 9 171 E +82 9 172 K +82 9 173 P +82 9 174 E +82 9 175 W +82 9 176 P +82 9 177 E +82 9 178 W +82 9 179 P +82 9 180 W +82 9 181 E +82 9 182 W +82 9 183 E +82 9 184 W +82 9 185 E +82 9 186 W +82 9 187 E +82 9 188 W +82 9 189 W +82 9 190 P +82 9 191 A +82 9 192 W +82 9 193 E +82 9 194 P +82 9 195 W +82 9 196 W +82 9 197 W +82 9 198 O +82 9 199 K +82 9 200 W +82 9 201 P +82 9 202 A +82 9 203 P +82 9 204 O +82 9 205 W +82 9 206 W +82 9 207 P +82 9 208 E +82 9 209 A +82 9 210 P +82 9 211 W +82 9 212 E +82 9 213 W +82 9 214 W +82 9 215 P +82 9 216 O +82 9 217 P +82 9 218 P +82 9 219 W +82 9 220 W +82 9 221 W +82 9 222 W +82 9 223 W +82 9 224 P +82 9 225 E +82 9 226 W +82 9 227 O +82 9 228 W +82 9 229 W +82 9 230 K +82 9 231 W +82 9 232 K +82 9 233 W +82 9 234 W +82 9 235 W +82 9 236 E +82 9 237 E +82 9 238 W +82 9 239 P +82 9 240 P +82 9 241 K +82 9 242 E +82 9 243 W +82 9 244 W +82 9 245 P +82 9 246 W +82 9 247 W +82 9 248 O +82 9 249 W +82 9 250 W +82 9 251 W +82 9 252 E +82 9 253 W +82 9 254 W +82 9 255 O +82 9 256 P +82 9 257 W +82 9 258 E +82 9 259 P +82 9 260 K +82 9 261 E +82 9 262 K +82 9 263 K +82 9 264 W +82 9 265 W +82 9 266 P +82 9 267 W +82 9 268 W +82 9 269 W +82 9 270 E +82 9 271 W +82 9 272 K +82 9 273 P +82 9 274 K +82 9 275 E +82 9 276 P +82 9 277 W +82 9 278 E +82 9 279 W +82 9 280 W +82 9 281 W +82 9 282 A +82 9 283 W +82 9 284 K +82 9 285 P +82 9 286 K +82 9 287 E +82 9 288 P +82 9 289 W +82 9 290 K +82 9 291 W +82 9 292 P +82 9 293 K +82 9 294 E +82 9 295 K +82 9 296 W +82 9 297 E +82 9 298 P +82 9 299 W +82 9 300 K +82 9 301 W +82 9 302 K +82 9 303 K +82 9 304 E +82 9 305 W +82 9 306 W +82 9 307 W +82 9 308 W +82 9 309 O +82 9 310 W +82 9 311 W +82 9 312 O +82 9 313 W +82 9 314 E +82 9 315 W +82 9 316 W +82 9 317 P +82 9 318 E +82 9 319 K +82 9 320 E +82 9 321 P +82 9 322 W +82 9 323 W +82 9 324 E +82 9 325 W +82 9 326 E +82 9 327 K +82 9 328 W +82 9 329 E +82 9 330 E +82 10 1 W +82 10 2 W +82 10 3 E +82 10 4 W +82 10 5 W +82 10 6 E +82 10 7 W +82 10 8 P +82 10 9 E +82 10 10 W +82 10 11 W +82 10 12 E +82 10 13 W +82 10 14 W +82 10 15 K +82 10 16 K +82 10 17 E +82 10 18 O +82 10 19 W +82 10 20 W +82 10 21 P +82 10 22 E +82 10 23 W +82 10 24 O +82 10 25 W +82 10 26 W +82 10 27 K +82 10 28 P +82 10 29 W +82 10 30 E +82 10 31 K +82 10 32 W +82 10 33 W +82 10 34 W +82 10 35 E +82 10 36 W +82 10 37 K +82 10 38 P +82 10 39 W +82 10 40 K +82 10 41 P +82 10 42 E +82 10 43 W +82 10 44 K +82 10 45 W +82 10 46 K +82 10 47 W +82 10 48 E +82 10 49 W +82 10 50 W +82 10 51 O +82 10 52 K +82 10 53 P +82 10 54 W +82 10 55 W +82 10 56 E +82 10 57 W +82 10 58 E +82 10 59 K +82 10 60 W +82 10 61 P +82 10 62 K +82 10 63 E +82 10 64 W +82 10 65 P +82 10 66 K +82 10 67 W +82 10 68 P +82 10 69 E +82 10 70 K +82 10 71 P +82 10 72 W +82 10 73 E +82 10 74 K +82 10 75 W +82 10 76 E +82 10 77 W +82 10 78 K +82 10 79 O +82 10 80 W +82 10 81 W +82 10 82 W +82 10 83 E +82 10 84 E +82 10 85 W +82 10 86 P +82 10 87 O +82 10 88 W +82 10 89 O +82 10 90 W +82 10 91 E +82 10 92 K +82 10 93 W +82 10 94 O +82 10 95 K +82 10 96 E +82 10 97 W +82 10 98 P +82 10 99 W +82 10 100 K +82 10 101 P +82 10 102 K +82 10 103 E +82 10 104 W +82 10 105 P +82 10 106 E +82 10 107 K +82 10 108 W +82 10 109 W +82 10 110 E +82 10 111 W +82 10 112 P +82 10 113 O +82 10 114 W +82 10 115 P +82 10 116 K +82 10 117 E +82 10 118 P +82 10 119 W +82 10 120 K +82 10 121 E +82 10 122 W +82 10 123 W +82 10 124 E +82 10 125 E +82 10 126 E +82 10 127 W +82 10 128 E +82 10 129 K +82 10 130 W +82 10 131 W +82 10 132 E +82 10 133 W +82 10 134 O +82 10 135 P +82 10 136 W +82 10 137 A +82 10 138 W +82 10 139 K +82 10 140 W +82 10 141 K +82 10 142 K +82 10 143 E +82 10 144 W +82 10 145 W +82 10 146 E +82 10 147 W +82 10 148 P +82 10 149 W +82 10 150 W +82 10 151 E +82 10 152 K +82 10 153 W +82 10 154 O +82 10 155 E +82 10 156 W +82 10 157 E +82 10 158 K +82 10 159 E +82 10 160 P +82 10 161 W +82 10 162 P +82 10 163 W +82 10 164 P +82 10 165 E +82 10 166 W +82 10 167 K +82 10 168 A +82 10 169 W +82 10 170 W +82 10 171 W +82 10 172 K +82 10 173 E +82 10 174 E +82 10 175 K +82 10 176 E +82 10 177 E +82 10 178 W +82 10 179 P +82 10 180 W +82 10 181 E +82 10 182 W +82 10 183 E +82 10 184 K +82 10 185 E +82 10 186 W +82 10 187 K +82 10 188 W +82 10 189 K +82 10 190 E +82 10 191 W +82 10 192 W +82 10 193 E +82 10 194 P +82 10 195 A +82 10 196 W +82 10 197 W +82 10 198 O +82 10 199 E +82 10 200 W +82 10 201 E +82 10 202 W +82 10 203 P +82 10 204 O +82 10 205 W +82 10 206 K +82 10 207 P +82 10 208 E +82 10 209 A +82 10 210 O +82 10 211 W +82 10 212 E +82 10 213 K +82 10 214 E +82 10 215 W +82 10 216 E +82 10 217 E +82 10 218 E +82 10 219 K +82 10 220 W +82 10 221 K +82 10 222 W +82 10 223 W +82 10 224 K +82 10 225 E +82 10 226 W +82 10 227 O +82 10 228 W +82 10 229 K +82 10 230 K +82 10 231 P +82 10 232 E +82 10 233 W +82 10 234 W +82 10 235 W +82 10 236 E +82 10 237 W +82 10 238 W +82 10 239 P +82 10 240 E +82 10 241 K +82 10 242 E +82 10 243 W +82 10 244 K +82 10 245 P +82 10 246 W +82 10 247 W +82 10 248 A +82 10 249 A +82 10 250 W +82 10 251 E +82 10 252 K +82 10 253 W +82 10 254 K +82 10 255 O +82 10 256 P +82 10 257 W +82 10 258 E +82 10 259 P +82 10 260 E +82 10 261 E +82 10 262 K +82 10 263 O +82 10 264 K +82 10 265 A +82 10 266 E +82 10 267 W +82 10 268 W +82 10 269 W +82 10 270 E +82 10 271 A +82 10 272 K +82 10 273 W +82 10 274 K +82 10 275 E +82 10 276 P +82 10 277 W +82 10 278 E +82 10 279 W +82 10 280 A +82 10 281 W +82 10 282 W +82 10 283 E +82 10 284 K +82 10 285 E +82 10 286 K +82 10 287 E +82 10 288 P +82 10 289 W +82 10 290 K +82 10 291 W +82 10 292 E +82 10 293 K +82 10 294 K +82 10 295 E +82 10 296 W +82 10 297 E +82 10 298 P +82 10 299 A +82 10 300 K +82 10 301 W +82 10 302 E +82 10 303 K +82 10 304 A +82 10 305 P +82 10 306 E +82 10 307 W +82 10 308 W +82 10 309 E +82 10 310 W +82 10 311 W +82 10 312 O +82 10 313 W +82 10 314 K +82 10 315 W +82 10 316 W +82 10 317 P +82 10 318 E +82 10 319 K +82 10 320 E +82 10 321 P +82 10 322 K +82 10 323 A +82 10 324 K +82 10 325 W +82 10 326 E +82 10 327 K +82 10 328 A +82 10 329 E +82 10 330 K +82 11 1 W +82 11 2 W +82 11 3 P +82 11 4 W +82 11 5 W +82 11 6 E +82 11 7 W +82 11 8 P +82 11 9 E +82 11 10 W +82 11 11 W +82 11 12 E +82 11 13 W +82 11 14 W +82 11 15 W +82 11 16 K +82 11 17 P +82 11 18 O +82 11 19 W +82 11 20 W +82 11 21 P +82 11 22 E +82 11 23 W +82 11 24 O +82 11 25 W +82 11 26 W +82 11 27 K +82 11 28 P +82 11 29 W +82 11 30 E +82 11 31 W +82 11 32 W +82 11 33 W +82 11 34 W +82 11 35 E +82 11 36 W +82 11 37 W +82 11 38 P +82 11 39 W +82 11 40 W +82 11 41 P +82 11 42 E +82 11 43 W +82 11 44 K +82 11 45 W +82 11 46 B +82 11 47 W +82 11 48 E +82 11 49 W +82 11 50 W +82 11 51 E +82 11 52 K +82 11 53 P +82 11 54 W +82 11 55 W +82 11 56 E +82 11 57 W +82 11 58 E +82 11 59 W +82 11 60 W +82 11 61 P +82 11 62 W +82 11 63 E +82 11 64 W +82 11 65 P +82 11 66 K +82 11 67 W +82 11 68 P +82 11 69 E +82 11 70 W +82 11 71 W +82 11 72 W +82 11 73 W +82 11 74 W +82 11 75 W +82 11 76 E +82 11 77 W +82 11 78 W +82 11 79 O +82 11 80 W +82 11 81 W +82 11 82 W +82 11 83 K +82 11 84 E +82 11 85 W +82 11 86 W +82 11 87 O +82 11 88 W +82 11 89 O +82 11 90 W +82 11 91 W +82 11 92 K +82 11 93 W +82 11 94 O +82 11 95 W +82 11 96 E +82 11 97 W +82 11 98 P +82 11 99 W +82 11 100 W +82 11 101 P +82 11 102 W +82 11 103 E +82 11 104 W +82 11 105 W +82 11 106 E +82 11 107 B +82 11 108 W +82 11 109 W +82 11 110 E +82 11 111 W +82 11 112 P +82 11 113 O +82 11 114 W +82 11 115 P +82 11 116 W +82 11 117 W +82 11 118 P +82 11 119 W +82 11 120 B +82 11 121 P +82 11 122 W +82 11 123 W +82 11 124 W +82 11 125 P +82 11 126 P +82 11 127 O +82 11 128 E +82 11 129 B +82 11 130 O +82 11 131 W +82 11 132 E +82 11 133 W +82 11 134 W +82 11 135 W +82 11 136 W +82 11 137 W +82 11 138 W +82 11 139 B +82 11 140 W +82 11 141 B +82 11 142 B +82 11 143 W +82 11 144 W +82 11 145 W +82 11 146 E +82 11 147 W +82 11 148 P +82 11 149 W +82 11 150 W +82 11 151 E +82 11 152 W +82 11 153 W +82 11 154 B +82 11 155 B +82 11 156 WK +82 11 157 E +82 11 158 K +82 11 159 E +82 11 160 W +82 11 161 W +82 11 162 P +82 11 163 W +82 11 164 W +82 11 165 W +82 11 166 W +82 11 167 W +82 11 168 W +82 11 169 W +82 11 170 W +82 11 171 W +82 11 172 K +82 11 173 P +82 11 174 E +82 11 175 W +82 11 176 P +82 11 177 B +82 11 178 WK +82 11 179 P +82 11 180 W +82 11 181 E +82 11 182 P +82 11 183 E +82 11 184 W +82 11 185 E +82 11 186 W +82 11 187 E +82 11 188 W +82 11 189 W +82 11 190 P +82 11 191 W +82 11 192 W +82 11 193 E +82 11 194 P +82 11 195 W +82 11 196 W +82 11 197 W +82 11 198 O +82 11 199 B +82 11 200 W +82 11 201 E +82 11 202 W +82 11 203 P +82 11 204 P +82 11 205 W +82 11 206 K +82 11 207 P +82 11 208 E +82 11 209 W +82 11 210 P +82 11 211 W +82 11 212 E +82 11 213 W +82 11 214 W +82 11 215 W +82 11 216 W +82 11 217 E +82 11 218 W +82 11 219 B +82 11 220 W +82 11 221 W +82 11 222 W +82 11 223 W +82 11 224 K +82 11 225 E +82 11 226 W +82 11 227 O +82 11 228 W +82 11 229 W +82 11 230 B +82 11 231 W +82 11 232 E +82 11 233 B +82 11 234 W +82 11 235 W +82 11 236 W +82 11 237 E +82 11 238 W +82 11 239 P +82 11 240 P +82 11 241 P +82 11 242 E +82 11 243 W +82 11 244 B +82 11 245 P +82 11 246 W +82 11 247 W +82 11 248 O +82 11 249 W +82 11 250 W +82 11 251 W +82 11 252 B +82 11 253 WK +82 11 254 W +82 11 255 O +82 11 256 P +82 11 257 W +82 11 258 E +82 11 259 P +82 11 260 K +82 11 261 E +82 11 262 B +82 11 263 B +82 11 264 W +82 11 265 W +82 11 266 E +82 11 267 W +82 11 268 W +82 11 269 W +82 11 270 E +82 11 271 W +82 11 272 B +82 11 273 W +82 11 274 K +82 11 275 E +82 11 276 P +82 11 277 W +82 11 278 E +82 11 279 W +82 11 280 W +82 11 281 W +82 11 282 W +82 11 283 E +82 11 284 K +82 11 285 W +82 11 286 K +82 11 287 E +82 11 288 P +82 11 289 W +82 11 290 K +82 11 291 W +82 11 292 W +82 11 293 W +82 11 294 E +82 11 295 K +82 11 296 W +82 11 297 E +82 11 298 P +82 11 299 W +82 11 300 B +82 11 301 W +82 11 302 K +82 11 303 W +82 11 304 W +82 11 305 WK +82 11 306 W +82 11 307 W +82 11 308 W +82 11 309 O +82 11 310 W +82 11 311 W +82 11 312 O +82 11 313 W +82 11 314 K +82 11 315 W +82 11 316 W +82 11 317 W +82 11 318 E +82 11 319 B +82 11 320 E +82 11 321 P +82 11 322 W +82 11 323 W +82 11 324 B +82 11 325 W +82 11 326 E +82 11 327 B +82 11 328 W +82 11 329 E +82 11 330 W +82 12 1 W +82 12 2 W +82 12 3 E +82 12 4 O +82 12 5 W +82 12 6 E +82 12 7 W +82 12 8 O +82 12 9 W +82 12 10 W +82 12 11 W +82 12 12 E +82 12 13 W +82 12 14 W +82 12 15 W +82 12 16 W +82 12 17 E +82 12 18 O +82 12 19 W +82 12 20 W +82 12 21 P +82 12 22 E +82 12 23 W +82 12 24 O +82 12 25 W +82 12 26 W +82 12 27 K +82 12 28 P +82 12 29 W +82 12 30 P +82 12 31 W +82 12 32 W +82 12 33 W +82 12 34 W +82 12 35 E +82 12 36 W +82 12 37 W +82 12 38 W +82 12 39 W +82 12 40 W +82 12 41 W +82 12 42 W +82 12 43 W +82 12 44 K +82 12 45 W +82 12 46 W +82 12 47 W +82 12 48 W +82 12 49 W +82 12 50 W +82 12 51 W +82 12 52 W +82 12 53 W +82 12 54 W +82 12 55 W +82 12 56 W +82 12 57 W +82 12 58 W +82 12 59 W +82 12 60 W +82 12 61 W +82 12 62 W +82 12 63 W +82 12 64 W +82 12 65 W +82 12 66 W +82 12 67 W +82 12 68 W +82 12 69 W +82 12 70 W +82 12 71 W +82 12 72 W +82 12 73 W +82 12 74 W +82 12 75 W +82 12 76 W +82 12 77 W +82 12 78 W +82 12 79 W +82 12 80 W +82 12 81 W +82 12 82 W +82 12 83 W +82 12 84 W +82 12 85 W +82 12 86 W +82 12 87 W +82 12 88 W +82 12 89 W +82 12 90 W +82 12 91 W +82 12 92 W +82 12 93 W +82 12 94 W +82 12 95 W +82 12 96 E +82 12 97 W +82 12 98 W +82 12 99 W +82 12 100 W +82 12 101 W +82 12 102 W +82 12 103 W +82 12 104 W +82 12 105 W +82 12 106 W +82 12 107 W +82 12 108 W +82 12 109 W +82 12 110 W +82 12 111 O +82 12 112 W +82 12 113 W +82 12 114 W +82 12 115 W +82 12 116 W +82 12 117 W +82 12 118 W +82 12 119 W +82 12 120 W +82 12 121 E +82 12 122 W +82 12 123 W +82 12 124 W +82 12 125 E +82 12 126 W +82 12 127 W +82 12 128 E +82 12 129 K +82 12 130 W +82 12 131 W +82 12 132 P +82 12 133 W +82 12 134 O +82 12 135 W +82 12 136 W +82 12 137 W +82 12 138 W +82 12 139 K +82 12 140 W +82 12 141 K +82 12 142 W +82 12 143 W +82 12 144 W +82 12 145 E +82 12 146 W +82 12 147 P +82 12 148 W +82 12 149 O +82 12 150 W +82 12 151 W +82 12 152 W +82 12 153 W +82 12 154 W +82 12 155 O +82 12 156 W +82 12 157 W +82 12 158 W +82 12 159 E +82 12 160 W +82 12 161 W +82 12 162 P +82 12 163 W +82 12 164 W +82 12 165 W +82 12 166 W +82 12 167 W +82 12 168 W +82 12 169 W +82 12 170 W +82 12 171 W +82 12 172 W +82 12 173 P +82 12 174 E +82 12 175 W +82 12 176 E +82 12 177 BR +82 12 178 W +82 12 179 W +82 12 180 W +82 12 181 W +82 12 182 W +82 12 183 W +82 12 184 W +82 12 185 E +82 12 186 W +82 12 187 E +82 12 188 W +82 12 189 W +82 12 190 W +82 12 191 W +82 12 192 W +82 12 193 W +82 12 194 W +82 12 195 W +82 12 196 W +82 12 197 W +82 12 198 W +82 12 199 W +82 12 200 W +82 12 201 W +82 12 202 W +82 12 203 W +82 12 204 W +82 12 205 W +82 12 206 W +82 12 207 P +82 12 208 E +82 12 209 W +82 12 210 W +82 12 211 W +82 12 212 E +82 12 213 W +82 12 214 E +82 12 215 W +82 12 216 O +82 12 217 W +82 12 218 W +82 12 219 K +82 12 220 W +82 12 221 K +82 12 222 W +82 12 223 W +82 12 224 K +82 12 225 W +82 12 226 W +82 12 227 W +82 12 228 W +82 12 229 W +82 12 230 W +82 12 231 W +82 12 232 W +82 12 233 W +82 12 234 W +82 12 235 W +82 12 236 W +82 12 237 E +82 12 238 W +82 12 239 E +82 12 240 W +82 12 241 K +82 12 242 E +82 12 243 W +82 12 244 W +82 12 245 P +82 12 246 W +82 12 247 W +82 12 248 W +82 12 249 W +82 12 250 W +82 12 251 W +82 12 252 K +82 12 253 W +82 12 254 K +82 12 255 O +82 12 256 P +82 12 257 W +82 12 258 E +82 12 259 W +82 12 260 K +82 12 261 E +82 12 262 K +82 12 263 K +82 12 264 K +82 12 265 W +82 12 266 E +82 12 267 W +82 12 268 W +82 12 269 W +82 12 270 E +82 12 271 W +82 12 272 K +82 12 273 W +82 12 274 K +82 12 275 W +82 12 276 P +82 12 277 W +82 12 278 E +82 12 279 W +82 12 280 W +82 12 281 W +82 12 282 W +82 12 283 W +82 12 284 K +82 12 285 K +82 12 286 K +82 12 287 E +82 12 288 P +82 12 289 W +82 12 290 K +82 12 291 W +82 12 292 K +82 12 293 K +82 12 294 W +82 12 295 K +82 12 296 W +82 12 297 E +82 12 298 P +82 12 299 W +82 12 300 K +82 12 301 W +82 12 302 K +82 12 303 K +82 12 304 W +82 12 305 W +82 12 306 W +82 12 307 W +82 12 308 W +82 12 309 O +82 12 310 W +82 12 311 W +82 12 312 O +82 12 313 W +82 12 314 K +82 12 315 W +82 12 316 W +82 12 317 P +82 12 318 E +82 12 319 K +82 12 320 W +82 12 321 P +82 12 322 K +82 12 323 W +82 12 324 K +82 12 325 W +82 12 326 E +82 12 327 K +82 12 328 W +82 12 329 E +82 12 330 K +82 13 1 W +82 13 2 BR +82 13 3 P +82 13 4 W +82 13 5 W +82 13 6 K +82 13 7 W +82 13 8 P +82 13 9 W +82 13 10 E +82 13 11 O +82 13 12 E +82 13 13 W +82 13 14 O +82 13 15 K +82 13 16 K +82 13 17 P +82 13 18 O +82 13 19 W +82 13 20 E +82 13 21 P +82 13 22 E +82 13 23 W +82 13 24 O +82 13 25 W +82 13 26 W +82 13 27 K +82 13 28 W +82 13 29 W +82 13 30 E +82 13 31 K +82 13 32 W +82 13 33 W +82 13 34 W +82 13 35 E +82 13 36 O +82 13 37 W +82 13 38 W +82 13 39 E +82 13 40 W +82 13 41 W +82 13 42 E +82 13 43 K +82 13 44 W +82 13 45 W +82 13 46 O +82 13 47 W +82 13 48 E +82 13 49 W +82 13 50 W +82 13 51 W +82 13 52 K +82 13 53 W +82 13 54 W +82 13 55 W +82 13 56 K +82 13 57 W +82 13 58 K +82 13 59 K +82 13 60 W +82 13 61 W +82 13 62 W +82 13 63 E +82 13 64 W +82 13 65 W +82 13 66 K +82 13 67 W +82 13 68 W +82 13 69 O +82 13 70 K +82 13 71 W +82 13 72 W +82 13 73 W +82 13 74 K +82 13 75 O +82 13 76 P +82 13 77 W +82 13 78 K +82 13 79 W +82 13 80 W +82 13 81 E +82 13 82 W +82 13 83 K +82 13 84 E +82 13 85 W +82 13 86 W +82 13 87 W +82 13 88 W +82 13 89 O +82 13 90 W +82 13 91 E +82 13 92 K +82 13 93 W +82 13 94 O +82 13 95 K +82 13 96 E +82 13 97 W +82 13 98 P +82 13 99 K +82 13 100 W +82 13 101 P +82 13 102 K +82 13 103 W +82 13 104 BR +82 13 105 W +82 13 106 E +82 13 107 E +82 13 108 K +82 13 109 W +82 13 110 E +82 13 111 O +82 13 112 P +82 13 113 O +82 13 114 W +82 13 115 P +82 13 116 K +82 13 117 O +82 13 118 P +82 13 119 W +82 13 120 K +82 13 121 E +82 13 122 W +82 13 123 W +82 13 124 E +82 13 125 E +82 13 126 K +82 13 127 O +82 13 128 E +82 13 129 K +82 13 130 O +82 13 131 W +82 13 132 P +82 13 133 W +82 13 134 O +82 13 135 P +82 13 136 W +82 13 137 W +82 13 138 W +82 13 139 K +82 13 140 W +82 13 141 K +82 13 142 K +82 13 143 E +82 13 144 W +82 13 145 W +82 13 146 E +82 13 147 W +82 13 148 P +82 13 149 E +82 13 150 W +82 13 151 K +82 13 152 W +82 13 153 W +82 13 154 O +82 13 155 O +82 13 156 W +82 13 157 E +82 13 158 K +82 13 159 E +82 13 160 K +82 13 161 W +82 13 162 P +82 13 163 W +82 13 164 W +82 13 165 E +82 13 166 W +82 13 167 K +82 13 168 E +82 13 169 W +82 13 170 O +82 13 171 W +82 13 172 K +82 13 173 P +82 13 174 E +82 13 175 K +82 13 176 P +82 13 177 E +82 13 178 W +82 13 179 O +82 13 180 E +82 13 181 E +82 13 182 W +82 13 183 E +82 13 184 W +82 13 185 E +82 13 186 O +82 13 187 E +82 13 188 E +82 13 189 K +82 13 190 K +82 13 191 W +82 13 192 W +82 13 193 E +82 13 194 P +82 13 195 W +82 13 196 K +82 13 197 W +82 13 198 O +82 13 199 K +82 13 200 W +82 13 201 K +82 13 202 W +82 13 203 P +82 13 204 O +82 13 205 W +82 13 206 K +82 13 207 P +82 13 208 E +82 13 209 W +82 13 210 O +82 13 211 W +82 13 212 E +82 13 213 K +82 13 214 E +82 13 215 K +82 13 216 E +82 13 217 K +82 13 218 W +82 13 219 K +82 13 220 W +82 13 221 K +82 13 222 W +82 13 223 W +82 13 224 K +82 13 225 E +82 13 226 O +82 13 227 O +82 13 228 W +82 13 229 W +82 13 230 K +82 13 231 W +82 13 232 E +82 13 233 W +82 13 234 W +82 13 235 W +82 13 236 E +82 13 237 K +82 13 238 W +82 13 239 K +82 13 240 O +82 13 241 K +82 13 242 E +82 13 243 W +82 13 244 K +82 13 245 P +82 13 246 W +82 13 247 W +82 13 248 O +82 13 249 W +82 13 250 W +82 13 251 E +82 13 252 K +82 13 253 W +82 13 254 W +82 13 255 O +82 13 256 P +82 13 257 W +82 13 258 E +82 13 259 P +82 13 260 K +82 13 261 E +82 13 262 K +82 13 263 K +82 13 264 W +82 13 265 W +82 13 266 E +82 13 267 W +82 13 268 W +82 13 269 P +82 13 270 E +82 13 271 W +82 13 272 K +82 13 273 W +82 13 274 K +82 13 275 E +82 13 276 P +82 13 277 W +82 13 278 E +82 13 279 W +82 13 280 E +82 13 281 W +82 13 282 W +82 13 283 O +82 13 284 K +82 13 285 K +82 13 286 K +82 13 287 E +82 13 288 P +82 13 289 W +82 13 290 K +82 13 291 W +82 13 292 K +82 13 293 K +82 13 294 K +82 13 295 O +82 13 296 W +82 13 297 E +82 13 298 P +82 13 299 W +82 13 300 K +82 13 301 W +82 13 302 K +82 13 303 W +82 13 304 E +82 13 305 W +82 13 306 E +82 13 307 W +82 13 308 W +82 13 309 O +82 13 310 W +82 13 311 W +82 13 312 O +82 13 313 W +82 13 314 K +82 13 315 W +82 13 316 E +82 13 317 P +82 13 318 E +82 13 319 K +82 13 320 E +82 13 321 P +82 13 322 W +82 13 323 O +82 13 324 K +82 13 325 W +82 13 326 E +82 13 327 K +82 13 328 W +82 13 329 O +82 13 330 K +82 14 1 W +82 14 2 W +82 14 3 P +82 14 4 W +82 14 5 W +82 14 6 E +82 14 7 W +82 14 8 P +82 14 9 W +82 14 10 E +82 14 11 O +82 14 12 E +82 14 13 W +82 14 14 W +82 14 15 P +82 14 16 K +82 14 17 E +82 14 18 O +82 14 19 W +82 14 20 W +82 14 21 P +82 14 22 E +82 14 23 W +82 14 24 O +82 14 25 W +82 14 26 W +82 14 27 K +82 14 28 P +82 14 29 W +82 14 30 E +82 14 31 K +82 14 32 P +82 14 33 W +82 14 34 W +82 14 35 E +82 14 36 W +82 14 37 W +82 14 38 P +82 14 39 W +82 14 40 W +82 14 41 P +82 14 42 E +82 14 43 W +82 14 44 K +82 14 45 W +82 14 46 O +82 14 47 O +82 14 48 E +82 14 49 W +82 14 50 W +82 14 51 O +82 14 52 K +82 14 53 P +82 14 54 W +82 14 55 W +82 14 56 E +82 14 57 W +82 14 58 E +82 14 59 P +82 14 60 W +82 14 61 P +82 14 62 W +82 14 63 P +82 14 64 W +82 14 65 P +82 14 66 K +82 14 67 W +82 14 68 P +82 14 69 O +82 14 70 K +82 14 71 P +82 14 72 W +82 14 73 W +82 14 74 K +82 14 75 O +82 14 76 E +82 14 77 W +82 14 78 W +82 14 79 O +82 14 80 W +82 14 81 E +82 14 82 W +82 14 83 E +82 14 84 P +82 14 85 W +82 14 86 P +82 14 87 O +82 14 88 W +82 14 89 O +82 14 90 W +82 14 91 E +82 14 92 K +82 14 93 W +82 14 94 O +82 14 95 K +82 14 96 E +82 14 97 W +82 14 98 P +82 14 99 W +82 14 100 K +82 14 101 P +82 14 102 W +82 14 103 E +82 14 104 W +82 14 105 W +82 14 106 E +82 14 107 K +82 14 108 K +82 14 109 W +82 14 110 E +82 14 111 W +82 14 112 P +82 14 113 O +82 14 114 W +82 14 115 P +82 14 116 K +82 14 117 O +82 14 118 P +82 14 119 W +82 14 120 K +82 14 121 E +82 14 122 W +82 14 123 W +82 14 124 E +82 14 125 E +82 14 126 P +82 14 127 W +82 14 128 E +82 14 129 K +82 14 130 O +82 14 131 W +82 14 132 P +82 14 133 W +82 14 134 O +82 14 135 W +82 14 136 W +82 14 137 W +82 14 138 W +82 14 139 K +82 14 140 W +82 14 141 K +82 14 142 K +82 14 143 W +82 14 144 W +82 14 145 W +82 14 146 E +82 14 147 W +82 14 148 P +82 14 149 W +82 14 150 W +82 14 151 P +82 14 152 P +82 14 153 W +82 14 154 O +82 14 155 O +82 14 156 W +82 14 157 O +82 14 158 K +82 14 159 E +82 14 160 W +82 14 161 W +82 14 162 P +82 14 163 W +82 14 164 W +82 14 165 W +82 14 166 W +82 14 167 P +82 14 168 W +82 14 169 W +82 14 170 W +82 14 171 W +82 14 172 K +82 14 173 P +82 14 174 E +82 14 175 W +82 14 176 P +82 14 177 E +82 14 178 W +82 14 179 P +82 14 180 W +82 14 181 E +82 14 182 P +82 14 183 O +82 14 184 W +82 14 185 E +82 14 186 W +82 14 187 E +82 14 188 W +82 14 189 K +82 14 190 P +82 14 191 W +82 14 192 W +82 14 193 E +82 14 194 P +82 14 195 W +82 14 196 W +82 14 197 W +82 14 198 O +82 14 199 K +82 14 200 W +82 14 201 P +82 14 202 W +82 14 203 P +82 14 204 O +82 14 205 W +82 14 206 K +82 14 207 P +82 14 208 E +82 14 209 W +82 14 210 P +82 14 211 W +82 14 212 E +82 14 213 W +82 14 214 E +82 14 215 P +82 14 216 O +82 14 217 P +82 14 218 E +82 14 219 K +82 14 220 W +82 14 221 K +82 14 222 W +82 14 223 W +82 14 224 K +82 14 225 E +82 14 226 W +82 14 227 O +82 14 228 W +82 14 229 W +82 14 230 K +82 14 231 W +82 14 232 O +82 14 233 W +82 14 234 W +82 14 235 W +82 14 236 E +82 14 237 P +82 14 238 W +82 14 239 P +82 14 240 P +82 14 241 K +82 14 242 K +82 14 243 P +82 14 244 K +82 14 245 P +82 14 246 W +82 14 247 W +82 14 248 W +82 14 249 W +82 14 250 W +82 14 251 W +82 14 252 K +82 14 253 W +82 14 254 W +82 14 255 O +82 14 256 P +82 14 257 W +82 14 258 E +82 14 259 P +82 14 260 W +82 14 261 E +82 14 262 K +82 14 263 O +82 14 264 W +82 14 265 W +82 14 266 E +82 14 267 W +82 14 268 W +82 14 269 W +82 14 270 E +82 14 271 W +82 14 272 K +82 14 273 W +82 14 274 K +82 14 275 E +82 14 276 P +82 14 277 W +82 14 278 E +82 14 279 W +82 14 280 W +82 14 281 W +82 14 282 W +82 14 283 E +82 14 284 K +82 14 285 E +82 14 286 K +82 14 287 E +82 14 288 P +82 14 289 W +82 14 290 K +82 14 291 W +82 14 292 P +82 14 293 K +82 14 294 K +82 14 295 E +82 14 296 W +82 14 297 E +82 14 298 P +82 14 299 W +82 14 300 K +82 14 301 W +82 14 302 W +82 14 303 W +82 14 304 W +82 14 305 P +82 14 306 W +82 14 307 W +82 14 308 W +82 14 309 O +82 14 310 W +82 14 311 W +82 14 312 O +82 14 313 W +82 14 314 K +82 14 315 W +82 14 316 W +82 14 317 P +82 14 318 E +82 14 319 K +82 14 320 E +82 14 321 P +82 14 322 W +82 14 323 W +82 14 324 K +82 14 325 P +82 14 326 E +82 14 327 K +82 14 328 W +82 14 329 E +82 14 330 K +82 15 1 W +82 15 2 W +82 15 3 E +82 15 4 W +82 15 5 W +82 15 6 E +82 15 7 A +82 15 8 P +82 15 9 E +82 15 10 W +82 15 11 A +82 15 12 E +82 15 13 A +82 15 14 W +82 15 15 K +82 15 16 K +82 15 17 E +82 15 18 O +82 15 19 W +82 15 20 A +82 15 21 P +82 15 22 E +82 15 23 W +82 15 24 O +82 15 25 A +82 15 26 W +82 15 27 K +82 15 28 P +82 15 29 A +82 15 30 P +82 15 31 W +82 15 32 P +82 15 33 A +82 15 34 W +82 15 35 E +82 15 36 A +82 15 37 B +82 15 38 P +82 15 39 A +82 15 40 B +82 15 41 P +82 15 42 E +82 15 43 W +82 15 44 K +82 15 45 A +82 15 46 K +82 15 47 A +82 15 48 E +82 15 49 B +82 15 50 W +82 15 51 S +82 15 52 B +82 15 53 P +82 15 54 A +82 15 55 B +82 15 56 P +82 15 57 A +82 15 58 E +82 15 59 K +82 15 60 A +82 15 61 P +82 15 62 K +82 15 63 P +82 15 64 W +82 15 65 P +82 15 66 K +82 15 67 A +82 15 68 P +82 15 69 A +82 15 70 K +82 15 71 P +82 15 72 A +82 15 73 W +82 15 74 K +82 15 75 A +82 15 76 E +82 15 77 B +82 15 78 W +82 15 79 O +82 15 80 B +82 15 81 A +82 15 82 W +82 15 83 E +82 15 84 P +82 15 85 W +82 15 86 P +82 15 87 O +82 15 88 W +82 15 89 O +82 15 90 A +82 15 91 W +82 15 92 K +82 15 93 B +82 15 94 O +82 15 95 W +82 15 96 E +82 15 97 W +82 15 98 P +82 15 99 W +82 15 100 B +82 15 101 P +82 15 102 W +82 15 103 A +82 15 104 B +82 15 105 W +82 15 106 E +82 15 107 K +82 15 108 B +82 15 109 W +82 15 110 E +82 15 111 A +82 15 112 P +82 15 113 O +82 15 114 W +82 15 115 P +82 15 116 B +82 15 117 O +82 15 118 P +82 15 119 A +82 15 120 K +82 15 121 E +82 15 122 A +82 15 123 BR +82 15 124 A +82 15 125 E +82 15 126 P +82 15 127 A +82 15 128 E +82 15 129 K +82 15 130 A +82 15 131 W +82 15 132 P +82 15 133 A +82 15 134 P +82 15 135 W +82 15 136 BR +82 15 137 A +82 15 138 BR +82 15 139 W +82 15 140 W +82 15 141 K +82 15 142 K +82 15 143 W +82 15 144 W +82 15 145 BR +82 15 146 E +82 15 147 B +82 15 148 P +82 15 149 A +82 15 150 W +82 15 151 P +82 15 152 W +82 15 153 BR +82 15 154 W +82 15 155 O +82 15 156 A +82 15 157 W +82 15 158 K +82 15 159 E +82 15 160 P +82 15 161 W +82 15 162 P +82 15 163 A +82 15 164 BR +82 15 165 A +82 15 166 W +82 15 167 W +82 15 168 A +82 15 169 W +82 15 170 W +82 15 171 A +82 15 172 K +82 15 173 P +82 15 174 E +82 15 175 B +82 15 176 P +82 15 177 E +82 15 178 W +82 15 179 P +82 15 180 A +82 15 181 E +82 15 182 P +82 15 183 E +82 15 184 W +82 15 185 E +82 15 186 B +82 15 187 E +82 15 188 B +82 15 189 B +82 15 190 P +82 15 191 A +82 15 192 W +82 15 193 E +82 15 194 P +82 15 195 A +82 15 196 B +82 15 197 W +82 15 198 O +82 15 199 B +82 15 200 W +82 15 201 P +82 15 202 A +82 15 203 W +82 15 204 O +82 15 205 W +82 15 206 BR +82 15 207 P +82 15 208 E +82 15 209 A +82 15 210 P +82 15 211 B +82 15 212 E +82 15 213 W +82 15 214 E +82 15 215 P +82 15 216 A +82 15 217 P +82 15 218 A +82 15 219 B +82 15 220 W +82 15 221 W +82 15 222 W +82 15 223 A +82 15 224 K +82 15 225 A +82 15 226 W +82 15 227 O +82 15 228 W +82 15 229 B +82 15 230 K +82 15 231 W +82 15 232 A +82 15 233 W +82 15 234 A +82 15 235 W +82 15 236 A +82 15 237 P +82 15 238 W +82 15 239 P +82 15 240 P +82 15 241 K +82 15 242 E +82 15 243 P +82 15 244 B +82 15 245 P +82 15 246 W +82 15 247 W +82 15 248 A +82 15 249 A +82 15 250 W +82 15 251 A +82 15 252 K +82 15 253 W +82 15 254 B +82 15 255 O +82 15 256 P +82 15 257 W +82 15 258 E +82 15 259 P +82 15 260 W +82 15 261 E +82 15 262 K +82 15 263 S +82 15 264 W +82 15 265 A +82 15 266 P +82 15 267 W +82 15 268 A +82 15 269 W +82 15 270 E +82 15 271 A +82 15 272 B +82 15 273 W +82 15 274 K +82 15 275 W +82 15 276 P +82 15 277 W +82 15 278 E +82 15 279 W +82 15 280 A +82 15 281 A +82 15 282 A +82 15 283 P +82 15 284 K +82 15 285 P +82 15 286 K +82 15 287 E +82 15 288 P +82 15 289 B +82 15 290 K +82 15 291 W +82 15 292 P +82 15 293 K +82 15 294 E +82 15 295 K +82 15 296 W +82 15 297 E +82 15 298 P +82 15 299 A +82 15 300 B +82 15 301 A +82 15 302 K +82 15 303 B +82 15 304 A +82 15 305 W +82 15 306 A +82 15 307 W +82 15 308 W +82 15 309 A +82 15 310 W +82 15 311 W +82 15 312 O +82 15 313 W +82 15 314 K +82 15 315 A +82 15 316 W +82 15 317 W +82 15 318 E +82 15 319 K +82 15 320 A +82 15 321 P +82 15 322 B +82 15 323 A +82 15 324 K +82 15 325 W +82 15 326 E +82 15 327 K +82 15 328 A +82 15 329 E +82 15 330 B +82 16 1 W +82 16 2 W +82 16 3 P +82 16 4 P +82 16 5 W +82 16 6 E +82 16 7 W +82 16 8 P +82 16 9 E +82 16 10 W +82 16 11 W +82 16 12 E +82 16 13 W +82 16 14 W +82 16 15 P +82 16 16 K +82 16 17 P +82 16 18 O +82 16 19 W +82 16 20 W +82 16 21 P +82 16 22 E +82 16 23 P +82 16 24 O +82 16 25 W +82 16 26 W +82 16 27 K +82 16 28 P +82 16 29 W +82 16 30 E +82 16 31 W +82 16 32 P +82 16 33 W +82 16 34 W +82 16 35 P +82 16 36 O +82 16 37 W +82 16 38 P +82 16 39 W +82 16 40 W +82 16 41 P +82 16 42 E +82 16 43 O +82 16 44 K +82 16 45 W +82 16 46 O +82 16 47 W +82 16 48 E +82 16 49 W +82 16 50 P +82 16 51 E +82 16 52 K +82 16 53 P +82 16 54 W +82 16 55 W +82 16 56 E +82 16 57 W +82 16 58 E +82 16 59 K +82 16 60 W +82 16 61 P +82 16 62 W +82 16 63 P +82 16 64 W +82 16 65 P +82 16 66 K +82 16 67 W +82 16 68 P +82 16 69 E +82 16 70 W +82 16 71 P +82 16 72 W +82 16 73 P +82 16 74 K +82 16 75 O +82 16 76 E +82 16 77 W +82 16 78 P +82 16 79 O +82 16 80 W +82 16 81 W +82 16 82 W +82 16 83 E +82 16 84 P +82 16 85 W +82 16 86 P +82 16 87 O +82 16 88 P +82 16 89 O +82 16 90 O +82 16 91 E +82 16 92 K +82 16 93 W +82 16 94 O +82 16 95 K +82 16 96 E +82 16 97 P +82 16 98 P +82 16 99 W +82 16 100 W +82 16 101 P +82 16 102 W +82 16 103 E +82 16 104 W +82 16 105 P +82 16 106 E +82 16 107 K +82 16 108 W +82 16 109 W +82 16 110 E +82 16 111 W +82 16 112 P +82 16 113 O +82 16 114 W +82 16 115 P +82 16 116 W +82 16 117 O +82 16 118 P +82 16 119 W +82 16 120 K +82 16 121 E +82 16 122 W +82 16 123 W +82 16 124 E +82 16 125 P +82 16 126 P +82 16 127 W +82 16 128 E +82 16 129 K +82 16 130 O +82 16 131 P +82 16 132 E +82 16 133 W +82 16 134 P +82 16 135 P +82 16 136 W +82 16 137 W +82 16 138 W +82 16 139 K +82 16 140 W +82 16 141 K +82 16 142 K +82 16 143 E +82 16 144 P +82 16 145 W +82 16 146 E +82 16 147 W +82 16 148 P +82 16 149 W +82 16 150 P +82 16 151 P +82 16 152 P +82 16 153 W +82 16 154 O +82 16 155 O +82 16 156 W +82 16 157 E +82 16 158 K +82 16 159 E +82 16 160 P +82 16 161 W +82 16 162 P +82 16 163 W +82 16 164 W +82 16 165 E +82 16 166 W +82 16 167 P +82 16 168 W +82 16 169 W +82 16 170 O +82 16 171 E +82 16 172 K +82 16 173 P +82 16 174 E +82 16 175 K +82 16 176 P +82 16 177 E +82 16 178 W +82 16 179 P +82 16 180 W +82 16 181 E +82 16 182 P +82 16 183 E +82 16 184 P +82 16 185 E +82 16 186 W +82 16 187 E +82 16 188 W +82 16 189 K +82 16 190 P +82 16 191 W +82 16 192 P +82 16 193 E +82 16 194 P +82 16 195 W +82 16 196 W +82 16 197 P +82 16 198 O +82 16 199 K +82 16 200 W +82 16 201 P +82 16 202 W +82 16 203 P +82 16 204 E +82 16 205 W +82 16 206 K +82 16 207 P +82 16 208 E +82 16 209 W +82 16 210 P +82 16 211 W +82 16 212 E +82 16 213 W +82 16 214 E +82 16 215 P +82 16 216 E +82 16 217 P +82 16 218 E +82 16 219 K +82 16 220 W +82 16 221 K +82 16 222 P +82 16 223 W +82 16 224 K +82 16 225 E +82 16 226 W +82 16 227 O +82 16 228 W +82 16 229 W +82 16 230 K +82 16 231 P +82 16 232 E +82 16 233 W +82 16 234 W +82 16 235 W +82 16 236 E +82 16 237 P +82 16 238 W +82 16 239 P +82 16 240 E +82 16 241 K +82 16 242 E +82 16 243 P +82 16 244 K +82 16 245 P +82 16 246 W +82 16 247 W +82 16 248 W +82 16 249 W +82 16 250 P +82 16 251 W +82 16 252 K +82 16 253 W +82 16 254 W +82 16 255 O +82 16 256 P +82 16 257 W +82 16 258 E +82 16 259 P +82 16 260 E +82 16 261 E +82 16 262 K +82 16 263 K +82 16 264 W +82 16 265 W +82 16 266 E +82 16 267 P +82 16 268 W +82 16 269 P +82 16 270 E +82 16 271 W +82 16 272 K +82 16 273 P +82 16 274 K +82 16 275 E +82 16 276 P +82 16 277 W +82 16 278 P +82 16 279 W +82 16 280 E +82 16 281 W +82 16 282 W +82 16 283 E +82 16 284 K +82 16 285 P +82 16 286 K +82 16 287 E +82 16 288 P +82 16 289 W +82 16 290 K +82 16 291 W +82 16 292 P +82 16 293 K +82 16 294 K +82 16 295 E +82 16 296 P +82 16 297 E +82 16 298 P +82 16 299 W +82 16 300 K +82 16 301 W +82 16 302 K +82 16 303 W +82 16 304 E +82 16 305 P +82 16 306 W +82 16 307 W +82 16 308 W +82 16 309 E +82 16 310 W +82 16 311 W +82 16 312 O +82 16 313 W +82 16 314 K +82 16 315 W +82 16 316 W +82 16 317 P +82 16 318 E +82 16 319 K +82 16 320 E +82 16 321 P +82 16 322 W +82 16 323 W +82 16 324 K +82 16 325 P +82 16 326 E +82 16 327 K +82 16 328 W +82 16 329 E +82 16 330 K +82 17 1 W +82 17 2 W +82 17 3 E +82 17 4 W +82 17 5 W +82 17 6 E +82 17 7 A +82 17 8 P +82 17 9 E +82 17 10 W +82 17 11 A +82 17 12 E +82 17 13 W +82 17 14 W +82 17 15 PO +82 17 16 K +82 17 17 E +82 17 18 O +82 17 19 W +82 17 20 W +82 17 21 P +82 17 22 E +82 17 23 W +82 17 24 O +82 17 25 W +82 17 26 W +82 17 27 K +82 17 28 P +82 17 29 W +82 17 30 E +82 17 31 W +82 17 32 W +82 17 33 W +82 17 34 W +82 17 35 E +82 17 36 W +82 17 37 W +82 17 38 P +82 17 39 W +82 17 40 W +82 17 41 P +82 17 42 E +82 17 43 W +82 17 44 K +82 17 45 W +82 17 46 PO +82 17 47 W +82 17 48 E +82 17 49 W +82 17 50 W +82 17 51 E +82 17 52 K +82 17 53 P +82 17 54 W +82 17 55 W +82 17 56 E +82 17 57 W +82 17 58 E +82 17 59 K +82 17 60 W +82 17 61 P +82 17 62 E +82 17 63 W +82 17 64 W +82 17 65 P +82 17 66 K +82 17 67 W +82 17 68 P +82 17 69 W +82 17 70 K +82 17 71 W +82 17 72 W +82 17 73 W +82 17 74 K +82 17 75 W +82 17 76 E +82 17 77 W +82 17 78 P +82 17 79 O +82 17 80 W +82 17 81 E +82 17 82 W +82 17 83 K +82 17 84 E +82 17 85 W +82 17 86 P +82 17 87 O +82 17 88 W +82 17 89 O +82 17 90 O +82 17 91 E +82 17 92 K +82 17 93 W +82 17 94 O +82 17 95 K +82 17 96 E +82 17 97 W +82 17 98 P +82 17 99 W +82 17 100 W +82 17 101 P +82 17 102 W +82 17 103 E +82 17 104 W +82 17 105 W +82 17 106 E +82 17 107 K +82 17 108 K +82 17 109 W +82 17 110 E +82 17 111 O +82 17 112 P +82 17 113 O +82 17 114 W +82 17 115 P +82 17 116 W +82 17 117 O +82 17 118 E +82 17 119 W +82 17 120 K +82 17 121 E +82 17 122 W +82 17 123 W +82 17 124 E +82 17 125 E +82 17 126 E +82 17 127 W +82 17 128 E +82 17 129 K +82 17 130 E +82 17 131 W +82 17 132 E +82 17 133 W +82 17 134 E +82 17 135 W +82 17 136 W +82 17 137 W +82 17 138 W +82 17 139 K +82 17 140 W +82 17 141 K +82 17 142 K +82 17 143 W +82 17 144 W +82 17 145 W +82 17 146 E +82 17 147 W +82 17 148 P +82 17 149 W +82 17 150 W +82 17 151 E +82 17 152 E +82 17 153 W +82 17 154 O +82 17 155 O +82 17 156 W +82 17 157 E +82 17 158 K +82 17 159 E +82 17 160 E +82 17 161 W +82 17 162 P +82 17 163 W +82 17 164 W +82 17 165 W +82 17 166 W +82 17 167 K +82 17 168 W +82 17 169 W +82 17 170 W +82 17 171 W +82 17 172 K +82 17 173 P +82 17 174 E +82 17 175 W +82 17 176 E +82 17 177 E +82 17 178 W +82 17 179 P +82 17 180 A +82 17 181 E +82 17 182 P +82 17 183 E +82 17 184 W +82 17 185 E +82 17 186 W +82 17 187 E +82 17 188 W +82 17 189 K +82 17 190 P +82 17 191 W +82 17 192 W +82 17 193 E +82 17 194 P +82 17 195 W +82 17 196 W +82 17 197 W +82 17 198 O +82 17 199 K +82 17 200 W +82 17 201 E +82 17 202 W +82 17 203 P +82 17 204 O +82 17 205 W +82 17 206 K +82 17 207 P +82 17 208 E +82 17 209 W +82 17 210 E +82 17 211 W +82 17 212 E +82 17 213 W +82 17 214 W +82 17 215 P +82 17 216 O +82 17 217 P +82 17 218 E +82 17 219 K +82 17 220 W +82 17 221 K +82 17 222 W +82 17 223 W +82 17 224 K +82 17 225 E +82 17 226 W +82 17 227 O +82 17 228 W +82 17 229 W +82 17 230 K +82 17 231 P +82 17 232 E +82 17 233 W +82 17 234 W +82 17 235 W +82 17 236 E +82 17 237 E +82 17 238 P +82 17 239 P +82 17 240 P +82 17 241 K +82 17 242 E +82 17 243 P +82 17 244 K +82 17 245 P +82 17 246 W +82 17 247 W +82 17 248 O +82 17 249 W +82 17 250 W +82 17 251 W +82 17 252 K +82 17 253 W +82 17 254 W +82 17 255 O +82 17 256 P +82 17 257 W +82 17 258 E +82 17 259 E +82 17 260 K +82 17 261 E +82 17 262 K +82 17 263 O +82 17 264 W +82 17 265 W +82 17 266 E +82 17 267 W +82 17 268 A +82 17 269 W +82 17 270 E +82 17 271 W +82 17 272 K +82 17 273 W +82 17 274 K +82 17 275 E +82 17 276 P +82 17 277 W +82 17 278 E +82 17 279 W +82 17 280 W +82 17 281 W +82 17 282 W +82 17 283 E +82 17 284 K +82 17 285 PO +82 17 286 K +82 17 287 E +82 17 288 P +82 17 289 W +82 17 290 K +82 17 291 W +82 17 292 E +82 17 293 K +82 17 294 K +82 17 295 E +82 17 296 W +82 17 297 E +82 17 298 P +82 17 299 A +82 17 300 K +82 17 301 W +82 17 302 K +82 17 303 K +82 17 304 W +82 17 305 P +82 17 306 A +82 17 307 W +82 17 308 E +82 17 309 E +82 17 310 A +82 17 311 W +82 17 312 O +82 17 313 W +82 17 314 K +82 17 315 W +82 17 316 W +82 17 317 P +82 17 318 E +82 17 319 K +82 17 320 E +82 17 321 P +82 17 322 W +82 17 323 W +82 17 324 K +82 17 325 W +82 17 326 E +82 17 327 K +82 17 328 W +82 17 329 E +82 17 330 K +82 18 1 W +82 18 2 W +82 18 3 E +82 18 4 W +82 18 5 A +82 18 6 E +82 18 7 A +82 18 8 P +82 18 9 E +82 18 10 W +82 18 11 A +82 18 12 E +82 18 13 A +82 18 14 A +82 18 15 E +82 18 16 K +82 18 17 P +82 18 18 P +82 18 19 W +82 18 20 A +82 18 21 E +82 18 22 E +82 18 23 W +82 18 24 E +82 18 25 A +82 18 26 W +82 18 27 K +82 18 28 P +82 18 29 A +82 18 30 E +82 18 31 W +82 18 32 E +82 18 33 A +82 18 34 W +82 18 35 P +82 18 36 A +82 18 37 W +82 18 38 P +82 18 39 A +82 18 40 W +82 18 41 P +82 18 42 K +82 18 43 W +82 18 44 E +82 18 45 A +82 18 46 B +82 18 47 A +82 18 48 E +82 18 49 W +82 18 50 W +82 18 51 E +82 18 52 K +82 18 53 P +82 18 54 A +82 18 55 W +82 18 56 E +82 18 57 A +82 18 58 A +82 18 59 E +82 18 60 A +82 18 61 P +82 18 62 B +82 18 63 E +82 18 64 W +82 18 65 P +82 18 66 E +82 18 67 A +82 18 68 E +82 18 69 A +82 18 70 K +82 18 71 P +82 18 72 A +82 18 73 W +82 18 74 W +82 18 75 A +82 18 76 E +82 18 77 W +82 18 78 E +82 18 79 O +82 18 80 W +82 18 81 A +82 18 82 W +82 18 83 K +82 18 84 K +82 18 85 A +82 18 86 E +82 18 87 O +82 18 88 P +82 18 89 O +82 18 90 A +82 18 91 A +82 18 92 E +82 18 93 W +82 18 94 O +82 18 95 K +82 18 96 E +82 18 97 W +82 18 98 P +82 18 99 W +82 18 100 A +82 18 101 P +82 18 102 W +82 18 103 A +82 18 104 W +82 18 105 P +82 18 106 E +82 18 107 K +82 18 108 A +82 18 109 W +82 18 110 E +82 18 111 A +82 18 112 P +82 18 113 O +82 18 114 A +82 18 115 P +82 18 116 K +82 18 117 O +82 18 118 E +82 18 119 A +82 18 120 K +82 18 121 P +82 18 122 A +82 18 123 W +82 18 124 A +82 18 125 P +82 18 126 P +82 18 127 A +82 18 128 A +82 18 129 K +82 18 130 A +82 18 131 W +82 18 132 E +82 18 133 A +82 18 134 A +82 18 135 P +82 18 136 W +82 18 137 A +82 18 138 W +82 18 139 K +82 18 140 W +82 18 141 K +82 18 142 K +82 18 143 A +82 18 144 W +82 18 145 A +82 18 146 E +82 18 147 A +82 18 148 P +82 18 149 A +82 18 150 W +82 18 151 E +82 18 152 K +82 18 153 W +82 18 154 O +82 18 155 O +82 18 156 A +82 18 157 E +82 18 158 K +82 18 159 E +82 18 160 K +82 18 161 A +82 18 162 P +82 18 163 W +82 18 164 W +82 18 165 A +82 18 166 W +82 18 167 K +82 18 168 A +82 18 169 W +82 18 170 A +82 18 171 A +82 18 172 K +82 18 173 E +82 18 174 E +82 18 175 W +82 18 176 P +82 18 177 A +82 18 178 W +82 18 179 P +82 18 180 A +82 18 181 E +82 18 182 P +82 18 183 E +82 18 184 W +82 18 185 E +82 18 186 W +82 18 187 E +82 18 188 W +82 18 189 W +82 18 190 E +82 18 191 A +82 18 192 W +82 18 193 E +82 18 194 P +82 18 195 A +82 18 196 W +82 18 197 E +82 18 198 A +82 18 199 K +82 18 200 W +82 18 201 E +82 18 202 A +82 18 203 P +82 18 204 A +82 18 205 W +82 18 206 K +82 18 207 P +82 18 208 E +82 18 209 A +82 18 210 P +82 18 211 W +82 18 212 E +82 18 213 E +82 18 214 A +82 18 215 P +82 18 216 A +82 18 217 E +82 18 218 A +82 18 219 K +82 18 220 W +82 18 221 K +82 18 222 W +82 18 223 A +82 18 224 E +82 18 225 A +82 18 226 W +82 18 227 O +82 18 228 W +82 18 229 A +82 18 230 E +82 18 231 P +82 18 232 A +82 18 233 W +82 18 234 A +82 18 235 W +82 18 236 A +82 18 237 E +82 18 238 A +82 18 239 P +82 18 240 P +82 18 241 K +82 18 242 E +82 18 243 P +82 18 244 K +82 18 245 P +82 18 246 W +82 18 247 B +82 18 248 A +82 18 249 A +82 18 250 P +82 18 251 A +82 18 252 K +82 18 253 W +82 18 254 W +82 18 255 O +82 18 256 E +82 18 257 W +82 18 258 A +82 18 259 P +82 18 260 A +82 18 261 P +82 18 262 K +82 18 263 K +82 18 264 W +82 18 265 A +82 18 266 E +82 18 267 P +82 18 268 A +82 18 269 P +82 18 270 E +82 18 271 A +82 18 272 K +82 18 273 E +82 18 274 K +82 18 275 A +82 18 276 P +82 18 277 W +82 18 278 E +82 18 279 W +82 18 280 A +82 18 281 A +82 18 282 A +82 18 283 E +82 18 284 K +82 18 285 E +82 18 286 K +82 18 287 E +82 18 288 P +82 18 289 W +82 18 290 K +82 18 291 W +82 18 292 E +82 18 293 A +82 18 294 E +82 18 295 K +82 18 296 W +82 18 297 E +82 18 298 P +82 18 299 A +82 18 300 K +82 18 301 A +82 18 302 E +82 18 303 A +82 18 304 A +82 18 305 P +82 18 306 A +82 18 307 W +82 18 308 E +82 18 309 A +82 18 310 A +82 18 311 W +82 18 312 O +82 18 313 W +82 18 314 K +82 18 315 A +82 18 316 A +82 18 317 P +82 18 318 E +82 18 319 K +82 18 320 A +82 18 321 P +82 18 322 W +82 18 323 A +82 18 324 K +82 18 325 P +82 18 326 E +82 18 327 K +82 18 328 A +82 18 329 E +82 18 330 K +82 19 1 W +82 19 2 W +82 19 3 E +82 19 4 O +82 19 5 W +82 19 6 E +82 19 7 W +82 19 8 P +82 19 9 O +82 19 10 W +82 19 11 O +82 19 12 E +82 19 13 O +82 19 14 O +82 19 15 K +82 19 16 K +82 19 17 P +82 19 18 O +82 19 19 W +82 19 20 W +82 19 21 P +82 19 22 E +82 19 23 W +82 19 24 O +82 19 25 W +82 19 26 W +82 19 27 K +82 19 28 P +82 19 29 W +82 19 30 E +82 19 31 W +82 19 32 O +82 19 33 W +82 19 34 W +82 19 35 E +82 19 36 O +82 19 37 W +82 19 38 P +82 19 39 O +82 19 40 W +82 19 41 P +82 19 42 E +82 19 43 O +82 19 44 K +82 19 45 W +82 19 46 O +82 19 47 O +82 19 48 E +82 19 49 W +82 19 50 O +82 19 51 E +82 19 52 K +82 19 53 P +82 19 54 W +82 19 55 W +82 19 56 E +82 19 57 W +82 19 58 E +82 19 59 K +82 19 60 O +82 19 61 P +82 19 62 W +82 19 63 E +82 19 64 W +82 19 65 P +82 19 66 E +82 19 67 W +82 19 68 P +82 19 69 O +82 19 70 K +82 19 71 O +82 19 72 W +82 19 73 W +82 19 74 W +82 19 75 O +82 19 76 E +82 19 77 W +82 19 78 P +82 19 79 O +82 19 80 W +82 19 81 E +82 19 82 W +82 19 83 E +82 19 84 E +82 19 85 W +82 19 86 P +82 19 87 O +82 19 88 W +82 19 89 O +82 19 90 O +82 19 91 E +82 19 92 E +82 19 93 W +82 19 94 O +82 19 95 K +82 19 96 E +82 19 97 W +82 19 98 P +82 19 99 W +82 19 100 W +82 19 101 O +82 19 102 O +82 19 103 O +82 19 104 W +82 19 105 P +82 19 106 E +82 19 107 K +82 19 108 W +82 19 109 W +82 19 110 E +82 19 111 O +82 19 112 P +82 19 113 O +82 19 114 W +82 19 115 P +82 19 116 W +82 19 117 O +82 19 118 P +82 19 119 W +82 19 120 K +82 19 121 E +82 19 122 W +82 19 123 W +82 19 124 W +82 19 125 E +82 19 126 P +82 19 127 O +82 19 128 E +82 19 129 K +82 19 130 O +82 19 131 W +82 19 132 P +82 19 133 W +82 19 134 O +82 19 135 P +82 19 136 W +82 19 137 W +82 19 138 W +82 19 139 K +82 19 140 W +82 19 141 K +82 19 142 K +82 19 143 W +82 19 144 W +82 19 145 W +82 19 146 E +82 19 147 W +82 19 148 P +82 19 149 W +82 19 150 W +82 19 151 E +82 19 152 W +82 19 153 W +82 19 154 O +82 19 155 O +82 19 156 W +82 19 157 W +82 19 158 K +82 19 159 E +82 19 160 E +82 19 161 W +82 19 162 P +82 19 163 W +82 19 164 W +82 19 165 O +82 19 166 O +82 19 167 W +82 19 168 W +82 19 169 W +82 19 170 O +82 19 171 W +82 19 172 K +82 19 173 E +82 19 174 E +82 19 175 W +82 19 176 E +82 19 177 E +82 19 178 W +82 19 179 O +82 19 180 W +82 19 181 E +82 19 182 W +82 19 183 O +82 19 184 W +82 19 185 E +82 19 186 W +82 19 187 E +82 19 188 W +82 19 189 K +82 19 190 W +82 19 191 W +82 19 192 W +82 19 193 E +82 19 194 O +82 19 195 W +82 19 196 W +82 19 197 W +82 19 198 O +82 19 199 K +82 19 200 W +82 19 201 E +82 19 202 W +82 19 203 W +82 19 204 O +82 19 205 W +82 19 206 K +82 19 207 W +82 19 208 E +82 19 209 W +82 19 210 O +82 19 211 W +82 19 212 E +82 19 213 W +82 19 214 E +82 19 215 W +82 19 216 O +82 19 217 E +82 19 218 W +82 19 219 K +82 19 220 W +82 19 221 K +82 19 222 W +82 19 223 W +82 19 224 K +82 19 225 O +82 19 226 W +82 19 227 O +82 19 228 W +82 19 229 W +82 19 230 K +82 19 231 W +82 19 232 O +82 19 233 W +82 19 234 W +82 19 235 W +82 19 236 W +82 19 237 E +82 19 238 W +82 19 239 E +82 19 240 O +82 19 241 K +82 19 242 E +82 19 243 O +82 19 244 K +82 19 245 P +82 19 246 W +82 19 247 W +82 19 248 O +82 19 249 W +82 19 250 W +82 19 251 W +82 19 252 K +82 19 253 W +82 19 254 W +82 19 255 O +82 19 256 P +82 19 257 O +82 19 258 E +82 19 259 P +82 19 260 K +82 19 261 E +82 19 262 K +82 19 263 O +82 19 264 K +82 19 265 W +82 19 266 E +82 19 267 W +82 19 268 W +82 19 269 P +82 19 270 E +82 19 271 O +82 19 272 K +82 19 273 P +82 19 274 K +82 19 275 E +82 19 276 P +82 19 277 W +82 19 278 E +82 19 279 W +82 19 280 W +82 19 281 W +82 19 282 W +82 19 283 O +82 19 284 K +82 19 285 P +82 19 286 K +82 19 287 E +82 19 288 P +82 19 289 W +82 19 290 E +82 19 291 W +82 19 292 E +82 19 293 K +82 19 294 O +82 19 295 K +82 19 296 W +82 19 297 E +82 19 298 P +82 19 299 W +82 19 300 O +82 19 301 W +82 19 302 K +82 19 303 O +82 19 304 W +82 19 305 P +82 19 306 W +82 19 307 W +82 19 308 W +82 19 309 O +82 19 310 W +82 19 311 W +82 19 312 O +82 19 313 W +82 19 314 K +82 19 315 W +82 19 316 W +82 19 317 P +82 19 318 E +82 19 319 K +82 19 320 W +82 19 321 P +82 19 322 W +82 19 323 W +82 19 324 K +82 19 325 W +82 19 326 E +82 19 327 K +82 19 328 W +82 19 329 O +82 19 330 K +82 20 1 W +82 20 2 W +82 20 3 P +82 20 4 W +82 20 5 W +82 20 6 E +82 20 7 W +82 20 8 P +82 20 9 E +82 20 10 W +82 20 11 W +82 20 12 E +82 20 13 W +82 20 14 W +82 20 15 W +82 20 16 K +82 20 17 E +82 20 18 O +82 20 19 W +82 20 20 W +82 20 21 P +82 20 22 E +82 20 23 W +82 20 24 O +82 20 25 W +82 20 26 W +82 20 27 K +82 20 28 P +82 20 29 W +82 20 30 E +82 20 31 W +82 20 32 W +82 20 33 W +82 20 34 W +82 20 35 E +82 20 36 W +82 20 37 W +82 20 38 W +82 20 39 W +82 20 40 W +82 20 41 P +82 20 42 E +82 20 43 W +82 20 44 K +82 20 45 W +82 20 46 W +82 20 47 O +82 20 48 E +82 20 49 W +82 20 50 W +82 20 51 O +82 20 52 K +82 20 53 W +82 20 54 W +82 20 55 W +82 20 56 E +82 20 57 W +82 20 58 E +82 20 59 K +82 20 60 O +82 20 61 P +82 20 62 W +82 20 63 P +82 20 64 W +82 20 65 P +82 20 66 K +82 20 67 W +82 20 68 W +82 20 69 O +82 20 70 K +82 20 71 O +82 20 72 W +82 20 73 W +82 20 74 W +82 20 75 O +82 20 76 E +82 20 77 W +82 20 78 K +82 20 79 O +82 20 80 W +82 20 81 E +82 20 82 W +82 20 83 K +82 20 84 E +82 20 85 W +82 20 86 P +82 20 87 O +82 20 88 W +82 20 89 O +82 20 90 O +82 20 91 E +82 20 92 K +82 20 93 W +82 20 94 O +82 20 95 K +82 20 96 E +82 20 97 W +82 20 98 P +82 20 99 W +82 20 100 W +82 20 101 P +82 20 102 W +82 20 103 E +82 20 104 W +82 20 105 W +82 20 106 E +82 20 107 K +82 20 108 K +82 20 109 W +82 20 110 E +82 20 111 O +82 20 112 P +82 20 113 O +82 20 114 W +82 20 115 P +82 20 116 W +82 20 117 O +82 20 118 P +82 20 119 W +82 20 120 K +82 20 121 E +82 20 122 W +82 20 123 W +82 20 124 E +82 20 125 E +82 20 126 P +82 20 127 O +82 20 128 E +82 20 129 K +82 20 130 O +82 20 131 W +82 20 132 E +82 20 133 W +82 20 134 O +82 20 135 W +82 20 136 W +82 20 137 W +82 20 138 W +82 20 139 K +82 20 140 W +82 20 141 K +82 20 142 K +82 20 143 E +82 20 144 W +82 20 145 W +82 20 146 E +82 20 147 W +82 20 148 P +82 20 149 W +82 20 150 W +82 20 151 P +82 20 152 W +82 20 153 W +82 20 154 O +82 20 155 O +82 20 156 W +82 20 157 O +82 20 158 K +82 20 159 E +82 20 160 P +82 20 161 W +82 20 162 P +82 20 163 W +82 20 164 W +82 20 165 O +82 20 166 W +82 20 167 K +82 20 168 W +82 20 169 W +82 20 170 O +82 20 171 W +82 20 172 K +82 20 173 P +82 20 174 E +82 20 175 W +82 20 176 P +82 20 177 E +82 20 178 W +82 20 179 O +82 20 180 W +82 20 181 E +82 20 182 P +82 20 183 E +82 20 184 W +82 20 185 E +82 20 186 W +82 20 187 E +82 20 188 W +82 20 189 W +82 20 190 P +82 20 191 W +82 20 192 W +82 20 193 E +82 20 194 P +82 20 195 W +82 20 196 W +82 20 197 W +82 20 198 O +82 20 199 K +82 20 200 W +82 20 201 E +82 20 202 W +82 20 203 P +82 20 204 O +82 20 205 W +82 20 206 K +82 20 207 P +82 20 208 E +82 20 209 W +82 20 210 O +82 20 211 W +82 20 212 E +82 20 213 W +82 20 214 E +82 20 215 W +82 20 216 O +82 20 217 P +82 20 218 E +82 20 219 K +82 20 220 W +82 20 221 K +82 20 222 W +82 20 223 W +82 20 224 K +82 20 225 E +82 20 226 W +82 20 227 O +82 20 228 W +82 20 229 W +82 20 230 K +82 20 231 W +82 20 232 E +82 20 233 W +82 20 234 W +82 20 235 W +82 20 236 E +82 20 237 E +82 20 238 W +82 20 239 P +82 20 240 O +82 20 241 K +82 20 242 E +82 20 243 W +82 20 244 K +82 20 245 P +82 20 246 W +82 20 247 W +82 20 248 O +82 20 249 W +82 20 250 W +82 20 251 W +82 20 252 K +82 20 253 W +82 20 254 W +82 20 255 O +82 20 256 P +82 20 257 W +82 20 258 E +82 20 259 P +82 20 260 K +82 20 261 E +82 20 262 K +82 20 263 B +82 20 264 W +82 20 265 W +82 20 266 E +82 20 267 W +82 20 268 W +82 20 269 W +82 20 270 E +82 20 271 O +82 20 272 K +82 20 273 W +82 20 274 K +82 20 275 E +82 20 276 P +82 20 277 W +82 20 278 E +82 20 279 W +82 20 280 W +82 20 281 W +82 20 282 W +82 20 283 E +82 20 284 K +82 20 285 P +82 20 286 E +82 20 287 P +82 20 288 P +82 20 289 W +82 20 290 K +82 20 291 W +82 20 292 P +82 20 293 K +82 20 294 K +82 20 295 O +82 20 296 W +82 20 297 E +82 20 298 P +82 20 299 W +82 20 300 K +82 20 301 W +82 20 302 K +82 20 303 W +82 20 304 W +82 20 305 W +82 20 306 E +82 20 307 W +82 20 308 W +82 20 309 O +82 20 310 W +82 20 311 W +82 20 312 O +82 20 313 W +82 20 314 K +82 20 315 W +82 20 316 W +82 20 317 P +82 20 318 E +82 20 319 K +82 20 320 W +82 20 321 P +82 20 322 W +82 20 323 W +82 20 324 K +82 20 325 W +82 20 326 E +82 20 327 K +82 20 328 W +82 20 329 E +82 20 330 K +83 1 1 DD +83 1 2 SK +83 1 3 SA +83 1 4 HW +83 1 5 SK +83 1 6 PE +83 1 7 TK +83 1 8 SA +83 1 9 HW +83 1 10 SK +83 1 11 HU +83 1 12 HS +83 1 13 HU +83 1 14 SK +83 1 15 TK +83 1 16 DE +83 1 17 SA +83 1 18 DD +83 1 19 SK +83 1 20 HW +83 1 21 SA +83 1 22 HS +83 1 23 TK +83 1 24 HU +83 1 25 DD +83 1 26 SK +83 1 27 DE +83 1 28 SA +83 1 29 SK +83 1 30 HU +83 1 31 SK +83 1 32 TK +83 1 33 HW +83 1 34 SK +83 1 35 SA +83 1 36 HU +83 1 37 SK +83 1 38 SA +83 1 39 TK +83 1 40 SK +83 1 41 SA +83 1 42 HS +83 1 43 HK +83 1 44 DE +83 1 45 TK +83 1 46 HU +83 1 47 HK +83 1 48 HS +83 1 49 TK +83 1 50 HU +83 1 51 BD +83 1 52 DE +83 1 53 SA +83 1 54 TK +83 1 55 SK +83 1 56 TK +83 1 57 SK +83 1 58 TK +83 1 59 DE +83 1 60 HK +83 1 61 SA +83 1 62 TK +83 1 63 HW +83 1 64 SK +83 1 65 SA +83 1 66 DE +83 1 67 TK +83 1 68 SA +83 1 69 HU +83 1 70 DE +83 1 71 HU +83 1 72 SK +83 1 73 TK +83 1 74 DE +83 1 75 BD +83 1 76 SA +83 1 77 SK +83 1 78 DE +83 1 79 BD +83 1 80 SK +83 1 81 TK +83 1 82 SK +83 1 83 TK +83 1 84 BP +83 1 85 TK +83 1 86 SA +83 1 87 BD +83 1 88 SA +83 1 89 BD +83 1 90 HK +83 1 91 HS +83 1 92 DE +83 1 93 SK +83 1 94 HK +83 1 95 DE +83 1 96 HS +83 1 97 SK +83 1 98 SA +83 1 99 DE +83 1 100 TK +83 1 101 SA +83 1 102 DE +83 1 103 TK +83 1 104 SK +83 1 105 SA +83 1 106 HS +83 1 107 DE +83 1 108 DE +83 1 109 SK +83 1 110 HS +83 1 111 HU +83 1 112 SA +83 1 113 HU +83 1 114 SK +83 1 115 SA +83 1 116 DE +83 1 117 HU +83 1 118 SA +83 1 119 TK +83 1 120 DE +83 1 121 SA +83 1 122 SK +83 1 123 DD +83 1 124 HS +83 1 125 SA +83 1 126 SA +83 1 127 DD +83 1 128 HS +83 1 129 DE +83 1 130 HK +83 1 131 SA +83 1 132 SA +83 1 133 DD +83 1 134 HU +83 1 135 SA +83 1 136 SK +83 1 137 HK +83 1 138 SK +83 1 139 DE +83 1 140 DD +83 1 141 DE +83 1 142 DE +83 1 143 HW +83 1 144 HU +83 1 145 SK +83 1 146 HW +83 1 147 SK +83 1 148 SA +83 1 149 TK +83 1 150 HK +83 1 151 SA +83 1 152 TK +83 1 153 SK +83 1 154 HK +83 1 155 DD +83 1 156 SK +83 1 157 DD +83 1 158 DE +83 1 159 HW +83 1 160 SA +83 1 161 SK +83 1 162 SA +83 1 163 SK +83 1 164 SK +83 1 165 DD +83 1 166 HK +83 1 167 DE +83 1 168 DD +83 1 169 SK +83 1 170 DD +83 1 171 TK +83 1 172 DE +83 1 173 SA +83 1 174 HS +83 1 175 SK +83 1 176 SA +83 1 177 HS +83 1 178 SK +83 1 179 SA +83 1 180 TK +83 1 181 HW +83 1 182 DD +83 1 183 HU +83 1 184 DD +83 1 185 TK +83 1 186 SK +83 1 187 HS +83 1 188 SK +83 1 189 DE +83 1 190 TK +83 1 191 SK +83 1 192 HK +83 1 193 HS +83 1 194 DD +83 1 195 TK +83 1 196 SK +83 1 197 TK +83 1 198 DD +83 1 199 DE +83 1 200 SK +83 1 201 TK +83 1 202 SK +83 1 203 SA +83 1 204 HK +83 1 205 DD +83 1 206 DE +83 1 207 SA +83 1 208 HW +83 1 209 DD +83 1 210 HK +83 1 211 SK +83 1 212 HS +83 1 213 TK +83 1 214 HW +83 1 215 SA +83 1 216 DD +83 1 217 TK +83 1 218 HW +83 1 219 DE +83 1 220 DD +83 1 221 DE +83 1 222 DD +83 1 223 SK +83 1 224 DE +83 1 225 TK +83 1 226 DD +83 1 227 HK +83 1 228 DD +83 1 229 TK +83 1 230 DE +83 1 231 SA +83 1 232 TK +83 1 233 SK +83 1 234 TK +83 1 235 SK +83 1 236 HS +83 1 237 HW +83 1 238 SK +83 1 239 SA +83 1 240 DD +83 1 241 DE +83 1 242 HS +83 1 243 DD +83 1 244 DE +83 1 245 SA +83 1 246 SK +83 1 247 HK +83 1 248 DD +83 1 249 SK +83 1 250 HK +83 1 251 TK +83 1 252 DE +83 1 253 SK +83 1 254 SK +83 1 255 DD +83 1 256 SA +83 1 257 SK +83 1 258 HS +83 1 259 SA +83 1 260 HS +83 1 261 SA +83 1 262 DE +83 1 263 DD +83 1 264 SK +83 1 265 SK +83 1 266 TK +83 1 267 DD +83 1 268 TK +83 1 269 SA +83 1 270 HW +83 1 271 DD +83 1 272 DE +83 1 273 TK +83 1 274 DE +83 1 275 HS +83 1 276 SA +83 1 277 DD +83 1 278 TK +83 1 279 SK +83 1 280 TK +83 1 281 DD +83 1 282 TK +83 1 283 DD +83 1 284 DE +83 1 285 SA +83 1 286 DE +83 1 287 HW +83 1 288 SA +83 1 289 SK +83 1 290 DE +83 1 291 SK +83 1 292 TK +83 1 293 DE +83 1 294 DE +83 1 295 TK +83 1 296 DD +83 1 297 HS +83 1 298 SA +83 1 299 SK +83 1 300 DE +83 1 301 SK +83 1 302 DE +83 1 303 SK +83 1 304 TK +83 1 305 DD +83 1 306 HW +83 1 307 SK +83 1 308 SK +83 1 309 DD +83 1 310 SK +83 1 311 SK +83 1 312 DD +83 1 313 SK +83 1 314 DE +83 1 315 TK +83 1 316 SK +83 1 317 SA +83 1 318 TK +83 1 319 DE +83 1 320 TK +83 1 321 SA +83 1 322 SK +83 1 323 DD +83 1 324 DE +83 1 325 SA +83 1 326 HS +83 1 327 DE +83 1 328 DD +83 1 329 TK +83 1 330 DE +83 2 1 SK +83 2 2 SK +83 2 3 SA +83 2 4 TK +83 2 5 SK +83 2 6 PE +83 2 7 SK +83 2 8 SA +83 2 9 TK +83 2 10 SK +83 2 11 DD +83 2 12 HW +83 2 13 DD +83 2 14 HU +83 2 15 TK +83 2 16 PE +83 2 17 SA +83 2 18 HU +83 2 19 SK +83 2 20 SK +83 2 21 SA +83 2 22 PE +83 2 23 TK +83 2 24 HU +83 2 25 SK +83 2 26 SK +83 2 27 PE +83 2 28 SA +83 2 29 SK +83 2 30 HW +83 2 31 SK +83 2 32 HW +83 2 33 SK +83 2 34 SK +83 2 35 HW +83 2 36 HU +83 2 37 SK +83 2 38 SA +83 2 39 SK +83 2 40 SK +83 2 41 SA +83 2 42 HW +83 2 43 DD +83 2 44 PE +83 2 45 SK +83 2 46 PE +83 2 47 HU +83 2 48 HW +83 2 49 SK +83 2 50 SA +83 2 51 PE +83 2 52 PE +83 2 53 SA +83 2 54 TK +83 2 55 SK +83 2 56 PE +83 2 57 DD +83 2 58 HS +83 2 59 PE +83 2 60 DD +83 2 61 SA +83 2 62 TK +83 2 63 HW +83 2 64 SK +83 2 65 SA +83 2 66 PE +83 2 67 SK +83 2 68 SA +83 2 69 HW +83 2 70 PE +83 2 71 SA +83 2 72 SK +83 2 73 TK +83 2 74 SK +83 2 75 HU +83 2 76 HW +83 2 77 SK +83 2 78 TK +83 2 79 DD +83 2 80 SK +83 2 81 HW +83 2 82 SK +83 2 83 PE +83 2 84 TK +83 2 85 SK +83 2 86 HW +83 2 87 DD +83 2 88 TK +83 2 89 DD +83 2 90 HU +83 2 91 HS +83 2 92 PE +83 2 93 SK +83 2 94 HU +83 2 95 PE +83 2 96 HS +83 2 97 S +83 2 98 SA +83 2 99 TK +83 2 100 SK +83 2 101 SA +83 2 102 SK +83 2 103 HW +83 2 104 SK +83 2 105 SA +83 2 106 HW +83 2 107 PE +83 2 108 SK +83 2 109 SK +83 2 110 TK +83 2 111 HU +83 2 112 SA +83 2 113 HU +83 2 114 SK +83 2 115 SA +83 2 116 SK +83 2 117 HU +83 2 118 HW +83 2 119 SK +83 2 120 PE +83 2 121 SA +83 2 122 SK +83 2 123 SK +83 2 124 HW +83 2 125 SA +83 2 126 TK +83 2 127 HU +83 2 128 HS +83 2 129 PE +83 2 130 DD +83 2 131 TK +83 2 132 SA +83 2 133 SK +83 2 134 DD +83 2 135 TK +83 2 136 SK +83 2 137 SK +83 2 138 SK +83 2 139 PE +83 2 140 SK +83 2 141 PE +83 2 142 PE +83 2 143 HW +83 2 144 SE +83 2 145 SK +83 2 146 HS +83 2 147 SK +83 2 148 SA +83 2 149 SK +83 2 150 S +83 2 151 TK +83 2 152 HW +83 2 153 SK +83 2 154 HU +83 2 155 HW +83 2 156 SK +83 2 157 HW +83 2 158 PE +83 2 159 HW +83 2 160 TK +83 2 161 SK +83 2 162 SA +83 2 163 SK +83 2 164 SK +83 2 165 HW +83 2 166 DD +83 2 167 PE +83 2 168 SK +83 2 169 SK +83 2 170 DD +83 2 171 HW +83 2 172 PE +83 2 173 SA +83 2 174 HS +83 2 175 SK +83 2 176 SA +83 2 177 HS +83 2 178 SK +83 2 179 TK +83 2 180 SK +83 2 181 HW +83 2 182 TK +83 2 183 HW +83 2 184 S +83 2 185 HW +83 2 186 SK +83 2 187 HW +83 2 188 SK +83 2 189 SK +83 2 190 TK +83 2 191 DD +83 2 192 SE +83 2 193 HS +83 2 194 SE +83 2 195 SK +83 2 196 SK +83 2 197 TK +83 2 198 HU +83 2 199 PE +83 2 200 SK +83 2 201 HW +83 2 202 SK +83 2 203 SA +83 2 204 DD +83 2 205 SE +83 2 206 PE +83 2 207 SA +83 2 208 HW +83 2 209 SK +83 2 210 SE +83 2 211 SK +83 2 212 HW +83 2 213 PE +83 2 214 HS +83 2 215 TK +83 2 216 HU +83 2 217 PE +83 2 218 HW +83 2 219 PE +83 2 220 SK +83 2 221 PE +83 2 222 TK +83 2 223 SK +83 2 224 PE +83 2 225 HW +83 2 226 SK +83 2 227 DD +83 2 228 DD +83 2 229 SK +83 2 230 PE +83 2 231 TK +83 2 232 HW +83 2 233 SK +83 2 234 SK +83 2 235 SK +83 2 236 HW +83 2 237 HW +83 2 238 SK +83 2 239 TK +83 2 240 SE +83 2 241 PE +83 2 242 HW +83 2 243 SA +83 2 244 PE +83 2 245 SA +83 2 246 SK +83 2 247 SE +83 2 248 HU +83 2 249 SK +83 2 250 SE +83 2 251 SK +83 2 252 PE +83 2 253 SK +83 2 254 SK +83 2 255 DD +83 2 256 SA +83 2 257 SK +83 2 258 HS +83 2 259 SA +83 2 260 PE +83 2 261 HW +83 2 262 PE +83 2 263 PE +83 2 264 SK +83 2 265 DD +83 2 266 TK +83 2 267 SE +83 2 268 SK +83 2 269 TK +83 2 270 HW +83 2 271 DD +83 2 272 PE +83 2 273 SE +83 2 274 PE +83 2 275 HW +83 2 276 SA +83 2 277 DD +83 2 278 HW +83 2 279 SK +83 2 280 HW +83 2 281 SK +83 2 282 SK +83 2 283 PE +83 2 284 PE +83 2 285 SE +83 2 286 PE +83 2 287 HW +83 2 288 SA +83 2 289 SK +83 2 290 PE +83 2 291 SK +83 2 292 SE +83 2 293 PE +83 2 294 PE +83 2 295 HW +83 2 296 SE +83 2 297 HS +83 2 298 SA +83 2 299 SK +83 2 300 PE +83 2 301 SK +83 2 302 HW +83 2 303 PE +83 2 304 HW +83 2 305 SE +83 2 306 HW +83 2 307 SK +83 2 308 TK +83 2 309 HW +83 2 310 SK +83 2 311 SK +83 2 312 HU +83 2 313 DD +83 2 314 PE +83 2 315 SK +83 2 316 SK +83 2 317 SA +83 2 318 HW +83 2 319 PE +83 2 320 HW +83 2 321 SA +83 2 322 SK +83 2 323 SK +83 2 324 PE +83 2 325 SA +83 2 326 HW +83 2 327 PE +83 2 328 SK +83 2 329 HW +83 2 330 PE +83 3 1 SK +83 3 2 DE +83 3 3 SA +83 3 4 HW +83 3 5 SK +83 3 6 HW +83 3 7 SK +83 3 8 SA +83 3 9 HW +83 3 10 SK +83 3 11 DD +83 3 12 HS +83 3 13 SK +83 3 14 DD +83 3 15 HW +83 3 16 DE +83 3 17 SA +83 3 18 DD +83 3 19 SK +83 3 20 HW +83 3 21 SA +83 3 22 HW +83 3 23 SK +83 3 24 TK +83 3 25 SK +83 3 26 SK +83 3 27 DE +83 3 28 SA +83 3 29 SK +83 3 30 HW +83 3 31 SK +83 3 32 SA +83 3 33 HW +83 3 34 SK +83 3 35 SA +83 3 36 SK +83 3 37 SK +83 3 38 SA +83 3 39 SK +83 3 40 SK +83 3 41 SA +83 3 42 HW +83 3 43 SK +83 3 44 DE +83 3 45 SK +83 3 46 DE +83 3 47 DD +83 3 48 HW +83 3 49 SK +83 3 50 SA +83 3 51 HW +83 3 52 DE +83 3 53 SA +83 3 54 SK +83 3 55 SK +83 3 56 HW +83 3 57 SK +83 3 58 HW +83 3 59 DE +83 3 60 SK +83 3 61 SA +83 3 62 SK +83 3 63 SA +83 3 64 SK +83 3 65 SA +83 3 66 DE +83 3 67 SK +83 3 68 SA +83 3 69 HW +83 3 70 DE +83 3 71 SA +83 3 72 SK +83 3 73 SA +83 3 74 DE +83 3 75 SK +83 3 76 HW +83 3 77 SK +83 3 78 SA +83 3 79 DD +83 3 80 SK +83 3 81 HW +83 3 82 SK +83 3 83 HW +83 3 84 HW +83 3 85 SK +83 3 86 SA +83 3 87 DD +83 3 88 SA +83 3 89 DD +83 3 90 SK +83 3 91 HW +83 3 92 DE +83 3 93 DD +83 3 94 DD +83 3 95 DE +83 3 96 HW +83 3 97 SK +83 3 98 SK +83 3 99 SK +83 3 100 SK +83 3 101 SA +83 3 102 SK +83 3 103 HW +83 3 104 SK +83 3 105 SA +83 3 106 HW +83 3 107 DE +83 3 108 SK +83 3 109 SK +83 3 110 HW +83 3 111 HW +83 3 112 SA +83 3 113 SK +83 3 114 SK +83 3 115 SA +83 3 116 SK +83 3 117 HW +83 3 118 SA +83 3 119 SK +83 3 120 DE +83 3 121 SA +83 3 122 SK +83 3 123 SK +83 3 124 HS +83 3 125 SA +83 3 126 SA +83 3 127 SK +83 3 128 HW +83 3 129 DE +83 3 130 SK +83 3 131 SA +83 3 132 SA +83 3 133 SK +83 3 134 SK +83 3 135 SA +83 3 136 DD +83 3 137 SK +83 3 138 SK +83 3 139 DE +83 3 140 SK +83 3 141 DE +83 3 142 DE +83 3 143 HW +83 3 144 SK +83 3 145 SK +83 3 146 HW +83 3 147 SK +83 3 148 SA +83 3 149 SK +83 3 150 SA +83 3 151 SA +83 3 152 SK +83 3 153 SK +83 3 154 DD +83 3 155 SK +83 3 156 SK +83 3 157 HW +83 3 158 DE +83 3 159 HW +83 3 160 SA +83 3 161 SK +83 3 162 SA +83 3 163 SK +83 3 164 DD +83 3 165 HW +83 3 166 SK +83 3 167 DE +83 3 168 SK +83 3 169 SK +83 3 170 DD +83 3 171 HW +83 3 172 DE +83 3 173 SA +83 3 174 HS +83 3 175 SK +83 3 176 SA +83 3 177 HS +83 3 178 SK +83 3 179 SA +83 3 180 SK +83 3 181 HW +83 3 182 SA +83 3 183 HW +83 3 184 SA +83 3 185 HW +83 3 186 SK +83 3 187 HS +83 3 188 SK +83 3 189 DE +83 3 190 SA +83 3 191 SK +83 3 192 SA +83 3 193 HW +83 3 194 SA +83 3 195 SK +83 3 196 SK +83 3 197 SA +83 3 198 DD +83 3 199 DE +83 3 200 SK +83 3 201 SA +83 3 202 SK +83 3 203 SA +83 3 204 HW +83 3 205 SK +83 3 206 DE +83 3 207 SA +83 3 208 HW +83 3 209 SK +83 3 210 SK +83 3 211 DD +83 3 212 HW +83 3 213 SK +83 3 214 HW +83 3 215 SA +83 3 216 SK +83 3 217 SA +83 3 218 HW +83 3 219 DE +83 3 220 SK +83 3 221 DE +83 3 222 SA +83 3 223 SK +83 3 224 DE +83 3 225 HW +83 3 226 DD +83 3 227 SK +83 3 228 DD +83 3 229 SK +83 3 230 DE +83 3 231 SA +83 3 232 HW +83 3 233 SK +83 3 234 SK +83 3 235 DD +83 3 236 HW +83 3 237 SA +83 3 238 SK +83 3 239 SA +83 3 240 HW +83 3 241 DE +83 3 242 DE +83 3 243 SA +83 3 244 DE +83 3 245 SA +83 3 246 SK +83 3 247 SK +83 3 248 SK +83 3 249 DD +83 3 250 SK +83 3 251 SK +83 3 252 DE +83 3 253 SK +83 3 254 SK +83 3 255 DD +83 3 256 SA +83 3 257 DD +83 3 258 HW +83 3 259 SA +83 3 260 HW +83 3 261 HW +83 3 262 DE +83 3 263 SK +83 3 264 SK +83 3 265 DD +83 3 266 HW +83 3 267 SA +83 3 268 SK +83 3 269 SA +83 3 270 HW +83 3 271 DD +83 3 272 DE +83 3 273 SA +83 3 274 DE +83 3 275 HW +83 3 276 SA +83 3 277 SK +83 3 278 SA +83 3 279 SK +83 3 280 HW +83 3 281 SK +83 3 282 SK +83 3 283 HW +83 3 284 DE +83 3 285 SA +83 3 286 DE +83 3 287 HW +83 3 288 SA +83 3 289 SK +83 3 290 DE +83 3 291 SK +83 3 292 SA +83 3 293 SK +83 3 294 DE +83 3 295 SK +83 3 296 SA +83 3 297 HW +83 3 298 SA +83 3 299 SK +83 3 300 HW +83 3 301 SK +83 3 302 DE +83 3 303 SK +83 3 304 HW +83 3 305 SA +83 3 306 SK +83 3 307 SK +83 3 308 HW +83 3 309 SK +83 3 310 SK +83 3 311 DD +83 3 312 DD +83 3 313 DD +83 3 314 DE +83 3 315 SK +83 3 316 SK +83 3 317 SA +83 3 318 HW +83 3 319 DE +83 3 320 SK +83 3 321 SA +83 3 322 DD +83 3 323 DD +83 3 324 DE +83 3 325 SA +83 3 326 HW +83 3 327 DE +83 3 328 SK +83 3 329 HW +83 3 330 DE +83 4 1 SK +83 4 2 K +83 4 3 SA +83 4 4 DD +83 4 5 SK +83 4 6 HW +83 4 7 HW +83 4 8 SA +83 4 9 DD +83 4 10 SK +83 4 11 DD +83 4 12 HW +83 4 13 DD +83 4 14 SK +83 4 15 HW +83 4 16 DD +83 4 17 SA +83 4 18 DD +83 4 19 SK +83 4 20 HW +83 4 21 SA +83 4 22 HS +83 4 23 SK +83 4 24 DD +83 4 25 SK +83 4 26 SK +83 4 27 HW +83 4 28 SA +83 4 29 SK +83 4 30 HW +83 4 31 SK +83 4 32 SA +83 4 33 HW +83 4 34 SK +83 4 35 HW +83 4 36 DD +83 4 37 SK +83 4 38 SA +83 4 39 SK +83 4 40 SK +83 4 41 SA +83 4 42 HW +83 4 43 SK +83 4 44 HW +83 4 45 SK +83 4 46 DD +83 4 47 DD +83 4 48 HW +83 4 49 SK +83 4 50 SA +83 4 51 DD +83 4 52 HW +83 4 53 SA +83 4 54 SK +83 4 55 SK +83 4 56 HW +83 4 57 SK +83 4 58 HW +83 4 59 HW +83 4 60 DD +83 4 61 SA +83 4 62 SK +83 4 63 HW +83 4 64 SK +83 4 65 SA +83 4 66 DE +83 4 67 SK +83 4 68 SA +83 4 69 DD +83 4 70 DE +83 4 71 SA +83 4 72 SK +83 4 73 SA +83 4 74 SK +83 4 75 DD +83 4 76 SA +83 4 77 SK +83 4 78 SA +83 4 79 DD +83 4 80 SK +83 4 81 HW +83 4 82 SK +83 4 83 DE +83 4 84 SA +83 4 85 SK +83 4 86 SA +83 4 87 DD +83 4 88 SA +83 4 89 DD +83 4 90 SK +83 4 91 HW +83 4 92 DE +83 4 93 SK +83 4 94 DD +83 4 95 DE +83 4 96 HW +83 4 97 SK +83 4 98 SA +83 4 99 DE +83 4 100 SK +83 4 101 SA +83 4 102 SK +83 4 103 DD +83 4 104 SK +83 4 105 SA +83 4 106 HW +83 4 107 DE +83 4 108 DE +83 4 109 SK +83 4 110 HW +83 4 111 DD +83 4 112 SA +83 4 113 DD +83 4 114 SK +83 4 115 SA +83 4 116 DE +83 4 117 DD +83 4 118 SA +83 4 119 SK +83 4 120 DE +83 4 121 SA +83 4 122 DD +83 4 123 SK +83 4 124 HW +83 4 125 SA +83 4 126 SA +83 4 127 SA +83 4 128 HW +83 4 129 DE +83 4 130 DD +83 4 131 SA +83 4 132 SA +83 4 133 SK +83 4 134 DD +83 4 135 SA +83 4 136 SK +83 4 137 DD +83 4 138 SK +83 4 139 DE +83 4 140 SK +83 4 141 DE +83 4 142 DE +83 4 143 HW +83 4 144 SK +83 4 145 SK +83 4 146 HW +83 4 147 SK +83 4 148 SA +83 4 149 HW +83 4 150 SA +83 4 151 SA +83 4 152 SA +83 4 153 SK +83 4 154 DD +83 4 155 HW +83 4 156 SK +83 4 157 HW +83 4 158 DE +83 4 159 HW +83 4 160 SA +83 4 161 SK +83 4 162 SA +83 4 163 SK +83 4 164 SK +83 4 165 DD +83 4 166 SK +83 4 167 DE +83 4 168 SK +83 4 169 SK +83 4 170 DD +83 4 171 HW +83 4 172 DE +83 4 173 SA +83 4 174 HW +83 4 175 SK +83 4 176 SA +83 4 177 HW +83 4 178 SK +83 4 179 SA +83 4 180 SK +83 4 181 HW +83 4 182 SA +83 4 183 DD +83 4 184 SA +83 4 185 HW +83 4 186 SK +83 4 187 HW +83 4 188 SK +83 4 189 DE +83 4 190 SA +83 4 191 SK +83 4 192 SA +83 4 193 HW +83 4 194 SA +83 4 195 DD +83 4 196 SK +83 4 197 SA +83 4 198 DD +83 4 199 DE +83 4 200 SK +83 4 201 SA +83 4 202 SK +83 4 203 SA +83 4 204 DD +83 4 205 SK +83 4 206 DE +83 4 207 SA +83 4 208 HW +83 4 209 SK +83 4 210 DD +83 4 211 SK +83 4 212 HW +83 4 213 DE +83 4 214 HW +83 4 215 SA +83 4 216 DD +83 4 217 DE +83 4 218 HW +83 4 219 DE +83 4 220 SK +83 4 221 DE +83 4 222 SK +83 4 223 SK +83 4 224 DE +83 4 225 DD +83 4 226 SK +83 4 227 DD +83 4 228 SK +83 4 229 DE +83 4 230 DE +83 4 231 SA +83 4 232 DD +83 4 233 SK +83 4 234 SK +83 4 235 SK +83 4 236 HW +83 4 237 HW +83 4 238 SK +83 4 239 SA +83 4 240 DD +83 4 241 DE +83 4 242 HW +83 4 243 SA +83 4 244 DE +83 4 245 SA +83 4 246 SK +83 4 247 SK +83 4 248 DD +83 4 249 SK +83 4 250 SK +83 4 251 HW +83 4 252 DE +83 4 253 SK +83 4 254 SK +83 4 255 DD +83 4 256 SA +83 4 257 SK +83 4 258 HW +83 4 259 SA +83 4 260 DE +83 4 261 HW +83 4 262 DE +83 4 263 DD +83 4 264 DE +83 4 265 SK +83 4 266 SA +83 4 267 SA +83 4 268 SK +83 4 269 SA +83 4 270 HW +83 4 271 DD +83 4 272 DE +83 4 273 SA +83 4 274 DE +83 4 275 HW +83 4 276 SA +83 4 277 SK +83 4 278 HW +83 4 279 SK +83 4 280 DD +83 4 281 SK +83 4 282 SK +83 4 283 DD +83 4 284 DE +83 4 285 SA +83 4 286 DE +83 4 287 DD +83 4 288 SA +83 4 289 SK +83 4 290 DE +83 4 291 SK +83 4 292 SA +83 4 293 DE +83 4 294 DE +83 4 295 DD +83 4 296 SK +83 4 297 HW +83 4 298 SA +83 4 299 SK +83 4 300 DD +83 4 301 SK +83 4 302 DE +83 4 303 SK +83 4 304 DD +83 4 305 SA +83 4 306 HW +83 4 307 SK +83 4 308 SA +83 4 309 DD +83 4 310 SK +83 4 311 SK +83 4 312 DD +83 4 313 SK +83 4 314 DE +83 4 315 SK +83 4 316 SK +83 4 317 SA +83 4 318 HW +83 4 319 DE +83 4 320 DD +83 4 321 SA +83 4 322 SK +83 4 323 DD +83 4 324 DE +83 4 325 SA +83 4 326 HW +83 4 327 DE +83 4 328 DD +83 4 329 HW +83 4 330 DE +83 5 1 SK +83 5 2 SK +83 5 3 SA +83 5 4 TK +83 5 5 SK +83 5 6 HW +83 5 7 HW +83 5 8 SA +83 5 9 TK +83 5 10 SK +83 5 11 HW +83 5 12 HW +83 5 13 DD +83 5 14 SK +83 5 15 DE +83 5 16 DE +83 5 17 SA +83 5 18 DD +83 5 19 SK +83 5 20 HW +83 5 21 SA +83 5 22 HW +83 5 23 SK +83 5 24 DD +83 5 25 DD +83 5 26 DD +83 5 27 DE +83 5 28 SA +83 5 29 DD +83 5 30 HW +83 5 31 SK +83 5 32 SA +83 5 33 HW +83 5 34 DD +83 5 35 SA +83 5 36 DD +83 5 37 SK +83 5 38 SA +83 5 39 DD +83 5 40 DE +83 5 41 SA +83 5 42 HW +83 5 43 DD +83 5 44 DE +83 5 45 DD +83 5 46 TK +83 5 47 TK +83 5 48 HW +83 5 49 DD +83 5 50 HW +83 5 51 TK +83 5 52 HW +83 5 53 SA +83 5 54 DD +83 5 55 DD +83 5 56 HW +83 5 57 DD +83 5 58 HW +83 5 59 HW +83 5 60 DD +83 5 61 SA +83 5 62 DD +83 5 63 SA +83 5 64 DD +83 5 65 SA +83 5 66 HW +83 5 67 DD +83 5 68 SA +83 5 69 DD +83 5 70 DE +83 5 71 SA +83 5 72 HW +83 5 73 SA +83 5 74 DD +83 5 75 HW +83 5 76 SA +83 5 77 DD +83 5 78 SA +83 5 79 HW +83 5 80 DD +83 5 81 SA +83 5 82 HW +83 5 83 DE +83 5 84 DD +83 5 85 SA +83 5 86 DD +83 5 87 SA +83 5 88 DD +83 5 89 SA +83 5 90 DD +83 5 91 DD +83 5 92 HW +83 5 93 DE +83 5 94 DD +83 5 95 DD +83 5 96 HS +83 5 97 DD +83 5 98 SA +83 5 99 HW +83 5 100 DD +83 5 101 SA +83 5 102 DD +83 5 103 HW +83 5 104 DD +83 5 105 SA +83 5 106 HW +83 5 107 DE +83 5 108 SK +83 5 109 DD +83 5 110 HW +83 5 111 DD +83 5 112 SA +83 5 113 DD +83 5 114 SK +83 5 115 SA +83 5 116 SK +83 5 117 DD +83 5 118 SA +83 5 119 SK +83 5 120 DE +83 5 121 SA +83 5 122 SK +83 5 123 DD +83 5 124 HW +83 5 125 SA +83 5 126 SA +83 5 127 DD +83 5 128 HW +83 5 129 DE +83 5 130 DD +83 5 131 SA +83 5 132 SA +83 5 133 DD +83 5 134 DD +83 5 135 SA +83 5 136 SK +83 5 137 DD +83 5 138 DD +83 5 139 DE +83 5 140 DD +83 5 141 DE +83 5 142 DE +83 5 143 HW +83 5 144 DD +83 5 145 HW +83 5 146 HW +83 5 147 DD +83 5 148 SA +83 5 149 HW +83 5 150 DD +83 5 151 SA +83 5 152 SA +83 5 153 DD +83 5 154 DD +83 5 155 HW +83 5 156 DD +83 5 157 HW +83 5 158 DE +83 5 159 HW +83 5 160 HW +83 5 161 HW +83 5 162 SA +83 5 163 DD +83 5 164 DD +83 5 165 SK +83 5 166 DD +83 5 167 DE +83 5 168 DD +83 5 169 DD +83 5 170 HW +83 5 171 DD +83 5 172 DE +83 5 173 SA +83 5 174 HW +83 5 175 DD +83 5 176 SA +83 5 177 HW +83 5 178 DD +83 5 179 SA +83 5 180 SK +83 5 181 HW +83 5 182 SA +83 5 183 HW +83 5 184 SK +83 5 185 HW +83 5 186 SK +83 5 187 HW +83 5 188 SK +83 5 189 DD +83 5 190 SA +83 5 191 DD +83 5 192 HW +83 5 193 HS +83 5 194 DD +83 5 195 SK +83 5 196 SK +83 5 197 SA +83 5 198 DD +83 5 199 PE +83 5 200 HW +83 5 201 SA +83 5 202 DD +83 5 203 SA +83 5 204 DD +83 5 205 DD +83 5 206 PE +83 5 207 SA +83 5 208 HW +83 5 209 SK +83 5 210 DD +83 5 211 DD +83 5 212 HW +83 5 213 SK +83 5 214 HW +83 5 215 SA +83 5 216 DD +83 5 217 SA +83 5 218 HW +83 5 219 PE +83 5 220 SK +83 5 221 HW +83 5 222 DD +83 5 223 SK +83 5 224 PE +83 5 225 HW +83 5 226 DD +83 5 227 DD +83 5 228 SK +83 5 229 DD +83 5 230 PE +83 5 231 SA +83 5 232 DD +83 5 233 DD +83 5 234 DD +83 5 235 DD +83 5 236 HW +83 5 237 SA +83 5 238 DD +83 5 239 SA +83 5 240 DD +83 5 241 PE +83 5 242 HW +83 5 243 SA +83 5 244 PE +83 5 245 SA +83 5 246 SK +83 5 247 DD +83 5 248 DD +83 5 249 DD +83 5 250 DD +83 5 251 HW +83 5 252 PE +83 5 253 SK +83 5 254 DD +83 5 255 HW +83 5 256 SA +83 5 257 DD +83 5 258 HS +83 5 259 SA +83 5 260 PE +83 5 261 HW +83 5 262 DE +83 5 263 DD +83 5 264 HW +83 5 265 SK +83 5 266 SA +83 5 267 DD +83 5 268 SK +83 5 269 SA +83 5 270 HW +83 5 271 DD +83 5 272 PE +83 5 273 SA +83 5 274 PE +83 5 275 HW +83 5 276 SA +83 5 277 DD +83 5 278 SA +83 5 279 DD +83 5 280 DD +83 5 281 DD +83 5 282 HW +83 5 283 DD +83 5 284 PE +83 5 285 SA +83 5 286 PE +83 5 287 SK +83 5 288 SA +83 5 289 SK +83 5 290 PE +83 5 291 DD +83 5 292 SA +83 5 293 DD +83 5 294 PE +83 5 295 SK +83 5 296 DD +83 5 297 HW +83 5 298 SA +83 5 299 DD +83 5 300 PE +83 5 301 SK +83 5 302 PE +83 5 303 DD +83 5 304 SK +83 5 305 SA +83 5 306 HW +83 5 307 DD +83 5 308 SK +83 5 309 DD +83 5 310 SK +83 5 311 DD +83 5 312 DD +83 5 313 SK +83 5 314 PE +83 5 315 SK +83 5 316 DD +83 5 317 SA +83 5 318 HW +83 5 319 PE +83 5 320 HW +83 5 321 SA +83 5 322 DD +83 5 323 DD +83 5 324 PE +83 5 325 SA +83 5 326 HS +83 5 327 PE +83 5 328 DD +83 5 329 HW +83 5 330 PE +83 6 1 SK +83 6 2 SE +83 6 3 SA +83 6 4 HW +83 6 5 DK +83 6 6 TK +83 6 7 SE +83 6 8 TK +83 6 9 * +83 6 10 DD +83 6 11 SK +83 6 12 HS +83 6 13 DD +83 6 14 DD +83 6 15 SE +83 6 16 DE +83 6 17 SA +83 6 18 DD +83 6 19 DK +83 6 20 TK +83 6 21 SA +83 6 22 HS +83 6 23 TK +83 6 24 DD +83 6 25 SK +83 6 26 DK +83 6 27 DE +83 6 28 SA +83 6 29 SK +83 6 30 SE +83 6 31 DK +83 6 32 SA +83 6 33 SE +83 6 34 DK +83 6 35 SA +83 6 36 DD +83 6 37 SK +83 6 38 HW +83 6 39 SE +83 6 40 DK +83 6 41 SA +83 6 42 TK +83 6 43 DD +83 6 44 PE +83 6 45 SE +83 6 46 TK +83 6 47 DD +83 6 48 TK +83 6 49 DK +83 6 50 TK +83 6 51 TK +83 6 52 DE +83 6 53 SE +83 6 54 HW +83 6 55 DK +83 6 56 TK +83 6 57 DD +83 6 58 TK +83 6 59 DE +83 6 60 DD +83 6 61 SA +83 6 62 SE +83 6 63 SA +83 6 64 DK +83 6 65 SA +83 6 66 DE +83 6 67 SK +83 6 68 SE +83 6 69 TK +83 6 70 DE +83 6 71 SA +83 6 72 SK +83 6 73 SA +83 6 74 DK +83 6 75 DD +83 6 76 SA +83 6 77 DK +83 6 78 TK +83 6 79 DD +83 6 80 SK +83 6 81 HS +83 6 82 SK +83 6 83 HW +83 6 84 TK +83 6 85 SK +83 6 86 TK +83 6 87 DD +83 6 88 TK +83 6 89 DD +83 6 90 DD +83 6 91 HS +83 6 92 DE +83 6 93 SK +83 6 94 DD +83 6 95 DE +83 6 96 SE +83 6 97 TK +83 6 98 DE +83 6 99 HW +83 6 100 DE +83 6 101 SA +83 6 102 DE +83 6 103 TK +83 6 104 SK +83 6 105 SE +83 6 106 HS +83 6 107 DE +83 6 108 DE +83 6 109 SK +83 6 110 SE +83 6 111 DD +83 6 112 SA +83 6 113 DD +83 6 114 TK +83 6 115 SA +83 6 116 DK +83 6 117 TK +83 6 118 SA +83 6 119 SK +83 6 120 DE +83 6 121 SA +83 6 122 SK +83 6 123 DK +83 6 124 HS +83 6 125 TK +83 6 126 SA +83 6 127 DD +83 6 128 HS +83 6 129 PE +83 6 130 DD +83 6 131 SE +83 6 132 SA +83 6 133 SK +83 6 134 DD +83 6 135 SA +83 6 136 SK +83 6 137 DD +83 6 138 SK +83 6 139 PE +83 6 140 SK +83 6 141 PE +83 6 142 DE +83 6 143 HS +83 6 144 SE +83 6 145 SK +83 6 146 HS +83 6 147 SK +83 6 148 SA +83 6 149 SE +83 6 150 HW +83 6 151 TK +83 6 152 SE +83 6 153 SK +83 6 154 DD +83 6 155 DD +83 6 156 SK +83 6 157 TK +83 6 158 DE +83 6 159 HW +83 6 160 TK +83 6 161 HW +83 6 162 SA +83 6 163 DD +83 6 164 DK +83 6 165 SE +83 6 166 SK +83 6 167 TK +83 6 168 SK +83 6 169 DK +83 6 170 DD +83 6 171 TK +83 6 172 DE +83 6 173 TK +83 6 174 HW +83 6 175 DK +83 6 176 DE +83 6 177 HS +83 6 178 SK +83 6 179 TK +83 6 180 SK +83 6 181 HW +83 6 182 TK +83 6 183 TK +83 6 184 HW +83 6 185 TK +83 6 186 DK +83 6 187 SE +83 6 188 DD +83 6 189 DE +83 6 190 TK +83 6 191 SK +83 6 192 HW +83 6 193 HS +83 6 194 TK +83 6 195 HW +83 6 196 DK +83 6 197 SE +83 6 198 DD +83 6 199 DE +83 6 200 DK +83 6 201 TK +83 6 202 SK +83 6 203 TK +83 6 204 DD +83 6 205 SE +83 6 206 DE +83 6 207 SE +83 6 208 TK +83 6 209 DD +83 6 210 HW +83 6 211 DK +83 6 212 TK +83 6 213 SK +83 6 214 HS +83 6 215 TK +83 6 216 DD +83 6 217 HW +83 6 218 TK +83 6 219 DE +83 6 220 SK +83 6 221 DE +83 6 222 SE +83 6 223 SK +83 6 224 TK +83 6 225 TK +83 6 226 DD +83 6 227 DD +83 6 228 SK +83 6 229 DK +83 6 230 TK +83 6 231 SE +83 6 232 TK +83 6 233 SE +83 6 234 SK +83 6 235 SK +83 6 236 HW +83 6 237 SE +83 6 238 SK +83 6 239 PE +83 6 240 TK +83 6 241 PE +83 6 242 TK +83 6 243 SE +83 6 244 DE +83 6 245 SA +83 6 246 DK +83 6 247 SE +83 6 248 DD +83 6 249 SE +83 6 250 HW +83 6 251 HS +83 6 252 TK +83 6 253 DK +83 6 254 TK +83 6 255 DD +83 6 256 SA +83 6 257 TK +83 6 258 HS +83 6 259 HW +83 6 260 HS +83 6 261 TK +83 6 262 DE +83 6 263 PE +83 6 264 DK +83 6 265 SK +83 6 266 PE +83 6 267 SE +83 6 268 TK +83 6 269 SE +83 6 270 PE +83 6 271 DD +83 6 272 DE +83 6 273 SE +83 6 274 DE +83 6 275 HS +83 6 276 SA +83 6 277 SK +83 6 278 HW +83 6 279 SE +83 6 280 PE +83 6 281 SE +83 6 282 HW +83 6 283 PE +83 6 284 PE +83 6 285 HW +83 6 286 PE +83 6 287 HS +83 6 288 SA +83 6 289 DK +83 6 290 PE +83 6 291 SK +83 6 292 TK +83 6 293 PE +83 6 294 PE +83 6 295 TK +83 6 296 SE +83 6 297 HW +83 6 298 SA +83 6 299 SK +83 6 300 PE +83 6 301 SE +83 6 302 PE +83 6 303 DK +83 6 304 TK +83 6 305 SE +83 6 306 HS +83 6 307 DK +83 6 308 TK +83 6 309 DD +83 6 310 SK +83 6 311 SK +83 6 312 DD +83 6 313 SE +83 6 314 PE +83 6 315 HS +83 6 316 SK +83 6 317 SE +83 6 318 HW +83 6 319 PE +83 6 320 TK +83 6 321 SA +83 6 322 DK +83 6 323 SK +83 6 324 PE +83 6 325 SE +83 6 326 HS +83 6 327 PE +83 6 328 DD +83 6 329 TK +83 6 330 PE +83 7 1 DD +83 7 2 DE +83 7 3 SA +83 7 4 DD +83 7 5 DE +83 7 6 DD +83 7 7 DE +83 7 8 DE +83 7 9 DD +83 7 10 DD +83 7 11 DD +83 7 12 PE +83 7 13 DD +83 7 14 DD +83 7 15 PE +83 7 16 DE +83 7 17 SA +83 7 18 DD +83 7 19 DD +83 7 20 PE +83 7 21 SA +83 7 22 PE +83 7 23 DD +83 7 24 DD +83 7 25 PE +83 7 26 DD +83 7 27 PE +83 7 28 SA +83 7 29 DD +83 7 30 PE +83 7 31 DE +83 7 32 SA +83 7 33 DD +83 7 34 DD +83 7 35 SA +83 7 36 DD +83 7 37 PE +83 7 38 SA +83 7 39 DD +83 7 40 PE +83 7 41 SA +83 7 42 PE +83 7 43 DD +83 7 44 PE +83 7 45 DD +83 7 46 DD +83 7 47 DD +83 7 48 PE +83 7 49 DE +83 7 50 SA +83 7 51 DD +83 7 52 DE +83 7 53 SA +83 7 54 DD +83 7 55 DE +83 7 56 SA +83 7 57 DD +83 7 58 PE +83 7 59 DE +83 7 60 DD +83 7 61 SA +83 7 62 PE +83 7 63 SA +83 7 64 DD +83 7 65 SA +83 7 66 PE +83 7 67 DE +83 7 68 SA +83 7 69 DD +83 7 70 PE +83 7 71 SA +83 7 72 DD +83 7 73 SA +83 7 74 DE +83 7 75 DD +83 7 76 SA +83 7 77 DD +83 7 78 DE +83 7 79 DD +83 7 80 DD +83 7 81 DE +83 7 82 DE +83 7 83 DE +83 7 84 DE +83 7 85 SA +83 7 86 DD +83 7 87 SA +83 7 88 DD +83 7 89 SA +83 7 90 DD +83 7 91 DE +83 7 92 DE +83 7 93 DD +83 7 94 DD +83 7 95 DE +83 7 96 DE +83 7 97 DD +83 7 98 SA +83 7 99 DE +83 7 100 DE +83 7 101 SA +83 7 102 DE +83 7 103 DD +83 7 104 DE +83 7 105 SA +83 7 106 DE +83 7 107 DE +83 7 108 DE +83 7 109 DD +83 7 110 HS +83 7 111 DD +83 7 112 SA +83 7 113 DD +83 7 114 DD +83 7 115 SA +83 7 116 DE +83 7 117 DD +83 7 118 SA +83 7 119 DD +83 7 120 DE +83 7 121 SA +83 7 122 DD +83 7 123 DD +83 7 124 HS +83 7 125 SA +83 7 126 SA +83 7 127 DD +83 7 128 HS +83 7 129 DE +83 7 130 DD +83 7 131 SA +83 7 132 SA +83 7 133 DD +83 7 134 DD +83 7 135 SA +83 7 136 DE +83 7 137 DD +83 7 138 DE +83 7 139 DE +83 7 140 DD +83 7 141 DE +83 7 142 DE +83 7 143 HS +83 7 144 DD +83 7 145 DE +83 7 146 HS +83 7 147 DE +83 7 148 SA +83 7 149 DE +83 7 150 SA +83 7 151 SA +83 7 152 SA +83 7 153 DD +83 7 154 DD +83 7 155 DD +83 7 156 DD +83 7 157 DE +83 7 158 DE +83 7 159 HS +83 7 160 SA +83 7 161 DD +83 7 162 SA +83 7 163 DD +83 7 164 DD +83 7 165 HS +83 7 166 DD +83 7 167 DE +83 7 168 DD +83 7 169 DE +83 7 170 DD +83 7 171 HS +83 7 172 DE +83 7 173 SA +83 7 174 HS +83 7 175 DE +83 7 176 SA +83 7 177 DE +83 7 178 DD +83 7 179 SA +83 7 180 DE +83 7 181 HS +83 7 182 SA +83 7 183 DD +83 7 184 SA +83 7 185 HS +83 7 186 DE +83 7 187 HS +83 7 188 DD +83 7 189 DE +83 7 190 SA +83 7 191 DD +83 7 192 SA +83 7 193 HS +83 7 194 SA +83 7 195 HS +83 7 196 DE +83 7 197 SA +83 7 198 DD +83 7 199 DE +83 7 200 DE +83 7 201 SA +83 7 202 DD +83 7 203 SA +83 7 204 DD +83 7 205 SA +83 7 206 DE +83 7 207 SA +83 7 208 HS +83 7 209 DD +83 7 210 SA +83 7 211 DE +83 7 212 HS +83 7 213 DE +83 7 214 HS +83 7 215 SA +83 7 216 DD +83 7 217 SA +83 7 218 HS +83 7 219 DE +83 7 220 DD +83 7 221 DE +83 7 222 SA +83 7 223 DD +83 7 224 DE +83 7 225 HS +83 7 226 DD +83 7 227 DD +83 7 228 DD +83 7 229 DE +83 7 230 DE +83 7 231 SA +83 7 232 HS +83 7 233 DE +83 7 234 DD +83 7 235 DD +83 7 236 HS +83 7 237 SA +83 7 238 DD +83 7 239 SA +83 7 240 SA +83 7 241 DE +83 7 242 HS +83 7 243 SA +83 7 244 DE +83 7 245 SA +83 7 246 DE +83 7 247 DD +83 7 248 DD +83 7 249 DD +83 7 250 SA +83 7 251 DE +83 7 252 DE +83 7 253 DD +83 7 254 DE +83 7 255 DD +83 7 256 SA +83 7 257 DD +83 7 258 HS +83 7 259 SA +83 7 260 DE +83 7 261 SA +83 7 262 DE +83 7 263 DD +83 7 264 DE +83 7 265 DD +83 7 266 SA +83 7 267 SA +83 7 268 DE +83 7 269 SA +83 7 270 HS +83 7 271 DD +83 7 272 DE +83 7 273 SA +83 7 274 DE +83 7 275 HS +83 7 276 SA +83 7 277 DD +83 7 278 SA +83 7 279 DD +83 7 280 HS +83 7 281 DD +83 7 282 DE +83 7 283 SA +83 7 284 DE +83 7 285 SA +83 7 286 DE +83 7 287 HS +83 7 288 SA +83 7 289 DE +83 7 290 DE +83 7 291 DD +83 7 292 SA +83 7 293 DE +83 7 294 DE +83 7 295 HS +83 7 296 SA +83 7 297 HS +83 7 298 SA +83 7 299 DD +83 7 300 DE +83 7 301 DD +83 7 302 DE +83 7 303 DE +83 7 304 HS +83 7 305 SA +83 7 306 HS +83 7 307 DD +83 7 308 SA +83 7 309 DD +83 7 310 HS +83 7 311 DD +83 7 312 DD +83 7 313 DD +83 7 314 DE +83 7 315 HS +83 7 316 DD +83 7 317 SA +83 7 318 HS +83 7 319 DE +83 7 320 HS +83 7 321 SA +83 7 322 DE +83 7 323 DD +83 7 324 DE +83 7 325 SA +83 7 326 HS +83 7 327 DE +83 7 328 DD +83 7 329 HS +83 7 330 DE +83 8 1 DD +83 8 2 DE +83 8 3 SA +83 8 4 PE +83 8 5 HS +83 8 6 DD +83 8 7 HS +83 8 8 PE +83 8 9 PE +83 8 10 DD +83 8 11 PE +83 8 12 HS +83 8 13 DE +83 8 14 PE +83 8 15 PE +83 8 16 HS +83 8 17 SA +83 8 18 DD +83 8 19 DD +83 8 20 SA +83 8 21 DD +83 8 22 PE +83 8 23 PE +83 8 24 DD +83 8 25 PE +83 8 26 PE +83 8 27 DD +83 8 28 SA +83 8 29 DD +83 8 30 DD +83 8 31 PE +83 8 32 DD +83 8 33 SA +83 8 34 PE +83 8 35 DD +83 8 36 PE +83 8 37 DE +83 8 38 PE +83 8 39 DD +83 8 40 PE +83 8 41 DD +83 8 42 PE +83 8 43 DD +83 8 44 PE +83 8 45 DD +83 8 46 DD +83 8 47 PE +83 8 48 DD +83 8 49 DE +83 8 50 PE +83 8 51 DD +83 8 52 PE +83 8 53 DE +83 8 54 PE +83 8 55 DE +83 8 56 PE +83 8 57 DE +83 8 58 DD +83 8 59 PE +83 8 60 DE +83 8 61 SA +83 8 62 HS +83 8 63 DE +83 8 64 DE +83 8 65 DE +83 8 66 HS +83 8 67 SK +83 8 68 PE +83 8 69 DE +83 8 70 HS +83 8 71 PE +83 8 72 HS +83 8 73 PE +83 8 74 DD +83 8 75 HS +83 8 76 DE +83 8 77 HS +83 8 78 DE +83 8 79 DD +83 8 80 DE +83 8 81 PE +83 8 82 DD +83 8 83 PE +83 8 84 DE +83 8 85 DD +83 8 86 DE +83 8 87 PE +83 8 88 DD +83 8 89 DE +83 8 90 PE +83 8 91 HS +83 8 92 DE +83 8 93 SA +83 8 94 PE +83 8 95 DE +83 8 96 HS +83 8 97 PE +83 8 98 SA +83 8 99 DD +83 8 100 SA +83 8 101 DD +83 8 102 DE +83 8 103 DD +83 8 104 PE +83 8 105 DD +83 8 106 PE +83 8 107 DE +83 8 108 DD +83 8 109 PE +83 8 110 DE +83 8 111 PE +83 8 112 SA +83 8 113 DD +83 8 114 DE +83 8 115 SA +83 8 116 DD +83 8 117 PE +83 8 118 SA +83 8 119 HS +83 8 120 DD +83 8 121 DD +83 8 122 HS +83 8 123 DD +83 8 124 HS +83 8 125 SA +83 8 126 DD +83 8 127 DE +83 8 128 HS +83 8 129 DE +83 8 130 DD +83 8 131 DE +83 8 132 SA +83 8 133 DE +83 8 134 DD +83 8 135 SA +83 8 136 DE +83 8 137 DD +83 8 138 DE +83 8 139 PE +83 8 140 DD +83 8 141 DE +83 8 142 PE +83 8 143 HS +83 8 144 DD +83 8 145 HS +83 8 146 SA +83 8 147 DE +83 8 148 SA +83 8 149 DE +83 8 150 DD +83 8 151 PE +83 8 152 DE +83 8 153 DD +83 8 154 PE +83 8 155 DE +83 8 156 HS +83 8 157 DD +83 8 158 HS +83 8 159 DD +83 8 160 DE +83 8 161 HS +83 8 162 SA +83 8 163 DD +83 8 164 SA +83 8 165 DD +83 8 166 DD +83 8 167 SA +83 8 168 DD +83 8 169 DE +83 8 170 DD +83 8 171 PE +83 8 172 DD +83 8 173 PE +83 8 174 HS +83 8 175 DD +83 8 176 HS +83 8 177 DE +83 8 178 DE +83 8 179 DE +83 8 180 HS +83 8 181 DD +83 8 182 DE +83 8 183 PE +83 8 184 DE +83 8 185 DD +83 8 186 HS +83 8 187 PE +83 8 188 DD +83 8 189 DE +83 8 190 DD +83 8 191 HS +83 8 192 DD +83 8 193 HS +83 8 194 SA +83 8 195 HS +83 8 196 HS +83 8 197 DD +83 8 198 PE +83 8 199 DE +83 8 200 DD +83 8 201 DE +83 8 202 HS +83 8 203 SA +83 8 204 DE +83 8 205 DD +83 8 206 PE +83 8 207 DE +83 8 208 DD +83 8 209 PE +83 8 210 DD +83 8 211 DE +83 8 212 PE +83 8 213 DD +83 8 214 DE +83 8 215 PE +83 8 216 DE +83 8 217 PE +83 8 218 DD +83 8 219 DE +83 8 220 DD +83 8 221 DE +83 8 222 PE +83 8 223 DD +83 8 224 PE +83 8 225 DE +83 8 226 DD +83 8 227 DE +83 8 228 PE +83 8 229 SA +83 8 230 DD +83 8 231 SA +83 8 232 DD +83 8 233 DD +83 8 234 SA +83 8 235 DE +83 8 236 HS +83 8 237 PE +83 8 238 DE +83 8 239 SA +83 8 240 DD +83 8 241 DE +83 8 242 SA +83 8 243 DD +83 8 244 DE +83 8 245 SA +83 8 246 DD +83 8 247 DE +83 8 248 DD +83 8 249 DE +83 8 250 SA +83 8 251 DE +83 8 252 DE +83 8 253 HS +83 8 254 DE +83 8 255 DD +83 8 256 SA +83 8 257 DE +83 8 258 HS +83 8 259 SA +83 8 260 DD +83 8 261 DE +83 8 262 DE +83 8 263 DD +83 8 264 PE +83 8 265 PE +83 8 266 DE +83 8 267 PE +83 8 268 HS +83 8 269 SA +83 8 270 DE +83 8 271 PE +83 8 272 DD +83 8 273 DE +83 8 274 PE +83 8 275 DE +83 8 276 SA +83 8 277 DD +83 8 278 PE +83 8 279 DE +83 8 280 DD +83 8 281 PE +83 8 282 DD +83 8 283 PE +83 8 284 DE +83 8 285 SA +83 8 286 DE +83 8 287 DD +83 8 288 PE +83 8 289 DD +83 8 290 DE +83 8 291 PE +83 8 292 DD +83 8 293 DE +83 8 294 DD +83 8 295 DE +83 8 296 PE +83 8 297 DD +83 8 298 SA +83 8 299 HS +83 8 300 DE +83 8 301 HS +83 8 302 DD +83 8 303 DE +83 8 304 PE +83 8 305 SA +83 8 306 DE +83 8 307 PE +83 8 308 DE +83 8 309 DD +83 8 310 HS +83 8 311 DD +83 8 312 PE +83 8 313 DE +83 8 314 PE +83 8 315 HS +83 8 316 SA +83 8 317 HS +83 8 318 DE +83 8 319 DE +83 8 320 DD +83 8 321 SA +83 8 322 DD +83 8 323 DE +83 8 324 PE +83 8 325 DE +83 8 326 DD +83 8 327 DD +83 8 328 DE +83 8 329 PE +83 8 330 DD +83 9 1 HW +83 9 2 SA +83 9 3 SK +83 9 4 SA +83 9 5 SK +83 9 6 HW +83 9 7 HS +83 9 8 SK +83 9 9 HU +83 9 10 SA +83 9 11 HW +83 9 12 HU +83 9 13 SK +83 9 14 HU +83 9 15 HW +83 9 16 DE +83 9 17 HW +83 9 18 SK +83 9 19 HW +83 9 20 HW +83 9 21 SA +83 9 22 DE +83 9 23 SK +83 9 24 SK +83 9 25 SK +83 9 26 HU +83 9 27 DE +83 9 28 SA +83 9 29 SK +83 9 30 HW +83 9 31 HU +83 9 32 HW +83 9 33 HW +83 9 34 SK +83 9 35 HW +83 9 36 SK +83 9 37 HU +83 9 38 SA +83 9 39 HU +83 9 40 SK +83 9 41 SA +83 9 42 HU +83 9 43 HU +83 9 44 DE +83 9 45 HU +83 9 46 DE +83 9 47 SK +83 9 48 HS +83 9 49 SK +83 9 50 HU +83 9 51 HW +83 9 52 DE +83 9 53 HU +83 9 54 SK +83 9 55 SK +83 9 56 HW +83 9 57 SK +83 9 58 HW +83 9 59 HW +83 9 60 SK +83 9 61 SK +83 9 62 SK +83 9 63 HW +83 9 64 SK +83 9 65 SA +83 9 66 DE +83 9 67 SK +83 9 68 SA +83 9 69 HW +83 9 70 DE +83 9 71 HU +83 9 72 SK +83 9 73 HU +83 9 74 SK +83 9 75 HU +83 9 76 HW +83 9 77 SK +83 9 78 HW +83 9 79 HU +83 9 80 SK +83 9 81 HW +83 9 82 SK +83 9 83 DE +83 9 84 HW +83 9 85 SK +83 9 86 SA +83 9 87 SK +83 9 88 SA +83 9 89 HU +83 9 90 SK +83 9 91 HS +83 9 92 DE +83 9 93 SK +83 9 94 HU +83 9 95 DE +83 9 96 HS +83 9 97 SK +83 9 98 SA +83 9 99 HU +83 9 100 SK +83 9 101 SA +83 9 102 SK +83 9 103 HU +83 9 104 SK +83 9 105 SA +83 9 106 HS +83 9 107 DE +83 9 108 SK +83 9 109 HU +83 9 110 HS +83 9 111 HU +83 9 112 SA +83 9 113 HU +83 9 114 SK +83 9 115 SA +83 9 116 DE +83 9 117 HU +83 9 118 SA +83 9 119 HU +83 9 120 DE +83 9 121 SA +83 9 122 SK +83 9 123 HU +83 9 124 HS +83 9 125 SA +83 9 126 SA +83 9 127 HU +83 9 128 SK +83 9 129 DE +83 9 130 HU +83 9 131 SA +83 9 132 HW +83 9 133 SK +83 9 134 SK +83 9 135 SA +83 9 136 SK +83 9 137 HW +83 9 138 SK +83 9 139 HW +83 9 140 SK +83 9 141 DE +83 9 142 HW +83 9 143 HS +83 9 144 DD +83 9 145 SK +83 9 146 HS +83 9 147 SK +83 9 148 SA +83 9 149 DE +83 9 150 SK +83 9 151 HW +83 9 152 SK +83 9 153 SK +83 9 154 HW +83 9 155 HU +83 9 156 SK +83 9 157 HU +83 9 158 DE +83 9 159 DE +83 9 160 SA +83 9 161 SK +83 9 162 SA +83 9 163 SK +83 9 164 HU +83 9 165 HU +83 9 166 HW +83 9 167 SK +83 9 168 HW +83 9 169 SK +83 9 170 HU +83 9 171 HW +83 9 172 DE +83 9 173 SA +83 9 174 HS +83 9 175 SK +83 9 176 SA +83 9 177 DE +83 9 178 DD +83 9 179 HW +83 9 180 SK +83 9 181 HS +83 9 182 HU +83 9 183 HU +83 9 184 SK +83 9 185 HS +83 9 186 SK +83 9 187 HS +83 9 188 SK +83 9 189 DE +83 9 190 HW +83 9 191 SK +83 9 192 HU +83 9 193 HW +83 9 194 HU +83 9 195 SK +83 9 196 SK +83 9 197 HW +83 9 198 HU +83 9 199 DE +83 9 200 SK +83 9 201 HW +83 9 202 SK +83 9 203 SA +83 9 204 HU +83 9 205 HW +83 9 206 DE +83 9 207 SA +83 9 208 HW +83 9 209 SK +83 9 210 HU +83 9 211 SK +83 9 212 HS +83 9 213 HU +83 9 214 HS +83 9 215 SA +83 9 216 HU +83 9 217 SA +83 9 218 HS +83 9 219 DE +83 9 220 SK +83 9 221 DE +83 9 222 SK +83 9 223 SK +83 9 224 DE +83 9 225 HW +83 9 226 DD +83 9 227 HU +83 9 228 SK +83 9 229 SK +83 9 230 DE +83 9 231 SA +83 9 232 HU +83 9 233 SK +83 9 234 SK +83 9 235 SK +83 9 236 HW +83 9 237 DE +83 9 238 SK +83 9 239 SA +83 9 240 HU +83 9 241 DE +83 9 242 HW +83 9 243 SA +83 9 244 DE +83 9 245 SA +83 9 246 SK +83 9 247 HU +83 9 248 DD +83 9 249 SK +83 9 250 SA +83 9 251 HW +83 9 252 DE +83 9 253 SK +83 9 254 SK +83 9 255 HU +83 9 256 SA +83 9 257 SK +83 9 258 HS +83 9 259 SA +83 9 260 DE +83 9 261 HW +83 9 262 DE +83 9 263 HU +83 9 264 SK +83 9 265 SK +83 9 266 HW +83 9 267 SA +83 9 268 SK +83 9 269 SA +83 9 270 HS +83 9 271 DD +83 9 272 DE +83 9 273 HW +83 9 274 DE +83 9 275 HS +83 9 276 SA +83 9 277 SK +83 9 278 HW +83 9 279 HW +83 9 280 DE +83 9 281 SK +83 9 282 HW +83 9 283 HW +83 9 284 DE +83 9 285 SA +83 9 286 DE +83 9 287 HW +83 9 288 SA +83 9 289 SK +83 9 290 DE +83 9 291 SK +83 9 292 HW +83 9 293 DE +83 9 294 DE +83 9 295 HW +83 9 296 SA +83 9 297 HS +83 9 298 SA +83 9 299 SK +83 9 300 DE +83 9 301 SK +83 9 302 DE +83 9 303 SK +83 9 304 HW +83 9 305 SA +83 9 306 HW +83 9 307 SK +83 9 308 HW +83 9 309 HW +83 9 310 SK +83 9 311 DD +83 9 312 HW +83 9 313 SK +83 9 314 DE +83 9 315 SK +83 9 316 DD +83 9 317 SA +83 9 318 HW +83 9 319 DE +83 9 320 SK +83 9 321 SA +83 9 322 SK +83 9 323 DD +83 9 324 DE +83 9 325 SA +83 9 326 HS +83 9 327 DE +83 9 328 HU +83 9 329 HW +83 9 330 DE +83 10 1 SK +83 10 2 SK +83 10 3 SA +83 10 4 DD +83 10 5 HW +83 10 6 HW +83 10 7 SK +83 10 8 SA +83 10 9 HW +83 10 10 DD +83 10 11 DD +83 10 12 HW +83 10 13 SK +83 10 14 DD +83 10 15 HW +83 10 16 DE +83 10 17 SA +83 10 18 DD +83 10 19 SK +83 10 20 HW +83 10 21 SA +83 10 22 HW +83 10 23 DD +83 10 24 HW +83 10 25 SK +83 10 26 DD +83 10 27 DE +83 10 28 SA +83 10 29 SK +83 10 30 HW +83 10 31 SK +83 10 32 DD +83 10 33 HW +83 10 34 DD +83 10 35 SA +83 10 36 DD +83 10 37 HW +83 10 38 SA +83 10 39 HW +83 10 40 SK +83 10 41 SA +83 10 42 HW +83 10 43 DD +83 10 44 DE +83 10 45 HW +83 10 46 DD +83 10 47 DD +83 10 48 HW +83 10 49 SK +83 10 50 DD +83 10 51 HW +83 10 52 DE +83 10 53 SA +83 10 54 HW +83 10 55 SK +83 10 56 HW +83 10 57 DD +83 10 58 HW +83 10 59 DD +83 10 60 DD +83 10 61 SA +83 10 62 HW +83 10 63 HW +83 10 64 DD +83 10 65 SA +83 10 66 DE +83 10 67 HW +83 10 68 SK +83 10 69 DD +83 10 70 SK +83 10 71 SA +83 10 72 HW +83 10 73 DD +83 10 74 DE +83 10 75 DD +83 10 76 SA +83 10 77 HW +83 10 78 DE +83 10 79 DD +83 10 80 SK +83 10 81 HW +83 10 82 SK +83 10 83 DE +83 10 84 SA +83 10 85 SK +83 10 86 SA +83 10 87 DD +83 10 88 SA +83 10 89 DD +83 10 90 DD +83 10 91 HW +83 10 92 DE +83 10 93 DD +83 10 94 DD +83 10 95 DE +83 10 96 HW +83 10 97 SK +83 10 98 SA +83 10 99 SK +83 10 100 SK +83 10 101 SA +83 10 102 DE +83 10 103 DD +83 10 104 SK +83 10 105 SA +83 10 106 HW +83 10 107 DE +83 10 108 SK +83 10 109 DD +83 10 110 HW +83 10 111 DD +83 10 112 SA +83 10 113 DD +83 10 114 SK +83 10 115 SA +83 10 116 SK +83 10 117 DD +83 10 118 SA +83 10 119 HW +83 10 120 DE +83 10 121 SA +83 10 122 HW +83 10 123 SK +83 10 124 HW +83 10 125 SA +83 10 126 HW +83 10 127 DD +83 10 128 HW +83 10 129 DE +83 10 130 DD +83 10 131 DD +83 10 132 SA +83 10 133 HW +83 10 134 DD +83 10 135 SA +83 10 136 SK +83 10 137 DD +83 10 138 SK +83 10 139 DE +83 10 140 DD +83 10 141 DE +83 10 142 SK +83 10 143 HW +83 10 144 DD +83 10 145 SK +83 10 146 HW +83 10 147 DD +83 10 148 SA +83 10 149 SK +83 10 150 DD +83 10 151 SA +83 10 152 HW +83 10 153 DD +83 10 154 DD +83 10 155 DD +83 10 156 HW +83 10 157 DD +83 10 158 DE +83 10 159 HW +83 10 160 HW +83 10 161 SK +83 10 162 SA +83 10 163 SK +83 10 164 DD +83 10 165 SK +83 10 166 DD +83 10 167 HW +83 10 168 DD +83 10 169 SK +83 10 170 DD +83 10 171 SK +83 10 172 DE +83 10 173 SA +83 10 174 HW +83 10 175 DD +83 10 176 SA +83 10 177 HW +83 10 178 DD +83 10 179 SA +83 10 180 SK +83 10 181 HW +83 10 182 SK +83 10 183 HW +83 10 184 SK +83 10 185 HW +83 10 186 SK +83 10 187 HW +83 10 188 DD +83 10 189 DE +83 10 190 TK +83 10 191 HW +83 10 192 SK +83 10 193 HW +83 10 194 SA +83 10 195 SK +83 10 196 DD +83 10 197 TK +83 10 198 DD +83 10 199 DE +83 10 200 SK +83 10 201 TK +83 10 202 SK +83 10 203 SA +83 10 204 DD +83 10 205 SK +83 10 206 DE +83 10 207 SA +83 10 208 HW +83 10 209 SK +83 10 210 DD +83 10 211 SK +83 10 212 HW +83 10 213 TK +83 10 214 HW +83 10 215 TK +83 10 216 DD +83 10 217 SA +83 10 218 HW +83 10 219 DE +83 10 220 SK +83 10 221 DE +83 10 222 SK +83 10 223 HW +83 10 224 DE +83 10 225 HW +83 10 226 SK +83 10 227 DD +83 10 228 SK +83 10 229 HW +83 10 230 TK +83 10 231 SA +83 10 232 DD +83 10 233 SK +83 10 234 SK +83 10 235 SK +83 10 236 HW +83 10 237 TK +83 10 238 SK +83 10 239 TK +83 10 240 HW +83 10 241 DE +83 10 242 HW +83 10 243 SA +83 10 244 HW +83 10 245 SA +83 10 246 SK +83 10 247 SK +83 10 248 HW +83 10 249 SK +83 10 250 SK +83 10 251 HW +83 10 252 DE +83 10 253 SK +83 10 254 SK +83 10 255 DD +83 10 256 SA +83 10 257 DD +83 10 258 HW +83 10 259 SA +83 10 260 DE +83 10 261 HW +83 10 262 DE +83 10 263 DD +83 10 264 DE +83 10 265 SK +83 10 266 SA +83 10 267 TK +83 10 268 HW +83 10 269 TK +83 10 270 HW +83 10 271 DD +83 10 272 DE +83 10 273 TK +83 10 274 DE +83 10 275 SK +83 10 276 SA +83 10 277 DD +83 10 278 SA +83 10 279 SK +83 10 280 HW +83 10 281 SK +83 10 282 SK +83 10 283 DD +83 10 284 DE +83 10 285 TK +83 10 286 DE +83 10 287 HW +83 10 288 SA +83 10 289 SK +83 10 290 DE +83 10 291 SK +83 10 292 TK +83 10 293 DE +83 10 294 DE +83 10 295 DD +83 10 296 DD +83 10 297 HW +83 10 298 SA +83 10 299 HW +83 10 300 DE +83 10 301 SK +83 10 302 DE +83 10 303 DE +83 10 304 HW +83 10 305 SA +83 10 306 HW +83 10 307 HW +83 10 308 TK +83 10 309 DD +83 10 310 SK +83 10 311 DD +83 10 312 DD +83 10 313 SK +83 10 314 DE +83 10 315 SK +83 10 316 SK +83 10 317 SA +83 10 318 HW +83 10 319 DE +83 10 320 HW +83 10 321 SA +83 10 322 DE +83 10 323 HW +83 10 324 DE +83 10 325 SA +83 10 326 HW +83 10 327 DE +83 10 328 SK +83 10 329 HW +83 10 330 DE +83 11 1 SK +83 11 2 SK +83 11 3 SA +83 11 4 PE +83 11 5 DE +83 11 6 PE +83 11 7 U +83 11 8 SA +83 11 9 PE +83 11 10 SK +83 11 11 U +83 11 12 DD +83 11 13 PE +83 11 14 DE +83 11 15 SA +83 11 16 DD +83 11 17 DE +83 11 18 DE +83 11 19 SA +83 11 20 HS +83 11 21 SA +83 11 22 DD +83 11 23 U +83 11 24 DD +83 11 25 HS +83 11 26 SA +83 11 27 PE +83 11 28 SA +83 11 29 PE +83 11 30 SA +83 11 31 PE +83 11 32 DD +83 11 33 SA +83 11 34 DD +83 11 35 U +83 11 36 SA +83 11 37 DD +83 11 38 U +83 11 39 SA +83 11 40 HS +83 11 41 DD +83 11 42 PE +83 11 43 DD +83 11 44 PE +83 11 45 U +83 11 46 PE +83 11 47 U +83 11 48 HS +83 11 49 PE +83 11 50 SA +83 11 51 HS +83 11 52 DE +83 11 53 SA +83 11 54 U +83 11 55 DD +83 11 56 HS +83 11 57 U +83 11 58 HS +83 11 59 PE +83 11 60 U +83 11 61 SA +83 11 62 PE +83 11 63 SA +83 11 64 DD +83 11 65 SA +83 11 66 PE +83 11 67 DE +83 11 68 SA +83 11 69 U +83 11 70 DE +83 11 71 SA +83 11 72 DD +83 11 73 SA +83 11 74 DE +83 11 75 DD +83 11 76 SA +83 11 77 DD +83 11 78 PE +83 11 79 DD +83 11 80 U +83 11 81 HS +83 11 82 DE +83 11 83 HS +83 11 84 PE +83 11 85 DD +83 11 86 SA +83 11 87 DD +83 11 88 SA +83 11 89 U +83 11 90 DD +83 11 91 PE +83 11 92 DE +83 11 93 DD +83 11 94 U +83 11 95 PE +83 11 96 HS +83 11 97 PE +83 11 98 SA +83 11 99 DE +83 11 100 PE +83 11 101 SA +83 11 102 PE +83 11 103 U +83 11 104 PE +83 11 105 SA +83 11 106 HS +83 11 107 DE +83 11 108 DE +83 11 109 U +83 11 110 HS +83 11 111 U +83 11 112 SA +83 11 113 U +83 11 114 DD +83 11 115 SA +83 11 116 DE +83 11 117 PE +83 11 118 SA +83 11 119 U +83 11 120 DE +83 11 121 SA +83 11 122 U +83 11 123 DD +83 11 124 HS +83 11 125 SA +83 11 126 PE +83 11 127 DD +83 11 128 HS +83 11 129 PE +83 11 130 HS +83 11 131 SA +83 11 132 SA +83 11 133 U +83 11 134 PE +83 11 135 SA +83 11 136 DE +83 11 137 DD +83 11 138 PE +83 11 139 DE +83 11 140 DD +83 11 141 PE +83 11 142 DE +83 11 143 HS +83 11 144 DD +83 11 145 DE +83 11 146 HS +83 11 147 HS +83 11 148 SA +83 11 149 PE +83 11 150 SA +83 11 151 SA +83 11 152 DE +83 11 153 U +83 11 154 DE +83 11 155 U +83 11 156 DD +83 11 157 DE +83 11 158 PE +83 11 159 HS +83 11 160 DE +83 11 161 U +83 11 162 SA +83 11 163 U +83 11 164 DD +83 11 165 PE +83 11 166 DD +83 11 167 PE +83 11 168 DD +83 11 169 U +83 11 170 DD +83 11 171 DD +83 11 172 PE +83 11 173 SA +83 11 174 HS +83 11 175 DE +83 11 176 SA +83 11 177 HS +83 11 178 U +83 11 179 SA +83 11 180 U +83 11 181 HS +83 11 182 SA +83 11 183 PE +83 11 184 SA +83 11 185 PE +83 11 186 U +83 11 187 HS +83 11 188 DD +83 11 189 DE +83 11 190 SA +83 11 191 U +83 11 192 PE +83 11 193 HS +83 11 194 SA +83 11 195 DD +83 11 196 DE +83 11 197 SA +83 11 198 DD +83 11 199 DE +83 11 200 DE +83 11 201 SA +83 11 202 DD +83 11 203 SA +83 11 204 U +83 11 205 PE +83 11 206 DE +83 11 207 SA +83 11 208 PE +83 11 209 U +83 11 210 SA +83 11 211 DD +83 11 212 HS +83 11 213 DE +83 11 214 HS +83 11 215 SA +83 11 216 U +83 11 217 SA +83 11 218 HS +83 11 219 DE +83 11 220 DE +83 11 221 PE +83 11 222 SA +83 11 223 DD +83 11 224 PE +83 11 225 PE +83 11 226 DD +83 11 227 DD +83 11 228 DD +83 11 229 DE +83 11 230 DE +83 11 231 SA +83 11 232 HS +83 11 233 DE +83 11 234 U +83 11 235 DD +83 11 236 HS +83 11 237 SA +83 11 238 DD +83 11 239 SA +83 11 240 SA +83 11 241 DE +83 11 242 HS +83 11 243 SA +83 11 244 DE +83 11 245 SA +83 11 246 U +83 11 247 DD +83 11 248 DD +83 11 249 U +83 11 250 SA +83 11 251 DE +83 11 252 PE +83 11 253 DE +83 11 254 PE +83 11 255 DD +83 11 256 SA +83 11 257 U +83 11 258 HS +83 11 259 SA +83 11 260 DE +83 11 261 HS +83 11 262 DE +83 11 263 DE +83 11 264 DE +83 11 265 U +83 11 266 SA +83 11 267 SA +83 11 268 DD +83 11 269 SA +83 11 270 HS +83 11 271 DD +83 11 272 DE +83 11 273 SA +83 11 274 DE +83 11 275 HS +83 11 276 SA +83 11 277 DD +83 11 278 SA +83 11 279 U +83 11 280 DD +83 11 281 U +83 11 282 DD +83 11 283 HS +83 11 284 DE +83 11 285 PE +83 11 286 DE +83 11 287 HS +83 11 288 SA +83 11 289 DE +83 11 290 DE +83 11 291 U +83 11 292 SA +83 11 293 DE +83 11 294 DE +83 11 295 HS +83 11 296 SA +83 11 297 HS +83 11 298 SA +83 11 299 U +83 11 300 DE +83 11 301 DD +83 11 302 DE +83 11 303 DE +83 11 304 U +83 11 305 SA +83 11 306 DE +83 11 307 U +83 11 308 SA +83 11 309 U +83 11 310 DD +83 11 311 DD +83 11 312 U +83 11 313 DD +83 11 314 DE +83 11 315 HS +83 11 316 DD +83 11 317 SA +83 11 318 HS +83 11 319 DE +83 11 320 DD +83 11 321 SA +83 11 322 DE +83 11 323 U +83 11 324 DE +83 11 325 SA +83 11 326 HS +83 11 327 DE +83 11 328 DD +83 11 329 SA +83 11 330 DE +83 12 1 SK +83 12 2 DE +83 12 3 SA +83 12 4 TK +83 12 5 DE +83 12 6 HW +83 12 7 TK +83 12 8 SA +83 12 9 PE +83 12 10 DD +83 12 11 TK +83 12 12 HS +83 12 13 TK +83 12 14 SK +83 12 15 TK +83 12 16 DE +83 12 17 SA +83 12 18 DE +83 12 19 TK +83 12 20 HW +83 12 21 SA +83 12 22 TK +83 12 23 HW +83 12 24 DD +83 12 25 PE +83 12 26 DD +83 12 27 DE +83 12 28 SA +83 12 29 HW +83 12 30 PE +83 12 31 TK +83 12 32 SA +83 12 33 PE +83 12 34 DD +83 12 35 SA +83 12 36 DE +83 12 37 SK +83 12 38 SA +83 12 39 DE +83 12 40 SK +83 12 41 SA +83 12 42 HW +83 12 43 SK +83 12 44 DE +83 12 45 TK +83 12 46 DE +83 12 47 DE +83 12 48 HW +83 12 49 M +83 12 50 PE +83 12 51 TK +83 12 52 DE +83 12 53 SA +83 12 54 DE +83 12 55 TK +83 12 56 HW +83 12 57 SK +83 12 58 TK +83 12 59 DE +83 12 60 SK +83 12 61 SA +83 12 62 M +83 12 63 SA +83 12 64 SK +83 12 65 SA +83 12 66 DE +83 12 67 HW +83 12 68 SA +83 12 69 DD +83 12 70 DE +83 12 71 SA +83 12 72 PE +83 12 73 HW +83 12 74 DE +83 12 75 DD +83 12 76 SA +83 12 77 TK +83 12 78 HW +83 12 79 DD +83 12 80 SK +83 12 81 TK +83 12 82 TK +83 12 83 PE +83 12 84 SA +83 12 85 HW +83 12 86 SA +83 12 87 DD +83 12 88 SA +83 12 89 DD +83 12 90 DD +83 12 91 HW +83 12 92 DE +83 12 93 SK +83 12 94 DD +83 12 95 DE +83 12 96 HW +83 12 97 M +83 12 98 SA +83 12 99 DE +83 12 100 TK +83 12 101 SA +83 12 102 DE +83 12 103 HW +83 12 104 DE +83 12 105 SA +83 12 106 HW +83 12 107 DE +83 12 108 DE +83 12 109 SK +83 12 110 HW +83 12 111 DD +83 12 112 SA +83 12 113 DD +83 12 114 M +83 12 115 SA +83 12 116 DE +83 12 117 DD +83 12 118 SA +83 12 119 HW +83 12 120 DE +83 12 121 SA +83 12 122 PE +83 12 123 DD +83 12 124 HW +83 12 125 TK +83 12 126 SA +83 12 127 DD +83 12 128 HW +83 12 129 DE +83 12 130 DD +83 12 131 SA +83 12 132 SA +83 12 133 PE +83 12 134 DD +83 12 135 SA +83 12 136 DE +83 12 137 HW +83 12 138 SK +83 12 139 DE +83 12 140 SK +83 12 141 DE +83 12 142 DE +83 12 143 HW +83 12 144 DD +83 12 145 PE +83 12 146 HW +83 12 147 PE +83 12 148 SA +83 12 149 PE +83 12 150 DD +83 12 151 SA +83 12 152 SA +83 12 153 SK +83 12 154 DD +83 12 155 DD +83 12 156 DD +83 12 157 DD +83 12 158 DE +83 12 159 PE +83 12 160 TK +83 12 161 HW +83 12 162 SA +83 12 163 DD +83 12 164 SK +83 12 165 DD +83 12 166 TK +83 12 167 HW +83 12 168 DE +83 12 169 SK +83 12 170 DD +83 12 171 DD +83 12 172 DE +83 12 173 SA +83 12 174 HW +83 12 175 DE +83 12 176 SA +83 12 177 HW +83 12 178 SK +83 12 179 DD +83 12 180 TK +83 12 181 HW +83 12 182 SA +83 12 183 DD +83 12 184 HW +83 12 185 HW +83 12 186 SK +83 12 187 HW +83 12 188 SK +83 12 189 DE +83 12 190 SA +83 12 191 SK +83 12 192 SK +83 12 193 HW +83 12 194 DD +83 12 195 TK +83 12 196 TK +83 12 197 SK +83 12 198 DD +83 12 199 DE +83 12 200 SK +83 12 201 SA +83 12 202 TK +83 12 203 SA +83 12 204 DD +83 12 205 SK +83 12 206 DE +83 12 207 SA +83 12 208 HW +83 12 209 DD +83 12 210 DD +83 12 211 SK +83 12 212 HW +83 12 213 DE +83 12 214 PE +83 12 215 SA +83 12 216 DD +83 12 217 SA +83 12 218 DE +83 12 219 SA +83 12 220 HW +83 12 221 DE +83 12 222 HW +83 12 223 PE +83 12 224 DE +83 12 225 DD +83 12 226 SK +83 12 227 DD +83 12 228 SK +83 12 229 DE +83 12 230 DE +83 12 231 HW +83 12 232 DD +83 12 233 SK +83 12 234 TK +83 12 235 SK +83 12 236 PE +83 12 237 HW +83 12 238 SK +83 12 239 SA +83 12 240 DD +83 12 241 DE +83 12 242 HW +83 12 243 SA +83 12 244 DE +83 12 245 SA +83 12 246 M +83 12 247 SK +83 12 248 DD +83 12 249 PE +83 12 250 M +83 12 251 TK +83 12 252 DE +83 12 253 PE +83 12 254 M +83 12 255 DD +83 12 256 SA +83 12 257 SK +83 12 258 HW +83 12 259 SA +83 12 260 DE +83 12 261 TK +83 12 262 DE +83 12 263 DE +83 12 264 SK +83 12 265 SK +83 12 266 PE +83 12 267 SA +83 12 268 TK +83 12 269 SA +83 12 270 HW +83 12 271 DD +83 12 272 DE +83 12 273 PE +83 12 274 DE +83 12 275 HW +83 12 276 SA +83 12 277 SK +83 12 278 SK +83 12 279 SK +83 12 280 HW +83 12 281 SK +83 12 282 M +83 12 283 DD +83 12 284 DE +83 12 285 HW +83 12 286 DE +83 12 287 HW +83 12 288 SA +83 12 289 SK +83 12 290 DE +83 12 291 SK +83 12 292 PE +83 12 293 DE +83 12 294 DE +83 12 295 DD +83 12 296 M +83 12 297 HW +83 12 298 SA +83 12 299 TK +83 12 300 DE +83 12 301 TK +83 12 302 DE +83 12 303 DD +83 12 304 DD +83 12 305 SK +83 12 306 HW +83 12 307 SK +83 12 308 HW +83 12 309 DD +83 12 310 TK +83 12 311 SK +83 12 312 DD +83 12 313 SK +83 12 314 DE +83 12 315 TK +83 12 316 SK +83 12 317 SA +83 12 318 HW +83 12 319 DE +83 12 320 HW +83 12 321 SA +83 12 322 SK +83 12 323 DD +83 12 324 DE +83 12 325 HW +83 12 326 HW +83 12 327 DE +83 12 328 DD +83 12 329 DD +83 12 330 DE +83 13 1 SK +83 13 2 HW +83 13 3 SA +83 13 4 DD +83 13 5 SK +83 13 6 HW +83 13 7 TK +83 13 8 SA +83 13 9 DD +83 13 10 TK +83 13 11 DD +83 13 12 HS +83 13 13 DD +83 13 14 SK +83 13 15 HW +83 13 16 DE +83 13 17 SA +83 13 18 DD +83 13 19 SK +83 13 20 SK +83 13 21 HW +83 13 22 HS +83 13 23 SK +83 13 24 TK +83 13 25 SK +83 13 26 DD +83 13 27 TK +83 13 28 SA +83 13 29 SK +83 13 30 HW +83 13 31 SK +83 13 32 SA +83 13 33 SK +83 13 34 DD +83 13 35 TK +83 13 36 SK +83 13 37 SK +83 13 38 SA +83 13 39 DD +83 13 40 SK +83 13 41 SA +83 13 42 HS +83 13 43 DD +83 13 44 DE +83 13 45 SK +83 13 46 HU +83 13 47 SK +83 13 48 TK +83 13 49 SK +83 13 50 SA +83 13 51 TK +83 13 52 DE +83 13 53 SA +83 13 54 SK +83 13 55 SK +83 13 56 HW +83 13 57 DD +83 13 58 TK +83 13 59 DE +83 13 60 DD +83 13 61 SA +83 13 62 SK +83 13 63 HW +83 13 64 DD +83 13 65 SA +83 13 66 DE +83 13 67 SK +83 13 68 SA +83 13 69 TK +83 13 70 DE +83 13 71 TK +83 13 72 SK +83 13 73 HW +83 13 74 SK +83 13 75 DD +83 13 76 HW +83 13 77 SK +83 13 78 TK +83 13 79 DD +83 13 80 SK +83 13 81 HW +83 13 82 SK +83 13 83 HW +83 13 84 TK +83 13 85 SK +83 13 86 HW +83 13 87 DD +83 13 88 SA +83 13 89 DD +83 13 90 DD +83 13 91 HW +83 13 92 TK +83 13 93 DD +83 13 94 SK +83 13 95 SK +83 13 96 HS +83 13 97 SK +83 13 98 SA +83 13 99 SK +83 13 100 DK +83 13 101 SA +83 13 102 SK +83 13 103 HU +83 13 104 DK +83 13 105 SA +83 13 106 HS +83 13 107 DE +83 13 108 DK +83 13 109 DD +83 13 110 HS +83 13 111 HU +83 13 112 SA +83 13 113 HU +83 13 114 DD +83 13 115 SA +83 13 116 DK +83 13 117 HU +83 13 118 TK +83 13 119 SK +83 13 120 DE +83 13 121 SA +83 13 122 SK +83 13 123 DD +83 13 124 HS +83 13 125 SA +83 13 126 HW +83 13 127 DD +83 13 128 HS +83 13 129 DE +83 13 130 HU +83 13 131 SA +83 13 132 SA +83 13 133 SK +83 13 134 HU +83 13 135 SA +83 13 136 DK +83 13 137 HU +83 13 138 DK +83 13 139 DE +83 13 140 DD +83 13 141 DE +83 13 142 DE +83 13 143 HS +83 13 144 HU +83 13 145 DK +83 13 146 HU +83 13 147 DK +83 13 148 HS +83 13 149 DK +83 13 150 SA +83 13 151 SK +83 13 152 HU +83 13 153 SA +83 13 154 TK +83 13 155 DK +83 13 156 HU +83 13 157 DD +83 13 158 SK +83 13 159 TK +83 13 160 TK +83 13 161 DK +83 13 162 SA +83 13 163 SK +83 13 164 SK +83 13 165 HU +83 13 166 DD +83 13 167 TK +83 13 168 DD +83 13 169 DD +83 13 170 HU +83 13 171 HU +83 13 172 DE +83 13 173 SA +83 13 174 HS +83 13 175 DK +83 13 176 SA +83 13 177 HS +83 13 178 SK +83 13 179 SA +83 13 180 DK +83 13 181 HS +83 13 182 SA +83 13 183 HU +83 13 184 SK +83 13 185 HS +83 13 186 DK +83 13 187 HW +83 13 188 SK +83 13 189 DK +83 13 190 TK +83 13 191 DD +83 13 192 DD +83 13 193 HS +83 13 194 SA +83 13 195 SK +83 13 196 DK +83 13 197 * +83 13 198 HU +83 13 199 DK +83 13 200 SK +83 13 201 TK +83 13 202 SK +83 13 203 SA +83 13 204 HU +83 13 205 SK +83 13 206 TK +83 13 207 SA +83 13 208 HW +83 13 209 DD +83 13 210 HU +83 13 211 SK +83 13 212 TK +83 13 213 SK +83 13 214 HS +83 13 215 HW +83 13 216 HU +83 13 217 TK +83 13 218 HW +83 13 219 DK +83 13 220 DD +83 13 221 DK +83 13 222 SK +83 13 223 DD +83 13 224 TK +83 13 225 HW +83 13 226 DD +83 13 227 HU +83 13 228 DD +83 13 229 DK +83 13 230 DE +83 13 231 SK +83 13 232 HU +83 13 233 SK +83 13 234 SK +83 13 235 DD +83 13 236 HS +83 13 237 TK +83 13 238 SK +83 13 239 TK +83 13 240 HU +83 13 241 DE +83 13 242 HS +83 13 243 SA +83 13 244 DK +83 13 245 SA +83 13 246 SK +83 13 247 * +83 13 248 DD +83 13 249 DD +83 13 250 SA +83 13 251 * +83 13 252 DE +83 13 253 DE +83 13 254 DE +83 13 255 HU +83 13 256 SA +83 13 257 DD +83 13 258 HS +83 13 259 TK +83 13 260 HS +83 13 261 TK +83 13 262 DE +83 13 263 DD +83 13 264 DK +83 13 265 * +83 13 266 TK +83 13 267 SA +83 13 268 SK +83 13 269 SA +83 13 270 HW +83 13 271 DD +83 13 272 DE +83 13 273 SA +83 13 274 DE +83 13 275 HS +83 13 276 SA +83 13 277 DD +83 13 278 TK +83 13 279 SK +83 13 280 HW +83 13 281 DD +83 13 282 HW +83 13 283 HU +83 13 284 DK +83 13 285 TK +83 13 286 DE +83 13 287 HS +83 13 288 SA +83 13 289 SK +83 13 290 TK +83 13 291 DD +83 13 292 TK +83 13 293 DK +83 13 294 SK +83 13 295 HU +83 13 296 DD +83 13 297 HS +83 13 298 SA +83 13 299 SK +83 13 300 DE +83 13 301 SK +83 13 302 TK +83 13 303 DK +83 13 304 HW +83 13 305 DD +83 13 306 HW +83 13 307 SK +83 13 308 DD +83 13 309 HU +83 13 310 SK +83 13 311 DD +83 13 312 HU +83 13 313 SK +83 13 314 DE +83 13 315 TK +83 13 316 DD +83 13 317 SA +83 13 318 HW +83 13 319 DE +83 13 320 HS +83 13 321 SA +83 13 322 DK +83 13 323 DD +83 13 324 DE +83 13 325 SA +83 13 326 HS +83 13 327 DK +83 13 328 DD +83 13 329 HU +83 13 330 DK +83 14 1 SK +83 14 2 PE +83 14 3 SA +83 14 4 DD +83 14 5 PE +83 14 6 HW +83 14 7 PE +83 14 8 SA +83 14 9 PE +83 14 10 DD +83 14 11 PE +83 14 12 HS +83 14 13 PE +83 14 14 DD +83 14 15 HW +83 14 16 PE +83 14 17 SA +83 14 18 DD +83 14 19 HW +83 14 20 DD +83 14 21 SA +83 14 22 HW +83 14 23 SA +83 14 24 DD +83 14 25 DD +83 14 26 HW +83 14 27 DE +83 14 28 SA +83 14 29 PE +83 14 30 HW +83 14 31 DE +83 14 32 SA +83 14 33 DD +83 14 34 PE +83 14 35 SA +83 14 36 DD +83 14 37 SK +83 14 38 SA +83 14 39 DD +83 14 40 DD +83 14 41 SA +83 14 42 HW +83 14 43 DD +83 14 44 PE +83 14 45 DD +83 14 46 DD +83 14 47 DD +83 14 48 HW +83 14 49 HW +83 14 50 PE +83 14 51 DD +83 14 52 PE +83 14 53 SA +83 14 54 DD +83 14 55 HW +83 14 56 HW +83 14 57 DD +83 14 58 HS +83 14 59 DE +83 14 60 DD +83 14 61 SA +83 14 62 HW +83 14 63 HW +83 14 64 DD +83 14 65 SA +83 14 66 DE +83 14 67 HW +83 14 68 SA +83 14 69 DD +83 14 70 PE +83 14 71 SA +83 14 72 DD +83 14 73 SA +83 14 74 DE +83 14 75 DD +83 14 76 HW +83 14 77 DD +83 14 78 PE +83 14 79 DD +83 14 80 PE +83 14 81 DD +83 14 82 PE +83 14 83 HS +83 14 84 SA +83 14 85 DD +83 14 86 SA +83 14 87 DD +83 14 88 SA +83 14 89 DD +83 14 90 DD +83 14 91 HW +83 14 92 PE +83 14 93 DD +83 14 94 DD +83 14 95 DE +83 14 96 HS +83 14 97 PE +83 14 98 SA +83 14 99 PE +83 14 100 DD +83 14 101 SA +83 14 102 DE +83 14 103 DD +83 14 104 PE +83 14 105 SA +83 14 106 HW +83 14 107 DE +83 14 108 PE +83 14 109 DD +83 14 110 HW +83 14 111 DD +83 14 112 SA +83 14 113 DD +83 14 114 DD +83 14 115 SA +83 14 116 PE +83 14 117 DD +83 14 118 SA +83 14 119 DD +83 14 120 PE +83 14 121 SA +83 14 122 DD +83 14 123 DD +83 14 124 HW +83 14 125 PE +83 14 126 SA +83 14 127 DD +83 14 128 HS +83 14 129 DE +83 14 130 DD +83 14 131 SA +83 14 132 HW +83 14 133 DD +83 14 134 DD +83 14 135 SA +83 14 136 DD +83 14 137 DD +83 14 138 PE +83 14 139 DE +83 14 140 DD +83 14 141 DE +83 14 142 DE +83 14 143 HS +83 14 144 DD +83 14 145 PE +83 14 146 HS +83 14 147 DD +83 14 148 SA +83 14 149 PE +83 14 150 SA +83 14 151 HW +83 14 152 SA +83 14 153 DD +83 14 154 DD +83 14 155 DD +83 14 156 DD +83 14 157 DD +83 14 158 DE +83 14 159 HS +83 14 160 SA +83 14 161 DD +83 14 162 SA +83 14 163 DD +83 14 164 DD +83 14 165 DD +83 14 166 DD +83 14 167 PE +83 14 168 DD +83 14 169 DD +83 14 170 DD +83 14 171 DD +83 14 172 DE +83 14 173 SA +83 14 174 HS +83 14 175 DE +83 14 176 SA +83 14 177 PE +83 14 178 DD +83 14 179 SA +83 14 180 DD +83 14 181 HW +83 14 182 SA +83 14 183 DD +83 14 184 SA +83 14 185 HW +83 14 186 DD +83 14 187 HS +83 14 188 DD +83 14 189 DE +83 14 190 PE +83 14 191 DD +83 14 192 PE +83 14 193 HS +83 14 194 DD +83 14 195 DD +83 14 196 DE +83 14 197 PE +83 14 198 DD +83 14 199 DE +83 14 200 PE +83 14 201 PE +83 14 202 DD +83 14 203 SA +83 14 204 DD +83 14 205 DD +83 14 206 DE +83 14 207 SA +83 14 208 HW +83 14 209 DD +83 14 210 DD +83 14 211 PE +83 14 212 HW +83 14 213 DE +83 14 214 HW +83 14 215 SA +83 14 216 DD +83 14 217 HW +83 14 218 DD +83 14 219 DE +83 14 220 DD +83 14 221 PE +83 14 222 SA +83 14 223 DD +83 14 224 DE +83 14 225 DD +83 14 226 DD +83 14 227 DD +83 14 228 DD +83 14 229 PE +83 14 230 DE +83 14 231 SA +83 14 232 DD +83 14 233 DD +83 14 234 DD +83 14 235 DD +83 14 236 HW +83 14 237 DE +83 14 238 DD +83 14 239 SA +83 14 240 DD +83 14 241 DE +83 14 242 HW +83 14 243 SA +83 14 244 DE +83 14 245 SA +83 14 246 DD +83 14 247 DE +83 14 248 DD +83 14 249 DD +83 14 250 SA +83 14 251 HW +83 14 252 DE +83 14 253 DD +83 14 254 DE +83 14 255 DD +83 14 256 SA +83 14 257 DD +83 14 258 HW +83 14 259 SA +83 14 260 DE +83 14 261 HW +83 14 262 DE +83 14 263 DD +83 14 264 DE +83 14 265 DD +83 14 266 DD +83 14 267 SA +83 14 268 DD +83 14 269 SA +83 14 270 HW +83 14 271 DD +83 14 272 DE +83 14 273 SA +83 14 274 DE +83 14 275 HW +83 14 276 SA +83 14 277 DD +83 14 278 SA +83 14 279 DD +83 14 280 HW +83 14 281 DD +83 14 282 HW +83 14 283 DD +83 14 284 DE +83 14 285 SA +83 14 286 DE +83 14 287 HW +83 14 288 SA +83 14 289 DD +83 14 290 HW +83 14 291 DD +83 14 292 SA +83 14 293 DE +83 14 294 DE +83 14 295 DD +83 14 296 DE +83 14 297 HW +83 14 298 SA +83 14 299 DD +83 14 300 DE +83 14 301 DD +83 14 302 DE +83 14 303 DE +83 14 304 DD +83 14 305 SA +83 14 306 DE +83 14 307 DD +83 14 308 SA +83 14 309 DD +83 14 310 DD +83 14 311 HW +83 14 312 DD +83 14 313 PE +83 14 314 PE +83 14 315 DD +83 14 316 DD +83 14 317 SA +83 14 318 HS +83 14 319 DE +83 14 320 DD +83 14 321 SA +83 14 322 DE +83 14 323 DD +83 14 324 DE +83 14 325 SA +83 14 326 HW +83 14 327 DE +83 14 328 DD +83 14 329 DD +83 14 330 DE +84 1 1 MF +84 1 2 GU +84 1 3 KB +84 1 4 JF +84 1 5 KG +84 1 6 FK +84 1 7 GU +84 1 8 BA +84 1 9 SU +84 1 10 BA +84 1 11 BK +84 1 12 FK +84 1 13 BA +84 1 14 BK +84 1 15 DN +84 1 16 WE +84 1 17 BE +84 1 18 BK +84 1 19 DN +84 1 20 KG +84 1 21 BE +84 1 22 FK +84 1 23 DN +84 1 24 BK +84 1 25 MF +84 1 26 BA +84 1 27 WE +84 1 28 BE +84 1 29 MF +84 1 30 SU +84 1 31 GU +84 1 32 NW +84 1 33 MF +84 1 34 BA +84 1 35 BE +84 1 36 BK +84 1 37 MF +84 1 38 BE +84 1 39 GU +84 1 40 MF +84 1 41 BA +84 1 42 FK +84 1 43 BA +84 1 44 WE +84 1 45 GU +84 1 46 BK +84 1 47 BA +84 1 48 FK +84 1 49 MF +84 1 50 NW +84 1 51 BA +84 1 52 WE +84 1 53 NW +84 1 54 GU +84 1 55 MF +84 1 56 BE +84 1 57 GU +84 1 58 WE +84 1 59 NW +84 1 60 BK +84 1 61 NW +84 1 62 BA +84 1 63 BE +84 1 64 BK +84 1 65 BE +84 1 66 WE +84 1 67 GU +84 1 68 BE +84 1 69 GU +84 1 70 WE +84 1 71 NW +84 1 72 MF +84 1 73 NW +84 1 74 WE +84 1 75 BK +84 1 76 BE +84 1 77 MF +84 1 78 DN +84 1 79 BK +84 1 80 GU +84 1 81 GU +84 1 82 MF +84 1 83 WE +84 1 84 BA +84 1 85 GU +84 1 86 BE +84 1 87 BK +84 1 88 DN +84 1 89 BK +84 1 90 BK +84 1 91 MF +84 1 92 WE +84 1 93 GU +84 1 94 BK +84 1 95 GU +84 1 96 FK +84 1 97 BA +84 1 98 BE +84 1 99 WE +84 1 100 GU +84 1 101 DN +84 1 102 BK +84 1 103 BK +84 1 104 MF +84 1 105 DN +84 1 106 WE +84 1 107 WE +84 1 108 WE +84 1 109 NW +84 1 110 FK +84 1 111 BA +84 1 112 BE +84 1 113 BK +84 1 114 GU +84 1 115 BE +84 1 116 WE +84 1 117 GU +84 1 118 BE +84 1 119 MF +84 1 120 WE +84 1 121 BE +84 1 122 MF +84 1 123 MF +84 1 124 GU +84 1 125 BE +84 1 126 BE +84 1 127 BK +84 1 128 MF +84 1 129 WE +84 1 130 BA +84 1 131 NW +84 1 132 BE +84 1 133 GU +84 1 134 BK +84 1 135 KO +84 1 136 MF +84 1 137 BK +84 1 138 MF +84 1 139 WE +84 1 140 GU +84 1 141 WE +84 1 142 WE +84 1 143 MF +84 1 144 DN +84 1 145 GU +84 1 146 FK +84 1 147 MF +84 1 148 BE +84 1 149 GU +84 1 150 DN +84 1 151 KO +84 1 152 KO +84 1 153 MF +84 1 154 BK +84 1 155 BA +84 1 156 MF +84 1 157 BK +84 1 158 WE +84 1 159 FK +84 1 160 FK +84 1 161 MF +84 1 162 DN +84 1 163 GU +84 1 164 GU +84 1 165 BK +84 1 166 BA +84 1 167 MA +84 1 168 GU +84 1 169 MF +84 1 170 BK +84 1 171 GU +84 1 172 WE +84 1 173 BE +84 1 174 FK +84 1 175 MF +84 1 176 BE +84 1 177 WE +84 1 178 GU +84 1 179 BA +84 1 180 GU +84 1 181 FK +84 1 182 NW +84 1 183 BK +84 1 184 NW +84 1 185 BA +84 1 186 MF +84 1 187 BE +84 1 188 MF +84 1 189 WE +84 1 190 BE +84 1 191 BK +84 1 192 MF +84 1 193 GU +84 1 194 BA +84 1 195 MF +84 1 196 GU +84 1 197 NW +84 1 198 BK +84 1 199 GU +84 1 200 FK +84 1 201 BE +84 1 202 GU +84 1 203 BE +84 1 204 BK +84 1 205 NW +84 1 206 WE +84 1 207 BE +84 1 208 BA +84 1 209 BK +84 1 210 DN +84 1 211 GU +84 1 212 BE +84 1 213 MF +84 1 214 GU +84 1 215 BE +84 1 216 BK +84 1 217 BE +84 1 218 GU +84 1 219 WE +84 1 220 BA +84 1 221 WE +84 1 222 BA +84 1 223 MF +84 1 224 WE +84 1 225 BK +84 1 226 GU +84 1 227 BK +84 1 228 BA +84 1 229 MF +84 1 230 WE +84 1 231 NW +84 1 232 BA +84 1 233 NW +84 1 234 GU +84 1 235 MF +84 1 236 BA +84 1 237 FK +84 1 238 MF +84 1 239 BE +84 1 240 BE +84 1 241 WE +84 1 242 KO +84 1 243 NW +84 1 244 WE +84 1 245 BE +84 1 246 GU +84 1 247 MF +84 1 248 BK +84 1 249 NW +84 1 250 BA +84 1 251 GU +84 1 252 WE +84 1 253 MF +84 1 254 BA +84 1 255 BK +84 1 256 BE +84 1 257 BK +84 1 258 MF +84 1 259 DN +84 1 260 WE +84 1 261 MA +84 1 262 WE +84 1 263 WE +84 1 264 MF +84 1 265 BA +84 1 266 NW +84 1 267 BA +84 1 268 MF +84 1 269 DN +84 1 270 KO +84 1 271 BA +84 1 272 WE +84 1 273 DN +84 1 274 WE +84 1 275 BA +84 1 276 DN +84 1 277 BK +84 1 278 FK +84 1 279 DN +84 1 280 MF +84 1 281 GU +84 1 282 MF +84 1 283 BA +84 1 284 WE +84 1 285 DN +84 1 286 WE +84 1 287 BA +84 1 288 BE +84 1 289 GU +84 1 290 WE +84 1 291 BA +84 1 292 GU +84 1 293 MF +84 1 294 WE +84 1 295 BK +84 1 296 DN +84 1 297 FK +84 1 298 BE +84 1 299 GU +84 1 300 WE +84 1 301 GU +84 1 302 WE +84 1 303 WE +84 1 304 GU +84 1 305 DN +84 1 306 FK +84 1 307 DN +84 1 308 DN +84 1 309 BK +84 1 310 GU +84 1 311 MF +84 1 312 BK +84 1 313 GU +84 1 314 WE +84 1 315 MF +84 1 316 GU +84 1 317 DN +84 1 318 FK +84 1 319 WE +84 1 320 BK +84 1 321 BA +84 1 322 GU +84 1 323 DN +84 1 324 WE +84 1 325 BA +84 1 326 FK +84 1 327 WE +84 1 328 BK +84 1 329 BK +84 1 330 WE +84 2 1 GU +84 2 2 WE +84 2 3 BE +84 2 4 GU +84 2 5 GU +84 2 6 DN +84 2 7 GU +84 2 8 BE +84 2 9 KL +84 2 10 GU +84 2 11 KL +84 2 12 DN +84 2 13 GU +84 2 14 BK +84 2 15 KL +84 2 16 WE +84 2 17 BE +84 2 18 BK +84 2 19 KL +84 2 20 GU +84 2 21 BE +84 2 22 KO +84 2 23 GU +84 2 24 BK +84 2 25 GU +84 2 26 GU +84 2 27 WE +84 2 28 BE +84 2 29 GU +84 2 30 BE +84 2 31 GU +84 2 32 BE +84 2 33 GU +84 2 34 KO +84 2 35 BE +84 2 36 BK +84 2 37 GU +84 2 38 BE +84 2 39 GU +84 2 40 GU +84 2 41 BE +84 2 42 KO +84 2 43 BK +84 2 44 WE +84 2 45 GU +84 2 46 BK +84 2 47 BK +84 2 48 DN +84 2 49 GU +84 2 50 BE +84 2 51 BK +84 2 52 WE +84 2 53 GU +84 2 54 BK +84 2 55 GU +84 2 56 DN +84 2 57 GU +84 2 58 DN +84 2 59 WE +84 2 60 BK +84 2 61 BE +84 2 62 DN +84 2 63 KO +84 2 64 BK +84 2 65 BE +84 2 66 WE +84 2 67 GU +84 2 68 BE +84 2 69 BK +84 2 70 WE +84 2 71 BK +84 2 72 GU +84 2 73 DN +84 2 74 WE +84 2 75 BK +84 2 76 BE +84 2 77 GU +84 2 78 WE +84 2 79 BK +84 2 80 GU +84 2 81 GU +84 2 82 GU +84 2 83 WE +84 2 84 WE +84 2 85 GU +84 2 86 DN +84 2 87 BK +84 2 88 DN +84 2 89 BK +84 2 90 BK +84 2 91 GU +84 2 92 WE +84 2 93 GU +84 2 94 BK +84 2 95 GU +84 2 96 DN +84 2 97 KL +84 2 98 BE +84 2 99 WE +84 2 100 GU +84 2 101 BE +84 2 102 BK +84 2 103 BK +84 2 104 GU +84 2 105 DN +84 2 106 KO +84 2 107 WE +84 2 108 GU +84 2 109 BA +84 2 110 KL +84 2 111 BK +84 2 112 BE +84 2 113 BK +84 2 114 BK +84 2 115 BE +84 2 116 WE +84 2 117 BK +84 2 118 BE +84 2 119 GU +84 2 120 WE +84 2 121 BE +84 2 122 GU +84 2 123 BA +84 2 124 KO +84 2 125 BE +84 2 126 WE +84 2 127 BK +84 2 128 KO +84 2 129 WE +84 2 130 BK +84 2 131 BA +84 2 132 BE +84 2 133 GU +84 2 134 BK +84 2 135 DN +84 2 136 GU +84 2 137 GU +84 2 138 GU +84 2 139 WE +84 2 140 GU +84 2 141 WE +84 2 142 WE +84 2 143 KO +84 2 144 BA +84 2 145 GU +84 2 146 DN +84 2 147 GU +84 2 148 BE +84 2 149 KO +84 2 150 GU +84 2 151 BE +84 2 152 KO +84 2 153 GU +84 2 154 BK +84 2 155 BK +84 2 156 GU +84 2 157 BA +84 2 158 WE +84 2 159 KO +84 2 160 WE +84 2 161 GU +84 2 162 BE +84 2 163 GU +84 2 164 GU +84 2 165 KL +84 2 166 BK +84 2 167 WE +84 2 168 GU +84 2 169 GU +84 2 170 BK +84 2 171 KO +84 2 172 WE +84 2 173 BE +84 2 174 DN +84 2 175 WE +84 2 176 BE +84 2 177 KO +84 2 178 BA +84 2 179 BE +84 2 180 GU +84 2 181 DN +84 2 182 BE +84 2 183 BK +84 2 184 GU +84 2 185 BE +84 2 186 GU +84 2 187 BE +84 2 188 GU +84 2 189 WE +84 2 190 WE +84 2 191 GU +84 2 192 BA +84 2 193 KO +84 2 194 BE +84 2 195 GU +84 2 196 WE +84 2 197 GU +84 2 198 BK +84 2 199 WE +84 2 200 GU +84 2 201 BE +84 2 202 GU +84 2 203 BA +84 2 204 BK +84 2 205 DN +84 2 206 WE +84 2 207 BE +84 2 208 KL +84 2 209 GU +84 2 210 BE +84 2 211 GU +84 2 212 BE +84 2 213 WE +84 2 214 KO +84 2 215 GU +84 2 216 BK +84 2 217 WE +84 2 218 GU +84 2 219 WE +84 2 220 GU +84 2 221 WE +84 2 222 KO +84 2 223 GU +84 2 224 WE +84 2 225 KO +84 2 226 GU +84 2 227 BK +84 2 228 BK +84 2 229 GU +84 2 230 WE +84 2 231 BE +84 2 232 KO +84 2 233 WE +84 2 234 GU +84 2 235 GU +84 2 236 DN +84 2 237 WE +84 2 238 GU +84 2 239 GU +84 2 240 BE +84 2 241 WE +84 2 242 KO +84 2 243 BE +84 2 244 WE +84 2 245 BE +84 2 246 GU +84 2 247 BA +84 2 248 BK +84 2 249 GU +84 2 250 BA +84 2 251 GU +84 2 252 GU +84 2 253 GU +84 2 254 BA +84 2 255 BK +84 2 256 BE +84 2 257 GU +84 2 258 KO +84 2 259 BE +84 2 260 WE +84 2 261 KO +84 2 262 WE +84 2 263 WE +84 2 264 GU +84 2 265 GU +84 2 266 BE +84 2 267 KL +84 2 268 GU +84 2 269 KL +84 2 270 DN +84 2 271 GU +84 2 272 WE +84 2 273 KL +84 2 274 WE +84 2 275 DN +84 2 276 KL +84 2 277 GU +84 2 278 KO +84 2 279 GU +84 2 280 GU +84 2 281 GU +84 2 282 GU +84 2 283 BK +84 2 284 WE +84 2 285 WE +84 2 286 WE +84 2 287 KL +84 2 288 BE +84 2 289 GU +84 2 290 WE +84 2 291 GU +84 2 292 WE +84 2 293 WE +84 2 294 WE +84 2 295 BA +84 2 296 KL +84 2 297 KO +84 2 298 BE +84 2 299 GU +84 2 300 WE +84 2 301 GU +84 2 302 WE +84 2 303 WE +84 2 304 GU +84 2 305 BA +84 2 306 GU +84 2 307 BA +84 2 308 KO +84 2 309 BK +84 2 310 GU +84 2 311 GU +84 2 312 BK +84 2 313 BK +84 2 314 WE +84 2 315 GU +84 2 316 GU +84 2 317 * +84 2 318 BE +84 2 319 WE +84 2 320 KO +84 2 321 BE +84 2 322 GU +84 2 323 GU +84 2 324 WE +84 2 325 BA +84 2 326 KO +84 2 327 WE +84 2 328 GU +84 2 329 KO +84 2 330 WE +84 3 1 BA +84 3 2 BA +84 3 3 FO +84 3 4 JF +84 3 5 BA +84 3 6 * +84 3 7 GU +84 3 8 JF +84 3 9 SU +84 3 10 BA +84 3 11 BK +84 3 12 KO +84 3 13 GU +84 3 14 BA +84 3 15 WE +84 3 16 WE +84 3 17 FO +84 3 18 SU +84 3 19 BA +84 3 20 GU +84 3 21 JF +84 3 22 KO +84 3 23 JF +84 3 24 SU +84 3 25 BA +84 3 26 BA +84 3 27 WE +84 3 28 JF +84 3 29 GU +84 3 30 FO +84 3 31 BA +84 3 32 JF +84 3 33 GU +84 3 34 BA +84 3 35 FO +84 3 36 GU +84 3 37 BA +84 3 38 JF +84 3 39 GU +84 3 40 BA +84 3 41 BE +84 3 42 KO +84 3 43 BA +84 3 44 WE +84 3 45 GU +84 3 46 SU +84 3 47 BK +84 3 48 FO +84 3 49 BA +84 3 50 JF +84 3 51 SU +84 3 52 WE +84 3 53 BE +84 3 54 GU +84 3 55 BA +84 3 56 * +84 3 57 BA +84 3 58 GU +84 3 59 WE +84 3 60 BK +84 3 61 BE +84 3 62 JF +84 3 63 BE +84 3 64 BA +84 3 65 BE +84 3 66 WE +84 3 67 GU +84 3 68 JF +84 3 69 GU +84 3 70 WE +84 3 71 JF +84 3 72 GU +84 3 73 JF +84 3 74 BA +84 3 75 GU +84 3 76 FO +84 3 77 BA +84 3 78 JF +84 3 79 BK +84 3 80 BA +84 3 81 GU +84 3 82 BA +84 3 83 KO +84 3 84 JF +84 3 85 GU +84 3 86 JF +84 3 87 BK +84 3 88 JF +84 3 89 BK +84 3 90 BK +84 3 91 KO +84 3 92 WE +84 3 93 BA +84 3 94 SU +84 3 95 WE +84 3 96 KO +84 3 97 JF +84 3 98 BE +84 3 99 JF +84 3 100 BA +84 3 101 JF +84 3 102 JF +84 3 103 GU +84 3 104 BA +84 3 105 JF +84 3 106 KO +84 3 107 WE +84 3 108 BA +84 3 109 BA +84 3 110 KO +84 3 111 GU +84 3 112 BE +84 3 113 BK +84 3 114 BA +84 3 115 BE +84 3 116 BA +84 3 117 SU +84 3 118 JF +84 3 119 GU +84 3 120 WE +84 3 121 FO +84 3 122 GU +84 3 123 BA +84 3 124 GU +84 3 125 FO +84 3 126 JF +84 3 127 BK +84 3 128 GU +84 3 129 WE +84 3 130 GU +84 3 131 BA +84 3 132 JF +84 3 133 GU +84 3 134 SU +84 3 135 JF +84 3 136 BA +84 3 137 GU +84 3 138 BA +84 3 139 WE +84 3 140 BA +84 3 141 WE +84 3 142 WE +84 3 143 GU +84 3 144 JF +84 3 145 GU +84 3 146 KO +84 3 147 BA +84 3 148 BE +84 3 149 GU +84 3 150 JF +84 3 151 JF +84 3 152 JF +84 3 153 BA +84 3 154 BK +84 3 155 SU +84 3 156 GU +84 3 157 SU +84 3 158 WE +84 3 159 FO +84 3 160 JF +84 3 161 GU +84 3 162 BE +84 3 163 BA +84 3 164 BA +84 3 165 GU +84 3 166 BK +84 3 167 JF +84 3 168 GU +84 3 169 BA +84 3 170 BK +84 3 171 GU +84 3 172 WE +84 3 173 BE +84 3 174 KO +84 3 175 BA +84 3 176 BE +84 3 177 KO +84 3 178 BA +84 3 179 BE +84 3 180 BA +84 3 181 KO +84 3 182 JF +84 3 183 SU +84 3 184 JF +84 3 185 FO +84 3 186 BA +84 3 187 FO +84 3 188 BA +84 3 189 BA +84 3 190 JF +84 3 191 GU +84 3 192 JF +84 3 193 GU +84 3 194 JF +84 3 195 GU +84 3 196 BA +84 3 197 JF +84 3 198 SU +84 3 199 WE +84 3 200 BA +84 3 201 JF +84 3 202 GU +84 3 203 JF +84 3 204 BK +84 3 205 BA +84 3 206 BE +84 3 207 WE +84 3 208 SU +84 3 209 GU +84 3 210 BE +84 3 211 BA +84 3 212 FO +84 3 213 JF +84 3 214 GU +84 3 215 JF +84 3 216 GU +84 3 217 JF +84 3 218 GU +84 3 219 WE +84 3 220 BA +84 3 221 WE +84 3 222 JF +84 3 223 GU +84 3 224 WE +84 3 225 GU +84 3 226 BA +84 3 227 BK +84 3 228 BA +84 3 229 BA +84 3 230 JF +84 3 231 JF +84 3 232 SU +84 3 233 BA +84 3 234 GU +84 3 235 BA +84 3 236 GU +84 3 237 JF +84 3 238 BA +84 3 239 JF +84 3 240 SU +84 3 241 WE +84 3 242 KO +84 3 243 JF +84 3 244 WE +84 3 245 BE +84 3 246 GU +84 3 247 JF +84 3 248 GU +84 3 249 GU +84 3 250 JF +84 3 251 GU +84 3 252 JF +84 3 253 GU +84 3 254 BA +84 3 255 BK +84 3 256 BE +84 3 257 BA +84 3 258 KO +84 3 259 BE +84 3 260 WE +84 3 261 FO +84 3 262 WE +84 3 263 JF +84 3 264 BA +84 3 265 GU +84 3 266 BE +84 3 267 JF +84 3 268 GU +84 3 269 JF +84 3 270 KO +84 3 271 GU +84 3 272 WE +84 3 273 JF +84 3 274 WE +84 3 275 GU +84 3 276 BE +84 3 277 BA +84 3 278 BE +84 3 279 BA +84 3 280 GU +84 3 281 BA +84 3 282 GU +84 3 283 SU +84 3 284 WE +84 3 285 JF +84 3 286 JF +84 3 287 SU +84 3 288 BE +84 3 289 BA +84 3 290 WE +84 3 291 BA +84 3 292 JF +84 3 293 WE +84 3 294 WE +84 3 295 SU +84 3 296 JF +84 3 297 KO +84 3 298 BE +84 3 299 BA +84 3 300 WE +84 3 301 GU +84 3 302 WE +84 3 303 WE +84 3 304 GU +84 3 305 JF +84 3 306 GU +84 3 307 BA +84 3 308 JF +84 3 309 SU +84 3 310 BA +84 3 311 BA +84 3 312 BK +84 3 313 BA +84 3 314 WE +84 3 315 GU +84 3 316 BA +84 3 317 JF +84 3 318 FO +84 3 319 WE +84 3 320 GU +84 3 321 BE +84 3 322 BA +84 3 323 GU +84 3 324 WE +84 3 325 JF +84 3 326 KO +84 3 327 WE +84 3 328 GU +84 3 329 SU +84 3 330 WE +84 4 1 GA +84 4 2 GU +84 4 3 FO +84 4 4 JF +84 4 5 GA +84 4 6 KO +84 4 7 GU +84 4 8 JF +84 4 9 PO +84 4 10 MK +84 4 11 GU +84 4 12 KO +84 4 13 GU +84 4 14 MK +84 4 15 * +84 4 16 FO +84 4 17 WE +84 4 18 BK +84 4 19 GA +84 4 20 GU +84 4 21 PF +84 4 22 KO +84 4 23 JF +84 4 24 PO +84 4 25 GU +84 4 26 MK +84 4 27 FK +84 4 28 PF +84 4 29 GU +84 4 30 PO +84 4 31 GU +84 4 32 JF +84 4 33 GU +84 4 34 GA +84 4 35 GS +84 4 36 PT +84 4 37 GA +84 4 38 PO +84 4 39 GU +84 4 40 GA +84 4 41 BE +84 4 42 KO +84 4 43 MK +84 4 44 WE +84 4 45 GU +84 4 46 BK +84 4 47 MK +84 4 48 KO +84 4 49 MF +84 4 50 JF +84 4 51 PO +84 4 52 WE +84 4 53 BE +84 4 54 PT +84 4 55 MF +84 4 56 GS +84 4 57 MK +84 4 58 BK +84 4 59 WE +84 4 60 MK +84 4 61 BE +84 4 62 JF +84 4 63 MK +84 4 64 BE +84 4 65 WE +84 4 66 MF +84 4 67 BE +84 4 68 PF +84 4 69 MF +84 4 70 WE +84 4 71 JF +84 4 72 GU +84 4 73 JF +84 4 74 PT +84 4 75 BK +84 4 76 FO +84 4 77 MF +84 4 78 JF +84 4 79 BK +84 4 80 GU +84 4 81 GU +84 4 82 PT +84 4 83 WE +84 4 84 FO +84 4 85 GU +84 4 86 PF +84 4 87 BK +84 4 88 JF +84 4 89 BK +84 4 90 GU +84 4 91 KG +84 4 92 WE +84 4 93 MK +84 4 94 BK +84 4 95 GU +84 4 96 KO +84 4 97 JF +84 4 98 BE +84 4 99 WE +84 4 100 GU +84 4 101 JF +84 4 102 MK +84 4 103 BK +84 4 104 GU +84 4 105 JF +84 4 106 KO +84 4 107 WE +84 4 108 GU +84 4 109 MK +84 4 110 FO +84 4 111 BK +84 4 112 PF +84 4 113 BK +84 4 114 GU +84 4 115 PO +84 4 116 GU +84 4 117 PO +84 4 118 FO +84 4 119 GU +84 4 120 WE +84 4 121 FO +84 4 122 MK +84 4 123 GU +84 4 124 KO +84 4 125 FO +84 4 126 FO +84 4 127 MK +84 4 128 GU +84 4 129 WE +84 4 130 BK +84 4 131 JF +84 4 132 BE +84 4 133 MK +84 4 134 BK +84 4 135 JF +84 4 136 GU +84 4 137 GU +84 4 138 MF +84 4 139 WE +84 4 140 MK +84 4 141 WE +84 4 142 WE +84 4 143 MF +84 4 144 JF +84 4 145 GU +84 4 146 KO +84 4 147 GU +84 4 148 BE +84 4 149 GU +84 4 150 JF +84 4 151 FO +84 4 152 PF +84 4 153 GU +84 4 154 BK +84 4 155 BK +84 4 156 GU +84 4 157 PO +84 4 158 WE +84 4 159 FO +84 4 160 FO +84 4 161 GU +84 4 162 BE +84 4 163 GU +84 4 164 GU +84 4 165 BK +84 4 166 MK +84 4 167 JF +84 4 168 GU +84 4 169 GU +84 4 170 BK +84 4 171 GU +84 4 172 WE +84 4 173 FO +84 4 174 KO +84 4 175 GU +84 4 176 PF +84 4 177 KO +84 4 178 MK +84 4 179 BK +84 4 180 GU +84 4 181 FO +84 4 182 JF +84 4 183 PO +84 4 184 JF +84 4 185 PO +84 4 186 GU +84 4 187 FO +84 4 188 GU +84 4 189 GU +84 4 190 FO +84 4 191 GU +84 4 192 JF +84 4 193 KO +84 4 194 BK +84 4 195 GU +84 4 196 GU +84 4 197 JF +84 4 198 BK +84 4 199 WE +84 4 200 GU +84 4 201 FO +84 4 202 GU +84 4 203 JF +84 4 204 BK +84 4 205 MK +84 4 206 KO +84 4 207 PF +84 4 208 PF +84 4 209 GU +84 4 210 BK +84 4 211 GU +84 4 212 FO +84 4 213 JF +84 4 214 KO +84 4 215 JF +84 4 216 BK +84 4 217 FO +84 4 218 GU +84 4 219 WE +84 4 220 GU +84 4 221 WE +84 4 222 JF +84 4 223 GU +84 4 224 WE +84 4 225 GU +84 4 226 MK +84 4 227 BK +84 4 228 MK +84 4 229 MF +84 4 230 WE +84 4 231 JF +84 4 232 PO +84 4 233 MK +84 4 234 GU +84 4 235 MK +84 4 236 GU +84 4 237 FO +84 4 238 GU +84 4 239 FO +84 4 240 FO +84 4 241 WE +84 4 242 KO +84 4 243 PO +84 4 244 WE +84 4 245 FO +84 4 246 GU +84 4 247 JF +84 4 248 BK +84 4 249 GU +84 4 250 JF +84 4 251 GU +84 4 252 WE +84 4 253 GU +84 4 254 MK +84 4 255 BK +84 4 256 FO +84 4 257 MK +84 4 258 KO +84 4 259 BK +84 4 260 WE +84 4 261 FO +84 4 262 WE +84 4 263 GU +84 4 264 GU +84 4 265 GU +84 4 266 BK +84 4 267 JF +84 4 268 GU +84 4 269 JF +84 4 270 FO +84 4 271 MK +84 4 272 WE +84 4 273 JF +84 4 274 WE +84 4 275 GU +84 4 276 BE +84 4 277 MK +84 4 278 FO +84 4 279 JF +84 4 280 GU +84 4 281 GU +84 4 282 MF +84 4 283 BK +84 4 284 WE +84 4 285 FO +84 4 286 WE +84 4 287 BK +84 4 288 BE +84 4 289 GU +84 4 290 WE +84 4 291 MK +84 4 292 FO +84 4 293 GU +84 4 294 WE +84 4 295 BK +84 4 296 JF +84 4 297 KO +84 4 298 BE +84 4 299 GU +84 4 300 WE +84 4 301 GU +84 4 302 WE +84 4 303 WE +84 4 304 BK +84 4 305 JF +84 4 306 GU +84 4 307 MK +84 4 308 FO +84 4 309 BK +84 4 310 GU +84 4 311 MK +84 4 312 BK +84 4 313 MK +84 4 314 WE +84 4 315 GU +84 4 316 MK +84 4 317 JF +84 4 318 FO +84 4 319 WE +84 4 320 PO +84 4 321 BE +84 4 322 GU +84 4 323 GU +84 4 324 WE +84 4 325 JF +84 4 326 KO +84 4 327 WE +84 4 328 GU +84 4 329 PO +84 4 330 WE +84 5 1 AG +84 5 2 GU +84 5 3 BE +84 5 4 JF +84 5 5 GU +84 5 6 GS +84 5 7 GU +84 5 8 PF +84 5 9 SU +84 5 10 AG +84 5 11 GU +84 5 12 KO +84 5 13 GU +84 5 14 AG +84 5 15 GS +84 5 16 WE +84 5 17 BE +84 5 18 BK +84 5 19 AG +84 5 20 GU +84 5 21 GS +84 5 22 KO +84 5 23 JF +84 5 24 BK +84 5 25 BE +84 5 26 AG +84 5 27 GS +84 5 28 GS +84 5 29 GU +84 5 30 SU +84 5 31 GA +84 5 32 SU +84 5 33 GU +84 5 34 AG +84 5 35 GS +84 5 36 GU +84 5 37 AG +84 5 38 GS +84 5 39 GU +84 5 40 GU +84 5 41 PO +84 5 42 KO +84 5 43 AG +84 5 44 WE +84 5 45 GU +84 5 46 BK +84 5 47 GU +84 5 48 FO +84 5 49 GU +84 5 50 JF +84 5 51 BK +84 5 52 KO +84 5 53 PO +84 5 54 GU +84 5 55 GA +84 5 56 GS +84 5 57 GU +84 5 58 KO +84 5 59 GS +84 5 60 AG +84 5 61 BE +84 5 62 AG +84 5 63 GS +84 5 64 AG +84 5 65 PO +84 5 66 WE +84 5 67 GU +84 5 68 GS +84 5 69 GU +84 5 70 WE +84 5 71 PO +84 5 72 GU +84 5 73 PO +84 5 74 GU +84 5 75 GU +84 5 76 BE +84 5 77 GU +84 5 78 PF +84 5 79 BK +84 5 80 AG +84 5 81 GU +84 5 82 GU +84 5 83 KO +84 5 84 GS +84 5 85 GU +84 5 86 GS +84 5 87 BK +84 5 88 PO +84 5 89 BK +84 5 90 GU +84 5 91 GU +84 5 92 KO +84 5 93 AL +84 5 94 BK +84 5 95 GU +84 5 96 KO +84 5 97 JF +84 5 98 BE +84 5 99 JF +84 5 100 GU +84 5 101 PO +84 5 102 AL +84 5 103 GU +84 5 104 MF +84 5 105 PO +84 5 106 KO +84 5 107 WE +84 5 108 GU +84 5 109 AL +84 5 110 FO +84 5 111 GU +84 5 112 BE +84 5 113 BK +84 5 114 GU +84 5 115 BE +84 5 116 AG +84 5 117 BK +84 5 118 GS +84 5 119 GU +84 5 120 WE +84 5 121 BE +84 5 122 GU +84 5 123 AG +84 5 124 GU +84 5 125 MA +84 5 126 GS +84 5 127 GU +84 5 128 KO +84 5 129 WE +84 5 130 BK +84 5 131 PO +84 5 132 BE +84 5 133 GU +84 5 134 SU +84 5 135 PO +84 5 136 GU +84 5 137 GU +84 5 138 MF +84 5 139 WE +84 5 140 AL +84 5 141 WE +84 5 142 WE +84 5 143 GU +84 5 144 JF +84 5 145 GU +84 5 146 KO +84 5 147 GU +84 5 148 BE +84 5 149 GU +84 5 150 PO +84 5 151 GS +84 5 152 GS +84 5 153 AG +84 5 154 BK +84 5 155 BK +84 5 156 GU +84 5 157 SU +84 5 158 WE +84 5 159 AM +84 5 160 GS +84 5 161 GU +84 5 162 BE +84 5 163 GU +84 5 164 AL +84 5 165 GU +84 5 166 AL +84 5 167 JF +84 5 168 GU +84 5 169 AG +84 5 170 BK +84 5 171 GU +84 5 172 WE +84 5 173 GS +84 5 174 FO +84 5 175 GU +84 5 176 BE +84 5 177 KO +84 5 178 AG +84 5 179 PO +84 5 180 GU +84 5 181 KO +84 5 182 PO +84 5 183 JF +84 5 184 BA +84 5 185 JF +84 5 186 GU +84 5 187 AM +84 5 188 GU +84 5 189 GU +84 5 190 GS +84 5 191 GU +84 5 192 JF +84 5 193 KO +84 5 194 PO +84 5 195 GU +84 5 196 GU +84 5 197 GS +84 5 198 BK +84 5 199 GU +84 5 200 GU +84 5 201 GS +84 5 202 GU +84 5 203 PO +84 5 204 BK +84 5 205 JF +84 5 206 KO +84 5 207 BE +84 5 208 MK +84 5 209 GU +84 5 210 PO +84 5 211 MF +84 5 212 AM +84 5 213 WE +84 5 214 GU +84 5 215 GS +84 5 216 GU +84 5 217 GS +84 5 218 KO +84 5 219 GU +84 5 220 AL +84 5 221 GU +84 5 222 JF +84 5 223 GU +84 5 224 PF +84 5 225 GU +84 5 226 MF +84 5 227 BK +84 5 228 AL +84 5 229 GU +84 5 230 PF +84 5 231 PO +84 5 232 BK +84 5 233 AG +84 5 234 GU +84 5 235 AL +84 5 236 MF +84 5 237 GS +84 5 238 GU +84 5 239 GS +84 5 240 PO +84 5 241 WE +84 5 242 KO +84 5 243 JF +84 5 244 GU +84 5 245 BE +84 5 246 GU +84 5 247 JF +84 5 248 GU +84 5 249 GU +84 5 250 JF +84 5 251 GU +84 5 252 PF +84 5 253 GU +84 5 254 AG +84 5 255 BK +84 5 256 GS +84 5 257 AG +84 5 258 KO +84 5 259 PO +84 5 260 KO +84 5 261 AM +84 5 262 WE +84 5 263 WE +84 5 264 MF +84 5 265 GU +84 5 266 PO +84 5 267 JF +84 5 268 GU +84 5 269 JF +84 5 270 AM +84 5 271 GU +84 5 272 WE +84 5 273 GS +84 5 274 WE +84 5 275 GU +84 5 276 PO +84 5 277 AG +84 5 278 GS +84 5 279 AG +84 5 280 KG +84 5 281 GU +84 5 282 GU +84 5 283 SU +84 5 284 GU +84 5 285 GS +84 5 286 WE +84 5 287 KO +84 5 288 BE +84 5 289 GU +84 5 290 WE +84 5 291 AG +84 5 292 GS +84 5 293 GU +84 5 294 WE +84 5 295 KO +84 5 296 JF +84 5 297 KO +84 5 298 BE +84 5 299 KG +84 5 300 WE +84 5 301 KG +84 5 302 WE +84 5 303 AG +84 5 304 GU +84 5 305 JF +84 5 306 KG +84 5 307 MF +84 5 308 GS +84 5 309 GU +84 5 310 KG +84 5 311 AG +84 5 312 BK +84 5 313 JF +84 5 314 PF +84 5 315 GU +84 5 316 GU +84 5 317 PO +84 5 318 AM +84 5 319 WE +84 5 320 GU +84 5 321 BE +84 5 322 MK +84 5 323 GU +84 5 324 PF +84 5 325 PO +84 5 326 KO +84 5 327 GU +84 5 328 GU +84 5 329 BK +84 5 330 GU +84 6 1 GS +84 6 2 GU +84 6 3 AM +84 6 4 GS +84 6 5 GU +84 6 6 KO +84 6 7 KG +84 6 8 PO +84 6 9 DT +84 6 10 AG +84 6 11 GU +84 6 12 KO +84 6 13 GU +84 6 14 GU +84 6 15 JF +84 6 16 GU +84 6 17 FO +84 6 18 BK +84 6 19 GU +84 6 20 KG +84 6 21 JF +84 6 22 KO +84 6 23 JF +84 6 24 KO +84 6 25 GU +84 6 26 GU +84 6 27 DT +84 6 28 GS +84 6 29 KG +84 6 30 DT +84 6 31 GU +84 6 32 GS +84 6 33 KG +84 6 34 GU +84 6 35 GS +84 6 36 GU +84 6 37 GS +84 6 38 GS +84 6 39 GU +84 6 40 GU +84 6 41 PO +84 6 42 KO +84 6 43 GU +84 6 44 WE +84 6 45 GU +84 6 46 BK +84 6 47 GU +84 6 48 KO +84 6 49 GU +84 6 50 JF +84 6 51 PO +84 6 52 GU +84 6 53 JF +84 6 54 GU +84 6 55 GU +84 6 56 GS +84 6 57 GU +84 6 58 KO +84 6 59 GS +84 6 60 GU +84 6 61 PO +84 6 62 JF +84 6 63 GS +84 6 64 GU +84 6 65 JF +84 6 66 WE +84 6 67 GU +84 6 68 GS +84 6 69 KG +84 6 70 GS +84 6 71 PO +84 6 72 KG +84 6 73 GS +84 6 74 GU +84 6 75 KG +84 6 76 KB +84 6 77 GU +84 6 78 GS +84 6 79 BK +84 6 80 GU +84 6 81 KG +84 6 82 KG +84 6 83 KO +84 6 84 GS +84 6 85 KG +84 6 86 GS +84 6 87 BK +84 6 88 GS +84 6 89 BK +84 6 90 GU +84 6 91 GU +84 6 92 WE +84 6 93 GU +84 6 94 BK +84 6 95 GU +84 6 96 KO +84 6 97 JF +84 6 98 BE +84 6 99 JF +84 6 100 GU +84 6 101 JF +84 6 102 BA +84 6 103 KO +84 6 104 GU +84 6 105 JF +84 6 106 KO +84 6 107 GS +84 6 108 GU +84 6 109 GU +84 6 110 KO +84 6 111 GU +84 6 112 BE +84 6 113 BK +84 6 114 GU +84 6 115 GS +84 6 116 GU +84 6 117 BK +84 6 118 JF +84 6 119 KG +84 6 120 GU +84 6 121 FO +84 6 122 KG +84 6 123 GU +84 6 124 KG +84 6 125 FO +84 6 126 GS +84 6 127 GU +84 6 128 KO +84 6 129 WE +84 6 130 GU +84 6 131 JF +84 6 132 PO +84 6 133 KG +84 6 134 PO +84 6 135 JF +84 6 136 KG +84 6 137 KG +84 6 138 GU +84 6 139 WE +84 6 140 GU +84 6 141 WE +84 6 142 WE +84 6 143 KG +84 6 144 JF +84 6 145 KG +84 6 146 KO +84 6 147 GU +84 6 148 BE +84 6 149 KG +84 6 150 JF +84 6 151 GS +84 6 152 GS +84 6 153 GU +84 6 154 BK +84 6 155 KO +84 6 156 KO +84 6 157 KG +84 6 158 WE +84 6 159 KO +84 6 160 GS +84 6 161 KG +84 6 162 BE +84 6 163 GU +84 6 164 GU +84 6 165 GU +84 6 166 GU +84 6 167 JF +84 6 168 GU +84 6 169 GU +84 6 170 GU +84 6 171 KG +84 6 172 WE +84 6 173 GS +84 6 174 KO +84 6 175 GU +84 6 176 GS +84 6 177 KO +84 6 178 GU +84 6 179 PO +84 6 180 KG +84 6 181 KO +84 6 182 JF +84 6 183 KO +84 6 184 GS +84 6 185 DT +84 6 186 GU +84 6 187 KO +84 6 188 GU +84 6 189 WE +84 6 190 GS +84 6 191 GU +84 6 192 GS +84 6 193 KO +84 6 194 SU +84 6 195 KG +84 6 196 GU +84 6 197 GS +84 6 198 BK +84 6 199 KO +84 6 200 GU +84 6 201 GS +84 6 202 KG +84 6 203 GS +84 6 204 BK +84 6 205 GS +84 6 206 GS +84 6 207 GS +84 6 208 KG +84 6 209 KO +84 6 210 GU +84 6 211 PO +84 6 212 GU +84 6 213 KO +84 6 214 GU +84 6 215 GS +84 6 216 KO +84 6 217 GS +84 6 218 GU +84 6 219 GU +84 6 220 GU +84 6 221 GU +84 6 222 JF +84 6 223 KG +84 6 224 WE +84 6 225 KO +84 6 226 GU +84 6 227 BK +84 6 228 GU +84 6 229 GU +84 6 230 WE +84 6 231 GS +84 6 232 KO +84 6 233 GU +84 6 234 KG +84 6 235 GU +84 6 236 KG +84 6 237 KO +84 6 238 GU +84 6 239 GS +84 6 240 PO +84 6 241 WE +84 6 242 KO +84 6 243 JF +84 6 244 GU +84 6 245 BE +84 6 246 GU +84 6 247 JF +84 6 248 KG +84 6 249 KG +84 6 250 JF +84 6 251 KG +84 6 252 WE +84 6 253 KG +84 6 254 GU +84 6 255 BK +84 6 256 BE +84 6 257 GU +84 6 258 KO +84 6 259 PO +84 6 260 GU +84 6 261 KB +84 6 262 WE +84 6 263 WE +84 6 264 GU +84 6 265 KG +84 6 266 PO +84 6 267 JF +84 6 268 KG +84 6 269 GS +84 6 270 KO +84 6 271 GU +84 6 272 GU +84 6 273 GS +84 6 274 WE +84 6 275 KO +84 6 276 BA +84 6 277 GU +84 6 278 KB +84 6 279 GU +84 6 280 KG +84 6 281 GU +84 6 282 KG +84 6 283 SU +84 6 284 GU +84 6 285 GS +84 6 286 WE +84 6 287 KO +84 6 288 BE +84 6 289 GU +84 6 290 WE +84 6 291 GU +84 6 292 GS +84 6 293 GU +84 6 294 GU +84 6 295 SU +84 6 296 GS +84 6 297 KO +84 6 298 BE +84 6 299 KG +84 6 300 BK +84 6 301 KG +84 6 302 WE +84 6 303 GU +84 6 304 GU +84 6 305 GS +84 6 306 KG +84 6 307 GU +84 6 308 GS +84 6 309 KO +84 6 310 KG +84 6 311 GU +84 6 312 BK +84 6 313 GU +84 6 314 WE +84 6 315 KG +84 6 316 GU +84 6 317 JF +84 6 318 KO +84 6 319 WE +84 6 320 KG +84 6 321 BE +84 6 322 GU +84 6 323 KG +84 6 324 WE +84 6 325 JF +84 6 326 KO +84 6 327 GU +84 6 328 KG +84 6 329 PO +84 6 330 GU +84 7 1 BA +84 7 2 BA +84 7 3 BE +84 7 4 BA +84 7 5 BA +84 7 6 KO +84 7 7 GU +84 7 8 BE +84 7 9 BR +84 7 10 BA +84 7 11 BA +84 7 12 * +84 7 13 BE +84 7 14 GU +84 7 15 WE +84 7 16 WE +84 7 17 BE +84 7 18 BK +84 7 19 BA +84 7 20 GU +84 7 21 BE +84 7 22 KO +84 7 23 BR +84 7 24 KO +84 7 25 GU +84 7 26 BA +84 7 27 WE +84 7 28 BE +84 7 29 GU +84 7 30 BE +84 7 31 BA +84 7 32 KO +84 7 33 GU +84 7 34 BA +84 7 35 BE +84 7 36 GU +84 7 37 BA +84 7 38 BE +84 7 39 GU +84 7 40 GU +84 7 41 BE +84 7 42 KO +84 7 43 BA +84 7 44 WE +84 7 45 GU +84 7 46 WE +84 7 47 BK +84 7 48 KO +84 7 49 BA +84 7 50 BR +84 7 51 BR +84 7 52 WE +84 7 53 BE +84 7 54 GU +84 7 55 BA +84 7 56 WE +84 7 57 BA +84 7 58 KO +84 7 59 WE +84 7 60 BA +84 7 61 BE +84 7 62 BR +84 7 63 BE +84 7 64 BA +84 7 65 BE +84 7 66 WE +84 7 67 GU +84 7 68 BE +84 7 69 GU +84 7 70 WE +84 7 71 BE +84 7 72 GU +84 7 73 BR +84 7 74 WE +84 7 75 GU +84 7 76 BE +84 7 77 GU +84 7 78 WE +84 7 79 BK +84 7 80 GU +84 7 81 GU +84 7 82 BA +84 7 83 WE +84 7 84 BR +84 7 85 GU +84 7 86 BR +84 7 87 BK +84 7 88 PS +84 7 89 BK +84 7 90 BK +84 7 91 GU +84 7 92 WE +84 7 93 GU +84 7 94 BK +84 7 95 WE +84 7 96 KO +84 7 97 PS +84 7 98 BE +84 7 99 PS +84 7 100 GU +84 7 101 PS +84 7 102 WE +84 7 103 GR +84 7 104 BA +84 7 105 PS +84 7 106 KO +84 7 107 WE +84 7 108 WE +84 7 109 BA +84 7 110 KO +84 7 111 BK +84 7 112 BE +84 7 113 BK +84 7 114 BA +84 7 115 BE +84 7 116 WE +84 7 117 BR +84 7 118 BE +84 7 119 GU +84 7 120 WE +84 7 121 BE +84 7 122 GU +84 7 123 BA +84 7 124 GU +84 7 125 BE +84 7 126 PS +84 7 127 BK +84 7 128 GU +84 7 129 WE +84 7 130 BK +84 7 131 PS +84 7 132 BE +84 7 133 GU +84 7 134 BR +84 7 135 BR +84 7 136 GU +84 7 137 GU +84 7 138 BA +84 7 139 WE +84 7 140 BA +84 7 141 WE +84 7 142 WE +84 7 143 GU +84 7 144 PS +84 7 145 GU +84 7 146 KO +84 7 147 GU +84 7 148 BE +84 7 149 GU +84 7 150 BR +84 7 151 BE +84 7 152 PS +84 7 153 BA +84 7 154 BK +84 7 155 BR +84 7 156 GU +84 7 157 BR +84 7 158 WE +84 7 159 KO +84 7 160 BR +84 7 161 GU +84 7 162 BE +84 7 163 GU +84 7 164 BA +84 7 165 GU +84 7 166 BA +84 7 167 WE +84 7 168 GU +84 7 169 BA +84 7 170 BK +84 7 171 GU +84 7 172 WE +84 7 173 BE +84 7 174 KO +84 7 175 BA +84 7 176 BE +84 7 177 KO +84 7 178 BA +84 7 179 BR +84 7 180 GU +84 7 181 KO +84 7 182 BR +84 7 183 BR +84 7 184 PS +84 7 185 KO +84 7 186 BA +84 7 187 KO +84 7 188 BA +84 7 189 WE +84 7 190 BR +84 7 191 BA +84 7 192 PS +84 7 193 GU +84 7 194 BR +84 7 195 GU +84 7 196 BA +84 7 197 BR +84 7 198 BK +84 7 199 WE +84 7 200 GU +84 7 201 BR +84 7 202 GU +84 7 203 BR +84 7 204 BK +84 7 205 PS +84 7 206 WE +84 7 207 PS +84 7 208 BR +84 7 209 BA +84 7 210 BR +84 7 211 GU +84 7 212 KO +84 7 213 WE +84 7 214 GU +84 7 215 PS +84 7 216 BK +84 7 217 KO +84 7 218 GU +84 7 219 WE +84 7 220 BA +84 7 221 WE +84 7 222 PS +84 7 223 GU +84 7 224 WE +84 7 225 KO +84 7 226 BA +84 7 227 BK +84 7 228 BA +84 7 229 BA +84 7 230 BR +84 7 231 PS +84 7 232 BR +84 7 233 BA +84 7 234 GU +84 7 235 BA +84 7 236 GU +84 7 237 PS +84 7 238 BA +84 7 239 BR +84 7 240 BR +84 7 241 WE +84 7 242 GU +84 7 243 PS +84 7 244 WE +84 7 245 BE +84 7 246 GU +84 7 247 PS +84 7 248 GU +84 7 249 GU +84 7 250 PS +84 7 251 GU +84 7 252 WE +84 7 253 GU +84 7 254 BA +84 7 255 BK +84 7 256 BE +84 7 257 BA +84 7 258 KO +84 7 259 BE +84 7 260 WE +84 7 261 KO +84 7 262 WE +84 7 263 BK +84 7 264 GU +84 7 265 GU +84 7 266 BE +84 7 267 BR +84 7 268 GU +84 7 269 PS +84 7 270 KO +84 7 271 GU +84 7 272 WE +84 7 273 BR +84 7 274 WE +84 7 275 GU +84 7 276 PS +84 7 277 BA +84 7 278 BE +84 7 279 BA +84 7 280 GU +84 7 281 GU +84 7 282 GU +84 7 283 BK +84 7 284 WE +84 7 285 PS +84 7 286 WE +84 7 287 BR +84 7 288 BE +84 7 289 GU +84 7 290 WE +84 7 291 BA +84 7 292 BE +84 7 293 WE +84 7 294 BA +84 7 295 PS +84 7 296 PS +84 7 297 KO +84 7 298 BE +84 7 299 GU +84 7 300 WE +84 7 301 GU +84 7 302 WE +84 7 303 BA +84 7 304 GU +84 7 305 PS +84 7 306 GU +84 7 307 BA +84 7 308 PS +84 7 309 BK +84 7 310 GU +84 7 311 BA +84 7 312 BK +84 7 313 BA +84 7 314 WE +84 7 315 GU +84 7 316 BA +84 7 317 PS +84 7 318 KO +84 7 319 WE +84 7 320 BR +84 7 321 BE +84 7 322 BA +84 7 323 GU +84 7 324 WE +84 7 325 PS +84 7 326 KO +84 7 327 WE +84 7 328 GU +84 7 329 BR +84 7 330 WE +84 8 1 BA +84 8 2 BA +84 8 3 BE +84 8 4 JF +84 8 5 GU +84 8 6 FO +84 8 7 GU +84 8 8 BE +84 8 9 SU +84 8 10 BA +84 8 11 BK +84 8 12 KO +84 8 13 GU +84 8 14 BA +84 8 15 JF +84 8 16 WE +84 8 17 AM +84 8 18 BK +84 8 19 BA +84 8 20 GU +84 8 21 BE +84 8 22 KO +84 8 23 JF +84 8 24 SU +84 8 25 BA +84 8 26 BA +84 8 27 WE +84 8 28 BE +84 8 29 GU +84 8 30 SU +84 8 31 GU +84 8 32 BE +84 8 33 GU +84 8 34 BA +84 8 35 BE +84 8 36 GU +84 8 37 BA +84 8 38 BE +84 8 39 GU +84 8 40 BA +84 8 41 BE +84 8 42 KO +84 8 43 BA +84 8 44 WE +84 8 45 GU +84 8 46 JF +84 8 47 BK +84 8 48 KO +84 8 49 BA +84 8 50 JF +84 8 51 SU +84 8 52 WE +84 8 53 JF +84 8 54 GU +84 8 55 BA +84 8 56 * +84 8 57 BA +84 8 58 SU +84 8 59 WE +84 8 60 BA +84 8 61 BE +84 8 62 JF +84 8 63 * +84 8 64 BA +84 8 65 BE +84 8 66 WE +84 8 67 GU +84 8 68 JF +84 8 69 GU +84 8 70 WE +84 8 71 SU +84 8 72 GU +84 8 73 JF +84 8 74 BA +84 8 75 GU +84 8 76 AM +84 8 77 GU +84 8 78 JF +84 8 79 BK +84 8 80 BA +84 8 81 GU +84 8 82 GU +84 8 83 WE +84 8 84 * +84 8 85 GU +84 8 86 JF +84 8 87 BK +84 8 88 JF +84 8 89 BK +84 8 90 BK +84 8 91 GU +84 8 92 WE +84 8 93 BA +84 8 94 SU +84 8 95 WE +84 8 96 KO +84 8 97 JF +84 8 98 BE +84 8 99 JF +84 8 100 GU +84 8 101 JF +84 8 102 BA +84 8 103 GU +84 8 104 BA +84 8 105 JF +84 8 106 KO +84 8 107 WE +84 8 108 GU +84 8 109 BA +84 8 110 KO +84 8 111 BK +84 8 112 BE +84 8 113 BK +84 8 114 BA +84 8 115 BE +84 8 116 WE +84 8 117 SU +84 8 118 JF +84 8 119 GU +84 8 120 WE +84 8 121 SF +84 8 122 GU +84 8 123 BA +84 8 124 GU +84 8 125 FO +84 8 126 JF +84 8 127 BK +84 8 128 KO +84 8 129 WE +84 8 130 BK +84 8 131 JF +84 8 132 BE +84 8 133 GU +84 8 134 SU +84 8 135 JF +84 8 136 BA +84 8 137 GU +84 8 138 BA +84 8 139 WE +84 8 140 BA +84 8 141 WE +84 8 142 WE +84 8 143 GU +84 8 144 JF +84 8 145 GU +84 8 146 KO +84 8 147 GU +84 8 148 BE +84 8 149 GU +84 8 150 JF +84 8 151 JF +84 8 152 JF +84 8 153 BA +84 8 154 BK +84 8 155 SU +84 8 156 GU +84 8 157 SU +84 8 158 WE +84 8 159 JF +84 8 160 JF +84 8 161 GU +84 8 162 BE +84 8 163 BA +84 8 164 BA +84 8 165 BK +84 8 166 BA +84 8 167 JF +84 8 168 GU +84 8 169 BA +84 8 170 BK +84 8 171 GU +84 8 172 WE +84 8 173 FO +84 8 174 KO +84 8 175 GU +84 8 176 BE +84 8 177 KO +84 8 178 BA +84 8 179 SU +84 8 180 GU +84 8 181 KO +84 8 182 JF +84 8 183 SU +84 8 184 JF +84 8 185 SU +84 8 186 BA +84 8 187 KO +84 8 188 BA +84 8 189 BA +84 8 190 JF +84 8 191 GU +84 8 192 JF +84 8 193 KO +84 8 194 SU +84 8 195 GU +84 8 196 GU +84 8 197 JF +84 8 198 BK +84 8 199 WE +84 8 200 BA +84 8 201 JF +84 8 202 GU +84 8 203 JF +84 8 204 BK +84 8 205 JF +84 8 206 WE +84 8 207 BE +84 8 208 KO +84 8 209 GU +84 8 210 SU +84 8 211 BA +84 8 212 KO +84 8 213 WE +84 8 214 GU +84 8 215 JF +84 8 216 BK +84 8 217 JF +84 8 218 GU +84 8 219 WE +84 8 220 BA +84 8 221 WE +84 8 222 JF +84 8 223 GU +84 8 224 WE +84 8 225 KO +84 8 226 BA +84 8 227 BK +84 8 228 BA +84 8 229 GU +84 8 230 JF +84 8 231 JF +84 8 232 BK +84 8 233 BA +84 8 234 GU +84 8 235 GU +84 8 236 GU +84 8 237 JF +84 8 238 GU +84 8 239 JF +84 8 240 SU +84 8 241 WE +84 8 242 FO +84 8 243 JF +84 8 244 WE +84 8 245 BE +84 8 246 GU +84 8 247 JF +84 8 248 BK +84 8 249 GU +84 8 250 JF +84 8 251 GU +84 8 252 JF +84 8 253 GU +84 8 254 BA +84 8 255 BK +84 8 256 BE +84 8 257 BA +84 8 258 KO +84 8 259 BE +84 8 260 KO +84 8 261 SU +84 8 262 WE +84 8 263 WE +84 8 264 BA +84 8 265 GU +84 8 266 SU +84 8 267 JF +84 8 268 GU +84 8 269 JF +84 8 270 KO +84 8 271 GU +84 8 272 WE +84 8 273 JF +84 8 274 WE +84 8 275 GU +84 8 276 JF +84 8 277 BA +84 8 278 JF +84 8 279 BA +84 8 280 GU +84 8 281 GU +84 8 282 GU +84 8 283 SU +84 8 284 WE +84 8 285 JF +84 8 286 WE +84 8 287 KO +84 8 288 BE +84 8 289 BA +84 8 290 JF +84 8 291 BA +84 8 292 JF +84 8 293 WE +84 8 294 WE +84 8 295 SU +84 8 296 JF +84 8 297 KO +84 8 298 BE +84 8 299 GU +84 8 300 WE +84 8 301 GU +84 8 302 JF +84 8 303 WE +84 8 304 GU +84 8 305 JF +84 8 306 GU +84 8 307 BA +84 8 308 JF +84 8 309 BK +84 8 310 GU +84 8 311 BA +84 8 312 BK +84 8 313 BA +84 8 314 WE +84 8 315 GU +84 8 316 GU +84 8 317 JF +84 8 318 FO +84 8 319 WE +84 8 320 GU +84 8 321 BE +84 8 322 BA +84 8 323 GU +84 8 324 JF +84 8 325 JF +84 8 326 KO +84 8 327 WE +84 8 328 GU +84 8 329 SU +84 8 330 WE +84 9 1 AL +84 9 2 KG +84 9 3 BE +84 9 4 BA +84 9 5 GU +84 9 6 KO +84 9 7 GU +84 9 8 GS +84 9 9 BA +84 9 10 GA +84 9 11 BK +84 9 12 KO +84 9 13 GU +84 9 14 BK +84 9 15 GS +84 9 16 WE +84 9 17 BE +84 9 18 BK +84 9 19 GA +84 9 20 GU +84 9 21 GS +84 9 22 KO +84 9 23 JF +84 9 24 BK +84 9 25 GA +84 9 26 AL +84 9 27 KO +84 9 28 GS +84 9 29 GU +84 9 30 BE +84 9 31 GU +84 9 32 JF +84 9 33 GU +84 9 34 GA +84 9 35 BE +84 9 36 GU +84 9 37 GA +84 9 38 GS +84 9 39 GU +84 9 40 GU +84 9 41 JF +84 9 42 KO +84 9 43 AL +84 9 44 KO +84 9 45 GU +84 9 46 BK +84 9 47 BK +84 9 48 KO +84 9 49 GU +84 9 50 JF +84 9 51 BK +84 9 52 GU +84 9 53 JF +84 9 54 GU +84 9 55 KG +84 9 56 GS +84 9 57 GU +84 9 58 KO +84 9 59 GS +84 9 60 BK +84 9 61 BE +84 9 62 JF +84 9 63 GS +84 9 64 GU +84 9 65 GS +84 9 66 KO +84 9 67 KG +84 9 68 GS +84 9 69 GU +84 9 70 WE +84 9 71 JF +84 9 72 GU +84 9 73 JF +84 9 74 GU +84 9 75 GU +84 9 76 BE +84 9 77 GU +84 9 78 GS +84 9 79 BK +84 9 80 AL +84 9 81 KG +84 9 82 KG +84 9 83 KO +84 9 84 GS +84 9 85 GU +84 9 86 GS +84 9 87 BK +84 9 88 JF +84 9 89 BK +84 9 90 BK +84 9 91 GU +84 9 92 KO +84 9 93 GU +84 9 94 BK +84 9 95 GU +84 9 96 KO +84 9 97 JF +84 9 98 BE +84 9 99 JF +84 9 100 GU +84 9 101 JF +84 9 102 MA +84 9 103 GU +84 9 104 KG +84 9 105 JF +84 9 106 KO +84 9 107 WE +84 9 108 GU +84 9 109 GA +84 9 110 KO +84 9 111 GU +84 9 112 BE +84 9 113 BK +84 9 114 GU +84 9 115 BA +84 9 116 GU +84 9 117 BA +84 9 118 GS +84 9 119 GU +84 9 120 WE +84 9 121 AM +84 9 122 GU +84 9 123 GU +84 9 124 GU +84 9 125 AM +84 9 126 GS +84 9 127 BK +84 9 128 KO +84 9 129 WE +84 9 130 BK +84 9 131 JF +84 9 132 AM +84 9 133 GU +84 9 134 SU +84 9 135 JF +84 9 136 GU +84 9 137 GU +84 9 138 AL +84 9 139 WE +84 9 140 AL +84 9 141 WE +84 9 142 WE +84 9 143 GU +84 9 144 JF +84 9 145 GU +84 9 146 KO +84 9 147 GU +84 9 148 BE +84 9 149 GU +84 9 150 JF +84 9 151 GS +84 9 152 JF +84 9 153 GA +84 9 154 BK +84 9 155 BK +84 9 156 KG +84 9 157 BK +84 9 158 WE +84 9 159 KO +84 9 160 GS +84 9 161 GU +84 9 162 BE +84 9 163 BA +84 9 164 AL +84 9 165 GU +84 9 166 BA +84 9 167 GS +84 9 168 GU +84 9 169 GU +84 9 170 BK +84 9 171 GU +84 9 172 WE +84 9 173 BE +84 9 174 KO +84 9 175 GU +84 9 176 BE +84 9 177 KO +84 9 178 AL +84 9 179 BE +84 9 180 GU +84 9 181 KO +84 9 182 JF +84 9 183 KO +84 9 184 JF +84 9 185 KO +84 9 186 GU +84 9 187 KO +84 9 188 GU +84 9 189 GU +84 9 190 GS +84 9 191 GU +84 9 192 JF +84 9 193 KO +84 9 194 BK +84 9 195 GU +84 9 196 GU +84 9 197 JF +84 9 198 BK +84 9 199 GU +84 9 200 GU +84 9 201 GS +84 9 202 GU +84 9 203 JF +84 9 204 BK +84 9 205 JF +84 9 206 GU +84 9 207 GS +84 9 208 KO +84 9 209 GU +84 9 210 BK +84 9 211 GU +84 9 212 DN +84 9 213 JF +84 9 214 KO +84 9 215 GS +84 9 216 KG +84 9 217 GS +84 9 218 GU +84 9 219 GU +84 9 220 JF +84 9 221 KG +84 9 222 JF +84 9 223 KG +84 9 224 WE +84 9 225 GU +84 9 226 GU +84 9 227 BK +84 9 228 AL +84 9 229 KG +84 9 230 GS +84 9 231 JF +84 9 232 GU +84 9 233 JF +84 9 234 GU +84 9 235 GA +84 9 236 KG +84 9 237 GS +84 9 238 GU +84 9 239 GA +84 9 240 BK +84 9 241 WE +84 9 242 KO +84 9 243 JF +84 9 244 GU +84 9 245 BE +84 9 246 GU +84 9 247 JF +84 9 248 GU +84 9 249 KG +84 9 250 JF +84 9 251 GU +84 9 252 GS +84 9 253 GU +84 9 254 GU +84 9 255 BK +84 9 256 BE +84 9 257 GU +84 9 258 KO +84 9 259 BE +84 9 260 KO +84 9 261 FO +84 9 262 WE +84 9 263 WE +84 9 264 GU +84 9 265 KG +84 9 266 FO +84 9 267 JF +84 9 268 GU +84 9 269 JF +84 9 270 FO +84 9 271 GU +84 9 272 WE +84 9 273 JF +84 9 274 WE +84 9 275 KO +84 9 276 GS +84 9 277 GA +84 9 278 FO +84 9 279 BA +84 9 280 KG +84 9 281 GU +84 9 282 GU +84 9 283 BA +84 9 284 WE +84 9 285 GS +84 9 286 WE +84 9 287 KO +84 9 288 BE +84 9 289 GU +84 9 290 KO +84 9 291 GA +84 9 292 GS +84 9 293 GU +84 9 294 WE +84 9 295 BK +84 9 296 JF +84 9 297 KO +84 9 298 BE +84 9 299 GU +84 9 300 WE +84 9 301 GU +84 9 302 GS +84 9 303 GS +84 9 304 KG +84 9 305 JF +84 9 306 GU +84 9 307 GU +84 9 308 JF +84 9 309 GU +84 9 310 GU +84 9 311 GA +84 9 312 BK +84 9 313 JF +84 9 314 WE +84 9 315 GU +84 9 316 GU +84 9 317 JF +84 9 318 FO +84 9 319 WE +84 9 320 GU +84 9 321 BE +84 9 322 GA +84 9 323 KG +84 9 324 GS +84 9 325 JF +84 9 326 KO +84 9 327 GU +84 9 328 GU +84 9 329 BE +84 9 330 GU +84 10 1 GU +84 10 2 GU +84 10 3 BE +84 10 4 JF +84 10 5 GU +84 10 6 KO +84 10 7 GU +84 10 8 BE +84 10 9 BE +84 10 10 BA +84 10 11 BK +84 10 12 KO +84 10 13 GU +84 10 14 BA +84 10 15 PF +84 10 16 WE +84 10 17 BE +84 10 18 BK +84 10 19 BA +84 10 20 GU +84 10 21 PF +84 10 22 KO +84 10 23 JF +84 10 24 WE +84 10 25 BA +84 10 26 BA +84 10 27 WE +84 10 28 PF +84 10 29 GU +84 10 30 PO +84 10 31 GU +84 10 32 PF +84 10 33 GU +84 10 34 BA +84 10 35 AM +84 10 36 GA +84 10 37 GU +84 10 38 PO +84 10 39 GU +84 10 40 BA +84 10 41 BE +84 10 42 KO +84 10 43 BA +84 10 44 WE +84 10 45 GU +84 10 46 WE +84 10 47 WE +84 10 48 KO +84 10 49 BA +84 10 50 PO +84 10 51 SU +84 10 52 WE +84 10 53 SU +84 10 54 GU +84 10 55 GU +84 10 56 PF +84 10 57 BA +84 10 58 KO +84 10 59 PF +84 10 60 BA +84 10 61 BE +84 10 62 JF +84 10 63 SU +84 10 64 BA +84 10 65 BE +84 10 66 WE +84 10 67 GU +84 10 68 SU +84 10 69 GU +84 10 70 WE +84 10 71 PO +84 10 72 GU +84 10 73 SU +84 10 74 GU +84 10 75 GU +84 10 76 KO +84 10 77 GU +84 10 78 PF +84 10 79 WE +84 10 80 BA +84 10 81 GU +84 10 82 GU +84 10 83 KO +84 10 84 PF +84 10 85 GU +84 10 86 PF +84 10 87 WE +84 10 88 PF +84 10 89 WE +84 10 90 WE +84 10 91 KO +84 10 92 WE +84 10 93 GU +84 10 94 WE +84 10 95 GU +84 10 96 KO +84 10 97 JF +84 10 98 BE +84 10 99 PF +84 10 100 GU +84 10 101 JF +84 10 102 WE +84 10 103 KO +84 10 104 GU +84 10 105 JF +84 10 106 KO +84 10 107 WE +84 10 108 WE +84 10 109 JF +84 10 110 KO +84 10 111 GU +84 10 112 SU +84 10 113 WE +84 10 114 GU +84 10 115 JF +84 10 116 GU +84 10 117 PO +84 10 118 PF +84 10 119 GU +84 10 120 WE +84 10 121 AM +84 10 122 GU +84 10 123 GA +84 10 124 KO +84 10 125 AM +84 10 126 PF +84 10 127 GU +84 10 128 KO +84 10 129 WE +84 10 130 WE +84 10 131 JF +84 10 132 BE +84 10 133 GU +84 10 134 JF +84 10 135 JF +84 10 136 GU +84 10 137 GU +84 10 138 GU +84 10 139 WE +84 10 140 BA +84 10 141 WE +84 10 142 WE +84 10 143 GU +84 10 144 JF +84 10 145 GU +84 10 146 KO +84 10 147 GU +84 10 148 BE +84 10 149 GU +84 10 150 JF +84 10 151 PF +84 10 152 PF +84 10 153 GA +84 10 154 WE +84 10 155 * +84 10 156 GU +84 10 157 PO +84 10 158 WE +84 10 159 KO +84 10 160 PF +84 10 161 GU +84 10 162 SU +84 10 163 GU +84 10 164 BA +84 10 165 GU +84 10 166 BA +84 10 167 PF +84 10 168 GU +84 10 169 BA +84 10 170 GS +84 10 171 GU +84 10 172 WE +84 10 173 PF +84 10 174 KO +84 10 175 GU +84 10 176 PF +84 10 177 KO +84 10 178 GS +84 10 179 PO +84 10 180 GU +84 10 181 KO +84 10 182 PO +84 10 183 KO +84 10 184 JF +84 10 185 KO +84 10 186 GU +84 10 187 KO +84 10 188 GU +84 10 189 WE +84 10 190 PF +84 10 191 GU +84 10 192 JF +84 10 193 KO +84 10 194 PO +84 10 195 GU +84 10 196 GU +84 10 197 PF +84 10 198 WE +84 10 199 KO +84 10 200 GU +84 10 201 PF +84 10 202 GU +84 10 203 JF +84 10 204 WE +84 10 205 JF +84 10 206 KO +84 10 207 PF +84 10 208 KO +84 10 209 GU +84 10 210 PO +84 10 211 GS +84 10 212 KO +84 10 213 PF +84 10 214 KO +84 10 215 PF +84 10 216 GU +84 10 217 PF +84 10 218 GU +84 10 219 GU +84 10 220 JF +84 10 221 WE +84 10 222 JF +84 10 223 GU +84 10 224 WE +84 10 225 KO +84 10 226 GS +84 10 227 WE +84 10 228 GA +84 10 229 GU +84 10 230 WE +84 10 231 JF +84 10 232 KO +84 10 233 PF +84 10 234 GU +84 10 235 GA +84 10 236 GU +84 10 237 KO +84 10 238 GU +84 10 239 PF +84 10 240 PO +84 10 241 WE +84 10 242 KO +84 10 243 JF +84 10 244 GU +84 10 245 BE +84 10 246 GU +84 10 247 JF +84 10 248 BA +84 10 249 GU +84 10 250 JF +84 10 251 GU +84 10 252 KO +84 10 253 GU +84 10 254 GS +84 10 255 WE +84 10 256 PF +84 10 257 GS +84 10 258 KO +84 10 259 PO +84 10 260 KO +84 10 261 KO +84 10 262 WE +84 10 263 WE +84 10 264 GU +84 10 265 GU +84 10 266 PO +84 10 267 JF +84 10 268 GU +84 10 269 JF +84 10 270 KO +84 10 271 WE +84 10 272 GU +84 10 273 WE +84 10 274 JF +84 10 275 WE +84 10 276 KO +84 10 277 JF +84 10 278 GU +84 10 279 KO +84 10 280 BA +84 10 281 GU +84 10 282 GU +84 10 283 PO +84 10 284 WE +84 10 285 PF +84 10 286 WE +84 10 287 KO +84 10 288 PF +84 10 289 GU +84 10 290 KO +84 10 291 BA +84 10 292 KO +84 10 293 GU +84 10 294 WE +84 10 295 KO +84 10 296 JF +84 10 297 KO +84 10 298 PF +84 10 299 GU +84 10 300 WE +84 10 301 GU +84 10 302 WE +84 10 303 GU +84 10 304 GU +84 10 305 JF +84 10 306 GU +84 10 307 GU +84 10 308 JF +84 10 309 GU +84 10 310 GU +84 10 311 BA +84 10 312 WE +84 10 313 BA +84 10 314 WE +84 10 315 GU +84 10 316 GU +84 10 317 JF +84 10 318 KO +84 10 319 WE +84 10 320 KO +84 10 321 PF +84 10 322 BA +84 10 323 GU +84 10 324 WE +84 10 325 JF +84 10 326 KO +84 10 327 GU +84 10 328 GU +84 10 329 SU +84 10 330 WE +84 11 1 GA +84 11 2 GU +84 11 3 BE +84 11 4 JF +84 11 5 GU +84 11 6 KO +84 11 7 KG +84 11 8 BE +84 11 9 BE +84 11 10 GU +84 11 11 GU +84 11 12 KO +84 11 13 GU +84 11 14 GS +84 11 15 PF +84 11 16 WE +84 11 17 BE +84 11 18 BK +84 11 19 GU +84 11 20 GU +84 11 21 PF +84 11 22 KO +84 11 23 JF +84 11 24 BK +84 11 25 GU +84 11 26 GS +84 11 27 WE +84 11 28 BE +84 11 29 KG +84 11 30 KO +84 11 31 GU +84 11 32 PF +84 11 33 GU +84 11 34 GS +84 11 35 BE +84 11 36 GU +84 11 37 GS +84 11 38 BE +84 11 39 GU +84 11 40 GU +84 11 41 BE +84 11 42 KO +84 11 43 GS +84 11 44 WE +84 11 45 KG +84 11 46 BK +84 11 47 GU +84 11 48 KO +84 11 49 GU +84 11 50 JF +84 11 51 BK +84 11 52 WE +84 11 53 BE +84 11 54 GU +84 11 55 GU +84 11 56 FK +84 11 57 GU +84 11 58 FK +84 11 59 WE +84 11 60 GU +84 11 61 BE +84 11 62 WE +84 11 63 PF +84 11 64 GU +84 11 65 BE +84 11 66 WE +84 11 67 KG +84 11 68 PF +84 11 69 FK +84 11 70 WE +84 11 71 BE +84 11 72 GU +84 11 73 JF +84 11 74 GU +84 11 75 BK +84 11 76 FK +84 11 77 GU +84 11 78 PF +84 11 79 BK +84 11 80 GU +84 11 81 KO +84 11 82 GU +84 11 83 KO +84 11 84 PF +84 11 85 GU +84 11 86 PF +84 11 87 BK +84 11 88 BE +84 11 89 BK +84 11 90 GU +84 11 91 KO +84 11 92 WE +84 11 93 GU +84 11 94 BK +84 11 95 WE +84 11 96 KO +84 11 97 JF +84 11 98 BE +84 11 99 WE +84 11 100 GU +84 11 101 BE +84 11 102 WE +84 11 103 FK +84 11 104 GU +84 11 105 JF +84 11 106 KO +84 11 107 WE +84 11 108 WE +84 11 109 GA +84 11 110 FK +84 11 111 BK +84 11 112 BE +84 11 113 BK +84 11 114 GU +84 11 115 BE +84 11 116 WE +84 11 117 BK +84 11 118 PF +84 11 119 GU +84 11 120 WE +84 11 121 AM +84 11 122 KG +84 11 123 GU +84 11 124 KO +84 11 125 AM +84 11 126 PF +84 11 127 GU +84 11 128 KO +84 11 129 WE +84 11 130 BK +84 11 131 JF +84 11 132 BE +84 11 133 KG +84 11 134 BK +84 11 135 JF +84 11 136 KG +84 11 137 GU +84 11 138 GU +84 11 139 WE +84 11 140 GA +84 11 141 WE +84 11 142 WE +84 11 143 KO +84 11 144 JF +84 11 145 GU +84 11 146 KO +84 11 147 GU +84 11 148 BE +84 11 149 GU +84 11 150 JF +84 11 151 PF +84 11 152 PF +84 11 153 GA +84 11 154 BK +84 11 155 BK +84 11 156 KG +84 11 157 PO +84 11 158 WE +84 11 159 KO +84 11 160 PF +84 11 161 GU +84 11 162 BE +84 11 163 GU +84 11 164 GS +84 11 165 PO +84 11 166 GS +84 11 167 WE +84 11 168 KG +84 11 169 GS +84 11 170 GU +84 11 171 PO +84 11 172 WE +84 11 173 BE +84 11 174 FK +84 11 175 GU +84 11 176 BE +84 11 177 KO +84 11 178 GS +84 11 179 BE +84 11 180 KG +84 11 181 FK +84 11 182 JF +84 11 183 PO +84 11 184 JF +84 11 185 FK +84 11 186 GU +84 11 187 FK +84 11 188 GU +84 11 189 WE +84 11 190 PF +84 11 191 GU +84 11 192 JF +84 11 193 KO +84 11 194 PO +84 11 195 GU +84 11 196 GU +84 11 197 JF +84 11 198 BK +84 11 199 WE +84 11 200 GU +84 11 201 PF +84 11 202 KG +84 11 203 JF +84 11 204 BK +84 11 205 JF +84 11 206 WE +84 11 207 JF +84 11 208 FK +84 11 209 GU +84 11 210 JF +84 11 211 GA +84 11 212 FK +84 11 213 WE +84 11 214 KO +84 11 215 PF +84 11 216 BK +84 11 217 PF +84 11 218 FK +84 11 219 WE +84 11 220 GS +84 11 221 WE +84 11 222 JF +84 11 223 KG +84 11 224 WE +84 11 225 FK +84 11 226 GS +84 11 227 BK +84 11 228 GS +84 11 229 GU +84 11 230 WE +84 11 231 JF +84 11 232 PO +84 11 233 * +84 11 234 KG +84 11 235 GS +84 11 236 FK +84 11 237 FK +84 11 238 KG +84 11 239 PF +84 11 240 BE +84 11 241 WE +84 11 242 KO +84 11 243 JF +84 11 244 WE +84 11 245 BE +84 11 246 KG +84 11 247 JF +84 11 248 GU +84 11 249 KG +84 11 250 JF +84 11 251 KG +84 11 252 WE +84 11 253 KG +84 11 254 GU +84 11 255 BK +84 11 256 AM +84 11 257 GU +84 11 258 KO +84 11 259 BE +84 11 260 FK +84 11 261 FK +84 11 262 WE +84 11 263 BK +84 11 264 WE +84 11 265 GU +84 11 266 PO +84 11 267 JF +84 11 268 KG +84 11 269 PF +84 11 270 FK +84 11 271 KG +84 11 272 WE +84 11 273 JF +84 11 274 WE +84 11 275 KO +84 11 276 BE +84 11 277 GS +84 11 278 FK +84 11 279 GS +84 11 280 KG +84 11 281 KG +84 11 282 KG +84 11 283 PO +84 11 284 WE +84 11 285 PF +84 11 286 WE +84 11 287 FK +84 11 288 BE +84 11 289 GU +84 11 290 WE +84 11 291 GS +84 11 292 PF +84 11 293 GU +84 11 294 WE +84 11 295 PO +84 11 296 JF +84 11 297 KO +84 11 298 BE +84 11 299 KG +84 11 300 WE +84 11 301 KG +84 11 302 WE +84 11 303 WE +84 11 304 GU +84 11 305 JF +84 11 306 KG +84 11 307 GS +84 11 308 JF +84 11 309 PO +84 11 310 KG +84 11 311 GS +84 11 312 BK +84 11 313 JF +84 11 314 WE +84 11 315 KG +84 11 316 GU +84 11 317 JF +84 11 318 KB +84 11 319 WE +84 11 320 FK +84 11 321 BE +84 11 322 GU +84 11 323 KG +84 11 324 WE +84 11 325 JF +84 11 326 FK +84 11 327 WE +84 11 328 KG +84 11 329 PO +84 11 330 WE +84 12 1 GU +84 12 2 GU +84 12 3 BE +84 12 4 JF +84 12 5 GU +84 12 6 MA +84 12 7 GU +84 12 8 PO +84 12 9 UW +84 12 10 GU +84 12 11 BA +84 12 12 KO +84 12 13 GU +84 12 14 BK +84 12 15 PF +84 12 16 WE +84 12 17 BE +84 12 18 BK +84 12 19 GU +84 12 20 GU +84 12 21 PF +84 12 22 KO +84 12 23 JF +84 12 24 MA +84 12 25 GU +84 12 26 BA +84 12 27 MA +84 12 28 PF +84 12 29 GU +84 12 30 MA +84 12 31 GU +84 12 32 PF +84 12 33 GU +84 12 34 GU +84 12 35 PF +84 12 36 BA +84 12 37 BA +84 12 38 BE +84 12 39 GU +84 12 40 GU +84 12 41 BE +84 12 42 KO +84 12 43 BA +84 12 44 WE +84 12 45 GU +84 12 46 MA +84 12 47 GU +84 12 48 KO +84 12 49 GU +84 12 50 JF +84 12 51 MA +84 12 52 UM +84 12 53 BE +84 12 54 GU +84 12 55 GU +84 12 56 PF +84 12 57 GU +84 12 58 UM +84 12 59 WE +84 12 60 GU +84 12 61 BE +84 12 62 JF +84 12 63 AM +84 12 64 GU +84 12 65 BE +84 12 66 WE +84 12 67 GU +84 12 68 PF +84 12 69 UM +84 12 70 WE +84 12 71 BE +84 12 72 GU +84 12 73 JF +84 12 74 GU +84 12 75 GU +84 12 76 AM +84 12 77 GU +84 12 78 PF +84 12 79 UM +84 12 80 GU +84 12 81 GU +84 12 82 GU +84 12 83 KO +84 12 84 PF +84 12 85 GU +84 12 86 PF +84 12 87 UM +84 12 88 PF +84 12 89 BK +84 12 90 BK +84 12 91 KO +84 12 92 WE +84 12 93 GU +84 12 94 BK +84 12 95 GU +84 12 96 KO +84 12 97 JF +84 12 98 BE +84 12 99 PF +84 12 100 GU +84 12 101 BE +84 12 102 WE +84 12 103 MA +84 12 104 GU +84 12 105 PF +84 12 106 KO +84 12 107 WE +84 12 108 WE +84 12 109 GU +84 12 110 KO +84 12 111 BK +84 12 112 BE +84 12 113 BK +84 12 114 GU +84 12 115 BE +84 12 116 GU +84 12 117 BK +84 12 118 PF +84 12 119 GU +84 12 120 WE +84 12 121 AM +84 12 122 GU +84 12 123 GU +84 12 124 KO +84 12 125 AM +84 12 126 PF +84 12 127 BK +84 12 128 KO +84 12 129 WE +84 12 130 BK +84 12 131 JF +84 12 132 BE +84 12 133 GU +84 12 134 PO +84 12 135 BE +84 12 136 GU +84 12 137 GU +84 12 138 BA +84 12 139 WE +84 12 140 GU +84 12 141 WE +84 12 142 WE +84 12 143 GU +84 12 144 GU +84 12 145 GU +84 12 146 KO +84 12 147 GU +84 12 148 BE +84 12 149 GU +84 12 150 JF +84 12 151 KO +84 12 152 PF +84 12 153 GU +84 12 154 BK +84 12 155 PO +84 12 156 GU +84 12 157 PO +84 12 158 WE +84 12 159 KO +84 12 160 PF +84 12 161 GU +84 12 162 BE +84 12 163 GU +84 12 164 GU +84 12 165 MA +84 12 166 GU +84 12 167 PF +84 12 168 GU +84 12 169 GU +84 12 170 GU +84 12 171 GU +84 12 172 WE +84 12 173 PF +84 12 174 KO +84 12 175 WE +84 12 176 BE +84 12 177 KO +84 12 178 GU +84 12 179 BE +84 12 180 GU +84 12 181 KO +84 12 182 BA +84 12 183 KO +84 12 184 AL +84 12 185 KO +84 12 186 GU +84 12 187 KO +84 12 188 GU +84 12 189 WE +84 12 190 PF +84 12 191 GU +84 12 192 JF +84 12 193 KO +84 12 194 BA +84 12 195 GU +84 12 196 GU +84 12 197 PF +84 12 198 BK +84 12 199 WE +84 12 200 GU +84 12 201 PF +84 12 202 GU +84 12 203 BE +84 12 204 BK +84 12 205 JF +84 12 206 KO +84 12 207 BE +84 12 208 KO +84 12 209 GU +84 12 210 BA +84 12 211 GU +84 12 212 KO +84 12 213 WE +84 12 214 KO +84 12 215 PF +84 12 216 BK +84 12 217 PF +84 12 218 KO +84 12 219 WE +84 12 220 GU +84 12 221 WE +84 12 222 GU +84 12 223 GU +84 12 224 WE +84 12 225 KO +84 12 226 GU +84 12 227 BK +84 12 228 GU +84 12 229 GU +84 12 230 WE +84 12 231 BA +84 12 232 MA +84 12 233 BA +84 12 234 GU +84 12 235 AL +84 12 236 KO +84 12 237 AM +84 12 238 GU +84 12 239 PF +84 12 240 BE +84 12 241 WE +84 12 242 KO +84 12 243 BE +84 12 244 WE +84 12 245 BE +84 12 246 GU +84 12 247 BA +84 12 248 GU +84 12 249 GU +84 12 250 JF +84 12 251 GU +84 12 252 WE +84 12 253 GU +84 12 254 BA +84 12 255 BK +84 12 256 PF +84 12 257 GU +84 12 258 KO +84 12 259 BE +84 12 260 KO +84 12 261 KO +84 12 262 WE +84 12 263 WE +84 12 264 WE +84 12 265 GU +84 12 266 BE +84 12 267 AL +84 12 268 GU +84 12 269 PF +84 12 270 KO +84 12 271 GU +84 12 272 WE +84 12 273 PF +84 12 274 WE +84 12 275 KO +84 12 276 BE +84 12 277 GU +84 12 278 KO +84 12 279 GU +84 12 280 GU +84 12 281 GU +84 12 282 GU +84 12 283 PO +84 12 284 WE +84 12 285 PF +84 12 286 WE +84 12 287 KO +84 12 288 BE +84 12 289 GU +84 12 290 WE +84 12 291 GU +84 12 292 PF +84 12 293 WE +84 12 294 WE +84 12 295 KO +84 12 296 JF +84 12 297 KO +84 12 298 BE +84 12 299 GU +84 12 300 WE +84 12 301 GU +84 12 302 WE +84 12 303 WE +84 12 304 KO +84 12 305 JF +84 12 306 KO +84 12 307 GU +84 12 308 PF +84 12 309 BK +84 12 310 GU +84 12 311 GU +84 12 312 BK +84 12 313 GU +84 12 314 WE +84 12 315 GU +84 12 316 GU +84 12 317 BE +84 12 318 KO +84 12 319 WE +84 12 320 KO +84 12 321 BE +84 12 322 GU +84 12 323 GU +84 12 324 WE +84 12 325 JF +84 12 326 KO +84 12 327 WE +84 12 328 GU +84 12 329 KO +84 12 330 WE +84 13 1 GU +84 13 2 GU +84 13 3 BE +84 13 4 BA +84 13 5 GU +84 13 6 KO +84 13 7 GU +84 13 8 BE +84 13 9 KO +84 13 10 GU +84 13 11 GU +84 13 12 KO +84 13 13 GU +84 13 14 GU +84 13 15 WE +84 13 16 WE +84 13 17 BE +84 13 18 BK +84 13 19 GU +84 13 20 GU +84 13 21 KO +84 13 22 WE +84 13 23 GU +84 13 24 BK +84 13 25 GU +84 13 26 GU +84 13 27 WE +84 13 28 KO +84 13 29 GU +84 13 30 KO +84 13 31 WE +84 13 32 KO +84 13 33 GU +84 13 34 GU +84 13 35 KO +84 13 36 GU +84 13 37 GU +84 13 38 BE +84 13 39 GU +84 13 40 GU +84 13 41 BE +84 13 42 KO +84 13 43 GU +84 13 44 WE +84 13 45 GU +84 13 46 BK +84 13 47 GU +84 13 48 KO +84 13 49 GU +84 13 50 BE +84 13 51 BK +84 13 52 WE +84 13 53 BE +84 13 54 GU +84 13 55 GU +84 13 56 KO +84 13 57 GU +84 13 58 KO +84 13 59 WE +84 13 60 GU +84 13 61 BE +84 13 62 KO +84 13 63 KO +84 13 64 GU +84 13 65 KO +84 13 66 WE +84 13 67 WE +84 13 68 KO +84 13 69 BK +84 13 70 WE +84 13 71 BK +84 13 72 GU +84 13 73 KO +84 13 74 WE +84 13 75 BK +84 13 76 KO +84 13 77 GU +84 13 78 WE +84 13 79 BK +84 13 80 GU +84 13 81 GU +84 13 82 GU +84 13 83 WE +84 13 84 KO +84 13 85 GU +84 13 86 KO +84 13 87 BK +84 13 88 KO +84 13 89 BK +84 13 90 GU +84 13 91 KO +84 13 92 WE +84 13 93 GU +84 13 94 BK +84 13 95 WE +84 13 96 KO +84 13 97 GU +84 13 98 BE +84 13 99 WE +84 13 100 GU +84 13 101 BE +84 13 102 GU +84 13 103 BK +84 13 104 GU +84 13 105 KO +84 13 106 WE +84 13 107 WE +84 13 108 WE +84 13 109 GU +84 13 110 KO +84 13 111 BK +84 13 112 BE +84 13 113 BK +84 13 114 GU +84 13 115 BE +84 13 116 GU +84 13 117 BK +84 13 118 KO +84 13 119 GU +84 13 120 WE +84 13 121 KO +84 13 122 GU +84 13 123 GU +84 13 124 WE +84 13 125 KO +84 13 126 KO +84 13 127 GU +84 13 128 KO +84 13 129 WE +84 13 130 BK +84 13 131 BK +84 13 132 BE +84 13 133 GU +84 13 134 BK +84 13 135 KO +84 13 136 GU +84 13 137 GU +84 13 138 GU +84 13 139 WE +84 13 140 GU +84 13 141 WE +84 13 142 WE +84 13 143 GU +84 13 144 BK +84 13 145 GU +84 13 146 KO +84 13 147 GU +84 13 148 KO +84 13 149 GU +84 13 150 GU +84 13 151 FO +84 13 152 WE +84 13 153 GU +84 13 154 BK +84 13 155 BK +84 13 156 GU +84 13 157 BK +84 13 158 WE +84 13 159 KO +84 13 160 KO +84 13 161 GU +84 13 162 FO +84 13 163 GU +84 13 164 GU +84 13 165 BK +84 13 166 BK +84 13 167 WE +84 13 168 GU +84 13 169 GU +84 13 170 BK +84 13 171 GU +84 13 172 WE +84 13 173 KO +84 13 174 KO +84 13 175 WE +84 13 176 FO +84 13 177 WE +84 13 178 GU +84 13 179 BK +84 13 180 GU +84 13 181 KO +84 13 182 BE +84 13 183 BK +84 13 184 GU +84 13 185 KO +84 13 186 GU +84 13 187 KO +84 13 188 GU +84 13 189 WE +84 13 190 KO +84 13 191 GU +84 13 192 GU +84 13 193 WE +84 13 194 KO +84 13 195 GU +84 13 196 GU +84 13 197 GU +84 13 198 BK +84 13 199 WE +84 13 200 WE +84 13 201 KO +84 13 202 GU +84 13 203 FO +84 13 204 BK +84 13 205 GU +84 13 206 WE +84 13 207 KO +84 13 208 KO +84 13 209 GU +84 13 210 BK +84 13 211 GU +84 13 212 FO +84 13 213 WE +84 13 214 KO +84 13 215 GU +84 13 216 BK +84 13 217 WE +84 13 218 GU +84 13 219 WE +84 13 220 GU +84 13 221 WE +84 13 222 GU +84 13 223 GU +84 13 224 WE +84 13 225 GU +84 13 226 GU +84 13 227 BK +84 13 228 BK +84 13 229 GU +84 13 230 WE +84 13 231 JF +84 13 232 BK +84 13 233 GU +84 13 234 GU +84 13 235 GU +84 13 236 GU +84 13 237 KO +84 13 238 GU +84 13 239 FO +84 13 240 BE +84 13 241 WE +84 13 242 WE +84 13 243 BE +84 13 244 WE +84 13 245 FO +84 13 246 GU +84 13 247 WE +84 13 248 BK +84 13 249 GU +84 13 250 GU +84 13 251 GU +84 13 252 WE +84 13 253 GU +84 13 254 WE +84 13 255 BK +84 13 256 FO +84 13 257 BK +84 13 258 KO +84 13 259 BE +84 13 260 WE +84 13 261 FO +84 13 262 WE +84 13 263 WE +84 13 264 GU +84 13 265 GU +84 13 266 BE +84 13 267 BE +84 13 268 WE +84 13 269 KO +84 13 270 FO +84 13 271 BK +84 13 272 WE +84 13 273 JF +84 13 274 WE +84 13 275 BK +84 13 276 FO +84 13 277 WE +84 13 278 FO +84 13 279 GU +84 13 280 GU +84 13 281 GU +84 13 282 GU +84 13 283 BE +84 13 284 WE +84 13 285 KO +84 13 286 WE +84 13 287 KO +84 13 288 FO +84 13 289 GU +84 13 290 WE +84 13 291 GU +84 13 292 KO +84 13 293 WE +84 13 294 WE +84 13 295 BK +84 13 296 JF +84 13 297 KO +84 13 298 FO +84 13 299 GU +84 13 300 WE +84 13 301 GU +84 13 302 WE +84 13 303 WE +84 13 304 GU +84 13 305 BK +84 13 306 GU +84 13 307 GU +84 13 308 WE +84 13 309 BK +84 13 310 GU +84 13 311 GU +84 13 312 BK +84 13 313 GU +84 13 314 WE +84 13 315 GU +84 13 316 GU +84 13 317 JF +84 13 318 FO +84 13 319 WE +84 13 320 BK +84 13 321 FO +84 13 322 GU +84 13 323 GU +84 13 324 WE +84 13 325 JF +84 13 326 KO +84 13 327 WE +84 13 328 GU +84 13 329 BK +84 13 330 WE +84 14 1 GU +84 14 2 GU +84 14 3 BE +84 14 4 BA +84 14 5 GU +84 14 6 KO +84 14 7 KG +84 14 8 GS +84 14 9 BK +84 14 10 GU +84 14 11 BA +84 14 12 KO +84 14 13 GU +84 14 14 BA +84 14 15 GS +84 14 16 WE +84 14 17 BE +84 14 18 BK +84 14 19 GU +84 14 20 GU +84 14 21 KO +84 14 22 KO +84 14 23 DN +84 14 24 BK +84 14 25 GU +84 14 26 GU +84 14 27 KO +84 14 28 KO +84 14 29 GU +84 14 30 KO +84 14 31 GU +84 14 32 GS +84 14 33 KG +84 14 34 GU +84 14 35 KO +84 14 36 BK +84 14 37 AG +84 14 38 BE +84 14 39 KG +84 14 40 GU +84 14 41 BE +84 14 42 KO +84 14 43 GU +84 14 44 KO +84 14 45 KG +84 14 46 BK +84 14 47 BK +84 14 48 KO +84 14 49 GU +84 14 50 JF +84 14 51 BK +84 14 52 WE +84 14 53 BA +84 14 54 GU +84 14 55 GU +84 14 56 KO +84 14 57 GU +84 14 58 BA +84 14 59 GS +84 14 60 BK +84 14 61 BE +84 14 62 BA +84 14 63 DN +84 14 64 GU +84 14 65 KO +84 14 66 KO +84 14 67 KG +84 14 68 AG +84 14 69 BA +84 14 70 TP +84 14 71 BE +84 14 72 GU +84 14 73 BA +84 14 74 AG +84 14 75 BK +84 14 76 BE +84 14 77 GU +84 14 78 PF +84 14 79 BK +84 14 80 GU +84 14 81 KG +84 14 82 GU +84 14 83 KO +84 14 84 KO +84 14 85 GU +84 14 86 TP +84 14 87 BK +84 14 88 PF +84 14 89 BK +84 14 90 BK +84 14 91 KG +84 14 92 PF +84 14 93 GU +84 14 94 BK +84 14 95 KO +84 14 96 KO +84 14 97 BA +84 14 98 BE +84 14 99 BA +84 14 100 GU +84 14 101 BA +84 14 102 GS +84 14 103 BA +84 14 104 GU +84 14 105 TP +84 14 106 KO +84 14 107 KO +84 14 108 GU +84 14 109 BA +84 14 110 KO +84 14 111 BK +84 14 112 BE +84 14 113 BK +84 14 114 KG +84 14 115 BE +84 14 116 GU +84 14 117 BK +84 14 118 KO +84 14 119 GU +84 14 120 WE +84 14 121 KO +84 14 122 GU +84 14 123 GU +84 14 124 KO +84 14 125 FO +84 14 126 PF +84 14 127 BK +84 14 128 KO +84 14 129 PF +84 14 130 BK +84 14 131 BA +84 14 132 BE +84 14 133 GU +84 14 134 BK +84 14 135 PF +84 14 136 GU +84 14 137 KG +84 14 138 AG +84 14 139 BA +84 14 140 GU +84 14 141 WE +84 14 142 WE +84 14 143 KG +84 14 144 TP +84 14 145 GU +84 14 146 KO +84 14 147 GU +84 14 148 BE +84 14 149 KG +84 14 150 BA +84 14 151 PF +84 14 152 PF +84 14 153 GU +84 14 154 BA +84 14 155 BK +84 14 156 GU +84 14 157 BA +84 14 158 WE +84 14 159 KO +84 14 160 PF +84 14 161 GU +84 14 162 BE +84 14 163 GU +84 14 164 GU +84 14 165 BA +84 14 166 BK +84 14 167 PF +84 14 168 GU +84 14 169 GU +84 14 170 BK +84 14 171 BA +84 14 172 WE +84 14 173 BE +84 14 174 KO +84 14 175 GU +84 14 176 KO +84 14 177 KO +84 14 178 GU +84 14 179 BA +84 14 180 KG +84 14 181 PF +84 14 182 AG +84 14 183 BA +84 14 184 TP +84 14 185 KO +84 14 186 GU +84 14 187 KO +84 14 188 GU +84 14 189 WE +84 14 190 KO +84 14 191 GU +84 14 192 BA +84 14 193 KO +84 14 194 BK +84 14 195 GU +84 14 196 GU +84 14 197 BA +84 14 198 BK +84 14 199 WE +84 14 200 GU +84 14 201 KO +84 14 202 GU +84 14 203 PF +84 14 204 BK +84 14 205 GS +84 14 206 WE +84 14 207 DN +84 14 208 BK +84 14 209 GU +84 14 210 BA +84 14 211 GU +84 14 212 KO +84 14 213 GS +84 14 214 GU +84 14 215 BA +84 14 216 BK +84 14 217 KO +84 14 218 GU +84 14 219 WE +84 14 220 AG +84 14 221 WE +84 14 222 TP +84 14 223 GU +84 14 224 WE +84 14 225 BA +84 14 226 BK +84 14 227 GU +84 14 228 BK +84 14 229 GU +84 14 230 WE +84 14 231 AG +84 14 232 BA +84 14 233 GS +84 14 234 GU +84 14 235 AG +84 14 236 KG +84 14 237 KO +84 14 238 GU +84 14 239 KO +84 14 240 BK +84 14 241 WE +84 14 242 WE +84 14 243 BA +84 14 244 WE +84 14 245 BE +84 14 246 GU +84 14 247 BA +84 14 248 BK +84 14 249 GU +84 14 250 BK +84 14 251 GU +84 14 252 AG +84 14 253 GU +84 14 254 AG +84 14 255 BK +84 14 256 BE +84 14 257 GU +84 14 258 KO +84 14 259 BE +84 14 260 WE +84 14 261 BE +84 14 262 WE +84 14 263 WE +84 14 264 GU +84 14 265 GU +84 14 266 BA +84 14 267 BA +84 14 268 GU +84 14 269 BA +84 14 270 KO +84 14 271 GU +84 14 272 WE +84 14 273 GS +84 14 274 WE +84 14 275 KO +84 14 276 BE +84 14 277 GU +84 14 278 KO +84 14 279 GU +84 14 280 GU +84 14 281 GU +84 14 282 GU +84 14 283 BA +84 14 284 WE +84 14 285 KO +84 14 286 WE +84 14 287 BK +84 14 288 BE +84 14 289 GU +84 14 290 KO +84 14 291 GU +84 14 292 TP +84 14 293 GU +84 14 294 BA +84 14 295 BK +84 14 296 TP +84 14 297 KO +84 14 298 BE +84 14 299 GU +84 14 300 WE +84 14 301 GU +84 14 302 WE +84 14 303 BA +84 14 304 GS +84 14 305 TP +84 14 306 GU +84 14 307 GU +84 14 308 TP +84 14 309 BK +84 14 310 GU +84 14 311 AL +84 14 312 BK +84 14 313 TP +84 14 314 WE +84 14 315 GU +84 14 316 GU +84 14 317 AL +84 14 318 KO +84 14 319 WE +84 14 320 BK +84 14 321 BE +84 14 322 GU +84 14 323 GU +84 14 324 KO +84 14 325 AL +84 14 326 KO +84 14 327 WE +84 14 328 GU +84 14 329 BA +84 14 330 WE +84 15 1 GU +84 15 2 GU +84 15 3 BE +84 15 4 BE +84 15 5 GU +84 15 6 KO +84 15 7 KO +84 15 8 NO +84 15 9 NO +84 15 10 BA +84 15 11 BA +84 15 12 FO +84 15 13 FO +84 15 14 BA +84 15 15 WE +84 15 16 WE +84 15 17 BE +84 15 18 BK +84 15 19 GU +84 15 20 GU +84 15 21 BE +84 15 22 KO +84 15 23 NO +84 15 24 NO +84 15 25 GU +84 15 26 BA +84 15 27 WE +84 15 28 BE +84 15 29 GU +84 15 30 FO +84 15 31 GU +84 15 32 BE +84 15 33 GU +84 15 34 BA +84 15 35 FO +84 15 36 BA +84 15 37 GU +84 15 38 BE +84 15 39 BA +84 15 40 GU +84 15 41 BE +84 15 42 KO +84 15 43 BA +84 15 44 WE +84 15 45 GU +84 15 46 WE +84 15 47 BA +84 15 48 FO +84 15 49 GU +84 15 50 NO +84 15 51 NO +84 15 52 WE +84 15 53 BE +84 15 54 BA +84 15 55 GU +84 15 56 FO +84 15 57 BA +84 15 58 KO +84 15 59 WE +84 15 60 BA +84 15 61 BE +84 15 62 WE +84 15 63 BE +84 15 64 GU +84 15 65 BE +84 15 66 WE +84 15 67 GU +84 15 68 BE +84 15 69 BA +84 15 70 WE +84 15 71 BE +84 15 72 GU +84 15 73 NO +84 15 74 WE +84 15 75 GU +84 15 76 FO +84 15 77 GU +84 15 78 WE +84 15 79 BK +84 15 80 GU +84 15 81 KO +84 15 82 GU +84 15 83 WE +84 15 84 KO +84 15 85 GU +84 15 86 BE +84 15 87 BK +84 15 88 NO +84 15 89 BK +84 15 90 BA +84 15 91 KO +84 15 92 WE +84 15 93 GU +84 15 94 BK +84 15 95 WE +84 15 96 KO +84 15 97 BA +84 15 98 BE +84 15 99 WE +84 15 100 WE +84 15 101 BE +84 15 102 WE +84 15 103 KO +84 15 104 GU +84 15 105 NO +84 15 106 KO +84 15 107 WE +84 15 108 WE +84 15 109 BA +84 15 110 KO +84 15 111 BA +84 15 112 BE +84 15 113 BK +84 15 114 BA +84 15 115 FO +84 15 116 WE +84 15 117 BK +84 15 118 KO +84 15 119 GU +84 15 120 WE +84 15 121 BE +84 15 122 BA +84 15 123 GU +84 15 124 KO +84 15 125 BE +84 15 126 BE +84 15 127 BA +84 15 128 KO +84 15 129 WE +84 15 130 BA +84 15 131 NO +84 15 132 BE +84 15 133 GU +84 15 134 BE +84 15 135 BE +84 15 136 GU +84 15 137 BA +84 15 138 GU +84 15 139 WE +84 15 140 GU +84 15 141 WE +84 15 142 WE +84 15 143 KO +84 15 144 GS +84 15 145 GU +84 15 146 KO +84 15 147 GU +84 15 148 BE +84 15 149 GU +84 15 150 BE +84 15 151 KO +84 15 152 KO +84 15 153 GU +84 15 154 BK +84 15 155 BK +84 15 156 GU +84 15 157 BE +84 15 158 WE +84 15 159 KO +84 15 160 KO +84 15 161 GU +84 15 162 BE +84 15 163 GU +84 15 164 BA +84 15 165 BK +84 15 166 BA +84 15 167 WE +84 15 168 GU +84 15 169 GU +84 15 170 BA +84 15 171 BA +84 15 172 WE +84 15 173 BE +84 15 174 KO +84 15 175 WE +84 15 176 BE +84 15 177 KO +84 15 178 BA +84 15 179 BE +84 15 180 GU +84 15 181 KO +84 15 182 BE +84 15 183 KO +84 15 184 NO +84 15 185 KO +84 15 186 GU +84 15 187 KO +84 15 188 GU +84 15 189 WE +84 15 190 WE +84 15 191 BA +84 15 192 BA +84 15 193 KO +84 15 194 BE +84 15 195 GU +84 15 196 GU +84 15 197 KO +84 15 198 BK +84 15 199 WE +84 15 200 GU +84 15 201 KO +84 15 202 GU +84 15 203 BE +84 15 204 BK +84 15 205 GU +84 15 206 WE +84 15 207 BE +84 15 208 FO +84 15 209 GU +84 15 210 BE +84 15 211 GU +84 15 212 KO +84 15 213 WE +84 15 214 KO +84 15 215 BE +84 15 216 BK +84 15 217 KO +84 15 218 KO +84 15 219 WE +84 15 220 GU +84 15 221 WE +84 15 222 NO +84 15 223 GU +84 15 224 WE +84 15 225 KO +84 15 226 BA +84 15 227 BK +84 15 228 BA +84 15 229 GU +84 15 230 WE +84 15 231 FO +84 15 232 KO +84 15 233 GU +84 15 234 GU +84 15 235 BA +84 15 236 KO +84 15 237 KO +84 15 238 GU +84 15 239 BE +84 15 240 BE +84 15 241 WE +84 15 242 KO +84 15 243 NO +84 15 244 WE +84 15 245 BE +84 15 246 GU +84 15 247 BA +84 15 248 GU +84 15 249 GU +84 15 250 NO +84 15 251 GU +84 15 252 WE +84 15 253 GU +84 15 254 GU +84 15 255 BK +84 15 256 BE +84 15 257 BA +84 15 258 KO +84 15 259 BE +84 15 260 WE +84 15 261 FO +84 15 262 WE +84 15 263 WE +84 15 264 GU +84 15 265 GU +84 15 266 NO +84 15 267 BE +84 15 268 GU +84 15 269 BE +84 15 270 KO +84 15 271 BA +84 15 272 WE +84 15 273 BE +84 15 274 WE +84 15 275 KO +84 15 276 BE +84 15 277 BA +84 15 278 KO +84 15 279 BA +84 15 280 KO +84 15 281 GU +84 15 282 GU +84 15 283 BE +84 15 284 WE +84 15 285 KO +84 15 286 WE +84 15 287 KO +84 15 288 BE +84 15 289 GU +84 15 290 WE +84 15 291 BA +84 15 292 KO +84 15 293 WE +84 15 294 WE +84 15 295 KO +84 15 296 BE +84 15 297 KO +84 15 298 BE +84 15 299 GU +84 15 300 WE +84 15 301 GU +84 15 302 WE +84 15 303 GU +84 15 304 KO +84 15 305 BE +84 15 306 KO +84 15 307 GU +84 15 308 BE +84 15 309 BK +84 15 310 GU +84 15 311 GU +84 15 312 BK +84 15 313 BA +84 15 314 WE +84 15 315 GU +84 15 316 GU +84 15 317 BE +84 15 318 KO +84 15 319 WE +84 15 320 KO +84 15 321 BE +84 15 322 GU +84 15 323 BA +84 15 324 WE +84 15 325 BE +84 15 326 KO +84 15 327 WE +84 15 328 GU +84 15 329 BE +84 15 330 WE +84 16 1 MF +84 16 2 KG +84 16 3 BE +84 16 4 GS +84 16 5 KG +84 16 6 FO +84 16 7 GU +84 16 8 GA +84 16 9 SU +84 16 10 MF +84 16 11 AL +84 16 12 KO +84 16 13 GU +84 16 14 BA +84 16 15 GA +84 16 16 WE +84 16 17 BE +84 16 18 BK +84 16 19 MF +84 16 20 GU +84 16 21 BE +84 16 22 KO +84 16 23 AL +84 16 24 BK +84 16 25 GU +84 16 26 BA +84 16 27 JF +84 16 28 PF +84 16 29 GU +84 16 30 DF +84 16 31 MF +84 16 32 GU +84 16 33 KG +84 16 34 MF +84 16 35 GA +84 16 36 BK +84 16 37 MF +84 16 38 BE +84 16 39 GU +84 16 40 MF +84 16 41 BE +84 16 42 DF +84 16 43 BA +84 16 44 WE +84 16 45 GU +84 16 46 BA +84 16 47 BA +84 16 48 DF +84 16 49 MF +84 16 50 JF +84 16 51 GS +84 16 52 WE +84 16 53 JF +84 16 54 GU +84 16 55 MF +84 16 56 BE +84 16 57 KG +84 16 58 DF +84 16 59 WE +84 16 60 KG +84 16 61 BE +84 16 62 BA +84 16 63 BE +84 16 64 MF +84 16 65 BE +84 16 66 WE +84 16 67 KG +84 16 68 GS +84 16 69 GA +84 16 70 WE +84 16 71 JF +84 16 72 GU +84 16 73 GS +84 16 74 MF +84 16 75 BA +84 16 76 KO +84 16 77 GU +84 16 78 JF +84 16 79 BK +84 16 80 GA +84 16 81 KG +84 16 82 AL +84 16 83 KO +84 16 84 GA +84 16 85 GU +84 16 86 PF +84 16 87 BA +84 16 88 PF +84 16 89 BK +84 16 90 BK +84 16 91 KG +84 16 92 WE +84 16 93 GA +84 16 94 BK +84 16 95 WE +84 16 96 DF +84 16 97 GA +84 16 98 BE +84 16 99 PF +84 16 100 MF +84 16 101 GS +84 16 102 WE +84 16 103 DF +84 16 104 MF +84 16 105 GS +84 16 106 KO +84 16 107 WE +84 16 108 GU +84 16 109 GA +84 16 110 FO +84 16 111 BK +84 16 112 BE +84 16 113 BK +84 16 114 GU +84 16 115 BE +84 16 116 WE +84 16 117 GA +84 16 118 BE +84 16 119 GU +84 16 120 WE +84 16 121 AL +84 16 122 GU +84 16 123 MF +84 16 124 KG +84 16 125 FO +84 16 126 PF +84 16 127 BK +84 16 128 KG +84 16 129 WE +84 16 130 BK +84 16 131 GA +84 16 132 BE +84 16 133 GU +84 16 134 BK +84 16 135 JF +84 16 136 MF +84 16 137 KG +84 16 138 MF +84 16 139 WE +84 16 140 GA +84 16 141 WE +84 16 142 WE +84 16 143 KG +84 16 144 PF +84 16 145 GU +84 16 146 FO +84 16 147 GU +84 16 148 BE +84 16 149 KG +84 16 150 GA +84 16 151 BE +84 16 152 AL +84 16 153 GA +84 16 154 BK +84 16 155 BK +84 16 156 GU +84 16 157 BA +84 16 158 WE +84 16 159 DF +84 16 160 GA +84 16 161 GU +84 16 162 BE +84 16 163 GU +84 16 164 GA +84 16 165 KG +84 16 166 BK +84 16 167 WE +84 16 168 GU +84 16 169 GA +84 16 170 BK +84 16 171 KG +84 16 172 WE +84 16 173 AL +84 16 174 FO +84 16 175 GA +84 16 176 GS +84 16 177 KO +84 16 178 AL +84 16 179 BE +84 16 180 KG +84 16 181 FO +84 16 182 GS +84 16 183 GS +84 16 184 PF +84 16 185 JF +84 16 186 GU +84 16 187 FO +84 16 188 GA +84 16 189 MF +84 16 190 JF +84 16 191 GU +84 16 192 GA +84 16 193 GU +84 16 194 PO +84 16 195 GU +84 16 196 MF +84 16 197 GA +84 16 198 BK +84 16 199 WE +84 16 200 AL +84 16 201 GS +84 16 202 GU +84 16 203 PF +84 16 204 BK +84 16 205 BA +84 16 206 WE +84 16 207 GS +84 16 208 FO +84 16 209 KG +84 16 210 SU +84 16 211 MF +84 16 212 FO +84 16 213 AL +84 16 214 GA +84 16 215 GS +84 16 216 BA +84 16 217 PF +84 16 218 KG +84 16 219 GU +84 16 220 AL +84 16 221 GA +84 16 222 GA +84 16 223 GU +84 16 224 WE +84 16 225 KG +84 16 226 GA +84 16 227 BK +84 16 228 BA +84 16 229 KG +84 16 230 FO +84 16 231 PF +84 16 232 DF +84 16 233 MF +84 16 234 GU +84 16 235 GA +84 16 236 KG +84 16 237 AL +84 16 238 GU +84 16 239 GA +84 16 240 SU +84 16 241 WE +84 16 242 FO +84 16 243 BE +84 16 244 GA +84 16 245 BE +84 16 246 GU +84 16 247 MF +84 16 248 BK +84 16 249 KG +84 16 250 GA +84 16 251 KG +84 16 252 WE +84 16 253 MF +84 16 254 MF +84 16 255 BK +84 16 256 BE +84 16 257 GA +84 16 258 FO +84 16 259 GS +84 16 260 WE +84 16 261 DF +84 16 262 WE +84 16 263 WE +84 16 264 MF +84 16 265 GU +84 16 266 SU +84 16 267 GA +84 16 268 KG +84 16 269 PF +84 16 270 DF +84 16 271 GU +84 16 272 WE +84 16 273 JF +84 16 274 WE +84 16 275 GU +84 16 276 JF +84 16 277 GA +84 16 278 GA +84 16 279 AL +84 16 280 KG +84 16 281 GU +84 16 282 KG +84 16 283 SU +84 16 284 WE +84 16 285 GS +84 16 286 WE +84 16 287 DF +84 16 288 BE +84 16 289 GA +84 16 290 AL +84 16 291 GA +84 16 292 GS +84 16 293 GU +84 16 294 WE +84 16 295 DF +84 16 296 PF +84 16 297 FO +84 16 298 BE +84 16 299 GU +84 16 300 WE +84 16 301 GU +84 16 302 WE +84 16 303 GA +84 16 304 KG +84 16 305 GS +84 16 306 GU +84 16 307 MF +84 16 308 AL +84 16 309 BA +84 16 310 GU +84 16 311 MF +84 16 312 BK +84 16 313 PF +84 16 314 WE +84 16 315 KG +84 16 316 GU +84 16 317 PF +84 16 318 AL +84 16 319 WE +84 16 320 KG +84 16 321 BE +84 16 322 MF +84 16 323 GU +84 16 324 WE +84 16 325 JF +84 16 326 KO +84 16 327 WE +84 16 328 GU +84 16 329 SU +84 16 330 WE +84 17 1 BA +84 17 2 GU +84 17 3 AM +84 17 4 JF +84 17 5 GU +84 17 6 * +84 17 7 GU +84 17 8 BE +84 17 9 * +84 17 10 BA +84 17 11 GU +84 17 12 KO +84 17 13 GU +84 17 14 BA +84 17 15 JF +84 17 16 WE +84 17 17 BE +84 17 18 * +84 17 19 BA +84 17 20 GU +84 17 21 * +84 17 22 KO +84 17 23 JF +84 17 24 * +84 17 25 GA +84 17 26 BA +84 17 27 * +84 17 28 * +84 17 29 GU +84 17 30 * +84 17 31 BA +84 17 32 JF +84 17 33 GU +84 17 34 BA +84 17 35 FK +84 17 36 GU +84 17 37 BA +84 17 38 * +84 17 39 GU +84 17 40 BA +84 17 41 BE +84 17 42 KO +84 17 43 BA +84 17 44 * +84 17 45 GU +84 17 46 * +84 17 47 GU +84 17 48 KO +84 17 49 BA +84 17 50 JF +84 17 51 * +84 17 52 * +84 17 53 JF +84 17 54 GU +84 17 55 BA +84 17 56 FK +84 17 57 BA +84 17 58 * +84 17 59 * +84 17 60 GU +84 17 61 JF +84 17 62 JF +84 17 63 * +84 17 64 BA +84 17 65 GS +84 17 66 * +84 17 67 GU +84 17 68 JF +84 17 69 * +84 17 70 JF +84 17 71 BE +84 17 72 GU +84 17 73 JF +84 17 74 GA +84 17 75 GU +84 17 76 FO +84 17 77 BA +84 17 78 JF +84 17 79 BK +84 17 80 BA +84 17 81 GU +84 17 82 GA +84 17 83 FK +84 17 84 GS +84 17 85 GU +84 17 86 GS +84 17 87 BK +84 17 88 JF +84 17 89 BK +84 17 90 GU +84 17 91 * +84 17 92 * +84 17 93 BA +84 17 94 * +84 17 95 GA +84 17 96 KO +84 17 97 BA +84 17 98 BE +84 17 99 JF +84 17 100 GA +84 17 101 BE +84 17 102 BA +84 17 103 * +84 17 104 BA +84 17 105 JF +84 17 106 KO +84 17 107 WE +84 17 108 * +84 17 109 JF +84 17 110 KO +84 17 111 GU +84 17 112 BE +84 17 113 BK +84 17 114 GA +84 17 115 BE +84 17 116 GA +84 17 117 * +84 17 118 FK +84 17 119 GU +84 17 120 WE +84 17 121 FO +84 17 122 GU +84 17 123 BA +84 17 124 * +84 17 125 FO +84 17 126 GS +84 17 127 GU +84 17 128 * +84 17 129 JF +84 17 130 * +84 17 131 JF +84 17 132 BE +84 17 133 GU +84 17 134 SU +84 17 135 JF +84 17 136 GA +84 17 137 GU +84 17 138 BA +84 17 139 JF +84 17 140 BA +84 17 141 WE +84 17 142 JF +84 17 143 KG +84 17 144 JF +84 17 145 GU +84 17 146 KO +84 17 147 GU +84 17 148 BE +84 17 149 KG +84 17 150 JF +84 17 151 GS +84 17 152 JF +84 17 153 BA +84 17 154 * +84 17 155 * +84 17 156 GU +84 17 157 SU +84 17 158 WE +84 17 159 * +84 17 160 GS +84 17 161 GU +84 17 162 BE +84 17 163 GA +84 17 164 BA +84 17 165 * +84 17 166 BA +84 17 167 JF +84 17 168 GU +84 17 169 GA +84 17 170 BA +84 17 171 KG +84 17 172 WE +84 17 173 GS +84 17 174 KO +84 17 175 BA +84 17 176 BE +84 17 177 KO +84 17 178 BA +84 17 179 BE +84 17 180 GU +84 17 181 KO +84 17 182 JF +84 17 183 * +84 17 184 JF +84 17 185 FK +84 17 186 GA +84 17 187 KO +84 17 188 GA +84 17 189 GA +84 17 190 JF +84 17 191 GU +84 17 192 JF +84 17 193 KO +84 17 194 BE +84 17 195 KG +84 17 196 GA +84 17 197 JF +84 17 198 BK +84 17 199 GA +84 17 200 GA +84 17 201 FK +84 17 202 GU +84 17 203 JF +84 17 204 SU +84 17 205 JF +84 17 206 * +84 17 207 JF +84 17 208 * +84 17 209 GU +84 17 210 SU +84 17 211 GA +84 17 212 FK +84 17 213 * +84 17 214 KG +84 17 215 JF +84 17 216 KG +84 17 217 GS +84 17 218 KG +84 17 219 GA +84 17 220 BA +84 17 221 * +84 17 222 JF +84 17 223 GU +84 17 224 * +84 17 225 KG +84 17 226 BA +84 17 227 BK +84 17 228 BA +84 17 229 AL +84 17 230 * +84 17 231 JF +84 17 232 KG +84 17 233 JF +84 17 234 GU +84 17 235 BA +84 17 236 KG +84 17 237 GS +84 17 238 AL +84 17 239 GS +84 17 240 SU +84 17 241 WE +84 17 242 KO +84 17 243 JF +84 17 244 * +84 17 245 BE +84 17 246 GU +84 17 247 JF +84 17 248 GU +84 17 249 GU +84 17 250 JF +84 17 251 KG +84 17 252 GS +84 17 253 GU +84 17 254 JF +84 17 255 BK +84 17 256 FO +84 17 257 BA +84 17 258 KO +84 17 259 BE +84 17 260 * +84 17 261 * +84 17 262 WE +84 17 263 * +84 17 264 GA +84 17 265 GU +84 17 266 GS +84 17 267 JF +84 17 268 KG +84 17 269 JF +84 17 270 KO +84 17 271 GU +84 17 272 WE +84 17 273 JF +84 17 274 WE +84 17 275 KG +84 17 276 JF +84 17 277 BA +84 17 278 GS +84 17 279 BA +84 17 280 GU +84 17 281 GU +84 17 282 KG +84 17 283 SU +84 17 284 WE +84 17 285 GS +84 17 286 WE +84 17 287 KO +84 17 288 BE +84 17 289 GA +84 17 290 FK +84 17 291 BA +84 17 292 GS +84 17 293 * +84 17 294 WE +84 17 295 SU +84 17 296 JF +84 17 297 KO +84 17 298 BE +84 17 299 GU +84 17 300 * +84 17 301 GU +84 17 302 * +84 17 303 GA +84 17 304 KG +84 17 305 JF +84 17 306 KG +84 17 307 GA +84 17 308 JF +84 17 309 * +84 17 310 GU +84 17 311 BA +84 17 312 BK +84 17 313 JF +84 17 314 WE +84 17 315 GU +84 17 316 BA +84 17 317 JF +84 17 318 BE +84 17 319 WE +84 17 320 KG +84 17 321 BE +84 17 322 GA +84 17 323 GU +84 17 324 FK +84 17 325 JF +84 17 326 KO +84 17 327 * +84 17 328 GU +84 17 329 SU +84 17 330 * +84 18 1 GU +84 18 2 GU +84 18 3 FO +84 18 4 BA +84 18 5 GU +84 18 6 * +84 18 7 KG +84 18 8 BE +84 18 9 SU +84 18 10 GU +84 18 11 * +84 18 12 KO +84 18 13 GU +84 18 14 * +84 18 15 JF +84 18 16 WE +84 18 17 * +84 18 18 * +84 18 19 GU +84 18 20 GU +84 18 21 PF +84 18 22 KO +84 18 23 JF +84 18 24 SU +84 18 25 GU +84 18 26 BA +84 18 27 WE +84 18 28 PF +84 18 29 GU +84 18 30 * +84 18 31 GU +84 18 32 PF +84 18 33 GU +84 18 34 KG +84 18 35 PF +84 18 36 GU +84 18 37 GU +84 18 38 BE +84 18 39 GU +84 18 40 KG +84 18 41 BE +84 18 42 KO +84 18 43 BA +84 18 44 WE +84 18 45 GU +84 18 46 * +84 18 47 * +84 18 48 KO +84 18 49 GU +84 18 50 JF +84 18 51 SU +84 18 52 WE +84 18 53 BE +84 18 54 KG +84 18 55 GU +84 18 56 * +84 18 57 * +84 18 58 GU +84 18 59 WE +84 18 60 BA +84 18 61 BE +84 18 62 JF +84 18 63 PF +84 18 64 GU +84 18 65 BE +84 18 66 WE +84 18 67 GU +84 18 68 PF +84 18 69 * +84 18 70 WE +84 18 71 BE +84 18 72 GU +84 18 73 BA +84 18 74 WE +84 18 75 GU +84 18 76 KO +84 18 77 GU +84 18 78 WE +84 18 79 * +84 18 80 GU +84 18 81 GU +84 18 82 GU +84 18 83 WE +84 18 84 PF +84 18 85 GU +84 18 86 PF +84 18 87 * +84 18 88 JF +84 18 89 BK +84 18 90 GU +84 18 91 KO +84 18 92 WE +84 18 93 GU +84 18 94 SU +84 18 95 WE +84 18 96 KO +84 18 97 BA +84 18 98 BE +84 18 99 JF +84 18 100 GU +84 18 101 BE +84 18 102 WE +84 18 103 * +84 18 104 GU +84 18 105 JF +84 18 106 KO +84 18 107 WE +84 18 108 WE +84 18 109 GU +84 18 110 KO +84 18 111 * +84 18 112 BE +84 18 113 SU +84 18 114 GU +84 18 115 BE +84 18 116 WE +84 18 117 SU +84 18 118 PF +84 18 119 GU +84 18 120 WE +84 18 121 FO +84 18 122 GU +84 18 123 GU +84 18 124 KO +84 18 125 FO +84 18 126 PF +84 18 127 GU +84 18 128 KO +84 18 129 WE +84 18 130 * +84 18 131 BA +84 18 132 BE +84 18 133 GU +84 18 134 SU +84 18 135 JF +84 18 136 GU +84 18 137 GU +84 18 138 GU +84 18 139 WE +84 18 140 GU +84 18 141 WE +84 18 142 WE +84 18 143 KO +84 18 144 BA +84 18 145 GU +84 18 146 KO +84 18 147 GU +84 18 148 BE +84 18 149 GU +84 18 150 PF +84 18 151 BA +84 18 152 WE +84 18 153 GU +84 18 154 * +84 18 155 SU +84 18 156 GU +84 18 157 SU +84 18 158 WE +84 18 159 * +84 18 160 * +84 18 161 GU +84 18 162 BE +84 18 163 GU +84 18 164 GU +84 18 165 GU +84 18 166 GU +84 18 167 * +84 18 168 GU +84 18 169 GU +84 18 170 GU +84 18 171 * +84 18 172 WE +84 18 173 PF +84 18 174 KO +84 18 175 GU +84 18 176 BE +84 18 177 KO +84 18 178 GU +84 18 179 BE +84 18 180 GU +84 18 181 KO +84 18 182 BE +84 18 183 * +84 18 184 BA +84 18 185 * +84 18 186 GU +84 18 187 KO +84 18 188 GU +84 18 189 WE +84 18 190 WE +84 18 191 GU +84 18 192 JF +84 18 193 KO +84 18 194 BE +84 18 195 GU +84 18 196 GU +84 18 197 JF +84 18 198 * +84 18 199 WE +84 18 200 GU +84 18 201 * +84 18 202 GU +84 18 203 PF +84 18 204 SU +84 18 205 JF +84 18 206 WE +84 18 207 PF +84 18 208 KO +84 18 209 GU +84 18 210 BE +84 18 211 GU +84 18 212 KO +84 18 213 JF +84 18 214 KO +84 18 215 PF +84 18 216 * +84 18 217 KO +84 18 218 KO +84 18 219 WE +84 18 220 JF +84 18 221 WE +84 18 222 JF +84 18 223 GU +84 18 224 WE +84 18 225 * +84 18 226 GU +84 18 227 * +84 18 228 BA +84 18 229 GU +84 18 230 WE +84 18 231 JF +84 18 232 SU +84 18 233 GU +84 18 234 GU +84 18 235 GU +84 18 236 GU +84 18 237 FO +84 18 238 GU +84 18 239 PF +84 18 240 BE +84 18 241 WE +84 18 242 WE +84 18 243 BE +84 18 244 WE +84 18 245 BE +84 18 246 GU +84 18 247 JF +84 18 248 GU +84 18 249 GU +84 18 250 BA +84 18 251 GU +84 18 252 WE +84 18 253 GU +84 18 254 GU +84 18 255 SU +84 18 256 BE +84 18 257 GU +84 18 258 KO +84 18 259 BE +84 18 260 WE +84 18 261 FO +84 18 262 WE +84 18 263 WE +84 18 264 WE +84 18 265 GU +84 18 266 BE +84 18 267 BA +84 18 268 GU +84 18 269 JF +84 18 270 FO +84 18 271 GU +84 18 272 WE +84 18 273 JF +84 18 274 WE +84 18 275 KO +84 18 276 BE +84 18 277 GU +84 18 278 KO +84 18 279 BA +84 18 280 GU +84 18 281 GU +84 18 282 GU +84 18 283 SU +84 18 284 WE +84 18 285 PF +84 18 286 WE +84 18 287 * +84 18 288 BE +84 18 289 GU +84 18 290 WE +84 18 291 GU +84 18 292 PF +84 18 293 WE +84 18 294 WE +84 18 295 SU +84 18 296 BA +84 18 297 KO +84 18 298 BE +84 18 299 GU +84 18 300 WE +84 18 301 GU +84 18 302 GU +84 18 303 WE +84 18 304 GU +84 18 305 BA +84 18 306 GU +84 18 307 GU +84 18 308 JF +84 18 309 * +84 18 310 GU +84 18 311 GU +84 18 312 BK +84 18 313 BA +84 18 314 WE +84 18 315 GU +84 18 316 GU +84 18 317 BE +84 18 318 WE +84 18 319 KO +84 18 320 * +84 18 321 BE +84 18 322 GU +84 18 323 GU +84 18 324 WE +84 18 325 BA +84 18 326 KO +84 18 327 WE +84 18 328 GU +84 18 329 SU +84 18 330 WE +84 19 1 BA +84 19 2 GU +84 19 3 FO +84 19 4 JF +84 19 5 GU +84 19 6 BR +84 19 7 GU +84 19 8 BR +84 19 9 GS +84 19 10 BA +84 19 11 GU +84 19 12 KO +84 19 13 GU +84 19 14 BA +84 19 15 JF +84 19 16 WE +84 19 17 FO +84 19 18 BK +84 19 19 GU +84 19 20 GU +84 19 21 GS +84 19 22 KO +84 19 23 SU +84 19 24 BK +84 19 25 GU +84 19 26 BA +84 19 27 KO +84 19 28 GS +84 19 29 GU +84 19 30 KO +84 19 31 GU +84 19 32 GS +84 19 33 GU +84 19 34 BA +84 19 35 GS +84 19 36 BA +84 19 37 GU +84 19 38 JF +84 19 39 GU +84 19 40 BA +84 19 41 GS +84 19 42 KO +84 19 43 BA +84 19 44 WE +84 19 45 GU +84 19 46 BK +84 19 47 BK +84 19 48 FO +84 19 49 GU +84 19 50 GS +84 19 51 SU +84 19 52 WE +84 19 53 GS +84 19 54 GU +84 19 55 BA +84 19 56 FO +84 19 57 BA +84 19 58 KO +84 19 59 GS +84 19 60 BA +84 19 61 BE +84 19 62 JF +84 19 63 GS +84 19 64 BA +84 19 65 BE +84 19 66 WE +84 19 67 GU +84 19 68 GS +84 19 69 GU +84 19 70 JF +84 19 71 BE +84 19 72 BA +84 19 73 JF +84 19 74 BA +84 19 75 GU +84 19 76 FO +84 19 77 BA +84 19 78 GS +84 19 79 BK +84 19 80 BA +84 19 81 KG +84 19 82 GU +84 19 83 KO +84 19 84 JF +84 19 85 GU +84 19 86 JF +84 19 87 BK +84 19 88 JF +84 19 89 BK +84 19 90 GU +84 19 91 GU +84 19 92 WE +84 19 93 BA +84 19 94 BK +84 19 95 WE +84 19 96 KO +84 19 97 JF +84 19 98 FO +84 19 99 JF +84 19 100 GU +84 19 101 GS +84 19 102 JF +84 19 103 GU +84 19 104 GU +84 19 105 GS +84 19 106 KO +84 19 107 WE +84 19 108 GU +84 19 109 BA +84 19 110 KO +84 19 111 BK +84 19 112 FO +84 19 113 BK +84 19 114 BA +84 19 115 BE +84 19 116 GU +84 19 117 BK +84 19 118 GS +84 19 119 GU +84 19 120 WE +84 19 121 FO +84 19 122 GU +84 19 123 BA +84 19 124 GU +84 19 125 FO +84 19 126 GS +84 19 127 BA +84 19 128 KO +84 19 129 WE +84 19 130 BK +84 19 131 GS +84 19 132 FO +84 19 133 GU +84 19 134 SU +84 19 135 JF +84 19 136 GU +84 19 137 BA +84 19 138 GU +84 19 139 WE +84 19 140 BA +84 19 141 WE +84 19 142 WE +84 19 143 GU +84 19 144 BA +84 19 145 GU +84 19 146 KO +84 19 147 GU +84 19 148 GS +84 19 149 GU +84 19 150 GS +84 19 151 GS +84 19 152 JF +84 19 153 GU +84 19 154 BK +84 19 155 BK +84 19 156 GU +84 19 157 KO +84 19 158 WE +84 19 159 KO +84 19 160 GS +84 19 161 GU +84 19 162 FO +84 19 163 GU +84 19 164 BA +84 19 165 GU +84 19 166 BA +84 19 167 JF +84 19 168 GU +84 19 169 GU +84 19 170 BK +84 19 171 KG +84 19 172 WE +84 19 173 GS +84 19 174 KO +84 19 175 GU +84 19 176 FO +84 19 177 KO +84 19 178 BA +84 19 179 GS +84 19 180 GU +84 19 181 KO +84 19 182 GS +84 19 183 KO +84 19 184 JF +84 19 185 FO +84 19 186 GU +84 19 187 FO +84 19 188 BA +84 19 189 JF +84 19 190 GS +84 19 191 GU +84 19 192 JF +84 19 193 GU +84 19 194 GS +84 19 195 GU +84 19 196 GU +84 19 197 GS +84 19 198 BK +84 19 199 WE +84 19 200 GU +84 19 201 FO +84 19 202 GU +84 19 203 GS +84 19 204 BK +84 19 205 JF +84 19 206 KO +84 19 207 GS +84 19 208 KO +84 19 209 BA +84 19 210 GS +84 19 211 GU +84 19 212 FO +84 19 213 JF +84 19 214 GU +84 19 215 JF +84 19 216 BK +84 19 217 GS +84 19 218 GU +84 19 219 WE +84 19 220 BA +84 19 221 WE +84 19 222 JF +84 19 223 GU +84 19 224 WE +84 19 225 KO +84 19 226 BA +84 19 227 BK +84 19 228 BA +84 19 229 GU +84 19 230 WE +84 19 231 JF +84 19 232 GU +84 19 233 JF +84 19 234 GU +84 19 235 BA +84 19 236 GU +84 19 237 GS +84 19 238 GU +84 19 239 GS +84 19 240 GS +84 19 241 WE +84 19 242 KO +84 19 243 JF +84 19 244 GU +84 19 245 GS +84 19 246 GU +84 19 247 JF +84 19 248 BA +84 19 249 GU +84 19 250 GS +84 19 251 GU +84 19 252 GS +84 19 253 GU +84 19 254 JF +84 19 255 BK +84 19 256 GS +84 19 257 BA +84 19 258 KO +84 19 259 GS +84 19 260 KO +84 19 261 FO +84 19 262 WE +84 19 263 WE +84 19 264 GU +84 19 265 BA +84 19 266 GS +84 19 267 JF +84 19 268 GU +84 19 269 GS +84 19 270 FO +84 19 271 GU +84 19 272 WE +84 19 273 JF +84 19 274 WE +84 19 275 KO +84 19 276 GS +84 19 277 BA +84 19 278 GS +84 19 279 BA +84 19 280 GU +84 19 281 BA +84 19 282 GU +84 19 283 SU +84 19 284 WE +84 19 285 GS +84 19 286 WE +84 19 287 KO +84 19 288 FO +84 19 289 GU +84 19 290 WE +84 19 291 BA +84 19 292 GS +84 19 293 WE +84 19 294 WE +84 19 295 JF +84 19 296 KO +84 19 297 KO +84 19 298 GS +84 19 299 GU +84 19 300 WE +84 19 301 GU +84 19 302 WE +84 19 303 JF +84 19 304 GU +84 19 305 JF +84 19 306 GU +84 19 307 BA +84 19 308 JF +84 19 309 BK +84 19 310 GU +84 19 311 BA +84 19 312 BK +84 19 313 JF +84 19 314 WE +84 19 315 GU +84 19 316 BA +84 19 317 GS +84 19 318 GS +84 19 319 WE +84 19 320 GU +84 19 321 GS +84 19 322 GU +84 19 323 BA +84 19 324 WE +84 19 325 GS +84 19 326 KO +84 19 327 WE +84 19 328 GU +84 19 329 GS +84 19 330 WE +84 20 1 BA +84 20 2 GU +84 20 3 BE +84 20 4 JF +84 20 5 GU +84 20 6 * +84 20 7 GU +84 20 8 JF +84 20 9 SU +84 20 10 BA +84 20 11 BK +84 20 12 KO +84 20 13 GU +84 20 14 BA +84 20 15 * +84 20 16 WE +84 20 17 BE +84 20 18 BK +84 20 19 BA +84 20 20 GU +84 20 21 BE +84 20 22 * +84 20 23 JF +84 20 24 BK +84 20 25 BA +84 20 26 JF +84 20 27 WE +84 20 28 BE +84 20 29 GU +84 20 30 SU +84 20 31 BA +84 20 32 JF +84 20 33 GU +84 20 34 BA +84 20 35 * +84 20 36 GU +84 20 37 BA +84 20 38 BE +84 20 39 GU +84 20 40 BA +84 20 41 BE +84 20 42 GU +84 20 43 BA +84 20 44 WE +84 20 45 GU +84 20 46 BK +84 20 47 GU +84 20 48 * +84 20 49 BA +84 20 50 GU +84 20 51 SU +84 20 52 WE +84 20 53 JF +84 20 54 GU +84 20 55 BA +84 20 56 * +84 20 57 BA +84 20 58 * +84 20 59 WE +84 20 60 BA +84 20 61 BE +84 20 62 JF +84 20 63 BE +84 20 64 BA +84 20 65 BE +84 20 66 WE +84 20 67 GU +84 20 68 BE +84 20 69 GU +84 20 70 WE +84 20 71 GU +84 20 72 GU +84 20 73 JF +84 20 74 GU +84 20 75 GU +84 20 76 AM +84 20 77 BA +84 20 78 JF +84 20 79 BK +84 20 80 BA +84 20 81 GU +84 20 82 GU +84 20 83 WE +84 20 84 * +84 20 85 GU +84 20 86 JF +84 20 87 BK +84 20 88 JF +84 20 89 BK +84 20 90 GU +84 20 91 GU +84 20 92 WE +84 20 93 BA +84 20 94 SU +84 20 95 WE +84 20 96 KO +84 20 97 JF +84 20 98 BE +84 20 99 GU +84 20 100 GU +84 20 101 JF +84 20 102 WE +84 20 103 GU +84 20 104 BA +84 20 105 JF +84 20 106 KO +84 20 107 WE +84 20 108 WE +84 20 109 BA +84 20 110 AM +84 20 111 GU +84 20 112 BE +84 20 113 BK +84 20 114 GU +84 20 115 BE +84 20 116 WE +84 20 117 BK +84 20 118 OR +84 20 119 GU +84 20 120 WE +84 20 121 BE +84 20 122 GU +84 20 123 BA +84 20 124 GU +84 20 125 AM +84 20 126 * +84 20 127 GU +84 20 128 KO +84 20 129 WE +84 20 130 GU +84 20 131 JF +84 20 132 FO +84 20 133 GU +84 20 134 SU +84 20 135 JF +84 20 136 GU +84 20 137 GU +84 20 138 BA +84 20 139 WE +84 20 140 BA +84 20 141 WE +84 20 142 WE +84 20 143 GU +84 20 144 GU +84 20 145 GU +84 20 146 KO +84 20 147 GU +84 20 148 BE +84 20 149 GU +84 20 150 GU +84 20 151 FO +84 20 152 JF +84 20 153 BA +84 20 154 BK +84 20 155 BK +84 20 156 GU +84 20 157 SU +84 20 158 WE +84 20 159 FO +84 20 160 * +84 20 161 GU +84 20 162 BE +84 20 163 GU +84 20 164 BA +84 20 165 GU +84 20 166 BA +84 20 167 WE +84 20 168 GU +84 20 169 BA +84 20 170 GU +84 20 171 GU +84 20 172 WE +84 20 173 BE +84 20 174 KO +84 20 175 WE +84 20 176 FO +84 20 177 KO +84 20 178 BA +84 20 179 SU +84 20 180 GU +84 20 181 KO +84 20 182 JF +84 20 183 * +84 20 184 JF +84 20 185 FO +84 20 186 BA +84 20 187 FO +84 20 188 GU +84 20 189 WE +84 20 190 FO +84 20 191 GU +84 20 192 JF +84 20 193 KO +84 20 194 SU +84 20 195 GU +84 20 196 GU +84 20 197 JF +84 20 198 BK +84 20 199 WE +84 20 200 GU +84 20 201 FO +84 20 202 GU +84 20 203 JF +84 20 204 SU +84 20 205 JF +84 20 206 WE +84 20 207 BE +84 20 208 KO +84 20 209 GU +84 20 210 SU +84 20 211 BA +84 20 212 FO +84 20 213 WE +84 20 214 KO +84 20 215 JF +84 20 216 GU +84 20 217 FO +84 20 218 GU +84 20 219 WE +84 20 220 BA +84 20 221 WE +84 20 222 JF +84 20 223 GU +84 20 224 WE +84 20 225 KO +84 20 226 BA +84 20 227 BK +84 20 228 BA +84 20 229 GU +84 20 230 WE +84 20 231 JF +84 20 232 KO +84 20 233 BA +84 20 234 GU +84 20 235 BA +84 20 236 KO +84 20 237 FO +84 20 238 GU +84 20 239 FO +84 20 240 SU +84 20 241 WE +84 20 242 KO +84 20 243 JF +84 20 244 WE +84 20 245 BE +84 20 246 GU +84 20 247 JF +84 20 248 GU +84 20 249 GU +84 20 250 JF +84 20 251 GU +84 20 252 WE +84 20 253 GU +84 20 254 WE +84 20 255 BK +84 20 256 BE +84 20 257 BA +84 20 258 KO +84 20 259 BE +84 20 260 WE +84 20 261 FO +84 20 262 WE +84 20 263 WE +84 20 264 BA +84 20 265 GU +84 20 266 FO +84 20 267 JF +84 20 268 GU +84 20 269 JF +84 20 270 FO +84 20 271 GU +84 20 272 WE +84 20 273 JF +84 20 274 WE +84 20 275 KO +84 20 276 JF +84 20 277 BA +84 20 278 FO +84 20 279 BA +84 20 280 GU +84 20 281 GU +84 20 282 GU +84 20 283 SU +84 20 284 WE +84 20 285 * +84 20 286 WE +84 20 287 KO +84 20 288 BE +84 20 289 GU +84 20 290 WE +84 20 291 BA +84 20 292 * +84 20 293 WE +84 20 294 WE +84 20 295 SU +84 20 296 JF +84 20 297 KO +84 20 298 BE +84 20 299 GU +84 20 300 WE +84 20 301 GU +84 20 302 WE +84 20 303 WE +84 20 304 GU +84 20 305 JF +84 20 306 GU +84 20 307 BA +84 20 308 JF +84 20 309 BK +84 20 310 GU +84 20 311 BA +84 20 312 BK +84 20 313 JF +84 20 314 WE +84 20 315 GU +84 20 316 GU +84 20 317 JF +84 20 318 WE +84 20 319 FO +84 20 320 GU +84 20 321 BE +84 20 322 BA +84 20 323 GU +84 20 324 WE +84 20 325 JF +84 20 326 KO +84 20 327 WE +84 20 328 GU +84 20 329 SU +84 20 330 WE +84 21 1 BA +84 21 2 GU +84 21 3 BE +84 21 4 D +84 21 5 KG +84 21 6 FO +84 21 7 GU +84 21 8 BE +84 21 9 FO +84 21 10 BA +84 21 11 GU +84 21 12 KO +84 21 13 GU +84 21 14 GU +84 21 15 BE +84 21 16 WE +84 21 17 FO +84 21 18 BK +84 21 19 BA +84 21 20 GU +84 21 21 BE +84 21 22 KO +84 21 23 BA +84 21 24 KO +84 21 25 GU +84 21 26 BA +84 21 27 WE +84 21 28 BE +84 21 29 GU +84 21 30 FO +84 21 31 GU +84 21 32 BE +84 21 33 GU +84 21 34 BA +84 21 35 FO +84 21 36 GU +84 21 37 BA +84 21 38 BE +84 21 39 GU +84 21 40 GU +84 21 41 BE +84 21 42 KO +84 21 43 BA +84 21 44 WE +84 21 45 GU +84 21 46 * +84 21 47 GU +84 21 48 KO +84 21 49 BA +84 21 50 BA +84 21 51 SU +84 21 52 WE +84 21 53 BE +84 21 54 GU +84 21 55 BA +84 21 56 * +84 21 57 KO +84 21 58 BA +84 21 59 WE +84 21 60 GU +84 21 61 BE +84 21 62 JF +84 21 63 BE +84 21 64 BA +84 21 65 BE +84 21 66 WE +84 21 67 GU +84 21 68 BE +84 21 69 KO +84 21 70 WE +84 21 71 BE +84 21 72 GU +84 21 73 BA +84 21 74 BA +84 21 75 GU +84 21 76 FO +84 21 77 BA +84 21 78 WE +84 21 79 * +84 21 80 BA +84 21 81 GU +84 21 82 BA +84 21 83 WE +84 21 84 * +84 21 85 GU +84 21 86 * +84 21 87 BA +84 21 88 * +84 21 89 BK +84 21 90 GU +84 21 91 KO +84 21 92 WE +84 21 93 BA +84 21 94 * +84 21 95 WE +84 21 96 FO +84 21 97 BA +84 21 98 BE +84 21 99 * +84 21 100 BA +84 21 101 BE +84 21 102 BA +84 21 103 * +84 21 104 BA +84 21 105 * +84 21 106 FO +84 21 107 WE +84 21 108 * +84 21 109 BA +84 21 110 FO +84 21 111 GU +84 21 112 BE +84 21 113 BK +84 21 114 GU +84 21 115 BE +84 21 116 BA +84 21 117 * +84 21 118 BE +84 21 119 GU +84 21 120 WE +84 21 121 FO +84 21 122 GU +84 21 123 BA +84 21 124 KO +84 21 125 FO +84 21 126 BE +84 21 127 GU +84 21 128 KO +84 21 129 WE +84 21 130 * +84 21 131 * +84 21 132 FO +84 21 133 GU +84 21 134 * +84 21 135 BE +84 21 136 GU +84 21 137 GU +84 21 138 BA +84 21 139 WE +84 21 140 BA +84 21 141 WE +84 21 142 WE +84 21 143 GU +84 21 144 BA +84 21 145 GU +84 21 146 FO +84 21 147 GU +84 21 148 BE +84 21 149 GU +84 21 150 BE +84 21 151 BA +84 21 152 * +84 21 153 BA +84 21 154 BK +84 21 155 * +84 21 156 GU +84 21 157 * +84 21 158 WE +84 21 159 FO +84 21 160 BE +84 21 161 GU +84 21 162 BE +84 21 163 GU +84 21 164 * +84 21 165 * +84 21 166 BA +84 21 167 WE +84 21 168 GU +84 21 169 BA +84 21 170 GU +84 21 171 GU +84 21 172 WE +84 21 173 BE +84 21 174 FO +84 21 175 BA +84 21 176 BE +84 21 177 KO +84 21 178 BA +84 21 179 BE +84 21 180 GU +84 21 181 KO +84 21 182 BE +84 21 183 KO +84 21 184 BA +84 21 185 FO +84 21 186 BA +84 21 187 FO +84 21 188 BA +84 21 189 BA +84 21 190 BE +84 21 191 GU +84 21 192 BA +84 21 193 KO +84 21 194 BE +84 21 195 GU +84 21 196 GU +84 21 197 JF +84 21 198 BK +84 21 199 WE +84 21 200 BA +84 21 201 * +84 21 202 GU +84 21 203 BE +84 21 204 * +84 21 205 BA +84 21 206 WE +84 21 207 BE +84 21 208 FO +84 21 209 GU +84 21 210 BE +84 21 211 BA +84 21 212 FO +84 21 213 * +84 21 214 KO +84 21 215 BE +84 21 216 D +84 21 217 * +84 21 218 KO +84 21 219 * +84 21 220 BA +84 21 221 * +84 21 222 BA +84 21 223 GU +84 21 224 WE +84 21 225 KO +84 21 226 GU +84 21 227 BK +84 21 228 BA +84 21 229 GU +84 21 230 WE +84 21 231 JF +84 21 232 * +84 21 233 BA +84 21 234 GU +84 21 235 BA +84 21 236 KO +84 21 237 BE +84 21 238 GU +84 21 239 BE +84 21 240 * +84 21 241 WE +84 21 242 KO +84 21 243 BE +84 21 244 WE +84 21 245 BE +84 21 246 GU +84 21 247 BA +84 21 248 GU +84 21 249 GU +84 21 250 BA +84 21 251 GU +84 21 252 WE +84 21 253 GU +84 21 254 BA +84 21 255 * +84 21 256 BE +84 21 257 BA +84 21 258 KO +84 21 259 BE +84 21 260 KO +84 21 261 FO +84 21 262 * +84 21 263 WE +84 21 264 BA +84 21 265 GU +84 21 266 FO +84 21 267 * +84 21 268 GU +84 21 269 * +84 21 270 FO +84 21 271 GU +84 21 272 WE +84 21 273 JF +84 21 274 WE +84 21 275 KO +84 21 276 BE +84 21 277 BA +84 21 278 * +84 21 279 BA +84 21 280 GU +84 21 281 GU +84 21 282 GU +84 21 283 SU +84 21 284 BA +84 21 285 BE +84 21 286 WE +84 21 287 KO +84 21 288 BE +84 21 289 BA +84 21 290 WE +84 21 291 BA +84 21 292 BE +84 21 293 BA +84 21 294 WE +84 21 295 FO +84 21 296 JF +84 21 297 KO +84 21 298 BE +84 21 299 GU +84 21 300 WE +84 21 301 GU +84 21 302 WE +84 21 303 BA +84 21 304 KO +84 21 305 JF +84 21 306 GU +84 21 307 BA +84 21 308 BA +84 21 309 * +84 21 310 GU +84 21 311 BA +84 21 312 BK +84 21 313 BA +84 21 314 WE +84 21 315 GU +84 21 316 GU +84 21 317 JF +84 21 318 WE +84 21 319 FO +84 21 320 KO +84 21 321 BE +84 21 322 BA +84 21 323 GU +84 21 324 WE +84 21 325 JF +84 21 326 KO +84 21 327 BA +84 21 328 GU +84 21 329 FO +84 21 330 GU +84 22 1 GS +84 22 2 GU +84 22 3 FO +84 22 4 JF +84 22 5 KG +84 22 6 FO +84 22 7 KG +84 22 8 JF +84 22 9 SU +84 22 10 BA +84 22 11 GU +84 22 12 KO +84 22 13 GU +84 22 14 GA +84 22 15 JF +84 22 16 WE +84 22 17 PF +84 22 18 BK +84 22 19 GS +84 22 20 GU +84 22 21 PF +84 22 22 KO +84 22 23 JF +84 22 24 BK +84 22 25 GU +84 22 26 GS +84 22 27 FO +84 22 28 PF +84 22 29 KG +84 22 30 FO +84 22 31 GU +84 22 32 JF +84 22 33 GU +84 22 34 GA +84 22 35 PF +84 22 36 GU +84 22 37 GS +84 22 38 PF +84 22 39 GU +84 22 40 GS +84 22 41 PF +84 22 42 KO +84 22 43 GA +84 22 44 WE +84 22 45 GU +84 22 46 BK +84 22 47 GU +84 22 48 KO +84 22 49 GS +84 22 50 JF +84 22 51 SU +84 22 52 GS +84 22 53 PF +84 22 54 GU +84 22 55 GS +84 22 56 PF +84 22 57 GU +84 22 58 KO +84 22 59 JF +84 22 60 GU +84 22 61 BE +84 22 62 JF +84 22 63 PF +84 22 64 GS +84 22 65 PF +84 22 66 WE +84 22 67 GU +84 22 68 JF +84 22 69 GU +84 22 70 JF +84 22 71 PF +84 22 72 GU +84 22 73 JF +84 22 74 GS +84 22 75 GU +84 22 76 FO +84 22 77 GS +84 22 78 PF +84 22 79 GU +84 22 80 GS +84 22 81 KG +84 22 82 GS +84 22 83 KO +84 22 84 PF +84 22 85 GU +84 22 86 JF +84 22 87 GU +84 22 88 JF +84 22 89 BK +84 22 90 GU +84 22 91 KO +84 22 92 KO +84 22 93 GS +84 22 94 SU +84 22 95 GU +84 22 96 KO +84 22 97 JF +84 22 98 PF +84 22 99 JF +84 22 100 GU +84 22 101 JF +84 22 102 JF +84 22 103 KO +84 22 104 GS +84 22 105 JF +84 22 106 KO +84 22 107 WE +84 22 108 GU +84 22 109 BA +84 22 110 KO +84 22 111 GU +84 22 112 PF +84 22 113 BK +84 22 114 GS +84 22 115 JF +84 22 116 GU +84 22 117 SU +84 22 118 PF +84 22 119 KG +84 22 120 WE +84 22 121 FO +84 22 122 GU +84 22 123 GS +84 22 124 KG +84 22 125 FO +84 22 126 JF +84 22 127 GU +84 22 128 GU +84 22 129 JF +84 22 130 GU +84 22 131 JF +84 22 132 FO +84 22 133 GU +84 22 134 SU +84 22 135 JF +84 22 136 GS +84 22 137 GU +84 22 138 GS +84 22 139 GS +84 22 140 GS +84 22 141 WE +84 22 142 WE +84 22 143 KO +84 22 144 JF +84 22 145 GU +84 22 146 KO +84 22 147 GU +84 22 148 BE +84 22 149 GU +84 22 150 JF +84 22 151 JF +84 22 152 JF +84 22 153 GS +84 22 154 BK +84 22 155 SU +84 22 156 KG +84 22 157 SU +84 22 158 WE +84 22 159 FO +84 22 160 JF +84 22 161 GU +84 22 162 PF +84 22 163 GS +84 22 164 GS +84 22 165 GU +84 22 166 GS +84 22 167 JF +84 22 168 GU +84 22 169 GS +84 22 170 BK +84 22 171 GU +84 22 172 WE +84 22 173 PF +84 22 174 KO +84 22 175 GU +84 22 176 FO +84 22 177 KO +84 22 178 GS +84 22 179 SU +84 22 180 KG +84 22 181 KO +84 22 182 JF +84 22 183 KO +84 22 184 JF +84 22 185 KO +84 22 186 GS +84 22 187 KO +84 22 188 GS +84 22 189 GS +84 22 190 JF +84 22 191 GU +84 22 192 JF +84 22 193 KO +84 22 194 SU +84 22 195 GU +84 22 196 GU +84 22 197 JF +84 22 198 BK +84 22 199 WE +84 22 200 GS +84 22 201 PF +84 22 202 KG +84 22 203 PF +84 22 204 SU +84 22 205 JF +84 22 206 GU +84 22 207 PF +84 22 208 KO +84 22 209 GS +84 22 210 SU +84 22 211 GS +84 22 212 FO +84 22 213 JF +84 22 214 GU +84 22 215 JF +84 22 216 KO +84 22 217 FO +84 22 218 KO +84 22 219 WE +84 22 220 BA +84 22 221 WE +84 22 222 JF +84 22 223 GU +84 22 224 WE +84 22 225 KO +84 22 226 GS +84 22 227 GU +84 22 228 AG +84 22 229 GU +84 22 230 WE +84 22 231 JF +84 22 232 KO +84 22 233 BA +84 22 234 GU +84 22 235 AG +84 22 236 KO +84 22 237 PF +84 22 238 GU +84 22 239 PF +84 22 240 SU +84 22 241 WE +84 22 242 KO +84 22 243 JF +84 22 244 WE +84 22 245 BE +84 22 246 GU +84 22 247 JF +84 22 248 GU +84 22 249 GU +84 22 250 JF +84 22 251 GU +84 22 252 WE +84 22 253 GU +84 22 254 GS +84 22 255 BK +84 22 256 FO +84 22 257 GS +84 22 258 KO +84 22 259 BE +84 22 260 KO +84 22 261 FO +84 22 262 WE +84 22 263 WE +84 22 264 GU +84 22 265 GU +84 22 266 FO +84 22 267 JF +84 22 268 GU +84 22 269 JF +84 22 270 KO +84 22 271 GU +84 22 272 WE +84 22 273 JF +84 22 274 WE +84 22 275 KO +84 22 276 PF +84 22 277 GS +84 22 278 BE +84 22 279 AG +84 22 280 GU +84 22 281 GU +84 22 282 KG +84 22 283 SU +84 22 284 WE +84 22 285 JF +84 22 286 WE +84 22 287 KO +84 22 288 BE +84 22 289 GS +84 22 290 WE +84 22 291 GS +84 22 292 JF +84 22 293 GU +84 22 294 WE +84 22 295 SU +84 22 296 JF +84 22 297 KO +84 22 298 PF +84 22 299 GU +84 22 300 BK +84 22 301 GU +84 22 302 WE +84 22 303 WE +84 22 304 KO +84 22 305 JF +84 22 306 GU +84 22 307 GS +84 22 308 JF +84 22 309 BK +84 22 310 GU +84 22 311 AG +84 22 312 BK +84 22 313 BK +84 22 314 WE +84 22 315 GU +84 22 316 GU +84 22 317 JF +84 22 318 WE +84 22 319 WE +84 22 320 KO +84 22 321 PF +84 22 322 GS +84 22 323 GU +84 22 324 WE +84 22 325 JF +84 22 326 KO +84 22 327 WE +84 22 328 GU +84 22 329 SU +84 22 330 WE +84 23 1 GS +84 23 2 GS +84 23 3 BE +84 23 4 JF +84 23 5 GU +84 23 6 PF +84 23 7 GU +84 23 8 JF +84 23 9 JF +84 23 10 BA +84 23 11 GU +84 23 12 KO +84 23 13 GU +84 23 14 BA +84 23 15 PF +84 23 16 WE +84 23 17 BE +84 23 18 GU +84 23 19 GU +84 23 20 GU +84 23 21 BE +84 23 22 KO +84 23 23 JF +84 23 24 SN +84 23 25 GU +84 23 26 BA +84 23 27 FK +84 23 28 BE +84 23 29 GU +84 23 30 FO +84 23 31 GU +84 23 32 JF +84 23 33 GU +84 23 34 BA +84 23 35 KO +84 23 36 GU +84 23 37 BA +84 23 38 AL +84 23 39 GU +84 23 40 GU +84 23 41 BE +84 23 42 FO +84 23 43 BA +84 23 44 WE +84 23 45 GU +84 23 46 SN +84 23 47 GU +84 23 48 FO +84 23 49 GU +84 23 50 JF +84 23 51 BK +84 23 52 SN +84 23 53 JF +84 23 54 GU +84 23 55 GS +84 23 56 KO +84 23 57 GU +84 23 58 KO +84 23 59 GS +84 23 60 BA +84 23 61 BE +84 23 62 BA +84 23 63 AM +84 23 64 GU +84 23 65 BE +84 23 66 WE +84 23 67 GU +84 23 68 JF +84 23 69 SN +84 23 70 WE +84 23 71 JF +84 23 72 GU +84 23 73 JF +84 23 74 GU +84 23 75 BK +84 23 76 KO +84 23 77 GU +84 23 78 FK +84 23 79 BK +84 23 80 BA +84 23 81 KG +84 23 82 GU +84 23 83 FK +84 23 84 FO +84 23 85 GU +84 23 86 GU +84 23 87 BK +84 23 88 JF +84 23 89 BK +84 23 90 BK +84 23 91 KG +84 23 92 FK +84 23 93 GU +84 23 94 BA +84 23 95 SN +84 23 96 FO +84 23 97 BA +84 23 98 BE +84 23 99 SN +84 23 100 GS +84 23 101 JF +84 23 102 GU +84 23 103 SN +84 23 104 KG +84 23 105 JF +84 23 106 KO +84 23 107 WE +84 23 108 KG +84 23 109 GU +84 23 110 KO +84 23 111 BA +84 23 112 KO +84 23 113 BK +84 23 114 BK +84 23 115 JF +84 23 116 GS +84 23 117 BK +84 23 118 FO +84 23 119 GU +84 23 120 WE +84 23 121 KO +84 23 122 GU +84 23 123 BA +84 23 124 GS +84 23 125 KO +84 23 126 FO +84 23 127 BK +84 23 128 AG +84 23 129 SN +84 23 130 BK +84 23 131 JF +84 23 132 BE +84 23 133 GU +84 23 134 JF +84 23 135 JF +84 23 136 GU +84 23 137 KG +84 23 138 GS +84 23 139 WE +84 23 140 BA +84 23 141 WE +84 23 142 SN +84 23 143 KG +84 23 144 JF +84 23 145 GU +84 23 146 AG +84 23 147 GU +84 23 148 BE +84 23 149 GS +84 23 150 JF +84 23 151 KO +84 23 152 JF +84 23 153 GU +84 23 154 SN +84 23 155 BK +84 23 156 GU +84 23 157 BK +84 23 158 WE +84 23 159 KO +84 23 160 KO +84 23 161 GU +84 23 162 BE +84 23 163 GU +84 23 164 BA +84 23 165 BA +84 23 166 BA +84 23 167 JF +84 23 168 GU +84 23 169 GU +84 23 170 BK +84 23 171 KG +84 23 172 WE +84 23 173 FO +84 23 174 KO +84 23 175 GS +84 23 176 BE +84 23 177 FK +84 23 178 BA +84 23 179 SU +84 23 180 GU +84 23 181 KO +84 23 182 JF +84 23 183 KG +84 23 184 JF +84 23 185 GS +84 23 186 GU +84 23 187 FO +84 23 188 BA +84 23 189 GS +84 23 190 KO +84 23 191 KG +84 23 192 JF +84 23 193 KG +84 23 194 SU +84 23 195 GU +84 23 196 GU +84 23 197 JF +84 23 198 BK +84 23 199 SN +84 23 200 GU +84 23 201 KO +84 23 202 GU +84 23 203 SU +84 23 204 BK +84 23 205 BA +84 23 206 SN +84 23 207 JF +84 23 208 KG +84 23 209 AG +84 23 210 JF +84 23 211 GU +84 23 212 KO +84 23 213 AG +84 23 214 KG +84 23 215 JF +84 23 216 KG +84 23 217 KO +84 23 218 KG +84 23 219 GS +84 23 220 JF +84 23 221 KG +84 23 222 JF +84 23 223 GU +84 23 224 SN +84 23 225 AG +84 23 226 BA +84 23 227 BK +84 23 228 BA +84 23 229 GU +84 23 230 SN +84 23 231 JF +84 23 232 BK +84 23 233 JF +84 23 234 GU +84 23 235 BA +84 23 236 KG +84 23 237 KO +84 23 238 GU +84 23 239 FO +84 23 240 BK +84 23 241 WE +84 23 242 FK +84 23 243 JF +84 23 244 GS +84 23 245 BE +84 23 246 GU +84 23 247 JF +84 23 248 BK +84 23 249 GU +84 23 250 JF +84 23 251 KG +84 23 252 SN +84 23 253 GU +84 23 254 GA +84 23 255 BK +84 23 256 BE +84 23 257 BA +84 23 258 AL +84 23 259 BE +84 23 260 GU +84 23 261 KO +84 23 262 WE +84 23 263 SN +84 23 264 GA +84 23 265 GU +84 23 266 SU +84 23 267 JF +84 23 268 GU +84 23 269 JF +84 23 270 FO +84 23 271 BK +84 23 272 WE +84 23 273 JF +84 23 274 WE +84 23 275 AL +84 23 276 JF +84 23 277 BA +84 23 278 KO +84 23 279 BA +84 23 280 KG +84 23 281 GU +84 23 282 KG +84 23 283 SU +84 23 284 WE +84 23 285 FO +84 23 286 WE +84 23 287 BA +84 23 288 AM +84 23 289 GU +84 23 290 WE +84 23 291 BA +84 23 292 FO +84 23 293 GS +84 23 294 WE +84 23 295 BA +84 23 296 JF +84 23 297 FO +84 23 298 BE +84 23 299 GU +84 23 300 SN +84 23 301 GU +84 23 302 WE +84 23 303 GS +84 23 304 GA +84 23 305 JF +84 23 306 PT +84 23 307 GU +84 23 308 AL +84 23 309 BK +84 23 310 GU +84 23 311 BA +84 23 312 BK +84 23 313 BA +84 23 314 WE +84 23 315 GU +84 23 316 AL +84 23 317 JF +84 23 318 KO +84 23 319 WE +84 23 320 KG +84 23 321 BE +84 23 322 AL +84 23 323 GU +84 23 324 GU +84 23 325 JF +84 23 326 KO +84 23 327 GS +84 23 328 GA +84 23 329 SU +84 23 330 WE +84 24 1 GU +84 24 2 NO +84 24 3 BE +84 24 4 SO +84 24 5 GU +84 24 6 GU +84 24 7 KG +84 24 8 GS +84 24 9 SN +84 24 10 BA +84 24 11 GU +84 24 12 FK +84 24 13 GU +84 24 14 BA +84 24 15 SN +84 24 16 WE +84 24 17 BE +84 24 18 BK +84 24 19 GU +84 24 20 GU +84 24 21 SO +84 24 22 FK +84 24 23 NW +84 24 24 BA +84 24 25 GU +84 24 26 BA +84 24 27 WE +84 24 28 BE +84 24 29 GU +84 24 30 SN +84 24 31 GU +84 24 32 NW +84 24 33 GU +84 24 34 GU +84 24 35 BE +84 24 36 GU +84 24 37 GU +84 24 38 SU +84 24 39 KG +84 24 40 GU +84 24 41 SU +84 24 42 FK +84 24 43 GU +84 24 44 WE +84 24 45 KG +84 24 46 SN +84 24 47 BK +84 24 48 FK +84 24 49 GU +84 24 50 NW +84 24 51 SN +84 24 52 WE +84 24 53 SU +84 24 54 GU +84 24 55 GU +84 24 56 SN +84 24 57 GU +84 24 58 SN +84 24 59 WE +84 24 60 BK +84 24 61 BE +84 24 62 SN +84 24 63 BE +84 24 64 GU +84 24 65 BE +84 24 66 WE +84 24 67 GU +84 24 68 BE +84 24 69 GU +84 24 70 WE +84 24 71 SU +84 24 72 GU +84 24 73 SU +84 24 74 GU +84 24 75 BK +84 24 76 BE +84 24 77 GU +84 24 78 FK +84 24 79 BK +84 24 80 GU +84 24 81 GU +84 24 82 GU +84 24 83 WE +84 24 84 FK +84 24 85 GU +84 24 86 SU +84 24 87 BK +84 24 88 GS +84 24 89 BK +84 24 90 BK +84 24 91 GU +84 24 92 WE +84 24 93 GU +84 24 94 SU +84 24 95 GU +84 24 96 FK +84 24 97 NW +84 24 98 BE +84 24 99 SN +84 24 100 GU +84 24 101 SU +84 24 102 BA +84 24 103 SN +84 24 104 GU +84 24 105 SU +84 24 106 FK +84 24 107 WE +84 24 108 GU +84 24 109 GU +84 24 110 FK +84 24 111 BK +84 24 112 BE +84 24 113 SN +84 24 114 KG +84 24 115 BE +84 24 116 GU +84 24 117 SU +84 24 118 BE +84 24 119 KG +84 24 120 WE +84 24 121 BE +84 24 122 GU +84 24 123 GU +84 24 124 FK +84 24 125 BE +84 24 126 BE +84 24 127 GU +84 24 128 FK +84 24 129 WE +84 24 130 SN +84 24 131 NW +84 24 132 BE +84 24 133 GU +84 24 134 SO +84 24 135 NW +84 24 136 GU +84 24 137 KG +84 24 138 GU +84 24 139 WE +84 24 140 GU +84 24 141 WE +84 24 142 WE +84 24 143 BA +84 24 144 BA +84 24 145 GU +84 24 146 FK +84 24 147 GU +84 24 148 BE +84 24 149 GU +84 24 150 NW +84 24 151 BE +84 24 152 GS +84 24 153 GU +84 24 154 SN +84 24 155 FK +84 24 156 GU +84 24 157 FK +84 24 158 WE +84 24 159 FK +84 24 160 FK +84 24 161 GU +84 24 162 BE +84 24 163 GU +84 24 164 GU +84 24 165 GU +84 24 166 GU +84 24 167 SN +84 24 168 GU +84 24 169 GU +84 24 170 GU +84 24 171 BA +84 24 172 WE +84 24 173 BE +84 24 174 FK +84 24 175 GU +84 24 176 BE +84 24 177 FK +84 24 178 GU +84 24 179 SU +84 24 180 GU +84 24 181 FK +84 24 182 NW +84 24 183 FK +84 24 184 NW +84 24 185 FK +84 24 186 GU +84 24 187 FK +84 24 188 GU +84 24 189 WE +84 24 190 FK +84 24 191 GU +84 24 192 NW +84 24 193 FK +84 24 194 SU +84 24 195 GU +84 24 196 GU +84 24 197 NW +84 24 198 BK +84 24 199 FK +84 24 200 GU +84 24 201 FK +84 24 202 GU +84 24 203 BE +84 24 204 BK +84 24 205 NW +84 24 206 FK +84 24 207 BE +84 24 208 SN +84 24 209 GU +84 24 210 SU +84 24 211 GU +84 24 212 KB +84 24 213 WE +84 24 214 FK +84 24 215 GS +84 24 216 BA +84 24 217 FK +84 24 218 BA +84 24 219 WE +84 24 220 BA +84 24 221 WE +84 24 222 NW +84 24 223 GU +84 24 224 WE +84 24 225 FK +84 24 226 GU +84 24 227 BK +84 24 228 GU +84 24 229 GU +84 24 230 WE +84 24 231 SU +84 24 232 FK +84 24 233 GU +84 24 234 GU +84 24 235 GU +84 24 236 FK +84 24 237 FK +84 24 238 GU +84 24 239 BE +84 24 240 SU +84 24 241 WE +84 24 242 FK +84 24 243 SU +84 24 244 WE +84 24 245 BE +84 24 246 GU +84 24 247 JF +84 24 248 BK +84 24 249 GU +84 24 250 NW +84 24 251 GU +84 24 252 WE +84 24 253 GU +84 24 254 GU +84 24 255 BK +84 24 256 BE +84 24 257 GU +84 24 258 FK +84 24 259 BE +84 24 260 WE +84 24 261 BE +84 24 262 WE +84 24 263 SN +84 24 264 GU +84 24 265 GU +84 24 266 BE +84 24 267 SU +84 24 268 GU +84 24 269 GS +84 24 270 FK +84 24 271 GU +84 24 272 WE +84 24 273 GS +84 24 274 WE +84 24 275 FK +84 24 276 BE +84 24 277 GU +84 24 278 KB +84 24 279 BA +84 24 280 GU +84 24 281 GU +84 24 282 GU +84 24 283 SU +84 24 284 WE +84 24 285 FK +84 24 286 SN +84 24 287 SN +84 24 288 BE +84 24 289 GU +84 24 290 WE +84 24 291 BA +84 24 292 FK +84 24 293 GU +84 24 294 WE +84 24 295 SN +84 24 296 NW +84 24 297 FK +84 24 298 BE +84 24 299 GU +84 24 300 WE +84 24 301 GU +84 24 302 WE +84 24 303 GU +84 24 304 KG +84 24 305 NW +84 24 306 GU +84 24 307 GU +84 24 308 GS +84 24 309 BA +84 24 310 GU +84 24 311 GU +84 24 312 BK +84 24 313 BA +84 24 314 WE +84 24 315 GU +84 24 316 GU +84 24 317 SU +84 24 318 KB +84 24 319 WE +84 24 320 KG +84 24 321 BE +84 24 322 BA +84 24 323 GU +84 24 324 WE +84 24 325 SU +84 24 326 KB +84 24 327 WE +84 24 328 GU +84 24 329 KB +84 24 330 WE +84 25 1 GU +84 25 2 BA +84 25 3 BE +84 25 4 GS +84 25 5 KG +84 25 6 KO +84 25 7 KG +84 25 8 GS +84 25 9 FO +84 25 10 AL +84 25 11 MA +84 25 12 KO +84 25 13 AL +84 25 14 GU +84 25 15 KO +84 25 16 WE +84 25 17 KO +84 25 18 BK +84 25 19 GU +84 25 20 AL +84 25 21 GS +84 25 22 FO +84 25 23 GS +84 25 24 GU +84 25 25 AL +84 25 26 GU +84 25 27 WE +84 25 28 GS +84 25 29 FK +84 25 30 KO +84 25 31 GU +84 25 32 GS +84 25 33 KO +84 25 34 KG +84 25 35 KO +84 25 36 KG +84 25 37 KG +84 25 38 GS +84 25 39 GU +84 25 40 KG +84 25 41 GS +84 25 42 KO +84 25 43 GU +84 25 44 WE +84 25 45 KG +84 25 46 WE +84 25 47 BK +84 25 48 KO +84 25 49 KG +84 25 50 GS +84 25 51 FO +84 25 52 WE +84 25 53 GS +84 25 54 KG +84 25 55 JF +84 25 56 KO +84 25 57 KG +84 25 58 FO +84 25 59 WE +84 25 60 GU +84 25 61 BE +84 25 62 KO +84 25 63 FO +84 25 64 GU +84 25 65 GS +84 25 66 WE +84 25 67 GU +84 25 68 KO +84 25 69 AL +84 25 70 WE +84 25 71 GS +84 25 72 JF +84 25 73 AL +84 25 74 AL +84 25 75 GU +84 25 76 KO +84 25 77 GU +84 25 78 KO +84 25 79 BK +84 25 80 GU +84 25 81 GU +84 25 82 GU +84 25 83 KO +84 25 84 FO +84 25 85 GU +84 25 86 FO +84 25 87 BK +84 25 88 GS +84 25 89 BK +84 25 90 GU +84 25 91 KO +84 25 92 WE +84 25 93 KG +84 25 94 BK +84 25 95 WE +84 25 96 KO +84 25 97 AL +84 25 98 BE +84 25 99 WE +84 25 100 KO +84 25 101 GS +84 25 102 WE +84 25 103 FO +84 25 104 GU +84 25 105 GS +84 25 106 KO +84 25 107 WE +84 25 108 WE +84 25 109 GU +84 25 110 KO +84 25 111 KO +84 25 112 BE +84 25 113 BK +84 25 114 GU +84 25 115 BE +84 25 116 WE +84 25 117 KG +84 25 118 KO +84 25 119 GU +84 25 120 WE +84 25 121 FO +84 25 122 GU +84 25 123 GU +84 25 124 KO +84 25 125 KO +84 25 126 KO +84 25 127 BK +84 25 128 KO +84 25 129 WE +84 25 130 BK +84 25 131 GS +84 25 132 FO +84 25 133 GU +84 25 134 GS +84 25 135 BE +84 25 136 GU +84 25 137 GU +84 25 138 GU +84 25 139 WE +84 25 140 GU +84 25 141 WE +84 25 142 WE +84 25 143 FO +84 25 144 KO +84 25 145 AL +84 25 146 FO +84 25 147 KG +84 25 148 BE +84 25 149 KO +84 25 150 GS +84 25 151 KO +84 25 152 KO +84 25 153 GU +84 25 154 AL +84 25 155 KO +84 25 156 GU +84 25 157 GU +84 25 158 WE +84 25 159 KO +84 25 160 KO +84 25 161 GU +84 25 162 BE +84 25 163 GU +84 25 164 GU +84 25 165 GU +84 25 166 BK +84 25 167 WE +84 25 168 GU +84 25 169 KG +84 25 170 BK +84 25 171 GU +84 25 172 WE +84 25 173 KO +84 25 174 KO +84 25 175 WE +84 25 176 FO +84 25 177 KO +84 25 178 GU +84 25 179 BE +84 25 180 KG +84 25 181 KO +84 25 182 BE +84 25 183 KO +84 25 184 AL +84 25 185 KO +84 25 186 KG +84 25 187 KO +84 25 188 KG +84 25 189 GU +84 25 190 KO +84 25 191 GU +84 25 192 AL +84 25 193 FO +84 25 194 GS +84 25 195 GU +84 25 196 GU +84 25 197 WE +84 25 198 BK +84 25 199 WE +84 25 200 KG +84 25 201 FO +84 25 202 GU +84 25 203 GS +84 25 204 BK +84 25 205 AL +84 25 206 WE +84 25 207 GS +84 25 208 FO +84 25 209 KG +84 25 210 GS +84 25 211 KG +84 25 212 KO +84 25 213 WE +84 25 214 GU +84 25 215 FO +84 25 216 BK +84 25 217 KO +84 25 218 FO +84 25 219 WE +84 25 220 GU +84 25 221 WE +84 25 222 GS +84 25 223 GU +84 25 224 WE +84 25 225 FO +84 25 226 GU +84 25 227 BK +84 25 228 GU +84 25 229 WE +84 25 230 WE +84 25 231 GS +84 25 232 FO +84 25 233 BA +84 25 234 KG +84 25 235 GU +84 25 236 FO +84 25 237 WE +84 25 238 GU +84 25 239 GS +84 25 240 GS +84 25 241 WE +84 25 242 FO +84 25 243 GS +84 25 244 WE +84 25 245 GS +84 25 246 GU +84 25 247 KG +84 25 248 BK +84 25 249 GU +84 25 250 GS +84 25 251 KG +84 25 252 WE +84 25 253 KG +84 25 254 WE +84 25 255 BK +84 25 256 KO +84 25 257 KG +84 25 258 KO +84 25 259 BE +84 25 260 WE +84 25 261 KO +84 25 262 WE +84 25 263 WE +84 25 264 WE +84 25 265 GU +84 25 266 KO +84 25 267 GS +84 25 268 KG +84 25 269 GS +84 25 270 KO +84 25 271 BK +84 25 272 WE +84 25 273 FO +84 25 274 WE +84 25 275 FO +84 25 276 GS +84 25 277 BK +84 25 278 KO +84 25 279 BK +84 25 280 KG +84 25 281 GU +84 25 282 KG +84 25 283 GS +84 25 284 WE +84 25 285 FO +84 25 286 WE +84 25 287 FO +84 25 288 BE +84 25 289 KG +84 25 290 WE +84 25 291 KG +84 25 292 FO +84 25 293 WE +84 25 294 WE +84 25 295 DN +84 25 296 GS +84 25 297 KO +84 25 298 BE +84 25 299 GU +84 25 300 WE +84 25 301 GU +84 25 302 WE +84 25 303 WE +84 25 304 GU +84 25 305 GS +84 25 306 KO +84 25 307 GU +84 25 308 KO +84 25 309 BK +84 25 310 KG +84 25 311 GU +84 25 312 BK +84 25 313 GU +84 25 314 WE +84 25 315 KG +84 25 316 KG +84 25 317 BE +84 25 318 KO +84 25 319 WE +84 25 320 KO +84 25 321 BE +84 25 322 KG +84 25 323 GU +84 25 324 WE +84 25 325 GS +84 25 326 KO +84 25 327 WE +84 25 328 KG +84 25 329 FO +84 25 330 WE +85 1 1 I +85 1 2 I +85 1 3 E +85 1 4 I +85 1 5 I +85 1 6 X +85 1 7 I +85 1 8 E +85 1 9 X +85 1 10 I +85 1 11 I +85 1 12 S +85 1 13 I +85 1 14 I +85 1 15 WW +85 1 16 O +85 1 17 E +85 1 18 P +85 1 19 I +85 1 20 I +85 1 21 WW +85 1 22 S +85 1 23 WW +85 1 24 X +85 1 25 I +85 1 26 I +85 1 27 O +85 1 28 WW +85 1 29 I +85 1 30 S +85 1 31 I +85 1 32 I +85 1 33 I +85 1 34 I +85 1 35 WW +85 1 36 I +85 1 37 I +85 1 38 I +85 1 39 I +85 1 40 I +85 1 41 E +85 1 42 S +85 1 43 I +85 1 44 O +85 1 45 I +85 1 46 P +85 1 47 P +85 1 48 S +85 1 49 I +85 1 50 I +85 1 51 X +85 1 52 I +85 1 53 I +85 1 54 I +85 1 55 I +85 1 56 WW +85 1 57 I +85 1 58 I +85 1 59 WW +85 1 60 I +85 1 61 E +85 1 62 I +85 1 63 WW +85 1 64 I +85 1 65 WW +85 1 66 O +85 1 67 I +85 1 68 WW +85 1 69 I +85 1 70 I +85 1 71 E +85 1 72 I +85 1 73 I +85 1 74 I +85 1 75 I +85 1 76 E +85 1 77 I +85 1 78 WW +85 1 79 P +85 1 80 I +85 1 81 I +85 1 82 I +85 1 83 S +85 1 84 WW +85 1 85 I +85 1 86 WW +85 1 87 I +85 1 88 I +85 1 89 P +85 1 90 I +85 1 91 I +85 1 92 O +85 1 93 I +85 1 94 X +85 1 95 I +85 1 96 S +85 1 97 I +85 1 98 E +85 1 99 I +85 1 100 I +85 1 101 I +85 1 102 I +85 1 103 S +85 1 104 I +85 1 105 I +85 1 106 S +85 1 107 O +85 1 108 I +85 1 109 I +85 1 110 S +85 1 111 I +85 1 112 E +85 1 113 P +85 1 114 I +85 1 115 E +85 1 116 X +85 1 117 I +85 1 118 WW +85 1 119 I +85 1 120 O +85 1 121 S +85 1 122 I +85 1 123 I +85 1 124 I +85 1 125 S +85 1 126 WW +85 1 127 I +85 1 128 I +85 1 129 O +85 1 130 I +85 1 131 I +85 1 132 E +85 1 133 I +85 1 134 X +85 1 135 WW +85 1 136 I +85 1 137 I +85 1 138 I +85 1 139 I +85 1 140 I +85 1 141 I +85 1 142 O +85 1 143 I +85 1 144 I +85 1 145 I +85 1 146 S +85 1 147 I +85 1 148 E +85 1 149 I +85 1 150 I +85 1 151 WW +85 1 152 WW +85 1 153 I +85 1 154 P +85 1 155 S +85 1 156 I +85 1 157 X +85 1 158 O +85 1 159 S +85 1 160 WW +85 1 161 I +85 1 162 WW +85 1 163 I +85 1 164 I +85 1 165 I +85 1 166 I +85 1 167 I +85 1 168 I +85 1 169 I +85 1 170 I +85 1 171 I +85 1 172 O +85 1 173 WW +85 1 174 S +85 1 175 I +85 1 176 E +85 1 177 I +85 1 178 I +85 1 179 E +85 1 180 I +85 1 181 S +85 1 182 I +85 1 183 S +85 1 184 I +85 1 185 S +85 1 186 I +85 1 187 S +85 1 188 I +85 1 189 I +85 1 190 WW +85 1 191 I +85 1 192 S +85 1 193 S +85 1 194 E +85 1 195 I +85 1 196 I +85 1 197 I +85 1 198 P +85 1 199 I +85 1 200 I +85 1 201 WW +85 1 202 I +85 1 203 I +85 1 204 X +85 1 205 I +85 1 206 I +85 1 207 WW +85 1 208 S +85 1 209 I +85 1 210 E +85 1 211 I +85 1 212 S +85 1 213 I +85 1 214 I +85 1 215 WW +85 1 216 I +85 1 217 WW +85 1 218 I +85 1 219 I +85 1 220 I +85 1 221 I +85 1 222 I +85 1 223 I +85 1 224 O +85 1 225 I +85 1 226 I +85 1 227 P +85 1 228 I +85 1 229 I +85 1 230 WW +85 1 231 I +85 1 232 I +85 1 233 I +85 1 234 I +85 1 235 S +85 1 236 I +85 1 237 WW +85 1 238 I +85 1 239 WW +85 1 240 X +85 1 241 O +85 1 242 S +85 1 243 I +85 1 244 I +85 1 245 E +85 1 246 I +85 1 247 I +85 1 248 I +85 1 249 I +85 1 250 I +85 1 251 I +85 1 252 O +85 1 253 I +85 1 254 I +85 1 255 P +85 1 256 E +85 1 257 I +85 1 258 S +85 1 259 E +85 1 260 I +85 1 261 S +85 1 262 O +85 1 263 X +85 1 264 I +85 1 265 I +85 1 266 E +85 1 267 I +85 1 268 I +85 1 269 I +85 1 270 S +85 1 271 I +85 1 272 O +85 1 273 I +85 1 274 O +85 1 275 S +85 1 276 E +85 1 277 I +85 1 278 S +85 1 279 I +85 1 280 I +85 1 281 I +85 1 282 I +85 1 283 X +85 1 284 I +85 1 285 WW +85 1 286 O +85 1 287 S +85 1 288 E +85 1 289 I +85 1 290 O +85 1 291 I +85 1 292 WW +85 1 293 I +85 1 294 I +85 1 295 X +85 1 296 I +85 1 297 S +85 1 298 E +85 1 299 I +85 1 300 X +85 1 301 I +85 1 302 X +85 1 303 I +85 1 304 I +85 1 305 I +85 1 306 I +85 1 307 I +85 1 308 I +85 1 309 I +85 1 310 I +85 1 311 I +85 1 312 P +85 1 313 I +85 1 314 O +85 1 315 I +85 1 316 I +85 1 317 I +85 1 318 S +85 1 319 O +85 1 320 I +85 1 321 E +85 1 322 I +85 1 323 I +85 1 324 O +85 1 325 I +85 1 326 S +85 1 327 I +85 1 328 I +85 1 329 S +85 1 330 I +85 2 1 I +85 2 2 I +85 2 3 E +85 2 4 I +85 2 5 I +85 2 6 S +85 2 7 I +85 2 8 E +85 2 9 X +85 2 10 I +85 2 11 I +85 2 12 S +85 2 13 I +85 2 14 I +85 2 15 O +85 2 16 O +85 2 17 E +85 2 18 X +85 2 19 I +85 2 20 I +85 2 21 E +85 2 22 S +85 2 23 I +85 2 24 X +85 2 25 I +85 2 26 I +85 2 27 O +85 2 28 E +85 2 29 I +85 2 30 S +85 2 31 I +85 2 32 E +85 2 33 I +85 2 34 I +85 2 35 E +85 2 36 P +85 2 37 I +85 2 38 E +85 2 39 I +85 2 40 I +85 2 41 E +85 2 42 S +85 2 43 I +85 2 44 O +85 2 45 I +85 2 46 X +85 2 47 P +85 2 48 S +85 2 49 I +85 2 50 I +85 2 51 X +85 2 52 O +85 2 53 E +85 2 54 I +85 2 55 I +85 2 56 E +85 2 57 I +85 2 58 S +85 2 59 O +85 2 60 I +85 2 61 E +85 2 62 I +85 2 63 E +85 2 64 I +85 2 65 E +85 2 66 O +85 2 67 I +85 2 68 E +85 2 69 I +85 2 70 O +85 2 71 E +85 2 72 I +85 2 73 E +85 2 74 I +85 2 75 I +85 2 76 E +85 2 77 I +85 2 78 E +85 2 79 P +85 2 80 I +85 2 81 I +85 2 82 I +85 2 83 S +85 2 84 E +85 2 85 I +85 2 86 E +85 2 87 P +85 2 88 E +85 2 89 P +85 2 90 I +85 2 91 S +85 2 92 O +85 2 93 I +85 2 94 P +85 2 95 O +85 2 96 S +85 2 97 I +85 2 98 E +85 2 99 I +85 2 100 I +85 2 101 E +85 2 102 I +85 2 103 I +85 2 104 I +85 2 105 E +85 2 106 S +85 2 107 O +85 2 108 I +85 2 109 I +85 2 110 S +85 2 111 I +85 2 112 E +85 2 113 P +85 2 114 I +85 2 115 E +85 2 116 I +85 2 117 X +85 2 118 E +85 2 119 I +85 2 120 O +85 2 121 E +85 2 122 I +85 2 123 I +85 2 124 S +85 2 125 S +85 2 126 E +85 2 127 I +85 2 128 S +85 2 129 O +85 2 130 I +85 2 131 I +85 2 132 E +85 2 133 I +85 2 134 X +85 2 135 E +85 2 136 I +85 2 137 I +85 2 138 I +85 2 139 O +85 2 140 I +85 2 141 O +85 2 142 O +85 2 143 I +85 2 144 I +85 2 145 I +85 2 146 S +85 2 147 I +85 2 148 E +85 2 149 I +85 2 150 I +85 2 151 E +85 2 152 I +85 2 153 I +85 2 154 X +85 2 155 I +85 2 156 I +85 2 157 X +85 2 158 O +85 2 159 S +85 2 160 E +85 2 161 I +85 2 162 E +85 2 163 I +85 2 164 I +85 2 165 I +85 2 166 I +85 2 167 I +85 2 168 I +85 2 169 I +85 2 170 P +85 2 171 I +85 2 172 O +85 2 173 E +85 2 174 S +85 2 175 I +85 2 176 E +85 2 177 S +85 2 178 I +85 2 179 E +85 2 180 I +85 2 181 S +85 2 182 E +85 2 183 X +85 2 184 I +85 2 185 S +85 2 186 I +85 2 187 S +85 2 188 I +85 2 189 I +85 2 190 E +85 2 191 I +85 2 192 E +85 2 193 S +85 2 194 E +85 2 195 I +85 2 196 I +85 2 197 E +85 2 198 X +85 2 199 O +85 2 200 I +85 2 201 E +85 2 202 I +85 2 203 E +85 2 204 X +85 2 205 I +85 2 206 O +85 2 207 E +85 2 208 S +85 2 209 I +85 2 210 E +85 2 211 I +85 2 212 S +85 2 213 I +85 2 214 S +85 2 215 E +85 2 216 I +85 2 217 E +85 2 218 I +85 2 219 O +85 2 220 I +85 2 221 O +85 2 222 I +85 2 223 I +85 2 224 O +85 2 225 S +85 2 226 I +85 2 227 X +85 2 228 I +85 2 229 I +85 2 230 O +85 2 231 E +85 2 232 I +85 2 233 I +85 2 234 I +85 2 235 S +85 2 236 S +85 2 237 E +85 2 238 I +85 2 239 E +85 2 240 E +85 2 241 O +85 2 242 S +85 2 243 E +85 2 244 I +85 2 245 E +85 2 246 I +85 2 247 I +85 2 248 X +85 2 249 I +85 2 250 I +85 2 251 I +85 2 252 O +85 2 253 I +85 2 254 I +85 2 255 P +85 2 256 E +85 2 257 I +85 2 258 S +85 2 259 E +85 2 260 S +85 2 261 S +85 2 262 O +85 2 263 X +85 2 264 I +85 2 265 I +85 2 266 E +85 2 267 E +85 2 268 I +85 2 269 E +85 2 270 S +85 2 271 I +85 2 272 O +85 2 273 E +85 2 274 O +85 2 275 S +85 2 276 E +85 2 277 I +85 2 278 E +85 2 279 I +85 2 280 I +85 2 281 I +85 2 282 I +85 2 283 X +85 2 284 O +85 2 285 E +85 2 286 O +85 2 287 S +85 2 288 E +85 2 289 I +85 2 290 E +85 2 291 I +85 2 292 E +85 2 293 I +85 2 294 O +85 2 295 X +85 2 296 I +85 2 297 S +85 2 298 E +85 2 299 I +85 2 300 O +85 2 301 I +85 2 302 O +85 2 303 I +85 2 304 I +85 2 305 E +85 2 306 I +85 2 307 I +85 2 308 E +85 2 309 X +85 2 310 I +85 2 311 I +85 2 312 X +85 2 313 I +85 2 314 O +85 2 315 I +85 2 316 I +85 2 317 E +85 2 318 S +85 2 319 O +85 2 320 I +85 2 321 E +85 2 322 I +85 2 323 I +85 2 324 O +85 2 325 E +85 2 326 S +85 2 327 I +85 2 328 I +85 2 329 X +85 2 330 I +85 3 1 I +85 3 2 I +85 3 3 E +85 3 4 I +85 3 5 I +85 3 6 E +85 3 7 I +85 3 8 E +85 3 9 X +85 3 10 I +85 3 11 I +85 3 12 S +85 3 13 I +85 3 14 I +85 3 15 WW +85 3 16 O +85 3 17 S +85 3 18 P +85 3 19 I +85 3 20 I +85 3 21 E +85 3 22 S +85 3 23 I +85 3 24 X +85 3 25 I +85 3 26 I +85 3 27 O +85 3 28 E +85 3 29 I +85 3 30 S +85 3 31 I +85 3 32 E +85 3 33 I +85 3 34 I +85 3 35 E +85 3 36 I +85 3 37 I +85 3 38 E +85 3 39 I +85 3 40 I +85 3 41 E +85 3 42 S +85 3 43 I +85 3 44 O +85 3 45 I +85 3 46 P +85 3 47 I +85 3 48 S +85 3 49 I +85 3 50 I +85 3 51 X +85 3 52 O +85 3 53 E +85 3 54 I +85 3 55 I +85 3 56 E +85 3 57 I +85 3 58 S +85 3 59 E +85 3 60 I +85 3 61 E +85 3 62 I +85 3 63 E +85 3 64 I +85 3 65 E +85 3 66 O +85 3 67 I +85 3 68 E +85 3 69 I +85 3 70 I +85 3 71 I +85 3 72 I +85 3 73 I +85 3 74 I +85 3 75 I +85 3 76 E +85 3 77 I +85 3 78 E +85 3 79 P +85 3 80 I +85 3 81 I +85 3 82 I +85 3 83 S +85 3 84 E +85 3 85 I +85 3 86 E +85 3 87 P +85 3 88 E +85 3 89 P +85 3 90 P +85 3 91 S +85 3 92 O +85 3 93 I +85 3 94 P +85 3 95 O +85 3 96 S +85 3 97 I +85 3 98 E +85 3 99 I +85 3 100 O +85 3 101 E +85 3 102 I +85 3 103 I +85 3 104 I +85 3 105 E +85 3 106 S +85 3 107 O +85 3 108 O +85 3 109 I +85 3 110 S +85 3 111 P +85 3 112 E +85 3 113 P +85 3 114 I +85 3 115 E +85 3 116 I +85 3 117 P +85 3 118 E +85 3 119 I +85 3 120 O +85 3 121 E +85 3 122 I +85 3 123 I +85 3 124 S +85 3 125 S +85 3 126 WW +85 3 127 P +85 3 128 S +85 3 129 O +85 3 130 P +85 3 131 I +85 3 132 E +85 3 133 I +85 3 134 E +85 3 135 E +85 3 136 I +85 3 137 I +85 3 138 I +85 3 139 O +85 3 140 I +85 3 141 O +85 3 142 O +85 3 143 I +85 3 144 I +85 3 145 I +85 3 146 S +85 3 147 I +85 3 148 E +85 3 149 I +85 3 150 E +85 3 151 E +85 3 152 E +85 3 153 I +85 3 154 P +85 3 155 P +85 3 156 I +85 3 157 X +85 3 158 O +85 3 159 S +85 3 160 E +85 3 161 I +85 3 162 E +85 3 163 I +85 3 164 I +85 3 165 I +85 3 166 I +85 3 167 WP +85 3 168 I +85 3 169 I +85 3 170 I +85 3 171 I +85 3 172 O +85 3 173 E +85 3 174 S +85 3 175 I +85 3 176 E +85 3 177 S +85 3 178 I +85 3 179 E +85 3 180 I +85 3 181 S +85 3 182 E +85 3 183 X +85 3 184 E +85 3 185 S +85 3 186 I +85 3 187 S +85 3 188 I +85 3 189 I +85 3 190 E +85 3 191 I +85 3 192 I +85 3 193 S +85 3 194 E +85 3 195 I +85 3 196 I +85 3 197 E +85 3 198 P +85 3 199 O +85 3 200 I +85 3 201 E +85 3 202 I +85 3 203 E +85 3 204 P +85 3 205 I +85 3 206 O +85 3 207 E +85 3 208 S +85 3 209 I +85 3 210 E +85 3 211 I +85 3 212 S +85 3 213 I +85 3 214 S +85 3 215 E +85 3 216 I +85 3 217 E +85 3 218 I +85 3 219 I +85 3 220 I +85 3 221 I +85 3 222 I +85 3 223 I +85 3 224 O +85 3 225 I +85 3 226 I +85 3 227 P +85 3 228 I +85 3 229 I +85 3 230 E +85 3 231 E +85 3 232 X +85 3 233 I +85 3 234 I +85 3 235 I +85 3 236 I +85 3 237 E +85 3 238 I +85 3 239 E +85 3 240 E +85 3 241 O +85 3 242 S +85 3 243 E +85 3 244 I +85 3 245 E +85 3 246 I +85 3 247 I +85 3 248 I +85 3 249 I +85 3 250 I +85 3 251 I +85 3 252 E +85 3 253 I +85 3 254 I +85 3 255 P +85 3 256 E +85 3 257 I +85 3 258 S +85 3 259 E +85 3 260 S +85 3 261 E +85 3 262 O +85 3 263 X +85 3 264 I +85 3 265 I +85 3 266 E +85 3 267 I +85 3 268 I +85 3 269 E +85 3 270 S +85 3 271 I +85 3 272 O +85 3 273 E +85 3 274 O +85 3 275 I +85 3 276 E +85 3 277 I +85 3 278 E +85 3 279 I +85 3 280 I +85 3 281 I +85 3 282 I +85 3 283 E +85 3 284 I +85 3 285 E +85 3 286 O +85 3 287 X +85 3 288 E +85 3 289 I +85 3 290 O +85 3 291 I +85 3 292 E +85 3 293 I +85 3 294 I +85 3 295 X +85 3 296 I +85 3 297 S +85 3 298 E +85 3 299 I +85 3 300 X +85 3 301 I +85 3 302 O +85 3 303 I +85 3 304 I +85 3 305 E +85 3 306 I +85 3 307 I +85 3 308 I +85 3 309 X +85 3 310 I +85 3 311 I +85 3 312 P +85 3 313 I +85 3 314 O +85 3 315 I +85 3 316 I +85 3 317 E +85 3 318 E +85 3 319 O +85 3 320 I +85 3 321 E +85 3 322 I +85 3 323 I +85 3 324 O +85 3 325 E +85 3 326 S +85 3 327 I +85 3 328 I +85 3 329 E +85 3 330 I +85 4 1 I +85 4 2 I +85 4 3 S +85 4 4 I +85 4 5 I +85 4 6 X +85 4 7 I +85 4 8 E +85 4 9 I +85 4 10 X +85 4 11 I +85 4 12 S +85 4 13 I +85 4 14 I +85 4 15 WP +85 4 16 O +85 4 17 S +85 4 18 P +85 4 19 I +85 4 20 I +85 4 21 E +85 4 22 S +85 4 23 I +85 4 24 X +85 4 25 I +85 4 26 I +85 4 27 O +85 4 28 E +85 4 29 I +85 4 30 S +85 4 31 I +85 4 32 E +85 4 33 I +85 4 34 I +85 4 35 S +85 4 36 I +85 4 37 I +85 4 38 E +85 4 39 I +85 4 40 I +85 4 41 E +85 4 42 S +85 4 43 I +85 4 44 O +85 4 45 I +85 4 46 X +85 4 47 I +85 4 48 S +85 4 49 I +85 4 50 I +85 4 51 X +85 4 52 I +85 4 53 E +85 4 54 I +85 4 55 I +85 4 56 WP +85 4 57 I +85 4 58 X +85 4 59 O +85 4 60 I +85 4 61 E +85 4 62 I +85 4 63 E +85 4 64 I +85 4 65 E +85 4 66 O +85 4 67 I +85 4 68 E +85 4 69 I +85 4 70 O +85 4 71 E +85 4 72 I +85 4 73 E +85 4 74 I +85 4 75 X +85 4 76 S +85 4 77 I +85 4 78 WP +85 4 79 P +85 4 80 I +85 4 81 S +85 4 82 I +85 4 83 S +85 4 84 E +85 4 85 I +85 4 86 E +85 4 87 I +85 4 88 E +85 4 89 P +85 4 90 I +85 4 91 S +85 4 92 X +85 4 93 I +85 4 94 X +85 4 95 I +85 4 96 S +85 4 97 I +85 4 98 E +85 4 99 I +85 4 100 I +85 4 101 E +85 4 102 I +85 4 103 X +85 4 104 I +85 4 105 E +85 4 106 S +85 4 107 O +85 4 108 I +85 4 109 I +85 4 110 S +85 4 111 I +85 4 112 E +85 4 113 P +85 4 114 I +85 4 115 E +85 4 116 I +85 4 117 X +85 4 118 E +85 4 119 I +85 4 120 O +85 4 121 S +85 4 122 I +85 4 123 I +85 4 124 S +85 4 125 S +85 4 126 WP +85 4 127 I +85 4 128 S +85 4 129 WP +85 4 130 X +85 4 131 I +85 4 132 S +85 4 133 I +85 4 134 X +85 4 135 E +85 4 136 I +85 4 137 I +85 4 138 I +85 4 139 O +85 4 140 I +85 4 141 O +85 4 142 O +85 4 143 I +85 4 144 I +85 4 145 I +85 4 146 S +85 4 147 I +85 4 148 E +85 4 149 I +85 4 150 I +85 4 151 WP +85 4 152 WP +85 4 153 I +85 4 154 P +85 4 155 X +85 4 156 I +85 4 157 X +85 4 158 O +85 4 159 S +85 4 160 WP +85 4 161 I +85 4 162 E +85 4 163 I +85 4 164 I +85 4 165 I +85 4 166 I +85 4 167 WP +85 4 168 I +85 4 169 I +85 4 170 I +85 4 171 I +85 4 172 O +85 4 173 E +85 4 174 S +85 4 175 I +85 4 176 S +85 4 177 E +85 4 178 I +85 4 179 E +85 4 180 I +85 4 181 S +85 4 182 I +85 4 183 X +85 4 184 E +85 4 185 S +85 4 186 I +85 4 187 S +85 4 188 I +85 4 189 I +85 4 190 WP +85 4 191 I +85 4 192 I +85 4 193 S +85 4 194 E +85 4 195 I +85 4 196 I +85 4 197 I +85 4 198 P +85 4 199 I +85 4 200 I +85 4 201 WP +85 4 202 I +85 4 203 E +85 4 204 X +85 4 205 I +85 4 206 O +85 4 207 E +85 4 208 X +85 4 209 I +85 4 210 P +85 4 211 I +85 4 212 S +85 4 213 I +85 4 214 S +85 4 215 E +85 4 216 I +85 4 217 WP +85 4 218 I +85 4 219 O +85 4 220 I +85 4 221 O +85 4 222 I +85 4 223 I +85 4 224 O +85 4 225 I +85 4 226 I +85 4 227 P +85 4 228 I +85 4 229 I +85 4 230 O +85 4 231 I +85 4 232 X +85 4 233 I +85 4 234 I +85 4 235 I +85 4 236 I +85 4 237 S +85 4 238 I +85 4 239 E +85 4 240 X +85 4 241 O +85 4 242 S +85 4 243 E +85 4 244 O +85 4 245 E +85 4 246 I +85 4 247 I +85 4 248 I +85 4 249 I +85 4 250 I +85 4 251 I +85 4 252 O +85 4 253 I +85 4 254 I +85 4 255 P +85 4 256 E +85 4 257 I +85 4 258 S +85 4 259 E +85 4 260 S +85 4 261 S +85 4 262 O +85 4 263 X +85 4 264 I +85 4 265 I +85 4 266 S +85 4 267 E +85 4 268 I +85 4 269 E +85 4 270 S +85 4 271 I +85 4 272 O +85 4 273 E +85 4 274 O +85 4 275 I +85 4 276 E +85 4 277 I +85 4 278 S +85 4 279 I +85 4 280 I +85 4 281 I +85 4 282 I +85 4 283 X +85 4 284 O +85 4 285 WP +85 4 286 O +85 4 287 X +85 4 288 E +85 4 289 I +85 4 290 O +85 4 291 I +85 4 292 WP +85 4 293 O +85 4 294 O +85 4 295 X +85 4 296 I +85 4 297 S +85 4 298 E +85 4 299 I +85 4 300 X +85 4 301 I +85 4 302 O +85 4 303 I +85 4 304 I +85 4 305 E +85 4 306 I +85 4 307 I +85 4 308 I +85 4 309 P +85 4 310 I +85 4 311 I +85 4 312 P +85 4 313 I +85 4 314 O +85 4 315 I +85 4 316 I +85 4 317 E +85 4 318 S +85 4 319 O +85 4 320 I +85 4 321 E +85 4 322 I +85 4 323 I +85 4 324 O +85 4 325 I +85 4 326 S +85 4 327 I +85 4 328 I +85 4 329 X +85 4 330 O +85 5 1 I +85 5 2 I +85 5 3 E +85 5 4 I +85 5 5 I +85 5 6 X +85 5 7 I +85 5 8 E +85 5 9 X +85 5 10 I +85 5 11 I +85 5 12 S +85 5 13 I +85 5 14 I +85 5 15 O +85 5 16 O +85 5 17 E +85 5 18 P +85 5 19 I +85 5 20 I +85 5 21 E +85 5 22 O +85 5 23 I +85 5 24 P +85 5 25 I +85 5 26 I +85 5 27 X +85 5 28 E +85 5 29 I +85 5 30 X +85 5 31 I +85 5 32 E +85 5 33 I +85 5 34 I +85 5 35 E +85 5 36 I +85 5 37 I +85 5 38 E +85 5 39 I +85 5 40 I +85 5 41 E +85 5 42 X +85 5 43 I +85 5 44 X +85 5 45 I +85 5 46 X +85 5 47 I +85 5 48 S +85 5 49 I +85 5 50 I +85 5 51 X +85 5 52 O +85 5 53 E +85 5 54 I +85 5 55 I +85 5 56 X +85 5 57 I +85 5 58 X +85 5 59 O +85 5 60 I +85 5 61 E +85 5 62 X +85 5 63 X +85 5 64 I +85 5 65 E +85 5 66 O +85 5 67 I +85 5 68 WW +85 5 69 I +85 5 70 O +85 5 71 E +85 5 72 I +85 5 73 I +85 5 74 X +85 5 75 X +85 5 76 E +85 5 77 I +85 5 78 X +85 5 79 P +85 5 80 I +85 5 81 I +85 5 82 I +85 5 83 X +85 5 84 X +85 5 85 I +85 5 86 WW +85 5 87 P +85 5 88 E +85 5 89 P +85 5 90 I +85 5 91 S +85 5 92 X +85 5 93 I +85 5 94 P +85 5 95 O +85 5 96 S +85 5 97 I +85 5 98 E +85 5 99 WW +85 5 100 X +85 5 101 E +85 5 102 X +85 5 103 X +85 5 104 I +85 5 105 I +85 5 106 X +85 5 107 O +85 5 108 X +85 5 109 I +85 5 110 S +85 5 111 X +85 5 112 E +85 5 113 P +85 5 114 I +85 5 115 WW +85 5 116 X +85 5 117 X +85 5 118 WW +85 5 119 I +85 5 120 O +85 5 121 E +85 5 122 I +85 5 123 I +85 5 124 I +85 5 125 E +85 5 126 WW +85 5 127 I +85 5 128 S +85 5 129 O +85 5 130 X +85 5 131 I +85 5 132 E +85 5 133 I +85 5 134 X +85 5 135 E +85 5 136 I +85 5 137 I +85 5 138 I +85 5 139 X +85 5 140 I +85 5 141 O +85 5 142 X +85 5 143 I +85 5 144 I +85 5 145 I +85 5 146 S +85 5 147 I +85 5 148 E +85 5 149 I +85 5 150 I +85 5 151 X +85 5 152 WW +85 5 153 I +85 5 154 X +85 5 155 X +85 5 156 I +85 5 157 X +85 5 158 O +85 5 159 X +85 5 160 WW +85 5 161 I +85 5 162 E +85 5 163 I +85 5 164 I +85 5 165 X +85 5 166 I +85 5 167 WW +85 5 168 I +85 5 169 I +85 5 170 I +85 5 171 X +85 5 172 O +85 5 173 E +85 5 174 S +85 5 175 X +85 5 176 E +85 5 177 X +85 5 178 I +85 5 179 E +85 5 180 I +85 5 181 X +85 5 182 E +85 5 183 X +85 5 184 I +85 5 185 X +85 5 186 I +85 5 187 S +85 5 188 I +85 5 189 X +85 5 190 WW +85 5 191 I +85 5 192 I +85 5 193 X +85 5 194 E +85 5 195 I +85 5 196 I +85 5 197 WW +85 5 198 P +85 5 199 X +85 5 200 I +85 5 201 WW +85 5 202 I +85 5 203 E +85 5 204 X +85 5 205 I +85 5 206 O +85 5 207 E +85 5 208 X +85 5 209 I +85 5 210 X +85 5 211 I +85 5 212 S +85 5 213 X +85 5 214 X +85 5 215 WW +85 5 216 X +85 5 217 WW +85 5 218 X +85 5 219 X +85 5 220 I +85 5 221 X +85 5 222 I +85 5 223 I +85 5 224 O +85 5 225 X +85 5 226 I +85 5 227 X +85 5 228 I +85 5 229 I +85 5 230 O +85 5 231 E +85 5 232 X +85 5 233 X +85 5 234 I +85 5 235 I +85 5 236 I +85 5 237 X +85 5 238 I +85 5 239 WW +85 5 240 E +85 5 241 O +85 5 242 X +85 5 243 E +85 5 244 X +85 5 245 E +85 5 246 I +85 5 247 I +85 5 248 X +85 5 249 I +85 5 250 I +85 5 251 I +85 5 252 O +85 5 253 I +85 5 254 X +85 5 255 X +85 5 256 E +85 5 257 I +85 5 258 S +85 5 259 E +85 5 260 O +85 5 261 S +85 5 262 O +85 5 263 X +85 5 264 X +85 5 265 I +85 5 266 E +85 5 267 I +85 5 268 I +85 5 269 E +85 5 270 S +85 5 271 I +85 5 272 O +85 5 273 E +85 5 274 O +85 5 275 X +85 5 276 E +85 5 277 I +85 5 278 S +85 5 279 I +85 5 280 I +85 5 281 I +85 5 282 I +85 5 283 X +85 5 284 O +85 5 285 WW +85 5 286 O +85 5 287 X +85 5 288 E +85 5 289 I +85 5 290 O +85 5 291 I +85 5 292 X +85 5 293 X +85 5 294 O +85 5 295 X +85 5 296 I +85 5 297 S +85 5 298 E +85 5 299 I +85 5 300 X +85 5 301 I +85 5 302 O +85 5 303 X +85 5 304 X +85 5 305 E +85 5 306 X +85 5 307 I +85 5 308 X +85 5 309 X +85 5 310 I +85 5 311 I +85 5 312 P +85 5 313 I +85 5 314 O +85 5 315 I +85 5 316 I +85 5 317 E +85 5 318 X +85 5 319 O +85 5 320 X +85 5 321 E +85 5 322 X +85 5 323 I +85 5 324 O +85 5 325 E +85 5 326 X +85 5 327 O +85 5 328 I +85 5 329 X +85 5 330 O +85 6 1 I +85 6 2 I +85 6 3 E +85 6 4 E +85 6 5 I +85 6 6 S +85 6 7 I +85 6 8 E +85 6 9 X +85 6 10 I +85 6 11 I +85 6 12 S +85 6 13 I +85 6 14 I +85 6 15 WW +85 6 16 X +85 6 17 E +85 6 18 P +85 6 19 I +85 6 20 I +85 6 21 E +85 6 22 S +85 6 23 E +85 6 24 X +85 6 25 I +85 6 26 I +85 6 27 O +85 6 28 E +85 6 29 I +85 6 30 S +85 6 31 I +85 6 32 E +85 6 33 I +85 6 34 I +85 6 35 E +85 6 36 I +85 6 37 I +85 6 38 E +85 6 39 I +85 6 40 I +85 6 41 E +85 6 42 S +85 6 43 X +85 6 44 O +85 6 45 I +85 6 46 KK +85 6 47 I +85 6 48 S +85 6 49 I +85 6 50 E +85 6 51 X +85 6 52 I +85 6 53 E +85 6 54 I +85 6 55 I +85 6 56 WW +85 6 57 I +85 6 58 S +85 6 59 E +85 6 60 I +85 6 61 E +85 6 62 E +85 6 63 WW +85 6 64 I +85 6 65 E +85 6 66 O +85 6 67 I +85 6 68 E +85 6 69 X +85 6 70 E +85 6 71 E +85 6 72 I +85 6 73 E +85 6 74 I +85 6 75 I +85 6 76 S +85 6 77 I +85 6 78 WW +85 6 79 X +85 6 80 I +85 6 81 I +85 6 82 I +85 6 83 S +85 6 84 WW +85 6 85 I +85 6 86 E +85 6 87 X +85 6 88 E +85 6 89 P +85 6 90 I +85 6 91 I +85 6 92 O +85 6 93 I +85 6 94 X +85 6 95 I +85 6 96 S +85 6 97 E +85 6 98 E +85 6 99 E +85 6 100 I +85 6 101 E +85 6 102 I +85 6 103 S +85 6 104 I +85 6 105 E +85 6 106 S +85 6 107 O +85 6 108 I +85 6 109 I +85 6 110 S +85 6 111 I +85 6 112 E +85 6 113 X +85 6 114 I +85 6 115 E +85 6 116 I +85 6 117 X +85 6 118 WW +85 6 119 I +85 6 120 O +85 6 121 S +85 6 122 I +85 6 123 I +85 6 124 I +85 6 125 S +85 6 126 E +85 6 127 I +85 6 128 S +85 6 129 O +85 6 130 S +85 6 131 E +85 6 132 E +85 6 133 I +85 6 134 E +85 6 135 E +85 6 136 I +85 6 137 I +85 6 138 I +85 6 139 E +85 6 140 I +85 6 141 O +85 6 142 I +85 6 143 I +85 6 144 E +85 6 145 I +85 6 146 S +85 6 147 I +85 6 148 E +85 6 149 I +85 6 150 E +85 6 151 WW +85 6 152 WW +85 6 153 I +85 6 154 X +85 6 155 S +85 6 156 I +85 6 157 S +85 6 158 O +85 6 159 S +85 6 160 WW +85 6 161 I +85 6 162 E +85 6 163 I +85 6 164 I +85 6 165 I +85 6 166 I +85 6 167 WW +85 6 168 I +85 6 169 I +85 6 170 I +85 6 171 I +85 6 172 O +85 6 173 E +85 6 174 S +85 6 175 I +85 6 176 E +85 6 177 S +85 6 178 I +85 6 179 E +85 6 180 I +85 6 181 S +85 6 182 E +85 6 183 S +85 6 184 E +85 6 185 S +85 6 186 I +85 6 187 S +85 6 188 I +85 6 189 I +85 6 190 WW +85 6 191 I +85 6 192 E +85 6 193 S +85 6 194 E +85 6 195 I +85 6 196 I +85 6 197 E +85 6 198 X +85 6 199 I +85 6 200 I +85 6 201 WW +85 6 202 I +85 6 203 E +85 6 204 X +85 6 205 E +85 6 206 S +85 6 207 E +85 6 208 S +85 6 209 I +85 6 210 E +85 6 211 I +85 6 212 S +85 6 213 E +85 6 214 I +85 6 215 WW +85 6 216 I +85 6 217 WW +85 6 218 I +85 6 219 I +85 6 220 I +85 6 221 I +85 6 222 E +85 6 223 I +85 6 224 WW +85 6 225 S +85 6 226 I +85 6 227 S +85 6 228 I +85 6 229 I +85 6 230 WW +85 6 231 E +85 6 232 S +85 6 233 I +85 6 234 I +85 6 235 I +85 6 236 S +85 6 237 WW +85 6 238 I +85 6 239 WW +85 6 240 E +85 6 241 O +85 6 242 S +85 6 243 E +85 6 244 I +85 6 245 E +85 6 246 I +85 6 247 E +85 6 248 I +85 6 249 I +85 6 250 E +85 6 251 I +85 6 252 WW +85 6 253 I +85 6 254 I +85 6 255 X +85 6 256 E +85 6 257 I +85 6 258 S +85 6 259 E +85 6 260 S +85 6 261 S +85 6 262 O +85 6 263 X +85 6 264 I +85 6 265 I +85 6 266 E +85 6 267 E +85 6 268 I +85 6 269 E +85 6 270 S +85 6 271 I +85 6 272 O +85 6 273 E +85 6 274 O +85 6 275 S +85 6 276 E +85 6 277 I +85 6 278 E +85 6 279 I +85 6 280 I +85 6 281 I +85 6 282 I +85 6 283 X +85 6 284 I +85 6 285 WW +85 6 286 O +85 6 287 S +85 6 288 E +85 6 289 I +85 6 290 WW +85 6 291 I +85 6 292 WW +85 6 293 I +85 6 294 I +85 6 295 X +85 6 296 E +85 6 297 S +85 6 298 E +85 6 299 I +85 6 300 X +85 6 301 I +85 6 302 WW +85 6 303 I +85 6 304 I +85 6 305 E +85 6 306 I +85 6 307 I +85 6 308 E +85 6 309 X +85 6 310 I +85 6 311 I +85 6 312 P +85 6 313 I +85 6 314 WW +85 6 315 I +85 6 316 I +85 6 317 E +85 6 318 S +85 6 319 O +85 6 320 S +85 6 321 E +85 6 322 I +85 6 323 I +85 6 324 WW +85 6 325 E +85 6 326 S +85 6 327 I +85 6 328 I +85 6 329 S +85 6 330 I +85 7 1 I +85 7 2 I +85 7 3 S +85 7 4 I +85 7 5 I +85 7 6 S +85 7 7 I +85 7 8 E +85 7 9 X +85 7 10 I +85 7 11 I +85 7 12 S +85 7 13 I +85 7 14 I +85 7 15 E +85 7 16 O +85 7 17 E +85 7 18 I +85 7 19 I +85 7 20 I +85 7 21 E +85 7 22 S +85 7 23 E +85 7 24 I +85 7 25 I +85 7 26 I +85 7 27 O +85 7 28 I +85 7 29 E +85 7 30 S +85 7 31 I +85 7 32 E +85 7 33 I +85 7 34 I +85 7 35 S +85 7 36 I +85 7 37 I +85 7 38 E +85 7 39 I +85 7 40 I +85 7 41 E +85 7 42 S +85 7 43 I +85 7 44 O +85 7 45 I +85 7 46 X +85 7 47 I +85 7 48 S +85 7 49 I +85 7 50 I +85 7 51 X +85 7 52 O +85 7 53 E +85 7 54 I +85 7 55 I +85 7 56 S +85 7 57 I +85 7 58 X +85 7 59 O +85 7 60 I +85 7 61 E +85 7 62 E +85 7 63 S +85 7 64 I +85 7 65 E +85 7 66 O +85 7 67 I +85 7 68 E +85 7 69 I +85 7 70 O +85 7 71 E +85 7 72 I +85 7 73 E +85 7 74 I +85 7 75 I +85 7 76 S +85 7 77 I +85 7 78 E +85 7 79 I +85 7 80 I +85 7 81 I +85 7 82 I +85 7 83 S +85 7 84 E +85 7 85 I +85 7 86 E +85 7 87 I +85 7 88 E +85 7 89 I +85 7 90 I +85 7 91 S +85 7 92 O +85 7 93 I +85 7 94 I +85 7 95 O +85 7 96 S +85 7 97 E +85 7 98 E +85 7 99 E +85 7 100 I +85 7 101 E +85 7 102 X +85 7 103 X +85 7 104 I +85 7 105 E +85 7 106 S +85 7 107 O +85 7 108 I +85 7 109 I +85 7 110 S +85 7 111 I +85 7 112 E +85 7 113 I +85 7 114 I +85 7 115 E +85 7 116 I +85 7 117 I +85 7 118 E +85 7 119 I +85 7 120 O +85 7 121 S +85 7 122 I +85 7 123 I +85 7 124 S +85 7 125 S +85 7 126 E +85 7 127 I +85 7 128 S +85 7 129 O +85 7 130 I +85 7 131 E +85 7 132 S +85 7 133 I +85 7 134 I +85 7 135 E +85 7 136 I +85 7 137 I +85 7 138 I +85 7 139 O +85 7 140 I +85 7 141 O +85 7 142 O +85 7 143 S +85 7 144 I +85 7 145 I +85 7 146 S +85 7 147 I +85 7 148 E +85 7 149 I +85 7 150 E +85 7 151 E +85 7 152 E +85 7 153 I +85 7 154 X +85 7 155 I +85 7 156 I +85 7 157 X +85 7 158 O +85 7 159 S +85 7 160 E +85 7 161 I +85 7 162 E +85 7 163 I +85 7 164 I +85 7 165 I +85 7 166 I +85 7 167 E +85 7 168 I +85 7 169 I +85 7 170 I +85 7 171 I +85 7 172 O +85 7 173 E +85 7 174 S +85 7 175 I +85 7 176 E +85 7 177 S +85 7 178 I +85 7 179 E +85 7 180 I +85 7 181 S +85 7 182 E +85 7 183 X +85 7 184 E +85 7 185 S +85 7 186 I +85 7 187 S +85 7 188 I +85 7 189 I +85 7 190 E +85 7 191 I +85 7 192 E +85 7 193 S +85 7 194 E +85 7 195 I +85 7 196 I +85 7 197 E +85 7 198 I +85 7 199 O +85 7 200 I +85 7 201 E +85 7 202 I +85 7 203 E +85 7 204 X +85 7 205 E +85 7 206 O +85 7 207 E +85 7 208 S +85 7 209 I +85 7 210 X +85 7 211 I +85 7 212 S +85 7 213 X +85 7 214 X +85 7 215 S +85 7 216 I +85 7 217 E +85 7 218 S +85 7 219 O +85 7 220 I +85 7 221 I +85 7 222 E +85 7 223 I +85 7 224 O +85 7 225 S +85 7 226 I +85 7 227 I +85 7 228 I +85 7 229 I +85 7 230 O +85 7 231 E +85 7 232 I +85 7 233 I +85 7 234 I +85 7 235 X +85 7 236 S +85 7 237 E +85 7 238 I +85 7 239 E +85 7 240 X +85 7 241 O +85 7 242 S +85 7 243 I +85 7 244 O +85 7 245 E +85 7 246 I +85 7 247 I +85 7 248 I +85 7 249 I +85 7 250 I +85 7 251 S +85 7 252 O +85 7 253 I +85 7 254 I +85 7 255 I +85 7 256 E +85 7 257 I +85 7 258 S +85 7 259 E +85 7 260 O +85 7 261 S +85 7 262 O +85 7 263 X +85 7 264 I +85 7 265 I +85 7 266 E +85 7 267 E +85 7 268 I +85 7 269 E +85 7 270 S +85 7 271 I +85 7 272 O +85 7 273 E +85 7 274 O +85 7 275 S +85 7 276 E +85 7 277 I +85 7 278 S +85 7 279 I +85 7 280 I +85 7 281 I +85 7 282 I +85 7 283 X +85 7 284 O +85 7 285 E +85 7 286 O +85 7 287 X +85 7 288 E +85 7 289 I +85 7 290 O +85 7 291 I +85 7 292 E +85 7 293 O +85 7 294 O +85 7 295 X +85 7 296 I +85 7 297 S +85 7 298 E +85 7 299 I +85 7 300 X +85 7 301 I +85 7 302 O +85 7 303 X +85 7 304 I +85 7 305 E +85 7 306 S +85 7 307 I +85 7 308 E +85 7 309 I +85 7 310 I +85 7 311 I +85 7 312 I +85 7 313 I +85 7 314 O +85 7 315 I +85 7 316 I +85 7 317 E +85 7 318 S +85 7 319 O +85 7 320 X +85 7 321 E +85 7 322 I +85 7 323 I +85 7 324 O +85 7 325 E +85 7 326 S +85 7 327 O +85 7 328 I +85 7 329 X +85 7 330 O +85 8 1 I +85 8 2 I +85 8 3 E +85 8 4 E +85 8 5 I +85 8 6 S +85 8 7 I +85 8 8 E +85 8 9 X +85 8 10 I +85 8 11 I +85 8 12 S +85 8 13 I +85 8 14 I +85 8 15 E +85 8 16 X +85 8 17 E +85 8 18 P +85 8 19 I +85 8 20 I +85 8 21 E +85 8 22 S +85 8 23 E +85 8 24 X +85 8 25 I +85 8 26 I +85 8 27 X +85 8 28 E +85 8 29 I +85 8 30 S +85 8 31 I +85 8 32 E +85 8 33 I +85 8 34 I +85 8 35 E +85 8 36 I +85 8 37 I +85 8 38 E +85 8 39 I +85 8 40 I +85 8 41 E +85 8 42 S +85 8 43 I +85 8 44 O +85 8 45 I +85 8 46 X +85 8 47 I +85 8 48 S +85 8 49 I +85 8 50 I +85 8 51 X +85 8 52 X +85 8 53 E +85 8 54 I +85 8 55 I +85 8 56 X +85 8 57 I +85 8 58 X +85 8 59 X +85 8 60 X +85 8 61 E +85 8 62 I +85 8 63 E +85 8 64 I +85 8 65 E +85 8 66 X +85 8 67 I +85 8 68 E +85 8 69 X +85 8 70 X +85 8 71 X +85 8 72 I +85 8 73 E +85 8 74 X +85 8 75 X +85 8 76 E +85 8 77 I +85 8 78 X +85 8 79 X +85 8 80 I +85 8 81 I +85 8 82 I +85 8 83 X +85 8 84 X +85 8 85 I +85 8 86 E +85 8 87 X +85 8 88 E +85 8 89 X +85 8 90 X +85 8 91 S +85 8 92 X +85 8 93 I +85 8 94 X +85 8 95 X +85 8 96 S +85 8 97 E +85 8 98 E +85 8 99 X +85 8 100 X +85 8 101 E +85 8 102 X +85 8 103 X +85 8 104 I +85 8 105 E +85 8 106 S +85 8 107 O +85 8 108 I +85 8 109 I +85 8 110 S +85 8 111 X +85 8 112 E +85 8 113 X +85 8 114 I +85 8 115 E +85 8 116 X +85 8 117 X +85 8 118 E +85 8 119 I +85 8 120 O +85 8 121 S +85 8 122 I +85 8 123 I +85 8 124 I +85 8 125 E +85 8 126 X +85 8 127 X +85 8 128 S +85 8 129 O +85 8 130 X +85 8 131 E +85 8 132 S +85 8 133 I +85 8 134 X +85 8 135 E +85 8 136 I +85 8 137 I +85 8 138 I +85 8 139 O +85 8 140 I +85 8 141 O +85 8 142 O +85 8 143 I +85 8 144 I +85 8 145 I +85 8 146 S +85 8 147 I +85 8 148 E +85 8 149 I +85 8 150 E +85 8 151 X +85 8 152 E +85 8 153 I +85 8 154 X +85 8 155 X +85 8 156 I +85 8 157 X +85 8 158 I +85 8 159 S +85 8 160 X +85 8 161 I +85 8 162 E +85 8 163 I +85 8 164 I +85 8 165 X +85 8 166 X +85 8 167 X +85 8 168 I +85 8 169 I +85 8 170 X +85 8 171 X +85 8 172 O +85 8 173 E +85 8 174 S +85 8 175 X +85 8 176 E +85 8 177 S +85 8 178 I +85 8 179 X +85 8 180 I +85 8 181 X +85 8 182 E +85 8 183 X +85 8 184 E +85 8 185 S +85 8 186 I +85 8 187 S +85 8 188 I +85 8 189 O +85 8 190 X +85 8 191 I +85 8 192 E +85 8 193 S +85 8 194 X +85 8 195 I +85 8 196 I +85 8 197 E +85 8 198 X +85 8 199 O +85 8 200 I +85 8 201 E +85 8 202 I +85 8 203 E +85 8 204 X +85 8 205 I +85 8 206 O +85 8 207 E +85 8 208 S +85 8 209 I +85 8 210 X +85 8 211 I +85 8 212 S +85 8 213 X +85 8 214 S +85 8 215 E +85 8 216 X +85 8 217 X +85 8 218 S +85 8 219 X +85 8 220 I +85 8 221 O +85 8 222 E +85 8 223 I +85 8 224 O +85 8 225 X +85 8 226 I +85 8 227 X +85 8 228 X +85 8 229 I +85 8 230 O +85 8 231 E +85 8 232 X +85 8 233 E +85 8 234 I +85 8 235 I +85 8 236 S +85 8 237 X +85 8 238 I +85 8 239 E +85 8 240 X +85 8 241 O +85 8 242 S +85 8 243 E +85 8 244 O +85 8 245 S +85 8 246 I +85 8 247 I +85 8 248 I +85 8 249 I +85 8 250 E +85 8 251 I +85 8 252 O +85 8 253 I +85 8 254 I +85 8 255 X +85 8 256 E +85 8 257 I +85 8 258 S +85 8 259 E +85 8 260 X +85 8 261 S +85 8 262 O +85 8 263 X +85 8 264 I +85 8 265 I +85 8 266 E +85 8 267 E +85 8 268 I +85 8 269 E +85 8 270 S +85 8 271 I +85 8 272 O +85 8 273 E +85 8 274 O +85 8 275 S +85 8 276 E +85 8 277 I +85 8 278 S +85 8 279 I +85 8 280 I +85 8 281 I +85 8 282 I +85 8 283 X +85 8 284 O +85 8 285 X +85 8 286 O +85 8 287 S +85 8 288 I +85 8 289 X +85 8 290 X +85 8 291 I +85 8 292 X +85 8 293 X +85 8 294 O +85 8 295 X +85 8 296 E +85 8 297 S +85 8 298 E +85 8 299 I +85 8 300 X +85 8 301 I +85 8 302 O +85 8 303 X +85 8 304 X +85 8 305 E +85 8 306 I +85 8 307 I +85 8 308 E +85 8 309 X +85 8 310 I +85 8 311 I +85 8 312 X +85 8 313 I +85 8 314 O +85 8 315 I +85 8 316 I +85 8 317 E +85 8 318 S +85 8 319 O +85 8 320 X +85 8 321 E +85 8 322 I +85 8 323 I +85 8 324 X +85 8 325 E +85 8 326 S +85 8 327 X +85 8 328 I +85 8 329 X +85 8 330 O +85 9 1 I +85 9 2 X +85 9 3 E +85 9 4 E +85 9 5 X +85 9 6 S +85 9 7 I +85 9 8 E +85 9 9 X +85 9 10 I +85 9 11 I +85 9 12 S +85 9 13 I +85 9 14 I +85 9 15 E +85 9 16 O +85 9 17 S +85 9 18 P +85 9 19 I +85 9 20 I +85 9 21 E +85 9 22 S +85 9 23 E +85 9 24 X +85 9 25 I +85 9 26 I +85 9 27 O +85 9 28 E +85 9 29 I +85 9 30 S +85 9 31 I +85 9 32 E +85 9 33 I +85 9 34 I +85 9 35 S +85 9 36 I +85 9 37 I +85 9 38 E +85 9 39 I +85 9 40 I +85 9 41 E +85 9 42 S +85 9 43 I +85 9 44 O +85 9 45 I +85 9 46 X +85 9 47 I +85 9 48 S +85 9 49 I +85 9 50 E +85 9 51 S +85 9 52 O +85 9 53 E +85 9 54 I +85 9 55 I +85 9 56 X +85 9 57 I +85 9 58 S +85 9 59 O +85 9 60 I +85 9 61 E +85 9 62 I +85 9 63 S +85 9 64 I +85 9 65 E +85 9 66 O +85 9 67 I +85 9 68 E +85 9 69 X +85 9 70 O +85 9 71 E +85 9 72 I +85 9 73 I +85 9 74 O +85 9 75 I +85 9 76 S +85 9 77 I +85 9 78 I +85 9 79 P +85 9 80 I +85 9 81 I +85 9 82 I +85 9 83 O +85 9 84 X +85 9 85 I +85 9 86 E +85 9 87 P +85 9 88 E +85 9 89 P +85 9 90 I +85 9 91 S +85 9 92 O +85 9 93 I +85 9 94 P +85 9 95 O +85 9 96 S +85 9 97 E +85 9 98 E +85 9 99 I +85 9 100 E +85 9 101 O +85 9 102 O +85 9 103 S +85 9 104 I +85 9 105 E +85 9 106 S +85 9 107 O +85 9 108 O +85 9 109 I +85 9 110 S +85 9 111 I +85 9 112 E +85 9 113 X +85 9 114 I +85 9 115 E +85 9 116 O +85 9 117 X +85 9 118 E +85 9 119 I +85 9 120 O +85 9 121 S +85 9 122 I +85 9 123 I +85 9 124 S +85 9 125 S +85 9 126 E +85 9 127 I +85 9 128 S +85 9 129 O +85 9 130 X +85 9 131 E +85 9 132 S +85 9 133 I +85 9 134 X +85 9 135 E +85 9 136 I +85 9 137 I +85 9 138 I +85 9 139 O +85 9 140 O +85 9 141 O +85 9 142 O +85 9 143 S +85 9 144 E +85 9 145 I +85 9 146 S +85 9 147 I +85 9 148 E +85 9 149 I +85 9 150 E +85 9 151 S +85 9 152 E +85 9 153 I +85 9 154 P +85 9 155 X +85 9 156 I +85 9 157 X +85 9 158 O +85 9 159 S +85 9 160 E +85 9 161 I +85 9 162 E +85 9 163 I +85 9 164 I +85 9 165 X +85 9 166 I +85 9 167 X +85 9 168 I +85 9 169 I +85 9 170 I +85 9 171 X +85 9 172 O +85 9 173 E +85 9 174 S +85 9 175 X +85 9 176 E +85 9 177 S +85 9 178 I +85 9 179 E +85 9 180 I +85 9 181 S +85 9 182 E +85 9 183 X +85 9 184 E +85 9 185 S +85 9 186 I +85 9 187 S +85 9 188 I +85 9 189 O +85 9 190 WW +85 9 191 I +85 9 192 E +85 9 193 S +85 9 194 E +85 9 195 I +85 9 196 I +85 9 197 E +85 9 198 P +85 9 199 O +85 9 200 I +85 9 201 WW +85 9 202 I +85 9 203 E +85 9 204 X +85 9 205 E +85 9 206 O +85 9 207 E +85 9 208 S +85 9 209 I +85 9 210 E +85 9 211 I +85 9 212 S +85 9 213 X +85 9 214 S +85 9 215 E +85 9 216 I +85 9 217 X +85 9 218 S +85 9 219 O +85 9 220 E +85 9 221 O +85 9 222 E +85 9 223 I +85 9 224 O +85 9 225 S +85 9 226 I +85 9 227 X +85 9 228 I +85 9 229 O +85 9 230 X +85 9 231 E +85 9 232 X +85 9 233 I +85 9 234 I +85 9 235 I +85 9 236 S +85 9 237 S +85 9 238 I +85 9 239 E +85 9 240 E +85 9 241 O +85 9 242 S +85 9 243 E +85 9 244 O +85 9 245 E +85 9 246 I +85 9 247 E +85 9 248 I +85 9 249 I +85 9 250 E +85 9 251 I +85 9 252 O +85 9 253 I +85 9 254 X +85 9 255 P +85 9 256 E +85 9 257 I +85 9 258 S +85 9 259 S +85 9 260 O +85 9 261 S +85 9 262 O +85 9 263 X +85 9 264 O +85 9 265 I +85 9 266 S +85 9 267 E +85 9 268 I +85 9 269 E +85 9 270 S +85 9 271 I +85 9 272 O +85 9 273 E +85 9 274 O +85 9 275 S +85 9 276 E +85 9 277 I +85 9 278 S +85 9 279 I +85 9 280 S +85 9 281 I +85 9 282 I +85 9 283 X +85 9 284 O +85 9 285 X +85 9 286 O +85 9 287 S +85 9 288 E +85 9 289 I +85 9 290 O +85 9 291 I +85 9 292 X +85 9 293 O +85 9 294 O +85 9 295 S +85 9 296 E +85 9 297 S +85 9 298 E +85 9 299 I +85 9 300 O +85 9 301 I +85 9 302 O +85 9 303 O +85 9 304 I +85 9 305 E +85 9 306 S +85 9 307 I +85 9 308 E +85 9 309 X +85 9 310 I +85 9 311 I +85 9 312 P +85 9 313 I +85 9 314 O +85 9 315 I +85 9 316 I +85 9 317 E +85 9 318 S +85 9 319 O +85 9 320 S +85 9 321 E +85 9 322 I +85 9 323 I +85 9 324 O +85 9 325 E +85 9 326 S +85 9 327 O +85 9 328 I +85 9 329 S +85 9 330 O +85 10 1 I +85 10 2 I +85 10 3 S +85 10 4 I +85 10 5 I +85 10 6 X +85 10 7 I +85 10 8 I +85 10 9 X +85 10 10 I +85 10 11 I +85 10 12 S +85 10 13 I +85 10 14 I +85 10 15 WW +85 10 16 O +85 10 17 E +85 10 18 P +85 10 19 I +85 10 20 I +85 10 21 E +85 10 22 S +85 10 23 I +85 10 24 P +85 10 25 I +85 10 26 I +85 10 27 O +85 10 28 E +85 10 29 I +85 10 30 X +85 10 31 I +85 10 32 WW +85 10 33 I +85 10 34 I +85 10 35 E +85 10 36 I +85 10 37 I +85 10 38 E +85 10 39 I +85 10 40 I +85 10 41 E +85 10 42 S +85 10 43 I +85 10 44 O +85 10 45 I +85 10 46 P +85 10 47 I +85 10 48 S +85 10 49 I +85 10 50 I +85 10 51 X +85 10 52 O +85 10 53 E +85 10 54 I +85 10 55 I +85 10 56 X +85 10 57 I +85 10 58 S +85 10 59 O +85 10 60 I +85 10 61 E +85 10 62 I +85 10 63 WW +85 10 64 I +85 10 65 E +85 10 66 O +85 10 67 I +85 10 68 E +85 10 69 I +85 10 70 O +85 10 71 I +85 10 72 I +85 10 73 I +85 10 74 I +85 10 75 I +85 10 76 S +85 10 77 I +85 10 78 O +85 10 79 P +85 10 80 I +85 10 81 I +85 10 82 X +85 10 83 X +85 10 84 X +85 10 85 I +85 10 86 WW +85 10 87 P +85 10 88 WW +85 10 89 P +85 10 90 I +85 10 91 I +85 10 92 O +85 10 93 I +85 10 94 P +85 10 95 I +85 10 96 S +85 10 97 I +85 10 98 E +85 10 99 I +85 10 100 I +85 10 101 I +85 10 102 I +85 10 103 I +85 10 104 I +85 10 105 I +85 10 106 S +85 10 107 O +85 10 108 I +85 10 109 I +85 10 110 S +85 10 111 I +85 10 112 E +85 10 113 P +85 10 114 I +85 10 115 E +85 10 116 I +85 10 117 E +85 10 118 WW +85 10 119 I +85 10 120 O +85 10 121 S +85 10 122 I +85 10 123 I +85 10 124 I +85 10 125 S +85 10 126 WW +85 10 127 I +85 10 128 I +85 10 129 O +85 10 130 I +85 10 131 I +85 10 132 E +85 10 133 I +85 10 134 P +85 10 135 I +85 10 136 I +85 10 137 I +85 10 138 I +85 10 139 O +85 10 140 I +85 10 141 O +85 10 142 I +85 10 143 I +85 10 144 I +85 10 145 I +85 10 146 S +85 10 147 I +85 10 148 E +85 10 149 I +85 10 150 I +85 10 151 WW +85 10 152 I +85 10 153 I +85 10 154 P +85 10 155 S +85 10 156 I +85 10 157 X +85 10 158 O +85 10 159 S +85 10 160 WW +85 10 161 I +85 10 162 E +85 10 163 I +85 10 164 I +85 10 165 I +85 10 166 I +85 10 167 WW +85 10 168 I +85 10 169 I +85 10 170 I +85 10 171 I +85 10 172 O +85 10 173 E +85 10 174 S +85 10 175 I +85 10 176 E +85 10 177 S +85 10 178 I +85 10 179 E +85 10 180 I +85 10 181 S +85 10 182 I +85 10 183 S +85 10 184 I +85 10 185 S +85 10 186 I +85 10 187 S +85 10 188 I +85 10 189 I +85 10 190 E +85 10 191 I +85 10 192 I +85 10 193 I +85 10 194 E +85 10 195 I +85 10 196 I +85 10 197 I +85 10 198 P +85 10 199 O +85 10 200 I +85 10 201 E +85 10 202 I +85 10 203 E +85 10 204 P +85 10 205 I +85 10 206 O +85 10 207 I +85 10 208 S +85 10 209 I +85 10 210 I +85 10 211 I +85 10 212 S +85 10 213 I +85 10 214 I +85 10 215 E +85 10 216 I +85 10 217 WW +85 10 218 I +85 10 219 I +85 10 220 I +85 10 221 I +85 10 222 I +85 10 223 I +85 10 224 O +85 10 225 I +85 10 226 I +85 10 227 I +85 10 228 I +85 10 229 I +85 10 230 O +85 10 231 I +85 10 232 I +85 10 233 I +85 10 234 I +85 10 235 I +85 10 236 I +85 10 237 X +85 10 238 I +85 10 239 E +85 10 240 E +85 10 241 O +85 10 242 S +85 10 243 I +85 10 244 I +85 10 245 E +85 10 246 I +85 10 247 I +85 10 248 I +85 10 249 I +85 10 250 I +85 10 251 I +85 10 252 O +85 10 253 I +85 10 254 I +85 10 255 P +85 10 256 E +85 10 257 I +85 10 258 I +85 10 259 E +85 10 260 I +85 10 261 S +85 10 262 O +85 10 263 X +85 10 264 I +85 10 265 I +85 10 266 E +85 10 267 I +85 10 268 I +85 10 269 I +85 10 270 S +85 10 271 I +85 10 272 O +85 10 273 I +85 10 274 O +85 10 275 I +85 10 276 E +85 10 277 I +85 10 278 E +85 10 279 I +85 10 280 I +85 10 281 I +85 10 282 I +85 10 283 E +85 10 284 O +85 10 285 WW +85 10 286 O +85 10 287 S +85 10 288 E +85 10 289 I +85 10 290 O +85 10 291 I +85 10 292 WW +85 10 293 I +85 10 294 O +85 10 295 X +85 10 296 I +85 10 297 S +85 10 298 E +85 10 299 I +85 10 300 X +85 10 301 I +85 10 302 O +85 10 303 I +85 10 304 I +85 10 305 I +85 10 306 I +85 10 307 I +85 10 308 I +85 10 309 I +85 10 310 I +85 10 311 I +85 10 312 P +85 10 313 I +85 10 314 O +85 10 315 I +85 10 316 I +85 10 317 E +85 10 318 S +85 10 319 O +85 10 320 I +85 10 321 E +85 10 322 I +85 10 323 I +85 10 324 O +85 10 325 I +85 10 326 S +85 10 327 I +85 10 328 I +85 10 329 X +85 10 330 I +85 11 1 I +85 11 2 I +85 11 3 E +85 11 4 I +85 11 5 I +85 11 6 X +85 11 7 I +85 11 8 E +85 11 9 X +85 11 10 I +85 11 11 I +85 11 12 S +85 11 13 I +85 11 14 I +85 11 15 WP +85 11 16 O +85 11 17 E +85 11 18 I +85 11 19 I +85 11 20 I +85 11 21 E +85 11 22 S +85 11 23 I +85 11 24 I +85 11 25 I +85 11 26 I +85 11 27 O +85 11 28 E +85 11 29 I +85 11 30 X +85 11 31 I +85 11 32 E +85 11 33 I +85 11 34 I +85 11 35 E +85 11 36 I +85 11 37 I +85 11 38 E +85 11 39 I +85 11 40 I +85 11 41 E +85 11 42 S +85 11 43 I +85 11 44 O +85 11 45 I +85 11 46 X +85 11 47 I +85 11 48 S +85 11 49 I +85 11 50 I +85 11 51 X +85 11 52 O +85 11 53 E +85 11 54 I +85 11 55 I +85 11 56 WP +85 11 57 I +85 11 58 X +85 11 59 I +85 11 60 I +85 11 61 E +85 11 62 I +85 11 63 WP +85 11 64 I +85 11 65 E +85 11 66 O +85 11 67 I +85 11 68 E +85 11 69 I +85 11 70 X +85 11 71 E +85 11 72 I +85 11 73 E +85 11 74 I +85 11 75 I +85 11 76 E +85 11 77 I +85 11 78 WP +85 11 79 I +85 11 80 I +85 11 81 I +85 11 82 I +85 11 83 WP +85 11 84 E +85 11 85 I +85 11 86 WP +85 11 87 I +85 11 88 E +85 11 89 I +85 11 90 I +85 11 91 I +85 11 92 O +85 11 93 I +85 11 94 I +85 11 95 I +85 11 96 S +85 11 97 I +85 11 98 E +85 11 99 I +85 11 100 I +85 11 101 E +85 11 102 I +85 11 103 I +85 11 104 I +85 11 105 E +85 11 106 S +85 11 107 O +85 11 108 I +85 11 109 I +85 11 110 S +85 11 111 I +85 11 112 E +85 11 113 I +85 11 114 I +85 11 115 E +85 11 116 I +85 11 117 X +85 11 118 E +85 11 119 I +85 11 120 O +85 11 121 E +85 11 122 I +85 11 123 I +85 11 124 I +85 11 125 E +85 11 126 E +85 11 127 I +85 11 128 S +85 11 129 O +85 11 130 I +85 11 131 I +85 11 132 E +85 11 133 I +85 11 134 E +85 11 135 E +85 11 136 I +85 11 137 I +85 11 138 I +85 11 139 WP +85 11 140 I +85 11 141 O +85 11 142 O +85 11 143 I +85 11 144 I +85 11 145 I +85 11 146 S +85 11 147 I +85 11 148 E +85 11 149 I +85 11 150 I +85 11 151 E +85 11 152 E +85 11 153 I +85 11 154 X +85 11 155 I +85 11 156 I +85 11 157 X +85 11 158 O +85 11 159 X +85 11 160 E +85 11 161 I +85 11 162 E +85 11 163 I +85 11 164 I +85 11 165 I +85 11 166 I +85 11 167 WP +85 11 168 I +85 11 169 I +85 11 170 I +85 11 171 I +85 11 172 O +85 11 173 E +85 11 174 S +85 11 175 I +85 11 176 S +85 11 177 E +85 11 178 I +85 11 179 E +85 11 180 I +85 11 181 X +85 11 182 E +85 11 183 X +85 11 184 I +85 11 185 X +85 11 186 I +85 11 187 S +85 11 188 I +85 11 189 I +85 11 190 E +85 11 191 I +85 11 192 E +85 11 193 S +85 11 194 E +85 11 195 I +85 11 196 I +85 11 197 E +85 11 198 I +85 11 199 O +85 11 200 I +85 11 201 E +85 11 202 I +85 11 203 E +85 11 204 X +85 11 205 I +85 11 206 O +85 11 207 E +85 11 208 X +85 11 209 I +85 11 210 E +85 11 211 I +85 11 212 S +85 11 213 I +85 11 214 S +85 11 215 E +85 11 216 I +85 11 217 E +85 11 218 I +85 11 219 I +85 11 220 I +85 11 221 I +85 11 222 I +85 11 223 I +85 11 224 O +85 11 225 I +85 11 226 I +85 11 227 I +85 11 228 I +85 11 229 I +85 11 230 O +85 11 231 E +85 11 232 X +85 11 233 I +85 11 234 I +85 11 235 I +85 11 236 S +85 11 237 WP +85 11 238 I +85 11 239 E +85 11 240 E +85 11 241 O +85 11 242 S +85 11 243 E +85 11 244 I +85 11 245 E +85 11 246 I +85 11 247 I +85 11 248 I +85 11 249 I +85 11 250 I +85 11 251 I +85 11 252 O +85 11 253 I +85 11 254 I +85 11 255 I +85 11 256 E +85 11 257 I +85 11 258 S +85 11 259 E +85 11 260 S +85 11 261 E +85 11 262 O +85 11 263 X +85 11 264 I +85 11 265 I +85 11 266 X +85 11 267 I +85 11 268 I +85 11 269 E +85 11 270 S +85 11 271 I +85 11 272 O +85 11 273 E +85 11 274 O +85 11 275 S +85 11 276 E +85 11 277 I +85 11 278 E +85 11 279 I +85 11 280 I +85 11 281 I +85 11 282 I +85 11 283 X +85 11 284 O +85 11 285 E +85 11 286 O +85 11 287 X +85 11 288 E +85 11 289 I +85 11 290 X +85 11 291 I +85 11 292 E +85 11 293 I +85 11 294 I +85 11 295 X +85 11 296 I +85 11 297 S +85 11 298 E +85 11 299 I +85 11 300 X +85 11 301 I +85 11 302 O +85 11 303 I +85 11 304 I +85 11 305 I +85 11 306 I +85 11 307 I +85 11 308 E +85 11 309 I +85 11 310 I +85 11 311 I +85 11 312 I +85 11 313 I +85 11 314 O +85 11 315 I +85 11 316 I +85 11 317 E +85 11 318 X +85 11 319 O +85 11 320 I +85 11 321 E +85 11 322 I +85 11 323 I +85 11 324 O +85 11 325 E +85 11 326 X +85 11 327 I +85 11 328 I +85 11 329 X +85 11 330 I +85 12 1 I +85 12 2 I +85 12 3 E +85 12 4 I +85 12 5 I +85 12 6 S +85 12 7 I +85 12 8 WW +85 12 9 X +85 12 10 I +85 12 11 I +85 12 12 S +85 12 13 I +85 12 14 I +85 12 15 WW +85 12 16 O +85 12 17 E +85 12 18 P +85 12 19 I +85 12 20 I +85 12 21 E +85 12 22 S +85 12 23 I +85 12 24 P +85 12 25 I +85 12 26 I +85 12 27 O +85 12 28 WW +85 12 29 I +85 12 30 S +85 12 31 I +85 12 32 WW +85 12 33 I +85 12 34 I +85 12 35 WW +85 12 36 I +85 12 37 I +85 12 38 E +85 12 39 I +85 12 40 I +85 12 41 E +85 12 42 S +85 12 43 I +85 12 44 WW +85 12 45 I +85 12 46 P +85 12 47 I +85 12 48 S +85 12 49 I +85 12 50 I +85 12 51 X +85 12 52 I +85 12 53 E +85 12 54 I +85 12 55 I +85 12 56 WW +85 12 57 I +85 12 58 I +85 12 59 I +85 12 60 I +85 12 61 E +85 12 62 WW +85 12 63 WW +85 12 64 I +85 12 65 E +85 12 66 O +85 12 67 I +85 12 68 WW +85 12 69 I +85 12 70 I +85 12 71 WW +85 12 72 I +85 12 73 I +85 12 74 I +85 12 75 I +85 12 76 S +85 12 77 I +85 12 78 I +85 12 79 P +85 12 80 I +85 12 81 I +85 12 82 I +85 12 83 S +85 12 84 WW +85 12 85 I +85 12 86 WW +85 12 87 P +85 12 88 I +85 12 89 P +85 12 90 I +85 12 91 I +85 12 92 O +85 12 93 O +85 12 94 P +85 12 95 I +85 12 96 S +85 12 97 I +85 12 98 E +85 12 99 I +85 12 100 I +85 12 101 WW +85 12 102 I +85 12 103 I +85 12 104 I +85 12 105 WW +85 12 106 S +85 12 107 O +85 12 108 I +85 12 109 I +85 12 110 S +85 12 111 I +85 12 112 E +85 12 113 O +85 12 114 I +85 12 115 E +85 12 116 I +85 12 117 X +85 12 118 WW +85 12 119 I +85 12 120 O +85 12 121 S +85 12 122 I +85 12 123 I +85 12 124 I +85 12 125 S +85 12 126 WW +85 12 127 I +85 12 128 S +85 12 129 O +85 12 130 I +85 12 131 I +85 12 132 E +85 12 133 I +85 12 134 X +85 12 135 WW +85 12 136 I +85 12 137 I +85 12 138 I +85 12 139 O +85 12 140 I +85 12 141 O +85 12 142 I +85 12 143 I +85 12 144 I +85 12 145 I +85 12 146 S +85 12 147 I +85 12 148 E +85 12 149 I +85 12 150 I +85 12 151 WW +85 12 152 WW +85 12 153 I +85 12 154 P +85 12 155 X +85 12 156 I +85 12 157 X +85 12 158 O +85 12 159 S +85 12 160 WW +85 12 161 I +85 12 162 E +85 12 163 I +85 12 164 I +85 12 165 I +85 12 166 I +85 12 167 WW +85 12 168 I +85 12 169 I +85 12 170 I +85 12 171 I +85 12 172 O +85 12 173 WW +85 12 174 S +85 12 175 I +85 12 176 WW +85 12 177 S +85 12 178 I +85 12 179 E +85 12 180 I +85 12 181 S +85 12 182 I +85 12 183 X +85 12 184 WW +85 12 185 X +85 12 186 I +85 12 187 S +85 12 188 I +85 12 189 I +85 12 190 WW +85 12 191 I +85 12 192 I +85 12 193 I +85 12 194 E +85 12 195 I +85 12 196 I +85 12 197 WW +85 12 198 O +85 12 199 I +85 12 200 I +85 12 201 WW +85 12 202 I +85 12 203 WW +85 12 204 X +85 12 205 I +85 12 206 I +85 12 207 WW +85 12 208 S +85 12 209 I +85 12 210 X +85 12 211 I +85 12 212 S +85 12 213 I +85 12 214 I +85 12 215 WW +85 12 216 I +85 12 217 WW +85 12 218 I +85 12 219 I +85 12 220 I +85 12 221 I +85 12 222 I +85 12 223 I +85 12 224 WW +85 12 225 I +85 12 226 I +85 12 227 O +85 12 228 I +85 12 229 I +85 12 230 WW +85 12 231 I +85 12 232 X +85 12 233 I +85 12 234 I +85 12 235 I +85 12 236 I +85 12 237 WW +85 12 238 I +85 12 239 WW +85 12 240 X +85 12 241 O +85 12 242 S +85 12 243 E +85 12 244 I +85 12 245 E +85 12 246 I +85 12 247 I +85 12 248 I +85 12 249 I +85 12 250 I +85 12 251 I +85 12 252 WW +85 12 253 I +85 12 254 I +85 12 255 P +85 12 256 WW +85 12 257 I +85 12 258 S +85 12 259 E +85 12 260 S +85 12 261 S +85 12 262 WW +85 12 263 X +85 12 264 I +85 12 265 I +85 12 266 S +85 12 267 I +85 12 268 I +85 12 269 I +85 12 270 S +85 12 271 I +85 12 272 O +85 12 273 I +85 12 274 O +85 12 275 I +85 12 276 WW +85 12 277 I +85 12 278 WW +85 12 279 I +85 12 280 I +85 12 281 I +85 12 282 I +85 12 283 X +85 12 284 O +85 12 285 WW +85 12 286 O +85 12 287 I +85 12 288 E +85 12 289 I +85 12 290 O +85 12 291 I +85 12 292 WW +85 12 293 I +85 12 294 I +85 12 295 X +85 12 296 I +85 12 297 S +85 12 298 WW +85 12 299 I +85 12 300 X +85 12 301 I +85 12 302 O +85 12 303 I +85 12 304 I +85 12 305 I +85 12 306 I +85 12 307 I +85 12 308 I +85 12 309 X +85 12 310 I +85 12 311 I +85 12 312 P +85 12 313 I +85 12 314 O +85 12 315 I +85 12 316 I +85 12 317 I +85 12 318 S +85 12 319 O +85 12 320 I +85 12 321 E +85 12 322 I +85 12 323 I +85 12 324 O +85 12 325 I +85 12 326 S +85 12 327 I +85 12 328 I +85 12 329 X +85 12 330 I +85 13 1 I +85 13 2 I +85 13 3 S +85 13 4 I +85 13 5 I +85 13 6 X +85 13 7 I +85 13 8 E +85 13 9 X +85 13 10 I +85 13 11 I +85 13 12 S +85 13 13 I +85 13 14 I +85 13 15 WP +85 13 16 O +85 13 17 E +85 13 18 P +85 13 19 I +85 13 20 I +85 13 21 E +85 13 22 S +85 13 23 I +85 13 24 P +85 13 25 I +85 13 26 I +85 13 27 O +85 13 28 E +85 13 29 I +85 13 30 S +85 13 31 I +85 13 32 E +85 13 33 I +85 13 34 I +85 13 35 E +85 13 36 I +85 13 37 I +85 13 38 E +85 13 39 I +85 13 40 I +85 13 41 E +85 13 42 S +85 13 43 I +85 13 44 O +85 13 45 I +85 13 46 X +85 13 47 I +85 13 48 S +85 13 49 I +85 13 50 I +85 13 51 X +85 13 52 O +85 13 53 E +85 13 54 I +85 13 55 I +85 13 56 X +85 13 57 I +85 13 58 X +85 13 59 WP +85 13 60 I +85 13 61 E +85 13 62 I +85 13 63 X +85 13 64 I +85 13 65 E +85 13 66 X +85 13 67 I +85 13 68 E +85 13 69 I +85 13 70 O +85 13 71 E +85 13 72 I +85 13 73 E +85 13 74 I +85 13 75 I +85 13 76 S +85 13 77 I +85 13 78 WP +85 13 79 P +85 13 80 I +85 13 81 I +85 13 82 I +85 13 83 X +85 13 84 E +85 13 85 I +85 13 86 E +85 13 87 X +85 13 88 E +85 13 89 P +85 13 90 I +85 13 91 S +85 13 92 X +85 13 93 I +85 13 94 P +85 13 95 I +85 13 96 S +85 13 97 E +85 13 98 E +85 13 99 O +85 13 100 I +85 13 101 E +85 13 102 I +85 13 103 I +85 13 104 I +85 13 105 E +85 13 106 S +85 13 107 O +85 13 108 I +85 13 109 I +85 13 110 S +85 13 111 I +85 13 112 E +85 13 113 P +85 13 114 I +85 13 115 E +85 13 116 O +85 13 117 P +85 13 118 WP +85 13 119 I +85 13 120 O +85 13 121 E +85 13 122 I +85 13 123 I +85 13 124 S +85 13 125 S +85 13 126 E +85 13 127 I +85 13 128 S +85 13 129 O +85 13 130 I +85 13 131 E +85 13 132 X +85 13 133 I +85 13 134 P +85 13 135 E +85 13 136 I +85 13 137 I +85 13 138 I +85 13 139 O +85 13 140 O +85 13 141 O +85 13 142 O +85 13 143 S +85 13 144 I +85 13 145 I +85 13 146 S +85 13 147 I +85 13 148 E +85 13 149 I +85 13 150 I +85 13 151 E +85 13 152 WP +85 13 153 I +85 13 154 X +85 13 155 I +85 13 156 I +85 13 157 X +85 13 158 O +85 13 159 S +85 13 160 E +85 13 161 I +85 13 162 E +85 13 163 I +85 13 164 I +85 13 165 X +85 13 166 I +85 13 167 O +85 13 168 I +85 13 169 I +85 13 170 I +85 13 171 I +85 13 172 O +85 13 173 E +85 13 174 S +85 13 175 I +85 13 176 S +85 13 177 E +85 13 178 I +85 13 179 X +85 13 180 I +85 13 181 X +85 13 182 E +85 13 183 X +85 13 184 I +85 13 185 X +85 13 186 I +85 13 187 S +85 13 188 I +85 13 189 I +85 13 190 E +85 13 191 I +85 13 192 I +85 13 193 S +85 13 194 E +85 13 195 I +85 13 196 I +85 13 197 WP +85 13 198 P +85 13 199 O +85 13 200 I +85 13 201 E +85 13 202 I +85 13 203 E +85 13 204 I +85 13 205 I +85 13 206 S +85 13 207 E +85 13 208 S +85 13 209 I +85 13 210 E +85 13 211 I +85 13 212 S +85 13 213 O +85 13 214 S +85 13 215 WP +85 13 216 P +85 13 217 WP +85 13 218 S +85 13 219 O +85 13 220 I +85 13 221 O +85 13 222 I +85 13 223 I +85 13 224 O +85 13 225 I +85 13 226 I +85 13 227 P +85 13 228 I +85 13 229 I +85 13 230 O +85 13 231 E +85 13 232 X +85 13 233 I +85 13 234 I +85 13 235 I +85 13 236 S +85 13 237 X +85 13 238 I +85 13 239 E +85 13 240 X +85 13 241 O +85 13 242 S +85 13 243 E +85 13 244 O +85 13 245 E +85 13 246 I +85 13 247 I +85 13 248 X +85 13 249 I +85 13 250 I +85 13 251 I +85 13 252 O +85 13 253 I +85 13 254 I +85 13 255 P +85 13 256 E +85 13 257 I +85 13 258 S +85 13 259 E +85 13 260 S +85 13 261 S +85 13 262 O +85 13 263 X +85 13 264 I +85 13 265 I +85 13 266 E +85 13 267 E +85 13 268 I +85 13 269 E +85 13 270 X +85 13 271 I +85 13 272 O +85 13 273 E +85 13 274 O +85 13 275 S +85 13 276 E +85 13 277 I +85 13 278 S +85 13 279 I +85 13 280 I +85 13 281 I +85 13 282 I +85 13 283 X +85 13 284 O +85 13 285 WP +85 13 286 O +85 13 287 X +85 13 288 E +85 13 289 I +85 13 290 O +85 13 291 I +85 13 292 WP +85 13 293 I +85 13 294 O +85 13 295 X +85 13 296 I +85 13 297 S +85 13 298 E +85 13 299 I +85 13 300 X +85 13 301 I +85 13 302 O +85 13 303 I +85 13 304 I +85 13 305 E +85 13 306 I +85 13 307 I +85 13 308 I +85 13 309 P +85 13 310 I +85 13 311 I +85 13 312 P +85 13 313 I +85 13 314 O +85 13 315 I +85 13 316 I +85 13 317 E +85 13 318 S +85 13 319 O +85 13 320 I +85 13 321 E +85 13 322 I +85 13 323 I +85 13 324 O +85 13 325 I +85 13 326 S +85 13 327 O +85 13 328 I +85 13 329 X +85 13 330 I +85 14 1 I +85 14 2 I +85 14 3 E +85 14 4 I +85 14 5 I +85 14 6 E +85 14 7 I +85 14 8 E +85 14 9 E +85 14 10 I +85 14 11 I +85 14 12 S +85 14 13 I +85 14 14 I +85 14 15 O +85 14 16 O +85 14 17 E +85 14 18 P +85 14 19 I +85 14 20 I +85 14 21 E +85 14 22 O +85 14 23 E +85 14 24 X +85 14 25 I +85 14 26 I +85 14 27 O +85 14 28 E +85 14 29 I +85 14 30 E +85 14 31 O +85 14 32 E +85 14 33 I +85 14 34 I +85 14 35 E +85 14 36 I +85 14 37 I +85 14 38 E +85 14 39 I +85 14 40 I +85 14 41 E +85 14 42 S +85 14 43 I +85 14 44 O +85 14 45 I +85 14 46 X +85 14 47 I +85 14 48 S +85 14 49 O +85 14 50 E +85 14 51 X +85 14 52 O +85 14 53 E +85 14 54 I +85 14 55 I +85 14 56 O +85 14 57 I +85 14 58 X +85 14 59 O +85 14 60 I +85 14 61 E +85 14 62 I +85 14 63 E +85 14 64 I +85 14 65 E +85 14 66 O +85 14 67 I +85 14 68 E +85 14 69 I +85 14 70 O +85 14 71 E +85 14 72 I +85 14 73 E +85 14 74 O +85 14 75 I +85 14 76 S +85 14 77 I +85 14 78 O +85 14 79 P +85 14 80 I +85 14 81 I +85 14 82 I +85 14 83 O +85 14 84 O +85 14 85 I +85 14 86 E +85 14 87 P +85 14 88 E +85 14 89 P +85 14 90 I +85 14 91 S +85 14 92 O +85 14 93 I +85 14 94 P +85 14 95 O +85 14 96 S +85 14 97 I +85 14 98 E +85 14 99 O +85 14 100 I +85 14 101 E +85 14 102 O +85 14 103 X +85 14 104 I +85 14 105 E +85 14 106 S +85 14 107 O +85 14 108 O +85 14 109 I +85 14 110 S +85 14 111 X +85 14 112 E +85 14 113 P +85 14 114 I +85 14 115 E +85 14 116 O +85 14 117 X +85 14 118 E +85 14 119 I +85 14 120 O +85 14 121 E +85 14 122 I +85 14 123 I +85 14 124 I +85 14 125 S +85 14 126 E +85 14 127 I +85 14 128 S +85 14 129 O +85 14 130 X +85 14 131 E +85 14 132 E +85 14 133 I +85 14 134 X +85 14 135 E +85 14 136 I +85 14 137 I +85 14 138 I +85 14 139 O +85 14 140 I +85 14 141 O +85 14 142 O +85 14 143 I +85 14 144 I +85 14 145 I +85 14 146 S +85 14 147 I +85 14 148 E +85 14 149 I +85 14 150 I +85 14 151 E +85 14 152 E +85 14 153 I +85 14 154 X +85 14 155 X +85 14 156 I +85 14 157 X +85 14 158 O +85 14 159 E +85 14 160 E +85 14 161 I +85 14 162 E +85 14 163 I +85 14 164 I +85 14 165 I +85 14 166 I +85 14 167 O +85 14 168 I +85 14 169 I +85 14 170 I +85 14 171 I +85 14 172 O +85 14 173 E +85 14 174 S +85 14 175 O +85 14 176 E +85 14 177 S +85 14 178 I +85 14 179 E +85 14 180 I +85 14 181 S +85 14 182 E +85 14 183 X +85 14 184 E +85 14 185 S +85 14 186 I +85 14 187 S +85 14 188 I +85 14 189 O +85 14 190 E +85 14 191 I +85 14 192 E +85 14 193 S +85 14 194 E +85 14 195 I +85 14 196 I +85 14 197 E +85 14 198 P +85 14 199 O +85 14 200 I +85 14 201 E +85 14 202 I +85 14 203 E +85 14 204 X +85 14 205 E +85 14 206 O +85 14 207 E +85 14 208 S +85 14 209 I +85 14 210 E +85 14 211 I +85 14 212 S +85 14 213 O +85 14 214 S +85 14 215 E +85 14 216 I +85 14 217 E +85 14 218 I +85 14 219 O +85 14 220 I +85 14 221 O +85 14 222 E +85 14 223 I +85 14 224 O +85 14 225 S +85 14 226 I +85 14 227 P +85 14 228 I +85 14 229 I +85 14 230 O +85 14 231 E +85 14 232 X +85 14 233 I +85 14 234 I +85 14 235 I +85 14 236 S +85 14 237 E +85 14 238 I +85 14 239 E +85 14 240 E +85 14 241 O +85 14 242 O +85 14 243 E +85 14 244 O +85 14 245 E +85 14 246 I +85 14 247 I +85 14 248 I +85 14 249 I +85 14 250 I +85 14 251 I +85 14 252 O +85 14 253 I +85 14 254 I +85 14 255 P +85 14 256 E +85 14 257 I +85 14 258 X +85 14 259 E +85 14 260 O +85 14 261 E +85 14 262 O +85 14 263 X +85 14 264 O +85 14 265 I +85 14 266 E +85 14 267 I +85 14 268 I +85 14 269 E +85 14 270 S +85 14 271 I +85 14 272 O +85 14 273 E +85 14 274 O +85 14 275 X +85 14 276 E +85 14 277 I +85 14 278 E +85 14 279 I +85 14 280 I +85 14 281 I +85 14 282 I +85 14 283 E +85 14 284 O +85 14 285 E +85 14 286 O +85 14 287 X +85 14 288 E +85 14 289 I +85 14 290 O +85 14 291 I +85 14 292 E +85 14 293 O +85 14 294 O +85 14 295 X +85 14 296 E +85 14 297 S +85 14 298 E +85 14 299 I +85 14 300 O +85 14 301 I +85 14 302 O +85 14 303 O +85 14 304 I +85 14 305 E +85 14 306 I +85 14 307 I +85 14 308 E +85 14 309 X +85 14 310 I +85 14 311 I +85 14 312 P +85 14 313 I +85 14 314 O +85 14 315 I +85 14 316 I +85 14 317 E +85 14 318 S +85 14 319 O +85 14 320 X +85 14 321 E +85 14 322 I +85 14 323 I +85 14 324 O +85 14 325 E +85 14 326 S +85 14 327 O +85 14 328 I +85 14 329 X +85 14 330 O +85 15 1 I +85 15 2 I +85 15 3 S +85 15 4 I +85 15 5 I +85 15 6 X +85 15 7 I +85 15 8 E +85 15 9 X +85 15 10 I +85 15 11 I +85 15 12 S +85 15 13 I +85 15 14 I +85 15 15 X +85 15 16 O +85 15 17 S +85 15 18 P +85 15 19 I +85 15 20 I +85 15 21 E +85 15 22 S +85 15 23 E +85 15 24 P +85 15 25 I +85 15 26 I +85 15 27 X +85 15 28 E +85 15 29 I +85 15 30 S +85 15 31 X +85 15 32 E +85 15 33 I +85 15 34 I +85 15 35 E +85 15 36 I +85 15 37 I +85 15 38 E +85 15 39 I +85 15 40 I +85 15 41 E +85 15 42 S +85 15 43 I +85 15 44 X +85 15 45 I +85 15 46 X +85 15 47 I +85 15 48 S +85 15 49 I +85 15 50 WW +85 15 51 X +85 15 52 X +85 15 53 E +85 15 54 I +85 15 55 I +85 15 56 X +85 15 57 I +85 15 58 X +85 15 59 X +85 15 60 I +85 15 61 E +85 15 62 WW +85 15 63 X +85 15 64 I +85 15 65 E +85 15 66 X +85 15 67 I +85 15 68 WW +85 15 69 X +85 15 70 X +85 15 71 E +85 15 72 I +85 15 73 WW +85 15 74 X +85 15 75 I +85 15 76 S +85 15 77 S +85 15 78 X +85 15 79 X +85 15 80 I +85 15 81 I +85 15 82 I +85 15 83 X +85 15 84 X +85 15 85 I +85 15 86 E +85 15 87 I +85 15 88 WW +85 15 89 I +85 15 90 I +85 15 91 S +85 15 92 X +85 15 93 I +85 15 94 I +85 15 95 X +85 15 96 S +85 15 97 I +85 15 98 E +85 15 99 X +85 15 100 X +85 15 101 E +85 15 102 X +85 15 103 X +85 15 104 I +85 15 105 WW +85 15 106 S +85 15 107 X +85 15 108 X +85 15 109 I +85 15 110 S +85 15 111 I +85 15 112 E +85 15 113 P +85 15 114 I +85 15 115 E +85 15 116 X +85 15 117 E +85 15 118 WW +85 15 119 I +85 15 120 X +85 15 121 S +85 15 122 I +85 15 123 I +85 15 124 S +85 15 125 S +85 15 126 X +85 15 127 I +85 15 128 S +85 15 129 X +85 15 130 X +85 15 131 E +85 15 132 E +85 15 133 I +85 15 134 E +85 15 135 E +85 15 136 I +85 15 137 I +85 15 138 I +85 15 139 X +85 15 140 I +85 15 141 O +85 15 142 X +85 15 143 S +85 15 144 I +85 15 145 I +85 15 146 S +85 15 147 I +85 15 148 E +85 15 149 I +85 15 150 E +85 15 151 WW +85 15 152 WW +85 15 153 I +85 15 154 P +85 15 155 P +85 15 156 I +85 15 157 X +85 15 158 O +85 15 159 X +85 15 160 WW +85 15 161 I +85 15 162 E +85 15 163 I +85 15 164 I +85 15 165 X +85 15 166 I +85 15 167 X +85 15 168 I +85 15 169 I +85 15 170 I +85 15 171 I +85 15 172 O +85 15 173 E +85 15 174 S +85 15 175 I +85 15 176 E +85 15 177 S +85 15 178 I +85 15 179 E +85 15 180 I +85 15 181 S +85 15 182 E +85 15 183 X +85 15 184 E +85 15 185 S +85 15 186 I +85 15 187 S +85 15 188 I +85 15 189 X +85 15 190 X +85 15 191 I +85 15 192 X +85 15 193 S +85 15 194 E +85 15 195 I +85 15 196 I +85 15 197 WW +85 15 198 P +85 15 199 X +85 15 200 I +85 15 201 E +85 15 202 I +85 15 203 E +85 15 204 E +85 15 205 I +85 15 206 O +85 15 207 E +85 15 208 S +85 15 209 I +85 15 210 E +85 15 211 I +85 15 212 S +85 15 213 X +85 15 214 S +85 15 215 X +85 15 216 I +85 15 217 X +85 15 218 I +85 15 219 X +85 15 220 I +85 15 221 X +85 15 222 E +85 15 223 I +85 15 224 X +85 15 225 I +85 15 226 I +85 15 227 P +85 15 228 I +85 15 229 X +85 15 230 X +85 15 231 E +85 15 232 X +85 15 233 X +85 15 234 I +85 15 235 I +85 15 236 S +85 15 237 X +85 15 238 I +85 15 239 WW +85 15 240 E +85 15 241 O +85 15 242 S +85 15 243 E +85 15 244 O +85 15 245 E +85 15 246 I +85 15 247 E +85 15 248 I +85 15 249 I +85 15 250 I +85 15 251 I +85 15 252 X +85 15 253 I +85 15 254 I +85 15 255 P +85 15 256 E +85 15 257 I +85 15 258 S +85 15 259 E +85 15 260 O +85 15 261 S +85 15 262 O +85 15 263 X +85 15 264 O +85 15 265 I +85 15 266 E +85 15 267 E +85 15 268 I +85 15 269 E +85 15 270 S +85 15 271 I +85 15 272 O +85 15 273 WW +85 15 274 O +85 15 275 S +85 15 276 E +85 15 277 I +85 15 278 E +85 15 279 I +85 15 280 I +85 15 281 I +85 15 282 I +85 15 283 X +85 15 284 O +85 15 285 E +85 15 286 O +85 15 287 X +85 15 288 E +85 15 289 I +85 15 290 X +85 15 291 I +85 15 292 X +85 15 293 X +85 15 294 X +85 15 295 X +85 15 296 E +85 15 297 S +85 15 298 E +85 15 299 I +85 15 300 X +85 15 301 I +85 15 302 X +85 15 303 X +85 15 304 I +85 15 305 E +85 15 306 I +85 15 307 I +85 15 308 WW +85 15 309 X +85 15 310 I +85 15 311 I +85 15 312 P +85 15 313 I +85 15 314 O +85 15 315 I +85 15 316 I +85 15 317 E +85 15 318 S +85 15 319 O +85 15 320 X +85 15 321 E +85 15 322 I +85 15 323 I +85 15 324 O +85 15 325 E +85 15 326 S +85 15 327 O +85 15 328 I +85 15 329 X +85 15 330 X +85 16 1 I +85 16 2 O +85 16 3 S +85 16 4 E +85 16 5 I +85 16 6 S +85 16 7 I +85 16 8 E +85 16 9 X +85 16 10 I +85 16 11 I +85 16 12 S +85 16 13 I +85 16 14 I +85 16 15 O +85 16 16 O +85 16 17 E +85 16 18 P +85 16 19 I +85 16 20 I +85 16 21 E +85 16 22 S +85 16 23 E +85 16 24 X +85 16 25 I +85 16 26 I +85 16 27 O +85 16 28 E +85 16 29 I +85 16 30 S +85 16 31 O +85 16 32 E +85 16 33 I +85 16 34 I +85 16 35 E +85 16 36 I +85 16 37 I +85 16 38 E +85 16 39 I +85 16 40 I +85 16 41 E +85 16 42 S +85 16 43 I +85 16 44 O +85 16 45 I +85 16 46 X +85 16 47 I +85 16 48 S +85 16 49 I +85 16 50 E +85 16 51 X +85 16 52 O +85 16 53 E +85 16 54 I +85 16 55 I +85 16 56 O +85 16 57 I +85 16 58 X +85 16 59 O +85 16 60 I +85 16 61 E +85 16 62 O +85 16 63 E +85 16 64 I +85 16 65 E +85 16 66 O +85 16 67 I +85 16 68 E +85 16 69 X +85 16 70 O +85 16 71 E +85 16 72 E +85 16 73 I +85 16 74 O +85 16 75 I +85 16 76 S +85 16 77 I +85 16 78 O +85 16 79 X +85 16 80 I +85 16 81 S +85 16 82 I +85 16 83 O +85 16 84 O +85 16 85 I +85 16 86 E +85 16 87 X +85 16 88 E +85 16 89 X +85 16 90 I +85 16 91 S +85 16 92 O +85 16 93 I +85 16 94 X +85 16 95 O +85 16 96 S +85 16 97 I +85 16 98 E +85 16 99 O +85 16 100 I +85 16 101 E +85 16 102 I +85 16 103 X +85 16 104 I +85 16 105 E +85 16 106 S +85 16 107 O +85 16 108 O +85 16 109 I +85 16 110 S +85 16 111 I +85 16 112 E +85 16 113 X +85 16 114 I +85 16 115 E +85 16 116 O +85 16 117 X +85 16 118 E +85 16 119 I +85 16 120 O +85 16 121 S +85 16 122 I +85 16 123 I +85 16 124 S +85 16 125 S +85 16 126 E +85 16 127 I +85 16 128 S +85 16 129 O +85 16 130 X +85 16 131 E +85 16 132 E +85 16 133 I +85 16 134 X +85 16 135 E +85 16 136 I +85 16 137 I +85 16 138 I +85 16 139 O +85 16 140 I +85 16 141 O +85 16 142 O +85 16 143 S +85 16 144 I +85 16 145 I +85 16 146 S +85 16 147 I +85 16 148 E +85 16 149 I +85 16 150 E +85 16 151 E +85 16 152 O +85 16 153 I +85 16 154 X +85 16 155 X +85 16 156 I +85 16 157 X +85 16 158 O +85 16 159 S +85 16 160 O +85 16 161 I +85 16 162 E +85 16 163 I +85 16 164 I +85 16 165 X +85 16 166 I +85 16 167 O +85 16 168 I +85 16 169 I +85 16 170 I +85 16 171 X +85 16 172 O +85 16 173 E +85 16 174 S +85 16 175 O +85 16 176 E +85 16 177 S +85 16 178 I +85 16 179 E +85 16 180 I +85 16 181 S +85 16 182 E +85 16 183 X +85 16 184 E +85 16 185 S +85 16 186 I +85 16 187 S +85 16 188 I +85 16 189 O +85 16 190 E +85 16 191 I +85 16 192 I +85 16 193 S +85 16 194 E +85 16 195 I +85 16 196 O +85 16 197 I +85 16 198 X +85 16 199 O +85 16 200 I +85 16 201 E +85 16 202 I +85 16 203 E +85 16 204 X +85 16 205 I +85 16 206 O +85 16 207 E +85 16 208 S +85 16 209 I +85 16 210 E +85 16 211 I +85 16 212 S +85 16 213 I +85 16 214 S +85 16 215 E +85 16 216 X +85 16 217 E +85 16 218 S +85 16 219 O +85 16 220 I +85 16 221 O +85 16 222 I +85 16 223 I +85 16 224 O +85 16 225 X +85 16 226 I +85 16 227 X +85 16 228 I +85 16 229 O +85 16 230 O +85 16 231 I +85 16 232 X +85 16 233 O +85 16 234 I +85 16 235 I +85 16 236 S +85 16 237 E +85 16 238 I +85 16 239 E +85 16 240 S +85 16 241 O +85 16 242 S +85 16 243 E +85 16 244 O +85 16 245 E +85 16 246 I +85 16 247 I +85 16 248 I +85 16 249 I +85 16 250 I +85 16 251 I +85 16 252 O +85 16 253 I +85 16 254 I +85 16 255 X +85 16 256 E +85 16 257 I +85 16 258 S +85 16 259 E +85 16 260 O +85 16 261 S +85 16 262 O +85 16 263 X +85 16 264 O +85 16 265 I +85 16 266 S +85 16 267 E +85 16 268 I +85 16 269 E +85 16 270 S +85 16 271 I +85 16 272 O +85 16 273 E +85 16 274 O +85 16 275 X +85 16 276 E +85 16 277 I +85 16 278 S +85 16 279 I +85 16 280 I +85 16 281 I +85 16 282 I +85 16 283 X +85 16 284 O +85 16 285 O +85 16 286 O +85 16 287 X +85 16 288 E +85 16 289 I +85 16 290 O +85 16 291 I +85 16 292 E +85 16 293 O +85 16 294 O +85 16 295 X +85 16 296 I +85 16 297 S +85 16 298 E +85 16 299 I +85 16 300 X +85 16 301 I +85 16 302 O +85 16 303 O +85 16 304 X +85 16 305 E +85 16 306 I +85 16 307 I +85 16 308 I +85 16 309 X +85 16 310 I +85 16 311 I +85 16 312 P +85 16 313 I +85 16 314 O +85 16 315 I +85 16 316 I +85 16 317 E +85 16 318 S +85 16 319 O +85 16 320 X +85 16 321 E +85 16 322 I +85 16 323 I +85 16 324 O +85 16 325 E +85 16 326 S +85 16 327 I +85 16 328 O +85 16 329 X +85 16 330 O +85 17 1 I +85 17 2 I +85 17 3 S +85 17 4 E +85 17 5 I +85 17 6 X +85 17 7 I +85 17 8 E +85 17 9 X +85 17 10 I +85 17 11 I +85 17 12 S +85 17 13 I +85 17 14 I +85 17 15 E +85 17 16 O +85 17 17 S +85 17 18 P +85 17 19 I +85 17 20 I +85 17 21 E +85 17 22 S +85 17 23 E +85 17 24 X +85 17 25 I +85 17 26 I +85 17 27 O +85 17 28 E +85 17 29 I +85 17 30 S +85 17 31 I +85 17 32 E +85 17 33 I +85 17 34 I +85 17 35 S +85 17 36 I +85 17 37 I +85 17 38 E +85 17 39 I +85 17 40 I +85 17 41 E +85 17 42 S +85 17 43 I +85 17 44 O +85 17 45 I +85 17 46 X +85 17 47 I +85 17 48 S +85 17 49 I +85 17 50 E +85 17 51 X +85 17 52 O +85 17 53 E +85 17 54 I +85 17 55 I +85 17 56 X +85 17 57 I +85 17 58 X +85 17 59 O +85 17 60 I +85 17 61 E +85 17 62 X +85 17 63 E +85 17 64 I +85 17 65 E +85 17 66 O +85 17 67 I +85 17 68 E +85 17 69 I +85 17 70 O +85 17 71 E +85 17 72 I +85 17 73 E +85 17 74 I +85 17 75 X +85 17 76 S +85 17 77 I +85 17 78 X +85 17 79 P +85 17 80 I +85 17 81 I +85 17 82 I +85 17 83 X +85 17 84 E +85 17 85 I +85 17 86 E +85 17 87 X +85 17 88 E +85 17 89 P +85 17 90 I +85 17 91 I +85 17 92 O +85 17 93 I +85 17 94 X +85 17 95 O +85 17 96 S +85 17 97 I +85 17 98 E +85 17 99 X +85 17 100 I +85 17 101 E +85 17 102 O +85 17 103 X +85 17 104 I +85 17 105 E +85 17 106 S +85 17 107 O +85 17 108 O +85 17 109 I +85 17 110 S +85 17 111 I +85 17 112 E +85 17 113 X +85 17 114 I +85 17 115 E +85 17 116 I +85 17 117 X +85 17 118 E +85 17 119 I +85 17 120 O +85 17 121 S +85 17 122 I +85 17 123 I +85 17 124 I +85 17 125 S +85 17 126 E +85 17 127 I +85 17 128 S +85 17 129 O +85 17 130 I +85 17 131 E +85 17 132 S +85 17 133 I +85 17 134 X +85 17 135 E +85 17 136 I +85 17 137 I +85 17 138 I +85 17 139 O +85 17 140 I +85 17 141 O +85 17 142 O +85 17 143 I +85 17 144 I +85 17 145 I +85 17 146 S +85 17 147 I +85 17 148 E +85 17 149 I +85 17 150 E +85 17 151 E +85 17 152 E +85 17 153 I +85 17 154 X +85 17 155 X +85 17 156 I +85 17 157 X +85 17 158 O +85 17 159 X +85 17 160 E +85 17 161 I +85 17 162 E +85 17 163 I +85 17 164 I +85 17 165 I +85 17 166 I +85 17 167 E +85 17 168 I +85 17 169 I +85 17 170 I +85 17 171 I +85 17 172 O +85 17 173 E +85 17 174 S +85 17 175 I +85 17 176 E +85 17 177 S +85 17 178 I +85 17 179 E +85 17 180 I +85 17 181 S +85 17 182 E +85 17 183 X +85 17 184 E +85 17 185 S +85 17 186 I +85 17 187 S +85 17 188 I +85 17 189 I +85 17 190 E +85 17 191 I +85 17 192 E +85 17 193 I +85 17 194 E +85 17 195 I +85 17 196 I +85 17 197 E +85 17 198 P +85 17 199 I +85 17 200 I +85 17 201 E +85 17 202 I +85 17 203 E +85 17 204 X +85 17 205 I +85 17 206 O +85 17 207 E +85 17 208 S +85 17 209 I +85 17 210 X +85 17 211 I +85 17 212 S +85 17 213 X +85 17 214 I +85 17 215 E +85 17 216 I +85 17 217 X +85 17 218 I +85 17 219 X +85 17 220 I +85 17 221 O +85 17 222 E +85 17 223 I +85 17 224 O +85 17 225 X +85 17 226 I +85 17 227 P +85 17 228 I +85 17 229 I +85 17 230 O +85 17 231 E +85 17 232 X +85 17 233 I +85 17 234 I +85 17 235 I +85 17 236 I +85 17 237 X +85 17 238 I +85 17 239 E +85 17 240 X +85 17 241 O +85 17 242 S +85 17 243 E +85 17 244 X +85 17 245 E +85 17 246 I +85 17 247 X +85 17 248 I +85 17 249 I +85 17 250 I +85 17 251 I +85 17 252 O +85 17 253 I +85 17 254 I +85 17 255 X +85 17 256 E +85 17 257 I +85 17 258 S +85 17 259 E +85 17 260 S +85 17 261 S +85 17 262 O +85 17 263 X +85 17 264 I +85 17 265 I +85 17 266 E +85 17 267 E +85 17 268 I +85 17 269 E +85 17 270 S +85 17 271 I +85 17 272 O +85 17 273 E +85 17 274 O +85 17 275 I +85 17 276 E +85 17 277 I +85 17 278 E +85 17 279 I +85 17 280 I +85 17 281 I +85 17 282 I +85 17 283 X +85 17 284 O +85 17 285 E +85 17 286 O +85 17 287 X +85 17 288 E +85 17 289 I +85 17 290 O +85 17 291 I +85 17 292 E +85 17 293 I +85 17 294 O +85 17 295 X +85 17 296 I +85 17 297 S +85 17 298 E +85 17 299 I +85 17 300 X +85 17 301 I +85 17 302 O +85 17 303 I +85 17 304 I +85 17 305 E +85 17 306 I +85 17 307 I +85 17 308 WX +85 17 309 X +85 17 310 I +85 17 311 I +85 17 312 P +85 17 313 I +85 17 314 O +85 17 315 I +85 17 316 I +85 17 317 WX +85 17 318 S +85 17 319 O +85 17 320 I +85 17 321 E +85 17 322 I +85 17 323 I +85 17 324 O +85 17 325 WX +85 17 326 S +85 17 327 O +85 17 328 I +85 17 329 X +85 17 330 O +85 18 1 I +85 18 2 I +85 18 3 S +85 18 4 I +85 18 5 I +85 18 6 S +85 18 7 I +85 18 8 E +85 18 9 X +85 18 10 I +85 18 11 I +85 18 12 S +85 18 13 I +85 18 14 I +85 18 15 WW +85 18 16 O +85 18 17 S +85 18 18 P +85 18 19 I +85 18 20 I +85 18 21 WW +85 18 22 S +85 18 23 WW +85 18 24 X +85 18 25 I +85 18 26 I +85 18 27 X +85 18 28 E +85 18 29 I +85 18 30 S +85 18 31 I +85 18 32 WW +85 18 33 I +85 18 34 I +85 18 35 S +85 18 36 I +85 18 37 I +85 18 38 E +85 18 39 I +85 18 40 I +85 18 41 E +85 18 42 S +85 18 43 I +85 18 44 O +85 18 45 I +85 18 46 P +85 18 47 I +85 18 48 S +85 18 49 I +85 18 50 E +85 18 51 X +85 18 52 O +85 18 53 E +85 18 54 I +85 18 55 I +85 18 56 X +85 18 57 I +85 18 58 X +85 18 59 WW +85 18 60 I +85 18 61 E +85 18 62 I +85 18 63 WW +85 18 64 I +85 18 65 E +85 18 66 O +85 18 67 I +85 18 68 E +85 18 69 I +85 18 70 O +85 18 71 E +85 18 72 I +85 18 73 E +85 18 74 I +85 18 75 I +85 18 76 S +85 18 77 I +85 18 78 WW +85 18 79 P +85 18 80 I +85 18 81 I +85 18 82 I +85 18 83 X +85 18 84 E +85 18 85 I +85 18 86 WW +85 18 87 P +85 18 88 E +85 18 89 P +85 18 90 I +85 18 91 I +85 18 92 O +85 18 93 I +85 18 94 P +85 18 95 I +85 18 96 S +85 18 97 I +85 18 98 E +85 18 99 I +85 18 100 E +85 18 101 E +85 18 102 I +85 18 103 X +85 18 104 I +85 18 105 E +85 18 106 S +85 18 107 O +85 18 108 I +85 18 109 I +85 18 110 S +85 18 111 I +85 18 112 E +85 18 113 P +85 18 114 I +85 18 115 E +85 18 116 I +85 18 117 X +85 18 118 E +85 18 119 I +85 18 120 O +85 18 121 S +85 18 122 I +85 18 123 I +85 18 124 S +85 18 125 S +85 18 126 E +85 18 127 I +85 18 128 S +85 18 129 O +85 18 130 I +85 18 131 E +85 18 132 S +85 18 133 I +85 18 134 X +85 18 135 E +85 18 136 I +85 18 137 I +85 18 138 I +85 18 139 WW +85 18 140 I +85 18 141 O +85 18 142 X +85 18 143 I +85 18 144 I +85 18 145 I +85 18 146 S +85 18 147 I +85 18 148 E +85 18 149 I +85 18 150 E +85 18 151 E +85 18 152 E +85 18 153 I +85 18 154 P +85 18 155 X +85 18 156 I +85 18 157 X +85 18 158 O +85 18 159 S +85 18 160 WW +85 18 161 I +85 18 162 E +85 18 163 I +85 18 164 I +85 18 165 I +85 18 166 I +85 18 167 WW +85 18 168 I +85 18 169 I +85 18 170 I +85 18 171 I +85 18 172 O +85 18 173 WW +85 18 174 S +85 18 175 I +85 18 176 WW +85 18 177 S +85 18 178 I +85 18 179 E +85 18 180 I +85 18 181 S +85 18 182 E +85 18 183 X +85 18 184 E +85 18 185 S +85 18 186 I +85 18 187 S +85 18 188 I +85 18 189 O +85 18 190 WW +85 18 191 I +85 18 192 WW +85 18 193 S +85 18 194 E +85 18 195 I +85 18 196 I +85 18 197 WW +85 18 198 P +85 18 199 O +85 18 200 I +85 18 201 WW +85 18 202 I +85 18 203 WW +85 18 204 X +85 18 205 E +85 18 206 O +85 18 207 E +85 18 208 S +85 18 209 O +85 18 210 X +85 18 211 I +85 18 212 S +85 18 213 O +85 18 214 S +85 18 215 E +85 18 216 I +85 18 217 WW +85 18 218 I +85 18 219 O +85 18 220 I +85 18 221 O +85 18 222 E +85 18 223 I +85 18 224 WW +85 18 225 I +85 18 226 I +85 18 227 X +85 18 228 I +85 18 229 I +85 18 230 X +85 18 231 E +85 18 232 X +85 18 233 I +85 18 234 I +85 18 235 I +85 18 236 S +85 18 237 X +85 18 238 I +85 18 239 E +85 18 240 X +85 18 241 O +85 18 242 S +85 18 243 E +85 18 244 O +85 18 245 E +85 18 246 I +85 18 247 I +85 18 248 I +85 18 249 I +85 18 250 I +85 18 251 I +85 18 252 O +85 18 253 I +85 18 254 I +85 18 255 P +85 18 256 WW +85 18 257 I +85 18 258 S +85 18 259 E +85 18 260 I +85 18 261 S +85 18 262 O +85 18 263 X +85 18 264 I +85 18 265 I +85 18 266 S +85 18 267 E +85 18 268 I +85 18 269 E +85 18 270 S +85 18 271 I +85 18 272 O +85 18 273 E +85 18 274 O +85 18 275 S +85 18 276 E +85 18 277 I +85 18 278 S +85 18 279 I +85 18 280 I +85 18 281 I +85 18 282 I +85 18 283 X +85 18 284 O +85 18 285 WW +85 18 286 O +85 18 287 S +85 18 288 E +85 18 289 I +85 18 290 O +85 18 291 I +85 18 292 WW +85 18 293 I +85 18 294 O +85 18 295 X +85 18 296 I +85 18 297 S +85 18 298 E +85 18 299 I +85 18 300 X +85 18 301 I +85 18 302 O +85 18 303 X +85 18 304 I +85 18 305 E +85 18 306 I +85 18 307 I +85 18 308 WW +85 18 309 X +85 18 310 I +85 18 311 I +85 18 312 P +85 18 313 I +85 18 314 O +85 18 315 I +85 18 316 I +85 18 317 E +85 18 318 S +85 18 319 O +85 18 320 S +85 18 321 E +85 18 322 I +85 18 323 I +85 18 324 O +85 18 325 E +85 18 326 S +85 18 327 I +85 18 328 I +85 18 329 X +85 18 330 O +85 19 1 I +85 19 2 I +85 19 3 E +85 19 4 E +85 19 5 I +85 19 6 X +85 19 7 I +85 19 8 E +85 19 9 X +85 19 10 I +85 19 11 I +85 19 12 S +85 19 13 I +85 19 14 I +85 19 15 WW +85 19 16 X +85 19 17 E +85 19 18 X +85 19 19 I +85 19 20 I +85 19 21 E +85 19 22 S +85 19 23 I +85 19 24 X +85 19 25 I +85 19 26 I +85 19 27 X +85 19 28 E +85 19 29 I +85 19 30 E +85 19 31 I +85 19 32 KM +85 19 33 I +85 19 34 I +85 19 35 E +85 19 36 I +85 19 37 I +85 19 38 E +85 19 39 I +85 19 40 I +85 19 41 E +85 19 42 S +85 19 43 I +85 19 44 WW +85 19 45 I +85 19 46 X +85 19 47 I +85 19 48 S +85 19 49 I +85 19 50 KE +85 19 51 X +85 19 52 I +85 19 53 KM +85 19 54 I +85 19 55 I +85 19 56 WW +85 19 57 I +85 19 58 X +85 19 59 WW +85 19 60 I +85 19 61 E +85 19 62 E +85 19 63 E +85 19 64 I +85 19 65 E +85 19 66 X +85 19 67 I +85 19 68 E +85 19 69 X +85 19 70 X +85 19 71 E +85 19 72 E +85 19 73 I +85 19 74 I +85 19 75 I +85 19 76 E +85 19 77 I +85 19 78 WW +85 19 79 X +85 19 80 I +85 19 81 I +85 19 82 I +85 19 83 X +85 19 84 WW +85 19 85 I +85 19 86 E +85 19 87 I +85 19 88 E +85 19 89 P +85 19 90 I +85 19 91 I +85 19 92 X +85 19 93 I +85 19 94 X +85 19 95 I +85 19 96 S +85 19 97 I +85 19 98 E +85 19 99 WW +85 19 100 I +85 19 101 E +85 19 102 I +85 19 103 X +85 19 104 I +85 19 105 E +85 19 106 S +85 19 107 O +85 19 108 I +85 19 109 I +85 19 110 S +85 19 111 I +85 19 112 E +85 19 113 X +85 19 114 I +85 19 115 E +85 19 116 I +85 19 117 X +85 19 118 WW +85 19 119 I +85 19 120 O +85 19 121 E +85 19 122 I +85 19 123 I +85 19 124 I +85 19 125 S +85 19 126 WW +85 19 127 I +85 19 128 S +85 19 129 O +85 19 130 I +85 19 131 WW +85 19 132 E +85 19 133 I +85 19 134 X +85 19 135 E +85 19 136 I +85 19 137 I +85 19 138 I +85 19 139 O +85 19 140 I +85 19 141 O +85 19 142 O +85 19 143 I +85 19 144 E +85 19 145 I +85 19 146 S +85 19 147 I +85 19 148 E +85 19 149 I +85 19 150 I +85 19 151 WW +85 19 152 I +85 19 153 I +85 19 154 X +85 19 155 I +85 19 156 I +85 19 157 X +85 19 158 O +85 19 159 S +85 19 160 WW +85 19 161 I +85 19 162 E +85 19 163 I +85 19 164 I +85 19 165 I +85 19 166 I +85 19 167 WW +85 19 168 I +85 19 169 I +85 19 170 I +85 19 171 I +85 19 172 O +85 19 173 WW +85 19 174 S +85 19 175 I +85 19 176 WW +85 19 177 I +85 19 178 I +85 19 179 E +85 19 180 I +85 19 181 X +85 19 182 E +85 19 183 X +85 19 184 I +85 19 185 S +85 19 186 I +85 19 187 S +85 19 188 I +85 19 189 I +85 19 190 WW +85 19 191 I +85 19 192 I +85 19 193 I +85 19 194 E +85 19 195 I +85 19 196 I +85 19 197 I +85 19 198 X +85 19 199 I +85 19 200 I +85 19 201 WW +85 19 202 I +85 19 203 E +85 19 204 X +85 19 205 I +85 19 206 I +85 19 207 E +85 19 208 S +85 19 209 I +85 19 210 X +85 19 211 I +85 19 212 S +85 19 213 I +85 19 214 I +85 19 215 E +85 19 216 I +85 19 217 WW +85 19 218 I +85 19 219 I +85 19 220 I +85 19 221 I +85 19 222 I +85 19 223 I +85 19 224 WW +85 19 225 I +85 19 226 I +85 19 227 I +85 19 228 I +85 19 229 I +85 19 230 WW +85 19 231 E +85 19 232 I +85 19 233 I +85 19 234 I +85 19 235 I +85 19 236 I +85 19 237 WW +85 19 238 I +85 19 239 WW +85 19 240 E +85 19 241 E +85 19 242 S +85 19 243 E +85 19 244 I +85 19 245 E +85 19 246 I +85 19 247 I +85 19 248 I +85 19 249 I +85 19 250 I +85 19 251 I +85 19 252 WW +85 19 253 I +85 19 254 I +85 19 255 P +85 19 256 E +85 19 257 I +85 19 258 S +85 19 259 I +85 19 260 E +85 19 261 S +85 19 262 O +85 19 263 X +85 19 264 I +85 19 265 I +85 19 266 E +85 19 267 I +85 19 268 I +85 19 269 E +85 19 270 S +85 19 271 I +85 19 272 O +85 19 273 E +85 19 274 O +85 19 275 I +85 19 276 E +85 19 277 I +85 19 278 WW +85 19 279 I +85 19 280 I +85 19 281 I +85 19 282 I +85 19 283 X +85 19 284 I +85 19 285 WW +85 19 286 O +85 19 287 X +85 19 288 E +85 19 289 I +85 19 290 O +85 19 291 I +85 19 292 WW +85 19 293 I +85 19 294 O +85 19 295 X +85 19 296 I +85 19 297 S +85 19 298 E +85 19 299 I +85 19 300 X +85 19 301 I +85 19 302 O +85 19 303 I +85 19 304 I +85 19 305 I +85 19 306 I +85 19 307 I +85 19 308 I +85 19 309 X +85 19 310 I +85 19 311 I +85 19 312 P +85 19 313 I +85 19 314 O +85 19 315 I +85 19 316 I +85 19 317 E +85 19 318 S +85 19 319 O +85 19 320 I +85 19 321 E +85 19 322 I +85 19 323 I +85 19 324 O +85 19 325 E +85 19 326 S +85 19 327 I +85 19 328 I +85 19 329 X +85 19 330 I +85 20 1 I +85 20 2 I +85 20 3 E +85 20 4 I +85 20 5 I +85 20 6 S +85 20 7 I +85 20 8 E +85 20 9 S +85 20 10 I +85 20 11 I +85 20 12 S +85 20 13 I +85 20 14 I +85 20 15 E +85 20 16 O +85 20 17 E +85 20 18 I +85 20 19 I +85 20 20 I +85 20 21 E +85 20 22 S +85 20 23 I +85 20 24 X +85 20 25 I +85 20 26 I +85 20 27 O +85 20 28 E +85 20 29 I +85 20 30 S +85 20 31 I +85 20 32 E +85 20 33 I +85 20 34 I +85 20 35 E +85 20 36 I +85 20 37 I +85 20 38 E +85 20 39 I +85 20 40 I +85 20 41 E +85 20 42 X +85 20 43 I +85 20 44 O +85 20 45 I +85 20 46 X +85 20 47 I +85 20 48 S +85 20 49 I +85 20 50 I +85 20 51 X +85 20 52 O +85 20 53 E +85 20 54 I +85 20 55 I +85 20 56 X +85 20 57 I +85 20 58 X +85 20 59 X +85 20 60 I +85 20 61 E +85 20 62 I +85 20 63 E +85 20 64 I +85 20 65 E +85 20 66 O +85 20 67 I +85 20 68 E +85 20 69 I +85 20 70 O +85 20 71 E +85 20 72 I +85 20 73 I +85 20 74 I +85 20 75 I +85 20 76 E +85 20 77 I +85 20 78 E +85 20 79 I +85 20 80 I +85 20 81 I +85 20 82 I +85 20 83 X +85 20 84 E +85 20 85 I +85 20 86 E +85 20 87 I +85 20 88 I +85 20 89 P +85 20 90 I +85 20 91 I +85 20 92 O +85 20 93 I +85 20 94 X +85 20 95 I +85 20 96 S +85 20 97 I +85 20 98 E +85 20 99 X +85 20 100 I +85 20 101 E +85 20 102 X +85 20 103 I +85 20 104 I +85 20 105 E +85 20 106 S +85 20 107 O +85 20 108 O +85 20 109 I +85 20 110 S +85 20 111 I +85 20 112 E +85 20 113 X +85 20 114 I +85 20 115 E +85 20 116 I +85 20 117 P +85 20 118 E +85 20 119 I +85 20 120 O +85 20 121 E +85 20 122 I +85 20 123 I +85 20 124 I +85 20 125 E +85 20 126 E +85 20 127 P +85 20 128 S +85 20 129 O +85 20 130 P +85 20 131 I +85 20 132 E +85 20 133 I +85 20 134 P +85 20 135 E +85 20 136 I +85 20 137 I +85 20 138 I +85 20 139 O +85 20 140 I +85 20 141 O +85 20 142 O +85 20 143 I +85 20 144 I +85 20 145 I +85 20 146 S +85 20 147 I +85 20 148 E +85 20 149 I +85 20 150 I +85 20 151 E +85 20 152 E +85 20 153 I +85 20 154 P +85 20 155 P +85 20 156 I +85 20 157 P +85 20 158 O +85 20 159 S +85 20 160 E +85 20 161 I +85 20 162 E +85 20 163 I +85 20 164 I +85 20 165 I +85 20 166 I +85 20 167 I +85 20 168 I +85 20 169 I +85 20 170 P +85 20 171 I +85 20 172 O +85 20 173 E +85 20 174 S +85 20 175 I +85 20 176 E +85 20 177 S +85 20 178 I +85 20 179 E +85 20 180 I +85 20 181 S +85 20 182 I +85 20 183 X +85 20 184 I +85 20 185 X +85 20 186 I +85 20 187 S +85 20 188 I +85 20 189 O +85 20 190 E +85 20 191 I +85 20 192 I +85 20 193 S +85 20 194 E +85 20 195 I +85 20 196 I +85 20 197 I +85 20 198 P +85 20 199 O +85 20 200 I +85 20 201 E +85 20 202 I +85 20 203 E +85 20 204 P +85 20 205 I +85 20 206 O +85 20 207 E +85 20 208 S +85 20 209 I +85 20 210 P +85 20 211 I +85 20 212 S +85 20 213 I +85 20 214 I +85 20 215 E +85 20 216 P +85 20 217 E +85 20 218 I +85 20 219 O +85 20 220 I +85 20 221 O +85 20 222 I +85 20 223 I +85 20 224 O +85 20 225 I +85 20 226 I +85 20 227 P +85 20 228 I +85 20 229 I +85 20 230 O +85 20 231 E +85 20 232 X +85 20 233 I +85 20 234 I +85 20 235 I +85 20 236 I +85 20 237 X +85 20 238 I +85 20 239 E +85 20 240 E +85 20 241 O +85 20 242 S +85 20 243 E +85 20 244 O +85 20 245 E +85 20 246 I +85 20 247 I +85 20 248 P +85 20 249 I +85 20 250 I +85 20 251 I +85 20 252 O +85 20 253 I +85 20 254 I +85 20 255 P +85 20 256 E +85 20 257 I +85 20 258 S +85 20 259 E +85 20 260 O +85 20 261 E +85 20 262 O +85 20 263 O +85 20 264 O +85 20 265 I +85 20 266 E +85 20 267 I +85 20 268 I +85 20 269 I +85 20 270 S +85 20 271 I +85 20 272 O +85 20 273 I +85 20 274 O +85 20 275 I +85 20 276 E +85 20 277 I +85 20 278 E +85 20 279 I +85 20 280 I +85 20 281 I +85 20 282 I +85 20 283 P +85 20 284 O +85 20 285 E +85 20 286 O +85 20 287 X +85 20 288 E +85 20 289 I +85 20 290 X +85 20 291 I +85 20 292 E +85 20 293 O +85 20 294 O +85 20 295 X +85 20 296 I +85 20 297 S +85 20 298 E +85 20 299 I +85 20 300 P +85 20 301 I +85 20 302 O +85 20 303 I +85 20 304 I +85 20 305 I +85 20 306 I +85 20 307 I +85 20 308 I +85 20 309 P +85 20 310 I +85 20 311 I +85 20 312 P +85 20 313 I +85 20 314 O +85 20 315 I +85 20 316 I +85 20 317 E +85 20 318 S +85 20 319 O +85 20 320 I +85 20 321 E +85 20 322 I +85 20 323 I +85 20 324 O +85 20 325 I +85 20 326 S +85 20 327 O +85 20 328 I +85 20 329 X +85 20 330 O +85 21 1 I +85 21 2 I +85 21 3 S +85 21 4 E +85 21 5 I +85 21 6 S +85 21 7 I +85 21 8 E +85 21 9 S +85 21 10 I +85 21 11 I +85 21 12 S +85 21 13 I +85 21 14 I +85 21 15 E +85 21 16 O +85 21 17 S +85 21 18 P +85 21 19 I +85 21 20 I +85 21 21 E +85 21 22 S +85 21 23 E +85 21 24 P +85 21 25 I +85 21 26 I +85 21 27 O +85 21 28 E +85 21 29 I +85 21 30 S +85 21 31 I +85 21 32 E +85 21 33 I +85 21 34 I +85 21 35 S +85 21 36 I +85 21 37 I +85 21 38 E +85 21 39 I +85 21 40 I +85 21 41 E +85 21 42 S +85 21 43 I +85 21 44 O +85 21 45 I +85 21 46 P +85 21 47 I +85 21 48 S +85 21 49 I +85 21 50 E +85 21 51 P +85 21 52 O +85 21 53 E +85 21 54 I +85 21 55 I +85 21 56 S +85 21 57 I +85 21 58 S +85 21 59 O +85 21 60 I +85 21 61 E +85 21 62 I +85 21 63 E +85 21 64 I +85 21 65 E +85 21 66 O +85 21 67 I +85 21 68 E +85 21 69 I +85 21 70 O +85 21 71 E +85 21 72 I +85 21 73 E +85 21 74 I +85 21 75 I +85 21 76 S +85 21 77 I +85 21 78 E +85 21 79 P +85 21 80 I +85 21 81 I +85 21 82 I +85 21 83 S +85 21 84 E +85 21 85 I +85 21 86 E +85 21 87 I +85 21 88 E +85 21 89 P +85 21 90 I +85 21 91 S +85 21 92 O +85 21 93 I +85 21 94 P +85 21 95 I +85 21 96 S +85 21 97 I +85 21 98 E +85 21 99 E +85 21 100 I +85 21 101 E +85 21 102 I +85 21 103 S +85 21 104 I +85 21 105 E +85 21 106 S +85 21 107 O +85 21 108 O +85 21 109 I +85 21 110 S +85 21 111 I +85 21 112 E +85 21 113 P +85 21 114 I +85 21 115 E +85 21 116 I +85 21 117 E +85 21 118 E +85 21 119 I +85 21 120 O +85 21 121 S +85 21 122 I +85 21 123 I +85 21 124 S +85 21 125 S +85 21 126 E +85 21 127 I +85 21 128 S +85 21 129 O +85 21 130 S +85 21 131 E +85 21 132 E +85 21 133 I +85 21 134 E +85 21 135 E +85 21 136 I +85 21 137 I +85 21 138 I +85 21 139 O +85 21 140 O +85 21 141 O +85 21 142 O +85 21 143 I +85 21 144 I +85 21 145 I +85 21 146 S +85 21 147 I +85 21 148 E +85 21 149 I +85 21 150 E +85 21 151 S +85 21 152 E +85 21 153 I +85 21 154 P +85 21 155 S +85 21 156 I +85 21 157 E +85 21 158 O +85 21 159 S +85 21 160 E +85 21 161 I +85 21 162 E +85 21 163 I +85 21 164 I +85 21 165 S +85 21 166 I +85 21 167 E +85 21 168 I +85 21 169 I +85 21 170 I +85 21 171 I +85 21 172 O +85 21 173 E +85 21 174 S +85 21 175 I +85 21 176 E +85 21 177 S +85 21 178 I +85 21 179 E +85 21 180 I +85 21 181 S +85 21 182 E +85 21 183 S +85 21 184 E +85 21 185 S +85 21 186 I +85 21 187 S +85 21 188 I +85 21 189 I +85 21 190 E +85 21 191 I +85 21 192 E +85 21 193 S +85 21 194 E +85 21 195 I +85 21 196 I +85 21 197 E +85 21 198 P +85 21 199 O +85 21 200 I +85 21 201 S +85 21 202 I +85 21 203 E +85 21 204 P +85 21 205 I +85 21 206 O +85 21 207 E +85 21 208 S +85 21 209 I +85 21 210 E +85 21 211 I +85 21 212 S +85 21 213 I +85 21 214 S +85 21 215 E +85 21 216 I +85 21 217 S +85 21 218 S +85 21 219 O +85 21 220 I +85 21 221 O +85 21 222 E +85 21 223 I +85 21 224 O +85 21 225 S +85 21 226 I +85 21 227 P +85 21 228 I +85 21 229 I +85 21 230 O +85 21 231 E +85 21 232 S +85 21 233 I +85 21 234 I +85 21 235 I +85 21 236 S +85 21 237 S +85 21 238 I +85 21 239 E +85 21 240 E +85 21 241 O +85 21 242 S +85 21 243 E +85 21 244 O +85 21 245 E +85 21 246 I +85 21 247 I +85 21 248 I +85 21 249 I +85 21 250 I +85 21 251 I +85 21 252 O +85 21 253 I +85 21 254 I +85 21 255 P +85 21 256 E +85 21 257 I +85 21 258 S +85 21 259 E +85 21 260 S +85 21 261 S +85 21 262 O +85 21 263 O +85 21 264 I +85 21 265 I +85 21 266 E +85 21 267 E +85 21 268 I +85 21 269 E +85 21 270 S +85 21 271 I +85 21 272 O +85 21 273 E +85 21 274 O +85 21 275 S +85 21 276 E +85 21 277 I +85 21 278 S +85 21 279 I +85 21 280 I +85 21 281 I +85 21 282 I +85 21 283 E +85 21 284 O +85 21 285 E +85 21 286 O +85 21 287 S +85 21 288 E +85 21 289 I +85 21 290 O +85 21 291 I +85 21 292 E +85 21 293 O +85 21 294 O +85 21 295 S +85 21 296 I +85 21 297 S +85 21 298 E +85 21 299 I +85 21 300 O +85 21 301 I +85 21 302 O +85 21 303 O +85 21 304 S +85 21 305 E +85 21 306 I +85 21 307 I +85 21 308 E +85 21 309 S +85 21 310 I +85 21 311 I +85 21 312 P +85 21 313 I +85 21 314 O +85 21 315 I +85 21 316 I +85 21 317 E +85 21 318 S +85 21 319 O +85 21 320 S +85 21 321 E +85 21 322 I +85 21 323 I +85 21 324 S +85 21 325 E +85 21 326 S +85 21 327 O +85 21 328 I +85 21 329 E +85 21 330 O +85 22 1 I +85 22 2 I +85 22 3 E +85 22 4 E +85 22 5 I +85 22 6 S +85 22 7 E +85 22 8 I +85 22 9 X +85 22 10 I +85 22 11 I +85 22 12 S +85 22 13 I +85 22 14 I +85 22 15 O +85 22 16 O +85 22 17 E +85 22 18 X +85 22 19 I +85 22 20 I +85 22 21 E +85 22 22 S +85 22 23 WW +85 22 24 X +85 22 25 I +85 22 26 I +85 22 27 O +85 22 28 E +85 22 29 I +85 22 30 S +85 22 31 I +85 22 32 E +85 22 33 I +85 22 34 I +85 22 35 E +85 22 36 I +85 22 37 I +85 22 38 E +85 22 39 I +85 22 40 I +85 22 41 E +85 22 42 S +85 22 43 I +85 22 44 O +85 22 45 I +85 22 46 X +85 22 47 I +85 22 48 S +85 22 49 I +85 22 50 WW +85 22 51 X +85 22 52 O +85 22 53 E +85 22 54 I +85 22 55 I +85 22 56 O +85 22 57 I +85 22 58 X +85 22 59 O +85 22 60 I +85 22 61 E +85 22 62 I +85 22 63 E +85 22 64 I +85 22 65 E +85 22 66 O +85 22 67 I +85 22 68 E +85 22 69 X +85 22 70 O +85 22 71 E +85 22 72 WW +85 22 73 I +85 22 74 I +85 22 75 I +85 22 76 E +85 22 77 I +85 22 78 O +85 22 79 X +85 22 80 I +85 22 81 I +85 22 82 I +85 22 83 O +85 22 84 O +85 22 85 I +85 22 86 E +85 22 87 X +85 22 88 WW +85 22 89 P +85 22 90 I +85 22 91 I +85 22 92 O +85 22 93 I +85 22 94 X +85 22 95 O +85 22 96 S +85 22 97 I +85 22 98 E +85 22 99 O +85 22 100 O +85 22 101 E +85 22 102 O +85 22 103 X +85 22 104 I +85 22 105 WW +85 22 106 S +85 22 107 O +85 22 108 O +85 22 109 I +85 22 110 S +85 22 111 X +85 22 112 E +85 22 113 X +85 22 114 I +85 22 115 E +85 22 116 O +85 22 117 X +85 22 118 E +85 22 119 I +85 22 120 O +85 22 121 E +85 22 122 I +85 22 123 I +85 22 124 I +85 22 125 S +85 22 126 E +85 22 127 I +85 22 128 S +85 22 129 O +85 22 130 X +85 22 131 WW +85 22 132 E +85 22 133 I +85 22 134 X +85 22 135 E +85 22 136 I +85 22 137 I +85 22 138 I +85 22 139 O +85 22 140 O +85 22 141 O +85 22 142 O +85 22 143 I +85 22 144 I +85 22 145 I +85 22 146 S +85 22 147 I +85 22 148 E +85 22 149 I +85 22 150 E +85 22 151 E +85 22 152 O +85 22 153 I +85 22 154 X +85 22 155 X +85 22 156 I +85 22 157 X +85 22 158 O +85 22 159 S +85 22 160 O +85 22 161 I +85 22 162 E +85 22 163 I +85 22 164 I +85 22 165 X +85 22 166 I +85 22 167 O +85 22 168 I +85 22 169 I +85 22 170 I +85 22 171 X +85 22 172 O +85 22 173 E +85 22 174 S +85 22 175 I +85 22 176 E +85 22 177 S +85 22 178 I +85 22 179 E +85 22 180 I +85 22 181 S +85 22 182 E +85 22 183 X +85 22 184 I +85 22 185 S +85 22 186 I +85 22 187 S +85 22 188 I +85 22 189 I +85 22 190 O +85 22 191 I +85 22 192 I +85 22 193 S +85 22 194 E +85 22 195 I +85 22 196 I +85 22 197 O +85 22 198 X +85 22 199 O +85 22 200 I +85 22 201 O +85 22 202 I +85 22 203 E +85 22 204 X +85 22 205 I +85 22 206 O +85 22 207 E +85 22 208 S +85 22 209 I +85 22 210 E +85 22 211 I +85 22 212 S +85 22 213 I +85 22 214 S +85 22 215 O +85 22 216 X +85 22 217 O +85 22 218 S +85 22 219 O +85 22 220 I +85 22 221 O +85 22 222 I +85 22 223 O +85 22 224 O +85 22 225 S +85 22 226 I +85 22 227 X +85 22 228 I +85 22 229 I +85 22 230 O +85 22 231 E +85 22 232 X +85 22 233 I +85 22 234 I +85 22 235 I +85 22 236 S +85 22 237 O +85 22 238 I +85 22 239 E +85 22 240 E +85 22 241 O +85 22 242 O +85 22 243 E +85 22 244 O +85 22 245 E +85 22 246 I +85 22 247 I +85 22 248 X +85 22 249 I +85 22 250 I +85 22 251 I +85 22 252 O +85 22 253 I +85 22 254 I +85 22 255 X +85 22 256 E +85 22 257 I +85 22 258 S +85 22 259 E +85 22 260 O +85 22 261 S +85 22 262 O +85 22 263 X +85 22 264 O +85 22 265 I +85 22 266 E +85 22 267 E +85 22 268 I +85 22 269 E +85 22 270 S +85 22 271 I +85 22 272 O +85 22 273 O +85 22 274 O +85 22 275 X +85 22 276 E +85 22 277 I +85 22 278 E +85 22 279 I +85 22 280 X +85 22 281 I +85 22 282 I +85 22 283 X +85 22 284 O +85 22 285 O +85 22 286 O +85 22 287 X +85 22 288 E +85 22 289 I +85 22 290 O +85 22 291 I +85 22 292 O +85 22 293 O +85 22 294 O +85 22 295 X +85 22 296 I +85 22 297 S +85 22 298 E +85 22 299 I +85 22 300 X +85 22 301 I +85 22 302 O +85 22 303 O +85 22 304 X +85 22 305 E +85 22 306 I +85 22 307 I +85 22 308 I +85 22 309 X +85 22 310 I +85 22 311 I +85 22 312 X +85 22 313 I +85 22 314 O +85 22 315 I +85 22 316 I +85 22 317 E +85 22 318 S +85 22 319 O +85 22 320 X +85 22 321 E +85 22 322 I +85 22 323 I +85 22 324 O +85 22 325 E +85 22 326 S +85 22 327 I +85 22 328 O +85 22 329 X +85 22 330 O +85 23 1 I +85 23 2 I +85 23 3 E +85 23 4 I +85 23 5 I +85 23 6 WW +85 23 7 I +85 23 8 E +85 23 9 X +85 23 10 I +85 23 11 I +85 23 12 S +85 23 13 I +85 23 14 I +85 23 15 WW +85 23 16 O +85 23 17 WW +85 23 18 P +85 23 19 I +85 23 20 I +85 23 21 WW +85 23 22 S +85 23 23 WW +85 23 24 X +85 23 25 I +85 23 26 I +85 23 27 O +85 23 28 WW +85 23 29 I +85 23 30 X +85 23 31 I +85 23 32 WW +85 23 33 I +85 23 34 I +85 23 35 E +85 23 36 I +85 23 37 I +85 23 38 E +85 23 39 I +85 23 40 I +85 23 41 E +85 23 42 S +85 23 43 I +85 23 44 O +85 23 45 I +85 23 46 X +85 23 47 I +85 23 48 S +85 23 49 I +85 23 50 I +85 23 51 X +85 23 52 X +85 23 53 E +85 23 54 I +85 23 55 I +85 23 56 X +85 23 57 I +85 23 58 X +85 23 59 WW +85 23 60 I +85 23 61 E +85 23 62 X +85 23 63 WW +85 23 64 I +85 23 65 E +85 23 66 O +85 23 67 I +85 23 68 WW +85 23 69 X +85 23 70 O +85 23 71 E +85 23 72 I +85 23 73 I +85 23 74 I +85 23 75 I +85 23 76 S +85 23 77 I +85 23 78 X +85 23 79 X +85 23 80 I +85 23 81 I +85 23 82 I +85 23 83 X +85 23 84 WW +85 23 85 I +85 23 86 WW +85 23 87 P +85 23 88 I +85 23 89 P +85 23 90 I +85 23 91 I +85 23 92 O +85 23 93 I +85 23 94 P +85 23 95 O +85 23 96 S +85 23 97 I +85 23 98 E +85 23 99 X +85 23 100 I +85 23 101 E +85 23 102 I +85 23 103 X +85 23 104 I +85 23 105 E +85 23 106 S +85 23 107 O +85 23 108 O +85 23 109 I +85 23 110 S +85 23 111 X +85 23 112 E +85 23 113 P +85 23 114 I +85 23 115 E +85 23 116 I +85 23 117 X +85 23 118 WW +85 23 119 I +85 23 120 O +85 23 121 S +85 23 122 I +85 23 123 I +85 23 124 I +85 23 125 S +85 23 126 WW +85 23 127 I +85 23 128 S +85 23 129 O +85 23 130 X +85 23 131 I +85 23 132 E +85 23 133 I +85 23 134 X +85 23 135 WW +85 23 136 I +85 23 137 I +85 23 138 I +85 23 139 O +85 23 140 I +85 23 141 O +85 23 142 O +85 23 143 I +85 23 144 I +85 23 145 I +85 23 146 S +85 23 147 I +85 23 148 E +85 23 149 I +85 23 150 I +85 23 151 WW +85 23 152 WW +85 23 153 I +85 23 154 P +85 23 155 X +85 23 156 I +85 23 157 X +85 23 158 O +85 23 159 S +85 23 160 WW +85 23 161 I +85 23 162 E +85 23 163 I +85 23 164 I +85 23 165 X +85 23 166 I +85 23 167 X +85 23 168 I +85 23 169 I +85 23 170 I +85 23 171 I +85 23 172 O +85 23 173 E +85 23 174 S +85 23 175 I +85 23 176 S +85 23 177 E +85 23 178 I +85 23 179 E +85 23 180 I +85 23 181 S +85 23 182 E +85 23 183 X +85 23 184 I +85 23 185 X +85 23 186 I +85 23 187 S +85 23 188 I +85 23 189 O +85 23 190 X +85 23 191 I +85 23 192 I +85 23 193 S +85 23 194 X +85 23 195 I +85 23 196 I +85 23 197 WW +85 23 198 X +85 23 199 I +85 23 200 I +85 23 201 WW +85 23 202 I +85 23 203 WW +85 23 204 X +85 23 205 I +85 23 206 O +85 23 207 WW +85 23 208 X +85 23 209 I +85 23 210 X +85 23 211 I +85 23 212 S +85 23 213 X +85 23 214 S +85 23 215 X +85 23 216 X +85 23 217 WW +85 23 218 X +85 23 219 X +85 23 220 I +85 23 221 O +85 23 222 I +85 23 223 I +85 23 224 O +85 23 225 X +85 23 226 I +85 23 227 P +85 23 228 I +85 23 229 I +85 23 230 O +85 23 231 I +85 23 232 X +85 23 233 X +85 23 234 I +85 23 235 I +85 23 236 X +85 23 237 WW +85 23 238 I +85 23 239 WW +85 23 240 X +85 23 241 O +85 23 242 S +85 23 243 E +85 23 244 O +85 23 245 E +85 23 246 I +85 23 247 I +85 23 248 X +85 23 249 I +85 23 250 I +85 23 251 I +85 23 252 O +85 23 253 I +85 23 254 I +85 23 255 X +85 23 256 WW +85 23 257 I +85 23 258 S +85 23 259 E +85 23 260 S +85 23 261 S +85 23 262 O +85 23 263 X +85 23 264 O +85 23 265 I +85 23 266 S +85 23 267 I +85 23 268 I +85 23 269 I +85 23 270 S +85 23 271 I +85 23 272 O +85 23 273 WW +85 23 274 O +85 23 275 S +85 23 276 E +85 23 277 I +85 23 278 WW +85 23 279 I +85 23 280 I +85 23 281 I +85 23 282 I +85 23 283 X +85 23 284 O +85 23 285 WW +85 23 286 O +85 23 287 X +85 23 288 E +85 23 289 I +85 23 290 O +85 23 291 I +85 23 292 WW +85 23 293 O +85 23 294 O +85 23 295 X +85 23 296 I +85 23 297 S +85 23 298 E +85 23 299 I +85 23 300 O +85 23 301 I +85 23 302 O +85 23 303 O +85 23 304 X +85 23 305 I +85 23 306 I +85 23 307 I +85 23 308 X +85 23 309 X +85 23 310 I +85 23 311 I +85 23 312 P +85 23 313 I +85 23 314 O +85 23 315 I +85 23 316 I +85 23 317 I +85 23 318 S +85 23 319 O +85 23 320 E +85 23 321 X +85 23 322 I +85 23 323 I +85 23 324 O +85 23 325 I +85 23 326 S +85 23 327 O +85 23 328 I +85 23 329 X +85 23 330 O +85 24 1 I +85 24 2 I +85 24 3 E +85 24 4 I +85 24 5 I +85 24 6 S +85 24 7 I +85 24 8 E +85 24 9 X +85 24 10 I +85 24 11 X +85 24 12 S +85 24 13 I +85 24 14 I +85 24 15 WW +85 24 16 O +85 24 17 S +85 24 18 P +85 24 19 I +85 24 20 I +85 24 21 WW +85 24 22 S +85 24 23 I +85 24 24 X +85 24 25 I +85 24 26 I +85 24 27 O +85 24 28 E +85 24 29 I +85 24 30 S +85 24 31 I +85 24 32 WW +85 24 33 I +85 24 34 I +85 24 35 S +85 24 36 I +85 24 37 I +85 24 38 E +85 24 39 I +85 24 40 I +85 24 41 E +85 24 42 S +85 24 43 I +85 24 44 O +85 24 45 I +85 24 46 X +85 24 47 I +85 24 48 S +85 24 49 I +85 24 50 I +85 24 51 X +85 24 52 O +85 24 53 I +85 24 54 I +85 24 55 I +85 24 56 S +85 24 57 I +85 24 58 S +85 24 59 WW +85 24 60 I +85 24 61 E +85 24 62 I +85 24 63 S +85 24 64 I +85 24 65 E +85 24 66 O +85 24 67 I +85 24 68 WW +85 24 69 X +85 24 70 O +85 24 71 E +85 24 72 I +85 24 73 I +85 24 74 I +85 24 75 I +85 24 76 S +85 24 77 I +85 24 78 WW +85 24 79 P +85 24 80 I +85 24 81 I +85 24 82 I +85 24 83 S +85 24 84 S +85 24 85 I +85 24 86 WW +85 24 87 P +85 24 88 E +85 24 89 P +85 24 90 I +85 24 91 X +85 24 92 O +85 24 93 I +85 24 94 P +85 24 95 O +85 24 96 S +85 24 97 I +85 24 98 E +85 24 99 I +85 24 100 I +85 24 101 E +85 24 102 I +85 24 103 X +85 24 104 I +85 24 105 I +85 24 106 S +85 24 107 O +85 24 108 I +85 24 109 I +85 24 110 S +85 24 111 X +85 24 112 E +85 24 113 P +85 24 114 I +85 24 115 E +85 24 116 I +85 24 117 P +85 24 118 WW +85 24 119 I +85 24 120 O +85 24 121 S +85 24 122 I +85 24 123 I +85 24 124 I +85 24 125 S +85 24 126 WW +85 24 127 I +85 24 128 S +85 24 129 O +85 24 130 I +85 24 131 I +85 24 132 E +85 24 133 I +85 24 134 X +85 24 135 I +85 24 136 I +85 24 137 I +85 24 138 I +85 24 139 O +85 24 140 I +85 24 141 O +85 24 142 O +85 24 143 S +85 24 144 I +85 24 145 I +85 24 146 S +85 24 147 I +85 24 148 E +85 24 149 I +85 24 150 I +85 24 151 S +85 24 152 WW +85 24 153 I +85 24 154 P +85 24 155 P +85 24 156 I +85 24 157 X +85 24 158 O +85 24 159 S +85 24 160 WW +85 24 161 I +85 24 162 E +85 24 163 I +85 24 164 I +85 24 165 X +85 24 166 I +85 24 167 X +85 24 168 I +85 24 169 I +85 24 170 I +85 24 171 X +85 24 172 O +85 24 173 E +85 24 174 S +85 24 175 I +85 24 176 S +85 24 177 S +85 24 178 I +85 24 179 E +85 24 180 I +85 24 181 X +85 24 182 E +85 24 183 X +85 24 184 I +85 24 185 S +85 24 186 I +85 24 187 S +85 24 188 I +85 24 189 I +85 24 190 WW +85 24 191 I +85 24 192 I +85 24 193 S +85 24 194 E +85 24 195 I +85 24 196 I +85 24 197 I +85 24 198 P +85 24 199 O +85 24 200 I +85 24 201 WW +85 24 202 I +85 24 203 E +85 24 204 P +85 24 205 I +85 24 206 O +85 24 207 E +85 24 208 S +85 24 209 I +85 24 210 X +85 24 211 I +85 24 212 S +85 24 213 X +85 24 214 S +85 24 215 WW +85 24 216 X +85 24 217 WW +85 24 218 S +85 24 219 O +85 24 220 I +85 24 221 O +85 24 222 I +85 24 223 I +85 24 224 O +85 24 225 X +85 24 226 I +85 24 227 P +85 24 228 I +85 24 229 I +85 24 230 O +85 24 231 I +85 24 232 X +85 24 233 I +85 24 234 I +85 24 235 I +85 24 236 X +85 24 237 S +85 24 238 I +85 24 239 WW +85 24 240 X +85 24 241 O +85 24 242 S +85 24 243 I +85 24 244 O +85 24 245 E +85 24 246 I +85 24 247 I +85 24 248 I +85 24 249 I +85 24 250 I +85 24 251 I +85 24 252 O +85 24 253 I +85 24 254 I +85 24 255 X +85 24 256 E +85 24 257 I +85 24 258 S +85 24 259 E +85 24 260 S +85 24 261 S +85 24 262 O +85 24 263 O +85 24 264 I +85 24 265 I +85 24 266 X +85 24 267 I +85 24 268 I +85 24 269 I +85 24 270 S +85 24 271 I +85 24 272 O +85 24 273 I +85 24 274 O +85 24 275 S +85 24 276 E +85 24 277 I +85 24 278 S +85 24 279 I +85 24 280 X +85 24 281 I +85 24 282 I +85 24 283 X +85 24 284 O +85 24 285 WW +85 24 286 O +85 24 287 X +85 24 288 E +85 24 289 I +85 24 290 O +85 24 291 I +85 24 292 WW +85 24 293 O +85 24 294 O +85 24 295 X +85 24 296 I +85 24 297 S +85 24 298 E +85 24 299 I +85 24 300 O +85 24 301 I +85 24 302 WW +85 24 303 O +85 24 304 X +85 24 305 E +85 24 306 I +85 24 307 I +85 24 308 I +85 24 309 X +85 24 310 I +85 24 311 I +85 24 312 P +85 24 313 I +85 24 314 O +85 24 315 I +85 24 316 I +85 24 317 E +85 24 318 S +85 24 319 O +85 24 320 X +85 24 321 E +85 24 322 I +85 24 323 I +85 24 324 O +85 24 325 I +85 24 326 S +85 24 327 O +85 24 328 I +85 24 329 X +85 24 330 O +85 25 1 I +85 25 2 I +85 25 3 E +85 25 4 I +85 25 5 I +85 25 6 X +85 25 7 I +85 25 8 E +85 25 9 X +85 25 10 I +85 25 11 I +85 25 12 S +85 25 13 I +85 25 14 I +85 25 15 WP +85 25 16 O +85 25 17 E +85 25 18 P +85 25 19 I +85 25 20 I +85 25 21 E +85 25 22 S +85 25 23 I +85 25 24 X +85 25 25 X +85 25 26 I +85 25 27 X +85 25 28 E +85 25 29 I +85 25 30 X +85 25 31 I +85 25 32 E +85 25 33 I +85 25 34 I +85 25 35 E +85 25 36 I +85 25 37 I +85 25 38 E +85 25 39 I +85 25 40 I +85 25 41 E +85 25 42 S +85 25 43 I +85 25 44 X +85 25 45 I +85 25 46 X +85 25 47 I +85 25 48 S +85 25 49 I +85 25 50 I +85 25 51 X +85 25 52 O +85 25 53 E +85 25 54 I +85 25 55 I +85 25 56 E +85 25 57 I +85 25 58 X +85 25 59 E +85 25 60 I +85 25 61 E +85 25 62 I +85 25 63 E +85 25 64 I +85 25 65 E +85 25 66 O +85 25 67 I +85 25 68 E +85 25 69 I +85 25 70 I +85 25 71 E +85 25 72 I +85 25 73 I +85 25 74 I +85 25 75 I +85 25 76 E +85 25 77 I +85 25 78 E +85 25 79 P +85 25 80 I +85 25 81 I +85 25 82 I +85 25 83 X +85 25 84 E +85 25 85 I +85 25 86 E +85 25 87 P +85 25 88 I +85 25 89 P +85 25 90 I +85 25 91 I +85 25 92 X +85 25 93 I +85 25 94 X +85 25 95 O +85 25 96 S +85 25 97 I +85 25 98 E +85 25 99 I +85 25 100 I +85 25 101 E +85 25 102 I +85 25 103 X +85 25 104 I +85 25 105 I +85 25 106 S +85 25 107 O +85 25 108 I +85 25 109 I +85 25 110 S +85 25 111 I +85 25 112 E +85 25 113 P +85 25 114 I +85 25 115 E +85 25 116 I +85 25 117 X +85 25 118 E +85 25 119 I +85 25 120 O +85 25 121 S +85 25 122 I +85 25 123 I +85 25 124 I +85 25 125 E +85 25 126 E +85 25 127 I +85 25 128 S +85 25 129 O +85 25 130 I +85 25 131 I +85 25 132 E +85 25 133 I +85 25 134 X +85 25 135 E +85 25 136 I +85 25 137 I +85 25 138 I +85 25 139 I +85 25 140 I +85 25 141 O +85 25 142 I +85 25 143 I +85 25 144 I +85 25 145 I +85 25 146 S +85 25 147 I +85 25 148 E +85 25 149 I +85 25 150 I +85 25 151 E +85 25 152 I +85 25 153 I +85 25 154 P +85 25 155 P +85 25 156 I +85 25 157 X +85 25 158 O +85 25 159 S +85 25 160 E +85 25 161 I +85 25 162 E +85 25 163 I +85 25 164 I +85 25 165 I +85 25 166 I +85 25 167 I +85 25 168 I +85 25 169 I +85 25 170 I +85 25 171 I +85 25 172 O +85 25 173 E +85 25 174 S +85 25 175 I +85 25 176 E +85 25 177 S +85 25 178 I +85 25 179 E +85 25 180 I +85 25 181 S +85 25 182 E +85 25 183 X +85 25 184 I +85 25 185 S +85 25 186 I +85 25 187 S +85 25 188 I +85 25 189 I +85 25 190 E +85 25 191 I +85 25 192 I +85 25 193 S +85 25 194 E +85 25 195 I +85 25 196 I +85 25 197 I +85 25 198 P +85 25 199 O +85 25 200 I +85 25 201 E +85 25 202 I +85 25 203 E +85 25 204 P +85 25 205 I +85 25 206 O +85 25 207 E +85 25 208 S +85 25 209 I +85 25 210 E +85 25 211 I +85 25 212 S +85 25 213 I +85 25 214 I +85 25 215 E +85 25 216 I +85 25 217 E +85 25 218 I +85 25 219 I +85 25 220 I +85 25 221 O +85 25 222 I +85 25 223 I +85 25 224 O +85 25 225 S +85 25 226 I +85 25 227 P +85 25 228 I +85 25 229 I +85 25 230 E +85 25 231 E +85 25 232 X +85 25 233 I +85 25 234 I +85 25 235 I +85 25 236 I +85 25 237 E +85 25 238 I +85 25 239 E +85 25 240 E +85 25 241 O +85 25 242 S +85 25 243 E +85 25 244 I +85 25 245 E +85 25 246 I +85 25 247 I +85 25 248 I +85 25 249 I +85 25 250 I +85 25 251 I +85 25 252 O +85 25 253 I +85 25 254 I +85 25 255 P +85 25 256 E +85 25 257 I +85 25 258 S +85 25 259 E +85 25 260 S +85 25 261 S +85 25 262 O +85 25 263 X +85 25 264 I +85 25 265 I +85 25 266 E +85 25 267 I +85 25 268 I +85 25 269 E +85 25 270 S +85 25 271 I +85 25 272 O +85 25 273 E +85 25 274 O +85 25 275 S +85 25 276 E +85 25 277 I +85 25 278 E +85 25 279 I +85 25 280 I +85 25 281 I +85 25 282 I +85 25 283 X +85 25 284 O +85 25 285 E +85 25 286 O +85 25 287 S +85 25 288 E +85 25 289 I +85 25 290 O +85 25 291 I +85 25 292 E +85 25 293 I +85 25 294 O +85 25 295 S +85 25 296 I +85 25 297 S +85 25 298 E +85 25 299 I +85 25 300 O +85 25 301 I +85 25 302 O +85 25 303 I +85 25 304 I +85 25 305 E +85 25 306 I +85 25 307 I +85 25 308 I +85 25 309 X +85 25 310 I +85 25 311 I +85 25 312 P +85 25 313 I +85 25 314 O +85 25 315 I +85 25 316 I +85 25 317 E +85 25 318 E +85 25 319 O +85 25 320 S +85 25 321 E +85 25 322 I +85 25 323 I +85 25 324 O +85 25 325 E +85 25 326 S +85 25 327 I +85 25 328 I +85 25 329 X +85 25 330 I +86 1 1 CA +86 1 2 CA +86 1 3 FS +86 1 4 TA +86 1 5 CA +86 1 6 FE +86 1 7 CA +86 1 8 FS +86 1 9 TA +86 1 10 CA +86 1 11 CA +86 1 12 FE +86 1 13 CA +86 1 14 CA +86 1 15 MA +86 1 16 GA +86 1 17 AS +86 1 18 ET +86 1 19 CA +86 1 20 BA +86 1 21 AS +86 1 22 FE +86 1 23 AM +86 1 24 ET +86 1 25 BA +86 1 26 TA +86 1 27 AS +86 1 28 MA +86 1 29 BA +86 1 30 FS +86 1 31 CA +86 1 32 AS +86 1 33 BA +86 1 34 CA +86 1 35 FS +86 1 36 CA +86 1 37 CA +86 1 38 FS +86 1 39 CA +86 1 40 CA +86 1 41 FS +86 1 42 FE +86 1 43 ET +86 1 44 FE +86 1 45 CA +86 1 46 CF +86 1 47 ET +86 1 48 FE +86 1 49 CA +86 1 50 ET +86 1 51 ET +86 1 52 MA +86 1 53 FS +86 1 54 BA +86 1 55 CA +86 1 56 TA +86 1 57 CA +86 1 58 FE +86 1 59 MA +86 1 60 CA +86 1 61 FS +86 1 62 CA +86 1 63 FS +86 1 64 CA +86 1 65 FS +86 1 66 GA +86 1 67 CA +86 1 68 MA +86 1 69 BA +86 1 70 CR +86 1 71 FS +86 1 72 CA +86 1 73 AM +86 1 74 CR +86 1 75 BA +86 1 76 FS +86 1 77 CA +86 1 78 AS +86 1 79 TA +86 1 80 CA +86 1 81 BA +86 1 82 CA +86 1 83 FS +86 1 84 FE +86 1 85 CA +86 1 86 MA +86 1 87 TA +86 1 88 FS +86 1 89 TA +86 1 90 CA +86 1 91 FE +86 1 92 GA +86 1 93 CA +86 1 94 MA +86 1 95 GA +86 1 96 FE +86 1 97 CA +86 1 98 FS +86 1 99 MA +86 1 100 MA +86 1 101 FS +86 1 102 GA +86 1 103 FE +86 1 104 CA +86 1 105 MA +86 1 106 AS +86 1 107 GA +86 1 108 GA +86 1 109 CA +86 1 110 FE +86 1 111 CA +86 1 112 FS +86 1 113 TA +86 1 114 CA +86 1 115 CA +86 1 116 MA +86 1 117 FE +86 1 118 CA +86 1 119 GA +86 1 120 FS +86 1 121 CA +86 1 122 CA +86 1 123 AS +86 1 124 FS +86 1 125 AS +86 1 126 HU +86 1 127 FE +86 1 128 GA +86 1 129 TA +86 1 130 AM +86 1 131 FS +86 1 132 BA +86 1 133 CA +86 1 134 TA +86 1 135 FS +86 1 136 CA +86 1 137 BA +86 1 138 CA +86 1 139 AS +86 1 140 CA +86 1 141 GA +86 1 142 GA +86 1 143 CA +86 1 144 AM +86 1 145 CA +86 1 146 FE +86 1 147 CA +86 1 148 FS +86 1 149 BA +86 1 150 AM +86 1 151 FE +86 1 152 CA +86 1 153 CA +86 1 154 TA +86 1 155 TA +86 1 156 BA +86 1 157 XS +86 1 158 GA +86 1 159 FE +86 1 160 MA +86 1 161 CA +86 1 162 FS +86 1 163 CA +86 1 164 CA +86 1 165 AS +86 1 166 CA +86 1 167 BA +86 1 168 MA +86 1 169 CA +86 1 170 CA +86 1 171 CA +86 1 172 GA +86 1 173 FS +86 1 174 FE +86 1 175 MA +86 1 176 FS +86 1 177 FE +86 1 178 CA +86 1 179 FS +86 1 180 CA +86 1 181 FE +86 1 182 AM +86 1 183 TA +86 1 184 AM +86 1 185 FE +86 1 186 CA +86 1 187 FE +86 1 188 CA +86 1 189 FE +86 1 190 MA +86 1 191 CA +86 1 192 CA +86 1 193 FE +86 1 194 XS +86 1 195 CA +86 1 196 CA +86 1 197 AS +86 1 198 HU +86 1 199 GA +86 1 200 CA +86 1 201 MA +86 1 202 CA +86 1 203 MA +86 1 204 XS +86 1 205 CA +86 1 206 GA +86 1 207 FS +86 1 208 FE +86 1 209 BA +86 1 210 FS +86 1 211 CA +86 1 212 FE +86 1 213 AS +86 1 214 AS +86 1 215 MA +86 1 216 XS +86 1 217 FE +86 1 218 FE +86 1 219 CF +86 1 220 CA +86 1 221 GA +86 1 222 MA +86 1 223 CA +86 1 224 GA +86 1 225 FE +86 1 226 CA +86 1 227 HU +86 1 228 CA +86 1 229 CA +86 1 230 GA +86 1 231 MA +86 1 232 FE +86 1 233 MA +86 1 234 BA +86 1 235 CA +86 1 236 FE +86 1 237 FE +86 1 238 CA +86 1 239 MA +86 1 240 XS +86 1 241 GA +86 1 242 FE +86 1 243 AM +86 1 244 GA +86 1 245 FS +86 1 246 CA +86 1 247 AS +86 1 248 BA +86 1 249 CA +86 1 250 AM +86 1 251 CA +86 1 252 GA +86 1 253 CA +86 1 254 CA +86 1 255 HU +86 1 256 FS +86 1 257 CA +86 1 258 FE +86 1 259 FS +86 1 260 GA +86 1 261 FE +86 1 262 GA +86 1 263 CF +86 1 264 CA +86 1 265 BA +86 1 266 SH +86 1 267 MA +86 1 268 CA +86 1 269 MA +86 1 270 FE +86 1 271 BA +86 1 272 GA +86 1 273 MA +86 1 274 GA +86 1 275 FE +86 1 276 MA +86 1 277 CA +86 1 278 FE +86 1 279 CA +86 1 280 BA +86 1 281 CA +86 1 282 CA +86 1 283 TA +86 1 284 GA +86 1 285 AS +86 1 286 GA +86 1 287 FE +86 1 288 FS +86 1 289 CA +86 1 290 GA +86 1 291 CA +86 1 292 MA +86 1 293 GA +86 1 294 GA +86 1 295 XS +86 1 296 AM +86 1 297 FE +86 1 298 FS +86 1 299 CA +86 1 300 GA +86 1 301 CA +86 1 302 GA +86 1 303 AS +86 1 304 FE +86 1 305 AM +86 1 306 CA +86 1 307 CA +86 1 308 AS +86 1 309 XS +86 1 310 CA +86 1 311 CA +86 1 312 TA +86 1 313 CA +86 1 314 GA +86 1 315 CA +86 1 316 CA +86 1 317 AM +86 1 318 FE +86 1 319 FS +86 1 320 FE +86 1 321 FS +86 1 322 CA +86 1 323 BA +86 1 324 GA +86 1 325 AM +86 1 326 FE +86 1 327 GA +86 1 328 CA +86 1 329 TA +86 1 330 GA +86 2 1 CA +86 2 2 MA +86 2 3 FS +86 2 4 AM +86 2 5 AS +86 2 6 CA +86 2 7 FS +86 2 8 FE +86 2 9 CA +86 2 10 TA +86 2 11 FE +86 2 12 CA +86 2 13 TA +86 2 14 AS +86 2 15 GA +86 2 16 AS +86 2 17 AS +86 2 18 HU +86 2 19 CA +86 2 20 CA +86 2 21 AS +86 2 22 FS +86 2 23 AS +86 2 24 HU +86 2 25 TA +86 2 26 CA +86 2 27 AS +86 2 28 FS +86 2 29 CA +86 2 30 FS +86 2 31 GA +86 2 32 FE +86 2 33 CA +86 2 34 AS +86 2 35 FS +86 2 36 TA +86 2 37 CA +86 2 38 FS +86 2 39 CA +86 2 40 AS +86 2 41 FS +86 2 42 FE +86 2 43 TA +86 2 44 GA +86 2 45 CA +86 2 46 TA +86 2 47 MA +86 2 48 FE +86 2 49 CA +86 2 50 AM +86 2 51 HU +86 2 52 GA +86 2 53 FS +86 2 54 TA +86 2 55 CA +86 2 56 FS +86 2 57 CA +86 2 58 FE +86 2 59 GA +86 2 60 CA +86 2 61 FS +86 2 62 AS +86 2 63 FS +86 2 64 CA +86 2 65 FS +86 2 66 GA +86 2 67 CA +86 2 68 FS +86 2 69 FE +86 2 70 MA +86 2 71 FS +86 2 72 CA +86 2 73 AM +86 2 74 CA +86 2 75 TA +86 2 76 CA +86 2 77 FS +86 2 78 AM +86 2 79 HU +86 2 80 CA +86 2 81 CA +86 2 82 CA +86 2 83 FE +86 2 84 FS +86 2 85 CA +86 2 86 AS +86 2 87 HU +86 2 88 AM +86 2 89 HU +86 2 90 TA +86 2 91 FE +86 2 92 GA +86 2 93 CA +86 2 94 HU +86 2 95 AS +86 2 96 FE +86 2 97 AM +86 2 98 FS +86 2 99 AS +86 2 100 CA +86 2 101 AM +86 2 102 AS +86 2 103 TA +86 2 104 CA +86 2 105 AM +86 2 106 FE +86 2 107 AS +86 2 108 AS +86 2 109 CA +86 2 110 FE +86 2 111 HU +86 2 112 FS +86 2 113 HU +86 2 114 CA +86 2 115 FS +86 2 116 AS +86 2 117 HU +86 2 118 AS +86 2 119 CA +86 2 120 GA +86 2 121 FS +86 2 122 CA +86 2 123 TA +86 2 124 FE +86 2 125 FS +86 2 126 AS +86 2 127 TA +86 2 128 FE +86 2 129 GA +86 2 130 HU +86 2 131 AM +86 2 132 FS +86 2 133 CA +86 2 134 HU +86 2 135 AM +86 2 136 CA +86 2 137 CA +86 2 138 AS +86 2 139 AS +86 2 140 CA +86 2 141 GA +86 2 142 CF +86 2 143 BA +86 2 144 AM +86 2 145 CA +86 2 146 FE +86 2 147 CA +86 2 148 FS +86 2 149 CA +86 2 150 AM +86 2 151 FS +86 2 152 AS +86 2 153 CA +86 2 154 CF +86 2 155 HU +86 2 156 CA +86 2 157 TA +86 2 158 AS +86 2 159 FE +86 2 160 AS +86 2 161 CA +86 2 162 FS +86 2 163 TA +86 2 164 CA +86 2 165 BA +86 2 166 TA +86 2 167 AS +86 2 168 TA +86 2 169 CA +86 2 170 HU +86 2 171 BA +86 2 172 GA +86 2 173 FS +86 2 174 FE +86 2 175 CA +86 2 176 FS +86 2 177 AS +86 2 178 TA +86 2 179 FS +86 2 180 CA +86 2 181 FE +86 2 182 AM +86 2 183 XS +86 2 184 AM +86 2 185 FS +86 2 186 AS +86 2 187 FE +86 2 188 CA +86 2 189 AS +86 2 190 MA +86 2 191 CA +86 2 192 AM +86 2 193 FE +86 2 194 TA +86 2 195 BA +86 2 196 CA +86 2 197 AM +86 2 198 HU +86 2 199 AS +86 2 200 CA +86 2 201 FS +86 2 202 CA +86 2 203 AM +86 2 204 HU +86 2 205 CA +86 2 206 MA +86 2 207 FS +86 2 208 XS +86 2 209 TA +86 2 210 XS +86 2 211 CA +86 2 212 FS +86 2 213 MA +86 2 214 FE +86 2 215 AM +86 2 216 HU +86 2 217 MA +86 2 218 FE +86 2 219 AS +86 2 220 CA +86 2 221 MA +86 2 222 AM +86 2 223 CA +86 2 224 MA +86 2 225 FE +86 2 226 CA +86 2 227 HU +86 2 228 CA +86 2 229 MA +86 2 230 GA +86 2 231 AM +86 2 232 XS +86 2 233 CA +86 2 234 CA +86 2 235 CA +86 2 236 FE +86 2 237 MA +86 2 238 CA +86 2 239 MA +86 2 240 FS +86 2 241 GA +86 2 242 FE +86 2 243 AM +86 2 244 GA +86 2 245 FS +86 2 246 CA +86 2 247 AM +86 2 248 HU +86 2 249 CA +86 2 250 GA +86 2 251 AM +86 2 252 BA +86 2 253 CA +86 2 254 AS +86 2 255 HU +86 2 256 FS +86 2 257 CA +86 2 258 FE +86 2 259 FS +86 2 260 AS +86 2 261 MA +86 2 262 GA +86 2 263 XS +86 2 264 CA +86 2 265 TA +86 2 266 FS +86 2 267 AM +86 2 268 BA +86 2 269 AM +86 2 270 MA +86 2 271 HU +86 2 272 AS +86 2 273 AM +86 2 274 GA +86 2 275 FE +86 2 276 AM +86 2 277 TA +86 2 278 MA +86 2 279 CA +86 2 280 BA +86 2 281 CA +86 2 282 CA +86 2 283 XS +86 2 284 AS +86 2 285 MA +86 2 286 GA +86 2 287 FE +86 2 288 FS +86 2 289 CA +86 2 290 GA +86 2 291 CA +86 2 292 MA +86 2 293 MA +86 2 294 GA +86 2 295 XS +86 2 296 AM +86 2 297 FE +86 2 298 FS +86 2 299 CA +86 2 300 GA +86 2 301 CA +86 2 302 CF +86 2 303 AS +86 2 304 BA +86 2 305 AM +86 2 306 CA +86 2 307 CA +86 2 308 AM +86 2 309 HU +86 2 310 CA +86 2 311 CA +86 2 312 HU +86 2 313 AM +86 2 314 GA +86 2 315 BA +86 2 316 CA +86 2 317 AM +86 2 318 MA +86 2 319 GA +86 2 320 FE +86 2 321 FS +86 2 322 CA +86 2 323 CA +86 2 324 GA +86 2 325 AM +86 2 326 FE +86 2 327 MA +86 2 328 TA +86 2 329 XS +86 2 330 CA +86 3 1 CA +86 3 2 AS +86 3 3 NA +86 3 4 AM +86 3 5 AS +86 3 6 FE +86 3 7 BA +86 3 8 CE +86 3 9 XS +86 3 10 CA +86 3 11 CA +86 3 12 FE +86 3 13 BA +86 3 14 CE +86 3 15 MA +86 3 16 GA +86 3 17 FS +86 3 18 ET +86 3 19 CA +86 3 20 CA +86 3 21 FE +86 3 22 MA +86 3 23 CA +86 3 24 KA +86 3 25 CA +86 3 26 CA +86 3 27 AS +86 3 28 MA +86 3 29 AS +86 3 30 NA +86 3 31 AS +86 3 32 MA +86 3 33 CA +86 3 34 SS +86 3 35 AS +86 3 36 ET +86 3 37 AS +86 3 38 MA +86 3 39 CA +86 3 40 CA +86 3 41 CE +86 3 42 FE +86 3 43 CA +86 3 44 AS +86 3 45 CA +86 3 46 TA +86 3 47 CF +86 3 48 FE +86 3 49 AS +86 3 50 AM +86 3 51 * +86 3 52 AS +86 3 53 CE +86 3 54 BA +86 3 55 AS +86 3 56 SS +86 3 57 CE +86 3 58 FE +86 3 59 GA +86 3 60 CA +86 3 61 CA +86 3 62 FE +86 3 63 MA +86 3 64 CA +86 3 65 FS +86 3 66 FE +86 3 67 CA +86 3 68 * +86 3 69 CA +86 3 70 GA +86 3 71 TA +86 3 72 BA +86 3 73 AM +86 3 74 AS +86 3 75 CE +86 3 76 NA +86 3 77 SS +86 3 78 MA +86 3 79 HU +86 3 80 CA +86 3 81 CA +86 3 82 CA +86 3 83 GA +86 3 84 MA +86 3 85 BA +86 3 86 MA +86 3 87 TA +86 3 88 AM +86 3 89 HU +86 3 90 CA +86 3 91 GA +86 3 92 GA +86 3 93 CA +86 3 94 * +86 3 95 AS +86 3 96 FE +86 3 97 CA +86 3 98 FS +86 3 99 AS +86 3 100 CA +86 3 101 MA +86 3 102 CA +86 3 103 CA +86 3 104 CA +86 3 105 CA +86 3 106 GA +86 3 107 GA +86 3 108 AS +86 3 109 CA +86 3 110 FE +86 3 111 TA +86 3 112 GA +86 3 113 AS +86 3 114 ET +86 3 115 CE +86 3 116 CE +86 3 117 XS +86 3 118 GA +86 3 119 CA +86 3 120 GA +86 3 121 NA +86 3 122 BA +86 3 123 CA +86 3 124 AS +86 3 125 NA +86 3 126 MA +86 3 127 TA +86 3 128 FE +86 3 129 GA +86 3 130 CA +86 3 131 AM +86 3 132 CE +86 3 133 ET +86 3 134 XS +86 3 135 FS +86 3 136 AS +86 3 137 TA +86 3 138 AS +86 3 139 GA +86 3 140 CA +86 3 141 GA +86 3 142 GA +86 3 143 FE +86 3 144 CE +86 3 145 GA +86 3 146 FE +86 3 147 CA +86 3 148 FS +86 3 149 GA +86 3 150 AM +86 3 151 MA +86 3 152 GA +86 3 153 SS +86 3 154 ET +86 3 155 TA +86 3 156 CA +86 3 157 XS +86 3 158 GA +86 3 159 FE +86 3 160 FE +86 3 161 CA +86 3 162 FS +86 3 163 CA +86 3 164 CA +86 3 165 TA +86 3 166 CA +86 3 167 AS +86 3 168 BA +86 3 169 CA +86 3 170 CA +86 3 171 BA +86 3 172 GA +86 3 173 FS +86 3 174 FE +86 3 175 AS +86 3 176 MA +86 3 177 GA +86 3 178 CA +86 3 179 CE +86 3 180 CA +86 3 181 NA +86 3 182 CE +86 3 183 FE +86 3 184 CA +86 3 185 MA +86 3 186 AS +86 3 187 FE +86 3 188 SS +86 3 189 GA +86 3 190 * +86 3 191 CA +86 3 192 CA +86 3 193 FS +86 3 194 CE +86 3 195 CA +86 3 196 AS +86 3 197 CA +86 3 198 HU +86 3 199 CA +86 3 200 AS +86 3 201 MA +86 3 202 BA +86 3 203 MA +86 3 204 ET +86 3 205 CA +86 3 206 GA +86 3 207 MA +86 3 208 FE +86 3 209 CA +86 3 210 FS +86 3 211 SS +86 3 212 FE +86 3 213 CA +86 3 214 AS +86 3 215 FE +86 3 216 HU +86 3 217 MA +86 3 218 CA +86 3 219 GA +86 3 220 CA +86 3 221 AS +86 3 222 CE +86 3 223 * +86 3 224 GA +86 3 225 CA +86 3 226 CA +86 3 227 ET +86 3 228 CA +86 3 229 AS +86 3 230 GA +86 3 231 CA +86 3 232 CE +86 3 233 CA +86 3 234 BA +86 3 235 CA +86 3 236 GA +86 3 237 GA +86 3 238 CA +86 3 239 MA +86 3 240 CE +86 3 241 GA +86 3 242 GA +86 3 243 AM +86 3 244 GA +86 3 245 FS +86 3 246 CA +86 3 247 CE +86 3 248 CE +86 3 249 BA +86 3 250 CA +86 3 251 AS +86 3 252 GA +86 3 253 CA +86 3 254 FS +86 3 255 ET +86 3 256 FS +86 3 257 CA +86 3 258 FE +86 3 259 GA +86 3 260 NA +86 3 261 GA +86 3 262 CF +86 3 263 GA +86 3 264 BA +86 3 265 NA +86 3 266 AM +86 3 267 CA +86 3 268 CE +86 3 269 CA +86 3 270 GA +86 3 271 CE +86 3 272 GA +86 3 273 MA +86 3 274 GA +86 3 275 FE +86 3 276 MA +86 3 277 CA +86 3 278 FS +86 3 279 CE +86 3 280 AS +86 3 281 * +86 3 282 FS +86 3 283 * +86 3 284 GA +86 3 285 MA +86 3 286 GA +86 3 287 TA +86 3 288 FS +86 3 289 AS +86 3 290 GA +86 3 291 CA +86 3 292 MA +86 3 293 FS +86 3 294 GA +86 3 295 CA +86 3 296 CA +86 3 297 FE +86 3 298 FS +86 3 299 CA +86 3 300 GA +86 3 301 CA +86 3 302 AS +86 3 303 CA +86 3 304 CA +86 3 305 AM +86 3 306 CA +86 3 307 SS +86 3 308 CA +86 3 309 ET +86 3 310 CA +86 3 311 CA +86 3 312 HU +86 3 313 CE +86 3 314 GA +86 3 315 CA +86 3 316 CA +86 3 317 MA +86 3 318 FE +86 3 319 GA +86 3 320 FE +86 3 321 FS +86 3 322 AS +86 3 323 CA +86 3 324 AS +86 3 325 AM +86 3 326 FE +86 3 327 CA +86 3 328 * +86 3 329 CE +86 3 330 GA +86 4 1 CA +86 4 2 GA +86 4 3 FS +86 4 4 AM +86 4 5 MA +86 4 6 FE +86 4 7 SH +86 4 8 EM +86 4 9 FE +86 4 10 CA +86 4 11 CA +86 4 12 MA +86 4 13 GA +86 4 14 FS +86 4 15 HU +86 4 16 CA +86 4 17 SH +86 4 18 MA +86 4 19 FE +86 4 20 AM +86 4 21 PA +86 4 22 FE +86 4 23 AM +86 4 24 PA +86 4 25 EM +86 4 26 CA +86 4 27 GA +86 4 28 FS +86 4 29 CA +86 4 30 FE +86 4 31 MA +86 4 32 MA +86 4 33 SH +86 4 34 EM +86 4 35 FE +86 4 36 EM +86 4 37 MA +86 4 38 FS +86 4 39 CA +86 4 40 CA +86 4 41 FS +86 4 42 FE +86 4 43 CA +86 4 44 GA +86 4 45 CA +86 4 46 PA +86 4 47 EM +86 4 48 FE +86 4 49 MA +86 4 50 AM +86 4 51 MA +86 4 52 GA +86 4 53 AM +86 4 54 SH +86 4 55 CA +86 4 56 FE +86 4 57 CA +86 4 58 EM +86 4 59 MA +86 4 60 CA +86 4 61 FS +86 4 62 CA +86 4 63 FS +86 4 64 CA +86 4 65 FS +86 4 66 GA +86 4 67 MA +86 4 68 GA +86 4 69 CA +86 4 70 GA +86 4 71 FS +86 4 72 CA +86 4 73 AM +86 4 74 CA +86 4 75 EM +86 4 76 FE +86 4 77 CA +86 4 78 MA +86 4 79 HU +86 4 80 CA +86 4 81 MA +86 4 82 CA +86 4 83 FE +86 4 84 AS +86 4 85 CA +86 4 86 MA +86 4 87 EM +86 4 88 AM +86 4 89 HU +86 4 90 CA +86 4 91 FE +86 4 92 GA +86 4 93 CA +86 4 94 EM +86 4 95 AS +86 4 96 FE +86 4 97 CA +86 4 98 FS +86 4 99 MA +86 4 100 CA +86 4 101 AM +86 4 102 MA +86 4 103 EM +86 4 104 CA +86 4 105 AM +86 4 106 FE +86 4 107 GA +86 4 108 CA +86 4 109 EM +86 4 110 FE +86 4 111 HU +86 4 112 FS +86 4 113 HU +86 4 114 CA +86 4 115 FS +86 4 116 CA +86 4 117 EM +86 4 118 FS +86 4 119 CA +86 4 120 GA +86 4 121 FE +86 4 122 CA +86 4 123 CA +86 4 124 FE +86 4 125 FS +86 4 126 MA +86 4 127 EM +86 4 128 FE +86 4 129 GA +86 4 130 CA +86 4 131 AM +86 4 132 FS +86 4 133 CA +86 4 134 HU +86 4 135 AM +86 4 136 MA +86 4 137 CA +86 4 138 MA +86 4 139 GA +86 4 140 CA +86 4 141 GA +86 4 142 GA +86 4 143 FE +86 4 144 HU +86 4 145 CA +86 4 146 FE +86 4 147 CA +86 4 148 FS +86 4 149 AS +86 4 150 AM +86 4 151 FS +86 4 152 MA +86 4 153 CA +86 4 154 EM +86 4 155 EM +86 4 156 CA +86 4 157 ET +86 4 158 GA +86 4 159 FE +86 4 160 FS +86 4 161 FS +86 4 162 FS +86 4 163 CA +86 4 164 CA +86 4 165 EM +86 4 166 CA +86 4 167 MA +86 4 168 CA +86 4 169 CA +86 4 170 TA +86 4 171 CA +86 4 172 GA +86 4 173 FS +86 4 174 FE +86 4 175 CA +86 4 176 FS +86 4 177 FE +86 4 178 CA +86 4 179 FS +86 4 180 CA +86 4 181 FE +86 4 182 AM +86 4 183 FE +86 4 184 AM +86 4 185 FE +86 4 186 CA +86 4 187 FE +86 4 188 CA +86 4 189 AS +86 4 190 FS +86 4 191 CA +86 4 192 AM +86 4 193 FS +86 4 194 CA +86 4 195 CA +86 4 196 CA +86 4 197 AS +86 4 198 HU +86 4 199 GA +86 4 200 CA +86 4 201 FS +86 4 202 CA +86 4 203 FS +86 4 204 EM +86 4 205 AM +86 4 206 GA +86 4 207 AM +86 4 208 FE +86 4 209 CA +86 4 210 FS +86 4 211 CA +86 4 212 FE +86 4 213 FS +86 4 214 AS +86 4 215 FE +86 4 216 EM +86 4 217 FS +86 4 218 FE +86 4 219 MA +86 4 220 CA +86 4 221 GA +86 4 222 AM +86 4 223 CA +86 4 224 GA +86 4 225 FE +86 4 226 CA +86 4 227 HU +86 4 228 CA +86 4 229 AS +86 4 230 GA +86 4 231 AM +86 4 232 EM +86 4 233 CA +86 4 234 CA +86 4 235 CA +86 4 236 FE +86 4 237 FE +86 4 238 CA +86 4 239 FS +86 4 240 FE +86 4 241 GA +86 4 242 FE +86 4 243 AM +86 4 244 GA +86 4 245 FS +86 4 246 CA +86 4 247 CA +86 4 248 EM +86 4 249 CA +86 4 250 CA +86 4 251 CA +86 4 252 GA +86 4 253 CA +86 4 254 MA +86 4 255 HU +86 4 256 FS +86 4 257 CA +86 4 258 FE +86 4 259 FS +86 4 260 GA +86 4 261 FS +86 4 262 GA +86 4 263 FS +86 4 264 CA +86 4 265 CA +86 4 266 FS +86 4 267 AM +86 4 268 CA +86 4 269 AM +86 4 270 FE +86 4 271 EM +86 4 272 GA +86 4 273 AM +86 4 274 GA +86 4 275 FE +86 4 276 FS +86 4 277 EM +86 4 278 AS +86 4 279 CA +86 4 280 CA +86 4 281 CA +86 4 282 FE +86 4 283 HU +86 4 284 GA +86 4 285 MA +86 4 286 GA +86 4 287 FE +86 4 288 FS +86 4 289 CA +86 4 290 GA +86 4 291 CA +86 4 292 MA +86 4 293 GA +86 4 294 GA +86 4 295 EM +86 4 296 AM +86 4 297 FE +86 4 298 FS +86 4 299 CA +86 4 300 GA +86 4 301 CE +86 4 302 GA +86 4 303 MA +86 4 304 CE +86 4 305 AM +86 4 306 FE +86 4 307 CA +86 4 308 AS +86 4 309 EM +86 4 310 CA +86 4 311 CA +86 4 312 HU +86 4 313 CA +86 4 314 GA +86 4 315 CA +86 4 316 CA +86 4 317 AM +86 4 318 FE +86 4 319 GA +86 4 320 BA +86 4 321 FS +86 4 322 CA +86 4 323 CA +86 4 324 GA +86 4 325 AM +86 4 326 FE +86 4 327 AS +86 4 328 AS +86 4 329 SH +86 4 330 EM +86 5 1 CA +86 5 2 CA +86 5 3 FS +86 5 4 TA +86 5 5 CA +86 5 6 FE +86 5 7 CA +86 5 8 FS +86 5 9 TA +86 5 10 CA +86 5 11 CA +86 5 12 FE +86 5 13 CA +86 5 14 CA +86 5 15 MA +86 5 16 GA +86 5 17 AS +86 5 18 ET +86 5 19 CA +86 5 20 BA +86 5 21 AS +86 5 22 FE +86 5 23 AM +86 5 24 ET +86 5 25 BA +86 5 26 TA +86 5 27 AS +86 5 28 MA +86 5 29 BA +86 5 30 FS +86 5 31 CA +86 5 32 AS +86 5 33 BA +86 5 34 CA +86 5 35 FS +86 5 36 CA +86 5 37 CA +86 5 38 FS +86 5 39 CA +86 5 40 CA +86 5 41 FS +86 5 42 FE +86 5 43 ET +86 5 44 FE +86 5 45 CA +86 5 46 CF +86 5 47 ET +86 5 48 FE +86 5 49 CA +86 5 50 ET +86 5 51 ET +86 5 52 GA +86 5 53 FS +86 5 54 BA +86 5 55 CA +86 5 56 TA +86 5 57 CA +86 5 58 FE +86 5 59 MA +86 5 60 CA +86 5 61 FS +86 5 62 CA +86 5 63 FS +86 5 64 CA +86 5 65 FS +86 5 66 GA +86 5 67 CA +86 5 68 MA +86 5 69 BA +86 5 70 CR +86 5 71 FS +86 5 72 CA +86 5 73 AM +86 5 74 CR +86 5 75 BA +86 5 76 FS +86 5 77 CA +86 5 78 AS +86 5 79 TA +86 5 80 CA +86 5 81 BA +86 5 82 CA +86 5 83 GA +86 5 84 FS +86 5 85 CA +86 5 86 MA +86 5 87 TA +86 5 88 FS +86 5 89 TA +86 5 90 CA +86 5 91 FE +86 5 92 GA +86 5 93 CA +86 5 94 XS +86 5 95 GA +86 5 96 FE +86 5 97 CA +86 5 98 FS +86 5 99 MA +86 5 100 MA +86 5 101 FS +86 5 102 GA +86 5 103 FE +86 5 104 CA +86 5 105 MA +86 5 106 AS +86 5 107 GA +86 5 108 GA +86 5 109 CA +86 5 110 FE +86 5 111 CA +86 5 112 FS +86 5 113 TA +86 5 114 CA +86 5 115 CA +86 5 116 XS +86 5 117 FE +86 5 118 CA +86 5 119 GA +86 5 120 FS +86 5 121 CA +86 5 122 CA +86 5 123 AS +86 5 124 FS +86 5 125 AS +86 5 126 HU +86 5 127 AS +86 5 128 GA +86 5 129 TA +86 5 130 AM +86 5 131 FS +86 5 132 BA +86 5 133 CA +86 5 134 TA +86 5 135 FS +86 5 136 CA +86 5 137 BA +86 5 138 CA +86 5 139 AS +86 5 140 CA +86 5 141 GA +86 5 142 GA +86 5 143 CA +86 5 144 AM +86 5 145 CA +86 5 146 FE +86 5 147 CA +86 5 148 FS +86 5 149 BA +86 5 150 AM +86 5 151 FE +86 5 152 CA +86 5 153 CA +86 5 154 TA +86 5 155 TA +86 5 156 BA +86 5 157 XS +86 5 158 GA +86 5 159 FE +86 5 160 MA +86 5 161 CA +86 5 162 FS +86 5 163 CA +86 5 164 CA +86 5 165 AS +86 5 166 AS +86 5 167 BA +86 5 168 MA +86 5 169 CA +86 5 170 CA +86 5 171 CA +86 5 172 GA +86 5 173 FS +86 5 174 FE +86 5 175 MA +86 5 176 FS +86 5 177 FE +86 5 178 CA +86 5 179 FS +86 5 180 CA +86 5 181 FE +86 5 182 AM +86 5 183 TA +86 5 184 AM +86 5 185 FE +86 5 186 CA +86 5 187 FE +86 5 188 CA +86 5 189 AS +86 5 190 MA +86 5 191 CA +86 5 192 CA +86 5 193 FE +86 5 194 XS +86 5 195 CA +86 5 196 CA +86 5 197 AS +86 5 198 HU +86 5 199 GA +86 5 200 CA +86 5 201 MA +86 5 202 CA +86 5 203 MA +86 5 204 XS +86 5 205 CA +86 5 206 FS +86 5 207 FS +86 5 208 FE +86 5 209 BA +86 5 210 FS +86 5 211 CA +86 5 212 FE +86 5 213 AS +86 5 214 AS +86 5 215 MA +86 5 216 XS +86 5 217 FE +86 5 218 FE +86 5 219 CF +86 5 220 CA +86 5 221 GA +86 5 222 MA +86 5 223 CA +86 5 224 GA +86 5 225 FE +86 5 226 CA +86 5 227 HU +86 5 228 CA +86 5 229 CA +86 5 230 GA +86 5 231 MA +86 5 232 FE +86 5 233 MA +86 5 234 BA +86 5 235 CA +86 5 236 FE +86 5 237 FE +86 5 238 CA +86 5 239 MA +86 5 240 XS +86 5 241 GA +86 5 242 GA +86 5 243 GA +86 5 244 GA +86 5 245 FS +86 5 246 FE +86 5 247 AS +86 5 248 BA +86 5 249 CA +86 5 250 AM +86 5 251 CA +86 5 252 GA +86 5 253 CE +86 5 254 CE +86 5 255 HU +86 5 256 FS +86 5 257 CA +86 5 258 FE +86 5 259 FS +86 5 260 GA +86 5 261 FE +86 5 262 GA +86 5 263 CF +86 5 264 CA +86 5 265 BA +86 5 266 SH +86 5 267 MA +86 5 268 CA +86 5 269 MA +86 5 270 FE +86 5 271 BA +86 5 272 GA +86 5 273 MA +86 5 274 GA +86 5 275 FE +86 5 276 MA +86 5 277 CA +86 5 278 FE +86 5 279 CA +86 5 280 BA +86 5 281 CA +86 5 282 CA +86 5 283 TA +86 5 284 GA +86 5 285 AS +86 5 286 GA +86 5 287 FE +86 5 288 FS +86 5 289 CA +86 5 290 GA +86 5 291 CA +86 5 292 MA +86 5 293 GA +86 5 294 GA +86 5 295 XS +86 5 296 AM +86 5 297 FE +86 5 298 FS +86 5 299 CA +86 5 300 GA +86 5 301 CA +86 5 302 GA +86 5 303 AS +86 5 304 FE +86 5 305 AM +86 5 306 CA +86 5 307 CA +86 5 308 AS +86 5 309 XS +86 5 310 CA +86 5 311 CA +86 5 312 TA +86 5 313 CA +86 5 314 GA +86 5 315 CA +86 5 316 CA +86 5 317 AM +86 5 318 FE +86 5 319 FS +86 5 320 FE +86 5 321 FS +86 5 322 CA +86 5 323 BA +86 5 324 GA +86 5 325 AM +86 5 326 FE +86 5 327 GA +86 5 328 CA +86 5 329 TA +86 5 330 GA +86 6 1 CA +86 6 2 MA +86 6 3 FS +86 6 4 AM +86 6 5 CA +86 6 6 AS +86 6 7 BA +86 6 8 FS +86 6 9 XS +86 6 10 CA +86 6 11 CA +86 6 12 FE +86 6 13 CA +86 6 14 CA +86 6 15 AS +86 6 16 GA +86 6 17 FS +86 6 18 TA +86 6 19 CA +86 6 20 CA +86 6 21 FS +86 6 22 FE +86 6 23 MA +86 6 24 TA +86 6 25 CA +86 6 26 CA +86 6 27 GA +86 6 28 FS +86 6 29 CA +86 6 30 FE +86 6 31 CA +86 6 32 MA +86 6 33 CA +86 6 34 CA +86 6 35 FS +86 6 36 TA +86 6 37 CA +86 6 38 FS +86 6 39 CA +86 6 40 CA +86 6 41 FS +86 6 42 FE +86 6 43 CA +86 6 44 GA +86 6 45 CA +86 6 46 TA +86 6 47 CA +86 6 48 FE +86 6 49 CA +86 6 50 AM +86 6 51 ET +86 6 52 GA +86 6 53 FS +86 6 54 CA +86 6 55 CA +86 6 56 FE +86 6 57 CA +86 6 58 FE +86 6 59 MA +86 6 60 CA +86 6 61 FS +86 6 62 CA +86 6 63 FS +86 6 64 CA +86 6 65 FS +86 6 66 GA +86 6 67 CA +86 6 68 MA +86 6 69 BA +86 6 70 CR +86 6 71 FS +86 6 72 CA +86 6 73 AM +86 6 74 CR +86 6 75 BA +86 6 76 FS +86 6 77 CA +86 6 78 AS +86 6 79 TA +86 6 80 CA +86 6 81 BA +86 6 82 CA +86 6 83 GA +86 6 84 AS +86 6 85 CA +86 6 86 MA +86 6 87 TA +86 6 88 FS +86 6 89 TA +86 6 90 CA +86 6 91 FE +86 6 92 GA +86 6 93 CA +86 6 94 XS +86 6 95 GA +86 6 96 FE +86 6 97 CA +86 6 98 FS +86 6 99 MA +86 6 100 MA +86 6 101 FS +86 6 102 GA +86 6 103 FE +86 6 104 CA +86 6 105 MA +86 6 106 AS +86 6 107 GA +86 6 108 GA +86 6 109 CA +86 6 110 FE +86 6 111 CA +86 6 112 FS +86 6 113 TA +86 6 114 CA +86 6 115 CA +86 6 116 XS +86 6 117 FE +86 6 118 CA +86 6 119 GA +86 6 120 FS +86 6 121 CA +86 6 122 CA +86 6 123 AS +86 6 124 FS +86 6 125 AS +86 6 126 HU +86 6 127 FE +86 6 128 GA +86 6 129 TA +86 6 130 AM +86 6 131 FS +86 6 132 BA +86 6 133 CA +86 6 134 TA +86 6 135 FS +86 6 136 CA +86 6 137 BA +86 6 138 CA +86 6 139 AS +86 6 140 CA +86 6 141 GA +86 6 142 GA +86 6 143 CA +86 6 144 AM +86 6 145 CA +86 6 146 FE +86 6 147 CA +86 6 148 FS +86 6 149 BA +86 6 150 AM +86 6 151 FE +86 6 152 AS +86 6 153 CA +86 6 154 TA +86 6 155 TA +86 6 156 BA +86 6 157 XS +86 6 158 GA +86 6 159 FE +86 6 160 MA +86 6 161 CA +86 6 162 FS +86 6 163 CA +86 6 164 CA +86 6 165 AS +86 6 166 CA +86 6 167 BA +86 6 168 MA +86 6 169 CA +86 6 170 CA +86 6 171 CA +86 6 172 GA +86 6 173 FS +86 6 174 FE +86 6 175 MA +86 6 176 FS +86 6 177 FE +86 6 178 CA +86 6 179 FS +86 6 180 CA +86 6 181 FE +86 6 182 AM +86 6 183 TA +86 6 184 AM +86 6 185 FE +86 6 186 CA +86 6 187 AS +86 6 188 MA +86 6 189 CA +86 6 190 CA +86 6 191 FE +86 6 192 XS +86 6 193 CA +86 6 194 CA +86 6 195 AS +86 6 196 HU +86 6 197 GA +86 6 198 CA +86 6 199 MA +86 6 200 CA +86 6 201 MA +86 6 202 XS +86 6 203 MA +86 6 204 XS +86 6 205 CA +86 6 206 GA +86 6 207 FS +86 6 208 FE +86 6 209 BA +86 6 210 FS +86 6 211 CA +86 6 212 FE +86 6 213 AS +86 6 214 AS +86 6 215 MA +86 6 216 XS +86 6 217 FE +86 6 218 FE +86 6 219 * +86 6 220 CA +86 6 221 GA +86 6 222 MA +86 6 223 CA +86 6 224 GA +86 6 225 FE +86 6 226 CA +86 6 227 HU +86 6 228 CA +86 6 229 CA +86 6 230 GA +86 6 231 MA +86 6 232 FE +86 6 233 MA +86 6 234 BA +86 6 235 CA +86 6 236 FE +86 6 237 FE +86 6 238 CA +86 6 239 MA +86 6 240 XS +86 6 241 GA +86 6 242 FE +86 6 243 AM +86 6 244 GA +86 6 245 FS +86 6 246 CA +86 6 247 AS +86 6 248 BA +86 6 249 CA +86 6 250 AM +86 6 251 CA +86 6 252 GA +86 6 253 CA +86 6 254 CA +86 6 255 HU +86 6 256 FS +86 6 257 CA +86 6 258 FE +86 6 259 FS +86 6 260 GA +86 6 261 FE +86 6 262 GA +86 6 263 CF +86 6 264 CA +86 6 265 BA +86 6 266 SH +86 6 267 MA +86 6 268 CA +86 6 269 MA +86 6 270 FE +86 6 271 BA +86 6 272 GA +86 6 273 MA +86 6 274 GA +86 6 275 FE +86 6 276 MA +86 6 277 CA +86 6 278 FE +86 6 279 CA +86 6 280 BA +86 6 281 CA +86 6 282 CA +86 6 283 TA +86 6 284 GA +86 6 285 AS +86 6 286 GA +86 6 287 FE +86 6 288 FS +86 6 289 CA +86 6 290 GA +86 6 291 CA +86 6 292 MA +86 6 293 GA +86 6 294 GA +86 6 295 XS +86 6 296 AM +86 6 297 FE +86 6 298 FS +86 6 299 CA +86 6 300 GA +86 6 301 CA +86 6 302 GA +86 6 303 AS +86 6 304 FE +86 6 305 AM +86 6 306 CA +86 6 307 CA +86 6 308 AS +86 6 309 XS +86 6 310 CA +86 6 311 CA +86 6 312 TA +86 6 313 CA +86 6 314 GA +86 6 315 CA +86 6 316 CA +86 6 317 AM +86 6 318 AS +86 6 319 FS +86 6 320 FE +86 6 321 FS +86 6 322 CA +86 6 323 BA +86 6 324 GA +86 6 325 AM +86 6 326 FE +86 6 327 GA +86 6 328 CA +86 6 329 TA +86 6 330 GA +86 7 1 CA +86 7 2 GA +86 7 3 FS +86 7 4 CA +86 7 5 MA +86 7 6 FE +86 7 7 CA +86 7 8 FS +86 7 9 FE +86 7 10 CA +86 7 11 HU +86 7 12 FE +86 7 13 CA +86 7 14 HU +86 7 15 MA +86 7 16 MA +86 7 17 FS +86 7 18 HU +86 7 19 CA +86 7 20 CA +86 7 21 AS +86 7 22 FE +86 7 23 CA +86 7 24 HU +86 7 25 CA +86 7 26 CA +86 7 27 MA +86 7 28 FS +86 7 29 BA +86 7 30 FS +86 7 31 MA +86 7 32 MA +86 7 33 CA +86 7 34 CA +86 7 35 FE +86 7 36 HU +86 7 37 CA +86 7 38 FS +86 7 39 CA +86 7 40 MA +86 7 41 FS +86 7 42 FE +86 7 43 HU +86 7 44 GA +86 7 45 CA +86 7 46 CA +86 7 47 CA +86 7 48 FE +86 7 49 CA +86 7 50 CA +86 7 51 TA +86 7 52 CA +86 7 53 FS +86 7 54 CA +86 7 55 MA +86 7 56 FE +86 7 57 CA +86 7 58 FE +86 7 59 CA +86 7 60 HU +86 7 61 FE +86 7 62 CA +86 7 63 FS +86 7 64 CA +86 7 65 FS +86 7 66 GA +86 7 67 CA +86 7 68 FS +86 7 69 CA +86 7 70 MA +86 7 71 HU +86 7 72 CA +86 7 73 CA +86 7 74 CA +86 7 75 HU +86 7 76 FS +86 7 77 CA +86 7 78 CA +86 7 79 HU +86 7 80 CA +86 7 81 CA +86 7 82 CA +86 7 83 GA +86 7 84 FE +86 7 85 CA +86 7 86 CA +86 7 87 HU +86 7 88 FS +86 7 89 HU +86 7 90 HU +86 7 91 FE +86 7 92 GA +86 7 93 CA +86 7 94 HU +86 7 95 GA +86 7 96 FE +86 7 97 CA +86 7 98 FS +86 7 99 CA +86 7 100 CA +86 7 101 FS +86 7 102 CA +86 7 103 FS +86 7 104 CA +86 7 105 FS +86 7 106 FE +86 7 107 GA +86 7 108 CA +86 7 109 CA +86 7 110 FE +86 7 111 HU +86 7 112 FS +86 7 113 HU +86 7 114 CA +86 7 115 FS +86 7 116 GA +86 7 117 HU +86 7 118 FS +86 7 119 CA +86 7 120 GA +86 7 121 FS +86 7 122 CA +86 7 123 CA +86 7 124 CA +86 7 125 FS +86 7 126 FS +86 7 127 HU +86 7 128 FE +86 7 129 GA +86 7 130 CA +86 7 131 CA +86 7 132 FS +86 7 133 CA +86 7 134 HU +86 7 135 FS +86 7 136 CA +86 7 137 HU +86 7 138 GA +86 7 139 GA +86 7 140 CA +86 7 141 FS +86 7 142 CA +86 7 143 BA +86 7 144 CA +86 7 145 CA +86 7 146 FE +86 7 147 CA +86 7 148 FS +86 7 149 BA +86 7 150 CA +86 7 151 AS +86 7 152 CA +86 7 153 CA +86 7 154 HU +86 7 155 HU +86 7 156 CA +86 7 157 FE +86 7 158 GA +86 7 159 FE +86 7 160 GA +86 7 161 CA +86 7 162 FS +86 7 163 CA +86 7 164 HU +86 7 165 CA +86 7 166 MA +86 7 167 MA +86 7 168 CA +86 7 169 CA +86 7 170 HU +86 7 171 HU +86 7 172 GA +86 7 173 FS +86 7 174 FE +86 7 175 CA +86 7 176 FS +86 7 177 FE +86 7 178 CA +86 7 179 HU +86 7 180 BA +86 7 181 FE +86 7 182 FS +86 7 183 CA +86 7 184 FS +86 7 185 FE +86 7 186 CA +86 7 187 FE +86 7 188 BA +86 7 189 GA +86 7 190 FE +86 7 191 CA +86 7 192 FS +86 7 193 BA +86 7 194 FS +86 7 195 CA +86 7 196 CA +86 7 197 MA +86 7 198 HU +86 7 199 GA +86 7 200 BA +86 7 201 FE +86 7 202 CA +86 7 203 FS +86 7 204 HU +86 7 205 CA +86 7 206 MA +86 7 207 GA +86 7 208 FE +86 7 209 CA +86 7 210 FS +86 7 211 CA +86 7 212 FE +86 7 213 GA +86 7 214 CA +86 7 215 FE +86 7 216 HU +86 7 217 FE +86 7 218 CA +86 7 219 CA +86 7 220 HU +86 7 221 CA +86 7 222 GA +86 7 223 HU +86 7 224 CA +86 7 225 HU +86 7 226 CA +86 7 227 MA +86 7 228 FE +86 7 229 FS +86 7 230 HU +86 7 231 CA +86 7 232 CA +86 7 233 HU +86 7 234 BA +86 7 235 FE +86 7 236 CA +86 7 237 FE +86 7 238 CA +86 7 239 FS +86 7 240 TA +86 7 241 GA +86 7 242 FE +86 7 243 FS +86 7 244 GA +86 7 245 FS +86 7 246 CA +86 7 247 HU +86 7 248 CA +86 7 249 HU +86 7 250 FS +86 7 251 BA +86 7 252 FE +86 7 253 CA +86 7 254 CA +86 7 255 HU +86 7 256 FS +86 7 257 CA +86 7 258 FE +86 7 259 FS +86 7 260 GA +86 7 261 FE +86 7 262 GA +86 7 263 GA +86 7 264 CA +86 7 265 CA +86 7 266 FS +86 7 267 CA +86 7 268 CA +86 7 269 FS +86 7 270 FE +86 7 271 HU +86 7 272 GA +86 7 273 FS +86 7 274 GA +86 7 275 FE +86 7 276 GA +86 7 277 HU +86 7 278 FS +86 7 279 CA +86 7 280 BA +86 7 281 CA +86 7 282 CA +86 7 283 TA +86 7 284 GA +86 7 285 MA +86 7 286 GA +86 7 287 FE +86 7 288 FS +86 7 289 CA +86 7 290 GA +86 7 291 CA +86 7 292 MA +86 7 293 CA +86 7 294 GA +86 7 295 FE +86 7 296 CA +86 7 297 FE +86 7 298 FS +86 7 299 BA +86 7 300 GA +86 7 301 CA +86 7 302 GA +86 7 303 CA +86 7 304 BA +86 7 305 HU +86 7 306 CA +86 7 307 CA +86 7 308 MA +86 7 309 FE +86 7 310 CA +86 7 311 CA +86 7 312 HU +86 7 313 CA +86 7 314 GA +86 7 315 BA +86 7 316 CA +86 7 317 FS +86 7 318 FE +86 7 319 GA +86 7 320 FE +86 7 321 FS +86 7 322 CA +86 7 323 CA +86 7 324 GA +86 7 325 FS +86 7 326 FE +86 7 327 GA +86 7 328 CA +86 7 329 FE +86 7 330 CA +86 8 1 CA +86 8 2 CA +86 8 3 FS +86 8 4 TA +86 8 5 CA +86 8 6 FE +86 8 7 CA +86 8 8 FS +86 8 9 TA +86 8 10 CA +86 8 11 CA +86 8 12 FE +86 8 13 CA +86 8 14 CA +86 8 15 MA +86 8 16 AS +86 8 17 AS +86 8 18 ET +86 8 19 CA +86 8 20 BA +86 8 21 AS +86 8 22 FE +86 8 23 AM +86 8 24 ET +86 8 25 BA +86 8 26 TA +86 8 27 AS +86 8 28 MA +86 8 29 BA +86 8 30 FS +86 8 31 CA +86 8 32 AS +86 8 33 BA +86 8 34 CA +86 8 35 FS +86 8 36 CA +86 8 37 CA +86 8 38 FS +86 8 39 CA +86 8 40 CA +86 8 41 FS +86 8 42 FE +86 8 43 ET +86 8 44 FE +86 8 45 CA +86 8 46 CF +86 8 47 ET +86 8 48 FE +86 8 49 CA +86 8 50 AM +86 8 51 ET +86 8 52 GA +86 8 53 FS +86 8 54 BA +86 8 55 CA +86 8 56 TA +86 8 57 CA +86 8 58 FE +86 8 59 MA +86 8 60 CA +86 8 61 FS +86 8 62 CA +86 8 63 FS +86 8 64 CA +86 8 65 FS +86 8 66 GA +86 8 67 CA +86 8 68 MA +86 8 69 BA +86 8 70 CR +86 8 71 FS +86 8 72 CA +86 8 73 AM +86 8 74 CR +86 8 75 BA +86 8 76 FS +86 8 77 CA +86 8 78 AS +86 8 79 TA +86 8 80 CA +86 8 81 BA +86 8 82 CA +86 8 83 GA +86 8 84 FE +86 8 85 CA +86 8 86 MA +86 8 87 TA +86 8 88 FS +86 8 89 TA +86 8 90 CA +86 8 91 FE +86 8 92 GA +86 8 93 CA +86 8 94 XS +86 8 95 GA +86 8 96 FE +86 8 97 CA +86 8 98 FS +86 8 99 MA +86 8 100 MA +86 8 101 FS +86 8 102 GA +86 8 103 FE +86 8 104 CA +86 8 105 BA +86 8 106 FS +86 8 107 GA +86 8 108 GA +86 8 109 CA +86 8 110 FE +86 8 111 CA +86 8 112 FS +86 8 113 TA +86 8 114 CA +86 8 115 CA +86 8 116 XS +86 8 117 FE +86 8 118 CA +86 8 119 GA +86 8 120 FS +86 8 121 CA +86 8 122 CA +86 8 123 AS +86 8 124 FS +86 8 125 AS +86 8 126 HU +86 8 127 AS +86 8 128 GA +86 8 129 TA +86 8 130 AM +86 8 131 FS +86 8 132 BA +86 8 133 CA +86 8 134 TA +86 8 135 FS +86 8 136 CA +86 8 137 BA +86 8 138 CA +86 8 139 AS +86 8 140 CA +86 8 141 GA +86 8 142 GA +86 8 143 CA +86 8 144 AM +86 8 145 CA +86 8 146 FE +86 8 147 CA +86 8 148 FS +86 8 149 BA +86 8 150 AM +86 8 151 FE +86 8 152 CA +86 8 153 CA +86 8 154 TA +86 8 155 TA +86 8 156 BA +86 8 157 XS +86 8 158 GA +86 8 159 FE +86 8 160 MA +86 8 161 CA +86 8 162 FS +86 8 163 CA +86 8 164 CA +86 8 165 AS +86 8 166 AS +86 8 167 BA +86 8 168 MA +86 8 169 CA +86 8 170 CA +86 8 171 CA +86 8 172 GA +86 8 173 FS +86 8 174 FE +86 8 175 MA +86 8 176 FS +86 8 177 FE +86 8 178 CA +86 8 179 FS +86 8 180 CA +86 8 181 FE +86 8 182 AM +86 8 183 TA +86 8 184 AM +86 8 185 FE +86 8 186 CA +86 8 187 FE +86 8 188 CA +86 8 189 AS +86 8 190 MA +86 8 191 CA +86 8 192 CA +86 8 193 FE +86 8 194 XS +86 8 195 CA +86 8 196 CA +86 8 197 AS +86 8 198 HU +86 8 199 GA +86 8 200 CA +86 8 201 MA +86 8 202 CA +86 8 203 MA +86 8 204 XS +86 8 205 CA +86 8 206 GA +86 8 207 FS +86 8 208 FE +86 8 209 BA +86 8 210 FS +86 8 211 CA +86 8 212 FE +86 8 213 AS +86 8 214 AS +86 8 215 MA +86 8 216 XS +86 8 217 FE +86 8 218 FE +86 8 219 CF +86 8 220 CA +86 8 221 GA +86 8 222 MA +86 8 223 CA +86 8 224 GA +86 8 225 FE +86 8 226 CA +86 8 227 HU +86 8 228 CA +86 8 229 CA +86 8 230 GA +86 8 231 MA +86 8 232 FE +86 8 233 MA +86 8 234 BA +86 8 235 CA +86 8 236 FE +86 8 237 FE +86 8 238 CA +86 8 239 MA +86 8 240 XS +86 8 241 GA +86 8 242 FE +86 8 243 AM +86 8 244 GA +86 8 245 FS +86 8 246 FE +86 8 247 * +86 8 248 BA +86 8 249 CA +86 8 250 AM +86 8 251 CA +86 8 252 GA +86 8 253 CA +86 8 254 CA +86 8 255 HU +86 8 256 FS +86 8 257 CA +86 8 258 FE +86 8 259 FS +86 8 260 GA +86 8 261 FE +86 8 262 GA +86 8 263 CF +86 8 264 CA +86 8 265 BA +86 8 266 SH +86 8 267 MA +86 8 268 CA +86 8 269 MA +86 8 270 FE +86 8 271 BA +86 8 272 GA +86 8 273 MA +86 8 274 GA +86 8 275 FE +86 8 276 MA +86 8 277 CA +86 8 278 FE +86 8 279 CA +86 8 280 BA +86 8 281 CA +86 8 282 CA +86 8 283 TA +86 8 284 GA +86 8 285 AS +86 8 286 GA +86 8 287 FE +86 8 288 FS +86 8 289 CA +86 8 290 GA +86 8 291 CA +86 8 292 MA +86 8 293 GA +86 8 294 GA +86 8 295 XS +86 8 296 AM +86 8 297 FE +86 8 298 FS +86 8 299 CA +86 8 300 GA +86 8 301 FE +86 8 302 GA +86 8 303 AS +86 8 304 FE +86 8 305 AM +86 8 306 CA +86 8 307 CA +86 8 308 AS +86 8 309 XS +86 8 310 CA +86 8 311 CA +86 8 312 TA +86 8 313 CA +86 8 314 GA +86 8 315 CA +86 8 316 CA +86 8 317 AM +86 8 318 FE +86 8 319 FS +86 8 320 FE +86 8 321 FS +86 8 322 CA +86 8 323 BA +86 8 324 GA +86 8 325 AM +86 8 326 FE +86 8 327 GA +86 8 328 TA +86 8 329 TA +86 8 330 GA +86 9 1 CA +86 9 2 CA +86 9 3 FS +86 9 4 TA +86 9 5 CA +86 9 6 FE +86 9 7 CA +86 9 8 FS +86 9 9 TA +86 9 10 CA +86 9 11 CA +86 9 12 FE +86 9 13 CA +86 9 14 CA +86 9 15 MA +86 9 16 GA +86 9 17 AS +86 9 18 FE +86 9 19 CA +86 9 20 BA +86 9 21 AS +86 9 22 FE +86 9 23 AM +86 9 24 ET +86 9 25 BA +86 9 26 TA +86 9 27 AS +86 9 28 MA +86 9 29 BA +86 9 30 FS +86 9 31 CA +86 9 32 BA +86 9 33 AS +86 9 34 CA +86 9 35 FS +86 9 36 CA +86 9 37 CA +86 9 38 FS +86 9 39 CA +86 9 40 CA +86 9 41 FS +86 9 42 FE +86 9 43 ET +86 9 44 FE +86 9 45 CA +86 9 46 CF +86 9 47 ET +86 9 48 FE +86 9 49 CA +86 9 50 ET +86 9 51 ET +86 9 52 MA +86 9 53 FS +86 9 54 BA +86 9 55 CA +86 9 56 TA +86 9 57 CA +86 9 58 TA +86 9 59 GA +86 9 60 FS +86 9 61 CA +86 9 62 CA +86 9 63 MA +86 9 64 CA +86 9 65 FS +86 9 66 GA +86 9 67 CA +86 9 68 FS +86 9 69 TA +86 9 70 GA +86 9 71 FS +86 9 72 CA +86 9 73 MA +86 9 74 CA +86 9 75 TA +86 9 76 FS +86 9 77 CA +86 9 78 MA +86 9 79 TA +86 9 80 CA +86 9 81 CA +86 9 82 CA +86 9 83 FE +86 9 84 MA +86 9 85 CA +86 9 86 MA +86 9 87 TA +86 9 88 KA +86 9 89 FS +86 9 90 KA +86 9 91 CA +86 9 92 FE +86 9 93 CA +86 9 94 HU +86 9 95 CA +86 9 96 FE +86 9 97 AM +86 9 98 FS +86 9 99 GA +86 9 100 CA +86 9 101 FS +86 9 102 GA +86 9 103 TA +86 9 104 CA +86 9 105 AM +86 9 106 FE +86 9 107 FE +86 9 108 CA +86 9 109 CA +86 9 110 FE +86 9 111 TA +86 9 112 FS +86 9 113 HU +86 9 114 CA +86 9 115 FS +86 9 116 AS +86 9 117 HU +86 9 118 MA +86 9 119 CA +86 9 120 GA +86 9 121 FS +86 9 122 CA +86 9 123 CA +86 9 124 BA +86 9 125 FS +86 9 126 MA +86 9 127 CA +86 9 128 FE +86 9 129 GA +86 9 130 HU +86 9 131 AM +86 9 132 FS +86 9 133 CA +86 9 134 TA +86 9 135 FS +86 9 136 CA +86 9 137 CA +86 9 138 CA +86 9 139 FS +86 9 140 CA +86 9 141 GA +86 9 142 GA +86 9 143 CA +86 9 144 TA +86 9 145 CA +86 9 146 FE +86 9 147 CA +86 9 148 FS +86 9 149 CA +86 9 150 AM +86 9 151 MA +86 9 152 MA +86 9 153 CA +86 9 154 TA +86 9 155 TA +86 9 156 CA +86 9 157 TA +86 9 158 GA +86 9 159 FE +86 9 160 MA +86 9 161 CA +86 9 162 FS +86 9 163 CA +86 9 164 CA +86 9 165 CF +86 9 166 HU +86 9 167 GA +86 9 168 CA +86 9 169 CA +86 9 170 CR +86 9 171 CR +86 9 172 GA +86 9 173 FS +86 9 174 FE +86 9 175 CA +86 9 176 FE +86 9 177 GA +86 9 178 CA +86 9 179 AM +86 9 180 CA +86 9 181 FE +86 9 182 AM +86 9 183 TA +86 9 184 AM +86 9 185 TA +86 9 186 AM +86 9 187 FE +86 9 188 CA +86 9 189 MA +86 9 190 MA +86 9 191 CA +86 9 192 CA +86 9 193 MA +86 9 194 FS +86 9 195 CA +86 9 196 CA +86 9 197 MA +86 9 198 CF +86 9 199 GA +86 9 200 CA +86 9 201 FE +86 9 202 CA +86 9 203 FS +86 9 204 CR +86 9 205 CA +86 9 206 GA +86 9 207 FS +86 9 208 KA +86 9 209 CA +86 9 210 CA +86 9 211 CA +86 9 212 FE +86 9 213 GA +86 9 214 AS +86 9 215 MA +86 9 216 CR +86 9 217 FE +86 9 218 TA +86 9 219 FS +86 9 220 CA +86 9 221 GA +86 9 222 AM +86 9 223 CA +86 9 224 GA +86 9 225 KA +86 9 226 CA +86 9 227 CR +86 9 228 CA +86 9 229 CA +86 9 230 GA +86 9 231 SS +86 9 232 CR +86 9 233 CA +86 9 234 CA +86 9 235 CA +86 9 236 BA +86 9 237 FE +86 9 238 CA +86 9 239 MA +86 9 240 TA +86 9 241 GA +86 9 242 FE +86 9 243 TA +86 9 244 MA +86 9 245 FS +86 9 246 CA +86 9 247 AM +86 9 248 CR +86 9 249 CA +86 9 250 CR +86 9 251 CA +86 9 252 GA +86 9 253 CA +86 9 254 CA +86 9 255 CR +86 9 256 AS +86 9 257 CA +86 9 258 FE +86 9 259 FS +86 9 260 GA +86 9 261 FE +86 9 262 GA +86 9 263 CR +86 9 264 CA +86 9 265 CA +86 9 266 TA +86 9 267 AM +86 9 268 CA +86 9 269 FS +86 9 270 FE +86 9 271 CR +86 9 272 GA +86 9 273 AM +86 9 274 GA +86 9 275 KA +86 9 276 FS +86 9 277 CA +86 9 278 MA +86 9 279 CA +86 9 280 CA +86 9 281 CA +86 9 282 CA +86 9 283 AM +86 9 284 CA +86 9 285 MA +86 9 286 GA +86 9 287 TA +86 9 288 FS +86 9 289 CA +86 9 290 GA +86 9 291 CA +86 9 292 MA +86 9 293 GA +86 9 294 GA +86 9 295 CR +86 9 296 AM +86 9 297 FE +86 9 298 FS +86 9 299 GA +86 9 300 CA +86 9 301 GA +86 9 302 MA +86 9 303 CA +86 9 304 CA +86 9 305 AM +86 9 306 CA +86 9 307 CA +86 9 308 AM +86 9 309 CR +86 9 310 CA +86 9 311 CA +86 9 312 CR +86 9 313 CR +86 9 314 GA +86 9 315 CA +86 9 316 CA +86 9 317 FS +86 9 318 FE +86 9 319 GA +86 9 320 CR +86 9 321 FS +86 9 322 CA +86 9 323 CA +86 9 324 GA +86 9 325 FS +86 9 326 FE +86 9 327 CA +86 9 328 CA +86 9 329 GA +86 9 330 * +86 10 1 CA +86 10 2 AS +86 10 3 FS +86 10 4 CA +86 10 5 MA +86 10 6 FE +86 10 7 CA +86 10 8 FS +86 10 9 FE +86 10 10 CA +86 10 11 HU +86 10 12 FE +86 10 13 CA +86 10 14 HU +86 10 15 MA +86 10 16 MA +86 10 17 FS +86 10 18 HU +86 10 19 CA +86 10 20 CA +86 10 21 AS +86 10 22 FE +86 10 23 CA +86 10 24 HU +86 10 25 CA +86 10 26 CA +86 10 27 MA +86 10 28 FS +86 10 29 CA +86 10 30 FE +86 10 31 MA +86 10 32 MA +86 10 33 CA +86 10 34 CA +86 10 35 FE +86 10 36 HU +86 10 37 CA +86 10 38 FS +86 10 39 CA +86 10 40 MA +86 10 41 FS +86 10 42 FE +86 10 43 HU +86 10 44 FS +86 10 45 CA +86 10 46 CA +86 10 47 HU +86 10 48 FE +86 10 49 CA +86 10 50 CA +86 10 51 TA +86 10 52 CA +86 10 53 FS +86 10 54 CA +86 10 55 MA +86 10 56 FE +86 10 57 CA +86 10 58 FE +86 10 59 CA +86 10 60 HU +86 10 61 FE +86 10 62 CA +86 10 63 FS +86 10 64 CA +86 10 65 FS +86 10 66 GA +86 10 67 CA +86 10 68 FS +86 10 69 CA +86 10 70 MA +86 10 71 HU +86 10 72 CA +86 10 73 CA +86 10 74 CA +86 10 75 HU +86 10 76 FS +86 10 77 CA +86 10 78 CA +86 10 79 HU +86 10 80 CA +86 10 81 CA +86 10 82 CA +86 10 83 GA +86 10 84 FE +86 10 85 CA +86 10 86 CA +86 10 87 HU +86 10 88 FS +86 10 89 HU +86 10 90 HU +86 10 91 FE +86 10 92 GA +86 10 93 CA +86 10 94 FE +86 10 95 CA +86 10 96 FE +86 10 97 CA +86 10 98 CA +86 10 99 FS +86 10 100 CA +86 10 101 FS +86 10 102 CA +86 10 103 FE +86 10 104 CA +86 10 105 FS +86 10 106 FE +86 10 107 GA +86 10 108 CA +86 10 109 CA +86 10 110 FE +86 10 111 HU +86 10 112 FE +86 10 113 HU +86 10 114 CA +86 10 115 FS +86 10 116 GA +86 10 117 HU +86 10 118 FS +86 10 119 CA +86 10 120 GA +86 10 121 FS +86 10 122 CA +86 10 123 CA +86 10 124 CA +86 10 125 FS +86 10 126 FS +86 10 127 HU +86 10 128 FE +86 10 129 GA +86 10 130 CA +86 10 131 CA +86 10 132 FS +86 10 133 CA +86 10 134 HU +86 10 135 FS +86 10 136 CA +86 10 137 HU +86 10 138 GA +86 10 139 GA +86 10 140 CA +86 10 141 GA +86 10 142 CA +86 10 143 BA +86 10 144 CA +86 10 145 CA +86 10 146 FE +86 10 147 CA +86 10 148 FS +86 10 149 BA +86 10 150 CA +86 10 151 FE +86 10 152 CA +86 10 153 CA +86 10 154 HU +86 10 155 HU +86 10 156 CA +86 10 157 FE +86 10 158 GA +86 10 159 FE +86 10 160 GA +86 10 161 CA +86 10 162 FS +86 10 163 CA +86 10 164 HU +86 10 165 CA +86 10 166 MA +86 10 167 MA +86 10 168 CA +86 10 169 CA +86 10 170 HU +86 10 171 HU +86 10 172 GA +86 10 173 FS +86 10 174 FE +86 10 175 CA +86 10 176 FS +86 10 177 FE +86 10 178 CA +86 10 179 HU +86 10 180 BA +86 10 181 FE +86 10 182 FS +86 10 183 CA +86 10 184 FS +86 10 185 FE +86 10 186 CA +86 10 187 FE +86 10 188 BA +86 10 189 GA +86 10 190 FE +86 10 191 CA +86 10 192 FS +86 10 193 BA +86 10 194 FS +86 10 195 CA +86 10 196 CA +86 10 197 MA +86 10 198 HU +86 10 199 GA +86 10 200 BA +86 10 201 FE +86 10 202 CA +86 10 203 FS +86 10 204 HU +86 10 205 CA +86 10 206 MA +86 10 207 FS +86 10 208 FE +86 10 209 CA +86 10 210 FS +86 10 211 CA +86 10 212 FE +86 10 213 GA +86 10 214 CA +86 10 215 FE +86 10 216 HU +86 10 217 FE +86 10 218 CA +86 10 219 CA +86 10 220 HU +86 10 221 GA +86 10 222 HU +86 10 223 CA +86 10 224 GA +86 10 225 HU +86 10 226 CA +86 10 227 HU +86 10 228 CA +86 10 229 MA +86 10 230 FE +86 10 231 FS +86 10 232 HU +86 10 233 CA +86 10 234 CA +86 10 235 HU +86 10 236 BA +86 10 237 FE +86 10 238 CA +86 10 239 FS +86 10 240 TA +86 10 241 GA +86 10 242 FE +86 10 243 FS +86 10 244 GA +86 10 245 FS +86 10 246 CA +86 10 247 HU +86 10 248 CA +86 10 249 HU +86 10 250 FS +86 10 251 BA +86 10 252 FE +86 10 253 CA +86 10 254 CA +86 10 255 HU +86 10 256 FS +86 10 257 CA +86 10 258 FE +86 10 259 FS +86 10 260 GA +86 10 261 FE +86 10 262 GA +86 10 263 GA +86 10 264 CA +86 10 265 CA +86 10 266 FS +86 10 267 CA +86 10 268 CA +86 10 269 FS +86 10 270 FE +86 10 271 HU +86 10 272 GA +86 10 273 FS +86 10 274 GA +86 10 275 FE +86 10 276 FS +86 10 277 HU +86 10 278 FE +86 10 279 CA +86 10 280 BA +86 10 281 CA +86 10 282 CA +86 10 283 TA +86 10 284 GA +86 10 285 MA +86 10 286 GA +86 10 287 FE +86 10 288 FS +86 10 289 CA +86 10 290 GA +86 10 291 CA +86 10 292 MA +86 10 293 CA +86 10 294 GA +86 10 295 FE +86 10 296 CA +86 10 297 FE +86 10 298 FS +86 10 299 BA +86 10 300 GA +86 10 301 CA +86 10 302 GA +86 10 303 CA +86 10 304 BA +86 10 305 HU +86 10 306 CA +86 10 307 CA +86 10 308 MA +86 10 309 FE +86 10 310 CA +86 10 311 CA +86 10 312 HU +86 10 313 CA +86 10 314 GA +86 10 315 BA +86 10 316 CA +86 10 317 FS +86 10 318 FE +86 10 319 GA +86 10 320 FE +86 10 321 FS +86 10 322 CA +86 10 323 CA +86 10 324 GA +86 10 325 FS +86 10 326 FE +86 10 327 GA +86 10 328 CA +86 10 329 FS +86 10 330 CA +86 11 1 CA +86 11 2 CA +86 11 3 FS +86 11 4 TA +86 11 5 CA +86 11 6 FE +86 11 7 CA +86 11 8 FS +86 11 9 TA +86 11 10 CA +86 11 11 CA +86 11 12 FE +86 11 13 CA +86 11 14 CA +86 11 15 MA +86 11 16 GA +86 11 17 AS +86 11 18 ET +86 11 19 CA +86 11 20 BA +86 11 21 AS +86 11 22 FE +86 11 23 AM +86 11 24 ET +86 11 25 BA +86 11 26 TA +86 11 27 AS +86 11 28 MA +86 11 29 BA +86 11 30 FS +86 11 31 CA +86 11 32 AS +86 11 33 BA +86 11 34 CA +86 11 35 FS +86 11 36 CA +86 11 37 CA +86 11 38 FS +86 11 39 CA +86 11 40 CA +86 11 41 FS +86 11 42 FE +86 11 43 ET +86 11 44 FE +86 11 45 CA +86 11 46 CF +86 11 47 ET +86 11 48 FE +86 11 49 CA +86 11 50 ET +86 11 51 ET +86 11 52 GA +86 11 53 FS +86 11 54 BA +86 11 55 CA +86 11 56 TA +86 11 57 CA +86 11 58 FE +86 11 59 MA +86 11 60 CA +86 11 61 FS +86 11 62 CA +86 11 63 FS +86 11 64 CA +86 11 65 FS +86 11 66 GA +86 11 67 CA +86 11 68 MA +86 11 69 BA +86 11 70 CR +86 11 71 FS +86 11 72 CA +86 11 73 AM +86 11 74 CR +86 11 75 BA +86 11 76 FS +86 11 77 CA +86 11 78 AS +86 11 79 TA +86 11 80 CA +86 11 81 BA +86 11 82 CA +86 11 83 GA +86 11 84 FE +86 11 85 CA +86 11 86 MA +86 11 87 TA +86 11 88 FS +86 11 89 TA +86 11 90 CA +86 11 91 FE +86 11 92 GA +86 11 93 CA +86 11 94 XS +86 11 95 GA +86 11 96 FE +86 11 97 CA +86 11 98 FS +86 11 99 MA +86 11 100 MA +86 11 101 FS +86 11 102 GA +86 11 103 FE +86 11 104 CA +86 11 105 MA +86 11 106 AS +86 11 107 GA +86 11 108 GA +86 11 109 CA +86 11 110 FE +86 11 111 CA +86 11 112 FS +86 11 113 TA +86 11 114 CA +86 11 115 CA +86 11 116 XS +86 11 117 FE +86 11 118 CA +86 11 119 GA +86 11 120 FS +86 11 121 CA +86 11 122 CA +86 11 123 AS +86 11 124 FS +86 11 125 AS +86 11 126 HU +86 11 127 AS +86 11 128 GA +86 11 129 TA +86 11 130 AM +86 11 131 FS +86 11 132 BA +86 11 133 CA +86 11 134 TA +86 11 135 FS +86 11 136 CA +86 11 137 BA +86 11 138 CA +86 11 139 AS +86 11 140 CA +86 11 141 GA +86 11 142 GA +86 11 143 CA +86 11 144 AM +86 11 145 CA +86 11 146 FE +86 11 147 CA +86 11 148 FS +86 11 149 BA +86 11 150 AM +86 11 151 FE +86 11 152 CA +86 11 153 CA +86 11 154 TA +86 11 155 TA +86 11 156 BA +86 11 157 XS +86 11 158 GA +86 11 159 FS +86 11 160 MA +86 11 161 CA +86 11 162 FS +86 11 163 CA +86 11 164 CA +86 11 165 AS +86 11 166 AS +86 11 167 BA +86 11 168 MA +86 11 169 CA +86 11 170 CA +86 11 171 CA +86 11 172 GA +86 11 173 FS +86 11 174 FE +86 11 175 MA +86 11 176 FS +86 11 177 FE +86 11 178 CA +86 11 179 FS +86 11 180 CA +86 11 181 FE +86 11 182 AM +86 11 183 TA +86 11 184 AM +86 11 185 FE +86 11 186 CA +86 11 187 FE +86 11 188 CA +86 11 189 AS +86 11 190 MA +86 11 191 CA +86 11 192 CA +86 11 193 FE +86 11 194 XS +86 11 195 CA +86 11 196 CA +86 11 197 AS +86 11 198 HU +86 11 199 GA +86 11 200 CA +86 11 201 MA +86 11 202 CA +86 11 203 MA +86 11 204 XS +86 11 205 CA +86 11 206 GA +86 11 207 FS +86 11 208 FE +86 11 209 BA +86 11 210 FS +86 11 211 CA +86 11 212 FS +86 11 213 AS +86 11 214 AS +86 11 215 MA +86 11 216 XS +86 11 217 FE +86 11 218 FE +86 11 219 CF +86 11 220 CA +86 11 221 GA +86 11 222 MA +86 11 223 CA +86 11 224 GA +86 11 225 FS +86 11 226 CA +86 11 227 HU +86 11 228 CA +86 11 229 CA +86 11 230 GA +86 11 231 MA +86 11 232 FE +86 11 233 MA +86 11 234 BA +86 11 235 CA +86 11 236 FE +86 11 237 FE +86 11 238 CA +86 11 239 MA +86 11 240 XS +86 11 241 GA +86 11 242 GA +86 11 243 GA +86 11 244 GA +86 11 245 FS +86 11 246 FE +86 11 247 AS +86 11 248 BA +86 11 249 CA +86 11 250 AM +86 11 251 CA +86 11 252 GA +86 11 253 CA +86 11 254 CA +86 11 255 HU +86 11 256 FS +86 11 257 CA +86 11 258 FE +86 11 259 FS +86 11 260 GA +86 11 261 FE +86 11 262 GA +86 11 263 CF +86 11 264 CA +86 11 265 BA +86 11 266 SH +86 11 267 MA +86 11 268 CA +86 11 269 MA +86 11 270 FE +86 11 271 BA +86 11 272 GA +86 11 273 MA +86 11 274 GA +86 11 275 FE +86 11 276 MA +86 11 277 CA +86 11 278 FE +86 11 279 CA +86 11 280 BA +86 11 281 CA +86 11 282 CA +86 11 283 TA +86 11 284 GA +86 11 285 AS +86 11 286 GA +86 11 287 FE +86 11 288 FS +86 11 289 CA +86 11 290 GA +86 11 291 CA +86 11 292 MA +86 11 293 GA +86 11 294 GA +86 11 295 XS +86 11 296 AM +86 11 297 FE +86 11 298 FS +86 11 299 CA +86 11 300 GA +86 11 301 CA +86 11 302 GA +86 11 303 AS +86 11 304 FE +86 11 305 AM +86 11 306 CA +86 11 307 CA +86 11 308 AS +86 11 309 XS +86 11 310 CA +86 11 311 CA +86 11 312 TA +86 11 313 CA +86 11 314 GA +86 11 315 CA +86 11 316 CA +86 11 317 AM +86 11 318 FE +86 11 319 FS +86 11 320 FE +86 11 321 FS +86 11 322 CA +86 11 323 BA +86 11 324 GA +86 11 325 AM +86 11 326 FE +86 11 327 GA +86 11 328 TA +86 11 329 TA +86 11 330 GA +86 12 1 CA +86 12 2 GA +86 12 3 FS +86 12 4 CA +86 12 5 MA +86 12 6 FE +86 12 7 CA +86 12 8 FS +86 12 9 FE +86 12 10 CA +86 12 11 HU +86 12 12 FE +86 12 13 CA +86 12 14 HU +86 12 15 MA +86 12 16 MA +86 12 17 FS +86 12 18 HU +86 12 19 CA +86 12 20 CA +86 12 21 AS +86 12 22 CA +86 12 23 CA +86 12 24 HU +86 12 25 CA +86 12 26 CA +86 12 27 MA +86 12 28 FS +86 12 29 BA +86 12 30 FS +86 12 31 MA +86 12 32 MA +86 12 33 CA +86 12 34 CA +86 12 35 FE +86 12 36 HU +86 12 37 CA +86 12 38 FS +86 12 39 CA +86 12 40 MA +86 12 41 FS +86 12 42 FE +86 12 43 HU +86 12 44 GA +86 12 45 CA +86 12 46 CA +86 12 47 CA +86 12 48 FE +86 12 49 CA +86 12 50 CA +86 12 51 TA +86 12 52 CA +86 12 53 FS +86 12 54 CA +86 12 55 MA +86 12 56 FE +86 12 57 CA +86 12 58 FE +86 12 59 CA +86 12 60 HU +86 12 61 FE +86 12 62 CA +86 12 63 FS +86 12 64 CA +86 12 65 FS +86 12 66 GA +86 12 67 CA +86 12 68 FS +86 12 69 CA +86 12 70 MA +86 12 71 HU +86 12 72 CA +86 12 73 CA +86 12 74 CA +86 12 75 HU +86 12 76 FS +86 12 77 CA +86 12 78 CA +86 12 79 HU +86 12 80 CA +86 12 81 CA +86 12 82 CA +86 12 83 GA +86 12 84 FE +86 12 85 CA +86 12 86 CA +86 12 87 HU +86 12 88 GA +86 12 89 HU +86 12 90 HU +86 12 91 FE +86 12 92 GA +86 12 93 CA +86 12 94 HU +86 12 95 GA +86 12 96 FE +86 12 97 CA +86 12 98 FS +86 12 99 CA +86 12 100 CA +86 12 101 FS +86 12 102 CA +86 12 103 FE +86 12 104 CA +86 12 105 FS +86 12 106 FS +86 12 107 GA +86 12 108 CA +86 12 109 CA +86 12 110 FE +86 12 111 HU +86 12 112 FS +86 12 113 HU +86 12 114 CA +86 12 115 FS +86 12 116 GA +86 12 117 HU +86 12 118 FS +86 12 119 CA +86 12 120 GA +86 12 121 FS +86 12 122 CA +86 12 123 CA +86 12 124 CA +86 12 125 FS +86 12 126 FS +86 12 127 HU +86 12 128 FE +86 12 129 GA +86 12 130 CA +86 12 131 CA +86 12 132 FS +86 12 133 CA +86 12 134 HU +86 12 135 FS +86 12 136 CA +86 12 137 HU +86 12 138 GA +86 12 139 GA +86 12 140 CA +86 12 141 GA +86 12 142 CA +86 12 143 BA +86 12 144 CA +86 12 145 CA +86 12 146 FE +86 12 147 CA +86 12 148 FS +86 12 149 BA +86 12 150 CA +86 12 151 FE +86 12 152 CA +86 12 153 CA +86 12 154 HU +86 12 155 HU +86 12 156 CA +86 12 157 FE +86 12 158 GA +86 12 159 FE +86 12 160 GA +86 12 161 CA +86 12 162 FS +86 12 163 CA +86 12 164 HU +86 12 165 CA +86 12 166 MA +86 12 167 MA +86 12 168 CA +86 12 169 CA +86 12 170 HU +86 12 171 HU +86 12 172 GA +86 12 173 FS +86 12 174 FE +86 12 175 CA +86 12 176 FS +86 12 177 FE +86 12 178 CA +86 12 179 HU +86 12 180 BA +86 12 181 FE +86 12 182 FS +86 12 183 CA +86 12 184 FS +86 12 185 FE +86 12 186 CA +86 12 187 FE +86 12 188 FE +86 12 189 GA +86 12 190 FE +86 12 191 CA +86 12 192 FS +86 12 193 BA +86 12 194 FE +86 12 195 CA +86 12 196 CA +86 12 197 MA +86 12 198 HU +86 12 199 GA +86 12 200 BA +86 12 201 FE +86 12 202 CA +86 12 203 FS +86 12 204 HU +86 12 205 CA +86 12 206 MA +86 12 207 GA +86 12 208 FE +86 12 209 CA +86 12 210 FS +86 12 211 CA +86 12 212 FE +86 12 213 GA +86 12 214 CA +86 12 215 FE +86 12 216 HU +86 12 217 FE +86 12 218 CA +86 12 219 CA +86 12 220 HU +86 12 221 GA +86 12 222 HU +86 12 223 CA +86 12 224 GA +86 12 225 HU +86 12 226 CA +86 12 227 HU +86 12 228 CA +86 12 229 MA +86 12 230 FE +86 12 231 FS +86 12 232 HU +86 12 233 CA +86 12 234 CA +86 12 235 HU +86 12 236 BA +86 12 237 FE +86 12 238 CA +86 12 239 FS +86 12 240 * +86 12 241 GA +86 12 242 FE +86 12 243 FS +86 12 244 GA +86 12 245 FS +86 12 246 CA +86 12 247 HU +86 12 248 CA +86 12 249 HU +86 12 250 FS +86 12 251 BA +86 12 252 FE +86 12 253 CA +86 12 254 CA +86 12 255 HU +86 12 256 FS +86 12 257 CA +86 12 258 FE +86 12 259 FS +86 12 260 GA +86 12 261 FE +86 12 262 GA +86 12 263 GA +86 12 264 CA +86 12 265 CA +86 12 266 FS +86 12 267 CA +86 12 268 CA +86 12 269 FS +86 12 270 FE +86 12 271 HU +86 12 272 GA +86 12 273 FS +86 12 274 GA +86 12 275 FE +86 12 276 FS +86 12 277 HU +86 12 278 FE +86 12 279 CA +86 12 280 BA +86 12 281 CA +86 12 282 CA +86 12 283 TA +86 12 284 MA +86 12 285 MA +86 12 286 GA +86 12 287 FE +86 12 288 FS +86 12 289 CA +86 12 290 GA +86 12 291 CA +86 12 292 MA +86 12 293 CA +86 12 294 GA +86 12 295 FE +86 12 296 CA +86 12 297 FE +86 12 298 FS +86 12 299 BA +86 12 300 GA +86 12 301 CA +86 12 302 FS +86 12 303 FS +86 12 304 BA +86 12 305 HU +86 12 306 CA +86 12 307 CA +86 12 308 MA +86 12 309 FE +86 12 310 CA +86 12 311 CA +86 12 312 HU +86 12 313 CA +86 12 314 GA +86 12 315 BA +86 12 316 CA +86 12 317 FS +86 12 318 FE +86 12 319 GA +86 12 320 FE +86 12 321 FS +86 12 322 CA +86 12 323 CA +86 12 324 GA +86 12 325 FS +86 12 326 FE +86 12 327 GA +86 12 328 CA +86 12 329 FE +86 12 330 CA +86 13 1 CA +86 13 2 GA +86 13 3 FS +86 13 4 AM +86 13 5 MA +86 13 6 FE +86 13 7 SH +86 13 8 EM +86 13 9 PA +86 13 10 CA +86 13 11 EM +86 13 12 FE +86 13 13 CA +86 13 14 CA +86 13 15 MA +86 13 16 GA +86 13 17 FS +86 13 18 HU +86 13 19 CA +86 13 20 SH +86 13 21 MA +86 13 22 FE +86 13 23 AM +86 13 24 PA +86 13 25 EM +86 13 26 CA +86 13 27 GA +86 13 28 FS +86 13 29 CA +86 13 30 FE +86 13 31 MA +86 13 32 MA +86 13 33 SH +86 13 34 EM +86 13 35 FE +86 13 36 EM +86 13 37 MA +86 13 38 GA +86 13 39 CA +86 13 40 CA +86 13 41 FS +86 13 42 FE +86 13 43 CA +86 13 44 GA +86 13 45 CA +86 13 46 PA +86 13 47 EM +86 13 48 FE +86 13 49 MA +86 13 50 AM +86 13 51 MA +86 13 52 GA +86 13 53 AM +86 13 54 SH +86 13 55 CA +86 13 56 FE +86 13 57 CA +86 13 58 EM +86 13 59 MA +86 13 60 CA +86 13 61 FS +86 13 62 CA +86 13 63 FS +86 13 64 CA +86 13 65 FS +86 13 66 GA +86 13 67 MA +86 13 68 FS +86 13 69 CA +86 13 70 GA +86 13 71 FS +86 13 72 CA +86 13 73 AM +86 13 74 CA +86 13 75 EM +86 13 76 FE +86 13 77 CA +86 13 78 MA +86 13 79 HU +86 13 80 CA +86 13 81 MA +86 13 82 CA +86 13 83 FE +86 13 84 AS +86 13 85 CA +86 13 86 MA +86 13 87 EM +86 13 88 AM +86 13 89 HU +86 13 90 CA +86 13 91 FE +86 13 92 GA +86 13 93 CA +86 13 94 EM +86 13 95 AS +86 13 96 FE +86 13 97 FE +86 13 98 FS +86 13 99 MA +86 13 100 CA +86 13 101 AM +86 13 102 MA +86 13 103 EM +86 13 104 CA +86 13 105 AM +86 13 106 FE +86 13 107 GA +86 13 108 CA +86 13 109 EM +86 13 110 FE +86 13 111 HU +86 13 112 FS +86 13 113 HU +86 13 114 CA +86 13 115 FS +86 13 116 CA +86 13 117 EM +86 13 118 FS +86 13 119 CA +86 13 120 GA +86 13 121 FE +86 13 122 CA +86 13 123 CA +86 13 124 FE +86 13 125 FS +86 13 126 MA +86 13 127 EM +86 13 128 MA +86 13 129 GA +86 13 130 CA +86 13 131 AM +86 13 132 GA +86 13 133 CA +86 13 134 HU +86 13 135 AM +86 13 136 MA +86 13 137 CA +86 13 138 MA +86 13 139 GA +86 13 140 CA +86 13 141 GA +86 13 142 GA +86 13 143 FE +86 13 144 HU +86 13 145 CA +86 13 146 FE +86 13 147 CA +86 13 148 FS +86 13 149 AS +86 13 150 AM +86 13 151 FS +86 13 152 MA +86 13 153 CA +86 13 154 EM +86 13 155 EM +86 13 156 CA +86 13 157 PA +86 13 158 GA +86 13 159 FE +86 13 160 FS +86 13 161 FS +86 13 162 FS +86 13 163 CA +86 13 164 CA +86 13 165 EM +86 13 166 CA +86 13 167 MA +86 13 168 CA +86 13 169 CA +86 13 170 TA +86 13 171 CA +86 13 172 GA +86 13 173 FE +86 13 174 FE +86 13 175 CA +86 13 176 FS +86 13 177 FE +86 13 178 CA +86 13 179 FS +86 13 180 CA +86 13 181 FE +86 13 182 AM +86 13 183 FE +86 13 184 AM +86 13 185 FE +86 13 186 CA +86 13 187 FE +86 13 188 CA +86 13 189 AS +86 13 190 FS +86 13 191 CA +86 13 192 AM +86 13 193 FE +86 13 194 FS +86 13 195 CA +86 13 196 CA +86 13 197 AS +86 13 198 HU +86 13 199 GA +86 13 200 CA +86 13 201 FS +86 13 202 CA +86 13 203 FS +86 13 204 EM +86 13 205 AM +86 13 206 GA +86 13 207 AM +86 13 208 FE +86 13 209 CA +86 13 210 FS +86 13 211 CA +86 13 212 FE +86 13 213 GA +86 13 214 AS +86 13 215 FE +86 13 216 EM +86 13 217 FS +86 13 218 FE +86 13 219 MA +86 13 220 CA +86 13 221 GA +86 13 222 AM +86 13 223 CA +86 13 224 GA +86 13 225 FE +86 13 226 CA +86 13 227 HU +86 13 228 CA +86 13 229 AS +86 13 230 GA +86 13 231 AM +86 13 232 EM +86 13 233 CA +86 13 234 CA +86 13 235 CA +86 13 236 FE +86 13 237 FE +86 13 238 CA +86 13 239 FS +86 13 240 FE +86 13 241 GA +86 13 242 FE +86 13 243 AM +86 13 244 GA +86 13 245 FS +86 13 246 CA +86 13 247 CA +86 13 248 EM +86 13 249 CA +86 13 250 CA +86 13 251 CA +86 13 252 GA +86 13 253 CA +86 13 254 MA +86 13 255 HU +86 13 256 FS +86 13 257 CA +86 13 258 FE +86 13 259 FS +86 13 260 GA +86 13 261 FE +86 13 262 GA +86 13 263 AS +86 13 264 CA +86 13 265 CA +86 13 266 FS +86 13 267 AM +86 13 268 CA +86 13 269 AM +86 13 270 FE +86 13 271 EM +86 13 272 GA +86 13 273 AM +86 13 274 GA +86 13 275 FE +86 13 276 FS +86 13 277 EM +86 13 278 AS +86 13 279 CA +86 13 280 CA +86 13 281 CA +86 13 282 FE +86 13 283 HU +86 13 284 GA +86 13 285 MA +86 13 286 GA +86 13 287 FE +86 13 288 FS +86 13 289 CA +86 13 290 GA +86 13 291 CA +86 13 292 MA +86 13 293 GA +86 13 294 GA +86 13 295 EM +86 13 296 AM +86 13 297 FE +86 13 298 FS +86 13 299 CA +86 13 300 GA +86 13 301 CA +86 13 302 GA +86 13 303 MA +86 13 304 CA +86 13 305 AM +86 13 306 FE +86 13 307 CA +86 13 308 AS +86 13 309 EM +86 13 310 CA +86 13 311 CA +86 13 312 HU +86 13 313 CA +86 13 314 GA +86 13 315 CA +86 13 316 CA +86 13 317 AM +86 13 318 FE +86 13 319 GA +86 13 320 BA +86 13 321 FS +86 13 322 CA +86 13 323 CA +86 13 324 GA +86 13 325 AM +86 13 326 FE +86 13 327 AS +86 13 328 AS +86 13 329 SH +86 13 330 EM +86 14 1 CA +86 14 2 CA +86 14 3 FS +86 14 4 TA +86 14 5 CA +86 14 6 FE +86 14 7 CA +86 14 8 FS +86 14 9 TA +86 14 10 CA +86 14 11 CA +86 14 12 FE +86 14 13 CA +86 14 14 CA +86 14 15 MA +86 14 16 GA +86 14 17 AS +86 14 18 ET +86 14 19 CA +86 14 20 BA +86 14 21 AS +86 14 22 FE +86 14 23 AM +86 14 24 ET +86 14 25 BA +86 14 26 TA +86 14 27 AS +86 14 28 MA +86 14 29 BA +86 14 30 FS +86 14 31 CA +86 14 32 AS +86 14 33 BA +86 14 34 CA +86 14 35 FS +86 14 36 CA +86 14 37 CA +86 14 38 FS +86 14 39 CA +86 14 40 CA +86 14 41 FS +86 14 42 FE +86 14 43 ET +86 14 44 FE +86 14 45 CA +86 14 46 CF +86 14 47 ET +86 14 48 FE +86 14 49 CA +86 14 50 ET +86 14 51 ET +86 14 52 MA +86 14 53 FS +86 14 54 BA +86 14 55 CA +86 14 56 TA +86 14 57 CA +86 14 58 TA +86 14 59 GA +86 14 60 CA +86 14 61 FS +86 14 62 CA +86 14 63 MA +86 14 64 CA +86 14 65 FS +86 14 66 GA +86 14 67 CA +86 14 68 FS +86 14 69 TA +86 14 70 GA +86 14 71 FS +86 14 72 CA +86 14 73 TA +86 14 74 CA +86 14 75 TA +86 14 76 FS +86 14 77 CA +86 14 78 MA +86 14 79 TA +86 14 80 CA +86 14 81 CA +86 14 82 CA +86 14 83 FE +86 14 84 MA +86 14 85 CA +86 14 86 MA +86 14 87 TA +86 14 88 FS +86 14 89 KA +86 14 90 KA +86 14 91 CA +86 14 92 FE +86 14 93 CA +86 14 94 HU +86 14 95 CA +86 14 96 FE +86 14 97 AM +86 14 98 FS +86 14 99 GA +86 14 100 CA +86 14 101 FS +86 14 102 GA +86 14 103 TA +86 14 104 CA +86 14 105 AM +86 14 106 FE +86 14 107 FE +86 14 108 CA +86 14 109 CA +86 14 110 FE +86 14 111 TA +86 14 112 FS +86 14 113 HU +86 14 114 CA +86 14 115 FS +86 14 116 AS +86 14 117 HU +86 14 118 MA +86 14 119 CA +86 14 120 GA +86 14 121 FS +86 14 122 CA +86 14 123 CA +86 14 124 BA +86 14 125 FS +86 14 126 MA +86 14 127 CA +86 14 128 FE +86 14 129 GA +86 14 130 HU +86 14 131 AM +86 14 132 FS +86 14 133 CA +86 14 134 TA +86 14 135 FS +86 14 136 CA +86 14 137 CA +86 14 138 CA +86 14 139 GA +86 14 140 CA +86 14 141 GA +86 14 142 GA +86 14 143 CA +86 14 144 TA +86 14 145 CA +86 14 146 FE +86 14 147 CA +86 14 148 FS +86 14 149 CA +86 14 150 AM +86 14 151 MA +86 14 152 MA +86 14 153 CA +86 14 154 TA +86 14 155 TA +86 14 156 CA +86 14 157 TA +86 14 158 GA +86 14 159 FE +86 14 160 MA +86 14 161 CA +86 14 162 FS +86 14 163 CA +86 14 164 CA +86 14 165 CF +86 14 166 HU +86 14 167 GA +86 14 168 CA +86 14 169 CA +86 14 170 CR +86 14 171 CR +86 14 172 GA +86 14 173 FS +86 14 174 FE +86 14 175 CA +86 14 176 AS +86 14 177 GA +86 14 178 CA +86 14 179 AM +86 14 180 CA +86 14 181 FE +86 14 182 AM +86 14 183 TA +86 14 184 AM +86 14 185 FE +86 14 186 CA +86 14 187 FE +86 14 188 CA +86 14 189 MA +86 14 190 MA +86 14 191 CA +86 14 192 CA +86 14 193 MA +86 14 194 FS +86 14 195 CA +86 14 196 CA +86 14 197 MA +86 14 198 CF +86 14 199 GA +86 14 200 CA +86 14 201 FE +86 14 202 CA +86 14 203 FS +86 14 204 CR +86 14 205 CA +86 14 206 GA +86 14 207 FS +86 14 208 KA +86 14 209 CA +86 14 210 TA +86 14 211 CA +86 14 212 FE +86 14 213 GA +86 14 214 FE +86 14 215 MA +86 14 216 CR +86 14 217 FE +86 14 218 TA +86 14 219 GA +86 14 220 CA +86 14 221 GA +86 14 222 AM +86 14 223 CA +86 14 224 GA +86 14 225 KA +86 14 226 CA +86 14 227 CR +86 14 228 CA +86 14 229 CA +86 14 230 GA +86 14 231 SS +86 14 232 CR +86 14 233 CA +86 14 234 CA +86 14 235 CA +86 14 236 BA +86 14 237 FE +86 14 238 CA +86 14 239 MA +86 14 240 TA +86 14 241 GA +86 14 242 FE +86 14 243 TA +86 14 244 MA +86 14 245 FS +86 14 246 CA +86 14 247 AM +86 14 248 CR +86 14 249 CA +86 14 250 CR +86 14 251 CA +86 14 252 GA +86 14 253 CA +86 14 254 CA +86 14 255 CR +86 14 256 AS +86 14 257 CA +86 14 258 FE +86 14 259 FS +86 14 260 GA +86 14 261 FE +86 14 262 GA +86 14 263 CR +86 14 264 CA +86 14 265 CA +86 14 266 TA +86 14 267 AM +86 14 268 CA +86 14 269 FS +86 14 270 FE +86 14 271 CR +86 14 272 GA +86 14 273 AM +86 14 274 GA +86 14 275 KA +86 14 276 FS +86 14 277 CA +86 14 278 MA +86 14 279 CA +86 14 280 CA +86 14 281 CA +86 14 282 CA +86 14 283 AM +86 14 284 CA +86 14 285 MA +86 14 286 GA +86 14 287 TA +86 14 288 FS +86 14 289 CA +86 14 290 GA +86 14 291 CA +86 14 292 MA +86 14 293 GA +86 14 294 GA +86 14 295 CR +86 14 296 AM +86 14 297 FE +86 14 298 FS +86 14 299 CA +86 14 300 GA +86 14 301 CA +86 14 302 GA +86 14 303 MA +86 14 304 CA +86 14 305 AM +86 14 306 CA +86 14 307 CA +86 14 308 AM +86 14 309 CR +86 14 310 CA +86 14 311 CA +86 14 312 CR +86 14 313 CR +86 14 314 GA +86 14 315 CA +86 14 316 CA +86 14 317 FS +86 14 318 FE +86 14 319 GA +86 14 320 CR +86 14 321 FS +86 14 322 CA +86 14 323 CA +86 14 324 GA +86 14 325 FS +86 14 326 FE +86 14 327 GA +86 14 328 CA +86 14 329 CA +86 14 330 GA +86 15 1 CA +86 15 2 GA +86 15 3 FS +86 15 4 AM +86 15 5 MA +86 15 6 FE +86 15 7 SH +86 15 8 EM +86 15 9 PA +86 15 10 CA +86 15 11 EM +86 15 12 FE +86 15 13 CA +86 15 14 CA +86 15 15 MA +86 15 16 GA +86 15 17 FS +86 15 18 HU +86 15 19 CA +86 15 20 SH +86 15 21 MA +86 15 22 FE +86 15 23 AM +86 15 24 PA +86 15 25 EM +86 15 26 CA +86 15 27 GA +86 15 28 FS +86 15 29 CA +86 15 30 FE +86 15 31 MA +86 15 32 MA +86 15 33 SH +86 15 34 EM +86 15 35 FE +86 15 36 EM +86 15 37 MA +86 15 38 FS +86 15 39 CA +86 15 40 CA +86 15 41 FS +86 15 42 FE +86 15 43 CA +86 15 44 GA +86 15 45 CA +86 15 46 PA +86 15 47 EM +86 15 48 FS +86 15 49 MA +86 15 50 AM +86 15 51 MA +86 15 52 GA +86 15 53 AM +86 15 54 SH +86 15 55 CA +86 15 56 FE +86 15 57 CA +86 15 58 EM +86 15 59 MA +86 15 60 CA +86 15 61 FS +86 15 62 CA +86 15 63 FS +86 15 64 CA +86 15 65 FS +86 15 66 GA +86 15 67 MA +86 15 68 FS +86 15 69 CA +86 15 70 GA +86 15 71 FS +86 15 72 CA +86 15 73 AM +86 15 74 CA +86 15 75 EM +86 15 76 FS +86 15 77 CA +86 15 78 MA +86 15 79 HU +86 15 80 CA +86 15 81 MA +86 15 82 CA +86 15 83 FE +86 15 84 AS +86 15 85 CA +86 15 86 MA +86 15 87 EM +86 15 88 AM +86 15 89 HU +86 15 90 CA +86 15 91 FE +86 15 92 GA +86 15 93 CA +86 15 94 EM +86 15 95 AS +86 15 96 FE +86 15 97 CA +86 15 98 FS +86 15 99 MA +86 15 100 CA +86 15 101 AM +86 15 102 MA +86 15 103 EM +86 15 104 CA +86 15 105 AM +86 15 106 FE +86 15 107 GA +86 15 108 CA +86 15 109 EM +86 15 110 FE +86 15 111 HU +86 15 112 FS +86 15 113 HU +86 15 114 CA +86 15 115 FS +86 15 116 CA +86 15 117 EM +86 15 118 FS +86 15 119 CA +86 15 120 GA +86 15 121 FE +86 15 122 CA +86 15 123 CA +86 15 124 FE +86 15 125 FS +86 15 126 MA +86 15 127 EM +86 15 128 FE +86 15 129 GA +86 15 130 CA +86 15 131 AM +86 15 132 FS +86 15 133 CA +86 15 134 HU +86 15 135 AM +86 15 136 MA +86 15 137 CA +86 15 138 MA +86 15 139 GA +86 15 140 CA +86 15 141 GA +86 15 142 GA +86 15 143 FE +86 15 144 HU +86 15 145 CA +86 15 146 FE +86 15 147 CA +86 15 148 FS +86 15 149 AS +86 15 150 AM +86 15 151 FS +86 15 152 MA +86 15 153 CA +86 15 154 EM +86 15 155 EM +86 15 156 CA +86 15 157 PA +86 15 158 GA +86 15 159 FE +86 15 160 FS +86 15 161 FS +86 15 162 FS +86 15 163 CA +86 15 164 CA +86 15 165 EM +86 15 166 CA +86 15 167 MA +86 15 168 CA +86 15 169 CA +86 15 170 TA +86 15 171 CA +86 15 172 GA +86 15 173 FS +86 15 174 FS +86 15 175 CA +86 15 176 FS +86 15 177 FE +86 15 178 CA +86 15 179 FS +86 15 180 CA +86 15 181 FE +86 15 182 AM +86 15 183 FE +86 15 184 AM +86 15 185 FE +86 15 186 CA +86 15 187 FE +86 15 188 CA +86 15 189 AS +86 15 190 FS +86 15 191 CA +86 15 192 AM +86 15 193 FE +86 15 194 FS +86 15 195 CA +86 15 196 CA +86 15 197 AS +86 15 198 HU +86 15 199 GA +86 15 200 CA +86 15 201 FS +86 15 202 CA +86 15 203 FS +86 15 204 EM +86 15 205 AM +86 15 206 GA +86 15 207 AM +86 15 208 FE +86 15 209 CA +86 15 210 FS +86 15 211 CA +86 15 212 FE +86 15 213 GA +86 15 214 AS +86 15 215 FE +86 15 216 EM +86 15 217 FS +86 15 218 FE +86 15 219 MA +86 15 220 CA +86 15 221 GA +86 15 222 AM +86 15 223 CA +86 15 224 GA +86 15 225 FE +86 15 226 CA +86 15 227 HU +86 15 228 CA +86 15 229 AS +86 15 230 GA +86 15 231 AM +86 15 232 EM +86 15 233 CA +86 15 234 CA +86 15 235 CA +86 15 236 FE +86 15 237 FE +86 15 238 CA +86 15 239 FS +86 15 240 FE +86 15 241 GA +86 15 242 FE +86 15 243 AM +86 15 244 GA +86 15 245 FS +86 15 246 CA +86 15 247 CA +86 15 248 EM +86 15 249 CA +86 15 250 CA +86 15 251 CA +86 15 252 GA +86 15 253 CA +86 15 254 MA +86 15 255 HU +86 15 256 FS +86 15 257 CA +86 15 258 FE +86 15 259 FS +86 15 260 GA +86 15 261 FE +86 15 262 GA +86 15 263 AS +86 15 264 CA +86 15 265 CA +86 15 266 FS +86 15 267 AM +86 15 268 CA +86 15 269 AM +86 15 270 FE +86 15 271 EM +86 15 272 GA +86 15 273 AM +86 15 274 GA +86 15 275 FE +86 15 276 FS +86 15 277 EM +86 15 278 AS +86 15 279 CA +86 15 280 CA +86 15 281 CA +86 15 282 FE +86 15 283 HU +86 15 284 GA +86 15 285 MA +86 15 286 GA +86 15 287 FE +86 15 288 FS +86 15 289 CA +86 15 290 GA +86 15 291 CA +86 15 292 MA +86 15 293 GA +86 15 294 GA +86 15 295 EM +86 15 296 AM +86 15 297 FE +86 15 298 FS +86 15 299 CA +86 15 300 GA +86 15 301 CA +86 15 302 GA +86 15 303 MA +86 15 304 CA +86 15 305 AM +86 15 306 FE +86 15 307 CA +86 15 308 AS +86 15 309 EM +86 15 310 CA +86 15 311 CA +86 15 312 HU +86 15 313 CA +86 15 314 GA +86 15 315 CA +86 15 316 CA +86 15 317 AM +86 15 318 FE +86 15 319 GA +86 15 320 BA +86 15 321 GA +86 15 322 CA +86 15 323 CA +86 15 324 GA +86 15 325 AM +86 15 326 FE +86 15 327 AS +86 15 328 AS +86 15 329 SH +86 15 330 EM +86 16 1 CA +86 16 2 CA +86 16 3 FS +86 16 4 TA +86 16 5 CA +86 16 6 FE +86 16 7 CA +86 16 8 FS +86 16 9 TA +86 16 10 CA +86 16 11 CA +86 16 12 FE +86 16 13 CA +86 16 14 CA +86 16 15 MA +86 16 16 AS +86 16 17 AS +86 16 18 ET +86 16 19 CA +86 16 20 BA +86 16 21 AS +86 16 22 FE +86 16 23 AM +86 16 24 ET +86 16 25 BA +86 16 26 TA +86 16 27 AS +86 16 28 MA +86 16 29 BA +86 16 30 FS +86 16 31 CA +86 16 32 AS +86 16 33 BA +86 16 34 CA +86 16 35 FS +86 16 36 CA +86 16 37 CA +86 16 38 FS +86 16 39 CA +86 16 40 CA +86 16 41 FS +86 16 42 FE +86 16 43 ET +86 16 44 FE +86 16 45 CA +86 16 46 CF +86 16 47 ET +86 16 48 FE +86 16 49 CA +86 16 50 AM +86 16 51 ET +86 16 52 GA +86 16 53 FS +86 16 54 BA +86 16 55 CA +86 16 56 TA +86 16 57 CA +86 16 58 FE +86 16 59 MA +86 16 60 CA +86 16 61 FS +86 16 62 CA +86 16 63 FS +86 16 64 CA +86 16 65 FS +86 16 66 GA +86 16 67 CA +86 16 68 MA +86 16 69 BA +86 16 70 CR +86 16 71 FS +86 16 72 CA +86 16 73 AM +86 16 74 CR +86 16 75 BA +86 16 76 FS +86 16 77 CA +86 16 78 AS +86 16 79 TA +86 16 80 CA +86 16 81 BA +86 16 82 CA +86 16 83 GA +86 16 84 FE +86 16 85 CA +86 16 86 MA +86 16 87 TA +86 16 88 FS +86 16 89 TA +86 16 90 CA +86 16 91 FE +86 16 92 GA +86 16 93 CA +86 16 94 XS +86 16 95 GA +86 16 96 FE +86 16 97 CA +86 16 98 FS +86 16 99 MA +86 16 100 MA +86 16 101 FS +86 16 102 GA +86 16 103 FE +86 16 104 CA +86 16 105 BA +86 16 106 FS +86 16 107 GA +86 16 108 GA +86 16 109 CA +86 16 110 FE +86 16 111 CA +86 16 112 FS +86 16 113 TA +86 16 114 CA +86 16 115 CA +86 16 116 XS +86 16 117 FE +86 16 118 CA +86 16 119 GA +86 16 120 FS +86 16 121 CA +86 16 122 CA +86 16 123 AS +86 16 124 FS +86 16 125 AS +86 16 126 HU +86 16 127 AS +86 16 128 GA +86 16 129 TA +86 16 130 AM +86 16 131 FS +86 16 132 BA +86 16 133 CA +86 16 134 TA +86 16 135 FS +86 16 136 CA +86 16 137 BA +86 16 138 CA +86 16 139 AS +86 16 140 CA +86 16 141 GA +86 16 142 GA +86 16 143 CA +86 16 144 AM +86 16 145 CA +86 16 146 FE +86 16 147 CA +86 16 148 FS +86 16 149 BA +86 16 150 AM +86 16 151 FE +86 16 152 CA +86 16 153 CA +86 16 154 TA +86 16 155 TA +86 16 156 BA +86 16 157 XS +86 16 158 GA +86 16 159 FE +86 16 160 MA +86 16 161 CA +86 16 162 FS +86 16 163 CA +86 16 164 CA +86 16 165 AS +86 16 166 AS +86 16 167 BA +86 16 168 MA +86 16 169 CA +86 16 170 CA +86 16 171 CA +86 16 172 GA +86 16 173 FS +86 16 174 FE +86 16 175 MA +86 16 176 FS +86 16 177 FE +86 16 178 CA +86 16 179 FS +86 16 180 CA +86 16 181 FE +86 16 182 AM +86 16 183 TA +86 16 184 AM +86 16 185 FE +86 16 186 CA +86 16 187 FE +86 16 188 CA +86 16 189 AS +86 16 190 MA +86 16 191 CA +86 16 192 CA +86 16 193 FE +86 16 194 XS +86 16 195 CA +86 16 196 CA +86 16 197 AS +86 16 198 HU +86 16 199 GA +86 16 200 CA +86 16 201 MA +86 16 202 CA +86 16 203 MA +86 16 204 XS +86 16 205 CA +86 16 206 GA +86 16 207 FS +86 16 208 FE +86 16 209 BA +86 16 210 FS +86 16 211 CA +86 16 212 FE +86 16 213 AS +86 16 214 AS +86 16 215 MA +86 16 216 XS +86 16 217 FE +86 16 218 FE +86 16 219 CF +86 16 220 CA +86 16 221 GA +86 16 222 MA +86 16 223 CA +86 16 224 GA +86 16 225 FE +86 16 226 CA +86 16 227 HU +86 16 228 CA +86 16 229 CA +86 16 230 GA +86 16 231 MA +86 16 232 FE +86 16 233 MA +86 16 234 BA +86 16 235 CA +86 16 236 FE +86 16 237 FE +86 16 238 CA +86 16 239 MA +86 16 240 XS +86 16 241 GA +86 16 242 FE +86 16 243 AM +86 16 244 GA +86 16 245 FS +86 16 246 FE +86 16 247 AM +86 16 248 BA +86 16 249 CA +86 16 250 AM +86 16 251 CA +86 16 252 GA +86 16 253 CA +86 16 254 CA +86 16 255 HU +86 16 256 FS +86 16 257 CA +86 16 258 FE +86 16 259 FS +86 16 260 GA +86 16 261 FE +86 16 262 GA +86 16 263 CF +86 16 264 CA +86 16 265 BA +86 16 266 SH +86 16 267 MA +86 16 268 CA +86 16 269 MA +86 16 270 FE +86 16 271 BA +86 16 272 GA +86 16 273 MA +86 16 274 GA +86 16 275 FE +86 16 276 MA +86 16 277 CA +86 16 278 FE +86 16 279 CA +86 16 280 BA +86 16 281 CA +86 16 282 CA +86 16 283 TA +86 16 284 AS +86 16 285 GA +86 16 286 FE +86 16 287 FS +86 16 288 CA +86 16 289 GA +86 16 290 CA +86 16 291 MA +86 16 292 GA +86 16 293 GA +86 16 294 XS +86 16 295 AM +86 16 296 FE +86 16 297 FE +86 16 298 FS +86 16 299 CA +86 16 300 GA +86 16 301 CA +86 16 302 GA +86 16 303 AS +86 16 304 FE +86 16 305 AM +86 16 306 CA +86 16 307 CA +86 16 308 AS +86 16 309 XS +86 16 310 CA +86 16 311 CA +86 16 312 TA +86 16 313 CA +86 16 314 GA +86 16 315 CA +86 16 316 CA +86 16 317 AM +86 16 318 FE +86 16 319 FS +86 16 320 FE +86 16 321 FS +86 16 322 CA +86 16 323 BA +86 16 324 GA +86 16 325 AM +86 16 326 FE +86 16 327 GA +86 16 328 TA +86 16 329 TA +86 16 330 GA +86 17 1 CA +86 17 2 GA +86 17 3 FS +86 17 4 CA +86 17 5 MA +86 17 6 FE +86 17 7 CA +86 17 8 FS +86 17 9 FE +86 17 10 CA +86 17 11 HU +86 17 12 FE +86 17 13 CA +86 17 14 HU +86 17 15 MA +86 17 16 MA +86 17 17 FS +86 17 18 HU +86 17 19 CA +86 17 20 CA +86 17 21 AS +86 17 22 FE +86 17 23 CA +86 17 24 HU +86 17 25 CA +86 17 26 CA +86 17 27 MA +86 17 28 FS +86 17 29 BA +86 17 30 FS +86 17 31 MA +86 17 32 MA +86 17 33 CA +86 17 34 CA +86 17 35 FS +86 17 36 HU +86 17 37 CA +86 17 38 FS +86 17 39 CA +86 17 40 MA +86 17 41 FS +86 17 42 FE +86 17 43 HU +86 17 44 GA +86 17 45 CA +86 17 46 CA +86 17 47 CA +86 17 48 FE +86 17 49 CA +86 17 50 CA +86 17 51 TA +86 17 52 CA +86 17 53 FS +86 17 54 CA +86 17 55 MA +86 17 56 FE +86 17 57 CA +86 17 58 FE +86 17 59 CA +86 17 60 HU +86 17 61 FE +86 17 62 CA +86 17 63 FS +86 17 64 CA +86 17 65 FS +86 17 66 GA +86 17 67 CA +86 17 68 FS +86 17 69 CA +86 17 70 MA +86 17 71 HU +86 17 72 CA +86 17 73 CA +86 17 74 CA +86 17 75 HU +86 17 76 FS +86 17 77 CA +86 17 78 CA +86 17 79 HU +86 17 80 CA +86 17 81 CA +86 17 82 CA +86 17 83 GA +86 17 84 FE +86 17 85 CA +86 17 86 CA +86 17 87 HU +86 17 88 GA +86 17 89 HU +86 17 90 HU +86 17 91 FE +86 17 92 GA +86 17 93 CA +86 17 94 HU +86 17 95 GA +86 17 96 FE +86 17 97 CA +86 17 98 FS +86 17 99 CA +86 17 100 CA +86 17 101 FS +86 17 102 CA +86 17 103 FE +86 17 104 CA +86 17 105 FS +86 17 106 FE +86 17 107 GA +86 17 108 CA +86 17 109 CA +86 17 110 FE +86 17 111 HU +86 17 112 FS +86 17 113 HU +86 17 114 CA +86 17 115 FS +86 17 116 GA +86 17 117 HU +86 17 118 FS +86 17 119 CA +86 17 120 GA +86 17 121 FS +86 17 122 CA +86 17 123 CA +86 17 124 CA +86 17 125 FS +86 17 126 FS +86 17 127 HU +86 17 128 FE +86 17 129 GA +86 17 130 CA +86 17 131 CA +86 17 132 FS +86 17 133 CA +86 17 134 HU +86 17 135 FS +86 17 136 CA +86 17 137 HU +86 17 138 GA +86 17 139 GA +86 17 140 CA +86 17 141 GA +86 17 142 CA +86 17 143 BA +86 17 144 CA +86 17 145 CA +86 17 146 FE +86 17 147 CA +86 17 148 FS +86 17 149 BA +86 17 150 CA +86 17 151 FE +86 17 152 CA +86 17 153 CA +86 17 154 HU +86 17 155 HU +86 17 156 CA +86 17 157 FE +86 17 158 GA +86 17 159 FE +86 17 160 GA +86 17 161 CA +86 17 162 FS +86 17 163 CA +86 17 164 HU +86 17 165 CA +86 17 166 MA +86 17 167 MA +86 17 168 CA +86 17 169 CA +86 17 170 HU +86 17 171 HU +86 17 172 GA +86 17 173 FS +86 17 174 FE +86 17 175 CA +86 17 176 FS +86 17 177 FE +86 17 178 CA +86 17 179 HU +86 17 180 BA +86 17 181 FE +86 17 182 FS +86 17 183 CA +86 17 184 FS +86 17 185 FE +86 17 186 CA +86 17 187 FE +86 17 188 FE +86 17 189 GA +86 17 190 FE +86 17 191 CA +86 17 192 FS +86 17 193 BA +86 17 194 FS +86 17 195 CA +86 17 196 CA +86 17 197 MA +86 17 198 HU +86 17 199 GA +86 17 200 BA +86 17 201 FE +86 17 202 CA +86 17 203 FS +86 17 204 HU +86 17 205 CA +86 17 206 MA +86 17 207 GA +86 17 208 FE +86 17 209 CA +86 17 210 FS +86 17 211 CA +86 17 212 FE +86 17 213 GA +86 17 214 CA +86 17 215 FS +86 17 216 HU +86 17 217 FE +86 17 218 CA +86 17 219 CA +86 17 220 HU +86 17 221 GA +86 17 222 HU +86 17 223 CA +86 17 224 GA +86 17 225 HU +86 17 226 CA +86 17 227 HU +86 17 228 CA +86 17 229 MA +86 17 230 FE +86 17 231 FS +86 17 232 HU +86 17 233 CA +86 17 234 CA +86 17 235 HU +86 17 236 BA +86 17 237 FE +86 17 238 CA +86 17 239 FS +86 17 240 TA +86 17 241 GA +86 17 242 FE +86 17 243 FS +86 17 244 GA +86 17 245 FS +86 17 246 CA +86 17 247 HU +86 17 248 CA +86 17 249 HU +86 17 250 FS +86 17 251 BA +86 17 252 FE +86 17 253 CA +86 17 254 CA +86 17 255 HU +86 17 256 FS +86 17 257 CA +86 17 258 FE +86 17 259 FS +86 17 260 GA +86 17 261 FE +86 17 262 GA +86 17 263 GA +86 17 264 CA +86 17 265 CA +86 17 266 FS +86 17 267 CA +86 17 268 CA +86 17 269 FS +86 17 270 FE +86 17 271 HU +86 17 272 GA +86 17 273 FS +86 17 274 GA +86 17 275 FE +86 17 276 FS +86 17 277 HU +86 17 278 FE +86 17 279 CA +86 17 280 BA +86 17 281 CA +86 17 282 CA +86 17 283 TA +86 17 284 MA +86 17 285 MA +86 17 286 GA +86 17 287 FE +86 17 288 FS +86 17 289 CA +86 17 290 GA +86 17 291 CA +86 17 292 MA +86 17 293 CA +86 17 294 GA +86 17 295 FE +86 17 296 CA +86 17 297 FE +86 17 298 FS +86 17 299 BA +86 17 300 GA +86 17 301 CA +86 17 302 FS +86 17 303 CA +86 17 304 BA +86 17 305 HU +86 17 306 CA +86 17 307 CA +86 17 308 MA +86 17 309 FE +86 17 310 CA +86 17 311 CA +86 17 312 HU +86 17 313 CA +86 17 314 GA +86 17 315 BA +86 17 316 CA +86 17 317 FS +86 17 318 FE +86 17 319 GA +86 17 320 FE +86 17 321 FS +86 17 322 CA +86 17 323 CA +86 17 324 GA +86 17 325 FS +86 17 326 FE +86 17 327 GA +86 17 328 CA +86 17 329 FE +86 17 330 CA +86 18 1 CA +86 18 2 CA +86 18 3 FS +86 18 4 TA +86 18 5 CA +86 18 6 FE +86 18 7 CA +86 18 8 FS +86 18 9 TA +86 18 10 CA +86 18 11 CA +86 18 12 FE +86 18 13 CA +86 18 14 CA +86 18 15 MA +86 18 16 GA +86 18 17 AS +86 18 18 ET +86 18 19 CA +86 18 20 BA +86 18 21 AS +86 18 22 FE +86 18 23 AM +86 18 24 ET +86 18 25 BA +86 18 26 TA +86 18 27 AS +86 18 28 MA +86 18 29 BA +86 18 30 FS +86 18 31 CA +86 18 32 AS +86 18 33 BA +86 18 34 CA +86 18 35 FS +86 18 36 CA +86 18 37 CA +86 18 38 FS +86 18 39 CA +86 18 40 CA +86 18 41 FS +86 18 42 FE +86 18 43 ET +86 18 44 FE +86 18 45 CA +86 18 46 CF +86 18 47 ET +86 18 48 FE +86 18 49 CA +86 18 50 ET +86 18 51 ET +86 18 52 GA +86 18 53 FS +86 18 54 BA +86 18 55 CA +86 18 56 TA +86 18 57 CA +86 18 58 FE +86 18 59 MA +86 18 60 CA +86 18 61 FS +86 18 62 CA +86 18 63 FS +86 18 64 CA +86 18 65 FS +86 18 66 GA +86 18 67 CA +86 18 68 MA +86 18 69 BA +86 18 70 CR +86 18 71 FS +86 18 72 CA +86 18 73 AM +86 18 74 CR +86 18 75 BA +86 18 76 FS +86 18 77 CA +86 18 78 AS +86 18 79 TA +86 18 80 CA +86 18 81 BA +86 18 82 CA +86 18 83 GA +86 18 84 FE +86 18 85 CA +86 18 86 MA +86 18 87 TA +86 18 88 FS +86 18 89 TA +86 18 90 CA +86 18 91 FE +86 18 92 GA +86 18 93 CA +86 18 94 XS +86 18 95 GA +86 18 96 FE +86 18 97 CA +86 18 98 FS +86 18 99 MA +86 18 100 MA +86 18 101 FS +86 18 102 GA +86 18 103 FE +86 18 104 CA +86 18 105 MA +86 18 106 AS +86 18 107 GA +86 18 108 GA +86 18 109 CA +86 18 110 FE +86 18 111 CA +86 18 112 FS +86 18 113 TA +86 18 114 CA +86 18 115 CA +86 18 116 XS +86 18 117 FE +86 18 118 CA +86 18 119 GA +86 18 120 FS +86 18 121 CA +86 18 122 CA +86 18 123 AS +86 18 124 FS +86 18 125 AS +86 18 126 HU +86 18 127 AS +86 18 128 GA +86 18 129 TA +86 18 130 AM +86 18 131 FS +86 18 132 BA +86 18 133 CA +86 18 134 TA +86 18 135 FS +86 18 136 CA +86 18 137 BA +86 18 138 CA +86 18 139 AS +86 18 140 CA +86 18 141 GA +86 18 142 GA +86 18 143 CA +86 18 144 AM +86 18 145 CA +86 18 146 FE +86 18 147 CA +86 18 148 FS +86 18 149 BA +86 18 150 AM +86 18 151 FE +86 18 152 CA +86 18 153 CA +86 18 154 TA +86 18 155 TA +86 18 156 BA +86 18 157 XS +86 18 158 GA +86 18 159 FE +86 18 160 MA +86 18 161 CA +86 18 162 FS +86 18 163 CA +86 18 164 CA +86 18 165 AS +86 18 166 CA +86 18 167 BA +86 18 168 MA +86 18 169 CA +86 18 170 CA +86 18 171 CA +86 18 172 GA +86 18 173 FS +86 18 174 FE +86 18 175 MA +86 18 176 FS +86 18 177 FE +86 18 178 CA +86 18 179 FS +86 18 180 CA +86 18 181 FE +86 18 182 AM +86 18 183 TA +86 18 184 AM +86 18 185 FE +86 18 186 CA +86 18 187 FE +86 18 188 CA +86 18 189 AS +86 18 190 MA +86 18 191 CA +86 18 192 CA +86 18 193 FE +86 18 194 XS +86 18 195 CA +86 18 196 CA +86 18 197 AS +86 18 198 HU +86 18 199 GA +86 18 200 CA +86 18 201 MA +86 18 202 CA +86 18 203 MA +86 18 204 XS +86 18 205 CA +86 18 206 GA +86 18 207 FS +86 18 208 FE +86 18 209 BA +86 18 210 FS +86 18 211 CA +86 18 212 FS +86 18 213 AS +86 18 214 AS +86 18 215 MA +86 18 216 XS +86 18 217 FE +86 18 218 FE +86 18 219 CR +86 18 220 CA +86 18 221 GA +86 18 222 MA +86 18 223 CA +86 18 224 GA +86 18 225 FE +86 18 226 CA +86 18 227 HU +86 18 228 CA +86 18 229 CA +86 18 230 GA +86 18 231 MA +86 18 232 FE +86 18 233 MA +86 18 234 BA +86 18 235 CA +86 18 236 FE +86 18 237 FE +86 18 238 CA +86 18 239 MA +86 18 240 XS +86 18 241 GA +86 18 242 GA +86 18 243 GA +86 18 244 GA +86 18 245 FS +86 18 246 FE +86 18 247 AS +86 18 248 BA +86 18 249 CA +86 18 250 AM +86 18 251 CA +86 18 252 GA +86 18 253 CA +86 18 254 CA +86 18 255 HU +86 18 256 FS +86 18 257 CA +86 18 258 FE +86 18 259 FS +86 18 260 GA +86 18 261 FE +86 18 262 GA +86 18 263 CF +86 18 264 CA +86 18 265 BA +86 18 266 SH +86 18 267 MA +86 18 268 CA +86 18 269 MA +86 18 270 FE +86 18 271 BA +86 18 272 GA +86 18 273 FE +86 18 274 GA +86 18 275 FE +86 18 276 MA +86 18 277 CA +86 18 278 FE +86 18 279 CA +86 18 280 BA +86 18 281 CA +86 18 282 CA +86 18 283 TA +86 18 284 GA +86 18 285 AS +86 18 286 GA +86 18 287 FE +86 18 288 FS +86 18 289 CA +86 18 290 GA +86 18 291 CA +86 18 292 MA +86 18 293 GA +86 18 294 GA +86 18 295 XS +86 18 296 AM +86 18 297 FE +86 18 298 FS +86 18 299 CA +86 18 300 GA +86 18 301 CA +86 18 302 GA +86 18 303 AS +86 18 304 FE +86 18 305 AM +86 18 306 CA +86 18 307 CA +86 18 308 AS +86 18 309 XS +86 18 310 CA +86 18 311 CA +86 18 312 TA +86 18 313 CA +86 18 314 GA +86 18 315 CA +86 18 316 CA +86 18 317 AM +86 18 318 FE +86 18 319 FS +86 18 320 FE +86 18 321 FS +86 18 322 CA +86 18 323 BA +86 18 324 GA +86 18 325 AM +86 18 326 FE +86 18 327 GA +86 18 328 CA +86 18 329 TA +86 18 330 GA +86 19 1 CA +86 19 2 GA +86 19 3 FS +86 19 4 CA +86 19 5 MA +86 19 6 FE +86 19 7 CA +86 19 8 FS +86 19 9 GA +86 19 10 CA +86 19 11 HU +86 19 12 FE +86 19 13 CA +86 19 14 HU +86 19 15 MA +86 19 16 MA +86 19 17 FS +86 19 18 HU +86 19 19 CA +86 19 20 CA +86 19 21 AS +86 19 22 FE +86 19 23 CA +86 19 24 HU +86 19 25 CA +86 19 26 CA +86 19 27 MA +86 19 28 FS +86 19 29 BA +86 19 30 FS +86 19 31 MA +86 19 32 MA +86 19 33 CA +86 19 34 CA +86 19 35 FE +86 19 36 HU +86 19 37 CA +86 19 38 FS +86 19 39 CA +86 19 40 MA +86 19 41 FS +86 19 42 FE +86 19 43 HU +86 19 44 GA +86 19 45 CA +86 19 46 CA +86 19 47 CA +86 19 48 FE +86 19 49 CA +86 19 50 CA +86 19 51 TA +86 19 52 CA +86 19 53 FE +86 19 54 CA +86 19 55 MA +86 19 56 FE +86 19 57 CA +86 19 58 FE +86 19 59 CA +86 19 60 HU +86 19 61 FE +86 19 62 CA +86 19 63 FS +86 19 64 CA +86 19 65 FS +86 19 66 GA +86 19 67 CA +86 19 68 FS +86 19 69 CA +86 19 70 MA +86 19 71 HU +86 19 72 CA +86 19 73 CA +86 19 74 CA +86 19 75 HU +86 19 76 FS +86 19 77 CA +86 19 78 CA +86 19 79 HU +86 19 80 CA +86 19 81 CA +86 19 82 CA +86 19 83 GA +86 19 84 FE +86 19 85 CA +86 19 86 CA +86 19 87 HU +86 19 88 FS +86 19 89 HU +86 19 90 HU +86 19 91 FE +86 19 92 GA +86 19 93 CA +86 19 94 HU +86 19 95 GA +86 19 96 FE +86 19 97 CA +86 19 98 FS +86 19 99 CA +86 19 100 CA +86 19 101 FS +86 19 102 CA +86 19 103 FE +86 19 104 CA +86 19 105 FS +86 19 106 FE +86 19 107 GA +86 19 108 CA +86 19 109 CA +86 19 110 FE +86 19 111 HU +86 19 112 FS +86 19 113 HU +86 19 114 CA +86 19 115 FS +86 19 116 GA +86 19 117 HU +86 19 118 FS +86 19 119 CA +86 19 120 GA +86 19 121 FS +86 19 122 CA +86 19 123 CA +86 19 124 CA +86 19 125 FS +86 19 126 FS +86 19 127 HU +86 19 128 FE +86 19 129 GA +86 19 130 CA +86 19 131 CA +86 19 132 FS +86 19 133 CA +86 19 134 HU +86 19 135 FS +86 19 136 CA +86 19 137 HU +86 19 138 GA +86 19 139 GA +86 19 140 CA +86 19 141 GA +86 19 142 CA +86 19 143 BA +86 19 144 CA +86 19 145 CA +86 19 146 FE +86 19 147 CA +86 19 148 FS +86 19 149 BA +86 19 150 CA +86 19 151 FE +86 19 152 CA +86 19 153 CA +86 19 154 HU +86 19 155 HU +86 19 156 CA +86 19 157 FE +86 19 158 GA +86 19 159 FE +86 19 160 GA +86 19 161 CA +86 19 162 FS +86 19 163 CA +86 19 164 HU +86 19 165 CA +86 19 166 MA +86 19 167 MA +86 19 168 CA +86 19 169 CA +86 19 170 HU +86 19 171 HU +86 19 172 GA +86 19 173 FS +86 19 174 FE +86 19 175 CA +86 19 176 FS +86 19 177 FE +86 19 178 CA +86 19 179 HU +86 19 180 BA +86 19 181 FE +86 19 182 FS +86 19 183 CA +86 19 184 FS +86 19 185 FE +86 19 186 CA +86 19 187 FE +86 19 188 FE +86 19 189 GA +86 19 190 FE +86 19 191 CA +86 19 192 FS +86 19 193 BA +86 19 194 FS +86 19 195 CA +86 19 196 CA +86 19 197 MA +86 19 198 HU +86 19 199 GA +86 19 200 BA +86 19 201 FE +86 19 202 CA +86 19 203 FS +86 19 204 HU +86 19 205 CA +86 19 206 MA +86 19 207 GA +86 19 208 FE +86 19 209 CA +86 19 210 FS +86 19 211 CA +86 19 212 FE +86 19 213 GA +86 19 214 CA +86 19 215 FE +86 19 216 HU +86 19 217 FE +86 19 218 CA +86 19 219 CA +86 19 220 HU +86 19 221 GA +86 19 222 HU +86 19 223 CA +86 19 224 GA +86 19 225 HU +86 19 226 CA +86 19 227 HU +86 19 228 CA +86 19 229 MA +86 19 230 FE +86 19 231 FS +86 19 232 HU +86 19 233 CA +86 19 234 CA +86 19 235 HU +86 19 236 BA +86 19 237 FE +86 19 238 CA +86 19 239 FS +86 19 240 TA +86 19 241 GA +86 19 242 FE +86 19 243 FS +86 19 244 GA +86 19 245 FS +86 19 246 CA +86 19 247 HU +86 19 248 CA +86 19 249 HU +86 19 250 FS +86 19 251 BA +86 19 252 FE +86 19 253 CA +86 19 254 CA +86 19 255 HU +86 19 256 FS +86 19 257 CA +86 19 258 FE +86 19 259 FS +86 19 260 GA +86 19 261 FE +86 19 262 GA +86 19 263 GA +86 19 264 CA +86 19 265 CA +86 19 266 FS +86 19 267 CA +86 19 268 CA +86 19 269 FS +86 19 270 FE +86 19 271 HU +86 19 272 GA +86 19 273 FS +86 19 274 GA +86 19 275 FE +86 19 276 FS +86 19 277 HU +86 19 278 FS +86 19 279 CA +86 19 280 BA +86 19 281 CA +86 19 282 CA +86 19 283 TA +86 19 284 GA +86 19 285 MA +86 19 286 GA +86 19 287 FE +86 19 288 FS +86 19 289 CA +86 19 290 GA +86 19 291 CA +86 19 292 MA +86 19 293 CA +86 19 294 GA +86 19 295 FE +86 19 296 CA +86 19 297 FE +86 19 298 FS +86 19 299 BA +86 19 300 GA +86 19 301 CA +86 19 302 FS +86 19 303 CA +86 19 304 BA +86 19 305 HU +86 19 306 CA +86 19 307 CA +86 19 308 MA +86 19 309 FE +86 19 310 CA +86 19 311 CA +86 19 312 HU +86 19 313 CA +86 19 314 GA +86 19 315 BA +86 19 316 CA +86 19 317 FS +86 19 318 FE +86 19 319 GA +86 19 320 FE +86 19 321 FS +86 19 322 CA +86 19 323 CA +86 19 324 GA +86 19 325 FS +86 19 326 FE +86 19 327 GA +86 19 328 CA +86 19 329 FE +86 19 330 CA +86 20 1 CA +86 20 2 MA +86 20 3 FS +86 20 4 AM +86 20 5 CA +86 20 6 AS +86 20 7 BA +86 20 8 FS +86 20 9 XS +86 20 10 CA +86 20 11 CA +86 20 12 FE +86 20 13 CA +86 20 14 CA +86 20 15 AS +86 20 16 GA +86 20 17 FS +86 20 18 TA +86 20 19 CA +86 20 20 CA +86 20 21 FS +86 20 22 FE +86 20 23 MA +86 20 24 TA +86 20 25 CA +86 20 26 CA +86 20 27 GA +86 20 28 FS +86 20 29 CA +86 20 30 FE +86 20 31 CA +86 20 32 MA +86 20 33 CA +86 20 34 CA +86 20 35 FS +86 20 36 TA +86 20 37 CA +86 20 38 FS +86 20 39 CA +86 20 40 CA +86 20 41 FS +86 20 42 FE +86 20 43 CA +86 20 44 GA +86 20 45 CA +86 20 46 TA +86 20 47 CA +86 20 48 FE +86 20 49 CA +86 20 50 AM +86 20 51 PA +86 20 52 GA +86 20 53 FS +86 20 54 CA +86 20 55 CA +86 20 56 FE +86 20 57 CA +86 20 58 FE +86 20 59 MA +86 20 60 CA +86 20 61 FS +86 20 62 CA +86 20 63 FS +86 20 64 CA +86 20 65 FS +86 20 66 GA +86 20 67 CA +86 20 68 MA +86 20 69 BA +86 20 70 CR +86 20 71 FS +86 20 72 CA +86 20 73 AM +86 20 74 CR +86 20 75 BA +86 20 76 FS +86 20 77 CA +86 20 78 AS +86 20 79 TA +86 20 80 CA +86 20 81 BA +86 20 82 CA +86 20 83 GA +86 20 84 FE +86 20 85 CA +86 20 86 MA +86 20 87 TA +86 20 88 FS +86 20 89 TA +86 20 90 CA +86 20 91 FE +86 20 92 GA +86 20 93 CA +86 20 94 AM +86 20 95 GA +86 20 96 FE +86 20 97 CA +86 20 98 FS +86 20 99 MA +86 20 100 MA +86 20 101 FS +86 20 102 GA +86 20 103 FE +86 20 104 CA +86 20 105 MA +86 20 106 AS +86 20 107 FS +86 20 108 GA +86 20 109 CA +86 20 110 FE +86 20 111 CA +86 20 112 FS +86 20 113 TA +86 20 114 CA +86 20 115 CA +86 20 116 XS +86 20 117 FE +86 20 118 CA +86 20 119 GA +86 20 120 FS +86 20 121 CA +86 20 122 CA +86 20 123 AS +86 20 124 FS +86 20 125 AS +86 20 126 HU +86 20 127 FE +86 20 128 GA +86 20 129 TA +86 20 130 AM +86 20 131 FS +86 20 132 BA +86 20 133 CA +86 20 134 * +86 20 135 FS +86 20 136 CA +86 20 137 BA +86 20 138 CA +86 20 139 AS +86 20 140 CA +86 20 141 GA +86 20 142 GA +86 20 143 CA +86 20 144 AM +86 20 145 CA +86 20 146 FE +86 20 147 CA +86 20 148 FS +86 20 149 BA +86 20 150 AM +86 20 151 FE +86 20 152 AS +86 20 153 CA +86 20 154 TA +86 20 155 TA +86 20 156 BA +86 20 157 XS +86 20 158 GA +86 20 159 FE +86 20 160 FS +86 20 161 MA +86 20 162 CA +86 20 163 CA +86 20 164 CA +86 20 165 AS +86 20 166 CA +86 20 167 BA +86 20 168 MA +86 20 169 CA +86 20 170 CA +86 20 171 CA +86 20 172 GA +86 20 173 FS +86 20 174 FE +86 20 175 MA +86 20 176 FS +86 20 177 FE +86 20 178 CA +86 20 179 FS +86 20 180 CA +86 20 181 FE +86 20 182 AM +86 20 183 TA +86 20 184 AM +86 20 185 FE +86 20 186 CA +86 20 187 FE +86 20 188 MA +86 20 189 CA +86 20 190 AS +86 20 191 CA +86 20 192 CA +86 20 193 FE +86 20 194 XS +86 20 195 CA +86 20 196 CA +86 20 197 AS +86 20 198 HU +86 20 199 GA +86 20 200 CA +86 20 201 MA +86 20 202 CA +86 20 203 MA +86 20 204 XS +86 20 205 CA +86 20 206 GA +86 20 207 FS +86 20 208 FE +86 20 209 BA +86 20 210 FS +86 20 211 CA +86 20 212 FE +86 20 213 AS +86 20 214 AS +86 20 215 MA +86 20 216 FE +86 20 217 XS +86 20 218 FE +86 20 219 CF +86 20 220 CA +86 20 221 GA +86 20 222 MA +86 20 223 CA +86 20 224 GA +86 20 225 FE +86 20 226 CA +86 20 227 HU +86 20 228 CA +86 20 229 CA +86 20 230 GA +86 20 231 MA +86 20 232 FE +86 20 233 MA +86 20 234 BA +86 20 235 CA +86 20 236 FE +86 20 237 FE +86 20 238 CA +86 20 239 MA +86 20 240 XS +86 20 241 FS +86 20 242 FE +86 20 243 AM +86 20 244 CA +86 20 245 GA +86 20 246 FS +86 20 247 AS +86 20 248 BA +86 20 249 CA +86 20 250 AM +86 20 251 CA +86 20 252 GA +86 20 253 CA +86 20 254 CA +86 20 255 HU +86 20 256 FS +86 20 257 CA +86 20 258 FE +86 20 259 FS +86 20 260 GA +86 20 261 FE +86 20 262 GA +86 20 263 CF +86 20 264 CA +86 20 265 BA +86 20 266 SH +86 20 267 MA +86 20 268 CA +86 20 269 MA +86 20 270 FE +86 20 271 BA +86 20 272 GA +86 20 273 GA +86 20 274 MA +86 20 275 FE +86 20 276 MA +86 20 277 CA +86 20 278 FE +86 20 279 CA +86 20 280 BA +86 20 281 CA +86 20 282 CA +86 20 283 TA +86 20 284 GA +86 20 285 AS +86 20 286 GA +86 20 287 FE +86 20 288 FS +86 20 289 CA +86 20 290 GA +86 20 291 CA +86 20 292 MA +86 20 293 GA +86 20 294 GA +86 20 295 XS +86 20 296 AM +86 20 297 FE +86 20 298 FS +86 20 299 CA +86 20 300 GA +86 20 301 CA +86 20 302 GA +86 20 303 AS +86 20 304 FE +86 20 305 AM +86 20 306 CA +86 20 307 CA +86 20 308 AS +86 20 309 XS +86 20 310 CA +86 20 311 CA +86 20 312 TA +86 20 313 CA +86 20 314 GA +86 20 315 CA +86 20 316 CA +86 20 317 AM +86 20 318 FE +86 20 319 FS +86 20 320 FE +86 20 321 FS +86 20 322 CA +86 20 323 BA +86 20 324 GA +86 20 325 AM +86 20 326 FE +86 20 327 CA +86 20 328 CA +86 20 329 TA +86 20 330 GA +86 21 1 CA +86 21 2 GA +86 21 3 FS +86 21 4 CA +86 21 5 MA +86 21 6 FE +86 21 7 CA +86 21 8 FS +86 21 9 FE +86 21 10 CA +86 21 11 HU +86 21 12 FE +86 21 13 CA +86 21 14 HU +86 21 15 MA +86 21 16 MA +86 21 17 FS +86 21 18 HU +86 21 19 CA +86 21 20 CA +86 21 21 AS +86 21 22 FE +86 21 23 CA +86 21 24 HU +86 21 25 CA +86 21 26 CA +86 21 27 MA +86 21 28 FS +86 21 29 BA +86 21 30 FS +86 21 31 MA +86 21 32 MA +86 21 33 CA +86 21 34 CA +86 21 35 FE +86 21 36 HU +86 21 37 CA +86 21 38 FS +86 21 39 CA +86 21 40 MA +86 21 41 FS +86 21 42 FE +86 21 43 HU +86 21 44 GA +86 21 45 CA +86 21 46 CA +86 21 47 CA +86 21 48 FE +86 21 49 CA +86 21 50 CA +86 21 51 TA +86 21 52 CA +86 21 53 FS +86 21 54 CA +86 21 55 MA +86 21 56 FE +86 21 57 CA +86 21 58 FE +86 21 59 CA +86 21 60 HU +86 21 61 FE +86 21 62 CA +86 21 63 FS +86 21 64 CA +86 21 65 FS +86 21 66 GA +86 21 67 CA +86 21 68 FS +86 21 69 CA +86 21 70 MA +86 21 71 HU +86 21 72 CA +86 21 73 CA +86 21 74 CA +86 21 75 HU +86 21 76 FS +86 21 77 CA +86 21 78 CA +86 21 79 HU +86 21 80 CA +86 21 81 CA +86 21 82 CA +86 21 83 GA +86 21 84 FE +86 21 85 CA +86 21 86 CA +86 21 87 HU +86 21 88 GA +86 21 89 HU +86 21 90 HU +86 21 91 FE +86 21 92 GA +86 21 93 CA +86 21 94 HU +86 21 95 GA +86 21 96 FE +86 21 97 CA +86 21 98 FS +86 21 99 CA +86 21 100 CA +86 21 101 FS +86 21 102 CA +86 21 103 FE +86 21 104 CA +86 21 105 FS +86 21 106 FE +86 21 107 GA +86 21 108 CA +86 21 109 CA +86 21 110 FE +86 21 111 HU +86 21 112 FS +86 21 113 HU +86 21 114 CA +86 21 115 FS +86 21 116 GA +86 21 117 HU +86 21 118 FS +86 21 119 CA +86 21 120 GA +86 21 121 FS +86 21 122 CA +86 21 123 CA +86 21 124 CA +86 21 125 FS +86 21 126 FS +86 21 127 HU +86 21 128 FE +86 21 129 GA +86 21 130 CA +86 21 131 CA +86 21 132 FS +86 21 133 CA +86 21 134 HU +86 21 135 FS +86 21 136 CA +86 21 137 HU +86 21 138 GA +86 21 139 GA +86 21 140 CA +86 21 141 GA +86 21 142 CA +86 21 143 BA +86 21 144 CA +86 21 145 CA +86 21 146 FE +86 21 147 CA +86 21 148 FS +86 21 149 BA +86 21 150 CA +86 21 151 FE +86 21 152 CA +86 21 153 CA +86 21 154 HU +86 21 155 HU +86 21 156 CA +86 21 157 FE +86 21 158 GA +86 21 159 FE +86 21 160 GA +86 21 161 CA +86 21 162 FS +86 21 163 CA +86 21 164 HU +86 21 165 CA +86 21 166 MA +86 21 167 MA +86 21 168 CA +86 21 169 CA +86 21 170 HU +86 21 171 HU +86 21 172 GA +86 21 173 FS +86 21 174 FE +86 21 175 CA +86 21 176 FS +86 21 177 FE +86 21 178 CA +86 21 179 HU +86 21 180 BA +86 21 181 FE +86 21 182 FS +86 21 183 CA +86 21 184 FS +86 21 185 FE +86 21 186 CA +86 21 187 FE +86 21 188 FE +86 21 189 GA +86 21 190 FE +86 21 191 CA +86 21 192 FS +86 21 193 BA +86 21 194 FS +86 21 195 CA +86 21 196 CA +86 21 197 MA +86 21 198 HU +86 21 199 GA +86 21 200 BA +86 21 201 FE +86 21 202 CA +86 21 203 FS +86 21 204 HU +86 21 205 CA +86 21 206 MA +86 21 207 GA +86 21 208 FE +86 21 209 CA +86 21 210 FS +86 21 211 CA +86 21 212 FE +86 21 213 GA +86 21 214 CA +86 21 215 FS +86 21 216 HU +86 21 217 FE +86 21 218 CA +86 21 219 CA +86 21 220 HU +86 21 221 GA +86 21 222 HU +86 21 223 CA +86 21 224 GA +86 21 225 HU +86 21 226 CA +86 21 227 HU +86 21 228 CA +86 21 229 MA +86 21 230 FE +86 21 231 FS +86 21 232 HU +86 21 233 CA +86 21 234 CA +86 21 235 HU +86 21 236 BA +86 21 237 FE +86 21 238 CA +86 21 239 FS +86 21 240 TA +86 21 241 GA +86 21 242 FE +86 21 243 FS +86 21 244 GA +86 21 245 FS +86 21 246 CA +86 21 247 HU +86 21 248 CA +86 21 249 HU +86 21 250 FS +86 21 251 BA +86 21 252 FE +86 21 253 CA +86 21 254 CA +86 21 255 HU +86 21 256 FS +86 21 257 CA +86 21 258 FE +86 21 259 FS +86 21 260 GA +86 21 261 FE +86 21 262 GA +86 21 263 GA +86 21 264 CA +86 21 265 CA +86 21 266 FS +86 21 267 CA +86 21 268 CA +86 21 269 FS +86 21 270 FE +86 21 271 HU +86 21 272 GA +86 21 273 FS +86 21 274 GA +86 21 275 FE +86 21 276 FS +86 21 277 HU +86 21 278 FE +86 21 279 CA +86 21 280 BA +86 21 281 CA +86 21 282 CA +86 21 283 TA +86 21 284 MA +86 21 285 MA +86 21 286 GA +86 21 287 FE +86 21 288 FS +86 21 289 CA +86 21 290 GA +86 21 291 CA +86 21 292 MA +86 21 293 CA +86 21 294 GA +86 21 295 FE +86 21 296 CA +86 21 297 FE +86 21 298 FS +86 21 299 BA +86 21 300 GA +86 21 301 CA +86 21 302 FS +86 21 303 CA +86 21 304 BA +86 21 305 HU +86 21 306 CA +86 21 307 CA +86 21 308 MA +86 21 309 FE +86 21 310 CA +86 21 311 CA +86 21 312 HU +86 21 313 CA +86 21 314 GA +86 21 315 BA +86 21 316 CA +86 21 317 FS +86 21 318 FE +86 21 319 GA +86 21 320 FE +86 21 321 FS +86 21 322 CA +86 21 323 CA +86 21 324 GA +86 21 325 FS +86 21 326 FE +86 21 327 GA +86 21 328 CA +86 21 329 FE +86 21 330 CA +86 22 1 CA +86 22 2 MA +86 22 3 FS +86 22 4 AM +86 22 5 CA +86 22 6 AS +86 22 7 BA +86 22 8 FS +86 22 9 XS +86 22 10 CA +86 22 11 CA +86 22 12 FE +86 22 13 CA +86 22 14 CA +86 22 15 AS +86 22 16 GA +86 22 17 FS +86 22 18 TA +86 22 19 CA +86 22 20 CA +86 22 21 FS +86 22 22 FE +86 22 23 MA +86 22 24 TA +86 22 25 CA +86 22 26 CA +86 22 27 GA +86 22 28 FS +86 22 29 CA +86 22 30 FE +86 22 31 CA +86 22 32 MA +86 22 33 CA +86 22 34 CA +86 22 35 FS +86 22 36 TA +86 22 37 CA +86 22 38 FS +86 22 39 CA +86 22 40 CA +86 22 41 FS +86 22 42 FE +86 22 43 CA +86 22 44 GA +86 22 45 CA +86 22 46 TA +86 22 47 CA +86 22 48 FE +86 22 49 CA +86 22 50 AM +86 22 51 PA +86 22 52 GA +86 22 53 FS +86 22 54 CA +86 22 55 CA +86 22 56 FE +86 22 57 CA +86 22 58 FE +86 22 59 MA +86 22 60 CA +86 22 61 FS +86 22 62 CA +86 22 63 FS +86 22 64 CA +86 22 65 FS +86 22 66 GA +86 22 67 CA +86 22 68 MA +86 22 69 BA +86 22 70 CR +86 22 71 FS +86 22 72 CA +86 22 73 AM +86 22 74 CR +86 22 75 BA +86 22 76 FS +86 22 77 CA +86 22 78 AS +86 22 79 TA +86 22 80 CA +86 22 81 BA +86 22 82 CA +86 22 83 FS +86 22 84 FE +86 22 85 CA +86 22 86 MA +86 22 87 TA +86 22 88 FS +86 22 89 TA +86 22 90 CA +86 22 91 FE +86 22 92 GA +86 22 93 CA +86 22 94 AM +86 22 95 GA +86 22 96 FE +86 22 97 CA +86 22 98 FS +86 22 99 MA +86 22 100 MA +86 22 101 FS +86 22 102 GA +86 22 103 FE +86 22 104 CA +86 22 105 MA +86 22 106 AS +86 22 107 FS +86 22 108 GA +86 22 109 CA +86 22 110 FE +86 22 111 CA +86 22 112 FS +86 22 113 TA +86 22 114 CA +86 22 115 CA +86 22 116 XS +86 22 117 FE +86 22 118 CA +86 22 119 GA +86 22 120 FS +86 22 121 CA +86 22 122 CA +86 22 123 AS +86 22 124 FS +86 22 125 AS +86 22 126 HU +86 22 127 FE +86 22 128 GA +86 22 129 TA +86 22 130 AM +86 22 131 FS +86 22 132 BA +86 22 133 CA +86 22 134 TA +86 22 135 FS +86 22 136 CA +86 22 137 BA +86 22 138 CA +86 22 139 AS +86 22 140 CA +86 22 141 GA +86 22 142 GA +86 22 143 CA +86 22 144 AM +86 22 145 CA +86 22 146 FE +86 22 147 CA +86 22 148 FS +86 22 149 BA +86 22 150 AM +86 22 151 FE +86 22 152 AS +86 22 153 CA +86 22 154 TA +86 22 155 TA +86 22 156 BA +86 22 157 XS +86 22 158 GA +86 22 159 FE +86 22 160 FS +86 22 161 MA +86 22 162 CA +86 22 163 CA +86 22 164 CA +86 22 165 AS +86 22 166 CA +86 22 167 BA +86 22 168 MA +86 22 169 CA +86 22 170 CA +86 22 171 CA +86 22 172 GA +86 22 173 FS +86 22 174 AS +86 22 175 MA +86 22 176 FS +86 22 177 GA +86 22 178 CA +86 22 179 FS +86 22 180 CA +86 22 181 FE +86 22 182 AM +86 22 183 TA +86 22 184 AM +86 22 185 FE +86 22 186 CA +86 22 187 FE +86 22 188 CA +86 22 189 MA +86 22 190 AS +86 22 191 CA +86 22 192 CA +86 22 193 FE +86 22 194 XS +86 22 195 CA +86 22 196 CA +86 22 197 AS +86 22 198 HU +86 22 199 GA +86 22 200 CA +86 22 201 MA +86 22 202 CA +86 22 203 MA +86 22 204 XS +86 22 205 CA +86 22 206 GA +86 22 207 FS +86 22 208 FE +86 22 209 BA +86 22 210 FS +86 22 211 CA +86 22 212 FE +86 22 213 AS +86 22 214 AS +86 22 215 MA +86 22 216 XS +86 22 217 FE +86 22 218 FE +86 22 219 CF +86 22 220 CA +86 22 221 GA +86 22 222 MA +86 22 223 CA +86 22 224 GA +86 22 225 FE +86 22 226 CA +86 22 227 HU +86 22 228 CA +86 22 229 CA +86 22 230 GA +86 22 231 MA +86 22 232 FE +86 22 233 MA +86 22 234 BA +86 22 235 CA +86 22 236 FE +86 22 237 FE +86 22 238 CA +86 22 239 MA +86 22 240 XS +86 22 241 FS +86 22 242 FE +86 22 243 GA +86 22 244 GA +86 22 245 CA +86 22 246 FS +86 22 247 AS +86 22 248 BA +86 22 249 CA +86 22 250 AM +86 22 251 CA +86 22 252 GA +86 22 253 CA +86 22 254 CA +86 22 255 HU +86 22 256 FS +86 22 257 CA +86 22 258 FE +86 22 259 FS +86 22 260 GA +86 22 261 FE +86 22 262 GA +86 22 263 CF +86 22 264 CA +86 22 265 BA +86 22 266 SH +86 22 267 MA +86 22 268 CA +86 22 269 MA +86 22 270 FE +86 22 271 BA +86 22 272 GA +86 22 273 GA +86 22 274 MA +86 22 275 FE +86 22 276 MA +86 22 277 CA +86 22 278 MA +86 22 279 CA +86 22 280 BA +86 22 281 CA +86 22 282 CA +86 22 283 TA +86 22 284 GA +86 22 285 FE +86 22 286 GA +86 22 287 FE +86 22 288 FS +86 22 289 CA +86 22 290 GA +86 22 291 CA +86 22 292 MA +86 22 293 GA +86 22 294 GA +86 22 295 XS +86 22 296 AM +86 22 297 FE +86 22 298 FS +86 22 299 CA +86 22 300 GA +86 22 301 CA +86 22 302 GA +86 22 303 AS +86 22 304 FE +86 22 305 AM +86 22 306 CA +86 22 307 CA +86 22 308 AS +86 22 309 XS +86 22 310 CA +86 22 311 CA +86 22 312 TA +86 22 313 CA +86 22 314 GA +86 22 315 CA +86 22 316 CA +86 22 317 AM +86 22 318 FE +86 22 319 FS +86 22 320 FE +86 22 321 FS +86 22 322 CA +86 22 323 BA +86 22 324 GA +86 22 325 AM +86 22 326 FE +86 22 327 GA +86 22 328 CA +86 22 329 TA +86 22 330 GA +86 23 1 CA +86 23 2 GA +86 23 3 FS +86 23 4 AM +86 23 5 MA +86 23 6 FE +86 23 7 SH +86 23 8 EM +86 23 9 PA +86 23 10 CA +86 23 11 EM +86 23 12 FE +86 23 13 CA +86 23 14 CA +86 23 15 MA +86 23 16 GA +86 23 17 FS +86 23 18 HU +86 23 19 CA +86 23 20 SH +86 23 21 MA +86 23 22 FE +86 23 23 AM +86 23 24 PA +86 23 25 EM +86 23 26 CA +86 23 27 GA +86 23 28 FS +86 23 29 CA +86 23 30 FE +86 23 31 MA +86 23 32 MA +86 23 33 SH +86 23 34 EM +86 23 35 FE +86 23 36 EM +86 23 37 MA +86 23 38 FS +86 23 39 CA +86 23 40 CA +86 23 41 FS +86 23 42 FE +86 23 43 CA +86 23 44 GA +86 23 45 CA +86 23 46 PA +86 23 47 EM +86 23 48 FE +86 23 49 MA +86 23 50 AM +86 23 51 MA +86 23 52 GA +86 23 53 AM +86 23 54 SH +86 23 55 CA +86 23 56 FE +86 23 57 CA +86 23 58 EM +86 23 59 MA +86 23 60 CA +86 23 61 FS +86 23 62 CA +86 23 63 GA +86 23 64 CA +86 23 65 FS +86 23 66 GA +86 23 67 MA +86 23 68 FS +86 23 69 CA +86 23 70 GA +86 23 71 FS +86 23 72 CA +86 23 73 AM +86 23 74 CA +86 23 75 EM +86 23 76 FE +86 23 77 CA +86 23 78 MA +86 23 79 HU +86 23 80 CA +86 23 81 MA +86 23 82 CA +86 23 83 FE +86 23 84 AS +86 23 85 CA +86 23 86 MA +86 23 87 EM +86 23 88 AM +86 23 89 HU +86 23 90 CA +86 23 91 FE +86 23 92 GA +86 23 93 CA +86 23 94 EM +86 23 95 FS +86 23 96 FE +86 23 97 CA +86 23 98 FS +86 23 99 MA +86 23 100 CA +86 23 101 AM +86 23 102 MA +86 23 103 EM +86 23 104 CA +86 23 105 AM +86 23 106 FE +86 23 107 GA +86 23 108 CA +86 23 109 EM +86 23 110 FE +86 23 111 HU +86 23 112 FS +86 23 113 HU +86 23 114 CA +86 23 115 FS +86 23 116 CA +86 23 117 EM +86 23 118 FS +86 23 119 CA +86 23 120 GA +86 23 121 FE +86 23 122 CA +86 23 123 CA +86 23 124 FE +86 23 125 FS +86 23 126 MA +86 23 127 EM +86 23 128 FE +86 23 129 GA +86 23 130 CA +86 23 131 AM +86 23 132 FS +86 23 133 CA +86 23 134 HU +86 23 135 AM +86 23 136 MA +86 23 137 CA +86 23 138 MA +86 23 139 GA +86 23 140 CA +86 23 141 GA +86 23 142 GA +86 23 143 FE +86 23 144 HU +86 23 145 CA +86 23 146 FE +86 23 147 CA +86 23 148 FS +86 23 149 AS +86 23 150 AM +86 23 151 FS +86 23 152 MA +86 23 153 CA +86 23 154 EM +86 23 155 EM +86 23 156 CA +86 23 157 PA +86 23 158 GA +86 23 159 FE +86 23 160 FS +86 23 161 FS +86 23 162 FS +86 23 163 CA +86 23 164 CA +86 23 165 EM +86 23 166 CA +86 23 167 MA +86 23 168 CA +86 23 169 CA +86 23 170 TA +86 23 171 CA +86 23 172 GA +86 23 173 FS +86 23 174 FE +86 23 175 CA +86 23 176 FS +86 23 177 FE +86 23 178 CA +86 23 179 FS +86 23 180 CA +86 23 181 FE +86 23 182 AM +86 23 183 FE +86 23 184 CA +86 23 185 FE +86 23 186 CA +86 23 187 FE +86 23 188 CA +86 23 189 AS +86 23 190 FS +86 23 191 CA +86 23 192 AM +86 23 193 FE +86 23 194 FS +86 23 195 CA +86 23 196 CA +86 23 197 AS +86 23 198 HU +86 23 199 GA +86 23 200 CA +86 23 201 FS +86 23 202 CA +86 23 203 FS +86 23 204 EM +86 23 205 AM +86 23 206 GA +86 23 207 AM +86 23 208 FE +86 23 209 CA +86 23 210 FS +86 23 211 CA +86 23 212 FE +86 23 213 GA +86 23 214 AS +86 23 215 FE +86 23 216 EM +86 23 217 FS +86 23 218 FE +86 23 219 MA +86 23 220 CA +86 23 221 GA +86 23 222 AM +86 23 223 CA +86 23 224 GA +86 23 225 FE +86 23 226 CA +86 23 227 HU +86 23 228 CA +86 23 229 AS +86 23 230 GA +86 23 231 AM +86 23 232 EM +86 23 233 CA +86 23 234 CA +86 23 235 CA +86 23 236 FE +86 23 237 FE +86 23 238 CA +86 23 239 FS +86 23 240 CA +86 23 241 GA +86 23 242 * +86 23 243 AM +86 23 244 GA +86 23 245 FS +86 23 246 CA +86 23 247 CA +86 23 248 EM +86 23 249 CA +86 23 250 CA +86 23 251 CA +86 23 252 GA +86 23 253 CA +86 23 254 MA +86 23 255 HU +86 23 256 FS +86 23 257 CA +86 23 258 FE +86 23 259 FS +86 23 260 GA +86 23 261 FE +86 23 262 GA +86 23 263 AS +86 23 264 CA +86 23 265 CA +86 23 266 FS +86 23 267 AM +86 23 268 CA +86 23 269 AM +86 23 270 FE +86 23 271 EM +86 23 272 GA +86 23 273 AM +86 23 274 GA +86 23 275 FE +86 23 276 FS +86 23 277 EM +86 23 278 AS +86 23 279 CA +86 23 280 CA +86 23 281 CA +86 23 282 FE +86 23 283 HU +86 23 284 GA +86 23 285 MA +86 23 286 GA +86 23 287 FE +86 23 288 FS +86 23 289 CA +86 23 290 GA +86 23 291 CA +86 23 292 MA +86 23 293 * +86 23 294 GA +86 23 295 EM +86 23 296 AM +86 23 297 FE +86 23 298 FS +86 23 299 CA +86 23 300 GA +86 23 301 CA +86 23 302 GA +86 23 303 MA +86 23 304 CA +86 23 305 AM +86 23 306 FE +86 23 307 CA +86 23 308 AS +86 23 309 EM +86 23 310 CA +86 23 311 CA +86 23 312 HU +86 23 313 CA +86 23 314 GA +86 23 315 CA +86 23 316 CA +86 23 317 AM +86 23 318 FE +86 23 319 GA +86 23 320 BA +86 23 321 * +86 23 322 CA +86 23 323 CA +86 23 324 GA +86 23 325 AM +86 23 326 FE +86 23 327 AS +86 23 328 AS +86 23 329 SH +86 23 330 EM +86 24 1 CA +86 24 2 AS +86 24 3 FS +86 24 4 CA +86 24 5 MA +86 24 6 FE +86 24 7 CA +86 24 8 FS +86 24 9 FE +86 24 10 CA +86 24 11 HU +86 24 12 FE +86 24 13 CA +86 24 14 HU +86 24 15 MA +86 24 16 MA +86 24 17 FS +86 24 18 HU +86 24 19 CA +86 24 20 CA +86 24 21 AS +86 24 22 FE +86 24 23 CA +86 24 24 HU +86 24 25 CA +86 24 26 CA +86 24 27 MA +86 24 28 FS +86 24 29 CA +86 24 30 FE +86 24 31 MA +86 24 32 MA +86 24 33 CA +86 24 34 CA +86 24 35 FE +86 24 36 HU +86 24 37 CA +86 24 38 FS +86 24 39 CA +86 24 40 MA +86 24 41 FS +86 24 42 FE +86 24 43 HU +86 24 44 GA +86 24 45 CA +86 24 46 CA +86 24 47 HU +86 24 48 FE +86 24 49 CA +86 24 50 CA +86 24 51 TA +86 24 52 CA +86 24 53 FS +86 24 54 CA +86 24 55 MA +86 24 56 FE +86 24 57 CA +86 24 58 FE +86 24 59 CA +86 24 60 HU +86 24 61 FE +86 24 62 CA +86 24 63 FS +86 24 64 CA +86 24 65 FS +86 24 66 GA +86 24 67 CA +86 24 68 FS +86 24 69 CA +86 24 70 MA +86 24 71 HU +86 24 72 CA +86 24 73 CA +86 24 74 CA +86 24 75 HU +86 24 76 FS +86 24 77 CA +86 24 78 CA +86 24 79 HU +86 24 80 CA +86 24 81 CA +86 24 82 CA +86 24 83 GA +86 24 84 FE +86 24 85 CA +86 24 86 CA +86 24 87 HU +86 24 88 FS +86 24 89 HU +86 24 90 HU +86 24 91 FE +86 24 92 GA +86 24 93 CA +86 24 94 HU +86 24 95 GA +86 24 96 FE +86 24 97 CA +86 24 98 FS +86 24 99 CA +86 24 100 CA +86 24 101 FS +86 24 102 CA +86 24 103 FE +86 24 104 CA +86 24 105 FS +86 24 106 FE +86 24 107 GA +86 24 108 CA +86 24 109 CA +86 24 110 FS +86 24 111 HU +86 24 112 FS +86 24 113 HU +86 24 114 CA +86 24 115 FS +86 24 116 GA +86 24 117 HU +86 24 118 FS +86 24 119 CA +86 24 120 GA +86 24 121 FS +86 24 122 CA +86 24 123 CA +86 24 124 CA +86 24 125 FS +86 24 126 FS +86 24 127 HU +86 24 128 FE +86 24 129 GA +86 24 130 CA +86 24 131 CA +86 24 132 FS +86 24 133 CA +86 24 134 HU +86 24 135 FS +86 24 136 CA +86 24 137 HU +86 24 138 GA +86 24 139 GA +86 24 140 CA +86 24 141 GA +86 24 142 CA +86 24 143 BA +86 24 144 CA +86 24 145 CA +86 24 146 FE +86 24 147 CA +86 24 148 FS +86 24 149 BA +86 24 150 CA +86 24 151 FE +86 24 152 CA +86 24 153 CA +86 24 154 HU +86 24 155 HU +86 24 156 CA +86 24 157 FE +86 24 158 GA +86 24 159 FE +86 24 160 GA +86 24 161 CA +86 24 162 FS +86 24 163 CA +86 24 164 HU +86 24 165 CA +86 24 166 MA +86 24 167 MA +86 24 168 CA +86 24 169 CA +86 24 170 HU +86 24 171 HU +86 24 172 GA +86 24 173 FS +86 24 174 FE +86 24 175 CA +86 24 176 GA +86 24 177 FE +86 24 178 CA +86 24 179 HU +86 24 180 BA +86 24 181 FE +86 24 182 FS +86 24 183 CA +86 24 184 FS +86 24 185 FE +86 24 186 CA +86 24 187 FE +86 24 188 BA +86 24 189 GA +86 24 190 FE +86 24 191 CA +86 24 192 FS +86 24 193 BA +86 24 194 FS +86 24 195 CA +86 24 196 CA +86 24 197 MA +86 24 198 HU +86 24 199 GA +86 24 200 BA +86 24 201 FE +86 24 202 CA +86 24 203 FS +86 24 204 HU +86 24 205 CA +86 24 206 MA +86 24 207 FS +86 24 208 FE +86 24 209 CA +86 24 210 FS +86 24 211 CA +86 24 212 FE +86 24 213 GA +86 24 214 CA +86 24 215 FE +86 24 216 HU +86 24 217 FE +86 24 218 CA +86 24 219 CA +86 24 220 HU +86 24 221 GA +86 24 222 HU +86 24 223 CA +86 24 224 GA +86 24 225 HU +86 24 226 CA +86 24 227 HU +86 24 228 CA +86 24 229 MA +86 24 230 FE +86 24 231 FS +86 24 232 HU +86 24 233 CA +86 24 234 CA +86 24 235 HU +86 24 236 BA +86 24 237 FE +86 24 238 CA +86 24 239 FS +86 24 240 TA +86 24 241 GA +86 24 242 FE +86 24 243 FS +86 24 244 GA +86 24 245 FS +86 24 246 CA +86 24 247 HU +86 24 248 CA +86 24 249 HU +86 24 250 FS +86 24 251 BA +86 24 252 FE +86 24 253 CA +86 24 254 CA +86 24 255 HU +86 24 256 FS +86 24 257 CA +86 24 258 FE +86 24 259 FS +86 24 260 GA +86 24 261 FE +86 24 262 GA +86 24 263 GA +86 24 264 CA +86 24 265 CA +86 24 266 FS +86 24 267 CA +86 24 268 CA +86 24 269 FS +86 24 270 FE +86 24 271 HU +86 24 272 GA +86 24 273 FS +86 24 274 GA +86 24 275 FE +86 24 276 FS +86 24 277 HU +86 24 278 FE +86 24 279 CA +86 24 280 BA +86 24 281 CA +86 24 282 CA +86 24 283 TA +86 24 284 GA +86 24 285 MA +86 24 286 GA +86 24 287 FE +86 24 288 FS +86 24 289 CA +86 24 290 GA +86 24 291 CA +86 24 292 MA +86 24 293 CA +86 24 294 GA +86 24 295 FE +86 24 296 CA +86 24 297 FE +86 24 298 FS +86 24 299 BA +86 24 300 GA +86 24 301 CA +86 24 302 GA +86 24 303 CA +86 24 304 BA +86 24 305 HU +86 24 306 CA +86 24 307 CA +86 24 308 MA +86 24 309 CA +86 24 310 CA +86 24 311 CA +86 24 312 HU +86 24 313 CA +86 24 314 GA +86 24 315 BA +86 24 316 CA +86 24 317 FS +86 24 318 FE +86 24 319 GA +86 24 320 FE +86 24 321 FS +86 24 322 CA +86 24 323 CA +86 24 324 GA +86 24 325 FS +86 24 326 FE +86 24 327 GA +86 24 328 CA +86 24 329 FE +86 24 330 CA +86 25 1 CA +86 25 2 CA +86 25 3 FS +86 25 4 TA +86 25 5 CA +86 25 6 FE +86 25 7 CA +86 25 8 FS +86 25 9 TA +86 25 10 CA +86 25 11 CA +86 25 12 FE +86 25 13 CA +86 25 14 CA +86 25 15 MA +86 25 16 GA +86 25 17 AS +86 25 18 ET +86 25 19 CA +86 25 20 BA +86 25 21 AS +86 25 22 FE +86 25 23 AM +86 25 24 ET +86 25 25 BA +86 25 26 TA +86 25 27 AS +86 25 28 MA +86 25 29 BA +86 25 30 FS +86 25 31 CA +86 25 32 AS +86 25 33 BA +86 25 34 CA +86 25 35 FS +86 25 36 CA +86 25 37 CA +86 25 38 FS +86 25 39 CA +86 25 40 CA +86 25 41 FS +86 25 42 FE +86 25 43 ET +86 25 44 FE +86 25 45 CA +86 25 46 CF +86 25 47 ET +86 25 48 FE +86 25 49 CA +86 25 50 ET +86 25 51 ET +86 25 52 GA +86 25 53 FS +86 25 54 BA +86 25 55 CA +86 25 56 TA +86 25 57 CA +86 25 58 FE +86 25 59 MA +86 25 60 CA +86 25 61 FS +86 25 62 CA +86 25 63 FS +86 25 64 CA +86 25 65 FS +86 25 66 GA +86 25 67 CA +86 25 68 MA +86 25 69 BA +86 25 70 CR +86 25 71 FS +86 25 72 CA +86 25 73 AM +86 25 74 CR +86 25 75 BA +86 25 76 FS +86 25 77 CA +86 25 78 AS +86 25 79 TA +86 25 80 CA +86 25 81 BA +86 25 82 CA +86 25 83 GA +86 25 84 FE +86 25 85 CA +86 25 86 MA +86 25 87 TA +86 25 88 FS +86 25 89 TA +86 25 90 CA +86 25 91 FE +86 25 92 GA +86 25 93 CA +86 25 94 XS +86 25 95 GA +86 25 96 FE +86 25 97 CA +86 25 98 FS +86 25 99 MA +86 25 100 MA +86 25 101 FS +86 25 102 GA +86 25 103 FE +86 25 104 CA +86 25 105 MA +86 25 106 AS +86 25 107 GA +86 25 108 GA +86 25 109 CA +86 25 110 FE +86 25 111 CA +86 25 112 FS +86 25 113 TA +86 25 114 CA +86 25 115 CA +86 25 116 XS +86 25 117 FE +86 25 118 CA +86 25 119 GA +86 25 120 FS +86 25 121 CA +86 25 122 CA +86 25 123 AS +86 25 124 GA +86 25 125 AS +86 25 126 HU +86 25 127 AS +86 25 128 GA +86 25 129 TA +86 25 130 AM +86 25 131 FS +86 25 132 BA +86 25 133 CA +86 25 134 TA +86 25 135 FS +86 25 136 CA +86 25 137 BA +86 25 138 CA +86 25 139 AS +86 25 140 CA +86 25 141 GA +86 25 142 GA +86 25 143 CA +86 25 144 AM +86 25 145 CA +86 25 146 FE +86 25 147 CA +86 25 148 FS +86 25 149 BA +86 25 150 AM +86 25 151 FE +86 25 152 CA +86 25 153 CA +86 25 154 TA +86 25 155 TA +86 25 156 BA +86 25 157 XS +86 25 158 GA +86 25 159 FE +86 25 160 MA +86 25 161 CA +86 25 162 FS +86 25 163 CA +86 25 164 CA +86 25 165 AS +86 25 166 CA +86 25 167 BA +86 25 168 MA +86 25 169 CA +86 25 170 CA +86 25 171 CA +86 25 172 GA +86 25 173 FS +86 25 174 FE +86 25 175 MA +86 25 176 FS +86 25 177 FE +86 25 178 CA +86 25 179 FS +86 25 180 CA +86 25 181 FE +86 25 182 AM +86 25 183 TA +86 25 184 AM +86 25 185 FE +86 25 186 CA +86 25 187 FE +86 25 188 CA +86 25 189 AS +86 25 190 MA +86 25 191 CA +86 25 192 CA +86 25 193 FE +86 25 194 XS +86 25 195 CA +86 25 196 CA +86 25 197 AS +86 25 198 HU +86 25 199 GA +86 25 200 CA +86 25 201 MA +86 25 202 CA +86 25 203 MA +86 25 204 XS +86 25 205 CA +86 25 206 GA +86 25 207 FS +86 25 208 FE +86 25 209 BA +86 25 210 FS +86 25 211 CA +86 25 212 FE +86 25 213 AS +86 25 214 AS +86 25 215 MA +86 25 216 XS +86 25 217 FE +86 25 218 FE +86 25 219 CF +86 25 220 CA +86 25 221 GA +86 25 222 MA +86 25 223 CA +86 25 224 GA +86 25 225 FE +86 25 226 CA +86 25 227 HU +86 25 228 CA +86 25 229 CA +86 25 230 GA +86 25 231 MA +86 25 232 FE +86 25 233 MA +86 25 234 BA +86 25 235 CA +86 25 236 FE +86 25 237 FE +86 25 238 CA +86 25 239 MA +86 25 240 XS +86 25 241 GA +86 25 242 GA +86 25 243 GA +86 25 244 GA +86 25 245 FS +86 25 246 FE +86 25 247 AS +86 25 248 BA +86 25 249 CA +86 25 250 AM +86 25 251 CA +86 25 252 GA +86 25 253 CA +86 25 254 CA +86 25 255 HU +86 25 256 FS +86 25 257 CA +86 25 258 FE +86 25 259 FS +86 25 260 GA +86 25 261 FE +86 25 262 GA +86 25 263 CF +86 25 264 CA +86 25 265 BA +86 25 266 SH +86 25 267 MA +86 25 268 CA +86 25 269 MA +86 25 270 FE +86 25 271 BA +86 25 272 GA +86 25 273 MA +86 25 274 GA +86 25 275 FE +86 25 276 MA +86 25 277 CA +86 25 278 FE +86 25 279 CA +86 25 280 BA +86 25 281 CA +86 25 282 CA +86 25 283 TA +86 25 284 GA +86 25 285 AS +86 25 286 GA +86 25 287 FE +86 25 288 FS +86 25 289 CA +86 25 290 GA +86 25 291 CA +86 25 292 MA +86 25 293 GA +86 25 294 GA +86 25 295 XS +86 25 296 AM +86 25 297 FE +86 25 298 FS +86 25 299 CA +86 25 300 GA +86 25 301 CA +86 25 302 GA +86 25 303 AS +86 25 304 FE +86 25 305 AM +86 25 306 CA +86 25 307 CA +86 25 308 AS +86 25 309 XS +86 25 310 CA +86 25 311 CA +86 25 312 TA +86 25 313 CA +86 25 314 GA +86 25 315 CA +86 25 316 CA +86 25 317 AM +86 25 318 FE +86 25 319 FS +86 25 320 FE +86 25 321 FS +86 25 322 CA +86 25 323 BA +86 25 324 GA +86 25 325 AM +86 25 326 FE +86 25 327 GA +86 25 328 CA +86 25 329 TA +86 25 330 GA +87 1 1 R +87 1 2 R +87 1 3 I +87 1 4 T +87 1 5 R +87 1 6 B +87 1 7 R +87 1 8 I +87 1 9 O +87 1 10 R +87 1 11 R +87 1 12 C +87 1 13 R +87 1 14 O +87 1 15 C +87 1 16 S +87 1 17 I +87 1 18 O +87 1 19 R +87 1 20 R +87 1 21 I +87 1 22 C +87 1 23 T +87 1 24 O +87 1 25 R +87 1 26 R +87 1 27 S +87 1 28 I +87 1 29 R +87 1 30 B +87 1 31 R +87 1 32 T +87 1 33 R +87 1 34 R +87 1 35 I +87 1 36 O +87 1 37 R +87 1 38 I +87 1 39 R +87 1 40 R +87 1 41 I +87 1 42 C +87 1 43 R +87 1 44 S +87 1 45 R +87 1 46 O +87 1 47 O +87 1 48 C +87 1 49 R +87 1 50 T +87 1 51 O +87 1 52 S +87 1 53 I +87 1 54 R +87 1 55 R +87 1 56 B +87 1 57 R +87 1 58 O +87 1 59 S +87 1 60 O +87 1 61 I +87 1 62 T +87 1 63 B +87 1 64 R +87 1 65 I +87 1 66 S +87 1 67 R +87 1 68 I +87 1 69 O +87 1 70 S +87 1 71 T +87 1 72 R +87 1 73 T +87 1 74 R +87 1 75 O +87 1 76 I +87 1 77 R +87 1 78 T +87 1 79 O +87 1 80 R +87 1 81 C +87 1 82 R +87 1 83 S +87 1 84 I +87 1 85 R +87 1 86 T +87 1 87 O +87 1 88 T +87 1 89 O +87 1 90 O +87 1 91 C +87 1 92 S +87 1 93 R +87 1 94 O +87 1 95 S +87 1 96 C +87 1 97 T +87 1 98 I +87 1 99 T +87 1 100 R +87 1 101 I +87 1 102 R +87 1 103 O +87 1 104 R +87 1 105 T +87 1 106 C +87 1 107 S +87 1 108 S +87 1 109 R +87 1 110 C +87 1 111 O +87 1 112 I +87 1 113 O +87 1 114 O +87 1 115 I +87 1 116 S +87 1 117 O +87 1 118 I +87 1 119 R +87 1 120 S +87 1 121 I +87 1 122 R +87 1 123 R +87 1 124 C +87 1 125 I +87 1 126 T +87 1 127 R +87 1 128 C +87 1 129 S +87 1 130 O +87 1 131 T +87 1 132 I +87 1 133 R +87 1 134 B +87 1 135 T +87 1 136 R +87 1 137 R +87 1 138 R +87 1 139 S +87 1 140 R +87 1 141 S +87 1 142 S +87 1 143 C +87 1 144 T +87 1 145 R +87 1 146 C +87 1 147 R +87 1 148 I +87 1 149 R +87 1 150 T +87 1 151 I +87 1 152 T +87 1 153 R +87 1 154 O +87 1 155 O +87 1 156 R +87 1 157 O +87 1 158 S +87 1 159 C +87 1 160 T +87 1 161 R +87 1 162 I +87 1 163 R +87 1 164 R +87 1 165 C +87 1 166 R +87 1 167 S +87 1 168 R +87 1 169 R +87 1 170 O +87 1 171 C +87 1 172 S +87 1 173 I +87 1 174 C +87 1 175 R +87 1 176 I +87 1 177 C +87 1 178 N +87 1 179 O +87 1 180 R +87 1 181 C +87 1 182 O +87 1 183 O +87 1 184 T +87 1 185 O +87 1 186 R +87 1 187 C +87 1 188 R +87 1 189 S +87 1 190 I +87 1 191 R +87 1 192 N +87 1 193 C +87 1 194 O +87 1 195 C +87 1 196 R +87 1 197 N +87 1 198 O +87 1 199 S +87 1 200 R +87 1 201 I +87 1 202 R +87 1 203 N +87 1 204 R +87 1 205 N +87 1 206 S +87 1 207 I +87 1 208 C +87 1 209 R +87 1 210 O +87 1 211 R +87 1 212 C +87 1 213 S +87 1 214 C +87 1 215 N +87 1 216 O +87 1 217 S +87 1 218 C +87 1 219 S +87 1 220 N +87 1 221 S +87 1 222 N +87 1 223 R +87 1 224 S +87 1 225 C +87 1 226 R +87 1 227 O +87 1 228 R +87 1 229 R +87 1 230 S +87 1 231 T +87 1 232 O +87 1 233 R +87 1 234 R +87 1 235 N +87 1 236 C +87 1 237 S +87 1 238 R +87 1 239 I +87 1 240 O +87 1 241 S +87 1 242 C +87 1 243 T +87 1 244 S +87 1 245 I +87 1 246 R +87 1 247 T +87 1 248 O +87 1 249 R +87 1 250 N +87 1 251 R +87 1 252 S +87 1 253 R +87 1 254 N +87 1 255 O +87 1 256 I +87 1 257 R +87 1 258 C +87 1 259 I +87 1 260 C +87 1 261 I +87 1 262 S +87 1 263 O +87 1 264 N +87 1 265 R +87 1 266 O +87 1 267 T +87 1 268 R +87 1 269 T +87 1 270 C +87 1 271 R +87 1 272 S +87 1 273 T +87 1 274 S +87 1 275 C +87 1 276 I +87 1 277 R +87 1 278 C +87 1 279 N +87 1 280 C +87 1 281 R +87 1 282 R +87 1 283 O +87 1 284 S +87 1 285 S +87 1 286 S +87 1 287 C +87 1 288 I +87 1 289 R +87 1 290 S +87 1 291 N +87 1 292 S +87 1 293 S +87 1 294 S +87 1 295 O +87 1 296 T +87 1 297 C +87 1 298 I +87 1 299 R +87 1 300 S +87 1 301 R +87 1 302 S +87 1 303 S +87 1 304 C +87 1 305 T +87 1 306 C +87 1 307 R +87 1 308 T +87 1 309 O +87 1 310 R +87 1 311 N +87 1 312 O +87 1 313 N +87 1 314 S +87 1 315 C +87 1 316 R +87 1 317 I +87 1 318 I +87 1 319 S +87 1 320 C +87 1 321 I +87 1 322 R +87 1 323 R +87 1 324 S +87 1 325 T +87 1 326 C +87 1 327 S +87 1 328 R +87 1 329 O +87 1 330 S +87 2 1 R +87 2 2 A +87 2 3 I +87 2 4 T +87 2 5 A +87 2 6 * +87 2 7 A +87 2 8 I +87 2 9 * +87 2 10 R +87 2 11 A +87 2 12 C +87 2 13 A +87 2 14 R +87 2 15 * +87 2 16 S +87 2 17 I +87 2 18 O +87 2 19 R +87 2 20 A +87 2 21 I +87 2 22 C +87 2 23 T +87 2 24 O +87 2 25 A +87 2 26 R +87 2 27 * +87 2 28 * +87 2 29 A +87 2 30 * +87 2 31 A +87 2 32 T +87 2 33 A +87 2 34 R +87 2 35 * +87 2 36 A +87 2 37 * +87 2 38 I +87 2 39 A +87 2 40 R +87 2 41 I +87 2 42 C +87 2 43 R +87 2 44 * +87 2 45 A +87 2 46 * +87 2 47 A +87 2 48 * +87 2 49 R +87 2 50 T +87 2 51 * +87 2 52 A +87 2 53 T +87 2 54 A +87 2 55 R +87 2 56 * +87 2 57 R +87 2 58 C +87 2 59 T +87 2 60 R +87 2 61 I +87 2 62 T +87 2 63 I +87 2 64 R +87 2 65 I +87 2 66 * +87 2 67 A +87 2 68 T +87 2 69 A +87 2 70 T +87 2 71 I +87 2 72 A +87 2 73 T +87 2 74 R +87 2 75 A +87 2 76 I +87 2 77 R +87 2 78 * +87 2 79 * +87 2 80 R +87 2 81 A +87 2 82 R +87 2 83 * +87 2 84 * +87 2 85 A +87 2 86 * +87 2 87 * +87 2 88 T +87 2 89 O +87 2 90 A +87 2 91 * +87 2 92 * +87 2 93 R +87 2 94 * +87 2 95 * +87 2 96 C +87 2 97 T +87 2 98 I +87 2 99 T +87 2 100 R +87 2 101 T +87 2 102 * +87 2 103 * +87 2 104 R +87 2 105 T +87 2 106 * +87 2 107 * +87 2 108 A +87 2 109 T +87 2 110 C +87 2 111 A +87 2 112 I +87 2 113 O +87 2 114 A +87 2 115 I +87 2 116 * +87 2 117 O +87 2 118 T +87 2 119 A +87 2 120 * +87 2 121 I +87 2 122 A +87 2 123 R +87 2 124 * +87 2 125 * +87 2 126 T +87 2 127 A +87 2 128 C +87 2 129 S +87 2 130 * +87 2 131 T +87 2 132 I +87 2 133 A +87 2 134 O +87 2 135 T +87 2 136 R +87 2 137 A +87 2 138 R +87 2 139 T +87 2 140 R +87 2 141 S +87 2 142 * +87 2 143 A +87 2 144 T +87 2 145 A +87 2 146 C +87 2 147 R +87 2 148 I +87 2 149 A +87 2 150 T +87 2 151 I +87 2 152 T +87 2 153 R +87 2 154 O +87 2 155 O +87 2 156 A +87 2 157 * +87 2 158 S +87 2 159 C +87 2 160 T +87 2 161 A +87 2 162 I +87 2 163 R +87 2 164 R +87 2 165 A +87 2 166 R +87 2 167 T +87 2 168 A +87 2 169 R +87 2 170 A +87 2 171 A +87 2 172 S +87 2 173 I +87 2 174 C +87 2 175 R +87 2 176 I +87 2 177 A +87 2 178 R +87 2 179 * +87 2 180 A +87 2 181 C +87 2 182 T +87 2 183 * +87 2 184 T +87 2 185 C +87 2 186 R +87 2 187 C +87 2 188 IR +87 2 189 IR +87 2 190 * +87 2 191 A +87 2 192 T +87 2 193 A +87 2 194 T +87 2 195 A +87 2 196 A +87 2 197 T +87 2 198 O +87 2 199 * +87 2 200 R +87 2 201 * +87 2 202 A +87 2 203 I +87 2 204 O +87 2 205 T +87 2 206 O +87 2 207 I +87 2 208 C +87 2 209 A +87 2 210 O +87 2 211 R +87 2 212 C +87 2 213 T +87 2 214 A +87 2 215 T +87 2 216 A +87 2 217 * +87 2 218 A +87 2 219 R +87 2 220 T +87 2 221 A +87 2 222 T +87 2 223 A +87 2 224 S +87 2 225 * +87 2 226 * +87 2 227 * +87 2 228 * +87 2 229 * +87 2 230 * +87 2 231 * +87 2 232 * +87 2 233 * +87 2 234 * +87 2 235 * +87 2 236 * +87 2 237 * +87 2 238 * +87 2 239 * +87 2 240 * +87 2 241 * +87 2 242 * +87 2 243 * +87 2 244 * +87 2 245 * +87 2 246 * +87 2 247 * +87 2 248 * +87 2 249 * +87 2 250 * +87 2 251 * +87 2 252 * +87 2 253 * +87 2 254 * +87 2 255 * +87 2 256 * +87 2 257 * +87 2 258 * +87 2 259 * +87 2 260 * +87 2 261 * +87 2 262 * +87 2 263 * +87 2 264 * +87 2 265 * +87 2 266 * +87 2 267 * +87 2 268 * +87 2 269 * +87 2 270 * +87 2 271 * +87 2 272 * +87 2 273 * +87 2 274 * +87 2 275 * +87 2 276 * +87 2 277 * +87 2 278 * +87 2 279 * +87 2 280 * +87 2 281 * +87 2 282 * +87 2 283 * +87 2 284 * +87 2 285 * +87 2 286 * +87 2 287 * +87 2 288 * +87 2 289 * +87 2 290 * +87 2 291 * +87 2 292 * +87 2 293 * +87 2 294 * +87 2 295 * +87 2 296 * +87 2 297 * +87 2 298 * +87 2 299 * +87 2 300 * +87 2 301 * +87 2 302 * +87 2 303 * +87 2 304 * +87 2 305 * +87 2 306 * +87 2 307 * +87 2 308 * +87 2 309 * +87 2 310 * +87 2 311 * +87 2 312 * +87 2 313 * +87 2 314 * +87 2 315 * +87 2 316 * +87 2 317 * +87 2 318 * +87 2 319 * +87 2 320 * +87 2 321 * +87 2 322 * +87 2 323 * +87 2 324 * +87 2 325 * +87 2 326 * +87 2 327 * +87 2 328 * +87 2 329 * +87 2 330 * +87 3 1 R +87 3 2 R +87 3 3 I +87 3 4 O +87 3 5 R +87 3 6 C +87 3 7 A +87 3 8 I +87 3 9 B +87 3 10 R +87 3 11 O +87 3 12 C +87 3 13 R +87 3 14 N +87 3 15 I +87 3 16 S +87 3 17 I +87 3 18 O +87 3 19 R +87 3 20 A +87 3 21 I +87 3 22 C +87 3 23 N +87 3 24 O +87 3 25 R +87 3 26 R +87 3 27 S +87 3 28 I +87 3 29 A +87 3 30 I +87 3 31 N +87 3 32 I +87 3 33 R +87 3 34 R +87 3 35 I +87 3 36 N +87 3 37 R +87 3 38 I +87 3 39 R +87 3 40 N +87 3 41 I +87 3 42 C +87 3 43 N +87 3 44 S +87 3 45 A +87 3 46 R +87 3 47 O +87 3 48 C +87 3 49 R +87 3 50 I +87 3 51 O +87 3 52 S +87 3 53 I +87 3 54 A +87 3 55 R +87 3 56 I +87 3 57 R +87 3 58 C +87 3 59 S +87 3 60 N +87 3 61 I +87 3 62 O +87 3 63 I +87 3 64 R +87 3 65 I +87 3 66 S +87 3 67 R +87 3 68 I +87 3 69 O +87 3 70 S +87 3 71 I +87 3 72 A +87 3 73 I +87 3 74 R +87 3 75 O +87 3 76 I +87 3 77 R +87 3 78 I +87 3 79 O +87 3 80 R +87 3 81 A +87 3 82 R +87 3 83 C +87 3 84 I +87 3 85 R +87 3 86 I +87 3 87 R +87 3 88 I +87 3 89 O +87 3 90 O +87 3 91 C +87 3 92 S +87 3 93 R +87 3 94 O +87 3 95 S +87 3 96 C +87 3 97 R +87 3 98 I +87 3 99 O +87 3 100 R +87 3 101 I +87 3 102 R +87 3 103 O +87 3 104 R +87 3 105 I +87 3 106 C +87 3 107 S +87 3 108 R +87 3 109 R +87 3 110 C +87 3 111 O +87 3 112 I +87 3 113 O +87 3 114 R +87 3 115 I +87 3 116 R +87 3 117 O +87 3 118 I +87 3 119 A +87 3 120 S +87 3 121 I +87 3 122 A +87 3 123 R +87 3 124 C +87 3 125 I +87 3 126 I +87 3 127 O +87 3 128 C +87 3 129 S +87 3 130 O +87 3 131 I +87 3 132 I +87 3 133 A +87 3 134 R +87 3 135 I +87 3 136 R +87 3 137 O +87 3 138 R +87 3 139 S +87 3 140 R +87 3 141 S +87 3 142 S +87 3 143 C +87 3 144 R +87 3 145 A +87 3 146 C +87 3 147 R +87 3 148 I +87 3 149 A +87 3 150 I +87 3 151 I +87 3 152 I +87 3 153 R +87 3 154 O +87 3 155 O +87 3 156 R +87 3 157 I +87 3 158 S +87 3 159 C +87 3 160 I +87 3 161 A +87 3 162 I +87 3 163 R +87 3 164 N +87 3 165 C +87 3 166 O +87 3 167 R +87 3 168 R +87 3 169 * +87 3 170 * +87 3 171 * +87 3 172 * +87 3 173 * +87 3 174 * +87 3 175 * +87 3 176 * +87 3 177 * +87 3 178 * +87 3 179 * +87 3 180 * +87 3 181 * +87 3 182 * +87 3 183 * +87 3 184 * +87 3 185 * +87 3 186 * +87 3 187 * +87 3 188 * +87 3 189 * +87 3 190 * +87 3 191 * +87 3 192 * +87 3 193 * +87 3 194 * +87 3 195 * +87 3 196 * +87 3 197 * +87 3 198 * +87 3 199 * +87 3 200 * +87 3 201 * +87 3 202 * +87 3 203 * +87 3 204 * +87 3 205 * +87 3 206 * +87 3 207 * +87 3 208 * +87 3 209 * +87 3 210 * +87 3 211 * +87 3 212 * +87 3 213 * +87 3 214 * +87 3 215 * +87 3 216 * +87 3 217 * +87 3 218 * +87 3 219 * +87 3 220 * +87 3 221 * +87 3 222 * +87 3 223 * +87 3 224 * +87 3 225 * +87 3 226 * +87 3 227 * +87 3 228 * +87 3 229 * +87 3 230 * +87 3 231 * +87 3 232 * +87 3 233 * +87 3 234 * +87 3 235 * +87 3 236 * +87 3 237 * +87 3 238 * +87 3 239 * +87 3 240 * +87 3 241 * +87 3 242 * +87 3 243 * +87 3 244 * +87 3 245 * +87 3 246 * +87 3 247 * +87 3 248 * +87 3 249 * +87 3 250 * +87 3 251 * +87 3 252 * +87 3 253 * +87 3 254 * +87 3 255 * +87 3 256 * +87 3 257 * +87 3 258 * +87 3 259 * +87 3 260 * +87 3 261 * +87 3 262 * +87 3 263 * +87 3 264 * +87 3 265 * +87 3 266 * +87 3 267 * +87 3 268 * +87 3 269 * +87 3 270 * +87 3 271 * +87 3 272 * +87 3 273 * +87 3 274 * +87 3 275 * +87 3 276 * +87 3 277 * +87 3 278 * +87 3 279 * +87 3 280 * +87 3 281 * +87 3 282 * +87 3 283 * +87 3 284 * +87 3 285 * +87 3 286 * +87 3 287 * +87 3 288 * +87 3 289 * +87 3 290 * +87 3 291 * +87 3 292 * +87 3 293 * +87 3 294 * +87 3 295 * +87 3 296 * +87 3 297 * +87 3 298 * +87 3 299 * +87 3 300 * +87 3 301 * +87 3 302 * +87 3 303 * +87 3 304 * +87 3 305 * +87 3 306 * +87 3 307 * +87 3 308 * +87 3 309 * +87 3 310 * +87 3 311 * +87 3 312 * +87 3 313 * +87 3 314 * +87 3 315 * +87 3 316 * +87 3 317 * +87 3 318 * +87 3 319 * +87 3 320 * +87 3 321 * +87 3 322 * +87 3 323 * +87 3 324 * +87 3 325 * +87 3 326 * +87 3 327 * +87 3 328 * +87 3 329 * +87 3 330 * +87 4 1 N +87 4 2 * +87 4 3 I +87 4 4 N +87 4 5 * +87 4 6 * +87 4 7 R +87 4 8 I +87 4 9 * +87 4 10 R +87 4 11 O +87 4 12 C +87 4 13 A +87 4 14 * +87 4 15 * +87 4 16 S +87 4 17 * +87 4 18 O +87 4 19 * +87 4 20 A +87 4 21 * +87 4 22 C +87 4 23 N +87 4 24 * +87 4 25 * +87 4 26 * +87 4 27 * +87 4 28 I +87 4 29 * +87 4 30 * +87 4 31 * +87 4 32 * +87 4 33 A +87 4 34 R +87 4 35 * +87 4 36 A +87 4 37 * +87 4 38 I +87 4 39 A +87 4 40 R +87 4 41 I +87 4 42 C +87 4 43 N +87 4 44 * +87 4 45 A +87 4 46 * +87 4 47 A +87 4 48 * +87 4 49 R +87 4 50 * +87 4 51 * +87 4 52 * +87 4 53 I +87 4 54 A +87 4 55 R +87 4 56 * +87 4 57 * +87 4 58 * +87 4 59 * +87 4 60 * +87 4 61 I +87 4 62 * +87 4 63 * +87 4 64 R +87 4 65 I +87 4 66 * +87 4 67 * +87 4 68 * +87 4 69 * +87 4 70 * +87 4 71 I +87 4 72 A +87 4 73 N +87 4 74 * +87 4 75 A +87 4 76 * +87 4 77 R +87 4 78 * +87 4 79 O +87 4 80 R +87 4 81 * +87 4 82 * +87 4 83 C +87 4 84 * +87 4 85 A +87 4 86 * +87 4 87 O +87 4 88 N +87 4 89 O +87 4 90 * +87 4 91 * +87 4 92 * +87 4 93 R +87 4 94 O +87 4 95 * +87 4 96 C +87 4 97 N +87 4 98 I +87 4 99 * +87 4 100 * +87 4 101 I +87 4 102 * +87 4 103 * +87 4 104 R +87 4 105 N +87 4 106 C +87 4 107 S +87 4 108 * +87 4 109 R +87 4 110 * +87 4 111 A +87 4 112 I +87 4 113 O +87 4 114 * +87 4 115 I +87 4 116 * +87 4 117 * +87 4 118 * +87 4 119 * +87 4 120 S +87 4 121 * +87 4 122 A +87 4 123 R +87 4 124 C +87 4 125 * +87 4 126 * +87 4 127 A +87 4 128 C +87 4 129 S +87 4 130 * +87 4 131 N +87 4 132 * +87 4 133 A +87 4 134 * +87 4 135 N +87 4 136 * +87 4 137 A +87 4 138 R +87 4 139 * +87 4 140 R +87 4 141 S +87 4 142 * +87 4 143 * +87 4 144 N +87 4 145 * +87 4 146 C +87 4 147 * +87 4 148 I +87 4 149 * +87 4 150 N +87 4 151 * +87 4 152 * +87 4 153 R +87 4 154 O +87 4 155 * +87 4 156 A +87 4 157 * +87 4 158 S +87 4 159 * +87 4 160 * +87 4 161 * +87 4 162 I +87 4 163 * +87 4 164 R +87 4 165 * +87 4 166 R +87 4 167 * +87 4 168 A +87 4 169 R +87 4 170 O +87 4 171 * +87 4 172 S +87 4 173 * +87 4 174 C +87 4 175 * +87 4 176 * +87 4 177 C +87 4 178 R +87 4 179 I +87 4 180 * +87 4 181 * +87 4 182 * +87 4 183 * +87 4 184 N +87 4 185 * +87 4 186 * +87 4 187 * +87 4 188 R +87 4 189 * +87 4 190 * +87 4 191 A +87 4 192 N +87 4 193 * +87 4 194 * +87 4 195 A +87 4 196 * +87 4 197 * +87 4 198 O +87 4 199 * +87 4 200 R +87 4 201 * +87 4 202 A +87 4 203 * +87 4 204 * +87 4 205 N +87 4 206 C +87 4 207 * +87 4 208 * +87 4 209 A +87 4 210 * +87 4 211 R +87 4 212 * +87 4 213 * +87 4 214 C +87 4 215 * +87 4 216 A +87 4 217 * +87 4 218 * +87 4 219 * +87 4 220 N +87 4 221 * +87 4 222 N +87 4 223 A +87 4 224 S +87 4 225 * +87 4 226 * +87 4 227 O +87 4 228 N +87 4 229 * +87 4 230 * +87 4 231 N +87 4 232 * +87 4 233 * +87 4 234 A +87 4 235 R +87 4 236 * +87 4 237 * +87 4 238 * +87 4 239 * +87 4 240 * +87 4 241 S +87 4 242 C +87 4 243 I +87 4 244 * +87 4 245 I +87 4 246 * +87 4 247 N +87 4 248 A +87 4 249 A +87 4 250 N +87 4 251 * +87 4 252 * +87 4 253 * +87 4 254 * +87 4 255 O +87 4 256 * +87 4 257 R +87 4 258 C +87 4 259 I +87 4 260 C +87 4 261 * +87 4 262 S +87 4 263 * +87 4 264 * +87 4 265 A +87 4 266 * +87 4 267 N +87 4 268 * +87 4 269 N +87 4 270 * +87 4 271 A +87 4 272 S +87 4 273 N +87 4 274 S +87 4 275 * +87 4 276 I +87 4 277 R +87 4 278 * +87 4 279 R +87 4 280 A +87 4 281 A +87 4 282 A +87 4 283 * +87 4 284 * +87 4 285 * +87 4 286 S +87 4 287 * +87 4 288 I +87 4 289 * +87 4 290 * +87 4 291 R +87 4 292 * +87 4 293 * +87 4 294 * +87 4 295 * +87 4 296 N +87 4 297 C +87 4 298 I +87 4 299 A +87 4 300 * +87 4 301 A +87 4 302 * +87 4 303 * +87 4 304 A +87 4 305 N +87 4 306 * +87 4 307 R +87 4 308 N +87 4 309 * +87 4 310 * +87 4 311 R +87 4 312 O +87 4 313 R +87 4 314 * +87 4 315 * +87 4 316 * +87 4 317 N +87 4 318 * +87 4 319 S +87 4 320 * +87 4 321 I +87 4 322 R +87 4 323 A +87 4 324 * +87 4 325 N +87 4 326 C +87 4 327 * +87 4 328 A +87 4 329 * +87 4 330 * +87 5 1 R +87 5 2 C +87 5 3 I +87 5 4 O +87 5 5 C +87 5 6 I +87 5 7 C +87 5 8 I +87 5 9 O +87 5 10 A +87 5 11 C +87 5 12 C +87 5 13 A +87 5 14 O +87 5 15 C +87 5 16 S +87 5 17 I +87 5 18 A +87 5 19 A +87 5 20 C +87 5 21 I +87 5 22 C +87 5 23 C +87 5 24 A +87 5 25 A +87 5 26 O +87 5 27 C +87 5 28 I +87 5 29 C +87 5 30 I +87 5 31 S +87 5 32 I +87 5 33 C +87 5 34 A +87 5 35 I +87 5 36 A +87 5 37 R +87 5 38 I +87 5 39 A +87 5 40 A +87 5 41 I +87 5 42 C +87 5 43 O +87 5 44 S +87 5 45 C +87 5 46 O +87 5 47 R +87 5 48 C +87 5 49 A +87 5 50 R +87 5 51 R +87 5 52 S +87 5 53 I +87 5 54 A +87 5 55 R +87 5 56 I +87 5 57 R +87 5 58 A +87 5 59 S +87 5 60 R +87 5 61 I +87 5 62 R +87 5 63 I +87 5 64 A +87 5 65 I +87 5 66 S +87 5 67 A +87 5 68 I +87 5 69 A +87 5 70 S +87 5 71 I +87 5 72 R +87 5 73 A +87 5 74 S +87 5 75 A +87 5 76 I +87 5 77 R +87 5 78 S +87 5 79 A +87 5 80 R +87 5 81 C +87 5 82 R +87 5 83 S +87 5 84 I +87 5 85 A +87 5 86 I +87 5 87 O +87 5 88 I +87 5 89 R +87 5 90 R +87 5 91 C +87 5 92 S +87 5 93 A +87 5 94 O +87 5 95 S +87 5 96 C +87 5 97 R +87 5 98 I +87 5 99 C +87 5 100 S +87 5 101 I +87 5 102 R +87 5 103 A +87 5 104 R +87 5 105 I +87 5 106 S +87 5 107 S +87 5 108 R +87 5 109 O +87 5 110 C +87 5 111 R +87 5 112 I +87 5 113 O +87 5 114 R +87 5 115 I +87 5 116 A +87 5 117 O +87 5 118 C +87 5 119 A +87 5 120 S +87 5 121 I +87 5 122 A +87 5 123 R +87 5 124 C +87 5 125 I +87 5 126 C +87 5 127 R +87 5 128 C +87 5 129 S +87 5 130 O +87 5 131 R +87 5 132 I +87 5 133 A +87 5 134 R +87 5 135 I +87 5 136 R +87 5 137 A +87 5 138 A +87 5 139 S +87 5 140 A +87 5 141 S +87 5 142 S +87 5 143 C +87 5 144 A +87 5 145 C +87 5 146 C +87 5 147 A +87 5 148 I +87 5 149 C +87 5 150 R +87 5 151 I +87 5 152 C +87 5 153 A +87 5 154 O +87 5 155 R +87 5 156 A +87 5 157 C +87 5 158 S +87 5 159 C +87 5 160 C +87 5 161 A +87 5 162 I +87 5 163 A +87 5 164 R +87 5 165 R +87 5 166 A +87 5 167 C +87 5 168 A +87 5 169 A +87 5 170 R +87 5 171 C +87 5 172 S +87 5 173 I +87 5 174 C +87 5 175 R +87 5 176 I +87 5 177 C +87 5 178 R +87 5 179 I +87 5 180 A +87 5 181 C +87 5 182 I +87 5 183 I +87 5 184 R +87 5 185 I +87 5 186 A +87 5 187 C +87 5 188 A +87 5 189 S +87 5 190 I +87 5 191 A +87 5 192 A +87 5 193 C +87 5 194 A +87 5 195 C +87 5 196 R +87 5 197 C +87 5 198 A +87 5 199 S +87 5 200 R +87 5 201 R +87 5 202 A +87 5 203 I +87 5 204 O +87 5 205 R +87 5 206 S +87 5 207 I +87 5 208 C +87 5 209 A +87 5 210 A +87 5 211 R +87 5 212 C +87 5 213 R +87 5 214 C +87 5 215 I +87 5 216 A +87 5 217 C +87 5 218 C +87 5 219 S +87 5 220 R +87 5 221 S +87 5 222 O +87 5 223 A +87 5 224 S +87 5 225 C +87 5 226 A +87 5 227 A +87 5 228 O +87 5 229 S +87 5 230 S +87 5 231 I +87 5 232 C +87 5 233 A +87 5 234 A +87 5 235 R +87 5 236 C +87 5 237 I +87 5 238 A +87 5 239 I +87 5 240 I +87 5 241 S +87 5 242 S +87 5 243 I +87 5 244 S +87 5 245 I +87 5 246 R +87 5 247 A +87 5 248 A +87 5 249 A +87 5 250 R +87 5 251 S +87 5 252 S +87 5 253 A +87 5 254 R +87 5 255 O +87 5 256 I +87 5 257 A +87 5 258 C +87 5 259 I +87 5 260 S +87 5 261 C +87 5 262 S +87 5 263 A +87 5 264 R +87 5 265 A +87 5 266 I +87 5 267 R +87 5 268 C +87 5 269 C +87 5 270 S +87 5 271 A +87 5 272 S +87 5 273 I +87 5 274 S +87 5 275 C +87 5 276 I +87 5 277 A +87 5 278 C +87 5 279 A +87 5 280 C +87 5 281 A +87 5 282 C +87 5 283 O +87 5 284 S +87 5 285 C +87 5 286 S +87 5 287 C +87 5 288 I +87 5 289 A +87 5 290 S +87 5 291 A +87 5 292 C +87 5 293 S +87 5 294 S +87 5 295 O +87 5 296 A +87 5 297 C +87 5 298 I +87 5 299 A +87 5 300 S +87 5 301 A +87 5 302 S +87 5 303 R +87 5 304 R +87 5 305 I +87 5 306 C +87 5 307 A +87 5 308 C +87 5 309 O +87 5 310 C +87 5 311 O +87 5 312 O +87 5 313 O +87 5 314 S +87 5 315 C +87 5 316 A +87 5 317 I +87 5 318 C +87 5 319 S +87 5 320 C +87 5 321 I +87 5 322 A +87 5 323 A +87 5 324 S +87 5 325 R +87 5 326 C +87 5 327 S +87 5 328 A +87 5 329 O +87 5 330 S +87 6 1 R +87 6 2 S +87 6 3 I +87 6 4 O +87 6 5 C +87 6 6 C +87 6 7 A +87 6 8 I +87 6 9 A +87 6 10 R +87 6 11 A +87 6 12 C +87 6 13 A +87 6 14 O +87 6 15 S +87 6 16 S +87 6 17 I +87 6 18 O +87 6 19 R +87 6 20 A +87 6 21 I +87 6 22 S +87 6 23 A +87 6 24 O +87 6 25 R +87 6 26 R +87 6 27 S +87 6 28 I +87 6 29 C +87 6 30 I +87 6 31 S +87 6 32 C +87 6 33 R +87 6 34 A +87 6 35 I +87 6 36 O +87 6 37 S +87 6 38 I +87 6 39 R +87 6 40 S +87 6 41 I +87 6 42 O +87 6 43 O +87 6 44 S +87 6 45 R +87 6 46 O +87 6 47 O +87 6 48 A +87 6 49 R +87 6 50 O +87 6 51 O +87 6 52 S +87 6 53 I +87 6 54 R +87 6 55 S +87 6 56 O +87 6 57 O +87 6 58 O +87 6 59 S +87 6 60 O +87 6 61 I +87 6 62 C +87 6 63 C +87 6 64 R +87 6 65 I +87 6 66 S +87 6 67 R +87 6 68 I +87 6 69 O +87 6 70 S +87 6 71 O +87 6 72 R +87 6 73 O +87 6 74 S +87 6 75 O +87 6 76 C +87 6 77 R +87 6 78 S +87 6 79 O +87 6 80 R +87 6 81 A +87 6 82 R +87 6 83 S +87 6 84 C +87 6 85 A +87 6 86 C +87 6 87 O +87 6 88 I +87 6 89 O +87 6 90 O +87 6 91 R +87 6 92 S +87 6 93 A +87 6 94 O +87 6 95 S +87 6 96 C +87 6 97 O +87 6 98 I +87 6 99 S +87 6 100 S +87 6 101 I +87 6 102 S +87 6 103 O +87 6 104 S +87 6 105 O +87 6 106 S +87 6 107 S +87 6 108 S +87 6 109 R +87 6 110 C +87 6 111 O +87 6 112 I +87 6 113 O +87 6 114 O +87 6 115 I +87 6 116 S +87 6 117 O +87 6 118 C +87 6 119 R +87 6 120 S +87 6 121 C +87 6 122 R +87 6 123 O +87 6 124 C +87 6 125 I +87 6 126 C +87 6 127 O +87 6 128 C +87 6 129 S +87 6 130 O +87 6 131 O +87 6 132 I +87 6 133 A +87 6 134 O +87 6 135 I +87 6 136 R +87 6 137 O +87 6 138 R +87 6 139 S +87 6 140 A +87 6 141 S +87 6 142 S +87 6 143 C +87 6 144 O +87 6 145 A +87 6 146 C +87 6 147 R +87 6 148 I +87 6 149 C +87 6 150 R +87 6 151 S +87 6 152 S +87 6 153 R +87 6 154 O +87 6 155 O +87 6 156 A +87 6 157 O +87 6 158 S +87 6 159 S +87 6 160 C +87 6 161 R +87 6 162 I +87 6 163 A +87 6 164 R +87 6 165 O +87 6 166 O +87 6 167 S +87 6 168 R +87 6 169 R +87 6 170 O +87 6 171 O +87 6 172 S +87 6 173 I +87 6 174 C +87 6 175 S +87 6 176 I +87 6 177 C +87 6 178 A +87 6 179 O +87 6 180 C +87 6 181 O +87 6 182 O +87 6 183 O +87 6 184 O +87 6 185 O +87 6 186 S +87 6 187 C +87 6 188 A +87 6 189 S +87 6 190 S +87 6 191 A +87 6 192 O +87 6 193 O +87 6 194 O +87 6 195 A +87 6 196 C +87 6 197 O +87 6 198 O +87 6 199 S +87 6 200 S +87 6 201 C +87 6 202 A +87 6 203 I +87 6 204 O +87 6 205 R +87 6 206 S +87 6 207 I +87 6 208 O +87 6 209 O +87 6 210 O +87 6 211 S +87 6 212 C +87 6 213 S +87 6 214 C +87 6 215 C +87 6 216 O +87 6 217 S +87 6 218 O +87 6 219 S +87 6 220 R +87 6 221 S +87 6 222 O +87 6 223 A +87 6 224 S +87 6 225 O +87 6 226 R +87 6 227 O +87 6 228 O +87 6 229 S +87 6 230 S +87 6 231 O +87 6 232 O +87 6 233 S +87 6 234 A +87 6 235 R +87 6 236 C +87 6 237 O +87 6 238 R +87 6 239 C +87 6 240 O +87 6 241 S +87 6 242 S +87 6 243 O +87 6 244 S +87 6 245 I +87 6 246 R +87 6 247 R +87 6 248 O +87 6 249 A +87 6 250 O +87 6 251 C +87 6 252 S +87 6 253 R +87 6 254 S +87 6 255 O +87 6 256 I +87 6 257 O +87 6 258 C +87 6 259 I +87 6 260 S +87 6 261 C +87 6 262 S +87 6 263 O +87 6 264 S +87 6 265 A +87 6 266 C +87 6 267 O +87 6 268 R +87 6 269 S +87 6 270 C +87 6 271 O +87 6 272 S +87 6 273 O +87 6 274 S +87 6 275 C +87 6 276 I +87 6 277 R +87 6 278 C +87 6 279 R +87 6 280 A +87 6 281 A +87 6 282 C +87 6 283 O +87 6 284 S +87 6 285 S +87 6 286 S +87 6 287 O +87 6 288 I +87 6 289 R +87 6 290 S +87 6 291 R +87 6 292 S +87 6 293 S +87 6 294 S +87 6 295 O +87 6 296 R +87 6 297 C +87 6 298 I +87 6 299 A +87 6 300 S +87 6 301 A +87 6 302 S +87 6 303 S +87 6 304 O +87 6 305 O +87 6 306 C +87 6 307 R +87 6 308 S +87 6 309 O +87 6 310 A +87 6 311 O +87 6 312 O +87 6 313 O +87 6 314 S +87 6 315 R +87 6 316 A +87 6 317 I +87 6 318 C +87 6 319 S +87 6 320 O +87 6 321 I +87 6 322 S +87 6 323 A +87 6 324 S +87 6 325 O +87 6 326 C +87 6 327 S +87 6 328 O +87 6 329 O +87 6 330 S +87 7 1 R +87 7 2 R +87 7 3 I +87 7 4 R +87 7 5 R +87 7 6 C +87 7 7 R +87 7 8 I +87 7 9 C +87 7 10 N +87 7 11 N +87 7 12 C +87 7 13 N +87 7 14 N +87 7 15 C +87 7 16 S +87 7 17 I +87 7 18 N +87 7 19 R +87 7 20 R +87 7 21 I +87 7 22 C +87 7 23 N +87 7 24 O +87 7 25 R +87 7 26 R +87 7 27 C +87 7 28 I +87 7 29 R +87 7 30 C +87 7 31 S +87 7 32 I +87 7 33 C +87 7 34 R +87 7 35 I +87 7 36 O +87 7 37 R +87 7 38 I +87 7 39 R +87 7 40 R +87 7 41 I +87 7 42 C +87 7 43 O +87 7 44 S +87 7 45 R +87 7 46 O +87 7 47 O +87 7 48 C +87 7 49 R +87 7 50 O +87 7 51 C +87 7 52 C +87 7 53 I +87 7 54 R +87 7 55 R +87 7 56 I +87 7 57 R +87 7 58 C +87 7 59 S +87 7 60 N +87 7 61 I +87 7 62 N +87 7 63 C +87 7 64 R +87 7 65 I +87 7 66 S +87 7 67 C +87 7 68 I +87 7 69 O +87 7 70 S +87 7 71 I +87 7 72 N +87 7 73 I +87 7 74 S +87 7 75 O +87 7 76 I +87 7 77 R +87 7 78 S +87 7 79 O +87 7 80 R +87 7 81 C +87 7 82 R +87 7 83 C +87 7 84 I +87 7 85 R +87 7 86 I +87 7 87 O +87 7 88 I +87 7 89 O +87 7 90 O +87 7 91 C +87 7 92 S +87 7 93 R +87 7 94 O +87 7 95 S +87 7 96 C +87 7 97 N +87 7 98 I +87 7 99 N +87 7 100 S +87 7 101 I +87 7 102 S +87 7 103 C +87 7 104 N +87 7 105 I +87 7 106 C +87 7 107 S +87 7 108 S +87 7 109 N +87 7 110 C +87 7 111 O +87 7 112 I +87 7 113 O +87 7 114 R +87 7 115 I +87 7 116 S +87 7 117 O +87 7 118 I +87 7 119 R +87 7 120 S +87 7 121 I +87 7 122 R +87 7 123 O +87 7 124 C +87 7 125 I +87 7 126 C +87 7 127 O +87 7 128 C +87 7 129 S +87 7 130 O +87 7 131 R +87 7 132 I +87 7 133 O +87 7 134 O +87 7 135 I +87 7 136 R +87 7 137 O +87 7 138 R +87 7 139 S +87 7 140 N +87 7 141 S +87 7 142 S +87 7 143 C +87 7 144 N +87 7 145 C +87 7 146 C +87 7 147 R +87 7 148 I +87 7 149 C +87 7 150 O +87 7 151 I +87 7 152 C +87 7 153 R +87 7 154 O +87 7 155 O +87 7 156 R +87 7 157 O +87 7 158 S +87 7 159 C +87 7 160 C +87 7 161 R +87 7 162 I +87 7 163 N +87 7 164 R +87 7 165 C +87 7 166 O +87 7 167 S +87 7 168 R +87 7 169 N +87 7 170 O +87 7 171 C +87 7 172 S +87 7 173 I +87 7 174 C +87 7 175 S +87 7 176 I +87 7 177 C +87 7 178 N +87 7 179 I +87 7 180 N +87 7 181 C +87 7 182 I +87 7 183 C +87 7 184 C +87 7 185 C +87 7 186 S +87 7 187 C +87 7 188 N +87 7 189 S +87 7 190 C +87 7 191 R +87 7 192 C +87 7 193 C +87 7 194 I +87 7 195 C +87 7 196 S +87 7 197 I +87 7 198 O +87 7 199 S +87 7 200 R +87 7 201 I +87 7 202 R +87 7 203 I +87 7 204 O +87 7 205 N +87 7 206 S +87 7 207 I +87 7 208 C +87 7 209 N +87 7 210 I +87 7 211 R +87 7 212 C +87 7 213 S +87 7 214 C +87 7 215 I +87 7 216 O +87 7 217 C +87 7 218 C +87 7 219 S +87 7 220 N +87 7 221 S +87 7 222 I +87 7 223 R +87 7 224 S +87 7 225 C +87 7 226 N +87 7 227 O +87 7 228 N +87 7 229 C +87 7 230 S +87 7 231 I +87 7 232 C +87 7 233 C +87 7 234 R +87 7 235 N +87 7 236 C +87 7 237 I +87 7 238 R +87 7 239 I +87 7 240 I +87 7 241 S +87 7 242 C +87 7 243 I +87 7 244 S +87 7 245 I +87 7 246 R +87 7 247 N +87 7 248 O +87 7 249 N +87 7 250 I +87 7 251 C +87 7 252 S +87 7 253 R +87 7 254 N +87 7 255 O +87 7 256 I +87 7 257 N +87 7 258 C +87 7 259 I +87 7 260 S +87 7 261 C +87 7 262 S +87 7 263 S +87 7 264 S +87 7 265 R +87 7 266 I +87 7 267 I +87 7 268 R +87 7 269 I +87 7 270 C +87 7 271 O +87 7 272 S +87 7 273 I +87 7 274 S +87 7 275 C +87 7 276 I +87 7 277 N +87 7 278 I +87 7 279 N +87 7 280 C +87 7 281 R +87 7 282 R +87 7 283 I +87 7 284 S +87 7 285 I +87 7 286 S +87 7 287 C +87 7 288 I +87 7 289 R +87 7 290 S +87 7 291 N +87 7 292 I +87 7 293 S +87 7 294 S +87 7 295 C +87 7 296 R +87 7 297 C +87 7 298 I +87 7 299 R +87 7 300 S +87 7 301 R +87 7 302 S +87 7 303 R +87 7 304 C +87 7 305 I +87 7 306 C +87 7 307 R +87 7 308 I +87 7 309 O +87 7 310 R +87 7 311 N +87 7 312 O +87 7 313 N +87 7 314 S +87 7 315 C +87 7 316 R +87 7 317 I +87 7 318 I +87 7 319 S +87 7 320 C +87 7 321 I +87 7 322 R +87 7 323 R +87 7 324 S +87 7 325 I +87 7 326 C +87 7 327 S +87 7 328 O +87 7 329 C +87 7 330 S +87 8 1 R +87 8 2 S +87 8 3 I +87 8 4 I +87 8 5 S +87 8 6 I +87 8 7 R +87 8 8 I +87 8 9 C +87 8 10 R +87 8 11 O +87 8 12 C +87 8 13 O +87 8 14 O +87 8 15 C +87 8 16 S +87 8 17 I +87 8 18 O +87 8 19 R +87 8 20 N +87 8 21 I +87 8 22 C +87 8 23 R +87 8 24 N +87 8 25 R +87 8 26 R +87 8 27 S +87 8 28 I +87 8 29 C +87 8 30 I +87 8 31 S +87 8 32 I +87 8 33 R +87 8 34 R +87 8 35 I +87 8 36 R +87 8 37 R +87 8 38 I +87 8 39 R +87 8 40 R +87 8 41 I +87 8 42 C +87 8 43 R +87 8 44 S +87 8 45 R +87 8 46 S +87 8 47 R +87 8 48 C +87 8 49 R +87 8 50 N +87 8 51 O +87 8 52 S +87 8 53 I +87 8 54 R +87 8 55 R +87 8 56 C +87 8 57 R +87 8 58 C +87 8 59 S +87 8 60 O +87 8 61 I +87 8 62 R +87 8 63 I +87 8 64 R +87 8 65 I +87 8 66 S +87 8 67 R +87 8 68 I +87 8 69 O +87 8 70 S +87 8 71 I +87 8 72 R +87 8 73 I +87 8 74 S +87 8 75 C +87 8 76 I +87 8 77 R +87 8 78 C +87 8 79 O +87 8 80 N +87 8 81 C +87 8 82 S +87 8 83 S +87 8 84 I +87 8 85 R +87 8 86 I +87 8 87 O +87 8 88 I +87 8 89 O +87 8 90 O +87 8 91 C +87 8 92 S +87 8 93 R +87 8 94 O +87 8 95 S +87 8 96 C +87 8 97 R +87 8 98 I +87 8 99 R +87 8 100 S +87 8 101 I +87 8 102 R +87 8 103 C +87 8 104 R +87 8 105 I +87 8 106 C +87 8 107 S +87 8 108 S +87 8 109 R +87 8 110 C +87 8 111 O +87 8 112 I +87 8 113 O +87 8 114 R +87 8 115 I +87 8 116 S +87 8 117 O +87 8 118 I +87 8 119 R +87 8 120 S +87 8 121 I +87 8 122 R +87 8 123 R +87 8 124 C +87 8 125 I +87 8 126 I +87 8 127 R +87 8 128 C +87 8 129 S +87 8 130 O +87 8 131 I +87 8 132 I +87 8 133 R +87 8 134 O +87 8 135 I +87 8 136 R +87 8 137 R +87 8 138 S +87 8 139 S +87 8 140 R +87 8 141 S +87 8 142 S +87 8 143 C +87 8 144 N +87 8 145 R +87 8 146 C +87 8 147 R +87 8 148 I +87 8 149 C +87 8 150 I +87 8 151 I +87 8 152 R +87 8 153 R +87 8 154 O +87 8 155 O +87 8 156 R +87 8 157 O +87 8 158 S +87 8 159 C +87 8 160 I +87 8 161 R +87 8 162 I +87 8 163 R +87 8 164 R +87 8 165 C +87 8 166 O +87 8 167 S +87 8 168 R +87 8 169 R +87 8 170 O +87 8 171 C +87 8 172 S +87 8 173 I +87 8 174 C +87 8 175 S +87 8 176 I +87 8 177 C +87 8 178 R +87 8 179 O +87 8 180 R +87 8 181 C +87 8 182 R +87 8 183 O +87 8 184 R +87 8 185 I +87 8 186 R +87 8 187 I +87 8 188 R +87 8 189 S +87 8 190 C +87 8 191 R +87 8 192 R +87 8 193 C +87 8 194 O +87 8 195 C +87 8 196 R +87 8 197 O +87 8 198 R +87 8 199 S +87 8 200 R +87 8 201 I +87 8 202 R +87 8 203 I +87 8 204 O +87 8 205 R +87 8 206 S +87 8 207 I +87 8 208 O +87 8 209 R +87 8 210 O +87 8 211 R +87 8 212 I +87 8 213 S +87 8 214 C +87 8 215 I +87 8 216 O +87 8 217 I +87 8 218 C +87 8 219 S +87 8 220 R +87 8 221 S +87 8 222 N +87 8 223 R +87 8 224 S +87 8 225 R +87 8 226 R +87 8 227 O +87 8 228 R +87 8 229 R +87 8 230 S +87 8 231 I +87 8 232 O +87 8 233 R +87 8 234 R +87 8 235 R +87 8 236 C +87 8 237 I +87 8 238 R +87 8 239 I +87 8 240 O +87 8 241 S +87 8 242 C +87 8 243 I +87 8 244 S +87 8 245 I +87 8 246 R +87 8 247 R +87 8 248 R +87 8 249 R +87 8 250 I +87 8 251 C +87 8 252 S +87 8 253 R +87 8 254 R +87 8 255 O +87 8 256 I +87 8 257 R +87 8 258 C +87 8 259 I +87 8 260 C +87 8 261 I +87 8 262 S +87 8 263 O +87 8 264 R +87 8 265 R +87 8 266 I +87 8 267 R +87 8 268 R +87 8 269 I +87 8 270 C +87 8 271 O +87 8 272 S +87 8 273 C +87 8 274 S +87 8 275 C +87 8 276 I +87 8 277 R +87 8 278 C +87 8 279 R +87 8 280 R +87 8 281 R +87 8 282 C +87 8 283 O +87 8 284 S +87 8 285 C +87 8 286 S +87 8 287 C +87 8 288 I +87 8 289 R +87 8 290 S +87 8 291 R +87 8 292 C +87 8 293 S +87 8 294 S +87 8 295 O +87 8 296 R +87 8 297 C +87 8 298 I +87 8 299 R +87 8 300 S +87 8 301 R +87 8 302 S +87 8 303 R +87 8 304 C +87 8 305 I +87 8 306 C +87 8 307 R +87 8 308 R +87 8 309 O +87 8 310 R +87 8 311 R +87 8 312 O +87 8 313 R +87 8 314 S +87 8 315 C +87 8 316 R +87 8 317 I +87 8 318 C +87 8 319 S +87 8 320 C +87 8 321 I +87 8 322 R +87 8 323 R +87 8 324 S +87 8 325 I +87 8 326 C +87 8 327 S +87 8 328 C +87 8 329 O +87 8 330 S +87 9 1 R +87 9 2 C +87 9 3 I +87 9 4 R +87 9 5 C +87 9 6 C +87 9 7 N +87 9 8 I +87 9 9 R +87 9 10 N +87 9 11 C +87 9 12 C +87 9 13 R +87 9 14 C +87 9 15 I +87 9 16 S +87 9 17 I +87 9 18 O +87 9 19 R +87 9 20 C +87 9 21 I +87 9 22 C +87 9 23 R +87 9 24 O +87 9 25 R +87 9 26 R +87 9 27 S +87 9 28 I +87 9 29 C +87 9 30 R +87 9 31 R +87 9 32 I +87 9 33 N +87 9 34 N +87 9 35 I +87 9 36 N +87 9 37 R +87 9 38 I +87 9 39 R +87 9 40 N +87 9 41 I +87 9 42 C +87 9 43 R +87 9 44 S +87 9 45 N +87 9 46 S +87 9 47 N +87 9 48 C +87 9 49 R +87 9 50 R +87 9 51 R +87 9 52 S +87 9 53 I +87 9 54 N +87 9 55 N +87 9 56 I +87 9 57 R +87 9 58 C +87 9 59 R +87 9 60 C +87 9 61 I +87 9 62 C +87 9 63 I +87 9 64 R +87 9 65 I +87 9 66 S +87 9 67 R +87 9 68 I +87 9 69 C +87 9 70 S +87 9 71 I +87 9 72 R +87 9 73 I +87 9 74 S +87 9 75 R +87 9 76 I +87 9 77 N +87 9 78 I +87 9 79 S +87 9 80 R +87 9 81 C +87 9 82 R +87 9 83 S +87 9 84 I +87 9 85 R +87 9 86 I +87 9 87 O +87 9 88 I +87 9 89 O +87 9 90 R +87 9 91 C +87 9 92 S +87 9 93 R +87 9 94 O +87 9 95 S +87 9 96 C +87 9 97 N +87 9 98 I +87 9 99 S +87 9 100 R +87 9 101 I +87 9 102 S +87 9 103 N +87 9 104 S +87 9 105 I +87 9 106 C +87 9 107 S +87 9 108 S +87 9 109 R +87 9 110 C +87 9 111 N +87 9 112 I +87 9 113 N +87 9 114 R +87 9 115 I +87 9 116 S +87 9 117 O +87 9 118 I +87 9 119 N +87 9 120 S +87 9 121 C +87 9 122 N +87 9 123 R +87 9 124 N +87 9 125 C +87 9 126 I +87 9 127 N +87 9 128 C +87 9 129 S +87 9 130 O +87 9 131 I +87 9 132 C +87 9 133 N +87 9 134 O +87 9 135 I +87 9 136 R +87 9 137 R +87 9 138 S +87 9 139 S +87 9 140 R +87 9 141 S +87 9 142 S +87 9 143 C +87 9 144 N +87 9 145 R +87 9 146 C +87 9 147 R +87 9 148 I +87 9 149 N +87 9 150 N +87 9 151 I +87 9 152 I +87 9 153 N +87 9 154 O +87 9 155 O +87 9 156 N +87 9 157 N +87 9 158 S +87 9 159 C +87 9 160 C +87 9 161 N +87 9 162 I +87 9 163 R +87 9 164 R +87 9 165 C +87 9 166 R +87 9 167 R +87 9 168 R +87 9 169 R +87 9 170 O +87 9 171 C +87 9 172 S +87 9 173 I +87 9 174 C +87 9 175 C +87 9 176 I +87 9 177 S +87 9 178 N +87 9 179 I +87 9 180 R +87 9 181 N +87 9 182 I +87 9 183 O +87 9 184 N +87 9 185 N +87 9 186 N +87 9 187 C +87 9 188 N +87 9 189 S +87 9 190 I +87 9 191 R +87 9 192 R +87 9 193 C +87 9 194 I +87 9 195 N +87 9 196 N +87 9 197 I +87 9 198 O +87 9 199 S +87 9 200 C +87 9 201 I +87 9 202 N +87 9 203 I +87 9 204 O +87 9 205 R +87 9 206 S +87 9 207 I +87 9 208 C +87 9 209 N +87 9 210 I +87 9 211 R +87 9 212 C +87 9 213 C +87 9 214 C +87 9 215 I +87 9 216 O +87 9 217 I +87 9 218 C +87 9 219 S +87 9 220 R +87 9 221 S +87 9 222 R +87 9 223 N +87 9 224 S +87 9 225 C +87 9 226 R +87 9 227 O +87 9 228 R +87 9 229 C +87 9 230 S +87 9 231 I +87 9 232 C +87 9 233 R +87 9 234 N +87 9 235 R +87 9 236 C +87 9 237 I +87 9 238 R +87 9 239 I +87 9 240 I +87 9 241 S +87 9 242 C +87 9 243 I +87 9 244 S +87 9 245 I +87 9 246 C +87 9 247 R +87 9 248 O +87 9 249 N +87 9 250 N +87 9 251 R +87 9 252 S +87 9 253 N +87 9 254 R +87 9 255 O +87 9 256 I +87 9 257 R +87 9 258 C +87 9 259 I +87 9 260 S +87 9 261 C +87 9 262 S +87 9 263 O +87 9 264 R +87 9 265 R +87 9 266 I +87 9 267 I +87 9 268 N +87 9 269 I +87 9 270 C +87 9 271 R +87 9 272 S +87 9 273 I +87 9 274 S +87 9 275 C +87 9 276 I +87 9 277 R +87 9 278 I +87 9 279 R +87 9 280 C +87 9 281 R +87 9 282 C +87 9 283 O +87 9 284 S +87 9 285 I +87 9 286 S +87 9 287 C +87 9 288 I +87 9 289 C +87 9 290 S +87 9 291 R +87 9 292 I +87 9 293 S +87 9 294 S +87 9 295 O +87 9 296 N +87 9 297 C +87 9 298 I +87 9 299 R +87 9 300 S +87 9 301 R +87 9 302 S +87 9 303 S +87 9 304 C +87 9 305 I +87 9 306 C +87 9 307 N +87 9 308 I +87 9 309 O +87 9 310 R +87 9 311 R +87 9 312 O +87 9 313 R +87 9 314 S +87 9 315 C +87 9 316 R +87 9 317 I +87 9 318 I +87 9 319 S +87 9 320 R +87 9 321 I +87 9 322 C +87 9 323 N +87 9 324 S +87 9 325 I +87 9 326 C +87 9 327 S +87 9 328 R +87 9 329 O +87 9 330 S +87 10 1 R +87 10 2 S +87 10 3 I +87 10 4 O +87 10 5 R +87 10 6 C +87 10 7 C +87 10 8 I +87 10 9 O +87 10 10 R +87 10 11 O +87 10 12 C +87 10 13 R +87 10 14 O +87 10 15 I +87 10 16 S +87 10 17 I +87 10 18 O +87 10 19 R +87 10 20 R +87 10 21 I +87 10 22 S +87 10 23 R +87 10 24 O +87 10 25 R +87 10 26 R +87 10 27 S +87 10 28 I +87 10 29 S +87 10 30 I +87 10 31 S +87 10 32 I +87 10 33 C +87 10 34 R +87 10 35 I +87 10 36 R +87 10 37 R +87 10 38 I +87 10 39 R +87 10 40 R +87 10 41 I +87 10 42 C +87 10 43 R +87 10 44 S +87 10 45 C +87 10 46 O +87 10 47 O +87 10 48 C +87 10 49 S +87 10 50 O +87 10 51 O +87 10 52 S +87 10 53 I +87 10 54 O +87 10 55 S +87 10 56 I +87 10 57 O +87 10 58 C +87 10 59 S +87 10 60 R +87 10 61 I +87 10 62 S +87 10 63 I +87 10 64 R +87 10 65 I +87 10 66 S +87 10 67 S +87 10 68 I +87 10 69 O +87 10 70 S +87 10 71 I +87 10 72 R +87 10 73 R +87 10 74 S +87 10 75 O +87 10 76 I +87 10 77 R +87 10 78 I +87 10 79 O +87 10 80 R +87 10 81 C +87 10 82 R +87 10 83 S +87 10 84 I +87 10 85 R +87 10 86 I +87 10 87 O +87 10 88 I +87 10 89 O +87 10 90 O +87 10 91 C +87 10 92 S +87 10 93 R +87 10 94 O +87 10 95 S +87 10 96 C +87 10 97 R +87 10 98 I +87 10 99 I +87 10 100 S +87 10 101 I +87 10 102 S +87 10 103 O +87 10 104 S +87 10 105 I +87 10 106 S +87 10 107 S +87 10 108 S +87 10 109 O +87 10 110 C +87 10 111 O +87 10 112 I +87 10 113 O +87 10 114 O +87 10 115 I +87 10 116 S +87 10 117 R +87 10 118 I +87 10 119 R +87 10 120 S +87 10 121 I +87 10 122 R +87 10 123 O +87 10 124 C +87 10 125 I +87 10 126 I +87 10 127 O +87 10 128 C +87 10 129 S +87 10 130 O +87 10 131 I +87 10 132 I +87 10 133 R +87 10 134 O +87 10 135 I +87 10 136 S +87 10 137 O +87 10 138 S +87 10 139 S +87 10 140 O +87 10 141 S +87 10 142 S +87 10 143 C +87 10 144 O +87 10 145 C +87 10 146 C +87 10 147 R +87 10 148 I +87 10 149 S +87 10 150 O +87 10 151 I +87 10 152 I +87 10 153 R +87 10 154 O +87 10 155 O +87 10 156 R +87 10 157 O +87 10 158 S +87 10 159 C +87 10 160 C +87 10 161 R +87 10 162 I +87 10 163 R +87 10 164 R +87 10 165 O +87 10 166 O +87 10 167 I +87 10 168 R +87 10 169 R +87 10 170 O +87 10 171 O +87 10 172 S +87 10 173 I +87 10 174 C +87 10 175 S +87 10 176 I +87 10 177 C +87 10 178 O +87 10 179 I +87 10 180 R +87 10 181 C +87 10 182 O +87 10 183 O +87 10 184 I +87 10 185 C +87 10 186 S +87 10 187 C +87 10 188 R +87 10 189 S +87 10 190 I +87 10 191 R +87 10 192 I +87 10 193 C +87 10 194 I +87 10 195 C +87 10 196 S +87 10 197 I +87 10 198 O +87 10 199 S +87 10 200 S +87 10 201 I +87 10 202 R +87 10 203 I +87 10 204 O +87 10 205 R +87 10 206 S +87 10 207 I +87 10 208 O +87 10 209 O +87 10 210 I +87 10 211 S +87 10 212 I +87 10 213 I +87 10 214 C +87 10 215 I +87 10 216 O +87 10 217 I +87 10 218 O +87 10 219 S +87 10 220 R +87 10 221 S +87 10 222 R +87 10 223 R +87 10 224 S +87 10 225 O +87 10 226 O +87 10 227 O +87 10 228 O +87 10 229 S +87 10 230 S +87 10 231 I +87 10 232 O +87 10 233 S +87 10 234 R +87 10 235 R +87 10 236 C +87 10 237 I +87 10 238 R +87 10 239 I +87 10 240 I +87 10 241 S +87 10 242 S +87 10 243 I +87 10 244 S +87 10 245 I +87 10 246 R +87 10 247 R +87 10 248 O +87 10 249 O +87 10 250 I +87 10 251 R +87 10 252 S +87 10 253 R +87 10 254 S +87 10 255 O +87 10 256 I +87 10 257 O +87 10 258 C +87 10 259 I +87 10 260 S +87 10 261 I +87 10 262 S +87 10 263 S +87 10 264 S +87 10 265 R +87 10 266 I +87 10 267 I +87 10 268 R +87 10 269 I +87 10 270 C +87 10 271 R +87 10 272 S +87 10 273 I +87 10 274 S +87 10 275 C +87 10 276 I +87 10 277 O +87 10 278 I +87 10 279 O +87 10 280 C +87 10 281 O +87 10 282 R +87 10 283 I +87 10 284 S +87 10 285 I +87 10 286 S +87 10 287 O +87 10 288 I +87 10 289 S +87 10 290 S +87 10 291 R +87 10 292 I +87 10 293 S +87 10 294 S +87 10 295 O +87 10 296 I +87 10 297 C +87 10 298 I +87 10 299 R +87 10 300 S +87 10 301 R +87 10 302 S +87 10 303 I +87 10 304 O +87 10 305 O +87 10 306 I +87 10 307 C +87 10 308 R +87 10 309 O +87 10 310 R +87 10 311 R +87 10 312 O +87 10 313 R +87 10 314 S +87 10 315 C +87 10 316 R +87 10 317 I +87 10 318 C +87 10 319 S +87 10 320 O +87 10 321 I +87 10 322 S +87 10 323 R +87 10 324 S +87 10 325 I +87 10 326 C +87 10 327 S +87 10 328 O +87 10 329 O +87 10 330 S +87 11 1 R +87 11 2 C +87 11 3 I +87 11 4 I +87 11 5 C +87 11 6 R +87 11 7 C +87 11 8 I +87 11 9 * +87 11 10 R +87 11 11 O +87 11 12 C +87 11 13 R +87 11 14 O +87 11 15 I +87 11 16 S +87 11 17 I +87 11 18 O +87 11 19 R +87 11 20 C +87 11 21 I +87 11 22 C +87 11 23 I +87 11 24 O +87 11 25 R +87 11 26 O +87 11 27 S +87 11 28 I +87 11 29 R +87 11 30 I +87 11 31 C +87 11 32 I +87 11 33 C +87 11 34 R +87 11 35 I +87 11 36 R +87 11 37 R +87 11 38 I +87 11 39 C +87 11 40 C +87 11 41 I +87 11 42 C +87 11 43 O +87 11 44 S +87 11 45 C +87 11 46 O +87 11 47 O +87 11 48 C +87 11 49 R +87 11 50 I +87 11 51 N +87 11 52 S +87 11 53 I +87 11 54 R +87 11 55 R +87 11 56 I +87 11 57 O +87 11 58 C +87 11 59 C +87 11 60 O +87 11 61 I +87 11 62 C +87 11 63 I +87 11 64 R +87 11 65 I +87 11 66 S +87 11 67 R +87 11 68 I +87 11 69 R +87 11 70 S +87 11 71 I +87 11 72 R +87 11 73 I +87 11 74 R +87 11 75 R +87 11 76 I +87 11 77 C +87 11 78 I +87 11 79 O +87 11 80 R +87 11 81 C +87 11 82 R +87 11 83 R +87 11 84 I +87 11 85 R +87 11 86 I +87 11 87 O +87 11 88 I +87 11 89 O +87 11 90 O +87 11 91 R +87 11 92 S +87 11 93 R +87 11 94 O +87 11 95 S +87 11 96 R +87 11 97 R +87 11 98 I +87 11 99 R +87 11 100 C +87 11 101 I +87 11 102 O +87 11 103 O +87 11 104 C +87 11 105 I +87 11 106 C +87 11 107 S +87 11 108 C +87 11 109 O +87 11 110 R +87 11 111 O +87 11 112 I +87 11 113 O +87 11 114 R +87 11 115 I +87 11 116 S +87 11 117 O +87 11 118 R +87 11 119 C +87 11 120 S +87 11 121 I +87 11 122 C +87 11 123 R +87 11 124 C +87 11 125 I +87 11 126 I +87 11 127 R +87 11 128 C +87 11 129 S +87 11 130 O +87 11 131 I +87 11 132 I +87 11 133 R +87 11 134 O +87 11 135 I +87 11 136 C +87 11 137 R +87 11 138 R +87 11 139 S +87 11 140 R +87 11 141 S +87 11 142 S +87 11 143 C +87 11 144 C +87 11 145 R +87 11 146 R +87 11 147 C +87 11 148 I +87 11 149 C +87 11 150 R +87 11 151 I +87 11 152 I +87 11 153 R +87 11 154 O +87 11 155 O +87 11 156 R +87 11 157 O +87 11 158 S +87 11 159 C +87 11 160 I +87 11 161 R +87 11 162 I +87 11 163 R +87 11 164 R +87 11 165 O +87 11 166 O +87 11 167 I +87 11 168 R +87 11 169 R +87 11 170 O +87 11 171 R +87 11 172 S +87 11 173 I +87 11 174 C +87 11 175 C +87 11 176 I +87 11 177 C +87 11 178 R +87 11 179 I +87 11 180 R +87 11 181 C +87 11 182 R +87 11 183 R +87 11 184 I +87 11 185 I +87 11 186 R +87 11 187 C +87 11 188 R +87 11 189 S +87 11 190 I +87 11 191 R +87 11 192 I +87 11 193 C +87 11 194 I +87 11 195 R +87 11 196 R +87 11 197 I +87 11 198 O +87 11 199 S +87 11 200 R +87 11 201 I +87 11 202 R +87 11 203 I +87 11 204 O +87 11 205 I +87 11 206 S +87 11 207 I +87 11 208 C +87 11 209 R +87 11 210 I +87 11 211 R +87 11 212 C +87 11 213 I +87 11 214 C +87 11 215 I +87 11 216 O +87 11 217 I +87 11 218 R +87 11 219 S +87 11 220 O +87 11 221 S +87 11 222 I +87 11 223 C +87 11 224 I +87 11 225 C +87 11 226 O +87 11 227 O +87 11 228 R +87 11 229 C +87 11 230 S +87 11 231 I +87 11 232 R +87 11 233 O +87 11 234 C +87 11 235 R +87 11 236 C +87 11 237 I +87 11 238 R +87 11 239 I +87 11 240 I +87 11 241 S +87 11 242 C +87 11 243 I +87 11 244 S +87 11 245 I +87 11 246 R +87 11 247 I +87 11 248 O +87 11 249 R +87 11 250 I +87 11 251 R +87 11 252 S +87 11 253 R +87 11 254 O +87 11 255 O +87 11 256 I +87 11 257 O +87 11 258 C +87 11 259 I +87 11 260 C +87 11 261 I +87 11 262 S +87 11 263 O +87 11 264 S +87 11 265 R +87 11 266 I +87 11 267 I +87 11 268 R +87 11 269 I +87 11 270 I +87 11 271 O +87 11 272 S +87 11 273 I +87 11 274 S +87 11 275 C +87 11 276 I +87 11 277 R +87 11 278 I +87 11 279 R +87 11 280 R +87 11 281 R +87 11 282 C +87 11 283 O +87 11 284 S +87 11 285 I +87 11 286 S +87 11 287 C +87 11 288 I +87 11 289 R +87 11 290 S +87 11 291 O +87 11 292 I +87 11 293 S +87 11 294 S +87 11 295 O +87 11 296 I +87 11 297 C +87 11 298 I +87 11 299 R +87 11 300 S +87 11 301 R +87 11 302 S +87 11 303 S +87 11 304 R +87 11 305 I +87 11 306 C +87 11 307 R +87 11 308 I +87 11 309 O +87 11 310 R +87 11 311 R +87 11 312 O +87 11 313 O +87 11 314 S +87 11 315 C +87 11 316 R +87 11 317 I +87 11 318 I +87 11 319 S +87 11 320 C +87 11 321 I +87 11 322 R +87 11 323 R +87 11 324 S +87 11 325 I +87 11 326 C +87 11 327 S +87 11 328 R +87 11 329 O +87 11 330 S +87 12 1 R +87 12 2 A +87 12 3 I +87 12 4 N +87 12 5 A +87 12 6 U +87 12 7 A +87 12 8 I +87 12 9 U +87 12 10 R +87 12 11 N +87 12 12 C +87 12 13 A +87 12 14 O +87 12 15 U +87 12 16 S +87 12 17 I +87 12 18 O +87 12 19 A +87 12 20 R +87 12 21 I +87 12 22 U +87 12 23 R +87 12 24 O +87 12 25 A +87 12 26 N +87 12 27 S +87 12 28 I +87 12 29 A +87 12 30 I +87 12 31 A +87 12 32 I +87 12 33 C +87 12 34 N +87 12 35 I +87 12 36 N +87 12 37 R +87 12 38 I +87 12 39 A +87 12 40 A +87 12 41 I +87 12 42 U +87 12 43 N +87 12 44 S +87 12 45 A +87 12 46 O +87 12 47 N +87 12 48 U +87 12 49 A +87 12 50 N +87 12 51 O +87 12 52 S +87 12 53 I +87 12 54 A +87 12 55 A +87 12 56 U +87 12 57 A +87 12 58 U +87 12 59 R +87 12 60 N +87 12 61 I +87 12 62 R +87 12 63 U +87 12 64 N +87 12 65 I +87 12 66 S +87 12 67 U +87 12 68 I +87 12 69 U +87 12 70 S +87 12 71 N +87 12 72 A +87 12 73 N +87 12 74 U +87 12 75 R +87 12 76 C +87 12 77 R +87 12 78 U +87 12 79 O +87 12 80 A +87 12 81 C +87 12 82 C +87 12 83 U +87 12 84 U +87 12 85 A +87 12 86 I +87 12 87 O +87 12 88 I +87 12 89 O +87 12 90 N +87 12 91 C +87 12 92 S +87 12 93 N +87 12 94 O +87 12 95 S +87 12 96 C +87 12 97 R +87 12 98 I +87 12 99 R +87 12 100 U +87 12 101 I +87 12 102 N +87 12 103 U +87 12 104 R +87 12 105 N +87 12 106 C +87 12 107 S +87 12 108 U +87 12 109 R +87 12 110 C +87 12 111 O +87 12 112 I +87 12 113 O +87 12 114 R +87 12 115 I +87 12 116 S +87 12 117 O +87 12 118 I +87 12 119 A +87 12 120 S +87 12 121 I +87 12 122 A +87 12 123 R +87 12 124 C +87 12 125 I +87 12 126 U +87 12 127 O +87 12 128 C +87 12 129 S +87 12 130 O +87 12 131 R +87 12 132 I +87 12 133 N +87 12 134 O +87 12 135 I +87 12 136 A +87 12 137 U +87 12 138 A +87 12 139 S +87 12 140 N +87 12 141 S +87 12 142 R +87 12 143 C +87 12 144 N +87 12 145 A +87 12 146 C +87 12 147 A +87 12 148 I +87 12 149 U +87 12 150 N +87 12 151 U +87 12 152 N +87 12 153 A +87 12 154 O +87 12 155 O +87 12 156 A +87 12 157 O +87 12 158 S +87 12 159 C +87 12 160 U +87 12 161 A +87 12 162 I +87 12 163 R +87 12 164 A +87 12 165 U +87 12 166 R +87 12 167 U +87 12 168 A +87 12 169 A +87 12 170 O +87 12 171 U +87 12 172 S +87 12 173 I +87 12 174 C +87 12 175 R +87 12 176 I +87 12 177 U +87 12 178 N +87 12 179 R +87 12 180 A +87 12 181 U +87 12 182 N +87 12 183 U +87 12 184 N +87 12 185 U +87 12 186 A +87 12 187 C +87 12 188 N +87 12 189 S +87 12 190 U +87 12 191 A +87 12 192 R +87 12 193 C +87 12 194 N +87 12 195 U +87 12 196 R +87 12 197 N +87 12 198 O +87 12 199 S +87 12 200 N +87 12 201 U +87 12 202 A +87 12 203 I +87 12 204 O +87 12 205 R +87 12 206 U +87 12 207 I +87 12 208 U +87 12 209 A +87 12 210 O +87 12 211 R +87 12 212 C +87 12 213 U +87 12 214 C +87 12 215 I +87 12 216 O +87 12 217 U +87 12 218 U +87 12 219 S +87 12 220 N +87 12 221 S +87 12 222 N +87 12 223 A +87 12 224 S +87 12 225 U +87 12 226 N +87 12 227 O +87 12 228 N +87 12 229 A +87 12 230 U +87 12 231 R +87 12 232 U +87 12 233 R +87 12 234 A +87 12 235 R +87 12 236 U +87 12 237 S +87 12 238 N +87 12 239 I +87 12 240 O +87 12 241 S +87 12 242 C +87 12 243 I +87 12 244 S +87 12 245 I +87 12 246 A +87 12 247 R +87 12 248 N +87 12 249 A +87 12 250 N +87 12 251 C +87 12 252 S +87 12 253 R +87 12 254 U +87 12 255 R +87 12 256 O +87 12 257 I +87 12 258 N +87 12 259 C +87 12 260 I +87 12 261 C +87 12 262 I +87 12 263 S +87 12 264 S +87 12 265 R +87 12 266 N +87 12 267 I +87 12 268 N +87 12 269 A +87 12 270 I +87 12 271 U +87 12 272 O +87 12 273 S +87 12 274 R +87 12 275 S +87 12 276 C +87 12 277 I +87 12 278 N +87 12 279 U +87 12 280 N +87 12 281 U +87 12 282 A +87 12 283 A +87 12 284 U +87 12 285 S +87 12 286 I +87 12 287 S +87 12 288 U +87 12 289 I +87 12 290 S +87 12 291 R +87 12 292 U +87 12 293 U +87 12 294 S +87 12 295 O +87 12 296 N +87 12 297 C +87 12 298 I +87 12 299 A +87 12 300 S +87 12 301 A +87 12 302 S +87 12 303 S +87 12 304 U +87 12 305 N +87 12 306 U +87 12 307 A +87 12 308 R +87 12 309 O +87 12 310 A +87 12 311 R +87 12 312 O +87 12 313 N +87 12 314 S +87 12 315 U +87 12 316 A +87 12 317 I +87 12 318 U +87 12 319 S +87 12 320 N +87 12 321 I +87 12 322 N +87 12 323 R +87 12 324 S +87 12 325 N +87 12 326 C +87 12 327 S +87 12 328 U +87 12 329 O +87 12 330 S +87 13 1 R +87 13 2 R +87 13 3 I +87 13 4 N +87 13 5 R +87 13 6 I +87 13 7 R +87 13 8 I +87 13 9 R +87 13 10 N +87 13 11 N +87 13 12 C +87 13 13 N +87 13 14 R +87 13 15 I +87 13 16 S +87 13 17 I +87 13 18 O +87 13 19 R +87 13 20 N +87 13 21 I +87 13 22 C +87 13 23 N +87 13 24 O +87 13 25 O +87 13 26 R +87 13 27 C +87 13 28 I +87 13 29 N +87 13 30 I +87 13 31 R +87 13 32 I +87 13 33 R +87 13 34 R +87 13 35 I +87 13 36 O +87 13 37 R +87 13 38 I +87 13 39 R +87 13 40 R +87 13 41 I +87 13 42 C +87 13 43 O +87 13 44 S +87 13 45 R +87 13 46 O +87 13 47 O +87 13 48 C +87 13 49 R +87 13 50 O +87 13 51 O +87 13 52 S +87 13 53 I +87 13 54 R +87 13 55 R +87 13 56 C +87 13 57 R +87 13 58 N +87 13 59 R +87 13 60 O +87 13 61 I +87 13 62 C +87 13 63 I +87 13 64 R +87 13 65 I +87 13 66 S +87 13 67 R +87 13 68 I +87 13 69 N +87 13 70 S +87 13 71 I +87 13 72 R +87 13 73 I +87 13 74 S +87 13 75 R +87 13 76 I +87 13 77 R +87 13 78 I +87 13 79 O +87 13 80 R +87 13 81 C +87 13 82 C +87 13 83 S +87 13 84 I +87 13 85 R +87 13 86 I +87 13 87 O +87 13 88 I +87 13 89 O +87 13 90 O +87 13 91 C +87 13 92 S +87 13 93 R +87 13 94 O +87 13 95 C +87 13 96 C +87 13 97 R +87 13 98 I +87 13 99 C +87 13 100 S +87 13 101 I +87 13 102 S +87 13 103 C +87 13 104 R +87 13 105 I +87 13 106 C +87 13 107 S +87 13 108 S +87 13 109 R +87 13 110 C +87 13 111 R +87 13 112 I +87 13 113 N +87 13 114 O +87 13 115 I +87 13 116 S +87 13 117 O +87 13 118 I +87 13 119 C +87 13 120 S +87 13 121 I +87 13 122 N +87 13 123 N +87 13 124 C +87 13 125 I +87 13 126 I +87 13 127 O +87 13 128 C +87 13 129 S +87 13 130 O +87 13 131 I +87 13 132 I +87 13 133 R +87 13 134 R +87 13 135 I +87 13 136 R +87 13 137 R +87 13 138 N +87 13 139 S +87 13 140 O +87 13 141 S +87 13 142 S +87 13 143 C +87 13 144 R +87 13 145 R +87 13 146 C +87 13 147 R +87 13 148 I +87 13 149 C +87 13 150 O +87 13 151 I +87 13 152 I +87 13 153 R +87 13 154 O +87 13 155 O +87 13 156 O +87 13 157 O +87 13 158 S +87 13 159 C +87 13 160 I +87 13 161 R +87 13 162 I +87 13 163 R +87 13 164 R +87 13 165 O +87 13 166 O +87 13 167 R +87 13 168 O +87 13 169 R +87 13 170 O +87 13 171 C +87 13 172 S +87 13 173 I +87 13 174 C +87 13 175 R +87 13 176 I +87 13 177 C +87 13 178 R +87 13 179 O +87 13 180 R +87 13 181 C +87 13 182 I +87 13 183 C +87 13 184 I +87 13 185 C +87 13 186 S +87 13 187 I +87 13 188 R +87 13 189 S +87 13 190 I +87 13 191 R +87 13 192 I +87 13 193 C +87 13 194 I +87 13 195 C +87 13 196 S +87 13 197 I +87 13 198 R +87 13 199 S +87 13 200 S +87 13 201 I +87 13 202 C +87 13 203 I +87 13 204 O +87 13 205 O +87 13 206 S +87 13 207 I +87 13 208 C +87 13 209 R +87 13 210 I +87 13 211 S +87 13 212 I +87 13 213 S +87 13 214 C +87 13 215 I +87 13 216 O +87 13 217 I +87 13 218 C +87 13 219 S +87 13 220 O +87 13 221 S +87 13 222 O +87 13 223 R +87 13 224 S +87 13 225 C +87 13 226 O +87 13 227 O +87 13 228 O +87 13 229 C +87 13 230 I +87 13 231 I +87 13 232 R +87 13 233 O +87 13 234 R +87 13 235 R +87 13 236 C +87 13 237 I +87 13 238 R +87 13 239 I +87 13 240 I +87 13 241 S +87 13 242 C +87 13 243 I +87 13 244 C +87 13 245 I +87 13 246 R +87 13 247 I +87 13 248 O +87 13 249 O +87 13 250 I +87 13 251 S +87 13 252 S +87 13 253 R +87 13 254 R +87 13 255 O +87 13 256 I +87 13 257 O +87 13 258 C +87 13 259 I +87 13 260 C +87 13 261 I +87 13 262 S +87 13 263 R +87 13 264 S +87 13 265 R +87 13 266 I +87 13 267 I +87 13 268 C +87 13 269 I +87 13 270 C +87 13 271 O +87 13 272 S +87 13 273 I +87 13 274 S +87 13 275 C +87 13 276 I +87 13 277 R +87 13 278 I +87 13 279 R +87 13 280 C +87 13 281 R +87 13 282 C +87 13 283 I +87 13 284 S +87 13 285 I +87 13 286 S +87 13 287 C +87 13 288 I +87 13 289 S +87 13 290 S +87 13 291 O +87 13 292 I +87 13 293 S +87 13 294 S +87 13 295 C +87 13 296 R +87 13 297 C +87 13 298 I +87 13 299 R +87 13 300 S +87 13 301 R +87 13 302 S +87 13 303 S +87 13 304 R +87 13 305 I +87 13 306 C +87 13 307 O +87 13 308 R +87 13 309 O +87 13 310 R +87 13 311 O +87 13 312 O +87 13 313 O +87 13 314 S +87 13 315 R +87 13 316 R +87 13 317 I +87 13 318 I +87 13 319 S +87 13 320 R +87 13 321 I +87 13 322 R +87 13 323 O +87 13 324 S +87 13 325 I +87 13 326 C +87 13 327 S +87 13 328 R +87 13 329 I +87 13 330 S +87 14 1 R +87 14 2 C +87 14 3 I +87 14 4 I +87 14 5 C +87 14 6 C +87 14 7 R +87 14 8 I +87 14 9 I +87 14 10 R +87 14 11 O +87 14 12 C +87 14 13 O +87 14 14 O +87 14 15 I +87 14 16 S +87 14 17 I +87 14 18 O +87 14 19 R +87 14 20 R +87 14 21 I +87 14 22 C +87 14 23 I +87 14 24 O +87 14 25 R +87 14 26 R +87 14 27 S +87 14 28 I +87 14 29 R +87 14 30 C +87 14 31 S +87 14 32 I +87 14 33 C +87 14 34 R +87 14 35 I +87 14 36 O +87 14 37 R +87 14 38 I +87 14 39 R +87 14 40 R +87 14 41 I +87 14 42 C +87 14 43 R +87 14 44 S +87 14 45 R +87 14 46 O +87 14 47 R +87 14 48 C +87 14 49 R +87 14 50 N +87 14 51 N +87 14 52 S +87 14 53 I +87 14 54 C +87 14 55 R +87 14 56 C +87 14 57 R +87 14 58 R +87 14 59 R +87 14 60 O +87 14 61 I +87 14 62 R +87 14 63 I +87 14 64 R +87 14 65 I +87 14 66 S +87 14 67 R +87 14 68 I +87 14 69 O +87 14 70 S +87 14 71 I +87 14 72 R +87 14 73 I +87 14 74 R +87 14 75 O +87 14 76 I +87 14 77 R +87 14 78 I +87 14 79 O +87 14 80 R +87 14 81 C +87 14 82 R +87 14 83 C +87 14 84 I +87 14 85 R +87 14 86 I +87 14 87 O +87 14 88 I +87 14 89 O +87 14 90 O +87 14 91 C +87 14 92 S +87 14 93 R +87 14 94 O +87 14 95 S +87 14 96 C +87 14 97 O +87 14 98 I +87 14 99 R +87 14 100 S +87 14 101 I +87 14 102 S +87 14 103 O +87 14 104 R +87 14 105 I +87 14 106 C +87 14 107 S +87 14 108 S +87 14 109 R +87 14 110 C +87 14 111 O +87 14 112 I +87 14 113 O +87 14 114 R +87 14 115 I +87 14 116 S +87 14 117 O +87 14 118 I +87 14 119 R +87 14 120 S +87 14 121 I +87 14 122 R +87 14 123 R +87 14 124 C +87 14 125 I +87 14 126 I +87 14 127 O +87 14 128 C +87 14 129 S +87 14 130 O +87 14 131 I +87 14 132 I +87 14 133 R +87 14 134 O +87 14 135 I +87 14 136 R +87 14 137 O +87 14 138 R +87 14 139 S +87 14 140 R +87 14 141 S +87 14 142 S +87 14 143 C +87 14 144 O +87 14 145 R +87 14 146 C +87 14 147 R +87 14 148 I +87 14 149 C +87 14 150 O +87 14 151 I +87 14 152 I +87 14 153 R +87 14 154 O +87 14 155 O +87 14 156 R +87 14 157 R +87 14 158 S +87 14 159 C +87 14 160 I +87 14 161 R +87 14 162 I +87 14 163 R +87 14 164 R +87 14 165 C +87 14 166 O +87 14 167 S +87 14 168 O +87 14 169 R +87 14 170 R +87 14 171 C +87 14 172 S +87 14 173 I +87 14 174 C +87 14 175 S +87 14 176 I +87 14 177 C +87 14 178 R +87 14 179 I +87 14 180 R +87 14 181 C +87 14 182 R +87 14 183 R +87 14 184 I +87 14 185 I +87 14 186 R +87 14 187 C +87 14 188 R +87 14 189 C +87 14 190 I +87 14 191 R +87 14 192 R +87 14 193 S +87 14 194 C +87 14 195 R +87 14 196 S +87 14 197 I +87 14 198 O +87 14 199 S +87 14 200 R +87 14 201 I +87 14 202 R +87 14 203 I +87 14 204 O +87 14 205 R +87 14 206 S +87 14 207 I +87 14 208 C +87 14 209 O +87 14 210 R +87 14 211 R +87 14 212 I +87 14 213 R +87 14 214 C +87 14 215 I +87 14 216 O +87 14 217 C +87 14 218 O +87 14 219 S +87 14 220 O +87 14 221 S +87 14 222 O +87 14 223 R +87 14 224 S +87 14 225 O +87 14 226 R +87 14 227 O +87 14 228 O +87 14 229 S +87 14 230 C +87 14 231 O +87 14 232 O +87 14 233 O +87 14 234 R +87 14 235 R +87 14 236 C +87 14 237 I +87 14 238 R +87 14 239 I +87 14 240 I +87 14 241 S +87 14 242 C +87 14 243 O +87 14 244 S +87 14 245 I +87 14 246 R +87 14 247 O +87 14 248 O +87 14 249 R +87 14 250 O +87 14 251 C +87 14 252 S +87 14 253 R +87 14 254 C +87 14 255 O +87 14 256 I +87 14 257 O +87 14 258 C +87 14 259 I +87 14 260 C +87 14 261 I +87 14 262 S +87 14 263 O +87 14 264 R +87 14 265 R +87 14 266 I +87 14 267 O +87 14 268 C +87 14 269 I +87 14 270 C +87 14 271 O +87 14 272 S +87 14 273 I +87 14 274 S +87 14 275 O +87 14 276 I +87 14 277 R +87 14 278 I +87 14 279 R +87 14 280 R +87 14 281 R +87 14 282 C +87 14 283 O +87 14 284 S +87 14 285 I +87 14 286 S +87 14 287 O +87 14 288 I +87 14 289 R +87 14 290 C +87 14 291 R +87 14 292 I +87 14 293 S +87 14 294 S +87 14 295 O +87 14 296 O +87 14 297 C +87 14 298 I +87 14 299 R +87 14 300 O +87 14 301 R +87 14 302 C +87 14 303 O +87 14 304 O +87 14 305 I +87 14 306 C +87 14 307 R +87 14 308 O +87 14 309 O +87 14 310 R +87 14 311 R +87 14 312 O +87 14 313 R +87 14 314 S +87 14 315 C +87 14 316 R +87 14 317 I +87 14 318 C +87 14 319 S +87 14 320 O +87 14 321 I +87 14 322 C +87 14 323 O +87 14 324 S +87 14 325 I +87 14 326 C +87 14 327 S +87 14 328 R +87 14 329 O +87 14 330 S +87 15 1 R +87 15 2 C +87 15 3 I +87 15 4 I +87 15 5 C +87 15 6 C +87 15 7 R +87 15 8 I +87 15 9 C +87 15 10 R +87 15 11 O +87 15 12 C +87 15 13 R +87 15 14 O +87 15 15 C +87 15 16 S +87 15 17 I +87 15 18 O +87 15 19 R +87 15 20 R +87 15 21 I +87 15 22 C +87 15 23 O +87 15 24 O +87 15 25 R +87 15 26 R +87 15 27 C +87 15 28 I +87 15 29 C +87 15 30 I +87 15 31 S +87 15 32 I +87 15 33 C +87 15 34 R +87 15 35 I +87 15 36 R +87 15 37 S +87 15 38 I +87 15 39 C +87 15 40 R +87 15 41 I +87 15 42 C +87 15 43 R +87 15 44 S +87 15 45 R +87 15 46 O +87 15 47 O +87 15 48 C +87 15 49 R +87 15 50 O +87 15 51 O +87 15 52 S +87 15 53 I +87 15 54 R +87 15 55 R +87 15 56 C +87 15 57 R +87 15 58 C +87 15 59 S +87 15 60 O +87 15 61 I +87 15 62 R +87 15 63 I +87 15 64 R +87 15 65 I +87 15 66 S +87 15 67 C +87 15 68 I +87 15 69 O +87 15 70 S +87 15 71 R +87 15 72 C +87 15 73 I +87 15 74 S +87 15 75 R +87 15 76 C +87 15 77 R +87 15 78 S +87 15 79 O +87 15 80 R +87 15 81 C +87 15 82 R +87 15 83 S +87 15 84 I +87 15 85 R +87 15 86 I +87 15 87 O +87 15 88 I +87 15 89 O +87 15 90 O +87 15 91 C +87 15 92 S +87 15 93 R +87 15 94 O +87 15 95 S +87 15 96 C +87 15 97 R +87 15 98 I +87 15 99 R +87 15 100 S +87 15 101 I +87 15 102 R +87 15 103 O +87 15 104 S +87 15 105 I +87 15 106 C +87 15 107 S +87 15 108 S +87 15 109 R +87 15 110 C +87 15 111 O +87 15 112 I +87 15 113 O +87 15 114 R +87 15 115 I +87 15 116 S +87 15 117 O +87 15 118 I +87 15 119 R +87 15 120 S +87 15 121 I +87 15 122 R +87 15 123 R +87 15 124 C +87 15 125 I +87 15 126 I +87 15 127 O +87 15 128 C +87 15 129 S +87 15 130 O +87 15 131 R +87 15 132 I +87 15 133 R +87 15 134 O +87 15 135 I +87 15 136 R +87 15 137 O +87 15 138 S +87 15 139 S +87 15 140 R +87 15 141 S +87 15 142 S +87 15 143 C +87 15 144 O +87 15 145 R +87 15 146 C +87 15 147 R +87 15 148 I +87 15 149 C +87 15 150 O +87 15 151 I +87 15 152 S +87 15 153 R +87 15 154 O +87 15 155 O +87 15 156 R +87 15 157 O +87 15 158 S +87 15 159 C +87 15 160 C +87 15 161 R +87 15 162 I +87 15 163 R +87 15 164 R +87 15 165 C +87 15 166 O +87 15 167 S +87 15 168 R +87 15 169 R +87 15 170 O +87 15 171 C +87 15 172 S +87 15 173 I +87 15 174 C +87 15 175 S +87 15 176 I +87 15 177 C +87 15 178 R +87 15 179 I +87 15 180 R +87 15 181 C +87 15 182 O +87 15 183 C +87 15 184 R +87 15 185 I +87 15 186 R +87 15 187 C +87 15 188 R +87 15 189 R +87 15 190 C +87 15 191 O +87 15 192 R +87 15 193 C +87 15 194 I +87 15 195 C +87 15 196 S +87 15 197 R +87 15 198 O +87 15 199 S +87 15 200 C +87 15 201 I +87 15 202 R +87 15 203 I +87 15 204 O +87 15 205 R +87 15 206 S +87 15 207 I +87 15 208 C +87 15 209 O +87 15 210 R +87 15 211 S +87 15 212 I +87 15 213 S +87 15 214 C +87 15 215 I +87 15 216 O +87 15 217 S +87 15 218 C +87 15 219 S +87 15 220 R +87 15 221 S +87 15 222 R +87 15 223 C +87 15 224 S +87 15 225 C +87 15 226 O +87 15 227 O +87 15 228 O +87 15 229 S +87 15 230 S +87 15 231 I +87 15 232 R +87 15 233 R +87 15 234 R +87 15 235 R +87 15 236 C +87 15 237 I +87 15 238 R +87 15 239 I +87 15 240 O +87 15 241 S +87 15 242 S +87 15 243 I +87 15 244 S +87 15 245 I +87 15 246 R +87 15 247 C +87 15 248 O +87 15 249 O +87 15 250 I +87 15 251 S +87 15 252 S +87 15 253 R +87 15 254 S +87 15 255 O +87 15 256 I +87 15 257 R +87 15 258 C +87 15 259 I +87 15 260 C +87 15 261 R +87 15 262 S +87 15 263 O +87 15 264 S +87 15 265 R +87 15 266 I +87 15 267 I +87 15 268 R +87 15 269 I +87 15 270 C +87 15 271 O +87 15 272 S +87 15 273 I +87 15 274 S +87 15 275 C +87 15 276 I +87 15 277 R +87 15 278 I +87 15 279 R +87 15 280 C +87 15 281 R +87 15 282 R +87 15 283 O +87 15 284 S +87 15 285 C +87 15 286 S +87 15 287 C +87 15 288 I +87 15 289 R +87 15 290 S +87 15 291 R +87 15 292 I +87 15 293 C +87 15 294 S +87 15 295 R +87 15 296 R +87 15 297 C +87 15 298 I +87 15 299 R +87 15 300 S +87 15 301 R +87 15 302 S +87 15 303 S +87 15 304 C +87 15 305 I +87 15 306 R +87 15 307 R +87 15 308 I +87 15 309 O +87 15 310 R +87 15 311 O +87 15 312 O +87 15 313 R +87 15 314 S +87 15 315 C +87 15 316 R +87 15 317 I +87 15 318 C +87 15 319 S +87 15 320 C +87 15 321 I +87 15 322 R +87 15 323 O +87 15 324 S +87 15 325 I +87 15 326 C +87 15 327 S +87 15 328 R +87 15 329 O +87 15 330 S +87 16 1 R +87 16 2 N +87 16 3 I +87 16 4 O +87 16 5 C +87 16 6 R +87 16 7 N +87 16 8 I +87 16 9 O +87 16 10 O +87 16 11 O +87 16 12 C +87 16 13 N +87 16 14 O +87 16 15 C +87 16 16 S +87 16 17 I +87 16 18 O +87 16 19 N +87 16 20 C +87 16 21 I +87 16 22 S +87 16 23 O +87 16 24 O +87 16 25 N +87 16 26 N +87 16 27 S +87 16 28 I +87 16 29 C +87 16 30 O +87 16 31 N +87 16 32 I +87 16 33 C +87 16 34 N +87 16 35 I +87 16 36 O +87 16 37 N +87 16 38 I +87 16 39 C +87 16 40 N +87 16 41 I +87 16 42 N +87 16 43 O +87 16 44 S +87 16 45 C +87 16 46 O +87 16 47 O +87 16 48 C +87 16 49 R +87 16 50 O +87 16 51 O +87 16 52 S +87 16 53 I +87 16 54 N +87 16 55 R +87 16 56 I +87 16 57 O +87 16 58 R +87 16 59 S +87 16 60 O +87 16 61 I +87 16 62 S +87 16 63 I +87 16 64 R +87 16 65 I +87 16 66 S +87 16 67 R +87 16 68 I +87 16 69 O +87 16 70 S +87 16 71 I +87 16 72 R +87 16 73 I +87 16 74 R +87 16 75 O +87 16 76 I +87 16 77 R +87 16 78 C +87 16 79 O +87 16 80 R +87 16 81 C +87 16 82 R +87 16 83 S +87 16 84 C +87 16 85 R +87 16 86 I +87 16 87 O +87 16 88 I +87 16 89 O +87 16 90 O +87 16 91 C +87 16 92 S +87 16 93 R +87 16 94 O +87 16 95 S +87 16 96 C +87 16 97 O +87 16 98 I +87 16 99 S +87 16 100 S +87 16 101 I +87 16 102 R +87 16 103 O +87 16 104 R +87 16 105 I +87 16 106 S +87 16 107 S +87 16 108 S +87 16 109 O +87 16 110 C +87 16 111 O +87 16 112 I +87 16 113 O +87 16 114 R +87 16 115 I +87 16 116 S +87 16 117 O +87 16 118 I +87 16 119 R +87 16 120 S +87 16 121 I +87 16 122 C +87 16 123 O +87 16 124 C +87 16 125 I +87 16 126 C +87 16 127 O +87 16 128 C +87 16 129 S +87 16 130 O +87 16 131 R +87 16 132 I +87 16 133 R +87 16 134 O +87 16 135 I +87 16 136 C +87 16 137 O +87 16 138 N +87 16 139 S +87 16 140 O +87 16 141 S +87 16 142 S +87 16 143 R +87 16 144 O +87 16 145 C +87 16 146 C +87 16 147 R +87 16 148 I +87 16 149 C +87 16 150 O +87 16 151 C +87 16 152 C +87 16 153 R +87 16 154 O +87 16 155 O +87 16 156 C +87 16 157 O +87 16 158 S +87 16 159 C +87 16 160 I +87 16 161 R +87 16 162 I +87 16 163 R +87 16 164 N +87 16 165 R +87 16 166 O +87 16 167 R +87 16 168 R +87 16 169 R +87 16 170 O +87 16 171 R +87 16 172 S +87 16 173 I +87 16 174 C +87 16 175 S +87 16 176 I +87 16 177 N +87 16 178 O +87 16 179 I +87 16 180 R +87 16 181 C +87 16 182 O +87 16 183 C +87 16 184 N +87 16 185 C +87 16 186 R +87 16 187 C +87 16 188 R +87 16 189 N +87 16 190 C +87 16 191 C +87 16 192 N +87 16 193 C +87 16 194 O +87 16 195 R +87 16 196 C +87 16 197 O +87 16 198 O +87 16 199 S +87 16 200 C +87 16 201 C +87 16 202 R +87 16 203 I +87 16 204 O +87 16 205 O +87 16 206 S +87 16 207 I +87 16 208 R +87 16 209 R +87 16 210 O +87 16 211 R +87 16 212 C +87 16 213 R +87 16 214 C +87 16 215 C +87 16 216 O +87 16 217 C +87 16 218 R +87 16 219 S +87 16 220 O +87 16 221 S +87 16 222 O +87 16 223 R +87 16 224 S +87 16 225 C +87 16 226 O +87 16 227 O +87 16 228 O +87 16 229 C +87 16 230 S +87 16 231 I +87 16 232 O +87 16 233 N +87 16 234 N +87 16 235 N +87 16 236 N +87 16 237 C +87 16 238 N +87 16 239 I +87 16 240 I +87 16 241 S +87 16 242 S +87 16 243 I +87 16 244 S +87 16 245 I +87 16 246 N +87 16 247 R +87 16 248 O +87 16 249 R +87 16 250 N +87 16 251 C +87 16 252 S +87 16 253 R +87 16 254 R +87 16 255 O +87 16 256 I +87 16 257 O +87 16 258 C +87 16 259 I +87 16 260 S +87 16 261 R +87 16 262 S +87 16 263 O +87 16 264 N +87 16 265 R +87 16 266 I +87 16 267 I +87 16 268 C +87 16 269 I +87 16 270 C +87 16 271 O +87 16 272 S +87 16 273 I +87 16 274 S +87 16 275 R +87 16 276 I +87 16 277 R +87 16 278 I +87 16 279 N +87 16 280 R +87 16 281 N +87 16 282 R +87 16 283 O +87 16 284 S +87 16 285 C +87 16 286 S +87 16 287 R +87 16 288 I +87 16 289 R +87 16 290 C +87 16 291 R +87 16 292 I +87 16 293 S +87 16 294 S +87 16 295 N +87 16 296 R +87 16 297 C +87 16 298 I +87 16 299 N +87 16 300 S +87 16 301 N +87 16 302 S +87 16 303 R +87 16 304 C +87 16 305 I +87 16 306 C +87 16 307 N +87 16 308 I +87 16 309 O +87 16 310 N +87 16 311 R +87 16 312 O +87 16 313 R +87 16 314 S +87 16 315 C +87 16 316 N +87 16 317 I +87 16 318 C +87 16 319 S +87 16 320 N +87 16 321 I +87 16 322 R +87 16 323 N +87 16 324 C +87 16 325 R +87 16 326 C +87 16 327 S +87 16 328 O +87 16 329 N +87 16 330 S +87 17 1 R +87 17 2 U +87 17 3 I +87 17 4 A +87 17 5 U +87 17 6 U +87 17 7 A +87 17 8 I +87 17 9 U +87 17 10 R +87 17 11 A +87 17 12 U +87 17 13 R +87 17 14 R +87 17 15 Q +87 17 16 S +87 17 17 I +87 17 18 R +87 17 19 R +87 17 20 A +87 17 21 I +87 17 22 S +87 17 23 R +87 17 24 U +87 17 25 R +87 17 26 R +87 17 27 S +87 17 28 I +87 17 29 R +87 17 30 Q +87 17 31 S +87 17 32 I +87 17 33 C +87 17 34 R +87 17 35 C +87 17 36 R +87 17 37 R +87 17 38 I +87 17 39 A +87 17 40 A +87 17 41 I +87 17 42 C +87 17 43 R +87 17 44 S +87 17 45 C +87 17 46 S +87 17 47 R +87 17 48 Q +87 17 49 R +87 17 50 R +87 17 51 R +87 17 52 S +87 17 53 R +87 17 54 A +87 17 55 A +87 17 56 C +87 17 57 R +87 17 58 U +87 17 59 S +87 17 60 R +87 17 61 I +87 17 62 R +87 17 63 I +87 17 64 R +87 17 65 I +87 17 66 S +87 17 67 R +87 17 68 I +87 17 69 R +87 17 70 S +87 17 71 R +87 17 72 R +87 17 73 R +87 17 74 S +87 17 75 R +87 17 76 I +87 17 77 R +87 17 78 U +87 17 79 R +87 17 80 R +87 17 81 U +87 17 82 R +87 17 83 S +87 17 84 S +87 17 85 U +87 17 86 I +87 17 87 R +87 17 88 I +87 17 89 U +87 17 90 U +87 17 91 S +87 17 92 S +87 17 93 R +87 17 94 U +87 17 95 S +87 17 96 U +87 17 97 R +87 17 98 I +87 17 99 S +87 17 100 S +87 17 101 U +87 17 102 S +87 17 103 U +87 17 104 S +87 17 105 U +87 17 106 S +87 17 107 S +87 17 108 S +87 17 109 U +87 17 110 U +87 17 111 R +87 17 112 I +87 17 113 U +87 17 114 R +87 17 115 U +87 17 116 S +87 17 117 R +87 17 118 I +87 17 119 R +87 17 120 S +87 17 121 I +87 17 122 R +87 17 123 R +87 17 124 S +87 17 125 I +87 17 126 U +87 17 127 R +87 17 128 U +87 17 129 S +87 17 130 R +87 17 131 R +87 17 132 I +87 17 133 R +87 17 134 U +87 17 135 I +87 17 136 R +87 17 137 R +87 17 138 S +87 17 139 S +87 17 140 R +87 17 141 S +87 17 142 S +87 17 143 U +87 17 144 R +87 17 145 U +87 17 146 U +87 17 147 R +87 17 148 I +87 17 149 U +87 17 150 R +87 17 151 U +87 17 152 U +87 17 153 R +87 17 154 U +87 17 155 U +87 17 156 U +87 17 157 U +87 17 158 S +87 17 159 U +87 17 160 U +87 17 161 U +87 17 162 I +87 17 163 R +87 17 164 R +87 17 165 U +87 17 166 R +87 17 167 S +87 17 168 R +87 17 169 R +87 17 170 R +87 17 171 R +87 17 172 S +87 17 173 I +87 17 174 U +87 17 175 S +87 17 176 I +87 17 177 S +87 17 178 R +87 17 179 R +87 17 180 U +87 17 181 U +87 17 182 R +87 17 183 R +87 17 184 R +87 17 185 R +87 17 186 S +87 17 187 C +87 17 188 R +87 17 189 S +87 17 190 U +87 17 191 R +87 17 192 R +87 17 193 C +87 17 194 R +87 17 195 R +87 17 196 S +87 17 197 I +87 17 198 R +87 17 199 S +87 17 200 C +87 17 201 C +87 17 202 R +87 17 203 I +87 17 204 R +87 17 205 R +87 17 206 S +87 17 207 I +87 17 208 U +87 17 209 R +87 17 210 C +87 17 211 R +87 17 212 U +87 17 213 S +87 17 214 C +87 17 215 I +87 17 216 U +87 17 217 C +87 17 218 R +87 17 219 S +87 17 220 R +87 17 221 S +87 17 222 R +87 17 223 R +87 17 224 S +87 17 225 R +87 17 226 R +87 17 227 R +87 17 228 R +87 17 229 S +87 17 230 S +87 17 231 R +87 17 232 U +87 17 233 R +87 17 234 R +87 17 235 R +87 17 236 C +87 17 237 C +87 17 238 R +87 17 239 I +87 17 240 C +87 17 241 S +87 17 242 S +87 17 243 R +87 17 244 S +87 17 245 I +87 17 246 R +87 17 247 R +87 17 248 R +87 17 249 R +87 17 250 R +87 17 251 S +87 17 252 S +87 17 253 U +87 17 254 U +87 17 255 R +87 17 256 I +87 17 257 R +87 17 258 C +87 17 259 I +87 17 260 S +87 17 261 C +87 17 262 S +87 17 263 R +87 17 264 S +87 17 265 R +87 17 266 C +87 17 267 C +87 17 268 C +87 17 269 I +87 17 270 C +87 17 271 R +87 17 272 S +87 17 273 C +87 17 274 S +87 17 275 C +87 17 276 I +87 17 277 R +87 17 278 C +87 17 279 R +87 17 280 C +87 17 281 R +87 17 282 C +87 17 283 I +87 17 284 S +87 17 285 C +87 17 286 S +87 17 287 C +87 17 288 I +87 17 289 U +87 17 290 S +87 17 291 R +87 17 292 C +87 17 293 S +87 17 294 S +87 17 295 U +87 17 296 R +87 17 297 C +87 17 298 I +87 17 299 U +87 17 300 S +87 17 301 R +87 17 302 S +87 17 303 S +87 17 304 C +87 17 305 R +87 17 306 C +87 17 307 R +87 17 308 C +87 17 309 R +87 17 310 R +87 17 311 R +87 17 312 R +87 17 313 R +87 17 314 S +87 17 315 U +87 17 316 R +87 17 317 I +87 17 318 U +87 17 319 S +87 17 320 U +87 17 321 I +87 17 322 R +87 17 323 R +87 17 324 ? +87 17 325 C +87 17 326 U +87 17 327 S +87 17 328 R +87 17 329 C +87 17 330 S +87 18 1 R +87 18 2 R +87 18 3 I +87 18 4 R +87 18 5 R +87 18 6 C +87 18 7 R +87 18 8 I +87 18 9 R +87 18 10 R +87 18 11 O +87 18 12 C +87 18 13 R +87 18 14 R +87 18 15 C +87 18 16 S +87 18 17 I +87 18 18 R +87 18 19 R +87 18 20 R +87 18 21 I +87 18 22 C +87 18 23 R +87 18 24 O +87 18 25 O +87 18 26 R +87 18 27 S +87 18 28 I +87 18 29 R +87 18 30 C +87 18 31 R +87 18 32 I +87 18 33 C +87 18 34 R +87 18 35 I +87 18 36 R +87 18 37 R +87 18 38 I +87 18 39 R +87 18 40 R +87 18 41 I +87 18 42 C +87 18 43 T +87 18 44 S +87 18 45 R +87 18 46 R +87 18 47 O +87 18 48 C +87 18 49 R +87 18 50 T +87 18 51 S +87 18 52 S +87 18 53 I +87 18 54 R +87 18 55 R +87 18 56 I +87 18 57 O +87 18 58 C +87 18 59 T +87 18 60 O +87 18 61 I +87 18 62 T +87 18 63 C +87 18 64 R +87 18 65 I +87 18 66 S +87 18 67 C +87 18 68 I +87 18 69 T +87 18 70 S +87 18 71 I +87 18 72 O +87 18 73 T +87 18 74 S +87 18 75 R +87 18 76 C +87 18 77 R +87 18 78 C +87 18 79 R +87 18 80 O +87 18 81 C +87 18 82 R +87 18 83 S +87 18 84 C +87 18 85 T +87 18 86 I +87 18 87 O +87 18 88 I +87 18 89 O +87 18 90 O +87 18 91 C +87 18 92 S +87 18 93 O +87 18 94 S +87 18 95 S +87 18 96 C +87 18 97 T +87 18 98 I +87 18 99 S +87 18 100 S +87 18 101 I +87 18 102 S +87 18 103 IR +87 18 104 R +87 18 105 I +87 18 106 S +87 18 107 S +87 18 108 S +87 18 109 R +87 18 110 C +87 18 111 R +87 18 112 I +87 18 113 S +87 18 114 R +87 18 115 I +87 18 116 S +87 18 117 R +87 18 118 I +87 18 119 R +87 18 120 S +87 18 121 I +87 18 122 R +87 18 123 R +87 18 124 C +87 18 125 C +87 18 126 C +87 18 127 O +87 18 128 C +87 18 129 S +87 18 130 O +87 18 131 R +87 18 132 C +87 18 133 R +87 18 134 R +87 18 135 C +87 18 136 R +87 18 137 R +87 18 138 R +87 18 139 S +87 18 140 O +87 18 141 S +87 18 142 S +87 18 143 C +87 18 144 T +87 18 145 S +87 18 146 C +87 18 147 R +87 18 148 I +87 18 149 C +87 18 150 T +87 18 151 C +87 18 152 C +87 18 153 R +87 18 154 S +87 18 155 S +87 18 156 R +87 18 157 R +87 18 158 S +87 18 159 C +87 18 160 C +87 18 161 R +87 18 162 I +87 18 163 R +87 18 164 R +87 18 165 C +87 18 166 O +87 18 167 C +87 18 168 R +87 18 169 R +87 18 170 R +87 18 171 C +87 18 172 S +87 18 173 I +87 18 174 C +87 18 175 R +87 18 176 I +87 18 177 S +87 18 178 R +87 18 179 I +87 18 180 C +87 18 181 C +87 18 182 I +87 18 183 R +87 18 184 T +87 18 185 C +87 18 186 R +87 18 187 C +87 18 188 O +87 18 189 S +87 18 190 C +87 18 191 R +87 18 192 T +87 18 193 C +87 18 194 I +87 18 195 C +87 18 196 C +87 18 197 R +87 18 198 O +87 18 199 S +87 18 200 R +87 18 201 C +87 18 202 R +87 18 203 I +87 18 204 S +87 18 205 R +87 18 206 S +87 18 207 I +87 18 208 C +87 18 209 C +87 18 210 R +87 18 211 O +87 18 212 C +87 18 213 R +87 18 214 C +87 18 215 C +87 18 216 O +87 18 217 C +87 18 218 C +87 18 219 S +87 18 220 R +87 18 221 S +87 18 222 T +87 18 223 R +87 18 224 S +87 18 225 C +87 18 226 O +87 18 227 S +87 18 228 R +87 18 229 S +87 18 230 S +87 18 231 I +87 18 232 C +87 18 233 T +87 18 234 C +87 18 235 O +87 18 236 C +87 18 237 C +87 18 238 O +87 18 239 C +87 18 240 I +87 18 241 S +87 18 242 S +87 18 243 I +87 18 244 S +87 18 245 I +87 18 246 R +87 18 247 T +87 18 248 O +87 18 249 R +87 18 250 R +87 18 251 S +87 18 252 S +87 18 253 R +87 18 254 R +87 18 255 R +87 18 256 I +87 18 257 R +87 18 258 C +87 18 259 I +87 18 260 S +87 18 261 C +87 18 262 S +87 18 263 S +87 18 264 S +87 18 265 T +87 18 266 I +87 18 267 T +87 18 268 C +87 18 269 I +87 18 270 C +87 18 271 R +87 18 272 S +87 18 273 T +87 18 274 S +87 18 275 T +87 18 276 I +87 18 277 O +87 18 278 C +87 18 279 R +87 18 280 C +87 18 281 O +87 18 282 T +87 18 283 S +87 18 284 S +87 18 285 C +87 18 286 S +87 18 287 R +87 18 288 I +87 18 289 C +87 18 290 S +87 18 291 R +87 18 292 S +87 18 293 S +87 18 294 S +87 18 295 T +87 18 296 T +87 18 297 C +87 18 298 I +87 18 299 R +87 18 300 S +87 18 301 R +87 18 302 S +87 18 303 S +87 18 304 T +87 18 305 I +87 18 306 C +87 18 307 R +87 18 308 C +87 18 309 R +87 18 310 R +87 18 311 R +87 18 312 R +87 18 313 R +87 18 314 S +87 18 315 C +87 18 316 R +87 18 317 I +87 18 318 C +87 18 319 S +87 18 320 T +87 18 321 I +87 18 322 R +87 18 323 R +87 18 324 S +87 18 325 I +87 18 326 C +87 18 327 S +87 18 328 R +87 18 329 R +87 18 330 S +87 19 1 R +87 19 2 C +87 19 3 I +87 19 4 N +87 19 5 N +87 19 6 C +87 19 7 N +87 19 8 I +87 19 9 C +87 19 10 N +87 19 11 N +87 19 12 C +87 19 13 N +87 19 14 N +87 19 15 C +87 19 16 N +87 19 17 I +87 19 18 N +87 19 19 N +87 19 20 N +87 19 21 I +87 19 22 C +87 19 23 N +87 19 24 O +87 19 25 N +87 19 26 N +87 19 27 C +87 19 28 I +87 19 29 N +87 19 30 R +87 19 31 R +87 19 32 I +87 19 33 C +87 19 34 N +87 19 35 I +87 19 36 N +87 19 37 N +87 19 38 I +87 19 39 C +87 19 40 C +87 19 41 I +87 19 42 C +87 19 43 N +87 19 44 S +87 19 45 N +87 19 46 O +87 19 47 O +87 19 48 C +87 19 49 N +87 19 50 N +87 19 51 C +87 19 52 C +87 19 53 I +87 19 54 C +87 19 55 N +87 19 56 C +87 19 57 C +87 19 58 N +87 19 59 C +87 19 60 O +87 19 61 I +87 19 62 R +87 19 63 I +87 19 64 N +87 19 65 I +87 19 66 C +87 19 67 N +87 19 68 I +87 19 69 N +87 19 70 S +87 19 71 I +87 19 72 R +87 19 73 R +87 19 74 C +87 19 75 O +87 19 76 I +87 19 77 R +87 19 78 I +87 19 79 O +87 19 80 R +87 19 81 R +87 19 82 N +87 19 83 C +87 19 84 I +87 19 85 N +87 19 86 I +87 19 87 R +87 19 88 I +87 19 89 O +87 19 90 O +87 19 91 C +87 19 92 S +87 19 93 O +87 19 94 O +87 19 95 C +87 19 96 S +87 19 97 R +87 19 98 I +87 19 99 R +87 19 100 R +87 19 101 I +87 19 102 R +87 19 103 O +87 19 104 R +87 19 105 R +87 19 106 S +87 19 107 S +87 19 108 R +87 19 109 R +87 19 110 C +87 19 111 O +87 19 112 I +87 19 113 O +87 19 114 O +87 19 115 I +87 19 116 R +87 19 117 O +87 19 118 I +87 19 119 R +87 19 120 S +87 19 121 I +87 19 122 R +87 19 123 O +87 19 124 C +87 19 125 I +87 19 126 I +87 19 127 O +87 19 128 C +87 19 129 S +87 19 130 O +87 19 131 I +87 19 132 I +87 19 133 R +87 19 134 O +87 19 135 I +87 19 136 R +87 19 137 O +87 19 138 R +87 19 139 S +87 19 140 R +87 19 141 S +87 19 142 S +87 19 143 R +87 19 144 O +87 19 145 C +87 19 146 S +87 19 147 N +87 19 148 I +87 19 149 R +87 19 150 R +87 19 151 I +87 19 152 R +87 19 153 N +87 19 154 O +87 19 155 O +87 19 156 R +87 19 157 O +87 19 158 S +87 19 159 C +87 19 160 C +87 19 161 R +87 19 162 I +87 19 163 R +87 19 164 R +87 19 165 O +87 19 166 O +87 19 167 S +87 19 168 O +87 19 169 R +87 19 170 O +87 19 171 C +87 19 172 S +87 19 173 I +87 19 174 S +87 19 175 R +87 19 176 I +87 19 177 C +87 19 178 O +87 19 179 I +87 19 180 C +87 19 181 C +87 19 182 I +87 19 183 O +87 19 184 R +87 19 185 O +87 19 186 R +87 19 187 I +87 19 188 R +87 19 189 C +87 19 190 I +87 19 191 O +87 19 192 C +87 19 193 C +87 19 194 O +87 19 195 C +87 19 196 C +87 19 197 C +87 19 198 O +87 19 199 C +87 19 200 R +87 19 201 I +87 19 202 R +87 19 203 I +87 19 204 O +87 19 205 R +87 19 206 C +87 19 207 I +87 19 208 O +87 19 209 O +87 19 210 O +87 19 211 C +87 19 212 C +87 19 213 R +87 19 214 R +87 19 215 I +87 19 216 O +87 19 217 C +87 19 218 O +87 19 219 R +87 19 220 R +87 19 221 R +87 19 222 R +87 19 223 R +87 19 224 S +87 19 225 R +87 19 226 R +87 19 227 O +87 19 228 O +87 19 229 R +87 19 230 S +87 19 231 I +87 19 232 O +87 19 233 R +87 19 234 R +87 19 235 R +87 19 236 C +87 19 237 I +87 19 238 R +87 19 239 I +87 19 240 R +87 19 241 S +87 19 242 S +87 19 243 I +87 19 244 C +87 19 245 I +87 19 246 R +87 19 247 R +87 19 248 O +87 19 249 R +87 19 250 R +87 19 251 S +87 19 252 S +87 19 253 R +87 19 254 R +87 19 255 O +87 19 256 I +87 19 257 R +87 19 258 C +87 19 259 I +87 19 260 C +87 19 261 I +87 19 262 S +87 19 263 R +87 19 264 R +87 19 265 N +87 19 266 I +87 19 267 I +87 19 268 R +87 19 269 I +87 19 270 R +87 19 271 O +87 19 272 S +87 19 273 I +87 19 274 S +87 19 275 R +87 19 276 I +87 19 277 R +87 19 278 I +87 19 279 R +87 19 280 R +87 19 281 R +87 19 282 R +87 19 283 O +87 19 284 S +87 19 285 I +87 19 286 S +87 19 287 O +87 19 288 I +87 19 289 R +87 19 290 S +87 19 291 R +87 19 292 I +87 19 293 R +87 19 294 S +87 19 295 O +87 19 296 R +87 19 297 S +87 19 298 I +87 19 299 R +87 19 300 S +87 19 301 R +87 19 302 S +87 19 303 S +87 19 304 O +87 19 305 R +87 19 306 S +87 19 307 R +87 19 308 R +87 19 309 O +87 19 310 R +87 19 311 R +87 19 312 O +87 19 313 R +87 19 314 S +87 19 315 R +87 19 316 R +87 19 317 I +87 19 318 I +87 19 319 S +87 19 320 O +87 19 321 I +87 19 322 R +87 19 323 O +87 19 324 S +87 19 325 R +87 19 326 S +87 19 327 S +87 19 328 R +87 19 329 O +87 19 330 S +87 20 1 R +87 20 2 A +87 20 3 I +87 20 4 R +87 20 5 A +87 20 6 C +87 20 7 C +87 20 8 I +87 20 9 C +87 20 10 R +87 20 11 A +87 20 12 C +87 20 13 A +87 20 14 O +87 20 15 I +87 20 16 S +87 20 17 I +87 20 18 O +87 20 19 R +87 20 20 A +87 20 21 I +87 20 22 C +87 20 23 T +87 20 24 * +87 20 25 R +87 20 26 O +87 20 27 S +87 20 28 I +87 20 29 A +87 20 30 C +87 20 31 A +87 20 32 I +87 20 33 A +87 20 34 R +87 20 35 I +87 20 36 O +87 20 37 R +87 20 38 I +87 20 39 A +87 20 40 R +87 20 41 I +87 20 42 C +87 20 43 O +87 20 44 S +87 20 45 A +87 20 46 O +87 20 47 O +87 20 48 C +87 20 49 R +87 20 50 T +87 20 51 C +87 20 52 S +87 20 53 I +87 20 54 R +87 20 55 R +87 20 56 I +87 20 57 R +87 20 58 R +87 20 59 S +87 20 60 O +87 20 61 I +87 20 62 R +87 20 63 I +87 20 64 R +87 20 65 I +87 20 66 S +87 20 67 C +87 20 68 I +87 20 69 C +87 20 70 S +87 20 71 I +87 20 72 R +87 20 73 T +87 20 74 R +87 20 75 C +87 20 76 I +87 20 77 R +87 20 78 I +87 20 79 O +87 20 80 R +87 20 81 A +87 20 82 R +87 20 83 C +87 20 84 I +87 20 85 C +87 20 86 I +87 20 87 O +87 20 88 T +87 20 89 O +87 20 90 O +87 20 91 A +87 20 92 S +87 20 93 R +87 20 94 O +87 20 95 A +87 20 96 C +87 20 97 R +87 20 98 I +87 20 99 T +87 20 100 A +87 20 101 I +87 20 102 R +87 20 103 C +87 20 104 R +87 20 105 I +87 20 106 C +87 20 107 S +87 20 108 R +87 20 109 R +87 20 110 C +87 20 111 O +87 20 112 I +87 20 113 O +87 20 114 R +87 20 115 I +87 20 116 R +87 20 117 ? +87 20 118 I +87 20 119 R +87 20 120 S +87 20 121 I +87 20 122 A +87 20 123 R +87 20 124 A +87 20 125 I +87 20 126 I +87 20 127 O +87 20 128 A +87 20 129 S +87 20 130 O +87 20 131 T +87 20 132 I +87 20 133 A +87 20 134 O +87 20 135 I +87 20 136 R +87 20 137 R +87 20 138 R +87 20 139 S +87 20 140 R +87 20 141 S +87 20 142 S +87 20 143 C +87 20 144 T +87 20 145 R +87 20 146 C +87 20 147 R +87 20 148 I +87 20 149 R +87 20 150 T +87 20 151 I +87 20 152 T +87 20 153 R +87 20 154 O +87 20 155 O +87 20 156 R +87 20 157 O +87 20 158 S +87 20 159 C +87 20 160 I +87 20 161 R +87 20 162 I +87 20 163 R +87 20 164 R +87 20 165 C +87 20 166 O +87 20 167 R +87 20 168 R +87 20 169 R +87 20 170 O +87 20 171 A +87 20 172 S +87 20 173 I +87 20 174 C +87 20 175 R +87 20 176 I +87 20 177 C +87 20 178 R +87 20 179 I +87 20 180 A +87 20 181 C +87 20 182 T +87 20 183 O +87 20 184 T +87 20 185 C +87 20 186 R +87 20 187 C +87 20 188 R +87 20 189 S +87 20 190 I +87 20 191 R +87 20 192 T +87 20 193 C +87 20 194 I +87 20 195 A +87 20 196 A +87 20 197 T +87 20 198 O +87 20 199 A +87 20 200 R +87 20 201 I +87 20 202 R +87 20 203 I +87 20 204 O +87 20 205 R +87 20 206 C +87 20 207 I +87 20 208 C +87 20 209 R +87 20 210 O +87 20 211 R +87 20 212 C +87 20 213 O +87 20 214 C +87 20 215 I +87 20 216 O +87 20 217 I +87 20 218 A +87 20 219 R +87 20 220 R +87 20 221 A +87 20 222 T +87 20 223 R +87 20 224 S +87 20 225 C +87 20 226 O +87 20 227 O +87 20 228 O +87 20 229 R +87 20 230 S +87 20 231 T +87 20 232 C +87 20 233 R +87 20 234 R +87 20 235 R +87 20 236 C +87 20 237 C +87 20 238 R +87 20 239 I +87 20 240 C +87 20 241 S +87 20 242 C +87 20 243 T +87 20 244 S +87 20 245 I +87 20 246 R +87 20 247 R +87 20 248 O +87 20 249 R +87 20 250 T +87 20 251 A +87 20 252 S +87 20 253 A +87 20 254 R +87 20 255 O +87 20 256 I +87 20 257 O +87 20 258 C +87 20 259 I +87 20 260 C +87 20 261 C +87 20 262 S +87 20 263 O +87 20 264 R +87 20 265 A +87 20 266 I +87 20 267 T +87 20 268 A +87 20 269 T +87 20 270 C +87 20 271 O +87 20 272 S +87 20 273 T +87 20 274 S +87 20 275 C +87 20 276 I +87 20 277 O +87 20 278 I +87 20 279 O +87 20 280 A +87 20 281 R +87 20 282 A +87 20 283 O +87 20 284 S +87 20 285 I +87 20 286 S +87 20 287 C +87 20 288 I +87 20 289 R +87 20 290 S +87 20 291 R +87 20 292 I +87 20 293 A +87 20 294 S +87 20 295 O +87 20 296 T +87 20 297 C +87 20 298 I +87 20 299 R +87 20 300 S +87 20 301 R +87 20 302 S +87 20 303 O +87 20 304 C +87 20 305 T +87 20 306 A +87 20 307 R +87 20 308 T +87 20 309 O +87 20 310 A +87 20 311 R +87 20 312 O +87 20 313 T +87 20 314 S +87 20 315 A +87 20 316 R +87 20 317 I +87 20 318 C +87 20 319 S +87 20 320 C +87 20 321 I +87 20 322 R +87 20 323 R +87 20 324 S +87 20 325 T +87 20 326 C +87 20 327 S +87 20 328 O +87 20 329 O +87 20 330 S +87 21 1 R +87 21 2 R +87 21 3 I +87 21 4 O +87 21 5 R +87 21 6 R +87 21 7 A +87 21 8 I +87 21 9 O +87 21 10 A +87 21 11 A +87 21 12 C +87 21 13 A +87 21 14 O +87 21 15 S +87 21 16 S +87 21 17 I +87 21 18 O +87 21 19 C +87 21 20 R +87 21 21 I +87 21 22 S +87 21 23 O +87 21 24 O +87 21 25 A +87 21 26 O +87 21 27 S +87 21 28 A +87 21 29 A +87 21 30 C +87 21 31 S +87 21 32 R +87 21 33 A +87 21 34 R +87 21 35 R +87 21 36 A +87 21 37 O +87 21 38 I +87 21 39 A +87 21 40 R +87 21 41 I +87 21 42 C +87 21 43 O +87 21 44 S +87 21 45 A +87 21 46 O +87 21 47 O +87 21 48 R +87 21 49 R +87 21 50 R +87 21 51 O +87 21 52 R +87 21 53 I +87 21 54 R +87 21 55 R +87 21 56 R +87 21 57 A +87 21 58 C +87 21 59 S +87 21 60 O +87 21 61 I +87 21 62 R +87 21 63 I +87 21 64 S +87 21 65 I +87 21 66 S +87 21 67 N +87 21 68 R +87 21 69 C +87 21 70 C +87 21 71 I +87 21 72 R +87 21 73 R +87 21 74 S +87 21 75 O +87 21 76 I +87 21 77 A +87 21 78 R +87 21 79 O +87 21 80 N +87 21 81 C +87 21 82 R +87 21 83 S +87 21 84 R +87 21 85 A +87 21 86 R +87 21 87 O +87 21 88 R +87 21 89 O +87 21 90 N +87 21 91 C +87 21 92 S +87 21 93 A +87 21 94 O +87 21 95 S +87 21 96 C +87 21 97 R +87 21 98 I +87 21 99 C +87 21 100 R +87 21 101 I +87 21 102 S +87 21 103 C +87 21 104 R +87 21 105 I +87 21 106 R +87 21 107 S +87 21 108 R +87 21 109 N +87 21 110 C +87 21 111 O +87 21 112 I +87 21 113 O +87 21 114 S +87 21 115 I +87 21 116 R +87 21 117 O +87 21 118 R +87 21 119 N +87 21 120 S +87 21 121 I +87 21 122 A +87 21 123 R +87 21 124 R +87 21 125 I +87 21 126 R +87 21 127 O +87 21 128 R +87 21 129 S +87 21 130 O +87 21 131 R +87 21 132 I +87 21 133 A +87 21 134 R +87 21 135 R +87 21 136 R +87 21 137 A +87 21 138 R +87 21 139 S +87 21 140 R +87 21 141 S +87 21 142 R +87 21 143 C +87 21 144 R +87 21 145 R +87 21 146 C +87 21 147 R +87 21 148 I +87 21 149 R +87 21 150 O +87 21 151 R +87 21 152 R +87 21 153 R +87 21 154 O +87 21 155 O +87 21 156 A +87 21 157 O +87 21 158 S +87 21 159 R +87 21 160 R +87 21 161 R +87 21 162 I +87 21 163 C +87 21 164 R +87 21 165 R +87 21 166 R +87 21 167 R +87 21 168 A +87 21 169 R +87 21 170 N +87 21 171 R +87 21 172 C +87 21 173 I +87 21 174 C +87 21 175 R +87 21 176 I +87 21 177 R +87 21 178 O +87 21 179 I +87 21 180 A +87 21 181 R +87 21 182 R +87 21 183 N +87 21 184 R +87 21 185 R +87 21 186 R +87 21 187 C +87 21 188 R +87 21 189 R +87 21 190 R +87 21 191 A +87 21 192 R +87 21 193 R +87 21 194 I +87 21 195 R +87 21 196 R +87 21 197 R +87 21 198 O +87 21 199 R +87 21 200 R +87 21 201 R +87 21 202 A +87 21 203 I +87 21 204 O +87 21 205 R +87 21 206 R +87 21 207 R +87 21 208 R +87 21 209 A +87 21 210 I +87 21 211 R +87 21 212 C +87 21 213 R +87 21 214 C +87 21 215 R +87 21 216 O +87 21 217 R +87 21 218 R +87 21 219 R +87 21 220 N +87 21 221 R +87 21 222 R +87 21 223 A +87 21 224 S +87 21 225 R +87 21 226 R +87 21 227 O +87 21 228 R +87 21 229 R +87 21 230 S +87 21 231 R +87 21 232 O +87 21 233 R +87 21 234 A +87 21 235 R +87 21 236 C +87 21 237 R +87 21 238 A +87 21 239 R +87 21 240 O +87 21 241 S +87 21 242 C +87 21 243 I +87 21 244 R +87 21 245 I +87 21 246 A +87 21 247 R +87 21 248 R +87 21 249 A +87 21 250 R +87 21 251 R +87 21 252 S +87 21 253 R +87 21 254 R +87 21 255 O +87 21 256 R +87 21 257 R +87 21 258 C +87 21 259 I +87 21 260 R +87 21 261 S +87 21 262 S +87 21 263 O +87 21 264 R +87 21 265 A +87 21 266 R +87 21 267 R +87 21 268 R +87 21 269 R +87 21 270 C +87 21 271 A +87 21 272 S +87 21 273 R +87 21 274 S +87 21 275 R +87 21 276 I +87 21 277 R +87 21 278 R +87 21 279 N +87 21 280 R +87 21 281 A +87 21 282 R +87 21 283 R +87 21 284 S +87 21 285 R +87 21 286 S +87 21 287 R +87 21 288 I +87 21 289 C +87 21 290 S +87 21 291 R +87 21 292 R +87 21 293 R +87 21 294 S +87 21 295 O +87 21 296 R +87 21 297 C +87 21 298 I +87 21 299 A +87 21 300 O +87 21 301 A +87 21 302 S +87 21 303 R +87 21 304 R +87 21 305 O +87 21 306 R +87 21 307 A +87 21 308 R +87 21 309 O +87 21 310 A +87 21 311 R +87 21 312 O +87 21 313 A +87 21 314 S +87 21 315 C +87 21 316 A +87 21 317 I +87 21 318 R +87 21 319 S +87 21 320 R +87 21 321 I +87 21 322 S +87 21 323 A +87 21 324 S +87 21 325 R +87 21 326 C +87 21 327 S +87 21 328 A +87 21 329 R +87 21 330 R +87 22 1 R +87 22 2 R +87 22 3 I +87 22 4 I +87 22 5 R +87 22 6 C +87 22 7 R +87 22 8 I +87 22 9 C +87 22 10 R +87 22 11 O +87 22 12 C +87 22 13 R +87 22 14 O +87 22 15 I +87 22 16 S +87 22 17 I +87 22 18 O +87 22 19 R +87 22 20 C +87 22 21 I +87 22 22 S +87 22 23 R +87 22 24 O +87 22 25 R +87 22 26 O +87 22 27 S +87 22 28 I +87 22 29 R +87 22 30 I +87 22 31 S +87 22 32 I +87 22 33 R +87 22 34 R +87 22 35 I +87 22 36 O +87 22 37 R +87 22 38 I +87 22 39 R +87 22 40 N +87 22 41 I +87 22 42 C +87 22 43 O +87 22 44 S +87 22 45 R +87 22 46 O +87 22 47 R +87 22 48 C +87 22 49 R +87 22 50 R +87 22 51 R +87 22 52 S +87 22 53 I +87 22 54 R +87 22 55 R +87 22 56 C +87 22 57 O +87 22 58 R +87 22 59 S +87 22 60 O +87 22 61 I +87 22 62 R +87 22 63 I +87 22 64 R +87 22 65 I +87 22 66 S +87 22 67 R +87 22 68 I +87 22 69 O +87 22 70 S +87 22 71 I +87 22 72 R +87 22 73 I +87 22 74 S +87 22 75 O +87 22 76 C +87 22 77 R +87 22 78 S +87 22 79 O +87 22 80 R +87 22 81 C +87 22 82 R +87 22 83 S +87 22 84 C +87 22 85 R +87 22 86 I +87 22 87 O +87 22 88 I +87 22 89 O +87 22 90 O +87 22 91 C +87 22 92 S +87 22 93 O +87 22 94 O +87 22 95 S +87 22 96 C +87 22 97 R +87 22 98 I +87 22 99 R +87 22 100 S +87 22 101 I +87 22 102 R +87 22 103 O +87 22 104 R +87 22 105 I +87 22 106 C +87 22 107 S +87 22 108 S +87 22 109 R +87 22 110 C +87 22 111 O +87 22 112 I +87 22 113 O +87 22 114 R +87 22 115 I +87 22 116 S +87 22 117 O +87 22 118 C +87 22 119 R +87 22 120 S +87 22 121 I +87 22 122 R +87 22 123 O +87 22 124 C +87 22 125 I +87 22 126 R +87 22 127 O +87 22 128 C +87 22 129 S +87 22 130 O +87 22 131 I +87 22 132 I +87 22 133 R +87 22 134 O +87 22 135 I +87 22 136 R +87 22 137 O +87 22 138 R +87 22 139 S +87 22 140 O +87 22 141 S +87 22 142 S +87 22 143 C +87 22 144 O +87 22 145 R +87 22 146 C +87 22 147 R +87 22 148 I +87 22 149 R +87 22 150 O +87 22 151 C +87 22 152 C +87 22 153 R +87 22 154 O +87 22 155 O +87 22 156 R +87 22 157 O +87 22 158 S +87 22 159 C +87 22 160 R +87 22 161 I +87 22 162 I +87 22 163 O +87 22 164 O +87 22 165 O +87 22 166 O +87 22 167 R +87 22 168 O +87 22 169 O +87 22 170 O +87 22 171 R +87 22 172 S +87 22 173 I +87 22 174 C +87 22 175 S +87 22 176 I +87 22 177 S +87 22 178 R +87 22 179 I +87 22 180 R +87 22 181 C +87 22 182 O +87 22 183 O +87 22 184 R +87 22 185 C +87 22 186 O +87 22 187 C +87 22 188 O +87 22 189 S +87 22 190 I +87 22 191 O +87 22 192 R +87 22 193 C +87 22 194 R +87 22 195 R +87 22 196 S +87 22 197 O +87 22 198 O +87 22 199 S +87 22 200 O +87 22 201 R +87 22 202 R +87 22 203 I +87 22 204 O +87 22 205 R +87 22 206 S +87 22 207 I +87 22 208 O +87 22 209 R +87 22 210 R +87 22 211 R +87 22 212 I +87 22 213 O +87 22 214 C +87 22 215 I +87 22 216 O +87 22 217 I +87 22 218 O +87 22 219 S +87 22 220 R +87 22 221 S +87 22 222 R +87 22 223 R +87 22 224 S +87 22 225 O +87 22 226 R +87 22 227 O +87 22 228 O +87 22 229 S +87 22 230 S +87 22 231 I +87 22 232 O +87 22 233 R +87 22 234 R +87 22 235 R +87 22 236 C +87 22 237 C +87 22 238 R +87 22 239 I +87 22 240 O +87 22 241 S +87 22 242 C +87 22 243 I +87 22 244 S +87 22 245 I +87 22 246 R +87 22 247 R +87 22 248 O +87 22 249 R +87 22 250 I +87 22 251 S +87 22 252 S +87 22 253 R +87 22 254 R +87 22 255 O +87 22 256 I +87 22 257 O +87 22 258 C +87 22 259 I +87 22 260 I +87 22 261 S +87 22 262 S +87 22 263 O +87 22 264 R +87 22 265 N +87 22 266 I +87 22 267 R +87 22 268 C +87 22 269 I +87 22 270 C +87 22 271 O +87 22 272 S +87 22 273 I +87 22 274 S +87 22 275 R +87 22 276 I +87 22 277 O +87 22 278 I +87 22 279 R +87 22 280 O +87 22 281 R +87 22 282 R +87 22 283 O +87 22 284 S +87 22 285 I +87 22 286 S +87 22 287 O +87 22 288 I +87 22 289 R +87 22 290 S +87 22 291 O +87 22 292 I +87 22 293 S +87 22 294 S +87 22 295 O +87 22 296 R +87 22 297 C +87 22 298 I +87 22 299 R +87 22 300 O +87 22 301 R +87 22 302 S +87 22 303 O +87 22 304 O +87 22 305 I +87 22 306 R +87 22 307 R +87 22 308 R +87 22 309 O +87 22 310 R +87 22 311 O +87 22 312 O +87 22 313 O +87 22 314 S +87 22 315 C +87 22 316 O +87 22 317 I +87 22 318 I +87 22 319 S +87 22 320 O +87 22 321 S +87 22 322 R +87 22 323 R +87 22 324 S +87 22 325 I +87 22 326 C +87 22 327 S +87 22 328 O +87 22 329 O +87 22 330 S +87 23 1 R +87 23 2 S +87 23 3 I +87 23 4 O +87 23 5 R +87 23 6 S +87 23 7 R +87 23 8 I +87 23 9 O +87 23 10 O +87 23 11 O +87 23 12 C +87 23 13 O +87 23 14 O +87 23 15 S +87 23 16 S +87 23 17 I +87 23 18 O +87 23 19 R +87 23 20 R +87 23 21 I +87 23 22 S +87 23 23 O +87 23 24 O +87 23 25 R +87 23 26 R +87 23 27 S +87 23 28 I +87 23 29 R +87 23 30 O +87 23 31 S +87 23 32 O +87 23 33 R +87 23 34 R +87 23 35 C +87 23 36 O +87 23 37 S +87 23 38 I +87 23 39 O +87 23 40 R +87 23 41 I +87 23 42 O +87 23 43 O +87 23 44 S +87 23 45 R +87 23 46 O +87 23 47 O +87 23 48 C +87 23 49 R +87 23 50 O +87 23 51 O +87 23 52 S +87 23 53 I +87 23 54 O +87 23 55 R +87 23 56 S +87 23 57 R +87 23 58 O +87 23 59 S +87 23 60 R +87 23 61 O +87 23 62 S +87 23 63 C +87 23 64 R +87 23 65 I +87 23 66 S +87 23 67 R +87 23 68 O +87 23 69 O +87 23 70 S +87 23 71 O +87 23 72 R +87 23 73 O +87 23 74 S +87 23 75 O +87 23 76 I +87 23 77 R +87 23 78 S +87 23 79 O +87 23 80 R +87 23 81 C +87 23 82 R +87 23 83 S +87 23 84 S +87 23 85 R +87 23 86 C +87 23 87 O +87 23 88 O +87 23 89 O +87 23 90 O +87 23 91 S +87 23 92 S +87 23 93 R +87 23 94 O +87 23 95 S +87 23 96 C +87 23 97 O +87 23 98 I +87 23 99 S +87 23 100 R +87 23 101 I +87 23 102 S +87 23 103 O +87 23 104 R +87 23 105 O +87 23 106 S +87 23 107 S +87 23 108 S +87 23 109 R +87 23 110 C +87 23 111 O +87 23 112 I +87 23 113 O +87 23 114 O +87 23 115 I +87 23 116 S +87 23 117 O +87 23 118 C +87 23 119 R +87 23 120 S +87 23 121 C +87 23 122 A +87 23 123 R +87 23 124 C +87 23 125 I +87 23 126 S +87 23 127 O +87 23 128 C +87 23 129 S +87 23 130 O +87 23 131 I +87 23 132 I +87 23 133 R +87 23 134 O +87 23 135 I +87 23 136 R +87 23 137 O +87 23 138 R +87 23 139 S +87 23 140 R +87 23 141 S +87 23 142 S +87 23 143 C +87 23 144 O +87 23 145 R +87 23 146 C +87 23 147 R +87 23 148 I +87 23 149 S +87 23 150 O +87 23 151 C +87 23 152 S +87 23 153 R +87 23 154 O +87 23 155 O +87 23 156 R +87 23 157 O +87 23 158 S +87 23 159 C +87 23 160 C +87 23 161 R +87 23 162 I +87 23 163 R +87 23 164 A +87 23 165 O +87 23 166 O +87 23 167 S +87 23 168 R +87 23 169 R +87 23 170 O +87 23 171 O +87 23 172 S +87 23 173 I +87 23 174 C +87 23 175 S +87 23 176 I +87 23 177 C +87 23 178 R +87 23 179 O +87 23 180 A +87 23 181 O +87 23 182 O +87 23 183 O +87 23 184 O +87 23 185 O +87 23 186 R +87 23 187 C +87 23 188 R +87 23 189 S +87 23 190 S +87 23 191 R +87 23 192 O +87 23 193 C +87 23 194 O +87 23 195 A +87 23 196 R +87 23 197 O +87 23 198 O +87 23 199 S +87 23 200 R +87 23 201 C +87 23 202 R +87 23 203 I +87 23 204 O +87 23 205 O +87 23 206 S +87 23 207 I +87 23 208 O +87 23 209 R +87 23 210 O +87 23 211 R +87 23 212 C +87 23 213 S +87 23 214 C +87 23 215 S +87 23 216 O +87 23 217 S +87 23 218 O +87 23 219 S +87 23 220 R +87 23 221 S +87 23 222 O +87 23 223 R +87 23 224 S +87 23 225 O +87 23 226 R +87 23 227 O +87 23 228 R +87 23 229 A +87 23 230 S +87 23 231 O +87 23 232 O +87 23 233 S +87 23 234 R +87 23 235 R +87 23 236 R +87 23 237 S +87 23 238 R +87 23 239 I +87 23 240 O +87 23 241 S +87 23 242 S +87 23 243 O +87 23 244 S +87 23 245 I +87 23 246 R +87 23 247 O +87 23 248 O +87 23 249 R +87 23 250 O +87 23 251 A +87 23 252 S +87 23 253 R +87 23 254 S +87 23 255 R +87 23 256 C +87 23 257 R +87 23 258 C +87 23 259 O +87 23 260 C +87 23 261 S +87 23 262 S +87 23 263 S +87 23 264 S +87 23 265 R +87 23 266 O +87 23 267 O +87 23 268 R +87 23 269 C +87 23 270 C +87 23 271 R +87 23 272 S +87 23 273 O +87 23 274 S +87 23 275 O +87 23 276 I +87 23 277 R +87 23 278 C +87 23 279 R +87 23 280 O +87 23 281 R +87 23 282 R +87 23 283 O +87 23 284 S +87 23 285 S +87 23 286 S +87 23 287 O +87 23 288 I +87 23 289 R +87 23 290 S +87 23 291 R +87 23 292 S +87 23 293 S +87 23 294 S +87 23 295 O +87 23 296 O +87 23 297 C +87 23 298 I +87 23 299 R +87 23 300 S +87 23 301 R +87 23 302 S +87 23 303 S +87 23 304 O +87 23 305 I +87 23 306 C +87 23 307 R +87 23 308 O +87 23 309 O +87 23 310 R +87 23 311 R +87 23 312 O +87 23 313 R +87 23 314 S +87 23 315 R +87 23 316 R +87 23 317 O +87 23 318 C +87 23 319 S +87 23 320 O +87 23 321 I +87 23 322 R +87 23 323 A +87 23 324 S +87 23 325 O +87 23 326 C +87 23 327 S +87 23 328 O +87 23 329 O +87 23 330 S +87 24 1 R +87 24 2 A +87 24 3 I +87 24 4 R +87 24 5 A +87 24 6 C +87 24 7 A +87 24 8 I +87 24 9 R +87 24 10 R +87 24 11 A +87 24 12 C +87 24 13 A +87 24 14 R +87 24 15 C +87 24 16 S +87 24 17 I +87 24 18 O +87 24 19 R +87 24 20 A +87 24 21 I +87 24 22 C +87 24 23 T +87 24 24 O +87 24 25 A +87 24 26 R +87 24 27 S +87 24 28 I +87 24 29 A +87 24 30 R +87 24 31 A +87 24 32 C +87 24 33 A +87 24 34 R +87 24 35 I +87 24 36 A +87 24 37 R +87 24 38 I +87 24 39 A +87 24 40 A +87 24 41 I +87 24 42 C +87 24 43 R +87 24 44 S +87 24 45 A +87 24 46 S +87 24 47 A +87 24 48 R +87 24 49 A +87 24 50 C +87 24 51 O +87 24 52 S +87 24 53 I +87 24 54 A +87 24 55 R +87 24 56 R +87 24 57 R +87 24 58 C +87 24 59 S +87 24 60 R +87 24 61 I +87 24 62 R +87 24 63 I +87 24 64 A +87 24 65 I +87 24 66 S +87 24 67 R +87 24 68 I +87 24 69 R +87 24 70 S +87 24 71 I +87 24 72 A +87 24 73 R +87 24 74 R +87 24 75 R +87 24 76 I +87 24 77 A +87 24 78 S +87 24 79 O +87 24 80 R +87 24 81 C +87 24 82 A +87 24 83 S +87 24 84 S +87 24 85 A +87 24 86 I +87 24 87 O +87 24 88 I +87 24 89 O +87 24 90 A +87 24 91 C +87 24 92 S +87 24 93 R +87 24 94 O +87 24 95 S +87 24 96 C +87 24 97 R +87 24 98 I +87 24 99 S +87 24 100 C +87 24 101 I +87 24 102 R +87 24 103 R +87 24 104 R +87 24 105 I +87 24 106 C +87 24 107 S +87 24 108 R +87 24 109 R +87 24 110 C +87 24 111 R +87 24 112 I +87 24 113 O +87 24 114 A +87 24 115 I +87 24 116 R +87 24 117 O +87 24 118 R +87 24 119 A +87 24 120 S +87 24 121 I +87 24 122 A +87 24 123 R +87 24 124 C +87 24 125 I +87 24 126 R +87 24 127 A +87 24 128 C +87 24 129 S +87 24 130 R +87 24 131 I +87 24 132 I +87 24 133 A +87 24 134 O +87 24 135 I +87 24 136 R +87 24 137 A +87 24 138 R +87 24 139 S +87 24 140 R +87 24 141 S +87 24 142 S +87 24 143 C +87 24 144 R +87 24 145 A +87 24 146 C +87 24 147 A +87 24 148 I +87 24 149 R +87 24 150 R +87 24 151 I +87 24 152 I +87 24 153 R +87 24 154 O +87 24 155 O +87 24 156 A +87 24 157 O +87 24 158 S +87 24 159 R +87 24 160 R +87 24 161 A +87 24 162 I +87 24 163 A +87 24 164 R +87 24 165 R +87 24 166 A +87 24 167 R +87 24 168 A +87 24 169 R +87 24 170 A +87 24 171 R +87 24 172 S +87 24 173 I +87 24 174 C +87 24 175 A +87 24 176 I +87 24 177 C +87 24 178 R +87 24 179 I +87 24 180 A +87 24 181 C +87 24 182 R +87 24 183 O +87 24 184 R +87 24 185 R +87 24 186 A +87 24 187 C +87 24 188 A +87 24 189 S +87 24 190 I +87 24 191 A +87 24 192 R +87 24 193 C +87 24 194 I +87 24 195 A +87 24 196 A +87 24 197 R +87 24 198 O +87 24 199 S +87 24 200 A +87 24 201 I +87 24 202 A +87 24 203 I +87 24 204 O +87 24 205 R +87 24 206 S +87 24 207 I +87 24 208 C +87 24 209 A +87 24 210 R +87 24 211 A +87 24 212 C +87 24 213 S +87 24 214 C +87 24 215 R +87 24 216 O +87 24 217 R +87 24 218 R +87 24 219 A +87 24 220 R +87 24 221 A +87 24 222 R +87 24 223 A +87 24 224 S +87 24 225 R +87 24 226 R +87 24 227 O +87 24 228 R +87 24 229 A +87 24 230 S +87 24 231 R +87 24 232 O +87 24 233 R +87 24 234 A +87 24 235 R +87 24 236 C +87 24 237 S +87 24 238 A +87 24 239 I +87 24 240 R +87 24 241 S +87 24 242 C +87 24 243 I +87 24 244 S +87 24 245 I +87 24 246 A +87 24 247 R +87 24 248 A +87 24 249 A +87 24 250 R +87 24 251 C +87 24 252 S +87 24 253 A +87 24 254 R +87 24 255 O +87 24 256 I +87 24 257 R +87 24 258 C +87 24 259 I +87 24 260 C +87 24 261 R +87 24 262 S +87 24 263 O +87 24 264 R +87 24 265 A +87 24 266 O +87 24 267 R +87 24 268 A +87 24 269 I +87 24 270 C +87 24 271 A +87 24 272 S +87 24 273 R +87 24 274 S +87 24 275 R +87 24 276 I +87 24 277 A +87 24 278 I +87 24 279 R +87 24 280 A +87 24 281 A +87 24 282 A +87 24 283 O +87 24 284 S +87 24 285 R +87 24 286 S +87 24 287 R +87 24 288 I +87 24 289 A +87 24 290 S +87 24 291 R +87 24 292 I +87 24 293 C +87 24 294 C +87 24 295 O +87 24 296 R +87 24 297 C +87 24 298 I +87 24 299 A +87 24 300 S +87 24 301 A +87 24 302 S +87 24 303 S +87 24 304 R +87 24 305 R +87 24 306 A +87 24 307 R +87 24 308 R +87 24 309 O +87 24 310 A +87 24 311 R +87 24 312 O +87 24 313 R +87 24 314 S +87 24 315 A +87 24 316 A +87 24 317 I +87 24 318 I +87 24 319 S +87 24 320 R +87 24 321 I +87 24 322 R +87 24 323 A +87 24 324 S +87 24 325 R +87 24 326 R +87 24 327 S +87 24 328 A +87 24 329 O +87 24 330 S +87 25 1 A +87 25 2 R +87 25 3 I +87 25 4 T +87 25 5 R +87 25 6 O +87 25 7 R +87 25 8 I +87 25 9 O +87 25 10 R +87 25 11 R +87 25 12 C +87 25 13 R +87 25 14 R +87 25 15 S +87 25 16 S +87 25 17 I +87 25 18 O +87 25 19 R +87 25 20 R +87 25 21 I +87 25 22 C +87 25 23 T +87 25 24 O +87 25 25 R +87 25 26 R +87 25 27 S +87 25 28 I +87 25 29 R +87 25 30 I +87 25 31 R +87 25 32 I +87 25 33 R +87 25 34 R +87 25 35 I +87 25 36 R +87 25 37 R +87 25 38 I +87 25 39 R +87 25 40 R +87 25 41 I +87 25 42 C +87 25 43 R +87 25 44 S +87 25 45 R +87 25 46 O +87 25 47 R +87 25 48 C +87 25 49 R +87 25 50 T +87 25 51 O +87 25 52 S +87 25 53 I +87 25 54 R +87 25 55 R +87 25 56 S +87 25 57 R +87 25 58 O +87 25 59 S +87 25 60 R +87 25 61 I +87 25 62 R +87 25 63 I +87 25 64 R +87 25 65 I +87 25 66 S +87 25 67 R +87 25 68 I +87 25 69 R +87 25 70 O +87 25 71 I +87 25 72 R +87 25 73 I +87 25 74 R +87 25 75 R +87 25 76 I +87 25 77 R +87 25 78 S +87 25 79 O +87 25 80 R +87 25 81 R +87 25 82 R +87 25 83 S +87 25 84 I +87 25 85 R +87 25 86 I +87 25 87 O +87 25 88 I +87 25 89 O +87 25 90 R +87 25 91 C +87 25 92 S +87 25 93 R +87 25 94 O +87 25 95 R +87 25 96 C +87 25 97 N +87 25 98 I +87 25 99 S +87 25 100 R +87 25 101 I +87 25 102 O +87 25 103 R +87 25 104 R +87 25 105 I +87 25 106 C +87 25 107 S +87 25 108 R +87 25 109 R +87 25 110 C +87 25 111 R +87 25 112 I +87 25 113 O +87 25 114 R +87 25 115 I +87 25 116 R +87 25 117 O +87 25 118 I +87 25 119 R +87 25 120 S +87 25 121 I +87 25 122 A +87 25 123 R +87 25 124 A +87 25 125 I +87 25 126 I +87 25 127 R +87 25 128 C +87 25 129 S +87 25 130 O +87 25 131 I +87 25 132 I +87 25 133 A +87 25 134 O +87 25 135 I +87 25 136 A +87 25 137 R +87 25 138 R +87 25 139 S +87 25 140 R +87 25 141 S +87 25 142 S +87 25 143 R +87 25 144 O +87 25 145 R +87 25 146 C +87 25 147 R +87 25 148 I +87 25 149 R +87 25 150 R +87 25 151 I +87 25 152 I +87 25 153 R +87 25 154 O +87 25 155 O +87 25 156 R +87 25 157 O +87 25 158 S +87 25 159 C +87 25 160 I +87 25 161 R +87 25 162 I +87 25 163 R +87 25 164 R +87 25 165 A +87 25 166 R +87 25 167 R +87 25 168 R +87 25 169 R +87 25 170 R +87 25 171 R +87 25 172 S +87 25 173 I +87 25 174 C +87 25 175 R +87 25 176 I +87 25 177 C +87 25 178 R +87 25 179 O +87 25 180 A +87 25 181 C +87 25 182 I +87 25 183 O +87 25 184 I +87 25 185 C +87 25 186 R +87 25 187 C +87 25 188 R +87 25 189 R +87 25 190 I +87 25 191 R +87 25 192 I +87 25 193 C +87 25 194 O +87 25 195 R +87 25 196 A +87 25 197 I +87 25 198 O +87 25 199 S +87 25 200 R +87 25 201 I +87 25 202 R +87 25 203 I +87 25 204 O +87 25 205 R +87 25 206 S +87 25 207 I +87 25 208 C +87 25 209 A +87 25 210 O +87 25 211 R +87 25 212 C +87 25 213 S +87 25 214 R +87 25 215 I +87 25 216 O +87 25 217 C +87 25 218 R +87 25 219 R +87 25 220 A +87 25 221 A +87 25 222 I +87 25 223 A +87 25 224 S +87 25 225 R +87 25 226 R +87 25 227 O +87 25 228 R +87 25 229 R +87 25 230 S +87 25 231 I +87 25 232 O +87 25 233 R +87 25 234 R +87 25 235 R +87 25 236 R +87 25 237 O +87 25 238 R +87 25 239 I +87 25 240 O +87 25 241 S +87 25 242 C +87 25 243 I +87 25 244 R +87 25 245 I +87 25 246 R +87 25 247 R +87 25 248 R +87 25 249 R +87 25 250 R +87 25 251 R +87 25 252 S +87 25 253 R +87 25 254 R +87 25 255 O +87 25 256 I +87 25 257 R +87 25 258 C +87 25 259 I +87 25 260 C +87 25 261 R +87 25 262 S +87 25 263 O +87 25 264 R +87 25 265 R +87 25 266 O +87 25 267 I +87 25 268 A +87 25 269 I +87 25 270 C +87 25 271 R +87 25 272 S +87 25 273 I +87 25 274 S +87 25 275 C +87 25 276 I +87 25 277 R +87 25 278 I +87 25 279 R +87 25 280 A +87 25 281 R +87 25 282 R +87 25 283 O +87 25 284 S +87 25 285 I +87 25 286 S +87 25 287 O +87 25 288 I +87 25 289 R +87 25 290 S +87 25 291 R +87 25 292 I +87 25 293 R +87 25 294 S +87 25 295 O +87 25 296 I +87 25 297 C +87 25 298 I +87 25 299 A +87 25 300 R +87 25 301 S +87 25 302 S +87 25 303 R +87 25 304 R +87 25 305 I +87 25 306 R +87 25 307 R +87 25 308 R +87 25 309 O +87 25 310 R +87 25 311 R +87 25 312 O +87 25 313 R +87 25 314 S +87 25 315 R +87 25 316 R +87 25 317 I +87 25 318 C +87 25 319 S +87 25 320 R +87 25 321 I +87 25 322 R +87 25 323 R +87 25 324 S +87 25 325 I +87 25 326 C +87 25 327 R +87 25 328 R +87 25 329 O +87 25 330 R +88 1 1 IT +88 1 2 TO +88 1 3 ET +88 1 4 EN +88 1 5 TO +88 1 6 EP +88 1 7 TO +88 1 8 ZZ +88 1 9 IM +88 1 10 IT +88 1 11 TO +88 1 12 EP +88 1 13 OO +88 1 14 TO +88 1 15 ZZ +88 1 16 EK +88 1 17 ZZ +88 1 18 TO +88 1 19 IT +88 1 20 TO +88 1 21 ET +88 1 22 EP +88 1 23 ZZ +88 1 24 NI +88 1 25 IT +88 1 26 IT +88 1 27 EP +88 1 28 ZZ +88 1 29 TO +88 1 30 EP +88 1 31 IT +88 1 32 ET +88 1 33 TO +88 1 34 IT +88 1 35 ZZ +88 1 36 TO +88 1 37 IT +88 1 38 ZZ +88 1 39 TO +88 1 40 IT +88 1 41 ET +88 1 42 EP +88 1 43 IT +88 1 44 EK +88 1 45 TO +88 1 46 IM +88 1 47 TO +88 1 48 TO +88 1 49 IT +88 1 50 IT +88 1 51 NI +88 1 52 EK +88 1 53 ZZ +88 1 54 TO +88 1 55 IT +88 1 56 EP +88 1 57 NI +88 1 58 EK +88 1 59 TO +88 1 60 IT +88 1 61 ET +88 1 62 TO +88 1 63 ZZ +88 1 64 IT +88 1 65 ZZ +88 1 66 EK +88 1 67 TO +88 1 68 ZZ +88 1 69 NI +88 1 70 EK +88 1 71 ET +88 1 72 IT +88 1 73 ZZ +88 1 74 EK +88 1 75 TO +88 1 76 IE +88 1 77 IT +88 1 78 ZZ +88 1 79 TO +88 1 80 IT +88 1 81 TO +88 1 82 EK +88 1 83 EK +88 1 84 ZZ +88 1 85 TO +88 1 86 ZZ +88 1 87 TS +88 1 88 EN +88 1 89 EN +88 1 90 EN +88 1 91 EP +88 1 92 EK +88 1 93 IT +88 1 94 TO +88 1 95 EG +88 1 96 EP +88 1 97 IT +88 1 98 ET +88 1 99 ZZ +88 1 100 IM +88 1 101 ZZ +88 1 102 EG +88 1 103 NI +88 1 104 IT +88 1 105 ET +88 1 106 EP +88 1 107 ZZ +88 1 108 IT +88 1 109 IT +88 1 110 EP +88 1 111 NI +88 1 112 ZZ +88 1 113 TO +88 1 114 IT +88 1 115 ZZ +88 1 116 EK +88 1 117 IM +88 1 118 ZZ +88 1 119 TO +88 1 120 EK +88 1 121 ZZ +88 1 122 TO +88 1 123 IT +88 1 124 EP +88 1 125 EP +88 1 126 ZZ +88 1 127 TO +88 1 128 EP +88 1 129 EK +88 1 130 TO +88 1 131 IT +88 1 132 ET +88 1 133 TO +88 1 134 IM +88 1 135 ZZ +88 1 136 IT +88 1 137 IT +88 1 138 ZZ +88 1 139 EK +88 1 140 IT +88 1 141 EK +88 1 142 EK +88 1 143 TO +88 1 144 ZZ +88 1 145 TO +88 1 146 EP +88 1 147 IT +88 1 148 ZZ +88 1 149 TO +88 1 150 ZZ +88 1 151 EP +88 1 152 ZZ +88 1 153 IT +88 1 154 EN +88 1 155 TO +88 1 156 IT +88 1 157 IM +88 1 158 EK +88 1 159 EP +88 1 160 ZZ +88 1 161 TO +88 1 162 ET +88 1 163 IT +88 1 164 IT +88 1 165 TO +88 1 166 IT +88 1 167 IT +88 1 168 TO +88 1 169 IT +88 1 170 TO +88 1 171 TO +88 1 172 IT +88 1 173 ZZ +88 1 174 EP +88 1 175 IT +88 1 176 ZZ +88 1 177 EP +88 1 178 IT +88 1 179 ET +88 1 180 TO +88 1 181 EP +88 1 182 ZZ +88 1 183 EP +88 1 184 ZZ +88 1 185 ZZ +88 1 186 AA +88 1 187 EP +88 1 188 IT +88 1 189 IT +88 1 190 ZZ +88 1 191 TO +88 1 192 ZZ +88 1 193 EP +88 1 194 ET +88 1 195 TO +88 1 196 IT +88 1 197 ZZ +88 1 198 TO +88 1 199 EK +88 1 200 IT +88 1 201 EP +88 1 202 TO +88 1 203 ZZ +88 1 204 TO +88 1 205 IT +88 1 206 EK +88 1 207 ZZ +88 1 208 LO +88 1 209 IT +88 1 210 ET +88 1 211 AA +88 1 212 EP +88 1 213 IT +88 1 214 TO +88 1 215 ZZ +88 1 216 NI +88 1 217 ET +88 1 218 TO +88 1 219 EK +88 1 220 IT +88 1 221 EK +88 1 222 ZZ +88 1 223 TO +88 1 224 EK +88 1 225 TO +88 1 226 IT +88 1 227 TO +88 1 228 IT +88 1 229 TO +88 1 230 ZZ +88 1 231 IT +88 1 232 TO +88 1 233 IT +88 1 234 TO +88 1 235 IT +88 1 236 EP +88 1 237 EP +88 1 238 IT +88 1 239 ZZ +88 1 240 EN +88 1 241 EK +88 1 242 EP +88 1 243 ZZ +88 1 244 EK +88 1 245 ET +88 1 246 IT +88 1 247 ZZ +88 1 248 TO +88 1 249 TO +88 1 250 IT +88 1 251 TO +88 1 252 EK +88 1 253 TO +88 1 254 IT +88 1 255 TO +88 1 256 ZZ +88 1 257 IT +88 1 258 EP +88 1 259 ET +88 1 260 EP +88 1 261 EP +88 1 262 EK +88 1 263 IM +88 1 264 AA +88 1 265 TO +88 1 266 IM +88 1 267 IT +88 1 268 TO +88 1 269 ET +88 1 270 EP +88 1 271 TO +88 1 272 EK +88 1 273 ET +88 1 274 EK +88 1 275 EP +88 1 276 ET +88 1 277 IT +88 1 278 ZZ +88 1 279 IT +88 1 280 TO +88 1 281 IT +88 1 282 TO +88 1 283 ET +88 1 284 EK +88 1 285 ZZ +88 1 286 EK +88 1 287 TO +88 1 288 ET +88 1 289 IT +88 1 290 EK +88 1 291 IT +88 1 292 ZZ +88 1 293 TO +88 1 294 EK +88 1 295 IM +88 1 296 IT +88 1 297 EP +88 1 298 ET +88 1 299 TO +88 1 300 EK +88 1 301 TO +88 1 302 EK +88 1 303 IT +88 1 304 TO +88 1 305 IT +88 1 306 TO +88 1 307 AA +88 1 308 IT +88 1 309 NI +88 1 310 TO +88 1 311 IT +88 1 312 EN +88 1 313 IT +88 1 314 EK +88 1 315 TO +88 1 316 TO +88 1 317 ZZ +88 1 318 EP +88 1 319 EK +88 1 320 NI +88 1 321 ET +88 1 322 TO +88 1 323 EK +88 1 324 IT +88 1 325 ZZ +88 1 326 EP +88 1 327 EK +88 1 328 TO +88 1 329 TO +88 1 330 EK +88 2 1 IT +88 2 2 TO +88 2 3 EP +88 2 4 IT +88 2 5 TO +88 2 6 TO +88 2 7 ET +88 2 8 BR +88 2 9 IT +88 2 10 IT +88 2 11 TO +88 2 12 TO +88 2 13 TO +88 2 14 IT +88 2 15 PI +88 2 16 EG +88 2 17 ET +88 2 18 EN +88 2 19 IT +88 2 20 TO +88 2 21 ET +88 2 22 EP +88 2 23 IT +88 2 24 BR +88 2 25 TO +88 2 26 IT +88 2 27 EP +88 2 28 ET +88 2 29 TO +88 2 30 BR +88 2 31 IT +88 2 32 ET +88 2 33 TO +88 2 34 IT +88 2 35 ET +88 2 36 TO +88 2 37 IT +88 2 38 ET +88 2 39 TO +88 2 40 IT +88 2 41 ET +88 2 42 EP +88 2 43 IT +88 2 44 EK +88 2 45 TO +88 2 46 IM +88 2 47 TO +88 2 48 EP +88 2 49 IT +88 2 50 ET +88 2 51 * +88 2 52 EG +88 2 53 ET +88 2 54 TO +88 2 55 IT +88 2 56 OR +88 2 57 TO +88 2 58 EP +88 2 59 IT +88 2 60 TO +88 2 61 ET +88 2 62 IT +88 2 63 ET +88 2 64 IT +88 2 65 ET +88 2 66 EK +88 2 67 TO +88 2 68 ET +88 2 69 TO +88 2 70 IT +88 2 71 ET +88 2 72 TO +88 2 73 ET +88 2 74 TO +88 2 75 TO +88 2 76 ET +88 2 77 IT +88 2 78 EK +88 2 79 EN +88 2 80 IT +88 2 81 TO +88 2 82 TO +88 2 83 EK +88 2 84 ET +88 2 85 TO +88 2 86 ET +88 2 87 EN +88 2 88 ET +88 2 89 EN +88 2 90 TO +88 2 91 TO +88 2 92 EK +88 2 93 IT +88 2 94 EN +88 2 95 TO +88 2 96 EP +88 2 97 IT +88 2 98 ET +88 2 99 EK +88 2 100 TO +88 2 101 ET +88 2 102 EK +88 2 103 TO +88 2 104 IT +88 2 105 ET +88 2 106 EK +88 2 107 EK +88 2 108 IT +88 2 109 IT +88 2 110 EP +88 2 111 TO +88 2 112 ET +88 2 113 EN +88 2 114 TO +88 2 115 ET +88 2 116 IT +88 2 117 EN +88 2 118 ET +88 2 119 TO +88 2 120 EK +88 2 121 ET +88 2 122 TO +88 2 123 IT +88 2 124 TO +88 2 125 ET +88 2 126 ET +88 2 127 TO +88 2 128 TO +88 2 129 EK +88 2 130 TO +88 2 131 IT +88 2 132 ET +88 2 133 TO +88 2 134 EN +88 2 135 ET +88 2 136 IT +88 2 137 TO +88 2 138 IT +88 2 139 EK +88 2 140 IT +88 2 141 EK +88 2 142 EK +88 2 143 TO +88 2 144 IT +88 2 145 TO +88 2 146 EP +88 2 147 TO +88 2 148 ET +88 2 149 TO +88 2 150 IT +88 2 151 ET +88 2 152 IT +88 2 153 IT +88 2 154 EN +88 2 155 BR +88 2 156 TO +88 2 157 BR +88 2 158 EK +88 2 159 EP +88 2 160 ET +88 2 161 TO +88 2 162 ET +88 2 163 TO +88 2 164 IT +88 2 165 TO +88 2 166 IT +88 2 167 IT +88 2 168 TO +88 2 169 IT +88 2 170 TO +88 2 171 TO +88 2 172 EK +88 2 173 ET +88 2 174 EP +88 2 175 IT +88 2 176 ET +88 2 177 EP +88 2 178 IT +88 2 179 ET +88 2 180 TO +88 2 181 EP +88 2 182 ET +88 2 183 BR +88 2 184 IT +88 2 185 EP +88 2 186 IT +88 2 187 EP +88 2 188 IT +88 2 189 IT +88 2 190 EK +88 2 191 TO +88 2 192 IT +88 2 193 TO +88 2 194 ET +88 2 195 TO +88 2 196 TO +88 2 197 IT +88 2 198 EN +88 2 199 EG +88 2 200 IT +88 2 201 ET +88 2 202 TO +88 2 203 ET +88 2 204 EN +88 2 205 IT +88 2 206 EK +88 2 207 ET +88 2 208 EP +88 2 209 TO +88 2 210 ET +88 2 211 IT +88 2 212 EP +88 2 213 IM +88 2 214 TO +88 2 215 TO +88 2 216 ET +88 2 217 ET +88 2 218 ET +88 2 219 TO +88 2 220 IT +88 2 221 EK +88 2 222 ET +88 2 223 TO +88 2 224 EK +88 2 225 TO +88 2 226 IT +88 2 227 EN +88 2 228 IT +88 2 229 TO +88 2 230 EK +88 2 231 ET +88 2 232 BR +88 2 233 IT +88 2 234 TO +88 2 235 IT +88 2 236 TO +88 2 237 IT +88 2 238 TO +88 2 239 ET +88 2 240 ET +88 2 241 EK +88 2 242 EP +88 2 243 EN +88 2 244 IT +88 2 245 ET +88 2 246 TO +88 2 247 IT +88 2 248 TO +88 2 249 TO +88 2 250 IT +88 2 251 TO +88 2 252 EK +88 2 253 TO +88 2 254 IT +88 2 255 EN +88 2 256 ET +88 2 257 TO +88 2 258 EP +88 2 259 ET +88 2 260 EP +88 2 261 ET +88 2 262 EK +88 2 263 IM +88 2 264 EN +88 2 265 TO +88 2 266 ET +88 2 267 ET +88 2 268 TO +88 2 269 ET +88 2 270 IT +88 2 271 TO +88 2 272 EK +88 2 273 ET +88 2 274 EK +88 2 275 TO +88 2 276 ET +88 2 277 TO +88 2 278 ET +88 2 279 IT +88 2 280 TO +88 2 281 TO +88 2 282 TO +88 2 283 BR +88 2 284 EK +88 2 285 ET +88 2 286 EK +88 2 287 EP +88 2 288 ET +88 2 289 TO +88 2 290 EK +88 2 291 IT +88 2 292 ET +88 2 293 TO +88 2 294 EK +88 2 295 BR +88 2 296 ET +88 2 297 EP +88 2 298 ET +88 2 299 TO +88 2 300 IM +88 2 301 TO +88 2 302 EK +88 2 303 IM +88 2 304 TO +88 2 305 ET +88 2 306 TO +88 2 307 IT +88 2 308 IT +88 2 309 EN +88 2 310 TO +88 2 311 IT +88 2 312 EN +88 2 313 IT +88 2 314 EK +88 2 315 TO +88 2 316 TO +88 2 317 ET +88 2 318 EP +88 2 319 EK +88 2 320 TO +88 2 321 ET +88 2 322 IT +88 2 323 TO +88 2 324 EK +88 2 325 IT +88 2 326 EP +88 2 327 IT +88 2 328 TO +88 2 329 EP +88 2 330 EK +88 3 1 IT +88 3 2 TO +88 3 3 ET +88 3 4 ZZ +88 3 5 TO +88 3 6 ZZ +88 3 7 TO +88 3 8 ZZ +88 3 9 EP +88 3 10 IT +88 3 11 TO +88 3 12 EP +88 3 13 TO +88 3 14 IM +88 3 15 ZZ +88 3 16 IM +88 3 17 ET +88 3 18 EN +88 3 19 IT +88 3 20 TO +88 3 21 ZZ +88 3 22 EP +88 3 23 ZZ +88 3 24 EP +88 3 25 IT +88 3 26 IT +88 3 27 EP +88 3 28 ZZ +88 3 29 TO +88 3 30 EP +88 3 31 IM +88 3 32 ZZ +88 3 33 TO +88 3 34 IT +88 3 35 ET +88 3 36 IT +88 3 37 IT +88 3 38 ZZ +88 3 39 TO +88 3 40 IT +88 3 41 ET +88 3 42 ET +88 3 43 IT +88 3 44 ZZ +88 3 45 TO +88 3 46 IM +88 3 47 EN +88 3 48 ET +88 3 49 IT +88 3 50 ET +88 3 51 EP +88 3 52 IM +88 3 53 ET +88 3 54 TO +88 3 55 IT +88 3 56 ZZ +88 3 57 IM +88 3 58 EP +88 3 59 ZZ +88 3 60 EN +88 3 61 ET +88 3 62 IM +88 3 63 ET +88 3 64 IT +88 3 65 ZZ +88 3 66 EP +88 3 67 TO +88 3 68 ZZ +88 3 69 EP +88 3 70 IM +88 3 71 ET +88 3 72 TO +88 3 73 ZZ +88 3 74 IM +88 3 75 EN +88 3 76 ET +88 3 77 IT +88 3 78 ZZ +88 3 79 EP +88 3 80 IT +88 3 81 TO +88 3 82 TO +88 3 83 EP +88 3 84 ZZ +88 3 85 TO +88 3 86 ZZ +88 3 87 EN +88 3 88 ET +88 3 89 EN +88 3 90 IT +88 3 91 TO +88 3 92 EP +88 3 93 IT +88 3 94 EN +88 3 95 EK +88 3 96 EP +88 3 97 IT +88 3 98 ET +88 3 99 ZZ +88 3 100 TO +88 3 101 ZZ +88 3 102 IM +88 3 103 EP +88 3 104 IT +88 3 105 ZZ +88 3 106 EP +88 3 107 EK +88 3 108 IT +88 3 109 IT +88 3 110 EP +88 3 111 EP +88 3 112 ZZ +88 3 113 EN +88 3 114 IT +88 3 115 ZZ +88 3 116 IM +88 3 117 EP +88 3 118 ZZ +88 3 119 TO +88 3 120 EK +88 3 121 EP +88 3 122 TO +88 3 123 IT +88 3 124 TO +88 3 125 EP +88 3 126 ZZ +88 3 127 EN +88 3 128 EP +88 3 129 ZZ +88 3 130 EN +88 3 131 ET +88 3 132 ET +88 3 133 TO +88 3 134 EP +88 3 135 ZZ +88 3 136 IT +88 3 137 TO +88 3 138 IT +88 3 139 ZZ +88 3 140 IT +88 3 141 EK +88 3 142 IM +88 3 143 TO +88 3 144 EN +88 3 145 TO +88 3 146 EP +88 3 147 TO +88 3 148 ET +88 3 149 TO +88 3 150 ET +88 3 151 EP +88 3 152 ZZ +88 3 153 IT +88 3 154 IM +88 3 155 EP +88 3 156 TO +88 3 157 EP +88 3 158 EK +88 3 159 EP +88 3 160 ZZ +88 3 161 TO +88 3 162 ZZ +88 3 163 IT +88 3 164 IT +88 3 165 IT +88 3 166 IT +88 3 167 IM +88 3 168 TO +88 3 169 IT +88 3 170 EN +88 3 171 TO +88 3 172 EK +88 3 173 ET +88 3 174 EP +88 3 175 IM +88 3 176 ET +88 3 177 ET +88 3 178 IT +88 3 179 ET +88 3 180 TO +88 3 181 EP +88 3 182 ET +88 3 183 EP +88 3 184 ZZ +88 3 185 EP +88 3 186 IT +88 3 187 EP +88 3 188 IT +88 3 189 IM +88 3 190 ZZ +88 3 191 TO +88 3 192 ZZ +88 3 193 EP +88 3 194 ET +88 3 195 TO +88 3 196 IT +88 3 197 ZZ +88 3 198 EN +88 3 199 IM +88 3 200 IT +88 3 201 ZZ +88 3 202 TO +88 3 203 ZZ +88 3 204 EN +88 3 205 IT +88 3 206 EP +88 3 207 ZZ +88 3 208 EP +88 3 209 IT +88 3 210 ET +88 3 211 IT +88 3 212 EP +88 3 213 ZZ +88 3 214 TO +88 3 215 ZZ +88 3 216 EN +88 3 217 ET +88 3 218 ET +88 3 219 IM +88 3 220 ZZ +88 3 221 TO +88 3 222 ZZ +88 3 223 TO +88 3 224 ZZ +88 3 225 EP +88 3 226 IT +88 3 227 EN +88 3 228 IT +88 3 229 TO +88 3 230 ZZ +88 3 231 ZZ +88 3 232 EP +88 3 233 IM +88 3 234 TO +88 3 235 IT +88 3 236 TO +88 3 237 EP +88 3 238 TO +88 3 239 ZZ +88 3 240 EP +88 3 241 EK +88 3 242 EP +88 3 243 ET +88 3 244 IM +88 3 245 ET +88 3 246 TO +88 3 247 ZZ +88 3 248 IT +88 3 249 IT +88 3 250 ET +88 3 251 TO +88 3 252 EP +88 3 253 TO +88 3 254 IM +88 3 255 EN +88 3 256 EP +88 3 257 IT +88 3 258 EP +88 3 259 EP +88 3 260 EP +88 3 261 ET +88 3 262 EK +88 3 263 IM +88 3 264 IM +88 3 265 TO +88 3 266 EP +88 3 267 ZZ +88 3 268 TO +88 3 269 ZZ +88 3 270 EP +88 3 271 TO +88 3 272 IM +88 3 273 ZZ +88 3 274 EK +88 3 275 EP +88 3 276 ZZ +88 3 277 IT +88 3 278 EP +88 3 279 IT +88 3 280 TO +88 3 281 TO +88 3 282 TO +88 3 283 EP +88 3 284 IM +88 3 285 ZZ +88 3 286 EK +88 3 287 EP +88 3 288 ET +88 3 289 TO +88 3 290 ZZ +88 3 291 IT +88 3 292 ZZ +88 3 293 TO +88 3 294 IM +88 3 295 EP +88 3 296 IT +88 3 297 EP +88 3 298 ET +88 3 299 TO +88 3 300 IM +88 3 301 TO +88 3 302 ZZ +88 3 303 IM +88 3 304 TO +88 3 305 ET +88 3 306 TO +88 3 307 IT +88 3 308 ZZ +88 3 309 EP +88 3 310 TO +88 3 311 IT +88 3 312 EN +88 3 313 IT +88 3 314 ZZ +88 3 315 TO +88 3 316 TO +88 3 317 ET +88 3 318 EP +88 3 319 EP +88 3 320 EP +88 3 321 ET +88 3 322 IT +88 3 323 IT +88 3 324 EP +88 3 325 ET +88 3 326 EP +88 3 327 IM +88 3 328 TO +88 3 329 EP +88 3 330 TO +88 4 1 IT +88 4 2 IT +88 4 3 ET +88 4 4 IT +88 4 5 TO +88 4 6 IM +88 4 7 TO +88 4 8 ZZ +88 4 9 IM +88 4 10 IT +88 4 11 IM +88 4 12 EP +88 4 13 TO +88 4 14 IM +88 4 15 ZZ +88 4 16 EK +88 4 17 ZZ +88 4 18 EN +88 4 19 IT +88 4 20 TO +88 4 21 ZZ +88 4 22 EP +88 4 23 IT +88 4 24 EN +88 4 25 IT +88 4 26 IT +88 4 27 IM +88 4 28 ZZ +88 4 29 TO +88 4 30 EP +88 4 31 IT +88 4 32 ZZ +88 4 33 TO +88 4 34 IT +88 4 35 ZZ +88 4 36 TO +88 4 37 IT +88 4 38 ZZ +88 4 39 TO +88 4 40 IT +88 4 41 ZZ +88 4 42 EP +88 4 43 IM +88 4 44 EK +88 4 45 TO +88 4 46 IM +88 4 47 TO +88 4 48 EP +88 4 49 IT +88 4 50 IM +88 4 51 EP +88 4 52 EK +88 4 53 ZZ +88 4 54 TO +88 4 55 IT +88 4 56 ZZ +88 4 57 IT +88 4 58 IM +88 4 59 ZZ +88 4 60 IT +88 4 61 ZZ +88 4 62 IT +88 4 63 ZZ +88 4 64 IT +88 4 65 ZZ +88 4 66 EK +88 4 67 TO +88 4 68 ZZ +88 4 69 IM +88 4 70 * +88 4 71 IT +88 4 72 TO +88 4 73 IT +88 4 74 IT +88 4 75 IT +88 4 76 * +88 4 77 IT +88 4 78 ZZ +88 4 79 EN +88 4 80 IT +88 4 81 TO +88 4 82 TO +88 4 83 IM +88 4 84 ZZ +88 4 85 TO +88 4 86 ZZ +88 4 87 EN +88 4 88 ZZ +88 4 89 EN +88 4 90 * +88 4 91 TO +88 4 92 IM +88 4 93 IT +88 4 94 EN +88 4 95 EK +88 4 96 EP +88 4 97 IT +88 4 98 ZZ +88 4 99 ZZ +88 4 100 TO +88 4 101 ZZ +88 4 102 IM +88 4 103 TO +88 4 104 IT +88 4 105 ZZ +88 4 106 EP +88 4 107 EK +88 4 108 EK +88 4 109 IT +88 4 110 EP +88 4 111 IT +88 4 112 ZZ +88 4 113 EN +88 4 114 IT +88 4 115 ZZ +88 4 116 EK +88 4 117 EN +88 4 118 ZZ +88 4 119 TO +88 4 120 EK +88 4 121 ZZ +88 4 122 TO +88 4 123 IT +88 4 124 TO +88 4 125 ET +88 4 126 ZZ +88 4 127 EK +88 4 128 EP +88 4 129 EK +88 4 130 IT +88 4 131 IT +88 4 132 ET +88 4 133 TO +88 4 134 EN +88 4 135 IT +88 4 136 TO +88 4 137 TO +88 4 138 IT +88 4 139 IM +88 4 140 IT +88 4 141 EK +88 4 142 EK +88 4 143 TO +88 4 144 IT +88 4 145 TO +88 4 146 EP +88 4 147 TO +88 4 148 ET +88 4 149 TO +88 4 150 IT +88 4 151 ZZ +88 4 152 ZZ +88 4 153 IT +88 4 154 EN +88 4 155 EN +88 4 156 TO +88 4 157 EP +88 4 158 EK +88 4 159 EP +88 4 160 ZZ +88 4 161 TO +88 4 162 ET +88 4 163 TO +88 4 164 IT +88 4 165 TO +88 4 166 IT +88 4 167 IM +88 4 168 TO +88 4 169 IT +88 4 170 IT +88 4 171 TO +88 4 172 EK +88 4 173 ZZ +88 4 174 EP +88 4 175 IT +88 4 176 ZZ +88 4 177 EP +88 4 178 IT +88 4 179 IT +88 4 180 TO +88 4 181 EP +88 4 182 IT +88 4 183 EN +88 4 184 IT +88 4 185 EP +88 4 186 TO +88 4 187 EP +88 4 188 IT +88 4 189 IT +88 4 190 ZZ +88 4 191 TO +88 4 192 IT +88 4 193 EP +88 4 194 IT +88 4 195 TO +88 4 196 TO +88 4 197 IT +88 4 198 EN +88 4 199 EK +88 4 200 IT +88 4 201 ZZ +88 4 202 TO +88 4 203 ZZ +88 4 204 EN +88 4 205 IT +88 4 206 EK +88 4 207 ZZ +88 4 208 EP +88 4 209 IT +88 4 210 IT +88 4 211 IT +88 4 212 EP +88 4 213 IT +88 4 214 TO +88 4 215 ZZ +88 4 216 IT +88 4 217 ZZ +88 4 218 IM +88 4 219 EK +88 4 220 IT +88 4 221 EK +88 4 222 IT +88 4 223 TO +88 4 224 EK +88 4 225 IM +88 4 226 TO +88 4 227 EN +88 4 228 IT +88 4 229 IT +88 4 230 EK +88 4 231 ZZ +88 4 232 EP +88 4 233 IT +88 4 234 TO +88 4 235 IT +88 4 236 TO +88 4 237 ZZ +88 4 238 TO +88 4 239 ZZ +88 4 240 EP +88 4 241 EK +88 4 242 EP +88 4 243 IT +88 4 244 EK +88 4 245 ZZ +88 4 246 IT +88 4 247 IT +88 4 248 EN +88 4 249 IT +88 4 250 IT +88 4 251 TO +88 4 252 EK +88 4 253 TO +88 4 254 IT +88 4 255 EN +88 4 256 ZZ +88 4 257 IT +88 4 258 EP +88 4 259 ZZ +88 4 260 EP +88 4 261 EP +88 4 262 EK +88 4 263 EK +88 4 264 EK +88 4 265 TO +88 4 266 EP +88 4 267 IT +88 4 268 TO +88 4 269 ZZ +88 4 270 EP +88 4 271 TO +88 4 272 EK +88 4 273 ZZ +88 4 274 EK +88 4 275 EP +88 4 276 ZZ +88 4 277 IT +88 4 278 ZZ +88 4 279 IT +88 4 280 TO +88 4 281 TO +88 4 282 TO +88 4 283 EP +88 4 284 EK +88 4 285 ZZ +88 4 286 EK +88 4 287 EP +88 4 288 ZZ +88 4 289 TO +88 4 290 EK +88 4 291 IT +88 4 292 ZZ +88 4 293 EK +88 4 294 EK +88 4 295 EP +88 4 296 IT +88 4 297 EP +88 4 298 ZZ +88 4 299 TO +88 4 300 EK +88 4 301 TO +88 4 302 EK +88 4 303 IT +88 4 304 TO +88 4 305 IT +88 4 306 TO +88 4 307 IT +88 4 308 IT +88 4 309 EN +88 4 310 TO +88 4 311 IT +88 4 312 EN +88 4 313 IT +88 4 314 EK +88 4 315 TO +88 4 316 TO +88 4 317 ZZ +88 4 318 ZZ +88 4 319 EK +88 4 320 TO +88 4 321 ZZ +88 4 322 IT +88 4 323 IT +88 4 324 EK +88 4 325 IT +88 4 326 EP +88 4 327 EK +88 4 328 TO +88 4 329 EP +88 4 330 EK +88 5 1 IT +88 5 2 TO +88 5 3 ET +88 5 4 ZZ +88 5 5 TO +88 5 6 EP +88 5 7 TO +88 5 8 ET +88 5 9 EP +88 5 10 IT +88 5 11 TO +88 5 12 EP +88 5 13 TO +88 5 14 IT +88 5 15 ZZ +88 5 16 EK +88 5 17 ET +88 5 18 EN +88 5 19 IT +88 5 20 TO +88 5 21 ET +88 5 22 EP +88 5 23 IT +88 5 24 TO +88 5 25 TO +88 5 26 IT +88 5 27 EK +88 5 28 ZZ +88 5 29 TO +88 5 30 EP +88 5 31 IM +88 5 32 ZZ +88 5 33 TO +88 5 34 IT +88 5 35 ET +88 5 36 TO +88 5 37 IT +88 5 38 ET +88 5 39 TO +88 5 40 IT +88 5 41 ET +88 5 42 EP +88 5 43 IT +88 5 44 EK +88 5 45 TO +88 5 46 IM +88 5 47 TO +88 5 48 EP +88 5 49 IT +88 5 50 IT +88 5 51 EP +88 5 52 EK +88 5 53 ET +88 5 54 TO +88 5 55 IT +88 5 56 EP +88 5 57 TO +88 5 58 EP +88 5 59 EK +88 5 60 TO +88 5 61 ET +88 5 62 IT +88 5 63 ET +88 5 64 IT +88 5 65 ET +88 5 66 EK +88 5 67 TO +88 5 68 ZZ +88 5 69 TO +88 5 70 EK +88 5 71 ET +88 5 72 TO +88 5 73 ZZ +88 5 74 IT +88 5 75 TO +88 5 76 IE +88 5 77 IT +88 5 78 EK +88 5 79 EN +88 5 80 IT +88 5 81 TO +88 5 82 IT +88 5 83 EP +88 5 84 ZZ +88 5 85 TO +88 5 86 ZZ +88 5 87 TO +88 5 88 ZZ +88 5 89 TO +88 5 90 TO +88 5 91 EP +88 5 92 EK +88 5 93 IT +88 5 94 EN +88 5 95 EK +88 5 96 ZZ +88 5 97 EP +88 5 98 ET +88 5 99 ZZ +88 5 100 TO +88 5 101 ET +88 5 102 IT +88 5 103 TO +88 5 104 IT +88 5 105 ZZ +88 5 106 EP +88 5 107 EK +88 5 108 EK +88 5 109 IT +88 5 110 EP +88 5 111 TO +88 5 112 ET +88 5 113 EN +88 5 114 TO +88 5 115 ET +88 5 116 IT +88 5 117 ET +88 5 118 ZZ +88 5 119 TO +88 5 120 EK +88 5 121 ET +88 5 122 TO +88 5 123 IT +88 5 124 EP +88 5 125 ET +88 5 126 ZZ +88 5 127 TO +88 5 128 EP +88 5 129 EK +88 5 130 TO +88 5 131 ET +88 5 132 ET +88 5 133 TO +88 5 134 ET +88 5 135 ZZ +88 5 136 IT +88 5 137 TO +88 5 138 IT +88 5 139 EK +88 5 140 IT +88 5 141 EK +88 5 142 EK +88 5 143 TO +88 5 144 IT +88 5 145 TO +88 5 146 EP +88 5 147 TO +88 5 148 ET +88 5 149 TO +88 5 150 IT +88 5 151 ZZ +88 5 152 ZZ +88 5 153 IT +88 5 154 IM +88 5 155 TO +88 5 156 TO +88 5 157 EP +88 5 158 EK +88 5 159 EP +88 5 160 ZZ +88 5 161 IT +88 5 162 ET +88 5 163 IT +88 5 164 IT +88 5 165 TO +88 5 166 IT +88 5 167 ZZ +88 5 168 TO +88 5 169 IT +88 5 170 TO +88 5 171 TO +88 5 172 EK +88 5 173 ET +88 5 174 EP +88 5 175 IT +88 5 176 ET +88 5 177 EP +88 5 178 IT +88 5 179 ET +88 5 180 TO +88 5 181 EP +88 5 182 ET +88 5 183 EP +88 5 184 IT +88 5 185 EP +88 5 186 IT +88 5 187 EP +88 5 188 IT +88 5 189 IT +88 5 190 ZZ +88 5 191 TO +88 5 192 ZZ +88 5 193 EP +88 5 194 ET +88 5 195 TO +88 5 196 IT +88 5 197 ZZ +88 5 198 TO +88 5 199 EK +88 5 200 IT +88 5 201 ZZ +88 5 202 TO +88 5 203 ET +88 5 204 EN +88 5 205 IT +88 5 206 EK +88 5 207 ET +88 5 208 EP +88 5 209 TO +88 5 210 ET +88 5 211 IT +88 5 212 EP +88 5 213 IT +88 5 214 EP +88 5 215 ZZ +88 5 216 TO +88 5 217 ZZ +88 5 218 TO +88 5 219 EK +88 5 220 IT +88 5 221 EK +88 5 222 IT +88 5 223 TO +88 5 224 EK +88 5 225 TO +88 5 226 IT +88 5 227 TO +88 5 228 IT +88 5 229 TO +88 5 230 EK +88 5 231 ZZ +88 5 232 TO +88 5 233 ZZ +88 5 234 TO +88 5 235 IT +88 5 236 TO +88 5 237 ZZ +88 5 238 TO +88 5 239 ZZ +88 5 240 ET +88 5 241 EK +88 5 242 EP +88 5 243 ET +88 5 244 EK +88 5 245 ET +88 5 246 TO +88 5 247 ZZ +88 5 248 TO +88 5 249 TO +88 5 250 IT +88 5 251 TO +88 5 252 EK +88 5 253 TO +88 5 254 IT +88 5 255 ET +88 5 256 ZZ +88 5 257 IT +88 5 258 EP +88 5 259 ET +88 5 260 EP +88 5 261 EP +88 5 262 EK +88 5 263 IM +88 5 264 IT +88 5 265 TO +88 5 266 EP +88 5 267 ET +88 5 268 TO +88 5 269 ET +88 5 270 EP +88 5 271 TO +88 5 272 EK +88 5 273 ZZ +88 5 274 EK +88 5 275 EP +88 5 276 ET +88 5 277 IT +88 5 278 ET +88 5 279 IT +88 5 280 IT +88 5 281 TO +88 5 282 TO +88 5 283 ET +88 5 284 EK +88 5 285 ZZ +88 5 286 EK +88 5 287 EP +88 5 288 ET +88 5 289 TO +88 5 290 EK +88 5 291 IT +88 5 292 ZZ +88 5 293 TO +88 5 294 EK +88 5 295 EP +88 5 296 IT +88 5 297 EP +88 5 298 ET +88 5 299 TO +88 5 300 IM +88 5 301 TO +88 5 302 EK +88 5 303 IM +88 5 304 TO +88 5 305 ET +88 5 306 TO +88 5 307 IT +88 5 308 ZZ +88 5 309 TO +88 5 310 TO +88 5 311 IT +88 5 312 EN +88 5 313 IT +88 5 314 EK +88 5 315 TO +88 5 316 TO +88 5 317 ET +88 5 318 EP +88 5 319 EK +88 5 320 TO +88 5 321 ET +88 5 322 IT +88 5 323 TO +88 5 324 EK +88 5 325 ZZ +88 5 326 EP +88 5 327 EK +88 5 328 TO +88 5 329 EP +88 5 330 EK +88 6 1 TO +88 6 2 IT +88 6 3 ET +88 6 4 IM +88 6 5 IT +88 6 6 ZZ +88 6 7 IT +88 6 8 TO +88 6 9 * +88 6 10 * +88 6 11 IT +88 6 12 EP +88 6 13 IT +88 6 14 * +88 6 15 * +88 6 16 EK +88 6 17 ZZ +88 6 18 EN +88 6 19 * +88 6 20 IT +88 6 21 * +88 6 22 * +88 6 23 TO +88 6 24 EN +88 6 25 * +88 6 26 * +88 6 27 EK +88 6 28 * +88 6 29 TO +88 6 30 * +88 6 31 * +88 6 32 * +88 6 33 IT +88 6 34 * +88 6 35 * +88 6 36 IT +88 6 37 * +88 6 38 ET +88 6 39 TO +88 6 40 * +88 6 41 ET +88 6 42 * +88 6 43 * +88 6 44 EK +88 6 45 IT +88 6 46 * +88 6 47 IT +88 6 48 * +88 6 49 * +88 6 50 * +88 6 51 * +88 6 52 * +88 6 53 * +88 6 54 IT +88 6 55 * +88 6 56 * +88 6 57 * +88 6 58 * +88 6 59 * +88 6 60 EN +88 6 61 ET +88 6 62 ZZ +88 6 63 * +88 6 64 * +88 6 65 ET +88 6 66 EK +88 6 67 IT +88 6 68 * +88 6 69 TO +88 6 70 EK +88 6 71 * +88 6 72 IT +88 6 73 * +88 6 74 * +88 6 75 IT +88 6 76 ET +88 6 77 * +88 6 78 * +88 6 79 EN +88 6 80 * +88 6 81 IT +88 6 82 IT +88 6 83 EK +88 6 84 * +88 6 85 IT +88 6 86 * +88 6 87 EN +88 6 88 * +88 6 89 EN +88 6 90 IT +88 6 91 ZZ +88 6 92 EK +88 6 93 * +88 6 94 EN +88 6 95 * +88 6 96 ZZ +88 6 97 * +88 6 98 ET +88 6 99 * +88 6 100 * +88 6 101 ET +88 6 102 * +88 6 103 * +88 6 104 * +88 6 105 * +88 6 106 * +88 6 107 EK +88 6 108 * +88 6 109 * +88 6 110 * +88 6 111 IT +88 6 112 ET +88 6 113 EN +88 6 114 * +88 6 115 ET +88 6 116 * +88 6 117 * +88 6 118 * +88 6 119 IT +88 6 120 EK +88 6 121 ET +88 6 122 IT +88 6 123 * +88 6 124 IT +88 6 125 * +88 6 126 * +88 6 127 IT +88 6 128 * +88 6 129 EK +88 6 130 IT +88 6 131 * +88 6 132 ET +88 6 133 IT +88 6 134 * +88 6 135 * +88 6 136 * +88 6 137 IT +88 6 138 * +88 6 139 EK +88 6 140 * +88 6 141 EK +88 6 142 EK +88 6 143 IT +88 6 144 * +88 6 145 * +88 6 146 * +88 6 147 * +88 6 148 ET +88 6 149 IT +88 6 150 * +88 6 151 * +88 6 152 * +88 6 153 * +88 6 154 EN +88 6 155 IT +88 6 156 IT +88 6 157 * +88 6 158 EK +88 6 159 * +88 6 160 * +88 6 161 TO +88 6 162 ET +88 6 163 * +88 6 164 * +88 6 165 TO +88 6 166 * +88 6 167 * +88 6 168 TO +88 6 169 * +88 6 170 IT +88 6 171 * +88 6 172 EK +88 6 173 * +88 6 174 * +88 6 175 * +88 6 176 * +88 6 177 EP +88 6 178 * +88 6 179 * +88 6 180 IT +88 6 181 * +88 6 182 * +88 6 183 * +88 6 184 * +88 6 185 * +88 6 186 * +88 6 187 * +88 6 188 * +88 6 189 EK +88 6 190 * +88 6 191 IT +88 6 192 * +88 6 193 * +88 6 194 * +88 6 195 IT +88 6 196 IT +88 6 197 * +88 6 198 EN +88 6 199 EK +88 6 200 * +88 6 201 * +88 6 202 IT +88 6 203 * +88 6 204 * +88 6 205 * +88 6 206 EK +88 6 207 ET +88 6 208 * +88 6 209 IT +88 6 210 * +88 6 211 * +88 6 212 * +88 6 213 * +88 6 214 IT +88 6 215 * +88 6 216 IT +88 6 217 * +88 6 218 * +88 6 219 EK +88 6 220 * +88 6 221 EK +88 6 222 * +88 6 223 IT +88 6 224 EK +88 6 225 * +88 6 226 * +88 6 227 EN +88 6 228 * +88 6 229 * +88 6 230 * +88 6 231 * +88 6 232 * +88 6 233 * +88 6 234 IT +88 6 235 * +88 6 236 IT +88 6 237 * +88 6 238 * +88 6 239 * +88 6 240 * +88 6 241 EK +88 6 242 * +88 6 243 * +88 6 244 EK +88 6 245 ET +88 6 246 IT +88 6 247 * +88 6 248 * +88 6 249 * +88 6 250 * +88 6 251 IT +88 6 252 * +88 6 253 * +88 6 254 * +88 6 255 EN +88 6 256 ZZ +88 6 257 * +88 6 258 * +88 6 259 ET +88 6 260 * +88 6 261 * +88 6 262 EK +88 6 263 * +88 6 264 * +88 6 265 IT +88 6 266 ET +88 6 267 * +88 6 268 IT +88 6 269 * +88 6 270 * +88 6 271 IT +88 6 272 EK +88 6 273 * +88 6 274 EK +88 6 275 * +88 6 276 * +88 6 277 * +88 6 278 * +88 6 279 * +88 6 280 IT +88 6 281 IT +88 6 282 IT +88 6 283 * +88 6 284 * +88 6 285 * +88 6 286 EK +88 6 287 * +88 6 288 ET +88 6 289 * +88 6 290 EK +88 6 291 * +88 6 292 * +88 6 293 * +88 6 294 * +88 6 295 * +88 6 296 * +88 6 297 EP +88 6 298 ET +88 6 299 IT +88 6 300 * +88 6 301 IT +88 6 302 * +88 6 303 * +88 6 304 * +88 6 305 * +88 6 306 IT +88 6 307 * +88 6 308 * +88 6 309 * +88 6 310 TO +88 6 311 * +88 6 312 EN +88 6 313 * +88 6 314 EK +88 6 315 IT +88 6 316 * +88 6 317 * +88 6 318 * +88 6 319 EK +88 6 320 * +88 6 321 ET +88 6 322 * +88 6 323 IT +88 6 324 EK +88 6 325 * +88 6 326 * +88 6 327 * +88 6 328 IT +88 6 329 * +88 6 330 * +88 7 1 IT +88 7 2 IM +88 7 3 ET +88 7 4 IT +88 7 5 IM +88 7 6 EP +88 7 7 IT +88 7 8 ET +88 7 9 EP +88 7 10 IT +88 7 11 IM +88 7 12 EP +88 7 13 IT +88 7 14 IT +88 7 15 EP +88 7 16 EK +88 7 17 IT +88 7 18 EN +88 7 19 IT +88 7 20 EP +88 7 21 ET +88 7 22 EP +88 7 23 IM +88 7 24 IM +88 7 25 IT +88 7 26 IT +88 7 27 EK +88 7 28 ET +88 7 29 IT +88 7 30 EP +88 7 31 IM +88 7 32 EP +88 7 33 IT +88 7 34 IT +88 7 35 EP +88 7 36 TO +88 7 37 IT +88 7 38 ET +88 7 39 IT +88 7 40 IT +88 7 41 ET +88 7 42 EP +88 7 43 IT +88 7 44 IM +88 7 45 IT +88 7 46 EP +88 7 47 TO +88 7 48 EP +88 7 49 IT +88 7 50 IM +88 7 51 EP +88 7 52 EK +88 7 53 ET +88 7 54 TO +88 7 55 IT +88 7 56 EP +88 7 57 EP +88 7 58 IT +88 7 59 IM +88 7 60 TO +88 7 61 ET +88 7 62 IM +88 7 63 EP +88 7 64 IT +88 7 65 ET +88 7 66 EK +88 7 67 EP +88 7 68 ET +88 7 69 TO +88 7 70 EK +88 7 71 ET +88 7 72 IT +88 7 73 EP +88 7 74 IM +88 7 75 TO +88 7 76 ET +88 7 77 IT +88 7 78 EP +88 7 79 IM +88 7 80 EP +88 7 81 TO +88 7 82 IT +88 7 83 EK +88 7 84 IM +88 7 85 TO +88 7 86 EP +88 7 87 EN +88 7 88 IT +88 7 89 EN +88 7 90 TO +88 7 91 EP +88 7 92 EK +88 7 93 IT +88 7 94 EN +88 7 95 EK +88 7 96 EP +88 7 97 IT +88 7 98 ET +88 7 99 IM +88 7 100 EP +88 7 101 ET +88 7 102 IM +88 7 103 TO +88 7 104 EP +88 7 105 ET +88 7 106 EP +88 7 107 EK +88 7 108 EK +88 7 109 IT +88 7 110 EP +88 7 111 TO +88 7 112 ET +88 7 113 EN +88 7 114 IT +88 7 115 ET +88 7 116 EK +88 7 117 ET +88 7 118 EP +88 7 119 IT +88 7 120 EK +88 7 121 ET +88 7 122 EP +88 7 123 IM +88 7 124 EP +88 7 125 ET +88 7 126 EP +88 7 127 TO +88 7 128 EP +88 7 129 EK +88 7 130 TO +88 7 131 ET +88 7 132 ET +88 7 133 IT +88 7 134 IM +88 7 135 IT +88 7 136 IT +88 7 137 TO +88 7 138 IM +88 7 139 EK +88 7 140 IT +88 7 141 EK +88 7 142 EK +88 7 143 IT +88 7 144 EP +88 7 145 IT +88 7 146 EP +88 7 147 IT +88 7 148 ET +88 7 149 IT +88 7 150 IT +88 7 151 EP +88 7 152 IM +88 7 153 IT +88 7 154 IM +88 7 155 IM +88 7 156 EP +88 7 157 IM +88 7 158 ET +88 7 159 EP +88 7 160 IM +88 7 161 IT +88 7 162 ET +88 7 163 IT +88 7 164 IT +88 7 165 IM +88 7 166 IM +88 7 167 EP +88 7 168 IT +88 7 169 IT +88 7 170 IT +88 7 171 EP +88 7 172 EK +88 7 173 EP +88 7 174 EP +88 7 175 IM +88 7 176 ET +88 7 177 EP +88 7 178 IT +88 7 179 ET +88 7 180 EP +88 7 181 IM +88 7 182 ET +88 7 183 EP +88 7 184 IT +88 7 185 IM +88 7 186 IT +88 7 187 EP +88 7 188 IT +88 7 189 IM +88 7 190 IM +88 7 191 IT +88 7 192 IT +88 7 193 EP +88 7 194 ET +88 7 195 EP +88 7 196 IM +88 7 197 IM +88 7 198 EN +88 7 199 EK +88 7 200 IT +88 7 201 EP +88 7 202 IT +88 7 203 ET +88 7 204 EN +88 7 205 EN +88 7 206 EK +88 7 207 ET +88 7 208 IM +88 7 209 IT +88 7 210 ET +88 7 211 EP +88 7 212 ET +88 7 213 IM +88 7 214 TO +88 7 215 IM +88 7 216 TO +88 7 217 EP +88 7 218 TO +88 7 219 EK +88 7 220 IT +88 7 221 EK +88 7 222 IT +88 7 223 IT +88 7 224 EK +88 7 225 EP +88 7 226 IT +88 7 227 IM +88 7 228 IM +88 7 229 IT +88 7 230 EK +88 7 231 IT +88 7 232 IM +88 7 233 IM +88 7 234 IT +88 7 235 IT +88 7 236 EP +88 7 237 IM +88 7 238 IT +88 7 239 ET +88 7 240 ET +88 7 241 EK +88 7 242 EP +88 7 243 ET +88 7 244 EK +88 7 245 ET +88 7 246 IT +88 7 247 IM +88 7 248 EN +88 7 249 IT +88 7 250 EP +88 7 251 IT +88 7 252 EK +88 7 253 EP +88 7 254 IM +88 7 255 EN +88 7 256 ET +88 7 257 IT +88 7 258 EP +88 7 259 ET +88 7 260 EK +88 7 261 IM +88 7 262 EK +88 7 263 IM +88 7 264 IM +88 7 265 EP +88 7 266 ET +88 7 267 ET +88 7 268 IT +88 7 269 IM +88 7 270 TO +88 7 271 EP +88 7 272 EK +88 7 273 EP +88 7 274 EK +88 7 275 TO +88 7 276 ET +88 7 277 IT +88 7 278 EP +88 7 279 IT +88 7 280 EP +88 7 281 IT +88 7 282 IT +88 7 283 ET +88 7 284 EK +88 7 285 EP +88 7 286 EK +88 7 287 TO +88 7 288 ET +88 7 289 IM +88 7 290 EK +88 7 291 IT +88 7 292 EP +88 7 293 EK +88 7 294 EK +88 7 295 ET +88 7 296 IT +88 7 297 EP +88 7 298 ET +88 7 299 IT +88 7 300 IM +88 7 301 IT +88 7 302 EK +88 7 303 IM +88 7 304 TO +88 7 305 EP +88 7 306 IT +88 7 307 IT +88 7 308 IM +88 7 309 TO +88 7 310 IT +88 7 311 IM +88 7 312 EN +88 7 313 IT +88 7 314 EK +88 7 315 IT +88 7 316 IT +88 7 317 ET +88 7 318 EP +88 7 319 EK +88 7 320 TO +88 7 321 ET +88 7 322 IM +88 7 323 TO +88 7 324 IM +88 7 325 IT +88 7 326 EP +88 7 327 EK +88 7 328 TO +88 7 329 EP +88 7 330 EK +88 8 1 IT +88 8 2 TO +88 8 3 ET +88 8 4 IT +88 8 5 TO +88 8 6 EP +88 8 7 TO +88 8 8 ZZ +88 8 9 EP +88 8 10 IT +88 8 11 TO +88 8 12 EP +88 8 13 TO +88 8 14 IT +88 8 15 ZZ +88 8 16 EK +88 8 17 EP +88 8 18 EP +88 8 19 IT +88 8 20 TO +88 8 21 ZZ +88 8 22 EP +88 8 23 IT +88 8 24 EP +88 8 25 IT +88 8 26 IT +88 8 27 EP +88 8 28 ZZ +88 8 29 TO +88 8 30 EK +88 8 31 IT +88 8 32 ZZ +88 8 33 TO +88 8 34 IT +88 8 35 ZZ +88 8 36 TO +88 8 37 IT +88 8 38 ZZ +88 8 39 IT +88 8 40 IT +88 8 41 ET +88 8 42 EP +88 8 43 IT +88 8 44 EK +88 8 45 TO +88 8 46 IM +88 8 47 TO +88 8 48 EP +88 8 49 IT +88 8 50 IT +88 8 51 EP +88 8 52 TO +88 8 53 ZZ +88 8 54 TO +88 8 55 IT +88 8 56 EP +88 8 57 TO +88 8 58 EP +88 8 59 ZZ +88 8 60 IT +88 8 61 TO +88 8 62 IT +88 8 63 EP +88 8 64 IT +88 8 65 ZZ +88 8 66 EP +88 8 67 TO +88 8 68 ZZ +88 8 69 TO +88 8 70 IT +88 8 71 ZZ +88 8 72 TO +88 8 73 IT +88 8 74 TO +88 8 75 TO +88 8 76 EP +88 8 77 TO +88 8 78 ZZ +88 8 79 IM +88 8 80 IT +88 8 81 TO +88 8 82 TO +88 8 83 EP +88 8 84 ZZ +88 8 85 TO +88 8 86 ZZ +88 8 87 IM +88 8 88 ZZ +88 8 89 EN +88 8 90 TO +88 8 91 EP +88 8 92 EK +88 8 93 IT +88 8 94 EN +88 8 95 TO +88 8 96 EP +88 8 97 IT +88 8 98 ZZ +88 8 99 IT +88 8 100 TO +88 8 101 ZZ +88 8 102 IT +88 8 103 EP +88 8 104 IT +88 8 105 ZZ +88 8 106 EP +88 8 107 EK +88 8 108 TO +88 8 109 IT +88 8 110 EP +88 8 111 IT +88 8 112 ZZ +88 8 113 IM +88 8 114 EP +88 8 115 ZZ +88 8 116 IT +88 8 117 ET +88 8 118 ZZ +88 8 119 TO +88 8 120 EK +88 8 121 EP +88 8 122 TO +88 8 123 IT +88 8 124 EP +88 8 125 EP +88 8 126 ZZ +88 8 127 TO +88 8 128 EP +88 8 129 EK +88 8 130 TO +88 8 131 IT +88 8 132 ET +88 8 133 TO +88 8 134 ET +88 8 135 ZZ +88 8 136 IT +88 8 137 TO +88 8 138 IT +88 8 139 IM +88 8 140 IT +88 8 141 EK +88 8 142 IM +88 8 143 TO +88 8 144 IT +88 8 145 TO +88 8 146 EP +88 8 147 TO +88 8 148 ZZ +88 8 149 TO +88 8 150 IT +88 8 151 ET +88 8 152 ZZ +88 8 153 TO +88 8 154 IM +88 8 155 IM +88 8 156 TO +88 8 157 ET +88 8 158 EK +88 8 159 EP +88 8 160 ZZ +88 8 161 TO +88 8 162 ZZ +88 8 163 TO +88 8 164 IT +88 8 165 TO +88 8 166 IT +88 8 167 IT +88 8 168 TO +88 8 169 IT +88 8 170 IT +88 8 171 TO +88 8 172 EK +88 8 173 ZZ +88 8 174 EP +88 8 175 IT +88 8 176 ET +88 8 177 TO +88 8 178 IT +88 8 179 ZZ +88 8 180 TO +88 8 181 EP +88 8 182 ZZ +88 8 183 IM +88 8 184 IT +88 8 185 EP +88 8 186 IT +88 8 187 EP +88 8 188 IT +88 8 189 IT +88 8 190 IM +88 8 191 TO +88 8 192 IT +88 8 193 EP +88 8 194 ZZ +88 8 195 TO +88 8 196 IT +88 8 197 IT +88 8 198 IM +88 8 199 TO +88 8 200 IT +88 8 201 ZZ +88 8 202 TO +88 8 203 ZZ +88 8 204 EP +88 8 205 IT +88 8 206 * +88 8 207 ZZ +88 8 208 EP +88 8 209 TO +88 8 210 ET +88 8 211 TO +88 8 212 EP +88 8 213 IM +88 8 214 EP +88 8 215 ZZ +88 8 216 IM +88 8 217 ZZ +88 8 218 TO +88 8 219 IT +88 8 220 IT +88 8 221 TO +88 8 222 IT +88 8 223 TO +88 8 224 EK +88 8 225 EP +88 8 226 IT +88 8 227 IM +88 8 228 IT +88 8 229 TO +88 8 230 EK +88 8 231 ZZ +88 8 232 EP +88 8 233 IT +88 8 234 TO +88 8 235 IT +88 8 236 TO +88 8 237 EP +88 8 238 TO +88 8 239 ZZ +88 8 240 ET +88 8 241 EK +88 8 242 EP +88 8 243 ZZ +88 8 244 EK +88 8 245 ET +88 8 246 TO +88 8 247 IT +88 8 248 TO +88 8 249 TO +88 8 250 IT +88 8 251 TO +88 8 252 EK +88 8 253 IT +88 8 254 EK +88 8 255 IM +88 8 256 ZZ +88 8 257 IT +88 8 258 EP +88 8 259 ET +88 8 260 TO +88 8 261 EP +88 8 262 EK +88 8 263 IM +88 8 264 IT +88 8 265 TO +88 8 266 EP +88 8 267 ZZ +88 8 268 TO +88 8 269 ZZ +88 8 270 EP +88 8 271 TO +88 8 272 EK +88 8 273 ZZ +88 8 274 EK +88 8 275 TO +88 8 276 ZZ +88 8 277 IT +88 8 278 EP +88 8 279 IT +88 8 280 TO +88 8 281 TO +88 8 282 TO +88 8 283 EP +88 8 284 EK +88 8 285 ZZ +88 8 286 EK +88 8 287 EP +88 8 288 ET +88 8 289 IT +88 8 290 IM +88 8 291 IT +88 8 292 EP +88 8 293 TO +88 8 294 IM +88 8 295 EP +88 8 296 IT +88 8 297 EP +88 8 298 ZZ +88 8 299 TO +88 8 300 IM +88 8 301 TO +88 8 302 IM +88 8 303 IT +88 8 304 TO +88 8 305 ZZ +88 8 306 TO +88 8 307 IT +88 8 308 IT +88 8 309 EP +88 8 310 TO +88 8 311 IT +88 8 312 IM +88 8 313 IT +88 8 314 EK +88 8 315 TO +88 8 316 TO +88 8 317 ZZ +88 8 318 EP +88 8 319 EK +88 8 320 EP +88 8 321 ZZ +88 8 322 IT +88 8 323 TO +88 8 324 EK +88 8 325 ZZ +88 8 326 EP +88 8 327 IT +88 8 328 TO +88 8 329 EP +88 8 330 EK +88 9 1 IT +88 9 2 TO +88 9 3 ET +88 9 4 IT +88 9 5 TO +88 9 6 EP +88 9 7 TO +88 9 8 ET +88 9 9 EP +88 9 10 IT +88 9 11 TO +88 9 12 EP +88 9 13 TO +88 9 14 IT +88 9 15 ZZ +88 9 16 IM +88 9 17 EP +88 9 18 TO +88 9 19 IT +88 9 20 TO +88 9 21 ZZ +88 9 22 EP +88 9 23 ZZ +88 9 24 EP +88 9 25 IT +88 9 26 TO +88 9 27 ZZ +88 9 28 ZZ +88 9 29 IT +88 9 30 EP +88 9 31 TO +88 9 32 ZZ +88 9 33 TO +88 9 34 IT +88 9 35 EP +88 9 36 TO +88 9 37 IT +88 9 38 ZZ +88 9 39 TO +88 9 40 IT +88 9 41 ET +88 9 42 EP +88 9 43 TO +88 9 44 IM +88 9 45 TO +88 9 46 IM +88 9 47 TO +88 9 48 EP +88 9 49 IT +88 9 50 IT +88 9 51 EP +88 9 52 IM +88 9 53 ZZ +88 9 54 TO +88 9 55 IT +88 9 56 EP +88 9 57 IT +88 9 58 EP +88 9 59 ZZ +88 9 60 TO +88 9 61 ET +88 9 62 IT +88 9 63 ZZ +88 9 64 TO +88 9 65 ZZ +88 9 66 EP +88 9 67 TO +88 9 68 ZZ +88 9 69 EP +88 9 70 IM +88 9 71 ET +88 9 72 TO +88 9 73 ZZ +88 9 74 IT +88 9 75 TO +88 9 76 EP +88 9 77 TO +88 9 78 ZZ +88 9 79 IM +88 9 80 IT +88 9 81 TO +88 9 82 TO +88 9 83 EP +88 9 84 ZZ +88 9 85 TO +88 9 86 ZZ +88 9 87 IM +88 9 88 ZZ +88 9 89 EN +88 9 90 TO +88 9 91 EP +88 9 92 ZZ +88 9 93 IT +88 9 94 EP +88 9 95 IT +88 9 96 EP +88 9 97 IT +88 9 98 ET +88 9 99 ZZ +88 9 100 IT +88 9 101 ZZ +88 9 102 IM +88 9 103 EP +88 9 104 IT +88 9 105 ZZ +88 9 106 EP +88 9 107 ZZ +88 9 108 IT +88 9 109 TO +88 9 110 EP +88 9 111 TO +88 9 112 ZZ +88 9 113 TO +88 9 114 TO +88 9 115 ET +88 9 116 IT +88 9 117 EN +88 9 118 ZZ +88 9 119 IT +88 9 120 IM +88 9 121 EP +88 9 122 TO +88 9 123 IT +88 9 124 IT +88 9 125 IE +88 9 126 ZZ +88 9 127 TO +88 9 128 EP +88 9 129 ZZ +88 9 130 IT +88 9 131 ZZ +88 9 132 EP +88 9 133 TO +88 9 134 EN +88 9 135 ZZ +88 9 136 IT +88 9 137 TO +88 9 138 IT +88 9 139 ZZ +88 9 140 IT +88 9 141 EK +88 9 142 IM +88 9 143 IT +88 9 144 IT +88 9 145 TO +88 9 146 EP +88 9 147 IT +88 9 148 ET +88 9 149 IT +88 9 150 IT +88 9 151 EP +88 9 152 ZZ +88 9 153 IT +88 9 154 IM +88 9 155 EP +88 9 156 IT +88 9 157 EP +88 9 158 EK +88 9 159 EP +88 9 160 ZZ +88 9 161 IT +88 9 162 ZZ +88 9 163 IT +88 9 164 IT +88 9 165 TO +88 9 166 IT +88 9 167 ZZ +88 9 168 IT +88 9 169 IT +88 9 170 TO +88 9 171 TO +88 9 172 EK +88 9 173 ZZ +88 9 174 EP +88 9 175 IT +88 9 176 ZZ +88 9 177 EP +88 9 178 IT +88 9 179 ET +88 9 180 TO +88 9 181 EP +88 9 182 ET +88 9 183 EP +88 9 184 ZZ +88 9 185 EP +88 9 186 IT +88 9 187 EP +88 9 188 IT +88 9 189 IM +88 9 190 ZZ +88 9 191 IT +88 9 192 ZZ +88 9 193 EP +88 9 194 ET +88 9 195 TO +88 9 196 IT +88 9 197 ZZ +88 9 198 TO +88 9 199 TO +88 9 200 IT +88 9 201 ZZ +88 9 202 IT +88 9 203 ZZ +88 9 204 EN +88 9 205 IT +88 9 206 EP +88 9 207 ZZ +88 9 208 EP +88 9 209 TO +88 9 210 ET +88 9 211 IT +88 9 212 EP +88 9 213 IM +88 9 214 EP +88 9 215 ZZ +88 9 216 TO +88 9 217 ZZ +88 9 218 EP +88 9 219 TO +88 9 220 TO +88 9 221 IT +88 9 222 ZZ +88 9 223 TO +88 9 224 ZZ +88 9 225 EP +88 9 226 IT +88 9 227 IM +88 9 228 IT +88 9 229 TO +88 9 230 ZZ +88 9 231 ZZ +88 9 232 EP +88 9 233 IT +88 9 234 TO +88 9 235 IT +88 9 236 TO +88 9 237 ZZ +88 9 238 IT +88 9 239 ZZ +88 9 240 ET +88 9 241 ZZ +88 9 242 EP +88 9 243 ZZ +88 9 244 IM +88 9 245 ET +88 9 246 TO +88 9 247 IT +88 9 248 TO +88 9 249 IT +88 9 250 ZZ +88 9 251 IT +88 9 252 ZZ +88 9 253 TO +88 9 254 IT +88 9 255 IM +88 9 256 ZZ +88 9 257 IT +88 9 258 EP +88 9 259 ET +88 9 260 EP +88 9 261 EP +88 9 262 EK +88 9 263 IM +88 9 264 IT +88 9 265 TO +88 9 266 EP +88 9 267 ZZ +88 9 268 TO +88 9 269 ZZ +88 9 270 EP +88 9 271 TO +88 9 272 EK +88 9 273 ZZ +88 9 274 EK +88 9 275 EP +88 9 276 ZZ +88 9 277 TO +88 9 278 EP +88 9 279 TO +88 9 280 TO +88 9 281 IT +88 9 282 TO +88 9 283 EP +88 9 284 EK +88 9 285 ZZ +88 9 286 EK +88 9 287 EP +88 9 288 ET +88 9 289 TO +88 9 290 EP +88 9 291 TO +88 9 292 ZZ +88 9 293 TO +88 9 294 EK +88 9 295 EP +88 9 296 IT +88 9 297 EP +88 9 298 ZZ +88 9 299 TO +88 9 300 IM +88 9 301 IT +88 9 302 ZZ +88 9 303 IM +88 9 304 IT +88 9 305 ET +88 9 306 TO +88 9 307 IT +88 9 308 * +88 9 309 EP +88 9 310 IT +88 9 311 IT +88 9 312 EN +88 9 313 IT +88 9 314 ZZ +88 9 315 TO +88 9 316 IT +88 9 317 ET +88 9 318 EP +88 9 319 ZZ +88 9 320 TO +88 9 321 ZZ +88 9 322 IT +88 9 323 IT +88 9 324 ZZ +88 9 325 ZZ +88 9 326 EP +88 9 327 IM +88 9 328 TO +88 9 329 EP +88 9 330 TO +88 10 1 IT +88 10 2 TO +88 10 3 ET +88 10 4 ZZ +88 10 5 TO +88 10 6 ZZ +88 10 7 TO +88 10 8 ZZ +88 10 9 KI +88 10 10 IT +88 10 11 IM +88 10 12 EP +88 10 13 * +88 10 14 IT +88 10 15 ZZ +88 10 16 EK +88 10 17 TO +88 10 18 IM +88 10 19 IT +88 10 20 TO +88 10 21 ZZ +88 10 22 EP +88 10 23 TO +88 10 24 EP +88 10 25 TO +88 10 26 IT +88 10 27 EK +88 10 28 ZZ +88 10 29 TO +88 10 30 EP +88 10 31 TO +88 10 32 ZZ +88 10 33 TO +88 10 34 IT +88 10 35 ZZ +88 10 36 TO +88 10 37 IT +88 10 38 ZZ +88 10 39 TO +88 10 40 IT +88 10 41 ET +88 10 42 EP +88 10 43 IT +88 10 44 EK +88 10 45 TO +88 10 46 IM +88 10 47 TO +88 10 48 EP +88 10 49 IT +88 10 50 LA +88 10 51 EP +88 10 52 EK +88 10 53 ZZ +88 10 54 TO +88 10 55 IT +88 10 56 ZZ +88 10 57 IT +88 10 58 EP +88 10 59 EK +88 10 60 TO +88 10 61 ET +88 10 62 IM +88 10 63 ZZ +88 10 64 IT +88 10 65 ZZ +88 10 66 EP +88 10 67 TO +88 10 68 ET +88 10 69 EP +88 10 70 EK +88 10 71 ET +88 10 72 TO +88 10 73 LA +88 10 74 TO +88 10 75 TO +88 10 76 EP +88 10 77 IT +88 10 78 ZZ +88 10 79 IM +88 10 80 IT +88 10 81 TO +88 10 82 IT +88 10 83 EP +88 10 84 ZZ +88 10 85 TO +88 10 86 ZZ +88 10 87 TO +88 10 88 LA +88 10 89 EN +88 10 90 IM +88 10 91 TO +88 10 92 EK +88 10 93 IT +88 10 94 EN +88 10 95 TO +88 10 96 EP +88 10 97 LA +88 10 98 ET +88 10 99 IM +88 10 100 TO +88 10 101 LA +88 10 102 IM +88 10 103 EP +88 10 104 IT +88 10 105 LA +88 10 106 EP +88 10 107 IM +88 10 108 TO +88 10 109 IT +88 10 110 EP +88 10 111 TO +88 10 112 ZZ +88 10 113 TO +88 10 114 TO +88 10 115 ZZ +88 10 116 IT +88 10 117 EN +88 10 118 ZZ +88 10 119 TO +88 10 120 EK +88 10 121 ET +88 10 122 TO +88 10 123 IT +88 10 124 TO +88 10 125 ZZ +88 10 126 ZZ +88 10 127 TO +88 10 128 TO +88 10 129 EK +88 10 130 TO +88 10 131 LA +88 10 132 ET +88 10 133 TO +88 10 134 EN +88 10 135 LA +88 10 136 TO +88 10 137 TO +88 10 138 IT +88 10 139 EK +88 10 140 IT +88 10 141 EK +88 10 142 IM +88 10 143 TO +88 10 144 LA +88 10 145 TO +88 10 146 EP +88 10 147 TO +88 10 148 ET +88 10 149 TO +88 10 150 LA +88 10 151 ZZ +88 10 152 ZZ +88 10 153 IT +88 10 154 EP +88 10 155 IM +88 10 156 TO +88 10 157 EP +88 10 158 EK +88 10 159 EP +88 10 160 ZZ +88 10 161 TO +88 10 162 ZZ +88 10 163 TO +88 10 164 IT +88 10 165 TO +88 10 166 IT +88 10 167 IM +88 10 168 * +88 10 169 IT +88 10 170 IM +88 10 171 TO +88 10 172 EK +88 10 173 ZZ +88 10 174 EP +88 10 175 IM +88 10 176 ZZ +88 10 177 EP +88 10 178 IT +88 10 179 EP +88 10 180 TO +88 10 181 EP +88 10 182 ET +88 10 183 EP +88 10 184 LA +88 10 185 EP +88 10 186 IT +88 10 187 EP +88 10 188 IT +88 10 189 IM +88 10 190 ZZ +88 10 191 TO +88 10 192 LA +88 10 193 TO +88 10 194 ET +88 10 195 TO +88 10 196 TO +88 10 197 ZZ +88 10 198 EN +88 10 199 EK +88 10 200 IT +88 10 201 ZZ +88 10 202 TO +88 10 203 TO +88 10 204 EN +88 10 205 IT +88 10 206 TO +88 10 207 ZZ +88 10 208 EP +88 10 209 TO +88 10 210 ET +88 10 211 IT +88 10 212 EP +88 10 213 IM +88 10 214 TO +88 10 215 ZZ +88 10 216 TO +88 10 217 ZZ +88 10 218 TO +88 10 219 EK +88 10 220 IT +88 10 221 EK +88 10 222 LA +88 10 223 TO +88 10 224 EK +88 10 225 TO +88 10 226 IT +88 10 227 TO +88 10 228 IT +88 10 229 TO +88 10 230 EK +88 10 231 LA +88 10 232 TO +88 10 233 IT +88 10 234 TO +88 10 235 IT +88 10 236 TO +88 10 237 ZZ +88 10 238 IT +88 10 239 ZZ +88 10 240 ET +88 10 241 EK +88 10 242 EP +88 10 243 LA +88 10 244 EK +88 10 245 ET +88 10 246 TO +88 10 247 IT +88 10 248 TO +88 10 249 TO +88 10 250 LA +88 10 251 TO +88 10 252 EK +88 10 253 TO +88 10 254 IT +88 10 255 EN +88 10 256 ET +88 10 257 IT +88 10 258 EP +88 10 259 ET +88 10 260 TO +88 10 261 EP +88 10 262 EK +88 10 263 IM +88 10 264 IT +88 10 265 TO +88 10 266 ET +88 10 267 LA +88 10 268 TO +88 10 269 ZZ +88 10 270 EP +88 10 271 TO +88 10 272 EK +88 10 273 ZZ +88 10 274 EK +88 10 275 TO +88 10 276 LA +88 10 277 IT +88 10 278 ZZ +88 10 279 TO +88 10 280 IT +88 10 281 IT +88 10 282 TO +88 10 283 EP +88 10 284 IM +88 10 285 ZZ +88 10 286 EK +88 10 287 EP +88 10 288 ZZ +88 10 289 IT +88 10 290 EK +88 10 291 IT +88 10 292 ZZ +88 10 293 TO +88 10 294 IM +88 10 295 EP +88 10 296 LA +88 10 297 EP +88 10 298 ZZ +88 10 299 TO +88 10 300 IM +88 10 301 TO +88 10 302 EK +88 10 303 IM +88 10 304 TO +88 10 305 LA +88 10 306 TO +88 10 307 IT +88 10 308 ZZ +88 10 309 EP +88 10 310 TO +88 10 311 IT +88 10 312 EN +88 10 313 LA +88 10 314 EK +88 10 315 TO +88 10 316 IT +88 10 317 LA +88 10 318 EP +88 10 319 EK +88 10 320 TO +88 10 321 ZZ +88 10 322 IT +88 10 323 TO +88 10 324 EK +88 10 325 LA +88 10 326 EP +88 10 327 IM +88 10 328 TO +88 10 329 EP +88 10 330 TO +88 11 1 ET +88 11 2 EP +88 11 3 EN +88 11 4 ET +88 11 5 EP +88 11 6 EP +88 11 7 IT +88 11 8 TO +88 11 9 EN +88 11 10 ET +88 11 11 EP +88 11 12 IT +88 11 13 EN +88 11 14 TO +88 11 15 TO +88 11 16 EK +88 11 17 ET +88 11 18 EN +88 11 19 TO +88 11 20 IT +88 11 21 ET +88 11 22 EP +88 11 23 ZZ +88 11 24 EK +88 11 25 EN +88 11 26 TO +88 11 27 TO +88 11 28 ET +88 11 29 TO +88 11 30 EP +88 11 31 ET +88 11 32 ZZ +88 11 33 TO +88 11 34 IT +88 11 35 ET +88 11 36 EN +88 11 37 TO +88 11 38 ET +88 11 39 EK +88 11 40 TO +88 11 41 TO +88 11 42 EP +88 11 43 IT +88 11 44 EK +88 11 45 IT +88 11 46 IM +88 11 47 EN +88 11 48 EP +88 11 49 IM +88 11 50 ZZ +88 11 51 EP +88 11 52 EK +88 11 53 ET +88 11 54 IM +88 11 55 TO +88 11 56 IM +88 11 57 IT +88 11 58 EP +88 11 59 TO +88 11 60 EN +88 11 61 ET +88 11 62 IM +88 11 63 EP +88 11 64 IT +88 11 65 ET +88 11 66 EK +88 11 67 TO +88 11 68 IM +88 11 69 TO +88 11 70 EK +88 11 71 ET +88 11 72 TO +88 11 73 ET +88 11 74 EK +88 11 75 EN +88 11 76 EP +88 11 77 IT +88 11 78 IM +88 11 79 EN +88 11 80 IT +88 11 81 TO +88 11 82 IT +88 11 83 IM +88 11 84 ET +88 11 85 TO +88 11 86 IM +88 11 87 EN +88 11 88 ET +88 11 89 EN +88 11 90 * +88 11 91 TO +88 11 92 IM +88 11 93 IT +88 11 94 EN +88 11 95 IM +88 11 96 EP +88 11 97 ET +88 11 98 ET +88 11 99 IM +88 11 100 IT +88 11 101 ET +88 11 102 IM +88 11 103 EP +88 11 104 IT +88 11 105 ET +88 11 106 EP +88 11 107 EK +88 11 108 TO +88 11 109 IT +88 11 110 EP +88 11 111 TO +88 11 112 ZZ +88 11 113 EN +88 11 114 TO +88 11 115 ET +88 11 116 IT +88 11 117 EP +88 11 118 ZZ +88 11 119 TO +88 11 120 EK +88 11 121 ET +88 11 122 TO +88 11 123 IT +88 11 124 TO +88 11 125 EP +88 11 126 ZZ +88 11 127 TO +88 11 128 TO +88 11 129 EK +88 11 130 EN +88 11 131 ZZ +88 11 132 ET +88 11 133 TO +88 11 134 EN +88 11 135 ZZ +88 11 136 IT +88 11 137 TO +88 11 138 IT +88 11 139 EK +88 11 140 IT +88 11 141 EK +88 11 142 EK +88 11 143 TO +88 11 144 IT +88 11 145 TO +88 11 146 EP +88 11 147 IT +88 11 148 ET +88 11 149 TO +88 11 150 ZZ +88 11 151 EK +88 11 152 IM +88 11 153 IT +88 11 154 IM +88 11 155 EN +88 11 156 TO +88 11 157 EP +88 11 158 EP +88 11 159 * +88 11 160 ZZ +88 11 161 TO +88 11 162 ET +88 11 163 TO +88 11 164 IT +88 11 165 TO +88 11 166 IT +88 11 167 IM +88 11 168 IM +88 11 169 IT +88 11 170 TO +88 11 171 TO +88 11 172 EK +88 11 173 ZZ +88 11 174 EP +88 11 175 IT +88 11 176 ZZ +88 11 177 EP +88 11 178 IT +88 11 179 ET +88 11 180 TO +88 11 181 EP +88 11 182 ET +88 11 183 IT +88 11 184 EN +88 11 185 EP +88 11 186 IT +88 11 187 EP +88 11 188 IT +88 11 189 IT +88 11 190 ZZ +88 11 191 IM +88 11 192 ZZ +88 11 193 EP +88 11 194 ET +88 11 195 TO +88 11 196 IT +88 11 197 ZZ +88 11 198 EN +88 11 199 EK +88 11 200 IT +88 11 201 ZZ +88 11 202 IT +88 11 203 ET +88 11 204 EN +88 11 205 IT +88 11 206 EK +88 11 207 ZZ +88 11 208 EP +88 11 209 TO +88 11 210 EP +88 11 211 IT +88 11 212 EP +88 11 213 ZZ +88 11 214 IM +88 11 215 ZZ +88 11 216 TO +88 11 217 ZZ +88 11 218 EP +88 11 219 EK +88 11 220 ZZ +88 11 221 EK +88 11 222 IT +88 11 223 TO +88 11 224 EK +88 11 225 TO +88 11 226 IT +88 11 227 EN +88 11 228 IT +88 11 229 TO +88 11 230 EK +88 11 231 ET +88 11 232 TO +88 11 233 IT +88 11 234 TO +88 11 235 IT +88 11 236 EP +88 11 237 EP +88 11 238 TO +88 11 239 IT +88 11 240 EP +88 11 241 EK +88 11 242 EP +88 11 243 ET +88 11 244 IT +88 11 245 ET +88 11 246 TO +88 11 247 ZZ +88 11 248 TO +88 11 249 TO +88 11 250 ET +88 11 251 TO +88 11 252 EK +88 11 253 TO +88 11 254 IT +88 11 255 EN +88 11 256 ZZ +88 11 257 IT +88 11 258 EP +88 11 259 ET +88 11 260 EP +88 11 261 EP +88 11 262 EK +88 11 263 IM +88 11 264 IT +88 11 265 TO +88 11 266 ET +88 11 267 ZZ +88 11 268 TO +88 11 269 ZZ +88 11 270 EP +88 11 271 TO +88 11 272 IT +88 11 273 ZZ +88 11 274 EK +88 11 275 TO +88 11 276 ET +88 11 277 IT +88 11 278 ZZ +88 11 279 IT +88 11 280 TO +88 11 281 IT +88 11 282 TO +88 11 283 ET +88 11 284 IT +88 11 285 ZZ +88 11 286 EK +88 11 287 EP +88 11 288 ET +88 11 289 TO +88 11 290 EK +88 11 291 IT +88 11 292 ZZ +88 11 293 IT +88 11 294 IT +88 11 295 EP +88 11 296 ZZ +88 11 297 EP +88 11 298 ET +88 11 299 TO +88 11 300 IM +88 11 301 EK +88 11 302 EK +88 11 303 IT +88 11 304 TO +88 11 305 ZZ +88 11 306 TO +88 11 307 IT +88 11 308 ZZ +88 11 309 EN +88 11 310 TO +88 11 311 IT +88 11 312 EN +88 11 313 ET +88 11 314 EK +88 11 315 TO +88 11 316 TO +88 11 317 ZZ +88 11 318 EP +88 11 319 EK +88 11 320 EP +88 11 321 ET +88 11 322 IT +88 11 323 TO +88 11 324 EK +88 11 325 TO +88 11 326 EP +88 11 327 IT +88 11 328 TO +88 11 329 EP +88 11 330 IT +88 12 1 IT +88 12 2 IT +88 12 3 ET +88 12 4 ET +88 12 5 TO +88 12 6 ET +88 12 7 TO +88 12 8 ET +88 12 9 EN +88 12 10 IT +88 12 11 TO +88 12 12 EP +88 12 13 TO +88 12 14 IT +88 12 15 ET +88 12 16 EK +88 12 17 ET +88 12 18 EN +88 12 19 IT +88 12 20 TO +88 12 21 ET +88 12 22 EP +88 12 23 ET +88 12 24 IM +88 12 25 IT +88 12 26 IT +88 12 27 ET +88 12 28 ET +88 12 29 TO +88 12 30 ET +88 12 31 IT +88 12 32 EN +88 12 33 TO +88 12 34 IT +88 12 35 ET +88 12 36 TO +88 12 37 IT +88 12 38 ET +88 12 39 TO +88 12 40 IT +88 12 41 ET +88 12 42 EP +88 12 43 IT +88 12 44 ET +88 12 45 TO +88 12 46 IM +88 12 47 TO +88 12 48 EP +88 12 49 IT +88 12 50 ET +88 12 51 EP +88 12 52 TO +88 12 53 EN +88 12 54 TO +88 12 55 IT +88 12 56 ET +88 12 57 IT +88 12 58 EP +88 12 59 ET +88 12 60 IT +88 12 61 ET +88 12 62 ET +88 12 63 ET +88 12 64 IT +88 12 65 ET +88 12 66 EK +88 12 67 TO +88 12 68 ET +88 12 69 TO +88 12 70 ET +88 12 71 ET +88 12 72 TO +88 12 73 ET +88 12 74 IT +88 12 75 TO +88 12 76 ET +88 12 77 IT +88 12 78 ET +88 12 79 IM +88 12 80 IT +88 12 81 TO +88 12 82 IT +88 12 83 EP +88 12 84 ET +88 12 85 TO +88 12 86 ET +88 12 87 EN +88 12 88 ET +88 12 89 EN +88 12 90 TO +88 12 91 TO +88 12 92 EK +88 12 93 IT +88 12 94 EN +88 12 95 TO +88 12 96 EP +88 12 97 ET +88 12 98 ET +88 12 99 ET +88 12 100 TO +88 12 101 ET +88 12 102 * +88 12 103 TO +88 12 104 IT +88 12 105 ET +88 12 106 EP +88 12 107 ET +88 12 108 TO +88 12 109 IT +88 12 110 EP +88 12 111 TO +88 12 112 ET +88 12 113 EN +88 12 114 IT +88 12 115 ET +88 12 116 IT +88 12 117 EN +88 12 118 ET +88 12 119 TO +88 12 120 EK +88 12 121 ET +88 12 122 TO +88 12 123 IT +88 12 124 TO +88 12 125 ET +88 12 126 ET +88 12 127 TO +88 12 128 TO +88 12 129 ET +88 12 130 TO +88 12 131 ET +88 12 132 ET +88 12 133 TO +88 12 134 EN +88 12 135 ET +88 12 136 IT +88 12 137 TO +88 12 138 IT +88 12 139 ET +88 12 140 IT +88 12 141 EK +88 12 142 ET +88 12 143 TO +88 12 144 ET +88 12 145 TO +88 12 146 EP +88 12 147 TO +88 12 148 ET +88 12 149 TO +88 12 150 ET +88 12 151 ET +88 12 152 ET +88 12 153 IT +88 12 154 IM +88 12 155 EN +88 12 156 TO +88 12 157 EN +88 12 158 EK +88 12 159 EP +88 12 160 ET +88 12 161 TO +88 12 162 ET +88 12 163 IT +88 12 164 IT +88 12 165 TO +88 12 166 IT +88 12 167 ET +88 12 168 TO +88 12 169 IT +88 12 170 IT +88 12 171 TO +88 12 172 EK +88 12 173 ET +88 12 174 EP +88 12 175 IT +88 12 176 ET +88 12 177 EP +88 12 178 IT +88 12 179 ET +88 12 180 TO +88 12 181 EP +88 12 182 ET +88 12 183 IM +88 12 184 ET +88 12 185 ET +88 12 186 IT +88 12 187 ET +88 12 188 IT +88 12 189 IT +88 12 190 ET +88 12 191 TO +88 12 192 ET +88 12 193 TO +88 12 194 ET +88 12 195 TO +88 12 196 TO +88 12 197 ET +88 12 198 EN +88 12 199 TO +88 12 200 IT +88 12 201 ET +88 12 202 TO +88 12 203 ET +88 12 204 EN +88 12 205 ET +88 12 206 TO +88 12 207 ET +88 12 208 EP +88 12 209 TO +88 12 210 ET +88 12 211 IT +88 12 212 EP +88 12 213 IT +88 12 214 TO +88 12 215 ET +88 12 216 TO +88 12 217 ET +88 12 218 TO +88 12 219 TO +88 12 220 ET +88 12 221 TO +88 12 222 ET +88 12 223 TO +88 12 224 ET +88 12 225 TO +88 12 226 IT +88 12 227 EN +88 12 228 IT +88 12 229 TO +88 12 230 ET +88 12 231 EN +88 12 232 IM +88 12 233 ET +88 12 234 TO +88 12 235 IT +88 12 236 TO +88 12 237 ET +88 12 238 IT +88 12 239 ET +88 12 240 ET +88 12 241 EK +88 12 242 EP +88 12 243 EN +88 12 244 IT +88 12 245 ET +88 12 246 TO +88 12 247 ET +88 12 248 TO +88 12 249 TO +88 12 250 ET +88 12 251 TO +88 12 252 ET +88 12 253 TO +88 12 254 IT +88 12 255 EN +88 12 256 ET +88 12 257 IT +88 12 258 TO +88 12 259 ET +88 12 260 TO +88 12 261 ET +88 12 262 TO +88 12 263 IM +88 12 264 IT +88 12 265 TO +88 12 266 ET +88 12 267 ET +88 12 268 TO +88 12 269 ET +88 12 270 ET +88 12 271 TO +88 12 272 EK +88 12 273 ET +88 12 274 EK +88 12 275 TO +88 12 276 ET +88 12 277 IT +88 12 278 ET +88 12 279 IT +88 12 280 TO +88 12 281 TO +88 12 282 TO +88 12 283 ET +88 12 284 IT +88 12 285 ET +88 12 286 EK +88 12 287 ET +88 12 288 ET +88 12 289 IT +88 12 290 ET +88 12 291 IT +88 12 292 ET +88 12 293 TO +88 12 294 IT +88 12 295 ET +88 12 296 ET +88 12 297 EP +88 12 298 ET +88 12 299 TO +88 12 300 IM +88 12 301 TO +88 12 302 ET +88 12 303 IT +88 12 304 TO +88 12 305 ET +88 12 306 TO +88 12 307 IT +88 12 308 ET +88 12 309 TO +88 12 310 TO +88 12 311 IT +88 12 312 EN +88 12 313 IT +88 12 314 ET +88 12 315 TO +88 12 316 TO +88 12 317 ET +88 12 318 ET +88 12 319 ET +88 12 320 TO +88 12 321 ET +88 12 322 IT +88 12 323 TO +88 12 324 ET +88 12 325 ET +88 12 326 EP +88 12 327 IT +88 12 328 TO +88 12 329 ET +88 12 330 IT +88 13 1 IT +88 13 2 IT +88 13 3 ET +88 13 4 ZZ +88 13 5 TO +88 13 6 EY +88 13 7 TO +88 13 8 ZZ +88 13 9 IM +88 13 10 IT +88 13 11 TO +88 13 12 EP +88 13 13 TO +88 13 14 IT +88 13 15 ZZ +88 13 16 EK +88 13 17 * +88 13 18 EN +88 13 19 IT +88 13 20 TO +88 13 21 ZZ +88 13 22 EP +88 13 23 ZZ +88 13 24 TO +88 13 25 * +88 13 26 IT +88 13 27 * +88 13 28 ZZ +88 13 29 TO +88 13 30 IM +88 13 31 IT +88 13 32 ZZ +88 13 33 TO +88 13 34 IT +88 13 35 * +88 13 36 TO +88 13 37 IT +88 13 38 ZZ +88 13 39 TO +88 13 40 IT +88 13 41 ET +88 13 42 * +88 13 43 IT +88 13 44 ZZ +88 13 45 TO +88 13 46 EN +88 13 47 TO +88 13 48 IM +88 13 49 IT +88 13 50 ZZ +88 13 51 IM +88 13 52 * +88 13 53 ZZ +88 13 54 TO +88 13 55 * +88 13 56 * +88 13 57 IT +88 13 58 TO +88 13 59 ZZ +88 13 60 IT +88 13 61 ET +88 13 62 ZZ +88 13 63 * +88 13 64 IT +88 13 65 ZZ +88 13 66 EK +88 13 67 TO +88 13 68 ZZ +88 13 69 TO +88 13 70 ZZ +88 13 71 ZZ +88 13 72 TO +88 13 73 ZZ +88 13 74 IT +88 13 75 TO +88 13 76 ET +88 13 77 IT +88 13 78 ZZ +88 13 79 EN +88 13 80 IT +88 13 81 TO +88 13 82 IT +88 13 83 EK +88 13 84 * +88 13 85 TO +88 13 86 ZZ +88 13 87 EN +88 13 88 ZZ +88 13 89 EN +88 13 90 EN +88 13 91 TO +88 13 92 EK +88 13 93 IT +88 13 94 IM +88 13 95 TO +88 13 96 EP +88 13 97 ZZ +88 13 98 ET +88 13 99 ZZ +88 13 100 IT +88 13 101 ZZ +88 13 102 ZZ +88 13 103 TO +88 13 104 IT +88 13 105 ZZ +88 13 106 ET +88 13 107 ZZ +88 13 108 IT +88 13 109 IT +88 13 110 EP +88 13 111 TO +88 13 112 ET +88 13 113 EN +88 13 114 IT +88 13 115 ET +88 13 116 IT +88 13 117 IM +88 13 118 ZZ +88 13 119 TO +88 13 120 EK +88 13 121 ET +88 13 122 TO +88 13 123 IT +88 13 124 TO +88 13 125 ET +88 13 126 ZZ +88 13 127 TO +88 13 128 TO +88 13 129 EK +88 13 130 TO +88 13 131 ZZ +88 13 132 ET +88 13 133 TO +88 13 134 IM +88 13 135 ZZ +88 13 136 IT +88 13 137 TO +88 13 138 IT +88 13 139 ZZ +88 13 140 IT +88 13 141 EK +88 13 142 ZZ +88 13 143 TO +88 13 144 ZZ +88 13 145 TO +88 13 146 EP +88 13 147 IT +88 13 148 ET +88 13 149 TO +88 13 150 ZZ +88 13 151 ET +88 13 152 ZZ +88 13 153 IT +88 13 154 EN +88 13 155 IM +88 13 156 TO +88 13 157 IM +88 13 158 EK +88 13 159 EP +88 13 160 ET +88 13 161 TO +88 13 162 ET +88 13 163 TO +88 13 164 IT +88 13 165 TO +88 13 166 IT +88 13 167 ZZ +88 13 168 TO +88 13 169 IT +88 13 170 IT +88 13 171 TO +88 13 172 EK +88 13 173 ZZ +88 13 174 EP +88 13 175 IT +88 13 176 ET +88 13 177 TO +88 13 178 IT +88 13 179 ET +88 13 180 TO +88 13 181 EP +88 13 182 ZZ +88 13 183 IM +88 13 184 ZZ +88 13 185 IM +88 13 186 IT +88 13 187 EP +88 13 188 IT +88 13 189 IT +88 13 190 ET +88 13 191 TO +88 13 192 ZZ +88 13 193 TO +88 13 194 ET +88 13 195 TO +88 13 196 IT +88 13 197 ZZ +88 13 198 EN +88 13 199 TO +88 13 200 IT +88 13 201 ET +88 13 202 TO +88 13 203 ZZ +88 13 204 IM +88 13 205 ZZ +88 13 206 TO +88 13 207 ZZ +88 13 208 EP +88 13 209 TO +88 13 210 IM +88 13 211 IT +88 13 212 EP +88 13 213 ZZ +88 13 214 TO +88 13 215 ZZ +88 13 216 TO +88 13 217 * +88 13 218 TO +88 13 219 IT +88 13 220 IT +88 13 221 IT +88 13 222 ZZ +88 13 223 TO +88 13 224 ZZ +88 13 225 TO +88 13 226 IT +88 13 227 EN +88 13 228 IT +88 13 229 IT +88 13 230 ZZ +88 13 231 ZZ +88 13 232 IM +88 13 233 ZZ +88 13 234 TO +88 13 235 IT +88 13 236 TO +88 13 237 * +88 13 238 TO +88 13 239 ZZ +88 13 240 IM +88 13 241 ZZ +88 13 242 EP +88 13 243 ZZ +88 13 244 IT +88 13 245 ET +88 13 246 TO +88 13 247 ZZ +88 13 248 TO +88 13 249 TO +88 13 250 ZZ +88 13 251 TO +88 13 252 ZZ +88 13 253 TO +88 13 254 IT +88 13 255 EN +88 13 256 ET +88 13 257 IT +88 13 258 EP +88 13 259 IM +88 13 260 TO +88 13 261 EP +88 13 262 EN +88 13 263 ZZ +88 13 264 IT +88 13 265 TO +88 13 266 IM +88 13 267 ZZ +88 13 268 TO +88 13 269 ZZ +88 13 270 EP +88 13 271 TO +88 13 272 IT +88 13 273 ZZ +88 13 274 EK +88 13 275 TO +88 13 276 ZZ +88 13 277 IT +88 13 278 * +88 13 279 IT +88 13 280 TO +88 13 281 TO +88 13 282 TO +88 13 283 IM +88 13 284 IT +88 13 285 ZZ +88 13 286 ZZ +88 13 287 IM +88 13 288 ET +88 13 289 IT +88 13 290 * +88 13 291 IT +88 13 292 ZZ +88 13 293 TO +88 13 294 IT +88 13 295 IM +88 13 296 ZZ +88 13 297 EP +88 13 298 ET +88 13 299 TO +88 13 300 EN +88 13 301 TO +88 13 302 * +88 13 303 IT +88 13 304 TO +88 13 305 ZZ +88 13 306 TO +88 13 307 IT +88 13 308 ZZ +88 13 309 EN +88 13 310 TO +88 13 311 IT +88 13 312 EN +88 13 313 IT +88 13 314 * +88 13 315 TO +88 13 316 TO +88 13 317 ZZ +88 13 318 ET +88 13 319 ZZ +88 13 320 TO +88 13 321 ET +88 13 322 IT +88 13 323 TO +88 13 324 ZZ +88 13 325 ZZ +88 13 326 EP +88 13 327 IT +88 13 328 TO +88 13 329 IM +88 13 330 IT +88 14 1 IT +88 14 2 TO +88 14 3 KK +88 14 4 JT +88 14 5 TO +88 14 6 OI +88 14 7 TO +88 14 8 KK +88 14 9 EB +88 14 10 IT +88 14 11 IT +88 14 12 OI +88 14 13 TO +88 14 14 IT +88 14 15 ZZ +88 14 16 * +88 14 17 KK +88 14 18 EZ +88 14 19 IT +88 14 20 * +88 14 21 KK +88 14 22 OI +88 14 23 JT +88 14 24 EZ +88 14 25 TO +88 14 26 IT +88 14 27 OI +88 14 28 KK +88 14 29 TO +88 14 30 EB +88 14 31 IT +88 14 32 JT +88 14 33 TO +88 14 34 IT +88 14 35 * +88 14 36 IT +88 14 37 IT +88 14 38 JT +88 14 39 TO +88 14 40 IT +88 14 41 KK +88 14 42 TO +88 14 43 IT +88 14 44 OI +88 14 45 TO +88 14 46 EZ +88 14 47 TO +88 14 48 EB +88 14 49 IT +88 14 50 JT +88 14 51 EB +88 14 52 TO +88 14 53 JT +88 14 54 TO +88 14 55 IT +88 14 56 EB +88 14 57 TO +88 14 58 TO +88 14 59 JT +88 14 60 IT +88 14 61 KK +88 14 62 JT +88 14 63 KK +88 14 64 IT +88 14 65 KK +88 14 66 OI +88 14 67 TO +88 14 68 JT +88 14 69 * +88 14 70 JT +88 14 71 JT +88 14 72 TO +88 14 73 JT +88 14 74 IT +88 14 75 TO +88 14 76 KK +88 14 77 TO +88 14 78 TO +88 14 79 EZ +88 14 80 IT +88 14 81 TO +88 14 82 TO +88 14 83 EB +88 14 84 KK +88 14 85 TO +88 14 86 ZZ +88 14 87 EZ +88 14 88 JT +88 14 89 EZ +88 14 90 TO +88 14 91 TO +88 14 92 EK +88 14 93 IT +88 14 94 EZ +88 14 95 TO +88 14 96 OI +88 14 97 JT +88 14 98 KK +88 14 99 JT +88 14 100 TO +88 14 101 JT +88 14 102 JT +88 14 103 TO +88 14 104 IT +88 14 105 JT +88 14 106 TO +88 14 107 JT +88 14 108 TO +88 14 109 IT +88 14 110 EB +88 14 111 TO +88 14 112 KK +88 14 113 EZ +88 14 114 TO +88 14 115 KK +88 14 116 IT +88 14 117 EB +88 14 118 ZZ +88 14 119 TO +88 14 120 EK +88 14 121 KK +88 14 122 TO +88 14 123 TO +88 14 124 TO +88 14 125 KK +88 14 126 ZZ +88 14 127 TO +88 14 128 TO +88 14 129 JT +88 14 130 TO +88 14 131 JT +88 14 132 KK +88 14 133 TO +88 14 134 EB +88 14 135 JT +88 14 136 TO +88 14 137 TO +88 14 138 IT +88 14 139 JT +88 14 140 IT +88 14 141 EK +88 14 142 JT +88 14 143 TO +88 14 144 JT +88 14 145 TO +88 14 146 OI +88 14 147 TO +88 14 148 KK +88 14 149 TO +88 14 150 JT +88 14 151 KK +88 14 152 JT +88 14 153 IT +88 14 154 EZ +88 14 155 EB +88 14 156 TO +88 14 157 EB +88 14 158 * +88 14 159 EB +88 14 160 ZZ +88 14 161 TO +88 14 162 KK +88 14 163 TO +88 14 164 IT +88 14 165 TO +88 14 166 IT +88 14 167 JT +88 14 168 TO +88 14 169 IT +88 14 170 IT +88 14 171 TO +88 14 172 * +88 14 173 KK +88 14 174 EB +88 14 175 IT +88 14 176 KK +88 14 177 TO +88 14 178 IT +88 14 179 JT +88 14 180 TO +88 14 181 EB +88 14 182 JT +88 14 183 EB +88 14 184 JT +88 14 185 EB +88 14 186 IT +88 14 187 EB +88 14 188 IT +88 14 189 IT +88 14 190 ZZ +88 14 191 TO +88 14 192 JT +88 14 193 TO +88 14 194 KK +88 14 195 TO +88 14 196 TO +88 14 197 JT +88 14 198 EZ +88 14 199 TO +88 14 200 IT +88 14 201 EB +88 14 202 TO +88 14 203 JT +88 14 204 EB +88 14 205 JT +88 14 206 TO +88 14 207 JT +88 14 208 EB +88 14 209 TO +88 14 210 EB +88 14 211 IT +88 14 212 EB +88 14 213 JT +88 14 214 TO +88 14 215 JT +88 14 216 TO +88 14 217 ZZ +88 14 218 TO +88 14 219 IT +88 14 220 JT +88 14 221 TO +88 14 222 JT +88 14 223 TO +88 14 224 JT +88 14 225 TO +88 14 226 IT +88 14 227 EZ +88 14 228 IT +88 14 229 TO +88 14 230 EK +88 14 231 JT +88 14 232 TO +88 14 233 JT +88 14 234 TO +88 14 235 IT +88 14 236 TO +88 14 237 EB +88 14 238 TO +88 14 239 ZZ +88 14 240 EB +88 14 241 EK +88 14 242 TO +88 14 243 JT +88 14 244 IT +88 14 245 KK +88 14 246 TO +88 14 247 JT +88 14 248 TO +88 14 249 TO +88 14 250 JT +88 14 251 TO +88 14 252 EB +88 14 253 TO +88 14 254 IT +88 14 255 EZ +88 14 256 ZZ +88 14 257 IT +88 14 258 TO +88 14 259 KK +88 14 260 TO +88 14 261 EB +88 14 262 * +88 14 263 EZ +88 14 264 IT +88 14 265 TO +88 14 266 EB +88 14 267 JT +88 14 268 TO +88 14 269 JT +88 14 270 EB +88 14 271 TO +88 14 272 EZ +88 14 273 JT +88 14 274 EZ +88 14 275 TO +88 14 276 JT +88 14 277 IT +88 14 278 EB +88 14 279 IT +88 14 280 TO +88 14 281 TO +88 14 282 TO +88 14 283 EB +88 14 284 IT +88 14 285 ZZ +88 14 286 EK +88 14 287 EB +88 14 288 KK +88 14 289 TO +88 14 290 EB +88 14 291 IT +88 14 292 ZZ +88 14 293 TO +88 14 294 IT +88 14 295 EB +88 14 296 JT +88 14 297 EB +88 14 298 KK +88 14 299 ZZ +88 14 300 EK +88 14 301 TO +88 14 302 EB +88 14 303 IT +88 14 304 TO +88 14 305 JT +88 14 306 TO +88 14 307 IT +88 14 308 JT +88 14 309 TO +88 14 310 TO +88 14 311 IT +88 14 312 EZ +88 14 313 JT +88 14 314 OI +88 14 315 TO +88 14 316 TO +88 14 317 JT +88 14 318 EB +88 14 319 JT +88 14 320 TO +88 14 321 KK +88 14 322 IT +88 14 323 ZZ +88 14 324 EB +88 14 325 JT +88 14 326 EB +88 14 327 IT +88 14 328 ZZ +88 14 329 EB +88 14 330 IT +88 15 1 IT +88 15 2 TO +88 15 3 KK +88 15 4 JT +88 15 5 TO +88 15 6 EB +88 15 7 TO +88 15 8 KK +88 15 9 EB +88 15 10 IT +88 15 11 TO +88 15 12 OI +88 15 13 TO +88 15 14 IT +88 15 15 ZZ +88 15 16 * +88 15 17 KK +88 15 18 EZ +88 15 19 IT +88 15 20 TO +88 15 21 ZZ +88 15 22 OI +88 15 23 JT +88 15 24 TO +88 15 25 OH +88 15 26 * +88 15 27 EB +88 15 28 ZZ +88 15 29 TO +88 15 30 EB +88 15 31 TO +88 15 32 JT +88 15 33 TO +88 15 34 * +88 15 35 * +88 15 36 TO +88 15 37 IT +88 15 38 ZZ +88 15 39 TO +88 15 40 OH +88 15 41 KK +88 15 42 OI +88 15 43 IT +88 15 44 * +88 15 45 TO +88 15 46 EH +88 15 47 TO +88 15 48 EB +88 15 49 OH +88 15 50 JT +88 15 51 EB +88 15 52 TO +88 15 53 JT +88 15 54 TO +88 15 55 OH +88 15 56 * +88 15 57 TO +88 15 58 TO +88 15 59 JT +88 15 60 TO +88 15 61 KK +88 15 62 JT +88 15 63 ZZ +88 15 64 IT +88 15 65 ZZ +88 15 66 EH +88 15 67 TO +88 15 68 JT +88 15 69 TO +88 15 70 JT +88 15 71 KK +88 15 72 TO +88 15 73 JT +88 15 74 IT +88 15 75 TO +88 15 76 KK +88 15 77 OH +88 15 78 ZZ +88 15 79 EB +88 15 80 IT +88 15 81 TO +88 15 82 OH +88 15 83 OI +88 15 84 ZZ +88 15 85 TO +88 15 86 ZZ +88 15 87 TO +88 15 88 JT +88 15 89 EZ +88 15 90 TO +88 15 91 TO +88 15 92 * +88 15 93 OH +88 15 94 EB +88 15 95 TO +88 15 96 OI +88 15 97 JT +88 15 98 ZZ +88 15 99 JT +88 15 100 TO +88 15 101 ZZ +88 15 102 JT +88 15 103 TO +88 15 104 IT +88 15 105 JT +88 15 106 OI +88 15 107 * +88 15 108 TO +88 15 109 IT +88 15 110 EB +88 15 111 TO +88 15 112 ZZ +88 15 113 EZ +88 15 114 OH +88 15 115 KK +88 15 116 IT +88 15 117 EB +88 15 118 ZZ +88 15 119 TO +88 15 120 * +88 15 121 KK +88 15 122 TO +88 15 123 IT +88 15 124 TO +88 15 125 KK +88 15 126 ZZ +88 15 127 TO +88 15 128 TO +88 15 129 * +88 15 130 TO +88 15 131 JT +88 15 132 TO +88 15 133 KK +88 15 134 JT +88 15 135 ZZ +88 15 136 OH +88 15 137 TO +88 15 138 IT +88 15 139 * +88 15 140 IT +88 15 141 * +88 15 142 * +88 15 143 TO +88 15 144 JT +88 15 145 TO +88 15 146 OI +88 15 147 OH +88 15 148 KK +88 15 149 TO +88 15 150 JT +88 15 151 ZZ +88 15 152 JT +88 15 153 IT +88 15 154 EZ +88 15 155 EB +88 15 156 TO +88 15 157 EB +88 15 158 * +88 15 159 EB +88 15 160 ZZ +88 15 161 TO +88 15 162 ZZ +88 15 163 OH +88 15 164 IT +88 15 165 TO +88 15 166 IT +88 15 167 JT +88 15 168 TO +88 15 169 IT +88 15 170 IT +88 15 171 TO +88 15 172 * +88 15 173 ZZ +88 15 174 OI +88 15 175 IT +88 15 176 ZZ +88 15 177 TO +88 15 178 IT +88 15 179 KK +88 15 180 TO +88 15 181 OI +88 15 182 JT +88 15 183 EB +88 15 184 JT +88 15 185 EB +88 15 186 OH +88 15 187 EB +88 15 188 IT +88 15 189 IT +88 15 190 ZZ +88 15 191 TO +88 15 192 JT +88 15 193 TO +88 15 194 KK +88 15 195 TO +88 15 196 TO +88 15 197 JT +88 15 198 TO +88 15 199 TO +88 15 200 IT +88 15 201 ZZ +88 15 202 TO +88 15 203 ZZ +88 15 204 EB +88 15 205 JT +88 15 206 TO +88 15 207 * +88 15 208 EB +88 15 209 TO +88 15 210 KK +88 15 211 OH +88 15 212 IE +88 15 213 JT +88 15 214 TO +88 15 215 JT +88 15 216 TO +88 15 217 ZZ +88 15 218 TO +88 15 219 TO +88 15 220 * +88 15 221 TO +88 15 222 JT +88 15 223 TO +88 15 224 * +88 15 225 TO +88 15 226 IT +88 15 227 TO +88 15 228 IT +88 15 229 TO +88 15 230 * +88 15 231 JT +88 15 232 TO +88 15 233 JT +88 15 234 TO +88 15 235 IT +88 15 236 TO +88 15 237 * +88 15 238 TO +88 15 239 ZZ +88 15 240 EB +88 15 241 * +88 15 242 OI +88 15 243 JT +88 15 244 TO +88 15 245 * +88 15 246 TO +88 15 247 JT +88 15 248 TO +88 15 249 TO +88 15 250 JT +88 15 251 TO +88 15 252 * +88 15 253 TO +88 15 254 IT +88 15 255 EB +88 15 256 ZZ +88 15 257 IT +88 15 258 TO +88 15 259 KK +88 15 260 TO +88 15 261 EB +88 15 262 * +88 15 263 IT +88 15 264 IT +88 15 265 TO +88 15 266 EB +88 15 267 JT +88 15 268 TO +88 15 269 JT +88 15 270 EB +88 15 271 TO +88 15 272 * +88 15 273 JT +88 15 274 * +88 15 275 TO +88 15 276 ZZ +88 15 277 IT +88 15 278 * +88 15 279 * +88 15 280 TO +88 15 281 TO +88 15 282 TO +88 15 283 EB +88 15 284 * +88 15 285 ZZ +88 15 286 * +88 15 287 EB +88 15 288 KK +88 15 289 OH +88 15 290 * +88 15 291 * +88 15 292 * +88 15 293 TO +88 15 294 * +88 15 295 EB +88 15 296 JT +88 15 297 OI +88 15 298 ZZ +88 15 299 TO +88 15 300 EH +88 15 301 OH +88 15 302 EH +88 15 303 IT +88 15 304 TO +88 15 305 JT +88 15 306 TO +88 15 307 OH +88 15 308 JT +88 15 309 TO +88 15 310 TO +88 15 311 IT +88 15 312 EZ +88 15 313 JT +88 15 314 EH +88 15 315 TO +88 15 316 * +88 15 317 JT +88 15 318 * +88 15 319 EH +88 15 320 TO +88 15 321 ZZ +88 15 322 IT +88 15 323 TO +88 15 324 EH +88 15 325 JT +88 15 326 OI +88 15 327 TO +88 15 328 TO +88 15 329 EB +88 15 330 TO +88 16 1 IT +88 16 2 IT +88 16 3 KK +88 16 4 JT +88 16 5 TO +88 16 6 EB +88 16 7 TO +88 16 8 JT +88 16 9 EB +88 16 10 IT +88 16 11 TO +88 16 12 OI +88 16 13 TO +88 16 14 IT +88 16 15 ZZ +88 16 16 EK +88 16 17 KK +88 16 18 EZ +88 16 19 IT +88 16 20 TO +88 16 21 ZZ +88 16 22 OI +88 16 23 JT +88 16 24 TO +88 16 25 IT +88 16 26 IT +88 16 27 EK +88 16 28 ZZ +88 16 29 TO +88 16 30 EB +88 16 31 IT +88 16 32 JT +88 16 33 TO +88 16 34 IT +88 16 35 * +88 16 36 TO +88 16 37 IT +88 16 38 ZZ +88 16 39 TO +88 16 40 IT +88 16 41 KK +88 16 42 TO +88 16 43 IT +88 16 44 EK +88 16 45 TO +88 16 46 EB +88 16 47 TO +88 16 48 OI +88 16 49 IT +88 16 50 JT +88 16 51 EB +88 16 52 TO +88 16 53 JT +88 16 54 TO +88 16 55 IT +88 16 56 ZZ +88 16 57 IT +88 16 58 TO +88 16 59 ZZ +88 16 60 IT +88 16 61 JT +88 16 62 JT +88 16 63 ZZ +88 16 64 IT +88 16 65 ZZ +88 16 66 EB +88 16 67 TO +88 16 68 ZZ +88 16 69 TO +88 16 70 JT +88 16 71 JT +88 16 72 JT +88 16 73 TO +88 16 74 TO +88 16 75 TO +88 16 76 EB +88 16 77 IT +88 16 78 ZZ +88 16 79 EZ +88 16 80 IT +88 16 81 TO +88 16 82 IT +88 16 83 OI +88 16 84 ZZ +88 16 85 TO +88 16 86 ZZ +88 16 87 EZ +88 16 88 JT +88 16 89 EZ +88 16 90 TO +88 16 91 TO +88 16 92 EB +88 16 93 IT +88 16 94 EB +88 16 95 TO +88 16 96 OI +88 16 97 JT +88 16 98 KK +88 16 99 JT +88 16 100 TO +88 16 101 JT +88 16 102 JT +88 16 103 TO +88 16 104 IT +88 16 105 JT +88 16 106 OI +88 16 107 ZZ +88 16 108 TO +88 16 109 IT +88 16 110 OI +88 16 111 TO +88 16 112 ZZ +88 16 113 EZ +88 16 114 TO +88 16 115 KK +88 16 116 IT +88 16 117 EB +88 16 118 ZZ +88 16 119 TO +88 16 120 EK +88 16 121 IE +88 16 122 TO +88 16 123 IT +88 16 124 TO +88 16 125 IE +88 16 126 ZZ +88 16 127 TO +88 16 128 TO +88 16 129 ZZ +88 16 130 TO +88 16 131 JT +88 16 132 TO +88 16 133 * +88 16 134 EB +88 16 135 JT +88 16 136 IT +88 16 137 TO +88 16 138 IT +88 16 139 JT +88 16 140 IT +88 16 141 EK +88 16 142 JT +88 16 143 TO +88 16 144 JT +88 16 145 TO +88 16 146 OI +88 16 147 TO +88 16 148 KK +88 16 149 TO +88 16 150 JT +88 16 151 ZZ +88 16 152 JT +88 16 153 IT +88 16 154 EZ +88 16 155 EB +88 16 156 TO +88 16 157 EB +88 16 158 EK +88 16 159 EB +88 16 160 ZZ +88 16 161 TO +88 16 162 ZZ +88 16 163 TO +88 16 164 IT +88 16 165 TO +88 16 166 IT +88 16 167 JT +88 16 168 TO +88 16 169 IT +88 16 170 TO +88 16 171 TO +88 16 172 EK +88 16 173 ZZ +88 16 174 OI +88 16 175 IT +88 16 176 ZZ +88 16 177 TO +88 16 178 IT +88 16 179 KK +88 16 180 TO +88 16 181 TO +88 16 182 JT +88 16 183 TO +88 16 184 JT +88 16 185 EB +88 16 186 IT +88 16 187 OI +88 16 188 IT +88 16 189 IT +88 16 190 ZZ +88 16 191 TO +88 16 192 JT +88 16 193 TO +88 16 194 JT +88 16 195 TO +88 16 196 TO +88 16 197 JT +88 16 198 EZ +88 16 199 TO +88 16 200 IT +88 16 201 ZZ +88 16 202 TO +88 16 203 JT +88 16 204 EB +88 16 205 JT +88 16 206 TO +88 16 207 ZZ +88 16 208 EB +88 16 209 TO +88 16 210 KK +88 16 211 IT +88 16 212 IE +88 16 213 JT +88 16 214 TO +88 16 215 JT +88 16 216 TO +88 16 217 ZZ +88 16 218 TO +88 16 219 TO +88 16 220 JT +88 16 221 IT +88 16 222 JT +88 16 223 TO +88 16 224 ZZ +88 16 225 TO +88 16 226 IT +88 16 227 EZ +88 16 228 IT +88 16 229 TO +88 16 230 ZZ +88 16 231 JT +88 16 232 TO +88 16 233 JT +88 16 234 TO +88 16 235 IT +88 16 236 TO +88 16 237 EB +88 16 238 TO +88 16 239 ZZ +88 16 240 EB +88 16 241 ZZ +88 16 242 TO +88 16 243 JT +88 16 244 IT +88 16 245 KK +88 16 246 TO +88 16 247 JT +88 16 248 TO +88 16 249 TO +88 16 250 JT +88 16 251 TO +88 16 252 ZZ +88 16 253 TO +88 16 254 IT +88 16 255 EZ +88 16 256 ZZ +88 16 257 IT +88 16 258 TO +88 16 259 KK +88 16 260 TO +88 16 261 EB +88 16 262 EK +88 16 263 EB +88 16 264 IT +88 16 265 TO +88 16 266 EB +88 16 267 JT +88 16 268 TO +88 16 269 JT +88 16 270 OI +88 16 271 TO +88 16 272 IT +88 16 273 JT +88 16 274 EK +88 16 275 TO +88 16 276 ZZ +88 16 277 IT +88 16 278 ZZ +88 16 279 IT +88 16 280 TO +88 16 281 TO +88 16 282 TO +88 16 283 EB +88 16 284 IT +88 16 285 ZZ +88 16 286 EK +88 16 287 EB +88 16 288 KK +88 16 289 TO +88 16 290 EB +88 16 291 IT +88 16 292 ZZ +88 16 293 TO +88 16 294 IT +88 16 295 EB +88 16 296 JT +88 16 297 OI +88 16 298 KK +88 16 299 TO +88 16 300 EB +88 16 301 TO +88 16 302 ZZ +88 16 303 IT +88 16 304 TO +88 16 305 JT +88 16 306 TO +88 16 307 IT +88 16 308 JT +88 16 309 TO +88 16 310 TO +88 16 311 IT +88 16 312 EZ +88 16 313 IT +88 16 314 ZZ +88 16 315 TO +88 16 316 TO +88 16 317 JT +88 16 318 EB +88 16 319 ZZ +88 16 320 TO +88 16 321 ZZ +88 16 322 IT +88 16 323 TO +88 16 324 ZZ +88 16 325 JT +88 16 326 OI +88 16 327 IT +88 16 328 TO +88 16 329 EB +88 16 330 TO +88 17 1 IT +88 17 2 SI +88 17 3 ET +88 17 4 ET +88 17 5 IT +88 17 6 ET +88 17 7 TO +88 17 8 ET +88 17 9 DE +88 17 10 IT +88 17 11 TO +88 17 12 EP +88 17 13 TO +88 17 14 IT +88 17 15 ET +88 17 16 EK +88 17 17 ET +88 17 18 EN +88 17 19 IT +88 17 20 TO +88 17 21 ZZ +88 17 22 EP +88 17 23 ET +88 17 24 * +88 17 25 SI +88 17 26 IT +88 17 27 ET +88 17 28 ZZ +88 17 29 TO +88 17 30 DE +88 17 31 IT +88 17 32 IT +88 17 33 TO +88 17 34 IT +88 17 35 ET +88 17 36 TO +88 17 37 IT +88 17 38 ZZ +88 17 39 TO +88 17 40 IT +88 17 41 ET +88 17 42 EP +88 17 43 IT +88 17 44 ET +88 17 45 TO +88 17 46 IM +88 17 47 TO +88 17 48 EP +88 17 49 SI +88 17 50 ET +88 17 51 DE +88 17 52 TO +88 17 53 ET +88 17 54 TO +88 17 55 SI +88 17 56 EK +88 17 57 IT +88 17 58 EP +88 17 59 ET +88 17 60 IT +88 17 61 ET +88 17 62 ET +88 17 63 EK +88 17 64 IT +88 17 65 ZZ +88 17 66 EK +88 17 67 TO +88 17 68 ET +88 17 69 DE +88 17 70 EK +88 17 71 ET +88 17 72 TO +88 17 73 ET +88 17 74 EK +88 17 75 IT +88 17 76 EP +88 17 77 IT +88 17 78 EK +88 17 79 IM +88 17 80 IT +88 17 81 TO +88 17 82 SI +88 17 83 EK +88 17 84 EK +88 17 85 IT +88 17 86 ZZ +88 17 87 IM +88 17 88 ZZ +88 17 89 EN +88 17 90 IT +88 17 91 TO +88 17 92 EK +88 17 93 IT +88 17 94 DE +88 17 95 IT +88 17 96 EP +88 17 97 ET +88 17 98 ET +88 17 99 ET +88 17 100 IT +88 17 101 ET +88 17 102 IT +88 17 103 TO +88 17 104 IT +88 17 105 IT +88 17 106 EP +88 17 107 EK +88 17 108 IT +88 17 109 IT +88 17 110 ET +88 17 111 TO +88 17 112 ZZ +88 17 113 DE +88 17 114 IT +88 17 115 ET +88 17 116 IT +88 17 117 DE +88 17 118 ZZ +88 17 119 TO +88 17 120 EK +88 17 121 EP +88 17 122 TO +88 17 123 IT +88 17 124 TO +88 17 125 ET +88 17 126 ZZ +88 17 127 TO +88 17 128 EP +88 17 129 EK +88 17 130 TO +88 17 131 ET +88 17 132 TO +88 17 133 ET +88 17 134 DE +88 17 135 ET +88 17 136 SI +88 17 137 TO +88 17 138 IT +88 17 139 EK +88 17 140 IT +88 17 141 EK +88 17 142 EK +88 17 143 TO +88 17 144 ET +88 17 145 SI +88 17 146 EP +88 17 147 SI +88 17 148 ET +88 17 149 TO +88 17 150 IT +88 17 151 ZZ +88 17 152 ET +88 17 153 IT +88 17 154 IM +88 17 155 DE +88 17 156 TO +88 17 157 DE +88 17 158 EK +88 17 159 ET +88 17 160 ET +88 17 161 TO +88 17 162 ZZ +88 17 163 SI +88 17 164 IT +88 17 165 TO +88 17 166 IT +88 17 167 ET +88 17 168 TO +88 17 169 IT +88 17 170 IT +88 17 171 ZZ +88 17 172 TO +88 17 173 * +88 17 174 ZZ +88 17 175 EP +88 17 176 EK +88 17 177 ZZ +88 17 178 TO +88 17 179 IT +88 17 180 ET +88 17 181 TO +88 17 182 EP +88 17 183 ET +88 17 184 ET +88 17 185 ET +88 17 186 SI +88 17 187 ET +88 17 188 IT +88 17 189 IT +88 17 190 ZZ +88 17 191 IT +88 17 192 ET +88 17 193 EP +88 17 194 ET +88 17 195 TO +88 17 196 SI +88 17 197 ET +88 17 198 IM +88 17 199 TO +88 17 200 SI +88 17 201 ZZ +88 17 202 TO +88 17 203 ET +88 17 204 DE +88 17 205 ET +88 17 206 TO +88 17 207 ZZ +88 17 208 EP +88 17 209 IT +88 17 210 ET +88 17 211 SI +88 17 212 ET +88 17 213 ET +88 17 214 TO +88 17 215 ET +88 17 216 TO +88 17 217 ZZ +88 17 218 TO +88 17 219 IT +88 17 220 IT +88 17 221 SI +88 17 222 ET +88 17 223 TO +88 17 224 ZZ +88 17 225 DE +88 17 226 IT +88 17 227 IM +88 17 228 IT +88 17 229 TO +88 17 230 EK +88 17 231 ET +88 17 232 DE +88 17 233 ET +88 17 234 TO +88 17 235 IT +88 17 236 TO +88 17 237 ET +88 17 238 IT +88 17 239 ZZ +88 17 240 DE +88 17 241 EK +88 17 242 EP +88 17 243 ET +88 17 244 EK +88 17 245 ET +88 17 246 SI +88 17 247 ET +88 17 248 TO +88 17 249 TO +88 17 250 ET +88 17 251 TO +88 17 252 EK +88 17 253 SI +88 17 254 IT +88 17 255 DE +88 17 256 ZZ +88 17 257 IT +88 17 258 EP +88 17 259 ET +88 17 260 EP +88 17 261 ET +88 17 262 EK +88 17 263 IM +88 17 264 IT +88 17 265 TO +88 17 266 ET +88 17 267 ET +88 17 268 TO +88 17 269 ET +88 17 270 EP +88 17 271 TO +88 17 272 EK +88 17 273 ET +88 17 274 EK +88 17 275 TO +88 17 276 ET +88 17 277 IT +88 17 278 ET +88 17 279 IT +88 17 280 TO +88 17 281 TO +88 17 282 TO +88 17 283 DE +88 17 284 EK +88 17 285 EK +88 17 286 EK +88 17 287 DE +88 17 288 ET +88 17 289 EK +88 17 290 EK +88 17 291 IT +88 17 292 EK +88 17 293 EK +88 17 294 EK +88 17 295 DE +88 17 296 ET +88 17 297 EP +88 17 298 ZZ +88 17 299 TO +88 17 300 EK +88 17 301 TO +88 17 302 EK +88 17 303 EK +88 17 304 TO +88 17 305 ET +88 17 306 IT +88 17 307 IT +88 17 308 ET +88 17 309 DE +88 17 310 TO +88 17 311 IT +88 17 312 IM +88 17 313 ET +88 17 314 EK +88 17 315 TO +88 17 316 IT +88 17 317 ET +88 17 318 ET +88 17 319 EK +88 17 320 TO +88 17 321 ZZ +88 17 322 IT +88 17 323 TO +88 17 324 EK +88 17 325 ET +88 17 326 ET +88 17 327 EK +88 17 328 TO +88 17 329 DE +88 17 330 EK +88 18 1 IT +88 18 2 IT +88 18 3 ED +88 18 4 IT +88 18 5 IT +88 18 6 EP +88 18 7 TO +88 18 8 ED +88 18 9 EP +88 18 10 EN +88 18 11 TO +88 18 12 EK +88 18 13 TO +88 18 14 IT +88 18 15 ED +88 18 16 EK +88 18 17 IH +88 18 18 EN +88 18 19 IT +88 18 20 TO +88 18 21 ED +88 18 22 EP +88 18 23 EK +88 18 24 EN +88 18 25 IT +88 18 26 IT +88 18 27 EK +88 18 28 ED +88 18 29 TO +88 18 30 EP +88 18 31 TO +88 18 32 ED +88 18 33 TO +88 18 34 IT +88 18 35 EP +88 18 36 * +88 18 37 EK +88 18 38 ET +88 18 39 TO +88 18 40 IT +88 18 41 ET +88 18 42 EP +88 18 43 IT +88 18 44 ET +88 18 45 TO +88 18 46 ZE +88 18 47 TO +88 18 48 EP +88 18 49 IT +88 18 50 IK +88 18 51 EP +88 18 52 EK +88 18 53 ET +88 18 54 TO +88 18 55 IT +88 18 56 EP +88 18 57 TO +88 18 58 EP +88 18 59 ZE +88 18 60 TO +88 18 61 ET +88 18 62 ZE +88 18 63 EP +88 18 64 IT +88 18 65 ED +88 18 66 EK +88 18 67 TO +88 18 68 ED +88 18 69 TO +88 18 70 ZE +88 18 71 ED +88 18 72 TO +88 18 73 ET +88 18 74 TO +88 18 75 TO +88 18 76 EP +88 18 77 TO +88 18 78 ED +88 18 79 EN +88 18 80 IT +88 18 81 TO +88 18 82 TO +88 18 83 EP +88 18 84 EP +88 18 85 TO +88 18 86 ED +88 18 87 EN +88 18 88 IT +88 18 89 EN +88 18 90 EN +88 18 91 EP +88 18 92 EK +88 18 93 IT +88 18 94 EN +88 18 95 EK +88 18 96 EP +88 18 97 IT +88 18 98 ET +88 18 99 IT +88 18 100 TO +88 18 101 ET +88 18 102 ZE +88 18 103 TO +88 18 104 EK +88 18 105 ET +88 18 106 EK +88 18 107 EK +88 18 108 TO +88 18 109 IT +88 18 110 EP +88 18 111 TO +88 18 112 ET +88 18 113 EN +88 18 114 TO +88 18 115 ET +88 18 116 IT +88 18 117 EN +88 18 118 ED +88 18 119 TO +88 18 120 EK +88 18 121 EP +88 18 122 TO +88 18 123 IT +88 18 124 EP +88 18 125 EP +88 18 126 ED +88 18 127 TO +88 18 128 EP +88 18 129 EK +88 18 130 TO +88 18 131 IT +88 18 132 EP +88 18 133 TO +88 18 134 IT +88 18 135 ED +88 18 136 TO +88 18 137 TO +88 18 138 IT +88 18 139 ED +88 18 140 IT +88 18 141 EK +88 18 142 ZE +88 18 143 TO +88 18 144 IT +88 18 145 TO +88 18 146 EP +88 18 147 TO +88 18 148 ET +88 18 149 TO +88 18 150 IT +88 18 151 EP +88 18 152 IT +88 18 153 IT +88 18 154 ZE +88 18 155 EP +88 18 156 TO +88 18 157 EP +88 18 158 EK +88 18 159 EP +88 18 160 ED +88 18 161 TO +88 18 162 ET +88 18 163 TO +88 18 164 IT +88 18 165 TO +88 18 166 IT +88 18 167 ED +88 18 168 TO +88 18 169 IT +88 18 170 IT +88 18 171 TO +88 18 172 EK +88 18 173 ED +88 18 174 EK +88 18 175 TO +88 18 176 ET +88 18 177 EP +88 18 178 IT +88 18 179 ET +88 18 180 TO +88 18 181 EP +88 18 182 ET +88 18 183 EP +88 18 184 IT +88 18 185 EP +88 18 186 TO +88 18 187 EP +88 18 188 IT +88 18 189 ZE +88 18 190 ED +88 18 191 TO +88 18 192 IT +88 18 193 EP +88 18 194 ET +88 18 195 TO +88 18 196 TO +88 18 197 IT +88 18 198 EN +88 18 199 EK +88 18 200 TO +88 18 201 EP +88 18 202 TO +88 18 203 * +88 18 204 IT +88 18 205 EN +88 18 206 EP +88 18 207 ET +88 18 208 ED +88 18 209 EP +88 18 210 ET +88 18 211 IT +88 18 212 EP +88 18 213 ZE +88 18 214 EP +88 18 215 ED +88 18 216 TO +88 18 217 ED +88 18 218 TO +88 18 219 ZE +88 18 220 IT +88 18 221 TO +88 18 222 IT +88 18 223 TO +88 18 224 ED +88 18 225 EP +88 18 226 IT +88 18 227 EN +88 18 228 IT +88 18 229 TO +88 18 230 ED +88 18 231 ET +88 18 232 EP +88 18 233 IT +88 18 234 TO +88 18 235 IT +88 18 236 EP +88 18 237 ED +88 18 238 TO +88 18 239 ED +88 18 240 ET +88 18 241 EK +88 18 242 EP +88 18 243 ET +88 18 244 ZE +88 18 245 ET +88 18 246 TO +88 18 247 IT +88 18 248 TO +88 18 249 TO +88 18 250 IT +88 18 251 TO +88 18 252 ED +88 18 253 TO +88 18 254 IT +88 18 255 EN +88 18 256 ED +88 18 257 IT +88 18 258 EP +88 18 259 ET +88 18 260 EP +88 18 261 EP +88 18 262 EK +88 18 263 ZE +88 18 264 IT +88 18 265 TO +88 18 266 EP +88 18 267 IT +88 18 268 TO +88 18 269 IK +88 18 270 EP +88 18 271 TO +88 18 272 EK +88 18 273 IK +88 18 274 EK +88 18 275 EP +88 18 276 ET +88 18 277 IT +88 18 278 EP +88 18 279 IT +88 18 280 TO +88 18 281 TO +88 18 282 EK +88 18 283 IK +88 18 284 EK +88 18 285 ED +88 18 286 EK +88 18 287 EP +88 18 288 ET +88 18 289 TO +88 18 290 EP +88 18 291 IT +88 18 292 ED +88 18 293 TO +88 18 294 EK +88 18 295 EP +88 18 296 IK +88 18 297 EP +88 18 298 ET +88 18 299 TO +88 18 300 ZE +88 18 301 TO +88 18 302 EP +88 18 303 ZE +88 18 304 TO +88 18 305 IK +88 18 306 TO +88 18 307 IT +88 18 308 IK +88 18 309 ZE +88 18 310 TO +88 18 311 IT +88 18 312 EN +88 18 313 IT +88 18 314 ED +88 18 315 TO +88 18 316 TO +88 18 317 ET +88 18 318 EP +88 18 319 EK +88 18 320 TO +88 18 321 ET +88 18 322 IT +88 18 323 TO +88 18 324 ED +88 18 325 IK +88 18 326 EP +88 18 327 EK +88 18 328 TO +88 18 329 EP +88 18 330 IT +88 19 1 IT +88 19 2 TO +88 19 3 ET +88 19 4 * +88 19 5 TO +88 19 6 EP +88 19 7 TO +88 19 8 ET +88 19 9 EP +88 19 10 IT +88 19 11 TO +88 19 12 EP +88 19 13 TO +88 19 14 IT +88 19 15 ZZ +88 19 16 EK +88 19 17 ZZ +88 19 18 IM +88 19 19 IT +88 19 20 TO +88 19 21 ZZ +88 19 22 TO +88 19 23 ZZ +88 19 24 IM +88 19 25 IT +88 19 26 IT +88 19 27 ZZ +88 19 28 ZZ +88 19 29 TO +88 19 30 EP +88 19 31 IT +88 19 32 ZZ +88 19 33 TO +88 19 34 IT +88 19 35 ZZ +88 19 36 TO +88 19 37 IT +88 19 38 ET +88 19 39 TO +88 19 40 IT +88 19 41 ET +88 19 42 EP +88 19 43 IT +88 19 44 ZZ +88 19 45 TO +88 19 46 IM +88 19 47 TO +88 19 48 EP +88 19 49 IT +88 19 50 PU +88 19 51 IM +88 19 52 EP +88 19 53 ET +88 19 54 TO +88 19 55 IT +88 19 56 ZZ +88 19 57 IT +88 19 58 * +88 19 59 IT +88 19 60 TO +88 19 61 ET +88 19 62 * +88 19 63 ZZ +88 19 64 IT +88 19 65 ZZ +88 19 66 EP +88 19 67 TO +88 19 68 ZZ +88 19 69 TO +88 19 70 EK +88 19 71 ET +88 19 72 TO +88 19 73 EN +88 19 74 IT +88 19 75 TO +88 19 76 EP +88 19 77 IT +88 19 78 PU +88 19 79 IM +88 19 80 IT +88 19 81 TO +88 19 82 TO +88 19 83 EP +88 19 84 ZZ +88 19 85 TO +88 19 86 ZZ +88 19 87 IM +88 19 88 PU +88 19 89 IM +88 19 90 TO +88 19 91 TO +88 19 92 ZZ +88 19 93 IT +88 19 94 IM +88 19 95 EK +88 19 96 EP +88 19 97 PU +88 19 98 ET +88 19 99 PU +88 19 100 TO +88 19 101 ET +88 19 102 PU +88 19 103 TO +88 19 104 IT +88 19 105 PU +88 19 106 EP +88 19 107 ZZ +88 19 108 IT +88 19 109 IT +88 19 110 EP +88 19 111 TO +88 19 112 ZZ +88 19 113 IM +88 19 114 TO +88 19 115 ET +88 19 116 IT +88 19 117 IM +88 19 118 ZZ +88 19 119 TO +88 19 120 EK +88 19 121 EP +88 19 122 TO +88 19 123 IT +88 19 124 TO +88 19 125 EP +88 19 126 ZZ +88 19 127 TO +88 19 128 EP +88 19 129 EK +88 19 130 TO +88 19 131 PU +88 19 132 ET +88 19 133 TO +88 19 134 IM +88 19 135 PU +88 19 136 IT +88 19 137 TO +88 19 138 IT +88 19 139 PU +88 19 140 IT +88 19 141 EK +88 19 142 IT +88 19 143 TO +88 19 144 PU +88 19 145 TO +88 19 146 EP +88 19 147 TO +88 19 148 ET +88 19 149 TO +88 19 150 PU +88 19 151 ZZ +88 19 152 ZZ +88 19 153 IT +88 19 154 IM +88 19 155 IM +88 19 156 TO +88 19 157 IM +88 19 158 EK +88 19 159 EP +88 19 160 ZZ +88 19 161 TO +88 19 162 ET +88 19 163 TO +88 19 164 IT +88 19 165 TO +88 19 166 IT +88 19 167 PU +88 19 168 TO +88 19 169 IT +88 19 170 IT +88 19 171 TO +88 19 172 EK +88 19 173 ZZ +88 19 174 EP +88 19 175 IT +88 19 176 ZZ +88 19 177 EP +88 19 178 IT +88 19 179 ET +88 19 180 TO +88 19 181 EP +88 19 182 ET +88 19 183 IM +88 19 184 PU +88 19 185 IM +88 19 186 IT +88 19 187 EP +88 19 188 IT +88 19 189 IT +88 19 190 ZZ +88 19 191 TO +88 19 192 PU +88 19 193 TO +88 19 194 ET +88 19 195 TO +88 19 196 IT +88 19 197 PU +88 19 198 IM +88 19 199 TO +88 19 200 IT +88 19 201 ZZ +88 19 202 TO +88 19 203 PU +88 19 204 IM +88 19 205 PU +88 19 206 EP +88 19 207 ZZ +88 19 208 * +88 19 209 ET +88 19 210 TO +88 19 211 IT +88 19 212 EP +88 19 213 PU +88 19 214 TO +88 19 215 ZZ +88 19 216 TO +88 19 217 ZZ +88 19 218 TO +88 19 219 IT +88 19 220 IT +88 19 221 IT +88 19 222 PU +88 19 223 TO +88 19 224 ZZ +88 19 225 TO +88 19 226 IT +88 19 227 TO +88 19 228 IT +88 19 229 TO +88 19 230 ZZ +88 19 231 PU +88 19 232 TO +88 19 233 IT +88 19 234 TO +88 19 235 IT +88 19 236 TO +88 19 237 ZZ +88 19 238 IT +88 19 239 ZZ +88 19 240 IM +88 19 241 ZZ +88 19 242 EP +88 19 243 ET +88 19 244 IT +88 19 245 ET +88 19 246 IT +88 19 247 PU +88 19 248 TO +88 19 249 TO +88 19 250 PU +88 19 251 TO +88 19 252 ZZ +88 19 253 TO +88 19 254 IT +88 19 255 IM +88 19 256 ZZ +88 19 257 IT +88 19 258 EP +88 19 259 ET +88 19 260 EP +88 19 261 EP +88 19 262 ZZ +88 19 263 IM +88 19 264 IT +88 19 265 TO +88 19 266 EP +88 19 267 PU +88 19 268 TO +88 19 269 PU +88 19 270 EP +88 19 271 TO +88 19 272 EK +88 19 273 PU +88 19 274 EK +88 19 275 TO +88 19 276 PU +88 19 277 IT +88 19 278 EP +88 19 279 IT +88 19 280 TO +88 19 281 TO +88 19 282 EK +88 19 283 IM +88 19 284 IT +88 19 285 ZZ +88 19 286 EK +88 19 287 * +88 19 288 ET +88 19 289 IT +88 19 290 ZZ +88 19 291 IT +88 19 292 ZZ +88 19 293 TO +88 19 294 EK +88 19 295 BR +88 19 296 PU +88 19 297 EP +88 19 298 ET +88 19 299 TO +88 19 300 IM +88 19 301 TO +88 19 302 ZZ +88 19 303 IT +88 19 304 TO +88 19 305 PU +88 19 306 TO +88 19 307 IT +88 19 308 PU +88 19 309 IM +88 19 310 TO +88 19 311 IT +88 19 312 IM +88 19 313 PU +88 19 314 ZZ +88 19 315 TO +88 19 316 TO +88 19 317 ET +88 19 318 EP +88 19 319 ZZ +88 19 320 TO +88 19 321 ZZ +88 19 322 IT +88 19 323 TO +88 19 324 ZZ +88 19 325 PU +88 19 326 EP +88 19 327 EK +88 19 328 TO +88 19 329 EP +88 19 330 TO +88 20 1 IT +88 20 2 TO +88 20 3 ET +88 20 4 IT +88 20 5 TO +88 20 6 EP +88 20 7 TO +88 20 8 ET +88 20 9 JI +88 20 10 IT +88 20 11 TO +88 20 12 EP +88 20 13 TO +88 20 14 IT +88 20 15 ZZ +88 20 16 IM +88 20 17 EP +88 20 18 EN +88 20 19 IT +88 20 20 TO +88 20 21 ZZ +88 20 22 EP +88 20 23 IT +88 20 24 JI +88 20 25 IT +88 20 26 IT +88 20 27 EP +88 20 28 ZZ +88 20 29 TO +88 20 30 JI +88 20 31 IT +88 20 32 IT +88 20 33 TO +88 20 34 IT +88 20 35 EP +88 20 36 TO +88 20 37 IT +88 20 38 ET +88 20 39 TO +88 20 40 IT +88 20 41 ET +88 20 42 EP +88 20 43 IT +88 20 44 EK +88 20 45 TO +88 20 46 IM +88 20 47 TO +88 20 48 EP +88 20 49 IT +88 20 50 ZZ +88 20 51 JI +88 20 52 IT +88 20 53 ET +88 20 54 TO +88 20 55 IT +88 20 56 ZZ +88 20 57 TO +88 20 58 TO +88 20 59 ZZ +88 20 60 TO +88 20 61 ET +88 20 62 IT +88 20 63 ZZ +88 20 64 IT +88 20 65 ET +88 20 66 EP +88 20 67 TO +88 20 68 ZZ +88 20 69 TO +88 20 70 IT +88 20 71 ET +88 20 72 TO +88 20 73 ZZ +88 20 74 IT +88 20 75 TO +88 20 76 EP +88 20 77 IT +88 20 78 ZZ +88 20 79 EN +88 20 80 IT +88 20 81 TO +88 20 82 TO +88 20 83 EP +88 20 84 ZZ +88 20 85 TO +88 20 86 ZZ +88 20 87 EN +88 20 88 ZZ +88 20 89 EN +88 20 90 TO +88 20 91 TO +88 20 92 ZZ +88 20 93 IT +88 20 94 JI +88 20 95 TO +88 20 96 EP +88 20 97 ZZ +88 20 98 * +88 20 99 ET +88 20 100 ZZ +88 20 101 TO +88 20 102 ET +88 20 103 IT +88 20 104 TO +88 20 105 IT +88 20 106 EP +88 20 107 EK +88 20 108 IT +88 20 109 IT +88 20 110 EP +88 20 111 TO +88 20 112 ET +88 20 113 EN +88 20 114 TO +88 20 115 ET +88 20 116 IT +88 20 117 JI +88 20 118 ZZ +88 20 119 TO +88 20 120 EK +88 20 121 EP +88 20 122 TO +88 20 123 IT +88 20 124 TO +88 20 125 EP +88 20 126 ZZ +88 20 127 TO +88 20 128 TO +88 20 129 ZZ +88 20 130 TO +88 20 131 ZZ +88 20 132 EP +88 20 133 TO +88 20 134 JI +88 20 135 ZZ +88 20 136 IT +88 20 137 TO +88 20 138 IT +88 20 139 ZZ +88 20 140 IT +88 20 141 EK +88 20 142 IT +88 20 143 TO +88 20 144 ZZ +88 20 145 TO +88 20 146 EP +88 20 147 TO +88 20 148 ET +88 20 149 TO +88 20 150 ZZ +88 20 151 ZZ +88 20 152 ZZ +88 20 153 IT +88 20 154 IM +88 20 155 JI +88 20 156 TO +88 20 157 JI +88 20 158 EK +88 20 159 EP +88 20 160 ZZ +88 20 161 TO +88 20 162 ET +88 20 163 TO +88 20 164 IT +88 20 165 TO +88 20 166 IT +88 20 167 ZZ +88 20 168 TO +88 20 169 IT +88 20 170 TO +88 20 171 TO +88 20 172 EK +88 20 173 ZZ +88 20 174 EP +88 20 175 IT +88 20 176 ZZ +88 20 177 EP +88 20 178 IT +88 20 179 ET +88 20 180 IT +88 20 181 EP +88 20 182 JT +88 20 183 JI +88 20 184 JT +88 20 185 EP +88 20 186 IT +88 20 187 EP +88 20 188 IT +88 20 189 IT +88 20 190 ZZ +88 20 191 TO +88 20 192 JT +88 20 193 TO +88 20 194 ET +88 20 195 TO +88 20 196 IT +88 20 197 JT +88 20 198 EN +88 20 199 EK +88 20 200 IT +88 20 201 ZZ +88 20 202 TO +88 20 203 ZZ +88 20 204 JI +88 20 205 IT +88 20 206 EK +88 20 207 ZZ +88 20 208 EP +88 20 209 JI +88 20 210 TO +88 20 211 IT +88 20 212 EP +88 20 213 IT +88 20 214 TO +88 20 215 IT +88 20 216 TO +88 20 217 ZZ +88 20 218 TO +88 20 219 IT +88 20 220 IT +88 20 221 IT +88 20 222 IT +88 20 223 TO +88 20 224 EK +88 20 225 TO +88 20 226 IT +88 20 227 TO +88 20 228 IT +88 20 229 TO +88 20 230 EK +88 20 231 JT +88 20 232 JI +88 20 233 IT +88 20 234 TO +88 20 235 IT +88 20 236 TO +88 20 237 ZZ +88 20 238 TO +88 20 239 ZZ +88 20 240 JI +88 20 241 EK +88 20 242 EP +88 20 243 JT +88 20 244 IT +88 20 245 ET +88 20 246 TO +88 20 247 JT +88 20 248 TO +88 20 249 TO +88 20 250 JT +88 20 251 TO +88 20 252 EK +88 20 253 TO +88 20 254 IT +88 20 255 EN +88 20 256 ZZ +88 20 257 IT +88 20 258 EP +88 20 259 ET +88 20 260 EP +88 20 261 EP +88 20 262 EK +88 20 263 IM +88 20 264 IT +88 20 265 TO +88 20 266 JI +88 20 267 JT +88 20 268 TO +88 20 269 JT +88 20 270 EP +88 20 271 TO +88 20 272 IT +88 20 273 IT +88 20 274 EK +88 20 275 TO +88 20 276 ZZ +88 20 277 IT +88 20 278 ZZ +88 20 279 IT +88 20 280 TO +88 20 281 TO +88 20 282 TO +88 20 283 JI +88 20 284 IT +88 20 285 ZZ +88 20 286 EK +88 20 287 EP +88 20 288 ET +88 20 289 IT +88 20 290 EK +88 20 291 IT +88 20 292 ZZ +88 20 293 IT +88 20 294 EK +88 20 295 JI +88 20 296 JT +88 20 297 EP +88 20 298 ET +88 20 299 TO +88 20 300 IM +88 20 301 TO +88 20 302 EK +88 20 303 IT +88 20 304 TO +88 20 305 JT +88 20 306 TO +88 20 307 IT +88 20 308 JT +88 20 309 TO +88 20 310 TO +88 20 311 IT +88 20 312 EN +88 20 313 IT +88 20 314 EK +88 20 315 TO +88 20 316 TO +88 20 317 JT +88 20 318 ZZ +88 20 319 EK +88 20 320 TO +88 20 321 ET +88 20 322 IT +88 20 323 TO +88 20 324 EK +88 20 325 JT +88 20 326 EP +88 20 327 IT +88 20 328 TO +88 20 329 JI +88 20 330 IT +88 21 1 NE +88 21 2 * +88 21 3 ED +88 21 4 JT +88 21 5 * +88 21 6 * +88 21 7 TO +88 21 8 ED +88 21 9 EB +88 21 10 * +88 21 11 * +88 21 12 PO +88 21 13 * +88 21 14 * +88 21 15 * +88 21 16 EK +88 21 17 * +88 21 18 EN +88 21 19 * +88 21 20 TO +88 21 21 ZZ +88 21 22 PO +88 21 23 * +88 21 24 * +88 21 25 * +88 21 26 * +88 21 27 * +88 21 28 ZZ +88 21 29 * +88 21 30 * +88 21 31 * +88 21 32 * +88 21 33 * +88 21 34 NE +88 21 35 * +88 21 36 * +88 21 37 * +88 21 38 ZZ +88 21 39 * +88 21 40 NE +88 21 41 * +88 21 42 * +88 21 43 * +88 21 44 EK +88 21 45 TO +88 21 46 * +88 21 47 * +88 21 48 EB +88 21 49 JT +88 21 50 * +88 21 51 * +88 21 52 * +88 21 53 JT +88 21 54 TO +88 21 55 * +88 21 56 * +88 21 57 NE +88 21 58 * +88 21 59 * +88 21 60 * +88 21 61 * +88 21 62 * +88 21 63 ZZ +88 21 64 * +88 21 65 ZZ +88 21 66 * +88 21 67 * +88 21 68 * +88 21 69 TO +88 21 70 * +88 21 71 * +88 21 72 TO +88 21 73 * +88 21 74 * +88 21 75 * +88 21 76 IE +88 21 77 * +88 21 78 * +88 21 79 EB +88 21 80 NE +88 21 81 TO +88 21 82 * +88 21 83 PO +88 21 84 ZZ +88 21 85 TO +88 21 86 ZZ +88 21 87 EN +88 21 88 * +88 21 89 EN +88 21 90 * +88 21 91 * +88 21 92 * +88 21 93 NE +88 21 94 EB +88 21 95 EK +88 21 96 PO +88 21 97 * +88 21 98 ZZ +88 21 99 * +88 21 100 * +88 21 101 IE +88 21 102 * +88 21 103 TO +88 21 104 * +88 21 105 * +88 21 106 * +88 21 107 EK +88 21 108 NE +88 21 109 * +88 21 110 IE +88 21 111 * +88 21 112 ED +88 21 113 EN +88 21 114 * +88 21 115 * +88 21 116 NE +88 21 117 * +88 21 118 ZZ +88 21 119 TO +88 21 120 * +88 21 121 * +88 21 122 TO +88 21 123 * +88 21 124 TO +88 21 125 * +88 21 126 ZZ +88 21 127 * +88 21 128 PO +88 21 129 * +88 21 130 * +88 21 131 JT +88 21 132 * +88 21 133 TO +88 21 134 * +88 21 135 IE +88 21 136 * +88 21 137 TO +88 21 138 * +88 21 139 * +88 21 140 TO +88 21 141 EK +88 21 142 * +88 21 143 TO +88 21 144 IE +88 21 145 NE +88 21 146 PO +88 21 147 * +88 21 148 ED +88 21 149 TO +88 21 150 IE +88 21 151 * +88 21 152 * +88 21 153 NE +88 21 154 EB +88 21 155 * +88 21 156 TO +88 21 157 EB +88 21 158 EK +88 21 159 * +88 21 160 * +88 21 161 TO +88 21 162 ED +88 21 163 TO +88 21 164 NE +88 21 165 TO +88 21 166 NE +88 21 167 * +88 21 168 TO +88 21 169 TO +88 21 170 * +88 21 171 TO +88 21 172 EK +88 21 173 ZZ +88 21 174 EP +88 21 175 NE +88 21 176 ZZ +88 21 177 * +88 21 178 NE +88 21 179 * +88 21 180 TO +88 21 181 * +88 21 182 IE +88 21 183 EP +88 21 184 * +88 21 185 * +88 21 186 * +88 21 187 IE +88 21 188 NE +88 21 189 * +88 21 190 * +88 21 191 * +88 21 192 * +88 21 193 TO +88 21 194 IE +88 21 195 TO +88 21 196 * +88 21 197 * +88 21 198 EN +88 21 199 * +88 21 200 NE +88 21 201 * +88 21 202 TO +88 21 203 * +88 21 204 * +88 21 205 * +88 21 206 * +88 21 207 ZZ +88 21 208 EB +88 21 209 * +88 21 210 TO +88 21 211 NE +88 21 212 * +88 21 213 * +88 21 214 TO +88 21 215 * +88 21 216 * +88 21 217 * +88 21 218 * +88 21 219 * +88 21 220 * +88 21 221 * +88 21 222 IE +88 21 223 TO +88 21 224 EK +88 21 225 TO +88 21 226 * +88 21 227 * +88 21 228 NE +88 21 229 TO +88 21 230 * +88 21 231 IE +88 21 232 * +88 21 233 * +88 21 234 TO +88 21 235 NE +88 21 236 * +88 21 237 * +88 21 238 TO +88 21 239 ZZ +88 21 240 EB +88 21 241 EK +88 21 242 PO +88 21 243 IE +88 21 244 * +88 21 245 ED +88 21 246 TO +88 21 247 * +88 21 248 * +88 21 249 * +88 21 250 JT +88 21 251 * +88 21 252 TO +88 21 253 * +88 21 254 * +88 21 255 EB +88 21 256 ZZ +88 21 257 NE +88 21 258 * +88 21 259 ZZ +88 21 260 * +88 21 261 * +88 21 262 EK +88 21 263 * +88 21 264 NE +88 21 265 TO +88 21 266 * +88 21 267 * +88 21 268 TO +88 21 269 * +88 21 270 * +88 21 271 * +88 21 272 * +88 21 273 * +88 21 274 EK +88 21 275 TO +88 21 276 ZZ +88 21 277 NE +88 21 278 * +88 21 279 * +88 21 280 * +88 21 281 TO +88 21 282 TO +88 21 283 EB +88 21 284 * +88 21 285 * +88 21 286 * +88 21 287 * +88 21 288 ED +88 21 289 NE +88 21 290 * +88 21 291 NE +88 21 292 ZZ +88 21 293 * +88 21 294 * +88 21 295 EB +88 21 296 * +88 21 297 * +88 21 298 ZZ +88 21 299 * +88 21 300 * +88 21 301 TO +88 21 302 * +88 21 303 * +88 21 304 * +88 21 305 IE +88 21 306 TO +88 21 307 * +88 21 308 * +88 21 309 * +88 21 310 * +88 21 311 NE +88 21 312 * +88 21 313 * +88 21 314 * +88 21 315 TO +88 21 316 TO +88 21 317 * +88 21 318 * +88 21 319 * +88 21 320 * +88 21 321 ZZ +88 21 322 NE +88 21 323 TO +88 21 324 * +88 21 325 * +88 21 326 * +88 21 327 * +88 21 328 TO +88 21 329 EB +88 21 330 * +88 22 1 IT +88 22 2 TO +88 22 3 ET +88 22 4 PU +88 22 5 TO +88 22 6 PE +88 22 7 TO +88 22 8 ZZ +88 22 9 IM +88 22 10 IT +88 22 11 TO +88 22 12 EP +88 22 13 TO +88 22 14 IT +88 22 15 PI +88 22 16 EK +88 22 17 IE +88 22 18 EN +88 22 19 IT +88 22 20 TO +88 22 21 ZZ +88 22 22 EP +88 22 23 PU +88 22 24 IM +88 22 25 TO +88 22 26 IT +88 22 27 * +88 22 28 ZZ +88 22 29 TO +88 22 30 IM +88 22 31 IT +88 22 32 PI +88 22 33 TO +88 22 34 IT +88 22 35 PE +88 22 36 TO +88 22 37 IT +88 22 38 ZZ +88 22 39 TO +88 22 40 IT +88 22 41 ET +88 22 42 EP +88 22 43 IT +88 22 44 EK +88 22 45 TO +88 22 46 IM +88 22 47 TO +88 22 48 EP +88 22 49 IT +88 22 50 PU +88 22 51 IM +88 22 52 TO +88 22 53 ZZ +88 22 54 TO +88 22 55 IT +88 22 56 PE +88 22 57 IT +88 22 58 IM +88 22 59 ET +88 22 60 IT +88 22 61 PU +88 22 62 ZZ +88 22 63 ZZ +88 22 64 PU +88 22 65 ZZ +88 22 66 TO +88 22 67 TO +88 22 68 ZZ +88 22 69 TO +88 22 70 TO +88 22 71 ET +88 22 72 TO +88 22 73 PU +88 22 74 IT +88 22 75 TO +88 22 76 EP +88 22 77 IT +88 22 78 ZZ +88 22 79 EN +88 22 80 IT +88 22 81 TO +88 22 82 IT +88 22 83 CR +88 22 84 TO +88 22 85 TO +88 22 86 ZZ +88 22 87 EN +88 22 88 PI +88 22 89 EN +88 22 90 TO +88 22 91 TO +88 22 92 CR +88 22 93 IT +88 22 94 IM +88 22 95 TO +88 22 96 EP +88 22 97 PU +88 22 98 ET +88 22 99 PU +88 22 100 IT +88 22 101 ZZ +88 22 102 PU +88 22 103 TO +88 22 104 IT +88 22 105 PU +88 22 106 EP +88 22 107 EK +88 22 108 TU +88 22 109 ET +88 22 110 EP +88 22 111 TO +88 22 112 ZZ +88 22 113 EN +88 22 114 IT +88 22 115 ET +88 22 116 IT +88 22 117 IM +88 22 118 ZZ +88 22 119 TO +88 22 120 EK +88 22 121 EP +88 22 122 TO +88 22 123 IT +88 22 124 TO +88 22 125 EP +88 22 126 ZZ +88 22 127 TO +88 22 128 EP +88 22 129 CR +88 22 130 TO +88 22 131 PU +88 22 132 ET +88 22 133 TO +88 22 134 ET +88 22 135 ZZ +88 22 136 IT +88 22 137 TO +88 22 138 IT +88 22 139 PU +88 22 140 IT +88 22 141 EK +88 22 142 PU +88 22 143 TO +88 22 144 PU +88 22 145 TO +88 22 146 EP +88 22 147 TO +88 22 148 ET +88 22 149 TO +88 22 150 PU +88 22 151 ZZ +88 22 152 PU +88 22 153 IT +88 22 154 IM +88 22 155 BR +88 22 156 TO +88 22 157 EN +88 22 158 OR +88 22 159 EK +88 22 160 PI +88 22 161 TO +88 22 162 ET +88 22 163 TO +88 22 164 IT +88 22 165 TO +88 22 166 TO +88 22 167 PU +88 22 168 TO +88 22 169 IT +88 22 170 TO +88 22 171 TO +88 22 172 EK +88 22 173 ZZ +88 22 174 EP +88 22 175 IT +88 22 176 OR +88 22 177 EP +88 22 178 IT +88 22 179 ET +88 22 180 TO +88 22 181 EP +88 22 182 ET +88 22 183 EP +88 22 184 PU +88 22 185 EP +88 22 186 IT +88 22 187 EP +88 22 188 IT +88 22 189 IT +88 22 190 ZZ +88 22 191 TO +88 22 192 PU +88 22 193 TO +88 22 194 ET +88 22 195 TO +88 22 196 IT +88 22 197 PU +88 22 198 EN +88 22 199 TO +88 22 200 IT +88 22 201 ZZ +88 22 202 TO +88 22 203 ZZ +88 22 204 IM +88 22 205 PU +88 22 206 CR +88 22 207 ZZ +88 22 208 IM +88 22 209 TO +88 22 210 ET +88 22 211 IT +88 22 212 EP +88 22 213 LI +88 22 214 TO +88 22 215 ZZ +88 22 216 TO +88 22 217 ZZ +88 22 218 TO +88 22 219 TO +88 22 220 PU +88 22 221 IT +88 22 222 PU +88 22 223 TO +88 22 224 PI +88 22 225 TO +88 22 226 IT +88 22 227 EN +88 22 228 IT +88 22 229 IT +88 22 230 PE +88 22 231 PU +88 22 232 TO +88 22 233 PU +88 22 234 TO +88 22 235 IT +88 22 236 TO +88 22 237 PE +88 22 238 ET +88 22 239 ZZ +88 22 240 IM +88 22 241 EK +88 22 242 EP +88 22 243 ET +88 22 244 IT +88 22 245 ET +88 22 246 IT +88 22 247 PU +88 22 248 * +88 22 249 * +88 22 250 * +88 22 251 * +88 22 252 * +88 22 253 TO +88 22 254 IT +88 22 255 EN +88 22 256 ZZ +88 22 257 IT +88 22 258 EP +88 22 259 ET +88 22 260 TO +88 22 261 EP +88 22 262 EK +88 22 263 IM +88 22 264 IT +88 22 265 TO +88 22 266 RU +88 22 267 PU +88 22 268 TO +88 22 269 ZZ +88 22 270 EP +88 22 271 TO +88 22 272 EK +88 22 273 PU +88 22 274 EK +88 22 275 TO +88 22 276 ZZ +88 22 277 IT +88 22 278 PE +88 22 279 IT +88 22 280 TO +88 22 281 TO +88 22 282 TO +88 22 283 IM +88 22 284 IT +88 22 285 ZZ +88 22 286 EK +88 22 287 EP +88 22 288 ET +88 22 289 IT +88 22 290 CR +88 22 291 IT +88 22 292 ZZ +88 22 293 TO +88 22 294 EK +88 22 295 IM +88 22 296 PU +88 22 297 EP +88 22 298 * +88 22 299 TO +88 22 300 EK +88 22 301 TO +88 22 302 PE +88 22 303 TO +88 22 304 TO +88 22 305 ZZ +88 22 306 TO +88 22 307 IT +88 22 308 PU +88 22 309 TO +88 22 310 TO +88 22 311 IT +88 22 312 EN +88 22 313 PU +88 22 314 CR +88 22 315 TO +88 22 316 TO +88 22 317 ZZ +88 22 318 EP +88 22 319 EK +88 22 320 TO +88 22 321 ZZ +88 22 322 IT +88 22 323 TO +88 22 324 EK +88 22 325 PI +88 22 326 EP +88 22 327 IT +88 22 328 TO +88 22 329 IM +88 22 330 IT +88 23 1 IT +88 23 2 TO +88 23 3 ET +88 23 4 TO +88 23 5 TO +88 23 6 EP +88 23 7 TO +88 23 8 ZZ +88 23 9 EP +88 23 10 IT +88 23 11 TO +88 23 12 EP +88 23 13 TO +88 23 14 IT +88 23 15 ZZ +88 23 16 EK +88 23 17 ET +88 23 18 EN +88 23 19 IT +88 23 20 TO +88 23 21 ZZ +88 23 22 EP +88 23 23 IT +88 23 24 EN +88 23 25 TO +88 23 26 IT +88 23 27 EP +88 23 28 ZZ +88 23 29 TO +88 23 30 EP +88 23 31 EK +88 23 32 ZZ +88 23 33 TO +88 23 34 IT +88 23 35 EP +88 23 36 TO +88 23 37 IT +88 23 38 ZZ +88 23 39 TO +88 23 40 TO +88 23 41 ZZ +88 23 42 EP +88 23 43 IT +88 23 44 EK +88 23 45 TO +88 23 46 EN +88 23 47 TO +88 23 48 EP +88 23 49 TO +88 23 50 ZZ +88 23 51 EP +88 23 52 TO +88 23 53 ZZ +88 23 54 TO +88 23 55 KZ +88 23 56 ZZ +88 23 57 IT +88 23 58 EP +88 23 59 ZZ +88 23 60 IT +88 23 61 ZZ +88 23 62 TO +88 23 63 TO +88 23 64 ZZ +88 23 65 ZZ +88 23 66 EK +88 23 67 TO +88 23 68 ZZ +88 23 69 EP +88 23 70 EK +88 23 71 ZZ +88 23 72 TO +88 23 73 ZZ +88 23 74 KZ +88 23 75 IT +88 23 76 KA +88 23 77 IT +88 23 78 ZZ +88 23 79 IM +88 23 80 IT +88 23 81 TO +88 23 82 TO +88 23 83 EP +88 23 84 ZZ +88 23 85 TO +88 23 86 ZZ +88 23 87 IM +88 23 88 ZZ +88 23 89 EN +88 23 90 IT +88 23 91 EP +88 23 92 IM +88 23 93 IT +88 23 94 IM +88 23 95 IM +88 23 96 EP +88 23 97 IT +88 23 98 ET +88 23 99 ZZ +88 23 100 TO +88 23 101 ZZ +88 23 102 IM +88 23 103 EP +88 23 104 TO +88 23 105 ZZ +88 23 106 EP +88 23 107 IM +88 23 108 TO +88 23 109 IT +88 23 110 EP +88 23 111 EN +88 23 112 ZZ +88 23 113 EN +88 23 114 TO +88 23 115 ZZ +88 23 116 IM +88 23 117 ET +88 23 118 ZZ +88 23 119 TO +88 23 120 EK +88 23 121 ET +88 23 122 TO +88 23 123 IT +88 23 124 TO +88 23 125 EP +88 23 126 TO +88 23 127 IT +88 23 128 EP +88 23 129 IM +88 23 130 IT +88 23 131 TO +88 23 132 ZZ +88 23 133 TO +88 23 134 ZZ +88 23 135 ZZ +88 23 136 KZ +88 23 137 TO +88 23 138 IT +88 23 139 IM +88 23 140 IT +88 23 141 EK +88 23 142 IM +88 23 143 TO +88 23 144 IT +88 23 145 TO +88 23 146 EP +88 23 147 KZ +88 23 148 ET +88 23 149 TO +88 23 150 ZZ +88 23 151 EP +88 23 152 ZZ +88 23 153 KZ +88 23 154 IM +88 23 155 EN +88 23 156 TO +88 23 157 EP +88 23 158 EK +88 23 159 EP +88 23 160 ZZ +88 23 161 TO +88 23 162 ZZ +88 23 163 TO +88 23 164 IT +88 23 165 TO +88 23 166 IM +88 23 167 ZZ +88 23 168 TO +88 23 169 IT +88 23 170 TO +88 23 171 TO +88 23 172 EK +88 23 173 ZZ +88 23 174 EP +88 23 175 IM +88 23 176 ET +88 23 177 EP +88 23 178 IT +88 23 179 ZZ +88 23 180 TO +88 23 181 EP +88 23 182 ZZ +88 23 183 EP +88 23 184 ZZ +88 23 185 EP +88 23 186 TO +88 23 187 EP +88 23 188 IT +88 23 189 IM +88 23 190 ZZ +88 23 191 TO +88 23 192 ZZ +88 23 193 EP +88 23 194 ZZ +88 23 195 TO +88 23 196 KZ +88 23 197 ZZ +88 23 198 EN +88 23 199 IM +88 23 200 IT +88 23 201 ZZ +88 23 202 TO +88 23 203 ZZ +88 23 204 IM +88 23 205 IT +88 23 206 IM +88 23 207 * +88 23 208 EP +88 23 209 IT +88 23 210 ZZ +88 23 211 IT +88 23 212 EP +88 23 213 ZZ +88 23 214 EP +88 23 215 ZZ +88 23 216 IM +88 23 217 ZZ +88 23 218 EP +88 23 219 IM +88 23 220 IT +88 23 221 IM +88 23 222 ZZ +88 23 223 TO +88 23 224 IM +88 23 225 EP +88 23 226 IT +88 23 227 IM +88 23 228 IT +88 23 229 TO +88 23 230 ZZ +88 23 231 ZZ +88 23 232 EP +88 23 233 IM +88 23 234 TO +88 23 235 IT +88 23 236 EP +88 23 237 ZZ +88 23 238 TO +88 23 239 ZZ +88 23 240 EP +88 23 241 EK +88 23 242 EP +88 23 243 IT +88 23 244 IM +88 23 245 ET +88 23 246 TO +88 23 247 ZZ +88 23 248 IM +88 23 249 TO +88 23 250 IT +88 23 251 TO +88 23 252 IM +88 23 253 TO +88 23 254 IM +88 23 255 EN +88 23 256 ZZ +88 23 257 TO +88 23 258 EP +88 23 259 ZZ +88 23 260 EP +88 23 261 KA +88 23 262 EK +88 23 263 IM +88 23 264 IM +88 23 265 TO +88 23 266 EP +88 23 267 ZZ +88 23 268 TO +88 23 269 ZZ +88 23 270 EP +88 23 271 TO +88 23 272 IM +88 23 273 ZZ +88 23 274 EK +88 23 275 EP +88 23 276 ZZ +88 23 277 IT +88 23 278 EP +88 23 279 IT +88 23 280 TO +88 23 281 TO +88 23 282 TO +88 23 283 ET +88 23 284 IM +88 23 285 ZZ +88 23 286 EK +88 23 287 EP +88 23 288 ET +88 23 289 IT +88 23 290 EP +88 23 291 IT +88 23 292 ZZ +88 23 293 IM +88 23 294 IM +88 23 295 EP +88 23 296 IT +88 23 297 EP +88 23 298 ZZ +88 23 299 TO +88 23 300 IM +88 23 301 TO +88 23 302 ZZ +88 23 303 IM +88 23 304 TO +88 23 305 ZZ +88 23 306 TO +88 23 307 IT +88 23 308 ZZ +88 23 309 IM +88 23 310 TO +88 23 311 IT +88 23 312 EN +88 23 313 IT +88 23 314 EK +88 23 315 TO +88 23 316 IT +88 23 317 ZZ +88 23 318 EP +88 23 319 EK +88 23 320 EP +88 23 321 ZZ +88 23 322 IT +88 23 323 TO +88 23 324 EP +88 23 325 TO +88 23 326 EP +88 23 327 IM +88 23 328 TO +88 23 329 EP +88 23 330 IM +88 24 1 IT +88 24 2 TO +88 24 3 IE +88 24 4 IT +88 24 5 TO +88 24 6 IO +88 24 7 TO +88 24 8 IT +88 24 9 GG +88 24 10 IT +88 24 11 TO +88 24 12 EP +88 24 13 TO +88 24 14 IT +88 24 15 ZZ +88 24 16 EK +88 24 17 IE +88 24 18 EN +88 24 19 IT +88 24 20 TO +88 24 21 ZZ +88 24 22 IO +88 24 23 IT +88 24 24 EN +88 24 25 TO +88 24 26 IT +88 24 27 IO +88 24 28 ZZ +88 24 29 TO +88 24 30 GG +88 24 31 IT +88 24 32 ZZ +88 24 33 TO +88 24 34 IT +88 24 35 IO +88 24 36 TO +88 24 37 IT +88 24 38 ZZ +88 24 39 TO +88 24 40 IT +88 24 41 ET +88 24 42 EP +88 24 43 IT +88 24 44 IO +88 24 45 TO +88 24 46 IM +88 24 47 TO +88 24 48 EP +88 24 49 TO +88 24 50 IT +88 24 51 GG +88 24 52 IO +88 24 53 IT +88 24 54 TO +88 24 55 IT +88 24 56 IO +88 24 57 IT +88 24 58 IM +88 24 59 IO +88 24 60 IT +88 24 61 ZZ +88 24 62 TO +88 24 63 IO +88 24 64 IT +88 24 65 ZZ +88 24 66 IO +88 24 67 TO +88 24 68 ZZ +88 24 69 TO +88 24 70 IT +88 24 71 JT +88 24 72 TO +88 24 73 IT +88 24 74 IT +88 24 75 TO +88 24 76 EP +88 24 77 TO +88 24 78 ZZ +88 24 79 IT +88 24 80 IT +88 24 81 TO +88 24 82 TO +88 24 83 IO +88 24 84 ZZ +88 24 85 TO +88 24 86 ZZ +88 24 87 EN +88 24 88 IT +88 24 89 IM +88 24 90 IM +88 24 91 TO +88 24 92 IO +88 24 93 IT +88 24 94 IM +88 24 95 IO +88 24 96 EP +88 24 97 IT +88 24 98 ZZ +88 24 99 TO +88 24 100 TO +88 24 101 IT +88 24 102 TO +88 24 103 TO +88 24 104 IT +88 24 105 IT +88 24 106 IO +88 24 107 IO +88 24 108 TO +88 24 109 IT +88 24 110 EP +88 24 111 TO +88 24 112 ZZ +88 24 113 IM +88 24 114 TO +88 24 115 ZZ +88 24 116 IT +88 24 117 IM +88 24 118 ZZ +88 24 119 TO +88 24 120 IO +88 24 121 IE +88 24 122 TO +88 24 123 IT +88 24 124 IO +88 24 125 IE +88 24 126 ZZ +88 24 127 TO +88 24 128 EP +88 24 129 IO +88 24 130 TO +88 24 131 IT +88 24 132 IE +88 24 133 TO +88 24 134 GG +88 24 135 ZZ +88 24 136 IT +88 24 137 TO +88 24 138 IT +88 24 139 IO +88 24 140 IT +88 24 141 IO +88 24 142 IO +88 24 143 TO +88 24 144 IT +88 24 145 TO +88 24 146 EP +88 24 147 TO +88 24 148 JT +88 24 149 TO +88 24 150 IT +88 24 151 IO +88 24 152 IT +88 24 153 IT +88 24 154 IM +88 24 155 IM +88 24 156 TO +88 24 157 GG +88 24 158 IO +88 24 159 IO +88 24 160 ZZ +88 24 161 TO +88 24 162 JT +88 24 163 TO +88 24 164 IT +88 24 165 TO +88 24 166 IT +88 24 167 IT +88 24 168 TO +88 24 169 IT +88 24 170 TO +88 24 171 TO +88 24 172 IO +88 24 173 ZZ +88 24 174 EP +88 24 175 IT +88 24 176 IE +88 24 177 EP +88 24 178 IT +88 24 179 ET +88 24 180 TO +88 24 181 IO +88 24 182 JT +88 24 183 IM +88 24 184 IT +88 24 185 EP +88 24 186 IT +88 24 187 EP +88 24 188 IT +88 24 189 IT +88 24 190 ZZ +88 24 191 TO +88 24 192 IT +88 24 193 EP +88 24 194 JT +88 24 195 TO +88 24 196 IT +88 24 197 IT +88 24 198 IM +88 24 199 IM +88 24 200 IT +88 24 201 ZZ +88 24 202 TO +88 24 203 JT +88 24 204 IM +88 24 205 IT +88 24 206 IO +88 24 207 ZZ +88 24 208 EP +88 24 209 TO +88 24 210 JT +88 24 211 IT +88 24 212 EP +88 24 213 IT +88 24 214 EP +88 24 215 ZZ +88 24 216 TO +88 24 217 IO +88 24 218 TO +88 24 219 IT +88 24 220 IT +88 24 221 IO +88 24 222 IT +88 24 223 TO +88 24 224 IO +88 24 225 TO +88 24 226 IT +88 24 227 TO +88 24 228 IM +88 24 229 TO +88 24 230 IO +88 24 231 IT +88 24 232 TO +88 24 233 IT +88 24 234 TO +88 24 235 IT +88 24 236 TO +88 24 237 IO +88 24 238 TO +88 24 239 ZZ +88 24 240 EP +88 24 241 IO +88 24 242 EP +88 24 243 TO +88 24 244 IO +88 24 245 JT +88 24 246 TO +88 24 247 IT +88 24 248 TO +88 24 249 TO +88 24 250 TO +88 24 251 TO +88 24 252 IO +88 24 253 TO +88 24 254 IT +88 24 255 EN +88 24 256 ZZ +88 24 257 IT +88 24 258 EP +88 24 259 JT +88 24 260 IO +88 24 261 IE +88 24 262 IO +88 24 263 IM +88 24 264 IT +88 24 265 TO +88 24 266 * +88 24 267 IT +88 24 268 TO +88 24 269 IT +88 24 270 EP +88 24 271 TO +88 24 272 IO +88 24 273 TO +88 24 274 IO +88 24 275 EP +88 24 276 ZZ +88 24 277 IT +88 24 278 EP +88 24 279 IT +88 24 280 TO +88 24 281 TO +88 24 282 TO +88 24 283 IM +88 24 284 IO +88 24 285 ZZ +88 24 286 IO +88 24 287 IM +88 24 288 ET +88 24 289 IT +88 24 290 IO +88 24 291 IT +88 24 292 ZZ +88 24 293 IO +88 24 294 IO +88 24 295 IM +88 24 296 IT +88 24 297 EP +88 24 298 JT +88 24 299 TO +88 24 300 IM +88 24 301 TO +88 24 302 IO +88 24 303 IT +88 24 304 TO +88 24 305 IT +88 24 306 TO +88 24 307 IT +88 24 308 TO +88 24 309 TO +88 24 310 IT +88 24 311 IT +88 24 312 IM +88 24 313 IT +88 24 314 IO +88 24 315 TO +88 24 316 TO +88 24 317 IT +88 24 318 EP +88 24 319 IO +88 24 320 TO +88 24 321 ZZ +88 24 322 IT +88 24 323 TO +88 24 324 IO +88 24 325 IT +88 24 326 EP +88 24 327 IT +88 24 328 TO +88 24 329 IM +88 24 330 IT +89 1 1 M +89 1 2 * +89 1 3 R +89 1 4 * +89 1 5 M +89 1 6 G +89 1 7 L +89 1 8 L +89 1 9 G +89 1 10 * +89 1 11 * +89 1 12 K +89 1 13 * +89 1 14 N +89 1 15 * +89 1 16 B +89 1 17 R +89 1 18 N +89 1 19 M +89 1 20 * +89 1 21 R +89 1 22 K +89 1 23 * +89 1 24 G +89 1 25 M +89 1 26 P +89 1 27 G +89 1 28 R +89 1 29 * +89 1 30 G +89 1 31 M +89 1 32 S +89 1 33 M +89 1 34 M +89 1 35 R +89 1 36 N +89 1 37 M +89 1 38 R +89 1 39 M +89 1 40 M +89 1 41 R +89 1 42 K +89 1 43 M +89 1 44 B +89 1 45 M +89 1 46 * +89 1 47 N +89 1 48 G +89 1 49 M +89 1 50 L +89 1 51 G +89 1 52 * +89 1 53 S +89 1 54 L +89 1 55 M +89 1 56 G +89 1 57 M +89 1 58 K +89 1 59 * +89 1 60 M +89 1 61 S +89 1 62 * +89 1 63 R +89 1 64 M +89 1 65 S +89 1 66 B +89 1 67 M +89 1 68 L +89 1 69 * +89 1 70 B +89 1 71 S +89 1 72 M +89 1 73 L +89 1 74 M +89 1 75 M +89 1 76 G +89 1 77 M +89 1 78 * +89 1 79 N +89 1 80 M +89 1 81 L +89 1 82 M +89 1 83 K +89 1 84 * +89 1 85 M +89 1 86 * +89 1 87 N +89 1 88 S +89 1 89 N +89 1 90 * +89 1 91 K +89 1 92 B +89 1 93 M +89 1 94 G +89 1 95 * +89 1 96 K +89 1 97 L +89 1 98 R +89 1 99 * +89 1 100 M +89 1 101 S +89 1 102 M +89 1 103 * +89 1 104 M +89 1 105 S +89 1 106 G +89 1 107 B +89 1 108 * +89 1 109 M +89 1 110 G +89 1 111 G +89 1 112 S +89 1 113 N +89 1 114 L +89 1 115 S +89 1 116 * +89 1 117 G +89 1 118 * +89 1 119 M +89 1 120 B +89 1 121 R +89 1 122 L +89 1 123 M +89 1 124 * +89 1 125 K +89 1 126 * +89 1 127 L +89 1 128 K +89 1 129 B +89 1 130 * +89 1 131 * +89 1 132 R +89 1 133 M +89 1 134 G +89 1 135 S +89 1 136 M +89 1 137 * +89 1 138 M +89 1 139 B +89 1 140 * +89 1 141 B +89 1 142 B +89 1 143 K +89 1 144 L +89 1 145 M +89 1 146 K +89 1 147 M +89 1 148 R +89 1 149 * +89 1 150 S +89 1 151 G +89 1 152 * +89 1 153 M +89 1 154 N +89 1 155 G +89 1 156 M +89 1 157 M +89 1 158 B +89 1 159 G +89 1 160 * +89 1 161 M +89 1 162 S +89 1 163 M +89 1 164 M +89 1 165 * +89 1 166 M +89 1 167 B +89 1 168 L +89 1 169 M +89 1 170 * +89 1 171 * +89 1 172 B +89 1 173 R +89 1 174 R +89 1 175 B +89 1 176 R +89 1 177 K +89 1 178 M +89 1 179 S +89 1 180 * +89 1 181 K +89 1 182 L +89 1 183 G +89 1 184 * +89 1 185 G +89 1 186 M +89 1 187 K +89 1 188 M +89 1 189 M +89 1 190 * +89 1 191 * +89 1 192 L +89 1 193 K +89 1 194 S +89 1 195 * +89 1 196 M +89 1 197 * +89 1 198 N +89 1 199 * +89 1 200 M +89 1 201 * +89 1 202 M +89 1 203 S +89 1 204 G +89 1 205 * +89 1 206 B +89 1 207 S +89 1 208 G +89 1 209 * +89 1 210 R +89 1 211 M +89 1 212 K +89 1 213 B +89 1 214 * +89 1 215 * +89 1 216 M +89 1 217 * +89 1 218 G +89 1 219 M +89 1 220 * +89 1 221 B +89 1 222 L +89 1 223 M +89 1 224 B +89 1 225 G +89 1 226 M +89 1 227 N +89 1 228 M +89 1 229 M +89 1 230 B +89 1 231 * +89 1 232 G +89 1 233 * +89 1 234 M +89 1 235 M +89 1 236 * +89 1 237 K +89 1 238 M +89 1 239 L +89 1 240 R +89 1 241 B +89 1 242 K +89 1 243 L +89 1 244 M +89 1 245 S +89 1 246 M +89 1 247 M +89 1 248 * +89 1 249 L +89 1 250 * +89 1 251 M +89 1 252 B +89 1 253 * +89 1 254 M +89 1 255 N +89 1 256 R +89 1 257 M +89 1 258 K +89 1 259 R +89 1 260 K +89 1 261 G +89 1 262 B +89 1 263 N +89 1 264 M +89 1 265 M +89 1 266 L +89 1 267 * +89 1 268 M +89 1 269 L +89 1 270 G +89 1 271 N +89 1 272 B +89 1 273 * +89 1 274 B +89 1 275 K +89 1 276 R +89 1 277 M +89 1 278 K +89 1 279 M +89 1 280 * +89 1 281 L +89 1 282 * +89 1 283 G +89 1 284 B +89 1 285 * +89 1 286 B +89 1 287 K +89 1 288 R +89 1 289 M +89 1 290 B +89 1 291 M +89 1 292 * +89 1 293 * +89 1 294 B +89 1 295 G +89 1 296 L +89 1 297 K +89 1 298 R +89 1 299 M +89 1 300 B +89 1 301 M +89 1 302 B +89 1 303 * +89 1 304 * +89 1 305 L +89 1 306 M +89 1 307 * +89 1 308 * +89 1 309 N +89 1 310 M +89 1 311 M +89 1 312 N +89 1 313 L +89 1 314 B +89 1 315 * +89 1 316 M +89 1 317 S +89 1 318 G +89 1 319 B +89 1 320 * +89 1 321 S +89 1 322 M +89 1 323 * +89 1 324 B +89 1 325 L +89 1 326 K +89 1 327 B +89 1 328 * +89 1 329 G +89 1 330 B +89 2 1 M +89 2 2 G +89 2 3 R +89 2 4 S +89 2 5 G +89 2 6 K +89 2 7 * +89 2 8 R +89 2 9 G +89 2 10 S +89 2 11 N +89 2 12 K +89 2 13 N +89 2 14 S +89 2 15 G +89 2 16 B +89 2 17 R +89 2 18 N +89 2 19 M +89 2 20 M +89 2 21 N +89 2 22 B +89 2 23 S +89 2 24 N +89 2 25 M +89 2 26 L +89 2 27 B +89 2 28 R +89 2 29 G +89 2 30 K +89 2 31 G +89 2 32 G +89 2 33 G +89 2 34 M +89 2 35 G +89 2 36 N +89 2 37 M +89 2 38 R +89 2 39 G +89 2 40 M +89 2 41 R +89 2 42 K +89 2 43 N +89 2 44 B +89 2 45 G +89 2 46 N +89 2 47 N +89 2 48 K +89 2 49 M +89 2 50 S +89 2 51 N +89 2 52 B +89 2 53 S +89 2 54 G +89 2 55 M +89 2 56 B +89 2 57 M +89 2 58 K +89 2 59 B +89 2 60 N +89 2 61 S +89 2 62 M +89 2 63 R +89 2 64 M +89 2 65 R +89 2 66 B +89 2 67 G +89 2 68 R +89 2 69 G +89 2 70 B +89 2 71 N +89 2 72 M +89 2 73 M +89 2 74 B +89 2 75 N +89 2 76 K +89 2 77 M +89 2 78 B +89 2 79 N +89 2 80 M +89 2 81 G +89 2 82 M +89 2 83 B +89 2 84 K +89 2 85 G +89 2 86 R +89 2 87 N +89 2 88 S +89 2 89 N +89 2 90 N +89 2 91 K +89 2 92 B +89 2 93 M +89 2 94 N +89 2 95 B +89 2 96 K +89 2 97 M +89 2 98 R +89 2 99 B +89 2 100 B +89 2 101 S +89 2 102 B +89 2 103 G +89 2 104 M +89 2 105 S +89 2 106 K +89 2 107 B +89 2 108 B +89 2 109 M +89 2 110 K +89 2 111 N +89 2 112 R +89 2 113 N +89 2 114 M +89 2 115 S +89 2 116 B +89 2 117 N +89 2 118 R +89 2 119 M +89 2 120 B +89 2 121 K +89 2 122 M +89 2 123 M +89 2 124 K +89 2 125 K +89 2 126 R +89 2 127 N +89 2 128 K +89 2 129 B +89 2 130 N +89 2 131 S +89 2 132 R +89 2 133 M +89 2 134 G +89 2 135 S +89 2 136 M +89 2 137 N +89 2 138 M +89 2 139 B +89 2 140 M +89 2 141 B +89 2 142 B +89 2 143 M +89 2 144 L +89 2 145 M +89 2 146 K +89 2 147 M +89 2 148 R +89 2 149 M +89 2 150 S +89 2 151 K +89 2 152 B +89 2 153 M +89 2 154 N +89 2 155 N +89 2 156 M +89 2 157 N +89 2 158 B +89 2 159 K +89 2 160 K +89 2 161 M +89 2 162 R +89 2 163 M +89 2 164 M +89 2 165 G +89 2 166 L +89 2 167 B +89 2 168 G +89 2 169 M +89 2 170 N +89 2 171 G +89 2 172 B +89 2 173 R +89 2 174 K +89 2 175 M +89 2 176 S +89 2 177 K +89 2 178 M +89 2 179 N +89 2 180 M +89 2 181 K +89 2 182 N +89 2 183 G +89 2 184 L +89 2 185 G +89 2 186 M +89 2 187 K +89 2 188 M +89 2 189 B +89 2 190 R +89 2 191 M +89 2 192 M +89 2 193 K +89 2 194 N +89 2 195 G +89 2 196 M +89 2 197 L +89 2 198 N +89 2 199 B +89 2 200 M +89 2 201 R +89 2 202 G +89 2 203 S +89 2 204 N +89 2 205 L +89 2 206 B +89 2 207 R +89 2 208 G +89 2 209 M +89 2 210 N +89 2 211 M +89 2 212 K +89 2 213 B +89 2 214 K +89 2 215 M +89 2 216 N +89 2 217 R +89 2 218 G +89 2 219 B +89 2 220 L +89 2 221 B +89 2 222 L +89 2 223 M +89 2 224 B +89 2 225 G +89 2 226 N +89 2 227 N +89 2 228 L +89 2 229 M +89 2 230 B +89 2 231 R +89 2 232 G +89 2 233 N +89 2 234 M +89 2 235 M +89 2 236 K +89 2 237 K +89 2 238 M +89 2 239 R +89 2 240 G +89 2 241 B +89 2 242 K +89 2 243 R +89 2 244 B +89 2 245 R +89 2 246 M +89 2 247 L +89 2 248 N +89 2 249 M +89 2 250 L +89 2 251 M +89 2 252 B +89 2 253 M +89 2 254 M +89 2 255 N +89 2 256 R +89 2 257 L +89 2 258 K +89 2 259 R +89 2 260 B +89 2 261 K +89 2 262 B +89 2 263 G +89 2 264 M +89 2 265 M +89 2 266 R +89 2 267 N +89 2 268 M +89 2 269 S +89 2 270 K +89 2 271 N +89 2 272 B +89 2 273 M +89 2 274 B +89 2 275 K +89 2 276 S +89 2 277 L +89 2 278 K +89 2 279 L +89 2 280 G +89 2 281 M +89 2 282 M +89 2 283 G +89 2 284 B +89 2 285 R +89 2 286 B +89 2 287 G +89 2 288 R +89 2 289 M +89 2 290 B +89 2 291 M +89 2 292 R +89 2 293 B +89 2 294 G +89 2 295 B +89 2 296 L +89 2 297 K +89 2 298 R +89 2 299 M +89 2 300 B +89 2 301 M +89 2 302 B +89 2 303 B +89 2 304 G +89 2 305 G +89 2 306 M +89 2 307 M +89 2 308 S +89 2 309 N +89 2 310 M +89 2 311 M +89 2 312 N +89 2 313 L +89 2 314 B +89 2 315 M +89 2 316 M +89 2 317 S +89 2 318 K +89 2 319 B +89 2 320 G +89 2 321 R +89 2 322 M +89 2 323 M +89 2 324 B +89 2 325 M +89 2 326 K +89 2 327 B +89 2 328 G +89 2 329 G +89 2 330 B +89 3 1 M +89 3 2 M +89 3 3 R +89 3 4 N +89 3 5 M +89 3 6 R +89 3 7 M +89 3 8 N +89 3 9 N +89 3 10 M +89 3 11 N +89 3 12 K +89 3 13 N +89 3 14 N +89 3 15 B +89 3 16 B +89 3 17 R +89 3 18 N +89 3 19 M +89 3 20 M +89 3 21 R +89 3 22 K +89 3 23 M +89 3 24 N +89 3 25 M +89 3 26 M +89 3 27 B +89 3 28 R +89 3 29 M +89 3 30 R +89 3 31 M +89 3 32 R +89 3 33 M +89 3 34 M +89 3 35 M +89 3 36 R +89 3 37 M +89 3 38 R +89 3 39 M +89 3 40 M +89 3 41 R +89 3 42 K +89 3 43 N +89 3 44 B +89 3 45 M +89 3 46 N +89 3 47 N +89 3 48 K +89 3 49 M +89 3 50 N +89 3 51 N +89 3 52 B +89 3 53 R +89 3 54 M +89 3 55 M +89 3 56 B +89 3 57 M +89 3 58 M +89 3 59 B +89 3 60 N +89 3 61 R +89 3 62 M +89 3 63 R +89 3 64 M +89 3 65 R +89 3 66 B +89 3 67 M +89 3 68 R +89 3 69 N +89 3 70 B +89 3 71 N +89 3 72 M +89 3 73 N +89 3 74 B +89 3 75 N +89 3 76 K +89 3 77 M +89 3 78 B +89 3 79 N +89 3 80 M +89 3 81 M +89 3 82 M +89 3 83 B +89 3 84 R +89 3 85 M +89 3 86 R +89 3 87 N +89 3 88 R +89 3 89 N +89 3 90 N +89 3 91 K +89 3 92 B +89 3 93 M +89 3 94 N +89 3 95 B +89 3 96 K +89 3 97 M +89 3 98 R +89 3 99 B +89 3 100 M +89 3 101 R +89 3 102 M +89 3 103 N +89 3 104 M +89 3 105 R +89 3 106 K +89 3 107 B +89 3 108 B +89 3 109 M +89 3 110 K +89 3 111 N +89 3 112 R +89 3 113 N +89 3 114 N +89 3 115 R +89 3 116 B +89 3 117 N +89 3 118 R +89 3 119 M +89 3 120 B +89 3 121 R +89 3 122 M +89 3 123 M +89 3 124 K +89 3 125 R +89 3 126 R +89 3 127 N +89 3 128 K +89 3 129 B +89 3 130 N +89 3 131 N +89 3 132 R +89 3 133 M +89 3 134 N +89 3 135 R +89 3 136 M +89 3 137 N +89 3 138 M +89 3 139 B +89 3 140 M +89 3 141 B +89 3 142 B +89 3 143 M +89 3 144 N +89 3 145 M +89 3 146 K +89 3 147 M +89 3 148 R +89 3 149 M +89 3 150 N +89 3 151 R +89 3 152 R +89 3 153 M +89 3 154 N +89 3 155 N +89 3 156 M +89 3 157 N +89 3 158 B +89 3 159 B +89 3 160 R +89 3 161 M +89 3 162 R +89 3 163 M +89 3 164 M +89 3 165 N +89 3 166 N +89 3 167 B +89 3 168 N +89 3 169 M +89 3 170 N +89 3 171 N +89 3 172 B +89 3 173 R +89 3 174 K +89 3 175 B +89 3 176 R +89 3 177 K +89 3 178 M +89 3 179 R +89 3 180 M +89 3 181 R +89 3 182 N +89 3 183 N +89 3 184 M +89 3 185 B +89 3 186 M +89 3 187 K +89 3 188 M +89 3 189 B +89 3 190 R +89 3 191 M +89 3 192 M +89 3 193 K +89 3 194 N +89 3 195 M +89 3 196 M +89 3 197 M +89 3 198 N +89 3 199 B +89 3 200 M +89 3 201 R +89 3 202 M +89 3 203 R +89 3 204 N +89 3 205 M +89 3 206 B +89 3 207 R +89 3 208 K +89 3 209 N +89 3 210 N +89 3 211 M +89 3 212 K +89 3 213 B +89 3 214 K +89 3 215 R +89 3 216 N +89 3 217 R +89 3 218 K +89 3 219 B +89 3 220 M +89 3 221 B +89 3 222 M +89 3 223 M +89 3 224 B +89 3 225 M +89 3 226 M +89 3 227 N +89 3 228 N +89 3 229 M +89 3 230 B +89 3 231 R +89 3 232 N +89 3 233 B +89 3 234 M +89 3 235 M +89 3 236 K +89 3 237 B +89 3 238 M +89 3 239 M +89 3 240 N +89 3 241 B +89 3 242 K +89 3 243 N +89 3 244 B +89 3 245 R +89 3 246 M +89 3 247 M +89 3 248 N +89 3 249 M +89 3 250 N +89 3 251 M +89 3 252 B +89 3 253 M +89 3 254 M +89 3 255 N +89 3 256 R +89 3 257 N +89 3 258 K +89 3 259 R +89 3 260 K +89 3 261 R +89 3 262 B +89 3 263 N +89 3 264 B +89 3 265 M +89 3 266 R +89 3 267 N +89 3 268 M +89 3 269 M +89 3 270 K +89 3 271 N +89 3 272 B +89 3 273 M +89 3 274 B +89 3 275 K +89 3 276 R +89 3 277 M +89 3 278 R +89 3 279 M +89 3 280 M +89 3 281 M +89 3 282 M +89 3 283 N +89 3 284 B +89 3 285 B +89 3 286 B +89 3 287 K +89 3 288 R +89 3 289 M +89 3 290 B +89 3 291 M +89 3 292 B +89 3 293 B +89 3 294 N +89 3 295 B +89 3 296 M +89 3 297 K +89 3 298 R +89 3 299 M +89 3 300 B +89 3 301 M +89 3 302 B +89 3 303 B +89 3 304 M +89 3 305 N +89 3 306 M +89 3 307 M +89 3 308 M +89 3 309 N +89 3 310 M +89 3 311 M +89 3 312 N +89 3 313 N +89 3 314 B +89 3 315 M +89 3 316 M +89 3 317 R +89 3 318 K +89 3 319 B +89 3 320 M +89 3 321 R +89 3 322 M +89 3 323 M +89 3 324 B +89 3 325 N +89 3 326 K +89 3 327 B +89 3 328 N +89 3 329 N +89 3 330 B +89 4 1 M +89 4 2 M +89 4 3 R +89 4 4 S +89 4 5 M +89 4 6 B +89 4 7 M +89 4 8 R +89 4 9 N +89 4 10 N +89 4 11 N +89 4 12 K +89 4 13 M +89 4 14 L +89 4 15 B +89 4 16 B +89 4 17 R +89 4 18 N +89 4 19 M +89 4 20 M +89 4 21 R +89 4 22 K +89 4 23 S +89 4 24 N +89 4 25 M +89 4 26 M +89 4 27 B +89 4 28 R +89 4 29 M +89 4 30 R +89 4 31 B +89 4 32 R +89 4 33 M +89 4 34 M +89 4 35 B +89 4 36 L +89 4 37 M +89 4 38 R +89 4 39 G +89 4 40 M +89 4 41 S +89 4 42 G +89 4 43 N +89 4 44 B +89 4 45 M +89 4 46 N +89 4 47 N +89 4 48 G +89 4 49 M +89 4 50 N +89 4 51 N +89 4 52 B +89 4 53 R +89 4 54 M +89 4 55 M +89 4 56 B +89 4 57 N +89 4 58 G +89 4 59 B +89 4 60 N +89 4 61 R +89 4 62 B +89 4 63 R +89 4 64 M +89 4 65 R +89 4 66 B +89 4 67 M +89 4 68 R +89 4 69 G +89 4 70 B +89 4 71 N +89 4 72 N +89 4 73 S +89 4 74 B +89 4 75 N +89 4 76 R +89 4 77 M +89 4 78 B +89 4 79 N +89 4 80 M +89 4 81 M +89 4 82 K +89 4 83 B +89 4 84 R +89 4 85 M +89 4 86 R +89 4 87 N +89 4 88 S +89 4 89 N +89 4 90 N +89 4 91 K +89 4 92 B +89 4 93 M +89 4 94 N +89 4 95 B +89 4 96 K +89 4 97 S +89 4 98 R +89 4 99 B +89 4 100 M +89 4 101 R +89 4 102 B +89 4 103 N +89 4 104 M +89 4 105 R +89 4 106 B +89 4 107 B +89 4 108 B +89 4 109 M +89 4 110 K +89 4 111 N +89 4 112 R +89 4 113 N +89 4 114 M +89 4 115 R +89 4 116 B +89 4 117 N +89 4 118 R +89 4 119 M +89 4 120 B +89 4 121 R +89 4 122 M +89 4 123 N +89 4 124 K +89 4 125 R +89 4 126 R +89 4 127 N +89 4 128 K +89 4 129 B +89 4 130 L +89 4 131 S +89 4 132 R +89 4 133 L +89 4 134 N +89 4 135 R +89 4 136 M +89 4 137 L +89 4 138 M +89 4 139 B +89 4 140 M +89 4 141 B +89 4 142 B +89 4 143 M +89 4 144 S +89 4 145 M +89 4 146 K +89 4 147 M +89 4 148 R +89 4 149 L +89 4 150 S +89 4 151 R +89 4 152 R +89 4 153 M +89 4 154 N +89 4 155 N +89 4 156 M +89 4 157 R +89 4 158 B +89 4 159 K +89 4 160 R +89 4 161 M +89 4 162 R +89 4 163 M +89 4 164 L +89 4 165 N +89 4 166 M +89 4 167 B +89 4 168 M +89 4 169 M +89 4 170 N +89 4 171 L +89 4 172 B +89 4 173 R +89 4 174 K +89 4 175 B +89 4 176 R +89 4 177 B +89 4 178 M +89 4 179 S +89 4 180 M +89 4 181 K +89 4 182 S +89 4 183 L +89 4 184 R +89 4 185 K +89 4 186 M +89 4 187 K +89 4 188 M +89 4 189 B +89 4 190 R +89 4 191 M +89 4 192 L +89 4 193 K +89 4 194 R +89 4 195 M +89 4 196 B +89 4 197 S +89 4 198 N +89 4 199 B +89 4 200 M +89 4 201 R +89 4 202 R +89 4 203 R +89 4 204 N +89 4 205 R +89 4 206 B +89 4 207 R +89 4 208 K +89 4 209 M +89 4 210 S +89 4 211 M +89 4 212 K +89 4 213 B +89 4 214 K +89 4 215 R +89 4 216 N +89 4 217 B +89 4 218 K +89 4 219 B +89 4 220 M +89 4 221 B +89 4 222 R +89 4 223 B +89 4 224 M +89 4 225 R +89 4 226 M +89 4 227 N +89 4 228 M +89 4 229 B +89 4 230 B +89 4 231 R +89 4 232 N +89 4 233 B +89 4 234 M +89 4 235 M +89 4 236 K +89 4 237 L +89 4 238 M +89 4 239 R +89 4 240 N +89 4 241 B +89 4 242 K +89 4 243 S +89 4 244 B +89 4 245 R +89 4 246 M +89 4 247 L +89 4 248 N +89 4 249 M +89 4 250 S +89 4 251 B +89 4 252 B +89 4 253 L +89 4 254 M +89 4 255 N +89 4 256 R +89 4 257 N +89 4 258 K +89 4 259 R +89 4 260 B +89 4 261 R +89 4 262 B +89 4 263 B +89 4 264 B +89 4 265 M +89 4 266 R +89 4 267 S +89 4 268 M +89 4 269 R +89 4 270 K +89 4 271 L +89 4 272 B +89 4 273 R +89 4 274 B +89 4 275 K +89 4 276 R +89 4 277 M +89 4 278 R +89 4 279 M +89 4 280 L +89 4 281 L +89 4 282 M +89 4 283 N +89 4 284 B +89 4 285 R +89 4 286 B +89 4 287 K +89 4 288 R +89 4 289 M +89 4 290 B +89 4 291 M +89 4 292 R +89 4 293 B +89 4 294 N +89 4 295 B +89 4 296 S +89 4 297 K +89 4 298 R +89 4 299 M +89 4 300 B +89 4 301 M +89 4 302 B +89 4 303 B +89 4 304 L +89 4 305 S +89 4 306 M +89 4 307 M +89 4 308 S +89 4 309 N +89 4 310 M +89 4 311 M +89 4 312 N +89 4 313 S +89 4 314 B +89 4 315 M +89 4 316 M +89 4 317 R +89 4 318 R +89 4 319 B +89 4 320 L +89 4 321 R +89 4 322 M +89 4 323 M +89 4 324 B +89 4 325 R +89 4 326 K +89 4 327 B +89 4 328 M +89 4 329 K +89 4 330 B +89 5 1 M +89 5 2 M +89 5 3 K +89 5 4 * +89 5 5 * +89 5 6 * +89 5 7 M +89 5 8 K +89 5 9 P +89 5 10 M +89 5 11 * +89 5 12 K +89 5 13 P +89 5 14 P +89 5 15 B +89 5 16 B +89 5 17 R +89 5 18 B +89 5 19 M +89 5 20 M +89 5 21 K +89 5 22 K +89 5 23 A +89 5 24 B +89 5 25 K +89 5 26 M +89 5 27 A +89 5 28 K +89 5 29 M +89 5 30 R +89 5 31 B +89 5 32 K +89 5 33 * +89 5 34 M +89 5 35 K +89 5 36 M +89 5 37 B +89 5 38 R +89 5 39 M +89 5 40 P +89 5 41 R +89 5 42 A +89 5 43 M +89 5 44 B +89 5 45 M +89 5 46 B +89 5 47 M +89 5 48 K +89 5 49 M +89 5 50 P +89 5 51 B +89 5 52 B +89 5 53 R +89 5 54 M +89 5 55 M +89 5 56 K +89 5 57 M +89 5 58 * +89 5 59 P +89 5 60 M +89 5 61 R +89 5 62 A +89 5 63 P +89 5 64 M +89 5 65 R +89 5 66 B +89 5 67 A +89 5 68 P +89 5 69 P +89 5 70 B +89 5 71 A +89 5 72 M +89 5 73 A +89 5 74 B +89 5 75 M +89 5 76 K +89 5 77 M +89 5 78 A +89 5 79 B +89 5 80 M +89 5 81 K +89 5 82 M +89 5 83 B +89 5 84 P +89 5 85 M +89 5 86 P +89 5 87 B +89 5 88 A +89 5 89 B +89 5 90 M +89 5 91 K +89 5 92 B +89 5 93 M +89 5 94 B +89 5 95 L +89 5 96 K +89 5 97 L +89 5 98 R +89 5 99 P +89 5 100 A +89 5 101 K +89 5 102 B +89 5 103 S +89 5 104 M +89 5 105 K +89 5 106 K +89 5 107 B +89 5 108 L +89 5 109 L +89 5 110 K +89 5 111 P +89 5 112 R +89 5 113 B +89 5 114 M +89 5 115 P +89 5 116 B +89 5 117 B +89 5 118 K +89 5 119 L +89 5 120 B +89 5 121 R +89 5 122 M +89 5 123 P +89 5 124 M +89 5 125 R +89 5 126 K +89 5 127 L +89 5 128 K +89 5 129 B +89 5 130 B +89 5 131 K +89 5 132 K +89 5 133 M +89 5 134 A +89 5 135 P +89 5 136 M +89 5 137 M +89 5 138 B +89 5 139 B +89 5 140 M +89 5 141 B +89 5 142 B +89 5 143 K +89 5 144 L +89 5 145 M +89 5 146 K +89 5 147 L +89 5 148 R +89 5 149 P +89 5 150 A +89 5 151 R +89 5 152 K +89 5 153 M +89 5 154 B +89 5 155 B +89 5 156 M +89 5 157 B +89 5 158 B +89 5 159 K +89 5 160 A +89 5 161 M +89 5 162 R +89 5 163 A +89 5 164 M +89 5 165 P +89 5 166 A +89 5 167 M +89 5 168 M +89 5 169 M +89 5 170 P +89 5 171 A +89 5 172 B +89 5 173 R +89 5 174 K +89 5 175 B +89 5 176 R +89 5 177 K +89 5 178 M +89 5 179 A +89 5 180 P +89 5 181 A +89 5 182 P +89 5 183 B +89 5 184 K +89 5 185 L +89 5 186 M +89 5 187 K +89 5 188 M +89 5 189 B +89 5 190 K +89 5 191 M +89 5 192 A +89 5 193 K +89 5 194 B +89 5 195 L +89 5 196 L +89 5 197 A +89 5 198 B +89 5 199 B +89 5 200 M +89 5 201 K +89 5 202 M +89 5 203 A +89 5 204 B +89 5 205 M +89 5 206 B +89 5 207 A +89 5 208 P +89 5 209 M +89 5 210 B +89 5 211 K +89 5 212 K +89 5 213 B +89 5 214 K +89 5 215 P +89 5 216 A +89 5 217 P +89 5 218 P +89 5 219 B +89 5 220 M +89 5 221 B +89 5 222 K +89 5 223 M +89 5 224 B +89 5 225 A +89 5 226 M +89 5 227 N +89 5 228 M +89 5 229 A +89 5 230 B +89 5 231 P +89 5 232 A +89 5 233 P +89 5 234 M +89 5 235 M +89 5 236 K +89 5 237 K +89 5 238 M +89 5 239 P +89 5 240 S +89 5 241 B +89 5 242 K +89 5 243 N +89 5 244 B +89 5 245 R +89 5 246 M +89 5 247 K +89 5 248 N +89 5 249 M +89 5 250 M +89 5 251 K +89 5 252 B +89 5 253 P +89 5 254 A +89 5 255 N +89 5 256 K +89 5 257 M +89 5 258 K +89 5 259 P +89 5 260 B +89 5 261 K +89 5 262 B +89 5 263 P +89 5 264 B +89 5 265 M +89 5 266 K +89 5 267 K +89 5 268 M +89 5 269 A +89 5 270 P +89 5 271 N +89 5 272 B +89 5 273 K +89 5 274 B +89 5 275 A +89 5 276 K +89 5 277 N +89 5 278 K +89 5 279 M +89 5 280 A +89 5 281 M +89 5 282 M +89 5 283 B +89 5 284 B +89 5 285 K +89 5 286 B +89 5 287 A +89 5 288 R +89 5 289 M +89 5 290 A +89 5 291 M +89 5 292 P +89 5 293 P +89 5 294 B +89 5 295 N +89 5 296 K +89 5 297 K +89 5 298 R +89 5 299 M +89 5 300 B +89 5 301 M +89 5 302 B +89 5 303 B +89 5 304 A +89 5 305 L +89 5 306 K +89 5 307 M +89 5 308 P +89 5 309 N +89 5 310 M +89 5 311 M +89 5 312 N +89 5 313 L +89 5 314 B +89 5 315 P +89 5 316 M +89 5 317 A +89 5 318 K +89 5 319 B +89 5 320 P +89 5 321 N +89 5 322 M +89 5 323 M +89 5 324 B +89 5 325 A +89 5 326 P +89 5 327 B +89 5 328 N +89 5 329 L +89 5 330 B +89 6 1 M +89 6 2 M +89 6 3 R +89 6 4 R +89 6 5 M +89 6 6 K +89 6 7 M +89 6 8 R +89 6 9 K +89 6 10 M +89 6 11 N +89 6 12 K +89 6 13 M +89 6 14 N +89 6 15 R +89 6 16 B +89 6 17 R +89 6 18 N +89 6 19 M +89 6 20 M +89 6 21 R +89 6 22 K +89 6 23 R +89 6 24 N +89 6 25 M +89 6 26 M +89 6 27 B +89 6 28 R +89 6 29 M +89 6 30 K +89 6 31 M +89 6 32 R +89 6 33 M +89 6 34 M +89 6 35 R +89 6 36 N +89 6 37 M +89 6 38 R +89 6 39 M +89 6 40 M +89 6 41 R +89 6 42 K +89 6 43 M +89 6 44 B +89 6 45 M +89 6 46 B +89 6 47 N +89 6 48 K +89 6 49 M +89 6 50 R +89 6 51 M +89 6 52 B +89 6 53 R +89 6 54 M +89 6 55 M +89 6 56 K +89 6 57 M +89 6 58 K +89 6 59 B +89 6 60 N +89 6 61 R +89 6 62 M +89 6 63 K +89 6 64 M +89 6 65 R +89 6 66 B +89 6 67 M +89 6 68 R +89 6 69 M +89 6 70 B +89 6 71 R +89 6 72 M +89 6 73 R +89 6 74 M +89 6 75 N +89 6 76 K +89 6 77 M +89 6 78 K +89 6 79 N +89 6 80 M +89 6 81 M +89 6 82 M +89 6 83 B +89 6 84 K +89 6 85 M +89 6 86 R +89 6 87 N +89 6 88 R +89 6 89 N +89 6 90 N +89 6 91 M +89 6 92 B +89 6 93 M +89 6 94 N +89 6 95 N +89 6 96 K +89 6 97 N +89 6 98 R +89 6 99 B +89 6 100 M +89 6 101 R +89 6 102 B +89 6 103 N +89 6 104 M +89 6 105 R +89 6 106 K +89 6 107 B +89 6 108 M +89 6 109 N +89 6 110 K +89 6 111 M +89 6 112 R +89 6 113 N +89 6 114 M +89 6 115 R +89 6 116 M +89 6 117 N +89 6 118 R +89 6 119 M +89 6 120 B +89 6 121 R +89 6 122 M +89 6 123 M +89 6 124 K +89 6 125 R +89 6 126 R +89 6 127 N +89 6 128 K +89 6 129 B +89 6 130 N +89 6 131 M +89 6 132 R +89 6 133 M +89 6 134 M +89 6 135 R +89 6 136 M +89 6 137 M +89 6 138 M +89 6 139 B +89 6 140 M +89 6 141 B +89 6 142 B +89 6 143 M +89 6 144 N +89 6 145 M +89 6 146 K +89 6 147 M +89 6 148 R +89 6 149 K +89 6 150 M +89 6 151 K +89 6 152 R +89 6 153 M +89 6 154 N +89 6 155 N +89 6 156 M +89 6 157 N +89 6 158 B +89 6 159 K +89 6 160 K +89 6 161 M +89 6 162 R +89 6 163 M +89 6 164 M +89 6 165 N +89 6 166 N +89 6 167 N +89 6 168 M +89 6 169 M +89 6 170 N +89 6 171 M +89 6 172 B +89 6 173 R +89 6 174 K +89 6 175 M +89 6 176 R +89 6 177 K +89 6 178 N +89 6 179 N +89 6 180 M +89 6 181 B +89 6 182 R +89 6 183 N +89 6 184 R +89 6 185 K +89 6 186 M +89 6 187 K +89 6 188 M +89 6 189 B +89 6 190 R +89 6 191 M +89 6 192 R +89 6 193 M +89 6 194 N +89 6 195 M +89 6 196 M +89 6 197 N +89 6 198 N +89 6 199 B +89 6 200 M +89 6 201 R +89 6 202 M +89 6 203 R +89 6 204 N +89 6 205 M +89 6 206 B +89 6 207 R +89 6 208 B +89 6 209 M +89 6 210 N +89 6 211 M +89 6 212 K +89 6 213 B +89 6 214 K +89 6 215 R +89 6 216 N +89 6 217 K +89 6 218 M +89 6 219 M +89 6 220 N +89 6 221 B +89 6 222 K +89 6 223 M +89 6 224 B +89 6 225 M +89 6 226 N +89 6 227 N +89 6 228 N +89 6 229 M +89 6 230 B +89 6 231 R +89 6 232 N +89 6 233 B +89 6 234 M +89 6 235 M +89 6 236 M +89 6 237 R +89 6 238 M +89 6 239 R +89 6 240 N +89 6 241 B +89 6 242 B +89 6 243 N +89 6 244 B +89 6 245 R +89 6 246 M +89 6 247 M +89 6 248 N +89 6 249 N +89 6 250 N +89 6 251 M +89 6 252 B +89 6 253 M +89 6 254 B +89 6 255 N +89 6 256 R +89 6 257 N +89 6 258 K +89 6 259 R +89 6 260 M +89 6 261 K +89 6 262 B +89 6 263 N +89 6 264 M +89 6 265 M +89 6 266 R +89 6 267 R +89 6 268 M +89 6 269 M +89 6 270 K +89 6 271 N +89 6 272 B +89 6 273 R +89 6 274 B +89 6 275 K +89 6 276 R +89 6 277 N +89 6 278 K +89 6 279 M +89 6 280 M +89 6 281 M +89 6 282 M +89 6 283 N +89 6 284 B +89 6 285 R +89 6 286 B +89 6 287 B +89 6 288 R +89 6 289 M +89 6 290 B +89 6 291 M +89 6 292 R +89 6 293 B +89 6 294 B +89 6 295 N +89 6 296 R +89 6 297 K +89 6 298 R +89 6 299 M +89 6 300 B +89 6 301 M +89 6 302 B +89 6 303 B +89 6 304 M +89 6 305 N +89 6 306 M +89 6 307 M +89 6 308 R +89 6 309 N +89 6 310 M +89 6 311 M +89 6 312 N +89 6 313 N +89 6 314 B +89 6 315 M +89 6 316 M +89 6 317 R +89 6 318 K +89 6 319 B +89 6 320 K +89 6 321 R +89 6 322 M +89 6 323 M +89 6 324 B +89 6 325 M +89 6 326 K +89 6 327 B +89 6 328 M +89 6 329 B +89 6 330 B +89 7 1 M +89 7 2 P +89 7 3 R +89 7 4 P +89 7 5 M +89 7 6 K +89 7 7 M +89 7 8 R +89 7 9 P +89 7 10 M +89 7 11 P +89 7 12 K +89 7 13 M +89 7 14 M +89 7 15 P +89 7 16 B +89 7 17 R +89 7 18 N +89 7 19 M +89 7 20 M +89 7 21 R +89 7 22 K +89 7 23 P +89 7 24 N +89 7 25 M +89 7 26 M +89 7 27 B +89 7 28 R +89 7 29 M +89 7 30 K +89 7 31 M +89 7 32 R +89 7 33 M +89 7 34 M +89 7 35 R +89 7 36 M +89 7 37 M +89 7 38 R +89 7 39 M +89 7 40 M +89 7 41 R +89 7 42 K +89 7 43 N +89 7 44 B +89 7 45 M +89 7 46 N +89 7 47 M +89 7 48 K +89 7 49 M +89 7 50 P +89 7 51 N +89 7 52 K +89 7 53 R +89 7 54 M +89 7 55 M +89 7 56 K +89 7 57 P +89 7 58 M +89 7 59 P +89 7 60 R +89 7 61 N +89 7 62 P +89 7 63 P +89 7 64 M +89 7 65 R +89 7 66 B +89 7 67 M +89 7 68 R +89 7 69 P +89 7 70 P +89 7 71 M +89 7 72 M +89 7 73 P +89 7 74 M +89 7 75 N +89 7 76 K +89 7 77 M +89 7 78 P +89 7 79 N +89 7 80 M +89 7 81 K +89 7 82 M +89 7 83 B +89 7 84 P +89 7 85 M +89 7 86 R +89 7 87 N +89 7 88 R +89 7 89 N +89 7 90 N +89 7 91 K +89 7 92 B +89 7 93 M +89 7 94 N +89 7 95 B +89 7 96 K +89 7 97 M +89 7 98 R +89 7 99 P +89 7 100 M +89 7 101 R +89 7 102 P +89 7 103 N +89 7 104 P +89 7 105 R +89 7 106 K +89 7 107 B +89 7 108 P +89 7 109 M +89 7 110 K +89 7 111 N +89 7 112 R +89 7 113 K +89 7 114 M +89 7 115 K +89 7 116 P +89 7 117 N +89 7 118 R +89 7 119 M +89 7 120 B +89 7 121 K +89 7 122 M +89 7 123 M +89 7 124 K +89 7 125 K +89 7 126 P +89 7 127 M +89 7 128 K +89 7 129 B +89 7 130 P +89 7 131 R +89 7 132 R +89 7 133 M +89 7 134 N +89 7 135 R +89 7 136 M +89 7 137 M +89 7 138 P +89 7 139 B +89 7 140 M +89 7 141 B +89 7 142 B +89 7 143 M +89 7 144 M +89 7 145 M +89 7 146 K +89 7 147 M +89 7 148 R +89 7 149 M +89 7 150 M +89 7 151 R +89 7 152 R +89 7 153 M +89 7 154 N +89 7 155 N +89 7 156 M +89 7 157 N +89 7 158 B +89 7 159 K +89 7 160 P +89 7 161 M +89 7 162 R +89 7 163 M +89 7 164 M +89 7 165 N +89 7 166 N +89 7 167 P +89 7 168 M +89 7 169 M +89 7 170 M +89 7 171 M +89 7 172 B +89 7 173 R +89 7 174 K +89 7 175 M +89 7 176 R +89 7 177 K +89 7 178 M +89 7 179 P +89 7 180 M +89 7 181 K +89 7 182 R +89 7 183 M +89 7 184 R +89 7 185 K +89 7 186 M +89 7 187 K +89 7 188 M +89 7 189 P +89 7 190 P +89 7 191 M +89 7 192 M +89 7 193 K +89 7 194 P +89 7 195 M +89 7 196 P +89 7 197 P +89 7 198 N +89 7 199 P +89 7 200 M +89 7 201 K +89 7 202 M +89 7 203 R +89 7 204 N +89 7 205 P +89 7 206 B +89 7 207 R +89 7 208 P +89 7 209 M +89 7 210 N +89 7 211 M +89 7 212 K +89 7 213 P +89 7 214 K +89 7 215 R +89 7 216 N +89 7 217 P +89 7 218 K +89 7 219 P +89 7 220 M +89 7 221 P +89 7 222 M +89 7 223 M +89 7 224 B +89 7 225 M +89 7 226 M +89 7 227 N +89 7 228 N +89 7 229 K +89 7 230 B +89 7 231 R +89 7 232 P +89 7 233 M +89 7 234 M +89 7 235 M +89 7 236 K +89 7 237 K +89 7 238 M +89 7 239 R +89 7 240 P +89 7 241 B +89 7 242 K +89 7 243 R +89 7 244 B +89 7 245 R +89 7 246 M +89 7 247 P +89 7 248 N +89 7 249 M +89 7 250 M +89 7 251 M +89 7 252 B +89 7 253 M +89 7 254 M +89 7 255 N +89 7 256 R +89 7 257 N +89 7 258 K +89 7 259 R +89 7 260 M +89 7 261 K +89 7 262 B +89 7 263 N +89 7 264 M +89 7 265 M +89 7 266 K +89 7 267 R +89 7 268 M +89 7 269 R +89 7 270 K +89 7 271 M +89 7 272 B +89 7 273 R +89 7 274 B +89 7 275 K +89 7 276 R +89 7 277 N +89 7 278 K +89 7 279 M +89 7 280 M +89 7 281 M +89 7 282 M +89 7 283 N +89 7 284 B +89 7 285 K +89 7 286 B +89 7 287 M +89 7 288 R +89 7 289 M +89 7 290 B +89 7 291 M +89 7 292 K +89 7 293 B +89 7 294 B +89 7 295 P +89 7 296 M +89 7 297 K +89 7 298 R +89 7 299 M +89 7 300 N +89 7 301 M +89 7 302 B +89 7 303 P +89 7 304 M +89 7 305 R +89 7 306 M +89 7 307 M +89 7 308 P +89 7 309 N +89 7 310 M +89 7 311 M +89 7 312 N +89 7 313 M +89 7 314 B +89 7 315 M +89 7 316 M +89 7 317 R +89 7 318 K +89 7 319 B +89 7 320 M +89 7 321 R +89 7 322 P +89 7 323 P +89 7 324 B +89 7 325 M +89 7 326 R +89 7 327 P +89 7 328 M +89 7 329 P +89 7 330 B +89 8 1 M +89 8 2 M +89 8 3 R +89 8 4 S +89 8 5 M +89 8 6 K +89 8 7 M +89 8 8 R +89 8 9 * +89 8 10 M +89 8 11 M +89 8 12 K +89 8 13 M +89 8 14 M +89 8 15 * +89 8 16 B +89 8 17 R +89 8 18 N +89 8 19 M +89 8 20 M +89 8 21 R +89 8 22 K +89 8 23 * +89 8 24 N +89 8 25 M +89 8 26 * +89 8 27 B +89 8 28 R +89 8 29 M +89 8 30 * +89 8 31 M +89 8 32 * +89 8 33 M +89 8 34 * +89 8 35 * +89 8 36 M +89 8 37 * +89 8 38 S +89 8 39 M +89 8 40 * +89 8 41 * +89 8 42 K +89 8 43 M +89 8 44 B +89 8 45 M +89 8 46 N +89 8 47 N +89 8 48 K +89 8 49 M +89 8 50 S +89 8 51 * +89 8 52 B +89 8 53 S +89 8 54 M +89 8 55 M +89 8 56 B +89 8 57 M +89 8 58 K +89 8 59 B +89 8 60 S +89 8 61 M +89 8 62 * +89 8 63 * +89 8 64 M +89 8 65 R +89 8 66 B +89 8 67 M +89 8 68 * +89 8 69 M +89 8 70 K +89 8 71 S +89 8 72 M +89 8 73 * +89 8 74 M +89 8 75 N +89 8 76 R +89 8 77 M +89 8 78 I +89 8 79 N +89 8 80 M +89 8 81 M +89 8 82 M +89 8 83 I +89 8 84 K +89 8 85 M +89 8 86 * +89 8 87 N +89 8 88 S +89 8 89 N +89 8 90 M +89 8 91 M +89 8 92 B +89 8 93 M +89 8 94 N +89 8 95 B +89 8 96 K +89 8 97 * +89 8 98 R +89 8 99 B +89 8 100 M +89 8 101 S +89 8 102 B +89 8 103 M +89 8 104 M +89 8 105 S +89 8 106 K +89 8 107 B +89 8 108 B +89 8 109 M +89 8 110 K +89 8 111 N +89 8 112 R +89 8 113 N +89 8 114 M +89 8 115 R +89 8 116 B +89 8 117 N +89 8 118 N +89 8 119 M +89 8 120 B +89 8 121 R +89 8 122 M +89 8 123 M +89 8 124 M +89 8 125 R +89 8 126 R +89 8 127 N +89 8 128 K +89 8 129 B +89 8 130 N +89 8 131 S +89 8 132 R +89 8 133 M +89 8 134 N +89 8 135 S +89 8 136 M +89 8 137 M +89 8 138 * +89 8 139 B +89 8 140 M +89 8 141 B +89 8 142 I +89 8 143 M +89 8 144 S +89 8 145 M +89 8 146 R +89 8 147 M +89 8 148 R +89 8 149 M +89 8 150 S +89 8 151 * +89 8 152 I +89 8 153 M +89 8 154 N +89 8 155 I +89 8 156 M +89 8 157 N +89 8 158 B +89 8 159 K +89 8 160 B +89 8 161 M +89 8 162 R +89 8 163 M +89 8 164 M +89 8 165 M +89 8 166 N +89 8 167 B +89 8 168 M +89 8 169 M +89 8 170 N +89 8 171 M +89 8 172 B +89 8 173 R +89 8 174 K +89 8 175 B +89 8 176 K +89 8 177 K +89 8 178 * +89 8 179 S +89 8 180 M +89 8 181 K +89 8 182 S +89 8 183 * +89 8 184 * +89 8 185 I +89 8 186 M +89 8 187 K +89 8 188 M +89 8 189 B +89 8 190 * +89 8 191 M +89 8 192 M +89 8 193 * +89 8 194 S +89 8 195 M +89 8 196 M +89 8 197 * +89 8 198 N +89 8 199 B +89 8 200 M +89 8 201 K +89 8 202 M +89 8 203 S +89 8 204 N +89 8 205 * +89 8 206 B +89 8 207 R +89 8 208 K +89 8 209 M +89 8 210 S +89 8 211 M +89 8 212 K +89 8 213 B +89 8 214 M +89 8 215 B +89 8 216 N +89 8 217 * +89 8 218 M +89 8 219 B +89 8 220 M +89 8 221 B +89 8 222 S +89 8 223 M +89 8 224 B +89 8 225 * +89 8 226 M +89 8 227 N +89 8 228 N +89 8 229 M +89 8 230 B +89 8 231 S +89 8 232 B +89 8 233 K +89 8 234 M +89 8 235 M +89 8 236 M +89 8 237 K +89 8 238 M +89 8 239 R +89 8 240 N +89 8 241 B +89 8 242 K +89 8 243 S +89 8 244 B +89 8 245 R +89 8 246 M +89 8 247 * +89 8 248 N +89 8 249 M +89 8 250 S +89 8 251 M +89 8 252 B +89 8 253 M +89 8 254 B +89 8 255 N +89 8 256 R +89 8 257 M +89 8 258 K +89 8 259 R +89 8 260 B +89 8 261 K +89 8 262 B +89 8 263 I +89 8 264 B +89 8 265 M +89 8 266 * +89 8 267 S +89 8 268 M +89 8 269 * +89 8 270 K +89 8 271 M +89 8 272 B +89 8 273 R +89 8 274 B +89 8 275 I +89 8 276 R +89 8 277 M +89 8 278 K +89 8 279 M +89 8 280 M +89 8 281 M +89 8 282 M +89 8 283 I +89 8 284 B +89 8 285 B +89 8 286 B +89 8 287 K +89 8 288 R +89 8 289 M +89 8 290 B +89 8 291 M +89 8 292 R +89 8 293 B +89 8 294 B +89 8 295 * +89 8 296 M +89 8 297 K +89 8 298 R +89 8 299 M +89 8 300 B +89 8 301 M +89 8 302 B +89 8 303 N +89 8 304 M +89 8 305 M +89 8 306 S +89 8 307 M +89 8 308 * +89 8 309 * +89 8 310 M +89 8 311 M +89 8 312 N +89 8 313 M +89 8 314 B +89 8 315 K +89 8 316 M +89 8 317 S +89 8 318 K +89 8 319 B +89 8 320 M +89 8 321 R +89 8 322 M +89 8 323 M +89 8 324 B +89 8 325 S +89 8 326 K +89 8 327 B +89 8 328 M +89 8 329 N +89 8 330 B +89 9 1 M +89 9 2 M +89 9 3 R +89 9 4 N +89 9 5 M +89 9 6 R +89 9 7 M +89 9 8 R +89 9 9 * +89 9 10 N +89 9 11 N +89 9 12 K +89 9 13 * +89 9 14 N +89 9 15 R +89 9 16 B +89 9 17 R +89 9 18 N +89 9 19 M +89 9 20 M +89 9 21 R +89 9 22 K +89 9 23 * +89 9 24 N +89 9 25 M +89 9 26 M +89 9 27 * +89 9 28 R +89 9 29 M +89 9 30 * +89 9 31 M +89 9 32 R +89 9 33 M +89 9 34 M +89 9 35 R +89 9 36 N +89 9 37 M +89 9 38 R +89 9 39 M +89 9 40 M +89 9 41 R +89 9 42 * +89 9 43 N +89 9 44 B +89 9 45 M +89 9 46 N +89 9 47 N +89 9 48 * +89 9 49 M +89 9 50 N +89 9 51 N +89 9 52 B +89 9 53 R +89 9 54 M +89 9 55 M +89 9 56 * +89 9 57 * +89 9 58 N +89 9 59 R +89 9 60 * +89 9 61 R +89 9 62 M +89 9 63 * +89 9 64 M +89 9 65 R +89 9 66 B +89 9 67 M +89 9 68 R +89 9 69 * +89 9 70 * +89 9 71 R +89 9 72 M +89 9 73 * +89 9 74 M +89 9 75 N +89 9 76 R +89 9 77 M +89 9 78 * +89 9 79 N +89 9 80 M +89 9 81 M +89 9 82 M +89 9 83 * +89 9 84 R +89 9 85 M +89 9 86 R +89 9 87 N +89 9 88 R +89 9 89 N +89 9 90 N +89 9 91 K +89 9 92 * +89 9 93 M +89 9 94 N +89 9 95 B +89 9 96 K +89 9 97 M +89 9 98 R +89 9 99 * +89 9 100 M +89 9 101 R +89 9 102 * +89 9 103 * +89 9 104 M +89 9 105 R +89 9 106 K +89 9 107 B +89 9 108 M +89 9 109 M +89 9 110 K +89 9 111 N +89 9 112 R +89 9 113 N +89 9 114 * +89 9 115 R +89 9 116 M +89 9 117 N +89 9 118 R +89 9 119 M +89 9 120 B +89 9 121 R +89 9 122 M +89 9 123 M +89 9 124 K +89 9 125 R +89 9 126 R +89 9 127 N +89 9 128 K +89 9 129 B +89 9 130 N +89 9 131 * +89 9 132 R +89 9 133 M +89 9 134 * +89 9 135 R +89 9 136 M +89 9 137 * +89 9 138 M +89 9 139 B +89 9 140 M +89 9 141 B +89 9 142 * +89 9 143 M +89 9 144 N +89 9 145 M +89 9 146 K +89 9 147 M +89 9 148 R +89 9 149 M +89 9 150 * +89 9 151 R +89 9 152 * +89 9 153 M +89 9 154 N +89 9 155 N +89 9 156 M +89 9 157 N +89 9 158 B +89 9 159 * +89 9 160 R +89 9 161 M +89 9 162 R +89 9 163 M +89 9 164 M +89 9 165 * +89 9 166 N +89 9 167 * +89 9 168 M +89 9 169 M +89 9 170 N +89 9 171 M +89 9 172 B +89 9 173 R +89 9 174 K +89 9 175 M +89 9 176 R +89 9 177 * +89 9 178 M +89 9 179 N +89 9 180 M +89 9 181 * +89 9 182 N +89 9 183 N +89 9 184 N +89 9 185 * +89 9 186 M +89 9 187 K +89 9 188 M +89 9 189 M +89 9 190 R +89 9 191 M +89 9 192 * +89 9 193 K +89 9 194 N +89 9 195 M +89 9 196 M +89 9 197 * +89 9 198 N +89 9 199 B +89 9 200 M +89 9 201 R +89 9 202 M +89 9 203 R +89 9 204 N +89 9 205 * +89 9 206 B +89 9 207 R +89 9 208 * +89 9 209 M +89 9 210 * +89 9 211 M +89 9 212 R +89 9 213 * +89 9 214 K +89 9 215 R +89 9 216 N +89 9 217 * +89 9 218 M +89 9 219 B +89 9 220 M +89 9 221 B +89 9 222 * +89 9 223 M +89 9 224 B +89 9 225 * +89 9 226 M +89 9 227 N +89 9 228 N +89 9 229 M +89 9 230 B +89 9 231 * +89 9 232 * +89 9 233 M +89 9 234 M +89 9 235 M +89 9 236 * +89 9 237 * +89 9 238 M +89 9 239 R +89 9 240 * +89 9 241 B +89 9 242 K +89 9 243 N +89 9 244 M +89 9 245 R +89 9 246 M +89 9 247 * +89 9 248 N +89 9 249 M +89 9 250 N +89 9 251 M +89 9 252 B +89 9 253 M +89 9 254 M +89 9 255 N +89 9 256 R +89 9 257 M +89 9 258 K +89 9 259 R +89 9 260 B +89 9 261 R +89 9 262 B +89 9 263 * +89 9 264 M +89 9 265 M +89 9 266 R +89 9 267 R +89 9 268 M +89 9 269 R +89 9 270 K +89 9 271 M +89 9 272 B +89 9 273 R +89 9 274 B +89 9 275 * +89 9 276 R +89 9 277 N +89 9 278 R +89 9 279 M +89 9 280 M +89 9 281 M +89 9 282 M +89 9 283 * +89 9 284 B +89 9 285 R +89 9 286 B +89 9 287 * +89 9 288 R +89 9 289 M +89 9 290 B +89 9 291 M +89 9 292 R +89 9 293 B +89 9 294 B +89 9 295 * +89 9 296 * +89 9 297 K +89 9 298 R +89 9 299 M +89 9 300 B +89 9 301 M +89 9 302 B +89 9 303 M +89 9 304 M +89 9 305 N +89 9 306 M +89 9 307 M +89 9 308 * +89 9 309 N +89 9 310 M +89 9 311 M +89 9 312 N +89 9 313 M +89 9 314 B +89 9 315 M +89 9 316 M +89 9 317 R +89 9 318 R +89 9 319 B +89 9 320 * +89 9 321 R +89 9 322 M +89 9 323 M +89 9 324 B +89 9 325 * +89 9 326 K +89 9 327 B +89 9 328 M +89 9 329 * +89 9 330 B +89 10 1 M +89 10 2 B +89 10 3 R +89 10 4 S +89 10 5 B +89 10 6 K +89 10 7 P +89 10 8 R +89 10 9 * +89 10 10 M +89 10 11 M +89 10 12 K +89 10 13 P +89 10 14 P +89 10 15 B +89 10 16 B +89 10 17 R +89 10 18 N +89 10 19 M +89 10 20 * +89 10 21 R +89 10 22 K +89 10 23 S +89 10 24 G +89 10 25 M +89 10 26 M +89 10 27 B +89 10 28 R +89 10 29 M +89 10 30 M +89 10 31 R +89 10 32 S +89 10 33 P +89 10 34 M +89 10 35 K +89 10 36 * +89 10 37 P +89 10 38 R +89 10 39 * +89 10 40 * +89 10 41 R +89 10 42 K +89 10 43 N +89 10 44 B +89 10 45 P +89 10 46 G +89 10 47 * +89 10 48 K +89 10 49 M +89 10 50 S +89 10 51 G +89 10 52 B +89 10 53 R +89 10 54 * +89 10 55 M +89 10 56 K +89 10 57 * +89 10 58 G +89 10 59 B +89 10 60 M +89 10 61 R +89 10 62 P +89 10 63 K +89 10 64 M +89 10 65 R +89 10 66 B +89 10 67 M +89 10 68 S +89 10 69 P +89 10 70 B +89 10 71 R +89 10 72 M +89 10 73 S +89 10 74 B +89 10 75 * +89 10 76 R +89 10 77 M +89 10 78 B +89 10 79 N +89 10 80 M +89 10 81 P +89 10 82 P +89 10 83 B +89 10 84 K +89 10 85 B +89 10 86 K +89 10 87 N +89 10 88 S +89 10 89 N +89 10 90 P +89 10 91 * +89 10 92 B +89 10 93 M +89 10 94 N +89 10 95 B +89 10 96 K +89 10 97 S +89 10 98 R +89 10 99 B +89 10 100 * +89 10 101 R +89 10 102 * +89 10 103 G +89 10 104 M +89 10 105 R +89 10 106 K +89 10 107 B +89 10 108 B +89 10 109 M +89 10 110 K +89 10 111 A +89 10 112 R +89 10 113 N +89 10 114 M +89 10 115 R +89 10 116 B +89 10 117 G +89 10 118 K +89 10 119 M +89 10 120 B +89 10 121 K +89 10 122 M +89 10 123 M +89 10 124 * +89 10 125 K +89 10 126 A +89 10 127 M +89 10 128 K +89 10 129 B +89 10 130 A +89 10 131 S +89 10 132 R +89 10 133 M +89 10 134 G +89 10 135 S +89 10 136 M +89 10 137 A +89 10 138 M +89 10 139 B +89 10 140 M +89 10 141 B +89 10 142 B +89 10 143 A +89 10 144 S +89 10 145 M +89 10 146 K +89 10 147 M +89 10 148 R +89 10 149 A +89 10 150 S +89 10 151 K +89 10 152 A +89 10 153 M +89 10 154 N +89 10 155 G +89 10 156 M +89 10 157 G +89 10 158 B +89 10 159 K +89 10 160 K +89 10 161 M +89 10 162 R +89 10 163 M +89 10 164 M +89 10 165 A +89 10 166 M +89 10 167 A +89 10 168 M +89 10 169 M +89 10 170 N +89 10 171 A +89 10 172 B +89 10 173 R +89 10 174 K +89 10 175 B +89 10 176 R +89 10 177 K +89 10 178 M +89 10 179 R +89 10 180 M +89 10 181 A +89 10 182 S +89 10 183 G +89 10 184 S +89 10 185 K +89 10 186 M +89 10 187 K +89 10 188 M +89 10 189 B +89 10 190 P +89 10 191 M +89 10 192 S +89 10 193 K +89 10 194 * +89 10 195 M +89 10 196 * +89 10 197 S +89 10 198 N +89 10 199 B +89 10 200 M +89 10 201 K +89 10 202 M +89 10 203 S +89 10 204 G +89 10 205 S +89 10 206 B +89 10 207 R +89 10 208 G +89 10 209 * +89 10 210 P +89 10 211 M +89 10 212 K +89 10 213 M +89 10 214 K +89 10 215 S +89 10 216 N +89 10 217 K +89 10 218 P +89 10 219 B +89 10 220 M +89 10 221 B +89 10 222 S +89 10 223 M +89 10 224 B +89 10 225 G +89 10 226 M +89 10 227 N +89 10 228 M +89 10 229 M +89 10 230 B +89 10 231 S +89 10 232 G +89 10 233 M +89 10 234 M +89 10 235 M +89 10 236 K +89 10 237 R +89 10 238 M +89 10 239 R +89 10 240 G +89 10 241 B +89 10 242 K +89 10 243 S +89 10 244 B +89 10 245 R +89 10 246 M +89 10 247 S +89 10 248 N +89 10 249 M +89 10 250 S +89 10 251 M +89 10 252 B +89 10 253 M +89 10 254 M +89 10 255 N +89 10 256 R +89 10 257 M +89 10 258 K +89 10 259 R +89 10 260 B +89 10 261 R +89 10 262 B +89 10 263 B +89 10 264 M +89 10 265 M +89 10 266 R +89 10 267 S +89 10 268 M +89 10 269 S +89 10 270 K +89 10 271 M +89 10 272 B +89 10 273 S +89 10 274 B +89 10 275 P +89 10 276 R +89 10 277 M +89 10 278 K +89 10 279 M +89 10 280 M +89 10 281 M +89 10 282 M +89 10 283 G +89 10 284 B +89 10 285 A +89 10 286 B +89 10 287 G +89 10 288 R +89 10 289 M +89 10 290 B +89 10 291 M +89 10 292 A +89 10 293 B +89 10 294 B +89 10 295 G +89 10 296 S +89 10 297 K +89 10 298 R +89 10 299 M +89 10 300 B +89 10 301 M +89 10 302 B +89 10 303 B +89 10 304 P +89 10 305 S +89 10 306 M +89 10 307 M +89 10 308 S +89 10 309 N +89 10 310 M +89 10 311 M +89 10 312 N +89 10 313 S +89 10 314 B +89 10 315 M +89 10 316 M +89 10 317 S +89 10 318 K +89 10 319 B +89 10 320 G +89 10 321 R +89 10 322 M +89 10 323 M +89 10 324 B +89 10 325 S +89 10 326 K +89 10 327 B +89 10 328 M +89 10 329 G +89 10 330 B +89 11 1 M +89 11 2 M +89 11 3 R +89 11 4 * +89 11 5 M +89 11 6 B +89 11 7 M +89 11 8 R +89 11 9 * +89 11 10 M +89 11 11 N +89 11 12 K +89 11 13 M +89 11 14 M +89 11 15 B +89 11 16 B +89 11 17 R +89 11 18 N +89 11 19 M +89 11 20 M +89 11 21 R +89 11 22 K +89 11 23 * +89 11 24 * +89 11 25 M +89 11 26 M +89 11 27 B +89 11 28 R +89 11 29 M +89 11 30 * +89 11 31 M +89 11 32 * +89 11 33 M +89 11 34 M +89 11 35 R +89 11 36 * +89 11 37 M +89 11 38 R +89 11 39 M +89 11 40 M +89 11 41 R +89 11 42 K +89 11 43 M +89 11 44 B +89 11 45 M +89 11 46 * +89 11 47 * +89 11 48 K +89 11 49 M +89 11 50 * +89 11 51 * +89 11 52 B +89 11 53 R +89 11 54 M +89 11 55 M +89 11 56 * +89 11 57 M +89 11 58 * +89 11 59 B +89 11 60 M +89 11 61 R +89 11 62 * +89 11 63 R +89 11 64 M +89 11 65 R +89 11 66 B +89 11 67 M +89 11 68 R +89 11 69 * +89 11 70 B +89 11 71 * +89 11 72 M +89 11 73 * +89 11 74 M +89 11 75 * +89 11 76 K +89 11 77 M +89 11 78 B +89 11 79 N +89 11 80 M +89 11 81 M +89 11 82 M +89 11 83 K +89 11 84 * +89 11 85 M +89 11 86 R +89 11 87 N +89 11 88 * +89 11 89 N +89 11 90 M +89 11 91 M +89 11 92 B +89 11 93 M +89 11 94 N +89 11 95 B +89 11 96 K +89 11 97 * +89 11 98 R +89 11 99 B +89 11 100 M +89 11 101 * +89 11 102 B +89 11 103 * +89 11 104 M +89 11 105 * +89 11 106 K +89 11 107 B +89 11 108 B +89 11 109 M +89 11 110 K +89 11 111 * +89 11 112 R +89 11 113 N +89 11 114 * +89 11 115 R +89 11 116 B +89 11 117 * +89 11 118 R +89 11 119 M +89 11 120 B +89 11 121 R +89 11 122 M +89 11 123 M +89 11 124 K +89 11 125 K +89 11 126 K +89 11 127 * +89 11 128 K +89 11 129 B +89 11 130 * +89 11 131 * +89 11 132 R +89 11 133 M +89 11 134 * +89 11 135 R +89 11 136 M +89 11 137 * +89 11 138 M +89 11 139 B +89 11 140 M +89 11 141 B +89 11 142 B +89 11 143 M +89 11 144 * +89 11 145 M +89 11 146 K +89 11 147 M +89 11 148 R +89 11 149 M +89 11 150 * +89 11 151 K +89 11 152 * +89 11 153 M +89 11 154 N +89 11 155 N +89 11 156 M +89 11 157 * +89 11 158 B +89 11 159 K +89 11 160 R +89 11 161 M +89 11 162 R +89 11 163 M +89 11 164 M +89 11 165 * +89 11 166 M +89 11 167 B +89 11 168 M +89 11 169 M +89 11 170 N +89 11 171 M +89 11 172 B +89 11 173 R +89 11 174 K +89 11 175 B +89 11 176 R +89 11 177 K +89 11 178 N +89 11 179 * +89 11 180 M +89 11 181 K +89 11 182 * +89 11 183 * +89 11 184 * +89 11 185 * +89 11 186 M +89 11 187 K +89 11 188 M +89 11 189 B +89 11 190 R +89 11 191 M +89 11 192 * +89 11 193 K +89 11 194 * +89 11 195 M +89 11 196 M +89 11 197 * +89 11 198 N +89 11 199 B +89 11 200 M +89 11 201 K +89 11 202 M +89 11 203 * +89 11 204 N +89 11 205 * +89 11 206 B +89 11 207 R +89 11 208 * +89 11 209 M +89 11 210 * +89 11 211 M +89 11 212 K +89 11 213 B +89 11 214 K +89 11 215 R +89 11 216 * +89 11 217 K +89 11 218 M +89 11 219 B +89 11 220 M +89 11 221 B +89 11 222 * +89 11 223 M +89 11 224 B +89 11 225 * +89 11 226 M +89 11 227 N +89 11 228 M +89 11 229 M +89 11 230 B +89 11 231 * +89 11 232 * +89 11 233 M +89 11 234 M +89 11 235 M +89 11 236 K +89 11 237 R +89 11 238 M +89 11 239 R +89 11 240 * +89 11 241 B +89 11 242 K +89 11 243 * +89 11 244 B +89 11 245 R +89 11 246 M +89 11 247 * +89 11 248 N +89 11 249 N +89 11 250 * +89 11 251 M +89 11 252 B +89 11 253 M +89 11 254 M +89 11 255 N +89 11 256 R +89 11 257 M +89 11 258 K +89 11 259 R +89 11 260 B +89 11 261 K +89 11 262 B +89 11 263 B +89 11 264 B +89 11 265 M +89 11 266 * +89 11 267 * +89 11 268 M +89 11 269 * +89 11 270 K +89 11 271 M +89 11 272 B +89 11 273 * +89 11 274 B +89 11 275 K +89 11 276 R +89 11 277 M +89 11 278 R +89 11 279 M +89 11 280 M +89 11 281 M +89 11 282 M +89 11 283 * +89 11 284 B +89 11 285 R +89 11 286 B +89 11 287 * +89 11 288 R +89 11 289 M +89 11 290 B +89 11 291 R +89 11 292 B +89 11 293 B +89 11 294 * +89 11 295 * +89 11 296 * +89 11 297 K +89 11 298 R +89 11 299 M +89 11 300 B +89 11 301 M +89 11 302 B +89 11 303 B +89 11 304 * +89 11 305 * +89 11 306 M +89 11 307 M +89 11 308 * +89 11 309 * +89 11 310 M +89 11 311 M +89 11 312 N +89 11 313 M +89 11 314 B +89 11 315 M +89 11 316 M +89 11 317 * +89 11 318 K +89 11 319 B +89 11 320 * +89 11 321 R +89 11 322 M +89 11 323 M +89 11 324 B +89 11 325 * +89 11 326 K +89 11 327 B +89 11 328 M +89 11 329 * +89 11 330 B +89 12 1 M +89 12 2 K +89 12 3 R +89 12 4 S +89 12 5 K +89 12 6 K +89 12 7 K +89 12 8 R +89 12 9 P +89 12 10 M +89 12 11 N +89 12 12 K +89 12 13 M +89 12 14 N +89 12 15 P +89 12 16 B +89 12 17 R +89 12 18 N +89 12 19 M +89 12 20 K +89 12 21 R +89 12 22 K +89 12 23 S +89 12 24 N +89 12 25 M +89 12 26 M +89 12 27 P +89 12 28 R +89 12 29 K +89 12 30 S +89 12 31 K +89 12 32 R +89 12 33 K +89 12 34 M +89 12 35 R +89 12 36 N +89 12 37 M +89 12 38 S +89 12 39 M +89 12 40 M +89 12 41 R +89 12 42 K +89 12 43 N +89 12 44 B +89 12 45 K +89 12 46 P +89 12 47 N +89 12 48 K +89 12 49 K +89 12 50 M +89 12 51 K +89 12 52 B +89 12 53 R +89 12 54 K +89 12 55 M +89 12 56 K +89 12 57 N +89 12 58 K +89 12 59 P +89 12 60 N +89 12 61 R +89 12 62 P +89 12 63 R +89 12 64 M +89 12 65 R +89 12 66 B +89 12 67 K +89 12 68 R +89 12 69 K +89 12 70 B +89 12 71 S +89 12 72 M +89 12 73 S +89 12 74 K +89 12 75 N +89 12 76 R +89 12 77 M +89 12 78 P +89 12 79 N +89 12 80 M +89 12 81 K +89 12 82 K +89 12 83 P +89 12 84 R +89 12 85 M +89 12 86 P +89 12 87 N +89 12 88 S +89 12 89 N +89 12 90 N +89 12 91 K +89 12 92 B +89 12 93 M +89 12 94 N +89 12 95 K +89 12 96 K +89 12 97 M +89 12 98 R +89 12 99 P +89 12 100 K +89 12 101 S +89 12 102 P +89 12 103 K +89 12 104 M +89 12 105 S +89 12 106 K +89 12 107 B +89 12 108 K +89 12 109 M +89 12 110 K +89 12 111 M +89 12 112 R +89 12 113 M +89 12 114 M +89 12 115 S +89 12 116 K +89 12 117 S +89 12 118 R +89 12 119 K +89 12 120 B +89 12 121 R +89 12 122 M +89 12 123 M +89 12 124 K +89 12 125 R +89 12 126 R +89 12 127 M +89 12 128 K +89 12 129 B +89 12 130 M +89 12 131 P +89 12 132 P +89 12 133 M +89 12 134 S +89 12 135 R +89 12 136 K +89 12 137 P +89 12 138 K +89 12 139 B +89 12 140 M +89 12 141 B +89 12 142 B +89 12 143 K +89 12 144 M +89 12 145 K +89 12 146 K +89 12 147 P +89 12 148 R +89 12 149 K +89 12 150 M +89 12 151 R +89 12 152 R +89 12 153 M +89 12 154 M +89 12 155 S +89 12 156 M +89 12 157 S +89 12 158 B +89 12 159 K +89 12 160 R +89 12 161 K +89 12 162 R +89 12 163 M +89 12 164 M +89 12 165 K +89 12 166 M +89 12 167 K +89 12 168 K +89 12 169 K +89 12 170 N +89 12 171 K +89 12 172 B +89 12 173 R +89 12 174 K +89 12 175 M +89 12 176 R +89 12 177 K +89 12 178 M +89 12 179 P +89 12 180 K +89 12 181 K +89 12 182 S +89 12 183 M +89 12 184 M +89 12 185 K +89 12 186 M +89 12 187 K +89 12 188 M +89 12 189 B +89 12 190 R +89 12 191 M +89 12 192 M +89 12 193 K +89 12 194 M +89 12 195 K +89 12 196 K +89 12 197 P +89 12 198 N +89 12 199 K +89 12 200 K +89 12 201 R +89 12 202 K +89 12 203 R +89 12 204 N +89 12 205 M +89 12 206 B +89 12 207 R +89 12 208 K +89 12 209 M +89 12 210 S +89 12 211 M +89 12 212 K +89 12 213 B +89 12 214 K +89 12 215 R +89 12 216 M +89 12 217 K +89 12 218 K +89 12 219 B +89 12 220 P +89 12 221 B +89 12 222 M +89 12 223 M +89 12 224 B +89 12 225 K +89 12 226 M +89 12 227 M +89 12 228 M +89 12 229 K +89 12 230 B +89 12 231 R +89 12 232 K +89 12 233 M +89 12 234 M +89 12 235 M +89 12 236 K +89 12 237 K +89 12 238 M +89 12 239 K +89 12 240 S +89 12 241 B +89 12 242 K +89 12 243 S +89 12 244 B +89 12 245 R +89 12 246 K +89 12 247 M +89 12 248 N +89 12 249 M +89 12 250 N +89 12 251 K +89 12 252 B +89 12 253 K +89 12 254 K +89 12 255 N +89 12 256 R +89 12 257 M +89 12 258 K +89 12 259 R +89 12 260 K +89 12 261 K +89 12 262 B +89 12 263 P +89 12 264 K +89 12 265 M +89 12 266 R +89 12 267 S +89 12 268 K +89 12 269 R +89 12 270 K +89 12 271 M +89 12 272 B +89 12 273 R +89 12 274 B +89 12 275 K +89 12 276 R +89 12 277 M +89 12 278 K +89 12 279 M +89 12 280 K +89 12 281 M +89 12 282 K +89 12 283 S +89 12 284 B +89 12 285 R +89 12 286 B +89 12 287 K +89 12 288 R +89 12 289 K +89 12 290 B +89 12 291 M +89 12 292 R +89 12 293 K +89 12 294 B +89 12 295 S +89 12 296 M +89 12 297 K +89 12 298 R +89 12 299 K +89 12 300 B +89 12 301 M +89 12 302 B +89 12 303 B +89 12 304 K +89 12 305 R +89 12 306 K +89 12 307 M +89 12 308 K +89 12 309 N +89 12 310 K +89 12 311 M +89 12 312 N +89 12 313 M +89 12 314 B +89 12 315 K +89 12 316 K +89 12 317 R +89 12 318 K +89 12 319 B +89 12 320 K +89 12 321 R +89 12 322 M +89 12 323 K +89 12 324 B +89 12 325 R +89 12 326 K +89 12 327 B +89 12 328 M +89 12 329 K +89 12 330 B +89 13 1 M +89 13 2 M +89 13 3 R +89 13 4 * +89 13 5 M +89 13 6 K +89 13 7 M +89 13 8 R +89 13 9 * +89 13 10 N +89 13 11 M +89 13 12 K +89 13 13 M +89 13 14 N +89 13 15 B +89 13 16 B +89 13 17 R +89 13 18 N +89 13 19 M +89 13 20 K +89 13 21 R +89 13 22 B +89 13 23 M +89 13 24 N +89 13 25 N +89 13 26 M +89 13 27 B +89 13 28 R +89 13 29 M +89 13 30 K +89 13 31 B +89 13 32 * +89 13 33 M +89 13 34 M +89 13 35 K +89 13 36 N +89 13 37 M +89 13 38 R +89 13 39 N +89 13 40 M +89 13 41 R +89 13 42 K +89 13 43 N +89 13 44 B +89 13 45 M +89 13 46 N +89 13 47 M +89 13 48 K +89 13 49 M +89 13 50 R +89 13 51 N +89 13 52 B +89 13 53 R +89 13 54 M +89 13 55 M +89 13 56 K +89 13 57 N +89 13 58 K +89 13 59 B +89 13 60 N +89 13 61 R +89 13 62 M +89 13 63 R +89 13 64 M +89 13 65 R +89 13 66 B +89 13 67 * +89 13 68 R +89 13 69 N +89 13 70 B +89 13 71 R +89 13 72 M +89 13 73 M +89 13 74 B +89 13 75 N +89 13 76 K +89 13 77 M +89 13 78 K +89 13 79 N +89 13 80 M +89 13 81 K +89 13 82 M +89 13 83 B +89 13 84 K +89 13 85 M +89 13 86 K +89 13 87 N +89 13 88 R +89 13 89 N +89 13 90 N +89 13 91 K +89 13 92 B +89 13 93 M +89 13 94 N +89 13 95 B +89 13 96 K +89 13 97 M +89 13 98 R +89 13 99 B +89 13 100 K +89 13 101 R +89 13 102 B +89 13 103 N +89 13 104 M +89 13 105 R +89 13 106 K +89 13 107 B +89 13 108 B +89 13 109 M +89 13 110 K +89 13 111 N +89 13 112 R +89 13 113 N +89 13 114 M +89 13 115 R +89 13 116 B +89 13 117 N +89 13 118 K +89 13 119 M +89 13 120 B +89 13 121 K +89 13 122 M +89 13 123 N +89 13 124 K +89 13 125 K +89 13 126 R +89 13 127 N +89 13 128 K +89 13 129 B +89 13 130 N +89 13 131 M +89 13 132 R +89 13 133 M +89 13 134 R +89 13 135 R +89 13 136 M +89 13 137 N +89 13 138 M +89 13 139 B +89 13 140 N +89 13 141 B +89 13 142 B +89 13 143 K +89 13 144 M +89 13 145 K +89 13 146 K +89 13 147 M +89 13 148 R +89 13 149 K +89 13 150 M +89 13 151 R +89 13 152 R +89 13 153 M +89 13 154 N +89 13 155 N +89 13 156 M +89 13 157 R +89 13 158 B +89 13 159 K +89 13 160 K +89 13 161 M +89 13 162 R +89 13 163 M +89 13 164 M +89 13 165 N +89 13 166 N +89 13 167 B +89 13 168 M +89 13 169 M +89 13 170 N +89 13 171 N +89 13 172 B +89 13 173 R +89 13 174 K +89 13 175 B +89 13 176 R +89 13 177 K +89 13 178 M +89 13 179 S +89 13 180 M +89 13 181 K +89 13 182 R +89 13 183 N +89 13 184 M +89 13 185 K +89 13 186 M +89 13 187 K +89 13 188 M +89 13 189 B +89 13 190 K +89 13 191 M +89 13 192 M +89 13 193 K +89 13 194 R +89 13 195 M +89 13 196 B +89 13 197 M +89 13 198 N +89 13 199 B +89 13 200 M +89 13 201 R +89 13 202 M +89 13 203 R +89 13 204 N +89 13 205 M +89 13 206 B +89 13 207 R +89 13 208 K +89 13 209 M +89 13 210 R +89 13 211 M +89 13 212 R +89 13 213 B +89 13 214 K +89 13 215 R +89 13 216 N +89 13 217 R +89 13 218 K +89 13 219 B +89 13 220 M +89 13 221 B +89 13 222 M +89 13 223 M +89 13 224 B +89 13 225 K +89 13 226 N +89 13 227 N +89 13 228 N +89 13 229 K +89 13 230 B +89 13 231 R +89 13 232 N +89 13 233 M +89 13 234 M +89 13 235 M +89 13 236 K +89 13 237 K +89 13 238 M +89 13 239 R +89 13 240 R +89 13 241 B +89 13 242 B +89 13 243 R +89 13 244 B +89 13 245 R +89 13 246 M +89 13 247 M +89 13 248 N +89 13 249 M +89 13 250 M +89 13 251 K +89 13 252 K +89 13 253 K +89 13 254 M +89 13 255 N +89 13 256 R +89 13 257 N +89 13 258 K +89 13 259 R +89 13 260 B +89 13 261 R +89 13 262 B +89 13 263 N +89 13 264 B +89 13 265 M +89 13 266 R +89 13 267 R +89 13 268 M +89 13 269 M +89 13 270 K +89 13 271 N +89 13 272 B +89 13 273 R +89 13 274 B +89 13 275 K +89 13 276 R +89 13 277 N +89 13 278 R +89 13 279 N +89 13 280 K +89 13 281 M +89 13 282 M +89 13 283 N +89 13 284 B +89 13 285 B +89 13 286 B +89 13 287 K +89 13 288 R +89 13 289 K +89 13 290 B +89 13 291 M +89 13 292 R +89 13 293 B +89 13 294 B +89 13 295 N +89 13 296 M +89 13 297 K +89 13 298 R +89 13 299 M +89 13 300 B +89 13 301 M +89 13 302 B +89 13 303 B +89 13 304 K +89 13 305 N +89 13 306 K +89 13 307 M +89 13 308 M +89 13 309 N +89 13 310 K +89 13 311 N +89 13 312 N +89 13 313 M +89 13 314 B +89 13 315 K +89 13 316 M +89 13 317 R +89 13 318 R +89 13 319 B +89 13 320 N +89 13 321 R +89 13 322 M +89 13 323 M +89 13 324 B +89 13 325 R +89 13 326 K +89 13 327 B +89 13 328 N +89 13 329 R +89 13 330 B +89 14 1 M +89 14 2 * +89 14 3 R +89 14 4 * +89 14 5 S +89 14 6 * +89 14 7 * +89 14 8 R +89 14 9 K +89 14 10 M +89 14 11 * +89 14 12 K +89 14 13 * +89 14 14 * +89 14 15 * +89 14 16 B +89 14 17 R +89 14 18 N +89 14 19 S +89 14 20 M +89 14 21 * +89 14 22 K +89 14 23 * +89 14 24 N +89 14 25 S +89 14 26 M +89 14 27 B +89 14 28 * +89 14 29 S +89 14 30 K +89 14 31 * +89 14 32 * +89 14 33 * +89 14 34 M +89 14 35 K +89 14 36 N +89 14 37 M +89 14 38 R +89 14 39 S +89 14 40 * +89 14 41 R +89 14 42 * +89 14 43 N +89 14 44 B +89 14 45 S +89 14 46 * +89 14 47 N +89 14 48 * +89 14 49 S +89 14 50 * +89 14 51 N +89 14 52 B +89 14 53 R +89 14 54 S +89 14 55 M +89 14 56 * +89 14 57 M +89 14 58 * +89 14 59 B +89 14 60 N +89 14 61 R +89 14 62 * +89 14 63 * +89 14 64 S +89 14 65 R +89 14 66 B +89 14 67 * +89 14 68 * +89 14 69 * +89 14 70 B +89 14 71 * +89 14 72 S +89 14 73 * +89 14 74 * +89 14 75 N +89 14 76 * +89 14 77 M +89 14 78 * +89 14 79 N +89 14 80 M +89 14 81 * +89 14 82 * +89 14 83 B +89 14 84 * +89 14 85 S +89 14 86 A +89 14 87 N +89 14 88 * +89 14 89 N +89 14 90 * +89 14 91 K +89 14 92 B +89 14 93 M +89 14 94 N +89 14 95 B +89 14 96 K +89 14 97 * +89 14 98 R +89 14 99 * +89 14 100 * +89 14 101 S +89 14 102 * +89 14 103 * +89 14 104 M +89 14 105 S +89 14 106 K +89 14 107 B +89 14 108 * +89 14 109 M +89 14 110 K +89 14 111 N +89 14 112 R +89 14 113 N +89 14 114 M +89 14 115 S +89 14 116 * +89 14 117 N +89 14 118 * +89 14 119 M +89 14 120 B +89 14 121 K +89 14 122 S +89 14 123 * +89 14 124 A +89 14 125 * +89 14 126 * +89 14 127 M +89 14 128 K +89 14 129 B +89 14 130 N +89 14 131 * +89 14 132 R +89 14 133 M +89 14 134 * +89 14 135 S +89 14 136 * +89 14 137 * +89 14 138 * +89 14 139 B +89 14 140 M +89 14 141 B +89 14 142 B +89 14 143 K +89 14 144 * +89 14 145 A +89 14 146 K +89 14 147 * +89 14 148 R +89 14 149 * +89 14 150 N +89 14 151 * +89 14 152 * +89 14 153 M +89 14 154 N +89 14 155 * +89 14 156 M +89 14 157 * +89 14 158 B +89 14 159 K +89 14 160 * +89 14 161 M +89 14 162 R +89 14 163 M +89 14 164 * +89 14 165 * +89 14 166 N +89 14 167 * +89 14 168 M +89 14 169 * +89 14 170 N +89 14 171 * +89 14 172 B +89 14 173 R +89 14 174 K +89 14 175 * +89 14 176 * +89 14 177 K +89 14 178 M +89 14 179 * +89 14 180 M +89 14 181 * +89 14 182 S +89 14 183 * +89 14 184 * +89 14 185 K +89 14 186 M +89 14 187 K +89 14 188 M +89 14 189 B +89 14 190 * +89 14 191 M +89 14 192 * +89 14 193 K +89 14 194 * +89 14 195 * +89 14 196 * +89 14 197 * +89 14 198 N +89 14 199 B +89 14 200 M +89 14 201 A +89 14 202 * +89 14 203 R +89 14 204 N +89 14 205 A +89 14 206 B +89 14 207 R +89 14 208 K +89 14 209 M +89 14 210 * +89 14 211 M +89 14 212 K +89 14 213 * +89 14 214 K +89 14 215 M +89 14 216 N +89 14 217 A +89 14 218 K +89 14 219 B +89 14 220 * +89 14 221 B +89 14 222 * +89 14 223 M +89 14 224 B +89 14 225 * +89 14 226 M +89 14 227 N +89 14 228 M +89 14 229 K +89 14 230 B +89 14 231 * +89 14 232 * +89 14 233 * +89 14 234 M +89 14 235 M +89 14 236 * +89 14 237 A +89 14 238 M +89 14 239 * +89 14 240 * +89 14 241 B +89 14 242 A +89 14 243 S +89 14 244 B +89 14 245 R +89 14 246 M +89 14 247 * +89 14 248 N +89 14 249 M +89 14 250 * +89 14 251 S +89 14 252 B +89 14 253 M +89 14 254 * +89 14 255 N +89 14 256 R +89 14 257 M +89 14 258 K +89 14 259 * +89 14 260 B +89 14 261 K +89 14 262 B +89 14 263 * +89 14 264 * +89 14 265 M +89 14 266 * +89 14 267 S +89 14 268 M +89 14 269 * +89 14 270 K +89 14 271 N +89 14 272 B +89 14 273 * +89 14 274 B +89 14 275 K +89 14 276 R +89 14 277 M +89 14 278 A +89 14 279 M +89 14 280 * +89 14 281 M +89 14 282 * +89 14 283 * +89 14 284 B +89 14 285 * +89 14 286 B +89 14 287 K +89 14 288 R +89 14 289 M +89 14 290 B +89 14 291 M +89 14 292 * +89 14 293 * +89 14 294 B +89 14 295 * +89 14 296 * +89 14 297 K +89 14 298 R +89 14 299 M +89 14 300 B +89 14 301 M +89 14 302 B +89 14 303 * +89 14 304 * +89 14 305 * +89 14 306 S +89 14 307 M +89 14 308 * +89 14 309 * +89 14 310 * +89 14 311 M +89 14 312 N +89 14 313 * +89 14 314 B +89 14 315 * +89 14 316 M +89 14 317 R +89 14 318 K +89 14 319 B +89 14 320 * +89 14 321 R +89 14 322 * +89 14 323 M +89 14 324 B +89 14 325 S +89 14 326 K +89 14 327 B +89 14 328 * +89 14 329 * +89 14 330 B +89 15 1 M +89 15 2 M +89 15 3 R +89 15 4 N +89 15 5 M +89 15 6 K +89 15 7 M +89 15 8 R +89 15 9 S +89 15 10 N +89 15 11 N +89 15 12 K +89 15 13 M +89 15 14 M +89 15 15 K +89 15 16 B +89 15 17 R +89 15 18 N +89 15 19 M +89 15 20 M +89 15 21 R +89 15 22 K +89 15 23 S +89 15 24 N +89 15 25 M +89 15 26 M +89 15 27 B +89 15 28 R +89 15 29 M +89 15 30 K +89 15 31 M +89 15 32 K +89 15 33 M +89 15 34 M +89 15 35 R +89 15 36 M +89 15 37 M +89 15 38 R +89 15 39 M +89 15 40 M +89 15 41 R +89 15 42 K +89 15 43 M +89 15 44 B +89 15 45 M +89 15 46 B +89 15 47 N +89 15 48 K +89 15 49 M +89 15 50 S +89 15 51 N +89 15 52 B +89 15 53 R +89 15 54 M +89 15 55 M +89 15 56 K +89 15 57 M +89 15 58 K +89 15 59 B +89 15 60 M +89 15 61 R +89 15 62 M +89 15 63 R +89 15 64 M +89 15 65 R +89 15 66 B +89 15 67 M +89 15 68 R +89 15 69 M +89 15 70 B +89 15 71 R +89 15 72 M +89 15 73 S +89 15 74 M +89 15 75 M +89 15 76 R +89 15 77 M +89 15 78 K +89 15 79 N +89 15 80 M +89 15 81 M +89 15 82 M +89 15 83 K +89 15 84 K +89 15 85 M +89 15 86 R +89 15 87 N +89 15 88 R +89 15 89 N +89 15 90 N +89 15 91 K +89 15 92 B +89 15 93 M +89 15 94 N +89 15 95 B +89 15 96 K +89 15 97 S +89 15 98 R +89 15 99 B +89 15 100 M +89 15 101 R +89 15 102 B +89 15 103 M +89 15 104 M +89 15 105 R +89 15 106 K +89 15 107 B +89 15 108 M +89 15 109 M +89 15 110 K +89 15 111 M +89 15 112 R +89 15 113 N +89 15 114 M +89 15 115 R +89 15 116 M +89 15 117 N +89 15 118 R +89 15 119 M +89 15 120 B +89 15 121 R +89 15 122 M +89 15 123 M +89 15 124 K +89 15 125 R +89 15 126 R +89 15 127 M +89 15 128 K +89 15 129 B +89 15 130 N +89 15 131 S +89 15 132 R +89 15 133 M +89 15 134 N +89 15 135 R +89 15 136 M +89 15 137 M +89 15 138 M +89 15 139 B +89 15 140 M +89 15 141 B +89 15 142 B +89 15 143 M +89 15 144 N +89 15 145 M +89 15 146 K +89 15 147 M +89 15 148 R +89 15 149 M +89 15 150 N +89 15 151 R +89 15 152 K +89 15 153 M +89 15 154 N +89 15 155 N +89 15 156 M +89 15 157 S +89 15 158 B +89 15 159 K +89 15 160 K +89 15 161 M +89 15 162 R +89 15 163 M +89 15 164 M +89 15 165 M +89 15 166 M +89 15 167 B +89 15 168 M +89 15 169 M +89 15 170 M +89 15 171 M +89 15 172 B +89 15 173 R +89 15 174 K +89 15 175 M +89 15 176 R +89 15 177 K +89 15 178 M +89 15 179 R +89 15 180 M +89 15 181 K +89 15 182 S +89 15 183 K +89 15 184 S +89 15 185 S +89 15 186 M +89 15 187 K +89 15 188 M +89 15 189 M +89 15 190 K +89 15 191 M +89 15 192 S +89 15 193 K +89 15 194 S +89 15 195 M +89 15 196 M +89 15 197 S +89 15 198 N +89 15 199 B +89 15 200 M +89 15 201 K +89 15 202 M +89 15 203 R +89 15 204 N +89 15 205 M +89 15 206 B +89 15 207 R +89 15 208 K +89 15 209 M +89 15 210 S +89 15 211 M +89 15 212 K +89 15 213 B +89 15 214 K +89 15 215 R +89 15 216 N +89 15 217 B +89 15 218 M +89 15 219 B +89 15 220 M +89 15 221 B +89 15 222 S +89 15 223 M +89 15 224 B +89 15 225 K +89 15 226 M +89 15 227 N +89 15 228 M +89 15 229 M +89 15 230 B +89 15 231 S +89 15 232 M +89 15 233 M +89 15 234 M +89 15 235 M +89 15 236 M +89 15 237 K +89 15 238 M +89 15 239 S +89 15 240 S +89 15 241 B +89 15 242 K +89 15 243 S +89 15 244 B +89 15 245 R +89 15 246 M +89 15 247 M +89 15 248 N +89 15 249 M +89 15 250 N +89 15 251 M +89 15 252 B +89 15 253 M +89 15 254 M +89 15 255 N +89 15 256 R +89 15 257 M +89 15 258 K +89 15 259 S +89 15 260 B +89 15 261 R +89 15 262 B +89 15 263 N +89 15 264 M +89 15 265 M +89 15 266 S +89 15 267 S +89 15 268 M +89 15 269 R +89 15 270 K +89 15 271 M +89 15 272 B +89 15 273 K +89 15 274 B +89 15 275 K +89 15 276 R +89 15 277 M +89 15 278 K +89 15 279 M +89 15 280 M +89 15 281 M +89 15 282 M +89 15 283 S +89 15 284 B +89 15 285 S +89 15 286 B +89 15 287 S +89 15 288 R +89 15 289 M +89 15 290 B +89 15 291 M +89 15 292 K +89 15 293 M +89 15 294 B +89 15 295 S +89 15 296 M +89 15 297 K +89 15 298 R +89 15 299 M +89 15 300 B +89 15 301 M +89 15 302 B +89 15 303 B +89 15 304 M +89 15 305 S +89 15 306 M +89 15 307 M +89 15 308 S +89 15 309 N +89 15 310 M +89 15 311 M +89 15 312 N +89 15 313 M +89 15 314 B +89 15 315 M +89 15 316 M +89 15 317 S +89 15 318 K +89 15 319 B +89 15 320 M +89 15 321 R +89 15 322 M +89 15 323 M +89 15 324 B +89 15 325 S +89 15 326 K +89 15 327 B +89 15 328 M +89 15 329 S +89 15 330 B +89 16 1 M +89 16 2 M +89 16 3 R +89 16 4 P +89 16 5 M +89 16 6 R +89 16 7 M +89 16 8 R +89 16 9 * +89 16 10 M +89 16 11 M +89 16 12 K +89 16 13 M +89 16 14 M +89 16 15 I +89 16 16 B +89 16 17 R +89 16 18 N +89 16 19 M +89 16 20 M +89 16 21 R +89 16 22 K +89 16 23 P +89 16 24 N +89 16 25 M +89 16 26 M +89 16 27 B +89 16 28 R +89 16 29 M +89 16 30 I +89 16 31 M +89 16 32 P +89 16 33 M +89 16 34 M +89 16 35 I +89 16 36 M +89 16 37 M +89 16 38 R +89 16 39 M +89 16 40 M +89 16 41 R +89 16 42 P +89 16 43 M +89 16 44 B +89 16 45 M +89 16 46 B +89 16 47 M +89 16 48 K +89 16 49 M +89 16 50 P +89 16 51 I +89 16 52 M +89 16 53 R +89 16 54 M +89 16 55 M +89 16 56 I +89 16 57 M +89 16 58 I +89 16 59 P +89 16 60 R +89 16 61 M +89 16 62 P +89 16 63 R +89 16 64 M +89 16 65 R +89 16 66 B +89 16 67 M +89 16 68 R +89 16 69 I +89 16 70 B +89 16 71 R +89 16 72 M +89 16 73 P +89 16 74 M +89 16 75 N +89 16 76 R +89 16 77 M +89 16 78 P +89 16 79 N +89 16 80 M +89 16 81 M +89 16 82 M +89 16 83 K +89 16 84 P +89 16 85 M +89 16 86 P +89 16 87 N +89 16 88 M +89 16 89 N +89 16 90 M +89 16 91 M +89 16 92 B +89 16 93 M +89 16 94 N +89 16 95 M +89 16 96 K +89 16 97 P +89 16 98 R +89 16 99 P +89 16 100 M +89 16 101 S +89 16 102 P +89 16 103 I +89 16 104 M +89 16 105 P +89 16 106 K +89 16 107 B +89 16 108 M +89 16 109 M +89 16 110 K +89 16 111 M +89 16 112 R +89 16 113 N +89 16 114 M +89 16 115 S +89 16 116 M +89 16 117 N +89 16 118 P +89 16 119 M +89 16 120 B +89 16 121 R +89 16 122 M +89 16 123 M +89 16 124 M +89 16 125 K +89 16 126 P +89 16 127 M +89 16 128 M +89 16 129 B +89 16 130 N +89 16 131 P +89 16 132 S +89 16 133 M +89 16 134 I +89 16 135 P +89 16 136 M +89 16 137 M +89 16 138 M +89 16 139 B +89 16 140 M +89 16 141 B +89 16 142 B +89 16 143 M +89 16 144 M +89 16 145 M +89 16 146 K +89 16 147 M +89 16 148 S +89 16 149 M +89 16 150 P +89 16 151 R +89 16 152 P +89 16 153 M +89 16 154 N +89 16 155 I +89 16 156 M +89 16 157 I +89 16 158 B +89 16 159 K +89 16 160 P +89 16 161 M +89 16 162 S +89 16 163 M +89 16 164 M +89 16 165 M +89 16 166 M +89 16 167 P +89 16 168 M +89 16 169 M +89 16 170 N +89 16 171 M +89 16 172 B +89 16 173 R +89 16 174 K +89 16 175 M +89 16 176 R +89 16 177 K +89 16 178 M +89 16 179 I +89 16 180 M +89 16 181 I +89 16 182 S +89 16 183 I +89 16 184 P +89 16 185 I +89 16 186 M +89 16 187 K +89 16 188 M +89 16 189 M +89 16 190 R +89 16 191 M +89 16 192 P +89 16 193 M +89 16 194 I +89 16 195 M +89 16 196 M +89 16 197 P +89 16 198 N +89 16 199 M +89 16 200 M +89 16 201 P +89 16 202 M +89 16 203 P +89 16 204 N +89 16 205 M +89 16 206 B +89 16 207 I +89 16 208 I +89 16 209 M +89 16 210 I +89 16 211 M +89 16 212 K +89 16 213 P +89 16 214 M +89 16 215 P +89 16 216 N +89 16 217 R +89 16 218 M +89 16 219 M +89 16 220 M +89 16 221 M +89 16 222 P +89 16 223 M +89 16 224 B +89 16 225 I +89 16 226 M +89 16 227 N +89 16 228 N +89 16 229 M +89 16 230 B +89 16 231 P +89 16 232 I +89 16 233 P +89 16 234 M +89 16 235 M +89 16 236 M +89 16 237 K +89 16 238 M +89 16 239 R +89 16 240 I +89 16 241 B +89 16 242 K +89 16 243 S +89 16 244 M +89 16 245 R +89 16 246 M +89 16 247 M +89 16 248 M +89 16 249 M +89 16 250 P +89 16 251 M +89 16 252 B +89 16 253 M +89 16 254 M +89 16 255 N +89 16 256 R +89 16 257 M +89 16 258 K +89 16 259 I +89 16 260 M +89 16 261 I +89 16 262 B +89 16 263 I +89 16 264 M +89 16 265 M +89 16 266 I +89 16 267 P +89 16 268 M +89 16 269 P +89 16 270 K +89 16 271 M +89 16 272 B +89 16 273 P +89 16 274 B +89 16 275 M +89 16 276 R +89 16 277 M +89 16 278 R +89 16 279 M +89 16 280 M +89 16 281 M +89 16 282 M +89 16 283 I +89 16 284 B +89 16 285 P +89 16 286 B +89 16 287 I +89 16 288 R +89 16 289 M +89 16 290 B +89 16 291 M +89 16 292 P +89 16 293 M +89 16 294 M +89 16 295 I +89 16 296 M +89 16 297 K +89 16 298 R +89 16 299 M +89 16 300 B +89 16 301 M +89 16 302 B +89 16 303 M +89 16 304 M +89 16 305 S +89 16 306 M +89 16 307 M +89 16 308 P +89 16 309 N +89 16 310 M +89 16 311 M +89 16 312 N +89 16 313 P +89 16 314 B +89 16 315 M +89 16 316 M +89 16 317 I +89 16 318 K +89 16 319 B +89 16 320 I +89 16 321 R +89 16 322 M +89 16 323 M +89 16 324 B +89 16 325 S +89 16 326 K +89 16 327 M +89 16 328 M +89 16 329 I +89 16 330 M +89 17 1 M +89 17 2 M +89 17 3 R +89 17 4 N +89 17 5 K +89 17 6 R +89 17 7 M +89 17 8 S +89 17 9 L +89 17 10 M +89 17 11 N +89 17 12 K +89 17 13 M +89 17 14 N +89 17 15 R +89 17 16 B +89 17 17 R +89 17 18 N +89 17 19 M +89 17 20 K +89 17 21 R +89 17 22 K +89 17 23 M +89 17 24 L +89 17 25 M +89 17 26 M +89 17 27 B +89 17 28 R +89 17 29 M +89 17 30 R +89 17 31 K +89 17 32 R +89 17 33 K +89 17 34 N +89 17 35 M +89 17 36 R +89 17 37 M +89 17 38 S +89 17 39 M +89 17 40 M +89 17 41 S +89 17 42 K +89 17 43 N +89 17 44 B +89 17 45 M +89 17 46 P +89 17 47 N +89 17 48 K +89 17 49 M +89 17 50 L +89 17 51 N +89 17 52 K +89 17 53 S +89 17 54 M +89 17 55 K +89 17 56 R +89 17 57 R +89 17 58 M +89 17 59 B +89 17 60 N +89 17 61 S +89 17 62 M +89 17 63 R +89 17 64 M +89 17 65 R +89 17 66 B +89 17 67 M +89 17 68 R +89 17 69 L +89 17 70 B +89 17 71 N +89 17 72 M +89 17 73 M +89 17 74 K +89 17 75 N +89 17 76 R +89 17 77 M +89 17 78 R +89 17 79 N +89 17 80 M +89 17 81 K +89 17 82 M +89 17 83 B +89 17 84 R +89 17 85 M +89 17 86 R +89 17 87 N +89 17 88 R +89 17 89 N +89 17 90 P +89 17 91 K +89 17 92 B +89 17 93 M +89 17 94 N +89 17 95 K +89 17 96 K +89 17 97 M +89 17 98 R +89 17 99 M +89 17 100 L +89 17 101 S +89 17 102 M +89 17 103 N +89 17 104 M +89 17 105 L +89 17 106 K +89 17 107 B +89 17 108 M +89 17 109 M +89 17 110 K +89 17 111 N +89 17 112 R +89 17 113 N +89 17 114 M +89 17 115 S +89 17 116 B +89 17 117 N +89 17 118 R +89 17 119 M +89 17 120 B +89 17 121 R +89 17 122 M +89 17 123 M +89 17 124 K +89 17 125 R +89 17 126 R +89 17 127 N +89 17 128 K +89 17 129 B +89 17 130 N +89 17 131 M +89 17 132 R +89 17 133 M +89 17 134 N +89 17 135 R +89 17 136 M +89 17 137 L +89 17 138 M +89 17 139 B +89 17 140 M +89 17 141 B +89 17 142 B +89 17 143 K +89 17 144 M +89 17 145 M +89 17 146 K +89 17 147 M +89 17 148 R +89 17 149 M +89 17 150 M +89 17 151 R +89 17 152 M +89 17 153 M +89 17 154 N +89 17 155 N +89 17 156 M +89 17 157 L +89 17 158 B +89 17 159 R +89 17 160 R +89 17 161 R +89 17 162 S +89 17 163 M +89 17 164 M +89 17 165 K +89 17 166 N +89 17 167 L +89 17 168 M +89 17 169 M +89 17 170 N +89 17 171 P +89 17 172 B +89 17 173 R +89 17 174 K +89 17 175 L +89 17 176 R +89 17 177 K +89 17 178 M +89 17 179 L +89 17 180 M +89 17 181 P +89 17 182 N +89 17 183 L +89 17 184 M +89 17 185 P +89 17 186 M +89 17 187 K +89 17 188 M +89 17 189 B +89 17 190 R +89 17 191 M +89 17 192 M +89 17 193 K +89 17 194 L +89 17 195 K +89 17 196 M +89 17 197 R +89 17 198 N +89 17 199 B +89 17 200 K +89 17 201 R +89 17 202 M +89 17 203 R +89 17 204 N +89 17 205 M +89 17 206 B +89 17 207 R +89 17 208 L +89 17 209 M +89 17 210 L +89 17 211 M +89 17 212 R +89 17 213 M +89 17 214 K +89 17 215 R +89 17 216 N +89 17 217 R +89 17 218 M +89 17 219 B +89 17 220 M +89 17 221 B +89 17 222 M +89 17 223 M +89 17 224 B +89 17 225 K +89 17 226 M +89 17 227 N +89 17 228 M +89 17 229 K +89 17 230 B +89 17 231 R +89 17 232 L +89 17 233 M +89 17 234 K +89 17 235 M +89 17 236 K +89 17 237 R +89 17 238 M +89 17 239 R +89 17 240 L +89 17 241 B +89 17 242 K +89 17 243 N +89 17 244 B +89 17 245 R +89 17 246 K +89 17 247 M +89 17 248 N +89 17 249 M +89 17 250 N +89 17 251 K +89 17 252 B +89 17 253 M +89 17 254 M +89 17 255 N +89 17 256 R +89 17 257 N +89 17 258 K +89 17 259 R +89 17 260 B +89 17 261 R +89 17 262 B +89 17 263 B +89 17 264 M +89 17 265 M +89 17 266 L +89 17 267 M +89 17 268 K +89 17 269 R +89 17 270 L +89 17 271 N +89 17 272 B +89 17 273 M +89 17 274 B +89 17 275 K +89 17 276 S +89 17 277 M +89 17 278 R +89 17 279 M +89 17 280 P +89 17 281 M +89 17 282 M +89 17 283 L +89 17 284 B +89 17 285 R +89 17 286 B +89 17 287 N +89 17 288 R +89 17 289 M +89 17 290 B +89 17 291 M +89 17 292 R +89 17 293 B +89 17 294 B +89 17 295 L +89 17 296 M +89 17 297 K +89 17 298 R +89 17 299 M +89 17 300 B +89 17 301 M +89 17 302 B +89 17 303 P +89 17 304 M +89 17 305 N +89 17 306 M +89 17 307 M +89 17 308 M +89 17 309 L +89 17 310 M +89 17 311 M +89 17 312 N +89 17 313 P +89 17 314 B +89 17 315 M +89 17 316 M +89 17 317 R +89 17 318 R +89 17 319 B +89 17 320 P +89 17 321 R +89 17 322 M +89 17 323 M +89 17 324 B +89 17 325 M +89 17 326 K +89 17 327 B +89 17 328 N +89 17 329 P +89 17 330 B +89 18 1 M +89 18 2 K +89 18 3 R +89 18 4 N +89 18 5 K +89 18 6 P +89 18 7 K +89 18 8 S +89 18 9 P +89 18 10 M +89 18 11 N +89 18 12 K +89 18 13 M +89 18 14 N +89 18 15 R +89 18 16 B +89 18 17 R +89 18 18 N +89 18 19 M +89 18 20 K +89 18 21 R +89 18 22 K +89 18 23 N +89 18 24 G +89 18 25 M +89 18 26 M +89 18 27 A +89 18 28 R +89 18 29 M +89 18 30 K +89 18 31 B +89 18 32 R +89 18 33 K +89 18 34 M +89 18 35 M +89 18 36 R +89 18 37 M +89 18 38 R +89 18 39 K +89 18 40 K +89 18 41 R +89 18 42 K +89 18 43 N +89 18 44 B +89 18 45 K +89 18 46 A +89 18 47 P +89 18 48 K +89 18 49 M +89 18 50 M +89 18 51 P +89 18 52 B +89 18 53 R +89 18 54 K +89 18 55 M +89 18 56 B +89 18 57 M +89 18 58 K +89 18 59 B +89 18 60 N +89 18 61 R +89 18 62 M +89 18 63 R +89 18 64 M +89 18 65 R +89 18 66 B +89 18 67 K +89 18 68 R +89 18 69 P +89 18 70 A +89 18 71 R +89 18 72 M +89 18 73 P +89 18 74 A +89 18 75 N +89 18 76 K +89 18 77 M +89 18 78 B +89 18 79 N +89 18 80 M +89 18 81 K +89 18 82 P +89 18 83 A +89 18 84 R +89 18 85 M +89 18 86 R +89 18 87 N +89 18 88 P +89 18 89 N +89 18 90 N +89 18 91 K +89 18 92 B +89 18 93 M +89 18 94 A +89 18 95 K +89 18 96 K +89 18 97 M +89 18 98 R +89 18 99 A +89 18 100 M +89 18 101 R +89 18 102 A +89 18 103 P +89 18 104 M +89 18 105 R +89 18 106 K +89 18 107 B +89 18 108 A +89 18 109 M +89 18 110 K +89 18 111 N +89 18 112 R +89 18 113 N +89 18 114 M +89 18 115 R +89 18 116 B +89 18 117 A +89 18 118 R +89 18 119 P +89 18 120 B +89 18 121 R +89 18 122 M +89 18 123 R +89 18 124 K +89 18 125 R +89 18 126 A +89 18 127 N +89 18 128 K +89 18 129 B +89 18 130 N +89 18 131 R +89 18 132 K +89 18 133 M +89 18 134 A +89 18 135 P +89 18 136 M +89 18 137 N +89 18 138 K +89 18 139 B +89 18 140 M +89 18 141 B +89 18 142 A +89 18 143 K +89 18 144 N +89 18 145 M +89 18 146 K +89 18 147 M +89 18 148 R +89 18 149 K +89 18 150 A +89 18 151 R +89 18 152 P +89 18 153 M +89 18 154 G +89 18 155 G +89 18 156 M +89 18 157 P +89 18 158 B +89 18 159 K +89 18 160 B +89 18 161 M +89 18 162 R +89 18 163 M +89 18 164 M +89 18 165 A +89 18 166 N +89 18 167 A +89 18 168 M +89 18 169 A +89 18 170 N +89 18 171 K +89 18 172 B +89 18 173 R +89 18 174 R +89 18 175 A +89 18 176 R +89 18 177 K +89 18 178 M +89 18 179 P +89 18 180 M +89 18 181 K +89 18 182 R +89 18 183 P +89 18 184 A +89 18 185 K +89 18 186 M +89 18 187 K +89 18 188 M +89 18 189 A +89 18 190 R +89 18 191 M +89 18 192 P +89 18 193 K +89 18 194 N +89 18 195 K +89 18 196 B +89 18 197 L +89 18 198 N +89 18 199 B +89 18 200 M +89 18 201 B +89 18 202 M +89 18 203 R +89 18 204 N +89 18 205 P +89 18 206 B +89 18 207 R +89 18 208 P +89 18 209 M +89 18 210 A +89 18 211 M +89 18 212 K +89 18 213 A +89 18 214 K +89 18 215 R +89 18 216 N +89 18 217 A +89 18 218 P +89 18 219 B +89 18 220 M +89 18 221 B +89 18 222 R +89 18 223 M +89 18 224 B +89 18 225 P +89 18 226 A +89 18 227 N +89 18 228 N +89 18 229 M +89 18 230 B +89 18 231 R +89 18 232 N +89 18 233 A +89 18 234 M +89 18 235 M +89 18 236 K +89 18 237 A +89 18 238 M +89 18 239 R +89 18 240 N +89 18 241 B +89 18 242 K +89 18 243 N +89 18 244 B +89 18 245 R +89 18 246 M +89 18 247 M +89 18 248 N +89 18 249 M +89 18 250 P +89 18 251 K +89 18 252 B +89 18 253 M +89 18 254 M +89 18 255 N +89 18 256 R +89 18 257 N +89 18 258 K +89 18 259 R +89 18 260 K +89 18 261 R +89 18 262 B +89 18 263 A +89 18 264 B +89 18 265 M +89 18 266 R +89 18 267 A +89 18 268 M +89 18 269 R +89 18 270 K +89 18 271 N +89 18 272 B +89 18 273 R +89 18 274 B +89 18 275 P +89 18 276 R +89 18 277 M +89 18 278 A +89 18 279 M +89 18 280 P +89 18 281 M +89 18 282 K +89 18 283 P +89 18 284 B +89 18 285 R +89 18 286 B +89 18 287 P +89 18 288 R +89 18 289 M +89 18 290 B +89 18 291 M +89 18 292 A +89 18 293 B +89 18 294 P +89 18 295 B +89 18 296 M +89 18 297 K +89 18 298 R +89 18 299 M +89 18 300 B +89 18 301 M +89 18 302 B +89 18 303 G +89 18 304 P +89 18 305 G +89 18 306 K +89 18 307 M +89 18 308 A +89 18 309 N +89 18 310 M +89 18 311 M +89 18 312 N +89 18 313 M +89 18 314 B +89 18 315 K +89 18 316 M +89 18 317 R +89 18 318 K +89 18 319 B +89 18 320 A +89 18 321 R +89 18 322 A +89 18 323 M +89 18 324 B +89 18 325 R +89 18 326 K +89 18 327 B +89 18 328 N +89 18 329 A +89 18 330 B +89 19 1 M +89 19 2 M +89 19 3 R +89 19 4 A +89 19 5 M +89 19 6 G +89 19 7 M +89 19 8 S +89 19 9 G +89 19 10 L +89 19 11 M +89 19 12 K +89 19 13 M +89 19 14 M +89 19 15 P +89 19 16 B +89 19 17 R +89 19 18 P +89 19 19 M +89 19 20 M +89 19 21 R +89 19 22 K +89 19 23 A +89 19 24 K +89 19 25 M +89 19 26 L +89 19 27 G +89 19 28 R +89 19 29 M +89 19 30 G +89 19 31 M +89 19 32 R +89 19 33 M +89 19 34 N +89 19 35 M +89 19 36 K +89 19 37 M +89 19 38 R +89 19 39 M +89 19 40 M +89 19 41 R +89 19 42 K +89 19 43 M +89 19 44 B +89 19 45 M +89 19 46 B +89 19 47 N +89 19 48 K +89 19 49 M +89 19 50 N +89 19 51 G +89 19 52 B +89 19 53 S +89 19 54 M +89 19 55 M +89 19 56 K +89 19 57 N +89 19 58 G +89 19 59 B +89 19 60 N +89 19 61 R +89 19 62 M +89 19 63 K +89 19 64 M +89 19 65 R +89 19 66 B +89 19 67 M +89 19 68 R +89 19 69 M +89 19 70 B +89 19 71 G +89 19 72 M +89 19 73 R +89 19 74 B +89 19 75 N +89 19 76 K +89 19 77 M +89 19 78 G +89 19 79 N +89 19 80 M +89 19 81 M +89 19 82 M +89 19 83 G +89 19 84 K +89 19 85 M +89 19 86 R +89 19 87 N +89 19 88 R +89 19 89 N +89 19 90 N +89 19 91 K +89 19 92 G +89 19 93 M +89 19 94 N +89 19 95 B +89 19 96 K +89 19 97 S +89 19 98 R +89 19 99 B +89 19 100 M +89 19 101 R +89 19 102 B +89 19 103 K +89 19 104 M +89 19 105 R +89 19 106 K +89 19 107 B +89 19 108 B +89 19 109 M +89 19 110 K +89 19 111 M +89 19 112 R +89 19 113 N +89 19 114 M +89 19 115 R +89 19 116 B +89 19 117 N +89 19 118 R +89 19 119 M +89 19 120 B +89 19 121 K +89 19 122 M +89 19 123 M +89 19 124 K +89 19 125 R +89 19 126 R +89 19 127 N +89 19 128 M +89 19 129 B +89 19 130 M +89 19 131 S +89 19 132 R +89 19 133 M +89 19 134 N +89 19 135 S +89 19 136 M +89 19 137 M +89 19 138 M +89 19 139 B +89 19 140 M +89 19 141 B +89 19 142 B +89 19 143 K +89 19 144 L +89 19 145 M +89 19 146 K +89 19 147 M +89 19 148 R +89 19 149 M +89 19 150 S +89 19 151 R +89 19 152 R +89 19 153 M +89 19 154 N +89 19 155 N +89 19 156 M +89 19 157 G +89 19 158 B +89 19 159 K +89 19 160 K +89 19 161 M +89 19 162 R +89 19 163 M +89 19 164 M +89 19 165 K +89 19 166 K +89 19 167 B +89 19 168 N +89 19 169 M +89 19 170 N +89 19 171 M +89 19 172 B +89 19 173 R +89 19 174 K +89 19 175 M +89 19 176 K +89 19 177 K +89 19 178 L +89 19 179 R +89 19 180 M +89 19 181 K +89 19 182 R +89 19 183 G +89 19 184 S +89 19 185 G +89 19 186 M +89 19 187 K +89 19 188 M +89 19 189 B +89 19 190 R +89 19 191 M +89 19 192 R +89 19 193 M +89 19 194 R +89 19 195 M +89 19 196 M +89 19 197 R +89 19 198 N +89 19 199 K +89 19 200 M +89 19 201 K +89 19 202 M +89 19 203 R +89 19 204 N +89 19 205 M +89 19 206 B +89 19 207 R +89 19 208 G +89 19 209 N +89 19 210 G +89 19 211 M +89 19 212 K +89 19 213 B +89 19 214 K +89 19 215 R +89 19 216 N +89 19 217 K +89 19 218 M +89 19 219 B +89 19 220 N +89 19 221 B +89 19 222 R +89 19 223 M +89 19 224 G +89 19 225 K +89 19 226 M +89 19 227 A +89 19 228 N +89 19 229 M +89 19 230 B +89 19 231 R +89 19 232 M +89 19 233 M +89 19 234 M +89 19 235 M +89 19 236 K +89 19 237 G +89 19 238 M +89 19 239 R +89 19 240 G +89 19 241 B +89 19 242 K +89 19 243 S +89 19 244 B +89 19 245 R +89 19 246 M +89 19 247 M +89 19 248 N +89 19 249 M +89 19 250 M +89 19 251 M +89 19 252 B +89 19 253 M +89 19 254 M +89 19 255 N +89 19 256 R +89 19 257 N +89 19 258 K +89 19 259 R +89 19 260 B +89 19 261 K +89 19 262 B +89 19 263 B +89 19 264 B +89 19 265 M +89 19 266 G +89 19 267 S +89 19 268 M +89 19 269 S +89 19 270 K +89 19 271 N +89 19 272 B +89 19 273 R +89 19 274 B +89 19 275 K +89 19 276 R +89 19 277 M +89 19 278 K +89 19 279 M +89 19 280 M +89 19 281 M +89 19 282 M +89 19 283 G +89 19 284 B +89 19 285 R +89 19 286 B +89 19 287 G +89 19 288 R +89 19 289 M +89 19 290 B +89 19 291 M +89 19 292 K +89 19 293 M +89 19 294 G +89 19 295 B +89 19 296 S +89 19 297 K +89 19 298 R +89 19 299 M +89 19 300 B +89 19 301 M +89 19 302 B +89 19 303 B +89 19 304 M +89 19 305 S +89 19 306 M +89 19 307 M +89 19 308 S +89 19 309 G +89 19 310 M +89 19 311 M +89 19 312 N +89 19 313 N +89 19 314 B +89 19 315 M +89 19 316 M +89 19 317 R +89 19 318 K +89 19 319 B +89 19 320 M +89 19 321 R +89 19 322 M +89 19 323 M +89 19 324 B +89 19 325 R +89 19 326 K +89 19 327 B +89 19 328 M +89 19 329 G +89 19 330 B +89 20 1 M +89 20 2 K +89 20 3 R +89 20 4 N +89 20 5 M +89 20 6 K +89 20 7 M +89 20 8 S +89 20 9 K +89 20 10 N +89 20 11 N +89 20 12 K +89 20 13 N +89 20 14 N +89 20 15 S +89 20 16 B +89 20 17 R +89 20 18 N +89 20 19 M +89 20 20 M +89 20 21 R +89 20 22 K +89 20 23 S +89 20 24 N +89 20 25 M +89 20 26 M +89 20 27 B +89 20 28 R +89 20 29 M +89 20 30 K +89 20 31 M +89 20 32 R +89 20 33 M +89 20 34 N +89 20 35 K +89 20 36 K +89 20 37 M +89 20 38 R +89 20 39 M +89 20 40 M +89 20 41 R +89 20 42 K +89 20 43 N +89 20 44 B +89 20 45 M +89 20 46 P +89 20 47 N +89 20 48 K +89 20 49 M +89 20 50 S +89 20 51 P +89 20 52 B +89 20 53 R +89 20 54 M +89 20 55 M +89 20 56 K +89 20 57 M +89 20 58 K +89 20 59 B +89 20 60 N +89 20 61 R +89 20 62 P +89 20 63 R +89 20 64 M +89 20 65 R +89 20 66 B +89 20 67 M +89 20 68 R +89 20 69 K +89 20 70 B +89 20 71 R +89 20 72 M +89 20 73 S +89 20 74 M +89 20 75 N +89 20 76 K +89 20 77 M +89 20 78 R +89 20 79 M +89 20 80 M +89 20 81 M +89 20 82 M +89 20 83 K +89 20 84 R +89 20 85 M +89 20 86 R +89 20 87 N +89 20 88 R +89 20 89 N +89 20 90 N +89 20 91 K +89 20 92 B +89 20 93 M +89 20 94 N +89 20 95 B +89 20 96 K +89 20 97 P +89 20 98 R +89 20 99 B +89 20 100 M +89 20 101 R +89 20 102 B +89 20 103 K +89 20 104 M +89 20 105 S +89 20 106 K +89 20 107 B +89 20 108 B +89 20 109 M +89 20 110 K +89 20 111 N +89 20 112 R +89 20 113 N +89 20 114 M +89 20 115 R +89 20 116 M +89 20 117 N +89 20 118 R +89 20 119 M +89 20 120 B +89 20 121 R +89 20 122 M +89 20 123 M +89 20 124 K +89 20 125 R +89 20 126 S +89 20 127 N +89 20 128 K +89 20 129 B +89 20 130 N +89 20 131 S +89 20 132 R +89 20 133 M +89 20 134 N +89 20 135 R +89 20 136 M +89 20 137 M +89 20 138 M +89 20 139 B +89 20 140 M +89 20 141 B +89 20 142 B +89 20 143 M +89 20 144 S +89 20 145 M +89 20 146 K +89 20 147 M +89 20 148 R +89 20 149 M +89 20 150 S +89 20 151 K +89 20 152 K +89 20 153 M +89 20 154 N +89 20 155 N +89 20 156 M +89 20 157 N +89 20 158 B +89 20 159 K +89 20 160 R +89 20 161 M +89 20 162 R +89 20 163 M +89 20 164 M +89 20 165 K +89 20 166 N +89 20 167 B +89 20 168 M +89 20 169 M +89 20 170 N +89 20 171 M +89 20 172 B +89 20 173 R +89 20 174 K +89 20 175 M +89 20 176 R +89 20 177 K +89 20 178 M +89 20 179 R +89 20 180 M +89 20 181 K +89 20 182 S +89 20 183 K +89 20 184 S +89 20 185 K +89 20 186 M +89 20 187 K +89 20 188 M +89 20 189 B +89 20 190 R +89 20 191 M +89 20 192 S +89 20 193 K +89 20 194 R +89 20 195 M +89 20 196 M +89 20 197 R +89 20 198 N +89 20 199 B +89 20 200 M +89 20 201 K +89 20 202 M +89 20 203 R +89 20 204 N +89 20 205 N +89 20 206 B +89 20 207 R +89 20 208 K +89 20 209 N +89 20 210 N +89 20 211 M +89 20 212 K +89 20 213 B +89 20 214 K +89 20 215 R +89 20 216 N +89 20 217 K +89 20 218 K +89 20 219 B +89 20 220 M +89 20 221 M +89 20 222 S +89 20 223 M +89 20 224 B +89 20 225 K +89 20 226 N +89 20 227 N +89 20 228 N +89 20 229 M +89 20 230 B +89 20 231 R +89 20 232 N +89 20 233 B +89 20 234 M +89 20 235 M +89 20 236 M +89 20 237 B +89 20 238 M +89 20 239 R +89 20 240 S +89 20 241 B +89 20 242 K +89 20 243 S +89 20 244 B +89 20 245 R +89 20 246 M +89 20 247 M +89 20 248 N +89 20 249 M +89 20 250 P +89 20 251 M +89 20 252 B +89 20 253 M +89 20 254 B +89 20 255 N +89 20 256 R +89 20 257 M +89 20 258 K +89 20 259 R +89 20 260 B +89 20 261 K +89 20 262 B +89 20 263 N +89 20 264 M +89 20 265 M +89 20 266 R +89 20 267 R +89 20 268 M +89 20 269 R +89 20 270 K +89 20 271 N +89 20 272 B +89 20 273 R +89 20 274 B +89 20 275 K +89 20 276 R +89 20 277 M +89 20 278 K +89 20 279 M +89 20 280 M +89 20 281 M +89 20 282 M +89 20 283 R +89 20 284 B +89 20 285 R +89 20 286 B +89 20 287 P +89 20 288 R +89 20 289 M +89 20 290 B +89 20 291 P +89 20 292 R +89 20 293 B +89 20 294 B +89 20 295 P +89 20 296 G +89 20 297 K +89 20 298 R +89 20 299 M +89 20 300 B +89 20 301 M +89 20 302 B +89 20 303 B +89 20 304 M +89 20 305 N +89 20 306 M +89 20 307 M +89 20 308 P +89 20 309 N +89 20 310 M +89 20 311 N +89 20 312 N +89 20 313 N +89 20 314 B +89 20 315 M +89 20 316 M +89 20 317 R +89 20 318 K +89 20 319 B +89 20 320 M +89 20 321 R +89 20 322 K +89 20 323 M +89 20 324 B +89 20 325 S +89 20 326 K +89 20 327 B +89 20 328 M +89 20 329 K +89 20 330 B +89 21 1 M +89 21 2 M +89 21 3 R +89 21 4 M +89 21 5 M +89 21 6 K +89 21 7 M +89 21 8 R +89 21 9 N +89 21 10 M +89 21 11 M +89 21 12 K +89 21 13 M +89 21 14 N +89 21 15 B +89 21 16 B +89 21 17 R +89 21 18 N +89 21 19 M +89 21 20 M +89 21 21 R +89 21 22 B +89 21 23 P +89 21 24 N +89 21 25 M +89 21 26 M +89 21 27 B +89 21 28 R +89 21 29 M +89 21 30 R +89 21 31 M +89 21 32 * +89 21 33 M +89 21 34 M +89 21 35 R +89 21 36 N +89 21 37 M +89 21 38 R +89 21 39 M +89 21 40 M +89 21 41 R +89 21 42 K +89 21 43 N +89 21 44 B +89 21 45 M +89 21 46 N +89 21 47 M +89 21 48 K +89 21 49 M +89 21 50 S +89 21 51 N +89 21 52 B +89 21 53 R +89 21 54 M +89 21 55 M +89 21 56 R +89 21 57 N +89 21 58 * +89 21 59 B +89 21 60 N +89 21 61 R +89 21 62 M +89 21 63 R +89 21 64 M +89 21 65 R +89 21 66 B +89 21 67 M +89 21 68 R +89 21 69 N +89 21 70 B +89 21 71 R +89 21 72 M +89 21 73 S +89 21 74 M +89 21 75 N +89 21 76 R +89 21 77 M +89 21 78 B +89 21 79 N +89 21 80 M +89 21 81 M +89 21 82 N +89 21 83 B +89 21 84 R +89 21 85 M +89 21 86 R +89 21 87 N +89 21 88 R +89 21 89 N +89 21 90 M +89 21 91 K +89 21 92 B +89 21 93 M +89 21 94 N +89 21 95 M +89 21 96 K +89 21 97 S +89 21 98 R +89 21 99 B +89 21 100 M +89 21 101 R +89 21 102 B +89 21 103 N +89 21 104 M +89 21 105 R +89 21 106 K +89 21 107 B +89 21 108 M +89 21 109 M +89 21 110 K +89 21 111 N +89 21 112 R +89 21 113 N +89 21 114 M +89 21 115 R +89 21 116 B +89 21 117 N +89 21 118 R +89 21 119 M +89 21 120 B +89 21 121 K +89 21 122 M +89 21 123 N +89 21 124 M +89 21 125 K +89 21 126 R +89 21 127 N +89 21 128 K +89 21 129 B +89 21 130 N +89 21 131 M +89 21 132 R +89 21 133 M +89 21 134 N +89 21 135 R +89 21 136 M +89 21 137 N +89 21 138 M +89 21 139 B +89 21 140 M +89 21 141 B +89 21 142 B +89 21 143 M +89 21 144 N +89 21 145 M +89 21 146 K +89 21 147 M +89 21 148 R +89 21 149 M +89 21 150 N +89 21 151 R +89 21 152 K +89 21 153 M +89 21 154 N +89 21 155 N +89 21 156 M +89 21 157 N +89 21 158 B +89 21 159 K +89 21 160 R +89 21 161 M +89 21 162 R +89 21 163 M +89 21 164 M +89 21 165 N +89 21 166 N +89 21 167 B +89 21 168 M +89 21 169 M +89 21 170 N +89 21 171 M +89 21 172 B +89 21 173 R +89 21 174 K +89 21 175 M +89 21 176 R +89 21 177 B +89 21 178 M +89 21 179 R +89 21 180 M +89 21 181 K +89 21 182 N +89 21 183 K +89 21 184 M +89 21 185 K +89 21 186 M +89 21 187 K +89 21 188 M +89 21 189 B +89 21 190 B +89 21 191 M +89 21 192 M +89 21 193 K +89 21 194 N +89 21 195 M +89 21 196 M +89 21 197 M +89 21 198 N +89 21 199 B +89 21 200 M +89 21 201 R +89 21 202 M +89 21 203 R +89 21 204 N +89 21 205 M +89 21 206 B +89 21 207 R +89 21 208 K +89 21 209 N +89 21 210 N +89 21 211 M +89 21 212 K +89 21 213 B +89 21 214 K +89 21 215 M +89 21 216 N +89 21 217 R +89 21 218 M +89 21 219 B +89 21 220 N +89 21 221 B +89 21 222 M +89 21 223 M +89 21 224 B +89 21 225 N +89 21 226 M +89 21 227 N +89 21 228 M +89 21 229 M +89 21 230 B +89 21 231 R +89 21 232 N +89 21 233 M +89 21 234 M +89 21 235 M +89 21 236 N +89 21 237 K +89 21 238 M +89 21 239 R +89 21 240 N +89 21 241 B +89 21 242 K +89 21 243 N +89 21 244 B +89 21 245 R +89 21 246 M +89 21 247 M +89 21 248 N +89 21 249 M +89 21 250 N +89 21 251 M +89 21 252 B +89 21 253 M +89 21 254 M +89 21 255 N +89 21 256 R +89 21 257 M +89 21 258 K +89 21 259 R +89 21 260 B +89 21 261 K +89 21 262 B +89 21 263 N +89 21 264 M +89 21 265 M +89 21 266 R +89 21 267 N +89 21 268 M +89 21 269 R +89 21 270 K +89 21 271 N +89 21 272 B +89 21 273 R +89 21 274 B +89 21 275 K +89 21 276 R +89 21 277 M +89 21 278 R +89 21 279 M +89 21 280 N +89 21 281 M +89 21 282 M +89 21 283 N +89 21 284 B +89 21 285 R +89 21 286 B +89 21 287 N +89 21 288 R +89 21 289 M +89 21 290 B +89 21 291 M +89 21 292 R +89 21 293 B +89 21 294 B +89 21 295 N +89 21 296 M +89 21 297 K +89 21 298 R +89 21 299 M +89 21 300 B +89 21 301 M +89 21 302 B +89 21 303 B +89 21 304 M +89 21 305 N +89 21 306 M +89 21 307 M +89 21 308 * +89 21 309 N +89 21 310 M +89 21 311 M +89 21 312 N +89 21 313 N +89 21 314 B +89 21 315 M +89 21 316 M +89 21 317 S +89 21 318 K +89 21 319 B +89 21 320 N +89 21 321 R +89 21 322 M +89 21 323 M +89 21 324 B +89 21 325 N +89 21 326 K +89 21 327 B +89 21 328 M +89 21 329 N +89 21 330 B +89 22 1 M +89 22 2 M +89 22 3 R +89 22 4 N +89 22 5 M +89 22 6 K +89 22 7 M +89 22 8 R +89 22 9 N +89 22 10 M +89 22 11 N +89 22 12 K +89 22 13 N +89 22 14 P +89 22 15 B +89 22 16 B +89 22 17 R +89 22 18 P +89 22 19 M +89 22 20 M +89 22 21 R +89 22 22 K +89 22 23 * +89 22 24 N +89 22 25 M +89 22 26 * +89 22 27 B +89 22 28 R +89 22 29 M +89 22 30 R +89 22 31 M +89 22 32 R +89 22 33 M +89 22 34 N +89 22 35 M +89 22 36 R +89 22 37 M +89 22 38 R +89 22 39 M +89 22 40 M +89 22 41 R +89 22 42 * +89 22 43 P +89 22 44 B +89 22 45 M +89 22 46 N +89 22 47 N +89 22 48 R +89 22 49 M +89 22 50 R +89 22 51 N +89 22 52 B +89 22 53 R +89 22 54 M +89 22 55 M +89 22 56 R +89 22 57 M +89 22 58 B +89 22 59 B +89 22 60 N +89 22 61 R +89 22 62 M +89 22 63 R +89 22 64 M +89 22 65 R +89 22 66 B +89 22 67 M +89 22 68 R +89 22 69 N +89 22 70 B +89 22 71 R +89 22 72 M +89 22 73 R +89 22 74 B +89 22 75 N +89 22 76 R +89 22 77 M +89 22 78 B +89 22 79 N +89 22 80 M +89 22 81 M +89 22 82 M +89 22 83 K +89 22 84 R +89 22 85 M +89 22 86 R +89 22 87 N +89 22 88 R +89 22 89 N +89 22 90 N +89 22 91 M +89 22 92 B +89 22 93 M +89 22 94 P +89 22 95 K +89 22 96 B +89 22 97 M +89 22 98 R +89 22 99 S +89 22 100 M +89 22 101 R +89 22 102 * +89 22 103 N +89 22 104 M +89 22 105 R +89 22 106 K +89 22 107 B +89 22 108 B +89 22 109 M +89 22 110 K +89 22 111 M +89 22 112 R +89 22 113 N +89 22 114 M +89 22 115 R +89 22 116 B +89 22 117 N +89 22 118 R +89 22 119 M +89 22 120 B +89 22 121 R +89 22 122 M +89 22 123 M +89 22 124 B +89 22 125 R +89 22 126 R +89 22 127 N +89 22 128 K +89 22 129 B +89 22 130 N +89 22 131 P +89 22 132 S +89 22 133 M +89 22 134 N +89 22 135 R +89 22 136 M +89 22 137 M +89 22 138 M +89 22 139 B +89 22 140 M +89 22 141 B +89 22 142 B +89 22 143 M +89 22 144 P +89 22 145 M +89 22 146 K +89 22 147 M +89 22 148 R +89 22 149 M +89 22 150 R +89 22 151 R +89 22 152 * +89 22 153 M +89 22 154 N +89 22 155 N +89 22 156 M +89 22 157 N +89 22 158 B +89 22 159 K +89 22 160 B +89 22 161 M +89 22 162 R +89 22 163 M +89 22 164 M +89 22 165 N +89 22 166 N +89 22 167 B +89 22 168 M +89 22 169 M +89 22 170 N +89 22 171 M +89 22 172 B +89 22 173 R +89 22 174 K +89 22 175 M +89 22 176 R +89 22 177 K +89 22 178 M +89 22 179 S +89 22 180 M +89 22 181 * +89 22 182 R +89 22 183 * +89 22 184 P +89 22 185 K +89 22 186 M +89 22 187 K +89 22 188 M +89 22 189 B +89 22 190 B +89 22 191 M +89 22 192 P +89 22 193 M +89 22 194 S +89 22 195 M +89 22 196 M +89 22 197 P +89 22 198 N +89 22 199 B +89 22 200 M +89 22 201 B +89 22 202 M +89 22 203 R +89 22 204 N +89 22 205 P +89 22 206 B +89 22 207 R +89 22 208 * +89 22 209 M +89 22 210 N +89 22 211 M +89 22 212 K +89 22 213 B +89 22 214 K +89 22 215 R +89 22 216 N +89 22 217 B +89 22 218 * +89 22 219 B +89 22 220 M +89 22 221 B +89 22 222 R +89 22 223 M +89 22 224 B +89 22 225 N +89 22 226 M +89 22 227 N +89 22 228 N +89 22 229 M +89 22 230 B +89 22 231 R +89 22 232 N +89 22 233 M +89 22 234 M +89 22 235 M +89 22 236 K +89 22 237 K +89 22 238 M +89 22 239 R +89 22 240 N +89 22 241 B +89 22 242 K +89 22 243 R +89 22 244 B +89 22 245 R +89 22 246 M +89 22 247 R +89 22 248 N +89 22 249 M +89 22 250 R +89 22 251 M +89 22 252 B +89 22 253 M +89 22 254 M +89 22 255 N +89 22 256 R +89 22 257 M +89 22 258 K +89 22 259 R +89 22 260 B +89 22 261 K +89 22 262 B +89 22 263 B +89 22 264 B +89 22 265 M +89 22 266 R +89 22 267 R +89 22 268 M +89 22 269 R +89 22 270 K +89 22 271 N +89 22 272 B +89 22 273 R +89 22 274 B +89 22 275 M +89 22 276 R +89 22 277 M +89 22 278 K +89 22 279 M +89 22 280 M +89 22 281 M +89 22 282 M +89 22 283 R +89 22 284 B +89 22 285 R +89 22 286 B +89 22 287 N +89 22 288 R +89 22 289 M +89 22 290 B +89 22 291 M +89 22 292 R +89 22 293 B +89 22 294 B +89 22 295 N +89 22 296 R +89 22 297 K +89 22 298 R +89 22 299 M +89 22 300 B +89 22 301 M +89 22 302 B +89 22 303 B +89 22 304 M +89 22 305 R +89 22 306 M +89 22 307 M +89 22 308 R +89 22 309 N +89 22 310 M +89 22 311 M +89 22 312 N +89 22 313 N +89 22 314 B +89 22 315 M +89 22 316 M +89 22 317 R +89 22 318 K +89 22 319 B +89 22 320 N +89 22 321 R +89 22 322 B +89 22 323 M +89 22 324 B +89 22 325 R +89 22 326 K +89 22 327 B +89 22 328 N +89 22 329 N +89 22 330 B +89 23 1 M +89 23 2 * +89 23 3 R +89 23 4 R +89 23 5 M +89 23 6 K +89 23 7 M +89 23 8 R +89 23 9 M +89 23 10 M +89 23 11 N +89 23 12 K +89 23 13 N +89 23 14 N +89 23 15 B +89 23 16 B +89 23 17 R +89 23 18 N +89 23 19 M +89 23 20 M +89 23 21 R +89 23 22 K +89 23 23 K +89 23 24 N +89 23 25 M +89 23 26 M +89 23 27 B +89 23 28 R +89 23 29 M +89 23 30 P +89 23 31 M +89 23 32 P +89 23 33 M +89 23 34 M +89 23 35 K +89 23 36 N +89 23 37 N +89 23 38 R +89 23 39 M +89 23 40 M +89 23 41 R +89 23 42 K +89 23 43 N +89 23 44 B +89 23 45 M +89 23 46 * +89 23 47 N +89 23 48 K +89 23 49 M +89 23 50 N +89 23 51 N +89 23 52 B +89 23 53 R +89 23 54 M +89 23 55 M +89 23 56 K +89 23 57 N +89 23 58 P +89 23 59 B +89 23 60 N +89 23 61 R +89 23 62 K +89 23 63 R +89 23 64 M +89 23 65 R +89 23 66 B +89 23 67 M +89 23 68 R +89 23 69 K +89 23 70 B +89 23 71 M +89 23 72 M +89 23 73 M +89 23 74 B +89 23 75 N +89 23 76 R +89 23 77 M +89 23 78 K +89 23 79 N +89 23 80 M +89 23 81 K +89 23 82 M +89 23 83 B +89 23 84 R +89 23 85 M +89 23 86 R +89 23 87 N +89 23 88 R +89 23 89 N +89 23 90 N +89 23 91 K +89 23 92 B +89 23 93 M +89 23 94 N +89 23 95 B +89 23 96 K +89 23 97 M +89 23 98 R +89 23 99 K +89 23 100 M +89 23 101 R +89 23 102 B +89 23 103 N +89 23 104 M +89 23 105 R +89 23 106 K +89 23 107 B +89 23 108 B +89 23 109 N +89 23 110 K +89 23 111 N +89 23 112 R +89 23 113 N +89 23 114 N +89 23 115 R +89 23 116 B +89 23 117 N +89 23 118 R +89 23 119 M +89 23 120 B +89 23 121 R +89 23 122 M +89 23 123 M +89 23 124 K +89 23 125 R +89 23 126 R +89 23 127 N +89 23 128 K +89 23 129 B +89 23 130 N +89 23 131 M +89 23 132 R +89 23 133 M +89 23 134 R +89 23 135 R +89 23 136 M +89 23 137 N +89 23 138 M +89 23 139 B +89 23 140 M +89 23 141 B +89 23 142 B +89 23 143 M +89 23 144 M +89 23 145 M +89 23 146 K +89 23 147 M +89 23 148 R +89 23 149 K +89 23 150 M +89 23 151 K +89 23 152 R +89 23 153 M +89 23 154 N +89 23 155 N +89 23 156 M +89 23 157 N +89 23 158 B +89 23 159 K +89 23 160 K +89 23 161 M +89 23 162 R +89 23 163 M +89 23 164 M +89 23 165 N +89 23 166 N +89 23 167 K +89 23 168 M +89 23 169 M +89 23 170 N +89 23 171 N +89 23 172 B +89 23 173 R +89 23 174 K +89 23 175 B +89 23 176 R +89 23 177 K +89 23 178 M +89 23 179 R +89 23 180 M +89 23 181 K +89 23 182 M +89 23 183 K +89 23 184 M +89 23 185 K +89 23 186 M +89 23 187 K +89 23 188 M +89 23 189 B +89 23 190 R +89 23 191 M +89 23 192 R +89 23 193 K +89 23 194 P +89 23 195 M +89 23 196 M +89 23 197 R +89 23 198 N +89 23 199 B +89 23 200 M +89 23 201 K +89 23 202 M +89 23 203 M +89 23 204 N +89 23 205 M +89 23 206 B +89 23 207 R +89 23 208 P +89 23 209 M +89 23 210 P +89 23 211 M +89 23 212 R +89 23 213 M +89 23 214 M +89 23 215 R +89 23 216 N +89 23 217 R +89 23 218 K +89 23 219 B +89 23 220 M +89 23 221 B +89 23 222 M +89 23 223 M +89 23 224 B +89 23 225 K +89 23 226 M +89 23 227 N +89 23 228 N +89 23 229 M +89 23 230 B +89 23 231 R +89 23 232 P +89 23 233 M +89 23 234 M +89 23 235 M +89 23 236 K +89 23 237 R +89 23 238 M +89 23 239 R +89 23 240 P +89 23 241 B +89 23 242 B +89 23 243 P +89 23 244 B +89 23 245 R +89 23 246 M +89 23 247 M +89 23 248 N +89 23 249 M +89 23 250 M +89 23 251 M +89 23 252 B +89 23 253 M +89 23 254 M +89 23 255 N +89 23 256 R +89 23 257 M +89 23 258 K +89 23 259 P +89 23 260 B +89 23 261 K +89 23 262 B +89 23 263 B +89 23 264 M +89 23 265 M +89 23 266 P +89 23 267 P +89 23 268 M +89 23 269 R +89 23 270 K +89 23 271 M +89 23 272 B +89 23 273 M +89 23 274 B +89 23 275 K +89 23 276 R +89 23 277 M +89 23 278 R +89 23 279 M +89 23 280 K +89 23 281 M +89 23 282 M +89 23 283 P +89 23 284 B +89 23 285 R +89 23 286 B +89 23 287 P +89 23 288 R +89 23 289 M +89 23 290 B +89 23 291 M +89 23 292 R +89 23 293 B +89 23 294 B +89 23 295 P +89 23 296 M +89 23 297 K +89 23 298 R +89 23 299 M +89 23 300 B +89 23 301 M +89 23 302 B +89 23 303 B +89 23 304 M +89 23 305 M +89 23 306 K +89 23 307 M +89 23 308 M +89 23 309 N +89 23 310 M +89 23 311 M +89 23 312 N +89 23 313 M +89 23 314 B +89 23 315 M +89 23 316 M +89 23 317 R +89 23 318 K +89 23 319 B +89 23 320 K +89 23 321 R +89 23 322 M +89 23 323 M +89 23 324 B +89 23 325 M +89 23 326 K +89 23 327 B +89 23 328 M +89 23 329 P +89 23 330 B +89 24 1 M +89 24 2 M +89 24 3 R +89 24 4 N +89 24 5 M +89 24 6 B +89 24 7 K +89 24 8 S +89 24 9 K +89 24 10 M +89 24 11 M +89 24 12 K +89 24 13 M +89 24 14 M +89 24 15 K +89 24 16 B +89 24 17 R +89 24 18 N +89 24 19 M +89 24 20 M +89 24 21 R +89 24 22 B +89 24 23 R +89 24 24 A +89 24 25 M +89 24 26 M +89 24 27 B +89 24 28 R +89 24 29 M +89 24 30 K +89 24 31 M +89 24 32 R +89 24 33 M +89 24 34 M +89 24 35 R +89 24 36 M +89 24 37 M +89 24 38 S +89 24 39 M +89 24 40 M +89 24 41 R +89 24 42 K +89 24 43 M +89 24 44 B +89 24 45 M +89 24 46 A +89 24 47 M +89 24 48 K +89 24 49 M +89 24 50 R +89 24 51 N +89 24 52 B +89 24 53 S +89 24 54 M +89 24 55 M +89 24 56 R +89 24 57 M +89 24 58 K +89 24 59 B +89 24 60 N +89 24 61 S +89 24 62 M +89 24 63 R +89 24 64 M +89 24 65 R +89 24 66 K +89 24 67 M +89 24 68 R +89 24 69 A +89 24 70 B +89 24 71 S +89 24 72 M +89 24 73 S +89 24 74 M +89 24 75 N +89 24 76 K +89 24 77 M +89 24 78 K +89 24 79 N +89 24 80 M +89 24 81 K +89 24 82 M +89 24 83 K +89 24 84 K +89 24 85 M +89 24 86 R +89 24 87 N +89 24 88 R +89 24 89 N +89 24 90 M +89 24 91 K +89 24 92 B +89 24 93 M +89 24 94 N +89 24 95 B +89 24 96 K +89 24 97 M +89 24 98 R +89 24 99 M +89 24 100 M +89 24 101 S +89 24 102 A +89 24 103 K +89 24 104 M +89 24 105 S +89 24 106 K +89 24 107 B +89 24 108 K +89 24 109 M +89 24 110 K +89 24 111 N +89 24 112 R +89 24 113 N +89 24 114 M +89 24 115 R +89 24 116 M +89 24 117 A +89 24 118 R +89 24 119 M +89 24 120 B +89 24 121 R +89 24 122 M +89 24 123 M +89 24 124 K +89 24 125 R +89 24 126 R +89 24 127 N +89 24 128 K +89 24 129 B +89 24 130 N +89 24 131 R +89 24 132 R +89 24 133 M +89 24 134 A +89 24 135 R +89 24 136 M +89 24 137 M +89 24 138 M +89 24 139 B +89 24 140 M +89 24 141 B +89 24 142 B +89 24 143 K +89 24 144 M +89 24 145 M +89 24 146 K +89 24 147 M +89 24 148 R +89 24 149 M +89 24 150 N +89 24 151 K +89 24 152 B +89 24 153 M +89 24 154 N +89 24 155 A +89 24 156 M +89 24 157 A +89 24 158 B +89 24 159 K +89 24 160 K +89 24 161 M +89 24 162 R +89 24 163 M +89 24 164 M +89 24 165 N +89 24 166 M +89 24 167 B +89 24 168 M +89 24 169 M +89 24 170 A +89 24 171 A +89 24 172 B +89 24 173 R +89 24 174 K +89 24 175 B +89 24 176 R +89 24 177 K +89 24 178 M +89 24 179 R +89 24 180 M +89 24 181 K +89 24 182 S +89 24 183 K +89 24 184 M +89 24 185 A +89 24 186 M +89 24 187 K +89 24 188 M +89 24 189 B +89 24 190 K +89 24 191 M +89 24 192 R +89 24 193 K +89 24 194 S +89 24 195 M +89 24 196 M +89 24 197 R +89 24 198 N +89 24 199 B +89 24 200 M +89 24 201 K +89 24 202 M +89 24 203 R +89 24 204 A +89 24 205 M +89 24 206 B +89 24 207 R +89 24 208 K +89 24 209 M +89 24 210 N +89 24 211 M +89 24 212 K +89 24 213 B +89 24 214 K +89 24 215 R +89 24 216 K +89 24 217 K +89 24 218 K +89 24 219 B +89 24 220 M +89 24 221 B +89 24 222 M +89 24 223 M +89 24 224 B +89 24 225 K +89 24 226 M +89 24 227 N +89 24 228 M +89 24 229 M +89 24 230 B +89 24 231 R +89 24 232 R +89 24 233 M +89 24 234 M +89 24 235 M +89 24 236 K +89 24 237 K +89 24 238 M +89 24 239 R +89 24 240 K +89 24 241 B +89 24 242 K +89 24 243 S +89 24 244 B +89 24 245 R +89 24 246 M +89 24 247 M +89 24 248 N +89 24 249 M +89 24 250 S +89 24 251 K +89 24 252 K +89 24 253 M +89 24 254 M +89 24 255 A +89 24 256 R +89 24 257 M +89 24 258 K +89 24 259 R +89 24 260 B +89 24 261 K +89 24 262 B +89 24 263 B +89 24 264 B +89 24 265 M +89 24 266 R +89 24 267 S +89 24 268 M +89 24 269 R +89 24 270 K +89 24 271 M +89 24 272 B +89 24 273 R +89 24 274 B +89 24 275 K +89 24 276 S +89 24 277 M +89 24 278 K +89 24 279 M +89 24 280 M +89 24 281 M +89 24 282 M +89 24 283 A +89 24 284 B +89 24 285 K +89 24 286 B +89 24 287 A +89 24 288 R +89 24 289 M +89 24 290 B +89 24 291 M +89 24 292 K +89 24 293 B +89 24 294 B +89 24 295 A +89 24 296 M +89 24 297 K +89 24 298 R +89 24 299 M +89 24 300 B +89 24 301 M +89 24 302 B +89 24 303 M +89 24 304 K +89 24 305 S +89 24 306 M +89 24 307 M +89 24 308 K +89 24 309 N +89 24 310 M +89 24 311 M +89 24 312 N +89 24 313 M +89 24 314 B +89 24 315 M +89 24 316 M +89 24 317 S +89 24 318 K +89 24 319 B +89 24 320 K +89 24 321 R +89 24 322 M +89 24 323 M +89 24 324 B +89 24 325 S +89 24 326 K +89 24 327 B +89 24 328 M +89 24 329 K +89 24 330 B +89 25 1 M +89 25 2 M +89 25 3 R +89 25 4 N +89 25 5 M +89 25 6 K +89 25 7 M +89 25 8 R +89 25 9 R +89 25 10 M +89 25 11 R +89 25 12 K +89 25 13 M +89 25 14 N +89 25 15 B +89 25 16 B +89 25 17 R +89 25 18 N +89 25 19 M +89 25 20 M +89 25 21 R +89 25 22 K +89 25 23 M +89 25 24 N +89 25 25 M +89 25 26 M +89 25 27 B +89 25 28 R +89 25 29 M +89 25 30 R +89 25 31 M +89 25 32 R +89 25 33 M +89 25 34 N +89 25 35 M +89 25 36 R +89 25 37 M +89 25 38 R +89 25 39 M +89 25 40 M +89 25 41 R +89 25 42 K +89 25 43 N +89 25 44 B +89 25 45 M +89 25 46 N +89 25 47 N +89 25 48 K +89 25 49 M +89 25 50 M +89 25 51 N +89 25 52 B +89 25 53 R +89 25 54 M +89 25 55 M +89 25 56 K +89 25 57 M +89 25 58 K +89 25 59 B +89 25 60 N +89 25 61 R +89 25 62 M +89 25 63 K +89 25 64 M +89 25 65 R +89 25 66 B +89 25 67 M +89 25 68 R +89 25 69 N +89 25 70 B +89 25 71 R +89 25 72 M +89 25 73 M +89 25 74 B +89 25 75 N +89 25 76 R +89 25 77 M +89 25 78 B +89 25 79 N +89 25 80 M +89 25 81 M +89 25 82 M +89 25 83 K +89 25 84 K +89 25 85 M +89 25 86 R +89 25 87 N +89 25 88 R +89 25 89 N +89 25 90 N +89 25 91 K +89 25 92 B +89 25 93 M +89 25 94 N +89 25 95 B +89 25 96 K +89 25 97 M +89 25 98 R +89 25 99 B +89 25 100 M +89 25 101 R +89 25 102 B +89 25 103 N +89 25 104 M +89 25 105 R +89 25 106 K +89 25 107 B +89 25 108 B +89 25 109 M +89 25 110 K +89 25 111 N +89 25 112 R +89 25 113 N +89 25 114 M +89 25 115 R +89 25 116 B +89 25 117 N +89 25 118 R +89 25 119 M +89 25 120 B +89 25 121 R +89 25 122 M +89 25 123 M +89 25 124 K +89 25 125 R +89 25 126 R +89 25 127 N +89 25 128 K +89 25 129 B +89 25 130 N +89 25 131 M +89 25 132 R +89 25 133 M +89 25 134 N +89 25 135 R +89 25 136 M +89 25 137 M +89 25 138 M +89 25 139 B +89 25 140 N +89 25 141 B +89 25 142 B +89 25 143 M +89 25 144 M +89 25 145 M +89 25 146 K +89 25 147 M +89 25 148 R +89 25 149 M +89 25 150 N +89 25 151 R +89 25 152 B +89 25 153 M +89 25 154 N +89 25 155 N +89 25 156 M +89 25 157 N +89 25 158 B +89 25 159 K +89 25 160 R +89 25 161 M +89 25 162 R +89 25 163 M +89 25 164 M +89 25 165 N +89 25 166 N +89 25 167 B +89 25 168 M +89 25 169 M +89 25 170 N +89 25 171 M +89 25 172 B +89 25 173 R +89 25 174 K +89 25 175 M +89 25 176 R +89 25 177 K +89 25 178 M +89 25 179 R +89 25 180 M +89 25 181 K +89 25 182 R +89 25 183 N +89 25 184 M +89 25 185 K +89 25 186 M +89 25 187 K +89 25 188 M +89 25 189 B +89 25 190 R +89 25 191 M +89 25 192 M +89 25 193 K +89 25 194 N +89 25 195 M +89 25 196 M +89 25 197 B +89 25 198 N +89 25 199 B +89 25 200 M +89 25 201 R +89 25 202 M +89 25 203 R +89 25 204 N +89 25 205 M +89 25 206 B +89 25 207 R +89 25 208 K +89 25 209 M +89 25 210 N +89 25 211 M +89 25 212 K +89 25 213 B +89 25 214 K +89 25 215 R +89 25 216 N +89 25 217 K +89 25 218 M +89 25 219 B +89 25 220 M +89 25 221 B +89 25 222 M +89 25 223 M +89 25 224 B +89 25 225 N +89 25 226 M +89 25 227 N +89 25 228 N +89 25 229 M +89 25 230 B +89 25 231 R +89 25 232 N +89 25 233 M +89 25 234 M +89 25 235 M +89 25 236 K +89 25 237 K +89 25 238 M +89 25 239 R +89 25 240 N +89 25 241 B +89 25 242 K +89 25 243 N +89 25 244 B +89 25 245 R +89 25 246 M +89 25 247 M +89 25 248 N +89 25 249 M +89 25 250 N +89 25 251 M +89 25 252 B +89 25 253 M +89 25 254 B +89 25 255 N +89 25 256 R +89 25 257 N +89 25 258 K +89 25 259 R +89 25 260 B +89 25 261 K +89 25 262 B +89 25 263 B +89 25 264 M +89 25 265 M +89 25 266 R +89 25 267 N +89 25 268 M +89 25 269 R +89 25 270 K +89 25 271 N +89 25 272 B +89 25 273 R +89 25 274 B +89 25 275 K +89 25 276 R +89 25 277 M +89 25 278 R +89 25 279 M +89 25 280 M +89 25 281 M +89 25 282 M +89 25 283 N +89 25 284 B +89 25 285 R +89 25 286 B +89 25 287 N +89 25 288 R +89 25 289 M +89 25 290 B +89 25 291 M +89 25 292 K +89 25 293 B +89 25 294 B +89 25 295 N +89 25 296 M +89 25 297 K +89 25 298 R +89 25 299 M +89 25 300 B +89 25 301 M +89 25 302 B +89 25 303 B +89 25 304 K +89 25 305 N +89 25 306 M +89 25 307 M +89 25 308 M +89 25 309 N +89 25 310 M +89 25 311 M +89 25 312 N +89 25 313 N +89 25 314 B +89 25 315 M +89 25 316 M +89 25 317 R +89 25 318 K +89 25 319 B +89 25 320 K +89 25 321 R +89 25 322 M +89 25 323 M +89 25 324 B +89 25 325 R +89 25 326 K +89 25 327 B +89 25 328 N +89 25 329 K +89 25 330 B +89 26 1 M +89 26 2 M +89 26 3 R +89 26 4 G +89 26 5 M +89 26 6 K +89 26 7 M +89 26 8 S +89 26 9 G +89 26 10 N +89 26 11 N +89 26 12 K +89 26 13 N +89 26 14 N +89 26 15 M +89 26 16 B +89 26 17 R +89 26 18 N +89 26 19 M +89 26 20 M +89 26 21 R +89 26 22 K +89 26 23 M +89 26 24 N +89 26 25 N +89 26 26 M +89 26 27 B +89 26 28 S +89 26 29 M +89 26 30 G +89 26 31 M +89 26 32 R +89 26 33 M +89 26 34 M +89 26 35 R +89 26 36 M +89 26 37 M +89 26 38 S +89 26 39 M +89 26 40 M +89 26 41 S +89 26 42 G +89 26 43 N +89 26 44 B +89 26 45 M +89 26 46 N +89 26 47 N +89 26 48 G +89 26 49 M +89 26 50 M +89 26 51 N +89 26 52 B +89 26 53 S +89 26 54 M +89 26 55 M +89 26 56 B +89 26 57 M +89 26 58 G +89 26 59 R +89 26 60 N +89 26 61 S +89 26 62 M +89 26 63 R +89 26 64 M +89 26 65 R +89 26 66 B +89 26 67 M +89 26 68 R +89 26 69 N +89 26 70 B +89 26 71 S +89 26 72 M +89 26 73 M +89 26 74 B +89 26 75 N +89 26 76 R +89 26 77 M +89 26 78 R +89 26 79 N +89 26 80 M +89 26 81 M +89 26 82 M +89 26 83 K +89 26 84 R +89 26 85 M +89 26 86 R +89 26 87 N +89 26 88 * +89 26 89 N +89 26 90 N +89 26 91 K +89 26 92 K +89 26 93 M +89 26 94 N +89 26 95 M +89 26 96 K +89 26 97 M +89 26 98 R +89 26 99 N +89 26 100 M +89 26 101 S +89 26 102 N +89 26 103 N +89 26 104 M +89 26 105 M +89 26 106 K +89 26 107 B +89 26 108 M +89 26 109 M +89 26 110 K +89 26 111 N +89 26 112 R +89 26 113 N +89 26 114 M +89 26 115 S +89 26 116 B +89 26 117 N +89 26 118 R +89 26 119 M +89 26 120 B +89 26 121 R +89 26 122 M +89 26 123 M +89 26 124 M +89 26 125 R +89 26 126 R +89 26 127 N +89 26 128 K +89 26 129 B +89 26 130 N +89 26 131 M +89 26 132 R +89 26 133 M +89 26 134 N +89 26 135 R +89 26 136 M +89 26 137 N +89 26 138 M +89 26 139 B +89 26 140 M +89 26 141 B +89 26 142 B +89 26 143 M +89 26 144 M +89 26 145 M +89 26 146 K +89 26 147 M +89 26 148 R +89 26 149 M +89 26 150 M +89 26 151 R +89 26 152 M +89 26 153 M +89 26 154 N +89 26 155 N +89 26 156 M +89 26 157 N +89 26 158 B +89 26 159 K +89 26 160 R +89 26 161 M +89 26 162 R +89 26 163 M +89 26 164 M +89 26 165 N +89 26 166 N +89 26 167 B +89 26 168 M +89 26 169 M +89 26 170 N +89 26 171 N +89 26 172 B +89 26 173 R +89 26 174 K +89 26 175 M +89 26 176 R +89 26 177 K +89 26 178 M +89 26 179 S +89 26 180 M +89 26 181 G +89 26 182 S +89 26 183 G +89 26 184 M +89 26 185 G +89 26 186 M +89 26 187 K +89 26 188 M +89 26 189 B +89 26 190 R +89 26 191 M +89 26 192 M +89 26 193 K +89 26 194 S +89 26 195 M +89 26 196 M +89 26 197 M +89 26 198 N +89 26 199 B +89 26 200 M +89 26 201 R +89 26 202 M +89 26 203 R +89 26 204 N +89 26 205 M +89 26 206 B +89 26 207 R +89 26 208 G +89 26 209 M +89 26 210 G +89 26 211 M +89 26 212 K +89 26 213 B +89 26 214 K +89 26 215 R +89 26 216 N +89 26 217 R +89 26 218 K +89 26 219 B +89 26 220 M +89 26 221 B +89 26 222 M +89 26 223 M +89 26 224 B +89 26 225 G +89 26 226 M +89 26 227 N +89 26 228 N +89 26 229 M +89 26 230 B +89 26 231 S +89 26 232 G +89 26 233 M +89 26 234 M +89 26 235 M +89 26 236 M +89 26 237 R +89 26 238 M +89 26 239 R +89 26 240 G +89 26 241 B +89 26 242 K +89 26 243 S +89 26 244 M +89 26 245 R +89 26 246 M +89 26 247 M +89 26 248 N +89 26 249 M +89 26 250 N +89 26 251 M +89 26 252 B +89 26 253 M +89 26 254 M +89 26 255 N +89 26 256 R +89 26 257 N +89 26 258 G +89 26 259 S +89 26 260 B +89 26 261 R +89 26 262 B +89 26 263 N +89 26 264 M +89 26 265 M +89 26 266 G +89 26 267 S +89 26 268 M +89 26 269 R +89 26 270 G +89 26 271 M +89 26 272 B +89 26 273 M +89 26 274 B +89 26 275 K +89 26 276 S +89 26 277 M +89 26 278 R +89 26 279 M +89 26 280 M +89 26 281 M +89 26 282 M +89 26 283 G +89 26 284 B +89 26 285 R +89 26 286 B +89 26 287 G +89 26 288 R +89 26 289 M +89 26 290 B +89 26 291 M +89 26 292 R +89 26 293 M +89 26 294 B +89 26 295 G +89 26 296 M +89 26 297 K +89 26 298 R +89 26 299 M +89 26 300 N +89 26 301 M +89 26 302 B +89 26 303 N +89 26 304 M +89 26 305 M +89 26 306 M +89 26 307 M +89 26 308 M +89 26 309 N +89 26 310 M +89 26 311 M +89 26 312 N +89 26 313 M +89 26 314 B +89 26 315 M +89 26 316 M +89 26 317 S +89 26 318 R +89 26 319 B +89 26 320 N +89 26 321 R +89 26 322 M +89 26 323 M +89 26 324 B +89 26 325 S +89 26 326 K +89 26 327 M +89 26 328 N +89 26 329 G +89 26 330 M +90 1 1 E +90 1 2 K +90 1 3 I +90 1 4 I +90 1 5 K +90 1 6 E +90 1 7 Y +90 1 8 S +90 1 9 E +90 1 10 I +90 1 11 E +90 1 12 Y +90 1 13 I +90 1 14 N +90 1 15 K +90 1 16 I +90 1 17 S +90 1 18 N +90 1 19 E +90 1 20 Y +90 1 21 I +90 1 22 E +90 1 23 S +90 1 24 I +90 1 25 E +90 1 26 E +90 1 27 K +90 1 28 S +90 1 29 I +90 1 30 Y +90 1 31 K +90 1 32 E +90 1 33 Y +90 1 34 E +90 1 35 I +90 1 36 N +90 1 37 E +90 1 38 Y +90 1 39 S +90 1 40 I +90 1 41 N +90 1 42 Y +90 1 43 E +90 1 44 K +90 1 45 S +90 1 46 I +90 1 47 E +90 1 48 Y +90 1 49 I +90 1 50 N +90 1 51 E +90 1 52 K +90 1 53 E +90 1 54 I +90 1 55 K +90 1 56 S +90 1 57 E +90 1 58 Y +90 1 59 K +90 1 60 E +90 1 61 I +90 1 62 E +90 1 63 K +90 1 64 I +90 1 65 S +90 1 66 K +90 1 67 E +90 1 68 I +90 1 69 Y +90 1 70 K +90 1 71 E +90 1 72 I +90 1 73 Y +90 1 74 K +90 1 75 E +90 1 76 Y +90 1 77 I +90 1 78 K +90 1 79 E +90 1 80 S +90 1 81 Y +90 1 82 K +90 1 83 I +90 1 84 K +90 1 85 S +90 1 86 E +90 1 87 I +90 1 88 E +90 1 89 N +90 1 90 I +90 1 91 Y +90 1 92 K +90 1 93 E +90 1 94 S +90 1 95 K +90 1 96 Y +90 1 97 E +90 1 98 I +90 1 99 Y +90 1 100 K +90 1 101 E +90 1 102 S +90 1 103 Y +90 1 104 K +90 1 105 E +90 1 106 I +90 1 107 K +90 1 108 K +90 1 109 Y +90 1 110 Y +90 1 111 E +90 1 112 I +90 1 113 N +90 1 114 S +90 1 115 E +90 1 116 K +90 1 117 E +90 1 118 S +90 1 119 I +90 1 120 K +90 1 121 Y +90 1 122 S +90 1 123 E +90 1 124 Y +90 1 125 I +90 1 126 K +90 1 127 N +90 1 128 Y +90 1 129 K +90 1 130 E +90 1 131 I +90 1 132 E +90 1 133 N +90 1 134 S +90 1 135 E +90 1 136 K +90 1 137 I +90 1 138 E +90 1 139 K +90 1 140 E +90 1 141 K +90 1 142 K +90 1 143 Y +90 1 144 E +90 1 145 K +90 1 146 Y +90 1 147 S +90 1 148 N +90 1 149 E +90 1 150 I +90 1 151 Y +90 1 152 E +90 1 153 I +90 1 154 N +90 1 155 N +90 1 156 E +90 1 157 S +90 1 158 K +90 1 159 Y +90 1 160 K +90 1 161 S +90 1 162 E +90 1 163 I +90 1 164 E +90 1 165 I +90 1 166 N +90 1 167 K +90 1 168 E +90 1 169 S +90 1 170 N +90 1 171 Y +90 1 172 K +90 1 173 E +90 1 174 Y +90 1 175 K +90 1 176 E +90 1 177 Y +90 1 178 I +90 1 179 N +90 1 180 E +90 1 181 Y +90 1 182 N +90 1 183 S +90 1 184 E +90 1 185 I +90 1 186 K +90 1 187 Y +90 1 188 E +90 1 189 K +90 1 190 K +90 1 191 I +90 1 192 E +90 1 193 Y +90 1 194 N +90 1 195 Y +90 1 196 K +90 1 197 E +90 1 198 I +90 1 199 K +90 1 200 E +90 1 201 K +90 1 202 E +90 1 203 N +90 1 204 I +90 1 205 E +90 1 206 K +90 1 207 N +90 1 208 Y +90 1 209 E +90 1 210 I +90 1 211 S +90 1 212 Y +90 1 213 E +90 1 214 Y +90 1 215 E +90 1 216 N +90 1 217 K +90 1 218 Y +90 1 219 K +90 1 220 E +90 1 221 K +90 1 222 E +90 1 223 I +90 1 224 K +90 1 225 I +90 1 226 E +90 1 227 N +90 1 228 E +90 1 229 K +90 1 230 I +90 1 231 E +90 1 232 S +90 1 233 E +90 1 234 N +90 1 235 S +90 1 236 Y +90 1 237 K +90 1 238 E +90 1 239 I +90 1 240 E +90 1 241 K +90 1 242 Y +90 1 243 I +90 1 244 K +90 1 245 N +90 1 246 E +90 1 247 S +90 1 248 N +90 1 249 E +90 1 250 I +90 1 251 K +90 1 252 E +90 1 253 K +90 1 254 E +90 1 255 N +90 1 256 S +90 1 257 E +90 1 258 Y +90 1 259 N +90 1 260 K +90 1 261 E +90 1 262 K +90 1 263 S +90 1 264 E +90 1 265 N +90 1 266 E +90 1 267 N +90 1 268 S +90 1 269 E +90 1 270 Y +90 1 271 N +90 1 272 K +90 1 273 E +90 1 274 K +90 1 275 S +90 1 276 I +90 1 277 E +90 1 278 I +90 1 279 E +90 1 280 Y +90 1 281 E +90 1 282 Y +90 1 283 S +90 1 284 K +90 1 285 S +90 1 286 K +90 1 287 E +90 1 288 S +90 1 289 K +90 1 290 I +90 1 291 E +90 1 292 S +90 1 293 K +90 1 294 K +90 1 295 E +90 1 296 Y +90 1 297 Y +90 1 298 I +90 1 299 S +90 1 300 E +90 1 301 N +90 1 302 K +90 1 303 E +90 1 304 Y +90 1 305 I +90 1 306 Y +90 1 307 E +90 1 308 I +90 1 309 S +90 1 310 E +90 1 311 I +90 1 312 N +90 1 313 E +90 1 314 K +90 1 315 Y +90 1 316 I +90 1 317 E +90 1 318 Y +90 1 319 K +90 1 320 I +90 1 321 N +90 1 322 E +90 1 323 I +90 1 324 K +90 1 325 E +90 1 326 Y +90 1 327 K +90 1 328 E +90 1 329 I +90 1 330 K +90 2 1 E +90 2 2 A +90 2 3 I +90 2 4 S +90 2 5 A +90 2 6 S +90 2 7 E +90 2 8 I +90 2 9 A +90 2 10 E +90 2 11 N +90 2 12 Y +90 2 13 E +90 2 14 E +90 2 15 A +90 2 16 K +90 2 17 I +90 2 18 N +90 2 19 A +90 2 20 E +90 2 21 A +90 2 22 Y +90 2 23 A +90 2 24 N +90 2 25 A +90 2 26 E +90 2 27 K +90 2 28 I +90 2 29 E +90 2 30 Y +90 2 31 A +90 2 32 A +90 2 33 E +90 2 34 A +90 2 35 I +90 2 36 E +90 2 37 A +90 2 38 I +90 2 39 E +90 2 40 A +90 2 41 I +90 2 42 Y +90 2 43 A +90 2 44 K +90 2 45 E +90 2 46 A +90 2 47 E +90 2 48 Y +90 2 49 A +90 2 50 S +90 2 51 A +90 2 52 K +90 2 53 I +90 2 54 E +90 2 55 A +90 2 56 A +90 2 57 A +90 2 58 Y +90 2 59 A +90 2 60 E +90 2 61 I +90 2 62 A +90 2 63 I +90 2 64 E +90 2 65 I +90 2 66 K +90 2 67 A +90 2 68 A +90 2 69 Y +90 2 70 K +90 2 71 I +90 2 72 E +90 2 73 A +90 2 74 A +90 2 75 E +90 2 76 Y +90 2 77 E +90 2 78 A +90 2 79 N +90 2 80 E +90 2 81 E +90 2 82 A +90 2 83 K +90 2 84 S +90 2 85 E +90 2 86 A +90 2 87 N +90 2 88 I +90 2 89 N +90 2 90 E +90 2 91 Y +90 2 92 K +90 2 93 E +90 2 94 N +90 2 95 K +90 2 96 Y +90 2 97 A +90 2 98 I +90 2 99 A +90 2 100 A +90 2 101 I +90 2 102 A +90 2 103 Y +90 2 104 A +90 2 105 I +90 2 106 Y +90 2 107 K +90 2 108 A +90 2 109 E +90 2 110 Y +90 2 111 N +90 2 112 I +90 2 113 N +90 2 114 E +90 2 115 I +90 2 116 A +90 2 117 N +90 2 118 I +90 2 119 E +90 2 120 K +90 2 121 Y +90 2 122 E +90 2 123 E +90 2 124 Y +90 2 125 I +90 2 126 A +90 2 127 E +90 2 128 Y +90 2 129 K +90 2 130 A +90 2 131 I +90 2 132 I +90 2 133 E +90 2 134 A +90 2 135 I +90 2 136 E +90 2 137 E +90 2 138 A +90 2 139 K +90 2 140 E +90 2 141 K +90 2 142 A +90 2 143 E +90 2 144 A +90 2 145 E +90 2 146 Y +90 2 147 E +90 2 148 I +90 2 149 A +90 2 150 N +90 2 151 I +90 2 152 A +90 2 153 E +90 2 154 N +90 2 155 A +90 2 156 E +90 2 157 A +90 2 158 K +90 2 159 S +90 2 160 A +90 2 161 E +90 2 162 I +90 2 163 E +90 2 164 E +90 2 165 N +90 2 166 E +90 2 167 A +90 2 168 E +90 2 169 E +90 2 170 E +90 2 171 E +90 2 172 K +90 2 173 I +90 2 174 Y +90 2 175 A +90 2 176 I +90 2 177 Y +90 2 178 E +90 2 179 I +90 2 180 E +90 2 181 Y +90 2 182 I +90 2 183 A +90 2 184 S +90 2 185 A +90 2 186 E +90 2 187 Y +90 2 188 E +90 2 189 K +90 2 190 A +90 2 191 E +90 2 192 A +90 2 193 Y +90 2 194 I +90 2 195 E +90 2 196 A +90 2 197 A +90 2 198 N +90 2 199 K +90 2 200 E +90 2 201 I +90 2 202 E +90 2 203 I +90 2 204 N +90 2 205 A +90 2 206 K +90 2 207 I +90 2 208 Y +90 2 209 E +90 2 210 A +90 2 211 E +90 2 212 Y +90 2 213 K +90 2 214 Y +90 2 215 A +90 2 216 N +90 2 217 A +90 2 218 Y +90 2 219 K +90 2 220 A +90 2 221 K +90 2 222 I +90 2 223 E +90 2 224 K +90 2 225 Y +90 2 226 E +90 2 227 N +90 2 228 E +90 2 229 A +90 2 230 K +90 2 231 I +90 2 232 N +90 2 233 A +90 2 234 E +90 2 235 E +90 2 236 Y +90 2 237 A +90 2 238 E +90 2 239 I +90 2 240 I +90 2 241 K +90 2 242 A +90 2 243 S +90 2 244 K +90 2 245 I +90 2 246 E +90 2 247 A +90 2 248 N +90 2 249 E +90 2 250 A +90 2 251 E +90 2 252 K +90 2 253 E +90 2 254 A +90 2 255 N +90 2 256 I +90 2 257 E +90 2 258 Y +90 2 259 I +90 2 260 K +90 2 261 Y +90 2 262 K +90 2 263 A +90 2 264 K +90 2 265 E +90 2 266 I +90 2 267 E +90 2 268 E +90 2 269 I +90 2 270 Y +90 2 271 E +90 2 272 K +90 2 273 A +90 2 274 K +90 2 275 S +90 2 276 I +90 2 277 E +90 2 278 A +90 2 279 E +90 2 280 E +90 2 281 E +90 2 282 E +90 2 283 S +90 2 284 K +90 2 285 A +90 2 286 K +90 2 287 S +90 2 288 I +90 2 289 A +90 2 290 K +90 2 291 E +90 2 292 I +90 2 293 K +90 2 294 K +90 2 295 S +90 2 296 E +90 2 297 Y +90 2 298 I +90 2 299 E +90 2 300 A +90 2 301 E +90 2 302 K +90 2 303 A +90 2 304 E +90 2 305 S +90 2 306 E +90 2 307 E +90 2 308 A +90 2 309 N +90 2 310 E +90 2 311 E +90 2 312 N +90 2 313 A +90 2 314 K +90 2 315 E +90 2 316 A +90 2 317 I +90 2 318 I +90 2 319 K +90 2 320 A +90 2 321 I +90 2 322 A +90 2 323 E +90 2 324 K +90 2 325 S +90 2 326 Y +90 2 327 K +90 2 328 E +90 2 329 S +90 2 330 K +90 3 1 E +90 3 2 A +90 3 3 I +90 3 4 * +90 3 5 * +90 3 6 * +90 3 7 E +90 3 8 I +90 3 9 * +90 3 10 E +90 3 11 N +90 3 12 Y +90 3 13 E +90 3 14 E +90 3 15 * +90 3 16 K +90 3 17 I +90 3 18 N +90 3 19 E +90 3 20 E +90 3 21 I +90 3 22 Y +90 3 23 * +90 3 24 N +90 3 25 E +90 3 26 E +90 3 27 K +90 3 28 I +90 3 29 E +90 3 30 * +90 3 31 * +90 3 32 * +90 3 33 * +90 3 34 E +90 3 35 I +90 3 36 E +90 3 37 E +90 3 38 I +90 3 39 E +90 3 40 * +90 3 41 I +90 3 42 Y +90 3 43 E +90 3 44 K +90 3 45 E +90 3 46 N +90 3 47 E +90 3 48 Y +90 3 49 E +90 3 50 * +90 3 51 * +90 3 52 K +90 3 53 I +90 3 54 E +90 3 55 E +90 3 56 * +90 3 57 E +90 3 58 Y +90 3 59 A +90 3 60 E +90 3 61 I +90 3 62 * +90 3 63 I +90 3 64 E +90 3 65 I +90 3 66 K +90 3 67 E +90 3 68 I +90 3 69 N +90 3 70 A +90 3 71 I +90 3 72 E +90 3 73 * +90 3 74 A +90 3 75 N +90 3 76 I +90 3 77 E +90 3 78 * +90 3 79 N +90 3 80 E +90 3 81 * +90 3 82 E +90 3 83 Y +90 3 84 I +90 3 85 E +90 3 86 I +90 3 87 N +90 3 88 I +90 3 89 N +90 3 90 E +90 3 91 Y +90 3 92 A +90 3 93 E +90 3 94 N +90 3 95 A +90 3 96 Y +90 3 97 E +90 3 98 I +90 3 99 A +90 3 100 A +90 3 101 I +90 3 102 * +90 3 103 Y +90 3 104 E +90 3 105 * +90 3 106 Y +90 3 107 A +90 3 108 A +90 3 109 E +90 3 110 Y +90 3 111 N +90 3 112 I +90 3 113 N +90 3 114 E +90 3 115 I +90 3 116 A +90 3 117 * +90 3 118 I +90 3 119 E +90 3 120 A +90 3 121 I +90 3 122 E +90 3 123 E +90 3 124 * +90 3 125 I +90 3 126 I +90 3 127 E +90 3 128 Y +90 3 129 A +90 3 130 N +90 3 131 * +90 3 132 I +90 3 133 E +90 3 134 N +90 3 135 I +90 3 136 E +90 3 137 E +90 3 138 E +90 3 139 A +90 3 140 E +90 3 141 A +90 3 142 A +90 3 143 * +90 3 144 * +90 3 145 E +90 3 146 Y +90 3 147 E +90 3 148 I +90 3 149 E +90 3 150 * +90 3 151 I +90 3 152 * +90 3 153 E +90 3 154 N +90 3 155 N +90 3 156 E +90 3 157 * +90 3 158 A +90 3 159 Y +90 3 160 I +90 3 161 E +90 3 162 I +90 3 163 E +90 3 164 E +90 3 165 * +90 3 166 E +90 3 167 A +90 3 168 E +90 3 169 E +90 3 170 E +90 3 171 * +90 3 172 A +90 3 173 S +90 3 174 Y +90 3 175 A +90 3 176 I +90 3 177 A +90 3 178 E +90 3 179 I +90 3 180 E +90 3 181 Y +90 3 182 I +90 3 183 * +90 3 184 * +90 3 185 Y +90 3 186 E +90 3 187 Y +90 3 188 E +90 3 189 A +90 3 190 I +90 3 191 E +90 3 192 * +90 3 193 Y +90 3 194 I +90 3 195 E +90 3 196 A +90 3 197 * +90 3 198 N +90 3 199 A +90 3 200 E +90 3 201 I +90 3 202 E +90 3 203 I +90 3 204 N +90 3 205 * +90 3 206 A +90 3 207 I +90 3 208 Y +90 3 209 E +90 3 210 I +90 3 211 E +90 3 212 Y +90 3 213 A +90 3 214 Y +90 3 215 I +90 3 216 N +90 3 217 I +90 3 218 Y +90 3 219 K +90 3 220 E +90 3 221 K +90 3 222 * +90 3 223 E +90 3 224 A +90 3 225 Y +90 3 226 E +90 3 227 N +90 3 228 E +90 3 229 A +90 3 230 K +90 3 231 * +90 3 232 Y +90 3 233 E +90 3 234 E +90 3 235 E +90 3 236 Y +90 3 237 I +90 3 238 E +90 3 239 I +90 3 240 I +90 3 241 K +90 3 242 Y +90 3 243 I +90 3 244 K +90 3 245 I +90 3 246 E +90 3 247 * +90 3 248 E +90 3 249 E +90 3 250 * +90 3 251 E +90 3 252 A +90 3 253 E +90 3 254 E +90 3 255 N +90 3 256 I +90 3 257 E +90 3 258 Y +90 3 259 I +90 3 260 A +90 3 261 I +90 3 262 K +90 3 263 A +90 3 264 E +90 3 265 E +90 3 266 * +90 3 267 * +90 3 268 E +90 3 269 I +90 3 270 Y +90 3 271 E +90 3 272 K +90 3 273 * +90 3 274 K +90 3 275 Y +90 3 276 I +90 3 277 E +90 3 278 I +90 3 279 E +90 3 280 * +90 3 281 E +90 3 282 E +90 3 283 * +90 3 284 K +90 3 285 I +90 3 286 K +90 3 287 Y +90 3 288 I +90 3 289 E +90 3 290 A +90 3 291 E +90 3 292 I +90 3 293 K +90 3 294 K +90 3 295 * +90 3 296 * +90 3 297 Y +90 3 298 I +90 3 299 E +90 3 300 A +90 3 301 E +90 3 302 A +90 3 303 A +90 3 304 Y +90 3 305 I +90 3 306 E +90 3 307 E +90 3 308 * +90 3 309 N +90 3 310 E +90 3 311 E +90 3 312 N +90 3 313 E +90 3 314 A +90 3 315 E +90 3 316 E +90 3 317 I +90 3 318 I +90 3 319 K +90 3 320 * +90 3 321 I +90 3 322 E +90 3 323 E +90 3 324 A +90 3 325 * +90 3 326 Y +90 3 327 A +90 3 328 E +90 3 329 * +90 3 330 A +90 4 1 E +90 4 2 E +90 4 3 S +90 4 4 * +90 4 5 E +90 4 6 Y +90 4 7 E +90 4 8 I +90 4 9 S +90 4 10 N +90 4 11 N +90 4 12 Y +90 4 13 E +90 4 14 N +90 4 15 A +90 4 16 K +90 4 17 I +90 4 18 N +90 4 19 E +90 4 20 E +90 4 21 I +90 4 22 Y +90 4 23 A +90 4 24 A +90 4 25 E +90 4 26 N +90 4 27 K +90 4 28 S +90 4 29 E +90 4 30 Y +90 4 31 E +90 4 32 I +90 4 33 E +90 4 34 E +90 4 35 S +90 4 36 N +90 4 37 A +90 4 38 I +90 4 39 E +90 4 40 E +90 4 41 I +90 4 42 Y +90 4 43 N +90 4 44 K +90 4 45 E +90 4 46 A +90 4 47 N +90 4 48 Y +90 4 49 E +90 4 50 N +90 4 51 A +90 4 52 K +90 4 53 I +90 4 54 E +90 4 55 E +90 4 56 S +90 4 57 E +90 4 58 Y +90 4 59 A +90 4 60 N +90 4 61 I +90 4 62 A +90 4 63 S +90 4 64 E +90 4 65 I +90 4 66 A +90 4 67 E +90 4 68 S +90 4 69 N +90 4 70 A +90 4 71 I +90 4 72 E +90 4 73 N +90 4 74 A +90 4 75 N +90 4 76 S +90 4 77 E +90 4 78 A +90 4 79 N +90 4 80 E +90 4 81 Y +90 4 82 A +90 4 83 A +90 4 84 S +90 4 85 E +90 4 86 S +90 4 87 N +90 4 88 I +90 4 89 N +90 4 90 N +90 4 91 Y +90 4 92 A +90 4 93 E +90 4 94 N +90 4 95 A +90 4 96 Y +90 4 97 E +90 4 98 I +90 4 99 A +90 4 100 K +90 4 101 I +90 4 102 A +90 4 103 Y +90 4 104 E +90 4 105 I +90 4 106 Y +90 4 107 K +90 4 108 A +90 4 109 E +90 4 110 Y +90 4 111 N +90 4 112 I +90 4 113 N +90 4 114 E +90 4 115 I +90 4 116 A +90 4 117 N +90 4 118 S +90 4 119 E +90 4 120 K +90 4 121 S +90 4 122 E +90 4 123 E +90 4 124 Y +90 4 125 Y +90 4 126 I +90 4 127 E +90 4 128 Y +90 4 129 A +90 4 130 N +90 4 131 N +90 4 132 S +90 4 133 E +90 4 134 S +90 4 135 S +90 4 136 E +90 4 137 E +90 4 138 A +90 4 139 K +90 4 140 E +90 4 141 K +90 4 142 K +90 4 143 Y +90 4 144 N +90 4 145 E +90 4 146 Y +90 4 147 E +90 4 148 I +90 4 149 A +90 4 150 N +90 4 151 S +90 4 152 A +90 4 153 E +90 4 154 N +90 4 155 N +90 4 156 E +90 4 157 N +90 4 158 A +90 4 159 Y +90 4 160 A +90 4 161 E +90 4 162 I +90 4 163 E +90 4 164 E +90 4 165 N +90 4 166 N +90 4 167 A +90 4 168 E +90 4 169 E +90 4 170 N +90 4 171 N +90 4 172 K +90 4 173 S +90 4 174 Y +90 4 175 A +90 4 176 S +90 4 177 Y +90 4 178 E +90 4 179 S +90 4 180 E +90 4 181 Y +90 4 182 I +90 4 183 Y +90 4 184 E +90 4 185 Y +90 4 186 E +90 4 187 Y +90 4 188 E +90 4 189 A +90 4 190 S +90 4 191 E +90 4 192 E +90 4 193 Y +90 4 194 I +90 4 195 E +90 4 196 A +90 4 197 E +90 4 198 N +90 4 199 K +90 4 200 E +90 4 201 S +90 4 202 E +90 4 203 I +90 4 204 N +90 4 205 N +90 4 206 K +90 4 207 I +90 4 208 Y +90 4 209 E +90 4 210 S +90 4 211 E +90 4 212 Y +90 4 213 E +90 4 214 Y +90 4 215 S +90 4 216 N +90 4 217 S +90 4 218 Y +90 4 219 K +90 4 220 N +90 4 221 A +90 4 222 N +90 4 223 E +90 4 224 A +90 4 225 Y +90 4 226 E +90 4 227 N +90 4 228 N +90 4 229 E +90 4 230 K +90 4 231 S +90 4 232 Y +90 4 233 E +90 4 234 E +90 4 235 E +90 4 236 Y +90 4 237 S +90 4 238 E +90 4 239 S +90 4 240 I +90 4 241 A +90 4 242 Y +90 4 243 I +90 4 244 K +90 4 245 I +90 4 246 E +90 4 247 N +90 4 248 N +90 4 249 E +90 4 250 N +90 4 251 E +90 4 252 K +90 4 253 E +90 4 254 E +90 4 255 N +90 4 256 S +90 4 257 N +90 4 258 Y +90 4 259 I +90 4 260 Y +90 4 261 Y +90 4 262 K +90 4 263 A +90 4 264 E +90 4 265 E +90 4 266 I +90 4 267 N +90 4 268 E +90 4 269 S +90 4 270 Y +90 4 271 E +90 4 272 K +90 4 273 S +90 4 274 K +90 4 275 Y +90 4 276 I +90 4 277 E +90 4 278 S +90 4 279 N +90 4 280 E +90 4 281 E +90 4 282 Y +90 4 283 I +90 4 284 K +90 4 285 S +90 4 286 K +90 4 287 Y +90 4 288 I +90 4 289 E +90 4 290 K +90 4 291 E +90 4 292 S +90 4 293 A +90 4 294 K +90 4 295 Y +90 4 296 N +90 4 297 Y +90 4 298 I +90 4 299 E +90 4 300 N +90 4 301 E +90 4 302 S +90 4 303 A +90 4 304 Y +90 4 305 I +90 4 306 E +90 4 307 E +90 4 308 A +90 4 309 N +90 4 310 E +90 4 311 E +90 4 312 N +90 4 313 N +90 4 314 K +90 4 315 Y +90 4 316 E +90 4 317 I +90 4 318 S +90 4 319 A +90 4 320 Y +90 4 321 I +90 4 322 E +90 4 323 E +90 4 324 A +90 4 325 I +90 4 326 Y +90 4 327 A +90 4 328 E +90 4 329 S +90 4 330 A +90 5 1 E +90 5 2 K +90 5 3 S +90 5 4 N +90 5 5 A +90 5 6 A +90 5 7 Y +90 5 8 N +90 5 9 I +90 5 10 E +90 5 11 N +90 5 12 Y +90 5 13 I +90 5 14 N +90 5 15 K +90 5 16 K +90 5 17 S +90 5 18 N +90 5 19 E +90 5 20 Y +90 5 21 S +90 5 22 Y +90 5 23 E +90 5 24 I +90 5 25 S +90 5 26 E +90 5 27 K +90 5 28 E +90 5 29 K +90 5 30 I +90 5 31 K +90 5 32 E +90 5 33 Y +90 5 34 E +90 5 35 S +90 5 36 N +90 5 37 E +90 5 38 N +90 5 39 I +90 5 40 E +90 5 41 N +90 5 42 Y +90 5 43 E +90 5 44 K +90 5 45 S +90 5 46 S +90 5 47 N +90 5 48 Y +90 5 49 K +90 5 50 E +90 5 51 I +90 5 52 K +90 5 53 N +90 5 54 Y +90 5 55 A +90 5 56 K +90 5 57 N +90 5 58 Y +90 5 59 K +90 5 60 N +90 5 61 N +90 5 62 E +90 5 63 K +90 5 64 E +90 5 65 A +90 5 66 K +90 5 67 S +90 5 68 E +90 5 69 Y +90 5 70 K +90 5 71 N +90 5 72 I +90 5 73 E +90 5 74 K +90 5 75 I +90 5 76 Y +90 5 77 A +90 5 78 K +90 5 79 N +90 5 80 E +90 5 81 Y +90 5 82 A +90 5 83 Y +90 5 84 K +90 5 85 I +90 5 86 E +90 5 87 N +90 5 88 E +90 5 89 N +90 5 90 N +90 5 91 Y +90 5 92 K +90 5 93 E +90 5 94 N +90 5 95 K +90 5 96 Y +90 5 97 E +90 5 98 I +90 5 99 E +90 5 100 K +90 5 101 E +90 5 102 E +90 5 103 Y +90 5 104 E +90 5 105 E +90 5 106 Y +90 5 107 K +90 5 108 K +90 5 109 E +90 5 110 Y +90 5 111 I +90 5 112 N +90 5 113 I +90 5 114 N +90 5 115 N +90 5 116 K +90 5 117 I +90 5 118 S +90 5 119 A +90 5 120 K +90 5 121 Y +90 5 122 I +90 5 123 E +90 5 124 Y +90 5 125 Y +90 5 126 K +90 5 127 I +90 5 128 Y +90 5 129 K +90 5 130 I +90 5 131 E +90 5 132 I +90 5 133 I +90 5 134 N +90 5 135 E +90 5 136 K +90 5 137 I +90 5 138 E +90 5 139 K +90 5 140 E +90 5 141 K +90 5 142 K +90 5 143 Y +90 5 144 E +90 5 145 K +90 5 146 Y +90 5 147 S +90 5 148 I +90 5 149 Y +90 5 150 E +90 5 151 S +90 5 152 E +90 5 153 E +90 5 154 I +90 5 155 I +90 5 156 I +90 5 157 Y +90 5 158 K +90 5 159 Y +90 5 160 K +90 5 161 S +90 5 162 N +90 5 163 N +90 5 164 E +90 5 165 I +90 5 166 N +90 5 167 E +90 5 168 I +90 5 169 E +90 5 170 N +90 5 171 Y +90 5 172 K +90 5 173 S +90 5 174 Y +90 5 175 K +90 5 176 I +90 5 177 Y +90 5 178 E +90 5 179 N +90 5 180 S +90 5 181 Y +90 5 182 N +90 5 183 I +90 5 184 E +90 5 185 Y +90 5 186 A +90 5 187 Y +90 5 188 E +90 5 189 E +90 5 190 K +90 5 191 N +90 5 192 E +90 5 193 Y +90 5 194 N +90 5 195 Y +90 5 196 K +90 5 197 E +90 5 198 I +90 5 199 K +90 5 200 E +90 5 201 A +90 5 202 Y +90 5 203 E +90 5 204 N +90 5 205 E +90 5 206 K +90 5 207 E +90 5 208 Y +90 5 209 N +90 5 210 N +90 5 211 E +90 5 212 Y +90 5 213 E +90 5 214 Y +90 5 215 E +90 5 216 I +90 5 217 S +90 5 218 Y +90 5 219 K +90 5 220 E +90 5 221 K +90 5 222 E +90 5 223 I +90 5 224 K +90 5 225 Y +90 5 226 N +90 5 227 N +90 5 228 E +90 5 229 K +90 5 230 K +90 5 231 E +90 5 232 Y +90 5 233 E +90 5 234 I +90 5 235 E +90 5 236 Y +90 5 237 S +90 5 238 S +90 5 239 K +90 5 240 I +90 5 241 K +90 5 242 Y +90 5 243 N +90 5 244 K +90 5 245 I +90 5 246 S +90 5 247 E +90 5 248 I +90 5 249 I +90 5 250 E +90 5 251 Y +90 5 252 K +90 5 253 K +90 5 254 E +90 5 255 I +90 5 256 I +90 5 257 E +90 5 258 Y +90 5 259 I +90 5 260 Y +90 5 261 Y +90 5 262 K +90 5 263 S +90 5 264 K +90 5 265 I +90 5 266 I +90 5 267 E +90 5 268 Y +90 5 269 E +90 5 270 Y +90 5 271 I +90 5 272 K +90 5 273 E +90 5 274 K +90 5 275 Y +90 5 276 E +90 5 277 E +90 5 278 S +90 5 279 E +90 5 280 Y +90 5 281 I +90 5 282 Y +90 5 283 I +90 5 284 K +90 5 285 K +90 5 286 K +90 5 287 Y +90 5 288 I +90 5 289 S +90 5 290 K +90 5 291 E +90 5 292 K +90 5 293 K +90 5 294 K +90 5 295 I +90 5 296 E +90 5 297 Y +90 5 298 I +90 5 299 I +90 5 300 K +90 5 301 I +90 5 302 K +90 5 303 E +90 5 304 Y +90 5 305 N +90 5 306 Y +90 5 307 E +90 5 308 E +90 5 309 I +90 5 310 S +90 5 311 E +90 5 312 N +90 5 313 E +90 5 314 K +90 5 315 Y +90 5 316 S +90 5 317 E +90 5 318 I +90 5 319 K +90 5 320 Y +90 5 321 S +90 5 322 E +90 5 323 I +90 5 324 K +90 5 325 E +90 5 326 Y +90 5 327 K +90 5 328 I +90 5 329 I +90 5 330 K +90 6 1 E +90 6 2 E +90 6 3 I +90 6 4 E +90 6 5 E +90 6 6 Y +90 6 7 E +90 6 8 I +90 6 9 E +90 6 10 E +90 6 11 E +90 6 12 Y +90 6 13 E +90 6 14 N +90 6 15 Y +90 6 16 K +90 6 17 I +90 6 18 Y +90 6 19 E +90 6 20 Y +90 6 21 I +90 6 22 A +90 6 23 E +90 6 24 N +90 6 25 E +90 6 26 N +90 6 27 K +90 6 28 I +90 6 29 E +90 6 30 N +90 6 31 E +90 6 32 I +90 6 33 Y +90 6 34 E +90 6 35 S +90 6 36 E +90 6 37 E +90 6 38 I +90 6 39 E +90 6 40 E +90 6 41 I +90 6 42 Y +90 6 43 E +90 6 44 K +90 6 45 E +90 6 46 N +90 6 47 N +90 6 48 Y +90 6 49 E +90 6 50 E +90 6 51 N +90 6 52 K +90 6 53 I +90 6 54 E +90 6 55 E +90 6 56 Y +90 6 57 E +90 6 58 S +90 6 59 K +90 6 60 E +90 6 61 I +90 6 62 E +90 6 63 S +90 6 64 E +90 6 65 I +90 6 66 K +90 6 67 E +90 6 68 S +90 6 69 E +90 6 70 K +90 6 71 I +90 6 72 E +90 6 73 E +90 6 74 K +90 6 75 N +90 6 76 Y +90 6 77 E +90 6 78 S +90 6 79 N +90 6 80 E +90 6 81 Y +90 6 82 E +90 6 83 K +90 6 84 S +90 6 85 E +90 6 86 I +90 6 87 N +90 6 88 I +90 6 89 N +90 6 90 E +90 6 91 Y +90 6 92 K +90 6 93 E +90 6 94 N +90 6 95 K +90 6 96 Y +90 6 97 E +90 6 98 I +90 6 99 E +90 6 100 E +90 6 101 I +90 6 102 E +90 6 103 Y +90 6 104 E +90 6 105 I +90 6 106 Y +90 6 107 K +90 6 108 E +90 6 109 E +90 6 110 Y +90 6 111 E +90 6 112 I +90 6 113 N +90 6 114 E +90 6 115 I +90 6 116 E +90 6 117 E +90 6 118 S +90 6 119 E +90 6 120 K +90 6 121 I +90 6 122 E +90 6 123 E +90 6 124 Y +90 6 125 I +90 6 126 I +90 6 127 E +90 6 128 Y +90 6 129 K +90 6 130 N +90 6 131 I +90 6 132 I +90 6 133 E +90 6 134 E +90 6 135 I +90 6 136 E +90 6 137 E +90 6 138 E +90 6 139 K +90 6 140 E +90 6 141 K +90 6 142 K +90 6 143 Y +90 6 144 E +90 6 145 E +90 6 146 Y +90 6 147 E +90 6 148 I +90 6 149 E +90 6 150 E +90 6 151 Y +90 6 152 Y +90 6 153 E +90 6 154 N +90 6 155 N +90 6 156 E +90 6 157 E +90 6 158 K +90 6 159 Y +90 6 160 Y +90 6 161 E +90 6 162 I +90 6 163 E +90 6 164 E +90 6 165 E +90 6 166 E +90 6 167 E +90 6 168 E +90 6 169 E +90 6 170 E +90 6 171 E +90 6 172 K +90 6 173 I +90 6 174 Y +90 6 175 E +90 6 176 I +90 6 177 E +90 6 178 E +90 6 179 I +90 6 180 E +90 6 181 Y +90 6 182 I +90 6 183 E +90 6 184 E +90 6 185 Y +90 6 186 E +90 6 187 S +90 6 188 E +90 6 189 K +90 6 190 E +90 6 191 E +90 6 192 E +90 6 193 Y +90 6 194 I +90 6 195 E +90 6 196 K +90 6 197 E +90 6 198 N +90 6 199 K +90 6 200 E +90 6 201 I +90 6 202 E +90 6 203 I +90 6 204 N +90 6 205 E +90 6 206 K +90 6 207 I +90 6 208 Y +90 6 209 E +90 6 210 I +90 6 211 E +90 6 212 Y +90 6 213 E +90 6 214 Y +90 6 215 I +90 6 216 E +90 6 217 Y +90 6 218 Y +90 6 219 K +90 6 220 E +90 6 221 K +90 6 222 E +90 6 223 E +90 6 224 K +90 6 225 Y +90 6 226 E +90 6 227 N +90 6 228 E +90 6 229 E +90 6 230 K +90 6 231 I +90 6 232 E +90 6 233 E +90 6 234 E +90 6 235 E +90 6 236 Y +90 6 237 S +90 6 238 E +90 6 239 S +90 6 240 Y +90 6 241 K +90 6 242 Y +90 6 243 I +90 6 244 K +90 6 245 I +90 6 246 E +90 6 247 E +90 6 248 N +90 6 249 E +90 6 250 E +90 6 251 Y +90 6 252 K +90 6 253 E +90 6 254 E +90 6 255 N +90 6 256 I +90 6 257 E +90 6 258 Y +90 6 259 I +90 6 260 Y +90 6 261 I +90 6 262 K +90 6 263 K +90 6 264 E +90 6 265 E +90 6 266 I +90 6 267 I +90 6 268 E +90 6 269 I +90 6 270 Y +90 6 271 E +90 6 272 K +90 6 273 E +90 6 274 K +90 6 275 Y +90 6 276 I +90 6 277 E +90 6 278 Y +90 6 279 E +90 6 280 Y +90 6 281 E +90 6 282 E +90 6 283 N +90 6 284 K +90 6 285 S +90 6 286 K +90 6 287 N +90 6 288 I +90 6 289 E +90 6 290 K +90 6 291 E +90 6 292 I +90 6 293 K +90 6 294 K +90 6 295 N +90 6 296 E +90 6 297 Y +90 6 298 I +90 6 299 E +90 6 300 K +90 6 301 E +90 6 302 K +90 6 303 E +90 6 304 Y +90 6 305 I +90 6 306 Y +90 6 307 E +90 6 308 E +90 6 309 N +90 6 310 E +90 6 311 E +90 6 312 N +90 6 313 E +90 6 314 K +90 6 315 Y +90 6 316 E +90 6 317 I +90 6 318 S +90 6 319 K +90 6 320 E +90 6 321 I +90 6 322 E +90 6 323 E +90 6 324 K +90 6 325 I +90 6 326 Y +90 6 327 K +90 6 328 E +90 6 329 S +90 6 330 K +90 7 1 N +90 7 2 E +90 7 3 I +90 7 4 E +90 7 5 Y +90 7 6 Y +90 7 7 Y +90 7 8 I +90 7 9 N +90 7 10 N +90 7 11 N +90 7 12 Y +90 7 13 N +90 7 14 N +90 7 15 K +90 7 16 K +90 7 17 I +90 7 18 N +90 7 19 E +90 7 20 E +90 7 21 I +90 7 22 Y +90 7 23 E +90 7 24 N +90 7 25 N +90 7 26 N +90 7 27 K +90 7 28 I +90 7 29 Y +90 7 30 E +90 7 31 K +90 7 32 Y +90 7 33 Y +90 7 34 E +90 7 35 I +90 7 36 N +90 7 37 E +90 7 38 I +90 7 39 Y +90 7 40 Y +90 7 41 I +90 7 42 E +90 7 43 N +90 7 44 K +90 7 45 Y +90 7 46 E +90 7 47 N +90 7 48 Y +90 7 49 E +90 7 50 E +90 7 51 N +90 7 52 K +90 7 53 I +90 7 54 Y +90 7 55 E +90 7 56 Y +90 7 57 N +90 7 58 E +90 7 59 K +90 7 60 N +90 7 61 I +90 7 62 E +90 7 63 I +90 7 64 Y +90 7 65 I +90 7 66 N +90 7 67 Y +90 7 68 I +90 7 69 N +90 7 70 K +90 7 71 E +90 7 72 E +90 7 73 E +90 7 74 K +90 7 75 N +90 7 76 I +90 7 77 I +90 7 78 E +90 7 79 N +90 7 80 E +90 7 81 E +90 7 82 E +90 7 83 K +90 7 84 Y +90 7 85 E +90 7 86 I +90 7 87 N +90 7 88 I +90 7 89 N +90 7 90 N +90 7 91 E +90 7 92 N +90 7 93 N +90 7 94 N +90 7 95 K +90 7 96 Y +90 7 97 E +90 7 98 I +90 7 99 E +90 7 100 K +90 7 101 I +90 7 102 E +90 7 103 N +90 7 104 E +90 7 105 Y +90 7 106 K +90 7 107 K +90 7 108 K +90 7 109 Y +90 7 110 Y +90 7 111 N +90 7 112 I +90 7 113 N +90 7 114 N +90 7 115 I +90 7 116 K +90 7 117 N +90 7 118 E +90 7 119 E +90 7 120 N +90 7 121 I +90 7 122 E +90 7 123 E +90 7 124 Y +90 7 125 I +90 7 126 E +90 7 127 N +90 7 128 Y +90 7 129 K +90 7 130 N +90 7 131 E +90 7 132 I +90 7 133 Y +90 7 134 N +90 7 135 I +90 7 136 Y +90 7 137 E +90 7 138 E +90 7 139 K +90 7 140 Y +90 7 141 K +90 7 142 K +90 7 143 Y +90 7 144 E +90 7 145 Y +90 7 146 E +90 7 147 Y +90 7 148 I +90 7 149 Y +90 7 150 E +90 7 151 E +90 7 152 Y +90 7 153 E +90 7 154 N +90 7 155 N +90 7 156 Y +90 7 157 E +90 7 158 N +90 7 159 E +90 7 160 E +90 7 161 Y +90 7 162 I +90 7 163 E +90 7 164 E +90 7 165 N +90 7 166 N +90 7 167 E +90 7 168 Y +90 7 169 E +90 7 170 N +90 7 171 E +90 7 172 K +90 7 173 I +90 7 174 Y +90 7 175 E +90 7 176 I +90 7 177 Y +90 7 178 E +90 7 179 N +90 7 180 Y +90 7 181 Y +90 7 182 E +90 7 183 E +90 7 184 Y +90 7 185 Y +90 7 186 K +90 7 187 Y +90 7 188 E +90 7 189 K +90 7 190 E +90 7 191 Y +90 7 192 Y +90 7 193 Y +90 7 194 N +90 7 195 E +90 7 196 E +90 7 197 E +90 7 198 N +90 7 199 K +90 7 200 E +90 7 201 Y +90 7 202 Y +90 7 203 I +90 7 204 Y +90 7 205 E +90 7 206 K +90 7 207 I +90 7 208 E +90 7 209 Y +90 7 210 E +90 7 211 E +90 7 212 Y +90 7 213 K +90 7 214 Y +90 7 215 E +90 7 216 N +90 7 217 E +90 7 218 Y +90 7 219 K +90 7 220 E +90 7 221 E +90 7 222 E +90 7 223 Y +90 7 224 K +90 7 225 E +90 7 226 E +90 7 227 N +90 7 228 N +90 7 229 E +90 7 230 K +90 7 231 Y +90 7 232 N +90 7 233 E +90 7 234 Y +90 7 235 E +90 7 236 Y +90 7 237 E +90 7 238 Y +90 7 239 Y +90 7 240 N +90 7 241 K +90 7 242 E +90 7 243 I +90 7 244 K +90 7 245 I +90 7 246 Y +90 7 247 E +90 7 248 N +90 7 249 N +90 7 250 E +90 7 251 E +90 7 252 K +90 7 253 Y +90 7 254 E +90 7 255 N +90 7 256 I +90 7 257 E +90 7 258 Y +90 7 259 I +90 7 260 K +90 7 261 Y +90 7 262 K +90 7 263 E +90 7 264 K +90 7 265 Y +90 7 266 E +90 7 267 I +90 7 268 Y +90 7 269 E +90 7 270 E +90 7 271 N +90 7 272 K +90 7 273 E +90 7 274 K +90 7 275 Y +90 7 276 I +90 7 277 E +90 7 278 Y +90 7 279 E +90 7 280 Y +90 7 281 Y +90 7 282 Y +90 7 283 N +90 7 284 K +90 7 285 Y +90 7 286 K +90 7 287 E +90 7 288 I +90 7 289 E +90 7 290 K +90 7 291 E +90 7 292 Y +90 7 293 K +90 7 294 K +90 7 295 Y +90 7 296 E +90 7 297 Y +90 7 298 I +90 7 299 E +90 7 300 K +90 7 301 Y +90 7 302 K +90 7 303 K +90 7 304 Y +90 7 305 I +90 7 306 Y +90 7 307 E +90 7 308 E +90 7 309 N +90 7 310 Y +90 7 311 E +90 7 312 N +90 7 313 E +90 7 314 K +90 7 315 Y +90 7 316 Y +90 7 317 I +90 7 318 E +90 7 319 K +90 7 320 Y +90 7 321 I +90 7 322 E +90 7 323 Y +90 7 324 K +90 7 325 I +90 7 326 Y +90 7 327 K +90 7 328 Y +90 7 329 E +90 7 330 K +90 8 1 E +90 8 2 A +90 8 3 I +90 8 4 N +90 8 5 E +90 8 6 I +90 8 7 E +90 8 8 I +90 8 9 N +90 8 10 N +90 8 11 N +90 8 12 Y +90 8 13 E +90 8 14 E +90 8 15 K +90 8 16 K +90 8 17 S +90 8 18 N +90 8 19 E +90 8 20 E +90 8 21 S +90 8 22 Y +90 8 23 E +90 8 24 N +90 8 25 E +90 8 26 E +90 8 27 K +90 8 28 I +90 8 29 E +90 8 30 S +90 8 31 E +90 8 32 I +90 8 33 E +90 8 34 E +90 8 35 I +90 8 36 N +90 8 37 K +90 8 38 I +90 8 39 E +90 8 40 E +90 8 41 I +90 8 42 Y +90 8 43 E +90 8 44 K +90 8 45 E +90 8 46 N +90 8 47 N +90 8 48 Y +90 8 49 E +90 8 50 E +90 8 51 S +90 8 52 K +90 8 53 I +90 8 54 E +90 8 55 E +90 8 56 A +90 8 57 E +90 8 58 Y +90 8 59 K +90 8 60 N +90 8 61 I +90 8 62 E +90 8 63 S +90 8 64 E +90 8 65 I +90 8 66 K +90 8 67 E +90 8 68 I +90 8 69 E +90 8 70 K +90 8 71 I +90 8 72 E +90 8 73 E +90 8 74 K +90 8 75 E +90 8 76 S +90 8 77 E +90 8 78 K +90 8 79 N +90 8 80 E +90 8 81 E +90 8 82 E +90 8 83 Y +90 8 84 K +90 8 85 E +90 8 86 I +90 8 87 N +90 8 88 E +90 8 89 N +90 8 90 E +90 8 91 Y +90 8 92 A +90 8 93 E +90 8 94 N +90 8 95 K +90 8 96 Y +90 8 97 E +90 8 98 I +90 8 99 E +90 8 100 E +90 8 101 I +90 8 102 K +90 8 103 E +90 8 104 K +90 8 105 E +90 8 106 Y +90 8 107 K +90 8 108 K +90 8 109 E +90 8 110 Y +90 8 111 N +90 8 112 I +90 8 113 N +90 8 114 E +90 8 115 I +90 8 116 K +90 8 117 N +90 8 118 I +90 8 119 E +90 8 120 K +90 8 121 Y +90 8 122 E +90 8 123 E +90 8 124 Y +90 8 125 Y +90 8 126 I +90 8 127 E +90 8 128 E +90 8 129 K +90 8 130 N +90 8 131 E +90 8 132 Y +90 8 133 E +90 8 134 N +90 8 135 E +90 8 136 E +90 8 137 E +90 8 138 E +90 8 139 K +90 8 140 E +90 8 141 K +90 8 142 K +90 8 143 E +90 8 144 N +90 8 145 E +90 8 146 S +90 8 147 E +90 8 148 I +90 8 149 E +90 8 150 E +90 8 151 S +90 8 152 E +90 8 153 E +90 8 154 A +90 8 155 N +90 8 156 E +90 8 157 S +90 8 158 A +90 8 159 Y +90 8 160 S +90 8 161 E +90 8 162 I +90 8 163 E +90 8 164 E +90 8 165 E +90 8 166 E +90 8 167 E +90 8 168 E +90 8 169 E +90 8 170 E +90 8 171 E +90 8 172 E +90 8 173 S +90 8 174 Y +90 8 175 E +90 8 176 I +90 8 177 E +90 8 178 E +90 8 179 I +90 8 180 E +90 8 181 Y +90 8 182 E +90 8 183 S +90 8 184 E +90 8 185 Y +90 8 186 E +90 8 187 Y +90 8 188 E +90 8 189 E +90 8 190 S +90 8 191 E +90 8 192 E +90 8 193 Y +90 8 194 E +90 8 195 E +90 8 196 E +90 8 197 E +90 8 198 N +90 8 199 A +90 8 200 E +90 8 201 Y +90 8 202 E +90 8 203 E +90 8 204 N +90 8 205 E +90 8 206 K +90 8 207 I +90 8 208 Y +90 8 209 E +90 8 210 S +90 8 211 E +90 8 212 Y +90 8 213 E +90 8 214 Y +90 8 215 Y +90 8 216 E +90 8 217 S +90 8 218 Y +90 8 219 K +90 8 220 K +90 8 221 K +90 8 222 E +90 8 223 E +90 8 224 K +90 8 225 Y +90 8 226 E +90 8 227 N +90 8 228 N +90 8 229 K +90 8 230 K +90 8 231 E +90 8 232 E +90 8 233 E +90 8 234 E +90 8 235 E +90 8 236 E +90 8 237 S +90 8 238 E +90 8 239 I +90 8 240 Y +90 8 241 K +90 8 242 Y +90 8 243 I +90 8 244 K +90 8 245 I +90 8 246 E +90 8 247 A +90 8 248 E +90 8 249 K +90 8 250 E +90 8 251 E +90 8 252 K +90 8 253 E +90 8 254 E +90 8 255 N +90 8 256 I +90 8 257 E +90 8 258 Y +90 8 259 S +90 8 260 Y +90 8 261 I +90 8 262 K +90 8 263 A +90 8 264 E +90 8 265 E +90 8 266 Y +90 8 267 E +90 8 268 E +90 8 269 A +90 8 270 S +90 8 271 E +90 8 272 K +90 8 273 E +90 8 274 A +90 8 275 S +90 8 276 I +90 8 277 E +90 8 278 E +90 8 279 E +90 8 280 E +90 8 281 E +90 8 282 E +90 8 283 N +90 8 284 K +90 8 285 I +90 8 286 K +90 8 287 S +90 8 288 I +90 8 289 E +90 8 290 A +90 8 291 E +90 8 292 Y +90 8 293 A +90 8 294 K +90 8 295 S +90 8 296 E +90 8 297 Y +90 8 298 I +90 8 299 E +90 8 300 K +90 8 301 E +90 8 302 K +90 8 303 K +90 8 304 E +90 8 305 E +90 8 306 Y +90 8 307 E +90 8 308 E +90 8 309 E +90 8 310 E +90 8 311 E +90 8 312 N +90 8 313 E +90 8 314 S +90 8 315 E +90 8 316 E +90 8 317 I +90 8 318 Y +90 8 319 K +90 8 320 E +90 8 321 S +90 8 322 E +90 8 323 E +90 8 324 K +90 8 325 E +90 8 326 Y +90 8 327 K +90 8 328 E +90 8 329 S +90 8 330 A +90 9 1 E +90 9 2 Y +90 9 3 I +90 9 4 N +90 9 5 E +90 9 6 Y +90 9 7 E +90 9 8 I +90 9 9 E +90 9 10 N +90 9 11 E +90 9 12 Y +90 9 13 E +90 9 14 N +90 9 15 Y +90 9 16 K +90 9 17 I +90 9 18 N +90 9 19 E +90 9 20 Y +90 9 21 I +90 9 22 Y +90 9 23 E +90 9 24 N +90 9 25 E +90 9 26 N +90 9 27 K +90 9 28 I +90 9 29 E +90 9 30 Y +90 9 31 E +90 9 32 E +90 9 33 Y +90 9 34 E +90 9 35 I +90 9 36 N +90 9 37 E +90 9 38 I +90 9 39 Y +90 9 40 E +90 9 41 I +90 9 42 Y +90 9 43 N +90 9 44 K +90 9 45 E +90 9 46 N +90 9 47 N +90 9 48 Y +90 9 49 E +90 9 50 N +90 9 51 Y +90 9 52 K +90 9 53 I +90 9 54 Y +90 9 55 E +90 9 56 Y +90 9 57 E +90 9 58 Y +90 9 59 K +90 9 60 N +90 9 61 I +90 9 62 E +90 9 63 Y +90 9 64 E +90 9 65 I +90 9 66 K +90 9 67 E +90 9 68 I +90 9 69 Y +90 9 70 K +90 9 71 E +90 9 72 E +90 9 73 Y +90 9 74 K +90 9 75 N +90 9 76 Y +90 9 77 E +90 9 78 K +90 9 79 N +90 9 80 E +90 9 81 Y +90 9 82 E +90 9 83 Y +90 9 84 E +90 9 85 E +90 9 86 Y +90 9 87 N +90 9 88 E +90 9 89 N +90 9 90 N +90 9 91 Y +90 9 92 K +90 9 93 E +90 9 94 N +90 9 95 Y +90 9 96 Y +90 9 97 E +90 9 98 I +90 9 99 E +90 9 100 Y +90 9 101 I +90 9 102 E +90 9 103 Y +90 9 104 E +90 9 105 I +90 9 106 Y +90 9 107 K +90 9 108 K +90 9 109 E +90 9 110 Y +90 9 111 N +90 9 112 I +90 9 113 N +90 9 114 E +90 9 115 I +90 9 116 K +90 9 117 E +90 9 118 Y +90 9 119 E +90 9 120 K +90 9 121 Y +90 9 122 E +90 9 123 E +90 9 124 Y +90 9 125 Y +90 9 126 E +90 9 127 N +90 9 128 Y +90 9 129 K +90 9 130 N +90 9 131 I +90 9 132 I +90 9 133 E +90 9 134 I +90 9 135 I +90 9 136 E +90 9 137 N +90 9 138 E +90 9 139 K +90 9 140 N +90 9 141 K +90 9 142 K +90 9 143 Y +90 9 144 N +90 9 145 Y +90 9 146 Y +90 9 147 E +90 9 148 I +90 9 149 Y +90 9 150 N +90 9 151 E +90 9 152 I +90 9 153 E +90 9 154 N +90 9 155 N +90 9 156 E +90 9 157 N +90 9 158 K +90 9 159 Y +90 9 160 I +90 9 161 Y +90 9 162 I +90 9 163 E +90 9 164 E +90 9 165 N +90 9 166 N +90 9 167 K +90 9 168 E +90 9 169 E +90 9 170 N +90 9 171 Y +90 9 172 K +90 9 173 I +90 9 174 Y +90 9 175 E +90 9 176 I +90 9 177 Y +90 9 178 N +90 9 179 E +90 9 180 Y +90 9 181 Y +90 9 182 E +90 9 183 Y +90 9 184 I +90 9 185 Y +90 9 186 E +90 9 187 Y +90 9 188 E +90 9 189 K +90 9 190 I +90 9 191 E +90 9 192 E +90 9 193 Y +90 9 194 N +90 9 195 Y +90 9 196 Y +90 9 197 E +90 9 198 N +90 9 199 K +90 9 200 E +90 9 201 K +90 9 202 Y +90 9 203 I +90 9 204 N +90 9 205 E +90 9 206 K +90 9 207 I +90 9 208 Y +90 9 209 E +90 9 210 E +90 9 211 E +90 9 212 Y +90 9 213 K +90 9 214 Y +90 9 215 I +90 9 216 N +90 9 217 E +90 9 218 Y +90 9 219 K +90 9 220 E +90 9 221 Y +90 9 222 E +90 9 223 Y +90 9 224 K +90 9 225 Y +90 9 226 N +90 9 227 N +90 9 228 E +90 9 229 Y +90 9 230 K +90 9 231 I +90 9 232 N +90 9 233 N +90 9 234 E +90 9 235 N +90 9 236 Y +90 9 237 Y +90 9 238 E +90 9 239 K +90 9 240 E +90 9 241 K +90 9 242 Y +90 9 243 I +90 9 244 K +90 9 245 I +90 9 246 Y +90 9 247 E +90 9 248 N +90 9 249 E +90 9 250 N +90 9 251 Y +90 9 252 K +90 9 253 E +90 9 254 E +90 9 255 N +90 9 256 I +90 9 257 N +90 9 258 Y +90 9 259 I +90 9 260 Y +90 9 261 I +90 9 262 K +90 9 263 N +90 9 264 E +90 9 265 E +90 9 266 Y +90 9 267 N +90 9 268 Y +90 9 269 I +90 9 270 Y +90 9 271 N +90 9 272 K +90 9 273 I +90 9 274 K +90 9 275 Y +90 9 276 I +90 9 277 N +90 9 278 I +90 9 279 N +90 9 280 E +90 9 281 E +90 9 282 Y +90 9 283 I +90 9 284 K +90 9 285 I +90 9 286 K +90 9 287 Y +90 9 288 I +90 9 289 E +90 9 290 K +90 9 291 E +90 9 292 Y +90 9 293 Y +90 9 294 K +90 9 295 N +90 9 296 N +90 9 297 Y +90 9 298 I +90 9 299 E +90 9 300 K +90 9 301 E +90 9 302 K +90 9 303 K +90 9 304 Y +90 9 305 N +90 9 306 Y +90 9 307 E +90 9 308 I +90 9 309 N +90 9 310 Y +90 9 311 N +90 9 312 N +90 9 313 N +90 9 314 K +90 9 315 Y +90 9 316 Y +90 9 317 I +90 9 318 Y +90 9 319 K +90 9 320 N +90 9 321 I +90 9 322 K +90 9 323 E +90 9 324 K +90 9 325 I +90 9 326 Y +90 9 327 K +90 9 328 N +90 9 329 Y +90 9 330 K +90 10 1 E +90 10 2 A +90 10 3 S +90 10 4 N +90 10 5 E +90 10 6 Y +90 10 7 E +90 10 8 I +90 10 9 Y +90 10 10 E +90 10 11 N +90 10 12 Y +90 10 13 E +90 10 14 N +90 10 15 S +90 10 16 K +90 10 17 S +90 10 18 N +90 10 19 E +90 10 20 E +90 10 21 I +90 10 22 Y +90 10 23 E +90 10 24 N +90 10 25 E +90 10 26 E +90 10 27 K +90 10 28 I +90 10 29 E +90 10 30 I +90 10 31 E +90 10 32 S +90 10 33 E +90 10 34 E +90 10 35 S +90 10 36 N +90 10 37 E +90 10 38 I +90 10 39 E +90 10 40 E +90 10 41 I +90 10 42 Y +90 10 43 E +90 10 44 A +90 10 45 E +90 10 46 N +90 10 47 N +90 10 48 Y +90 10 49 E +90 10 50 N +90 10 51 N +90 10 52 A +90 10 53 I +90 10 54 E +90 10 55 E +90 10 56 A +90 10 57 E +90 10 58 Y +90 10 59 A +90 10 60 N +90 10 61 I +90 10 62 N +90 10 63 S +90 10 64 E +90 10 65 I +90 10 66 K +90 10 67 E +90 10 68 I +90 10 69 N +90 10 70 A +90 10 71 S +90 10 72 E +90 10 73 E +90 10 74 E +90 10 75 N +90 10 76 S +90 10 77 E +90 10 78 A +90 10 79 N +90 10 80 E +90 10 81 Y +90 10 82 E +90 10 83 Y +90 10 84 I +90 10 85 E +90 10 86 S +90 10 87 N +90 10 88 E +90 10 89 N +90 10 90 E +90 10 91 Y +90 10 92 A +90 10 93 E +90 10 94 N +90 10 95 A +90 10 96 Y +90 10 97 E +90 10 98 I +90 10 99 A +90 10 100 E +90 10 101 S +90 10 102 A +90 10 103 N +90 10 104 E +90 10 105 S +90 10 106 Y +90 10 107 K +90 10 108 A +90 10 109 E +90 10 110 Y +90 10 111 N +90 10 112 I +90 10 113 N +90 10 114 E +90 10 115 I +90 10 116 E +90 10 117 N +90 10 118 S +90 10 119 E +90 10 120 K +90 10 121 I +90 10 122 E +90 10 123 E +90 10 124 Y +90 10 125 S +90 10 126 I +90 10 127 N +90 10 128 Y +90 10 129 A +90 10 130 N +90 10 131 E +90 10 132 S +90 10 133 E +90 10 134 N +90 10 135 S +90 10 136 E +90 10 137 E +90 10 138 E +90 10 139 A +90 10 140 E +90 10 141 K +90 10 142 A +90 10 143 Y +90 10 144 E +90 10 145 E +90 10 146 Y +90 10 147 E +90 10 148 I +90 10 149 A +90 10 150 N +90 10 151 S +90 10 152 S +90 10 153 E +90 10 154 N +90 10 155 N +90 10 156 E +90 10 157 N +90 10 158 K +90 10 159 Y +90 10 160 S +90 10 161 E +90 10 162 I +90 10 163 E +90 10 164 E +90 10 165 N +90 10 166 E +90 10 167 A +90 10 168 E +90 10 169 E +90 10 170 N +90 10 171 Y +90 10 172 K +90 10 173 I +90 10 174 Y +90 10 175 A +90 10 176 S +90 10 177 Y +90 10 178 E +90 10 179 S +90 10 180 E +90 10 181 Y +90 10 182 N +90 10 183 Y +90 10 184 E +90 10 185 Y +90 10 186 E +90 10 187 Y +90 10 188 E +90 10 189 A +90 10 190 S +90 10 191 E +90 10 192 E +90 10 193 Y +90 10 194 S +90 10 195 E +90 10 196 E +90 10 197 A +90 10 198 N +90 10 199 K +90 10 200 E +90 10 201 S +90 10 202 E +90 10 203 S +90 10 204 N +90 10 205 E +90 10 206 A +90 10 207 I +90 10 208 Y +90 10 209 N +90 10 210 S +90 10 211 E +90 10 212 Y +90 10 213 A +90 10 214 Y +90 10 215 A +90 10 216 N +90 10 217 S +90 10 218 Y +90 10 219 A +90 10 220 E +90 10 221 A +90 10 222 E +90 10 223 E +90 10 224 A +90 10 225 Y +90 10 226 E +90 10 227 N +90 10 228 E +90 10 229 E +90 10 230 A +90 10 231 E +90 10 232 N +90 10 233 E +90 10 234 E +90 10 235 E +90 10 236 Y +90 10 237 S +90 10 238 E +90 10 239 S +90 10 240 S +90 10 241 K +90 10 242 Y +90 10 243 S +90 10 244 A +90 10 245 I +90 10 246 E +90 10 247 E +90 10 248 N +90 10 249 E +90 10 250 E +90 10 251 E +90 10 252 A +90 10 253 E +90 10 254 E +90 10 255 N +90 10 256 I +90 10 257 E +90 10 258 Y +90 10 259 S +90 10 260 Y +90 10 261 S +90 10 262 K +90 10 263 A +90 10 264 E +90 10 265 E +90 10 266 S +90 10 267 E +90 10 268 E +90 10 269 S +90 10 270 Y +90 10 271 N +90 10 272 K +90 10 273 E +90 10 274 K +90 10 275 Y +90 10 276 S +90 10 277 E +90 10 278 S +90 10 279 E +90 10 280 E +90 10 281 E +90 10 282 E +90 10 283 Y +90 10 284 A +90 10 285 S +90 10 286 K +90 10 287 Y +90 10 288 I +90 10 289 E +90 10 290 A +90 10 291 E +90 10 292 I +90 10 293 A +90 10 294 A +90 10 295 N +90 10 296 E +90 10 297 Y +90 10 298 I +90 10 299 E +90 10 300 A +90 10 301 E +90 10 302 A +90 10 303 E +90 10 304 Y +90 10 305 N +90 10 306 E +90 10 307 E +90 10 308 E +90 10 309 N +90 10 310 E +90 10 311 E +90 10 312 N +90 10 313 E +90 10 314 A +90 10 315 E +90 10 316 E +90 10 317 S +90 10 318 Y +90 10 319 K +90 10 320 Y +90 10 321 I +90 10 322 E +90 10 323 E +90 10 324 A +90 10 325 E +90 10 326 Y +90 10 327 A +90 10 328 E +90 10 329 S +90 10 330 A +90 11 1 E +90 11 2 E +90 11 3 I +90 11 4 E +90 11 5 E +90 11 6 A +90 11 7 E +90 11 8 I +90 11 9 N +90 11 10 N +90 11 11 E +90 11 12 Y +90 11 13 E +90 11 14 N +90 11 15 A +90 11 16 K +90 11 17 S +90 11 18 N +90 11 19 E +90 11 20 E +90 11 21 I +90 11 22 Y +90 11 23 E +90 11 24 N +90 11 25 E +90 11 26 N +90 11 27 K +90 11 28 I +90 11 29 E +90 11 30 Y +90 11 31 E +90 11 32 I +90 11 33 E +90 11 34 E +90 11 35 Y +90 11 36 N +90 11 37 N +90 11 38 I +90 11 39 E +90 11 40 E +90 11 41 I +90 11 42 Y +90 11 43 N +90 11 44 K +90 11 45 E +90 11 46 N +90 11 47 N +90 11 48 Y +90 11 49 E +90 11 50 N +90 11 51 N +90 11 52 K +90 11 53 I +90 11 54 E +90 11 55 E +90 11 56 Y +90 11 57 N +90 11 58 Y +90 11 59 K +90 11 60 N +90 11 61 I +90 11 62 E +90 11 63 I +90 11 64 N +90 11 65 I +90 11 66 K +90 11 67 E +90 11 68 I +90 11 69 N +90 11 70 K +90 11 71 N +90 11 72 E +90 11 73 I +90 11 74 K +90 11 75 N +90 11 76 Y +90 11 77 E +90 11 78 I +90 11 79 N +90 11 80 E +90 11 81 E +90 11 82 E +90 11 83 K +90 11 84 Y +90 11 85 E +90 11 86 I +90 11 87 N +90 11 88 I +90 11 89 N +90 11 90 N +90 11 91 Y +90 11 92 K +90 11 93 E +90 11 94 N +90 11 95 K +90 11 96 Y +90 11 97 E +90 11 98 I +90 11 99 E +90 11 100 E +90 11 101 I +90 11 102 K +90 11 103 E +90 11 104 E +90 11 105 I +90 11 106 Y +90 11 107 K +90 11 108 K +90 11 109 E +90 11 110 Y +90 11 111 N +90 11 112 I +90 11 113 N +90 11 114 E +90 11 115 I +90 11 116 K +90 11 117 N +90 11 118 I +90 11 119 E +90 11 120 K +90 11 121 I +90 11 122 E +90 11 123 E +90 11 124 Y +90 11 125 I +90 11 126 I +90 11 127 E +90 11 128 Y +90 11 129 K +90 11 130 N +90 11 131 E +90 11 132 I +90 11 133 N +90 11 134 N +90 11 135 I +90 11 136 E +90 11 137 E +90 11 138 K +90 11 139 K +90 11 140 N +90 11 141 K +90 11 142 K +90 11 143 E +90 11 144 N +90 11 145 E +90 11 146 Y +90 11 147 E +90 11 148 I +90 11 149 E +90 11 150 N +90 11 151 I +90 11 152 I +90 11 153 E +90 11 154 N +90 11 155 N +90 11 156 E +90 11 157 Y +90 11 158 K +90 11 159 Y +90 11 160 I +90 11 161 E +90 11 162 I +90 11 163 E +90 11 164 E +90 11 165 N +90 11 166 N +90 11 167 E +90 11 168 N +90 11 169 E +90 11 170 N +90 11 171 N +90 11 172 K +90 11 173 I +90 11 174 Y +90 11 175 E +90 11 176 I +90 11 177 Y +90 11 178 N +90 11 179 I +90 11 180 E +90 11 181 Y +90 11 182 I +90 11 183 E +90 11 184 I +90 11 185 Y +90 11 186 E +90 11 187 Y +90 11 188 E +90 11 189 K +90 11 190 I +90 11 191 E +90 11 192 I +90 11 193 Y +90 11 194 I +90 11 195 E +90 11 196 E +90 11 197 I +90 11 198 N +90 11 199 K +90 11 200 E +90 11 201 I +90 11 202 E +90 11 203 I +90 11 204 N +90 11 205 E +90 11 206 K +90 11 207 I +90 11 208 Y +90 11 209 N +90 11 210 I +90 11 211 E +90 11 212 Y +90 11 213 K +90 11 214 Y +90 11 215 I +90 11 216 N +90 11 217 I +90 11 218 E +90 11 219 K +90 11 220 N +90 11 221 K +90 11 222 E +90 11 223 E +90 11 224 K +90 11 225 Y +90 11 226 N +90 11 227 N +90 11 228 N +90 11 229 E +90 11 230 K +90 11 231 I +90 11 232 N +90 11 233 N +90 11 234 E +90 11 235 E +90 11 236 Y +90 11 237 Y +90 11 238 E +90 11 239 I +90 11 240 I +90 11 241 K +90 11 242 Y +90 11 243 I +90 11 244 K +90 11 245 I +90 11 246 E +90 11 247 E +90 11 248 N +90 11 249 N +90 11 250 I +90 11 251 E +90 11 252 K +90 11 253 E +90 11 254 E +90 11 255 N +90 11 256 I +90 11 257 N +90 11 258 Y +90 11 259 I +90 11 260 K +90 11 261 I +90 11 262 K +90 11 263 K +90 11 264 K +90 11 265 N +90 11 266 I +90 11 267 I +90 11 268 E +90 11 269 I +90 11 270 Y +90 11 271 N +90 11 272 K +90 11 273 I +90 11 274 K +90 11 275 Y +90 11 276 I +90 11 277 N +90 11 278 Y +90 11 279 N +90 11 280 E +90 11 281 E +90 11 282 E +90 11 283 N +90 11 284 K +90 11 285 I +90 11 286 K +90 11 287 Y +90 11 288 I +90 11 289 E +90 11 290 K +90 11 291 E +90 11 292 I +90 11 293 K +90 11 294 K +90 11 295 N +90 11 296 N +90 11 297 Y +90 11 298 I +90 11 299 E +90 11 300 K +90 11 301 E +90 11 302 K +90 11 303 K +90 11 304 Y +90 11 305 N +90 11 306 Y +90 11 307 E +90 11 308 I +90 11 309 N +90 11 310 E +90 11 311 N +90 11 312 N +90 11 313 N +90 11 314 K +90 11 315 E +90 11 316 E +90 11 317 I +90 11 318 Y +90 11 319 K +90 11 320 Y +90 11 321 I +90 11 322 E +90 11 323 E +90 11 324 K +90 11 325 I +90 11 326 Y +90 11 327 K +90 11 328 N +90 11 329 Y +90 11 330 K +90 12 1 E +90 12 2 E +90 12 3 I +90 12 4 N +90 12 5 E +90 12 6 S +90 12 7 E +90 12 8 I +90 12 9 S +90 12 10 N +90 12 11 E +90 12 12 Y +90 12 13 E +90 12 14 N +90 12 15 S +90 12 16 K +90 12 17 S +90 12 18 N +90 12 19 E +90 12 20 E +90 12 21 S +90 12 22 Y +90 12 23 E +90 12 24 N +90 12 25 E +90 12 26 E +90 12 27 A +90 12 28 I +90 12 29 E +90 12 30 Y +90 12 31 K +90 12 32 E +90 12 33 Y +90 12 34 E +90 12 35 S +90 12 36 N +90 12 37 E +90 12 38 I +90 12 39 Y +90 12 40 E +90 12 41 I +90 12 42 Y +90 12 43 N +90 12 44 K +90 12 45 E +90 12 46 N +90 12 47 N +90 12 48 Y +90 12 49 E +90 12 50 E +90 12 51 Y +90 12 52 K +90 12 53 I +90 12 54 Y +90 12 55 E +90 12 56 S +90 12 57 N +90 12 58 Y +90 12 59 E +90 12 60 N +90 12 61 I +90 12 62 E +90 12 63 S +90 12 64 E +90 12 65 I +90 12 66 K +90 12 67 E +90 12 68 S +90 12 69 Y +90 12 70 K +90 12 71 S +90 12 72 E +90 12 73 S +90 12 74 K +90 12 75 N +90 12 76 S +90 12 77 E +90 12 78 Y +90 12 79 N +90 12 80 E +90 12 81 Y +90 12 82 E +90 12 83 Y +90 12 84 S +90 12 85 E +90 12 86 S +90 12 87 N +90 12 88 S +90 12 89 N +90 12 90 E +90 12 91 Y +90 12 92 K +90 12 93 E +90 12 94 N +90 12 95 K +90 12 96 Y +90 12 97 E +90 12 98 I +90 12 99 E +90 12 100 K +90 12 101 I +90 12 102 K +90 12 103 Y +90 12 104 E +90 12 105 S +90 12 106 Y +90 12 107 K +90 12 108 K +90 12 109 E +90 12 110 Y +90 12 111 N +90 12 112 I +90 12 113 N +90 12 114 E +90 12 115 I +90 12 116 K +90 12 117 S +90 12 118 S +90 12 119 E +90 12 120 K +90 12 121 S +90 12 122 E +90 12 123 K +90 12 124 Y +90 12 125 S +90 12 126 S +90 12 127 N +90 12 128 A +90 12 129 K +90 12 130 Y +90 12 131 E +90 12 132 I +90 12 133 E +90 12 134 S +90 12 135 I +90 12 136 E +90 12 137 N +90 12 138 E +90 12 139 K +90 12 140 E +90 12 141 K +90 12 142 K +90 12 143 Y +90 12 144 E +90 12 145 E +90 12 146 Y +90 12 147 E +90 12 148 I +90 12 149 Y +90 12 150 E +90 12 151 S +90 12 152 S +90 12 153 E +90 12 154 N +90 12 155 Y +90 12 156 E +90 12 157 Y +90 12 158 K +90 12 159 Y +90 12 160 S +90 12 161 E +90 12 162 I +90 12 163 K +90 12 164 E +90 12 165 Y +90 12 166 E +90 12 167 E +90 12 168 E +90 12 169 E +90 12 170 N +90 12 171 Y +90 12 172 K +90 12 173 S +90 12 174 Y +90 12 175 K +90 12 176 I +90 12 177 Y +90 12 178 E +90 12 179 I +90 12 180 K +90 12 181 Y +90 12 182 I +90 12 183 Y +90 12 184 E +90 12 185 Y +90 12 186 E +90 12 187 Y +90 12 188 E +90 12 189 K +90 12 190 S +90 12 191 E +90 12 192 E +90 12 193 Y +90 12 194 I +90 12 195 Y +90 12 196 K +90 12 197 E +90 12 198 N +90 12 199 K +90 12 200 E +90 12 201 S +90 12 202 E +90 12 203 I +90 12 204 N +90 12 205 E +90 12 206 K +90 12 207 I +90 12 208 Y +90 12 209 N +90 12 210 I +90 12 211 E +90 12 212 Y +90 12 213 E +90 12 214 Y +90 12 215 S +90 12 216 N +90 12 217 S +90 12 218 Y +90 12 219 K +90 12 220 E +90 12 221 K +90 12 222 E +90 12 223 E +90 12 224 K +90 12 225 Y +90 12 226 E +90 12 227 N +90 12 228 E +90 12 229 E +90 12 230 Y +90 12 231 S +90 12 232 Y +90 12 233 K +90 12 234 E +90 12 235 N +90 12 236 Y +90 12 237 S +90 12 238 E +90 12 239 S +90 12 240 I +90 12 241 K +90 12 242 Y +90 12 243 I +90 12 244 K +90 12 245 I +90 12 246 E +90 12 247 E +90 12 248 N +90 12 249 Y +90 12 250 E +90 12 251 E +90 12 252 Y +90 12 253 E +90 12 254 E +90 12 255 N +90 12 256 S +90 12 257 E +90 12 258 Y +90 12 259 I +90 12 260 Y +90 12 261 Y +90 12 262 K +90 12 263 K +90 12 264 E +90 12 265 Y +90 12 266 S +90 12 267 S +90 12 268 E +90 12 269 S +90 12 270 Y +90 12 271 N +90 12 272 K +90 12 273 S +90 12 274 K +90 12 275 Y +90 12 276 I +90 12 277 N +90 12 278 S +90 12 279 E +90 12 280 Y +90 12 281 E +90 12 282 Y +90 12 283 S +90 12 284 K +90 12 285 S +90 12 286 K +90 12 287 Y +90 12 288 I +90 12 289 E +90 12 290 K +90 12 291 E +90 12 292 S +90 12 293 K +90 12 294 K +90 12 295 Y +90 12 296 E +90 12 297 Y +90 12 298 I +90 12 299 E +90 12 300 K +90 12 301 E +90 12 302 K +90 12 303 E +90 12 304 Y +90 12 305 I +90 12 306 Y +90 12 307 E +90 12 308 E +90 12 309 N +90 12 310 E +90 12 311 E +90 12 312 N +90 12 313 E +90 12 314 K +90 12 315 E +90 12 316 N +90 12 317 I +90 12 318 S +90 12 319 K +90 12 320 Y +90 12 321 I +90 12 322 E +90 12 323 Y +90 12 324 K +90 12 325 I +90 12 326 Y +90 12 327 K +90 12 328 Y +90 12 329 Y +90 12 330 K +90 13 1 E +90 13 2 A +90 13 3 I +90 13 4 N +90 13 5 E +90 13 6 S +90 13 7 E +90 13 8 I +90 13 9 E +90 13 10 E +90 13 11 N +90 13 12 Y +90 13 13 E +90 13 14 E +90 13 15 A +90 13 16 K +90 13 17 I +90 13 18 N +90 13 19 E +90 13 20 A +90 13 21 I +90 13 22 Y +90 13 23 E +90 13 24 E +90 13 25 E +90 13 26 E +90 13 27 K +90 13 28 I +90 13 29 E +90 13 30 Y +90 13 31 K +90 13 32 I +90 13 33 Y +90 13 34 E +90 13 35 I +90 13 36 N +90 13 37 E +90 13 38 I +90 13 39 E +90 13 40 E +90 13 41 I +90 13 42 Y +90 13 43 N +90 13 44 K +90 13 45 E +90 13 46 N +90 13 47 N +90 13 48 Y +90 13 49 E +90 13 50 N +90 13 51 Y +90 13 52 K +90 13 53 I +90 13 54 E +90 13 55 E +90 13 56 S +90 13 57 E +90 13 58 Y +90 13 59 K +90 13 60 N +90 13 61 I +90 13 62 K +90 13 63 I +90 13 64 E +90 13 65 I +90 13 66 K +90 13 67 E +90 13 68 I +90 13 69 Y +90 13 70 K +90 13 71 N +90 13 72 E +90 13 73 N +90 13 74 K +90 13 75 N +90 13 76 Y +90 13 77 E +90 13 78 K +90 13 79 N +90 13 80 E +90 13 81 Y +90 13 82 Y +90 13 83 K +90 13 84 S +90 13 85 E +90 13 86 S +90 13 87 N +90 13 88 I +90 13 89 N +90 13 90 N +90 13 91 Y +90 13 92 K +90 13 93 E +90 13 94 N +90 13 95 K +90 13 96 Y +90 13 97 N +90 13 98 I +90 13 99 S +90 13 100 E +90 13 101 I +90 13 102 K +90 13 103 N +90 13 104 E +90 13 105 S +90 13 106 Y +90 13 107 K +90 13 108 K +90 13 109 N +90 13 110 Y +90 13 111 Y +90 13 112 I +90 13 113 N +90 13 114 N +90 13 115 I +90 13 116 A +90 13 117 N +90 13 118 S +90 13 119 E +90 13 120 K +90 13 121 S +90 13 122 E +90 13 123 E +90 13 124 Y +90 13 125 S +90 13 126 S +90 13 127 N +90 13 128 Y +90 13 129 K +90 13 130 N +90 13 131 N +90 13 132 I +90 13 133 E +90 13 134 N +90 13 135 I +90 13 136 E +90 13 137 N +90 13 138 E +90 13 139 K +90 13 140 E +90 13 141 K +90 13 142 K +90 13 143 Y +90 13 144 N +90 13 145 E +90 13 146 Y +90 13 147 E +90 13 148 I +90 13 149 Y +90 13 150 N +90 13 151 S +90 13 152 Y +90 13 153 E +90 13 154 N +90 13 155 N +90 13 156 E +90 13 157 N +90 13 158 K +90 13 159 S +90 13 160 S +90 13 161 E +90 13 162 I +90 13 163 E +90 13 164 E +90 13 165 N +90 13 166 N +90 13 167 K +90 13 168 E +90 13 169 E +90 13 170 N +90 13 171 E +90 13 172 K +90 13 173 I +90 13 174 Y +90 13 175 K +90 13 176 S +90 13 177 Y +90 13 178 E +90 13 179 I +90 13 180 E +90 13 181 Y +90 13 182 S +90 13 183 Y +90 13 184 E +90 13 185 Y +90 13 186 E +90 13 187 Y +90 13 188 E +90 13 189 K +90 13 190 S +90 13 191 E +90 13 192 E +90 13 193 Y +90 13 194 N +90 13 195 Y +90 13 196 E +90 13 197 S +90 13 198 N +90 13 199 K +90 13 200 E +90 13 201 S +90 13 202 E +90 13 203 I +90 13 204 N +90 13 205 E +90 13 206 K +90 13 207 I +90 13 208 N +90 13 209 E +90 13 210 N +90 13 211 E +90 13 212 Y +90 13 213 E +90 13 214 Y +90 13 215 S +90 13 216 N +90 13 217 S +90 13 218 Y +90 13 219 K +90 13 220 E +90 13 221 K +90 13 222 N +90 13 223 E +90 13 224 K +90 13 225 Y +90 13 226 E +90 13 227 N +90 13 228 E +90 13 229 E +90 13 230 K +90 13 231 S +90 13 232 N +90 13 233 E +90 13 234 E +90 13 235 E +90 13 236 Y +90 13 237 Y +90 13 238 E +90 13 239 S +90 13 240 N +90 13 241 K +90 13 242 Y +90 13 243 I +90 13 244 K +90 13 245 I +90 13 246 E +90 13 247 E +90 13 248 N +90 13 249 N +90 13 250 N +90 13 251 E +90 13 252 K +90 13 253 E +90 13 254 E +90 13 255 N +90 13 256 I +90 13 257 N +90 13 258 Y +90 13 259 I +90 13 260 Y +90 13 261 S +90 13 262 K +90 13 263 K +90 13 264 K +90 13 265 E +90 13 266 S +90 13 267 N +90 13 268 E +90 13 269 S +90 13 270 Y +90 13 271 N +90 13 272 K +90 13 273 S +90 13 274 K +90 13 275 Y +90 13 276 I +90 13 277 E +90 13 278 S +90 13 279 N +90 13 280 E +90 13 281 E +90 13 282 E +90 13 283 S +90 13 284 K +90 13 285 I +90 13 286 K +90 13 287 Y +90 13 288 I +90 13 289 E +90 13 290 K +90 13 291 E +90 13 292 S +90 13 293 K +90 13 294 K +90 13 295 N +90 13 296 E +90 13 297 Y +90 13 298 I +90 13 299 E +90 13 300 K +90 13 301 E +90 13 302 K +90 13 303 K +90 13 304 Y +90 13 305 N +90 13 306 Y +90 13 307 E +90 13 308 N +90 13 309 N +90 13 310 E +90 13 311 E +90 13 312 N +90 13 313 E +90 13 314 K +90 13 315 Y +90 13 316 E +90 13 317 S +90 13 318 S +90 13 319 K +90 13 320 Y +90 13 321 I +90 13 322 E +90 13 323 E +90 13 324 K +90 13 325 S +90 13 326 Y +90 13 327 K +90 13 328 N +90 13 329 Y +90 13 330 K +90 14 1 E +90 14 2 A +90 14 3 I +90 14 4 E +90 14 5 E +90 14 6 I +90 14 7 E +90 14 8 S +90 14 9 S +90 14 10 E +90 14 11 E +90 14 12 Y +90 14 13 E +90 14 14 E +90 14 15 K +90 14 16 K +90 14 17 I +90 14 18 N +90 14 19 E +90 14 20 E +90 14 21 I +90 14 22 Y +90 14 23 E +90 14 24 Y +90 14 25 E +90 14 26 E +90 14 27 Y +90 14 28 I +90 14 29 E +90 14 30 Y +90 14 31 E +90 14 32 I +90 14 33 E +90 14 34 E +90 14 35 I +90 14 36 E +90 14 37 E +90 14 38 S +90 14 39 E +90 14 40 E +90 14 41 S +90 14 42 Y +90 14 43 E +90 14 44 K +90 14 45 E +90 14 46 A +90 14 47 E +90 14 48 Y +90 14 49 E +90 14 50 E +90 14 51 Y +90 14 52 K +90 14 53 S +90 14 54 E +90 14 55 E +90 14 56 I +90 14 57 E +90 14 58 Y +90 14 59 K +90 14 60 E +90 14 61 S +90 14 62 E +90 14 63 I +90 14 64 E +90 14 65 I +90 14 66 K +90 14 67 E +90 14 68 I +90 14 69 Y +90 14 70 K +90 14 71 I +90 14 72 E +90 14 73 E +90 14 74 E +90 14 75 E +90 14 76 I +90 14 77 E +90 14 78 Y +90 14 79 A +90 14 80 E +90 14 81 Y +90 14 82 E +90 14 83 Y +90 14 84 I +90 14 85 E +90 14 86 I +90 14 87 E +90 14 88 I +90 14 89 N +90 14 90 E +90 14 91 Y +90 14 92 Y +90 14 93 E +90 14 94 N +90 14 95 K +90 14 96 Y +90 14 97 E +90 14 98 S +90 14 99 A +90 14 100 E +90 14 101 S +90 14 102 E +90 14 103 Y +90 14 104 E +90 14 105 I +90 14 106 Y +90 14 107 K +90 14 108 A +90 14 109 E +90 14 110 Y +90 14 111 E +90 14 112 I +90 14 113 N +90 14 114 E +90 14 115 I +90 14 116 Y +90 14 117 I +90 14 118 I +90 14 119 E +90 14 120 K +90 14 121 I +90 14 122 E +90 14 123 E +90 14 124 Y +90 14 125 I +90 14 126 I +90 14 127 E +90 14 128 Y +90 14 129 K +90 14 130 A +90 14 131 E +90 14 132 I +90 14 133 E +90 14 134 I +90 14 135 I +90 14 136 E +90 14 137 E +90 14 138 E +90 14 139 K +90 14 140 E +90 14 141 K +90 14 142 K +90 14 143 Y +90 14 144 E +90 14 145 E +90 14 146 Y +90 14 147 E +90 14 148 I +90 14 149 E +90 14 150 E +90 14 151 I +90 14 152 I +90 14 153 E +90 14 154 A +90 14 155 Y +90 14 156 E +90 14 157 I +90 14 158 K +90 14 159 Y +90 14 160 I +90 14 161 E +90 14 162 S +90 14 163 E +90 14 164 E +90 14 165 Y +90 14 166 E +90 14 167 A +90 14 168 E +90 14 169 E +90 14 170 E +90 14 171 Y +90 14 172 K +90 14 173 I +90 14 174 Y +90 14 175 E +90 14 176 I +90 14 177 Y +90 14 178 E +90 14 179 I +90 14 180 E +90 14 181 Y +90 14 182 I +90 14 183 Y +90 14 184 E +90 14 185 Y +90 14 186 E +90 14 187 Y +90 14 188 E +90 14 189 E +90 14 190 I +90 14 191 E +90 14 192 E +90 14 193 Y +90 14 194 I +90 14 195 E +90 14 196 E +90 14 197 I +90 14 198 N +90 14 199 K +90 14 200 E +90 14 201 I +90 14 202 E +90 14 203 I +90 14 204 I +90 14 205 E +90 14 206 Y +90 14 207 I +90 14 208 Y +90 14 209 E +90 14 210 I +90 14 211 E +90 14 212 Y +90 14 213 E +90 14 214 Y +90 14 215 I +90 14 216 Y +90 14 217 I +90 14 218 Y +90 14 219 E +90 14 220 E +90 14 221 K +90 14 222 E +90 14 223 E +90 14 224 Y +90 14 225 Y +90 14 226 E +90 14 227 N +90 14 228 E +90 14 229 E +90 14 230 K +90 14 231 I +90 14 232 Y +90 14 233 E +90 14 234 E +90 14 235 E +90 14 236 Y +90 14 237 I +90 14 238 E +90 14 239 I +90 14 240 I +90 14 241 K +90 14 242 Y +90 14 243 I +90 14 244 E +90 14 245 S +90 14 246 E +90 14 247 E +90 14 248 E +90 14 249 E +90 14 250 E +90 14 251 E +90 14 252 K +90 14 253 E +90 14 254 E +90 14 255 N +90 14 256 I +90 14 257 E +90 14 258 Y +90 14 259 I +90 14 260 Y +90 14 261 Y +90 14 262 K +90 14 263 K +90 14 264 E +90 14 265 E +90 14 266 I +90 14 267 I +90 14 268 E +90 14 269 I +90 14 270 Y +90 14 271 E +90 14 272 K +90 14 273 I +90 14 274 K +90 14 275 Y +90 14 276 I +90 14 277 E +90 14 278 I +90 14 279 E +90 14 280 Y +90 14 281 E +90 14 282 E +90 14 283 I +90 14 284 K +90 14 285 I +90 14 286 K +90 14 287 Y +90 14 288 S +90 14 289 E +90 14 290 K +90 14 291 E +90 14 292 I +90 14 293 E +90 14 294 K +90 14 295 Y +90 14 296 E +90 14 297 Y +90 14 298 I +90 14 299 E +90 14 300 K +90 14 301 E +90 14 302 I +90 14 303 E +90 14 304 E +90 14 305 I +90 14 306 Y +90 14 307 E +90 14 308 E +90 14 309 Y +90 14 310 E +90 14 311 E +90 14 312 N +90 14 313 E +90 14 314 K +90 14 315 E +90 14 316 E +90 14 317 I +90 14 318 I +90 14 319 K +90 14 320 Y +90 14 321 I +90 14 322 E +90 14 323 E +90 14 324 K +90 14 325 I +90 14 326 Y +90 14 327 E +90 14 328 E +90 14 329 I +90 14 330 K +90 15 1 E +90 15 2 K +90 15 3 Y +90 15 4 I +90 15 5 E +90 15 6 Y +90 15 7 Y +90 15 8 I +90 15 9 Y +90 15 10 E +90 15 11 E +90 15 12 Y +90 15 13 E +90 15 14 N +90 15 15 E +90 15 16 K +90 15 17 Y +90 15 18 N +90 15 19 E +90 15 20 Y +90 15 21 I +90 15 22 Y +90 15 23 E +90 15 24 K +90 15 25 E +90 15 26 N +90 15 27 K +90 15 28 I +90 15 29 E +90 15 30 Y +90 15 31 K +90 15 32 E +90 15 33 Y +90 15 34 E +90 15 35 Y +90 15 36 N +90 15 37 E +90 15 38 I +90 15 39 Y +90 15 40 E +90 15 41 I +90 15 42 Y +90 15 43 N +90 15 44 K +90 15 45 E +90 15 46 K +90 15 47 N +90 15 48 Y +90 15 49 E +90 15 50 I +90 15 51 Y +90 15 52 K +90 15 53 I +90 15 54 E +90 15 55 E +90 15 56 Y +90 15 57 E +90 15 58 Y +90 15 59 K +90 15 60 N +90 15 61 I +90 15 62 E +90 15 63 Y +90 15 64 E +90 15 65 I +90 15 66 K +90 15 67 E +90 15 68 I +90 15 69 E +90 15 70 K +90 15 71 E +90 15 72 E +90 15 73 A +90 15 74 K +90 15 75 N +90 15 76 Y +90 15 77 E +90 15 78 K +90 15 79 K +90 15 80 E +90 15 81 Y +90 15 82 Y +90 15 83 K +90 15 84 Y +90 15 85 E +90 15 86 E +90 15 87 N +90 15 88 I +90 15 89 N +90 15 90 K +90 15 91 Y +90 15 92 K +90 15 93 E +90 15 94 N +90 15 95 K +90 15 96 Y +90 15 97 E +90 15 98 I +90 15 99 E +90 15 100 E +90 15 101 I +90 15 102 K +90 15 103 K +90 15 104 E +90 15 105 I +90 15 106 Y +90 15 107 K +90 15 108 E +90 15 109 E +90 15 110 Y +90 15 111 K +90 15 112 I +90 15 113 N +90 15 114 E +90 15 115 I +90 15 116 K +90 15 117 N +90 15 118 I +90 15 119 E +90 15 120 K +90 15 121 I +90 15 122 E +90 15 123 E +90 15 124 Y +90 15 125 I +90 15 126 Y +90 15 127 N +90 15 128 Y +90 15 129 K +90 15 130 N +90 15 131 I +90 15 132 I +90 15 133 E +90 15 134 N +90 15 135 I +90 15 136 E +90 15 137 E +90 15 138 E +90 15 139 K +90 15 140 E +90 15 141 K +90 15 142 K +90 15 143 Y +90 15 144 E +90 15 145 E +90 15 146 Y +90 15 147 E +90 15 148 I +90 15 149 Y +90 15 150 I +90 15 151 Y +90 15 152 I +90 15 153 E +90 15 154 K +90 15 155 K +90 15 156 E +90 15 157 N +90 15 158 K +90 15 159 Y +90 15 160 E +90 15 161 E +90 15 162 I +90 15 163 E +90 15 164 E +90 15 165 K +90 15 166 N +90 15 167 E +90 15 168 E +90 15 169 E +90 15 170 K +90 15 171 Y +90 15 172 K +90 15 173 I +90 15 174 Y +90 15 175 E +90 15 176 I +90 15 177 Y +90 15 178 E +90 15 179 S +90 15 180 E +90 15 181 Y +90 15 182 I +90 15 183 K +90 15 184 E +90 15 185 Y +90 15 186 E +90 15 187 Y +90 15 188 E +90 15 189 K +90 15 190 K +90 15 191 E +90 15 192 E +90 15 193 Y +90 15 194 I +90 15 195 Y +90 15 196 E +90 15 197 E +90 15 198 N +90 15 199 K +90 15 200 E +90 15 201 Y +90 15 202 E +90 15 203 I +90 15 204 N +90 15 205 E +90 15 206 K +90 15 207 I +90 15 208 Y +90 15 209 E +90 15 210 Y +90 15 211 E +90 15 212 Y +90 15 213 E +90 15 214 Y +90 15 215 I +90 15 216 N +90 15 217 Y +90 15 218 Y +90 15 219 K +90 15 220 E +90 15 221 K +90 15 222 E +90 15 223 E +90 15 224 K +90 15 225 Y +90 15 226 E +90 15 227 Y +90 15 228 E +90 15 229 E +90 15 230 K +90 15 231 I +90 15 232 K +90 15 233 E +90 15 234 E +90 15 235 K +90 15 236 Y +90 15 237 Y +90 15 238 E +90 15 239 I +90 15 240 I +90 15 241 K +90 15 242 Y +90 15 243 I +90 15 244 K +90 15 245 I +90 15 246 E +90 15 247 E +90 15 248 N +90 15 249 E +90 15 250 I +90 15 251 Y +90 15 252 K +90 15 253 E +90 15 254 K +90 15 255 N +90 15 256 I +90 15 257 N +90 15 258 Y +90 15 259 I +90 15 260 Y +90 15 261 Y +90 15 262 K +90 15 263 K +90 15 264 K +90 15 265 E +90 15 266 Y +90 15 267 I +90 15 268 E +90 15 269 I +90 15 270 Y +90 15 271 E +90 15 272 K +90 15 273 I +90 15 274 K +90 15 275 Y +90 15 276 I +90 15 277 E +90 15 278 Y +90 15 279 E +90 15 280 Y +90 15 281 E +90 15 282 Y +90 15 283 Y +90 15 284 K +90 15 285 Y +90 15 286 K +90 15 287 Y +90 15 288 I +90 15 289 E +90 15 290 K +90 15 291 E +90 15 292 Y +90 15 293 K +90 15 294 K +90 15 295 Y +90 15 296 E +90 15 297 Y +90 15 298 I +90 15 299 E +90 15 300 K +90 15 301 E +90 15 302 K +90 15 303 K +90 15 304 Y +90 15 305 I +90 15 306 E +90 15 307 E +90 15 308 E +90 15 309 N +90 15 310 E +90 15 311 K +90 15 312 K +90 15 313 E +90 15 314 K +90 15 315 Y +90 15 316 K +90 15 317 I +90 15 318 Y +90 15 319 K +90 15 320 Y +90 15 321 I +90 15 322 E +90 15 323 E +90 15 324 K +90 15 325 I +90 15 326 Y +90 15 327 K +90 15 328 E +90 15 329 Y +90 15 330 K +90 16 1 E +90 16 2 A +90 16 3 I +90 16 4 E +90 16 5 Y +90 16 6 A +90 16 7 E +90 16 8 I +90 16 9 S +90 16 10 E +90 16 11 N +90 16 12 Y +90 16 13 E +90 16 14 N +90 16 15 A +90 16 16 K +90 16 17 S +90 16 18 N +90 16 19 A +90 16 20 E +90 16 21 S +90 16 22 Y +90 16 23 A +90 16 24 N +90 16 25 E +90 16 26 E +90 16 27 A +90 16 28 I +90 16 29 E +90 16 30 Y +90 16 31 K +90 16 32 A +90 16 33 E +90 16 34 E +90 16 35 S +90 16 36 E +90 16 37 A +90 16 38 I +90 16 39 E +90 16 40 A +90 16 41 I +90 16 42 Y +90 16 43 E +90 16 44 K +90 16 45 A +90 16 46 A +90 16 47 N +90 16 48 Y +90 16 49 A +90 16 50 S +90 16 51 E +90 16 52 K +90 16 53 I +90 16 54 E +90 16 55 A +90 16 56 Y +90 16 57 E +90 16 58 S +90 16 59 A +90 16 60 E +90 16 61 I +90 16 62 A +90 16 63 S +90 16 64 E +90 16 65 I +90 16 66 A +90 16 67 E +90 16 68 S +90 16 69 Y +90 16 70 A +90 16 71 S +90 16 72 E +90 16 73 E +90 16 74 A +90 16 75 E +90 16 76 Y +90 16 77 A +90 16 78 K +90 16 79 N +90 16 80 E +90 16 81 S +90 16 82 A +90 16 83 A +90 16 84 S +90 16 85 E +90 16 86 S +90 16 87 N +90 16 88 S +90 16 89 N +90 16 90 E +90 16 91 Y +90 16 92 K +90 16 93 E +90 16 94 S +90 16 95 A +90 16 96 Y +90 16 97 E +90 16 98 I +90 16 99 A +90 16 100 K +90 16 101 I +90 16 102 A +90 16 103 Y +90 16 104 A +90 16 105 S +90 16 106 K +90 16 107 K +90 16 108 K +90 16 109 E +90 16 110 Y +90 16 111 A +90 16 112 I +90 16 113 N +90 16 114 E +90 16 115 I +90 16 116 K +90 16 117 S +90 16 118 S +90 16 119 E +90 16 120 K +90 16 121 S +90 16 122 E +90 16 123 E +90 16 124 Y +90 16 125 S +90 16 126 K +90 16 127 E +90 16 128 Y +90 16 129 K +90 16 130 E +90 16 131 S +90 16 132 I +90 16 133 E +90 16 134 S +90 16 135 I +90 16 136 A +90 16 137 E +90 16 138 A +90 16 139 A +90 16 140 E +90 16 141 K +90 16 142 A +90 16 143 Y +90 16 144 E +90 16 145 A +90 16 146 Y +90 16 147 E +90 16 148 I +90 16 149 K +90 16 150 E +90 16 151 S +90 16 152 A +90 16 153 E +90 16 154 N +90 16 155 S +90 16 156 E +90 16 157 S +90 16 158 K +90 16 159 S +90 16 160 A +90 16 161 Y +90 16 162 I +90 16 163 E +90 16 164 E +90 16 165 E +90 16 166 E +90 16 167 A +90 16 168 E +90 16 169 E +90 16 170 E +90 16 171 Y +90 16 172 K +90 16 173 I +90 16 174 Y +90 16 175 K +90 16 176 I +90 16 177 K +90 16 178 E +90 16 179 I +90 16 180 E +90 16 181 S +90 16 182 S +90 16 183 Y +90 16 184 E +90 16 185 Y +90 16 186 K +90 16 187 Y +90 16 188 E +90 16 189 A +90 16 190 K +90 16 191 E +90 16 192 S +90 16 193 Y +90 16 194 I +90 16 195 E +90 16 196 K +90 16 197 A +90 16 198 N +90 16 199 K +90 16 200 K +90 16 201 I +90 16 202 E +90 16 203 I +90 16 204 N +90 16 205 E +90 16 206 K +90 16 207 I +90 16 208 Y +90 16 209 E +90 16 210 I +90 16 211 E +90 16 212 Y +90 16 213 K +90 16 214 Y +90 16 215 A +90 16 216 N +90 16 217 S +90 16 218 Y +90 16 219 K +90 16 220 E +90 16 221 K +90 16 222 E +90 16 223 E +90 16 224 K +90 16 225 Y +90 16 226 E +90 16 227 N +90 16 228 E +90 16 229 A +90 16 230 K +90 16 231 A +90 16 232 Y +90 16 233 S +90 16 234 E +90 16 235 E +90 16 236 Y +90 16 237 K +90 16 238 E +90 16 239 I +90 16 240 Y +90 16 241 K +90 16 242 S +90 16 243 I +90 16 244 K +90 16 245 I +90 16 246 E +90 16 247 S +90 16 248 E +90 16 249 E +90 16 250 N +90 16 251 E +90 16 252 K +90 16 253 E +90 16 254 K +90 16 255 N +90 16 256 S +90 16 257 E +90 16 258 Y +90 16 259 I +90 16 260 K +90 16 261 S +90 16 262 K +90 16 263 A +90 16 264 K +90 16 265 E +90 16 266 Y +90 16 267 A +90 16 268 E +90 16 269 I +90 16 270 Y +90 16 271 E +90 16 272 K +90 16 273 K +90 16 274 K +90 16 275 E +90 16 276 I +90 16 277 E +90 16 278 Y +90 16 279 E +90 16 280 N +90 16 281 E +90 16 282 E +90 16 283 Y +90 16 284 K +90 16 285 A +90 16 286 K +90 16 287 S +90 16 288 I +90 16 289 E +90 16 290 K +90 16 291 N +90 16 292 S +90 16 293 K +90 16 294 K +90 16 295 S +90 16 296 E +90 16 297 Y +90 16 298 I +90 16 299 E +90 16 300 A +90 16 301 E +90 16 302 K +90 16 303 A +90 16 304 Y +90 16 305 S +90 16 306 E +90 16 307 E +90 16 308 K +90 16 309 N +90 16 310 E +90 16 311 E +90 16 312 N +90 16 313 E +90 16 314 K +90 16 315 E +90 16 316 E +90 16 317 I +90 16 318 Y +90 16 319 K +90 16 320 Y +90 16 321 I +90 16 322 E +90 16 323 E +90 16 324 K +90 16 325 E +90 16 326 Y +90 16 327 K +90 16 328 E +90 16 329 Y +90 16 330 K +90 17 1 A +90 17 2 E +90 17 3 S +90 17 4 N +90 17 5 I +90 17 6 Y +90 17 7 E +90 17 8 I +90 17 9 * +90 17 10 E +90 17 11 * +90 17 12 Y +90 17 13 I +90 17 14 N +90 17 15 Y +90 17 16 K +90 17 17 S +90 17 18 N +90 17 19 E +90 17 20 E +90 17 21 S +90 17 22 Y +90 17 23 A +90 17 24 * +90 17 25 E +90 17 26 E +90 17 27 A +90 17 28 S +90 17 29 I +90 17 30 Y +90 17 31 A +90 17 32 A +90 17 33 I +90 17 34 E +90 17 35 S +90 17 36 I +90 17 37 A +90 17 38 I +90 17 39 E +90 17 40 E +90 17 41 I +90 17 42 Y +90 17 43 E +90 17 44 A +90 17 45 E +90 17 46 A +90 17 47 E +90 17 48 Y +90 17 49 E +90 17 50 A +90 17 51 A +90 17 52 K +90 17 53 S +90 17 54 E +90 17 55 E +90 17 56 S +90 17 57 E +90 17 58 A +90 17 59 A +90 17 60 E +90 17 61 I +90 17 62 A +90 17 63 S +90 17 64 E +90 17 65 S +90 17 66 A +90 17 67 A +90 17 68 I +90 17 69 Y +90 17 70 K +90 17 71 A +90 17 72 E +90 17 73 I +90 17 74 K +90 17 75 I +90 17 76 I +90 17 77 E +90 17 78 S +90 17 79 N +90 17 80 E +90 17 81 A +90 17 82 E +90 17 83 Y +90 17 84 S +90 17 85 E +90 17 86 I +90 17 87 N +90 17 88 I +90 17 89 N +90 17 90 E +90 17 91 Y +90 17 92 K +90 17 93 E +90 17 94 N +90 17 95 K +90 17 96 Y +90 17 97 E +90 17 98 I +90 17 99 N +90 17 100 A +90 17 101 I +90 17 102 A +90 17 103 Y +90 17 104 E +90 17 105 I +90 17 106 Y +90 17 107 A +90 17 108 K +90 17 109 E +90 17 110 Y +90 17 111 E +90 17 112 I +90 17 113 N +90 17 114 E +90 17 115 I +90 17 116 A +90 17 117 S +90 17 118 S +90 17 119 I +90 17 120 K +90 17 121 S +90 17 122 I +90 17 123 I +90 17 124 Y +90 17 125 S +90 17 126 I +90 17 127 E +90 17 128 Y +90 17 129 K +90 17 130 E +90 17 131 I +90 17 132 I +90 17 133 E +90 17 134 S +90 17 135 I +90 17 136 E +90 17 137 E +90 17 138 E +90 17 139 A +90 17 140 E +90 17 141 K +90 17 142 A +90 17 143 Y +90 17 144 E +90 17 145 E +90 17 146 Y +90 17 147 E +90 17 148 I +90 17 149 E +90 17 150 E +90 17 151 S +90 17 152 S +90 17 153 E +90 17 154 N +90 17 155 N +90 17 156 E +90 17 157 N +90 17 158 K +90 17 159 Y +90 17 160 S +90 17 161 E +90 17 162 I +90 17 163 E +90 17 164 E +90 17 165 Y +90 17 166 E +90 17 167 A +90 17 168 E +90 17 169 E +90 17 170 E +90 17 171 Y +90 17 172 K +90 17 173 S +90 17 174 Y +90 17 175 A +90 17 176 S +90 17 177 Y +90 17 178 E +90 17 179 I +90 17 180 E +90 17 181 Y +90 17 182 I +90 17 183 Y +90 17 184 E +90 17 185 Y +90 17 186 E +90 17 187 Y +90 17 188 E +90 17 189 A +90 17 190 S +90 17 191 E +90 17 192 A +90 17 193 Y +90 17 194 I +90 17 195 E +90 17 196 A +90 17 197 I +90 17 198 N +90 17 199 K +90 17 200 E +90 17 201 S +90 17 202 E +90 17 203 I +90 17 204 N +90 17 205 E +90 17 206 K +90 17 207 I +90 17 208 Y +90 17 209 E +90 17 210 E +90 17 211 E +90 17 212 Y +90 17 213 A +90 17 214 Y +90 17 215 S +90 17 216 N +90 17 217 S +90 17 218 Y +90 17 219 K +90 17 220 E +90 17 221 K +90 17 222 E +90 17 223 E +90 17 224 A +90 17 225 Y +90 17 226 E +90 17 227 N +90 17 228 E +90 17 229 E +90 17 230 S +90 17 231 I +90 17 232 Y +90 17 233 E +90 17 234 E +90 17 235 E +90 17 236 Y +90 17 237 S +90 17 238 E +90 17 239 S +90 17 240 I +90 17 241 K +90 17 242 Y +90 17 243 I +90 17 244 K +90 17 245 I +90 17 246 E +90 17 247 E +90 17 248 E +90 17 249 E +90 17 250 E +90 17 251 E +90 17 252 I +90 17 253 E +90 17 254 E +90 17 255 N +90 17 256 S +90 17 257 E +90 17 258 Y +90 17 259 I +90 17 260 Y +90 17 261 S +90 17 262 A +90 17 263 A +90 17 264 E +90 17 265 E +90 17 266 I +90 17 267 S +90 17 268 E +90 17 269 S +90 17 270 Y +90 17 271 E +90 17 272 K +90 17 273 I +90 17 274 K +90 17 275 Y +90 17 276 I +90 17 277 E +90 17 278 S +90 17 279 E +90 17 280 E +90 17 281 E +90 17 282 E +90 17 283 Y +90 17 284 K +90 17 285 S +90 17 286 K +90 17 287 Y +90 17 288 S +90 17 289 E +90 17 290 K +90 17 291 E +90 17 292 S +90 17 293 A +90 17 294 K +90 17 295 Y +90 17 296 E +90 17 297 Y +90 17 298 I +90 17 299 E +90 17 300 A +90 17 301 E +90 17 302 A +90 17 303 K +90 17 304 Y +90 17 305 I +90 17 306 Y +90 17 307 E +90 17 308 E +90 17 309 N +90 17 310 E +90 17 311 E +90 17 312 N +90 17 313 E +90 17 314 A +90 17 315 E +90 17 316 E +90 17 317 S +90 17 318 Y +90 17 319 A +90 17 320 Y +90 17 321 I +90 17 322 E +90 17 323 E +90 17 324 A +90 17 325 I +90 17 326 Y +90 17 327 K +90 17 328 E +90 17 329 Y +90 17 330 K +90 18 1 N +90 18 2 E +90 18 3 I +90 18 4 S +90 18 5 E +90 18 6 I +90 18 7 E +90 18 8 I +90 18 9 Y +90 18 10 E +90 18 11 E +90 18 12 Y +90 18 13 E +90 18 14 E +90 18 15 E +90 18 16 K +90 18 17 I +90 18 18 N +90 18 19 E +90 18 20 E +90 18 21 I +90 18 22 Y +90 18 23 E +90 18 24 E +90 18 25 E +90 18 26 E +90 18 27 K +90 18 28 I +90 18 29 E +90 18 30 E +90 18 31 E +90 18 32 E +90 18 33 Y +90 18 34 E +90 18 35 E +90 18 36 E +90 18 37 E +90 18 38 I +90 18 39 I +90 18 40 I +90 18 41 I +90 18 42 Y +90 18 43 A +90 18 44 K +90 18 45 E +90 18 46 K +90 18 47 I +90 18 48 Y +90 18 49 K +90 18 50 I +90 18 51 I +90 18 52 K +90 18 53 I +90 18 54 E +90 18 55 E +90 18 56 K +90 18 57 E +90 18 58 E +90 18 59 K +90 18 60 E +90 18 61 I +90 18 62 K +90 18 63 Y +90 18 64 E +90 18 65 I +90 18 66 K +90 18 67 E +90 18 68 I +90 18 69 E +90 18 70 K +90 18 71 K +90 18 72 E +90 18 73 E +90 18 74 K +90 18 75 E +90 18 76 Y +90 18 77 A +90 18 78 K +90 18 79 N +90 18 80 I +90 18 81 Y +90 18 82 E +90 18 83 K +90 18 84 I +90 18 85 E +90 18 86 I +90 18 87 N +90 18 88 I +90 18 89 N +90 18 90 N +90 18 91 Y +90 18 92 K +90 18 93 E +90 18 94 N +90 18 95 K +90 18 96 Y +90 18 97 E +90 18 98 I +90 18 99 K +90 18 100 E +90 18 101 I +90 18 102 K +90 18 103 E +90 18 104 K +90 18 105 I +90 18 106 Y +90 18 107 K +90 18 108 K +90 18 109 E +90 18 110 Y +90 18 111 E +90 18 112 I +90 18 113 N +90 18 114 E +90 18 115 I +90 18 116 K +90 18 117 I +90 18 118 I +90 18 119 E +90 18 120 K +90 18 121 I +90 18 122 E +90 18 123 E +90 18 124 Y +90 18 125 I +90 18 126 I +90 18 127 E +90 18 128 Y +90 18 129 K +90 18 130 E +90 18 131 I +90 18 132 I +90 18 133 E +90 18 134 E +90 18 135 I +90 18 136 E +90 18 137 E +90 18 138 K +90 18 139 K +90 18 140 E +90 18 141 K +90 18 142 K +90 18 143 E +90 18 144 E +90 18 145 E +90 18 146 Y +90 18 147 E +90 18 148 I +90 18 149 E +90 18 150 E +90 18 151 S +90 18 152 S +90 18 153 E +90 18 154 N +90 18 155 N +90 18 156 E +90 18 157 N +90 18 158 K +90 18 159 K +90 18 160 E +90 18 161 E +90 18 162 I +90 18 163 E +90 18 164 E +90 18 165 E +90 18 166 E +90 18 167 K +90 18 168 E +90 18 169 E +90 18 170 E +90 18 171 E +90 18 172 K +90 18 173 I +90 18 174 Y +90 18 175 E +90 18 176 E +90 18 177 Y +90 18 178 E +90 18 179 E +90 18 180 E +90 18 181 Y +90 18 182 E +90 18 183 E +90 18 184 I +90 18 185 E +90 18 186 K +90 18 187 I +90 18 188 E +90 18 189 K +90 18 190 E +90 18 191 E +90 18 192 E +90 18 193 Y +90 18 194 E +90 18 195 E +90 18 196 E +90 18 197 S +90 18 198 N +90 18 199 E +90 18 200 E +90 18 201 E +90 18 202 E +90 18 203 E +90 18 204 N +90 18 205 E +90 18 206 E +90 18 207 E +90 18 208 Y +90 18 209 E +90 18 210 E +90 18 211 E +90 18 212 I +90 18 213 E +90 18 214 Y +90 18 215 E +90 18 216 E +90 18 217 E +90 18 218 E +90 18 219 K +90 18 220 E +90 18 221 E +90 18 222 E +90 18 223 E +90 18 224 K +90 18 225 E +90 18 226 E +90 18 227 N +90 18 228 N +90 18 229 E +90 18 230 K +90 18 231 E +90 18 232 E +90 18 233 E +90 18 234 E +90 18 235 E +90 18 236 E +90 18 237 Y +90 18 238 E +90 18 239 E +90 18 240 I +90 18 241 K +90 18 242 Y +90 18 243 I +90 18 244 K +90 18 245 I +90 18 246 E +90 18 247 E +90 18 248 N +90 18 249 E +90 18 250 E +90 18 251 E +90 18 252 K +90 18 253 E +90 18 254 E +90 18 255 N +90 18 256 I +90 18 257 E +90 18 258 Y +90 18 259 E +90 18 260 K +90 18 261 E +90 18 262 K +90 18 263 K +90 18 264 K +90 18 265 E +90 18 266 E +90 18 267 E +90 18 268 Y +90 18 269 E +90 18 270 Y +90 18 271 E +90 18 272 K +90 18 273 E +90 18 274 K +90 18 275 Y +90 18 276 I +90 18 277 N +90 18 278 I +90 18 279 E +90 18 280 E +90 18 281 E +90 18 282 E +90 18 283 E +90 18 284 K +90 18 285 E +90 18 286 K +90 18 287 E +90 18 288 I +90 18 289 E +90 18 290 K +90 18 291 E +90 18 292 E +90 18 293 K +90 18 294 K +90 18 295 I +90 18 296 E +90 18 297 Y +90 18 298 I +90 18 299 E +90 18 300 K +90 18 301 E +90 18 302 K +90 18 303 K +90 18 304 E +90 18 305 I +90 18 306 Y +90 18 307 E +90 18 308 E +90 18 309 Y +90 18 310 E +90 18 311 E +90 18 312 N +90 18 313 E +90 18 314 K +90 18 315 E +90 18 316 E +90 18 317 I +90 18 318 E +90 18 319 K +90 18 320 E +90 18 321 I +90 18 322 E +90 18 323 E +90 18 324 K +90 18 325 I +90 18 326 Y +90 18 327 K +90 18 328 E +90 18 329 E +90 18 330 K +90 19 1 E +90 19 2 K +90 19 3 I +90 19 4 N +90 19 5 Y +90 19 6 S +90 19 7 E +90 19 8 I +90 19 9 S +90 19 10 E +90 19 11 N +90 19 12 Y +90 19 13 N +90 19 14 N +90 19 15 S +90 19 16 K +90 19 17 I +90 19 18 N +90 19 19 E +90 19 20 E +90 19 21 I +90 19 22 K +90 19 23 E +90 19 24 N +90 19 25 E +90 19 26 E +90 19 27 K +90 19 28 I +90 19 29 Y +90 19 30 I +90 19 31 K +90 19 32 I +90 19 33 E +90 19 34 E +90 19 35 S +90 19 36 N +90 19 37 E +90 19 38 I +90 19 39 E +90 19 40 E +90 19 41 I +90 19 42 S +90 19 43 N +90 19 44 K +90 19 45 E +90 19 46 K +90 19 47 N +90 19 48 E +90 19 49 E +90 19 50 S +90 19 51 E +90 19 52 K +90 19 53 I +90 19 54 E +90 19 55 E +90 19 56 S +90 19 57 N +90 19 58 Y +90 19 59 K +90 19 60 N +90 19 61 I +90 19 62 K +90 19 63 S +90 19 64 E +90 19 65 I +90 19 66 K +90 19 67 E +90 19 68 I +90 19 69 N +90 19 70 K +90 19 71 I +90 19 72 E +90 19 73 S +90 19 74 K +90 19 75 N +90 19 76 I +90 19 77 E +90 19 78 K +90 19 79 N +90 19 80 E +90 19 81 Y +90 19 82 E +90 19 83 K +90 19 84 I +90 19 85 E +90 19 86 I +90 19 87 N +90 19 88 I +90 19 89 N +90 19 90 N +90 19 91 Y +90 19 92 Y +90 19 93 E +90 19 94 N +90 19 95 K +90 19 96 Y +90 19 97 E +90 19 98 I +90 19 99 K +90 19 100 E +90 19 101 I +90 19 102 K +90 19 103 Y +90 19 104 K +90 19 105 I +90 19 106 Y +90 19 107 K +90 19 108 K +90 19 109 E +90 19 110 Y +90 19 111 N +90 19 112 I +90 19 113 N +90 19 114 E +90 19 115 I +90 19 116 K +90 19 117 N +90 19 118 I +90 19 119 E +90 19 120 K +90 19 121 I +90 19 122 E +90 19 123 E +90 19 124 Y +90 19 125 I +90 19 126 I +90 19 127 N +90 19 128 Y +90 19 129 K +90 19 130 N +90 19 131 S +90 19 132 I +90 19 133 E +90 19 134 N +90 19 135 I +90 19 136 E +90 19 137 N +90 19 138 K +90 19 139 K +90 19 140 E +90 19 141 K +90 19 142 K +90 19 143 Y +90 19 144 N +90 19 145 E +90 19 146 Y +90 19 147 E +90 19 148 I +90 19 149 K +90 19 150 N +90 19 151 S +90 19 152 K +90 19 153 E +90 19 154 N +90 19 155 N +90 19 156 E +90 19 157 N +90 19 158 K +90 19 159 I +90 19 160 K +90 19 161 E +90 19 162 I +90 19 163 E +90 19 164 E +90 19 165 N +90 19 166 E +90 19 167 K +90 19 168 E +90 19 169 E +90 19 170 N +90 19 171 E +90 19 172 K +90 19 173 I +90 19 174 Y +90 19 175 K +90 19 176 I +90 19 177 K +90 19 178 N +90 19 179 I +90 19 180 E +90 19 181 Y +90 19 182 I +90 19 183 Y +90 19 184 E +90 19 185 Y +90 19 186 K +90 19 187 Y +90 19 188 E +90 19 189 K +90 19 190 I +90 19 191 Y +90 19 192 E +90 19 193 Y +90 19 194 I +90 19 195 E +90 19 196 K +90 19 197 A +90 19 198 N +90 19 199 K +90 19 200 K +90 19 201 I +90 19 202 E +90 19 203 I +90 19 204 N +90 19 205 E +90 19 206 K +90 19 207 I +90 19 208 Y +90 19 209 E +90 19 210 S +90 19 211 E +90 19 212 I +90 19 213 K +90 19 214 Y +90 19 215 I +90 19 216 N +90 19 217 S +90 19 218 Y +90 19 219 K +90 19 220 E +90 19 221 K +90 19 222 E +90 19 223 E +90 19 224 K +90 19 225 Y +90 19 226 E +90 19 227 N +90 19 228 E +90 19 229 K +90 19 230 K +90 19 231 A +90 19 232 Y +90 19 233 K +90 19 234 E +90 19 235 E +90 19 236 Y +90 19 237 I +90 19 238 E +90 19 239 I +90 19 240 I +90 19 241 K +90 19 242 K +90 19 243 I +90 19 244 K +90 19 245 I +90 19 246 E +90 19 247 E +90 19 248 N +90 19 249 E +90 19 250 E +90 19 251 K +90 19 252 K +90 19 253 K +90 19 254 K +90 19 255 N +90 19 256 I +90 19 257 E +90 19 258 Y +90 19 259 I +90 19 260 K +90 19 261 I +90 19 262 K +90 19 263 K +90 19 264 K +90 19 265 E +90 19 266 I +90 19 267 N +90 19 268 E +90 19 269 I +90 19 270 Y +90 19 271 N +90 19 272 K +90 19 273 I +90 19 274 K +90 19 275 Y +90 19 276 I +90 19 277 E +90 19 278 I +90 19 279 E +90 19 280 Y +90 19 281 E +90 19 282 E +90 19 283 I +90 19 284 K +90 19 285 I +90 19 286 K +90 19 287 Y +90 19 288 I +90 19 289 E +90 19 290 K +90 19 291 E +90 19 292 I +90 19 293 K +90 19 294 K +90 19 295 Y +90 19 296 E +90 19 297 Y +90 19 298 I +90 19 299 E +90 19 300 K +90 19 301 E +90 19 302 K +90 19 303 K +90 19 304 E +90 19 305 I +90 19 306 Y +90 19 307 E +90 19 308 K +90 19 309 N +90 19 310 E +90 19 311 E +90 19 312 N +90 19 313 E +90 19 314 K +90 19 315 Y +90 19 316 E +90 19 317 I +90 19 318 I +90 19 319 K +90 19 320 E +90 19 321 I +90 19 322 E +90 19 323 E +90 19 324 K +90 19 325 I +90 19 326 Y +90 19 327 K +90 19 328 N +90 19 329 I +90 19 330 K +90 20 1 E +90 20 2 E +90 20 3 I +90 20 4 S +90 20 5 E +90 20 6 K +90 20 7 E +90 20 8 I +90 20 9 * +90 20 10 E +90 20 11 E +90 20 12 Y +90 20 13 E +90 20 14 E +90 20 15 K +90 20 16 K +90 20 17 I +90 20 18 N +90 20 19 E +90 20 20 E +90 20 21 I +90 20 22 K +90 20 23 * +90 20 24 N +90 20 25 E +90 20 26 E +90 20 27 K +90 20 28 I +90 20 29 Y +90 20 30 Y +90 20 31 K +90 20 32 I +90 20 33 E +90 20 34 E +90 20 35 I +90 20 36 E +90 20 37 E +90 20 38 I +90 20 39 E +90 20 40 E +90 20 41 I +90 20 42 Y +90 20 43 E +90 20 44 K +90 20 45 E +90 20 46 K +90 20 47 E +90 20 48 Y +90 20 49 E +90 20 50 I +90 20 51 N +90 20 52 K +90 20 53 I +90 20 54 E +90 20 55 E +90 20 56 K +90 20 57 E +90 20 58 E +90 20 59 K +90 20 60 N +90 20 61 I +90 20 62 E +90 20 63 I +90 20 64 E +90 20 65 I +90 20 66 K +90 20 67 E +90 20 68 I +90 20 69 N +90 20 70 K +90 20 71 N +90 20 72 E +90 20 73 I +90 20 74 K +90 20 75 Y +90 20 76 Y +90 20 77 E +90 20 78 K +90 20 79 N +90 20 80 E +90 20 81 E +90 20 82 E +90 20 83 K +90 20 84 K +90 20 85 E +90 20 86 I +90 20 87 N +90 20 88 I +90 20 89 N +90 20 90 E +90 20 91 E +90 20 92 K +90 20 93 E +90 20 94 N +90 20 95 K +90 20 96 Y +90 20 97 E +90 20 98 I +90 20 99 K +90 20 100 E +90 20 101 I +90 20 102 K +90 20 103 N +90 20 104 E +90 20 105 S +90 20 106 Y +90 20 107 K +90 20 108 E +90 20 109 E +90 20 110 Y +90 20 111 N +90 20 112 I +90 20 113 N +90 20 114 E +90 20 115 I +90 20 116 K +90 20 117 N +90 20 118 I +90 20 119 E +90 20 120 K +90 20 121 S +90 20 122 E +90 20 123 E +90 20 124 E +90 20 125 I +90 20 126 I +90 20 127 N +90 20 128 Y +90 20 129 K +90 20 130 N +90 20 131 S +90 20 132 S +90 20 133 E +90 20 134 N +90 20 135 I +90 20 136 E +90 20 137 E +90 20 138 E +90 20 139 K +90 20 140 N +90 20 141 K +90 20 142 K +90 20 143 E +90 20 144 N +90 20 145 E +90 20 146 Y +90 20 147 E +90 20 148 I +90 20 149 E +90 20 150 I +90 20 151 I +90 20 152 I +90 20 153 E +90 20 154 K +90 20 155 N +90 20 156 E +90 20 157 N +90 20 158 K +90 20 159 Y +90 20 160 I +90 20 161 E +90 20 162 S +90 20 163 E +90 20 164 E +90 20 165 E +90 20 166 N +90 20 167 K +90 20 168 N +90 20 169 E +90 20 170 N +90 20 171 E +90 20 172 K +90 20 173 I +90 20 174 Y +90 20 175 E +90 20 176 I +90 20 177 Y +90 20 178 E +90 20 179 N +90 20 180 E +90 20 181 Y +90 20 182 S +90 20 183 N +90 20 184 I +90 20 185 Y +90 20 186 E +90 20 187 Y +90 20 188 E +90 20 189 E +90 20 190 I +90 20 191 E +90 20 192 I +90 20 193 Y +90 20 194 N +90 20 195 Y +90 20 196 E +90 20 197 I +90 20 198 N +90 20 199 K +90 20 200 E +90 20 201 I +90 20 202 E +90 20 203 S +90 20 204 N +90 20 205 I +90 20 206 K +90 20 207 I +90 20 208 Y +90 20 209 E +90 20 210 N +90 20 211 E +90 20 212 Y +90 20 213 K +90 20 214 Y +90 20 215 I +90 20 216 N +90 20 217 I +90 20 218 E +90 20 219 K +90 20 220 E +90 20 221 K +90 20 222 E +90 20 223 E +90 20 224 K +90 20 225 Y +90 20 226 E +90 20 227 N +90 20 228 E +90 20 229 K +90 20 230 K +90 20 231 I +90 20 232 N +90 20 233 E +90 20 234 E +90 20 235 E +90 20 236 Y +90 20 237 K +90 20 238 E +90 20 239 I +90 20 240 I +90 20 241 K +90 20 242 Y +90 20 243 I +90 20 244 K +90 20 245 I +90 20 246 E +90 20 247 E +90 20 248 N +90 20 249 E +90 20 250 I +90 20 251 E +90 20 252 K +90 20 253 E +90 20 254 E +90 20 255 N +90 20 256 I +90 20 257 N +90 20 258 Y +90 20 259 S +90 20 260 K +90 20 261 Y +90 20 262 K +90 20 263 K +90 20 264 E +90 20 265 E +90 20 266 I +90 20 267 I +90 20 268 E +90 20 269 I +90 20 270 Y +90 20 271 N +90 20 272 K +90 20 273 I +90 20 274 K +90 20 275 Y +90 20 276 I +90 20 277 N +90 20 278 I +90 20 279 E +90 20 280 E +90 20 281 E +90 20 282 E +90 20 283 N +90 20 284 K +90 20 285 I +90 20 286 K +90 20 287 N +90 20 288 I +90 20 289 E +90 20 290 K +90 20 291 E +90 20 292 I +90 20 293 K +90 20 294 K +90 20 295 N +90 20 296 E +90 20 297 Y +90 20 298 I +90 20 299 E +90 20 300 K +90 20 301 E +90 20 302 K +90 20 303 K +90 20 304 E +90 20 305 I +90 20 306 E +90 20 307 E +90 20 308 I +90 20 309 N +90 20 310 E +90 20 311 E +90 20 312 N +90 20 313 E +90 20 314 K +90 20 315 E +90 20 316 E +90 20 317 S +90 20 318 Y +90 20 319 K +90 20 320 N +90 20 321 I +90 20 322 E +90 20 323 E +90 20 324 A +90 20 325 I +90 20 326 Y +90 20 327 K +90 20 328 E +90 20 329 N +90 20 330 K +90 21 1 E +90 21 2 E +90 21 3 S +90 21 4 E +90 21 5 E +90 21 6 A +90 21 7 E +90 21 8 I +90 21 9 Y +90 21 10 E +90 21 11 E +90 21 12 Y +90 21 13 E +90 21 14 E +90 21 15 I +90 21 16 K +90 21 17 I +90 21 18 N +90 21 19 E +90 21 20 E +90 21 21 I +90 21 22 Y +90 21 23 E +90 21 24 N +90 21 25 E +90 21 26 E +90 21 27 A +90 21 28 S +90 21 29 E +90 21 30 Y +90 21 31 E +90 21 32 I +90 21 33 E +90 21 34 E +90 21 35 I +90 21 36 E +90 21 37 E +90 21 38 I +90 21 39 E +90 21 40 E +90 21 41 I +90 21 42 Y +90 21 43 E +90 21 44 K +90 21 45 E +90 21 46 N +90 21 47 N +90 21 48 Y +90 21 49 E +90 21 50 E +90 21 51 N +90 21 52 K +90 21 53 I +90 21 54 E +90 21 55 E +90 21 56 I +90 21 57 E +90 21 58 Y +90 21 59 K +90 21 60 N +90 21 61 I +90 21 62 E +90 21 63 I +90 21 64 E +90 21 65 I +90 21 66 K +90 21 67 E +90 21 68 I +90 21 69 Y +90 21 70 K +90 21 71 I +90 21 72 E +90 21 73 E +90 21 74 E +90 21 75 N +90 21 76 S +90 21 77 E +90 21 78 I +90 21 79 N +90 21 80 E +90 21 81 Y +90 21 82 E +90 21 83 Y +90 21 84 I +90 21 85 E +90 21 86 I +90 21 87 N +90 21 88 I +90 21 89 N +90 21 90 N +90 21 91 Y +90 21 92 K +90 21 93 E +90 21 94 N +90 21 95 K +90 21 96 Y +90 21 97 E +90 21 98 I +90 21 99 E +90 21 100 E +90 21 101 I +90 21 102 E +90 21 103 N +90 21 104 E +90 21 105 I +90 21 106 Y +90 21 107 K +90 21 108 K +90 21 109 E +90 21 110 Y +90 21 111 N +90 21 112 I +90 21 113 N +90 21 114 E +90 21 115 I +90 21 116 A +90 21 117 N +90 21 118 I +90 21 119 E +90 21 120 K +90 21 121 I +90 21 122 E +90 21 123 E +90 21 124 Y +90 21 125 S +90 21 126 I +90 21 127 N +90 21 128 Y +90 21 129 K +90 21 130 N +90 21 131 E +90 21 132 I +90 21 133 E +90 21 134 N +90 21 135 I +90 21 136 E +90 21 137 E +90 21 138 E +90 21 139 K +90 21 140 E +90 21 141 K +90 21 142 A +90 21 143 Y +90 21 144 E +90 21 145 E +90 21 146 Y +90 21 147 E +90 21 148 I +90 21 149 E +90 21 150 E +90 21 151 I +90 21 152 A +90 21 153 E +90 21 154 N +90 21 155 N +90 21 156 E +90 21 157 N +90 21 158 K +90 21 159 Y +90 21 160 I +90 21 161 E +90 21 162 N +90 21 163 E +90 21 164 E +90 21 165 N +90 21 166 E +90 21 167 E +90 21 168 E +90 21 169 E +90 21 170 N +90 21 171 N +90 21 172 K +90 21 173 I +90 21 174 Y +90 21 175 E +90 21 176 I +90 21 177 Y +90 21 178 E +90 21 179 I +90 21 180 E +90 21 181 Y +90 21 182 I +90 21 183 Y +90 21 184 E +90 21 185 Y +90 21 186 E +90 21 187 Y +90 21 188 E +90 21 189 A +90 21 190 I +90 21 191 E +90 21 192 E +90 21 193 Y +90 21 194 I +90 21 195 E +90 21 196 E +90 21 197 A +90 21 198 N +90 21 199 A +90 21 200 E +90 21 201 I +90 21 202 E +90 21 203 I +90 21 204 N +90 21 205 E +90 21 206 A +90 21 207 I +90 21 208 Y +90 21 209 E +90 21 210 N +90 21 211 E +90 21 212 Y +90 21 213 A +90 21 214 Y +90 21 215 I +90 21 216 N +90 21 217 I +90 21 218 Y +90 21 219 A +90 21 220 E +90 21 221 A +90 21 222 E +90 21 223 E +90 21 224 A +90 21 225 Y +90 21 226 E +90 21 227 N +90 21 228 E +90 21 229 E +90 21 230 A +90 21 231 I +90 21 232 Y +90 21 233 E +90 21 234 E +90 21 235 E +90 21 236 Y +90 21 237 I +90 21 238 I +90 21 239 E +90 21 240 I +90 21 241 A +90 21 242 Y +90 21 243 I +90 21 244 A +90 21 245 I +90 21 246 E +90 21 247 E +90 21 248 N +90 21 249 E +90 21 250 E +90 21 251 E +90 21 252 A +90 21 253 E +90 21 254 E +90 21 255 N +90 21 256 I +90 21 257 E +90 21 258 Y +90 21 259 I +90 21 260 A +90 21 261 I +90 21 262 A +90 21 263 K +90 21 264 E +90 21 265 E +90 21 266 I +90 21 267 E +90 21 268 E +90 21 269 I +90 21 270 Y +90 21 271 E +90 21 272 K +90 21 273 I +90 21 274 K +90 21 275 Y +90 21 276 I +90 21 277 E +90 21 278 I +90 21 279 E +90 21 280 Y +90 21 281 E +90 21 282 E +90 21 283 I +90 21 284 A +90 21 285 I +90 21 286 K +90 21 287 Y +90 21 288 I +90 21 289 E +90 21 290 A +90 21 291 E +90 21 292 A +90 21 293 A +90 21 294 K +90 21 295 Y +90 21 296 E +90 21 297 Y +90 21 298 I +90 21 299 E +90 21 300 A +90 21 301 E +90 21 302 A +90 21 303 A +90 21 304 Y +90 21 305 E +90 21 306 E +90 21 307 E +90 21 308 E +90 21 309 N +90 21 310 E +90 21 311 E +90 21 312 N +90 21 313 E +90 21 314 A +90 21 315 E +90 21 316 E +90 21 317 I +90 21 318 I +90 21 319 K +90 21 320 Y +90 21 321 I +90 21 322 E +90 21 323 E +90 21 324 A +90 21 325 E +90 21 326 Y +90 21 327 A +90 21 328 E +90 21 329 Y +90 21 330 A +90 22 1 E +90 22 2 E +90 22 3 I +90 22 4 N +90 22 5 E +90 22 6 A +90 22 7 E +90 22 8 I +90 22 9 A +90 22 10 E +90 22 11 E +90 22 12 Y +90 22 13 A +90 22 14 E +90 22 15 I +90 22 16 K +90 22 17 I +90 22 18 N +90 22 19 E +90 22 20 E +90 22 21 I +90 22 22 Y +90 22 23 S +90 22 24 N +90 22 25 E +90 22 26 E +90 22 27 K +90 22 28 I +90 22 29 E +90 22 30 Y +90 22 31 E +90 22 32 I +90 22 33 E +90 22 34 E +90 22 35 I +90 22 36 N +90 22 37 A +90 22 38 I +90 22 39 E +90 22 40 E +90 22 41 I +90 22 42 Y +90 22 43 N +90 22 44 K +90 22 45 E +90 22 46 A +90 22 47 E +90 22 48 Y +90 22 49 E +90 22 50 E +90 22 51 A +90 22 52 K +90 22 53 I +90 22 54 E +90 22 55 E +90 22 56 S +90 22 57 E +90 22 58 Y +90 22 59 A +90 22 60 N +90 22 61 I +90 22 62 E +90 22 63 S +90 22 64 E +90 22 65 I +90 22 66 K +90 22 67 E +90 22 68 S +90 22 69 E +90 22 70 A +90 22 71 I +90 22 72 E +90 22 73 E +90 22 74 E +90 22 75 E +90 22 76 S +90 22 77 E +90 22 78 S +90 22 79 N +90 22 80 E +90 22 81 E +90 22 82 E +90 22 83 Y +90 22 84 S +90 22 85 E +90 22 86 S +90 22 87 N +90 22 88 S +90 22 89 N +90 22 90 N +90 22 91 Y +90 22 92 K +90 22 93 E +90 22 94 N +90 22 95 E +90 22 96 Y +90 22 97 E +90 22 98 I +90 22 99 E +90 22 100 E +90 22 101 S +90 22 102 E +90 22 103 Y +90 22 104 E +90 22 105 S +90 22 106 Y +90 22 107 K +90 22 108 E +90 22 109 E +90 22 110 Y +90 22 111 N +90 22 112 I +90 22 113 N +90 22 114 E +90 22 115 I +90 22 116 E +90 22 117 N +90 22 118 S +90 22 119 E +90 22 120 K +90 22 121 I +90 22 122 E +90 22 123 E +90 22 124 Y +90 22 125 S +90 22 126 S +90 22 127 E +90 22 128 Y +90 22 129 K +90 22 130 N +90 22 131 S +90 22 132 I +90 22 133 E +90 22 134 N +90 22 135 I +90 22 136 E +90 22 137 E +90 22 138 E +90 22 139 K +90 22 140 E +90 22 141 K +90 22 142 K +90 22 143 E +90 22 144 E +90 22 145 E +90 22 146 Y +90 22 147 E +90 22 148 I +90 22 149 E +90 22 150 E +90 22 151 Y +90 22 152 I +90 22 153 E +90 22 154 N +90 22 155 N +90 22 156 E +90 22 157 S +90 22 158 K +90 22 159 Y +90 22 160 S +90 22 161 E +90 22 162 I +90 22 163 E +90 22 164 E +90 22 165 N +90 22 166 N +90 22 167 E +90 22 168 E +90 22 169 E +90 22 170 N +90 22 171 Y +90 22 172 K +90 22 173 S +90 22 174 Y +90 22 175 E +90 22 176 I +90 22 177 Y +90 22 178 E +90 22 179 I +90 22 180 E +90 22 181 Y +90 22 182 S +90 22 183 Y +90 22 184 E +90 22 185 Y +90 22 186 E +90 22 187 Y +90 22 188 E +90 22 189 K +90 22 190 S +90 22 191 E +90 22 192 E +90 22 193 Y +90 22 194 I +90 22 195 E +90 22 196 E +90 22 197 E +90 22 198 N +90 22 199 K +90 22 200 E +90 22 201 S +90 22 202 E +90 22 203 I +90 22 204 N +90 22 205 E +90 22 206 K +90 22 207 I +90 22 208 Y +90 22 209 E +90 22 210 I +90 22 211 E +90 22 212 Y +90 22 213 K +90 22 214 Y +90 22 215 A +90 22 216 N +90 22 217 S +90 22 218 Y +90 22 219 K +90 22 220 E +90 22 221 K +90 22 222 E +90 22 223 E +90 22 224 K +90 22 225 Y +90 22 226 E +90 22 227 N +90 22 228 N +90 22 229 E +90 22 230 Y +90 22 231 S +90 22 232 N +90 22 233 E +90 22 234 E +90 22 235 E +90 22 236 Y +90 22 237 Y +90 22 238 S +90 22 239 E +90 22 240 S +90 22 241 K +90 22 242 Y +90 22 243 I +90 22 244 K +90 22 245 I +90 22 246 E +90 22 247 E +90 22 248 N +90 22 249 E +90 22 250 E +90 22 251 E +90 22 252 A +90 22 253 E +90 22 254 E +90 22 255 N +90 22 256 S +90 22 257 E +90 22 258 Y +90 22 259 I +90 22 260 Y +90 22 261 Y +90 22 262 K +90 22 263 N +90 22 264 K +90 22 265 E +90 22 266 S +90 22 267 S +90 22 268 E +90 22 269 S +90 22 270 Y +90 22 271 N +90 22 272 K +90 22 273 S +90 22 274 K +90 22 275 Y +90 22 276 I +90 22 277 E +90 22 278 S +90 22 279 E +90 22 280 E +90 22 281 E +90 22 282 E +90 22 283 S +90 22 284 K +90 22 285 S +90 22 286 K +90 22 287 Y +90 22 288 I +90 22 289 E +90 22 290 K +90 22 291 E +90 22 292 S +90 22 293 K +90 22 294 K +90 22 295 S +90 22 296 E +90 22 297 Y +90 22 298 I +90 22 299 E +90 22 300 K +90 22 301 E +90 22 302 K +90 22 303 A +90 22 304 E +90 22 305 S +90 22 306 E +90 22 307 E +90 22 308 E +90 22 309 N +90 22 310 E +90 22 311 E +90 22 312 N +90 22 313 E +90 22 314 K +90 22 315 E +90 22 316 E +90 22 317 S +90 22 318 Y +90 22 319 K +90 22 320 E +90 22 321 I +90 22 322 E +90 22 323 E +90 22 324 K +90 22 325 S +90 22 326 Y +90 22 327 K +90 22 328 E +90 22 329 Y +90 22 330 K +90 23 1 E +90 23 2 E +90 23 3 I +90 23 4 N +90 23 5 E +90 23 6 S +90 23 7 E +90 23 8 I +90 23 9 N +90 23 10 E +90 23 11 N +90 23 12 Y +90 23 13 N +90 23 14 N +90 23 15 K +90 23 16 K +90 23 17 I +90 23 18 N +90 23 19 E +90 23 20 E +90 23 21 I +90 23 22 Y +90 23 23 E +90 23 24 N +90 23 25 N +90 23 26 E +90 23 27 K +90 23 28 S +90 23 29 E +90 23 30 Y +90 23 31 E +90 23 32 E +90 23 33 E +90 23 34 E +90 23 35 I +90 23 36 N +90 23 37 E +90 23 38 I +90 23 39 E +90 23 40 E +90 23 41 I +90 23 42 Y +90 23 43 N +90 23 44 K +90 23 45 E +90 23 46 K +90 23 47 N +90 23 48 Y +90 23 49 E +90 23 50 N +90 23 51 N +90 23 52 K +90 23 53 I +90 23 54 E +90 23 55 E +90 23 56 A +90 23 57 E +90 23 58 Y +90 23 59 K +90 23 60 N +90 23 61 I +90 23 62 E +90 23 63 I +90 23 64 E +90 23 65 I +90 23 66 A +90 23 67 E +90 23 68 I +90 23 69 N +90 23 70 K +90 23 71 N +90 23 72 E +90 23 73 E +90 23 74 A +90 23 75 N +90 23 76 Y +90 23 77 E +90 23 78 A +90 23 79 N +90 23 80 E +90 23 81 E +90 23 82 E +90 23 83 A +90 23 84 I +90 23 85 E +90 23 86 I +90 23 87 N +90 23 88 I +90 23 89 N +90 23 90 N +90 23 91 E +90 23 92 A +90 23 93 E +90 23 94 N +90 23 95 A +90 23 96 Y +90 23 97 E +90 23 98 I +90 23 99 A +90 23 100 E +90 23 101 I +90 23 102 A +90 23 103 E +90 23 104 E +90 23 105 I +90 23 106 Y +90 23 107 K +90 23 108 A +90 23 109 E +90 23 110 Y +90 23 111 N +90 23 112 I +90 23 113 N +90 23 114 E +90 23 115 I +90 23 116 A +90 23 117 N +90 23 118 I +90 23 119 E +90 23 120 K +90 23 121 I +90 23 122 E +90 23 123 N +90 23 124 E +90 23 125 Y +90 23 126 S +90 23 127 N +90 23 128 Y +90 23 129 K +90 23 130 N +90 23 131 S +90 23 132 I +90 23 133 E +90 23 134 N +90 23 135 S +90 23 136 E +90 23 137 N +90 23 138 E +90 23 139 K +90 23 140 E +90 23 141 K +90 23 142 K +90 23 143 E +90 23 144 N +90 23 145 E +90 23 146 Y +90 23 147 E +90 23 148 I +90 23 149 E +90 23 150 N +90 23 151 S +90 23 152 A +90 23 153 E +90 23 154 N +90 23 155 N +90 23 156 E +90 23 157 N +90 23 158 K +90 23 159 A +90 23 160 S +90 23 161 E +90 23 162 I +90 23 163 E +90 23 164 E +90 23 165 N +90 23 166 N +90 23 167 A +90 23 168 E +90 23 169 E +90 23 170 N +90 23 171 N +90 23 172 K +90 23 173 I +90 23 174 Y +90 23 175 A +90 23 176 I +90 23 177 Y +90 23 178 E +90 23 179 N +90 23 180 E +90 23 181 A +90 23 182 N +90 23 183 N +90 23 184 E +90 23 185 A +90 23 186 E +90 23 187 Y +90 23 188 E +90 23 189 A +90 23 190 S +90 23 191 E +90 23 192 E +90 23 193 Y +90 23 194 N +90 23 195 E +90 23 196 E +90 23 197 A +90 23 198 N +90 23 199 A +90 23 200 E +90 23 201 S +90 23 202 E +90 23 203 I +90 23 204 N +90 23 205 E +90 23 206 K +90 23 207 S +90 23 208 Y +90 23 209 E +90 23 210 N +90 23 211 E +90 23 212 Y +90 23 213 A +90 23 214 Y +90 23 215 S +90 23 216 N +90 23 217 S +90 23 218 E +90 23 219 K +90 23 220 E +90 23 221 K +90 23 222 E +90 23 223 E +90 23 224 A +90 23 225 E +90 23 226 N +90 23 227 N +90 23 228 N +90 23 229 E +90 23 230 A +90 23 231 E +90 23 232 N +90 23 233 A +90 23 234 E +90 23 235 E +90 23 236 Y +90 23 237 A +90 23 238 E +90 23 239 S +90 23 240 N +90 23 241 K +90 23 242 Y +90 23 243 E +90 23 244 E +90 23 245 I +90 23 246 E +90 23 247 E +90 23 248 N +90 23 249 E +90 23 250 E +90 23 251 E +90 23 252 A +90 23 253 E +90 23 254 E +90 23 255 N +90 23 256 S +90 23 257 E +90 23 258 Y +90 23 259 S +90 23 260 A +90 23 261 Y +90 23 262 K +90 23 263 N +90 23 264 E +90 23 265 E +90 23 266 S +90 23 267 E +90 23 268 E +90 23 269 S +90 23 270 Y +90 23 271 N +90 23 272 K +90 23 273 E +90 23 274 K +90 23 275 Y +90 23 276 I +90 23 277 E +90 23 278 S +90 23 279 E +90 23 280 E +90 23 281 E +90 23 282 E +90 23 283 N +90 23 284 A +90 23 285 S +90 23 286 K +90 23 287 N +90 23 288 I +90 23 289 E +90 23 290 A +90 23 291 E +90 23 292 S +90 23 293 K +90 23 294 K +90 23 295 N +90 23 296 E +90 23 297 Y +90 23 298 I +90 23 299 E +90 23 300 A +90 23 301 E +90 23 302 A +90 23 303 K +90 23 304 E +90 23 305 N +90 23 306 E +90 23 307 E +90 23 308 A +90 23 309 N +90 23 310 E +90 23 311 E +90 23 312 N +90 23 313 E +90 23 314 K +90 23 315 E +90 23 316 E +90 23 317 S +90 23 318 Y +90 23 319 K +90 23 320 E +90 23 321 I +90 23 322 E +90 23 323 E +90 23 324 K +90 23 325 E +90 23 326 Y +90 23 327 A +90 23 328 E +90 23 329 N +90 23 330 A +90 24 1 E +90 24 2 A +90 24 3 S +90 24 4 * +90 24 5 * +90 24 6 * +90 24 7 E +90 24 8 S +90 24 9 S +90 24 10 E +90 24 11 E +90 24 12 Y +90 24 13 E +90 24 14 E +90 24 15 A +90 24 16 K +90 24 17 S +90 24 18 N +90 24 19 E +90 24 20 Y +90 24 21 S +90 24 22 Y +90 24 23 E +90 24 24 N +90 24 25 E +90 24 26 E +90 24 27 K +90 24 28 S +90 24 29 E +90 24 30 S +90 24 31 A +90 24 32 S +90 24 33 Y +90 24 34 E +90 24 35 S +90 24 36 N +90 24 37 E +90 24 38 S +90 24 39 Y +90 24 40 E +90 24 41 I +90 24 42 Y +90 24 43 E +90 24 44 K +90 24 45 E +90 24 46 A +90 24 47 E +90 24 48 Y +90 24 49 A +90 24 50 E +90 24 51 N +90 24 52 A +90 24 53 S +90 24 54 Y +90 24 55 E +90 24 56 A +90 24 57 E +90 24 58 Y +90 24 59 A +90 24 60 E +90 24 61 I +90 24 62 A +90 24 63 S +90 24 64 E +90 24 65 S +90 24 66 K +90 24 67 E +90 24 68 E +90 24 69 E +90 24 70 A +90 24 71 S +90 24 72 E +90 24 73 E +90 24 74 A +90 24 75 N +90 24 76 S +90 24 77 E +90 24 78 A +90 24 79 N +90 24 80 E +90 24 81 Y +90 24 82 E +90 24 83 Y +90 24 84 S +90 24 85 E +90 24 86 A +90 24 87 N +90 24 88 S +90 24 89 N +90 24 90 E +90 24 91 Y +90 24 92 A +90 24 93 E +90 24 94 N +90 24 95 A +90 24 96 Y +90 24 97 E +90 24 98 I +90 24 99 A +90 24 100 E +90 24 101 S +90 24 102 A +90 24 103 N +90 24 104 E +90 24 105 E +90 24 106 Y +90 24 107 K +90 24 108 K +90 24 109 E +90 24 110 Y +90 24 111 N +90 24 112 I +90 24 113 N +90 24 114 E +90 24 115 I +90 24 116 E +90 24 117 N +90 24 118 S +90 24 119 E +90 24 120 K +90 24 121 S +90 24 122 E +90 24 123 E +90 24 124 Y +90 24 125 S +90 24 126 A +90 24 127 N +90 24 128 Y +90 24 129 K +90 24 130 N +90 24 131 E +90 24 132 S +90 24 133 E +90 24 134 N +90 24 135 S +90 24 136 E +90 24 137 N +90 24 138 E +90 24 139 A +90 24 140 E +90 24 141 K +90 24 142 K +90 24 143 Y +90 24 144 E +90 24 145 E +90 24 146 Y +90 24 147 E +90 24 148 I +90 24 149 Y +90 24 150 E +90 24 151 S +90 24 152 A +90 24 153 E +90 24 154 A +90 24 155 N +90 24 156 E +90 24 157 N +90 24 158 K +90 24 159 Y +90 24 160 A +90 24 161 E +90 24 162 I +90 24 163 E +90 24 164 E +90 24 165 N +90 24 166 N +90 24 167 A +90 24 168 E +90 24 169 E +90 24 170 N +90 24 171 Y +90 24 172 K +90 24 173 I +90 24 174 Y +90 24 175 A +90 24 176 I +90 24 177 A +90 24 178 E +90 24 179 S +90 24 180 E +90 24 181 Y +90 24 182 N +90 24 183 N +90 24 184 E +90 24 185 Y +90 24 186 E +90 24 187 Y +90 24 188 E +90 24 189 A +90 24 190 A +90 24 191 E +90 24 192 E +90 24 193 Y +90 24 194 N +90 24 195 Y +90 24 196 A +90 24 197 A +90 24 198 N +90 24 199 K +90 24 200 E +90 24 201 S +90 24 202 E +90 24 203 S +90 24 204 N +90 24 205 E +90 24 206 K +90 24 207 S +90 24 208 Y +90 24 209 N +90 24 210 N +90 24 211 E +90 24 212 Y +90 24 213 A +90 24 214 Y +90 24 215 A +90 24 216 N +90 24 217 A +90 24 218 Y +90 24 219 K +90 24 220 E +90 24 221 A +90 24 222 E +90 24 223 E +90 24 224 K +90 24 225 Y +90 24 226 E +90 24 227 N +90 24 228 N +90 24 229 E +90 24 230 K +90 24 231 E +90 24 232 N +90 24 233 E +90 24 234 E +90 24 235 E +90 24 236 Y +90 24 237 S +90 24 238 E +90 24 239 I +90 24 240 S +90 24 241 K +90 24 242 Y +90 24 243 N +90 24 244 A +90 24 245 I +90 24 246 E +90 24 247 E +90 24 248 N +90 24 249 E +90 24 250 N +90 24 251 Y +90 24 252 K +90 24 253 E +90 24 254 E +90 24 255 N +90 24 256 I +90 24 257 E +90 24 258 Y +90 24 259 I +90 24 260 A +90 24 261 S +90 24 262 A +90 24 263 A +90 24 264 E +90 24 265 E +90 24 266 S +90 24 267 A +90 24 268 Y +90 24 269 E +90 24 270 Y +90 24 271 N +90 24 272 A +90 24 273 E +90 24 274 K +90 24 275 Y +90 24 276 I +90 24 277 E +90 24 278 S +90 24 279 E +90 24 280 Y +90 24 281 E +90 24 282 Y +90 24 283 N +90 24 284 A +90 24 285 A +90 24 286 A +90 24 287 N +90 24 288 I +90 24 289 E +90 24 290 A +90 24 291 E +90 24 292 A +90 24 293 A +90 24 294 A +90 24 295 N +90 24 296 E +90 24 297 Y +90 24 298 I +90 24 299 E +90 24 300 A +90 24 301 E +90 24 302 K +90 24 303 A +90 24 304 E +90 24 305 N +90 24 306 Y +90 24 307 E +90 24 308 A +90 24 309 N +90 24 310 E +90 24 311 E +90 24 312 N +90 24 313 E +90 24 314 K +90 24 315 Y +90 24 316 E +90 24 317 S +90 24 318 Y +90 24 319 K +90 24 320 Y +90 24 321 I +90 24 322 E +90 24 323 N +90 24 324 K +90 24 325 E +90 24 326 Y +90 24 327 A +90 24 328 E +90 24 329 Y +90 24 330 A +90 25 1 E +90 25 2 * +90 25 3 I +90 25 4 N +90 25 5 E +90 25 6 * +90 25 7 E +90 25 8 * +90 25 9 * +90 25 10 E +90 25 11 N +90 25 12 Y +90 25 13 N +90 25 14 N +90 25 15 * +90 25 16 K +90 25 17 I +90 25 18 N +90 25 19 E +90 25 20 E +90 25 21 I +90 25 22 Y +90 25 23 E +90 25 24 N +90 25 25 E +90 25 26 E +90 25 27 K +90 25 28 I +90 25 29 E +90 25 30 * +90 25 31 A +90 25 32 * +90 25 33 E +90 25 34 E +90 25 35 I +90 25 36 N +90 25 37 N +90 25 38 I +90 25 39 E +90 25 40 E +90 25 41 I +90 25 42 A +90 25 43 N +90 25 44 K +90 25 45 E +90 25 46 N +90 25 47 N +90 25 48 Y +90 25 49 E +90 25 50 N +90 25 51 N +90 25 52 A +90 25 53 I +90 25 54 E +90 25 55 E +90 25 56 A +90 25 57 N +90 25 58 * +90 25 59 A +90 25 60 N +90 25 61 I +90 25 62 E +90 25 63 I +90 25 64 E +90 25 65 I +90 25 66 K +90 25 67 E +90 25 68 * +90 25 69 A +90 25 70 K +90 25 71 N +90 25 72 E +90 25 73 E +90 25 74 A +90 25 75 N +90 25 76 Y +90 25 77 E +90 25 78 A +90 25 79 N +90 25 80 E +90 25 81 E +90 25 82 E +90 25 83 A +90 25 84 * +90 25 85 E +90 25 86 * +90 25 87 N +90 25 88 * +90 25 89 N +90 25 90 N +90 25 91 E +90 25 92 K +90 25 93 E +90 25 94 N +90 25 95 A +90 25 96 Y +90 25 97 E +90 25 98 I +90 25 99 A +90 25 100 E +90 25 101 I +90 25 102 A +90 25 103 N +90 25 104 E +90 25 105 * +90 25 106 Y +90 25 107 K +90 25 108 E +90 25 109 E +90 25 110 Y +90 25 111 N +90 25 112 I +90 25 113 N +90 25 114 N +90 25 115 I +90 25 116 A +90 25 117 N +90 25 118 A +90 25 119 E +90 25 120 A +90 25 121 I +90 25 122 E +90 25 123 E +90 25 124 * +90 25 125 Y +90 25 126 A +90 25 127 N +90 25 128 * +90 25 129 K +90 25 130 N +90 25 131 E +90 25 132 I +90 25 133 E +90 25 134 N +90 25 135 I +90 25 136 E +90 25 137 N +90 25 138 E +90 25 139 A +90 25 140 E +90 25 141 K +90 25 142 A +90 25 143 E +90 25 144 E +90 25 145 E +90 25 146 Y +90 25 147 E +90 25 148 I +90 25 149 E +90 25 150 N +90 25 151 A +90 25 152 A +90 25 153 E +90 25 154 N +90 25 155 N +90 25 156 E +90 25 157 N +90 25 158 K +90 25 159 Y +90 25 160 A +90 25 161 E +90 25 162 I +90 25 163 E +90 25 164 E +90 25 165 A +90 25 166 N +90 25 167 A +90 25 168 E +90 25 169 E +90 25 170 N +90 25 171 N +90 25 172 K +90 25 173 I +90 25 174 Y +90 25 175 E +90 25 176 I +90 25 177 * +90 25 178 E +90 25 179 N +90 25 180 E +90 25 181 A +90 25 182 N +90 25 183 N +90 25 184 E +90 25 185 * +90 25 186 E +90 25 187 Y +90 25 188 E +90 25 189 A +90 25 190 * +90 25 191 E +90 25 192 E +90 25 193 * +90 25 194 N +90 25 195 E +90 25 196 A +90 25 197 * +90 25 198 N +90 25 199 K +90 25 200 E +90 25 201 A +90 25 202 E +90 25 203 I +90 25 204 N +90 25 205 E +90 25 206 A +90 25 207 I +90 25 208 * +90 25 209 E +90 25 210 N +90 25 211 E +90 25 212 Y +90 25 213 A +90 25 214 Y +90 25 215 A +90 25 216 N +90 25 217 * +90 25 218 K +90 25 219 A +90 25 220 E +90 25 221 A +90 25 222 E +90 25 223 E +90 25 224 K +90 25 225 * +90 25 226 E +90 25 227 N +90 25 228 N +90 25 229 A +90 25 230 K +90 25 231 * +90 25 232 N +90 25 233 A +90 25 234 E +90 25 235 E +90 25 236 * +90 25 237 S +90 25 238 E +90 25 239 S +90 25 240 N +90 25 241 K +90 25 242 A +90 25 243 N +90 25 244 A +90 25 245 I +90 25 246 E +90 25 247 E +90 25 248 N +90 25 249 E +90 25 250 E +90 25 251 A +90 25 252 K +90 25 253 E +90 25 254 A +90 25 255 N +90 25 256 I +90 25 257 E +90 25 258 * +90 25 259 I +90 25 260 A +90 25 261 S +90 25 262 K +90 25 263 A +90 25 264 E +90 25 265 E +90 25 266 I +90 25 267 N +90 25 268 E +90 25 269 S +90 25 270 Y +90 25 271 N +90 25 272 A +90 25 273 * +90 25 274 K +90 25 275 * +90 25 276 I +90 25 277 E +90 25 278 S +90 25 279 E +90 25 280 * +90 25 281 E +90 25 282 E +90 25 283 N +90 25 284 A +90 25 285 A +90 25 286 K +90 25 287 N +90 25 288 I +90 25 289 E +90 25 290 K +90 25 291 E +90 25 292 S +90 25 293 A +90 25 294 A +90 25 295 N +90 25 296 E +90 25 297 Y +90 25 298 I +90 25 299 E +90 25 300 A +90 25 301 E +90 25 302 K +90 25 303 A +90 25 304 * +90 25 305 N +90 25 306 * +90 25 307 E +90 25 308 A +90 25 309 N +90 25 310 E +90 25 311 E +90 25 312 N +90 25 313 E +90 25 314 K +90 25 315 E +90 25 316 E +90 25 317 S +90 25 318 Y +90 25 319 K +90 25 320 A +90 25 321 I +90 25 322 E +90 25 323 E +90 25 324 K +90 25 325 E +90 25 326 Y +90 25 327 A +90 25 328 N +90 25 329 N +90 25 330 A +91 1 1 DA +91 1 2 DA +91 1 3 DR +91 1 4 BU +91 1 5 DA +91 1 6 DR +91 1 7 DA +91 1 8 CH +91 1 9 DB +91 1 10 UD +91 1 11 DB +91 1 12 TD +91 1 13 DA +91 1 14 UD +91 1 15 CH +91 1 16 PS +91 1 17 DR +91 1 18 DB +91 1 19 UD +91 1 20 DA +91 1 21 DR +91 1 22 TD +91 1 23 CH +91 1 24 DB +91 1 25 UD +91 1 26 UD +91 1 27 PS +91 1 28 CH +91 1 29 DA +91 1 30 CC +91 1 31 DA +91 1 32 ID +91 1 33 DA +91 1 34 DA +91 1 35 BU +91 1 36 DA +91 1 37 UR +91 1 38 ID +91 1 39 DA +91 1 40 UR +91 1 41 DR +91 1 42 TD +91 1 43 DA +91 1 44 BU +91 1 45 DA +91 1 46 BD +91 1 47 DA +91 1 48 TD +91 1 49 UR +91 1 50 ID +91 1 51 CC +91 1 52 PS +91 1 53 SN +91 1 54 DA +91 1 55 UR +91 1 56 SN +91 1 57 UR +91 1 58 UZ +91 1 59 ID +91 1 60 UR +91 1 61 SN +91 1 62 ID +91 1 63 UZ +91 1 64 UR +91 1 65 SN +91 1 66 PS +91 1 67 DA +91 1 68 ID +91 1 69 DA +91 1 70 ID +91 1 71 ID +91 1 72 DA +91 1 73 ID +91 1 74 UR +91 1 75 DA +91 1 76 UZ +91 1 77 UR +91 1 78 ID +91 1 79 DB +91 1 80 UR +91 1 81 DA +91 1 82 UR +91 1 83 TD +91 1 84 SN +91 1 85 DA +91 1 86 BU +91 1 87 DB +91 1 88 ID +91 1 89 DB +91 1 90 UD +91 1 91 DA +91 1 92 SN +91 1 93 UD +91 1 94 DB +91 1 95 UD +91 1 96 TD +91 1 97 ID +91 1 98 DR +91 1 99 BU +91 1 100 UD +91 1 101 ID +91 1 102 ID +91 1 103 CC +91 1 104 UR +91 1 105 ID +91 1 106 TD +91 1 107 PS +91 1 108 UD +91 1 109 ID +91 1 110 MS +91 1 111 DA +91 1 112 DR +91 1 113 DB +91 1 114 UD +91 1 115 DR +91 1 116 UR +91 1 117 DB +91 1 118 BU +91 1 119 DA +91 1 120 PS +91 1 121 MS +91 1 122 DA +91 1 123 UD +91 1 124 DA +91 1 125 MS +91 1 126 BU +91 1 127 DA +91 1 128 TD +91 1 129 PS +91 1 130 DA +91 1 131 ID +91 1 132 MS +91 1 133 DA +91 1 134 CF +91 1 135 ID +91 1 136 UR +91 1 137 DA +91 1 138 UR +91 1 139 ID +91 1 140 UD +91 1 141 PS +91 1 142 ID +91 1 143 DA +91 1 144 ID +91 1 145 DA +91 1 146 TD +91 1 147 UR +91 1 148 DR +91 1 149 DA +91 1 150 ID +91 1 151 SH +91 1 152 ID +91 1 153 UR +91 1 154 MM +91 1 155 DB +91 1 156 DA +91 1 157 DB +91 1 158 ID +91 1 159 TD +91 1 160 BU +91 1 161 DA +91 1 162 DR +91 1 163 UD +91 1 164 UR +91 1 165 DA +91 1 166 UD +91 1 167 ID +91 1 168 DA +91 1 169 UD +91 1 170 UD +91 1 171 DA +91 1 172 PS +91 1 173 BU +91 1 174 TD +91 1 175 UR +91 1 176 BU +91 1 177 TD +91 1 178 UD +91 1 179 DR +91 1 180 DA +91 1 181 MS +91 1 182 ID +91 1 183 MS +91 1 184 ID +91 1 185 MS +91 1 186 UR +91 1 187 MS +91 1 188 UD +91 1 189 UR +91 1 190 BU +91 1 191 DA +91 1 192 ID +91 1 193 TD +91 1 194 DR +91 1 195 DA +91 1 196 DA +91 1 197 ID +91 1 198 DB +91 1 199 UR +91 1 200 UR +91 1 201 BU +91 1 202 DA +91 1 203 ID +91 1 204 CF +91 1 205 ID +91 1 206 UD +91 1 207 BU +91 1 208 MS +91 1 209 UD +91 1 210 CZ +91 1 211 UD +91 1 212 MS +91 1 213 ID +91 1 214 DA +91 1 215 BU +91 1 216 DA +91 1 217 BU +91 1 218 DA +91 1 219 UR +91 1 220 ID +91 1 221 UD +91 1 222 ID +91 1 223 DA +91 1 224 BU +91 1 225 DA +91 1 226 UD +91 1 227 DB +91 1 228 UD +91 1 229 DA +91 1 230 BU +91 1 231 ID +91 1 232 CF +91 1 233 ID +91 1 234 DA +91 1 235 UD +91 1 236 DA +91 1 237 BU +91 1 238 UR +91 1 239 BU +91 1 240 DB +91 1 241 PS +91 1 242 TD +91 1 243 ID +91 1 244 UR +91 1 245 DR +91 1 246 UR +91 1 247 ID +91 1 248 DA +91 1 249 DA +91 1 250 CH +91 1 251 DA +91 1 252 BU +91 1 253 UR +91 1 254 UR +91 1 255 DB +91 1 256 DR +91 1 257 UD +91 1 258 TD +91 1 259 CH +91 1 260 TD +91 1 261 MS +91 1 262 PS +91 1 263 MM +91 1 264 UR +91 1 265 DA +91 1 266 CZ +91 1 267 ID +91 1 268 DA +91 1 269 SN +91 1 270 MS +91 1 271 DA +91 1 272 PS +91 1 273 ID +91 1 274 PS +91 1 275 SS +91 1 276 CH +91 1 277 UD +91 1 278 MS +91 1 279 UD +91 1 280 DA +91 1 281 DA +91 1 282 DA +91 1 283 CZ +91 1 284 UR +91 1 285 BU +91 1 286 BU +91 1 287 CF +91 1 288 DR +91 1 289 UR +91 1 290 BU +91 1 291 UD +91 1 292 BU +91 1 293 UR +91 1 294 UD +91 1 295 CZ +91 1 296 ID +91 1 297 TD +91 1 298 DR +91 1 299 DA +91 1 300 MM +91 1 301 DA +91 1 302 BU +91 1 303 UR +91 1 304 DA +91 1 305 ID +91 1 306 DA +91 1 307 UD +91 1 308 ID +91 1 309 DB +91 1 310 DA +91 1 311 UD +91 1 312 DB +91 1 313 UD +91 1 314 BU +91 1 315 DA +91 1 316 UR +91 1 317 CH +91 1 318 MS +91 1 319 CH +91 1 320 SS +91 1 321 DR +91 1 322 UR +91 1 323 DA +91 1 324 BU +91 1 325 ID +91 1 326 TD +91 1 327 UD +91 1 328 DA +91 1 329 CF +91 1 330 UR +91 2 1 DA +91 2 2 DA +91 2 3 DR +91 2 4 ID +91 2 5 DA +91 2 6 MA +91 2 7 DA +91 2 8 UD +91 2 9 CZ +91 2 10 ID +91 2 11 DA +91 2 12 TD +91 2 13 DA +91 2 14 PD +91 2 15 DR +91 2 16 PS +91 2 17 DR +91 2 18 DE +91 2 19 DA +91 2 20 DA +91 2 21 DR +91 2 22 MA +91 2 23 ID +91 2 24 CZ +91 2 25 DA +91 2 26 DA +91 2 27 DA +91 2 28 DR +91 2 29 DA +91 2 30 CZ +91 2 31 DA +91 2 32 UD +91 2 33 DA +91 2 34 DA +91 2 35 MA +91 2 36 DA +91 2 37 DA +91 2 38 DR +91 2 39 DA +91 2 40 DA +91 2 41 DR +91 2 42 TD +91 2 43 DA +91 2 44 PS +91 2 45 DA +91 2 46 PD +91 2 47 DA +91 2 48 TD +91 2 49 DA +91 2 50 UD +91 2 51 CZ +91 2 52 PS +91 2 53 ID +91 2 54 DA +91 2 55 DA +91 2 56 MA +91 2 57 DA +91 2 58 TD +91 2 59 PS +91 2 60 DA +91 2 61 DR +91 2 62 DA +91 2 63 DR +91 2 64 DA +91 2 65 DR +91 2 66 PS +91 2 67 DA +91 2 68 ID +91 2 69 DA +91 2 70 PS +91 2 71 ID +91 2 72 DA +91 2 73 UD +91 2 74 DA +91 2 75 DA +91 2 76 MA +91 2 77 DA +91 2 78 DA +91 2 79 PD +91 2 80 DA +91 2 81 DA +91 2 82 DA +91 2 83 PS +91 2 84 DA +91 2 85 DA +91 2 86 DA +91 2 87 PD +91 2 88 UD +91 2 89 DE +91 2 90 DA +91 2 91 TD +91 2 92 PS +91 2 93 DA +91 2 94 CZ +91 2 95 PS +91 2 96 TD +91 2 97 UD +91 2 98 DR +91 2 99 DA +91 2 100 DA +91 2 101 DR +91 2 102 PS +91 2 103 DA +91 2 104 DA +91 2 105 UD +91 2 106 TD +91 2 107 PS +91 2 108 PS +91 2 109 DA +91 2 110 TD +91 2 111 DA +91 2 112 DR +91 2 113 DE +91 2 114 DA +91 2 115 DR +91 2 116 PS +91 2 117 CZ +91 2 118 DA +91 2 119 DA +91 2 120 PS +91 2 121 DA +91 2 122 MA +91 2 123 DA +91 2 124 TD +91 2 125 MA +91 2 126 DA +91 2 127 DA +91 2 128 TD +91 2 129 PS +91 2 130 DA +91 2 131 UD +91 2 132 ID +91 2 133 DA +91 2 134 CZ +91 2 135 DA +91 2 136 DA +91 2 137 DA +91 2 138 DA +91 2 139 PS +91 2 140 DA +91 2 141 PS +91 2 142 PS +91 2 143 DA +91 2 144 DA +91 2 145 DA +91 2 146 TD +91 2 147 DA +91 2 148 DR +91 2 149 DA +91 2 150 ID +91 2 151 DA +91 2 152 DA +91 2 153 DA +91 2 154 PD +91 2 155 CZ +91 2 156 DA +91 2 157 CZ +91 2 158 PS +91 2 159 TD +91 2 160 DA +91 2 161 DA +91 2 162 DR +91 2 163 DA +91 2 164 DA +91 2 165 DA +91 2 166 DA +91 2 167 DA +91 2 168 DA +91 2 169 DA +91 2 170 DA +91 2 171 DA +91 2 172 PS +91 2 173 DA +91 2 174 TD +91 2 175 DA +91 2 176 DR +91 2 177 TD +91 2 178 DA +91 2 179 CZ +91 2 180 DA +91 2 181 TD +91 2 182 ID +91 2 183 CZ +91 2 184 ID +91 2 185 TD +91 2 186 DA +91 2 187 TD +91 2 188 DA +91 2 189 PS +91 2 190 DA +91 2 191 DA +91 2 192 ID +91 2 193 TD +91 2 194 ID +91 2 195 DA +91 2 196 DA +91 2 197 ID +91 2 198 DE +91 2 199 PS +91 2 200 DA +91 2 201 DA +91 2 202 DA +91 2 203 ID +91 2 204 CZ +91 2 205 ID +91 2 206 PS +91 2 207 ID +91 2 208 TD +91 2 209 DA +91 2 210 CZ +91 2 211 DA +91 2 212 MA +91 2 213 PS +91 2 214 TD +91 2 215 DA +91 2 216 DA +91 2 217 DA +91 2 218 TD +91 2 219 PS +91 2 220 ID +91 2 221 PS +91 2 222 ID +91 2 223 DA +91 2 224 PS +91 2 225 TD +91 2 226 DA +91 2 227 DE +91 2 228 DA +91 2 229 DA +91 2 230 PS +91 2 231 ID +91 2 232 CZ +91 2 233 PS +91 2 234 DA +91 2 235 DA +91 2 236 TD +91 2 237 DA +91 2 238 DA +91 2 239 DA +91 2 240 CZ +91 2 241 PS +91 2 242 TD +91 2 243 ID +91 2 244 PS +91 2 245 DR +91 2 246 DA +91 2 247 ID +91 2 248 DA +91 2 249 DA +91 2 250 ID +91 2 251 DA +91 2 252 PS +91 2 253 * +91 2 254 * +91 2 255 * +91 2 256 * +91 2 257 * +91 2 258 * +91 2 259 * +91 2 260 * +91 2 261 * +91 2 262 * +91 2 263 * +91 2 264 * +91 2 265 * +91 2 266 * +91 2 267 * +91 2 268 * +91 2 269 * +91 2 270 * +91 2 271 * +91 2 272 * +91 2 273 * +91 2 274 * +91 2 275 * +91 2 276 * +91 2 277 * +91 2 278 * +91 2 279 * +91 2 280 * +91 2 281 * +91 2 282 * +91 2 283 * +91 2 284 * +91 2 285 * +91 2 286 * +91 2 287 * +91 2 288 * +91 2 289 * +91 2 290 * +91 2 291 * +91 2 292 * +91 2 293 * +91 2 294 * +91 2 295 * +91 2 296 * +91 2 297 * +91 2 298 * +91 2 299 * +91 2 300 * +91 2 301 * +91 2 302 * +91 2 303 * +91 2 304 * +91 2 305 * +91 2 306 * +91 2 307 * +91 2 308 * +91 2 309 * +91 2 310 * +91 2 311 * +91 2 312 * +91 2 313 * +91 2 314 * +91 2 315 * +91 2 316 * +91 2 317 * +91 2 318 * +91 2 319 * +91 2 320 * +91 2 321 * +91 2 322 * +91 2 323 * +91 2 324 * +91 2 325 * +91 2 326 * +91 2 327 * +91 2 328 * +91 2 329 * +91 2 330 * +91 3 1 DA +91 3 2 DA +91 3 3 TD +91 3 4 ID +91 3 5 DA +91 3 6 SH +91 3 7 DA +91 3 8 ID +91 3 9 CQ +91 3 10 ID +91 3 11 DA +91 3 12 TD +91 3 13 DA +91 3 14 DB +91 3 15 DR +91 3 16 PS +91 3 17 TD +91 3 18 DB +91 3 19 DA +91 3 20 DA +91 3 21 DR +91 3 22 TD +91 3 23 ID +91 3 24 PD +91 3 25 DA +91 3 26 DA +91 3 27 PD +91 3 28 DR +91 3 29 DA +91 3 30 TD +91 3 31 PD +91 3 32 ID +91 3 33 DA +91 3 34 DA +91 3 35 TD +91 3 36 DA +91 3 37 PD +91 3 38 DR +91 3 39 DA +91 3 40 DA +91 3 41 DR +91 3 42 TD +91 3 43 DA +91 3 44 PS +91 3 45 DA +91 3 46 PD +91 3 47 DA +91 3 48 TD +91 3 49 DA +91 3 50 ID +91 3 51 CZ +91 3 52 PS +91 3 53 ID +91 3 54 DA +91 3 55 DA +91 3 56 TD +91 3 57 DA +91 3 58 TD +91 3 59 PD +91 3 60 DB +91 3 61 DR +91 3 62 ID +91 3 63 DR +91 3 64 DA +91 3 65 DR +91 3 66 PS +91 3 67 DA +91 3 68 ID +91 3 69 DA +91 3 70 PD +91 3 71 ID +91 3 72 DA +91 3 73 ID +91 3 74 DA +91 3 75 DB +91 3 76 TD +91 3 77 DA +91 3 78 PD +91 3 79 DB +91 3 80 DA +91 3 81 DA +91 3 82 DA +91 3 83 TD +91 3 84 TD +91 3 85 DA +91 3 86 ID +91 3 87 DB +91 3 88 ID +91 3 89 DE +91 3 90 DB +91 3 91 TD +91 3 92 PS +91 3 93 DA +91 3 94 DB +91 3 95 PS +91 3 96 TD +91 3 97 ID +91 3 98 DR +91 3 99 PD +91 3 100 DA +91 3 101 ID +91 3 102 PD +91 3 103 DA +91 3 104 DA +91 3 105 ID +91 3 106 TD +91 3 107 PS +91 3 108 PS +91 3 109 ID +91 3 110 TD +91 3 111 DE +91 3 112 DR +91 3 113 DE +91 3 114 DA +91 3 115 DR +91 3 116 PS +91 3 117 DE +91 3 118 DR +91 3 119 DA +91 3 120 PS +91 3 121 TD +91 3 122 DA +91 3 123 DA +91 3 124 TD +91 3 125 TD +91 3 126 PS +91 3 127 DA +91 3 128 TD +91 3 129 PS +91 3 130 DB +91 3 131 ID +91 3 132 DR +91 3 133 DA +91 3 134 DB +91 3 135 DR +91 3 136 DA +91 3 137 DA +91 3 138 DA +91 3 139 PD +91 3 140 DA +91 3 141 PS +91 3 142 PS +91 3 143 TD +91 3 144 ID +91 3 145 DA +91 3 146 TD +91 3 147 DA +91 3 148 DR +91 3 149 DA +91 3 150 ID +91 3 151 TD +91 3 152 ID +91 3 153 DA +91 3 154 PD +91 3 155 DB +91 3 156 DA +91 3 157 SH +91 3 158 PS +91 3 159 TD +91 3 160 TD +91 3 161 DA +91 3 162 DR +91 3 163 DA +91 3 164 DA +91 3 165 TD +91 3 166 DA +91 3 167 PD +91 3 168 DA +91 3 169 PD +91 3 170 DB +91 3 171 SH +91 3 172 PS +91 3 173 DR +91 3 174 MS +91 3 175 PS +91 3 176 DR +91 3 177 TD +91 3 178 DA +91 3 179 ID +91 3 180 DA +91 3 181 SH +91 3 182 SN +91 3 183 PD +91 3 184 ID +91 3 185 TD +91 3 186 PS +91 3 187 SH +91 3 188 DA +91 3 189 PD +91 3 190 SH +91 3 191 DA +91 3 192 ID +91 3 193 TD +91 3 194 ID +91 3 195 DA +91 3 196 DA +91 3 197 ID +91 3 198 DB +91 3 199 PS +91 3 200 DA +91 3 201 DR +91 3 202 DA +91 3 203 SN +91 3 204 DE +91 3 205 ID +91 3 206 PD +91 3 207 DR +91 3 208 TD +91 3 209 DA +91 3 210 SN +91 3 211 DA +91 3 212 MS +91 3 213 PD +91 3 214 TD +91 3 215 ID +91 3 216 DA +91 3 217 PS +91 3 218 TD +91 3 219 PS +91 3 220 ID +91 3 221 PD +91 3 222 SN +91 3 223 DA +91 3 224 PD +91 3 225 TD +91 3 226 DA +91 3 227 DB +91 3 228 DA +91 3 229 DA +91 3 230 PD +91 3 231 ID +91 3 232 SH +91 3 233 DA +91 3 234 DA +91 3 235 DA +91 3 236 TD +91 3 237 SH +91 3 238 DA +91 3 239 DR +91 3 240 DB +91 3 241 PS +91 3 242 TD +91 3 243 SN +91 3 244 PS +91 3 245 DR +91 3 246 DA +91 3 247 ID +91 3 248 DA +91 3 249 DA +91 3 250 ID +91 3 251 TD +91 3 252 PS +91 3 253 DA +91 3 254 PD +91 3 255 DE +91 3 256 DR +91 3 257 DA +91 3 258 MS +91 3 259 DR +91 3 260 PS +91 3 261 TD +91 3 262 PS +91 3 263 PD +91 3 264 PD +91 3 265 DA +91 3 266 DR +91 3 267 ID +91 3 268 DA +91 3 269 ID +91 3 270 TD +91 3 271 DA +91 3 272 PS +91 3 273 ID +91 3 274 PS +91 3 275 MS +91 3 276 DR +91 3 277 DA +91 3 278 TD +91 3 279 DA +91 3 280 DA +91 3 281 DA +91 3 282 DA +91 3 283 DB +91 3 284 PS +91 3 285 PD +91 3 286 PS +91 3 287 TD +91 3 288 JT +91 3 289 DA +91 3 290 PS +91 3 291 DA +91 3 292 PD +91 3 293 PS +91 3 294 PS +91 3 295 PD +91 3 296 ID +91 3 297 MS +91 3 298 DR +91 3 299 DA +91 3 300 PD +91 3 301 DA +91 3 302 PS +91 3 303 PD +91 3 304 DA +91 3 305 SN +91 3 306 TD +91 3 307 DA +91 3 308 ID +91 3 309 SH +91 3 310 DA +91 3 311 DA +91 3 312 DB +91 3 313 DE +91 3 314 PS +91 3 315 TD +91 3 316 DA +91 3 317 DR +91 3 318 SH +91 3 319 PS +91 3 320 TD +91 3 321 DR +91 3 322 DA +91 3 323 DA +91 3 324 PS +91 3 325 ID +91 3 326 MS +91 3 327 PS +91 3 328 DA +91 3 329 DA +91 3 330 PD +91 4 1 DA +91 4 2 DA +91 4 3 JT +91 4 4 SN +91 4 5 DA +91 4 6 MD +91 4 7 DA +91 4 8 SN +91 4 9 MD +91 4 10 UD +91 4 11 DA +91 4 12 TD +91 4 13 DA +91 4 14 UD +91 4 15 ID +91 4 16 PS +91 4 17 SN +91 4 18 DB +91 4 19 UD +91 4 20 DA +91 4 21 SN +91 4 22 TD +91 4 23 SN +91 4 24 MD +91 4 25 ID +91 4 26 UD +91 4 27 PS +91 4 28 SN +91 4 29 DA +91 4 30 MD +91 4 31 DA +91 4 32 SN +91 4 33 DA +91 4 34 UD +91 4 35 MD +91 4 36 DA +91 4 37 UD +91 4 38 SN +91 4 39 DA +91 4 40 UD +91 4 41 MD +91 4 42 UZ +91 4 43 UD +91 4 44 PS +91 4 45 DA +91 4 46 BD +91 4 47 DA +91 4 48 TD +91 4 49 UD +91 4 50 SN +91 4 51 MD +91 4 52 PS +91 4 53 SN +91 4 54 DA +91 4 55 UD +91 4 56 MD +91 4 57 DA +91 4 58 MD +91 4 59 AT +91 4 60 DA +91 4 61 SN +91 4 62 DE +91 4 63 MD +91 4 64 UD +91 4 65 SN +91 4 66 PS +91 4 67 DA +91 4 68 DE +91 4 69 DA +91 4 70 BD +91 4 71 SN +91 4 72 DA +91 4 73 DE +91 4 74 BD +91 4 75 DA +91 4 76 AM +91 4 77 UD +91 4 78 DE +91 4 79 DB +91 4 80 UD +91 4 81 DA +91 4 82 DA +91 4 83 UZ +91 4 84 UZ +91 4 85 DA +91 4 86 SN +91 4 87 DB +91 4 88 DE +91 4 89 DB +91 4 90 DA +91 4 91 DA +91 4 92 BD +91 4 93 UD +91 4 94 DB +91 4 95 DA +91 4 96 TD +91 4 97 DE +91 4 98 AM +91 4 99 BD +91 4 100 DA +91 4 101 SN +91 4 102 AT +91 4 103 DA +91 4 104 UD +91 4 105 DE +91 4 106 TD +91 4 107 BD +91 4 108 DA +91 4 109 UD +91 4 110 TD +91 4 111 DA +91 4 112 SN +91 4 113 DB +91 4 114 DA +91 4 115 AM +91 4 116 AT +91 4 117 DB +91 4 118 SN +91 4 119 DA +91 4 120 AT +91 4 121 AM +91 4 122 DA +91 4 123 UD +91 4 124 DA +91 4 125 SN +91 4 126 AM +91 4 127 DA +91 4 128 DA +91 4 129 BD +91 4 130 DA +91 4 131 DE +91 4 132 SN +91 4 133 DA +91 4 134 DB +91 4 135 SN +91 4 136 DA +91 4 137 DA +91 4 138 UD +91 4 139 UZ +91 4 140 UD +91 4 141 BD +91 4 142 DE +91 4 143 DA +91 4 144 UD +91 4 145 DA +91 4 146 TD +91 4 147 DA +91 4 148 SN +91 4 149 DA +91 4 150 DE +91 4 151 SN +91 4 152 DE +91 4 153 UD +91 4 154 DB +91 4 155 DB +91 4 156 DA +91 4 157 MD +91 4 158 AT +91 4 159 UZ +91 4 160 DE +91 4 161 DA +91 4 162 SN +91 4 163 DA +91 4 164 UD +91 4 165 DA +91 4 166 UD +91 4 167 DE +91 4 168 DA +91 4 169 UD +91 4 170 UD +91 4 171 DA +91 4 172 AT +91 4 173 SN +91 4 174 TD +91 4 175 DA +91 4 176 SN +91 4 177 TD +91 4 178 UD +91 4 179 SN +91 4 180 DA +91 4 181 TD +91 4 182 DE +91 4 183 MD +91 4 184 DE +91 4 185 MD +91 4 186 UD +91 4 187 MD +91 4 188 BP +91 4 189 UD +91 4 190 SN +91 4 191 DA +91 4 192 DE +91 4 193 DA +91 4 194 SN +91 4 195 DA +91 4 196 DA +91 4 197 ID +91 4 198 DB +91 4 199 DA +91 4 200 UD +91 4 201 SN +91 4 202 DA +91 4 203 ID +91 4 204 DB +91 4 205 UD +91 4 206 BD +91 4 207 SN +91 4 208 MD +91 4 209 UD +91 4 210 ID +91 4 211 BP +91 4 212 MD +91 4 213 DE +91 4 214 DA +91 4 215 ID +91 4 216 DA +91 4 217 SN +91 4 218 DA +91 4 219 BD +91 4 220 UD +91 4 221 DA +91 4 222 ID +91 4 223 DA +91 4 224 MD +91 4 225 DA +91 4 226 UD +91 4 227 DB +91 4 228 UD +91 4 229 DA +91 4 230 SN +91 4 231 ID +91 4 232 UD +91 4 233 UD +91 4 234 DA +91 4 235 UD +91 4 236 DA +91 4 237 MD +91 4 238 DA +91 4 239 SN +91 4 240 SN +91 4 241 SN +91 4 242 TD +91 4 243 ID +91 4 244 SN +91 4 245 SN +91 4 246 DA +91 4 247 DE +91 4 248 DA +91 4 249 DA +91 4 250 DE +91 4 251 DA +91 4 252 SN +91 4 253 DA +91 4 254 UD +91 4 255 DB +91 4 256 SN +91 4 257 UD +91 4 258 DA +91 4 259 SN +91 4 260 DA +91 4 261 SN +91 4 262 AT +91 4 263 AT +91 4 264 UD +91 4 265 DA +91 4 266 SN +91 4 267 DE +91 4 268 DA +91 4 269 ID +91 4 270 MD +91 4 271 DA +91 4 272 AT +91 4 273 ID +91 4 274 AT +91 4 275 DA +91 4 276 SN +91 4 277 UD +91 4 278 SN +91 4 279 UD +91 4 280 DA +91 4 281 DA +91 4 282 DA +91 4 283 SN +91 4 284 AT +91 4 285 ID +91 4 286 AT +91 4 287 TD +91 4 288 SN +91 4 289 DA +91 4 290 MD +91 4 291 UD +91 4 292 ID +91 4 293 DA +91 4 294 AT +91 4 295 TD +91 4 296 DE +91 4 297 TD +91 4 298 SN +91 4 299 DA +91 4 300 AT +91 4 301 DA +91 4 302 SN +91 4 303 UD +91 4 304 DA +91 4 305 DE +91 4 306 DA +91 4 307 UD +91 4 308 ID +91 4 309 DA +91 4 310 DA +91 4 311 UD +91 4 312 DB +91 4 313 DE +91 4 314 SN +91 4 315 DA +91 4 316 DA +91 4 317 ID +91 4 318 SN +91 4 319 AT +91 4 320 DA +91 4 321 SN +91 4 322 UD +91 4 323 DA +91 4 324 SN +91 4 325 DE +91 4 326 TD +91 4 327 UD +91 4 328 DA +91 4 329 SN +91 4 330 UD +91 5 1 DE +91 5 2 PS +91 5 3 DR +91 5 4 DA +91 5 5 DA +91 5 6 DR +91 5 7 DA +91 5 8 DR +91 5 9 CF +91 5 10 DA +91 5 11 DA +91 5 12 SH +91 5 13 DA +91 5 14 DA +91 5 15 DR +91 5 16 PS +91 5 17 DR +91 5 18 DB +91 5 19 DA +91 5 20 DA +91 5 21 DR +91 5 22 UZ +91 5 23 DA +91 5 24 DB +91 5 25 DA +91 5 26 DA +91 5 27 PS +91 5 28 DR +91 5 29 DA +91 5 30 CF +91 5 31 * +91 5 32 DR +91 5 33 DA +91 5 34 DE +91 5 35 DR +91 5 36 DA +91 5 37 DA +91 5 38 DR +91 5 39 DA +91 5 40 DA +91 5 41 DR +91 5 42 SH +91 5 43 DA +91 5 44 DR +91 5 45 DA +91 5 46 DB +91 5 47 DA +91 5 48 SH +91 5 49 DA +91 5 50 DE +91 5 51 CF +91 5 52 PS +91 5 53 DR +91 5 54 DA +91 5 55 DE +91 5 56 DR +91 5 57 DE +91 5 58 SH +91 5 59 DE +91 5 60 DE +91 5 61 DR +91 5 62 DA +91 5 63 DR +91 5 64 DE +91 5 65 DR +91 5 66 PS +91 5 67 DA +91 5 68 DR +91 5 69 DA +91 5 70 DE +91 5 71 DR +91 5 72 DA +91 5 73 DA +91 5 74 * +91 5 75 DA +91 5 76 DR +91 5 77 DA +91 5 78 DR +91 5 79 DB +91 5 80 DA +91 5 81 DA +91 5 82 DA +91 5 83 SH +91 5 84 DR +91 5 85 DA +91 5 86 DR +91 5 87 DE +91 5 88 DA +91 5 89 DB +91 5 90 DA +91 5 91 DA +91 5 92 PS +91 5 93 DA +91 5 94 DB +91 5 95 DA +91 5 96 SH +91 5 97 DE +91 5 98 DR +91 5 99 DE +91 5 100 DA +91 5 101 DR +91 5 102 DE +91 5 103 DA +91 5 104 DA +91 5 105 DE +91 5 106 SH +91 5 107 PS +91 5 108 * +91 5 109 DA +91 5 110 SH +91 5 111 DA +91 5 112 DR +91 5 113 DB +91 5 114 DA +91 5 115 DR +91 5 116 * +91 5 117 CF +91 5 118 DR +91 5 119 DA +91 5 120 PS +91 5 121 DR +91 5 122 DA +91 5 123 DA +91 5 124 DA +91 5 125 DR +91 5 126 DR +91 5 127 DB +91 5 128 DA +91 5 129 * +91 5 130 DA +91 5 131 DA +91 5 132 DR +91 5 133 DA +91 5 134 CF +91 5 135 DR +91 5 136 DA +91 5 137 DA +91 5 138 DB +91 5 139 * +91 5 140 DE +91 5 141 PS +91 5 142 * +91 5 143 DA +91 5 144 DA +91 5 145 DA +91 5 146 SH +91 5 147 DA +91 5 148 DR +91 5 149 DA +91 5 150 DA +91 5 151 DR +91 5 152 DE +91 5 153 DE +91 5 154 CF +91 5 155 CF +91 5 156 DA +91 5 157 CF +91 5 158 PS +91 5 159 SH +91 5 160 DR +91 5 161 DA +91 5 162 DR +91 5 163 DA +91 5 164 UD +91 5 165 SH +91 5 166 UD +91 5 167 SH +91 5 168 DA +91 5 169 UD +91 5 170 DB +91 5 171 DA +91 5 172 PS +91 5 173 DR +91 5 174 TD +91 5 175 PS +91 5 176 DR +91 5 177 TD +91 5 178 UD +91 5 179 SH +91 5 180 DA +91 5 181 SH +91 5 182 DR +91 5 183 SH +91 5 184 UD +91 5 185 SH +91 5 186 * +91 5 187 SH +91 5 188 UD +91 5 189 PD +91 5 190 DR +91 5 191 DA +91 5 192 UD +91 5 193 DA +91 5 194 CF +91 5 195 DA +91 5 196 PD +91 5 197 UD +91 5 198 DB +91 5 199 PS +91 5 200 PD +91 5 201 DR +91 5 202 DA +91 5 203 DR +91 5 204 SH +91 5 205 UD +91 5 206 SH +91 5 207 DR +91 5 208 SH +91 5 209 DA +91 5 210 SH +91 5 211 PD +91 5 212 SH +91 5 213 PD +91 5 214 DA +91 5 215 DR +91 5 216 DA +91 5 217 DR +91 5 218 DA +91 5 219 PS +91 5 220 UD +91 5 221 PD +91 5 222 UD +91 5 223 DA +91 5 224 * +91 5 225 SH +91 5 226 UD +91 5 227 DB +91 5 228 UD +91 5 229 DA +91 5 230 * +91 5 231 UD +91 5 232 SH +91 5 233 UD +91 5 234 DA +91 5 235 UD +91 5 236 DA +91 5 237 DR +91 5 238 UD +91 5 239 DR +91 5 240 SH +91 5 241 * +91 5 242 TD +91 5 243 UD +91 5 244 PD +91 5 245 DR +91 5 246 UD +91 5 247 UD +91 5 248 DB +91 5 249 DA +91 5 250 UD +91 5 251 DA +91 5 252 * +91 5 253 DA +91 5 254 PD +91 5 255 DB +91 5 256 DR +91 5 257 UD +91 5 258 TD +91 5 259 DR +91 5 260 SH +91 5 261 SH +91 5 262 * +91 5 263 PD +91 5 264 PD +91 5 265 DA +91 5 266 SH +91 5 267 UD +91 5 268 DA +91 5 269 DR +91 5 270 SH +91 5 271 DA +91 5 272 PS +91 5 273 UD +91 5 274 PS +91 5 275 SH +91 5 276 DR +91 5 277 UD +91 5 278 SH +91 5 279 UD +91 5 280 DA +91 5 281 DA +91 5 282 DA +91 5 283 SH +91 5 284 PD +91 5 285 DR +91 5 286 PS +91 5 287 SH +91 5 288 DR +91 5 289 PD +91 5 290 * +91 5 291 UD +91 5 292 DR +91 5 293 PD +91 5 294 PD +91 5 295 SH +91 5 296 UD +91 5 297 TD +91 5 298 DR +91 5 299 DA +91 5 300 PD +91 5 301 DA +91 5 302 * +91 5 303 PD +91 5 304 DA +91 5 305 UD +91 5 306 DA +91 5 307 UD +91 5 308 UD +91 5 309 SH +91 5 310 DA +91 5 311 UD +91 5 312 DB +91 5 313 UD +91 5 314 * +91 5 315 DA +91 5 316 DA +91 5 317 UD +91 5 318 SH +91 5 319 PD +91 5 320 SH +91 5 321 DR +91 5 322 PD +91 5 323 DA +91 5 324 * +91 5 325 UD +91 5 326 TD +91 5 327 PD +91 5 328 DA +91 5 329 CF +91 5 330 PD +91 6 1 UD +91 6 2 DA +91 6 3 DR +91 6 4 DA +91 6 5 DA +91 6 6 TD +91 6 7 DA +91 6 8 DR +91 6 9 CZ +91 6 10 DA +91 6 11 DB +91 6 12 TD +91 6 13 DB +91 6 14 DA +91 6 15 * +91 6 16 PS +91 6 17 DR +91 6 18 DE +91 6 19 DA +91 6 20 DA +91 6 21 DR +91 6 22 TD +91 6 23 DA +91 6 24 DB +91 6 25 DA +91 6 26 UD +91 6 27 SH +91 6 28 DR +91 6 29 DA +91 6 30 TD +91 6 31 DA +91 6 32 UD +91 6 33 DA +91 6 34 DA +91 6 35 UD +91 6 36 DA +91 6 37 DA +91 6 38 DR +91 6 39 DA +91 6 40 DA +91 6 41 DR +91 6 42 TD +91 6 43 DB +91 6 44 PS +91 6 45 DA +91 6 46 DB +91 6 47 DA +91 6 48 TD +91 6 49 DA +91 6 50 DA +91 6 51 CZ +91 6 52 DA +91 6 53 DR +91 6 54 DA +91 6 55 DA +91 6 56 UD +91 6 57 DA +91 6 58 TD +91 6 59 DA +91 6 60 DB +91 6 61 DR +91 6 62 DB +91 6 63 UD +91 6 64 DA +91 6 65 DR +91 6 66 PS +91 6 67 DA +91 6 68 DR +91 6 69 DA +91 6 70 DA +91 6 71 DR +91 6 72 DA +91 6 73 DA +91 6 74 DA +91 6 75 DA +91 6 76 DR +91 6 77 DA +91 6 78 UD +91 6 79 DB +91 6 80 DA +91 6 81 DA +91 6 82 DA +91 6 83 TD +91 6 84 UD +91 6 85 DA +91 6 86 DR +91 6 87 DB +91 6 88 DA +91 6 89 DB +91 6 90 DA +91 6 91 DA +91 6 92 PS +91 6 93 DA +91 6 94 CZ +91 6 95 DA +91 6 96 TD +91 6 97 DA +91 6 98 DR +91 6 99 UD +91 6 100 DA +91 6 101 DR +91 6 102 DA +91 6 103 DA +91 6 104 DA +91 6 105 DA +91 6 106 TD +91 6 107 PS +91 6 108 DA +91 6 109 DA +91 6 110 TD +91 6 111 DA +91 6 112 DR +91 6 113 DB +91 6 114 DA +91 6 115 DR +91 6 116 DA +91 6 117 DB +91 6 118 UD +91 6 119 DA +91 6 120 PS +91 6 121 DR +91 6 122 DA +91 6 123 DA +91 6 124 TD +91 6 125 DR +91 6 126 UD +91 6 127 DB +91 6 128 TD +91 6 129 PS +91 6 130 DB +91 6 131 DA +91 6 132 DR +91 6 133 DA +91 6 134 CZ +91 6 135 DA +91 6 136 DA +91 6 137 DA +91 6 138 DA +91 6 139 PS +91 6 140 DA +91 6 141 PS +91 6 142 PS +91 6 143 DA +91 6 144 DA +91 6 145 SH +91 6 146 TD +91 6 147 DA +91 6 148 DR +91 6 149 DA +91 6 150 DA +91 6 151 ID +91 6 152 UD +91 6 153 DA +91 6 154 DB +91 6 155 CZ +91 6 156 DA +91 6 157 CZ +91 6 158 PS +91 6 159 TD +91 6 160 UD +91 6 161 DA +91 6 162 DR +91 6 163 DA +91 6 164 DA +91 6 165 DB +91 6 166 DA +91 6 167 UD +91 6 168 DA +91 6 169 DA +91 6 170 DB +91 6 171 DA +91 6 172 PS +91 6 173 DR +91 6 174 TD +91 6 175 DA +91 6 176 DR +91 6 177 TD +91 6 178 DA +91 6 179 DR +91 6 180 DA +91 6 181 TD +91 6 182 DA +91 6 183 CZ +91 6 184 DA +91 6 185 TD +91 6 186 DA +91 6 187 TD +91 6 188 DA +91 6 189 DA +91 6 190 UD +91 6 191 DA +91 6 192 DA +91 6 193 TD +91 6 194 DR +91 6 195 DA +91 6 196 DA +91 6 197 DA +91 6 198 DB +91 6 199 DA +91 6 200 DA +91 6 201 UD +91 6 202 DA +91 6 203 DR +91 6 204 DB +91 6 205 DA +91 6 206 PS +91 6 207 UD +91 6 208 CZ +91 6 209 DA +91 6 210 CZ +91 6 211 DA +91 6 212 TD +91 6 213 DA +91 6 214 TD +91 6 215 UD +91 6 216 DA +91 6 217 UD +91 6 218 TD +91 6 219 DA +91 6 220 DA +91 6 221 DA +91 6 222 DA +91 6 223 DA +91 6 224 PS +91 6 225 TD +91 6 226 DA +91 6 227 DB +91 6 228 DA +91 6 229 DA +91 6 230 PS +91 6 231 DA +91 6 232 CZ +91 6 233 DA +91 6 234 DA +91 6 235 DA +91 6 236 TD +91 6 237 UD +91 6 238 DA +91 6 239 UD +91 6 240 CZ +91 6 241 PS +91 6 242 TD +91 6 243 DR +91 6 244 DA +91 6 245 MA +91 6 246 DA +91 6 247 DA +91 6 248 DB +91 6 249 DA +91 6 250 DA +91 6 251 DA +91 6 252 PS +91 6 253 DA +91 6 254 DA +91 6 255 DB +91 6 256 UD +91 6 257 DA +91 6 258 TD +91 6 259 MA +91 6 260 TD +91 6 261 MA +91 6 262 PS +91 6 263 DB +91 6 264 DA +91 6 265 DA +91 6 266 MA +91 6 267 DA +91 6 268 DA +91 6 269 UD +91 6 270 MA +91 6 271 DA +91 6 272 PS +91 6 273 UD +91 6 274 PS +91 6 275 TD +91 6 276 MA +91 6 277 DA +91 6 278 UD +91 6 279 DA +91 6 280 DA +91 6 281 DA +91 6 282 DA +91 6 283 CZ +91 6 284 PS +91 6 285 UD +91 6 286 PS +91 6 287 CZ +91 6 288 MA +91 6 289 DA +91 6 290 PS +91 6 291 DA +91 6 292 UD +91 6 293 DA +91 6 294 PS +91 6 295 CZ +91 6 296 DA +91 6 297 TD +91 6 298 MA +91 6 299 DA +91 6 300 DB +91 6 301 DA +91 6 302 PS +91 6 303 DB +91 6 304 DA +91 6 305 DA +91 6 306 DA +91 6 307 DA +91 6 308 DA +91 6 309 DA +91 6 310 DA +91 6 311 DA +91 6 312 DB +91 6 313 DA +91 6 314 PS +91 6 315 DA +91 6 316 DA +91 6 317 MA +91 6 318 UD +91 6 319 PS +91 6 320 DA +91 6 321 MA +91 6 322 DA +91 6 323 DA +91 6 324 PS +91 6 325 DA +91 6 326 TD +91 6 327 PS +91 6 328 DA +91 6 329 CZ +91 6 330 PS +91 7 1 CL +91 7 2 DA +91 7 3 DR +91 7 4 DE +91 7 5 DA +91 7 6 DR +91 7 7 DA +91 7 8 DR +91 7 9 SH +91 7 10 UD +91 7 11 DB +91 7 12 TD +91 7 13 DA +91 7 14 AP +91 7 15 JT +91 7 16 PS +91 7 17 JT +91 7 18 AP +91 7 19 CL +91 7 20 DA +91 7 21 DR +91 7 22 SH +91 7 23 DE +91 7 24 BD +91 7 25 DA +91 7 26 UD +91 7 27 PS +91 7 28 DR +91 7 29 DA +91 7 30 TD +91 7 31 CL +91 7 32 JT +91 7 33 DA +91 7 34 CL +91 7 35 DR +91 7 36 DA +91 7 37 CL +91 7 38 JT +91 7 39 DA +91 7 40 CL +91 7 41 JT +91 7 42 TD +91 7 43 UD +91 7 44 PS +91 7 45 DA +91 7 46 AP +91 7 47 DA +91 7 48 SH +91 7 49 CL +91 7 50 DE +91 7 51 BD +91 7 52 PS +91 7 53 DR +91 7 54 DA +91 7 55 CL +91 7 56 PS +91 7 57 DA +91 7 58 TD +91 7 59 PS +91 7 60 DA +91 7 61 JT +91 7 62 DE +91 7 63 JT +91 7 64 UD +91 7 65 DR +91 7 66 PS +91 7 67 DA +91 7 68 DR +91 7 69 DA +91 7 70 PS +91 7 71 JT +91 7 72 DA +91 7 73 DE +91 7 74 CL +91 7 75 DA +91 7 76 JT +91 7 77 CL +91 7 78 PS +91 7 79 AP +91 7 80 UD +91 7 81 DA +91 7 82 DA +91 7 83 PS +91 7 84 DR +91 7 85 DA +91 7 86 DR +91 7 87 AP +91 7 88 JT +91 7 89 AP +91 7 90 DA +91 7 91 MS +91 7 92 PS +91 7 93 UD +91 7 94 BD +91 7 95 DA +91 7 96 TD +91 7 97 DE +91 7 98 JT +91 7 99 DE +91 7 100 DA +91 7 101 JT +91 7 102 DE +91 7 103 DA +91 7 104 CL +91 7 105 DE +91 7 106 MS +91 7 107 PS +91 7 108 DA +91 7 109 DE +91 7 110 TD +91 7 111 DA +91 7 112 DR +91 7 113 AP +91 7 114 DA +91 7 115 DR +91 7 116 CL +91 7 117 BD +91 7 118 JT +91 7 119 DA +91 7 120 PS +91 7 121 DA +91 7 122 JT +91 7 123 UD +91 7 124 DA +91 7 125 JT +91 7 126 JT +91 7 127 DA +91 7 128 MS +91 7 129 PS +91 7 130 DA +91 7 131 DE +91 7 132 DR +91 7 133 DA +91 7 134 DB +91 7 135 DE +91 7 136 DA +91 7 137 DA +91 7 138 CL +91 7 139 PS +91 7 140 UD +91 7 141 PS +91 7 142 PS +91 7 143 DA +91 7 144 DE +91 7 145 DA +91 7 146 TD +91 7 147 DA +91 7 148 DR +91 7 149 DA +91 7 150 DE +91 7 151 DR +91 7 152 DE +91 7 153 CL +91 7 154 AP +91 7 155 DB +91 7 156 DA +91 7 157 DB +91 7 158 PS +91 7 159 TD +91 7 160 DR +91 7 161 DA +91 7 162 DR +91 7 163 DA +91 7 164 UD +91 7 165 DA +91 7 166 UD +91 7 167 DE +91 7 168 DA +91 7 169 DA +91 7 170 DA +91 7 171 DA +91 7 172 PS +91 7 173 DR +91 7 174 SH +91 7 175 DA +91 7 176 DR +91 7 177 MS +91 7 178 UD +91 7 179 JT +91 7 180 DA +91 7 181 MS +91 7 182 DE +91 7 183 SH +91 7 184 ID +91 7 185 SH +91 7 186 DA +91 7 187 MS +91 7 188 CL +91 7 189 PS +91 7 190 DR +91 7 191 DA +91 7 192 ID +91 7 193 SH +91 7 194 DR +91 7 195 DA +91 7 196 DA +91 7 197 DE +91 7 198 DE +91 7 199 PS +91 7 200 DA +91 7 201 DR +91 7 202 DA +91 7 203 JT +91 7 204 DE +91 7 205 UD +91 7 206 PS +91 7 207 DR +91 7 208 SH +91 7 209 DA +91 7 210 DB +91 7 211 DA +91 7 212 MS +91 7 213 ID +91 7 214 MS +91 7 215 DR +91 7 216 DA +91 7 217 JT +91 7 218 DA +91 7 219 PS +91 7 220 ID +91 7 221 PS +91 7 222 ID +91 7 223 DA +91 7 224 PS +91 7 225 SH +91 7 226 UD +91 7 227 DA +91 7 228 DE +91 7 229 DA +91 7 230 PS +91 7 231 ID +91 7 232 SH +91 7 233 ID +91 7 234 DA +91 7 235 UD +91 7 236 DA +91 7 237 DR +91 7 238 DA +91 7 239 JT +91 7 240 DB +91 7 241 PS +91 7 242 MS +91 7 243 ID +91 7 244 PS +91 7 245 DR +91 7 246 DA +91 7 247 ID +91 7 248 DA +91 7 249 DA +91 7 250 ID +91 7 251 DA +91 7 252 PS +91 7 253 DA +91 7 254 CL +91 7 255 DE +91 7 256 DR +91 7 257 DE +91 7 258 MS +91 7 259 JT +91 7 260 SH +91 7 261 SH +91 7 262 PS +91 7 263 PS +91 7 264 DE +91 7 265 DA +91 7 266 DB +91 7 267 ID +91 7 268 DA +91 7 269 ID +91 7 270 SH +91 7 271 DA +91 7 272 PS +91 7 273 ID +91 7 274 PS +91 7 275 DA +91 7 276 DR +91 7 277 DE +91 7 278 DR +91 7 279 DE +91 7 280 DA +91 7 281 DA +91 7 282 DA +91 7 283 DB +91 7 284 PS +91 7 285 DR +91 7 286 PS +91 7 287 SH +91 7 288 DR +91 7 289 DE +91 7 290 PS +91 7 291 DE +91 7 292 DR +91 7 293 PS +91 7 294 PS +91 7 295 DB +91 7 296 ID +91 7 297 SH +91 7 298 DR +91 7 299 DA +91 7 300 PS +91 7 301 DA +91 7 302 PS +91 7 303 DE +91 7 304 DA +91 7 305 ID +91 7 306 DA +91 7 307 DE +91 7 308 ID +91 7 309 DA +91 7 310 DA +91 7 311 DE +91 7 312 DE +91 7 313 ID +91 7 314 PS +91 7 315 DA +91 7 316 DA +91 7 317 ID +91 7 318 JT +91 7 319 PS +91 7 320 DA +91 7 321 DR +91 7 322 DE +91 7 323 DA +91 7 324 PS +91 7 325 ID +91 7 326 MS +91 7 327 PS +91 7 328 DA +91 7 329 DB +91 7 330 PS +91 8 1 UD +91 8 2 DA +91 8 3 DR +91 8 4 ID +91 8 5 DA +91 8 6 PD +91 8 7 DA +91 8 8 SN +91 8 9 CZ +91 8 10 DE +91 8 11 DA +91 8 12 TD +91 8 13 DA +91 8 14 PD +91 8 15 DR +91 8 16 PD +91 8 17 DR +91 8 18 DE +91 8 19 DA +91 8 20 DA +91 8 21 DR +91 8 22 TD +91 8 23 ID +91 8 24 DB +91 8 25 DA +91 8 26 ID +91 8 27 PD +91 8 28 DR +91 8 29 DA +91 8 30 CZ +91 8 31 DA +91 8 32 DE +91 8 33 DA +91 8 34 ID +91 8 35 MA +91 8 36 DA +91 8 37 DA +91 8 38 DR +91 8 39 DA +91 8 40 DA +91 8 41 DR +91 8 42 DA +91 8 43 UD +91 8 44 PD +91 8 45 DA +91 8 46 PD +91 8 47 DA +91 8 48 TD +91 8 49 DA +91 8 50 SN +91 8 51 DE +91 8 52 PS +91 8 53 SN +91 8 54 DA +91 8 55 DA +91 8 56 CZ +91 8 57 DA +91 8 58 DA +91 8 59 PD +91 8 60 ID +91 8 61 DR +91 8 62 DE +91 8 63 DR +91 8 64 DA +91 8 65 DR +91 8 66 PD +91 8 67 DA +91 8 68 DE +91 8 69 DE +91 8 70 PS +91 8 71 DR +91 8 72 DA +91 8 73 ID +91 8 74 PD +91 8 75 DA +91 8 76 MA +91 8 77 DA +91 8 78 PD +91 8 79 DE +91 8 80 DA +91 8 81 DA +91 8 82 DA +91 8 83 PD +91 8 84 PD +91 8 85 DA +91 8 86 DR +91 8 87 DE +91 8 88 SN +91 8 89 DE +91 8 90 DA +91 8 91 TD +91 8 92 PD +91 8 93 DA +91 8 94 DE +91 8 95 DA +91 8 96 TD +91 8 97 UD +91 8 98 DR +91 8 99 PD +91 8 100 DA +91 8 101 SN +91 8 102 PD +91 8 103 DA +91 8 104 DA +91 8 105 ID +91 8 106 PD +91 8 107 PD +91 8 108 DA +91 8 109 DA +91 8 110 TD +91 8 111 DA +91 8 112 DR +91 8 113 DB +91 8 114 DA +91 8 115 DR +91 8 116 DA +91 8 117 DE +91 8 118 DR +91 8 119 DA +91 8 120 PD +91 8 121 MA +91 8 122 DA +91 8 123 DA +91 8 124 DA +91 8 125 MA +91 8 126 DR +91 8 127 DE +91 8 128 DA +91 8 129 PD +91 8 130 DE +91 8 131 SN +91 8 132 DR +91 8 133 DA +91 8 134 DB +91 8 135 DR +91 8 136 DA +91 8 137 DA +91 8 138 DA +91 8 139 PD +91 8 140 DA +91 8 141 PS +91 8 142 PD +91 8 143 DA +91 8 144 SN +91 8 145 DA +91 8 146 TD +91 8 147 DA +91 8 148 DR +91 8 149 DA +91 8 150 ID +91 8 151 DR +91 8 152 PS +91 8 153 DA +91 8 154 DE +91 8 155 DE +91 8 156 DA +91 8 157 DB +91 8 158 PS +91 8 159 CZ +91 8 160 DR +91 8 161 DA +91 8 162 DR +91 8 163 DA +91 8 164 DA +91 8 165 DE +91 8 166 DB +91 8 167 PD +91 8 168 DA +91 8 169 UD +91 8 170 DA +91 8 171 DA +91 8 172 PS +91 8 173 DR +91 8 174 TD +91 8 175 DA +91 8 176 DR +91 8 177 TD +91 8 178 ID +91 8 179 CZ +91 8 180 DA +91 8 181 TD +91 8 182 SN +91 8 183 PD +91 8 184 ID +91 8 185 TD +91 8 186 DA +91 8 187 TD +91 8 188 UD +91 8 189 PD +91 8 190 DR +91 8 191 DA +91 8 192 ID +91 8 193 DA +91 8 194 SN +91 8 195 DA +91 8 196 DA +91 8 197 PD +91 8 198 DA +91 8 199 PD +91 8 200 UD +91 8 201 DR +91 8 202 DA +91 8 203 SN +91 8 204 DA +91 8 205 ID +91 8 206 PD +91 8 207 DR +91 8 208 TD +91 8 209 DA +91 8 210 DE +91 8 211 UD +91 8 212 TD +91 8 213 PD +91 8 214 DA +91 8 215 PD +91 8 216 DA +91 8 217 PD +91 8 218 DA +91 8 219 PD +91 8 220 ID +91 8 221 PS +91 8 222 SN +91 8 223 DA +91 8 224 PD +91 8 225 DA +91 8 226 UD +91 8 227 DB +91 8 228 DA +91 8 229 PD +91 8 230 PS +91 8 231 SN +91 8 232 DE +91 8 233 PD +91 8 234 DA +91 8 235 UD +91 8 236 DA +91 8 237 CZ +91 8 238 DA +91 8 239 DR +91 8 240 DE +91 8 241 PS +91 8 242 TD +91 8 243 SN +91 8 244 PD +91 8 245 DR +91 8 246 DA +91 8 247 ID +91 8 248 DA +91 8 249 DA +91 8 250 ID +91 8 251 DA +91 8 252 PD +91 8 253 DA +91 8 254 UD +91 8 255 DE +91 8 256 DR +91 8 257 UD +91 8 258 TD +91 8 259 DR +91 8 260 PD +91 8 261 TD +91 8 262 PS +91 8 263 PD +91 8 264 PD +91 8 265 DA +91 8 266 CZ +91 8 267 SN +91 8 268 DA +91 8 269 SN +91 8 270 TD +91 8 271 DA +91 8 272 PD +91 8 273 ID +91 8 274 PS +91 8 275 DA +91 8 276 DR +91 8 277 UD +91 8 278 DR +91 8 279 UD +91 8 280 DA +91 8 281 DA +91 8 282 DA +91 8 283 DE +91 8 284 PD +91 8 285 DR +91 8 286 PS +91 8 287 DA +91 8 288 DR +91 8 289 ID +91 8 290 PD +91 8 291 UD +91 8 292 DR +91 8 293 DA +91 8 294 PD +91 8 295 DE +91 8 296 SN +91 8 297 TD +91 8 298 DR +91 8 299 DA +91 8 300 PD +91 8 301 DA +91 8 302 PS +91 8 303 PD +91 8 304 DA +91 8 305 SN +91 8 306 DA +91 8 307 ID +91 8 308 PD +91 8 309 DE +91 8 310 DA +91 8 311 UD +91 8 312 DB +91 8 313 ID +91 8 314 PS +91 8 315 DA +91 8 316 DA +91 8 317 SN +91 8 318 DR +91 8 319 PS +91 8 320 DA +91 8 321 DR +91 8 322 UD +91 8 323 DA +91 8 324 PS +91 8 325 SN +91 8 326 TD +91 8 327 PD +91 8 328 DA +91 8 329 DE +91 8 330 PS +92 1 1 ST +92 1 2 ST +92 1 3 SS +92 1 4 CC +92 1 5 ST +92 1 6 SA +92 1 7 ST +92 1 8 SS +92 1 9 SS +92 1 10 ST +92 1 11 ST +92 1 12 SA +92 1 13 ST +92 1 14 ST +92 1 15 RS +92 1 16 RS +92 1 17 SS +92 1 18 CC +92 1 19 ST +92 1 20 ST +92 1 21 SS +92 1 22 SA +92 1 23 SS +92 1 24 CC +92 1 25 ST +92 1 26 ST +92 1 27 RS +92 1 28 SS +92 1 29 ST +92 1 30 SS +92 1 31 ST +92 1 32 SS +92 1 33 ST +92 1 34 ST +92 1 35 SS +92 1 36 ST +92 1 37 ST +92 1 38 SS +92 1 39 ST +92 1 40 ST +92 1 41 SS +92 1 42 FF +92 1 43 ST +92 1 44 RS +92 1 45 ST +92 1 46 CC +92 1 47 ST +92 1 48 FF +92 1 49 ST +92 1 50 CC +92 1 51 CC +92 1 52 RS +92 1 53 SS +92 1 54 ST +92 1 55 SS +92 1 56 RS +92 1 57 ST +92 1 58 FF +92 1 59 RS +92 1 60 ST +92 1 61 SS +92 1 62 ST +92 1 63 SS +92 1 64 ST +92 1 65 SS +92 1 66 RS +92 1 67 ST +92 1 68 SS +92 1 69 ST +92 1 70 RS +92 1 71 SS +92 1 72 ST +92 1 73 SS +92 1 74 RS +92 1 75 ST +92 1 76 FF +92 1 77 ST +92 1 78 RS +92 1 79 CC +92 1 80 ST +92 1 81 ST +92 1 82 ST +92 1 83 RS +92 1 84 RS +92 1 85 ST +92 1 86 SS +92 1 87 CC +92 1 88 SS +92 1 89 CC +92 1 90 ST +92 1 91 ST +92 1 92 RS +92 1 93 ST +92 1 94 CC +92 1 95 RS +92 1 96 FF +92 1 97 ST +92 1 98 SS +92 1 99 SS +92 1 100 ST +92 1 101 SS +92 1 102 RS +92 1 103 ST +92 1 104 ST +92 1 105 SS +92 1 106 SA +92 1 107 RS +92 1 108 ST +92 1 109 ST +92 1 110 FF +92 1 111 ST +92 1 112 SS +92 1 113 CC +92 1 114 ST +92 1 115 SS +92 1 116 ST +92 1 117 CC +92 1 118 SS +92 1 119 ST +92 1 120 RS +92 1 121 SS +92 1 122 SS +92 1 123 ST +92 1 124 ST +92 1 125 SS +92 1 126 SS +92 1 127 ST +92 1 128 FF +92 1 129 RS +92 1 130 CC +92 1 131 SS +92 1 132 SS +92 1 133 ST +92 1 134 CC +92 1 135 SS +92 1 136 ST +92 1 137 ST +92 1 138 ST +92 1 139 RS +92 1 140 ST +92 1 141 RS +92 1 142 RS +92 1 143 ST +92 1 144 ST +92 1 145 ST +92 1 146 FF +92 1 147 ST +92 1 148 SS +92 1 149 ST +92 1 150 SS +92 1 151 RS +92 1 152 RS +92 1 153 ST +92 1 154 CC +92 1 155 CC +92 1 156 ST +92 1 157 CC +92 1 158 RS +92 1 159 SA +92 1 160 SS +92 1 161 ST +92 1 162 SS +92 1 163 ST +92 1 164 ST +92 1 165 ST +92 1 166 ST +92 1 167 RS +92 1 168 ST +92 1 169 ST +92 1 170 ST +92 1 171 ST +92 1 172 RS +92 1 173 SS +92 1 174 FF +92 1 175 ST +92 1 176 SS +92 1 177 SA +92 1 178 ST +92 1 179 SS +92 1 180 ST +92 1 181 SA +92 1 182 SS +92 1 183 CC +92 1 184 SS +92 1 185 FF +92 1 186 ST +92 1 187 SA +92 1 188 ST +92 1 189 ST +92 1 190 SS +92 1 191 ST +92 1 192 SS +92 1 193 SA +92 1 194 SS +92 1 195 ST +92 1 196 ST +92 1 197 SS +92 1 198 CC +92 1 199 RS +92 1 200 ST +92 1 201 SS +92 1 202 ST +92 1 203 SS +92 1 204 CC +92 1 205 SS +92 1 206 RS +92 1 207 SS +92 1 208 SA +92 1 209 ST +92 1 210 SS +92 1 211 ST +92 1 212 FF +92 1 213 ST +92 1 214 ST +92 1 215 SS +92 1 216 ST +92 1 217 SS +92 1 218 SA +92 1 219 ST +92 1 220 ST +92 1 221 ST +92 1 222 SS +92 1 223 ST +92 1 224 RS +92 1 225 SA +92 1 226 ST +92 1 227 CC +92 1 228 ST +92 1 229 ST +92 1 230 RS +92 1 231 SS +92 1 232 SA +92 1 233 ST +92 1 234 ST +92 1 235 ST +92 1 236 SA +92 1 237 SS +92 1 238 ST +92 1 239 SS +92 1 240 SS +92 1 241 RS +92 1 242 SA +92 1 243 SS +92 1 244 RS +92 1 245 SS +92 1 246 ST +92 1 247 ST +92 1 248 ST +92 1 249 ST +92 1 250 ST +92 1 251 ST +92 1 252 RS +92 1 253 ST +92 1 254 ST +92 1 255 CC +92 1 256 SS +92 1 257 ST +92 1 258 SA +92 1 259 SS +92 1 260 RS +92 1 261 FF +92 1 262 RS +92 1 263 RS +92 1 264 ST +92 1 265 ST +92 1 266 SS +92 1 267 SS +92 1 268 ST +92 1 269 SS +92 1 270 FF +92 1 271 ST +92 1 272 RS +92 1 273 SS +92 1 274 RS +92 1 275 SA +92 1 276 SS +92 1 277 ST +92 1 278 SA +92 1 279 ST +92 1 280 ST +92 1 281 ST +92 1 282 ST +92 1 283 SS +92 1 284 RS +92 1 285 SS +92 1 286 RS +92 1 287 SA +92 1 288 SS +92 1 289 ST +92 1 290 RS +92 1 291 ST +92 1 292 SS +92 1 293 ST +92 1 294 RS +92 1 295 CC +92 1 296 SS +92 1 297 FF +92 1 298 SS +92 1 299 ST +92 1 300 RS +92 1 301 ST +92 1 302 RS +92 1 303 ST +92 1 304 ST +92 1 305 SS +92 1 306 ST +92 1 307 ST +92 1 308 SS +92 1 309 CC +92 1 310 ST +92 1 311 ST +92 1 312 CC +92 1 313 ST +92 1 314 RS +92 1 315 ST +92 1 316 ST +92 1 317 SS +92 1 318 FF +92 1 319 RS +92 1 320 SA +92 1 321 SS +92 1 322 ST +92 1 323 ST +92 1 324 RS +92 1 325 SS +92 1 326 FF +92 1 327 RS +92 1 328 ST +92 1 329 SS +92 1 330 RS +92 2 1 ST +92 2 2 ST +92 2 3 SS +92 2 4 CC +92 2 5 ST +92 2 6 SA +92 2 7 ST +92 2 8 SS +92 2 9 BA +92 2 10 ST +92 2 11 ST +92 2 12 SA +92 2 13 ST +92 2 14 ST +92 2 15 BA +92 2 16 RS +92 2 17 SS +92 2 18 CC +92 2 19 ST +92 2 20 ST +92 2 21 SS +92 2 22 SA +92 2 23 * +92 2 24 CC +92 2 25 ST +92 2 26 ST +92 2 27 RS +92 2 28 SS +92 2 29 ST +92 2 30 SA +92 2 31 BA +92 2 32 SS +92 2 33 ST +92 2 34 ST +92 2 35 BA +92 2 36 ST +92 2 37 ST +92 2 38 SS +92 2 39 ST +92 2 40 ST +92 2 41 SS +92 2 42 SA +92 2 43 CC +92 2 44 RS +92 2 45 ST +92 2 46 BA +92 2 47 ST +92 2 48 SA +92 2 49 ST +92 2 50 SS +92 2 51 BA +92 2 52 BA +92 2 53 SS +92 2 54 ST +92 2 55 ST +92 2 56 BA +92 2 57 ST +92 2 58 SA +92 2 59 RS +92 2 60 ST +92 2 61 SS +92 2 62 BA +92 2 63 BA +92 2 64 ST +92 2 65 SS +92 2 66 RS +92 2 67 ST +92 2 68 SA +92 2 69 ST +92 2 70 RS +92 2 71 SS +92 2 72 ST +92 2 73 ST +92 2 74 ST +92 2 75 CC +92 2 76 SS +92 2 77 ST +92 2 78 BA +92 2 79 CC +92 2 80 ST +92 2 81 ST +92 2 82 ST +92 2 83 RS +92 2 84 BA +92 2 85 ST +92 2 86 * +92 2 87 CC +92 2 88 SS +92 2 89 CC +92 2 90 ST +92 2 91 ST +92 2 92 RS +92 2 93 ST +92 2 94 CC +92 2 95 BA +92 2 96 SA +92 2 97 BA +92 2 98 SS +92 2 99 RS +92 2 100 ST +92 2 101 SS +92 2 102 BA +92 2 103 SA +92 2 104 ST +92 2 105 SA +92 2 106 SA +92 2 107 RS +92 2 108 BA +92 2 109 ST +92 2 110 SA +92 2 111 CC +92 2 112 SS +92 2 113 CC +92 2 114 ST +92 2 115 SS +92 2 116 BA +92 2 117 CC +92 2 118 BA +92 2 119 ST +92 2 120 RS +92 2 121 SS +92 2 122 ST +92 2 123 ST +92 2 124 ST +92 2 125 SS +92 2 126 BA +92 2 127 ST +92 2 128 SA +92 2 129 RS +92 2 130 ST +92 2 131 ST +92 2 132 SS +92 2 133 ST +92 2 134 CC +92 2 135 SS +92 2 136 ST +92 2 137 CC +92 2 138 ST +92 2 139 RS +92 2 140 ST +92 2 141 RS +92 2 142 RS +92 2 143 ST +92 2 144 CC +92 2 145 ST +92 2 146 SA +92 2 147 * +92 2 148 SS +92 2 149 ST +92 2 150 CC +92 2 151 BA +92 2 152 BA +92 2 153 ST +92 2 154 CC +92 2 155 CC +92 2 156 ST +92 2 157 CC +92 2 158 RS +92 2 159 BA +92 2 160 BA +92 2 161 ST +92 2 162 SS +92 2 163 ST +92 2 164 ST +92 2 165 BA +92 2 166 CC +92 2 167 BA +92 2 168 ST +92 2 169 ST +92 2 170 CC +92 2 171 ST +92 2 172 RS +92 2 173 BA +92 2 174 SA +92 2 175 BA +92 2 176 SS +92 2 177 SA +92 2 178 ST +92 2 179 CC +92 2 180 ST +92 2 181 SA +92 2 182 SS +92 2 183 BA +92 2 184 SS +92 2 185 SA +92 2 186 ST +92 2 187 SA +92 2 188 ST +92 2 189 BA +92 2 190 BA +92 2 191 ST +92 2 192 SA +92 2 193 SA +92 2 194 CC +92 2 195 ST +92 2 196 BA +92 2 197 BA +92 2 198 CC +92 2 199 RS +92 2 200 ST +92 2 201 SA +92 2 202 ST +92 2 203 SS +92 2 204 CC +92 2 205 RS +92 2 206 RS +92 2 207 SS +92 2 208 CC +92 2 209 ST +92 2 210 CC +92 2 211 ST +92 2 212 SA +92 2 213 RS +92 2 214 ST +92 2 215 SA +92 2 216 CC +92 2 217 BA +92 2 218 ST +92 2 219 RS +92 2 220 ST +92 2 221 RS +92 2 222 ST +92 2 223 ST +92 2 224 RS +92 2 225 BA +92 2 226 ST +92 2 227 CC +92 2 228 CC +92 2 229 ST +92 2 230 RS +92 2 231 ST +92 2 232 CC +92 2 233 RS +92 2 234 ST +92 2 235 ST +92 2 236 ST +92 2 237 BA +92 2 238 ST +92 2 239 SA +92 2 240 RS +92 2 241 RS +92 2 242 SA +92 2 243 SS +92 2 244 RS +92 2 245 SS +92 2 246 ST +92 2 247 ST +92 2 248 CC +92 2 249 ST +92 2 250 CC +92 2 251 ST +92 2 252 RS +92 2 253 ST +92 2 254 BA +92 2 255 CC +92 2 256 SS +92 2 257 CC +92 2 258 SA +92 2 259 SS +92 2 260 RS +92 2 261 SS +92 2 262 RS +92 2 263 CC +92 2 264 BA +92 2 265 ST +92 2 266 BA +92 2 267 CC +92 2 268 ST +92 2 269 ST +92 2 270 SS +92 2 271 CC +92 2 272 RS +92 2 273 BA +92 2 274 RS +92 2 275 BA +92 2 276 SS +92 2 277 CC +92 2 278 SA +92 2 279 CC +92 2 280 ST +92 2 281 ST +92 2 282 ST +92 2 283 CC +92 2 284 RS +92 2 285 SA +92 2 286 RS +92 2 287 BA +92 2 288 SS +92 2 289 ST +92 2 290 RS +92 2 291 ST +92 2 292 BA +92 2 293 RS +92 2 294 RS +92 2 295 CC +92 2 296 BA +92 2 297 SA +92 2 298 SS +92 2 299 ST +92 2 300 RS +92 2 301 ST +92 2 302 RS +92 2 303 RS +92 2 304 ST +92 2 305 CC +92 2 306 ST +92 2 307 ST +92 2 308 SA +92 2 309 CC +92 2 310 ST +92 2 311 ST +92 2 312 CC +92 2 313 BA +92 2 314 SA +92 2 315 ST +92 2 316 ST +92 2 317 SA +92 2 318 SA +92 2 319 RS +92 2 320 ST +92 2 321 SS +92 2 322 ST +92 2 323 ST +92 2 324 RS +92 2 325 CC +92 2 326 SA +92 2 327 RS +92 2 328 ST +92 2 329 BA +92 2 330 RS +92 3 1 ST +92 3 2 ST +92 3 3 SA +92 3 4 EE +92 3 5 ST +92 3 6 SA +92 3 7 ST +92 3 8 EE +92 3 9 FF +92 3 10 ST +92 3 11 XX +92 3 12 SA +92 3 13 XX +92 3 14 ST +92 3 15 SO +92 3 16 RS +92 3 17 SA +92 3 18 CC +92 3 19 ST +92 3 20 XX +92 3 21 SO +92 3 22 SA +92 3 23 EE +92 3 24 CC +92 3 25 ST +92 3 26 ST +92 3 27 RS +92 3 28 SO +92 3 29 ST +92 3 30 SA +92 3 31 ST +92 3 32 SO +92 3 33 ST +92 3 34 ST +92 3 35 SA +92 3 36 ST +92 3 37 ST +92 3 38 EE +92 3 39 ST +92 3 40 ST +92 3 41 SS +92 3 42 SA +92 3 43 ST +92 3 44 RS +92 3 45 ST +92 3 46 * +92 3 47 ST +92 3 48 SA +92 3 49 ST +92 3 50 EE +92 3 51 CC +92 3 52 RS +92 3 53 EE +92 3 54 ST +92 3 55 ST +92 3 56 SA +92 3 57 ST +92 3 58 SA +92 3 59 RS +92 3 60 ST +92 3 61 SS +92 3 62 ST +92 3 63 SA +92 3 64 ST +92 3 65 SS +92 3 66 RS +92 3 67 ST +92 3 68 SS +92 3 69 ST +92 3 70 RS +92 3 71 CO +92 3 72 ST +92 3 73 EE +92 3 74 ST +92 3 75 XX +92 3 76 SA +92 3 77 ST +92 3 78 SO +92 3 79 CC +92 3 80 ST +92 3 81 ST +92 3 82 ST +92 3 83 SA +92 3 84 SO +92 3 85 ST +92 3 86 SO +92 3 87 CC +92 3 88 EE +92 3 89 CC +92 3 90 ST +92 3 91 ST +92 3 92 RS +92 3 93 ST +92 3 94 * +92 3 95 ST +92 3 96 SA +92 3 97 EE +92 3 98 SS +92 3 99 RS +92 3 100 ST +92 3 101 EE +92 3 102 RS +92 3 103 ST +92 3 104 ST +92 3 105 EE +92 3 106 SA +92 3 107 RS +92 3 108 ST +92 3 109 ST +92 3 110 SA +92 3 111 XX +92 3 112 SS +92 3 113 CC +92 3 114 ST +92 3 115 EE +92 3 116 RS +92 3 117 * +92 3 118 SO +92 3 119 ST +92 3 120 RS +92 3 121 SA +92 3 122 ST +92 3 123 ST +92 3 124 ST +92 3 125 SA +92 3 126 SO +92 3 127 XX +92 3 128 SA +92 3 129 RS +92 3 130 XX +92 3 131 EE +92 3 132 SA +92 3 133 ST +92 3 134 CC +92 3 135 EE +92 3 136 ST +92 3 137 ST +92 3 138 ST +92 3 139 RS +92 3 140 ST +92 3 141 RS +92 3 142 RS +92 3 143 ST +92 3 144 EE +92 3 145 ST +92 3 146 SA +92 3 147 ST +92 3 148 SS +92 3 149 ST +92 3 150 * +92 3 151 SO +92 3 152 SO +92 3 153 ST +92 3 154 CC +92 3 155 CC +92 3 156 ST +92 3 157 CC +92 3 158 RS +92 3 159 SA +92 3 160 SO +92 3 161 ST +92 3 162 EE +92 3 163 ST +92 3 164 ST +92 3 165 ST +92 3 166 ST +92 3 167 SO +92 3 168 ST +92 3 169 ST +92 3 170 ST +92 3 171 ST +92 3 172 RS +92 3 173 SO +92 3 174 SA +92 3 175 ST +92 3 176 SA +92 3 177 SA +92 3 178 ST +92 3 179 CO +92 3 180 ST +92 3 181 SA +92 3 182 EE +92 3 183 CC +92 3 184 EE +92 3 185 SA +92 3 186 ST +92 3 187 SA +92 3 188 ST +92 3 189 RS +92 3 190 SO +92 3 191 ST +92 3 192 EE +92 3 193 ST +92 3 194 CC +92 3 195 ST +92 3 196 ST +92 3 197 SO +92 3 198 CC +92 3 199 RS +92 3 200 ST +92 3 201 SO +92 3 202 ST +92 3 203 EE +92 3 204 CC +92 3 205 ST +92 3 206 RS +92 3 207 SS +92 3 208 SA +92 3 209 ST +92 3 210 CC +92 3 211 ST +92 3 212 SA +92 3 213 RS +92 3 214 ST +92 3 215 SO +92 3 216 XX +92 3 217 RS +92 3 218 XX +92 3 219 ST +92 3 220 ST +92 3 221 ST +92 3 222 EE +92 3 223 ST +92 3 224 RS +92 3 225 ST +92 3 226 ST +92 3 227 CC +92 3 228 ST +92 3 229 ST +92 3 230 RS +92 3 231 EE +92 3 232 CC +92 3 233 ST +92 3 234 ST +92 3 235 ST +92 3 236 ST +92 3 237 SA +92 3 238 ST +92 3 239 SO +92 3 240 CO +92 3 241 RS +92 3 242 SA +92 3 243 EE +92 3 244 RS +92 3 245 SA +92 3 246 ST +92 3 247 ST +92 3 248 XX +92 3 249 ST +92 3 250 ST +92 3 251 ST +92 3 252 RS +92 3 253 ST +92 3 254 ST +92 3 255 CC +92 3 256 SS +92 3 257 ST +92 3 258 SA +92 3 259 SS +92 3 260 ST +92 3 261 SA +92 3 262 RS +92 3 263 CC +92 3 264 ST +92 3 265 ST +92 3 266 SA +92 3 267 * +92 3 268 ST +92 3 269 EE +92 3 270 SA +92 3 271 XX +92 3 272 RS +92 3 273 EE +92 3 274 SO +92 3 275 RS +92 3 276 ST +92 3 277 EE +92 3 278 ST +92 3 279 SA +92 3 280 ST +92 3 281 ST +92 3 282 ST +92 3 283 RS +92 3 284 CC +92 3 285 SO +92 3 286 RS +92 3 287 SA +92 3 288 SS +92 3 289 ST +92 3 290 RS +92 3 291 ST +92 3 292 SO +92 3 293 ST +92 3 294 RS +92 3 295 CC +92 3 296 EE +92 3 297 SA +92 3 298 SA +92 3 299 ST +92 3 300 RS +92 3 301 ST +92 3 302 RS +92 3 303 ST +92 3 304 ST +92 3 305 EE +92 3 306 ST +92 3 307 ST +92 3 308 SO +92 3 309 CC +92 3 310 ST +92 3 311 ST +92 3 312 CC +92 3 313 ST +92 3 314 RS +92 3 315 ST +92 3 316 ST +92 3 317 EE +92 3 318 SA +92 3 319 RS +92 3 320 XX +92 3 321 SS +92 3 322 ST +92 3 323 ST +92 3 324 RS +92 3 325 EE +92 3 326 SA +92 3 327 ST +92 3 328 ST +92 3 329 CC +92 3 330 RS +92 4 1 ST +92 4 2 ST +92 4 3 SS +92 4 4 * +92 4 5 ST +92 4 6 RS +92 4 7 * +92 4 8 SS +92 4 9 * +92 4 10 ST +92 4 11 ST +92 4 12 FF +92 4 13 ST +92 4 14 ST +92 4 15 RS +92 4 16 RS +92 4 17 SS +92 4 18 * +92 4 19 ST +92 4 20 ST +92 4 21 SS +92 4 22 FF +92 4 23 * +92 4 24 * +92 4 25 ST +92 4 26 ST +92 4 27 RS +92 4 28 EE +92 4 29 ST +92 4 30 * +92 4 31 ST +92 4 32 EE +92 4 33 ST +92 4 34 ST +92 4 35 UL +92 4 36 ST +92 4 37 ST +92 4 38 SS +92 4 39 ST +92 4 40 ST +92 4 41 * +92 4 42 UL +92 4 43 ST +92 4 44 RS +92 4 45 XX +92 4 46 RO +92 4 47 ST +92 4 48 UL +92 4 49 ST +92 4 50 CC +92 4 51 QQ +92 4 52 RS +92 4 53 * +92 4 54 * +92 4 55 ST +92 4 56 RS +92 4 57 ST +92 4 58 UL +92 4 59 RO +92 4 60 ST +92 4 61 SS +92 4 62 * +92 4 63 EE +92 4 64 ST +92 4 65 * +92 4 66 RS +92 4 67 ST +92 4 68 * +92 4 69 * +92 4 70 RO +92 4 71 * +92 4 72 ST +92 4 73 * +92 4 74 ST +92 4 75 * +92 4 76 NA +92 4 77 ST +92 4 78 RS +92 4 79 ST +92 4 80 ST +92 4 81 * +92 4 82 ST +92 4 83 RS +92 4 84 EE +92 4 85 ST +92 4 86 RS +92 4 87 CC +92 4 88 * +92 4 89 CC +92 4 90 * +92 4 91 * +92 4 92 RS +92 4 93 ST +92 4 94 CC +92 4 95 * +92 4 96 UL +92 4 97 ST +92 4 98 * +92 4 99 RO +92 4 100 * +92 4 101 * +92 4 102 RO +92 4 103 * +92 4 104 ST +92 4 105 CC +92 4 106 UL +92 4 107 RS +92 4 108 ST +92 4 109 * +92 4 110 NA +92 4 111 CC +92 4 112 * +92 4 113 QQ +92 4 114 * +92 4 115 * +92 4 116 * +92 4 117 QQ +92 4 118 EE +92 4 119 * +92 4 120 RS +92 4 121 SA +92 4 122 * +92 4 123 * +92 4 124 XX +92 4 125 SA +92 4 126 RA +92 4 127 * +92 4 128 * +92 4 129 RS +92 4 130 * +92 4 131 * +92 4 132 SA +92 4 133 * +92 4 134 QQ +92 4 135 * +92 4 136 ST +92 4 137 * +92 4 138 ST +92 4 139 RS +92 4 140 * +92 4 141 RS +92 4 142 RS +92 4 143 * +92 4 144 CH +92 4 145 * +92 4 146 UL +92 4 147 * +92 4 148 * +92 4 149 * +92 4 150 CH +92 4 151 RA +92 4 152 RA +92 4 153 ST +92 4 154 MU +92 4 155 QQ +92 4 156 ST +92 4 157 QQ +92 4 158 RS +92 4 159 RA +92 4 160 RS +92 4 161 ST +92 4 162 * +92 4 163 ST +92 4 164 * +92 4 165 * +92 4 166 * +92 4 167 RA +92 4 168 * +92 4 169 * +92 4 170 * +92 4 171 ST +92 4 172 RS +92 4 173 RA +92 4 174 UL +92 4 175 ST +92 4 176 RA +92 4 177 * +92 4 178 ST +92 4 179 CC +92 4 180 * +92 4 181 FF +92 4 182 CC +92 4 183 QQ +92 4 184 CH +92 4 185 UL +92 4 186 * +92 4 187 UL +92 4 188 * +92 4 189 ST +92 4 190 RA +92 4 191 * +92 4 192 CH +92 4 193 * +92 4 194 CC +92 4 195 * +92 4 196 ST +92 4 197 CH +92 4 198 MU +92 4 199 RS +92 4 200 CH +92 4 201 MU +92 4 202 * +92 4 203 RA +92 4 204 * +92 4 205 RA +92 4 206 QQ +92 4 207 CH +92 4 208 RS +92 4 209 * +92 4 210 UL +92 4 211 ST +92 4 212 QQ +92 4 213 * +92 4 214 UL +92 4 215 CH +92 4 216 * +92 4 217 RA +92 4 218 * +92 4 219 RS +92 4 220 CH +92 4 221 RS +92 4 222 CH +92 4 223 * +92 4 224 RS +92 4 225 * +92 4 226 * +92 4 227 MU +92 4 228 * +92 4 229 * +92 4 230 RS +92 4 231 CH +92 4 232 * +92 4 233 ST +92 4 234 * +92 4 235 * +92 4 236 * +92 4 237 RA +92 4 238 * +92 4 239 RA +92 4 240 QQ +92 4 241 RS +92 4 242 RA +92 4 243 CC +92 4 244 RS +92 4 245 SS +92 4 246 SS +92 4 247 * +92 4 248 CH +92 4 249 * +92 4 250 * +92 4 251 CH +92 4 252 RS +92 4 253 ST +92 4 254 ST +92 4 255 MU +92 4 256 RA +92 4 257 * +92 4 258 * +92 4 259 CC +92 4 260 RS +92 4 261 RA +92 4 262 RS +92 4 263 MU +92 4 264 ST +92 4 265 * +92 4 266 QQ +92 4 267 CH +92 4 268 * +92 4 269 CH +92 4 270 UL +92 4 271 * +92 4 272 RS +92 4 273 CH +92 4 274 RS +92 4 275 * +92 4 276 CH +92 4 277 * +92 4 278 RA +92 4 279 * +92 4 280 * +92 4 281 * +92 4 282 RS +92 4 283 * +92 4 284 QQ +92 4 285 RA +92 4 286 RS +92 4 287 * +92 4 288 SS +92 4 289 * +92 4 290 RS +92 4 291 * +92 4 292 RA +92 4 293 ST +92 4 294 RS +92 4 295 QQ +92 4 296 CH +92 4 297 UL +92 4 298 SS +92 4 299 * +92 4 300 RS +92 4 301 * +92 4 302 RS +92 4 303 ST +92 4 304 * +92 4 305 CH +92 4 306 * +92 4 307 * +92 4 308 CH +92 4 309 * +92 4 310 * +92 4 311 * +92 4 312 MU +92 4 313 CH +92 4 314 RS +92 4 315 * +92 4 316 * +92 4 317 CH +92 4 318 RA +92 4 319 * +92 4 320 * +92 4 321 SS +92 4 322 ST +92 4 323 * +92 4 324 RS +92 4 325 CH +92 4 326 * +92 4 327 RS +92 4 328 * +92 4 329 QQ +92 4 330 RS +92 5 1 ST +92 5 2 RS +92 5 3 SS +92 5 4 SS +92 5 5 ST +92 5 6 BA +92 5 7 ST +92 5 8 SS +92 5 9 BA +92 5 10 ST +92 5 11 ST +92 5 12 FF +92 5 13 ST +92 5 14 ST +92 5 15 FF +92 5 16 RS +92 5 17 SS +92 5 18 * +92 5 19 ST +92 5 20 ST +92 5 21 SS +92 5 22 * +92 5 23 * +92 5 24 RO +92 5 25 ST +92 5 26 ST +92 5 27 RS +92 5 28 SS +92 5 29 ST +92 5 30 SS +92 5 31 * +92 5 32 SS +92 5 33 ST +92 5 34 ST +92 5 35 SS +92 5 36 ST +92 5 37 ST +92 5 38 SS +92 5 39 ST +92 5 40 ST +92 5 41 SS +92 5 42 FF +92 5 43 ST +92 5 44 RS +92 5 45 ST +92 5 46 * +92 5 47 ST +92 5 48 FF +92 5 49 CC +92 5 50 * +92 5 51 * +92 5 52 CC +92 5 53 SS +92 5 54 ST +92 5 55 ST +92 5 56 EE +92 5 57 ST +92 5 58 BA +92 5 59 RS +92 5 60 ST +92 5 61 SS +92 5 62 RO +92 5 63 FF +92 5 64 ST +92 5 65 SS +92 5 66 CC +92 5 67 RO +92 5 68 SS +92 5 69 ST +92 5 70 RS +92 5 71 SS +92 5 72 ST +92 5 73 SS +92 5 74 RS +92 5 75 ST +92 5 76 FF +92 5 77 ST +92 5 78 EE +92 5 79 CC +92 5 80 ST +92 5 81 ST +92 5 82 RO +92 5 83 CC +92 5 84 * +92 5 85 ST +92 5 86 SS +92 5 87 CC +92 5 88 SS +92 5 89 CC +92 5 90 ST +92 5 91 SA +92 5 92 RS +92 5 93 ST +92 5 94 CC +92 5 95 RS +92 5 96 SA +92 5 97 ST +92 5 98 SS +92 5 99 RS +92 5 100 ST +92 5 101 SS +92 5 102 RS +92 5 103 EE +92 5 104 ST +92 5 105 SS +92 5 106 RS +92 5 107 RS +92 5 108 RS +92 5 109 ST +92 5 110 SA +92 5 111 CC +92 5 112 SS +92 5 113 CC +92 5 114 ST +92 5 115 SS +92 5 116 RS +92 5 117 CC +92 5 118 EE +92 5 119 ST +92 5 120 RS +92 5 121 SA +92 5 122 ST +92 5 123 ST +92 5 124 ST +92 5 125 SA +92 5 126 EE +92 5 127 CC +92 5 128 RO +92 5 129 RS +92 5 130 CC +92 5 131 SS +92 5 132 SA +92 5 133 ST +92 5 134 CC +92 5 135 SA +92 5 136 ST +92 5 137 ST +92 5 138 RO +92 5 139 RS +92 5 140 ST +92 5 141 RS +92 5 142 RS +92 5 143 ST +92 5 144 ST +92 5 145 RO +92 5 146 SA +92 5 147 ST +92 5 148 SS +92 5 149 ST +92 5 150 ST +92 5 151 SA +92 5 152 EE +92 5 153 ST +92 5 154 CC +92 5 155 CC +92 5 156 ST +92 5 157 SA +92 5 158 RS +92 5 159 EE +92 5 160 FF +92 5 161 ST +92 5 162 SS +92 5 163 ST +92 5 164 ST +92 5 165 ST +92 5 166 ST +92 5 167 RO +92 5 168 ST +92 5 169 ST +92 5 170 ST +92 5 171 ST +92 5 172 RS +92 5 173 SS +92 5 174 SA +92 5 175 RS +92 5 176 SS +92 5 177 EE +92 5 178 ST +92 5 179 SS +92 5 180 ST +92 5 181 SA +92 5 182 SS +92 5 183 CC +92 5 184 SS +92 5 185 SA +92 5 186 ST +92 5 187 SA +92 5 188 ST +92 5 189 RS +92 5 190 EE +92 5 191 ST +92 5 192 ST +92 5 193 SA +92 5 194 SS +92 5 195 ST +92 5 196 RS +92 5 197 EE +92 5 198 CC +92 5 199 RS +92 5 200 ST +92 5 201 SA +92 5 202 ST +92 5 203 SS +92 5 204 CC +92 5 205 ST +92 5 206 RS +92 5 207 SS +92 5 208 * +92 5 209 ST +92 5 210 EE +92 5 211 ST +92 5 212 SA +92 5 213 RO +92 5 214 FF +92 5 215 EE +92 5 216 CC +92 5 217 RO +92 5 218 BA +92 5 219 RS +92 5 220 ST +92 5 221 RS +92 5 222 ST +92 5 223 ST +92 5 224 RS +92 5 225 EE +92 5 226 ST +92 5 227 CC +92 5 228 CC +92 5 229 RS +92 5 230 RS +92 5 231 EE +92 5 232 ST +92 5 233 ST +92 5 234 ST +92 5 235 ST +92 5 236 EE +92 5 237 EE +92 5 238 ST +92 5 239 EE +92 5 240 SS +92 5 241 RS +92 5 242 * +92 5 243 SS +92 5 244 RS +92 5 245 SS +92 5 246 ST +92 5 247 ST +92 5 248 CC +92 5 249 ST +92 5 250 CC +92 5 251 RS +92 5 252 RS +92 5 253 ST +92 5 254 ST +92 5 255 CC +92 5 256 SS +92 5 257 ST +92 5 258 BA +92 5 259 SS +92 5 260 RS +92 5 261 SA +92 5 262 RS +92 5 263 CC +92 5 264 RS +92 5 265 ST +92 5 266 EE +92 5 267 SS +92 5 268 ST +92 5 269 SS +92 5 270 SA +92 5 271 ST +92 5 272 RS +92 5 273 EE +92 5 274 RS +92 5 275 ST +92 5 276 SS +92 5 277 ST +92 5 278 SA +92 5 279 ST +92 5 280 ST +92 5 281 ST +92 5 282 ST +92 5 283 CC +92 5 284 RS +92 5 285 EE +92 5 286 RS +92 5 287 SA +92 5 288 SS +92 5 289 RO +92 5 290 RS +92 5 291 ST +92 5 292 EE +92 5 293 RS +92 5 294 RS +92 5 295 CC +92 5 296 ST +92 5 297 SA +92 5 298 SS +92 5 299 ST +92 5 300 CC +92 5 301 ST +92 5 302 RO +92 5 303 ST +92 5 304 ST +92 5 305 SS +92 5 306 EE +92 5 307 ST +92 5 308 ST +92 5 309 CC +92 5 310 ST +92 5 311 ST +92 5 312 CC +92 5 313 ST +92 5 314 RS +92 5 315 ST +92 5 316 ST +92 5 317 SS +92 5 318 SA +92 5 319 RS +92 5 320 ST +92 5 321 SS +92 5 322 ST +92 5 323 ST +92 5 324 RO +92 5 325 SS +92 5 326 SA +92 5 327 RS +92 5 328 ST +92 5 329 BA +92 5 330 RS +92 6 1 ST +92 6 2 ST +92 6 3 SS +92 6 4 QQ +92 6 5 ST +92 6 6 QQ +92 6 7 ST +92 6 8 QQ +92 6 9 QQ +92 6 10 ST +92 6 11 ST +92 6 12 FF +92 6 13 ST +92 6 14 ST +92 6 15 FF +92 6 16 RS +92 6 17 SS +92 6 18 CC +92 6 19 ST +92 6 20 ST +92 6 21 SS +92 6 22 FF +92 6 23 QQ +92 6 24 BA +92 6 25 ST +92 6 26 ST +92 6 27 RS +92 6 28 SS +92 6 29 ST +92 6 30 SS +92 6 31 ST +92 6 32 SS +92 6 33 ST +92 6 34 ST +92 6 35 SS +92 6 36 ST +92 6 37 ST +92 6 38 SS +92 6 39 ST +92 6 40 ST +92 6 41 SS +92 6 42 FF +92 6 43 ST +92 6 44 FF +92 6 45 ST +92 6 46 CC +92 6 47 ST +92 6 48 FF +92 6 49 ST +92 6 50 SS +92 6 51 BA +92 6 52 RS +92 6 53 SS +92 6 54 ST +92 6 55 ST +92 6 56 FF +92 6 57 ST +92 6 58 FF +92 6 59 FF +92 6 60 ST +92 6 61 SS +92 6 62 ST +92 6 63 FF +92 6 64 ST +92 6 65 SS +92 6 66 BA +92 6 67 ST +92 6 68 SS +92 6 69 BA +92 6 70 RS +92 6 71 SS +92 6 72 ST +92 6 73 SS +92 6 74 ST +92 6 75 ST +92 6 76 SS +92 6 77 ST +92 6 78 SS +92 6 79 CC +92 6 80 ST +92 6 81 ST +92 6 82 ST +92 6 83 FF +92 6 84 SS +92 6 85 ST +92 6 86 SS +92 6 87 CC +92 6 88 SS +92 6 89 CC +92 6 90 ST +92 6 91 FF +92 6 92 FF +92 6 93 ST +92 6 94 QQ +92 6 95 ST +92 6 96 FF +92 6 97 ST +92 6 98 SS +92 6 99 ST +92 6 100 CC +92 6 101 SS +92 6 102 ST +92 6 103 QQ +92 6 104 ST +92 6 105 SS +92 6 106 FF +92 6 107 RS +92 6 108 ST +92 6 109 ST +92 6 110 FF +92 6 111 ST +92 6 112 SS +92 6 113 CC +92 6 114 ST +92 6 115 SS +92 6 116 ST +92 6 117 QQ +92 6 118 FF +92 6 119 ST +92 6 120 RS +92 6 121 SS +92 6 122 ST +92 6 123 ST +92 6 124 FF +92 6 125 SS +92 6 126 FF +92 6 127 ST +92 6 128 FF +92 6 129 RS +92 6 130 QQ +92 6 131 SS +92 6 132 SS +92 6 133 ST +92 6 134 QQ +92 6 135 SS +92 6 136 ST +92 6 137 ST +92 6 138 ST +92 6 139 RS +92 6 140 ST +92 6 141 RS +92 6 142 RS +92 6 143 ST +92 6 144 BA +92 6 145 ST +92 6 146 FF +92 6 147 ST +92 6 148 SS +92 6 149 ST +92 6 150 BA +92 6 151 SS +92 6 152 SS +92 6 153 ST +92 6 154 CC +92 6 155 BA +92 6 156 ST +92 6 157 BA +92 6 158 RS +92 6 159 FF +92 6 160 SS +92 6 161 ST +92 6 162 SS +92 6 163 ST +92 6 164 ST +92 6 165 BA +92 6 166 ST +92 6 167 FF +92 6 168 ST +92 6 169 ST +92 6 170 ST +92 6 171 FF +92 6 172 RS +92 6 173 SS +92 6 174 FF +92 6 175 ST +92 6 176 SS +92 6 177 FF +92 6 178 ST +92 6 179 SS +92 6 180 ST +92 6 181 FF +92 6 182 SS +92 6 183 BA +92 6 184 BA +92 6 185 FF +92 6 186 ST +92 6 187 FF +92 6 188 ST +92 6 189 ST +92 6 190 SS +92 6 191 ST +92 6 192 ST +92 6 193 FF +92 6 194 SS +92 6 195 ST +92 6 196 ST +92 6 197 BA +92 6 198 BA +92 6 199 RS +92 6 200 ST +92 6 201 SS +92 6 202 ST +92 6 203 SS +92 6 204 BA +92 6 205 BA +92 6 206 RS +92 6 207 SS +92 6 208 FF +92 6 209 ST +92 6 210 BA +92 6 211 ST +92 6 212 FF +92 6 213 BA +92 6 214 FF +92 6 215 FF +92 6 216 BA +92 6 217 FF +92 6 218 FF +92 6 219 RS +92 6 220 ST +92 6 221 RS +92 6 222 ST +92 6 223 ST +92 6 224 SS +92 6 225 FF +92 6 226 ST +92 6 227 CC +92 6 228 ST +92 6 229 ST +92 6 230 RS +92 6 231 FF +92 6 232 BA +92 6 233 FF +92 6 234 ST +92 6 235 ST +92 6 236 FF +92 6 237 FF +92 6 238 ST +92 6 239 SS +92 6 240 BA +92 6 241 RS +92 6 242 FF +92 6 243 SS +92 6 244 RS +92 6 245 SS +92 6 246 ST +92 6 247 ST +92 6 248 ST +92 6 249 ST +92 6 250 ST +92 6 251 ST +92 6 252 FF +92 6 253 ST +92 6 254 ST +92 6 255 BA +92 6 256 SS +92 6 257 ST +92 6 258 FF +92 6 259 SS +92 6 260 FF +92 6 261 FF +92 6 262 RS +92 6 263 BA +92 6 264 RS +92 6 265 ST +92 6 266 SS +92 6 267 SS +92 6 268 ST +92 6 269 ST +92 6 270 FF +92 6 271 ST +92 6 272 RS +92 6 273 SS +92 6 274 RS +92 6 275 FF +92 6 276 SS +92 6 277 ST +92 6 278 FF +92 6 279 ST +92 6 280 ST +92 6 281 ST +92 6 282 ST +92 6 283 BA +92 6 284 RS +92 6 285 SS +92 6 286 RS +92 6 287 BA +92 6 288 SS +92 6 289 ST +92 6 290 RS +92 6 291 ST +92 6 292 FF +92 6 293 ST +92 6 294 RS +92 6 295 BA +92 6 296 ST +92 6 297 FF +92 6 298 SS +92 6 299 ST +92 6 300 RS +92 6 301 ST +92 6 302 FF +92 6 303 ST +92 6 304 BA +92 6 305 SS +92 6 306 FF +92 6 307 ST +92 6 308 FF +92 6 309 BA +92 6 310 ST +92 6 311 ST +92 6 312 CC +92 6 313 ST +92 6 314 RS +92 6 315 ST +92 6 316 ST +92 6 317 SS +92 6 318 FF +92 6 319 RS +92 6 320 BA +92 6 321 SS +92 6 322 ST +92 6 323 ST +92 6 324 RS +92 6 325 SS +92 6 326 FF +92 6 327 ST +92 6 328 ST +92 6 329 BA +92 6 330 RS +92 7 1 VV +92 7 2 * +92 7 3 SA +92 7 4 EE +92 7 5 ST +92 7 6 BA +92 7 7 ST +92 7 8 EE +92 7 9 FF +92 7 10 ST +92 7 11 * +92 7 12 * +92 7 13 * +92 7 14 ST +92 7 15 RO +92 7 16 RS +92 7 17 BA +92 7 18 CC +92 7 19 VV +92 7 20 XX +92 7 21 CS +92 7 22 SA +92 7 23 BA +92 7 24 CC +92 7 25 ST +92 7 26 * +92 7 27 RO +92 7 28 CS +92 7 29 ST +92 7 30 SA +92 7 31 ST +92 7 32 CS +92 7 33 XX +92 7 34 VV +92 7 35 SS +92 7 36 ST +92 7 37 VV +92 7 38 EE +92 7 39 ST +92 7 40 VV +92 7 41 SS +92 7 42 FF +92 7 43 * +92 7 44 RO +92 7 45 ST +92 7 46 BA +92 7 47 XX +92 7 48 SA +92 7 49 VV +92 7 50 EE +92 7 51 FF +92 7 52 RO +92 7 53 EE +92 7 54 ST +92 7 55 VV +92 7 56 BA +92 7 57 * +92 7 58 FF +92 7 59 BA +92 7 60 * +92 7 61 SS +92 7 62 FF +92 7 63 RO +92 7 64 VV +92 7 65 CS +92 7 66 RS +92 7 67 ST +92 7 68 CS +92 7 69 XX +92 7 70 BA +92 7 71 EE +92 7 72 ST +92 7 73 * +92 7 74 ST +92 7 75 CC +92 7 76 SA +92 7 77 VV +92 7 78 RO +92 7 79 CC +92 7 80 CS +92 7 81 XX +92 7 82 ST +92 7 83 RO +92 7 84 FF +92 7 85 ST +92 7 86 CS +92 7 87 CC +92 7 88 CS +92 7 89 CC +92 7 90 ST +92 7 91 FF +92 7 92 RS +92 7 93 CS +92 7 94 EE +92 7 95 RS +92 7 96 SA +92 7 97 ST +92 7 98 SS +92 7 99 BA +92 7 100 ST +92 7 101 EE +92 7 102 ST +92 7 103 EE +92 7 104 ST +92 7 105 EE +92 7 106 SA +92 7 107 RS +92 7 108 ST +92 7 109 * +92 7 110 SA +92 7 111 * +92 7 112 CS +92 7 113 CC +92 7 114 ST +92 7 115 EE +92 7 116 ST +92 7 117 CC +92 7 118 CS +92 7 119 ST +92 7 120 RS +92 7 121 FF +92 7 122 ST +92 7 123 ST +92 7 124 FF +92 7 125 SA +92 7 126 CS +92 7 127 CC +92 7 128 * +92 7 129 RS +92 7 130 CC +92 7 131 CC +92 7 132 SS +92 7 133 ST +92 7 134 CC +92 7 135 CS +92 7 136 ST +92 7 137 ST +92 7 138 CS +92 7 139 RO +92 7 140 ST +92 7 141 RS +92 7 142 ST +92 7 143 FF +92 7 144 * +92 7 145 ST +92 7 146 * +92 7 147 XX +92 7 148 SS +92 7 149 FF +92 7 150 * +92 7 151 RO +92 7 152 CS +92 7 153 VV +92 7 154 RO +92 7 155 * +92 7 156 ST +92 7 157 * +92 7 158 RS +92 7 159 FF +92 7 160 * +92 7 161 ST +92 7 162 SS +92 7 163 ST +92 7 164 VV +92 7 165 FF +92 7 166 * +92 7 167 RO +92 7 168 ST +92 7 169 VV +92 7 170 * +92 7 171 * +92 7 172 RS +92 7 173 * +92 7 174 SA +92 7 175 ST +92 7 176 BA +92 7 177 * +92 7 178 * +92 7 179 CC +92 7 180 ST +92 7 181 * +92 7 182 EE +92 7 183 BA +92 7 184 RO +92 7 185 FF +92 7 186 ST +92 7 187 SA +92 7 188 VV +92 7 189 ST +92 7 190 BA +92 7 191 ST +92 7 192 * +92 7 193 * +92 7 194 EE +92 7 195 ST +92 7 196 ST +92 7 197 RO +92 7 198 CC +92 7 199 RO +92 7 200 ST +92 7 201 BA +92 7 202 ST +92 7 203 CS +92 7 204 CC +92 7 205 ST +92 7 206 RS +92 7 207 CS +92 7 208 SA +92 7 209 * +92 7 210 * +92 7 211 VV +92 7 212 SA +92 7 213 RO +92 7 214 UL +92 7 215 RO +92 7 216 XX +92 7 217 * +92 7 218 FF +92 7 219 ST +92 7 220 * +92 7 221 RO +92 7 222 ST +92 7 223 ST +92 7 224 RS +92 7 225 FF +92 7 226 * +92 7 227 CC +92 7 228 * +92 7 229 ST +92 7 230 RO +92 7 231 CS +92 7 232 FF +92 7 233 ST +92 7 234 ST +92 7 235 * +92 7 236 UL +92 7 237 BA +92 7 238 ST +92 7 239 * +92 7 240 * +92 7 241 RS +92 7 242 * +92 7 243 * +92 7 244 ST +92 7 245 SS +92 7 246 ST +92 7 247 * +92 7 248 CC +92 7 249 ST +92 7 250 * +92 7 251 * +92 7 252 FF +92 7 253 ST +92 7 254 * +92 7 255 CC +92 7 256 CS +92 7 257 CC +92 7 258 SA +92 7 259 SS +92 7 260 * +92 7 261 SA +92 7 262 RS +92 7 263 BA +92 7 264 ST +92 7 265 ST +92 7 266 SA +92 7 267 * +92 7 268 ST +92 7 269 CS +92 7 270 SA +92 7 271 CC +92 7 272 * +92 7 273 FF +92 7 274 RS +92 7 275 FF +92 7 276 CS +92 7 277 * +92 7 278 * +92 7 279 * +92 7 280 * +92 7 281 ST +92 7 282 * +92 7 283 * +92 7 284 ST +92 7 285 FF +92 7 286 RS +92 7 287 FF +92 7 288 SS +92 7 289 ST +92 7 290 * +92 7 291 ST +92 7 292 * +92 7 293 ST +92 7 294 * +92 7 295 * +92 7 296 * +92 7 297 SA +92 7 298 SS +92 7 299 ST +92 7 300 RO +92 7 301 ST +92 7 302 RO +92 7 303 * +92 7 304 * +92 7 305 * +92 7 306 FF +92 7 307 VV +92 7 308 ST +92 7 309 * +92 7 310 ST +92 7 311 ST +92 7 312 CC +92 7 313 ST +92 7 314 RO +92 7 315 XX +92 7 316 ST +92 7 317 * +92 7 318 * +92 7 319 RO +92 7 320 * +92 7 321 SS +92 7 322 CS +92 7 323 ST +92 7 324 * +92 7 325 * +92 7 326 SA +92 7 327 ST +92 7 328 ST +92 7 329 * +92 7 330 ST +92 8 1 ST +92 8 2 XX +92 8 3 EE +92 8 4 SS +92 8 5 XX +92 8 6 * +92 8 7 ST +92 8 8 SS +92 8 9 QQ +92 8 10 * +92 8 11 ST +92 8 12 FF +92 8 13 ST +92 8 14 * +92 8 15 * +92 8 16 RO +92 8 17 EE +92 8 18 CO +92 8 19 * +92 8 20 ST +92 8 21 EE +92 8 22 FF +92 8 23 * +92 8 24 CO +92 8 25 ST +92 8 26 * +92 8 27 RO +92 8 28 EE +92 8 29 ST +92 8 30 FF +92 8 31 * +92 8 32 EE +92 8 33 ST +92 8 34 CO +92 8 35 FF +92 8 36 * +92 8 37 RI +92 8 38 SS +92 8 39 ST +92 8 40 * +92 8 41 SS +92 8 42 EE +92 8 43 * +92 8 44 RO +92 8 45 ST +92 8 46 RI +92 8 47 * +92 8 48 FF +92 8 49 * +92 8 50 SS +92 8 51 QQ +92 8 52 RO +92 8 53 EE +92 8 54 ST +92 8 55 ST +92 8 56 * +92 8 57 * +92 8 58 QQ +92 8 59 * +92 8 60 CO +92 8 61 SS +92 8 62 * +92 8 63 EE +92 8 64 ST +92 8 65 SS +92 8 66 RO +92 8 67 ST +92 8 68 EE +92 8 69 XX +92 8 70 BA +92 8 71 SS +92 8 72 ST +92 8 73 EE +92 8 74 * +92 8 75 * +92 8 76 FF +92 8 77 ST +92 8 78 * +92 8 79 CO +92 8 80 ST +92 8 81 XX +92 8 82 ST +92 8 83 RO +92 8 84 EE +92 8 85 ST +92 8 86 EE +92 8 87 CC +92 8 88 EE +92 8 89 CC +92 8 90 * +92 8 91 XX +92 8 92 RO +92 8 93 ST +92 8 94 QQ +92 8 95 RO +92 8 96 FF +92 8 97 * +92 8 98 * +92 8 99 * +92 8 100 RO +92 8 101 EE +92 8 102 RI +92 8 103 XX +92 8 104 * +92 8 105 EE +92 8 106 FF +92 8 107 RO +92 8 108 RO +92 8 109 * +92 8 110 FF +92 8 111 XX +92 8 112 EE +92 8 113 CO +92 8 114 ST +92 8 115 SS +92 8 116 RO +92 8 117 QQ +92 8 118 EE +92 8 119 ST +92 8 120 RS +92 8 121 FF +92 8 122 ST +92 8 123 ST +92 8 124 XX +92 8 125 FF +92 8 126 EE +92 8 127 CO +92 8 128 XX +92 8 129 RO +92 8 130 XX +92 8 131 EE +92 8 132 SS +92 8 133 ST +92 8 134 QQ +92 8 135 EE +92 8 136 * +92 8 137 XX +92 8 138 ST +92 8 139 RO +92 8 140 * +92 8 141 RO +92 8 142 RI +92 8 143 XX +92 8 144 * +92 8 145 * +92 8 146 FF +92 8 147 ST +92 8 148 SS +92 8 149 XX +92 8 150 * +92 8 151 * +92 8 152 * +92 8 153 ST +92 8 154 CO +92 8 155 QQ +92 8 156 ST +92 8 157 QQ +92 8 158 RS +92 8 159 EE +92 8 160 * +92 8 161 ST +92 8 162 SS +92 8 163 ST +92 8 164 ST +92 8 165 XX +92 8 166 * +92 8 167 * +92 8 168 ST +92 8 169 ST +92 8 170 * +92 8 171 XX +92 8 172 * +92 8 173 EE +92 8 174 FF +92 8 175 * +92 8 176 EE +92 8 177 FF +92 8 178 ST +92 8 179 SS +92 8 180 ST +92 8 181 FF +92 8 182 SS +92 8 183 QQ +92 8 184 * +92 8 185 FF +92 8 186 * +92 8 187 FF +92 8 188 ST +92 8 189 RI +92 8 190 EE +92 8 191 ST +92 8 192 * +92 8 193 XX +92 8 194 SS +92 8 195 ST +92 8 196 RO +92 8 197 RS +92 8 198 * +92 8 199 XX +92 8 200 ST +92 8 201 EE +92 8 202 ST +92 8 203 SS +92 8 204 QQ +92 8 205 * +92 8 206 RO +92 8 207 SS +92 8 208 QQ +92 8 209 ST +92 8 210 * +92 8 211 ST +92 8 212 FF +92 8 213 RI +92 8 214 XX +92 8 215 EE +92 8 216 * +92 8 217 * +92 8 218 XX +92 8 219 RI +92 8 220 * +92 8 221 RO +92 8 222 * +92 8 223 ST +92 8 224 RS +92 8 225 XX +92 8 226 ST +92 8 227 * +92 8 228 * +92 8 229 XX +92 8 230 EE +92 8 231 * +92 8 232 QQ +92 8 233 * +92 8 234 ST +92 8 235 * +92 8 236 XX +92 8 237 EE +92 8 238 ST +92 8 239 EE +92 8 240 QQ +92 8 241 RO +92 8 242 * +92 8 243 EE +92 8 244 RI +92 8 245 SS +92 8 246 * +92 8 247 * +92 8 248 * +92 8 249 ST +92 8 250 * +92 8 251 EE +92 8 252 RO +92 8 253 * +92 8 254 RI +92 8 255 * +92 8 256 EE +92 8 257 ST +92 8 258 XX +92 8 259 * +92 8 260 * +92 8 261 FF +92 8 262 RO +92 8 263 RI +92 8 264 ST +92 8 265 ST +92 8 266 * +92 8 267 EE +92 8 268 * +92 8 269 NA +92 8 270 FF +92 8 271 * +92 8 272 RO +92 8 273 * +92 8 274 RI +92 8 275 XX +92 8 276 EE +92 8 277 * +92 8 278 * +92 8 279 * +92 8 280 XX +92 8 281 ST +92 8 282 RS +92 8 283 ST +92 8 284 QQ +92 8 285 EE +92 8 286 RO +92 8 287 QQ +92 8 288 SS +92 8 289 * +92 8 290 RO +92 8 291 ST +92 8 292 EE +92 8 293 RI +92 8 294 RS +92 8 295 QQ +92 8 296 EE +92 8 297 * +92 8 298 SS +92 8 299 ST +92 8 300 RI +92 8 301 ST +92 8 302 RO +92 8 303 RO +92 8 304 XX +92 8 305 EE +92 8 306 XX +92 8 307 ST +92 8 308 * +92 8 309 * +92 8 310 ST +92 8 311 ST +92 8 312 CO +92 8 313 * +92 8 314 RO +92 8 315 XX +92 8 316 ST +92 8 317 EE +92 8 318 NA +92 8 319 RO +92 8 320 XX +92 8 321 SS +92 8 322 ST +92 8 323 * +92 8 324 RO +92 8 325 EE +92 8 326 FF +92 8 327 RO +92 8 328 * +92 8 329 QQ +92 8 330 RI +92 9 1 ST +92 9 2 RO +92 9 3 SS +92 9 4 ST +92 9 5 ST +92 9 6 SS +92 9 7 ST +92 9 8 SS +92 9 9 SA +92 9 10 ST +92 9 11 ST +92 9 12 SA +92 9 13 ST +92 9 14 ST +92 9 15 * +92 9 16 RS +92 9 17 SS +92 9 18 CC +92 9 19 ST +92 9 20 ST +92 9 21 SS +92 9 22 SA +92 9 23 ST +92 9 24 CC +92 9 25 ST +92 9 26 ST +92 9 27 RS +92 9 28 SS +92 9 29 ST +92 9 30 SA +92 9 31 ST +92 9 32 SS +92 9 33 ST +92 9 34 ST +92 9 35 SS +92 9 36 ST +92 9 37 ST +92 9 38 SS +92 9 39 ST +92 9 40 ST +92 9 41 SS +92 9 42 SA +92 9 43 ST +92 9 44 RS +92 9 45 ST +92 9 46 RO +92 9 47 ST +92 9 48 SA +92 9 49 ST +92 9 50 ST +92 9 51 CC +92 9 52 * +92 9 53 SS +92 9 54 ST +92 9 55 * +92 9 56 SS +92 9 57 ST +92 9 58 SA +92 9 59 RO +92 9 60 ST +92 9 61 SS +92 9 62 ST +92 9 63 SS +92 9 64 ST +92 9 65 SS +92 9 66 RS +92 9 67 ST +92 9 68 SS +92 9 69 ST +92 9 70 RS +92 9 71 SS +92 9 72 ST +92 9 73 ST +92 9 74 ST +92 9 75 * +92 9 76 SS +92 9 77 ST +92 9 78 SA +92 9 79 CC +92 9 80 ST +92 9 81 ST +92 9 82 ST +92 9 83 RS +92 9 84 FF +92 9 85 ST +92 9 86 SS +92 9 87 CC +92 9 88 ST +92 9 89 CC +92 9 90 ST +92 9 91 ST +92 9 92 RS +92 9 93 ST +92 9 94 CC +92 9 95 ST +92 9 96 SA +92 9 97 ST +92 9 98 SS +92 9 99 ST +92 9 100 ST +92 9 101 * +92 9 102 ST +92 9 103 ST +92 9 104 ST +92 9 105 SS +92 9 106 SA +92 9 107 RO +92 9 108 ST +92 9 109 ST +92 9 110 SA +92 9 111 ST +92 9 112 SS +92 9 113 CC +92 9 114 ST +92 9 115 SS +92 9 116 ST +92 9 117 CC +92 9 118 * +92 9 119 ST +92 9 120 RS +92 9 121 SS +92 9 122 ST +92 9 123 ST +92 9 124 ST +92 9 125 SS +92 9 126 * +92 9 127 * +92 9 128 SA +92 9 129 RS +92 9 130 CC +92 9 131 ST +92 9 132 SS +92 9 133 ST +92 9 134 CC +92 9 135 SS +92 9 136 ST +92 9 137 ST +92 9 138 ST +92 9 139 RS +92 9 140 ST +92 9 141 RS +92 9 142 ST +92 9 143 SA +92 9 144 ST +92 9 145 ST +92 9 146 SA +92 9 147 ST +92 9 148 * +92 9 149 ST +92 9 150 ST +92 9 151 RO +92 9 152 ST +92 9 153 ST +92 9 154 CC +92 9 155 CC +92 9 156 ST +92 9 157 CC +92 9 158 RS +92 9 159 SA +92 9 160 RO +92 9 161 ST +92 9 162 * +92 9 163 ST +92 9 164 ST +92 9 165 ST +92 9 166 ST +92 9 167 * +92 9 168 ST +92 9 169 * +92 9 170 ST +92 9 171 ST +92 9 172 RS +92 9 173 SS +92 9 174 SA +92 9 175 ST +92 9 176 SS +92 9 177 SA +92 9 178 ST +92 9 179 * +92 9 180 ST +92 9 181 SA +92 9 182 SS +92 9 183 ST +92 9 184 ST +92 9 185 SA +92 9 186 ST +92 9 187 SA +92 9 188 ST +92 9 189 ST +92 9 190 SS +92 9 191 ST +92 9 192 ST +92 9 193 SA +92 9 194 SS +92 9 195 ST +92 9 196 ST +92 9 197 ST +92 9 198 CC +92 9 199 ST +92 9 200 ST +92 9 201 SS +92 9 202 ST +92 9 203 SS +92 9 204 CC +92 9 205 ST +92 9 206 RS +92 9 207 SS +92 9 208 SA +92 9 209 ST +92 9 210 SS +92 9 211 ST +92 9 212 FF +92 9 213 ST +92 9 214 SA +92 9 215 SS +92 9 216 ST +92 9 217 SS +92 9 218 ST +92 9 219 RS +92 9 220 ST +92 9 221 RS +92 9 222 ST +92 9 223 ST +92 9 224 RS +92 9 225 ST +92 9 226 ST +92 9 227 CC +92 9 228 ST +92 9 229 ST +92 9 230 RS +92 9 231 ST +92 9 232 RO +92 9 233 ST +92 9 234 ST +92 9 235 ST +92 9 236 ST +92 9 237 SA +92 9 238 ST +92 9 239 SS +92 9 240 SS +92 9 241 RS +92 9 242 SA +92 9 243 CC +92 9 244 RS +92 9 245 SS +92 9 246 ST +92 9 247 ST +92 9 248 ST +92 9 249 ST +92 9 250 ST +92 9 251 ST +92 9 252 RS +92 9 253 ST +92 9 254 ST +92 9 255 CC +92 9 256 SS +92 9 257 ST +92 9 258 SA +92 9 259 SS +92 9 260 RS +92 9 261 FF +92 9 262 RS +92 9 263 RO +92 9 264 ST +92 9 265 ST +92 9 266 SS +92 9 267 ST +92 9 268 ST +92 9 269 SS +92 9 270 SA +92 9 271 ST +92 9 272 RS +92 9 273 SS +92 9 274 RS +92 9 275 ST +92 9 276 SS +92 9 277 ST +92 9 278 SS +92 9 279 ST +92 9 280 ST +92 9 281 ST +92 9 282 ST +92 9 283 SS +92 9 284 RS +92 9 285 SS +92 9 286 RS +92 9 287 ST +92 9 288 SS +92 9 289 ST +92 9 290 RS +92 9 291 ST +92 9 292 SS +92 9 293 ST +92 9 294 RS +92 9 295 CC +92 9 296 ST +92 9 297 SA +92 9 298 SS +92 9 299 ST +92 9 300 RS +92 9 301 ST +92 9 302 RS +92 9 303 ST +92 9 304 ST +92 9 305 ST +92 9 306 ST +92 9 307 ST +92 9 308 ST +92 9 309 CC +92 9 310 ST +92 9 311 ST +92 9 312 CC +92 9 313 ST +92 9 314 RS +92 9 315 ST +92 9 316 ST +92 9 317 SS +92 9 318 FF +92 9 319 RS +92 9 320 ST +92 9 321 SS +92 9 322 ST +92 9 323 ST +92 9 324 RS +92 9 325 ST +92 9 326 FF +92 9 327 RS +92 9 328 ST +92 9 329 RO +92 9 330 ST +93 1 1 SI +93 1 2 SI +93 1 3 SE +93 1 4 SI +93 1 5 SI +93 1 6 SE +93 1 7 SI +93 1 8 * +93 1 9 UL +93 1 10 SI +93 1 11 * +93 1 12 SA +93 1 13 * +93 1 14 SI +93 1 15 SE +93 1 16 RS +93 1 17 SE +93 1 18 CC +93 1 19 SI +93 1 20 SI +93 1 21 SE +93 1 22 SA +93 1 23 * +93 1 24 CC +93 1 25 * +93 1 26 SI +93 1 27 RS +93 1 28 SE +93 1 29 SI +93 1 30 UL +93 1 31 SI +93 1 32 SE +93 1 33 SI +93 1 34 * +93 1 35 SE +93 1 36 CC +93 1 37 SI +93 1 38 * +93 1 39 SI +93 1 40 SI +93 1 41 SE +93 1 42 SA +93 1 43 CC +93 1 44 RS +93 1 45 SI +93 1 46 RO +93 1 47 CC +93 1 48 UL +93 1 49 SI +93 1 50 * +93 1 51 CC +93 1 52 RS +93 1 53 * +93 1 54 SI +93 1 55 SI +93 1 56 SE +93 1 57 SI +93 1 58 RO +93 1 59 SE +93 1 60 SI +93 1 61 * +93 1 62 * +93 1 63 SE +93 1 64 SI +93 1 65 SE +93 1 66 RS +93 1 67 SI +93 1 68 SE +93 1 69 RO +93 1 70 RS +93 1 71 * +93 1 72 SI +93 1 73 * +93 1 74 SI +93 1 75 CC +93 1 76 SE +93 1 77 SI +93 1 78 SE +93 1 79 CC +93 1 80 SI +93 1 81 SI +93 1 82 SI +93 1 83 RS +93 1 84 SE +93 1 85 SI +93 1 86 SE +93 1 87 CC +93 1 88 SE +93 1 89 CC +93 1 90 CC +93 1 91 SI +93 1 92 RS +93 1 93 SI +93 1 94 CC +93 1 95 SI +93 1 96 SA +93 1 97 * +93 1 98 SE +93 1 99 SE +93 1 100 SI +93 1 101 SE +93 1 102 SI +93 1 103 CC +93 1 104 SI +93 1 105 * +93 1 106 SA +93 1 107 RS +93 1 108 SI +93 1 109 * +93 1 110 SA +93 1 111 CC +93 1 112 SE +93 1 113 CC +93 1 114 SI +93 1 115 SE +93 1 116 SI +93 1 117 CC +93 1 118 SE +93 1 119 SI +93 1 120 RS +93 1 121 SE +93 1 122 SI +93 1 123 SI +93 1 124 SI +93 1 125 SE +93 1 126 SE +93 1 127 CC +93 1 128 SA +93 1 129 RS +93 1 130 CC +93 1 131 * +93 1 132 SE +93 1 133 SI +93 1 134 * +93 1 135 SE +93 1 136 SI +93 1 137 CC +93 1 138 SI +93 1 139 RS +93 1 140 SI +93 1 141 RS +93 1 142 RS +93 1 143 SI +93 1 144 CC +93 1 145 SI +93 1 146 SA +93 1 147 SI +93 1 148 SE +93 1 149 SI +93 1 150 CC +93 1 151 SE +93 1 152 SE +93 1 153 SI +93 1 154 CC +93 1 155 CC +93 1 156 SI +93 1 157 UL +93 1 158 RS +93 1 159 SA +93 1 160 SE +93 1 161 SI +93 1 162 SE +93 1 163 SI +93 1 164 SI +93 1 165 * +93 1 166 * +93 1 167 RS +93 1 168 SI +93 1 169 SI +93 1 170 CC +93 1 171 SI +93 1 172 RS +93 1 173 SE +93 1 174 SA +93 1 175 SI +93 1 176 SE +93 1 177 SA +93 1 178 SI +93 1 179 * +93 1 180 SI +93 1 181 RO +93 1 182 * +93 1 183 * +93 1 184 * +93 1 185 UL +93 1 186 SI +93 1 187 SA +93 1 188 SI +93 1 189 SI +93 1 190 SE +93 1 191 SI +93 1 192 SI +93 1 193 SI +93 1 194 * +93 1 195 SI +93 1 196 SI +93 1 197 SE +93 1 198 CC +93 1 199 RS +93 1 200 SI +93 1 201 SE +93 1 202 SI +93 1 203 SE +93 1 204 CC +93 1 205 * +93 1 206 SI +93 1 207 SE +93 1 208 UL +93 1 209 SI +93 1 210 RO +93 1 211 SI +93 1 212 SA +93 1 213 SE +93 1 214 SI +93 1 215 SE +93 1 216 RO +93 1 217 SE +93 1 218 SI +93 1 219 SI +93 1 220 SI +93 1 221 * +93 1 222 SI +93 1 223 SI +93 1 224 RS +93 1 225 RO +93 1 226 SI +93 1 227 CC +93 1 228 SI +93 1 229 SI +93 1 230 RS +93 1 231 SE +93 1 232 RO +93 1 233 SI +93 1 234 SI +93 1 235 SI +93 1 236 * +93 1 237 SE +93 1 238 SI +93 1 239 SE +93 1 240 CC +93 1 241 RS +93 1 242 SA +93 1 243 * +93 1 244 RS +93 1 245 SE +93 1 246 SI +93 1 247 CC +93 1 248 CC +93 1 249 SI +93 1 250 SI +93 1 251 SI +93 1 252 RS +93 1 253 SI +93 1 254 SI +93 1 255 CC +93 1 256 SE +93 1 257 SI +93 1 258 SA +93 1 259 SE +93 1 260 RS +93 1 261 SA +93 1 262 RS +93 1 263 RO +93 1 264 * +93 1 265 SI +93 1 266 UL +93 1 267 SI +93 1 268 SA +93 1 269 SE +93 1 270 UL +93 1 271 SI +93 1 272 RS +93 1 273 SE +93 1 274 RS +93 1 275 SI +93 1 276 SE +93 1 277 SI +93 1 278 SA +93 1 279 SI +93 1 280 SI +93 1 281 SI +93 1 282 * +93 1 283 UL +93 1 284 SE +93 1 285 SE +93 1 286 RS +93 1 287 RO +93 1 288 SE +93 1 289 SI +93 1 290 RS +93 1 291 SI +93 1 292 SE +93 1 293 SI +93 1 294 RS +93 1 295 RO +93 1 296 SI +93 1 297 SA +93 1 298 SE +93 1 299 SI +93 1 300 RS +93 1 301 SI +93 1 302 RS +93 1 303 SI +93 1 304 SI +93 1 305 * +93 1 306 SI +93 1 307 SI +93 1 308 SE +93 1 309 CC +93 1 310 SI +93 1 311 SI +93 1 312 CC +93 1 313 * +93 1 314 RS +93 1 315 SI +93 1 316 SI +93 1 317 * +93 1 318 SE +93 1 319 RS +93 1 320 SI +93 1 321 SE +93 1 322 SI +93 1 323 SI +93 1 324 RS +93 1 325 * +93 1 326 SA +93 1 327 RS +93 1 328 SI +93 1 329 * +93 1 330 RS +93 2 1 SI +93 2 2 SI +93 2 3 SE +93 2 4 * +93 2 5 SI +93 2 6 UL +93 2 7 BN +93 2 8 SE +93 2 9 CO +93 2 10 SI +93 2 11 SI +93 2 12 SA +93 2 13 SI +93 2 14 * +93 2 15 SE +93 2 16 RS +93 2 17 SE +93 2 18 CC +93 2 19 SI +93 2 20 SI +93 2 21 SE +93 2 22 SA +93 2 23 * +93 2 24 RO +93 2 25 SI +93 2 26 SI +93 2 27 RS +93 2 28 SE +93 2 29 SI +93 2 30 UL +93 2 31 SI +93 2 32 SE +93 2 33 SI +93 2 34 SI +93 2 35 SA +93 2 36 * +93 2 37 SI +93 2 38 SE +93 2 39 SI +93 2 40 SI +93 2 41 SE +93 2 42 UL +93 2 43 * +93 2 44 RS +93 2 45 SI +93 2 46 RO +93 2 47 * +93 2 48 UL +93 2 49 SI +93 2 50 * +93 2 51 RO +93 2 52 RS +93 2 53 * +93 2 54 SI +93 2 55 SI +93 2 56 SE +93 2 57 SI +93 2 58 RO +93 2 59 SE +93 2 60 * +93 2 61 SE +93 2 62 SI +93 2 63 SE +93 2 64 SI +93 2 65 SE +93 2 66 RS +93 2 67 SI +93 2 68 SE +93 2 69 RO +93 2 70 UL +93 2 71 * +93 2 72 SI +93 2 73 SI +93 2 74 SI +93 2 75 * +93 2 76 SE +93 2 77 SI +93 2 78 SE +93 2 79 CC +93 2 80 SI +93 2 81 SI +93 2 82 SI +93 2 83 SA +93 2 84 SE +93 2 85 SI +93 2 86 SE +93 2 87 CC +93 2 88 SE +93 2 89 CC +93 2 90 * +93 2 91 SI +93 2 92 * +93 2 93 SI +93 2 94 CC +93 2 95 SI +93 2 96 SA +93 2 97 SI +93 2 98 SE +93 2 99 SE +93 2 100 SI +93 2 101 SE +93 2 102 RO +93 2 103 RO +93 2 104 * +93 2 105 SE +93 2 106 SA +93 2 107 RS +93 2 108 SI +93 2 109 SI +93 2 110 SA +93 2 111 * +93 2 112 SE +93 2 113 CC +93 2 114 SI +93 2 115 SE +93 2 116 SI +93 2 117 RO +93 2 118 SE +93 2 119 SI +93 2 120 RS +93 2 121 * +93 2 122 SI +93 2 123 SI +93 2 124 UL +93 2 125 SE +93 2 126 SE +93 2 127 * +93 2 128 UL +93 2 129 RS +93 2 130 RO +93 2 131 UL +93 2 132 SE +93 2 133 SI +93 2 134 * +93 2 135 SE +93 2 136 SI +93 2 137 * +93 2 138 SI +93 2 139 RS +93 2 140 SI +93 2 141 RS +93 2 142 RS +93 2 143 SI +93 2 144 SI +93 2 145 SI +93 2 146 * +93 2 147 SI +93 2 148 SE +93 2 149 SI +93 2 150 SI +93 2 151 SE +93 2 152 SE +93 2 153 SI +93 2 154 * +93 2 155 CC +93 2 156 SI +93 2 157 CO +93 2 158 RS +93 2 159 SA +93 2 160 SE +93 2 161 SI +93 2 162 SE +93 2 163 SI +93 2 164 SI +93 2 165 * +93 2 166 CC +93 2 167 UL +93 2 168 SI +93 2 169 SI +93 2 170 * +93 2 171 * +93 2 172 RS +93 2 173 SE +93 2 174 SA +93 2 175 SI +93 2 176 SE +93 2 177 SA +93 2 178 SI +93 2 179 * +93 2 180 SI +93 2 181 UL +93 2 182 * +93 2 183 RO +93 2 184 SE +93 2 185 RO +93 2 186 SI +93 2 187 SA +93 2 188 SI +93 2 189 SI +93 2 190 SE +93 2 191 SI +93 2 192 SE +93 2 193 SI +93 2 194 * +93 2 195 SI +93 2 196 SI +93 2 197 SI +93 2 198 CC +93 2 199 SI +93 2 200 SI +93 2 201 SE +93 2 202 SI +93 2 203 SE +93 2 204 CC +93 2 205 * +93 2 206 SI +93 2 207 SE +93 2 208 * +93 2 209 SI +93 2 210 * +93 2 211 SI +93 2 212 SA +93 2 213 SI +93 2 214 * +93 2 215 SI +93 2 216 * +93 2 217 SE +93 2 218 SI +93 2 219 * +93 2 220 SI +93 2 221 SI +93 2 222 SI +93 2 223 SI +93 2 224 RS +93 2 225 RO +93 2 226 SI +93 2 227 * +93 2 228 SI +93 2 229 SI +93 2 230 SE +93 2 231 SI +93 2 232 RO +93 2 233 SI +93 2 234 SI +93 2 235 SI +93 2 236 RO +93 2 237 SA +93 2 238 SI +93 2 239 * +93 2 240 CC +93 2 241 RS +93 2 242 SA +93 2 243 SE +93 2 244 SI +93 2 245 SE +93 2 246 SI +93 2 247 * +93 2 248 * +93 2 249 * +93 2 250 SE +93 2 251 SI +93 2 252 RS +93 2 253 SI +93 2 254 SI +93 2 255 RO +93 2 256 SE +93 2 257 * +93 2 258 UL +93 2 259 * +93 2 260 SA +93 2 261 UL +93 2 262 * +93 2 263 RO +93 2 264 SI +93 2 265 SI +93 2 266 * +93 2 267 * +93 2 268 SI +93 2 269 SE +93 2 270 * +93 2 271 * +93 2 272 RS +93 2 273 SE +93 2 274 RS +93 2 275 * +93 2 276 SE +93 2 277 SI +93 2 278 SE +93 2 279 SI +93 2 280 * +93 2 281 SI +93 2 282 SI +93 2 283 RO +93 2 284 SI +93 2 285 SE +93 2 286 RS +93 2 287 RO +93 2 288 SE +93 2 289 SI +93 2 290 SE +93 2 291 SI +93 2 292 SE +93 2 293 SI +93 2 294 * +93 2 295 RO +93 2 296 SI +93 2 297 SA +93 2 298 SE +93 2 299 SI +93 2 300 RO +93 2 301 SI +93 2 302 SE +93 2 303 SI +93 2 304 RO +93 2 305 SI +93 2 306 SI +93 2 307 SI +93 2 308 SE +93 2 309 RO +93 2 310 SI +93 2 311 SI +93 2 312 CC +93 2 313 SI +93 2 314 SE +93 2 315 SI +93 2 316 SI +93 2 317 SE +93 2 318 SA +93 2 319 SI +93 2 320 * +93 2 321 SE +93 2 322 SI +93 2 323 SI +93 2 324 SE +93 2 325 SI +93 2 326 SA +93 2 327 SI +93 2 328 SI +93 2 329 RO +93 2 330 SI +93 3 1 SI +93 3 2 SI +93 3 3 SE +93 3 4 * +93 3 5 SI +93 3 6 SA +93 3 7 SI +93 3 8 SE +93 3 9 RO +93 3 10 * +93 3 11 * +93 3 12 SA +93 3 13 SI +93 3 14 * +93 3 15 SE +93 3 16 RS +93 3 17 SE +93 3 18 CC +93 3 19 SI +93 3 20 SI +93 3 21 SE +93 3 22 SA +93 3 23 SI +93 3 24 CC +93 3 25 SI +93 3 26 SI +93 3 27 RS +93 3 28 SE +93 3 29 SI +93 3 30 SA +93 3 31 SI +93 3 32 SE +93 3 33 SI +93 3 34 SI +93 3 35 SE +93 3 36 CC +93 3 37 SI +93 3 38 SE +93 3 39 SI +93 3 40 SI +93 3 41 SE +93 3 42 SA +93 3 43 SI +93 3 44 RS +93 3 45 SI +93 3 46 RO +93 3 47 CC +93 3 48 SA +93 3 49 SI +93 3 50 SE +93 3 51 RO +93 3 52 RS +93 3 53 SE +93 3 54 SI +93 3 55 SI +93 3 56 SA +93 3 57 * +93 3 58 SA +93 3 59 SE +93 3 60 * +93 3 61 SE +93 3 62 SI +93 3 63 SE +93 3 64 SI +93 3 65 SE +93 3 66 RS +93 3 67 SI +93 3 68 SE +93 3 69 RO +93 3 70 RS +93 3 71 SE +93 3 72 SI +93 3 73 SE +93 3 74 SI +93 3 75 RO +93 3 76 SE +93 3 77 SI +93 3 78 * +93 3 79 RO +93 3 80 SI +93 3 81 SI +93 3 82 SI +93 3 83 UL +93 3 84 SE +93 3 85 SI +93 3 86 SE +93 3 87 CC +93 3 88 SE +93 3 89 CC +93 3 90 CC +93 3 91 SI +93 3 92 RS +93 3 93 SI +93 3 94 RO +93 3 95 RS +93 3 96 SA +93 3 97 SI +93 3 98 SE +93 3 99 SI +93 3 100 SI +93 3 101 SE +93 3 102 SI +93 3 103 RO +93 3 104 SI +93 3 105 SE +93 3 106 SA +93 3 107 SI +93 3 108 SI +93 3 109 SI +93 3 110 SA +93 3 111 RO +93 3 112 SE +93 3 113 CC +93 3 114 SI +93 3 115 SE +93 3 116 SI +93 3 117 RO +93 3 118 SE +93 3 119 SI +93 3 120 RS +93 3 121 SE +93 3 122 SI +93 3 123 SI +93 3 124 SI +93 3 125 SE +93 3 126 SE +93 3 127 RO +93 3 128 SA +93 3 129 RS +93 3 130 RO +93 3 131 SE +93 3 132 SE +93 3 133 SI +93 3 134 RO +93 3 135 SE +93 3 136 SI +93 3 137 * +93 3 138 SI +93 3 139 RS +93 3 140 SI +93 3 141 RS +93 3 142 RS +93 3 143 SI +93 3 144 RO +93 3 145 SI +93 3 146 SA +93 3 147 SI +93 3 148 SE +93 3 149 SI +93 3 150 CC +93 3 151 SE +93 3 152 SE +93 3 153 SI +93 3 154 RO +93 3 155 RO +93 3 156 SI +93 3 157 RO +93 3 158 RS +93 3 159 SA +93 3 160 SE +93 3 161 SI +93 3 162 SE +93 3 163 SI +93 3 164 SI +93 3 165 RO +93 3 166 RO +93 3 167 SE +93 3 168 SI +93 3 169 SI +93 3 170 * +93 3 171 * +93 3 172 RS +93 3 173 SE +93 3 174 SA +93 3 175 SI +93 3 176 SE +93 3 177 SA +93 3 178 SI +93 3 179 SE +93 3 180 SI +93 3 181 SA +93 3 182 SE +93 3 183 RO +93 3 184 SE +93 3 185 SA +93 3 186 SI +93 3 187 SA +93 3 188 SI +93 3 189 SI +93 3 190 SE +93 3 191 SI +93 3 192 SI +93 3 193 SA +93 3 194 SE +93 3 195 SI +93 3 196 SI +93 3 197 SI +93 3 198 CC +93 3 199 RS +93 3 200 SI +93 3 201 SE +93 3 202 SI +93 3 203 SE +93 3 204 RO +93 3 205 SI +93 3 206 RS +93 3 207 SE +93 3 208 SA +93 3 209 SI +93 3 210 RO +93 3 211 SI +93 3 212 SA +93 3 213 SI +93 3 214 SI +93 3 215 SE +93 3 216 CC +93 3 217 SE +93 3 218 SI +93 3 219 RS +93 3 220 SI +93 3 221 RS +93 3 222 SI +93 3 223 SI +93 3 224 RS +93 3 225 SI +93 3 226 SI +93 3 227 CC +93 3 228 SI +93 3 229 SI +93 3 230 RS +93 3 231 SE +93 3 232 RO +93 3 233 SI +93 3 234 SI +93 3 235 SI +93 3 236 SI +93 3 237 SE +93 3 238 SI +93 3 239 SE +93 3 240 RO +93 3 241 RS +93 3 242 SA +93 3 243 SE +93 3 244 RS +93 3 245 SE +93 3 246 SI +93 3 247 SI +93 3 248 CC +93 3 249 SI +93 3 250 SI +93 3 251 SI +93 3 252 RS +93 3 253 SI +93 3 254 SI +93 3 255 CC +93 3 256 SE +93 3 257 SI +93 3 258 SA +93 3 259 SE +93 3 260 * +93 3 261 SA +93 3 262 RS +93 3 263 RO +93 3 264 SI +93 3 265 SI +93 3 266 SE +93 3 267 SI +93 3 268 SI +93 3 269 SE +93 3 270 SA +93 3 271 SI +93 3 272 RS +93 3 273 SE +93 3 274 RS +93 3 275 SI +93 3 276 SE +93 3 277 SI +93 3 278 * +93 3 279 SI +93 3 280 SI +93 3 281 SI +93 3 282 SI +93 3 283 RO +93 3 284 RS +93 3 285 SE +93 3 286 RS +93 3 287 RO +93 3 288 SE +93 3 289 SI +93 3 290 RS +93 3 291 SI +93 3 292 SE +93 3 293 RS +93 3 294 RS +93 3 295 RO +93 3 296 SI +93 3 297 SA +93 3 298 SE +93 3 299 SI +93 3 300 RS +93 3 301 SI +93 3 302 RS +93 3 303 SI +93 3 304 SI +93 3 305 RO +93 3 306 SI +93 3 307 SI +93 3 308 RO +93 3 309 CC +93 3 310 SI +93 3 311 SI +93 3 312 CC +93 3 313 SI +93 3 314 RS +93 3 315 SI +93 3 316 SI +93 3 317 SE +93 3 318 SA +93 3 319 RS +93 3 320 RO +93 3 321 SE +93 3 322 SI +93 3 323 SI +93 3 324 RS +93 3 325 SE +93 3 326 SA +93 3 327 SI +93 3 328 SI +93 3 329 RO +93 3 330 RS +93 4 1 SI +93 4 2 RS +93 4 3 SE +93 4 4 SE +93 4 5 RS +93 4 6 UL +93 4 7 SI +93 4 8 SE +93 4 9 SI +93 4 10 SI +93 4 11 * +93 4 12 SA +93 4 13 SI +93 4 14 SI +93 4 15 RS +93 4 16 RS +93 4 17 SE +93 4 18 SI +93 4 19 SI +93 4 20 SI +93 4 21 SE +93 4 22 UL +93 4 23 SE +93 4 24 SI +93 4 25 RO +93 4 26 SI +93 4 27 RS +93 4 28 SE +93 4 29 RO +93 4 30 UL +93 4 31 RS +93 4 32 SE +93 4 33 UL +93 4 34 SI +93 4 35 UL +93 4 36 CC +93 4 37 SI +93 4 38 SE +93 4 39 SI +93 4 40 RO +93 4 41 SE +93 4 42 UL +93 4 43 SI +93 4 44 RS +93 4 45 UL +93 4 46 SI +93 4 47 RO +93 4 48 SE +93 4 49 RO +93 4 50 CC +93 4 51 RO +93 4 52 RS +93 4 53 SE +93 4 54 RO +93 4 55 SI +93 4 56 SE +93 4 57 SI +93 4 58 UL +93 4 59 SI +93 4 60 CC +93 4 61 SE +93 4 62 SI +93 4 63 SE +93 4 64 SI +93 4 65 SE +93 4 66 RS +93 4 67 SE +93 4 68 RO +93 4 69 UL +93 4 70 SI +93 4 71 CC +93 4 72 RO +93 4 73 SI +93 4 74 RO +93 4 75 CC +93 4 76 SE +93 4 77 RO +93 4 78 RS +93 4 79 CC +93 4 80 SI +93 4 81 UL +93 4 82 RO +93 4 83 SA +93 4 84 RS +93 4 85 SI +93 4 86 SE +93 4 87 CC +93 4 88 SE +93 4 89 CC +93 4 90 RO +93 4 91 SA +93 4 92 RS +93 4 93 SI +93 4 94 RO +93 4 95 RS +93 4 96 SA +93 4 97 SI +93 4 98 SE +93 4 99 SI +93 4 100 RS +93 4 101 SE +93 4 102 SI +93 4 103 RO +93 4 104 SI +93 4 105 SE +93 4 106 UL +93 4 107 RS +93 4 108 RS +93 4 109 SI +93 4 110 SA +93 4 111 CC +93 4 112 SE +93 4 113 RO +93 4 114 SE +93 4 115 RO +93 4 116 SE +93 4 117 CC +93 4 118 RO +93 4 119 SE +93 4 120 RS +93 4 121 SE +93 4 122 SI +93 4 123 SE +93 4 124 UL +93 4 125 SE +93 4 126 SE +93 4 127 CC +93 4 128 SA +93 4 129 RS +93 4 130 SI +93 4 131 RO +93 4 132 SE +93 4 133 SI +93 4 134 RO +93 4 135 SE +93 4 136 SI +93 4 137 SI +93 4 138 SI +93 4 139 UL +93 4 140 SI +93 4 141 RS +93 4 142 SI +93 4 143 UL +93 4 144 SI +93 4 145 RO +93 4 146 SE +93 4 147 RO +93 4 148 SE +93 4 149 UL +93 4 150 * +93 4 151 UL +93 4 152 SI +93 4 153 SI +93 4 154 RO +93 4 155 CC +93 4 156 RO +93 4 157 SE +93 4 158 RS +93 4 159 UL +93 4 160 SE +93 4 161 UL +93 4 162 SE +93 4 163 SI +93 4 164 SI +93 4 165 UL +93 4 166 * +93 4 167 SE +93 4 168 RO +93 4 169 SI +93 4 170 RO +93 4 171 UL +93 4 172 RS +93 4 173 SE +93 4 174 SA +93 4 175 SE +93 4 176 SE +93 4 177 UL +93 4 178 SI +93 4 179 CC +93 4 180 RO +93 4 181 UL +93 4 182 SE +93 4 183 SI +93 4 184 SI +93 4 185 RO +93 4 186 SE +93 4 187 SA +93 4 188 SE +93 4 189 SE +93 4 190 UL +93 4 191 RO +93 4 192 SI +93 4 193 SA +93 4 194 CC +93 4 195 UL +93 4 196 RS +93 4 197 SE +93 4 198 SI +93 4 199 RS +93 4 200 SI +93 4 201 UL +93 4 202 SI +93 4 203 SE +93 4 204 SE +93 4 205 SI +93 4 206 RS +93 4 207 SE +93 4 208 UL +93 4 209 RO +93 4 210 SE +93 4 211 SI +93 4 212 SA +93 4 213 SI +93 4 214 SA +93 4 215 SE +93 4 216 RO +93 4 217 RO +93 4 218 SI +93 4 219 RS +93 4 220 SI +93 4 221 RS +93 4 222 SI +93 4 223 RO +93 4 224 RS +93 4 225 SE +93 4 226 SI +93 4 227 SE +93 4 228 CC +93 4 229 UL +93 4 230 RS +93 4 231 SE +93 4 232 SI +93 4 233 SI +93 4 234 RO +93 4 235 SI +93 4 236 UL +93 4 237 SA +93 4 238 CC +93 4 239 RO +93 4 240 UL +93 4 241 RS +93 4 242 SA +93 4 243 CC +93 4 244 RS +93 4 245 SE +93 4 246 SI +93 4 247 SI +93 4 248 RO +93 4 249 UL +93 4 250 SI +93 4 251 UL +93 4 252 RS +93 4 253 RS +93 4 254 SI +93 4 255 CC +93 4 256 SI +93 4 257 RO +93 4 258 SE +93 4 259 * +93 4 260 UL +93 4 261 SE +93 4 262 RS +93 4 263 SE +93 4 264 SI +93 4 265 RO +93 4 266 SE +93 4 267 CC +93 4 268 UL +93 4 269 SE +93 4 270 SE +93 4 271 RO +93 4 272 RS +93 4 273 SE +93 4 274 RS +93 4 275 UL +93 4 276 SE +93 4 277 SI +93 4 278 SE +93 4 279 SI +93 4 280 * +93 4 281 RO +93 4 282 SI +93 4 283 SE +93 4 284 RS +93 4 285 RS +93 4 286 UL +93 4 287 RO +93 4 288 SE +93 4 289 SI +93 4 290 UL +93 4 291 SI +93 4 292 UL +93 4 293 RS +93 4 294 RS +93 4 295 RO +93 4 296 SI +93 4 297 SA +93 4 298 SE +93 4 299 SI +93 4 300 UL +93 4 301 RO +93 4 302 RS +93 4 303 SI +93 4 304 SI +93 4 305 CC +93 4 306 UL +93 4 307 SI +93 4 308 SE +93 4 309 UL +93 4 310 RO +93 4 311 SI +93 4 312 CC +93 4 313 SI +93 4 314 RS +93 4 315 UL +93 4 316 RO +93 4 317 SE +93 4 318 SE +93 4 319 RS +93 4 320 UL +93 4 321 SE +93 4 322 SI +93 4 323 * +93 4 324 RS +93 4 325 RS +93 4 326 SA +93 4 327 RS +93 4 328 RO +93 4 329 SE +93 4 330 RS +93 5 1 SI +93 5 2 RO +93 5 3 SE +93 5 4 SE +93 5 5 SI +93 5 6 SE +93 5 7 SI +93 5 8 SE +93 5 9 KA +93 5 10 CC +93 5 11 SI +93 5 12 SA +93 5 13 SI +93 5 14 CC +93 5 15 RS +93 5 16 RS +93 5 17 SE +93 5 18 CC +93 5 19 SI +93 5 20 SI +93 5 21 SE +93 5 22 SA +93 5 23 SE +93 5 24 RO +93 5 25 SI +93 5 26 SI +93 5 27 RS +93 5 28 SE +93 5 29 SI +93 5 30 CC +93 5 31 SI +93 5 32 CC +93 5 33 SI +93 5 34 SI +93 5 35 SE +93 5 36 SI +93 5 37 SI +93 5 38 SE +93 5 39 SI +93 5 40 SI +93 5 41 SE +93 5 42 SA +93 5 43 CC +93 5 44 RS +93 5 45 SI +93 5 46 CC +93 5 47 CC +93 5 48 SA +93 5 49 SI +93 5 50 CC +93 5 51 RO +93 5 52 RS +93 5 53 SE +93 5 54 SI +93 5 55 SI +93 5 56 SE +93 5 57 SI +93 5 58 RO +93 5 59 RS +93 5 60 CC +93 5 61 SE +93 5 62 RO +93 5 63 SA +93 5 64 SI +93 5 65 SE +93 5 66 RS +93 5 67 SI +93 5 68 SE +93 5 69 RO +93 5 70 RS +93 5 71 CC +93 5 72 SI +93 5 73 SI +93 5 74 RO +93 5 75 CC +93 5 76 SE +93 5 77 SI +93 5 78 RS +93 5 79 RO +93 5 80 SI +93 5 81 SA +93 5 82 SI +93 5 83 SA +93 5 84 SE +93 5 85 SI +93 5 86 SE +93 5 87 RO +93 5 88 SE +93 5 89 RO +93 5 90 CC +93 5 91 SA +93 5 92 RS +93 5 93 SI +93 5 94 RO +93 5 95 RS +93 5 96 SE +93 5 97 SI +93 5 98 SE +93 5 99 RS +93 5 100 SI +93 5 101 UL +93 5 102 SI +93 5 103 CC +93 5 104 SI +93 5 105 UL +93 5 106 RS +93 5 107 RS +93 5 108 SI +93 5 109 CC +93 5 110 SA +93 5 111 RO +93 5 112 SE +93 5 113 RO +93 5 114 SI +93 5 115 SE +93 5 116 RS +93 5 117 KA +93 5 118 SE +93 5 119 SI +93 5 120 RS +93 5 121 SE +93 5 122 SI +93 5 123 SI +93 5 124 RO +93 5 125 SE +93 5 126 SE +93 5 127 RO +93 5 128 SA +93 5 129 RS +93 5 130 RO +93 5 131 RO +93 5 132 SE +93 5 133 SI +93 5 134 SE +93 5 135 SE +93 5 136 SI +93 5 137 SI +93 5 138 UL +93 5 139 RS +93 5 140 SI +93 5 141 RS +93 5 142 RS +93 5 143 SA +93 5 144 CC +93 5 145 SI +93 5 146 SA +93 5 147 SI +93 5 148 SE +93 5 149 SA +93 5 150 CC +93 5 151 SA +93 5 152 RS +93 5 153 SI +93 5 154 CC +93 5 155 RO +93 5 156 SI +93 5 157 KA +93 5 158 RS +93 5 159 SA +93 5 160 RS +93 5 161 SI +93 5 162 SE +93 5 163 SI +93 5 164 SI +93 5 165 RO +93 5 166 CC +93 5 167 RS +93 5 168 SI +93 5 169 SI +93 5 170 CC +93 5 171 SA +93 5 172 RS +93 5 173 SE +93 5 174 SA +93 5 175 SI +93 5 176 SE +93 5 177 SA +93 5 178 CC +93 5 179 SE +93 5 180 SI +93 5 181 SA +93 5 182 CC +93 5 183 RO +93 5 184 * +93 5 185 SA +93 5 186 SI +93 5 187 SE +93 5 188 SI +93 5 189 RS +93 5 190 RO +93 5 191 SI +93 5 192 RO +93 5 193 SA +93 5 194 CC +93 5 195 SI +93 5 196 SI +93 5 197 RS +93 5 198 CC +93 5 199 RS +93 5 200 SI +93 5 201 SE +93 5 202 SI +93 5 203 SE +93 5 204 KA +93 5 205 CC +93 5 206 RS +93 5 207 SE +93 5 208 SA +93 5 209 SI +93 5 210 CC +93 5 211 SI +93 5 212 SE +93 5 213 RS +93 5 214 UL +93 5 215 RS +93 5 216 CC +93 5 217 RS +93 5 218 RO +93 5 219 RS +93 5 220 SI +93 5 221 RS +93 5 222 UL +93 5 223 SI +93 5 224 RS +93 5 225 RO +93 5 226 CC +93 5 227 CC +93 5 228 SI +93 5 229 SI +93 5 230 RS +93 5 231 SI +93 5 232 RO +93 5 233 SI +93 5 234 SI +93 5 235 SI +93 5 236 SA +93 5 237 RS +93 5 238 SI +93 5 239 RS +93 5 240 CC +93 5 241 RS +93 5 242 RS +93 5 243 CC +93 5 244 RS +93 5 245 SE +93 5 246 SI +93 5 247 RO +93 5 248 CC +93 5 249 SI +93 5 250 RO +93 5 251 RS +93 5 252 RS +93 5 253 SI +93 5 254 SI +93 5 255 RO +93 5 256 SE +93 5 257 SI +93 5 258 SA +93 5 259 SE +93 5 260 SA +93 5 261 SE +93 5 262 RS +93 5 263 CC +93 5 264 SI +93 5 265 SI +93 5 266 SE +93 5 267 CC +93 5 268 SI +93 5 269 RS +93 5 270 SA +93 5 271 SI +93 5 272 RS +93 5 273 SA +93 5 274 RS +93 5 275 RO +93 5 276 SE +93 5 277 SI +93 5 278 RS +93 5 279 SI +93 5 280 SI +93 5 281 SI +93 5 282 SI +93 5 283 RO +93 5 284 RS +93 5 285 RS +93 5 286 RS +93 5 287 SA +93 5 288 SE +93 5 289 SI +93 5 290 RS +93 5 291 SI +93 5 292 SA +93 5 293 RS +93 5 294 RS +93 5 295 RO +93 5 296 SI +93 5 297 SA +93 5 298 SE +93 5 299 SI +93 5 300 CC +93 5 301 SI +93 5 302 RS +93 5 303 SI +93 5 304 UL +93 5 305 SI +93 5 306 SA +93 5 307 SI +93 5 308 RS +93 5 309 RO +93 5 310 SI +93 5 311 SI +93 5 312 CC +93 5 313 SI +93 5 314 RS +93 5 315 SI +93 5 316 SI +93 5 317 SE +93 5 318 SA +93 5 319 RS +93 5 320 RO +93 5 321 SE +93 5 322 SI +93 5 323 SI +93 5 324 RS +93 5 325 SE +93 5 326 SA +93 5 327 RS +93 5 328 SI +93 5 329 RO +93 5 330 RS +93 6 1 SI +93 6 2 SI +93 6 3 SE +93 6 4 * +93 6 5 SI +93 6 6 SA +93 6 7 SI +93 6 8 SE +93 6 9 UL +93 6 10 SI +93 6 11 SI +93 6 12 SA +93 6 13 SI +93 6 14 SI +93 6 15 SE +93 6 16 RS +93 6 17 SE +93 6 18 CC +93 6 19 SI +93 6 20 SI +93 6 21 SE +93 6 22 SA +93 6 23 * +93 6 24 CC +93 6 25 SI +93 6 26 SI +93 6 27 UL +93 6 28 SE +93 6 29 SI +93 6 30 SA +93 6 31 SI +93 6 32 SE +93 6 33 SI +93 6 34 SI +93 6 35 SE +93 6 36 SI +93 6 37 SI +93 6 38 SE +93 6 39 SI +93 6 40 SI +93 6 41 SE +93 6 42 SA +93 6 43 SI +93 6 44 RS +93 6 45 SI +93 6 46 CC +93 6 47 SI +93 6 48 SA +93 6 49 SI +93 6 50 * +93 6 51 UL +93 6 52 SI +93 6 53 SE +93 6 54 SI +93 6 55 SI +93 6 56 SE +93 6 57 SI +93 6 58 UL +93 6 59 SE +93 6 60 SI +93 6 61 SE +93 6 62 SI +93 6 63 SE +93 6 64 SI +93 6 65 SE +93 6 66 UL +93 6 67 SI +93 6 68 SE +93 6 69 SI +93 6 70 SI +93 6 71 SE +93 6 72 SI +93 6 73 SI +93 6 74 SI +93 6 75 * +93 6 76 SE +93 6 77 SI +93 6 78 SE +93 6 79 CC +93 6 80 SI +93 6 81 SI +93 6 82 SI +93 6 83 SA +93 6 84 SE +93 6 85 SI +93 6 86 SE +93 6 87 CC +93 6 88 SE +93 6 89 CC +93 6 90 SI +93 6 91 SA +93 6 92 SA +93 6 93 SI +93 6 94 CC +93 6 95 SI +93 6 96 SA +93 6 97 SI +93 6 98 SE +93 6 99 SI +93 6 100 SI +93 6 101 SE +93 6 102 SI +93 6 103 UL +93 6 104 SI +93 6 105 SE +93 6 106 SA +93 6 107 RS +93 6 108 SI +93 6 109 SI +93 6 110 SA +93 6 111 SI +93 6 112 SE +93 6 113 CC +93 6 114 SI +93 6 115 SE +93 6 116 SI +93 6 117 UL +93 6 118 SE +93 6 119 SI +93 6 120 RS +93 6 121 SE +93 6 122 SI +93 6 123 SI +93 6 124 SI +93 6 125 SE +93 6 126 SE +93 6 127 CC +93 6 128 SA +93 6 129 RS +93 6 130 CC +93 6 131 SI +93 6 132 SE +93 6 133 SI +93 6 134 UL +93 6 135 SI +93 6 136 SI +93 6 137 SI +93 6 138 SI +93 6 139 SI +93 6 140 SI +93 6 141 RS +93 6 142 SI +93 6 143 SI +93 6 144 SI +93 6 145 SI +93 6 146 SA +93 6 147 SI +93 6 148 SE +93 6 149 SI +93 6 150 SI +93 6 151 SE +93 6 152 SE +93 6 153 SI +93 6 154 CC +93 6 155 UL +93 6 156 SI +93 6 157 UL +93 6 158 RS +93 6 159 SA +93 6 160 SE +93 6 161 SI +93 6 162 SE +93 6 163 SI +93 6 164 SI +93 6 165 SI +93 6 166 SI +93 6 167 SI +93 6 168 SI +93 6 169 SI +93 6 170 SI +93 6 171 SI +93 6 172 RS +93 6 173 SE +93 6 174 SA +93 6 175 SI +93 6 176 SE +93 6 177 SA +93 6 178 SI +93 6 179 UL +93 6 180 SI +93 6 181 SA +93 6 182 UL +93 6 183 UL +93 6 184 SI +93 6 185 UL +93 6 186 SI +93 6 187 SA +93 6 188 SI +93 6 189 SI +93 6 190 SE +93 6 191 SI +93 6 192 SI +93 6 193 SA +93 6 194 UL +93 6 195 SI +93 6 196 SI +93 6 197 SE +93 6 198 CC +93 6 199 RS +93 6 200 SI +93 6 201 SE +93 6 202 SI +93 6 203 SE +93 6 204 UL +93 6 205 SI +93 6 206 RS +93 6 207 SE +93 6 208 UL +93 6 209 SI +93 6 210 UL +93 6 211 SI +93 6 212 SA +93 6 213 SI +93 6 214 SA +93 6 215 SE +93 6 216 SI +93 6 217 SE +93 6 218 SA +93 6 219 RS +93 6 220 SI +93 6 221 RS +93 6 222 SI +93 6 223 SI +93 6 224 RS +93 6 225 UL +93 6 226 SI +93 6 227 CC +93 6 228 SI +93 6 229 SI +93 6 230 SE +93 6 231 SE +93 6 232 UL +93 6 233 SI +93 6 234 SI +93 6 235 SI +93 6 236 SI +93 6 237 SE +93 6 238 SI +93 6 239 SE +93 6 240 UL +93 6 241 RS +93 6 242 SA +93 6 243 UL +93 6 244 RS +93 6 245 SE +93 6 246 SI +93 6 247 SI +93 6 248 SI +93 6 249 SI +93 6 250 SI +93 6 251 SI +93 6 252 RS +93 6 253 SI +93 6 254 SI +93 6 255 * +93 6 256 SE +93 6 257 SI +93 6 258 SA +93 6 259 SE +93 6 260 * +93 6 261 SA +93 6 262 RS +93 6 263 RS +93 6 264 SI +93 6 265 * +93 6 266 SE +93 6 267 * +93 6 268 SI +93 6 269 SE +93 6 270 SA +93 6 271 SI +93 6 272 RS +93 6 273 SE +93 6 274 RS +93 6 275 SA +93 6 276 SE +93 6 277 SI +93 6 278 SI +93 6 279 SI +93 6 280 SI +93 6 281 SI +93 6 282 SI +93 6 283 UL +93 6 284 RS +93 6 285 SE +93 6 286 RS +93 6 287 SA +93 6 288 SE +93 6 289 SI +93 6 290 UL +93 6 291 SI +93 6 292 SE +93 6 293 RS +93 6 294 RS +93 6 295 UL +93 6 296 SI +93 6 297 SA +93 6 298 SE +93 6 299 SI +93 6 300 RS +93 6 301 SI +93 6 302 UL +93 6 303 SI +93 6 304 SI +93 6 305 SE +93 6 306 SI +93 6 307 SI +93 6 308 SI +93 6 309 UL +93 6 310 SI +93 6 311 SI +93 6 312 CC +93 6 313 SI +93 6 314 UL +93 6 315 SI +93 6 316 SI +93 6 317 SE +93 6 318 SA +93 6 319 RS +93 6 320 UL +93 6 321 SE +93 6 322 SI +93 6 323 SI +93 6 324 UL +93 6 325 SE +93 6 326 SA +93 6 327 SI +93 6 328 SI +93 6 329 UL +93 6 330 SI +94 1 1 L +94 1 2 K +94 1 3 U +94 1 4 I +94 1 5 L +94 1 6 K +94 1 7 L +94 1 8 U +94 1 9 E +94 1 10 I +94 1 11 I +94 1 12 E +94 1 13 L +94 1 14 I +94 1 15 E +94 1 16 K +94 1 17 U +94 1 18 I +94 1 19 L +94 1 20 L +94 1 21 U +94 1 22 K +94 1 23 I +94 1 24 I +94 1 25 L +94 1 26 L +94 1 27 K +94 1 28 U +94 1 29 L +94 1 30 E +94 1 31 L +94 1 32 U +94 1 33 L +94 1 34 L +94 1 35 U +94 1 36 L +94 1 37 K +94 1 38 U +94 1 39 L +94 1 40 E +94 1 41 U +94 1 42 K +94 1 43 I +94 1 44 K +94 1 45 L +94 1 46 I +94 1 47 E +94 1 48 U +94 1 49 L +94 1 50 I +94 1 51 I +94 1 52 K +94 1 53 U +94 1 54 L +94 1 55 K +94 1 56 E +94 1 57 L +94 1 58 E +94 1 59 K +94 1 60 L +94 1 61 U +94 1 62 I +94 1 63 E +94 1 64 I +94 1 65 U +94 1 66 K +94 1 67 L +94 1 68 U +94 1 69 E +94 1 70 K +94 1 71 I +94 1 72 L +94 1 73 K +94 1 74 K +94 1 75 I +94 1 76 U +94 1 77 L +94 1 78 K +94 1 79 I +94 1 80 L +94 1 81 E +94 1 82 L +94 1 83 K +94 1 84 E +94 1 85 L +94 1 86 U +94 1 87 I +94 1 88 E +94 1 89 I +94 1 90 K +94 1 91 E +94 1 92 K +94 1 93 I +94 1 94 I +94 1 95 K +94 1 96 E +94 1 97 I +94 1 98 U +94 1 99 K +94 1 100 L +94 1 101 U +94 1 102 K +94 1 103 I +94 1 104 L +94 1 105 U +94 1 106 E +94 1 107 K +94 1 108 I +94 1 109 I +94 1 110 E +94 1 111 I +94 1 112 U +94 1 113 I +94 1 114 L +94 1 115 K +94 1 116 K +94 1 117 I +94 1 118 U +94 1 119 L +94 1 120 K +94 1 121 U +94 1 122 L +94 1 123 I +94 1 124 E +94 1 125 U +94 1 126 E +94 1 127 I +94 1 128 E +94 1 129 K +94 1 130 I +94 1 131 L +94 1 132 U +94 1 133 L +94 1 134 I +94 1 135 E +94 1 136 L +94 1 137 I +94 1 138 L +94 1 139 K +94 1 140 I +94 1 141 K +94 1 142 K +94 1 143 L +94 1 144 I +94 1 145 L +94 1 146 E +94 1 147 L +94 1 148 U +94 1 149 L +94 1 150 I +94 1 151 E +94 1 152 E +94 1 153 L +94 1 154 I +94 1 155 I +94 1 156 L +94 1 157 I +94 1 158 K +94 1 159 E +94 1 160 E +94 1 161 L +94 1 162 U +94 1 163 L +94 1 164 K +94 1 165 I +94 1 166 I +94 1 167 K +94 1 168 L +94 1 169 L +94 1 170 I +94 1 171 U +94 1 172 K +94 1 173 U +94 1 174 E +94 1 175 L +94 1 176 U +94 1 177 E +94 1 178 I +94 1 179 I +94 1 180 L +94 1 181 E +94 1 182 I +94 1 183 K +94 1 184 U +94 1 185 E +94 1 186 L +94 1 187 E +94 1 188 I +94 1 189 K +94 1 190 E +94 1 191 L +94 1 192 I +94 1 193 E +94 1 194 I +94 1 195 L +94 1 196 L +94 1 197 U +94 1 198 I +94 1 199 K +94 1 200 L +94 1 201 E +94 1 202 L +94 1 203 U +94 1 204 I +94 1 205 I +94 1 206 K +94 1 207 U +94 1 208 E +94 1 209 L +94 1 210 I +94 1 211 E +94 1 212 U +94 1 213 K +94 1 214 L +94 1 215 U +94 1 216 I +94 1 217 U +94 1 218 L +94 1 219 K +94 1 220 I +94 1 221 K +94 1 222 I +94 1 223 L +94 1 224 K +94 1 225 I +94 1 226 L +94 1 227 I +94 1 228 I +94 1 229 L +94 1 230 K +94 1 231 I +94 1 232 I +94 1 233 K +94 1 234 L +94 1 235 U +94 1 236 E +94 1 237 U +94 1 238 L +94 1 239 U +94 1 240 I +94 1 241 K +94 1 242 U +94 1 243 U +94 1 244 K +94 1 245 E +94 1 246 L +94 1 247 I +94 1 248 I +94 1 249 L +94 1 250 I +94 1 251 L +94 1 252 K +94 1 253 L +94 1 254 K +94 1 255 I +94 1 256 U +94 1 257 I +94 1 258 E +94 1 259 E +94 1 260 L +94 1 261 U +94 1 262 K +94 1 263 I +94 1 264 L +94 1 265 L +94 1 266 E +94 1 267 I +94 1 268 L +94 1 269 E +94 1 270 U +94 1 271 I +94 1 272 K +94 1 273 L +94 1 274 K +94 1 275 E +94 1 276 U +94 1 277 L +94 1 278 E +94 1 279 I +94 1 280 L +94 1 281 L +94 1 282 B +94 1 283 I +94 1 284 K +94 1 285 E +94 1 286 K +94 1 287 B +94 1 288 U +94 1 289 L +94 1 290 K +94 1 291 I +94 1 292 E +94 1 293 K +94 1 294 K +94 1 295 B +94 1 296 L +94 1 297 E +94 1 298 U +94 1 299 L +94 1 300 K +94 1 301 L +94 1 302 K +94 1 303 K +94 1 304 E +94 1 305 U +94 1 306 L +94 1 307 L +94 1 308 I +94 1 309 I +94 1 310 L +94 1 311 I +94 1 312 I +94 1 313 I +94 1 314 K +94 1 315 L +94 1 316 L +94 1 317 U +94 1 318 E +94 1 319 K +94 1 320 I +94 1 321 U +94 1 322 L +94 1 323 L +94 1 324 K +94 1 325 U +94 1 326 E +94 1 327 K +94 1 328 L +94 1 329 I +94 1 330 K +94 2 1 L +94 2 2 K +94 2 3 U +94 2 4 I +94 2 5 L +94 2 6 E +94 2 7 L +94 2 8 U +94 2 9 I +94 2 10 I +94 2 11 I +94 2 12 E +94 2 13 I +94 2 14 I +94 2 15 K +94 2 16 K +94 2 17 U +94 2 18 I +94 2 19 G +94 2 20 L +94 2 21 U +94 2 22 E +94 2 23 G +94 2 24 I +94 2 25 L +94 2 26 G +94 2 27 K +94 2 28 U +94 2 29 L +94 2 30 E +94 2 31 L +94 2 32 U +94 2 33 L +94 2 34 G +94 2 35 E +94 2 36 G +94 2 37 G +94 2 38 U +94 2 39 L +94 2 40 L +94 2 41 U +94 2 42 E +94 2 43 I +94 2 44 K +94 2 45 L +94 2 46 I +94 2 47 I +94 2 48 E +94 2 49 L +94 2 50 I +94 2 51 I +94 2 52 K +94 2 53 U +94 2 54 L +94 2 55 L +94 2 56 E +94 2 57 I +94 2 58 L +94 2 59 K +94 2 60 I +94 2 61 U +94 2 62 L +94 2 63 B +94 2 64 L +94 2 65 U +94 2 66 K +94 2 67 L +94 2 68 B +94 2 69 L +94 2 70 K +94 2 71 I +94 2 72 L +94 2 73 G +94 2 74 B +94 2 75 I +94 2 76 E +94 2 77 L +94 2 78 B +94 2 79 I +94 2 80 L +94 2 81 E +94 2 82 B +94 2 83 E +94 2 84 B +94 2 85 L +94 2 86 U +94 2 87 I +94 2 88 U +94 2 89 I +94 2 90 G +94 2 91 E +94 2 92 K +94 2 93 L +94 2 94 I +94 2 95 K +94 2 96 E +94 2 97 G +94 2 98 U +94 2 99 B +94 2 100 L +94 2 101 U +94 2 102 K +94 2 103 G +94 2 104 K +94 2 105 I +94 2 106 E +94 2 107 K +94 2 108 K +94 2 109 G +94 2 110 E +94 2 111 I +94 2 112 U +94 2 113 I +94 2 114 G +94 2 115 U +94 2 116 K +94 2 117 I +94 2 118 B +94 2 119 L +94 2 120 K +94 2 121 U +94 2 122 L +94 2 123 I +94 2 124 L +94 2 125 U +94 2 126 B +94 2 127 I +94 2 128 E +94 2 129 K +94 2 130 I +94 2 131 G +94 2 132 U +94 2 133 L +94 2 134 I +94 2 135 U +94 2 136 L +94 2 137 I +94 2 138 B +94 2 139 K +94 2 140 G +94 2 141 K +94 2 142 K +94 2 143 L +94 2 144 I +94 2 145 L +94 2 146 E +94 2 147 L +94 2 148 U +94 2 149 L +94 2 150 G +94 2 151 E +94 2 152 B +94 2 153 L +94 2 154 I +94 2 155 I +94 2 156 L +94 2 157 I +94 2 158 K +94 2 159 E +94 2 160 B +94 2 161 L +94 2 162 U +94 2 163 G +94 2 164 G +94 2 165 I +94 2 166 I +94 2 167 B +94 2 168 G +94 2 169 L +94 2 170 I +94 2 171 I +94 2 172 K +94 2 173 U +94 2 174 E +94 2 175 B +94 2 176 U +94 2 177 E +94 2 178 G +94 2 179 U +94 2 180 L +94 2 181 E +94 2 182 U +94 2 183 I +94 2 184 G +94 2 185 E +94 2 186 L +94 2 187 E +94 2 188 L +94 2 189 K +94 2 190 E +94 2 191 L +94 2 192 G +94 2 193 E +94 2 194 I +94 2 195 L +94 2 196 L +94 2 197 G +94 2 198 I +94 2 199 K +94 2 200 G +94 2 201 E +94 2 202 L +94 2 203 U +94 2 204 I +94 2 205 G +94 2 206 K +94 2 207 U +94 2 208 E +94 2 209 G +94 2 210 I +94 2 211 L +94 2 212 E +94 2 213 K +94 2 214 L +94 2 215 G +94 2 216 I +94 2 217 E +94 2 218 L +94 2 219 K +94 2 220 G +94 2 221 K +94 2 222 G +94 2 223 L +94 2 224 K +94 2 225 L +94 2 226 I +94 2 227 I +94 2 228 G +94 2 229 L +94 2 230 K +94 2 231 U +94 2 232 I +94 2 233 K +94 2 234 L +94 2 235 G +94 2 236 L +94 2 237 E +94 2 238 L +94 2 239 E +94 2 240 I +94 2 241 K +94 2 242 E +94 2 243 U +94 2 244 K +94 2 245 U +94 2 246 L +94 2 247 G +94 2 248 I +94 2 249 I +94 2 250 G +94 2 251 L +94 2 252 K +94 2 253 L +94 2 254 G +94 2 255 I +94 2 256 U +94 2 257 I +94 2 258 E +94 2 259 U +94 2 260 K +94 2 261 E +94 2 262 K +94 2 263 I +94 2 264 K +94 2 265 L +94 2 266 U +94 2 267 U +94 2 268 L +94 2 269 G +94 2 270 E +94 2 271 I +94 2 272 K +94 2 273 G +94 2 274 K +94 2 275 E +94 2 276 U +94 2 277 G +94 2 278 E +94 2 279 G +94 2 280 L +94 2 281 L +94 2 282 L +94 2 283 I +94 2 284 K +94 2 285 E +94 2 286 K +94 2 287 E +94 2 288 U +94 2 289 L +94 2 290 K +94 2 291 G +94 2 292 E +94 2 293 K +94 2 294 K +94 2 295 I +94 2 296 G +94 2 297 E +94 2 298 U +94 2 299 L +94 2 300 K +94 2 301 L +94 2 302 K +94 2 303 K +94 2 304 L +94 2 305 G +94 2 306 L +94 2 307 G +94 2 308 G +94 2 309 I +94 2 310 L +94 2 311 G +94 2 312 I +94 2 313 G +94 2 314 K +94 2 315 L +94 2 316 G +94 2 317 U +94 2 318 E +94 2 319 K +94 2 320 I +94 2 321 U +94 2 322 L +94 2 323 L +94 2 324 K +94 2 325 G +94 2 326 E +94 2 327 K +94 2 328 I +94 2 329 B +94 2 330 K +94 3 1 L +94 3 2 L +94 3 3 U +94 3 4 I +94 3 5 L +94 3 6 E +94 3 7 L +94 3 8 U +94 3 9 E +94 3 10 I +94 3 11 I +94 3 12 E +94 3 13 L +94 3 14 L +94 3 15 K +94 3 16 K +94 3 17 U +94 3 18 L +94 3 19 L +94 3 20 L +94 3 21 U +94 3 22 E +94 3 23 B +94 3 24 E +94 3 25 L +94 3 26 I +94 3 27 L +94 3 28 U +94 3 29 L +94 3 30 U +94 3 31 L +94 3 32 U +94 3 33 L +94 3 34 I +94 3 35 E +94 3 36 L +94 3 37 I +94 3 38 U +94 3 39 L +94 3 40 L +94 3 41 U +94 3 42 E +94 3 43 I +94 3 44 K +94 3 45 L +94 3 46 I +94 3 47 L +94 3 48 E +94 3 49 L +94 3 50 B +94 3 51 E +94 3 52 K +94 3 53 U +94 3 54 L +94 3 55 L +94 3 56 E +94 3 57 K +94 3 58 E +94 3 59 K +94 3 60 L +94 3 61 U +94 3 62 K +94 3 63 U +94 3 64 L +94 3 65 U +94 3 66 K +94 3 67 L +94 3 68 U +94 3 69 L +94 3 70 K +94 3 71 U +94 3 72 L +94 3 73 B +94 3 74 K +94 3 75 L +94 3 76 U +94 3 77 L +94 3 78 E +94 3 79 K +94 3 80 L +94 3 81 E +94 3 82 L +94 3 83 K +94 3 84 U +94 3 85 L +94 3 86 U +94 3 87 B +94 3 88 U +94 3 89 I +94 3 90 L +94 3 91 E +94 3 92 K +94 3 93 L +94 3 94 I +94 3 95 K +94 3 96 E +94 3 97 B +94 3 98 U +94 3 99 K +94 3 100 K +94 3 101 U +94 3 102 K +94 3 103 E +94 3 104 K +94 3 105 U +94 3 106 E +94 3 107 K +94 3 108 K +94 3 109 I +94 3 110 E +94 3 111 I +94 3 112 U +94 3 113 I +94 3 114 L +94 3 115 U +94 3 116 K +94 3 117 I +94 3 118 E +94 3 119 L +94 3 120 K +94 3 121 U +94 3 122 L +94 3 123 L +94 3 124 E +94 3 125 U +94 3 126 K +94 3 127 L +94 3 128 E +94 3 129 K +94 3 130 L +94 3 131 U +94 3 132 U +94 3 133 L +94 3 134 I +94 3 135 U +94 3 136 L +94 3 137 L +94 3 138 K +94 3 139 K +94 3 140 L +94 3 141 K +94 3 142 K +94 3 143 L +94 3 144 I +94 3 145 L +94 3 146 E +94 3 147 L +94 3 148 U +94 3 149 L +94 3 150 I +94 3 151 E +94 3 152 B +94 3 153 L +94 3 154 K +94 3 155 I +94 3 156 L +94 3 157 E +94 3 158 K +94 3 159 E +94 3 160 E +94 3 161 L +94 3 162 U +94 3 163 L +94 3 164 I +94 3 165 L +94 3 166 I +94 3 167 K +94 3 168 L +94 3 169 L +94 3 170 I +94 3 171 L +94 3 172 K +94 3 173 U +94 3 174 E +94 3 175 K +94 3 176 U +94 3 177 E +94 3 178 I +94 3 179 U +94 3 180 L +94 3 181 E +94 3 182 U +94 3 183 E +94 3 184 I +94 3 185 E +94 3 186 L +94 3 187 E +94 3 188 L +94 3 189 K +94 3 190 E +94 3 191 L +94 3 192 I +94 3 193 E +94 3 194 U +94 3 195 L +94 3 196 L +94 3 197 K +94 3 198 B +94 3 199 K +94 3 200 L +94 3 201 E +94 3 202 L +94 3 203 U +94 3 204 I +94 3 205 I +94 3 206 E +94 3 207 U +94 3 208 E +94 3 209 L +94 3 210 U +94 3 211 L +94 3 212 U +94 3 213 K +94 3 214 L +94 3 215 K +94 3 216 L +94 3 217 E +94 3 218 E +94 3 219 K +94 3 220 I +94 3 221 K +94 3 222 I +94 3 223 L +94 3 224 K +94 3 225 E +94 3 226 I +94 3 227 I +94 3 228 I +94 3 229 L +94 3 230 K +94 3 231 U +94 3 232 E +94 3 233 K +94 3 234 L +94 3 235 I +94 3 236 L +94 3 237 E +94 3 238 L +94 3 239 U +94 3 240 U +94 3 241 K +94 3 242 E +94 3 243 U +94 3 244 K +94 3 245 U +94 3 246 L +94 3 247 I +94 3 248 I +94 3 249 I +94 3 250 I +94 3 251 L +94 3 252 K +94 3 253 L +94 3 254 L +94 3 255 I +94 3 256 U +94 3 257 L +94 3 258 E +94 3 259 U +94 3 260 E +94 3 261 U +94 3 262 K +94 3 263 K +94 3 264 K +94 3 265 L +94 3 266 U +94 3 267 U +94 3 268 L +94 3 269 U +94 3 270 E +94 3 271 I +94 3 272 K +94 3 273 K +94 3 274 K +94 3 275 E +94 3 276 U +94 3 277 L +94 3 278 U +94 3 279 I +94 3 280 L +94 3 281 L +94 3 282 L +94 3 283 U +94 3 284 B +94 3 285 U +94 3 286 K +94 3 287 E +94 3 288 U +94 3 289 L +94 3 290 E +94 3 291 L +94 3 292 E +94 3 293 L +94 3 294 B +94 3 295 E +94 3 296 L +94 3 297 E +94 3 298 U +94 3 299 L +94 3 300 K +94 3 301 L +94 3 302 E +94 3 303 K +94 3 304 L +94 3 305 U +94 3 306 L +94 3 307 L +94 3 308 B +94 3 309 E +94 3 310 L +94 3 311 L +94 3 312 U +94 3 313 L +94 3 314 K +94 3 315 L +94 3 316 L +94 3 317 U +94 3 318 U +94 3 319 K +94 3 320 E +94 3 321 U +94 3 322 L +94 3 323 L +94 3 324 K +94 3 325 U +94 3 326 E +94 3 327 K +94 3 328 L +94 3 329 E +94 3 330 K +94 4 1 I +94 4 2 L +94 4 3 U +94 4 4 I +94 4 5 L +94 4 6 B +94 4 7 L +94 4 8 U +94 4 9 E +94 4 10 B +94 4 11 L +94 4 12 E +94 4 13 L +94 4 14 B +94 4 15 B +94 4 16 K +94 4 17 U +94 4 18 I +94 4 19 B +94 4 20 L +94 4 21 U +94 4 22 E +94 4 23 B +94 4 24 I +94 4 25 L +94 4 26 B +94 4 27 B +94 4 28 U +94 4 29 L +94 4 30 E +94 4 31 B +94 4 32 B +94 4 33 L +94 4 34 B +94 4 35 U +94 4 36 L +94 4 37 B +94 4 38 U +94 4 39 L +94 4 40 B +94 4 41 U +94 4 42 E +94 4 43 I +94 4 44 K +94 4 45 L +94 4 46 I +94 4 47 L +94 4 48 E +94 4 49 B +94 4 50 U +94 4 51 E +94 4 52 K +94 4 53 U +94 4 54 L +94 4 55 B +94 4 56 B +94 4 57 B +94 4 58 E +94 4 59 K +94 4 60 I +94 4 61 U +94 4 62 B +94 4 63 U +94 4 64 B +94 4 65 U +94 4 66 K +94 4 67 B +94 4 68 U +94 4 69 L +94 4 70 K +94 4 71 U +94 4 72 L +94 4 73 U +94 4 74 B +94 4 75 L +94 4 76 U +94 4 77 B +94 4 78 B +94 4 79 B +94 4 80 B +94 4 81 L +94 4 82 B +94 4 83 E +94 4 84 U +94 4 85 L +94 4 86 U +94 4 87 I +94 4 88 U +94 4 89 I +94 4 90 I +94 4 91 E +94 4 92 K +94 4 93 B +94 4 94 I +94 4 95 B +94 4 96 E +94 4 97 B +94 4 98 U +94 4 99 B +94 4 100 L +94 4 101 U +94 4 102 B +94 4 103 E +94 4 104 B +94 4 105 U +94 4 106 E +94 4 107 K +94 4 108 B +94 4 109 B +94 4 110 E +94 4 111 I +94 4 112 U +94 4 113 I +94 4 114 I +94 4 115 U +94 4 116 B +94 4 117 I +94 4 118 B +94 4 119 L +94 4 120 K +94 4 121 U +94 4 122 L +94 4 123 B +94 4 124 L +94 4 125 U +94 4 126 B +94 4 127 I +94 4 128 E +94 4 129 K +94 4 130 I +94 4 131 U +94 4 132 U +94 4 133 L +94 4 134 I +94 4 135 U +94 4 136 L +94 4 137 I +94 4 138 B +94 4 139 K +94 4 140 B +94 4 141 K +94 4 142 B +94 4 143 L +94 4 144 I +94 4 145 B +94 4 146 E +94 4 147 L +94 4 148 U +94 4 149 L +94 4 150 B +94 4 151 B +94 4 152 B +94 4 153 B +94 4 154 I +94 4 155 I +94 4 156 L +94 4 157 I +94 4 158 K +94 4 159 E +94 4 160 B +94 4 161 L +94 4 162 U +94 4 163 L +94 4 164 B +94 4 165 L +94 4 166 I +94 4 167 B +94 4 168 L +94 4 169 B +94 4 170 I +94 4 171 L +94 4 172 K +94 4 173 U +94 4 174 E +94 4 175 B +94 4 176 U +94 4 177 E +94 4 178 B +94 4 179 U +94 4 180 L +94 4 181 E +94 4 182 U +94 4 183 E +94 4 184 B +94 4 185 E +94 4 186 B +94 4 187 E +94 4 188 L +94 4 189 B +94 4 190 B +94 4 191 L +94 4 192 B +94 4 193 L +94 4 194 U +94 4 195 L +94 4 196 B +94 4 197 B +94 4 198 I +94 4 199 B +94 4 200 B +94 4 201 U +94 4 202 L +94 4 203 U +94 4 204 I +94 4 205 B +94 4 206 B +94 4 207 U +94 4 208 E +94 4 209 L +94 4 210 U +94 4 211 B +94 4 212 E +94 4 213 B +94 4 214 E +94 4 215 B +94 4 216 L +94 4 217 B +94 4 218 E +94 4 219 B +94 4 220 B +94 4 221 B +94 4 222 B +94 4 223 L +94 4 224 K +94 4 225 E +94 4 226 I +94 4 227 I +94 4 228 I +94 4 229 L +94 4 230 K +94 4 231 U +94 4 232 I +94 4 233 B +94 4 234 L +94 4 235 B +94 4 236 E +94 4 237 B +94 4 238 L +94 4 239 B +94 4 240 U +94 4 241 K +94 4 242 E +94 4 243 U +94 4 244 K +94 4 245 U +94 4 246 L +94 4 247 B +94 4 248 I +94 4 249 L +94 4 250 B +94 4 251 L +94 4 252 K +94 4 253 L +94 4 254 B +94 4 255 I +94 4 256 U +94 4 257 B +94 4 258 E +94 4 259 U +94 4 260 K +94 4 261 E +94 4 262 K +94 4 263 B +94 4 264 B +94 4 265 L +94 4 266 U +94 4 267 U +94 4 268 L +94 4 269 U +94 4 270 E +94 4 271 L +94 4 272 K +94 4 273 U +94 4 274 K +94 4 275 E +94 4 276 U +94 4 277 L +94 4 278 E +94 4 279 B +94 4 280 L +94 4 281 L +94 4 282 L +94 4 283 I +94 4 284 K +94 4 285 B +94 4 286 K +94 4 287 E +94 4 288 U +94 4 289 B +94 4 290 B +94 4 291 B +94 4 292 B +94 4 293 K +94 4 294 K +94 4 295 E +94 4 296 B +94 4 297 E +94 4 298 U +94 4 299 L +94 4 300 K +94 4 301 L +94 4 302 K +94 4 303 B +94 4 304 L +94 4 305 U +94 4 306 L +94 4 307 B +94 4 308 B +94 4 309 I +94 4 310 L +94 4 311 B +94 4 312 I +94 4 313 I +94 4 314 K +94 4 315 L +94 4 316 L +94 4 317 U +94 4 318 E +94 4 319 K +94 4 320 E +94 4 321 U +94 4 322 B +94 4 323 L +94 4 324 K +94 4 325 U +94 4 326 E +94 4 327 K +94 4 328 L +94 4 329 E +94 4 330 B +94 5 1 L +94 5 2 K +94 5 3 U +94 5 4 I +94 5 5 L +94 5 6 K +94 5 7 L +94 5 8 U +94 5 9 I +94 5 10 I +94 5 11 I +94 5 12 E +94 5 13 I +94 5 14 I +94 5 15 E +94 5 16 K +94 5 17 U +94 5 18 I +94 5 19 L +94 5 20 L +94 5 21 U +94 5 22 K +94 5 23 I +94 5 24 I +94 5 25 L +94 5 26 I +94 5 27 K +94 5 28 U +94 5 29 L +94 5 30 U +94 5 31 K +94 5 32 U +94 5 33 L +94 5 34 L +94 5 35 U +94 5 36 I +94 5 37 I +94 5 38 U +94 5 39 L +94 5 40 L +94 5 41 U +94 5 42 L +94 5 43 I +94 5 44 K +94 5 45 L +94 5 46 I +94 5 47 I +94 5 48 E +94 5 49 L +94 5 50 I +94 5 51 I +94 5 52 K +94 5 53 U +94 5 54 L +94 5 55 L +94 5 56 K +94 5 57 I +94 5 58 L +94 5 59 K +94 5 60 I +94 5 61 U +94 5 62 I +94 5 63 L +94 5 64 L +94 5 65 U +94 5 66 K +94 5 67 L +94 5 68 U +94 5 69 I +94 5 70 K +94 5 71 I +94 5 72 L +94 5 73 I +94 5 74 L +94 5 75 I +94 5 76 E +94 5 77 L +94 5 78 K +94 5 79 I +94 5 80 L +94 5 81 L +94 5 82 L +94 5 83 K +94 5 84 E +94 5 85 L +94 5 86 K +94 5 87 I +94 5 88 I +94 5 89 I +94 5 90 I +94 5 91 L +94 5 92 K +94 5 93 I +94 5 94 I +94 5 95 K +94 5 96 K +94 5 97 I +94 5 98 U +94 5 99 K +94 5 100 L +94 5 101 U +94 5 102 K +94 5 103 I +94 5 104 K +94 5 105 I +94 5 106 E +94 5 107 K +94 5 108 K +94 5 109 I +94 5 110 E +94 5 111 I +94 5 112 U +94 5 113 I +94 5 114 I +94 5 115 U +94 5 116 K +94 5 117 I +94 5 118 E +94 5 119 L +94 5 120 K +94 5 121 E +94 5 122 L +94 5 123 I +94 5 124 L +94 5 125 U +94 5 126 E +94 5 127 I +94 5 128 L +94 5 129 K +94 5 130 I +94 5 131 L +94 5 132 U +94 5 133 L +94 5 134 I +94 5 135 U +94 5 136 L +94 5 137 I +94 5 138 L +94 5 139 K +94 5 140 I +94 5 141 K +94 5 142 K +94 5 143 L +94 5 144 I +94 5 145 L +94 5 146 E +94 5 147 L +94 5 148 U +94 5 149 L +94 5 150 I +94 5 151 E +94 5 152 K +94 5 153 L +94 5 154 I +94 5 155 I +94 5 156 L +94 5 157 I +94 5 158 K +94 5 159 E +94 5 160 E +94 5 161 L +94 5 162 U +94 5 163 L +94 5 164 L +94 5 165 I +94 5 166 I +94 5 167 K +94 5 168 L +94 5 169 L +94 5 170 I +94 5 171 I +94 5 172 K +94 5 173 U +94 5 174 E +94 5 175 K +94 5 176 U +94 5 177 E +94 5 178 I +94 5 179 I +94 5 180 L +94 5 181 E +94 5 182 I +94 5 183 I +94 5 184 L +94 5 185 E +94 5 186 L +94 5 187 E +94 5 188 L +94 5 189 K +94 5 190 E +94 5 191 L +94 5 192 I +94 5 193 L +94 5 194 I +94 5 195 L +94 5 196 E +94 5 197 I +94 5 198 I +94 5 199 K +94 5 200 L +94 5 201 E +94 5 202 L +94 5 203 U +94 5 204 I +94 5 205 I +94 5 206 K +94 5 207 U +94 5 208 I +94 5 209 I +94 5 210 I +94 5 211 L +94 5 212 E +94 5 213 K +94 5 214 L +94 5 215 K +94 5 216 I +94 5 217 K +94 5 218 L +94 5 219 K +94 5 220 I +94 5 221 K +94 5 222 I +94 5 223 L +94 5 224 K +94 5 225 I +94 5 226 I +94 5 227 I +94 5 228 I +94 5 229 K +94 5 230 K +94 5 231 I +94 5 232 I +94 5 233 K +94 5 234 L +94 5 235 I +94 5 236 E +94 5 237 K +94 5 238 L +94 5 239 E +94 5 240 I +94 5 241 K +94 5 242 K +94 5 243 I +94 5 244 K +94 5 245 U +94 5 246 L +94 5 247 I +94 5 248 I +94 5 249 L +94 5 250 I +94 5 251 L +94 5 252 K +94 5 253 L +94 5 254 K +94 5 255 I +94 5 256 U +94 5 257 I +94 5 258 E +94 5 259 U +94 5 260 K +94 5 261 E +94 5 262 K +94 5 263 K +94 5 264 K +94 5 265 L +94 5 266 I +94 5 267 U +94 5 268 L +94 5 269 L +94 5 270 E +94 5 271 I +94 5 272 K +94 5 273 L +94 5 274 K +94 5 275 E +94 5 276 U +94 5 277 I +94 5 278 U +94 5 279 I +94 5 280 L +94 5 281 L +94 5 282 L +94 5 283 I +94 5 284 K +94 5 285 U +94 5 286 K +94 5 287 I +94 5 288 U +94 5 289 L +94 5 290 K +94 5 291 I +94 5 292 U +94 5 293 K +94 5 294 K +94 5 295 I +94 5 296 I +94 5 297 E +94 5 298 U +94 5 299 L +94 5 300 K +94 5 301 L +94 5 302 K +94 5 303 L +94 5 304 I +94 5 305 I +94 5 306 L +94 5 307 L +94 5 308 I +94 5 309 I +94 5 310 L +94 5 311 I +94 5 312 I +94 5 313 I +94 5 314 K +94 5 315 L +94 5 316 I +94 5 317 I +94 5 318 E +94 5 319 K +94 5 320 L +94 5 321 U +94 5 322 I +94 5 323 L +94 5 324 K +94 5 325 I +94 5 326 E +94 5 327 K +94 5 328 I +94 5 329 I +94 5 330 K +94 6 1 L +94 6 2 L +94 6 3 U +94 6 4 G +94 6 5 L +94 6 6 E +94 6 7 L +94 6 8 U +94 6 9 B +94 6 10 G +94 6 11 G +94 6 12 E +94 6 13 L +94 6 14 G +94 6 15 B +94 6 16 K +94 6 17 U +94 6 18 I +94 6 19 L +94 6 20 L +94 6 21 E +94 6 22 U +94 6 23 G +94 6 24 I +94 6 25 L +94 6 26 G +94 6 27 K +94 6 28 U +94 6 29 L +94 6 30 B +94 6 31 L +94 6 32 U +94 6 33 L +94 6 34 L +94 6 35 U +94 6 36 L +94 6 37 L +94 6 38 U +94 6 39 L +94 6 40 L +94 6 41 U +94 6 42 E +94 6 43 I +94 6 44 K +94 6 45 L +94 6 46 B +94 6 47 G +94 6 48 E +94 6 49 L +94 6 50 G +94 6 51 B +94 6 52 K +94 6 53 U +94 6 54 L +94 6 55 L +94 6 56 B +94 6 57 L +94 6 58 E +94 6 59 K +94 6 60 G +94 6 61 U +94 6 62 B +94 6 63 E +94 6 64 L +94 6 65 U +94 6 66 K +94 6 67 L +94 6 68 B +94 6 69 L +94 6 70 K +94 6 71 U +94 6 72 L +94 6 73 G +94 6 74 B +94 6 75 L +94 6 76 U +94 6 77 L +94 6 78 B +94 6 79 I +94 6 80 L +94 6 81 L +94 6 82 L +94 6 83 K +94 6 84 E +94 6 85 L +94 6 86 U +94 6 87 I +94 6 88 U +94 6 89 I +94 6 90 G +94 6 91 L +94 6 92 K +94 6 93 L +94 6 94 I +94 6 95 B +94 6 96 E +94 6 97 G +94 6 98 U +94 6 99 B +94 6 100 L +94 6 101 U +94 6 102 B +94 6 103 L +94 6 104 L +94 6 105 U +94 6 106 B +94 6 107 K +94 6 108 B +94 6 109 G +94 6 110 E +94 6 111 L +94 6 112 U +94 6 113 I +94 6 114 L +94 6 115 U +94 6 116 L +94 6 117 I +94 6 118 B +94 6 119 L +94 6 120 K +94 6 121 U +94 6 122 L +94 6 123 L +94 6 124 B +94 6 125 U +94 6 126 B +94 6 127 G +94 6 128 B +94 6 129 K +94 6 130 I +94 6 131 G +94 6 132 U +94 6 133 L +94 6 134 I +94 6 135 U +94 6 136 L +94 6 137 L +94 6 138 L +94 6 139 K +94 6 140 L +94 6 141 K +94 6 142 K +94 6 143 L +94 6 144 G +94 6 145 L +94 6 146 E +94 6 147 L +94 6 148 U +94 6 149 L +94 6 150 G +94 6 151 B +94 6 152 B +94 6 153 L +94 6 154 I +94 6 155 I +94 6 156 L +94 6 157 I +94 6 158 K +94 6 159 E +94 6 160 B +94 6 161 L +94 6 162 U +94 6 163 L +94 6 164 L +94 6 165 L +94 6 166 G +94 6 167 B +94 6 168 L +94 6 169 L +94 6 170 G +94 6 171 L +94 6 172 K +94 6 173 U +94 6 174 E +94 6 175 B +94 6 176 U +94 6 177 B +94 6 178 G +94 6 179 U +94 6 180 L +94 6 181 B +94 6 182 U +94 6 183 B +94 6 184 G +94 6 185 U +94 6 186 L +94 6 187 E +94 6 188 L +94 6 189 L +94 6 190 E +94 6 191 L +94 6 192 G +94 6 193 E +94 6 194 U +94 6 195 L +94 6 196 E +94 6 197 B +94 6 198 I +94 6 199 K +94 6 200 L +94 6 201 E +94 6 202 L +94 6 203 U +94 6 204 I +94 6 205 G +94 6 206 K +94 6 207 U +94 6 208 B +94 6 209 L +94 6 210 I +94 6 211 L +94 6 212 E +94 6 213 B +94 6 214 E +94 6 215 B +94 6 216 L +94 6 217 E +94 6 218 L +94 6 219 B +94 6 220 G +94 6 221 B +94 6 222 G +94 6 223 L +94 6 224 K +94 6 225 B +94 6 226 L +94 6 227 I +94 6 228 G +94 6 229 L +94 6 230 K +94 6 231 U +94 6 232 B +94 6 233 L +94 6 234 L +94 6 235 G +94 6 236 L +94 6 237 E +94 6 238 L +94 6 239 U +94 6 240 U +94 6 241 K +94 6 242 E +94 6 243 U +94 6 244 L +94 6 245 U +94 6 246 L +94 6 247 G +94 6 248 I +94 6 249 L +94 6 250 G +94 6 251 L +94 6 252 K +94 6 253 L +94 6 254 G +94 6 255 I +94 6 256 U +94 6 257 G +94 6 258 E +94 6 259 U +94 6 260 K +94 6 261 U +94 6 262 K +94 6 263 K +94 6 264 L +94 6 265 L +94 6 266 U +94 6 267 U +94 6 268 L +94 6 269 U +94 6 270 E +94 6 271 L +94 6 272 K +94 6 273 B +94 6 274 K +94 6 275 E +94 6 276 U +94 6 277 G +94 6 278 E +94 6 279 G +94 6 280 L +94 6 281 L +94 6 282 L +94 6 283 U +94 6 284 B +94 6 285 U +94 6 286 K +94 6 287 U +94 6 288 U +94 6 289 L +94 6 290 K +94 6 291 G +94 6 292 E +94 6 293 K +94 6 294 K +94 6 295 I +94 6 296 G +94 6 297 E +94 6 298 U +94 6 299 L +94 6 300 K +94 6 301 L +94 6 302 K +94 6 303 B +94 6 304 L +94 6 305 G +94 6 306 L +94 6 307 I +94 6 308 B +94 6 309 I +94 6 310 L +94 6 311 L +94 6 312 I +94 6 313 G +94 6 314 K +94 6 315 L +94 6 316 L +94 6 317 U +94 6 318 E +94 6 319 K +94 6 320 L +94 6 321 U +94 6 322 L +94 6 323 L +94 6 324 K +94 6 325 U +94 6 326 E +94 6 327 L +94 6 328 L +94 6 329 B +94 6 330 E +94 7 1 L +94 7 2 L +94 7 3 U +94 7 4 G +94 7 5 L +94 7 6 E +94 7 7 L +94 7 8 U +94 7 9 E +94 7 10 G +94 7 11 I +94 7 12 E +94 7 13 L +94 7 14 G +94 7 15 E +94 7 16 K +94 7 17 U +94 7 18 I +94 7 19 G +94 7 20 L +94 7 21 U +94 7 22 E +94 7 23 B +94 7 24 I +94 7 25 G +94 7 26 L +94 7 27 K +94 7 28 U +94 7 29 L +94 7 30 B +94 7 31 K +94 7 32 U +94 7 33 L +94 7 34 G +94 7 35 U +94 7 36 I +94 7 37 L +94 7 38 U +94 7 39 L +94 7 40 G +94 7 41 U +94 7 42 E +94 7 43 G +94 7 44 K +94 7 45 L +94 7 46 B +94 7 47 I +94 7 48 E +94 7 49 L +94 7 50 G +94 7 51 B +94 7 52 K +94 7 53 U +94 7 54 L +94 7 55 G +94 7 56 B +94 7 57 G +94 7 58 E +94 7 59 K +94 7 60 I +94 7 61 U +94 7 62 B +94 7 63 U +94 7 64 L +94 7 65 U +94 7 66 K +94 7 67 L +94 7 68 U +94 7 69 L +94 7 70 K +94 7 71 U +94 7 72 L +94 7 73 G +94 7 74 K +94 7 75 I +94 7 76 U +94 7 77 L +94 7 78 B +94 7 79 I +94 7 80 G +94 7 81 L +94 7 82 G +94 7 83 E +94 7 84 B +94 7 85 L +94 7 86 U +94 7 87 I +94 7 88 U +94 7 89 I +94 7 90 G +94 7 91 E +94 7 92 K +94 7 93 L +94 7 94 I +94 7 95 K +94 7 96 E +94 7 97 G +94 7 98 U +94 7 99 B +94 7 100 L +94 7 101 U +94 7 102 K +94 7 103 I +94 7 104 L +94 7 105 U +94 7 106 E +94 7 107 K +94 7 108 B +94 7 109 G +94 7 110 E +94 7 111 I +94 7 112 U +94 7 113 I +94 7 114 G +94 7 115 U +94 7 116 K +94 7 117 I +94 7 118 B +94 7 119 L +94 7 120 K +94 7 121 U +94 7 122 L +94 7 123 G +94 7 124 E +94 7 125 U +94 7 126 B +94 7 127 I +94 7 128 E +94 7 129 K +94 7 130 I +94 7 131 G +94 7 132 U +94 7 133 L +94 7 134 I +94 7 135 U +94 7 136 L +94 7 137 I +94 7 138 L +94 7 139 K +94 7 140 G +94 7 141 K +94 7 142 B +94 7 143 E +94 7 144 G +94 7 145 L +94 7 146 E +94 7 147 L +94 7 148 U +94 7 149 L +94 7 150 G +94 7 151 B +94 7 152 U +94 7 153 L +94 7 154 I +94 7 155 I +94 7 156 L +94 7 157 I +94 7 158 K +94 7 159 E +94 7 160 B +94 7 161 L +94 7 162 U +94 7 163 G +94 7 164 L +94 7 165 I +94 7 166 L +94 7 167 B +94 7 168 L +94 7 169 L +94 7 170 I +94 7 171 L +94 7 172 K +94 7 173 U +94 7 174 E +94 7 175 K +94 7 176 U +94 7 177 E +94 7 178 G +94 7 179 U +94 7 180 L +94 7 181 E +94 7 182 U +94 7 183 B +94 7 184 U +94 7 185 E +94 7 186 L +94 7 187 E +94 7 188 G +94 7 189 K +94 7 190 B +94 7 191 L +94 7 192 G +94 7 193 E +94 7 194 I +94 7 195 L +94 7 196 G +94 7 197 B +94 7 198 I +94 7 199 K +94 7 200 L +94 7 201 B +94 7 202 L +94 7 203 U +94 7 204 I +94 7 205 G +94 7 206 K +94 7 207 U +94 7 208 E +94 7 209 L +94 7 210 I +94 7 211 L +94 7 212 E +94 7 213 B +94 7 214 E +94 7 215 B +94 7 216 I +94 7 217 K +94 7 218 E +94 7 219 L +94 7 220 G +94 7 221 K +94 7 222 G +94 7 223 L +94 7 224 K +94 7 225 I +94 7 226 L +94 7 227 I +94 7 228 G +94 7 229 L +94 7 230 K +94 7 231 U +94 7 232 B +94 7 233 L +94 7 234 L +94 7 235 G +94 7 236 E +94 7 237 B +94 7 238 L +94 7 239 U +94 7 240 I +94 7 241 K +94 7 242 E +94 7 243 U +94 7 244 K +94 7 245 U +94 7 246 L +94 7 247 G +94 7 248 I +94 7 249 L +94 7 250 I +94 7 251 L +94 7 252 K +94 7 253 L +94 7 254 G +94 7 255 I +94 7 256 U +94 7 257 G +94 7 258 E +94 7 259 I +94 7 260 K +94 7 261 B +94 7 262 K +94 7 263 I +94 7 264 K +94 7 265 L +94 7 266 U +94 7 267 G +94 7 268 L +94 7 269 U +94 7 270 E +94 7 271 I +94 7 272 K +94 7 273 B +94 7 274 K +94 7 275 E +94 7 276 U +94 7 277 G +94 7 278 B +94 7 279 G +94 7 280 L +94 7 281 L +94 7 282 G +94 7 283 I +94 7 284 K +94 7 285 B +94 7 286 K +94 7 287 E +94 7 288 U +94 7 289 L +94 7 290 B +94 7 291 G +94 7 292 B +94 7 293 K +94 7 294 E +94 7 295 I +94 7 296 G +94 7 297 E +94 7 298 U +94 7 299 L +94 7 300 B +94 7 301 L +94 7 302 K +94 7 303 B +94 7 304 L +94 7 305 U +94 7 306 E +94 7 307 L +94 7 308 G +94 7 309 I +94 7 310 L +94 7 311 L +94 7 312 I +94 7 313 G +94 7 314 K +94 7 315 L +94 7 316 L +94 7 317 U +94 7 318 E +94 7 319 K +94 7 320 E +94 7 321 U +94 7 322 B +94 7 323 L +94 7 324 K +94 7 325 U +94 7 326 E +94 7 327 K +94 7 328 B +94 7 329 I +94 7 330 K +94 8 1 L +94 8 2 B +94 8 3 U +94 8 4 I +94 8 5 B +94 8 6 E +94 8 7 L +94 8 8 U +94 8 9 B +94 8 10 G +94 8 11 I +94 8 12 E +94 8 13 I +94 8 14 I +94 8 15 B +94 8 16 K +94 8 17 U +94 8 18 I +94 8 19 B +94 8 20 L +94 8 21 U +94 8 22 E +94 8 23 B +94 8 24 I +94 8 25 L +94 8 26 G +94 8 27 B +94 8 28 U +94 8 29 L +94 8 30 E +94 8 31 B +94 8 32 U +94 8 33 L +94 8 34 G +94 8 35 U +94 8 36 L +94 8 37 B +94 8 38 U +94 8 39 L +94 8 40 L +94 8 41 U +94 8 42 E +94 8 43 G +94 8 44 B +94 8 45 L +94 8 46 I +94 8 47 I +94 8 48 E +94 8 49 B +94 8 50 G +94 8 51 B +94 8 52 K +94 8 53 U +94 8 54 L +94 8 55 L +94 8 56 B +94 8 57 L +94 8 58 E +94 8 59 B +94 8 60 L +94 8 61 U +94 8 62 B +94 8 63 U +94 8 64 G +94 8 65 U +94 8 66 B +94 8 67 L +94 8 68 U +94 8 69 I +94 8 70 K +94 8 71 I +94 8 72 L +94 8 73 G +94 8 74 L +94 8 75 I +94 8 76 U +94 8 77 L +94 8 78 B +94 8 79 I +94 8 80 G +94 8 81 L +94 8 82 L +94 8 83 E +94 8 84 B +94 8 85 L +94 8 86 U +94 8 87 I +94 8 88 U +94 8 89 I +94 8 90 L +94 8 91 E +94 8 92 B +94 8 93 L +94 8 94 B +94 8 95 L +94 8 96 E +94 8 97 G +94 8 98 U +94 8 99 B +94 8 100 L +94 8 101 U +94 8 102 B +94 8 103 E +94 8 104 L +94 8 105 U +94 8 106 E +94 8 107 K +94 8 108 B +94 8 109 G +94 8 110 E +94 8 111 L +94 8 112 U +94 8 113 I +94 8 114 L +94 8 115 U +94 8 116 B +94 8 117 I +94 8 118 U +94 8 119 L +94 8 120 K +94 8 121 U +94 8 122 L +94 8 123 L +94 8 124 E +94 8 125 U +94 8 126 B +94 8 127 L +94 8 128 E +94 8 129 K +94 8 130 I +94 8 131 G +94 8 132 U +94 8 133 L +94 8 134 B +94 8 135 U +94 8 136 L +94 8 137 L +94 8 138 B +94 8 139 B +94 8 140 L +94 8 141 K +94 8 142 B +94 8 143 L +94 8 144 G +94 8 145 L +94 8 146 E +94 8 147 L +94 8 148 U +94 8 149 L +94 8 150 G +94 8 151 U +94 8 152 U +94 8 153 L +94 8 154 I +94 8 155 B +94 8 156 L +94 8 157 B +94 8 158 K +94 8 159 E +94 8 160 E +94 8 161 L +94 8 162 U +94 8 163 L +94 8 164 L +94 8 165 L +94 8 166 G +94 8 167 B +94 8 168 L +94 8 169 L +94 8 170 I +94 8 171 L +94 8 172 K +94 8 173 U +94 8 174 E +94 8 175 B +94 8 176 U +94 8 177 E +94 8 178 G +94 8 179 U +94 8 180 L +94 8 181 E +94 8 182 U +94 8 183 B +94 8 184 U +94 8 185 E +94 8 186 L +94 8 187 E +94 8 188 B +94 8 189 B +94 8 190 B +94 8 191 L +94 8 192 G +94 8 193 E +94 8 194 U +94 8 195 L +94 8 196 L +94 8 197 G +94 8 198 I +94 8 199 B +94 8 200 L +94 8 201 E +94 8 202 L +94 8 203 U +94 8 204 I +94 8 205 G +94 8 206 B +94 8 207 U +94 8 208 E +94 8 209 L +94 8 210 B +94 8 211 L +94 8 212 E +94 8 213 B +94 8 214 E +94 8 215 B +94 8 216 I +94 8 217 E +94 8 218 L +94 8 219 B +94 8 220 G +94 8 221 B +94 8 222 G +94 8 223 L +94 8 224 K +94 8 225 L +94 8 226 L +94 8 227 I +94 8 228 G +94 8 229 B +94 8 230 K +94 8 231 U +94 8 232 B +94 8 233 B +94 8 234 L +94 8 235 G +94 8 236 E +94 8 237 B +94 8 238 L +94 8 239 U +94 8 240 U +94 8 241 K +94 8 242 E +94 8 243 U +94 8 244 B +94 8 245 U +94 8 246 L +94 8 247 G +94 8 248 I +94 8 249 L +94 8 250 G +94 8 251 L +94 8 252 B +94 8 253 L +94 8 254 L +94 8 255 I +94 8 256 U +94 8 257 I +94 8 258 E +94 8 259 U +94 8 260 B +94 8 261 E +94 8 262 K +94 8 263 I +94 8 264 B +94 8 265 L +94 8 266 U +94 8 267 G +94 8 268 L +94 8 269 U +94 8 270 E +94 8 271 L +94 8 272 K +94 8 273 U +94 8 274 K +94 8 275 B +94 8 276 U +94 8 277 I +94 8 278 B +94 8 279 G +94 8 280 L +94 8 281 L +94 8 282 L +94 8 283 B +94 8 284 K +94 8 285 B +94 8 286 K +94 8 287 B +94 8 288 U +94 8 289 L +94 8 290 B +94 8 291 B +94 8 292 B +94 8 293 B +94 8 294 K +94 8 295 B +94 8 296 G +94 8 297 E +94 8 298 U +94 8 299 L +94 8 300 K +94 8 301 L +94 8 302 B +94 8 303 B +94 8 304 E +94 8 305 I +94 8 306 L +94 8 307 L +94 8 308 B +94 8 309 I +94 8 310 L +94 8 311 B +94 8 312 I +94 8 313 G +94 8 314 K +94 8 315 L +94 8 316 L +94 8 317 U +94 8 318 E +94 8 319 K +94 8 320 B +94 8 321 U +94 8 322 B +94 8 323 L +94 8 324 B +94 8 325 B +94 8 326 E +94 8 327 B +94 8 328 L +94 8 329 B +94 8 330 B +94 9 1 L +94 9 2 B +94 9 3 U +94 9 4 I +94 9 5 L +94 9 6 E +94 9 7 L +94 9 8 B +94 9 9 E +94 9 10 L +94 9 11 L +94 9 12 E +94 9 13 L +94 9 14 L +94 9 15 B +94 9 16 K +94 9 17 U +94 9 18 I +94 9 19 L +94 9 20 E +94 9 21 U +94 9 22 E +94 9 23 I +94 9 24 I +94 9 25 L +94 9 26 L +94 9 27 E +94 9 28 U +94 9 29 L +94 9 30 E +94 9 31 L +94 9 32 U +94 9 33 L +94 9 34 L +94 9 35 U +94 9 36 L +94 9 37 L +94 9 38 U +94 9 39 L +94 9 40 L +94 9 41 U +94 9 42 L +94 9 43 L +94 9 44 K +94 9 45 L +94 9 46 B +94 9 47 L +94 9 48 E +94 9 49 L +94 9 50 B +94 9 51 L +94 9 52 K +94 9 53 U +94 9 54 L +94 9 55 L +94 9 56 B +94 9 57 L +94 9 58 B +94 9 59 B +94 9 60 L +94 9 61 U +94 9 62 B +94 9 63 U +94 9 64 L +94 9 65 U +94 9 66 K +94 9 67 L +94 9 68 U +94 9 69 B +94 9 70 K +94 9 71 B +94 9 72 L +94 9 73 B +94 9 74 B +94 9 75 L +94 9 76 E +94 9 77 L +94 9 78 B +94 9 79 I +94 9 80 L +94 9 81 E +94 9 82 L +94 9 83 B +94 9 84 U +94 9 85 L +94 9 86 B +94 9 87 I +94 9 88 B +94 9 89 I +94 9 90 L +94 9 91 E +94 9 92 K +94 9 93 L +94 9 94 I +94 9 95 K +94 9 96 E +94 9 97 I +94 9 98 U +94 9 99 B +94 9 100 L +94 9 101 U +94 9 102 B +94 9 103 L +94 9 104 L +94 9 105 U +94 9 106 B +94 9 107 K +94 9 108 K +94 9 109 L +94 9 110 E +94 9 111 I +94 9 112 U +94 9 113 I +94 9 114 L +94 9 115 U +94 9 116 L +94 9 117 I +94 9 118 E +94 9 119 L +94 9 120 K +94 9 121 E +94 9 122 L +94 9 123 L +94 9 124 B +94 9 125 U +94 9 126 B +94 9 127 I +94 9 128 E +94 9 129 K +94 9 130 I +94 9 131 L +94 9 132 U +94 9 133 L +94 9 134 I +94 9 135 B +94 9 136 L +94 9 137 L +94 9 138 L +94 9 139 K +94 9 140 L +94 9 141 K +94 9 142 K +94 9 143 L +94 9 144 I +94 9 145 L +94 9 146 E +94 9 147 L +94 9 148 U +94 9 149 L +94 9 150 I +94 9 151 B +94 9 152 B +94 9 153 L +94 9 154 I +94 9 155 I +94 9 156 L +94 9 157 I +94 9 158 K +94 9 159 E +94 9 160 B +94 9 161 L +94 9 162 U +94 9 163 L +94 9 164 L +94 9 165 B +94 9 166 I +94 9 167 B +94 9 168 L +94 9 169 L +94 9 170 I +94 9 171 L +94 9 172 K +94 9 173 U +94 9 174 E +94 9 175 B +94 9 176 U +94 9 177 L +94 9 178 I +94 9 179 B +94 9 180 L +94 9 181 E +94 9 182 I +94 9 183 I +94 9 184 B +94 9 185 E +94 9 186 L +94 9 187 E +94 9 188 L +94 9 189 B +94 9 190 B +94 9 191 L +94 9 192 B +94 9 193 E +94 9 194 I +94 9 195 L +94 9 196 L +94 9 197 B +94 9 198 I +94 9 199 K +94 9 200 L +94 9 201 B +94 9 202 L +94 9 203 U +94 9 204 I +94 9 205 B +94 9 206 K +94 9 207 U +94 9 208 B +94 9 209 L +94 9 210 I +94 9 211 L +94 9 212 E +94 9 213 K +94 9 214 E +94 9 215 B +94 9 216 I +94 9 217 B +94 9 218 L +94 9 219 K +94 9 220 I +94 9 221 K +94 9 222 B +94 9 223 L +94 9 224 K +94 9 225 L +94 9 226 L +94 9 227 I +94 9 228 I +94 9 229 L +94 9 230 K +94 9 231 B +94 9 232 I +94 9 233 B +94 9 234 L +94 9 235 L +94 9 236 E +94 9 237 B +94 9 238 L +94 9 239 B +94 9 240 I +94 9 241 K +94 9 242 B +94 9 243 I +94 9 244 K +94 9 245 U +94 9 246 L +94 9 247 B +94 9 248 I +94 9 249 L +94 9 250 B +94 9 251 L +94 9 252 K +94 9 253 L +94 9 254 K +94 9 255 I +94 9 256 U +94 9 257 I +94 9 258 E +94 9 259 I +94 9 260 B +94 9 261 E +94 9 262 K +94 9 263 B +94 9 264 B +94 9 265 L +94 9 266 I +94 9 267 I +94 9 268 L +94 9 269 B +94 9 270 E +94 9 271 I +94 9 272 K +94 9 273 B +94 9 274 K +94 9 275 E +94 9 276 U +94 9 277 L +94 9 278 E +94 9 279 L +94 9 280 L +94 9 281 L +94 9 282 L +94 9 283 I +94 9 284 K +94 9 285 B +94 9 286 K +94 9 287 B +94 9 288 U +94 9 289 L +94 9 290 K +94 9 291 L +94 9 292 B +94 9 293 K +94 9 294 K +94 9 295 I +94 9 296 L +94 9 297 E +94 9 298 U +94 9 299 L +94 9 300 K +94 9 301 L +94 9 302 K +94 9 303 K +94 9 304 L +94 9 305 I +94 9 306 L +94 9 307 L +94 9 308 B +94 9 309 I +94 9 310 L +94 9 311 L +94 9 312 I +94 9 313 I +94 9 314 K +94 9 315 L +94 9 316 L +94 9 317 U +94 9 318 E +94 9 319 K +94 9 320 B +94 9 321 U +94 9 322 L +94 9 323 L +94 9 324 K +94 9 325 B +94 9 326 E +94 9 327 K +94 9 328 L +94 9 329 I +94 9 330 K +94 10 1 G +94 10 2 L +94 10 3 U +94 10 4 B +94 10 5 L +94 10 6 E +94 10 7 L +94 10 8 U +94 10 9 B +94 10 10 G +94 10 11 I +94 10 12 E +94 10 13 I +94 10 14 G +94 10 15 B +94 10 16 K +94 10 17 E +94 10 18 I +94 10 19 G +94 10 20 L +94 10 21 B +94 10 22 E +94 10 23 B +94 10 24 I +94 10 25 L +94 10 26 G +94 10 27 K +94 10 28 B +94 10 29 L +94 10 30 E +94 10 31 L +94 10 32 B +94 10 33 L +94 10 34 G +94 10 35 E +94 10 36 I +94 10 37 G +94 10 38 U +94 10 39 L +94 10 40 L +94 10 41 U +94 10 42 E +94 10 43 I +94 10 44 B +94 10 45 L +94 10 46 I +94 10 47 L +94 10 48 E +94 10 49 L +94 10 50 B +94 10 51 I +94 10 52 K +94 10 53 U +94 10 54 L +94 10 55 L +94 10 56 B +94 10 57 I +94 10 58 E +94 10 59 B +94 10 60 I +94 10 61 U +94 10 62 B +94 10 63 A +94 10 64 T +94 10 65 A +94 10 66 K +94 10 67 L +94 10 68 A +94 10 69 L +94 10 70 B +94 10 71 U +94 10 72 L +94 10 73 B +94 10 74 L +94 10 75 I +94 10 76 E +94 10 77 T +94 10 78 B +94 10 79 I +94 10 80 T +94 10 81 L +94 10 82 L +94 10 83 E +94 10 84 A +94 10 85 L +94 10 86 U +94 10 87 I +94 10 88 A +94 10 89 I +94 10 90 I +94 10 91 E +94 10 92 K +94 10 93 T +94 10 94 I +94 10 95 L +94 10 96 E +94 10 97 I +94 10 98 U +94 10 99 B +94 10 100 L +94 10 101 U +94 10 102 K +94 10 103 I +94 10 104 T +94 10 105 A +94 10 106 E +94 10 107 K +94 10 108 L +94 10 109 G +94 10 110 E +94 10 111 I +94 10 112 U +94 10 113 I +94 10 114 L +94 10 115 U +94 10 116 B +94 10 117 I +94 10 118 A +94 10 119 L +94 10 120 K +94 10 121 E +94 10 122 L +94 10 123 T +94 10 124 E +94 10 125 E +94 10 126 A +94 10 127 I +94 10 128 E +94 10 129 K +94 10 130 I +94 10 131 B +94 10 132 E +94 10 133 L +94 10 134 I +94 10 135 A +94 10 136 L +94 10 137 L +94 10 138 T +94 10 139 B +94 10 140 I +94 10 141 K +94 10 142 B +94 10 143 L +94 10 144 I +94 10 145 L +94 10 146 E +94 10 147 L +94 10 148 U +94 10 149 L +94 10 150 G +94 10 151 A +94 10 152 B +94 10 153 T +94 10 154 I +94 10 155 B +94 10 156 L +94 10 157 B +94 10 158 K +94 10 159 E +94 10 160 A +94 10 161 L +94 10 162 U +94 10 163 T +94 10 164 G +94 10 165 I +94 10 166 T +94 10 167 B +94 10 168 L +94 10 169 T +94 10 170 I +94 10 171 L +94 10 172 I +94 10 173 A +94 10 174 E +94 10 175 B +94 10 176 A +94 10 177 E +94 10 178 T +94 10 179 U +94 10 180 L +94 10 181 B +94 10 182 U +94 10 183 B +94 10 184 B +94 10 185 E +94 10 186 T +94 10 187 E +94 10 188 L +94 10 189 K +94 10 190 A +94 10 191 L +94 10 192 B +94 10 193 E +94 10 194 U +94 10 195 L +94 10 196 L +94 10 197 B +94 10 198 I +94 10 199 E +94 10 200 L +94 10 201 A +94 10 202 L +94 10 203 B +94 10 204 I +94 10 205 B +94 10 206 K +94 10 207 U +94 10 208 E +94 10 209 L +94 10 210 U +94 10 211 T +94 10 212 E +94 10 213 B +94 10 214 E +94 10 215 A +94 10 216 I +94 10 217 A +94 10 218 E +94 10 219 K +94 10 220 G +94 10 221 K +94 10 222 A +94 10 223 L +94 10 224 K +94 10 225 E +94 10 226 L +94 10 227 I +94 10 228 I +94 10 229 L +94 10 230 A +94 10 231 A +94 10 232 E +94 10 233 B +94 10 234 L +94 10 235 G +94 10 236 E +94 10 237 A +94 10 238 L +94 10 239 A +94 10 240 B +94 10 241 K +94 10 242 E +94 10 243 U +94 10 244 B +94 10 245 U +94 10 246 L +94 10 247 B +94 10 248 I +94 10 249 L +94 10 250 B +94 10 251 L +94 10 252 K +94 10 253 L +94 10 254 B +94 10 255 I +94 10 256 A +94 10 257 I +94 10 258 E +94 10 259 U +94 10 260 E +94 10 261 E +94 10 262 K +94 10 263 B +94 10 264 B +94 10 265 L +94 10 266 U +94 10 267 B +94 10 268 L +94 10 269 A +94 10 270 E +94 10 271 I +94 10 272 K +94 10 273 A +94 10 274 K +94 10 275 E +94 10 276 U +94 10 277 I +94 10 278 B +94 10 279 T +94 10 280 L +94 10 281 L +94 10 282 L +94 10 283 U +94 10 284 K +94 10 285 A +94 10 286 K +94 10 287 B +94 10 288 U +94 10 289 L +94 10 290 B +94 10 291 T +94 10 292 A +94 10 293 B +94 10 294 K +94 10 295 I +94 10 296 B +94 10 297 E +94 10 298 U +94 10 299 L +94 10 300 B +94 10 301 L +94 10 302 B +94 10 303 B +94 10 304 L +94 10 305 B +94 10 306 L +94 10 307 T +94 10 308 B +94 10 309 I +94 10 310 L +94 10 311 T +94 10 312 I +94 10 313 G +94 10 314 K +94 10 315 L +94 10 316 L +94 10 317 U +94 10 318 E +94 10 319 K +94 10 320 L +94 10 321 U +94 10 322 B +94 10 323 L +94 10 324 K +94 10 325 B +94 10 326 E +94 10 327 K +94 10 328 L +94 10 329 B +94 10 330 K +94 11 1 L +94 11 2 B +94 11 3 U +94 11 4 B +94 11 5 L +94 11 6 B +94 11 7 L +94 11 8 U +94 11 9 B +94 11 10 I +94 11 11 I +94 11 12 E +94 11 13 L +94 11 14 I +94 11 15 B +94 11 16 K +94 11 17 U +94 11 18 I +94 11 19 L +94 11 20 L +94 11 21 U +94 11 22 E +94 11 23 B +94 11 24 I +94 11 25 L +94 11 26 G +94 11 27 K +94 11 28 U +94 11 29 L +94 11 30 E +94 11 31 L +94 11 32 U +94 11 33 L +94 11 34 B +94 11 35 U +94 11 36 L +94 11 37 L +94 11 38 U +94 11 39 L +94 11 40 B +94 11 41 U +94 11 42 E +94 11 43 I +94 11 44 K +94 11 45 L +94 11 46 B +94 11 47 L +94 11 48 E +94 11 49 L +94 11 50 G +94 11 51 B +94 11 52 K +94 11 53 U +94 11 54 L +94 11 55 L +94 11 56 E +94 11 57 L +94 11 58 E +94 11 59 K +94 11 60 L +94 11 61 U +94 11 62 B +94 11 63 U +94 11 64 G +94 11 65 U +94 11 66 K +94 11 67 L +94 11 68 U +94 11 69 L +94 11 70 B +94 11 71 U +94 11 72 L +94 11 73 G +94 11 74 L +94 11 75 L +94 11 76 E +94 11 77 L +94 11 78 K +94 11 79 I +94 11 80 G +94 11 81 L +94 11 82 L +94 11 83 K +94 11 84 B +94 11 85 L +94 11 86 U +94 11 87 I +94 11 88 U +94 11 89 I +94 11 90 I +94 11 91 E +94 11 92 K +94 11 93 G +94 11 94 I +94 11 95 L +94 11 96 E +94 11 97 G +94 11 98 U +94 11 99 B +94 11 100 L +94 11 101 U +94 11 102 B +94 11 103 L +94 11 104 L +94 11 105 U +94 11 106 E +94 11 107 K +94 11 108 L +94 11 109 G +94 11 110 E +94 11 111 I +94 11 112 U +94 11 113 I +94 11 114 L +94 11 115 U +94 11 116 L +94 11 117 I +94 11 118 U +94 11 119 L +94 11 120 K +94 11 121 U +94 11 122 L +94 11 123 B +94 11 124 L +94 11 125 U +94 11 126 U +94 11 127 I +94 11 128 E +94 11 129 K +94 11 130 I +94 11 131 G +94 11 132 U +94 11 133 L +94 11 134 I +94 11 135 U +94 11 136 L +94 11 137 B +94 11 138 B +94 11 139 K +94 11 140 G +94 11 141 K +94 11 142 B +94 11 143 E +94 11 144 G +94 11 145 L +94 11 146 E +94 11 147 L +94 11 148 U +94 11 149 L +94 11 150 G +94 11 151 U +94 11 152 B +94 11 153 G +94 11 154 I +94 11 155 B +94 11 156 L +94 11 157 I +94 11 158 K +94 11 159 E +94 11 160 B +94 11 161 L +94 11 162 U +94 11 163 L +94 11 164 B +94 11 165 L +94 11 166 I +94 11 167 B +94 11 168 L +94 11 169 B +94 11 170 I +94 11 171 L +94 11 172 K +94 11 173 U +94 11 174 E +94 11 175 B +94 11 176 U +94 11 177 E +94 11 178 G +94 11 179 I +94 11 180 L +94 11 181 E +94 11 182 U +94 11 183 B +94 11 184 G +94 11 185 E +94 11 186 L +94 11 187 E +94 11 188 B +94 11 189 B +94 11 190 U +94 11 191 L +94 11 192 B +94 11 193 E +94 11 194 I +94 11 195 L +94 11 196 B +94 11 197 B +94 11 198 I +94 11 199 K +94 11 200 B +94 11 201 B +94 11 202 L +94 11 203 U +94 11 204 I +94 11 205 G +94 11 206 B +94 11 207 U +94 11 208 E +94 11 209 I +94 11 210 I +94 11 211 L +94 11 212 E +94 11 213 B +94 11 214 E +94 11 215 B +94 11 216 I +94 11 217 B +94 11 218 E +94 11 219 B +94 11 220 G +94 11 221 B +94 11 222 G +94 11 223 L +94 11 224 K +94 11 225 E +94 11 226 I +94 11 227 I +94 11 228 I +94 11 229 L +94 11 230 K +94 11 231 B +94 11 232 I +94 11 233 B +94 11 234 L +94 11 235 G +94 11 236 E +94 11 237 B +94 11 238 L +94 11 239 B +94 11 240 I +94 11 241 K +94 11 242 B +94 11 243 U +94 11 244 K +94 11 245 U +94 11 246 B +94 11 247 G +94 11 248 I +94 11 249 L +94 11 250 G +94 11 251 L +94 11 252 K +94 11 253 L +94 11 254 B +94 11 255 I +94 11 256 U +94 11 257 I +94 11 258 E +94 11 259 U +94 11 260 B +94 11 261 E +94 11 262 K +94 11 263 B +94 11 264 B +94 11 265 L +94 11 266 U +94 11 267 G +94 11 268 L +94 11 269 U +94 11 270 E +94 11 271 L +94 11 272 K +94 11 273 B +94 11 274 K +94 11 275 E +94 11 276 U +94 11 277 I +94 11 278 B +94 11 279 G +94 11 280 L +94 11 281 L +94 11 282 L +94 11 283 B +94 11 284 K +94 11 285 B +94 11 286 K +94 11 287 E +94 11 288 U +94 11 289 L +94 11 290 K +94 11 291 G +94 11 292 B +94 11 293 L +94 11 294 B +94 11 295 I +94 11 296 G +94 11 297 E +94 11 298 U +94 11 299 L +94 11 300 B +94 11 301 L +94 11 302 K +94 11 303 B +94 11 304 L +94 11 305 G +94 11 306 L +94 11 307 L +94 11 308 B +94 11 309 I +94 11 310 L +94 11 311 B +94 11 312 I +94 11 313 G +94 11 314 K +94 11 315 L +94 11 316 L +94 11 317 U +94 11 318 E +94 11 319 K +94 11 320 E +94 11 321 U +94 11 322 L +94 11 323 L +94 11 324 K +94 11 325 U +94 11 326 E +94 11 327 K +94 11 328 L +94 11 329 B +94 11 330 K +94 12 1 L +94 12 2 B +94 12 3 U +94 12 4 B +94 12 5 L +94 12 6 E +94 12 7 L +94 12 8 U +94 12 9 B +94 12 10 G +94 12 11 L +94 12 12 E +94 12 13 L +94 12 14 G +94 12 15 B +94 12 16 K +94 12 17 U +94 12 18 I +94 12 19 B +94 12 20 L +94 12 21 U +94 12 22 E +94 12 23 B +94 12 24 I +94 12 25 L +94 12 26 G +94 12 27 K +94 12 28 B +94 12 29 L +94 12 30 E +94 12 31 B +94 12 32 B +94 12 33 L +94 12 34 G +94 12 35 B +94 12 36 L +94 12 37 G +94 12 38 U +94 12 39 L +94 12 40 B +94 12 41 U +94 12 42 E +94 12 43 G +94 12 44 K +94 12 45 L +94 12 46 B +94 12 47 L +94 12 48 E +94 12 49 L +94 12 50 B +94 12 51 E +94 12 52 K +94 12 53 U +94 12 54 L +94 12 55 L +94 12 56 B +94 12 57 L +94 12 58 E +94 12 59 K +94 12 60 I +94 12 61 U +94 12 62 B +94 12 63 E +94 12 64 G +94 12 65 U +94 12 66 K +94 12 67 L +94 12 68 U +94 12 69 E +94 12 70 K +94 12 71 U +94 12 72 L +94 12 73 U +94 12 74 B +94 12 75 L +94 12 76 E +94 12 77 G +94 12 78 B +94 12 79 I +94 12 80 G +94 12 81 L +94 12 82 L +94 12 83 E +94 12 84 B +94 12 85 L +94 12 86 U +94 12 87 I +94 12 88 U +94 12 89 I +94 12 90 L +94 12 91 E +94 12 92 K +94 12 93 G +94 12 94 I +94 12 95 K +94 12 96 E +94 12 97 G +94 12 98 U +94 12 99 B +94 12 100 B +94 12 101 U +94 12 102 B +94 12 103 E +94 12 104 L +94 12 105 U +94 12 106 E +94 12 107 K +94 12 108 K +94 12 109 G +94 12 110 E +94 12 111 L +94 12 112 U +94 12 113 I +94 12 114 L +94 12 115 U +94 12 116 K +94 12 117 I +94 12 118 B +94 12 119 L +94 12 120 K +94 12 121 U +94 12 122 L +94 12 123 G +94 12 124 E +94 12 125 E +94 12 126 B +94 12 127 I +94 12 128 E +94 12 129 K +94 12 130 I +94 12 131 B +94 12 132 U +94 12 133 L +94 12 134 I +94 12 135 B +94 12 136 L +94 12 137 L +94 12 138 B +94 12 139 K +94 12 140 G +94 12 141 K +94 12 142 K +94 12 143 L +94 12 144 G +94 12 145 L +94 12 146 E +94 12 147 L +94 12 148 U +94 12 149 L +94 12 150 B +94 12 151 B +94 12 152 B +94 12 153 L +94 12 154 I +94 12 155 I +94 12 156 L +94 12 157 I +94 12 158 K +94 12 159 E +94 12 160 B +94 12 161 L +94 12 162 U +94 12 163 L +94 12 164 G +94 12 165 L +94 12 166 G +94 12 167 B +94 12 168 L +94 12 169 G +94 12 170 I +94 12 171 L +94 12 172 K +94 12 173 U +94 12 174 E +94 12 175 L +94 12 176 U +94 12 177 E +94 12 178 G +94 12 179 B +94 12 180 L +94 12 181 E +94 12 182 U +94 12 183 B +94 12 184 B +94 12 185 E +94 12 186 L +94 12 187 E +94 12 188 G +94 12 189 K +94 12 190 B +94 12 191 L +94 12 192 B +94 12 193 E +94 12 194 U +94 12 195 L +94 12 196 L +94 12 197 B +94 12 198 I +94 12 199 K +94 12 200 B +94 12 201 E +94 12 202 L +94 12 203 U +94 12 204 I +94 12 205 G +94 12 206 K +94 12 207 U +94 12 208 E +94 12 209 L +94 12 210 U +94 12 211 B +94 12 212 E +94 12 213 B +94 12 214 E +94 12 215 B +94 12 216 I +94 12 217 B +94 12 218 B +94 12 219 K +94 12 220 G +94 12 221 K +94 12 222 G +94 12 223 L +94 12 224 K +94 12 225 E +94 12 226 G +94 12 227 I +94 12 228 G +94 12 229 L +94 12 230 K +94 12 231 U +94 12 232 E +94 12 233 B +94 12 234 L +94 12 235 G +94 12 236 E +94 12 237 B +94 12 238 L +94 12 239 U +94 12 240 U +94 12 241 K +94 12 242 E +94 12 243 U +94 12 244 K +94 12 245 U +94 12 246 L +94 12 247 G +94 12 248 I +94 12 249 L +94 12 250 G +94 12 251 L +94 12 252 K +94 12 253 L +94 12 254 B +94 12 255 I +94 12 256 U +94 12 257 G +94 12 258 E +94 12 259 U +94 12 260 K +94 12 261 E +94 12 262 K +94 12 263 K +94 12 264 B +94 12 265 L +94 12 266 U +94 12 267 U +94 12 268 L +94 12 269 U +94 12 270 E +94 12 271 I +94 12 272 K +94 12 273 B +94 12 274 K +94 12 275 E +94 12 276 U +94 12 277 G +94 12 278 E +94 12 279 G +94 12 280 L +94 12 281 L +94 12 282 L +94 12 283 B +94 12 284 K +94 12 285 B +94 12 286 K +94 12 287 E +94 12 288 U +94 12 289 L +94 12 290 K +94 12 291 G +94 12 292 B +94 12 293 K +94 12 294 K +94 12 295 I +94 12 296 G +94 12 297 E +94 12 298 U +94 12 299 L +94 12 300 K +94 12 301 L +94 12 302 K +94 12 303 K +94 12 304 L +94 12 305 U +94 12 306 L +94 12 307 G +94 12 308 B +94 12 309 I +94 12 310 L +94 12 311 G +94 12 312 I +94 12 313 G +94 12 314 K +94 12 315 L +94 12 316 L +94 12 317 U +94 12 318 E +94 12 319 K +94 12 320 B +94 12 321 U +94 12 322 K +94 12 323 L +94 12 324 K +94 12 325 U +94 12 326 E +94 12 327 K +94 12 328 L +94 12 329 B +94 12 330 K +94 13 1 L +94 13 2 K +94 13 3 U +94 13 4 U +94 13 5 L +94 13 6 B +94 13 7 L +94 13 8 U +94 13 9 B +94 13 10 G +94 13 11 I +94 13 12 E +94 13 13 I +94 13 14 I +94 13 15 B +94 13 16 K +94 13 17 U +94 13 18 I +94 13 19 L +94 13 20 L +94 13 21 U +94 13 22 E +94 13 23 B +94 13 24 I +94 13 25 L +94 13 26 G +94 13 27 K +94 13 28 U +94 13 29 L +94 13 30 B +94 13 31 K +94 13 32 B +94 13 33 L +94 13 34 L +94 13 35 E +94 13 36 I +94 13 37 B +94 13 38 U +94 13 39 L +94 13 40 L +94 13 41 U +94 13 42 E +94 13 43 G +94 13 44 K +94 13 45 L +94 13 46 B +94 13 47 I +94 13 48 E +94 13 49 B +94 13 50 G +94 13 51 I +94 13 52 K +94 13 53 U +94 13 54 L +94 13 55 L +94 13 56 B +94 13 57 G +94 13 58 B +94 13 59 K +94 13 60 I +94 13 61 U +94 13 62 B +94 13 63 U +94 13 64 G +94 13 65 U +94 13 66 K +94 13 67 L +94 13 68 U +94 13 69 B +94 13 70 K +94 13 71 U +94 13 72 L +94 13 73 B +94 13 74 K +94 13 75 I +94 13 76 E +94 13 77 L +94 13 78 B +94 13 79 I +94 13 80 G +94 13 81 L +94 13 82 B +94 13 83 K +94 13 84 B +94 13 85 L +94 13 86 B +94 13 87 I +94 13 88 U +94 13 89 I +94 13 90 I +94 13 91 E +94 13 92 K +94 13 93 G +94 13 94 I +94 13 95 K +94 13 96 E +94 13 97 G +94 13 98 U +94 13 99 B +94 13 100 K +94 13 101 U +94 13 102 B +94 13 103 B +94 13 104 B +94 13 105 B +94 13 106 E +94 13 107 K +94 13 108 K +94 13 109 G +94 13 110 E +94 13 111 I +94 13 112 U +94 13 113 I +94 13 114 L +94 13 115 U +94 13 116 K +94 13 117 B +94 13 118 B +94 13 119 L +94 13 120 K +94 13 121 U +94 13 122 L +94 13 123 G +94 13 124 E +94 13 125 U +94 13 126 B +94 13 127 I +94 13 128 E +94 13 129 K +94 13 130 I +94 13 131 U +94 13 132 U +94 13 133 L +94 13 134 I +94 13 135 U +94 13 136 L +94 13 137 L +94 13 138 B +94 13 139 K +94 13 140 G +94 13 141 K +94 13 142 K +94 13 143 L +94 13 144 G +94 13 145 L +94 13 146 E +94 13 147 L +94 13 148 U +94 13 149 K +94 13 150 U +94 13 151 B +94 13 152 B +94 13 153 L +94 13 154 I +94 13 155 I +94 13 156 L +94 13 157 B +94 13 158 K +94 13 159 E +94 13 160 B +94 13 161 L +94 13 162 U +94 13 163 L +94 13 164 L +94 13 165 L +94 13 166 G +94 13 167 B +94 13 168 L +94 13 169 L +94 13 170 I +94 13 171 B +94 13 172 K +94 13 173 U +94 13 174 E +94 13 175 K +94 13 176 U +94 13 177 K +94 13 178 G +94 13 179 U +94 13 180 L +94 13 181 B +94 13 182 U +94 13 183 B +94 13 184 B +94 13 185 B +94 13 186 L +94 13 187 E +94 13 188 L +94 13 189 K +94 13 190 B +94 13 191 L +94 13 192 B +94 13 193 E +94 13 194 U +94 13 195 L +94 13 196 K +94 13 197 B +94 13 198 I +94 13 199 K +94 13 200 L +94 13 201 B +94 13 202 L +94 13 203 U +94 13 204 I +94 13 205 G +94 13 206 K +94 13 207 U +94 13 208 E +94 13 209 L +94 13 210 B +94 13 211 L +94 13 212 E +94 13 213 B +94 13 214 E +94 13 215 B +94 13 216 I +94 13 217 B +94 13 218 E +94 13 219 K +94 13 220 G +94 13 221 K +94 13 222 G +94 13 223 L +94 13 224 K +94 13 225 E +94 13 226 G +94 13 227 I +94 13 228 G +94 13 229 K +94 13 230 K +94 13 231 B +94 13 232 B +94 13 233 B +94 13 234 L +94 13 235 L +94 13 236 E +94 13 237 B +94 13 238 L +94 13 239 B +94 13 240 E +94 13 241 K +94 13 242 E +94 13 243 U +94 13 244 K +94 13 245 U +94 13 246 L +94 13 247 B +94 13 248 I +94 13 249 L +94 13 250 B +94 13 251 L +94 13 252 K +94 13 253 L +94 13 254 L +94 13 255 I +94 13 256 U +94 13 257 G +94 13 258 E +94 13 259 U +94 13 260 K +94 13 261 B +94 13 262 K +94 13 263 B +94 13 264 B +94 13 265 L +94 13 266 U +94 13 267 U +94 13 268 L +94 13 269 U +94 13 270 E +94 13 271 I +94 13 272 K +94 13 273 B +94 13 274 K +94 13 275 E +94 13 276 U +94 13 277 G +94 13 278 E +94 13 279 G +94 13 280 L +94 13 281 L +94 13 282 E +94 13 283 B +94 13 284 K +94 13 285 B +94 13 286 K +94 13 287 E +94 13 288 U +94 13 289 L +94 13 290 K +94 13 291 G +94 13 292 B +94 13 293 K +94 13 294 K +94 13 295 E +94 13 296 G +94 13 297 E +94 13 298 U +94 13 299 L +94 13 300 K +94 13 301 L +94 13 302 K +94 13 303 K +94 13 304 E +94 13 305 U +94 13 306 L +94 13 307 L +94 13 308 B +94 13 309 L +94 13 310 L +94 13 311 G +94 13 312 I +94 13 313 G +94 13 314 K +94 13 315 L +94 13 316 L +94 13 317 U +94 13 318 E +94 13 319 K +94 13 320 L +94 13 321 U +94 13 322 B +94 13 323 L +94 13 324 K +94 13 325 U +94 13 326 E +94 13 327 K +94 13 328 L +94 13 329 B +94 13 330 K +94 14 1 L +94 14 2 B +94 14 3 U +94 14 4 U +94 14 5 L +94 14 6 B +94 14 7 L +94 14 8 U +94 14 9 I +94 14 10 L +94 14 11 I +94 14 12 E +94 14 13 L +94 14 14 I +94 14 15 B +94 14 16 K +94 14 17 U +94 14 18 I +94 14 19 L +94 14 20 L +94 14 21 U +94 14 22 E +94 14 23 L +94 14 24 I +94 14 25 L +94 14 26 I +94 14 27 K +94 14 28 U +94 14 29 L +94 14 30 U +94 14 31 L +94 14 32 U +94 14 33 L +94 14 34 L +94 14 35 U +94 14 36 I +94 14 37 L +94 14 38 U +94 14 39 L +94 14 40 L +94 14 41 U +94 14 42 E +94 14 43 I +94 14 44 K +94 14 45 L +94 14 46 I +94 14 47 I +94 14 48 E +94 14 49 L +94 14 50 I +94 14 51 I +94 14 52 K +94 14 53 U +94 14 54 L +94 14 55 L +94 14 56 U +94 14 57 L +94 14 58 E +94 14 59 K +94 14 60 I +94 14 61 U +94 14 62 L +94 14 63 B +94 14 64 L +94 14 65 U +94 14 66 B +94 14 67 L +94 14 68 U +94 14 69 L +94 14 70 K +94 14 71 U +94 14 72 L +94 14 73 U +94 14 74 L +94 14 75 I +94 14 76 U +94 14 77 L +94 14 78 B +94 14 79 I +94 14 80 L +94 14 81 L +94 14 82 L +94 14 83 B +94 14 84 U +94 14 85 L +94 14 86 U +94 14 87 I +94 14 88 U +94 14 89 I +94 14 90 I +94 14 91 L +94 14 92 K +94 14 93 L +94 14 94 I +94 14 95 K +94 14 96 E +94 14 97 L +94 14 98 U +94 14 99 K +94 14 100 L +94 14 101 U +94 14 102 K +94 14 103 I +94 14 104 L +94 14 105 U +94 14 106 E +94 14 107 K +94 14 108 K +94 14 109 I +94 14 110 E +94 14 111 I +94 14 112 U +94 14 113 I +94 14 114 L +94 14 115 U +94 14 116 K +94 14 117 I +94 14 118 U +94 14 119 L +94 14 120 K +94 14 121 U +94 14 122 L +94 14 123 L +94 14 124 L +94 14 125 U +94 14 126 U +94 14 127 I +94 14 128 E +94 14 129 K +94 14 130 I +94 14 131 L +94 14 132 U +94 14 133 L +94 14 134 I +94 14 135 U +94 14 136 L +94 14 137 L +94 14 138 L +94 14 139 K +94 14 140 L +94 14 141 K +94 14 142 K +94 14 143 L +94 14 144 I +94 14 145 L +94 14 146 E +94 14 147 L +94 14 148 U +94 14 149 L +94 14 150 I +94 14 151 U +94 14 152 B +94 14 153 L +94 14 154 I +94 14 155 I +94 14 156 L +94 14 157 I +94 14 158 K +94 14 159 E +94 14 160 U +94 14 161 L +94 14 162 U +94 14 163 L +94 14 164 L +94 14 165 L +94 14 166 I +94 14 167 B +94 14 168 L +94 14 169 L +94 14 170 I +94 14 171 L +94 14 172 K +94 14 173 U +94 14 174 E +94 14 175 L +94 14 176 U +94 14 177 E +94 14 178 L +94 14 179 U +94 14 180 L +94 14 181 E +94 14 182 U +94 14 183 B +94 14 184 U +94 14 185 E +94 14 186 L +94 14 187 E +94 14 188 L +94 14 189 B +94 14 190 U +94 14 191 L +94 14 192 B +94 14 193 E +94 14 194 U +94 14 195 L +94 14 196 B +94 14 197 U +94 14 198 I +94 14 199 K +94 14 200 L +94 14 201 U +94 14 202 L +94 14 203 U +94 14 204 I +94 14 205 B +94 14 206 K +94 14 207 U +94 14 208 E +94 14 209 L +94 14 210 I +94 14 211 L +94 14 212 U +94 14 213 B +94 14 214 L +94 14 215 U +94 14 216 I +94 14 217 B +94 14 218 L +94 14 219 K +94 14 220 L +94 14 221 K +94 14 222 L +94 14 223 L +94 14 224 K +94 14 225 E +94 14 226 L +94 14 227 I +94 14 228 L +94 14 229 L +94 14 230 K +94 14 231 U +94 14 232 E +94 14 233 L +94 14 234 L +94 14 235 L +94 14 236 L +94 14 237 B +94 14 238 L +94 14 239 B +94 14 240 U +94 14 241 K +94 14 242 E +94 14 243 U +94 14 244 K +94 14 245 U +94 14 246 L +94 14 247 L +94 14 248 I +94 14 249 L +94 14 250 I +94 14 251 L +94 14 252 K +94 14 253 L +94 14 254 L +94 14 255 I +94 14 256 U +94 14 257 L +94 14 258 E +94 14 259 U +94 14 260 B +94 14 261 U +94 14 262 K +94 14 263 K +94 14 264 L +94 14 265 L +94 14 266 U +94 14 267 U +94 14 268 L +94 14 269 U +94 14 270 E +94 14 271 I +94 14 272 K +94 14 273 U +94 14 274 K +94 14 275 E +94 14 276 U +94 14 277 L +94 14 278 B +94 14 279 L +94 14 280 L +94 14 281 L +94 14 282 L +94 14 283 I +94 14 284 K +94 14 285 U +94 14 286 K +94 14 287 E +94 14 288 U +94 14 289 L +94 14 290 K +94 14 291 L +94 14 292 B +94 14 293 K +94 14 294 K +94 14 295 I +94 14 296 L +94 14 297 E +94 14 298 U +94 14 299 L +94 14 300 K +94 14 301 L +94 14 302 K +94 14 303 B +94 14 304 L +94 14 305 U +94 14 306 L +94 14 307 L +94 14 308 U +94 14 309 I +94 14 310 L +94 14 311 L +94 14 312 I +94 14 313 L +94 14 314 K +94 14 315 L +94 14 316 L +94 14 317 U +94 14 318 B +94 14 319 K +94 14 320 L +94 14 321 U +94 14 322 L +94 14 323 L +94 14 324 K +94 14 325 U +94 14 326 E +94 14 327 K +94 14 328 L +94 14 329 B +94 14 330 K +94 15 1 L +94 15 2 L +94 15 3 U +94 15 4 I +94 15 5 B +94 15 6 E +94 15 7 L +94 15 8 U +94 15 9 B +94 15 10 I +94 15 11 L +94 15 12 E +94 15 13 L +94 15 14 I +94 15 15 K +94 15 16 K +94 15 17 E +94 15 18 I +94 15 19 L +94 15 20 L +94 15 21 E +94 15 22 K +94 15 23 I +94 15 24 B +94 15 25 L +94 15 26 I +94 15 27 K +94 15 28 E +94 15 29 L +94 15 30 U +94 15 31 L +94 15 32 U +94 15 33 L +94 15 34 I +94 15 35 E +94 15 36 L +94 15 37 L +94 15 38 U +94 15 39 L +94 15 40 L +94 15 41 U +94 15 42 E +94 15 43 I +94 15 44 K +94 15 45 L +94 15 46 K +94 15 47 L +94 15 48 E +94 15 49 K +94 15 50 I +94 15 51 B +94 15 52 K +94 15 53 U +94 15 54 L +94 15 55 L +94 15 56 E +94 15 57 L +94 15 58 E +94 15 59 K +94 15 60 I +94 15 61 U +94 15 62 L +94 15 63 E +94 15 64 L +94 15 65 U +94 15 66 K +94 15 67 L +94 15 68 E +94 15 69 L +94 15 70 K +94 15 71 U +94 15 72 L +94 15 73 I +94 15 74 K +94 15 75 I +94 15 76 E +94 15 77 L +94 15 78 K +94 15 79 I +94 15 80 L +94 15 81 L +94 15 82 L +94 15 83 K +94 15 84 E +94 15 85 L +94 15 86 E +94 15 87 I +94 15 88 E +94 15 89 I +94 15 90 L +94 15 91 E +94 15 92 K +94 15 93 L +94 15 94 I +94 15 95 K +94 15 96 E +94 15 97 I +94 15 98 U +94 15 99 B +94 15 100 L +94 15 101 U +94 15 102 B +94 15 103 E +94 15 104 L +94 15 105 U +94 15 106 K +94 15 107 K +94 15 108 K +94 15 109 L +94 15 110 E +94 15 111 I +94 15 112 U +94 15 113 I +94 15 114 L +94 15 115 E +94 15 116 K +94 15 117 I +94 15 118 E +94 15 119 L +94 15 120 K +94 15 121 U +94 15 122 L +94 15 123 L +94 15 124 E +94 15 125 U +94 15 126 U +94 15 127 I +94 15 128 E +94 15 129 K +94 15 130 I +94 15 131 I +94 15 132 E +94 15 133 L +94 15 134 I +94 15 135 E +94 15 136 L +94 15 137 I +94 15 138 L +94 15 139 K +94 15 140 L +94 15 141 K +94 15 142 K +94 15 143 L +94 15 144 I +94 15 145 L +94 15 146 E +94 15 147 L +94 15 148 U +94 15 149 L +94 15 150 I +94 15 151 E +94 15 152 E +94 15 153 L +94 15 154 I +94 15 155 I +94 15 156 L +94 15 157 I +94 15 158 K +94 15 159 E +94 15 160 E +94 15 161 L +94 15 162 U +94 15 163 L +94 15 164 L +94 15 165 I +94 15 166 I +94 15 167 K +94 15 168 L +94 15 169 L +94 15 170 I +94 15 171 B +94 15 172 K +94 15 173 E +94 15 174 E +94 15 175 K +94 15 176 E +94 15 177 K +94 15 178 L +94 15 179 U +94 15 180 L +94 15 181 E +94 15 182 U +94 15 183 B +94 15 184 L +94 15 185 E +94 15 186 L +94 15 187 E +94 15 188 L +94 15 189 K +94 15 190 K +94 15 191 L +94 15 192 L +94 15 193 E +94 15 194 U +94 15 195 L +94 15 196 K +94 15 197 B +94 15 198 I +94 15 199 K +94 15 200 B +94 15 201 E +94 15 202 L +94 15 203 U +94 15 204 I +94 15 205 L +94 15 206 K +94 15 207 U +94 15 208 E +94 15 209 L +94 15 210 I +94 15 211 L +94 15 212 E +94 15 213 K +94 15 214 E +94 15 215 E +94 15 216 I +94 15 217 K +94 15 218 E +94 15 219 K +94 15 220 L +94 15 221 K +94 15 222 L +94 15 223 L +94 15 224 K +94 15 225 E +94 15 226 L +94 15 227 I +94 15 228 L +94 15 229 K +94 15 230 K +94 15 231 E +94 15 232 E +94 15 233 B +94 15 234 L +94 15 235 L +94 15 236 E +94 15 237 E +94 15 238 L +94 15 239 E +94 15 240 E +94 15 241 K +94 15 242 E +94 15 243 U +94 15 244 K +94 15 245 U +94 15 246 L +94 15 247 L +94 15 248 L +94 15 249 L +94 15 250 L +94 15 251 L +94 15 252 K +94 15 253 L +94 15 254 L +94 15 255 I +94 15 256 E +94 15 257 L +94 15 258 E +94 15 259 U +94 15 260 K +94 15 261 E +94 15 262 K +94 15 263 K +94 15 264 K +94 15 265 L +94 15 266 E +94 15 267 E +94 15 268 L +94 15 269 E +94 15 270 E +94 15 271 L +94 15 272 K +94 15 273 B +94 15 274 K +94 15 275 E +94 15 276 U +94 15 277 L +94 15 278 E +94 15 279 L +94 15 280 B +94 15 281 L +94 15 282 L +94 15 283 B +94 15 284 K +94 15 285 E +94 15 286 K +94 15 287 B +94 15 288 U +94 15 289 L +94 15 290 K +94 15 291 L +94 15 292 B +94 15 293 K +94 15 294 K +94 15 295 B +94 15 296 L +94 15 297 E +94 15 298 U +94 15 299 L +94 15 300 K +94 15 301 L +94 15 302 K +94 15 303 K +94 15 304 B +94 15 305 U +94 15 306 L +94 15 307 L +94 15 308 B +94 15 309 I +94 15 310 L +94 15 311 L +94 15 312 I +94 15 313 I +94 15 314 K +94 15 315 L +94 15 316 L +94 15 317 U +94 15 318 E +94 15 319 K +94 15 320 B +94 15 321 E +94 15 322 B +94 15 323 I +94 15 324 K +94 15 325 U +94 15 326 E +94 15 327 K +94 15 328 L +94 15 329 B +94 15 330 K +94 16 1 L +94 16 2 B +94 16 3 U +94 16 4 I +94 16 5 L +94 16 6 B +94 16 7 L +94 16 8 U +94 16 9 B +94 16 10 L +94 16 11 I +94 16 12 E +94 16 13 L +94 16 14 I +94 16 15 B +94 16 16 K +94 16 17 U +94 16 18 I +94 16 19 L +94 16 20 L +94 16 21 U +94 16 22 E +94 16 23 U +94 16 24 I +94 16 25 L +94 16 26 I +94 16 27 K +94 16 28 U +94 16 29 B +94 16 30 E +94 16 31 L +94 16 32 U +94 16 33 L +94 16 34 L +94 16 35 E +94 16 36 I +94 16 37 L +94 16 38 U +94 16 39 L +94 16 40 B +94 16 41 U +94 16 42 E +94 16 43 I +94 16 44 K +94 16 45 L +94 16 46 B +94 16 47 I +94 16 48 E +94 16 49 L +94 16 50 I +94 16 51 B +94 16 52 K +94 16 53 U +94 16 54 L +94 16 55 L +94 16 56 B +94 16 57 L +94 16 58 B +94 16 59 K +94 16 60 I +94 16 61 U +94 16 62 B +94 16 63 E +94 16 64 L +94 16 65 U +94 16 66 K +94 16 67 B +94 16 68 U +94 16 69 L +94 16 70 K +94 16 71 U +94 16 72 L +94 16 73 U +94 16 74 B +94 16 75 L +94 16 76 E +94 16 77 L +94 16 78 B +94 16 79 I +94 16 80 L +94 16 81 B +94 16 82 L +94 16 83 B +94 16 84 E +94 16 85 L +94 16 86 E +94 16 87 I +94 16 88 U +94 16 89 I +94 16 90 L +94 16 91 B +94 16 92 K +94 16 93 L +94 16 94 B +94 16 95 K +94 16 96 E +94 16 97 B +94 16 98 U +94 16 99 B +94 16 100 L +94 16 101 U +94 16 102 B +94 16 103 L +94 16 104 B +94 16 105 U +94 16 106 E +94 16 107 K +94 16 108 B +94 16 109 I +94 16 110 E +94 16 111 L +94 16 112 U +94 16 113 I +94 16 114 L +94 16 115 U +94 16 116 B +94 16 117 I +94 16 118 B +94 16 119 L +94 16 120 K +94 16 121 U +94 16 122 L +94 16 123 L +94 16 124 B +94 16 125 U +94 16 126 E +94 16 127 I +94 16 128 E +94 16 129 K +94 16 130 L +94 16 131 U +94 16 132 E +94 16 133 L +94 16 134 I +94 16 135 U +94 16 136 L +94 16 137 I +94 16 138 L +94 16 139 K +94 16 140 L +94 16 141 K +94 16 142 B +94 16 143 L +94 16 144 I +94 16 145 L +94 16 146 E +94 16 147 L +94 16 148 U +94 16 149 L +94 16 150 I +94 16 151 B +94 16 152 E +94 16 153 L +94 16 154 B +94 16 155 I +94 16 156 L +94 16 157 U +94 16 158 K +94 16 159 E +94 16 160 B +94 16 161 L +94 16 162 U +94 16 163 L +94 16 164 L +94 16 165 I +94 16 166 L +94 16 167 B +94 16 168 L +94 16 169 L +94 16 170 I +94 16 171 L +94 16 172 K +94 16 173 U +94 16 174 E +94 16 175 B +94 16 176 E +94 16 177 K +94 16 178 I +94 16 179 U +94 16 180 L +94 16 181 E +94 16 182 U +94 16 183 B +94 16 184 U +94 16 185 E +94 16 186 L +94 16 187 E +94 16 188 L +94 16 189 B +94 16 190 E +94 16 191 L +94 16 192 I +94 16 193 B +94 16 194 U +94 16 195 L +94 16 196 L +94 16 197 B +94 16 198 I +94 16 199 K +94 16 200 L +94 16 201 E +94 16 202 L +94 16 203 U +94 16 204 I +94 16 205 B +94 16 206 K +94 16 207 U +94 16 208 E +94 16 209 L +94 16 210 I +94 16 211 L +94 16 212 E +94 16 213 B +94 16 214 E +94 16 215 U +94 16 216 I +94 16 217 B +94 16 218 L +94 16 219 K +94 16 220 I +94 16 221 K +94 16 222 I +94 16 223 L +94 16 224 B +94 16 225 B +94 16 226 L +94 16 227 I +94 16 228 L +94 16 229 B +94 16 230 K +94 16 231 U +94 16 232 B +94 16 233 I +94 16 234 L +94 16 235 I +94 16 236 L +94 16 237 E +94 16 238 L +94 16 239 E +94 16 240 U +94 16 241 K +94 16 242 E +94 16 243 U +94 16 244 K +94 16 245 U +94 16 246 L +94 16 247 I +94 16 248 L +94 16 249 B +94 16 250 I +94 16 251 L +94 16 252 K +94 16 253 L +94 16 254 B +94 16 255 I +94 16 256 U +94 16 257 I +94 16 258 E +94 16 259 U +94 16 260 K +94 16 261 E +94 16 262 K +94 16 263 B +94 16 264 L +94 16 265 L +94 16 266 E +94 16 267 I +94 16 268 L +94 16 269 E +94 16 270 E +94 16 271 L +94 16 272 K +94 16 273 B +94 16 274 K +94 16 275 L +94 16 276 U +94 16 277 L +94 16 278 E +94 16 279 L +94 16 280 L +94 16 281 L +94 16 282 B +94 16 283 U +94 16 284 K +94 16 285 B +94 16 286 K +94 16 287 E +94 16 288 U +94 16 289 L +94 16 290 B +94 16 291 B +94 16 292 U +94 16 293 B +94 16 294 K +94 16 295 U +94 16 296 B +94 16 297 E +94 16 298 U +94 16 299 L +94 16 300 B +94 16 301 L +94 16 302 K +94 16 303 B +94 16 304 L +94 16 305 U +94 16 306 L +94 16 307 L +94 16 308 B +94 16 309 L +94 16 310 L +94 16 311 B +94 16 312 I +94 16 313 I +94 16 314 B +94 16 315 L +94 16 316 L +94 16 317 U +94 16 318 E +94 16 319 K +94 16 320 L +94 16 321 U +94 16 322 L +94 16 323 L +94 16 324 B +94 16 325 U +94 16 326 E +94 16 327 K +94 16 328 L +94 16 329 B +94 16 330 K +94 17 1 L +94 17 2 B +94 17 3 U +94 17 4 B +94 17 5 L +94 17 6 B +94 17 7 L +94 17 8 U +94 17 9 B +94 17 10 B +94 17 11 B +94 17 12 E +94 17 13 B +94 17 14 L +94 17 15 B +94 17 16 K +94 17 17 E +94 17 18 I +94 17 19 L +94 17 20 L +94 17 21 U +94 17 22 E +94 17 23 B +94 17 24 I +94 17 25 L +94 17 26 B +94 17 27 K +94 17 28 U +94 17 29 L +94 17 30 B +94 17 31 L +94 17 32 B +94 17 33 E +94 17 34 L +94 17 35 E +94 17 36 B +94 17 37 B +94 17 38 U +94 17 39 L +94 17 40 L +94 17 41 E +94 17 42 E +94 17 43 B +94 17 44 K +94 17 45 L +94 17 46 B +94 17 47 B +94 17 48 B +94 17 49 L +94 17 50 B +94 17 51 B +94 17 52 K +94 17 53 U +94 17 54 B +94 17 55 L +94 17 56 E +94 17 57 L +94 17 58 B +94 17 59 K +94 17 60 I +94 17 61 U +94 17 62 B +94 17 63 E +94 17 64 L +94 17 65 U +94 17 66 K +94 17 67 L +94 17 68 E +94 17 69 B +94 17 70 K +94 17 71 B +94 17 72 L +94 17 73 B +94 17 74 K +94 17 75 I +94 17 76 E +94 17 77 L +94 17 78 K +94 17 79 B +94 17 80 L +94 17 81 B +94 17 82 L +94 17 83 E +94 17 84 E +94 17 85 L +94 17 86 B +94 17 87 I +94 17 88 B +94 17 89 I +94 17 90 B +94 17 91 E +94 17 92 B +94 17 93 L +94 17 94 B +94 17 95 K +94 17 96 E +94 17 97 B +94 17 98 U +94 17 99 B +94 17 100 L +94 17 101 U +94 17 102 K +94 17 103 I +94 17 104 L +94 17 105 B +94 17 106 E +94 17 107 K +94 17 108 K +94 17 109 B +94 17 110 E +94 17 111 I +94 17 112 U +94 17 113 I +94 17 114 B +94 17 115 U +94 17 116 K +94 17 117 I +94 17 118 B +94 17 119 L +94 17 120 K +94 17 121 E +94 17 122 L +94 17 123 B +94 17 124 E +94 17 125 U +94 17 126 B +94 17 127 I +94 17 128 B +94 17 129 K +94 17 130 I +94 17 131 B +94 17 132 B +94 17 133 L +94 17 134 I +94 17 135 B +94 17 136 L +94 17 137 I +94 17 138 B +94 17 139 K +94 17 140 B +94 17 141 K +94 17 142 K +94 17 143 B +94 17 144 B +94 17 145 L +94 17 146 E +94 17 147 L +94 17 148 U +94 17 149 B +94 17 150 I +94 17 151 E +94 17 152 B +94 17 153 L +94 17 154 I +94 17 155 I +94 17 156 L +94 17 157 B +94 17 158 K +94 17 159 B +94 17 160 E +94 17 161 L +94 17 162 U +94 17 163 L +94 17 164 B +94 17 165 I +94 17 166 I +94 17 167 B +94 17 168 L +94 17 169 L +94 17 170 I +94 17 171 B +94 17 172 K +94 17 173 U +94 17 174 E +94 17 175 B +94 17 176 U +94 17 177 E +94 17 178 B +94 17 179 I +94 17 180 L +94 17 181 B +94 17 182 I +94 17 183 I +94 17 184 B +94 17 185 B +94 17 186 L +94 17 187 E +94 17 188 L +94 17 189 K +94 17 190 K +94 17 191 L +94 17 192 B +94 17 193 E +94 17 194 I +94 17 195 L +94 17 196 L +94 17 197 B +94 17 198 I +94 17 199 K +94 17 200 L +94 17 201 E +94 17 202 L +94 17 203 B +94 17 204 I +94 17 205 I +94 17 206 K +94 17 207 U +94 17 208 B +94 17 209 I +94 17 210 I +94 17 211 L +94 17 212 U +94 17 213 B +94 17 214 E +94 17 215 B +94 17 216 I +94 17 217 B +94 17 218 B +94 17 219 K +94 17 220 B +94 17 221 K +94 17 222 B +94 17 223 L +94 17 224 K +94 17 225 B +94 17 226 L +94 17 227 I +94 17 228 B +94 17 229 L +94 17 230 K +94 17 231 B +94 17 232 I +94 17 233 B +94 17 234 L +94 17 235 B +94 17 236 B +94 17 237 E +94 17 238 L +94 17 239 B +94 17 240 I +94 17 241 K +94 17 242 E +94 17 243 B +94 17 244 K +94 17 245 U +94 17 246 B +94 17 247 B +94 17 248 I +94 17 249 L +94 17 250 B +94 17 251 B +94 17 252 K +94 17 253 L +94 17 254 B +94 17 255 I +94 17 256 U +94 17 257 I +94 17 258 B +94 17 259 B +94 17 260 K +94 17 261 B +94 17 262 K +94 17 263 I +94 17 264 K +94 17 265 L +94 17 266 B +94 17 267 B +94 17 268 L +94 17 269 E +94 17 270 E +94 17 271 I +94 17 272 K +94 17 273 B +94 17 274 K +94 17 275 B +94 17 276 U +94 17 277 B +94 17 278 B +94 17 279 L +94 17 280 I +94 17 281 L +94 17 282 L +94 17 283 B +94 17 284 K +94 17 285 E +94 17 286 K +94 17 287 B +94 17 288 E +94 17 289 L +94 17 290 K +94 17 291 B +94 17 292 B +94 17 293 K +94 17 294 K +94 17 295 B +94 17 296 B +94 17 297 E +94 17 298 U +94 17 299 L +94 17 300 K +94 17 301 L +94 17 302 K +94 17 303 K +94 17 304 B +94 17 305 B +94 17 306 L +94 17 307 L +94 17 308 B +94 17 309 B +94 17 310 L +94 17 311 L +94 17 312 B +94 17 313 B +94 17 314 K +94 17 315 L +94 17 316 L +94 17 317 B +94 17 318 B +94 17 319 K +94 17 320 B +94 17 321 U +94 17 322 B +94 17 323 L +94 17 324 K +94 17 325 B +94 17 326 B +94 17 327 K +94 17 328 B +94 17 329 B +94 17 330 K +94 18 1 L +94 18 2 L +94 18 3 U +94 18 4 I +94 18 5 L +94 18 6 E +94 18 7 L +94 18 8 U +94 18 9 E +94 18 10 L +94 18 11 L +94 18 12 E +94 18 13 L +94 18 14 I +94 18 15 E +94 18 16 K +94 18 17 U +94 18 18 I +94 18 19 L +94 18 20 L +94 18 21 U +94 18 22 E +94 18 23 I +94 18 24 I +94 18 25 L +94 18 26 L +94 18 27 K +94 18 28 U +94 18 29 L +94 18 30 E +94 18 31 L +94 18 32 U +94 18 33 L +94 18 34 L +94 18 35 U +94 18 36 L +94 18 37 L +94 18 38 U +94 18 39 L +94 18 40 L +94 18 41 U +94 18 42 E +94 18 43 I +94 18 44 K +94 18 45 L +94 18 46 B +94 18 47 I +94 18 48 E +94 18 49 L +94 18 50 I +94 18 51 I +94 18 52 K +94 18 53 U +94 18 54 L +94 18 55 L +94 18 56 E +94 18 57 L +94 18 58 E +94 18 59 K +94 18 60 I +94 18 61 U +94 18 62 L +94 18 63 E +94 18 64 L +94 18 65 U +94 18 66 K +94 18 67 L +94 18 68 E +94 18 69 I +94 18 70 K +94 18 71 U +94 18 72 L +94 18 73 U +94 18 74 K +94 18 75 I +94 18 76 U +94 18 77 L +94 18 78 E +94 18 79 I +94 18 80 L +94 18 81 L +94 18 82 L +94 18 83 K +94 18 84 E +94 18 85 L +94 18 86 U +94 18 87 I +94 18 88 U +94 18 89 I +94 18 90 L +94 18 91 E +94 18 92 K +94 18 93 L +94 18 94 I +94 18 95 L +94 18 96 E +94 18 97 I +94 18 98 U +94 18 99 B +94 18 100 L +94 18 101 U +94 18 102 K +94 18 103 I +94 18 104 L +94 18 105 U +94 18 106 E +94 18 107 K +94 18 108 L +94 18 109 L +94 18 110 E +94 18 111 I +94 18 112 U +94 18 113 I +94 18 114 L +94 18 115 U +94 18 116 K +94 18 117 I +94 18 118 U +94 18 119 L +94 18 120 K +94 18 121 U +94 18 122 L +94 18 123 L +94 18 124 L +94 18 125 U +94 18 126 E +94 18 127 I +94 18 128 E +94 18 129 K +94 18 130 I +94 18 131 U +94 18 132 U +94 18 133 L +94 18 134 I +94 18 135 U +94 18 136 L +94 18 137 L +94 18 138 L +94 18 139 K +94 18 140 L +94 18 141 K +94 18 142 K +94 18 143 L +94 18 144 I +94 18 145 L +94 18 146 E +94 18 147 L +94 18 148 U +94 18 149 L +94 18 150 I +94 18 151 E +94 18 152 E +94 18 153 L +94 18 154 I +94 18 155 I +94 18 156 L +94 18 157 I +94 18 158 K +94 18 159 E +94 18 160 E +94 18 161 L +94 18 162 U +94 18 163 L +94 18 164 L +94 18 165 I +94 18 166 I +94 18 167 K +94 18 168 L +94 18 169 L +94 18 170 I +94 18 171 L +94 18 172 K +94 18 173 U +94 18 174 E +94 18 175 K +94 18 176 U +94 18 177 E +94 18 178 L +94 18 179 U +94 18 180 L +94 18 181 E +94 18 182 U +94 18 183 I +94 18 184 L +94 18 185 E +94 18 186 L +94 18 187 E +94 18 188 L +94 18 189 K +94 18 190 E +94 18 191 L +94 18 192 E +94 18 193 E +94 18 194 U +94 18 195 L +94 18 196 L +94 18 197 E +94 18 198 I +94 18 199 K +94 18 200 L +94 18 201 E +94 18 202 L +94 18 203 U +94 18 204 I +94 18 205 L +94 18 206 K +94 18 207 U +94 18 208 E +94 18 209 L +94 18 210 I +94 18 211 L +94 18 212 E +94 18 213 L +94 18 214 E +94 18 215 E +94 18 216 I +94 18 217 E +94 18 218 L +94 18 219 K +94 18 220 L +94 18 221 K +94 18 222 I +94 18 223 L +94 18 224 K +94 18 225 E +94 18 226 L +94 18 227 I +94 18 228 L +94 18 229 L +94 18 230 K +94 18 231 U +94 18 232 E +94 18 233 L +94 18 234 L +94 18 235 I +94 18 236 E +94 18 237 E +94 18 238 L +94 18 239 U +94 18 240 U +94 18 241 K +94 18 242 E +94 18 243 U +94 18 244 K +94 18 245 U +94 18 246 L +94 18 247 L +94 18 248 I +94 18 249 L +94 18 250 I +94 18 251 L +94 18 252 K +94 18 253 L +94 18 254 L +94 18 255 I +94 18 256 U +94 18 257 I +94 18 258 E +94 18 259 U +94 18 260 E +94 18 261 E +94 18 262 K +94 18 263 K +94 18 264 K +94 18 265 L +94 18 266 U +94 18 267 U +94 18 268 L +94 18 269 E +94 18 270 E +94 18 271 I +94 18 272 K +94 18 273 E +94 18 274 K +94 18 275 E +94 18 276 U +94 18 277 I +94 18 278 E +94 18 279 I +94 18 280 L +94 18 281 L +94 18 282 L +94 18 283 I +94 18 284 K +94 18 285 E +94 18 286 K +94 18 287 E +94 18 288 U +94 18 289 L +94 18 290 K +94 18 291 L +94 18 292 E +94 18 293 L +94 18 294 K +94 18 295 I +94 18 296 I +94 18 297 E +94 18 298 U +94 18 299 L +94 18 300 K +94 18 301 L +94 18 302 K +94 18 303 K +94 18 304 L +94 18 305 U +94 18 306 L +94 18 307 L +94 18 308 I +94 18 309 I +94 18 310 L +94 18 311 I +94 18 312 I +94 18 313 I +94 18 314 K +94 18 315 L +94 18 316 L +94 18 317 U +94 18 318 E +94 18 319 K +94 18 320 E +94 18 321 U +94 18 322 L +94 18 323 L +94 18 324 K +94 18 325 U +94 18 326 E +94 18 327 K +94 18 328 L +94 18 329 E +94 18 330 K +94 19 1 L +94 19 2 B +94 19 3 U +94 19 4 B +94 19 5 E +94 19 6 E +94 19 7 L +94 19 8 U +94 19 9 B +94 19 10 I +94 19 11 L +94 19 12 E +94 19 13 L +94 19 14 I +94 19 15 B +94 19 16 K +94 19 17 U +94 19 18 I +94 19 19 L +94 19 20 L +94 19 21 U +94 19 22 E +94 19 23 B +94 19 24 B +94 19 25 L +94 19 26 L +94 19 27 K +94 19 28 U +94 19 29 L +94 19 30 E +94 19 31 L +94 19 32 B +94 19 33 L +94 19 34 B +94 19 35 U +94 19 36 L +94 19 37 B +94 19 38 U +94 19 39 B +94 19 40 L +94 19 41 U +94 19 42 B +94 19 43 I +94 19 44 K +94 19 45 L +94 19 46 B +94 19 47 I +94 19 48 B +94 19 49 K +94 19 50 I +94 19 51 B +94 19 52 K +94 19 53 U +94 19 54 L +94 19 55 L +94 19 56 B +94 19 57 I +94 19 58 B +94 19 59 K +94 19 60 I +94 19 61 U +94 19 62 B +94 19 63 B +94 19 64 L +94 19 65 U +94 19 66 K +94 19 67 L +94 19 68 B +94 19 69 L +94 19 70 K +94 19 71 U +94 19 72 L +94 19 73 B +94 19 74 K +94 19 75 I +94 19 76 B +94 19 77 L +94 19 78 K +94 19 79 I +94 19 80 L +94 19 81 B +94 19 82 L +94 19 83 K +94 19 84 B +94 19 85 L +94 19 86 B +94 19 87 I +94 19 88 U +94 19 89 I +94 19 90 L +94 19 91 B +94 19 92 K +94 19 93 L +94 19 94 I +94 19 95 K +94 19 96 L +94 19 97 I +94 19 98 U +94 19 99 B +94 19 100 B +94 19 101 U +94 19 102 L +94 19 103 L +94 19 104 B +94 19 105 B +94 19 106 E +94 19 107 K +94 19 108 K +94 19 109 I +94 19 110 E +94 19 111 B +94 19 112 U +94 19 113 I +94 19 114 L +94 19 115 U +94 19 116 K +94 19 117 I +94 19 118 B +94 19 119 L +94 19 120 K +94 19 121 U +94 19 122 L +94 19 123 L +94 19 124 B +94 19 125 U +94 19 126 E +94 19 127 I +94 19 128 E +94 19 129 K +94 19 130 I +94 19 131 B +94 19 132 E +94 19 133 L +94 19 134 I +94 19 135 B +94 19 136 L +94 19 137 L +94 19 138 B +94 19 139 K +94 19 140 I +94 19 141 K +94 19 142 B +94 19 143 E +94 19 144 I +94 19 145 L +94 19 146 E +94 19 147 L +94 19 148 U +94 19 149 E +94 19 150 I +94 19 151 B +94 19 152 E +94 19 153 L +94 19 154 I +94 19 155 I +94 19 156 L +94 19 157 I +94 19 158 K +94 19 159 E +94 19 160 B +94 19 161 L +94 19 162 U +94 19 163 L +94 19 164 B +94 19 165 B +94 19 166 L +94 19 167 K +94 19 168 L +94 19 169 L +94 19 170 I +94 19 171 L +94 19 172 K +94 19 173 U +94 19 174 L +94 19 175 K +94 19 176 U +94 19 177 E +94 19 178 I +94 19 179 I +94 19 180 L +94 19 181 E +94 19 182 U +94 19 183 B +94 19 184 E +94 19 185 E +94 19 186 K +94 19 187 E +94 19 188 L +94 19 189 K +94 19 190 B +94 19 191 L +94 19 192 B +94 19 193 E +94 19 194 U +94 19 195 B +94 19 196 L +94 19 197 B +94 19 198 I +94 19 199 K +94 19 200 B +94 19 201 E +94 19 202 L +94 19 203 U +94 19 204 I +94 19 205 I +94 19 206 K +94 19 207 U +94 19 208 B +94 19 209 I +94 19 210 B +94 19 211 L +94 19 212 E +94 19 213 K +94 19 214 E +94 19 215 B +94 19 216 I +94 19 217 E +94 19 218 L +94 19 219 K +94 19 220 I +94 19 221 K +94 19 222 I +94 19 223 L +94 19 224 K +94 19 225 B +94 19 226 I +94 19 227 I +94 19 228 I +94 19 229 L +94 19 230 K +94 19 231 B +94 19 232 B +94 19 233 I +94 19 234 L +94 19 235 I +94 19 236 B +94 19 237 B +94 19 238 L +94 19 239 B +94 19 240 B +94 19 241 K +94 19 242 E +94 19 243 U +94 19 244 K +94 19 245 U +94 19 246 L +94 19 247 B +94 19 248 I +94 19 249 L +94 19 250 I +94 19 251 B +94 19 252 K +94 19 253 L +94 19 254 B +94 19 255 I +94 19 256 U +94 19 257 I +94 19 258 E +94 19 259 U +94 19 260 B +94 19 261 B +94 19 262 K +94 19 263 K +94 19 264 K +94 19 265 L +94 19 266 B +94 19 267 B +94 19 268 L +94 19 269 E +94 19 270 E +94 19 271 I +94 19 272 K +94 19 273 B +94 19 274 K +94 19 275 E +94 19 276 U +94 19 277 I +94 19 278 E +94 19 279 I +94 19 280 E +94 19 281 L +94 19 282 E +94 19 283 B +94 19 284 K +94 19 285 B +94 19 286 K +94 19 287 E +94 19 288 U +94 19 289 L +94 19 290 K +94 19 291 L +94 19 292 E +94 19 293 K +94 19 294 K +94 19 295 B +94 19 296 L +94 19 297 E +94 19 298 U +94 19 299 L +94 19 300 B +94 19 301 L +94 19 302 K +94 19 303 B +94 19 304 B +94 19 305 E +94 19 306 L +94 19 307 L +94 19 308 B +94 19 309 E +94 19 310 L +94 19 311 L +94 19 312 I +94 19 313 B +94 19 314 K +94 19 315 L +94 19 316 L +94 19 317 U +94 19 318 E +94 19 319 K +94 19 320 E +94 19 321 U +94 19 322 L +94 19 323 L +94 19 324 K +94 19 325 E +94 19 326 E +94 19 327 K +94 19 328 L +94 19 329 E +94 19 330 K +94 20 1 L +94 20 2 B +94 20 3 U +94 20 4 G +94 20 5 L +94 20 6 B +94 20 7 L +94 20 8 U +94 20 9 B +94 20 10 L +94 20 11 G +94 20 12 E +94 20 13 L +94 20 14 B +94 20 15 B +94 20 16 K +94 20 17 U +94 20 18 G +94 20 19 L +94 20 20 L +94 20 21 B +94 20 22 U +94 20 23 G +94 20 24 B +94 20 25 L +94 20 26 K +94 20 27 L +94 20 28 U +94 20 29 B +94 20 30 E +94 20 31 K +94 20 32 E +94 20 33 B +94 20 34 L +94 20 35 E +94 20 36 L +94 20 37 B +94 20 38 U +94 20 39 B +94 20 40 L +94 20 41 U +94 20 42 B +94 20 43 L +94 20 44 K +94 20 45 L +94 20 46 B +94 20 47 G +94 20 48 E +94 20 49 K +94 20 50 G +94 20 51 B +94 20 52 K +94 20 53 U +94 20 54 L +94 20 55 B +94 20 56 K +94 20 57 L +94 20 58 G +94 20 59 K +94 20 60 L +94 20 61 U +94 20 62 B +94 20 63 E +94 20 64 L +94 20 65 U +94 20 66 K +94 20 67 E +94 20 68 U +94 20 69 B +94 20 70 K +94 20 71 U +94 20 72 L +94 20 73 B +94 20 74 K +94 20 75 L +94 20 76 U +94 20 77 L +94 20 78 K +94 20 79 I +94 20 80 L +94 20 81 E +94 20 82 L +94 20 83 K +94 20 84 E +94 20 85 L +94 20 86 E +94 20 87 I +94 20 88 B +94 20 89 I +94 20 90 I +94 20 91 E +94 20 92 K +94 20 93 L +94 20 94 I +94 20 95 K +94 20 96 E +94 20 97 B +94 20 98 U +94 20 99 B +94 20 100 L +94 20 101 U +94 20 102 B +94 20 103 E +94 20 104 L +94 20 105 E +94 20 106 E +94 20 107 K +94 20 108 K +94 20 109 L +94 20 110 E +94 20 111 B +94 20 112 U +94 20 113 I +94 20 114 L +94 20 115 U +94 20 116 B +94 20 117 L +94 20 118 E +94 20 119 L +94 20 120 K +94 20 121 E +94 20 122 L +94 20 123 B +94 20 124 E +94 20 125 E +94 20 126 B +94 20 127 I +94 20 128 E +94 20 129 K +94 20 130 B +94 20 131 E +94 20 132 U +94 20 133 L +94 20 134 B +94 20 135 E +94 20 136 L +94 20 137 B +94 20 138 E +94 20 139 K +94 20 140 L +94 20 141 K +94 20 142 K +94 20 143 E +94 20 144 I +94 20 145 L +94 20 146 E +94 20 147 L +94 20 148 U +94 20 149 L +94 20 150 B +94 20 151 E +94 20 152 E +94 20 153 L +94 20 154 B +94 20 155 G +94 20 156 L +94 20 157 E +94 20 158 K +94 20 159 E +94 20 160 B +94 20 161 L +94 20 162 U +94 20 163 L +94 20 164 B +94 20 165 L +94 20 166 L +94 20 167 K +94 20 168 L +94 20 169 L +94 20 170 I +94 20 171 B +94 20 172 K +94 20 173 E +94 20 174 E +94 20 175 K +94 20 176 U +94 20 177 E +94 20 178 L +94 20 179 U +94 20 180 L +94 20 181 E +94 20 182 U +94 20 183 E +94 20 184 B +94 20 185 E +94 20 186 K +94 20 187 E +94 20 188 L +94 20 189 K +94 20 190 E +94 20 191 L +94 20 192 G +94 20 193 E +94 20 194 U +94 20 195 L +94 20 196 K +94 20 197 E +94 20 198 I +94 20 199 K +94 20 200 B +94 20 201 E +94 20 202 L +94 20 203 U +94 20 204 I +94 20 205 B +94 20 206 L +94 20 207 U +94 20 208 E +94 20 209 L +94 20 210 I +94 20 211 L +94 20 212 E +94 20 213 K +94 20 214 E +94 20 215 E +94 20 216 L +94 20 217 E +94 20 218 E +94 20 219 K +94 20 220 B +94 20 221 K +94 20 222 L +94 20 223 L +94 20 224 K +94 20 225 E +94 20 226 L +94 20 227 I +94 20 228 I +94 20 229 E +94 20 230 E +94 20 231 U +94 20 232 E +94 20 233 K +94 20 234 L +94 20 235 L +94 20 236 E +94 20 237 E +94 20 238 L +94 20 239 E +94 20 240 B +94 20 241 K +94 20 242 E +94 20 243 U +94 20 244 K +94 20 245 U +94 20 246 B +94 20 247 G +94 20 248 I +94 20 249 L +94 20 250 L +94 20 251 E +94 20 252 K +94 20 253 L +94 20 254 B +94 20 255 I +94 20 256 U +94 20 257 I +94 20 258 E +94 20 259 U +94 20 260 E +94 20 261 E +94 20 262 K +94 20 263 B +94 20 264 K +94 20 265 L +94 20 266 E +94 20 267 I +94 20 268 L +94 20 269 U +94 20 270 E +94 20 271 I +94 20 272 K +94 20 273 E +94 20 274 K +94 20 275 L +94 20 276 U +94 20 277 I +94 20 278 E +94 20 279 I +94 20 280 E +94 20 281 L +94 20 282 B +94 20 283 E +94 20 284 K +94 20 285 E +94 20 286 K +94 20 287 B +94 20 288 U +94 20 289 B +94 20 290 K +94 20 291 B +94 20 292 E +94 20 293 K +94 20 294 K +94 20 295 B +94 20 296 L +94 20 297 E +94 20 298 U +94 20 299 L +94 20 300 K +94 20 301 L +94 20 302 K +94 20 303 B +94 20 304 E +94 20 305 U +94 20 306 E +94 20 307 L +94 20 308 B +94 20 309 B +94 20 310 L +94 20 311 L +94 20 312 I +94 20 313 I +94 20 314 K +94 20 315 E +94 20 316 E +94 20 317 U +94 20 318 E +94 20 319 K +94 20 320 L +94 20 321 U +94 20 322 K +94 20 323 L +94 20 324 K +94 20 325 B +94 20 326 E +94 20 327 K +94 20 328 L +94 20 329 E +94 20 330 K +94 21 1 L +94 21 2 L +94 21 3 U +94 21 4 U +94 21 5 L +94 21 6 E +94 21 7 L +94 21 8 U +94 21 9 E +94 21 10 L +94 21 11 L +94 21 12 E +94 21 13 L +94 21 14 L +94 21 15 E +94 21 16 K +94 21 17 U +94 21 18 I +94 21 19 L +94 21 20 L +94 21 21 U +94 21 22 E +94 21 23 E +94 21 24 I +94 21 25 L +94 21 26 L +94 21 27 K +94 21 28 U +94 21 29 L +94 21 30 E +94 21 31 K +94 21 32 E +94 21 33 L +94 21 34 L +94 21 35 E +94 21 36 I +94 21 37 L +94 21 38 U +94 21 39 E +94 21 40 L +94 21 41 U +94 21 42 E +94 21 43 L +94 21 44 K +94 21 45 L +94 21 46 L +94 21 47 I +94 21 48 E +94 21 49 L +94 21 50 I +94 21 51 I +94 21 52 K +94 21 53 E +94 21 54 L +94 21 55 L +94 21 56 E +94 21 57 L +94 21 58 E +94 21 59 E +94 21 60 I +94 21 61 U +94 21 62 L +94 21 63 U +94 21 64 L +94 21 65 U +94 21 66 K +94 21 67 L +94 21 68 U +94 21 69 L +94 21 70 K +94 21 71 U +94 21 72 L +94 21 73 L +94 21 74 L +94 21 75 I +94 21 76 U +94 21 77 L +94 21 78 E +94 21 79 I +94 21 80 L +94 21 81 L +94 21 82 L +94 21 83 E +94 21 84 U +94 21 85 L +94 21 86 U +94 21 87 I +94 21 88 U +94 21 89 I +94 21 90 L +94 21 91 L +94 21 92 K +94 21 93 L +94 21 94 I +94 21 95 K +94 21 96 E +94 21 97 L +94 21 98 U +94 21 99 E +94 21 100 L +94 21 101 U +94 21 102 K +94 21 103 E +94 21 104 L +94 21 105 U +94 21 106 E +94 21 107 K +94 21 108 K +94 21 109 L +94 21 110 E +94 21 111 I +94 21 112 U +94 21 113 I +94 21 114 L +94 21 115 U +94 21 116 K +94 21 117 I +94 21 118 E +94 21 119 L +94 21 120 K +94 21 121 U +94 21 122 L +94 21 123 L +94 21 124 L +94 21 125 U +94 21 126 U +94 21 127 I +94 21 128 E +94 21 129 K +94 21 130 I +94 21 131 U +94 21 132 U +94 21 133 L +94 21 134 I +94 21 135 U +94 21 136 L +94 21 137 L +94 21 138 L +94 21 139 K +94 21 140 L +94 21 141 K +94 21 142 K +94 21 143 L +94 21 144 L +94 21 145 L +94 21 146 E +94 21 147 L +94 21 148 U +94 21 149 L +94 21 150 L +94 21 151 U +94 21 152 E +94 21 153 L +94 21 154 I +94 21 155 I +94 21 156 L +94 21 157 I +94 21 158 K +94 21 159 E +94 21 160 U +94 21 161 L +94 21 162 U +94 21 163 L +94 21 164 L +94 21 165 E +94 21 166 I +94 21 167 E +94 21 168 L +94 21 169 L +94 21 170 I +94 21 171 E +94 21 172 K +94 21 173 U +94 21 174 E +94 21 175 K +94 21 176 U +94 21 177 E +94 21 178 L +94 21 179 U +94 21 180 L +94 21 181 E +94 21 182 U +94 21 183 E +94 21 184 U +94 21 185 E +94 21 186 L +94 21 187 E +94 21 188 L +94 21 189 K +94 21 190 E +94 21 191 L +94 21 192 L +94 21 193 L +94 21 194 U +94 21 195 L +94 21 196 L +94 21 197 E +94 21 198 I +94 21 199 K +94 21 200 L +94 21 201 E +94 21 202 L +94 21 203 U +94 21 204 I +94 21 205 L +94 21 206 K +94 21 207 U +94 21 208 E +94 21 209 L +94 21 210 I +94 21 211 L +94 21 212 E +94 21 213 K +94 21 214 L +94 21 215 E +94 21 216 I +94 21 217 E +94 21 218 L +94 21 219 K +94 21 220 L +94 21 221 K +94 21 222 L +94 21 223 L +94 21 224 K +94 21 225 E +94 21 226 L +94 21 227 I +94 21 228 I +94 21 229 L +94 21 230 K +94 21 231 U +94 21 232 I +94 21 233 L +94 21 234 L +94 21 235 L +94 21 236 L +94 21 237 E +94 21 238 L +94 21 239 U +94 21 240 U +94 21 241 K +94 21 242 E +94 21 243 U +94 21 244 K +94 21 245 U +94 21 246 L +94 21 247 L +94 21 248 I +94 21 249 L +94 21 250 L +94 21 251 L +94 21 252 K +94 21 253 L +94 21 254 L +94 21 255 I +94 21 256 U +94 21 257 L +94 21 258 L +94 21 259 U +94 21 260 K +94 21 261 U +94 21 262 K +94 21 263 I +94 21 264 L +94 21 265 L +94 21 266 E +94 21 267 U +94 21 268 L +94 21 269 U +94 21 270 E +94 21 271 I +94 21 272 K +94 21 273 U +94 21 274 K +94 21 275 L +94 21 276 U +94 21 277 L +94 21 278 U +94 21 279 L +94 21 280 L +94 21 281 L +94 21 282 L +94 21 283 U +94 21 284 K +94 21 285 U +94 21 286 K +94 21 287 E +94 21 288 U +94 21 289 L +94 21 290 K +94 21 291 L +94 21 292 U +94 21 293 K +94 21 294 K +94 21 295 U +94 21 296 L +94 21 297 U +94 21 298 U +94 21 299 L +94 21 300 K +94 21 301 L +94 21 302 K +94 21 303 L +94 21 304 L +94 21 305 U +94 21 306 L +94 21 307 L +94 21 308 L +94 21 309 L +94 21 310 L +94 21 311 L +94 21 312 L +94 21 313 L +94 21 314 K +94 21 315 L +94 21 316 L +94 21 317 U +94 21 318 E +94 21 319 K +94 21 320 E +94 21 321 U +94 21 322 L +94 21 323 L +94 21 324 K +94 21 325 U +94 21 326 E +94 21 327 K +94 21 328 L +94 21 329 E +94 21 330 K +94 22 1 L +94 22 2 L +94 22 3 U +94 22 4 I +94 22 5 L +94 22 6 B +94 22 7 L +94 22 8 U +94 22 9 B +94 22 10 I +94 22 11 I +94 22 12 E +94 22 13 I +94 22 14 I +94 22 15 B +94 22 16 K +94 22 17 U +94 22 18 I +94 22 19 L +94 22 20 L +94 22 21 U +94 22 22 E +94 22 23 I +94 22 24 I +94 22 25 L +94 22 26 I +94 22 27 K +94 22 28 U +94 22 29 L +94 22 30 U +94 22 31 L +94 22 32 B +94 22 33 L +94 22 34 B +94 22 35 E +94 22 36 I +94 22 37 B +94 22 38 U +94 22 39 L +94 22 40 L +94 22 41 U +94 22 42 E +94 22 43 I +94 22 44 K +94 22 45 L +94 22 46 I +94 22 47 I +94 22 48 E +94 22 49 L +94 22 50 I +94 22 51 I +94 22 52 K +94 22 53 U +94 22 54 L +94 22 55 L +94 22 56 E +94 22 57 I +94 22 58 B +94 22 59 K +94 22 60 I +94 22 61 U +94 22 62 B +94 22 63 E +94 22 64 L +94 22 65 U +94 22 66 K +94 22 67 L +94 22 68 U +94 22 69 B +94 22 70 K +94 22 71 I +94 22 72 L +94 22 73 B +94 22 74 K +94 22 75 I +94 22 76 E +94 22 77 L +94 22 78 B +94 22 79 I +94 22 80 L +94 22 81 L +94 22 82 L +94 22 83 E +94 22 84 E +94 22 85 L +94 22 86 U +94 22 87 I +94 22 88 B +94 22 89 I +94 22 90 I +94 22 91 L +94 22 92 K +94 22 93 B +94 22 94 I +94 22 95 K +94 22 96 E +94 22 97 B +94 22 98 U +94 22 99 B +94 22 100 L +94 22 101 U +94 22 102 E +94 22 103 L +94 22 104 L +94 22 105 B +94 22 106 E +94 22 107 K +94 22 108 K +94 22 109 B +94 22 110 E +94 22 111 B +94 22 112 U +94 22 113 I +94 22 114 B +94 22 115 B +94 22 116 K +94 22 117 I +94 22 118 E +94 22 119 L +94 22 120 K +94 22 121 E +94 22 122 L +94 22 123 I +94 22 124 E +94 22 125 E +94 22 126 B +94 22 127 I +94 22 128 E +94 22 129 K +94 22 130 I +94 22 131 B +94 22 132 B +94 22 133 L +94 22 134 I +94 22 135 E +94 22 136 L +94 22 137 L +94 22 138 K +94 22 139 K +94 22 140 B +94 22 141 K +94 22 142 K +94 22 143 L +94 22 144 B +94 22 145 L +94 22 146 E +94 22 147 L +94 22 148 U +94 22 149 L +94 22 150 I +94 22 151 E +94 22 152 E +94 22 153 L +94 22 154 I +94 22 155 I +94 22 156 L +94 22 157 I +94 22 158 K +94 22 159 E +94 22 160 E +94 22 161 L +94 22 162 U +94 22 163 L +94 22 164 L +94 22 165 L +94 22 166 I +94 22 167 B +94 22 168 L +94 22 169 B +94 22 170 I +94 22 171 L +94 22 172 K +94 22 173 U +94 22 174 E +94 22 175 L +94 22 176 U +94 22 177 E +94 22 178 B +94 22 179 B +94 22 180 L +94 22 181 B +94 22 182 B +94 22 183 I +94 22 184 B +94 22 185 E +94 22 186 L +94 22 187 E +94 22 188 B +94 22 189 B +94 22 190 E +94 22 191 L +94 22 192 B +94 22 193 E +94 22 194 I +94 22 195 L +94 22 196 L +94 22 197 B +94 22 198 I +94 22 199 K +94 22 200 B +94 22 201 E +94 22 202 L +94 22 203 B +94 22 204 I +94 22 205 B +94 22 206 K +94 22 207 U +94 22 208 B +94 22 209 I +94 22 210 B +94 22 211 L +94 22 212 E +94 22 213 B +94 22 214 E +94 22 215 E +94 22 216 I +94 22 217 E +94 22 218 E +94 22 219 K +94 22 220 B +94 22 221 K +94 22 222 B +94 22 223 L +94 22 224 K +94 22 225 B +94 22 226 I +94 22 227 I +94 22 228 I +94 22 229 L +94 22 230 E +94 22 231 E +94 22 232 B +94 22 233 B +94 22 234 L +94 22 235 B +94 22 236 L +94 22 237 U +94 22 238 L +94 22 239 U +94 22 240 I +94 22 241 K +94 22 242 E +94 22 243 B +94 22 244 K +94 22 245 U +94 22 246 L +94 22 247 B +94 22 248 I +94 22 249 B +94 22 250 I +94 22 251 L +94 22 252 K +94 22 253 L +94 22 254 B +94 22 255 I +94 22 256 U +94 22 257 B +94 22 258 E +94 22 259 E +94 22 260 K +94 22 261 B +94 22 262 K +94 22 263 B +94 22 264 B +94 22 265 L +94 22 266 B +94 22 267 B +94 22 268 L +94 22 269 L +94 22 270 E +94 22 271 I +94 22 272 K +94 22 273 B +94 22 274 K +94 22 275 B +94 22 276 E +94 22 277 I +94 22 278 E +94 22 279 B +94 22 280 L +94 22 281 L +94 22 282 L +94 22 283 I +94 22 284 K +94 22 285 E +94 22 286 K +94 22 287 B +94 22 288 U +94 22 289 L +94 22 290 E +94 22 291 L +94 22 292 E +94 22 293 K +94 22 294 K +94 22 295 I +94 22 296 B +94 22 297 E +94 22 298 U +94 22 299 L +94 22 300 K +94 22 301 L +94 22 302 E +94 22 303 K +94 22 304 B +94 22 305 I +94 22 306 L +94 22 307 B +94 22 308 B +94 22 309 I +94 22 310 L +94 22 311 L +94 22 312 I +94 22 313 B +94 22 314 K +94 22 315 L +94 22 316 L +94 22 317 U +94 22 318 E +94 22 319 K +94 22 320 B +94 22 321 U +94 22 322 B +94 22 323 I +94 22 324 K +94 22 325 B +94 22 326 E +94 22 327 K +94 22 328 L +94 22 329 B +94 22 330 K +94 23 1 L +94 23 2 L +94 23 3 U +94 23 4 G +94 23 5 L +94 23 6 E +94 23 7 L +94 23 8 U +94 23 9 E +94 23 10 L +94 23 11 I +94 23 12 E +94 23 13 I +94 23 14 I +94 23 15 U +94 23 16 K +94 23 17 U +94 23 18 I +94 23 19 L +94 23 20 L +94 23 21 U +94 23 22 E +94 23 23 G +94 23 24 I +94 23 25 L +94 23 26 G +94 23 27 K +94 23 28 U +94 23 29 L +94 23 30 E +94 23 31 K +94 23 32 G +94 23 33 L +94 23 34 G +94 23 35 E +94 23 36 I +94 23 37 G +94 23 38 U +94 23 39 I +94 23 40 G +94 23 41 U +94 23 42 E +94 23 43 G +94 23 44 K +94 23 45 L +94 23 46 I +94 23 47 I +94 23 48 E +94 23 49 L +94 23 50 T +94 23 51 I +94 23 52 K +94 23 53 U +94 23 54 L +94 23 55 L +94 23 56 E +94 23 57 L +94 23 58 E +94 23 59 K +94 23 60 I +94 23 61 U +94 23 62 T +94 23 63 E +94 23 64 L +94 23 65 U +94 23 66 K +94 23 67 L +94 23 68 U +94 23 69 L +94 23 70 K +94 23 71 U +94 23 72 L +94 23 73 T +94 23 74 K +94 23 75 I +94 23 76 E +94 23 77 L +94 23 78 U +94 23 79 I +94 23 80 L +94 23 81 E +94 23 82 L +94 23 83 K +94 23 84 E +94 23 85 L +94 23 86 U +94 23 87 I +94 23 88 U +94 23 89 I +94 23 90 L +94 23 91 E +94 23 92 K +94 23 93 L +94 23 94 I +94 23 95 K +94 23 96 E +94 23 97 T +94 23 98 U +94 23 99 K +94 23 100 L +94 23 101 U +94 23 102 K +94 23 103 E +94 23 104 L +94 23 105 E +94 23 106 E +94 23 107 K +94 23 108 K +94 23 109 T +94 23 110 E +94 23 111 L +94 23 112 U +94 23 113 I +94 23 114 L +94 23 115 U +94 23 116 K +94 23 117 I +94 23 118 E +94 23 119 L +94 23 120 K +94 23 121 E +94 23 122 L +94 23 123 L +94 23 124 E +94 23 125 U +94 23 126 E +94 23 127 I +94 23 128 E +94 23 129 K +94 23 130 I +94 23 131 T +94 23 132 U +94 23 133 L +94 23 134 I +94 23 135 U +94 23 136 L +94 23 137 L +94 23 138 K +94 23 139 K +94 23 140 L +94 23 141 K +94 23 142 K +94 23 143 L +94 23 144 I +94 23 145 L +94 23 146 E +94 23 147 L +94 23 148 U +94 23 149 L +94 23 150 T +94 23 151 E +94 23 152 E +94 23 153 L +94 23 154 I +94 23 155 I +94 23 156 L +94 23 157 E +94 23 158 K +94 23 159 E +94 23 160 E +94 23 161 L +94 23 162 U +94 23 163 L +94 23 164 T +94 23 165 E +94 23 166 I +94 23 167 K +94 23 168 L +94 23 169 L +94 23 170 I +94 23 171 E +94 23 172 K +94 23 173 U +94 23 174 E +94 23 175 K +94 23 176 U +94 23 177 E +94 23 178 L +94 23 179 U +94 23 180 L +94 23 181 E +94 23 182 U +94 23 183 E +94 23 184 T +94 23 185 E +94 23 186 L +94 23 187 E +94 23 188 L +94 23 189 K +94 23 190 E +94 23 191 L +94 23 192 T +94 23 193 L +94 23 194 U +94 23 195 L +94 23 196 L +94 23 197 E +94 23 198 I +94 23 199 K +94 23 200 L +94 23 201 E +94 23 202 L +94 23 203 U +94 23 204 I +94 23 205 T +94 23 206 K +94 23 207 U +94 23 208 E +94 23 209 L +94 23 210 I +94 23 211 L +94 23 212 E +94 23 213 K +94 23 214 L +94 23 215 U +94 23 216 I +94 23 217 E +94 23 218 L +94 23 219 K +94 23 220 L +94 23 221 K +94 23 222 T +94 23 223 L +94 23 224 K +94 23 225 E +94 23 226 L +94 23 227 I +94 23 228 L +94 23 229 E +94 23 230 K +94 23 231 U +94 23 232 E +94 23 233 T +94 23 234 L +94 23 235 L +94 23 236 E +94 23 237 U +94 23 238 L +94 23 239 U +94 23 240 E +94 23 241 K +94 23 242 E +94 23 243 U +94 23 244 K +94 23 245 U +94 23 246 L +94 23 247 T +94 23 248 I +94 23 249 L +94 23 250 T +94 23 251 E +94 23 252 K +94 23 253 L +94 23 254 K +94 23 255 I +94 23 256 U +94 23 257 L +94 23 258 E +94 23 259 U +94 23 260 K +94 23 261 E +94 23 262 K +94 23 263 K +94 23 264 K +94 23 265 L +94 23 266 E +94 23 267 U +94 23 268 L +94 23 269 U +94 23 270 E +94 23 271 L +94 23 272 K +94 23 273 E +94 23 274 K +94 23 275 L +94 23 276 U +94 23 277 L +94 23 278 E +94 23 279 L +94 23 280 L +94 23 281 L +94 23 282 L +94 23 283 I +94 23 284 K +94 23 285 E +94 23 286 K +94 23 287 E +94 23 288 U +94 23 289 L +94 23 290 K +94 23 291 L +94 23 292 E +94 23 293 K +94 23 294 K +94 23 295 E +94 23 296 T +94 23 297 E +94 23 298 U +94 23 299 L +94 23 300 K +94 23 301 L +94 23 302 K +94 23 303 K +94 23 304 L +94 23 305 U +94 23 306 L +94 23 307 L +94 23 308 E +94 23 309 I +94 23 310 L +94 23 311 L +94 23 312 I +94 23 313 T +94 23 314 K +94 23 315 L +94 23 316 L +94 23 317 U +94 23 318 E +94 23 319 K +94 23 320 L +94 23 321 U +94 23 322 K +94 23 323 L +94 23 324 K +94 23 325 U +94 23 326 E +94 23 327 K +94 23 328 L +94 23 329 E +94 23 330 K +94 24 1 L +94 24 2 L +94 24 3 U +94 24 4 U +94 24 5 L +94 24 6 E +94 24 7 L +94 24 8 U +94 24 9 B +94 24 10 L +94 24 11 L +94 24 12 E +94 24 13 L +94 24 14 L +94 24 15 B +94 24 16 K +94 24 17 U +94 24 18 I +94 24 19 L +94 24 20 L +94 24 21 U +94 24 22 E +94 24 23 U +94 24 24 O +94 24 25 L +94 24 26 L +94 24 27 K +94 24 28 U +94 24 29 L +94 24 30 U +94 24 31 L +94 24 32 U +94 24 33 L +94 24 34 G +94 24 35 U +94 24 36 L +94 24 37 G +94 24 38 U +94 24 39 L +94 24 40 L +94 24 41 U +94 24 42 E +94 24 43 G +94 24 44 K +94 24 45 L +94 24 46 O +94 24 47 L +94 24 48 E +94 24 49 L +94 24 50 B +94 24 51 E +94 24 52 K +94 24 53 U +94 24 54 L +94 24 55 L +94 24 56 E +94 24 57 L +94 24 58 E +94 24 59 K +94 24 60 L +94 24 61 U +94 24 62 G +94 24 63 U +94 24 64 L +94 24 65 U +94 24 66 K +94 24 67 L +94 24 68 U +94 24 69 L +94 24 70 K +94 24 71 U +94 24 72 L +94 24 73 U +94 24 74 K +94 24 75 L +94 24 76 U +94 24 77 L +94 24 78 B +94 24 79 I +94 24 80 L +94 24 81 L +94 24 82 L +94 24 83 E +94 24 84 U +94 24 85 L +94 24 86 U +94 24 87 I +94 24 88 U +94 24 89 I +94 24 90 L +94 24 91 E +94 24 92 K +94 24 93 L +94 24 94 I +94 24 95 K +94 24 96 E +94 24 97 G +94 24 98 U +94 24 99 B +94 24 100 L +94 24 101 U +94 24 102 O +94 24 103 E +94 24 104 L +94 24 105 U +94 24 106 E +94 24 107 K +94 24 108 K +94 24 109 G +94 24 110 E +94 24 111 L +94 24 112 U +94 24 113 I +94 24 114 L +94 24 115 U +94 24 116 B +94 24 117 I +94 24 118 U +94 24 119 L +94 24 120 K +94 24 121 U +94 24 122 L +94 24 123 L +94 24 124 E +94 24 125 U +94 24 126 U +94 24 127 L +94 24 128 E +94 24 129 K +94 24 130 I +94 24 131 U +94 24 132 U +94 24 133 L +94 24 134 I +94 24 135 U +94 24 136 L +94 24 137 L +94 24 138 B +94 24 139 B +94 24 140 L +94 24 141 K +94 24 142 K +94 24 143 L +94 24 144 I +94 24 145 L +94 24 146 E +94 24 147 L +94 24 148 U +94 24 149 L +94 24 150 G +94 24 151 U +94 24 152 U +94 24 153 L +94 24 154 I +94 24 155 I +94 24 156 L +94 24 157 I +94 24 158 K +94 24 159 E +94 24 160 U +94 24 161 L +94 24 162 U +94 24 163 L +94 24 164 G +94 24 165 L +94 24 166 I +94 24 167 B +94 24 168 L +94 24 169 L +94 24 170 I +94 24 171 L +94 24 172 K +94 24 173 U +94 24 174 E +94 24 175 B +94 24 176 U +94 24 177 E +94 24 178 G +94 24 179 U +94 24 180 L +94 24 181 E +94 24 182 U +94 24 183 B +94 24 184 U +94 24 185 E +94 24 186 L +94 24 187 E +94 24 188 L +94 24 189 K +94 24 190 E +94 24 191 L +94 24 192 G +94 24 193 E +94 24 194 B +94 24 195 L +94 24 196 L +94 24 197 B +94 24 198 I +94 24 199 K +94 24 200 L +94 24 201 U +94 24 202 L +94 24 203 U +94 24 204 I +94 24 205 G +94 24 206 K +94 24 207 U +94 24 208 E +94 24 209 L +94 24 210 I +94 24 211 L +94 24 212 E +94 24 213 B +94 24 214 E +94 24 215 U +94 24 216 I +94 24 217 E +94 24 218 E +94 24 219 K +94 24 220 G +94 24 221 K +94 24 222 U +94 24 223 L +94 24 224 K +94 24 225 E +94 24 226 L +94 24 227 I +94 24 228 I +94 24 229 L +94 24 230 K +94 24 231 U +94 24 232 E +94 24 233 G +94 24 234 L +94 24 235 G +94 24 236 E +94 24 237 E +94 24 238 L +94 24 239 U +94 24 240 I +94 24 241 K +94 24 242 E +94 24 243 U +94 24 244 K +94 24 245 U +94 24 246 L +94 24 247 G +94 24 248 I +94 24 249 I +94 24 250 G +94 24 251 L +94 24 252 K +94 24 253 L +94 24 254 B +94 24 255 I +94 24 256 U +94 24 257 G +94 24 258 E +94 24 259 U +94 24 260 K +94 24 261 E +94 24 262 K +94 24 263 B +94 24 264 B +94 24 265 L +94 24 266 U +94 24 267 U +94 24 268 L +94 24 269 U +94 24 270 E +94 24 271 L +94 24 272 K +94 24 273 U +94 24 274 K +94 24 275 E +94 24 276 U +94 24 277 L +94 24 278 U +94 24 279 I +94 24 280 L +94 24 281 L +94 24 282 L +94 24 283 B +94 24 284 K +94 24 285 B +94 24 286 K +94 24 287 E +94 24 288 U +94 24 289 L +94 24 290 B +94 24 291 L +94 24 292 E +94 24 293 K +94 24 294 K +94 24 295 B +94 24 296 O +94 24 297 E +94 24 298 U +94 24 299 L +94 24 300 B +94 24 301 L +94 24 302 K +94 24 303 B +94 24 304 E +94 24 305 U +94 24 306 L +94 24 307 B +94 24 308 B +94 24 309 B +94 24 310 L +94 24 311 L +94 24 312 I +94 24 313 G +94 24 314 B +94 24 315 L +94 24 316 L +94 24 317 U +94 24 318 E +94 24 319 K +94 24 320 E +94 24 321 U +94 24 322 L +94 24 323 L +94 24 324 K +94 24 325 U +94 24 326 E +94 24 327 K +94 24 328 L +94 24 329 B +94 24 330 K +94 25 1 L +94 25 2 L +94 25 3 U +94 25 4 I +94 25 5 L +94 25 6 U +94 25 7 L +94 25 8 U +94 25 9 L +94 25 10 L +94 25 11 I +94 25 12 L +94 25 13 I +94 25 14 I +94 25 15 E +94 25 16 K +94 25 17 U +94 25 18 I +94 25 19 E +94 25 20 L +94 25 21 U +94 25 22 L +94 25 23 U +94 25 24 I +94 25 25 L +94 25 26 L +94 25 27 K +94 25 28 U +94 25 29 L +94 25 30 E +94 25 31 L +94 25 32 U +94 25 33 L +94 25 34 L +94 25 35 U +94 25 36 L +94 25 37 L +94 25 38 U +94 25 39 L +94 25 40 L +94 25 41 U +94 25 42 L +94 25 43 L +94 25 44 K +94 25 45 L +94 25 46 L +94 25 47 L +94 25 48 U +94 25 49 L +94 25 50 L +94 25 51 L +94 25 52 K +94 25 53 U +94 25 54 L +94 25 55 L +94 25 56 U +94 25 57 L +94 25 58 L +94 25 59 K +94 25 60 L +94 25 61 U +94 25 62 E +94 25 63 U +94 25 64 L +94 25 65 U +94 25 66 K +94 25 67 L +94 25 68 U +94 25 69 L +94 25 70 K +94 25 71 L +94 25 72 L +94 25 73 U +94 25 74 K +94 25 75 I +94 25 76 U +94 25 77 L +94 25 78 K +94 25 79 I +94 25 80 L +94 25 81 L +94 25 82 L +94 25 83 K +94 25 84 U +94 25 85 L +94 25 86 U +94 25 87 I +94 25 88 U +94 25 89 I +94 25 90 I +94 25 91 L +94 25 92 K +94 25 93 L +94 25 94 I +94 25 95 K +94 25 96 L +94 25 97 I +94 25 98 U +94 25 99 E +94 25 100 L +94 25 101 U +94 25 102 I +94 25 103 L +94 25 104 L +94 25 105 L +94 25 106 E +94 25 107 K +94 25 108 K +94 25 109 L +94 25 110 U +94 25 111 I +94 25 112 U +94 25 113 I +94 25 114 I +94 25 115 U +94 25 116 K +94 25 117 I +94 25 118 U +94 25 119 L +94 25 120 K +94 25 121 U +94 25 122 L +94 25 123 L +94 25 124 E +94 25 125 U +94 25 126 U +94 25 127 I +94 25 128 E +94 25 129 K +94 25 130 I +94 25 131 U +94 25 132 E +94 25 133 L +94 25 134 I +94 25 135 U +94 25 136 L +94 25 137 L +94 25 138 L +94 25 139 K +94 25 140 I +94 25 141 K +94 25 142 K +94 25 143 L +94 25 144 I +94 25 145 I +94 25 146 E +94 25 147 E +94 25 148 U +94 25 149 L +94 25 150 L +94 25 151 U +94 25 152 E +94 25 153 I +94 25 154 I +94 25 155 I +94 25 156 I +94 25 157 I +94 25 158 K +94 25 159 E +94 25 160 E +94 25 161 I +94 25 162 U +94 25 163 L +94 25 164 L +94 25 165 L +94 25 166 I +94 25 167 E +94 25 168 I +94 25 169 I +94 25 170 I +94 25 171 I +94 25 172 K +94 25 173 U +94 25 174 E +94 25 175 K +94 25 176 U +94 25 177 L +94 25 178 I +94 25 179 I +94 25 180 L +94 25 181 E +94 25 182 U +94 25 183 I +94 25 184 E +94 25 185 B +94 25 186 E +94 25 187 U +94 25 188 L +94 25 189 K +94 25 190 U +94 25 191 L +94 25 192 L +94 25 193 E +94 25 194 I +94 25 195 E +94 25 196 L +94 25 197 U +94 25 198 I +94 25 199 K +94 25 200 E +94 25 201 U +94 25 202 L +94 25 203 U +94 25 204 I +94 25 205 E +94 25 206 K +94 25 207 U +94 25 208 E +94 25 209 L +94 25 210 L +94 25 211 L +94 25 212 U +94 25 213 E +94 25 214 E +94 25 215 U +94 25 216 I +94 25 217 U +94 25 218 L +94 25 219 K +94 25 220 L +94 25 221 K +94 25 222 E +94 25 223 E +94 25 224 K +94 25 225 L +94 25 226 I +94 25 227 I +94 25 228 I +94 25 229 L +94 25 230 K +94 25 231 U +94 25 232 E +94 25 233 L +94 25 234 L +94 25 235 I +94 25 236 L +94 25 237 E +94 25 238 L +94 25 239 U +94 25 240 U +94 25 241 K +94 25 242 K +94 25 243 E +94 25 244 K +94 25 245 U +94 25 246 L +94 25 247 E +94 25 248 I +94 25 249 I +94 25 250 I +94 25 251 L +94 25 252 K +94 25 253 I +94 25 254 I +94 25 255 I +94 25 256 U +94 25 257 I +94 25 258 L +94 25 259 U +94 25 260 K +94 25 261 U +94 25 262 K +94 25 263 I +94 25 264 K +94 25 265 I +94 25 266 U +94 25 267 I +94 25 268 L +94 25 269 U +94 25 270 E +94 25 271 I +94 25 272 K +94 25 273 U +94 25 274 K +94 25 275 E +94 25 276 U +94 25 277 L +94 25 278 U +94 25 279 L +94 25 280 L +94 25 281 L +94 25 282 L +94 25 283 E +94 25 284 K +94 25 285 U +94 25 286 K +94 25 287 L +94 25 288 U +94 25 289 L +94 25 290 E +94 25 291 L +94 25 292 U +94 25 293 L +94 25 294 L +94 25 295 E +94 25 296 L +94 25 297 U +94 25 298 U +94 25 299 L +94 25 300 B +94 25 301 L +94 25 302 E +94 25 303 E +94 25 304 L +94 25 305 U +94 25 306 L +94 25 307 L +94 25 308 E +94 25 309 E +94 25 310 L +94 25 311 L +94 25 312 E +94 25 313 L +94 25 314 K +94 25 315 E +94 25 316 L +94 25 317 U +94 25 318 E +94 25 319 K +94 25 320 E +94 25 321 U +94 25 322 E +94 25 323 L +94 25 324 K +94 25 325 U +94 25 326 L +94 25 327 L +94 25 328 E +94 25 329 U +94 25 330 L +95 1 1 DD +95 1 2 K +95 1 3 SR +95 1 4 * +95 1 5 K +95 1 6 P +95 1 7 K +95 1 8 * +95 1 9 * +95 1 10 DD +95 1 11 K +95 1 12 SH +95 1 13 K +95 1 14 DD +95 1 15 * +95 1 16 P +95 1 17 SR +95 1 18 KE +95 1 19 DD +95 1 20 K +95 1 21 * +95 1 22 SH +95 1 23 * +95 1 24 KE +95 1 25 DD +95 1 26 DD +95 1 27 * +95 1 28 SR +95 1 29 K +95 1 30 KE +95 1 31 DD +95 1 32 * +95 1 33 K +95 1 34 DD +95 1 35 * +95 1 36 K +95 1 37 DD +95 1 38 SR +95 1 39 K +95 1 40 DD +95 1 41 SR +95 1 42 SH +95 1 43 DD +95 1 44 P +95 1 45 K +95 1 46 KE +95 1 47 KE +95 1 48 SH +95 1 49 DD +95 1 50 * +95 1 51 KE +95 1 52 P +95 1 53 SR +95 1 54 K +95 1 55 DD +95 1 56 * +95 1 57 DD +95 1 58 SH +95 1 59 * +95 1 60 DD +95 1 61 SR +95 1 62 * +95 1 63 * +95 1 64 DD +95 1 65 SR +95 1 66 P +95 1 67 K +95 1 68 * +95 1 69 KE +95 1 70 * +95 1 71 SR +95 1 72 K +95 1 73 * +95 1 74 DD +95 1 75 KE +95 1 76 * +95 1 77 DD +95 1 78 * +95 1 79 KE +95 1 80 DD +95 1 81 K +95 1 82 K +95 1 83 * +95 1 84 * +95 1 85 K +95 1 86 * +95 1 87 KE +95 1 88 * +95 1 89 KE +95 1 90 S +95 1 91 SH +95 1 92 * +95 1 93 DD +95 1 94 KE +95 1 95 P +95 1 96 SH +95 1 97 * +95 1 98 SR +95 1 99 * +95 1 100 K +95 1 101 * +95 1 102 * +95 1 103 SH +95 1 104 DD +95 1 105 * +95 1 106 SH +95 1 107 * +95 1 108 K +95 1 109 DD +95 1 110 SH +95 1 111 KE +95 1 112 SR +95 1 113 KE +95 1 114 K +95 1 115 SR +95 1 116 DD +95 1 117 KE +95 1 118 * +95 1 119 K +95 1 120 * +95 1 121 SR +95 1 122 K +95 1 123 DD +95 1 124 SH +95 1 125 SR +95 1 126 * +95 1 127 KE +95 1 128 SH +95 1 129 * +95 1 130 KE +95 1 131 * +95 1 132 SR +95 1 133 K +95 1 134 KE +95 1 135 * +95 1 136 K +95 1 137 KE +95 1 138 DD +95 1 139 * +95 1 140 DD +95 1 141 * +95 1 142 * +95 1 143 K +95 1 144 * +95 1 145 K +95 1 146 SH +95 1 147 K +95 1 148 SR +95 1 149 K +95 1 150 S +95 1 151 * +95 1 152 * +95 1 153 DD +95 1 154 KE +95 1 155 KE +95 1 156 K +95 1 157 KE +95 1 158 * +95 1 159 WL +95 1 160 * +95 1 161 K +95 1 162 SR +95 1 163 DD +95 1 164 DD +95 1 165 KE +95 1 166 * +95 1 167 * +95 1 168 K +95 1 169 DD +95 1 170 KE +95 1 171 K +95 1 172 * +95 1 173 SR +95 1 174 SH +95 1 175 DD +95 1 176 SR +95 1 177 SH +95 1 178 DD +95 1 179 * +95 1 180 K +95 1 181 KE +95 1 182 * +95 1 183 KE +95 1 184 * +95 1 185 KE +95 1 186 DD +95 1 187 SH +95 1 188 DD +95 1 189 * +95 1 190 * +95 1 191 KE +95 1 192 * +95 1 193 SH +95 1 194 SR +95 1 195 K +95 1 196 DD +95 1 197 * +95 1 198 KE +95 1 199 P +95 1 200 DD +95 1 201 * +95 1 202 K +95 1 203 * +95 1 204 KE +95 1 205 * +95 1 206 SH +95 1 207 SR +95 1 208 KE +95 1 209 DD +95 1 210 KE +95 1 211 DD +95 1 212 SH +95 1 213 * +95 1 214 SH +95 1 215 * +95 1 216 KE +95 1 217 * +95 1 218 K +95 1 219 DD +95 1 220 * +95 1 221 P +95 1 222 * +95 1 223 K +95 1 224 * +95 1 225 K +95 1 226 DD +95 1 227 KE +95 1 228 KE +95 1 229 K +95 1 230 * +95 1 231 * +95 1 232 KE +95 1 233 DD +95 1 234 K +95 1 235 DD +95 1 236 K +95 1 237 * +95 1 238 DD +95 1 239 * +95 1 240 KE +95 1 241 * +95 1 242 SH +95 1 243 * +95 1 244 DD +95 1 245 SR +95 1 246 K +95 1 247 * +95 1 248 K +95 1 249 K +95 1 250 * +95 1 251 K +95 1 252 * +95 1 253 K +95 1 254 DD +95 1 255 KE +95 1 256 SR +95 1 257 DD +95 1 258 SH +95 1 259 SR +95 1 260 K +95 1 261 KE +95 1 262 * +95 1 263 KE +95 1 264 DD +95 1 265 K +95 1 266 KE +95 1 267 * +95 1 268 K +95 1 269 * +95 1 270 KE +95 1 271 KE +95 1 272 * +95 1 273 * +95 1 274 P +95 1 275 K +95 1 276 * +95 1 277 DD +95 1 278 * +95 1 279 DD +95 1 280 K +95 1 281 K +95 1 282 K +95 1 283 KE +95 1 284 P +95 1 285 * +95 1 286 * +95 1 287 KE +95 1 288 SR +95 1 289 DD +95 1 290 * +95 1 291 DD +95 1 292 * +95 1 293 K +95 1 294 P +95 1 295 KE +95 1 296 DD +95 1 297 SH +95 1 298 SR +95 1 299 K +95 1 300 * +95 1 301 K +95 1 302 * +95 1 303 DD +95 1 304 K +95 1 305 KE +95 1 306 K +95 1 307 DD +95 1 308 * +95 1 309 KE +95 1 310 K +95 1 311 DD +95 1 312 KE +95 1 313 * +95 1 314 * +95 1 315 K +95 1 316 DD +95 1 317 SR +95 1 318 * +95 1 319 * +95 1 320 KE +95 1 321 SR +95 1 322 DD +95 1 323 K +95 1 324 * +95 1 325 * +95 1 326 SH +95 1 327 P +95 1 328 K +95 1 329 KE +95 1 330 P +95 2 1 SW +95 2 2 P +95 2 3 SR +95 2 4 S +95 2 5 K +95 2 6 * +95 2 7 K +95 2 8 SR +95 2 9 KA +95 2 10 DD +95 2 11 DD +95 2 12 SH +95 2 13 K +95 2 14 DD +95 2 15 P +95 2 16 P +95 2 17 SR +95 2 18 N +95 2 19 DD +95 2 20 K +95 2 21 SR +95 2 22 SW +95 2 23 DD +95 2 24 KA +95 2 25 DD +95 2 26 DD +95 2 27 SW +95 2 28 SR +95 2 29 K +95 2 30 KA +95 2 31 P +95 2 32 DD +95 2 33 K +95 2 34 DD +95 2 35 SR +95 2 36 K +95 2 37 DD +95 2 38 S +95 2 39 K +95 2 40 DD +95 2 41 SR +95 2 42 SH +95 2 43 DD +95 2 44 SW +95 2 45 K +95 2 46 KA +95 2 47 K +95 2 48 SH +95 2 49 SW +95 2 50 S +95 2 51 KE +95 2 52 P +95 2 53 SR +95 2 54 K +95 2 55 DD +95 2 56 SR +95 2 57 K +95 2 58 KA +95 2 59 S +95 2 60 DD +95 2 61 SR +95 2 62 DD +95 2 63 SR +95 2 64 DD +95 2 65 SR +95 2 66 P +95 2 67 K +95 2 68 KA +95 2 69 KE +95 2 70 DD +95 2 71 KA +95 2 72 KE +95 2 73 DD +95 2 74 SW +95 2 75 K +95 2 76 KA +95 2 77 K +95 2 78 P +95 2 79 S +95 2 80 DD +95 2 81 K +95 2 82 SW +95 2 83 P +95 2 84 SW +95 2 85 K +95 2 86 P +95 2 87 N +95 2 88 DD +95 2 89 S +95 2 90 SW +95 2 91 SH +95 2 92 P +95 2 93 K +95 2 94 KA +95 2 95 K +95 2 96 SH +95 2 97 DD +95 2 98 SR +95 2 99 P +95 2 100 K +95 2 101 DD +95 2 102 SW +95 2 103 KA +95 2 104 P +95 2 105 DD +95 2 106 SH +95 2 107 P +95 2 108 K +95 2 109 DD +95 2 110 SH +95 2 111 KA +95 2 112 SR +95 2 113 KA +95 2 114 K +95 2 115 KA +95 2 116 DD +95 2 117 KA +95 2 118 KE +95 2 119 K +95 2 120 P +95 2 121 SR +95 2 122 K +95 2 123 DD +95 2 124 K +95 2 125 KA +95 2 126 KE +95 2 127 K +95 2 128 SH +95 2 129 SW +95 2 130 KA +95 2 131 DD +95 2 132 SR +95 2 133 K +95 2 134 KA +95 2 135 KE +95 2 136 K +95 2 137 K +95 2 138 DD +95 2 139 P +95 2 140 DD +95 2 141 P +95 2 142 DD +95 2 143 K +95 2 144 DD +95 2 145 K +95 2 146 SH +95 2 147 DD +95 2 148 SR +95 2 149 K +95 2 150 DD +95 2 151 SR +95 2 152 P +95 2 153 DD +95 2 154 KA +95 2 155 KA +95 2 156 K +95 2 157 KA +95 2 158 P +95 2 159 KE +95 2 160 SW +95 2 161 K +95 2 162 SR +95 2 163 DD +95 2 164 P +95 2 165 K +95 2 166 DD +95 2 167 DD +95 2 168 K +95 2 169 DD +95 2 170 KA +95 2 171 K +95 2 172 P +95 2 173 SR +95 2 174 SH +95 2 175 DD +95 2 176 S +95 2 177 SH +95 2 178 DD +95 2 179 SR +95 2 180 K +95 2 181 SH +95 2 182 SR +95 2 183 KA +95 2 184 DD +95 2 185 SR +95 2 186 K +95 2 187 SH +95 2 188 DD +95 2 189 DD +95 2 190 P +95 2 191 K +95 2 192 S +95 2 193 SH +95 2 194 KE +95 2 195 K +95 2 196 P +95 2 197 DD +95 2 198 S +95 2 199 P +95 2 200 DD +95 2 201 KE +95 2 202 K +95 2 203 KE +95 2 204 KA +95 2 205 DD +95 2 206 P +95 2 207 SR +95 2 208 SH +95 2 209 DD +95 2 210 SR +95 2 211 P +95 2 212 SH +95 2 213 DD +95 2 214 K +95 2 215 DD +95 2 216 K +95 2 217 KE +95 2 218 K +95 2 219 SW +95 2 220 DD +95 2 221 P +95 2 222 S +95 2 223 K +95 2 224 P +95 2 225 SH +95 2 226 DD +95 2 227 KA +95 2 228 DD +95 2 229 P +95 2 230 P +95 2 231 DD +95 2 232 KA +95 2 233 DD +95 2 234 K +95 2 235 DD +95 2 236 K +95 2 237 KE +95 2 238 DD +95 2 239 KE +95 2 240 SR +95 2 241 SW +95 2 242 SH +95 2 243 S +95 2 244 P +95 2 245 SR +95 2 246 K +95 2 247 DD +95 2 248 K +95 2 249 K +95 2 250 DD +95 2 251 K +95 2 252 SW +95 2 253 K +95 2 254 DD +95 2 255 S +95 2 256 SR +95 2 257 DD +95 2 258 SH +95 2 259 SR +95 2 260 P +95 2 261 KE +95 2 262 S +95 2 263 P +95 2 264 SW +95 2 265 K +95 2 266 KE +95 2 267 DD +95 2 268 K +95 2 269 DD +95 2 270 SH +95 2 271 K +95 2 272 DD +95 2 273 DD +95 2 274 P +95 2 275 K +95 2 276 KE +95 2 277 DD +95 2 278 SR +95 2 279 DD +95 2 280 K +95 2 281 DD +95 2 282 K +95 2 283 KA +95 2 284 SW +95 2 285 P +95 2 286 P +95 2 287 SH +95 2 288 SR +95 2 289 SW +95 2 290 P +95 2 291 DD +95 2 292 SR +95 2 293 K +95 2 294 K +95 2 295 KA +95 2 296 DD +95 2 297 SH +95 2 298 SR +95 2 299 K +95 2 300 P +95 2 301 K +95 2 302 KE +95 2 303 SW +95 2 304 K +95 2 305 DD +95 2 306 K +95 2 307 DD +95 2 308 KE +95 2 309 K +95 2 310 DD +95 2 311 DD +95 2 312 N +95 2 313 DD +95 2 314 P +95 2 315 K +95 2 316 DD +95 2 317 SR +95 2 318 KE +95 2 319 P +95 2 320 K +95 2 321 SR +95 2 322 SW +95 2 323 K +95 2 324 K +95 2 325 DD +95 2 326 SH +95 2 327 SW +95 2 328 K +95 2 329 KE +95 2 330 DD +95 3 1 DD +95 3 2 DD +95 3 3 SR +95 3 4 DD +95 3 5 K +95 3 6 SR +95 3 7 DD +95 3 8 SR +95 3 9 SR +95 3 10 DD +95 3 11 DD +95 3 12 SH +95 3 13 DD +95 3 14 DD +95 3 15 SW +95 3 16 P +95 3 17 SR +95 3 18 S +95 3 19 DD +95 3 20 DD +95 3 21 SR +95 3 22 SH +95 3 23 SW +95 3 24 S +95 3 25 DD +95 3 26 DD +95 3 27 P +95 3 28 SR +95 3 29 DD +95 3 30 SH +95 3 31 K +95 3 32 SW +95 3 33 DD +95 3 34 DD +95 3 35 SR +95 3 36 DD +95 3 37 SW +95 3 38 SR +95 3 39 K +95 3 40 DD +95 3 41 SR +95 3 42 SH +95 3 43 DD +95 3 44 P +95 3 45 DD +95 3 46 SW +95 3 47 DD +95 3 48 SH +95 3 49 DD +95 3 50 DD +95 3 51 SH +95 3 52 P +95 3 53 SR +95 3 54 DD +95 3 55 DD +95 3 56 SW +95 3 57 DD +95 3 58 SH +95 3 59 P +95 3 60 DD +95 3 61 SR +95 3 62 SW +95 3 63 SR +95 3 64 DD +95 3 65 SR +95 3 66 SW +95 3 67 DD +95 3 68 SR +95 3 69 K +95 3 70 P +95 3 71 SR +95 3 72 DD +95 3 73 SR +95 3 74 K +95 3 75 K +95 3 76 SR +95 3 77 K +95 3 78 SW +95 3 79 S +95 3 80 DD +95 3 81 DD +95 3 82 DD +95 3 83 SH +95 3 84 SW +95 3 85 DD +95 3 86 SW +95 3 87 S +95 3 88 SR +95 3 89 S +95 3 90 DD +95 3 91 SH +95 3 92 P +95 3 93 DD +95 3 94 S +95 3 95 P +95 3 96 SH +95 3 97 K +95 3 98 SR +95 3 99 SW +95 3 100 DD +95 3 101 SR +95 3 102 P +95 3 103 K +95 3 104 K +95 3 105 DD +95 3 106 P +95 3 107 P +95 3 108 DD +95 3 109 DD +95 3 110 SH +95 3 111 K +95 3 112 SR +95 3 113 S +95 3 114 DD +95 3 115 SR +95 3 116 P +95 3 117 S +95 3 118 SR +95 3 119 DD +95 3 120 P +95 3 121 SR +95 3 122 DD +95 3 123 DD +95 3 124 SH +95 3 125 SR +95 3 126 SW +95 3 127 K +95 3 128 SH +95 3 129 P +95 3 130 K +95 3 131 DD +95 3 132 SR +95 3 133 DD +95 3 134 S +95 3 135 SR +95 3 136 DD +95 3 137 DD +95 3 138 DD +95 3 139 SW +95 3 140 DD +95 3 141 P +95 3 142 P +95 3 143 DD +95 3 144 DD +95 3 145 DD +95 3 146 SH +95 3 147 DD +95 3 148 SR +95 3 149 DD +95 3 150 DD +95 3 151 SR +95 3 152 P +95 3 153 DD +95 3 154 S +95 3 155 DD +95 3 156 DD +95 3 157 SR +95 3 158 P +95 3 159 SR +95 3 160 SR +95 3 161 DD +95 3 162 SR +95 3 163 DD +95 3 164 DD +95 3 165 K +95 3 166 DD +95 3 167 SW +95 3 168 DD +95 3 169 DD +95 3 170 DD +95 3 171 K +95 3 172 P +95 3 173 SR +95 3 174 SH +95 3 175 DD +95 3 176 SR +95 3 177 SW +95 3 178 DD +95 3 179 SR +95 3 180 DD +95 3 181 SH +95 3 182 S +95 3 183 SH +95 3 184 DD +95 3 185 SH +95 3 186 DD +95 3 187 SH +95 3 188 DD +95 3 189 SW +95 3 190 SW +95 3 191 DD +95 3 192 SW +95 3 193 SH +95 3 194 SR +95 3 195 DD +95 3 196 DD +95 3 197 DD +95 3 198 S +95 3 199 P +95 3 200 DD +95 3 201 SR +95 3 202 DD +95 3 203 SR +95 3 204 S +95 3 205 DD +95 3 206 P +95 3 207 SR +95 3 208 SH +95 3 209 DD +95 3 210 S +95 3 211 DD +95 3 212 SH +95 3 213 P +95 3 214 SH +95 3 215 SW +95 3 216 S +95 3 217 SH +95 3 218 DD +95 3 219 P +95 3 220 DD +95 3 221 P +95 3 222 DD +95 3 223 DD +95 3 224 P +95 3 225 SH +95 3 226 DD +95 3 227 S +95 3 228 K +95 3 229 K +95 3 230 P +95 3 231 SR +95 3 232 K +95 3 233 SW +95 3 234 DD +95 3 235 DD +95 3 236 SH +95 3 237 SW +95 3 238 DD +95 3 239 SR +95 3 240 SH +95 3 241 P +95 3 242 SH +95 3 243 SR +95 3 244 P +95 3 245 SR +95 3 246 DD +95 3 247 DD +95 3 248 K +95 3 249 K +95 3 250 DD +95 3 251 K +95 3 252 P +95 3 253 DD +95 3 254 DD +95 3 255 S +95 3 256 SR +95 3 257 DD +95 3 258 SH +95 3 259 SR +95 3 260 P +95 3 261 SH +95 3 262 P +95 3 263 P +95 3 264 P +95 3 265 DD +95 3 266 SR +95 3 267 DD +95 3 268 DD +95 3 269 SR +95 3 270 SH +95 3 271 DD +95 3 272 P +95 3 273 P +95 3 274 P +95 3 275 K +95 3 276 SR +95 3 277 DD +95 3 278 SR +95 3 279 DD +95 3 280 DD +95 3 281 DD +95 3 282 DD +95 3 283 SR +95 3 284 P +95 3 285 SW +95 3 286 P +95 3 287 DD +95 3 288 SR +95 3 289 DD +95 3 290 SW +95 3 291 DD +95 3 292 SW +95 3 293 P +95 3 294 P +95 3 295 SR +95 3 296 DD +95 3 297 SH +95 3 298 SR +95 3 299 DD +95 3 300 P +95 3 301 DD +95 3 302 P +95 3 303 P +95 3 304 DD +95 3 305 DD +95 3 306 K +95 3 307 K +95 3 308 SW +95 3 309 S +95 3 310 DD +95 3 311 DD +95 3 312 S +95 3 313 DD +95 3 314 P +95 3 315 DD +95 3 316 DD +95 3 317 SR +95 3 318 SH +95 3 319 P +95 3 320 K +95 3 321 SR +95 3 322 DD +95 3 323 DD +95 3 324 P +95 3 325 DD +95 3 326 SH +95 3 327 P +95 3 328 K +95 3 329 SR +95 3 330 P +95 4 1 DD +95 4 2 K +95 4 3 SR +95 4 4 DD +95 4 5 K +95 4 6 SW +95 4 7 K +95 4 8 SR +95 4 9 SU +95 4 10 DD +95 4 11 K +95 4 12 SH +95 4 13 SH +95 4 14 DD +95 4 15 SW +95 4 16 P +95 4 17 SR +95 4 18 S +95 4 19 DD +95 4 20 K +95 4 21 SR +95 4 22 SH +95 4 23 DD +95 4 24 S +95 4 25 DD +95 4 26 DD +95 4 27 SW +95 4 28 SH +95 4 29 K +95 4 30 SH +95 4 31 SU +95 4 32 SH +95 4 33 K +95 4 34 DD +95 4 35 SH +95 4 36 S +95 4 37 DD +95 4 38 SR +95 4 39 K +95 4 40 DD +95 4 41 SR +95 4 42 SW +95 4 43 S +95 4 44 P +95 4 45 DD +95 4 46 S +95 4 47 S +95 4 48 SH +95 4 49 DD +95 4 50 S +95 4 51 SK +95 4 52 SU +95 4 53 SR +95 4 54 K +95 4 55 DD +95 4 56 P +95 4 57 DD +95 4 58 SH +95 4 59 SU +95 4 60 S +95 4 61 SR +95 4 62 DD +95 4 63 SR +95 4 64 DD +95 4 65 SR +95 4 66 P +95 4 67 K +95 4 68 SR +95 4 69 S +95 4 70 P +95 4 71 S +95 4 72 DD +95 4 73 DD +95 4 74 SU +95 4 75 S +95 4 76 SH +95 4 77 DD +95 4 78 P +95 4 79 S +95 4 80 DD +95 4 81 K +95 4 82 DD +95 4 83 SU +95 4 84 SH +95 4 85 K +95 4 86 SH +95 4 87 S +95 4 88 SR +95 4 89 S +95 4 90 S +95 4 91 SH +95 4 92 P +95 4 93 DD +95 4 94 S +95 4 95 SU +95 4 96 SH +95 4 97 DD +95 4 98 SR +95 4 99 P +95 4 100 SU +95 4 101 SR +95 4 102 SK +95 4 103 K +95 4 104 DD +95 4 105 SR +95 4 106 SH +95 4 107 P +95 4 108 SK +95 4 109 S +95 4 110 SH +95 4 111 S +95 4 112 SR +95 4 113 S +95 4 114 DD +95 4 115 SR +95 4 116 SK +95 4 117 S +95 4 118 SH +95 4 119 K +95 4 120 P +95 4 121 SH +95 4 122 K +95 4 123 DD +95 4 124 SH +95 4 125 SR +95 4 126 SK +95 4 127 S +95 4 128 SH +95 4 129 SU +95 4 130 S +95 4 131 DD +95 4 132 SR +95 4 133 K +95 4 134 S +95 4 135 SR +95 4 136 DD +95 4 137 K +95 4 138 DD +95 4 139 P +95 4 140 DD +95 4 141 P +95 4 142 SK +95 4 143 SH +95 4 144 DD +95 4 145 DD +95 4 146 SH +95 4 147 DD +95 4 148 SR +95 4 149 SU +95 4 150 S +95 4 151 SU +95 4 152 SK +95 4 153 DD +95 4 154 S +95 4 155 SH +95 4 156 DD +95 4 157 S +95 4 158 P +95 4 159 SW +95 4 160 SK +95 4 161 DD +95 4 162 SR +95 4 163 DD +95 4 164 DD +95 4 165 K +95 4 166 S +95 4 167 SU +95 4 168 K +95 4 169 DD +95 4 170 S +95 4 171 SH +95 4 172 P +95 4 173 SR +95 4 174 SH +95 4 175 P +95 4 176 SR +95 4 177 P +95 4 178 DD +95 4 179 SR +95 4 180 K +95 4 181 SH +95 4 182 S +95 4 183 S +95 4 184 DD +95 4 185 S +95 4 186 DD +95 4 187 SH +95 4 188 DD +95 4 189 P +95 4 190 SK +95 4 191 DD +95 4 192 S +95 4 193 SH +95 4 194 S +95 4 195 K +95 4 196 DD +95 4 197 SK +95 4 198 S +95 4 199 SK +95 4 200 DD +95 4 201 SH +95 4 202 K +95 4 203 SR +95 4 204 S +95 4 205 S +95 4 206 P +95 4 207 SR +95 4 208 S +95 4 209 S +95 4 210 S +95 4 211 DD +95 4 212 SH +95 4 213 SK +95 4 214 SH +95 4 215 SH +95 4 216 S +95 4 217 SW +95 4 218 SH +95 4 219 SK +95 4 220 DD +95 4 221 SK +95 4 222 S +95 4 223 K +95 4 224 SK +95 4 225 SH +95 4 226 S +95 4 227 S +95 4 228 S +95 4 229 SH +95 4 230 SK +95 4 231 DD +95 4 232 S +95 4 233 SK +95 4 234 K +95 4 235 DD +95 4 236 SH +95 4 237 SH +95 4 238 DD +95 4 239 SR +95 4 240 S +95 4 241 P +95 4 242 SW +95 4 243 S +95 4 244 SK +95 4 245 SR +95 4 246 DD +95 4 247 DD +95 4 248 S +95 4 249 S +95 4 250 SH +95 4 251 K +95 4 252 SK +95 4 253 K +95 4 254 P +95 4 255 S +95 4 256 SR +95 4 257 DD +95 4 258 SH +95 4 259 S +95 4 260 SH +95 4 261 SH +95 4 262 P +95 4 263 S +95 4 264 DD +95 4 265 K +95 4 266 SR +95 4 267 DD +95 4 268 K +95 4 269 SR +95 4 270 SH +95 4 271 S +95 4 272 SK +95 4 273 DD +95 4 274 P +95 4 275 SH +95 4 276 SR +95 4 277 DD +95 4 278 SH +95 4 279 DD +95 4 280 K +95 4 281 K +95 4 282 K +95 4 283 S +95 4 284 SK +95 4 285 SH +95 4 286 P +95 4 287 S +95 4 288 SR +95 4 289 DD +95 4 290 SH +95 4 291 DD +95 4 292 SH +95 4 293 SW +95 4 294 SK +95 4 295 S +95 4 296 S +95 4 297 SH +95 4 298 SR +95 4 299 K +95 4 300 SK +95 4 301 K +95 4 302 P +95 4 303 SK +95 4 304 SH +95 4 305 S +95 4 306 SH +95 4 307 DD +95 4 308 S +95 4 309 S +95 4 310 K +95 4 311 DD +95 4 312 S +95 4 313 S +95 4 314 SK +95 4 315 SH +95 4 316 DD +95 4 317 S +95 4 318 SH +95 4 319 SU +95 4 320 SH +95 4 321 SR +95 4 322 DD +95 4 323 S +95 4 324 P +95 4 325 S +95 4 326 SH +95 4 327 SK +95 4 328 S +95 4 329 SH +95 4 330 SK +95 5 1 DD +95 5 2 DD +95 5 3 SR +95 5 4 S +95 5 5 DD +95 5 6 SH +95 5 7 K +95 5 8 SR +95 5 9 SH +95 5 10 DD +95 5 11 DD +95 5 12 SH +95 5 13 K +95 5 14 DD +95 5 15 SW +95 5 16 P +95 5 17 SR +95 5 18 S +95 5 19 DD +95 5 20 K +95 5 21 SR +95 5 22 SH +95 5 23 SW +95 5 24 S +95 5 25 DD +95 5 26 DD +95 5 27 SW +95 5 28 SR +95 5 29 DD +95 5 30 SR +95 5 31 DD +95 5 32 SR +95 5 33 K +95 5 34 DD +95 5 35 SR +95 5 36 DD +95 5 37 DD +95 5 38 SR +95 5 39 K +95 5 40 DD +95 5 41 SR +95 5 42 SH +95 5 43 DD +95 5 44 SW +95 5 45 K +95 5 46 S +95 5 47 K +95 5 48 SH +95 5 49 DD +95 5 50 S +95 5 51 S +95 5 52 P +95 5 53 SR +95 5 54 K +95 5 55 DD +95 5 56 SR +95 5 57 DD +95 5 58 SH +95 5 59 SU +95 5 60 DD +95 5 61 SR +95 5 62 DD +95 5 63 SR +95 5 64 DD +95 5 65 SR +95 5 66 P +95 5 67 K +95 5 68 SR +95 5 69 S +95 5 70 P +95 5 71 S +95 5 72 DD +95 5 73 S +95 5 74 DD +95 5 75 K +95 5 76 SR +95 5 77 DD +95 5 78 P +95 5 79 S +95 5 80 DD +95 5 81 K +95 5 82 DD +95 5 83 SH +95 5 84 SR +95 5 85 DD +95 5 86 SR +95 5 87 S +95 5 88 SR +95 5 89 S +95 5 90 S +95 5 91 SH +95 5 92 SW +95 5 93 DD +95 5 94 S +95 5 95 SU +95 5 96 SH +95 5 97 DD +95 5 98 SR +95 5 99 SU +95 5 100 DD +95 5 101 SR +95 5 102 SW +95 5 103 S +95 5 104 DD +95 5 105 SR +95 5 106 SW +95 5 107 SU +95 5 108 DD +95 5 109 DD +95 5 110 SH +95 5 111 S +95 5 112 SR +95 5 113 S +95 5 114 DD +95 5 115 SR +95 5 116 SW +95 5 117 S +95 5 118 SR +95 5 119 DD +95 5 120 SU +95 5 121 SR +95 5 122 K +95 5 123 DD +95 5 124 SH +95 5 125 SR +95 5 126 SR +95 5 127 S +95 5 128 SH +95 5 129 SU +95 5 130 S +95 5 131 DD +95 5 132 SR +95 5 133 DD +95 5 134 SR +95 5 135 SR +95 5 136 DD +95 5 137 K +95 5 138 DD +95 5 139 SU +95 5 140 DD +95 5 141 P +95 5 142 SW +95 5 143 DD +95 5 144 S +95 5 145 DD +95 5 146 SH +95 5 147 DD +95 5 148 SR +95 5 149 DD +95 5 150 S +95 5 151 SR +95 5 152 SU +95 5 153 DD +95 5 154 S +95 5 155 S +95 5 156 DD +95 5 157 S +95 5 158 P +95 5 159 SH +95 5 160 SR +95 5 161 DD +95 5 162 SR +95 5 163 DD +95 5 164 DD +95 5 165 S +95 5 166 DD +95 5 167 SU +95 5 168 DD +95 5 169 DD +95 5 170 S +95 5 171 DD +95 5 172 P +95 5 173 SR +95 5 174 SH +95 5 175 SW +95 5 176 SR +95 5 177 SU +95 5 178 DD +95 5 179 SR +95 5 180 K +95 5 181 SH +95 5 182 S +95 5 183 S +95 5 184 DD +95 5 185 SR +95 5 186 SU +95 5 187 SH +95 5 188 DD +95 5 189 SW +95 5 190 SU +95 5 191 DD +95 5 192 S +95 5 193 SH +95 5 194 SR +95 5 195 K +95 5 196 SU +95 5 197 SU +95 5 198 S +95 5 199 SW +95 5 200 DD +95 5 201 SR +95 5 202 K +95 5 203 SR +95 5 204 S +95 5 205 DD +95 5 206 SU +95 5 207 SR +95 5 208 SH +95 5 209 DD +95 5 210 S +95 5 211 DD +95 5 212 SH +95 5 213 SU +95 5 214 SW +95 5 215 SR +95 5 216 S +95 5 217 SW +95 5 218 SU +95 5 219 P +95 5 220 S +95 5 221 SU +95 5 222 S +95 5 223 DD +95 5 224 P +95 5 225 S +95 5 226 DD +95 5 227 S +95 5 228 DD +95 5 229 DD +95 5 230 SU +95 5 231 SR +95 5 232 S +95 5 233 SW +95 5 234 K +95 5 235 DD +95 5 236 DD +95 5 237 SU +95 5 238 DD +95 5 239 SR +95 5 240 S +95 5 241 SU +95 5 242 SH +95 5 243 S +95 5 244 P +95 5 245 SR +95 5 246 DD +95 5 247 S +95 5 248 S +95 5 249 DD +95 5 250 S +95 5 251 DD +95 5 252 SU +95 5 253 DD +95 5 254 SU +95 5 255 S +95 5 256 SR +95 5 257 DD +95 5 258 SH +95 5 259 SR +95 5 260 SU +95 5 261 SH +95 5 262 P +95 5 263 S +95 5 264 SW +95 5 265 K +95 5 266 SR +95 5 267 S +95 5 268 DD +95 5 269 SR +95 5 270 SR +95 5 271 DD +95 5 272 P +95 5 273 SW +95 5 274 P +95 5 275 SH +95 5 276 SR +95 5 277 DD +95 5 278 SR +95 5 279 DD +95 5 280 K +95 5 281 DD +95 5 282 K +95 5 283 S +95 5 284 SU +95 5 285 SU +95 5 286 P +95 5 287 S +95 5 288 SR +95 5 289 DD +95 5 290 SU +95 5 291 DD +95 5 292 SR +95 5 293 SU +95 5 294 P +95 5 295 S +95 5 296 S +95 5 297 SH +95 5 298 SR +95 5 299 DD +95 5 300 SU +95 5 301 DD +95 5 302 P +95 5 303 SW +95 5 304 S +95 5 305 S +95 5 306 K +95 5 307 DD +95 5 308 SW +95 5 309 S +95 5 310 DD +95 5 311 DD +95 5 312 S +95 5 313 S +95 5 314 SW +95 5 315 K +95 5 316 DD +95 5 317 SR +95 5 318 SH +95 5 319 P +95 5 320 S +95 5 321 SR +95 5 322 DD +95 5 323 DD +95 5 324 P +95 5 325 S +95 5 326 SH +95 5 327 SW +95 5 328 K +95 5 329 S +95 5 330 SU +95 6 1 DD +95 6 2 DD +95 6 3 SR +95 6 4 DD +95 6 5 DD +95 6 6 SR +95 6 7 DD +95 6 8 SR +95 6 9 SR +95 6 10 DD +95 6 11 DD +95 6 12 SH +95 6 13 DD +95 6 14 DD +95 6 15 SR +95 6 16 P +95 6 17 SR +95 6 18 S +95 6 19 DD +95 6 20 DD +95 6 21 SR +95 6 22 SH +95 6 23 DD +95 6 24 S +95 6 25 DD +95 6 26 DD +95 6 27 P +95 6 28 SR +95 6 29 DD +95 6 30 SR +95 6 31 P +95 6 32 SR +95 6 33 SH +95 6 34 DD +95 6 35 SR +95 6 36 S +95 6 37 DD +95 6 38 SR +95 6 39 DD +95 6 40 DD +95 6 41 SR +95 6 42 SH +95 6 43 DD +95 6 44 P +95 6 45 DD +95 6 46 DD +95 6 47 S +95 6 48 SH +95 6 49 DD +95 6 50 DD +95 6 51 S +95 6 52 P +95 6 53 SR +95 6 54 DD +95 6 55 DD +95 6 56 SH +95 6 57 DD +95 6 58 KE +95 6 59 SR +95 6 60 DD +95 6 61 SR +95 6 62 DD +95 6 63 SR +95 6 64 DD +95 6 65 SR +95 6 66 P +95 6 67 DD +95 6 68 SR +95 6 69 S +95 6 70 SW +95 6 71 SR +95 6 72 DD +95 6 73 DD +95 6 74 SW +95 6 75 S +95 6 76 SH +95 6 77 DD +95 6 78 SR +95 6 79 S +95 6 80 DD +95 6 81 SH +95 6 82 DD +95 6 83 SH +95 6 84 SR +95 6 85 DD +95 6 86 SR +95 6 87 S +95 6 88 SR +95 6 89 S +95 6 90 S +95 6 91 SH +95 6 92 SW +95 6 93 DD +95 6 94 S +95 6 95 DD +95 6 96 SH +95 6 97 DD +95 6 98 SR +95 6 99 SH +95 6 100 DD +95 6 101 SR +95 6 102 DD +95 6 103 SW +95 6 104 DD +95 6 105 SR +95 6 106 SH +95 6 107 P +95 6 108 DD +95 6 109 DD +95 6 110 SH +95 6 111 S +95 6 112 SR +95 6 113 S +95 6 114 DD +95 6 115 SR +95 6 116 DD +95 6 117 S +95 6 118 SR +95 6 119 DD +95 6 120 P +95 6 121 SR +95 6 122 DD +95 6 123 DD +95 6 124 SH +95 6 125 SR +95 6 126 SR +95 6 127 S +95 6 128 SH +95 6 129 P +95 6 130 S +95 6 131 DD +95 6 132 SR +95 6 133 DD +95 6 134 S +95 6 135 SR +95 6 136 DD +95 6 137 S +95 6 138 DD +95 6 139 P +95 6 140 DD +95 6 141 P +95 6 142 P +95 6 143 SH +95 6 144 DD +95 6 145 DD +95 6 146 SH +95 6 147 DD +95 6 148 SR +95 6 149 DD +95 6 150 DD +95 6 151 SH +95 6 152 SR +95 6 153 DD +95 6 154 S +95 6 155 N +95 6 156 DD +95 6 157 S +95 6 158 P +95 6 159 SH +95 6 160 SR +95 6 161 DD +95 6 162 SR +95 6 163 DD +95 6 164 DD +95 6 165 S +95 6 166 DD +95 6 167 SW +95 6 168 DD +95 6 169 DD +95 6 170 S +95 6 171 DD +95 6 172 P +95 6 173 SR +95 6 174 SH +95 6 175 DD +95 6 176 SR +95 6 177 SH +95 6 178 DD +95 6 179 SR +95 6 180 DD +95 6 181 SH +95 6 182 SR +95 6 183 S +95 6 184 DD +95 6 185 SH +95 6 186 DD +95 6 187 SH +95 6 188 DD +95 6 189 P +95 6 190 SR +95 6 191 DD +95 6 192 DD +95 6 193 SH +95 6 194 SR +95 6 195 DD +95 6 196 DD +95 6 197 DD +95 6 198 S +95 6 199 P +95 6 200 DD +95 6 201 SR +95 6 202 DD +95 6 203 SR +95 6 204 S +95 6 205 DD +95 6 206 P +95 6 207 SR +95 6 208 SH +95 6 209 DD +95 6 210 SR +95 6 211 DD +95 6 212 SH +95 6 213 P +95 6 214 SH +95 6 215 SR +95 6 216 S +95 6 217 SH +95 6 218 DD +95 6 219 P +95 6 220 DD +95 6 221 DD +95 6 222 DD +95 6 223 DD +95 6 224 P +95 6 225 SH +95 6 226 DD +95 6 227 S +95 6 228 DD +95 6 229 DD +95 6 230 P +95 6 231 SR +95 6 232 S +95 6 233 DD +95 6 234 DD +95 6 235 DD +95 6 236 SH +95 6 237 SW +95 6 238 DD +95 6 239 SR +95 6 240 SR +95 6 241 P +95 6 242 SW +95 6 243 SR +95 6 244 DD +95 6 245 SR +95 6 246 DD +95 6 247 DD +95 6 248 S +95 6 249 DD +95 6 250 DD +95 6 251 DD +95 6 252 SH +95 6 253 SW +95 6 254 DD +95 6 255 S +95 6 256 SR +95 6 257 DD +95 6 258 SH +95 6 259 DD +95 6 260 SH +95 6 261 SR +95 6 262 P +95 6 263 P +95 6 264 DD +95 6 265 DD +95 6 266 SR +95 6 267 SR +95 6 268 DD +95 6 269 SW +95 6 270 SH +95 6 271 S +95 6 272 P +95 6 273 DD +95 6 274 P +95 6 275 SH +95 6 276 SR +95 6 277 DD +95 6 278 SH +95 6 279 DD +95 6 280 SH +95 6 281 DD +95 6 282 DD +95 6 283 SR +95 6 284 P +95 6 285 SH +95 6 286 P +95 6 287 DD +95 6 288 SR +95 6 289 DD +95 6 290 P +95 6 291 DD +95 6 292 SR +95 6 293 P +95 6 294 P +95 6 295 S +95 6 296 DD +95 6 297 SH +95 6 298 SR +95 6 299 DD +95 6 300 SW +95 6 301 DD +95 6 302 SR +95 6 303 SW +95 6 304 SH +95 6 305 DD +95 6 306 DD +95 6 307 DD +95 6 308 SH +95 6 309 S +95 6 310 DD +95 6 311 DD +95 6 312 S +95 6 313 DD +95 6 314 SW +95 6 315 DD +95 6 316 DD +95 6 317 SR +95 6 318 SH +95 6 319 P +95 6 320 DD +95 6 321 SR +95 6 322 DD +95 6 323 DD +95 6 324 SW +95 6 325 DD +95 6 326 SH +95 6 327 DD +95 6 328 DD +95 6 329 S +95 6 330 SW +95 7 1 DD +95 7 2 SW +95 7 3 SR +95 7 4 DD +95 7 5 K +95 7 6 SH +95 7 7 K +95 7 8 SR +95 7 9 SH +95 7 10 DD +95 7 11 DD +95 7 12 SH +95 7 13 K +95 7 14 DD +95 7 15 SW +95 7 16 SW +95 7 17 SR +95 7 18 S +95 7 19 DD +95 7 20 K +95 7 21 SR +95 7 22 SH +95 7 23 DD +95 7 24 S +95 7 25 DD +95 7 26 DD +95 7 27 P +95 7 28 SR +95 7 29 K +95 7 30 SH +95 7 31 SW +95 7 32 DD +95 7 33 K +95 7 34 DD +95 7 35 SR +95 7 36 K +95 7 37 DD +95 7 38 SR +95 7 39 K +95 7 40 DD +95 7 41 SR +95 7 42 SH +95 7 43 DD +95 7 44 SW +95 7 45 K +95 7 46 S +95 7 47 K +95 7 48 SH +95 7 49 DD +95 7 50 DD +95 7 51 S +95 7 52 SW +95 7 53 SR +95 7 54 K +95 7 55 DD +95 7 56 SR +95 7 57 DD +95 7 58 S +95 7 59 SW +95 7 60 DD +95 7 61 SR +95 7 62 DD +95 7 63 SR +95 7 64 DD +95 7 65 SR +95 7 66 SW +95 7 67 K +95 7 68 SR +95 7 69 K +95 7 70 P +95 7 71 SR +95 7 72 K +95 7 73 DD +95 7 74 SW +95 7 75 K +95 7 76 SH +95 7 77 DD +95 7 78 DD +95 7 79 S +95 7 80 DD +95 7 81 K +95 7 82 K +95 7 83 SW +95 7 84 SW +95 7 85 K +95 7 86 DD +95 7 87 S +95 7 88 DD +95 7 89 S +95 7 90 DD +95 7 91 SH +95 7 92 P +95 7 93 DD +95 7 94 S +95 7 95 SW +95 7 96 SH +95 7 97 DD +95 7 98 SR +95 7 99 SW +95 7 100 SW +95 7 101 SR +95 7 102 DD +95 7 103 K +95 7 104 DD +95 7 105 DD +95 7 106 SH +95 7 107 P +95 7 108 P +95 7 109 DD +95 7 110 SH +95 7 111 K +95 7 112 SR +95 7 113 S +95 7 114 DD +95 7 115 SR +95 7 116 P +95 7 117 S +95 7 118 SR +95 7 119 K +95 7 120 P +95 7 121 SR +95 7 122 K +95 7 123 DD +95 7 124 SW +95 7 125 SR +95 7 126 P +95 7 127 K +95 7 128 SH +95 7 129 P +95 7 130 S +95 7 131 DD +95 7 132 SR +95 7 133 K +95 7 134 S +95 7 135 SR +95 7 136 DD +95 7 137 K +95 7 138 SW +95 7 139 P +95 7 140 DD +95 7 141 P +95 7 142 SW +95 7 143 K +95 7 144 DD +95 7 145 K +95 7 146 SH +95 7 147 K +95 7 148 SR +95 7 149 K +95 7 150 DD +95 7 151 SR +95 7 152 DD +95 7 153 DD +95 7 154 S +95 7 155 S +95 7 156 K +95 7 157 S +95 7 158 P +95 7 159 SH +95 7 160 SR +95 7 161 K +95 7 162 SR +95 7 163 DD +95 7 164 DD +95 7 165 K +95 7 166 DD +95 7 167 P +95 7 168 K +95 7 169 DD +95 7 170 S +95 7 171 K +95 7 172 P +95 7 173 SR +95 7 174 SH +95 7 175 DD +95 7 176 SR +95 7 177 SH +95 7 178 DD +95 7 179 SR +95 7 180 K +95 7 181 SH +95 7 182 SR +95 7 183 SH +95 7 184 DD +95 7 185 SR +95 7 186 DD +95 7 187 SH +95 7 188 DD +95 7 189 SW +95 7 190 SR +95 7 191 K +95 7 192 DD +95 7 193 SH +95 7 194 SR +95 7 195 K +95 7 196 P +95 7 197 DD +95 7 198 S +95 7 199 SW +95 7 200 DD +95 7 201 SR +95 7 202 K +95 7 203 SR +95 7 204 S +95 7 205 DD +95 7 206 SW +95 7 207 SR +95 7 208 SH +95 7 209 K +95 7 210 SR +95 7 211 DD +95 7 212 SH +95 7 213 DD +95 7 214 SH +95 7 215 SR +95 7 216 S +95 7 217 SR +95 7 218 K +95 7 219 P +95 7 220 DD +95 7 221 SW +95 7 222 DD +95 7 223 K +95 7 224 P +95 7 225 SH +95 7 226 DD +95 7 227 S +95 7 228 DD +95 7 229 K +95 7 230 SW +95 7 231 DD +95 7 232 S +95 7 233 DD +95 7 234 K +95 7 235 DD +95 7 236 K +95 7 237 SH +95 7 238 DD +95 7 239 SR +95 7 240 S +95 7 241 SW +95 7 242 SH +95 7 243 DD +95 7 244 DD +95 7 245 SR +95 7 246 K +95 7 247 DD +95 7 248 K +95 7 249 K +95 7 250 DD +95 7 251 K +95 7 252 P +95 7 253 K +95 7 254 DD +95 7 255 S +95 7 256 SR +95 7 257 DD +95 7 258 SH +95 7 259 SR +95 7 260 SH +95 7 261 SR +95 7 262 P +95 7 263 S +95 7 264 DD +95 7 265 K +95 7 266 S +95 7 267 SR +95 7 268 K +95 7 269 DD +95 7 270 SH +95 7 271 K +95 7 272 SW +95 7 273 DD +95 7 274 SW +95 7 275 P +95 7 276 SR +95 7 277 DD +95 7 278 SH +95 7 279 DD +95 7 280 K +95 7 281 K +95 7 282 K +95 7 283 S +95 7 284 SW +95 7 285 SR +95 7 286 SW +95 7 287 S +95 7 288 SR +95 7 289 DD +95 7 290 SW +95 7 291 DD +95 7 292 P +95 7 293 P +95 7 294 P +95 7 295 S +95 7 296 DD +95 7 297 SH +95 7 298 SR +95 7 299 K +95 7 300 P +95 7 301 K +95 7 302 P +95 7 303 P +95 7 304 K +95 7 305 DD +95 7 306 K +95 7 307 DD +95 7 308 DD +95 7 309 S +95 7 310 K +95 7 311 DD +95 7 312 S +95 7 313 DD +95 7 314 SW +95 7 315 K +95 7 316 K +95 7 317 SR +95 7 318 SH +95 7 319 SW +95 7 320 K +95 7 321 SR +95 7 322 DD +95 7 323 K +95 7 324 P +95 7 325 DD +95 7 326 SH +95 7 327 P +95 7 328 K +95 7 329 SH +95 7 330 P +95 8 1 SW +95 8 2 SW +95 8 3 SR +95 8 4 * +95 8 5 SW +95 8 6 SH +95 8 7 K +95 8 8 SR +95 8 9 WL +95 8 10 DD +95 8 11 WL +95 8 12 SH +95 8 13 K +95 8 14 DD +95 8 15 SW +95 8 16 SW +95 8 17 SR +95 8 18 KE +95 8 19 DD +95 8 20 K +95 8 21 SR +95 8 22 SH +95 8 23 WL +95 8 24 KE +95 8 25 DD +95 8 26 DD +95 8 27 P +95 8 28 SR +95 8 29 WL +95 8 30 SR +95 8 31 P +95 8 32 * +95 8 33 K +95 8 34 DD +95 8 35 SR +95 8 36 K +95 8 37 DD +95 8 38 SR +95 8 39 WL +95 8 40 DD +95 8 41 S +95 8 42 S +95 8 43 S +95 8 44 P +95 8 45 K +95 8 46 S +95 8 47 S +95 8 48 SH +95 8 49 P +95 8 50 S +95 8 51 * +95 8 52 P +95 8 53 SR +95 8 54 K +95 8 55 DD +95 8 56 SH +95 8 57 DD +95 8 58 SH +95 8 59 P +95 8 60 DD +95 8 61 S +95 8 62 * +95 8 63 SR +95 8 64 DD +95 8 65 SR +95 8 66 P +95 8 67 SW +95 8 68 SR +95 8 69 WL +95 8 70 S +95 8 71 SR +95 8 72 K +95 8 73 DD +95 8 74 P +95 8 75 WL +95 8 76 SH +95 8 77 DD +95 8 78 P +95 8 79 S +95 8 80 DD +95 8 81 SH +95 8 82 SH +95 8 83 P +95 8 84 SW +95 8 85 K +95 8 86 SR +95 8 87 WL +95 8 88 S +95 8 89 S +95 8 90 DD +95 8 91 SH +95 8 92 SW +95 8 93 DD +95 8 94 KE +95 8 95 P +95 8 96 SH +95 8 97 DD +95 8 98 SR +95 8 99 P +95 8 100 P +95 8 101 SR +95 8 102 SW +95 8 103 WL +95 8 104 DD +95 8 105 SH +95 8 106 P +95 8 107 P +95 8 108 SW +95 8 109 DD +95 8 110 SH +95 8 111 WL +95 8 112 SR +95 8 113 S +95 8 114 DD +95 8 115 SR +95 8 116 P +95 8 117 S +95 8 118 SR +95 8 119 DD +95 8 120 P +95 8 121 SR +95 8 122 K +95 8 123 DD +95 8 124 SH +95 8 125 SR +95 8 126 P +95 8 127 K +95 8 128 SH +95 8 129 P +95 8 130 S +95 8 131 KE +95 8 132 SR +95 8 133 K +95 8 134 S +95 8 135 SR +95 8 136 DD +95 8 137 K +95 8 138 DD +95 8 139 P +95 8 140 DD +95 8 141 P +95 8 142 P +95 8 143 K +95 8 144 DD +95 8 145 DD +95 8 146 SH +95 8 147 DD +95 8 148 SR +95 8 149 SH +95 8 150 DD +95 8 151 SR +95 8 152 P +95 8 153 DD +95 8 154 P +95 8 155 WL +95 8 156 DD +95 8 157 SR +95 8 158 P +95 8 159 SH +95 8 160 P +95 8 161 DD +95 8 162 SR +95 8 163 DD +95 8 164 DD +95 8 165 P +95 8 166 DD +95 8 167 P +95 8 168 DD +95 8 169 DD +95 8 170 P +95 8 171 WL +95 8 172 P +95 8 173 SR +95 8 174 SH +95 8 175 P +95 8 176 SR +95 8 177 SH +95 8 178 DD +95 8 179 SR +95 8 180 DD +95 8 181 SH +95 8 182 SR +95 8 183 SH +95 8 184 DD +95 8 185 SH +95 8 186 P +95 8 187 SH +95 8 188 DD +95 8 189 P +95 8 190 P +95 8 191 DD +95 8 192 DD +95 8 193 SH +95 8 194 S +95 8 195 K +95 8 196 P +95 8 197 SR +95 8 198 P +95 8 199 P +95 8 200 DD +95 8 201 SR +95 8 202 K +95 8 203 SR +95 8 204 P +95 8 205 DD +95 8 206 P +95 8 207 SR +95 8 208 SH +95 8 209 DD +95 8 210 S +95 8 211 DD +95 8 212 SH +95 8 213 P +95 8 214 SH +95 8 215 SR +95 8 216 K +95 8 217 SH +95 8 218 SH +95 8 219 P +95 8 220 DD +95 8 221 SW +95 8 222 DD +95 8 223 DD +95 8 224 P +95 8 225 SH +95 8 226 DD +95 8 227 P +95 8 228 DD +95 8 229 P +95 8 230 P +95 8 231 SR +95 8 232 KE +95 8 233 S +95 8 234 DD +95 8 235 DD +95 8 236 WL +95 8 237 SR +95 8 238 DD +95 8 239 SR +95 8 240 SR +95 8 241 P +95 8 242 SH +95 8 243 SR +95 8 244 P +95 8 245 SR +95 8 246 DD +95 8 247 DD +95 8 248 DD +95 8 249 DD +95 8 250 DD +95 8 251 SH +95 8 252 SH +95 8 253 DD +95 8 254 DD +95 8 255 P +95 8 256 SR +95 8 257 DD +95 8 258 SH +95 8 259 SR +95 8 260 SH +95 8 261 SR +95 8 262 P +95 8 263 P +95 8 264 SW +95 8 265 K +95 8 266 SR +95 8 267 S +95 8 268 SH +95 8 269 SR +95 8 270 SH +95 8 271 K +95 8 272 P +95 8 273 SR +95 8 274 P +95 8 275 SH +95 8 276 SR +95 8 277 DD +95 8 278 SR +95 8 279 DD +95 8 280 K +95 8 281 K +95 8 282 K +95 8 283 SR +95 8 284 P +95 8 285 SR +95 8 286 P +95 8 287 WL +95 8 288 SR +95 8 289 DD +95 8 290 P +95 8 291 DD +95 8 292 SR +95 8 293 P +95 8 294 P +95 8 295 SH +95 8 296 DD +95 8 297 SH +95 8 298 SR +95 8 299 DD +95 8 300 P +95 8 301 DD +95 8 302 SH +95 8 303 P +95 8 304 SH +95 8 305 S +95 8 306 SH +95 8 307 DD +95 8 308 P +95 8 309 P +95 8 310 DD +95 8 311 DD +95 8 312 P +95 8 313 DD +95 8 314 P +95 8 315 SW +95 8 316 DD +95 8 317 SR +95 8 318 SH +95 8 319 P +95 8 320 SH +95 8 321 SR +95 8 322 DD +95 8 323 DD +95 8 324 SH +95 8 325 SR +95 8 326 SH +95 8 327 P +95 8 328 K +95 8 329 S +95 8 330 SH +95 9 1 DD +95 9 2 SW +95 9 3 SR +95 9 4 KE +95 9 5 DD +95 9 6 SH +95 9 7 K +95 9 8 SR +95 9 9 KE +95 9 10 DD +95 9 11 S +95 9 12 SH +95 9 13 K +95 9 14 WI +95 9 15 P +95 9 16 SW +95 9 17 SH +95 9 18 S +95 9 19 DD +95 9 20 K +95 9 21 SR +95 9 22 SH +95 9 23 DD +95 9 24 S +95 9 25 DD +95 9 26 DD +95 9 27 P +95 9 28 SR +95 9 29 K +95 9 30 KE +95 9 31 SW +95 9 32 SR +95 9 33 K +95 9 34 DD +95 9 35 SR +95 9 36 K +95 9 37 DD +95 9 38 SR +95 9 39 K +95 9 40 DD +95 9 41 SR +95 9 42 K +95 9 43 DD +95 9 44 P +95 9 45 K +95 9 46 SW +95 9 47 K +95 9 48 SH +95 9 49 DD +95 9 50 DD +95 9 51 KE +95 9 52 P +95 9 53 SR +95 9 54 K +95 9 55 DD +95 9 56 SR +95 9 57 DD +95 9 58 KE +95 9 59 P +95 9 60 S +95 9 61 SR +95 9 62 DD +95 9 63 SR +95 9 64 DD +95 9 65 SR +95 9 66 SH +95 9 67 DD +95 9 68 SR +95 9 69 KE +95 9 70 SW +95 9 71 KE +95 9 72 K +95 9 73 DD +95 9 74 P +95 9 75 K +95 9 76 SH +95 9 77 DD +95 9 78 P +95 9 79 S +95 9 80 DD +95 9 81 K +95 9 82 DD +95 9 83 SH +95 9 84 P +95 9 85 K +95 9 86 SR +95 9 87 S +95 9 88 SR +95 9 89 S +95 9 90 K +95 9 91 K +95 9 92 P +95 9 93 DD +95 9 94 S +95 9 95 SW +95 9 96 SH +95 9 97 DD +95 9 98 SR +95 9 99 DD +95 9 100 DD +95 9 101 DD +95 9 102 SW +95 9 103 K +95 9 104 DD +95 9 105 DD +95 9 106 SH +95 9 107 P +95 9 108 DD +95 9 109 DD +95 9 110 SH +95 9 111 K +95 9 112 SR +95 9 113 S +95 9 114 DD +95 9 115 SR +95 9 116 SW +95 9 117 S +95 9 118 SR +95 9 119 K +95 9 120 P +95 9 121 SH +95 9 122 K +95 9 123 DD +95 9 124 K +95 9 125 SH +95 9 126 SR +95 9 127 S +95 9 128 SH +95 9 129 P +95 9 130 K +95 9 131 DD +95 9 132 SR +95 9 133 K +95 9 134 KE +95 9 135 SR +95 9 136 DD +95 9 137 K +95 9 138 DD +95 9 139 P +95 9 140 DD +95 9 141 P +95 9 142 P +95 9 143 K +95 9 144 DD +95 9 145 K +95 9 146 SH +95 9 147 DD +95 9 148 SR +95 9 149 K +95 9 150 DD +95 9 151 SH +95 9 152 P +95 9 153 DD +95 9 154 KE +95 9 155 S +95 9 156 K +95 9 157 KE +95 9 158 P +95 9 159 SH +95 9 160 SW +95 9 161 DD +95 9 162 SR +95 9 163 K +95 9 164 DD +95 9 165 K +95 9 166 KE +95 9 167 P +95 9 168 K +95 9 169 DD +95 9 170 S +95 9 171 K +95 9 172 P +95 9 173 SR +95 9 174 SH +95 9 175 SW +95 9 176 SR +95 9 177 SH +95 9 178 DD +95 9 179 SR +95 9 180 K +95 9 181 SH +95 9 182 KE +95 9 183 KE +95 9 184 DD +95 9 185 SH +95 9 186 DD +95 9 187 SH +95 9 188 DD +95 9 189 SW +95 9 190 SW +95 9 191 K +95 9 192 DD +95 9 193 K +95 9 194 KE +95 9 195 K +95 9 196 DD +95 9 197 SW +95 9 198 S +95 9 199 P +95 9 200 DD +95 9 201 SR +95 9 202 K +95 9 203 SR +95 9 204 S +95 9 205 DD +95 9 206 P +95 9 207 SR +95 9 208 KE +95 9 209 S +95 9 210 S +95 9 211 DD +95 9 212 SH +95 9 213 P +95 9 214 K +95 9 215 DD +95 9 216 S +95 9 217 SR +95 9 218 K +95 9 219 P +95 9 220 DD +95 9 221 P +95 9 222 DD +95 9 223 K +95 9 224 P +95 9 225 K +95 9 226 DD +95 9 227 KE +95 9 228 DD +95 9 229 K +95 9 230 P +95 9 231 SR +95 9 232 KE +95 9 233 DD +95 9 234 K +95 9 235 DD +95 9 236 K +95 9 237 SH +95 9 238 DD +95 9 239 SH +95 9 240 KE +95 9 241 P +95 9 242 SH +95 9 243 S +95 9 244 P +95 9 245 SR +95 9 246 DD +95 9 247 DD +95 9 248 S +95 9 249 K +95 9 250 DD +95 9 251 K +95 9 252 P +95 9 253 K +95 9 254 DD +95 9 255 S +95 9 256 SR +95 9 257 S +95 9 258 SH +95 9 259 KE +95 9 260 P +95 9 261 SH +95 9 262 P +95 9 263 S +95 9 264 DD +95 9 265 K +95 9 266 KE +95 9 267 DD +95 9 268 K +95 9 269 SR +95 9 270 SH +95 9 271 S +95 9 272 P +95 9 273 SR +95 9 274 P +95 9 275 K +95 9 276 SR +95 9 277 DD +95 9 278 SH +95 9 279 DD +95 9 280 K +95 9 281 K +95 9 282 K +95 9 283 KE +95 9 284 P +95 9 285 SW +95 9 286 P +95 9 287 KE +95 9 288 SR +95 9 289 DD +95 9 290 P +95 9 291 DD +95 9 292 SW +95 9 293 DD +95 9 294 P +95 9 295 KE +95 9 296 DD +95 9 297 SH +95 9 298 SR +95 9 299 K +95 9 300 SW +95 9 301 K +95 9 302 P +95 9 303 DD +95 9 304 K +95 9 305 DD +95 9 306 K +95 9 307 DD +95 9 308 DD +95 9 309 KE +95 9 310 K +95 9 311 DD +95 9 312 S +95 9 313 DD +95 9 314 SW +95 9 315 K +95 9 316 DD +95 9 317 DD +95 9 318 SH +95 9 319 P +95 9 320 K +95 9 321 SR +95 9 322 DD +95 9 323 K +95 9 324 SW +95 9 325 SR +95 9 326 SH +95 9 327 DD +95 9 328 K +95 9 329 KE +95 9 330 DD +95 10 1 DD +95 10 2 SW +95 10 3 SR +95 10 4 S +95 10 5 K +95 10 6 SW +95 10 7 K +95 10 8 SH +95 10 9 KA +95 10 10 DD +95 10 11 K +95 10 12 SH +95 10 13 SW +95 10 14 DD +95 10 15 P +95 10 16 P +95 10 17 SR +95 10 18 S +95 10 19 DD +95 10 20 K +95 10 21 SH +95 10 22 P +95 10 23 DD +95 10 24 S +95 10 25 K +95 10 26 DD +95 10 27 P +95 10 28 SR +95 10 29 K +95 10 30 SW +95 10 31 DD +95 10 32 SH +95 10 33 K +95 10 34 DD +95 10 35 SR +95 10 36 K +95 10 37 DD +95 10 38 SH +95 10 39 K +95 10 40 DD +95 10 41 SR +95 10 42 SH +95 10 43 DD +95 10 44 P +95 10 45 K +95 10 46 P +95 10 47 K +95 10 48 SH +95 10 49 DD +95 10 50 SH +95 10 51 S +95 10 52 SW +95 10 53 SH +95 10 54 K +95 10 55 DD +95 10 56 P +95 10 57 K +95 10 58 SW +95 10 59 P +95 10 60 DD +95 10 61 SH +95 10 62 DD +95 10 63 SH +95 10 64 DD +95 10 65 SH +95 10 66 P +95 10 67 K +95 10 68 SH +95 10 69 SW +95 10 70 P +95 10 71 DD +95 10 72 K +95 10 73 SH +95 10 74 SW +95 10 75 S +95 10 76 SH +95 10 77 DD +95 10 78 SW +95 10 79 S +95 10 80 DD +95 10 81 K +95 10 82 DD +95 10 83 SW +95 10 84 SR +95 10 85 K +95 10 86 SH +95 10 87 S +95 10 88 SH +95 10 89 S +95 10 90 K +95 10 91 K +95 10 92 P +95 10 93 DD +95 10 94 S +95 10 95 SW +95 10 96 SH +95 10 97 DD +95 10 98 SR +95 10 99 SW +95 10 100 K +95 10 101 SH +95 10 102 SW +95 10 103 P +95 10 104 DD +95 10 105 DD +95 10 106 SH +95 10 107 P +95 10 108 K +95 10 109 DD +95 10 110 SH +95 10 111 S +95 10 112 SR +95 10 113 S +95 10 114 K +95 10 115 SH +95 10 116 DD +95 10 117 S +95 10 118 SH +95 10 119 K +95 10 120 P +95 10 121 SR +95 10 122 K +95 10 123 K +95 10 124 P +95 10 125 SH +95 10 126 SH +95 10 127 S +95 10 128 SH +95 10 129 P +95 10 130 S +95 10 131 DD +95 10 132 SR +95 10 133 K +95 10 134 S +95 10 135 SR +95 10 136 DD +95 10 137 K +95 10 138 DD +95 10 139 P +95 10 140 DD +95 10 141 P +95 10 142 P +95 10 143 K +95 10 144 S +95 10 145 K +95 10 146 SH +95 10 147 K +95 10 148 SR +95 10 149 K +95 10 150 S +95 10 151 P +95 10 152 SH +95 10 153 DD +95 10 154 SW +95 10 155 S +95 10 156 K +95 10 157 S +95 10 158 P +95 10 159 SH +95 10 160 P +95 10 161 K +95 10 162 SH +95 10 163 K +95 10 164 DD +95 10 165 K +95 10 166 S +95 10 167 P +95 10 168 K +95 10 169 DD +95 10 170 S +95 10 171 K +95 10 172 P +95 10 173 SH +95 10 174 SH +95 10 175 DD +95 10 176 SH +95 10 177 SW +95 10 178 DD +95 10 179 SR +95 10 180 K +95 10 181 SW +95 10 182 SH +95 10 183 SW +95 10 184 SH +95 10 185 SH +95 10 186 DD +95 10 187 SR +95 10 188 DD +95 10 189 P +95 10 190 SH +95 10 191 K +95 10 192 SH +95 10 193 K +95 10 194 SH +95 10 195 K +95 10 196 K +95 10 197 SR +95 10 198 S +95 10 199 P +95 10 200 DD +95 10 201 SH +95 10 202 K +95 10 203 SH +95 10 204 S +95 10 205 DD +95 10 206 P +95 10 207 P +95 10 208 KA +95 10 209 K +95 10 210 KA +95 10 211 DD +95 10 212 SH +95 10 213 P +95 10 214 SH +95 10 215 P +95 10 216 K +95 10 217 SR +95 10 218 K +95 10 219 P +95 10 220 DD +95 10 221 K +95 10 222 DD +95 10 223 K +95 10 224 P +95 10 225 SW +95 10 226 DD +95 10 227 S +95 10 228 DD +95 10 229 K +95 10 230 SH +95 10 231 DD +95 10 232 K +95 10 233 DD +95 10 234 K +95 10 235 DD +95 10 236 K +95 10 237 SH +95 10 238 K +95 10 239 SH +95 10 240 KA +95 10 241 P +95 10 242 P +95 10 243 SH +95 10 244 P +95 10 245 SR +95 10 246 K +95 10 247 DD +95 10 248 S +95 10 249 K +95 10 250 DD +95 10 251 K +95 10 252 P +95 10 253 K +95 10 254 P +95 10 255 S +95 10 256 SR +95 10 257 DD +95 10 258 SH +95 10 259 SR +95 10 260 P +95 10 261 SH +95 10 262 P +95 10 263 P +95 10 264 DD +95 10 265 K +95 10 266 SR +95 10 267 SH +95 10 268 K +95 10 269 SH +95 10 270 SH +95 10 271 K +95 10 272 P +95 10 273 SR +95 10 274 P +95 10 275 K +95 10 276 SH +95 10 277 K +95 10 278 SH +95 10 279 DD +95 10 280 K +95 10 281 K +95 10 282 K +95 10 283 S +95 10 284 P +95 10 285 SH +95 10 286 P +95 10 287 SW +95 10 288 SR +95 10 289 DD +95 10 290 SW +95 10 291 DD +95 10 292 SH +95 10 293 K +95 10 294 P +95 10 295 SW +95 10 296 DD +95 10 297 SH +95 10 298 SR +95 10 299 K +95 10 300 P +95 10 301 K +95 10 302 P +95 10 303 DD +95 10 304 K +95 10 305 SH +95 10 306 K +95 10 307 DD +95 10 308 SH +95 10 309 S +95 10 310 K +95 10 311 DD +95 10 312 S +95 10 313 DD +95 10 314 P +95 10 315 K +95 10 316 K +95 10 317 SH +95 10 318 SH +95 10 319 P +95 10 320 K +95 10 321 SR +95 10 322 DD +95 10 323 K +95 10 324 P +95 10 325 SR +95 10 326 SH +95 10 327 P +95 10 328 K +95 10 329 S +95 10 330 P +95 11 1 DD +95 11 2 SW +95 11 3 SR +95 11 4 DD +95 11 5 SW +95 11 6 SW +95 11 7 K +95 11 8 SR +95 11 9 SW +95 11 10 DD +95 11 11 DD +95 11 12 SH +95 11 13 K +95 11 14 DD +95 11 15 SH +95 11 16 P +95 11 17 SR +95 11 18 S +95 11 19 DD +95 11 20 K +95 11 21 SH +95 11 22 SW +95 11 23 SH +95 11 24 SW +95 11 25 DD +95 11 26 DD +95 11 27 P +95 11 28 SR +95 11 29 DD +95 11 30 SW +95 11 31 DD +95 11 32 SR +95 11 33 K +95 11 34 DD +95 11 35 SR +95 11 36 K +95 11 37 DD +95 11 38 SR +95 11 39 K +95 11 40 DD +95 11 41 SR +95 11 42 SW +95 11 43 DD +95 11 44 P +95 11 45 DD +95 11 46 P +95 11 47 K +95 11 48 SH +95 11 49 DD +95 11 50 SH +95 11 51 SW +95 11 52 P +95 11 53 SR +95 11 54 K +95 11 55 DD +95 11 56 SW +95 11 57 DD +95 11 58 SW +95 11 59 SW +95 11 60 DD +95 11 61 SH +95 11 62 SW +95 11 63 SH +95 11 64 DD +95 11 65 SR +95 11 66 P +95 11 67 DD +95 11 68 SR +95 11 69 SW +95 11 70 P +95 11 71 SR +95 11 72 DD +95 11 73 DD +95 11 74 SW +95 11 75 K +95 11 76 SH +95 11 77 DD +95 11 78 SW +95 11 79 S +95 11 80 DD +95 11 81 K +95 11 82 DD +95 11 83 P +95 11 84 SW +95 11 85 DD +95 11 86 SR +95 11 87 S +95 11 88 SH +95 11 89 K +95 11 90 K +95 11 91 SW +95 11 92 P +95 11 93 DD +95 11 94 S +95 11 95 P +95 11 96 SH +95 11 97 DD +95 11 98 SR +95 11 99 SW +95 11 100 SW +95 11 101 SR +95 11 102 P +95 11 103 K +95 11 104 DD +95 11 105 SR +95 11 106 P +95 11 107 P +95 11 108 P +95 11 109 DD +95 11 110 SR +95 11 111 K +95 11 112 SR +95 11 113 K +95 11 114 DD +95 11 115 SR +95 11 116 P +95 11 117 SW +95 11 118 SR +95 11 119 DD +95 11 120 P +95 11 121 SR +95 11 122 DD +95 11 123 DD +95 11 124 SW +95 11 125 SR +95 11 126 SW +95 11 127 K +95 11 128 SW +95 11 129 P +95 11 130 K +95 11 131 DD +95 11 132 SR +95 11 133 K +95 11 134 K +95 11 135 SH +95 11 136 DD +95 11 137 S +95 11 138 DD +95 11 139 P +95 11 140 DD +95 11 141 P +95 11 142 P +95 11 143 DD +95 11 144 DD +95 11 145 DD +95 11 146 SW +95 11 147 DD +95 11 148 SR +95 11 149 K +95 11 150 DD +95 11 151 SW +95 11 152 SW +95 11 153 DD +95 11 154 K +95 11 155 K +95 11 156 DD +95 11 157 SW +95 11 158 P +95 11 159 SW +95 11 160 SW +95 11 161 DD +95 11 162 SR +95 11 163 DD +95 11 164 DD +95 11 165 K +95 11 166 DD +95 11 167 SW +95 11 168 DD +95 11 169 DD +95 11 170 K +95 11 171 K +95 11 172 P +95 11 173 SR +95 11 174 SH +95 11 175 DD +95 11 176 SR +95 11 177 P +95 11 178 DD +95 11 179 SW +95 11 180 DD +95 11 181 SW +95 11 182 K +95 11 183 K +95 11 184 DD +95 11 185 SH +95 11 186 DD +95 11 187 SR +95 11 188 DD +95 11 189 P +95 11 190 SW +95 11 191 DD +95 11 192 SW +95 11 193 K +95 11 194 S +95 11 195 SW +95 11 196 DD +95 11 197 DD +95 11 198 S +95 11 199 P +95 11 200 DD +95 11 201 SH +95 11 202 DD +95 11 203 SR +95 11 204 S +95 11 205 DD +95 11 206 P +95 11 207 SR +95 11 208 SW +95 11 209 DD +95 11 210 K +95 11 211 DD +95 11 212 SH +95 11 213 P +95 11 214 SH +95 11 215 SW +95 11 216 K +95 11 217 SW +95 11 218 K +95 11 219 P +95 11 220 DD +95 11 221 P +95 11 222 DD +95 11 223 DD +95 11 224 P +95 11 225 K +95 11 226 DD +95 11 227 K +95 11 228 DD +95 11 229 SW +95 11 230 P +95 11 231 SH +95 11 232 K +95 11 233 DD +95 11 234 DD +95 11 235 DD +95 11 236 SW +95 11 237 SH +95 11 238 DD +95 11 239 SH +95 11 240 DD +95 11 241 P +95 11 242 SW +95 11 243 SR +95 11 244 P +95 11 245 SH +95 11 246 DD +95 11 247 DD +95 11 248 K +95 11 249 DD +95 11 250 SW +95 11 251 SW +95 11 252 P +95 11 253 DD +95 11 254 DD +95 11 255 S +95 11 256 SR +95 11 257 SW +95 11 258 SH +95 11 259 P +95 11 260 SW +95 11 261 P +95 11 262 P +95 11 263 P +95 11 264 DD +95 11 265 DD +95 11 266 SW +95 11 267 DD +95 11 268 DD +95 11 269 DD +95 11 270 SH +95 11 271 K +95 11 272 P +95 11 273 DD +95 11 274 P +95 11 275 SW +95 11 276 SR +95 11 277 DD +95 11 278 SH +95 11 279 DD +95 11 280 K +95 11 281 DD +95 11 282 DD +95 11 283 SW +95 11 284 P +95 11 285 SW +95 11 286 P +95 11 287 SW +95 11 288 SR +95 11 289 DD +95 11 290 P +95 11 291 DD +95 11 292 SW +95 11 293 P +95 11 294 P +95 11 295 SW +95 11 296 DD +95 11 297 SR +95 11 298 SH +95 11 299 DD +95 11 300 P +95 11 301 DD +95 11 302 P +95 11 303 P +95 11 304 K +95 11 305 DD +95 11 306 K +95 11 307 DD +95 11 308 SW +95 11 309 K +95 11 310 DD +95 11 311 DD +95 11 312 K +95 11 313 DD +95 11 314 P +95 11 315 K +95 11 316 DD +95 11 317 SH +95 11 318 SW +95 11 319 P +95 11 320 SW +95 11 321 SH +95 11 322 DD +95 11 323 K +95 11 324 P +95 11 325 SH +95 11 326 SH +95 11 327 P +95 11 328 K +95 11 329 SW +95 11 330 P +95 12 1 DD +95 12 2 K +95 12 3 SR +95 12 4 WI +95 12 5 K +95 12 6 SW +95 12 7 K +95 12 8 SR +95 12 9 WI +95 12 10 DD +95 12 11 S +95 12 12 SH +95 12 13 K +95 12 14 DD +95 12 15 P +95 12 16 P +95 12 17 SR +95 12 18 S +95 12 19 DD +95 12 20 K +95 12 21 SR +95 12 22 SH +95 12 23 WI +95 12 24 WI +95 12 25 DD +95 12 26 DD +95 12 27 P +95 12 28 SR +95 12 29 K +95 12 30 SH +95 12 31 SW +95 12 32 SU +95 12 33 K +95 12 34 DD +95 12 35 P +95 12 36 K +95 12 37 DD +95 12 38 SR +95 12 39 K +95 12 40 DD +95 12 41 SR +95 12 42 SH +95 12 43 S +95 12 44 P +95 12 45 SU +95 12 46 WI +95 12 47 K +95 12 48 SH +95 12 49 DD +95 12 50 S +95 12 51 WI +95 12 52 P +95 12 53 SR +95 12 54 K +95 12 55 DD +95 12 56 SH +95 12 57 K +95 12 58 SH +95 12 59 P +95 12 60 DD +95 12 61 SR +95 12 62 P +95 12 63 SR +95 12 64 DD +95 12 65 SR +95 12 66 P +95 12 67 K +95 12 68 SW +95 12 69 K +95 12 70 P +95 12 71 WI +95 12 72 DD +95 12 73 SR +95 12 74 SW +95 12 75 K +95 12 76 SH +95 12 77 DD +95 12 78 SR +95 12 79 WI +95 12 80 DD +95 12 81 SH +95 12 82 K +95 12 83 P +95 12 84 SH +95 12 85 K +95 12 86 SR +95 12 87 S +95 12 88 SR +95 12 89 S +95 12 90 K +95 12 91 SH +95 12 92 P +95 12 93 DD +95 12 94 DD +95 12 95 P +95 12 96 SH +95 12 97 S +95 12 98 SR +95 12 99 DD +95 12 100 K +95 12 101 S +95 12 102 SU +95 12 103 WI +95 12 104 SW +95 12 105 KE +95 12 106 SH +95 12 107 P +95 12 108 P +95 12 109 DD +95 12 110 SH +95 12 111 S +95 12 112 SR +95 12 113 S +95 12 114 DD +95 12 115 SR +95 12 116 P +95 12 117 KE +95 12 118 SR +95 12 119 K +95 12 120 P +95 12 121 SR +95 12 122 K +95 12 123 DD +95 12 124 SH +95 12 125 SH +95 12 126 SW +95 12 127 S +95 12 128 SH +95 12 129 P +95 12 130 WI +95 12 131 SR +95 12 132 SR +95 12 133 K +95 12 134 WI +95 12 135 SH +95 12 136 DD +95 12 137 K +95 12 138 P +95 12 139 P +95 12 140 DD +95 12 141 P +95 12 142 SU +95 12 143 K +95 12 144 S +95 12 145 DD +95 12 146 SH +95 12 147 K +95 12 148 SR +95 12 149 SH +95 12 150 S +95 12 151 P +95 12 152 SW +95 12 153 DD +95 12 154 WI +95 12 155 WI +95 12 156 K +95 12 157 S +95 12 158 P +95 12 159 SH +95 12 160 SW +95 12 161 K +95 12 162 SR +95 12 163 DD +95 12 164 DD +95 12 165 WI +95 12 166 DD +95 12 167 SU +95 12 168 K +95 12 169 DD +95 12 170 S +95 12 171 K +95 12 172 P +95 12 173 SR +95 12 174 SH +95 12 175 SW +95 12 176 SR +95 12 177 SH +95 12 178 DD +95 12 179 KE +95 12 180 K +95 12 181 SH +95 12 182 KE +95 12 183 WI +95 12 184 DD +95 12 185 SH +95 12 186 K +95 12 187 SH +95 12 188 DD +95 12 189 SW +95 12 190 P +95 12 191 K +95 12 192 KE +95 12 193 SH +95 12 194 KE +95 12 195 K +95 12 196 DD +95 12 197 KE +95 12 198 S +95 12 199 P +95 12 200 K +95 12 201 SH +95 12 202 K +95 12 203 KE +95 12 204 S +95 12 205 KE +95 12 206 P +95 12 207 SR +95 12 208 KE +95 12 209 K +95 12 210 KE +95 12 211 DD +95 12 212 SH +95 12 213 P +95 12 214 SH +95 12 215 SR +95 12 216 KE +95 12 217 SR +95 12 218 SH +95 12 219 SW +95 12 220 DD +95 12 221 P +95 12 222 KE +95 12 223 K +95 12 224 P +95 12 225 WI +95 12 226 S +95 12 227 S +95 12 228 DD +95 12 229 K +95 12 230 P +95 12 231 KE +95 12 232 WI +95 12 233 DD +95 12 234 K +95 12 235 DD +95 12 236 SH +95 12 237 SH +95 12 238 DD +95 12 239 SR +95 12 240 KE +95 12 241 P +95 12 242 SH +95 12 243 S +95 12 244 P +95 12 245 SR +95 12 246 K +95 12 247 KE +95 12 248 K +95 12 249 K +95 12 250 KE +95 12 251 K +95 12 252 P +95 12 253 K +95 12 254 DD +95 12 255 KE +95 12 256 SR +95 12 257 DD +95 12 258 SH +95 12 259 KE +95 12 260 SH +95 12 261 SH +95 12 262 P +95 12 263 KE +95 12 264 DD +95 12 265 K +95 12 266 KE +95 12 267 KE +95 12 268 K +95 12 269 SR +95 12 270 SH +95 12 271 K +95 12 272 P +95 12 273 SR +95 12 274 P +95 12 275 SH +95 12 276 SR +95 12 277 DD +95 12 278 SW +95 12 279 DD +95 12 280 K +95 12 281 K +95 12 282 K +95 12 283 KE +95 12 284 P +95 12 285 SR +95 12 286 P +95 12 287 KE +95 12 288 SR +95 12 289 K +95 12 290 P +95 12 291 DD +95 12 292 SR +95 12 293 SW +95 12 294 P +95 12 295 KE +95 12 296 KE +95 12 297 SH +95 12 298 SR +95 12 299 K +95 12 300 SU +95 12 301 K +95 12 302 P +95 12 303 DD +95 12 304 SH +95 12 305 S +95 12 306 K +95 12 307 DD +95 12 308 DD +95 12 309 KE +95 12 310 K +95 12 311 DD +95 12 312 S +95 12 313 S +95 12 314 P +95 12 315 K +95 12 316 K +95 12 317 KE +95 12 318 SH +95 12 319 P +95 12 320 KE +95 12 321 SR +95 12 322 DD +95 12 323 K +95 12 324 P +95 12 325 KE +95 12 326 SH +95 12 327 P +95 12 328 K +95 12 329 KE +95 12 330 P +95 13 1 DD +95 13 2 K +95 13 3 SR +95 13 4 DD +95 13 5 K +95 13 6 SW +95 13 7 K +95 13 8 DD +95 13 9 WI +95 13 10 DD +95 13 11 K +95 13 12 SH +95 13 13 K +95 13 14 DD +95 13 15 SW +95 13 16 P +95 13 17 SR +95 13 18 S +95 13 19 DD +95 13 20 K +95 13 21 SR +95 13 22 SH +95 13 23 DD +95 13 24 S +95 13 25 K +95 13 26 DD +95 13 27 SW +95 13 28 SR +95 13 29 K +95 13 30 WI +95 13 31 DD +95 13 32 DD +95 13 33 K +95 13 34 DD +95 13 35 SR +95 13 36 S +95 13 37 DD +95 13 38 SR +95 13 39 K +95 13 40 DD +95 13 41 SR +95 13 42 PU +95 13 43 DD +95 13 44 SW +95 13 45 K +95 13 46 S +95 13 47 K +95 13 48 WI +95 13 49 DD +95 13 50 DD +95 13 51 WI +95 13 52 SW +95 13 53 DD +95 13 54 K +95 13 55 DD +95 13 56 SW +95 13 57 DD +95 13 58 PU +95 13 59 DD +95 13 60 DD +95 13 61 SR +95 13 62 DD +95 13 63 SR +95 13 64 DD +95 13 65 SR +95 13 66 SW +95 13 67 K +95 13 68 DD +95 13 69 PU +95 13 70 SW +95 13 71 WI +95 13 72 K +95 13 73 DD +95 13 74 SU +95 13 75 K +95 13 76 WI +95 13 77 DD +95 13 78 SW +95 13 79 S +95 13 80 DD +95 13 81 K +95 13 82 K +95 13 83 SW +95 13 84 SR +95 13 85 K +95 13 86 DD +95 13 87 S +95 13 88 DD +95 13 89 S +95 13 90 K +95 13 91 PU +95 13 92 SW +95 13 93 DD +95 13 94 KE +95 13 95 SU +95 13 96 SH +95 13 97 DD +95 13 98 SR +95 13 99 DD +95 13 100 K +95 13 101 DD +95 13 102 SW +95 13 103 PU +95 13 104 DD +95 13 105 DD +95 13 106 SH +95 13 107 SW +95 13 108 K +95 13 109 DD +95 13 110 WI +95 13 111 K +95 13 112 SR +95 13 113 S +95 13 114 K +95 13 115 SR +95 13 116 K +95 13 117 KE +95 13 118 SR +95 13 119 K +95 13 120 P +95 13 121 SR +95 13 122 K +95 13 123 DD +95 13 124 K +95 13 125 SR +95 13 126 SR +95 13 127 K +95 13 128 PU +95 13 129 P +95 13 130 K +95 13 131 DD +95 13 132 SR +95 13 133 K +95 13 134 WI +95 13 135 DD +95 13 136 DD +95 13 137 K +95 13 138 DD +95 13 139 SW +95 13 140 DD +95 13 141 P +95 13 142 SW +95 13 143 K +95 13 144 DD +95 13 145 K +95 13 146 PU +95 13 147 K +95 13 148 SR +95 13 149 K +95 13 150 DD +95 13 151 SR +95 13 152 DD +95 13 153 DD +95 13 154 S +95 13 155 PU +95 13 156 K +95 13 157 WI +95 13 158 P +95 13 159 SH +95 13 160 SR +95 13 161 K +95 13 162 SR +95 13 163 K +95 13 164 DD +95 13 165 K +95 13 166 S +95 13 167 DD +95 13 168 K +95 13 169 DD +95 13 170 S +95 13 171 K +95 13 172 P +95 13 173 SR +95 13 174 SH +95 13 175 DD +95 13 176 SR +95 13 177 SH +95 13 178 DD +95 13 179 KE +95 13 180 K +95 13 181 WI +95 13 182 DD +95 13 183 WI +95 13 184 DD +95 13 185 WI +95 13 186 DD +95 13 187 SH +95 13 188 DD +95 13 189 DD +95 13 190 SR +95 13 191 K +95 13 192 DD +95 13 193 PU +95 13 194 DD +95 13 195 K +95 13 196 K +95 13 197 DD +95 13 198 S +95 13 199 SW +95 13 200 DD +95 13 201 SR +95 13 202 K +95 13 203 DD +95 13 204 WI +95 13 205 DD +95 13 206 P +95 13 207 DD +95 13 208 WI +95 13 209 K +95 13 210 SR +95 13 211 DD +95 13 212 SH +95 13 213 DD +95 13 214 PU +95 13 215 DD +95 13 216 K +95 13 217 SR +95 13 218 PU +95 13 219 P +95 13 220 DD +95 13 221 P +95 13 222 DD +95 13 223 K +95 13 224 SW +95 13 225 PU +95 13 226 S +95 13 227 S +95 13 228 DD +95 13 229 K +95 13 230 SR +95 13 231 DD +95 13 232 PU +95 13 233 DD +95 13 234 K +95 13 235 DD +95 13 236 PU +95 13 237 SR +95 13 238 K +95 13 239 SR +95 13 240 WI +95 13 241 SW +95 13 242 SH +95 13 243 DD +95 13 244 P +95 13 245 SR +95 13 246 K +95 13 247 DD +95 13 248 S +95 13 249 K +95 13 250 DD +95 13 251 K +95 13 252 SR +95 13 253 K +95 13 254 DD +95 13 255 WI +95 13 256 SR +95 13 257 DD +95 13 258 PU +95 13 259 SR +95 13 260 SW +95 13 261 SH +95 13 262 P +95 13 263 P +95 13 264 DD +95 13 265 K +95 13 266 WI +95 13 267 DD +95 13 268 K +95 13 269 DD +95 13 270 SH +95 13 271 K +95 13 272 P +95 13 273 DD +95 13 274 P +95 13 275 PU +95 13 276 DD +95 13 277 DD +95 13 278 SR +95 13 279 DD +95 13 280 K +95 13 281 K +95 13 282 K +95 13 283 WI +95 13 284 P +95 13 285 SR +95 13 286 P +95 13 287 PU +95 13 288 SR +95 13 289 DD +95 13 290 SW +95 13 291 DD +95 13 292 SR +95 13 293 P +95 13 294 P +95 13 295 WI +95 13 296 DD +95 13 297 SH +95 13 298 SR +95 13 299 K +95 13 300 P +95 13 301 K +95 13 302 SR +95 13 303 DD +95 13 304 PU +95 13 305 DD +95 13 306 K +95 13 307 DD +95 13 308 DD +95 13 309 PU +95 13 310 K +95 13 311 DD +95 13 312 S +95 13 313 DD +95 13 314 SR +95 13 315 K +95 13 316 K +95 13 317 DD +95 13 318 SR +95 13 319 SW +95 13 320 PU +95 13 321 SR +95 13 322 DD +95 13 323 K +95 13 324 P +95 13 325 DD +95 13 326 SH +95 13 327 P +95 13 328 K +95 13 329 WI +95 13 330 P +95 14 1 DD +95 14 2 P +95 14 3 SO +95 14 4 DD +95 14 5 P +95 14 6 K +95 14 7 K +95 14 8 SO +95 14 9 K +95 14 10 DD +95 14 11 K +95 14 12 SH +95 14 13 K +95 14 14 DD +95 14 15 P +95 14 16 P +95 14 17 SH +95 14 18 K +95 14 19 DD +95 14 20 K +95 14 21 SR +95 14 22 SH +95 14 23 DD +95 14 24 K +95 14 25 DD +95 14 26 DD +95 14 27 P +95 14 28 DD +95 14 29 K +95 14 30 K +95 14 31 P +95 14 32 DD +95 14 33 K +95 14 34 DD +95 14 35 SO +95 14 36 K +95 14 37 DD +95 14 38 DD +95 14 39 K +95 14 40 P +95 14 41 K +95 14 42 SH +95 14 43 DD +95 14 44 P +95 14 45 K +95 14 46 K +95 14 47 K +95 14 48 SH +95 14 49 P +95 14 50 DD +95 14 51 K +95 14 52 P +95 14 53 DD +95 14 54 K +95 14 55 DD +95 14 56 SR +95 14 57 DD +95 14 58 K +95 14 59 P +95 14 60 K +95 14 61 SO +95 14 62 DD +95 14 63 SR +95 14 64 DD +95 14 65 DD +95 14 66 P +95 14 67 K +95 14 68 DD +95 14 69 K +95 14 70 P +95 14 71 S +95 14 72 K +95 14 73 DD +95 14 74 P +95 14 75 K +95 14 76 SH +95 14 77 DD +95 14 78 P +95 14 79 K +95 14 80 DD +95 14 81 SH +95 14 82 P +95 14 83 SH +95 14 84 SR +95 14 85 K +95 14 86 DD +95 14 87 K +95 14 88 DD +95 14 89 S +95 14 90 K +95 14 91 SH +95 14 92 P +95 14 93 DD +95 14 94 S +95 14 95 P +95 14 96 SH +95 14 97 DD +95 14 98 SR +95 14 99 DD +95 14 100 P +95 14 101 DD +95 14 102 DD +95 14 103 K +95 14 104 DD +95 14 105 DD +95 14 106 SH +95 14 107 P +95 14 108 P +95 14 109 DD +95 14 110 SH +95 14 111 K +95 14 112 SR +95 14 113 K +95 14 114 DD +95 14 115 SO +95 14 116 P +95 14 117 K +95 14 118 SR +95 14 119 K +95 14 120 P +95 14 121 SH +95 14 122 K +95 14 123 DD +95 14 124 SH +95 14 125 SR +95 14 126 SW +95 14 127 K +95 14 128 SH +95 14 129 P +95 14 130 K +95 14 131 DD +95 14 132 SO +95 14 133 K +95 14 134 K +95 14 135 DD +95 14 136 SW +95 14 137 K +95 14 138 DD +95 14 139 P +95 14 140 DD +95 14 141 P +95 14 142 P +95 14 143 SH +95 14 144 DD +95 14 145 SW +95 14 146 SH +95 14 147 K +95 14 148 SO +95 14 149 SH +95 14 150 DD +95 14 151 SH +95 14 152 P +95 14 153 DD +95 14 154 K +95 14 155 K +95 14 156 K +95 14 157 K +95 14 158 P +95 14 159 SR +95 14 160 P +95 14 161 SW +95 14 162 SR +95 14 163 DD +95 14 164 DD +95 14 165 K +95 14 166 DD +95 14 167 SW +95 14 168 K +95 14 169 DD +95 14 170 K +95 14 171 K +95 14 172 P +95 14 173 SR +95 14 174 SH +95 14 175 P +95 14 176 SO +95 14 177 SH +95 14 178 DD +95 14 179 K +95 14 180 K +95 14 181 SH +95 14 182 S +95 14 183 K +95 14 184 DD +95 14 185 K +95 14 186 P +95 14 187 SH +95 14 188 DD +95 14 189 P +95 14 190 SW +95 14 191 DD +95 14 192 DD +95 14 193 SH +95 14 194 K +95 14 195 K +95 14 196 SW +95 14 197 DD +95 14 198 K +95 14 199 SW +95 14 200 DD +95 14 201 SR +95 14 202 K +95 14 203 DD +95 14 204 K +95 14 205 DD +95 14 206 SW +95 14 207 SR +95 14 208 K +95 14 209 K +95 14 210 S +95 14 211 DD +95 14 212 SH +95 14 213 DD +95 14 214 SH +95 14 215 DD +95 14 216 K +95 14 217 SR +95 14 218 K +95 14 219 P +95 14 220 DD +95 14 221 P +95 14 222 DD +95 14 223 K +95 14 224 P +95 14 225 K +95 14 226 DD +95 14 227 S +95 14 228 DD +95 14 229 SW +95 14 230 P +95 14 231 DD +95 14 232 KA +95 14 233 DD +95 14 234 K +95 14 235 DD +95 14 236 SR +95 14 237 SW +95 14 238 DD +95 14 239 SR +95 14 240 K +95 14 241 P +95 14 242 SH +95 14 243 DD +95 14 244 P +95 14 245 SO +95 14 246 K +95 14 247 DD +95 14 248 K +95 14 249 K +95 14 250 DD +95 14 251 SW +95 14 252 P +95 14 253 SW +95 14 254 DD +95 14 255 S +95 14 256 SO +95 14 257 DD +95 14 258 SH +95 14 259 KA +95 14 260 SR +95 14 261 SR +95 14 262 P +95 14 263 SW +95 14 264 P +95 14 265 K +95 14 266 K +95 14 267 DD +95 14 268 SW +95 14 269 DD +95 14 270 SR +95 14 271 S +95 14 272 P +95 14 273 DD +95 14 274 P +95 14 275 SR +95 14 276 DD +95 14 277 DD +95 14 278 SR +95 14 279 DD +95 14 280 K +95 14 281 K +95 14 282 K +95 14 283 K +95 14 284 P +95 14 285 SW +95 14 286 P +95 14 287 K +95 14 288 SO +95 14 289 SW +95 14 290 SW +95 14 291 DD +95 14 292 SR +95 14 293 P +95 14 294 P +95 14 295 K +95 14 296 DD +95 14 297 SH +95 14 298 SO +95 14 299 K +95 14 300 SW +95 14 301 K +95 14 302 P +95 14 303 DD +95 14 304 K +95 14 305 DD +95 14 306 SH +95 14 307 DD +95 14 308 DD +95 14 309 K +95 14 310 K +95 14 311 DD +95 14 312 S +95 14 313 DD +95 14 314 P +95 14 315 SH +95 14 316 SW +95 14 317 DD +95 14 318 SR +95 14 319 P +95 14 320 K +95 14 321 SO +95 14 322 DD +95 14 323 K +95 14 324 SW +95 14 325 DD +95 14 326 SH +95 14 327 P +95 14 328 K +95 14 329 KA +95 14 330 P +95 15 1 DD +95 15 2 K +95 15 3 SR +95 15 4 KE +95 15 5 SW +95 15 6 P +95 15 7 K +95 15 8 KE +95 15 9 S +95 15 10 DD +95 15 11 K +95 15 12 SH +95 15 13 K +95 15 14 DD +95 15 15 SW +95 15 16 SW +95 15 17 SR +95 15 18 KE +95 15 19 DD +95 15 20 K +95 15 21 P +95 15 22 SH +95 15 23 SW +95 15 24 KE +95 15 25 K +95 15 26 DD +95 15 27 P +95 15 28 SR +95 15 29 K +95 15 30 SW +95 15 31 P +95 15 32 P +95 15 33 K +95 15 34 DD +95 15 35 SW +95 15 36 K +95 15 37 DD +95 15 38 SR +95 15 39 K +95 15 40 SW +95 15 41 SR +95 15 42 SH +95 15 43 S +95 15 44 P +95 15 45 K +95 15 46 KE +95 15 47 S +95 15 48 SH +95 15 49 DD +95 15 50 SR +95 15 51 KE +95 15 52 P +95 15 53 SR +95 15 54 K +95 15 55 SW +95 15 56 P +95 15 57 K +95 15 58 SH +95 15 59 P +95 15 60 S +95 15 61 SR +95 15 62 SW +95 15 63 P +95 15 64 DD +95 15 65 SR +95 15 66 P +95 15 67 K +95 15 68 SR +95 15 69 K +95 15 70 P +95 15 71 SR +95 15 72 K +95 15 73 DD +95 15 74 P +95 15 75 K +95 15 76 SR +95 15 77 DD +95 15 78 SW +95 15 79 S +95 15 80 DD +95 15 81 K +95 15 82 K +95 15 83 P +95 15 84 SW +95 15 85 K +95 15 86 KE +95 15 87 S +95 15 88 SR +95 15 89 S +95 15 90 K +95 15 91 K +95 15 92 P +95 15 93 DD +95 15 94 KA +95 15 95 SW +95 15 96 SH +95 15 97 DD +95 15 98 SR +95 15 99 P +95 15 100 K +95 15 101 SR +95 15 102 SW +95 15 103 S +95 15 104 SW +95 15 105 SR +95 15 106 SH +95 15 107 P +95 15 108 SW +95 15 109 DD +95 15 110 SH +95 15 111 S +95 15 112 SR +95 15 113 S +95 15 114 K +95 15 115 SR +95 15 116 SW +95 15 117 KE +95 15 118 P +95 15 119 K +95 15 120 P +95 15 121 SR +95 15 122 K +95 15 123 DD +95 15 124 K +95 15 125 SR +95 15 126 SW +95 15 127 S +95 15 128 SH +95 15 129 P +95 15 130 K +95 15 131 SR +95 15 132 KE +95 15 133 K +95 15 134 SR +95 15 135 P +95 15 136 K +95 15 137 K +95 15 138 SW +95 15 139 KE +95 15 140 DD +95 15 141 P +95 15 142 SW +95 15 143 K +95 15 144 DD +95 15 145 K +95 15 146 SH +95 15 147 K +95 15 148 SR +95 15 149 K +95 15 150 SR +95 15 151 SW +95 15 152 P +95 15 153 DD +95 15 154 KE +95 15 155 S +95 15 156 K +95 15 157 KE +95 15 158 P +95 15 159 SH +95 15 160 SW +95 15 161 K +95 15 162 SR +95 15 163 K +95 15 164 DD +95 15 165 K +95 15 166 DD +95 15 167 P +95 15 168 K +95 15 169 K +95 15 170 K +95 15 171 K +95 15 172 P +95 15 173 SR +95 15 174 SH +95 15 175 SW +95 15 176 SR +95 15 177 SH +95 15 178 DD +95 15 179 SR +95 15 180 K +95 15 181 SH +95 15 182 KE +95 15 183 S +95 15 184 DD +95 15 185 SH +95 15 186 DD +95 15 187 SH +95 15 188 DD +95 15 189 SW +95 15 190 SW +95 15 191 K +95 15 192 DD +95 15 193 K +95 15 194 SR +95 15 195 K +95 15 196 SW +95 15 197 DD +95 15 198 S +95 15 199 P +95 15 200 P +95 15 201 KE +95 15 202 K +95 15 203 SR +95 15 204 S +95 15 205 SW +95 15 206 P +95 15 207 SR +95 15 208 KE +95 15 209 K +95 15 210 SR +95 15 211 DD +95 15 212 SR +95 15 213 SW +95 15 214 K +95 15 215 P +95 15 216 S +95 15 217 SW +95 15 218 K +95 15 219 P +95 15 220 DD +95 15 221 P +95 15 222 SR +95 15 223 K +95 15 224 SW +95 15 225 K +95 15 226 K +95 15 227 K +95 15 228 S +95 15 229 SW +95 15 230 P +95 15 231 SR +95 15 232 KE +95 15 233 DD +95 15 234 K +95 15 235 DD +95 15 236 K +95 15 237 SW +95 15 238 K +95 15 239 SR +95 15 240 KE +95 15 241 P +95 15 242 P +95 15 243 SR +95 15 244 SW +95 15 245 SR +95 15 246 K +95 15 247 DD +95 15 248 K +95 15 249 K +95 15 250 SR +95 15 251 K +95 15 252 P +95 15 253 SW +95 15 254 DD +95 15 255 KE +95 15 256 SR +95 15 257 S +95 15 258 SH +95 15 259 SR +95 15 260 P +95 15 261 KE +95 15 262 P +95 15 263 SW +95 15 264 P +95 15 265 K +95 15 266 SR +95 15 267 SR +95 15 268 K +95 15 269 SR +95 15 270 SH +95 15 271 S +95 15 272 P +95 15 273 SW +95 15 274 P +95 15 275 K +95 15 276 SR +95 15 277 S +95 15 278 KE +95 15 279 DD +95 15 280 K +95 15 281 K +95 15 282 K +95 15 283 KE +95 15 284 P +95 15 285 P +95 15 286 P +95 15 287 KE +95 15 288 SR +95 15 289 SW +95 15 290 P +95 15 291 DD +95 15 292 SW +95 15 293 P +95 15 294 P +95 15 295 KE +95 15 296 DD +95 15 297 SH +95 15 298 SR +95 15 299 K +95 15 300 SW +95 15 301 K +95 15 302 P +95 15 303 DD +95 15 304 K +95 15 305 SR +95 15 306 K +95 15 307 DD +95 15 308 P +95 15 309 KE +95 15 310 K +95 15 311 DD +95 15 312 KE +95 15 313 DD +95 15 314 P +95 15 315 SW +95 15 316 K +95 15 317 SR +95 15 318 SH +95 15 319 P +95 15 320 K +95 15 321 SR +95 15 322 DD +95 15 323 K +95 15 324 P +95 15 325 SR +95 15 326 SH +95 15 327 P +95 15 328 K +95 15 329 KE +95 15 330 P +95 16 1 SW +95 16 2 K +95 16 3 SH +95 16 4 DD +95 16 5 SW +95 16 6 SH +95 16 7 K +95 16 8 SR +95 16 9 KE +95 16 10 DD +95 16 11 K +95 16 12 SH +95 16 13 K +95 16 14 KE +95 16 15 SW +95 16 16 P +95 16 17 SR +95 16 18 KE +95 16 19 DD +95 16 20 K +95 16 21 SR +95 16 22 SH +95 16 23 DD +95 16 24 KE +95 16 25 K +95 16 26 DD +95 16 27 P +95 16 28 SR +95 16 29 K +95 16 30 SH +95 16 31 P +95 16 32 KE +95 16 33 K +95 16 34 DD +95 16 35 SR +95 16 36 K +95 16 37 DD +95 16 38 SR +95 16 39 K +95 16 40 DD +95 16 41 SR +95 16 42 SH +95 16 43 DD +95 16 44 P +95 16 45 K +95 16 46 KE +95 16 47 K +95 16 48 SH +95 16 49 DD +95 16 50 DD +95 16 51 KE +95 16 52 P +95 16 53 DD +95 16 54 K +95 16 55 DD +95 16 56 SR +95 16 57 DD +95 16 58 KE +95 16 59 P +95 16 60 DD +95 16 61 SR +95 16 62 DD +95 16 63 P +95 16 64 DD +95 16 65 SR +95 16 66 P +95 16 67 K +95 16 68 DD +95 16 69 K +95 16 70 P +95 16 71 SR +95 16 72 K +95 16 73 DD +95 16 74 P +95 16 75 K +95 16 76 SH +95 16 77 DD +95 16 78 P +95 16 79 KE +95 16 80 DD +95 16 81 K +95 16 82 K +95 16 83 P +95 16 84 P +95 16 85 K +95 16 86 SR +95 16 87 KE +95 16 88 DD +95 16 89 KE +95 16 90 KE +95 16 91 K +95 16 92 P +95 16 93 DD +95 16 94 KE +95 16 95 P +95 16 96 SH +95 16 97 DD +95 16 98 SR +95 16 99 P +95 16 100 SW +95 16 101 SR +95 16 102 P +95 16 103 KE +95 16 104 DD +95 16 105 DD +95 16 106 P +95 16 107 P +95 16 108 SW +95 16 109 DD +95 16 110 SH +95 16 111 K +95 16 112 SR +95 16 113 KE +95 16 114 DD +95 16 115 SR +95 16 116 P +95 16 117 KE +95 16 118 SR +95 16 119 K +95 16 120 P +95 16 121 SR +95 16 122 K +95 16 123 DD +95 16 124 SW +95 16 125 SH +95 16 126 SR +95 16 127 K +95 16 128 SH +95 16 129 P +95 16 130 K +95 16 131 DD +95 16 132 SR +95 16 133 K +95 16 134 KE +95 16 135 DD +95 16 136 K +95 16 137 K +95 16 138 DD +95 16 139 P +95 16 140 DD +95 16 141 P +95 16 142 P +95 16 143 K +95 16 144 DD +95 16 145 K +95 16 146 SH +95 16 147 K +95 16 148 SR +95 16 149 P +95 16 150 DD +95 16 151 SR +95 16 152 P +95 16 153 DD +95 16 154 KE +95 16 155 KE +95 16 156 K +95 16 157 KE +95 16 158 P +95 16 159 SR +95 16 160 SR +95 16 161 K +95 16 162 SR +95 16 163 DD +95 16 164 DD +95 16 165 K +95 16 166 DD +95 16 167 P +95 16 168 K +95 16 169 DD +95 16 170 KE +95 16 171 K +95 16 172 P +95 16 173 SW +95 16 174 SH +95 16 175 K +95 16 176 SR +95 16 177 SH +95 16 178 DD +95 16 179 SR +95 16 180 K +95 16 181 SH +95 16 182 SR +95 16 183 KE +95 16 184 DD +95 16 185 SH +95 16 186 K +95 16 187 SH +95 16 188 DD +95 16 189 P +95 16 190 SR +95 16 191 K +95 16 192 DD +95 16 193 K +95 16 194 SR +95 16 195 K +95 16 196 DD +95 16 197 KE +95 16 198 KE +95 16 199 P +95 16 200 DD +95 16 201 SR +95 16 202 K +95 16 203 SR +95 16 204 KE +95 16 205 DD +95 16 206 P +95 16 207 SR +95 16 208 SH +95 16 209 K +95 16 210 KE +95 16 211 DD +95 16 212 SH +95 16 213 P +95 16 214 K +95 16 215 SR +95 16 216 K +95 16 217 SW +95 16 218 K +95 16 219 P +95 16 220 DD +95 16 221 KE +95 16 222 DD +95 16 223 K +95 16 224 P +95 16 225 K +95 16 226 DD +95 16 227 KE +95 16 228 DD +95 16 229 K +95 16 230 P +95 16 231 DD +95 16 232 KE +95 16 233 P +95 16 234 K +95 16 235 DD +95 16 236 K +95 16 237 SR +95 16 238 K +95 16 239 SR +95 16 240 SR +95 16 241 P +95 16 242 SH +95 16 243 SR +95 16 244 P +95 16 245 SR +95 16 246 K +95 16 247 DD +95 16 248 KE +95 16 249 K +95 16 250 DD +95 16 251 K +95 16 252 P +95 16 253 K +95 16 254 DD +95 16 255 KE +95 16 256 SR +95 16 257 DD +95 16 258 SH +95 16 259 SR +95 16 260 P +95 16 261 SH +95 16 262 P +95 16 263 SW +95 16 264 SW +95 16 265 K +95 16 266 SR +95 16 267 DD +95 16 268 K +95 16 269 SR +95 16 270 SH +95 16 271 K +95 16 272 P +95 16 273 DD +95 16 274 P +95 16 275 SH +95 16 276 SR +95 16 277 DD +95 16 278 SW +95 16 279 DD +95 16 280 K +95 16 281 K +95 16 282 K +95 16 283 KE +95 16 284 P +95 16 285 SR +95 16 286 P +95 16 287 K +95 16 288 SR +95 16 289 DD +95 16 290 P +95 16 291 DD +95 16 292 SR +95 16 293 P +95 16 294 P +95 16 295 KE +95 16 296 DD +95 16 297 SH +95 16 298 SR +95 16 299 K +95 16 300 KE +95 16 301 K +95 16 302 P +95 16 303 P +95 16 304 K +95 16 305 DD +95 16 306 K +95 16 307 DD +95 16 308 SW +95 16 309 K +95 16 310 K +95 16 311 DD +95 16 312 S +95 16 313 DD +95 16 314 P +95 16 315 K +95 16 316 DD +95 16 317 SR +95 16 318 SH +95 16 319 P +95 16 320 K +95 16 321 SR +95 16 322 P +95 16 323 K +95 16 324 P +95 16 325 DD +95 16 326 SH +95 16 327 P +95 16 328 K +95 16 329 K +95 16 330 P +95 17 1 SW +95 17 2 SU +95 17 3 SH +95 17 4 DD +95 17 5 DD +95 17 6 SW +95 17 7 K +95 17 8 SR +95 17 9 KA +95 17 10 DD +95 17 11 SW +95 17 12 SH +95 17 13 K +95 17 14 SW +95 17 15 WI +95 17 16 P +95 17 17 SW +95 17 18 S +95 17 19 P +95 17 20 DD +95 17 21 SR +95 17 22 SH +95 17 23 DD +95 17 24 S +95 17 25 DD +95 17 26 SW +95 17 27 P +95 17 28 SR +95 17 29 DD +95 17 30 KA +95 17 31 P +95 17 32 SW +95 17 33 DD +95 17 34 K +95 17 35 SW +95 17 36 S +95 17 37 SW +95 17 38 SR +95 17 39 DD +95 17 40 PU +95 17 41 SR +95 17 42 SH +95 17 43 K +95 17 44 SW +95 17 45 DD +95 17 46 WI +95 17 47 DD +95 17 48 SH +95 17 49 SW +95 17 50 DD +95 17 51 KA +95 17 52 P +95 17 53 SR +95 17 54 DD +95 17 55 SW +95 17 56 SH +95 17 57 DD +95 17 58 SW +95 17 59 WI +95 17 60 S +95 17 61 SR +95 17 62 DD +95 17 63 SW +95 17 64 DD +95 17 65 SR +95 17 66 P +95 17 67 SW +95 17 68 WI +95 17 69 KA +95 17 70 P +95 17 71 SR +95 17 72 DD +95 17 73 G +95 17 74 SW +95 17 75 DD +95 17 76 SW +95 17 77 DD +95 17 78 SR +95 17 79 S +95 17 80 DD +95 17 81 K +95 17 82 SH +95 17 83 SW +95 17 84 SR +95 17 85 DD +95 17 86 DD +95 17 87 S +95 17 88 SR +95 17 89 S +95 17 90 WI +95 17 91 SH +95 17 92 SW +95 17 93 DD +95 17 94 S +95 17 95 SW +95 17 96 SH +95 17 97 DD +95 17 98 SR +95 17 99 SW +95 17 100 P +95 17 101 SR +95 17 102 WI +95 17 103 K +95 17 104 DD +95 17 105 DD +95 17 106 DD +95 17 107 P +95 17 108 SW +95 17 109 DD +95 17 110 SH +95 17 111 S +95 17 112 SR +95 17 113 S +95 17 114 DD +95 17 115 SR +95 17 116 SW +95 17 117 S +95 17 118 SW +95 17 119 DD +95 17 120 P +95 17 121 SR +95 17 122 K +95 17 123 SW +95 17 124 SH +95 17 125 SR +95 17 126 SW +95 17 127 DD +95 17 128 SH +95 17 129 SU +95 17 130 KA +95 17 131 G +95 17 132 SR +95 17 133 DD +95 17 134 KA +95 17 135 SR +95 17 136 DD +95 17 137 SW +95 17 138 DD +95 17 139 SU +95 17 140 DD +95 17 141 P +95 17 142 P +95 17 143 DD +95 17 144 K +95 17 145 SH +95 17 146 SW +95 17 147 * +95 17 148 SR +95 17 149 SW +95 17 150 G +95 17 151 SR +95 17 152 P +95 17 153 DD +95 17 154 WI +95 17 155 S +95 17 156 DD +95 17 157 KA +95 17 158 P +95 17 159 SW +95 17 160 SR +95 17 161 DD +95 17 162 SR +95 17 163 DD +95 17 164 K +95 17 165 KA +95 17 166 WI +95 17 167 DD +95 17 168 DD +95 17 169 WI +95 17 170 S +95 17 171 DD +95 17 172 P +95 17 173 SR +95 17 174 SH +95 17 175 WI +95 17 176 SW +95 17 177 WI +95 17 178 DD +95 17 179 KA +95 17 180 DD +95 17 181 SW +95 17 182 DD +95 17 183 WI +95 17 184 G +95 17 185 KA +95 17 186 SW +95 17 187 SH +95 17 188 DD +95 17 189 WI +95 17 190 SR +95 17 191 DD +95 17 192 G +95 17 193 SH +95 17 194 KA +95 17 195 * +95 17 196 DD +95 17 197 G +95 17 198 S +95 17 199 SW +95 17 200 WI +95 17 201 SR +95 17 202 DD +95 17 203 SR +95 17 204 S +95 17 205 K +95 17 206 SH +95 17 207 SR +95 17 208 SH +95 17 209 S +95 17 210 KA +95 17 211 DD +95 17 212 SH +95 17 213 P +95 17 214 SW +95 17 215 SW +95 17 216 KA +95 17 217 SR +95 17 218 DD +95 17 219 SH +95 17 220 S +95 17 221 SW +95 17 222 DD +95 17 223 P +95 17 224 SU +95 17 225 WI +95 17 226 DD +95 17 227 S +95 17 228 DD +95 17 229 SW +95 17 230 P +95 17 231 DD +95 17 232 S +95 17 233 SW +95 17 234 DD +95 17 235 K +95 17 236 G +95 17 237 SW +95 17 238 DD +95 17 239 SR +95 17 240 KA +95 17 241 WI +95 17 242 SH +95 17 243 G +95 17 244 P +95 17 245 SR +95 17 246 K +95 17 247 DD +95 17 248 S +95 17 249 DD +95 17 250 G +95 17 251 SW +95 17 252 P +95 17 253 DD +95 17 254 SW +95 17 255 S +95 17 256 SR +95 17 257 DD +95 17 258 SH +95 17 259 SR +95 17 260 SW +95 17 261 SR +95 17 262 P +95 17 263 WI +95 17 264 DD +95 17 265 K +95 17 266 KA +95 17 267 G +95 17 268 DD +95 17 269 G +95 17 270 SH +95 17 271 S +95 17 272 P +95 17 273 DD +95 17 274 P +95 17 275 KA +95 17 276 SR +95 17 277 SW +95 17 278 SR +95 17 279 S +95 17 280 DD +95 17 281 K +95 17 282 SW +95 17 283 S +95 17 284 P +95 17 285 SW +95 17 286 P +95 17 287 WI +95 17 288 SR +95 17 289 DD +95 17 290 WI +95 17 291 DD +95 17 292 SW +95 17 293 DD +95 17 294 WI +95 17 295 KA +95 17 296 G +95 17 297 SH +95 17 298 SR +95 17 299 DD +95 17 300 WI +95 17 301 DD +95 17 302 SR +95 17 303 SW +95 17 304 G +95 17 305 S +95 17 306 DD +95 17 307 P +95 17 308 SH +95 17 309 S +95 17 310 DD +95 17 311 K +95 17 312 S +95 17 313 S +95 17 314 P +95 17 315 DD +95 17 316 SW +95 17 317 SR +95 17 318 SW +95 17 319 P +95 17 320 K +95 17 321 SR +95 17 322 DD +95 17 323 DD +95 17 324 WI +95 17 325 SU +95 17 326 DD +95 17 327 SU +95 17 328 K +95 17 329 WI +95 17 330 P +95 18 1 DD +95 18 2 SW +95 18 3 SR +95 18 4 KE +95 18 5 K +95 18 6 SH +95 18 7 K +95 18 8 SR +95 18 9 KE +95 18 10 DD +95 18 11 S +95 18 12 SH +95 18 13 S +95 18 14 KE +95 18 15 SR +95 18 16 P +95 18 17 SR +95 18 18 S +95 18 19 DD +95 18 20 K +95 18 21 SR +95 18 22 SW +95 18 23 SR +95 18 24 KE +95 18 25 DD +95 18 26 DD +95 18 27 SW +95 18 28 SR +95 18 29 K +95 18 30 KE +95 18 31 K +95 18 32 SR +95 18 33 K +95 18 34 DD +95 18 35 SW +95 18 36 S +95 18 37 DD +95 18 38 SR +95 18 39 K +95 18 40 DD +95 18 41 SR +95 18 42 KE +95 18 43 DD +95 18 44 SW +95 18 45 K +95 18 46 KE +95 18 47 S +95 18 48 KE +95 18 49 SW +95 18 50 SR +95 18 51 KE +95 18 52 SW +95 18 53 SR +95 18 54 K +95 18 55 DD +95 18 56 SW +95 18 57 S +95 18 58 KE +95 18 59 SW +95 18 60 S +95 18 61 SR +95 18 62 DD +95 18 63 SR +95 18 64 DD +95 18 65 SR +95 18 66 SW +95 18 67 K +95 18 68 SR +95 18 69 KE +95 18 70 SW +95 18 71 SR +95 18 72 K +95 18 73 DD +95 18 74 SW +95 18 75 S +95 18 76 KE +95 18 77 DD +95 18 78 SW +95 18 79 S +95 18 80 DD +95 18 81 K +95 18 82 K +95 18 83 SW +95 18 84 SW +95 18 85 K +95 18 86 SR +95 18 87 S +95 18 88 SR +95 18 89 S +95 18 90 DD +95 18 91 SH +95 18 92 SW +95 18 93 DD +95 18 94 S +95 18 95 SW +95 18 96 SH +95 18 97 DD +95 18 98 SR +95 18 99 SW +95 18 100 DD +95 18 101 SR +95 18 102 SW +95 18 103 KE +95 18 104 DD +95 18 105 SR +95 18 106 SH +95 18 107 SW +95 18 108 SW +95 18 109 DD +95 18 110 KE +95 18 111 KE +95 18 112 SR +95 18 113 S +95 18 114 DD +95 18 115 SR +95 18 116 SW +95 18 117 KE +95 18 118 SR +95 18 119 K +95 18 120 P +95 18 121 SH +95 18 122 K +95 18 123 DD +95 18 124 SW +95 18 125 SH +95 18 126 SR +95 18 127 S +95 18 128 SH +95 18 129 SW +95 18 130 KE +95 18 131 SR +95 18 132 SR +95 18 133 K +95 18 134 KE +95 18 135 SR +95 18 136 DD +95 18 137 KE +95 18 138 SW +95 18 139 SW +95 18 140 DD +95 18 141 P +95 18 142 P +95 18 143 DD +95 18 144 DD +95 18 145 SW +95 18 146 SH +95 18 147 K +95 18 148 SR +95 18 149 DD +95 18 150 KE +95 18 151 SR +95 18 152 SW +95 18 153 DD +95 18 154 KE +95 18 155 S +95 18 156 K +95 18 157 KE +95 18 158 P +95 18 159 SH +95 18 160 SR +95 18 161 K +95 18 162 SR +95 18 163 DD +95 18 164 DD +95 18 165 KE +95 18 166 S +95 18 167 SW +95 18 168 K +95 18 169 DD +95 18 170 S +95 18 171 KE +95 18 172 P +95 18 173 SR +95 18 174 SH +95 18 175 SW +95 18 176 SR +95 18 177 SW +95 18 178 DD +95 18 179 SR +95 18 180 K +95 18 181 SH +95 18 182 SR +95 18 183 KE +95 18 184 SR +95 18 185 KE +95 18 186 DD +95 18 187 SH +95 18 188 DD +95 18 189 SW +95 18 190 SW +95 18 191 DD +95 18 192 SR +95 18 193 SH +95 18 194 SR +95 18 195 K +95 18 196 SW +95 18 197 SW +95 18 198 S +95 18 199 SW +95 18 200 SW +95 18 201 KE +95 18 202 K +95 18 203 SR +95 18 204 S +95 18 205 DD +95 18 206 SW +95 18 207 SR +95 18 208 KE +95 18 209 DD +95 18 210 KE +95 18 211 DD +95 18 212 SH +95 18 213 SW +95 18 214 SH +95 18 215 SR +95 18 216 KE +95 18 217 P +95 18 218 SH +95 18 219 SW +95 18 220 DD +95 18 221 SW +95 18 222 SR +95 18 223 K +95 18 224 P +95 18 225 KE +95 18 226 S +95 18 227 S +95 18 228 DD +95 18 229 SW +95 18 230 SW +95 18 231 SR +95 18 232 KE +95 18 233 DD +95 18 234 K +95 18 235 DD +95 18 236 SH +95 18 237 SW +95 18 238 DD +95 18 239 SR +95 18 240 KE +95 18 241 P +95 18 242 SH +95 18 243 SR +95 18 244 SW +95 18 245 SR +95 18 246 DD +95 18 247 KE +95 18 248 S +95 18 249 DD +95 18 250 KE +95 18 251 SW +95 18 252 SW +95 18 253 DD +95 18 254 DD +95 18 255 S +95 18 256 SR +95 18 257 DD +95 18 258 SH +95 18 259 KE +95 18 260 SW +95 18 261 KE +95 18 262 SW +95 18 263 SW +95 18 264 DD +95 18 265 DD +95 18 266 KE +95 18 267 SR +95 18 268 K +95 18 269 SR +95 18 270 SH +95 18 271 S +95 18 272 SW +95 18 273 SR +95 18 274 SW +95 18 275 KE +95 18 276 SR +95 18 277 S +95 18 278 SR +95 18 279 DD +95 18 280 K +95 18 281 DD +95 18 282 K +95 18 283 KE +95 18 284 SW +95 18 285 SR +95 18 286 P +95 18 287 KE +95 18 288 SR +95 18 289 DD +95 18 290 SW +95 18 291 DD +95 18 292 SW +95 18 293 SW +95 18 294 P +95 18 295 KE +95 18 296 S +95 18 297 SH +95 18 298 SR +95 18 299 K +95 18 300 SW +95 18 301 DD +95 18 302 SW +95 18 303 SW +95 18 304 KE +95 18 305 SR +95 18 306 DD +95 18 307 DD +95 18 308 SR +95 18 309 S +95 18 310 K +95 18 311 DD +95 18 312 S +95 18 313 DD +95 18 314 SW +95 18 315 K +95 18 316 DD +95 18 317 SR +95 18 318 KE +95 18 319 SW +95 18 320 KE +95 18 321 SR +95 18 322 DD +95 18 323 K +95 18 324 P +95 18 325 SR +95 18 326 SH +95 18 327 SW +95 18 328 K +95 18 329 KE +95 18 330 SW +95 19 1 DD +95 19 2 K +95 19 3 SR +95 19 4 S +95 19 5 K +95 19 6 SR +95 19 7 K +95 19 8 SR +95 19 9 SH +95 19 10 DD +95 19 11 S +95 19 12 SH +95 19 13 K +95 19 14 DD +95 19 15 SR +95 19 16 SU +95 19 17 SR +95 19 18 S +95 19 19 DD +95 19 20 K +95 19 21 SR +95 19 22 SH +95 19 23 S +95 19 24 S +95 19 25 DD +95 19 26 S +95 19 27 SU +95 19 28 SR +95 19 29 K +95 19 30 SR +95 19 31 DD +95 19 32 SR +95 19 33 K +95 19 34 DD +95 19 35 SR +95 19 36 K +95 19 37 DD +95 19 38 SR +95 19 39 K +95 19 40 DD +95 19 41 SR +95 19 42 S +95 19 43 DD +95 19 44 SU +95 19 45 K +95 19 46 S +95 19 47 K +95 19 48 SH +95 19 49 DD +95 19 50 S +95 19 51 SH +95 19 52 SU +95 19 53 SR +95 19 54 DD +95 19 55 SU +95 19 56 SR +95 19 57 DD +95 19 58 S +95 19 59 SU +95 19 60 K +95 19 61 SR +95 19 62 SU +95 19 63 SR +95 19 64 DD +95 19 65 SR +95 19 66 SU +95 19 67 K +95 19 68 SU +95 19 69 K +95 19 70 P +95 19 71 SR +95 19 72 K +95 19 73 SU +95 19 74 P +95 19 75 K +95 19 76 SR +95 19 77 DD +95 19 78 SU +95 19 79 S +95 19 80 DD +95 19 81 K +95 19 82 DD +95 19 83 SU +95 19 84 SR +95 19 85 K +95 19 86 SR +95 19 87 S +95 19 88 SR +95 19 89 S +95 19 90 K +95 19 91 SU +95 19 92 P +95 19 93 DD +95 19 94 S +95 19 95 P +95 19 96 SH +95 19 97 DD +95 19 98 SR +95 19 99 SU +95 19 100 DD +95 19 101 SR +95 19 102 SU +95 19 103 S +95 19 104 DD +95 19 105 SR +95 19 106 P +95 19 107 SR +95 19 108 DD +95 19 109 SU +95 19 110 SH +95 19 111 K +95 19 112 SR +95 19 113 S +95 19 114 SH +95 19 115 SR +95 19 116 DD +95 19 117 S +95 19 118 SR +95 19 119 SH +95 19 120 P +95 19 121 SR +95 19 122 K +95 19 123 DD +95 19 124 K +95 19 125 SR +95 19 126 SU +95 19 127 S +95 19 128 SH +95 19 129 P +95 19 130 S +95 19 131 DD +95 19 132 SR +95 19 133 K +95 19 134 S +95 19 135 SU +95 19 136 DD +95 19 137 K +95 19 138 DD +95 19 139 P +95 19 140 DD +95 19 141 P +95 19 142 P +95 19 143 SH +95 19 144 DD +95 19 145 K +95 19 146 SH +95 19 147 DD +95 19 148 SR +95 19 149 SH +95 19 150 DD +95 19 151 SR +95 19 152 SU +95 19 153 DD +95 19 154 S +95 19 155 DD +95 19 156 K +95 19 157 SR +95 19 158 P +95 19 159 SH +95 19 160 SU +95 19 161 K +95 19 162 SR +95 19 163 K +95 19 164 DD +95 19 165 K +95 19 166 SH +95 19 167 SU +95 19 168 K +95 19 169 DD +95 19 170 S +95 19 171 K +95 19 172 P +95 19 173 SR +95 19 174 SH +95 19 175 P +95 19 176 SR +95 19 177 SH +95 19 178 DD +95 19 179 SR +95 19 180 K +95 19 181 SH +95 19 182 SR +95 19 183 SU +95 19 184 SR +95 19 185 SH +95 19 186 DD +95 19 187 SH +95 19 188 DD +95 19 189 P +95 19 190 SR +95 19 191 K +95 19 192 SU +95 19 193 SH +95 19 194 SR +95 19 195 K +95 19 196 SU +95 19 197 SR +95 19 198 S +95 19 199 P +95 19 200 DD +95 19 201 SU +95 19 202 K +95 19 203 SR +95 19 204 S +95 19 205 DD +95 19 206 P +95 19 207 SR +95 19 208 SU +95 19 209 S +95 19 210 DD +95 19 211 SU +95 19 212 SH +95 19 213 P +95 19 214 K +95 19 215 SU +95 19 216 S +95 19 217 SU +95 19 218 K +95 19 219 P +95 19 220 K +95 19 221 P +95 19 222 S +95 19 223 K +95 19 224 P +95 19 225 K +95 19 226 DD +95 19 227 S +95 19 228 DD +95 19 229 SH +95 19 230 SH +95 19 231 DD +95 19 232 S +95 19 233 DD +95 19 234 K +95 19 235 DD +95 19 236 SU +95 19 237 SR +95 19 238 K +95 19 239 SR +95 19 240 S +95 19 241 P +95 19 242 SH +95 19 243 S +95 19 244 P +95 19 245 SR +95 19 246 K +95 19 247 SU +95 19 248 S +95 19 249 K +95 19 250 DD +95 19 251 K +95 19 252 P +95 19 253 K +95 19 254 P +95 19 255 S +95 19 256 SR +95 19 257 DD +95 19 258 SU +95 19 259 S +95 19 260 P +95 19 261 SH +95 19 262 P +95 19 263 S +95 19 264 SU +95 19 265 K +95 19 266 SH +95 19 267 DD +95 19 268 K +95 19 269 DD +95 19 270 SH +95 19 271 K +95 19 272 P +95 19 273 DD +95 19 274 P +95 19 275 K +95 19 276 SR +95 19 277 DD +95 19 278 SR +95 19 279 DD +95 19 280 K +95 19 281 K +95 19 282 DD +95 19 283 S +95 19 284 P +95 19 285 SR +95 19 286 P +95 19 287 DD +95 19 288 SR +95 19 289 DD +95 19 290 P +95 19 291 DD +95 19 292 P +95 19 293 SU +95 19 294 P +95 19 295 K +95 19 296 DD +95 19 297 SH +95 19 298 SR +95 19 299 K +95 19 300 P +95 19 301 K +95 19 302 P +95 19 303 SH +95 19 304 K +95 19 305 DD +95 19 306 K +95 19 307 DD +95 19 308 SU +95 19 309 K +95 19 310 DD +95 19 311 K +95 19 312 S +95 19 313 DD +95 19 314 P +95 19 315 K +95 19 316 DD +95 19 317 SH +95 19 318 SR +95 19 319 P +95 19 320 K +95 19 321 SR +95 19 322 P +95 19 323 K +95 19 324 P +95 19 325 SH +95 19 326 P +95 19 327 P +95 19 328 K +95 19 329 SH +95 19 330 P +95 20 1 DD +95 20 2 SW +95 20 3 SR +95 20 4 KA +95 20 5 DD +95 20 6 KE +95 20 7 K +95 20 8 SR +95 20 9 KA +95 20 10 DD +95 20 11 DD +95 20 12 SH +95 20 13 K +95 20 14 DD +95 20 15 P +95 20 16 P +95 20 17 SR +95 20 18 S +95 20 19 DD +95 20 20 K +95 20 21 SW +95 20 22 SH +95 20 23 DD +95 20 24 S +95 20 25 DD +95 20 26 DD +95 20 27 P +95 20 28 DD +95 20 29 K +95 20 30 SH +95 20 31 DD +95 20 32 SW +95 20 33 K +95 20 34 DD +95 20 35 P +95 20 36 K +95 20 37 DD +95 20 38 SR +95 20 39 K +95 20 40 DD +95 20 41 SR +95 20 42 SH +95 20 43 DD +95 20 44 P +95 20 45 K +95 20 46 P +95 20 47 K +95 20 48 SH +95 20 49 SW +95 20 50 DD +95 20 51 KA +95 20 52 DD +95 20 53 SR +95 20 54 K +95 20 55 DD +95 20 56 P +95 20 57 DD +95 20 58 SH +95 20 59 P +95 20 60 DD +95 20 61 SR +95 20 62 SW +95 20 63 P +95 20 64 DD +95 20 65 SR +95 20 66 P +95 20 67 DD +95 20 68 SR +95 20 69 K +95 20 70 P +95 20 71 SR +95 20 72 DD +95 20 73 DD +95 20 74 P +95 20 75 K +95 20 76 SH +95 20 77 DD +95 20 78 P +95 20 79 WI +95 20 80 DD +95 20 81 SH +95 20 82 DD +95 20 83 P +95 20 84 SW +95 20 85 DD +95 20 86 DD +95 20 87 S +95 20 88 DD +95 20 89 S +95 20 90 K +95 20 91 SH +95 20 92 P +95 20 93 DD +95 20 94 KA +95 20 95 P +95 20 96 SH +95 20 97 DD +95 20 98 SR +95 20 99 P +95 20 100 P +95 20 101 SR +95 20 102 P +95 20 103 K +95 20 104 P +95 20 105 DD +95 20 106 SH +95 20 107 P +95 20 108 P +95 20 109 DD +95 20 110 SH +95 20 111 K +95 20 112 SR +95 20 113 S +95 20 114 DD +95 20 115 SR +95 20 116 P +95 20 117 KA +95 20 118 DD +95 20 119 K +95 20 120 P +95 20 121 SH +95 20 122 K +95 20 123 DD +95 20 124 SH +95 20 125 SR +95 20 126 SW +95 20 127 DD +95 20 128 SH +95 20 129 P +95 20 130 DD +95 20 131 DD +95 20 132 SR +95 20 133 K +95 20 134 KA +95 20 135 SR +95 20 136 DD +95 20 137 K +95 20 138 P +95 20 139 P +95 20 140 DD +95 20 141 P +95 20 142 P +95 20 143 K +95 20 144 DD +95 20 145 DD +95 20 146 SH +95 20 147 DD +95 20 148 SR +95 20 149 SH +95 20 150 DD +95 20 151 SW +95 20 152 DD +95 20 153 DD +95 20 154 S +95 20 155 SH +95 20 156 DD +95 20 157 KA +95 20 158 P +95 20 159 SH +95 20 160 SW +95 20 161 DD +95 20 162 SR +95 20 163 DD +95 20 164 DD +95 20 165 K +95 20 166 DD +95 20 167 P +95 20 168 K +95 20 169 DD +95 20 170 DD +95 20 171 K +95 20 172 P +95 20 173 P +95 20 174 SH +95 20 175 SW +95 20 176 SR +95 20 177 SH +95 20 178 DD +95 20 179 SR +95 20 180 DD +95 20 181 SH +95 20 182 SR +95 20 183 SH +95 20 184 DD +95 20 185 SH +95 20 186 DD +95 20 187 SH +95 20 188 DD +95 20 189 P +95 20 190 SW +95 20 191 DD +95 20 192 DD +95 20 193 SH +95 20 194 SR +95 20 195 K +95 20 196 DD +95 20 197 SW +95 20 198 S +95 20 199 P +95 20 200 DD +95 20 201 SW +95 20 202 K +95 20 203 DD +95 20 204 S +95 20 205 DD +95 20 206 P +95 20 207 SR +95 20 208 SH +95 20 209 K +95 20 210 KA +95 20 211 DD +95 20 212 SH +95 20 213 KE +95 20 214 SH +95 20 215 SW +95 20 216 K +95 20 217 DD +95 20 218 SH +95 20 219 SW +95 20 220 DD +95 20 221 P +95 20 222 DD +95 20 223 DD +95 20 224 P +95 20 225 SH +95 20 226 DD +95 20 227 S +95 20 228 DD +95 20 229 SW +95 20 230 P +95 20 231 DD +95 20 232 K +95 20 233 SW +95 20 234 K +95 20 235 DD +95 20 236 SH +95 20 237 P +95 20 238 DD +95 20 239 SR +95 20 240 KE +95 20 241 P +95 20 242 SH +95 20 243 DD +95 20 244 SW +95 20 245 SR +95 20 246 DD +95 20 247 DD +95 20 248 K +95 20 249 K +95 20 250 DD +95 20 251 SH +95 20 252 P +95 20 253 DD +95 20 254 DD +95 20 255 S +95 20 256 SR +95 20 257 DD +95 20 258 SH +95 20 259 SR +95 20 260 SW +95 20 261 SH +95 20 262 P +95 20 263 P +95 20 264 SW +95 20 265 K +95 20 266 KE +95 20 267 DD +95 20 268 K +95 20 269 DD +95 20 270 SH +95 20 271 K +95 20 272 P +95 20 273 DD +95 20 274 P +95 20 275 SH +95 20 276 SR +95 20 277 DD +95 20 278 SW +95 20 279 DD +95 20 280 K +95 20 281 DD +95 20 282 K +95 20 283 KA +95 20 284 P +95 20 285 SW +95 20 286 P +95 20 287 SH +95 20 288 SR +95 20 289 K +95 20 290 P +95 20 291 DD +95 20 292 SW +95 20 293 P +95 20 294 P +95 20 295 SH +95 20 296 DD +95 20 297 SH +95 20 298 SR +95 20 299 DD +95 20 300 P +95 20 301 DD +95 20 302 P +95 20 303 SW +95 20 304 K +95 20 305 DD +95 20 306 SH +95 20 307 DD +95 20 308 KE +95 20 309 S +95 20 310 K +95 20 311 DD +95 20 312 S +95 20 313 DD +95 20 314 P +95 20 315 K +95 20 316 DD +95 20 317 SR +95 20 318 SH +95 20 319 P +95 20 320 K +95 20 321 SW +95 20 322 DD +95 20 323 K +95 20 324 P +95 20 325 DD +95 20 326 SH +95 20 327 P +95 20 328 K +95 20 329 KE +95 20 330 SW +95 21 1 DD +95 21 2 DD +95 21 3 SR +95 21 4 SW +95 21 5 DD +95 21 6 SW +95 21 7 K +95 21 8 SW +95 21 9 KE +95 21 10 DD +95 21 11 K +95 21 12 SH +95 21 13 K +95 21 14 DD +95 21 15 SW +95 21 16 P +95 21 17 SR +95 21 18 S +95 21 19 DD +95 21 20 DD +95 21 21 SW +95 21 22 SH +95 21 23 SW +95 21 24 S +95 21 25 DD +95 21 26 DD +95 21 27 P +95 21 28 SW +95 21 29 DD +95 21 30 SW +95 21 31 DD +95 21 32 SW +95 21 33 K +95 21 34 DD +95 21 35 SW +95 21 36 K +95 21 37 DD +95 21 38 SR +95 21 39 K +95 21 40 DD +95 21 41 SR +95 21 42 SH +95 21 43 DD +95 21 44 P +95 21 45 DD +95 21 46 KE +95 21 47 K +95 21 48 SH +95 21 49 DD +95 21 50 DD +95 21 51 KE +95 21 52 P +95 21 53 SR +95 21 54 DD +95 21 55 DD +95 21 56 SW +95 21 57 DD +95 21 58 KE +95 21 59 SW +95 21 60 DD +95 21 61 SR +95 21 62 SW +95 21 63 KE +95 21 64 DD +95 21 65 SR +95 21 66 P +95 21 67 DD +95 21 68 SW +95 21 69 KE +95 21 70 P +95 21 71 SR +95 21 72 K +95 21 73 KE +95 21 74 DD +95 21 75 K +95 21 76 SR +95 21 77 DD +95 21 78 P +95 21 79 P +95 21 80 DD +95 21 81 DD +95 21 82 K +95 21 83 P +95 21 84 SW +95 21 85 K +95 21 86 SW +95 21 87 P +95 21 88 SW +95 21 89 S +95 21 90 DD +95 21 91 SH +95 21 92 P +95 21 93 DD +95 21 94 S +95 21 95 P +95 21 96 SH +95 21 97 SW +95 21 98 SR +95 21 99 KE +95 21 100 DD +95 21 101 SR +95 21 102 DD +95 21 103 SW +95 21 104 DD +95 21 105 SW +95 21 106 SH +95 21 107 KE +95 21 108 P +95 21 109 DD +95 21 110 SH +95 21 111 K +95 21 112 SR +95 21 113 S +95 21 114 DD +95 21 115 SR +95 21 116 DD +95 21 117 S +95 21 118 SW +95 21 119 K +95 21 120 P +95 21 121 SR +95 21 122 K +95 21 123 DD +95 21 124 SW +95 21 125 SH +95 21 126 SW +95 21 127 K +95 21 128 SH +95 21 129 P +95 21 130 K +95 21 131 SH +95 21 132 SR +95 21 133 DD +95 21 134 KE +95 21 135 SW +95 21 136 DD +95 21 137 K +95 21 138 DD +95 21 139 P +95 21 140 DD +95 21 141 P +95 21 142 SW +95 21 143 K +95 21 144 DD +95 21 145 DD +95 21 146 SH +95 21 147 DD +95 21 148 SR +95 21 149 K +95 21 150 KE +95 21 151 SW +95 21 152 SW +95 21 153 DD +95 21 154 P +95 21 155 S +95 21 156 DD +95 21 157 SW +95 21 158 P +95 21 159 SW +95 21 160 KE +95 21 161 DD +95 21 162 SR +95 21 163 DD +95 21 164 DD +95 21 165 K +95 21 166 DD +95 21 167 P +95 21 168 DD +95 21 169 DD +95 21 170 DD +95 21 171 K +95 21 172 P +95 21 173 SW +95 21 174 SH +95 21 175 SW +95 21 176 SR +95 21 177 SH +95 21 178 DD +95 21 179 SR +95 21 180 K +95 21 181 SH +95 21 182 KE +95 21 183 KE +95 21 184 SR +95 21 185 SH +95 21 186 DD +95 21 187 SH +95 21 188 DD +95 21 189 P +95 21 190 SW +95 21 191 DD +95 21 192 KE +95 21 193 SH +95 21 194 SR +95 21 195 K +95 21 196 DD +95 21 197 SW +95 21 198 S +95 21 199 P +95 21 200 DD +95 21 201 SW +95 21 202 K +95 21 203 SR +95 21 204 S +95 21 205 SW +95 21 206 P +95 21 207 SR +95 21 208 KE +95 21 209 DD +95 21 210 S +95 21 211 DD +95 21 212 SH +95 21 213 SW +95 21 214 SH +95 21 215 SW +95 21 216 K +95 21 217 SW +95 21 218 SH +95 21 219 P +95 21 220 DD +95 21 221 P +95 21 222 DD +95 21 223 K +95 21 224 P +95 21 225 SW +95 21 226 DD +95 21 227 S +95 21 228 DD +95 21 229 K +95 21 230 SW +95 21 231 SH +95 21 232 KE +95 21 233 DD +95 21 234 K +95 21 235 DD +95 21 236 K +95 21 237 SR +95 21 238 DD +95 21 239 KE +95 21 240 SR +95 21 241 P +95 21 242 SH +95 21 243 SR +95 21 244 P +95 21 245 SR +95 21 246 DD +95 21 247 SW +95 21 248 DD +95 21 249 K +95 21 250 SW +95 21 251 K +95 21 252 P +95 21 253 DD +95 21 254 DD +95 21 255 S +95 21 256 KE +95 21 257 DD +95 21 258 SH +95 21 259 SR +95 21 260 P +95 21 261 SW +95 21 262 P +95 21 263 P +95 21 264 DD +95 21 265 K +95 21 266 KE +95 21 267 KE +95 21 268 DD +95 21 269 SW +95 21 270 SR +95 21 271 K +95 21 272 P +95 21 273 SW +95 21 274 P +95 21 275 SW +95 21 276 SR +95 21 277 DD +95 21 278 SR +95 21 279 DD +95 21 280 K +95 21 281 K +95 21 282 DD +95 21 283 S +95 21 284 P +95 21 285 SW +95 21 286 P +95 21 287 KE +95 21 288 SR +95 21 289 DD +95 21 290 P +95 21 291 DD +95 21 292 SW +95 21 293 P +95 21 294 P +95 21 295 KE +95 21 296 SW +95 21 297 SH +95 21 298 SR +95 21 299 K +95 21 300 P +95 21 301 K +95 21 302 P +95 21 303 DD +95 21 304 DD +95 21 305 SR +95 21 306 DD +95 21 307 K +95 21 308 SW +95 21 309 S +95 21 310 K +95 21 311 DD +95 21 312 S +95 21 313 DD +95 21 314 P +95 21 315 DD +95 21 316 K +95 21 317 SR +95 21 318 SW +95 21 319 P +95 21 320 KE +95 21 321 SR +95 21 322 DD +95 21 323 K +95 21 324 P +95 21 325 SR +95 21 326 SH +95 21 327 P +95 21 328 K +95 21 329 KE +95 21 330 P +95 22 1 SW +95 22 2 K +95 22 3 SR +95 22 4 SR +95 22 5 K +95 22 6 KE +95 22 7 K +95 22 8 SR +95 22 9 KE +95 22 10 DD +95 22 11 S +95 22 12 SH +95 22 13 K +95 22 14 DD +95 22 15 SW +95 22 16 P +95 22 17 SR +95 22 18 S +95 22 19 DD +95 22 20 K +95 22 21 SR +95 22 22 SW +95 22 23 SR +95 22 24 KE +95 22 25 DD +95 22 26 DD +95 22 27 SW +95 22 28 SR +95 22 29 K +95 22 30 KE +95 22 31 SW +95 22 32 SR +95 22 33 K +95 22 34 DD +95 22 35 SR +95 22 36 S +95 22 37 DD +95 22 38 SR +95 22 39 K +95 22 40 SW +95 22 41 SR +95 22 42 KE +95 22 43 DD +95 22 44 SW +95 22 45 K +95 22 46 KE +95 22 47 S +95 22 48 SH +95 22 49 SW +95 22 50 S +95 22 51 KE +95 22 52 SW +95 22 53 SR +95 22 54 K +95 22 55 DD +95 22 56 SR +95 22 57 DD +95 22 58 KE +95 22 59 SW +95 22 60 S +95 22 61 SR +95 22 62 KE +95 22 63 SR +95 22 64 DD +95 22 65 SR +95 22 66 SW +95 22 67 SW +95 22 68 KE +95 22 69 K +95 22 70 SW +95 22 71 KE +95 22 72 K +95 22 73 SR +95 22 74 SW +95 22 75 S +95 22 76 SR +95 22 77 DD +95 22 78 KE +95 22 79 S +95 22 80 DD +95 22 81 K +95 22 82 K +95 22 83 SH +95 22 84 SW +95 22 85 K +95 22 86 SW +95 22 87 S +95 22 88 SR +95 22 89 S +95 22 90 S +95 22 91 K +95 22 92 SW +95 22 93 DD +95 22 94 KE +95 22 95 SW +95 22 96 SH +95 22 97 SW +95 22 98 SR +95 22 99 SW +95 22 100 SW +95 22 101 SR +95 22 102 SW +95 22 103 KE +95 22 104 SW +95 22 105 SR +95 22 106 SW +95 22 107 SW +95 22 108 SW +95 22 109 DD +95 22 110 SH +95 22 111 S +95 22 112 SR +95 22 113 S +95 22 114 DD +95 22 115 SR +95 22 116 SW +95 22 117 KE +95 22 118 SW +95 22 119 K +95 22 120 P +95 22 121 SH +95 22 122 K +95 22 123 DD +95 22 124 K +95 22 125 SH +95 22 126 KE +95 22 127 S +95 22 128 SH +95 22 129 P +95 22 130 S +95 22 131 KE +95 22 132 KE +95 22 133 DD +95 22 134 KE +95 22 135 SR +95 22 136 SW +95 22 137 K +95 22 138 SW +95 22 139 KE +95 22 140 DD +95 22 141 P +95 22 142 SW +95 22 143 K +95 22 144 DD +95 22 145 K +95 22 146 SH +95 22 147 K +95 22 148 SR +95 22 149 K +95 22 150 KE +95 22 151 SW +95 22 152 SW +95 22 153 DD +95 22 154 DD +95 22 155 S +95 22 156 K +95 22 157 KE +95 22 158 P +95 22 159 SH +95 22 160 KE +95 22 161 K +95 22 162 SR +95 22 163 K +95 22 164 DD +95 22 165 S +95 22 166 S +95 22 167 SW +95 22 168 K +95 22 169 DD +95 22 170 S +95 22 171 K +95 22 172 P +95 22 173 SR +95 22 174 SH +95 22 175 SW +95 22 176 SR +95 22 177 KE +95 22 178 DD +95 22 179 KE +95 22 180 K +95 22 181 KE +95 22 182 KE +95 22 183 KE +95 22 184 KE +95 22 185 SW +95 22 186 DD +95 22 187 SH +95 22 188 DD +95 22 189 SW +95 22 190 KE +95 22 191 S +95 22 192 SW +95 22 193 SW +95 22 194 SR +95 22 195 K +95 22 196 K +95 22 197 KE +95 22 198 S +95 22 199 P +95 22 200 DD +95 22 201 SW +95 22 202 K +95 22 203 SW +95 22 204 KE +95 22 205 KE +95 22 206 P +95 22 207 SR +95 22 208 KE +95 22 209 S +95 22 210 KE +95 22 211 DD +95 22 212 SH +95 22 213 KE +95 22 214 SW +95 22 215 KE +95 22 216 S +95 22 217 SW +95 22 218 KE +95 22 219 P +95 22 220 DD +95 22 221 SW +95 22 222 KE +95 22 223 K +95 22 224 SW +95 22 225 KE +95 22 226 S +95 22 227 S +95 22 228 S +95 22 229 K +95 22 230 SW +95 22 231 SW +95 22 232 KE +95 22 233 KE +95 22 234 K +95 22 235 DD +95 22 236 KE +95 22 237 SH +95 22 238 DD +95 22 239 SW +95 22 240 KE +95 22 241 P +95 22 242 SH +95 22 243 KE +95 22 244 SW +95 22 245 SR +95 22 246 DD +95 22 247 KE +95 22 248 S +95 22 249 S +95 22 250 KE +95 22 251 K +95 22 252 P +95 22 253 K +95 22 254 SW +95 22 255 S +95 22 256 SR +95 22 257 S +95 22 258 KE +95 22 259 SR +95 22 260 P +95 22 261 SR +95 22 262 P +95 22 263 KE +95 22 264 SW +95 22 265 K +95 22 266 KE +95 22 267 KE +95 22 268 K +95 22 269 SW +95 22 270 SH +95 22 271 S +95 22 272 P +95 22 273 SW +95 22 274 P +95 22 275 KE +95 22 276 SR +95 22 277 S +95 22 278 SR +95 22 279 S +95 22 280 K +95 22 281 S +95 22 282 K +95 22 283 KE +95 22 284 P +95 22 285 SW +95 22 286 P +95 22 287 KE +95 22 288 SR +95 22 289 SW +95 22 290 SW +95 22 291 DD +95 22 292 SW +95 22 293 P +95 22 294 P +95 22 295 KE +95 22 296 KE +95 22 297 SH +95 22 298 SR +95 22 299 K +95 22 300 SW +95 22 301 DD +95 22 302 P +95 22 303 SW +95 22 304 KE +95 22 305 KE +95 22 306 SW +95 22 307 DD +95 22 308 SW +95 22 309 S +95 22 310 K +95 22 311 DD +95 22 312 S +95 22 313 S +95 22 314 P +95 22 315 K +95 22 316 DD +95 22 317 SR +95 22 318 SH +95 22 319 SW +95 22 320 KE +95 22 321 SR +95 22 322 SW +95 22 323 K +95 22 324 SW +95 22 325 KE +95 22 326 SH +95 22 327 P +95 22 328 K +95 22 329 KE +95 22 330 SW +95 23 1 DD +95 23 2 P +95 23 3 SR +95 23 4 NN +95 23 5 P +95 23 6 SH +95 23 7 DD +95 23 8 SR +95 23 9 * +95 23 10 DD +95 23 11 K +95 23 12 SH +95 23 13 K +95 23 14 DD +95 23 15 P +95 23 16 P +95 23 17 SR +95 23 18 S +95 23 19 DD +95 23 20 DD +95 23 21 SR +95 23 22 P +95 23 23 DD +95 23 24 S +95 23 25 K +95 23 26 DD +95 23 27 P +95 23 28 SR +95 23 29 DD +95 23 30 SH +95 23 31 P +95 23 32 SW +95 23 33 DD +95 23 34 DD +95 23 35 SR +95 23 36 S +95 23 37 DD +95 23 38 SR +95 23 39 K +95 23 40 DD +95 23 41 SR +95 23 42 SR +95 23 43 DD +95 23 44 P +95 23 45 DD +95 23 46 SW +95 23 47 NN +95 23 48 SH +95 23 49 DD +95 23 50 DD +95 23 51 SW +95 23 52 P +95 23 53 SR +95 23 54 K +95 23 55 DD +95 23 56 SW +95 23 57 DD +95 23 58 SH +95 23 59 P +95 23 60 DD +95 23 61 SR +95 23 62 SW +95 23 63 SR +95 23 64 DD +95 23 65 SR +95 23 66 P +95 23 67 SW +95 23 68 SR +95 23 69 NN +95 23 70 P +95 23 71 KE +95 23 72 DD +95 23 73 DD +95 23 74 SW +95 23 75 DD +95 23 76 SH +95 23 77 DD +95 23 78 SU +95 23 79 NN +95 23 80 DD +95 23 81 SH +95 23 82 DD +95 23 83 P +95 23 84 SW +95 23 85 DD +95 23 86 SW +95 23 87 NN +95 23 88 SR +95 23 89 S +95 23 90 DD +95 23 91 SH +95 23 92 P +95 23 93 DD +95 23 94 NN +95 23 95 SW +95 23 96 SH +95 23 97 DD +95 23 98 SR +95 23 99 SW +95 23 100 P +95 23 101 SR +95 23 102 SW +95 23 103 SH +95 23 104 DD +95 23 105 SR +95 23 106 SH +95 23 107 P +95 23 108 P +95 23 109 DD +95 23 110 SH +95 23 111 S +95 23 112 SR +95 23 113 S +95 23 114 DD +95 23 115 SR +95 23 116 SW +95 23 117 NN +95 23 118 SH +95 23 119 DD +95 23 120 P +95 23 121 SR +95 23 122 DD +95 23 123 DD +95 23 124 SH +95 23 125 SR +95 23 126 SW +95 23 127 NN +95 23 128 SH +95 23 129 P +95 23 130 NN +95 23 131 DD +95 23 132 SR +95 23 133 DD +95 23 134 NN +95 23 135 DD +95 23 136 DD +95 23 137 K +95 23 138 DD +95 23 139 P +95 23 140 DD +95 23 141 P +95 23 142 P +95 23 143 SW +95 23 144 DD +95 23 145 DD +95 23 146 SH +95 23 147 SW +95 23 148 SR +95 23 149 SW +95 23 150 DD +95 23 151 SR +95 23 152 SH +95 23 153 DD +95 23 154 S +95 23 155 S +95 23 156 DD +95 23 157 S +95 23 158 P +95 23 159 SW +95 23 160 SH +95 23 161 DD +95 23 162 SR +95 23 163 DD +95 23 164 DD +95 23 165 NN +95 23 166 DD +95 23 167 SW +95 23 168 DD +95 23 169 DD +95 23 170 DD +95 23 171 K +95 23 172 P +95 23 173 SR +95 23 174 SH +95 23 175 P +95 23 176 SR +95 23 177 SH +95 23 178 DD +95 23 179 SR +95 23 180 DD +95 23 181 SW +95 23 182 DD +95 23 183 SH +95 23 184 DD +95 23 185 PU +95 23 186 DD +95 23 187 SH +95 23 188 DD +95 23 189 P +95 23 190 SW +95 23 191 DD +95 23 192 DD +95 23 193 SH +95 23 194 NN +95 23 195 SH +95 23 196 SW +95 23 197 DD +95 23 198 NN +95 23 199 P +95 23 200 DD +95 23 201 SH +95 23 202 K +95 23 203 SR +95 23 204 NN +95 23 205 DD +95 23 206 P +95 23 207 SR +95 23 208 SH +95 23 209 DD +95 23 210 S +95 23 211 DD +95 23 212 SH +95 23 213 SW +95 23 214 SH +95 23 215 SW +95 23 216 NN +95 23 217 P +95 23 218 SH +95 23 219 P +95 23 220 DD +95 23 221 P +95 23 222 DD +95 23 223 DD +95 23 224 P +95 23 225 SH +95 23 226 DD +95 23 227 S +95 23 228 DD +95 23 229 SW +95 23 230 P +95 23 231 SR +95 23 232 SH +95 23 233 DD +95 23 234 DD +95 23 235 DD +95 23 236 SH +95 23 237 SW +95 23 238 DD +95 23 239 SR +95 23 240 SH +95 23 241 P +95 23 242 SH +95 23 243 DD +95 23 244 SW +95 23 245 SR +95 23 246 DD +95 23 247 DD +95 23 248 S +95 23 249 DD +95 23 250 DD +95 23 251 SH +95 23 252 P +95 23 253 DD +95 23 254 DD +95 23 255 S +95 23 256 SR +95 23 257 DD +95 23 258 SH +95 23 259 SR +95 23 260 SW +95 23 261 SH +95 23 262 P +95 23 263 P +95 23 264 SW +95 23 265 DD +95 23 266 SR +95 23 267 DD +95 23 268 DD +95 23 269 SR +95 23 270 SH +95 23 271 DD +95 23 272 P +95 23 273 DD +95 23 274 P +95 23 275 SH +95 23 276 SR +95 23 277 DD +95 23 278 SH +95 23 279 DD +95 23 280 K +95 23 281 DD +95 23 282 DD +95 23 283 NN +95 23 284 P +95 23 285 SW +95 23 286 P +95 23 287 SH +95 23 288 SR +95 23 289 DD +95 23 290 P +95 23 291 DD +95 23 292 SH +95 23 293 P +95 23 294 P +95 23 295 S +95 23 296 DD +95 23 297 SH +95 23 298 SR +95 23 299 DD +95 23 300 P +95 23 301 DD +95 23 302 P +95 23 303 P +95 23 304 K +95 23 305 DD +95 23 306 SW +95 23 307 DD +95 23 308 SW +95 23 309 S +95 23 310 DD +95 23 311 DD +95 23 312 S +95 23 313 DD +95 23 314 P +95 23 315 SH +95 23 316 DD +95 23 317 SR +95 23 318 SH +95 23 319 P +95 23 320 SH +95 23 321 SR +95 23 322 SW +95 23 323 DD +95 23 324 P +95 23 325 DD +95 23 326 SH +95 23 327 P +95 23 328 S +95 23 329 PU +95 23 330 SW +95 24 1 DD +95 24 2 SW +95 24 3 SR +95 24 4 KE +95 24 5 SU +95 24 6 SU +95 24 7 K +95 24 8 SR +95 24 9 KE +95 24 10 DD +95 24 11 S +95 24 12 SH +95 24 13 K +95 24 14 S +95 24 15 P +95 24 16 P +95 24 17 SW +95 24 18 * +95 24 19 DD +95 24 20 K +95 24 21 SR +95 24 22 SW +95 24 23 DD +95 24 24 S +95 24 25 K +95 24 26 DD +95 24 27 SW +95 24 28 SR +95 24 29 K +95 24 30 SH +95 24 31 SW +95 24 32 SR +95 24 33 K +95 24 34 DD +95 24 35 SW +95 24 36 K +95 24 37 DD +95 24 38 SR +95 24 39 K +95 24 40 DD +95 24 41 SR +95 24 42 SH +95 24 43 K +95 24 44 P +95 24 45 K +95 24 46 S +95 24 47 S +95 24 48 SH +95 24 49 SW +95 24 50 SR +95 24 51 * +95 24 52 P +95 24 53 SR +95 24 54 K +95 24 55 DD +95 24 56 SW +95 24 57 K +95 24 58 SH +95 24 59 SW +95 24 60 DD +95 24 61 SR +95 24 62 P +95 24 63 SW +95 24 64 DD +95 24 65 SR +95 24 66 P +95 24 67 SW +95 24 68 SR +95 24 69 S +95 24 70 SW +95 24 71 SR +95 24 72 K +95 24 73 SR +95 24 74 SW +95 24 75 S +95 24 76 SR +95 24 77 DD +95 24 78 SW +95 24 79 S +95 24 80 DD +95 24 81 K +95 24 82 DD +95 24 83 P +95 24 84 SH +95 24 85 K +95 24 86 SR +95 24 87 S +95 24 88 SR +95 24 89 N +95 24 90 K +95 24 91 SH +95 24 92 SW +95 24 93 DD +95 24 94 S +95 24 95 SW +95 24 96 SH +95 24 97 DD +95 24 98 SR +95 24 99 SU +95 24 100 P +95 24 101 SR +95 24 102 SW +95 24 103 S +95 24 104 SW +95 24 105 SR +95 24 106 SH +95 24 107 P +95 24 108 P +95 24 109 DD +95 24 110 SH +95 24 111 S +95 24 112 SR +95 24 113 S +95 24 114 K +95 24 115 SR +95 24 116 SW +95 24 117 SR +95 24 118 SW +95 24 119 DD +95 24 120 P +95 24 121 SR +95 24 122 K +95 24 123 DD +95 24 124 SH +95 24 125 SR +95 24 126 SW +95 24 127 S +95 24 128 SH +95 24 129 P +95 24 130 S +95 24 131 SR +95 24 132 SW +95 24 133 K +95 24 134 S +95 24 135 SR +95 24 136 DD +95 24 137 S +95 24 138 K +95 24 139 P +95 24 140 DD +95 24 141 P +95 24 142 P +95 24 143 SH +95 24 144 DD +95 24 145 K +95 24 146 SH +95 24 147 DD +95 24 148 SR +95 24 149 SH +95 24 150 S +95 24 151 SW +95 24 152 SU +95 24 153 DD +95 24 154 SU +95 24 155 S +95 24 156 K +95 24 157 S +95 24 158 P +95 24 159 SW +95 24 160 SW +95 24 161 DD +95 24 162 SR +95 24 163 K +95 24 164 DD +95 24 165 S +95 24 166 DD +95 24 167 SW +95 24 168 K +95 24 169 DD +95 24 170 S +95 24 171 K +95 24 172 P +95 24 173 SR +95 24 174 SH +95 24 175 SW +95 24 176 SR +95 24 177 SH +95 24 178 DD +95 24 179 S +95 24 180 K +95 24 181 SH +95 24 182 SR +95 24 183 S +95 24 184 SR +95 24 185 S +95 24 186 DD +95 24 187 SH +95 24 188 K +95 24 189 P +95 24 190 SW +95 24 191 K +95 24 192 SR +95 24 193 SH +95 24 194 SR +95 24 195 K +95 24 196 SW +95 24 197 SR +95 24 198 S +95 24 199 SU +95 24 200 DD +95 24 201 SR +95 24 202 K +95 24 203 SR +95 24 204 S +95 24 205 DD +95 24 206 P +95 24 207 SR +95 24 208 SH +95 24 209 K +95 24 210 SR +95 24 211 DD +95 24 212 SH +95 24 213 SW +95 24 214 SH +95 24 215 SR +95 24 216 S +95 24 217 SW +95 24 218 SH +95 24 219 SU +95 24 220 DD +95 24 221 SW +95 24 222 SR +95 24 223 K +95 24 224 P +95 24 225 S +95 24 226 K +95 24 227 S +95 24 228 DD +95 24 229 SH +95 24 230 P +95 24 231 SR +95 24 232 S +95 24 233 SW +95 24 234 K +95 24 235 DD +95 24 236 SH +95 24 237 SW +95 24 238 K +95 24 239 SR +95 24 240 SR +95 24 241 P +95 24 242 SH +95 24 243 SR +95 24 244 P +95 24 245 SR +95 24 246 K +95 24 247 DD +95 24 248 S +95 24 249 K +95 24 250 SR +95 24 251 K +95 24 252 SW +95 24 253 DD +95 24 254 DD +95 24 255 S +95 24 256 SR +95 24 257 K +95 24 258 SH +95 24 259 SR +95 24 260 SH +95 24 261 SR +95 24 262 P +95 24 263 S +95 24 264 P +95 24 265 K +95 24 266 SR +95 24 267 DD +95 24 268 K +95 24 269 SR +95 24 270 SH +95 24 271 K +95 24 272 P +95 24 273 SR +95 24 274 P +95 24 275 SH +95 24 276 SR +95 24 277 K +95 24 278 SR +95 24 279 DD +95 24 280 K +95 24 281 K +95 24 282 SH +95 24 283 S +95 24 284 P +95 24 285 SR +95 24 286 P +95 24 287 SW +95 24 288 SR +95 24 289 DD +95 24 290 P +95 24 291 DD +95 24 292 SW +95 24 293 P +95 24 294 P +95 24 295 S +95 24 296 SR +95 24 297 SH +95 24 298 SR +95 24 299 K +95 24 300 S +95 24 301 K +95 24 302 P +95 24 303 SW +95 24 304 K +95 24 305 SR +95 24 306 SH +95 24 307 DD +95 24 308 SW +95 24 309 S +95 24 310 K +95 24 311 DD +95 24 312 S +95 24 313 DD +95 24 314 P +95 24 315 SH +95 24 316 K +95 24 317 SR +95 24 318 SH +95 24 319 P +95 24 320 S +95 24 321 SR +95 24 322 SW +95 24 323 K +95 24 324 P +95 24 325 SR +95 24 326 SH +95 24 327 P +95 24 328 K +95 24 329 S +95 24 330 P +95 25 1 DD +95 25 2 SW +95 25 3 SR +95 25 4 DD +95 25 5 K +95 25 6 SH +95 25 7 DD +95 25 8 SR +95 25 9 WI +95 25 10 DD +95 25 11 K +95 25 12 SH +95 25 13 K +95 25 14 S +95 25 15 SW +95 25 16 P +95 25 17 SR +95 25 18 S +95 25 19 DD +95 25 20 DD +95 25 21 SR +95 25 22 SH +95 25 23 DD +95 25 24 S +95 25 25 DD +95 25 26 DD +95 25 27 P +95 25 28 SH +95 25 29 DD +95 25 30 KE +95 25 31 P +95 25 32 DD +95 25 33 DD +95 25 34 DD +95 25 35 SR +95 25 36 K +95 25 37 DD +95 25 38 SR +95 25 39 K +95 25 40 DD +95 25 41 SR +95 25 42 SW +95 25 43 DD +95 25 44 P +95 25 45 DD +95 25 46 * +95 25 47 K +95 25 48 SH +95 25 49 DD +95 25 50 DD +95 25 51 WI +95 25 52 P +95 25 53 SR +95 25 54 DD +95 25 55 DD +95 25 56 SH +95 25 57 DD +95 25 58 KE +95 25 59 P +95 25 60 S +95 25 61 SR +95 25 62 DD +95 25 63 SH +95 25 64 DD +95 25 65 SR +95 25 66 P +95 25 67 DD +95 25 68 DD +95 25 69 DD +95 25 70 P +95 25 71 SR +95 25 72 DD +95 25 73 DD +95 25 74 DD +95 25 75 S +95 25 76 SR +95 25 77 DD +95 25 78 P +95 25 79 S +95 25 80 DD +95 25 81 DD +95 25 82 K +95 25 83 P +95 25 84 * +95 25 85 DD +95 25 86 SH +95 25 87 DD +95 25 88 SR +95 25 89 S +95 25 90 S +95 25 91 S +95 25 92 P +95 25 93 DD +95 25 94 S +95 25 95 P +95 25 96 SH +95 25 97 SH +95 25 98 DD +95 25 99 SW +95 25 100 SW +95 25 101 SR +95 25 102 SR +95 25 103 WI +95 25 104 DD +95 25 105 DD +95 25 106 SH +95 25 107 P +95 25 108 DD +95 25 109 DD +95 25 110 SH +95 25 111 SH +95 25 112 SR +95 25 113 S +95 25 114 DD +95 25 115 SR +95 25 116 P +95 25 117 WI +95 25 118 SH +95 25 119 DD +95 25 120 P +95 25 121 SH +95 25 122 DD +95 25 123 DD +95 25 124 K +95 25 125 SR +95 25 126 SH +95 25 127 S +95 25 128 SH +95 25 129 P +95 25 130 S +95 25 131 DD +95 25 132 SR +95 25 133 DD +95 25 134 S +95 25 135 SR +95 25 136 DD +95 25 137 DD +95 25 138 DD +95 25 139 SW +95 25 140 DD +95 25 141 P +95 25 142 P +95 25 143 SH +95 25 144 DD +95 25 145 DD +95 25 146 SH +95 25 147 DD +95 25 148 SR +95 25 149 SW +95 25 150 DD +95 25 151 SH +95 25 152 DD +95 25 153 DD +95 25 154 S +95 25 155 WI +95 25 156 DD +95 25 157 WI +95 25 158 P +95 25 159 SH +95 25 160 SH +95 25 161 DD +95 25 162 SR +95 25 163 DD +95 25 164 DD +95 25 165 DD +95 25 166 DD +95 25 167 P +95 25 168 DD +95 25 169 K +95 25 170 S +95 25 171 K +95 25 172 P +95 25 173 SH +95 25 174 SH +95 25 175 P +95 25 176 SR +95 25 177 SH +95 25 178 DD +95 25 179 KE +95 25 180 DD +95 25 181 WI +95 25 182 SR +95 25 183 WI +95 25 184 DD +95 25 185 KE +95 25 186 DD +95 25 187 SH +95 25 188 DD +95 25 189 P +95 25 190 SH +95 25 191 DD +95 25 192 S +95 25 193 DD +95 25 194 SR +95 25 195 DD +95 25 196 P +95 25 197 P +95 25 198 S +95 25 199 P +95 25 200 DD +95 25 201 WI +95 25 202 DD +95 25 203 SR +95 25 204 WI +95 25 205 DD +95 25 206 P +95 25 207 SR +95 25 208 KE +95 25 209 DD +95 25 210 SR +95 25 211 DD +95 25 212 SH +95 25 213 DD +95 25 214 SH +95 25 215 SH +95 25 216 S +95 25 217 SH +95 25 218 K +95 25 219 DD +95 25 220 DD +95 25 221 SW +95 25 222 DD +95 25 223 K +95 25 224 P +95 25 225 KE +95 25 226 S +95 25 227 S +95 25 228 DD +95 25 229 DD +95 25 230 SW +95 25 231 SH +95 25 232 WI +95 25 233 P +95 25 234 K +95 25 235 DD +95 25 236 SH +95 25 237 KE +95 25 238 DD +95 25 239 SH +95 25 240 SR +95 25 241 P +95 25 242 SH +95 25 243 SR +95 25 244 P +95 25 245 SR +95 25 246 DD +95 25 247 DD +95 25 248 S +95 25 249 DD +95 25 250 DD +95 25 251 DD +95 25 252 P +95 25 253 DD +95 25 254 DD +95 25 255 S +95 25 256 SH +95 25 257 DD +95 25 258 SH +95 25 259 SR +95 25 260 SH +95 25 261 SH +95 25 262 P +95 25 263 SK +95 25 264 P +95 25 265 DD +95 25 266 SR +95 25 267 DD +95 25 268 P +95 25 269 SH +95 25 270 SH +95 25 271 S +95 25 272 P +95 25 273 DD +95 25 274 P +95 25 275 DD +95 25 276 SR +95 25 277 S +95 25 278 SH +95 25 279 DD +95 25 280 DD +95 25 281 DD +95 25 282 DD +95 25 283 SR +95 25 284 P +95 25 285 SH +95 25 286 P +95 25 287 KE +95 25 288 SR +95 25 289 DD +95 25 290 P +95 25 291 DD +95 25 292 SH +95 25 293 P +95 25 294 P +95 25 295 WI +95 25 296 DD +95 25 297 SH +95 25 298 SR +95 25 299 DD +95 25 300 SK +95 25 301 DD +95 25 302 SH +95 25 303 DD +95 25 304 DD +95 25 305 SR +95 25 306 DD +95 25 307 DD +95 25 308 DD +95 25 309 DD +95 25 310 DD +95 25 311 DD +95 25 312 S +95 25 313 DD +95 25 314 P +95 25 315 DD +95 25 316 DD +95 25 317 SR +95 25 318 SH +95 25 319 P +95 25 320 DD +95 25 321 SR +95 25 322 DD +95 25 323 DD +95 25 324 P +95 25 325 DD +95 25 326 SH +95 25 327 P +95 25 328 S +95 25 329 WI +95 25 330 P +95 26 1 DD +95 26 2 NA +95 26 3 SR +95 26 4 TW +95 26 5 KJ +95 26 6 SW +95 26 7 DD +95 26 8 SR +95 26 9 L +95 26 10 DD +95 26 11 WL +95 26 12 SH +95 26 13 K +95 26 14 DD +95 26 15 SW +95 26 16 P +95 26 17 SR +95 26 18 SK +95 26 19 DD +95 26 20 K +95 26 21 SW +95 26 22 P +95 26 23 KE +95 26 24 S +95 26 25 DD +95 26 26 DD +95 26 27 SW +95 26 28 SR +95 26 29 DD +95 26 30 SH +95 26 31 P +95 26 32 SR +95 26 33 K +95 26 34 DD +95 26 35 SW +95 26 36 K +95 26 37 DD +95 26 38 SR +95 26 39 K +95 26 40 DD +95 26 41 SR +95 26 42 SW +95 26 43 DD +95 26 44 P +95 26 45 DD +95 26 46 S +95 26 47 K +95 26 48 SH +95 26 49 DD +95 26 50 K +95 26 51 S +95 26 52 P +95 26 53 SR +95 26 54 DD +95 26 55 DD +95 26 56 P +95 26 57 DD +95 26 58 KE +95 26 59 P +95 26 60 DD +95 26 61 SR +95 26 62 P +95 26 63 SR +95 26 64 DD +95 26 65 SR +95 26 66 P +95 26 67 DD +95 26 68 SH +95 26 69 K +95 26 70 P +95 26 71 SR +95 26 72 DD +95 26 73 SR +95 26 74 P +95 26 75 K +95 26 76 SH +95 26 77 DD +95 26 78 SW +95 26 79 K +95 26 80 DD +95 26 81 K +95 26 82 DD +95 26 83 P +95 26 84 SH +95 26 85 DD +95 26 86 * +95 26 87 K +95 26 88 * +95 26 89 K +95 26 90 DD +95 26 91 SW +95 26 92 P +95 26 93 DD +95 26 94 K +95 26 95 SW +95 26 96 SH +95 26 97 DD +95 26 98 SR +95 26 99 P +95 26 100 DD +95 26 101 SR +95 26 102 DD +95 26 103 K +95 26 104 DD +95 26 105 SR +95 26 106 P +95 26 107 P +95 26 108 SW +95 26 109 DD +95 26 110 L +95 26 111 K +95 26 112 SR +95 26 113 K +95 26 114 DD +95 26 115 SR +95 26 116 SW +95 26 117 KE +95 26 118 SH +95 26 119 DD +95 26 120 P +95 26 121 SR +95 26 122 DD +95 26 123 DD +95 26 124 P +95 26 125 SR +95 26 126 SH +95 26 127 K +95 26 128 SW +95 26 129 P +95 26 130 K +95 26 131 SR +95 26 132 SR +95 26 133 DD +95 26 134 KE +95 26 135 SR +95 26 136 DD +95 26 137 K +95 26 138 P +95 26 139 P +95 26 140 DD +95 26 141 P +95 26 142 P +95 26 143 K +95 26 144 DD +95 26 145 DD +95 26 146 SW +95 26 147 DD +95 26 148 SR +95 26 149 SW +95 26 150 DD +95 26 151 SW +95 26 152 P +95 26 153 DD +95 26 154 K +95 26 155 K +95 26 156 DD +95 26 157 L +95 26 158 P +95 26 159 SH +95 26 160 SH +95 26 161 DD +95 26 162 SR +95 26 163 DD +95 26 164 DD +95 26 165 K +95 26 166 DD +95 26 167 SW +95 26 168 DD +95 26 169 DD +95 26 170 DD +95 26 171 K +95 26 172 P +95 26 173 SR +95 26 174 SH +95 26 175 DD +95 26 176 SR +95 26 177 SW +95 26 178 DD +95 26 179 L +95 26 180 DD +95 26 181 SW +95 26 182 SR +95 26 183 L +95 26 184 DD +95 26 185 SH +95 26 186 DD +95 26 187 SH +95 26 188 DD +95 26 189 SW +95 26 190 SH +95 26 191 DD +95 26 192 DD +95 26 193 L +95 26 194 SR +95 26 195 DD +95 26 196 DD +95 26 197 SW +95 26 198 K +95 26 199 P +95 26 200 DD +95 26 201 SR +95 26 202 DD +95 26 203 SR +95 26 204 K +95 26 205 DD +95 26 206 P +95 26 207 SR +95 26 208 L +95 26 209 DD +95 26 210 SH +95 26 211 DD +95 26 212 SH +95 26 213 P +95 26 214 SW +95 26 215 SR +95 26 216 K +95 26 217 SR +95 26 218 K +95 26 219 P +95 26 220 DD +95 26 221 P +95 26 222 DD +95 26 223 DD +95 26 224 P +95 26 225 L +95 26 226 DD +95 26 227 K +95 26 228 DD +95 26 229 DD +95 26 230 P +95 26 231 SR +95 26 232 K +95 26 233 P +95 26 234 DD +95 26 235 DD +95 26 236 L +95 26 237 SW +95 26 238 DD +95 26 239 SR +95 26 240 L +95 26 241 P +95 26 242 SW +95 26 243 SR +95 26 244 P +95 26 245 SR +95 26 246 DD +95 26 247 DD +95 26 248 K +95 26 249 DD +95 26 250 DD +95 26 251 SW +95 26 252 P +95 26 253 DD +95 26 254 DD +95 26 255 K +95 26 256 SR +95 26 257 DD +95 26 258 L +95 26 259 SR +95 26 260 SW +95 26 261 SR +95 26 262 P +95 26 263 K +95 26 264 DD +95 26 265 DD +95 26 266 SR +95 26 267 SR +95 26 268 DD +95 26 269 SR +95 26 270 L +95 26 271 K +95 26 272 P +95 26 273 P +95 26 274 P +95 26 275 SW +95 26 276 SR +95 26 277 DD +95 26 278 SW +95 26 279 DD +95 26 280 K +95 26 281 DD +95 26 282 DD +95 26 283 L +95 26 284 P +95 26 285 SH +95 26 286 P +95 26 287 L +95 26 288 SR +95 26 289 DD +95 26 290 P +95 26 291 DD +95 26 292 SW +95 26 293 P +95 26 294 P +95 26 295 L +95 26 296 DD +95 26 297 SH +95 26 298 SR +95 26 299 DD +95 26 300 P +95 26 301 DD +95 26 302 P +95 26 303 DD +95 26 304 L +95 26 305 SR +95 26 306 DD +95 26 307 DD +95 26 308 P +95 26 309 L +95 26 310 DD +95 26 311 DD +95 26 312 K +95 26 313 DD +95 26 314 P +95 26 315 DD +95 26 316 DD +95 26 317 SR +95 26 318 SH +95 26 319 P +95 26 320 K +95 26 321 SR +95 26 322 DD +95 26 323 DD +95 26 324 P +95 26 325 SR +95 26 326 SH +95 26 327 P +95 26 328 DD +95 26 329 L +95 26 330 P +96 1 1 YX +96 1 2 YX +96 1 3 DA +96 1 4 DA +96 1 5 YX +96 1 6 DE +96 1 7 YX +96 1 8 DA +96 1 9 DE +96 1 10 YX +96 1 11 YX +96 1 12 DE +96 1 13 YX +96 1 14 YX +96 1 15 DA +96 1 16 CO +96 1 17 DA +96 1 18 WE +96 1 19 YX +96 1 20 YX +96 1 21 DA +96 1 22 DE +96 1 23 DA +96 1 24 N +96 1 25 YX +96 1 26 YX +96 1 27 WE +96 1 28 DA +96 1 29 YX +96 1 30 DA +96 1 31 YX +96 1 32 DA +96 1 33 YX +96 1 34 YX +96 1 35 DA +96 1 36 YX +96 1 37 YX +96 1 38 DA +96 1 39 YX +96 1 40 YX +96 1 41 DA +96 1 42 DE +96 1 43 DE +96 1 44 CO +96 1 45 * +96 1 46 WE +96 1 47 YX +96 1 48 DE +96 1 49 YX +96 1 50 DA +96 1 51 WE +96 1 52 YX +96 1 53 DA +96 1 54 YX +96 1 55 YX +96 1 56 DA +96 1 57 YX +96 1 58 WE +96 1 59 YX +96 1 60 YX +96 1 61 DA +96 1 62 YX +96 1 63 DA +96 1 64 YX +96 1 65 DA +96 1 66 CO +96 1 67 YX +96 1 68 DA +96 1 69 YX +96 1 70 YX +96 1 71 DA +96 1 72 YX +96 1 73 YX +96 1 74 YX +96 1 75 YX +96 1 76 DA +96 1 77 YX +96 1 78 DA +96 1 79 WE +96 1 80 YX +96 1 81 YX +96 1 82 YX +96 1 83 CO +96 1 84 DA +96 1 85 YX +96 1 86 DA +96 1 87 WE +96 1 88 DA +96 1 89 WE +96 1 90 YX +96 1 91 YX +96 1 92 CO +96 1 93 YX +96 1 94 WE +96 1 95 YX +96 1 96 DE +96 1 97 WE +96 1 98 DA +96 1 99 WE +96 1 100 YX +96 1 101 DA +96 1 102 YX +96 1 103 WE +96 1 104 YX +96 1 105 DA +96 1 106 DE +96 1 107 CO +96 1 108 YX +96 1 109 YX +96 1 110 DE +96 1 111 YX +96 1 112 DA +96 1 113 WE +96 1 114 YX +96 1 115 DA +96 1 116 YX +96 1 117 WE +96 1 118 DA +96 1 119 YX +96 1 120 CO +96 1 121 DA +96 1 122 YX +96 1 123 YX +96 1 124 YX +96 1 125 DA +96 1 126 DA +96 1 127 YX +96 1 128 DE +96 1 129 CO +96 1 130 YX +96 1 131 DA +96 1 132 DA +96 1 133 YX +96 1 134 WE +96 1 135 DA +96 1 136 YX +96 1 137 YX +96 1 138 YX +96 1 139 CO +96 1 140 YX +96 1 141 CO +96 1 142 CO +96 1 143 YX +96 1 144 YX +96 1 145 YX +96 1 146 DE +96 1 147 YX +96 1 148 DA +96 1 149 YX +96 1 150 YX +96 1 151 DA +96 1 152 DA +96 1 153 YX +96 1 154 WE +96 1 155 WE +96 1 156 YX +96 1 157 WE +96 1 158 CO +96 1 159 DA +96 1 160 * +96 1 161 YX +96 1 162 DA +96 1 163 YX +96 1 164 YX +96 1 165 YX +96 1 166 YX +96 1 167 YX +96 1 168 YX +96 1 169 YX +96 1 170 YX +96 1 171 YX +96 1 172 CO +96 1 173 DA +96 1 174 DE +96 1 175 YX +96 1 176 DA +96 1 177 DE +96 1 178 YX +96 1 179 DA +96 1 180 YX +96 1 181 DE +96 1 182 DA +96 1 183 WE +96 1 184 DA +96 1 185 DA +96 1 186 YX +96 1 187 DE +96 1 188 YX +96 1 189 YX +96 1 190 * +96 1 191 YX +96 1 192 YX +96 1 193 DE +96 1 194 DA +96 1 195 YX +96 1 196 YX +96 1 197 YX +96 1 198 WE +96 1 199 YX +96 1 200 YX +96 1 201 * +96 1 202 YX +96 1 203 DA +96 1 204 WE +96 1 205 YX +96 1 206 YX +96 1 207 DA +96 1 208 DE +96 1 209 YX +96 1 210 DA +96 1 211 YX +96 1 212 DE +96 1 213 YX +96 1 214 DE +96 1 215 DA +96 1 216 YX +96 1 217 DA +96 1 218 DE +96 1 219 YX +96 1 220 YX +96 1 221 YX +96 1 222 YX +96 1 223 YX +96 1 224 CO +96 1 225 DE +96 1 226 YX +96 1 227 YX +96 1 228 YX +96 1 229 YX +96 1 230 DA +96 1 231 DA +96 1 232 * +96 1 233 YX +96 1 234 YX +96 1 235 YX +96 1 236 YX +96 1 237 DA +96 1 238 YX +96 1 239 DA +96 1 240 WE +96 1 241 CO +96 1 242 DE +96 1 243 DA +96 1 244 YX +96 1 245 DA +96 1 246 YX +96 1 247 YX +96 1 248 YX +96 1 249 YX +96 1 250 YX +96 1 251 YX +96 1 252 DA +96 1 253 YX +96 1 254 YX +96 1 255 WE +96 1 256 DA +96 1 257 YX +96 1 258 DE +96 1 259 DA +96 1 260 YX +96 1 261 DA +96 1 262 CO +96 1 263 WE +96 1 264 YX +96 1 265 YX +96 1 266 DA +96 1 267 DA +96 1 268 YX +96 1 269 DA +96 1 270 DE +96 1 271 YX +96 1 272 YX +96 1 273 DA +96 1 274 YX +96 1 275 DE +96 1 276 DA +96 1 277 YX +96 1 278 DA +96 1 279 YX +96 1 280 YX +96 1 281 YX +96 1 282 YX +96 1 283 WE +96 1 284 YX +96 1 285 DA +96 1 286 DA +96 1 287 DE +96 1 288 DA +96 1 289 YX +96 1 290 CO +96 1 291 YX +96 1 292 DA +96 1 293 YX +96 1 294 YX +96 1 295 WE +96 1 296 YX +96 1 297 DE +96 1 298 DA +96 1 299 YX +96 1 300 CO +96 1 301 YX +96 1 302 DA +96 1 303 YX +96 1 304 YX +96 1 305 DA +96 1 306 YX +96 1 307 YX +96 1 308 DA +96 1 309 YX +96 1 310 YX +96 1 311 YX +96 1 312 WE +96 1 313 YX +96 1 314 CO +96 1 315 YX +96 1 316 YX +96 1 317 DA +96 1 318 DA +96 1 319 CO +96 1 320 YX +96 1 321 DA +96 1 322 YX +96 1 323 YX +96 1 324 CO +96 1 325 YX +96 1 326 DE +96 1 327 YX +96 1 328 YX +96 1 329 WE +96 1 330 YX +96 2 1 YX +96 2 2 YX +96 2 3 DE +96 2 4 WA +96 2 5 YX +96 2 6 WA +96 2 7 YX +96 2 8 DA +96 2 9 WA +96 2 10 YX +96 2 11 WA +96 2 12 DE +96 2 13 YX +96 2 14 WA +96 2 15 DA +96 2 16 CO +96 2 17 DA +96 2 18 WA +96 2 19 YX +96 2 20 YX +96 2 21 DA +96 2 22 DE +96 2 23 YX +96 2 24 WA +96 2 25 YX +96 2 26 YX +96 2 27 CO +96 2 28 DA +96 2 29 YX +96 2 30 DE +96 2 31 YX +96 2 32 DA +96 2 33 YX +96 2 34 YX +96 2 35 DA +96 2 36 YX +96 2 37 YX +96 2 38 DA +96 2 39 YX +96 2 40 YX +96 2 41 DA +96 2 42 DE +96 2 43 YX +96 2 44 CO +96 2 45 YX +96 2 46 WA +96 2 47 YX +96 2 48 DE +96 2 49 YX +96 2 50 YX +96 2 51 WA +96 2 52 CO +96 2 53 DA +96 2 54 YX +96 2 55 YX +96 2 56 DA +96 2 57 YX +96 2 58 WA +96 2 59 DA +96 2 60 YX +96 2 61 DA +96 2 62 YX +96 2 63 DA +96 2 64 YX +96 2 65 DA +96 2 66 CO +96 2 67 YX +96 2 68 DA +96 2 69 WA +96 2 70 YX +96 2 71 DA +96 2 72 YX +96 2 73 WA +96 2 74 YX +96 2 75 WA +96 2 76 DE +96 2 77 YX +96 2 78 DA +96 2 79 WA +96 2 80 YX +96 2 81 YX +96 2 82 YX +96 2 83 DE +96 2 84 DA +96 2 85 YX +96 2 86 DA +96 2 87 WA +96 2 88 DA +96 2 89 WA +96 2 90 YX +96 2 91 DE +96 2 92 CO +96 2 93 YX +96 2 94 WA +96 2 95 YX +96 2 96 DE +96 2 97 YX +96 2 98 DA +96 2 99 YX +96 2 100 YX +96 2 101 DA +96 2 102 YX +96 2 103 WA +96 2 104 YX +96 2 105 WA +96 2 106 DE +96 2 107 CO +96 2 108 YX +96 2 109 YX +96 2 110 DE +96 2 111 WA +96 2 112 DA +96 2 113 WA +96 2 114 YX +96 2 115 DA +96 2 116 YX +96 2 117 WA +96 2 118 DA +96 2 119 YX +96 2 120 CO +96 2 121 DA +96 2 122 YX +96 2 123 YX +96 2 124 DE +96 2 125 DE +96 2 126 DA +96 2 127 WA +96 2 128 DE +96 2 129 CO +96 2 130 WA +96 2 131 DA +96 2 132 DA +96 2 133 YX +96 2 134 WA +96 2 135 DA +96 2 136 YX +96 2 137 YX +96 2 138 YX +96 2 139 CO +96 2 140 YX +96 2 141 CO +96 2 142 CO +96 2 143 YX +96 2 144 WA +96 2 145 YX +96 2 146 DE +96 2 147 YX +96 2 148 DA +96 2 149 YX +96 2 150 YX +96 2 151 DA +96 2 152 DA +96 2 153 YX +96 2 154 WA +96 2 155 WA +96 2 156 YX +96 2 157 WA +96 2 158 CO +96 2 159 DE +96 2 160 DA +96 2 161 YX +96 2 162 DA +96 2 163 YX +96 2 164 YX +96 2 165 WA +96 2 166 YX +96 2 167 DA +96 2 168 YX +96 2 169 YX +96 2 170 WA +96 2 171 YX +96 2 172 CO +96 2 173 DA +96 2 174 DE +96 2 175 YX +96 2 176 DA +96 2 177 DE +96 2 178 YX +96 2 179 WA +96 2 180 YX +96 2 181 DE +96 2 182 DA +96 2 183 DE +96 2 184 DA +96 2 185 DE +96 2 186 YX +96 2 187 DE +96 2 188 YX +96 2 189 YX +96 2 190 DA +96 2 191 YX +96 2 192 YX +96 2 193 DE +96 2 194 DA +96 2 195 YX +96 2 196 YX +96 2 197 WA +96 2 198 WA +96 2 199 YX +96 2 200 YX +96 2 201 DE +96 2 202 YX +96 2 203 DA +96 2 204 WA +96 2 205 YX +96 2 206 CO +96 2 207 DA +96 2 208 DE +96 2 209 YX +96 2 210 WA +96 2 211 YX +96 2 212 DE +96 2 213 YX +96 2 214 DE +96 2 215 DA +96 2 216 WA +96 2 217 DA +96 2 218 DE +96 2 219 YX +96 2 220 YX +96 2 221 YX +96 2 222 WA +96 2 223 YX +96 2 224 CO +96 2 225 DE +96 2 226 YX +96 2 227 WA +96 2 228 YX +96 2 229 YX +96 2 230 CO +96 2 231 DA +96 2 232 DE +96 2 233 YX +96 2 234 YX +96 2 235 YX +96 2 236 DE +96 2 237 DA +96 2 238 YX +96 2 239 DA +96 2 240 DA +96 2 241 CO +96 2 242 DE +96 2 243 DA +96 2 244 YX +96 2 245 DA +96 2 246 YX +96 2 247 WA +96 2 248 WA +96 2 249 YX +96 2 250 WA +96 2 251 YX +96 2 252 DA +96 2 253 YX +96 2 254 YX +96 2 255 WA +96 2 256 DA +96 2 257 YX +96 2 258 DE +96 2 259 DA +96 2 260 DE +96 2 261 DE +96 2 262 CO +96 2 263 WA +96 2 264 YX +96 2 265 YX +96 2 266 DE +96 2 267 DA +96 2 268 YX +96 2 269 DA +96 2 270 DE +96 2 271 YX +96 2 272 CO +96 2 273 DA +96 2 274 CO +96 2 275 DE +96 2 276 DA +96 2 277 YX +96 2 278 DA +96 2 279 YX +96 2 280 DE +96 2 281 YX +96 2 282 YX +96 2 283 WA +96 2 284 YX +96 2 285 DA +96 2 286 CO +96 2 287 DE +96 2 288 DA +96 2 289 YX +96 2 290 DA +96 2 291 YX +96 2 292 DA +96 2 293 YX +96 2 294 YX +96 2 295 WA +96 2 296 WA +96 2 297 DE +96 2 298 DA +96 2 299 YX +96 2 300 WA +96 2 301 YX +96 2 302 DA +96 2 303 YX +96 2 304 YX +96 2 305 DA +96 2 306 YX +96 2 307 YX +96 2 308 WA +96 2 309 WA +96 2 310 YX +96 2 311 YX +96 2 312 WA +96 2 313 YX +96 2 314 CO +96 2 315 YX +96 2 316 YX +96 2 317 DA +96 2 318 DA +96 2 319 CO +96 2 320 WA +96 2 321 DA +96 2 322 YX +96 2 323 YX +96 2 324 DA +96 2 325 WA +96 2 326 DE +96 2 327 YX +96 2 328 WA +96 2 329 DE +96 2 330 WA +96 3 1 YX +96 3 2 YX +96 3 3 DA +96 3 4 B +96 3 5 YX +96 3 6 CO +96 3 7 YX +96 3 8 DA +96 3 9 JU +96 3 10 YX +96 3 11 YX +96 3 12 DE +96 3 13 YX +96 3 14 YX +96 3 15 DA +96 3 16 CO +96 3 17 DA +96 3 18 WA +96 3 19 YX +96 3 20 YX +96 3 21 DA +96 3 22 DE +96 3 23 YX +96 3 24 JU +96 3 25 YX +96 3 26 YX +96 3 27 CO +96 3 28 DA +96 3 29 YX +96 3 30 DA +96 3 31 YX +96 3 32 * +96 3 33 YX +96 3 34 YX +96 3 35 DA +96 3 36 YX +96 3 37 YX +96 3 38 DA +96 3 39 YX +96 3 40 YX +96 3 41 DA +96 3 42 DE +96 3 43 * +96 3 44 CO +96 3 45 YX +96 3 46 * +96 3 47 YX +96 3 48 DE +96 3 49 YX +96 3 50 * +96 3 51 JU +96 3 52 CO +96 3 53 DA +96 3 54 YX +96 3 55 YX +96 3 56 DA +96 3 57 YX +96 3 58 DE +96 3 59 CO +96 3 60 YX +96 3 61 DA +96 3 62 DE +96 3 63 DA +96 3 64 YX +96 3 65 DA +96 3 66 CO +96 3 67 YX +96 3 68 DA +96 3 69 JU +96 3 70 WA +96 3 71 CO +96 3 72 DA +96 3 73 YX +96 3 74 WA +96 3 75 CO +96 3 76 DE +96 3 77 YX +96 3 78 DA +96 3 79 WA +96 3 80 YX +96 3 81 DE +96 3 82 YX +96 3 83 CO +96 3 84 DA +96 3 85 YX +96 3 86 DA +96 3 87 WA +96 3 88 YX +96 3 89 WA +96 3 90 YX +96 3 91 YX +96 3 92 CO +96 3 93 YX +96 3 94 WA +96 3 95 CO +96 3 96 DE +96 3 97 YX +96 3 98 DA +96 3 99 YX +96 3 100 CO +96 3 101 DA +96 3 102 WA +96 3 103 JU +96 3 104 YX +96 3 105 WA +96 3 106 CO +96 3 107 CO +96 3 108 YX +96 3 109 WA +96 3 110 DE +96 3 111 WA +96 3 112 DA +96 3 113 WA +96 3 114 YX +96 3 115 DA +96 3 116 CO +96 3 117 WA +96 3 118 DA +96 3 119 YX +96 3 120 CO +96 3 121 DA +96 3 122 YX +96 3 123 WA +96 3 124 YX +96 3 125 DA +96 3 126 DA +96 3 127 WA +96 3 128 DE +96 3 129 CO +96 3 130 WA +96 3 131 WA +96 3 132 DA +96 3 133 YX +96 3 134 WA +96 3 135 WA +96 3 136 YX +96 3 137 WA +96 3 138 YX +96 3 139 CO +96 3 140 YX +96 3 141 CO +96 3 142 CO +96 3 143 DE +96 3 144 WA +96 3 145 YX +96 3 146 DE +96 3 147 YX +96 3 148 DA +96 3 149 YX +96 3 150 WA +96 3 151 DA +96 3 152 JU +96 3 153 YX +96 3 154 WA +96 3 155 WA +96 3 156 YX +96 3 157 WA +96 3 158 CO +96 3 159 DA +96 3 160 DA +96 3 161 YX +96 3 162 DA +96 3 163 YX +96 3 164 YX +96 3 165 JU +96 3 166 WA +96 3 167 YX +96 3 168 YX +96 3 169 YX +96 3 170 WA +96 3 171 * +96 3 172 CO +96 3 173 DA +96 3 174 DE +96 3 175 CO +96 3 176 DA +96 3 177 YX +96 3 178 YX +96 3 179 DA +96 3 180 DE +96 3 181 DE +96 3 182 WA +96 3 183 WA +96 3 184 WA +96 3 185 DE +96 3 186 CO +96 3 187 DE +96 3 188 YX +96 3 189 CO +96 3 190 DA +96 3 191 YX +96 3 192 WA +96 3 193 YX +96 3 194 WA +96 3 195 DE +96 3 196 CO +96 3 197 WA +96 3 198 WA +96 3 199 CO +96 3 200 YX +96 3 201 CO +96 3 202 YX +96 3 203 DA +96 3 204 WA +96 3 205 WA +96 3 206 CO +96 3 207 DA +96 3 208 DE +96 3 209 YX +96 3 210 WA +96 3 211 YX +96 3 212 DE +96 3 213 CO +96 3 214 DE +96 3 215 CO +96 3 216 WA +96 3 217 CO +96 3 218 DE +96 3 219 CO +96 3 220 WA +96 3 221 CO +96 3 222 WA +96 3 223 YX +96 3 224 CO +96 3 225 WA +96 3 226 YX +96 3 227 WA +96 3 228 WA +96 3 229 CO +96 3 230 CO +96 3 231 WA +96 3 232 WA +96 3 233 CO +96 3 234 DE +96 3 235 YX +96 3 236 WA +96 3 237 DA +96 3 238 YX +96 3 239 DA +96 3 240 WA +96 3 241 CO +96 3 242 CO +96 3 243 DA +96 3 244 CO +96 3 245 DA +96 3 246 DE +96 3 247 WA +96 3 248 WA +96 3 249 YX +96 3 250 WA +96 3 251 CO +96 3 252 CO +96 3 253 YX +96 3 254 CO +96 3 255 WA +96 3 256 DA +96 3 257 YX +96 3 258 DE +96 3 259 DA +96 3 260 CO +96 3 261 DE +96 3 262 CO +96 3 263 WA +96 3 264 CO +96 3 265 YX +96 3 266 DA +96 3 267 WA +96 3 268 YX +96 3 269 WA +96 3 270 DE +96 3 271 WA +96 3 272 CO +96 3 273 WA +96 3 274 CO +96 3 275 DE +96 3 276 DA +96 3 277 YX +96 3 278 DA +96 3 279 WA +96 3 280 WA +96 3 281 YX +96 3 282 WA +96 3 283 WA +96 3 284 CO +96 3 285 DA +96 3 286 CO +96 3 287 WA +96 3 288 DA +96 3 289 YX +96 3 290 CO +96 3 291 YX +96 3 292 CO +96 3 293 CO +96 3 294 CO +96 3 295 WA +96 3 296 WA +96 3 297 DE +96 3 298 DA +96 3 299 YX +96 3 300 CO +96 3 301 YX +96 3 302 CO +96 3 303 YX +96 3 304 WA +96 3 305 WA +96 3 306 YX +96 3 307 YX +96 3 308 WA +96 3 309 WA +96 3 310 DE +96 3 311 YX +96 3 312 WA +96 3 313 WA +96 3 314 CO +96 3 315 YX +96 3 316 YX +96 3 317 DA +96 3 318 DA +96 3 319 CO +96 3 320 WA +96 3 321 DA +96 3 322 YX +96 3 323 YX +96 3 324 CO +96 3 325 DA +96 3 326 DE +96 3 327 CO +96 3 328 WA +96 3 329 WA +96 3 330 CO +96 4 1 YX +96 4 2 YX +96 4 3 DA +96 4 4 WE +96 4 5 YX +96 4 6 DE +96 4 7 YX +96 4 8 DA +96 4 9 JU +96 4 10 YX +96 4 11 WE +96 4 12 DE +96 4 13 WE +96 4 14 WE +96 4 15 DA +96 4 16 CO +96 4 17 DA +96 4 18 WE +96 4 19 YX +96 4 20 YX +96 4 21 DA +96 4 22 DE +96 4 23 YX +96 4 24 WE +96 4 25 YX +96 4 26 YX +96 4 27 DE +96 4 28 DA +96 4 29 YX +96 4 30 DE +96 4 31 YX +96 4 32 DA +96 4 33 YX +96 4 34 YX +96 4 35 DA +96 4 36 YX +96 4 37 YX +96 4 38 DA +96 4 39 YX +96 4 40 YX +96 4 41 DA +96 4 42 DE +96 4 43 YX +96 4 44 CO +96 4 45 YX +96 4 46 WE +96 4 47 YX +96 4 48 DE +96 4 49 YX +96 4 50 WE +96 4 51 WE +96 4 52 CO +96 4 53 DA +96 4 54 YX +96 4 55 YX +96 4 56 CO +96 4 57 YX +96 4 58 DE +96 4 59 CO +96 4 60 WE +96 4 61 DA +96 4 62 YX +96 4 63 DA +96 4 64 YX +96 4 65 DA +96 4 66 CO +96 4 67 YX +96 4 68 DA +96 4 69 YX +96 4 70 CO +96 4 71 DA +96 4 72 YX +96 4 73 DA +96 4 74 YX +96 4 75 WE +96 4 76 DE +96 4 77 YX +96 4 78 DA +96 4 79 WE +96 4 80 YX +96 4 81 DE +96 4 82 YX +96 4 83 DE +96 4 84 DA +96 4 85 YX +96 4 86 DA +96 4 87 WE +96 4 88 DA +96 4 89 WE +96 4 90 WE +96 4 91 DE +96 4 92 CO +96 4 93 YX +96 4 94 WE +96 4 95 CO +96 4 96 DE +96 4 97 YX +96 4 98 DA +96 4 99 CO +96 4 100 YX +96 4 101 DA +96 4 102 YX +96 4 103 WE +96 4 104 YX +96 4 105 DA +96 4 106 DE +96 4 107 CO +96 4 108 YX +96 4 109 YX +96 4 110 DE +96 4 111 WE +96 4 112 DA +96 4 113 WE +96 4 114 YX +96 4 115 DA +96 4 116 CO +96 4 117 JU +96 4 118 DA +96 4 119 YX +96 4 120 CO +96 4 121 DA +96 4 122 YX +96 4 123 YX +96 4 124 DE +96 4 125 DE +96 4 126 DA +96 4 127 WE +96 4 128 DE +96 4 129 CO +96 4 130 WE +96 4 131 JU +96 4 132 DA +96 4 133 YX +96 4 134 JU +96 4 135 DA +96 4 136 YX +96 4 137 YX +96 4 138 YX +96 4 139 CO +96 4 140 YX +96 4 141 CO +96 4 142 CO +96 4 143 DE +96 4 144 WE +96 4 145 YX +96 4 146 DE +96 4 147 YX +96 4 148 DA +96 4 149 YX +96 4 150 YX +96 4 151 DA +96 4 152 DA +96 4 153 YX +96 4 154 WE +96 4 155 WE +96 4 156 YX +96 4 157 WE +96 4 158 CO +96 4 159 DE +96 4 160 CO +96 4 161 YX +96 4 162 DA +96 4 163 YX +96 4 164 YX +96 4 165 YX +96 4 166 YX +96 4 167 CO +96 4 168 YX +96 4 169 YX +96 4 170 WE +96 4 171 YX +96 4 172 CO +96 4 173 DA +96 4 174 DE +96 4 175 YX +96 4 176 DA +96 4 177 DE +96 4 178 YX +96 4 179 JU +96 4 180 YX +96 4 181 DE +96 4 182 WE +96 4 183 DE +96 4 184 DA +96 4 185 DE +96 4 186 YX +96 4 187 DE +96 4 188 YX +96 4 189 CO +96 4 190 DA +96 4 191 YX +96 4 192 YX +96 4 193 DE +96 4 194 DA +96 4 195 YX +96 4 196 YX +96 4 197 CO +96 4 198 WE +96 4 199 CO +96 4 200 YX +96 4 201 DE +96 4 202 YX +96 4 203 DA +96 4 204 WE +96 4 205 YX +96 4 206 CO +96 4 207 DA +96 4 208 DE +96 4 209 YX +96 4 210 JU +96 4 211 YX +96 4 212 DE +96 4 213 CO +96 4 214 DE +96 4 215 DA +96 4 216 WE +96 4 217 CO +96 4 218 DE +96 4 219 YX +96 4 220 YX +96 4 221 CO +96 4 222 JU +96 4 223 YX +96 4 224 CO +96 4 225 WE +96 4 226 YX +96 4 227 WE +96 4 228 YX +96 4 229 YX +96 4 230 CO +96 4 231 DA +96 4 232 WE +96 4 233 YX +96 4 234 YX +96 4 235 YX +96 4 236 DE +96 4 237 DA +96 4 238 YX +96 4 239 DA +96 4 240 DA +96 4 241 CO +96 4 242 DE +96 4 243 DA +96 4 244 YX +96 4 245 DA +96 4 246 YX +96 4 247 YX +96 4 248 WE +96 4 249 YX +96 4 250 YX +96 4 251 YX +96 4 252 CO +96 4 253 YX +96 4 254 YX +96 4 255 WE +96 4 256 DA +96 4 257 YX +96 4 258 DE +96 4 259 DA +96 4 260 CO +96 4 261 DE +96 4 262 CO +96 4 263 WE +96 4 264 YX +96 4 265 YX +96 4 266 DE +96 4 267 DA +96 4 268 YX +96 4 269 DA +96 4 270 DE +96 4 271 WE +96 4 272 CO +96 4 273 DA +96 4 274 CO +96 4 275 DE +96 4 276 DA +96 4 277 YX +96 4 278 DA +96 4 279 YX +96 4 280 DE +96 4 281 YX +96 4 282 YX +96 4 283 WE +96 4 284 YX +96 4 285 DA +96 4 286 CO +96 4 287 DE +96 4 288 DA +96 4 289 YX +96 4 290 CO +96 4 291 YX +96 4 292 DA +96 4 293 CO +96 4 294 CO +96 4 295 WE +96 4 296 DA +96 4 297 DE +96 4 298 DA +96 4 299 YX +96 4 300 CO +96 4 301 YX +96 4 302 CO +96 4 303 CO +96 4 304 YX +96 4 305 WE +96 4 306 YX +96 4 307 YX +96 4 308 DA +96 4 309 WE +96 4 310 YX +96 4 311 YX +96 4 312 WE +96 4 313 YX +96 4 314 CO +96 4 315 YX +96 4 316 YX +96 4 317 DA +96 4 318 DE +96 4 319 CO +96 4 320 DE +96 4 321 DA +96 4 322 YX +96 4 323 YX +96 4 324 CO +96 4 325 DA +96 4 326 DE +96 4 327 YX +96 4 328 WE +96 4 329 WE +96 4 330 CO +96 5 1 YX +96 5 2 YX +96 5 3 DA +96 5 4 JU +96 5 5 YX +96 5 6 DE +96 5 7 YX +96 5 8 DA +96 5 9 JU +96 5 10 YX +96 5 11 YX +96 5 12 DE +96 5 13 YX +96 5 14 WA +96 5 15 JU +96 5 16 CO +96 5 17 DA +96 5 18 WA +96 5 19 YX +96 5 20 YX +96 5 21 DA +96 5 22 DE +96 5 23 JU +96 5 24 WA +96 5 25 YX +96 5 26 YX +96 5 27 JU +96 5 28 DA +96 5 29 YX +96 5 30 JU +96 5 31 YX +96 5 32 DA +96 5 33 YX +96 5 34 YX +96 5 35 DA +96 5 36 YX +96 5 37 YX +96 5 38 DA +96 5 39 YX +96 5 40 YX +96 5 41 JU +96 5 42 DE +96 5 43 WA +96 5 44 CO +96 5 45 YX +96 5 46 WA +96 5 47 YX +96 5 48 DE +96 5 49 JU +96 5 50 JU +96 5 51 JU +96 5 52 CO +96 5 53 DA +96 5 54 YX +96 5 55 YX +96 5 56 JU +96 5 57 YX +96 5 58 JU +96 5 59 YX +96 5 60 YX +96 5 61 DA +96 5 62 YX +96 5 63 DA +96 5 64 YX +96 5 65 DA +96 5 66 DE +96 5 67 YX +96 5 68 JU +96 5 69 JU +96 5 70 CO +96 5 71 JU +96 5 72 YX +96 5 73 YX +96 5 74 YX +96 5 75 WA +96 5 76 DE +96 5 77 YX +96 5 78 DE +96 5 79 WA +96 5 80 YX +96 5 81 YX +96 5 82 YX +96 5 83 DE +96 5 84 DA +96 5 85 JU +96 5 86 DA +96 5 87 WA +96 5 88 DA +96 5 89 WA +96 5 90 WA +96 5 91 DE +96 5 92 CO +96 5 93 YX +96 5 94 WA +96 5 95 CO +96 5 96 DE +96 5 97 JU +96 5 98 DA +96 5 99 JU +96 5 100 YX +96 5 101 DA +96 5 102 YX +96 5 103 JU +96 5 104 YX +96 5 105 YX +96 5 106 DE +96 5 107 CO +96 5 108 YX +96 5 109 YX +96 5 110 DE +96 5 111 WA +96 5 112 DA +96 5 113 WA +96 5 114 YX +96 5 115 DA +96 5 116 YX +96 5 117 JU +96 5 118 DE +96 5 119 YX +96 5 120 CO +96 5 121 DA +96 5 122 YX +96 5 123 YX +96 5 124 JU +96 5 125 DA +96 5 126 DA +96 5 127 JU +96 5 128 DE +96 5 129 CO +96 5 130 WA +96 5 131 JU +96 5 132 DA +96 5 133 YX +96 5 134 JU +96 5 135 DA +96 5 136 YX +96 5 137 JU +96 5 138 YX +96 5 139 CO +96 5 140 YX +96 5 141 CO +96 5 142 CO +96 5 143 DE +96 5 144 JU +96 5 145 YX +96 5 146 DE +96 5 147 YX +96 5 148 DE +96 5 149 YX +96 5 150 JU +96 5 151 DA +96 5 152 DA +96 5 153 YX +96 5 154 WA +96 5 155 JU +96 5 156 YX +96 5 157 JU +96 5 158 CO +96 5 159 JU +96 5 160 DA +96 5 161 YX +96 5 162 DA +96 5 163 YX +96 5 164 YX +96 5 165 JU +96 5 166 YX +96 5 167 DA +96 5 168 YX +96 5 169 YX +96 5 170 WA +96 5 171 JU +96 5 172 CO +96 5 173 DA +96 5 174 DE +96 5 175 YX +96 5 176 DA +96 5 177 DE +96 5 178 YX +96 5 179 DA +96 5 180 YX +96 5 181 DA +96 5 182 JU +96 5 183 JU +96 5 184 JU +96 5 185 JU +96 5 186 YX +96 5 187 DE +96 5 188 YX +96 5 189 CO +96 5 190 DE +96 5 191 YX +96 5 192 JU +96 5 193 DE +96 5 194 JU +96 5 195 YX +96 5 196 YX +96 5 197 YX +96 5 198 WA +96 5 199 CO +96 5 200 YX +96 5 201 DA +96 5 202 YX +96 5 203 DA +96 5 204 JU +96 5 205 YX +96 5 206 DE +96 5 207 DA +96 5 208 JU +96 5 209 YX +96 5 210 JU +96 5 211 YX +96 5 212 DE +96 5 213 JU +96 5 214 YX +96 5 215 JU +96 5 216 WA +96 5 217 DA +96 5 218 JU +96 5 219 CO +96 5 220 YX +96 5 221 CO +96 5 222 JU +96 5 223 YX +96 5 224 CO +96 5 225 JU +96 5 226 YX +96 5 227 WA +96 5 228 YX +96 5 229 YX +96 5 230 YX +96 5 231 JU +96 5 232 JU +96 5 233 YX +96 5 234 YX +96 5 235 YX +96 5 236 DA +96 5 237 DE +96 5 238 YX +96 5 239 DA +96 5 240 JU +96 5 241 CO +96 5 242 DE +96 5 243 DA +96 5 244 CO +96 5 245 DA +96 5 246 YX +96 5 247 YX +96 5 248 JU +96 5 249 YX +96 5 250 JU +96 5 251 YX +96 5 252 YX +96 5 253 YX +96 5 254 YX +96 5 255 JU +96 5 256 DA +96 5 257 YX +96 5 258 DE +96 5 259 DA +96 5 260 DE +96 5 261 JU +96 5 262 CO +96 5 263 WA +96 5 264 YX +96 5 265 YX +96 5 266 JU +96 5 267 JU +96 5 268 YX +96 5 269 YX +96 5 270 DE +96 5 271 YX +96 5 272 CO +96 5 273 JU +96 5 274 CO +96 5 275 DA +96 5 276 DA +96 5 277 JU +96 5 278 DA +96 5 279 YX +96 5 280 YX +96 5 281 YX +96 5 282 YX +96 5 283 YX +96 5 284 YX +96 5 285 DA +96 5 286 CO +96 5 287 JU +96 5 288 DA +96 5 289 YX +96 5 290 CO +96 5 291 YX +96 5 292 DA +96 5 293 CO +96 5 294 YX +96 5 295 JU +96 5 296 JU +96 5 297 DE +96 5 298 DA +96 5 299 YX +96 5 300 JU +96 5 301 YX +96 5 302 YX +96 5 303 JU +96 5 304 YX +96 5 305 DA +96 5 306 YX +96 5 307 YX +96 5 308 DA +96 5 309 JU +96 5 310 YX +96 5 311 YX +96 5 312 WA +96 5 313 JU +96 5 314 CO +96 5 315 DE +96 5 316 YX +96 5 317 DA +96 5 318 DE +96 5 319 CO +96 5 320 YX +96 5 321 DA +96 5 322 YX +96 5 323 YX +96 5 324 CO +96 5 325 JU +96 5 326 DE +96 5 327 DA +96 5 328 YX +96 5 329 JU +96 5 330 CO +96 6 1 YX +96 6 2 YX +96 6 3 DA +96 6 4 JU +96 6 5 YX +96 6 6 DE +96 6 7 YX +96 6 8 DA +96 6 9 JU +96 6 10 YX +96 6 11 YX +96 6 12 DE +96 6 13 YX +96 6 14 YX +96 6 15 DA +96 6 16 CO +96 6 17 DA +96 6 18 WA +96 6 19 YX +96 6 20 YX +96 6 21 DA +96 6 22 DE +96 6 23 YX +96 6 24 JU +96 6 25 YX +96 6 26 YX +96 6 27 CO +96 6 28 DA +96 6 29 YX +96 6 30 DA +96 6 31 YX +96 6 32 YX +96 6 33 YX +96 6 34 YX +96 6 35 DA +96 6 36 YX +96 6 37 YX +96 6 38 DA +96 6 39 YX +96 6 40 YX +96 6 41 DA +96 6 42 DE +96 6 43 YX +96 6 44 DA +96 6 45 YX +96 6 46 WA +96 6 47 YX +96 6 48 DE +96 6 49 YX +96 6 50 JU +96 6 51 WA +96 6 52 CO +96 6 53 DA +96 6 54 YX +96 6 55 YX +96 6 56 DA +96 6 57 YX +96 6 58 DE +96 6 59 CO +96 6 60 YX +96 6 61 DA +96 6 62 YX +96 6 63 DA +96 6 64 YX +96 6 65 DA +96 6 66 CO +96 6 67 YX +96 6 68 DA +96 6 69 YX +96 6 70 DA +96 6 71 JU +96 6 72 YX +96 6 73 DA +96 6 74 YX +96 6 75 YX +96 6 76 DA +96 6 77 YX +96 6 78 DA +96 6 79 WA +96 6 80 YX +96 6 81 DE +96 6 82 YX +96 6 83 DA +96 6 84 DA +96 6 85 YX +96 6 86 DA +96 6 87 JU +96 6 88 JU +96 6 89 WA +96 6 90 YX +96 6 91 DE +96 6 92 CO +96 6 93 YX +96 6 94 JU +96 6 95 DA +96 6 96 DE +96 6 97 JU +96 6 98 DA +96 6 99 DA +96 6 100 YX +96 6 101 DA +96 6 102 CO +96 6 103 DE +96 6 104 YX +96 6 105 DA +96 6 106 DE +96 6 107 CO +96 6 108 YX +96 6 109 YX +96 6 110 DE +96 6 111 WA +96 6 112 DA +96 6 113 WA +96 6 114 YX +96 6 115 DA +96 6 116 DA +96 6 117 WA +96 6 118 DA +96 6 119 YX +96 6 120 CO +96 6 121 DA +96 6 122 YX +96 6 123 YX +96 6 124 DE +96 6 125 DE +96 6 126 DA +96 6 127 YX +96 6 128 DE +96 6 129 CO +96 6 130 JU +96 6 131 JU +96 6 132 DA +96 6 133 YX +96 6 134 JU +96 6 135 DA +96 6 136 YX +96 6 137 YX +96 6 138 YX +96 6 139 DA +96 6 140 YX +96 6 141 CO +96 6 142 CO +96 6 143 YX +96 6 144 YX +96 6 145 YX +96 6 146 DE +96 6 147 YX +96 6 148 DA +96 6 149 YX +96 6 150 JU +96 6 151 DA +96 6 152 DE +96 6 153 YX +96 6 154 WA +96 6 155 JU +96 6 156 YX +96 6 157 WA +96 6 158 CO +96 6 159 DE +96 6 160 DA +96 6 161 YX +96 6 162 DA +96 6 163 YX +96 6 164 YX +96 6 165 YX +96 6 166 JU +96 6 167 DA +96 6 168 YX +96 6 169 YX +96 6 170 YX +96 6 171 YX +96 6 172 CO +96 6 173 DA +96 6 174 DE +96 6 175 DA +96 6 176 DA +96 6 177 DE +96 6 178 YX +96 6 179 JU +96 6 180 YX +96 6 181 DE +96 6 182 JU +96 6 183 JU +96 6 184 DA +96 6 185 DE +96 6 186 YX +96 6 187 DE +96 6 188 YX +96 6 189 DA +96 6 190 DA +96 6 191 YX +96 6 192 YX +96 6 193 YX +96 6 194 DA +96 6 195 YX +96 6 196 YX +96 6 197 DE +96 6 198 WA +96 6 199 DA +96 6 200 YX +96 6 201 DA +96 6 202 YX +96 6 203 DA +96 6 204 WA +96 6 205 YX +96 6 206 CO +96 6 207 DA +96 6 208 DE +96 6 209 YX +96 6 210 JU +96 6 211 YX +96 6 212 DE +96 6 213 YX +96 6 214 DE +96 6 215 DA +96 6 216 JU +96 6 217 DA +96 6 218 YX +96 6 219 YX +96 6 220 YX +96 6 221 YX +96 6 222 YX +96 6 223 YX +96 6 224 CO +96 6 225 DE +96 6 226 YX +96 6 227 WA +96 6 228 YX +96 6 229 YX +96 6 230 CO +96 6 231 YX +96 6 232 YX +96 6 233 YX +96 6 234 YX +96 6 235 YX +96 6 236 YX +96 6 237 DA +96 6 238 YX +96 6 239 DA +96 6 240 JU +96 6 241 CO +96 6 242 DE +96 6 243 DA +96 6 244 YX +96 6 245 DA +96 6 246 YX +96 6 247 YX +96 6 248 YX +96 6 249 YX +96 6 250 YX +96 6 251 DA +96 6 252 DA +96 6 253 YX +96 6 254 DA +96 6 255 WA +96 6 256 DA +96 6 257 YX +96 6 258 YX +96 6 259 DA +96 6 260 DE +96 6 261 DE +96 6 262 CO +96 6 263 WA +96 6 264 YX +96 6 265 YX +96 6 266 DA +96 6 267 JU +96 6 268 YX +96 6 269 DA +96 6 270 DE +96 6 271 JU +96 6 272 CO +96 6 273 YX +96 6 274 CO +96 6 275 DE +96 6 276 DA +96 6 277 YX +96 6 278 DA +96 6 279 YX +96 6 280 YX +96 6 281 YX +96 6 282 DE +96 6 283 JU +96 6 284 YX +96 6 285 DA +96 6 286 CO +96 6 287 JU +96 6 288 DA +96 6 289 YX +96 6 290 CO +96 6 291 YX +96 6 292 DA +96 6 293 YX +96 6 294 DA +96 6 295 JU +96 6 296 YX +96 6 297 DE +96 6 298 DA +96 6 299 YX +96 6 300 WA +96 6 301 YX +96 6 302 CO +96 6 303 DA +96 6 304 DE +96 6 305 YX +96 6 306 YX +96 6 307 YX +96 6 308 DA +96 6 309 JU +96 6 310 YX +96 6 311 YX +96 6 312 WA +96 6 313 YX +96 6 314 DA +96 6 315 YX +96 6 316 YX +96 6 317 DA +96 6 318 DE +96 6 319 CO +96 6 320 DE +96 6 321 DA +96 6 322 DA +96 6 323 YX +96 6 324 DE +96 6 325 DA +96 6 326 DE +96 6 327 DA +96 6 328 YX +96 6 329 JU +96 6 330 YX +96 7 1 YX +96 7 2 YX +96 7 3 DE +96 7 4 WA +96 7 5 YX +96 7 6 DE +96 7 7 YX +96 7 8 DA +96 7 9 WA +96 7 10 WA +96 7 11 WA +96 7 12 DE +96 7 13 YX +96 7 14 WA +96 7 15 DA +96 7 16 CO +96 7 17 DA +96 7 18 WA +96 7 19 YX +96 7 20 YX +96 7 21 DA +96 7 22 DE +96 7 23 YX +96 7 24 WA +96 7 25 YX +96 7 26 YX +96 7 27 CO +96 7 28 DA +96 7 29 YX +96 7 30 DE +96 7 31 YX +96 7 32 DA +96 7 33 YX +96 7 34 YX +96 7 35 DA +96 7 36 WA +96 7 37 YX +96 7 38 DA +96 7 39 YX +96 7 40 YX +96 7 41 JU +96 7 42 DE +96 7 43 YX +96 7 44 CO +96 7 45 YX +96 7 46 WA +96 7 47 YX +96 7 48 DE +96 7 49 YX +96 7 50 WA +96 7 51 WA +96 7 52 CO +96 7 53 DA +96 7 54 YX +96 7 55 YX +96 7 56 DE +96 7 57 WA +96 7 58 DE +96 7 59 DA +96 7 60 WA +96 7 61 DA +96 7 62 CO +96 7 63 DA +96 7 64 YX +96 7 65 DA +96 7 66 CO +96 7 67 YX +96 7 68 DA +96 7 69 WA +96 7 70 CO +96 7 71 WA +96 7 72 YX +96 7 73 WA +96 7 74 YX +96 7 75 WA +96 7 76 DE +96 7 77 YX +96 7 78 DA +96 7 79 WA +96 7 80 YX +96 7 81 YX +96 7 82 YX +96 7 83 DE +96 7 84 DA +96 7 85 YX +96 7 86 DA +96 7 87 WA +96 7 88 DA +96 7 89 WA +96 7 90 WA +96 7 91 DE +96 7 92 CO +96 7 93 YX +96 7 94 WA +96 7 95 YX +96 7 96 DE +96 7 97 YX +96 7 98 DA +96 7 99 DA +96 7 100 YX +96 7 101 DA +96 7 102 CO +96 7 103 JU +96 7 104 YX +96 7 105 DA +96 7 106 DE +96 7 107 CO +96 7 108 CO +96 7 109 YX +96 7 110 DE +96 7 111 YX +96 7 112 DA +96 7 113 WA +96 7 114 WA +96 7 115 DA +96 7 116 CO +96 7 117 WA +96 7 118 DA +96 7 119 YX +96 7 120 CO +96 7 121 DA +96 7 122 YX +96 7 123 YX +96 7 124 DE +96 7 125 DA +96 7 126 DA +96 7 127 WA +96 7 128 DE +96 7 129 CO +96 7 130 WA +96 7 131 JU +96 7 132 DA +96 7 133 YX +96 7 134 JU +96 7 135 DA +96 7 136 YX +96 7 137 YX +96 7 138 YX +96 7 139 CO +96 7 140 YX +96 7 141 CO +96 7 142 CO +96 7 143 YX +96 7 144 WA +96 7 145 YX +96 7 146 DE +96 7 147 YX +96 7 148 DA +96 7 149 YX +96 7 150 YX +96 7 151 DA +96 7 152 CO +96 7 153 YX +96 7 154 WA +96 7 155 WA +96 7 156 YX +96 7 157 JU +96 7 158 CO +96 7 159 DE +96 7 160 DA +96 7 161 YX +96 7 162 DA +96 7 163 YX +96 7 164 YX +96 7 165 YX +96 7 166 YX +96 7 167 CO +96 7 168 YX +96 7 169 YX +96 7 170 WA +96 7 171 YX +96 7 172 CO +96 7 173 DA +96 7 174 DE +96 7 175 YX +96 7 176 DA +96 7 177 DE +96 7 178 YX +96 7 179 JU +96 7 180 YX +96 7 181 DE +96 7 182 DA +96 7 183 DE +96 7 184 WA +96 7 185 DE +96 7 186 YX +96 7 187 DE +96 7 188 YX +96 7 189 CO +96 7 190 DA +96 7 191 YX +96 7 192 YX +96 7 193 DE +96 7 194 JU +96 7 195 YX +96 7 196 YX +96 7 197 DA +96 7 198 WA +96 7 199 CO +96 7 200 YX +96 7 201 DE +96 7 202 YX +96 7 203 DA +96 7 204 WA +96 7 205 YX +96 7 206 CO +96 7 207 DA +96 7 208 DE +96 7 209 YX +96 7 210 WA +96 7 211 YX +96 7 212 DE +96 7 213 YX +96 7 214 DE +96 7 215 DA +96 7 216 WA +96 7 217 DA +96 7 218 DE +96 7 219 CO +96 7 220 YX +96 7 221 CO +96 7 222 WA +96 7 223 YX +96 7 224 CO +96 7 225 YX +96 7 226 YX +96 7 227 WA +96 7 228 WA +96 7 229 YX +96 7 230 CO +96 7 231 DA +96 7 232 DE +96 7 233 YX +96 7 234 YX +96 7 235 YX +96 7 236 DE +96 7 237 CO +96 7 238 YX +96 7 239 DA +96 7 240 WA +96 7 241 CO +96 7 242 DE +96 7 243 WA +96 7 244 YX +96 7 245 DA +96 7 246 YX +96 7 247 DA +96 7 248 WA +96 7 249 YX +96 7 250 WA +96 7 251 YX +96 7 252 CO +96 7 253 YX +96 7 254 YX +96 7 255 WA +96 7 256 DA +96 7 257 YX +96 7 258 DE +96 7 259 DA +96 7 260 DE +96 7 261 DE +96 7 262 CO +96 7 263 WA +96 7 264 YX +96 7 265 YX +96 7 266 DE +96 7 267 WA +96 7 268 YX +96 7 269 DA +96 7 270 DE +96 7 271 YX +96 7 272 CO +96 7 273 DA +96 7 274 CO +96 7 275 DE +96 7 276 DA +96 7 277 YX +96 7 278 DA +96 7 279 YX +96 7 280 DE +96 7 281 YX +96 7 282 YX +96 7 283 WA +96 7 284 CO +96 7 285 DA +96 7 286 CO +96 7 287 DE +96 7 288 DA +96 7 289 YX +96 7 290 CO +96 7 291 YX +96 7 292 DA +96 7 293 YX +96 7 294 CO +96 7 295 WA +96 7 296 WA +96 7 297 DE +96 7 298 DA +96 7 299 YX +96 7 300 WA +96 7 301 YX +96 7 302 CO +96 7 303 YX +96 7 304 YX +96 7 305 WA +96 7 306 YX +96 7 307 YX +96 7 308 WA +96 7 309 WA +96 7 310 YX +96 7 311 YX +96 7 312 WA +96 7 313 YX +96 7 314 CO +96 7 315 YX +96 7 316 YX +96 7 317 DA +96 7 318 DA +96 7 319 CO +96 7 320 YX +96 7 321 DA +96 7 322 YX +96 7 323 YX +96 7 324 CO +96 7 325 DA +96 7 326 DE +96 7 327 CO +96 7 328 WA +96 7 329 DE +96 7 330 CO +96 8 1 YX +96 8 2 YX +96 8 3 DE +96 8 4 WA +96 8 5 YX +96 8 6 CH +96 8 7 YX +96 8 8 DA +96 8 9 JU +96 8 10 YX +96 8 11 YX +96 8 12 DE +96 8 13 YX +96 8 14 YX +96 8 15 CH +96 8 16 CH +96 8 17 DA +96 8 18 WA +96 8 19 YX +96 8 20 YX +96 8 21 DA +96 8 22 DE +96 8 23 WA +96 8 24 JU +96 8 25 YX +96 8 26 YX +96 8 27 CH +96 8 28 DA +96 8 29 YX +96 8 30 DE +96 8 31 YX +96 8 32 CH +96 8 33 YX +96 8 34 YX +96 8 35 DA +96 8 36 YX +96 8 37 YX +96 8 38 WA +96 8 39 YX +96 8 40 YX +96 8 41 DA +96 8 42 JU +96 8 43 YX +96 8 44 CH +96 8 45 YX +96 8 46 WA +96 8 47 YX +96 8 48 WA +96 8 49 YX +96 8 50 WA +96 8 51 JU +96 8 52 CH +96 8 53 WA +96 8 54 YX +96 8 55 YX +96 8 56 CH +96 8 57 YX +96 8 58 JU +96 8 59 CH +96 8 60 YX +96 8 61 DA +96 8 62 WA +96 8 63 DA +96 8 64 YX +96 8 65 DA +96 8 66 CH +96 8 67 YX +96 8 68 WA +96 8 69 JU +96 8 70 CH +96 8 71 WA +96 8 72 YX +96 8 73 WA +96 8 74 YX +96 8 75 YX +96 8 76 DE +96 8 77 YX +96 8 78 DA +96 8 79 WA +96 8 80 YX +96 8 81 YX +96 8 82 YX +96 8 83 DE +96 8 84 DA +96 8 85 YX +96 8 86 DA +96 8 87 WA +96 8 88 WA +96 8 89 WA +96 8 90 YX +96 8 91 YX +96 8 92 CH +96 8 93 YX +96 8 94 WA +96 8 95 YX +96 8 96 DE +96 8 97 WA +96 8 98 DA +96 8 99 WA +96 8 100 YX +96 8 101 WA +96 8 102 WA +96 8 103 JU +96 8 104 YX +96 8 105 WA +96 8 106 DE +96 8 107 CH +96 8 108 YX +96 8 109 YX +96 8 110 DE +96 8 111 WA +96 8 112 DA +96 8 113 WA +96 8 114 YX +96 8 115 DA +96 8 116 YX +96 8 117 WA +96 8 118 DA +96 8 119 YX +96 8 120 CH +96 8 121 DE +96 8 122 YX +96 8 123 YX +96 8 124 YX +96 8 125 DE +96 8 126 DA +96 8 127 YX +96 8 128 DE +96 8 129 CH +96 8 130 JU +96 8 131 WA +96 8 132 DA +96 8 133 YX +96 8 134 JU +96 8 135 WA +96 8 136 YX +96 8 137 YX +96 8 138 YX +96 8 139 CH +96 8 140 YX +96 8 141 CH +96 8 142 CH +96 8 143 YX +96 8 144 WA +96 8 145 YX +96 8 146 DE +96 8 147 YX +96 8 148 DA +96 8 149 YX +96 8 150 WA +96 8 151 CH +96 8 152 WA +96 8 153 YX +96 8 154 WA +96 8 155 WA +96 8 156 YX +96 8 157 JU +96 8 158 CH +96 8 159 DE +96 8 160 DA +96 8 161 YX +96 8 162 DA +96 8 163 YX +96 8 164 YX +96 8 165 JU +96 8 166 YX +96 8 167 WA +96 8 168 YX +96 8 169 YX +96 8 170 YX +96 8 171 YX +96 8 172 CH +96 8 173 DA +96 8 174 DE +96 8 175 YX +96 8 176 DA +96 8 177 DE +96 8 178 CH +96 8 179 DA +96 8 180 YX +96 8 181 JU +96 8 182 WA +96 8 183 JU +96 8 184 WA +96 8 185 JU +96 8 186 YX +96 8 187 DE +96 8 188 YX +96 8 189 CH +96 8 190 DA +96 8 191 YX +96 8 192 WA +96 8 193 DE +96 8 194 WA +96 8 195 YX +96 8 196 YX +96 8 197 WA +96 8 198 WA +96 8 199 CH +96 8 200 YX +96 8 201 DA +96 8 202 YX +96 8 203 WA +96 8 204 WA +96 8 205 WA +96 8 206 YX +96 8 207 DA +96 8 208 JU +96 8 209 YX +96 8 210 JU +96 8 211 YX +96 8 212 DE +96 8 213 CH +96 8 214 DE +96 8 215 DA +96 8 216 YX +96 8 217 DA +96 8 218 YX +96 8 219 YX +96 8 220 WA +96 8 221 YX +96 8 222 WA +96 8 223 YX +96 8 224 CH +96 8 225 JU +96 8 226 YX +96 8 227 WA +96 8 228 YX +96 8 229 YX +96 8 230 CH +96 8 231 WA +96 8 232 JU +96 8 233 WA +96 8 234 YX +96 8 235 YX +96 8 236 DE +96 8 237 DA +96 8 238 YX +96 8 239 DA +96 8 240 JU +96 8 241 CH +96 8 242 DE +96 8 243 WA +96 8 244 CH +96 8 245 DA +96 8 246 YX +96 8 247 WA +96 8 248 YX +96 8 249 YX +96 8 250 WA +96 8 251 YX +96 8 252 CH +96 8 253 YX +96 8 254 YX +96 8 255 WA +96 8 256 DA +96 8 257 YX +96 8 258 DE +96 8 259 DA +96 8 260 YX +96 8 261 DE +96 8 262 CH +96 8 263 JU +96 8 264 YX +96 8 265 YX +96 8 266 JU +96 8 267 WA +96 8 268 YX +96 8 269 DA +96 8 270 DE +96 8 271 YX +96 8 272 CH +96 8 273 DA +96 8 274 CH +96 8 275 JU +96 8 276 DA +96 8 277 YX +96 8 278 DE +96 8 279 YX +96 8 280 YX +96 8 281 YX +96 8 282 YX +96 8 283 JU +96 8 284 CH +96 8 285 DA +96 8 286 CH +96 8 287 JU +96 8 288 DA +96 8 289 YX +96 8 290 CH +96 8 291 YX +96 8 292 DA +96 8 293 YX +96 8 294 YX +96 8 295 JU +96 8 296 WA +96 8 297 DE +96 8 298 DA +96 8 299 YX +96 8 300 JU +96 8 301 YX +96 8 302 CH +96 8 303 YX +96 8 304 JU +96 8 305 WA +96 8 306 YX +96 8 307 YX +96 8 308 WA +96 8 309 WA +96 8 310 YX +96 8 311 YX +96 8 312 WA +96 8 313 YX +96 8 314 CH +96 8 315 YX +96 8 316 YX +96 8 317 WA +96 8 318 DE +96 8 319 CH +96 8 320 YX +96 8 321 DA +96 8 322 YX +96 8 323 YX +96 8 324 CH +96 8 325 WA +96 8 326 DE +96 8 327 CH +96 8 328 YX +96 8 329 JU +96 8 330 YX +96 9 1 YX +96 9 2 YX +96 9 3 DA +96 9 4 JU +96 9 5 YX +96 9 6 DE +96 9 7 YX +96 9 8 DA +96 9 9 JU +96 9 10 YX +96 9 11 WA +96 9 12 DE +96 9 13 YX +96 9 14 WA +96 9 15 DA +96 9 16 CH +96 9 17 DA +96 9 18 JU +96 9 19 YX +96 9 20 YX +96 9 21 DA +96 9 22 DE +96 9 23 JU +96 9 24 WA +96 9 25 YX +96 9 26 YX +96 9 27 CH +96 9 28 DA +96 9 29 YX +96 9 30 DE +96 9 31 YX +96 9 32 DA +96 9 33 YX +96 9 34 YX +96 9 35 DA +96 9 36 JU +96 9 37 YX +96 9 38 DA +96 9 39 YX +96 9 40 YX +96 9 41 DA +96 9 42 DE +96 9 43 YX +96 9 44 CH +96 9 45 YX +96 9 46 WA +96 9 47 JU +96 9 48 DE +96 9 49 YX +96 9 50 JU +96 9 51 DE +96 9 52 CH +96 9 53 DA +96 9 54 YX +96 9 55 YX +96 9 56 DA +96 9 57 YX +96 9 58 DE +96 9 59 CH +96 9 60 YX +96 9 61 DA +96 9 62 JU +96 9 63 DA +96 9 64 YX +96 9 65 DA +96 9 66 CH +96 9 67 YX +96 9 68 DA +96 9 69 WA +96 9 70 JU +96 9 71 DA +96 9 72 YX +96 9 73 JU +96 9 74 YX +96 9 75 WA +96 9 76 DE +96 9 77 YX +96 9 78 DA +96 9 79 WA +96 9 80 YX +96 9 81 YX +96 9 82 YX +96 9 83 DE +96 9 84 DA +96 9 85 YX +96 9 86 DA +96 9 87 WA +96 9 88 DA +96 9 89 WA +96 9 90 DA +96 9 91 DE +96 9 92 CH +96 9 93 YX +96 9 94 JU +96 9 95 DA +96 9 96 DE +96 9 97 JU +96 9 98 DA +96 9 99 YX +96 9 100 YX +96 9 101 DA +96 9 102 JU +96 9 103 JU +96 9 104 YX +96 9 105 DA +96 9 106 DE +96 9 107 CH +96 9 108 YX +96 9 109 YX +96 9 110 DE +96 9 111 JU +96 9 112 DA +96 9 113 WA +96 9 114 YX +96 9 115 DA +96 9 116 YX +96 9 117 JU +96 9 118 DA +96 9 119 YX +96 9 120 CH +96 9 121 DA +96 9 122 DA +96 9 123 YX +96 9 124 YX +96 9 125 DA +96 9 126 DA +96 9 127 WA +96 9 128 DE +96 9 129 CH +96 9 130 JU +96 9 131 JU +96 9 132 DA +96 9 133 YX +96 9 134 JU +96 9 135 DA +96 9 136 YX +96 9 137 JU +96 9 138 YX +96 9 139 CH +96 9 140 YX +96 9 141 CH +96 9 142 CH +96 9 143 DE +96 9 144 JU +96 9 145 YX +96 9 146 DE +96 9 147 YX +96 9 148 DA +96 9 149 YX +96 9 150 JU +96 9 151 DA +96 9 152 DA +96 9 153 YX +96 9 154 WA +96 9 155 JU +96 9 156 YX +96 9 157 WA +96 9 158 CH +96 9 159 DE +96 9 160 DA +96 9 161 YX +96 9 162 DA +96 9 163 YX +96 9 164 YX +96 9 165 JU +96 9 166 WA +96 9 167 JU +96 9 168 JU +96 9 169 YX +96 9 170 WA +96 9 171 JU +96 9 172 CH +96 9 173 DA +96 9 174 DE +96 9 175 YX +96 9 176 DA +96 9 177 DE +96 9 178 YX +96 9 179 DA +96 9 180 YX +96 9 181 DE +96 9 182 JU +96 9 183 JU +96 9 184 JU +96 9 185 DE +96 9 186 YX +96 9 187 DE +96 9 188 YX +96 9 189 YX +96 9 190 DA +96 9 191 YX +96 9 192 JU +96 9 193 DE +96 9 194 DA +96 9 195 YX +96 9 196 YX +96 9 197 JU +96 9 198 WA +96 9 199 CH +96 9 200 DA +96 9 201 DA +96 9 202 YX +96 9 203 DA +96 9 204 WA +96 9 205 JU +96 9 206 CH +96 9 207 DA +96 9 208 DE +96 9 209 WA +96 9 210 JU +96 9 211 YX +96 9 212 DE +96 9 213 JU +96 9 214 DE +96 9 215 DA +96 9 216 JU +96 9 217 DA +96 9 218 DE +96 9 219 CH +96 9 220 YX +96 9 221 YX +96 9 222 JU +96 9 223 YX +96 9 224 CH +96 9 225 DE +96 9 226 YX +96 9 227 WA +96 9 228 YX +96 9 229 YX +96 9 230 CH +96 9 231 JU +96 9 232 DE +96 9 233 YX +96 9 234 YX +96 9 235 YX +96 9 236 JU +96 9 237 DA +96 9 238 YX +96 9 239 DA +96 9 240 JU +96 9 241 CH +96 9 242 DE +96 9 243 DA +96 9 244 YX +96 9 245 DA +96 9 246 YX +96 9 247 JU +96 9 248 WA +96 9 249 YX +96 9 250 JU +96 9 251 YX +96 9 252 CH +96 9 253 YX +96 9 254 YX +96 9 255 WA +96 9 256 DA +96 9 257 YX +96 9 258 DE +96 9 259 DA +96 9 260 CH +96 9 261 DE +96 9 262 CH +96 9 263 JU +96 9 264 YX +96 9 265 YX +96 9 266 DA +96 9 267 JU +96 9 268 YX +96 9 269 DA +96 9 270 DE +96 9 271 WA +96 9 272 CH +96 9 273 DA +96 9 274 CH +96 9 275 DE +96 9 276 DA +96 9 277 YX +96 9 278 DA +96 9 279 YX +96 9 280 JU +96 9 281 YX +96 9 282 YX +96 9 283 WA +96 9 284 CH +96 9 285 DA +96 9 286 CH +96 9 287 DE +96 9 288 DA +96 9 289 YX +96 9 290 CH +96 9 291 YX +96 9 292 DA +96 9 293 YX +96 9 294 CH +96 9 295 JU +96 9 296 JU +96 9 297 DE +96 9 298 DA +96 9 299 YX +96 9 300 JU +96 9 301 YX +96 9 302 CH +96 9 303 YX +96 9 304 YX +96 9 305 JU +96 9 306 YX +96 9 307 YX +96 9 308 JU +96 9 309 WA +96 9 310 YX +96 9 311 YX +96 9 312 WA +96 9 313 YX +96 9 314 CH +96 9 315 YX +96 9 316 YX +96 9 317 DA +96 9 318 DE +96 9 319 CH +96 9 320 JU +96 9 321 DA +96 9 322 YX +96 9 323 YX +96 9 324 CH +96 9 325 JU +96 9 326 DE +96 9 327 CH +96 9 328 YX +96 9 329 JU +96 9 330 YX +96 10 1 YX +96 10 2 YX +96 10 3 DE +96 10 4 WE +96 10 5 YX +96 10 6 DE +96 10 7 YX +96 10 8 DA +96 10 9 JU +96 10 10 YX +96 10 11 WE +96 10 12 DE +96 10 13 YX +96 10 14 YX +96 10 15 DA +96 10 16 CO +96 10 17 DA +96 10 18 WE +96 10 19 YX +96 10 20 YX +96 10 21 DA +96 10 22 DE +96 10 23 YX +96 10 24 WE +96 10 25 YX +96 10 26 YX +96 10 27 CO +96 10 28 DA +96 10 29 YX +96 10 30 DE +96 10 31 YX +96 10 32 DA +96 10 33 YX +96 10 34 YX +96 10 35 DE +96 10 36 WE +96 10 37 YX +96 10 38 DA +96 10 39 YX +96 10 40 YX +96 10 41 DA +96 10 42 DE +96 10 43 WE +96 10 44 CO +96 10 45 YX +96 10 46 WE +96 10 47 WE +96 10 48 DE +96 10 49 YX +96 10 50 WE +96 10 51 WE +96 10 52 CO +96 10 53 DA +96 10 54 YX +96 10 55 YX +96 10 56 DA +96 10 57 WE +96 10 58 DE +96 10 59 CO +96 10 60 YX +96 10 61 DA +96 10 62 CO +96 10 63 DA +96 10 64 YX +96 10 65 DA +96 10 66 CO +96 10 67 YX +96 10 68 DA +96 10 69 JU +96 10 70 CO +96 10 71 DA +96 10 72 YX +96 10 73 WE +96 10 74 CO +96 10 75 WE +96 10 76 DE +96 10 77 YX +96 10 78 CO +96 10 79 WE +96 10 80 YX +96 10 81 YX +96 10 82 YX +96 10 83 DE +96 10 84 DA +96 10 85 YX +96 10 86 DA +96 10 87 WE +96 10 88 WE +96 10 89 WE +96 10 90 WE +96 10 91 DE +96 10 92 DE +96 10 93 YX +96 10 94 WE +96 10 95 CO +96 10 96 DE +96 10 97 YX +96 10 98 DA +96 10 99 CO +96 10 100 YX +96 10 101 DA +96 10 102 CO +96 10 103 YX +96 10 104 YX +96 10 105 WE +96 10 106 DE +96 10 107 CO +96 10 108 CO +96 10 109 YX +96 10 110 DE +96 10 111 WE +96 10 112 DA +96 10 113 WE +96 10 114 YX +96 10 115 DA +96 10 116 CO +96 10 117 JU +96 10 118 DA +96 10 119 YX +96 10 120 CO +96 10 121 DA +96 10 122 YX +96 10 123 YX +96 10 124 DE +96 10 125 DA +96 10 126 DA +96 10 127 WE +96 10 128 DE +96 10 129 CO +96 10 130 WE +96 10 131 DA +96 10 132 DA +96 10 133 YX +96 10 134 WE +96 10 135 DA +96 10 136 YX +96 10 137 WE +96 10 138 YX +96 10 139 CO +96 10 140 YX +96 10 141 CO +96 10 142 CO +96 10 143 YX +96 10 144 WE +96 10 145 YX +96 10 146 DE +96 10 147 YX +96 10 148 DA +96 10 149 YX +96 10 150 WE +96 10 151 DA +96 10 152 DA +96 10 153 YX +96 10 154 WE +96 10 155 WE +96 10 156 YX +96 10 157 WE +96 10 158 CO +96 10 159 DE +96 10 160 DA +96 10 161 YX +96 10 162 DA +96 10 163 YX +96 10 164 YX +96 10 165 WE +96 10 166 WE +96 10 167 CO +96 10 168 YX +96 10 169 YX +96 10 170 WE +96 10 171 WE +96 10 172 CO +96 10 173 DA +96 10 174 DE +96 10 175 YX +96 10 176 DA +96 10 177 DE +96 10 178 YX +96 10 179 WE +96 10 180 YX +96 10 181 DE +96 10 182 WE +96 10 183 WE +96 10 184 YX +96 10 185 DE +96 10 186 YX +96 10 187 DE +96 10 188 YX +96 10 189 CO +96 10 190 CO +96 10 191 YX +96 10 192 YX +96 10 193 DE +96 10 194 DA +96 10 195 YX +96 10 196 YX +96 10 197 DA +96 10 198 WE +96 10 199 YX +96 10 200 YX +96 10 201 DA +96 10 202 YX +96 10 203 DA +96 10 204 WE +96 10 205 YX +96 10 206 CO +96 10 207 DA +96 10 208 DE +96 10 209 WE +96 10 210 WE +96 10 211 YX +96 10 212 DE +96 10 213 YX +96 10 214 DE +96 10 215 DA +96 10 216 WE +96 10 217 CO +96 10 218 DE +96 10 219 CO +96 10 220 YX +96 10 221 YX +96 10 222 DA +96 10 223 YX +96 10 224 CO +96 10 225 YX +96 10 226 YX +96 10 227 WE +96 10 228 WE +96 10 229 YX +96 10 230 CO +96 10 231 DA +96 10 232 DE +96 10 233 YX +96 10 234 YX +96 10 235 YX +96 10 236 DE +96 10 237 CO +96 10 238 YX +96 10 239 JU +96 10 240 WE +96 10 241 CO +96 10 242 DE +96 10 243 DA +96 10 244 CO +96 10 245 DA +96 10 246 YX +96 10 247 DA +96 10 248 WE +96 10 249 YX +96 10 250 WE +96 10 251 YX +96 10 252 CO +96 10 253 YX +96 10 254 YX +96 10 255 WE +96 10 256 DA +96 10 257 YX +96 10 258 DE +96 10 259 WE +96 10 260 DE +96 10 261 DE +96 10 262 CO +96 10 263 WE +96 10 264 YX +96 10 265 YX +96 10 266 DA +96 10 267 WE +96 10 268 YX +96 10 269 DA +96 10 270 DE +96 10 271 YX +96 10 272 CO +96 10 273 DA +96 10 274 CO +96 10 275 DE +96 10 276 DA +96 10 277 YX +96 10 278 DA +96 10 279 YX +96 10 280 YX +96 10 281 YX +96 10 282 YX +96 10 283 WE +96 10 284 CO +96 10 285 DA +96 10 286 CO +96 10 287 DE +96 10 288 DA +96 10 289 YX +96 10 290 DE +96 10 291 YX +96 10 292 DA +96 10 293 CO +96 10 294 CO +96 10 295 WE +96 10 296 WE +96 10 297 DE +96 10 298 DA +96 10 299 YX +96 10 300 CO +96 10 301 YX +96 10 302 CO +96 10 303 CO +96 10 304 YX +96 10 305 WE +96 10 306 YX +96 10 307 YX +96 10 308 DA +96 10 309 WE +96 10 310 YX +96 10 311 YX +96 10 312 WE +96 10 313 YX +96 10 314 CO +96 10 315 YX +96 10 316 YX +96 10 317 DA +96 10 318 DE +96 10 319 CO +96 10 320 WE +96 10 321 DA +96 10 322 YX +96 10 323 YX +96 10 324 CO +96 10 325 DA +96 10 326 DE +96 10 327 CO +96 10 328 WE +96 10 329 WE +96 10 330 CO +96 11 1 YX +96 11 2 YX +96 11 3 DA +96 11 4 JU +96 11 5 YX +96 11 6 DE +96 11 7 YX +96 11 8 DA +96 11 9 DE +96 11 10 YX +96 11 11 JU +96 11 12 DE +96 11 13 YX +96 11 14 JU +96 11 15 DA +96 11 16 CO +96 11 17 DA +96 11 18 WE +96 11 19 YX +96 11 20 YX +96 11 21 DA +96 11 22 DE +96 11 23 YX +96 11 24 WE +96 11 25 YX +96 11 26 JU +96 11 27 CO +96 11 28 DA +96 11 29 YX +96 11 30 DE +96 11 31 YX +96 11 32 DA +96 11 33 YX +96 11 34 YX +96 11 35 DA +96 11 36 YX +96 11 37 YX +96 11 38 DA +96 11 39 YX +96 11 40 YX +96 11 41 DA +96 11 42 DE +96 11 43 WE +96 11 44 CO +96 11 45 YX +96 11 46 WE +96 11 47 WE +96 11 48 DE +96 11 49 YX +96 11 50 JU +96 11 51 JU +96 11 52 CO +96 11 53 DA +96 11 54 YX +96 11 55 YX +96 11 56 DE +96 11 57 YX +96 11 58 JU +96 11 59 JU +96 11 60 WE +96 11 61 DA +96 11 62 DA +96 11 63 DA +96 11 64 YX +96 11 65 DA +96 11 66 CO +96 11 67 YX +96 11 68 DA +96 11 69 JU +96 11 70 CO +96 11 71 DA +96 11 72 YX +96 11 73 DA +96 11 74 YX +96 11 75 WE +96 11 76 DA +96 11 77 YX +96 11 78 DA +96 11 79 WE +96 11 80 YX +96 11 81 YX +96 11 82 YX +96 11 83 DE +96 11 84 DA +96 11 85 YX +96 11 86 DA +96 11 87 WE +96 11 88 DA +96 11 89 WE +96 11 90 WE +96 11 91 DE +96 11 92 CO +96 11 93 YX +96 11 94 WE +96 11 95 CO +96 11 96 DE +96 11 97 DA +96 11 98 DA +96 11 99 JU +96 11 100 YX +96 11 101 DA +96 11 102 JU +96 11 103 YX +96 11 104 YX +96 11 105 DA +96 11 106 DE +96 11 107 CO +96 11 108 YX +96 11 109 YX +96 11 110 DE +96 11 111 WE +96 11 112 DA +96 11 113 WE +96 11 114 YX +96 11 115 DA +96 11 116 YX +96 11 117 WE +96 11 118 DA +96 11 119 YX +96 11 120 CO +96 11 121 DA +96 11 122 YX +96 11 123 YX +96 11 124 DE +96 11 125 DA +96 11 126 JU +96 11 127 WE +96 11 128 YX +96 11 129 CO +96 11 130 WE +96 11 131 JU +96 11 132 DA +96 11 133 YX +96 11 134 WE +96 11 135 DA +96 11 136 YX +96 11 137 YX +96 11 138 YX +96 11 139 DA +96 11 140 YX +96 11 141 CO +96 11 142 CO +96 11 143 YX +96 11 144 WE +96 11 145 YX +96 11 146 DE +96 11 147 YX +96 11 148 DA +96 11 149 YX +96 11 150 WE +96 11 151 DA +96 11 152 DA +96 11 153 YX +96 11 154 WE +96 11 155 WE +96 11 156 YX +96 11 157 DA +96 11 158 CO +96 11 159 DE +96 11 160 DA +96 11 161 YX +96 11 162 DA +96 11 163 YX +96 11 164 YX +96 11 165 DE +96 11 166 YX +96 11 167 JU +96 11 168 YX +96 11 169 YX +96 11 170 WE +96 11 171 DE +96 11 172 CO +96 11 173 DA +96 11 174 DE +96 11 175 YX +96 11 176 DA +96 11 177 DE +96 11 178 YX +96 11 179 JU +96 11 180 YX +96 11 181 JU +96 11 182 JU +96 11 183 JU +96 11 184 JU +96 11 185 YX +96 11 186 YX +96 11 187 DA +96 11 188 YX +96 11 189 JU +96 11 190 DA +96 11 191 YX +96 11 192 JU +96 11 193 DE +96 11 194 JU +96 11 195 YX +96 11 196 YX +96 11 197 JU +96 11 198 WE +96 11 199 CO +96 11 200 YX +96 11 201 DA +96 11 202 YX +96 11 203 DA +96 11 204 WE +96 11 205 YX +96 11 206 CO +96 11 207 DA +96 11 208 DE +96 11 209 YX +96 11 210 DE +96 11 211 YX +96 11 212 DE +96 11 213 YX +96 11 214 YX +96 11 215 DA +96 11 216 WE +96 11 217 DA +96 11 218 DE +96 11 219 CO +96 11 220 YX +96 11 221 CO +96 11 222 JU +96 11 223 YX +96 11 224 CO +96 11 225 YX +96 11 226 YX +96 11 227 WE +96 11 228 YX +96 11 229 YX +96 11 230 CO +96 11 231 JU +96 11 232 JU +96 11 233 YX +96 11 234 YX +96 11 235 YX +96 11 236 DE +96 11 237 JU +96 11 238 YX +96 11 239 DA +96 11 240 JU +96 11 241 CO +96 11 242 DE +96 11 243 DA +96 11 244 YX +96 11 245 DA +96 11 246 YX +96 11 247 JU +96 11 248 WE +96 11 249 YX +96 11 250 WE +96 11 251 YX +96 11 252 CO +96 11 253 YX +96 11 254 YX +96 11 255 WE +96 11 256 DA +96 11 257 YX +96 11 258 DE +96 11 259 DA +96 11 260 YX +96 11 261 DE +96 11 262 CO +96 11 263 WE +96 11 264 YX +96 11 265 YX +96 11 266 DA +96 11 267 WE +96 11 268 YX +96 11 269 JU +96 11 270 DE +96 11 271 WE +96 11 272 CO +96 11 273 JU +96 11 274 CO +96 11 275 DE +96 11 276 DA +96 11 277 YX +96 11 278 DA +96 11 279 YX +96 11 280 YX +96 11 281 YX +96 11 282 YX +96 11 283 JU +96 11 284 CO +96 11 285 DA +96 11 286 CO +96 11 287 DE +96 11 288 DA +96 11 289 YX +96 11 290 YX +96 11 291 YX +96 11 292 DA +96 11 293 YX +96 11 294 YX +96 11 295 JU +96 11 296 WE +96 11 297 DE +96 11 298 DA +96 11 299 YX +96 11 300 JU +96 11 301 YX +96 11 302 CO +96 11 303 YX +96 11 304 DE +96 11 305 WE +96 11 306 YX +96 11 307 YX +96 11 308 JU +96 11 309 WE +96 11 310 YX +96 11 311 YX +96 11 312 WE +96 11 313 YX +96 11 314 CO +96 11 315 YX +96 11 316 YX +96 11 317 JU +96 11 318 DE +96 11 319 CO +96 11 320 YX +96 11 321 DA +96 11 322 YX +96 11 323 YX +96 11 324 CO +96 11 325 JU +96 11 326 DE +96 11 327 YX +96 11 328 YX +96 11 329 DE +96 11 330 YX +96 12 1 YX +96 12 2 YX +96 12 3 DE +96 12 4 JU +96 12 5 YX +96 12 6 CO +96 12 7 YX +96 12 8 DA +96 12 9 DE +96 12 10 YX +96 12 11 YX +96 12 12 DE +96 12 13 YX +96 12 14 JU +96 12 15 JU +96 12 16 CO +96 12 17 DA +96 12 18 WE +96 12 19 YX +96 12 20 YX +96 12 21 DA +96 12 22 DE +96 12 23 JU +96 12 24 WE +96 12 25 YX +96 12 26 YX +96 12 27 DE +96 12 28 JU +96 12 29 YX +96 12 30 DA +96 12 31 YX +96 12 32 DA +96 12 33 YX +96 12 34 YX +96 12 35 DE +96 12 36 YX +96 12 37 YX +96 12 38 JU +96 12 39 YX +96 12 40 YX +96 12 41 DA +96 12 42 DE +96 12 43 YX +96 12 44 DA +96 12 45 YX +96 12 46 WE +96 12 47 YX +96 12 48 DE +96 12 49 YX +96 12 50 DA +96 12 51 JU +96 12 52 YX +96 12 53 DA +96 12 54 YX +96 12 55 YX +96 12 56 DE +96 12 57 JU +96 12 58 DE +96 12 59 DA +96 12 60 YX +96 12 61 DA +96 12 62 YX +96 12 63 DA +96 12 64 YX +96 12 65 DA +96 12 66 DE +96 12 67 YX +96 12 68 DA +96 12 69 JU +96 12 70 CO +96 12 71 JU +96 12 72 YX +96 12 73 DA +96 12 74 YX +96 12 75 YX +96 12 76 DA +96 12 77 YX +96 12 78 CO +96 12 79 JU +96 12 80 YX +96 12 81 YX +96 12 82 YX +96 12 83 DE +96 12 84 JU +96 12 85 YX +96 12 86 DA +96 12 87 YX +96 12 88 JU +96 12 89 WE +96 12 90 YX +96 12 91 YX +96 12 92 DE +96 12 93 YX +96 12 94 WE +96 12 95 CO +96 12 96 DE +96 12 97 YX +96 12 98 DA +96 12 99 JU +96 12 100 YX +96 12 101 JU +96 12 102 CO +96 12 103 YX +96 12 104 YX +96 12 105 DA +96 12 106 DE +96 12 107 DA +96 12 108 CO +96 12 109 YX +96 12 110 DE +96 12 111 YX +96 12 112 DA +96 12 113 WE +96 12 114 * +96 12 115 JU +96 12 116 CO +96 12 117 WE +96 12 118 DA +96 12 119 YX +96 12 120 CO +96 12 121 DE +96 12 122 YX +96 12 123 YX +96 12 124 DE +96 12 125 DA +96 12 126 DA +96 12 127 YX +96 12 128 DE +96 12 129 DA +96 12 130 YX +96 12 131 DA +96 12 132 DE +96 12 133 YX +96 12 134 JU +96 12 135 DA +96 12 136 YX +96 12 137 YX +96 12 138 YX +96 12 139 DA +96 12 140 YX +96 12 141 CO +96 12 142 JU +96 12 143 YX +96 12 144 WE +96 12 145 YX +96 12 146 DE +96 12 147 YX +96 12 148 DA +96 12 149 YX +96 12 150 DA +96 12 151 DA +96 12 152 CO +96 12 153 YX +96 12 154 JU +96 12 155 JU +96 12 156 YX +96 12 157 JU +96 12 158 CO +96 12 159 DE +96 12 160 DA +96 12 161 YX +96 12 162 DA +96 12 163 YX +96 12 164 YX +96 12 165 DE +96 12 166 YX +96 12 167 DA +96 12 168 YX +96 12 169 YX +96 12 170 WE +96 12 171 JU +96 12 172 CO +96 12 173 DA +96 12 174 DE +96 12 175 YX +96 12 176 DE +96 12 177 DE +96 12 178 YX +96 12 179 JU +96 12 180 YX +96 12 181 JU +96 12 182 JU +96 12 183 WE +96 12 184 YX +96 12 185 JU +96 12 186 YX +96 12 187 DE +96 12 188 YX +96 12 189 CO +96 12 190 JU +96 12 191 YX +96 12 192 DA +96 12 193 DE +96 12 194 JU +96 12 195 YX +96 12 196 YX +96 12 197 DA +96 12 198 WE +96 12 199 YX +96 12 200 YX +96 12 201 DA +96 12 202 YX +96 12 203 JU +96 12 204 JU +96 12 205 DA +96 12 206 DE +96 12 207 JU +96 12 208 DE +96 12 209 YX +96 12 210 DA +96 12 211 YX +96 12 212 DE +96 12 213 CO +96 12 214 YX +96 12 215 JU +96 12 216 YX +96 12 217 DA +96 12 218 JU +96 12 219 YX +96 12 220 JU +96 12 221 CO +96 12 222 JU +96 12 223 YX +96 12 224 DA +96 12 225 JU +96 12 226 YX +96 12 227 JU +96 12 228 WE +96 12 229 YX +96 12 230 DA +96 12 231 DA +96 12 232 JU +96 12 233 YX +96 12 234 YX +96 12 235 YX +96 12 236 DE +96 12 237 JU +96 12 238 YX +96 12 239 DA +96 12 240 JU +96 12 241 DA +96 12 242 DE +96 12 243 JU +96 12 244 CO +96 12 245 DA +96 12 246 YX +96 12 247 JU +96 12 248 YX +96 12 249 YX +96 12 250 DA +96 12 251 YX +96 12 252 DA +96 12 253 YX +96 12 254 JU +96 12 255 WE +96 12 256 DA +96 12 257 YX +96 12 258 DE +96 12 259 JU +96 12 260 YX +96 12 261 DA +96 12 262 CO +96 12 263 WE +96 12 264 YX +96 12 265 YX +96 12 266 JU +96 12 267 DA +96 12 268 YX +96 12 269 DA +96 12 270 DE +96 12 271 YX +96 12 272 CO +96 12 273 DA +96 12 274 JU +96 12 275 DE +96 12 276 DA +96 12 277 YX +96 12 278 DA +96 12 279 YX +96 12 280 YX +96 12 281 YX +96 12 282 YX +96 12 283 JU +96 12 284 CO +96 12 285 DA +96 12 286 JU +96 12 287 JU +96 12 288 DA +96 12 289 YX +96 12 290 JU +96 12 291 YX +96 12 292 JU +96 12 293 CO +96 12 294 CO +96 12 295 DE +96 12 296 JU +96 12 297 DE +96 12 298 DA +96 12 299 YX +96 12 300 JU +96 12 301 YX +96 12 302 DA +96 12 303 JU +96 12 304 YX +96 12 305 JU +96 12 306 YX +96 12 307 YX +96 12 308 JU +96 12 309 JU +96 12 310 YX +96 12 311 YX +96 12 312 WE +96 12 313 YX +96 12 314 DA +96 12 315 YX +96 12 316 YX +96 12 317 DA +96 12 318 DE +96 12 319 CO +96 12 320 JU +96 12 321 DA +96 12 322 YX +96 12 323 YX +96 12 324 DA +96 12 325 DA +96 12 326 DE +96 12 327 YX +96 12 328 YX +96 12 329 JU +96 12 330 CO +96 13 1 YX +96 13 2 YX +96 13 3 DA +96 13 4 WE +96 13 5 YX +96 13 6 DE +96 13 7 YX +96 13 8 DA +96 13 9 JU +96 13 10 WE +96 13 11 WE +96 13 12 DE +96 13 13 WE +96 13 14 WE +96 13 15 DA +96 13 16 CO +96 13 17 DA +96 13 18 WE +96 13 19 YX +96 13 20 YX +96 13 21 DA +96 13 22 DE +96 13 23 YX +96 13 24 WE +96 13 25 YX +96 13 26 YX +96 13 27 CO +96 13 28 DA +96 13 29 YX +96 13 30 DE +96 13 31 YX +96 13 32 JU +96 13 33 YX +96 13 34 YX +96 13 35 DA +96 13 36 WE +96 13 37 YX +96 13 38 DA +96 13 39 YX +96 13 40 YX +96 13 41 JU +96 13 42 DE +96 13 43 WE +96 13 44 CO +96 13 45 YX +96 13 46 WE +96 13 47 WE +96 13 48 DE +96 13 49 YX +96 13 50 WE +96 13 51 WE +96 13 52 CO +96 13 53 DA +96 13 54 YX +96 13 55 YX +96 13 56 CO +96 13 57 WE +96 13 58 DE +96 13 59 CO +96 13 60 WE +96 13 61 DA +96 13 62 CO +96 13 63 DA +96 13 64 YX +96 13 65 DA +96 13 66 CO +96 13 67 YX +96 13 68 DA +96 13 69 WE +96 13 70 CO +96 13 71 WE +96 13 72 YX +96 13 73 DA +96 13 74 YX +96 13 75 WE +96 13 76 DE +96 13 77 YX +96 13 78 CO +96 13 79 WE +96 13 80 YX +96 13 81 DE +96 13 82 YX +96 13 83 DE +96 13 84 DA +96 13 85 YX +96 13 86 DA +96 13 87 WE +96 13 88 WE +96 13 89 WE +96 13 90 WE +96 13 91 DE +96 13 92 CO +96 13 93 YX +96 13 94 WE +96 13 95 CO +96 13 96 DE +96 13 97 YX +96 13 98 DA +96 13 99 CO +96 13 100 YX +96 13 101 DA +96 13 102 CO +96 13 103 DE +96 13 104 YX +96 13 105 DA +96 13 106 DE +96 13 107 CO +96 13 108 CO +96 13 109 YX +96 13 110 DE +96 13 111 WE +96 13 112 DA +96 13 113 WE +96 13 114 WE +96 13 115 DA +96 13 116 CO +96 13 117 WE +96 13 118 DA +96 13 119 YX +96 13 120 CO +96 13 121 DA +96 13 122 YX +96 13 123 YX +96 13 124 DE +96 13 125 DA +96 13 126 DA +96 13 127 WE +96 13 128 DE +96 13 129 CO +96 13 130 WE +96 13 131 DA +96 13 132 DA +96 13 133 YX +96 13 134 WE +96 13 135 DA +96 13 136 YX +96 13 137 WE +96 13 138 YX +96 13 139 CO +96 13 140 YX +96 13 141 CO +96 13 142 CO +96 13 143 DE +96 13 144 WE +96 13 145 YX +96 13 146 DE +96 13 147 YX +96 13 148 DA +96 13 149 YX +96 13 150 YX +96 13 151 DE +96 13 152 CO +96 13 153 YX +96 13 154 WE +96 13 155 WE +96 13 156 YX +96 13 157 WE +96 13 158 CO +96 13 159 DE +96 13 160 CO +96 13 161 YX +96 13 162 DA +96 13 163 YX +96 13 164 YX +96 13 165 DE +96 13 166 WE +96 13 167 CO +96 13 168 YX +96 13 169 YX +96 13 170 WE +96 13 171 WE +96 13 172 CO +96 13 173 DA +96 13 174 DE +96 13 175 YX +96 13 176 DA +96 13 177 DE +96 13 178 YX +96 13 179 JU +96 13 180 YX +96 13 181 DE +96 13 182 WE +96 13 183 WE +96 13 184 YX +96 13 185 DE +96 13 186 YX +96 13 187 DE +96 13 188 YX +96 13 189 CO +96 13 190 CO +96 13 191 YX +96 13 192 YX +96 13 193 DE +96 13 194 DA +96 13 195 YX +96 13 196 YX +96 13 197 CO +96 13 198 WE +96 13 199 CO +96 13 200 YX +96 13 201 DA +96 13 202 YX +96 13 203 DA +96 13 204 WE +96 13 205 YX +96 13 206 CO +96 13 207 DA +96 13 208 JU +96 13 209 WE +96 13 210 WE +96 13 211 YX +96 13 212 DE +96 13 213 CO +96 13 214 DE +96 13 215 DA +96 13 216 WE +96 13 217 CO +96 13 218 DE +96 13 219 CO +96 13 220 YX +96 13 221 CO +96 13 222 DA +96 13 223 YX +96 13 224 CO +96 13 225 JU +96 13 226 YX +96 13 227 WE +96 13 228 WE +96 13 229 YX +96 13 230 CO +96 13 231 YX +96 13 232 WE +96 13 233 YX +96 13 234 YX +96 13 235 YX +96 13 236 DE +96 13 237 CO +96 13 238 YX +96 13 239 JU +96 13 240 WE +96 13 241 CO +96 13 242 DE +96 13 243 WE +96 13 244 CO +96 13 245 DA +96 13 246 YX +96 13 247 DA +96 13 248 WE +96 13 249 DA +96 13 250 YX +96 13 251 YX +96 13 252 CO +96 13 253 YX +96 13 254 YX +96 13 255 WE +96 13 256 DA +96 13 257 WE +96 13 258 DE +96 13 259 WE +96 13 260 CO +96 13 261 DE +96 13 262 CO +96 13 263 WE +96 13 264 YX +96 13 265 WE +96 13 266 DE +96 13 267 WE +96 13 268 YX +96 13 269 DA +96 13 270 DE +96 13 271 WE +96 13 272 CO +96 13 273 DA +96 13 274 CO +96 13 275 DE +96 13 276 DA +96 13 277 WE +96 13 278 DA +96 13 279 YX +96 13 280 YX +96 13 281 WE +96 13 282 YX +96 13 283 WE +96 13 284 CO +96 13 285 CO +96 13 286 CO +96 13 287 JU +96 13 288 DA +96 13 289 YX +96 13 290 CO +96 13 291 YX +96 13 292 DA +96 13 293 CO +96 13 294 CO +96 13 295 WE +96 13 296 DA +96 13 297 DE +96 13 298 DA +96 13 299 YX +96 13 300 CO +96 13 301 YX +96 13 302 CO +96 13 303 CO +96 13 304 YX +96 13 305 WE +96 13 306 YX +96 13 307 YX +96 13 308 DA +96 13 309 WE +96 13 310 YX +96 13 311 YX +96 13 312 WE +96 13 313 YX +96 13 314 CO +96 13 315 YX +96 13 316 YX +96 13 317 DA +96 13 318 DE +96 13 319 CO +96 13 320 DE +96 13 321 DA +96 13 322 YX +96 13 323 WE +96 13 324 CO +96 13 325 DA +96 13 326 DE +96 13 327 CO +96 13 328 WE +96 13 329 WE +96 13 330 CO +96 14 1 YX +96 14 2 YX +96 14 3 DA +96 14 4 JU +96 14 5 YX +96 14 6 DE +96 14 7 YX +96 14 8 DA +96 14 9 JU +96 14 10 YX +96 14 11 YX +96 14 12 DE +96 14 13 YX +96 14 14 WE +96 14 15 DA +96 14 16 CO +96 14 17 DA +96 14 18 WE +96 14 19 YX +96 14 20 YX +96 14 21 DA +96 14 22 DE +96 14 23 JU +96 14 24 WE +96 14 25 YX +96 14 26 YX +96 14 27 CO +96 14 28 DA +96 14 29 YX +96 14 30 JU +96 14 31 YX +96 14 32 DA +96 14 33 YX +96 14 34 YX +96 14 35 DA +96 14 36 YX +96 14 37 YX +96 14 38 DA +96 14 39 YX +96 14 40 YX +96 14 41 DA +96 14 42 DE +96 14 43 YX +96 14 44 CO +96 14 45 YX +96 14 46 WE +96 14 47 YX +96 14 48 DE +96 14 49 YX +96 14 50 JU +96 14 51 WE +96 14 52 CO +96 14 53 DA +96 14 54 YX +96 14 55 YX +96 14 56 JU +96 14 57 YX +96 14 58 JU +96 14 59 YX +96 14 60 YX +96 14 61 DA +96 14 62 JU +96 14 63 DA +96 14 64 YX +96 14 65 DA +96 14 66 CO +96 14 67 YX +96 14 68 JU +96 14 69 JU +96 14 70 CO +96 14 71 JU +96 14 72 YX +96 14 73 JU +96 14 74 YX +96 14 75 WE +96 14 76 DE +96 14 77 YX +96 14 78 DA +96 14 79 WE +96 14 80 YX +96 14 81 YX +96 14 82 YX +96 14 83 DE +96 14 84 DA +96 14 85 JU +96 14 86 DA +96 14 87 WE +96 14 88 DA +96 14 89 WE +96 14 90 YX +96 14 91 DE +96 14 92 CO +96 14 93 YX +96 14 94 WE +96 14 95 YX +96 14 96 DE +96 14 97 JU +96 14 98 DA +96 14 99 JU +96 14 100 YX +96 14 101 DA +96 14 102 YX +96 14 103 JU +96 14 104 YX +96 14 105 YX +96 14 106 DE +96 14 107 CO +96 14 108 YX +96 14 109 YX +96 14 110 DE +96 14 111 WE +96 14 112 DA +96 14 113 WE +96 14 114 YX +96 14 115 DA +96 14 116 YX +96 14 117 JU +96 14 118 DA +96 14 119 YX +96 14 120 CO +96 14 121 DA +96 14 122 YX +96 14 123 YX +96 14 124 JU +96 14 125 DA +96 14 126 DA +96 14 127 JU +96 14 128 DE +96 14 129 CO +96 14 130 WE +96 14 131 JU +96 14 132 DA +96 14 133 YX +96 14 134 JU +96 14 135 DA +96 14 136 YX +96 14 137 JU +96 14 138 YX +96 14 139 CO +96 14 140 YX +96 14 141 CO +96 14 142 CO +96 14 143 DE +96 14 144 JU +96 14 145 YX +96 14 146 DE +96 14 147 YX +96 14 148 DA +96 14 149 YX +96 14 150 JU +96 14 151 DA +96 14 152 JU +96 14 153 YX +96 14 154 WE +96 14 155 JU +96 14 156 YX +96 14 157 JU +96 14 158 CO +96 14 159 DE +96 14 160 DA +96 14 161 YX +96 14 162 DA +96 14 163 YX +96 14 164 YX +96 14 165 JU +96 14 166 YX +96 14 167 JU +96 14 168 YX +96 14 169 YX +96 14 170 WE +96 14 171 JU +96 14 172 CO +96 14 173 DA +96 14 174 DE +96 14 175 YX +96 14 176 DA +96 14 177 DE +96 14 178 YX +96 14 179 DA +96 14 180 YX +96 14 181 DE +96 14 182 JU +96 14 183 JU +96 14 184 DA +96 14 185 DE +96 14 186 YX +96 14 187 DE +96 14 188 YX +96 14 189 CO +96 14 190 DA +96 14 191 YX +96 14 192 JU +96 14 193 DE +96 14 194 JU +96 14 195 YX +96 14 196 YX +96 14 197 YX +96 14 198 WE +96 14 199 CO +96 14 200 YX +96 14 201 DA +96 14 202 YX +96 14 203 DA +96 14 204 WE +96 14 205 YX +96 14 206 DE +96 14 207 DA +96 14 208 JU +96 14 209 YX +96 14 210 JU +96 14 211 YX +96 14 212 DE +96 14 213 JU +96 14 214 YX +96 14 215 DA +96 14 216 WE +96 14 217 DA +96 14 218 JU +96 14 219 YX +96 14 220 YX +96 14 221 CO +96 14 222 JU +96 14 223 YX +96 14 224 CO +96 14 225 JU +96 14 226 YX +96 14 227 WE +96 14 228 YX +96 14 229 YX +96 14 230 DE +96 14 231 JU +96 14 232 WE +96 14 233 YX +96 14 234 YX +96 14 235 YX +96 14 236 DA +96 14 237 DE +96 14 238 YX +96 14 239 DA +96 14 240 JU +96 14 241 CO +96 14 242 DE +96 14 243 DA +96 14 244 YX +96 14 245 DA +96 14 246 YX +96 14 247 JU +96 14 248 WE +96 14 249 YX +96 14 250 JU +96 14 251 YX +96 14 252 CO +96 14 253 YX +96 14 254 YX +96 14 255 WE +96 14 256 DA +96 14 257 YX +96 14 258 DE +96 14 259 DA +96 14 260 DE +96 14 261 JU +96 14 262 CO +96 14 263 JU +96 14 264 YX +96 14 265 YX +96 14 266 JU +96 14 267 JU +96 14 268 YX +96 14 269 DA +96 14 270 DE +96 14 271 YX +96 14 272 CO +96 14 273 JU +96 14 274 CO +96 14 275 DE +96 14 276 DA +96 14 277 JU +96 14 278 DA +96 14 279 YX +96 14 280 YX +96 14 281 YX +96 14 282 YX +96 14 283 JU +96 14 284 CO +96 14 285 DA +96 14 286 CO +96 14 287 JU +96 14 288 DA +96 14 289 YX +96 14 290 CO +96 14 291 YX +96 14 292 DA +96 14 293 YX +96 14 294 YX +96 14 295 JU +96 14 296 JU +96 14 297 DE +96 14 298 DA +96 14 299 YX +96 14 300 JU +96 14 301 YX +96 14 302 CO +96 14 303 JU +96 14 304 YX +96 14 305 DA +96 14 306 YX +96 14 307 YX +96 14 308 JU +96 14 309 DA +96 14 310 YX +96 14 311 YX +96 14 312 WE +96 14 313 JU +96 14 314 CO +96 14 315 YX +96 14 316 YX +96 14 317 DA +96 14 318 DE +96 14 319 CO +96 14 320 YX +96 14 321 DA +96 14 322 YX +96 14 323 YX +96 14 324 CO +96 14 325 DA +96 14 326 DE +96 14 327 YX +96 14 328 YX +96 14 329 JU +96 14 330 YX +96 15 1 YX +96 15 2 YX +96 15 3 DE +96 15 4 WE +96 15 5 YX +96 15 6 DE +96 15 7 YX +96 15 8 JU +96 15 9 DE +96 15 10 YX +96 15 11 YX +96 15 12 DE +96 15 13 YX +96 15 14 JU +96 15 15 DA +96 15 16 CO +96 15 17 DE +96 15 18 WE +96 15 19 YX +96 15 20 YX +96 15 21 DA +96 15 22 DE +96 15 23 JU +96 15 24 WE +96 15 25 YX +96 15 26 YX +96 15 27 CO +96 15 28 YX +96 15 29 YX +96 15 30 JU +96 15 31 YX +96 15 32 JU +96 15 33 YX +96 15 34 YX +96 15 35 DA +96 15 36 YX +96 15 37 YX +96 15 38 DA +96 15 39 YX +96 15 40 YX +96 15 41 DA +96 15 42 DE +96 15 43 JU +96 15 44 CO +96 15 45 YX +96 15 46 WE +96 15 47 YX +96 15 48 DE +96 15 49 YX +96 15 50 WE +96 15 51 WE +96 15 52 CO +96 15 53 DA +96 15 54 YX +96 15 55 YX +96 15 56 DE +96 15 57 YX +96 15 58 DE +96 15 59 CO +96 15 60 YX +96 15 61 DA +96 15 62 YX +96 15 63 DE +96 15 64 YX +96 15 65 DA +96 15 66 CO +96 15 67 YX +96 15 68 DA +96 15 69 DE +96 15 70 CO +96 15 71 DA +96 15 72 YX +96 15 73 DA +96 15 74 YX +96 15 75 WE +96 15 76 DE +96 15 77 YX +96 15 78 DA +96 15 79 WE +96 15 80 YX +96 15 81 JU +96 15 82 YX +96 15 83 DE +96 15 84 DE +96 15 85 YX +96 15 86 DE +96 15 87 WE +96 15 88 DA +96 15 89 WE +96 15 90 YX +96 15 91 YX +96 15 92 CO +96 15 93 YX +96 15 94 WE +96 15 95 CO +96 15 96 DE +96 15 97 JU +96 15 98 DA +96 15 99 DE +96 15 100 YX +96 15 101 WE +96 15 102 JU +96 15 103 WE +96 15 104 YX +96 15 105 WE +96 15 106 DE +96 15 107 CO +96 15 108 CO +96 15 109 YX +96 15 110 DE +96 15 111 WE +96 15 112 DA +96 15 113 WE +96 15 114 YX +96 15 115 DA +96 15 116 YX +96 15 117 WE +96 15 118 DA +96 15 119 YX +96 15 120 CO +96 15 121 DE +96 15 122 YX +96 15 123 YX +96 15 124 DE +96 15 125 DE +96 15 126 DA +96 15 127 WE +96 15 128 DE +96 15 129 CO +96 15 130 JU +96 15 131 JU +96 15 132 DA +96 15 133 YX +96 15 134 WE +96 15 135 DA +96 15 136 YX +96 15 137 YX +96 15 138 YX +96 15 139 CO +96 15 140 YX +96 15 141 CO +96 15 142 CO +96 15 143 JU +96 15 144 WE +96 15 145 YX +96 15 146 DE +96 15 147 YX +96 15 148 DA +96 15 149 YX +96 15 150 WE +96 15 151 DA +96 15 152 JU +96 15 153 YX +96 15 154 WE +96 15 155 WE +96 15 156 YX +96 15 157 WE +96 15 158 CO +96 15 159 DE +96 15 160 DA +96 15 161 YX +96 15 162 DA +96 15 163 YX +96 15 164 YX +96 15 165 JU +96 15 166 YX +96 15 167 DA +96 15 168 YX +96 15 169 YX +96 15 170 WE +96 15 171 JU +96 15 172 CO +96 15 173 DA +96 15 174 DE +96 15 175 YX +96 15 176 DE +96 15 177 DE +96 15 178 YX +96 15 179 WE +96 15 180 YX +96 15 181 DE +96 15 182 WE +96 15 183 WE +96 15 184 DA +96 15 185 DE +96 15 186 YX +96 15 187 DE +96 15 188 YX +96 15 189 YX +96 15 190 DA +96 15 191 YX +96 15 192 JU +96 15 193 DE +96 15 194 DA +96 15 195 YX +96 15 196 YX +96 15 197 DA +96 15 198 WE +96 15 199 YX +96 15 200 YX +96 15 201 DE +96 15 202 YX +96 15 203 DA +96 15 204 WE +96 15 205 JU +96 15 206 CO +96 15 207 DA +96 15 208 JU +96 15 209 YX +96 15 210 JU +96 15 211 YX +96 15 212 DE +96 15 213 CO +96 15 214 DE +96 15 215 DA +96 15 216 WE +96 15 217 DA +96 15 218 JU +96 15 219 YX +96 15 220 JU +96 15 221 YX +96 15 222 WE +96 15 223 YX +96 15 224 CO +96 15 225 DE +96 15 226 YX +96 15 227 WE +96 15 228 YX +96 15 229 YX +96 15 230 CO +96 15 231 JU +96 15 232 JU +96 15 233 YX +96 15 234 YX +96 15 235 YX +96 15 236 DE +96 15 237 DE +96 15 238 YX +96 15 239 DA +96 15 240 JU +96 15 241 CO +96 15 242 DE +96 15 243 DA +96 15 244 CO +96 15 245 DA +96 15 246 YX +96 15 247 JU +96 15 248 YX +96 15 249 YX +96 15 250 JU +96 15 251 YX +96 15 252 CO +96 15 253 YX +96 15 254 YX +96 15 255 WE +96 15 256 DE +96 15 257 YX +96 15 258 DE +96 15 259 DA +96 15 260 DE +96 15 261 DE +96 15 262 CO +96 15 263 WE +96 15 264 YX +96 15 265 YX +96 15 266 DA +96 15 267 JU +96 15 268 YX +96 15 269 DA +96 15 270 DE +96 15 271 YX +96 15 272 CO +96 15 273 JU +96 15 274 CO +96 15 275 DE +96 15 276 DA +96 15 277 YX +96 15 278 DE +96 15 279 YX +96 15 280 YX +96 15 281 YX +96 15 282 YX +96 15 283 JU +96 15 284 YX +96 15 285 DA +96 15 286 CO +96 15 287 JU +96 15 288 DA +96 15 289 YX +96 15 290 CO +96 15 291 YX +96 15 292 DA +96 15 293 YX +96 15 294 CO +96 15 295 WE +96 15 296 YX +96 15 297 DE +96 15 298 DA +96 15 299 YX +96 15 300 CO +96 15 301 YX +96 15 302 DA +96 15 303 YX +96 15 304 JU +96 15 305 DA +96 15 306 YX +96 15 307 YX +96 15 308 JU +96 15 309 JU +96 15 310 YX +96 15 311 YX +96 15 312 WE +96 15 313 YX +96 15 314 CO +96 15 315 YX +96 15 316 YX +96 15 317 DA +96 15 318 DE +96 15 319 CO +96 15 320 JU +96 15 321 DA +96 15 322 YX +96 15 323 YX +96 15 324 CO +96 15 325 JU +96 15 326 DE +96 15 327 YX +96 15 328 YX +96 15 329 JU +96 15 330 CO +96 16 1 YX +96 16 2 YX +96 16 3 DE +96 16 4 JU +96 16 5 CO +96 16 6 DE +96 16 7 YX +96 16 8 DA +96 16 9 DE +96 16 10 YX +96 16 11 YX +96 16 12 DE +96 16 13 YX +96 16 14 YX +96 16 15 DA +96 16 16 CO +96 16 17 DA +96 16 18 WA +96 16 19 YX +96 16 20 YX +96 16 21 DA +96 16 22 DE +96 16 23 YX +96 16 24 WA +96 16 25 YX +96 16 26 DE +96 16 27 CO +96 16 28 DA +96 16 29 YX +96 16 30 DE +96 16 31 YX +96 16 32 DA +96 16 33 YX +96 16 34 YX +96 16 35 DE +96 16 36 YX +96 16 37 YX +96 16 38 DA +96 16 39 YX +96 16 40 YX +96 16 41 DA +96 16 42 DE +96 16 43 YX +96 16 44 CO +96 16 45 YX +96 16 46 CO +96 16 47 YX +96 16 48 DE +96 16 49 YX +96 16 50 DE +96 16 51 JU +96 16 52 CO +96 16 53 DA +96 16 54 YX +96 16 55 YX +96 16 56 DA +96 16 57 YX +96 16 58 DE +96 16 59 CO +96 16 60 WA +96 16 61 DA +96 16 62 JU +96 16 63 DE +96 16 64 YX +96 16 65 DA +96 16 66 CO +96 16 67 YX +96 16 68 DA +96 16 69 YX +96 16 70 CO +96 16 71 YX +96 16 72 YX +96 16 73 JU +96 16 74 CO +96 16 75 YX +96 16 76 DE +96 16 77 YX +96 16 78 DA +96 16 79 WA +96 16 80 YX +96 16 81 YX +96 16 82 YX +96 16 83 CO +96 16 84 DE +96 16 85 YX +96 16 86 DA +96 16 87 WA +96 16 88 DA +96 16 89 WA +96 16 90 YX +96 16 91 DE +96 16 92 CO +96 16 93 YX +96 16 94 WA +96 16 95 CO +96 16 96 DE +96 16 97 YX +96 16 98 DA +96 16 99 DE +96 16 100 YX +96 16 101 DA +96 16 102 YX +96 16 103 WA +96 16 104 YX +96 16 105 DA +96 16 106 DE +96 16 107 CO +96 16 108 YX +96 16 109 YX +96 16 110 DE +96 16 111 YX +96 16 112 DA +96 16 113 WA +96 16 114 YX +96 16 115 DA +96 16 116 YX +96 16 117 JU +96 16 118 DA +96 16 119 YX +96 16 120 CO +96 16 121 DE +96 16 122 YX +96 16 123 YX +96 16 124 DE +96 16 125 DE +96 16 126 DA +96 16 127 YX +96 16 128 DE +96 16 129 CO +96 16 130 YX +96 16 131 YX +96 16 132 DA +96 16 133 YX +96 16 134 JU +96 16 135 DA +96 16 136 YX +96 16 137 YX +96 16 138 YX +96 16 139 WA +96 16 140 YX +96 16 141 CO +96 16 142 YX +96 16 143 YX +96 16 144 YX +96 16 145 YX +96 16 146 DE +96 16 147 YX +96 16 148 DA +96 16 149 YX +96 16 150 YX +96 16 151 DA +96 16 152 DE +96 16 153 YX +96 16 154 WA +96 16 155 JU +96 16 156 YX +96 16 157 JU +96 16 158 CO +96 16 159 DE +96 16 160 DA +96 16 161 YX +96 16 162 DA +96 16 163 YX +96 16 164 YX +96 16 165 YX +96 16 166 WA +96 16 167 DA +96 16 168 YX +96 16 169 YX +96 16 170 WA +96 16 171 YX +96 16 172 CO +96 16 173 DA +96 16 174 DE +96 16 175 YX +96 16 176 DA +96 16 177 DE +96 16 178 YX +96 16 179 DA +96 16 180 YX +96 16 181 DE +96 16 182 DA +96 16 183 JU +96 16 184 YX +96 16 185 DE +96 16 186 YX +96 16 187 DE +96 16 188 YX +96 16 189 YX +96 16 190 CO +96 16 191 YX +96 16 192 YX +96 16 193 DE +96 16 194 JU +96 16 195 YX +96 16 196 DA +96 16 197 DE +96 16 198 WA +96 16 199 DE +96 16 200 YX +96 16 201 DA +96 16 202 YX +96 16 203 DA +96 16 204 WA +96 16 205 YX +96 16 206 CO +96 16 207 DA +96 16 208 DE +96 16 209 YX +96 16 210 DA +96 16 211 YX +96 16 212 DE +96 16 213 YX +96 16 214 DE +96 16 215 DE +96 16 216 WA +96 16 217 DE +96 16 218 YX +96 16 219 CO +96 16 220 YX +96 16 221 CO +96 16 222 YX +96 16 223 YX +96 16 224 CO +96 16 225 DE +96 16 226 YX +96 16 227 WA +96 16 228 YX +96 16 229 YX +96 16 230 CO +96 16 231 DA +96 16 232 JU +96 16 233 YX +96 16 234 YX +96 16 235 YX +96 16 236 DE +96 16 237 DA +96 16 238 YX +96 16 239 DA +96 16 240 DA +96 16 241 CO +96 16 242 DE +96 16 243 DA +96 16 244 CO +96 16 245 DA +96 16 246 YX +96 16 247 YX +96 16 248 YX +96 16 249 YX +96 16 250 WA +96 16 251 YX +96 16 252 CO +96 16 253 YX +96 16 254 YX +96 16 255 WA +96 16 256 DA +96 16 257 YX +96 16 258 DE +96 16 259 DA +96 16 260 DE +96 16 261 DA +96 16 262 CO +96 16 263 CO +96 16 264 YX +96 16 265 YX +96 16 266 DA +96 16 267 DA +96 16 268 YX +96 16 269 DA +96 16 270 DE +96 16 271 YX +96 16 272 CO +96 16 273 DA +96 16 274 CO +96 16 275 DE +96 16 276 DA +96 16 277 YX +96 16 278 DA +96 16 279 YX +96 16 280 YX +96 16 281 YX +96 16 282 YX +96 16 283 JU +96 16 284 CO +96 16 285 DE +96 16 286 CO +96 16 287 DE +96 16 288 DA +96 16 289 YX +96 16 290 CO +96 16 291 YX +96 16 292 DA +96 16 293 CO +96 16 294 CO +96 16 295 JU +96 16 296 YX +96 16 297 DE +96 16 298 DA +96 16 299 YX +96 16 300 CO +96 16 301 YX +96 16 302 CO +96 16 303 YX +96 16 304 YX +96 16 305 DA +96 16 306 YX +96 16 307 YX +96 16 308 DE +96 16 309 JU +96 16 310 YX +96 16 311 YX +96 16 312 WA +96 16 313 YX +96 16 314 CO +96 16 315 YX +96 16 316 YX +96 16 317 DA +96 16 318 DE +96 16 319 CO +96 16 320 YX +96 16 321 DA +96 16 322 YX +96 16 323 YX +96 16 324 CO +96 16 325 DE +96 16 326 DE +96 16 327 YX +96 16 328 YX +96 16 329 DE +96 16 330 CO +96 17 1 YX +96 17 2 YX +96 17 3 DE +96 17 4 WE +96 17 5 YX +96 17 6 DE +96 17 7 YX +96 17 8 JU +96 17 9 DE +96 17 10 YX +96 17 11 YX +96 17 12 DE +96 17 13 YX +96 17 14 JU +96 17 15 DA +96 17 16 CO +96 17 17 DE +96 17 18 WE +96 17 19 YX +96 17 20 YX +96 17 21 DA +96 17 22 DE +96 17 23 DA +96 17 24 WE +96 17 25 YX +96 17 26 YX +96 17 27 DE +96 17 28 DA +96 17 29 YX +96 17 30 JU +96 17 31 CO +96 17 32 DA +96 17 33 YX +96 17 34 YX +96 17 35 DE +96 17 36 YX +96 17 37 YX +96 17 38 DA +96 17 39 YX +96 17 40 YX +96 17 41 JU +96 17 42 DE +96 17 43 JU +96 17 44 CO +96 17 45 YX +96 17 46 WE +96 17 47 YX +96 17 48 DE +96 17 49 YX +96 17 50 WE +96 17 51 WE +96 17 52 CO +96 17 53 WE +96 17 54 YX +96 17 55 YX +96 17 56 DE +96 17 57 YX +96 17 58 DE +96 17 59 CO +96 17 60 YX +96 17 61 DA +96 17 62 YX +96 17 63 DA +96 17 64 YX +96 17 65 DA +96 17 66 CO +96 17 67 YX +96 17 68 DA +96 17 69 JU +96 17 70 CO +96 17 71 WE +96 17 72 YX +96 17 73 DA +96 17 74 YX +96 17 75 WE +96 17 76 DE +96 17 77 YX +96 17 78 DA +96 17 79 WE +96 17 80 YX +96 17 81 DE +96 17 82 YX +96 17 83 DE +96 17 84 DE +96 17 85 YX +96 17 86 DA +96 17 87 WE +96 17 88 DA +96 17 89 WE +96 17 90 YX +96 17 91 DE +96 17 92 CO +96 17 93 YX +96 17 94 WE +96 17 95 YX +96 17 96 DE +96 17 97 JU +96 17 98 DA +96 17 99 DE +96 17 100 YX +96 17 101 DA +96 17 102 CO +96 17 103 WE +96 17 104 YX +96 17 105 JU +96 17 106 DE +96 17 107 CO +96 17 108 YX +96 17 109 YX +96 17 110 DE +96 17 111 WE +96 17 112 DA +96 17 113 WE +96 17 114 YX +96 17 115 DA +96 17 116 YX +96 17 117 WE +96 17 118 DA +96 17 119 YX +96 17 120 CO +96 17 121 DE +96 17 122 YX +96 17 123 YX +96 17 124 DE +96 17 125 DE +96 17 126 CO +96 17 127 YX +96 17 128 YX +96 17 129 CO +96 17 130 JU +96 17 131 DA +96 17 132 DA +96 17 133 YX +96 17 134 WE +96 17 135 DE +96 17 136 YX +96 17 137 YX +96 17 138 YX +96 17 139 CO +96 17 140 YX +96 17 141 CO +96 17 142 CO +96 17 143 YX +96 17 144 WE +96 17 145 YX +96 17 146 DE +96 17 147 YX +96 17 148 DA +96 17 149 YX +96 17 150 WE +96 17 151 DE +96 17 152 DA +96 17 153 YX +96 17 154 WE +96 17 155 WE +96 17 156 WE +96 17 157 JU +96 17 158 CO +96 17 159 DE +96 17 160 DA +96 17 161 YX +96 17 162 DA +96 17 163 YX +96 17 164 YX +96 17 165 JU +96 17 166 WE +96 17 167 DA +96 17 168 YX +96 17 169 YX +96 17 170 WE +96 17 171 JU +96 17 172 CO +96 17 173 DA +96 17 174 DE +96 17 175 YX +96 17 176 DE +96 17 177 DE +96 17 178 YX +96 17 179 WE +96 17 180 YX +96 17 181 DE +96 17 182 WE +96 17 183 WE +96 17 184 DA +96 17 185 DE +96 17 186 YX +96 17 187 DE +96 17 188 YX +96 17 189 DE +96 17 190 DE +96 17 191 YX +96 17 192 DA +96 17 193 DE +96 17 194 JU +96 17 195 YX +96 17 196 YX +96 17 197 DA +96 17 198 WE +96 17 199 YX +96 17 200 YX +96 17 201 DE +96 17 202 YX +96 17 203 DA +96 17 204 WE +96 17 205 YX +96 17 206 DE +96 17 207 DA +96 17 208 DE +96 17 209 YX +96 17 210 WE +96 17 211 YX +96 17 212 DE +96 17 213 JU +96 17 214 DE +96 17 215 DA +96 17 216 YX +96 17 217 DE +96 17 218 DE +96 17 219 YX +96 17 220 JU +96 17 221 YX +96 17 222 WE +96 17 223 YX +96 17 224 CO +96 17 225 DE +96 17 226 YX +96 17 227 WE +96 17 228 YX +96 17 229 YX +96 17 230 DA +96 17 231 WE +96 17 232 JU +96 17 233 YX +96 17 234 YX +96 17 235 YX +96 17 236 DE +96 17 237 DE +96 17 238 YX +96 17 239 DA +96 17 240 JU +96 17 241 CO +96 17 242 DE +96 17 243 JU +96 17 244 YX +96 17 245 DA +96 17 246 YX +96 17 247 JU +96 17 248 YX +96 17 249 YX +96 17 250 JU +96 17 251 YX +96 17 252 CO +96 17 253 YX +96 17 254 YX +96 17 255 WE +96 17 256 DA +96 17 257 YX +96 17 258 DE +96 17 259 DA +96 17 260 CO +96 17 261 DA +96 17 262 CO +96 17 263 JU +96 17 264 YX +96 17 265 YX +96 17 266 DE +96 17 267 WE +96 17 268 YX +96 17 269 YX +96 17 270 DE +96 17 271 YX +96 17 272 CO +96 17 273 DA +96 17 274 CO +96 17 275 DE +96 17 276 DA +96 17 277 JU +96 17 278 DE +96 17 279 YX +96 17 280 YX +96 17 281 YX +96 17 282 YX +96 17 283 WE +96 17 284 CO +96 17 285 DA +96 17 286 CO +96 17 287 WE +96 17 288 DA +96 17 289 YX +96 17 290 DE +96 17 291 YX +96 17 292 DA +96 17 293 YX +96 17 294 CO +96 17 295 JU +96 17 296 YX +96 17 297 DE +96 17 298 DA +96 17 299 YX +96 17 300 WE +96 17 301 YX +96 17 302 CO +96 17 303 YX +96 17 304 DE +96 17 305 DA +96 17 306 YX +96 17 307 YX +96 17 308 JU +96 17 309 WE +96 17 310 YX +96 17 311 YX +96 17 312 WE +96 17 313 YX +96 17 314 DA +96 17 315 YX +96 17 316 YX +96 17 317 DA +96 17 318 DA +96 17 319 CO +96 17 320 DE +96 17 321 DA +96 17 322 YX +96 17 323 YX +96 17 324 CO +96 17 325 JU +96 17 326 DE +96 17 327 CO +96 17 328 YX +96 17 329 JU +96 17 330 YX +96 18 1 YX +96 18 2 YX +96 18 3 DA +96 18 4 DA +96 18 5 DE +96 18 6 YX +96 18 7 DE +96 18 8 DA +96 18 9 WA +96 18 10 YX +96 18 11 DE +96 18 12 YX +96 18 13 YX +96 18 14 WA +96 18 15 DA +96 18 16 CO +96 18 17 DA +96 18 18 WA +96 18 19 YX +96 18 20 DE +96 18 21 DA +96 18 22 DE +96 18 23 DA +96 18 24 WA +96 18 25 YX +96 18 26 DE +96 18 27 CO +96 18 28 DA +96 18 29 DE +96 18 30 DA +96 18 31 YX +96 18 32 DA +96 18 33 DE +96 18 34 YX +96 18 35 DA +96 18 36 YX +96 18 37 DE +96 18 38 DA +96 18 39 YX +96 18 40 DA +96 18 41 DA +96 18 42 DE +96 18 43 WA +96 18 44 CO +96 18 45 YX +96 18 46 CO +96 18 47 WA +96 18 48 YX +96 18 49 DE +96 18 50 YX +96 18 51 WA +96 18 52 CO +96 18 53 DA +96 18 54 DE +96 18 55 YX +96 18 56 DA +96 18 57 YX +96 18 58 DE +96 18 59 DA +96 18 60 WA +96 18 61 DA +96 18 62 YX +96 18 63 DA +96 18 64 DE +96 18 65 DA +96 18 66 CO +96 18 67 YX +96 18 68 DA +96 18 69 DE +96 18 70 CO +96 18 71 DA +96 18 72 DE +96 18 73 DA +96 18 74 YX +96 18 75 WA +96 18 76 DA +96 18 77 YX +96 18 78 DA +96 18 79 WA +96 18 80 YX +96 18 81 DE +96 18 82 YX +96 18 83 CO +96 18 84 DA +96 18 85 YX +96 18 86 DA +96 18 87 WA +96 18 88 DA +96 18 89 WA +96 18 90 YX +96 18 91 DE +96 18 92 CO +96 18 93 YX +96 18 94 WA +96 18 95 CO +96 18 96 DE +96 18 97 YX +96 18 98 DA +96 18 99 DE +96 18 100 YX +96 18 101 DA +96 18 102 DA +96 18 103 DE +96 18 104 YX +96 18 105 DE +96 18 106 YX +96 18 107 CO +96 18 108 YX +96 18 109 YX +96 18 110 DE +96 18 111 WA +96 18 112 DA +96 18 113 WA +96 18 114 YX +96 18 115 DA +96 18 116 CO +96 18 117 WA +96 18 118 DA +96 18 119 YX +96 18 120 CO +96 18 121 DA +96 18 122 YX +96 18 123 DE +96 18 124 YX +96 18 125 DA +96 18 126 DA +96 18 127 WA +96 18 128 YX +96 18 129 CO +96 18 130 YX +96 18 131 DE +96 18 132 DA +96 18 133 YX +96 18 134 WA +96 18 135 DA +96 18 136 YX +96 18 137 YX +96 18 138 DE +96 18 139 CO +96 18 140 YX +96 18 141 CO +96 18 142 CO +96 18 143 YX +96 18 144 WA +96 18 145 DE +96 18 146 DE +96 18 147 YX +96 18 148 DA +96 18 149 YX +96 18 150 WA +96 18 151 DA +96 18 152 DA +96 18 153 YX +96 18 154 WA +96 18 155 DA +96 18 156 YX +96 18 157 WA +96 18 158 CO +96 18 159 DA +96 18 160 CO +96 18 161 DE +96 18 162 DA +96 18 163 DE +96 18 164 YX +96 18 165 DE +96 18 166 YX +96 18 167 JU +96 18 168 YX +96 18 169 JU +96 18 170 WA +96 18 171 YX +96 18 172 CO +96 18 173 DA +96 18 174 DE +96 18 175 YX +96 18 176 DA +96 18 177 DE +96 18 178 YX +96 18 179 DA +96 18 180 YX +96 18 181 DA +96 18 182 DA +96 18 183 YX +96 18 184 DA +96 18 185 DA +96 18 186 DA +96 18 187 YX +96 18 188 CO +96 18 189 WA +96 18 190 DA +96 18 191 YX +96 18 192 DA +96 18 193 DE +96 18 194 DA +96 18 195 CO +96 18 196 WA +96 18 197 DA +96 18 198 WA +96 18 199 DA +96 18 200 YX +96 18 201 DA +96 18 202 YX +96 18 203 DA +96 18 204 WA +96 18 205 JU +96 18 206 CO +96 18 207 DA +96 18 208 DE +96 18 209 JU +96 18 210 DA +96 18 211 DE +96 18 212 DE +96 18 213 CO +96 18 214 DE +96 18 215 DA +96 18 216 YX +96 18 217 DA +96 18 218 YX +96 18 219 CO +96 18 220 WA +96 18 221 JU +96 18 222 DE +96 18 223 YX +96 18 224 CO +96 18 225 YX +96 18 226 CO +96 18 227 WA +96 18 228 CO +96 18 229 DA +96 18 230 CO +96 18 231 DA +96 18 232 YX +96 18 233 JU +96 18 234 YX +96 18 235 YX +96 18 236 DE +96 18 237 DA +96 18 238 CO +96 18 239 DA +96 18 240 JU +96 18 241 CO +96 18 242 DE +96 18 243 DA +96 18 244 CO +96 18 245 DA +96 18 246 YX +96 18 247 DE +96 18 248 WA +96 18 249 YX +96 18 250 DE +96 18 251 YX +96 18 252 CO +96 18 253 YX +96 18 254 DE +96 18 255 WA +96 18 256 DA +96 18 257 YX +96 18 258 YX +96 18 259 DA +96 18 260 JU +96 18 261 DE +96 18 262 CO +96 18 263 WA +96 18 264 DA +96 18 265 YX +96 18 266 DA +96 18 267 JU +96 18 268 YX +96 18 269 DA +96 18 270 DE +96 18 271 WA +96 18 272 CO +96 18 273 DA +96 18 274 CO +96 18 275 DE +96 18 276 DA +96 18 277 WA +96 18 278 DA +96 18 279 DE +96 18 280 YX +96 18 281 YX +96 18 282 DE +96 18 283 WA +96 18 284 CO +96 18 285 DA +96 18 286 CO +96 18 287 WA +96 18 288 DA +96 18 289 DE +96 18 290 CO +96 18 291 WA +96 18 292 DA +96 18 293 CO +96 18 294 CO +96 18 295 WA +96 18 296 DE +96 18 297 DE +96 18 298 DA +96 18 299 YX +96 18 300 CO +96 18 301 YX +96 18 302 DA +96 18 303 CO +96 18 304 DA +96 18 305 YX +96 18 306 DE +96 18 307 CO +96 18 308 WA +96 18 309 CO +96 18 310 DE +96 18 311 DE +96 18 312 WA +96 18 313 DA +96 18 314 CO +96 18 315 DE +96 18 316 YX +96 18 317 DA +96 18 318 DA +96 18 319 CO +96 18 320 YX +96 18 321 DA +96 18 322 DE +96 18 323 YX +96 18 324 CO +96 18 325 WA +96 18 326 YX +96 18 327 DA +96 18 328 YX +96 18 329 DA +96 18 330 CO +96 19 1 YX +96 19 2 YX +96 19 3 DA +96 19 4 JU +96 19 5 YX +96 19 6 DE +96 19 7 YX +96 19 8 DA +96 19 9 JU +96 19 10 YX +96 19 11 WE +96 19 12 DE +96 19 13 YX +96 19 14 YX +96 19 15 DE +96 19 16 CO +96 19 17 DA +96 19 18 WE +96 19 19 YX +96 19 20 YX +96 19 21 DA +96 19 22 DE +96 19 23 JU +96 19 24 WE +96 19 25 YX +96 19 26 YX +96 19 27 CO +96 19 28 DA +96 19 29 DE +96 19 30 DE +96 19 31 YX +96 19 32 JU +96 19 33 YX +96 19 34 YX +96 19 35 DE +96 19 36 YX +96 19 37 YX +96 19 38 DA +96 19 39 YX +96 19 40 YX +96 19 41 DA +96 19 42 DE +96 19 43 YX +96 19 44 CO +96 19 45 YX +96 19 46 WE +96 19 47 YX +96 19 48 DE +96 19 49 YX +96 19 50 DA +96 19 51 DE +96 19 52 CO +96 19 53 DA +96 19 54 DE +96 19 55 DE +96 19 56 DE +96 19 57 YX +96 19 58 DE +96 19 59 CO +96 19 60 YX +96 19 61 DA +96 19 62 JU +96 19 63 DA +96 19 64 YX +96 19 65 DA +96 19 66 CO +96 19 67 YX +96 19 68 DA +96 19 69 DE +96 19 70 CO +96 19 71 DA +96 19 72 YX +96 19 73 JU +96 19 74 CO +96 19 75 YX +96 19 76 DA +96 19 77 JU +96 19 78 CO +96 19 79 JU +96 19 80 YX +96 19 81 YX +96 19 82 YX +96 19 83 DE +96 19 84 DA +96 19 85 YX +96 19 86 DA +96 19 87 WE +96 19 88 DA +96 19 89 WE +96 19 90 WE +96 19 91 DE +96 19 92 CO +96 19 93 YX +96 19 94 WE +96 19 95 CO +96 19 96 DE +96 19 97 YX +96 19 98 DA +96 19 99 YX +96 19 100 YX +96 19 101 DA +96 19 102 YX +96 19 103 JU +96 19 104 YX +96 19 105 JU +96 19 106 DE +96 19 107 CO +96 19 108 JU +96 19 109 YX +96 19 110 DE +96 19 111 YX +96 19 112 DA +96 19 113 WE +96 19 114 YX +96 19 115 DA +96 19 116 YX +96 19 117 JU +96 19 118 DA +96 19 119 YX +96 19 120 CO +96 19 121 DE +96 19 122 YX +96 19 123 JU +96 19 124 DE +96 19 125 DE +96 19 126 DA +96 19 127 YX +96 19 128 DE +96 19 129 CO +96 19 130 JU +96 19 131 YX +96 19 132 DA +96 19 133 YX +96 19 134 JU +96 19 135 DA +96 19 136 YX +96 19 137 YX +96 19 138 YX +96 19 139 YX +96 19 140 CO +96 19 141 YX +96 19 142 CO +96 19 143 CO +96 19 144 YX +96 19 145 YX +96 19 146 YX +96 19 147 DE +96 19 148 YX +96 19 149 DA +96 19 150 YX +96 19 151 DA +96 19 152 YX +96 19 153 YX +96 19 154 WE +96 19 155 WE +96 19 156 YX +96 19 157 JU +96 19 158 CO +96 19 159 DE +96 19 160 JU +96 19 161 YX +96 19 162 DA +96 19 163 YX +96 19 164 YX +96 19 165 JU +96 19 166 YX +96 19 167 CO +96 19 168 YX +96 19 169 YX +96 19 170 YX +96 19 171 YX +96 19 172 CO +96 19 173 DA +96 19 174 DE +96 19 175 YX +96 19 176 DA +96 19 177 DE +96 19 178 YX +96 19 179 DA +96 19 180 YX +96 19 181 DE +96 19 182 DA +96 19 183 JU +96 19 184 YX +96 19 185 DE +96 19 186 YX +96 19 187 DE +96 19 188 YX +96 19 189 YX +96 19 190 DA +96 19 191 YX +96 19 192 JU +96 19 193 YX +96 19 194 DA +96 19 195 YX +96 19 196 YX +96 19 197 JU +96 19 198 WE +96 19 199 YX +96 19 200 YX +96 19 201 JU +96 19 202 YX +96 19 203 DA +96 19 204 WE +96 19 205 YX +96 19 206 CO +96 19 207 DA +96 19 208 DE +96 19 209 YX +96 19 210 WE +96 19 211 JU +96 19 212 DE +96 19 213 CO +96 19 214 DE +96 19 215 DA +96 19 216 YX +96 19 217 DE +96 19 218 YX +96 19 219 YX +96 19 220 YX +96 19 221 CO +96 19 222 JU +96 19 223 YX +96 19 224 CO +96 19 225 JU +96 19 226 YX +96 19 227 WE +96 19 228 YX +96 19 229 YX +96 19 230 DE +96 19 231 JU +96 19 232 JU +96 19 233 YX +96 19 234 YX +96 19 235 YX +96 19 236 JU +96 19 237 DA +96 19 238 YX +96 19 239 DA +96 19 240 JU +96 19 241 CO +96 19 242 DE +96 19 243 DA +96 19 244 CO +96 19 245 DA +96 19 246 YX +96 19 247 YX +96 19 248 YX +96 19 249 YX +96 19 250 JU +96 19 251 YX +96 19 252 CO +96 19 253 YX +96 19 254 YX +96 19 255 WE +96 19 256 DA +96 19 257 JU +96 19 258 DE +96 19 259 DA +96 19 260 CO +96 19 261 DE +96 19 262 CO +96 19 263 CO +96 19 264 YX +96 19 265 YX +96 19 266 DA +96 19 267 YX +96 19 268 YX +96 19 269 DA +96 19 270 DE +96 19 271 YX +96 19 272 CO +96 19 273 DA +96 19 274 CO +96 19 275 JU +96 19 276 DA +96 19 277 YX +96 19 278 DE +96 19 279 YX +96 19 280 YX +96 19 281 YX +96 19 282 YX +96 19 283 JU +96 19 284 CO +96 19 285 DE +96 19 286 CO +96 19 287 JU +96 19 288 DA +96 19 289 YX +96 19 290 CO +96 19 291 YX +96 19 292 DE +96 19 293 YX +96 19 294 YX +96 19 295 JU +96 19 296 JU +96 19 297 DE +96 19 298 DA +96 19 299 YX +96 19 300 CO +96 19 301 YX +96 19 302 CO +96 19 303 YX +96 19 304 JU +96 19 305 JU +96 19 306 DE +96 19 307 YX +96 19 308 JU +96 19 309 JU +96 19 310 YX +96 19 311 YX +96 19 312 WE +96 19 313 YX +96 19 314 CO +96 19 315 YX +96 19 316 YX +96 19 317 JU +96 19 318 DE +96 19 319 CO +96 19 320 JU +96 19 321 DA +96 19 322 YX +96 19 323 YX +96 19 324 CO +96 19 325 JU +96 19 326 DE +96 19 327 YX +96 19 328 YX +96 19 329 JU +96 19 330 CO +96 20 1 YX +96 20 2 YX +96 20 3 DA +96 20 4 JU +96 20 5 YX +96 20 6 DE +96 20 7 YX +96 20 8 DA +96 20 9 JU +96 20 10 YX +96 20 11 WE +96 20 12 DE +96 20 13 YX +96 20 14 JU +96 20 15 JU +96 20 16 CO +96 20 17 DA +96 20 18 WE +96 20 19 YX +96 20 20 YX +96 20 21 DA +96 20 22 DE +96 20 23 JU +96 20 24 WE +96 20 25 YX +96 20 26 YX +96 20 27 CO +96 20 28 DA +96 20 29 JU +96 20 30 DE +96 20 31 YX +96 20 32 JU +96 20 33 YX +96 20 34 YX +96 20 35 DA +96 20 36 YX +96 20 37 JU +96 20 38 DA +96 20 39 YX +96 20 40 YX +96 20 41 DA +96 20 42 DE +96 20 43 YX +96 20 44 CO +96 20 45 YX +96 20 46 CO +96 20 47 YX +96 20 48 DE +96 20 49 YX +96 20 50 JU +96 20 51 DE +96 20 52 CO +96 20 53 DA +96 20 54 YX +96 20 55 JU +96 20 56 DE +96 20 57 YX +96 20 58 DE +96 20 59 CO +96 20 60 YX +96 20 61 DA +96 20 62 JU +96 20 63 DA +96 20 64 YX +96 20 65 DA +96 20 66 CO +96 20 67 YX +96 20 68 DA +96 20 69 DE +96 20 70 CO +96 20 71 DA +96 20 72 YX +96 20 73 JU +96 20 74 CO +96 20 75 YX +96 20 76 DA +96 20 77 JU +96 20 78 CO +96 20 79 JU +96 20 80 YX +96 20 81 YX +96 20 82 YX +96 20 83 CO +96 20 84 DA +96 20 85 YX +96 20 86 DA +96 20 87 WE +96 20 88 YX +96 20 89 WE +96 20 90 WE +96 20 91 YX +96 20 92 CO +96 20 93 YX +96 20 94 WE +96 20 95 CO +96 20 96 DE +96 20 97 YX +96 20 98 DA +96 20 99 CO +96 20 100 YX +96 20 101 DA +96 20 102 YX +96 20 103 JU +96 20 104 YX +96 20 105 JU +96 20 106 DE +96 20 107 CO +96 20 108 JU +96 20 109 YX +96 20 110 DE +96 20 111 YX +96 20 112 DA +96 20 113 WE +96 20 114 YX +96 20 115 DA +96 20 116 CO +96 20 117 JU +96 20 118 DA +96 20 119 YX +96 20 120 CO +96 20 121 DA +96 20 122 YX +96 20 123 JU +96 20 124 DE +96 20 125 DE +96 20 126 DA +96 20 127 YX +96 20 128 DE +96 20 129 CO +96 20 130 JU +96 20 131 YX +96 20 132 JU +96 20 133 YX +96 20 134 WE +96 20 135 YX +96 20 136 YX +96 20 137 YX +96 20 138 YX +96 20 139 JU +96 20 140 CO +96 20 141 YX +96 20 142 CO +96 20 143 CO +96 20 144 YX +96 20 145 YX +96 20 146 YX +96 20 147 DE +96 20 148 YX +96 20 149 DA +96 20 150 YX +96 20 151 DA +96 20 152 YX +96 20 153 YX +96 20 154 WE +96 20 155 WE +96 20 156 YX +96 20 157 JU +96 20 158 CO +96 20 159 DE +96 20 160 JU +96 20 161 YX +96 20 162 DA +96 20 163 YX +96 20 164 YX +96 20 165 JU +96 20 166 YX +96 20 167 CO +96 20 168 YX +96 20 169 YX +96 20 170 YX +96 20 171 YX +96 20 172 CO +96 20 173 DA +96 20 174 DE +96 20 175 JU +96 20 176 DA +96 20 177 DE +96 20 178 YX +96 20 179 DA +96 20 180 YX +96 20 181 DE +96 20 182 DA +96 20 183 JU +96 20 184 DA +96 20 185 JU +96 20 186 YX +96 20 187 DE +96 20 188 YX +96 20 189 YX +96 20 190 DA +96 20 191 YX +96 20 192 JU +96 20 193 DE +96 20 194 DA +96 20 195 YX +96 20 196 YX +96 20 197 YX +96 20 198 WE +96 20 199 CO +96 20 200 YX +96 20 201 JU +96 20 202 YX +96 20 203 DA +96 20 204 WE +96 20 205 YX +96 20 206 CO +96 20 207 DA +96 20 208 DE +96 20 209 YX +96 20 210 WE +96 20 211 YX +96 20 212 DE +96 20 213 CO +96 20 214 DE +96 20 215 DA +96 20 216 YX +96 20 217 DA +96 20 218 YX +96 20 219 CO +96 20 220 YX +96 20 221 CO +96 20 222 JU +96 20 223 YX +96 20 224 CO +96 20 225 YX +96 20 226 YX +96 20 227 WE +96 20 228 YX +96 20 229 YX +96 20 230 CO +96 20 231 JU +96 20 232 WE +96 20 233 YX +96 20 234 YX +96 20 235 YX +96 20 236 DE +96 20 237 DA +96 20 238 YX +96 20 239 YX +96 20 240 JU +96 20 241 CO +96 20 242 DE +96 20 243 DA +96 20 244 YX +96 20 245 DA +96 20 246 YX +96 20 247 YX +96 20 248 YX +96 20 249 YX +96 20 250 JU +96 20 251 YX +96 20 252 CO +96 20 253 YX +96 20 254 YX +96 20 255 WE +96 20 256 DA +96 20 257 JU +96 20 258 DE +96 20 259 DA +96 20 260 CO +96 20 261 JU +96 20 262 CO +96 20 263 CO +96 20 264 YX +96 20 265 YX +96 20 266 DA +96 20 267 YX +96 20 268 YX +96 20 269 DA +96 20 270 DE +96 20 271 YX +96 20 272 CO +96 20 273 DA +96 20 274 CO +96 20 275 DE +96 20 276 DA +96 20 277 YX +96 20 278 DA +96 20 279 YX +96 20 280 YX +96 20 281 YX +96 20 282 YX +96 20 283 JU +96 20 284 CO +96 20 285 DA +96 20 286 CO +96 20 287 DE +96 20 288 DA +96 20 289 YX +96 20 290 CO +96 20 291 JU +96 20 292 DA +96 20 293 YX +96 20 294 CO +96 20 295 JU +96 20 296 JU +96 20 297 DE +96 20 298 DA +96 20 299 YX +96 20 300 CO +96 20 301 YX +96 20 302 CO +96 20 303 YX +96 20 304 YX +96 20 305 JU +96 20 306 DE +96 20 307 YX +96 20 308 JU +96 20 309 JU +96 20 310 YX +96 20 311 YX +96 20 312 WE +96 20 313 YX +96 20 314 CO +96 20 315 YX +96 20 316 YX +96 20 317 JU +96 20 318 DE +96 20 319 CO +96 20 320 JU +96 20 321 DA +96 20 322 YX +96 20 323 YX +96 20 324 CO +96 20 325 JU +96 20 326 DE +96 20 327 YX +96 20 328 YX +96 20 329 JU +96 20 330 YX +96 21 1 YX +96 21 2 YX +96 21 3 DA +96 21 4 WE +96 21 5 YX +96 21 6 DE +96 21 7 YX +96 21 8 DA +96 21 9 JU +96 21 10 WE +96 21 11 WE +96 21 12 DE +96 21 13 YX +96 21 14 WE +96 21 15 DA +96 21 16 CH +96 21 17 DA +96 21 18 WE +96 21 19 YX +96 21 20 YX +96 21 21 DA +96 21 22 DE +96 21 23 DA +96 21 24 WE +96 21 25 YX +96 21 26 YX +96 21 27 CH +96 21 28 DA +96 21 29 YX +96 21 30 DE +96 21 31 YX +96 21 32 JU +96 21 33 YX +96 21 34 YX +96 21 35 DA +96 21 36 YX +96 21 37 YX +96 21 38 DA +96 21 39 YX +96 21 40 YX +96 21 41 DA +96 21 42 DE +96 21 43 WE +96 21 44 CH +96 21 45 YX +96 21 46 WE +96 21 47 WE +96 21 48 DE +96 21 49 YX +96 21 50 WE +96 21 51 JU +96 21 52 CH +96 21 53 DA +96 21 54 YX +96 21 55 YX +96 21 56 CH +96 21 57 YX +96 21 58 DE +96 21 59 CH +96 21 60 YX +96 21 61 DA +96 21 62 CH +96 21 63 DA +96 21 64 YX +96 21 65 DA +96 21 66 CH +96 21 67 YX +96 21 68 DA +96 21 69 WE +96 21 70 YX +96 21 71 DA +96 21 72 YX +96 21 73 DA +96 21 74 YX +96 21 75 WE +96 21 76 DE +96 21 77 YX +96 21 78 CH +96 21 79 WE +96 21 80 YX +96 21 81 DE +96 21 82 YX +96 21 83 DE +96 21 84 DA +96 21 85 YX +96 21 86 DA +96 21 87 WE +96 21 88 DA +96 21 89 WE +96 21 90 YX +96 21 91 DE +96 21 92 CH +96 21 93 YX +96 21 94 JU +96 21 95 CH +96 21 96 DE +96 21 97 YX +96 21 98 DA +96 21 99 CH +96 21 100 YX +96 21 101 DA +96 21 102 CH +96 21 103 DE +96 21 104 YX +96 21 105 DA +96 21 106 DE +96 21 107 CH +96 21 108 CH +96 21 109 YX +96 21 110 DE +96 21 111 WE +96 21 112 DA +96 21 113 WE +96 21 114 YX +96 21 115 DA +96 21 116 CH +96 21 117 WE +96 21 118 DA +96 21 119 YX +96 21 120 CH +96 21 121 DA +96 21 122 YX +96 21 123 YX +96 21 124 DE +96 21 125 DA +96 21 126 DA +96 21 127 WE +96 21 128 DE +96 21 129 CH +96 21 130 JU +96 21 131 JU +96 21 132 DA +96 21 133 YX +96 21 134 WE +96 21 135 DA +96 21 136 YX +96 21 137 YX +96 21 138 YX +96 21 139 CH +96 21 140 YX +96 21 141 CH +96 21 142 CH +96 21 143 YX +96 21 144 JU +96 21 145 YX +96 21 146 DE +96 21 147 YX +96 21 148 DA +96 21 149 YX +96 21 150 YX +96 21 151 DA +96 21 152 DA +96 21 153 YX +96 21 154 WE +96 21 155 WE +96 21 156 YX +96 21 157 WE +96 21 158 CH +96 21 159 DE +96 21 160 DA +96 21 161 YX +96 21 162 DA +96 21 163 YX +96 21 164 YX +96 21 165 YX +96 21 166 YX +96 21 167 CH +96 21 168 YX +96 21 169 YX +96 21 170 JU +96 21 171 JU +96 21 172 CH +96 21 173 DA +96 21 174 DE +96 21 175 CH +96 21 176 DA +96 21 177 DE +96 21 178 YX +96 21 179 JU +96 21 180 YX +96 21 181 DE +96 21 182 JU +96 21 183 WE +96 21 184 YX +96 21 185 DE +96 21 186 YX +96 21 187 DE +96 21 188 YX +96 21 189 YX +96 21 190 DA +96 21 191 YX +96 21 192 YX +96 21 193 DE +96 21 194 JU +96 21 195 YX +96 21 196 YX +96 21 197 DA +96 21 198 WE +96 21 199 YX +96 21 200 YX +96 21 201 DA +96 21 202 YX +96 21 203 DA +96 21 204 WE +96 21 205 YX +96 21 206 CH +96 21 207 DA +96 21 208 DE +96 21 209 YX +96 21 210 JU +96 21 211 YX +96 21 212 DE +96 21 213 CH +96 21 214 DE +96 21 215 DA +96 21 216 YX +96 21 217 DA +96 21 218 DE +96 21 219 CH +96 21 220 YX +96 21 221 CH +96 21 222 DA +96 21 223 YX +96 21 224 CH +96 21 225 JU +96 21 226 YX +96 21 227 WE +96 21 228 YX +96 21 229 YX +96 21 230 CH +96 21 231 DA +96 21 232 DE +96 21 233 YX +96 21 234 YX +96 21 235 YX +96 21 236 DE +96 21 237 CH +96 21 238 YX +96 21 239 DA +96 21 240 WE +96 21 241 CH +96 21 242 DE +96 21 243 DA +96 21 244 CH +96 21 245 DA +96 21 246 YX +96 21 247 YX +96 21 248 WE +96 21 249 YX +96 21 250 YX +96 21 251 YX +96 21 252 CH +96 21 253 YX +96 21 254 YX +96 21 255 WE +96 21 256 DA +96 21 257 YX +96 21 258 DE +96 21 259 DA +96 21 260 DE +96 21 261 DE +96 21 262 CH +96 21 263 WE +96 21 264 YX +96 21 265 YX +96 21 266 DE +96 21 267 DA +96 21 268 YX +96 21 269 DA +96 21 270 DE +96 21 271 YX +96 21 272 CH +96 21 273 DA +96 21 274 CH +96 21 275 DE +96 21 276 DA +96 21 277 WE +96 21 278 DA +96 21 279 YX +96 21 280 YX +96 21 281 YX +96 21 282 YX +96 21 283 WE +96 21 284 CH +96 21 285 DA +96 21 286 CH +96 21 287 JU +96 21 288 DA +96 21 289 YX +96 21 290 CH +96 21 291 YX +96 21 292 DA +96 21 293 CH +96 21 294 CH +96 21 295 WE +96 21 296 DA +96 21 297 DE +96 21 298 DA +96 21 299 YX +96 21 300 CH +96 21 301 YX +96 21 302 DA +96 21 303 CH +96 21 304 YX +96 21 305 DA +96 21 306 YX +96 21 307 YX +96 21 308 DA +96 21 309 WE +96 21 310 YX +96 21 311 YX +96 21 312 WE +96 21 313 YX +96 21 314 CH +96 21 315 YX +96 21 316 YX +96 21 317 DA +96 21 318 DE +96 21 319 CH +96 21 320 DE +96 21 321 DA +96 21 322 YX +96 21 323 YX +96 21 324 CH +96 21 325 WE +96 21 326 DE +96 21 327 YX +96 21 328 WE +96 21 329 WE +96 21 330 CH +96 22 1 YX +96 22 2 YX +96 22 3 DA +96 22 4 WE +96 22 5 YX +96 22 6 DE +96 22 7 YX +96 22 8 DA +96 22 9 DE +96 22 10 YX +96 22 11 WE +96 22 12 DE +96 22 13 YX +96 22 14 WE +96 22 15 DE +96 22 16 CO +96 22 17 DA +96 22 18 WE +96 22 19 YX +96 22 20 YX +96 22 21 DA +96 22 22 DE +96 22 23 YX +96 22 24 WE +96 22 25 YX +96 22 26 YX +96 22 27 CO +96 22 28 DA +96 22 29 YX +96 22 30 DE +96 22 31 YX +96 22 32 DA +96 22 33 YX +96 22 34 YX +96 22 35 DE +96 22 36 WE +96 22 37 YX +96 22 38 DA +96 22 39 YX +96 22 40 YX +96 22 41 DA +96 22 42 DE +96 22 43 WE +96 22 44 CO +96 22 45 YX +96 22 46 WE +96 22 47 YX +96 22 48 DE +96 22 49 YX +96 22 50 YX +96 22 51 JU +96 22 52 CO +96 22 53 DE +96 22 54 YX +96 22 55 YX +96 22 56 DA +96 22 57 YX +96 22 58 DE +96 22 59 CO +96 22 60 YX +96 22 61 DA +96 22 62 JU +96 22 63 DE +96 22 64 YX +96 22 65 DA +96 22 66 CO +96 22 67 YX +96 22 68 DA +96 22 69 YX +96 22 70 CO +96 22 71 DA +96 22 72 YX +96 22 73 DE +96 22 74 DA +96 22 75 YX +96 22 76 DE +96 22 77 YX +96 22 78 DA +96 22 79 WE +96 22 80 YX +96 22 81 YX +96 22 82 YX +96 22 83 CO +96 22 84 DA +96 22 85 YX +96 22 86 DA +96 22 87 YX +96 22 88 DA +96 22 89 WE +96 22 90 YX +96 22 91 DE +96 22 92 CO +96 22 93 YX +96 22 94 DE +96 22 95 YX +96 22 96 DE +96 22 97 YX +96 22 98 DA +96 22 99 DE +96 22 100 YX +96 22 101 DA +96 22 102 DE +96 22 103 JU +96 22 104 YX +96 22 105 DA +96 22 106 DE +96 22 107 CO +96 22 108 YX +96 22 109 YX +96 22 110 DE +96 22 111 JU +96 22 112 DA +96 22 113 JU +96 22 114 YX +96 22 115 DA +96 22 116 YX +96 22 117 JU +96 22 118 DA +96 22 119 YX +96 22 120 CO +96 22 121 DE +96 22 122 YX +96 22 123 YX +96 22 124 YX +96 22 125 DE +96 22 126 DA +96 22 127 YX +96 22 128 DE +96 22 129 CO +96 22 130 DE +96 22 131 DA +96 22 132 DA +96 22 133 YX +96 22 134 JU +96 22 135 DA +96 22 136 YX +96 22 137 YX +96 22 138 YX +96 22 139 CO +96 22 140 YX +96 22 141 CO +96 22 142 CO +96 22 143 YX +96 22 144 YX +96 22 145 YX +96 22 146 DE +96 22 147 YX +96 22 148 DA +96 22 149 YX +96 22 150 DA +96 22 151 DA +96 22 152 CO +96 22 153 YX +96 22 154 JU +96 22 155 JU +96 22 156 YX +96 22 157 JU +96 22 158 CO +96 22 159 DE +96 22 160 DA +96 22 161 YX +96 22 162 DA +96 22 163 YX +96 22 164 YX +96 22 165 DE +96 22 166 DA +96 22 167 DE +96 22 168 YX +96 22 169 YX +96 22 170 YX +96 22 171 DE +96 22 172 CO +96 22 173 DA +96 22 174 DE +96 22 175 YX +96 22 176 DA +96 22 177 DE +96 22 178 YX +96 22 179 DA +96 22 180 DE +96 22 181 DE +96 22 182 DA +96 22 183 JU +96 22 184 DE +96 22 185 DE +96 22 186 YX +96 22 187 DE +96 22 188 YX +96 22 189 YX +96 22 190 CO +96 22 191 YX +96 22 192 DA +96 22 193 DE +96 22 194 DA +96 22 195 YX +96 22 196 YX +96 22 197 DA +96 22 198 WE +96 22 199 YX +96 22 200 YX +96 22 201 DA +96 22 202 YX +96 22 203 DA +96 22 204 WE +96 22 205 YX +96 22 206 DE +96 22 207 DA +96 22 208 DE +96 22 209 YX +96 22 210 DA +96 22 211 YX +96 22 212 DE +96 22 213 YX +96 22 214 DE +96 22 215 DE +96 22 216 DA +96 22 217 DE +96 22 218 DE +96 22 219 CO +96 22 220 YX +96 22 221 CO +96 22 222 YX +96 22 223 YX +96 22 224 CO +96 22 225 DE +96 22 226 YX +96 22 227 WE +96 22 228 YX +96 22 229 YX +96 22 230 DE +96 22 231 DA +96 22 232 JU +96 22 233 YX +96 22 234 YX +96 22 235 YX +96 22 236 DE +96 22 237 DA +96 22 238 YX +96 22 239 DA +96 22 240 DA +96 22 241 CO +96 22 242 DE +96 22 243 DA +96 22 244 CO +96 22 245 DA +96 22 246 YX +96 22 247 YX +96 22 248 YX +96 22 249 YX +96 22 250 DA +96 22 251 YX +96 22 252 CO +96 22 253 YX +96 22 254 YX +96 22 255 WE +96 22 256 DA +96 22 257 YX +96 22 258 DE +96 22 259 DA +96 22 260 DE +96 22 261 DA +96 22 262 CO +96 22 263 DE +96 22 264 YX +96 22 265 YX +96 22 266 DA +96 22 267 DA +96 22 268 YX +96 22 269 DA +96 22 270 DE +96 22 271 YX +96 22 272 CO +96 22 273 DA +96 22 274 CO +96 22 275 DE +96 22 276 DA +96 22 277 YX +96 22 278 DA +96 22 279 YX +96 22 280 YX +96 22 281 YX +96 22 282 YX +96 22 283 DE +96 22 284 CO +96 22 285 DA +96 22 286 CO +96 22 287 DE +96 22 288 DA +96 22 289 YX +96 22 290 DE +96 22 291 YX +96 22 292 DA +96 22 293 YX +96 22 294 CO +96 22 295 JU +96 22 296 YX +96 22 297 DE +96 22 298 DA +96 22 299 YX +96 22 300 CO +96 22 301 YX +96 22 302 CO +96 22 303 YX +96 22 304 DE +96 22 305 DA +96 22 306 YX +96 22 307 YX +96 22 308 DA +96 22 309 DE +96 22 310 YX +96 22 311 YX +96 22 312 WE +96 22 313 YX +96 22 314 CO +96 22 315 YX +96 22 316 YX +96 22 317 DA +96 22 318 DE +96 22 319 CO +96 22 320 DE +96 22 321 DA +96 22 322 YX +96 22 323 YX +96 22 324 DE +96 22 325 DA +96 22 326 DE +96 22 327 YX +96 22 328 YX +96 22 329 JU +96 22 330 CO +96 23 1 YX +96 23 2 YX +96 23 3 DA +96 23 4 WE +96 23 5 YX +96 23 6 DE +96 23 7 YX +96 23 8 DA +96 23 9 WE +96 23 10 YX +96 23 11 WE +96 23 12 DE +96 23 13 WE +96 23 14 WE +96 23 15 DA +96 23 16 CO +96 23 17 DA +96 23 18 WE +96 23 19 YX +96 23 20 YX +96 23 21 DA +96 23 22 DE +96 23 23 DA +96 23 24 WE +96 23 25 YX +96 23 26 YX +96 23 27 CO +96 23 28 DA +96 23 29 YX +96 23 30 DE +96 23 31 YX +96 23 32 DA +96 23 33 YX +96 23 34 YX +96 23 35 DA +96 23 36 WE +96 23 37 YX +96 23 38 DA +96 23 39 YX +96 23 40 YX +96 23 41 DA +96 23 42 DE +96 23 43 YX +96 23 44 CO +96 23 45 YX +96 23 46 WE +96 23 47 WE +96 23 48 DE +96 23 49 YX +96 23 50 WE +96 23 51 WE +96 23 52 CO +96 23 53 DA +96 23 54 YX +96 23 55 YX +96 23 56 CO +96 23 57 YX +96 23 58 DE +96 23 59 DA +96 23 60 YX +96 23 61 DA +96 23 62 YX +96 23 63 DA +96 23 64 YX +96 23 65 DA +96 23 66 CO +96 23 67 YX +96 23 68 DA +96 23 69 WE +96 23 70 CO +96 23 71 DA +96 23 72 YX +96 23 73 WE +96 23 74 YX +96 23 75 WE +96 23 76 DE +96 23 77 YX +96 23 78 DA +96 23 79 WE +96 23 80 YX +96 23 81 YX +96 23 82 YX +96 23 83 DE +96 23 84 DA +96 23 85 YX +96 23 86 DA +96 23 87 WE +96 23 88 DA +96 23 89 WE +96 23 90 YX +96 23 91 DE +96 23 92 CO +96 23 93 YX +96 23 94 WE +96 23 95 YX +96 23 96 DE +96 23 97 YX +96 23 98 DA +96 23 99 YX +96 23 100 YX +96 23 101 DA +96 23 102 YX +96 23 103 WE +96 23 104 YX +96 23 105 DA +96 23 106 DE +96 23 107 CO +96 23 108 YX +96 23 109 YX +96 23 110 DE +96 23 111 WE +96 23 112 DA +96 23 113 WE +96 23 114 YX +96 23 115 DA +96 23 116 YX +96 23 117 WE +96 23 118 DA +96 23 119 YX +96 23 120 CO +96 23 121 DA +96 23 122 YX +96 23 123 YX +96 23 124 DE +96 23 125 DE +96 23 126 DA +96 23 127 WE +96 23 128 DE +96 23 129 CO +96 23 130 WE +96 23 131 DA +96 23 132 DA +96 23 133 YX +96 23 134 WE +96 23 135 DA +96 23 136 YX +96 23 137 YX +96 23 138 YX +96 23 139 CO +96 23 140 YX +96 23 141 CO +96 23 142 CO +96 23 143 DE +96 23 144 WE +96 23 145 YX +96 23 146 DE +96 23 147 YX +96 23 148 DA +96 23 149 YX +96 23 150 YX +96 23 151 DA +96 23 152 CO +96 23 153 YX +96 23 154 WE +96 23 155 WE +96 23 156 YX +96 23 157 JU +96 23 158 CO +96 23 159 DE +96 23 160 CO +96 23 161 YX +96 23 162 DA +96 23 163 YX +96 23 164 YX +96 23 165 DE +96 23 166 YX +96 23 167 DA +96 23 168 YX +96 23 169 YX +96 23 170 JU +96 23 171 YX +96 23 172 CO +96 23 173 DA +96 23 174 DE +96 23 175 YX +96 23 176 DA +96 23 177 DE +96 23 178 YX +96 23 179 JU +96 23 180 YX +96 23 181 DE +96 23 182 DA +96 23 183 DE +96 23 184 DA +96 23 185 DE +96 23 186 YX +96 23 187 DE +96 23 188 YX +96 23 189 CO +96 23 190 CO +96 23 191 YX +96 23 192 YX +96 23 193 DE +96 23 194 JU +96 23 195 YX +96 23 196 YX +96 23 197 CO +96 23 198 WE +96 23 199 CO +96 23 200 YX +96 23 201 DA +96 23 202 YX +96 23 203 DA +96 23 204 WE +96 23 205 YX +96 23 206 CO +96 23 207 DA +96 23 208 DE +96 23 209 YX +96 23 210 WE +96 23 211 YX +96 23 212 DE +96 23 213 CO +96 23 214 DE +96 23 215 DA +96 23 216 WE +96 23 217 DA +96 23 218 DE +96 23 219 YX +96 23 220 YX +96 23 221 YX +96 23 222 WE +96 23 223 YX +96 23 224 CO +96 23 225 JU +96 23 226 YX +96 23 227 WE +96 23 228 YX +96 23 229 YX +96 23 230 CO +96 23 231 DA +96 23 232 WE +96 23 233 YX +96 23 234 YX +96 23 235 YX +96 23 236 DE +96 23 237 DA +96 23 238 YX +96 23 239 JU +96 23 240 DA +96 23 241 CO +96 23 242 DE +96 23 243 JU +96 23 244 YX +96 23 245 DA +96 23 246 YX +96 23 247 DA +96 23 248 WE +96 23 249 YX +96 23 250 WE +96 23 251 YX +96 23 252 CO +96 23 253 YX +96 23 254 YX +96 23 255 WE +96 23 256 DA +96 23 257 YX +96 23 258 DE +96 23 259 DA +96 23 260 CO +96 23 261 DE +96 23 262 CO +96 23 263 WE +96 23 264 YX +96 23 265 YX +96 23 266 DE +96 23 267 WE +96 23 268 YX +96 23 269 DA +96 23 270 DE +96 23 271 WE +96 23 272 CO +96 23 273 DA +96 23 274 CO +96 23 275 DE +96 23 276 DA +96 23 277 YX +96 23 278 DA +96 23 279 YX +96 23 280 DE +96 23 281 YX +96 23 282 YX +96 23 283 WE +96 23 284 YX +96 23 285 DA +96 23 286 CO +96 23 287 JU +96 23 288 DA +96 23 289 YX +96 23 290 CO +96 23 291 YX +96 23 292 DA +96 23 293 CO +96 23 294 CO +96 23 295 WE +96 23 296 WE +96 23 297 DE +96 23 298 DA +96 23 299 YX +96 23 300 WE +96 23 301 YX +96 23 302 CO +96 23 303 CO +96 23 304 YX +96 23 305 DA +96 23 306 YX +96 23 307 YX +96 23 308 WE +96 23 309 WE +96 23 310 YX +96 23 311 YX +96 23 312 WE +96 23 313 YX +96 23 314 CO +96 23 315 YX +96 23 316 YX +96 23 317 DA +96 23 318 DA +96 23 319 CO +96 23 320 DE +96 23 321 DA +96 23 322 YX +96 23 323 YX +96 23 324 CO +96 23 325 WE +96 23 326 DE +96 23 327 CO +96 23 328 WE +96 23 329 DE +96 23 330 CO +96 24 1 YX +96 24 2 YX +96 24 3 DE +96 24 4 YX +96 24 5 YX +96 24 6 DE +96 24 7 YX +96 24 8 DA +96 24 9 DE +96 24 10 YX +96 24 11 YX +96 24 12 DE +96 24 13 YX +96 24 14 WE +96 24 15 CO +96 24 16 CO +96 24 17 DE +96 24 18 WE +96 24 19 YX +96 24 20 YX +96 24 21 DA +96 24 22 CO +96 24 23 DE +96 24 24 WE +96 24 25 YX +96 24 26 YX +96 24 27 CO +96 24 28 DA +96 24 29 YX +96 24 30 DE +96 24 31 YX +96 24 32 DA +96 24 33 YX +96 24 34 YX +96 24 35 DA +96 24 36 WE +96 24 37 YX +96 24 38 DA +96 24 39 YX +96 24 40 YX +96 24 41 DA +96 24 42 DE +96 24 43 YX +96 24 44 CO +96 24 45 YX +96 24 46 WE +96 24 47 YX +96 24 48 DE +96 24 49 YX +96 24 50 DA +96 24 51 DE +96 24 52 CO +96 24 53 DA +96 24 54 YX +96 24 55 YX +96 24 56 DA +96 24 57 YX +96 24 58 DE +96 24 59 CO +96 24 60 WE +96 24 61 DA +96 24 62 YX +96 24 63 DA +96 24 64 YX +96 24 65 DA +96 24 66 CO +96 24 67 YX +96 24 68 DA +96 24 69 YX +96 24 70 CO +96 24 71 DA +96 24 72 YX +96 24 73 DA +96 24 74 YX +96 24 75 WE +96 24 76 DE +96 24 77 YX +96 24 78 DA +96 24 79 WE +96 24 80 YX +96 24 81 YX +96 24 82 YX +96 24 83 CO +96 24 84 DA +96 24 85 YX +96 24 86 DA +96 24 87 WE +96 24 88 DA +96 24 89 WE +96 24 90 DA +96 24 91 DE +96 24 92 CO +96 24 93 YX +96 24 94 WE +96 24 95 CO +96 24 96 DE +96 24 97 DA +96 24 98 DA +96 24 99 DA +96 24 100 YX +96 24 101 DA +96 24 102 YX +96 24 103 DE +96 24 104 YX +96 24 105 DA +96 24 106 DE +96 24 107 CO +96 24 108 YX +96 24 109 YX +96 24 110 DE +96 24 111 WE +96 24 112 DA +96 24 113 WE +96 24 114 YX +96 24 115 DA +96 24 116 YX +96 24 117 WE +96 24 118 DA +96 24 119 YX +96 24 120 CO +96 24 121 DE +96 24 122 YX +96 24 123 YX +96 24 124 DE +96 24 125 DE +96 24 126 DA +96 24 127 WE +96 24 128 DE +96 24 129 CO +96 24 130 WE +96 24 131 DA +96 24 132 DE +96 24 133 YX +96 24 134 WE +96 24 135 DA +96 24 136 YX +96 24 137 YX +96 24 138 YX +96 24 139 CO +96 24 140 YX +96 24 141 CO +96 24 142 CO +96 24 143 YX +96 24 144 DA +96 24 145 YX +96 24 146 DE +96 24 147 YX +96 24 148 DA +96 24 149 YX +96 24 150 DA +96 24 151 DA +96 24 152 DA +96 24 153 YX +96 24 154 WE +96 24 155 WE +96 24 156 YX +96 24 157 WE +96 24 158 CO +96 24 159 DA +96 24 160 DA +96 24 161 YX +96 24 162 DA +96 24 163 YX +96 24 164 YX +96 24 165 DE +96 24 166 YX +96 24 167 DA +96 24 168 YX +96 24 169 YX +96 24 170 WE +96 24 171 YX +96 24 172 CO +96 24 173 DA +96 24 174 DE +96 24 175 YX +96 24 176 DA +96 24 177 DE +96 24 178 YX +96 24 179 YX +96 24 180 YX +96 24 181 DE +96 24 182 DA +96 24 183 DE +96 24 184 DA +96 24 185 DE +96 24 186 YX +96 24 187 DE +96 24 188 YX +96 24 189 CO +96 24 190 DA +96 24 191 YX +96 24 192 DA +96 24 193 DE +96 24 194 DA +96 24 195 YX +96 24 196 YX +96 24 197 DA +96 24 198 WE +96 24 199 CO +96 24 200 YX +96 24 201 DA +96 24 202 YX +96 24 203 DA +96 24 204 WE +96 24 205 WE +96 24 206 CO +96 24 207 DA +96 24 208 DE +96 24 209 YX +96 24 210 WE +96 24 211 YX +96 24 212 DE +96 24 213 CO +96 24 214 YX +96 24 215 DA +96 24 216 WE +96 24 217 CO +96 24 218 YX +96 24 219 CO +96 24 220 DA +96 24 221 CO +96 24 222 WE +96 24 223 YX +96 24 224 CO +96 24 225 DE +96 24 226 WE +96 24 227 WE +96 24 228 WE +96 24 229 DE +96 24 230 CO +96 24 231 DA +96 24 232 WE +96 24 233 YX +96 24 234 YX +96 24 235 YX +96 24 236 DE +96 24 237 DA +96 24 238 DE +96 24 239 DA +96 24 240 DE +96 24 241 CO +96 24 242 DE +96 24 243 DA +96 24 244 CO +96 24 245 DA +96 24 246 YX +96 24 247 DA +96 24 248 DE +96 24 249 YX +96 24 250 DA +96 24 251 YX +96 24 252 CO +96 24 253 YX +96 24 254 YX +96 24 255 WE +96 24 256 DA +96 24 257 WE +96 24 258 DE +96 24 259 DA +96 24 260 CO +96 24 261 DE +96 24 262 CO +96 24 263 WE +96 24 264 CO +96 24 265 YX +96 24 266 DE +96 24 267 DA +96 24 268 YX +96 24 269 DE +96 24 270 DE +96 24 271 WE +96 24 272 CO +96 24 273 DA +96 24 274 CO +96 24 275 DE +96 24 276 DA +96 24 277 WE +96 24 278 DE +96 24 279 YX +96 24 280 YX +96 24 281 YX +96 24 282 YX +96 24 283 WE +96 24 284 CO +96 24 285 DA +96 24 286 CO +96 24 287 DE +96 24 288 DA +96 24 289 YX +96 24 290 CO +96 24 291 YX +96 24 292 DA +96 24 293 CO +96 24 294 CO +96 24 295 YX +96 24 296 DA +96 24 297 DE +96 24 298 DA +96 24 299 YX +96 24 300 CO +96 24 301 YX +96 24 302 CO +96 24 303 YX +96 24 304 YX +96 24 305 WE +96 24 306 YX +96 24 307 YX +96 24 308 WE +96 24 309 WE +96 24 310 YX +96 24 311 YX +96 24 312 WE +96 24 313 WE +96 24 314 CO +96 24 315 YX +96 24 316 YX +96 24 317 DA +96 24 318 DE +96 24 319 CO +96 24 320 YX +96 24 321 DA +96 24 322 YX +96 24 323 DA +96 24 324 CO +96 24 325 DA +96 24 326 DE +96 24 327 CO +96 24 328 YX +96 24 329 DE +96 24 330 CO +96 25 1 YX +96 25 2 YX +96 25 3 DA +96 25 4 JU +96 25 5 YX +96 25 6 DE +96 25 7 YX +96 25 8 DA +96 25 9 JU +96 25 10 YX +96 25 11 YX +96 25 12 DE +96 25 13 YX +96 25 14 YX +96 25 15 DA +96 25 16 CO +96 25 17 DA +96 25 18 WE +96 25 19 YX +96 25 20 YX +96 25 21 DA +96 25 22 DE +96 25 23 YX +96 25 24 JU +96 25 25 YX +96 25 26 YX +96 25 27 DE +96 25 28 DA +96 25 29 YX +96 25 30 DE +96 25 31 YX +96 25 32 YX +96 25 33 YX +96 25 34 YX +96 25 35 DA +96 25 36 YX +96 25 37 YX +96 25 38 DA +96 25 39 YX +96 25 40 YX +96 25 41 DA +96 25 42 DE +96 25 43 YX +96 25 44 CO +96 25 45 YX +96 25 46 WE +96 25 47 YX +96 25 48 DE +96 25 49 YX +96 25 50 JU +96 25 51 JU +96 25 52 YX +96 25 53 DA +96 25 54 YX +96 25 55 YX +96 25 56 DA +96 25 57 WE +96 25 58 YX +96 25 59 CO +96 25 60 YX +96 25 61 DA +96 25 62 YX +96 25 63 DA +96 25 64 YX +96 25 65 DA +96 25 66 CO +96 25 67 YX +96 25 68 DA +96 25 69 JU +96 25 70 DA +96 25 71 DA +96 25 72 YX +96 25 73 DA +96 25 74 YX +96 25 75 YX +96 25 76 DA +96 25 77 YX +96 25 78 DA +96 25 79 WE +96 25 80 YX +96 25 81 DE +96 25 82 YX +96 25 83 DA +96 25 84 DA +96 25 85 YX +96 25 86 DA +96 25 87 WE +96 25 88 DA +96 25 89 WE +96 25 90 YX +96 25 91 DE +96 25 92 CO +96 25 93 YX +96 25 94 JU +96 25 95 DA +96 25 96 DE +96 25 97 JU +96 25 98 DA +96 25 99 DA +96 25 100 YX +96 25 101 DA +96 25 102 DA +96 25 103 DE +96 25 104 YX +96 25 105 DA +96 25 106 DE +96 25 107 CO +96 25 108 YX +96 25 109 DE +96 25 110 DE +96 25 111 WE +96 25 112 DA +96 25 113 WE +96 25 114 YX +96 25 115 DA +96 25 116 DA +96 25 117 JU +96 25 118 DA +96 25 119 YX +96 25 120 CO +96 25 121 DE +96 25 122 YX +96 25 123 YX +96 25 124 YX +96 25 125 DA +96 25 126 DA +96 25 127 WE +96 25 128 DE +96 25 129 CO +96 25 130 WE +96 25 131 DA +96 25 132 DA +96 25 133 YX +96 25 134 WE +96 25 135 YX +96 25 136 YX +96 25 137 YX +96 25 138 DE +96 25 139 DA +96 25 140 YX +96 25 141 CO +96 25 142 DA +96 25 143 YX +96 25 144 YX +96 25 145 YX +96 25 146 DE +96 25 147 YX +96 25 148 DA +96 25 149 YX +96 25 150 WE +96 25 151 DA +96 25 152 DA +96 25 153 YX +96 25 154 WE +96 25 155 JU +96 25 156 YX +96 25 157 JU +96 25 158 CO +96 25 159 DE +96 25 160 DA +96 25 161 YX +96 25 162 DA +96 25 163 YX +96 25 164 YX +96 25 165 JU +96 25 166 YX +96 25 167 DA +96 25 168 YX +96 25 169 YX +96 25 170 YX +96 25 171 DA +96 25 172 CO +96 25 173 DA +96 25 174 DE +96 25 175 YX +96 25 176 DA +96 25 177 DE +96 25 178 YX +96 25 179 DA +96 25 180 YX +96 25 181 DE +96 25 182 JU +96 25 183 JU +96 25 184 JU +96 25 185 JU +96 25 186 DA +96 25 187 DE +96 25 188 YX +96 25 189 DA +96 25 190 JU +96 25 191 YX +96 25 192 YX +96 25 193 DE +96 25 194 JU +96 25 195 YX +96 25 196 YX +96 25 197 YX +96 25 198 WE +96 25 199 CO +96 25 200 YX +96 25 201 DA +96 25 202 YX +96 25 203 DA +96 25 204 JU +96 25 205 YX +96 25 206 DA +96 25 207 DA +96 25 208 DE +96 25 209 YX +96 25 210 DA +96 25 211 YX +96 25 212 DE +96 25 213 YX +96 25 214 DE +96 25 215 DA +96 25 216 WE +96 25 217 DA +96 25 218 YX +96 25 219 CO +96 25 220 YX +96 25 221 CO +96 25 222 JU +96 25 223 YX +96 25 224 CO +96 25 225 JU +96 25 226 YX +96 25 227 WE +96 25 228 YX +96 25 229 YX +96 25 230 DA +96 25 231 YX +96 25 232 JU +96 25 233 YX +96 25 234 YX +96 25 235 YX +96 25 236 DE +96 25 237 DE +96 25 238 YX +96 25 239 DA +96 25 240 DA +96 25 241 CO +96 25 242 DE +96 25 243 DA +96 25 244 YX +96 25 245 DA +96 25 246 YX +96 25 247 YX +96 25 248 YX +96 25 249 YX +96 25 250 JU +96 25 251 YX +96 25 252 CO +96 25 253 YX +96 25 254 YX +96 25 255 WE +96 25 256 DA +96 25 257 YX +96 25 258 DE +96 25 259 DA +96 25 260 DA +96 25 261 JU +96 25 262 CO +96 25 263 WE +96 25 264 YX +96 25 265 YX +96 25 266 JU +96 25 267 JU +96 25 268 YX +96 25 269 DA +96 25 270 DE +96 25 271 YX +96 25 272 CO +96 25 273 YX +96 25 274 CO +96 25 275 JU +96 25 276 DA +96 25 277 YX +96 25 278 JU +96 25 279 YX +96 25 280 YX +96 25 281 YX +96 25 282 YX +96 25 283 JU +96 25 284 DA +96 25 285 DA +96 25 286 CO +96 25 287 DE +96 25 288 DA +96 25 289 YX +96 25 290 DA +96 25 291 YX +96 25 292 DA +96 25 293 DA +96 25 294 CO +96 25 295 JU +96 25 296 YX +96 25 297 DE +96 25 298 DA +96 25 299 YX +96 25 300 WE +96 25 301 YX +96 25 302 DA +96 25 303 YX +96 25 304 YX +96 25 305 DA +96 25 306 YX +96 25 307 YX +96 25 308 YX +96 25 309 JU +96 25 310 YX +96 25 311 YX +96 25 312 WE +96 25 313 YX +96 25 314 CO +96 25 315 YX +96 25 316 YX +96 25 317 DA +96 25 318 DE +96 25 319 CO +96 25 320 DE +96 25 321 DA +96 25 322 DA +96 25 323 YX +96 25 324 CO +96 25 325 YX +96 25 326 YX +96 25 327 CO +96 25 328 YX +96 25 329 JU +96 25 330 CO +97 1 1 NA +97 1 2 NA +97 1 3 FI +97 1 4 TI +97 1 5 TI +97 1 6 TI +97 1 7 TI +97 1 8 FI +97 1 9 NA +97 1 10 TI +97 1 11 DU +97 1 12 TI +97 1 13 TI +97 1 14 TI +97 1 15 NA +97 1 16 NA +97 1 17 FI +97 1 18 DU +97 1 19 TI +97 1 20 DU +97 1 21 FI +97 1 22 NA +97 1 23 TI +97 1 24 DU +97 1 25 NA +97 1 26 TI +97 1 27 NA +97 1 28 FI +97 1 29 NA +97 1 30 FI +97 1 31 AA +97 1 32 TI +97 1 33 DU +97 1 34 NA +97 1 35 FI +97 1 36 DU +97 1 37 NA +97 1 38 FI +97 1 39 DU +97 1 40 NA +97 1 41 FI +97 1 42 AA +97 1 43 DU +97 1 44 NA +97 1 45 TI +97 1 46 DU +97 1 47 DU +97 1 48 TI +97 1 49 NA +97 1 50 DU +97 1 51 DU +97 1 52 NA +97 1 53 FI +97 1 54 DU +97 1 55 NA +97 1 56 NA +97 1 57 AA +97 1 58 DU +97 1 59 NA +97 1 60 DU +97 1 61 FI +97 1 62 AA +97 1 63 NA +97 1 64 DU +97 1 65 FI +97 1 66 NA +97 1 67 TI +97 1 68 FI +97 1 69 DU +97 1 70 AA +97 1 71 FI +97 1 72 TI +97 1 73 NA +97 1 74 NA +97 1 75 DU +97 1 76 FI +97 1 77 NA +97 1 78 NA +97 1 79 DU +97 1 80 NA +97 1 81 DU +97 1 82 NA +97 1 83 NA +97 1 84 NA +97 1 85 NA +97 1 86 FI +97 1 87 DU +97 1 88 TI +97 1 89 DU +97 1 90 DU +97 1 91 TI +97 1 92 NA +97 1 93 TI +97 1 94 DU +97 1 95 NA +97 1 96 AA +97 1 97 TI +97 1 98 FI +97 1 99 NA +97 1 100 DU +97 1 101 FI +97 1 102 NA +97 1 103 DU +97 1 104 TI +97 1 105 FI +97 1 106 AA +97 1 107 NA +97 1 108 AA +97 1 109 DU +97 1 110 TI +97 1 111 DU +97 1 112 FI +97 1 113 DU +97 1 114 NA +97 1 115 FI +97 1 116 NA +97 1 117 DU +97 1 118 FI +97 1 119 TI +97 1 120 NA +97 1 121 FI +97 1 122 TI +97 1 123 NA +97 1 124 TI +97 1 125 FI +97 1 126 FI +97 1 127 DU +97 1 128 TI +97 1 129 AA +97 1 130 AA +97 1 131 TI +97 1 132 FI +97 1 133 TI +97 1 134 DU +97 1 135 FI +97 1 136 TI +97 1 137 DU +97 1 138 TI +97 1 139 NA +97 1 140 DU +97 1 141 NA +97 1 142 NA +97 1 143 TI +97 1 144 TI +97 1 145 TI +97 1 146 NA +97 1 147 TI +97 1 148 FI +97 1 149 TI +97 1 150 AA +97 1 151 TI +97 1 152 AA +97 1 153 TI +97 1 154 DU +97 1 155 AA +97 1 156 TI +97 1 157 DU +97 1 158 NA +97 1 159 AA +97 1 160 TI +97 1 161 DU +97 1 162 FI +97 1 163 TI +97 1 164 DU +97 1 165 DU +97 1 166 TI +97 1 167 NA +97 1 168 TI +97 1 169 TI +97 1 170 DU +97 1 171 TI +97 1 172 NA +97 1 173 FI +97 1 174 TI +97 1 175 DU +97 1 176 FI +97 1 177 TI +97 1 178 AA +97 1 179 DU +97 1 180 TI +97 1 181 AA +97 1 182 DU +97 1 183 DU +97 1 184 TI +97 1 185 NA +97 1 186 DU +97 1 187 NA +97 1 188 TI +97 1 189 NA +97 1 190 NA +97 1 191 DU +97 1 192 DU +97 1 193 TI +97 1 194 DU +97 1 195 NA +97 1 196 TI +97 1 197 NA +97 1 198 DU +97 1 199 TI +97 1 200 TI +97 1 201 NA +97 1 202 TI +97 1 203 FI +97 1 204 DU +97 1 205 NA +97 1 206 NA +97 1 207 FI +97 1 208 AA +97 1 209 DU +97 1 210 DU +97 1 211 TI +97 1 212 FI +97 1 213 AA +97 1 214 TI +97 1 215 TI +97 1 216 DU +97 1 217 TI +97 1 218 TI +97 1 219 NA +97 1 220 TI +97 1 221 NA +97 1 222 TI +97 1 223 TI +97 1 224 AA +97 1 225 TI +97 1 226 DU +97 1 227 AA +97 1 228 AA +97 1 229 DU +97 1 230 NA +97 1 231 FI +97 1 232 DU +97 1 233 AA +97 1 234 TI +97 1 235 DU +97 1 236 TI +97 1 237 NA +97 1 238 TI +97 1 239 FI +97 1 240 NA +97 1 241 NA +97 1 242 NA +97 1 243 FI +97 1 244 NA +97 1 245 FI +97 1 246 TI +97 1 247 DU +97 1 248 DU +97 1 249 TI +97 1 250 TI +97 1 251 NA +97 1 252 NA +97 1 253 TI +97 1 254 NA +97 1 255 DU +97 1 256 FI +97 1 257 DU +97 1 258 NA +97 1 259 FI +97 1 260 NA +97 1 261 TI +97 1 262 AA +97 1 263 DU +97 1 264 DU +97 1 265 TI +97 1 266 FI +97 1 267 TI +97 1 268 TI +97 1 269 FI +97 1 270 NA +97 1 271 DU +97 1 272 AA +97 1 273 FI +97 1 274 AA +97 1 275 TI +97 1 276 FI +97 1 277 AA +97 1 278 FI +97 1 279 TI +97 1 280 AA +97 1 281 TI +97 1 282 TI +97 1 283 NA +97 1 284 DU +97 1 285 TI +97 1 286 AA +97 1 287 DU +97 1 288 FI +97 1 289 TI +97 1 290 AA +97 1 291 TI +97 1 292 FI +97 1 293 AA +97 1 294 AA +97 1 295 TI +97 1 296 DU +97 1 297 TI +97 1 298 FI +97 1 299 TI +97 1 300 NA +97 1 301 TI +97 1 302 NA +97 1 303 NA +97 1 304 DU +97 1 305 FI +97 1 306 TI +97 1 307 TI +97 1 308 NA +97 1 309 DU +97 1 310 TI +97 1 311 TI +97 1 312 DU +97 1 313 TI +97 1 314 AA +97 1 315 TI +97 1 316 TI +97 1 317 FI +97 1 318 AA +97 1 319 AA +97 1 320 DU +97 1 321 FI +97 1 322 TI +97 1 323 TI +97 1 324 AA +97 1 325 DU +97 1 326 TI +97 1 327 AA +97 1 328 DU +97 1 329 TI +97 1 330 AA +97 2 1 TI +97 2 2 TI +97 2 3 FI +97 2 4 AA +97 2 5 DU +97 2 6 AA +97 2 7 DU +97 2 8 FI +97 2 9 AA +97 2 10 FI +97 2 11 AA +97 2 12 FI +97 2 13 AA +97 2 14 AA +97 2 15 FI +97 2 16 AA +97 2 17 FI +97 2 18 AA +97 2 19 AA +97 2 20 FI +97 2 21 FI +97 2 22 AA +97 2 23 AA +97 2 24 AA +97 2 25 FI +97 2 26 FI +97 2 27 AA +97 2 28 FI +97 2 29 AA +97 2 30 FI +97 2 31 AA +97 2 32 FI +97 2 33 AA +97 2 34 AA +97 2 35 FI +97 2 36 AA +97 2 37 AA +97 2 38 FI +97 2 39 AA +97 2 40 AA +97 2 41 FI +97 2 42 DU +97 2 43 DU +97 2 44 AA +97 2 45 DU +97 2 46 DU +97 2 47 FI +97 2 48 AA +97 2 49 AA +97 2 50 FI +97 2 51 DU +97 2 52 AA +97 2 53 FI +97 2 54 AA +97 2 55 AA +97 2 56 FI +97 2 57 AA +97 2 58 AA +97 2 59 DU +97 2 60 DU +97 2 61 FI +97 2 62 AA +97 2 63 FI +97 2 64 DU +97 2 65 FI +97 2 66 AA +97 2 67 AA +97 2 68 FI +97 2 69 AA +97 2 70 AA +97 2 71 FI +97 2 72 DU +97 2 73 FI +97 2 74 AA +97 2 75 DU +97 2 76 FI +97 2 77 DU +97 2 78 FI +97 2 79 DU +97 2 80 AA +97 2 81 FI +97 2 82 FI +97 2 83 AA +97 2 84 FI +97 2 85 AA +97 2 86 FI +97 2 87 DU +97 2 88 FI +97 2 89 DU +97 2 90 FI +97 2 91 AA +97 2 92 AA +97 2 93 FI +97 2 94 DU +97 2 95 AA +97 2 96 DU +97 2 97 DU +97 2 98 FI +97 2 99 AA +97 2 100 FI +97 2 101 FI +97 2 102 AA +97 2 103 DU +97 2 104 FI +97 2 105 FI +97 2 106 NA +97 2 107 NA +97 2 108 NA +97 2 109 DU +97 2 110 NA +97 2 111 DU +97 2 112 FI +97 2 113 DU +97 2 114 NA +97 2 115 FI +97 2 116 NA +97 2 117 DU +97 2 118 FI +97 2 119 AA +97 2 120 NA +97 2 121 FI +97 2 122 AA +97 2 123 DU +97 2 124 NA +97 2 125 FI +97 2 126 FI +97 2 127 DU +97 2 128 NA +97 2 129 NA +97 2 130 DU +97 2 131 FI +97 2 132 FI +97 2 133 DU +97 2 134 NA +97 2 135 FI +97 2 136 DU +97 2 137 DU +97 2 138 NA +97 2 139 NA +97 2 140 NA +97 2 141 NA +97 2 142 NA +97 2 143 NA +97 2 144 DU +97 2 145 DU +97 2 146 NA +97 2 147 DU +97 2 148 FI +97 2 149 DU +97 2 150 FI +97 2 151 FI +97 2 152 FI +97 2 153 NA +97 2 154 DU +97 2 155 DU +97 2 156 DU +97 2 157 NA +97 2 158 NA +97 2 159 FI +97 2 160 FI +97 2 161 DU +97 2 162 FI +97 2 163 NA +97 2 164 DU +97 2 165 FI +97 2 166 DU +97 2 167 FI +97 2 168 NA +97 2 169 DU +97 2 170 DU +97 2 171 NA +97 2 172 NA +97 2 173 FI +97 2 174 FI +97 2 175 NA +97 2 176 FI +97 2 177 NA +97 2 178 DU +97 2 179 DU +97 2 180 DU +97 2 181 NA +97 2 182 FI +97 2 183 DU +97 2 184 FI +97 2 185 NA +97 2 186 DU +97 2 187 FI +97 2 188 DU +97 2 189 AA +97 2 190 FI +97 2 191 DU +97 2 192 FI +97 2 193 NA +97 2 194 FI +97 2 195 DU +97 2 196 DU +97 2 197 FI +97 2 198 DU +97 2 199 NA +97 2 200 DU +97 2 201 FI +97 2 202 DU +97 2 203 FI +97 2 204 DU +97 2 205 DU +97 2 206 NA +97 2 207 FI +97 2 208 DU +97 2 209 DU +97 2 210 DU +97 2 211 NA +97 2 212 FI +97 2 213 NA +97 2 214 FI +97 2 215 FI +97 2 216 DU +97 2 217 FI +97 2 218 DU +97 2 219 NA +97 2 220 DU +97 2 221 NA +97 2 222 FI +97 2 223 NA +97 2 224 NA +97 2 225 DU +97 2 226 NA +97 2 227 DU +97 2 228 DU +97 2 229 NA +97 2 230 NA +97 2 231 FI +97 2 232 DU +97 2 233 NA +97 2 234 DU +97 2 235 DU +97 2 236 NA +97 2 237 FI +97 2 238 DU +97 2 239 FI +97 2 240 NA +97 2 241 NA +97 2 242 DU +97 2 243 FI +97 2 244 NA +97 2 245 FI +97 2 246 DU +97 2 247 DU +97 2 248 DU +97 2 249 DU +97 2 250 FI +97 2 251 NA +97 2 252 NA +97 2 253 DU +97 2 254 NA +97 2 255 DU +97 2 256 FI +97 2 257 DU +97 2 258 NA +97 2 259 FI +97 2 260 NA +97 2 261 FI +97 2 262 NA +97 2 263 DU +97 2 264 NA +97 2 265 DU +97 2 266 FI +97 2 267 FI +97 2 268 DU +97 2 269 FI +97 2 270 NA +97 2 271 DU +97 2 272 NA +97 2 273 FI +97 2 274 NA +97 2 275 DU +97 2 276 FI +97 2 277 DU +97 2 278 FI +97 2 279 DU +97 2 280 NA +97 2 281 DU +97 2 282 DU +97 2 283 DU +97 2 284 NA +97 2 285 FI +97 2 286 AA +97 2 287 DU +97 2 288 FI +97 2 289 DU +97 2 290 NA +97 2 291 DU +97 2 292 FI +97 2 293 NA +97 2 294 NA +97 2 295 DU +97 2 296 FI +97 2 297 NA +97 2 298 FI +97 2 299 DU +97 2 300 NA +97 2 301 NA +97 2 302 NA +97 2 303 DU +97 2 304 DU +97 2 305 FI +97 2 306 DU +97 2 307 DU +97 2 308 FI +97 2 309 DU +97 2 310 DU +97 2 311 DU +97 2 312 DU +97 2 313 NA +97 2 314 NA +97 2 315 DU +97 2 316 DU +97 2 317 FI +97 2 318 FI +97 2 319 NA +97 2 320 DU +97 2 321 FI +97 2 322 DU +97 2 323 DU +97 2 324 NA +97 2 325 FI +97 2 326 DU +97 2 327 NA +97 2 328 DU +97 2 329 DU +97 2 330 NA +97 3 1 DU +97 3 2 TI +97 3 3 KI +97 3 4 DU +97 3 5 YM +97 3 6 YM +97 3 7 TI +97 3 8 KI +97 3 9 AB +97 3 10 DU +97 3 11 TI +97 3 12 TI +97 3 13 DU +97 3 14 DU +97 3 15 TI +97 3 16 AA +97 3 17 KI +97 3 18 DU +97 3 19 DM +97 3 20 TI +97 3 21 KI +97 3 22 TI +97 3 23 DM +97 3 24 DU +97 3 25 TI +97 3 26 TI +97 3 27 AA +97 3 28 KI +97 3 29 DM +97 3 30 AB +97 3 31 DM +97 3 32 AB +97 3 33 DM +97 3 34 TI +97 3 35 KI +97 3 36 DU +97 3 37 DU +97 3 38 KI +97 3 39 TI +97 3 40 DM +97 3 41 KI +97 3 42 TI +97 3 43 DU +97 3 44 AA +97 3 45 DM +97 3 46 DU +97 3 47 DU +97 3 48 TI +97 3 49 DM +97 3 50 DU +97 3 51 DU +97 3 52 AA +97 3 53 KI +97 3 54 DU +97 3 55 TI +97 3 56 AA +97 3 57 DU +97 3 58 TI +97 3 59 AA +97 3 60 DU +97 3 61 KI +97 3 62 TI +97 3 63 KI +97 3 64 DU +97 3 65 KI +97 3 66 AA +97 3 67 DM +97 3 68 KI +97 3 69 DU +97 3 70 AA +97 3 71 KI +97 3 72 DU +97 3 73 DM +97 3 74 AA +97 3 75 DU +97 3 76 KI +97 3 77 DM +97 3 78 AA +97 3 79 DU +97 3 80 DM +97 3 81 YM +97 3 82 DM +97 3 83 YM +97 3 84 YM +97 3 85 DM +97 3 86 KI +97 3 87 DU +97 3 88 KI +97 3 89 DU +97 3 90 DU +97 3 91 TI +97 3 92 YM +97 3 93 DM +97 3 94 DU +97 3 95 TI +97 3 96 TI +97 3 97 DM +97 3 98 KI +97 3 99 YM +97 3 100 DM +97 3 101 KI +97 3 102 AA +97 3 103 DU +97 3 104 DM +97 3 105 KI +97 3 106 YM +97 3 107 AA +97 3 108 TI +97 3 109 DM +97 3 110 TI +97 3 111 DU +97 3 112 KI +97 3 113 DU +97 3 114 DU +97 3 115 KI +97 3 116 DM +97 3 117 DU +97 3 118 KI +97 3 119 DM +97 3 120 AA +97 3 121 KI +97 3 122 DM +97 3 123 DM +97 3 124 TI +97 3 125 KI +97 3 126 DM +97 3 127 DU +97 3 128 TI +97 3 129 AA +97 3 130 DU +97 3 131 KI +97 3 132 KI +97 3 133 DM +97 3 134 DU +97 3 135 KI +97 3 136 DM +97 3 137 DU +97 3 138 DM +97 3 139 AA +97 3 140 DU +97 3 141 AA +97 3 142 AA +97 3 143 TI +97 3 144 DU +97 3 145 DM +97 3 146 TI +97 3 147 DM +97 3 148 KI +97 3 149 DM +97 3 150 DU +97 3 151 KI +97 3 152 KI +97 3 153 DM +97 3 154 DU +97 3 155 DU +97 3 156 DM +97 3 157 DU +97 3 158 AA +97 3 159 TI +97 3 160 KI +97 3 161 DM +97 3 162 KI +97 3 163 DM +97 3 164 DU +97 3 165 DU +97 3 166 DU +97 3 167 DU +97 3 168 TI +97 3 169 DM +97 3 170 DU +97 3 171 TI +97 3 172 AA +97 3 173 KI +97 3 174 TI +97 3 175 DM +97 3 176 KI +97 3 177 TI +97 3 178 DM +97 3 179 KI +97 3 180 DM +97 3 181 TI +97 3 182 KI +97 3 183 DU +97 3 184 KI +97 3 185 DU +97 3 186 DM +97 3 187 TI +97 3 188 DM +97 3 189 AA +97 3 190 AA +97 3 191 DM +97 3 192 DU +97 3 193 TI +97 3 194 KI +97 3 195 DM +97 3 196 DM +97 3 197 KI +97 3 198 DU +97 3 199 AA +97 3 200 DM +97 3 201 KI +97 3 202 DM +97 3 203 KI +97 3 204 DU +97 3 205 DU +97 3 206 AA +97 3 207 KI +97 3 208 DU +97 3 209 DM +97 3 210 DU +97 3 211 DM +97 3 212 TI +97 3 213 AA +97 3 214 TI +97 3 215 KI +97 3 216 DU +97 3 217 KI +97 3 218 DU +97 3 219 AA +97 3 220 DU +97 3 221 AA +97 3 222 KI +97 3 223 DM +97 3 224 AA +97 3 225 TI +97 3 226 DU +97 3 227 DU +97 3 228 DU +97 3 229 DM +97 3 230 AA +97 3 231 KI +97 3 232 DU +97 3 233 DM +97 3 234 DM +97 3 235 DU +97 3 236 TI +97 3 237 AA +97 3 238 DM +97 3 239 KI +97 3 240 DU +97 3 241 AA +97 3 242 AA +97 3 243 KI +97 3 244 AA +97 3 245 KI +97 3 246 DM +97 3 247 DM +97 3 248 DU +97 3 249 DM +97 3 250 KI +97 3 251 DM +97 3 252 AA +97 3 253 DM +97 3 254 DU +97 3 255 DU +97 3 256 KI +97 3 257 DM +97 3 258 TI +97 3 259 KI +97 3 260 AA +97 3 261 TI +97 3 262 AA +97 3 263 DU +97 3 264 AA +97 3 265 DM +97 3 266 DU +97 3 267 KI +97 3 268 DM +97 3 269 KI +97 3 270 TI +97 3 271 DU +97 3 272 AA +97 3 273 KI +97 3 274 AA +97 3 275 TI +97 3 276 KI +97 3 277 TI +97 3 278 KI +97 3 279 DM +97 3 280 DM +97 3 281 DM +97 3 282 DM +97 3 283 DU +97 3 284 AA +97 3 285 KI +97 3 286 AA +97 3 287 DM +97 3 288 KI +97 3 289 DM +97 3 290 AA +97 3 291 DM +97 3 292 KI +97 3 293 AA +97 3 294 AA +97 3 295 DU +97 3 296 KI +97 3 297 TI +97 3 298 KI +97 3 299 DM +97 3 300 AA +97 3 301 DM +97 3 302 AA +97 3 303 AA +97 3 304 TI +97 3 305 KI +97 3 306 DM +97 3 307 DM +97 3 308 DM +97 3 309 DU +97 3 310 DM +97 3 311 DU +97 3 312 DU +97 3 313 DM +97 3 314 AA +97 3 315 TI +97 3 316 DM +97 3 317 KI +97 3 318 KI +97 3 319 AA +97 3 320 DU +97 3 321 KI +97 3 322 DU +97 3 323 DU +97 3 324 AA +97 3 325 KI +97 3 326 TI +97 3 327 AA +97 3 328 DU +97 3 329 DU +97 3 330 AA +97 4 1 AA +97 4 2 AA +97 4 3 IS +97 4 4 AA +97 4 5 AA +97 4 6 AA +97 4 7 AA +97 4 8 AA +97 4 9 IS +97 4 10 DU +97 4 11 DU +97 4 12 TI +97 4 13 DU +97 4 14 DU +97 4 15 DU +97 4 16 DU +97 4 17 IS +97 4 18 AA +97 4 19 DU +97 4 20 AA +97 4 21 IS +97 4 22 TI +97 4 23 AA +97 4 24 TI +97 4 25 TI +97 4 26 AA +97 4 27 YM +97 4 28 IS +97 4 29 AA +97 4 30 TI +97 4 31 TI +97 4 32 IS +97 4 33 AA +97 4 34 TI +97 4 35 IS +97 4 36 AA +97 4 37 AA +97 4 38 IS +97 4 39 AA +97 4 40 TI +97 4 41 IS +97 4 42 AA +97 4 43 TI +97 4 44 AA +97 4 45 TI +97 4 46 AA +97 4 47 TI +97 4 48 TI +97 4 49 AA +97 4 50 TI +97 4 51 TI +97 4 52 TI +97 4 53 IS +97 4 54 AA +97 4 55 TI +97 4 56 TI +97 4 57 TI +97 4 58 TI +97 4 59 TI +97 4 60 TI +97 4 61 IS +97 4 62 TI +97 4 63 IS +97 4 64 TI +97 4 65 IS +97 4 66 TI +97 4 67 TI +97 4 68 IS +97 4 69 TI +97 4 70 TI +97 4 71 IS +97 4 72 TI +97 4 73 IS +97 4 74 TI +97 4 75 TI +97 4 76 IS +97 4 77 TI +97 4 78 TI +97 4 79 DU +97 4 80 TI +97 4 81 TI +97 4 82 TI +97 4 83 AA +97 4 84 IS +97 4 85 TI +97 4 86 IS +97 4 87 DU +97 4 88 IS +97 4 89 DU +97 4 90 DU +97 4 91 TI +97 4 92 DU +97 4 93 DU +97 4 94 ML +97 4 95 TI +97 4 96 TI +97 4 97 TI +97 4 98 IS +97 4 99 TI +97 4 100 TI +97 4 101 IS +97 4 102 TI +97 4 103 ML +97 4 104 TI +97 4 105 TI +97 4 106 TI +97 4 107 TI +97 4 108 AA +97 4 109 TI +97 4 110 IS +97 4 111 ML +97 4 112 IS +97 4 113 ML +97 4 114 TI +97 4 115 IS +97 4 116 ML +97 4 117 DU +97 4 118 IS +97 4 119 DU +97 4 120 TI +97 4 121 IS +97 4 122 ML +97 4 123 DU +97 4 124 ML +97 4 125 IS +97 4 126 IS +97 4 127 ML +97 4 128 TI +97 4 129 IS +97 4 130 DU +97 4 131 TI +97 4 132 IS +97 4 133 TI +97 4 134 DU +97 4 135 IS +97 4 136 TI +97 4 137 DU +97 4 138 TI +97 4 139 TI +97 4 140 TI +97 4 141 YM +97 4 142 YM +97 4 143 TI +97 4 144 TI +97 4 145 TI +97 4 146 TI +97 4 147 TI +97 4 148 IS +97 4 149 DU +97 4 150 ML +97 4 151 YM +97 4 152 IS +97 4 153 DU +97 4 154 DU +97 4 155 DU +97 4 156 TI +97 4 157 DU +97 4 158 TI +97 4 159 DU +97 4 160 TI +97 4 161 TI +97 4 162 IS +97 4 163 TI +97 4 164 TI +97 4 165 TI +97 4 166 ML +97 4 167 TI +97 4 168 TI +97 4 169 TI +97 4 170 TI +97 4 171 TI +97 4 172 TI +97 4 173 IS +97 4 174 TI +97 4 175 TI +97 4 176 IS +97 4 177 TI +97 4 178 TI +97 4 179 TI +97 4 180 TI +97 4 181 TI +97 4 182 TI +97 4 183 TI +97 4 184 TI +97 4 185 TI +97 4 186 TI +97 4 187 TI +97 4 188 TI +97 4 189 TI +97 4 190 TI +97 4 191 TI +97 4 192 TI +97 4 193 TI +97 4 194 TI +97 4 195 TI +97 4 196 TI +97 4 197 TI +97 4 198 DU +97 4 199 TI +97 4 200 TI +97 4 201 IS +97 4 202 TI +97 4 203 IS +97 4 204 DU +97 4 205 TI +97 4 206 TI +97 4 207 IS +97 4 208 TI +97 4 209 TI +97 4 210 DU +97 4 211 TI +97 4 212 IS +97 4 213 TI +97 4 214 TI +97 4 215 IS +97 4 216 DU +97 4 217 TI +97 4 218 TI +97 4 219 TI +97 4 220 TI +97 4 221 TI +97 4 222 TI +97 4 223 TI +97 4 224 AA +97 4 225 DU +97 4 226 DU +97 4 227 DU +97 4 228 DU +97 4 229 TI +97 4 230 AA +97 4 231 TI +97 4 232 DU +97 4 233 TI +97 4 234 DU +97 4 235 DU +97 4 236 TI +97 4 237 IS +97 4 238 DU +97 4 239 IS +97 4 240 IS +97 4 241 AA +97 4 242 AA +97 4 243 IS +97 4 244 AA +97 4 245 IS +97 4 246 TI +97 4 247 TI +97 4 248 DU +97 4 249 TI +97 4 250 TI +97 4 251 TI +97 4 252 AA +97 4 253 DU +97 4 254 TI +97 4 255 DU +97 4 256 IS +97 4 257 TI +97 4 258 TI +97 4 259 IS +97 4 260 AA +97 4 261 IS +97 4 262 AA +97 4 263 AA +97 4 264 AA +97 4 265 AA +97 4 266 IS +97 4 267 IS +97 4 268 DU +97 4 269 IS +97 4 270 AA +97 4 271 DU +97 4 272 AA +97 4 273 TI +97 4 274 AA +97 4 275 DU +97 4 276 IS +97 4 277 DU +97 4 278 IS +97 4 279 TI +97 4 280 DU +97 4 281 TI +97 4 282 TI +97 4 283 DU +97 4 284 AA +97 4 285 TI +97 4 286 AA +97 4 287 TI +97 4 288 IS +97 4 289 TI +97 4 290 AA +97 4 291 TI +97 4 292 IS +97 4 293 AA +97 4 294 AA +97 4 295 DU +97 4 296 AA +97 4 297 TI +97 4 298 IS +97 4 299 TI +97 4 300 AA +97 4 301 TI +97 4 302 AA +97 4 303 AA +97 4 304 TI +97 4 305 DU +97 4 306 TI +97 4 307 TI +97 4 308 TI +97 4 309 DU +97 4 310 TI +97 4 311 TI +97 4 312 DU +97 4 313 TI +97 4 314 AA +97 4 315 TI +97 4 316 AA +97 4 317 IS +97 4 318 IS +97 4 319 AA +97 4 320 DU +97 4 321 IS +97 4 322 DU +97 4 323 TI +97 4 324 AA +97 4 325 TI +97 4 326 TI +97 4 327 AA +97 4 328 DU +97 4 329 DU +97 4 330 AA +97 5 1 TI +97 5 2 TI +97 5 3 IF +97 5 4 IL +97 5 5 TI +97 5 6 TI +97 5 7 TI +97 5 8 IF +97 5 9 TI +97 5 10 DU +97 5 11 DU +97 5 12 TI +97 5 13 DU +97 5 14 DU +97 5 15 YM +97 5 16 AA +97 5 17 IF +97 5 18 AA +97 5 19 TI +97 5 20 TI +97 5 21 IF +97 5 22 AA +97 5 23 AA +97 5 24 AA +97 5 25 AA +97 5 26 TI +97 5 27 AA +97 5 28 IF +97 5 29 TI +97 5 30 TI +97 5 31 AA +97 5 32 IF +97 5 33 AA +97 5 34 TI +97 5 35 IF +97 5 36 AA +97 5 37 AA +97 5 38 IF +97 5 39 AA +97 5 40 TI +97 5 41 IF +97 5 42 TI +97 5 43 IF +97 5 44 AA +97 5 45 AA +97 5 46 AA +97 5 47 AA +97 5 48 TI +97 5 49 AA +97 5 50 AA +97 5 51 TI +97 5 52 AA +97 5 53 IF +97 5 54 AA +97 5 55 AA +97 5 56 TI +97 5 57 AA +97 5 58 TI +97 5 59 AA +97 5 60 AA +97 5 61 IF +97 5 62 AA +97 5 63 IF +97 5 64 AA +97 5 65 IF +97 5 66 AA +97 5 67 AA +97 5 68 IF +97 5 69 AA +97 5 70 IF +97 5 71 AA +97 5 72 AA +97 5 73 IF +97 5 74 AA +97 5 75 DU +97 5 76 IF +97 5 77 DU +97 5 78 IF +97 5 79 AA +97 5 80 AA +97 5 81 TI +97 5 82 TI +97 5 83 AA +97 5 84 IF +97 5 85 DU +97 5 86 IF +97 5 87 DU +97 5 88 IF +97 5 89 DU +97 5 90 DU +97 5 91 TI +97 5 92 AA +97 5 93 DU +97 5 94 DU +97 5 95 AA +97 5 96 TI +97 5 97 DU +97 5 98 IF +97 5 99 AA +97 5 100 AA +97 5 101 IF +97 5 102 AA +97 5 103 DU +97 5 104 TI +97 5 105 IF +97 5 106 TI +97 5 107 AA +97 5 108 AA +97 5 109 DU +97 5 110 TI +97 5 111 DU +97 5 112 IF +97 5 113 DU +97 5 114 DU +97 5 115 IF +97 5 116 AA +97 5 117 DU +97 5 118 IF +97 5 119 AS +97 5 120 AA +97 5 121 IF +97 5 122 AS +97 5 123 DU +97 5 124 AS +97 5 125 IF +97 5 126 IF +97 5 127 DU +97 5 128 AS +97 5 129 AA +97 5 130 DU +97 5 131 IF +97 5 132 IF +97 5 133 DU +97 5 134 DU +97 5 135 IF +97 5 136 AS +97 5 137 DU +97 5 138 AS +97 5 139 AA +97 5 140 DU +97 5 141 AA +97 5 142 AA +97 5 143 AS +97 5 144 DU +97 5 145 AS +97 5 146 TI +97 5 147 DU +97 5 148 IF +97 5 149 AS +97 5 150 DU +97 5 151 IF +97 5 152 AA +97 5 153 AS +97 5 154 DU +97 5 155 DU +97 5 156 AS +97 5 157 TI +97 5 158 AA +97 5 159 TI +97 5 160 IF +97 5 161 AS +97 5 162 IF +97 5 163 AS +97 5 164 IF +97 5 165 DU +97 5 166 DU +97 5 167 AA +97 5 168 AS +97 5 169 DU +97 5 170 DU +97 5 171 AS +97 5 172 AA +97 5 173 IF +97 5 174 TI +97 5 175 AA +97 5 176 IF +97 5 177 AA +97 5 178 DU +97 5 179 IF +97 5 180 AS +97 5 181 IL +97 5 182 IF +97 5 183 AA +97 5 184 IF +97 5 185 TI +97 5 186 AA +97 5 187 IF +97 5 188 DU +97 5 189 AA +97 5 190 IF +97 5 191 AS +97 5 192 TI +97 5 193 IL +97 5 194 IF +97 5 195 AS +97 5 196 AA +97 5 197 TI +97 5 198 DU +97 5 199 AA +97 5 200 DU +97 5 201 IF +97 5 202 AS +97 5 203 IF +97 5 204 DU +97 5 205 IL +97 5 206 AA +97 5 207 IF +97 5 208 TI +97 5 209 DU +97 5 210 IF +97 5 211 AS +97 5 212 IF +97 5 213 AA +97 5 214 TI +97 5 215 IF +97 5 216 DU +97 5 217 IF +97 5 218 AS +97 5 219 AA +97 5 220 TI +97 5 221 AA +97 5 222 IL +97 5 223 AS +97 5 224 AA +97 5 225 DU +97 5 226 DU +97 5 227 DU +97 5 228 TI +97 5 229 AA +97 5 230 AA +97 5 231 IF +97 5 232 TI +97 5 233 AA +97 5 234 AS +97 5 235 TI +97 5 236 IL +97 5 237 IF +97 5 238 AS +97 5 239 IF +97 5 240 IF +97 5 241 AA +97 5 242 TI +97 5 243 IF +97 5 244 AA +97 5 245 IF +97 5 246 AS +97 5 247 TI +97 5 248 DU +97 5 249 DU +97 5 250 TI +97 5 251 AA +97 5 252 AA +97 5 253 AS +97 5 254 AA +97 5 255 DU +97 5 256 IF +97 5 257 TI +97 5 258 TI +97 5 259 IF +97 5 260 AA +97 5 261 IF +97 5 262 AA +97 5 263 AA +97 5 264 TI +97 5 265 AS +97 5 266 IF +97 5 267 TI +97 5 268 AS +97 5 269 IF +97 5 270 TI +97 5 271 DU +97 5 272 AA +97 5 273 AA +97 5 274 AA +97 5 275 AS +97 5 276 IF +97 5 277 DU +97 5 278 IF +97 5 279 DU +97 5 280 DU +97 5 281 AS +97 5 282 AS +97 5 283 TI +97 5 284 AA +97 5 285 IF +97 5 286 AA +97 5 287 TI +97 5 288 IF +97 5 289 AS +97 5 290 AA +97 5 291 AS +97 5 292 IF +97 5 293 AA +97 5 294 AA +97 5 295 TI +97 5 296 DU +97 5 297 TI +97 5 298 IF +97 5 299 AS +97 5 300 AA +97 5 301 AS +97 5 302 AA +97 5 303 AA +97 5 304 DU +97 5 305 IF +97 5 306 TI +97 5 307 DU +97 5 308 TI +97 5 309 DU +97 5 310 AS +97 5 311 DU +97 5 312 DU +97 5 313 DU +97 5 314 AA +97 5 315 AS +97 5 316 DU +97 5 317 IF +97 5 318 IF +97 5 319 AA +97 5 320 AS +97 5 321 IF +97 5 322 TI +97 5 323 DU +97 5 324 AA +97 5 325 AS +97 5 326 TI +97 5 327 AA +97 5 328 AS +97 5 329 DU +97 5 330 AA +97 6 1 ML +97 6 2 ML +97 6 3 IS +97 6 4 AI +97 6 5 ML +97 6 6 YM +97 6 7 ML +97 6 8 IS +97 6 9 AI +97 6 10 DU +97 6 11 DU +97 6 12 YM +97 6 13 ML +97 6 14 ML +97 6 15 YM +97 6 16 YM +97 6 17 IS +97 6 18 ML +97 6 19 ML +97 6 20 YM +97 6 21 IS +97 6 22 YM +97 6 23 AI +97 6 24 YM +97 6 25 AI +97 6 26 AI +97 6 27 YM +97 6 28 IS +97 6 29 YM +97 6 30 ML +97 6 31 AI +97 6 32 YM +97 6 33 AI +97 6 34 ML +97 6 35 YM +97 6 36 ML +97 6 37 ML +97 6 38 IS +97 6 39 ML +97 6 40 ML +97 6 41 IS +97 6 42 YM +97 6 43 ML +97 6 44 ML +97 6 45 ML +97 6 46 ML +97 6 47 ML +97 6 48 IS +97 6 49 ML +97 6 50 ML +97 6 51 ML +97 6 52 ML +97 6 53 IS +97 6 54 YM +97 6 55 ML +97 6 56 ML +97 6 57 ML +97 6 58 YM +97 6 59 YM +97 6 60 ML +97 6 61 IS +97 6 62 ML +97 6 63 IS +97 6 64 ML +97 6 65 IS +97 6 66 YM +97 6 67 ML +97 6 68 IS +97 6 69 ML +97 6 70 ML +97 6 71 ML +97 6 72 ML +97 6 73 ML +97 6 74 ML +97 6 75 ML +97 6 76 IS +97 6 77 ML +97 6 78 AI +97 6 79 ML +97 6 80 ML +97 6 81 AI +97 6 82 ML +97 6 83 ML +97 6 84 IS +97 6 85 ML +97 6 86 IS +97 6 87 ML +97 6 88 YM +97 6 89 ML +97 6 90 ML +97 6 91 YM +97 6 92 YM +97 6 93 ML +97 6 94 ML +97 6 95 ML +97 6 96 NA +97 6 97 AI +97 6 98 IS +97 6 99 ML +97 6 100 ML +97 6 101 IS +97 6 102 ML +97 6 103 ML +97 6 104 ML +97 6 105 NA +97 6 106 IS +97 6 107 NA +97 6 108 ML +97 6 109 ML +97 6 110 NA +97 6 111 ML +97 6 112 IS +97 6 113 AI +97 6 114 ML +97 6 115 IS +97 6 116 NA +97 6 117 ML +97 6 118 IS +97 6 119 ML +97 6 120 NA +97 6 121 IS +97 6 122 ML +97 6 123 ML +97 6 124 NA +97 6 125 IS +97 6 126 IS +97 6 127 ML +97 6 128 NA +97 6 129 AI +97 6 130 ML +97 6 131 IS +97 6 132 IS +97 6 133 ML +97 6 134 AI +97 6 135 IS +97 6 136 ML +97 6 137 ML +97 6 138 AI +97 6 139 NA +97 6 140 ML +97 6 141 NA +97 6 142 NA +97 6 143 NA +97 6 144 AI +97 6 145 NA +97 6 146 NA +97 6 147 ML +97 6 148 IS +97 6 149 NA +97 6 150 NA +97 6 151 IS +97 6 152 NA +97 6 153 ML +97 6 154 ML +97 6 155 ML +97 6 156 AI +97 6 157 ML +97 6 158 NA +97 6 159 YM +97 6 160 YM +97 6 161 AI +97 6 162 IS +97 6 163 ML +97 6 164 ML +97 6 165 AI +97 6 166 ML +97 6 167 YM +97 6 168 AI +97 6 169 ML +97 6 170 ML +97 6 171 NA +97 6 172 YM +97 6 173 IS +97 6 174 YM +97 6 175 ML +97 6 176 IS +97 6 177 ML +97 6 178 AI +97 6 179 IS +97 6 180 YM +97 6 181 YM +97 6 182 IS +97 6 183 YM +97 6 184 ML +97 6 185 YM +97 6 186 AI +97 6 187 YM +97 6 188 AI +97 6 189 ML +97 6 190 YM +97 6 191 AI +97 6 192 ML +97 6 193 NA +97 6 194 YM +97 6 195 YM +97 6 196 YM +97 6 197 ML +97 6 198 ML +97 6 199 NA +97 6 200 ML +97 6 201 YM +97 6 202 AI +97 6 203 IS +97 6 204 ML +97 6 205 ML +97 6 206 YM +97 6 207 IS +97 6 208 YM +97 6 209 ML +97 6 210 ML +97 6 211 ML +97 6 212 YM +97 6 213 AI +97 6 214 YM +97 6 215 YM +97 6 216 ML +97 6 217 YM +97 6 218 AI +97 6 219 NA +97 6 220 AI +97 6 221 NA +97 6 222 ML +97 6 223 ML +97 6 224 NA +97 6 225 YM +97 6 226 AI +97 6 227 ML +97 6 228 AI +97 6 229 NA +97 6 230 YM +97 6 231 ML +97 6 232 DU +97 6 233 DU +97 6 234 DU +97 6 235 ML +97 6 236 YM +97 6 237 NA +97 6 238 ML +97 6 239 IS +97 6 240 ML +97 6 241 NA +97 6 242 NA +97 6 243 IS +97 6 244 AI +97 6 245 IS +97 6 246 AI +97 6 247 AI +97 6 248 DU +97 6 249 DU +97 6 250 ML +97 6 251 YM +97 6 252 YM +97 6 253 ML +97 6 254 ML +97 6 255 ML +97 6 256 IS +97 6 257 ML +97 6 258 YM +97 6 259 IS +97 6 260 NA +97 6 261 IS +97 6 262 NA +97 6 263 YM +97 6 264 NA +97 6 265 ML +97 6 266 IS +97 6 267 IS +97 6 268 YM +97 6 269 IS +97 6 270 AI +97 6 271 ML +97 6 272 YM +97 6 273 ML +97 6 274 YM +97 6 275 AI +97 6 276 IS +97 6 277 ML +97 6 278 ML +97 6 279 YM +97 6 280 AI +97 6 281 ML +97 6 282 ML +97 6 283 ML +97 6 284 YM +97 6 285 YM +97 6 286 NA +97 6 287 ML +97 6 288 IS +97 6 289 NA +97 6 290 NA +97 6 291 AI +97 6 292 NA +97 6 293 NA +97 6 294 NA +97 6 295 YM +97 6 296 ML +97 6 297 NA +97 6 298 IS +97 6 299 ML +97 6 300 NA +97 6 301 AI +97 6 302 NA +97 6 303 NA +97 6 304 YM +97 6 305 IS +97 6 306 AI +97 6 307 AI +97 6 308 ML +97 6 309 ML +97 6 310 AI +97 6 311 AI +97 6 312 ML +97 6 313 ML +97 6 314 NA +97 6 315 NA +97 6 316 ML +97 6 317 IS +97 6 318 YM +97 6 319 YM +97 6 320 YM +97 6 321 IS +97 6 322 YM +97 6 323 ML +97 6 324 NA +97 6 325 IS +97 6 326 YM +97 6 327 YM +97 6 328 AI +97 6 329 YM +97 6 330 NA +97 7 1 TI +97 7 2 NA +97 7 3 FI +97 7 4 DU +97 7 5 TI +97 7 6 NA +97 7 7 TI +97 7 8 FI +97 7 9 DU +97 7 10 NA +97 7 11 TI +97 7 12 TI +97 7 13 DU +97 7 14 DU +97 7 15 NA +97 7 16 NA +97 7 17 FI +97 7 18 DU +97 7 19 TI +97 7 20 TI +97 7 21 FI +97 7 22 NA +97 7 23 TI +97 7 24 FI +97 7 25 DU +97 7 26 DU +97 7 27 NA +97 7 28 FI +97 7 29 TI +97 7 30 FI +97 7 31 NA +97 7 32 TI +97 7 33 NA +97 7 34 DU +97 7 35 FI +97 7 36 NA +97 7 37 NA +97 7 38 FI +97 7 39 DU +97 7 40 TI +97 7 41 FI +97 7 42 NA +97 7 43 DU +97 7 44 NA +97 7 45 TI +97 7 46 DU +97 7 47 DU +97 7 48 NA +97 7 49 DU +97 7 50 FI +97 7 51 AA +97 7 52 NA +97 7 53 FI +97 7 54 TI +97 7 55 NA +97 7 56 TI +97 7 57 DU +97 7 58 TI +97 7 59 NA +97 7 60 DU +97 7 61 FI +97 7 62 TI +97 7 63 FI +97 7 64 DU +97 7 65 FI +97 7 66 NA +97 7 67 TI +97 7 68 FI +97 7 69 DU +97 7 70 NA +97 7 71 FI +97 7 72 TI +97 7 73 FI +97 7 74 NA +97 7 75 DU +97 7 76 FI +97 7 77 TI +97 7 78 NA +97 7 79 DU +97 7 80 TI +97 7 81 NA +97 7 82 TI +97 7 83 NA +97 7 84 TI +97 7 85 DU +97 7 86 NA +97 7 87 DU +97 7 88 TI +97 7 89 DU +97 7 90 DU +97 7 91 TI +97 7 92 NA +97 7 93 DU +97 7 94 DU +97 7 95 NA +97 7 96 TI +97 7 97 TI +97 7 98 FI +97 7 99 TI +97 7 100 TI +97 7 101 NA +97 7 102 NA +97 7 103 DU +97 7 104 TI +97 7 105 DU +97 7 106 TI +97 7 107 NA +97 7 108 NA +97 7 109 DU +97 7 110 TI +97 7 111 DU +97 7 112 FI +97 7 113 DU +97 7 114 TI +97 7 115 FI +97 7 116 NA +97 7 117 DU +97 7 118 TI +97 7 119 TI +97 7 120 NA +97 7 121 FI +97 7 122 TI +97 7 123 DU +97 7 124 NA +97 7 125 FI +97 7 126 TI +97 7 127 DU +97 7 128 TI +97 7 129 NA +97 7 130 DU +97 7 131 TI +97 7 132 FI +97 7 133 DU +97 7 134 DU +97 7 135 FI +97 7 136 TI +97 7 137 DU +97 7 138 NA +97 7 139 NA +97 7 140 DU +97 7 141 NA +97 7 142 DU +97 7 143 TI +97 7 144 DU +97 7 145 TI +97 7 146 NA +97 7 147 TI +97 7 148 FI +97 7 149 TI +97 7 150 DU +97 7 151 TI +97 7 152 DU +97 7 153 TI +97 7 154 DU +97 7 155 DU +97 7 156 TI +97 7 157 DU +97 7 158 NA +97 7 159 TI +97 7 160 NA +97 7 161 TI +97 7 162 FI +97 7 163 DU +97 7 164 TI +97 7 165 DU +97 7 166 DU +97 7 167 NA +97 7 168 DU +97 7 169 NA +97 7 170 DU +97 7 171 TI +97 7 172 NA +97 7 173 FI +97 7 174 TI +97 7 175 NA +97 7 176 FI +97 7 177 TI +97 7 178 DU +97 7 179 DU +97 7 180 TI +97 7 181 TI +97 7 182 DU +97 7 183 DU +97 7 184 FI +97 7 185 TI +97 7 186 NA +97 7 187 TI +97 7 188 DU +97 7 189 NA +97 7 190 TI +97 7 191 DU +97 7 192 DU +97 7 193 TI +97 7 194 DU +97 7 195 TI +97 7 196 TI +97 7 197 DU +97 7 198 DU +97 7 199 NA +97 7 200 TI +97 7 201 NA +97 7 202 TI +97 7 203 FI +97 7 204 DU +97 7 205 TI +97 7 206 NA +97 7 207 FI +97 7 208 DU +97 7 209 DU +97 7 210 DU +97 7 211 TI +97 7 212 NA +97 7 213 DU +97 7 214 TI +97 7 215 NA +97 7 216 DU +97 7 217 TI +97 7 218 NA +97 7 219 NA +97 7 220 DU +97 7 221 TI +97 7 222 DU +97 7 223 TI +97 7 224 NA +97 7 225 DU +97 7 226 TI +97 7 227 DU +97 7 228 DU +97 7 229 TI +97 7 230 NA +97 7 231 FI +97 7 232 DU +97 7 233 NA +97 7 234 TI +97 7 235 DU +97 7 236 TI +97 7 237 TI +97 7 238 DU +97 7 239 FI +97 7 240 DU +97 7 241 NA +97 7 242 TI +97 7 243 DU +97 7 244 NA +97 7 245 FI +97 7 246 TI +97 7 247 DU +97 7 248 DU +97 7 249 DU +97 7 250 DU +97 7 251 TI +97 7 252 NA +97 7 253 TI +97 7 254 DU +97 7 255 DU +97 7 256 FI +97 7 257 DU +97 7 258 TI +97 7 259 FI +97 7 260 TI +97 7 261 TI +97 7 262 NA +97 7 263 DU +97 7 264 NA +97 7 265 DU +97 7 266 FI +97 7 267 DU +97 7 268 TI +97 7 269 FI +97 7 270 TI +97 7 271 DU +97 7 272 NA +97 7 273 TI +97 7 274 NA +97 7 275 TI +97 7 276 FI +97 7 277 DU +97 7 278 TI +97 7 279 DU +97 7 280 TI +97 7 281 TI +97 7 282 TI +97 7 283 DU +97 7 284 NA +97 7 285 TI +97 7 286 NA +97 7 287 DU +97 7 288 FI +97 7 289 TI +97 7 290 TI +97 7 291 DU +97 7 292 TI +97 7 293 TI +97 7 294 NA +97 7 295 DU +97 7 296 DU +97 7 297 TI +97 7 298 FI +97 7 299 DU +97 7 300 NA +97 7 301 TI +97 7 302 NA +97 7 303 NA +97 7 304 DU +97 7 305 DU +97 7 306 TI +97 7 307 TI +97 7 308 NA +97 7 309 DU +97 7 310 TI +97 7 311 DU +97 7 312 DU +97 7 313 DU +97 7 314 NA +97 7 315 TI +97 7 316 TI +97 7 317 FI +97 7 318 TI +97 7 319 NA +97 7 320 TI +97 7 321 FI +97 7 322 NA +97 7 323 DU +97 7 324 NA +97 7 325 TI +97 7 326 TI +97 7 327 NA +97 7 328 DU +97 7 329 DU +97 7 330 NA +97 8 1 NA +97 8 2 TI +97 8 3 IS +97 8 4 DU +97 8 5 TI +97 8 6 KO +97 8 7 AA +97 8 8 IS +97 8 9 KO +97 8 10 AS +97 8 11 AA +97 8 12 KO +97 8 13 AA +97 8 14 AS +97 8 15 AA +97 8 16 AA +97 8 17 IS +97 8 18 DU +97 8 19 TI +97 8 20 AS +97 8 21 IS +97 8 22 AA +97 8 23 KO +97 8 24 DU +97 8 25 AS +97 8 26 AS +97 8 27 AA +97 8 28 IS +97 8 29 AS +97 8 30 KO +97 8 31 AA +97 8 32 IS +97 8 33 AS +97 8 34 AA +97 8 35 IS +97 8 36 AS +97 8 37 AA +97 8 38 IS +97 8 39 AS +97 8 40 AA +97 8 41 IS +97 8 42 AA +97 8 43 DU +97 8 44 AA +97 8 45 AS +97 8 46 DU +97 8 47 AS +97 8 48 KO +97 8 49 AA +97 8 50 DU +97 8 51 KO +97 8 52 AA +97 8 53 IS +97 8 54 AS +97 8 55 AA +97 8 56 KO +97 8 57 AS +97 8 58 KO +97 8 59 AA +97 8 60 DU +97 8 61 IS +97 8 62 AA +97 8 63 IS +97 8 64 AA +97 8 65 IS +97 8 66 AA +97 8 67 AS +97 8 68 IS +97 8 69 AS +97 8 70 AA +97 8 71 IS +97 8 72 AS +97 8 73 AA +97 8 74 AA +97 8 75 AS +97 8 76 KO +97 8 77 AS +97 8 78 TI +97 8 79 DU +97 8 80 AS +97 8 81 AS +97 8 82 NA +97 8 83 NA +97 8 84 KO +97 8 85 AS +97 8 86 IS +97 8 87 DU +97 8 88 IS +97 8 89 DU +97 8 90 AS +97 8 91 KO +97 8 92 NA +97 8 93 AS +97 8 94 DU +97 8 95 AA +97 8 96 KO +97 8 97 DU +97 8 98 IS +97 8 99 NA +97 8 100 AS +97 8 101 IS +97 8 102 AA +97 8 103 KO +97 8 104 AA +97 8 105 TI +97 8 106 IS +97 8 107 AA +97 8 108 KO +97 8 109 DU +97 8 110 TI +97 8 111 AS +97 8 112 IS +97 8 113 DU +97 8 114 AS +97 8 115 IS +97 8 116 AA +97 8 117 DU +97 8 118 IS +97 8 119 AS +97 8 120 YM +97 8 121 IS +97 8 122 AS +97 8 123 DU +97 8 124 KO +97 8 125 IS +97 8 126 TI +97 8 127 DU +97 8 128 KO +97 8 129 AA +97 8 130 DU +97 8 131 TI +97 8 132 IS +97 8 133 AS +97 8 134 DU +97 8 135 IS +97 8 136 AS +97 8 137 DU +97 8 138 AA +97 8 139 AA +97 8 140 AS +97 8 141 AA +97 8 142 AA +97 8 143 KO +97 8 144 DU +97 8 145 AS +97 8 146 TI +97 8 147 AS +97 8 148 IS +97 8 149 KO +97 8 150 DU +97 8 151 IS +97 8 152 AA +97 8 153 AS +97 8 154 DU +97 8 155 KO +97 8 156 AS +97 8 157 DU +97 8 158 AA +97 8 159 KO +97 8 160 TI +97 8 161 AS +97 8 162 IS +97 8 163 AS +97 8 164 DU +97 8 165 AS +97 8 166 DU +97 8 167 NA +97 8 168 AS +97 8 169 AS +97 8 170 DU +97 8 171 AS +97 8 172 NA +97 8 173 IS +97 8 174 KO +97 8 175 AA +97 8 176 IS +97 8 177 TI +97 8 178 DU +97 8 179 KO +97 8 180 AS +97 8 181 TI +97 8 182 IS +97 8 183 DU +97 8 184 DM +97 8 185 KO +97 8 186 AS +97 8 187 KO +97 8 188 AS +97 8 189 AA +97 8 190 KO +97 8 191 AS +97 8 192 DM +97 8 193 KO +97 8 194 IS +97 8 195 AS +97 8 196 AS +97 8 197 DU +97 8 198 DU +97 8 199 AA +97 8 200 DU +97 8 201 KO +97 8 202 AS +97 8 203 IS +97 8 204 DU +97 8 205 DM +97 8 206 NA +97 8 207 IS +97 8 208 DU +97 8 209 AS +97 8 210 DU +97 8 211 DM +97 8 212 KO +97 8 213 AA +97 8 214 AS +97 8 215 IS +97 8 216 DU +97 8 217 KO +97 8 218 TI +97 8 219 AA +97 8 220 DU +97 8 221 AA +97 8 222 DM +97 8 223 AS +97 8 224 AA +97 8 225 KO +97 8 226 AS +97 8 227 DU +97 8 228 DM +97 8 229 KO +97 8 230 AA +97 8 231 IS +97 8 232 TI +97 8 233 DM +97 8 234 AS +97 8 235 DM +97 8 236 TI +97 8 237 KO +97 8 238 AS +97 8 239 IS +97 8 240 TI +97 8 241 AA +97 8 242 KO +97 8 243 IS +97 8 244 AA +97 8 245 IS +97 8 246 AS +97 8 247 DU +97 8 248 AS +97 8 249 AS +97 8 250 DM +97 8 251 KO +97 8 252 AA +97 8 253 AS +97 8 254 AA +97 8 255 DU +97 8 256 IS +97 8 257 DM +97 8 258 KO +97 8 259 IS +97 8 260 AA +97 8 261 KO +97 8 262 AA +97 8 263 DU +97 8 264 NA +97 8 265 AS +97 8 266 KO +97 8 267 DU +97 8 268 AS +97 8 269 IS +97 8 270 KO +97 8 271 DU +97 8 272 AA +97 8 273 IS +97 8 274 NA +97 8 275 AS +97 8 276 IS +97 8 277 DU +97 8 278 TI +97 8 279 DU +97 8 280 AS +97 8 281 AS +97 8 282 TI +97 8 283 DU +97 8 284 NA +97 8 285 KO +97 8 286 AA +97 8 287 KO +97 8 288 IS +97 8 289 AS +97 8 290 AA +97 8 291 DM +97 8 292 KO +97 8 293 TI +97 8 294 AA +97 8 295 DU +97 8 296 DM +97 8 297 KO +97 8 298 IS +97 8 299 AS +97 8 300 AA +97 8 301 AS +97 8 302 AA +97 8 303 NA +97 8 304 KO +97 8 305 DU +97 8 306 KO +97 8 307 AS +97 8 308 TI +97 8 309 DU +97 8 310 AS +97 8 311 DM +97 8 312 DU +97 8 313 DM +97 8 314 AA +97 8 315 AS +97 8 316 AS +97 8 317 IS +97 8 318 KO +97 8 319 AA +97 8 320 DM +97 8 321 IS +97 8 322 NA +97 8 323 AS +97 8 324 AA +97 8 325 IS +97 8 326 KO +97 8 327 AA +97 8 328 AS +97 8 329 KO +97 8 330 AA +97 9 1 TI +97 9 2 AB +97 9 3 TM +97 9 4 TI +97 9 5 AB +97 9 6 TI +97 9 7 AB +97 9 8 TM +97 9 9 TI +97 9 10 DU +97 9 11 AB +97 9 12 TI +97 9 13 DU +97 9 14 DU +97 9 15 AB +97 9 16 NA +97 9 17 TI +97 9 18 DU +97 9 19 AB +97 9 20 TI +97 9 21 TM +97 9 22 TI +97 9 23 DU +97 9 24 DU +97 9 25 TI +97 9 26 DU +97 9 27 NA +97 9 28 TM +97 9 29 TI +97 9 30 AB +97 9 31 TI +97 9 32 AB +97 9 33 TI +97 9 34 DU +97 9 35 TI +97 9 36 DU +97 9 37 AB +97 9 38 TM +97 9 39 TI +97 9 40 TI +97 9 41 TM +97 9 42 AB +97 9 43 DU +97 9 44 AA +97 9 45 TI +97 9 46 DU +97 9 47 DU +97 9 48 TI +97 9 49 AA +97 9 50 TI +97 9 51 DU +97 9 52 AA +97 9 53 TM +97 9 54 DU +97 9 55 TI +97 9 56 AA +97 9 57 DU +97 9 58 TI +97 9 59 NA +97 9 60 DU +97 9 61 TM +97 9 62 DU +97 9 63 TI +97 9 64 DU +97 9 65 TM +97 9 66 AA +97 9 67 TI +97 9 68 TM +97 9 69 AB +97 9 70 NA +97 9 71 TM +97 9 72 TI +97 9 73 DU +97 9 74 AB +97 9 75 TI +97 9 76 TM +97 9 77 TI +97 9 78 AA +97 9 79 DU +97 9 80 TI +97 9 81 AB +97 9 82 TI +97 9 83 AA +97 9 84 AB +97 9 85 TI +97 9 86 TM +97 9 87 DU +97 9 88 TI +97 9 89 DU +97 9 90 DU +97 9 91 AB +97 9 92 NA +97 9 93 TI +97 9 94 DU +97 9 95 AB +97 9 96 TI +97 9 97 DU +97 9 98 TM +97 9 99 AA +97 9 100 TI +97 9 101 TM +97 9 102 AA +97 9 103 TI +97 9 104 TI +97 9 105 TI +97 9 106 TM +97 9 107 AA +97 9 108 AA +97 9 109 DU +97 9 110 TI +97 9 111 DU +97 9 112 TM +97 9 113 DU +97 9 114 TI +97 9 115 TM +97 9 116 AA +97 9 117 DU +97 9 118 TM +97 9 119 TI +97 9 120 NA +97 9 121 TM +97 9 122 TI +97 9 123 TI +97 9 124 TI +97 9 125 TM +97 9 126 TI +97 9 127 DU +97 9 128 TI +97 9 129 AA +97 9 130 DU +97 9 131 AA +97 9 132 TM +97 9 133 DU +97 9 134 DU +97 9 135 TM +97 9 136 AA +97 9 137 TI +97 9 138 TI +97 9 139 AA +97 9 140 TI +97 9 141 AA +97 9 142 AA +97 9 143 TI +97 9 144 DU +97 9 145 TI +97 9 146 AB +97 9 147 TI +97 9 148 TM +97 9 149 DU +97 9 150 DU +97 9 151 TM +97 9 152 TM +97 9 153 DU +97 9 154 DU +97 9 155 DU +97 9 156 TI +97 9 157 DU +97 9 158 AA +97 9 159 TI +97 9 160 TM +97 9 161 TI +97 9 162 TM +97 9 163 TI +97 9 164 TI +97 9 165 DU +97 9 166 DU +97 9 167 TI +97 9 168 TI +97 9 169 DU +97 9 170 DU +97 9 171 TI +97 9 172 NA +97 9 173 TM +97 9 174 TI +97 9 175 NA +97 9 176 TM +97 9 177 TI +97 9 178 DU +97 9 179 TM +97 9 180 TI +97 9 181 AA +97 9 182 TM +97 9 183 DU +97 9 184 TM +97 9 185 AA +97 9 186 AA +97 9 187 TI +97 9 188 TI +97 9 189 AA +97 9 190 TM +97 9 191 TI +97 9 192 TM +97 9 193 TI +97 9 194 TM +97 9 195 TI +97 9 196 AA +97 9 197 AA +97 9 198 DU +97 9 199 AA +97 9 200 TI +97 9 201 TI +97 9 202 TI +97 9 203 TM +97 9 204 DU +97 9 205 AB +97 9 206 NA +97 9 207 TM +97 9 208 TI +97 9 209 DU +97 9 210 DU +97 9 211 TI +97 9 212 AA +97 9 213 AA +97 9 214 TI +97 9 215 TM +97 9 216 DU +97 9 217 TM +97 9 218 TI +97 9 219 AA +97 9 220 TM +97 9 221 AA +97 9 222 TM +97 9 223 TI +97 9 224 AA +97 9 225 TI +97 9 226 DU +97 9 227 DU +97 9 228 DU +97 9 229 TI +97 9 230 AA +97 9 231 TM +97 9 232 DU +97 9 233 AA +97 9 234 TI +97 9 235 AA +97 9 236 TI +97 9 237 TI +97 9 238 AA +97 9 239 TM +97 9 240 DU +97 9 241 AA +97 9 242 TI +97 9 243 TM +97 9 244 AA +97 9 245 TM +97 9 246 TI +97 9 247 DU +97 9 248 DU +97 9 249 TI +97 9 250 TI +97 9 251 TI +97 9 252 AA +97 9 253 TI +97 9 254 TI +97 9 255 DU +97 9 256 TM +97 9 257 DU +97 9 258 TI +97 9 259 TM +97 9 260 AA +97 9 261 TM +97 9 262 AA +97 9 263 DU +97 9 264 AA +97 9 265 DU +97 9 266 TM +97 9 267 TM +97 9 268 TI +97 9 269 TM +97 9 270 TI +97 9 271 DU +97 9 272 AA +97 9 273 TM +97 9 274 AA +97 9 275 TI +97 9 276 TM +97 9 277 DU +97 9 278 TM +97 9 279 DU +97 9 280 TI +97 9 281 TI +97 9 282 TI +97 9 283 DU +97 9 284 AA +97 9 285 TI +97 9 286 AA +97 9 287 TI +97 9 288 TM +97 9 289 TI +97 9 290 AA +97 9 291 DU +97 9 292 TM +97 9 293 AA +97 9 294 AA +97 9 295 DU +97 9 296 TI +97 9 297 TI +97 9 298 TM +97 9 299 TI +97 9 300 DU +97 9 301 TI +97 9 302 AA +97 9 303 AA +97 9 304 TI +97 9 305 DU +97 9 306 TI +97 9 307 TI +97 9 308 DU +97 9 309 DU +97 9 310 TI +97 9 311 TI +97 9 312 DU +97 9 313 TI +97 9 314 AA +97 9 315 TI +97 9 316 TI +97 9 317 TM +97 9 318 TM +97 9 319 AA +97 9 320 TI +97 9 321 TM +97 9 322 TI +97 9 323 TI +97 9 324 AA +97 9 325 TM +97 9 326 TI +97 9 327 AA +97 9 328 DU +97 9 329 TI +97 9 330 AA +97 10 1 ML +97 10 2 TI +97 10 3 TM +97 10 4 TI +97 10 5 ML +97 10 6 TI +97 10 7 TI +97 10 8 TM +97 10 9 TI +97 10 10 ML +97 10 11 ML +97 10 12 TI +97 10 13 TI +97 10 14 ML +97 10 15 TI +97 10 16 ML +97 10 17 TM +97 10 18 ML +97 10 19 TI +97 10 20 TI +97 10 21 TM +97 10 22 TI +97 10 23 ML +97 10 24 ML +97 10 25 ML +97 10 26 ML +97 10 27 ML +97 10 28 TM +97 10 29 ML +97 10 30 TM +97 10 31 ML +97 10 32 TM +97 10 33 TI +97 10 34 ML +97 10 35 TM +97 10 36 ML +97 10 37 ML +97 10 38 TM +97 10 39 ML +97 10 40 ML +97 10 41 TM +97 10 42 TI +97 10 43 ML +97 10 44 ML +97 10 45 ML +97 10 46 ML +97 10 47 ML +97 10 48 TI +97 10 49 ML +97 10 50 TI +97 10 51 TI +97 10 52 TI +97 10 53 TI +97 10 54 ML +97 10 55 ML +97 10 56 TI +97 10 57 ML +97 10 58 TI +97 10 59 TI +97 10 60 ML +97 10 61 TM +97 10 62 TI +97 10 63 TM +97 10 64 ML +97 10 65 TM +97 10 66 AA +97 10 67 TI +97 10 68 TM +97 10 69 AA +97 10 70 TI +97 10 71 TM +97 10 72 AA +97 10 73 AA +97 10 74 AA +97 10 75 ML +97 10 76 TM +97 10 77 TI +97 10 78 TI +97 10 79 ML +97 10 80 ML +97 10 81 TI +97 10 82 TI +97 10 83 AA +97 10 84 TI +97 10 85 TI +97 10 86 TM +97 10 87 ML +97 10 88 TI +97 10 89 ML +97 10 90 ML +97 10 91 TI +97 10 92 AA +97 10 93 TI +97 10 94 ML +97 10 95 ML +97 10 96 TI +97 10 97 ML +97 10 98 TM +97 10 99 TI +97 10 100 ML +97 10 101 TM +97 10 102 ML +97 10 103 TI +97 10 104 TI +97 10 105 TI +97 10 106 ML +97 10 107 AA +97 10 108 AA +97 10 109 AA +97 10 110 TI +97 10 111 AA +97 10 112 TM +97 10 113 AA +97 10 114 TI +97 10 115 TM +97 10 116 TI +97 10 117 ML +97 10 118 TM +97 10 119 TI +97 10 120 AA +97 10 121 TM +97 10 122 TI +97 10 123 ML +97 10 124 TI +97 10 125 TM +97 10 126 TI +97 10 127 ML +97 10 128 TI +97 10 129 AA +97 10 130 ML +97 10 131 ML +97 10 132 TM +97 10 133 AA +97 10 134 ML +97 10 135 TM +97 10 136 AA +97 10 137 ML +97 10 138 AA +97 10 139 AA +97 10 140 TI +97 10 141 AA +97 10 142 AA +97 10 143 TI +97 10 144 TI +97 10 145 TI +97 10 146 AA +97 10 147 AA +97 10 148 TM +97 10 149 TI +97 10 150 ML +97 10 151 TM +97 10 152 TI +97 10 153 AA +97 10 154 ML +97 10 155 ML +97 10 156 TI +97 10 157 ML +97 10 158 AA +97 10 159 TI +97 10 160 ML +97 10 161 ML +97 10 162 TM +97 10 163 ML +97 10 164 ML +97 10 165 ML +97 10 166 ML +97 10 167 ML +97 10 168 ML +97 10 169 ML +97 10 170 ML +97 10 171 TI +97 10 172 AA +97 10 173 TM +97 10 174 TI +97 10 175 AA +97 10 176 TM +97 10 177 TI +97 10 178 ML +97 10 179 TM +97 10 180 TI +97 10 181 TI +97 10 182 TM +97 10 183 TI +97 10 184 AA +97 10 185 TI +97 10 186 AA +97 10 187 TM +97 10 188 AA +97 10 189 AA +97 10 190 TI +97 10 191 TI +97 10 192 ML +97 10 193 TI +97 10 194 ML +97 10 195 TI +97 10 196 AA +97 10 197 TI +97 10 198 AA +97 10 199 AA +97 10 200 TI +97 10 201 TI +97 10 202 TI +97 10 203 AA +97 10 204 ML +97 10 205 ML +97 10 206 AA +97 10 207 TM +97 10 208 TI +97 10 209 ML +97 10 210 AA +97 10 211 AA +97 10 212 TM +97 10 213 AA +97 10 214 TI +97 10 215 TI +97 10 216 ML +97 10 217 TI +97 10 218 TI +97 10 219 AA +97 10 220 AA +97 10 221 ML +97 10 222 TI +97 10 223 AA +97 10 224 AA +97 10 225 TI +97 10 226 AA +97 10 227 ML +97 10 228 ML +97 10 229 TI +97 10 230 AA +97 10 231 AA +97 10 232 TI +97 10 233 ML +97 10 234 TI +97 10 235 TI +97 10 236 TI +97 10 237 AA +97 10 238 ML +97 10 239 TM +97 10 240 ML +97 10 241 AA +97 10 242 AA +97 10 243 ML +97 10 244 AA +97 10 245 TM +97 10 246 TI +97 10 247 TI +97 10 248 ML +97 10 249 TI +97 10 250 ML +97 10 251 TI +97 10 252 ML +97 10 253 AA +97 10 254 AA +97 10 255 ML +97 10 256 TM +97 10 257 AA +97 10 258 TI +97 10 259 TM +97 10 260 TI +97 10 261 TM +97 10 262 AA +97 10 263 AA +97 10 264 AA +97 10 265 ML +97 10 266 TM +97 10 267 ML +97 10 268 TI +97 10 269 TM +97 10 270 TI +97 10 271 TI +97 10 272 AA +97 10 273 TI +97 10 274 AA +97 10 275 TI +97 10 276 TM +97 10 277 AA +97 10 278 ML +97 10 279 TM +97 10 280 AA +97 10 281 TI +97 10 282 TI +97 10 283 AA +97 10 284 AA +97 10 285 TI +97 10 286 AA +97 10 287 TI +97 10 288 TM +97 10 289 AA +97 10 290 AA +97 10 291 AA +97 10 292 TM +97 10 293 AA +97 10 294 AA +97 10 295 TI +97 10 296 ML +97 10 297 TI +97 10 298 TM +97 10 299 AA +97 10 300 ML +97 10 301 ML +97 10 302 ML +97 10 303 TI +97 10 304 AA +97 10 305 ML +97 10 306 TI +97 10 307 ML +97 10 308 ML +97 10 309 ML +97 10 310 ML +97 10 311 ML +97 10 312 TI +97 10 313 ML +97 10 314 AA +97 10 315 AA +97 10 316 AA +97 10 317 TM +97 10 318 TM +97 10 319 AA +97 10 320 AA +97 10 321 TM +97 10 322 TI +97 10 323 ML +97 10 324 AA +97 10 325 AA +97 10 326 TI +97 10 327 AA +97 10 328 TI +97 10 329 TI +97 10 330 AA +97 11 1 DU +97 11 2 ML +97 11 3 YM +97 11 4 TI +97 11 5 ML +97 11 6 TI +97 11 7 TI +97 11 8 YM +97 11 9 TI +97 11 10 ML +97 11 11 ML +97 11 12 TI +97 11 13 ML +97 11 14 ML +97 11 15 TI +97 11 16 ML +97 11 17 YM +97 11 18 ML +97 11 19 TI +97 11 20 TI +97 11 21 YM +97 11 22 ML +97 11 23 TI +97 11 24 TI +97 11 25 ML +97 11 26 DU +97 11 27 ML +97 11 28 YM +97 11 29 ML +97 11 30 TI +97 11 31 ML +97 11 32 YM +97 11 33 TI +97 11 34 TI +97 11 35 YM +97 11 36 ML +97 11 37 ML +97 11 38 YM +97 11 39 YM +97 11 40 ML +97 11 41 YM +97 11 42 TI +97 11 43 ML +97 11 44 ML +97 11 45 ML +97 11 46 ML +97 11 47 TI +97 11 48 TI +97 11 49 ML +97 11 50 ML +97 11 51 TI +97 11 52 ML +97 11 53 TM +97 11 54 TI +97 11 55 ML +97 11 56 TI +97 11 57 ML +97 11 58 ML +97 11 59 TI +97 11 60 ML +97 11 61 TM +97 11 62 TI +97 11 63 ML +97 11 64 TI +97 11 65 TM +97 11 66 ML +97 11 67 ML +97 11 68 TM +97 11 69 TI +97 11 70 ML +97 11 71 TM +97 11 72 TI +97 11 73 TM +97 11 74 ML +97 11 75 ML +97 11 76 TM +97 11 77 ML +97 11 78 TI +97 11 79 ML +97 11 80 TI +97 11 81 TI +97 11 82 ML +97 11 83 ML +97 11 84 TM +97 11 85 ML +97 11 86 TM +97 11 87 ML +97 11 88 TM +97 11 89 ML +97 11 90 ML +97 11 91 TI +97 11 92 ML +97 11 93 TI +97 11 94 ML +97 11 95 ML +97 11 96 TI +97 11 97 TM +97 11 98 TM +97 11 99 ML +97 11 100 ML +97 11 101 TM +97 11 102 ML +97 11 103 ML +97 11 104 TI +97 11 105 TI +97 11 106 TM +97 11 107 ML +97 11 108 ML +97 11 109 ML +97 11 110 TI +97 11 111 ML +97 11 112 TM +97 11 113 ML +97 11 114 ML +97 11 115 TM +97 11 116 TI +97 11 117 ML +97 11 118 TM +97 11 119 TI +97 11 120 TI +97 11 121 TM +97 11 122 ML +97 11 123 ML +97 11 124 TI +97 11 125 TM +97 11 126 TM +97 11 127 ML +97 11 128 TI +97 11 129 ML +97 11 130 ML +97 11 131 TM +97 11 132 TM +97 11 133 TI +97 11 134 ML +97 11 135 TM +97 11 136 TI +97 11 137 ML +97 11 138 TI +97 11 139 ML +97 11 140 TI +97 11 141 ML +97 11 142 ML +97 11 143 TI +97 11 144 TM +97 11 145 ML +97 11 146 TI +97 11 147 ML +97 11 148 TM +97 11 149 TI +97 11 150 TM +97 11 151 TM +97 11 152 TI +97 11 153 ML +97 11 154 ML +97 11 155 ML +97 11 156 TI +97 11 157 TI +97 11 158 ML +97 11 159 TI +97 11 160 ML +97 11 161 TI +97 11 162 TM +97 11 163 ML +97 11 164 ML +97 11 165 TI +97 11 166 ML +97 11 167 TI +97 11 168 ML +97 11 169 ML +97 11 170 ML +97 11 171 TI +97 11 172 YM +97 11 173 TM +97 11 174 TI +97 11 175 ML +97 11 176 TM +97 11 177 TI +97 11 178 ML +97 11 179 TM +97 11 180 ML +97 11 181 TI +97 11 182 TM +97 11 183 TI +97 11 184 TM +97 11 185 TI +97 11 186 ML +97 11 187 TI +97 11 188 ML +97 11 189 TI +97 11 190 TI +97 11 191 ML +97 11 192 TI +97 11 193 ML +97 11 194 TM +97 11 195 TI +97 11 196 YM +97 11 197 TM +97 11 198 ML +97 11 199 ML +97 11 200 ML +97 11 201 TI +97 11 202 ML +97 11 203 TM +97 11 204 ML +97 11 205 TI +97 11 206 TI +97 11 207 TM +97 11 208 TI +97 11 209 ML +97 11 210 TM +97 11 211 TI +97 11 212 TI +97 11 213 ML +97 11 214 TI +97 11 215 TM +97 11 216 ML +97 11 217 TI +97 11 218 TI +97 11 219 ML +97 11 220 ML +97 11 221 ML +97 11 222 TI +97 11 223 ML +97 11 224 TI +97 11 225 TI +97 11 226 ML +97 11 227 ML +97 11 228 ML +97 11 229 TI +97 11 230 TI +97 11 231 TM +97 11 232 TI +97 11 233 ML +97 11 234 ML +97 11 235 ML +97 11 236 TI +97 11 237 TI +97 11 238 ML +97 11 239 TM +97 11 240 TM +97 11 241 TI +97 11 242 ML +97 11 243 TM +97 11 244 ML +97 11 245 TM +97 11 246 ML +97 11 247 TI +97 11 248 ML +97 11 249 ML +97 11 250 TM +97 11 251 TI +97 11 252 TI +97 11 253 ML +97 11 254 ML +97 11 255 ML +97 11 256 TM +97 11 257 ML +97 11 258 TI +97 11 259 TM +97 11 260 ML +97 11 261 TI +97 11 262 ML +97 11 263 NA +97 11 264 TI +97 11 265 ML +97 11 266 TM +97 11 267 TM +97 11 268 ML +97 11 269 TM +97 11 270 TI +97 11 271 ML +97 11 272 ML +97 11 273 TM +97 11 274 ML +97 11 275 TI +97 11 276 TM +97 11 277 ML +97 11 278 ML +97 11 279 TM +97 11 280 ML +97 11 281 ML +97 11 282 TI +97 11 283 ML +97 11 284 TI +97 11 285 TI +97 11 286 ML +97 11 287 TI +97 11 288 TM +97 11 289 TI +97 11 290 TI +97 11 291 ML +97 11 292 ML +97 11 293 ML +97 11 294 NA +97 11 295 TI +97 11 296 TM +97 11 297 TI +97 11 298 TM +97 11 299 TI +97 11 300 ML +97 11 301 ML +97 11 302 TI +97 11 303 ML +97 11 304 TI +97 11 305 TM +97 11 306 ML +97 11 307 ML +97 11 308 TI +97 11 309 ML +97 11 310 ML +97 11 311 ML +97 11 312 ML +97 11 313 ML +97 11 314 TI +97 11 315 TI +97 11 316 ML +97 11 317 TM +97 11 318 TI +97 11 319 ML +97 11 320 ML +97 11 321 TM +97 11 322 ML +97 11 323 ML +97 11 324 ML +97 11 325 TM +97 11 326 TI +97 11 327 ML +97 11 328 TI +97 11 329 TI +97 11 330 ML +97 12 1 DU +97 12 2 AA +97 12 3 IS +97 12 4 DU +97 12 5 AA +97 12 6 TI +97 12 7 AA +97 12 8 IS +97 12 9 AA +97 12 10 DU +97 12 11 DU +97 12 12 TI +97 12 13 DU +97 12 14 DU +97 12 15 AA +97 12 16 AA +97 12 17 IS +97 12 18 DU +97 12 19 DU +97 12 20 AA +97 12 21 IS +97 12 22 TI +97 12 23 DU +97 12 24 DU +97 12 25 DU +97 12 26 DU +97 12 27 AA +97 12 28 IS +97 12 29 AA +97 12 30 AA +97 12 31 AA +97 12 32 AA +97 12 33 AA +97 12 34 DU +97 12 35 IS +97 12 36 DU +97 12 37 AA +97 12 38 IS +97 12 39 AA +97 12 40 AA +97 12 41 IS +97 12 42 TI +97 12 43 DU +97 12 44 AA +97 12 45 AA +97 12 46 DU +97 12 47 DU +97 12 48 TI +97 12 49 AA +97 12 50 AA +97 12 51 AA +97 12 52 AA +97 12 53 IS +97 12 54 DU +97 12 55 AA +97 12 56 AA +97 12 57 DU +97 12 58 DU +97 12 59 AA +97 12 60 DU +97 12 61 IS +97 12 62 DU +97 12 63 IS +97 12 64 DU +97 12 65 IS +97 12 66 AA +97 12 67 AA +97 12 68 IS +97 12 69 DU +97 12 70 AA +97 12 71 IS +97 12 72 IS +97 12 73 IS +97 12 74 AA +97 12 75 DU +97 12 76 IS +97 12 77 DU +97 12 78 AA +97 12 79 DU +97 12 80 DU +97 12 81 AA +97 12 82 AA +97 12 83 AA +97 12 84 AA +97 12 85 DU +97 12 86 IS +97 12 87 DU +97 12 88 IS +97 12 89 DU +97 12 90 DU +97 12 91 AA +97 12 92 AA +97 12 93 DU +97 12 94 DU +97 12 95 AA +97 12 96 TI +97 12 97 DU +97 12 98 IS +97 12 99 DU +97 12 100 AA +97 12 101 IS +97 12 102 AA +97 12 103 DU +97 12 104 AA +97 12 105 IS +97 12 106 TI +97 12 107 AA +97 12 108 AA +97 12 109 DU +97 12 110 AA +97 12 111 DU +97 12 112 IS +97 12 113 DU +97 12 114 DU +97 12 115 IS +97 12 116 AA +97 12 117 DU +97 12 118 IS +97 12 119 DU +97 12 120 AA +97 12 121 IS +97 12 122 DU +97 12 123 DU +97 12 124 DU +97 12 125 IS +97 12 126 IS +97 12 127 DU +97 12 128 TI +97 12 129 AA +97 12 130 DU +97 12 131 IS +97 12 132 IS +97 12 133 DU +97 12 134 DU +97 12 135 IS +97 12 136 AA +97 12 137 DU +97 12 138 AA +97 12 139 AA +97 12 140 DU +97 12 141 AA +97 12 142 AA +97 12 143 AA +97 12 144 DU +97 12 145 AA +97 12 146 TI +97 12 147 AA +97 12 148 IS +97 12 149 TI +97 12 150 DU +97 12 151 IS +97 12 152 AA +97 12 153 DU +97 12 154 DU +97 12 155 DU +97 12 156 DU +97 12 157 DU +97 12 158 AA +97 12 159 TI +97 12 160 TI +97 12 161 DU +97 12 162 IS +97 12 163 DU +97 12 164 DU +97 12 165 DU +97 12 166 DU +97 12 167 DU +97 12 168 DU +97 12 169 DU +97 12 170 DU +97 12 171 DU +97 12 172 AA +97 12 173 IS +97 12 174 TI +97 12 175 DU +97 12 176 IS +97 12 177 AA +97 12 178 DU +97 12 179 IS +97 12 180 DU +97 12 181 TI +97 12 182 TI +97 12 183 DU +97 12 184 DU +97 12 185 AA +97 12 186 DU +97 12 187 AA +97 12 188 DU +97 12 189 AA +97 12 190 AA +97 12 191 DU +97 12 192 DU +97 12 193 AA +97 12 194 IS +97 12 195 DU +97 12 196 AA +97 12 197 DU +97 12 198 DU +97 12 199 AA +97 12 200 DU +97 12 201 AA +97 12 202 DU +97 12 203 IS +97 12 204 DU +97 12 205 DU +97 12 206 AA +97 12 207 IS +97 12 208 TI +97 12 209 DU +97 12 210 DU +97 12 211 AA +97 12 212 TI +97 12 213 AA +97 12 214 AA +97 12 215 AA +97 12 216 DU +97 12 217 TI +97 12 218 TI +97 12 219 AA +97 12 220 DU +97 12 221 AA +97 12 222 DU +97 12 223 DU +97 12 224 AA +97 12 225 TI +97 12 226 DU +97 12 227 DU +97 12 228 DU +97 12 229 AA +97 12 230 AA +97 12 231 AA +97 12 232 AA +97 12 233 AA +97 12 234 AA +97 12 235 DU +97 12 236 AA +97 12 237 TI +97 12 238 DU +97 12 239 AA +97 12 240 TI +97 12 241 AA +97 12 242 AA +97 12 243 IS +97 12 244 AA +97 12 245 IS +97 12 246 DU +97 12 247 DU +97 12 248 DU +97 12 249 DU +97 12 250 DU +97 12 251 AA +97 12 252 AA +97 12 253 DU +97 12 254 AA +97 12 255 DU +97 12 256 IS +97 12 257 DU +97 12 258 TI +97 12 259 IS +97 12 260 AA +97 12 261 IS +97 12 262 AA +97 12 263 AA +97 12 264 AA +97 12 265 AA +97 12 266 IS +97 12 267 IS +97 12 268 IS +97 12 269 IS +97 12 270 IS +97 12 271 DU +97 12 272 AA +97 12 273 AA +97 12 274 AA +97 12 275 AA +97 12 276 IS +97 12 277 DU +97 12 278 IS +97 12 279 DU +97 12 280 AA +97 12 281 DU +97 12 282 DU +97 12 283 DU +97 12 284 AA +97 12 285 IS +97 12 286 AA +97 12 287 TI +97 12 288 IS +97 12 289 DU +97 12 290 AA +97 12 291 DU +97 12 292 TI +97 12 293 AA +97 12 294 AA +97 12 295 TI +97 12 296 DU +97 12 297 TI +97 12 298 IS +97 12 299 DU +97 12 300 AA +97 12 301 DU +97 12 302 AA +97 12 303 AA +97 12 304 DU +97 12 305 DU +97 12 306 AA +97 12 307 DU +97 12 308 DU +97 12 309 DU +97 12 310 DU +97 12 311 DU +97 12 312 DU +97 12 313 DU +97 12 314 AA +97 12 315 DU +97 12 316 DU +97 12 317 IS +97 12 318 IS +97 12 319 AA +97 12 320 DU +97 12 321 IS +97 12 322 DU +97 12 323 DU +97 12 324 AA +97 12 325 DU +97 12 326 TI +97 12 327 AA +97 12 328 DU +97 12 329 DU +97 12 330 AA +97 13 1 TI +97 13 2 KE +97 13 3 IS +97 13 4 LL +97 13 5 TI +97 13 6 TI +97 13 7 TI +97 13 8 IS +97 13 9 TI +97 13 10 TI +97 13 11 YM +97 13 12 TI +97 13 13 YM +97 13 14 YM +97 13 15 TI +97 13 16 NA +97 13 17 IS +97 13 18 YM +97 13 19 TI +97 13 20 TI +97 13 21 IS +97 13 22 TI +97 13 23 TI +97 13 24 YM +97 13 25 TI +97 13 26 TI +97 13 27 NA +97 13 28 IS +97 13 29 TI +97 13 30 * +97 13 31 NA +97 13 32 TI +97 13 33 YM +97 13 34 TI +97 13 35 IS +97 13 36 YM +97 13 37 TI +97 13 38 IS +97 13 39 TI +97 13 40 YM +97 13 41 IS +97 13 42 YM +97 13 43 YM +97 13 44 NA +97 13 45 YM +97 13 46 YM +97 13 47 YM +97 13 48 YM +97 13 49 YM +97 13 50 IS +97 13 51 NA +97 13 52 NA +97 13 53 IS +97 13 54 YM +97 13 55 NA +97 13 56 IS +97 13 57 YM +97 13 58 TI +97 13 59 NA +97 13 60 YM +97 13 61 IS +97 13 62 YM +97 13 63 IS +97 13 64 YM +97 13 65 IS +97 13 66 NA +97 13 67 YM +97 13 68 IS +97 13 69 YM +97 13 70 NA +97 13 71 IS +97 13 72 YM +97 13 73 IS +97 13 74 NA +97 13 75 YM +97 13 76 IS +97 13 77 YM +97 13 78 IS +97 13 79 YM +97 13 80 YM +97 13 81 TI +97 13 82 TI +97 13 83 YM +97 13 84 IS +97 13 85 YM +97 13 86 IS +97 13 87 YM +97 13 88 IS +97 13 89 NA +97 13 90 YM +97 13 91 TI +97 13 92 YM +97 13 93 YM +97 13 94 NA +97 13 95 YM +97 13 96 TI +97 13 97 YM +97 13 98 IS +97 13 99 IS +97 13 100 YM +97 13 101 IS +97 13 102 YM +97 13 103 NA +97 13 104 YM +97 13 105 TI +97 13 106 NA +97 13 107 YM +97 13 108 TI +97 13 109 YM +97 13 110 YM +97 13 111 NA +97 13 112 IS +97 13 113 YM +97 13 114 TI +97 13 115 IS +97 13 116 TI +97 13 117 YM +97 13 118 IS +97 13 119 TI +97 13 120 NA +97 13 121 IS +97 13 122 YM +97 13 123 TI +97 13 124 YM +97 13 125 IS +97 13 126 IS +97 13 127 YM +97 13 128 TI +97 13 129 NA +97 13 130 YM +97 13 131 IS +97 13 132 IS +97 13 133 YM +97 13 134 YM +97 13 135 IS +97 13 136 YM +97 13 137 YM +97 13 138 NA +97 13 139 NA +97 13 140 YM +97 13 141 NA +97 13 142 NA +97 13 143 TI +97 13 144 YM +97 13 145 TI +97 13 146 TI +97 13 147 YM +97 13 148 IS +97 13 149 TI +97 13 150 IS +97 13 151 IS +97 13 152 YM +97 13 153 TI +97 13 154 YM +97 13 155 YM +97 13 156 TI +97 13 157 YM +97 13 158 NA +97 13 159 TI +97 13 160 IS +97 13 161 NA +97 13 162 IS +97 13 163 TI +97 13 164 YM +97 13 165 YM +97 13 166 NA +97 13 167 TI +97 13 168 YM +97 13 169 YM +97 13 170 NA +97 13 171 TI +97 13 172 NA +97 13 173 IS +97 13 174 TI +97 13 175 NA +97 13 176 IS +97 13 177 TI +97 13 178 YM +97 13 179 IS +97 13 180 YM +97 13 181 TI +97 13 182 IS +97 13 183 YM +97 13 184 IS +97 13 185 YM +97 13 186 TI +97 13 187 TI +97 13 188 NA +97 13 189 NA +97 13 190 TI +97 13 191 NA +97 13 192 IS +97 13 193 TI +97 13 194 YM +97 13 195 NA +97 13 196 TI +97 13 197 TI +97 13 198 YM +97 13 199 NA +97 13 200 TI +97 13 201 IS +97 13 202 TI +97 13 203 IS +97 13 204 YM +97 13 205 TI +97 13 206 NA +97 13 207 IS +97 13 208 TI +97 13 209 YM +97 13 210 TI +97 13 211 YM +97 13 212 TI +97 13 213 NA +97 13 214 TI +97 13 215 IS +97 13 216 YM +97 13 217 IS +97 13 218 TI +97 13 219 NA +97 13 220 TI +97 13 221 NA +97 13 222 IS +97 13 223 TI +97 13 224 NA +97 13 225 TI +97 13 226 YM +97 13 227 TI +97 13 228 YM +97 13 229 NA +97 13 230 NA +97 13 231 IS +97 13 232 YM +97 13 233 TI +97 13 234 NA +97 13 235 TI +97 13 236 YM +97 13 237 NA +97 13 238 YM +97 13 239 IS +97 13 240 YM +97 13 241 NA +97 13 242 NA +97 13 243 IS +97 13 244 TI +97 13 245 IS +97 13 246 YM +97 13 247 YM +97 13 248 TI +97 13 249 YM +97 13 250 IS +97 13 251 NA +97 13 252 NA +97 13 253 YM +97 13 254 NA +97 13 255 YM +97 13 256 IS +97 13 257 YM +97 13 258 TI +97 13 259 IS +97 13 260 NA +97 13 261 YM +97 13 262 NA +97 13 263 NA +97 13 264 NA +97 13 265 YM +97 13 266 IS +97 13 267 IS +97 13 268 YM +97 13 269 IS +97 13 270 TI +97 13 271 YM +97 13 272 NA +97 13 273 IS +97 13 274 NA +97 13 275 TI +97 13 276 IS +97 13 277 YM +97 13 278 IS +97 13 279 YM +97 13 280 TI +97 13 281 TI +97 13 282 TI +97 13 283 NA +97 13 284 NA +97 13 285 IS +97 13 286 NA +97 13 287 TI +97 13 288 IS +97 13 289 TI +97 13 290 NA +97 13 291 YM +97 13 292 NA +97 13 293 NA +97 13 294 YM +97 13 295 TI +97 13 296 IS +97 13 297 TI +97 13 298 IS +97 13 299 YM +97 13 300 NA +97 13 301 YM +97 13 302 NA +97 13 303 NA +97 13 304 TI +97 13 305 IS +97 13 306 TI +97 13 307 YM +97 13 308 IS +97 13 309 TI +97 13 310 YM +97 13 311 TI +97 13 312 YM +97 13 313 YM +97 13 314 NA +97 13 315 YM +97 13 316 TI +97 13 317 IS +97 13 318 IS +97 13 319 NA +97 13 320 YM +97 13 321 IS +97 13 322 NA +97 13 323 TI +97 13 324 NA +97 13 325 IS +97 13 326 TI +97 13 327 NA +97 13 328 TI +97 13 329 IS +97 13 330 NA +97 14 1 DU +97 14 2 AA +97 14 3 FI +97 14 4 TM +97 14 5 DU +97 14 6 YM +97 14 7 DU +97 14 8 FI +97 14 9 YM +97 14 10 DU +97 14 11 AA +97 14 12 YM +97 14 13 DU +97 14 14 DU +97 14 15 AA +97 14 16 NA +97 14 17 FI +97 14 18 DU +97 14 19 AA +97 14 20 YM +97 14 21 FI +97 14 22 NA +97 14 23 FI +97 14 24 DU +97 14 25 AA +97 14 26 DU +97 14 27 NA +97 14 28 FI +97 14 29 FI +97 14 30 NA +97 14 31 DU +97 14 32 FI +97 14 33 DU +97 14 34 NA +97 14 35 KI +97 14 36 DU +97 14 37 AA +97 14 38 KI +97 14 39 DU +97 14 40 AA +97 14 41 KI +97 14 42 DU +97 14 43 KI +97 14 44 NA +97 14 45 KI +97 14 46 DU +97 14 47 DU +97 14 48 YM +97 14 49 DU +97 14 50 KI +97 14 51 YM +97 14 52 NA +97 14 53 KI +97 14 54 DU +97 14 55 KI +97 14 56 NA +97 14 57 DU +97 14 58 AA +97 14 59 NA +97 14 60 DU +97 14 61 KI +97 14 62 YM +97 14 63 KI +97 14 64 DU +97 14 65 KI +97 14 66 NA +97 14 67 DU +97 14 68 KI +97 14 69 AA +97 14 70 NA +97 14 71 KI +97 14 72 AA +97 14 73 KI +97 14 74 AA +97 14 75 NA +97 14 76 KI +97 14 77 DU +97 14 78 YM +97 14 79 DU +97 14 80 DU +97 14 81 YM +97 14 82 DU +97 14 83 NA +97 14 84 KI +97 14 85 YM +97 14 86 KI +97 14 87 AA +97 14 88 KI +97 14 89 DU +97 14 90 YM +97 14 91 YM +97 14 92 NA +97 14 93 AA +97 14 94 DU +97 14 95 NA +97 14 96 YM +97 14 97 TM +97 14 98 TM +97 14 99 YM +97 14 100 AA +97 14 101 TM +97 14 102 YM +97 14 103 AA +97 14 104 NA +97 14 105 KI +97 14 106 YM +97 14 107 NA +97 14 108 YM +97 14 109 DU +97 14 110 YM +97 14 111 DU +97 14 112 KI +97 14 113 DU +97 14 114 DU +97 14 115 KI +97 14 116 NA +97 14 117 DU +97 14 118 KI +97 14 119 NA +97 14 120 KI +97 14 121 KI +97 14 122 DU +97 14 123 NA +97 14 124 KI +97 14 125 KI +97 14 126 YM +97 14 127 DU +97 14 128 YM +97 14 129 NA +97 14 130 DU +97 14 131 KI +97 14 132 KI +97 14 133 DU +97 14 134 DU +97 14 135 KI +97 14 136 YM +97 14 137 DU +97 14 138 DU +97 14 139 NA +97 14 140 DU +97 14 141 NA +97 14 142 NA +97 14 143 DU +97 14 144 DU +97 14 145 NA +97 14 146 YM +97 14 147 AA +97 14 148 KI +97 14 149 AA +97 14 150 KI +97 14 151 YM +97 14 152 NA +97 14 153 DU +97 14 154 AA +97 14 155 KI +97 14 156 DU +97 14 157 NA +97 14 158 AA +97 14 159 YM +97 14 160 NA +97 14 161 AA +97 14 162 KI +97 14 163 AA +97 14 164 YM +97 14 165 NA +97 14 166 DU +97 14 167 NA +97 14 168 AA +97 14 169 DU +97 14 170 AA +97 14 171 DU +97 14 172 NA +97 14 173 FI +97 14 174 NA +97 14 175 AA +97 14 176 FI +97 14 177 KI +97 14 178 AA +97 14 179 FI +97 14 180 DU +97 14 181 YM +97 14 182 KI +97 14 183 AA +97 14 184 KI +97 14 185 YM +97 14 186 NA +97 14 187 YM +97 14 188 DU +97 14 189 NA +97 14 190 KI +97 14 191 AA +97 14 192 KI +97 14 193 DU +97 14 194 KI +97 14 195 AA +97 14 196 NA +97 14 197 KI +97 14 198 DU +97 14 199 NA +97 14 200 TM +97 14 201 YM +97 14 202 DU +97 14 203 KI +97 14 204 TM +97 14 205 DU +97 14 206 NA +97 14 207 KI +97 14 208 YM +97 14 209 NA +97 14 210 DU +97 14 211 AA +97 14 212 YM +97 14 213 NA +97 14 214 KI +97 14 215 YM +97 14 216 AA +97 14 217 YM +97 14 218 AA +97 14 219 KI +97 14 220 DU +97 14 221 NA +97 14 222 TM +97 14 223 AA +97 14 224 NA +97 14 225 NA +97 14 226 DU +97 14 227 AA +97 14 228 AA +97 14 229 NA +97 14 230 YM +97 14 231 KI +97 14 232 AA +97 14 233 AA +97 14 234 TM +97 14 235 DU +97 14 236 AA +97 14 237 NA +97 14 238 DU +97 14 239 KI +97 14 240 YM +97 14 241 AA +97 14 242 NA +97 14 243 KI +97 14 244 NA +97 14 245 TM +97 14 246 DU +97 14 247 AA +97 14 248 NA +97 14 249 DU +97 14 250 TM +97 14 251 AA +97 14 252 NA +97 14 253 NA +97 14 254 KI +97 14 255 DU +97 14 256 KI +97 14 257 AA +97 14 258 NA +97 14 259 KI +97 14 260 NA +97 14 261 YM +97 14 262 AA +97 14 263 NA +97 14 264 DU +97 14 265 AA +97 14 266 KI +97 14 267 TM +97 14 268 AA +97 14 269 KI +97 14 270 TM +97 14 271 DU +97 14 272 NA +97 14 273 TM +97 14 274 NA +97 14 275 YM +97 14 276 KI +97 14 277 TM +97 14 278 AA +97 14 279 YM +97 14 280 AA +97 14 281 DU +97 14 282 AA +97 14 283 KI +97 14 284 NA +97 14 285 TM +97 14 286 NA +97 14 287 YM +97 14 288 TM +97 14 289 NA +97 14 290 YM +97 14 291 TM +97 14 292 AA +97 14 293 YM +97 14 294 NA +97 14 295 AA +97 14 296 KI +97 14 297 NA +97 14 298 KI +97 14 299 NA +97 14 300 NA +97 14 301 TM +97 14 302 YM +97 14 303 NA +97 14 304 KI +97 14 305 KI +97 14 306 YM +97 14 307 AA +97 14 308 YM +97 14 309 DU +97 14 310 AA +97 14 311 NA +97 14 312 KI +97 14 313 AA +97 14 314 NA +97 14 315 TM +97 14 316 TM +97 14 317 TM +97 14 318 YM +97 14 319 NA +97 14 320 TM +97 14 321 TM +97 14 322 NA +97 14 323 DU +97 14 324 NA +97 14 325 KI +97 14 326 NA +97 14 327 YM +97 14 328 AA +97 14 329 TM +97 14 330 YM +97 15 1 DU +97 15 2 NA +97 15 3 FI +97 15 4 TI +97 15 5 NA +97 15 6 TI +97 15 7 TI +97 15 8 FI +97 15 9 DU +97 15 10 DU +97 15 11 DU +97 15 12 TI +97 15 13 DU +97 15 14 DU +97 15 15 NA +97 15 16 NA +97 15 17 FI +97 15 18 DU +97 15 19 NA +97 15 20 NA +97 15 21 FI +97 15 22 NA +97 15 23 FI +97 15 24 DU +97 15 25 NA +97 15 26 DU +97 15 27 NA +97 15 28 FI +97 15 29 NA +97 15 30 NA +97 15 31 NA +97 15 32 FI +97 15 33 NA +97 15 34 NA +97 15 35 FI +97 15 36 DU +97 15 37 NA +97 15 38 FI +97 15 39 DU +97 15 40 NA +97 15 41 FI +97 15 42 NA +97 15 43 DU +97 15 44 NA +97 15 45 NA +97 15 46 NA +97 15 47 DU +97 15 48 FI +97 15 49 NA +97 15 50 DU +97 15 51 NA +97 15 52 NA +97 15 53 FI +97 15 54 NA +97 15 55 NA +97 15 56 NA +97 15 57 DU +97 15 58 NA +97 15 59 NA +97 15 60 DU +97 15 61 FI +97 15 62 NA +97 15 63 FI +97 15 64 DU +97 15 65 FI +97 15 66 NA +97 15 67 NA +97 15 68 FI +97 15 69 DU +97 15 70 NA +97 15 71 FI +97 15 72 DU +97 15 73 FI +97 15 74 NA +97 15 75 DU +97 15 76 FI +97 15 77 NA +97 15 78 NA +97 15 79 DU +97 15 80 DU +97 15 81 NA +97 15 82 NA +97 15 83 NA +97 15 84 FI +97 15 85 DU +97 15 86 FI +97 15 87 DU +97 15 88 FI +97 15 89 DU +97 15 90 DU +97 15 91 NA +97 15 92 NA +97 15 93 DU +97 15 94 DU +97 15 95 NA +97 15 96 NA +97 15 97 DU +97 15 98 FI +97 15 99 NA +97 15 100 NA +97 15 101 FI +97 15 102 NA +97 15 103 DU +97 15 104 NA +97 15 105 FI +97 15 106 NA +97 15 107 NA +97 15 108 NA +97 15 109 DU +97 15 110 NA +97 15 111 DU +97 15 112 FI +97 15 113 DU +97 15 114 DU +97 15 115 FI +97 15 116 NA +97 15 117 DU +97 15 118 FI +97 15 119 NA +97 15 120 NA +97 15 121 FI +97 15 122 DU +97 15 123 DU +97 15 124 NA +97 15 125 FI +97 15 126 FI +97 15 127 DU +97 15 128 NA +97 15 129 NA +97 15 130 DU +97 15 131 FI +97 15 132 FI +97 15 133 DU +97 15 134 DU +97 15 135 FI +97 15 136 NA +97 15 137 DU +97 15 138 NA +97 15 139 NA +97 15 140 DU +97 15 141 NA +97 15 142 NA +97 15 143 NA +97 15 144 DU +97 15 145 NA +97 15 146 NA +97 15 147 NA +97 15 148 FI +97 15 149 NA +97 15 150 FI +97 15 151 FI +97 15 152 FI +97 15 153 NA +97 15 154 NA +97 15 155 DU +97 15 156 NA +97 15 157 DU +97 15 158 NA +97 15 159 NA +97 15 160 NA +97 15 161 NA +97 15 162 FI +97 15 163 DU +97 15 164 NA +97 15 165 NA +97 15 166 DU +97 15 167 NA +97 15 168 DU +97 15 169 NA +97 15 170 DU +97 15 171 NA +97 15 172 NA +97 15 173 FI +97 15 174 NA +97 15 175 NA +97 15 176 FI +97 15 177 NA +97 15 178 DU +97 15 179 FI +97 15 180 NA +97 15 181 NA +97 15 182 FI +97 15 183 DU +97 15 184 FI +97 15 185 DU +97 15 186 NA +97 15 187 FI +97 15 188 NA +97 15 189 NA +97 15 190 FI +97 15 191 DU +97 15 192 FI +97 15 193 NA +97 15 194 FI +97 15 195 DU +97 15 196 NA +97 15 197 FI +97 15 198 DU +97 15 199 NA +97 15 200 NA +97 15 201 FI +97 15 202 DU +97 15 203 FI +97 15 204 DU +97 15 205 FI +97 15 206 NA +97 15 207 FI +97 15 208 DU +97 15 209 DU +97 15 210 FI +97 15 211 NA +97 15 212 TI +97 15 213 NA +97 15 214 TI +97 15 215 FI +97 15 216 DU +97 15 217 NA +97 15 218 TI +97 15 219 NA +97 15 220 TI +97 15 221 NA +97 15 222 FI +97 15 223 DU +97 15 224 NA +97 15 225 DU +97 15 226 DU +97 15 227 DU +97 15 228 DU +97 15 229 TI +97 15 230 NA +97 15 231 FI +97 15 232 NA +97 15 233 NA +97 15 234 DU +97 15 235 DU +97 15 236 TI +97 15 237 NA +97 15 238 NA +97 15 239 FI +97 15 240 TI +97 15 241 NA +97 15 242 NA +97 15 243 FI +97 15 244 NA +97 15 245 FI +97 15 246 TI +97 15 247 TI +97 15 248 DU +97 15 249 DU +97 15 250 FI +97 15 251 NA +97 15 252 NA +97 15 253 TI +97 15 254 NA +97 15 255 DU +97 15 256 FI +97 15 257 DU +97 15 258 TI +97 15 259 FI +97 15 260 NA +97 15 261 TI +97 15 262 NA +97 15 263 NA +97 15 264 NA +97 15 265 DU +97 15 266 TI +97 15 267 FI +97 15 268 NA +97 15 269 FI +97 15 270 TI +97 15 271 DU +97 15 272 NA +97 15 273 FI +97 15 274 NA +97 15 275 TI +97 15 276 FI +97 15 277 DU +97 15 278 TI +97 15 279 DU +97 15 280 NA +97 15 281 DU +97 15 282 NA +97 15 283 DU +97 15 284 NA +97 15 285 NA +97 15 286 NA +97 15 287 TI +97 15 288 FI +97 15 289 NA +97 15 290 NA +97 15 291 DU +97 15 292 TI +97 15 293 NA +97 15 294 NA +97 15 295 TI +97 15 296 FI +97 15 297 TI +97 15 298 FI +97 15 299 DU +97 15 300 NA +97 15 301 DU +97 15 302 NA +97 15 303 NA +97 15 304 TI +97 15 305 FI +97 15 306 TI +97 15 307 DU +97 15 308 NA +97 15 309 TI +97 15 310 DU +97 15 311 DU +97 15 312 DU +97 15 313 DU +97 15 314 NA +97 15 315 TI +97 15 316 DU +97 15 317 FI +97 15 318 TI +97 15 319 NA +97 15 320 TI +97 15 321 FI +97 15 322 NA +97 15 323 DU +97 15 324 NA +97 15 325 FI +97 15 326 TI +97 15 327 NA +97 15 328 DU +97 15 329 TI +97 15 330 NA +97 16 1 TI +97 16 2 AA +97 16 3 TM +97 16 4 TM +97 16 5 TI +97 16 6 AA +97 16 7 TI +97 16 8 TM +97 16 9 TI +97 16 10 TM +97 16 11 AA +97 16 12 TI +97 16 13 TI +97 16 14 AA +97 16 15 TI +97 16 16 TI +97 16 17 TM +97 16 18 AA +97 16 19 AA +97 16 20 TI +97 16 21 TM +97 16 22 TI +97 16 23 TI +97 16 24 AA +97 16 25 AA +97 16 26 TI +97 16 27 TM +97 16 28 TI +97 16 29 TI +97 16 30 TM +97 16 31 AA +97 16 32 TI +97 16 33 TM +97 16 34 AA +97 16 35 TI +97 16 36 AA +97 16 37 TI +97 16 38 TM +97 16 39 AA +97 16 40 TI +97 16 41 TM +97 16 42 TI +97 16 43 AA +97 16 44 TI +97 16 45 AA +97 16 46 TM +97 16 47 TI +97 16 48 AA +97 16 49 TM +97 16 50 TI +97 16 51 AA +97 16 52 TI +97 16 53 TM +97 16 54 AA +97 16 55 TI +97 16 56 TM +97 16 57 AA +97 16 58 TI +97 16 59 TM +97 16 60 AF +97 16 61 TM +97 16 62 AA +97 16 63 TI +97 16 64 AF +97 16 65 TM +97 16 66 AA +97 16 67 TI +97 16 68 TM +97 16 69 AA +97 16 70 TM +97 16 71 TI +97 16 72 AA +97 16 73 TM +97 16 74 AF +97 16 75 TI +97 16 76 TM +97 16 77 AA +97 16 78 AF +97 16 79 AA +97 16 80 TM +97 16 81 AA +97 16 82 TM +97 16 83 TI +97 16 84 AA +97 16 85 AA +97 16 86 TM +97 16 87 AF +97 16 88 AA +97 16 89 TM +97 16 90 TM +97 16 91 AA +97 16 92 AF +97 16 93 TI +97 16 94 AA +97 16 95 TM +97 16 96 AF +97 16 97 TI +97 16 98 TM +97 16 99 AA +97 16 100 AF +97 16 101 TI +97 16 102 AA +97 16 103 TM +97 16 104 AA +97 16 105 TM +97 16 106 AF +97 16 107 TI +97 16 108 AA +97 16 109 TM +97 16 110 TI +97 16 111 AA +97 16 112 TI +97 16 113 AA +97 16 114 TM +97 16 115 TI +97 16 116 TM +97 16 117 AF +97 16 118 AA +97 16 119 TM +97 16 120 TI +97 16 121 AA +97 16 122 TI +97 16 123 TM +97 16 124 AA +97 16 125 AF +97 16 126 TM +97 16 127 AA +97 16 128 TM +97 16 129 TI +97 16 130 AF +97 16 131 TM +97 16 132 AA +97 16 133 TM +97 16 134 AF +97 16 135 TI +97 16 136 TM +97 16 137 AA +97 16 138 TI +97 16 139 AF +97 16 140 AA +97 16 141 AA +97 16 142 TM +97 16 143 AF +97 16 144 TI +97 16 145 AA +97 16 146 TM +97 16 147 TI +97 16 148 AA +97 16 149 TM +97 16 150 TI +97 16 151 AF +97 16 152 AA +97 16 153 TM +97 16 154 AA +97 16 155 TM +97 16 156 AF +97 16 157 TI +97 16 158 AA +97 16 159 TM +97 16 160 AF +97 16 161 TI +97 16 162 AA +97 16 163 TM +97 16 164 TI +97 16 165 AA +97 16 166 TM +97 16 167 TI +97 16 168 AF +97 16 169 AA +97 16 170 TM +97 16 171 TI +97 16 172 AF +97 16 173 AA +97 16 174 TM +97 16 175 AA +97 16 176 TM +97 16 177 TI +97 16 178 AF +97 16 179 AA +97 16 180 TM +97 16 181 AA +97 16 182 TM +97 16 183 AF +97 16 184 TM +97 16 185 TI +97 16 186 AA +97 16 187 TM +97 16 188 AF +97 16 189 AA +97 16 190 TM +97 16 191 TI +97 16 192 AF +97 16 193 AA +97 16 194 TM +97 16 195 AA +97 16 196 TI +97 16 197 AF +97 16 198 TM +97 16 199 AA +97 16 200 TI +97 16 201 TM +97 16 202 AA +97 16 203 TI +97 16 204 AF +97 16 205 TI +97 16 206 TM +97 16 207 AA +97 16 208 TI +97 16 209 AF +97 16 210 TM +97 16 211 AA +97 16 212 TM +97 16 213 AA +97 16 214 TM +97 16 215 TI +97 16 216 AF +97 16 217 AA +97 16 218 TM +97 16 219 AA +97 16 220 AF +97 16 221 TI +97 16 222 TM +97 16 223 TI +97 16 224 AF +97 16 225 AA +97 16 226 TM +97 16 227 AF +97 16 228 AA +97 16 229 TM +97 16 230 AF +97 16 231 TI +97 16 232 TM +97 16 233 AA +97 16 234 TI +97 16 235 TM +97 16 236 AA +97 16 237 TM +97 16 238 TI +97 16 239 AA +97 16 240 TM +97 16 241 TI +97 16 242 AF +97 16 243 AA +97 16 244 TM +97 16 245 TI +97 16 246 TM +97 16 247 AA +97 16 248 TI +97 16 249 AA +97 16 250 TI +97 16 251 AF +97 16 252 AA +97 16 253 TI +97 16 254 AF +97 16 255 AA +97 16 256 TM +97 16 257 AA +97 16 258 TI +97 16 259 AF +97 16 260 TM +97 16 261 AA +97 16 262 TM +97 16 263 AF +97 16 264 TI +97 16 265 TM +97 16 266 AA +97 16 267 TM +97 16 268 TI +97 16 269 AF +97 16 270 TM +97 16 271 AA +97 16 272 TI +97 16 273 AA +97 16 274 TM +97 16 275 TI +97 16 276 AA +97 16 277 TI +97 16 278 TM +97 16 279 AA +97 16 280 AA +97 16 281 TI +97 16 282 AA +97 16 283 TM +97 16 284 AF +97 16 285 AA +97 16 286 TM +97 16 287 TI +97 16 288 AF +97 16 289 TM +97 16 290 AA +97 16 291 TM +97 16 292 TI +97 16 293 AF +97 16 294 TI +97 16 295 TM +97 16 296 AA +97 16 297 TI +97 16 298 AA +97 16 299 TM +97 16 300 AF +97 16 301 TI +97 16 302 AA +97 16 303 TI +97 16 304 TM +97 16 305 AF +97 16 306 TI +97 16 307 AA +97 16 308 TM +97 16 309 TI +97 16 310 AA +97 16 311 TM +97 16 312 AF +97 16 313 AA +97 16 314 TM +97 16 315 TI +97 16 316 AF +97 16 317 TM +97 16 318 AA +97 16 319 TM +97 16 320 TI +97 16 321 TM +97 16 322 AA +97 16 323 TM +97 16 324 TI +97 16 325 AF +97 16 326 AA +97 16 327 TI +97 16 328 TM +97 16 329 AA +97 16 330 TM +97 17 1 DU +97 17 2 AA +97 17 3 TM +97 17 4 TI +97 17 5 AB +97 17 6 AA +97 17 7 DU +97 17 8 TM +97 17 9 AA +97 17 10 DU +97 17 11 TI +97 17 12 TI +97 17 13 DU +97 17 14 TM +97 17 15 DU +97 17 16 AA +97 17 17 TM +97 17 18 DU +97 17 19 AA +97 17 20 DU +97 17 21 TM +97 17 22 TI +97 17 23 DU +97 17 24 AA +97 17 25 TI +97 17 26 DU +97 17 27 AA +97 17 28 TM +97 17 29 DU +97 17 30 AA +97 17 31 DU +97 17 32 TM +97 17 33 DU +97 17 34 DU +97 17 35 TM +97 17 36 AA +97 17 37 DU +97 17 38 TM +97 17 39 DU +97 17 40 AA +97 17 41 TM +97 17 42 TI +97 17 43 DU +97 17 44 AA +97 17 45 DU +97 17 46 AA +97 17 47 DU +97 17 48 TI +97 17 49 AA +97 17 50 TM +97 17 51 TI +97 17 52 AA +97 17 53 TM +97 17 54 AA +97 17 55 DU +97 17 56 TI +97 17 57 DU +97 17 58 TI +97 17 59 AA +97 17 60 DU +97 17 61 TM +97 17 62 DU +97 17 63 TM +97 17 64 AA +97 17 65 TM +97 17 66 AA +97 17 67 TI +97 17 68 TM +97 17 69 AA +97 17 70 AA +97 17 71 TM +97 17 72 DU +97 17 73 TM +97 17 74 DU +97 17 75 DU +97 17 76 TM +97 17 77 DU +97 17 78 DU +97 17 79 AA +97 17 80 AA +97 17 81 DU +97 17 82 DU +97 17 83 AA +97 17 84 TI +97 17 85 DU +97 17 86 TM +97 17 87 DU +97 17 88 TM +97 17 89 AA +97 17 90 AA +97 17 91 TI +97 17 92 AA +97 17 93 DU +97 17 94 AA +97 17 95 AA +97 17 96 TI +97 17 97 TM +97 17 98 TM +97 17 99 AA +97 17 100 DU +97 17 101 TM +97 17 102 AA +97 17 103 TI +97 17 104 DU +97 17 105 TM +97 17 106 TI +97 17 107 DU +97 17 108 AA +97 17 109 DU +97 17 110 TI +97 17 111 AA +97 17 112 TM +97 17 113 DU +97 17 114 DU +97 17 115 TM +97 17 116 DU +97 17 117 DU +97 17 118 TM +97 17 119 DU +97 17 120 AA +97 17 121 TM +97 17 122 DU +97 17 123 DU +97 17 124 TI +97 17 125 TM +97 17 126 TM +97 17 127 DU +97 17 128 TI +97 17 129 AA +97 17 130 DU +97 17 131 TM +97 17 132 TM +97 17 133 DU +97 17 134 DU +97 17 135 TM +97 17 136 DU +97 17 137 TI +97 17 138 DU +97 17 139 AA +97 17 140 DU +97 17 141 AA +97 17 142 AA +97 17 143 DU +97 17 144 DU +97 17 145 DU +97 17 146 TI +97 17 147 DU +97 17 148 TM +97 17 149 DU +97 17 150 DU +97 17 151 TM +97 17 152 TM +97 17 153 DU +97 17 154 DU +97 17 155 DU +97 17 156 DU +97 17 157 AA +97 17 158 AA +97 17 159 TI +97 17 160 TM +97 17 161 DU +97 17 162 TM +97 17 163 DU +97 17 164 DU +97 17 165 DU +97 17 166 DU +97 17 167 TI +97 17 168 DU +97 17 169 DU +97 17 170 DU +97 17 171 DU +97 17 172 AA +97 17 173 TM +97 17 174 TI +97 17 175 DU +97 17 176 TM +97 17 177 TI +97 17 178 DU +97 17 179 TM +97 17 180 DU +97 17 181 TI +97 17 182 TM +97 17 183 AA +97 17 184 TM +97 17 185 TI +97 17 186 DU +97 17 187 TI +97 17 188 DU +97 17 189 DU +97 17 190 TM +97 17 191 DU +97 17 192 DU +97 17 193 TI +97 17 194 TM +97 17 195 DU +97 17 196 DU +97 17 197 DU +97 17 198 DU +97 17 199 AA +97 17 200 DU +97 17 201 TI +97 17 202 DU +97 17 203 TM +97 17 204 DU +97 17 205 TI +97 17 206 AA +97 17 207 TM +97 17 208 TI +97 17 209 DU +97 17 210 DU +97 17 211 AA +97 17 212 TI +97 17 213 AA +97 17 214 DU +97 17 215 TM +97 17 216 TI +97 17 217 TI +97 17 218 DU +97 17 219 AA +97 17 220 DU +97 17 221 AA +97 17 222 TM +97 17 223 DU +97 17 224 AA +97 17 225 TI +97 17 226 DU +97 17 227 DU +97 17 228 DU +97 17 229 DU +97 17 230 AA +97 17 231 TM +97 17 232 DU +97 17 233 AA +97 17 234 DU +97 17 235 DU +97 17 236 AA +97 17 237 TI +97 17 238 DU +97 17 239 TI +97 17 240 DU +97 17 241 AA +97 17 242 TI +97 17 243 TM +97 17 244 AA +97 17 245 TM +97 17 246 DU +97 17 247 DU +97 17 248 DU +97 17 249 DU +97 17 250 TI +97 17 251 DU +97 17 252 AA +97 17 253 DU +97 17 254 AA +97 17 255 DU +97 17 256 TM +97 17 257 DU +97 17 258 TI +97 17 259 TM +97 17 260 DU +97 17 261 TI +97 17 262 AA +97 17 263 AA +97 17 264 AA +97 17 265 DU +97 17 266 TI +97 17 267 TM +97 17 268 DU +97 17 269 TM +97 17 270 TI +97 17 271 DU +97 17 272 AA +97 17 273 TM +97 17 274 AA +97 17 275 TI +97 17 276 TM +97 17 277 DU +97 17 278 DU +97 17 279 TI +97 17 280 AA +97 17 281 DU +97 17 282 DU +97 17 283 AA +97 17 284 AA +97 17 285 AA +97 17 286 AA +97 17 287 TI +97 17 288 TM +97 17 289 DU +97 17 290 AA +97 17 291 DU +97 17 292 AA +97 17 293 AA +97 17 294 AA +97 17 295 DU +97 17 296 DU +97 17 297 TI +97 17 298 TM +97 17 299 DU +97 17 300 AA +97 17 301 TI +97 17 302 AA +97 17 303 AA +97 17 304 TI +97 17 305 TM +97 17 306 DU +97 17 307 DU +97 17 308 DU +97 17 309 DU +97 17 310 DU +97 17 311 DU +97 17 312 DU +97 17 313 DU +97 17 314 AA +97 17 315 DU +97 17 316 DU +97 17 317 TM +97 17 318 TI +97 17 319 AA +97 17 320 DU +97 17 321 TM +97 17 322 DU +97 17 323 DU +97 17 324 AA +97 17 325 TM +97 17 326 TI +97 17 327 AA +97 17 328 DU +97 17 329 DU +97 17 330 AA +97 18 1 DU +97 18 2 DU +97 18 3 FI +97 18 4 TI +97 18 5 AA +97 18 6 AA +97 18 7 AA +97 18 8 TM +97 18 9 AA +97 18 10 TM +97 18 11 AA +97 18 12 AA +97 18 13 AA +97 18 14 AA +97 18 15 TM +97 18 16 AA +97 18 17 TM +97 18 18 AA +97 18 19 AA +97 18 20 AA +97 18 21 TM +97 18 22 AA +97 18 23 TM +97 18 24 AA +97 18 25 AA +97 18 26 AA +97 18 27 AA +97 18 28 TM +97 18 29 AA +97 18 30 AA +97 18 31 AA +97 18 32 TM +97 18 33 AA +97 18 34 AA +97 18 35 TM +97 18 36 AA +97 18 37 AA +97 18 38 TM +97 18 39 AA +97 18 40 AA +97 18 41 TM +97 18 42 AA +97 18 43 AA +97 18 44 AA +97 18 45 AA +97 18 46 AA +97 18 47 AA +97 18 48 TM +97 18 49 AA +97 18 50 AA +97 18 51 TI +97 18 52 AA +97 18 53 TM +97 18 54 TI +97 18 55 TI +97 18 56 NA +97 18 57 AA +97 18 58 TI +97 18 59 NA +97 18 60 DU +97 18 61 TM +97 18 62 AA +97 18 63 TI +97 18 64 DU +97 18 65 TM +97 18 66 NA +97 18 67 AA +97 18 68 TM +97 18 69 TI +97 18 70 NA +97 18 71 TM +97 18 72 DU +97 18 73 TM +97 18 74 NA +97 18 75 DU +97 18 76 TM +97 18 77 AA +97 18 78 NA +97 18 79 DU +97 18 80 AA +97 18 81 TI +97 18 82 AA +97 18 83 NA +97 18 84 TI +97 18 85 DU +97 18 86 TM +97 18 87 DU +97 18 88 TM +97 18 89 DU +97 18 90 AA +97 18 91 TI +97 18 92 NA +97 18 93 AA +97 18 94 DU +97 18 95 NA +97 18 96 TI +97 18 97 AA +97 18 98 TM +97 18 99 NA +97 18 100 NA +97 18 101 TM +97 18 102 NA +97 18 103 AA +97 18 104 NA +97 18 105 TM +97 18 106 NA +97 18 107 NA +97 18 108 AA +97 18 109 AA +97 18 110 TI +97 18 111 DU +97 18 112 TM +97 18 113 DU +97 18 114 AA +97 18 115 TM +97 18 116 NA +97 18 117 DU +97 18 118 TM +97 18 119 AA +97 18 120 NA +97 18 121 TM +97 18 122 AA +97 18 123 DU +97 18 124 TI +97 18 125 TM +97 18 126 TI +97 18 127 DU +97 18 128 TI +97 18 129 NA +97 18 130 DU +97 18 131 TM +97 18 132 TM +97 18 133 DU +97 18 134 DU +97 18 135 TM +97 18 136 AA +97 18 137 AA +97 18 138 TI +97 18 139 NA +97 18 140 AA +97 18 141 NA +97 18 142 NA +97 18 143 TI +97 18 144 DU +97 18 145 TI +97 18 146 TI +97 18 147 AA +97 18 148 TM +97 18 149 TI +97 18 150 DU +97 18 151 TI +97 18 152 TM +97 18 153 DU +97 18 154 DU +97 18 155 DU +97 18 156 AA +97 18 157 DU +97 18 158 NA +97 18 159 TI +97 18 160 TM +97 18 161 AA +97 18 162 TM +97 18 163 AA +97 18 164 AA +97 18 165 DU +97 18 166 DU +97 18 167 NA +97 18 168 AA +97 18 169 AA +97 18 170 DU +97 18 171 TI +97 18 172 NA +97 18 173 TM +97 18 174 TI +97 18 175 TI +97 18 176 TM +97 18 177 TI +97 18 178 AA +97 18 179 DU +97 18 180 TI +97 18 181 TI +97 18 182 DU +97 18 183 DU +97 18 184 TM +97 18 185 TI +97 18 186 AA +97 18 187 TI +97 18 188 AA +97 18 189 AA +97 18 190 TI +97 18 191 AA +97 18 192 TI +97 18 193 TI +97 18 194 DU +97 18 195 AA +97 18 196 NA +97 18 197 TM +97 18 198 DU +97 18 199 NA +97 18 200 AA +97 18 201 TI +97 18 202 AA +97 18 203 TM +97 18 204 DU +97 18 205 DU +97 18 206 NA +97 18 207 TM +97 18 208 TI +97 18 209 AA +97 18 210 DU +97 18 211 AA +97 18 212 TI +97 18 213 TI +97 18 214 AA +97 18 215 TM +97 18 216 DU +97 18 217 TI +97 18 218 TI +97 18 219 NA +97 18 220 AA +97 18 221 NA +97 18 222 TM +97 18 223 AA +97 18 224 NA +97 18 225 TI +97 18 226 AA +97 18 227 DU +97 18 228 AA +97 18 229 NA +97 18 230 NA +97 18 231 TM +97 18 232 TI +97 18 233 AA +97 18 234 AA +97 18 235 TI +97 18 236 TI +97 18 237 AA +97 18 238 AA +97 18 239 TM +97 18 240 TM +97 18 241 AA +97 18 242 NA +97 18 243 TM +97 18 244 AA +97 18 245 TM +97 18 246 AA +97 18 247 TI +97 18 248 DU +97 18 249 DU +97 18 250 TM +97 18 251 TI +97 18 252 AA +97 18 253 AA +97 18 254 NA +97 18 255 DU +97 18 256 TM +97 18 257 AA +97 18 258 TI +97 18 259 TM +97 18 260 NA +97 18 261 TM +97 18 262 NA +97 18 263 DU +97 18 264 NA +97 18 265 AA +97 18 266 TM +97 18 267 TM +97 18 268 TI +97 18 269 TM +97 18 270 TI +97 18 271 AA +97 18 272 NA +97 18 273 TM +97 18 274 NA +97 18 275 TI +97 18 276 TM +97 18 277 AA +97 18 278 TM +97 18 279 AA +97 18 280 TI +97 18 281 AA +97 18 282 TI +97 18 283 DU +97 18 284 NA +97 18 285 TI +97 18 286 NA +97 18 287 TI +97 18 288 TM +97 18 289 AA +97 18 290 NA +97 18 291 AA +97 18 292 TM +97 18 293 AA +97 18 294 NA +97 18 295 DU +97 18 296 TM +97 18 297 TI +97 18 298 TM +97 18 299 AA +97 18 300 NA +97 18 301 AA +97 18 302 NA +97 18 303 NA +97 18 304 TI +97 18 305 DU +97 18 306 TI +97 18 307 AA +97 18 308 TI +97 18 309 DU +97 18 310 TI +97 18 311 AA +97 18 312 DU +97 18 313 AA +97 18 314 NA +97 18 315 TI +97 18 316 AA +97 18 317 TM +97 18 318 TI +97 18 319 NA +97 18 320 AA +97 18 321 TM +97 18 322 AA +97 18 323 DU +97 18 324 NA +97 18 325 TM +97 18 326 TI +97 18 327 NA +97 18 328 AA +97 18 329 DU +97 18 330 NA +97 19 1 TI +97 19 2 AA +97 19 3 KI +97 19 4 AA +97 19 5 TI +97 19 6 TI +97 19 7 AA +97 19 8 KI +97 19 9 TI +97 19 10 AA +97 19 11 TI +97 19 12 NA +97 19 13 TI +97 19 14 TI +97 19 15 NA +97 19 16 NA +97 19 17 TI +97 19 18 NA +97 19 19 AA +97 19 20 TI +97 19 21 KI +97 19 22 AA +97 19 23 TI +97 19 24 NA +97 19 25 TI +97 19 26 KI +97 19 27 NA +97 19 28 KI +97 19 29 TI +97 19 30 NA +97 19 31 TI +97 19 32 KI +97 19 33 AA +97 19 34 TI +97 19 35 KI +97 19 36 NA +97 19 37 AA +97 19 38 KI +97 19 39 NA +97 19 40 TI +97 19 41 KI +97 19 42 TI +97 19 43 NA +97 19 44 NA +97 19 45 TI +97 19 46 NA +97 19 47 TI +97 19 48 NA +97 19 49 TI +97 19 50 KI +97 19 51 TI +97 19 52 NA +97 19 53 KI +97 19 54 KI +97 19 55 TI +97 19 56 NA +97 19 57 TI +97 19 58 TI +97 19 59 NA +97 19 60 TI +97 19 61 KI +97 19 62 NA +97 19 63 TI +97 19 64 YM +97 19 65 KI +97 19 66 TI +97 19 67 NA +97 19 68 KI +97 19 69 YM +97 19 70 NA +97 19 71 KI +97 19 72 TI +97 19 73 KI +97 19 74 NA +97 19 75 YM +97 19 76 KI +97 19 77 NA +97 19 78 NA +97 19 79 KI +97 19 80 AA +97 19 81 NA +97 19 82 YM +97 19 83 AA +97 19 84 YM +97 19 85 NA +97 19 86 KI +97 19 87 AA +97 19 88 KI +97 19 89 AA +97 19 90 AA +97 19 91 NA +97 19 92 NA +97 19 93 TI +97 19 94 YM +97 19 95 NA +97 19 96 TI +97 19 97 YM +97 19 98 KI +97 19 99 NA +97 19 100 TI +97 19 101 KI +97 19 102 AA +97 19 103 TI +97 19 104 NA +97 19 105 KI +97 19 106 AA +97 19 107 AA +97 19 108 TI +97 19 109 YM +97 19 110 TI +97 19 111 AA +97 19 112 KI +97 19 113 YM +97 19 114 AA +97 19 115 KI +97 19 116 AA +97 19 117 YM +97 19 118 TI +97 19 119 AA +97 19 120 NA +97 19 121 KI +97 19 122 AA +97 19 123 AA +97 19 124 TI +97 19 125 KI +97 19 126 KI +97 19 127 AA +97 19 128 TI +97 19 129 AA +97 19 130 AA +97 19 131 TI +97 19 132 KI +97 19 133 AA +97 19 134 TI +97 19 135 KI +97 19 136 TI +97 19 137 TI +97 19 138 NA +97 19 139 NA +97 19 140 TI +97 19 141 NA +97 19 142 NA +97 19 143 TI +97 19 144 YM +97 19 145 NA +97 19 146 TI +97 19 147 NA +97 19 148 KI +97 19 149 TI +97 19 150 YM +97 19 151 KI +97 19 152 NA +97 19 153 YM +97 19 154 YM +97 19 155 NA +97 19 156 TI +97 19 157 YM +97 19 158 NA +97 19 159 TI +97 19 160 KI +97 19 161 TI +97 19 162 KI +97 19 163 DU +97 19 164 YM +97 19 165 YM +97 19 166 YM +97 19 167 NA +97 19 168 YM +97 19 169 TI +97 19 170 YM +97 19 171 YM +97 19 172 NA +97 19 173 KI +97 19 174 TI +97 19 175 YM +97 19 176 KI +97 19 177 TI +97 19 178 YM +97 19 179 NA +97 19 180 TI +97 19 181 TI +97 19 182 KI +97 19 183 KI +97 19 184 KI +97 19 185 TI +97 19 186 TI +97 19 187 TI +97 19 188 DU +97 19 189 NA +97 19 190 NA +97 19 191 TI +97 19 192 DU +97 19 193 TI +97 19 194 KI +97 19 195 TI +97 19 196 NA +97 19 197 TI +97 19 198 YM +97 19 199 NA +97 19 200 NA +97 19 201 KI +97 19 202 DU +97 19 203 KI +97 19 204 DU +97 19 205 YM +97 19 206 NA +97 19 207 KI +97 19 208 TI +97 19 209 YM +97 19 210 TI +97 19 211 DU +97 19 212 KI +97 19 213 NA +97 19 214 TI +97 19 215 KI +97 19 216 YM +97 19 217 KI +97 19 218 TI +97 19 219 NA +97 19 220 DU +97 19 221 NA +97 19 222 KI +97 19 223 YM +97 19 224 NA +97 19 225 TI +97 19 226 YM +97 19 227 YM +97 19 228 YM +97 19 229 NA +97 19 230 NA +97 19 231 KI +97 19 232 TI +97 19 233 YM +97 19 234 YM +97 19 235 DU +97 19 236 TI +97 19 237 NA +97 19 238 YM +97 19 239 KI +97 19 240 TI +97 19 241 NA +97 19 242 TI +97 19 243 KI +97 19 244 NA +97 19 245 KI +97 19 246 TI +97 19 247 DU +97 19 248 DU +97 19 249 DU +97 19 250 TI +97 19 251 TI +97 19 252 NA +97 19 253 TI +97 19 254 NA +97 19 255 DU +97 19 256 KI +97 19 257 DU +97 19 258 TI +97 19 259 KI +97 19 260 NA +97 19 261 KI +97 19 262 NA +97 19 263 NA +97 19 264 NA +97 19 265 DU +97 19 266 KI +97 19 267 KI +97 19 268 TI +97 19 269 KI +97 19 270 TI +97 19 271 YM +97 19 272 NA +97 19 273 YM +97 19 274 NA +97 19 275 TI +97 19 276 KI +97 19 277 YM +97 19 278 KI +97 19 279 YM +97 19 280 TI +97 19 281 YM +97 19 282 TI +97 19 283 YM +97 19 284 AA +97 19 285 TI +97 19 286 AA +97 19 287 TI +97 19 288 KI +97 19 289 AA +97 19 290 AA +97 19 291 ML +97 19 292 TI +97 19 293 AA +97 19 294 AA +97 19 295 ML +97 19 296 ML +97 19 297 TI +97 19 298 KI +97 19 299 ML +97 19 300 AA +97 19 301 AA +97 19 302 AA +97 19 303 AA +97 19 304 TI +97 19 305 KI +97 19 306 TI +97 19 307 ML +97 19 308 AA +97 19 309 ML +97 19 310 AA +97 19 311 ML +97 19 312 ML +97 19 313 ML +97 19 314 AA +97 19 315 TI +97 19 316 TI +97 19 317 KI +97 19 318 TI +97 19 319 AA +97 19 320 TI +97 19 321 KI +97 19 322 AA +97 19 323 ML +97 19 324 AA +97 19 325 KI +97 19 326 TI +97 19 327 AA +97 19 328 ML +97 19 329 TI +97 19 330 AA +97 20 1 TM +97 20 2 YM +97 20 3 TI +97 20 4 DU +97 20 5 TI +97 20 6 AA +97 20 7 TI +97 20 8 TM +97 20 9 TI +97 20 10 DU +97 20 11 DU +97 20 12 TI +97 20 13 DU +97 20 14 DU +97 20 15 AA +97 20 16 AA +97 20 17 TM +97 20 18 DU +97 20 19 TI +97 20 20 TI +97 20 21 TM +97 20 22 TI +97 20 23 DU +97 20 24 DU +97 20 25 TI +97 20 26 YM +97 20 27 YM +97 20 28 TM +97 20 29 TI +97 20 30 TI +97 20 31 DU +97 20 32 TM +97 20 33 AA +97 20 34 TI +97 20 35 TM +97 20 36 DU +97 20 37 DU +97 20 38 TM +97 20 39 AA +97 20 40 TI +97 20 41 TM +97 20 42 TI +97 20 43 DU +97 20 44 AA +97 20 45 TI +97 20 46 DU +97 20 47 DU +97 20 48 TI +97 20 49 YM +97 20 50 DU +97 20 51 DU +97 20 52 AA +97 20 53 TM +97 20 54 TI +97 20 55 DU +97 20 56 YM +97 20 57 DU +97 20 58 TI +97 20 59 AA +97 20 60 DU +97 20 61 TM +97 20 62 AA +97 20 63 TM +97 20 64 DU +97 20 65 TM +97 20 66 YM +97 20 67 TI +97 20 68 TM +97 20 69 TI +97 20 70 AA +97 20 71 TI +97 20 72 TI +97 20 73 DU +97 20 74 TI +97 20 75 DU +97 20 76 YM +97 20 77 AA +97 20 78 TI +97 20 79 DU +97 20 80 DU +97 20 81 TI +97 20 82 TI +97 20 83 YM +97 20 84 YM +97 20 85 TI +97 20 86 TI +97 20 87 DU +97 20 88 AA +97 20 89 DU +97 20 90 DU +97 20 91 TI +97 20 92 AA +97 20 93 DU +97 20 94 DU +97 20 95 TI +97 20 96 TI +97 20 97 AA +97 20 98 TM +97 20 99 AA +97 20 100 AA +97 20 101 TM +97 20 102 YM +97 20 103 DU +97 20 104 DU +97 20 105 AA +97 20 106 TI +97 20 107 AA +97 20 108 TI +97 20 109 DU +97 20 110 TI +97 20 111 DU +97 20 112 TM +97 20 113 AA +97 20 114 DU +97 20 115 TM +97 20 116 TI +97 20 117 DU +97 20 118 TM +97 20 119 TI +97 20 120 AA +97 20 121 TM +97 20 122 YM +97 20 123 * +97 20 124 TI +97 20 125 TM +97 20 126 TM +97 20 127 DU +97 20 128 TI +97 20 129 YM +97 20 130 DU +97 20 131 DU +97 20 132 TM +97 20 133 AA +97 20 134 AA +97 20 135 TM +97 20 136 TI +97 20 137 DU +97 20 138 DU +97 20 139 AA +97 20 140 DU +97 20 141 AA +97 20 142 AA +97 20 143 TI +97 20 144 DU +97 20 145 TI +97 20 146 TI +97 20 147 DU +97 20 148 TM +97 20 149 TI +97 20 150 DU +97 20 151 YM +97 20 152 AA +97 20 153 DU +97 20 154 DU +97 20 155 DU +97 20 156 TI +97 20 157 DU +97 20 158 AA +97 20 159 YM +97 20 160 TM +97 20 161 TI +97 20 162 TM +97 20 163 DU +97 20 164 DU +97 20 165 AA +97 20 166 DU +97 20 167 YM +97 20 168 AA +97 20 169 DU +97 20 170 DU +97 20 171 TI +97 20 172 YM +97 20 173 TM +97 20 174 YM +97 20 175 TI +97 20 176 TM +97 20 177 TI +97 20 178 DU +97 20 179 TM +97 20 180 TI +97 20 181 YM +97 20 182 TM +97 20 183 AA +97 20 184 DU +97 20 185 YM +97 20 186 DU +97 20 187 YM +97 20 188 TI +97 20 189 DU +97 20 190 YM +97 20 191 DU +97 20 192 AA +97 20 193 TI +97 20 194 DU +97 20 195 TI +97 20 196 AA +97 20 197 TI +97 20 198 DU +97 20 199 AA +97 20 200 TI +97 20 201 YM +97 20 202 TI +97 20 203 TM +97 20 204 DU +97 20 205 DU +97 20 206 AA +97 20 207 YM +97 20 208 TI +97 20 209 TM +97 20 210 DU +97 20 211 TI +97 20 212 YM +97 20 213 DU +97 20 214 TI +97 20 215 TI +97 20 216 DU +97 20 217 YM +97 20 218 TI +97 20 219 AA +97 20 220 DU +97 20 221 TI +97 20 222 DU +97 20 223 TI +97 20 224 AA +97 20 225 TI +97 20 226 DU +97 20 227 DU +97 20 228 DU +97 20 229 TI +97 20 230 YM +97 20 231 DU +97 20 232 TI +97 20 233 AA +97 20 234 TI +97 20 235 DU +97 20 236 TI +97 20 237 YM +97 20 238 DU +97 20 239 YM +97 20 240 TI +97 20 241 AA +97 20 242 TI +97 20 243 TM +97 20 244 AA +97 20 245 TM +97 20 246 TI +97 20 247 DU +97 20 248 DU +97 20 249 TI +97 20 250 DU +97 20 251 TI +97 20 252 AA +97 20 253 TI +97 20 254 AA +97 20 255 DU +97 20 256 TM +97 20 257 TI +97 20 258 TI +97 20 259 TM +97 20 260 AA +97 20 261 YM +97 20 262 AA +97 20 263 DU +97 20 264 TI +97 20 265 TI +97 20 266 YM +97 20 267 AA +97 20 268 TI +97 20 269 TM +97 20 270 YM +97 20 271 DU +97 20 272 AA +97 20 273 TI +97 20 274 AA +97 20 275 TI +97 20 276 TM +97 20 277 DU +97 20 278 YM +97 20 279 DU +97 20 280 TI +97 20 281 TI +97 20 282 TI +97 20 283 TI +97 20 284 AA +97 20 285 TM +97 20 286 AA +97 20 287 TI +97 20 288 TM +97 20 289 TI +97 20 290 AA +97 20 291 DU +97 20 292 YM +97 20 293 AA +97 20 294 AA +97 20 295 TI +97 20 296 DU +97 20 297 YM +97 20 298 TM +97 20 299 TI +97 20 300 AA +97 20 301 TI +97 20 302 AA +97 20 303 AA +97 20 304 TI +97 20 305 DU +97 20 306 TI +97 20 307 DU +97 20 308 DU +97 20 309 DU +97 20 310 TI +97 20 311 DU +97 20 312 DU +97 20 313 DU +97 20 314 AA +97 20 315 TI +97 20 316 DU +97 20 317 TM +97 20 318 YM +97 20 319 AA +97 20 320 TI +97 20 321 TM +97 20 322 AA +97 20 323 TI +97 20 324 AA +97 20 325 TM +97 20 326 YM +97 20 327 AA +97 20 328 TI +97 20 329 TI +97 20 330 AA +97 21 1 DU +97 21 2 NA +97 21 3 KI +97 21 4 TI +97 21 5 NA +97 21 6 TI +97 21 7 DU +97 21 8 KI +97 21 9 DU +97 21 10 DU +97 21 11 TI +97 21 12 TI +97 21 13 DU +97 21 14 DU +97 21 15 TI +97 21 16 NA +97 21 17 KI +97 21 18 DU +97 21 19 TI +97 21 20 TI +97 21 21 KI +97 21 22 TI +97 21 23 DU +97 21 24 DU +97 21 25 TI +97 21 26 DU +97 21 27 NA +97 21 28 KI +97 21 29 DU +97 21 30 TI +97 21 31 DU +97 21 32 IS +97 21 33 TI +97 21 34 DU +97 21 35 TI +97 21 36 DU +97 21 37 DU +97 21 38 IS +97 21 39 DU +97 21 40 DU +97 21 41 IS +97 21 42 TI +97 21 43 DU +97 21 44 NA +97 21 45 DU +97 21 46 DU +97 21 47 DU +97 21 48 TI +97 21 49 DU +97 21 50 TI +97 21 51 DU +97 21 52 NA +97 21 53 KI +97 21 54 DU +97 21 55 NA +97 21 56 NA +97 21 57 DU +97 21 58 TI +97 21 59 NA +97 21 60 DU +97 21 61 IS +97 21 62 DU +97 21 63 IS +97 21 64 DU +97 21 65 KI +97 21 66 NA +97 21 67 DU +97 21 68 KI +97 21 69 DU +97 21 70 NA +97 21 71 KI +97 21 72 DU +97 21 73 DU +97 21 74 NA +97 21 75 DU +97 21 76 TI +97 21 77 DU +97 21 78 TI +97 21 79 DU +97 21 80 DU +97 21 81 TI +97 21 82 TI +97 21 83 NA +97 21 84 TI +97 21 85 DU +97 21 86 NA +97 21 87 DU +97 21 88 TI +97 21 89 DU +97 21 90 DU +97 21 91 TI +97 21 92 NA +97 21 93 DU +97 21 94 DU +97 21 95 NA +97 21 96 TI +97 21 97 DU +97 21 98 KI +97 21 99 DU +97 21 100 TI +97 21 101 KI +97 21 102 DU +97 21 103 DU +97 21 104 TI +97 21 105 KI +97 21 106 NA +97 21 107 NA +97 21 108 DU +97 21 109 TI +97 21 110 TI +97 21 111 DU +97 21 112 KI +97 21 113 DU +97 21 114 TI +97 21 115 KI +97 21 116 NA +97 21 117 DU +97 21 118 KI +97 21 119 TI +97 21 120 NA +97 21 121 KI +97 21 122 TI +97 21 123 TI +97 21 124 TI +97 21 125 KI +97 21 126 TI +97 21 127 DU +97 21 128 TI +97 21 129 NA +97 21 130 DU +97 21 131 TI +97 21 132 KI +97 21 133 DU +97 21 134 DU +97 21 135 KI +97 21 136 TI +97 21 137 TI +97 21 138 DU +97 21 139 NA +97 21 140 DU +97 21 141 NA +97 21 142 NA +97 21 143 TI +97 21 144 DU +97 21 145 TI +97 21 146 TI +97 21 147 DU +97 21 148 TM +97 21 149 TI +97 21 150 TI +97 21 151 NA +97 21 152 AA +97 21 153 TI +97 21 154 DU +97 21 155 DU +97 21 156 TI +97 21 157 DU +97 21 158 NA +97 21 159 TI +97 21 160 NA +97 21 161 TI +97 21 162 KI +97 21 163 TI +97 21 164 DU +97 21 165 DU +97 21 166 DU +97 21 167 NA +97 21 168 DU +97 21 169 DU +97 21 170 DU +97 21 171 TI +97 21 172 NA +97 21 173 KI +97 21 174 TI +97 21 175 DU +97 21 176 KI +97 21 177 TI +97 21 178 DU +97 21 179 TI +97 21 180 DU +97 21 181 DU +97 21 182 KI +97 21 183 DU +97 21 184 DU +97 21 185 TI +97 21 186 DU +97 21 187 TI +97 21 188 DU +97 21 189 DU +97 21 190 TI +97 21 191 DU +97 21 192 DU +97 21 193 TI +97 21 194 DU +97 21 195 TI +97 21 196 NA +97 21 197 TI +97 21 198 DU +97 21 199 NA +97 21 200 DU +97 21 201 TI +97 21 202 DU +97 21 203 KI +97 21 204 DU +97 21 205 TI +97 21 206 NA +97 21 207 KI +97 21 208 TI +97 21 209 DU +97 21 210 DU +97 21 211 TI +97 21 212 NA +97 21 213 NA +97 21 214 TI +97 21 215 TI +97 21 216 DU +97 21 217 NA +97 21 218 TI +97 21 219 NA +97 21 220 DU +97 21 221 NA +97 21 222 DU +97 21 223 TI +97 21 224 NA +97 21 225 TI +97 21 226 DU +97 21 227 DU +97 21 228 DU +97 21 229 TI +97 21 230 NA +97 21 231 DU +97 21 232 DU +97 21 233 NA +97 21 234 DU +97 21 235 TI +97 21 236 TI +97 21 237 NA +97 21 238 DU +97 21 239 KI +97 21 240 DU +97 21 241 NA +97 21 242 TI +97 21 243 KI +97 21 244 NA +97 21 245 KI +97 21 246 TI +97 21 247 DU +97 21 248 DU +97 21 249 TI +97 21 250 TI +97 21 251 NA +97 21 252 NA +97 21 253 TI +97 21 254 TI +97 21 255 DU +97 21 256 KI +97 21 257 DU +97 21 258 TI +97 21 259 KI +97 21 260 TI +97 21 261 TI +97 21 262 NA +97 21 263 DU +97 21 264 NA +97 21 265 TI +97 21 266 DU +97 21 267 DU +97 21 268 TI +97 21 269 KI +97 21 270 NA +97 21 271 DU +97 21 272 NA +97 21 273 DU +97 21 274 NA +97 21 275 TI +97 21 276 KI +97 21 277 DU +97 21 278 KI +97 21 279 TI +97 21 280 DU +97 21 281 DU +97 21 282 TI +97 21 283 DU +97 21 284 NA +97 21 285 TI +97 21 286 NA +97 21 287 DU +97 21 288 KI +97 21 289 TI +97 21 290 NA +97 21 291 TI +97 21 292 TI +97 21 293 NA +97 21 294 NA +97 21 295 DU +97 21 296 DU +97 21 297 TI +97 21 298 KI +97 21 299 DU +97 21 300 NA +97 21 301 DU +97 21 302 NA +97 21 303 DU +97 21 304 TI +97 21 305 TI +97 21 306 NA +97 21 307 DU +97 21 308 TI +97 21 309 DU +97 21 310 TI +97 21 311 TI +97 21 312 DU +97 21 313 TI +97 21 314 NA +97 21 315 TI +97 21 316 TI +97 21 317 KI +97 21 318 KI +97 21 319 NA +97 21 320 TI +97 21 321 KI +97 21 322 TI +97 21 323 DU +97 21 324 NA +97 21 325 DU +97 21 326 TI +97 21 327 NA +97 21 328 DU +97 21 329 DU +97 21 330 NA +97 22 1 DU +97 22 2 AA +97 22 3 KI +97 22 4 IB +97 22 5 TI +97 22 6 DU +97 22 7 IB +97 22 8 DU +97 22 9 YM +97 22 10 DU +97 22 11 YM +97 22 12 TI +97 22 13 AA +97 22 14 TI +97 22 15 IB +97 22 16 NA +97 22 17 IB +97 22 18 AA +97 22 19 TI +97 22 20 YM +97 22 21 DU +97 22 22 YM +97 22 23 YM +97 22 24 DU +97 22 25 IB +97 22 26 AA +97 22 27 NA +97 22 28 IB +97 22 29 DU +97 22 30 DU +97 22 31 NA +97 22 32 YM +97 22 33 IB +97 22 34 YM +97 22 35 YM +97 22 36 NA +97 22 37 IB +97 22 38 IB +97 22 39 YM +97 22 40 IB +97 22 41 AA +97 22 42 IB +97 22 43 DU +97 22 44 NA +97 22 45 YM +97 22 46 YM +97 22 47 YM +97 22 48 IB +97 22 49 NA +97 22 50 YM +97 22 51 IB +97 22 52 NA +97 22 53 KI +97 22 54 YM +97 22 55 NA +97 22 56 DU +97 22 57 IB +97 22 58 AA +97 22 59 YM +97 22 60 IB +97 22 61 YM +97 22 62 NA +97 22 63 YM +97 22 64 IB +97 22 65 AA +97 22 66 NA +97 22 67 YM +97 22 68 AA +97 22 69 DU +97 22 70 NA +97 22 71 DU +97 22 72 IB +97 22 73 YM +97 22 74 NA +97 22 75 DU +97 22 76 NA +97 22 77 YM +97 22 78 KI +97 22 79 DU +97 22 80 NA +97 22 81 IB +97 22 82 YM +97 22 83 NA +97 22 84 DU +97 22 85 IB +97 22 86 YM +97 22 87 DU +97 22 88 IB +97 22 89 AA +97 22 90 NA +97 22 91 DU +97 22 92 IB +97 22 93 AA +97 22 94 YM +97 22 95 KI +97 22 96 NA +97 22 97 DU +97 22 98 IB +97 22 99 AA +97 22 100 YM +97 22 101 KI +97 22 102 NA +97 22 103 DU +97 22 104 IB +97 22 105 AA +97 22 106 DU +97 22 107 KI +97 22 108 NA +97 22 109 DU +97 22 110 IB +97 22 111 AA +97 22 112 NA +97 22 113 DU +97 22 114 KI +97 22 115 NA +97 22 116 YM +97 22 117 AA +97 22 118 KI +97 22 119 NA +97 22 120 DU +97 22 121 AA +97 22 122 KI +97 22 123 DU +97 22 124 KI +97 22 125 NA +97 22 126 DU +97 22 127 IB +97 22 128 DU +97 22 129 KI +97 22 130 DU +97 22 131 NA +97 22 132 IB +97 22 133 AA +97 22 134 YM +97 22 135 NA +97 22 136 DU +97 22 137 AA +97 22 138 KI +97 22 139 YM +97 22 140 NA +97 22 141 NA +97 22 142 AA +97 22 143 IB +97 22 144 KI +97 22 145 NA +97 22 146 DU +97 22 147 IB +97 22 148 AA +97 22 149 KI +97 22 150 IB +97 22 151 DU +97 22 152 NA +97 22 153 IB +97 22 154 AA +97 22 155 DU +97 22 156 KI +97 22 157 IB +97 22 158 AA +97 22 159 NA +97 22 160 DU +97 22 161 DU +97 22 162 KI +97 22 163 DU +97 22 164 KI +97 22 165 NA +97 22 166 NA +97 22 167 YM +97 22 168 IB +97 22 169 DU +97 22 170 NA +97 22 171 KI +97 22 172 YM +97 22 173 AA +97 22 174 IB +97 22 175 KI +97 22 176 YM +97 22 177 DU +97 22 178 NA +97 22 179 YM +97 22 180 IB +97 22 181 AA +97 22 182 KI +97 22 183 AA +97 22 184 YM +97 22 185 DU +97 22 186 IB +97 22 187 NA +97 22 188 KI +97 22 189 KI +97 22 190 AA +97 22 191 IB +97 22 192 DU +97 22 193 NA +97 22 194 KI +97 22 195 DU +97 22 196 AA +97 22 197 DU +97 22 198 KI +97 22 199 NA +97 22 200 IB +97 22 201 DU +97 22 202 KI +97 22 203 AA +97 22 204 DU +97 22 205 IB +97 22 206 KI +97 22 207 NA +97 22 208 IB +97 22 209 AA +97 22 210 KI +97 22 211 YM +97 22 212 NA +97 22 213 DU +97 22 214 AA +97 22 215 IB +97 22 216 KI +97 22 217 NA +97 22 218 KI +97 22 219 DU +97 22 220 NA +97 22 221 IB +97 22 222 AA +97 22 223 DU +97 22 224 KI +97 22 225 NA +97 22 226 KI +97 22 227 DU +97 22 228 IB +97 22 229 AA +97 22 230 NA +97 22 231 KI +97 22 232 DU +97 22 233 AA +97 22 234 IB +97 22 235 NA +97 22 236 KI +97 22 237 KI +97 22 238 DU +97 22 239 IB +97 22 240 AA +97 22 241 DU +97 22 242 KI +97 22 243 AA +97 22 244 IB +97 22 245 DU +97 22 246 NA +97 22 247 YM +97 22 248 DU +97 22 249 NA +97 22 250 IB +97 22 251 AA +97 22 252 DU +97 22 253 YM +97 22 254 DU +97 22 255 AA +97 22 256 IB +97 22 257 KI +97 22 258 NA +97 22 259 DU +97 22 260 IB +97 22 261 AA +97 22 262 NA +97 22 263 KI +97 22 264 NA +97 22 265 DU +97 22 266 IB +97 22 267 AA +97 22 268 DU +97 22 269 NA +97 22 270 KI +97 22 271 IB +97 22 272 AA +97 22 273 NA +97 22 274 KI +97 22 275 IB +97 22 276 AA +97 22 277 KI +97 22 278 IB +97 22 279 AA +97 22 280 DU +97 22 281 NA +97 22 282 DU +97 22 283 AA +97 22 284 IB +97 22 285 KI +97 22 286 DU +97 22 287 KI +97 22 288 NA +97 22 289 KI +97 22 290 AA +97 22 291 IB +97 22 292 IB +97 22 293 AA +97 22 294 KI +97 22 295 NA +97 22 296 KI +97 22 297 YM +97 22 298 NA +97 22 299 IB +97 22 300 AA +97 22 301 KI +97 22 302 IB +97 22 303 AA +97 22 304 IB +97 22 305 KI +97 22 306 NA +97 22 307 IB +97 22 308 AA +97 22 309 IB +97 22 310 NA +97 22 311 KI +97 22 312 AA +97 22 313 YM +97 22 314 AA +97 22 315 KI +97 22 316 YM +97 22 317 IB +97 22 318 AA +97 22 319 KI +97 22 320 NA +97 22 321 YM +97 22 322 IB +97 22 323 AA +97 22 324 YM +97 22 325 NA +97 22 326 IB +97 22 327 AA +97 22 328 YM +97 22 329 KI +97 22 330 AA +97 23 1 TI +97 23 2 NA +97 23 3 TM +97 23 4 TM +97 23 5 TI +97 23 6 DU +97 23 7 TI +97 23 8 TM +97 23 9 TI +97 23 10 DU +97 23 11 TI +97 23 12 TI +97 23 13 TI +97 23 14 DU +97 23 15 NA +97 23 16 NA +97 23 17 TM +97 23 18 TI +97 23 19 TI +97 23 20 TI +97 23 21 TM +97 23 22 TI +97 23 23 TI +97 23 24 DU +97 23 25 TI +97 23 26 TI +97 23 27 NA +97 23 28 TM +97 23 29 TI +97 23 30 TI +97 23 31 TI +97 23 32 TM +97 23 33 TI +97 23 34 DU +97 23 35 TM +97 23 36 TI +97 23 37 DU +97 23 38 TM +97 23 39 TI +97 23 40 DU +97 23 41 TM +97 23 42 TI +97 23 43 DU +97 23 44 NA +97 23 45 TI +97 23 46 NA +97 23 47 TI +97 23 48 TI +97 23 49 TI +97 23 50 TM +97 23 51 DU +97 23 52 NA +97 23 53 TI +97 23 54 TI +97 23 55 TI +97 23 56 DU +97 23 57 TI +97 23 58 TI +97 23 59 NA +97 23 60 DU +97 23 61 TM +97 23 62 DU +97 23 63 TM +97 23 64 DU +97 23 65 TM +97 23 66 NA +97 23 67 TI +97 23 68 TM +97 23 69 DU +97 23 70 NA +97 23 71 DU +97 23 72 TI +97 23 73 TM +97 23 74 NA +97 23 75 DU +97 23 76 TM +97 23 77 TI +97 23 78 DU +97 23 79 NA +97 23 80 TI +97 23 81 TI +97 23 82 TI +97 23 83 NA +97 23 84 TM +97 23 85 TI +97 23 86 TM +97 23 87 DU +97 23 88 TM +97 23 89 DU +97 23 90 DU +97 23 91 TI +97 23 92 NA +97 23 93 TI +97 23 94 DU +97 23 95 NA +97 23 96 TI +97 23 97 TM +97 23 98 TM +97 23 99 DU +97 23 100 TI +97 23 101 TM +97 23 102 NA +97 23 103 DU +97 23 104 TI +97 23 105 TM +97 23 106 NA +97 23 107 NA +97 23 108 TI +97 23 109 TI +97 23 110 TI +97 23 111 DU +97 23 112 TM +97 23 113 DU +97 23 114 TI +97 23 115 TM +97 23 116 NA +97 23 117 DU +97 23 118 TM +97 23 119 TI +97 23 120 NA +97 23 121 TM +97 23 122 TI +97 23 123 TI +97 23 124 TI +97 23 125 TM +97 23 126 TM +97 23 127 DU +97 23 128 TM +97 23 129 NA +97 23 130 DU +97 23 131 TM +97 23 132 TM +97 23 133 TI +97 23 134 DU +97 23 135 TM +97 23 136 TI +97 23 137 DU +97 23 138 TI +97 23 139 NA +97 23 140 TI +97 23 141 NA +97 23 142 NA +97 23 143 TI +97 23 144 DU +97 23 145 TI +97 23 146 TI +97 23 147 TI +97 23 148 TM +97 23 149 TI +97 23 150 DU +97 23 151 TM +97 23 152 TM +97 23 153 TI +97 23 154 DU +97 23 155 DU +97 23 156 TI +97 23 157 DU +97 23 158 NA +97 23 159 TI +97 23 160 TM +97 23 161 TI +97 23 162 TM +97 23 163 TI +97 23 164 TI +97 23 165 DU +97 23 166 DU +97 23 167 TI +97 23 168 DU +97 23 169 TI +97 23 170 DU +97 23 171 DU +97 23 172 NA +97 23 173 TM +97 23 174 TI +97 23 175 TI +97 23 176 TM +97 23 177 TI +97 23 178 DU +97 23 179 DU +97 23 180 TI +97 23 181 DU +97 23 182 TM +97 23 183 DU +97 23 184 TM +97 23 185 TI +97 23 186 TI +97 23 187 DU +97 23 188 TI +97 23 189 TI +97 23 190 TM +97 23 191 TI +97 23 192 TM +97 23 193 DU +97 23 194 TM +97 23 195 TI +97 23 196 TI +97 23 197 TM +97 23 198 DU +97 23 199 TI +97 23 200 TI +97 23 201 TM +97 23 202 TI +97 23 203 TM +97 23 204 DU +97 23 205 TI +97 23 206 TI +97 23 207 TM +97 23 208 DU +97 23 209 TI +97 23 210 DU +97 23 211 TI +97 23 212 TM +97 23 213 DU +97 23 214 TI +97 23 215 TM +97 23 216 DU +97 23 217 TM +97 23 218 TI +97 23 219 AA +97 23 220 DU +97 23 221 TI +97 23 222 TM +97 23 223 TI +97 23 224 NA +97 23 225 TI +97 23 226 TI +97 23 227 DU +97 23 228 DU +97 23 229 TI +97 23 230 NA +97 23 231 TM +97 23 232 DU +97 23 233 NA +97 23 234 TI +97 23 235 TI +97 23 236 TI +97 23 237 TM +97 23 238 TI +97 23 239 TM +97 23 240 DU +97 23 241 NA +97 23 242 TI +97 23 243 DU +97 23 244 NA +97 23 245 TM +97 23 246 TI +97 23 247 DU +97 23 248 DU +97 23 249 TI +97 23 250 DU +97 23 251 TI +97 23 252 NA +97 23 253 TI +97 23 254 DU +97 23 255 DU +97 23 256 TM +97 23 257 TI +97 23 258 TI +97 23 259 TM +97 23 260 TI +97 23 261 TM +97 23 262 AA +97 23 263 AA +97 23 264 AA +97 23 265 TI +97 23 266 TM +97 23 267 DU +97 23 268 TI +97 23 269 TM +97 23 270 TI +97 23 271 AA +97 23 272 AA +97 23 273 TM +97 23 274 AA +97 23 275 TI +97 23 276 TM +97 23 277 AA +97 23 278 TM +97 23 279 DU +97 23 280 TI +97 23 281 TI +97 23 282 TI +97 23 283 DU +97 23 284 NA +97 23 285 TM +97 23 286 NA +97 23 287 TI +97 23 288 TM +97 23 289 TI +97 23 290 NA +97 23 291 TI +97 23 292 TM +97 23 293 NA +97 23 294 NA +97 23 295 DU +97 23 296 TI +97 23 297 TI +97 23 298 TM +97 23 299 TI +97 23 300 NA +97 23 301 TI +97 23 302 NA +97 23 303 NA +97 23 304 DU +97 23 305 DU +97 23 306 TI +97 23 307 TI +97 23 308 TM +97 23 309 DU +97 23 310 TI +97 23 311 TI +97 23 312 DU +97 23 313 TI +97 23 314 NA +97 23 315 TI +97 23 316 TI +97 23 317 TM +97 23 318 TM +97 23 319 NA +97 23 320 DU +97 23 321 TM +97 23 322 TI +97 23 323 DU +97 23 324 NA +97 23 325 TM +97 23 326 TI +97 23 327 NA +97 23 328 TI +97 23 329 DU +97 23 330 NA +97 24 1 DU +97 24 2 AA +97 24 3 KF +97 24 4 AA +97 24 5 TI +97 24 6 EE +97 24 7 DU +97 24 8 KT +97 24 9 YM +97 24 10 DU +97 24 11 DU +97 24 12 TI +97 24 13 DU +97 24 14 DU +97 24 15 YM +97 24 16 AA +97 24 17 KT +97 24 18 DU +97 24 19 YM +97 24 20 DU +97 24 21 TM +97 24 22 TI +97 24 23 DU +97 24 24 TI +97 24 25 DU +97 24 26 DU +97 24 27 AA +97 24 28 TM +97 24 29 AA +97 24 30 TM +97 24 31 AA +97 24 32 TM +97 24 33 TI +97 24 34 DU +97 24 35 TM +97 24 36 DU +97 24 37 AA +97 24 38 TM +97 24 39 DU +97 24 40 AA +97 24 41 TM +97 24 42 TI +97 24 43 DU +97 24 44 AA +97 24 45 DU +97 24 46 AA +97 24 47 DU +97 24 48 TI +97 24 49 AA +97 24 50 TM +97 24 51 TI +97 24 52 AA +97 24 53 TM +97 24 54 DU +97 24 55 AA +97 24 56 TI +97 24 57 DU +97 24 58 TI +97 24 59 AA +97 24 60 DU +97 24 61 TM +97 24 62 AA +97 24 63 TM +97 24 64 DU +97 24 65 TM +97 24 66 AA +97 24 67 TI +97 24 68 TM +97 24 69 DU +97 24 70 AA +97 24 71 TM +97 24 72 DU +97 24 73 TM +97 24 74 AA +97 24 75 DU +97 24 76 TM +97 24 77 AA +97 24 78 TI +97 24 79 DU +97 24 80 DU +97 24 81 TI +97 24 82 AA +97 24 83 TI +97 24 84 TM +97 24 85 DU +97 24 86 TM +97 24 87 DU +97 24 88 TM +97 24 89 DU +97 24 90 DU +97 24 91 TI +97 24 92 AA +97 24 93 DU +97 24 94 DU +97 24 95 AA +97 24 96 TI +97 24 97 DU +97 24 98 TM +97 24 99 TI +97 24 100 AA +97 24 101 TM +97 24 102 AA +97 24 103 DU +97 24 104 AA +97 24 105 DU +97 24 106 TI +97 24 107 AA +97 24 108 AA +97 24 109 DU +97 24 110 TI +97 24 111 DU +97 24 112 TM +97 24 113 DU +97 24 114 DU +97 24 115 TM +97 24 116 AA +97 24 117 DU +97 24 118 TM +97 24 119 AA +97 24 120 AA +97 24 121 TM +97 24 122 DU +97 24 123 DU +97 24 124 TI +97 24 125 TM +97 24 126 TM +97 24 127 DU +97 24 128 TI +97 24 129 AA +97 24 130 DU +97 24 131 TM +97 24 132 TM +97 24 133 DU +97 24 134 DU +97 24 135 TM +97 24 136 AA +97 24 137 DU +97 24 138 AA +97 24 139 AA +97 24 140 DU +97 24 141 AA +97 24 142 AA +97 24 143 TI +97 24 144 DU +97 24 145 AA +97 24 146 TI +97 24 147 YM +97 24 148 TM +97 24 149 YM +97 24 150 DU +97 24 151 TM +97 24 152 TM +97 24 153 YM +97 24 154 DU +97 24 155 DU +97 24 156 DU +97 24 157 DU +97 24 158 AA +97 24 159 TI +97 24 160 TI +97 24 161 TI +97 24 162 TM +97 24 163 YM +97 24 164 YM +97 24 165 TI +97 24 166 DU +97 24 167 YM +97 24 168 DU +97 24 169 YM +97 24 170 DU +97 24 171 DU +97 24 172 AA +97 24 173 TM +97 24 174 TI +97 24 175 AA +97 24 176 TM +97 24 177 TI +97 24 178 DU +97 24 179 DU +97 24 180 YM +97 24 181 YM +97 24 182 TM +97 24 183 TI +97 24 184 TM +97 24 185 TI +97 24 186 YM +97 24 187 YM +97 24 188 DU +97 24 189 AA +97 24 190 TI +97 24 191 DU +97 24 192 DU +97 24 193 TI +97 24 194 TM +97 24 195 YM +97 24 196 AA +97 24 197 YM +97 24 198 DU +97 24 199 AA +97 24 200 YM +97 24 201 TI +97 24 202 YM +97 24 203 TM +97 24 204 DU +97 24 205 DU +97 24 206 AA +97 24 207 TM +97 24 208 YM +97 24 209 DU +97 24 210 DU +97 24 211 YM +97 24 212 YM +97 24 213 AA +97 24 214 TI +97 24 215 YM +97 24 216 DU +97 24 217 YM +97 24 218 TI +97 24 219 AA +97 24 220 DU +97 24 221 AA +97 24 222 DU +97 24 223 YM +97 24 224 AA +97 24 225 TI +97 24 226 DU +97 24 227 DU +97 24 228 DU +97 24 229 AA +97 24 230 AA +97 24 231 TM +97 24 232 TI +97 24 233 YM +97 24 234 DU +97 24 235 DU +97 24 236 TI +97 24 237 YM +97 24 238 DU +97 24 239 TM +97 24 240 DU +97 24 241 AA +97 24 242 TI +97 24 243 TM +97 24 244 AA +97 24 245 TM +97 24 246 YM +97 24 247 DU +97 24 248 DU +97 24 249 DU +97 24 250 DU +97 24 251 TI +97 24 252 AA +97 24 253 YM +97 24 254 AA +97 24 255 DU +97 24 256 TM +97 24 257 DU +97 24 258 TI +97 24 259 TM +97 24 260 TI +97 24 261 YM +97 24 262 AA +97 24 263 AA +97 24 264 AA +97 24 265 DU +97 24 266 TM +97 24 267 TM +97 24 268 YM +97 24 269 TM +97 24 270 TI +97 24 271 DU +97 24 272 AA +97 24 273 TM +97 24 274 AA +97 24 275 TI +97 24 276 TM +97 24 277 DU +97 24 278 TI +97 24 279 DU +97 24 280 DU +97 24 281 DU +97 24 282 TI +97 24 283 DU +97 24 284 AA +97 24 285 YM +97 24 286 AA +97 24 287 TI +97 24 288 TM +97 24 289 YM +97 24 290 AA +97 24 291 DU +97 24 292 YM +97 24 293 AA +97 24 294 AA +97 24 295 YM +97 24 296 DU +97 24 297 TI +97 24 298 TM +97 24 299 DU +97 24 300 AA +97 24 301 DU +97 24 302 AA +97 24 303 YM +97 24 304 TI +97 24 305 DU +97 24 306 TI +97 24 307 YM +97 24 308 YM +97 24 309 TI +97 24 310 YM +97 24 311 DU +97 24 312 DU +97 24 313 DU +97 24 314 AA +97 24 315 TI +97 24 316 DU +97 24 317 TM +97 24 318 YM +97 24 319 AA +97 24 320 TI +97 24 321 TM +97 24 322 YM +97 24 323 DU +97 24 324 AA +97 24 325 TM +97 24 326 TI +97 24 327 AA +97 24 328 DU +97 24 329 TI +97 24 330 AA +97 25 1 DU +97 25 2 YM +97 25 3 FI +97 25 4 YM +97 25 5 YM +97 25 6 YM +97 25 7 TI +97 25 8 TM +97 25 9 YM +97 25 10 DU +97 25 11 DU +97 25 12 YM +97 25 13 DU +97 25 14 DU +97 25 15 YM +97 25 16 YM +97 25 17 TM +97 25 18 DU +97 25 19 YM +97 25 20 YM +97 25 21 TM +97 25 22 YM +97 25 23 YM +97 25 24 DU +97 25 25 DU +97 25 26 DU +97 25 27 YM +97 25 28 TM +97 25 29 YM +97 25 30 YM +97 25 31 YM +97 25 32 TM +97 25 33 YM +97 25 34 DU +97 25 35 TM +97 25 36 DU +97 25 37 DU +97 25 38 TM +97 25 39 YM +97 25 40 YM +97 25 41 KF +97 25 42 TI +97 25 43 DU +97 25 44 NA +97 25 45 DM +97 25 46 DU +97 25 47 DU +97 25 48 TI +97 25 49 DU +97 25 50 DU +97 25 51 YM +97 25 52 YM +97 25 53 TM +97 25 54 YM +97 25 55 YM +97 25 56 TI +97 25 57 DU +97 25 58 YM +97 25 59 YM +97 25 60 DU +97 25 61 TM +97 25 62 YM +97 25 63 YM +97 25 64 DU +97 25 65 TM +97 25 66 YM +97 25 67 YM +97 25 68 TM +97 25 69 YM +97 25 70 YM +97 25 71 TM +97 25 72 YM +97 25 73 TM +97 25 74 YM +97 25 75 YM +97 25 76 TM +97 25 77 DU +97 25 78 YM +97 25 79 DU +97 25 80 DU +97 25 81 YM +97 25 82 YM +97 25 83 YM +97 25 84 YM +97 25 85 YM +97 25 86 TM +97 25 87 DU +97 25 88 TM +97 25 89 DU +97 25 90 DU +97 25 91 YM +97 25 92 YM +97 25 93 DU +97 25 94 DU +97 25 95 YM +97 25 96 TI +97 25 97 DU +97 25 98 TM +97 25 99 YM +97 25 100 YM +97 25 101 TM +97 25 102 YM +97 25 103 YM +97 25 104 YM +97 25 105 TM +97 25 106 TI +97 25 107 YM +97 25 108 YM +97 25 109 DU +97 25 110 TI +97 25 111 YM +97 25 112 TM +97 25 113 DU +97 25 114 DU +97 25 115 TM +97 25 116 YM +97 25 117 DU +97 25 118 TM +97 25 119 YM +97 25 120 YM +97 25 121 TM +97 25 122 YM +97 25 123 YM +97 25 124 YM +97 25 125 TM +97 25 126 TM +97 25 127 DU +97 25 128 YM +97 25 129 YM +97 25 130 YM +97 25 131 TM +97 25 132 TM +97 25 133 DU +97 25 134 YM +97 25 135 TM +97 25 136 YM +97 25 137 YM +97 25 138 YM +97 25 139 YM +97 25 140 YM +97 25 141 NA +97 25 142 NA +97 25 143 YM +97 25 144 DU +97 25 145 YM +97 25 146 TI +97 25 147 YM +97 25 148 TM +97 25 149 YM +97 25 150 TM +97 25 151 TM +97 25 152 TM +97 25 153 YM +97 25 154 YM +97 25 155 YM +97 25 156 DU +97 25 157 YM +97 25 158 NA +97 25 159 TI +97 25 160 TM +97 25 161 YM +97 25 162 TM +97 25 163 MM +97 25 164 YM +97 25 165 YM +97 25 166 MM +97 25 167 YM +97 25 168 DU +97 25 169 AA +97 25 170 AA +97 25 171 YM +97 25 172 NA +97 25 173 TM +97 25 174 TI +97 25 175 YM +97 25 176 TM +97 25 177 TI +97 25 178 DU +97 25 179 TM +97 25 180 YM +97 25 181 TI +97 25 182 TM +97 25 183 YM +97 25 184 TM +97 25 185 TI +97 25 186 YM +97 25 187 TI +97 25 188 YM +97 25 189 YM +97 25 190 TM +97 25 191 DU +97 25 192 YM +97 25 193 TI +97 25 194 TM +97 25 195 YM +97 25 196 YM +97 25 197 YM +97 25 198 DU +97 25 199 YM +97 25 200 YM +97 25 201 TM +97 25 202 YM +97 25 203 TM +97 25 204 DU +97 25 205 DU +97 25 206 NA +97 25 207 TM +97 25 208 TI +97 25 209 DU +97 25 210 TM +97 25 211 YM +97 25 212 TI +97 25 213 YM +97 25 214 TI +97 25 215 TM +97 25 216 YM +97 25 217 TM +97 25 218 TI +97 25 219 YM +97 25 220 YM +97 25 221 YM +97 25 222 TM +97 25 223 YM +97 25 224 YM +97 25 225 TI +97 25 226 AA +97 25 227 YM +97 25 228 AA +97 25 229 YM +97 25 230 YM +97 25 231 TM +97 25 232 YM +97 25 233 YM +97 25 234 DU +97 25 235 DU +97 25 236 YM +97 25 237 TM +97 25 238 DU +97 25 239 TM +97 25 240 YM +97 25 241 NA +97 25 242 TI +97 25 243 TM +97 25 244 YM +97 25 245 TM +97 25 246 YM +97 25 247 YM +97 25 248 DU +97 25 249 DU +97 25 250 YM +97 25 251 YM +97 25 252 NA +97 25 253 YM +97 25 254 YM +97 25 255 DU +97 25 256 TM +97 25 257 DU +97 25 258 TI +97 25 259 TM +97 25 260 YM +97 25 261 TM +97 25 262 YM +97 25 263 YM +97 25 264 YM +97 25 265 DU +97 25 266 TM +97 25 267 TM +97 25 268 YM +97 25 269 TM +97 25 270 TI +97 25 271 DU +97 25 272 NA +97 25 273 TM +97 25 274 YM +97 25 275 TI +97 25 276 TM +97 25 277 YM +97 25 278 TM +97 25 279 MM +97 25 280 YM +97 25 281 AA +97 25 282 YM +97 25 283 YM +97 25 284 NA +97 25 285 TM +97 25 286 NA +97 25 287 TI +97 25 288 TM +97 25 289 NA +97 25 290 YM +97 25 291 DU +97 25 292 NA +97 25 293 YM +97 25 294 YM +97 25 295 TI +97 25 296 DU +97 25 297 TI +97 25 298 TM +97 25 299 YM +97 25 300 YM +97 25 301 DU +97 25 302 YM +97 25 303 YM +97 25 304 TI +97 25 305 DU +97 25 306 YM +97 25 307 DU +97 25 308 TM +97 25 309 YM +97 25 310 YM +97 25 311 YM +97 25 312 DU +97 25 313 DU +97 25 314 YM +97 25 315 YM +97 25 316 YM +97 25 317 TM +97 25 318 TM +97 25 319 NA +97 25 320 YM +97 25 321 TM +97 25 322 YM +97 25 323 DU +97 25 324 YM +97 25 325 TM +97 25 326 TI +97 25 327 YM +97 25 328 DU +97 25 329 YM +97 25 330 NA +98 1 1 U +98 1 2 A +98 1 3 M +98 1 4 U +98 1 5 X +98 1 6 O +98 1 7 A +98 1 8 U +98 1 9 N +98 1 10 U +98 1 11 A +98 1 12 O +98 1 13 A +98 1 14 U +98 1 15 U +98 1 16 D +98 1 17 M +98 1 18 D +98 1 19 A +98 1 20 A +98 1 21 G +98 1 22 O +98 1 23 U +98 1 24 D +98 1 25 A +98 1 26 U +98 1 27 G +98 1 28 U +98 1 29 A +98 1 30 M +98 1 31 D +98 1 32 U +98 1 33 A +98 1 34 U +98 1 35 M +98 1 36 A +98 1 37 U +98 1 38 U +98 1 39 A +98 1 40 A +98 1 41 M +98 1 42 O +98 1 43 U +98 1 44 G +98 1 45 A +98 1 46 D +98 1 47 A +98 1 48 O +98 1 49 A +98 1 50 G +98 1 51 N +98 1 52 O +98 1 53 U +98 1 54 A +98 1 55 A +98 1 56 U +98 1 57 A +98 1 58 O +98 1 59 U +98 1 60 O +98 1 61 M +98 1 62 U +98 1 63 G +98 1 64 U +98 1 65 G +98 1 66 O +98 1 67 A +98 1 68 U +98 1 69 O +98 1 70 U +98 1 71 M +98 1 72 A +98 1 73 U +98 1 74 D +98 1 75 A +98 1 76 M +98 1 77 A +98 1 78 U +98 1 79 D +98 1 80 U +98 1 81 A +98 1 82 A +98 1 83 O +98 1 84 G +98 1 85 A +98 1 86 U +98 1 87 D +98 1 88 U +98 1 89 D +98 1 90 A +98 1 91 O +98 1 92 O +98 1 93 A +98 1 94 N +98 1 95 A +98 1 96 O +98 1 97 U +98 1 98 M +98 1 99 U +98 1 100 A +98 1 101 U +98 1 102 D +98 1 103 O +98 1 104 A +98 1 105 U +98 1 106 O +98 1 107 U +98 1 108 D +98 1 109 U +98 1 110 O +98 1 111 A +98 1 112 U +98 1 113 S +98 1 114 A +98 1 115 M +98 1 116 D +98 1 117 N +98 1 118 G +98 1 119 A +98 1 120 G +98 1 121 O +98 1 122 A +98 1 123 A +98 1 124 O +98 1 125 M +98 1 126 U +98 1 127 A +98 1 128 O +98 1 129 G +98 1 130 O +98 1 131 U +98 1 132 M +98 1 133 A +98 1 134 N +98 1 135 U +98 1 136 A +98 1 137 A +98 1 138 D +98 1 139 U +98 1 140 A +98 1 141 X +98 1 142 U +98 1 143 O +98 1 144 U +98 1 145 A +98 1 146 O +98 1 147 A +98 1 148 M +98 1 149 A +98 1 150 U +98 1 151 G +98 1 152 U +98 1 153 A +98 1 154 D +98 1 155 N +98 1 156 A +98 1 157 N +98 1 158 U +98 1 159 O +98 1 160 U +98 1 161 A +98 1 162 M +98 1 163 A +98 1 164 U +98 1 165 O +98 1 166 S +98 1 167 U +98 1 168 A +98 1 169 A +98 1 170 A +98 1 171 O +98 1 172 U +98 1 173 M +98 1 174 O +98 1 175 D +98 1 176 M +98 1 177 O +98 1 178 U +98 1 179 M +98 1 180 A +98 1 181 O +98 1 182 U +98 1 183 N +98 1 184 U +98 1 185 N +98 1 186 D +98 1 187 O +98 1 188 A +98 1 189 D +98 1 190 U +98 1 191 A +98 1 192 U +98 1 193 O +98 1 194 N +98 1 195 A +98 1 196 D +98 1 197 U +98 1 198 S +98 1 199 O +98 1 200 A +98 1 201 G +98 1 202 A +98 1 203 U +98 1 204 N +98 1 205 U +98 1 206 O +98 1 207 U +98 1 208 N +98 1 209 A +98 1 210 N +98 1 211 A +98 1 212 O +98 1 213 U +98 1 214 O +98 1 215 U +98 1 216 A +98 1 217 M +98 1 218 O +98 1 219 D +98 1 220 U +98 1 221 D +98 1 222 U +98 1 223 A +98 1 224 U +98 1 225 O +98 1 226 A +98 1 227 S +98 1 228 U +98 1 229 A +98 1 230 U +98 1 231 U +98 1 232 O +98 1 233 U +98 1 234 A +98 1 235 U +98 1 236 O +98 1 237 G +98 1 238 A +98 1 239 G +98 1 240 N +98 1 241 G +98 1 242 O +98 1 243 M +98 1 244 D +98 1 245 M +98 1 246 A +98 1 247 U +98 1 248 O +98 1 249 A +98 1 250 U +98 1 251 A +98 1 252 G +98 1 253 A +98 1 254 U +98 1 255 S +98 1 256 O +98 1 257 U +98 1 258 O +98 1 259 N +98 1 260 O +98 1 261 O +98 1 262 G +98 1 263 D +98 1 264 U +98 1 265 A +98 1 266 N +98 1 267 U +98 1 268 A +98 1 269 U +98 1 270 O +98 1 271 A +98 1 272 D +98 1 273 U +98 1 274 D +98 1 275 O +98 1 276 U +98 1 277 A +98 1 278 O +98 1 279 U +98 1 280 A +98 1 281 A +98 1 282 A +98 1 283 N +98 1 284 D +98 1 285 U +98 1 286 G +98 1 287 O +98 1 288 M +98 1 289 G +98 1 290 A +98 1 291 U +98 1 292 G +98 1 293 O +98 1 294 D +98 1 295 N +98 1 296 U +98 1 297 O +98 1 298 M +98 1 299 A +98 1 300 D +98 1 301 A +98 1 302 G +98 1 303 U +98 1 304 O +98 1 305 U +98 1 306 A +98 1 307 A +98 1 308 U +98 1 309 A +98 1 310 A +98 1 311 D +98 1 312 N +98 1 313 U +98 1 314 G +98 1 315 A +98 1 316 A +98 1 317 U +98 1 318 O +98 1 319 G +98 1 320 O +98 1 321 U +98 1 322 U +98 1 323 A +98 1 324 G +98 1 325 U +98 1 326 O +98 1 327 D +98 1 328 A +98 1 329 N +98 1 330 X +98 2 1 A +98 2 2 D +98 2 3 M +98 2 4 G +98 2 5 A +98 2 6 O +98 2 7 O +98 2 8 U +98 2 9 O +98 2 10 A +98 2 11 A +98 2 12 O +98 2 13 A +98 2 14 A +98 2 15 U +98 2 16 X +98 2 17 U +98 2 18 S +98 2 19 A +98 2 20 U +98 2 21 G +98 2 22 O +98 2 23 G +98 2 24 O +98 2 25 A +98 2 26 A +98 2 27 O +98 2 28 G +98 2 29 A +98 2 30 O +98 2 31 A +98 2 32 U +98 2 33 O +98 2 34 A +98 2 35 U +98 2 36 A +98 2 37 A +98 2 38 U +98 2 39 A +98 2 40 A +98 2 41 M +98 2 42 O +98 2 43 A +98 2 44 X +98 2 45 A +98 2 46 D +98 2 47 A +98 2 48 O +98 2 49 D +98 2 50 U +98 2 51 K +98 2 52 X +98 2 53 U +98 2 54 A +98 2 55 A +98 2 56 O +98 2 57 A +98 2 58 O +98 2 59 U +98 2 60 A +98 2 61 M +98 2 62 U +98 2 63 U +98 2 64 A +98 2 65 U +98 2 66 X +98 2 67 A +98 2 68 G +98 2 69 U +98 2 70 X +98 2 71 G +98 2 72 A +98 2 73 G +98 2 74 G +98 2 75 A +98 2 76 O +98 2 77 A +98 2 78 G +98 2 79 D +98 2 80 A +98 2 81 O +98 2 82 A +98 2 83 O +98 2 84 D +98 2 85 A +98 2 86 U +98 2 87 D +98 2 88 U +98 2 89 S +98 2 90 A +98 2 91 O +98 2 92 X +98 2 93 A +98 2 94 K +98 2 95 X +98 2 96 O +98 2 97 U +98 2 98 M +98 2 99 U +98 2 100 D +98 2 101 U +98 2 102 X +98 2 103 O +98 2 104 A +98 2 105 G +98 2 106 O +98 2 107 X +98 2 108 D +98 2 109 A +98 2 110 O +98 2 111 A +98 2 112 U +98 2 113 D +98 2 114 A +98 2 115 G +98 2 116 D +98 2 117 K +98 2 118 U +98 2 119 A +98 2 120 X +98 2 121 O +98 2 122 A +98 2 123 A +98 2 124 O +98 2 125 O +98 2 126 U +98 2 127 A +98 2 128 O +98 2 129 X +98 2 130 K +98 2 131 G +98 2 132 O +98 2 133 A +98 2 134 K +98 2 135 U +98 2 136 A +98 2 137 A +98 2 138 D +98 2 139 X +98 2 140 A +98 2 141 X +98 2 142 X +98 2 143 O +98 2 144 U +98 2 145 A +98 2 146 O +98 2 147 A +98 2 148 M +98 2 149 A +98 2 150 U +98 2 151 D +98 2 152 U +98 2 153 A +98 2 154 K +98 2 155 K +98 2 156 A +98 2 157 K +98 2 158 X +98 2 159 O +98 2 160 D +98 2 161 D +98 2 162 G +98 2 163 A +98 2 164 A +98 2 165 K +98 2 166 A +98 2 167 X +98 2 168 A +98 2 169 A +98 2 170 A +98 2 171 A +98 2 172 X +98 2 173 U +98 2 174 O +98 2 175 D +98 2 176 U +98 2 177 O +98 2 178 A +98 2 179 U +98 2 180 A +98 2 181 O +98 2 182 G +98 2 183 K +98 2 184 G +98 2 185 O +98 2 186 D +98 2 187 O +98 2 188 A +98 2 189 X +98 2 190 G +98 2 191 A +98 2 192 U +98 2 193 O +98 2 194 U +98 2 195 A +98 2 196 D +98 2 197 U +98 2 198 D +98 2 199 X +98 2 200 A +98 2 201 O +98 2 202 A +98 2 203 U +98 2 204 N +98 2 205 U +98 2 206 X +98 2 207 G +98 2 208 N +98 2 209 A +98 2 210 N +98 2 211 A +98 2 212 O +98 2 213 A +98 2 214 O +98 2 215 G +98 2 216 A +98 2 217 U +98 2 218 O +98 2 219 X +98 2 220 G +98 2 221 X +98 2 222 U +98 2 223 A +98 2 224 X +98 2 225 O +98 2 226 A +98 2 227 N +98 2 228 A +98 2 229 D +98 2 230 X +98 2 231 G +98 2 232 N +98 2 233 D +98 2 234 A +98 2 235 A +98 2 236 O +98 2 237 D +98 2 238 A +98 2 239 U +98 2 240 N +98 2 241 X +98 2 242 O +98 2 243 U +98 2 244 X +98 2 245 M +98 2 246 A +98 2 247 G +98 2 248 D +98 2 249 A +98 2 250 G +98 2 251 D +98 2 252 X +98 2 253 D +98 2 254 A +98 2 255 K +98 2 256 G +98 2 257 A +98 2 258 O +98 2 259 M +98 2 260 D +98 2 261 O +98 2 262 X +98 2 263 X +98 2 264 D +98 2 265 A +98 2 266 O +98 2 267 U +98 2 268 D +98 2 269 U +98 2 270 O +98 2 271 A +98 2 272 X +98 2 273 U +98 2 274 X +98 2 275 O +98 2 276 G +98 2 277 A +98 2 278 D +98 2 279 U +98 2 280 D +98 2 281 A +98 2 282 A +98 2 283 N +98 2 284 X +98 2 285 D +98 2 286 X +98 2 287 N +98 2 288 M +98 2 289 D +98 2 290 X +98 2 291 A +98 2 292 O +98 2 293 X +98 2 294 X +98 2 295 K +98 2 296 G +98 2 297 O +98 2 298 M +98 2 299 A +98 2 300 X +98 2 301 A +98 2 302 X +98 2 303 X +98 2 304 D +98 2 305 U +98 2 306 D +98 2 307 A +98 2 308 G +98 2 309 N +98 2 310 A +98 2 311 A +98 2 312 S +98 2 313 G +98 2 314 X +98 2 315 D +98 2 316 X +98 2 317 G +98 2 318 O +98 2 319 X +98 2 320 D +98 2 321 G +98 2 322 A +98 2 323 A +98 2 324 A +98 2 325 G +98 2 326 O +98 2 327 X +98 2 328 A +98 2 329 N +98 2 330 X +98 3 1 U +98 3 2 A +98 3 3 M +98 3 4 U +98 3 5 A +98 3 6 N +98 3 7 A +98 3 8 M +98 3 9 N +98 3 10 U +98 3 11 A +98 3 12 O +98 3 13 A +98 3 14 U +98 3 15 G +98 3 16 X +98 3 17 M +98 3 18 K +98 3 19 U +98 3 20 A +98 3 21 U +98 3 22 O +98 3 23 U +98 3 24 K +98 3 25 U +98 3 26 U +98 3 27 D +98 3 28 U +98 3 29 A +98 3 30 N +98 3 31 D +98 3 32 G +98 3 33 A +98 3 34 U +98 3 35 M +98 3 36 A +98 3 37 U +98 3 38 U +98 3 39 A +98 3 40 U +98 3 41 M +98 3 42 O +98 3 43 U +98 3 44 D +98 3 45 A +98 3 46 D +98 3 47 A +98 3 48 N +98 3 49 A +98 3 50 G +98 3 51 N +98 3 52 D +98 3 53 G +98 3 54 A +98 3 55 A +98 3 56 N +98 3 57 A +98 3 58 K +98 3 59 G +98 3 60 A +98 3 61 M +98 3 62 G +98 3 63 M +98 3 64 U +98 3 65 M +98 3 66 D +98 3 67 A +98 3 68 G +98 3 69 A +98 3 70 D +98 3 71 G +98 3 72 A +98 3 73 G +98 3 74 D +98 3 75 A +98 3 76 N +98 3 77 U +98 3 78 G +98 3 79 S +98 3 80 U +98 3 81 A +98 3 82 A +98 3 83 O +98 3 84 U +98 3 85 A +98 3 86 G +98 3 87 S +98 3 88 G +98 3 89 S +98 3 90 A +98 3 91 A +98 3 92 D +98 3 93 U +98 3 94 K +98 3 95 D +98 3 96 O +98 3 97 G +98 3 98 M +98 3 99 G +98 3 100 A +98 3 101 G +98 3 102 G +98 3 103 K +98 3 104 U +98 3 105 G +98 3 106 O +98 3 107 D +98 3 108 D +98 3 109 U +98 3 110 O +98 3 111 A +98 3 112 M +98 3 113 K +98 3 114 A +98 3 115 M +98 3 116 D +98 3 117 K +98 3 118 G +98 3 119 A +98 3 120 X +98 3 121 N +98 3 122 A +98 3 123 U +98 3 124 A +98 3 125 N +98 3 126 G +98 3 127 A +98 3 128 O +98 3 129 D +98 3 130 K +98 3 131 G +98 3 132 M +98 3 133 A +98 3 134 K +98 3 135 U +98 3 136 U +98 3 137 A +98 3 138 U +98 3 139 G +98 3 140 U +98 3 141 X +98 3 142 G +98 3 143 A +98 3 144 G +98 3 145 A +98 3 146 O +98 3 147 A +98 3 148 M +98 3 149 A +98 3 150 G +98 3 151 M +98 3 152 G +98 3 153 U +98 3 154 S +98 3 155 K +98 3 156 A +98 3 157 K +98 3 158 X +98 3 159 N +98 3 160 G +98 3 161 A +98 3 162 M +98 3 163 A +98 3 164 U +98 3 165 A +98 3 166 U +98 3 167 G +98 3 168 A +98 3 169 U +98 3 170 U +98 3 171 A +98 3 172 X +98 3 173 G +98 3 174 O +98 3 175 U +98 3 176 M +98 3 177 O +98 3 178 U +98 3 179 M +98 3 180 A +98 3 181 N +98 3 182 G +98 3 183 N +98 3 184 G +98 3 185 N +98 3 186 A +98 3 187 N +98 3 188 U +98 3 189 D +98 3 190 G +98 3 191 A +98 3 192 G +98 3 193 O +98 3 194 M +98 3 195 A +98 3 196 A +98 3 197 G +98 3 198 K +98 3 199 D +98 3 200 U +98 3 201 G +98 3 202 A +98 3 203 G +98 3 204 K +98 3 205 G +98 3 206 D +98 3 207 M +98 3 208 N +98 3 209 A +98 3 210 M +98 3 211 U +98 3 212 O +98 3 213 G +98 3 214 A +98 3 215 G +98 3 216 A +98 3 217 G +98 3 218 A +98 3 219 D +98 3 220 G +98 3 221 D +98 3 222 G +98 3 223 A +98 3 224 D +98 3 225 K +98 3 226 A +98 3 227 K +98 3 228 U +98 3 229 A +98 3 230 D +98 3 231 G +98 3 232 K +98 3 233 G +98 3 234 A +98 3 235 U +98 3 236 A +98 3 237 N +98 3 238 U +98 3 239 G +98 3 240 N +98 3 241 D +98 3 242 O +98 3 243 G +98 3 244 D +98 3 245 M +98 3 246 A +98 3 247 G +98 3 248 A +98 3 249 A +98 3 250 G +98 3 251 A +98 3 252 D +98 3 253 A +98 3 254 D +98 3 255 K +98 3 256 M +98 3 257 U +98 3 258 O +98 3 259 M +98 3 260 O +98 3 261 N +98 3 262 D +98 3 263 D +98 3 264 D +98 3 265 A +98 3 266 N +98 3 267 G +98 3 268 A +98 3 269 G +98 3 270 N +98 3 271 A +98 3 272 X +98 3 273 G +98 3 274 X +98 3 275 O +98 3 276 G +98 3 277 U +98 3 278 M +98 3 279 U +98 3 280 A +98 3 281 A +98 3 282 A +98 3 283 K +98 3 284 D +98 3 285 G +98 3 286 X +98 3 287 N +98 3 288 M +98 3 289 A +98 3 290 D +98 3 291 U +98 3 292 G +98 3 293 D +98 3 294 D +98 3 295 K +98 3 296 G +98 3 297 O +98 3 298 M +98 3 299 A +98 3 300 D +98 3 301 A +98 3 302 D +98 3 303 D +98 3 304 A +98 3 305 G +98 3 306 A +98 3 307 U +98 3 308 G +98 3 309 K +98 3 310 A +98 3 311 U +98 3 312 S +98 3 313 U +98 3 314 D +98 3 315 A +98 3 316 A +98 3 317 G +98 3 318 N +98 3 319 D +98 3 320 A +98 3 321 M +98 3 322 U +98 3 323 A +98 3 324 D +98 3 325 G +98 3 326 O +98 3 327 D +98 3 328 A +98 3 329 N +98 3 330 D +98 4 1 A +98 4 2 A +98 4 3 M +98 4 4 U +98 4 5 A +98 4 6 K +98 4 7 A +98 4 8 M +98 4 9 C +98 4 10 A +98 4 11 A +98 4 12 O +98 4 13 A +98 4 14 A +98 4 15 U +98 4 16 X +98 4 17 M +98 4 18 S +98 4 19 A +98 4 20 A +98 4 21 G +98 4 22 O +98 4 23 U +98 4 24 D +98 4 25 A +98 4 26 A +98 4 27 X +98 4 28 U +98 4 29 A +98 4 30 O +98 4 31 A +98 4 32 U +98 4 33 A +98 4 34 A +98 4 35 U +98 4 36 A +98 4 37 A +98 4 38 U +98 4 39 A +98 4 40 A +98 4 41 M +98 4 42 O +98 4 43 A +98 4 44 X +98 4 45 A +98 4 46 X +98 4 47 A +98 4 48 O +98 4 49 A +98 4 50 U +98 4 51 O +98 4 52 A +98 4 53 M +98 4 54 A +98 4 55 A +98 4 56 U +98 4 57 A +98 4 58 O +98 4 59 U +98 4 60 A +98 4 61 M +98 4 62 U +98 4 63 M +98 4 64 A +98 4 65 M +98 4 66 X +98 4 67 A +98 4 68 M +98 4 69 A +98 4 70 X +98 4 71 M +98 4 72 A +98 4 73 U +98 4 74 A +98 4 75 A +98 4 76 O +98 4 77 A +98 4 78 U +98 4 79 X +98 4 80 A +98 4 81 A +98 4 82 A +98 4 83 O +98 4 84 G +98 4 85 A +98 4 86 G +98 4 87 A +98 4 88 G +98 4 89 X +98 4 90 A +98 4 91 A +98 4 92 X +98 4 93 A +98 4 94 S +98 4 95 X +98 4 96 O +98 4 97 U +98 4 98 M +98 4 99 U +98 4 100 A +98 4 101 U +98 4 102 U +98 4 103 A +98 4 104 A +98 4 105 U +98 4 106 O +98 4 107 X +98 4 108 A +98 4 109 A +98 4 110 O +98 4 111 A +98 4 112 M +98 4 113 S +98 4 114 A +98 4 115 M +98 4 116 A +98 4 117 S +98 4 118 U +98 4 119 A +98 4 120 X +98 4 121 M +98 4 122 A +98 4 123 A +98 4 124 A +98 4 125 M +98 4 126 U +98 4 127 A +98 4 128 O +98 4 129 X +98 4 130 A +98 4 131 U +98 4 132 M +98 4 133 A +98 4 134 S +98 4 135 U +98 4 136 A +98 4 137 A +98 4 138 A +98 4 139 U +98 4 140 A +98 4 141 X +98 4 142 X +98 4 143 A +98 4 144 U +98 4 145 A +98 4 146 O +98 4 147 A +98 4 148 M +98 4 149 A +98 4 150 U +98 4 151 G +98 4 152 G +98 4 153 A +98 4 154 D +98 4 155 S +98 4 156 A +98 4 157 S +98 4 158 X +98 4 159 O +98 4 160 U +98 4 161 A +98 4 162 M +98 4 163 A +98 4 164 A +98 4 165 A +98 4 166 A +98 4 167 U +98 4 168 A +98 4 169 A +98 4 170 A +98 4 171 A +98 4 172 X +98 4 173 U +98 4 174 O +98 4 175 A +98 4 176 G +98 4 177 O +98 4 178 A +98 4 179 M +98 4 180 A +98 4 181 O +98 4 182 M +98 4 183 O +98 4 184 U +98 4 185 O +98 4 186 A +98 4 187 O +98 4 188 A +98 4 189 A +98 4 190 G +98 4 191 A +98 4 192 G +98 4 193 O +98 4 194 M +98 4 195 A +98 4 196 A +98 4 197 G +98 4 198 S +98 4 199 A +98 4 200 A +98 4 201 G +98 4 202 A +98 4 203 G +98 4 204 S +98 4 205 U +98 4 206 A +98 4 207 U +98 4 208 O +98 4 209 A +98 4 210 S +98 4 211 A +98 4 212 O +98 4 213 U +98 4 214 U +98 4 215 G +98 4 216 S +98 4 217 U +98 4 218 O +98 4 219 A +98 4 220 A +98 4 221 A +98 4 222 G +98 4 223 A +98 4 224 X +98 4 225 O +98 4 226 A +98 4 227 S +98 4 228 A +98 4 229 A +98 4 230 G +98 4 231 U +98 4 232 O +98 4 233 G +98 4 234 A +98 4 235 A +98 4 236 A +98 4 237 G +98 4 238 A +98 4 239 U +98 4 240 S +98 4 241 X +98 4 242 O +98 4 243 S +98 4 244 X +98 4 245 M +98 4 246 A +98 4 247 U +98 4 248 A +98 4 249 A +98 4 250 U +98 4 251 A +98 4 252 X +98 4 253 A +98 4 254 A +98 4 255 S +98 4 256 M +98 4 257 A +98 4 258 O +98 4 259 S +98 4 260 O +98 4 261 O +98 4 262 X +98 4 263 X +98 4 264 A +98 4 265 A +98 4 266 M +98 4 267 U +98 4 268 A +98 4 269 U +98 4 270 O +98 4 271 A +98 4 272 X +98 4 273 U +98 4 274 X +98 4 275 O +98 4 276 U +98 4 277 A +98 4 278 G +98 4 279 A +98 4 280 A +98 4 281 A +98 4 282 A +98 4 283 S +98 4 284 X +98 4 285 G +98 4 286 X +98 4 287 O +98 4 288 M +98 4 289 A +98 4 290 X +98 4 291 A +98 4 292 G +98 4 293 A +98 4 294 A +98 4 295 O +98 4 296 U +98 4 297 O +98 4 298 G +98 4 299 A +98 4 300 X +98 4 301 A +98 4 302 X +98 4 303 X +98 4 304 A +98 4 305 U +98 4 306 A +98 4 307 A +98 4 308 U +98 4 309 S +98 4 310 A +98 4 311 A +98 4 312 S +98 4 313 A +98 4 314 X +98 4 315 A +98 4 316 A +98 4 317 U +98 4 318 O +98 4 319 X +98 4 320 O +98 4 321 G +98 4 322 A +98 4 323 A +98 4 324 X +98 4 325 G +98 4 326 O +98 4 327 A +98 4 328 A +98 4 329 O +98 4 330 A +98 5 1 A +98 5 2 A +98 5 3 M +98 5 4 U +98 5 5 A +98 5 6 M +98 5 7 A +98 5 8 G +98 5 9 D +98 5 10 A +98 5 11 A +98 5 12 O +98 5 13 A +98 5 14 A +98 5 15 G +98 5 16 X +98 5 17 M +98 5 18 S +98 5 19 A +98 5 20 A +98 5 21 G +98 5 22 O +98 5 23 U +98 5 24 S +98 5 25 A +98 5 26 A +98 5 27 X +98 5 28 G +98 5 29 A +98 5 30 M +98 5 31 A +98 5 32 G +98 5 33 A +98 5 34 A +98 5 35 M +98 5 36 A +98 5 37 A +98 5 38 M +98 5 39 A +98 5 40 A +98 5 41 M +98 5 42 G +98 5 43 A +98 5 44 X +98 5 45 A +98 5 46 D +98 5 47 X +98 5 48 G +98 5 49 A +98 5 50 G +98 5 51 D +98 5 52 X +98 5 53 G +98 5 54 A +98 5 55 A +98 5 56 G +98 5 57 A +98 5 58 G +98 5 59 X +98 5 60 A +98 5 61 M +98 5 62 G +98 5 63 M +98 5 64 A +98 5 65 M +98 5 66 X +98 5 67 A +98 5 68 G +98 5 69 D +98 5 70 X +98 5 71 G +98 5 72 A +98 5 73 G +98 5 74 X +98 5 75 X +98 5 76 M +98 5 77 A +98 5 78 X +98 5 79 D +98 5 80 A +98 5 81 A +98 5 82 A +98 5 83 X +98 5 84 G +98 5 85 A +98 5 86 G +98 5 87 D +98 5 88 G +98 5 89 D +98 5 90 A +98 5 91 A +98 5 92 X +98 5 93 A +98 5 94 D +98 5 95 A +98 5 96 O +98 5 97 G +98 5 98 M +98 5 99 D +98 5 100 A +98 5 101 M +98 5 102 D +98 5 103 D +98 5 104 A +98 5 105 G +98 5 106 O +98 5 107 X +98 5 108 A +98 5 109 G +98 5 110 O +98 5 111 D +98 5 112 M +98 5 113 D +98 5 114 A +98 5 115 M +98 5 116 A +98 5 117 G +98 5 118 M +98 5 119 A +98 5 120 X +98 5 121 M +98 5 122 A +98 5 123 G +98 5 124 O +98 5 125 M +98 5 126 G +98 5 127 D +98 5 128 O +98 5 129 X +98 5 130 D +98 5 131 G +98 5 132 M +98 5 133 X +98 5 134 D +98 5 135 G +98 5 136 A +98 5 137 D +98 5 138 A +98 5 139 X +98 5 140 A +98 5 141 X +98 5 142 X +98 5 143 A +98 5 144 G +98 5 145 A +98 5 146 O +98 5 147 A +98 5 148 M +98 5 149 A +98 5 150 G +98 5 151 G +98 5 152 G +98 5 153 A +98 5 154 D +98 5 155 D +98 5 156 A +98 5 157 D +98 5 158 X +98 5 159 O +98 5 160 G +98 5 161 A +98 5 162 M +98 5 163 A +98 5 164 A +98 5 165 D +98 5 166 A +98 5 167 X +98 5 168 A +98 5 169 A +98 5 170 A +98 5 171 A +98 5 172 X +98 5 173 M +98 5 174 O +98 5 175 A +98 5 176 M +98 5 177 O +98 5 178 X +98 5 179 G +98 5 180 A +98 5 181 O +98 5 182 G +98 5 183 D +98 5 184 G +98 5 185 M +98 5 186 A +98 5 187 M +98 5 188 A +98 5 189 X +98 5 190 M +98 5 191 A +98 5 192 G +98 5 193 O +98 5 194 D +98 5 195 A +98 5 196 A +98 5 197 G +98 5 198 D +98 5 199 X +98 5 200 A +98 5 201 O +98 5 202 A +98 5 203 G +98 5 204 D +98 5 205 G +98 5 206 X +98 5 207 G +98 5 208 D +98 5 209 A +98 5 210 D +98 5 211 A +98 5 212 O +98 5 213 X +98 5 214 O +98 5 215 G +98 5 216 D +98 5 217 M +98 5 218 A +98 5 219 A +98 5 220 G +98 5 221 X +98 5 222 G +98 5 223 A +98 5 224 X +98 5 225 O +98 5 226 A +98 5 227 D +98 5 228 A +98 5 229 A +98 5 230 X +98 5 231 D +98 5 232 G +98 5 233 A +98 5 234 A +98 5 235 A +98 5 236 G +98 5 237 X +98 5 238 A +98 5 239 G +98 5 240 M +98 5 241 X +98 5 242 O +98 5 243 G +98 5 244 X +98 5 245 M +98 5 246 A +98 5 247 G +98 5 248 D +98 5 249 A +98 5 250 D +98 5 251 A +98 5 252 X +98 5 253 A +98 5 254 D +98 5 255 D +98 5 256 M +98 5 257 A +98 5 258 O +98 5 259 M +98 5 260 O +98 5 261 M +98 5 262 X +98 5 263 D +98 5 264 A +98 5 265 A +98 5 266 M +98 5 267 G +98 5 268 A +98 5 269 G +98 5 270 O +98 5 271 A +98 5 272 X +98 5 273 G +98 5 274 X +98 5 275 O +98 5 276 G +98 5 277 A +98 5 278 M +98 5 279 G +98 5 280 A +98 5 281 A +98 5 282 A +98 5 283 G +98 5 284 X +98 5 285 G +98 5 286 X +98 5 287 D +98 5 288 M +98 5 289 A +98 5 290 X +98 5 291 A +98 5 292 G +98 5 293 A +98 5 294 X +98 5 295 D +98 5 296 G +98 5 297 O +98 5 298 M +98 5 299 A +98 5 300 X +98 5 301 A +98 5 302 X +98 5 303 A +98 5 304 A +98 5 305 G +98 5 306 A +98 5 307 A +98 5 308 G +98 5 309 D +98 5 310 A +98 5 311 A +98 5 312 D +98 5 313 G +98 5 314 X +98 5 315 A +98 5 316 A +98 5 317 G +98 5 318 M +98 5 319 X +98 5 320 D +98 5 321 M +98 5 322 A +98 5 323 A +98 5 324 X +98 5 325 G +98 5 326 O +98 5 327 X +98 5 328 A +98 5 329 D +98 5 330 A +98 6 1 U +98 6 2 A +98 6 3 M +98 6 4 U +98 6 5 A +98 6 6 N +98 6 7 A +98 6 8 U +98 6 9 D +98 6 10 U +98 6 11 A +98 6 12 O +98 6 13 A +98 6 14 U +98 6 15 G +98 6 16 X +98 6 17 M +98 6 18 S +98 6 19 U +98 6 20 A +98 6 21 G +98 6 22 O +98 6 23 U +98 6 24 D +98 6 25 U +98 6 26 U +98 6 27 X +98 6 28 G +98 6 29 A +98 6 30 O +98 6 31 D +98 6 32 U +98 6 33 A +98 6 34 U +98 6 35 G +98 6 36 A +98 6 37 U +98 6 38 G +98 6 39 A +98 6 40 U +98 6 41 M +98 6 42 D +98 6 43 U +98 6 44 X +98 6 45 A +98 6 46 K +98 6 47 S +98 6 48 O +98 6 49 U +98 6 50 U +98 6 51 N +98 6 52 D +98 6 53 G +98 6 54 A +98 6 55 U +98 6 56 D +98 6 57 U +98 6 58 D +98 6 59 D +98 6 60 U +98 6 61 M +98 6 62 G +98 6 63 U +98 6 64 U +98 6 65 M +98 6 66 X +98 6 67 A +98 6 68 G +98 6 69 N +98 6 70 N +98 6 71 U +98 6 72 A +98 6 73 G +98 6 74 D +98 6 75 S +98 6 76 O +98 6 77 A +98 6 78 D +98 6 79 S +98 6 80 U +98 6 81 A +98 6 82 U +98 6 83 D +98 6 84 D +98 6 85 A +98 6 86 U +98 6 87 S +98 6 88 G +98 6 89 S +98 6 90 K +98 6 91 A +98 6 92 X +98 6 93 U +98 6 94 N +98 6 95 D +98 6 96 O +98 6 97 U +98 6 98 M +98 6 99 D +98 6 100 A +98 6 101 U +98 6 102 D +98 6 103 N +98 6 104 U +98 6 105 U +98 6 106 O +98 6 107 X +98 6 108 D +98 6 109 U +98 6 110 O +98 6 111 K +98 6 112 M +98 6 113 K +98 6 114 U +98 6 115 M +98 6 116 D +98 6 117 N +98 6 118 U +98 6 119 A +98 6 120 X +98 6 121 M +98 6 122 A +98 6 123 U +98 6 124 O +98 6 125 M +98 6 126 G +98 6 127 N +98 6 128 O +98 6 129 X +98 6 130 N +98 6 131 U +98 6 132 M +98 6 133 A +98 6 134 N +98 6 135 G +98 6 136 U +98 6 137 A +98 6 138 U +98 6 139 D +98 6 140 U +98 6 141 X +98 6 142 D +98 6 143 A +98 6 144 U +98 6 145 A +98 6 146 O +98 6 147 A +98 6 148 M +98 6 149 A +98 6 150 U +98 6 151 D +98 6 152 G +98 6 153 U +98 6 154 S +98 6 155 N +98 6 156 A +98 6 157 K +98 6 158 X +98 6 159 N +98 6 160 D +98 6 161 A +98 6 162 M +98 6 163 U +98 6 164 U +98 6 165 N +98 6 166 U +98 6 167 D +98 6 168 A +98 6 169 U +98 6 170 U +98 6 171 A +98 6 172 X +98 6 173 G +98 6 174 O +98 6 175 D +98 6 176 M +98 6 177 O +98 6 178 U +98 6 179 N +98 6 180 A +98 6 181 D +98 6 182 G +98 6 183 N +98 6 184 U +98 6 185 N +98 6 186 D +98 6 187 O +98 6 188 U +98 6 189 D +98 6 190 G +98 6 191 A +98 6 192 U +98 6 193 A +98 6 194 N +98 6 195 A +98 6 196 D +98 6 197 U +98 6 198 S +98 6 199 X +98 6 200 U +98 6 201 N +98 6 202 A +98 6 203 U +98 6 204 N +98 6 205 U +98 6 206 D +98 6 207 G +98 6 208 O +98 6 209 U +98 6 210 N +98 6 211 U +98 6 212 O +98 6 213 U +98 6 214 A +98 6 215 U +98 6 216 K +98 6 217 G +98 6 218 N +98 6 219 D +98 6 220 U +98 6 221 D +98 6 222 U +98 6 223 A +98 6 224 N +98 6 225 N +98 6 226 U +98 6 227 S +98 6 228 U +98 6 229 D +98 6 230 D +98 6 231 G +98 6 232 N +98 6 233 U +98 6 234 A +98 6 235 U +98 6 236 N +98 6 237 D +98 6 238 U +98 6 239 G +98 6 240 N +98 6 241 X +98 6 242 O +98 6 243 U +98 6 244 D +98 6 245 M +98 6 246 U +98 6 247 U +98 6 248 N +98 6 249 A +98 6 250 U +98 6 251 A +98 6 252 D +98 6 253 A +98 6 254 D +98 6 255 N +98 6 256 M +98 6 257 U +98 6 258 O +98 6 259 N +98 6 260 D +98 6 261 N +98 6 262 X +98 6 263 S +98 6 264 D +98 6 265 A +98 6 266 N +98 6 267 U +98 6 268 A +98 6 269 G +98 6 270 O +98 6 271 A +98 6 272 X +98 6 273 G +98 6 274 X +98 6 275 N +98 6 276 G +98 6 277 U +98 6 278 M +98 6 279 U +98 6 280 A +98 6 281 U +98 6 282 A +98 6 283 N +98 6 284 D +98 6 285 G +98 6 286 X +98 6 287 K +98 6 288 M +98 6 289 A +98 6 290 X +98 6 291 U +98 6 292 N +98 6 293 D +98 6 294 N +98 6 295 N +98 6 296 U +98 6 297 O +98 6 298 M +98 6 299 A +98 6 300 D +98 6 301 A +98 6 302 D +98 6 303 N +98 6 304 A +98 6 305 U +98 6 306 A +98 6 307 U +98 6 308 D +98 6 309 S +98 6 310 A +98 6 311 U +98 6 312 S +98 6 313 U +98 6 314 D +98 6 315 A +98 6 316 U +98 6 317 G +98 6 318 N +98 6 319 D +98 6 320 K +98 6 321 M +98 6 322 K +98 6 323 A +98 6 324 D +98 6 325 G +98 6 326 N +98 6 327 X +98 6 328 N +98 6 329 D +98 6 330 X +98 7 1 A +98 7 2 D +98 7 3 M +98 7 4 G +98 7 5 A +98 7 6 N +98 7 7 A +98 7 8 G +98 7 9 N +98 7 10 A +98 7 11 A +98 7 12 O +98 7 13 A +98 7 14 A +98 7 15 G +98 7 16 D +98 7 17 M +98 7 18 D +98 7 19 A +98 7 20 A +98 7 21 M +98 7 22 O +98 7 23 G +98 7 24 N +98 7 25 A +98 7 26 A +98 7 27 D +98 7 28 M +98 7 29 A +98 7 30 N +98 7 31 D +98 7 32 G +98 7 33 A +98 7 34 A +98 7 35 M +98 7 36 A +98 7 37 D +98 7 38 M +98 7 39 A +98 7 40 A +98 7 41 M +98 7 42 O +98 7 43 A +98 7 44 D +98 7 45 A +98 7 46 D +98 7 47 A +98 7 48 O +98 7 49 D +98 7 50 G +98 7 51 N +98 7 52 D +98 7 53 M +98 7 54 A +98 7 55 A +98 7 56 D +98 7 57 A +98 7 58 N +98 7 59 D +98 7 60 A +98 7 61 N +98 7 62 D +98 7 63 O +98 7 64 A +98 7 65 M +98 7 66 D +98 7 67 A +98 7 68 G +98 7 69 N +98 7 70 D +98 7 71 M +98 7 72 A +98 7 73 G +98 7 74 D +98 7 75 S +98 7 76 M +98 7 77 A +98 7 78 D +98 7 79 S +98 7 80 A +98 7 81 A +98 7 82 A +98 7 83 D +98 7 84 O +98 7 85 A +98 7 86 G +98 7 87 S +98 7 88 G +98 7 89 S +98 7 90 A +98 7 91 G +98 7 92 D +98 7 93 A +98 7 94 N +98 7 95 D +98 7 96 O +98 7 97 G +98 7 98 M +98 7 99 D +98 7 100 A +98 7 101 M +98 7 102 D +98 7 103 A +98 7 104 D +98 7 105 G +98 7 106 D +98 7 107 D +98 7 108 D +98 7 109 A +98 7 110 O +98 7 111 A +98 7 112 M +98 7 113 S +98 7 114 A +98 7 115 M +98 7 116 D +98 7 117 N +98 7 118 M +98 7 119 A +98 7 120 D +98 7 121 O +98 7 122 A +98 7 123 A +98 7 124 O +98 7 125 O +98 7 126 D +98 7 127 A +98 7 128 G +98 7 129 D +98 7 130 A +98 7 131 G +98 7 132 M +98 7 133 A +98 7 134 N +98 7 135 U +98 7 136 A +98 7 137 A +98 7 138 A +98 7 139 D +98 7 140 A +98 7 141 D +98 7 142 D +98 7 143 A +98 7 144 U +98 7 145 A +98 7 146 O +98 7 147 A +98 7 148 M +98 7 149 A +98 7 150 U +98 7 151 O +98 7 152 D +98 7 153 A +98 7 154 D +98 7 155 N +98 7 156 A +98 7 157 N +98 7 158 D +98 7 159 N +98 7 160 G +98 7 161 A +98 7 162 M +98 7 163 A +98 7 164 A +98 7 165 A +98 7 166 S +98 7 167 D +98 7 168 A +98 7 169 A +98 7 170 S +98 7 171 A +98 7 172 D +98 7 173 O +98 7 174 O +98 7 175 D +98 7 176 O +98 7 177 G +98 7 178 A +98 7 179 N +98 7 180 A +98 7 181 N +98 7 182 U +98 7 183 N +98 7 184 U +98 7 185 N +98 7 186 A +98 7 187 O +98 7 188 A +98 7 189 D +98 7 190 D +98 7 191 A +98 7 192 U +98 7 193 G +98 7 194 N +98 7 195 A +98 7 196 D +98 7 197 U +98 7 198 S +98 7 199 D +98 7 200 D +98 7 201 N +98 7 202 A +98 7 203 U +98 7 204 N +98 7 205 U +98 7 206 D +98 7 207 M +98 7 208 N +98 7 209 A +98 7 210 N +98 7 211 A +98 7 212 O +98 7 213 D +98 7 214 G +98 7 215 U +98 7 216 G +98 7 217 D +98 7 218 G +98 7 219 D +98 7 220 D +98 7 221 D +98 7 222 U +98 7 223 A +98 7 224 D +98 7 225 G +98 7 226 A +98 7 227 S +98 7 228 A +98 7 229 D +98 7 230 D +98 7 231 U +98 7 232 N +98 7 233 D +98 7 234 A +98 7 235 A +98 7 236 G +98 7 237 O +98 7 238 A +98 7 239 G +98 7 240 N +98 7 241 D +98 7 242 D +98 7 243 U +98 7 244 D +98 7 245 M +98 7 246 A +98 7 247 U +98 7 248 A +98 7 249 A +98 7 250 U +98 7 251 A +98 7 252 D +98 7 253 A +98 7 254 D +98 7 255 S +98 7 256 M +98 7 257 A +98 7 258 G +98 7 259 M +98 7 260 D +98 7 261 O +98 7 262 D +98 7 263 D +98 7 264 D +98 7 265 A +98 7 266 N +98 7 267 U +98 7 268 A +98 7 269 U +98 7 270 O +98 7 271 A +98 7 272 D +98 7 273 U +98 7 274 D +98 7 275 G +98 7 276 M +98 7 277 A +98 7 278 O +98 7 279 U +98 7 280 A +98 7 281 A +98 7 282 A +98 7 283 N +98 7 284 D +98 7 285 D +98 7 286 D +98 7 287 N +98 7 288 M +98 7 289 A +98 7 290 D +98 7 291 U +98 7 292 D +98 7 293 D +98 7 294 D +98 7 295 N +98 7 296 U +98 7 297 O +98 7 298 M +98 7 299 A +98 7 300 D +98 7 301 A +98 7 302 D +98 7 303 D +98 7 304 A +98 7 305 U +98 7 306 A +98 7 307 A +98 7 308 U +98 7 309 S +98 7 310 A +98 7 311 A +98 7 312 S +98 7 313 U +98 7 314 D +98 7 315 A +98 7 316 A +98 7 317 M +98 7 318 O +98 7 319 D +98 7 320 G +98 7 321 M +98 7 322 D +98 7 323 A +98 7 324 D +98 7 325 U +98 7 326 O +98 7 327 D +98 7 328 A +98 7 329 N +98 7 330 D +98 8 1 D +98 8 2 CH +98 8 3 M +98 8 4 U +98 8 5 D +98 8 6 CH +98 8 7 A +98 8 8 M +98 8 9 N +98 8 10 U +98 8 11 A +98 8 12 O +98 8 13 A +98 8 14 D +98 8 15 U +98 8 16 X +98 8 17 M +98 8 18 S +98 8 19 D +98 8 20 A +98 8 21 M +98 8 22 O +98 8 23 U +98 8 24 N +98 8 25 A +98 8 26 U +98 8 27 D +98 8 28 U +98 8 29 A +98 8 30 K +98 8 31 D +98 8 32 U +98 8 33 A +98 8 34 D +98 8 35 CH +98 8 36 A +98 8 37 CH +98 8 38 M +98 8 39 A +98 8 40 D +98 8 41 M +98 8 42 O +98 8 43 S +98 8 44 D +98 8 45 A +98 8 46 D +98 8 47 S +98 8 48 O +98 8 49 D +98 8 50 U +98 8 51 N +98 8 52 D +98 8 53 U +98 8 54 A +98 8 55 D +98 8 56 CH +98 8 57 S +98 8 58 D +98 8 59 CH +98 8 60 S +98 8 61 M +98 8 62 U +98 8 63 CH +98 8 64 A +98 8 65 M +98 8 66 D +98 8 67 CH +98 8 68 U +98 8 69 A +98 8 70 U +98 8 71 U +98 8 72 A +98 8 73 U +98 8 74 CH +98 8 75 A +98 8 76 M +98 8 77 D +98 8 78 G +98 8 79 S +98 8 80 U +98 8 81 A +98 8 82 A +98 8 83 D +98 8 84 CH +98 8 85 A +98 8 86 U +98 8 87 S +98 8 88 U +98 8 89 S +98 8 90 A +98 8 91 CH +98 8 92 D +98 8 93 A +98 8 94 N +98 8 95 D +98 8 96 O +98 8 97 U +98 8 98 M +98 8 99 U +98 8 100 D +98 8 101 U +98 8 102 CH +98 8 103 S +98 8 104 D +98 8 105 U +98 8 106 O +98 8 107 G +98 8 108 D +98 8 109 G +98 8 110 O +98 8 111 A +98 8 112 M +98 8 113 N +98 8 114 A +98 8 115 M +98 8 116 D +98 8 117 N +98 8 118 CH +98 8 119 A +98 8 120 X +98 8 121 CH +98 8 122 A +98 8 123 A +98 8 124 CH +98 8 125 M +98 8 126 G +98 8 127 S +98 8 128 O +98 8 129 G +98 8 130 S +98 8 131 U +98 8 132 M +98 8 133 A +98 8 134 N +98 8 135 U +98 8 136 CH +98 8 137 A +98 8 138 CH +98 8 139 G +98 8 140 A +98 8 141 X +98 8 142 G +98 8 143 A +98 8 144 U +98 8 145 CH +98 8 146 O +98 8 147 CH +98 8 148 M +98 8 149 CH +98 8 150 U +98 8 151 G +98 8 152 G +98 8 153 CH +98 8 154 D +98 8 155 N +98 8 156 A +98 8 157 N +98 8 158 X +98 8 159 CH +98 8 160 G +98 8 161 D +98 8 162 M +98 8 163 A +98 8 164 U +98 8 165 A +98 8 166 S +98 8 167 U +98 8 168 A +98 8 169 D +98 8 170 S +98 8 171 CH +98 8 172 X +98 8 173 M +98 8 174 O +98 8 175 CH +98 8 176 M +98 8 177 O +98 8 178 D +98 8 179 N +98 8 180 A +98 8 181 D +98 8 182 U +98 8 183 N +98 8 184 U +98 8 185 D +98 8 186 CH +98 8 187 O +98 8 188 D +98 8 189 D +98 8 190 CH +98 8 191 A +98 8 192 U +98 8 193 CH +98 8 194 N +98 8 195 A +98 8 196 CH +98 8 197 U +98 8 198 S +98 8 199 CH +98 8 200 D +98 8 201 CH +98 8 202 M +98 8 203 U +98 8 204 N +98 8 205 U +98 8 206 D +98 8 207 U +98 8 208 D +98 8 209 A +98 8 210 N +98 8 211 CH +98 8 212 O +98 8 213 U +98 8 214 D +98 8 215 U +98 8 216 A +98 8 217 CH +98 8 218 D +98 8 219 X +98 8 220 U +98 8 221 D +98 8 222 U +98 8 223 A +98 8 224 G +98 8 225 CH +98 8 226 A +98 8 227 S +98 8 228 S +98 8 229 D +98 8 230 CH +98 8 231 U +98 8 232 D +98 8 233 U +98 8 234 A +98 8 235 G +98 8 236 A +98 8 237 CH +98 8 238 A +98 8 239 G +98 8 240 N +98 8 241 CH +98 8 242 O +98 8 243 N +98 8 244 D +98 8 245 M +98 8 246 D +98 8 247 G +98 8 248 S +98 8 249 A +98 8 250 U +98 8 251 D +98 8 252 G +98 8 253 D +98 8 254 CH +98 8 255 S +98 8 256 M +98 8 257 S +98 8 258 O +98 8 259 M +98 8 260 D +98 8 261 O +98 8 262 X +98 8 263 D +98 8 264 D +98 8 265 A +98 8 266 N +98 8 267 U +98 8 268 A +98 8 269 U +98 8 270 M +98 8 271 A +98 8 272 X +98 8 273 U +98 8 274 X +98 8 275 D +98 8 276 M +98 8 277 S +98 8 278 CH +98 8 279 U +98 8 280 A +98 8 281 A +98 8 282 A +98 8 283 N +98 8 284 D +98 8 285 CH +98 8 286 X +98 8 287 O +98 8 288 M +98 8 289 M +98 8 290 G +98 8 291 U +98 8 292 CH +98 8 293 D +98 8 294 D +98 8 295 N +98 8 296 U +98 8 297 D +98 8 298 M +98 8 299 A +98 8 300 D +98 8 301 A +98 8 302 CH +98 8 303 D +98 8 304 A +98 8 305 U +98 8 306 CH +98 8 307 CH +98 8 308 U +98 8 309 A +98 8 310 CH +98 8 311 D +98 8 312 S +98 8 313 U +98 8 314 CH +98 8 315 A +98 8 316 A +98 8 317 U +98 8 318 M +98 8 319 X +98 8 320 A +98 8 321 M +98 8 322 D +98 8 323 A +98 8 324 D +98 8 325 U +98 8 326 O +98 8 327 CH +98 8 328 A +98 8 329 N +98 8 330 D +98 9 1 A +98 9 2 D +98 9 3 M +98 9 4 U +98 9 5 D +98 9 6 D +98 9 7 A +98 9 8 U +98 9 9 N +98 9 10 A +98 9 11 A +98 9 12 O +98 9 13 A +98 9 14 A +98 9 15 D +98 9 16 X +98 9 17 M +98 9 18 S +98 9 19 A +98 9 20 A +98 9 21 M +98 9 22 O +98 9 23 U +98 9 24 D +98 9 25 D +98 9 26 A +98 9 27 D +98 9 28 M +98 9 29 A +98 9 30 M +98 9 31 D +98 9 32 U +98 9 33 A +98 9 34 D +98 9 35 M +98 9 36 D +98 9 37 D +98 9 38 M +98 9 39 D +98 9 40 D +98 9 41 M +98 9 42 O +98 9 43 S +98 9 44 CH +98 9 45 A +98 9 46 D +98 9 47 S +98 9 48 O +98 9 49 D +98 9 50 U +98 9 51 N +98 9 52 CH +98 9 53 M +98 9 54 A +98 9 55 D +98 9 56 N +98 9 57 N +98 9 58 D +98 9 59 CH +98 9 60 S +98 9 61 N +98 9 62 U +98 9 63 M +98 9 64 A +98 9 65 M +98 9 66 D +98 9 67 A +98 9 68 N +98 9 69 N +98 9 70 D +98 9 71 N +98 9 72 A +98 9 73 U +98 9 74 D +98 9 75 N +98 9 76 M +98 9 77 A +98 9 78 CH +98 9 79 D +98 9 80 A +98 9 81 A +98 9 82 A +98 9 83 D +98 9 84 U +98 9 85 A +98 9 86 M +98 9 87 S +98 9 88 U +98 9 89 S +98 9 90 S +98 9 91 O +98 9 92 D +98 9 93 A +98 9 94 S +98 9 95 D +98 9 96 O +98 9 97 U +98 9 98 M +98 9 99 D +98 9 100 D +98 9 101 U +98 9 102 D +98 9 103 D +98 9 104 D +98 9 105 U +98 9 106 O +98 9 107 D +98 9 108 D +98 9 109 M +98 9 110 O +98 9 111 D +98 9 112 M +98 9 113 S +98 9 114 A +98 9 115 U +98 9 116 D +98 9 117 N +98 9 118 O +98 9 119 A +98 9 120 D +98 9 121 M +98 9 122 A +98 9 123 A +98 9 124 O +98 9 125 M +98 9 126 D +98 9 127 S +98 9 128 O +98 9 129 D +98 9 130 S +98 9 131 U +98 9 132 M +98 9 133 A +98 9 134 N +98 9 135 U +98 9 136 A +98 9 137 A +98 9 138 D +98 9 139 D +98 9 140 A +98 9 141 D +98 9 142 D +98 9 143 A +98 9 144 U +98 9 145 A +98 9 146 O +98 9 147 A +98 9 148 M +98 9 149 A +98 9 150 N +98 9 151 D +98 9 152 U +98 9 153 A +98 9 154 D +98 9 155 S +98 9 156 A +98 9 157 D +98 9 158 D +98 9 159 O +98 9 160 D +98 9 161 A +98 9 162 M +98 9 163 A +98 9 164 A +98 9 165 N +98 9 166 S +98 9 167 D +98 9 168 A +98 9 169 D +98 9 170 S +98 9 171 A +98 9 172 D +98 9 173 M +98 9 174 O +98 9 175 D +98 9 176 M +98 9 177 D +98 9 178 A +98 9 179 U +98 9 180 A +98 9 181 D +98 9 182 N +98 9 183 D +98 9 184 U +98 9 185 N +98 9 186 D +98 9 187 O +98 9 188 A +98 9 189 D +98 9 190 A +98 9 191 A +98 9 192 N +98 9 193 O +98 9 194 N +98 9 195 A +98 9 196 D +98 9 197 N +98 9 198 S +98 9 199 D +98 9 200 N +98 9 201 O +98 9 202 A +98 9 203 N +98 9 204 S +98 9 205 N +98 9 206 D +98 9 207 M +98 9 208 O +98 9 209 D +98 9 210 N +98 9 211 A +98 9 212 O +98 9 213 D +98 9 214 O +98 9 215 M +98 9 216 N +98 9 217 D +98 9 218 O +98 9 219 D +98 9 220 N +98 9 221 D +98 9 222 N +98 9 223 A +98 9 224 D +98 9 225 N +98 9 226 A +98 9 227 S +98 9 228 S +98 9 229 A +98 9 230 O +98 9 231 U +98 9 232 N +98 9 233 U +98 9 234 A +98 9 235 A +98 9 236 O +98 9 237 D +98 9 238 A +98 9 239 D +98 9 240 U +98 9 241 D +98 9 242 O +98 9 243 U +98 9 244 D +98 9 245 N +98 9 246 A +98 9 247 D +98 9 248 S +98 9 249 A +98 9 250 U +98 9 251 D +98 9 252 D +98 9 253 A +98 9 254 D +98 9 255 S +98 9 256 M +98 9 257 A +98 9 258 O +98 9 259 U +98 9 260 D +98 9 261 M +98 9 262 D +98 9 263 N +98 9 264 D +98 9 265 A +98 9 266 U +98 9 267 U +98 9 268 A +98 9 269 U +98 9 270 O +98 9 271 A +98 9 272 D +98 9 273 U +98 9 274 D +98 9 275 O +98 9 276 U +98 9 277 S +98 9 278 O +98 9 279 U +98 9 280 A +98 9 281 A +98 9 282 A +98 9 283 U +98 9 284 D +98 9 285 O +98 9 286 D +98 9 287 M +98 9 288 M +98 9 289 A +98 9 290 D +98 9 291 D +98 9 292 D +98 9 293 D +98 9 294 D +98 9 295 N +98 9 296 U +98 9 297 O +98 9 298 U +98 9 299 A +98 9 300 D +98 9 301 A +98 9 302 D +98 9 303 D +98 9 304 O +98 9 305 U +98 9 306 A +98 9 307 A +98 9 308 O +98 9 309 N +98 9 310 A +98 9 311 A +98 9 312 S +98 9 313 U +98 9 314 D +98 9 315 A +98 9 316 A +98 9 317 U +98 9 318 O +98 9 319 D +98 9 320 U +98 9 321 M +98 9 322 A +98 9 323 A +98 9 324 D +98 9 325 U +98 9 326 N +98 9 327 D +98 9 328 A +98 9 329 N +98 9 330 D +98 10 1 A +98 10 2 D +98 10 3 M +98 10 4 U +98 10 5 D +98 10 6 K +98 10 7 A +98 10 8 U +98 10 9 C +98 10 10 A +98 10 11 D +98 10 12 O +98 10 13 D +98 10 14 S +98 10 15 D +98 10 16 D +98 10 17 M +98 10 18 S +98 10 19 A +98 10 20 A +98 10 21 M +98 10 22 O +98 10 23 U +98 10 24 A +98 10 25 S +98 10 26 A +98 10 27 D +98 10 28 U +98 10 29 A +98 10 30 N +98 10 31 D +98 10 32 U +98 10 33 A +98 10 34 D +98 10 35 M +98 10 36 D +98 10 37 D +98 10 38 U +98 10 39 A +98 10 40 D +98 10 41 U +98 10 42 K +98 10 43 D +98 10 44 D +98 10 45 A +98 10 46 D +98 10 47 D +98 10 48 N +98 10 49 D +98 10 50 U +98 10 51 C +98 10 52 D +98 10 53 U +98 10 54 A +98 10 55 D +98 10 56 N +98 10 57 D +98 10 58 N +98 10 59 U +98 10 60 D +98 10 61 M +98 10 62 U +98 10 63 M +98 10 64 A +98 10 65 U +98 10 66 D +98 10 67 A +98 10 68 U +98 10 69 K +98 10 70 U +98 10 71 U +98 10 72 A +98 10 73 U +98 10 74 D +98 10 75 S +98 10 76 M +98 10 77 A +98 10 78 A +98 10 79 S +98 10 80 A +98 10 81 A +98 10 82 D +98 10 83 N +98 10 84 U +98 10 85 A +98 10 86 U +98 10 87 S +98 10 88 U +98 10 89 S +98 10 90 A +98 10 91 O +98 10 92 N +98 10 93 A +98 10 94 S +98 10 95 CH +98 10 96 O +98 10 97 U +98 10 98 M +98 10 99 U +98 10 100 D +98 10 101 U +98 10 102 D +98 10 103 K +98 10 104 A +98 10 105 U +98 10 106 O +98 10 107 D +98 10 108 D +98 10 109 U +98 10 110 O +98 10 111 N +98 10 112 M +98 10 113 S +98 10 114 A +98 10 115 U +98 10 116 D +98 10 117 N +98 10 118 U +98 10 119 A +98 10 120 D +98 10 121 M +98 10 122 A +98 10 123 A +98 10 124 O +98 10 125 G +98 10 126 U +98 10 127 U +98 10 128 O +98 10 129 CH +98 10 130 K +98 10 131 U +98 10 132 M +98 10 133 A +98 10 134 U +98 10 135 U +98 10 136 A +98 10 137 A +98 10 138 D +98 10 139 U +98 10 140 A +98 10 141 X +98 10 142 U +98 10 143 O +98 10 144 U +98 10 145 A +98 10 146 O +98 10 147 A +98 10 148 M +98 10 149 A +98 10 150 U +98 10 151 M +98 10 152 U +98 10 153 A +98 10 154 D +98 10 155 N +98 10 156 A +98 10 157 N +98 10 158 D +98 10 159 N +98 10 160 U +98 10 161 A +98 10 162 M +98 10 163 A +98 10 164 A +98 10 165 N +98 10 166 A +98 10 167 U +98 10 168 A +98 10 169 A +98 10 170 S +98 10 171 N +98 10 172 D +98 10 173 U +98 10 174 O +98 10 175 D +98 10 176 U +98 10 177 CH +98 10 178 A +98 10 179 U +98 10 180 A +98 10 181 O +98 10 182 U +98 10 183 N +98 10 184 U +98 10 185 U +98 10 186 D +98 10 187 G +98 10 188 A +98 10 189 D +98 10 190 U +98 10 191 A +98 10 192 U +98 10 193 N +98 10 194 U +98 10 195 A +98 10 196 D +98 10 197 U +98 10 198 S +98 10 199 D +98 10 200 A +98 10 201 U +98 10 202 A +98 10 203 U +98 10 204 N +98 10 205 U +98 10 206 CH +98 10 207 U +98 10 208 N +98 10 209 A +98 10 210 U +98 10 211 D +98 10 212 G +98 10 213 U +98 10 214 O +98 10 215 U +98 10 216 K +98 10 217 CH +98 10 218 O +98 10 219 CH +98 10 220 U +98 10 221 D +98 10 222 U +98 10 223 A +98 10 224 CH +98 10 225 N +98 10 226 A +98 10 227 S +98 10 228 A +98 10 229 A +98 10 230 CH +98 10 231 U +98 10 232 N +98 10 233 U +98 10 234 A +98 10 235 A +98 10 236 O +98 10 237 N +98 10 238 A +98 10 239 U +98 10 240 U +98 10 241 CH +98 10 242 O +98 10 243 U +98 10 244 CH +98 10 245 M +98 10 246 A +98 10 247 U +98 10 248 D +98 10 249 A +98 10 250 U +98 10 251 A +98 10 252 CH +98 10 253 A +98 10 254 CH +98 10 255 S +98 10 256 U +98 10 257 A +98 10 258 O +98 10 259 M +98 10 260 CH +98 10 261 M +98 10 262 CH +98 10 263 D +98 10 264 A +98 10 265 A +98 10 266 K +98 10 267 U +98 10 268 A +98 10 269 U +98 10 270 N +98 10 271 A +98 10 272 X +98 10 273 U +98 10 274 X +98 10 275 O +98 10 276 U +98 10 277 A +98 10 278 U +98 10 279 A +98 10 280 A +98 10 281 A +98 10 282 A +98 10 283 K +98 10 284 CH +98 10 285 U +98 10 286 CH +98 10 287 N +98 10 288 M +98 10 289 A +98 10 290 D +98 10 291 A +98 10 292 U +98 10 293 CH +98 10 294 D +98 10 295 B +98 10 296 U +98 10 297 O +98 10 298 M +98 10 299 A +98 10 300 D +98 10 301 A +98 10 302 CH +98 10 303 D +98 10 304 O +98 10 305 U +98 10 306 A +98 10 307 A +98 10 308 U +98 10 309 K +98 10 310 A +98 10 311 A +98 10 312 S +98 10 313 U +98 10 314 CH +98 10 315 A +98 10 316 A +98 10 317 U +98 10 318 U +98 10 319 CH +98 10 320 D +98 10 321 M +98 10 322 D +98 10 323 A +98 10 324 CH +98 10 325 U +98 10 326 O +98 10 327 D +98 10 328 A +98 10 329 N +98 10 330 D +98 11 1 A +98 11 2 A +98 11 3 M +98 11 4 O +98 11 5 A +98 11 6 O +98 11 7 A +98 11 8 O +98 11 9 D +98 11 10 D +98 11 11 O +98 11 12 O +98 11 13 D +98 11 14 A +98 11 15 O +98 11 16 X +98 11 17 A +98 11 18 D +98 11 19 A +98 11 20 A +98 11 21 D +98 11 22 O +98 11 23 O +98 11 24 D +98 11 25 A +98 11 26 O +98 11 27 A +98 11 28 O +98 11 29 D +98 11 30 O +98 11 31 D +98 11 32 D +98 11 33 A +98 11 34 D +98 11 35 D +98 11 36 A +98 11 37 D +98 11 38 A +98 11 39 A +98 11 40 A +98 11 41 O +98 11 42 A +98 11 43 A +98 11 44 X +98 11 45 A +98 11 46 D +98 11 47 A +98 11 48 A +98 11 49 A +98 11 50 O +98 11 51 D +98 11 52 X +98 11 53 O +98 11 54 A +98 11 55 A +98 11 56 O +98 11 57 A +98 11 58 A +98 11 59 O +98 11 60 A +98 11 61 O +98 11 62 O +98 11 63 O +98 11 64 A +98 11 65 O +98 11 66 X +98 11 67 A +98 11 68 O +98 11 69 A +98 11 70 X +98 11 71 O +98 11 72 A +98 11 73 O +98 11 74 X +98 11 75 A +98 11 76 O +98 11 77 A +98 11 78 O +98 11 79 D +98 11 80 A +98 11 81 A +98 11 82 A +98 11 83 X +98 11 84 O +98 11 85 A +98 11 86 O +98 11 87 D +98 11 88 O +98 11 89 S +98 11 90 A +98 11 91 O +98 11 92 X +98 11 93 A +98 11 94 D +98 11 95 X +98 11 96 O +98 11 97 O +98 11 98 M +98 11 99 D +98 11 100 A +98 11 101 M +98 11 102 X +98 11 103 O +98 11 104 A +98 11 105 O +98 11 106 O +98 11 107 X +98 11 108 X +98 11 109 O +98 11 110 O +98 11 111 A +98 11 112 O +98 11 113 D +98 11 114 A +98 11 115 O +98 11 116 A +98 11 117 D +98 11 118 O +98 11 119 A +98 11 120 X +98 11 121 O +98 11 122 A +98 11 123 A +98 11 124 A +98 11 125 O +98 11 126 D +98 11 127 A +98 11 128 O +98 11 129 X +98 11 130 A +98 11 131 O +98 11 132 O +98 11 133 A +98 11 134 D +98 11 135 O +98 11 136 A +98 11 137 A +98 11 138 A +98 11 139 X +98 11 140 A +98 11 141 X +98 11 142 X +98 11 143 A +98 11 144 O +98 11 145 A +98 11 146 O +98 11 147 A +98 11 148 M +98 11 149 A +98 11 150 A +98 11 151 O +98 11 152 O +98 11 153 A +98 11 154 D +98 11 155 D +98 11 156 A +98 11 157 D +98 11 158 X +98 11 159 O +98 11 160 O +98 11 161 A +98 11 162 O +98 11 163 A +98 11 164 A +98 11 165 D +98 11 166 A +98 11 167 D +98 11 168 A +98 11 169 A +98 11 170 D +98 11 171 A +98 11 172 X +98 11 173 O +98 11 174 O +98 11 175 X +98 11 176 O +98 11 177 O +98 11 178 A +98 11 179 D +98 11 180 A +98 11 181 D +98 11 182 O +98 11 183 D +98 11 184 O +98 11 185 O +98 11 186 A +98 11 187 O +98 11 188 A +98 11 189 X +98 11 190 O +98 11 191 A +98 11 192 O +98 11 193 O +98 11 194 D +98 11 195 A +98 11 196 A +98 11 197 O +98 11 198 D +98 11 199 A +98 11 200 A +98 11 201 D +98 11 202 A +98 11 203 O +98 11 204 D +98 11 205 A +98 11 206 X +98 11 207 O +98 11 208 D +98 11 209 A +98 11 210 O +98 11 211 A +98 11 212 O +98 11 213 X +98 11 214 A +98 11 215 O +98 11 216 A +98 11 217 O +98 11 218 A +98 11 219 X +98 11 220 A +98 11 221 X +98 11 222 O +98 11 223 A +98 11 224 X +98 11 225 A +98 11 226 A +98 11 227 A +98 11 228 A +98 11 229 A +98 11 230 X +98 11 231 O +98 11 232 A +98 11 233 O +98 11 234 A +98 11 235 A +98 11 236 A +98 11 237 O +98 11 238 A +98 11 239 O +98 11 240 O +98 11 241 X +98 11 242 O +98 11 243 O +98 11 244 X +98 11 245 O +98 11 246 A +98 11 247 O +98 11 248 A +98 11 249 A +98 11 250 O +98 11 251 A +98 11 252 X +98 11 253 A +98 11 254 A +98 11 255 D +98 11 256 O +98 11 257 A +98 11 258 O +98 11 259 O +98 11 260 X +98 11 261 O +98 11 262 X +98 11 263 X +98 11 264 X +98 11 265 A +98 11 266 O +98 11 267 D +98 11 268 A +98 11 269 O +98 11 270 O +98 11 271 A +98 11 272 X +98 11 273 O +98 11 274 X +98 11 275 A +98 11 276 O +98 11 277 A +98 11 278 O +98 11 279 A +98 11 280 A +98 11 281 A +98 11 282 A +98 11 283 D +98 11 284 X +98 11 285 O +98 11 286 X +98 11 287 O +98 11 288 O +98 11 289 A +98 11 290 X +98 11 291 A +98 11 292 O +98 11 293 X +98 11 294 X +98 11 295 D +98 11 296 O +98 11 297 A +98 11 298 O +98 11 299 A +98 11 300 X +98 11 301 A +98 11 302 X +98 11 303 X +98 11 304 A +98 11 305 O +98 11 306 A +98 11 307 A +98 11 308 O +98 11 309 D +98 11 310 A +98 11 311 A +98 11 312 D +98 11 313 O +98 11 314 X +98 11 315 A +98 11 316 A +98 11 317 O +98 11 318 O +98 11 319 X +98 11 320 O +98 11 321 O +98 11 322 A +98 11 323 A +98 11 324 X +98 11 325 O +98 11 326 O +98 11 327 X +98 11 328 A +98 11 329 D +98 11 330 X +98 12 1 A +98 12 2 A +98 12 3 M +98 12 4 U +98 12 5 A +98 12 6 O +98 12 7 A +98 12 8 U +98 12 9 D +98 12 10 A +98 12 11 A +98 12 12 O +98 12 13 A +98 12 14 A +98 12 15 O +98 12 16 D +98 12 17 M +98 12 18 S +98 12 19 A +98 12 20 A +98 12 21 M +98 12 22 O +98 12 23 U +98 12 24 D +98 12 25 A +98 12 26 A +98 12 27 D +98 12 28 M +98 12 29 A +98 12 30 O +98 12 31 D +98 12 32 U +98 12 33 A +98 12 34 A +98 12 35 O +98 12 36 A +98 12 37 A +98 12 38 O +98 12 39 A +98 12 40 A +98 12 41 M +98 12 42 O +98 12 43 A +98 12 44 D +98 12 45 A +98 12 46 D +98 12 47 A +98 12 48 O +98 12 49 A +98 12 50 U +98 12 51 D +98 12 52 X +98 12 53 M +98 12 54 A +98 12 55 A +98 12 56 U +98 12 57 A +98 12 58 D +98 12 59 D +98 12 60 A +98 12 61 M +98 12 62 U +98 12 63 M +98 12 64 A +98 12 65 M +98 12 66 D +98 12 67 A +98 12 68 O +98 12 69 D +98 12 70 D +98 12 71 M +98 12 72 A +98 12 73 U +98 12 74 A +98 12 75 A +98 12 76 M +98 12 77 A +98 12 78 O +98 12 79 S +98 12 80 A +98 12 81 A +98 12 82 A +98 12 83 O +98 12 84 O +98 12 85 A +98 12 86 U +98 12 87 S +98 12 88 U +98 12 89 S +98 12 90 A +98 12 91 O +98 12 92 D +98 12 93 A +98 12 94 S +98 12 95 D +98 12 96 D +98 12 97 U +98 12 98 A +98 12 99 U +98 12 100 A +98 12 101 M +98 12 102 D +98 12 103 D +98 12 104 A +98 12 105 U +98 12 106 O +98 12 107 X +98 12 108 X +98 12 109 A +98 12 110 O +98 12 111 S +98 12 112 M +98 12 113 S +98 12 114 A +98 12 115 M +98 12 116 X +98 12 117 D +98 12 118 O +98 12 119 A +98 12 120 X +98 12 121 M +98 12 122 A +98 12 123 A +98 12 124 A +98 12 125 M +98 12 126 O +98 12 127 S +98 12 128 O +98 12 129 X +98 12 130 D +98 12 131 U +98 12 132 M +98 12 133 A +98 12 134 M +98 12 135 U +98 12 136 A +98 12 137 A +98 12 138 A +98 12 139 D +98 12 140 A +98 12 141 X +98 12 142 D +98 12 143 A +98 12 144 A +98 12 145 A +98 12 146 O +98 12 147 A +98 12 148 M +98 12 149 A +98 12 150 O +98 12 151 M +98 12 152 U +98 12 153 A +98 12 154 S +98 12 155 D +98 12 156 A +98 12 157 D +98 12 158 X +98 12 159 O +98 12 160 M +98 12 161 A +98 12 162 M +98 12 163 A +98 12 164 A +98 12 165 D +98 12 166 A +98 12 167 U +98 12 168 A +98 12 169 A +98 12 170 A +98 12 171 D +98 12 172 X +98 12 173 M +98 12 174 O +98 12 175 A +98 12 176 M +98 12 177 A +98 12 178 A +98 12 179 M +98 12 180 A +98 12 181 O +98 12 182 U +98 12 183 D +98 12 184 U +98 12 185 M +98 12 186 A +98 12 187 O +98 12 188 A +98 12 189 X +98 12 190 O +98 12 191 A +98 12 192 U +98 12 193 D +98 12 194 M +98 12 195 A +98 12 196 A +98 12 197 U +98 12 198 S +98 12 199 X +98 12 200 A +98 12 201 O +98 12 202 A +98 12 203 M +98 12 204 S +98 12 205 U +98 12 206 X +98 12 207 M +98 12 208 D +98 12 209 A +98 12 210 M +98 12 211 A +98 12 212 O +98 12 213 U +98 12 214 A +98 12 215 U +98 12 216 D +98 12 217 M +98 12 218 A +98 12 219 X +98 12 220 A +98 12 221 X +98 12 222 U +98 12 223 A +98 12 224 D +98 12 225 D +98 12 226 A +98 12 227 S +98 12 228 A +98 12 229 D +98 12 230 X +98 12 231 U +98 12 232 D +98 12 233 A +98 12 234 A +98 12 235 A +98 12 236 O +98 12 237 O +98 12 238 A +98 12 239 M +98 12 240 M +98 12 241 D +98 12 242 D +98 12 243 U +98 12 244 X +98 12 245 M +98 12 246 U +98 12 247 U +98 12 248 S +98 12 249 A +98 12 250 U +98 12 251 A +98 12 252 X +98 12 253 A +98 12 254 A +98 12 255 S +98 12 256 M +98 12 257 A +98 12 258 O +98 12 259 M +98 12 260 D +98 12 261 O +98 12 262 X +98 12 263 D +98 12 264 X +98 12 265 A +98 12 266 M +98 12 267 U +98 12 268 A +98 12 269 U +98 12 270 O +98 12 271 A +98 12 272 D +98 12 273 U +98 12 274 X +98 12 275 D +98 12 276 M +98 12 277 A +98 12 278 O +98 12 279 A +98 12 280 A +98 12 281 A +98 12 282 A +98 12 283 M +98 12 284 D +98 12 285 O +98 12 286 X +98 12 287 D +98 12 288 M +98 12 289 A +98 12 290 D +98 12 291 A +98 12 292 O +98 12 293 X +98 12 294 X +98 12 295 D +98 12 296 U +98 12 297 O +98 12 298 M +98 12 299 A +98 12 300 D +98 12 301 A +98 12 302 X +98 12 303 A +98 12 304 A +98 12 305 U +98 12 306 A +98 12 307 A +98 12 308 U +98 12 309 D +98 12 310 A +98 12 311 A +98 12 312 S +98 12 313 A +98 12 314 X +98 12 315 A +98 12 316 A +98 12 317 U +98 12 318 M +98 12 319 X +98 12 320 A +98 12 321 M +98 12 322 A +98 12 323 A +98 12 324 X +98 12 325 U +98 12 326 O +98 12 327 A +98 12 328 A +98 12 329 D +98 12 330 X +98 13 1 A +98 13 2 U +98 13 3 M +98 13 4 U +98 13 5 A +98 13 6 M +98 13 7 A +98 13 8 U +98 13 9 M +98 13 10 A +98 13 11 A +98 13 12 U +98 13 13 A +98 13 14 A +98 13 15 D +98 13 16 X +98 13 17 O +98 13 18 S +98 13 19 A +98 13 20 D +98 13 21 O +98 13 22 X +98 13 23 U +98 13 24 U +98 13 25 A +98 13 26 A +98 13 27 X +98 13 28 M +98 13 29 D +98 13 30 O +98 13 31 D +98 13 32 U +98 13 33 A +98 13 34 A +98 13 35 O +98 13 36 S +98 13 37 U +98 13 38 M +98 13 39 U +98 13 40 A +98 13 41 U +98 13 42 D +98 13 43 A +98 13 44 X +98 13 45 A +98 13 46 D +98 13 47 A +98 13 48 D +98 13 49 A +98 13 50 D +98 13 51 N +98 13 52 X +98 13 53 M +98 13 54 D +98 13 55 D +98 13 56 M +98 13 57 A +98 13 58 D +98 13 59 N +98 13 60 A +98 13 61 M +98 13 62 D +98 13 63 O +98 13 64 A +98 13 65 M +98 13 66 X +98 13 67 D +98 13 68 O +98 13 69 A +98 13 70 X +98 13 71 N +98 13 72 A +98 13 73 N +98 13 74 X +98 13 75 A +98 13 76 O +98 13 77 A +98 13 78 X +98 13 79 S +98 13 80 A +98 13 81 A +98 13 82 X +98 13 83 X +98 13 84 O +98 13 85 A +98 13 86 O +98 13 87 S +98 13 88 U +98 13 89 S +98 13 90 S +98 13 91 O +98 13 92 X +98 13 93 A +98 13 94 S +98 13 95 X +98 13 96 O +98 13 97 A +98 13 98 O +98 13 99 U +98 13 100 U +98 13 101 O +98 13 102 X +98 13 103 S +98 13 104 U +98 13 105 U +98 13 106 X +98 13 107 X +98 13 108 X +98 13 109 A +98 13 110 M +98 13 111 A +98 13 112 O +98 13 113 A +98 13 114 A +98 13 115 U +98 13 116 X +98 13 117 S +98 13 118 U +98 13 119 A +98 13 120 X +98 13 121 M +98 13 122 A +98 13 123 D +98 13 124 O +98 13 125 M +98 13 126 M +98 13 127 S +98 13 128 N +98 13 129 X +98 13 130 S +98 13 131 U +98 13 132 O +98 13 133 A +98 13 134 U +98 13 135 U +98 13 136 A +98 13 137 A +98 13 138 D +98 13 139 D +98 13 140 A +98 13 141 X +98 13 142 X +98 13 143 N +98 13 144 U +98 13 145 A +98 13 146 N +98 13 147 A +98 13 148 M +98 13 149 X +98 13 150 U +98 13 151 M +98 13 152 D +98 13 153 A +98 13 154 S +98 13 155 S +98 13 156 A +98 13 157 U +98 13 158 X +98 13 159 O +98 13 160 O +98 13 161 A +98 13 162 O +98 13 163 A +98 13 164 A +98 13 165 D +98 13 166 A +98 13 167 U +98 13 168 A +98 13 169 A +98 13 170 A +98 13 171 A +98 13 172 X +98 13 173 O +98 13 174 O +98 13 175 A +98 13 176 O +98 13 177 X +98 13 178 S +98 13 179 N +98 13 180 A +98 13 181 D +98 13 182 N +98 13 183 N +98 13 184 U +98 13 185 O +98 13 186 A +98 13 187 O +98 13 188 A +98 13 189 X +98 13 190 N +98 13 191 A +98 13 192 U +98 13 193 N +98 13 194 O +98 13 195 A +98 13 196 X +98 13 197 U +98 13 198 A +98 13 199 X +98 13 200 A +98 13 201 O +98 13 202 A +98 13 203 U +98 13 204 S +98 13 205 U +98 13 206 X +98 13 207 M +98 13 208 N +98 13 209 A +98 13 210 U +98 13 211 A +98 13 212 O +98 13 213 U +98 13 214 A +98 13 215 U +98 13 216 A +98 13 217 U +98 13 218 N +98 13 219 X +98 13 220 A +98 13 221 X +98 13 222 U +98 13 223 A +98 13 224 X +98 13 225 U +98 13 226 A +98 13 227 A +98 13 228 A +98 13 229 X +98 13 230 X +98 13 231 U +98 13 232 S +98 13 233 N +98 13 234 A +98 13 235 A +98 13 236 A +98 13 237 U +98 13 238 A +98 13 239 O +98 13 240 U +98 13 241 X +98 13 242 X +98 13 243 U +98 13 244 X +98 13 245 M +98 13 246 X +98 13 247 U +98 13 248 A +98 13 249 A +98 13 250 U +98 13 251 U +98 13 252 X +98 13 253 A +98 13 254 A +98 13 255 S +98 13 256 M +98 13 257 A +98 13 258 O +98 13 259 O +98 13 260 X +98 13 261 O +98 13 262 X +98 13 263 X +98 13 264 N +98 13 265 A +98 13 266 D +98 13 267 U +98 13 268 X +98 13 269 U +98 13 270 N +98 13 271 A +98 13 272 X +98 13 273 N +98 13 274 X +98 13 275 U +98 13 276 O +98 13 277 A +98 13 278 O +98 13 279 A +98 13 280 D +98 13 281 A +98 13 282 A +98 13 283 U +98 13 284 X +98 13 285 O +98 13 286 X +98 13 287 N +98 13 288 M +98 13 289 A +98 13 290 X +98 13 291 A +98 13 292 U +98 13 293 X +98 13 294 X +98 13 295 U +98 13 296 A +98 13 297 O +98 13 298 O +98 13 299 A +98 13 300 X +98 13 301 A +98 13 302 X +98 13 303 X +98 13 304 U +98 13 305 U +98 13 306 O +98 13 307 A +98 13 308 N +98 13 309 S +98 13 310 A +98 13 311 A +98 13 312 S +98 13 313 A +98 13 314 X +98 13 315 U +98 13 316 A +98 13 317 O +98 13 318 O +98 13 319 X +98 13 320 N +98 13 321 O +98 13 322 A +98 13 323 A +98 13 324 X +98 13 325 U +98 13 326 O +98 13 327 X +98 13 328 A +98 13 329 N +98 13 330 X +98 14 1 A +98 14 2 U +98 14 3 M +98 14 4 U +98 14 5 A +98 14 6 D +98 14 7 A +98 14 8 U +98 14 9 D +98 14 10 A +98 14 11 D +98 14 12 O +98 14 13 A +98 14 14 A +98 14 15 D +98 14 16 X +98 14 17 M +98 14 18 S +98 14 19 A +98 14 20 A +98 14 21 M +98 14 22 D +98 14 23 U +98 14 24 D +98 14 25 A +98 14 26 A +98 14 27 D +98 14 28 A +98 14 29 M +98 14 30 D +98 14 31 U +98 14 32 A +98 14 33 A +98 14 34 M +98 14 35 S +98 14 36 A +98 14 37 D +98 14 38 M +98 14 39 A +98 14 40 D +98 14 41 M +98 14 42 O +98 14 43 A +98 14 44 D +98 14 45 A +98 14 46 D +98 14 47 A +98 14 48 O +98 14 49 D +98 14 50 U +98 14 51 D +98 14 52 X +98 14 53 M +98 14 54 A +98 14 55 D +98 14 56 D +98 14 57 A +98 14 58 D +98 14 59 D +98 14 60 A +98 14 61 M +98 14 62 U +98 14 63 D +98 14 64 A +98 14 65 M +98 14 66 X +98 14 67 A +98 14 68 D +98 14 69 A +98 14 70 D +98 14 71 M +98 14 72 A +98 14 73 U +98 14 74 D +98 14 75 A +98 14 76 M +98 14 77 M +98 14 78 D +98 14 79 S +98 14 80 A +98 14 81 O +98 14 82 A +98 14 83 D +98 14 84 D +98 14 85 A +98 14 86 U +98 14 87 S +98 14 88 U +98 14 89 S +98 14 90 A +98 14 91 O +98 14 92 D +98 14 93 A +98 14 94 S +98 14 95 D +98 14 96 O +98 14 97 U +98 14 98 M +98 14 99 D +98 14 100 D +98 14 101 U +98 14 102 D +98 14 103 D +98 14 104 D +98 14 105 U +98 14 106 O +98 14 107 D +98 14 108 D +98 14 109 A +98 14 110 O +98 14 111 A +98 14 112 M +98 14 113 S +98 14 114 A +98 14 115 M +98 14 116 D +98 14 117 S +98 14 118 U +98 14 119 A +98 14 120 X +98 14 121 M +98 14 122 A +98 14 123 A +98 14 124 O +98 14 125 M +98 14 126 D +98 14 127 A +98 14 128 O +98 14 129 X +98 14 130 D +98 14 131 U +98 14 132 U +98 14 133 A +98 14 134 S +98 14 135 N +98 14 136 A +98 14 137 A +98 14 138 D +98 14 139 D +98 14 140 A +98 14 141 X +98 14 142 X +98 14 143 O +98 14 144 U +98 14 145 A +98 14 146 O +98 14 147 A +98 14 148 M +98 14 149 D +98 14 150 U +98 14 151 D +98 14 152 D +98 14 153 A +98 14 154 S +98 14 155 N +98 14 156 A +98 14 157 N +98 14 158 X +98 14 159 D +98 14 160 D +98 14 161 A +98 14 162 M +98 14 163 A +98 14 164 A +98 14 165 D +98 14 166 A +98 14 167 U +98 14 168 A +98 14 169 A +98 14 170 A +98 14 171 A +98 14 172 X +98 14 173 U +98 14 174 O +98 14 175 A +98 14 176 M +98 14 177 D +98 14 178 A +98 14 179 U +98 14 180 A +98 14 181 O +98 14 182 U +98 14 183 N +98 14 184 U +98 14 185 N +98 14 186 A +98 14 187 O +98 14 188 A +98 14 189 D +98 14 190 U +98 14 191 A +98 14 192 U +98 14 193 O +98 14 194 U +98 14 195 A +98 14 196 D +98 14 197 U +98 14 198 S +98 14 199 D +98 14 200 D +98 14 201 D +98 14 202 A +98 14 203 U +98 14 204 S +98 14 205 U +98 14 206 D +98 14 207 U +98 14 208 N +98 14 209 A +98 14 210 N +98 14 211 A +98 14 212 M +98 14 213 D +98 14 214 O +98 14 215 U +98 14 216 A +98 14 217 D +98 14 218 O +98 14 219 D +98 14 220 U +98 14 221 D +98 14 222 U +98 14 223 A +98 14 224 D +98 14 225 N +98 14 226 A +98 14 227 S +98 14 228 A +98 14 229 D +98 14 230 D +98 14 231 U +98 14 232 N +98 14 233 D +98 14 234 A +98 14 235 A +98 14 236 O +98 14 237 O +98 14 238 A +98 14 239 U +98 14 240 N +98 14 241 X +98 14 242 D +98 14 243 U +98 14 244 X +98 14 245 M +98 14 246 A +98 14 247 U +98 14 248 A +98 14 249 A +98 14 250 U +98 14 251 A +98 14 252 X +98 14 253 A +98 14 254 D +98 14 255 S +98 14 256 M +98 14 257 A +98 14 258 O +98 14 259 N +98 14 260 D +98 14 261 M +98 14 262 X +98 14 263 D +98 14 264 A +98 14 265 A +98 14 266 N +98 14 267 U +98 14 268 A +98 14 269 U +98 14 270 N +98 14 271 A +98 14 272 X +98 14 273 U +98 14 274 A +98 14 275 O +98 14 276 U +98 14 277 A +98 14 278 O +98 14 279 U +98 14 280 A +98 14 281 A +98 14 282 A +98 14 283 N +98 14 284 X +98 14 285 U +98 14 286 X +98 14 287 N +98 14 288 M +98 14 289 D +98 14 290 X +98 14 291 A +98 14 292 U +98 14 293 D +98 14 294 X +98 14 295 N +98 14 296 U +98 14 297 O +98 14 298 M +98 14 299 A +98 14 300 D +98 14 301 A +98 14 302 D +98 14 303 X +98 14 304 A +98 14 305 U +98 14 306 A +98 14 307 A +98 14 308 U +98 14 309 S +98 14 310 A +98 14 311 A +98 14 312 S +98 14 313 U +98 14 314 X +98 14 315 A +98 14 316 A +98 14 317 U +98 14 318 M +98 14 319 X +98 14 320 O +98 14 321 M +98 14 322 A +98 14 323 A +98 14 324 X +98 14 325 U +98 14 326 O +98 14 327 X +98 14 328 A +98 14 329 N +98 14 330 D +98 15 1 U +98 15 2 D +98 15 3 M +98 15 4 U +98 15 5 A +98 15 6 D +98 15 7 A +98 15 8 G +98 15 9 D +98 15 10 U +98 15 11 A +98 15 12 O +98 15 13 A +98 15 14 U +98 15 15 G +98 15 16 X +98 15 17 A +98 15 18 S +98 15 19 U +98 15 20 A +98 15 21 G +98 15 22 O +98 15 23 U +98 15 24 D +98 15 25 U +98 15 26 U +98 15 27 X +98 15 28 U +98 15 29 A +98 15 30 O +98 15 31 D +98 15 32 U +98 15 33 A +98 15 34 U +98 15 35 D +98 15 36 A +98 15 37 D +98 15 38 G +98 15 39 A +98 15 40 U +98 15 41 M +98 15 42 O +98 15 43 D +98 15 44 X +98 15 45 A +98 15 46 D +98 15 47 A +98 15 48 O +98 15 49 D +98 15 50 U +98 15 51 D +98 15 52 X +98 15 53 U +98 15 54 A +98 15 55 U +98 15 56 D +98 15 57 A +98 15 58 D +98 15 59 U +98 15 60 A +98 15 61 M +98 15 62 U +98 15 63 G +98 15 64 A +98 15 65 M +98 15 66 X +98 15 67 A +98 15 68 G +98 15 69 D +98 15 70 X +98 15 71 U +98 15 72 A +98 15 73 G +98 15 74 D +98 15 75 A +98 15 76 O +98 15 77 A +98 15 78 D +98 15 79 S +98 15 80 U +98 15 81 A +98 15 82 A +98 15 83 D +98 15 84 G +98 15 85 A +98 15 86 G +98 15 87 S +98 15 88 U +98 15 89 S +98 15 90 A +98 15 91 O +98 15 92 D +98 15 93 U +98 15 94 S +98 15 95 X +98 15 96 O +98 15 97 G +98 15 98 U +98 15 99 U +98 15 100 A +98 15 101 U +98 15 102 D +98 15 103 D +98 15 104 G +98 15 105 U +98 15 106 X +98 15 107 D +98 15 108 D +98 15 109 U +98 15 110 O +98 15 111 A +98 15 112 G +98 15 113 S +98 15 114 A +98 15 115 M +98 15 116 D +98 15 117 S +98 15 118 G +98 15 119 A +98 15 120 D +98 15 121 O +98 15 122 A +98 15 123 A +98 15 124 O +98 15 125 O +98 15 126 G +98 15 127 S +98 15 128 O +98 15 129 D +98 15 130 S +98 15 131 G +98 15 132 O +98 15 133 A +98 15 134 S +98 15 135 G +98 15 136 U +98 15 137 A +98 15 138 A +98 15 139 D +98 15 140 U +98 15 141 X +98 15 142 X +98 15 143 A +98 15 144 U +98 15 145 A +98 15 146 O +98 15 147 A +98 15 148 M +98 15 149 A +98 15 150 U +98 15 151 G +98 15 152 G +98 15 153 A +98 15 154 S +98 15 155 S +98 15 156 A +98 15 157 O +98 15 158 X +98 15 159 O +98 15 160 G +98 15 161 A +98 15 162 M +98 15 163 A +98 15 164 A +98 15 165 O +98 15 166 U +98 15 167 G +98 15 168 A +98 15 169 A +98 15 170 A +98 15 171 A +98 15 172 X +98 15 173 G +98 15 174 O +98 15 175 D +98 15 176 G +98 15 177 O +98 15 178 U +98 15 179 S +98 15 180 A +98 15 181 O +98 15 182 U +98 15 183 D +98 15 184 G +98 15 185 O +98 15 186 D +98 15 187 O +98 15 188 A +98 15 189 D +98 15 190 G +98 15 191 A +98 15 192 U +98 15 193 O +98 15 194 M +98 15 195 A +98 15 196 D +98 15 197 U +98 15 198 S +98 15 199 D +98 15 200 D +98 15 201 G +98 15 202 A +98 15 203 U +98 15 204 S +98 15 205 G +98 15 206 D +98 15 207 G +98 15 208 O +98 15 209 A +98 15 210 S +98 15 211 A +98 15 212 O +98 15 213 U +98 15 214 O +98 15 215 G +98 15 216 S +98 15 217 G +98 15 218 O +98 15 219 D +98 15 220 G +98 15 221 D +98 15 222 U +98 15 223 A +98 15 224 D +98 15 225 D +98 15 226 A +98 15 227 S +98 15 228 U +98 15 229 D +98 15 230 X +98 15 231 U +98 15 232 S +98 15 233 G +98 15 234 A +98 15 235 U +98 15 236 D +98 15 237 D +98 15 238 A +98 15 239 G +98 15 240 O +98 15 241 X +98 15 242 O +98 15 243 U +98 15 244 D +98 15 245 A +98 15 246 A +98 15 247 U +98 15 248 A +98 15 249 A +98 15 250 U +98 15 251 A +98 15 252 D +98 15 253 A +98 15 254 U +98 15 255 S +98 15 256 M +98 15 257 A +98 15 258 O +98 15 259 M +98 15 260 D +98 15 261 O +98 15 262 D +98 15 263 D +98 15 264 D +98 15 265 A +98 15 266 O +98 15 267 U +98 15 268 A +98 15 269 U +98 15 270 O +98 15 271 A +98 15 272 D +98 15 273 U +98 15 274 X +98 15 275 O +98 15 276 U +98 15 277 X +98 15 278 O +98 15 279 U +98 15 280 A +98 15 281 A +98 15 282 A +98 15 283 O +98 15 284 D +98 15 285 G +98 15 286 X +98 15 287 O +98 15 288 M +98 15 289 A +98 15 290 D +98 15 291 U +98 15 292 G +98 15 293 X +98 15 294 X +98 15 295 D +98 15 296 U +98 15 297 O +98 15 298 M +98 15 299 A +98 15 300 D +98 15 301 A +98 15 302 D +98 15 303 D +98 15 304 A +98 15 305 U +98 15 306 A +98 15 307 A +98 15 308 U +98 15 309 S +98 15 310 A +98 15 311 U +98 15 312 S +98 15 313 U +98 15 314 D +98 15 315 A +98 15 316 A +98 15 317 U +98 15 318 O +98 15 319 X +98 15 320 D +98 15 321 M +98 15 322 U +98 15 323 A +98 15 324 D +98 15 325 U +98 15 326 O +98 15 327 D +98 15 328 A +98 15 329 O +98 15 330 D +98 16 1 A +98 16 2 A +98 16 3 M +98 16 4 U +98 16 5 A +98 16 6 O +98 16 7 A +98 16 8 M +98 16 9 O +98 16 10 A +98 16 11 U +98 16 12 O +98 16 13 U +98 16 14 S +98 16 15 O +98 16 16 X +98 16 17 M +98 16 18 S +98 16 19 A +98 16 20 U +98 16 21 O +98 16 22 O +98 16 23 U +98 16 24 S +98 16 25 A +98 16 26 A +98 16 27 O +98 16 28 O +98 16 29 A +98 16 30 O +98 16 31 A +98 16 32 U +98 16 33 A +98 16 34 A +98 16 35 O +98 16 36 S +98 16 37 A +98 16 38 M +98 16 39 A +98 16 40 A +98 16 41 M +98 16 42 O +98 16 43 A +98 16 44 X +98 16 45 A +98 16 46 S +98 16 47 A +98 16 48 O +98 16 49 A +98 16 50 U +98 16 51 O +98 16 52 X +98 16 53 M +98 16 54 A +98 16 55 A +98 16 56 O +98 16 57 A +98 16 58 O +98 16 59 X +98 16 60 A +98 16 61 M +98 16 62 U +98 16 63 O +98 16 64 A +98 16 65 M +98 16 66 X +98 16 67 A +98 16 68 U +98 16 69 O +98 16 70 X +98 16 71 M +98 16 72 A +98 16 73 A +98 16 74 A +98 16 75 U +98 16 76 O +98 16 77 A +98 16 78 O +98 16 79 S +98 16 80 A +98 16 81 U +98 16 82 A +98 16 83 O +98 16 84 O +98 16 85 A +98 16 86 M +98 16 87 S +98 16 88 U +98 16 89 S +98 16 90 S +98 16 91 O +98 16 92 X +98 16 93 A +98 16 94 S +98 16 95 X +98 16 96 O +98 16 97 U +98 16 98 M +98 16 99 U +98 16 100 A +98 16 101 M +98 16 102 U +98 16 103 D +98 16 104 A +98 16 105 U +98 16 106 O +98 16 107 X +98 16 108 X +98 16 109 U +98 16 110 O +98 16 111 S +98 16 112 * +98 16 113 S +98 16 114 A +98 16 115 M +98 16 116 A +98 16 117 S +98 16 118 O +98 16 119 A +98 16 120 X +98 16 121 O +98 16 122 A +98 16 123 A +98 16 124 O +98 16 125 O +98 16 126 M +98 16 127 A +98 16 128 O +98 16 129 X +98 16 130 S +98 16 131 U +98 16 132 M +98 16 133 A +98 16 134 M +98 16 135 M +98 16 136 A +98 16 137 A +98 16 138 A +98 16 139 X +98 16 140 A +98 16 141 X +98 16 142 X +98 16 143 A +98 16 144 U +98 16 145 X +98 16 146 O +98 16 147 A +98 16 148 M +98 16 149 A +98 16 150 U +98 16 151 O +98 16 152 U +98 16 153 A +98 16 154 S +98 16 155 S +98 16 156 A +98 16 157 O +98 16 158 X +98 16 159 O +98 16 160 O +98 16 161 A +98 16 162 M +98 16 163 A +98 16 164 A +98 16 165 U +98 16 166 A +98 16 167 O +98 16 168 A +98 16 169 A +98 16 170 A +98 16 171 O +98 16 172 X +98 16 173 M +98 16 174 O +98 16 175 A +98 16 176 M +98 16 177 O +98 16 178 A +98 16 179 U +98 16 180 A +98 16 181 O +98 16 182 U +98 16 183 O +98 16 184 U +98 16 185 O +98 16 186 A +98 16 187 O +98 16 188 A +98 16 189 X +98 16 190 O +98 16 191 A +98 16 192 U +98 16 193 O +98 16 194 U +98 16 195 A +98 16 196 A +98 16 197 U +98 16 198 S +98 16 199 X +98 16 200 U +98 16 201 O +98 16 202 A +98 16 203 U +98 16 204 S +98 16 205 U +98 16 206 X +98 16 207 M +98 16 208 O +98 16 209 A +98 16 210 M +98 16 211 A +98 16 212 O +98 16 213 U +98 16 214 O +98 16 215 M +98 16 216 S +98 16 217 O +98 16 218 O +98 16 219 X +98 16 220 U +98 16 221 X +98 16 222 U +98 16 223 A +98 16 224 X +98 16 225 O +98 16 226 A +98 16 227 S +98 16 228 A +98 16 229 A +98 16 230 O +98 16 231 U +98 16 232 O +98 16 233 U +98 16 234 A +98 16 235 A +98 16 236 O +98 16 237 O +98 16 238 A +98 16 239 M +98 16 240 O +98 16 241 X +98 16 242 O +98 16 243 U +98 16 244 X +98 16 245 M +98 16 246 A +98 16 247 A +98 16 248 S +98 16 249 A +98 16 250 U +98 16 251 A +98 16 252 X +98 16 253 A +98 16 254 A +98 16 255 S +98 16 256 M +98 16 257 A +98 16 258 O +98 16 259 M +98 16 260 O +98 16 261 O +98 16 262 X +98 16 263 S +98 16 264 A +98 16 265 A +98 16 266 O +98 16 267 U +98 16 268 A +98 16 269 U +98 16 270 O +98 16 271 S +98 16 272 X +98 16 273 U +98 16 274 X +98 16 275 O +98 16 276 U +98 16 277 A +98 16 278 O +98 16 279 U +98 16 280 A +98 16 281 A +98 16 282 A +98 16 283 O +98 16 284 X +98 16 285 O +98 16 286 X +98 16 287 O +98 16 288 M +98 16 289 A +98 16 290 X +98 16 291 A +98 16 292 O +98 16 293 X +98 16 294 X +98 16 295 O +98 16 296 U +98 16 297 O +98 16 298 M +98 16 299 A +98 16 300 X +98 16 301 A +98 16 302 X +98 16 303 X +98 16 304 O +98 16 305 U +98 16 306 O +98 16 307 A +98 16 308 U +98 16 309 S +98 16 310 A +98 16 311 A +98 16 312 S +98 16 313 U +98 16 314 X +98 16 315 A +98 16 316 A +98 16 317 U +98 16 318 O +98 16 319 X +98 16 320 O +98 16 321 M +98 16 322 A +98 16 323 A +98 16 324 X +98 16 325 U +98 16 326 O +98 16 327 X +98 16 328 A +98 16 329 O +98 16 330 X +98 17 1 A +98 17 2 A +98 17 3 M +98 17 4 U +98 17 5 A +98 17 6 O +98 17 7 A +98 17 8 U +98 17 9 K +98 17 10 U +98 17 11 S +98 17 12 O +98 17 13 A +98 17 14 S +98 17 15 U +98 17 16 X +98 17 17 M +98 17 18 S +98 17 19 A +98 17 20 A +98 17 21 M +98 17 22 O +98 17 23 U +98 17 24 S +98 17 25 A +98 17 26 U +98 17 27 X +98 17 28 M +98 17 29 A +98 17 30 O +98 17 31 A +98 17 32 U +98 17 33 A +98 17 34 U +98 17 35 O +98 17 36 A +98 17 37 U +98 17 38 U +98 17 39 A +98 17 40 A +98 17 41 M +98 17 42 O +98 17 43 S +98 17 44 X +98 17 45 A +98 17 46 D +98 17 47 S +98 17 48 O +98 17 49 A +98 17 50 U +98 17 51 O +98 17 52 X +98 17 53 U +98 17 54 A +98 17 55 A +98 17 56 O +98 17 57 A +98 17 58 O +98 17 59 D +98 17 60 S +98 17 61 U +98 17 62 U +98 17 63 M +98 17 64 A +98 17 65 M +98 17 66 O +98 17 67 A +98 17 68 U +98 17 69 O +98 17 70 D +98 17 71 U +98 17 72 A +98 17 73 U +98 17 74 A +98 17 75 S +98 17 76 O +98 17 77 A +98 17 78 D +98 17 79 S +98 17 80 A +98 17 81 A +98 17 82 A +98 17 83 O +98 17 84 O +98 17 85 A +98 17 86 U +98 17 87 S +98 17 88 U +98 17 89 S +98 17 90 S +98 17 91 O +98 17 92 X +98 17 93 A +98 17 94 S +98 17 95 D +98 17 96 O +98 17 97 U +98 17 98 M +98 17 99 U +98 17 100 A +98 17 101 U +98 17 102 U +98 17 103 O +98 17 104 A +98 17 105 U +98 17 106 O +98 17 107 D +98 17 108 A +98 17 109 U +98 17 110 O +98 17 111 S +98 17 112 M +98 17 113 S +98 17 114 A +98 17 115 M +98 17 116 A +98 17 117 S +98 17 118 M +98 17 119 A +98 17 120 X +98 17 121 M +98 17 122 A +98 17 123 A +98 17 124 O +98 17 125 M +98 17 126 D +98 17 127 S +98 17 128 O +98 17 129 D +98 17 130 S +98 17 131 U +98 17 132 M +98 17 133 A +98 17 134 U +98 17 135 U +98 17 136 A +98 17 137 A +98 17 138 D +98 17 139 D +98 17 140 S +98 17 141 X +98 17 142 D +98 17 143 O +98 17 144 U +98 17 145 A +98 17 146 O +98 17 147 A +98 17 148 M +98 17 149 A +98 17 150 U +98 17 151 O +98 17 152 U +98 17 153 A +98 17 154 D +98 17 155 S +98 17 156 A +98 17 157 K +98 17 158 X +98 17 159 O +98 17 160 D +98 17 161 A +98 17 162 M +98 17 163 A +98 17 164 A +98 17 165 O +98 17 166 S +98 17 167 D +98 17 168 A +98 17 169 A +98 17 170 S +98 17 171 O +98 17 172 X +98 17 173 M +98 17 174 O +98 17 175 D +98 17 176 M +98 17 177 O +98 17 178 A +98 17 179 U +98 17 180 A +98 17 181 O +98 17 182 U +98 17 183 O +98 17 184 U +98 17 185 O +98 17 186 A +98 17 187 O +98 17 188 A +98 17 189 D +98 17 190 U +98 17 191 A +98 17 192 U +98 17 193 O +98 17 194 U +98 17 195 A +98 17 196 A +98 17 197 U +98 17 198 S +98 17 199 D +98 17 200 A +98 17 201 O +98 17 202 A +98 17 203 U +98 17 204 S +98 17 205 U +98 17 206 X +98 17 207 M +98 17 208 O +98 17 209 A +98 17 210 U +98 17 211 A +98 17 212 O +98 17 213 U +98 17 214 O +98 17 215 U +98 17 216 S +98 17 217 U +98 17 218 O +98 17 219 X +98 17 220 U +98 17 221 X +98 17 222 U +98 17 223 A +98 17 224 D +98 17 225 O +98 17 226 A +98 17 227 S +98 17 228 S +98 17 229 A +98 17 230 D +98 17 231 U +98 17 232 O +98 17 233 U +98 17 234 A +98 17 235 U +98 17 236 O +98 17 237 O +98 17 238 A +98 17 239 U +98 17 240 U +98 17 241 X +98 17 242 O +98 17 243 U +98 17 244 D +98 17 245 M +98 17 246 A +98 17 247 U +98 17 248 S +98 17 249 A +98 17 250 U +98 17 251 A +98 17 252 D +98 17 253 A +98 17 254 D +98 17 255 S +98 17 256 M +98 17 257 A +98 17 258 O +98 17 259 M +98 17 260 O +98 17 261 O +98 17 262 X +98 17 263 D +98 17 264 D +98 17 265 A +98 17 266 M +98 17 267 U +98 17 268 A +98 17 269 U +98 17 270 O +98 17 271 S +98 17 272 X +98 17 273 U +98 17 274 X +98 17 275 O +98 17 276 U +98 17 277 A +98 17 278 O +98 17 279 U +98 17 280 A +98 17 281 A +98 17 282 A +98 17 283 K +98 17 284 D +98 17 285 U +98 17 286 X +98 17 287 O +98 17 288 M +98 17 289 A +98 17 290 X +98 17 291 U +98 17 292 U +98 17 293 A +98 17 294 X +98 17 295 O +98 17 296 U +98 17 297 O +98 17 298 M +98 17 299 A +98 17 300 D +98 17 301 A +98 17 302 X +98 17 303 D +98 17 304 O +98 17 305 U +98 17 306 A +98 17 307 A +98 17 308 U +98 17 309 S +98 17 310 A +98 17 311 A +98 17 312 S +98 17 313 U +98 17 314 X +98 17 315 A +98 17 316 A +98 17 317 U +98 17 318 O +98 17 319 D +98 17 320 O +98 17 321 M +98 17 322 A +98 17 323 A +98 17 324 X +98 17 325 U +98 17 326 O +98 17 327 D +98 17 328 A +98 17 329 O +98 17 330 D +98 18 1 A +98 18 2 A +98 18 3 M +98 18 4 U +98 18 5 A +98 18 6 D +98 18 7 A +98 18 8 U +98 18 9 N +98 18 10 A +98 18 11 A +98 18 12 O +98 18 13 A +98 18 14 A +98 18 15 U +98 18 16 X +98 18 17 M +98 18 18 S +98 18 19 A +98 18 20 A +98 18 21 G +98 18 22 O +98 18 23 U +98 18 24 D +98 18 25 A +98 18 26 A +98 18 27 X +98 18 28 U +98 18 29 A +98 18 30 O +98 18 31 A +98 18 32 U +98 18 33 A +98 18 34 A +98 18 35 G +98 18 36 A +98 18 37 A +98 18 38 U +98 18 39 A +98 18 40 A +98 18 41 M +98 18 42 D +98 18 43 A +98 18 44 X +98 18 45 A +98 18 46 D +98 18 47 A +98 18 48 O +98 18 49 A +98 18 50 U +98 18 51 N +98 18 52 X +98 18 53 U +98 18 54 A +98 18 55 A +98 18 56 D +98 18 57 A +98 18 58 D +98 18 59 D +98 18 60 * +98 18 61 M +98 18 62 U +98 18 63 G +98 18 64 A +98 18 65 M +98 18 66 X +98 18 67 A +98 18 68 U +98 18 69 A +98 18 70 D +98 18 71 M +98 18 72 A +98 18 73 U +98 18 74 A +98 18 75 A +98 18 76 M +98 18 77 A +98 18 78 D +98 18 79 D +98 18 80 A +98 18 81 A +98 18 82 A +98 18 83 D +98 18 84 G +98 18 85 A +98 18 86 G +98 18 87 S +98 18 88 U +98 18 89 S +98 18 90 A +98 18 91 A +98 18 92 D +98 18 93 A +98 18 94 D +98 18 95 D +98 18 96 O +98 18 97 U +98 18 98 M +98 18 99 G +98 18 100 A +98 18 101 U +98 18 102 A +98 18 103 D +98 18 104 A +98 18 105 U +98 18 106 O +98 18 107 D +98 18 108 D +98 18 109 A +98 18 110 O +98 18 111 A +98 18 112 M +98 18 113 S +98 18 114 A +98 18 115 M +98 18 116 D +98 18 117 N +98 18 118 G +98 18 119 A +98 18 120 X +98 18 121 M +98 18 122 A +98 18 123 A +98 18 124 A +98 18 125 M +98 18 126 G +98 18 127 A +98 18 128 O +98 18 129 D +98 18 130 S +98 18 131 U +98 18 132 M +98 18 133 A +98 18 134 N +98 18 135 U +98 18 136 A +98 18 137 A +98 18 138 A +98 18 139 D +98 18 140 A +98 18 141 X +98 18 142 D +98 18 143 A +98 18 144 U +98 18 145 A +98 18 146 O +98 18 147 A +98 18 148 M +98 18 149 A +98 18 150 U +98 18 151 G +98 18 152 D +98 18 153 A +98 18 154 D +98 18 155 N +98 18 156 A +98 18 157 N +98 18 158 X +98 18 159 D +98 18 160 G +98 18 161 A +98 18 162 M +98 18 163 A +98 18 164 A +98 18 165 D +98 18 166 A +98 18 167 G +98 18 168 A +98 18 169 A +98 18 170 A +98 18 171 A +98 18 172 X +98 18 173 M +98 18 174 O +98 18 175 D +98 18 176 M +98 18 177 D +98 18 178 A +98 18 179 G +98 18 180 A +98 18 181 N +98 18 182 G +98 18 183 N +98 18 184 U +98 18 185 N +98 18 186 A +98 18 187 O +98 18 188 A +98 18 189 D +98 18 190 G +98 18 191 A +98 18 192 U +98 18 193 A +98 18 194 U +98 18 195 A +98 18 196 A +98 18 197 U +98 18 198 S +98 18 199 D +98 18 200 A +98 18 201 G +98 18 202 A +98 18 203 U +98 18 204 N +98 18 205 U +98 18 206 D +98 18 207 G +98 18 208 N +98 18 209 A +98 18 210 D +98 18 211 A +98 18 212 O +98 18 213 D +98 18 214 A +98 18 215 G +98 18 216 D +98 18 217 G +98 18 218 A +98 18 219 D +98 18 220 A +98 18 221 D +98 18 222 U +98 18 223 A +98 18 224 D +98 18 225 D +98 18 226 A +98 18 227 S +98 18 228 A +98 18 229 A +98 18 230 D +98 18 231 U +98 18 232 D +98 18 233 A +98 18 234 A +98 18 235 A +98 18 236 A +98 18 237 G +98 18 238 A +98 18 239 G +98 18 240 M +98 18 241 X +98 18 242 O +98 18 243 U +98 18 244 D +98 18 245 M +98 18 246 A +98 18 247 U +98 18 248 A +98 18 249 A +98 18 250 U +98 18 251 A +98 18 252 D +98 18 253 A +98 18 254 A +98 18 255 S +98 18 256 M +98 18 257 A +98 18 258 O +98 18 259 M +98 18 260 D +98 18 261 O +98 18 262 D +98 18 263 D +98 18 264 A +98 18 265 A +98 18 266 M +98 18 267 U +98 18 268 A +98 18 269 U +98 18 270 O +98 18 271 A +98 18 272 X +98 18 273 U +98 18 274 D +98 18 275 A +98 18 276 M +98 18 277 A +98 18 278 D +98 18 279 U +98 18 280 A +98 18 281 A +98 18 282 A +98 18 283 N +98 18 284 D +98 18 285 G +98 18 286 X +98 18 287 N +98 18 288 M +98 18 289 A +98 18 290 D +98 18 291 A +98 18 292 D +98 18 293 D +98 18 294 D +98 18 295 N +98 18 296 U +98 18 297 O +98 18 298 M +98 18 299 A +98 18 300 D +98 18 301 A +98 18 302 D +98 18 303 A +98 18 304 A +98 18 305 U +98 18 306 A +98 18 307 A +98 18 308 U +98 18 309 N +98 18 310 A +98 18 311 A +98 18 312 D +98 18 313 U +98 18 314 X +98 18 315 A +98 18 316 A +98 18 317 U +98 18 318 G +98 18 319 D +98 18 320 A +98 18 321 M +98 18 322 A +98 18 323 A +98 18 324 A +98 18 325 U +98 18 326 O +98 18 327 D +98 18 328 A +98 18 329 N +98 18 330 D +98 19 1 A +98 19 2 U +98 19 3 M +98 19 4 U +98 19 5 A +98 19 6 D +98 19 7 A +98 19 8 U +98 19 9 N +98 19 10 S +98 19 11 A +98 19 12 O +98 19 13 A +98 19 14 A +98 19 15 U +98 19 16 X +98 19 17 M +98 19 18 X +98 19 19 A +98 19 20 A +98 19 21 M +98 19 22 X +98 19 23 U +98 19 24 S +98 19 25 A +98 19 26 A +98 19 27 X +98 19 28 M +98 19 29 A +98 19 30 O +98 19 31 A +98 19 32 U +98 19 33 A +98 19 34 U +98 19 35 O +98 19 36 A +98 19 37 A +98 19 38 U +98 19 39 A +98 19 40 A +98 19 41 O +98 19 42 X +98 19 43 A +98 19 44 X +98 19 45 A +98 19 46 D +98 19 47 A +98 19 48 O +98 19 49 A +98 19 50 U +98 19 51 O +98 19 52 X +98 19 53 U +98 19 54 A +98 19 55 A +98 19 56 O +98 19 57 A +98 19 58 N +98 19 59 O +98 19 60 A +98 19 61 M +98 19 62 A +98 19 63 O +98 19 64 A +98 19 65 O +98 19 66 X +98 19 67 A +98 19 68 O +98 19 69 N +98 19 70 X +98 19 71 N +98 19 72 A +98 19 73 N +98 19 74 A +98 19 75 A +98 19 76 O +98 19 77 A +98 19 78 O +98 19 79 X +98 19 80 A +98 19 81 O +98 19 82 A +98 19 83 X +98 19 84 O +98 19 85 A +98 19 86 O +98 19 87 X +98 19 88 O +98 19 89 X +98 19 90 A +98 19 91 O +98 19 92 X +98 19 93 A +98 19 94 X +98 19 95 X +98 19 96 O +98 19 97 A +98 19 98 M +98 19 99 O +98 19 100 A +98 19 101 O +98 19 102 X +98 19 103 D +98 19 104 A +98 19 105 O +98 19 106 X +98 19 107 X +98 19 108 A +98 19 109 A +98 19 110 O +98 19 111 A +98 19 112 O +98 19 113 X +98 19 114 A +98 19 115 O +98 19 116 A +98 19 117 X +98 19 118 O +98 19 119 A +98 19 120 X +98 19 121 O +98 19 122 A +98 19 123 A +98 19 124 O +98 19 125 O +98 19 126 O +98 19 127 A +98 19 128 O +98 19 129 X +98 19 130 N +98 19 131 O +98 19 132 M +98 19 133 A +98 19 134 U +98 19 135 U +98 19 136 A +98 19 137 A +98 19 138 A +98 19 139 X +98 19 140 A +98 19 141 X +98 19 142 X +98 19 143 A +98 19 144 U +98 19 145 A +98 19 146 O +98 19 147 A +98 19 148 M +98 19 149 A +98 19 150 U +98 19 151 O +98 19 152 U +98 19 153 A +98 19 154 S +98 19 155 S +98 19 156 A +98 19 157 N +98 19 158 X +98 19 159 O +98 19 160 M +98 19 161 A +98 19 162 U +98 19 163 A +98 19 164 A +98 19 165 A +98 19 166 A +98 19 167 U +98 19 168 A +98 19 169 A +98 19 170 A +98 19 171 O +98 19 172 X +98 19 173 O +98 19 174 M +98 19 175 A +98 19 176 O +98 19 177 O +98 19 178 A +98 19 179 U +98 19 180 A +98 19 181 O +98 19 182 U +98 19 183 O +98 19 184 U +98 19 185 O +98 19 186 A +98 19 187 O +98 19 188 A +98 19 189 A +98 19 190 U +98 19 191 A +98 19 192 U +98 19 193 O +98 19 194 U +98 19 195 A +98 19 196 A +98 19 197 U +98 19 198 B +98 19 199 X +98 19 200 A +98 19 201 O +98 19 202 A +98 19 203 U +98 19 204 B +98 19 205 U +98 19 206 X +98 19 207 U +98 19 208 O +98 19 209 A +98 19 210 U +98 19 211 A +98 19 212 O +98 19 213 U +98 19 214 O +98 19 215 O +98 19 216 A +98 19 217 O +98 19 218 O +98 19 219 A +98 19 220 A +98 19 221 X +98 19 222 U +98 19 223 A +98 19 224 D +98 19 225 O +98 19 226 A +98 19 227 B +98 19 228 A +98 19 229 A +98 19 230 X +98 19 231 U +98 19 232 N +98 19 233 A +98 19 234 A +98 19 235 A +98 19 236 O +98 19 237 O +98 19 238 A +98 19 239 O +98 19 240 O +98 19 241 X +98 19 242 O +98 19 243 O +98 19 244 X +98 19 245 M +98 19 246 A +98 19 247 A +98 19 248 A +98 19 249 A +98 19 250 U +98 19 251 A +98 19 252 X +98 19 253 A +98 19 254 A +98 19 255 B +98 19 256 O +98 19 257 A +98 19 258 O +98 19 259 O +98 19 260 D +98 19 261 O +98 19 262 X +98 19 263 B +98 19 264 X +98 19 265 A +98 19 266 O +98 19 267 U +98 19 268 A +98 19 269 O +98 19 270 O +98 19 271 A +98 19 272 X +98 19 273 O +98 19 274 X +98 19 275 O +98 19 276 U +98 19 277 A +98 19 278 M +98 19 279 U +98 19 280 A +98 19 281 A +98 19 282 A +98 19 283 B +98 19 284 X +98 19 285 U +98 19 286 X +98 19 287 O +98 19 288 M +98 19 289 A +98 19 290 X +98 19 291 A +98 19 292 O +98 19 293 A +98 19 294 X +98 19 295 U +98 19 296 U +98 19 297 O +98 19 298 M +98 19 299 A +98 19 300 D +98 19 301 A +98 19 302 D +98 19 303 A +98 19 304 A +98 19 305 U +98 19 306 A +98 19 307 A +98 19 308 U +98 19 309 D +98 19 310 A +98 19 311 A +98 19 312 D +98 19 313 A +98 19 314 D +98 19 315 A +98 19 316 A +98 19 317 U +98 19 318 A +98 19 319 D +98 19 320 U +98 19 321 M +98 19 322 A +98 19 323 U +98 19 324 D +98 19 325 U +98 19 326 O +98 19 327 D +98 19 328 A +98 19 329 N +98 19 330 D +98 20 1 A +98 20 2 A +98 20 3 M +98 20 4 U +98 20 5 A +98 20 6 D +98 20 7 A +98 20 8 U +98 20 9 U +98 20 10 A +98 20 11 A +98 20 12 O +98 20 13 A +98 20 14 A +98 20 15 U +98 20 16 A +98 20 17 M +98 20 18 U +98 20 19 A +98 20 20 A +98 20 21 U +98 20 22 O +98 20 23 U +98 20 24 U +98 20 25 A +98 20 26 A +98 20 27 U +98 20 28 U +98 20 29 A +98 20 30 U +98 20 31 A +98 20 32 U +98 20 33 A +98 20 34 A +98 20 35 U +98 20 36 A +98 20 37 A +98 20 38 M +98 20 39 A +98 20 40 A +98 20 41 M +98 20 42 U +98 20 43 A +98 20 44 D +98 20 45 A +98 20 46 X +98 20 47 A +98 20 48 O +98 20 49 A +98 20 50 U +98 20 51 A +98 20 52 A +98 20 53 U +98 20 54 A +98 20 55 A +98 20 56 U +98 20 57 A +98 20 58 D +98 20 59 U +98 20 60 A +98 20 61 M +98 20 62 A +98 20 63 U +98 20 64 A +98 20 65 M +98 20 66 X +98 20 67 A +98 20 68 U +98 20 69 U +98 20 70 X +98 20 71 U +98 20 72 A +98 20 73 U +98 20 74 A +98 20 75 A +98 20 76 M +98 20 77 A +98 20 78 U +98 20 79 S +98 20 80 A +98 20 81 A +98 20 82 A +98 20 83 O +98 20 84 U +98 20 85 A +98 20 86 U +98 20 87 N +98 20 88 U +98 20 89 S +98 20 90 A +98 20 91 O +98 20 92 X +98 20 93 A +98 20 94 S +98 20 95 X +98 20 96 O +98 20 97 U +98 20 98 M +98 20 99 U +98 20 100 A +98 20 101 U +98 20 102 X +98 20 103 U +98 20 104 A +98 20 105 U +98 20 106 O +98 20 107 X +98 20 108 U +98 20 109 U +98 20 110 O +98 20 111 A +98 20 112 M +98 20 113 B +98 20 114 A +98 20 115 M +98 20 116 X +98 20 117 B +98 20 118 U +98 20 119 A +98 20 120 X +98 20 121 M +98 20 122 A +98 20 123 A +98 20 124 O +98 20 125 M +98 20 126 U +98 20 127 A +98 20 128 O +98 20 129 X +98 20 130 A +98 20 131 U +98 20 132 M +98 20 133 A +98 20 134 U +98 20 135 U +98 20 136 A +98 20 137 A +98 20 138 A +98 20 139 A +98 20 140 A +98 20 141 X +98 20 142 X +98 20 143 A +98 20 144 U +98 20 145 A +98 20 146 O +98 20 147 A +98 20 148 M +98 20 149 A +98 20 150 U +98 20 151 U +98 20 152 U +98 20 153 A +98 20 154 B +98 20 155 N +98 20 156 A +98 20 157 N +98 20 158 X +98 20 159 N +98 20 160 U +98 20 161 A +98 20 162 M +98 20 163 A +98 20 164 A +98 20 165 N +98 20 166 A +98 20 167 N +98 20 168 A +98 20 169 A +98 20 170 A +98 20 171 A +98 20 172 X +98 20 173 M +98 20 174 O +98 20 175 A +98 20 176 M +98 20 177 O +98 20 178 A +98 20 179 U +98 20 180 A +98 20 181 O +98 20 182 U +98 20 183 U +98 20 184 U +98 20 185 O +98 20 186 A +98 20 187 O +98 20 188 A +98 20 189 X +98 20 190 U +98 20 191 A +98 20 192 U +98 20 193 U +98 20 194 U +98 20 195 A +98 20 196 A +98 20 197 U +98 20 198 B +98 20 199 X +98 20 200 A +98 20 201 O +98 20 202 A +98 20 203 U +98 20 204 B +98 20 205 U +98 20 206 X +98 20 207 U +98 20 208 U +98 20 209 A +98 20 210 D +98 20 211 A +98 20 212 O +98 20 213 X +98 20 214 O +98 20 215 U +98 20 216 A +98 20 217 U +98 20 218 O +98 20 219 X +98 20 220 U +98 20 221 X +98 20 222 U +98 20 223 A +98 20 224 X +98 20 225 A +98 20 226 A +98 20 227 B +98 20 228 A +98 20 229 A +98 20 230 X +98 20 231 U +98 20 232 O +98 20 233 X +98 20 234 A +98 20 235 A +98 20 236 A +98 20 237 U +98 20 238 A +98 20 239 U +98 20 240 M +98 20 241 X +98 20 242 O +98 20 243 A +98 20 244 X +98 20 245 M +98 20 246 A +98 20 247 U +98 20 248 A +98 20 249 A +98 20 250 U +98 20 251 A +98 20 252 X +98 20 253 A +98 20 254 U +98 20 255 B +98 20 256 M +98 20 257 A +98 20 258 O +98 20 259 U +98 20 260 X +98 20 261 N +98 20 262 X +98 20 263 X +98 20 264 X +98 20 265 A +98 20 266 N +98 20 267 U +98 20 268 A +98 20 269 U +98 20 270 O +98 20 271 A +98 20 272 X +98 20 273 U +98 20 274 X +98 20 275 O +98 20 276 U +98 20 277 A +98 20 278 U +98 20 279 U +98 20 280 A +98 20 281 A +98 20 282 A +98 20 283 U +98 20 284 X +98 20 285 U +98 20 286 X +98 20 287 U +98 20 288 M +98 20 289 A +98 20 290 X +98 20 291 U +98 20 292 U +98 20 293 X +98 20 294 A +98 20 295 N +98 20 296 U +98 20 297 O +98 20 298 M +98 20 299 A +98 20 300 X +98 20 301 A +98 20 302 X +98 20 303 X +98 20 304 A +98 20 305 U +98 20 306 A +98 20 307 A +98 20 308 U +98 20 309 B +98 20 310 A +98 20 311 A +98 20 312 N +98 20 313 U +98 20 314 X +98 20 315 A +98 20 316 A +98 20 317 A +98 20 318 U +98 20 319 X +98 20 320 N +98 20 321 M +98 20 322 A +98 20 323 A +98 20 324 X +98 20 325 U +98 20 326 O +98 20 327 A +98 20 328 A +98 20 329 N +98 20 330 X +98 21 1 U +98 21 2 A +98 21 3 M +98 21 4 U +98 21 5 A +98 21 6 D +98 21 7 A +98 21 8 U +98 21 9 D +98 21 10 U +98 21 11 A +98 21 12 O +98 21 13 A +98 21 14 U +98 21 15 D +98 21 16 D +98 21 17 M +98 21 18 S +98 21 19 A +98 21 20 A +98 21 21 G +98 21 22 O +98 21 23 U +98 21 24 D +98 21 25 U +98 21 26 U +98 21 27 D +98 21 28 A +98 21 29 A +98 21 30 O +98 21 31 A +98 21 32 U +98 21 33 A +98 21 34 A +98 21 35 O +98 21 36 A +98 21 37 U +98 21 38 U +98 21 39 A +98 21 40 A +98 21 41 M +98 21 42 B +98 21 43 U +98 21 44 D +98 21 45 A +98 21 46 B +98 21 47 S +98 21 48 O +98 21 49 A +98 21 50 U +98 21 51 B +98 21 52 X +98 21 53 U +98 21 54 A +98 21 55 A +98 21 56 O +98 21 57 U +98 21 58 B +98 21 59 U +98 21 60 U +98 21 61 U +98 21 62 U +98 21 63 M +98 21 64 U +98 21 65 U +98 21 66 D +98 21 67 A +98 21 68 U +98 21 69 A +98 21 70 D +98 21 71 U +98 21 72 A +98 21 73 U +98 21 74 A +98 21 75 B +98 21 76 O +98 21 77 U +98 21 78 U +98 21 79 B +98 21 80 U +98 21 81 A +98 21 82 A +98 21 83 D +98 21 84 M +98 21 85 A +98 21 86 U +98 21 87 B +98 21 88 U +98 21 89 S +98 21 90 U +98 21 91 A +98 21 92 X +98 21 93 U +98 21 94 S +98 21 95 X +98 21 96 O +98 21 97 U +98 21 98 U +98 21 99 U +98 21 100 A +98 21 101 U +98 21 102 U +98 21 103 B +98 21 104 A +98 21 105 U +98 21 106 D +98 21 107 X +98 21 108 A +98 21 109 U +98 21 110 O +98 21 111 B +98 21 112 M +98 21 113 S +98 21 114 U +98 21 115 U +98 21 116 D +98 21 117 S +98 21 118 D +98 21 119 A +98 21 120 X +98 21 121 O +98 21 122 A +98 21 123 U +98 21 124 A +98 21 125 O +98 21 126 D +98 21 127 U +98 21 128 O +98 21 129 D +98 21 130 B +98 21 131 U +98 21 132 M +98 21 133 A +98 21 134 B +98 21 135 U +98 21 136 A +98 21 137 U +98 21 138 A +98 21 139 D +98 21 140 U +98 21 141 X +98 21 142 D +98 21 143 A +98 21 144 U +98 21 145 A +98 21 146 D +98 21 147 A +98 21 148 M +98 21 149 A +98 21 150 U +98 21 151 D +98 21 152 U +98 21 153 A +98 21 154 B +98 21 155 D +98 21 156 A +98 21 157 B +98 21 158 X +98 21 159 O +98 21 160 U +98 21 161 A +98 21 162 M +98 21 163 A +98 21 164 U +98 21 165 B +98 21 166 U +98 21 167 D +98 21 168 A +98 21 169 U +98 21 170 B +98 21 171 A +98 21 172 X +98 21 173 M +98 21 174 O +98 21 175 D +98 21 176 M +98 21 177 X +98 21 178 U +98 21 179 U +98 21 180 A +98 21 181 O +98 21 182 U +98 21 183 B +98 21 184 U +98 21 185 O +98 21 186 A +98 21 187 O +98 21 188 A +98 21 189 D +98 21 190 D +98 21 191 A +98 21 192 U +98 21 193 A +98 21 194 U +98 21 195 A +98 21 196 A +98 21 197 U +98 21 198 S +98 21 199 A +98 21 200 U +98 21 201 D +98 21 202 A +98 21 203 U +98 21 204 S +98 21 205 U +98 21 206 X +98 21 207 U +98 21 208 B +98 21 209 U +98 21 210 S +98 21 211 A +98 21 212 O +98 21 213 U +98 21 214 A +98 21 215 U +98 21 216 S +98 21 217 D +98 21 218 A +98 21 219 X +98 21 220 U +98 21 221 X +98 21 222 U +98 21 223 A +98 21 224 D +98 21 225 A +98 21 226 U +98 21 227 S +98 21 228 U +98 21 229 A +98 21 230 X +98 21 231 U +98 21 232 D +98 21 233 U +98 21 234 A +98 21 235 U +98 21 236 A +98 21 237 O +98 21 238 U +98 21 239 D +98 21 240 B +98 21 241 D +98 21 242 X +98 21 243 U +98 21 244 X +98 21 245 M +98 21 246 A +98 21 247 U +98 21 248 B +98 21 249 A +98 21 250 U +98 21 251 A +98 21 252 X +98 21 253 A +98 21 254 U +98 21 255 S +98 21 256 M +98 21 257 U +98 21 258 O +98 21 259 M +98 21 260 X +98 21 261 O +98 21 262 D +98 21 263 B +98 21 264 A +98 21 265 A +98 21 266 M +98 21 267 U +98 21 268 A +98 21 269 U +98 21 270 O +98 21 271 U +98 21 272 D +98 21 273 U +98 21 274 X +98 21 275 A +98 21 276 U +98 21 277 A +98 21 278 O +98 21 279 U +98 21 280 A +98 21 281 A +98 21 282 A +98 21 283 S +98 21 284 X +98 21 285 U +98 21 286 X +98 21 287 O +98 21 288 M +98 21 289 A +98 21 290 D +98 21 291 U +98 21 292 M +98 21 293 A +98 21 294 A +98 21 295 B +98 21 296 U +98 21 297 O +98 21 298 M +98 21 299 A +98 21 300 B +98 21 301 A +98 21 302 X +98 21 303 U +98 21 304 A +98 21 305 U +98 21 306 A +98 21 307 A +98 21 308 U +98 21 309 S +98 21 310 A +98 21 311 U +98 21 312 S +98 21 313 U +98 21 314 X +98 21 315 A +98 21 316 A +98 21 317 U +98 21 318 O +98 21 319 X +98 21 320 A +98 21 321 M +98 21 322 A +98 21 323 A +98 21 324 D +98 21 325 U +98 21 326 O +98 21 327 X +98 21 328 A +98 21 329 B +98 21 330 X +98 22 1 A +98 22 2 D +98 22 3 M +98 22 4 U +98 22 5 A +98 22 6 D +98 22 7 A +98 22 8 U +98 22 9 N +98 22 10 U +98 22 11 A +98 22 12 O +98 22 13 A +98 22 14 U +98 22 15 D +98 22 16 X +98 22 17 M +98 22 18 S +98 22 19 A +98 22 20 A +98 22 21 O +98 22 22 O +98 22 23 U +98 22 24 D +98 22 25 A +98 22 26 U +98 22 27 X +98 22 28 U +98 22 29 A +98 22 30 M +98 22 31 D +98 22 32 U +98 22 33 O +98 22 34 U +98 22 35 M +98 22 36 A +98 22 37 D +98 22 38 U +98 22 39 A +98 22 40 D +98 22 41 M +98 22 42 O +98 22 43 U +98 22 44 X +98 22 45 A +98 22 46 D +98 22 47 A +98 22 48 O +98 22 49 U +98 22 50 U +98 22 51 O +98 22 52 X +98 22 53 U +98 22 54 A +98 22 55 D +98 22 56 O +98 22 57 A +98 22 58 O +98 22 59 D +98 22 60 U +98 22 61 M +98 22 62 U +98 22 63 M +98 22 64 A +98 22 65 M +98 22 66 X +98 22 67 D +98 22 68 U +98 22 69 O +98 22 70 X +98 22 71 M +98 22 72 A +98 22 73 U +98 22 74 X +98 22 75 A +98 22 76 O +98 22 77 A +98 22 78 D +98 22 79 S +98 22 80 U +98 22 81 O +98 22 82 A +98 22 83 O +98 22 84 D +98 22 85 A +98 22 86 A +98 22 87 S +98 22 88 U +98 22 89 S +98 22 90 A +98 22 91 O +98 22 92 D +98 22 93 A +98 22 94 S +98 22 95 D +98 22 96 O +98 22 97 U +98 22 98 M +98 22 99 D +98 22 100 D +98 22 101 M +98 22 102 D +98 22 103 O +98 22 104 D +98 22 105 U +98 22 106 O +98 22 107 D +98 22 108 D +98 22 109 U +98 22 110 M +98 22 111 A +98 22 112 M +98 22 113 S +98 22 114 A +98 22 115 M +98 22 116 D +98 22 117 M +98 22 118 D +98 22 119 A +98 22 120 D +98 22 121 M +98 22 122 A +98 22 123 A +98 22 124 O +98 22 125 M +98 22 126 D +98 22 127 A +98 22 128 O +98 22 129 D +98 22 130 O +98 22 131 U +98 22 132 M +98 22 133 A +98 22 134 O +98 22 135 U +98 22 136 A +98 22 137 A +98 22 138 D +98 22 139 D +98 22 140 U +98 22 141 X +98 22 142 D +98 22 143 U +98 22 144 U +98 22 145 A +98 22 146 O +98 22 147 A +98 22 148 M +98 22 149 O +98 22 150 U +98 22 151 M +98 22 152 U +98 22 153 D +98 22 154 S +98 22 155 O +98 22 156 A +98 22 157 O +98 22 158 X +98 22 159 O +98 22 160 U +98 22 161 A +98 22 162 M +98 22 163 A +98 22 164 D +98 22 165 O +98 22 166 U +98 22 167 D +98 22 168 A +98 22 169 A +98 22 170 S +98 22 171 O +98 22 172 X +98 22 173 M +98 22 174 O +98 22 175 D +98 22 176 M +98 22 177 O +98 22 178 U +98 22 179 M +98 22 180 A +98 22 181 O +98 22 182 M +98 22 183 O +98 22 184 U +98 22 185 O +98 22 186 D +98 22 187 O +98 22 188 A +98 22 189 D +98 22 190 U +98 22 191 A +98 22 192 U +98 22 193 O +98 22 194 M +98 22 195 A +98 22 196 D +98 22 197 U +98 22 198 S +98 22 199 D +98 22 200 D +98 22 201 U +98 22 202 A +98 22 203 U +98 22 204 S +98 22 205 U +98 22 206 D +98 22 207 U +98 22 208 O +98 22 209 A +98 22 210 U +98 22 211 D +98 22 212 O +98 22 213 D +98 22 214 O +98 22 215 U +98 22 216 A +98 22 217 D +98 22 218 O +98 22 219 D +98 22 220 U +98 22 221 D +98 22 222 U +98 22 223 A +98 22 224 D +98 22 225 O +98 22 226 A +98 22 227 S +98 22 228 U +98 22 229 D +98 22 230 D +98 22 231 U +98 22 232 O +98 22 233 D +98 22 234 A +98 22 235 A +98 22 236 O +98 22 237 D +98 22 238 A +98 22 239 U +98 22 240 A +98 22 241 D +98 22 242 O +98 22 243 U +98 22 244 D +98 22 245 M +98 22 246 A +98 22 247 U +98 22 248 O +98 22 249 A +98 22 250 U +98 22 251 O +98 22 252 D +98 22 253 A +98 22 254 D +98 22 255 S +98 22 256 M +98 22 257 A +98 22 258 O +98 22 259 M +98 22 260 D +98 22 261 O +98 22 262 D +98 22 263 X +98 22 264 X +98 22 265 A +98 22 266 O +98 22 267 U +98 22 268 A +98 22 269 U +98 22 270 M +98 22 271 A +98 22 272 X +98 22 273 U +98 22 274 X +98 22 275 O +98 22 276 U +98 22 277 A +98 22 278 O +98 22 279 U +98 22 280 O +98 22 281 A +98 22 282 O +98 22 283 O +98 22 284 X +98 22 285 D +98 22 286 X +98 22 287 O +98 22 288 A +98 22 289 A +98 22 290 D +98 22 291 U +98 22 292 O +98 22 293 X +98 22 294 X +98 22 295 O +98 22 296 U +98 22 297 O +98 22 298 M +98 22 299 A +98 22 300 D +98 22 301 A +98 22 302 D +98 22 303 D +98 22 304 O +98 22 305 U +98 22 306 O +98 22 307 A +98 22 308 U +98 22 309 O +98 22 310 A +98 22 311 U +98 22 312 S +98 22 313 U +98 22 314 D +98 22 315 O +98 22 316 A +98 22 317 U +98 22 318 O +98 22 319 D +98 22 320 O +98 22 321 A +98 22 322 D +98 22 323 A +98 22 324 D +98 22 325 U +98 22 326 O +98 22 327 X +98 22 328 A +98 22 329 O +98 22 330 X +98 23 1 A +98 23 2 D +98 23 3 M +98 23 4 K +98 23 5 G +98 23 6 O +98 23 7 A +98 23 8 U +98 23 9 K +98 23 10 A +98 23 11 K +98 23 12 O +98 23 13 K +98 23 14 K +98 23 15 D +98 23 16 O +98 23 17 M +98 23 18 K +98 23 19 A +98 23 20 A +98 23 21 M +98 23 22 O +98 23 23 D +98 23 24 K +98 23 25 A +98 23 26 A +98 23 27 D +98 23 28 M +98 23 29 A +98 23 30 M +98 23 31 A +98 23 32 M +98 23 33 A +98 23 34 A +98 23 35 M +98 23 36 K +98 23 37 A +98 23 38 M +98 23 39 A +98 23 40 A +98 23 41 M +98 23 42 K +98 23 43 A +98 23 44 D +98 23 45 A +98 23 46 K +98 23 47 K +98 23 48 D +98 23 49 A +98 23 50 U +98 23 51 K +98 23 52 D +98 23 53 M +98 23 54 A +98 23 55 A +98 23 56 D +98 23 57 A +98 23 58 K +98 23 59 D +98 23 60 A +98 23 61 M +98 23 62 A +98 23 63 M +98 23 64 A +98 23 65 M +98 23 66 O +98 23 67 A +98 23 68 M +98 23 69 K +98 23 70 D +98 23 71 K +98 23 72 A +98 23 73 U +98 23 74 K +98 23 75 A +98 23 76 M +98 23 77 A +98 23 78 D +98 23 79 K +98 23 80 A +98 23 81 A +98 23 82 A +98 23 83 O +98 23 84 M +98 23 85 A +98 23 86 M +98 23 87 S +98 23 88 M +98 23 89 S +98 23 90 D +98 23 91 O +98 23 92 O +98 23 93 A +98 23 94 S +98 23 95 X +98 23 96 O +98 23 97 U +98 23 98 M +98 23 99 U +98 23 100 D +98 23 101 U +98 23 102 D +98 23 103 K +98 23 104 A +98 23 105 O +98 23 106 O +98 23 107 X +98 23 108 X +98 23 109 A +98 23 110 O +98 23 111 K +98 23 112 M +98 23 113 K +98 23 114 A +98 23 115 M +98 23 116 A +98 23 117 K +98 23 118 O +98 23 119 A +98 23 120 D +98 23 121 M +98 23 122 A +98 23 123 A +98 23 124 D +98 23 125 M +98 23 126 M +98 23 127 S +98 23 128 O +98 23 129 D +98 23 130 K +98 23 131 U +98 23 132 O +98 23 133 A +98 23 134 K +98 23 135 O +98 23 136 A +98 23 137 A +98 23 138 D +98 23 139 X +98 23 140 A +98 23 141 X +98 23 142 X +98 23 143 A +98 23 144 U +98 23 145 A +98 23 146 O +98 23 147 A +98 23 148 M +98 23 149 A +98 23 150 U +98 23 151 O +98 23 152 O +98 23 153 A +98 23 154 K +98 23 155 K +98 23 156 A +98 23 157 K +98 23 158 X +98 23 159 O +98 23 160 O +98 23 161 A +98 23 162 M +98 23 163 A +98 23 164 A +98 23 165 D +98 23 166 A +98 23 167 O +98 23 168 A +98 23 169 A +98 23 170 K +98 23 171 A +98 23 172 X +98 23 173 A +98 23 174 O +98 23 175 A +98 23 176 M +98 23 177 O +98 23 178 A +98 23 179 K +98 23 180 A +98 23 181 A +98 23 182 K +98 23 183 K +98 23 184 U +98 23 185 O +98 23 186 A +98 23 187 O +98 23 188 A +98 23 189 D +98 23 190 O +98 23 191 A +98 23 192 U +98 23 193 D +98 23 194 K +98 23 195 A +98 23 196 A +98 23 197 U +98 23 198 S +98 23 199 X +98 23 200 A +98 23 201 O +98 23 202 A +98 23 203 U +98 23 204 K +98 23 205 U +98 23 206 X +98 23 207 U +98 23 208 O +98 23 209 A +98 23 210 K +98 23 211 A +98 23 212 O +98 23 213 D +98 23 214 O +98 23 215 U +98 23 216 S +98 23 217 D +98 23 218 A +98 23 219 X +98 23 220 U +98 23 221 X +98 23 222 U +98 23 223 A +98 23 224 X +98 23 225 K +98 23 226 A +98 23 227 K +98 23 228 A +98 23 229 D +98 23 230 X +98 23 231 U +98 23 232 K +98 23 233 D +98 23 234 A +98 23 235 D +98 23 236 D +98 23 237 O +98 23 238 A +98 23 239 O +98 23 240 K +98 23 241 X +98 23 242 O +98 23 243 K +98 23 244 X +98 23 245 M +98 23 246 A +98 23 247 U +98 23 248 S +98 23 249 A +98 23 250 U +98 23 251 A +98 23 252 X +98 23 253 A +98 23 254 A +98 23 255 S +98 23 256 M +98 23 257 A +98 23 258 O +98 23 259 U +98 23 260 X +98 23 261 O +98 23 262 X +98 23 263 D +98 23 264 A +98 23 265 A +98 23 266 K +98 23 267 U +98 23 268 A +98 23 269 O +98 23 270 O +98 23 271 S +98 23 272 X +98 23 273 U +98 23 274 A +98 23 275 O +98 23 276 U +98 23 277 A +98 23 278 D +98 23 279 U +98 23 280 A +98 23 281 A +98 23 282 A +98 23 283 K +98 23 284 X +98 23 285 D +98 23 286 X +98 23 287 K +98 23 288 M +98 23 289 A +98 23 290 X +98 23 291 A +98 23 292 D +98 23 293 X +98 23 294 X +98 23 295 K +98 23 296 U +98 23 297 O +98 23 298 M +98 23 299 A +98 23 300 K +98 23 301 A +98 23 302 X +98 23 303 X +98 23 304 A +98 23 305 U +98 23 306 A +98 23 307 A +98 23 308 U +98 23 309 S +98 23 310 A +98 23 311 A +98 23 312 S +98 23 313 U +98 23 314 X +98 23 315 A +98 23 316 A +98 23 317 U +98 23 318 O +98 23 319 X +98 23 320 A +98 23 321 M +98 23 322 A +98 23 323 A +98 23 324 X +98 23 325 U +98 23 326 O +98 23 327 X +98 23 328 A +98 23 329 K +98 23 330 X +98 24 1 A +98 24 2 A +98 24 3 M +98 24 4 U +98 24 5 A +98 24 6 O +98 24 7 U +98 24 8 O +98 24 9 N +98 24 10 U +98 24 11 A +98 24 12 O +98 24 13 U +98 24 14 S +98 24 15 X +98 24 16 X +98 24 17 O +98 24 18 S +98 24 19 U +98 24 20 U +98 24 21 O +98 24 22 O +98 24 23 U +98 24 24 S +98 24 25 O +98 24 26 U +98 24 27 X +98 24 28 O +98 24 29 U +98 24 30 O +98 24 31 U +98 24 32 O +98 24 33 U +98 24 34 U +98 24 35 O +98 24 36 O +98 24 37 U +98 24 38 O +98 24 39 U +98 24 40 A +98 24 41 M +98 24 42 O +98 24 43 U +98 24 44 X +98 24 45 A +98 24 46 C +98 24 47 C +98 24 48 O +98 24 49 U +98 24 50 U +98 24 51 S +98 24 52 X +98 24 53 O +98 24 54 U +98 24 55 U +98 24 56 O +98 24 57 U +98 24 58 S +98 24 59 O +98 24 60 U +98 24 61 M +98 24 62 U +98 24 63 O +98 24 64 U +98 24 65 M +98 24 66 X +98 24 67 U +98 24 68 M +98 24 69 A +98 24 70 X +98 24 71 M +98 24 72 A +98 24 73 U +98 24 74 X +98 24 75 S +98 24 76 M +98 24 77 A +98 24 78 O +98 24 79 S +98 24 80 A +98 24 81 U +98 24 82 A +98 24 83 X +98 24 84 N +98 24 85 U +98 24 86 O +98 24 87 S +98 24 88 U +98 24 89 S +98 24 90 U +98 24 91 O +98 24 92 X +98 24 93 U +98 24 94 S +98 24 95 X +98 24 96 O +98 24 97 U +98 24 98 M +98 24 99 X +98 24 100 U +98 24 101 O +98 24 102 X +98 24 103 S +98 24 104 U +98 24 105 X +98 24 106 O +98 24 107 X +98 24 108 U +98 24 109 A +98 24 110 O +98 24 111 S +98 24 112 M +98 24 113 S +98 24 114 A +98 24 115 M +98 24 116 X +98 24 117 S +98 24 118 O +98 24 119 A +98 24 120 X +98 24 121 O +98 24 122 U +98 24 123 U +98 24 124 A +98 24 125 O +98 24 126 N +98 24 127 S +98 24 128 O +98 24 129 X +98 24 130 S +98 24 131 U +98 24 132 M +98 24 133 A +98 24 134 S +98 24 135 U +98 24 136 A +98 24 137 A +98 24 138 A +98 24 139 X +98 24 140 A +98 24 141 X +98 24 142 X +98 24 143 A +98 24 144 A +98 24 145 A +98 24 146 O +98 24 147 A +98 24 148 M +98 24 149 A +98 24 150 U +98 24 151 O +98 24 152 U +98 24 153 A +98 24 154 S +98 24 155 S +98 24 156 A +98 24 157 S +98 24 158 X +98 24 159 M +98 24 160 O +98 24 161 A +98 24 162 M +98 24 163 A +98 24 164 A +98 24 165 A +98 24 166 A +98 24 167 X +98 24 168 A +98 24 169 A +98 24 170 A +98 24 171 A +98 24 172 X +98 24 173 O +98 24 174 O +98 24 175 U +98 24 176 O +98 24 177 O +98 24 178 A +98 24 179 M +98 24 180 A +98 24 181 O +98 24 182 M +98 24 183 S +98 24 184 U +98 24 185 M +98 24 186 A +98 24 187 O +98 24 188 A +98 24 189 A +98 24 190 N +98 24 191 A +98 24 192 U +98 24 193 A +98 24 194 S +98 24 195 A +98 24 196 U +98 24 197 U +98 24 198 S +98 24 199 X +98 24 200 U +98 24 201 O +98 24 202 A +98 24 203 M +98 24 204 S +98 24 205 U +98 24 206 X +98 24 207 M +98 24 208 N +98 24 209 A +98 24 210 S +98 24 211 A +98 24 212 O +98 24 213 U +98 24 214 A +98 24 215 M +98 24 216 S +98 24 217 M +98 24 218 A +98 24 219 A +98 24 220 A +98 24 221 X +98 24 222 U +98 24 223 U +98 24 224 X +98 24 225 A +98 24 226 U +98 24 227 S +98 24 228 A +98 24 229 A +98 24 230 X +98 24 231 U +98 24 232 S +98 24 233 U +98 24 234 A +98 24 235 A +98 24 236 A +98 24 237 M +98 24 238 A +98 24 239 O +98 24 240 S +98 24 241 X +98 24 242 M +98 24 243 U +98 24 244 X +98 24 245 M +98 24 246 U +98 24 247 A +98 24 248 S +98 24 249 A +98 24 250 U +98 24 251 A +98 24 252 X +98 24 253 A +98 24 254 A +98 24 255 S +98 24 256 M +98 24 257 A +98 24 258 U +98 24 259 S +98 24 260 X +98 24 261 M +98 24 262 X +98 24 263 S +98 24 264 A +98 24 265 A +98 24 266 S +98 24 267 U +98 24 268 A +98 24 269 O +98 24 270 O +98 24 271 S +98 24 272 X +98 24 273 A +98 24 274 X +98 24 275 O +98 24 276 M +98 24 277 A +98 24 278 M +98 24 279 U +98 24 280 A +98 24 281 A +98 24 282 A +98 24 283 S +98 24 284 X +98 24 285 X +98 24 286 X +98 24 287 S +98 24 288 M +98 24 289 A +98 24 290 X +98 24 291 A +98 24 292 N +98 24 293 A +98 24 294 X +98 24 295 S +98 24 296 U +98 24 297 O +98 24 298 M +98 24 299 A +98 24 300 X +98 24 301 A +98 24 302 X +98 24 303 U +98 24 304 A +98 24 305 U +98 24 306 A +98 24 307 A +98 24 308 U +98 24 309 A +98 24 310 S +98 24 311 A +98 24 312 S +98 24 313 A +98 24 314 X +98 24 315 X +98 24 316 U +98 24 317 A +98 24 318 O +98 24 319 X +98 24 320 A +98 24 321 M +98 24 322 A +98 24 323 A +98 24 324 X +98 24 325 U +98 24 326 M +98 24 327 X +98 24 328 A +98 24 329 S +98 24 330 X +98 25 1 D +98 25 2 B +98 25 3 M +98 25 4 U +98 25 5 A +98 25 6 O +98 25 7 A +98 25 8 M +98 25 9 D +98 25 10 A +98 25 11 A +98 25 12 O +98 25 13 S +98 25 14 A +98 25 15 G +98 25 16 X +98 25 17 M +98 25 18 S +98 25 19 A +98 25 20 O +98 25 21 M +98 25 22 O +98 25 23 U +98 25 24 S +98 25 25 A +98 25 26 S +98 25 27 X +98 25 28 M +98 25 29 O +98 25 30 M +98 25 31 X +98 25 32 M +98 25 33 O +98 25 34 A +98 25 35 M +98 25 36 S +98 25 37 X +98 25 38 M +98 25 39 A +98 25 40 A +98 25 41 M +98 25 42 D +98 25 43 S +98 25 44 X +98 25 45 O +98 25 46 S +98 25 47 B +98 25 48 O +98 25 49 A +98 25 50 M +98 25 51 S +98 25 52 X +98 25 53 M +98 25 54 A +98 25 55 A +98 25 56 O +98 25 57 A +98 25 58 S +98 25 59 D +98 25 60 A +98 25 61 M +98 25 62 U +98 25 63 O +98 25 64 A +98 25 65 M +98 25 66 O +98 25 67 A +98 25 68 M +98 25 69 S +98 25 70 X +98 25 71 M +98 25 72 A +98 25 73 M +98 25 74 X +98 25 75 S +98 25 76 O +98 25 77 A +98 25 78 O +98 25 79 S +98 25 80 A +98 25 81 O +98 25 82 A +98 25 83 O +98 25 84 A +98 25 85 A +98 25 86 D +98 25 87 S +98 25 88 M +98 25 89 S +98 25 90 S +98 25 91 O +98 25 92 X +98 25 93 A +98 25 94 S +98 25 95 X +98 25 96 O +98 25 97 U +98 25 98 A +98 25 99 U +98 25 100 X +98 25 101 M +98 25 102 X +98 25 103 S +98 25 104 A +98 25 105 S +98 25 106 O +98 25 107 X +98 25 108 D +98 25 109 S +98 25 110 O +98 25 111 S +98 25 112 M +98 25 113 S +98 25 114 A +98 25 115 M +98 25 116 X +98 25 117 S +98 25 118 O +98 25 119 A +98 25 120 X +98 25 121 O +98 25 122 A +98 25 123 A +98 25 124 X +98 25 125 O +98 25 126 O +98 25 127 S +98 25 128 D +98 25 129 X +98 25 130 S +98 25 131 M +98 25 132 M +98 25 133 A +98 25 134 S +98 25 135 S +98 25 136 A +98 25 137 D +98 25 138 D +98 25 139 D +98 25 140 A +98 25 141 X +98 25 142 X +98 25 143 A +98 25 144 S +98 25 145 A +98 25 146 O +98 25 147 A +98 25 148 M +98 25 149 O +98 25 150 S +98 25 151 O +98 25 152 U +98 25 153 A +98 25 154 S +98 25 155 S +98 25 156 A +98 25 157 S +98 25 158 X +98 25 159 O +98 25 160 O +98 25 161 A +98 25 162 M +98 25 163 A +98 25 164 A +98 25 165 S +98 25 166 S +98 25 167 U +98 25 168 A +98 25 169 A +98 25 170 S +98 25 171 D +98 25 172 X +98 25 173 M +98 25 174 O +98 25 175 X +98 25 176 M +98 25 177 X +98 25 178 A +98 25 179 S +98 25 180 A +98 25 181 O +98 25 182 S +98 25 183 D +98 25 184 U +98 25 185 O +98 25 186 A +98 25 187 O +98 25 188 A +98 25 189 X +98 25 190 O +98 25 191 A +98 25 192 U +98 25 193 O +98 25 194 M +98 25 195 A +98 25 196 X +98 25 197 U +98 25 198 S +98 25 199 X +98 25 200 A +98 25 201 O +98 25 202 A +98 25 203 M +98 25 204 S +98 25 205 U +98 25 206 O +98 25 207 M +98 25 208 B +98 25 209 A +98 25 210 M +98 25 211 A +98 25 212 O +98 25 213 U +98 25 214 O +98 25 215 U +98 25 216 S +98 25 217 O +98 25 218 S +98 25 219 X +98 25 220 U +98 25 221 X +98 25 222 U +98 25 223 A +98 25 224 O +98 25 225 B +98 25 226 A +98 25 227 B +98 25 228 B +98 25 229 O +98 25 230 O +98 25 231 M +98 25 232 S +98 25 233 U +98 25 234 A +98 25 235 A +98 25 236 O +98 25 237 O +98 25 238 A +98 25 239 O +98 25 240 M +98 25 241 X +98 25 242 X +98 25 243 M +98 25 244 X +98 25 245 M +98 25 246 A +98 25 247 U +98 25 248 S +98 25 249 S +98 25 250 U +98 25 251 O +98 25 252 X +98 25 253 A +98 25 254 X +98 25 255 B +98 25 256 M +98 25 257 A +98 25 258 O +98 25 259 M +98 25 260 O +98 25 261 O +98 25 262 X +98 25 263 B +98 25 264 X +98 25 265 A +98 25 266 M +98 25 267 M +98 25 268 A +98 25 269 M +98 25 270 O +98 25 271 A +98 25 272 X +98 25 273 U +98 25 274 X +98 25 275 O +98 25 276 M +98 25 277 A +98 25 278 O +98 25 279 U +98 25 280 A +98 25 281 A +98 25 282 O +98 25 283 S +98 25 284 X +98 25 285 U +98 25 286 X +98 25 287 B +98 25 288 M +98 25 289 A +98 25 290 X +98 25 291 A +98 25 292 X +98 25 293 X +98 25 294 X +98 25 295 B +98 25 296 U +98 25 297 O +98 25 298 M +98 25 299 A +98 25 300 D +98 25 301 A +98 25 302 O +98 25 303 D +98 25 304 B +98 25 305 M +98 25 306 O +98 25 307 A +98 25 308 U +98 25 309 B +98 25 310 A +98 25 311 A +98 25 312 B +98 25 313 U +98 25 314 X +98 25 315 O +98 25 316 A +98 25 317 M +98 25 318 O +98 25 319 X +98 25 320 D +98 25 321 M +98 25 322 A +98 25 323 A +98 25 324 X +98 25 325 M +98 25 326 O +98 25 327 X +98 25 328 B +98 25 329 B +98 25 330 X +99 1 1 YA +99 1 2 YA +99 1 3 SA +99 1 4 NA +99 1 5 YA +99 1 6 YA +99 1 7 YA +99 1 8 SA +99 1 9 NA +99 1 10 YA +99 1 11 YA +99 1 12 SA +99 1 13 YA +99 1 14 YA +99 1 15 SA +99 1 16 BA +99 1 17 SA +99 1 18 NA +99 1 19 YA +99 1 20 YA +99 1 21 SA +99 1 22 SA +99 1 23 SA +99 1 24 NA +99 1 25 YA +99 1 26 YA +99 1 27 BA +99 1 28 SA +99 1 29 YA +99 1 30 SA +99 1 31 YA +99 1 32 SA +99 1 33 YA +99 1 34 YA +99 1 35 SA +99 1 36 YA +99 1 37 YA +99 1 38 SA +99 1 39 YA +99 1 40 YA +99 1 41 SA +99 1 42 SA +99 1 43 YA +99 1 44 BA +99 1 45 YA +99 1 46 NA +99 1 47 YA +99 1 48 SA +99 1 49 YA +99 1 50 SA +99 1 51 NA +99 1 52 YA +99 1 53 SA +99 1 54 YA +99 1 55 YA +99 1 56 SA +99 1 57 YA +99 1 58 SA +99 1 59 BA +99 1 60 YA +99 1 61 SA +99 1 62 YA +99 1 63 SA +99 1 64 YA +99 1 65 SA +99 1 66 * +99 1 67 YA +99 1 68 SA +99 1 69 YA +99 1 70 * +99 1 71 SA +99 1 72 YA +99 1 73 SA +99 1 74 * +99 1 75 YA +99 1 76 SA +99 1 77 YA +99 1 78 * +99 1 79 NA +99 1 80 YA +99 1 81 YA +99 1 82 YA +99 1 83 * +99 1 84 SA +99 1 85 YA +99 1 86 SA +99 1 87 NA +99 1 88 SA +99 1 89 NA +99 1 90 YA +99 1 91 YA +99 1 92 SA +99 1 93 YA +99 1 94 NA +99 1 95 YA +99 1 96 SA +99 1 97 YA +99 1 98 SA +99 1 99 * +99 1 100 YA +99 1 101 SA +99 1 102 YA +99 1 103 YA +99 1 104 YA +99 1 105 SA +99 1 106 SA +99 1 107 BA +99 1 108 YA +99 1 109 YA +99 1 110 SA +99 1 111 YA +99 1 112 SA +99 1 113 NA +99 1 114 YA +99 1 115 SA +99 1 116 YA +99 1 117 SA +99 1 118 SA +99 1 119 YA +99 1 120 BA +99 1 121 SA +99 1 122 YA +99 1 123 YA +99 1 124 YA +99 1 125 SA +99 1 126 SA +99 1 127 YA +99 1 128 SA +99 1 129 * +99 1 130 * +99 1 131 SA +99 1 132 SA +99 1 133 YA +99 1 134 SA +99 1 135 SA +99 1 136 YA +99 1 137 YA +99 1 138 YA +99 1 139 * +99 1 140 YA +99 1 141 BA +99 1 142 * +99 1 143 YA +99 1 144 YA +99 1 145 YA +99 1 146 SA +99 1 147 YA +99 1 148 SA +99 1 149 YA +99 1 150 SA +99 1 151 SA +99 1 152 SA +99 1 153 YA +99 1 154 NA +99 1 155 NA +99 1 156 YA +99 1 157 SA +99 1 158 BA +99 1 159 SA +99 1 160 SA +99 1 161 YA +99 1 162 SA +99 1 163 YA +99 1 164 YA +99 1 165 YA +99 1 166 YA +99 1 167 BU +99 1 168 YA +99 1 169 YA +99 1 170 YA +99 1 171 YA +99 1 172 BA +99 1 173 SA +99 1 174 SA +99 1 175 YA +99 1 176 SA +99 1 177 YA +99 1 178 YA +99 1 179 SA +99 1 180 YA +99 1 181 SA +99 1 182 * +99 1 183 YA +99 1 184 YA +99 1 185 SA +99 1 186 YA +99 1 187 SA +99 1 188 YA +99 1 189 * +99 1 190 SA +99 1 191 YA +99 1 192 BU +99 1 193 YA +99 1 194 SA +99 1 195 YA +99 1 196 YA +99 1 197 SA +99 1 198 NA +99 1 199 YA +99 1 200 YA +99 1 201 SA +99 1 202 YA +99 1 203 SA +99 1 204 NA +99 1 205 SA +99 1 206 YA +99 1 207 SA +99 1 208 SA +99 1 209 YA +99 1 210 SA +99 1 211 YA +99 1 212 SA +99 1 213 * +99 1 214 YA +99 1 215 SA +99 1 216 NA +99 1 217 SA +99 1 218 YA +99 1 219 YA +99 1 220 YA +99 1 221 YA +99 1 222 SA +99 1 223 YA +99 1 224 * +99 1 225 YA +99 1 226 YA +99 1 227 NA +99 1 228 YA +99 1 229 YA +99 1 230 * +99 1 231 SA +99 1 232 YA +99 1 233 BU +99 1 234 YA +99 1 235 YA +99 1 236 YA +99 1 237 SA +99 1 238 YA +99 1 239 SA +99 1 240 SA +99 1 241 BA +99 1 242 SA +99 1 243 SA +99 1 244 * +99 1 245 SA +99 1 246 YA +99 1 247 BU +99 1 248 YA +99 1 249 YA +99 1 250 SA +99 1 251 YA +99 1 252 BU +99 1 253 YA +99 1 254 YA +99 1 255 NA +99 1 256 SA +99 1 257 YA +99 1 258 YA +99 1 259 SA +99 1 260 * +99 1 261 SA +99 1 262 BA +99 1 263 BU +99 1 264 YA +99 1 265 YA +99 1 266 SA +99 1 267 SA +99 1 268 YA +99 1 269 SA +99 1 270 SA +99 1 271 YA +99 1 272 * +99 1 273 SA +99 1 274 BA +99 1 275 YA +99 1 276 SA +99 1 277 YA +99 1 278 SA +99 1 279 YA +99 1 280 YA +99 1 281 YA +99 1 282 YA +99 1 283 * +99 1 284 * +99 1 285 SA +99 1 286 BA +99 1 287 SA +99 1 288 SA +99 1 289 YA +99 1 290 SA +99 1 291 YA +99 1 292 SA +99 1 293 YA +99 1 294 YA +99 1 295 SA +99 1 296 YA +99 1 297 SA +99 1 298 SA +99 1 299 YA +99 1 300 BU +99 1 301 YA +99 1 302 * +99 1 303 YA +99 1 304 YA +99 1 305 * +99 1 306 YA +99 1 307 YA +99 1 308 SA +99 1 309 * +99 1 310 YA +99 1 311 YA +99 1 312 NA +99 1 313 YA +99 1 314 * +99 1 315 YA +99 1 316 YA +99 1 317 SA +99 1 318 SA +99 1 319 BA +99 1 320 YA +99 1 321 SA +99 1 322 YA +99 1 323 YA +99 1 324 SA +99 1 325 SA +99 1 326 SA +99 1 327 YA +99 1 328 YA +99 1 329 * +99 1 330 YA +99 2 1 YA +99 2 2 YA +99 2 3 SA +99 2 4 NA +99 2 5 YA +99 2 6 SA +99 2 7 YA +99 2 8 NA +99 2 9 SA +99 2 10 NA +99 2 11 YA +99 2 12 EA +99 2 13 YA +99 2 14 NA +99 2 15 SA +99 2 16 BA +99 2 17 SA +99 2 18 NA +99 2 19 YA +99 2 20 YA +99 2 21 SA +99 2 22 * +99 2 23 SA +99 2 24 NA +99 2 25 YA +99 2 26 YA +99 2 27 BA +99 2 28 SA +99 2 29 YA +99 2 30 SA +99 2 31 BA +99 2 32 SA +99 2 33 YA +99 2 34 YA +99 2 35 SA +99 2 36 YA +99 2 37 BA +99 2 38 SA +99 2 39 YA +99 2 40 YA +99 2 41 SA +99 2 42 EA +99 2 43 NA +99 2 44 BA +99 2 45 YA +99 2 46 NA +99 2 47 YA +99 2 48 EA +99 2 49 YA +99 2 50 NA +99 2 51 NA +99 2 52 BA +99 2 53 SA +99 2 54 YA +99 2 55 YA +99 2 56 SA +99 2 57 YA +99 2 58 EA +99 2 59 BA +99 2 60 YA +99 2 61 SA +99 2 62 SA +99 2 63 SA +99 2 64 YA +99 2 65 SA +99 2 66 BA +99 2 67 YA +99 2 68 SA +99 2 69 YA +99 2 70 BA +99 2 71 SA +99 2 72 YA +99 2 73 SA +99 2 74 BA +99 2 75 YA +99 2 76 EA +99 2 77 YA +99 2 78 SA +99 2 79 NA +99 2 80 YA +99 2 81 YA +99 2 82 YA +99 2 83 EA +99 2 84 SA +99 2 85 YA +99 2 86 SA +99 2 87 NA +99 2 88 SA +99 2 89 NA +99 2 90 YA +99 2 91 YA +99 2 92 BA +99 2 93 YA +99 2 94 NA +99 2 95 BA +99 2 96 EA +99 2 97 YA +99 2 98 SA +99 2 99 SA +99 2 100 YA +99 2 101 SA +99 2 102 BA +99 2 103 NA +99 2 104 YA +99 2 105 SA +99 2 106 EA +99 2 107 BA +99 2 108 YA +99 2 109 YA +99 2 110 EA +99 2 111 YA +99 2 112 SA +99 2 113 NA +99 2 114 YA +99 2 115 SA +99 2 116 BA +99 2 117 NA +99 2 118 SA +99 2 119 YA +99 2 120 BA +99 2 121 SA +99 2 122 YA +99 2 123 YA +99 2 124 YA +99 2 125 SA +99 2 126 SA +99 2 127 NA +99 2 128 EA +99 2 129 BA +99 2 130 NA +99 2 131 SA +99 2 132 SA +99 2 133 YA +99 2 134 NA +99 2 135 SA +99 2 136 YA +99 2 137 YA +99 2 138 BA +99 2 139 BA +99 2 140 SA +99 2 141 BA +99 2 142 BA +99 2 143 YA +99 2 144 SA +99 2 145 YA +99 2 146 EA +99 2 147 YA +99 2 148 SA +99 2 149 YA +99 2 150 NA +99 2 151 SA +99 2 152 SA +99 2 153 YA +99 2 154 NA +99 2 155 NA +99 2 156 YA +99 2 157 NA +99 2 158 BA +99 2 159 SA +99 2 160 SA +99 2 161 YA +99 2 162 SA +99 2 163 YA +99 2 164 YA +99 2 165 YA +99 2 166 NA +99 2 167 BA +99 2 168 YA +99 2 169 YA +99 2 170 NA +99 2 171 YA +99 2 172 BA +99 2 173 SA +99 2 174 EA +99 2 175 BA +99 2 176 SA +99 2 177 YA +99 2 178 YA +99 2 179 SA +99 2 180 YA +99 2 181 EA +99 2 182 SA +99 2 183 YA +99 2 184 SA +99 2 185 SA +99 2 186 YA +99 2 187 EA +99 2 188 YA +99 2 189 BA +99 2 190 SA +99 2 191 YA +99 2 192 SA +99 2 193 YA +99 2 194 SA +99 2 195 YA +99 2 196 YA +99 2 197 SA +99 2 198 NA +99 2 199 BA +99 2 200 YA +99 2 201 SA +99 2 202 YA +99 2 203 SA +99 2 204 NA +99 2 205 YA +99 2 206 BA +99 2 207 SA +99 2 208 EA +99 2 209 YA +99 2 210 NA +99 2 211 YA +99 2 212 EA +99 2 213 BA +99 2 214 YA +99 2 215 BA +99 2 216 YA +99 2 217 BA +99 2 218 YA +99 2 219 BA +99 2 220 YA +99 2 221 BA +99 2 222 SA +99 2 223 YA +99 2 224 BA +99 2 225 YA +99 2 226 NA +99 2 227 NA +99 2 228 NA +99 2 229 YA +99 2 230 BA +99 2 231 SA +99 2 232 NA +99 2 233 SA +99 2 234 YA +99 2 235 YA +99 2 236 YA +99 2 237 BA +99 2 238 YA +99 2 239 SA +99 2 240 NA +99 2 241 BA +99 2 242 EA +99 2 243 SA +99 2 244 BA +99 2 245 SA +99 2 246 YA +99 2 247 SA +99 2 248 YA +99 2 249 YA +99 2 250 SA +99 2 251 YA +99 2 252 BA +99 2 253 YA +99 2 254 SA +99 2 255 NA +99 2 256 SA +99 2 257 NA +99 2 258 YA +99 2 259 SA +99 2 260 YA +99 2 261 SA +99 2 262 BA +99 2 263 BA +99 2 264 BA +99 2 265 YA +99 2 266 SA +99 2 267 NA +99 2 268 YA +99 2 269 SA +99 2 270 SA +99 2 271 YA +99 2 272 BA +99 2 273 NA +99 2 274 BA +99 2 275 YA +99 2 276 SA +99 2 277 NA +99 2 278 SA +99 2 279 NA +99 2 280 YA +99 2 281 YA +99 2 282 YA +99 2 283 NA +99 2 284 BA +99 2 285 SA +99 2 286 BA +99 2 287 YA +99 2 288 SA +99 2 289 YA +99 2 290 BA +99 2 291 YA +99 2 292 BA +99 2 293 BA +99 2 294 BA +99 2 295 NA +99 2 296 SA +99 2 297 EA +99 2 298 SA +99 2 299 YA +99 2 300 BA +99 2 301 YA +99 2 302 BA +99 2 303 BA +99 2 304 YA +99 2 305 SA +99 2 306 YA +99 2 307 YA +99 2 308 SA +99 2 309 NA +99 2 310 YA +99 2 311 YA +99 2 312 NA +99 2 313 YA +99 2 314 BA +99 2 315 YA +99 2 316 YA +99 2 317 SA +99 2 318 SA +99 2 319 BA +99 2 320 YA +99 2 321 SA +99 2 322 SA +99 2 323 YA +99 2 324 BA +99 2 325 SA +99 2 326 EA +99 2 327 BA +99 2 328 YA +99 2 329 SA +99 2 330 BA +99 3 1 YA +99 3 2 YA +99 3 3 SA +99 3 4 SA +99 3 5 YA +99 3 6 SA +99 3 7 YA +99 3 8 SA +99 3 9 SA +99 3 10 YA +99 3 11 YA +99 3 12 EA +99 3 13 YA +99 3 14 YA +99 3 15 SA +99 3 16 BA +99 3 17 SA +99 3 18 NA +99 3 19 YA +99 3 20 YA +99 3 21 SA +99 3 22 EA +99 3 23 YA +99 3 24 YA +99 3 25 YA +99 3 26 YA +99 3 27 BA +99 3 28 SA +99 3 29 YA +99 3 30 SA +99 3 31 YA +99 3 32 SA +99 3 33 YA +99 3 34 YA +99 3 35 SA +99 3 36 YA +99 3 37 YA +99 3 38 SA +99 3 39 YA +99 3 40 YA +99 3 41 SA +99 3 42 EA +99 3 43 YA +99 3 44 SA +99 3 45 YA +99 3 46 NA +99 3 47 YA +99 3 48 EA +99 3 49 YA +99 3 50 SA +99 3 51 NA +99 3 52 YA +99 3 53 SA +99 3 54 YA +99 3 55 YA +99 3 56 SA +99 3 57 YA +99 3 58 EA +99 3 59 SA +99 3 60 YA +99 3 61 SA +99 3 62 YA +99 3 63 SA +99 3 64 YA +99 3 65 SA +99 3 66 BA +99 3 67 YA +99 3 68 SA +99 3 69 YA +99 3 70 BA +99 3 71 SA +99 3 72 YA +99 3 73 SA +99 3 74 YA +99 3 75 YA +99 3 76 SA +99 3 77 YA +99 3 78 BA +99 3 79 NA +99 3 80 YA +99 3 81 YA +99 3 82 YA +99 3 83 EA +99 3 84 SA +99 3 85 YA +99 3 86 SA +99 3 87 NA +99 3 88 SA +99 3 89 NA +99 3 90 NA +99 3 91 YA +99 3 92 BA +99 3 93 YA +99 3 94 BU +99 3 95 YA +99 3 96 EA +99 3 97 SA +99 3 98 SA +99 3 99 SA +99 3 100 YA +99 3 101 SA +99 3 102 YA +99 3 103 YA +99 3 104 YA +99 3 105 SA +99 3 106 EA +99 3 107 BA +99 3 108 YA +99 3 109 YA +99 3 110 EA +99 3 111 YA +99 3 112 SA +99 3 113 NA +99 3 114 YA +99 3 115 SA +99 3 116 YA +99 3 117 BU +99 3 118 SA +99 3 119 YA +99 3 120 BA +99 3 121 SA +99 3 122 YA +99 3 123 YA +99 3 124 YA +99 3 125 SA +99 3 126 SA +99 3 127 YA +99 3 128 YA +99 3 129 BA +99 3 130 YA +99 3 131 SA +99 3 132 SA +99 3 133 YA +99 3 134 BU +99 3 135 SA +99 3 136 YA +99 3 137 YA +99 3 138 YA +99 3 139 BA +99 3 140 YA +99 3 141 BA +99 3 142 BA +99 3 143 YA +99 3 144 YA +99 3 145 YA +99 3 146 EA +99 3 147 YA +99 3 148 SA +99 3 149 YA +99 3 150 SA +99 3 151 SA +99 3 152 SA +99 3 153 YA +99 3 154 NA +99 3 155 * +99 3 156 YA +99 3 157 BU +99 3 158 BA +99 3 159 EA +99 3 160 SA +99 3 161 YA +99 3 162 SA +99 3 163 YA +99 3 164 YA +99 3 165 YA +99 3 166 YA +99 3 167 YA +99 3 168 YA +99 3 169 YA +99 3 170 NA +99 3 171 YA +99 3 172 BA +99 3 173 SA +99 3 174 EA +99 3 175 YA +99 3 176 SA +99 3 177 EA +99 3 178 YA +99 3 179 BU +99 3 180 YA +99 3 181 EA +99 3 182 SA +99 3 183 * +99 3 184 SA +99 3 185 BU +99 3 186 YA +99 3 187 EA +99 3 188 YA +99 3 189 YA +99 3 190 SA +99 3 191 YA +99 3 192 YA +99 3 193 YA +99 3 194 SA +99 3 195 YA +99 3 196 YA +99 3 197 SA +99 3 198 NA +99 3 199 YA +99 3 200 YA +99 3 201 SA +99 3 202 YA +99 3 203 SA +99 3 204 BU +99 3 205 YA +99 3 206 YA +99 3 207 SA +99 3 208 EA +99 3 209 YA +99 3 210 BU +99 3 211 YA +99 3 212 EA +99 3 213 BA +99 3 214 YA +99 3 215 SA +99 3 216 YA +99 3 217 SA +99 3 218 YA +99 3 219 YA +99 3 220 YA +99 3 221 YA +99 3 222 SA +99 3 223 YA +99 3 224 BA +99 3 225 EA +99 3 226 YA +99 3 227 NA +99 3 228 YA +99 3 229 YA +99 3 230 SA +99 3 231 SA +99 3 232 BU +99 3 233 YA +99 3 234 YA +99 3 235 YA +99 3 236 YA +99 3 237 SA +99 3 238 YA +99 3 239 SA +99 3 240 BU +99 3 241 BA +99 3 242 EA +99 3 243 SA +99 3 244 YA +99 3 245 SA +99 3 246 YA +99 3 247 YA +99 3 248 YA +99 3 249 YA +99 3 250 YA +99 3 251 YA +99 3 252 BA +99 3 253 YA +99 3 254 YA +99 3 255 NA +99 3 256 SA +99 3 257 YA +99 3 258 EA +99 3 259 SA +99 3 260 YA +99 3 261 EA +99 3 262 BA +99 3 263 NA +99 3 264 YA +99 3 265 YA +99 3 266 SA +99 3 267 SA +99 3 268 YA +99 3 269 SA +99 3 270 EA +99 3 271 YA +99 3 272 BA +99 3 273 SA +99 3 274 BA +99 3 275 YA +99 3 276 SA +99 3 277 YA +99 3 278 SA +99 3 279 YA +99 3 280 YA +99 3 281 YA +99 3 282 YA +99 3 283 BU +99 3 284 BA +99 3 285 SA +99 3 286 BA +99 3 287 BU +99 3 288 SA +99 3 289 YA +99 3 290 SA +99 3 291 YA +99 3 292 SA +99 3 293 YA +99 3 294 BA +99 3 295 BU +99 3 296 YA +99 3 297 EA +99 3 298 SA +99 3 299 YA +99 3 300 BA +99 3 301 YA +99 3 302 SA +99 3 303 YA +99 3 304 YA +99 3 305 SA +99 3 306 YA +99 3 307 YA +99 3 308 SA +99 3 309 BU +99 3 310 YA +99 3 311 YA +99 3 312 NA +99 3 313 YA +99 3 314 BA +99 3 315 YA +99 3 316 YA +99 3 317 SA +99 3 318 SA +99 3 319 BA +99 3 320 YA +99 3 321 SA +99 3 322 YA +99 3 323 YA +99 3 324 BA +99 3 325 SA +99 3 326 EA +99 3 327 YA +99 3 328 YA +99 3 329 BU +99 3 330 YA +99 4 1 YA +99 4 2 YA +99 4 3 SA +99 4 4 SA +99 4 5 YA +99 4 6 SA +99 4 7 YA +99 4 8 SA +99 4 9 SA +99 4 10 YA +99 4 11 YA +99 4 12 EA +99 4 13 YA +99 4 14 YA +99 4 15 SA +99 4 16 BA +99 4 17 YA +99 4 18 NA +99 4 19 YA +99 4 20 YA +99 4 21 SA +99 4 22 EA +99 4 23 YA +99 4 24 NA +99 4 25 YA +99 4 26 SA +99 4 27 BU +99 4 28 SA +99 4 29 YA +99 4 30 SA +99 4 31 YA +99 4 32 SA +99 4 33 YA +99 4 34 YA +99 4 35 SA +99 4 36 NA +99 4 37 YA +99 4 38 SA +99 4 39 YA +99 4 40 YA +99 4 41 SA +99 4 42 SA +99 4 43 YA +99 4 44 BA +99 4 45 YA +99 4 46 NA +99 4 47 YA +99 4 48 SA +99 4 49 YA +99 4 50 SA +99 4 51 NA +99 4 52 BA +99 4 53 SA +99 4 54 YA +99 4 55 YA +99 4 56 SA +99 4 57 YA +99 4 58 NA +99 4 59 BA +99 4 60 YA +99 4 61 SA +99 4 62 BU +99 4 63 SA +99 4 64 YA +99 4 65 SA +99 4 66 BA +99 4 67 YA +99 4 68 SA +99 4 69 NA +99 4 70 BA +99 4 71 NA +99 4 72 YA +99 4 73 SA +99 4 74 BU +99 4 75 YA +99 4 76 SA +99 4 77 YA +99 4 78 SA +99 4 79 NA +99 4 80 YA +99 4 81 YA +99 4 82 YA +99 4 83 BA +99 4 84 SA +99 4 85 YA +99 4 86 SA +99 4 87 NA +99 4 88 SA +99 4 89 NA +99 4 90 YA +99 4 91 YA +99 4 92 BA +99 4 93 YA +99 4 94 NA +99 4 95 BA +99 4 96 EA +99 4 97 YA +99 4 98 SA +99 4 99 BU +99 4 100 YA +99 4 101 SA +99 4 102 BU +99 4 103 YA +99 4 104 YA +99 4 105 SA +99 4 106 EA +99 4 107 BA +99 4 108 YA +99 4 109 YA +99 4 110 EA +99 4 111 YA +99 4 112 SA +99 4 113 NA +99 4 114 YA +99 4 115 SA +99 4 116 YA +99 4 117 BU +99 4 118 SA +99 4 119 YA +99 4 120 BA +99 4 121 SA +99 4 122 YA +99 4 123 YA +99 4 124 EA +99 4 125 SA +99 4 126 SA +99 4 127 NA +99 4 128 EA +99 4 129 BA +99 4 130 NA +99 4 131 YA +99 4 132 SA +99 4 133 YA +99 4 134 NA +99 4 135 SA +99 4 136 YA +99 4 137 YA +99 4 138 YA +99 4 139 BA +99 4 140 YA +99 4 141 BA +99 4 142 BU +99 4 143 YA +99 4 144 YA +99 4 145 YA +99 4 146 EA +99 4 147 YA +99 4 148 SA +99 4 149 YA +99 4 150 YA +99 4 151 SA +99 4 152 BU +99 4 153 YA +99 4 154 BU +99 4 155 NA +99 4 156 YA +99 4 157 NA +99 4 158 BA +99 4 159 SA +99 4 160 SA +99 4 161 YA +99 4 162 SA +99 4 163 YA +99 4 164 YA +99 4 165 YA +99 4 166 YA +99 4 167 YA +99 4 168 YA +99 4 169 YA +99 4 170 NA +99 4 171 YA +99 4 172 BA +99 4 173 SA +99 4 174 EA +99 4 175 YA +99 4 176 SA +99 4 177 EA +99 4 178 YA +99 4 179 SA +99 4 180 YA +99 4 181 BU +99 4 182 EA +99 4 183 NA +99 4 184 YA +99 4 185 EA +99 4 186 YA +99 4 187 EA +99 4 188 YA +99 4 189 BU +99 4 190 SA +99 4 191 YA +99 4 192 YA +99 4 193 EA +99 4 194 NA +99 4 195 YA +99 4 196 YA +99 4 197 NA +99 4 198 NA +99 4 199 BU +99 4 200 BU +99 4 201 SA +99 4 202 YA +99 4 203 SA +99 4 204 NA +99 4 205 YA +99 4 206 BA +99 4 207 SA +99 4 208 EA +99 4 209 YA +99 4 210 NA +99 4 211 YA +99 4 212 SA +99 4 213 BU +99 4 214 YA +99 4 215 SA +99 4 216 NA +99 4 217 SA +99 4 218 YA +99 4 219 BU +99 4 220 YA +99 4 221 BU +99 4 222 YA +99 4 223 YA +99 4 224 BA +99 4 225 EA +99 4 226 YA +99 4 227 NA +99 4 228 YA +99 4 229 YA +99 4 230 BU +99 4 231 YA +99 4 232 NA +99 4 233 YA +99 4 234 YA +99 4 235 YA +99 4 236 EA +99 4 237 SA +99 4 238 YA +99 4 239 SA +99 4 240 SA +99 4 241 BA +99 4 242 EA +99 4 243 SA +99 4 244 BU +99 4 245 SA +99 4 246 YA +99 4 247 YA +99 4 248 NA +99 4 249 YA +99 4 250 YA +99 4 251 YA +99 4 252 BU +99 4 253 YA +99 4 254 YA +99 4 255 NA +99 4 256 SA +99 4 257 YA +99 4 258 EA +99 4 259 SA +99 4 260 EA +99 4 261 SA +99 4 262 BA +99 4 263 BU +99 4 264 BA +99 4 265 YA +99 4 266 NA +99 4 267 YA +99 4 268 YA +99 4 269 SA +99 4 270 EA +99 4 271 YA +99 4 272 BA +99 4 273 YA +99 4 274 BA +99 4 275 EA +99 4 276 SA +99 4 277 YA +99 4 278 SA +99 4 279 YA +99 4 280 YA +99 4 281 YA +99 4 282 YA +99 4 283 NA +99 4 284 BA +99 4 285 SA +99 4 286 BA +99 4 287 EA +99 4 288 SA +99 4 289 YA +99 4 290 BA +99 4 291 YA +99 4 292 SA +99 4 293 YA +99 4 294 BA +99 4 295 NA +99 4 296 YA +99 4 297 EA +99 4 298 SA +99 4 299 YA +99 4 300 BA +99 4 301 YA +99 4 302 BU +99 4 303 BU +99 4 304 YA +99 4 305 YA +99 4 306 YA +99 4 307 YA +99 4 308 YA +99 4 309 NA +99 4 310 YA +99 4 311 YA +99 4 312 NA +99 4 313 YA +99 4 314 BA +99 4 315 YA +99 4 316 YA +99 4 317 SA +99 4 318 SA +99 4 319 BA +99 4 320 EA +99 4 321 SA +99 4 322 BU +99 4 323 YA +99 4 324 BA +99 4 325 SA +99 4 326 EA +99 4 327 BU +99 4 328 YA +99 4 329 NA +99 4 330 BU +99 5 1 YA +99 5 2 YA +99 5 3 SA +99 5 4 SA +99 5 5 YA +99 5 6 SA +99 5 7 YA +99 5 8 SA +99 5 9 BU +99 5 10 NA +99 5 11 YA +99 5 12 EA +99 5 13 YA +99 5 14 NA +99 5 15 SA +99 5 16 BA +99 5 17 SA +99 5 18 NA +99 5 19 YA +99 5 20 YA +99 5 21 SA +99 5 22 EA +99 5 23 SA +99 5 24 BU +99 5 25 YA +99 5 26 YA +99 5 27 BA +99 5 28 SA +99 5 29 YA +99 5 30 EA +99 5 31 YA +99 5 32 SA +99 5 33 YA +99 5 34 YA +99 5 35 SA +99 5 36 YA +99 5 37 YA +99 5 38 SA +99 5 39 YA +99 5 40 YA +99 5 41 SA +99 5 42 EA +99 5 43 YA +99 5 44 SA +99 5 45 YA +99 5 46 NA +99 5 47 YA +99 5 48 EA +99 5 49 YA +99 5 50 SA +99 5 51 BU +99 5 52 SA +99 5 53 SA +99 5 54 YA +99 5 55 YA +99 5 56 SA +99 5 57 NA +99 5 58 EA +99 5 59 SA +99 5 60 NA +99 5 61 SA +99 5 62 YA +99 5 63 SA +99 5 64 YA +99 5 65 SA +99 5 66 BA +99 5 67 YA +99 5 68 SA +99 5 69 SA +99 5 70 BA +99 5 71 SA +99 5 72 YA +99 5 73 SA +99 5 74 * +99 5 75 NA +99 5 76 SA +99 5 77 YA +99 5 78 SA +99 5 79 NA +99 5 80 YA +99 5 81 EA +99 5 82 YA +99 5 83 EA +99 5 84 SA +99 5 85 YA +99 5 86 SA +99 5 87 NA +99 5 88 SA +99 5 89 NA +99 5 90 YA +99 5 91 EA +99 5 92 BA +99 5 93 YA +99 5 94 NA +99 5 95 YA +99 5 96 EA +99 5 97 SA +99 5 98 SA +99 5 99 SA +99 5 100 YA +99 5 101 SA +99 5 102 YA +99 5 103 SA +99 5 104 YA +99 5 105 SA +99 5 106 EA +99 5 107 BA +99 5 108 YA +99 5 109 YA +99 5 110 EA +99 5 111 YA +99 5 112 SA +99 5 113 NA +99 5 114 YA +99 5 115 SA +99 5 116 YA +99 5 117 NA +99 5 118 SA +99 5 119 YA +99 5 120 BA +99 5 121 SA +99 5 122 YA +99 5 123 YA +99 5 124 SA +99 5 125 SA +99 5 126 SA +99 5 127 YA +99 5 128 EA +99 5 129 BA +99 5 130 NA +99 5 131 SA +99 5 132 SA +99 5 133 YA +99 5 134 NA +99 5 135 SA +99 5 136 YA +99 5 137 YA +99 5 138 YA +99 5 139 BA +99 5 140 YA +99 5 141 BA +99 5 142 BA +99 5 143 YA +99 5 144 YA +99 5 145 YA +99 5 146 EA +99 5 147 YA +99 5 148 SA +99 5 149 YA +99 5 150 SA +99 5 151 SA +99 5 152 SA +99 5 153 YA +99 5 154 NA +99 5 155 NA +99 5 156 YA +99 5 157 BU +99 5 158 BA +99 5 159 EA +99 5 160 SA +99 5 161 YA +99 5 162 SA +99 5 163 YA +99 5 164 YA +99 5 165 YA +99 5 166 NA +99 5 167 BA +99 5 168 YA +99 5 169 YA +99 5 170 YA +99 5 171 YA +99 5 172 BA +99 5 173 SA +99 5 174 EA +99 5 175 YA +99 5 176 SA +99 5 177 EA +99 5 178 YA +99 5 179 BU +99 5 180 YA +99 5 181 EA +99 5 182 SA +99 5 183 BU +99 5 184 SA +99 5 185 EA +99 5 186 YA +99 5 187 EA +99 5 188 YA +99 5 189 BA +99 5 190 SA +99 5 191 YA +99 5 192 SA +99 5 193 EA +99 5 194 BU +99 5 195 YA +99 5 196 YA +99 5 197 SA +99 5 198 NA +99 5 199 YA +99 5 200 YA +99 5 201 SA +99 5 202 YA +99 5 203 SA +99 5 204 BU +99 5 205 SA +99 5 206 BA +99 5 207 SA +99 5 208 EA +99 5 209 YA +99 5 210 BU +99 5 211 YA +99 5 212 EA +99 5 213 BA +99 5 214 EA +99 5 215 SA +99 5 216 BU +99 5 217 SA +99 5 218 EA +99 5 219 YA +99 5 220 YA +99 5 221 YA +99 5 222 SA +99 5 223 YA +99 5 224 BA +99 5 225 EA +99 5 226 YA +99 5 227 NA +99 5 228 YA +99 5 229 YA +99 5 230 BA +99 5 231 SA +99 5 232 BU +99 5 233 NA +99 5 234 YA +99 5 235 YA +99 5 236 EA +99 5 237 SA +99 5 238 YA +99 5 239 SA +99 5 240 BU +99 5 241 BA +99 5 242 EA +99 5 243 SA +99 5 244 BA +99 5 245 SA +99 5 246 YA +99 5 247 YA +99 5 248 NA +99 5 249 YA +99 5 250 SA +99 5 251 YA +99 5 252 BA +99 5 253 YA +99 5 254 YA +99 5 255 NA +99 5 256 SA +99 5 257 YA +99 5 258 EA +99 5 259 BU +99 5 260 EA +99 5 261 EA +99 5 262 BA +99 5 263 NA +99 5 264 YA +99 5 265 YA +99 5 266 SA +99 5 267 SA +99 5 268 YA +99 5 269 SA +99 5 270 EA +99 5 271 YA +99 5 272 BA +99 5 273 SA +99 5 274 BA +99 5 275 SA +99 5 276 SA +99 5 277 NA +99 5 278 SA +99 5 279 YA +99 5 280 YA +99 5 281 YA +99 5 282 YA +99 5 283 BU +99 5 284 BA +99 5 285 SA +99 5 286 BA +99 5 287 EA +99 5 288 SA +99 5 289 YA +99 5 290 BA +99 5 291 YA +99 5 292 SA +99 5 293 YA +99 5 294 BA +99 5 295 BU +99 5 296 SA +99 5 297 EA +99 5 298 SA +99 5 299 YA +99 5 300 BA +99 5 301 YA +99 5 302 BA +99 5 303 BA +99 5 304 YA +99 5 305 SA +99 5 306 YA +99 5 307 YA +99 5 308 SA +99 5 309 BU +99 5 310 YA +99 5 311 YA +99 5 312 NA +99 5 313 NA +99 5 314 BA +99 5 315 YA +99 5 316 YA +99 5 317 SA +99 5 318 SA +99 5 319 BA +99 5 320 EA +99 5 321 SA +99 5 322 YA +99 5 323 YA +99 5 324 BA +99 5 325 SA +99 5 326 EA +99 5 327 BA +99 5 328 YA +99 5 329 BU +99 5 330 YA +99 6 1 YA +99 6 2 YA +99 6 3 SA +99 6 4 NA +99 6 5 YA +99 6 6 BA +99 6 7 YA +99 6 8 BU +99 6 9 BU +99 6 10 YA +99 6 11 NA +99 6 12 EA +99 6 13 NA +99 6 14 YA +99 6 15 SA +99 6 16 BA +99 6 17 SA +99 6 18 NA +99 6 19 YA +99 6 20 YA +99 6 21 SA +99 6 22 EA +99 6 23 NA +99 6 24 BU +99 6 25 YA +99 6 26 YA +99 6 27 BA +99 6 28 SA +99 6 29 YA +99 6 30 EA +99 6 31 YA +99 6 32 SA +99 6 33 YA +99 6 34 YA +99 6 35 EA +99 6 36 YA +99 6 37 YA +99 6 38 SA +99 6 39 YA +99 6 40 YA +99 6 41 SA +99 6 42 EA +99 6 43 YA +99 6 44 BA +99 6 45 YA +99 6 46 BA +99 6 47 YA +99 6 48 EA +99 6 49 YA +99 6 50 NA +99 6 51 BU +99 6 52 BA +99 6 53 SA +99 6 54 YA +99 6 55 YA +99 6 56 EA +99 6 57 YA +99 6 58 EA +99 6 59 BA +99 6 60 NA +99 6 61 SA +99 6 62 BU +99 6 63 SA +99 6 64 YA +99 6 65 SA +99 6 66 BA +99 6 67 YA +99 6 68 SA +99 6 69 BU +99 6 70 BA +99 6 71 SA +99 6 72 YA +99 6 73 SA +99 6 74 YA +99 6 75 YA +99 6 76 SA +99 6 77 YA +99 6 78 EA +99 6 79 NA +99 6 80 YA +99 6 81 YA +99 6 82 YA +99 6 83 EA +99 6 84 SA +99 6 85 YA +99 6 86 SA +99 6 87 NA +99 6 88 SA +99 6 89 NA +99 6 90 NA +99 6 91 EA +99 6 92 BA +99 6 93 YA +99 6 94 BU +99 6 95 BA +99 6 96 EA +99 6 97 NA +99 6 98 SA +99 6 99 BA +99 6 100 YA +99 6 101 SA +99 6 102 BA +99 6 103 EA +99 6 104 YA +99 6 105 SA +99 6 106 EA +99 6 107 BA +99 6 108 BA +99 6 109 YA +99 6 110 EA +99 6 111 NA +99 6 112 SA +99 6 113 NA +99 6 114 YA +99 6 115 SA +99 6 116 BA +99 6 117 NA +99 6 118 YA +99 6 119 YA +99 6 120 BA +99 6 121 EA +99 6 122 YA +99 6 123 YA +99 6 124 EA +99 6 125 SA +99 6 126 SA +99 6 127 BU +99 6 128 EA +99 6 129 BA +99 6 130 BU +99 6 131 BU +99 6 132 SA +99 6 133 YA +99 6 134 BU +99 6 135 SA +99 6 136 YA +99 6 137 YA +99 6 138 BA +99 6 139 BA +99 6 140 YA +99 6 141 BA +99 6 142 BA +99 6 143 YA +99 6 144 NA +99 6 145 YA +99 6 146 EA +99 6 147 YA +99 6 148 SA +99 6 149 YA +99 6 150 YA +99 6 151 SA +99 6 152 SA +99 6 153 YA +99 6 154 NA +99 6 155 NA +99 6 156 YA +99 6 157 EA +99 6 158 BA +99 6 159 EA +99 6 160 SA +99 6 161 YA +99 6 162 SA +99 6 163 YA +99 6 164 YA +99 6 165 BU +99 6 166 YA +99 6 167 BU +99 6 168 YA +99 6 169 YA +99 6 170 NA +99 6 171 BU +99 6 172 BA +99 6 173 SA +99 6 174 EA +99 6 175 YA +99 6 176 SA +99 6 177 YA +99 6 178 SA +99 6 179 SA +99 6 180 YA +99 6 181 EA +99 6 182 NA +99 6 183 BU +99 6 184 BU +99 6 185 EA +99 6 186 YA +99 6 187 EA +99 6 188 YA +99 6 189 BA +99 6 190 SA +99 6 191 YA +99 6 192 SA +99 6 193 EA +99 6 194 SA +99 6 195 YA +99 6 196 BA +99 6 197 BA +99 6 198 NA +99 6 199 BA +99 6 200 YA +99 6 201 SA +99 6 202 YA +99 6 203 SA +99 6 204 BU +99 6 205 YA +99 6 206 BA +99 6 207 SA +99 6 208 EA +99 6 209 YA +99 6 210 BU +99 6 211 YA +99 6 212 SA +99 6 213 BA +99 6 214 EA +99 6 215 SA +99 6 216 BU +99 6 217 BA +99 6 218 EA +99 6 219 BA +99 6 220 YA +99 6 221 BA +99 6 222 BU +99 6 223 YA +99 6 224 BA +99 6 225 EA +99 6 226 YA +99 6 227 BU +99 6 228 YA +99 6 229 YA +99 6 230 SA +99 6 231 YA +99 6 232 EA +99 6 233 BU +99 6 234 YA +99 6 235 YA +99 6 236 EA +99 6 237 SA +99 6 238 YA +99 6 239 SA +99 6 240 BU +99 6 241 BA +99 6 242 EA +99 6 243 SA +99 6 244 BA +99 6 245 SA +99 6 246 YA +99 6 247 YA +99 6 248 YA +99 6 249 YA +99 6 250 BU +99 6 251 YA +99 6 252 BA +99 6 253 YA +99 6 254 BA +99 6 255 BU +99 6 256 SA +99 6 257 YA +99 6 258 EA +99 6 259 SA +99 6 260 EA +99 6 261 SA +99 6 262 BA +99 6 263 BU +99 6 264 YA +99 6 265 YA +99 6 266 SA +99 6 267 SA +99 6 268 YA +99 6 269 SA +99 6 270 EA +99 6 271 YA +99 6 272 BA +99 6 273 SA +99 6 274 BA +99 6 275 EA +99 6 276 SA +99 6 277 NA +99 6 278 SA +99 6 279 YA +99 6 280 YA +99 6 281 YA +99 6 282 YA +99 6 283 BU +99 6 284 BA +99 6 285 SA +99 6 286 BA +99 6 287 EA +99 6 288 SA +99 6 289 YA +99 6 290 SA +99 6 291 YA +99 6 292 SA +99 6 293 BA +99 6 294 BA +99 6 295 EA +99 6 296 NA +99 6 297 EA +99 6 298 SA +99 6 299 YA +99 6 300 BU +99 6 301 YA +99 6 302 BU +99 6 303 BU +99 6 304 YA +99 6 305 SA +99 6 306 YA +99 6 307 YA +99 6 308 NA +99 6 309 BU +99 6 310 YA +99 6 311 YA +99 6 312 NA +99 6 313 YA +99 6 314 BA +99 6 315 YA +99 6 316 YA +99 6 317 SA +99 6 318 SA +99 6 319 BA +99 6 320 EA +99 6 321 YA +99 6 322 YA +99 6 323 YA +99 6 324 BA +99 6 325 SA +99 6 326 EA +99 6 327 BA +99 6 328 YA +99 6 329 BU +99 6 330 BA +99 7 1 YA +99 7 2 YA +99 7 3 SA +99 7 4 NA +99 7 5 YA +99 7 6 YA +99 7 7 YA +99 7 8 SA +99 7 9 BU +99 7 10 YA +99 7 11 YA +99 7 12 EA +99 7 13 YA +99 7 14 YA +99 7 15 SA +99 7 16 BA +99 7 17 SA +99 7 18 NA +99 7 19 YA +99 7 20 YA +99 7 21 SA +99 7 22 EA +99 7 23 * +99 7 24 NA +99 7 25 YA +99 7 26 YA +99 7 27 BA +99 7 28 SA +99 7 29 YA +99 7 30 SA +99 7 31 * +99 7 32 * +99 7 33 YA +99 7 34 YA +99 7 35 SA +99 7 36 YA +99 7 37 YA +99 7 38 SA +99 7 39 YA +99 7 40 YA +99 7 41 SA +99 7 42 EA +99 7 43 NA +99 7 44 BA +99 7 45 YA +99 7 46 BU +99 7 47 YA +99 7 48 EA +99 7 49 YA +99 7 50 * +99 7 51 BU +99 7 52 EA +99 7 53 SA +99 7 54 YA +99 7 55 YA +99 7 56 BO +99 7 57 YA +99 7 58 BU +99 7 59 SA +99 7 60 YA +99 7 61 SA +99 7 62 YA +99 7 63 SA +99 7 64 YA +99 7 65 SA +99 7 66 EA +99 7 67 YA +99 7 68 SA +99 7 69 * +99 7 70 BA +99 7 71 NA +99 7 72 YA +99 7 73 SA +99 7 74 YA +99 7 75 YA +99 7 76 SA +99 7 77 YA +99 7 78 SA +99 7 79 NA +99 7 80 YA +99 7 81 YA +99 7 82 * +99 7 83 EA +99 7 84 SA +99 7 85 YA +99 7 86 SA +99 7 87 BU +99 7 88 SA +99 7 89 NA +99 7 90 YA +99 7 91 EA +99 7 92 BA +99 7 93 YA +99 7 94 BU +99 7 95 BA +99 7 96 EA +99 7 97 NA +99 7 98 SA +99 7 99 SA +99 7 100 YA +99 7 101 SA +99 7 102 BA +99 7 103 YA +99 7 104 YA +99 7 105 * +99 7 106 EA +99 7 107 BA +99 7 108 YA +99 7 109 NA +99 7 110 EA +99 7 111 BU +99 7 112 SA +99 7 113 * +99 7 114 YA +99 7 115 SA +99 7 116 YA +99 7 117 NA +99 7 118 SA +99 7 119 YA +99 7 120 BA +99 7 121 SA +99 7 122 YA +99 7 123 YA +99 7 124 EA +99 7 125 SA +99 7 126 SA +99 7 127 YA +99 7 128 EA +99 7 129 BA +99 7 130 BU +99 7 131 SA +99 7 132 SA +99 7 133 YA +99 7 134 BU +99 7 135 SA +99 7 136 YA +99 7 137 YA +99 7 138 YA +99 7 139 BA +99 7 140 YA +99 7 141 BA +99 7 142 BA +99 7 143 YA +99 7 144 NA +99 7 145 YA +99 7 146 EA +99 7 147 YA +99 7 148 SA +99 7 149 YA +99 7 150 NA +99 7 151 * +99 7 152 SA +99 7 153 YA +99 7 154 BU +99 7 155 BU +99 7 156 YA +99 7 157 BU +99 7 158 BA +99 7 159 * +99 7 160 SA +99 7 161 YA +99 7 162 SA +99 7 163 YA +99 7 164 YA +99 7 165 YA +99 7 166 NA +99 7 167 * +99 7 168 YA +99 7 169 YA +99 7 170 NA +99 7 171 YA +99 7 172 BA +99 7 173 SA +99 7 174 EA +99 7 175 YA +99 7 176 SA +99 7 177 EA +99 7 178 YA +99 7 179 SA +99 7 180 YA +99 7 181 EA +99 7 182 SA +99 7 183 EA +99 7 184 SA +99 7 185 EA +99 7 186 YA +99 7 187 EA +99 7 188 YA +99 7 189 BA +99 7 190 SA +99 7 191 YA +99 7 192 SA +99 7 193 EA +99 7 194 SA +99 7 195 YA +99 7 196 YA +99 7 197 SA +99 7 198 NA +99 7 199 BA +99 7 200 YA +99 7 201 SA +99 7 202 YA +99 7 203 SA +99 7 204 BU +99 7 205 YA +99 7 206 EA +99 7 207 SA +99 7 208 BU +99 7 209 YA +99 7 210 SA +99 7 211 YA +99 7 212 SA +99 7 213 BA +99 7 214 YA +99 7 215 SA +99 7 216 BU +99 7 217 SA +99 7 218 YA +99 7 219 BA +99 7 220 YA +99 7 221 BA +99 7 222 NA +99 7 223 YA +99 7 224 BA +99 7 225 EA +99 7 226 YA +99 7 227 BU +99 7 228 NA +99 7 229 YA +99 7 230 EA +99 7 231 SA +99 7 232 BU +99 7 233 NA +99 7 234 YA +99 7 235 YA +99 7 236 EA +99 7 237 * +99 7 238 YA +99 7 239 SA +99 7 240 SA +99 7 241 BA +99 7 242 EA +99 7 243 SA +99 7 244 BA +99 7 245 SA +99 7 246 YA +99 7 247 * +99 7 248 YA +99 7 249 YA +99 7 250 NA +99 7 251 YA +99 7 252 BA +99 7 253 YA +99 7 254 NA +99 7 255 BU +99 7 256 SA +99 7 257 YA +99 7 258 EA +99 7 259 SA +99 7 260 EA +99 7 261 SA +99 7 262 BA +99 7 263 BU +99 7 264 YA +99 7 265 YA +99 7 266 SA +99 7 267 SA +99 7 268 YA +99 7 269 SA +99 7 270 EA +99 7 271 YA +99 7 272 BA +99 7 273 * +99 7 274 BA +99 7 275 EA +99 7 276 SA +99 7 277 YA +99 7 278 SA +99 7 279 NA +99 7 280 YA +99 7 281 YA +99 7 282 YA +99 7 283 BU +99 7 284 BA +99 7 285 SA +99 7 286 BA +99 7 287 EA +99 7 288 SA +99 7 289 YA +99 7 290 SA +99 7 291 YA +99 7 292 SA +99 7 293 EA +99 7 294 BA +99 7 295 BU +99 7 296 NA +99 7 297 EA +99 7 298 SA +99 7 299 YA +99 7 300 BA +99 7 301 YA +99 7 302 BA +99 7 303 BA +99 7 304 YA +99 7 305 SA +99 7 306 YA +99 7 307 YA +99 7 308 SA +99 7 309 BU +99 7 310 YA +99 7 311 NA +99 7 312 NA +99 7 313 YA +99 7 314 BA +99 7 315 YA +99 7 316 YA +99 7 317 SA +99 7 318 SA +99 7 319 BA +99 7 320 YA +99 7 321 SA +99 7 322 YA +99 7 323 YA +99 7 324 BA +99 7 325 SA +99 7 326 EA +99 7 327 BA +99 7 328 YA +99 7 329 BU +99 7 330 BA +99 8 1 YA +99 8 2 YA +99 8 3 SA +99 8 4 SA +99 8 5 YA +99 8 6 SA +99 8 7 YA +99 8 8 SA +99 8 9 NA +99 8 10 YA +99 8 11 YA +99 8 12 EA +99 8 13 YA +99 8 14 YA +99 8 15 SA +99 8 16 BA +99 8 17 SA +99 8 18 NA +99 8 19 YA +99 8 20 YA +99 8 21 SA +99 8 22 EA +99 8 23 SA +99 8 24 NA +99 8 25 YA +99 8 26 YA +99 8 27 SA +99 8 28 SA +99 8 29 YA +99 8 30 SA +99 8 31 YA +99 8 32 SA +99 8 33 YA +99 8 34 YA +99 8 35 SA +99 8 36 YA +99 8 37 YA +99 8 38 SA +99 8 39 YA +99 8 40 YA +99 8 41 SA +99 8 42 EA +99 8 43 YA +99 8 44 SA +99 8 45 YA +99 8 46 NA +99 8 47 YA +99 8 48 EA +99 8 49 YA +99 8 50 NA +99 8 51 NA +99 8 52 BA +99 8 53 SA +99 8 54 YA +99 8 55 YA +99 8 56 SA +99 8 57 YA +99 8 58 YA +99 8 59 BA +99 8 60 YA +99 8 61 SA +99 8 62 YA +99 8 63 SA +99 8 64 YA +99 8 65 SA +99 8 66 BA +99 8 67 YA +99 8 68 SA +99 8 69 YA +99 8 70 BA +99 8 71 SA +99 8 72 YA +99 8 73 SA +99 8 74 YA +99 8 75 YA +99 8 76 SA +99 8 77 YA +99 8 78 SA +99 8 79 NA +99 8 80 YA +99 8 81 YA +99 8 82 YA +99 8 83 BA +99 8 84 SA +99 8 85 YA +99 8 86 SA +99 8 87 NA +99 8 88 SA +99 8 89 NA +99 8 90 YA +99 8 91 YA +99 8 92 BA +99 8 93 YA +99 8 94 NA +99 8 95 YA +99 8 96 EA +99 8 97 YA +99 8 98 SA +99 8 99 SA +99 8 100 YA +99 8 101 SA +99 8 102 SA +99 8 103 YA +99 8 104 YA +99 8 105 SA +99 8 106 YA +99 8 107 BA +99 8 108 YA +99 8 109 YA +99 8 110 EA +99 8 111 YA +99 8 112 SA +99 8 113 NA +99 8 114 YA +99 8 115 SA +99 8 116 BA +99 8 117 NA +99 8 118 SA +99 8 119 YA +99 8 120 BA +99 8 121 SA +99 8 122 YA +99 8 123 YA +99 8 124 YA +99 8 125 SA +99 8 126 SA +99 8 127 YA +99 8 128 EA +99 8 129 BA +99 8 130 NA +99 8 131 SA +99 8 132 SA +99 8 133 YA +99 8 134 NA +99 8 135 SA +99 8 136 YA +99 8 137 YA +99 8 138 YA +99 8 139 SA +99 8 140 YA +99 8 141 BA +99 8 142 BA +99 8 143 YA +99 8 144 YA +99 8 145 YA +99 8 146 EA +99 8 147 YA +99 8 148 SA +99 8 149 YA +99 8 150 SA +99 8 151 SA +99 8 152 SA +99 8 153 YA +99 8 154 NA +99 8 155 NA +99 8 156 YA +99 8 157 NA +99 8 158 BA +99 8 159 SA +99 8 160 SA +99 8 161 YA +99 8 162 SA +99 8 163 YA +99 8 164 YA +99 8 165 YA +99 8 166 NA +99 8 167 SA +99 8 168 YA +99 8 169 YA +99 8 170 YA +99 8 171 YA +99 8 172 BA +99 8 173 SA +99 8 174 EA +99 8 175 YA +99 8 176 SA +99 8 177 YA +99 8 178 YA +99 8 179 SA +99 8 180 YA +99 8 181 EA +99 8 182 SA +99 8 183 SA +99 8 184 SA +99 8 185 SA +99 8 186 YA +99 8 187 EA +99 8 188 YA +99 8 189 YA +99 8 190 SA +99 8 191 YA +99 8 192 SA +99 8 193 YA +99 8 194 SA +99 8 195 YA +99 8 196 YA +99 8 197 SA +99 8 198 NA +99 8 199 BA +99 8 200 YA +99 8 201 SA +99 8 202 YA +99 8 203 SA +99 8 204 NA +99 8 205 YA +99 8 206 BA +99 8 207 SA +99 8 208 EA +99 8 209 YA +99 8 210 SA +99 8 211 YA +99 8 212 EA +99 8 213 BA +99 8 214 YA +99 8 215 SA +99 8 216 NA +99 8 217 SA +99 8 218 YA +99 8 219 BA +99 8 220 YA +99 8 221 YA +99 8 222 SA +99 8 223 YA +99 8 224 BA +99 8 225 YA +99 8 226 YA +99 8 227 NA +99 8 228 YA +99 8 229 YA +99 8 230 BA +99 8 231 SA +99 8 232 NA +99 8 233 YA +99 8 234 YA +99 8 235 YA +99 8 236 YA +99 8 237 SA +99 8 238 YA +99 8 239 SA +99 8 240 SA +99 8 241 BA +99 8 242 YA +99 8 243 SA +99 8 244 BA +99 8 245 SA +99 8 246 YA +99 8 247 SA +99 8 248 NA +99 8 249 YA +99 8 250 SA +99 8 251 YA +99 8 252 BA +99 8 253 YA +99 8 254 BA +99 8 255 NA +99 8 256 SA +99 8 257 YA +99 8 258 YA +99 8 259 SA +99 8 260 YA +99 8 261 SA +99 8 262 BA +99 8 263 NA +99 8 264 BA +99 8 265 YA +99 8 266 SA +99 8 267 SA +99 8 268 YA +99 8 269 SA +99 8 270 EA +99 8 271 YA +99 8 272 BA +99 8 273 SA +99 8 274 BA +99 8 275 YA +99 8 276 SA +99 8 277 YA +99 8 278 SA +99 8 279 YA +99 8 280 YA +99 8 281 YA +99 8 282 YA +99 8 283 NA +99 8 284 BA +99 8 285 SA +99 8 286 BA +99 8 287 EA +99 8 288 SA +99 8 289 YA +99 8 290 BA +99 8 291 YA +99 8 292 SA +99 8 293 YA +99 8 294 BA +99 8 295 NA +99 8 296 SA +99 8 297 EA +99 8 298 SA +99 8 299 YA +99 8 300 BA +99 8 301 YA +99 8 302 BA +99 8 303 BA +99 8 304 YA +99 8 305 SA +99 8 306 YA +99 8 307 YA +99 8 308 SA +99 8 309 NA +99 8 310 YA +99 8 311 YA +99 8 312 NA +99 8 313 YA +99 8 314 BA +99 8 315 YA +99 8 316 YA +99 8 317 SA +99 8 318 SA +99 8 319 BA +99 8 320 YA +99 8 321 SA +99 8 322 YA +99 8 323 YA +99 8 324 BA +99 8 325 SA +99 8 326 EA +99 8 327 BA +99 8 328 YA +99 8 329 NA +99 8 330 BA +99 9 1 YA +99 9 2 YA +99 9 3 SA +99 9 4 NA +99 9 5 YA +99 9 6 SA +99 9 7 YA +99 9 8 SA +99 9 9 EA +99 9 10 YA +99 9 11 YA +99 9 12 EA +99 9 13 YA +99 9 14 YA +99 9 15 SA +99 9 16 BA +99 9 17 SA +99 9 18 NA +99 9 19 YA +99 9 20 YA +99 9 21 SA +99 9 22 EA +99 9 23 BU +99 9 24 BU +99 9 25 YA +99 9 26 YA +99 9 27 BA +99 9 28 SA +99 9 29 YA +99 9 30 SA +99 9 31 YA +99 9 32 SA +99 9 33 YA +99 9 34 YA +99 9 35 SA +99 9 36 YA +99 9 37 YA +99 9 38 SA +99 9 39 YA +99 9 40 YA +99 9 41 SA +99 9 42 EA +99 9 43 YA +99 9 44 BA +99 9 45 YA +99 9 46 BU +99 9 47 YA +99 9 48 SA +99 9 49 YA +99 9 50 NA +99 9 51 BU +99 9 52 BA +99 9 53 SA +99 9 54 YA +99 9 55 YA +99 9 56 SA +99 9 57 YA +99 9 58 EA +99 9 59 BA +99 9 60 YA +99 9 61 SA +99 9 62 SA +99 9 63 SA +99 9 64 YA +99 9 65 SA +99 9 66 BA +99 9 67 YA +99 9 68 SA +99 9 69 BU +99 9 70 BA +99 9 71 SA +99 9 72 YA +99 9 73 NA +99 9 74 YA +99 9 75 NA +99 9 76 SA +99 9 77 YA +99 9 78 BA +99 9 79 BU +99 9 80 YA +99 9 81 YA +99 9 82 YA +99 9 83 EA +99 9 84 SA +99 9 85 YA +99 9 86 SA +99 9 87 BU +99 9 88 SA +99 9 89 NA +99 9 90 YA +99 9 91 EA +99 9 92 BA +99 9 93 YA +99 9 94 NA +99 9 95 BA +99 9 96 EA +99 9 97 NA +99 9 98 SA +99 9 99 BA +99 9 100 YA +99 9 101 SA +99 9 102 YA +99 9 103 BU +99 9 104 YA +99 9 105 SA +99 9 106 EA +99 9 107 BA +99 9 108 YA +99 9 109 YA +99 9 110 EA +99 9 111 BU +99 9 112 SA +99 9 113 BU +99 9 114 YA +99 9 115 SA +99 9 116 BA +99 9 117 BU +99 9 118 SA +99 9 119 YA +99 9 120 BA +99 9 121 SA +99 9 122 YA +99 9 123 YA +99 9 124 YA +99 9 125 SA +99 9 126 SA +99 9 127 YA +99 9 128 EA +99 9 129 BA +99 9 130 BU +99 9 131 SA +99 9 132 SA +99 9 133 YA +99 9 134 BU +99 9 135 SA +99 9 136 YA +99 9 137 YA +99 9 138 YA +99 9 139 BA +99 9 140 YA +99 9 141 BA +99 9 142 BA +99 9 143 YA +99 9 144 SA +99 9 145 YA +99 9 146 EA +99 9 147 YA +99 9 148 SA +99 9 149 YA +99 9 150 SA +99 9 151 SA +99 9 152 SA +99 9 153 YA +99 9 154 BU +99 9 155 BU +99 9 156 YA +99 9 157 BU +99 9 158 BA +99 9 159 BA +99 9 160 BA +99 9 161 YA +99 9 162 SA +99 9 163 YA +99 9 164 YA +99 9 165 YA +99 9 166 YA +99 9 167 BA +99 9 168 YA +99 9 169 YA +99 9 170 YA +99 9 171 YA +99 9 172 BA +99 9 173 SA +99 9 174 EA +99 9 175 YA +99 9 176 SA +99 9 177 EA +99 9 178 YA +99 9 179 SA +99 9 180 YA +99 9 181 EA +99 9 182 SA +99 9 183 BU +99 9 184 SA +99 9 185 EA +99 9 186 YA +99 9 187 EA +99 9 188 YA +99 9 189 BU +99 9 190 SA +99 9 191 YA +99 9 192 SA +99 9 193 EA +99 9 194 SA +99 9 195 YA +99 9 196 YA +99 9 197 SA +99 9 198 BU +99 9 199 BA +99 9 200 YA +99 9 201 SA +99 9 202 YA +99 9 203 SA +99 9 204 BU +99 9 205 YA +99 9 206 BA +99 9 207 SA +99 9 208 EA +99 9 209 YA +99 9 210 SA +99 9 211 YA +99 9 212 SA +99 9 213 BU +99 9 214 EA +99 9 215 BA +99 9 216 YA +99 9 217 SA +99 9 218 EA +99 9 219 BA +99 9 220 YA +99 9 221 BA +99 9 222 SA +99 9 223 YA +99 9 224 BA +99 9 225 EA +99 9 226 YA +99 9 227 BU +99 9 228 YA +99 9 229 YA +99 9 230 BA +99 9 231 SA +99 9 232 BU +99 9 233 YA +99 9 234 YA +99 9 235 YA +99 9 236 EA +99 9 237 BA +99 9 238 YA +99 9 239 SA +99 9 240 SA +99 9 241 BA +99 9 242 EA +99 9 243 SA +99 9 244 BA +99 9 245 SA +99 9 246 YA +99 9 247 SA +99 9 248 YA +99 9 249 YA +99 9 250 SA +99 9 251 YA +99 9 252 BA +99 9 253 YA +99 9 254 YA +99 9 255 BU +99 9 256 SA +99 9 257 YA +99 9 258 EA +99 9 259 SA +99 9 260 EA +99 9 261 SA +99 9 262 BA +99 9 263 BU +99 9 264 BA +99 9 265 YA +99 9 266 SA +99 9 267 SA +99 9 268 YA +99 9 269 SA +99 9 270 EA +99 9 271 YA +99 9 272 BA +99 9 273 SA +99 9 274 BA +99 9 275 EA +99 9 276 SA +99 9 277 YA +99 9 278 SA +99 9 279 YA +99 9 280 YA +99 9 281 YA +99 9 282 YA +99 9 283 BU +99 9 284 BA +99 9 285 BA +99 9 286 BA +99 9 287 EA +99 9 288 SA +99 9 289 YA +99 9 290 BA +99 9 291 YA +99 9 292 SA +99 9 293 YA +99 9 294 BA +99 9 295 BU +99 9 296 SA +99 9 297 EA +99 9 298 SA +99 9 299 YA +99 9 300 BU +99 9 301 YA +99 9 302 BA +99 9 303 YA +99 9 304 YA +99 9 305 SA +99 9 306 YA +99 9 307 YA +99 9 308 SA +99 9 309 BU +99 9 310 YA +99 9 311 YA +99 9 312 NA +99 9 313 YA +99 9 314 BA +99 9 315 YA +99 9 316 YA +99 9 317 SA +99 9 318 SA +99 9 319 BA +99 9 320 EA +99 9 321 SA +99 9 322 YA +99 9 323 YA +99 9 324 BA +99 9 325 SA +99 9 326 EA +99 9 327 BA +99 9 328 YA +99 9 329 BA +99 9 330 BA +99 10 1 YA +99 10 2 * +99 10 3 SA +99 10 4 SA +99 10 5 YA +99 10 6 BO +99 10 7 YA +99 10 8 SA +99 10 9 SA +99 10 10 YA +99 10 11 NA +99 10 12 EA +99 10 13 YA +99 10 14 NA +99 10 15 BO +99 10 16 BA +99 10 17 SA +99 10 18 NA +99 10 19 YA +99 10 20 YA +99 10 21 SA +99 10 22 BO +99 10 23 NA +99 10 24 NA +99 10 25 YA +99 10 26 YA +99 10 27 BA +99 10 28 SA +99 10 29 YA +99 10 30 SA +99 10 31 BO +99 10 32 BO +99 10 33 YA +99 10 34 YA +99 10 35 SA +99 10 36 YA +99 10 37 YA +99 10 38 SA +99 10 39 YA +99 10 40 YA +99 10 41 SA +99 10 42 EA +99 10 43 YA +99 10 44 BA +99 10 45 YA +99 10 46 BA +99 10 47 NA +99 10 48 EA +99 10 49 YA +99 10 50 NA +99 10 51 NA +99 10 52 BA +99 10 53 SA +99 10 54 YA +99 10 55 BO +99 10 56 BO +99 10 57 YA +99 10 58 EA +99 10 59 BA +99 10 60 NA +99 10 61 SA +99 10 62 BO +99 10 63 SA +99 10 64 YA +99 10 65 SA +99 10 66 BA +99 10 67 YA +99 10 68 BO +99 10 69 YA +99 10 70 BA +99 10 71 SA +99 10 72 YA +99 10 73 SA +99 10 74 BO +99 10 75 YA +99 10 76 SA +99 10 77 YA +99 10 78 BO +99 10 79 NA +99 10 80 YA +99 10 81 YA +99 10 82 YA +99 10 83 BO +99 10 84 SA +99 10 85 YA +99 10 86 SA +99 10 87 NA +99 10 88 YA +99 10 89 NA +99 10 90 NA +99 10 91 YA +99 10 92 BA +99 10 93 YA +99 10 94 NA +99 10 95 BO +99 10 96 EA +99 10 97 NA +99 10 98 SA +99 10 99 SA +99 10 100 YA +99 10 101 SA +99 10 102 BA +99 10 103 NA +99 10 104 YA +99 10 105 SA +99 10 106 EA +99 10 107 BA +99 10 108 YA +99 10 109 NA +99 10 110 EA +99 10 111 YA +99 10 112 SA +99 10 113 NA +99 10 114 YA +99 10 115 SA +99 10 116 YA +99 10 117 NA +99 10 118 BO +99 10 119 YA +99 10 120 BA +99 10 121 SA +99 10 122 YA +99 10 123 YA +99 10 124 BO +99 10 125 SA +99 10 126 BO +99 10 127 YA +99 10 128 EA +99 10 129 BA +99 10 130 NA +99 10 131 YA +99 10 132 SA +99 10 133 YA +99 10 134 NA +99 10 135 YA +99 10 136 YA +99 10 137 YA +99 10 138 YA +99 10 139 BA +99 10 140 YA +99 10 141 BA +99 10 142 BA +99 10 143 YA +99 10 144 YA +99 10 145 YA +99 10 146 EA +99 10 147 YA +99 10 148 SA +99 10 149 YA +99 10 150 NA +99 10 151 BO +99 10 152 SA +99 10 153 YA +99 10 154 NA +99 10 155 NA +99 10 156 YA +99 10 157 NA +99 10 158 BA +99 10 159 BO +99 10 160 BO +99 10 161 YA +99 10 162 SA +99 10 163 YA +99 10 164 YA +99 10 165 YA +99 10 166 NA +99 10 167 BO +99 10 168 YA +99 10 169 YA +99 10 170 NA +99 10 171 YA +99 10 172 BA +99 10 173 SA +99 10 174 EA +99 10 175 YA +99 10 176 SA +99 10 177 EA +99 10 178 YA +99 10 179 SA +99 10 180 YA +99 10 181 EA +99 10 182 SA +99 10 183 SA +99 10 184 YA +99 10 185 EA +99 10 186 YA +99 10 187 EA +99 10 188 YA +99 10 189 BA +99 10 190 BO +99 10 191 YA +99 10 192 BO +99 10 193 EA +99 10 194 SA +99 10 195 YA +99 10 196 YA +99 10 197 BO +99 10 198 NA +99 10 199 BA +99 10 200 YA +99 10 201 SA +99 10 202 YA +99 10 203 SA +99 10 204 NA +99 10 205 YA +99 10 206 BA +99 10 207 SA +99 10 208 EA +99 10 209 YA +99 10 210 SA +99 10 211 YA +99 10 212 EA +99 10 213 BO +99 10 214 EA +99 10 215 SA +99 10 216 NA +99 10 217 BO +99 10 218 YA +99 10 219 BA +99 10 220 NA +99 10 221 BA +99 10 222 NA +99 10 223 YA +99 10 224 BA +99 10 225 YA +99 10 226 YA +99 10 227 NA +99 10 228 YA +99 10 229 YA +99 10 230 BA +99 10 231 SA +99 10 232 EA +99 10 233 YA +99 10 234 YA +99 10 235 YA +99 10 236 YA +99 10 237 SA +99 10 238 YA +99 10 239 SA +99 10 240 SA +99 10 241 BA +99 10 242 EA +99 10 243 SA +99 10 244 YA +99 10 245 SA +99 10 246 YA +99 10 247 NA +99 10 248 YA +99 10 249 YA +99 10 250 SA +99 10 251 YA +99 10 252 BA +99 10 253 YA +99 10 254 YA +99 10 255 NA +99 10 256 SA +99 10 257 YA +99 10 258 EA +99 10 259 SA +99 10 260 BO +99 10 261 SA +99 10 262 BA +99 10 263 NA +99 10 264 YA +99 10 265 YA +99 10 266 SA +99 10 267 SA +99 10 268 YA +99 10 269 SA +99 10 270 SA +99 10 271 YA +99 10 272 BA +99 10 273 SA +99 10 274 BA +99 10 275 YA +99 10 276 SA +99 10 277 YA +99 10 278 SA +99 10 279 YA +99 10 280 YA +99 10 281 YA +99 10 282 YA +99 10 283 NA +99 10 284 BA +99 10 285 YA +99 10 286 BA +99 10 287 EA +99 10 288 SA +99 10 289 YA +99 10 290 BA +99 10 291 YA +99 10 292 SA +99 10 293 BA +99 10 294 BA +99 10 295 SA +99 10 296 YA +99 10 297 EA +99 10 298 SA +99 10 299 YA +99 10 300 BA +99 10 301 YA +99 10 302 BA +99 10 303 YA +99 10 304 YA +99 10 305 SA +99 10 306 YA +99 10 307 YA +99 10 308 SA +99 10 309 NA +99 10 310 YA +99 10 311 NA +99 10 312 NA +99 10 313 YA +99 10 314 BA +99 10 315 YA +99 10 316 YA +99 10 317 SA +99 10 318 SA +99 10 319 BA +99 10 320 YA +99 10 321 SA +99 10 322 YA +99 10 323 YA +99 10 324 BA +99 10 325 SA +99 10 326 EA +99 10 327 BA +99 10 328 YA +99 10 329 SA +99 10 330 YA +99 11 1 YA +99 11 2 YA +99 11 3 SA +99 11 4 NA +99 11 5 YA +99 11 6 SA +99 11 7 YA +99 11 8 SA +99 11 9 SA +99 11 10 YA +99 11 11 YA +99 11 12 SA +99 11 13 YA +99 11 14 YA +99 11 15 BU +99 11 16 BU +99 11 17 SA +99 11 18 NA +99 11 19 YA +99 11 20 YA +99 11 21 SA +99 11 22 SA +99 11 23 YA +99 11 24 NA +99 11 25 YA +99 11 26 YA +99 11 27 BU +99 11 28 SA +99 11 29 YA +99 11 30 SA +99 11 31 BU +99 11 32 BU +99 11 33 YA +99 11 34 YA +99 11 35 SA +99 11 36 YA +99 11 37 YA +99 11 38 SA +99 11 39 YA +99 11 40 YA +99 11 41 SA +99 11 42 SA +99 11 43 YA +99 11 44 BU +99 11 45 YA +99 11 46 BU +99 11 47 YA +99 11 48 SA +99 11 49 YA +99 11 50 BU +99 11 51 SA +99 11 52 BU +99 11 53 SA +99 11 54 YA +99 11 55 YA +99 11 56 BU +99 11 57 YA +99 11 58 SA +99 11 59 BU +99 11 60 YA +99 11 61 SA +99 11 62 BU +99 11 63 SA +99 11 64 YA +99 11 65 SA +99 11 66 BU +99 11 67 YA +99 11 68 BU +99 11 69 YA +99 11 70 BU +99 11 71 SA +99 11 72 YA +99 11 73 YA +99 11 74 BU +99 11 75 YA +99 11 76 SA +99 11 77 YA +99 11 78 BU +99 11 79 BU +99 11 80 YA +99 11 81 YA +99 11 82 YA +99 11 83 BA +99 11 84 SA +99 11 85 YA +99 11 86 SA +99 11 87 YA +99 11 88 YA +99 11 89 NA +99 11 90 YA +99 11 91 YA +99 11 92 BA +99 11 93 YA +99 11 94 SA +99 11 95 BA +99 11 96 YA +99 11 97 YA +99 11 98 SA +99 11 99 BU +99 11 100 YA +99 11 101 SA +99 11 102 BU +99 11 103 YA +99 11 104 YA +99 11 105 YA +99 11 106 SA +99 11 107 BU +99 11 108 BU +99 11 109 YA +99 11 110 SA +99 11 111 YA +99 11 112 SA +99 11 113 NA +99 11 114 YA +99 11 115 SA +99 11 116 YA +99 11 117 SA +99 11 118 SA +99 11 119 YA +99 11 120 BU +99 11 121 SA +99 11 122 YA +99 11 123 YA +99 11 124 YA +99 11 125 SA +99 11 126 BU +99 11 127 YA +99 11 128 YA +99 11 129 BU +99 11 130 YA +99 11 131 YA +99 11 132 SA +99 11 133 YA +99 11 134 NA +99 11 135 YA +99 11 136 YA +99 11 137 YA +99 11 138 BU +99 11 139 BU +99 11 140 YA +99 11 141 BA +99 11 142 BU +99 11 143 YA +99 11 144 YA +99 11 145 YA +99 11 146 SA +99 11 147 YA +99 11 148 SA +99 11 149 YA +99 11 150 YA +99 11 151 BU +99 11 152 BU +99 11 153 YA +99 11 154 BU +99 11 155 YA +99 11 156 YA +99 11 157 SA +99 11 158 BA +99 11 159 SA +99 11 160 BU +99 11 161 YA +99 11 162 SA +99 11 163 YA +99 11 164 YA +99 11 165 YA +99 11 166 YA +99 11 167 BU +99 11 168 YA +99 11 169 YA +99 11 170 YA +99 11 171 YA +99 11 172 BA +99 11 173 SA +99 11 174 SA +99 11 175 BU +99 11 176 SA +99 11 177 YA +99 11 178 YA +99 11 179 NA +99 11 180 YA +99 11 181 SA +99 11 182 SA +99 11 183 BU +99 11 184 YA +99 11 185 SA +99 11 186 BU +99 11 187 SA +99 11 188 YA +99 11 189 BU +99 11 190 BU +99 11 191 YA +99 11 192 BU +99 11 193 YA +99 11 194 SA +99 11 195 YA +99 11 196 YA +99 11 197 BU +99 11 198 NA +99 11 199 BA +99 11 200 YA +99 11 201 SA +99 11 202 YA +99 11 203 SA +99 11 204 NA +99 11 205 YA +99 11 206 BA +99 11 207 SA +99 11 208 SA +99 11 209 YA +99 11 210 NA +99 11 211 YA +99 11 212 SA +99 11 213 BU +99 11 214 YA +99 11 215 BU +99 11 216 YA +99 11 217 SA +99 11 218 YA +99 11 219 BA +99 11 220 YA +99 11 221 BA +99 11 222 YA +99 11 223 YA +99 11 224 BU +99 11 225 SA +99 11 226 YA +99 11 227 NA +99 11 228 YA +99 11 229 YA +99 11 230 BA +99 11 231 YA +99 11 232 SA +99 11 233 BU +99 11 234 YA +99 11 235 YA +99 11 236 YA +99 11 237 SA +99 11 238 YA +99 11 239 SA +99 11 240 SA +99 11 241 BA +99 11 242 SA +99 11 243 SA +99 11 244 BU +99 11 245 SA +99 11 246 YA +99 11 247 YA +99 11 248 YA +99 11 249 YA +99 11 250 YA +99 11 251 YA +99 11 252 BU +99 11 253 YA +99 11 254 YA +99 11 255 NA +99 11 256 SA +99 11 257 YA +99 11 258 YA +99 11 259 SA +99 11 260 YA +99 11 261 SA +99 11 262 BA +99 11 263 BU +99 11 264 YA +99 11 265 YA +99 11 266 SA +99 11 267 SA +99 11 268 YA +99 11 269 SA +99 11 270 SA +99 11 271 YA +99 11 272 BU +99 11 273 BU +99 11 274 BA +99 11 275 YA +99 11 276 SA +99 11 277 YA +99 11 278 SA +99 11 279 YA +99 11 280 YA +99 11 281 YA +99 11 282 YA +99 11 283 SA +99 11 284 BA +99 11 285 SA +99 11 286 BA +99 11 287 YA +99 11 288 SA +99 11 289 YA +99 11 290 SA +99 11 291 YA +99 11 292 SA +99 11 293 YA +99 11 294 BA +99 11 295 NA +99 11 296 YA +99 11 297 EA +99 11 298 SA +99 11 299 YA +99 11 300 BU +99 11 301 YA +99 11 302 BU +99 11 303 YA +99 11 304 YA +99 11 305 YA +99 11 306 YA +99 11 307 YA +99 11 308 YA +99 11 309 NA +99 11 310 YA +99 11 311 YA +99 11 312 NA +99 11 313 YA +99 11 314 BU +99 11 315 YA +99 11 316 YA +99 11 317 SA +99 11 318 SA +99 11 319 BU +99 11 320 YA +99 11 321 SA +99 11 322 YA +99 11 323 YA +99 11 324 BU +99 11 325 YA +99 11 326 SA +99 11 327 BU +99 11 328 YA +99 11 329 SA +99 11 330 BA +99 12 1 * +99 12 2 * +99 12 3 SA +99 12 4 * +99 12 5 * +99 12 6 SA +99 12 7 YA +99 12 8 SA +99 12 9 SA +99 12 10 YA +99 12 11 * +99 12 12 EA +99 12 13 * +99 12 14 NA +99 12 15 SA +99 12 16 BA +99 12 17 SA +99 12 18 NA +99 12 19 YA +99 12 20 YA +99 12 21 SA +99 12 22 EA +99 12 23 SA +99 12 24 NA +99 12 25 YA +99 12 26 * +99 12 27 BA +99 12 28 SA +99 12 29 YA +99 12 30 * +99 12 31 YA +99 12 32 SA +99 12 33 YA +99 12 34 * +99 12 35 SA +99 12 36 * +99 12 37 BU +99 12 38 * +99 12 39 YA +99 12 40 * +99 12 41 SA +99 12 42 EA +99 12 43 BU +99 12 44 BA +99 12 45 YA +99 12 46 BU +99 12 47 * +99 12 48 EA +99 12 49 * +99 12 50 NA +99 12 51 * +99 12 52 * +99 12 53 SA +99 12 54 YA +99 12 55 YA +99 12 56 * +99 12 57 BU +99 12 58 * +99 12 59 * +99 12 60 BU +99 12 61 SA +99 12 62 BA +99 12 63 SA +99 12 64 YA +99 12 65 SA +99 12 66 * +99 12 67 YA +99 12 68 SA +99 12 69 * +99 12 70 * +99 12 71 * +99 12 72 * +99 12 73 * +99 12 74 * +99 12 75 * +99 12 76 SA +99 12 77 * +99 12 78 SA +99 12 79 BU +99 12 80 YA +99 12 81 YA +99 12 82 YA +99 12 83 * +99 12 84 * +99 12 85 YA +99 12 86 SA +99 12 87 NA +99 12 88 SA +99 12 89 NA +99 12 90 * +99 12 91 * +99 12 92 SA +99 12 93 YA +99 12 94 BU +99 12 95 * +99 12 96 EA +99 12 97 NA +99 12 98 SA +99 12 99 * +99 12 100 * +99 12 101 * +99 12 102 * +99 12 103 * +99 12 104 * +99 12 105 SA +99 12 106 EA +99 12 107 BA +99 12 108 * +99 12 109 * +99 12 110 EA +99 12 111 BU +99 12 112 SA +99 12 113 * +99 12 114 * +99 12 115 SA +99 12 116 * +99 12 117 * +99 12 118 SA +99 12 119 YA +99 12 120 BA +99 12 121 SA +99 12 122 * +99 12 123 * +99 12 124 EA +99 12 125 SA +99 12 126 SA +99 12 127 * +99 12 128 EA +99 12 129 BA +99 12 130 BU +99 12 131 YA +99 12 132 * +99 12 133 YA +99 12 134 * +99 12 135 SA +99 12 136 YA +99 12 137 * +99 12 138 BA +99 12 139 * +99 12 140 * +99 12 141 BA +99 12 142 * +99 12 143 YA +99 12 144 YA +99 12 145 YA +99 12 146 SA +99 12 147 * +99 12 148 SA +99 12 149 YA +99 12 150 * +99 12 151 * +99 12 152 * +99 12 153 YA +99 12 154 BU +99 12 155 * +99 12 156 YA +99 12 157 * +99 12 158 BA +99 12 159 * +99 12 160 * +99 12 161 YA +99 12 162 SA +99 12 163 * +99 12 164 YA +99 12 165 * +99 12 166 * +99 12 167 * +99 12 168 YA +99 12 169 * +99 12 170 * +99 12 171 * +99 12 172 BA +99 12 173 * +99 12 174 EA +99 12 175 * +99 12 176 * +99 12 177 EA +99 12 178 YA +99 12 179 * +99 12 180 * +99 12 181 * +99 12 182 * +99 12 183 * +99 12 184 * +99 12 185 * +99 12 186 * +99 12 187 EA +99 12 188 * +99 12 189 * +99 12 190 SA +99 12 191 YA +99 12 192 * +99 12 193 EA +99 12 194 * +99 12 195 YA +99 12 196 * +99 12 197 SA +99 12 198 BU +99 12 199 * +99 12 200 * +99 12 201 * +99 12 202 YA +99 12 203 SA +99 12 204 * +99 12 205 NA +99 12 206 * +99 12 207 SA +99 12 208 EA +99 12 209 * +99 12 210 * +99 12 211 * +99 12 212 * +99 12 213 * +99 12 214 YA +99 12 215 * +99 12 216 * +99 12 217 * +99 12 218 * +99 12 219 * +99 12 220 * +99 12 221 * +99 12 222 * +99 12 223 YA +99 12 224 * +99 12 225 * +99 12 226 * +99 12 227 * +99 12 228 YA +99 12 229 * +99 12 230 * +99 12 231 * +99 12 232 * +99 12 233 * +99 12 234 YA +99 12 235 * +99 12 236 YA +99 12 237 * +99 12 238 * +99 12 239 SA +99 12 240 * +99 12 241 * +99 12 242 EA +99 12 243 * +99 12 244 * +99 12 245 SA +99 12 246 YA +99 12 247 * +99 12 248 YA +99 12 249 YA +99 12 250 * +99 12 251 * +99 12 252 BA +99 12 253 * +99 12 254 * +99 12 255 * +99 12 256 SA +99 12 257 BU +99 12 258 EA +99 12 259 * +99 12 260 * +99 12 261 SA +99 12 262 BA +99 12 263 * +99 12 264 * +99 12 265 YA +99 12 266 * +99 12 267 SA +99 12 268 YA +99 12 269 * +99 12 270 EA +99 12 271 * +99 12 272 BA +99 12 273 SA +99 12 274 BA +99 12 275 EA +99 12 276 SA +99 12 277 BU +99 12 278 SA +99 12 279 YA +99 12 280 * +99 12 281 * +99 12 282 YA +99 12 283 * +99 12 284 * +99 12 285 * +99 12 286 BA +99 12 287 * +99 12 288 SA +99 12 289 * +99 12 290 * +99 12 291 * +99 12 292 * +99 12 293 * +99 12 294 BA +99 12 295 * +99 12 296 * +99 12 297 EA +99 12 298 SA +99 12 299 YA +99 12 300 * +99 12 301 * +99 12 302 * +99 12 303 * +99 12 304 * +99 12 305 * +99 12 306 * +99 12 307 * +99 12 308 * +99 12 309 * +99 12 310 * +99 12 311 * +99 12 312 NA +99 12 313 * +99 12 314 * +99 12 315 * +99 12 316 * +99 12 317 * +99 12 318 SA +99 12 319 BA +99 12 320 YA +99 12 321 SA +99 12 322 * +99 12 323 * +99 12 324 * +99 12 325 * +99 12 326 EA +99 12 327 * +99 12 328 * +99 12 329 * +99 12 330 * +99 13 1 YA +99 13 2 YA +99 13 3 SA +99 13 4 SA +99 13 5 YA +99 13 6 BU +99 13 7 YA +99 13 8 SA +99 13 9 SA +99 13 10 YA +99 13 11 YA +99 13 12 EA +99 13 13 YA +99 13 14 YA +99 13 15 SA +99 13 16 BU +99 13 17 SA +99 13 18 BU +99 13 19 YA +99 13 20 YA +99 13 21 SA +99 13 22 EA +99 13 23 SA +99 13 24 BU +99 13 25 YA +99 13 26 YA +99 13 27 BU +99 13 28 SA +99 13 29 YA +99 13 30 SA +99 13 31 YA +99 13 32 SA +99 13 33 YA +99 13 34 YA +99 13 35 SA +99 13 36 YA +99 13 37 YA +99 13 38 SA +99 13 39 YA +99 13 40 YA +99 13 41 SA +99 13 42 EA +99 13 43 YA +99 13 44 BU +99 13 45 YA +99 13 46 BU +99 13 47 YA +99 13 48 EA +99 13 49 YA +99 13 50 SA +99 13 51 BU +99 13 52 BU +99 13 53 SA +99 13 54 YA +99 13 55 YA +99 13 56 SA +99 13 57 YA +99 13 58 EA +99 13 59 BU +99 13 60 YA +99 13 61 SA +99 13 62 SA +99 13 63 SA +99 13 64 YA +99 13 65 SA +99 13 66 BU +99 13 67 YA +99 13 68 SA +99 13 69 YA +99 13 70 BU +99 13 71 SA +99 13 72 YA +99 13 73 SA +99 13 74 YA +99 13 75 YA +99 13 76 SA +99 13 77 YA +99 13 78 SA +99 13 79 BU +99 13 80 YA +99 13 81 YA +99 13 82 YA +99 13 83 EA +99 13 84 SA +99 13 85 YA +99 13 86 SA +99 13 87 BU +99 13 88 SA +99 13 89 BU +99 13 90 BU +99 13 91 YA +99 13 92 BU +99 13 93 YA +99 13 94 NA +99 13 95 YA +99 13 96 EA +99 13 97 YA +99 13 98 SA +99 13 99 SA +99 13 100 YA +99 13 101 SA +99 13 102 YA +99 13 103 YA +99 13 104 YA +99 13 105 SA +99 13 106 EA +99 13 107 BU +99 13 108 YA +99 13 109 YA +99 13 110 EA +99 13 111 YA +99 13 112 SA +99 13 113 BU +99 13 114 YA +99 13 115 SA +99 13 116 YA +99 13 117 BU +99 13 118 SA +99 13 119 YA +99 13 120 BU +99 13 121 SA +99 13 122 YA +99 13 123 YA +99 13 124 YA +99 13 125 EA +99 13 126 SA +99 13 127 BU +99 13 128 YA +99 13 129 BU +99 13 130 YA +99 13 131 SA +99 13 132 SA +99 13 133 YA +99 13 134 NA +99 13 135 SA +99 13 136 YA +99 13 137 YA +99 13 138 YA +99 13 139 BU +99 13 140 YA +99 13 141 BU +99 13 142 BU +99 13 143 YA +99 13 144 SA +99 13 145 YA +99 13 146 EA +99 13 147 YA +99 13 148 SA +99 13 149 YA +99 13 150 SA +99 13 151 SA +99 13 152 SA +99 13 153 YA +99 13 154 BU +99 13 155 NA +99 13 156 YA +99 13 157 BU +99 13 158 BU +99 13 159 EA +99 13 160 SA +99 13 161 YA +99 13 162 SA +99 13 163 YA +99 13 164 YA +99 13 165 YA +99 13 166 YA +99 13 167 BU +99 13 168 YA +99 13 169 YA +99 13 170 NA +99 13 171 YA +99 13 172 BU +99 13 173 SA +99 13 174 EA +99 13 175 YA +99 13 176 SA +99 13 177 BU +99 13 178 YA +99 13 179 SA +99 13 180 YA +99 13 181 EA +99 13 182 SA +99 13 183 BU +99 13 184 SA +99 13 185 SA +99 13 186 YA +99 13 187 EA +99 13 188 YA +99 13 189 BU +99 13 190 SA +99 13 191 YA +99 13 192 SA +99 13 193 EA +99 13 194 SA +99 13 195 YA +99 13 196 YA +99 13 197 SA +99 13 198 NA +99 13 199 YA +99 13 200 YA +99 13 201 SA +99 13 202 YA +99 13 203 SA +99 13 204 BU +99 13 205 SA +99 13 206 BU +99 13 207 SA +99 13 208 BU +99 13 209 YA +99 13 210 SA +99 13 211 YA +99 13 212 EA +99 13 213 BU +99 13 214 YA +99 13 215 SA +99 13 216 BU +99 13 217 SA +99 13 218 YA +99 13 219 YA +99 13 220 YA +99 13 221 YA +99 13 222 SA +99 13 223 YA +99 13 224 BU +99 13 225 YA +99 13 226 YA +99 13 227 NA +99 13 228 YA +99 13 229 YA +99 13 230 BU +99 13 231 SA +99 13 232 YA +99 13 233 YA +99 13 234 YA +99 13 235 YA +99 13 236 YA +99 13 237 SA +99 13 238 YA +99 13 239 SA +99 13 240 SA +99 13 241 BU +99 13 242 YA +99 13 243 SA +99 13 244 YA +99 13 245 SA +99 13 246 YA +99 13 247 YA +99 13 248 YA +99 13 249 YA +99 13 250 SA +99 13 251 YA +99 13 252 BU +99 13 253 YA +99 13 254 YA +99 13 255 NA +99 13 256 SA +99 13 257 YA +99 13 258 EA +99 13 259 SA +99 13 260 BU +99 13 261 SA +99 13 262 BU +99 13 263 BU +99 13 264 BU +99 13 265 YA +99 13 266 SA +99 13 267 SA +99 13 268 YA +99 13 269 SA +99 13 270 EA +99 13 271 YA +99 13 272 BU +99 13 273 SA +99 13 274 BU +99 13 275 YA +99 13 276 SA +99 13 277 YA +99 13 278 SA +99 13 279 YA +99 13 280 YA +99 13 281 YA +99 13 282 YA +99 13 283 SA +99 13 284 BU +99 13 285 SA +99 13 286 BU +99 13 287 EA +99 13 288 SA +99 13 289 YA +99 13 290 BU +99 13 291 YA +99 13 292 SA +99 13 293 BU +99 13 294 BU +99 13 295 NA +99 13 296 SA +99 13 297 EA +99 13 298 SA +99 13 299 YA +99 13 300 BU +99 13 301 YA +99 13 302 BU +99 13 303 BU +99 13 304 YA +99 13 305 SA +99 13 306 YA +99 13 307 YA +99 13 308 SA +99 13 309 NA +99 13 310 YA +99 13 311 YA +99 13 312 NA +99 13 313 YA +99 13 314 BU +99 13 315 YA +99 13 316 YA +99 13 317 SA +99 13 318 SA +99 13 319 BU +99 13 320 YA +99 13 321 SA +99 13 322 YA +99 13 323 YA +99 13 324 BU +99 13 325 SA +99 13 326 EA +99 13 327 BU +99 13 328 YA +99 13 329 SA +99 13 330 BU +99 14 1 YA +99 14 2 YA +99 14 3 SA +99 14 4 SA +99 14 5 YA +99 14 6 SA +99 14 7 YA +99 14 8 SA +99 14 9 BU +99 14 10 YA +99 14 11 YA +99 14 12 EA +99 14 13 YA +99 14 14 NA +99 14 15 BU +99 14 16 BA +99 14 17 SA +99 14 18 NA +99 14 19 YA +99 14 20 YA +99 14 21 SA +99 14 22 EA +99 14 23 SA +99 14 24 NA +99 14 25 YA +99 14 26 YA +99 14 27 BA +99 14 28 SA +99 14 29 YA +99 14 30 SA +99 14 31 YA +99 14 32 SA +99 14 33 YA +99 14 34 YA +99 14 35 SA +99 14 36 NA +99 14 37 YA +99 14 38 SA +99 14 39 YA +99 14 40 YA +99 14 41 SA +99 14 42 EA +99 14 43 YA +99 14 44 BA +99 14 45 YA +99 14 46 NA +99 14 47 NA +99 14 48 EA +99 14 49 YA +99 14 50 SA +99 14 51 SA +99 14 52 EA +99 14 53 SA +99 14 54 YA +99 14 55 YA +99 14 56 SA +99 14 57 YA +99 14 58 EA +99 14 59 BU +99 14 60 NA +99 14 61 SA +99 14 62 BU +99 14 63 SA +99 14 64 YA +99 14 65 SA +99 14 66 EA +99 14 67 YA +99 14 68 SA +99 14 69 YA +99 14 70 BA +99 14 71 SA +99 14 72 YA +99 14 73 SA +99 14 74 BU +99 14 75 YA +99 14 76 SA +99 14 77 YA +99 14 78 SA +99 14 79 NA +99 14 80 YA +99 14 81 YA +99 14 82 YA +99 14 83 EA +99 14 84 SA +99 14 85 YA +99 14 86 SA +99 14 87 NA +99 14 88 SA +99 14 89 NA +99 14 90 NA +99 14 91 EA +99 14 92 BU +99 14 93 YA +99 14 94 NA +99 14 95 BU +99 14 96 EA +99 14 97 YA +99 14 98 SA +99 14 99 BU +99 14 100 YA +99 14 101 SA +99 14 102 BU +99 14 103 EA +99 14 104 YA +99 14 105 SA +99 14 106 EA +99 14 107 BU +99 14 108 BU +99 14 109 YA +99 14 110 EA +99 14 111 YA +99 14 112 SA +99 14 113 NA +99 14 114 YA +99 14 115 SA +99 14 116 BU +99 14 117 NA +99 14 118 SA +99 14 119 YA +99 14 120 BU +99 14 121 SA +99 14 122 YA +99 14 123 YA +99 14 124 EA +99 14 125 SA +99 14 126 SA +99 14 127 YA +99 14 128 EA +99 14 129 BU +99 14 130 YA +99 14 131 SA +99 14 132 SA +99 14 133 YA +99 14 134 NA +99 14 135 SA +99 14 136 YA +99 14 137 YA +99 14 138 BU +99 14 139 BU +99 14 140 YA +99 14 141 BU +99 14 142 BU +99 14 143 EA +99 14 144 YA +99 14 145 YA +99 14 146 EA +99 14 147 YA +99 14 148 SA +99 14 149 YA +99 14 150 SA +99 14 151 SA +99 14 152 SA +99 14 153 YA +99 14 154 NA +99 14 155 NA +99 14 156 YA +99 14 157 NA +99 14 158 BU +99 14 159 EA +99 14 160 SA +99 14 161 YA +99 14 162 SA +99 14 163 YA +99 14 164 YA +99 14 165 YA +99 14 166 NA +99 14 167 BU +99 14 168 YA +99 14 169 YA +99 14 170 YA +99 14 171 YA +99 14 172 BU +99 14 173 SA +99 14 174 EA +99 14 175 YA +99 14 176 SA +99 14 177 EA +99 14 178 YA +99 14 179 SA +99 14 180 YA +99 14 181 EA +99 14 182 SA +99 14 183 NA +99 14 184 SA +99 14 185 EA +99 14 186 YA +99 14 187 EA +99 14 188 YA +99 14 189 BU +99 14 190 SA +99 14 191 YA +99 14 192 SA +99 14 193 EA +99 14 194 NA +99 14 195 YA +99 14 196 YA +99 14 197 SA +99 14 198 NA +99 14 199 BU +99 14 200 YA +99 14 201 SA +99 14 202 YA +99 14 203 SA +99 14 204 NA +99 14 205 YA +99 14 206 BU +99 14 207 SA +99 14 208 EA +99 14 209 YA +99 14 210 NA +99 14 211 YA +99 14 212 SA +99 14 213 BU +99 14 214 EA +99 14 215 SA +99 14 216 NA +99 14 217 SA +99 14 218 EA +99 14 219 BU +99 14 220 YA +99 14 221 BU +99 14 222 SA +99 14 223 YA +99 14 224 BU +99 14 225 EA +99 14 226 YA +99 14 227 NA +99 14 228 YA +99 14 229 YA +99 14 230 BU +99 14 231 SA +99 14 232 NA +99 14 233 YA +99 14 234 YA +99 14 235 YA +99 14 236 EA +99 14 237 SA +99 14 238 YA +99 14 239 SA +99 14 240 NA +99 14 241 BU +99 14 242 EA +99 14 243 NA +99 14 244 BU +99 14 245 SA +99 14 246 YA +99 14 247 YA +99 14 248 NA +99 14 249 YA +99 14 250 YA +99 14 251 YA +99 14 252 BU +99 14 253 YA +99 14 254 YA +99 14 255 NA +99 14 256 SA +99 14 257 YA +99 14 258 EA +99 14 259 SA +99 14 260 EA +99 14 261 SA +99 14 262 BU +99 14 263 NA +99 14 264 YA +99 14 265 YA +99 14 266 SA +99 14 267 SA +99 14 268 YA +99 14 269 SA +99 14 270 EA +99 14 271 YA +99 14 272 BU +99 14 273 SA +99 14 274 BU +99 14 275 EA +99 14 276 SA +99 14 277 YA +99 14 278 SA +99 14 279 YA +99 14 280 YA +99 14 281 YA +99 14 282 YA +99 14 283 NA +99 14 284 BU +99 14 285 SA +99 14 286 BU +99 14 287 EA +99 14 288 SA +99 14 289 YA +99 14 290 BU +99 14 291 YA +99 14 292 SA +99 14 293 BU +99 14 294 BU +99 14 295 NA +99 14 296 YA +99 14 297 EA +99 14 298 SA +99 14 299 YA +99 14 300 BU +99 14 301 YA +99 14 302 SA +99 14 303 YA +99 14 304 YA +99 14 305 SA +99 14 306 YA +99 14 307 YA +99 14 308 YA +99 14 309 NA +99 14 310 YA +99 14 311 YA +99 14 312 NA +99 14 313 YA +99 14 314 BU +99 14 315 YA +99 14 316 YA +99 14 317 SA +99 14 318 EA +99 14 319 BU +99 14 320 YA +99 14 321 SA +99 14 322 YA +99 14 323 YA +99 14 324 BU +99 14 325 SA +99 14 326 EA +99 14 327 BU +99 14 328 YA +99 14 329 NA +99 14 330 BU +99 15 1 YA +99 15 2 YA +99 15 3 SA +99 15 4 * +99 15 5 YA +99 15 6 SA +99 15 7 YA +99 15 8 SA +99 15 9 SA +99 15 10 NA +99 15 11 YA +99 15 12 SA +99 15 13 YA +99 15 14 NA +99 15 15 BA +99 15 16 BA +99 15 17 SA +99 15 18 NA +99 15 19 YA +99 15 20 YA +99 15 21 SA +99 15 22 SA +99 15 23 SA +99 15 24 NA +99 15 25 YA +99 15 26 YA +99 15 27 BA +99 15 28 SA +99 15 29 YA +99 15 30 SA +99 15 31 BA +99 15 32 SA +99 15 33 YA +99 15 34 YA +99 15 35 SA +99 15 36 YA +99 15 37 YA +99 15 38 SA +99 15 39 YA +99 15 40 YA +99 15 41 SA +99 15 42 BA +99 15 43 YA +99 15 44 BA +99 15 45 YA +99 15 46 BA +99 15 47 YA +99 15 48 SA +99 15 49 YA +99 15 50 SA +99 15 51 BU +99 15 52 BA +99 15 53 SA +99 15 54 YA +99 15 55 YA +99 15 56 * +99 15 57 YA +99 15 58 BA +99 15 59 BA +99 15 60 * +99 15 61 SA +99 15 62 BA +99 15 63 SA +99 15 64 YA +99 15 65 SA +99 15 66 BA +99 15 67 YA +99 15 68 SA +99 15 69 YA +99 15 70 BA +99 15 71 SA +99 15 72 YA +99 15 73 BA +99 15 74 YA +99 15 75 YA +99 15 76 SA +99 15 77 YA +99 15 78 BA +99 15 79 NA +99 15 80 YA +99 15 81 YA +99 15 82 YA +99 15 83 BA +99 15 84 SA +99 15 85 YA +99 15 86 SA +99 15 87 YA +99 15 88 SA +99 15 89 NA +99 15 90 YA +99 15 91 YA +99 15 92 BA +99 15 93 YA +99 15 94 NA +99 15 95 BA +99 15 96 SA +99 15 97 SA +99 15 98 SA +99 15 99 BA +99 15 100 YA +99 15 101 SA +99 15 102 BA +99 15 103 YA +99 15 104 BA +99 15 105 SA +99 15 106 BA +99 15 107 BA +99 15 108 BA +99 15 109 YA +99 15 110 SA +99 15 111 YA +99 15 112 SA +99 15 113 NA +99 15 114 YA +99 15 115 SA +99 15 116 BA +99 15 117 BU +99 15 118 * +99 15 119 YA +99 15 120 BA +99 15 121 SA +99 15 122 YA +99 15 123 YA +99 15 124 YA +99 15 125 SA +99 15 126 SA +99 15 127 YA +99 15 128 BA +99 15 129 BA +99 15 130 NA +99 15 131 SA +99 15 132 SA +99 15 133 YA +99 15 134 BU +99 15 135 SA +99 15 136 YA +99 15 137 YA +99 15 138 BA +99 15 139 BA +99 15 140 YA +99 15 141 BA +99 15 142 BA +99 15 143 YA +99 15 144 SA +99 15 145 YA +99 15 146 SA +99 15 147 YA +99 15 148 SA +99 15 149 YA +99 15 150 NA +99 15 151 SA +99 15 152 BA +99 15 153 YA +99 15 154 NA +99 15 155 NA +99 15 156 YA +99 15 157 BU +99 15 158 BA +99 15 159 SA +99 15 160 SA +99 15 161 YA +99 15 162 SA +99 15 163 YA +99 15 164 YA +99 15 165 YA +99 15 166 NA +99 15 167 BA +99 15 168 YA +99 15 169 YA +99 15 170 NA +99 15 171 YA +99 15 172 BA +99 15 173 SA +99 15 174 SA +99 15 175 BA +99 15 176 SA +99 15 177 BA +99 15 178 YA +99 15 179 SA +99 15 180 YA +99 15 181 SA +99 15 182 NA +99 15 183 BU +99 15 184 SA +99 15 185 SA +99 15 186 YA +99 15 187 SA +99 15 188 YA +99 15 189 BA +99 15 190 SA +99 15 191 YA +99 15 192 YA +99 15 193 SA +99 15 194 NA +99 15 195 YA +99 15 196 YA +99 15 197 SA +99 15 198 NA +99 15 199 BA +99 15 200 BA +99 15 201 SA +99 15 202 YA +99 15 203 SA +99 15 204 BU +99 15 205 YA +99 15 206 BA +99 15 207 SA +99 15 208 SA +99 15 209 YA +99 15 210 BU +99 15 211 YA +99 15 212 SA +99 15 213 BA +99 15 214 YA +99 15 215 SA +99 15 216 NA +99 15 217 SA +99 15 218 YA +99 15 219 BA +99 15 220 YA +99 15 221 BA +99 15 222 SA +99 15 223 YA +99 15 224 BA +99 15 225 BA +99 15 226 NA +99 15 227 NA +99 15 228 NA +99 15 229 YA +99 15 230 BA +99 15 231 SA +99 15 232 BU +99 15 233 YA +99 15 234 YA +99 15 235 YA +99 15 236 YA +99 15 237 SA +99 15 238 YA +99 15 239 SA +99 15 240 SA +99 15 241 BA +99 15 242 SA +99 15 243 SA +99 15 244 BA +99 15 245 SA +99 15 246 YA +99 15 247 BU +99 15 248 YA +99 15 249 YA +99 15 250 SA +99 15 251 YA +99 15 252 BA +99 15 253 YA +99 15 254 BA +99 15 255 NA +99 15 256 SA +99 15 257 NA +99 15 258 SA +99 15 259 SA +99 15 260 BA +99 15 261 SA +99 15 262 BA +99 15 263 BU +99 15 264 BA +99 15 265 YA +99 15 266 SA +99 15 267 SA +99 15 268 YA +99 15 269 SA +99 15 270 SA +99 15 271 YA +99 15 272 BA +99 15 273 BA +99 15 274 BA +99 15 275 YA +99 15 276 SA +99 15 277 NA +99 15 278 BA +99 15 279 YA +99 15 280 YA +99 15 281 YA +99 15 282 YA +99 15 283 BU +99 15 284 BA +99 15 285 SA +99 15 286 BA +99 15 287 SA +99 15 288 SA +99 15 289 BA +99 15 290 BA +99 15 291 YA +99 15 292 SA +99 15 293 BA +99 15 294 BA +99 15 295 BU +99 15 296 SA +99 15 297 SA +99 15 298 SA +99 15 299 YA +99 15 300 BA +99 15 301 YA +99 15 302 BA +99 15 303 BA +99 15 304 YA +99 15 305 SA +99 15 306 YA +99 15 307 YA +99 15 308 BA +99 15 309 NA +99 15 310 YA +99 15 311 YA +99 15 312 NA +99 15 313 SA +99 15 314 BA +99 15 315 YA +99 15 316 YA +99 15 317 SA +99 15 318 SA +99 15 319 BA +99 15 320 YA +99 15 321 SA +99 15 322 BA +99 15 323 YA +99 15 324 BA +99 15 325 SA +99 15 326 SA +99 15 327 BA +99 15 328 YA +99 15 329 BU +99 15 330 BA +99 16 1 SA +99 16 2 BA +99 16 3 SA +99 16 4 NA +99 16 5 BA +99 16 6 BA +99 16 7 SA +99 16 8 YA +99 16 9 YA +99 16 10 NA +99 16 11 YA +99 16 12 BA +99 16 13 NA +99 16 14 BA +99 16 15 BA +99 16 16 BA +99 16 17 SA +99 16 18 NA +99 16 19 BA +99 16 20 YA +99 16 21 BA +99 16 22 BA +99 16 23 YA +99 16 24 NA +99 16 25 NA +99 16 26 NA +99 16 27 BA +99 16 28 YA +99 16 29 BA +99 16 30 BA +99 16 31 BA +99 16 32 YA +99 16 33 BA +99 16 34 YA +99 16 35 YA +99 16 36 NA +99 16 37 YA +99 16 38 BA +99 16 39 YA +99 16 40 YA +99 16 41 YA +99 16 42 YA +99 16 43 NA +99 16 44 BA +99 16 45 YA +99 16 46 NA +99 16 47 NA +99 16 48 BA +99 16 49 BA +99 16 50 NA +99 16 51 NA +99 16 52 BA +99 16 53 YA +99 16 54 YA +99 16 55 YA +99 16 56 BA +99 16 57 NA +99 16 58 BA +99 16 59 BA +99 16 60 NA +99 16 61 YA +99 16 62 YA +99 16 63 BA +99 16 64 NA +99 16 65 BA +99 16 66 BA +99 16 67 BA +99 16 68 BA +99 16 69 NA +99 16 70 BA +99 16 71 NA +99 16 72 YA +99 16 73 YA +99 16 74 BA +99 16 75 NA +99 16 76 BA +99 16 77 YA +99 16 78 BA +99 16 79 NA +99 16 80 YA +99 16 81 BA +99 16 82 YA +99 16 83 BA +99 16 84 BA +99 16 85 YA +99 16 86 BA +99 16 87 NA +99 16 88 YA +99 16 89 NA +99 16 90 NA +99 16 91 BA +99 16 92 BA +99 16 93 YA +99 16 94 NA +99 16 95 BA +99 16 96 BA +99 16 97 NA +99 16 98 BA +99 16 99 YA +99 16 100 BA +99 16 101 YA +99 16 102 BA +99 16 103 NA +99 16 104 BA +99 16 105 YA +99 16 106 BA +99 16 107 BA +99 16 108 BA +99 16 109 NA +99 16 110 BA +99 16 111 NA +99 16 112 BA +99 16 113 NA +99 16 114 NA +99 16 115 BA +99 16 116 BA +99 16 117 NA +99 16 118 BA +99 16 119 YA +99 16 120 BA +99 16 121 YA +99 16 122 YA +99 16 123 YA +99 16 124 BA +99 16 125 YA +99 16 126 BA +99 16 127 NA +99 16 128 YA +99 16 129 BA +99 16 130 NA +99 16 131 YA +99 16 132 BA +99 16 133 NA +99 16 134 NA +99 16 135 YA +99 16 136 BA +99 16 137 NA +99 16 138 BA +99 16 139 BA +99 16 140 NA +99 16 141 BA +99 16 142 BA +99 16 143 YA +99 16 144 NA +99 16 145 BA +99 16 146 BA +99 16 147 YA +99 16 148 YA +99 16 149 BA +99 16 150 NA +99 16 151 BA +99 16 152 YA +99 16 153 NA +99 16 154 NA +99 16 155 NA +99 16 156 YA +99 16 157 NA +99 16 158 BA +99 16 159 BA +99 16 160 BA +99 16 161 YA +99 16 162 YA +99 16 163 YA +99 16 164 YA +99 16 165 NA +99 16 166 YA +99 16 167 BA +99 16 168 NA +99 16 169 YA +99 16 170 NA +99 16 171 YA +99 16 172 BA +99 16 173 YA +99 16 174 BA +99 16 175 BA +99 16 176 YA +99 16 177 BA +99 16 178 NA +99 16 179 NA +99 16 180 YA +99 16 181 BA +99 16 182 NA +99 16 183 NA +99 16 184 YA +99 16 185 BA +99 16 186 BA +99 16 187 BA +99 16 188 NA +99 16 189 BA +99 16 190 BA +99 16 191 YA +99 16 192 YA +99 16 193 YA +99 16 194 NA +99 16 195 YA +99 16 196 BA +99 16 197 YA +99 16 198 NA +99 16 199 BA +99 16 200 BA +99 16 201 BA +99 16 202 YA +99 16 203 BA +99 16 204 NA +99 16 205 NA +99 16 206 BA +99 16 207 YA +99 16 208 NA +99 16 209 NA +99 16 210 NA +99 16 211 YA +99 16 212 BA +99 16 213 BA +99 16 214 YA +99 16 215 BA +99 16 216 NA +99 16 217 BA +99 16 218 BA +99 16 219 BA +99 16 220 NA +99 16 221 BA +99 16 222 BA +99 16 223 YA +99 16 224 BA +99 16 225 BA +99 16 226 NA +99 16 227 NA +99 16 228 NA +99 16 229 BA +99 16 230 BA +99 16 231 YA +99 16 232 NA +99 16 233 BA +99 16 234 BA +99 16 235 YA +99 16 236 YA +99 16 237 BA +99 16 238 YA +99 16 239 BA +99 16 240 NA +99 16 241 BA +99 16 242 BA +99 16 243 NA +99 16 244 BA +99 16 245 YA +99 16 246 BA +99 16 247 BA +99 16 248 NA +99 16 249 BA +99 16 250 YA +99 16 251 BA +99 16 252 BA +99 16 253 BA +99 16 254 BA +99 16 255 NA +99 16 256 BA +99 16 257 NA +99 16 258 BA +99 16 259 NA +99 16 260 BA +99 16 261 BA +99 16 262 BA +99 16 263 YA +99 16 264 YA +99 16 265 NA +99 16 266 BA +99 16 267 NA +99 16 268 YA +99 16 269 SA +99 16 270 YA +99 16 271 NA +99 16 272 BA +99 16 273 YA +99 16 274 BA +99 16 275 NA +99 16 276 YA +99 16 277 NA +99 16 278 BA +99 16 279 SA +99 16 280 NA +99 16 281 YA +99 16 282 YA +99 16 283 NA +99 16 284 BA +99 16 285 BA +99 16 286 BA +99 16 287 NA +99 16 288 NA +99 16 289 SA +99 16 290 BA +99 16 291 YA +99 16 292 BA +99 16 293 BA +99 16 294 BA +99 16 295 NA +99 16 296 YA +99 16 297 BA +99 16 298 SA +99 16 299 NA +99 16 300 BA +99 16 301 BA +99 16 302 BA +99 16 303 BA +99 16 304 SA +99 16 305 NA +99 16 306 YA +99 16 307 SA +99 16 308 BA +99 16 309 NA +99 16 310 YA +99 16 311 NA +99 16 312 NA +99 16 313 YA +99 16 314 BA +99 16 315 YA +99 16 316 NA +99 16 317 YA +99 16 318 BA +99 16 319 BA +99 16 320 NA +99 16 321 YA +99 16 322 BA +99 16 323 NA +99 16 324 BA +99 16 325 YA +99 16 326 YA +99 16 327 BA +99 16 328 NA +99 16 329 NA +99 16 330 BA +99 17 1 YA +99 17 2 YA +99 17 3 SA +99 17 4 YA +99 17 5 YA +99 17 6 EA +99 17 7 YA +99 17 8 SA +99 17 9 BU +99 17 10 YA +99 17 11 YA +99 17 12 EA +99 17 13 YA +99 17 14 YA +99 17 15 SA +99 17 16 BU +99 17 17 SA +99 17 18 BU +99 17 19 YA +99 17 20 YA +99 17 21 SA +99 17 22 EA +99 17 23 YA +99 17 24 BU +99 17 25 YA +99 17 26 YA +99 17 27 BA +99 17 28 SA +99 17 29 YA +99 17 30 BU +99 17 31 YA +99 17 32 * +99 17 33 YA +99 17 34 YA +99 17 35 SA +99 17 36 YA +99 17 37 YA +99 17 38 SA +99 17 39 YA +99 17 40 YA +99 17 41 SA +99 17 42 EA +99 17 43 YA +99 17 44 EA +99 17 45 YA +99 17 46 BU +99 17 47 YA +99 17 48 EA +99 17 49 YA +99 17 50 YA +99 17 51 BU +99 17 52 EA +99 17 53 YA +99 17 54 YA +99 17 55 YA +99 17 56 YA +99 17 57 YA +99 17 58 BU +99 17 59 YA +99 17 60 YA +99 17 61 SA +99 17 62 * +99 17 63 SA +99 17 64 YA +99 17 65 SA +99 17 66 EA +99 17 67 YA +99 17 68 SA +99 17 69 * +99 17 70 YA +99 17 71 SA +99 17 72 YA +99 17 73 YA +99 17 74 YA +99 17 75 * +99 17 76 SA +99 17 77 YA +99 17 78 BU +99 17 79 NA +99 17 80 YA +99 17 81 YA +99 17 82 YA +99 17 83 EA +99 17 84 SA +99 17 85 YA +99 17 86 YA +99 17 87 BU +99 17 88 YA +99 17 89 NA +99 17 90 YA +99 17 91 EA +99 17 92 EA +99 17 93 YA +99 17 94 NA +99 17 95 YA +99 17 96 EA +99 17 97 YA +99 17 98 SA +99 17 99 YA +99 17 100 YA +99 17 101 YA +99 17 102 YA +99 17 103 BU +99 17 104 YA +99 17 105 YA +99 17 106 EA +99 17 107 BA +99 17 108 YA +99 17 109 YA +99 17 110 EA +99 17 111 BU +99 17 112 SA +99 17 113 NA +99 17 114 YA +99 17 115 SA +99 17 116 YA +99 17 117 BU +99 17 118 YA +99 17 119 YA +99 17 120 BA +99 17 121 SA +99 17 122 YA +99 17 123 YA +99 17 124 EA +99 17 125 SA +99 17 126 SA +99 17 127 YA +99 17 128 EA +99 17 129 BA +99 17 130 NA +99 17 131 YA +99 17 132 SA +99 17 133 YA +99 17 134 NA +99 17 135 SA +99 17 136 YA +99 17 137 YA +99 17 138 YA +99 17 139 BU +99 17 140 YA +99 17 141 BA +99 17 142 BA +99 17 143 YA +99 17 144 YA +99 17 145 YA +99 17 146 EA +99 17 147 YA +99 17 148 SA +99 17 149 EA +99 17 150 YA +99 17 151 SA +99 17 152 YA +99 17 153 YA +99 17 154 BU +99 17 155 BU +99 17 156 YA +99 17 157 BU +99 17 158 BA +99 17 159 EA +99 17 160 YA +99 17 161 YA +99 17 162 SA +99 17 163 YA +99 17 164 YA +99 17 165 BU +99 17 166 YA +99 17 167 BU +99 17 168 YA +99 17 169 YA +99 17 170 YA +99 17 171 YA +99 17 172 BA +99 17 173 SA +99 17 174 EA +99 17 175 YA +99 17 176 SA +99 17 177 EA +99 17 178 YA +99 17 179 SA +99 17 180 YA +99 17 181 EA +99 17 182 YA +99 17 183 BU +99 17 184 YA +99 17 185 BU +99 17 186 YA +99 17 187 EA +99 17 188 YA +99 17 189 YA +99 17 190 BU +99 17 191 YA +99 17 192 YA +99 17 193 EA +99 17 194 SA +99 17 195 YA +99 17 196 YA +99 17 197 YA +99 17 198 BU +99 17 199 BA +99 17 200 YA +99 17 201 SA +99 17 202 YA +99 17 203 SA +99 17 204 BU +99 17 205 YA +99 17 206 EA +99 17 207 SA +99 17 208 EA +99 17 209 YA +99 17 210 BU +99 17 211 YA +99 17 212 EA +99 17 213 YA +99 17 214 EA +99 17 215 * +99 17 216 BU +99 17 217 BU +99 17 218 EA +99 17 219 YA +99 17 220 YA +99 17 221 BA +99 17 222 YA +99 17 223 YA +99 17 224 BA +99 17 225 EA +99 17 226 YA +99 17 227 BU +99 17 228 YA +99 17 229 YA +99 17 230 BU +99 17 231 YA +99 17 232 BU +99 17 233 YA +99 17 234 YA +99 17 235 YA +99 17 236 EA +99 17 237 BU +99 17 238 YA +99 17 239 SA +99 17 240 BU +99 17 241 BA +99 17 242 EA +99 17 243 SA +99 17 244 BA +99 17 245 SA +99 17 246 YA +99 17 247 YA +99 17 248 BU +99 17 249 YA +99 17 250 YA +99 17 251 EA +99 17 252 BA +99 17 253 YA +99 17 254 YA +99 17 255 BU +99 17 256 SA +99 17 257 YA +99 17 258 EA +99 17 259 SA +99 17 260 EA +99 17 261 SA +99 17 262 BA +99 17 263 BU +99 17 264 YA +99 17 265 YA +99 17 266 SA +99 17 267 YA +99 17 268 YA +99 17 269 SA +99 17 270 EA +99 17 271 YA +99 17 272 BA +99 17 273 YA +99 17 274 BU +99 17 275 EA +99 17 276 SA +99 17 277 YA +99 17 278 BU +99 17 279 YA +99 17 280 YA +99 17 281 YA +99 17 282 YA +99 17 283 BU +99 17 284 BA +99 17 285 YA +99 17 286 BA +99 17 287 BU +99 17 288 SA +99 17 289 YA +99 17 290 BU +99 17 291 YA +99 17 292 BU +99 17 293 BA +99 17 294 BA +99 17 295 BU +99 17 296 YA +99 17 297 EA +99 17 298 SA +99 17 299 YA +99 17 300 BU +99 17 301 YA +99 17 302 BU +99 17 303 YA +99 17 304 YA +99 17 305 YA +99 17 306 YA +99 17 307 YA +99 17 308 BU +99 17 309 BU +99 17 310 YA +99 17 311 YA +99 17 312 BU +99 17 313 YA +99 17 314 BA +99 17 315 YA +99 17 316 YA +99 17 317 SA +99 17 318 EA +99 17 319 BA +99 17 320 EA +99 17 321 SA +99 17 322 YA +99 17 323 YA +99 17 324 BU +99 17 325 YA +99 17 326 EA +99 17 327 YA +99 17 328 YA +99 17 329 BU +99 17 330 BA +99 18 1 YA +99 18 2 YA +99 18 3 SA +99 18 4 SA +99 18 5 YA +99 18 6 EA +99 18 7 YA +99 18 8 SA +99 18 9 SA +99 18 10 YA +99 18 11 YA +99 18 12 EA +99 18 13 YA +99 18 14 YA +99 18 15 EA +99 18 16 YA +99 18 17 SA +99 18 18 NA +99 18 19 YA +99 18 20 YA +99 18 21 SA +99 18 22 EA +99 18 23 SA +99 18 24 NA +99 18 25 YA +99 18 26 YA +99 18 27 EA +99 18 28 SA +99 18 29 YA +99 18 30 YA +99 18 31 YA +99 18 32 SA +99 18 33 YA +99 18 34 YA +99 18 35 SA +99 18 36 YA +99 18 37 YA +99 18 38 SA +99 18 39 YA +99 18 40 YA +99 18 41 SA +99 18 42 EA +99 18 43 YA +99 18 44 BA +99 18 45 YA +99 18 46 NA +99 18 47 YA +99 18 48 EA +99 18 49 YA +99 18 50 SA +99 18 51 NA +99 18 52 EA +99 18 53 SA +99 18 54 YA +99 18 55 YA +99 18 56 SA +99 18 57 YA +99 18 58 EA +99 18 59 BA +99 18 60 YA +99 18 61 SA +99 18 62 YA +99 18 63 SA +99 18 64 SA +99 18 65 SA +99 18 66 EA +99 18 67 YA +99 18 68 SA +99 18 69 YA +99 18 70 YA +99 18 71 SA +99 18 72 YA +99 18 73 SA +99 18 74 YA +99 18 75 YA +99 18 76 SA +99 18 77 YA +99 18 78 YA +99 18 79 NA +99 18 80 YA +99 18 81 YA +99 18 82 YA +99 18 83 EA +99 18 84 EA +99 18 85 YA +99 18 86 SA +99 18 87 NA +99 18 88 SA +99 18 89 NA +99 18 90 YA +99 18 91 YA +99 18 92 BA +99 18 93 YA +99 18 94 NA +99 18 95 YA +99 18 96 EA +99 18 97 YA +99 18 98 SA +99 18 99 YA +99 18 100 YA +99 18 101 SA +99 18 102 YA +99 18 103 YA +99 18 104 YA +99 18 105 SA +99 18 106 EA +99 18 107 BA +99 18 108 YA +99 18 109 YA +99 18 110 EA +99 18 111 YA +99 18 112 SA +99 18 113 NA +99 18 114 YA +99 18 115 SA +99 18 116 YA +99 18 117 NA +99 18 118 SA +99 18 119 YA +99 18 120 BA +99 18 121 SA +99 18 122 YA +99 18 123 YA +99 18 124 YA +99 18 125 SA +99 18 126 SA +99 18 127 YA +99 18 128 EA +99 18 129 BA +99 18 130 YA +99 18 131 SA +99 18 132 SA +99 18 133 YA +99 18 134 NA +99 18 135 SA +99 18 136 YA +99 18 137 YA +99 18 138 YA +99 18 139 YA +99 18 140 YA +99 18 141 BA +99 18 142 BA +99 18 143 YA +99 18 144 YA +99 18 145 YA +99 18 146 EA +99 18 147 YA +99 18 148 SA +99 18 149 YA +99 18 150 SA +99 18 151 SA +99 18 152 YA +99 18 153 YA +99 18 154 NA +99 18 155 NA +99 18 156 YA +99 18 157 NA +99 18 158 BA +99 18 159 EA +99 18 160 SA +99 18 161 SA +99 18 162 SA +99 18 163 YA +99 18 164 YA +99 18 165 YA +99 18 166 YA +99 18 167 BA +99 18 168 YA +99 18 169 YA +99 18 170 NA +99 18 171 YA +99 18 172 BA +99 18 173 SA +99 18 174 EA +99 18 175 YA +99 18 176 SA +99 18 177 EA +99 18 178 YA +99 18 179 SA +99 18 180 YA +99 18 181 EA +99 18 182 SA +99 18 183 EA +99 18 184 SA +99 18 185 EA +99 18 186 YA +99 18 187 EA +99 18 188 YA +99 18 189 YA +99 18 190 SA +99 18 191 YA +99 18 192 YA +99 18 193 EA +99 18 194 SA +99 18 195 YA +99 18 196 YA +99 18 197 YA +99 18 198 NA +99 18 199 EA +99 18 200 YA +99 18 201 YA +99 18 202 YA +99 18 203 SA +99 18 204 NA +99 18 205 YA +99 18 206 BA +99 18 207 SA +99 18 208 EA +99 18 209 YA +99 18 210 NA +99 18 211 YA +99 18 212 EA +99 18 213 YA +99 18 214 YA +99 18 215 SA +99 18 216 YA +99 18 217 SA +99 18 218 YA +99 18 219 YA +99 18 220 YA +99 18 221 BA +99 18 222 YA +99 18 223 YA +99 18 224 BA +99 18 225 YA +99 18 226 YA +99 18 227 NA +99 18 228 YA +99 18 229 YA +99 18 230 BA +99 18 231 SA +99 18 232 YA +99 18 233 YA +99 18 234 YA +99 18 235 YA +99 18 236 YA +99 18 237 EA +99 18 238 YA +99 18 239 YA +99 18 240 SA +99 18 241 BA +99 18 242 EA +99 18 243 SA +99 18 244 YA +99 18 245 SA +99 18 246 YA +99 18 247 YA +99 18 248 YA +99 18 249 YA +99 18 250 SA +99 18 251 YA +99 18 252 BA +99 18 253 YA +99 18 254 YA +99 18 255 NA +99 18 256 SA +99 18 257 YA +99 18 258 EA +99 18 259 SA +99 18 260 EA +99 18 261 SA +99 18 262 BA +99 18 263 NA +99 18 264 YA +99 18 265 YA +99 18 266 SA +99 18 267 SA +99 18 268 YA +99 18 269 SA +99 18 270 EA +99 18 271 YA +99 18 272 BA +99 18 273 YA +99 18 274 BA +99 18 275 YA +99 18 276 SA +99 18 277 YA +99 18 278 SA +99 18 279 YA +99 18 280 YA +99 18 281 YA +99 18 282 YA +99 18 283 NA +99 18 284 BA +99 18 285 SA +99 18 286 BA +99 18 287 EA +99 18 288 SA +99 18 289 YA +99 18 290 BA +99 18 291 YA +99 18 292 SA +99 18 293 BA +99 18 294 BA +99 18 295 NA +99 18 296 SA +99 18 297 EA +99 18 298 SA +99 18 299 YA +99 18 300 BA +99 18 301 YA +99 18 302 BA +99 18 303 YA +99 18 304 YA +99 18 305 SA +99 18 306 YA +99 18 307 YA +99 18 308 SA +99 18 309 NA +99 18 310 YA +99 18 311 YA +99 18 312 NA +99 18 313 YA +99 18 314 BA +99 18 315 YA +99 18 316 YA +99 18 317 SA +99 18 318 EA +99 18 319 BA +99 18 320 YA +99 18 321 SA +99 18 322 YA +99 18 323 YA +99 18 324 BA +99 18 325 SA +99 18 326 EA +99 18 327 BA +99 18 328 YA +99 18 329 EA +99 18 330 YA +99 19 1 YA +99 19 2 * +99 19 3 SA +99 19 4 BO +99 19 5 YA +99 19 6 * +99 19 7 YA +99 19 8 SA +99 19 9 SA +99 19 10 YA +99 19 11 YA +99 19 12 EA +99 19 13 YA +99 19 14 YA +99 19 15 BO +99 19 16 BU +99 19 17 SA +99 19 18 YA +99 19 19 YA +99 19 20 YA +99 19 21 * +99 19 22 EA +99 19 23 * +99 19 24 YA +99 19 25 YA +99 19 26 YA +99 19 27 * +99 19 28 SA +99 19 29 YA +99 19 30 SA +99 19 31 * +99 19 32 * +99 19 33 YA +99 19 34 YA +99 19 35 BO +99 19 36 YA +99 19 37 * +99 19 38 SA +99 19 39 YA +99 19 40 YA +99 19 41 * +99 19 42 EA +99 19 43 YA +99 19 44 BO +99 19 45 YA +99 19 46 * +99 19 47 YA +99 19 48 SA +99 19 49 YA +99 19 50 BO +99 19 51 SA +99 19 52 * +99 19 53 SA +99 19 54 YA +99 19 55 YA +99 19 56 BO +99 19 57 YA +99 19 58 YA +99 19 59 BO +99 19 60 YA +99 19 61 SA +99 19 62 BO +99 19 63 * +99 19 64 YA +99 19 65 SA +99 19 66 * +99 19 67 * +99 19 68 * +99 19 69 * +99 19 70 BO +99 19 71 * +99 19 72 YA +99 19 73 BO +99 19 74 * +99 19 75 YA +99 19 76 SA +99 19 77 YA +99 19 78 BO +99 19 79 BU +99 19 80 YA +99 19 81 * +99 19 82 YA +99 19 83 * +99 19 84 SA +99 19 85 YA +99 19 86 SA +99 19 87 YA +99 19 88 SA +99 19 89 NA +99 19 90 YA +99 19 91 * +99 19 92 * +99 19 93 YA +99 19 94 BU +99 19 95 BO +99 19 96 EA +99 19 97 YA +99 19 98 SA +99 19 99 BO +99 19 100 YA +99 19 101 SA +99 19 102 BU +99 19 103 YA +99 19 104 YA +99 19 105 SA +99 19 106 EA +99 19 107 * +99 19 108 * +99 19 109 YA +99 19 110 EA +99 19 111 YA +99 19 112 SA +99 19 113 BU +99 19 114 YA +99 19 115 SA +99 19 116 BO +99 19 117 SA +99 19 118 SA +99 19 119 YA +99 19 120 * +99 19 121 SA +99 19 122 YA +99 19 123 YA +99 19 124 * +99 19 125 SA +99 19 126 * +99 19 127 * +99 19 128 * +99 19 129 * +99 19 130 BU +99 19 131 SA +99 19 132 SA +99 19 133 YA +99 19 134 * +99 19 135 SA +99 19 136 YA +99 19 137 YA +99 19 138 * +99 19 139 * +99 19 140 YA +99 19 141 * +99 19 142 * +99 19 143 YA +99 19 144 BO +99 19 145 YA +99 19 146 EA +99 19 147 YA +99 19 148 SA +99 19 149 YA +99 19 150 BO +99 19 151 SA +99 19 152 SA +99 19 153 YA +99 19 154 BU +99 19 155 YA +99 19 156 YA +99 19 157 SA +99 19 158 BA +99 19 159 SA +99 19 160 SA +99 19 161 YA +99 19 162 SA +99 19 163 YA +99 19 164 YA +99 19 165 YA +99 19 166 YA +99 19 167 BO +99 19 168 YA +99 19 169 YA +99 19 170 YA +99 19 171 YA +99 19 172 BA +99 19 173 SA +99 19 174 EA +99 19 175 YA +99 19 176 SA +99 19 177 EA +99 19 178 YA +99 19 179 SA +99 19 180 YA +99 19 181 EA +99 19 182 BO +99 19 183 YA +99 19 184 BO +99 19 185 SA +99 19 186 YA +99 19 187 SA +99 19 188 YA +99 19 189 BU +99 19 190 SA +99 19 191 YA +99 19 192 BO +99 19 193 YA +99 19 194 BO +99 19 195 YA +99 19 196 YA +99 19 197 * +99 19 198 NA +99 19 199 * +99 19 200 YA +99 19 201 * +99 19 202 YA +99 19 203 SA +99 19 204 BU +99 19 205 BO +99 19 206 * +99 19 207 SA +99 19 208 SA +99 19 209 YA +99 19 210 BO +99 19 211 YA +99 19 212 SA +99 19 213 BU +99 19 214 YA +99 19 215 SA +99 19 216 YA +99 19 217 * +99 19 218 YA +99 19 219 * +99 19 220 YA +99 19 221 BO +99 19 222 YA +99 19 223 YA +99 19 224 BO +99 19 225 * +99 19 226 YA +99 19 227 BU +99 19 228 YA +99 19 229 * +99 19 230 BO +99 19 231 SA +99 19 232 YA +99 19 233 BO +99 19 234 YA +99 19 235 YA +99 19 236 YA +99 19 237 BO +99 19 238 YA +99 19 239 SA +99 19 240 SA +99 19 241 BA +99 19 242 * +99 19 243 BO +99 19 244 BA +99 19 245 SA +99 19 246 YA +99 19 247 BO +99 19 248 YA +99 19 249 YA +99 19 250 BO +99 19 251 YA +99 19 252 BA +99 19 253 YA +99 19 254 YA +99 19 255 NA +99 19 256 SA +99 19 257 YA +99 19 258 EA +99 19 259 SA +99 19 260 * +99 19 261 EA +99 19 262 BA +99 19 263 BU +99 19 264 * +99 19 265 YA +99 19 266 SA +99 19 267 BO +99 19 268 YA +99 19 269 BO +99 19 270 EA +99 19 271 YA +99 19 272 BA +99 19 273 BO +99 19 274 BA +99 19 275 * +99 19 276 BO +99 19 277 YA +99 19 278 SA +99 19 279 YA +99 19 280 YA +99 19 281 YA +99 19 282 YA +99 19 283 SA +99 19 284 BA +99 19 285 * +99 19 286 BA +99 19 287 SA +99 19 288 SA +99 19 289 YA +99 19 290 BA +99 19 291 YA +99 19 292 SA +99 19 293 YA +99 19 294 BA +99 19 295 SA +99 19 296 BO +99 19 297 EA +99 19 298 SA +99 19 299 YA +99 19 300 BU +99 19 301 YA +99 19 302 BA +99 19 303 BO +99 19 304 YA +99 19 305 BO +99 19 306 YA +99 19 307 YA +99 19 308 * +99 19 309 YA +99 19 310 YA +99 19 311 YA +99 19 312 NA +99 19 313 BO +99 19 314 BA +99 19 315 YA +99 19 316 YA +99 19 317 BO +99 19 318 SA +99 19 319 BA +99 19 320 YA +99 19 321 SA +99 19 322 YA +99 19 323 YA +99 19 324 BA +99 19 325 BO +99 19 326 SA +99 19 327 BU +99 19 328 YA +99 19 329 SA +99 19 330 BA +99 20 1 YA +99 20 2 YA +99 20 3 SA +99 20 4 SA +99 20 5 YA +99 20 6 EA +99 20 7 YA +99 20 8 SA +99 20 9 NA +99 20 10 YA +99 20 11 YA +99 20 12 EA +99 20 13 YA +99 20 14 YA +99 20 15 EA +99 20 16 BA +99 20 17 SA +99 20 18 NA +99 20 19 YA +99 20 20 YA +99 20 21 SA +99 20 22 EA +99 20 23 YA +99 20 24 NA +99 20 25 YA +99 20 26 YA +99 20 27 BA +99 20 28 SA +99 20 29 YA +99 20 30 SA +99 20 31 YA +99 20 32 SA +99 20 33 YA +99 20 34 YA +99 20 35 SA +99 20 36 YA +99 20 37 YA +99 20 38 SA +99 20 39 YA +99 20 40 YA +99 20 41 SA +99 20 42 EA +99 20 43 YA +99 20 44 BA +99 20 45 YA +99 20 46 NA +99 20 47 NA +99 20 48 EA +99 20 49 YA +99 20 50 SA +99 20 51 NA +99 20 52 BA +99 20 53 SA +99 20 54 YA +99 20 55 YA +99 20 56 SA +99 20 57 YA +99 20 58 EA +99 20 59 EA +99 20 60 NA +99 20 61 SA +99 20 62 YA +99 20 63 EA +99 20 64 SA +99 20 65 YA +99 20 66 BA +99 20 67 YA +99 20 68 SA +99 20 69 NA +99 20 70 BA +99 20 71 SA +99 20 72 YA +99 20 73 SA +99 20 74 BA +99 20 75 NA +99 20 76 SA +99 20 77 YA +99 20 78 EA +99 20 79 NA +99 20 80 YA +99 20 81 EA +99 20 82 YA +99 20 83 EA +99 20 84 BA +99 20 85 YA +99 20 86 SA +99 20 87 NA +99 20 88 SA +99 20 89 NA +99 20 90 YA +99 20 91 EA +99 20 92 BA +99 20 93 YA +99 20 94 NA +99 20 95 BA +99 20 96 EA +99 20 97 YA +99 20 98 SA +99 20 99 YA +99 20 100 YA +99 20 101 SA +99 20 102 BA +99 20 103 YA +99 20 104 BA +99 20 105 SA +99 20 106 EA +99 20 107 BA +99 20 108 BA +99 20 109 YA +99 20 110 EA +99 20 111 NA +99 20 112 SA +99 20 113 NA +99 20 114 YA +99 20 115 SA +99 20 116 BA +99 20 117 SA +99 20 118 SA +99 20 119 YA +99 20 120 BA +99 20 121 SA +99 20 122 YA +99 20 123 YA +99 20 124 EA +99 20 125 SA +99 20 126 SA +99 20 127 NA +99 20 128 EA +99 20 129 BA +99 20 130 YA +99 20 131 SA +99 20 132 SA +99 20 133 YA +99 20 134 SA +99 20 135 SA +99 20 136 YA +99 20 137 YA +99 20 138 BA +99 20 139 BA +99 20 140 YA +99 20 141 BA +99 20 142 BA +99 20 143 YA +99 20 144 YA +99 20 145 YA +99 20 146 EA +99 20 147 YA +99 20 148 SA +99 20 149 YA +99 20 150 SA +99 20 151 SA +99 20 152 SA +99 20 153 YA +99 20 154 NA +99 20 155 NA +99 20 156 YA +99 20 157 NA +99 20 158 BA +99 20 159 EA +99 20 160 EA +99 20 161 YA +99 20 162 SA +99 20 163 YA +99 20 164 YA +99 20 165 YA +99 20 166 YA +99 20 167 EA +99 20 168 YA +99 20 169 YA +99 20 170 NA +99 20 171 NA +99 20 172 BA +99 20 173 SA +99 20 174 EA +99 20 175 BA +99 20 176 SA +99 20 177 EA +99 20 178 YA +99 20 179 SA +99 20 180 YA +99 20 181 EA +99 20 182 SA +99 20 183 NA +99 20 184 YA +99 20 185 SA +99 20 186 YA +99 20 187 EA +99 20 188 YA +99 20 189 BA +99 20 190 EA +99 20 191 YA +99 20 192 YA +99 20 193 EA +99 20 194 SA +99 20 195 YA +99 20 196 YA +99 20 197 YA +99 20 198 NA +99 20 199 BA +99 20 200 YA +99 20 201 SA +99 20 202 YA +99 20 203 SA +99 20 204 NA +99 20 205 YA +99 20 206 EA +99 20 207 SA +99 20 208 EA +99 20 209 YA +99 20 210 SA +99 20 211 YA +99 20 212 EA +99 20 213 BA +99 20 214 EA +99 20 215 SA +99 20 216 NA +99 20 217 EA +99 20 218 EA +99 20 219 BA +99 20 220 YA +99 20 221 BA +99 20 222 SA +99 20 223 YA +99 20 224 BA +99 20 225 EA +99 20 226 YA +99 20 227 NA +99 20 228 YA +99 20 229 YA +99 20 230 SA +99 20 231 SA +99 20 232 NA +99 20 233 YA +99 20 234 YA +99 20 235 YA +99 20 236 EA +99 20 237 SA +99 20 238 YA +99 20 239 SA +99 20 240 SA +99 20 241 BA +99 20 242 EA +99 20 243 SA +99 20 244 BA +99 20 245 SA +99 20 246 YA +99 20 247 YA +99 20 248 YA +99 20 249 YA +99 20 250 YA +99 20 251 YA +99 20 252 BA +99 20 253 YA +99 20 254 YA +99 20 255 NA +99 20 256 SA +99 20 257 YA +99 20 258 EA +99 20 259 SA +99 20 260 EA +99 20 261 EA +99 20 262 BA +99 20 263 BA +99 20 264 YA +99 20 265 YA +99 20 266 SA +99 20 267 YA +99 20 268 YA +99 20 269 SA +99 20 270 EA +99 20 271 YA +99 20 272 BA +99 20 273 SA +99 20 274 BA +99 20 275 EA +99 20 276 SA +99 20 277 YA +99 20 278 SA +99 20 279 YA +99 20 280 YA +99 20 281 YA +99 20 282 YA +99 20 283 NA +99 20 284 BA +99 20 285 EA +99 20 286 BA +99 20 287 EA +99 20 288 SA +99 20 289 YA +99 20 290 EA +99 20 291 YA +99 20 292 SA +99 20 293 EA +99 20 294 BA +99 20 295 NA +99 20 296 YA +99 20 297 EA +99 20 298 SA +99 20 299 YA +99 20 300 BA +99 20 301 YA +99 20 302 BA +99 20 303 YA +99 20 304 EA +99 20 305 SA +99 20 306 EA +99 20 307 YA +99 20 308 SA +99 20 309 NA +99 20 310 YA +99 20 311 YA +99 20 312 NA +99 20 313 YA +99 20 314 SA +99 20 315 YA +99 20 316 YA +99 20 317 SA +99 20 318 EA +99 20 319 BA +99 20 320 EA +99 20 321 SA +99 20 322 YA +99 20 323 YA +99 20 324 BA +99 20 325 SA +99 20 326 EA +99 20 327 BA +99 20 328 YA +99 20 329 SA +99 20 330 BA +99 21 1 YA +99 21 2 BO +99 21 3 SA +99 21 4 SA +99 21 5 YA +99 21 6 SA +99 21 7 YA +99 21 8 SA +99 21 9 SA +99 21 10 YA +99 21 11 YA +99 21 12 EA +99 21 13 YA +99 21 14 YA +99 21 15 SA +99 21 16 BA +99 21 17 SA +99 21 18 NA +99 21 19 YA +99 21 20 YA +99 21 21 SA +99 21 22 EA +99 21 23 SA +99 21 24 YA +99 21 25 YA +99 21 26 SA +99 21 27 BO +99 21 28 SA +99 21 29 YA +99 21 30 SA +99 21 31 BO +99 21 32 SA +99 21 33 YA +99 21 34 YA +99 21 35 SA +99 21 36 YA +99 21 37 YA +99 21 38 SA +99 21 39 YA +99 21 40 YA +99 21 41 SA +99 21 42 SA +99 21 43 YA +99 21 44 BO +99 21 45 YA +99 21 46 NA +99 21 47 YA +99 21 48 EA +99 21 49 YA +99 21 50 SA +99 21 51 NA +99 21 52 BO +99 21 53 SA +99 21 54 YA +99 21 55 YA +99 21 56 BO +99 21 57 YA +99 21 58 SA +99 21 59 BO +99 21 60 YA +99 21 61 SA +99 21 62 SA +99 21 63 SA +99 21 64 YA +99 21 65 SA +99 21 66 BO +99 21 67 YA +99 21 68 SA +99 21 69 YA +99 21 70 BO +99 21 71 SA +99 21 72 YA +99 21 73 SA +99 21 74 YA +99 21 75 YA +99 21 76 SA +99 21 77 YA +99 21 78 BO +99 21 79 NA +99 21 80 YA +99 21 81 YA +99 21 82 YA +99 21 83 EA +99 21 84 SA +99 21 85 YA +99 21 86 SA +99 21 87 NA +99 21 88 SA +99 21 89 NA +99 21 90 YA +99 21 91 YA +99 21 92 BA +99 21 93 YA +99 21 94 NA +99 21 95 BO +99 21 96 EA +99 21 97 YA +99 21 98 SA +99 21 99 BA +99 21 100 YA +99 21 101 SA +99 21 102 BA +99 21 103 YA +99 21 104 YA +99 21 105 SA +99 21 106 SA +99 21 107 BO +99 21 108 YA +99 21 109 SA +99 21 110 EA +99 21 111 YA +99 21 112 SA +99 21 113 NA +99 21 114 YA +99 21 115 SA +99 21 116 BO +99 21 117 SA +99 21 118 SA +99 21 119 YA +99 21 120 BA +99 21 121 SA +99 21 122 YA +99 21 123 YA +99 21 124 YA +99 21 125 SA +99 21 126 SA +99 21 127 YA +99 21 128 YA +99 21 129 BO +99 21 130 YA +99 21 131 SA +99 21 132 SA +99 21 133 YA +99 21 134 SA +99 21 135 SA +99 21 136 YA +99 21 137 YA +99 21 138 YA +99 21 139 BO +99 21 140 YA +99 21 141 BA +99 21 142 BA +99 21 143 YA +99 21 144 YA +99 21 145 YA +99 21 146 EA +99 21 147 YA +99 21 148 SA +99 21 149 YA +99 21 150 SA +99 21 151 SA +99 21 152 SA +99 21 153 YA +99 21 154 NA +99 21 155 YA +99 21 156 YA +99 21 157 SA +99 21 158 BA +99 21 159 EA +99 21 160 SA +99 21 161 YA +99 21 162 SA +99 21 163 YA +99 21 164 YA +99 21 165 YA +99 21 166 NA +99 21 167 BO +99 21 168 YA +99 21 169 YA +99 21 170 YA +99 21 171 YA +99 21 172 BA +99 21 173 SA +99 21 174 EA +99 21 175 YA +99 21 176 SA +99 21 177 EA +99 21 178 YA +99 21 179 SA +99 21 180 YA +99 21 181 EA +99 21 182 SA +99 21 183 YA +99 21 184 SA +99 21 185 EA +99 21 186 YA +99 21 187 EA +99 21 188 YA +99 21 189 BO +99 21 190 SA +99 21 191 YA +99 21 192 SA +99 21 193 YA +99 21 194 SA +99 21 195 YA +99 21 196 YA +99 21 197 SA +99 21 198 NA +99 21 199 BA +99 21 200 YA +99 21 201 SA +99 21 202 YA +99 21 203 SA +99 21 204 NA +99 21 205 YA +99 21 206 BO +99 21 207 SA +99 21 208 EA +99 21 209 YA +99 21 210 SA +99 21 211 YA +99 21 212 EA +99 21 213 SA +99 21 214 YA +99 21 215 SA +99 21 216 YA +99 21 217 SA +99 21 218 YA +99 21 219 BO +99 21 220 YA +99 21 221 BA +99 21 222 SA +99 21 223 YA +99 21 224 BA +99 21 225 YA +99 21 226 YA +99 21 227 NA +99 21 228 YA +99 21 229 YA +99 21 230 BA +99 21 231 SA +99 21 232 SA +99 21 233 BO +99 21 234 YA +99 21 235 YA +99 21 236 YA +99 21 237 SA +99 21 238 YA +99 21 239 SA +99 21 240 SA +99 21 241 BO +99 21 242 SA +99 21 243 SA +99 21 244 BA +99 21 245 SA +99 21 246 YA +99 21 247 BO +99 21 248 YA +99 21 249 YA +99 21 250 SA +99 21 251 YA +99 21 252 BO +99 21 253 YA +99 21 254 YA +99 21 255 NA +99 21 256 SA +99 21 257 YA +99 21 258 EA +99 21 259 SA +99 21 260 BO +99 21 261 SA +99 21 262 BO +99 21 263 NA +99 21 264 YA +99 21 265 YA +99 21 266 SA +99 21 267 SA +99 21 268 YA +99 21 269 SA +99 21 270 EA +99 21 271 YA +99 21 272 BO +99 21 273 SA +99 21 274 BO +99 21 275 YA +99 21 276 SA +99 21 277 YA +99 21 278 SA +99 21 279 YA +99 21 280 YA +99 21 281 YA +99 21 282 YA +99 21 283 SA +99 21 284 BO +99 21 285 SA +99 21 286 BA +99 21 287 SA +99 21 288 SA +99 21 289 YA +99 21 290 BO +99 21 291 YA +99 21 292 SA +99 21 293 YA +99 21 294 BO +99 21 295 NA +99 21 296 SA +99 21 297 EA +99 21 298 SA +99 21 299 YA +99 21 300 BA +99 21 301 YA +99 21 302 BO +99 21 303 YA +99 21 304 YA +99 21 305 SA +99 21 306 YA +99 21 307 YA +99 21 308 SA +99 21 309 NA +99 21 310 YA +99 21 311 YA +99 21 312 NA +99 21 313 YA +99 21 314 BA +99 21 315 YA +99 21 316 YA +99 21 317 SA +99 21 318 SA +99 21 319 BO +99 21 320 YA +99 21 321 SA +99 21 322 YA +99 21 323 YA +99 21 324 BA +99 21 325 SA +99 21 326 EA +99 21 327 YA +99 21 328 YA +99 21 329 SA +99 21 330 BA +99 22 1 YA +99 22 2 YA +99 22 3 SA +99 22 4 SA +99 22 5 YA +99 22 6 SA +99 22 7 YA +99 22 8 SA +99 22 9 * +99 22 10 YA +99 22 11 YA +99 22 12 SA +99 22 13 YA +99 22 14 YA +99 22 15 SA +99 22 16 BU +99 22 17 SA +99 22 18 NA +99 22 19 YA +99 22 20 YA +99 22 21 SA +99 22 22 SA +99 22 23 YA +99 22 24 BU +99 22 25 YA +99 22 26 YA +99 22 27 SA +99 22 28 SA +99 22 29 YA +99 22 30 SA +99 22 31 YA +99 22 32 SA +99 22 33 YA +99 22 34 YA +99 22 35 SA +99 22 36 YA +99 22 37 YA +99 22 38 SA +99 22 39 YA +99 22 40 YA +99 22 41 SA +99 22 42 SA +99 22 43 YA +99 22 44 SA +99 22 45 YA +99 22 46 BU +99 22 47 YA +99 22 48 SA +99 22 49 YA +99 22 50 SA +99 22 51 BU +99 22 52 YA +99 22 53 SA +99 22 54 YA +99 22 55 YA +99 22 56 SA +99 22 57 YA +99 22 58 SA +99 22 59 SA +99 22 60 YA +99 22 61 SA +99 22 62 * +99 22 63 SA +99 22 64 YA +99 22 65 SA +99 22 66 BU +99 22 67 YA +99 22 68 SA +99 22 69 YA +99 22 70 BA +99 22 71 SA +99 22 72 YA +99 22 73 YA +99 22 74 YA +99 22 75 * +99 22 76 SA +99 22 77 YA +99 22 78 SA +99 22 79 BU +99 22 80 YA +99 22 81 YA +99 22 82 YA +99 22 83 BA +99 22 84 SA +99 22 85 YA +99 22 86 SA +99 22 87 BU +99 22 88 SA +99 22 89 BU +99 22 90 YA +99 22 91 SA +99 22 92 BA +99 22 93 YA +99 22 94 BU +99 22 95 BA +99 22 96 SA +99 22 97 YA +99 22 98 SA +99 22 99 YA +99 22 100 YA +99 22 101 SA +99 22 102 BU +99 22 103 BU +99 22 104 YA +99 22 105 SA +99 22 106 SA +99 22 107 BA +99 22 108 YA +99 22 109 YA +99 22 110 SA +99 22 111 SA +99 22 112 SA +99 22 113 NA +99 22 114 YA +99 22 115 SA +99 22 116 BA +99 22 117 SA +99 22 118 SA +99 22 119 YA +99 22 120 BA +99 22 121 SA +99 22 122 YA +99 22 123 YA +99 22 124 SA +99 22 125 SA +99 22 126 SA +99 22 127 YA +99 22 128 SA +99 22 129 BA +99 22 130 BU +99 22 131 SA +99 22 132 SA +99 22 133 YA +99 22 134 SA +99 22 135 SA +99 22 136 YA +99 22 137 YA +99 22 138 * +99 22 139 BA +99 22 140 YA +99 22 141 BA +99 22 142 BA +99 22 143 YA +99 22 144 YA +99 22 145 YA +99 22 146 SA +99 22 147 YA +99 22 148 SA +99 22 149 YA +99 22 150 SA +99 22 151 SA +99 22 152 SA +99 22 153 YA +99 22 154 BU +99 22 155 * +99 22 156 YA +99 22 157 * +99 22 158 BA +99 22 159 SA +99 22 160 SA +99 22 161 YA +99 22 162 SA +99 22 163 YA +99 22 164 YA +99 22 165 BU +99 22 166 YA +99 22 167 SA +99 22 168 YA +99 22 169 YA +99 22 170 YA +99 22 171 SA +99 22 172 BA +99 22 173 SA +99 22 174 SA +99 22 175 YA +99 22 176 SA +99 22 177 SA +99 22 178 YA +99 22 179 SA +99 22 180 YA +99 22 181 SA +99 22 182 SA +99 22 183 BU +99 22 184 YA +99 22 185 SA +99 22 186 YA +99 22 187 SA +99 22 188 YA +99 22 189 BA +99 22 190 SA +99 22 191 YA +99 22 192 YA +99 22 193 SA +99 22 194 SA +99 22 195 YA +99 22 196 YA +99 22 197 SA +99 22 198 * +99 22 199 BA +99 22 200 YA +99 22 201 SA +99 22 202 YA +99 22 203 SA +99 22 204 BU +99 22 205 SA +99 22 206 BA +99 22 207 SA +99 22 208 SA +99 22 209 YA +99 22 210 SA +99 22 211 YA +99 22 212 SA +99 22 213 YA +99 22 214 * +99 22 215 SA +99 22 216 BU +99 22 217 BA +99 22 218 SA +99 22 219 BA +99 22 220 YA +99 22 221 BA +99 22 222 SA +99 22 223 YA +99 22 224 BA +99 22 225 YA +99 22 226 YA +99 22 227 BU +99 22 228 YA +99 22 229 YA +99 22 230 BA +99 22 231 SA +99 22 232 * +99 22 233 YA +99 22 234 YA +99 22 235 YA +99 22 236 YA +99 22 237 SA +99 22 238 YA +99 22 239 SA +99 22 240 * +99 22 241 BA +99 22 242 SA +99 22 243 SA +99 22 244 BA +99 22 245 SA +99 22 246 YA +99 22 247 SA +99 22 248 YA +99 22 249 YA +99 22 250 SA +99 22 251 YA +99 22 252 BA +99 22 253 YA +99 22 254 YA +99 22 255 BU +99 22 256 SA +99 22 257 YA +99 22 258 SA +99 22 259 SA +99 22 260 BA +99 22 261 SA +99 22 262 BA +99 22 263 BA +99 22 264 YA +99 22 265 YA +99 22 266 SA +99 22 267 SA +99 22 268 YA +99 22 269 SA +99 22 270 SA +99 22 271 YA +99 22 272 BA +99 22 273 SA +99 22 274 BA +99 22 275 SA +99 22 276 SA +99 22 277 YA +99 22 278 SA +99 22 279 YA +99 22 280 YA +99 22 281 YA +99 22 282 YA +99 22 283 SA +99 22 284 BA +99 22 285 SA +99 22 286 BA +99 22 287 * +99 22 288 SA +99 22 289 YA +99 22 290 BA +99 22 291 YA +99 22 292 SA +99 22 293 YA +99 22 294 BA +99 22 295 BU +99 22 296 SA +99 22 297 SA +99 22 298 SA +99 22 299 YA +99 22 300 BU +99 22 301 YA +99 22 302 BA +99 22 303 YA +99 22 304 YA +99 22 305 SA +99 22 306 YA +99 22 307 YA +99 22 308 SA +99 22 309 BU +99 22 310 YA +99 22 311 YA +99 22 312 BU +99 22 313 YA +99 22 314 BA +99 22 315 YA +99 22 316 YA +99 22 317 SA +99 22 318 SA +99 22 319 BA +99 22 320 YA +99 22 321 SA +99 22 322 YA +99 22 323 YA +99 22 324 BA +99 22 325 SA +99 22 326 SA +99 22 327 YA +99 22 328 YA +99 22 329 SA +99 22 330 YA +99 23 1 YA +99 23 2 YA +99 23 3 SA +99 23 4 SA +99 23 5 YA +99 23 6 SA +99 23 7 YA +99 23 8 SA +99 23 9 EA +99 23 10 YA +99 23 11 YA +99 23 12 EA +99 23 13 YA +99 23 14 YA +99 23 15 SA +99 23 16 BA +99 23 17 SA +99 23 18 NA +99 23 19 YA +99 23 20 YA +99 23 21 SA +99 23 22 EA +99 23 23 SA +99 23 24 NA +99 23 25 YA +99 23 26 YA +99 23 27 BA +99 23 28 SA +99 23 29 YA +99 23 30 SA +99 23 31 YA +99 23 32 SA +99 23 33 YA +99 23 34 YA +99 23 35 SA +99 23 36 YA +99 23 37 YA +99 23 38 SA +99 23 39 YA +99 23 40 YA +99 23 41 SA +99 23 42 EA +99 23 43 YA +99 23 44 BA +99 23 45 YA +99 23 46 NA +99 23 47 YA +99 23 48 SA +99 23 49 YA +99 23 50 SA +99 23 51 EA +99 23 52 BA +99 23 53 SA +99 23 54 YA +99 23 55 YA +99 23 56 SA +99 23 57 YA +99 23 58 EA +99 23 59 BA +99 23 60 YA +99 23 61 SA +99 23 62 YA +99 23 63 SA +99 23 64 YA +99 23 65 SA +99 23 66 BA +99 23 67 YA +99 23 68 SA +99 23 69 YA +99 23 70 BA +99 23 71 SA +99 23 72 YA +99 23 73 SA +99 23 74 YA +99 23 75 YA +99 23 76 SA +99 23 77 YA +99 23 78 SA +99 23 79 NA +99 23 80 YA +99 23 81 YA +99 23 82 YA +99 23 83 BA +99 23 84 SA +99 23 85 YA +99 23 86 SA +99 23 87 NA +99 23 88 SA +99 23 89 NA +99 23 90 YA +99 23 91 YA +99 23 92 BA +99 23 93 YA +99 23 94 NA +99 23 95 YA +99 23 96 EA +99 23 97 YA +99 23 98 SA +99 23 99 YA +99 23 100 YA +99 23 101 SA +99 23 102 BA +99 23 103 YA +99 23 104 YA +99 23 105 SA +99 23 106 EA +99 23 107 BA +99 23 108 YA +99 23 109 YA +99 23 110 EA +99 23 111 NA +99 23 112 SA +99 23 113 NA +99 23 114 YA +99 23 115 SA +99 23 116 YA +99 23 117 SA +99 23 118 SA +99 23 119 YA +99 23 120 BA +99 23 121 SA +99 23 122 YA +99 23 123 YA +99 23 124 YA +99 23 125 SA +99 23 126 SA +99 23 127 NA +99 23 128 YA +99 23 129 BA +99 23 130 NA +99 23 131 SA +99 23 132 SA +99 23 133 YA +99 23 134 SA +99 23 135 SA +99 23 136 YA +99 23 137 YA +99 23 138 YA +99 23 139 BA +99 23 140 YA +99 23 141 BA +99 23 142 BA +99 23 143 YA +99 23 144 YA +99 23 145 YA +99 23 146 EA +99 23 147 YA +99 23 148 SA +99 23 149 YA +99 23 150 SA +99 23 151 SA +99 23 152 SA +99 23 153 YA +99 23 154 NA +99 23 155 NA +99 23 156 YA +99 23 157 SA +99 23 158 BA +99 23 159 EA +99 23 160 SA +99 23 161 YA +99 23 162 SA +99 23 163 YA +99 23 164 YA +99 23 165 YA +99 23 166 YA +99 23 167 BA +99 23 168 YA +99 23 169 YA +99 23 170 NA +99 23 171 YA +99 23 172 BA +99 23 173 SA +99 23 174 EA +99 23 175 YA +99 23 176 SA +99 23 177 YA +99 23 178 YA +99 23 179 SA +99 23 180 YA +99 23 181 EA +99 23 182 SA +99 23 183 NA +99 23 184 YA +99 23 185 EA +99 23 186 YA +99 23 187 EA +99 23 188 YA +99 23 189 YA +99 23 190 SA +99 23 191 YA +99 23 192 YA +99 23 193 YA +99 23 194 SA +99 23 195 YA +99 23 196 YA +99 23 197 SA +99 23 198 NA +99 23 199 YA +99 23 200 YA +99 23 201 SA +99 23 202 YA +99 23 203 SA +99 23 204 NA +99 23 205 YA +99 23 206 YA +99 23 207 SA +99 23 208 EA +99 23 209 YA +99 23 210 SA +99 23 211 YA +99 23 212 SA +99 23 213 YA +99 23 214 YA +99 23 215 SA +99 23 216 NA +99 23 217 SA +99 23 218 YA +99 23 219 YA +99 23 220 YA +99 23 221 YA +99 23 222 YA +99 23 223 YA +99 23 224 BA +99 23 225 YA +99 23 226 YA +99 23 227 NA +99 23 228 YA +99 23 229 YA +99 23 230 BA +99 23 231 SA +99 23 232 NA +99 23 233 YA +99 23 234 YA +99 23 235 YA +99 23 236 YA +99 23 237 SA +99 23 238 YA +99 23 239 SA +99 23 240 SA +99 23 241 BA +99 23 242 YA +99 23 243 SA +99 23 244 YA +99 23 245 SA +99 23 246 YA +99 23 247 YA +99 23 248 NA +99 23 249 YA +99 23 250 SA +99 23 251 YA +99 23 252 BA +99 23 253 YA +99 23 254 YA +99 23 255 NA +99 23 256 SA +99 23 257 YA +99 23 258 EA +99 23 259 SA +99 23 260 YA +99 23 261 SA +99 23 262 BA +99 23 263 BA +99 23 264 YA +99 23 265 YA +99 23 266 SA +99 23 267 SA +99 23 268 YA +99 23 269 SA +99 23 270 EA +99 23 271 YA +99 23 272 BA +99 23 273 SA +99 23 274 BA +99 23 275 YA +99 23 276 SA +99 23 277 YA +99 23 278 SA +99 23 279 YA +99 23 280 YA +99 23 281 YA +99 23 282 YA +99 23 283 SA +99 23 284 BA +99 23 285 SA +99 23 286 BA +99 23 287 YA +99 23 288 SA +99 23 289 YA +99 23 290 BA +99 23 291 YA +99 23 292 SA +99 23 293 YA +99 23 294 YA +99 23 295 SA +99 23 296 SA +99 23 297 EA +99 23 298 SA +99 23 299 YA +99 23 300 BA +99 23 301 YA +99 23 302 BA +99 23 303 YA +99 23 304 YA +99 23 305 SA +99 23 306 YA +99 23 307 YA +99 23 308 SA +99 23 309 NA +99 23 310 YA +99 23 311 YA +99 23 312 NA +99 23 313 YA +99 23 314 BA +99 23 315 YA +99 23 316 YA +99 23 317 SA +99 23 318 SA +99 23 319 BA +99 23 320 YA +99 23 321 SA +99 23 322 YA +99 23 323 YA +99 23 324 BA +99 23 325 SA +99 23 326 EA +99 23 327 YA +99 23 328 YA +99 23 329 SA +99 23 330 YA +99 24 1 YA +99 24 2 BA +99 24 3 SA +99 24 4 YA +99 24 5 YA +99 24 6 SA +99 24 7 YA +99 24 8 SA +99 24 9 SA +99 24 10 YA +99 24 11 YA +99 24 12 EA +99 24 13 YA +99 24 14 YA +99 24 15 SA +99 24 16 BA +99 24 17 SA +99 24 18 NA +99 24 19 YA +99 24 20 YA +99 24 21 SA +99 24 22 BA +99 24 23 SA +99 24 24 BU +99 24 25 YA +99 24 26 YA +99 24 27 BA +99 24 28 SA +99 24 29 YA +99 24 30 SA +99 24 31 SA +99 24 32 SA +99 24 33 YA +99 24 34 YA +99 24 35 SA +99 24 36 SA +99 24 37 YA +99 24 38 SA +99 24 39 YA +99 24 40 YA +99 24 41 SA +99 24 42 EA +99 24 43 YA +99 24 44 BA +99 24 45 YA +99 24 46 BU +99 24 47 BU +99 24 48 EA +99 24 49 YA +99 24 50 SA +99 24 51 BU +99 24 52 BA +99 24 53 SA +99 24 54 YA +99 24 55 YA +99 24 56 BA +99 24 57 YA +99 24 58 BU +99 24 59 BA +99 24 60 BU +99 24 61 SA +99 24 62 SA +99 24 63 SA +99 24 64 YA +99 24 65 SA +99 24 66 BA +99 24 67 YA +99 24 68 SA +99 24 69 BU +99 24 70 BA +99 24 71 SA +99 24 72 YA +99 24 73 SA +99 24 74 YA +99 24 75 BU +99 24 76 SA +99 24 77 YA +99 24 78 SA +99 24 79 BU +99 24 80 YA +99 24 81 YA +99 24 82 YA +99 24 83 BA +99 24 84 SA +99 24 85 YA +99 24 86 SA +99 24 87 BU +99 24 88 SA +99 24 89 BU +99 24 90 BU +99 24 91 YA +99 24 92 BA +99 24 93 YA +99 24 94 BU +99 24 95 BA +99 24 96 EA +99 24 97 SA +99 24 98 SA +99 24 99 SA +99 24 100 YA +99 24 101 SA +99 24 102 BA +99 24 103 BU +99 24 104 YA +99 24 105 SA +99 24 106 BA +99 24 107 BA +99 24 108 BA +99 24 109 YA +99 24 110 EA +99 24 111 BU +99 24 112 SA +99 24 113 BU +99 24 114 YA +99 24 115 SA +99 24 116 BA +99 24 117 BU +99 24 118 SA +99 24 119 YA +99 24 120 BA +99 24 121 SA +99 24 122 YA +99 24 123 YA +99 24 124 EA +99 24 125 SA +99 24 126 SA +99 24 127 BU +99 24 128 EA +99 24 129 BA +99 24 130 BU +99 24 131 SA +99 24 132 SA +99 24 133 YA +99 24 134 BU +99 24 135 SA +99 24 136 YA +99 24 137 BU +99 24 138 YA +99 24 139 BA +99 24 140 YA +99 24 141 BA +99 24 142 BA +99 24 143 YA +99 24 144 BU +99 24 145 YA +99 24 146 EA +99 24 147 YA +99 24 148 SA +99 24 149 YA +99 24 150 SA +99 24 151 SA +99 24 152 SA +99 24 153 YA +99 24 154 BU +99 24 155 BU +99 24 156 YA +99 24 157 BU +99 24 158 BA +99 24 159 BA +99 24 160 SA +99 24 161 YA +99 24 162 SA +99 24 163 YA +99 24 164 YA +99 24 165 BU +99 24 166 BU +99 24 167 BA +99 24 168 YA +99 24 169 YA +99 24 170 BU +99 24 171 BU +99 24 172 BA +99 24 173 SA +99 24 174 SA +99 24 175 YA +99 24 176 SA +99 24 177 BA +99 24 178 YA +99 24 179 SA +99 24 180 YA +99 24 181 EA +99 24 182 SA +99 24 183 BU +99 24 184 SA +99 24 185 SA +99 24 186 YA +99 24 187 SA +99 24 188 YA +99 24 189 BA +99 24 190 SA +99 24 191 YA +99 24 192 SA +99 24 193 EA +99 24 194 SA +99 24 195 YA +99 24 196 YA +99 24 197 SA +99 24 198 BU +99 24 199 BA +99 24 200 YA +99 24 201 SA +99 24 202 YA +99 24 203 SA +99 24 204 BU +99 24 205 SA +99 24 206 BA +99 24 207 SA +99 24 208 SA +99 24 209 YA +99 24 210 SA +99 24 211 YA +99 24 212 SA +99 24 213 SA +99 24 214 BA +99 24 215 SA +99 24 216 BU +99 24 217 SA +99 24 218 EA +99 24 219 BA +99 24 220 YA +99 24 221 BA +99 24 222 SA +99 24 223 YA +99 24 224 BA +99 24 225 BU +99 24 226 YA +99 24 227 BU +99 24 228 YA +99 24 229 YA +99 24 230 BA +99 24 231 SA +99 24 232 BU +99 24 233 YA +99 24 234 YA +99 24 235 YA +99 24 236 YA +99 24 237 BA +99 24 238 YA +99 24 239 SA +99 24 240 SA +99 24 241 BA +99 24 242 BA +99 24 243 SA +99 24 244 BA +99 24 245 SA +99 24 246 YA +99 24 247 YA +99 24 248 BU +99 24 249 YA +99 24 250 YA +99 24 251 YA +99 24 252 BA +99 24 253 YA +99 24 254 YA +99 24 255 BU +99 24 256 SA +99 24 257 YA +99 24 258 EA +99 24 259 SA +99 24 260 BA +99 24 261 SA +99 24 262 BA +99 24 263 BA +99 24 264 BA +99 24 265 YA +99 24 266 SA +99 24 267 SA +99 24 268 YA +99 24 269 SA +99 24 270 SA +99 24 271 YA +99 24 272 BA +99 24 273 SA +99 24 274 BA +99 24 275 SA +99 24 276 SA +99 24 277 YA +99 24 278 SA +99 24 279 YA +99 24 280 YA +99 24 281 YA +99 24 282 YA +99 24 283 BU +99 24 284 BA +99 24 285 BA +99 24 286 BA +99 24 287 EA +99 24 288 SA +99 24 289 YA +99 24 290 BA +99 24 291 YA +99 24 292 SA +99 24 293 BA +99 24 294 BA +99 24 295 BU +99 24 296 SA +99 24 297 SA +99 24 298 SA +99 24 299 YA +99 24 300 BA +99 24 301 YA +99 24 302 BA +99 24 303 BA +99 24 304 YA +99 24 305 SA +99 24 306 YA +99 24 307 YA +99 24 308 SA +99 24 309 BU +99 24 310 YA +99 24 311 YA +99 24 312 BU +99 24 313 YA +99 24 314 BA +99 24 315 YA +99 24 316 YA +99 24 317 SA +99 24 318 SA +99 24 319 BA +99 24 320 BU +99 24 321 SA +99 24 322 YA +99 24 323 YA +99 24 324 BA +99 24 325 SA +99 24 326 EA +99 24 327 BA +99 24 328 BU +99 24 329 SA +99 24 330 BA +99 25 1 YA +99 25 2 YA +99 25 3 SA +99 25 4 SA +99 25 5 YA +99 25 6 BU +99 25 7 YA +99 25 8 SA +99 25 9 SA +99 25 10 YA +99 25 11 YA +99 25 12 BA +99 25 13 YA +99 25 14 YA +99 25 15 SA +99 25 16 BA +99 25 17 SA +99 25 18 NA +99 25 19 YA +99 25 20 YA +99 25 21 SA +99 25 22 BA +99 25 23 SA +99 25 24 BU +99 25 25 YA +99 25 26 YA +99 25 27 BA +99 25 28 SA +99 25 29 YA +99 25 30 SA +99 25 31 YA +99 25 32 SA +99 25 33 YA +99 25 34 YA +99 25 35 SA +99 25 36 YA +99 25 37 YA +99 25 38 SA +99 25 39 BU +99 25 40 YA +99 25 41 SA +99 25 42 BA +99 25 43 YA +99 25 44 BA +99 25 45 YA +99 25 46 NA +99 25 47 NA +99 25 48 SA +99 25 49 YA +99 25 50 SA +99 25 51 SA +99 25 52 BU +99 25 53 SA +99 25 54 YA +99 25 55 YA +99 25 56 BA +99 25 57 YA +99 25 58 SA +99 25 59 BA +99 25 60 YA +99 25 61 SA +99 25 62 BU +99 25 63 SA +99 25 64 YA +99 25 65 SA +99 25 66 BU +99 25 67 YA +99 25 68 SA +99 25 69 YA +99 25 70 BA +99 25 71 SA +99 25 72 YA +99 25 73 YA +99 25 74 BU +99 25 75 NA +99 25 76 SA +99 25 77 YA +99 25 78 BA +99 25 79 NA +99 25 80 YA +99 25 81 YA +99 25 82 YA +99 25 83 BA +99 25 84 SA +99 25 85 YA +99 25 86 BU +99 25 87 NA +99 25 88 SA +99 25 89 NA +99 25 90 YA +99 25 91 BU +99 25 92 BA +99 25 93 SA +99 25 94 NA +99 25 95 YA +99 25 96 BA +99 25 97 YA +99 25 98 SA +99 25 99 SA +99 25 100 BU +99 25 101 SA +99 25 102 YA +99 25 103 YA +99 25 104 YA +99 25 105 SA +99 25 106 BA +99 25 107 BA +99 25 108 BA +99 25 109 YA +99 25 110 SA +99 25 111 NA +99 25 112 SA +99 25 113 NA +99 25 114 YA +99 25 115 SA +99 25 116 YA +99 25 117 NA +99 25 118 SA +99 25 119 YA +99 25 120 BA +99 25 121 SA +99 25 122 YA +99 25 123 YA +99 25 124 YA +99 25 125 SA +99 25 126 BU +99 25 127 YA +99 25 128 YA +99 25 129 BU +99 25 130 NA +99 25 131 SA +99 25 132 SA +99 25 133 YA +99 25 134 NA +99 25 135 SA +99 25 136 YA +99 25 137 YA +99 25 138 YA +99 25 139 BA +99 25 140 YA +99 25 141 BA +99 25 142 BA +99 25 143 YA +99 25 144 SA +99 25 145 YA +99 25 146 SA +99 25 147 YA +99 25 148 SA +99 25 149 YA +99 25 150 SA +99 25 151 SA +99 25 152 BU +99 25 153 YA +99 25 154 BU +99 25 155 NA +99 25 156 YA +99 25 157 SA +99 25 158 BA +99 25 159 SA +99 25 160 SA +99 25 161 YA +99 25 162 SA +99 25 163 YA +99 25 164 YA +99 25 165 BU +99 25 166 NA +99 25 167 BU +99 25 168 YA +99 25 169 YA +99 25 170 NA +99 25 171 YA +99 25 172 BA +99 25 173 SA +99 25 174 SA +99 25 175 YA +99 25 176 SA +99 25 177 BA +99 25 178 YA +99 25 179 SA +99 25 180 YA +99 25 181 BU +99 25 182 SA +99 25 183 BU +99 25 184 YA +99 25 185 SA +99 25 186 YA +99 25 187 SA +99 25 188 YA +99 25 189 BU +99 25 190 SA +99 25 191 YA +99 25 192 YA +99 25 193 BU +99 25 194 SA +99 25 195 YA +99 25 196 YA +99 25 197 SA +99 25 198 NA +99 25 199 BA +99 25 200 YA +99 25 201 BU +99 25 202 YA +99 25 203 SA +99 25 204 NA +99 25 205 YA +99 25 206 BA +99 25 207 SA +99 25 208 BU +99 25 209 YA +99 25 210 SA +99 25 211 YA +99 25 212 SA +99 25 213 YA +99 25 214 YA +99 25 215 BU +99 25 216 YA +99 25 217 SA +99 25 218 BU +99 25 219 BU +99 25 220 YA +99 25 221 YA +99 25 222 SA +99 25 223 YA +99 25 224 BU +99 25 225 YA +99 25 226 YA +99 25 227 YA +99 25 228 NA +99 25 229 YA +99 25 230 BU +99 25 231 SA +99 25 232 NA +99 25 233 BA +99 25 234 YA +99 25 235 YA +99 25 236 NA +99 25 237 SA +99 25 238 YA +99 25 239 BU +99 25 240 NA +99 25 241 BA +99 25 242 BA +99 25 243 SA +99 25 244 BU +99 25 245 SA +99 25 246 YA +99 25 247 BU +99 25 248 NA +99 25 249 YA +99 25 250 SA +99 25 251 YA +99 25 252 BA +99 25 253 YA +99 25 254 BU +99 25 255 NA +99 25 256 SA +99 25 257 YA +99 25 258 BU +99 25 259 SA +99 25 260 BU +99 25 261 BU +99 25 262 BA +99 25 263 NA +99 25 264 BU +99 25 265 YA +99 25 266 SA +99 25 267 NA +99 25 268 YA +99 25 269 SA +99 25 270 SA +99 25 271 NA +99 25 272 BA +99 25 273 SA +99 25 274 BA +99 25 275 YA +99 25 276 SA +99 25 277 SA +99 25 278 SA +99 25 279 NA +99 25 280 YA +99 25 281 YA +99 25 282 YA +99 25 283 BU +99 25 284 BA +99 25 285 BA +99 25 286 BA +99 25 287 YA +99 25 288 SA +99 25 289 YA +99 25 290 BA +99 25 291 YA +99 25 292 BU +99 25 293 YA +99 25 294 BA +99 25 295 NA +99 25 296 NA +99 25 297 SA +99 25 298 YA +99 25 299 YA +99 25 300 BU +99 25 301 YA +99 25 302 BU +99 25 303 BA +99 25 304 YA +99 25 305 SA +99 25 306 YA +99 25 307 YA +99 25 308 BU +99 25 309 NA +99 25 310 YA +99 25 311 YA +99 25 312 NA +99 25 313 NA +99 25 314 BA +99 25 315 YA +99 25 316 YA +99 25 317 SA +99 25 318 BU +99 25 319 BA +99 25 320 NA +99 25 321 SA +99 25 322 YA +99 25 323 YA +99 25 324 BU +99 25 325 SA +99 25 326 BU +99 25 327 BA +99 25 328 YA +99 25 329 SA +99 25 330 BA +100 1 1 L +100 1 2 U +100 1 3 A +100 1 4 R +100 1 5 S +100 1 6 A +100 1 7 K +100 1 8 A +100 1 9 A +100 1 10 L +100 1 11 L +100 1 12 S +100 1 13 R +100 1 14 L +100 1 15 A +100 1 16 U +100 1 17 A +100 1 18 R +100 1 19 L +100 1 20 K +100 1 21 A +100 1 22 S +100 1 23 S +100 1 24 R +100 1 25 R +100 1 26 L +100 1 27 U +100 1 28 A +100 1 29 K +100 1 30 A +100 1 31 L +100 1 32 A +100 1 33 K +100 1 34 L +100 1 35 A +100 1 36 R +100 1 37 L +100 1 38 A +100 1 39 K +100 1 40 R +100 1 41 A +100 1 42 S +100 1 43 L +100 1 44 U +100 1 45 K +100 1 46 R +100 1 47 R +100 1 48 S +100 1 49 U +100 1 50 R +100 1 51 K +100 1 52 U +100 1 53 A +100 1 54 K +100 1 55 L +100 1 56 A +100 1 57 R +100 1 58 S +100 1 59 U +100 1 60 L +100 1 61 A +100 1 62 U +100 1 63 A +100 1 64 L +100 1 65 A +100 1 66 U +100 1 67 K +100 1 68 A +100 1 69 S +100 1 70 U +100 1 71 A +100 1 72 R +100 1 73 S +100 1 74 U +100 1 75 R +100 1 76 A +100 1 77 K +100 1 78 S +100 1 79 R +100 1 80 L +100 1 81 S +100 1 82 R +100 1 83 S +100 1 84 A +100 1 85 R +100 1 86 A +100 1 87 R +100 1 88 A +100 1 89 R +100 1 90 L +100 1 91 S +100 1 92 U +100 1 93 L +100 1 94 R +100 1 95 U +100 1 96 S +100 1 97 L +100 1 98 A +100 1 99 U +100 1 100 S +100 1 101 A +100 1 102 U +100 1 103 S +100 1 104 L +100 1 105 A +100 1 106 S +100 1 107 U +100 1 108 U +100 1 109 L +100 1 110 S +100 1 111 L +100 1 112 A +100 1 113 R +100 1 114 R +100 1 115 A +100 1 116 U +100 1 117 R +100 1 118 A +100 1 119 S +100 1 120 U +100 1 121 A +100 1 122 R +100 1 123 R +100 1 124 S +100 1 125 A +100 1 126 A +100 1 127 R +100 1 128 S +100 1 129 U +100 1 130 R +100 1 131 A +100 1 132 A +100 1 133 L +100 1 134 R +100 1 135 A +100 1 136 L +100 1 137 R +100 1 138 L +100 1 139 U +100 1 140 R +100 1 141 U +100 1 142 U +100 1 143 S +100 1 144 R +100 1 145 S +100 1 146 S +100 1 147 L +100 1 148 A +100 1 149 K +100 1 150 L +100 1 151 A +100 1 152 A +100 1 153 L +100 1 154 R +100 1 155 R +100 1 156 L +100 1 157 R +100 1 158 U +100 1 159 S +100 1 160 A +100 1 161 K +100 1 162 A +100 1 163 L +100 1 164 L +100 1 165 K +100 1 166 R +100 1 167 U +100 1 168 R +100 1 169 L +100 1 170 R +100 1 171 S +100 1 172 U +100 1 173 A +100 1 174 S +100 1 175 U +100 1 176 A +100 1 177 S +100 1 178 R +100 1 179 A +100 1 180 K +100 1 181 A +100 1 182 A +100 1 183 R +100 1 184 L +100 1 185 A +100 1 186 U +100 1 187 A +100 1 188 L +100 1 189 U +100 1 190 S +100 1 191 K +100 1 192 R +100 1 193 S +100 1 194 R +100 1 195 K +100 1 196 U +100 1 197 U +100 1 198 R +100 1 199 U +100 1 200 L +100 1 201 A +100 1 202 S +100 1 203 A +100 1 204 R +100 1 205 L +100 1 206 U +100 1 207 A +100 1 208 S +100 1 209 R +100 1 210 R +100 1 211 L +100 1 212 A +100 1 213 R +100 1 214 S +100 1 215 A +100 1 216 R +100 1 217 S +100 1 218 K +100 1 219 U +100 1 220 L +100 1 221 U +100 1 222 L +100 1 223 K +100 1 224 U +100 1 225 S +100 1 226 R +100 1 227 R +100 1 228 R +100 1 229 K +100 1 230 U +100 1 231 A +100 1 232 U +100 1 233 U +100 1 234 K +100 1 235 L +100 1 236 S +100 1 237 A +100 1 238 K +100 1 239 A +100 1 240 R +100 1 241 U +100 1 242 S +100 1 243 A +100 1 244 U +100 1 245 A +100 1 246 K +100 1 247 L +100 1 248 R +100 1 249 R +100 1 250 R +100 1 251 S +100 1 252 U +100 1 253 K +100 1 254 U +100 1 255 R +100 1 256 A +100 1 257 R +100 1 258 S +100 1 259 A +100 1 260 U +100 1 261 S +100 1 262 U +100 1 263 R +100 1 264 U +100 1 265 R +100 1 266 A +100 1 267 A +100 1 268 K +100 1 269 A +100 1 270 S +100 1 271 R +100 1 272 U +100 1 273 A +100 1 274 U +100 1 275 S +100 1 276 A +100 1 277 K +100 1 278 A +100 1 279 R +100 1 280 S +100 1 281 K +100 1 282 K +100 1 283 R +100 1 284 U +100 1 285 A +100 1 286 U +100 1 287 S +100 1 288 A +100 1 289 L +100 1 290 U +100 1 291 R +100 1 292 U +100 1 293 U +100 1 294 U +100 1 295 R +100 1 296 L +100 1 297 A +100 1 298 A +100 1 299 L +100 1 300 U +100 1 301 K +100 1 302 U +100 1 303 U +100 1 304 K +100 1 305 R +100 1 306 K +100 1 307 R +100 1 308 U +100 1 309 R +100 1 310 S +100 1 311 R +100 1 312 L +100 1 313 R +100 1 314 U +100 1 315 K +100 1 316 L +100 1 317 A +100 1 318 A +100 1 319 U +100 1 320 S +100 1 321 A +100 1 322 L +100 1 323 R +100 1 324 U +100 1 325 K +100 1 326 S +100 1 327 U +100 1 328 R +100 1 329 A +100 1 330 U +100 2 1 R +100 2 2 K +100 2 3 A +100 2 4 L +100 2 5 K +100 2 6 A +100 2 7 K +100 2 8 A +100 2 9 A +100 2 10 R +100 2 11 R +100 2 12 A +100 2 13 R +100 2 14 R +100 2 15 U +100 2 16 U +100 2 17 A +100 2 18 R +100 2 19 L +100 2 20 K +100 2 21 A +100 2 22 S +100 2 23 R +100 2 24 R +100 2 25 R +100 2 26 L +100 2 27 U +100 2 28 A +100 2 29 K +100 2 30 A +100 2 31 U +100 2 32 A +100 2 33 K +100 2 34 L +100 2 35 A +100 2 36 R +100 2 37 L +100 2 38 A +100 2 39 K +100 2 40 R +100 2 41 A +100 2 42 R +100 2 43 R +100 2 44 U +100 2 45 K +100 2 46 R +100 2 47 R +100 2 48 A +100 2 49 R +100 2 50 R +100 2 51 R +100 2 52 U +100 2 53 A +100 2 54 R +100 2 55 R +100 2 56 A +100 2 57 R +100 2 58 A +100 2 59 R +100 2 60 R +100 2 61 A +100 2 62 R +100 2 63 A +100 2 64 R +100 2 65 A +100 2 66 U +100 2 67 R +100 2 68 A +100 2 69 R +100 2 70 U +100 2 71 A +100 2 72 K +100 2 73 R +100 2 74 U +100 2 75 R +100 2 76 A +100 2 77 R +100 2 78 A +100 2 79 R +100 2 80 L +100 2 81 K +100 2 82 R +100 2 83 U +100 2 84 A +100 2 85 K +100 2 86 A +100 2 87 R +100 2 88 A +100 2 89 R +100 2 90 R +100 2 91 K +100 2 92 U +100 2 93 R +100 2 94 R +100 2 95 U +100 2 96 A +100 2 97 R +100 2 98 A +100 2 99 A +100 2 100 R +100 2 101 A +100 2 102 R +100 2 103 R +100 2 104 U +100 2 105 A +100 2 106 A +100 2 107 U +100 2 108 U +100 2 109 L +100 2 110 A +100 2 111 R +100 2 112 A +100 2 113 R +100 2 114 R +100 2 115 A +100 2 116 U +100 2 117 R +100 2 118 A +100 2 119 R +100 2 120 U +100 2 121 A +100 2 122 R +100 2 123 R +100 2 124 K +100 2 125 A +100 2 126 A +100 2 127 R +100 2 128 S +100 2 129 U +100 2 130 R +100 2 131 A +100 2 132 A +100 2 133 R +100 2 134 R +100 2 135 A +100 2 136 R +100 2 137 R +100 2 138 U +100 2 139 U +100 2 140 R +100 2 141 U +100 2 142 U +100 2 143 U +100 2 144 R +100 2 145 K +100 2 146 A +100 2 147 K +100 2 148 A +100 2 149 S +100 2 150 R +100 2 151 A +100 2 152 R +100 2 153 R +100 2 154 R +100 2 155 R +100 2 156 K +100 2 157 R +100 2 158 U +100 2 159 A +100 2 160 A +100 2 161 K +100 2 162 A +100 2 163 R +100 2 164 L +100 2 165 R +100 2 166 R +100 2 167 U +100 2 168 R +100 2 169 L +100 2 170 R +100 2 171 R +100 2 172 U +100 2 173 A +100 2 174 A +100 2 175 U +100 2 176 A +100 2 177 R +100 2 178 L +100 2 179 A +100 2 180 K +100 2 181 A +100 2 182 A +100 2 183 R +100 2 184 A +100 2 185 A +100 2 186 R +100 2 187 A +100 2 188 R +100 2 189 U +100 2 190 A +100 2 191 R +100 2 192 R +100 2 193 R +100 2 194 A +100 2 195 R +100 2 196 R +100 2 197 R +100 2 198 R +100 2 199 U +100 2 200 L +100 2 201 A +100 2 202 K +100 2 203 A +100 2 204 R +100 2 205 L +100 2 206 U +100 2 207 A +100 2 208 A +100 2 209 R +100 2 210 R +100 2 211 R +100 2 212 A +100 2 213 U +100 2 214 R +100 2 215 A +100 2 216 R +100 2 217 A +100 2 218 R +100 2 219 U +100 2 220 L +100 2 221 U +100 2 222 L +100 2 223 R +100 2 224 U +100 2 225 R +100 2 226 R +100 2 227 R +100 2 228 R +100 2 229 U +100 2 230 U +100 2 231 R +100 2 232 R +100 2 233 R +100 2 234 R +100 2 235 R +100 2 236 R +100 2 237 A +100 2 238 R +100 2 239 A +100 2 240 R +100 2 241 U +100 2 242 U +100 2 243 A +100 2 244 U +100 2 245 A +100 2 246 R +100 2 247 R +100 2 248 R +100 2 249 R +100 2 250 A +100 2 251 R +100 2 252 U +100 2 253 R +100 2 254 R +100 2 255 R +100 2 256 A +100 2 257 R +100 2 258 A +100 2 259 A +100 2 260 U +100 2 261 A +100 2 262 U +100 2 263 R +100 2 264 U +100 2 265 R +100 2 266 A +100 2 267 R +100 2 268 R +100 2 269 A +100 2 270 A +100 2 271 R +100 2 272 U +100 2 273 R +100 2 274 U +100 2 275 R +100 2 276 A +100 2 277 R +100 2 278 A +100 2 279 R +100 2 280 R +100 2 281 R +100 2 282 R +100 2 283 R +100 2 284 U +100 2 285 A +100 2 286 U +100 2 287 R +100 2 288 A +100 2 289 R +100 2 290 U +100 2 291 R +100 2 292 A +100 2 293 U +100 2 294 U +100 2 295 R +100 2 296 R +100 2 297 A +100 2 298 A +100 2 299 R +100 2 300 U +100 2 301 R +100 2 302 U +100 2 303 R +100 2 304 R +100 2 305 A +100 2 306 R +100 2 307 R +100 2 308 R +100 2 309 R +100 2 310 R +100 2 311 R +100 2 312 R +100 2 313 R +100 2 314 U +100 2 315 R +100 2 316 R +100 2 317 A +100 2 318 A +100 2 319 U +100 2 320 R +100 2 321 A +100 2 322 R +100 2 323 R +100 2 324 U +100 2 325 A +100 2 326 A +100 2 327 U +100 2 328 R +100 2 329 R +100 2 330 U +100 3 1 L +100 3 2 U +100 3 3 A +100 3 4 A +100 3 5 K +100 3 6 S +100 3 7 K +100 3 8 A +100 3 9 A +100 3 10 R +100 3 11 R +100 3 12 S +100 3 13 R +100 3 14 R +100 3 15 U +100 3 16 U +100 3 17 A +100 3 18 R +100 3 19 R +100 3 20 K +100 3 21 A +100 3 22 S +100 3 23 R +100 3 24 R +100 3 25 R +100 3 26 R +100 3 27 U +100 3 28 A +100 3 29 K +100 3 30 A +100 3 31 U +100 3 32 U +100 3 33 K +100 3 34 R +100 3 35 A +100 3 36 R +100 3 37 U +100 3 38 A +100 3 39 K +100 3 40 K +100 3 41 A +100 3 42 A +100 3 43 R +100 3 44 U +100 3 45 K +100 3 46 U +100 3 47 R +100 3 48 A +100 3 49 U +100 3 50 R +100 3 51 A +100 3 52 U +100 3 53 A +100 3 54 K +100 3 55 R +100 3 56 U +100 3 57 R +100 3 58 A +100 3 59 U +100 3 60 R +100 3 61 A +100 3 62 U +100 3 63 U +100 3 64 R +100 3 65 A +100 3 66 U +100 3 67 K +100 3 68 A +100 3 69 R +100 3 70 U +100 3 71 A +100 3 72 K +100 3 73 A +100 3 74 U +100 3 75 R +100 3 76 A +100 3 77 K +100 3 78 U +100 3 79 R +100 3 80 R +100 3 81 K +100 3 82 R +100 3 83 U +100 3 84 U +100 3 85 K +100 3 86 U +100 3 87 R +100 3 88 A +100 3 89 R +100 3 90 R +100 3 91 K +100 3 92 U +100 3 93 R +100 3 94 R +100 3 95 U +100 3 96 S +100 3 97 R +100 3 98 A +100 3 99 U +100 3 100 U +100 3 101 A +100 3 102 U +100 3 103 R +100 3 104 U +100 3 105 A +100 3 106 U +100 3 107 U +100 3 108 U +100 3 109 R +100 3 110 A +100 3 111 R +100 3 112 A +100 3 113 R +100 3 114 R +100 3 115 A +100 3 116 U +100 3 117 R +100 3 118 U +100 3 119 K +100 3 120 U +100 3 121 A +100 3 122 K +100 3 123 R +100 3 124 K +100 3 125 A +100 3 126 U +100 3 127 R +100 3 128 K +100 3 129 U +100 3 130 R +100 3 131 U +100 3 132 A +100 3 133 K +100 3 134 R +100 3 135 A +100 3 136 U +100 3 137 R +100 3 138 U +100 3 139 U +100 3 140 R +100 3 141 U +100 3 142 U +100 3 143 K +100 3 144 R +100 3 145 R +100 3 146 S +100 3 147 R +100 3 148 A +100 3 149 R +100 3 150 R +100 3 151 U +100 3 152 U +100 3 153 R +100 3 154 R +100 3 155 R +100 3 156 K +100 3 157 R +100 3 158 U +100 3 159 U +100 3 160 U +100 3 161 R +100 3 162 A +100 3 163 R +100 3 164 R +100 3 165 K +100 3 166 R +100 3 167 U +100 3 168 K +100 3 169 R +100 3 170 R +100 3 171 R +100 3 172 U +100 3 173 A +100 3 174 S +100 3 175 U +100 3 176 A +100 3 177 U +100 3 178 R +100 3 179 A +100 3 180 K +100 3 181 U +100 3 182 A +100 3 183 U +100 3 184 U +100 3 185 A +100 3 186 U +100 3 187 S +100 3 188 R +100 3 189 U +100 3 190 U +100 3 191 K +100 3 192 U +100 3 193 S +100 3 194 A +100 3 195 K +100 3 196 U +100 3 197 U +100 3 198 R +100 3 199 U +100 3 200 U +100 3 201 U +100 3 202 K +100 3 203 A +100 3 204 R +100 3 205 R +100 3 206 U +100 3 207 A +100 3 208 A +100 3 209 R +100 3 210 A +100 3 211 U +100 3 212 A +100 3 213 U +100 3 214 S +100 3 215 U +100 3 216 R +100 3 217 U +100 3 218 S +100 3 219 U +100 3 220 R +100 3 221 U +100 3 222 R +100 3 223 K +100 3 224 U +100 3 225 S +100 3 226 R +100 3 227 R +100 3 228 R +100 3 229 U +100 3 230 U +100 3 231 A +100 3 232 A +100 3 233 R +100 3 234 K +100 3 235 R +100 3 236 K +100 3 237 U +100 3 238 R +100 3 239 U +100 3 240 A +100 3 241 U +100 3 242 U +100 3 243 A +100 3 244 U +100 3 245 A +100 3 246 U +100 3 247 U +100 3 248 R +100 3 249 R +100 3 250 R +100 3 251 U +100 3 252 U +100 3 253 R +100 3 254 U +100 3 255 R +100 3 256 A +100 3 257 R +100 3 258 S +100 3 259 A +100 3 260 U +100 3 261 A +100 3 262 U +100 3 263 U +100 3 264 U +100 3 265 K +100 3 266 A +100 3 267 R +100 3 268 K +100 3 269 U +100 3 270 A +100 3 271 R +100 3 272 U +100 3 273 U +100 3 274 U +100 3 275 U +100 3 276 A +100 3 277 R +100 3 278 U +100 3 279 R +100 3 280 K +100 3 281 K +100 3 282 K +100 3 283 A +100 3 284 U +100 3 285 U +100 3 286 U +100 3 287 A +100 3 288 A +100 3 289 U +100 3 290 U +100 3 291 R +100 3 292 U +100 3 293 U +100 3 294 U +100 3 295 R +100 3 296 R +100 3 297 S +100 3 298 A +100 3 299 K +100 3 300 U +100 3 301 K +100 3 302 U +100 3 303 U +100 3 304 K +100 3 305 R +100 3 306 K +100 3 307 R +100 3 308 U +100 3 309 R +100 3 310 K +100 3 311 R +100 3 312 R +100 3 313 R +100 3 314 U +100 3 315 K +100 3 316 R +100 3 317 A +100 3 318 A +100 3 319 U +100 3 320 A +100 3 321 A +100 3 322 R +100 3 323 R +100 3 324 U +100 3 325 A +100 3 326 S +100 3 327 U +100 3 328 R +100 3 329 A +100 3 330 U +100 4 1 R +100 4 2 R +100 4 3 A +100 4 4 A +100 4 5 R +100 4 6 S +100 4 7 R +100 4 8 A +100 4 9 A +100 4 10 R +100 4 11 R +100 4 12 S +100 4 13 R +100 4 14 R +100 4 15 S +100 4 16 U +100 4 17 A +100 4 18 R +100 4 19 R +100 4 20 R +100 4 21 A +100 4 22 S +100 4 23 S +100 4 24 R +100 4 25 R +100 4 26 R +100 4 27 U +100 4 28 A +100 4 29 R +100 4 30 A +100 4 31 U +100 4 32 A +100 4 33 R +100 4 34 R +100 4 35 A +100 4 36 R +100 4 37 R +100 4 38 A +100 4 39 R +100 4 40 R +100 4 41 A +100 4 42 S +100 4 43 R +100 4 44 U +100 4 45 R +100 4 46 R +100 4 47 R +100 4 48 S +100 4 49 R +100 4 50 A +100 4 51 A +100 4 52 U +100 4 53 A +100 4 54 R +100 4 55 R +100 4 56 S +100 4 57 R +100 4 58 S +100 4 59 U +100 4 60 R +100 4 61 A +100 4 62 R +100 4 63 S +100 4 64 R +100 4 65 A +100 4 66 U +100 4 67 R +100 4 68 A +100 4 69 R +100 4 70 U +100 4 71 A +100 4 72 R +100 4 73 R +100 4 74 U +100 4 75 R +100 4 76 A +100 4 77 R +100 4 78 S +100 4 79 R +100 4 80 R +100 4 81 R +100 4 82 R +100 4 83 S +100 4 84 S +100 4 85 R +100 4 86 S +100 4 87 R +100 4 88 S +100 4 89 R +100 4 90 R +100 4 91 S +100 4 92 U +100 4 93 R +100 4 94 R +100 4 95 U +100 4 96 S +100 4 97 R +100 4 98 A +100 4 99 S +100 4 100 R +100 4 101 A +100 4 102 U +100 4 103 R +100 4 104 U +100 4 105 A +100 4 106 S +100 4 107 U +100 4 108 U +100 4 109 R +100 4 110 S +100 4 111 R +100 4 112 A +100 4 113 R +100 4 114 R +100 4 115 A +100 4 116 R +100 4 117 R +100 4 118 A +100 4 119 R +100 4 120 U +100 4 121 A +100 4 122 R +100 4 123 R +100 4 124 S +100 4 125 A +100 4 126 S +100 4 127 R +100 4 128 S +100 4 129 U +100 4 130 R +100 4 131 A +100 4 132 A +100 4 133 R +100 4 134 R +100 4 135 R +100 4 136 R +100 4 137 R +100 4 138 R +100 4 139 S +100 4 140 R +100 4 141 U +100 4 142 U +100 4 143 S +100 4 144 R +100 4 145 R +100 4 146 S +100 4 147 R +100 4 148 A +100 4 149 R +100 4 150 R +100 4 151 S +100 4 152 S +100 4 153 R +100 4 154 R +100 4 155 R +100 4 156 R +100 4 157 R +100 4 158 U +100 4 159 S +100 4 160 S +100 4 161 R +100 4 162 A +100 4 163 R +100 4 164 R +100 4 165 R +100 4 166 R +100 4 167 S +100 4 168 R +100 4 169 R +100 4 170 R +100 4 171 R +100 4 172 U +100 4 173 A +100 4 174 S +100 4 175 R +100 4 176 A +100 4 177 S +100 4 178 R +100 4 179 A +100 4 180 R +100 4 181 S +100 4 182 A +100 4 183 A +100 4 184 A +100 4 185 S +100 4 186 R +100 4 187 S +100 4 188 R +100 4 189 U +100 4 190 S +100 4 191 R +100 4 192 R +100 4 193 S +100 4 194 A +100 4 195 R +100 4 196 R +100 4 197 R +100 4 198 R +100 4 199 S +100 4 200 R +100 4 201 S +100 4 202 R +100 4 203 A +100 4 204 R +100 4 205 R +100 4 206 U +100 4 207 A +100 4 208 A +100 4 209 R +100 4 210 A +100 4 211 R +100 4 212 A +100 4 213 R +100 4 214 S +100 4 215 S +100 4 216 R +100 4 217 S +100 4 218 R +100 4 219 R +100 4 220 R +100 4 221 U +100 4 222 R +100 4 223 R +100 4 224 U +100 4 225 S +100 4 226 R +100 4 227 R +100 4 228 R +100 4 229 R +100 4 230 U +100 4 231 A +100 4 232 R +100 4 233 R +100 4 234 R +100 4 235 R +100 4 236 S +100 4 237 S +100 4 238 R +100 4 239 S +100 4 240 A +100 4 241 U +100 4 242 S +100 4 243 A +100 4 244 R +100 4 245 A +100 4 246 R +100 4 247 R +100 4 248 R +100 4 249 R +100 4 250 R +100 4 251 R +100 4 252 U +100 4 253 R +100 4 254 R +100 4 255 R +100 4 256 A +100 4 257 R +100 4 258 S +100 4 259 A +100 4 260 S +100 4 261 A +100 4 262 U +100 4 263 R +100 4 264 U +100 4 265 R +100 4 266 A +100 4 267 A +100 4 268 R +100 4 269 A +100 4 270 A +100 4 271 R +100 4 272 U +100 4 273 A +100 4 274 U +100 4 275 S +100 4 276 A +100 4 277 R +100 4 278 A +100 4 279 R +100 4 280 S +100 4 281 R +100 4 282 R +100 4 283 S +100 4 284 U +100 4 285 A +100 4 286 U +100 4 287 S +100 4 288 A +100 4 289 R +100 4 290 U +100 4 291 R +100 4 292 S +100 4 293 R +100 4 294 U +100 4 295 R +100 4 296 A +100 4 297 S +100 4 298 A +100 4 299 R +100 4 300 U +100 4 301 R +100 4 302 U +100 4 303 R +100 4 304 R +100 4 305 A +100 4 306 S +100 4 307 R +100 4 308 A +100 4 309 R +100 4 310 R +100 4 311 R +100 4 312 R +100 4 313 R +100 4 314 U +100 4 315 R +100 4 316 R +100 4 317 A +100 4 318 S +100 4 319 U +100 4 320 R +100 4 321 A +100 4 322 R +100 4 323 R +100 4 324 U +100 4 325 A +100 4 326 S +100 4 327 U +100 4 328 R +100 4 329 R +100 4 330 U +100 5 1 L +100 5 2 R +100 5 3 A +100 5 4 A +100 5 5 K +100 5 6 A +100 5 7 K +100 5 8 A +100 5 9 S +100 5 10 R +100 5 11 R +100 5 12 S +100 5 13 R +100 5 14 R +100 5 15 S +100 5 16 U +100 5 17 A +100 5 18 R +100 5 19 U +100 5 20 K +100 5 21 A +100 5 22 S +100 5 23 K +100 5 24 K +100 5 25 R +100 5 26 R +100 5 27 S +100 5 28 A +100 5 29 K +100 5 30 A +100 5 31 L +100 5 32 A +100 5 33 K +100 5 34 K +100 5 35 A +100 5 36 R +100 5 37 L +100 5 38 A +100 5 39 K +100 5 40 S +100 5 41 A +100 5 42 S +100 5 43 R +100 5 44 R +100 5 45 K +100 5 46 R +100 5 47 R +100 5 48 S +100 5 49 L +100 5 50 A +100 5 51 S +100 5 52 U +100 5 53 A +100 5 54 K +100 5 55 L +100 5 56 S +100 5 57 R +100 5 58 S +100 5 59 K +100 5 60 R +100 5 61 A +100 5 62 R +100 5 63 A +100 5 64 R +100 5 65 A +100 5 66 R +100 5 67 K +100 5 68 A +100 5 69 S +100 5 70 U +100 5 71 A +100 5 72 K +100 5 73 A +100 5 74 L +100 5 75 K +100 5 76 A +100 5 77 L +100 5 78 A +100 5 79 R +100 5 80 L +100 5 81 S +100 5 82 K +100 5 83 S +100 5 84 A +100 5 85 K +100 5 86 A +100 5 87 R +100 5 88 A +100 5 89 R +100 5 90 R +100 5 91 S +100 5 92 U +100 5 93 L +100 5 94 R +100 5 95 U +100 5 96 S +100 5 97 L +100 5 98 A +100 5 99 R +100 5 100 R +100 5 101 A +100 5 102 U +100 5 103 S +100 5 104 L +100 5 105 A +100 5 106 S +100 5 107 U +100 5 108 R +100 5 109 U +100 5 110 S +100 5 111 R +100 5 112 A +100 5 113 R +100 5 114 L +100 5 115 A +100 5 116 U +100 5 117 R +100 5 118 A +100 5 119 K +100 5 120 U +100 5 121 A +100 5 122 K +100 5 123 L +100 5 124 S +100 5 125 A +100 5 126 A +100 5 127 R +100 5 128 S +100 5 129 U +100 5 130 R +100 5 131 A +100 5 132 A +100 5 133 K +100 5 134 A +100 5 135 A +100 5 136 K +100 5 137 K +100 5 138 L +100 5 139 U +100 5 140 L +100 5 141 U +100 5 142 U +100 5 143 K +100 5 144 R +100 5 145 K +100 5 146 S +100 5 147 K +100 5 148 A +100 5 149 K +100 5 150 A +100 5 151 A +100 5 152 A +100 5 153 L +100 5 154 R +100 5 155 R +100 5 156 K +100 5 157 A +100 5 158 U +100 5 159 S +100 5 160 A +100 5 161 K +100 5 162 A +100 5 163 K +100 5 164 L +100 5 165 R +100 5 166 L +100 5 167 U +100 5 168 K +100 5 169 L +100 5 170 R +100 5 171 K +100 5 172 U +100 5 173 A +100 5 174 S +100 5 175 L +100 5 176 A +100 5 177 S +100 5 178 L +100 5 179 A +100 5 180 K +100 5 181 S +100 5 182 A +100 5 183 S +100 5 184 A +100 5 185 S +100 5 186 K +100 5 187 A +100 5 188 L +100 5 189 U +100 5 190 A +100 5 191 K +100 5 192 A +100 5 193 S +100 5 194 A +100 5 195 K +100 5 196 K +100 5 197 A +100 5 198 R +100 5 199 U +100 5 200 L +100 5 201 A +100 5 202 K +100 5 203 A +100 5 204 R +100 5 205 R +100 5 206 U +100 5 207 A +100 5 208 S +100 5 209 K +100 5 210 A +100 5 211 L +100 5 212 A +100 5 213 U +100 5 214 S +100 5 215 A +100 5 216 R +100 5 217 A +100 5 218 S +100 5 219 U +100 5 220 L +100 5 221 U +100 5 222 R +100 5 223 K +100 5 224 U +100 5 225 S +100 5 226 L +100 5 227 R +100 5 228 L +100 5 229 R +100 5 230 U +100 5 231 A +100 5 232 S +100 5 233 L +100 5 234 K +100 5 235 R +100 5 236 S +100 5 237 A +100 5 238 K +100 5 239 A +100 5 240 A +100 5 241 U +100 5 242 S +100 5 243 A +100 5 244 U +100 5 245 A +100 5 246 K +100 5 247 R +100 5 248 R +100 5 249 K +100 5 250 A +100 5 251 K +100 5 252 U +100 5 253 K +100 5 254 L +100 5 255 R +100 5 256 A +100 5 257 L +100 5 258 S +100 5 259 A +100 5 260 S +100 5 261 A +100 5 262 U +100 5 263 U +100 5 264 R +100 5 265 K +100 5 266 A +100 5 267 A +100 5 268 K +100 5 269 A +100 5 270 A +100 5 271 R +100 5 272 U +100 5 273 A +100 5 274 U +100 5 275 S +100 5 276 A +100 5 277 L +100 5 278 A +100 5 279 L +100 5 280 K +100 5 281 K +100 5 282 K +100 5 283 A +100 5 284 U +100 5 285 A +100 5 286 U +100 5 287 S +100 5 288 A +100 5 289 L +100 5 290 U +100 5 291 L +100 5 292 A +100 5 293 U +100 5 294 U +100 5 295 S +100 5 296 R +100 5 297 S +100 5 298 A +100 5 299 K +100 5 300 U +100 5 301 K +100 5 302 U +100 5 303 L +100 5 304 K +100 5 305 A +100 5 306 K +100 5 307 L +100 5 308 A +100 5 309 R +100 5 310 K +100 5 311 L +100 5 312 R +100 5 313 R +100 5 314 U +100 5 315 K +100 5 316 K +100 5 317 A +100 5 318 A +100 5 319 U +100 5 320 S +100 5 321 A +100 5 322 L +100 5 323 K +100 5 324 U +100 5 325 A +100 5 326 S +100 5 327 U +100 5 328 K +100 5 329 A +100 5 330 U +100 6 1 R +100 6 2 K +100 6 3 A +100 6 4 R +100 6 5 K +100 6 6 A +100 6 7 K +100 6 8 A +100 6 9 A +100 6 10 R +100 6 11 R +100 6 12 S +100 6 13 R +100 6 14 R +100 6 15 U +100 6 16 U +100 6 17 A +100 6 18 R +100 6 19 R +100 6 20 K +100 6 21 A +100 6 22 S +100 6 23 A +100 6 24 R +100 6 25 R +100 6 26 L +100 6 27 U +100 6 28 A +100 6 29 K +100 6 30 A +100 6 31 U +100 6 32 A +100 6 33 K +100 6 34 L +100 6 35 A +100 6 36 R +100 6 37 U +100 6 38 A +100 6 39 K +100 6 40 U +100 6 41 A +100 6 42 S +100 6 43 R +100 6 44 U +100 6 45 K +100 6 46 R +100 6 47 R +100 6 48 A +100 6 49 U +100 6 50 A +100 6 51 R +100 6 52 U +100 6 53 A +100 6 54 K +100 6 55 U +100 6 56 A +100 6 57 R +100 6 58 U +100 6 59 U +100 6 60 R +100 6 61 A +100 6 62 U +100 6 63 A +100 6 64 L +100 6 65 A +100 6 66 U +100 6 67 K +100 6 68 A +100 6 69 R +100 6 70 U +100 6 71 A +100 6 72 R +100 6 73 A +100 6 74 U +100 6 75 R +100 6 76 A +100 6 77 R +100 6 78 U +100 6 79 R +100 6 80 L +100 6 81 K +100 6 82 R +100 6 83 S +100 6 84 A +100 6 85 K +100 6 86 A +100 6 87 R +100 6 88 A +100 6 89 R +100 6 90 R +100 6 91 S +100 6 92 U +100 6 93 R +100 6 94 R +100 6 95 U +100 6 96 S +100 6 97 R +100 6 98 A +100 6 99 U +100 6 100 R +100 6 101 A +100 6 102 U +100 6 103 R +100 6 104 U +100 6 105 A +100 6 106 S +100 6 107 U +100 6 108 U +100 6 109 L +100 6 110 S +100 6 111 R +100 6 112 A +100 6 113 R +100 6 114 R +100 6 115 A +100 6 116 U +100 6 117 R +100 6 118 A +100 6 119 K +100 6 120 U +100 6 121 A +100 6 122 R +100 6 123 U +100 6 124 S +100 6 125 A +100 6 126 A +100 6 127 R +100 6 128 S +100 6 129 U +100 6 130 R +100 6 131 A +100 6 132 A +100 6 133 R +100 6 134 R +100 6 135 A +100 6 136 U +100 6 137 R +100 6 138 U +100 6 139 U +100 6 140 R +100 6 141 U +100 6 142 U +100 6 143 S +100 6 144 R +100 6 145 K +100 6 146 S +100 6 147 R +100 6 148 A +100 6 149 K +100 6 150 A +100 6 151 A +100 6 152 A +100 6 153 R +100 6 154 R +100 6 155 R +100 6 156 R +100 6 157 R +100 6 158 U +100 6 159 U +100 6 160 A +100 6 161 K +100 6 162 A +100 6 163 R +100 6 164 R +100 6 165 R +100 6 166 R +100 6 167 U +100 6 168 U +100 6 169 R +100 6 170 R +100 6 171 K +100 6 172 U +100 6 173 A +100 6 174 S +100 6 175 U +100 6 176 A +100 6 177 S +100 6 178 R +100 6 179 A +100 6 180 K +100 6 181 S +100 6 182 A +100 6 183 R +100 6 184 A +100 6 185 A +100 6 186 R +100 6 187 S +100 6 188 L +100 6 189 U +100 6 190 A +100 6 191 K +100 6 192 A +100 6 193 S +100 6 194 A +100 6 195 K +100 6 196 A +100 6 197 A +100 6 198 R +100 6 199 U +100 6 200 U +100 6 201 A +100 6 202 K +100 6 203 A +100 6 204 R +100 6 205 L +100 6 206 U +100 6 207 A +100 6 208 A +100 6 209 K +100 6 210 R +100 6 211 U +100 6 212 A +100 6 213 U +100 6 214 S +100 6 215 A +100 6 216 R +100 6 217 U +100 6 218 K +100 6 219 U +100 6 220 L +100 6 221 U +100 6 222 A +100 6 223 K +100 6 224 U +100 6 225 R +100 6 226 R +100 6 227 R +100 6 228 R +100 6 229 K +100 6 230 U +100 6 231 A +100 6 232 R +100 6 233 U +100 6 234 K +100 6 235 L +100 6 236 K +100 6 237 U +100 6 238 K +100 6 239 A +100 6 240 A +100 6 241 U +100 6 242 U +100 6 243 A +100 6 244 U +100 6 245 A +100 6 246 K +100 6 247 U +100 6 248 R +100 6 249 K +100 6 250 A +100 6 251 K +100 6 252 U +100 6 253 K +100 6 254 U +100 6 255 R +100 6 256 A +100 6 257 R +100 6 258 S +100 6 259 A +100 6 260 U +100 6 261 A +100 6 262 U +100 6 263 U +100 6 264 U +100 6 265 K +100 6 266 A +100 6 267 A +100 6 268 K +100 6 269 A +100 6 270 A +100 6 271 R +100 6 272 U +100 6 273 A +100 6 274 U +100 6 275 S +100 6 276 A +100 6 277 R +100 6 278 A +100 6 279 L +100 6 280 K +100 6 281 K +100 6 282 K +100 6 283 R +100 6 284 U +100 6 285 U +100 6 286 U +100 6 287 A +100 6 288 A +100 6 289 U +100 6 290 U +100 6 291 L +100 6 292 A +100 6 293 U +100 6 294 U +100 6 295 R +100 6 296 R +100 6 297 S +100 6 298 A +100 6 299 K +100 6 300 U +100 6 301 K +100 6 302 U +100 6 303 U +100 6 304 K +100 6 305 A +100 6 306 K +100 6 307 R +100 6 308 A +100 6 309 R +100 6 310 K +100 6 311 L +100 6 312 R +100 6 313 L +100 6 314 U +100 6 315 K +100 6 316 K +100 6 317 A +100 6 318 A +100 6 319 U +100 6 320 K +100 6 321 A +100 6 322 U +100 6 323 R +100 6 324 U +100 6 325 A +100 6 326 S +100 6 327 U +100 6 328 K +100 6 329 A +100 6 330 U +100 7 1 L +100 7 2 K +100 7 3 A +100 7 4 R +100 7 5 K +100 7 6 A +100 7 7 K +100 7 8 A +100 7 9 A +100 7 10 R +100 7 11 L +100 7 12 A +100 7 13 R +100 7 14 R +100 7 15 A +100 7 16 U +100 7 17 A +100 7 18 R +100 7 19 L +100 7 20 K +100 7 21 A +100 7 22 A +100 7 23 A +100 7 24 R +100 7 25 K +100 7 26 R +100 7 27 U +100 7 28 A +100 7 29 K +100 7 30 A +100 7 31 L +100 7 32 A +100 7 33 K +100 7 34 L +100 7 35 A +100 7 36 R +100 7 37 R +100 7 38 A +100 7 39 K +100 7 40 K +100 7 41 R +100 7 42 A +100 7 43 R +100 7 44 U +100 7 45 K +100 7 46 R +100 7 47 R +100 7 48 A +100 7 49 K +100 7 50 R +100 7 51 R +100 7 52 U +100 7 53 U +100 7 54 K +100 7 55 K +100 7 56 U +100 7 57 K +100 7 58 A +100 7 59 U +100 7 60 R +100 7 61 A +100 7 62 U +100 7 63 A +100 7 64 L +100 7 65 A +100 7 66 U +100 7 67 K +100 7 68 A +100 7 69 R +100 7 70 U +100 7 71 R +100 7 72 K +100 7 73 R +100 7 74 L +100 7 75 R +100 7 76 A +100 7 77 L +100 7 78 A +100 7 79 R +100 7 80 L +100 7 81 K +100 7 82 K +100 7 83 U +100 7 84 A +100 7 85 K +100 7 86 A +100 7 87 R +100 7 88 R +100 7 89 R +100 7 90 R +100 7 91 R +100 7 92 U +100 7 93 L +100 7 94 R +100 7 95 R +100 7 96 A +100 7 97 R +100 7 98 A +100 7 99 U +100 7 100 K +100 7 101 R +100 7 102 R +100 7 103 R +100 7 104 K +100 7 105 A +100 7 106 R +100 7 107 U +100 7 108 U +100 7 109 L +100 7 110 A +100 7 111 R +100 7 112 A +100 7 113 R +100 7 114 R +100 7 115 R +100 7 116 R +100 7 117 R +100 7 118 A +100 7 119 K +100 7 120 U +100 7 121 A +100 7 122 K +100 7 123 K +100 7 124 K +100 7 125 A +100 7 126 A +100 7 127 R +100 7 128 S +100 7 129 U +100 7 130 R +100 7 131 A +100 7 132 A +100 7 133 K +100 7 134 R +100 7 135 R +100 7 136 K +100 7 137 R +100 7 138 L +100 7 139 U +100 7 140 L +100 7 141 U +100 7 142 U +100 7 143 K +100 7 144 L +100 7 145 K +100 7 146 S +100 7 147 K +100 7 148 A +100 7 149 K +100 7 150 R +100 7 151 A +100 7 152 A +100 7 153 L +100 7 154 R +100 7 155 R +100 7 156 K +100 7 157 R +100 7 158 U +100 7 159 S +100 7 160 U +100 7 161 K +100 7 162 A +100 7 163 R +100 7 164 L +100 7 165 R +100 7 166 R +100 7 167 L +100 7 168 K +100 7 169 L +100 7 170 R +100 7 171 R +100 7 172 U +100 7 173 A +100 7 174 S +100 7 175 L +100 7 176 A +100 7 177 S +100 7 178 L +100 7 179 R +100 7 180 K +100 7 181 S +100 7 182 R +100 7 183 R +100 7 184 L +100 7 185 S +100 7 186 K +100 7 187 S +100 7 188 L +100 7 189 L +100 7 190 U +100 7 191 K +100 7 192 L +100 7 193 S +100 7 194 R +100 7 195 K +100 7 196 K +100 7 197 R +100 7 198 R +100 7 199 R +100 7 200 L +100 7 201 A +100 7 202 K +100 7 203 A +100 7 204 R +100 7 205 L +100 7 206 U +100 7 207 A +100 7 208 R +100 7 209 K +100 7 210 R +100 7 211 L +100 7 212 A +100 7 213 R +100 7 214 R +100 7 215 R +100 7 216 R +100 7 217 A +100 7 218 S +100 7 219 U +100 7 220 L +100 7 221 U +100 7 222 R +100 7 223 K +100 7 224 U +100 7 225 S +100 7 226 R +100 7 227 R +100 7 228 R +100 7 229 K +100 7 230 U +100 7 231 U +100 7 232 U +100 7 233 L +100 7 234 K +100 7 235 L +100 7 236 K +100 7 237 A +100 7 238 K +100 7 239 A +100 7 240 A +100 7 241 U +100 7 242 U +100 7 243 R +100 7 244 U +100 7 245 A +100 7 246 K +100 7 247 L +100 7 248 R +100 7 249 K +100 7 250 R +100 7 251 K +100 7 252 U +100 7 253 K +100 7 254 L +100 7 255 R +100 7 256 A +100 7 257 K +100 7 258 S +100 7 259 R +100 7 260 R +100 7 261 S +100 7 262 A +100 7 263 U +100 7 264 U +100 7 265 L +100 7 266 K +100 7 267 A +100 7 268 K +100 7 269 U +100 7 270 S +100 7 271 K +100 7 272 U +100 7 273 U +100 7 274 U +100 7 275 U +100 7 276 A +100 7 277 K +100 7 278 A +100 7 279 L +100 7 280 K +100 7 281 K +100 7 282 K +100 7 283 K +100 7 284 U +100 7 285 U +100 7 286 U +100 7 287 U +100 7 288 A +100 7 289 L +100 7 290 U +100 7 291 L +100 7 292 R +100 7 293 U +100 7 294 U +100 7 295 R +100 7 296 L +100 7 297 S +100 7 298 A +100 7 299 K +100 7 300 U +100 7 301 K +100 7 302 U +100 7 303 L +100 7 304 U +100 7 305 R +100 7 306 K +100 7 307 L +100 7 308 U +100 7 309 R +100 7 310 K +100 7 311 L +100 7 312 R +100 7 313 R +100 7 314 U +100 7 315 K +100 7 316 L +100 7 317 A +100 7 318 A +100 7 319 U +100 7 320 U +100 7 321 A +100 7 322 L +100 7 323 K +100 7 324 U +100 7 325 R +100 7 326 S +100 7 327 U +100 7 328 K +100 7 329 R +100 7 330 L +100 8 1 L +100 8 2 R +100 8 3 A +100 8 4 R +100 8 5 K +100 8 6 S +100 8 7 K +100 8 8 A +100 8 9 A +100 8 10 L +100 8 11 L +100 8 12 S +100 8 13 K +100 8 14 R +100 8 15 U +100 8 16 U +100 8 17 A +100 8 18 R +100 8 19 R +100 8 20 K +100 8 21 A +100 8 22 S +100 8 23 R +100 8 24 R +100 8 25 R +100 8 26 L +100 8 27 U +100 8 28 A +100 8 29 K +100 8 30 A +100 8 31 R +100 8 32 A +100 8 33 K +100 8 34 L +100 8 35 A +100 8 36 K +100 8 37 R +100 8 38 A +100 8 39 K +100 8 40 L +100 8 41 A +100 8 42 S +100 8 43 L +100 8 44 U +100 8 45 K +100 8 46 R +100 8 47 K +100 8 48 S +100 8 49 R +100 8 50 R +100 8 51 A +100 8 52 U +100 8 53 A +100 8 54 K +100 8 55 R +100 8 56 U +100 8 57 R +100 8 58 S +100 8 59 U +100 8 60 L +100 8 61 A +100 8 62 U +100 8 63 A +100 8 64 R +100 8 65 A +100 8 66 U +100 8 67 U +100 8 68 A +100 8 69 K +100 8 70 U +100 8 71 A +100 8 72 K +100 8 73 R +100 8 74 U +100 8 75 K +100 8 76 A +100 8 77 L +100 8 78 U +100 8 79 R +100 8 80 L +100 8 81 K +100 8 82 R +100 8 83 U +100 8 84 A +100 8 85 K +100 8 86 U +100 8 87 R +100 8 88 A +100 8 89 R +100 8 90 L +100 8 91 K +100 8 92 U +100 8 93 R +100 8 94 R +100 8 95 U +100 8 96 S +100 8 97 L +100 8 98 A +100 8 99 U +100 8 100 U +100 8 101 A +100 8 102 U +100 8 103 S +100 8 104 L +100 8 105 U +100 8 106 S +100 8 107 U +100 8 108 U +100 8 109 L +100 8 110 S +100 8 111 K +100 8 112 A +100 8 113 R +100 8 114 K +100 8 115 A +100 8 116 U +100 8 117 R +100 8 118 A +100 8 119 K +100 8 120 U +100 8 121 A +100 8 122 K +100 8 123 R +100 8 124 S +100 8 125 A +100 8 126 U +100 8 127 R +100 8 128 S +100 8 129 U +100 8 130 R +100 8 131 A +100 8 132 A +100 8 133 K +100 8 134 R +100 8 135 A +100 8 136 K +100 8 137 K +100 8 138 U +100 8 139 U +100 8 140 L +100 8 141 U +100 8 142 U +100 8 143 K +100 8 144 L +100 8 145 K +100 8 146 S +100 8 147 K +100 8 148 A +100 8 149 K +100 8 150 L +100 8 151 A +100 8 152 U +100 8 153 L +100 8 154 R +100 8 155 R +100 8 156 K +100 8 157 R +100 8 158 U +100 8 159 S +100 8 160 U +100 8 161 K +100 8 162 A +100 8 163 K +100 8 164 L +100 8 165 K +100 8 166 L +100 8 167 U +100 8 168 K +100 8 169 R +100 8 170 R +100 8 171 K +100 8 172 U +100 8 173 A +100 8 174 S +100 8 175 U +100 8 176 A +100 8 177 S +100 8 178 L +100 8 179 A +100 8 180 K +100 8 181 S +100 8 182 A +100 8 183 S +100 8 184 U +100 8 185 S +100 8 186 R +100 8 187 S +100 8 188 K +100 8 189 L +100 8 190 U +100 8 191 K +100 8 192 L +100 8 193 S +100 8 194 R +100 8 195 K +100 8 196 R +100 8 197 U +100 8 198 R +100 8 199 U +100 8 200 R +100 8 201 U +100 8 202 K +100 8 203 A +100 8 204 R +100 8 205 L +100 8 206 U +100 8 207 A +100 8 208 S +100 8 209 K +100 8 210 R +100 8 211 L +100 8 212 A +100 8 213 U +100 8 214 S +100 8 215 U +100 8 216 K +100 8 217 U +100 8 218 S +100 8 219 U +100 8 220 L +100 8 221 U +100 8 222 R +100 8 223 K +100 8 224 U +100 8 225 S +100 8 226 R +100 8 227 R +100 8 228 R +100 8 229 L +100 8 230 U +100 8 231 L +100 8 232 S +100 8 233 L +100 8 234 K +100 8 235 L +100 8 236 S +100 8 237 A +100 8 238 S +100 8 239 A +100 8 240 R +100 8 241 U +100 8 242 S +100 8 243 R +100 8 244 U +100 8 245 A +100 8 246 K +100 8 247 L +100 8 248 K +100 8 249 K +100 8 250 L +100 8 251 K +100 8 252 U +100 8 253 K +100 8 254 R +100 8 255 R +100 8 256 A +100 8 257 R +100 8 258 S +100 8 259 A +100 8 260 S +100 8 261 A +100 8 262 U +100 8 263 R +100 8 264 U +100 8 265 K +100 8 266 A +100 8 267 L +100 8 268 K +100 8 269 R +100 8 270 S +100 8 271 K +100 8 272 U +100 8 273 A +100 8 274 U +100 8 275 S +100 8 276 A +100 8 277 R +100 8 278 A +100 8 279 L +100 8 280 K +100 8 281 K +100 8 282 K +100 8 283 R +100 8 284 U +100 8 285 A +100 8 286 U +100 8 287 S +100 8 288 A +100 8 289 R +100 8 290 U +100 8 291 L +100 8 292 U +100 8 293 U +100 8 294 R +100 8 295 R +100 8 296 L +100 8 297 S +100 8 298 A +100 8 299 K +100 8 300 U +100 8 301 K +100 8 302 U +100 8 303 L +100 8 304 K +100 8 305 L +100 8 306 K +100 8 307 R +100 8 308 L +100 8 309 R +100 8 310 K +100 8 311 L +100 8 312 R +100 8 313 R +100 8 314 U +100 8 315 K +100 8 316 K +100 8 317 L +100 8 318 A +100 8 319 U +100 8 320 K +100 8 321 A +100 8 322 L +100 8 323 K +100 8 324 U +100 8 325 L +100 8 326 S +100 8 327 U +100 8 328 K +100 8 329 A +100 8 330 U +100 9 1 R +100 9 2 U +100 9 3 A +100 9 4 R +100 9 5 K +100 9 6 S +100 9 7 K +100 9 8 A +100 9 9 S +100 9 10 R +100 9 11 K +100 9 12 S +100 9 13 K +100 9 14 R +100 9 15 S +100 9 16 U +100 9 17 A +100 9 18 U +100 9 19 L +100 9 20 K +100 9 21 A +100 9 22 S +100 9 23 L +100 9 24 U +100 9 25 L +100 9 26 R +100 9 27 U +100 9 28 A +100 9 29 K +100 9 30 A +100 9 31 S +100 9 32 A +100 9 33 K +100 9 34 R +100 9 35 A +100 9 36 K +100 9 37 R +100 9 38 A +100 9 39 K +100 9 40 R +100 9 41 A +100 9 42 S +100 9 43 R +100 9 44 U +100 9 45 K +100 9 46 U +100 9 47 K +100 9 48 S +100 9 49 R +100 9 50 R +100 9 51 S +100 9 52 U +100 9 53 A +100 9 54 K +100 9 55 R +100 9 56 S +100 9 57 R +100 9 58 K +100 9 59 U +100 9 60 R +100 9 61 A +100 9 62 R +100 9 63 A +100 9 64 R +100 9 65 A +100 9 66 U +100 9 67 K +100 9 68 A +100 9 69 K +100 9 70 U +100 9 71 A +100 9 72 K +100 9 73 R +100 9 74 U +100 9 75 K +100 9 76 A +100 9 77 R +100 9 78 U +100 9 79 U +100 9 80 L +100 9 81 S +100 9 82 R +100 9 83 U +100 9 84 A +100 9 85 K +100 9 86 R +100 9 87 U +100 9 88 A +100 9 89 U +100 9 90 R +100 9 91 S +100 9 92 U +100 9 93 R +100 9 94 U +100 9 95 U +100 9 96 S +100 9 97 R +100 9 98 A +100 9 99 U +100 9 100 L +100 9 101 A +100 9 102 R +100 9 103 S +100 9 104 R +100 9 105 A +100 9 106 S +100 9 107 U +100 9 108 U +100 9 109 R +100 9 110 S +100 9 111 K +100 9 112 A +100 9 113 U +100 9 114 L +100 9 115 A +100 9 116 U +100 9 117 A +100 9 118 A +100 9 119 K +100 9 120 U +100 9 121 A +100 9 122 K +100 9 123 R +100 9 124 S +100 9 125 A +100 9 126 A +100 9 127 K +100 9 128 S +100 9 129 U +100 9 130 K +100 9 131 A +100 9 132 A +100 9 133 K +100 9 134 A +100 9 135 A +100 9 136 R +100 9 137 K +100 9 138 R +100 9 139 U +100 9 140 R +100 9 141 U +100 9 142 U +100 9 143 K +100 9 144 R +100 9 145 L +100 9 146 S +100 9 147 K +100 9 148 A +100 9 149 K +100 9 150 R +100 9 151 A +100 9 152 A +100 9 153 R +100 9 154 R +100 9 155 U +100 9 156 K +100 9 157 R +100 9 158 U +100 9 159 S +100 9 160 S +100 9 161 K +100 9 162 A +100 9 163 R +100 9 164 R +100 9 165 R +100 9 166 R +100 9 167 R +100 9 168 R +100 9 169 L +100 9 170 R +100 9 171 S +100 9 172 U +100 9 173 A +100 9 174 S +100 9 175 U +100 9 176 A +100 9 177 S +100 9 178 R +100 9 179 A +100 9 180 K +100 9 181 S +100 9 182 A +100 9 183 S +100 9 184 R +100 9 185 S +100 9 186 R +100 9 187 A +100 9 188 R +100 9 189 R +100 9 190 A +100 9 191 K +100 9 192 L +100 9 193 S +100 9 194 A +100 9 195 K +100 9 196 K +100 9 197 R +100 9 198 U +100 9 199 U +100 9 200 L +100 9 201 U +100 9 202 K +100 9 203 A +100 9 204 U +100 9 205 L +100 9 206 U +100 9 207 A +100 9 208 S +100 9 209 K +100 9 210 A +100 9 211 L +100 9 212 A +100 9 213 U +100 9 214 K +100 9 215 A +100 9 216 K +100 9 217 U +100 9 218 S +100 9 219 U +100 9 220 L +100 9 221 U +100 9 222 R +100 9 223 K +100 9 224 U +100 9 225 K +100 9 226 R +100 9 227 U +100 9 228 R +100 9 229 R +100 9 230 U +100 9 231 A +100 9 232 U +100 9 233 L +100 9 234 K +100 9 235 R +100 9 236 K +100 9 237 S +100 9 238 R +100 9 239 A +100 9 240 A +100 9 241 U +100 9 242 S +100 9 243 A +100 9 244 U +100 9 245 A +100 9 246 R +100 9 247 R +100 9 248 K +100 9 249 R +100 9 250 R +100 9 251 S +100 9 252 U +100 9 253 S +100 9 254 U +100 9 255 U +100 9 256 A +100 9 257 R +100 9 258 S +100 9 259 A +100 9 260 S +100 9 261 A +100 9 262 U +100 9 263 U +100 9 264 U +100 9 265 K +100 9 266 A +100 9 267 A +100 9 268 K +100 9 269 A +100 9 270 A +100 9 271 K +100 9 272 U +100 9 273 A +100 9 274 U +100 9 275 S +100 9 276 A +100 9 277 R +100 9 278 A +100 9 279 R +100 9 280 K +100 9 281 K +100 9 282 K +100 9 283 S +100 9 284 U +100 9 285 A +100 9 286 U +100 9 287 S +100 9 288 A +100 9 289 S +100 9 290 U +100 9 291 R +100 9 292 A +100 9 293 U +100 9 294 U +100 9 295 A +100 9 296 R +100 9 297 S +100 9 298 A +100 9 299 K +100 9 300 U +100 9 301 K +100 9 302 U +100 9 303 S +100 9 304 K +100 9 305 R +100 9 306 S +100 9 307 L +100 9 308 R +100 9 309 K +100 9 310 K +100 9 311 R +100 9 312 U +100 9 313 R +100 9 314 U +100 9 315 K +100 9 316 R +100 9 317 A +100 9 318 A +100 9 319 U +100 9 320 K +100 9 321 A +100 9 322 R +100 9 323 R +100 9 324 U +100 9 325 A +100 9 326 S +100 9 327 U +100 9 328 K +100 9 329 S +100 9 330 U +100 10 1 R +100 10 2 U +100 10 3 A +100 10 4 R +100 10 5 U +100 10 6 A +100 10 7 R +100 10 8 A +100 10 9 A +100 10 10 R +100 10 11 R +100 10 12 A +100 10 13 R +100 10 14 R +100 10 15 U +100 10 16 U +100 10 17 A +100 10 18 R +100 10 19 R +100 10 20 R +100 10 21 A +100 10 22 A +100 10 23 R +100 10 24 R +100 10 25 R +100 10 26 R +100 10 27 U +100 10 28 A +100 10 29 R +100 10 30 A +100 10 31 U +100 10 32 A +100 10 33 R +100 10 34 R +100 10 35 A +100 10 36 R +100 10 37 R +100 10 38 A +100 10 39 R +100 10 40 R +100 10 41 A +100 10 42 A +100 10 43 R +100 10 44 U +100 10 45 R +100 10 46 R +100 10 47 R +100 10 48 A +100 10 49 U +100 10 50 R +100 10 51 A +100 10 52 U +100 10 53 A +100 10 54 R +100 10 55 R +100 10 56 A +100 10 57 R +100 10 58 A +100 10 59 U +100 10 60 R +100 10 61 A +100 10 62 U +100 10 63 A +100 10 64 R +100 10 65 A +100 10 66 U +100 10 67 R +100 10 68 A +100 10 69 R +100 10 70 U +100 10 71 A +100 10 72 R +100 10 73 R +100 10 74 U +100 10 75 R +100 10 76 A +100 10 77 R +100 10 78 A +100 10 79 R +100 10 80 U +100 10 81 A +100 10 82 U +100 10 83 A +100 10 84 A +100 10 85 R +100 10 86 A +100 10 87 R +100 10 88 A +100 10 89 R +100 10 90 R +100 10 91 A +100 10 92 A +100 10 93 U +100 10 94 R +100 10 95 U +100 10 96 A +100 10 97 R +100 10 98 A +100 10 99 R +100 10 100 U +100 10 101 A +100 10 102 U +100 10 103 R +100 10 104 U +100 10 105 R +100 10 106 A +100 10 107 U +100 10 108 U +100 10 109 R +100 10 110 A +100 10 111 R +100 10 112 A +100 10 113 R +100 10 114 R +100 10 115 A +100 10 116 U +100 10 117 R +100 10 118 A +100 10 119 R +100 10 120 U +100 10 121 A +100 10 122 R +100 10 123 R +100 10 124 A +100 10 125 A +100 10 126 A +100 10 127 R +100 10 128 A +100 10 129 U +100 10 130 R +100 10 131 R +100 10 132 A +100 10 133 R +100 10 134 R +100 10 135 A +100 10 136 R +100 10 137 R +100 10 138 R +100 10 139 U +100 10 140 R +100 10 141 U +100 10 142 U +100 10 143 A +100 10 144 R +100 10 145 U +100 10 146 A +100 10 147 R +100 10 148 A +100 10 149 U +100 10 150 R +100 10 151 A +100 10 152 A +100 10 153 R +100 10 154 R +100 10 155 R +100 10 156 A +100 10 157 A +100 10 158 U +100 10 159 A +100 10 160 A +100 10 161 R +100 10 162 A +100 10 163 R +100 10 164 R +100 10 165 R +100 10 166 R +100 10 167 U +100 10 168 R +100 10 169 R +100 10 170 R +100 10 171 R +100 10 172 U +100 10 173 A +100 10 174 A +100 10 175 U +100 10 176 A +100 10 177 A +100 10 178 R +100 10 179 A +100 10 180 R +100 10 181 A +100 10 182 A +100 10 183 R +100 10 184 R +100 10 185 A +100 10 186 U +100 10 187 A +100 10 188 R +100 10 189 U +100 10 190 A +100 10 191 R +100 10 192 R +100 10 193 A +100 10 194 A +100 10 195 R +100 10 196 U +100 10 197 A +100 10 198 R +100 10 199 U +100 10 200 U +100 10 201 A +100 10 202 R +100 10 203 A +100 10 204 R +100 10 205 R +100 10 206 U +100 10 207 A +100 10 208 A +100 10 209 R +100 10 210 A +100 10 211 R +100 10 212 A +100 10 213 U +100 10 214 A +100 10 215 A +100 10 216 R +100 10 217 A +100 10 218 A +100 10 219 U +100 10 220 R +100 10 221 U +100 10 222 R +100 10 223 R +100 10 224 U +100 10 225 A +100 10 226 R +100 10 227 R +100 10 228 R +100 10 229 U +100 10 230 U +100 10 231 A +100 10 232 A +100 10 233 U +100 10 234 R +100 10 235 R +100 10 236 A +100 10 237 A +100 10 238 R +100 10 239 A +100 10 240 A +100 10 241 U +100 10 242 A +100 10 243 A +100 10 244 U +100 10 245 A +100 10 246 R +100 10 247 R +100 10 248 R +100 10 249 R +100 10 250 R +100 10 251 R +100 10 252 U +100 10 253 R +100 10 254 R +100 10 255 R +100 10 256 A +100 10 257 R +100 10 258 A +100 10 259 A +100 10 260 A +100 10 261 A +100 10 262 U +100 10 263 U +100 10 264 U +100 10 265 R +100 10 266 A +100 10 267 R +100 10 268 A +100 10 269 A +100 10 270 A +100 10 271 R +100 10 272 U +100 10 273 A +100 10 274 U +100 10 275 A +100 10 276 A +100 10 277 R +100 10 278 A +100 10 279 R +100 10 280 R +100 10 281 R +100 10 282 A +100 10 283 R +100 10 284 U +100 10 285 A +100 10 286 U +100 10 287 A +100 10 288 A +100 10 289 U +100 10 290 A +100 10 291 R +100 10 292 A +100 10 293 U +100 10 294 U +100 10 295 A +100 10 296 R +100 10 297 A +100 10 298 A +100 10 299 R +100 10 300 U +100 10 301 R +100 10 302 U +100 10 303 U +100 10 304 A +100 10 305 R +100 10 306 A +100 10 307 R +100 10 308 R +100 10 309 R +100 10 310 R +100 10 311 R +100 10 312 R +100 10 313 R +100 10 314 U +100 10 315 R +100 10 316 R +100 10 317 A +100 10 318 A +100 10 319 U +100 10 320 A +100 10 321 A +100 10 322 U +100 10 323 R +100 10 324 A +100 10 325 R +100 10 326 A +100 10 327 U +100 10 328 R +100 10 329 A +100 10 330 U +100 11 1 R +100 11 2 K +100 11 3 A +100 11 4 A +100 11 5 K +100 11 6 A +100 11 7 K +100 11 8 A +100 11 9 A +100 11 10 L +100 11 11 R +100 11 12 S +100 11 13 R +100 11 14 R +100 11 15 U +100 11 16 U +100 11 17 A +100 11 18 R +100 11 19 R +100 11 20 K +100 11 21 A +100 11 22 S +100 11 23 R +100 11 24 U +100 11 25 R +100 11 26 L +100 11 27 U +100 11 28 A +100 11 29 K +100 11 30 A +100 11 31 U +100 11 32 A +100 11 33 K +100 11 34 L +100 11 35 A +100 11 36 R +100 11 37 R +100 11 38 A +100 11 39 K +100 11 40 R +100 11 41 A +100 11 42 A +100 11 43 R +100 11 44 U +100 11 45 K +100 11 46 U +100 11 47 R +100 11 48 A +100 11 49 R +100 11 50 R +100 11 51 A +100 11 52 U +100 11 53 A +100 11 54 K +100 11 55 R +100 11 56 A +100 11 57 R +100 11 58 A +100 11 59 U +100 11 60 R +100 11 61 A +100 11 62 R +100 11 63 A +100 11 64 R +100 11 65 A +100 11 66 U +100 11 67 K +100 11 68 A +100 11 69 R +100 11 70 U +100 11 71 A +100 11 72 R +100 11 73 R +100 11 74 R +100 11 75 K +100 11 76 A +100 11 77 R +100 11 78 A +100 11 79 U +100 11 80 R +100 11 81 K +100 11 82 R +100 11 83 A +100 11 84 A +100 11 85 R +100 11 86 A +100 11 87 R +100 11 88 A +100 11 89 R +100 11 90 R +100 11 91 A +100 11 92 A +100 11 93 R +100 11 94 R +100 11 95 U +100 11 96 A +100 11 97 R +100 11 98 A +100 11 99 U +100 11 100 R +100 11 101 A +100 11 102 U +100 11 103 A +100 11 104 R +100 11 105 A +100 11 106 A +100 11 107 U +100 11 108 U +100 11 109 U +100 11 110 A +100 11 111 R +100 11 112 A +100 11 113 R +100 11 114 R +100 11 115 A +100 11 116 U +100 11 117 A +100 11 118 A +100 11 119 R +100 11 120 U +100 11 121 A +100 11 122 K +100 11 123 R +100 11 124 A +100 11 125 A +100 11 126 A +100 11 127 R +100 11 128 A +100 11 129 U +100 11 130 R +100 11 131 R +100 11 132 A +100 11 133 K +100 11 134 A +100 11 135 A +100 11 136 R +100 11 137 K +100 11 138 R +100 11 139 U +100 11 140 R +100 11 141 U +100 11 142 U +100 11 143 K +100 11 144 R +100 11 145 K +100 11 146 A +100 11 147 K +100 11 148 A +100 11 149 K +100 11 150 R +100 11 151 A +100 11 152 A +100 11 153 R +100 11 154 R +100 11 155 A +100 11 156 R +100 11 157 A +100 11 158 U +100 11 159 A +100 11 160 A +100 11 161 R +100 11 162 A +100 11 163 U +100 11 164 L +100 11 165 R +100 11 166 R +100 11 167 U +100 11 168 R +100 11 169 R +100 11 170 R +100 11 171 K +100 11 172 U +100 11 173 A +100 11 174 A +100 11 175 R +100 11 176 A +100 11 177 A +100 11 178 L +100 11 179 A +100 11 180 R +100 11 181 A +100 11 182 A +100 11 183 A +100 11 184 R +100 11 185 A +100 11 186 R +100 11 187 A +100 11 188 R +100 11 189 U +100 11 190 A +100 11 191 U +100 11 192 R +100 11 193 A +100 11 194 A +100 11 195 K +100 11 196 R +100 11 197 A +100 11 198 R +100 11 199 U +100 11 200 R +100 11 201 A +100 11 202 R +100 11 203 A +100 11 204 A +100 11 205 R +100 11 206 U +100 11 207 A +100 11 208 A +100 11 209 R +100 11 210 A +100 11 211 R +100 11 212 A +100 11 213 U +100 11 214 A +100 11 215 A +100 11 216 R +100 11 217 A +100 11 218 A +100 11 219 U +100 11 220 R +100 11 221 U +100 11 222 R +100 11 223 R +100 11 224 U +100 11 225 A +100 11 226 R +100 11 227 R +100 11 228 R +100 11 229 R +100 11 230 U +100 11 231 R +100 11 232 A +100 11 233 R +100 11 234 R +100 11 235 R +100 11 236 A +100 11 237 A +100 11 238 R +100 11 239 A +100 11 240 A +100 11 241 U +100 11 242 S +100 11 243 A +100 11 244 U +100 11 245 A +100 11 246 R +100 11 247 R +100 11 248 R +100 11 249 R +100 11 250 R +100 11 251 K +100 11 252 U +100 11 253 R +100 11 254 R +100 11 255 R +100 11 256 A +100 11 257 R +100 11 258 A +100 11 259 A +100 11 260 S +100 11 261 A +100 11 262 U +100 11 263 U +100 11 264 U +100 11 265 R +100 11 266 A +100 11 267 A +100 11 268 R +100 11 269 A +100 11 270 A +100 11 271 R +100 11 272 U +100 11 273 A +100 11 274 U +100 11 275 S +100 11 276 A +100 11 277 R +100 11 278 A +100 11 279 R +100 11 280 K +100 11 281 R +100 11 282 K +100 11 283 A +100 11 284 U +100 11 285 A +100 11 286 U +100 11 287 A +100 11 288 A +100 11 289 R +100 11 290 U +100 11 291 L +100 11 292 A +100 11 293 U +100 11 294 U +100 11 295 A +100 11 296 R +100 11 297 A +100 11 298 A +100 11 299 R +100 11 300 U +100 11 301 R +100 11 302 U +100 11 303 U +100 11 304 R +100 11 305 A +100 11 306 K +100 11 307 R +100 11 308 R +100 11 309 R +100 11 310 R +100 11 311 R +100 11 312 R +100 11 313 R +100 11 314 U +100 11 315 K +100 11 316 R +100 11 317 A +100 11 318 A +100 11 319 U +100 11 320 A +100 11 321 A +100 11 322 R +100 11 323 R +100 11 324 U +100 11 325 A +100 11 326 A +100 11 327 U +100 11 328 R +100 11 329 A +100 11 330 U +100 12 1 R +100 12 2 U +100 12 3 A +100 12 4 R +100 12 5 K +100 12 6 A +100 12 7 K +100 12 8 A +100 12 9 A +100 12 10 R +100 12 11 R +100 12 12 S +100 12 13 K +100 12 14 R +100 12 15 U +100 12 16 U +100 12 17 A +100 12 18 R +100 12 19 R +100 12 20 K +100 12 21 A +100 12 22 S +100 12 23 R +100 12 24 R +100 12 25 R +100 12 26 R +100 12 27 U +100 12 28 A +100 12 29 R +100 12 30 A +100 12 31 R +100 12 32 A +100 12 33 K +100 12 34 R +100 12 35 A +100 12 36 R +100 12 37 R +100 12 38 A +100 12 39 K +100 12 40 R +100 12 41 A +100 12 42 S +100 12 43 R +100 12 44 U +100 12 45 K +100 12 46 U +100 12 47 K +100 12 48 S +100 12 49 R +100 12 50 R +100 12 51 S +100 12 52 U +100 12 53 A +100 12 54 K +100 12 55 R +100 12 56 S +100 12 57 R +100 12 58 S +100 12 59 U +100 12 60 R +100 12 61 A +100 12 62 R +100 12 63 S +100 12 64 R +100 12 65 A +100 12 66 U +100 12 67 R +100 12 68 R +100 12 69 K +100 12 70 U +100 12 71 A +100 12 72 K +100 12 73 R +100 12 74 R +100 12 75 K +100 12 76 A +100 12 77 R +100 12 78 S +100 12 79 R +100 12 80 R +100 12 81 K +100 12 82 R +100 12 83 S +100 12 84 S +100 12 85 R +100 12 86 A +100 12 87 R +100 12 88 A +100 12 89 R +100 12 90 K +100 12 91 S +100 12 92 S +100 12 93 R +100 12 94 A +100 12 95 U +100 12 96 S +100 12 97 R +100 12 98 A +100 12 99 R +100 12 100 R +100 12 101 A +100 12 102 R +100 12 103 R +100 12 104 S +100 12 105 R +100 12 106 S +100 12 107 U +100 12 108 K +100 12 109 R +100 12 110 S +100 12 111 K +100 12 112 A +100 12 113 R +100 12 114 R +100 12 115 A +100 12 116 R +100 12 117 A +100 12 118 S +100 12 119 R +100 12 120 U +100 12 121 A +100 12 122 K +100 12 123 R +100 12 124 S +100 12 125 A +100 12 126 S +100 12 127 K +100 12 128 S +100 12 129 U +100 12 130 K +100 12 131 R +100 12 132 A +100 12 133 R +100 12 134 A +100 12 135 R +100 12 136 R +100 12 137 K +100 12 138 R +100 12 139 R +100 12 140 R +100 12 141 U +100 12 142 R +100 12 143 R +100 12 144 R +100 12 145 R +100 12 146 S +100 12 147 K +100 12 148 A +100 12 149 K +100 12 150 R +100 12 151 S +100 12 152 S +100 12 153 R +100 12 154 R +100 12 155 S +100 12 156 R +100 12 157 S +100 12 158 U +100 12 159 S +100 12 160 S +100 12 161 K +100 12 162 A +100 12 163 R +100 12 164 R +100 12 165 K +100 12 166 R +100 12 167 R +100 12 168 R +100 12 169 R +100 12 170 R +100 12 171 S +100 12 172 U +100 12 173 A +100 12 174 S +100 12 175 R +100 12 176 A +100 12 177 S +100 12 178 R +100 12 179 A +100 12 180 K +100 12 181 S +100 12 182 A +100 12 183 S +100 12 184 R +100 12 185 S +100 12 186 R +100 12 187 S +100 12 188 R +100 12 189 U +100 12 190 S +100 12 191 R +100 12 192 R +100 12 193 S +100 12 194 A +100 12 195 K +100 12 196 K +100 12 197 R +100 12 198 R +100 12 199 S +100 12 200 R +100 12 201 S +100 12 202 R +100 12 203 A +100 12 204 A +100 12 205 R +100 12 206 U +100 12 207 A +100 12 208 S +100 12 209 R +100 12 210 A +100 12 211 R +100 12 212 S +100 12 213 R +100 12 214 S +100 12 215 S +100 12 216 K +100 12 217 S +100 12 218 S +100 12 219 U +100 12 220 R +100 12 221 U +100 12 222 R +100 12 223 R +100 12 224 S +100 12 225 S +100 12 226 R +100 12 227 K +100 12 228 R +100 12 229 R +100 12 230 S +100 12 231 R +100 12 232 S +100 12 233 R +100 12 234 R +100 12 235 R +100 12 236 S +100 12 237 S +100 12 238 R +100 12 239 S +100 12 240 A +100 12 241 U +100 12 242 S +100 12 243 A +100 12 244 U +100 12 245 A +100 12 246 R +100 12 247 R +100 12 248 K +100 12 249 K +100 12 250 R +100 12 251 K +100 12 252 S +100 12 253 R +100 12 254 R +100 12 255 R +100 12 256 A +100 12 257 R +100 12 258 S +100 12 259 A +100 12 260 S +100 12 261 S +100 12 262 U +100 12 263 U +100 12 264 R +100 12 265 R +100 12 266 A +100 12 267 R +100 12 268 R +100 12 269 R +100 12 270 S +100 12 271 K +100 12 272 U +100 12 273 R +100 12 274 U +100 12 275 S +100 12 276 A +100 12 277 R +100 12 278 S +100 12 279 R +100 12 280 K +100 12 281 R +100 12 282 R +100 12 283 A +100 12 284 U +100 12 285 S +100 12 286 U +100 12 287 S +100 12 288 A +100 12 289 R +100 12 290 S +100 12 291 R +100 12 292 S +100 12 293 S +100 12 294 U +100 12 295 S +100 12 296 R +100 12 297 S +100 12 298 A +100 12 299 R +100 12 300 S +100 12 301 R +100 12 302 S +100 12 303 R +100 12 304 K +100 12 305 R +100 12 306 S +100 12 307 R +100 12 308 R +100 12 309 S +100 12 310 R +100 12 311 R +100 12 312 R +100 12 313 R +100 12 314 S +100 12 315 K +100 12 316 R +100 12 317 A +100 12 318 S +100 12 319 S +100 12 320 S +100 12 321 A +100 12 322 R +100 12 323 R +100 12 324 S +100 12 325 A +100 12 326 S +100 12 327 U +100 12 328 K +100 12 329 S +100 12 330 U +100 13 1 L +100 13 2 U +100 13 3 A +100 13 4 R +100 13 5 K +100 13 6 S +100 13 7 K +100 13 8 A +100 13 9 A +100 13 10 R +100 13 11 R +100 13 12 S +100 13 13 R +100 13 14 R +100 13 15 U +100 13 16 U +100 13 17 A +100 13 18 R +100 13 19 R +100 13 20 R +100 13 21 A +100 13 22 S +100 13 23 R +100 13 24 R +100 13 25 R +100 13 26 R +100 13 27 U +100 13 28 A +100 13 29 R +100 13 30 A +100 13 31 U +100 13 32 A +100 13 33 R +100 13 34 R +100 13 35 A +100 13 36 R +100 13 37 R +100 13 38 A +100 13 39 R +100 13 40 R +100 13 41 A +100 13 42 S +100 13 43 R +100 13 44 U +100 13 45 R +100 13 46 U +100 13 47 R +100 13 48 A +100 13 49 R +100 13 50 R +100 13 51 A +100 13 52 U +100 13 53 A +100 13 54 R +100 13 55 R +100 13 56 A +100 13 57 R +100 13 58 A +100 13 59 U +100 13 60 R +100 13 61 A +100 13 62 R +100 13 63 A +100 13 64 R +100 13 65 A +100 13 66 U +100 13 67 R +100 13 68 A +100 13 69 R +100 13 70 U +100 13 71 R +100 13 72 R +100 13 73 R +100 13 74 U +100 13 75 R +100 13 76 A +100 13 77 R +100 13 78 U +100 13 79 R +100 13 80 R +100 13 81 K +100 13 82 R +100 13 83 S +100 13 84 A +100 13 85 K +100 13 86 A +100 13 87 R +100 13 88 A +100 13 89 R +100 13 90 R +100 13 91 R +100 13 92 U +100 13 93 R +100 13 94 R +100 13 95 R +100 13 96 S +100 13 97 R +100 13 98 A +100 13 99 R +100 13 100 R +100 13 101 A +100 13 102 U +100 13 103 R +100 13 104 R +100 13 105 A +100 13 106 S +100 13 107 U +100 13 108 U +100 13 109 R +100 13 110 S +100 13 111 R +100 13 112 A +100 13 113 R +100 13 114 R +100 13 115 A +100 13 116 U +100 13 117 A +100 13 118 A +100 13 119 K +100 13 120 U +100 13 121 A +100 13 122 R +100 13 123 R +100 13 124 R +100 13 125 A +100 13 126 A +100 13 127 R +100 13 128 S +100 13 129 U +100 13 130 R +100 13 131 R +100 13 132 A +100 13 133 R +100 13 134 R +100 13 135 A +100 13 136 R +100 13 137 K +100 13 138 R +100 13 139 U +100 13 140 R +100 13 141 U +100 13 142 U +100 13 143 K +100 13 144 R +100 13 145 K +100 13 146 S +100 13 147 K +100 13 148 A +100 13 149 K +100 13 150 R +100 13 151 A +100 13 152 R +100 13 153 R +100 13 154 R +100 13 155 R +100 13 156 K +100 13 157 A +100 13 158 U +100 13 159 S +100 13 160 A +100 13 161 K +100 13 162 A +100 13 163 R +100 13 164 R +100 13 165 R +100 13 166 R +100 13 167 R +100 13 168 K +100 13 169 R +100 13 170 R +100 13 171 R +100 13 172 U +100 13 173 A +100 13 174 S +100 13 175 U +100 13 176 A +100 13 177 S +100 13 178 R +100 13 179 A +100 13 180 K +100 13 181 S +100 13 182 R +100 13 183 A +100 13 184 R +100 13 185 A +100 13 186 R +100 13 187 A +100 13 188 R +100 13 189 R +100 13 190 A +100 13 191 K +100 13 192 R +100 13 193 R +100 13 194 R +100 13 195 K +100 13 196 R +100 13 197 R +100 13 198 R +100 13 199 U +100 13 200 R +100 13 201 A +100 13 202 K +100 13 203 A +100 13 204 R +100 13 205 R +100 13 206 U +100 13 207 A +100 13 208 A +100 13 209 R +100 13 210 A +100 13 211 R +100 13 212 A +100 13 213 R +100 13 214 R +100 13 215 R +100 13 216 R +100 13 217 A +100 13 218 R +100 13 219 U +100 13 220 R +100 13 221 U +100 13 222 R +100 13 223 K +100 13 224 U +100 13 225 R +100 13 226 R +100 13 227 R +100 13 228 R +100 13 229 K +100 13 230 U +100 13 231 R +100 13 232 R +100 13 233 R +100 13 234 K +100 13 235 R +100 13 236 R +100 13 237 S +100 13 238 K +100 13 239 A +100 13 240 A +100 13 241 U +100 13 242 S +100 13 243 A +100 13 244 U +100 13 245 A +100 13 246 K +100 13 247 R +100 13 248 R +100 13 249 K +100 13 250 R +100 13 251 R +100 13 252 U +100 13 253 R +100 13 254 R +100 13 255 R +100 13 256 A +100 13 257 R +100 13 258 S +100 13 259 A +100 13 260 U +100 13 261 A +100 13 262 U +100 13 263 U +100 13 264 R +100 13 265 R +100 13 266 A +100 13 267 R +100 13 268 K +100 13 269 A +100 13 270 S +100 13 271 R +100 13 272 U +100 13 273 R +100 13 274 U +100 13 275 S +100 13 276 A +100 13 277 R +100 13 278 A +100 13 279 R +100 13 280 R +100 13 281 K +100 13 282 R +100 13 283 A +100 13 284 U +100 13 285 A +100 13 286 U +100 13 287 A +100 13 288 A +100 13 289 R +100 13 290 U +100 13 291 R +100 13 292 A +100 13 293 U +100 13 294 U +100 13 295 A +100 13 296 R +100 13 297 S +100 13 298 A +100 13 299 R +100 13 300 U +100 13 301 R +100 13 302 U +100 13 303 R +100 13 304 R +100 13 305 R +100 13 306 R +100 13 307 R +100 13 308 R +100 13 309 R +100 13 310 R +100 13 311 R +100 13 312 R +100 13 313 R +100 13 314 U +100 13 315 K +100 13 316 R +100 13 317 A +100 13 318 A +100 13 319 U +100 13 320 R +100 13 321 A +100 13 322 R +100 13 323 R +100 13 324 U +100 13 325 R +100 13 326 S +100 13 327 U +100 13 328 R +100 13 329 A +100 13 330 U +100 14 1 R +100 14 2 K +100 14 3 A +100 14 4 R +100 14 5 K +100 14 6 A +100 14 7 K +100 14 8 A +100 14 9 A +100 14 10 L +100 14 11 R +100 14 12 S +100 14 13 R +100 14 14 R +100 14 15 * +100 14 16 U +100 14 17 A +100 14 18 R +100 14 19 L +100 14 20 K +100 14 21 A +100 14 22 A +100 14 23 A +100 14 24 R +100 14 25 R +100 14 26 R +100 14 27 U +100 14 28 A +100 14 29 K +100 14 30 A +100 14 31 U +100 14 32 A +100 14 33 K +100 14 34 R +100 14 35 A +100 14 36 R +100 14 37 L +100 14 38 A +100 14 39 R +100 14 40 R +100 14 41 A +100 14 42 A +100 14 43 R +100 14 44 U +100 14 45 R +100 14 46 R +100 14 47 R +100 14 48 A +100 14 49 K +100 14 50 R +100 14 51 A +100 14 52 U +100 14 53 A +100 14 54 R +100 14 55 L +100 14 56 A +100 14 57 R +100 14 58 A +100 14 59 U +100 14 60 R +100 14 61 A +100 14 62 R +100 14 63 A +100 14 64 R +100 14 65 A +100 14 66 U +100 14 67 K +100 14 68 A +100 14 69 R +100 14 70 U +100 14 71 R +100 14 72 R +100 14 73 R +100 14 74 K +100 14 75 R +100 14 76 A +100 14 77 R +100 14 78 A +100 14 79 R +100 14 80 R +100 14 81 K +100 14 82 R +100 14 83 U +100 14 84 S +100 14 85 K +100 14 86 A +100 14 87 R +100 14 88 A +100 14 89 R +100 14 90 R +100 14 91 K +100 14 92 U +100 14 93 R +100 14 94 R +100 14 95 U +100 14 96 A +100 14 97 R +100 14 98 A +100 14 99 U +100 14 100 K +100 14 101 A +100 14 102 R +100 14 103 R +100 14 104 R +100 14 105 R +100 14 106 S +100 14 107 U +100 14 108 U +100 14 109 R +100 14 110 A +100 14 111 R +100 14 112 A +100 14 113 R +100 14 114 R +100 14 115 A +100 14 116 U +100 14 117 R +100 14 118 A +100 14 119 K +100 14 120 U +100 14 121 A +100 14 122 R +100 14 123 R +100 14 124 K +100 14 125 A +100 14 126 A +100 14 127 R +100 14 128 A +100 14 129 U +100 14 130 R +100 14 131 R +100 14 132 A +100 14 133 R +100 14 134 R +100 14 135 A +100 14 136 K +100 14 137 R +100 14 138 L +100 14 139 U +100 14 140 R +100 14 141 U +100 14 142 U +100 14 143 K +100 14 144 R +100 14 145 R +100 14 146 A +100 14 147 R +100 14 148 A +100 14 149 K +100 14 150 R +100 14 151 A +100 14 152 A +100 14 153 R +100 14 154 R +100 14 155 R +100 14 156 K +100 14 157 R +100 14 158 U +100 14 159 A +100 14 160 U +100 14 161 K +100 14 162 A +100 14 163 R +100 14 164 L +100 14 165 R +100 14 166 R +100 14 167 U +100 14 168 R +100 14 169 R +100 14 170 R +100 14 171 A +100 14 172 U +100 14 173 A +100 14 174 A +100 14 175 R +100 14 176 A +100 14 177 U +100 14 178 R +100 14 179 R +100 14 180 K +100 14 181 S +100 14 182 R +100 14 183 A +100 14 184 R +100 14 185 A +100 14 186 R +100 14 187 A +100 14 188 L +100 14 189 U +100 14 190 A +100 14 191 K +100 14 192 R +100 14 193 S +100 14 194 R +100 14 195 K +100 14 196 R +100 14 197 A +100 14 198 R +100 14 199 U +100 14 200 R +100 14 201 A +100 14 202 K +100 14 203 A +100 14 204 R +100 14 205 L +100 14 206 U +100 14 207 A +100 14 208 A +100 14 209 R +100 14 210 R +100 14 211 R +100 14 212 A +100 14 213 R +100 14 214 K +100 14 215 A +100 14 216 R +100 14 217 A +100 14 218 A +100 14 219 U +100 14 220 L +100 14 221 U +100 14 222 R +100 14 223 K +100 14 224 U +100 14 225 R +100 14 226 R +100 14 227 R +100 14 228 R +100 14 229 K +100 14 230 U +100 14 231 A +100 14 232 R +100 14 233 L +100 14 234 K +100 14 235 R +100 14 236 K +100 14 237 A +100 14 238 R +100 14 239 A +100 14 240 R +100 14 241 U +100 14 242 U +100 14 243 R +100 14 244 U +100 14 245 A +100 14 246 K +100 14 247 L +100 14 248 R +100 14 249 R +100 14 250 L +100 14 251 K +100 14 252 U +100 14 253 K +100 14 254 R +100 14 255 R +100 14 256 A +100 14 257 R +100 14 258 A +100 14 259 A +100 14 260 U +100 14 261 A +100 14 262 U +100 14 263 R +100 14 264 U +100 14 265 R +100 14 266 A +100 14 267 L +100 14 268 K +100 14 269 A +100 14 270 A +100 14 271 R +100 14 272 U +100 14 273 R +100 14 274 U +100 14 275 A +100 14 276 A +100 14 277 R +100 14 278 A +100 14 279 L +100 14 280 R +100 14 281 K +100 14 282 K +100 14 283 R +100 14 284 U +100 14 285 A +100 14 286 U +100 14 287 A +100 14 288 A +100 14 289 K +100 14 290 U +100 14 291 L +100 14 292 A +100 14 293 R +100 14 294 U +100 14 295 R +100 14 296 L +100 14 297 A +100 14 298 A +100 14 299 K +100 14 300 R +100 14 301 R +100 14 302 U +100 14 303 R +100 14 304 A +100 14 305 R +100 14 306 K +100 14 307 R +100 14 308 R +100 14 309 R +100 14 310 K +100 14 311 L +100 14 312 R +100 14 313 L +100 14 314 U +100 14 315 K +100 14 316 R +100 14 317 A +100 14 318 A +100 14 319 U +100 14 320 R +100 14 321 A +100 14 322 L +100 14 323 R +100 14 324 U +100 14 325 R +100 14 326 A +100 14 327 R +100 14 328 R +100 14 329 R +100 14 330 U +100 15 1 L +100 15 2 K +100 15 3 A +100 15 4 R +100 15 5 K +100 15 6 A +100 15 7 K +100 15 8 A +100 15 9 A +100 15 10 L +100 15 11 R +100 15 12 S +100 15 13 K +100 15 14 R +100 15 15 U +100 15 16 U +100 15 17 A +100 15 18 R +100 15 19 L +100 15 20 K +100 15 21 A +100 15 22 S +100 15 23 A +100 15 24 R +100 15 25 L +100 15 26 L +100 15 27 U +100 15 28 A +100 15 29 K +100 15 30 A +100 15 31 U +100 15 32 A +100 15 33 K +100 15 34 L +100 15 35 A +100 15 36 R +100 15 37 L +100 15 38 A +100 15 39 K +100 15 40 L +100 15 41 A +100 15 42 S +100 15 43 R +100 15 44 U +100 15 45 K +100 15 46 R +100 15 47 K +100 15 48 S +100 15 49 L +100 15 50 R +100 15 51 R +100 15 52 U +100 15 53 A +100 15 54 K +100 15 55 L +100 15 56 A +100 15 57 R +100 15 58 A +100 15 59 U +100 15 60 R +100 15 61 A +100 15 62 U +100 15 63 A +100 15 64 R +100 15 65 A +100 15 66 U +100 15 67 K +100 15 68 A +100 15 69 K +100 15 70 U +100 15 71 A +100 15 72 K +100 15 73 R +100 15 74 U +100 15 75 K +100 15 76 A +100 15 77 L +100 15 78 U +100 15 79 R +100 15 80 L +100 15 81 K +100 15 82 K +100 15 83 U +100 15 84 U +100 15 85 K +100 15 86 A +100 15 87 R +100 15 88 A +100 15 89 R +100 15 90 L +100 15 91 K +100 15 92 U +100 15 93 L +100 15 94 R +100 15 95 U +100 15 96 S +100 15 97 R +100 15 98 A +100 15 99 U +100 15 100 U +100 15 101 A +100 15 102 U +100 15 103 R +100 15 104 L +100 15 105 A +100 15 106 S +100 15 107 U +100 15 108 U +100 15 109 L +100 15 110 A +100 15 111 R +100 15 112 A +100 15 113 R +100 15 114 K +100 15 115 A +100 15 116 U +100 15 117 R +100 15 118 A +100 15 119 K +100 15 120 U +100 15 121 A +100 15 122 K +100 15 123 L +100 15 124 K +100 15 125 A +100 15 126 A +100 15 127 R +100 15 128 K +100 15 129 U +100 15 130 R +100 15 131 A +100 15 132 A +100 15 133 K +100 15 134 R +100 15 135 A +100 15 136 K +100 15 137 R +100 15 138 L +100 15 139 U +100 15 140 L +100 15 141 U +100 15 142 U +100 15 143 K +100 15 144 A +100 15 145 K +100 15 146 S +100 15 147 K +100 15 148 A +100 15 149 K +100 15 150 A +100 15 151 A +100 15 152 A +100 15 153 L +100 15 154 R +100 15 155 R +100 15 156 K +100 15 157 R +100 15 158 U +100 15 159 S +100 15 160 U +100 15 161 K +100 15 162 A +100 15 163 K +100 15 164 L +100 15 165 R +100 15 166 R +100 15 167 U +100 15 168 K +100 15 169 L +100 15 170 R +100 15 171 K +100 15 172 U +100 15 173 A +100 15 174 S +100 15 175 U +100 15 176 A +100 15 177 S +100 15 178 L +100 15 179 A +100 15 180 K +100 15 181 S +100 15 182 A +100 15 183 R +100 15 184 A +100 15 185 A +100 15 186 L +100 15 187 A +100 15 188 L +100 15 189 L +100 15 190 A +100 15 191 K +100 15 192 A +100 15 193 K +100 15 194 R +100 15 195 K +100 15 196 U +100 15 197 A +100 15 198 R +100 15 199 U +100 15 200 L +100 15 201 A +100 15 202 K +100 15 203 A +100 15 204 R +100 15 205 R +100 15 206 U +100 15 207 A +100 15 208 A +100 15 209 K +100 15 210 R +100 15 211 L +100 15 212 A +100 15 213 U +100 15 214 K +100 15 215 A +100 15 216 R +100 15 217 A +100 15 218 K +100 15 219 U +100 15 220 L +100 15 221 U +100 15 222 R +100 15 223 K +100 15 224 U +100 15 225 K +100 15 226 R +100 15 227 R +100 15 228 L +100 15 229 K +100 15 230 U +100 15 231 A +100 15 232 U +100 15 233 L +100 15 234 K +100 15 235 L +100 15 236 K +100 15 237 S +100 15 238 L +100 15 239 A +100 15 240 R +100 15 241 U +100 15 242 S +100 15 243 A +100 15 244 U +100 15 245 A +100 15 246 K +100 15 247 R +100 15 248 R +100 15 249 K +100 15 250 R +100 15 251 K +100 15 252 U +100 15 253 K +100 15 254 L +100 15 255 R +100 15 256 A +100 15 257 L +100 15 258 S +100 15 259 A +100 15 260 U +100 15 261 A +100 15 262 U +100 15 263 R +100 15 264 U +100 15 265 R +100 15 266 A +100 15 267 A +100 15 268 K +100 15 269 A +100 15 270 S +100 15 271 R +100 15 272 U +100 15 273 A +100 15 274 U +100 15 275 K +100 15 276 A +100 15 277 L +100 15 278 A +100 15 279 L +100 15 280 K +100 15 281 K +100 15 282 K +100 15 283 R +100 15 284 U +100 15 285 A +100 15 286 U +100 15 287 R +100 15 288 A +100 15 289 L +100 15 290 U +100 15 291 L +100 15 292 A +100 15 293 U +100 15 294 U +100 15 295 R +100 15 296 A +100 15 297 S +100 15 298 A +100 15 299 K +100 15 300 U +100 15 301 K +100 15 302 U +100 15 303 L +100 15 304 R +100 15 305 A +100 15 306 K +100 15 307 L +100 15 308 L +100 15 309 R +100 15 310 K +100 15 311 L +100 15 312 R +100 15 313 L +100 15 314 U +100 15 315 K +100 15 316 K +100 15 317 A +100 15 318 A +100 15 319 U +100 15 320 K +100 15 321 A +100 15 322 L +100 15 323 K +100 15 324 U +100 15 325 A +100 15 326 S +100 15 327 U +100 15 328 R +100 15 329 A +100 15 330 U +100 16 1 L +100 16 2 K +100 16 3 A +100 16 4 R +100 16 5 S +100 16 6 S +100 16 7 K +100 16 8 A +100 16 9 S +100 16 10 R +100 16 11 R +100 16 12 S +100 16 13 R +100 16 14 R +100 16 15 S +100 16 16 U +100 16 17 A +100 16 18 R +100 16 19 R +100 16 20 K +100 16 21 A +100 16 22 S +100 16 23 K +100 16 24 R +100 16 25 R +100 16 26 R +100 16 27 U +100 16 28 A +100 16 29 K +100 16 30 A +100 16 31 K +100 16 32 A +100 16 33 S +100 16 34 R +100 16 35 A +100 16 36 R +100 16 37 R +100 16 38 A +100 16 39 K +100 16 40 R +100 16 41 A +100 16 42 S +100 16 43 R +100 16 44 U +100 16 45 K +100 16 46 R +100 16 47 R +100 16 48 S +100 16 49 K +100 16 50 R +100 16 51 R +100 16 52 U +100 16 53 A +100 16 54 K +100 16 55 R +100 16 56 S +100 16 57 R +100 16 58 K +100 16 59 U +100 16 60 R +100 16 61 A +100 16 62 R +100 16 63 A +100 16 64 R +100 16 65 A +100 16 66 U +100 16 67 K +100 16 68 A +100 16 69 K +100 16 70 S +100 16 71 A +100 16 72 R +100 16 73 R +100 16 74 U +100 16 75 R +100 16 76 A +100 16 77 R +100 16 78 S +100 16 79 R +100 16 80 R +100 16 81 K +100 16 82 R +100 16 83 S +100 16 84 S +100 16 85 R +100 16 86 A +100 16 87 R +100 16 88 A +100 16 89 R +100 16 90 R +100 16 91 S +100 16 92 U +100 16 93 R +100 16 94 R +100 16 95 U +100 16 96 S +100 16 97 R +100 16 98 A +100 16 99 R +100 16 100 K +100 16 101 A +100 16 102 R +100 16 103 K +100 16 104 R +100 16 105 A +100 16 106 S +100 16 107 U +100 16 108 S +100 16 109 R +100 16 110 A +100 16 111 R +100 16 112 A +100 16 113 R +100 16 114 R +100 16 115 A +100 16 116 K +100 16 117 R +100 16 118 A +100 16 119 R +100 16 120 U +100 16 121 A +100 16 122 K +100 16 123 R +100 16 124 S +100 16 125 A +100 16 126 S +100 16 127 R +100 16 128 S +100 16 129 U +100 16 130 R +100 16 131 R +100 16 132 A +100 16 133 R +100 16 134 R +100 16 135 A +100 16 136 K +100 16 137 R +100 16 138 R +100 16 139 U +100 16 140 U +100 16 141 R +100 16 142 U +100 16 143 K +100 16 144 R +100 16 145 R +100 16 146 S +100 16 147 R +100 16 148 A +100 16 149 K +100 16 150 R +100 16 151 S +100 16 152 S +100 16 153 R +100 16 154 R +100 16 155 R +100 16 156 R +100 16 157 R +100 16 158 U +100 16 159 S +100 16 160 S +100 16 161 K +100 16 162 A +100 16 163 K +100 16 164 R +100 16 165 K +100 16 166 R +100 16 167 R +100 16 168 R +100 16 169 R +100 16 170 R +100 16 171 K +100 16 172 U +100 16 173 A +100 16 174 S +100 16 175 U +100 16 176 A +100 16 177 S +100 16 178 R +100 16 179 A +100 16 180 K +100 16 181 S +100 16 182 A +100 16 183 K +100 16 184 R +100 16 185 K +100 16 186 R +100 16 187 A +100 16 188 R +100 16 189 R +100 16 190 S +100 16 191 R +100 16 192 R +100 16 193 K +100 16 194 R +100 16 195 K +100 16 196 U +100 16 197 R +100 16 198 R +100 16 199 U +100 16 200 R +100 16 201 S +100 16 202 K +100 16 203 A +100 16 204 R +100 16 205 R +100 16 206 U +100 16 207 A +100 16 208 A +100 16 209 R +100 16 210 R +100 16 211 R +100 16 212 A +100 16 213 U +100 16 214 S +100 16 215 A +100 16 216 R +100 16 217 A +100 16 218 K +100 16 219 A +100 16 220 R +100 16 221 U +100 16 222 R +100 16 223 R +100 16 224 U +100 16 225 K +100 16 226 R +100 16 227 R +100 16 228 R +100 16 229 U +100 16 230 U +100 16 231 A +100 16 232 R +100 16 233 U +100 16 234 K +100 16 235 R +100 16 236 K +100 16 237 S +100 16 238 R +100 16 239 A +100 16 240 A +100 16 241 U +100 16 242 S +100 16 243 A +100 16 244 U +100 16 245 A +100 16 246 R +100 16 247 R +100 16 248 R +100 16 249 R +100 16 250 R +100 16 251 K +100 16 252 U +100 16 253 U +100 16 254 U +100 16 255 R +100 16 256 A +100 16 257 R +100 16 258 S +100 16 259 A +100 16 260 U +100 16 261 A +100 16 262 U +100 16 263 U +100 16 264 U +100 16 265 R +100 16 266 A +100 16 267 R +100 16 268 K +100 16 269 A +100 16 270 S +100 16 271 R +100 16 272 U +100 16 273 S +100 16 274 U +100 16 275 K +100 16 276 A +100 16 277 R +100 16 278 S +100 16 279 R +100 16 280 K +100 16 281 R +100 16 282 K +100 16 283 A +100 16 284 U +100 16 285 S +100 16 286 U +100 16 287 A +100 16 288 A +100 16 289 R +100 16 290 U +100 16 291 R +100 16 292 S +100 16 293 U +100 16 294 U +100 16 295 R +100 16 296 R +100 16 297 S +100 16 298 A +100 16 299 R +100 16 300 U +100 16 301 R +100 16 302 U +100 16 303 U +100 16 304 K +100 16 305 R +100 16 306 U +100 16 307 R +100 16 308 R +100 16 309 R +100 16 310 R +100 16 311 R +100 16 312 R +100 16 313 R +100 16 314 U +100 16 315 K +100 16 316 R +100 16 317 A +100 16 318 S +100 16 319 U +100 16 320 K +100 16 321 A +100 16 322 U +100 16 323 R +100 16 324 U +100 16 325 R +100 16 326 S +100 16 327 U +100 16 328 R +100 16 329 A +100 16 330 U +100 17 1 L +100 17 2 R +100 17 3 A +100 17 4 R +100 17 5 S +100 17 6 A +100 17 7 K +100 17 8 A +100 17 9 A +100 17 10 L +100 17 11 R +100 17 12 S +100 17 13 R +100 17 14 R +100 17 15 U +100 17 16 U +100 17 17 A +100 17 18 R +100 17 19 K +100 17 20 K +100 17 21 A +100 17 22 A +100 17 23 R +100 17 24 R +100 17 25 R +100 17 26 R +100 17 27 U +100 17 28 A +100 17 29 S +100 17 30 A +100 17 31 U +100 17 32 A +100 17 33 K +100 17 34 R +100 17 35 A +100 17 36 R +100 17 37 R +100 17 38 A +100 17 39 R +100 17 40 S +100 17 41 A +100 17 42 A +100 17 43 R +100 17 44 U +100 17 45 K +100 17 46 U +100 17 47 R +100 17 48 A +100 17 49 U +100 17 50 A +100 17 51 A +100 17 52 U +100 17 53 A +100 17 54 K +100 17 55 K +100 17 56 A +100 17 57 R +100 17 58 A +100 17 59 U +100 17 60 R +100 17 61 A +100 17 62 U +100 17 63 A +100 17 64 R +100 17 65 A +100 17 66 U +100 17 67 K +100 17 68 A +100 17 69 R +100 17 70 U +100 17 71 A +100 17 72 R +100 17 73 A +100 17 74 U +100 17 75 R +100 17 76 A +100 17 77 K +100 17 78 S +100 17 79 R +100 17 80 K +100 17 81 A +100 17 82 K +100 17 83 S +100 17 84 A +100 17 85 K +100 17 86 A +100 17 87 R +100 17 88 A +100 17 89 R +100 17 90 R +100 17 91 S +100 17 92 U +100 17 93 K +100 17 94 R +100 17 95 U +100 17 96 A +100 17 97 R +100 17 98 A +100 17 99 S +100 17 100 R +100 17 101 A +100 17 102 U +100 17 103 A +100 17 104 U +100 17 105 A +100 17 106 U +100 17 107 U +100 17 108 U +100 17 109 R +100 17 110 A +100 17 111 R +100 17 112 A +100 17 113 R +100 17 114 R +100 17 115 A +100 17 116 U +100 17 117 A +100 17 118 A +100 17 119 K +100 17 120 U +100 17 121 A +100 17 122 R +100 17 123 K +100 17 124 K +100 17 125 A +100 17 126 A +100 17 127 R +100 17 128 A +100 17 129 U +100 17 130 R +100 17 131 A +100 17 132 A +100 17 133 R +100 17 134 A +100 17 135 A +100 17 136 K +100 17 137 K +100 17 138 K +100 17 139 S +100 17 140 K +100 17 141 U +100 17 142 U +100 17 143 S +100 17 144 A +100 17 145 K +100 17 146 A +100 17 147 K +100 17 148 A +100 17 149 K +100 17 150 A +100 17 151 S +100 17 152 A +100 17 153 R +100 17 154 R +100 17 155 A +100 17 156 R +100 17 157 A +100 17 158 U +100 17 159 S +100 17 160 S +100 17 161 K +100 17 162 A +100 17 163 K +100 17 164 R +100 17 165 R +100 17 166 R +100 17 167 S +100 17 168 K +100 17 169 R +100 17 170 R +100 17 171 R +100 17 172 U +100 17 173 A +100 17 174 A +100 17 175 U +100 17 176 A +100 17 177 S +100 17 178 K +100 17 179 A +100 17 180 R +100 17 181 A +100 17 182 A +100 17 183 A +100 17 184 A +100 17 185 A +100 17 186 S +100 17 187 A +100 17 188 K +100 17 189 U +100 17 190 A +100 17 191 R +100 17 192 R +100 17 193 A +100 17 194 A +100 17 195 K +100 17 196 K +100 17 197 S +100 17 198 R +100 17 199 U +100 17 200 U +100 17 201 A +100 17 202 K +100 17 203 A +100 17 204 R +100 17 205 R +100 17 206 U +100 17 207 A +100 17 208 A +100 17 209 K +100 17 210 A +100 17 211 K +100 17 212 A +100 17 213 U +100 17 214 A +100 17 215 S +100 17 216 R +100 17 217 A +100 17 218 A +100 17 219 U +100 17 220 R +100 17 221 U +100 17 222 R +100 17 223 K +100 17 224 U +100 17 225 A +100 17 226 R +100 17 227 R +100 17 228 R +100 17 229 S +100 17 230 A +100 17 231 A +100 17 232 A +100 17 233 S +100 17 234 K +100 17 235 K +100 17 236 A +100 17 237 A +100 17 238 K +100 17 239 S +100 17 240 A +100 17 241 U +100 17 242 A +100 17 243 A +100 17 244 U +100 17 245 A +100 17 246 K +100 17 247 S +100 17 248 R +100 17 249 R +100 17 250 R +100 17 251 S +100 17 252 S +100 17 253 K +100 17 254 U +100 17 255 R +100 17 256 A +100 17 257 R +100 17 258 A +100 17 259 A +100 17 260 S +100 17 261 A +100 17 262 U +100 17 263 U +100 17 264 U +100 17 265 K +100 17 266 A +100 17 267 A +100 17 268 K +100 17 269 A +100 17 270 A +100 17 271 R +100 17 272 U +100 17 273 A +100 17 274 U +100 17 275 A +100 17 276 A +100 17 277 R +100 17 278 A +100 17 279 R +100 17 280 S +100 17 281 R +100 17 282 R +100 17 283 A +100 17 284 U +100 17 285 S +100 17 286 S +100 17 287 A +100 17 288 A +100 17 289 R +100 17 290 A +100 17 291 R +100 17 292 S +100 17 293 U +100 17 294 U +100 17 295 A +100 17 296 R +100 17 297 A +100 17 298 A +100 17 299 K +100 17 300 U +100 17 301 K +100 17 302 U +100 17 303 U +100 17 304 S +100 17 305 A +100 17 306 S +100 17 307 S +100 17 308 S +100 17 309 R +100 17 310 K +100 17 311 K +100 17 312 R +100 17 313 R +100 17 314 S +100 17 315 K +100 17 316 K +100 17 317 A +100 17 318 A +100 17 319 U +100 17 320 A +100 17 321 A +100 17 322 R +100 17 323 K +100 17 324 U +100 17 325 A +100 17 326 A +100 17 327 U +100 17 328 S +100 17 329 A +100 17 330 S +100 18 1 R +100 18 2 K +100 18 3 A +100 18 4 A +100 18 5 K +100 18 6 S +100 18 7 K +100 18 8 A +100 18 9 A +100 18 10 R +100 18 11 K +100 18 12 S +100 18 13 K +100 18 14 R +100 18 15 A +100 18 16 U +100 18 17 A +100 18 18 R +100 18 19 R +100 18 20 K +100 18 21 A +100 18 22 S +100 18 23 A +100 18 24 R +100 18 25 K +100 18 26 R +100 18 27 U +100 18 28 A +100 18 29 K +100 18 30 A +100 18 31 K +100 18 32 A +100 18 33 K +100 18 34 R +100 18 35 A +100 18 36 K +100 18 37 R +100 18 38 A +100 18 39 K +100 18 40 R +100 18 41 A +100 18 42 S +100 18 43 R +100 18 44 U +100 18 45 K +100 18 46 R +100 18 47 K +100 18 48 A +100 18 49 R +100 18 50 A +100 18 51 A +100 18 52 U +100 18 53 A +100 18 54 K +100 18 55 R +100 18 56 A +100 18 57 K +100 18 58 S +100 18 59 U +100 18 60 K +100 18 61 A +100 18 62 A +100 18 63 A +100 18 64 R +100 18 65 A +100 18 66 U +100 18 67 K +100 18 68 A +100 18 69 K +100 18 70 U +100 18 71 A +100 18 72 K +100 18 73 A +100 18 74 U +100 18 75 K +100 18 76 A +100 18 77 K +100 18 78 A +100 18 79 R +100 18 80 R +100 18 81 K +100 18 82 K +100 18 83 S +100 18 84 A +100 18 85 K +100 18 86 A +100 18 87 R +100 18 88 A +100 18 89 R +100 18 90 K +100 18 91 K +100 18 92 U +100 18 93 R +100 18 94 R +100 18 95 R +100 18 96 S +100 18 97 A +100 18 98 A +100 18 99 A +100 18 100 K +100 18 101 A +100 18 102 U +100 18 103 R +100 18 104 R +100 18 105 A +100 18 106 S +100 18 107 U +100 18 108 K +100 18 109 R +100 18 110 A +100 18 111 K +100 18 112 A +100 18 113 R +100 18 114 K +100 18 115 A +100 18 116 K +100 18 117 R +100 18 118 A +100 18 119 K +100 18 120 U +100 18 121 A +100 18 122 K +100 18 123 K +100 18 124 K +100 18 125 A +100 18 126 A +100 18 127 R +100 18 128 S +100 18 129 U +100 18 130 U +100 18 131 A +100 18 132 A +100 18 133 K +100 18 134 A +100 18 135 A +100 18 136 K +100 18 137 K +100 18 138 R +100 18 139 U +100 18 140 R +100 18 141 U +100 18 142 U +100 18 143 K +100 18 144 R +100 18 145 K +100 18 146 S +100 18 147 K +100 18 148 A +100 18 149 K +100 18 150 A +100 18 151 A +100 18 152 A +100 18 153 R +100 18 154 R +100 18 155 R +100 18 156 K +100 18 157 A +100 18 158 U +100 18 159 A +100 18 160 A +100 18 161 K +100 18 162 A +100 18 163 K +100 18 164 R +100 18 165 K +100 18 166 R +100 18 167 A +100 18 168 K +100 18 169 R +100 18 170 R +100 18 171 K +100 18 172 R +100 18 173 A +100 18 174 S +100 18 175 K +100 18 176 A +100 18 177 S +100 18 178 R +100 18 179 A +100 18 180 K +100 18 181 S +100 18 182 A +100 18 183 A +100 18 184 A +100 18 185 A +100 18 186 K +100 18 187 S +100 18 188 R +100 18 189 U +100 18 190 A +100 18 191 K +100 18 192 A +100 18 193 K +100 18 194 A +100 18 195 K +100 18 196 K +100 18 197 A +100 18 198 R +100 18 199 U +100 18 200 R +100 18 201 A +100 18 202 K +100 18 203 A +100 18 204 R +100 18 205 A +100 18 206 U +100 18 207 A +100 18 208 A +100 18 209 K +100 18 210 A +100 18 211 R +100 18 212 A +100 18 213 U +100 18 214 K +100 18 215 A +100 18 216 R +100 18 217 A +100 18 218 K +100 18 219 U +100 18 220 R +100 18 221 U +100 18 222 A +100 18 223 K +100 18 224 U +100 18 225 K +100 18 226 K +100 18 227 R +100 18 228 R +100 18 229 K +100 18 230 U +100 18 231 A +100 18 232 A +100 18 233 R +100 18 234 K +100 18 235 R +100 18 236 K +100 18 237 A +100 18 238 K +100 18 239 A +100 18 240 A +100 18 241 U +100 18 242 S +100 18 243 A +100 18 244 U +100 18 245 A +100 18 246 K +100 18 247 A +100 18 248 R +100 18 249 K +100 18 250 A +100 18 251 K +100 18 252 U +100 18 253 K +100 18 254 R +100 18 255 R +100 18 256 A +100 18 257 R +100 18 258 S +100 18 259 A +100 18 260 S +100 18 261 A +100 18 262 U +100 18 263 R +100 18 264 U +100 18 265 K +100 18 266 A +100 18 267 A +100 18 268 K +100 18 269 A +100 18 270 A +100 18 271 K +100 18 272 U +100 18 273 A +100 18 274 U +100 18 275 S +100 18 276 A +100 18 277 R +100 18 278 A +100 18 279 R +100 18 280 K +100 18 281 K +100 18 282 K +100 18 283 A +100 18 284 U +100 18 285 A +100 18 286 U +100 18 287 A +100 18 288 A +100 18 289 R +100 18 290 U +100 18 291 R +100 18 292 A +100 18 293 U +100 18 294 U +100 18 295 A +100 18 296 A +100 18 297 S +100 18 298 A +100 18 299 K +100 18 300 U +100 18 301 K +100 18 302 U +100 18 303 R +100 18 304 K +100 18 305 A +100 18 306 K +100 18 307 R +100 18 308 A +100 18 309 R +100 18 310 K +100 18 311 R +100 18 312 R +100 18 313 A +100 18 314 U +100 18 315 K +100 18 316 K +100 18 317 A +100 18 318 A +100 18 319 U +100 18 320 K +100 18 321 A +100 18 322 R +100 18 323 K +100 18 324 U +100 18 325 A +100 18 326 S +100 18 327 U +100 18 328 K +100 18 329 A +100 18 330 U +100 19 1 L +100 19 2 U +100 19 3 A +100 19 4 R +100 19 5 R +100 19 6 A +100 19 7 R +100 19 8 A +100 19 9 A +100 19 10 R +100 19 11 R +100 19 12 S +100 19 13 R +100 19 14 R +100 19 15 U +100 19 16 U +100 19 17 A +100 19 18 R +100 19 19 R +100 19 20 K +100 19 21 A +100 19 22 S +100 19 23 R +100 19 24 R +100 19 25 R +100 19 26 R +100 19 27 U +100 19 28 A +100 19 29 K +100 19 30 A +100 19 31 R +100 19 32 A +100 19 33 R +100 19 34 R +100 19 35 A +100 19 36 R +100 19 37 R +100 19 38 A +100 19 39 R +100 19 40 R +100 19 41 A +100 19 42 R +100 19 43 R +100 19 44 U +100 19 45 R +100 19 46 R +100 19 47 R +100 19 48 A +100 19 49 R +100 19 50 R +100 19 51 R +100 19 52 U +100 19 53 A +100 19 54 R +100 19 55 R +100 19 56 A +100 19 57 R +100 19 58 R +100 19 59 U +100 19 60 R +100 19 61 A +100 19 62 R +100 19 63 A +100 19 64 R +100 19 65 A +100 19 66 U +100 19 67 R +100 19 68 A +100 19 69 R +100 19 70 U +100 19 71 A +100 19 72 R +100 19 73 R +100 19 74 U +100 19 75 R +100 19 76 A +100 19 77 R +100 19 78 U +100 19 79 R +100 19 80 L +100 19 81 R +100 19 82 R +100 19 83 U +100 19 84 U +100 19 85 R +100 19 86 A +100 19 87 R +100 19 88 A +100 19 89 R +100 19 90 R +100 19 91 R +100 19 92 U +100 19 93 R +100 19 94 R +100 19 95 R +100 19 96 S +100 19 97 R +100 19 98 A +100 19 99 R +100 19 100 R +100 19 101 A +100 19 102 R +100 19 103 R +100 19 104 R +100 19 105 A +100 19 106 S +100 19 107 U +100 19 108 R +100 19 109 R +100 19 110 A +100 19 111 R +100 19 112 A +100 19 113 R +100 19 114 R +100 19 115 A +100 19 116 R +100 19 117 A +100 19 118 A +100 19 119 R +100 19 120 U +100 19 121 A +100 19 122 R +100 19 123 R +100 19 124 R +100 19 125 A +100 19 126 A +100 19 127 R +100 19 128 R +100 19 129 U +100 19 130 U +100 19 131 R +100 19 132 A +100 19 133 R +100 19 134 R +100 19 135 A +100 19 136 R +100 19 137 R +100 19 138 R +100 19 139 U +100 19 140 R +100 19 141 U +100 19 142 U +100 19 143 R +100 19 144 R +100 19 145 R +100 19 146 R +100 19 147 R +100 19 148 A +100 19 149 R +100 19 150 R +100 19 151 A +100 19 152 R +100 19 153 R +100 19 154 R +100 19 155 R +100 19 156 R +100 19 157 R +100 19 158 U +100 19 159 A +100 19 160 R +100 19 161 R +100 19 162 A +100 19 163 R +100 19 164 R +100 19 165 R +100 19 166 R +100 19 167 R +100 19 168 R +100 19 169 R +100 19 170 R +100 19 171 R +100 19 172 U +100 19 173 A +100 19 174 A +100 19 175 R +100 19 176 A +100 19 177 R +100 19 178 R +100 19 179 A +100 19 180 R +100 19 181 A +100 19 182 A +100 19 183 R +100 19 184 R +100 19 185 A +100 19 186 R +100 19 187 A +100 19 188 R +100 19 189 R +100 19 190 A +100 19 191 R +100 19 192 R +100 19 193 R +100 19 194 A +100 19 195 R +100 19 196 R +100 19 197 R +100 19 198 R +100 19 199 U +100 19 200 R +100 19 201 A +100 19 202 R +100 19 203 A +100 19 204 R +100 19 205 R +100 19 206 U +100 19 207 A +100 19 208 A +100 19 209 R +100 19 210 A +100 19 211 R +100 19 212 A +100 19 213 R +100 19 214 R +100 19 215 A +100 19 216 R +100 19 217 A +100 19 218 R +100 19 219 U +100 19 220 R +100 19 221 U +100 19 222 R +100 19 223 R +100 19 224 U +100 19 225 R +100 19 226 R +100 19 227 R +100 19 228 R +100 19 229 R +100 19 230 U +100 19 231 R +100 19 232 R +100 19 233 R +100 19 234 R +100 19 235 R +100 19 236 R +100 19 237 A +100 19 238 R +100 19 239 A +100 19 240 A +100 19 241 U +100 19 242 R +100 19 243 A +100 19 244 R +100 19 245 A +100 19 246 R +100 19 247 R +100 19 248 R +100 19 249 R +100 19 250 R +100 19 251 R +100 19 252 U +100 19 253 R +100 19 254 R +100 19 255 R +100 19 256 A +100 19 257 R +100 19 258 A +100 19 259 A +100 19 260 R +100 19 261 A +100 19 262 U +100 19 263 R +100 19 264 R +100 19 265 R +100 19 266 A +100 19 267 R +100 19 268 R +100 19 269 R +100 19 270 A +100 19 271 R +100 19 272 U +100 19 273 R +100 19 274 U +100 19 275 R +100 19 276 A +100 19 277 R +100 19 278 A +100 19 279 R +100 19 280 R +100 19 281 R +100 19 282 R +100 19 283 R +100 19 284 U +100 19 285 R +100 19 286 U +100 19 287 R +100 19 288 A +100 19 289 R +100 19 290 U +100 19 291 R +100 19 292 R +100 19 293 U +100 19 294 U +100 19 295 R +100 19 296 R +100 19 297 S +100 19 298 A +100 19 299 R +100 19 300 U +100 19 301 R +100 19 302 U +100 19 303 R +100 19 304 R +100 19 305 R +100 19 306 R +100 19 307 R +100 19 308 R +100 19 309 R +100 19 310 R +100 19 311 R +100 19 312 R +100 19 313 R +100 19 314 U +100 19 315 R +100 19 316 R +100 19 317 A +100 19 318 A +100 19 319 U +100 19 320 R +100 19 321 A +100 19 322 R +100 19 323 R +100 19 324 U +100 19 325 A +100 19 326 A +100 19 327 U +100 19 328 R +100 19 329 A +100 19 330 U +100 20 1 L +100 20 2 K +100 20 3 A +100 20 4 A +100 20 5 K +100 20 6 A +100 20 7 K +100 20 8 A +100 20 9 A +100 20 10 R +100 20 11 R +100 20 12 S +100 20 13 R +100 20 14 R +100 20 15 U +100 20 16 U +100 20 17 A +100 20 18 R +100 20 19 L +100 20 20 K +100 20 21 A +100 20 22 S +100 20 23 A +100 20 24 R +100 20 25 K +100 20 26 L +100 20 27 U +100 20 28 A +100 20 29 K +100 20 30 A +100 20 31 U +100 20 32 A +100 20 33 K +100 20 34 L +100 20 35 A +100 20 36 K +100 20 37 L +100 20 38 A +100 20 39 K +100 20 40 K +100 20 41 A +100 20 42 S +100 20 43 R +100 20 44 U +100 20 45 K +100 20 46 R +100 20 47 R +100 20 48 S +100 20 49 L +100 20 50 A +100 20 51 A +100 20 52 U +100 20 53 A +100 20 54 K +100 20 55 K +100 20 56 S +100 20 57 K +100 20 58 A +100 20 59 U +100 20 60 R +100 20 61 A +100 20 62 R +100 20 63 A +100 20 64 L +100 20 65 A +100 20 66 U +100 20 67 K +100 20 68 A +100 20 69 K +100 20 70 U +100 20 71 A +100 20 72 K +100 20 73 A +100 20 74 U +100 20 75 K +100 20 76 A +100 20 77 K +100 20 78 U +100 20 79 R +100 20 80 L +100 20 81 K +100 20 82 K +100 20 83 U +100 20 84 A +100 20 85 K +100 20 86 A +100 20 87 R +100 20 88 A +100 20 89 R +100 20 90 R +100 20 91 K +100 20 92 U +100 20 93 L +100 20 94 R +100 20 95 U +100 20 96 S +100 20 97 L +100 20 98 A +100 20 99 U +100 20 100 U +100 20 101 A +100 20 102 U +100 20 103 R +100 20 104 L +100 20 105 A +100 20 106 S +100 20 107 U +100 20 108 U +100 20 109 L +100 20 110 A +100 20 111 R +100 20 112 A +100 20 113 R +100 20 114 K +100 20 115 A +100 20 116 U +100 20 117 A +100 20 118 A +100 20 119 K +100 20 120 U +100 20 121 A +100 20 122 K +100 20 123 K +100 20 124 K +100 20 125 A +100 20 126 A +100 20 127 R +100 20 128 S +100 20 129 U +100 20 130 R +100 20 131 A +100 20 132 A +100 20 133 K +100 20 134 A +100 20 135 A +100 20 136 K +100 20 137 K +100 20 138 L +100 20 139 U +100 20 140 L +100 20 141 U +100 20 142 U +100 20 143 K +100 20 144 R +100 20 145 K +100 20 146 A +100 20 147 K +100 20 148 A +100 20 149 K +100 20 150 A +100 20 151 A +100 20 152 A +100 20 153 L +100 20 154 R +100 20 155 R +100 20 156 K +100 20 157 A +100 20 158 U +100 20 159 A +100 20 160 A +100 20 161 K +100 20 162 A +100 20 163 K +100 20 164 L +100 20 165 R +100 20 166 R +100 20 167 U +100 20 168 K +100 20 169 L +100 20 170 R +100 20 171 K +100 20 172 U +100 20 173 A +100 20 174 A +100 20 175 L +100 20 176 A +100 20 177 S +100 20 178 L +100 20 179 A +100 20 180 K +100 20 181 A +100 20 182 A +100 20 183 A +100 20 184 A +100 20 185 A +100 20 186 K +100 20 187 A +100 20 188 L +100 20 189 U +100 20 190 A +100 20 191 K +100 20 192 A +100 20 193 S +100 20 194 A +100 20 195 K +100 20 196 K +100 20 197 A +100 20 198 R +100 20 199 U +100 20 200 L +100 20 201 A +100 20 202 K +100 20 203 A +100 20 204 R +100 20 205 R +100 20 206 U +100 20 207 A +100 20 208 A +100 20 209 K +100 20 210 A +100 20 211 L +100 20 212 A +100 20 213 U +100 20 214 K +100 20 215 A +100 20 216 R +100 20 217 A +100 20 218 K +100 20 219 U +100 20 220 R +100 20 221 U +100 20 222 A +100 20 223 K +100 20 224 U +100 20 225 S +100 20 226 R +100 20 227 R +100 20 228 R +100 20 229 K +100 20 230 U +100 20 231 A +100 20 232 R +100 20 233 U +100 20 234 K +100 20 235 L +100 20 236 A +100 20 237 A +100 20 238 K +100 20 239 A +100 20 240 A +100 20 241 U +100 20 242 S +100 20 243 A +100 20 244 U +100 20 245 A +100 20 246 K +100 20 247 R +100 20 248 K +100 20 249 K +100 20 250 A +100 20 251 K +100 20 252 U +100 20 253 K +100 20 254 R +100 20 255 R +100 20 256 A +100 20 257 R +100 20 258 A +100 20 259 A +100 20 260 U +100 20 261 A +100 20 262 U +100 20 263 U +100 20 264 U +100 20 265 K +100 20 266 A +100 20 267 A +100 20 268 K +100 20 269 A +100 20 270 A +100 20 271 K +100 20 272 U +100 20 273 A +100 20 274 U +100 20 275 S +100 20 276 A +100 20 277 R +100 20 278 A +100 20 279 L +100 20 280 K +100 20 281 K +100 20 282 K +100 20 283 A +100 20 284 U +100 20 285 A +100 20 286 U +100 20 287 A +100 20 288 A +100 20 289 K +100 20 290 U +100 20 291 L +100 20 292 A +100 20 293 U +100 20 294 U +100 20 295 A +100 20 296 A +100 20 297 A +100 20 298 A +100 20 299 K +100 20 300 U +100 20 301 K +100 20 302 U +100 20 303 U +100 20 304 K +100 20 305 A +100 20 306 K +100 20 307 R +100 20 308 A +100 20 309 R +100 20 310 K +100 20 311 L +100 20 312 R +100 20 313 R +100 20 314 U +100 20 315 K +100 20 316 K +100 20 317 A +100 20 318 A +100 20 319 U +100 20 320 S +100 20 321 A +100 20 322 L +100 20 323 K +100 20 324 U +100 20 325 A +100 20 326 A +100 20 327 U +100 20 328 K +100 20 329 A +100 20 330 U +100 21 1 L +100 21 2 U +100 21 3 A +100 21 4 A +100 21 5 R +100 21 6 A +100 21 7 R +100 21 8 A +100 21 9 A +100 21 10 U +100 21 11 U +100 21 12 S +100 21 13 U +100 21 14 U +100 21 15 S +100 21 16 S +100 21 17 A +100 21 18 U +100 21 19 R +100 21 20 R +100 21 21 A +100 21 22 S +100 21 23 L +100 21 24 U +100 21 25 L +100 21 26 U +100 21 27 U +100 21 28 A +100 21 29 K +100 21 30 A +100 21 31 U +100 21 32 A +100 21 33 K +100 21 34 L +100 21 35 A +100 21 36 U +100 21 37 R +100 21 38 A +100 21 39 R +100 21 40 K +100 21 41 A +100 21 42 S +100 21 43 U +100 21 44 S +100 21 45 R +100 21 46 U +100 21 47 A +100 21 48 S +100 21 49 R +100 21 50 A +100 21 51 U +100 21 52 U +100 21 53 A +100 21 54 K +100 21 55 K +100 21 56 A +100 21 57 R +100 21 58 S +100 21 59 U +100 21 60 U +100 21 61 A +100 21 62 R +100 21 63 A +100 21 64 K +100 21 65 A +100 21 66 U +100 21 67 R +100 21 68 A +100 21 69 U +100 21 70 U +100 21 71 A +100 21 72 R +100 21 73 A +100 21 74 U +100 21 75 R +100 21 76 A +100 21 77 R +100 21 78 S +100 21 79 U +100 21 80 R +100 21 81 L +100 21 82 R +100 21 83 U +100 21 84 S +100 21 85 R +100 21 86 A +100 21 87 U +100 21 88 A +100 21 89 R +100 21 90 U +100 21 91 A +100 21 92 U +100 21 93 R +100 21 94 U +100 21 95 S +100 21 96 A +100 21 97 A +100 21 98 A +100 21 99 S +100 21 100 U +100 21 101 A +100 21 102 U +100 21 103 A +100 21 104 L +100 21 105 A +100 21 106 S +100 21 107 S +100 21 108 S +100 21 109 R +100 21 110 A +100 21 111 R +100 21 112 A +100 21 113 U +100 21 114 U +100 21 115 A +100 21 116 S +100 21 117 A +100 21 118 S +100 21 119 R +100 21 120 U +100 21 121 A +100 21 122 R +100 21 123 U +100 21 124 U +100 21 125 A +100 21 126 U +100 21 127 R +100 21 128 S +100 21 129 U +100 21 130 A +100 21 131 A +100 21 132 A +100 21 133 R +100 21 134 A +100 21 135 A +100 21 136 R +100 21 137 R +100 21 138 L +100 21 139 U +100 21 140 L +100 21 141 S +100 21 142 S +100 21 143 A +100 21 144 R +100 21 145 U +100 21 146 A +100 21 147 R +100 21 148 A +100 21 149 R +100 21 150 A +100 21 151 A +100 21 152 U +100 21 153 L +100 21 154 U +100 21 155 U +100 21 156 R +100 21 157 A +100 21 158 U +100 21 159 A +100 21 160 A +100 21 161 L +100 21 162 A +100 21 163 R +100 21 164 L +100 21 165 U +100 21 166 U +100 21 167 S +100 21 168 R +100 21 169 R +100 21 170 U +100 21 171 S +100 21 172 U +100 21 173 A +100 21 174 U +100 21 175 U +100 21 176 A +100 21 177 U +100 21 178 U +100 21 179 A +100 21 180 R +100 21 181 S +100 21 182 R +100 21 183 A +100 21 184 L +100 21 185 A +100 21 186 U +100 21 187 A +100 21 188 R +100 21 189 U +100 21 190 A +100 21 191 R +100 21 192 A +100 21 193 A +100 21 194 A +100 21 195 R +100 21 196 U +100 21 197 R +100 21 198 U +100 21 199 U +100 21 200 U +100 21 201 A +100 21 202 L +100 21 203 A +100 21 204 U +100 21 205 L +100 21 206 U +100 21 207 A +100 21 208 S +100 21 209 R +100 21 210 A +100 21 211 U +100 21 212 A +100 21 213 U +100 21 214 A +100 21 215 U +100 21 216 U +100 21 217 A +100 21 218 A +100 21 219 U +100 21 220 R +100 21 221 U +100 21 222 A +100 21 223 R +100 21 224 U +100 21 225 A +100 21 226 U +100 21 227 U +100 21 228 U +100 21 229 A +100 21 230 U +100 21 231 A +100 21 232 A +100 21 233 S +100 21 234 R +100 21 235 A +100 21 236 R +100 21 237 A +100 21 238 R +100 21 239 S +100 21 240 A +100 21 241 U +100 21 242 U +100 21 243 A +100 21 244 U +100 21 245 A +100 21 246 L +100 21 247 U +100 21 248 A +100 21 249 U +100 21 250 R +100 21 251 A +100 21 252 U +100 21 253 R +100 21 254 U +100 21 255 U +100 21 256 A +100 21 257 R +100 21 258 A +100 21 259 A +100 21 260 U +100 21 261 A +100 21 262 U +100 21 263 U +100 21 264 U +100 21 265 R +100 21 266 A +100 21 267 A +100 21 268 R +100 21 269 A +100 21 270 S +100 21 271 U +100 21 272 U +100 21 273 R +100 21 274 U +100 21 275 A +100 21 276 A +100 21 277 U +100 21 278 A +100 21 279 U +100 21 280 R +100 21 281 R +100 21 282 R +100 21 283 A +100 21 284 U +100 21 285 R +100 21 286 U +100 21 287 A +100 21 288 A +100 21 289 R +100 21 290 U +100 21 291 R +100 21 292 S +100 21 293 U +100 21 294 U +100 21 295 A +100 21 296 U +100 21 297 A +100 21 298 A +100 21 299 R +100 21 300 U +100 21 301 R +100 21 302 U +100 21 303 U +100 21 304 A +100 21 305 A +100 21 306 R +100 21 307 R +100 21 308 A +100 21 309 U +100 21 310 R +100 21 311 R +100 21 312 U +100 21 313 S +100 21 314 U +100 21 315 R +100 21 316 R +100 21 317 A +100 21 318 A +100 21 319 U +100 21 320 U +100 21 321 A +100 21 322 U +100 21 323 R +100 21 324 U +100 21 325 A +100 21 326 A +100 21 327 U +100 21 328 R +100 21 329 A +100 21 330 U +100 22 1 L +100 22 2 S +100 22 3 K +100 22 4 A +100 22 5 K +100 22 6 S +100 22 7 S +100 22 8 S +100 22 9 K +100 22 10 L +100 22 11 S +100 22 12 S +100 22 13 L +100 22 14 K +100 22 15 S +100 22 16 U +100 22 17 A +100 22 18 R +100 22 19 L +100 22 20 K +100 22 21 S +100 22 22 S +100 22 23 L +100 22 24 R +100 22 25 K +100 22 26 L +100 22 27 S +100 22 28 K +100 22 29 R +100 22 30 S +100 22 31 K +100 22 32 S +100 22 33 K +100 22 34 S +100 22 35 S +100 22 36 K +100 22 37 L +100 22 38 A +100 22 39 K +100 22 40 R +100 22 41 S +100 22 42 S +100 22 43 L +100 22 44 S +100 22 45 R +100 22 46 U +100 22 47 L +100 22 48 S +100 22 49 L +100 22 50 A +100 22 51 R +100 22 52 S +100 22 53 A +100 22 54 R +100 22 55 K +100 22 56 S +100 22 57 L +100 22 58 S +100 22 59 R +100 22 60 K +100 22 61 A +100 22 62 L +100 22 63 A +100 22 64 L +100 22 65 S +100 22 66 U +100 22 67 A +100 22 68 A +100 22 69 S +100 22 70 S +100 22 71 A +100 22 72 R +100 22 73 A +100 22 74 K +100 22 75 S +100 22 76 A +100 22 77 R +100 22 78 U +100 22 79 S +100 22 80 L +100 22 81 S +100 22 82 S +100 22 83 U +100 22 84 A +100 22 85 S +100 22 86 A +100 22 87 R +100 22 88 A +100 22 89 K +100 22 90 L +100 22 91 S +100 22 92 U +100 22 93 R +100 22 94 R +100 22 95 S +100 22 96 A +100 22 97 R +100 22 98 A +100 22 99 U +100 22 100 R +100 22 101 A +100 22 102 K +100 22 103 R +100 22 104 S +100 22 105 A +100 22 106 U +100 22 107 A +100 22 108 U +100 22 109 L +100 22 110 S +100 22 111 R +100 22 112 A +100 22 113 R +100 22 114 L +100 22 115 A +100 22 116 U +100 22 117 R +100 22 118 A +100 22 119 L +100 22 120 U +100 22 121 A +100 22 122 K +100 22 123 R +100 22 124 S +100 22 125 A +100 22 126 S +100 22 127 L +100 22 128 K +100 22 129 U +100 22 130 R +100 22 131 A +100 22 132 A +100 22 133 R +100 22 134 U +100 22 135 A +100 22 136 R +100 22 137 R +100 22 138 L +100 22 139 U +100 22 140 R +100 22 141 U +100 22 142 U +100 22 143 R +100 22 144 L +100 22 145 K +100 22 146 S +100 22 147 R +100 22 148 A +100 22 149 R +100 22 150 A +100 22 151 U +100 22 152 R +100 22 153 L +100 22 154 U +100 22 155 R +100 22 156 S +100 22 157 R +100 22 158 U +100 22 159 A +100 22 160 S +100 22 161 R +100 22 162 A +100 22 163 R +100 22 164 L +100 22 165 A +100 22 166 R +100 22 167 U +100 22 168 R +100 22 169 L +100 22 170 R +100 22 171 K +100 22 172 U +100 22 173 A +100 22 174 K +100 22 175 U +100 22 176 A +100 22 177 S +100 22 178 L +100 22 179 A +100 22 180 R +100 22 181 K +100 22 182 A +100 22 183 U +100 22 184 R +100 22 185 A +100 22 186 L +100 22 187 U +100 22 188 L +100 22 189 R +100 22 190 A +100 22 191 L +100 22 192 A +100 22 193 S +100 22 194 A +100 22 195 R +100 22 196 U +100 22 197 K +100 22 198 U +100 22 199 U +100 22 200 R +100 22 201 A +100 22 202 S +100 22 203 A +100 22 204 R +100 22 205 L +100 22 206 U +100 22 207 A +100 22 208 U +100 22 209 S +100 22 210 U +100 22 211 L +100 22 212 A +100 22 213 U +100 22 214 K +100 22 215 A +100 22 216 U +100 22 217 U +100 22 218 R +100 22 219 U +100 22 220 L +100 22 221 U +100 22 222 L +100 22 223 L +100 22 224 U +100 22 225 U +100 22 226 L +100 22 227 U +100 22 228 L +100 22 229 U +100 22 230 K +100 22 231 A +100 22 232 U +100 22 233 L +100 22 234 L +100 22 235 R +100 22 236 K +100 22 237 S +100 22 238 L +100 22 239 A +100 22 240 U +100 22 241 U +100 22 242 S +100 22 243 U +100 22 244 U +100 22 245 A +100 22 246 R +100 22 247 L +100 22 248 S +100 22 249 L +100 22 250 S +100 22 251 K +100 22 252 U +100 22 253 K +100 22 254 R +100 22 255 U +100 22 256 A +100 22 257 L +100 22 258 K +100 22 259 A +100 22 260 U +100 22 261 A +100 22 262 U +100 22 263 U +100 22 264 L +100 22 265 S +100 22 266 A +100 22 267 R +100 22 268 L +100 22 269 A +100 22 270 K +100 22 271 L +100 22 272 U +100 22 273 K +100 22 274 U +100 22 275 K +100 22 276 A +100 22 277 R +100 22 278 A +100 22 279 R +100 22 280 S +100 22 281 R +100 22 282 S +100 22 283 U +100 22 284 U +100 22 285 A +100 22 286 U +100 22 287 K +100 22 288 A +100 22 289 L +100 22 290 U +100 22 291 L +100 22 292 S +100 22 293 U +100 22 294 U +100 22 295 U +100 22 296 R +100 22 297 S +100 22 298 A +100 22 299 L +100 22 300 U +100 22 301 R +100 22 302 U +100 22 303 R +100 22 304 K +100 22 305 R +100 22 306 K +100 22 307 R +100 22 308 S +100 22 309 U +100 22 310 R +100 22 311 L +100 22 312 U +100 22 313 L +100 22 314 U +100 22 315 R +100 22 316 S +100 22 317 A +100 22 318 K +100 22 319 U +100 22 320 K +100 22 321 A +100 22 322 R +100 22 323 S +100 22 324 K +100 22 325 A +100 22 326 K +100 22 327 U +100 22 328 R +100 22 329 A +100 22 330 K +100 23 1 L +100 23 2 K +100 23 3 A +100 23 4 R +100 23 5 S +100 23 6 S +100 23 7 K +100 23 8 A +100 23 9 A +100 23 10 L +100 23 11 K +100 23 12 S +100 23 13 K +100 23 14 K +100 23 15 S +100 23 16 U +100 23 17 A +100 23 18 R +100 23 19 K +100 23 20 S +100 23 21 A +100 23 22 S +100 23 23 A +100 23 24 R +100 23 25 R +100 23 26 L +100 23 27 U +100 23 28 A +100 23 29 K +100 23 30 A +100 23 31 R +100 23 32 A +100 23 33 S +100 23 34 R +100 23 35 A +100 23 36 R +100 23 37 R +100 23 38 A +100 23 39 R +100 23 40 S +100 23 41 A +100 23 42 K +100 23 43 R +100 23 44 U +100 23 45 S +100 23 46 R +100 23 47 R +100 23 48 K +100 23 49 R +100 23 50 R +100 23 51 K +100 23 52 U +100 23 53 A +100 23 54 K +100 23 55 R +100 23 56 A +100 23 57 R +100 23 58 K +100 23 59 U +100 23 60 R +100 23 61 A +100 23 62 R +100 23 63 A +100 23 64 R +100 23 65 A +100 23 66 S +100 23 67 K +100 23 68 A +100 23 69 S +100 23 70 U +100 23 71 A +100 23 72 K +100 23 73 R +100 23 74 U +100 23 75 R +100 23 76 A +100 23 77 S +100 23 78 U +100 23 79 R +100 23 80 R +100 23 81 K +100 23 82 R +100 23 83 U +100 23 84 A +100 23 85 R +100 23 86 A +100 23 87 R +100 23 88 A +100 23 89 R +100 23 90 R +100 23 91 S +100 23 92 U +100 23 93 R +100 23 94 R +100 23 95 K +100 23 96 S +100 23 97 R +100 23 98 A +100 23 99 U +100 23 100 K +100 23 101 A +100 23 102 U +100 23 103 S +100 23 104 U +100 23 105 A +100 23 106 K +100 23 107 U +100 23 108 S +100 23 109 R +100 23 110 A +100 23 111 R +100 23 112 A +100 23 113 R +100 23 114 R +100 23 115 A +100 23 116 U +100 23 117 R +100 23 118 A +100 23 119 K +100 23 120 U +100 23 121 A +100 23 122 R +100 23 123 K +100 23 124 S +100 23 125 A +100 23 126 A +100 23 127 R +100 23 128 K +100 23 129 U +100 23 130 R +100 23 131 A +100 23 132 A +100 23 133 R +100 23 134 R +100 23 135 A +100 23 136 K +100 23 137 R +100 23 138 U +100 23 139 U +100 23 140 R +100 23 141 U +100 23 142 U +100 23 143 K +100 23 144 R +100 23 145 R +100 23 146 A +100 23 147 K +100 23 148 A +100 23 149 S +100 23 150 A +100 23 151 A +100 23 152 A +100 23 153 R +100 23 154 R +100 23 155 R +100 23 156 K +100 23 157 R +100 23 158 U +100 23 159 S +100 23 160 U +100 23 161 S +100 23 162 A +100 23 163 R +100 23 164 R +100 23 165 K +100 23 166 R +100 23 167 U +100 23 168 K +100 23 169 R +100 23 170 R +100 23 171 S +100 23 172 U +100 23 173 A +100 23 174 R +100 23 175 U +100 23 176 A +100 23 177 S +100 23 178 R +100 23 179 A +100 23 180 R +100 23 181 S +100 23 182 R +100 23 183 R +100 23 184 U +100 23 185 U +100 23 186 R +100 23 187 A +100 23 188 R +100 23 189 U +100 23 190 U +100 23 191 R +100 23 192 R +100 23 193 S +100 23 194 A +100 23 195 R +100 23 196 S +100 23 197 U +100 23 198 R +100 23 199 U +100 23 200 U +100 23 201 A +100 23 202 K +100 23 203 A +100 23 204 R +100 23 205 R +100 23 206 U +100 23 207 A +100 23 208 R +100 23 209 R +100 23 210 R +100 23 211 U +100 23 212 A +100 23 213 U +100 23 214 S +100 23 215 A +100 23 216 R +100 23 217 U +100 23 218 R +100 23 219 U +100 23 220 R +100 23 221 U +100 23 222 A +100 23 223 K +100 23 224 R +100 23 225 S +100 23 226 R +100 23 227 R +100 23 228 R +100 23 229 U +100 23 230 U +100 23 231 A +100 23 232 R +100 23 233 R +100 23 234 K +100 23 235 R +100 23 236 S +100 23 237 A +100 23 238 R +100 23 239 A +100 23 240 A +100 23 241 U +100 23 242 U +100 23 243 A +100 23 244 U +100 23 245 A +100 23 246 R +100 23 247 R +100 23 248 R +100 23 249 R +100 23 250 R +100 23 251 K +100 23 252 U +100 23 253 R +100 23 254 U +100 23 255 R +100 23 256 A +100 23 257 R +100 23 258 S +100 23 259 A +100 23 260 U +100 23 261 A +100 23 262 U +100 23 263 U +100 23 264 U +100 23 265 R +100 23 266 A +100 23 267 R +100 23 268 K +100 23 269 A +100 23 270 A +100 23 271 R +100 23 272 U +100 23 273 A +100 23 274 U +100 23 275 S +100 23 276 A +100 23 277 R +100 23 278 A +100 23 279 R +100 23 280 S +100 23 281 R +100 23 282 K +100 23 283 A +100 23 284 U +100 23 285 A +100 23 286 U +100 23 287 A +100 23 288 A +100 23 289 R +100 23 290 U +100 23 291 R +100 23 292 A +100 23 293 U +100 23 294 U +100 23 295 R +100 23 296 A +100 23 297 A +100 23 298 A +100 23 299 R +100 23 300 U +100 23 301 R +100 23 302 U +100 23 303 U +100 23 304 K +100 23 305 A +100 23 306 K +100 23 307 R +100 23 308 U +100 23 309 R +100 23 310 K +100 23 311 R +100 23 312 R +100 23 313 R +100 23 314 U +100 23 315 S +100 23 316 R +100 23 317 A +100 23 318 A +100 23 319 U +100 23 320 R +100 23 321 A +100 23 322 U +100 23 323 R +100 23 324 U +100 23 325 A +100 23 326 A +100 23 327 U +100 23 328 R +100 23 329 A +100 23 330 U +100 24 1 L +100 24 2 K +100 24 3 A +100 24 4 A +100 24 5 R +100 24 6 S +100 24 7 K +100 24 8 A +100 24 9 A +100 24 10 L +100 24 11 K +100 24 12 S +100 24 13 K +100 24 14 L +100 24 15 A +100 24 16 U +100 24 17 A +100 24 18 R +100 24 19 L +100 24 20 K +100 24 21 A +100 24 22 S +100 24 23 A +100 24 24 R +100 24 25 K +100 24 26 L +100 24 27 U +100 24 28 A +100 24 29 K +100 24 30 A +100 24 31 U +100 24 32 A +100 24 33 K +100 24 34 L +100 24 35 A +100 24 36 K +100 24 37 L +100 24 38 A +100 24 39 K +100 24 40 R +100 24 41 A +100 24 42 S +100 24 43 R +100 24 44 U +100 24 45 K +100 24 46 R +100 24 47 K +100 24 48 S +100 24 49 R +100 24 50 A +100 24 51 R +100 24 52 U +100 24 53 A +100 24 54 K +100 24 55 R +100 24 56 A +100 24 57 R +100 24 58 R +100 24 59 A +100 24 60 R +100 24 61 A +100 24 62 A +100 24 63 A +100 24 64 R +100 24 65 A +100 24 66 U +100 24 67 R +100 24 68 A +100 24 69 R +100 24 70 A +100 24 71 A +100 24 72 K +100 24 73 A +100 24 74 U +100 24 75 R +100 24 76 A +100 24 77 R +100 24 78 A +100 24 79 R +100 24 80 L +100 24 81 K +100 24 82 K +100 24 83 S +100 24 84 A +100 24 85 K +100 24 86 A +100 24 87 R +100 24 88 A +100 24 89 R +100 24 90 R +100 24 91 K +100 24 92 U +100 24 93 L +100 24 94 R +100 24 95 U +100 24 96 S +100 24 97 A +100 24 98 A +100 24 99 A +100 24 100 K +100 24 101 A +100 24 102 R +100 24 103 K +100 24 104 R +100 24 105 A +100 24 106 S +100 24 107 U +100 24 108 U +100 24 109 R +100 24 110 S +100 24 111 K +100 24 112 A +100 24 113 R +100 24 114 K +100 24 115 A +100 24 116 U +100 24 117 R +100 24 118 A +100 24 119 K +100 24 120 U +100 24 121 A +100 24 122 K +100 24 123 R +100 24 124 S +100 24 125 A +100 24 126 A +100 24 127 R +100 24 128 S +100 24 129 U +100 24 130 R +100 24 131 A +100 24 132 A +100 24 133 R +100 24 134 R +100 24 135 A +100 24 136 R +100 24 137 R +100 24 138 L +100 24 139 A +100 24 140 R +100 24 141 U +100 24 142 R +100 24 143 S +100 24 144 L +100 24 145 K +100 24 146 S +100 24 147 K +100 24 148 A +100 24 149 K +100 24 150 R +100 24 151 A +100 24 152 A +100 24 153 L +100 24 154 R +100 24 155 R +100 24 156 K +100 24 157 R +100 24 158 U +100 24 159 S +100 24 160 A +100 24 161 K +100 24 162 A +100 24 163 K +100 24 164 L +100 24 165 K +100 24 166 R +100 24 167 A +100 24 168 K +100 24 169 L +100 24 170 R +100 24 171 K +100 24 172 U +100 24 173 A +100 24 174 S +100 24 175 U +100 24 176 A +100 24 177 S +100 24 178 R +100 24 179 A +100 24 180 K +100 24 181 S +100 24 182 R +100 24 183 R +100 24 184 A +100 24 185 A +100 24 186 R +100 24 187 A +100 24 188 R +100 24 189 U +100 24 190 A +100 24 191 K +100 24 192 A +100 24 193 S +100 24 194 A +100 24 195 K +100 24 196 K +100 24 197 A +100 24 198 R +100 24 199 U +100 24 200 R +100 24 201 A +100 24 202 K +100 24 203 A +100 24 204 R +100 24 205 A +100 24 206 U +100 24 207 A +100 24 208 S +100 24 209 K +100 24 210 R +100 24 211 L +100 24 212 A +100 24 213 A +100 24 214 S +100 24 215 A +100 24 216 R +100 24 217 A +100 24 218 K +100 24 219 U +100 24 220 L +100 24 221 U +100 24 222 R +100 24 223 K +100 24 224 U +100 24 225 R +100 24 226 R +100 24 227 R +100 24 228 R +100 24 229 K +100 24 230 U +100 24 231 A +100 24 232 R +100 24 233 L +100 24 234 K +100 24 235 L +100 24 236 K +100 24 237 A +100 24 238 R +100 24 239 A +100 24 240 A +100 24 241 U +100 24 242 S +100 24 243 A +100 24 244 U +100 24 245 A +100 24 246 K +100 24 247 L +100 24 248 R +100 24 249 K +100 24 250 A +100 24 251 K +100 24 252 U +100 24 253 K +100 24 254 U +100 24 255 R +100 24 256 A +100 24 257 L +100 24 258 S +100 24 259 A +100 24 260 S +100 24 261 A +100 24 262 U +100 24 263 R +100 24 264 U +100 24 265 K +100 24 266 A +100 24 267 R +100 24 268 K +100 24 269 A +100 24 270 A +100 24 271 K +100 24 272 U +100 24 273 A +100 24 274 U +100 24 275 S +100 24 276 A +100 24 277 R +100 24 278 A +100 24 279 L +100 24 280 K +100 24 281 K +100 24 282 K +100 24 283 A +100 24 284 U +100 24 285 A +100 24 286 U +100 24 287 R +100 24 288 A +100 24 289 R +100 24 290 U +100 24 291 L +100 24 292 A +100 24 293 U +100 24 294 U +100 24 295 R +100 24 296 A +100 24 297 S +100 24 298 A +100 24 299 K +100 24 300 U +100 24 301 K +100 24 302 U +100 24 303 U +100 24 304 K +100 24 305 A +100 24 306 K +100 24 307 L +100 24 308 A +100 24 309 R +100 24 310 K +100 24 311 L +100 24 312 R +100 24 313 A +100 24 314 U +100 24 315 R +100 24 316 K +100 24 317 A +100 24 318 A +100 24 319 U +100 24 320 K +100 24 321 A +100 24 322 R +100 24 323 K +100 24 324 U +100 24 325 A +100 24 326 S +100 24 327 U +100 24 328 R +100 24 329 R +100 24 330 U +100 25 1 L +100 25 2 L +100 25 3 A +100 25 4 R +100 25 5 U +100 25 6 A +100 25 7 K +100 25 8 A +100 25 9 A +100 25 10 L +100 25 11 R +100 25 12 K +100 25 13 R +100 25 14 R +100 25 15 A +100 25 16 U +100 25 17 A +100 25 18 R +100 25 19 L +100 25 20 K +100 25 21 A +100 25 22 U +100 25 23 A +100 25 24 R +100 25 25 R +100 25 26 R +100 25 27 U +100 25 28 A +100 25 29 R +100 25 30 A +100 25 31 U +100 25 32 A +100 25 33 K +100 25 34 R +100 25 35 A +100 25 36 R +100 25 37 R +100 25 38 A +100 25 39 K +100 25 40 R +100 25 41 A +100 25 42 R +100 25 43 R +100 25 44 U +100 25 45 K +100 25 46 R +100 25 47 R +100 25 48 A +100 25 49 U +100 25 50 A +100 25 51 R +100 25 52 U +100 25 53 A +100 25 54 R +100 25 55 R +100 25 56 A +100 25 57 R +100 25 58 R +100 25 59 U +100 25 60 R +100 25 61 A +100 25 62 U +100 25 63 A +100 25 64 R +100 25 65 A +100 25 66 U +100 25 67 R +100 25 68 A +100 25 69 R +100 25 70 U +100 25 71 R +100 25 72 K +100 25 73 R +100 25 74 U +100 25 75 R +100 25 76 A +100 25 77 K +100 25 78 U +100 25 79 R +100 25 80 R +100 25 81 K +100 25 82 K +100 25 83 U +100 25 84 A +100 25 85 R +100 25 86 A +100 25 87 R +100 25 88 A +100 25 89 R +100 25 90 R +100 25 91 K +100 25 92 U +100 25 93 R +100 25 94 R +100 25 95 U +100 25 96 K +100 25 97 R +100 25 98 A +100 25 99 R +100 25 100 U +100 25 101 A +100 25 102 R +100 25 103 R +100 25 104 U +100 25 105 A +100 25 106 U +100 25 107 U +100 25 108 U +100 25 109 R +100 25 110 A +100 25 111 R +100 25 112 A +100 25 113 R +100 25 114 R +100 25 115 A +100 25 116 U +100 25 117 R +100 25 118 A +100 25 119 K +100 25 120 U +100 25 121 A +100 25 122 R +100 25 123 R +100 25 124 K +100 25 125 A +100 25 126 A +100 25 127 R +100 25 128 K +100 25 129 U +100 25 130 R +100 25 131 A +100 25 132 A +100 25 133 R +100 25 134 R +100 25 135 A +100 25 136 R +100 25 137 R +100 25 138 R +100 25 139 U +100 25 140 R +100 25 141 U +100 25 142 U +100 25 143 K +100 25 144 R +100 25 145 R +100 25 146 A +100 25 147 U +100 25 148 A +100 25 149 K +100 25 150 R +100 25 151 A +100 25 152 R +100 25 153 R +100 25 154 R +100 25 155 R +100 25 156 R +100 25 157 R +100 25 158 U +100 25 159 A +100 25 160 A +100 25 161 R +100 25 162 A +100 25 163 R +100 25 164 R +100 25 165 R +100 25 166 R +100 25 167 U +100 25 168 R +100 25 169 R +100 25 170 R +100 25 171 R +100 25 172 U +100 25 173 A +100 25 174 R +100 25 175 U +100 25 176 A +100 25 177 A +100 25 178 R +100 25 179 R +100 25 180 K +100 25 181 A +100 25 182 R +100 25 183 R +100 25 184 A +100 25 185 A +100 25 186 U +100 25 187 A +100 25 188 R +100 25 189 U +100 25 190 A +100 25 191 R +100 25 192 A +100 25 193 U +100 25 194 R +100 25 195 U +100 25 196 U +100 25 197 A +100 25 198 R +100 25 199 U +100 25 200 U +100 25 201 A +100 25 202 R +100 25 203 A +100 25 204 R +100 25 205 R +100 25 206 U +100 25 207 A +100 25 208 A +100 25 209 R +100 25 210 U +100 25 211 U +100 25 212 A +100 25 213 U +100 25 214 K +100 25 215 U +100 25 216 R +100 25 217 A +100 25 218 R +100 25 219 U +100 25 220 R +100 25 221 U +100 25 222 A +100 25 223 K +100 25 224 U +100 25 225 R +100 25 226 R +100 25 227 R +100 25 228 R +100 25 229 U +100 25 230 U +100 25 231 R +100 25 232 R +100 25 233 R +100 25 234 R +100 25 235 R +100 25 236 K +100 25 237 A +100 25 238 A +100 25 239 A +100 25 240 R +100 25 241 U +100 25 242 U +100 25 243 R +100 25 244 U +100 25 245 A +100 25 246 R +100 25 247 R +100 25 248 R +100 25 249 R +100 25 250 R +100 25 251 U +100 25 252 U +100 25 253 U +100 25 254 U +100 25 255 R +100 25 256 A +100 25 257 R +100 25 258 K +100 25 259 R +100 25 260 U +100 25 261 A +100 25 262 U +100 25 263 R +100 25 264 U +100 25 265 R +100 25 266 A +100 25 267 R +100 25 268 K +100 25 269 A +100 25 270 A +100 25 271 R +100 25 272 U +100 25 273 A +100 25 274 U +100 25 275 R +100 25 276 A +100 25 277 R +100 25 278 A +100 25 279 R +100 25 280 R +100 25 281 K +100 25 282 K +100 25 283 R +100 25 284 U +100 25 285 A +100 25 286 U +100 25 287 R +100 25 288 A +100 25 289 R +100 25 290 U +100 25 291 R +100 25 292 U +100 25 293 U +100 25 294 U +100 25 295 R +100 25 296 R +100 25 297 A +100 25 298 A +100 25 299 K +100 25 300 U +100 25 301 R +100 25 302 U +100 25 303 U +100 25 304 R +100 25 305 R +100 25 306 K +100 25 307 R +100 25 308 A +100 25 309 R +100 25 310 K +100 25 311 R +100 25 312 R +100 25 313 R +100 25 314 U +100 25 315 A +100 25 316 R +100 25 317 A +100 25 318 A +100 25 319 U +100 25 320 R +100 25 321 A +100 25 322 U +100 25 323 R +100 25 324 U +100 25 325 A +100 25 326 R +100 25 327 U +100 25 328 R +100 25 329 R +100 25 330 U +101 1 1 J +101 1 2 N +101 1 3 R +101 1 4 R +101 1 5 N +101 1 6 R +101 1 7 N +101 1 8 R +101 1 9 T +101 1 10 J +101 1 11 N +101 1 12 P +101 1 13 N +101 1 14 J +101 1 15 U +101 1 16 U +101 1 17 R +101 1 18 K +101 1 19 N +101 1 20 N +101 1 21 R +101 1 22 P +101 1 23 R +101 1 24 K +101 1 25 N +101 1 26 N +101 1 27 U +101 1 28 R +101 1 29 N +101 1 30 R +101 1 31 N +101 1 32 R +101 1 33 N +101 1 34 N +101 1 35 R +101 1 36 N +101 1 37 K +101 1 38 R +101 1 39 N +101 1 40 N +101 1 41 R +101 1 42 P +101 1 43 N +101 1 44 R +101 1 45 N +101 1 46 K +101 1 47 N +101 1 48 P +101 1 49 N +101 1 50 J +101 1 51 U +101 1 52 N +101 1 53 R +101 1 54 N +101 1 55 N +101 1 56 G +101 1 57 N +101 1 58 N +101 1 59 U +101 1 60 K +101 1 61 N +101 1 62 N +101 1 63 R +101 1 64 K +101 1 65 R +101 1 66 U +101 1 67 N +101 1 68 R +101 1 69 P +101 1 70 U +101 1 71 R +101 1 72 N +101 1 73 R +101 1 74 N +101 1 75 N +101 1 76 R +101 1 77 N +101 1 78 R +101 1 79 K +101 1 80 N +101 1 81 N +101 1 82 N +101 1 83 U +101 1 84 R +101 1 85 N +101 1 86 R +101 1 87 K +101 1 88 R +101 1 89 K +101 1 90 N +101 1 91 P +101 1 92 U +101 1 93 N +101 1 94 K +101 1 95 U +101 1 96 P +101 1 97 N +101 1 98 R +101 1 99 R +101 1 100 N +101 1 101 R +101 1 102 U +101 1 103 P +101 1 104 N +101 1 105 R +101 1 106 P +101 1 107 U +101 1 108 N +101 1 109 N +101 1 110 P +101 1 111 N +101 1 112 R +101 1 113 K +101 1 114 N +101 1 115 R +101 1 116 U +101 1 117 J +101 1 118 R +101 1 119 N +101 1 120 U +101 1 121 R +101 1 122 N +101 1 123 N +101 1 124 N +101 1 125 R +101 1 126 R +101 1 127 K +101 1 128 P +101 1 129 U +101 1 130 P +101 1 131 R +101 1 132 R +101 1 133 N +101 1 134 K +101 1 135 R +101 1 136 N +101 1 137 N +101 1 138 J +101 1 139 U +101 1 140 N +101 1 141 U +101 1 142 U +101 1 143 N +101 1 144 N +101 1 145 N +101 1 146 N +101 1 147 N +101 1 148 R +101 1 149 N +101 1 150 J +101 1 151 R +101 1 152 R +101 1 153 N +101 1 154 K +101 1 155 K +101 1 156 N +101 1 157 T +101 1 158 U +101 1 159 P +101 1 160 R +101 1 161 N +101 1 162 R +101 1 163 N +101 1 164 N +101 1 165 G +101 1 166 N +101 1 167 R +101 1 168 N +101 1 169 N +101 1 170 K +101 1 171 N +101 1 172 U +101 1 173 R +101 1 174 P +101 1 175 U +101 1 176 R +101 1 177 P +101 1 178 N +101 1 179 R +101 1 180 N +101 1 181 P +101 1 182 R +101 1 183 T +101 1 184 R +101 1 185 P +101 1 186 N +101 1 187 P +101 1 188 N +101 1 189 U +101 1 190 R +101 1 191 N +101 1 192 R +101 1 193 P +101 1 194 R +101 1 195 N +101 1 196 N +101 1 197 R +101 1 198 T +101 1 199 U +101 1 200 U +101 1 201 R +101 1 202 N +101 1 203 R +101 1 204 T +101 1 205 T +101 1 206 U +101 1 207 R +101 1 208 P +101 1 209 N +101 1 210 K +101 1 211 R +101 1 212 N +101 1 213 J +101 1 214 P +101 1 215 R +101 1 216 N +101 1 217 R +101 1 218 P +101 1 219 U +101 1 220 N +101 1 221 U +101 1 222 R +101 1 223 N +101 1 224 U +101 1 225 P +101 1 226 N +101 1 227 T +101 1 228 N +101 1 229 N +101 1 230 P +101 1 231 R +101 1 232 P +101 1 233 K +101 1 234 N +101 1 235 N +101 1 236 N +101 1 237 R +101 1 238 N +101 1 239 R +101 1 240 R +101 1 241 U +101 1 242 P +101 1 243 R +101 1 244 U +101 1 245 R +101 1 246 N +101 1 247 J +101 1 248 N +101 1 249 N +101 1 250 N +101 1 251 N +101 1 252 U +101 1 253 N +101 1 254 N +101 1 255 T +101 1 256 R +101 1 257 N +101 1 258 P +101 1 259 R +101 1 260 U +101 1 261 R +101 1 262 U +101 1 263 U +101 1 264 N +101 1 265 N +101 1 266 R +101 1 267 R +101 1 268 N +101 1 269 R +101 1 270 P +101 1 271 N +101 1 272 U +101 1 273 R +101 1 274 U +101 1 275 P +101 1 276 R +101 1 277 N +101 1 278 R +101 1 279 N +101 1 280 N +101 1 281 N +101 1 282 N +101 1 283 T +101 1 284 U +101 1 285 R +101 1 286 U +101 1 287 P +101 1 288 R +101 1 289 N +101 1 290 U +101 1 291 N +101 1 292 R +101 1 293 U +101 1 294 U +101 1 295 T +101 1 296 R +101 1 297 P +101 1 298 R +101 1 299 N +101 1 300 U +101 1 301 N +101 1 302 U +101 1 303 U +101 1 304 T +101 1 305 R +101 1 306 N +101 1 307 N +101 1 308 R +101 1 309 T +101 1 310 N +101 1 311 N +101 1 312 K +101 1 313 N +101 1 314 U +101 1 315 N +101 1 316 N +101 1 317 R +101 1 318 R +101 1 319 U +101 1 320 P +101 1 321 R +101 1 322 P +101 1 323 N +101 1 324 U +101 1 325 R +101 1 326 P +101 1 327 U +101 1 328 N +101 1 329 T +101 1 330 U +101 2 1 J +101 2 2 N +101 2 3 R +101 2 4 K +101 2 5 N +101 2 6 U +101 2 7 N +101 2 8 R +101 2 9 K +101 2 10 K +101 2 11 K +101 2 12 P +101 2 13 K +101 2 14 K +101 2 15 U +101 2 16 U +101 2 17 R +101 2 18 K +101 2 19 N +101 2 20 N +101 2 21 R +101 2 22 U +101 2 23 K +101 2 24 K +101 2 25 N +101 2 26 K +101 2 27 U +101 2 28 R +101 2 29 N +101 2 30 R +101 2 31 U +101 2 32 R +101 2 33 N +101 2 34 N +101 2 35 R +101 2 36 K +101 2 37 N +101 2 38 K +101 2 39 N +101 2 40 N +101 2 41 R +101 2 42 N +101 2 43 K +101 2 44 U +101 2 45 N +101 2 46 K +101 2 47 K +101 2 48 K +101 2 49 N +101 2 50 K +101 2 51 K +101 2 52 U +101 2 53 R +101 2 54 N +101 2 55 N +101 2 56 U +101 2 57 N +101 2 58 N +101 2 59 U +101 2 60 K +101 2 61 R +101 2 62 U +101 2 63 U +101 2 64 N +101 2 65 R +101 2 66 U +101 2 67 N +101 2 68 R +101 2 69 N +101 2 70 U +101 2 71 R +101 2 72 N +101 2 73 R +101 2 74 U +101 2 75 K +101 2 76 R +101 2 77 N +101 2 78 U +101 2 79 K +101 2 80 N +101 2 81 N +101 2 82 N +101 2 83 U +101 2 84 U +101 2 85 N +101 2 86 R +101 2 87 K +101 2 88 R +101 2 89 K +101 2 90 N +101 2 91 N +101 2 92 U +101 2 93 N +101 2 94 K +101 2 95 U +101 2 96 R +101 2 97 K +101 2 98 R +101 2 99 U +101 2 100 N +101 2 101 R +101 2 102 U +101 2 103 N +101 2 104 N +101 2 105 R +101 2 106 U +101 2 107 U +101 2 108 N +101 2 109 K +101 2 110 R +101 2 111 N +101 2 112 R +101 2 113 K +101 2 114 N +101 2 115 R +101 2 116 U +101 2 117 K +101 2 118 R +101 2 119 N +101 2 120 U +101 2 121 R +101 2 122 N +101 2 123 N +101 2 124 N +101 2 125 R +101 2 126 R +101 2 127 K +101 2 128 P +101 2 129 U +101 2 130 K +101 2 131 R +101 2 132 R +101 2 133 N +101 2 134 K +101 2 135 R +101 2 136 N +101 2 137 N +101 2 138 N +101 2 139 U +101 2 140 K +101 2 141 U +101 2 142 U +101 2 143 N +101 2 144 K +101 2 145 N +101 2 146 P +101 2 147 N +101 2 148 R +101 2 149 N +101 2 150 K +101 2 151 R +101 2 152 R +101 2 153 N +101 2 154 K +101 2 155 K +101 2 156 N +101 2 157 K +101 2 158 U +101 2 159 U +101 2 160 R +101 2 161 N +101 2 162 R +101 2 163 N +101 2 164 N +101 2 165 N +101 2 166 N +101 2 167 U +101 2 168 N +101 2 169 N +101 2 170 K +101 2 171 N +101 2 172 U +101 2 173 R +101 2 174 P +101 2 175 N +101 2 176 R +101 2 177 U +101 2 178 N +101 2 179 R +101 2 180 N +101 2 181 K +101 2 182 R +101 2 183 K +101 2 184 R +101 2 185 K +101 2 186 N +101 2 187 P +101 2 188 N +101 2 189 U +101 2 190 U +101 2 191 N +101 2 192 K +101 2 193 P +101 2 194 K +101 2 195 N +101 2 196 N +101 2 197 K +101 2 198 K +101 2 199 U +101 2 200 N +101 2 201 R +101 2 202 N +101 2 203 R +101 2 204 K +101 2 205 K +101 2 206 U +101 2 207 R +101 2 208 K +101 2 209 N +101 2 210 K +101 2 211 N +101 2 212 R +101 2 213 U +101 2 214 N +101 2 215 R +101 2 216 N +101 2 217 R +101 2 218 N +101 2 219 U +101 2 220 K +101 2 221 U +101 2 222 K +101 2 223 N +101 2 224 U +101 2 225 N +101 2 226 N +101 2 227 K +101 2 228 N +101 2 229 N +101 2 230 U +101 2 231 R +101 2 232 K +101 2 233 N +101 2 234 N +101 2 235 K +101 2 236 N +101 2 237 U +101 2 238 N +101 2 239 R +101 2 240 K +101 2 241 U +101 2 242 P +101 2 243 R +101 2 244 U +101 2 245 R +101 2 246 N +101 2 247 K +101 2 248 N +101 2 249 N +101 2 250 K +101 2 251 N +101 2 252 U +101 2 253 N +101 2 254 N +101 2 255 K +101 2 256 R +101 2 257 K +101 2 258 P +101 2 259 R +101 2 260 U +101 2 261 P +101 2 262 U +101 2 263 K +101 2 264 N +101 2 265 N +101 2 266 K +101 2 267 R +101 2 268 N +101 2 269 R +101 2 270 P +101 2 271 U +101 2 272 R +101 2 273 N +101 2 274 U +101 2 275 P +101 2 276 R +101 2 277 K +101 2 278 R +101 2 279 K +101 2 280 N +101 2 281 N +101 2 282 N +101 2 283 K +101 2 284 U +101 2 285 R +101 2 286 U +101 2 287 K +101 2 288 R +101 2 289 N +101 2 290 U +101 2 291 K +101 2 292 R +101 2 293 U +101 2 294 N +101 2 295 K +101 2 296 K +101 2 297 P +101 2 298 R +101 2 299 N +101 2 300 K +101 2 301 N +101 2 302 U +101 2 303 K +101 2 304 N +101 2 305 R +101 2 306 N +101 2 307 N +101 2 308 N +101 2 309 K +101 2 310 N +101 2 311 K +101 2 312 K +101 2 313 K +101 2 314 U +101 2 315 N +101 2 316 N +101 2 317 R +101 2 318 R +101 2 319 U +101 2 320 N +101 2 321 R +101 2 322 N +101 2 323 N +101 2 324 U +101 2 325 R +101 2 326 P +101 2 327 U +101 2 328 R +101 2 329 K +101 2 330 U +101 3 1 N +101 3 2 N +101 3 3 R +101 3 4 GO +101 3 5 N +101 3 6 R +101 3 7 N +101 3 8 R +101 3 9 GO +101 3 10 N +101 3 11 N +101 3 12 R +101 3 13 N +101 3 14 N +101 3 15 GO +101 3 16 U +101 3 17 R +101 3 18 N +101 3 19 N +101 3 20 N +101 3 21 R +101 3 22 U +101 3 23 R +101 3 24 GO +101 3 25 N +101 3 26 N +101 3 27 U +101 3 28 R +101 3 29 N +101 3 30 GO +101 3 31 N +101 3 32 R +101 3 33 N +101 3 34 N +101 3 35 R +101 3 36 N +101 3 37 N +101 3 38 R +101 3 39 N +101 3 40 N +101 3 41 R +101 3 42 GO +101 3 43 N +101 3 44 U +101 3 45 N +101 3 46 K +101 3 47 K +101 3 48 N +101 3 49 N +101 3 50 GO +101 3 51 K +101 3 52 U +101 3 53 R +101 3 54 N +101 3 55 N +101 3 56 GO +101 3 57 N +101 3 58 N +101 3 59 U +101 3 60 K +101 3 61 R +101 3 62 U +101 3 63 R +101 3 64 N +101 3 65 R +101 3 66 U +101 3 67 N +101 3 68 R +101 3 69 GO +101 3 70 U +101 3 71 GO +101 3 72 N +101 3 73 GO +101 3 74 U +101 3 75 GO +101 3 76 R +101 3 77 N +101 3 78 GO +101 3 79 K +101 3 80 N +101 3 81 N +101 3 82 N +101 3 83 U +101 3 84 U +101 3 85 N +101 3 86 R +101 3 87 GO +101 3 88 N +101 3 89 K +101 3 90 K +101 3 91 N +101 3 92 U +101 3 93 N +101 3 94 GO +101 3 95 U +101 3 96 N +101 3 97 GO +101 3 98 R +101 3 99 GO +101 3 100 N +101 3 101 R +101 3 102 GO +101 3 103 N +101 3 104 R +101 3 105 N +101 3 106 P +101 3 107 U +101 3 108 U +101 3 109 N +101 3 110 R +101 3 111 N +101 3 112 R +101 3 113 K +101 3 114 N +101 3 115 R +101 3 116 U +101 3 117 N +101 3 118 R +101 3 119 N +101 3 120 U +101 3 121 R +101 3 122 N +101 3 123 GO +101 3 124 N +101 3 125 R +101 3 126 GO +101 3 127 K +101 3 128 R +101 3 129 U +101 3 130 K +101 3 131 GO +101 3 132 N +101 3 133 N +101 3 134 GO +101 3 135 R +101 3 136 N +101 3 137 GO +101 3 138 N +101 3 139 U +101 3 140 N +101 3 141 U +101 3 142 U +101 3 143 N +101 3 144 N +101 3 145 N +101 3 146 U +101 3 147 N +101 3 148 R +101 3 149 N +101 3 150 GO +101 3 151 R +101 3 152 GO +101 3 153 N +101 3 154 K +101 3 155 K +101 3 156 N +101 3 157 K +101 3 158 U +101 3 159 N +101 3 160 R +101 3 161 GO +101 3 162 R +101 3 163 N +101 3 164 N +101 3 165 GO +101 3 166 N +101 3 167 GO +101 3 168 N +101 3 169 N +101 3 170 K +101 3 171 GO +101 3 172 U +101 3 173 R +101 3 174 R +101 3 175 GO +101 3 176 N +101 3 177 GO +101 3 178 GO +101 3 179 R +101 3 180 N +101 3 181 U +101 3 182 R +101 3 183 GO +101 3 184 N +101 3 185 GO +101 3 186 N +101 3 187 GO +101 3 188 N +101 3 189 U +101 3 190 R +101 3 191 N +101 3 192 N +101 3 193 U +101 3 194 R +101 3 195 N +101 3 196 U +101 3 197 N +101 3 198 K +101 3 199 U +101 3 200 N +101 3 201 GO +101 3 202 N +101 3 203 R +101 3 204 GO +101 3 205 GO +101 3 206 U +101 3 207 R +101 3 208 GO +101 3 209 N +101 3 210 N +101 3 211 N +101 3 212 R +101 3 213 GO +101 3 214 N +101 3 215 GO +101 3 216 N +101 3 217 R +101 3 218 U +101 3 219 U +101 3 220 N +101 3 221 U +101 3 222 R +101 3 223 N +101 3 224 U +101 3 225 G +101 3 226 N +101 3 227 K +101 3 228 R +101 3 229 G +101 3 230 U +101 3 231 R +101 3 232 K +101 3 233 N +101 3 234 N +101 3 235 N +101 3 236 GO +101 3 237 U +101 3 238 N +101 3 239 GO +101 3 240 K +101 3 241 U +101 3 242 U +101 3 243 GO +101 3 244 U +101 3 245 R +101 3 246 N +101 3 247 GO +101 3 248 K +101 3 249 N +101 3 250 GO +101 3 251 N +101 3 252 U +101 3 253 N +101 3 254 GO +101 3 255 K +101 3 256 R +101 3 257 GO +101 3 258 N +101 3 259 R +101 3 260 U +101 3 261 R +101 3 262 U +101 3 263 K +101 3 264 N +101 3 265 N +101 3 266 R +101 3 267 GO +101 3 268 N +101 3 269 N +101 3 270 GO +101 3 271 U +101 3 272 R +101 3 273 K +101 3 274 U +101 3 275 GO +101 3 276 R +101 3 277 N +101 3 278 R +101 3 279 N +101 3 280 GO +101 3 281 N +101 3 282 N +101 3 283 GO +101 3 284 U +101 3 285 U +101 3 286 U +101 3 287 N +101 3 288 R +101 3 289 GO +101 3 290 U +101 3 291 N +101 3 292 GO +101 3 293 U +101 3 294 U +101 3 295 GO +101 3 296 GO +101 3 297 U +101 3 298 R +101 3 299 N +101 3 300 U +101 3 301 N +101 3 302 U +101 3 303 R +101 3 304 GO +101 3 305 R +101 3 306 GO +101 3 307 N +101 3 308 G +101 3 309 K +101 3 310 N +101 3 311 K +101 3 312 K +101 3 313 GO +101 3 314 U +101 3 315 N +101 3 316 N +101 3 317 R +101 3 318 U +101 3 319 U +101 3 320 GO +101 3 321 R +101 3 322 N +101 3 323 N +101 3 324 U +101 3 325 N +101 3 326 U +101 3 327 U +101 3 328 N +101 3 329 GO +101 3 330 U +101 4 1 N +101 4 2 N +101 4 3 R +101 4 4 K +101 4 5 N +101 4 6 N +101 4 7 N +101 4 8 R +101 4 9 U +101 4 10 N +101 4 11 N +101 4 12 R +101 4 13 K +101 4 14 K +101 4 15 N +101 4 16 U +101 4 17 R +101 4 18 K +101 4 19 N +101 4 20 N +101 4 21 R +101 4 22 P +101 4 23 N +101 4 24 K +101 4 25 N +101 4 26 N +101 4 27 U +101 4 28 R +101 4 29 N +101 4 30 R +101 4 31 N +101 4 32 N +101 4 33 N +101 4 34 N +101 4 35 R +101 4 36 N +101 4 37 N +101 4 38 R +101 4 39 N +101 4 40 N +101 4 41 R +101 4 42 N +101 4 43 K +101 4 44 U +101 4 45 N +101 4 46 U +101 4 47 K +101 4 48 P +101 4 49 N +101 4 50 N +101 4 51 K +101 4 52 U +101 4 53 R +101 4 54 N +101 4 55 N +101 4 56 R +101 4 57 K +101 4 58 BR +101 4 59 BR +101 4 60 R +101 4 61 R +101 4 62 N +101 4 63 R +101 4 64 N +101 4 65 R +101 4 66 U +101 4 67 N +101 4 68 R +101 4 69 N +101 4 70 U +101 4 71 R +101 4 72 N +101 4 73 R +101 4 74 U +101 4 75 K +101 4 76 N +101 4 77 N +101 4 78 BR +101 4 79 K +101 4 80 N +101 4 81 N +101 4 82 N +101 4 83 BR +101 4 84 R +101 4 85 N +101 4 86 N +101 4 87 K +101 4 88 R +101 4 89 K +101 4 90 K +101 4 91 P +101 4 92 U +101 4 93 N +101 4 94 K +101 4 95 U +101 4 96 BR +101 4 97 N +101 4 98 R +101 4 99 N +101 4 100 N +101 4 101 R +101 4 102 N +101 4 103 BR +101 4 104 N +101 4 105 R +101 4 106 U +101 4 107 U +101 4 108 N +101 4 109 N +101 4 110 * +101 4 111 K +101 4 112 R +101 4 113 U +101 4 114 N +101 4 115 R +101 4 116 N +101 4 117 K +101 4 118 R +101 4 119 N +101 4 120 U +101 4 121 R +101 4 122 N +101 4 123 K +101 4 124 BR +101 4 125 R +101 4 126 R +101 4 127 K +101 4 128 N +101 4 129 U +101 4 130 K +101 4 131 N +101 4 132 R +101 4 133 N +101 4 134 K +101 4 135 R +101 4 136 N +101 4 137 K +101 4 138 N +101 4 139 U +101 4 140 K +101 4 141 U +101 4 142 U +101 4 143 N +101 4 144 P +101 4 145 N +101 4 146 BR +101 4 147 N +101 4 148 R +101 4 149 N +101 4 150 K +101 4 151 R +101 4 152 N +101 4 153 N +101 4 154 K +101 4 155 K +101 4 156 N +101 4 157 K +101 4 158 U +101 4 159 P +101 4 160 R +101 4 161 N +101 4 162 R +101 4 163 N +101 4 164 N +101 4 165 BR +101 4 166 K +101 4 167 U +101 4 168 N +101 4 169 K +101 4 170 K +101 4 171 BR +101 4 172 U +101 4 173 R +101 4 174 N +101 4 175 BR +101 4 176 R +101 4 177 BR +101 4 178 N +101 4 179 R +101 4 180 N +101 4 181 BR +101 4 182 R +101 4 183 BR +101 4 184 N +101 4 185 BR +101 4 186 N +101 4 187 R +101 4 188 N +101 4 189 U +101 4 190 R +101 4 191 N +101 4 192 P +101 4 193 BR +101 4 194 R +101 4 195 N +101 4 196 N +101 4 197 N +101 4 198 K +101 4 199 U +101 4 200 N +101 4 201 P +101 4 202 N +101 4 203 R +101 4 204 K +101 4 205 N +101 4 206 U +101 4 207 R +101 4 208 BR +101 4 209 K +101 4 210 R +101 4 211 N +101 4 212 BR +101 4 213 N +101 4 214 BR +101 4 215 R +101 4 216 K +101 4 217 R +101 4 218 BR +101 4 219 U +101 4 220 N +101 4 221 U +101 4 222 N +101 4 223 N +101 4 224 U +101 4 225 BR +101 4 226 K +101 4 227 K +101 4 228 K +101 4 229 N +101 4 230 U +101 4 231 R +101 4 232 K +101 4 233 K +101 4 234 N +101 4 235 N +101 4 236 BR +101 4 237 BR +101 4 238 N +101 4 239 R +101 4 240 BR +101 4 241 U +101 4 242 BR +101 4 243 R +101 4 244 U +101 4 245 R +101 4 246 N +101 4 247 P +101 4 248 K +101 4 249 N +101 4 250 P +101 4 251 N +101 4 252 U +101 4 253 N +101 4 254 U +101 4 255 K +101 4 256 R +101 4 257 N +101 4 258 P +101 4 259 R +101 4 260 U +101 4 261 R +101 4 262 U +101 4 263 U +101 4 264 K +101 4 265 N +101 4 266 BR +101 4 267 P +101 4 268 N +101 4 269 R +101 4 270 BR +101 4 271 U +101 4 272 R +101 4 273 K +101 4 274 U +101 4 275 BR +101 4 276 R +101 4 277 K +101 4 278 R +101 4 279 N +101 4 280 BR +101 4 281 N +101 4 282 N +101 4 283 BR +101 4 284 U +101 4 285 R +101 4 286 U +101 4 287 BR +101 4 288 R +101 4 289 N +101 4 290 U +101 4 291 N +101 4 292 R +101 4 293 U +101 4 294 U +101 4 295 K +101 4 296 N +101 4 297 P +101 4 298 R +101 4 299 N +101 4 300 U +101 4 301 N +101 4 302 U +101 4 303 K +101 4 304 N +101 4 305 R +101 4 306 N +101 4 307 N +101 4 308 BR +101 4 309 K +101 4 310 N +101 4 311 N +101 4 312 K +101 4 313 K +101 4 314 U +101 4 315 N +101 4 316 N +101 4 317 R +101 4 318 BR +101 4 319 U +101 4 320 BR +101 4 321 R +101 4 322 N +101 4 323 N +101 4 324 U +101 4 325 R +101 4 326 BR +101 4 327 U +101 4 328 N +101 4 329 BR +101 4 330 U +101 5 1 J +101 5 2 U +101 5 3 R +101 5 4 J +101 5 5 N +101 5 6 P +101 5 7 N +101 5 8 R +101 5 9 J +101 5 10 K +101 5 11 K +101 5 12 P +101 5 13 K +101 5 14 K +101 5 15 G +101 5 16 U +101 5 17 R +101 5 18 K +101 5 19 J +101 5 20 N +101 5 21 G +101 5 22 P +101 5 23 J +101 5 24 K +101 5 25 K +101 5 26 J +101 5 27 U +101 5 28 G +101 5 29 N +101 5 30 P +101 5 31 BR +101 5 32 G +101 5 33 N +101 5 34 J +101 5 35 R +101 5 36 K +101 5 37 J +101 5 38 G +101 5 39 N +101 5 40 J +101 5 41 R +101 5 42 BR +101 5 43 K +101 5 44 U +101 5 45 N +101 5 46 K +101 5 47 K +101 5 48 P +101 5 49 J +101 5 50 J +101 5 51 K +101 5 52 BR +101 5 53 G +101 5 54 N +101 5 55 BR +101 5 56 G +101 5 57 K +101 5 58 BR +101 5 59 G +101 5 60 K +101 5 61 R +101 5 62 J +101 5 63 G +101 5 64 BR +101 5 65 R +101 5 66 U +101 5 67 N +101 5 68 G +101 5 69 N +101 5 70 U +101 5 71 G +101 5 72 N +101 5 73 G +101 5 74 BR +101 5 75 K +101 5 76 R +101 5 77 BR +101 5 78 G +101 5 79 K +101 5 80 BR +101 5 81 N +101 5 82 N +101 5 83 P +101 5 84 G +101 5 85 N +101 5 86 G +101 5 87 K +101 5 88 G +101 5 89 K +101 5 90 K +101 5 91 P +101 5 92 U +101 5 93 J +101 5 94 K +101 5 95 BR +101 5 96 P +101 5 97 J +101 5 98 G +101 5 99 J +101 5 100 J +101 5 101 G +101 5 102 U +101 5 103 BR +101 5 104 BR +101 5 105 G +101 5 106 P +101 5 107 U +101 5 108 BR +101 5 109 J +101 5 110 P +101 5 111 K +101 5 112 G +101 5 113 K +101 5 114 J +101 5 115 R +101 5 116 BR +101 5 117 K +101 5 118 G +101 5 119 N +101 5 120 U +101 5 121 R +101 5 122 N +101 5 123 J +101 5 124 P +101 5 125 R +101 5 126 G +101 5 127 K +101 5 128 P +101 5 129 U +101 5 130 K +101 5 131 J +101 5 132 R +101 5 133 N +101 5 134 K +101 5 135 G +101 5 136 N +101 5 137 BR +101 5 138 J +101 5 139 U +101 5 140 J +101 5 141 U +101 5 142 U +101 5 143 N +101 5 144 J +101 5 145 N +101 5 146 P +101 5 147 N +101 5 148 R +101 5 149 N +101 5 150 J +101 5 151 G +101 5 152 BR +101 5 153 J +101 5 154 K +101 5 155 K +101 5 156 N +101 5 157 K +101 5 158 U +101 5 159 P +101 5 160 G +101 5 161 N +101 5 162 R +101 5 163 J +101 5 164 J +101 5 165 N +101 5 166 J +101 5 167 U +101 5 168 N +101 5 169 BR +101 5 170 K +101 5 171 N +101 5 172 U +101 5 173 R +101 5 174 P +101 5 175 BR +101 5 176 R +101 5 177 P +101 5 178 J +101 5 179 G +101 5 180 N +101 5 181 P +101 5 182 G +101 5 183 P +101 5 184 G +101 5 185 P +101 5 186 BR +101 5 187 P +101 5 188 BR +101 5 189 BR +101 5 190 G +101 5 191 N +101 5 192 G +101 5 193 P +101 5 194 BR +101 5 195 N +101 5 196 N +101 5 197 BR +101 5 198 K +101 5 199 BR +101 5 200 J +101 5 201 G +101 5 202 N +101 5 203 G +101 5 204 K +101 5 205 J +101 5 206 BR +101 5 207 G +101 5 208 BR +101 5 209 N +101 5 210 BR +101 5 211 J +101 5 212 P +101 5 213 BR +101 5 214 P +101 5 215 BR +101 5 216 K +101 5 217 G +101 5 218 BR +101 5 219 U +101 5 220 J +101 5 221 U +101 5 222 J +101 5 223 N +101 5 224 U +101 5 225 BR +101 5 226 K +101 5 227 K +101 5 228 K +101 5 229 BR +101 5 230 U +101 5 231 G +101 5 232 BR +101 5 233 J +101 5 234 N +101 5 235 J +101 5 236 N +101 5 237 P +101 5 238 N +101 5 239 G +101 5 240 K +101 5 241 U +101 5 242 P +101 5 243 BR +101 5 244 U +101 5 245 R +101 5 246 N +101 5 247 J +101 5 248 K +101 5 249 N +101 5 250 J +101 5 251 N +101 5 252 U +101 5 253 N +101 5 254 BR +101 5 255 K +101 5 256 G +101 5 257 J +101 5 258 P +101 5 259 G +101 5 260 BR +101 5 261 P +101 5 262 U +101 5 263 BR +101 5 264 BR +101 5 265 N +101 5 266 R +101 5 267 J +101 5 268 N +101 5 269 G +101 5 270 P +101 5 271 U +101 5 272 G +101 5 273 K +101 5 274 U +101 5 275 P +101 5 276 G +101 5 277 K +101 5 278 G +101 5 279 J +101 5 280 N +101 5 281 N +101 5 282 N +101 5 283 K +101 5 284 U +101 5 285 BR +101 5 286 U +101 5 287 P +101 5 288 R +101 5 289 J +101 5 290 U +101 5 291 J +101 5 292 G +101 5 293 P +101 5 294 U +101 5 295 K +101 5 296 J +101 5 297 P +101 5 298 R +101 5 299 N +101 5 300 BR +101 5 301 N +101 5 302 U +101 5 303 BR +101 5 304 N +101 5 305 J +101 5 306 N +101 5 307 J +101 5 308 BR +101 5 309 K +101 5 310 N +101 5 311 J +101 5 312 K +101 5 313 J +101 5 314 U +101 5 315 N +101 5 316 J +101 5 317 G +101 5 318 P +101 5 319 U +101 5 320 BR +101 5 321 R +101 5 322 J +101 5 323 N +101 5 324 U +101 5 325 BR +101 5 326 N +101 5 327 BR +101 5 328 N +101 5 329 BR +101 5 330 U +101 6 1 J +101 6 2 N +101 6 3 R +101 6 4 J +101 6 5 N +101 6 6 J +101 6 7 N +101 6 8 BR +101 6 9 BR +101 6 10 K +101 6 11 K +101 6 12 P +101 6 13 J +101 6 14 K +101 6 15 J +101 6 16 U +101 6 17 R +101 6 18 K +101 6 19 BR +101 6 20 N +101 6 21 R +101 6 22 P +101 6 23 J +101 6 24 K +101 6 25 N +101 6 26 J +101 6 27 R +101 6 28 R +101 6 29 N +101 6 30 BR +101 6 31 N +101 6 32 J +101 6 33 R +101 6 34 J +101 6 35 R +101 6 36 J +101 6 37 BR +101 6 38 J +101 6 39 N +101 6 40 R +101 6 41 R +101 6 42 P +101 6 43 K +101 6 44 U +101 6 45 N +101 6 46 J +101 6 47 N +101 6 48 R +101 6 49 J +101 6 50 R +101 6 51 J +101 6 52 N +101 6 53 R +101 6 54 N +101 6 55 J +101 6 56 P +101 6 57 N +101 6 58 J +101 6 59 U +101 6 60 K +101 6 61 R +101 6 62 J +101 6 63 R +101 6 64 J +101 6 65 R +101 6 66 P +101 6 67 N +101 6 68 J +101 6 69 R +101 6 70 U +101 6 71 R +101 6 72 N +101 6 73 R +101 6 74 BR +101 6 75 N +101 6 76 R +101 6 77 N +101 6 78 R +101 6 79 K +101 6 80 J +101 6 81 N +101 6 82 N +101 6 83 P +101 6 84 J +101 6 85 N +101 6 86 R +101 6 87 K +101 6 88 BR +101 6 89 K +101 6 90 J +101 6 91 P +101 6 92 BR +101 6 93 N +101 6 94 K +101 6 95 BR +101 6 96 P +101 6 97 J +101 6 98 R +101 6 99 BR +101 6 100 N +101 6 101 BR +101 6 102 J +101 6 103 K +101 6 104 N +101 6 105 J +101 6 106 P +101 6 107 U +101 6 108 N +101 6 109 J +101 6 110 P +101 6 111 N +101 6 112 R +101 6 113 K +101 6 114 N +101 6 115 R +101 6 116 N +101 6 117 J +101 6 118 R +101 6 119 N +101 6 120 U +101 6 121 J +101 6 122 N +101 6 123 J +101 6 124 P +101 6 125 R +101 6 126 J +101 6 127 K +101 6 128 P +101 6 129 J +101 6 130 K +101 6 131 J +101 6 132 R +101 6 133 N +101 6 134 K +101 6 135 N +101 6 136 N +101 6 137 N +101 6 138 BR +101 6 139 U +101 6 140 J +101 6 141 U +101 6 142 U +101 6 143 U +101 6 144 J +101 6 145 N +101 6 146 P +101 6 147 N +101 6 148 R +101 6 149 N +101 6 150 J +101 6 151 J +101 6 152 BR +101 6 153 N +101 6 154 BR +101 6 155 U +101 6 156 N +101 6 157 K +101 6 158 U +101 6 159 P +101 6 160 J +101 6 161 N +101 6 162 R +101 6 163 J +101 6 164 BR +101 6 165 J +101 6 166 K +101 6 167 U +101 6 168 N +101 6 169 J +101 6 170 U +101 6 171 U +101 6 172 U +101 6 173 R +101 6 174 P +101 6 175 J +101 6 176 R +101 6 177 P +101 6 178 J +101 6 179 * +101 6 180 N +101 6 181 P +101 6 182 J +101 6 183 GO +101 6 184 J +101 6 185 GO +101 6 186 N +101 6 187 P +101 6 188 J +101 6 189 BR +101 6 190 P +101 6 191 N +101 6 192 J +101 6 193 P +101 6 194 GO +101 6 195 N +101 6 196 N +101 6 197 J +101 6 198 U +101 6 199 J +101 6 200 BR +101 6 201 P +101 6 202 N +101 6 203 R +101 6 204 K +101 6 205 J +101 6 206 P +101 6 207 R +101 6 208 J +101 6 209 N +101 6 210 J +101 6 211 N +101 6 212 P +101 6 213 BR +101 6 214 P +101 6 215 J +101 6 216 U +101 6 217 R +101 6 218 J +101 6 219 U +101 6 220 R +101 6 221 J +101 6 222 K +101 6 223 N +101 6 224 U +101 6 225 BR +101 6 226 N +101 6 227 U +101 6 228 K +101 6 229 N +101 6 230 U +101 6 231 J +101 6 232 U +101 6 233 J +101 6 234 N +101 6 235 J +101 6 236 J +101 6 237 P +101 6 238 N +101 6 239 R +101 6 240 J +101 6 241 U +101 6 242 P +101 6 243 J +101 6 244 U +101 6 245 R +101 6 246 N +101 6 247 J +101 6 248 U +101 6 249 N +101 6 250 J +101 6 251 N +101 6 252 U +101 6 253 R +101 6 254 J +101 6 255 K +101 6 256 R +101 6 257 K +101 6 258 P +101 6 259 J +101 6 260 P +101 6 261 J +101 6 262 U +101 6 263 U +101 6 264 J +101 6 265 N +101 6 266 J +101 6 267 R +101 6 268 N +101 6 269 J +101 6 270 P +101 6 271 U +101 6 272 J +101 6 273 N +101 6 274 U +101 6 275 R +101 6 276 R +101 6 277 J +101 6 278 R +101 6 279 J +101 6 280 N +101 6 281 N +101 6 282 N +101 6 283 J +101 6 284 U +101 6 285 J +101 6 286 U +101 6 287 BR +101 6 288 R +101 6 289 N +101 6 290 U +101 6 291 BR +101 6 292 J +101 6 293 N +101 6 294 U +101 6 295 J +101 6 296 K +101 6 297 P +101 6 298 R +101 6 299 N +101 6 300 U +101 6 301 N +101 6 302 U +101 6 303 J +101 6 304 N +101 6 305 J +101 6 306 N +101 6 307 N +101 6 308 J +101 6 309 U +101 6 310 N +101 6 311 J +101 6 312 K +101 6 313 J +101 6 314 U +101 6 315 N +101 6 316 N +101 6 317 J +101 6 318 P +101 6 319 U +101 6 320 J +101 6 321 R +101 6 322 BR +101 6 323 N +101 6 324 U +101 6 325 J +101 6 326 P +101 6 327 J +101 6 328 N +101 6 329 J +101 6 330 U +101 7 1 J +101 7 2 N +101 7 3 R +101 7 4 G +101 7 5 N +101 7 6 J +101 7 7 N +101 7 8 R +101 7 9 U +101 7 10 K +101 7 11 N +101 7 12 P +101 7 13 N +101 7 14 K +101 7 15 J +101 7 16 U +101 7 17 R +101 7 18 K +101 7 19 N +101 7 20 N +101 7 21 R +101 7 22 U +101 7 23 J +101 7 24 P +101 7 25 N +101 7 26 K +101 7 27 U +101 7 28 R +101 7 29 N +101 7 30 P +101 7 31 J +101 7 32 R +101 7 33 N +101 7 34 K +101 7 35 R +101 7 36 K +101 7 37 P +101 7 38 R +101 7 39 N +101 7 40 J +101 7 41 R +101 7 42 P +101 7 43 K +101 7 44 U +101 7 45 N +101 7 46 U +101 7 47 J +101 7 48 R +101 7 49 J +101 7 50 R +101 7 51 J +101 7 52 U +101 7 53 R +101 7 54 P +101 7 55 J +101 7 56 R +101 7 57 K +101 7 58 J +101 7 59 U +101 7 60 K +101 7 61 R +101 7 62 U +101 7 63 R +101 7 64 K +101 7 65 R +101 7 66 U +101 7 67 J +101 7 68 R +101 7 69 J +101 7 70 U +101 7 71 R +101 7 72 N +101 7 73 J +101 7 74 U +101 7 75 K +101 7 76 R +101 7 77 J +101 7 78 J +101 7 79 K +101 7 80 J +101 7 81 P +101 7 82 J +101 7 83 U +101 7 84 P +101 7 85 N +101 7 86 R +101 7 87 K +101 7 88 N +101 7 89 K +101 7 90 N +101 7 91 N +101 7 92 U +101 7 93 N +101 7 94 K +101 7 95 J +101 7 96 R +101 7 97 J +101 7 98 R +101 7 99 J +101 7 100 N +101 7 101 R +101 7 102 U +101 7 103 J +101 7 104 J +101 7 105 R +101 7 106 U +101 7 107 U +101 7 108 J +101 7 109 N +101 7 110 R +101 7 111 J +101 7 112 R +101 7 113 K +101 7 114 N +101 7 115 R +101 7 116 U +101 7 117 P +101 7 118 R +101 7 119 N +101 7 120 U +101 7 121 R +101 7 122 N +101 7 123 N +101 7 124 P +101 7 125 R +101 7 126 J +101 7 127 K +101 7 128 P +101 7 129 U +101 7 130 J +101 7 131 J +101 7 132 R +101 7 133 N +101 7 134 BR +101 7 135 J +101 7 136 J +101 7 137 N +101 7 138 N +101 7 139 U +101 7 140 N +101 7 141 U +101 7 142 U +101 7 143 P +101 7 144 J +101 7 145 N +101 7 146 BR +101 7 147 N +101 7 148 R +101 7 149 N +101 7 150 J +101 7 151 R +101 7 152 R +101 7 153 N +101 7 154 K +101 7 155 K +101 7 156 N +101 7 157 J +101 7 158 U +101 7 159 P +101 7 160 P +101 7 161 N +101 7 162 R +101 7 163 N +101 7 164 P +101 7 165 N +101 7 166 K +101 7 167 U +101 7 168 N +101 7 169 N +101 7 170 K +101 7 171 N +101 7 172 U +101 7 173 R +101 7 174 P +101 7 175 U +101 7 176 R +101 7 177 U +101 7 178 K +101 7 179 BR +101 7 180 N +101 7 181 P +101 7 182 J +101 7 183 J +101 7 184 J +101 7 185 P +101 7 186 N +101 7 187 P +101 7 188 N +101 7 189 U +101 7 190 P +101 7 191 N +101 7 192 J +101 7 193 J +101 7 194 R +101 7 195 N +101 7 196 J +101 7 197 BR +101 7 198 K +101 7 199 U +101 7 200 J +101 7 201 BR +101 7 202 N +101 7 203 J +101 7 204 K +101 7 205 BR +101 7 206 U +101 7 207 R +101 7 208 BR +101 7 209 N +101 7 210 BR +101 7 211 N +101 7 212 R +101 7 213 U +101 7 214 P +101 7 215 R +101 7 216 K +101 7 217 P +101 7 218 P +101 7 219 U +101 7 220 K +101 7 221 U +101 7 222 J +101 7 223 N +101 7 224 U +101 7 225 P +101 7 226 K +101 7 227 K +101 7 228 K +101 7 229 N +101 7 230 U +101 7 231 P +101 7 232 J +101 7 233 J +101 7 234 N +101 7 235 K +101 7 236 P +101 7 237 R +101 7 238 N +101 7 239 R +101 7 240 J +101 7 241 U +101 7 242 BR +101 7 243 R +101 7 244 U +101 7 245 R +101 7 246 N +101 7 247 J +101 7 248 K +101 7 249 N +101 7 250 J +101 7 251 N +101 7 252 U +101 7 253 N +101 7 254 J +101 7 255 K +101 7 256 R +101 7 257 K +101 7 258 J +101 7 259 R +101 7 260 J +101 7 261 J +101 7 262 U +101 7 263 K +101 7 264 J +101 7 265 N +101 7 266 R +101 7 267 J +101 7 268 N +101 7 269 J +101 7 270 J +101 7 271 U +101 7 272 J +101 7 273 K +101 7 274 U +101 7 275 J +101 7 276 R +101 7 277 K +101 7 278 J +101 7 279 N +101 7 280 N +101 7 281 N +101 7 282 N +101 7 283 J +101 7 284 U +101 7 285 J +101 7 286 U +101 7 287 J +101 7 288 R +101 7 289 N +101 7 290 U +101 7 291 N +101 7 292 J +101 7 293 J +101 7 294 U +101 7 295 J +101 7 296 R +101 7 297 P +101 7 298 R +101 7 299 N +101 7 300 U +101 7 301 N +101 7 302 U +101 7 303 U +101 7 304 N +101 7 305 R +101 7 306 P +101 7 307 N +101 7 308 J +101 7 309 K +101 7 310 N +101 7 311 J +101 7 312 K +101 7 313 K +101 7 314 U +101 7 315 N +101 7 316 N +101 7 317 R +101 7 318 P +101 7 319 U +101 7 320 J +101 7 321 R +101 7 322 J +101 7 323 N +101 7 324 U +101 7 325 J +101 7 326 P +101 7 327 U +101 7 328 N +101 7 329 J +101 7 330 U +101 8 1 J +101 8 2 N +101 8 3 R +101 8 4 BR +101 8 5 N +101 8 6 P +101 8 7 N +101 8 8 R +101 8 9 BR +101 8 10 K +101 8 11 K +101 8 12 P +101 8 13 K +101 8 14 K +101 8 15 G +101 8 16 U +101 8 17 R +101 8 18 K +101 8 19 N +101 8 20 N +101 8 21 R +101 8 22 P +101 8 23 J +101 8 24 K +101 8 25 N +101 8 26 J +101 8 27 U +101 8 28 R +101 8 29 N +101 8 30 G +101 8 31 N +101 8 32 G +101 8 33 N +101 8 34 J +101 8 35 R +101 8 36 N +101 8 37 J +101 8 38 G +101 8 39 N +101 8 40 J +101 8 41 R +101 8 42 P +101 8 43 K +101 8 44 U +101 8 45 N +101 8 46 U +101 8 47 K +101 8 48 P +101 8 49 N +101 8 50 G +101 8 51 K +101 8 52 U +101 8 53 R +101 8 54 G +101 8 55 J +101 8 56 G +101 8 57 N +101 8 58 P +101 8 59 U +101 8 60 K +101 8 61 R +101 8 62 U +101 8 63 R +101 8 64 K +101 8 65 R +101 8 66 U +101 8 67 N +101 8 68 G +101 8 69 P +101 8 70 U +101 8 71 R +101 8 72 N +101 8 73 J +101 8 74 U +101 8 75 K +101 8 76 R +101 8 77 N +101 8 78 G +101 8 79 K +101 8 80 N +101 8 81 N +101 8 82 N +101 8 83 P +101 8 84 G +101 8 85 N +101 8 86 G +101 8 87 K +101 8 88 G +101 8 89 K +101 8 90 K +101 8 91 N +101 8 92 U +101 8 93 K +101 8 94 K +101 8 95 U +101 8 96 P +101 8 97 K +101 8 98 R +101 8 99 BR +101 8 100 N +101 8 101 G +101 8 102 U +101 8 103 BR +101 8 104 N +101 8 105 G +101 8 106 BR +101 8 107 U +101 8 108 N +101 8 109 K +101 8 110 G +101 8 111 K +101 8 112 R +101 8 113 K +101 8 114 N +101 8 115 G +101 8 116 U +101 8 117 K +101 8 118 G +101 8 119 N +101 8 120 U +101 8 121 R +101 8 122 N +101 8 123 K +101 8 124 N +101 8 125 G +101 8 126 G +101 8 127 K +101 8 128 N +101 8 129 U +101 8 130 K +101 8 131 G +101 8 132 R +101 8 133 N +101 8 134 BR +101 8 135 G +101 8 136 N +101 8 137 N +101 8 138 U +101 8 139 U +101 8 140 K +101 8 141 U +101 8 142 U +101 8 143 N +101 8 144 K +101 8 145 N +101 8 146 P +101 8 147 N +101 8 148 R +101 8 149 N +101 8 150 J +101 8 151 G +101 8 152 G +101 8 153 N +101 8 154 U +101 8 155 BR +101 8 156 N +101 8 157 BR +101 8 158 U +101 8 159 G +101 8 160 G +101 8 161 N +101 8 162 R +101 8 163 N +101 8 164 K +101 8 165 BR +101 8 166 K +101 8 167 BR +101 8 168 N +101 8 169 K +101 8 170 U +101 8 171 N +101 8 172 U +101 8 173 R +101 8 174 P +101 8 175 BR +101 8 176 R +101 8 177 P +101 8 178 N +101 8 179 R +101 8 180 N +101 8 181 BR +101 8 182 R +101 8 183 BR +101 8 184 J +101 8 185 BR +101 8 186 N +101 8 187 P +101 8 188 N +101 8 189 U +101 8 190 BR +101 8 191 N +101 8 192 G +101 8 193 N +101 8 194 G +101 8 195 N +101 8 196 N +101 8 197 G +101 8 198 U +101 8 199 U +101 8 200 N +101 8 201 G +101 8 202 N +101 8 203 G +101 8 204 BR +101 8 205 P +101 8 206 U +101 8 207 R +101 8 208 G +101 8 209 N +101 8 210 BR +101 8 211 N +101 8 212 G +101 8 213 U +101 8 214 N +101 8 215 G +101 8 216 N +101 8 217 G +101 8 218 N +101 8 219 U +101 8 220 N +101 8 221 U +101 8 222 G +101 8 223 N +101 8 224 U +101 8 225 BR +101 8 226 J +101 8 227 K +101 8 228 K +101 8 229 N +101 8 230 U +101 8 231 G +101 8 232 BR +101 8 233 U +101 8 234 N +101 8 235 J +101 8 236 N +101 8 237 P +101 8 238 N +101 8 239 G +101 8 240 BR +101 8 241 U +101 8 242 P +101 8 243 R +101 8 244 U +101 8 245 R +101 8 246 N +101 8 247 G +101 8 248 N +101 8 249 N +101 8 250 G +101 8 251 N +101 8 252 U +101 8 253 N +101 8 254 J +101 8 255 J +101 8 256 R +101 8 257 J +101 8 258 G +101 8 259 BR +101 8 260 U +101 8 261 G +101 8 262 U +101 8 263 U +101 8 264 U +101 8 265 N +101 8 266 G +101 8 267 G +101 8 268 N +101 8 269 G +101 8 270 G +101 8 271 N +101 8 272 U +101 8 273 G +101 8 274 U +101 8 275 BR +101 8 276 R +101 8 277 N +101 8 278 R +101 8 279 N +101 8 280 N +101 8 281 J +101 8 282 N +101 8 283 BR +101 8 284 U +101 8 285 G +101 8 286 U +101 8 287 BR +101 8 288 R +101 8 289 J +101 8 290 BR +101 8 291 J +101 8 292 BR +101 8 293 N +101 8 294 U +101 8 295 BR +101 8 296 G +101 8 297 P +101 8 298 N +101 8 299 N +101 8 300 U +101 8 301 N +101 8 302 BR +101 8 303 U +101 8 304 N +101 8 305 G +101 8 306 N +101 8 307 J +101 8 308 BR +101 8 309 P +101 8 310 N +101 8 311 J +101 8 312 U +101 8 313 N +101 8 314 U +101 8 315 N +101 8 316 N +101 8 317 R +101 8 318 R +101 8 319 BR +101 8 320 P +101 8 321 R +101 8 322 J +101 8 323 J +101 8 324 U +101 8 325 P +101 8 326 P +101 8 327 U +101 8 328 J +101 8 329 BR +101 8 330 U +101 9 1 N +101 9 2 BR +101 9 3 R +101 9 4 J +101 9 5 N +101 9 6 BR +101 9 7 N +101 9 8 R +101 9 9 BR +101 9 10 K +101 9 11 N +101 9 12 P +101 9 13 N +101 9 14 J +101 9 15 U +101 9 16 U +101 9 17 R +101 9 18 K +101 9 19 N +101 9 20 N +101 9 21 R +101 9 22 BR +101 9 23 P +101 9 24 BR +101 9 25 N +101 9 26 P +101 9 27 BR +101 9 28 R +101 9 29 N +101 9 30 BR +101 9 31 N +101 9 32 G +101 9 33 N +101 9 34 J +101 9 35 R +101 9 36 N +101 9 37 J +101 9 38 G +101 9 39 N +101 9 40 N +101 9 41 G +101 9 42 BR +101 9 43 K +101 9 44 U +101 9 45 N +101 9 46 K +101 9 47 N +101 9 48 P +101 9 49 N +101 9 50 J +101 9 51 BR +101 9 52 U +101 9 53 G +101 9 54 N +101 9 55 N +101 9 56 BR +101 9 57 N +101 9 58 BR +101 9 59 U +101 9 60 N +101 9 61 G +101 9 62 J +101 9 63 P +101 9 64 J +101 9 65 R +101 9 66 U +101 9 67 N +101 9 68 J +101 9 69 BR +101 9 70 U +101 9 71 J +101 9 72 N +101 9 73 J +101 9 74 N +101 9 75 J +101 9 76 R +101 9 77 N +101 9 78 BR +101 9 79 K +101 9 80 N +101 9 81 BR +101 9 82 N +101 9 83 BR +101 9 84 P +101 9 85 N +101 9 86 J +101 9 87 K +101 9 88 J +101 9 89 K +101 9 90 N +101 9 91 BR +101 9 92 U +101 9 93 N +101 9 94 K +101 9 95 U +101 9 96 P +101 9 97 P +101 9 98 G +101 9 99 J +101 9 100 N +101 9 101 R +101 9 102 J +101 9 103 BR +101 9 104 P +101 9 105 G +101 9 106 P +101 9 107 U +101 9 108 J +101 9 109 K +101 9 110 R +101 9 111 J +101 9 112 G +101 9 113 K +101 9 114 N +101 9 115 G +101 9 116 P +101 9 117 BR +101 9 118 R +101 9 119 N +101 9 120 U +101 9 121 R +101 9 122 N +101 9 123 P +101 9 124 BR +101 9 125 R +101 9 126 BR +101 9 127 K +101 9 128 P +101 9 129 U +101 9 130 BR +101 9 131 J +101 9 132 G +101 9 133 N +101 9 134 BR +101 9 135 J +101 9 136 N +101 9 137 N +101 9 138 P +101 9 139 U +101 9 140 J +101 9 141 U +101 9 142 U +101 9 143 P +101 9 144 K +101 9 145 N +101 9 146 BR +101 9 147 N +101 9 148 G +101 9 149 P +101 9 150 J +101 9 151 BR +101 9 152 J +101 9 153 N +101 9 154 K +101 9 155 BR +101 9 156 N +101 9 157 BR +101 9 158 U +101 9 159 P +101 9 160 BR +101 9 161 N +101 9 162 G +101 9 163 N +101 9 164 N +101 9 165 BR +101 9 166 J +101 9 167 BR +101 9 168 N +101 9 169 J +101 9 170 N +101 9 171 J +101 9 172 U +101 9 173 R +101 9 174 P +101 9 175 J +101 9 176 R +101 9 177 BR +101 9 178 J +101 9 179 P +101 9 180 N +101 9 181 P +101 9 182 J +101 9 183 BR +101 9 184 J +101 9 185 BR +101 9 186 N +101 9 187 G +101 9 188 N +101 9 189 U +101 9 190 J +101 9 191 N +101 9 192 J +101 9 193 P +101 9 194 BR +101 9 195 N +101 9 196 N +101 9 197 J +101 9 198 K +101 9 199 U +101 9 200 N +101 9 201 R +101 9 202 N +101 9 203 R +101 9 204 K +101 9 205 J +101 9 206 U +101 9 207 G +101 9 208 BR +101 9 209 N +101 9 210 P +101 9 211 N +101 9 212 R +101 9 213 P +101 9 214 P +101 9 215 BR +101 9 216 K +101 9 217 BR +101 9 218 J +101 9 219 U +101 9 220 J +101 9 221 U +101 9 222 J +101 9 223 N +101 9 224 U +101 9 225 BR +101 9 226 N +101 9 227 K +101 9 228 J +101 9 229 N +101 9 230 U +101 9 231 R +101 9 232 BR +101 9 233 J +101 9 234 N +101 9 235 J +101 9 236 P +101 9 237 R +101 9 238 N +101 9 239 G +101 9 240 BR +101 9 241 U +101 9 242 P +101 9 243 G +101 9 244 U +101 9 245 R +101 9 246 N +101 9 247 J +101 9 248 K +101 9 249 N +101 9 250 J +101 9 251 N +101 9 252 U +101 9 253 N +101 9 254 J +101 9 255 K +101 9 256 G +101 9 257 J +101 9 258 BR +101 9 259 R +101 9 260 U +101 9 261 BR +101 9 262 U +101 9 263 K +101 9 264 J +101 9 265 N +101 9 266 R +101 9 267 G +101 9 268 N +101 9 269 G +101 9 270 BR +101 9 271 N +101 9 272 U +101 9 273 P +101 9 274 U +101 9 275 BR +101 9 276 R +101 9 277 J +101 9 278 BR +101 9 279 J +101 9 280 N +101 9 281 N +101 9 282 N +101 9 283 BR +101 9 284 U +101 9 285 P +101 9 286 U +101 9 287 BR +101 9 288 G +101 9 289 N +101 9 290 BR +101 9 291 J +101 9 292 P +101 9 293 U +101 9 294 U +101 9 295 BR +101 9 296 P +101 9 297 R +101 9 298 G +101 9 299 N +101 9 300 U +101 9 301 N +101 9 302 U +101 9 303 J +101 9 304 BR +101 9 305 G +101 9 306 N +101 9 307 N +101 9 308 J +101 9 309 BR +101 9 310 P +101 9 311 J +101 9 312 K +101 9 313 J +101 9 314 U +101 9 315 N +101 9 316 N +101 9 317 R +101 9 318 BR +101 9 319 U +101 9 320 BR +101 9 321 R +101 9 322 J +101 9 323 N +101 9 324 U +101 9 325 G +101 9 326 P +101 9 327 U +101 9 328 N +101 9 329 BR +101 9 330 U +101 10 1 J +101 10 2 BR +101 10 3 R +101 10 4 J +101 10 5 N +101 10 6 BR +101 10 7 N +101 10 8 J +101 10 9 BR +101 10 10 N +101 10 11 K +101 10 12 P +101 10 13 J +101 10 14 J +101 10 15 U +101 10 16 U +101 10 17 R +101 10 18 K +101 10 19 N +101 10 20 N +101 10 21 R +101 10 22 P +101 10 23 J +101 10 24 K +101 10 25 J +101 10 26 N +101 10 27 U +101 10 28 R +101 10 29 N +101 10 30 BR +101 10 31 J +101 10 32 BR +101 10 33 P +101 10 34 N +101 10 35 R +101 10 36 N +101 10 37 J +101 10 38 R +101 10 39 N +101 10 40 N +101 10 41 R +101 10 42 P +101 10 43 K +101 10 44 U +101 10 45 N +101 10 46 K +101 10 47 N +101 10 48 BR +101 10 49 N +101 10 50 P +101 10 51 K +101 10 52 U +101 10 53 R +101 10 54 J +101 10 55 N +101 10 56 BR +101 10 57 N +101 10 58 BR +101 10 59 U +101 10 60 K +101 10 61 R +101 10 62 BR +101 10 63 R +101 10 64 N +101 10 65 R +101 10 66 U +101 10 67 BR +101 10 68 G +101 10 69 BR +101 10 70 U +101 10 71 J +101 10 72 N +101 10 73 J +101 10 74 U +101 10 75 K +101 10 76 R +101 10 77 N +101 10 78 BR +101 10 79 K +101 10 80 N +101 10 81 P +101 10 82 N +101 10 83 U +101 10 84 P +101 10 85 N +101 10 86 R +101 10 87 K +101 10 88 BR +101 10 89 K +101 10 90 J +101 10 91 P +101 10 92 U +101 10 93 N +101 10 94 K +101 10 95 BR +101 10 96 P +101 10 97 J +101 10 98 R +101 10 99 BR +101 10 100 J +101 10 101 R +101 10 102 U +101 10 103 J +101 10 104 BR +101 10 105 J +101 10 106 P +101 10 107 U +101 10 108 U +101 10 109 N +101 10 110 R +101 10 111 K +101 10 112 R +101 10 113 K +101 10 114 N +101 10 115 J +101 10 116 BR +101 10 117 K +101 10 118 P +101 10 119 N +101 10 120 U +101 10 121 R +101 10 122 N +101 10 123 J +101 10 124 P +101 10 125 R +101 10 126 BR +101 10 127 K +101 10 128 P +101 10 129 U +101 10 130 K +101 10 131 BR +101 10 132 R +101 10 133 N +101 10 134 K +101 10 135 J +101 10 136 N +101 10 137 J +101 10 138 J +101 10 139 U +101 10 140 N +101 10 141 U +101 10 142 U +101 10 143 P +101 10 144 J +101 10 145 N +101 10 146 P +101 10 147 N +101 10 148 R +101 10 149 N +101 10 150 J +101 10 151 BR +101 10 152 J +101 10 153 N +101 10 154 K +101 10 155 K +101 10 156 N +101 10 157 K +101 10 158 U +101 10 159 P +101 10 160 R +101 10 161 N +101 10 162 R +101 10 163 N +101 10 164 J +101 10 165 BR +101 10 166 K +101 10 167 BR +101 10 168 N +101 10 169 J +101 10 170 K +101 10 171 J +101 10 172 U +101 10 173 R +101 10 174 P +101 10 175 J +101 10 176 R +101 10 177 P +101 10 178 N +101 10 179 J +101 10 180 N +101 10 181 BR +101 10 182 J +101 10 183 BR +101 10 184 J +101 10 185 P +101 10 186 N +101 10 187 R +101 10 188 N +101 10 189 U +101 10 190 P +101 10 191 N +101 10 192 J +101 10 193 P +101 10 194 BR +101 10 195 N +101 10 196 N +101 10 197 P +101 10 198 K +101 10 199 U +101 10 200 J +101 10 201 R +101 10 202 N +101 10 203 R +101 10 204 K +101 10 205 J +101 10 206 U +101 10 207 R +101 10 208 P +101 10 209 N +101 10 210 BR +101 10 211 N +101 10 212 R +101 10 213 U +101 10 214 P +101 10 215 BR +101 10 216 K +101 10 217 BR +101 10 218 P +101 10 219 U +101 10 220 J +101 10 221 U +101 10 222 P +101 10 223 N +101 10 224 U +101 10 225 J +101 10 226 N +101 10 227 K +101 10 228 J +101 10 229 N +101 10 230 U +101 10 231 J +101 10 232 K +101 10 233 BR +101 10 234 N +101 10 235 J +101 10 236 P +101 10 237 R +101 10 238 N +101 10 239 R +101 10 240 BR +101 10 241 U +101 10 242 P +101 10 243 J +101 10 244 U +101 10 245 R +101 10 246 N +101 10 247 J +101 10 248 K +101 10 249 N +101 10 250 J +101 10 251 N +101 10 252 U +101 10 253 N +101 10 254 BR +101 10 255 K +101 10 256 R +101 10 257 J +101 10 258 P +101 10 259 R +101 10 260 BR +101 10 261 R +101 10 262 U +101 10 263 K +101 10 264 U +101 10 265 U +101 10 266 R +101 10 267 J +101 10 268 N +101 10 269 J +101 10 270 R +101 10 271 K +101 10 272 U +101 10 273 BR +101 10 274 U +101 10 275 P +101 10 276 R +101 10 277 J +101 10 278 R +101 10 279 N +101 10 280 P +101 10 281 N +101 10 282 N +101 10 283 BR +101 10 284 U +101 10 285 G +101 10 286 U +101 10 287 BR +101 10 288 R +101 10 289 J +101 10 290 U +101 10 291 N +101 10 292 BR +101 10 293 J +101 10 294 U +101 10 295 K +101 10 296 BR +101 10 297 P +101 10 298 R +101 10 299 N +101 10 300 U +101 10 301 N +101 10 302 U +101 10 303 BR +101 10 304 P +101 10 305 J +101 10 306 P +101 10 307 N +101 10 308 J +101 10 309 K +101 10 310 N +101 10 311 J +101 10 312 K +101 10 313 J +101 10 314 U +101 10 315 N +101 10 316 N +101 10 317 R +101 10 318 R +101 10 319 U +101 10 320 P +101 10 321 R +101 10 322 J +101 10 323 N +101 10 324 U +101 10 325 J +101 10 326 P +101 10 327 U +101 10 328 J +101 10 329 BR +101 10 330 U +101 11 1 N +101 11 2 J +101 11 3 R +101 11 4 P +101 11 5 P +101 11 6 R +101 11 7 N +101 11 8 R +101 11 9 R +101 11 10 J +101 11 11 J +101 11 12 P +101 11 13 K +101 11 14 K +101 11 15 P +101 11 16 U +101 11 17 R +101 11 18 K +101 11 19 N +101 11 20 N +101 11 21 R +101 11 22 J +101 11 23 P +101 11 24 P +101 11 25 P +101 11 26 P +101 11 27 U +101 11 28 R +101 11 29 N +101 11 30 R +101 11 31 P +101 11 32 R +101 11 33 N +101 11 34 N +101 11 35 R +101 11 36 N +101 11 37 N +101 11 38 R +101 11 39 N +101 11 40 N +101 11 41 R +101 11 42 P +101 11 43 N +101 11 44 U +101 11 45 P +101 11 46 K +101 11 47 N +101 11 48 R +101 11 49 N +101 11 50 P +101 11 51 J +101 11 52 U +101 11 53 R +101 11 54 N +101 11 55 N +101 11 56 R +101 11 57 N +101 11 58 P +101 11 59 U +101 11 60 N +101 11 61 R +101 11 62 U +101 11 63 R +101 11 64 N +101 11 65 R +101 11 66 U +101 11 67 N +101 11 68 R +101 11 69 J +101 11 70 U +101 11 71 R +101 11 72 N +101 11 73 N +101 11 74 N +101 11 75 N +101 11 76 R +101 11 77 N +101 11 78 U +101 11 79 K +101 11 80 N +101 11 81 N +101 11 82 N +101 11 83 U +101 11 84 R +101 11 85 N +101 11 86 R +101 11 87 K +101 11 88 R +101 11 89 K +101 11 90 N +101 11 91 J +101 11 92 U +101 11 93 N +101 11 94 K +101 11 95 U +101 11 96 P +101 11 97 K +101 11 98 R +101 11 99 U +101 11 100 N +101 11 101 R +101 11 102 U +101 11 103 P +101 11 104 N +101 11 105 R +101 11 106 U +101 11 107 U +101 11 108 N +101 11 109 N +101 11 110 R +101 11 111 J +101 11 112 R +101 11 113 K +101 11 114 N +101 11 115 R +101 11 116 U +101 11 117 K +101 11 118 R +101 11 119 N +101 11 120 U +101 11 121 R +101 11 122 N +101 11 123 N +101 11 124 N +101 11 125 R +101 11 126 R +101 11 127 N +101 11 128 P +101 11 129 U +101 11 130 K +101 11 131 N +101 11 132 R +101 11 133 N +101 11 134 P +101 11 135 R +101 11 136 N +101 11 137 N +101 11 138 N +101 11 139 U +101 11 140 N +101 11 141 U +101 11 142 U +101 11 143 P +101 11 144 K +101 11 145 N +101 11 146 J +101 11 147 N +101 11 148 R +101 11 149 N +101 11 150 P +101 11 151 R +101 11 152 R +101 11 153 N +101 11 154 K +101 11 155 K +101 11 156 N +101 11 157 R +101 11 158 U +101 11 159 R +101 11 160 R +101 11 161 N +101 11 162 R +101 11 163 N +101 11 164 N +101 11 165 P +101 11 166 N +101 11 167 J +101 11 168 N +101 11 169 N +101 11 170 N +101 11 171 J +101 11 172 U +101 11 173 R +101 11 174 R +101 11 175 N +101 11 176 R +101 11 177 BR +101 11 178 N +101 11 179 R +101 11 180 N +101 11 181 R +101 11 182 R +101 11 183 K +101 11 184 N +101 11 185 R +101 11 186 N +101 11 187 R +101 11 188 N +101 11 189 P +101 11 190 R +101 11 191 N +101 11 192 J +101 11 193 N +101 11 194 R +101 11 195 N +101 11 196 N +101 11 197 R +101 11 198 K +101 11 199 N +101 11 200 N +101 11 201 R +101 11 202 N +101 11 203 R +101 11 204 J +101 11 205 N +101 11 206 U +101 11 207 R +101 11 208 P +101 11 209 N +101 11 210 R +101 11 211 N +101 11 212 R +101 11 213 P +101 11 214 P +101 11 215 R +101 11 216 K +101 11 217 R +101 11 218 N +101 11 219 N +101 11 220 N +101 11 221 N +101 11 222 J +101 11 223 N +101 11 224 P +101 11 225 G +101 11 226 N +101 11 227 K +101 11 228 N +101 11 229 N +101 11 230 R +101 11 231 R +101 11 232 G +101 11 233 N +101 11 234 N +101 11 235 N +101 11 236 N +101 11 237 R +101 11 238 N +101 11 239 R +101 11 240 R +101 11 241 U +101 11 242 G +101 11 243 R +101 11 244 U +101 11 245 R +101 11 246 N +101 11 247 N +101 11 248 K +101 11 249 N +101 11 250 P +101 11 251 N +101 11 252 U +101 11 253 N +101 11 254 N +101 11 255 K +101 11 256 R +101 11 257 N +101 11 258 P +101 11 259 R +101 11 260 U +101 11 261 R +101 11 262 U +101 11 263 U +101 11 264 N +101 11 265 N +101 11 266 R +101 11 267 R +101 11 268 N +101 11 269 R +101 11 270 R +101 11 271 N +101 11 272 U +101 11 273 R +101 11 274 U +101 11 275 P +101 11 276 R +101 11 277 N +101 11 278 R +101 11 279 N +101 11 280 N +101 11 281 N +101 11 282 N +101 11 283 P +101 11 284 U +101 11 285 R +101 11 286 U +101 11 287 N +101 11 288 R +101 11 289 N +101 11 290 U +101 11 291 N +101 11 292 R +101 11 293 N +101 11 294 U +101 11 295 P +101 11 296 N +101 11 297 P +101 11 298 R +101 11 299 N +101 11 300 U +101 11 301 N +101 11 302 U +101 11 303 N +101 11 304 P +101 11 305 G +101 11 306 N +101 11 307 N +101 11 308 N +101 11 309 K +101 11 310 N +101 11 311 N +101 11 312 K +101 11 313 N +101 11 314 U +101 11 315 N +101 11 316 N +101 11 317 R +101 11 318 K +101 11 319 U +101 11 320 P +101 11 321 R +101 11 322 N +101 11 323 N +101 11 324 U +101 11 325 R +101 11 326 P +101 11 327 U +101 11 328 N +101 11 329 R +101 11 330 N +101 12 1 N +101 12 2 P +101 12 3 R +101 12 4 N +101 12 5 R +101 12 6 N +101 12 7 BR +101 12 8 R +101 12 9 P +101 12 10 R +101 12 11 K +101 12 12 P +101 12 13 N +101 12 14 K +101 12 15 BR +101 12 16 U +101 12 17 R +101 12 18 K +101 12 19 N +101 12 20 N +101 12 21 R +101 12 22 P +101 12 23 N +101 12 24 K +101 12 25 N +101 12 26 R +101 12 27 U +101 12 28 N +101 12 29 P +101 12 30 R +101 12 31 N +101 12 32 R +101 12 33 N +101 12 34 N +101 12 35 R +101 12 36 K +101 12 37 N +101 12 38 R +101 12 39 P +101 12 40 N +101 12 41 R +101 12 42 BR +101 12 43 K +101 12 44 U +101 12 45 N +101 12 46 K +101 12 47 K +101 12 48 BR +101 12 49 N +101 12 50 R +101 12 51 BR +101 12 52 U +101 12 53 R +101 12 54 P +101 12 55 R +101 12 56 BR +101 12 57 N +101 12 58 BR +101 12 59 U +101 12 60 K +101 12 61 R +101 12 62 N +101 12 63 R +101 12 64 N +101 12 65 R +101 12 66 U +101 12 67 BR +101 12 68 N +101 12 69 BR +101 12 70 U +101 12 71 N +101 12 72 N +101 12 73 N +101 12 74 U +101 12 75 K +101 12 76 R +101 12 77 N +101 12 78 U +101 12 79 K +101 12 80 R +101 12 81 N +101 12 82 N +101 12 83 U +101 12 84 BR +101 12 85 R +101 12 86 R +101 12 87 K +101 12 88 N +101 12 89 K +101 12 90 K +101 12 91 N +101 12 92 U +101 12 93 N +101 12 94 K +101 12 95 U +101 12 96 P +101 12 97 N +101 12 98 R +101 12 99 N +101 12 100 P +101 12 101 BR +101 12 102 U +101 12 103 P +101 12 104 N +101 12 105 R +101 12 106 P +101 12 107 U +101 12 108 U +101 12 109 N +101 12 110 R +101 12 111 K +101 12 112 R +101 12 113 K +101 12 114 N +101 12 115 R +101 12 116 U +101 12 117 K +101 12 118 N +101 12 119 N +101 12 120 U +101 12 121 N +101 12 122 N +101 12 123 N +101 12 124 N +101 12 125 R +101 12 126 N +101 12 127 K +101 12 128 N +101 12 129 U +101 12 130 K +101 12 131 N +101 12 132 R +101 12 133 N +101 12 134 K +101 12 135 R +101 12 136 P +101 12 137 K +101 12 138 N +101 12 139 U +101 12 140 R +101 12 141 U +101 12 142 U +101 12 143 N +101 12 144 N +101 12 145 P +101 12 146 BR +101 12 147 N +101 12 148 R +101 12 149 BR +101 12 150 N +101 12 151 BR +101 12 152 BR +101 12 153 N +101 12 154 K +101 12 155 K +101 12 156 N +101 12 157 K +101 12 158 U +101 12 159 BR +101 12 160 BR +101 12 161 N +101 12 162 R +101 12 163 N +101 12 164 P +101 12 165 K +101 12 166 K +101 12 167 U +101 12 168 N +101 12 169 N +101 12 170 K +101 12 171 N +101 12 172 U +101 12 173 R +101 12 174 N +101 12 175 U +101 12 176 R +101 12 177 BR +101 12 178 R +101 12 179 N +101 12 180 P +101 12 181 BR +101 12 182 R +101 12 183 BR +101 12 184 N +101 12 185 BR +101 12 186 N +101 12 187 R +101 12 188 N +101 12 189 U +101 12 190 U +101 12 191 N +101 12 192 P +101 12 193 N +101 12 194 R +101 12 195 BR +101 12 196 N +101 12 197 BR +101 12 198 K +101 12 199 U +101 12 200 N +101 12 201 BR +101 12 202 N +101 12 203 N +101 12 204 K +101 12 205 N +101 12 206 U +101 12 207 R +101 12 208 BR +101 12 209 K +101 12 210 K +101 12 211 N +101 12 212 R +101 12 213 U +101 12 214 N +101 12 215 BR +101 12 216 K +101 12 217 BR +101 12 218 BR +101 12 219 U +101 12 220 N +101 12 221 U +101 12 222 N +101 12 223 R +101 12 224 U +101 12 225 BR +101 12 226 K +101 12 227 K +101 12 228 N +101 12 229 BR +101 12 230 U +101 12 231 N +101 12 232 BR +101 12 233 N +101 12 234 N +101 12 235 N +101 12 236 BR +101 12 237 BR +101 12 238 N +101 12 239 BR +101 12 240 BR +101 12 241 U +101 12 242 BR +101 12 243 R +101 12 244 U +101 12 245 R +101 12 246 BR +101 12 247 N +101 12 248 K +101 12 249 K +101 12 250 N +101 12 251 P +101 12 252 U +101 12 253 P +101 12 254 N +101 12 255 K +101 12 256 R +101 12 257 K +101 12 258 BR +101 12 259 R +101 12 260 U +101 12 261 R +101 12 262 U +101 12 263 K +101 12 264 N +101 12 265 P +101 12 266 N +101 12 267 R +101 12 268 N +101 12 269 R +101 12 270 BR +101 12 271 K +101 12 272 U +101 12 273 N +101 12 274 U +101 12 275 BR +101 12 276 R +101 12 277 K +101 12 278 N +101 12 279 R +101 12 280 BR +101 12 281 N +101 12 282 P +101 12 283 K +101 12 284 U +101 12 285 P +101 12 286 U +101 12 287 BR +101 12 288 R +101 12 289 N +101 12 290 U +101 12 291 N +101 12 292 BR +101 12 293 U +101 12 294 U +101 12 295 BR +101 12 296 N +101 12 297 R +101 12 298 R +101 12 299 N +101 12 300 K +101 12 301 N +101 12 302 U +101 12 303 K +101 12 304 BR +101 12 305 N +101 12 306 BR +101 12 307 R +101 12 308 BR +101 12 309 K +101 12 310 N +101 12 311 P +101 12 312 K +101 12 313 N +101 12 314 U +101 12 315 N +101 12 316 N +101 12 317 R +101 12 318 R +101 12 319 U +101 12 320 BR +101 12 321 R +101 12 322 BR +101 12 323 N +101 12 324 U +101 12 325 P +101 12 326 BR +101 12 327 U +101 12 328 K +101 12 329 BR +101 12 330 U +101 13 1 J +101 13 2 J +101 13 3 P +101 13 4 K +101 13 5 N +101 13 6 P +101 13 7 N +101 13 8 R +101 13 9 R +101 13 10 N +101 13 11 N +101 13 12 P +101 13 13 N +101 13 14 K +101 13 15 U +101 13 16 U +101 13 17 R +101 13 18 K +101 13 19 N +101 13 20 N +101 13 21 R +101 13 22 P +101 13 23 N +101 13 24 K +101 13 25 N +101 13 26 N +101 13 27 U +101 13 28 R +101 13 29 N +101 13 30 P +101 13 31 N +101 13 32 P +101 13 33 N +101 13 34 N +101 13 35 P +101 13 36 K +101 13 37 N +101 13 38 R +101 13 39 N +101 13 40 N +101 13 41 R +101 13 42 P +101 13 43 K +101 13 44 U +101 13 45 N +101 13 46 K +101 13 47 K +101 13 48 P +101 13 49 N +101 13 50 K +101 13 51 K +101 13 52 U +101 13 53 R +101 13 54 N +101 13 55 N +101 13 56 P +101 13 57 N +101 13 58 P +101 13 59 U +101 13 60 K +101 13 61 R +101 13 62 U +101 13 63 P +101 13 64 N +101 13 65 R +101 13 66 U +101 13 67 N +101 13 68 P +101 13 69 K +101 13 70 U +101 13 71 R +101 13 72 N +101 13 73 N +101 13 74 U +101 13 75 K +101 13 76 P +101 13 77 N +101 13 78 U +101 13 79 K +101 13 80 N +101 13 81 P +101 13 82 N +101 13 83 U +101 13 84 P +101 13 85 N +101 13 86 P +101 13 87 K +101 13 88 N +101 13 89 K +101 13 90 K +101 13 91 P +101 13 92 U +101 13 93 N +101 13 94 K +101 13 95 U +101 13 96 P +101 13 97 N +101 13 98 R +101 13 99 U +101 13 100 N +101 13 101 R +101 13 102 U +101 13 103 K +101 13 104 N +101 13 105 N +101 13 106 P +101 13 107 U +101 13 108 U +101 13 109 N +101 13 110 P +101 13 111 K +101 13 112 R +101 13 113 K +101 13 114 K +101 13 115 R +101 13 116 U +101 13 117 K +101 13 118 P +101 13 119 N +101 13 120 U +101 13 121 R +101 13 122 N +101 13 123 N +101 13 124 P +101 13 125 R +101 13 126 P +101 13 127 K +101 13 128 P +101 13 129 U +101 13 130 K +101 13 131 N +101 13 132 R +101 13 133 N +101 13 134 K +101 13 135 R +101 13 136 N +101 13 137 N +101 13 138 U +101 13 139 U +101 13 140 N +101 13 141 U +101 13 142 U +101 13 143 N +101 13 144 N +101 13 145 N +101 13 146 P +101 13 147 N +101 13 148 R +101 13 149 N +101 13 150 P +101 13 151 P +101 13 152 P +101 13 153 N +101 13 154 K +101 13 155 K +101 13 156 N +101 13 157 K +101 13 158 U +101 13 159 P +101 13 160 P +101 13 161 N +101 13 162 R +101 13 163 N +101 13 164 N +101 13 165 N +101 13 166 K +101 13 167 U +101 13 168 N +101 13 169 N +101 13 170 K +101 13 171 N +101 13 172 U +101 13 173 R +101 13 174 P +101 13 175 N +101 13 176 R +101 13 177 U +101 13 178 N +101 13 179 R +101 13 180 N +101 13 181 P +101 13 182 R +101 13 183 K +101 13 184 N +101 13 185 P +101 13 186 N +101 13 187 P +101 13 188 N +101 13 189 N +101 13 190 P +101 13 191 N +101 13 192 N +101 13 193 P +101 13 194 R +101 13 195 N +101 13 196 N +101 13 197 P +101 13 198 K +101 13 199 U +101 13 200 N +101 13 201 P +101 13 202 N +101 13 203 R +101 13 204 K +101 13 205 N +101 13 206 U +101 13 207 R +101 13 208 P +101 13 209 N +101 13 210 R +101 13 211 N +101 13 212 P +101 13 213 U +101 13 214 P +101 13 215 P +101 13 216 K +101 13 217 P +101 13 218 P +101 13 219 U +101 13 220 N +101 13 221 U +101 13 222 N +101 13 223 N +101 13 224 U +101 13 225 P +101 13 226 N +101 13 227 K +101 13 228 K +101 13 229 N +101 13 230 U +101 13 231 N +101 13 232 P +101 13 233 N +101 13 234 N +101 13 235 N +101 13 236 P +101 13 237 P +101 13 238 N +101 13 239 P +101 13 240 P +101 13 241 U +101 13 242 P +101 13 243 R +101 13 244 U +101 13 245 R +101 13 246 N +101 13 247 N +101 13 248 K +101 13 249 N +101 13 250 N +101 13 251 N +101 13 252 U +101 13 253 N +101 13 254 N +101 13 255 K +101 13 256 R +101 13 257 N +101 13 258 P +101 13 259 R +101 13 260 U +101 13 261 R +101 13 262 U +101 13 263 K +101 13 264 N +101 13 265 N +101 13 266 P +101 13 267 N +101 13 268 N +101 13 269 R +101 13 270 P +101 13 271 K +101 13 272 U +101 13 273 N +101 13 274 U +101 13 275 P +101 13 276 R +101 13 277 N +101 13 278 P +101 13 279 N +101 13 280 N +101 13 281 N +101 13 282 N +101 13 283 K +101 13 284 U +101 13 285 P +101 13 286 U +101 13 287 P +101 13 288 R +101 13 289 N +101 13 290 U +101 13 291 N +101 13 292 N +101 13 293 U +101 13 294 U +101 13 295 K +101 13 296 N +101 13 297 P +101 13 298 R +101 13 299 N +101 13 300 U +101 13 301 N +101 13 302 U +101 13 303 N +101 13 304 N +101 13 305 N +101 13 306 N +101 13 307 N +101 13 308 N +101 13 309 K +101 13 310 N +101 13 311 N +101 13 312 K +101 13 313 N +101 13 314 U +101 13 315 N +101 13 316 N +101 13 317 P +101 13 318 P +101 13 319 U +101 13 320 P +101 13 321 R +101 13 322 N +101 13 323 N +101 13 324 U +101 13 325 N +101 13 326 P +101 13 327 U +101 13 328 K +101 13 329 N +101 13 330 U +101 14 1 N +101 14 2 N +101 14 3 R +101 14 4 J +101 14 5 N +101 14 6 G +101 14 7 N +101 14 8 R +101 14 9 J +101 14 10 J +101 14 11 J +101 14 12 P +101 14 13 N +101 14 14 N +101 14 15 U +101 14 16 U +101 14 17 R +101 14 18 K +101 14 19 J +101 14 20 J +101 14 21 R +101 14 22 U +101 14 23 J +101 14 24 K +101 14 25 N +101 14 26 J +101 14 27 U +101 14 28 R +101 14 29 J +101 14 30 J +101 14 31 J +101 14 32 J +101 14 33 J +101 14 34 J +101 14 35 R +101 14 36 K +101 14 37 J +101 14 38 R +101 14 39 N +101 14 40 N +101 14 41 R +101 14 42 J +101 14 43 K +101 14 44 U +101 14 45 N +101 14 46 K +101 14 47 K +101 14 48 U +101 14 49 N +101 14 50 K +101 14 51 J +101 14 52 U +101 14 53 R +101 14 54 N +101 14 55 J +101 14 56 J +101 14 57 N +101 14 58 J +101 14 59 U +101 14 60 K +101 14 61 R +101 14 62 G +101 14 63 G +101 14 64 G +101 14 65 R +101 14 66 U +101 14 67 N +101 14 68 R +101 14 69 G +101 14 70 G +101 14 71 G +101 14 72 G +101 14 73 K +101 14 74 G +101 14 75 K +101 14 76 R +101 14 77 N +101 14 78 P +101 14 79 K +101 14 80 N +101 14 81 G +101 14 82 N +101 14 83 U +101 14 84 R +101 14 85 N +101 14 86 R +101 14 87 K +101 14 88 R +101 14 89 K +101 14 90 N +101 14 91 J +101 14 92 U +101 14 93 N +101 14 94 K +101 14 95 U +101 14 96 P +101 14 97 N +101 14 98 R +101 14 99 G +101 14 100 N +101 14 101 R +101 14 102 G +101 14 103 G +101 14 104 N +101 14 105 R +101 14 106 U +101 14 107 U +101 14 108 G +101 14 109 K +101 14 110 R +101 14 111 K +101 14 112 R +101 14 113 K +101 14 114 N +101 14 115 R +101 14 116 U +101 14 117 K +101 14 118 J +101 14 119 N +101 14 120 U +101 14 121 R +101 14 122 N +101 14 123 J +101 14 124 N +101 14 125 R +101 14 126 G +101 14 127 N +101 14 128 J +101 14 129 U +101 14 130 K +101 14 131 P +101 14 132 R +101 14 133 N +101 14 134 K +101 14 135 P +101 14 136 N +101 14 137 N +101 14 138 J +101 14 139 U +101 14 140 N +101 14 141 U +101 14 142 U +101 14 143 N +101 14 144 J +101 14 145 N +101 14 146 J +101 14 147 N +101 14 148 R +101 14 149 N +101 14 150 K +101 14 151 P +101 14 152 P +101 14 153 N +101 14 154 K +101 14 155 K +101 14 156 N +101 14 157 K +101 14 158 U +101 14 159 P +101 14 160 P +101 14 161 N +101 14 162 R +101 14 163 N +101 14 164 K +101 14 165 N +101 14 166 N +101 14 167 U +101 14 168 P +101 14 169 N +101 14 170 N +101 14 171 J +101 14 172 U +101 14 173 R +101 14 174 P +101 14 175 P +101 14 176 R +101 14 177 P +101 14 178 N +101 14 179 R +101 14 180 N +101 14 181 K +101 14 182 K +101 14 183 J +101 14 184 P +101 14 185 P +101 14 186 N +101 14 187 R +101 14 188 N +101 14 189 N +101 14 190 R +101 14 191 N +101 14 192 P +101 14 193 P +101 14 194 N +101 14 195 N +101 14 196 N +101 14 197 J +101 14 198 K +101 14 199 U +101 14 200 J +101 14 201 P +101 14 202 N +101 14 203 R +101 14 204 K +101 14 205 N +101 14 206 U +101 14 207 R +101 14 208 P +101 14 209 N +101 14 210 K +101 14 211 N +101 14 212 R +101 14 213 R +101 14 214 P +101 14 215 R +101 14 216 K +101 14 217 P +101 14 218 P +101 14 219 U +101 14 220 G +101 14 221 U +101 14 222 G +101 14 223 N +101 14 224 U +101 14 225 N +101 14 226 K +101 14 227 K +101 14 228 N +101 14 229 N +101 14 230 U +101 14 231 G +101 14 232 K +101 14 233 P +101 14 234 N +101 14 235 N +101 14 236 N +101 14 237 P +101 14 238 N +101 14 239 P +101 14 240 K +101 14 241 U +101 14 242 P +101 14 243 K +101 14 244 U +101 14 245 R +101 14 246 N +101 14 247 P +101 14 248 K +101 14 249 N +101 14 250 G +101 14 251 N +101 14 252 U +101 14 253 N +101 14 254 G +101 14 255 K +101 14 256 R +101 14 257 K +101 14 258 P +101 14 259 R +101 14 260 U +101 14 261 P +101 14 262 U +101 14 263 K +101 14 264 K +101 14 265 N +101 14 266 P +101 14 267 P +101 14 268 N +101 14 269 R +101 14 270 P +101 14 271 K +101 14 272 U +101 14 273 P +101 14 274 U +101 14 275 G +101 14 276 R +101 14 277 K +101 14 278 R +101 14 279 P +101 14 280 N +101 14 281 N +101 14 282 N +101 14 283 K +101 14 284 U +101 14 285 P +101 14 286 U +101 14 287 K +101 14 288 R +101 14 289 N +101 14 290 U +101 14 291 N +101 14 292 R +101 14 293 U +101 14 294 U +101 14 295 K +101 14 296 N +101 14 297 P +101 14 298 R +101 14 299 N +101 14 300 U +101 14 301 N +101 14 302 U +101 14 303 U +101 14 304 P +101 14 305 R +101 14 306 N +101 14 307 N +101 14 308 P +101 14 309 K +101 14 310 N +101 14 311 N +101 14 312 K +101 14 313 P +101 14 314 U +101 14 315 N +101 14 316 N +101 14 317 R +101 14 318 P +101 14 319 U +101 14 320 P +101 14 321 R +101 14 322 G +101 14 323 N +101 14 324 U +101 14 325 G +101 14 326 G +101 14 327 U +101 14 328 K +101 14 329 K +101 14 330 U +101 15 1 J +101 15 2 J +101 15 3 R +101 15 4 J +101 15 5 N +101 15 6 U +101 15 7 N +101 15 8 R +101 15 9 P +101 15 10 J +101 15 11 K +101 15 12 J +101 15 13 N +101 15 14 N +101 15 15 R +101 15 16 U +101 15 17 R +101 15 18 K +101 15 19 J +101 15 20 N +101 15 21 R +101 15 22 U +101 15 23 J +101 15 24 K +101 15 25 N +101 15 26 K +101 15 27 U +101 15 28 R +101 15 29 N +101 15 30 J +101 15 31 U +101 15 32 R +101 15 33 N +101 15 34 J +101 15 35 R +101 15 36 K +101 15 37 J +101 15 38 R +101 15 39 N +101 15 40 N +101 15 41 R +101 15 42 J +101 15 43 J +101 15 44 U +101 15 45 N +101 15 46 K +101 15 47 K +101 15 48 J +101 15 49 N +101 15 50 K +101 15 51 K +101 15 52 U +101 15 53 R +101 15 54 N +101 15 55 N +101 15 56 U +101 15 57 U +101 15 58 K +101 15 59 U +101 15 60 K +101 15 61 R +101 15 62 J +101 15 63 R +101 15 64 K +101 15 65 R +101 15 66 U +101 15 67 N +101 15 68 R +101 15 69 N +101 15 70 U +101 15 71 R +101 15 72 N +101 15 73 N +101 15 74 U +101 15 75 K +101 15 76 J +101 15 77 J +101 15 78 U +101 15 79 K +101 15 80 J +101 15 81 J +101 15 82 N +101 15 83 U +101 15 84 J +101 15 85 N +101 15 86 R +101 15 87 K +101 15 88 R +101 15 89 K +101 15 90 K +101 15 91 N +101 15 92 U +101 15 93 N +101 15 94 K +101 15 95 U +101 15 96 J +101 15 97 J +101 15 98 R +101 15 99 U +101 15 100 U +101 15 101 R +101 15 102 U +101 15 103 J +101 15 104 J +101 15 105 J +101 15 106 U +101 15 107 U +101 15 108 U +101 15 109 J +101 15 110 U +101 15 111 K +101 15 112 R +101 15 113 K +101 15 114 J +101 15 115 R +101 15 116 U +101 15 117 K +101 15 118 R +101 15 119 N +101 15 120 U +101 15 121 R +101 15 122 N +101 15 123 N +101 15 124 N +101 15 125 R +101 15 126 R +101 15 127 K +101 15 128 R +101 15 129 U +101 15 130 K +101 15 131 J +101 15 132 R +101 15 133 N +101 15 134 K +101 15 135 R +101 15 136 N +101 15 137 N +101 15 138 J +101 15 139 U +101 15 140 J +101 15 141 U +101 15 142 U +101 15 143 N +101 15 144 J +101 15 145 N +101 15 146 J +101 15 147 N +101 15 148 R +101 15 149 N +101 15 150 J +101 15 151 J +101 15 152 J +101 15 153 J +101 15 154 K +101 15 155 K +101 15 156 N +101 15 157 K +101 15 158 U +101 15 159 J +101 15 160 J +101 15 161 N +101 15 162 R +101 15 163 N +101 15 164 J +101 15 165 K +101 15 166 K +101 15 167 J +101 15 168 N +101 15 169 J +101 15 170 J +101 15 171 N +101 15 172 U +101 15 173 R +101 15 174 J +101 15 175 J +101 15 176 R +101 15 177 R +101 15 178 J +101 15 179 R +101 15 180 N +101 15 181 J +101 15 182 R +101 15 183 J +101 15 184 J +101 15 185 R +101 15 186 N +101 15 187 J +101 15 188 N +101 15 189 U +101 15 190 J +101 15 191 N +101 15 192 J +101 15 193 N +101 15 194 R +101 15 195 N +101 15 196 J +101 15 197 J +101 15 198 K +101 15 199 U +101 15 200 J +101 15 201 R +101 15 202 N +101 15 203 R +101 15 204 K +101 15 205 J +101 15 206 U +101 15 207 R +101 15 208 J +101 15 209 N +101 15 210 J +101 15 211 J +101 15 212 J +101 15 213 J +101 15 214 N +101 15 215 J +101 15 216 K +101 15 217 J +101 15 218 N +101 15 219 U +101 15 220 J +101 15 221 U +101 15 222 J +101 15 223 N +101 15 224 U +101 15 225 P +101 15 226 N +101 15 227 K +101 15 228 J +101 15 229 J +101 15 230 U +101 15 231 R +101 15 232 J +101 15 233 J +101 15 234 N +101 15 235 J +101 15 236 J +101 15 237 J +101 15 238 R +101 15 239 R +101 15 240 R +101 15 241 N +101 15 242 U +101 15 243 R +101 15 244 U +101 15 245 R +101 15 246 J +101 15 247 J +101 15 248 K +101 15 249 R +101 15 250 J +101 15 251 N +101 15 252 U +101 15 253 J +101 15 254 J +101 15 255 K +101 15 256 R +101 15 257 J +101 15 258 J +101 15 259 R +101 15 260 U +101 15 261 P +101 15 262 U +101 15 263 U +101 15 264 U +101 15 265 N +101 15 266 P +101 15 267 P +101 15 268 N +101 15 269 P +101 15 270 P +101 15 271 N +101 15 272 U +101 15 273 P +101 15 274 U +101 15 275 P +101 15 276 R +101 15 277 J +101 15 278 J +101 15 279 J +101 15 280 N +101 15 281 N +101 15 282 N +101 15 283 K +101 15 284 U +101 15 285 J +101 15 286 U +101 15 287 J +101 15 288 R +101 15 289 N +101 15 290 U +101 15 291 J +101 15 292 J +101 15 293 U +101 15 294 U +101 15 295 J +101 15 296 J +101 15 297 J +101 15 298 R +101 15 299 N +101 15 300 U +101 15 301 N +101 15 302 U +101 15 303 U +101 15 304 J +101 15 305 J +101 15 306 N +101 15 307 N +101 15 308 J +101 15 309 K +101 15 310 N +101 15 311 J +101 15 312 K +101 15 313 J +101 15 314 U +101 15 315 N +101 15 316 N +101 15 317 R +101 15 318 J +101 15 319 U +101 15 320 J +101 15 321 R +101 15 322 J +101 15 323 N +101 15 324 U +101 15 325 R +101 15 326 J +101 15 327 U +101 15 328 N +101 15 329 J +101 15 330 U +101 16 1 N +101 16 2 N +101 16 3 P +101 16 4 P +101 16 5 N +101 16 6 P +101 16 7 N +101 16 8 R +101 16 9 G +101 16 10 J +101 16 11 N +101 16 12 P +101 16 13 N +101 16 14 K +101 16 15 J +101 16 16 U +101 16 17 R +101 16 18 U +101 16 19 J +101 16 20 N +101 16 21 P +101 16 22 P +101 16 23 J +101 16 24 U +101 16 25 N +101 16 26 J +101 16 27 U +101 16 28 R +101 16 29 N +101 16 30 P +101 16 31 J +101 16 32 J +101 16 33 N +101 16 34 K +101 16 35 P +101 16 36 N +101 16 37 J +101 16 38 R +101 16 39 N +101 16 40 N +101 16 41 R +101 16 42 J +101 16 43 K +101 16 44 U +101 16 45 N +101 16 46 U +101 16 47 K +101 16 48 P +101 16 49 J +101 16 50 K +101 16 51 J +101 16 52 U +101 16 53 R +101 16 54 N +101 16 55 N +101 16 56 P +101 16 57 N +101 16 58 J +101 16 59 P +101 16 60 K +101 16 61 R +101 16 62 P +101 16 63 J +101 16 64 K +101 16 65 R +101 16 66 U +101 16 67 N +101 16 68 P +101 16 69 N +101 16 70 U +101 16 71 R +101 16 72 N +101 16 73 P +101 16 74 K +101 16 75 N +101 16 76 P +101 16 77 N +101 16 78 P +101 16 79 K +101 16 80 K +101 16 81 P +101 16 82 N +101 16 83 U +101 16 84 P +101 16 85 N +101 16 86 P +101 16 87 K +101 16 88 N +101 16 89 K +101 16 90 U +101 16 91 N +101 16 92 U +101 16 93 N +101 16 94 K +101 16 95 U +101 16 96 P +101 16 97 K +101 16 98 R +101 16 99 U +101 16 100 N +101 16 101 R +101 16 102 U +101 16 103 P +101 16 104 J +101 16 105 J +101 16 106 P +101 16 107 U +101 16 108 U +101 16 109 J +101 16 110 P +101 16 111 N +101 16 112 R +101 16 113 K +101 16 114 N +101 16 115 R +101 16 116 N +101 16 117 U +101 16 118 R +101 16 119 N +101 16 120 U +101 16 121 R +101 16 122 N +101 16 123 K +101 16 124 P +101 16 125 R +101 16 126 R +101 16 127 K +101 16 128 P +101 16 129 U +101 16 130 K +101 16 131 P +101 16 132 R +101 16 133 N +101 16 134 U +101 16 135 R +101 16 136 N +101 16 137 N +101 16 138 P +101 16 139 U +101 16 140 K +101 16 141 U +101 16 142 U +101 16 143 P +101 16 144 K +101 16 145 N +101 16 146 N +101 16 147 N +101 16 148 R +101 16 149 J +101 16 150 N +101 16 151 P +101 16 152 P +101 16 153 N +101 16 154 U +101 16 155 U +101 16 156 N +101 16 157 K +101 16 158 U +101 16 159 P +101 16 160 P +101 16 161 N +101 16 162 R +101 16 163 N +101 16 164 K +101 16 165 P +101 16 166 K +101 16 167 P +101 16 168 N +101 16 169 K +101 16 170 K +101 16 171 N +101 16 172 U +101 16 173 R +101 16 174 P +101 16 175 P +101 16 176 R +101 16 177 P +101 16 178 K +101 16 179 R +101 16 180 N +101 16 181 N +101 16 182 R +101 16 183 P +101 16 184 K +101 16 185 P +101 16 186 N +101 16 187 P +101 16 188 K +101 16 189 U +101 16 190 P +101 16 191 N +101 16 192 P +101 16 193 P +101 16 194 R +101 16 195 N +101 16 196 N +101 16 197 P +101 16 198 K +101 16 199 P +101 16 200 P +101 16 201 P +101 16 202 N +101 16 203 R +101 16 204 K +101 16 205 N +101 16 206 U +101 16 207 R +101 16 208 P +101 16 209 N +101 16 210 R +101 16 211 N +101 16 212 P +101 16 213 U +101 16 214 P +101 16 215 P +101 16 216 N +101 16 217 P +101 16 218 P +101 16 219 U +101 16 220 K +101 16 221 P +101 16 222 P +101 16 223 N +101 16 224 U +101 16 225 P +101 16 226 N +101 16 227 K +101 16 228 K +101 16 229 N +101 16 230 U +101 16 231 P +101 16 232 P +101 16 233 N +101 16 234 N +101 16 235 K +101 16 236 P +101 16 237 U +101 16 238 N +101 16 239 U +101 16 240 R +101 16 241 U +101 16 242 P +101 16 243 P +101 16 244 R +101 16 245 R +101 16 246 N +101 16 247 P +101 16 248 N +101 16 249 N +101 16 250 K +101 16 251 P +101 16 252 U +101 16 253 N +101 16 254 K +101 16 255 K +101 16 256 R +101 16 257 N +101 16 258 P +101 16 259 R +101 16 260 U +101 16 261 P +101 16 262 U +101 16 263 K +101 16 264 U +101 16 265 N +101 16 266 R +101 16 267 P +101 16 268 N +101 16 269 K +101 16 270 P +101 16 271 N +101 16 272 U +101 16 273 J +101 16 274 U +101 16 275 P +101 16 276 R +101 16 277 K +101 16 278 P +101 16 279 K +101 16 280 N +101 16 281 N +101 16 282 N +101 16 283 P +101 16 284 U +101 16 285 J +101 16 286 U +101 16 287 P +101 16 288 R +101 16 289 N +101 16 290 U +101 16 291 K +101 16 292 P +101 16 293 U +101 16 294 U +101 16 295 P +101 16 296 K +101 16 297 P +101 16 298 R +101 16 299 N +101 16 300 U +101 16 301 N +101 16 302 U +101 16 303 U +101 16 304 N +101 16 305 R +101 16 306 N +101 16 307 N +101 16 308 J +101 16 309 P +101 16 310 N +101 16 311 K +101 16 312 K +101 16 313 N +101 16 314 U +101 16 315 N +101 16 316 N +101 16 317 R +101 16 318 P +101 16 319 U +101 16 320 P +101 16 321 R +101 16 322 N +101 16 323 N +101 16 324 N +101 16 325 K +101 16 326 P +101 16 327 U +101 16 328 N +101 16 329 P +101 16 330 U +101 17 1 N +101 17 2 J +101 17 3 R +101 17 4 G +101 17 5 N +101 17 6 J +101 17 7 P +101 17 8 R +101 17 9 J +101 17 10 K +101 17 11 N +101 17 12 P +101 17 13 N +101 17 14 U +101 17 15 U +101 17 16 U +101 17 17 R +101 17 18 K +101 17 19 J +101 17 20 N +101 17 21 R +101 17 22 P +101 17 23 G +101 17 24 K +101 17 25 N +101 17 26 P +101 17 27 U +101 17 28 R +101 17 29 N +101 17 30 J +101 17 31 U +101 17 32 J +101 17 33 P +101 17 34 N +101 17 35 R +101 17 36 N +101 17 37 J +101 17 38 R +101 17 39 N +101 17 40 N +101 17 41 R +101 17 42 P +101 17 43 N +101 17 44 U +101 17 45 N +101 17 46 K +101 17 47 K +101 17 48 P +101 17 49 U +101 17 50 P +101 17 51 J +101 17 52 U +101 17 53 R +101 17 54 N +101 17 55 U +101 17 56 P +101 17 57 N +101 17 58 J +101 17 59 U +101 17 60 K +101 17 61 R +101 17 62 U +101 17 63 R +101 17 64 N +101 17 65 R +101 17 66 U +101 17 67 N +101 17 68 R +101 17 69 K +101 17 70 U +101 17 71 R +101 17 72 N +101 17 73 J +101 17 74 U +101 17 75 K +101 17 76 R +101 17 77 N +101 17 78 J +101 17 79 K +101 17 80 N +101 17 81 P +101 17 82 N +101 17 83 U +101 17 84 G +101 17 85 N +101 17 86 P +101 17 87 K +101 17 88 R +101 17 89 K +101 17 90 N +101 17 91 P +101 17 92 U +101 17 93 N +101 17 94 K +101 17 95 U +101 17 96 P +101 17 97 J +101 17 98 R +101 17 99 U +101 17 100 J +101 17 101 R +101 17 102 U +101 17 103 J +101 17 104 N +101 17 105 R +101 17 106 P +101 17 107 U +101 17 108 U +101 17 109 J +101 17 110 P +101 17 111 K +101 17 112 R +101 17 113 K +101 17 114 N +101 17 115 R +101 17 116 J +101 17 117 J +101 17 118 P +101 17 119 N +101 17 120 U +101 17 121 R +101 17 122 N +101 17 123 N +101 17 124 P +101 17 125 R +101 17 126 G +101 17 127 K +101 17 128 P +101 17 129 U +101 17 130 J +101 17 131 R +101 17 132 R +101 17 133 N +101 17 134 K +101 17 135 R +101 17 136 N +101 17 137 N +101 17 138 U +101 17 139 U +101 17 140 N +101 17 141 U +101 17 142 U +101 17 143 P +101 17 144 K +101 17 145 N +101 17 146 P +101 17 147 N +101 17 148 R +101 17 149 U +101 17 150 J +101 17 151 J +101 17 152 J +101 17 153 N +101 17 154 K +101 17 155 K +101 17 156 N +101 17 157 J +101 17 158 U +101 17 159 P +101 17 160 N +101 17 161 N +101 17 162 R +101 17 163 N +101 17 164 P +101 17 165 J +101 17 166 K +101 17 167 N +101 17 168 N +101 17 169 N +101 17 170 K +101 17 171 P +101 17 172 U +101 17 173 R +101 17 174 P +101 17 175 U +101 17 176 R +101 17 177 P +101 17 178 K +101 17 179 J +101 17 180 N +101 17 181 P +101 17 182 R +101 17 183 J +101 17 184 R +101 17 185 R +101 17 186 U +101 17 187 P +101 17 188 N +101 17 189 U +101 17 190 J +101 17 191 N +101 17 192 J +101 17 193 P +101 17 194 R +101 17 195 U +101 17 196 P +101 17 197 J +101 17 198 K +101 17 199 U +101 17 200 J +101 17 201 P +101 17 202 N +101 17 203 R +101 17 204 K +101 17 205 J +101 17 206 U +101 17 207 R +101 17 208 J +101 17 209 N +101 17 210 J +101 17 211 N +101 17 212 R +101 17 213 U +101 17 214 P +101 17 215 J +101 17 216 K +101 17 217 J +101 17 218 P +101 17 219 U +101 17 220 J +101 17 221 U +101 17 222 J +101 17 223 N +101 17 224 U +101 17 225 N +101 17 226 K +101 17 227 K +101 17 228 K +101 17 229 N +101 17 230 U +101 17 231 P +101 17 232 K +101 17 233 J +101 17 234 N +101 17 235 N +101 17 236 P +101 17 237 J +101 17 238 N +101 17 239 J +101 17 240 J +101 17 241 U +101 17 242 P +101 17 243 R +101 17 244 U +101 17 245 R +101 17 246 N +101 17 247 J +101 17 248 K +101 17 249 N +101 17 250 R +101 17 251 N +101 17 252 J +101 17 253 N +101 17 254 N +101 17 255 K +101 17 256 R +101 17 257 N +101 17 258 P +101 17 259 J +101 17 260 U +101 17 261 R +101 17 262 U +101 17 263 U +101 17 264 U +101 17 265 N +101 17 266 J +101 17 267 R +101 17 268 N +101 17 269 N +101 17 270 P +101 17 271 N +101 17 272 U +101 17 273 G +101 17 274 U +101 17 275 P +101 17 276 R +101 17 277 K +101 17 278 G +101 17 279 J +101 17 280 N +101 17 281 N +101 17 282 N +101 17 283 G +101 17 284 U +101 17 285 J +101 17 286 U +101 17 287 J +101 17 288 R +101 17 289 J +101 17 290 J +101 17 291 N +101 17 292 J +101 17 293 U +101 17 294 U +101 17 295 J +101 17 296 J +101 17 297 P +101 17 298 R +101 17 299 N +101 17 300 U +101 17 301 N +101 17 302 J +101 17 303 U +101 17 304 P +101 17 305 K +101 17 306 N +101 17 307 N +101 17 308 R +101 17 309 K +101 17 310 N +101 17 311 K +101 17 312 K +101 17 313 J +101 17 314 U +101 17 315 N +101 17 316 N +101 17 317 R +101 17 318 P +101 17 319 U +101 17 320 P +101 17 321 R +101 17 322 N +101 17 323 N +101 17 324 U +101 17 325 J +101 17 326 P +101 17 327 U +101 17 328 N +101 17 329 J +101 17 330 U +101 18 1 N +101 18 2 P +101 18 3 R +101 18 4 K +101 18 5 N +101 18 6 G +101 18 7 N +101 18 8 R +101 18 9 U +101 18 10 N +101 18 11 J +101 18 12 P +101 18 13 N +101 18 14 K +101 18 15 U +101 18 16 P +101 18 17 N +101 18 18 U +101 18 19 N +101 18 20 N +101 18 21 P +101 18 22 P +101 18 23 J +101 18 24 K +101 18 25 P +101 18 26 N +101 18 27 U +101 18 28 R +101 18 29 N +101 18 30 J +101 18 31 N +101 18 32 R +101 18 33 N +101 18 34 P +101 18 35 G +101 18 36 K +101 18 37 N +101 18 38 R +101 18 39 N +101 18 40 J +101 18 41 R +101 18 42 P +101 18 43 N +101 18 44 U +101 18 45 N +101 18 46 J +101 18 47 N +101 18 48 P +101 18 49 N +101 18 50 U +101 18 51 J +101 18 52 U +101 18 53 R +101 18 54 N +101 18 55 P +101 18 56 J +101 18 57 N +101 18 58 U +101 18 59 J +101 18 60 K +101 18 61 R +101 18 62 U +101 18 63 J +101 18 64 N +101 18 65 R +101 18 66 U +101 18 67 N +101 18 68 R +101 18 69 K +101 18 70 U +101 18 71 R +101 18 72 N +101 18 73 P +101 18 74 J +101 18 75 J +101 18 76 R +101 18 77 N +101 18 78 J +101 18 79 K +101 18 80 N +101 18 81 P +101 18 82 J +101 18 83 U +101 18 84 P +101 18 85 K +101 18 86 R +101 18 87 K +101 18 88 N +101 18 89 U +101 18 90 N +101 18 91 J +101 18 92 U +101 18 93 N +101 18 94 K +101 18 95 J +101 18 96 U +101 18 97 J +101 18 98 R +101 18 99 U +101 18 100 P +101 18 101 R +101 18 102 N +101 18 103 N +101 18 104 P +101 18 105 R +101 18 106 U +101 18 107 U +101 18 108 J +101 18 109 N +101 18 110 P +101 18 111 N +101 18 112 R +101 18 113 U +101 18 114 N +101 18 115 R +101 18 116 P +101 18 117 J +101 18 118 R +101 18 119 N +101 18 120 U +101 18 121 R +101 18 122 N +101 18 123 P +101 18 124 N +101 18 125 R +101 18 126 J +101 18 127 K +101 18 128 N +101 18 129 U +101 18 130 K +101 18 131 J +101 18 132 R +101 18 133 N +101 18 134 P +101 18 135 N +101 18 136 N +101 18 137 K +101 18 138 U +101 18 139 U +101 18 140 J +101 18 141 U +101 18 142 U +101 18 143 N +101 18 144 J +101 18 145 N +101 18 146 J +101 18 147 J +101 18 148 R +101 18 149 P +101 18 150 K +101 18 151 U +101 18 152 J +101 18 153 N +101 18 154 K +101 18 155 K +101 18 156 N +101 18 157 U +101 18 158 U +101 18 159 J +101 18 160 J +101 18 161 N +101 18 162 R +101 18 163 K +101 18 164 K +101 18 165 K +101 18 166 K +101 18 167 J +101 18 168 K +101 18 169 N +101 18 170 K +101 18 171 J +101 18 172 U +101 18 173 R +101 18 174 J +101 18 175 N +101 18 176 R +101 18 177 J +101 18 178 K +101 18 179 R +101 18 180 N +101 18 181 J +101 18 182 R +101 18 183 J +101 18 184 G +101 18 185 J +101 18 186 P +101 18 187 P +101 18 188 K +101 18 189 J +101 18 190 J +101 18 191 K +101 18 192 P +101 18 193 J +101 18 194 R +101 18 195 N +101 18 196 J +101 18 197 J +101 18 198 K +101 18 199 U +101 18 200 K +101 18 201 U +101 18 202 K +101 18 203 R +101 18 204 K +101 18 205 N +101 18 206 U +101 18 207 R +101 18 208 N +101 18 209 K +101 18 210 J +101 18 211 N +101 18 212 U +101 18 213 G +101 18 214 N +101 18 215 J +101 18 216 K +101 18 217 U +101 18 218 N +101 18 219 N +101 18 220 K +101 18 221 U +101 18 222 P +101 18 223 N +101 18 224 U +101 18 225 J +101 18 226 K +101 18 227 U +101 18 228 K +101 18 229 N +101 18 230 J +101 18 231 N +101 18 232 K +101 18 233 P +101 18 234 N +101 18 235 J +101 18 236 J +101 18 237 P +101 18 238 K +101 18 239 J +101 18 240 R +101 18 241 U +101 18 242 P +101 18 243 R +101 18 244 U +101 18 245 R +101 18 246 J +101 18 247 J +101 18 248 K +101 18 249 P +101 18 250 J +101 18 251 N +101 18 252 U +101 18 253 N +101 18 254 P +101 18 255 U +101 18 256 R +101 18 257 N +101 18 258 P +101 18 259 R +101 18 260 U +101 18 261 R +101 18 262 U +101 18 263 J +101 18 264 P +101 18 265 N +101 18 266 R +101 18 267 P +101 18 268 N +101 18 269 J +101 18 270 J +101 18 271 K +101 18 272 U +101 18 273 N +101 18 274 U +101 18 275 N +101 18 276 R +101 18 277 N +101 18 278 J +101 18 279 N +101 18 280 U +101 18 281 N +101 18 282 N +101 18 283 J +101 18 284 U +101 18 285 J +101 18 286 U +101 18 287 J +101 18 288 R +101 18 289 N +101 18 290 J +101 18 291 N +101 18 292 J +101 18 293 J +101 18 294 U +101 18 295 K +101 18 296 J +101 18 297 N +101 18 298 R +101 18 299 N +101 18 300 J +101 18 301 N +101 18 302 J +101 18 303 N +101 18 304 J +101 18 305 N +101 18 306 N +101 18 307 R +101 18 308 P +101 18 309 J +101 18 310 N +101 18 311 K +101 18 312 K +101 18 313 N +101 18 314 G +101 18 315 N +101 18 316 N +101 18 317 R +101 18 318 J +101 18 319 U +101 18 320 J +101 18 321 R +101 18 322 N +101 18 323 N +101 18 324 J +101 18 325 J +101 18 326 G +101 18 327 U +101 18 328 N +101 18 329 J +101 18 330 U +101 19 1 N +101 19 2 N +101 19 3 R +101 19 4 J +101 19 5 N +101 19 6 U +101 19 7 N +101 19 8 N +101 19 9 R +101 19 10 J +101 19 11 K +101 19 12 P +101 19 13 N +101 19 14 J +101 19 15 U +101 19 16 U +101 19 17 R +101 19 18 K +101 19 19 J +101 19 20 N +101 19 21 R +101 19 22 P +101 19 23 J +101 19 24 K +101 19 25 N +101 19 26 J +101 19 27 U +101 19 28 R +101 19 29 N +101 19 30 P +101 19 31 U +101 19 32 R +101 19 33 N +101 19 34 J +101 19 35 R +101 19 36 N +101 19 37 J +101 19 38 R +101 19 39 N +101 19 40 J +101 19 41 R +101 19 42 P +101 19 43 K +101 19 44 U +101 19 45 N +101 19 46 K +101 19 47 K +101 19 48 P +101 19 49 U +101 19 50 J +101 19 51 K +101 19 52 U +101 19 53 R +101 19 54 N +101 19 55 J +101 19 56 U +101 19 57 J +101 19 58 P +101 19 59 U +101 19 60 J +101 19 61 R +101 19 62 U +101 19 63 J +101 19 64 J +101 19 65 R +101 19 66 U +101 19 67 U +101 19 68 R +101 19 69 U +101 19 70 U +101 19 71 R +101 19 72 N +101 19 73 J +101 19 74 U +101 19 75 K +101 19 76 R +101 19 77 J +101 19 78 J +101 19 79 K +101 19 80 N +101 19 81 N +101 19 82 J +101 19 83 U +101 19 84 R +101 19 85 N +101 19 86 R +101 19 87 K +101 19 88 R +101 19 89 K +101 19 90 J +101 19 91 P +101 19 92 U +101 19 93 J +101 19 94 K +101 19 95 U +101 19 96 P +101 19 97 J +101 19 98 R +101 19 99 U +101 19 100 J +101 19 101 R +101 19 102 U +101 19 103 K +101 19 104 J +101 19 105 R +101 19 106 P +101 19 107 U +101 19 108 U +101 19 109 J +101 19 110 P +101 19 111 K +101 19 112 R +101 19 113 K +101 19 114 J +101 19 115 R +101 19 116 U +101 19 117 K +101 19 118 R +101 19 119 N +101 19 120 U +101 19 121 R +101 19 122 N +101 19 123 J +101 19 124 P +101 19 125 R +101 19 126 R +101 19 127 N +101 19 128 P +101 19 129 U +101 19 130 K +101 19 131 J +101 19 132 R +101 19 133 N +101 19 134 K +101 19 135 R +101 19 136 N +101 19 137 N +101 19 138 J +101 19 139 U +101 19 140 J +101 19 141 U +101 19 142 U +101 19 143 N +101 19 144 J +101 19 145 N +101 19 146 P +101 19 147 N +101 19 148 R +101 19 149 P +101 19 150 J +101 19 151 R +101 19 152 R +101 19 153 J +101 19 154 K +101 19 155 K +101 19 156 N +101 19 157 R +101 19 158 U +101 19 159 U +101 19 160 U +101 19 161 N +101 19 162 R +101 19 163 N +101 19 164 J +101 19 165 N +101 19 166 J +101 19 167 U +101 19 168 N +101 19 169 J +101 19 170 N +101 19 171 N +101 19 172 U +101 19 173 R +101 19 174 P +101 19 175 U +101 19 176 R +101 19 177 P +101 19 178 J +101 19 179 R +101 19 180 N +101 19 181 P +101 19 182 R +101 19 183 P +101 19 184 R +101 19 185 P +101 19 186 N +101 19 187 P +101 19 188 N +101 19 189 U +101 19 190 U +101 19 191 N +101 19 192 J +101 19 193 P +101 19 194 R +101 19 195 N +101 19 196 N +101 19 197 J +101 19 198 K +101 19 199 U +101 19 200 N +101 19 201 R +101 19 202 N +101 19 203 R +101 19 204 K +101 19 205 J +101 19 206 U +101 19 207 R +101 19 208 P +101 19 209 N +101 19 210 R +101 19 211 J +101 19 212 P +101 19 213 U +101 19 214 P +101 19 215 R +101 19 216 K +101 19 217 R +101 19 218 P +101 19 219 U +101 19 220 J +101 19 221 U +101 19 222 J +101 19 223 N +101 19 224 U +101 19 225 P +101 19 226 J +101 19 227 K +101 19 228 J +101 19 229 N +101 19 230 U +101 19 231 J +101 19 232 P +101 19 233 U +101 19 234 N +101 19 235 J +101 19 236 P +101 19 237 R +101 19 238 J +101 19 239 R +101 19 240 R +101 19 241 U +101 19 242 P +101 19 243 R +101 19 244 U +101 19 245 R +101 19 246 J +101 19 247 J +101 19 248 N +101 19 249 N +101 19 250 J +101 19 251 N +101 19 252 U +101 19 253 N +101 19 254 J +101 19 255 K +101 19 256 R +101 19 257 J +101 19 258 P +101 19 259 R +101 19 260 U +101 19 261 R +101 19 262 U +101 19 263 K +101 19 264 U +101 19 265 N +101 19 266 R +101 19 267 J +101 19 268 N +101 19 269 J +101 19 270 N +101 19 271 N +101 19 272 U +101 19 273 J +101 19 274 U +101 19 275 P +101 19 276 R +101 19 277 J +101 19 278 R +101 19 279 J +101 19 280 N +101 19 281 N +101 19 282 N +101 19 283 R +101 19 284 U +101 19 285 R +101 19 286 U +101 19 287 P +101 19 288 R +101 19 289 P +101 19 290 U +101 19 291 J +101 19 292 R +101 19 293 U +101 19 294 U +101 19 295 P +101 19 296 J +101 19 297 P +101 19 298 R +101 19 299 N +101 19 300 U +101 19 301 N +101 19 302 U +101 19 303 U +101 19 304 P +101 19 305 R +101 19 306 N +101 19 307 J +101 19 308 J +101 19 309 K +101 19 310 N +101 19 311 J +101 19 312 K +101 19 313 J +101 19 314 U +101 19 315 N +101 19 316 N +101 19 317 R +101 19 318 R +101 19 319 U +101 19 320 P +101 19 321 R +101 19 322 J +101 19 323 N +101 19 324 U +101 19 325 R +101 19 326 P +101 19 327 U +101 19 328 N +101 19 329 R +101 19 330 U +101 20 1 N +101 20 2 N +101 20 3 R +101 20 4 J +101 20 5 N +101 20 6 R +101 20 7 N +101 20 8 R +101 20 9 R +101 20 10 K +101 20 11 N +101 20 12 P +101 20 13 N +101 20 14 N +101 20 15 R +101 20 16 U +101 20 17 R +101 20 18 K +101 20 19 N +101 20 20 N +101 20 21 R +101 20 22 P +101 20 23 J +101 20 24 K +101 20 25 N +101 20 26 J +101 20 27 U +101 20 28 R +101 20 29 N +101 20 30 R +101 20 31 P +101 20 32 R +101 20 33 N +101 20 34 K +101 20 35 R +101 20 36 N +101 20 37 J +101 20 38 R +101 20 39 N +101 20 40 N +101 20 41 R +101 20 42 P +101 20 43 R +101 20 44 P +101 20 45 N +101 20 46 K +101 20 47 N +101 20 48 P +101 20 49 N +101 20 50 K +101 20 51 K +101 20 52 U +101 20 53 R +101 20 54 N +101 20 55 J +101 20 56 R +101 20 57 U +101 20 58 R +101 20 59 P +101 20 60 K +101 20 61 R +101 20 62 J +101 20 63 R +101 20 64 J +101 20 65 R +101 20 66 U +101 20 67 N +101 20 68 R +101 20 69 K +101 20 70 U +101 20 71 R +101 20 72 N +101 20 73 J +101 20 74 N +101 20 75 N +101 20 76 R +101 20 77 N +101 20 78 R +101 20 79 K +101 20 80 J +101 20 81 N +101 20 82 N +101 20 83 P +101 20 84 R +101 20 85 N +101 20 86 R +101 20 87 K +101 20 88 R +101 20 89 K +101 20 90 N +101 20 91 P +101 20 92 U +101 20 93 N +101 20 94 K +101 20 95 U +101 20 96 P +101 20 97 N +101 20 98 N +101 20 99 U +101 20 100 N +101 20 101 R +101 20 102 U +101 20 103 K +101 20 104 N +101 20 105 R +101 20 106 P +101 20 107 U +101 20 108 U +101 20 109 K +101 20 110 R +101 20 111 N +101 20 112 R +101 20 113 K +101 20 114 N +101 20 115 R +101 20 116 N +101 20 117 K +101 20 118 R +101 20 119 N +101 20 120 U +101 20 121 R +101 20 122 N +101 20 123 N +101 20 124 P +101 20 125 R +101 20 126 R +101 20 127 N +101 20 128 P +101 20 129 U +101 20 130 K +101 20 131 R +101 20 132 R +101 20 133 N +101 20 134 K +101 20 135 R +101 20 136 N +101 20 137 N +101 20 138 N +101 20 139 U +101 20 140 N +101 20 141 U +101 20 142 U +101 20 143 P +101 20 144 K +101 20 145 N +101 20 146 P +101 20 147 N +101 20 148 R +101 20 149 N +101 20 150 K +101 20 151 R +101 20 152 R +101 20 153 N +101 20 154 K +101 20 155 K +101 20 156 N +101 20 157 K +101 20 158 U +101 20 159 P +101 20 160 R +101 20 161 N +101 20 162 R +101 20 163 N +101 20 164 K +101 20 165 N +101 20 166 K +101 20 167 U +101 20 168 N +101 20 169 N +101 20 170 K +101 20 171 N +101 20 172 U +101 20 173 R +101 20 174 P +101 20 175 N +101 20 176 R +101 20 177 P +101 20 178 K +101 20 179 R +101 20 180 N +101 20 181 P +101 20 182 R +101 20 183 K +101 20 184 R +101 20 185 P +101 20 186 N +101 20 187 P +101 20 188 N +101 20 189 U +101 20 190 R +101 20 191 N +101 20 192 N +101 20 193 P +101 20 194 R +101 20 195 N +101 20 196 N +101 20 197 R +101 20 198 K +101 20 199 U +101 20 200 N +101 20 201 R +101 20 202 N +101 20 203 R +101 20 204 K +101 20 205 K +101 20 206 U +101 20 207 R +101 20 208 P +101 20 209 N +101 20 210 K +101 20 211 N +101 20 212 R +101 20 213 U +101 20 214 P +101 20 215 R +101 20 216 K +101 20 217 R +101 20 218 P +101 20 219 U +101 20 220 N +101 20 221 U +101 20 222 J +101 20 223 N +101 20 224 U +101 20 225 P +101 20 226 K +101 20 227 K +101 20 228 N +101 20 229 P +101 20 230 R +101 20 231 R +101 20 232 K +101 20 233 J +101 20 234 N +101 20 235 K +101 20 236 P +101 20 237 R +101 20 238 N +101 20 239 R +101 20 240 R +101 20 241 U +101 20 242 P +101 20 243 R +101 20 244 U +101 20 245 R +101 20 246 N +101 20 247 J +101 20 248 K +101 20 249 N +101 20 250 J +101 20 251 N +101 20 252 U +101 20 253 N +101 20 254 J +101 20 255 K +101 20 256 R +101 20 257 K +101 20 258 P +101 20 259 R +101 20 260 U +101 20 261 R +101 20 262 U +101 20 263 K +101 20 264 N +101 20 265 N +101 20 266 R +101 20 267 J +101 20 268 N +101 20 269 R +101 20 270 R +101 20 271 N +101 20 272 U +101 20 273 R +101 20 274 U +101 20 275 P +101 20 276 R +101 20 277 K +101 20 278 R +101 20 279 K +101 20 280 N +101 20 281 N +101 20 282 N +101 20 283 K +101 20 284 U +101 20 285 R +101 20 286 U +101 20 287 P +101 20 288 R +101 20 289 N +101 20 290 U +101 20 291 K +101 20 292 N +101 20 293 U +101 20 294 N +101 20 295 R +101 20 296 J +101 20 297 P +101 20 298 R +101 20 299 N +101 20 300 U +101 20 301 N +101 20 302 U +101 20 303 U +101 20 304 P +101 20 305 R +101 20 306 N +101 20 307 N +101 20 308 P +101 20 309 K +101 20 310 N +101 20 311 K +101 20 312 K +101 20 313 J +101 20 314 U +101 20 315 N +101 20 316 N +101 20 317 R +101 20 318 R +101 20 319 U +101 20 320 P +101 20 321 R +101 20 322 N +101 20 323 N +101 20 324 U +101 20 325 R +101 20 326 P +101 20 327 U +101 20 328 N +101 20 329 P +101 20 330 U +101 21 1 J +101 21 2 BR +101 21 3 R +101 21 4 J +101 21 5 N +101 21 6 P +101 21 7 N +101 21 8 P +101 21 9 BR +101 21 10 N +101 21 11 J +101 21 12 P +101 21 13 J +101 21 14 K +101 21 15 U +101 21 16 U +101 21 17 P +101 21 18 K +101 21 19 J +101 21 20 N +101 21 21 P +101 21 22 U +101 21 23 J +101 21 24 K +101 21 25 N +101 21 26 J +101 21 27 U +101 21 28 P +101 21 29 N +101 21 30 R +101 21 31 J +101 21 32 P +101 21 33 N +101 21 34 J +101 21 35 P +101 21 36 K +101 21 37 J +101 21 38 R +101 21 39 N +101 21 40 P +101 21 41 R +101 21 42 J +101 21 43 N +101 21 44 U +101 21 45 N +101 21 46 K +101 21 47 K +101 21 48 P +101 21 49 J +101 21 50 P +101 21 51 J +101 21 52 U +101 21 53 R +101 21 54 N +101 21 55 J +101 21 56 P +101 21 57 K +101 21 58 J +101 21 59 P +101 21 60 K +101 21 61 P +101 21 62 J +101 21 63 P +101 21 64 J +101 21 65 R +101 21 66 U +101 21 67 N +101 21 68 P +101 21 69 J +101 21 70 U +101 21 71 R +101 21 72 N +101 21 73 J +101 21 74 P +101 21 75 K +101 21 76 P +101 21 77 N +101 21 78 P +101 21 79 K +101 21 80 J +101 21 81 P +101 21 82 N +101 21 83 P +101 21 84 J +101 21 85 N +101 21 86 P +101 21 87 K +101 21 88 J +101 21 89 K +101 21 90 J +101 21 91 P +101 21 92 U +101 21 93 N +101 21 94 K +101 21 95 P +101 21 96 J +101 21 97 P +101 21 98 R +101 21 99 J +101 21 100 J +101 21 101 P +101 21 102 U +101 21 103 K +101 21 104 J +101 21 105 U +101 21 106 P +101 21 107 U +101 21 108 P +101 21 109 J +101 21 110 P +101 21 111 K +101 21 112 R +101 21 113 K +101 21 114 J +101 21 115 R +101 21 116 P +101 21 117 K +101 21 118 P +101 21 119 N +101 21 120 U +101 21 121 P +101 21 122 N +101 21 123 P +101 21 124 P +101 21 125 R +101 21 126 P +101 21 127 K +101 21 128 P +101 21 129 U +101 21 130 K +101 21 131 J +101 21 132 P +101 21 133 N +101 21 134 K +101 21 135 J +101 21 136 N +101 21 137 K +101 21 138 P +101 21 139 U +101 21 140 J +101 21 141 U +101 21 142 U +101 21 143 J +101 21 144 J +101 21 145 N +101 21 146 P +101 21 147 N +101 21 148 R +101 21 149 J +101 21 150 P +101 21 151 R +101 21 152 J +101 21 153 N +101 21 154 K +101 21 155 K +101 21 156 N +101 21 157 P +101 21 158 U +101 21 159 P +101 21 160 P +101 21 161 N +101 21 162 R +101 21 163 N +101 21 164 P +101 21 165 K +101 21 166 J +101 21 167 U +101 21 168 N +101 21 169 J +101 21 170 N +101 21 171 J +101 21 172 U +101 21 173 R +101 21 174 P +101 21 175 P +101 21 176 R +101 21 177 P +101 21 178 N +101 21 179 P +101 21 180 N +101 21 181 P +101 21 182 J +101 21 183 K +101 21 184 P +101 21 185 J +101 21 186 U +101 21 187 P +101 21 188 N +101 21 189 U +101 21 190 P +101 21 191 N +101 21 192 P +101 21 193 J +101 21 194 R +101 21 195 N +101 21 196 P +101 21 197 J +101 21 198 K +101 21 199 P +101 21 200 N +101 21 201 P +101 21 202 N +101 21 203 R +101 21 204 K +101 21 205 J +101 21 206 U +101 21 207 R +101 21 208 P +101 21 209 N +101 21 210 P +101 21 211 J +101 21 212 R +101 21 213 P +101 21 214 J +101 21 215 P +101 21 216 K +101 21 217 P +101 21 218 J +101 21 219 P +101 21 220 J +101 21 221 U +101 21 222 J +101 21 223 N +101 21 224 U +101 21 225 P +101 21 226 J +101 21 227 K +101 21 228 J +101 21 229 N +101 21 230 U +101 21 231 P +101 21 232 J +101 21 233 N +101 21 234 N +101 21 235 J +101 21 236 P +101 21 237 P +101 21 238 N +101 21 239 P +101 21 240 J +101 21 241 U +101 21 242 P +101 21 243 J +101 21 244 U +101 21 245 R +101 21 246 N +101 21 247 J +101 21 248 N +101 21 249 N +101 21 250 J +101 21 251 N +101 21 252 U +101 21 253 N +101 21 254 P +101 21 255 K +101 21 256 R +101 21 257 J +101 21 258 P +101 21 259 R +101 21 260 P +101 21 261 P +101 21 262 U +101 21 263 K +101 21 264 P +101 21 265 N +101 21 266 J +101 21 267 P +101 21 268 N +101 21 269 J +101 21 270 P +101 21 271 K +101 21 272 U +101 21 273 P +101 21 274 U +101 21 275 P +101 21 276 R +101 21 277 J +101 21 278 U +101 21 279 J +101 21 280 N +101 21 281 N +101 21 282 J +101 21 283 P +101 21 284 U +101 21 285 P +101 21 286 U +101 21 287 J +101 21 288 R +101 21 289 N +101 21 290 U +101 21 291 J +101 21 292 P +101 21 293 U +101 21 294 U +101 21 295 J +101 21 296 J +101 21 297 P +101 21 298 R +101 21 299 N +101 21 300 U +101 21 301 N +101 21 302 U +101 21 303 J +101 21 304 P +101 21 305 P +101 21 306 J +101 21 307 N +101 21 308 P +101 21 309 K +101 21 310 N +101 21 311 J +101 21 312 K +101 21 313 J +101 21 314 U +101 21 315 N +101 21 316 J +101 21 317 P +101 21 318 J +101 21 319 U +101 21 320 P +101 21 321 R +101 21 322 J +101 21 323 N +101 21 324 U +101 21 325 P +101 21 326 J +101 21 327 U +101 21 328 N +101 21 329 P +101 21 330 U +101 22 1 N +101 22 2 J +101 22 3 P +101 22 4 J +101 22 5 N +101 22 6 U +101 22 7 P +101 22 8 R +101 22 9 BR +101 22 10 K +101 22 11 N +101 22 12 P +101 22 13 J +101 22 14 K +101 22 15 J +101 22 16 U +101 22 17 J +101 22 18 K +101 22 19 P +101 22 20 N +101 22 21 R +101 22 22 BR +101 22 23 BR +101 22 24 J +101 22 25 P +101 22 26 P +101 22 27 U +101 22 28 J +101 22 29 J +101 22 30 BR +101 22 31 J +101 22 32 J +101 22 33 N +101 22 34 BR +101 22 35 J +101 22 36 K +101 22 37 U +101 22 38 R +101 22 39 N +101 22 40 N +101 22 41 R +101 22 42 BR +101 22 43 K +101 22 44 U +101 22 45 N +101 22 46 K +101 22 47 N +101 22 48 J +101 22 49 N +101 22 50 J +101 22 51 P +101 22 52 J +101 22 53 R +101 22 54 N +101 22 55 J +101 22 56 BR +101 22 57 N +101 22 58 BR +101 22 59 BR +101 22 60 K +101 22 61 R +101 22 62 J +101 22 63 BR +101 22 64 K +101 22 65 R +101 22 66 BR +101 22 67 N +101 22 68 R +101 22 69 BR +101 22 70 U +101 22 71 R +101 22 72 N +101 22 73 J +101 22 74 BR +101 22 75 K +101 22 76 R +101 22 77 N +101 22 78 BR +101 22 79 K +101 22 80 J +101 22 81 N +101 22 82 BR +101 22 83 BR +101 22 84 BR +101 22 85 N +101 22 86 BR +101 22 87 K +101 22 88 R +101 22 89 K +101 22 90 N +101 22 91 J +101 22 92 U +101 22 93 BR +101 22 94 K +101 22 95 BR +101 22 96 J +101 22 97 P +101 22 98 R +101 22 99 BR +101 22 100 P +101 22 101 R +101 22 102 U +101 22 103 BR +101 22 104 P +101 22 105 BR +101 22 106 BR +101 22 107 U +101 22 108 BR +101 22 109 J +101 22 110 BR +101 22 111 BR +101 22 112 R +101 22 113 K +101 22 114 N +101 22 115 R +101 22 116 BR +101 22 117 K +101 22 118 R +101 22 119 N +101 22 120 U +101 22 121 R +101 22 122 P +101 22 123 BR +101 22 124 N +101 22 125 R +101 22 126 BR +101 22 127 K +101 22 128 P +101 22 129 U +101 22 130 K +101 22 131 BR +101 22 132 R +101 22 133 P +101 22 134 K +101 22 135 BR +101 22 136 P +101 22 137 N +101 22 138 J +101 22 139 U +101 22 140 N +101 22 141 U +101 22 142 U +101 22 143 J +101 22 144 BR +101 22 145 N +101 22 146 BR +101 22 147 N +101 22 148 R +101 22 149 BR +101 22 150 BR +101 22 151 J +101 22 152 BR +101 22 153 U +101 22 154 K +101 22 155 K +101 22 156 U +101 22 157 J +101 22 158 U +101 22 159 J +101 22 160 J +101 22 161 N +101 22 162 R +101 22 163 G +101 22 164 BR +101 22 165 BR +101 22 166 K +101 22 167 J +101 22 168 N +101 22 169 N +101 22 170 J +101 22 171 N +101 22 172 U +101 22 173 R +101 22 174 BR +101 22 175 BR +101 22 176 R +101 22 177 J +101 22 178 BR +101 22 179 R +101 22 180 N +101 22 181 P +101 22 182 N +101 22 183 U +101 22 184 BR +101 22 185 R +101 22 186 N +101 22 187 BR +101 22 188 N +101 22 189 BR +101 22 190 R +101 22 191 P +101 22 192 J +101 22 193 P +101 22 194 R +101 22 195 J +101 22 196 BR +101 22 197 R +101 22 198 U +101 22 199 BR +101 22 200 BR +101 22 201 P +101 22 202 N +101 22 203 BR +101 22 204 U +101 22 205 BR +101 22 206 J +101 22 207 R +101 22 208 BR +101 22 209 N +101 22 210 J +101 22 211 N +101 22 212 R +101 22 213 J +101 22 214 P +101 22 215 BR +101 22 216 J +101 22 217 BR +101 22 218 J +101 22 219 BR +101 22 220 K +101 22 221 J +101 22 222 BR +101 22 223 R +101 22 224 U +101 22 225 BR +101 22 226 N +101 22 227 K +101 22 228 BR +101 22 229 N +101 22 230 U +101 22 231 P +101 22 232 BR +101 22 233 BR +101 22 234 N +101 22 235 BR +101 22 236 J +101 22 237 J +101 22 238 N +101 22 239 BR +101 22 240 R +101 22 241 U +101 22 242 P +101 22 243 R +101 22 244 BR +101 22 245 R +101 22 246 J +101 22 247 P +101 22 248 N +101 22 249 N +101 22 250 J +101 22 251 N +101 22 252 U +101 22 253 J +101 22 254 BR +101 22 255 K +101 22 256 R +101 22 257 N +101 22 258 BR +101 22 259 R +101 22 260 BR +101 22 261 J +101 22 262 U +101 22 263 J +101 22 264 J +101 22 265 N +101 22 266 R +101 22 267 BR +101 22 268 N +101 22 269 BR +101 22 270 P +101 22 271 N +101 22 272 U +101 22 273 N +101 22 274 U +101 22 275 P +101 22 276 J +101 22 277 J +101 22 278 BR +101 22 279 K +101 22 280 N +101 22 281 N +101 22 282 P +101 22 283 BR +101 22 284 U +101 22 285 J +101 22 286 U +101 22 287 BR +101 22 288 R +101 22 289 BR +101 22 290 U +101 22 291 J +101 22 292 BR +101 22 293 J +101 22 294 U +101 22 295 BR +101 22 296 J +101 22 297 P +101 22 298 R +101 22 299 N +101 22 300 U +101 22 301 N +101 22 302 U +101 22 303 BR +101 22 304 J +101 22 305 J +101 22 306 U +101 22 307 BR +101 22 308 BR +101 22 309 K +101 22 310 N +101 22 311 J +101 22 312 K +101 22 313 N +101 22 314 U +101 22 315 N +101 22 316 N +101 22 317 R +101 22 318 BR +101 22 319 U +101 22 320 P +101 22 321 R +101 22 322 BR +101 22 323 N +101 22 324 U +101 22 325 P +101 22 326 J +101 22 327 BR +101 22 328 N +101 22 329 J +101 22 330 J +101 23 1 J +101 23 2 N +101 23 3 R +101 23 4 J +101 23 5 N +101 23 6 U +101 23 7 N +101 23 8 R +101 23 9 J +101 23 10 J +101 23 11 N +101 23 12 P +101 23 13 N +101 23 14 J +101 23 15 P +101 23 16 U +101 23 17 R +101 23 18 K +101 23 19 N +101 23 20 N +101 23 21 R +101 23 22 P +101 23 23 J +101 23 24 K +101 23 25 N +101 23 26 J +101 23 27 U +101 23 28 R +101 23 29 N +101 23 30 R +101 23 31 U +101 23 32 R +101 23 33 N +101 23 34 J +101 23 35 R +101 23 36 N +101 23 37 J +101 23 38 R +101 23 39 N +101 23 40 N +101 23 41 R +101 23 42 P +101 23 43 J +101 23 44 U +101 23 45 N +101 23 46 U +101 23 47 K +101 23 48 P +101 23 49 J +101 23 50 J +101 23 51 K +101 23 52 U +101 23 53 J +101 23 54 N +101 23 55 N +101 23 56 U +101 23 57 N +101 23 58 P +101 23 59 U +101 23 60 J +101 23 61 R +101 23 62 J +101 23 63 U +101 23 64 J +101 23 65 R +101 23 66 U +101 23 67 N +101 23 68 J +101 23 69 N +101 23 70 U +101 23 71 J +101 23 72 N +101 23 73 G +101 23 74 U +101 23 75 K +101 23 76 P +101 23 77 J +101 23 78 U +101 23 79 K +101 23 80 J +101 23 81 P +101 23 82 J +101 23 83 U +101 23 84 J +101 23 85 N +101 23 86 J +101 23 87 K +101 23 88 J +101 23 89 K +101 23 90 J +101 23 91 P +101 23 92 U +101 23 93 J +101 23 94 K +101 23 95 U +101 23 96 P +101 23 97 J +101 23 98 R +101 23 99 J +101 23 100 J +101 23 101 J +101 23 102 U +101 23 103 P +101 23 104 J +101 23 105 J +101 23 106 J +101 23 107 U +101 23 108 J +101 23 109 J +101 23 110 P +101 23 111 J +101 23 112 R +101 23 113 K +101 23 114 J +101 23 115 J +101 23 116 J +101 23 117 K +101 23 118 J +101 23 119 N +101 23 120 U +101 23 121 R +101 23 122 N +101 23 123 J +101 23 124 P +101 23 125 R +101 23 126 J +101 23 127 K +101 23 128 P +101 23 129 U +101 23 130 K +101 23 131 J +101 23 132 R +101 23 133 N +101 23 134 J +101 23 135 G +101 23 136 J +101 23 137 N +101 23 138 J +101 23 139 U +101 23 140 J +101 23 141 U +101 23 142 U +101 23 143 P +101 23 144 J +101 23 145 J +101 23 146 P +101 23 147 N +101 23 148 R +101 23 149 N +101 23 150 J +101 23 151 G +101 23 152 G +101 23 153 G +101 23 154 K +101 23 155 K +101 23 156 N +101 23 157 J +101 23 158 U +101 23 159 P +101 23 160 G +101 23 161 N +101 23 162 R +101 23 163 N +101 23 164 G +101 23 165 N +101 23 166 G +101 23 167 G +101 23 168 N +101 23 169 N +101 23 170 K +101 23 171 N +101 23 172 U +101 23 173 G +101 23 174 P +101 23 175 G +101 23 176 G +101 23 177 P +101 23 178 G +101 23 179 R +101 23 180 N +101 23 181 P +101 23 182 G +101 23 183 J +101 23 184 J +101 23 185 P +101 23 186 G +101 23 187 P +101 23 188 G +101 23 189 U +101 23 190 G +101 23 191 N +101 23 192 G +101 23 193 P +101 23 194 G +101 23 195 N +101 23 196 N +101 23 197 G +101 23 198 K +101 23 199 N +101 23 200 G +101 23 201 G +101 23 202 N +101 23 203 G +101 23 204 K +101 23 205 G +101 23 206 U +101 23 207 G +101 23 208 G +101 23 209 G +101 23 210 G +101 23 211 G +101 23 212 P +101 23 213 G +101 23 214 P +101 23 215 G +101 23 216 N +101 23 217 G +101 23 218 N +101 23 219 U +101 23 220 G +101 23 221 U +101 23 222 G +101 23 223 N +101 23 224 U +101 23 225 P +101 23 226 G +101 23 227 K +101 23 228 G +101 23 229 N +101 23 230 U +101 23 231 G +101 23 232 G +101 23 233 G +101 23 234 N +101 23 235 J +101 23 236 N +101 23 237 G +101 23 238 N +101 23 239 G +101 23 240 J +101 23 241 U +101 23 242 P +101 23 243 J +101 23 244 U +101 23 245 R +101 23 246 N +101 23 247 J +101 23 248 K +101 23 249 N +101 23 250 J +101 23 251 N +101 23 252 U +101 23 253 N +101 23 254 J +101 23 255 K +101 23 256 R +101 23 257 J +101 23 258 G +101 23 259 J +101 23 260 U +101 23 261 P +101 23 262 U +101 23 263 J +101 23 264 U +101 23 265 N +101 23 266 J +101 23 267 J +101 23 268 N +101 23 269 J +101 23 270 G +101 23 271 J +101 23 272 U +101 23 273 J +101 23 274 U +101 23 275 P +101 23 276 R +101 23 277 N +101 23 278 G +101 23 279 G +101 23 280 N +101 23 281 N +101 23 282 N +101 23 283 G +101 23 284 U +101 23 285 J +101 23 286 U +101 23 287 G +101 23 288 R +101 23 289 N +101 23 290 U +101 23 291 J +101 23 292 J +101 23 293 U +101 23 294 U +101 23 295 J +101 23 296 J +101 23 297 P +101 23 298 R +101 23 299 N +101 23 300 U +101 23 301 N +101 23 302 U +101 23 303 U +101 23 304 J +101 23 305 J +101 23 306 P +101 23 307 J +101 23 308 J +101 23 309 K +101 23 310 N +101 23 311 J +101 23 312 K +101 23 313 J +101 23 314 U +101 23 315 N +101 23 316 J +101 23 317 G +101 23 318 G +101 23 319 U +101 23 320 G +101 23 321 G +101 23 322 G +101 23 323 N +101 23 324 U +101 23 325 U +101 23 326 P +101 23 327 U +101 23 328 N +101 23 329 P +101 23 330 U +101 24 1 N +101 24 2 BR +101 24 3 R +101 24 4 J +101 24 5 N +101 24 6 J +101 24 7 N +101 24 8 R +101 24 9 J +101 24 10 J +101 24 11 N +101 24 12 P +101 24 13 N +101 24 14 K +101 24 15 BR +101 24 16 U +101 24 17 P +101 24 18 K +101 24 19 N +101 24 20 N +101 24 21 R +101 24 22 BR +101 24 23 J +101 24 24 BR +101 24 25 N +101 24 26 N +101 24 27 U +101 24 28 G +101 24 29 N +101 24 30 U +101 24 31 N +101 24 32 G +101 24 33 N +101 24 34 N +101 24 35 R +101 24 36 N +101 24 37 N +101 24 38 G +101 24 39 N +101 24 40 N +101 24 41 R +101 24 42 BR +101 24 43 N +101 24 44 U +101 24 45 N +101 24 46 BR +101 24 47 K +101 24 48 BR +101 24 49 N +101 24 50 G +101 24 51 K +101 24 52 U +101 24 53 G +101 24 54 N +101 24 55 N +101 24 56 BR +101 24 57 BR +101 24 58 BR +101 24 59 BR +101 24 60 K +101 24 61 R +101 24 62 BR +101 24 63 G +101 24 64 N +101 24 65 G +101 24 66 U +101 24 67 G +101 24 68 G +101 24 69 K +101 24 70 U +101 24 71 G +101 24 72 N +101 24 73 G +101 24 74 N +101 24 75 N +101 24 76 G +101 24 77 N +101 24 78 G +101 24 79 U +101 24 80 N +101 24 81 N +101 24 82 N +101 24 83 BR +101 24 84 G +101 24 85 N +101 24 86 G +101 24 87 K +101 24 88 G +101 24 89 K +101 24 90 K +101 24 91 N +101 24 92 U +101 24 93 K +101 24 94 U +101 24 95 N +101 24 96 P +101 24 97 G +101 24 98 G +101 24 99 G +101 24 100 G +101 24 101 R +101 24 102 U +101 24 103 K +101 24 104 N +101 24 105 G +101 24 106 P +101 24 107 U +101 24 108 N +101 24 109 G +101 24 110 P +101 24 111 K +101 24 112 R +101 24 113 K +101 24 114 N +101 24 115 G +101 24 116 N +101 24 117 U +101 24 118 G +101 24 119 N +101 24 120 U +101 24 121 R +101 24 122 N +101 24 123 G +101 24 124 P +101 24 125 G +101 24 126 G +101 24 127 K +101 24 128 BR +101 24 129 U +101 24 130 K +101 24 131 G +101 24 132 U +101 24 133 N +101 24 134 K +101 24 135 G +101 24 136 N +101 24 137 N +101 24 138 G +101 24 139 U +101 24 140 N +101 24 141 U +101 24 142 K +101 24 143 G +101 24 144 G +101 24 145 G +101 24 146 P +101 24 147 N +101 24 148 R +101 24 149 G +101 24 150 G +101 24 151 BR +101 24 152 BR +101 24 153 N +101 24 154 K +101 24 155 U +101 24 156 N +101 24 157 U +101 24 158 U +101 24 159 P +101 24 160 G +101 24 161 N +101 24 162 G +101 24 163 N +101 24 164 G +101 24 165 BR +101 24 166 N +101 24 167 BR +101 24 168 N +101 24 169 N +101 24 170 K +101 24 171 BR +101 24 172 U +101 24 173 P +101 24 174 P +101 24 175 N +101 24 176 BR +101 24 177 BR +101 24 178 N +101 24 179 G +101 24 180 N +101 24 181 BR +101 24 182 G +101 24 183 BR +101 24 184 N +101 24 185 BR +101 24 186 N +101 24 187 P +101 24 188 N +101 24 189 U +101 24 190 BR +101 24 191 N +101 24 192 J +101 24 193 P +101 24 194 R +101 24 195 N +101 24 196 N +101 24 197 BR +101 24 198 K +101 24 199 BR +101 24 200 N +101 24 201 J +101 24 202 N +101 24 203 R +101 24 204 K +101 24 205 P +101 24 206 BR +101 24 207 P +101 24 208 BR +101 24 209 N +101 24 210 BR +101 24 211 K +101 24 212 P +101 24 213 BR +101 24 214 P +101 24 215 BR +101 24 216 N +101 24 217 BR +101 24 218 P +101 24 219 BR +101 24 220 N +101 24 221 BR +101 24 222 P +101 24 223 N +101 24 224 BR +101 24 225 BR +101 24 226 N +101 24 227 K +101 24 228 N +101 24 229 BR +101 24 230 BR +101 24 231 G +101 24 232 BR +101 24 233 BR +101 24 234 U +101 24 235 N +101 24 236 P +101 24 237 BR +101 24 238 N +101 24 239 BR +101 24 240 G +101 24 241 U +101 24 242 BR +101 24 243 R +101 24 244 U +101 24 245 G +101 24 246 N +101 24 247 BR +101 24 248 K +101 24 249 N +101 24 250 P +101 24 251 N +101 24 252 U +101 24 253 N +101 24 254 P +101 24 255 K +101 24 256 R +101 24 257 N +101 24 258 P +101 24 259 R +101 24 260 BR +101 24 261 BR +101 24 262 U +101 24 263 K +101 24 264 K +101 24 265 N +101 24 266 BR +101 24 267 R +101 24 268 N +101 24 269 R +101 24 270 P +101 24 271 N +101 24 272 U +101 24 273 BR +101 24 274 U +101 24 275 BR +101 24 276 R +101 24 277 N +101 24 278 BR +101 24 279 N +101 24 280 N +101 24 281 N +101 24 282 N +101 24 283 BR +101 24 284 U +101 24 285 R +101 24 286 U +101 24 287 BR +101 24 288 R +101 24 289 N +101 24 290 BR +101 24 291 N +101 24 292 BR +101 24 293 N +101 24 294 U +101 24 295 N +101 24 296 N +101 24 297 P +101 24 298 R +101 24 299 N +101 24 300 K +101 24 301 N +101 24 302 BR +101 24 303 U +101 24 304 N +101 24 305 R +101 24 306 N +101 24 307 N +101 24 308 BR +101 24 309 K +101 24 310 N +101 24 311 N +101 24 312 K +101 24 313 G +101 24 314 U +101 24 315 N +101 24 316 N +101 24 317 G +101 24 318 BR +101 24 319 U +101 24 320 BR +101 24 321 R +101 24 322 N +101 24 323 N +101 24 324 U +101 24 325 G +101 24 326 P +101 24 327 U +101 24 328 N +101 24 329 BR +101 24 330 U +101 25 1 N +101 25 2 N +101 25 3 R +101 25 4 BR +101 25 5 N +101 25 6 BR +101 25 7 N +101 25 8 BR +101 25 9 BR +101 25 10 N +101 25 11 N +101 25 12 P +101 25 13 N +101 25 14 G +101 25 15 G +101 25 16 U +101 25 17 R +101 25 18 K +101 25 19 N +101 25 20 N +101 25 21 R +101 25 22 P +101 25 23 G +101 25 24 K +101 25 25 N +101 25 26 J +101 25 27 U +101 25 28 BR +101 25 29 N +101 25 30 BR +101 25 31 U +101 25 32 BR +101 25 33 N +101 25 34 J +101 25 35 R +101 25 36 K +101 25 37 J +101 25 38 R +101 25 39 N +101 25 40 N +101 25 41 R +101 25 42 P +101 25 43 K +101 25 44 U +101 25 45 N +101 25 46 K +101 25 47 K +101 25 48 P +101 25 49 J +101 25 50 N +101 25 51 K +101 25 52 P +101 25 53 R +101 25 54 N +101 25 55 N +101 25 56 BR +101 25 57 K +101 25 58 P +101 25 59 U +101 25 60 K +101 25 61 R +101 25 62 N +101 25 63 BR +101 25 64 J +101 25 65 R +101 25 66 U +101 25 67 BR +101 25 68 R +101 25 69 K +101 25 70 U +101 25 71 R +101 25 72 N +101 25 73 J +101 25 74 U +101 25 75 K +101 25 76 BR +101 25 77 N +101 25 78 U +101 25 79 K +101 25 80 N +101 25 81 N +101 25 82 N +101 25 83 BR +101 25 84 R +101 25 85 N +101 25 86 R +101 25 87 K +101 25 88 N +101 25 89 K +101 25 90 N +101 25 91 P +101 25 92 U +101 25 93 J +101 25 94 K +101 25 95 U +101 25 96 P +101 25 97 G +101 25 98 R +101 25 99 G +101 25 100 N +101 25 101 BR +101 25 102 U +101 25 103 K +101 25 104 N +101 25 105 BR +101 25 106 U +101 25 107 U +101 25 108 BR +101 25 109 J +101 25 110 P +101 25 111 K +101 25 112 R +101 25 113 K +101 25 114 K +101 25 115 R +101 25 116 U +101 25 117 BR +101 25 118 G +101 25 119 N +101 25 120 U +101 25 121 R +101 25 122 N +101 25 123 BR +101 25 124 N +101 25 125 R +101 25 126 G +101 25 127 K +101 25 128 P +101 25 129 U +101 25 130 K +101 25 131 N +101 25 132 R +101 25 133 N +101 25 134 BR +101 25 135 G +101 25 136 N +101 25 137 N +101 25 138 BR +101 25 139 U +101 25 140 N +101 25 141 U +101 25 142 U +101 25 143 N +101 25 144 BR +101 25 145 N +101 25 146 P +101 25 147 N +101 25 148 R +101 25 149 N +101 25 150 BR +101 25 151 BR +101 25 152 G +101 25 153 N +101 25 154 K +101 25 155 K +101 25 156 N +101 25 157 BR +101 25 158 U +101 25 159 BR +101 25 160 G +101 25 161 N +101 25 162 R +101 25 163 N +101 25 164 G +101 25 165 K +101 25 166 K +101 25 167 G +101 25 168 N +101 25 169 N +101 25 170 K +101 25 171 K +101 25 172 U +101 25 173 R +101 25 174 P +101 25 175 U +101 25 176 R +101 25 177 P +101 25 178 G +101 25 179 BR +101 25 180 N +101 25 181 P +101 25 182 BR +101 25 183 R +101 25 184 G +101 25 185 P +101 25 186 N +101 25 187 P +101 25 188 N +101 25 189 U +101 25 190 G +101 25 191 N +101 25 192 G +101 25 193 P +101 25 194 BR +101 25 195 N +101 25 196 BR +101 25 197 G +101 25 198 K +101 25 199 U +101 25 200 N +101 25 201 G +101 25 202 N +101 25 203 BR +101 25 204 K +101 25 205 N +101 25 206 U +101 25 207 R +101 25 208 BR +101 25 209 K +101 25 210 BR +101 25 211 U +101 25 212 P +101 25 213 U +101 25 214 P +101 25 215 G +101 25 216 K +101 25 217 BR +101 25 218 N +101 25 219 U +101 25 220 G +101 25 221 U +101 25 222 G +101 25 223 N +101 25 224 U +101 25 225 P +101 25 226 K +101 25 227 K +101 25 228 G +101 25 229 N +101 25 230 U +101 25 231 BR +101 25 232 K +101 25 233 U +101 25 234 N +101 25 235 G +101 25 236 P +101 25 237 BR +101 25 238 N +101 25 239 BR +101 25 240 P +101 25 241 U +101 25 242 P +101 25 243 R +101 25 244 U +101 25 245 R +101 25 246 N +101 25 247 U +101 25 248 K +101 25 249 N +101 25 250 BR +101 25 251 N +101 25 252 U +101 25 253 N +101 25 254 U +101 25 255 K +101 25 256 R +101 25 257 G +101 25 258 P +101 25 259 BR +101 25 260 U +101 25 261 R +101 25 262 U +101 25 263 U +101 25 264 N +101 25 265 N +101 25 266 BR +101 25 267 G +101 25 268 N +101 25 269 BR +101 25 270 P +101 25 271 N +101 25 272 U +101 25 273 BR +101 25 274 U +101 25 275 P +101 25 276 BR +101 25 277 N +101 25 278 P +101 25 279 N +101 25 280 N +101 25 281 U +101 25 282 U +101 25 283 BR +101 25 284 U +101 25 285 G +101 25 286 U +101 25 287 BR +101 25 288 R +101 25 289 U +101 25 290 U +101 25 291 U +101 25 292 BR +101 25 293 U +101 25 294 U +101 25 295 BR +101 25 296 N +101 25 297 P +101 25 298 R +101 25 299 N +101 25 300 U +101 25 301 N +101 25 302 U +101 25 303 U +101 25 304 N +101 25 305 BR +101 25 306 U +101 25 307 N +101 25 308 BR +101 25 309 K +101 25 310 N +101 25 311 BR +101 25 312 K +101 25 313 N +101 25 314 U +101 25 315 N +101 25 316 N +101 25 317 BR +101 25 318 G +101 25 319 U +101 25 320 BR +101 25 321 R +101 25 322 G +101 25 323 N +101 25 324 U +101 25 325 BR +101 25 326 P +101 25 327 U +101 25 328 N +101 25 329 BR +101 25 330 U +102 1 1 W +102 1 2 N +102 1 3 O +102 1 4 W +102 1 5 N +102 1 6 WA +102 1 7 N +102 1 8 O +102 1 9 O +102 1 10 W +102 1 11 WT +102 1 12 WA +102 1 13 WT +102 1 14 W +102 1 15 WA +102 1 16 WA +102 1 17 O +102 1 18 WT +102 1 19 W +102 1 20 WG +102 1 21 O +102 1 22 WA +102 1 23 O +102 1 24 WT +102 1 25 W +102 1 26 W +102 1 27 WA +102 1 28 O +102 1 29 W +102 1 30 O +102 1 31 W +102 1 32 O +102 1 33 WA +102 1 34 O +102 1 35 O +102 1 36 WT +102 1 37 W +102 1 38 O +102 1 39 WT +102 1 40 W +102 1 41 O +102 1 42 WT +102 1 43 WT +102 1 44 WA +102 1 45 WG +102 1 46 N +102 1 47 WT +102 1 48 N +102 1 49 WT +102 1 50 O +102 1 51 WT +102 1 52 WA +102 1 53 O +102 1 54 WG +102 1 55 WA +102 1 56 WA +102 1 57 WT +102 1 58 WA +102 1 59 WA +102 1 60 WT +102 1 61 O +102 1 62 WA +102 1 63 O +102 1 64 W +102 1 65 O +102 1 66 WA +102 1 67 N +102 1 68 O +102 1 69 WT +102 1 70 WA +102 1 71 O +102 1 72 WT +102 1 73 O +102 1 74 WA +102 1 75 WT +102 1 76 O +102 1 77 WG +102 1 78 WA +102 1 79 WT +102 1 80 W +102 1 81 N +102 1 82 WA +102 1 83 WA +102 1 84 O +102 1 85 WT +102 1 86 O +102 1 87 WT +102 1 88 O +102 1 89 WT +102 1 90 WT +102 1 91 N +102 1 92 WA +102 1 93 WT +102 1 94 WT +102 1 95 WA +102 1 96 O +102 1 97 WA +102 1 98 W +102 1 99 WA +102 1 100 WA +102 1 101 O +102 1 102 WA +102 1 103 WT +102 1 104 WA +102 1 105 O +102 1 106 WA +102 1 107 WA +102 1 108 WA +102 1 109 WT +102 1 110 O +102 1 111 WT +102 1 112 O +102 1 113 WT +102 1 114 W +102 1 115 O +102 1 116 N +102 1 117 N +102 1 118 O +102 1 119 WT +102 1 120 WA +102 1 121 O +102 1 122 WT +102 1 123 WT +102 1 124 WA +102 1 125 O +102 1 126 O +102 1 127 WT +102 1 128 WA +102 1 129 WA +102 1 130 WT +102 1 131 O +102 1 132 O +102 1 133 WT +102 1 134 O +102 1 135 O +102 1 136 WT +102 1 137 WT +102 1 138 WA +102 1 139 WA +102 1 140 WA +102 1 141 WA +102 1 142 WA +102 1 143 N +102 1 144 WT +102 1 145 N +102 1 146 N +102 1 147 WT +102 1 148 O +102 1 149 N +102 1 150 WT +102 1 151 O +102 1 152 WA +102 1 153 WT +102 1 154 N +102 1 155 WT +102 1 156 WT +102 1 157 N +102 1 158 WA +102 1 159 O +102 1 160 O +102 1 161 W +102 1 162 O +102 1 163 O +102 1 164 W +102 1 165 N +102 1 166 WT +102 1 167 WA +102 1 168 WT +102 1 169 WA +102 1 170 WT +102 1 171 WA +102 1 172 O +102 1 173 WA +102 1 174 O +102 1 175 N +102 1 176 O +102 1 177 N +102 1 178 WT +102 1 179 O +102 1 180 N +102 1 181 N +102 1 182 O +102 1 183 N +102 1 184 O +102 1 185 O +102 1 186 WA +102 1 187 N +102 1 188 WT +102 1 189 WA +102 1 190 O +102 1 191 WT +102 1 192 O +102 1 193 N +102 1 194 O +102 1 195 N +102 1 196 WA +102 1 197 N +102 1 198 WT +102 1 199 WA +102 1 200 WA +102 1 201 O +102 1 202 WT +102 1 203 O +102 1 204 WT +102 1 205 W +102 1 206 WA +102 1 207 O +102 1 208 N +102 1 209 WT +102 1 210 O +102 1 211 W +102 1 212 O +102 1 213 WA +102 1 214 WA +102 1 215 O +102 1 216 WT +102 1 217 O +102 1 218 WA +102 1 219 WA +102 1 220 W +102 1 221 WA +102 1 222 WT +102 1 223 WA +102 1 224 WA +102 1 225 N +102 1 226 WT +102 1 227 WT +102 1 228 WT +102 1 229 WA +102 1 230 WA +102 1 231 O +102 1 232 WA +102 1 233 N +102 1 234 WT +102 1 235 W +102 1 236 WA +102 1 237 O +102 1 238 WT +102 1 239 O +102 1 240 O +102 1 241 WA +102 1 242 WA +102 1 243 O +102 1 244 WA +102 1 245 O +102 1 246 W +102 1 247 W +102 1 248 WT +102 1 249 WT +102 1 250 O +102 1 251 WA +102 1 252 WA +102 1 253 WA +102 1 254 WA +102 1 255 WT +102 1 256 O +102 1 257 W +102 1 258 N +102 1 259 O +102 1 260 WA +102 1 261 O +102 1 262 WA +102 1 263 WA +102 1 264 WA +102 1 265 WT +102 1 266 O +102 1 267 O +102 1 268 N +102 1 269 O +102 1 270 O +102 1 271 WT +102 1 272 WA +102 1 273 O +102 1 274 WA +102 1 275 WT +102 1 276 O +102 1 277 WT +102 1 278 O +102 1 279 WT +102 1 280 WA +102 1 281 WT +102 1 282 WA +102 1 283 O +102 1 284 WA +102 1 285 O +102 1 286 WA +102 1 287 WT +102 1 288 O +102 1 289 WA +102 1 290 WA +102 1 291 WT +102 1 292 O +102 1 293 WA +102 1 294 WA +102 1 295 WT +102 1 296 O +102 1 297 WA +102 1 298 O +102 1 299 WT +102 1 300 WA +102 1 301 WT +102 1 302 WA +102 1 303 WA +102 1 304 WT +102 1 305 O +102 1 306 WT +102 1 307 WT +102 1 308 WA +102 1 309 WT +102 1 310 W +102 1 311 WT +102 1 312 WT +102 1 313 WT +102 1 314 WA +102 1 315 WA +102 1 316 WT +102 1 317 O +102 1 318 O +102 1 319 WA +102 1 320 WT +102 1 321 O +102 1 322 WA +102 1 323 WT +102 1 324 WA +102 1 325 O +102 1 326 WA +102 1 327 WA +102 1 328 WT +102 1 329 O +102 1 330 WA +102 2 1 W +102 2 2 N +102 2 3 O +102 2 4 G +102 2 5 W +102 2 6 N +102 2 7 W +102 2 8 O +102 2 9 G +102 2 10 W +102 2 11 W +102 2 12 N +102 2 13 W +102 2 14 W +102 2 15 N +102 2 16 N +102 2 17 O +102 2 18 WT +102 2 19 W +102 2 20 N +102 2 21 O +102 2 22 N +102 2 23 O +102 2 24 M +102 2 25 W +102 2 26 W +102 2 27 N +102 2 28 O +102 2 29 W +102 2 30 O +102 2 31 W +102 2 32 O +102 2 33 N +102 2 34 W +102 2 35 O +102 2 36 W +102 2 37 W +102 2 38 O +102 2 39 W +102 2 40 W +102 2 41 O +102 2 42 N +102 2 43 W +102 2 44 N +102 2 45 W +102 2 46 WT +102 2 47 W +102 2 48 MI +102 2 49 W +102 2 50 O +102 2 51 M +102 2 52 N +102 2 53 O +102 2 54 W +102 2 55 W +102 2 56 N +102 2 57 W +102 2 58 N +102 2 59 N +102 2 60 W +102 2 61 O +102 2 62 W +102 2 63 O +102 2 64 W +102 2 65 O +102 2 66 N +102 2 67 N +102 2 68 O +102 2 69 W +102 2 70 N +102 2 71 O +102 2 72 W +102 2 73 O +102 2 74 N +102 2 75 W +102 2 76 O +102 2 77 W +102 2 78 O +102 2 79 WT +102 2 80 W +102 2 81 N +102 2 82 W +102 2 83 N +102 2 84 * +102 2 85 W +102 2 86 O +102 2 87 WT +102 2 88 O +102 2 89 WT +102 2 90 W +102 2 91 N +102 2 92 N +102 2 93 W +102 2 94 WT +102 2 95 N +102 2 96 N +102 2 97 W +102 2 98 O +102 2 99 N +102 2 100 N +102 2 101 O +102 2 102 N +102 2 103 W +102 2 104 N +102 2 105 O +102 2 106 N +102 2 107 N +102 2 108 N +102 2 109 W +102 2 110 N +102 2 111 W +102 2 112 O +102 2 113 WT +102 2 114 W +102 2 115 O +102 2 116 N +102 2 117 W +102 2 118 O +102 2 119 N +102 2 120 N +102 2 121 O +102 2 122 W +102 2 123 W +102 2 124 N +102 2 125 O +102 2 126 G +102 2 127 W +102 2 128 N +102 2 129 N +102 2 130 W +102 2 131 G +102 2 132 O +102 2 133 W +102 2 134 G +102 2 135 O +102 2 136 W +102 2 137 W +102 2 138 N +102 2 139 N +102 2 140 W +102 2 141 N +102 2 142 N +102 2 143 N +102 2 144 G +102 2 145 N +102 2 146 N +102 2 147 W +102 2 148 O +102 2 149 N +102 2 150 G +102 2 151 O +102 2 152 O +102 2 153 W +102 2 154 WT +102 2 155 W +102 2 156 W +102 2 157 W +102 2 158 N +102 2 159 N +102 2 160 G +102 2 161 W +102 2 162 O +102 2 163 W +102 2 164 W +102 2 165 W +102 2 166 W +102 2 167 G +102 2 168 W +102 2 169 W +102 2 170 W +102 2 171 N +102 2 172 N +102 2 173 O +102 2 174 N +102 2 175 N +102 2 176 O +102 2 177 N +102 2 178 W +102 2 179 G +102 2 180 W +102 2 181 N +102 2 182 O +102 2 183 N +102 2 184 O +102 2 185 N +102 2 186 N +102 2 187 N +102 2 188 W +102 2 189 N +102 2 190 G +102 2 191 W +102 2 192 G +102 2 193 N +102 2 194 O +102 2 195 N +102 2 196 N +102 2 197 O +102 2 198 WT +102 2 199 N +102 2 200 N +102 2 201 G +102 2 202 W +102 2 203 O +102 2 204 WT +102 2 205 W +102 2 206 N +102 2 207 O +102 2 208 N +102 2 209 W +102 2 210 G +102 2 211 N +102 2 212 N +102 2 213 W +102 2 214 N +102 2 215 G +102 2 216 W +102 2 217 O +102 2 218 W +102 2 219 N +102 2 220 W +102 2 221 N +102 2 222 G +102 2 223 W +102 2 224 N +102 2 225 W +102 2 226 W +102 2 227 WT +102 2 228 W +102 2 229 N +102 2 230 N +102 2 231 O +102 2 232 WT +102 2 233 W +102 2 234 W +102 2 235 W +102 2 236 N +102 2 237 N +102 2 238 W +102 2 239 O +102 2 240 G +102 2 241 N +102 2 242 N +102 2 243 O +102 2 244 N +102 2 245 O +102 2 246 W +102 2 247 W +102 2 248 WT +102 2 249 W +102 2 250 G +102 2 251 N +102 2 252 N +102 2 253 W +102 2 254 W +102 2 255 WT +102 2 256 O +102 2 257 W +102 2 258 N +102 2 259 G +102 2 260 N +102 2 261 N +102 2 262 N +102 2 263 W +102 2 264 N +102 2 265 W +102 2 266 G +102 2 267 O +102 2 268 N +102 2 269 O +102 2 270 N +102 2 271 W +102 2 272 N +102 2 273 G +102 2 274 N +102 2 275 W +102 2 276 G +102 2 277 W +102 2 278 N +102 2 279 W +102 2 280 N +102 2 281 W +102 2 282 N +102 2 283 O +102 2 284 N +102 2 285 G +102 2 286 N +102 2 287 N +102 2 288 O +102 2 289 N +102 2 290 N +102 2 291 W +102 2 292 G +102 2 293 N +102 2 294 N +102 2 295 G +102 2 296 O +102 2 297 N +102 2 298 O +102 2 299 W +102 2 300 N +102 2 301 W +102 2 302 N +102 2 303 W +102 2 304 G +102 2 305 O +102 2 306 N +102 2 307 W +102 2 308 G +102 2 309 G +102 2 310 N +102 2 311 W +102 2 312 WT +102 2 313 W +102 2 314 N +102 2 315 N +102 2 316 W +102 2 317 O +102 2 318 G +102 2 319 N +102 2 320 N +102 2 321 O +102 2 322 N +102 2 323 W +102 2 324 N +102 2 325 G +102 2 326 N +102 2 327 N +102 2 328 W +102 2 329 G +102 2 330 N +102 3 1 W +102 3 2 W +102 3 3 O +102 3 4 WT +102 3 5 WT +102 3 6 N +102 3 7 IC +102 3 8 O +102 3 9 WT +102 3 10 W +102 3 11 WT +102 3 12 M +102 3 13 W +102 3 14 WT +102 3 15 N +102 3 16 N +102 3 17 O +102 3 18 WT +102 3 19 W +102 3 20 W +102 3 21 O +102 3 22 O +102 3 23 WT +102 3 24 WT +102 3 25 W +102 3 26 WT +102 3 27 N +102 3 28 O +102 3 29 W +102 3 30 IC +102 3 31 W +102 3 32 O +102 3 33 W +102 3 34 W +102 3 35 O +102 3 36 WT +102 3 37 W +102 3 38 O +102 3 39 W +102 3 40 W +102 3 41 O +102 3 42 N +102 3 43 WT +102 3 44 N +102 3 45 W +102 3 46 N +102 3 47 WT +102 3 48 O +102 3 49 W +102 3 50 WT +102 3 51 WT +102 3 52 N +102 3 53 O +102 3 54 W +102 3 55 W +102 3 56 N +102 3 57 WT +102 3 58 N +102 3 59 N +102 3 60 WT +102 3 61 O +102 3 62 N +102 3 63 O +102 3 64 WT +102 3 65 O +102 3 66 N +102 3 67 W +102 3 68 O +102 3 69 N +102 3 70 N +102 3 71 WT +102 3 72 W +102 3 73 O +102 3 74 N +102 3 75 WT +102 3 76 N +102 3 77 W +102 3 78 N +102 3 79 WT +102 3 80 W +102 3 81 N +102 3 82 W +102 3 83 N +102 3 84 O +102 3 85 W +102 3 86 NN +102 3 87 W +102 3 88 O +102 3 89 WT +102 3 90 W +102 3 91 N +102 3 92 N +102 3 93 W +102 3 94 W +102 3 95 N +102 3 96 M +102 3 97 WT +102 3 98 O +102 3 99 N +102 3 100 W +102 3 101 N +102 3 102 W +102 3 103 W +102 3 104 W +102 3 105 W +102 3 106 N +102 3 107 N +102 3 108 N +102 3 109 W +102 3 110 O +102 3 111 WT +102 3 112 O +102 3 113 WT +102 3 114 W +102 3 115 O +102 3 116 WT +102 3 117 W +102 3 118 NN +102 3 119 W +102 3 120 N +102 3 121 O +102 3 122 W +102 3 123 WT +102 3 124 N +102 3 125 NN +102 3 126 N +102 3 127 WT +102 3 128 N +102 3 129 N +102 3 130 WT +102 3 131 O +102 3 132 NN +102 3 133 W +102 3 134 WT +102 3 135 O +102 3 136 W +102 3 137 W +102 3 138 W +102 3 139 N +102 3 140 WT +102 3 141 N +102 3 142 N +102 3 143 W +102 3 144 WT +102 3 145 N +102 3 146 O +102 3 147 W +102 3 148 NN +102 3 149 W +102 3 150 WT +102 3 151 N +102 3 152 W +102 3 153 W +102 3 154 N +102 3 155 WT +102 3 156 W +102 3 157 WT +102 3 158 N +102 3 159 N +102 3 160 N +102 3 161 W +102 3 162 O +102 3 163 W +102 3 164 W +102 3 165 WT +102 3 166 W +102 3 167 N +102 3 168 N +102 3 169 W +102 3 170 WT +102 3 171 N +102 3 172 N +102 3 173 O +102 3 174 M +102 3 175 W +102 3 176 O +102 3 177 N +102 3 178 W +102 3 179 WT +102 3 180 W +102 3 181 W +102 3 182 N +102 3 183 WT +102 3 184 O +102 3 185 N +102 3 186 W +102 3 187 NN +102 3 188 W +102 3 189 N +102 3 190 N +102 3 191 WT +102 3 192 O +102 3 193 N +102 3 194 WT +102 3 195 W +102 3 196 W +102 3 197 N +102 3 198 WT +102 3 199 N +102 3 200 W +102 3 201 N +102 3 202 W +102 3 203 N +102 3 204 WT +102 3 205 W +102 3 206 N +102 3 207 O +102 3 208 N +102 3 209 W +102 3 210 N +102 3 211 W +102 3 212 NN +102 3 213 W +102 3 214 N +102 3 215 NN +102 3 216 WT +102 3 217 O +102 3 218 N +102 3 219 N +102 3 220 W +102 3 221 N +102 3 222 WT +102 3 223 W +102 3 224 N +102 3 225 N +102 3 226 W +102 3 227 WT +102 3 228 W +102 3 229 N +102 3 230 N +102 3 231 W +102 3 232 WT +102 3 233 NN +102 3 234 W +102 3 235 WT +102 3 236 N +102 3 237 O +102 3 238 WT +102 3 239 O +102 3 240 WT +102 3 241 N +102 3 242 N +102 3 243 O +102 3 244 N +102 3 245 NN +102 3 246 W +102 3 247 W +102 3 248 WT +102 3 249 N +102 3 250 O +102 3 251 W +102 3 252 N +102 3 253 W +102 3 254 W +102 3 255 WT +102 3 256 NN +102 3 257 WT +102 3 258 N +102 3 259 O +102 3 260 N +102 3 261 NN +102 3 262 N +102 3 263 WT +102 3 264 W +102 3 265 WT +102 3 266 O +102 3 267 WT +102 3 268 W +102 3 269 NN +102 3 270 M +102 3 271 WT +102 3 272 N +102 3 273 N +102 3 274 WT +102 3 275 W +102 3 276 NN +102 3 277 WT +102 3 278 NN +102 3 279 W +102 3 280 W +102 3 281 W +102 3 282 W +102 3 283 WT +102 3 284 N +102 3 285 O +102 3 286 N +102 3 287 WT +102 3 288 O +102 3 289 W +102 3 290 N +102 3 291 W +102 3 292 NN +102 3 293 N +102 3 294 N +102 3 295 WT +102 3 296 WT +102 3 297 GM +102 3 298 O +102 3 299 W +102 3 300 N +102 3 301 WT +102 3 302 N +102 3 303 W +102 3 304 N +102 3 305 WT +102 3 306 W +102 3 307 WT +102 3 308 N +102 3 309 WT +102 3 310 W +102 3 311 WT +102 3 312 W +102 3 313 WT +102 3 314 N +102 3 315 W +102 3 316 N +102 3 317 GM +102 3 318 NN +102 3 319 N +102 3 320 WT +102 3 321 NN +102 3 322 W +102 3 323 WT +102 3 324 N +102 3 325 GM +102 3 326 N +102 3 327 W +102 3 328 WT +102 3 329 GM +102 3 330 N +102 4 1 W +102 4 2 N +102 4 3 O +102 4 4 O +102 4 5 N +102 4 6 O +102 4 7 N +102 4 8 O +102 4 9 O +102 4 10 W +102 4 11 W +102 4 12 N +102 4 13 W +102 4 14 W +102 4 15 O +102 4 16 N +102 4 17 O +102 4 18 N +102 4 19 W +102 4 20 W +102 4 21 O +102 4 22 N +102 4 23 O +102 4 24 WT +102 4 25 W +102 4 26 W +102 4 27 WA +102 4 28 O +102 4 29 W +102 4 30 O +102 4 31 W +102 4 32 O +102 4 33 N +102 4 34 W +102 4 35 O +102 4 36 W +102 4 37 O +102 4 38 O +102 4 39 N +102 4 40 W +102 4 41 O +102 4 42 N +102 4 43 W +102 4 44 N +102 4 45 W +102 4 46 WA +102 4 47 W +102 4 48 O +102 4 49 W +102 4 50 O +102 4 51 WT +102 4 52 WA +102 4 53 O +102 4 54 W +102 4 55 W +102 4 56 WA +102 4 57 W +102 4 58 N +102 4 59 WA +102 4 60 W +102 4 61 O +102 4 62 W +102 4 63 O +102 4 64 W +102 4 65 O +102 4 66 N +102 4 67 WA +102 4 68 O +102 4 69 WT +102 4 70 WA +102 4 71 O +102 4 72 W +102 4 73 O +102 4 74 WA +102 4 75 W +102 4 76 O +102 4 77 W +102 4 78 O +102 4 79 WT +102 4 80 W +102 4 81 N +102 4 82 W +102 4 83 WA +102 4 84 O +102 4 85 W +102 4 86 O +102 4 87 WT +102 4 88 O +102 4 89 WT +102 4 90 WT +102 4 91 N +102 4 92 WA +102 4 93 O +102 4 94 WT +102 4 95 WA +102 4 96 O +102 4 97 N +102 4 98 WT +102 4 99 WA +102 4 100 W +102 4 101 O +102 4 102 WA +102 4 103 WT +102 4 104 W +102 4 105 O +102 4 106 WA +102 4 107 WA +102 4 108 W +102 4 109 W +102 4 110 N +102 4 111 WT +102 4 112 O +102 4 113 WT +102 4 114 W +102 4 115 O +102 4 116 WA +102 4 117 WT +102 4 118 O +102 4 119 W +102 4 120 WA +102 4 121 O +102 4 122 W +102 4 123 WT +102 4 124 W +102 4 125 O +102 4 126 O +102 4 127 W +102 4 128 * +102 4 129 WA +102 4 130 WT +102 4 131 O +102 4 132 O +102 4 133 W +102 4 134 WT +102 4 135 O +102 4 136 W +102 4 137 WT +102 4 138 W +102 4 139 WA +102 4 140 W +102 4 141 WA +102 4 142 WA +102 4 143 N +102 4 144 W +102 4 145 N +102 4 146 N +102 4 147 W +102 4 148 O +102 4 149 N +102 4 150 WT +102 4 151 O +102 4 152 O +102 4 153 W +102 4 154 WT +102 4 155 WT +102 4 156 W +102 4 157 O +102 4 158 WA +102 4 159 O +102 4 160 O +102 4 161 W +102 4 162 O +102 4 163 W +102 4 164 W +102 4 165 WT +102 4 166 WT +102 4 167 N +102 4 168 W +102 4 169 W +102 4 170 W +102 4 171 WT +102 4 172 WA +102 4 173 O +102 4 174 WA +102 4 175 W +102 4 176 O +102 4 177 WA +102 4 178 W +102 4 179 O +102 4 180 W +102 4 181 N +102 4 182 O +102 4 183 WT +102 4 184 O +102 4 185 N +102 4 186 W +102 4 187 O +102 4 188 W +102 4 189 WA +102 4 190 O +102 4 191 W +102 4 192 W +102 4 193 N +102 4 194 O +102 4 195 W +102 4 196 W +102 4 197 O +102 4 198 WT +102 4 199 WA +102 4 200 W +102 4 201 O +102 4 202 W +102 4 203 O +102 4 204 WT +102 4 205 W +102 4 206 WA +102 4 207 O +102 4 208 N +102 4 209 W +102 4 210 O +102 4 211 W +102 4 212 O +102 4 213 N +102 4 214 N +102 4 215 O +102 4 216 WT +102 4 217 O +102 4 218 N +102 4 219 WA +102 4 220 W +102 4 221 WA +102 4 222 O +102 4 223 W +102 4 224 WA +102 4 225 N +102 4 226 W +102 4 227 WT +102 4 228 W +102 4 229 N +102 4 230 N +102 4 231 O +102 4 232 WT +102 4 233 WT +102 4 234 W +102 4 235 WT +102 4 236 N +102 4 237 O +102 4 238 W +102 4 239 O +102 4 240 O +102 4 241 N +102 4 242 WA +102 4 243 O +102 4 244 N +102 4 245 O +102 4 246 W +102 4 247 N +102 4 248 WT +102 4 249 W +102 4 250 O +102 4 251 N +102 4 252 N +102 4 253 W +102 4 254 W +102 4 255 WT +102 4 256 O +102 4 257 W +102 4 258 N +102 4 259 O +102 4 260 N +102 4 261 O +102 4 262 WA +102 4 263 WA +102 4 264 N +102 4 265 W +102 4 266 O +102 4 267 O +102 4 268 W +102 4 269 O +102 4 270 N +102 4 271 W +102 4 272 WA +102 4 273 O +102 4 274 WA +102 4 275 N +102 4 276 O +102 4 277 W +102 4 278 O +102 4 279 W +102 4 280 N +102 4 281 W +102 4 282 N +102 4 283 WT +102 4 284 WA +102 4 285 O +102 4 286 WA +102 4 287 N +102 4 288 O +102 4 289 W +102 4 290 WA +102 4 291 W +102 4 292 O +102 4 293 WA +102 4 294 WA +102 4 295 WT +102 4 296 O +102 4 297 N +102 4 298 O +102 4 299 W +102 4 300 WT +102 4 301 W +102 4 302 WA +102 4 303 WA +102 4 304 WT +102 4 305 O +102 4 306 W +102 4 307 W +102 4 308 O +102 4 309 WT +102 4 310 W +102 4 311 W +102 4 312 WT +102 4 313 W +102 4 314 WA +102 4 315 N +102 4 316 W +102 4 317 O +102 4 318 O +102 4 319 WA +102 4 320 N +102 4 321 O +102 4 322 W +102 4 323 W +102 4 324 WA +102 4 325 O +102 4 326 N +102 4 327 WA +102 4 328 W +102 4 329 WT +102 4 330 WA +102 5 1 W +102 5 2 W +102 5 3 O +102 5 4 O +102 5 5 W +102 5 6 O +102 5 7 W +102 5 8 O +102 5 9 WA +102 5 10 W +102 5 11 W +102 5 12 WA +102 5 13 W +102 5 14 W +102 5 15 WA +102 5 16 WA +102 5 17 O +102 5 18 WA +102 5 19 W +102 5 20 W +102 5 21 O +102 5 22 WA +102 5 23 O +102 5 24 O +102 5 25 W +102 5 26 W +102 5 27 N +102 5 28 O +102 5 29 W +102 5 30 O +102 5 31 W +102 5 32 O +102 5 33 W +102 5 34 W +102 5 35 O +102 5 36 W +102 5 37 W +102 5 38 O +102 5 39 W +102 5 40 W +102 5 41 O +102 5 42 O +102 5 43 W +102 5 44 O +102 5 45 W +102 5 46 N +102 5 47 W +102 5 48 O +102 5 49 W +102 5 50 O +102 5 51 N +102 5 52 N +102 5 53 O +102 5 54 W +102 5 55 W +102 5 56 N +102 5 57 W +102 5 58 N +102 5 59 N +102 5 60 W +102 5 61 O +102 5 62 N +102 5 63 O +102 5 64 W +102 5 65 O +102 5 66 N +102 5 67 W +102 5 68 O +102 5 69 N +102 5 70 N +102 5 71 O +102 5 72 W +102 5 73 O +102 5 74 N +102 5 75 W +102 5 76 O +102 5 77 W +102 5 78 N +102 5 79 W +102 5 80 W +102 5 81 N +102 5 82 W +102 5 83 N +102 5 84 N +102 5 85 W +102 5 86 O +102 5 87 W +102 5 88 O +102 5 89 W +102 5 90 W +102 5 91 W +102 5 92 N +102 5 93 W +102 5 94 W +102 5 95 N +102 5 96 O +102 5 97 N +102 5 98 W +102 5 99 N +102 5 100 W +102 5 101 O +102 5 102 W +102 5 103 N +102 5 104 W +102 5 105 O +102 5 106 N +102 5 107 N +102 5 108 N +102 5 109 W +102 5 110 O +102 5 111 W +102 5 112 O +102 5 113 W +102 5 114 W +102 5 115 O +102 5 116 N +102 5 117 W +102 5 118 O +102 5 119 W +102 5 120 N +102 5 121 O +102 5 122 W +102 5 123 W +102 5 124 N +102 5 125 O +102 5 126 O +102 5 127 W +102 5 128 N +102 5 129 N +102 5 130 W +102 5 131 O +102 5 132 O +102 5 133 W +102 5 134 N +102 5 135 O +102 5 136 W +102 5 137 W +102 5 138 W +102 5 139 N +102 5 140 W +102 5 141 N +102 5 142 N +102 5 143 N +102 5 144 W +102 5 145 N +102 5 146 O +102 5 147 W +102 5 148 O +102 5 149 W +102 5 150 O +102 5 151 O +102 5 152 O +102 5 153 W +102 5 154 W +102 5 155 W +102 5 156 W +102 5 157 W +102 5 158 N +102 5 159 O +102 5 160 O +102 5 161 W +102 5 162 O +102 5 163 W +102 5 164 W +102 5 165 W +102 5 166 W +102 5 167 N +102 5 168 W +102 5 169 W +102 5 170 W +102 5 171 W +102 5 172 O +102 5 173 N +102 5 174 O +102 5 175 N +102 5 176 O +102 5 177 N +102 5 178 W +102 5 179 O +102 5 180 W +102 5 181 N +102 5 182 O +102 5 183 N +102 5 184 O +102 5 185 O +102 5 186 W +102 5 187 O +102 5 188 W +102 5 189 W +102 5 190 O +102 5 191 W +102 5 192 O +102 5 193 N +102 5 194 O +102 5 195 W +102 5 196 N +102 5 197 O +102 5 198 W +102 5 199 N +102 5 200 W +102 5 201 O +102 5 202 W +102 5 203 O +102 5 204 W +102 5 205 O +102 5 206 N +102 5 207 O +102 5 208 N +102 5 209 W +102 5 210 O +102 5 211 W +102 5 212 O +102 5 213 N +102 5 214 N +102 5 215 O +102 5 216 W +102 5 217 O +102 5 218 N +102 5 219 N +102 5 220 W +102 5 221 N +102 5 222 O +102 5 223 W +102 5 224 N +102 5 225 O +102 5 226 W +102 5 227 W +102 5 228 W +102 5 229 W +102 5 230 N +102 5 231 O +102 5 232 N +102 5 233 N +102 5 234 W +102 5 235 W +102 5 236 N +102 5 237 O +102 5 238 W +102 5 239 O +102 5 240 O +102 5 241 N +102 5 242 N +102 5 243 O +102 5 244 N +102 5 245 O +102 5 246 W +102 5 247 W +102 5 248 W +102 5 249 W +102 5 250 O +102 5 251 W +102 5 252 N +102 5 253 W +102 5 254 N +102 5 255 W +102 5 256 O +102 5 257 W +102 5 258 N +102 5 259 O +102 5 260 N +102 5 261 O +102 5 262 N +102 5 263 N +102 5 264 N +102 5 265 W +102 5 266 O +102 5 267 O +102 5 268 W +102 5 269 O +102 5 270 O +102 5 271 W +102 5 272 N +102 5 273 O +102 5 274 N +102 5 275 W +102 5 276 O +102 5 277 W +102 5 278 O +102 5 279 W +102 5 280 W +102 5 281 W +102 5 282 W +102 5 283 O +102 5 284 N +102 5 285 O +102 5 286 N +102 5 287 W +102 5 288 O +102 5 289 W +102 5 290 N +102 5 291 W +102 5 292 O +102 5 293 N +102 5 294 N +102 5 295 W +102 5 296 O +102 5 297 O +102 5 298 O +102 5 299 W +102 5 300 N +102 5 301 W +102 5 302 N +102 5 303 N +102 5 304 W +102 5 305 O +102 5 306 W +102 5 307 W +102 5 308 O +102 5 309 W +102 5 310 W +102 5 311 W +102 5 312 W +102 5 313 W +102 5 314 N +102 5 315 W +102 5 316 W +102 5 317 O +102 5 318 O +102 5 319 N +102 5 320 W +102 5 321 O +102 5 322 W +102 5 323 W +102 5 324 N +102 5 325 O +102 5 326 N +102 5 327 N +102 5 328 W +102 5 329 O +102 5 330 N +102 6 1 W +102 6 2 N +102 6 3 O +102 6 4 O +102 6 5 N +102 6 6 N +102 6 7 N +102 6 8 O +102 6 9 N +102 6 10 W +102 6 11 W +102 6 12 N +102 6 13 W +102 6 14 WT +102 6 15 N +102 6 16 N +102 6 17 O +102 6 18 WT +102 6 19 W +102 6 20 W +102 6 21 O +102 6 22 N +102 6 23 W +102 6 24 WT +102 6 25 W +102 6 26 W +102 6 27 N +102 6 28 O +102 6 29 N +102 6 30 O +102 6 31 N +102 6 32 O +102 6 33 II +102 6 34 W +102 6 35 O +102 6 36 WT +102 6 37 N +102 6 38 O +102 6 39 II +102 6 40 W +102 6 41 O +102 6 42 N +102 6 43 W +102 6 44 N +102 6 45 W +102 6 46 WT +102 6 47 W +102 6 48 N +102 6 49 N +102 6 50 O +102 6 51 W +102 6 52 N +102 6 53 O +102 6 54 II +102 6 55 N +102 6 56 N +102 6 57 W +102 6 58 II +102 6 59 N +102 6 60 W +102 6 61 O +102 6 62 N +102 6 63 O +102 6 64 W +102 6 65 O +102 6 66 N +102 6 67 N +102 6 68 O +102 6 69 WT +102 6 70 N +102 6 71 O +102 6 72 W +102 6 73 O +102 6 74 N +102 6 75 W +102 6 76 O +102 6 77 W +102 6 78 N +102 6 79 W +102 6 80 W +102 6 81 II +102 6 82 N +102 6 83 N +102 6 84 N +102 6 85 W +102 6 86 O +102 6 87 WT +102 6 88 O +102 6 89 WT +102 6 90 WT +102 6 91 N +102 6 92 N +102 6 93 W +102 6 94 WT +102 6 95 N +102 6 96 O +102 6 97 N +102 6 98 W +102 6 99 N +102 6 100 N +102 6 101 O +102 6 102 N +102 6 103 W +102 6 104 N +102 6 105 O +102 6 106 N +102 6 107 N +102 6 108 N +102 6 109 W +102 6 110 II +102 6 111 WT +102 6 112 O +102 6 113 WT +102 6 114 WT +102 6 115 O +102 6 116 N +102 6 117 W +102 6 118 N +102 6 119 W +102 6 120 N +102 6 121 O +102 6 122 W +102 6 123 W +102 6 124 N +102 6 125 O +102 6 126 N +102 6 127 W +102 6 128 N +102 6 129 N +102 6 130 W +102 6 131 O +102 6 132 O +102 6 133 W +102 6 134 WT +102 6 135 O +102 6 136 W +102 6 137 W +102 6 138 N +102 6 139 N +102 6 140 W +102 6 141 N +102 6 142 N +102 6 143 N +102 6 144 W +102 6 145 N +102 6 146 II +102 6 147 W +102 6 148 O +102 6 149 II +102 6 150 O +102 6 151 N +102 6 152 N +102 6 153 W +102 6 154 WT +102 6 155 W +102 6 156 W +102 6 157 WT +102 6 158 N +102 6 159 N +102 6 160 N +102 6 161 W +102 6 162 O +102 6 163 W +102 6 164 W +102 6 165 WT +102 6 166 WT +102 6 167 N +102 6 168 W +102 6 169 W +102 6 170 WT +102 6 171 II +102 6 172 N +102 6 173 O +102 6 174 N +102 6 175 N +102 6 176 O +102 6 177 N +102 6 178 W +102 6 179 O +102 6 180 W +102 6 181 II +102 6 182 O +102 6 183 WT +102 6 184 O +102 6 185 N +102 6 186 N +102 6 187 N +102 6 188 WT +102 6 189 N +102 6 190 N +102 6 191 W +102 6 192 W +102 6 193 II +102 6 194 O +102 6 195 W +102 6 196 N +102 6 197 O +102 6 198 WT +102 6 199 N +102 6 200 W +102 6 201 O +102 6 202 W +102 6 203 O +102 6 204 WT +102 6 205 W +102 6 206 N +102 6 207 O +102 6 208 O +102 6 209 WT +102 6 210 O +102 6 211 W +102 6 212 N +102 6 213 N +102 6 214 N +102 6 215 O +102 6 216 WT +102 6 217 N +102 6 218 N +102 6 219 N +102 6 220 W +102 6 221 N +102 6 222 W +102 6 223 W +102 6 224 N +102 6 225 N +102 6 226 W +102 6 227 WT +102 6 228 W +102 6 229 N +102 6 230 N +102 6 231 O +102 6 232 N +102 6 233 N +102 6 234 W +102 6 235 W +102 6 236 II +102 6 237 N +102 6 238 W +102 6 239 O +102 6 240 O +102 6 241 N +102 6 242 N +102 6 243 O +102 6 244 N +102 6 245 O +102 6 246 W +102 6 247 W +102 6 248 WT +102 6 249 N +102 6 250 W +102 6 251 N +102 6 252 N +102 6 253 W +102 6 254 W +102 6 255 WT +102 6 256 O +102 6 257 WT +102 6 258 N +102 6 259 O +102 6 260 N +102 6 261 O +102 6 262 N +102 6 263 N +102 6 264 N +102 6 265 W +102 6 266 O +102 6 267 O +102 6 268 N +102 6 269 O +102 6 270 II +102 6 271 WT +102 6 272 N +102 6 273 O +102 6 274 N +102 6 275 II +102 6 276 O +102 6 277 W +102 6 278 O +102 6 279 W +102 6 280 II +102 6 281 W +102 6 282 N +102 6 283 O +102 6 284 N +102 6 285 N +102 6 286 N +102 6 287 II +102 6 288 O +102 6 289 W +102 6 290 N +102 6 291 W +102 6 292 O +102 6 293 N +102 6 294 N +102 6 295 O +102 6 296 W +102 6 297 II +102 6 298 O +102 6 299 W +102 6 300 N +102 6 301 W +102 6 302 N +102 6 303 N +102 6 304 W +102 6 305 O +102 6 306 W +102 6 307 W +102 6 308 N +102 6 309 WT +102 6 310 W +102 6 311 W +102 6 312 WT +102 6 313 W +102 6 314 N +102 6 315 N +102 6 316 W +102 6 317 O +102 6 318 O +102 6 319 N +102 6 320 II +102 6 321 O +102 6 322 W +102 6 323 W +102 6 324 N +102 6 325 O +102 6 326 II +102 6 327 N +102 6 328 W +102 6 329 O +102 6 330 N +102 7 1 W +102 7 2 W +102 7 3 O +102 7 4 W +102 7 5 N +102 7 6 N +102 7 7 N +102 7 8 O +102 7 9 N +102 7 10 WT +102 7 11 N +102 7 12 N +102 7 13 N +102 7 14 WT +102 7 15 O +102 7 16 N +102 7 17 O +102 7 18 WT +102 7 19 W +102 7 20 N +102 7 21 O +102 7 22 N +102 7 23 W +102 7 24 WT +102 7 25 WT +102 7 26 W +102 7 27 N +102 7 28 O +102 7 29 N +102 7 30 O +102 7 31 N +102 7 32 O +102 7 33 N +102 7 34 W +102 7 35 O +102 7 36 WT +102 7 37 W +102 7 38 O +102 7 39 W +102 7 40 WT +102 7 41 O +102 7 42 W +102 7 43 WT +102 7 44 WA +102 7 45 WT +102 7 46 WA +102 7 47 WT +102 7 48 WA +102 7 49 W +102 7 50 W +102 7 51 WT +102 7 52 WA +102 7 53 O +102 7 54 WT +102 7 55 WT +102 7 56 N +102 7 57 W +102 7 58 W +102 7 59 W +102 7 60 W +102 7 61 O +102 7 62 WA +102 7 63 O +102 7 64 WT +102 7 65 O +102 7 66 N +102 7 67 WA +102 7 68 O +102 7 69 WT +102 7 70 WA +102 7 71 O +102 7 72 W +102 7 73 W +102 7 74 WA +102 7 75 WT +102 7 76 O +102 7 77 W +102 7 78 O +102 7 79 WT +102 7 80 WT +102 7 81 WA +102 7 82 WT +102 7 83 WA +102 7 84 O +102 7 85 WT +102 7 86 O +102 7 87 WT +102 7 88 O +102 7 89 W +102 7 90 WT +102 7 91 WT +102 7 92 N +102 7 93 WT +102 7 94 W +102 7 95 N +102 7 96 WA +102 7 97 WA +102 7 98 O +102 7 99 N +102 7 100 W +102 7 101 O +102 7 102 WA +102 7 103 WT +102 7 104 N +102 7 105 O +102 7 106 N +102 7 107 WA +102 7 108 N +102 7 109 WT +102 7 110 O +102 7 111 WT +102 7 112 O +102 7 113 N +102 7 114 N +102 7 115 O +102 7 116 W +102 7 117 WT +102 7 118 O +102 7 119 WT +102 7 120 WA +102 7 121 O +102 7 122 WT +102 7 123 W +102 7 124 N +102 7 125 O +102 7 126 O +102 7 127 W +102 7 128 N +102 7 129 WA +102 7 130 W +102 7 131 O +102 7 132 O +102 7 133 WT +102 7 134 WA +102 7 135 O +102 7 136 N +102 7 137 N +102 7 138 W +102 7 139 WA +102 7 140 WT +102 7 141 WA +102 7 142 N +102 7 143 W +102 7 144 WT +102 7 145 W +102 7 146 N +102 7 147 N +102 7 148 O +102 7 149 N +102 7 150 WT +102 7 151 O +102 7 152 N +102 7 153 WT +102 7 154 WT +102 7 155 N +102 7 156 WA +102 7 157 WA +102 7 158 WA +102 7 159 WA +102 7 160 WA +102 7 161 N +102 7 162 O +102 7 163 WT +102 7 164 WT +102 7 165 N +102 7 166 WT +102 7 167 N +102 7 168 W +102 7 169 W +102 7 170 WT +102 7 171 N +102 7 172 WA +102 7 173 O +102 7 174 N +102 7 175 W +102 7 176 O +102 7 177 N +102 7 178 W +102 7 179 O +102 7 180 N +102 7 181 W +102 7 182 WA +102 7 183 N +102 7 184 W +102 7 185 O +102 7 186 W +102 7 187 N +102 7 188 W +102 7 189 N +102 7 190 O +102 7 191 W +102 7 192 WT +102 7 193 N +102 7 194 N +102 7 195 N +102 7 196 WA +102 7 197 W +102 7 198 WA +102 7 199 N +102 7 200 WT +102 7 201 O +102 7 202 N +102 7 203 O +102 7 204 W +102 7 205 N +102 7 206 WA +102 7 207 O +102 7 208 N +102 7 209 WT +102 7 210 WA +102 7 211 W +102 7 212 O +102 7 213 W +102 7 214 N +102 7 215 WA +102 7 216 WT +102 7 217 O +102 7 218 WA +102 7 219 WA +102 7 220 W +102 7 221 N +102 7 222 WT +102 7 223 N +102 7 224 N +102 7 225 WT +102 7 226 WT +102 7 227 WA +102 7 228 W +102 7 229 WA +102 7 230 N +102 7 231 O +102 7 232 WA +102 7 233 W +102 7 234 N +102 7 235 W +102 7 236 N +102 7 237 N +102 7 238 WT +102 7 239 O +102 7 240 WA +102 7 241 N +102 7 242 WA +102 7 243 O +102 7 244 N +102 7 245 O +102 7 246 W +102 7 247 WT +102 7 248 W +102 7 249 WA +102 7 250 O +102 7 251 N +102 7 252 WA +102 7 253 W +102 7 254 N +102 7 255 WA +102 7 256 O +102 7 257 W +102 7 258 N +102 7 259 O +102 7 260 N +102 7 261 O +102 7 262 WA +102 7 263 WA +102 7 264 WT +102 7 265 WT +102 7 266 O +102 7 267 WT +102 7 268 N +102 7 269 O +102 7 270 N +102 7 271 W +102 7 272 WA +102 7 273 WA +102 7 274 N +102 7 275 W +102 7 276 O +102 7 277 W +102 7 278 O +102 7 279 W +102 7 280 N +102 7 281 W +102 7 282 N +102 7 283 N +102 7 284 WA +102 7 285 O +102 7 286 WA +102 7 287 W +102 7 288 O +102 7 289 W +102 7 290 N +102 7 291 W +102 7 292 O +102 7 293 N +102 7 294 WA +102 7 295 WA +102 7 296 W +102 7 297 O +102 7 298 O +102 7 299 W +102 7 300 WT +102 7 301 WA +102 7 302 WA +102 7 303 W +102 7 304 WA +102 7 305 W +102 7 306 N +102 7 307 W +102 7 308 WA +102 7 309 N +102 7 310 WA +102 7 311 W +102 7 312 WA +102 7 313 WA +102 7 314 WA +102 7 315 N +102 7 316 WA +102 7 317 W +102 7 318 O +102 7 319 WA +102 7 320 W +102 7 321 O +102 7 322 W +102 7 323 W +102 7 324 N +102 7 325 O +102 7 326 N +102 7 327 N +102 7 328 N +102 7 329 W +102 7 330 WA +102 8 1 W +102 8 2 W +102 8 3 O +102 8 4 O +102 8 5 N +102 8 6 O +102 8 7 * +102 8 8 O +102 8 9 O +102 8 10 WT +102 8 11 N +102 8 12 WA +102 8 13 WA +102 8 14 WT +102 8 15 WA +102 8 16 WA +102 8 17 O +102 8 18 N +102 8 19 W +102 8 20 N +102 8 21 O +102 8 22 N +102 8 23 O +102 8 24 N +102 8 25 W +102 8 26 W +102 8 27 N +102 8 28 O +102 8 29 N +102 8 30 O +102 8 31 N +102 8 32 O +102 8 33 N +102 8 34 WT +102 8 35 WA +102 8 36 W +102 8 37 W +102 8 38 O +102 8 39 W +102 8 40 W +102 8 41 O +102 8 42 N +102 8 43 WT +102 8 44 WA +102 8 45 W +102 8 46 N +102 8 47 WT +102 8 48 WA +102 8 49 W +102 8 50 O +102 8 51 N +102 8 52 N +102 8 53 O +102 8 54 N +102 8 55 W +102 8 56 N +102 8 57 WT +102 8 58 N +102 8 59 WA +102 8 60 WT +102 8 61 O +102 8 62 WA +102 8 63 O +102 8 64 WT +102 8 65 O +102 8 66 N +102 8 67 W +102 8 68 O +102 8 69 N +102 8 70 W +102 8 71 O +102 8 72 WT +102 8 73 O +102 8 74 N +102 8 75 WT +102 8 76 O +102 8 77 W +102 8 78 O +102 8 79 WT +102 8 80 WT +102 8 81 N +102 8 82 W +102 8 83 N +102 8 84 O +102 8 85 WT +102 8 86 O +102 8 87 WT +102 8 88 O +102 8 89 WT +102 8 90 WT +102 8 91 N +102 8 92 WA +102 8 93 WT +102 8 94 WA +102 8 95 N +102 8 96 N +102 8 97 WT +102 8 98 O +102 8 99 N +102 8 100 N +102 8 101 O +102 8 102 WT +102 8 103 N +102 8 104 WT +102 8 105 O +102 8 106 N +102 8 107 N +102 8 108 WA +102 8 109 WT +102 8 110 O +102 8 111 N +102 8 112 O +102 8 113 N +102 8 114 WT +102 8 115 O +102 8 116 N +102 8 117 WT +102 8 118 O +102 8 119 N +102 8 120 WA +102 8 121 O +102 8 122 N +102 8 123 WT +102 8 124 N +102 8 125 O +102 8 126 O +102 8 127 WT +102 8 128 N +102 8 129 N +102 8 130 WT +102 8 131 O +102 8 132 O +102 8 133 N +102 8 134 O +102 8 135 O +102 8 136 N +102 8 137 W +102 8 138 W +102 8 139 N +102 8 140 W +102 8 141 N +102 8 142 N +102 8 143 WT +102 8 144 W +102 8 145 N +102 8 146 W +102 8 147 N +102 8 148 W +102 8 149 N +102 8 150 O +102 8 151 O +102 8 152 O +102 8 153 N +102 8 154 WA +102 8 155 N +102 8 156 W +102 8 157 O +102 8 158 WA +102 8 159 O +102 8 160 O +102 8 161 W +102 8 162 O +102 8 163 W +102 8 164 W +102 8 165 N +102 8 166 WT +102 8 167 WA +102 8 168 WT +102 8 169 W +102 8 170 WT +102 8 171 N +102 8 172 N +102 8 173 O +102 8 174 N +102 8 175 W +102 8 176 O +102 8 177 N +102 8 178 W +102 8 179 O +102 8 180 W +102 8 181 N +102 8 182 O +102 8 183 N +102 8 184 O +102 8 185 N +102 8 186 W +102 8 187 N +102 8 188 W +102 8 189 W +102 8 190 O +102 8 191 W +102 8 192 O +102 8 193 N +102 8 194 O +102 8 195 N +102 8 196 W +102 8 197 O +102 8 198 N +102 8 199 W +102 8 200 W +102 8 201 O +102 8 202 W +102 8 203 O +102 8 204 N +102 8 205 W +102 8 206 WA +102 8 207 O +102 8 208 N +102 8 209 W +102 8 210 O +102 8 211 W +102 8 212 O +102 8 213 W +102 8 214 N +102 8 215 O +102 8 216 N +102 8 217 O +102 8 218 N +102 8 219 W +102 8 220 W +102 8 221 N +102 8 222 O +102 8 223 N +102 8 224 N +102 8 225 N +102 8 226 W +102 8 227 WT +102 8 228 WT +102 8 229 W +102 8 230 WA +102 8 231 O +102 8 232 N +102 8 233 W +102 8 234 W +102 8 235 W +102 8 236 N +102 8 237 O +102 8 238 WT +102 8 239 O +102 8 240 O +102 8 241 N +102 8 242 N +102 8 243 O +102 8 244 N +102 8 245 O +102 8 246 N +102 8 247 O +102 8 248 N +102 8 249 W +102 8 250 O +102 8 251 W +102 8 252 WA +102 8 253 W +102 8 254 W +102 8 255 WA +102 8 256 O +102 8 257 W +102 8 258 N +102 8 259 O +102 8 260 N +102 8 261 O +102 8 262 WA +102 8 263 WA +102 8 264 N +102 8 265 WT +102 8 266 O +102 8 267 O +102 8 268 N +102 8 269 O +102 8 270 O +102 8 271 WT +102 8 272 N +102 8 273 O +102 8 274 N +102 8 275 O +102 8 276 O +102 8 277 WT +102 8 278 O +102 8 279 WT +102 8 280 N +102 8 281 N +102 8 282 N +102 8 283 O +102 8 284 N +102 8 285 O +102 8 286 N +102 8 287 N +102 8 288 O +102 8 289 W +102 8 290 N +102 8 291 W +102 8 292 O +102 8 293 N +102 8 294 N +102 8 295 O +102 8 296 O +102 8 297 N +102 8 298 O +102 8 299 W +102 8 300 N +102 8 301 W +102 8 302 WA +102 8 303 W +102 8 304 N +102 8 305 O +102 8 306 N +102 8 307 W +102 8 308 O +102 8 309 W +102 8 310 W +102 8 311 W +102 8 312 W +102 8 313 O +102 8 314 N +102 8 315 N +102 8 316 W +102 8 317 O +102 8 318 O +102 8 319 N +102 8 320 WT +102 8 321 O +102 8 322 W +102 8 323 W +102 8 324 N +102 8 325 O +102 8 326 N +102 8 327 N +102 8 328 WT +102 8 329 O +102 8 330 N +102 9 1 W +102 9 2 N +102 9 3 O +102 9 4 WT +102 9 5 N +102 9 6 N +102 9 7 W +102 9 8 O +102 9 9 N +102 9 10 W +102 9 11 WT +102 9 12 N +102 9 13 WT +102 9 14 W +102 9 15 O +102 9 16 N +102 9 17 O +102 9 18 W +102 9 19 W +102 9 20 N +102 9 21 O +102 9 22 N +102 9 23 W +102 9 24 WT +102 9 25 W +102 9 26 W +102 9 27 N +102 9 28 O +102 9 29 N +102 9 30 W +102 9 31 N +102 9 32 O +102 9 33 N +102 9 34 W +102 9 35 O +102 9 36 W +102 9 37 N +102 9 38 O +102 9 39 N +102 9 40 N +102 9 41 O +102 9 42 N +102 9 43 W +102 9 44 N +102 9 45 W +102 9 46 N +102 9 47 W +102 9 48 N +102 9 49 W +102 9 50 O +102 9 51 N +102 9 52 N +102 9 53 O +102 9 54 N +102 9 55 W +102 9 56 N +102 9 57 W +102 9 58 N +102 9 59 N +102 9 60 WT +102 9 61 O +102 9 62 N +102 9 63 O +102 9 64 W +102 9 65 O +102 9 66 N +102 9 67 N +102 9 68 O +102 9 69 W +102 9 70 N +102 9 71 O +102 9 72 W +102 9 73 O +102 9 74 N +102 9 75 W +102 9 76 O +102 9 77 W +102 9 78 N +102 9 79 W +102 9 80 W +102 9 81 N +102 9 82 N +102 9 83 N +102 9 84 O +102 9 85 N +102 9 86 O +102 9 87 W +102 9 88 O +102 9 89 W +102 9 90 W +102 9 91 N +102 9 92 N +102 9 93 W +102 9 94 WT +102 9 95 N +102 9 96 N +102 9 97 W +102 9 98 O +102 9 99 N +102 9 100 N +102 9 101 O +102 9 102 N +102 9 103 W +102 9 104 N +102 9 105 O +102 9 106 N +102 9 107 N +102 9 108 N +102 9 109 W +102 9 110 N +102 9 111 W +102 9 112 O +102 9 113 W +102 9 114 WT +102 9 115 O +102 9 116 N +102 9 117 WT +102 9 118 O +102 9 119 N +102 9 120 N +102 9 121 O +102 9 122 W +102 9 123 W +102 9 124 N +102 9 125 O +102 9 126 O +102 9 127 W +102 9 128 N +102 9 129 N +102 9 130 WT +102 9 131 O +102 9 132 O +102 9 133 N +102 9 134 WT +102 9 135 O +102 9 136 W +102 9 137 W +102 9 138 N +102 9 139 N +102 9 140 W +102 9 141 N +102 9 142 N +102 9 143 N +102 9 144 W +102 9 145 N +102 9 146 N +102 9 147 N +102 9 148 O +102 9 149 N +102 9 150 W +102 9 151 O +102 9 152 O +102 9 153 W +102 9 154 WT +102 9 155 WT +102 9 156 N +102 9 157 WT +102 9 158 N +102 9 159 N +102 9 160 O +102 9 161 N +102 9 162 O +102 9 163 WT +102 9 164 W +102 9 165 WT +102 9 166 W +102 9 167 N +102 9 168 W +102 9 169 W +102 9 170 WT +102 9 171 N +102 9 172 N +102 9 173 O +102 9 174 N +102 9 175 N +102 9 176 O +102 9 177 N +102 9 178 W +102 9 179 O +102 9 180 N +102 9 181 N +102 9 182 O +102 9 183 WT +102 9 184 O +102 9 185 N +102 9 186 N +102 9 187 O +102 9 188 W +102 9 189 N +102 9 190 O +102 9 191 W +102 9 192 O +102 9 193 N +102 9 194 O +102 9 195 N +102 9 196 N +102 9 197 O +102 9 198 WT +102 9 199 N +102 9 200 N +102 9 201 O +102 9 202 W +102 9 203 O +102 9 204 WT +102 9 205 W +102 9 206 N +102 9 207 O +102 9 208 WT +102 9 209 W +102 9 210 W +102 9 211 N +102 9 212 O +102 9 213 N +102 9 214 N +102 9 215 O +102 9 216 WT +102 9 217 O +102 9 218 N +102 9 219 N +102 9 220 W +102 9 221 N +102 9 222 O +102 9 223 N +102 9 224 N +102 9 225 WT +102 9 226 W +102 9 227 WT +102 9 228 W +102 9 229 N +102 9 230 N +102 9 231 O +102 9 232 WT +102 9 233 W +102 9 234 N +102 9 235 W +102 9 236 N +102 9 237 O +102 9 238 W +102 9 239 O +102 9 240 O +102 9 241 N +102 9 242 N +102 9 243 O +102 9 244 N +102 9 245 O +102 9 246 N +102 9 247 W +102 9 248 WT +102 9 249 WT +102 9 250 O +102 9 251 N +102 9 252 N +102 9 253 N +102 9 254 W +102 9 255 WT +102 9 256 O +102 9 257 W +102 9 258 N +102 9 259 O +102 9 260 N +102 9 261 N +102 9 262 N +102 9 263 WT +102 9 264 W +102 9 265 WT +102 9 266 O +102 9 267 O +102 9 268 N +102 9 269 O +102 9 270 N +102 9 271 WT +102 9 272 N +102 9 273 O +102 9 274 N +102 9 275 WT +102 9 276 O +102 9 277 W +102 9 278 N +102 9 279 WT +102 9 280 WT +102 9 281 WT +102 9 282 N +102 9 283 WT +102 9 284 N +102 9 285 O +102 9 286 N +102 9 287 WT +102 9 288 O +102 9 289 N +102 9 290 N +102 9 291 W +102 9 292 N +102 9 293 N +102 9 294 N +102 9 295 WT +102 9 296 W +102 9 297 N +102 9 298 O +102 9 299 N +102 9 300 WT +102 9 301 W +102 9 302 N +102 9 303 WT +102 9 304 WT +102 9 305 O +102 9 306 N +102 9 307 W +102 9 308 O +102 9 309 WT +102 9 310 N +102 9 311 WT +102 9 312 WT +102 9 313 W +102 9 314 N +102 9 315 N +102 9 316 WT +102 9 317 O +102 9 318 N +102 9 319 N +102 9 320 WT +102 9 321 O +102 9 322 W +102 9 323 WT +102 9 324 N +102 9 325 O +102 9 326 N +102 9 327 N +102 9 328 WT +102 9 329 WT +102 9 330 N +102 10 1 W +102 10 2 N +102 10 3 O +102 10 4 G +102 10 5 W +102 10 6 N +102 10 7 W +102 10 8 G +102 10 9 N +102 10 10 W +102 10 11 W +102 10 12 N +102 10 13 N +102 10 14 W +102 10 15 G +102 10 16 N +102 10 17 N +102 10 18 N +102 10 19 N +102 10 20 W +102 10 21 G +102 10 22 N +102 10 23 G +102 10 24 W +102 10 25 W +102 10 26 N +102 10 27 N +102 10 28 G +102 10 29 N +102 10 30 G +102 10 31 N +102 10 32 O +102 10 33 N +102 10 34 W +102 10 35 G +102 10 36 W +102 10 37 W +102 10 38 G +102 10 39 N +102 10 40 N +102 10 41 O +102 10 42 N +102 10 43 WT +102 10 44 N +102 10 45 W +102 10 46 W +102 10 47 WT +102 10 48 N +102 10 49 W +102 10 50 G +102 10 51 W +102 10 52 N +102 10 53 G +102 10 54 W +102 10 55 N +102 10 56 N +102 10 57 W +102 10 58 N +102 10 59 N +102 10 60 W +102 10 61 G +102 10 62 N +102 10 63 O +102 10 64 N +102 10 65 G +102 10 66 N +102 10 67 N +102 10 68 O +102 10 69 N +102 10 70 N +102 10 71 O +102 10 72 W +102 10 73 G +102 10 74 N +102 10 75 W +102 10 76 G +102 10 77 W +102 10 78 W +102 10 79 N +102 10 80 W +102 10 81 N +102 10 82 W +102 10 83 N +102 10 84 W +102 10 85 N +102 10 86 G +102 10 87 W +102 10 88 G +102 10 89 WT +102 10 90 W +102 10 91 N +102 10 92 N +102 10 93 W +102 10 94 W +102 10 95 N +102 10 96 N +102 10 97 O +102 10 98 G +102 10 99 N +102 10 100 N +102 10 101 G +102 10 102 N +102 10 103 W +102 10 104 W +102 10 105 G +102 10 106 N +102 10 107 N +102 10 108 N +102 10 109 W +102 10 110 O +102 10 111 W +102 10 112 O +102 10 113 WT +102 10 114 W +102 10 115 O +102 10 116 W +102 10 117 W +102 10 118 O +102 10 119 N +102 10 120 N +102 10 121 G +102 10 122 W +102 10 123 W +102 10 124 N +102 10 125 O +102 10 126 G +102 10 127 W +102 10 128 N +102 10 129 N +102 10 130 W +102 10 131 G +102 10 132 N +102 10 133 W +102 10 134 WT +102 10 135 O +102 10 136 W +102 10 137 N +102 10 138 W +102 10 139 N +102 10 140 N +102 10 141 N +102 10 142 N +102 10 143 N +102 10 144 G +102 10 145 N +102 10 146 N +102 10 147 W +102 10 148 G +102 10 149 N +102 10 150 G +102 10 151 N +102 10 152 N +102 10 153 W +102 10 154 N +102 10 155 W +102 10 156 W +102 10 157 W +102 10 158 N +102 10 159 W +102 10 160 O +102 10 161 W +102 10 162 G +102 10 163 W +102 10 164 W +102 10 165 N +102 10 166 W +102 10 167 N +102 10 168 N +102 10 169 W +102 10 170 N +102 10 171 N +102 10 172 N +102 10 173 O +102 10 174 N +102 10 175 N +102 10 176 G +102 10 177 N +102 10 178 W +102 10 179 O +102 10 180 N +102 10 181 N +102 10 182 G +102 10 183 N +102 10 184 G +102 10 185 N +102 10 186 W +102 10 187 N +102 10 188 W +102 10 189 N +102 10 190 G +102 10 191 W +102 10 192 G +102 10 193 N +102 10 194 G +102 10 195 N +102 10 196 W +102 10 197 G +102 10 198 WT +102 10 199 N +102 10 200 W +102 10 201 N +102 10 202 W +102 10 203 G +102 10 204 W +102 10 205 G +102 10 206 N +102 10 207 O +102 10 208 N +102 10 209 W +102 10 210 G +102 10 211 W +102 10 212 N +102 10 213 N +102 10 214 W +102 10 215 G +102 10 216 N +102 10 217 G +102 10 218 N +102 10 219 N +102 10 220 N +102 10 221 W +102 10 222 G +102 10 223 W +102 10 224 N +102 10 225 N +102 10 226 W +102 10 227 N +102 10 228 W +102 10 229 N +102 10 230 N +102 10 231 G +102 10 232 N +102 10 233 W +102 10 234 W +102 10 235 N +102 10 236 N +102 10 237 G +102 10 238 W +102 10 239 G +102 10 240 G +102 10 241 N +102 10 242 N +102 10 243 O +102 10 244 N +102 10 245 G +102 10 246 W +102 10 247 N +102 10 248 * +102 10 249 W +102 10 250 N +102 10 251 W +102 10 252 N +102 10 253 W +102 10 254 W +102 10 255 WT +102 10 256 G +102 10 257 WT +102 10 258 N +102 10 259 N +102 10 260 W +102 10 261 N +102 10 262 N +102 10 263 N +102 10 264 W +102 10 265 W +102 10 266 G +102 10 267 G +102 10 268 W +102 10 269 G +102 10 270 N +102 10 271 W +102 10 272 N +102 10 273 G +102 10 274 N +102 10 275 N +102 10 276 G +102 10 277 W +102 10 278 W +102 10 279 W +102 10 280 N +102 10 281 W +102 10 282 N +102 10 283 N +102 10 284 N +102 10 285 G +102 10 286 N +102 10 287 N +102 10 288 NN +102 10 289 N +102 10 290 N +102 10 291 W +102 10 292 W +102 10 293 N +102 10 294 N +102 10 295 WT +102 10 296 NN +102 10 297 W +102 10 298 NN +102 10 299 W +102 10 300 N +102 10 301 W +102 10 302 N +102 10 303 N +102 10 304 W +102 10 305 G +102 10 306 W +102 10 307 W +102 10 308 G +102 10 309 N +102 10 310 W +102 10 311 W +102 10 312 WT +102 10 313 W +102 10 314 N +102 10 315 N +102 10 316 W +102 10 317 G +102 10 318 N +102 10 319 N +102 10 320 W +102 10 321 O +102 10 322 W +102 10 323 W +102 10 324 N +102 10 325 G +102 10 326 W +102 10 327 N +102 10 328 W +102 10 329 W +102 10 330 N +102 11 1 W +102 11 2 WT +102 11 3 NN +102 11 4 WT +102 11 5 W +102 11 6 WT +102 11 7 W +102 11 8 O +102 11 9 WT +102 11 10 WT +102 11 11 WT +102 11 12 WT +102 11 13 W +102 11 14 WT +102 11 15 WT +102 11 16 WT +102 11 17 O +102 11 18 WT +102 11 19 W +102 11 20 WT +102 11 21 NN +102 11 22 W +102 11 23 WT +102 11 24 WT +102 11 25 WT +102 11 26 W +102 11 27 WA +102 11 28 NN +102 11 29 WA +102 11 30 O +102 11 31 WA +102 11 32 O +102 11 33 W +102 11 34 WA +102 11 35 O +102 11 36 WT +102 11 37 WA +102 11 38 O +102 11 39 W +102 11 40 WA +102 11 41 O +102 11 42 W +102 11 43 WT +102 11 44 O +102 11 45 W +102 11 46 WA +102 11 47 WT +102 11 48 O +102 11 49 W +102 11 50 O +102 11 51 WT +102 11 52 W +102 11 53 O +102 11 54 W +102 11 55 WA +102 11 56 O +102 11 57 WT +102 11 58 WA +102 11 59 O +102 11 60 WT +102 11 61 O +102 11 62 W +102 11 63 O +102 11 64 WA +102 11 65 O +102 11 66 WA +102 11 67 W +102 11 68 O +102 11 69 WT +102 11 70 WA +102 11 71 O +102 11 72 WA +102 11 73 O +102 11 74 W +102 11 75 WT +102 11 76 O +102 11 77 W +102 11 78 O +102 11 79 WT +102 11 80 W +102 11 81 W +102 11 82 WT +102 11 83 WA +102 11 84 O +102 11 85 W +102 11 86 O +102 11 87 WA +102 11 88 O +102 11 89 WA +102 11 90 WT +102 11 91 W +102 11 92 O +102 11 93 W +102 11 94 WA +102 11 95 W +102 11 96 WA +102 11 97 W +102 11 98 NN +102 11 99 W +102 11 100 WA +102 11 101 O +102 11 102 WA +102 11 103 WT +102 11 104 WA +102 11 105 O +102 11 106 W +102 11 107 WA +102 11 108 W +102 11 109 WT +102 11 110 WA +102 11 111 WT +102 11 112 WA +102 11 113 WT +102 11 114 W +102 11 115 O +102 11 116 WT +102 11 117 WT +102 11 118 O +102 11 119 WA +102 11 120 WA +102 11 121 O +102 11 122 W +102 11 123 WT +102 11 124 W +102 11 125 WA +102 11 126 WA +102 11 127 WT +102 11 128 W +102 11 129 WA +102 11 130 WT +102 11 131 WA +102 11 132 WA +102 11 133 WT +102 11 134 WT +102 11 135 O +102 11 136 WT +102 11 137 WA +102 11 138 WA +102 11 139 WA +102 11 140 WT +102 11 141 WA +102 11 142 WA +102 11 143 W +102 11 144 WT +102 11 145 W +102 11 146 WA +102 11 147 W +102 11 148 NN +102 11 149 WA +102 11 150 O +102 11 151 WA +102 11 152 WA +102 11 153 W +102 11 154 WT +102 11 155 WT +102 11 156 WT +102 11 157 WT +102 11 158 WA +102 11 159 NN +102 11 160 NN +102 11 161 WT +102 11 162 NN +102 11 163 WT +102 11 164 WA +102 11 165 WT +102 11 166 WA +102 11 167 WA +102 11 168 WT +102 11 169 W +102 11 170 W +102 11 171 WT +102 11 172 WA +102 11 173 O +102 11 174 W +102 11 175 WA +102 11 176 NN +102 11 177 W +102 11 178 WT +102 11 179 NN +102 11 180 WT +102 11 181 W +102 11 182 NN +102 11 183 W +102 11 184 NN +102 11 185 NN +102 11 186 W +102 11 187 NN +102 11 188 WA +102 11 189 NN +102 11 190 NN +102 11 191 W +102 11 192 W +102 11 193 N +102 11 194 NN +102 11 195 WT +102 11 196 W +102 11 197 NN +102 11 198 WT +102 11 199 W +102 11 200 W +102 11 201 NN +102 11 202 NN +102 11 203 NN +102 11 204 WT +102 11 205 W +102 11 206 W +102 11 207 NN +102 11 208 WT +102 11 209 WT +102 11 210 O +102 11 211 W +102 11 212 NN +102 11 213 W +102 11 214 W +102 11 215 NN +102 11 216 WT +102 11 217 NN +102 11 218 W +102 11 219 WA +102 11 220 WT +102 11 221 WA +102 11 222 NN +102 11 223 WT +102 11 224 N +102 11 225 W +102 11 226 WT +102 11 227 WT +102 11 228 W +102 11 229 WA +102 11 230 N +102 11 231 NN +102 11 232 WT +102 11 233 N +102 11 234 WT +102 11 235 W +102 11 236 W +102 11 237 NN +102 11 238 W +102 11 239 NN +102 11 240 NN +102 11 241 N +102 11 242 W +102 11 243 NN +102 11 244 N +102 11 245 NN +102 11 246 N +102 11 247 W +102 11 248 WT +102 11 249 W +102 11 250 NN +102 11 251 W +102 11 252 NN +102 11 253 WT +102 11 254 N +102 11 255 WT +102 11 256 NN +102 11 257 WT +102 11 258 W +102 11 259 NN +102 11 260 W +102 11 261 NN +102 11 262 N +102 11 263 W +102 11 264 N +102 11 265 WT +102 11 266 NN +102 11 267 NN +102 11 268 W +102 11 269 NN +102 11 270 NN +102 11 271 WT +102 11 272 N +102 11 273 NN +102 11 274 N +102 11 275 W +102 11 276 NN +102 11 277 WT +102 11 278 NN +102 11 279 W +102 11 280 WT +102 11 281 WT +102 11 282 W +102 11 283 NN +102 11 284 N +102 11 285 NN +102 11 286 N +102 11 287 W +102 11 288 W +102 11 289 NN +102 11 290 N +102 11 291 N +102 11 292 W +102 11 293 NN +102 11 294 N +102 11 295 N +102 11 296 WT +102 11 297 N +102 11 298 G +102 11 299 W +102 11 300 NN +102 11 301 W +102 11 302 N +102 11 303 W +102 11 304 N +102 11 305 NN +102 11 306 W +102 11 307 N +102 11 308 NN +102 11 309 WT +102 11 310 W +102 11 311 N +102 11 312 WT +102 11 313 W +102 11 314 N +102 11 315 W +102 11 316 N +102 11 317 NN +102 11 318 NN +102 11 319 N +102 11 320 WT +102 11 321 NN +102 11 322 WA +102 11 323 W +102 11 324 N +102 11 325 NN +102 11 326 W +102 11 327 N +102 11 328 WT +102 11 329 WT +102 11 330 N +102 12 1 W +102 12 2 N +102 12 3 NN +102 12 4 NN +102 12 5 N +102 12 6 O +102 12 7 N +102 12 8 NN +102 12 9 N +102 12 10 W +102 12 11 W +102 12 12 N +102 12 13 W +102 12 14 W +102 12 15 O +102 12 16 WA +102 12 17 NN +102 12 18 N +102 12 19 W +102 12 20 N +102 12 21 NN +102 12 22 N +102 12 23 NN +102 12 24 W +102 12 25 W +102 12 26 W +102 12 27 WA +102 12 28 O +102 12 29 W +102 12 30 NN +102 12 31 N +102 12 32 NN +102 12 33 N +102 12 34 W +102 12 35 NN +102 12 36 W +102 12 37 W +102 12 38 NN +102 12 39 N +102 12 40 N +102 12 41 NN +102 12 42 N +102 12 43 W +102 12 44 N +102 12 45 WA +102 12 46 W +102 12 47 W +102 12 48 NN +102 12 49 NN +102 12 50 W +102 12 51 N +102 12 52 N +102 12 53 N +102 12 54 NN +102 12 55 W +102 12 56 NN +102 12 57 W +102 12 58 N +102 12 59 N +102 12 60 W +102 12 61 NN +102 12 62 N +102 12 63 O +102 12 64 W +102 12 65 NN +102 12 66 N +102 12 67 W +102 12 68 NN +102 12 69 N +102 12 70 N +102 12 71 NN +102 12 72 W +102 12 73 NN +102 12 74 N +102 12 75 W +102 12 76 NN +102 12 77 W +102 12 78 O +102 12 79 N +102 12 80 W +102 12 81 W +102 12 82 W +102 12 83 N +102 12 84 O +102 12 85 W +102 12 86 NN +102 12 87 N +102 12 88 O +102 12 89 N +102 12 90 W +102 12 91 N +102 12 92 N +102 12 93 W +102 12 94 N +102 12 95 N +102 12 96 N +102 12 97 W +102 12 98 NN +102 12 99 NN +102 12 100 N +102 12 101 NN +102 12 102 N +102 12 103 N +102 12 104 W +102 12 105 O +102 12 106 N +102 12 107 N +102 12 108 N +102 12 109 W +102 12 110 NN +102 12 111 N +102 12 112 NN +102 12 113 N +102 12 114 W +102 12 115 NN +102 12 116 N +102 12 117 N +102 12 118 NN +102 12 119 W +102 12 120 N +102 12 121 NN +102 12 122 W +102 12 123 W +102 12 124 N +102 12 125 NN +102 12 126 O +102 12 127 N +102 12 128 N +102 12 129 N +102 12 130 N +102 12 131 NN +102 12 132 NN +102 12 133 W +102 12 134 NN +102 12 135 O +102 12 136 W +102 12 137 W +102 12 138 W +102 12 139 N +102 12 140 W +102 12 141 N +102 12 142 N +102 12 143 W +102 12 144 W +102 12 145 W +102 12 146 NN +102 12 147 W +102 12 148 NN +102 12 149 N +102 12 150 NN +102 12 151 NN +102 12 152 N +102 12 153 W +102 12 154 N +102 12 155 W +102 12 156 W +102 12 157 O +102 12 158 N +102 12 159 NN +102 12 160 NN +102 12 161 W +102 12 162 NN +102 12 163 W +102 12 164 W +102 12 165 W +102 12 166 W +102 12 167 N +102 12 168 W +102 12 169 W +102 12 170 W +102 12 171 N +102 12 172 N +102 12 173 NN +102 12 174 O +102 12 175 W +102 12 176 NN +102 12 177 N +102 12 178 W +102 12 179 NN +102 12 180 W +102 12 181 N +102 12 182 NN +102 12 183 N +102 12 184 NN +102 12 185 NN +102 12 186 W +102 12 187 NN +102 12 188 W +102 12 189 N +102 12 190 NN +102 12 191 W +102 12 192 NN +102 12 193 N +102 12 194 NN +102 12 195 N +102 12 196 W +102 12 197 NN +102 12 198 N +102 12 199 N +102 12 200 W +102 12 201 O +102 12 202 W +102 12 203 NN +102 12 204 N +102 12 205 NN +102 12 206 N +102 12 207 NN +102 12 208 N +102 12 209 W +102 12 210 N +102 12 211 W +102 12 212 NN +102 12 213 N +102 12 214 N +102 12 215 NN +102 12 216 N +102 12 217 NN +102 12 218 N +102 12 219 N +102 12 220 W +102 12 221 N +102 12 222 NN +102 12 223 W +102 12 224 N +102 12 225 N +102 12 226 W +102 12 227 N +102 12 228 W +102 12 229 N +102 12 230 N +102 12 231 NN +102 12 232 N +102 12 233 W +102 12 234 W +102 12 235 W +102 12 236 N +102 12 237 O +102 12 238 W +102 12 239 NN +102 12 240 NN +102 12 241 N +102 12 242 N +102 12 243 NN +102 12 244 N +102 12 245 O +102 12 246 W +102 12 247 O +102 12 248 N +102 12 249 W +102 12 250 NN +102 12 251 N +102 12 252 N +102 12 253 W +102 12 254 W +102 12 255 N +102 12 256 NN +102 12 257 W +102 12 258 N +102 12 259 NN +102 12 260 N +102 12 261 NN +102 12 262 N +102 12 263 N +102 12 264 W +102 12 265 W +102 12 266 NN +102 12 267 NN +102 12 268 N +102 12 269 NN +102 12 270 NN +102 12 271 NN +102 12 272 N +102 12 273 NN +102 12 274 N +102 12 275 N +102 12 276 O +102 12 277 W +102 12 278 O +102 12 279 W +102 12 280 N +102 12 281 W +102 12 282 N +102 12 283 N +102 12 284 N +102 12 285 O +102 12 286 N +102 12 287 N +102 12 288 NN +102 12 289 W +102 12 290 N +102 12 291 W +102 12 292 NN +102 12 293 N +102 12 294 N +102 12 295 NN +102 12 296 NN +102 12 297 NN +102 12 298 NN +102 12 299 W +102 12 300 N +102 12 301 W +102 12 302 N +102 12 303 N +102 12 304 N +102 12 305 NN +102 12 306 N +102 12 307 W +102 12 308 O +102 12 309 N +102 12 310 W +102 12 311 W +102 12 312 N +102 12 313 W +102 12 314 N +102 12 315 N +102 12 316 W +102 12 317 NN +102 12 318 O +102 12 319 N +102 12 320 N +102 12 321 NN +102 12 322 W +102 12 323 W +102 12 324 N +102 12 325 NN +102 12 326 NN +102 12 327 N +102 12 328 W +102 12 329 O +102 12 330 N +102 13 1 W +102 13 2 W +102 13 3 O +102 13 4 W +102 13 5 N +102 13 6 N +102 13 7 W +102 13 8 O +102 13 9 O +102 13 10 W +102 13 11 W +102 13 12 O +102 13 13 W +102 13 14 W +102 13 15 N +102 13 16 N +102 13 17 O +102 13 18 WT +102 13 19 W +102 13 20 W +102 13 21 O +102 13 22 N +102 13 23 W +102 13 24 WT +102 13 25 W +102 13 26 W +102 13 27 N +102 13 28 O +102 13 29 N +102 13 30 O +102 13 31 N +102 13 32 W +102 13 33 W +102 13 34 W +102 13 35 O +102 13 36 WT +102 13 37 W +102 13 38 O +102 13 39 N +102 13 40 W +102 13 41 O +102 13 42 O +102 13 43 W +102 13 44 N +102 13 45 W +102 13 46 WT +102 13 47 W +102 13 48 N +102 13 49 W +102 13 50 W +102 13 51 WT +102 13 52 N +102 13 53 O +102 13 54 W +102 13 55 W +102 13 56 N +102 13 57 WT +102 13 58 WT +102 13 59 N +102 13 60 W +102 13 61 O +102 13 62 W +102 13 63 O +102 13 64 W +102 13 65 O +102 13 66 N +102 13 67 N +102 13 68 O +102 13 69 N +102 13 70 N +102 13 71 O +102 13 72 W +102 13 73 W +102 13 74 N +102 13 75 W +102 13 76 O +102 13 77 W +102 13 78 N +102 13 79 WT +102 13 80 W +102 13 81 N +102 13 82 W +102 13 83 N +102 13 84 O +102 13 85 W +102 13 86 O +102 13 87 W +102 13 88 O +102 13 89 WT +102 13 90 WT +102 13 91 N +102 13 92 N +102 13 93 W +102 13 94 WT +102 13 95 N +102 13 96 O +102 13 97 W +102 13 98 O +102 13 99 N +102 13 100 N +102 13 101 O +102 13 102 W +102 13 103 WT +102 13 104 W +102 13 105 O +102 13 106 N +102 13 107 N +102 13 108 N +102 13 109 W +102 13 110 O +102 13 111 WT +102 13 112 O +102 13 113 WT +102 13 114 W +102 13 115 O +102 13 116 N +102 13 117 WT +102 13 118 O +102 13 119 N +102 13 120 N +102 13 121 O +102 13 122 W +102 13 123 WT +102 13 124 N +102 13 125 O +102 13 126 O +102 13 127 WT +102 13 128 N +102 13 129 N +102 13 130 WT +102 13 131 O +102 13 132 O +102 13 133 W +102 13 134 WT +102 13 135 O +102 13 136 W +102 13 137 WT +102 13 138 N +102 13 139 N +102 13 140 W +102 13 141 N +102 13 142 N +102 13 143 W +102 13 144 W +102 13 145 N +102 13 146 N +102 13 147 W +102 13 148 O +102 13 149 N +102 13 150 W +102 13 151 N +102 13 152 N +102 13 153 W +102 13 154 WT +102 13 155 WT +102 13 156 W +102 13 157 WT +102 13 158 N +102 13 159 O +102 13 160 O +102 13 161 W +102 13 162 O +102 13 163 W +102 13 164 W +102 13 165 WT +102 13 166 WT +102 13 167 N +102 13 168 W +102 13 169 W +102 13 170 WT +102 13 171 WT +102 13 172 N +102 13 173 O +102 13 174 O +102 13 175 N +102 13 176 O +102 13 177 N +102 13 178 WT +102 13 179 O +102 13 180 W +102 13 181 O +102 13 182 O +102 13 183 WT +102 13 184 O +102 13 185 O +102 13 186 W +102 13 187 O +102 13 188 N +102 13 189 N +102 13 190 O +102 13 191 W +102 13 192 W +102 13 193 N +102 13 194 O +102 13 195 N +102 13 196 N +102 13 197 O +102 13 198 W +102 13 199 N +102 13 200 W +102 13 201 O +102 13 202 W +102 13 203 O +102 13 204 WT +102 13 205 W +102 13 206 N +102 13 207 O +102 13 208 N +102 13 209 W +102 13 210 WT +102 13 211 W +102 13 212 O +102 13 213 O +102 13 214 N +102 13 215 O +102 13 216 WT +102 13 217 N +102 13 218 N +102 13 219 N +102 13 220 W +102 13 221 N +102 13 222 W +102 13 223 W +102 13 224 N +102 13 225 WT +102 13 226 W +102 13 227 WT +102 13 228 W +102 13 229 N +102 13 230 N +102 13 231 O +102 13 232 WT +102 13 233 W +102 13 234 W +102 13 235 W +102 13 236 N +102 13 237 O +102 13 238 W +102 13 239 O +102 13 240 O +102 13 241 N +102 13 242 N +102 13 243 O +102 13 244 N +102 13 245 O +102 13 246 W +102 13 247 W +102 13 248 WT +102 13 249 W +102 13 250 WT +102 13 251 N +102 13 252 N +102 13 253 W +102 13 254 W +102 13 255 WT +102 13 256 O +102 13 257 W +102 13 258 O +102 13 259 O +102 13 260 N +102 13 261 N +102 13 262 N +102 13 263 WT +102 13 264 W +102 13 265 W +102 13 266 O +102 13 267 O +102 13 268 N +102 13 269 O +102 13 270 O +102 13 271 W +102 13 272 N +102 13 273 O +102 13 274 N +102 13 275 WT +102 13 276 O +102 13 277 W +102 13 278 N +102 13 279 W +102 13 280 W +102 13 281 W +102 13 282 N +102 13 283 WT +102 13 284 N +102 13 285 O +102 13 286 N +102 13 287 WT +102 13 288 O +102 13 289 W +102 13 290 N +102 13 291 W +102 13 292 O +102 13 293 N +102 13 294 N +102 13 295 WT +102 13 296 O +102 13 297 O +102 13 298 O +102 13 299 W +102 13 300 N +102 13 301 W +102 13 302 N +102 13 303 N +102 13 304 WT +102 13 305 O +102 13 306 N +102 13 307 W +102 13 308 W +102 13 309 WT +102 13 310 N +102 13 311 W +102 13 312 WT +102 13 313 W +102 13 314 N +102 13 315 N +102 13 316 W +102 13 317 O +102 13 318 N +102 13 319 N +102 13 320 WT +102 13 321 O +102 13 322 W +102 13 323 W +102 13 324 N +102 13 325 O +102 13 326 N +102 13 327 N +102 13 328 WT +102 13 329 O +102 13 330 N +102 14 1 W +102 14 2 N +102 14 3 O +102 14 4 WT +102 14 5 W +102 14 6 N +102 14 7 N +102 14 8 O +102 14 9 O +102 14 10 W +102 14 11 W +102 14 12 N +102 14 13 W +102 14 14 W +102 14 15 O +102 14 16 WA +102 14 17 O +102 14 18 WT +102 14 19 W +102 14 20 N +102 14 21 O +102 14 22 N +102 14 23 O +102 14 24 WT +102 14 25 W +102 14 26 W +102 14 27 N +102 14 28 O +102 14 29 W +102 14 30 N +102 14 31 W +102 14 32 O +102 14 33 N +102 14 34 W +102 14 35 O +102 14 36 W +102 14 37 W +102 14 38 O +102 14 39 W +102 14 40 W +102 14 41 O +102 14 42 N +102 14 43 W +102 14 44 N +102 14 45 W +102 14 46 W +102 14 47 WT +102 14 48 O +102 14 49 W +102 14 50 O +102 14 51 WT +102 14 52 WA +102 14 53 O +102 14 54 W +102 14 55 W +102 14 56 N +102 14 57 W +102 14 58 N +102 14 59 N +102 14 60 WT +102 14 61 O +102 14 62 O +102 14 63 O +102 14 64 W +102 14 65 O +102 14 66 WA +102 14 67 W +102 14 68 O +102 14 69 WT +102 14 70 WA +102 14 71 O +102 14 72 W +102 14 73 O +102 14 74 N +102 14 75 W +102 14 76 O +102 14 77 W +102 14 78 N +102 14 79 WT +102 14 80 W +102 14 81 N +102 14 82 W +102 14 83 N +102 14 84 O +102 14 85 W +102 14 86 O +102 14 87 WT +102 14 88 O +102 14 89 WT +102 14 90 W +102 14 91 N +102 14 92 N +102 14 93 W +102 14 94 WT +102 14 95 N +102 14 96 N +102 14 97 W +102 14 98 O +102 14 99 N +102 14 100 N +102 14 101 O +102 14 102 N +102 14 103 N +102 14 104 W +102 14 105 O +102 14 106 N +102 14 107 WA +102 14 108 N +102 14 109 W +102 14 110 O +102 14 111 WT +102 14 112 O +102 14 113 WT +102 14 114 W +102 14 115 O +102 14 116 N +102 14 117 WT +102 14 118 O +102 14 119 W +102 14 120 WA +102 14 121 O +102 14 122 W +102 14 123 W +102 14 124 N +102 14 125 O +102 14 126 O +102 14 127 W +102 14 128 N +102 14 129 W +102 14 130 WT +102 14 131 W +102 14 132 O +102 14 133 W +102 14 134 O +102 14 135 O +102 14 136 W +102 14 137 N +102 14 138 W +102 14 139 N +102 14 140 W +102 14 141 N +102 14 142 N +102 14 143 N +102 14 144 W +102 14 145 W +102 14 146 N +102 14 147 W +102 14 148 O +102 14 149 W +102 14 150 W +102 14 151 O +102 14 152 O +102 14 153 W +102 14 154 WT +102 14 155 WT +102 14 156 W +102 14 157 WT +102 14 158 WA +102 14 159 N +102 14 160 O +102 14 161 W +102 14 162 O +102 14 163 W +102 14 164 W +102 14 165 N +102 14 166 W +102 14 167 N +102 14 168 W +102 14 169 W +102 14 170 WT +102 14 171 W +102 14 172 WA +102 14 173 O +102 14 174 N +102 14 175 N +102 14 176 O +102 14 177 N +102 14 178 W +102 14 179 O +102 14 180 W +102 14 181 N +102 14 182 O +102 14 183 N +102 14 184 O +102 14 185 N +102 14 186 W +102 14 187 N +102 14 188 W +102 14 189 N +102 14 190 N +102 14 191 W +102 14 192 W +102 14 193 N +102 14 194 O +102 14 195 W +102 14 196 N +102 14 197 O +102 14 198 W +102 14 199 N +102 14 200 W +102 14 201 N +102 14 202 W +102 14 203 N +102 14 204 W +102 14 205 W +102 14 206 N +102 14 207 O +102 14 208 N +102 14 209 W +102 14 210 O +102 14 211 W +102 14 212 N +102 14 213 N +102 14 214 N +102 14 215 O +102 14 216 WT +102 14 217 N +102 14 218 N +102 14 219 N +102 14 220 W +102 14 221 WA +102 14 222 W +102 14 223 W +102 14 224 WA +102 14 225 N +102 14 226 W +102 14 227 WT +102 14 228 W +102 14 229 N +102 14 230 N +102 14 231 O +102 14 232 N +102 14 233 W +102 14 234 N +102 14 235 W +102 14 236 N +102 14 237 N +102 14 238 W +102 14 239 N +102 14 240 O +102 14 241 WA +102 14 242 N +102 14 243 O +102 14 244 WA +102 14 245 O +102 14 246 W +102 14 247 W +102 14 248 WT +102 14 249 W +102 14 250 W +102 14 251 N +102 14 252 WA +102 14 253 W +102 14 254 W +102 14 255 WT +102 14 256 N +102 14 257 W +102 14 258 N +102 14 259 O +102 14 260 WA +102 14 261 N +102 14 262 WA +102 14 263 WT +102 14 264 W +102 14 265 WT +102 14 266 O +102 14 267 O +102 14 268 W +102 14 269 O +102 14 270 WT +102 14 271 W +102 14 272 WA +102 14 273 O +102 14 274 WA +102 14 275 O +102 14 276 O +102 14 277 W +102 14 278 N +102 14 279 W +102 14 280 N +102 14 281 N +102 14 282 N +102 14 283 N +102 14 284 WA +102 14 285 N +102 14 286 WA +102 14 287 N +102 14 288 O +102 14 289 W +102 14 290 N +102 14 291 W +102 14 292 O +102 14 293 N +102 14 294 N +102 14 295 N +102 14 296 W +102 14 297 N +102 14 298 O +102 14 299 W +102 14 300 N +102 14 301 W +102 14 302 WA +102 14 303 WA +102 14 304 N +102 14 305 O +102 14 306 N +102 14 307 W +102 14 308 O +102 14 309 N +102 14 310 W +102 14 311 W +102 14 312 WT +102 14 313 W +102 14 314 WA +102 14 315 N +102 14 316 W +102 14 317 O +102 14 318 O +102 14 319 WA +102 14 320 N +102 14 321 O +102 14 322 W +102 14 323 N +102 14 324 N +102 14 325 O +102 14 326 N +102 14 327 WA +102 14 328 N +102 14 329 O +102 14 330 N +102 15 1 W +102 15 2 W +102 15 3 O +102 15 4 W +102 15 5 W +102 15 6 G +102 15 7 W +102 15 8 O +102 15 9 G +102 15 10 W +102 15 11 W +102 15 12 N +102 15 13 W +102 15 14 W +102 15 15 G +102 15 16 N +102 15 17 O +102 15 18 WT +102 15 19 W +102 15 20 W +102 15 21 G +102 15 22 N +102 15 23 W +102 15 24 WT +102 15 25 W +102 15 26 W +102 15 27 N +102 15 28 O +102 15 29 W +102 15 30 G +102 15 31 W +102 15 32 O +102 15 33 W +102 15 34 W +102 15 35 G +102 15 36 W +102 15 37 W +102 15 38 O +102 15 39 W +102 15 40 W +102 15 41 O +102 15 42 G +102 15 43 W +102 15 44 N +102 15 45 W +102 15 46 WT +102 15 47 WT +102 15 48 G +102 15 49 W +102 15 50 O +102 15 51 WT +102 15 52 N +102 15 53 O +102 15 54 W +102 15 55 W +102 15 56 G +102 15 57 W +102 15 58 G +102 15 59 N +102 15 60 W +102 15 61 O +102 15 62 W +102 15 63 G +102 15 64 W +102 15 65 O +102 15 66 N +102 15 67 W +102 15 68 O +102 15 69 WT +102 15 70 N +102 15 71 O +102 15 72 W +102 15 73 O +102 15 74 N +102 15 75 W +102 15 76 G +102 15 77 W +102 15 78 G +102 15 79 WT +102 15 80 W +102 15 81 G +102 15 82 W +102 15 83 N +102 15 84 G +102 15 85 W +102 15 86 G +102 15 87 WT +102 15 88 O +102 15 89 WT +102 15 90 W +102 15 91 G +102 15 92 N +102 15 93 W +102 15 94 WT +102 15 95 N +102 15 96 G +102 15 97 O +102 15 98 O +102 15 99 G +102 15 100 W +102 15 101 O +102 15 102 W +102 15 103 G +102 15 104 W +102 15 105 W +102 15 106 N +102 15 107 N +102 15 108 N +102 15 109 W +102 15 110 G +102 15 111 WT +102 15 112 O +102 15 113 WT +102 15 114 W +102 15 115 O +102 15 116 W +102 15 117 WT +102 15 118 W +102 15 119 G +102 15 120 W +102 15 121 N +102 15 122 O +102 15 123 W +102 15 124 W +102 15 125 G +102 15 126 G +102 15 127 W +102 15 128 G +102 15 129 N +102 15 130 WT +102 15 131 O +102 15 132 O +102 15 133 W +102 15 134 WT +102 15 135 O +102 15 136 W +102 15 137 W +102 15 138 W +102 15 139 N +102 15 140 W +102 15 141 N +102 15 142 N +102 15 143 W +102 15 144 W +102 15 145 W +102 15 146 G +102 15 147 W +102 15 148 O +102 15 149 W +102 15 150 W +102 15 151 G +102 15 152 G +102 15 153 W +102 15 154 WT +102 15 155 WT +102 15 156 W +102 15 157 WT +102 15 158 N +102 15 159 G +102 15 160 G +102 15 161 W +102 15 162 O +102 15 163 W +102 15 164 W +102 15 165 WT +102 15 166 W +102 15 167 G +102 15 168 W +102 15 169 W +102 15 170 WT +102 15 171 W +102 15 172 N +102 15 173 G +102 15 174 G +102 15 175 W +102 15 176 G +102 15 177 G +102 15 178 W +102 15 179 W +102 15 180 W +102 15 181 G +102 15 182 O +102 15 183 WT +102 15 184 W +102 15 185 G +102 15 186 W +102 15 187 G +102 15 188 W +102 15 189 G +102 15 190 G +102 15 191 W +102 15 192 O +102 15 193 G +102 15 194 O +102 15 195 W +102 15 196 W +102 15 197 * +102 15 198 WT +102 15 199 N +102 15 200 W +102 15 201 G +102 15 202 W +102 15 203 O +102 15 204 WT +102 15 205 W +102 15 206 N +102 15 207 G +102 15 208 G +102 15 209 W +102 15 210 WT +102 15 211 W +102 15 212 G +102 15 213 G +102 15 214 W +102 15 215 O +102 15 216 WT +102 15 217 G +102 15 218 G +102 15 219 N +102 15 220 W +102 15 221 N +102 15 222 O +102 15 223 W +102 15 224 N +102 15 225 G +102 15 226 W +102 15 227 WT +102 15 228 W +102 15 229 W +102 15 230 O +102 15 231 WT +102 15 232 W +102 15 233 W +102 15 234 W +102 15 235 W +102 15 236 G +102 15 237 W +102 15 238 W +102 15 239 G +102 15 240 O +102 15 241 N +102 15 242 G +102 15 243 O +102 15 244 N +102 15 245 O +102 15 246 W +102 15 247 W +102 15 248 WT +102 15 249 W +102 15 250 W +102 15 251 W +102 15 252 G +102 15 253 W +102 15 254 W +102 15 255 WT +102 15 256 O +102 15 257 W +102 15 258 G +102 15 259 O +102 15 260 N +102 15 261 G +102 15 262 N +102 15 263 N +102 15 264 W +102 15 265 W +102 15 266 G +102 15 267 O +102 15 268 W +102 15 269 G +102 15 270 G +102 15 271 WT +102 15 272 N +102 15 273 G +102 15 274 N +102 15 275 G +102 15 276 O +102 15 277 W +102 15 278 G +102 15 279 W +102 15 280 W +102 15 281 W +102 15 282 W +102 15 283 W +102 15 284 N +102 15 285 G +102 15 286 N +102 15 287 G +102 15 288 O +102 15 289 W +102 15 290 N +102 15 291 W +102 15 292 G +102 15 293 N +102 15 294 N +102 15 295 W +102 15 296 O +102 15 297 G +102 15 298 O +102 15 299 W +102 15 300 N +102 15 301 W +102 15 302 N +102 15 303 W +102 15 304 W +102 15 305 O +102 15 306 O +102 15 307 W +102 15 308 W +102 15 309 WT +102 15 310 W +102 15 311 W +102 15 312 WT +102 15 313 W +102 15 314 N +102 15 315 W +102 15 316 W +102 15 317 O +102 15 318 G +102 15 319 N +102 15 320 W +102 15 321 O +102 15 322 W +102 15 323 W +102 15 324 N +102 15 325 O +102 15 326 G +102 15 327 N +102 15 328 N +102 15 329 G +102 15 330 N +102 16 1 W +102 16 2 N +102 16 3 O +102 16 4 W +102 16 5 N +102 16 6 O +102 16 7 W +102 16 8 O +102 16 9 N +102 16 10 W +102 16 11 N +102 16 12 N +102 16 13 W +102 16 14 W +102 16 15 O +102 16 16 N +102 16 17 O +102 16 18 N +102 16 19 W +102 16 20 N +102 16 21 O +102 16 22 N +102 16 23 O +102 16 24 W +102 16 25 W +102 16 26 W +102 16 27 N +102 16 28 O +102 16 29 N +102 16 30 O +102 16 31 N +102 16 32 O +102 16 33 N +102 16 34 W +102 16 35 O +102 16 36 W +102 16 37 N +102 16 38 O +102 16 39 N +102 16 40 W +102 16 41 O +102 16 42 N +102 16 43 W +102 16 44 N +102 16 45 N +102 16 46 WA +102 16 47 W +102 16 48 O +102 16 49 N +102 16 50 W +102 16 51 N +102 16 52 WA +102 16 53 O +102 16 54 W +102 16 55 WA +102 16 56 WA +102 16 57 W +102 16 58 WA +102 16 59 WA +102 16 60 W +102 16 61 O +102 16 62 WA +102 16 63 O +102 16 64 W +102 16 65 O +102 16 66 WA +102 16 67 W +102 16 68 O +102 16 69 WA +102 16 70 WA +102 16 71 O +102 16 72 W +102 16 73 O +102 16 74 WA +102 16 75 WT +102 16 76 O +102 16 77 WT +102 16 78 O +102 16 79 N +102 16 80 W +102 16 81 N +102 16 82 WA +102 16 83 WA +102 16 84 O +102 16 85 W +102 16 86 O +102 16 87 WA +102 16 88 O +102 16 89 W +102 16 90 W +102 16 91 WA +102 16 92 WA +102 16 93 W +102 16 94 WT +102 16 95 WA +102 16 96 N +102 16 97 WT +102 16 98 O +102 16 99 N +102 16 100 WA +102 16 101 O +102 16 102 WA +102 16 103 W +102 16 104 W +102 16 105 O +102 16 106 WA +102 16 107 WA +102 16 108 WA +102 16 109 W +102 16 110 N +102 16 111 W +102 16 112 O +102 16 113 WT +102 16 114 W +102 16 115 O +102 16 116 WA +102 16 117 W +102 16 118 O +102 16 119 W +102 16 120 WA +102 16 121 O +102 16 122 WA +102 16 123 WT +102 16 124 WA +102 16 125 O +102 16 126 O +102 16 127 WT +102 16 128 WA +102 16 129 WA +102 16 130 WT +102 16 131 O +102 16 132 O +102 16 133 WT +102 16 134 WT +102 16 135 O +102 16 136 W +102 16 137 WT +102 16 138 W +102 16 139 WA +102 16 140 WT +102 16 141 WA +102 16 142 WA +102 16 143 W +102 16 144 WT +102 16 145 WA +102 16 146 N +102 16 147 WT +102 16 148 O +102 16 149 N +102 16 150 WT +102 16 151 O +102 16 152 O +102 16 153 W +102 16 154 WA +102 16 155 WT +102 16 156 W +102 16 157 WT +102 16 158 WA +102 16 159 WA +102 16 160 O +102 16 161 W +102 16 162 O +102 16 163 W +102 16 164 W +102 16 165 WT +102 16 166 WT +102 16 167 WA +102 16 168 W +102 16 169 W +102 16 170 WT +102 16 171 W +102 16 172 WA +102 16 173 O +102 16 174 N +102 16 175 WA +102 16 176 O +102 16 177 N +102 16 178 W +102 16 179 O +102 16 180 W +102 16 181 N +102 16 182 O +102 16 183 N +102 16 184 WT +102 16 185 MO +102 16 186 W +102 16 187 N +102 16 188 W +102 16 189 WA +102 16 190 O +102 16 191 W +102 16 192 WT +102 16 193 N +102 16 194 O +102 16 195 N +102 16 196 W +102 16 197 O +102 16 198 WT +102 16 199 WA +102 16 200 W +102 16 201 WA +102 16 202 WT +102 16 203 O +102 16 204 WT +102 16 205 W +102 16 206 WA +102 16 207 O +102 16 208 MO +102 16 209 W +102 16 210 WT +102 16 211 WA +102 16 212 O +102 16 213 WA +102 16 214 W +102 16 215 O +102 16 216 WT +102 16 217 O +102 16 218 WT +102 16 219 WA +102 16 220 W +102 16 221 W +102 16 222 WT +102 16 223 WT +102 16 224 WA +102 16 225 MO +102 16 226 W +102 16 227 WT +102 16 228 WT +102 16 229 WA +102 16 230 WA +102 16 231 O +102 16 232 WT +102 16 233 W +102 16 234 W +102 16 235 W +102 16 236 N +102 16 237 WA +102 16 238 W +102 16 239 O +102 16 240 O +102 16 241 WA +102 16 242 WA +102 16 243 O +102 16 244 WA +102 16 245 O +102 16 246 W +102 16 247 WA +102 16 248 W +102 16 249 W +102 16 250 WT +102 16 251 WA +102 16 252 WA +102 16 253 W +102 16 254 WA +102 16 255 WT +102 16 256 O +102 16 257 W +102 16 258 N +102 16 259 O +102 16 260 WA +102 16 261 O +102 16 262 WA +102 16 263 WA +102 16 264 WA +102 16 265 W +102 16 266 O +102 16 267 W +102 16 268 WA +102 16 269 O +102 16 270 O +102 16 271 W +102 16 272 WA +102 16 273 O +102 16 274 WA +102 16 275 MO +102 16 276 O +102 16 277 W +102 16 278 O +102 16 279 W +102 16 280 N +102 16 281 W +102 16 282 N +102 16 283 MO +102 16 284 WA +102 16 285 O +102 16 286 WA +102 16 287 MO +102 16 288 O +102 16 289 N +102 16 290 WA +102 16 291 W +102 16 292 O +102 16 293 WA +102 16 294 WA +102 16 295 MO +102 16 296 WT +102 16 297 N +102 16 298 O +102 16 299 W +102 16 300 WA +102 16 301 W +102 16 302 WA +102 16 303 WA +102 16 304 N +102 16 305 O +102 16 306 WA +102 16 307 W +102 16 308 WA +102 16 309 WT +102 16 310 W +102 16 311 WT +102 16 312 WT +102 16 313 W +102 16 314 WA +102 16 315 WA +102 16 316 WT +102 16 317 O +102 16 318 O +102 16 319 WA +102 16 320 WA +102 16 321 O +102 16 322 W +102 16 323 W +102 16 324 WA +102 16 325 O +102 16 326 N +102 16 327 WA +102 16 328 WT +102 16 329 MO +102 16 330 WA +102 17 1 W +102 17 2 N +102 17 3 O +102 17 4 W +102 17 5 N +102 17 6 O +102 17 7 W +102 17 8 O +102 17 9 O +102 17 10 W +102 17 11 WT +102 17 12 N +102 17 13 WT +102 17 14 WT +102 17 15 N +102 17 16 N +102 17 17 O +102 17 18 W +102 17 19 W +102 17 20 W +102 17 21 O +102 17 22 N +102 17 23 O +102 17 24 W +102 17 25 W +102 17 26 W +102 17 27 N +102 17 28 O +102 17 29 W +102 17 30 O +102 17 31 N +102 17 32 O +102 17 33 N +102 17 34 W +102 17 35 O +102 17 36 W +102 17 37 W +102 17 38 O +102 17 39 WT +102 17 40 W +102 17 41 O +102 17 42 O +102 17 43 W +102 17 44 N +102 17 45 W +102 17 46 WA +102 17 47 W +102 17 48 O +102 17 49 N +102 17 50 O +102 17 51 WA +102 17 52 W +102 17 53 O +102 17 54 N +102 17 55 N +102 17 56 O +102 17 57 N +102 17 58 O +102 17 59 W +102 17 60 * +102 17 61 O +102 17 62 W +102 17 63 O +102 17 64 W +102 17 65 O +102 17 66 WA +102 17 67 N +102 17 68 O +102 17 69 W +102 17 70 WA +102 17 71 N +102 17 72 W +102 17 73 O +102 17 74 WA +102 17 75 W +102 17 76 O +102 17 77 W +102 17 78 W +102 17 79 WT +102 17 80 W +102 17 81 N +102 17 82 N +102 17 83 WA +102 17 84 O +102 17 85 WA +102 17 86 O +102 17 87 WA +102 17 88 O +102 17 89 WA +102 17 90 WA +102 17 91 N +102 17 92 WA +102 17 93 W +102 17 94 A +102 17 95 WA +102 17 96 N +102 17 97 W +102 17 98 O +102 17 99 WA +102 17 100 WA +102 17 101 O +102 17 102 WA +102 17 103 N +102 17 104 N +102 17 105 O +102 17 106 WA +102 17 107 WA +102 17 108 WA +102 17 109 W +102 17 110 O +102 17 111 N +102 17 112 O +102 17 113 A +102 17 114 N +102 17 115 O +102 17 116 N +102 17 117 N +102 17 118 O +102 17 119 N +102 17 120 N +102 17 121 O +102 17 122 N +102 17 123 W +102 17 124 N +102 17 125 O +102 17 126 O +102 17 127 N +102 17 128 W +102 17 129 N +102 17 130 N +102 17 131 O +102 17 132 O +102 17 133 N +102 17 134 N +102 17 135 O +102 17 136 N +102 17 137 WA +102 17 138 W +102 17 139 N +102 17 140 N +102 17 141 WA +102 17 142 N +102 17 143 N +102 17 144 W +102 17 145 N +102 17 146 N +102 17 147 N +102 17 148 O +102 17 149 N +102 17 150 W +102 17 151 O +102 17 152 WA +102 17 153 N +102 17 154 WA +102 17 155 A +102 17 156 N +102 17 157 N +102 17 158 WA +102 17 159 O +102 17 160 O +102 17 161 N +102 17 162 O +102 17 163 W +102 17 164 W +102 17 165 N +102 17 166 N +102 17 167 WA +102 17 168 N +102 17 169 N +102 17 170 N +102 17 171 N +102 17 172 N +102 17 173 O +102 17 174 O +102 17 175 WA +102 17 176 O +102 17 177 WA +102 17 178 W +102 17 179 O +102 17 180 N +102 17 181 WA +102 17 182 W +102 17 183 N +102 17 184 O +102 17 185 O +102 17 186 WA +102 17 187 N +102 17 188 WA +102 17 189 WA +102 17 190 O +102 17 191 WA +102 17 192 O +102 17 193 N +102 17 194 O +102 17 195 N +102 17 196 WA +102 17 197 O +102 17 198 WA +102 17 199 WA +102 17 200 N +102 17 201 O +102 17 202 WA +102 17 203 O +102 17 204 W +102 17 205 W +102 17 206 WA +102 17 207 O +102 17 208 N +102 17 209 N +102 17 210 WA +102 17 211 W +102 17 212 O +102 17 213 W +102 17 214 N +102 17 215 O +102 17 216 WA +102 17 217 O +102 17 218 N +102 17 219 WA +102 17 220 W +102 17 221 WA +102 17 222 O +102 17 223 WA +102 17 224 WA +102 17 225 N +102 17 226 W +102 17 227 WA +102 17 228 W +102 17 229 WA +102 17 230 N +102 17 231 O +102 17 232 W +102 17 233 W +102 17 234 W +102 17 235 WA +102 17 236 N +102 17 237 O +102 17 238 W +102 17 239 O +102 17 240 O +102 17 241 WA +102 17 242 WA +102 17 243 O +102 17 244 WA +102 17 245 O +102 17 246 WA +102 17 247 W +102 17 248 WA +102 17 249 WA +102 17 250 W +102 17 251 W +102 17 252 WA +102 17 253 WA +102 17 254 W +102 17 255 WA +102 17 256 O +102 17 257 W +102 17 258 WA +102 17 259 O +102 17 260 WA +102 17 261 O +102 17 262 WA +102 17 263 WA +102 17 264 WA +102 17 265 A +102 17 266 O +102 17 267 O +102 17 268 WA +102 17 269 O +102 17 270 O +102 17 271 WA +102 17 272 WA +102 17 273 O +102 17 274 WA +102 17 275 WA +102 17 276 O +102 17 277 A +102 17 278 O +102 17 279 A +102 17 280 WA +102 17 281 N +102 17 282 WA +102 17 283 W +102 17 284 WA +102 17 285 O +102 17 286 WA +102 17 287 WA +102 17 288 O +102 17 289 N +102 17 290 WA +102 17 291 W +102 17 292 O +102 17 293 WA +102 17 294 WA +102 17 295 W +102 17 296 WA +102 17 297 O +102 17 298 O +102 17 299 WA +102 17 300 WA +102 17 301 WA +102 17 302 WA +102 17 303 WA +102 17 304 N +102 17 305 O +102 17 306 N +102 17 307 WA +102 17 308 WA +102 17 309 WA +102 17 310 W +102 17 311 W +102 17 312 WA +102 17 313 WA +102 17 314 WA +102 17 315 W +102 17 316 W +102 17 317 O +102 17 318 O +102 17 319 WA +102 17 320 A +102 17 321 O +102 17 322 WA +102 17 323 W +102 17 324 WA +102 17 325 O +102 17 326 O +102 17 327 WA +102 17 328 A +102 17 329 WA +102 17 330 WA +102 18 1 W +102 18 2 N +102 18 3 O +102 18 4 WE +102 18 5 W +102 18 6 NN +102 18 7 W +102 18 8 NN +102 18 9 G +102 18 10 W +102 18 11 W +102 18 12 G +102 18 13 WT +102 18 14 W +102 18 15 N +102 18 16 N +102 18 17 G +102 18 18 WT +102 18 19 W +102 18 20 N +102 18 21 O +102 18 22 N +102 18 23 W +102 18 24 WT +102 18 25 W +102 18 26 WT +102 18 27 N +102 18 28 G +102 18 29 W +102 18 30 O +102 18 31 W +102 18 32 G +102 18 33 W +102 18 34 W +102 18 35 G +102 18 36 WT +102 18 37 W +102 18 38 G +102 18 39 W +102 18 40 W +102 18 41 O +102 18 42 N +102 18 43 W +102 18 44 N +102 18 45 W +102 18 46 N +102 18 47 W +102 18 48 G +102 18 49 N +102 18 50 WT +102 18 51 WE +102 18 52 N +102 18 53 G +102 18 54 W +102 18 55 N +102 18 56 G +102 18 57 W +102 18 58 WE +102 18 59 N +102 18 60 W +102 18 61 NN +102 18 62 WE +102 18 63 NN +102 18 64 W +102 18 65 NN +102 18 66 N +102 18 67 N +102 18 68 NN +102 18 69 WE +102 18 70 N +102 18 71 NN +102 18 72 W +102 18 73 NN +102 18 74 WA +102 18 75 WE +102 18 76 NN +102 18 77 W +102 18 78 NN +102 18 79 WT +102 18 80 W +102 18 81 G +102 18 82 W +102 18 83 N +102 18 84 NN +102 18 85 W +102 18 86 NN +102 18 87 WT +102 18 88 NN +102 18 89 WT +102 18 90 W +102 18 91 IP +102 18 92 N +102 18 93 WT +102 18 94 WE +102 18 95 N +102 18 96 NN +102 18 97 WT +102 18 98 NN +102 18 99 N +102 18 100 W +102 18 101 G +102 18 102 WA +102 18 103 IP +102 18 104 W +102 18 105 NN +102 18 106 N +102 18 107 N +102 18 108 N +102 18 109 WT +102 18 110 G +102 18 111 WE +102 18 112 NN +102 18 113 WT +102 18 114 W +102 18 115 NN +102 18 116 N +102 18 117 WT +102 18 118 NN +102 18 119 W +102 18 120 WA +102 18 121 NN +102 18 122 W +102 18 123 W +102 18 124 N +102 18 125 NN +102 18 126 G +102 18 127 W +102 18 128 IP +102 18 129 N +102 18 130 WE +102 18 131 NN +102 18 132 NN +102 18 133 W +102 18 134 WE +102 18 135 NN +102 18 136 W +102 18 137 W +102 18 138 W +102 18 139 N +102 18 140 W +102 18 141 N +102 18 142 N +102 18 143 IP +102 18 144 WT +102 18 145 W +102 18 146 IP +102 18 147 W +102 18 148 NN +102 18 149 W +102 18 150 NN +102 18 151 NN +102 18 152 NN +102 18 153 W +102 18 154 WT +102 18 155 WE +102 18 156 W +102 18 157 W +102 18 158 WA +102 18 159 NN +102 18 160 NN +102 18 161 W +102 18 162 NN +102 18 163 W +102 18 164 W +102 18 165 WT +102 18 166 W +102 18 167 W +102 18 168 W +102 18 169 W +102 18 170 WT +102 18 171 W +102 18 172 W +102 18 173 NN +102 18 174 IP +102 18 175 W +102 18 176 NN +102 18 177 NN +102 18 178 W +102 18 179 NN +102 18 180 W +102 18 181 NN +102 18 182 NN +102 18 183 WT +102 18 184 NN +102 18 185 G +102 18 186 W +102 18 187 NN +102 18 188 W +102 18 189 W +102 18 190 NN +102 18 191 NN +102 18 192 NN +102 18 193 IP +102 18 194 NN +102 18 195 W +102 18 196 WA +102 18 197 NN +102 18 198 WT +102 18 199 N +102 18 200 N +102 18 201 NN +102 18 202 W +102 18 203 NN +102 18 204 WT +102 18 205 W +102 18 206 W +102 18 207 NN +102 18 208 G +102 18 209 W +102 18 210 WE +102 18 211 W +102 18 212 NN +102 18 213 NN +102 18 214 G +102 18 215 IP +102 18 216 W +102 18 217 NN +102 18 218 IP +102 18 219 W +102 18 220 W +102 18 221 W +102 18 222 W +102 18 223 W +102 18 224 N +102 18 225 WE +102 18 226 WT +102 18 227 WT +102 18 228 WT +102 18 229 N +102 18 230 N +102 18 231 NN +102 18 232 N +102 18 233 WA +102 18 234 WT +102 18 235 W +102 18 236 G +102 18 237 G +102 18 238 W +102 18 239 NN +102 18 240 W +102 18 241 N +102 18 242 IP +102 18 243 G +102 18 244 N +102 18 245 G +102 18 246 W +102 18 247 WT +102 18 248 WT +102 18 249 W +102 18 250 NN +102 18 251 N +102 18 252 N +102 18 253 N +102 18 254 W +102 18 255 WT +102 18 256 NN +102 18 257 W +102 18 258 IP +102 18 259 NN +102 18 260 N +102 18 261 NN +102 18 262 N +102 18 263 N +102 18 264 N +102 18 265 W +102 18 266 NN +102 18 267 NN +102 18 268 N +102 18 269 NN +102 18 270 IP +102 18 271 W +102 18 272 N +102 18 273 NN +102 18 274 N +102 18 275 IP +102 18 276 NN +102 18 277 WT +102 18 278 NN +102 18 279 WT +102 18 280 N +102 18 281 WT +102 18 282 N +102 18 283 WT +102 18 284 N +102 18 285 G +102 18 286 N +102 18 287 N +102 18 288 NN +102 18 289 WA +102 18 290 N +102 18 291 WT +102 18 292 NN +102 18 293 WA +102 18 294 N +102 18 295 WT +102 18 296 G +102 18 297 IP +102 18 298 G +102 18 299 WA +102 18 300 N +102 18 301 N +102 18 302 N +102 18 303 N +102 18 304 N +102 18 305 NN +102 18 306 WA +102 18 307 WT +102 18 308 N +102 18 309 WT +102 18 310 N +102 18 311 W +102 18 312 WT +102 18 313 WA +102 18 314 N +102 18 315 N +102 18 316 N +102 18 317 NN +102 18 318 IP +102 18 319 WA +102 18 320 N +102 18 321 NN +102 18 322 WA +102 18 323 WT +102 18 324 N +102 18 325 G +102 18 326 IP +102 18 327 N +102 18 328 WT +102 18 329 WE +102 18 330 WA +102 19 1 W +102 19 2 N +102 19 3 O +102 19 4 O +102 19 5 N +102 19 6 N +102 19 7 W +102 19 8 O +102 19 9 O +102 19 10 W +102 19 11 W +102 19 12 N +102 19 13 W +102 19 14 W +102 19 15 N +102 19 16 N +102 19 17 O +102 19 18 WT +102 19 19 W +102 19 20 N +102 19 21 O +102 19 22 N +102 19 23 O +102 19 24 WT +102 19 25 W +102 19 26 W +102 19 27 N +102 19 28 O +102 19 29 W +102 19 30 O +102 19 31 N +102 19 32 O +102 19 33 W +102 19 34 W +102 19 35 O +102 19 36 W +102 19 37 W +102 19 38 O +102 19 39 N +102 19 40 W +102 19 41 O +102 19 42 W +102 19 43 WT +102 19 44 N +102 19 45 W +102 19 46 N +102 19 47 W +102 19 48 O +102 19 49 N +102 19 50 O +102 19 51 N +102 19 52 N +102 19 53 O +102 19 54 W +102 19 55 W +102 19 56 N +102 19 57 W +102 19 58 W +102 19 59 N +102 19 60 W +102 19 61 O +102 19 62 N +102 19 63 O +102 19 64 W +102 19 65 O +102 19 66 N +102 19 67 N +102 19 68 W +102 19 69 N +102 19 70 WA +102 19 71 O +102 19 72 W +102 19 73 O +102 19 74 N +102 19 75 W +102 19 76 O +102 19 77 W +102 19 78 N +102 19 79 WA +102 19 80 W +102 19 81 W +102 19 82 WA +102 19 83 N +102 19 84 G +102 19 85 W +102 19 86 O +102 19 87 WT +102 19 88 O +102 19 89 WT +102 19 90 W +102 19 91 N +102 19 92 WA +102 19 93 W +102 19 94 WT +102 19 95 WA +102 19 96 N +102 19 97 W +102 19 98 O +102 19 99 N +102 19 100 W +102 19 101 O +102 19 102 N +102 19 103 W +102 19 104 W +102 19 105 O +102 19 106 N +102 19 107 WA +102 19 108 N +102 19 109 W +102 19 110 N +102 19 111 W +102 19 112 O +102 19 113 WT +102 19 114 W +102 19 115 O +102 19 116 N +102 19 117 WT +102 19 118 O +102 19 119 W +102 19 120 WA +102 19 121 O +102 19 122 W +102 19 123 W +102 19 124 N +102 19 125 O +102 19 126 O +102 19 127 W +102 19 128 N +102 19 129 WA +102 19 130 W +102 19 131 O +102 19 132 O +102 19 133 W +102 19 134 WT +102 19 135 O +102 19 136 W +102 19 137 W +102 19 138 N +102 19 139 WA +102 19 140 W +102 19 141 N +102 19 142 WA +102 19 143 W +102 19 144 W +102 19 145 W +102 19 146 WA +102 19 147 W +102 19 148 O +102 19 149 N +102 19 150 O +102 19 151 WA +102 19 152 WA +102 19 153 W +102 19 154 WT +102 19 155 W +102 19 156 W +102 19 157 O +102 19 158 WA +102 19 159 N +102 19 160 O +102 19 161 W +102 19 162 O +102 19 163 W +102 19 164 W +102 19 165 WT +102 19 166 W +102 19 167 N +102 19 168 W +102 19 169 W +102 19 170 WT +102 19 171 W +102 19 172 WA +102 19 173 O +102 19 174 O +102 19 175 WA +102 19 176 O +102 19 177 N +102 19 178 W +102 19 179 O +102 19 180 W +102 19 181 W +102 19 182 O +102 19 183 W +102 19 184 O +102 19 185 N +102 19 186 W +102 19 187 NN +102 19 188 W +102 19 189 N +102 19 190 WA +102 19 191 W +102 19 192 N +102 19 193 N +102 19 194 O +102 19 195 W +102 19 196 N +102 19 197 W +102 19 198 WT +102 19 199 WA +102 19 200 W +102 19 201 O +102 19 202 W +102 19 203 O +102 19 204 WT +102 19 205 W +102 19 206 WA +102 19 207 O +102 19 208 W +102 19 209 W +102 19 210 O +102 19 211 W +102 19 212 O +102 19 213 WA +102 19 214 WA +102 19 215 O +102 19 216 W +102 19 217 N +102 19 218 N +102 19 219 WA +102 19 220 W +102 19 221 N +102 19 222 WT +102 19 223 W +102 19 224 WA +102 19 225 WA +102 19 226 W +102 19 227 WT +102 19 228 W +102 19 229 N +102 19 230 WA +102 19 231 O +102 19 232 W +102 19 233 WA +102 19 234 W +102 19 235 W +102 19 236 WA +102 19 237 N +102 19 238 W +102 19 239 O +102 19 240 O +102 19 241 WA +102 19 242 N +102 19 243 O +102 19 244 N +102 19 245 O +102 19 246 W +102 19 247 N +102 19 248 WT +102 19 249 W +102 19 250 O +102 19 251 N +102 19 252 WA +102 19 253 N +102 19 254 N +102 19 255 W +102 19 256 O +102 19 257 W +102 19 258 N +102 19 259 O +102 19 260 WA +102 19 261 O +102 19 262 N +102 19 263 WA +102 19 264 N +102 19 265 W +102 19 266 O +102 19 267 O +102 19 268 W +102 19 269 O +102 19 270 O +102 19 271 W +102 19 272 N +102 19 273 N +102 19 274 WA +102 19 275 N +102 19 276 O +102 19 277 W +102 19 278 O +102 19 279 W +102 19 280 N +102 19 281 W +102 19 282 W +102 19 283 O +102 19 284 WA +102 19 285 N +102 19 286 WA +102 19 287 W +102 19 288 O +102 19 289 N +102 19 290 WA +102 19 291 W +102 19 292 O +102 19 293 N +102 19 294 WA +102 19 295 W +102 19 296 O +102 19 297 N +102 19 298 O +102 19 299 W +102 19 300 N +102 19 301 W +102 19 302 WA +102 19 303 N +102 19 304 W +102 19 305 O +102 19 306 N +102 19 307 W +102 19 308 N +102 19 309 W +102 19 310 W +102 19 311 W +102 19 312 WT +102 19 313 W +102 19 314 N +102 19 315 W +102 19 316 W +102 19 317 O +102 19 318 O +102 19 319 N +102 19 320 W +102 19 321 O +102 19 322 N +102 19 323 W +102 19 324 WA +102 19 325 O +102 19 326 O +102 19 327 N +102 19 328 W +102 19 329 * +102 19 330 N +102 20 1 W +102 20 2 WA +102 20 3 O +102 20 4 W +102 20 5 WA +102 20 6 O +102 20 7 W +102 20 8 O +102 20 9 WT +102 20 10 W +102 20 11 W +102 20 12 W +102 20 13 WT +102 20 14 W +102 20 15 WA +102 20 16 WA +102 20 17 O +102 20 18 WT +102 20 19 W +102 20 20 W +102 20 21 O +102 20 22 WA +102 20 23 W +102 20 24 WT +102 20 25 W +102 20 26 W +102 20 27 WA +102 20 28 O +102 20 29 W +102 20 30 O +102 20 31 WA +102 20 32 O +102 20 33 W +102 20 34 W +102 20 35 O +102 20 36 WT +102 20 37 W +102 20 38 O +102 20 39 WT +102 20 40 W +102 20 41 O +102 20 42 W +102 20 43 W +102 20 44 WA +102 20 45 W +102 20 46 W +102 20 47 W +102 20 48 O +102 20 49 W +102 20 50 W +102 20 51 WT +102 20 52 WA +102 20 53 O +102 20 54 W +102 20 55 W +102 20 56 O +102 20 57 W +102 20 58 WT +102 20 59 WA +102 20 60 W +102 20 61 O +102 20 62 WA +102 20 63 O +102 20 64 W +102 20 65 O +102 20 66 WA +102 20 67 W +102 20 68 O +102 20 69 WT +102 20 70 WA +102 20 71 O +102 20 72 W +102 20 73 O +102 20 74 WA +102 20 75 W +102 20 76 O +102 20 77 W +102 20 78 WA +102 20 79 WT +102 20 80 W +102 20 81 WA +102 20 82 W +102 20 83 WA +102 20 84 O +102 20 85 W +102 20 86 O +102 20 87 W +102 20 88 O +102 20 89 WT +102 20 90 WT +102 20 91 W +102 20 92 WA +102 20 93 W +102 20 94 WT +102 20 95 WA +102 20 96 W +102 20 97 W +102 20 98 O +102 20 99 WA +102 20 100 WA +102 20 101 W +102 20 102 WT +102 20 103 WT +102 20 104 W +102 20 105 O +102 20 106 WA +102 20 107 WA +102 20 108 WA +102 20 109 W +102 20 110 O +102 20 111 WT +102 20 112 O +102 20 113 WT +102 20 114 W +102 20 115 O +102 20 116 WA +102 20 117 WT +102 20 118 O +102 20 119 W +102 20 120 WA +102 20 121 O +102 20 122 W +102 20 123 W +102 20 124 WA +102 20 125 O +102 20 126 O +102 20 127 WT +102 20 128 WA +102 20 129 WA +102 20 130 WT +102 20 131 W +102 20 132 O +102 20 133 W +102 20 134 W +102 20 135 O +102 20 136 W +102 20 137 WT +102 20 138 WA +102 20 139 WA +102 20 140 WT +102 20 141 WA +102 20 142 WA +102 20 143 WA +102 20 144 W +102 20 145 WA +102 20 146 W +102 20 147 W +102 20 148 O +102 20 149 WA +102 20 150 WT +102 20 151 O +102 20 152 WA +102 20 153 W +102 20 154 WT +102 20 155 WT +102 20 156 WT +102 20 157 WT +102 20 158 WA +102 20 159 O +102 20 160 O +102 20 161 W +102 20 162 O +102 20 163 W +102 20 164 W +102 20 165 WT +102 20 166 WT +102 20 167 WA +102 20 168 WT +102 20 169 W +102 20 170 WT +102 20 171 W +102 20 172 WA +102 20 173 O +102 20 174 O +102 20 175 WA +102 20 176 O +102 20 177 WA +102 20 178 W +102 20 179 O +102 20 180 WA +102 20 181 WA +102 20 182 O +102 20 183 WT +102 20 184 O +102 20 185 O +102 20 186 W +102 20 187 O +102 20 188 W +102 20 189 WA +102 20 190 O +102 20 191 W +102 20 192 W +102 20 193 O +102 20 194 O +102 20 195 W +102 20 196 WA +102 20 197 WA +102 20 198 WT +102 20 199 WA +102 20 200 WA +102 20 201 O +102 20 202 W +102 20 203 O +102 20 204 WT +102 20 205 WA +102 20 206 WA +102 20 207 O +102 20 208 WT +102 20 209 W +102 20 210 O +102 20 211 W +102 20 212 O +102 20 213 WA +102 20 214 WA +102 20 215 O +102 20 216 WT +102 20 217 O +102 20 218 WA +102 20 219 WA +102 20 220 W +102 20 221 WA +102 20 222 O +102 20 223 W +102 20 224 WA +102 20 225 WT +102 20 226 W +102 20 227 WT +102 20 228 W +102 20 229 WA +102 20 230 O +102 20 231 O +102 20 232 WT +102 20 233 WA +102 20 234 W +102 20 235 W +102 20 236 WT +102 20 237 O +102 20 238 W +102 20 239 O +102 20 240 O +102 20 241 WA +102 20 242 WA +102 20 243 O +102 20 244 WA +102 20 245 O +102 20 246 W +102 20 247 W +102 20 248 WT +102 20 249 W +102 20 250 WA +102 20 251 WA +102 20 252 WA +102 20 253 WA +102 20 254 W +102 20 255 WT +102 20 256 O +102 20 257 W +102 20 258 WA +102 20 259 O +102 20 260 WA +102 20 261 O +102 20 262 WA +102 20 263 WT +102 20 264 WA +102 20 265 WT +102 20 266 O +102 20 267 W +102 20 268 WA +102 20 269 O +102 20 270 WT +102 20 271 WT +102 20 272 WA +102 20 273 O +102 20 274 WA +102 20 275 WT +102 20 276 O +102 20 277 WT +102 20 278 O +102 20 279 W +102 20 280 WT +102 20 281 W +102 20 282 W +102 20 283 WT +102 20 284 WA +102 20 285 O +102 20 286 WA +102 20 287 WT +102 20 288 O +102 20 289 WA +102 20 290 WA +102 20 291 W +102 20 292 O +102 20 293 WA +102 20 294 WA +102 20 295 WT +102 20 296 W +102 20 297 WA +102 20 298 O +102 20 299 W +102 20 300 WT +102 20 301 W +102 20 302 WA +102 20 303 WA +102 20 304 WT +102 20 305 O +102 20 306 W +102 20 307 W +102 20 308 W +102 20 309 WT +102 20 310 W +102 20 311 WT +102 20 312 WT +102 20 313 W +102 20 314 WA +102 20 315 W +102 20 316 W +102 20 317 O +102 20 318 O +102 20 319 WA +102 20 320 WT +102 20 321 O +102 20 322 WA +102 20 323 WT +102 20 324 WA +102 20 325 O +102 20 326 WA +102 20 327 WA +102 20 328 WT +102 20 329 WT +102 20 330 WA +102 21 1 W +102 21 2 WA +102 21 3 O +102 21 4 O +102 21 5 WA +102 21 6 O +102 21 7 N +102 21 8 O +102 21 9 WT +102 21 10 W +102 21 11 WT +102 21 12 WA +102 21 13 WT +102 21 14 WT +102 21 15 O +102 21 16 N +102 21 17 O +102 21 18 WT +102 21 19 W +102 21 20 WT +102 21 21 O +102 21 22 N +102 21 23 O +102 21 24 WT +102 21 25 W +102 21 26 W +102 21 27 N +102 21 28 O +102 21 29 N +102 21 30 O +102 21 31 N +102 21 32 O +102 21 33 WA +102 21 34 W +102 21 35 O +102 21 36 W +102 21 37 N +102 21 38 O +102 21 39 W +102 21 40 N +102 21 41 O +102 21 42 WT +102 21 43 W +102 21 44 N +102 21 45 N +102 21 46 WT +102 21 47 N +102 21 48 N +102 21 49 N +102 21 50 O +102 21 51 WT +102 21 52 WA +102 21 53 O +102 21 54 WT +102 21 55 N +102 21 56 O +102 21 57 W +102 21 58 O +102 21 59 N +102 21 60 W +102 21 61 O +102 21 62 N +102 21 63 O +102 21 64 W +102 21 65 O +102 21 66 N +102 21 67 N +102 21 68 O +102 21 69 WT +102 21 70 WA +102 21 71 O +102 21 72 N +102 21 73 W +102 21 74 WA +102 21 75 WT +102 21 76 O +102 21 77 W +102 21 78 WA +102 21 79 WT +102 21 80 WA +102 21 81 O +102 21 82 WA +102 21 83 N +102 21 84 O +102 21 85 W +102 21 86 O +102 21 87 WT +102 21 88 O +102 21 89 WT +102 21 90 W +102 21 91 WA +102 21 92 N +102 21 93 W +102 21 94 WT +102 21 95 WA +102 21 96 WA +102 21 97 W +102 21 98 O +102 21 99 WA +102 21 100 WA +102 21 101 O +102 21 102 N +102 21 103 N +102 21 104 WA +102 21 105 O +102 21 106 N +102 21 107 N +102 21 108 N +102 21 109 W +102 21 110 O +102 21 111 WT +102 21 112 O +102 21 113 WT +102 21 114 W +102 21 115 O +102 21 116 N +102 21 117 WT +102 21 118 O +102 21 119 W +102 21 120 WA +102 21 121 O +102 21 122 N +102 21 123 N +102 21 124 W +102 21 125 O +102 21 126 O +102 21 127 W +102 21 128 N +102 21 129 N +102 21 130 WT +102 21 131 O +102 21 132 O +102 21 133 W +102 21 134 WT +102 21 135 O +102 21 136 N +102 21 137 WT +102 21 138 N +102 21 139 WA +102 21 140 W +102 21 141 N +102 21 142 N +102 21 143 W +102 21 144 W +102 21 145 N +102 21 146 N +102 21 147 W +102 21 148 O +102 21 149 N +102 21 150 W +102 21 151 O +102 21 152 O +102 21 153 N +102 21 154 WT +102 21 155 WT +102 21 156 W +102 21 157 WT +102 21 158 WA +102 21 159 O +102 21 160 O +102 21 161 WA +102 21 162 O +102 21 163 WA +102 21 164 O +102 21 165 WT +102 21 166 WT +102 21 167 WA +102 21 168 WT +102 21 169 WA +102 21 170 WT +102 21 171 WT +102 21 172 WA +102 21 173 O +102 21 174 O +102 21 175 WA +102 21 176 O +102 21 177 WA +102 21 178 W +102 21 179 O +102 21 180 WA +102 21 181 N +102 21 182 O +102 21 183 WT +102 21 184 O +102 21 185 N +102 21 186 N +102 21 187 N +102 21 188 W +102 21 189 N +102 21 190 O +102 21 191 WT +102 21 192 W +102 21 193 N +102 21 194 O +102 21 195 N +102 21 196 N +102 21 197 O +102 21 198 N +102 21 199 N +102 21 200 N +102 21 201 O +102 21 202 N +102 21 203 O +102 21 204 WT +102 21 205 N +102 21 206 N +102 21 207 O +102 21 208 WT +102 21 209 W +102 21 210 O +102 21 211 N +102 21 212 O +102 21 213 N +102 21 214 O +102 21 215 N +102 21 216 WT +102 21 217 O +102 21 218 N +102 21 219 N +102 21 220 W +102 21 221 N +102 21 222 O +102 21 223 N +102 21 224 N +102 21 225 O +102 21 226 W +102 21 227 WT +102 21 228 W +102 21 229 WA +102 21 230 WA +102 21 231 O +102 21 232 WT +102 21 233 N +102 21 234 W +102 21 235 W +102 21 236 N +102 21 237 O +102 21 238 W +102 21 239 O +102 21 240 O +102 21 241 N +102 21 242 N +102 21 243 O +102 21 244 N +102 21 245 O +102 21 246 N +102 21 247 W +102 21 248 WT +102 21 249 W +102 21 250 O +102 21 251 W +102 21 252 WA +102 21 253 W +102 21 254 W +102 21 255 WT +102 21 256 O +102 21 257 W +102 21 258 O +102 21 259 O +102 21 260 N +102 21 261 O +102 21 262 N +102 21 263 N +102 21 264 N +102 21 265 W +102 21 266 O +102 21 267 W +102 21 268 N +102 21 269 O +102 21 270 N +102 21 271 W +102 21 272 WA +102 21 273 O +102 21 274 N +102 21 275 WT +102 21 276 O +102 21 277 W +102 21 278 O +102 21 279 W +102 21 280 WT +102 21 281 W +102 21 282 W +102 21 283 WT +102 21 284 WA +102 21 285 O +102 21 286 WA +102 21 287 W +102 21 288 O +102 21 289 W +102 21 290 WA +102 21 291 W +102 21 292 O +102 21 293 N +102 21 294 N +102 21 295 WT +102 21 296 W +102 21 297 O +102 21 298 O +102 21 299 W +102 21 300 N +102 21 301 W +102 21 302 N +102 21 303 N +102 21 304 WT +102 21 305 O +102 21 306 N +102 21 307 W +102 21 308 W +102 21 309 WT +102 21 310 WT +102 21 311 W +102 21 312 WT +102 21 313 W +102 21 314 N +102 21 315 N +102 21 316 W +102 21 317 O +102 21 318 O +102 21 319 WA +102 21 320 WT +102 21 321 O +102 21 322 N +102 21 323 WT +102 21 324 WA +102 21 325 O +102 21 326 N +102 21 327 N +102 21 328 W +102 21 329 WT +102 21 330 WA +102 22 1 W +102 22 2 N +102 22 3 O +102 22 4 W +102 22 5 W +102 22 6 O +102 22 7 W +102 22 8 O +102 22 9 N +102 22 10 W +102 22 11 W +102 22 12 N +102 22 13 W +102 22 14 W +102 22 15 N +102 22 16 N +102 22 17 O +102 22 18 WT +102 22 19 W +102 22 20 W +102 22 21 O +102 22 22 N +102 22 23 W +102 22 24 WT +102 22 25 W +102 22 26 W +102 22 27 N +102 22 28 O +102 22 29 W +102 22 30 N +102 22 31 N +102 22 32 O +102 22 33 N +102 22 34 W +102 22 35 O +102 22 36 W +102 22 37 W +102 22 38 O +102 22 39 W +102 22 40 W +102 22 41 O +102 22 42 N +102 22 43 W +102 22 44 N +102 22 45 W +102 22 46 WT +102 22 47 W +102 22 48 N +102 22 49 WA +102 22 50 W +102 22 51 WT +102 22 52 WA +102 22 53 O +102 22 54 W +102 22 55 W +102 22 56 O +102 22 57 W +102 22 58 W +102 22 59 WA +102 22 60 W +102 22 61 O +102 22 62 W +102 22 63 O +102 22 64 W +102 22 65 O +102 22 66 N +102 22 67 N +102 22 68 O +102 22 69 W +102 22 70 WA +102 22 71 O +102 22 72 W +102 22 73 O +102 22 74 WA +102 22 75 W +102 22 76 O +102 22 77 W +102 22 78 N +102 22 79 W +102 22 80 W +102 22 81 N +102 22 82 W +102 22 83 WA +102 22 84 O +102 22 85 W +102 22 86 O +102 22 87 W +102 22 88 O +102 22 89 W +102 22 90 W +102 22 91 N +102 22 92 N +102 22 93 W +102 22 94 O +102 22 95 N +102 22 96 O +102 22 97 W +102 22 98 O +102 22 99 W +102 22 100 N +102 22 101 O +102 22 102 WA +102 22 103 W +102 22 104 N +102 22 105 O +102 22 106 N +102 22 107 WA +102 22 108 W +102 22 109 W +102 22 110 O +102 22 111 W +102 22 112 O +102 22 113 W +102 22 114 W +102 22 115 O +102 22 116 N +102 22 117 O +102 22 118 O +102 22 119 W +102 22 120 N +102 22 121 O +102 22 122 W +102 22 123 WT +102 22 124 N +102 22 125 O +102 22 126 O +102 22 127 W +102 22 128 O +102 22 129 N +102 22 130 O +102 22 131 O +102 22 132 O +102 22 133 W +102 22 134 WT +102 22 135 O +102 22 136 W +102 22 137 W +102 22 138 WA +102 22 139 N +102 22 140 W +102 22 141 N +102 22 142 N +102 22 143 N +102 22 144 O +102 22 145 N +102 22 146 N +102 22 147 W +102 22 148 O +102 22 149 N +102 22 150 O +102 22 151 * +102 22 152 O +102 22 153 W +102 22 154 W +102 22 155 W +102 22 156 N +102 22 157 WT +102 22 158 N +102 22 159 O +102 22 160 N +102 22 161 W +102 22 162 O +102 22 163 W +102 22 164 W +102 22 165 N +102 22 166 W +102 22 167 N +102 22 168 W +102 22 169 W +102 22 170 W +102 22 171 WT +102 22 172 N +102 22 173 O +102 22 174 * +102 22 175 N +102 22 176 O +102 22 177 N +102 22 178 W +102 22 179 O +102 22 180 N +102 22 181 O +102 22 182 O +102 22 183 WT +102 22 184 O +102 22 185 O +102 22 186 N +102 22 187 O +102 22 188 W +102 22 189 N +102 22 190 O +102 22 191 W +102 22 192 N +102 22 193 O +102 22 194 O +102 22 195 W +102 22 196 N +102 22 197 WA +102 22 198 WT +102 22 199 N +102 22 200 W +102 22 201 O +102 22 202 W +102 22 203 O +102 22 204 WT +102 22 205 WT +102 22 206 WA +102 22 207 O +102 22 208 N +102 22 209 WT +102 22 210 O +102 22 211 W +102 22 212 O +102 22 213 N +102 22 214 WA +102 22 215 O +102 22 216 WT +102 22 217 O +102 22 218 WT +102 22 219 WA +102 22 220 W +102 22 221 N +102 22 222 O +102 22 223 N +102 22 224 N +102 22 225 WT +102 22 226 W +102 22 227 WT +102 22 228 W +102 22 229 N +102 22 230 N +102 22 231 O +102 22 232 WT +102 22 233 WA +102 22 234 W +102 22 235 W +102 22 236 N +102 22 237 N +102 22 238 W +102 22 239 O +102 22 240 O +102 22 241 N +102 22 242 N +102 22 243 N +102 22 244 O +102 22 245 O +102 22 246 W +102 22 247 O +102 22 248 WT +102 22 249 W +102 22 250 O +102 22 251 N +102 22 252 WA +102 22 253 W +102 22 254 N +102 22 255 WT +102 22 256 O +102 22 257 WT +102 22 258 O +102 22 259 O +102 22 260 N +102 22 261 O +102 22 262 WA +102 22 263 N +102 22 264 N +102 22 265 W +102 22 266 O +102 22 267 O +102 22 268 N +102 22 269 O +102 22 270 W +102 22 271 W +102 22 272 N +102 22 273 O +102 22 274 N +102 22 275 O +102 22 276 O +102 22 277 W +102 22 278 O +102 22 279 W +102 22 280 N +102 22 281 W +102 22 282 W +102 22 283 WT +102 22 284 N +102 22 285 O +102 22 286 WA +102 22 287 WT +102 22 288 O +102 22 289 N +102 22 290 N +102 22 291 W +102 22 292 O +102 22 293 N +102 22 294 N +102 22 295 WT +102 22 296 O +102 22 297 N +102 22 298 O +102 22 299 W +102 22 300 N +102 22 301 W +102 22 302 N +102 22 303 WA +102 22 304 W +102 22 305 O +102 22 306 N +102 22 307 W +102 22 308 N +102 22 309 WT +102 22 310 W +102 22 311 W +102 22 312 WT +102 22 313 WT +102 22 314 N +102 22 315 N +102 22 316 W +102 22 317 O +102 22 318 O +102 22 319 N +102 22 320 WT +102 22 321 O +102 22 322 WA +102 22 323 W +102 22 324 N +102 22 325 O +102 22 326 O +102 22 327 N +102 22 328 WT +102 22 329 WT +102 22 330 WA +102 23 1 W +102 23 2 W +102 23 3 O +102 23 4 O +102 23 5 W +102 23 6 I +102 23 7 N +102 23 8 O +102 23 9 I +102 23 10 W +102 23 11 W +102 23 12 I +102 23 13 W +102 23 14 W +102 23 15 N +102 23 16 N +102 23 17 O +102 23 18 W +102 23 19 W +102 23 20 I +102 23 21 O +102 23 22 I +102 23 23 O +102 23 24 W +102 23 25 W +102 23 26 W +102 23 27 N +102 23 28 O +102 23 29 W +102 23 30 I +102 23 31 W +102 23 32 O +102 23 33 I +102 23 34 W +102 23 35 O +102 23 36 W +102 23 37 W +102 23 38 O +102 23 39 W +102 23 40 W +102 23 41 O +102 23 42 I +102 23 43 W +102 23 44 N +102 23 45 W +102 23 46 N +102 23 47 W +102 23 48 I +102 23 49 W +102 23 50 O +102 23 51 N +102 23 52 N +102 23 53 O +102 23 54 W +102 23 55 W +102 23 56 I +102 23 57 W +102 23 58 N +102 23 59 N +102 23 60 W +102 23 61 O +102 23 62 W +102 23 63 O +102 23 64 W +102 23 65 O +102 23 66 N +102 23 67 W +102 23 68 O +102 23 69 I +102 23 70 N +102 23 71 O +102 23 72 W +102 23 73 O +102 23 74 W +102 23 75 W +102 23 76 O +102 23 77 W +102 23 78 N +102 23 79 W +102 23 80 W +102 23 81 W +102 23 82 W +102 23 83 N +102 23 84 N +102 23 85 W +102 23 86 O +102 23 87 W +102 23 88 O +102 23 89 WT +102 23 90 WT +102 23 91 N +102 23 92 N +102 23 93 W +102 23 94 WT +102 23 95 N +102 23 96 I +102 23 97 W +102 23 98 O +102 23 99 N +102 23 100 W +102 23 101 O +102 23 102 N +102 23 103 WT +102 23 104 N +102 23 105 O +102 23 106 I +102 23 107 N +102 23 108 N +102 23 109 W +102 23 110 I +102 23 111 WT +102 23 112 O +102 23 113 WT +102 23 114 W +102 23 115 O +102 23 116 W +102 23 117 WT +102 23 118 O +102 23 119 W +102 23 120 N +102 23 121 O +102 23 122 W +102 23 123 W +102 23 124 I +102 23 125 O +102 23 126 O +102 23 127 N +102 23 128 I +102 23 129 N +102 23 130 WT +102 23 131 O +102 23 132 O +102 23 133 W +102 23 134 O +102 23 135 O +102 23 136 W +102 23 137 WT +102 23 138 W +102 23 139 N +102 23 140 W +102 23 141 N +102 23 142 N +102 23 143 I +102 23 144 W +102 23 145 W +102 23 146 I +102 23 147 W +102 23 148 O +102 23 149 I +102 23 150 O +102 23 151 O +102 23 152 N +102 23 153 W +102 23 154 WT +102 23 155 WT +102 23 156 W +102 23 157 WT +102 23 158 N +102 23 159 I +102 23 160 O +102 23 161 W +102 23 162 O +102 23 163 W +102 23 164 W +102 23 165 I +102 23 166 W +102 23 167 N +102 23 168 W +102 23 169 W +102 23 170 WT +102 23 171 I +102 23 172 N +102 23 173 O +102 23 174 I +102 23 175 W +102 23 176 O +102 23 177 I +102 23 178 W +102 23 179 O +102 23 180 W +102 23 181 I +102 23 182 O +102 23 183 I +102 23 184 O +102 23 185 I +102 23 186 W +102 23 187 I +102 23 188 W +102 23 189 N +102 23 190 O +102 23 191 W +102 23 192 W +102 23 193 I +102 23 194 O +102 23 195 I +102 23 196 W +102 23 197 O +102 23 198 WT +102 23 199 N +102 23 200 W +102 23 201 O +102 23 202 W +102 23 203 O +102 23 204 WT +102 23 205 W +102 23 206 N +102 23 207 O +102 23 208 I +102 23 209 W +102 23 210 O +102 23 211 W +102 23 212 O +102 23 213 N +102 23 214 I +102 23 215 O +102 23 216 WT +102 23 217 I +102 23 218 I +102 23 219 N +102 23 220 W +102 23 221 N +102 23 222 O +102 23 223 W +102 23 224 N +102 23 225 I +102 23 226 WT +102 23 227 WT +102 23 228 W +102 23 229 I +102 23 230 N +102 23 231 O +102 23 232 I +102 23 233 W +102 23 234 W +102 23 235 W +102 23 236 I +102 23 237 O +102 23 238 W +102 23 239 O +102 23 240 O +102 23 241 N +102 23 242 I +102 23 243 N +102 23 244 O +102 23 245 O +102 23 246 W +102 23 247 W +102 23 248 WT +102 23 249 W +102 23 250 W +102 23 251 W +102 23 252 N +102 23 253 W +102 23 254 W +102 23 255 WT +102 23 256 O +102 23 257 W +102 23 258 I +102 23 259 O +102 23 260 I +102 23 261 I +102 23 262 N +102 23 263 WT +102 23 264 W +102 23 265 W +102 23 266 O +102 23 267 O +102 23 268 W +102 23 269 O +102 23 270 I +102 23 271 WT +102 23 272 N +102 23 273 O +102 23 274 N +102 23 275 I +102 23 276 O +102 23 277 W +102 23 278 O +102 23 279 W +102 23 280 I +102 23 281 W +102 23 282 W +102 23 283 WT +102 23 284 N +102 23 285 O +102 23 286 N +102 23 287 I +102 23 288 O +102 23 289 W +102 23 290 N +102 23 291 W +102 23 292 O +102 23 293 N +102 23 294 N +102 23 295 I +102 23 296 O +102 23 297 I +102 23 298 O +102 23 299 W +102 23 300 N +102 23 301 W +102 23 302 N +102 23 303 N +102 23 304 I +102 23 305 O +102 23 306 N +102 23 307 W +102 23 308 O +102 23 309 WT +102 23 310 W +102 23 311 W +102 23 312 WT +102 23 313 W +102 23 314 N +102 23 315 I +102 23 316 I +102 23 317 O +102 23 318 O +102 23 319 N +102 23 320 N +102 23 321 O +102 23 322 W +102 23 323 W +102 23 324 N +102 23 325 O +102 23 326 I +102 23 327 N +102 23 328 WT +102 23 329 O +102 23 330 N +102 24 1 WA +102 24 2 WA +102 24 3 O +102 24 4 W +102 24 5 WA +102 24 6 WA +102 24 7 W +102 24 8 O +102 24 9 W +102 24 10 W +102 24 11 WA +102 24 12 O +102 24 13 W +102 24 14 W +102 24 15 WA +102 24 16 WA +102 24 17 O +102 24 18 W +102 24 19 W +102 24 20 W +102 24 21 O +102 24 22 WA +102 24 23 W +102 24 24 W +102 24 25 W +102 24 26 W +102 24 27 WA +102 24 28 O +102 24 29 W +102 24 30 O +102 24 31 WA +102 24 32 O +102 24 33 WA +102 24 34 W +102 24 35 O +102 24 36 W +102 24 37 WA +102 24 38 W +102 24 39 WA +102 24 40 WA +102 24 41 O +102 24 42 WA +102 24 43 W +102 24 44 WA +102 24 45 WA +102 24 46 WA +102 24 47 W +102 24 48 WA +102 24 49 WA +102 24 50 O +102 24 51 WA +102 24 52 WA +102 24 53 O +102 24 54 WA +102 24 55 WA +102 24 56 WA +102 24 57 W +102 24 58 WA +102 24 59 WA +102 24 60 W +102 24 61 O +102 24 62 WA +102 24 63 O +102 24 64 W +102 24 65 O +102 24 66 WA +102 24 67 WA +102 24 68 O +102 24 69 WA +102 24 70 WA +102 24 71 W +102 24 72 WA +102 24 73 O +102 24 74 WA +102 24 75 W +102 24 76 O +102 24 77 W +102 24 78 WA +102 24 79 W +102 24 80 WA +102 24 81 WA +102 24 82 WA +102 24 83 WA +102 24 84 O +102 24 85 W +102 24 86 O +102 24 87 W +102 24 88 W +102 24 89 O +102 24 90 W +102 24 91 W +102 24 92 WA +102 24 93 WA +102 24 94 W +102 24 95 W +102 24 96 WA +102 24 97 O +102 24 98 W +102 24 99 O +102 24 100 WA +102 24 101 WA +102 24 102 O +102 24 103 WA +102 24 104 WA +102 24 105 WA +102 24 106 W +102 24 107 WA +102 24 108 WA +102 24 109 W +102 24 110 O +102 24 111 W +102 24 112 O +102 24 113 W +102 24 114 W +102 24 115 O +102 24 116 WA +102 24 117 W +102 24 118 O +102 24 119 WA +102 24 120 WA +102 24 121 O +102 24 122 W +102 24 123 W +102 24 124 WA +102 24 125 O +102 24 126 O +102 24 127 W +102 24 128 WA +102 24 129 WA +102 24 130 W +102 24 131 O +102 24 132 O +102 24 133 W +102 24 134 W +102 24 135 O +102 24 136 WA +102 24 137 W +102 24 138 WA +102 24 139 WA +102 24 140 W +102 24 141 WA +102 24 142 WA +102 24 143 O +102 24 144 W +102 24 145 WA +102 24 146 O +102 24 147 WA +102 24 148 O +102 24 149 WA +102 24 150 W +102 24 151 O +102 24 152 O +102 24 153 W +102 24 154 WA +102 24 155 W +102 24 156 W +102 24 157 W +102 24 158 WA +102 24 159 WA +102 24 160 WA +102 24 161 WA +102 24 162 O +102 24 163 W +102 24 164 W +102 24 165 WA +102 24 166 W +102 24 167 WA +102 24 168 W +102 24 169 W +102 24 170 W +102 24 171 WA +102 24 172 WA +102 24 173 O +102 24 174 WA +102 24 175 WA +102 24 176 O +102 24 177 WA +102 24 178 W +102 24 179 O +102 24 180 W +102 24 181 O +102 24 182 O +102 24 183 WA +102 24 184 O +102 24 185 O +102 24 186 WA +102 24 187 O +102 24 188 W +102 24 189 WA +102 24 190 O +102 24 191 W +102 24 192 O +102 24 193 O +102 24 194 W +102 24 195 W +102 24 196 WA +102 24 197 O +102 24 198 W +102 24 199 WA +102 24 200 WA +102 24 201 O +102 24 202 W +102 24 203 O +102 24 204 W +102 24 205 O +102 24 206 WA +102 24 207 O +102 24 208 W +102 24 209 W +102 24 210 W +102 24 211 WA +102 24 212 O +102 24 213 WA +102 24 214 WA +102 24 215 O +102 24 216 W +102 24 217 O +102 24 218 W +102 24 219 WA +102 24 220 W +102 24 221 WA +102 24 222 O +102 24 223 W +102 24 224 WA +102 24 225 W +102 24 226 W +102 24 227 W +102 24 228 W +102 24 229 WA +102 24 230 WA +102 24 231 O +102 24 232 W +102 24 233 WA +102 24 234 W +102 24 235 W +102 24 236 W +102 24 237 O +102 24 238 W +102 24 239 O +102 24 240 W +102 24 241 WA +102 24 242 WA +102 24 243 WA +102 24 244 WA +102 24 245 O +102 24 246 W +102 24 247 WA +102 24 248 W +102 24 249 W +102 24 250 W +102 24 251 WA +102 24 252 WA +102 24 253 WA +102 24 254 WA +102 24 255 W +102 24 256 O +102 24 257 W +102 24 258 W +102 24 259 O +102 24 260 WA +102 24 261 O +102 24 262 WA +102 24 263 WA +102 24 264 WA +102 24 265 W +102 24 266 O +102 24 267 W +102 24 268 WA +102 24 269 O +102 24 270 O +102 24 271 W +102 24 272 WA +102 24 273 O +102 24 274 WA +102 24 275 W +102 24 276 O +102 24 277 W +102 24 278 O +102 24 279 W +102 24 280 W +102 24 281 W +102 24 282 W +102 24 283 W +102 24 284 WA +102 24 285 WA +102 24 286 WA +102 24 287 W +102 24 288 O +102 24 289 WA +102 24 290 WA +102 24 291 W +102 24 292 O +102 24 293 WA +102 24 294 WA +102 24 295 W +102 24 296 W +102 24 297 O +102 24 298 O +102 24 299 W +102 24 300 WA +102 24 301 W +102 24 302 WA +102 24 303 WA +102 24 304 W +102 24 305 O +102 24 306 W +102 24 307 W +102 24 308 WA +102 24 309 W +102 24 310 W +102 24 311 W +102 24 312 W +102 24 313 W +102 24 314 WA +102 24 315 W +102 24 316 W +102 24 317 W +102 24 318 O +102 24 319 WA +102 24 320 W +102 24 321 O +102 24 322 WA +102 24 323 W +102 24 324 WA +102 24 325 W +102 24 326 O +102 24 327 WA +102 24 328 W +102 24 329 W +102 24 330 WA +102 25 1 W +102 25 2 W +102 25 3 O +102 25 4 O +102 25 5 W +102 25 6 O +102 25 7 W +102 25 8 O +102 25 9 WT +102 25 10 W +102 25 11 W +102 25 12 I +102 25 13 WT +102 25 14 W +102 25 15 N +102 25 16 N +102 25 17 O +102 25 18 WT +102 25 19 W +102 25 20 W +102 25 21 O +102 25 22 N +102 25 23 W +102 25 24 W +102 25 25 WT +102 25 26 W +102 25 27 N +102 25 28 O +102 25 29 W +102 25 30 O +102 25 31 W +102 25 32 O +102 25 33 W +102 25 34 W +102 25 35 O +102 25 36 W +102 25 37 W +102 25 38 O +102 25 39 O +102 25 40 W +102 25 41 O +102 25 42 I +102 25 43 W +102 25 44 WA +102 25 45 W +102 25 46 W +102 25 47 WT +102 25 48 I +102 25 49 W +102 25 50 O +102 25 51 WT +102 25 52 N +102 25 53 O +102 25 54 W +102 25 55 W +102 25 56 O +102 25 57 W +102 25 58 I +102 25 59 N +102 25 60 W +102 25 61 O +102 25 62 W +102 25 63 O +102 25 64 W +102 25 65 O +102 25 66 N +102 25 67 W +102 25 68 O +102 25 69 WT +102 25 70 N +102 25 71 O +102 25 72 I +102 25 73 O +102 25 74 N +102 25 75 W +102 25 76 O +102 25 77 W +102 25 78 N +102 25 79 WT +102 25 80 W +102 25 81 I +102 25 82 W +102 25 83 W +102 25 84 O +102 25 85 W +102 25 86 O +102 25 87 WT +102 25 88 O +102 25 89 WT +102 25 90 WT +102 25 91 I +102 25 92 N +102 25 93 W +102 25 94 WT +102 25 95 N +102 25 96 I +102 25 97 W +102 25 98 O +102 25 99 N +102 25 100 N +102 25 101 O +102 25 102 N +102 25 103 WT +102 25 104 W +102 25 105 O +102 25 106 I +102 25 107 N +102 25 108 N +102 25 109 W +102 25 110 I +102 25 111 WT +102 25 112 O +102 25 113 WT +102 25 114 W +102 25 115 O +102 25 116 WA +102 25 117 WT +102 25 118 O +102 25 119 W +102 25 120 N +102 25 121 O +102 25 122 W +102 25 123 WT +102 25 124 I +102 25 125 O +102 25 126 O +102 25 127 WT +102 25 128 I +102 25 129 N +102 25 130 WT +102 25 131 O +102 25 132 O +102 25 133 WT +102 25 134 WT +102 25 135 O +102 25 136 W +102 25 137 WT +102 25 138 W +102 25 139 N +102 25 140 W +102 25 141 N +102 25 142 N +102 25 143 I +102 25 144 W +102 25 145 N +102 25 146 I +102 25 147 W +102 25 148 O +102 25 149 I +102 25 150 O +102 25 151 O +102 25 152 W +102 25 153 W +102 25 154 WT +102 25 155 WT +102 25 156 W +102 25 157 WT +102 25 158 N +102 25 159 I +102 25 160 O +102 25 161 W +102 25 162 O +102 25 163 WT +102 25 164 W +102 25 165 WT +102 25 166 WT +102 25 167 N +102 25 168 W +102 25 169 W +102 25 170 WT +102 25 171 WT +102 25 172 N +102 25 173 O +102 25 174 I +102 25 175 N +102 25 176 O +102 25 177 I +102 25 178 W +102 25 179 O +102 25 180 W +102 25 181 I +102 25 182 O +102 25 183 WT +102 25 184 W +102 25 185 O +102 25 186 W +102 25 187 O +102 25 188 W +102 25 189 N +102 25 190 W +102 25 191 W +102 25 192 W +102 25 193 I +102 25 194 O +102 25 195 W +102 25 196 W +102 25 197 O +102 25 198 WT +102 25 199 N +102 25 200 W +102 25 201 O +102 25 202 W +102 25 203 O +102 25 204 WT +102 25 205 W +102 25 206 N +102 25 207 O +102 25 208 I +102 25 209 WT +102 25 210 WT +102 25 211 W +102 25 212 O +102 25 213 N +102 25 214 I +102 25 215 O +102 25 216 W +102 25 217 I +102 25 218 WT +102 25 219 WA +102 25 220 W +102 25 221 N +102 25 222 W +102 25 223 W +102 25 224 N +102 25 225 I +102 25 226 WT +102 25 227 WT +102 25 228 W +102 25 229 WA +102 25 230 WA +102 25 231 O +102 25 232 WT +102 25 233 WA +102 25 234 W +102 25 235 W +102 25 236 I +102 25 237 O +102 25 238 W +102 25 239 O +102 25 240 WT +102 25 241 N +102 25 242 N +102 25 243 O +102 25 244 N +102 25 245 O +102 25 246 W +102 25 247 W +102 25 248 WT +102 25 249 W +102 25 250 O +102 25 251 N +102 25 252 N +102 25 253 W +102 25 254 N +102 25 255 WT +102 25 256 O +102 25 257 WT +102 25 258 I +102 25 259 O +102 25 260 N +102 25 261 I +102 25 262 N +102 25 263 WT +102 25 264 N +102 25 265 WT +102 25 266 O +102 25 267 O +102 25 268 W +102 25 269 O +102 25 270 I +102 25 271 WT +102 25 272 N +102 25 273 O +102 25 274 N +102 25 275 I +102 25 276 O +102 25 277 WT +102 25 278 O +102 25 279 W +102 25 280 I +102 25 281 WT +102 25 282 I +102 25 283 WT +102 25 284 N +102 25 285 O +102 25 286 N +102 25 287 WT +102 25 288 O +102 25 289 W +102 25 290 N +102 25 291 W +102 25 292 I +102 25 293 N +102 25 294 N +102 25 295 WT +102 25 296 W +102 25 297 I +102 25 298 O +102 25 299 W +102 25 300 N +102 25 301 W +102 25 302 N +102 25 303 N +102 25 304 W +102 25 305 O +102 25 306 W +102 25 307 W +102 25 308 O +102 25 309 WT +102 25 310 W +102 25 311 W +102 25 312 WT +102 25 313 W +102 25 314 N +102 25 315 W +102 25 316 WT +102 25 317 O +102 25 318 I +102 25 319 N +102 25 320 W +102 25 321 O +102 25 322 N +102 25 323 WT +102 25 324 N +102 25 325 O +102 25 326 I +102 25 327 N +102 25 328 W +102 25 329 I +102 25 330 N +103 1 1 M +103 1 2 U +103 1 3 Y +103 1 4 U +103 1 5 U +103 1 6 W +103 1 7 K +103 1 8 Y +103 1 9 W +103 1 10 U +103 1 11 U +103 1 12 A +103 1 13 K +103 1 14 U +103 1 15 X +103 1 16 D +103 1 17 Y +103 1 18 M +103 1 19 U +103 1 20 K +103 1 21 Y +103 1 22 A +103 1 23 U +103 1 24 M +103 1 25 K +103 1 26 U +103 1 27 D +103 1 28 Y +103 1 29 K +103 1 30 W +103 1 31 U +103 1 32 Y +103 1 33 K +103 1 34 U +103 1 35 Y +103 1 36 K +103 1 37 U +103 1 38 K +103 1 39 Y +103 1 40 U +103 1 41 Y +103 1 42 A +103 1 43 U +103 1 44 D +103 1 45 K +103 1 46 U +103 1 47 K +103 1 48 A +103 1 49 U +103 1 50 U +103 1 51 W +103 1 52 D +103 1 53 Y +103 1 54 K +103 1 55 U +103 1 56 W +103 1 57 U +103 1 58 K +103 1 59 P +103 1 60 U +103 1 61 Y +103 1 62 U +103 1 63 W +103 1 64 U +103 1 65 Y +103 1 66 D +103 1 67 K +103 1 68 Y +103 1 69 K +103 1 70 D +103 1 71 Y +103 1 72 K +103 1 73 Y +103 1 74 U +103 1 75 K +103 1 76 Y +103 1 77 U +103 1 78 W +103 1 79 U +103 1 80 U +103 1 81 K +103 1 82 K +103 1 83 P +103 1 84 W +103 1 85 K +103 1 86 Y +103 1 87 M +103 1 88 Y +103 1 89 M +103 1 90 K +103 1 91 K +103 1 92 P +103 1 93 U +103 1 94 M +103 1 95 P +103 1 96 A +103 1 97 U +103 1 98 Y +103 1 99 U +103 1 100 U +103 1 101 Y +103 1 102 U +103 1 103 W +103 1 104 U +103 1 105 Y +103 1 106 A +103 1 107 D +103 1 108 P +103 1 109 U +103 1 110 A +103 1 111 K +103 1 112 Y +103 1 113 M +103 1 114 K +103 1 115 Y +103 1 116 U +103 1 117 M +103 1 118 Y +103 1 119 K +103 1 120 D +103 1 121 Y +103 1 122 K +103 1 123 U +103 1 124 K +103 1 125 Y +103 1 126 Y +103 1 127 M +103 1 128 K +103 1 129 A +103 1 130 M +103 1 131 U +103 1 132 Y +103 1 133 K +103 1 134 Y +103 1 135 Y +103 1 136 U +103 1 137 K +103 1 138 U +103 1 139 A +103 1 140 U +103 1 141 D +103 1 142 D +103 1 143 K +103 1 144 U +103 1 145 K +103 1 146 A +103 1 147 K +103 1 148 Y +103 1 149 K +103 1 150 U +103 1 151 W +103 1 152 U +103 1 153 U +103 1 154 M +103 1 155 M +103 1 156 K +103 1 157 W +103 1 158 A +103 1 159 W +103 1 160 Y +103 1 161 K +103 1 162 Y +103 1 163 K +103 1 164 U +103 1 165 K +103 1 166 U +103 1 167 U +103 1 168 K +103 1 169 U +103 1 170 M +103 1 171 K +103 1 172 D +103 1 173 Y +103 1 174 A +103 1 175 U +103 1 176 Y +103 1 177 K +103 1 178 U +103 1 179 Y +103 1 180 K +103 1 181 W +103 1 182 Y +103 1 183 W +103 1 184 U +103 1 185 W +103 1 186 U +103 1 187 A +103 1 188 U +103 1 189 U +103 1 190 D +103 1 191 K +103 1 192 U +103 1 193 K +103 1 194 W +103 1 195 K +103 1 196 K +103 1 197 U +103 1 198 M +103 1 199 D +103 1 200 U +103 1 201 W +103 1 202 K +103 1 203 Y +103 1 204 M +103 1 205 U +103 1 206 U +103 1 207 Y +103 1 208 W +103 1 209 K +103 1 210 M +103 1 211 U +103 1 212 Y +103 1 213 U +103 1 214 K +103 1 215 Y +103 1 216 K +103 1 217 W +103 1 218 K +103 1 219 U +103 1 220 U +103 1 221 U +103 1 222 U +103 1 223 K +103 1 224 D +103 1 225 K +103 1 226 U +103 1 227 M +103 1 228 U +103 1 229 K +103 1 230 D +103 1 231 U +103 1 232 W +103 1 233 U +103 1 234 K +103 1 235 U +103 1 236 K +103 1 237 W +103 1 238 U +103 1 239 W +103 1 240 W +103 1 241 D +103 1 242 A +103 1 243 Y +103 1 244 U +103 1 245 Y +103 1 246 U +103 1 247 U +103 1 248 M +103 1 249 K +103 1 250 U +103 1 251 K +103 1 252 D +103 1 253 K +103 1 254 U +103 1 255 M +103 1 256 Y +103 1 257 U +103 1 258 A +103 1 259 W +103 1 260 K +103 1 261 W +103 1 262 D +103 1 263 U +103 1 264 U +103 1 265 K +103 1 266 W +103 1 267 U +103 1 268 K +103 1 269 U +103 1 270 W +103 1 271 K +103 1 272 D +103 1 273 U +103 1 274 D +103 1 275 A +103 1 276 Y +103 1 277 U +103 1 278 W +103 1 279 U +103 1 280 K +103 1 281 K +103 1 282 K +103 1 283 W +103 1 284 U +103 1 285 Y +103 1 286 D +103 1 287 W +103 1 288 Y +103 1 289 U +103 1 290 D +103 1 291 U +103 1 292 W +103 1 293 U +103 1 294 D +103 1 295 W +103 1 296 U +103 1 297 A +103 1 298 Y +103 1 299 K +103 1 300 U +103 1 301 K +103 1 302 D +103 1 303 U +103 1 304 K +103 1 305 Y +103 1 306 K +103 1 307 U +103 1 308 U +103 1 309 W +103 1 310 K +103 1 311 U +103 1 312 M +103 1 313 U +103 1 314 D +103 1 315 K +103 1 316 K +103 1 317 Y +103 1 318 W +103 1 319 D +103 1 320 K +103 1 321 Y +103 1 322 U +103 1 323 K +103 1 324 D +103 1 325 A +103 1 326 Y +103 1 327 D +103 1 328 K +103 1 329 W +103 1 330 D +103 2 1 M +103 2 2 WJ +103 2 3 Y +103 2 4 M +103 2 5 WJ +103 2 6 W +103 2 7 WJ +103 2 8 Y +103 2 9 W +103 2 10 M +103 2 11 U +103 2 12 A +103 2 13 U +103 2 14 U +103 2 15 Y +103 2 16 D +103 2 17 Y +103 2 18 M +103 2 19 U +103 2 20 WJ +103 2 21 Y +103 2 22 A +103 2 23 U +103 2 24 M +103 2 25 WJ +103 2 26 U +103 2 27 D +103 2 28 Y +103 2 29 WJ +103 2 30 W +103 2 31 M +103 2 32 U +103 2 33 WJ +103 2 34 M +103 2 35 Y +103 2 36 M +103 2 37 M +103 2 38 Y +103 2 39 WJ +103 2 40 M +103 2 41 W +103 2 42 A +103 2 43 U +103 2 44 D +103 2 45 WJ +103 2 46 U +103 2 47 M +103 2 48 W +103 2 49 M +103 2 50 Y +103 2 51 W +103 2 52 D +103 2 53 Y +103 2 54 WJ +103 2 55 M +103 2 56 W +103 2 57 M +103 2 58 W +103 2 59 D +103 2 60 M +103 2 61 Y +103 2 62 M +103 2 63 W +103 2 64 M +103 2 65 Y +103 2 66 D +103 2 67 WJ +103 2 68 Y +103 2 69 W +103 2 70 YT +103 2 71 W +103 2 72 WJ +103 2 73 Y +103 2 74 M +103 2 75 M +103 2 76 W +103 2 77 M +103 2 78 Y +103 2 79 M +103 2 80 M +103 2 81 WJ +103 2 82 WJ +103 2 83 A +103 2 84 Y +103 2 85 WJ +103 2 86 Y +103 2 87 M +103 2 88 Y +103 2 89 M +103 2 90 M +103 2 91 WJ +103 2 92 D +103 2 93 M +103 2 94 M +103 2 95 YT +103 2 96 A +103 2 97 M +103 2 98 Y +103 2 99 D +103 2 100 WJ +103 2 101 Y +103 2 102 U +103 2 103 W +103 2 104 M +103 2 105 Y +103 2 106 A +103 2 107 YT +103 2 108 YT +103 2 109 M +103 2 110 A +103 2 111 M +103 2 112 Y +103 2 113 M +103 2 114 WJ +103 2 115 Y +103 2 116 U +103 2 117 M +103 2 118 Y +103 2 119 WJ +103 2 120 D +103 2 121 W +103 2 122 WJ +103 2 123 U +103 2 124 WJ +103 2 125 W +103 2 126 Y +103 2 127 M +103 2 128 A +103 2 129 YT +103 2 130 M +103 2 131 M +103 2 132 W +103 2 133 WJ +103 2 134 M +103 2 135 Y +103 2 136 WJ +103 2 137 WJ +103 2 138 M +103 2 139 YT +103 2 140 M +103 2 141 YT +103 2 142 D +103 2 143 WJ +103 2 144 M +103 2 145 WJ +103 2 146 A +103 2 147 WJ +103 2 148 Y +103 2 149 WJ +103 2 150 M +103 2 151 Y +103 2 152 M +103 2 153 M +103 2 154 M +103 2 155 M +103 2 156 WJ +103 2 157 W +103 2 158 D +103 2 159 W +103 2 160 W +103 2 161 WJ +103 2 162 Y +103 2 163 M +103 2 164 U +103 2 165 M +103 2 166 U +103 2 167 YT +103 2 168 WJ +103 2 169 U +103 2 170 M +103 2 171 WJ +103 2 172 YT +103 2 173 Y +103 2 174 A +103 2 175 U +103 2 176 Y +103 2 177 A +103 2 178 U +103 2 179 W +103 2 180 WJ +103 2 181 W +103 2 182 Y +103 2 183 W +103 2 184 U +103 2 185 W +103 2 186 U +103 2 187 A +103 2 188 U +103 2 189 U +103 2 190 Y +103 2 191 WJ +103 2 192 Y +103 2 193 A +103 2 194 Y +103 2 195 WJ +103 2 196 WJ +103 2 197 Y +103 2 198 M +103 2 199 D +103 2 200 M +103 2 201 Y +103 2 202 WJ +103 2 203 Y +103 2 204 M +103 2 205 U +103 2 206 D +103 2 207 Y +103 2 208 W +103 2 209 U +103 2 210 Y +103 2 211 M +103 2 212 A +103 2 213 U +103 2 214 WJ +103 2 215 Y +103 2 216 M +103 2 217 W +103 2 218 WJ +103 2 219 YT +103 2 220 U +103 2 221 YT +103 2 222 Y +103 2 223 WJ +103 2 224 YT +103 2 225 W +103 2 226 U +103 2 227 M +103 2 228 M +103 2 229 WJ +103 2 230 YT +103 2 231 Y +103 2 232 W +103 2 233 M +103 2 234 WJ +103 2 235 M +103 2 236 W +103 2 237 W +103 2 238 WJ +103 2 239 Y +103 2 240 W +103 2 241 D +103 2 242 A +103 2 243 Y +103 2 244 YT +103 2 245 Y +103 2 246 WJ +103 2 247 U +103 2 248 M +103 2 249 WJ +103 2 250 M +103 2 251 WJ +103 2 252 YT +103 2 253 WJ +103 2 254 M +103 2 255 M +103 2 256 Y +103 2 257 M +103 2 258 A +103 2 259 W +103 2 260 A +103 2 261 W +103 2 262 D +103 2 263 M +103 2 264 U +103 2 265 WJ +103 2 266 W +103 2 267 U +103 2 268 WJ +103 2 269 Y +103 2 270 W +103 2 271 M +103 2 272 YT +103 2 273 Y +103 2 274 YT +103 2 275 M +103 2 276 Y +103 2 277 M +103 2 278 W +103 2 279 M +103 2 280 WJ +103 2 281 WJ +103 2 282 WJ +103 2 283 W +103 2 284 YT +103 2 285 YT +103 2 286 YT +103 2 287 A +103 2 288 Y +103 2 289 U +103 2 290 YT +103 2 291 M +103 2 292 Y +103 2 293 U +103 2 294 D +103 2 295 M +103 2 296 Y +103 2 297 A +103 2 298 Y +103 2 299 WJ +103 2 300 YT +103 2 301 WJ +103 2 302 D +103 2 303 YT +103 2 304 WJ +103 2 305 M +103 2 306 WJ +103 2 307 M +103 2 308 U +103 2 309 M +103 2 310 WJ +103 2 311 U +103 2 312 M +103 2 313 M +103 2 314 D +103 2 315 WJ +103 2 316 WJ +103 2 317 Y +103 2 318 W +103 2 319 YT +103 2 320 M +103 2 321 Y +103 2 322 U +103 2 323 WJ +103 2 324 YT +103 2 325 Y +103 2 326 A +103 2 327 YT +103 2 328 M +103 2 329 W +103 2 330 YT +103 3 1 K +103 3 2 K +103 3 3 Y +103 3 4 U +103 3 5 WJ +103 3 6 U +103 3 7 K +103 3 8 Y +103 3 9 U +103 3 10 A +103 3 11 WJ +103 3 12 A +103 3 13 K +103 3 14 PL +103 3 15 Y +103 3 16 T +103 3 17 Y +103 3 18 U +103 3 19 K +103 3 20 K +103 3 21 Y +103 3 22 A +103 3 23 PL +103 3 24 W +103 3 25 K +103 3 26 U +103 3 27 W +103 3 28 Y +103 3 29 K +103 3 30 W +103 3 31 Y +103 3 32 W +103 3 33 K +103 3 34 A +103 3 35 W +103 3 36 K +103 3 37 PL +103 3 38 W +103 3 39 K +103 3 40 PL +103 3 41 W +103 3 42 PL +103 3 43 K +103 3 44 W +103 3 45 K +103 3 46 U +103 3 47 K +103 3 48 A +103 3 49 PL +103 3 50 WR +103 3 51 M +103 3 52 PL +103 3 53 W +103 3 54 K +103 3 55 PL +103 3 56 W +103 3 57 K +103 3 58 K +103 3 59 T +103 3 60 K +103 3 61 Y +103 3 62 N +103 3 63 W +103 3 64 K +103 3 65 Y +103 3 66 A +103 3 67 A +103 3 68 Y +103 3 69 K +103 3 70 PL +103 3 71 Y +103 3 72 K +103 3 73 PL +103 3 74 PL +103 3 75 K +103 3 76 Y +103 3 77 PL +103 3 78 PL +103 3 79 U +103 3 80 U +103 3 81 K +103 3 82 PL +103 3 83 T +103 3 84 Y +103 3 85 K +103 3 86 W +103 3 87 K +103 3 88 Y +103 3 89 WR +103 3 90 K +103 3 91 PL +103 3 92 T +103 3 93 U +103 3 94 WR +103 3 95 T +103 3 96 A +103 3 97 U +103 3 98 Y +103 3 99 A +103 3 100 PL +103 3 101 Y +103 3 102 PL +103 3 103 * +103 3 104 PL +103 3 105 U +103 3 106 A +103 3 107 PL +103 3 108 U +103 3 109 U +103 3 110 A +103 3 111 K +103 3 112 Y +103 3 113 WR +103 3 114 K +103 3 115 Y +103 3 116 PL +103 3 117 W +103 3 118 Y +103 3 119 K +103 3 120 T +103 3 121 Y +103 3 122 K +103 3 123 M +103 3 124 K +103 3 125 Y +103 3 126 Y +103 3 127 K +103 3 128 A +103 3 129 D +103 3 130 K +103 3 131 A +103 3 132 Y +103 3 133 K +103 3 134 WR +103 3 135 W +103 3 136 PL +103 3 137 WJ +103 3 138 PL +103 3 139 PL +103 3 140 U +103 3 141 T +103 3 142 D +103 3 143 K +103 3 144 M +103 3 145 K +103 3 146 A +103 3 147 K +103 3 148 Y +103 3 149 A +103 3 150 M +103 3 151 W +103 3 152 U +103 3 153 K +103 3 154 M +103 3 155 M +103 3 156 K +103 3 157 M +103 3 158 D +103 3 159 A +103 3 160 W +103 3 161 K +103 3 162 Y +103 3 163 K +103 3 164 K +103 3 165 PL +103 3 166 WJ +103 3 167 PL +103 3 168 K +103 3 169 K +103 3 170 K +103 3 171 K +103 3 172 D +103 3 173 W +103 3 174 A +103 3 175 PL +103 3 176 Y +103 3 177 PL +103 3 178 U +103 3 179 Y +103 3 180 K +103 3 181 A +103 3 182 U +103 3 183 M +103 3 184 U +103 3 185 A +103 3 186 K +103 3 187 A +103 3 188 K +103 3 189 K +103 3 190 Y +103 3 191 K +103 3 192 PL +103 3 193 A +103 3 194 Y +103 3 195 K +103 3 196 U +103 3 197 PL +103 3 198 M +103 3 199 W +103 3 200 PL +103 3 201 A +103 3 202 K +103 3 203 Y +103 3 204 M +103 3 205 M +103 3 206 U +103 3 207 Y +103 3 208 A +103 3 209 K +103 3 210 Y +103 3 211 PL +103 3 212 A +103 3 213 PL +103 3 214 A +103 3 215 W +103 3 216 M +103 3 217 PL +103 3 218 K +103 3 219 W +103 3 220 M +103 3 221 U +103 3 222 W +103 3 223 K +103 3 224 D +103 3 225 M +103 3 226 M +103 3 227 M +103 3 228 M +103 3 229 PL +103 3 230 A +103 3 231 PL +103 3 232 M +103 3 233 K +103 3 234 K +103 3 235 K +103 3 236 A +103 3 237 W +103 3 238 K +103 3 239 A +103 3 240 M +103 3 241 T +103 3 242 T +103 3 243 PL +103 3 244 T +103 3 245 Y +103 3 246 K +103 3 247 PL +103 3 248 WJ +103 3 249 WJ +103 3 250 M +103 3 251 WJ +103 3 252 D +103 3 253 K +103 3 254 U +103 3 255 M +103 3 256 Y +103 3 257 M +103 3 258 A +103 3 259 Y +103 3 260 T +103 3 261 Y +103 3 262 T +103 3 263 M +103 3 264 PL +103 3 265 K +103 3 266 Y +103 3 267 Y +103 3 268 K +103 3 269 Y +103 3 270 A +103 3 271 M +103 3 272 T +103 3 273 A +103 3 274 D +103 3 275 K +103 3 276 Y +103 3 277 M +103 3 278 Y +103 3 279 M +103 3 280 K +103 3 281 K +103 3 282 K +103 3 283 M +103 3 284 T +103 3 285 PL +103 3 286 D +103 3 287 A +103 3 288 Y +103 3 289 PL +103 3 290 D +103 3 291 M +103 3 292 A +103 3 293 U +103 3 294 D +103 3 295 M +103 3 296 M +103 3 297 A +103 3 298 Y +103 3 299 WJ +103 3 300 D +103 3 301 WJ +103 3 302 D +103 3 303 D +103 3 304 K +103 3 305 M +103 3 306 WJ +103 3 307 M +103 3 308 U +103 3 309 M +103 3 310 K +103 3 311 M +103 3 312 M +103 3 313 M +103 3 314 D +103 3 315 K +103 3 316 K +103 3 317 Y +103 3 318 A +103 3 319 T +103 3 320 K +103 3 321 Y +103 3 322 PL +103 3 323 K +103 3 324 T +103 3 325 M +103 3 326 A +103 3 327 T +103 3 328 K +103 3 329 W +103 3 330 T +103 4 1 M +103 4 2 K +103 4 3 Y +103 4 4 WI +103 4 5 K +103 4 6 W +103 4 7 K +103 4 8 W +103 4 9 W +103 4 10 M +103 4 11 K +103 4 12 A +103 4 13 K +103 4 14 M +103 4 15 WI +103 4 16 D +103 4 17 K +103 4 18 M +103 4 19 M +103 4 20 K +103 4 21 Y +103 4 22 A +103 4 23 WI +103 4 24 W +103 4 25 K +103 4 26 M +103 4 27 P +103 4 28 Y +103 4 29 K +103 4 30 W +103 4 31 K +103 4 32 WI +103 4 33 K +103 4 34 M +103 4 35 K +103 4 36 Y +103 4 37 M +103 4 38 Y +103 4 39 K +103 4 40 K +103 4 41 Y +103 4 42 A +103 4 43 M +103 4 44 D +103 4 45 K +103 4 46 M +103 4 47 K +103 4 48 A +103 4 49 K +103 4 50 WI +103 4 51 W +103 4 52 K +103 4 53 Y +103 4 54 K +103 4 55 K +103 4 56 W +103 4 57 K +103 4 58 W +103 4 59 P +103 4 60 K +103 4 61 Y +103 4 62 WI +103 4 63 Y +103 4 64 M +103 4 65 Y +103 4 66 P +103 4 67 K +103 4 68 A +103 4 69 K +103 4 70 P +103 4 71 W +103 4 72 K +103 4 73 WI +103 4 74 K +103 4 75 K +103 4 76 Y +103 4 77 K +103 4 78 Y +103 4 79 M +103 4 80 M +103 4 81 K +103 4 82 K +103 4 83 W +103 4 84 W +103 4 85 K +103 4 86 Y +103 4 87 M +103 4 88 Y +103 4 89 M +103 4 90 K +103 4 91 K +103 4 92 D +103 4 93 M +103 4 94 M +103 4 95 D +103 4 96 A +103 4 97 M +103 4 98 Y +103 4 99 Y +103 4 100 M +103 4 101 Y +103 4 102 M +103 4 103 W +103 4 104 M +103 4 105 WI +103 4 106 A +103 4 107 P +103 4 108 P +103 4 109 D +103 4 110 A +103 4 111 K +103 4 112 Y +103 4 113 M +103 4 114 K +103 4 115 Y +103 4 116 P +103 4 117 W +103 4 118 Y +103 4 119 K +103 4 120 P +103 4 121 Y +103 4 122 K +103 4 123 K +103 4 124 K +103 4 125 Y +103 4 126 Y +103 4 127 K +103 4 128 A +103 4 129 P +103 4 130 W +103 4 131 WI +103 4 132 Y +103 4 133 K +103 4 134 WI +103 4 135 Y +103 4 136 K +103 4 137 K +103 4 138 M +103 4 139 P +103 4 140 M +103 4 141 P +103 4 142 P +103 4 143 K +103 4 144 M +103 4 145 K +103 4 146 A +103 4 147 K +103 4 148 Y +103 4 149 K +103 4 150 M +103 4 151 Y +103 4 152 Y +103 4 153 M +103 4 154 M +103 4 155 W +103 4 156 K +103 4 157 W +103 4 158 P +103 4 159 W +103 4 160 Y +103 4 161 K +103 4 162 Y +103 4 163 K +103 4 164 M +103 4 165 K +103 4 166 M +103 4 167 P +103 4 168 K +103 4 169 M +103 4 170 M +103 4 171 K +103 4 172 P +103 4 173 Y +103 4 174 A +103 4 175 K +103 4 176 Y +103 4 177 A +103 4 178 M +103 4 179 W +103 4 180 K +103 4 181 W +103 4 182 WI +103 4 183 W +103 4 184 WI +103 4 185 W +103 4 186 K +103 4 187 A +103 4 188 M +103 4 189 P +103 4 190 Y +103 4 191 K +103 4 192 M +103 4 193 A +103 4 194 W +103 4 195 K +103 4 196 K +103 4 197 WI +103 4 198 M +103 4 199 P +103 4 200 K +103 4 201 W +103 4 202 K +103 4 203 Y +103 4 204 W +103 4 205 M +103 4 206 P +103 4 207 Y +103 4 208 A +103 4 209 K +103 4 210 W +103 4 211 M +103 4 212 A +103 4 213 P +103 4 214 K +103 4 215 Y +103 4 216 K +103 4 217 W +103 4 218 K +103 4 219 P +103 4 220 M +103 4 221 P +103 4 222 M +103 4 223 K +103 4 224 P +103 4 225 W +103 4 226 M +103 4 227 M +103 4 228 M +103 4 229 K +103 4 230 P +103 4 231 Y +103 4 232 W +103 4 233 WI +103 4 234 K +103 4 235 M +103 4 236 K +103 4 237 Y +103 4 238 K +103 4 239 Y +103 4 240 W +103 4 241 P +103 4 242 P +103 4 243 Y +103 4 244 P +103 4 245 Y +103 4 246 K +103 4 247 M +103 4 248 K +103 4 249 K +103 4 250 M +103 4 251 K +103 4 252 P +103 4 253 K +103 4 254 M +103 4 255 W +103 4 256 Y +103 4 257 M +103 4 258 A +103 4 259 Y +103 4 260 P +103 4 261 Y +103 4 262 P +103 4 263 P +103 4 264 P +103 4 265 K +103 4 266 W +103 4 267 Y +103 4 268 K +103 4 269 Y +103 4 270 A +103 4 271 K +103 4 272 P +103 4 273 Y +103 4 274 P +103 4 275 A +103 4 276 Y +103 4 277 M +103 4 278 Y +103 4 279 M +103 4 280 K +103 4 281 K +103 4 282 K +103 4 283 W +103 4 284 P +103 4 285 Y +103 4 286 P +103 4 287 A +103 4 288 Y +103 4 289 K +103 4 290 P +103 4 291 M +103 4 292 Y +103 4 293 P +103 4 294 P +103 4 295 W +103 4 296 M +103 4 297 A +103 4 298 Y +103 4 299 K +103 4 300 P +103 4 301 K +103 4 302 P +103 4 303 M +103 4 304 K +103 4 305 WI +103 4 306 K +103 4 307 M +103 4 308 WI +103 4 309 W +103 4 310 K +103 4 311 M +103 4 312 M +103 4 313 WI +103 4 314 P +103 4 315 K +103 4 316 K +103 4 317 WI +103 4 318 Y +103 4 319 P +103 4 320 W +103 4 321 Y +103 4 322 M +103 4 323 K +103 4 324 P +103 4 325 WI +103 4 326 A +103 4 327 P +103 4 328 K +103 4 329 W +103 4 330 P +103 5 1 U +103 5 2 A +103 5 3 Y +103 5 4 A +103 5 5 MI +103 5 6 A +103 5 7 WJ +103 5 8 Y +103 5 9 W +103 5 10 U +103 5 11 MI +103 5 12 A +103 5 13 WJ +103 5 14 MI +103 5 15 WP +103 5 16 WP +103 5 17 Y +103 5 18 MI +103 5 19 U +103 5 20 WJ +103 5 21 Y +103 5 22 A +103 5 23 Y +103 5 24 W +103 5 25 WJ +103 5 26 WJ +103 5 27 WP +103 5 28 Y +103 5 29 U +103 5 30 W +103 5 31 O +103 5 32 Y +103 5 33 WJ +103 5 34 NK +103 5 35 Y +103 5 36 WJ +103 5 37 MI +103 5 38 Y +103 5 39 WJ +103 5 40 WJ +103 5 41 Y +103 5 42 A +103 5 43 U +103 5 44 WP +103 5 45 A +103 5 46 MI +103 5 47 NK +103 5 48 A +103 5 49 U +103 5 50 A +103 5 51 W +103 5 52 Y +103 5 53 NK +103 5 54 WP +103 5 55 U +103 5 56 A +103 5 57 NK +103 5 58 NK +103 5 59 WP +103 5 60 WJ +103 5 61 Y +103 5 62 MI +103 5 63 Y +103 5 64 U +103 5 65 Y +103 5 66 WP +103 5 67 A +103 5 68 Y +103 5 69 A +103 5 70 WP +103 5 71 Y +103 5 72 NK +103 5 73 Y +103 5 74 WP +103 5 75 WJ +103 5 76 A +103 5 77 WJ +103 5 78 A +103 5 79 MI +103 5 80 WJ +103 5 81 A +103 5 82 A +103 5 83 A +103 5 84 A +103 5 85 WJ +103 5 86 A +103 5 87 MI +103 5 88 Y +103 5 89 MI +103 5 90 WJ +103 5 91 A +103 5 92 WP +103 5 93 WJ +103 5 94 MI +103 5 95 WP +103 5 96 A +103 5 97 A +103 5 98 Y +103 5 99 A +103 5 100 WJ +103 5 101 Y +103 5 102 WP +103 5 103 W +103 5 104 WJ +103 5 105 Y +103 5 106 A +103 5 107 WP +103 5 108 WP +103 5 109 M +103 5 110 A +103 5 111 NK +103 5 112 Y +103 5 113 MI +103 5 114 WJ +103 5 115 Y +103 5 116 MI +103 5 117 MI +103 5 118 Y +103 5 119 WJ +103 5 120 WP +103 5 121 Y +103 5 122 WJ +103 5 123 MI +103 5 124 A +103 5 125 Y +103 5 126 A +103 5 127 NK +103 5 128 A +103 5 129 WP +103 5 130 MI +103 5 131 Y +103 5 132 A +103 5 133 WJ +103 5 134 U +103 5 135 Y +103 5 136 U +103 5 137 MI +103 5 138 A +103 5 139 WP +103 5 140 W +103 5 141 WP +103 5 142 WP +103 5 143 A +103 5 144 C +103 5 145 WJ +103 5 146 A +103 5 147 WJ +103 5 148 Y +103 5 149 A +103 5 150 Y +103 5 151 A +103 5 152 Y +103 5 153 WJ +103 5 154 MI +103 5 155 MI +103 5 156 WJ +103 5 157 W +103 5 158 WP +103 5 159 A +103 5 160 A +103 5 161 WJ +103 5 162 Y +103 5 163 WJ +103 5 164 WJ +103 5 165 MI +103 5 166 MI +103 5 167 MI +103 5 168 WJ +103 5 169 WJ +103 5 170 MI +103 5 171 WJ +103 5 172 WP +103 5 173 Y +103 5 174 A +103 5 175 WJ +103 5 176 Y +103 5 177 A +103 5 178 WJ +103 5 179 Y +103 5 180 WJ +103 5 181 A +103 5 182 Y +103 5 183 O +103 5 184 Y +103 5 185 A +103 5 186 WJ +103 5 187 A +103 5 188 WJ +103 5 189 WP +103 5 190 A +103 5 191 WJ +103 5 192 A +103 5 193 Y +103 5 194 Y +103 5 195 WJ +103 5 196 WP +103 5 197 A +103 5 198 MI +103 5 199 WP +103 5 200 WJ +103 5 201 A +103 5 202 WJ +103 5 203 Y +103 5 204 MI +103 5 205 A +103 5 206 WP +103 5 207 Y +103 5 208 A +103 5 209 WJ +103 5 210 W +103 5 211 WJ +103 5 212 A +103 5 213 WP +103 5 214 A +103 5 215 A +103 5 216 C +103 5 217 A +103 5 218 A +103 5 219 WP +103 5 220 U +103 5 221 WP +103 5 222 U +103 5 223 WJ +103 5 224 WP +103 5 225 WJ +103 5 226 U +103 5 227 MI +103 5 228 MI +103 5 229 U +103 5 230 WP +103 5 231 Y +103 5 232 O +103 5 233 U +103 5 234 WJ +103 5 235 U +103 5 236 WJ +103 5 237 A +103 5 238 U +103 5 239 A +103 5 240 W +103 5 241 WP +103 5 242 A +103 5 243 U +103 5 244 WP +103 5 245 Y +103 5 246 WJ +103 5 247 U +103 5 248 NK +103 5 249 U +103 5 250 U +103 5 251 A +103 5 252 WP +103 5 253 U +103 5 254 U +103 5 255 MI +103 5 256 Y +103 5 257 U +103 5 258 A +103 5 259 Y +103 5 260 A +103 5 261 A +103 5 262 WP +103 5 263 MI +103 5 264 U +103 5 265 WJ +103 5 266 Y +103 5 267 U +103 5 268 A +103 5 269 Y +103 5 270 A +103 5 271 WJ +103 5 272 WP +103 5 273 Y +103 5 274 WP +103 5 275 WJ +103 5 276 Y +103 5 277 WJ +103 5 278 A +103 5 279 L +103 5 280 U +103 5 281 U +103 5 282 WJ +103 5 283 WJ +103 5 284 WP +103 5 285 A +103 5 286 WP +103 5 287 A +103 5 288 Y +103 5 289 WP +103 5 290 WP +103 5 291 WJ +103 5 292 A +103 5 293 WJ +103 5 294 WP +103 5 295 O +103 5 296 U +103 5 297 A +103 5 298 Y +103 5 299 WJ +103 5 300 WP +103 5 301 WJ +103 5 302 WP +103 5 303 WP +103 5 304 WJ +103 5 305 W +103 5 306 A +103 5 307 NK +103 5 308 A +103 5 309 MI +103 5 310 WJ +103 5 311 U +103 5 312 MI +103 5 313 U +103 5 314 WP +103 5 315 A +103 5 316 A +103 5 317 Y +103 5 318 A +103 5 319 WP +103 5 320 WJ +103 5 321 Y +103 5 322 WP +103 5 323 U +103 5 324 WP +103 5 325 Y +103 5 326 A +103 5 327 WP +103 5 328 L +103 5 329 W +103 5 330 WP +103 6 1 U +103 6 2 WJ +103 6 3 Y +103 6 4 W +103 6 5 WJ +103 6 6 W +103 6 7 WJ +103 6 8 Y +103 6 9 W +103 6 10 M +103 6 11 WJ +103 6 12 A +103 6 13 WJ +103 6 14 M +103 6 15 W +103 6 16 D +103 6 17 Y +103 6 18 M +103 6 19 M +103 6 20 WJ +103 6 21 W +103 6 22 W +103 6 23 WJ +103 6 24 M +103 6 25 WJ +103 6 26 M +103 6 27 W +103 6 28 W +103 6 29 WJ +103 6 30 W +103 6 31 M +103 6 32 W +103 6 33 WJ +103 6 34 M +103 6 35 W +103 6 36 M +103 6 37 M +103 6 38 W +103 6 39 WJ +103 6 40 M +103 6 41 Y +103 6 42 W +103 6 43 M +103 6 44 D +103 6 45 WJ +103 6 46 M +103 6 47 WJ +103 6 48 W +103 6 49 M +103 6 50 A +103 6 51 W +103 6 52 WJ +103 6 53 W +103 6 54 WJ +103 6 55 WJ +103 6 56 W +103 6 57 M +103 6 58 WJ +103 6 59 D +103 6 60 M +103 6 61 Y +103 6 62 W +103 6 63 Y +103 6 64 M +103 6 65 Y +103 6 66 D +103 6 67 WJ +103 6 68 A +103 6 69 WJ +103 6 70 D +103 6 71 M +103 6 72 WJ +103 6 73 W +103 6 74 M +103 6 75 WJ +103 6 76 A +103 6 77 WJ +103 6 78 W +103 6 79 M +103 6 80 M +103 6 81 WJ +103 6 82 M +103 6 83 D +103 6 84 W +103 6 85 WJ +103 6 86 W +103 6 87 M +103 6 88 Y +103 6 89 M +103 6 90 WJ +103 6 91 W +103 6 92 D +103 6 93 M +103 6 94 M +103 6 95 D +103 6 96 A +103 6 97 U +103 6 98 Y +103 6 99 U +103 6 100 WJ +103 6 101 Y +103 6 102 D +103 6 103 WJ +103 6 104 M +103 6 105 Y +103 6 106 A +103 6 107 D +103 6 108 U +103 6 109 U +103 6 110 A +103 6 111 M +103 6 112 Y +103 6 113 M +103 6 114 WJ +103 6 115 Y +103 6 116 D +103 6 117 M +103 6 118 A +103 6 119 WJ +103 6 120 D +103 6 121 Y +103 6 122 WJ +103 6 123 M +103 6 124 WJ +103 6 125 A +103 6 126 M +103 6 127 M +103 6 128 WJ +103 6 129 D +103 6 130 M +103 6 131 W +103 6 132 W +103 6 133 WJ +103 6 134 M +103 6 135 Y +103 6 136 WJ +103 6 137 M +103 6 138 L +103 6 139 D +103 6 140 M +103 6 141 D +103 6 142 D +103 6 143 WJ +103 6 144 M +103 6 145 WJ +103 6 146 A +103 6 147 WJ +103 6 148 Y +103 6 149 WJ +103 6 150 M +103 6 151 W +103 6 152 W +103 6 153 U +103 6 154 L +103 6 155 W +103 6 156 WJ +103 6 157 W +103 6 158 D +103 6 159 W +103 6 160 W +103 6 161 WJ +103 6 162 Y +103 6 163 WJ +103 6 164 U +103 6 165 U +103 6 166 M +103 6 167 U +103 6 168 WJ +103 6 169 U +103 6 170 M +103 6 171 WJ +103 6 172 D +103 6 173 Y +103 6 174 W +103 6 175 U +103 6 176 Y +103 6 177 U +103 6 178 U +103 6 179 W +103 6 180 WJ +103 6 181 W +103 6 182 U +103 6 183 W +103 6 184 M +103 6 185 W +103 6 186 U +103 6 187 A +103 6 188 M +103 6 189 D +103 6 190 W +103 6 191 WJ +103 6 192 W +103 6 193 WJ +103 6 194 M +103 6 195 WJ +103 6 196 W +103 6 197 A +103 6 198 M +103 6 199 D +103 6 200 L +103 6 201 W +103 6 202 WJ +103 6 203 Y +103 6 204 M +103 6 205 U +103 6 206 D +103 6 207 A +103 6 208 U +103 6 209 WJ +103 6 210 W +103 6 211 M +103 6 212 W +103 6 213 U +103 6 214 WJ +103 6 215 U +103 6 216 M +103 6 217 W +103 6 218 WJ +103 6 219 M +103 6 220 U +103 6 221 D +103 6 222 U +103 6 223 WJ +103 6 224 D +103 6 225 WJ +103 6 226 M +103 6 227 M +103 6 228 U +103 6 229 A +103 6 230 D +103 6 231 U +103 6 232 W +103 6 233 U +103 6 234 WJ +103 6 235 M +103 6 236 WJ +103 6 237 W +103 6 238 U +103 6 239 A +103 6 240 W +103 6 241 D +103 6 242 U +103 6 243 M +103 6 244 D +103 6 245 Y +103 6 246 WJ +103 6 247 M +103 6 248 WJ +103 6 249 M +103 6 250 U +103 6 251 WJ +103 6 252 D +103 6 253 WJ +103 6 254 M +103 6 255 M +103 6 256 A +103 6 257 M +103 6 258 A +103 6 259 W +103 6 260 A +103 6 261 W +103 6 262 D +103 6 263 M +103 6 264 L +103 6 265 WJ +103 6 266 W +103 6 267 Y +103 6 268 WJ +103 6 269 A +103 6 270 A +103 6 271 L +103 6 272 D +103 6 273 A +103 6 274 D +103 6 275 M +103 6 276 L +103 6 277 L +103 6 278 A +103 6 279 M +103 6 280 WJ +103 6 281 WJ +103 6 282 WJ +103 6 283 W +103 6 284 D +103 6 285 W +103 6 286 D +103 6 287 L +103 6 288 Y +103 6 289 WJ +103 6 290 W +103 6 291 U +103 6 292 W +103 6 293 U +103 6 294 D +103 6 295 W +103 6 296 M +103 6 297 A +103 6 298 Y +103 6 299 WJ +103 6 300 U +103 6 301 WJ +103 6 302 D +103 6 303 U +103 6 304 WJ +103 6 305 M +103 6 306 WJ +103 6 307 M +103 6 308 W +103 6 309 M +103 6 310 WJ +103 6 311 M +103 6 312 M +103 6 313 U +103 6 314 D +103 6 315 WJ +103 6 316 WJ +103 6 317 Y +103 6 318 A +103 6 319 D +103 6 320 U +103 6 321 Y +103 6 322 M +103 6 323 WJ +103 6 324 D +103 6 325 W +103 6 326 A +103 6 327 U +103 6 328 M +103 6 329 W +103 6 330 U +103 7 1 M +103 7 2 WJ +103 7 3 Y +103 7 4 YP +103 7 5 WJ +103 7 6 A +103 7 7 WJ +103 7 8 YP +103 7 9 A +103 7 10 WN +103 7 11 MI +103 7 12 A +103 7 13 WJ +103 7 14 MI +103 7 15 A +103 7 16 MI +103 7 17 Y +103 7 18 MI +103 7 19 YU +103 7 20 WJ +103 7 21 Y +103 7 22 A +103 7 23 C +103 7 24 YP +103 7 25 C +103 7 26 L +103 7 27 D +103 7 28 Y +103 7 29 WJ +103 7 30 A +103 7 31 L +103 7 32 A +103 7 33 YR +103 7 34 L +103 7 35 YR +103 7 36 A +103 7 37 MI +103 7 38 YP +103 7 39 WJ +103 7 40 K +103 7 41 Y +103 7 42 A +103 7 43 L +103 7 44 D +103 7 45 YR +103 7 46 L +103 7 47 WJ +103 7 48 A +103 7 49 L +103 7 50 MI +103 7 51 A +103 7 52 D +103 7 53 Y +103 7 54 YR +103 7 55 NR +103 7 56 A +103 7 57 K +103 7 58 A +103 7 59 D +103 7 60 MI +103 7 61 Y +103 7 62 L +103 7 63 A +103 7 64 WJ +103 7 65 Y +103 7 66 D +103 7 67 WJ +103 7 68 Y +103 7 69 A +103 7 70 NP +103 7 71 Y +103 7 72 WJ +103 7 73 YP +103 7 74 NP +103 7 75 NP +103 7 76 Y +103 7 77 WJ +103 7 78 NP +103 7 79 YJ +103 7 80 WJ +103 7 81 WJ +103 7 82 MI +103 7 83 WD +103 7 84 A +103 7 85 WJ +103 7 86 A +103 7 87 L +103 7 88 Y +103 7 89 C +103 7 90 WJ +103 7 91 A +103 7 92 D +103 7 93 C +103 7 94 L +103 7 95 KA +103 7 96 A +103 7 97 L +103 7 98 Y +103 7 99 L +103 7 100 NI +103 7 101 Y +103 7 102 PT +103 7 103 M +103 7 104 NR +103 7 105 NR +103 7 106 A +103 7 107 D +103 7 108 D +103 7 109 C +103 7 110 A +103 7 111 NR +103 7 112 Y +103 7 113 L +103 7 114 NR +103 7 115 Y +103 7 116 D +103 7 117 M +103 7 118 A +103 7 119 WJ +103 7 120 D +103 7 121 Y +103 7 122 WJ +103 7 123 M +103 7 124 A +103 7 125 Y +103 7 126 A +103 7 127 M +103 7 128 A +103 7 129 D +103 7 130 L +103 7 131 NR +103 7 132 Y +103 7 133 YR +103 7 134 C +103 7 135 Y +103 7 136 WJ +103 7 137 MI +103 7 138 D +103 7 139 D +103 7 140 WJ +103 7 141 D +103 7 142 L +103 7 143 A +103 7 144 L +103 7 145 WJ +103 7 146 A +103 7 147 WJ +103 7 148 Y +103 7 149 K +103 7 150 L +103 7 151 A +103 7 152 D +103 7 153 WJ +103 7 154 L +103 7 155 L +103 7 156 WJ +103 7 157 L +103 7 158 D +103 7 159 A +103 7 160 A +103 7 161 WJ +103 7 162 Y +103 7 163 WJ +103 7 164 C +103 7 165 L +103 7 166 U +103 7 167 D +103 7 168 YR +103 7 169 C +103 7 170 L +103 7 171 C +103 7 172 D +103 7 173 Y +103 7 174 A +103 7 175 D +103 7 176 Y +103 7 177 A +103 7 178 NR +103 7 179 Y +103 7 180 K +103 7 181 A +103 7 182 L +103 7 183 L +103 7 184 C +103 7 185 A +103 7 186 K +103 7 187 A +103 7 188 K +103 7 189 D +103 7 190 A +103 7 191 K +103 7 192 U +103 7 193 A +103 7 194 Y +103 7 195 YR +103 7 196 C +103 7 197 U +103 7 198 L +103 7 199 D +103 7 200 C +103 7 201 A +103 7 202 K +103 7 203 Y +103 7 204 U +103 7 205 MI +103 7 206 D +103 7 207 Y +103 7 208 A +103 7 209 YR +103 7 210 C +103 7 211 K +103 7 212 A +103 7 213 D +103 7 214 WD +103 7 215 D +103 7 216 L +103 7 217 D +103 7 218 WJ +103 7 219 D +103 7 220 C +103 7 221 D +103 7 222 U +103 7 223 K +103 7 224 D +103 7 225 WD +103 7 226 WJ +103 7 227 U +103 7 228 MI +103 7 229 K +103 7 230 D +103 7 231 NR +103 7 232 U +103 7 233 MI +103 7 234 WJ +103 7 235 NR +103 7 236 YT +103 7 237 A +103 7 238 WJ +103 7 239 A +103 7 240 Y +103 7 241 D +103 7 242 A +103 7 243 Y +103 7 244 MI +103 7 245 Y +103 7 246 K +103 7 247 MI +103 7 248 NR +103 7 249 WJ +103 7 250 NR +103 7 251 O +103 7 252 D +103 7 253 WJ +103 7 254 NR +103 7 255 L +103 7 256 Y +103 7 257 NR +103 7 258 A +103 7 259 Y +103 7 260 D +103 7 261 A +103 7 262 D +103 7 263 U +103 7 264 L +103 7 265 WJ +103 7 266 Y +103 7 267 Y +103 7 268 NR +103 7 269 Y +103 7 270 A +103 7 271 WJ +103 7 272 D +103 7 273 MI +103 7 274 D +103 7 275 WD +103 7 276 Y +103 7 277 NR +103 7 278 A +103 7 279 C +103 7 280 D +103 7 281 WJ +103 7 282 WJ +103 7 283 L +103 7 284 D +103 7 285 A +103 7 286 D +103 7 287 L +103 7 288 Y +103 7 289 C +103 7 290 D +103 7 291 K +103 7 292 D +103 7 293 D +103 7 294 D +103 7 295 K +103 7 296 C +103 7 297 A +103 7 298 Y +103 7 299 Y +103 7 300 L +103 7 301 WJ +103 7 302 D +103 7 303 D +103 7 304 W +103 7 305 C +103 7 306 O +103 7 307 WJ +103 7 308 MI +103 7 309 L +103 7 310 WJ +103 7 311 M +103 7 312 WN +103 7 313 WN +103 7 314 D +103 7 315 K +103 7 316 K +103 7 317 Y +103 7 318 A +103 7 319 D +103 7 320 L +103 7 321 Y +103 7 322 MI +103 7 323 WJ +103 7 324 D +103 7 325 MI +103 7 326 A +103 7 327 O +103 7 328 K +103 7 329 U +103 7 330 WT +103 8 1 L +103 8 2 K +103 8 3 Y +103 8 4 Y +103 8 5 K +103 8 6 A +103 8 7 K +103 8 8 Y +103 8 9 W +103 8 10 U +103 8 11 K +103 8 12 A +103 8 13 K +103 8 14 M +103 8 15 Y +103 8 16 D +103 8 17 Y +103 8 18 M +103 8 19 M +103 8 20 K +103 8 21 Y +103 8 22 A +103 8 23 M +103 8 24 M +103 8 25 K +103 8 26 M +103 8 27 D +103 8 28 Y +103 8 29 K +103 8 30 W +103 8 31 K +103 8 32 Y +103 8 33 K +103 8 34 M +103 8 35 Y +103 8 36 K +103 8 37 M +103 8 38 Y +103 8 39 K +103 8 40 M +103 8 41 Y +103 8 42 A +103 8 43 M +103 8 44 D +103 8 45 K +103 8 46 M +103 8 47 K +103 8 48 A +103 8 49 M +103 8 50 Y +103 8 51 M +103 8 52 D +103 8 53 Y +103 8 54 K +103 8 55 K +103 8 56 D +103 8 57 M +103 8 58 K +103 8 59 D +103 8 60 K +103 8 61 D +103 8 62 M +103 8 63 Y +103 8 64 M +103 8 65 Y +103 8 66 D +103 8 67 K +103 8 68 Y +103 8 69 K +103 8 70 D +103 8 71 Y +103 8 72 K +103 8 73 Y +103 8 74 M +103 8 75 K +103 8 76 A +103 8 77 M +103 8 78 D +103 8 79 M +103 8 80 M +103 8 81 K +103 8 82 K +103 8 83 A +103 8 84 D +103 8 85 K +103 8 86 Y +103 8 87 K +103 8 88 Y +103 8 89 M +103 8 90 K +103 8 91 A +103 8 92 D +103 8 93 M +103 8 94 M +103 8 95 D +103 8 96 A +103 8 97 M +103 8 98 Y +103 8 99 D +103 8 100 K +103 8 101 Y +103 8 102 M +103 8 103 K +103 8 104 M +103 8 105 Y +103 8 106 A +103 8 107 D +103 8 108 D +103 8 109 M +103 8 110 A +103 8 111 K +103 8 112 Y +103 8 113 M +103 8 114 K +103 8 115 Y +103 8 116 M +103 8 117 M +103 8 118 Y +103 8 119 K +103 8 120 D +103 8 121 Y +103 8 122 K +103 8 123 M +103 8 124 K +103 8 125 A +103 8 126 Y +103 8 127 M +103 8 128 A +103 8 129 D +103 8 130 M +103 8 131 Y +103 8 132 Y +103 8 133 K +103 8 134 M +103 8 135 Y +103 8 136 K +103 8 137 K +103 8 138 M +103 8 139 D +103 8 140 M +103 8 141 D +103 8 142 D +103 8 143 K +103 8 144 M +103 8 145 K +103 8 146 A +103 8 147 K +103 8 148 Y +103 8 149 K +103 8 150 M +103 8 151 A +103 8 152 Y +103 8 153 M +103 8 154 M +103 8 155 M +103 8 156 K +103 8 157 W +103 8 158 D +103 8 159 A +103 8 160 Y +103 8 161 K +103 8 162 Y +103 8 163 K +103 8 164 M +103 8 165 K +103 8 166 M +103 8 167 M +103 8 168 K +103 8 169 M +103 8 170 M +103 8 171 K +103 8 172 D +103 8 173 Y +103 8 174 A +103 8 175 M +103 8 176 Y +103 8 177 K +103 8 178 M +103 8 179 W +103 8 180 K +103 8 181 A +103 8 182 Y +103 8 183 W +103 8 184 Y +103 8 185 A +103 8 186 K +103 8 187 A +103 8 188 M +103 8 189 D +103 8 190 Y +103 8 191 K +103 8 192 Y +103 8 193 K +103 8 194 W +103 8 195 K +103 8 196 K +103 8 197 Y +103 8 198 M +103 8 199 D +103 8 200 M +103 8 201 Y +103 8 202 K +103 8 203 Y +103 8 204 M +103 8 205 M +103 8 206 D +103 8 207 Y +103 8 208 A +103 8 209 K +103 8 210 W +103 8 211 M +103 8 212 A +103 8 213 M +103 8 214 K +103 8 215 Y +103 8 216 K +103 8 217 M +103 8 218 K +103 8 219 D +103 8 220 M +103 8 221 D +103 8 222 M +103 8 223 K +103 8 224 D +103 8 225 K +103 8 226 M +103 8 227 M +103 8 228 M +103 8 229 K +103 8 230 D +103 8 231 Y +103 8 232 K +103 8 233 M +103 8 234 K +103 8 235 M +103 8 236 K +103 8 237 D +103 8 238 K +103 8 239 Y +103 8 240 W +103 8 241 D +103 8 242 A +103 8 243 Y +103 8 244 A +103 8 245 Y +103 8 246 K +103 8 247 M +103 8 248 K +103 8 249 K +103 8 250 Y +103 8 251 K +103 8 252 D +103 8 253 K +103 8 254 M +103 8 255 M +103 8 256 Y +103 8 257 M +103 8 258 K +103 8 259 Y +103 8 260 A +103 8 261 A +103 8 262 D +103 8 263 M +103 8 264 D +103 8 265 K +103 8 266 Y +103 8 267 Y +103 8 268 K +103 8 269 Y +103 8 270 A +103 8 271 K +103 8 272 D +103 8 273 Y +103 8 274 D +103 8 275 K +103 8 276 Y +103 8 277 M +103 8 278 A +103 8 279 M +103 8 280 K +103 8 281 K +103 8 282 K +103 8 283 W +103 8 284 D +103 8 285 Y +103 8 286 D +103 8 287 A +103 8 288 Y +103 8 289 K +103 8 290 D +103 8 291 M +103 8 292 Y +103 8 293 K +103 8 294 D +103 8 295 W +103 8 296 Y +103 8 297 A +103 8 298 Y +103 8 299 K +103 8 300 D +103 8 301 K +103 8 302 D +103 8 303 M +103 8 304 K +103 8 305 Y +103 8 306 K +103 8 307 M +103 8 308 M +103 8 309 M +103 8 310 K +103 8 311 M +103 8 312 M +103 8 313 M +103 8 314 D +103 8 315 K +103 8 316 K +103 8 317 Y +103 8 318 A +103 8 319 D +103 8 320 K +103 8 321 Y +103 8 322 M +103 8 323 K +103 8 324 D +103 8 325 Y +103 8 326 A +103 8 327 D +103 8 328 K +103 8 329 A +103 8 330 D +103 9 1 WJ +103 9 2 A +103 9 3 Y +103 9 4 Y +103 9 5 K +103 9 6 A +103 9 7 WJ +103 9 8 Y +103 9 9 Y +103 9 10 YP +103 9 11 YP +103 9 12 A +103 9 13 N +103 9 14 A +103 9 15 YP +103 9 16 N +103 9 17 A +103 9 18 A +103 9 19 A +103 9 20 WJ +103 9 21 YP +103 9 22 A +103 9 23 A +103 9 24 M +103 9 25 WJ +103 9 26 MG +103 9 27 A +103 9 28 Y +103 9 29 K +103 9 30 A +103 9 31 K +103 9 32 YP +103 9 33 K +103 9 34 MG +103 9 35 YP +103 9 36 M +103 9 37 M +103 9 38 Y +103 9 39 K +103 9 40 K +103 9 41 YP +103 9 42 A +103 9 43 M +103 9 44 A +103 9 45 K +103 9 46 A +103 9 47 MG +103 9 48 A +103 9 49 K +103 9 50 A +103 9 51 A +103 9 52 A +103 9 53 YP +103 9 54 WJ +103 9 55 K +103 9 56 A +103 9 57 A +103 9 58 A +103 9 59 N +103 9 60 MG +103 9 61 YP +103 9 62 A +103 9 63 Y +103 9 64 K +103 9 65 Y +103 9 66 A +103 9 67 WJ +103 9 68 YP +103 9 69 A +103 9 70 N +103 9 71 YP +103 9 72 WJ +103 9 73 Y +103 9 74 PY +103 9 75 WJ +103 9 76 YP +103 9 77 K +103 9 78 YP +103 9 79 WJ +103 9 80 WJ +103 9 81 A +103 9 82 K +103 9 83 A +103 9 84 YP +103 9 85 WJ +103 9 86 YP +103 9 87 MG +103 9 88 YP +103 9 89 MG +103 9 90 A +103 9 91 A +103 9 92 A +103 9 93 MG +103 9 94 MG +103 9 95 A +103 9 96 A +103 9 97 YP +103 9 98 YP +103 9 99 A +103 9 100 K +103 9 101 YP +103 9 102 A +103 9 103 MG +103 9 104 WJ +103 9 105 Y +103 9 106 A +103 9 107 A +103 9 108 N +103 9 109 MG +103 9 110 A +103 9 111 MG +103 9 112 Y +103 9 113 MG +103 9 114 K +103 9 115 Y +103 9 116 K +103 9 117 MG +103 9 118 YP +103 9 119 K +103 9 120 N +103 9 121 A +103 9 122 K +103 9 123 K +103 9 124 A +103 9 125 YP +103 9 126 YP +103 9 127 MG +103 9 128 A +103 9 129 YP +103 9 130 MG +103 9 131 YP +103 9 132 YP +103 9 133 K +103 9 134 MG +103 9 135 YP +103 9 136 WJ +103 9 137 WJ +103 9 138 MG +103 9 139 N +103 9 140 MG +103 9 141 N +103 9 142 N +103 9 143 WJ +103 9 144 MG +103 9 145 WJ +103 9 146 A +103 9 147 WJ +103 9 148 YP +103 9 149 K +103 9 150 MG +103 9 151 A +103 9 152 A +103 9 153 MG +103 9 154 MG +103 9 155 MG +103 9 156 K +103 9 157 N +103 9 158 A +103 9 159 A +103 9 160 A +103 9 161 K +103 9 162 YP +103 9 163 WJ +103 9 164 K +103 9 165 N +103 9 166 N +103 9 167 MG +103 9 168 WJ +103 9 169 WJ +103 9 170 MG +103 9 171 MG +103 9 172 A +103 9 173 Y +103 9 174 A +103 9 175 N +103 9 176 YP +103 9 177 A +103 9 178 MG +103 9 179 YP +103 9 180 K +103 9 181 A +103 9 182 YP +103 9 183 N +103 9 184 YP +103 9 185 YP +103 9 186 WJ +103 9 187 A +103 9 188 WJ +103 9 189 N +103 9 190 A +103 9 191 WJ +103 9 192 A +103 9 193 A +103 9 194 YP +103 9 195 WJ +103 9 196 WJ +103 9 197 A +103 9 198 N +103 9 199 A +103 9 200 WJ +103 9 201 A +103 9 202 WJ +103 9 203 YP +103 9 204 A +103 9 205 N +103 9 206 N +103 9 207 YP +103 9 208 YP +103 9 209 K +103 9 210 YP +103 9 211 K +103 9 212 A +103 9 213 N +103 9 214 N +103 9 215 YP +103 9 216 MG +103 9 217 A +103 9 218 A +103 9 219 A +103 9 220 MG +103 9 221 A +103 9 222 YP +103 9 223 K +103 9 224 A +103 9 225 N +103 9 226 K +103 9 227 MG +103 9 228 MG +103 9 229 WJ +103 9 230 A +103 9 231 YP +103 9 232 MG +103 9 233 N +103 9 234 K +103 9 235 N +103 9 236 K +103 9 237 A +103 9 238 WJ +103 9 239 YP +103 9 240 YP +103 9 241 N +103 9 242 A +103 9 243 YP +103 9 244 A +103 9 245 YP +103 9 246 WJ +103 9 247 YP +103 9 248 MG +103 9 249 MG +103 9 250 MG +103 9 251 WJ +103 9 252 A +103 9 253 WJ +103 9 254 A +103 9 255 MG +103 9 256 YP +103 9 257 K +103 9 258 N +103 9 259 YP +103 9 260 A +103 9 261 YP +103 9 262 N +103 9 263 N +103 9 264 MG +103 9 265 WJ +103 9 266 YP +103 9 267 YP +103 9 268 WJ +103 9 269 YP +103 9 270 YP +103 9 271 MG +103 9 272 N +103 9 273 YP +103 9 274 N +103 9 275 N +103 9 276 Y +103 9 277 MG +103 9 278 YP +103 9 279 MG +103 9 280 K +103 9 281 K +103 9 282 K +103 9 283 N +103 9 284 A +103 9 285 YP +103 9 286 N +103 9 287 MG +103 9 288 YP +103 9 289 K +103 9 290 A +103 9 291 MG +103 9 292 A +103 9 293 N +103 9 294 N +103 9 295 MG +103 9 296 YP +103 9 297 A +103 9 298 Y +103 9 299 WJ +103 9 300 N +103 9 301 K +103 9 302 N +103 9 303 MG +103 9 304 WJ +103 9 305 Y +103 9 306 K +103 9 307 K +103 9 308 A +103 9 309 MG +103 9 310 WJ +103 9 311 MG +103 9 312 MG +103 9 313 N +103 9 314 A +103 9 315 K +103 9 316 K +103 9 317 YP +103 9 318 YP +103 9 319 N +103 9 320 MG +103 9 321 YP +103 9 322 MG +103 9 323 K +103 9 324 A +103 9 325 Y +103 9 326 A +103 9 327 N +103 9 328 MG +103 9 329 A +103 9 330 N +103 10 1 MG +103 10 2 K +103 10 3 Y +103 10 4 W +103 10 5 K +103 10 6 W +103 10 7 K +103 10 8 Y +103 10 9 W +103 10 10 MG +103 10 11 K +103 10 12 A +103 10 13 K +103 10 14 K +103 10 15 E +103 10 16 D +103 10 17 E +103 10 18 M +103 10 19 MG +103 10 20 K +103 10 21 E +103 10 22 A +103 10 23 E +103 10 24 W +103 10 25 K +103 10 26 MG +103 10 27 W +103 10 28 E +103 10 29 K +103 10 30 A +103 10 31 K +103 10 32 E +103 10 33 K +103 10 34 MG +103 10 35 E +103 10 36 D +103 10 37 MG +103 10 38 E +103 10 39 K +103 10 40 K +103 10 41 Y +103 10 42 A +103 10 43 MG +103 10 44 D +103 10 45 K +103 10 46 W +103 10 47 K +103 10 48 A +103 10 49 K +103 10 50 E +103 10 51 W +103 10 52 K +103 10 53 E +103 10 54 K +103 10 55 K +103 10 56 W +103 10 57 K +103 10 58 A +103 10 59 E +103 10 60 K +103 10 61 Y +103 10 62 W +103 10 63 E +103 10 64 MG +103 10 65 Y +103 10 66 D +103 10 67 K +103 10 68 E +103 10 69 A +103 10 70 D +103 10 71 W +103 10 72 K +103 10 73 W +103 10 74 K +103 10 75 K +103 10 76 E +103 10 77 K +103 10 78 W +103 10 79 M +103 10 80 MG +103 10 81 A +103 10 82 K +103 10 83 A +103 10 84 E +103 10 85 K +103 10 86 W +103 10 87 W +103 10 88 E +103 10 89 M +103 10 90 K +103 10 91 A +103 10 92 W +103 10 93 MG +103 10 94 W +103 10 95 K +103 10 96 A +103 10 97 MG +103 10 98 Y +103 10 99 W +103 10 100 K +103 10 101 Y +103 10 102 W +103 10 103 A +103 10 104 MG +103 10 105 E +103 10 106 A +103 10 107 D +103 10 108 K +103 10 109 MG +103 10 110 A +103 10 111 K +103 10 112 Y +103 10 113 W +103 10 114 K +103 10 115 Y +103 10 116 K +103 10 117 W +103 10 118 E +103 10 119 K +103 10 120 D +103 10 121 E +103 10 122 K +103 10 123 K +103 10 124 K +103 10 125 E +103 10 126 E +103 10 127 K +103 10 128 A +103 10 129 W +103 10 130 K +103 10 131 E +103 10 132 Y +103 10 133 K +103 10 134 W +103 10 135 E +103 10 136 K +103 10 137 K +103 10 138 MG +103 10 139 D +103 10 140 MG +103 10 141 D +103 10 142 D +103 10 143 A +103 10 144 W +103 10 145 K +103 10 146 A +103 10 147 K +103 10 148 Y +103 10 149 K +103 10 150 W +103 10 151 E +103 10 152 E +103 10 153 MG +103 10 154 W +103 10 155 W +103 10 156 K +103 10 157 W +103 10 158 D +103 10 159 W +103 10 160 W +103 10 161 K +103 10 162 Y +103 10 163 K +103 10 164 MG +103 10 165 K +103 10 166 MG +103 10 167 W +103 10 168 K +103 10 169 MG +103 10 170 K +103 10 171 K +103 10 172 D +103 10 173 E +103 10 174 A +103 10 175 K +103 10 176 E +103 10 177 A +103 10 178 MG +103 10 179 W +103 10 180 K +103 10 181 A +103 10 182 W +103 10 183 W +103 10 184 W +103 10 185 W +103 10 186 K +103 10 187 A +103 10 188 MG +103 10 189 D +103 10 190 E +103 10 191 K +103 10 192 E +103 10 193 A +103 10 194 W +103 10 195 K +103 10 196 K +103 10 197 W +103 10 198 M +103 10 199 A +103 10 200 K +103 10 201 W +103 10 202 K +103 10 203 E +103 10 204 W +103 10 205 W +103 10 206 D +103 10 207 E +103 10 208 A +103 10 209 K +103 10 210 W +103 10 211 MG +103 10 212 A +103 10 213 W +103 10 214 A +103 10 215 E +103 10 216 K +103 10 217 E +103 10 218 K +103 10 219 MG +103 10 220 MG +103 10 221 K +103 10 222 W +103 10 223 K +103 10 224 D +103 10 225 A +103 10 226 K +103 10 227 M +103 10 228 MG +103 10 229 K +103 10 230 D +103 10 231 E +103 10 232 W +103 10 233 W +103 10 234 K +103 10 235 MG +103 10 236 A +103 10 237 W +103 10 238 K +103 10 239 E +103 10 240 W +103 10 241 D +103 10 242 A +103 10 243 Y +103 10 244 K +103 10 245 Y +103 10 246 K +103 10 247 W +103 10 248 K +103 10 249 K +103 10 250 W +103 10 251 K +103 10 252 D +103 10 253 K +103 10 254 MG +103 10 255 M +103 10 256 Y +103 10 257 MG +103 10 258 A +103 10 259 Y +103 10 260 A +103 10 261 W +103 10 262 D +103 10 263 W +103 10 264 MG +103 10 265 K +103 10 266 W +103 10 267 W +103 10 268 K +103 10 269 E +103 10 270 A +103 10 271 K +103 10 272 D +103 10 273 W +103 10 274 D +103 10 275 A +103 10 276 Y +103 10 277 K +103 10 278 W +103 10 279 MG +103 10 280 K +103 10 281 K +103 10 282 K +103 10 283 W +103 10 284 D +103 10 285 E +103 10 286 D +103 10 287 A +103 10 288 Y +103 10 289 K +103 10 290 D +103 10 291 MG +103 10 292 W +103 10 293 K +103 10 294 D +103 10 295 W +103 10 296 E +103 10 297 A +103 10 298 Y +103 10 299 K +103 10 300 D +103 10 301 K +103 10 302 D +103 10 303 D +103 10 304 K +103 10 305 W +103 10 306 A +103 10 307 K +103 10 308 E +103 10 309 W +103 10 310 K +103 10 311 MG +103 10 312 M +103 10 313 MG +103 10 314 D +103 10 315 K +103 10 316 K +103 10 317 Y +103 10 318 A +103 10 319 D +103 10 320 A +103 10 321 Y +103 10 322 MG +103 10 323 K +103 10 324 D +103 10 325 E +103 10 326 A +103 10 327 K +103 10 328 K +103 10 329 W +103 10 330 D +103 11 1 U +103 11 2 K +103 11 3 J +103 11 4 W +103 11 5 K +103 11 6 A +103 11 7 K +103 11 8 Y +103 11 9 W +103 11 10 M +103 11 11 U +103 11 12 A +103 11 13 U +103 11 14 M +103 11 15 R +103 11 16 D +103 11 17 Y +103 11 18 M +103 11 19 U +103 11 20 K +103 11 21 J +103 11 22 A +103 11 23 R +103 11 24 D +103 11 25 K +103 11 26 U +103 11 27 D +103 11 28 J +103 11 29 K +103 11 30 W +103 11 31 K +103 11 32 R +103 11 33 K +103 11 34 U +103 11 35 M +103 11 36 J +103 11 37 U +103 11 38 Y +103 11 39 K +103 11 40 U +103 11 41 Y +103 11 42 A +103 11 43 M +103 11 44 D +103 11 45 K +103 11 46 D +103 11 47 M +103 11 48 A +103 11 49 U +103 11 50 M +103 11 51 M +103 11 52 D +103 11 53 Y +103 11 54 K +103 11 55 U +103 11 56 W +103 11 57 M +103 11 58 W +103 11 59 D +103 11 60 M +103 11 61 Y +103 11 62 U +103 11 63 J +103 11 64 U +103 11 65 Y +103 11 66 D +103 11 67 K +103 11 68 R +103 11 69 M +103 11 70 U +103 11 71 Y +103 11 72 K +103 11 73 R +103 11 74 D +103 11 75 M +103 11 76 J +103 11 77 K +103 11 78 R +103 11 79 M +103 11 80 U +103 11 81 K +103 11 82 K +103 11 83 A +103 11 84 J +103 11 85 K +103 11 86 R +103 11 87 M +103 11 88 R +103 11 89 NY +103 11 90 M +103 11 91 K +103 11 92 A +103 11 93 U +103 11 94 M +103 11 95 D +103 11 96 A +103 11 97 M +103 11 98 J +103 11 99 R +103 11 100 K +103 11 101 Y +103 11 102 U +103 11 103 A +103 11 104 U +103 11 105 R +103 11 106 A +103 11 107 D +103 11 108 K +103 11 109 U +103 11 110 A +103 11 111 M +103 11 112 J +103 11 113 M +103 11 114 K +103 11 115 Y +103 11 116 U +103 11 117 M +103 11 118 Y +103 11 119 K +103 11 120 D +103 11 121 J +103 11 122 K +103 11 123 K +103 11 124 K +103 11 125 J +103 11 126 Y +103 11 127 NY +103 11 128 A +103 11 129 D +103 11 130 NY +103 11 131 R +103 11 132 Y +103 11 133 K +103 11 134 W +103 11 135 Y +103 11 136 U +103 11 137 K +103 11 138 U +103 11 139 D +103 11 140 U +103 11 141 D +103 11 142 D +103 11 143 K +103 11 144 M +103 11 145 K +103 11 146 A +103 11 147 K +103 11 148 Y +103 11 149 K +103 11 150 M +103 11 151 R +103 11 152 R +103 11 153 U +103 11 154 M +103 11 155 M +103 11 156 K +103 11 157 W +103 11 158 D +103 11 159 A +103 11 160 R +103 11 161 K +103 11 162 Y +103 11 163 U +103 11 164 U +103 11 165 M +103 11 166 U +103 11 167 R +103 11 168 K +103 11 169 U +103 11 170 NY +103 11 171 K +103 11 172 D +103 11 173 J +103 11 174 A +103 11 175 U +103 11 176 J +103 11 177 A +103 11 178 U +103 11 179 W +103 11 180 K +103 11 181 W +103 11 182 Y +103 11 183 W +103 11 184 R +103 11 185 W +103 11 186 U +103 11 187 A +103 11 188 U +103 11 189 U +103 11 190 R +103 11 191 K +103 11 192 R +103 11 193 K +103 11 194 W +103 11 195 K +103 11 196 K +103 11 197 R +103 11 198 NY +103 11 199 D +103 11 200 U +103 11 201 R +103 11 202 K +103 11 203 R +103 11 204 M +103 11 205 U +103 11 206 D +103 11 207 R +103 11 208 W +103 11 209 U +103 11 210 W +103 11 211 U +103 11 212 A +103 11 213 D +103 11 214 K +103 11 215 R +103 11 216 M +103 11 217 R +103 11 218 K +103 11 219 D +103 11 220 NY +103 11 221 D +103 11 222 R +103 11 223 K +103 11 224 D +103 11 225 A +103 11 226 U +103 11 227 NY +103 11 228 U +103 11 229 K +103 11 230 D +103 11 231 R +103 11 232 M +103 11 233 U +103 11 234 K +103 11 235 U +103 11 236 K +103 11 237 A +103 11 238 K +103 11 239 R +103 11 240 Y +103 11 241 D +103 11 242 A +103 11 243 W +103 11 244 D +103 11 245 Y +103 11 246 K +103 11 247 R +103 11 248 NY +103 11 249 K +103 11 250 R +103 11 251 K +103 11 252 D +103 11 253 K +103 11 254 U +103 11 255 NY +103 11 256 Y +103 11 257 U +103 11 258 A +103 11 259 Y +103 11 260 K +103 11 261 A +103 11 262 D +103 11 263 D +103 11 264 U +103 11 265 K +103 11 266 Y +103 11 267 R +103 11 268 K +103 11 269 R +103 11 270 A +103 11 271 M +103 11 272 D +103 11 273 R +103 11 274 D +103 11 275 K +103 11 276 Y +103 11 277 U +103 11 278 J +103 11 279 U +103 11 280 K +103 11 281 K +103 11 282 K +103 11 283 W +103 11 284 D +103 11 285 R +103 11 286 D +103 11 287 W +103 11 288 J +103 11 289 U +103 11 290 D +103 11 291 U +103 11 292 R +103 11 293 K +103 11 294 D +103 11 295 W +103 11 296 R +103 11 297 A +103 11 298 J +103 11 299 K +103 11 300 D +103 11 301 K +103 11 302 D +103 11 303 U +103 11 304 K +103 11 305 R +103 11 306 K +103 11 307 U +103 11 308 R +103 11 309 M +103 11 310 K +103 11 311 U +103 11 312 NY +103 11 313 M +103 11 314 D +103 11 315 K +103 11 316 K +103 11 317 Y +103 11 318 J +103 11 319 D +103 11 320 K +103 11 321 Y +103 11 322 U +103 11 323 K +103 11 324 D +103 11 325 R +103 11 326 A +103 11 327 D +103 11 328 K +103 11 329 W +103 11 330 K +103 12 1 PW +103 12 2 PW +103 12 3 Y +103 12 4 M +103 12 5 K +103 12 6 W +103 12 7 K +103 12 8 Y +103 12 9 Y +103 12 10 NR +103 12 11 WL +103 12 12 WA +103 12 13 WL +103 12 14 V +103 12 15 N +103 12 16 B +103 12 17 Y +103 12 18 M +103 12 19 U +103 12 20 K +103 12 21 Y +103 12 22 A +103 12 23 Y +103 12 24 M +103 12 25 K +103 12 26 U +103 12 27 D +103 12 28 Y +103 12 29 K +103 12 30 W +103 12 31 A +103 12 32 Y +103 12 33 K +103 12 34 M +103 12 35 Y +103 12 36 M +103 12 37 U +103 12 38 Y +103 12 39 K +103 12 40 U +103 12 41 Y +103 12 42 A +103 12 43 Y +103 12 44 D +103 12 45 K +103 12 46 MI +103 12 47 M +103 12 48 A +103 12 49 U +103 12 50 Y +103 12 51 Y +103 12 52 N +103 12 53 Y +103 12 54 K +103 12 55 U +103 12 56 N +103 12 57 M +103 12 58 W +103 12 59 N +103 12 60 M +103 12 61 Y +103 12 62 U +103 12 63 W +103 12 64 U +103 12 65 Y +103 12 66 D +103 12 67 K +103 12 68 Y +103 12 69 M +103 12 70 D +103 12 71 Y +103 12 72 K +103 12 73 Y +103 12 74 U +103 12 75 M +103 12 76 Y +103 12 77 K +103 12 78 D +103 12 79 M +103 12 80 U +103 12 81 K +103 12 82 K +103 12 83 A +103 12 84 N +103 12 85 K +103 12 86 Y +103 12 87 M +103 12 88 Y +103 12 89 M +103 12 90 U +103 12 91 K +103 12 92 D +103 12 93 U +103 12 94 M +103 12 95 D +103 12 96 N +103 12 97 WO +103 12 98 Y +103 12 99 N +103 12 100 K +103 12 101 Y +103 12 102 D +103 12 103 A +103 12 104 U +103 12 105 Y +103 12 106 A +103 12 107 D +103 12 108 D +103 12 109 U +103 12 110 A +103 12 111 M +103 12 112 Y +103 12 113 M +103 12 114 U +103 12 115 Y +103 12 116 D +103 12 117 Y +103 12 118 Y +103 12 119 K +103 12 120 D +103 12 121 Y +103 12 122 K +103 12 123 U +103 12 124 K +103 12 125 Y +103 12 126 Y +103 12 127 M +103 12 128 A +103 12 129 D +103 12 130 M +103 12 131 Y +103 12 132 Y +103 12 133 K +103 12 134 Y +103 12 135 Y +103 12 136 U +103 12 137 K +103 12 138 U +103 12 139 D +103 12 140 U +103 12 141 D +103 12 142 D +103 12 143 K +103 12 144 U +103 12 145 K +103 12 146 A +103 12 147 K +103 12 148 Y +103 12 149 K +103 12 150 Y +103 12 151 W +103 12 152 W +103 12 153 U +103 12 154 M +103 12 155 M +103 12 156 K +103 12 157 M +103 12 158 D +103 12 159 A +103 12 160 W +103 12 161 K +103 12 162 Y +103 12 163 U +103 12 164 U +103 12 165 M +103 12 166 M +103 12 167 U +103 12 168 K +103 12 169 U +103 12 170 M +103 12 171 U +103 12 172 D +103 12 173 Y +103 12 174 A +103 12 175 U +103 12 176 Y +103 12 177 A +103 12 178 U +103 12 179 Y +103 12 180 K +103 12 181 A +103 12 182 Y +103 12 183 M +103 12 184 Y +103 12 185 A +103 12 186 U +103 12 187 A +103 12 188 U +103 12 189 D +103 12 190 N +103 12 191 K +103 12 192 U +103 12 193 K +103 12 194 Y +103 12 195 K +103 12 196 K +103 12 197 Y +103 12 198 M +103 12 199 D +103 12 200 U +103 12 201 N +103 12 202 K +103 12 203 Y +103 12 204 Y +103 12 205 U +103 12 206 D +103 12 207 Y +103 12 208 A +103 12 209 K +103 12 210 Y +103 12 211 U +103 12 212 A +103 12 213 D +103 12 214 N +103 12 215 R +103 12 216 K +103 12 217 N +103 12 218 K +103 12 219 D +103 12 220 U +103 12 221 D +103 12 222 R +103 12 223 K +103 12 224 D +103 12 225 A +103 12 226 U +103 12 227 M +103 12 228 U +103 12 229 K +103 12 230 N +103 12 231 R +103 12 232 A +103 12 233 U +103 12 234 K +103 12 235 U +103 12 236 A +103 12 237 N +103 12 238 K +103 12 239 Y +103 12 240 Y +103 12 241 D +103 12 242 A +103 12 243 R +103 12 244 A +103 12 245 Y +103 12 246 K +103 12 247 U +103 12 248 K +103 12 249 K +103 12 250 R +103 12 251 A +103 12 252 D +103 12 253 K +103 12 254 U +103 12 255 M +103 12 256 Y +103 12 257 U +103 12 258 A +103 12 259 R +103 12 260 A +103 12 261 W +103 12 262 D +103 12 263 D +103 12 264 D +103 12 265 K +103 12 266 Y +103 12 267 R +103 12 268 K +103 12 269 R +103 12 270 A +103 12 271 K +103 12 272 D +103 12 273 R +103 12 274 D +103 12 275 A +103 12 276 Y +103 12 277 U +103 12 278 W +103 12 279 U +103 12 280 K +103 12 281 K +103 12 282 K +103 12 283 A +103 12 284 D +103 12 285 W +103 12 286 D +103 12 287 A +103 12 288 Y +103 12 289 U +103 12 290 D +103 12 291 U +103 12 292 W +103 12 293 D +103 12 294 D +103 12 295 A +103 12 296 R +103 12 297 A +103 12 298 Y +103 12 299 K +103 12 300 D +103 12 301 K +103 12 302 D +103 12 303 D +103 12 304 K +103 12 305 Y +103 12 306 A +103 12 307 U +103 12 308 * +103 12 309 PU +103 12 310 K +103 12 311 U +103 12 312 M +103 12 313 M +103 12 314 D +103 12 315 K +103 12 316 K +103 12 317 Y +103 12 318 W +103 12 319 D +103 12 320 A +103 12 321 Y +103 12 322 U +103 12 323 K +103 12 324 D +103 12 325 R +103 12 326 A +103 12 327 D +103 12 328 K +103 12 329 A +103 12 330 D +103 13 1 U +103 13 2 WJ +103 13 3 Y +103 13 4 W +103 13 5 WJ +103 13 6 W +103 13 7 WJ +103 13 8 Y +103 13 9 W +103 13 10 U +103 13 11 WI +103 13 12 A +103 13 13 WJ +103 13 14 U +103 13 15 W +103 13 16 D +103 13 17 Y +103 13 18 W +103 13 19 U +103 13 20 WJ +103 13 21 Y +103 13 22 A +103 13 23 W +103 13 24 W +103 13 25 WJ +103 13 26 U +103 13 27 D +103 13 28 Y +103 13 29 WJ +103 13 30 W +103 13 31 D +103 13 32 Y +103 13 33 WJ +103 13 34 U +103 13 35 Y +103 13 36 WJ +103 13 37 U +103 13 38 Y +103 13 39 WJ +103 13 40 U +103 13 41 Y +103 13 42 A +103 13 43 U +103 13 44 D +103 13 45 WJ +103 13 46 W +103 13 47 WJ +103 13 48 A +103 13 49 U +103 13 50 Y +103 13 51 W +103 13 52 D +103 13 53 Y +103 13 54 WJ +103 13 55 U +103 13 56 W +103 13 57 WJ +103 13 58 A +103 13 59 D +103 13 60 WJ +103 13 61 Y +103 13 62 U +103 13 63 W +103 13 64 U +103 13 65 Y +103 13 66 D +103 13 67 WJ +103 13 68 Y +103 13 69 A +103 13 70 D +103 13 71 Y +103 13 72 WJ +103 13 73 Y +103 13 74 U +103 13 75 WJ +103 13 76 Y +103 13 77 WJ +103 13 78 W +103 13 79 M +103 13 80 U +103 13 81 YD +103 13 82 WJ +103 13 83 W +103 13 84 W +103 13 85 WJ +103 13 86 Y +103 13 87 M +103 13 88 Y +103 13 89 M +103 13 90 WJ +103 13 91 A +103 13 92 D +103 13 93 U +103 13 94 W +103 13 95 D +103 13 96 A +103 13 97 U +103 13 98 Y +103 13 99 W +103 13 100 WJ +103 13 101 Y +103 13 102 D +103 13 103 W +103 13 104 U +103 13 105 Y +103 13 106 A +103 13 107 D +103 13 108 D +103 13 109 U +103 13 110 A +103 13 111 WJ +103 13 112 Y +103 13 113 M +103 13 114 WJ +103 13 115 Y +103 13 116 D +103 13 117 W +103 13 118 Y +103 13 119 K +103 13 120 D +103 13 121 W +103 13 122 K +103 13 123 U +103 13 124 A +103 13 125 Y +103 13 126 Y +103 13 127 WJ +103 13 128 A +103 13 129 D +103 13 130 WJ +103 13 131 Y +103 13 132 Y +103 13 133 K +103 13 134 W +103 13 135 Y +103 13 136 K +103 13 137 YD +103 13 138 U +103 13 139 D +103 13 140 U +103 13 141 D +103 13 142 D +103 13 143 WJ +103 13 144 U +103 13 145 K +103 13 146 A +103 13 147 WJ +103 13 148 Y +103 13 149 YD +103 13 150 Y +103 13 151 W +103 13 152 U +103 13 153 U +103 13 154 M +103 13 155 W +103 13 156 K +103 13 157 W +103 13 158 D +103 13 159 A +103 13 160 A +103 13 161 K +103 13 162 Y +103 13 163 K +103 13 164 U +103 13 165 WJ +103 13 166 U +103 13 167 U +103 13 168 K +103 13 169 U +103 13 170 YD +103 13 171 WJ +103 13 172 D +103 13 173 Y +103 13 174 A +103 13 175 U +103 13 176 Y +103 13 177 A +103 13 178 U +103 13 179 Y +103 13 180 K +103 13 181 A +103 13 182 W +103 13 183 A +103 13 184 U +103 13 185 W +103 13 186 U +103 13 187 A +103 13 188 U +103 13 189 D +103 13 190 Y +103 13 191 K +103 13 192 U +103 13 193 A +103 13 194 Y +103 13 195 WJ +103 13 196 K +103 13 197 U +103 13 198 M +103 13 199 D +103 13 200 U +103 13 201 Y +103 13 202 K +103 13 203 Y +103 13 204 M +103 13 205 U +103 13 206 D +103 13 207 Y +103 13 208 A +103 13 209 K +103 13 210 W +103 13 211 U +103 13 212 A +103 13 213 U +103 13 214 A +103 13 215 Y +103 13 216 K +103 13 217 Y +103 13 218 A +103 13 219 D +103 13 220 U +103 13 221 D +103 13 222 YP +103 13 223 K +103 13 224 D +103 13 225 A +103 13 226 K +103 13 227 M +103 13 228 U +103 13 229 K +103 13 230 D +103 13 231 YP +103 13 232 W +103 13 233 U +103 13 234 K +103 13 235 U +103 13 236 A +103 13 237 YP +103 13 238 WJ +103 13 239 YP +103 13 240 W +103 13 241 D +103 13 242 A +103 13 243 YP +103 13 244 D +103 13 245 Y +103 13 246 K +103 13 247 U +103 13 248 K +103 13 249 K +103 13 250 YP +103 13 251 YD +103 13 252 D +103 13 253 YD +103 13 254 U +103 13 255 M +103 13 256 YP +103 13 257 U +103 13 258 A +103 13 259 YP +103 13 260 A +103 13 261 A +103 13 262 D +103 13 263 W +103 13 264 U +103 13 265 K +103 13 266 YP +103 13 267 YP +103 13 268 WJ +103 13 269 YP +103 13 270 A +103 13 271 K +103 13 272 D +103 13 273 YP +103 13 274 D +103 13 275 A +103 13 276 Y +103 13 277 U +103 13 278 A +103 13 279 U +103 13 280 K +103 13 281 K +103 13 282 K +103 13 283 W +103 13 284 D +103 13 285 YP +103 13 286 D +103 13 287 A +103 13 288 Y +103 13 289 WJ +103 13 290 D +103 13 291 U +103 13 292 YP +103 13 293 D +103 13 294 D +103 13 295 W +103 13 296 YP +103 13 297 A +103 13 298 W +103 13 299 WJ +103 13 300 Y +103 13 301 K +103 13 302 W +103 13 303 U +103 13 304 K +103 13 305 YP +103 13 306 K +103 13 307 U +103 13 308 U +103 13 309 W +103 13 310 K +103 13 311 U +103 13 312 M +103 13 313 U +103 13 314 D +103 13 315 K +103 13 316 YD +103 13 317 YP +103 13 318 A +103 13 319 D +103 13 320 K +103 13 321 YP +103 13 322 U +103 13 323 WJ +103 13 324 D +103 13 325 YP +103 13 326 A +103 13 327 D +103 13 328 K +103 13 329 W +103 13 330 D +103 14 1 Y +103 14 2 A +103 14 3 Y +103 14 4 JU +103 14 5 WK +103 14 6 A +103 14 7 WK +103 14 8 Y +103 14 9 W +103 14 10 NY +103 14 11 K +103 14 12 A +103 14 13 K +103 14 14 JU +103 14 15 JU +103 14 16 B +103 14 17 Y +103 14 18 W +103 14 19 K +103 14 20 WK +103 14 21 Y +103 14 22 A +103 14 23 A +103 14 24 W +103 14 25 WK +103 14 26 NY +103 14 27 B +103 14 28 Y +103 14 29 WK +103 14 30 A +103 14 31 K +103 14 32 Y +103 14 33 WK +103 14 34 WK +103 14 35 A +103 14 36 K +103 14 37 K +103 14 38 YP +103 14 39 WK +103 14 40 WK +103 14 41 YP +103 14 42 A +103 14 43 V +103 14 44 B +103 14 45 WK +103 14 46 W +103 14 47 WK +103 14 48 A +103 14 49 WK +103 14 50 Y +103 14 51 W +103 14 52 B +103 14 53 Y +103 14 54 WK +103 14 55 WK +103 14 56 A +103 14 57 WK +103 14 58 W +103 14 59 B +103 14 60 WK +103 14 61 YP +103 14 62 B +103 14 63 YP +103 14 64 WK +103 14 65 Y +103 14 66 B +103 14 67 WK +103 14 68 Y +103 14 69 JU +103 14 70 B +103 14 71 Y +103 14 72 WK +103 14 73 WK +103 14 74 B +103 14 75 WK +103 14 76 W +103 14 77 WK +103 14 78 B +103 14 79 W +103 14 80 WK +103 14 81 K +103 14 82 WK +103 14 83 A +103 14 84 JU +103 14 85 WK +103 14 86 Y +103 14 87 W +103 14 88 Y +103 14 89 W +103 14 90 NY +103 14 91 A +103 14 92 B +103 14 93 WK +103 14 94 W +103 14 95 B +103 14 96 A +103 14 97 WK +103 14 98 Y +103 14 99 A +103 14 100 N +103 14 101 Y +103 14 102 B +103 14 103 JU +103 14 104 WK +103 14 105 Y +103 14 106 A +103 14 107 B +103 14 108 B +103 14 109 NY +103 14 110 A +103 14 111 W +103 14 112 Y +103 14 113 W +103 14 114 WK +103 14 115 Y +103 14 116 A +103 14 117 NY +103 14 118 YP +103 14 119 WK +103 14 120 B +103 14 121 Y +103 14 122 WK +103 14 123 WK +103 14 124 A +103 14 125 Y +103 14 126 W +103 14 127 WK +103 14 128 A +103 14 129 B +103 14 130 W +103 14 131 Y +103 14 132 Y +103 14 133 WK +103 14 134 W +103 14 135 Y +103 14 136 WK +103 14 137 WK +103 14 138 B +103 14 139 B +103 14 140 WK +103 14 141 B +103 14 142 B +103 14 143 WK +103 14 144 WK +103 14 145 WK +103 14 146 A +103 14 147 WK +103 14 148 Y +103 14 149 A +103 14 150 Y +103 14 151 YP +103 14 152 B +103 14 153 WI +103 14 154 W +103 14 155 W +103 14 156 WK +103 14 157 W +103 14 158 B +103 14 159 A +103 14 160 A +103 14 161 WK +103 14 162 Y +103 14 163 WK +103 14 164 WK +103 14 165 W +103 14 166 W +103 14 167 B +103 14 168 WK +103 14 169 WK +103 14 170 W +103 14 171 WK +103 14 172 B +103 14 173 Y +103 14 174 A +103 14 175 B +103 14 176 Y +103 14 177 JU +103 14 178 WK +103 14 179 Y +103 14 180 WK +103 14 181 W +103 14 182 Y +103 14 183 W +103 14 184 WK +103 14 185 JU +103 14 186 WK +103 14 187 A +103 14 188 WK +103 14 189 B +103 14 190 B +103 14 191 WK +103 14 192 JU +103 14 193 A +103 14 194 Y +103 14 195 A +103 14 196 A +103 14 197 WK +103 14 198 W +103 14 199 B +103 14 200 B +103 14 201 Y +103 14 202 WG +103 14 203 Y +103 14 204 W +103 14 205 JU +103 14 206 B +103 14 207 Y +103 14 208 A +103 14 209 WK +103 14 210 W +103 14 211 WK +103 14 212 A +103 14 213 B +103 14 214 A +103 14 215 A +103 14 216 W +103 14 217 A +103 14 218 A +103 14 219 B +103 14 220 WG +103 14 221 B +103 14 222 WK +103 14 223 WK +103 14 224 B +103 14 225 W +103 14 226 WK +103 14 227 W +103 14 228 W +103 14 229 WK +103 14 230 YP +103 14 231 Y +103 14 232 W +103 14 233 WK +103 14 234 WK +103 14 235 WK +103 14 236 A +103 14 237 N +103 14 238 WK +103 14 239 Y +103 14 240 Y +103 14 241 B +103 14 242 A +103 14 243 Y +103 14 244 B +103 14 245 Y +103 14 246 WK +103 14 247 WK +103 14 248 W +103 14 249 WK +103 14 250 Y +103 14 251 A +103 14 252 B +103 14 253 WK +103 14 254 WK +103 14 255 W +103 14 256 Y +103 14 257 WK +103 14 258 A +103 14 259 Y +103 14 260 A +103 14 261 Y +103 14 262 B +103 14 263 W +103 14 264 B +103 14 265 WK +103 14 266 JU +103 14 267 JU +103 14 268 WK +103 14 269 WK +103 14 270 A +103 14 271 WK +103 14 272 B +103 14 273 WK +103 14 274 B +103 14 275 A +103 14 276 Y +103 14 277 WK +103 14 278 JU +103 14 279 WK +103 14 280 WK +103 14 281 WK +103 14 282 WK +103 14 283 W +103 14 284 B +103 14 285 JU +103 14 286 B +103 14 287 A +103 14 288 Y +103 14 289 WK +103 14 290 B +103 14 291 WK +103 14 292 A +103 14 293 B +103 14 294 B +103 14 295 W +103 14 296 WK +103 14 297 A +103 14 298 Y +103 14 299 WK +103 14 300 B +103 14 301 WK +103 14 302 B +103 14 303 B +103 14 304 WK +103 14 305 Y +103 14 306 JU +103 14 307 WK +103 14 308 WK +103 14 309 W +103 14 310 WK +103 14 311 WK +103 14 312 W +103 14 313 WK +103 14 314 B +103 14 315 JU +103 14 316 WK +103 14 317 Y +103 14 318 A +103 14 319 B +103 14 320 WK +103 14 321 Y +103 14 322 WK +103 14 323 WK +103 14 324 B +103 14 325 Y +103 14 326 A +103 14 327 B +103 14 328 WK +103 14 329 W +103 14 330 B +103 15 1 PU +103 15 2 PU +103 15 3 Y +103 15 4 YP +103 15 5 K +103 15 6 W +103 15 7 K +103 15 8 YP +103 15 9 W +103 15 10 PU +103 15 11 K +103 15 12 A +103 15 13 M +103 15 14 M +103 15 15 D +103 15 16 D +103 15 17 YP +103 15 18 M +103 15 19 PU +103 15 20 WJ +103 15 21 Y +103 15 22 D +103 15 23 PU +103 15 24 W +103 15 25 K +103 15 26 PU +103 15 27 D +103 15 28 Y +103 15 29 K +103 15 30 W +103 15 31 PU +103 15 32 YP +103 15 33 WJ +103 15 34 PU +103 15 35 W +103 15 36 M +103 15 37 PU +103 15 38 Y +103 15 39 WJ +103 15 40 PU +103 15 41 W +103 15 42 WJ +103 15 43 M +103 15 44 D +103 15 45 WJ +103 15 46 M +103 15 47 M +103 15 48 A +103 15 49 PU +103 15 50 Y +103 15 51 W +103 15 52 D +103 15 53 Y +103 15 54 WJ +103 15 55 PU +103 15 56 D +103 15 57 M +103 15 58 W +103 15 59 PU +103 15 60 M +103 15 61 Y +103 15 62 PU +103 15 63 Y +103 15 64 PU +103 15 65 Y +103 15 66 D +103 15 67 WJ +103 15 68 Y +103 15 69 W +103 15 70 D +103 15 71 W +103 15 72 WJ +103 15 73 PU +103 15 74 PU +103 15 75 M +103 15 76 Y +103 15 77 PU +103 15 78 D +103 15 79 M +103 15 80 PU +103 15 81 WJ +103 15 82 WJ +103 15 83 D +103 15 84 W +103 15 85 WJ +103 15 86 Y +103 15 87 M +103 15 88 Y +103 15 89 M +103 15 90 WJ +103 15 91 Y +103 15 92 D +103 15 93 PU +103 15 94 M +103 15 95 D +103 15 96 A +103 15 97 Y +103 15 98 PU +103 15 99 D +103 15 100 PU +103 15 101 Y +103 15 102 PU +103 15 103 W +103 15 104 PU +103 15 105 Y +103 15 106 D +103 15 107 D +103 15 108 D +103 15 109 PU +103 15 110 A +103 15 111 WJ +103 15 112 Y +103 15 113 M +103 15 114 K +103 15 115 Y +103 15 116 D +103 15 117 W +103 15 118 Y +103 15 119 K +103 15 120 D +103 15 121 Y +103 15 122 K +103 15 123 PU +103 15 124 A +103 15 125 Y +103 15 126 Y +103 15 127 M +103 15 128 A +103 15 129 D +103 15 130 W +103 15 131 Y +103 15 132 W +103 15 133 WJ +103 15 134 M +103 15 135 Y +103 15 136 PU +103 15 137 WJ +103 15 138 PU +103 15 139 D +103 15 140 PU +103 15 141 D +103 15 142 D +103 15 143 K +103 15 144 PU +103 15 145 K +103 15 146 A +103 15 147 K +103 15 148 Y +103 15 149 K +103 15 150 M +103 15 151 Y +103 15 152 PU +103 15 153 PU +103 15 154 W +103 15 155 W +103 15 156 K +103 15 157 W +103 15 158 D +103 15 159 D +103 15 160 Y +103 15 161 K +103 15 162 Y +103 15 163 PU +103 15 164 PU +103 15 165 W +103 15 166 M +103 15 167 D +103 15 168 K +103 15 169 PU +103 15 170 M +103 15 171 K +103 15 172 D +103 15 173 Y +103 15 174 A +103 15 175 PU +103 15 176 Y +103 15 177 D +103 15 178 PU +103 15 179 W +103 15 180 K +103 15 181 K +103 15 182 W +103 15 183 W +103 15 184 PU +103 15 185 A +103 15 186 PU +103 15 187 A +103 15 188 PU +103 15 189 D +103 15 190 A +103 15 191 K +103 15 192 Y +103 15 193 K +103 15 194 W +103 15 195 K +103 15 196 PU +103 15 197 W +103 15 198 M +103 15 199 D +103 15 200 PU +103 15 201 D +103 15 202 K +103 15 203 Y +103 15 204 M +103 15 205 PU +103 15 206 D +103 15 207 Y +103 15 208 W +103 15 209 K +103 15 210 W +103 15 211 PU +103 15 212 A +103 15 213 PU +103 15 214 K +103 15 215 Y +103 15 216 M +103 15 217 D +103 15 218 K +103 15 219 D +103 15 220 PU +103 15 221 D +103 15 222 PU +103 15 223 K +103 15 224 D +103 15 225 K +103 15 226 PU +103 15 227 M +103 15 228 M +103 15 229 PU +103 15 230 D +103 15 231 Y +103 15 232 M +103 15 233 PU +103 15 234 K +103 15 235 PU +103 15 236 K +103 15 237 A +103 15 238 K +103 15 239 Y +103 15 240 W +103 15 241 D +103 15 242 A +103 15 243 W +103 15 244 D +103 15 245 Y +103 15 246 K +103 15 247 PU +103 15 248 M +103 15 249 K +103 15 250 PU +103 15 251 K +103 15 252 D +103 15 253 K +103 15 254 PU +103 15 255 M +103 15 256 Y +103 15 257 PU +103 15 258 A +103 15 259 Y +103 15 260 D +103 15 261 A +103 15 262 D +103 15 263 PU +103 15 264 PU +103 15 265 K +103 15 266 W +103 15 267 Y +103 15 268 K +103 15 269 Y +103 15 270 W +103 15 271 M +103 15 272 D +103 15 273 Y +103 15 274 D +103 15 275 W +103 15 276 Y +103 15 277 PU +103 15 278 A +103 15 279 PU +103 15 280 K +103 15 281 K +103 15 282 K +103 15 283 W +103 15 284 D +103 15 285 D +103 15 286 D +103 15 287 W +103 15 288 Y +103 15 289 PU +103 15 290 D +103 15 291 PU +103 15 292 D +103 15 293 PU +103 15 294 D +103 15 295 W +103 15 296 M +103 15 297 A +103 15 298 Y +103 15 299 K +103 15 300 PU +103 15 301 K +103 15 302 D +103 15 303 PU +103 15 304 WJ +103 15 305 W +103 15 306 K +103 15 307 PU +103 15 308 W +103 15 309 M +103 15 310 WJ +103 15 311 PU +103 15 312 M +103 15 313 PU +103 15 314 D +103 15 315 WJ +103 15 316 WJ +103 15 317 Y +103 15 318 A +103 15 319 D +103 15 320 K +103 15 321 Y +103 15 322 PU +103 15 323 K +103 15 324 D +103 15 325 W +103 15 326 A +103 15 327 D +103 15 328 K +103 15 329 W +103 15 330 D +103 16 1 MW +103 16 2 WI +103 16 3 Y +103 16 4 M +103 16 5 K +103 16 6 R +103 16 7 WI +103 16 8 R +103 16 9 W +103 16 10 M +103 16 11 WN +103 16 12 A +103 16 13 K +103 16 14 PR +103 16 15 R +103 16 16 D +103 16 17 YN +103 16 18 WN +103 16 19 MW +103 16 20 WI +103 16 21 YN +103 16 22 A +103 16 23 R +103 16 24 W +103 16 25 WI +103 16 26 MW +103 16 27 N +103 16 28 Y +103 16 29 WI +103 16 30 YN +103 16 31 MW +103 16 32 R +103 16 33 WI +103 16 34 MW +103 16 35 WI +103 16 36 YN +103 16 37 MW +103 16 38 Y +103 16 39 WI +103 16 40 MW +103 16 41 Y +103 16 42 A +103 16 43 M +103 16 44 U +103 16 45 K +103 16 46 U +103 16 47 WI +103 16 48 A +103 16 49 MW +103 16 50 PR +103 16 51 W +103 16 52 WI +103 16 53 Y +103 16 54 K +103 16 55 MW +103 16 56 R +103 16 57 WI +103 16 58 W +103 16 59 U +103 16 60 WN +103 16 61 Y +103 16 62 U +103 16 63 R +103 16 64 MW +103 16 65 Y +103 16 66 T +103 16 67 WI +103 16 68 YN +103 16 69 K +103 16 70 D +103 16 71 Y +103 16 72 K +103 16 73 Y +103 16 74 MW +103 16 75 M +103 16 76 YN +103 16 77 WI +103 16 78 R +103 16 79 M +103 16 80 MW +103 16 81 WI +103 16 82 WI +103 16 83 D +103 16 84 R +103 16 85 WI +103 16 86 Y +103 16 87 WN +103 16 88 Y +103 16 89 M +103 16 90 M +103 16 91 WI +103 16 92 D +103 16 93 MW +103 16 94 M +103 16 95 T +103 16 96 A +103 16 97 MW +103 16 98 Y +103 16 99 T +103 16 100 WI +103 16 101 M +103 16 102 U +103 16 103 W +103 16 104 MW +103 16 105 U +103 16 106 A +103 16 107 D +103 16 108 MW +103 16 109 MW +103 16 110 M +103 16 111 M +103 16 112 Y +103 16 113 M +103 16 114 MW +103 16 115 YP +103 16 116 MW +103 16 117 W +103 16 118 T +103 16 119 K +103 16 120 D +103 16 121 YN +103 16 122 WI +103 16 123 M +103 16 124 WI +103 16 125 YN +103 16 126 R +103 16 127 M +103 16 128 WI +103 16 129 T +103 16 130 M +103 16 131 MW +103 16 132 Y +103 16 133 WI +103 16 134 W +103 16 135 Y +103 16 136 WI +103 16 137 M +103 16 138 MW +103 16 139 T +103 16 140 M +103 16 141 T +103 16 142 T +103 16 143 WI +103 16 144 M +103 16 145 WI +103 16 146 A +103 16 147 M +103 16 148 Y +103 16 149 WI +103 16 150 M +103 16 151 R +103 16 152 R +103 16 153 MW +103 16 154 M +103 16 155 W +103 16 156 K +103 16 157 W +103 16 158 T +103 16 159 A +103 16 160 R +103 16 161 WI +103 16 162 Y +103 16 163 M +103 16 164 MW +103 16 165 W +103 16 166 M +103 16 167 U +103 16 168 WI +103 16 169 U +103 16 170 M +103 16 171 WI +103 16 172 D +103 16 173 YP +103 16 174 A +103 16 175 MW +103 16 176 Y +103 16 177 WI +103 16 178 MW +103 16 179 Y +103 16 180 WI +103 16 181 A +103 16 182 Y +103 16 183 W +103 16 184 MW +103 16 185 A +103 16 186 MW +103 16 187 A +103 16 188 MW +103 16 189 MW +103 16 190 U +103 16 191 WI +103 16 192 MW +103 16 193 WI +103 16 194 Y +103 16 195 WI +103 16 196 WI +103 16 197 MW +103 16 198 M +103 16 199 K +103 16 200 MW +103 16 201 R +103 16 202 WI +103 16 203 YN +103 16 204 M +103 16 205 MW +103 16 206 WI +103 16 207 Y +103 16 208 A +103 16 209 M +103 16 210 R +103 16 211 MW +103 16 212 A +103 16 213 U +103 16 214 WI +103 16 215 R +103 16 216 WI +103 16 217 R +103 16 218 WI +103 16 219 WI +103 16 220 MW +103 16 221 MW +103 16 222 MW +103 16 223 WI +103 16 224 D +103 16 225 W +103 16 226 M +103 16 227 M +103 16 228 M +103 16 229 WI +103 16 230 D +103 16 231 Y +103 16 232 W +103 16 233 MW +103 16 234 WI +103 16 235 MW +103 16 236 WI +103 16 237 U +103 16 238 WI +103 16 239 R +103 16 240 YN +103 16 241 D +103 16 242 A +103 16 243 Y +103 16 244 MW +103 16 245 Y +103 16 246 WI +103 16 247 M +103 16 248 M +103 16 249 WI +103 16 250 M +103 16 251 WI +103 16 252 D +103 16 253 WI +103 16 254 M +103 16 255 M +103 16 256 Y +103 16 257 M +103 16 258 A +103 16 259 Y +103 16 260 WI +103 16 261 A +103 16 262 D +103 16 263 D +103 16 264 MW +103 16 265 WI +103 16 266 Y +103 16 267 M +103 16 268 K +103 16 269 Y +103 16 270 WI +103 16 271 M +103 16 272 D +103 16 273 M +103 16 274 T +103 16 275 A +103 16 276 M +103 16 277 M +103 16 278 YN +103 16 279 MW +103 16 280 WI +103 16 281 WI +103 16 282 WI +103 16 283 W +103 16 284 D +103 16 285 R +103 16 286 T +103 16 287 W +103 16 288 Y +103 16 289 M +103 16 290 T +103 16 291 MW +103 16 292 R +103 16 293 WI +103 16 294 M +103 16 295 W +103 16 296 MW +103 16 297 A +103 16 298 Y +103 16 299 K +103 16 300 D +103 16 301 WI +103 16 302 T +103 16 303 MW +103 16 304 WI +103 16 305 Y +103 16 306 WI +103 16 307 MW +103 16 308 U +103 16 309 W +103 16 310 WI +103 16 311 M +103 16 312 M +103 16 313 M +103 16 314 D +103 16 315 WI +103 16 316 WI +103 16 317 Y +103 16 318 YN +103 16 319 D +103 16 320 WI +103 16 321 YN +103 16 322 MW +103 16 323 WI +103 16 324 D +103 16 325 M +103 16 326 A +103 16 327 MW +103 16 328 M +103 16 329 M +103 16 330 MW +103 17 1 M +103 17 2 M +103 17 3 Y +103 17 4 YP +103 17 5 WJ +103 17 6 A +103 17 7 WJ +103 17 8 YP +103 17 9 Y +103 17 10 M +103 17 11 M +103 17 12 A +103 17 13 WN +103 17 14 WN +103 17 15 A +103 17 16 A +103 17 17 Y +103 17 18 WN +103 17 19 M +103 17 20 WJ +103 17 21 Y +103 17 22 A +103 17 23 WJ +103 17 24 M +103 17 25 WN +103 17 26 WN +103 17 27 A +103 17 28 Y +103 17 29 WJ +103 17 30 YP +103 17 31 A +103 17 32 Y +103 17 33 A +103 17 34 WN +103 17 35 A +103 17 36 WN +103 17 37 WN +103 17 38 Y +103 17 39 WJ +103 17 40 WJ +103 17 41 Y +103 17 42 A +103 17 43 M +103 17 44 T +103 17 45 WJ +103 17 46 T +103 17 47 M +103 17 48 A +103 17 49 WJ +103 17 50 YP +103 17 51 A +103 17 52 A +103 17 53 Y +103 17 54 WJ +103 17 55 WJ +103 17 56 A +103 17 57 M +103 17 58 A +103 17 59 T +103 17 60 M +103 17 61 YP +103 17 62 A +103 17 63 Y +103 17 64 M +103 17 65 Y +103 17 66 A +103 17 67 A +103 17 68 Y +103 17 69 M +103 17 70 A +103 17 71 Y +103 17 72 M +103 17 73 Y +103 17 74 A +103 17 75 M +103 17 76 Y +103 17 77 M +103 17 78 A +103 17 79 M +103 17 80 M +103 17 81 A +103 17 82 A +103 17 83 A +103 17 84 A +103 17 85 M +103 17 86 Y +103 17 87 M +103 17 88 Y +103 17 89 M +103 17 90 M +103 17 91 A +103 17 92 T +103 17 93 M +103 17 94 M +103 17 95 A +103 17 96 A +103 17 97 Y +103 17 98 M +103 17 99 A +103 17 100 T +103 17 101 Y +103 17 102 A +103 17 103 M +103 17 104 K +103 17 105 Y +103 17 106 A +103 17 107 A +103 17 108 A +103 17 109 M +103 17 110 A +103 17 111 M +103 17 112 Y +103 17 113 M +103 17 114 M +103 17 115 Y +103 17 116 A +103 17 117 M +103 17 118 Y +103 17 119 K +103 17 120 A +103 17 121 Y +103 17 122 K +103 17 123 K +103 17 124 A +103 17 125 Y +103 17 126 Y +103 17 127 M +103 17 128 A +103 17 129 T +103 17 130 M +103 17 131 Y +103 17 132 Y +103 17 133 M +103 17 134 A +103 17 135 Y +103 17 136 M +103 17 137 M +103 17 138 M +103 17 139 T +103 17 140 M +103 17 141 T +103 17 142 T +103 17 143 K +103 17 144 M +103 17 145 K +103 17 146 A +103 17 147 K +103 17 148 Y +103 17 149 A +103 17 150 Y +103 17 151 A +103 17 152 A +103 17 153 M +103 17 154 M +103 17 155 M +103 17 156 K +103 17 157 Y +103 17 158 T +103 17 159 A +103 17 160 A +103 17 161 M +103 17 162 Y +103 17 163 K +103 17 164 K +103 17 165 M +103 17 166 M +103 17 167 A +103 17 168 M +103 17 169 M +103 17 170 M +103 17 171 K +103 17 172 A +103 17 173 Y +103 17 174 A +103 17 175 A +103 17 176 Y +103 17 177 A +103 17 178 M +103 17 179 Y +103 17 180 K +103 17 181 A +103 17 182 Y +103 17 183 K +103 17 184 Y +103 17 185 A +103 17 186 M +103 17 187 A +103 17 188 K +103 17 189 A +103 17 190 A +103 17 191 M +103 17 192 M +103 17 193 A +103 17 194 Y +103 17 195 K +103 17 196 K +103 17 197 A +103 17 198 M +103 17 199 A +103 17 200 K +103 17 201 A +103 17 202 K +103 17 203 Y +103 17 204 M +103 17 205 K +103 17 206 A +103 17 207 Y +103 17 208 A +103 17 209 K +103 17 210 A +103 17 211 K +103 17 212 A +103 17 213 T +103 17 214 K +103 17 215 Y +103 17 216 K +103 17 217 A +103 17 218 K +103 17 219 T +103 17 220 WN +103 17 221 A +103 17 222 Y +103 17 223 K +103 17 224 T +103 17 225 K +103 17 226 K +103 17 227 K +103 17 228 K +103 17 229 K +103 17 230 T +103 17 231 Y +103 17 232 A +103 17 233 M +103 17 234 K +103 17 235 K +103 17 236 A +103 17 237 T +103 17 238 K +103 17 239 Y +103 17 240 A +103 17 241 T +103 17 242 T +103 17 243 Y +103 17 244 T +103 17 245 Y +103 17 246 WJ +103 17 247 A +103 17 248 M +103 17 249 WJ +103 17 250 Y +103 17 251 WJ +103 17 252 T +103 17 253 K +103 17 254 K +103 17 255 M +103 17 256 Y +103 17 257 K +103 17 258 A +103 17 259 WN +103 17 260 T +103 17 261 Y +103 17 262 T +103 17 263 A +103 17 264 A +103 17 265 K +103 17 266 A +103 17 267 A +103 17 268 K +103 17 269 Y +103 17 270 A +103 17 271 K +103 17 272 T +103 17 273 A +103 17 274 T +103 17 275 K +103 17 276 Y +103 17 277 K +103 17 278 A +103 17 279 M +103 17 280 K +103 17 281 K +103 17 282 K +103 17 283 Y +103 17 284 T +103 17 285 A +103 17 286 T +103 17 287 K +103 17 288 Y +103 17 289 K +103 17 290 A +103 17 291 K +103 17 292 A +103 17 293 T +103 17 294 A +103 17 295 K +103 17 296 Y +103 17 297 A +103 17 298 Y +103 17 299 T +103 17 300 K +103 17 301 K +103 17 302 A +103 17 303 T +103 17 304 A +103 17 305 Y +103 17 306 T +103 17 307 K +103 17 308 A +103 17 309 M +103 17 310 K +103 17 311 K +103 17 312 M +103 17 313 K +103 17 314 T +103 17 315 K +103 17 316 K +103 17 317 Y +103 17 318 A +103 17 319 T +103 17 320 M +103 17 321 Y +103 17 322 K +103 17 323 K +103 17 324 T +103 17 325 Y +103 17 326 A +103 17 327 T +103 17 328 K +103 17 329 A +103 17 330 A +103 18 1 K +103 18 2 K +103 18 3 RT +103 18 4 M +103 18 5 K +103 18 6 A +103 18 7 U +103 18 8 RT +103 18 9 W +103 18 10 M +103 18 11 K +103 18 12 A +103 18 13 K +103 18 14 K +103 18 15 W +103 18 16 W +103 18 17 RT +103 18 18 M +103 18 19 K +103 18 20 K +103 18 21 RT +103 18 22 A +103 18 23 NL +103 18 24 M +103 18 25 K +103 18 26 M +103 18 27 K +103 18 28 RT +103 18 29 K +103 18 30 NL +103 18 31 K +103 18 32 NL +103 18 33 M +103 18 34 RT +103 18 35 NL +103 18 36 M +103 18 37 U +103 18 38 NL +103 18 39 K +103 18 40 K +103 18 41 NL +103 18 42 K +103 18 43 M +103 18 44 W +103 18 45 K +103 18 46 M +103 18 47 M +103 18 48 A +103 18 49 K +103 18 50 M +103 18 51 M +103 18 52 K +103 18 53 RT +103 18 54 K +103 18 55 K +103 18 56 NL +103 18 57 M +103 18 58 W +103 18 59 W +103 18 60 M +103 18 61 RT +103 18 62 W +103 18 63 NL +103 18 64 M +103 18 65 NL +103 18 66 W +103 18 67 K +103 18 68 NL +103 18 69 M +103 18 70 W +103 18 71 RT +103 18 72 U +103 18 73 W +103 18 74 K +103 18 75 M +103 18 76 NL +103 18 77 K +103 18 78 W +103 18 79 M +103 18 80 K +103 18 81 K +103 18 82 K +103 18 83 A +103 18 84 RT +103 18 85 K +103 18 86 RT +103 18 87 M +103 18 88 RT +103 18 89 M +103 18 90 M +103 18 91 K +103 18 92 W +103 18 93 K +103 18 94 M +103 18 95 W +103 18 96 A +103 18 97 M +103 18 98 RT +103 18 99 W +103 18 100 K +103 18 101 RT +103 18 102 W +103 18 103 M +103 18 104 W +103 18 105 W +103 18 106 A +103 18 107 W +103 18 108 K +103 18 109 M +103 18 110 A +103 18 111 M +103 18 112 RT +103 18 113 M +103 18 114 K +103 18 115 NL +103 18 116 W +103 18 117 M +103 18 118 NL +103 18 119 K +103 18 120 W +103 18 121 NL +103 18 122 K +103 18 123 K +103 18 124 K +103 18 125 NL +103 18 126 NL +103 18 127 M +103 18 128 NL +103 18 129 U +103 18 130 M +103 18 131 M +103 18 132 NL +103 18 133 K +103 18 134 M +103 18 135 NL +103 18 136 K +103 18 137 K +103 18 138 K +103 18 139 W +103 18 140 M +103 18 141 W +103 18 142 W +103 18 143 K +103 18 144 M +103 18 145 K +103 18 146 A +103 18 147 K +103 18 148 NL +103 18 149 K +103 18 150 M +103 18 151 NL +103 18 152 NL +103 18 153 K +103 18 154 M +103 18 155 M +103 18 156 K +103 18 157 M +103 18 158 D +103 18 159 A +103 18 160 D +103 18 161 K +103 18 162 RT +103 18 163 K +103 18 164 M +103 18 165 K +103 18 166 M +103 18 167 D +103 18 168 * +103 18 169 K +103 18 170 K +103 18 171 M +103 18 172 D +103 18 173 RT +103 18 174 A +103 18 175 K +103 18 176 RT +103 18 177 A +103 18 178 M +103 18 179 RT +103 18 180 K +103 18 181 A +103 18 182 W +103 18 183 W +103 18 184 W +103 18 185 NL +103 18 186 K +103 18 187 A +103 18 188 K +103 18 189 D +103 18 190 W +103 18 191 K +103 18 192 W +103 18 193 K +103 18 194 W +103 18 195 K +103 18 196 K +103 18 197 W +103 18 198 M +103 18 199 D +103 18 200 W +103 18 201 D +103 18 202 K +103 18 203 RT +103 18 204 M +103 18 205 M +103 18 206 D +103 18 207 NL +103 18 208 W +103 18 209 K +103 18 210 M +103 18 211 K +103 18 212 A +103 18 213 D +103 18 214 K +103 18 215 D +103 18 216 M +103 18 217 NL +103 18 218 K +103 18 219 K +103 18 220 M +103 18 221 D +103 18 222 M +103 18 223 K +103 18 224 D +103 18 225 K +103 18 226 M +103 18 227 M +103 18 228 M +103 18 229 K +103 18 230 D +103 18 231 M +103 18 232 K +103 18 233 M +103 18 234 K +103 18 235 M +103 18 236 K +103 18 237 M +103 18 238 K +103 18 239 RT +103 18 240 RT +103 18 241 D +103 18 242 A +103 18 243 M +103 18 244 D +103 18 245 RT +103 18 246 K +103 18 247 M +103 18 248 M +103 18 249 K +103 18 250 M +103 18 251 K +103 18 252 D +103 18 253 K +103 18 254 K +103 18 255 M +103 18 256 NL +103 18 257 M +103 18 258 A +103 18 259 NL +103 18 260 D +103 18 261 NL +103 18 262 D +103 18 263 M +103 18 264 D +103 18 265 K +103 18 266 NL +103 18 267 NL +103 18 268 K +103 18 269 NL +103 18 270 A +103 18 271 M +103 18 272 D +103 18 273 NL +103 18 274 D +103 18 275 K +103 18 276 NL +103 18 277 M +103 18 278 RT +103 18 279 M +103 18 280 K +103 18 281 K +103 18 282 K +103 18 283 M +103 18 284 D +103 18 285 NL +103 18 286 D +103 18 287 W +103 18 288 NL +103 18 289 K +103 18 290 D +103 18 291 M +103 18 292 W +103 18 293 D +103 18 294 D +103 18 295 M +103 18 296 M +103 18 297 A +103 18 298 NL +103 18 299 K +103 18 300 D +103 18 301 K +103 18 302 D +103 18 303 M +103 18 304 K +103 18 305 M +103 18 306 K +103 18 307 K +103 18 308 M +103 18 309 M +103 18 310 K +103 18 311 K +103 18 312 M +103 18 313 M +103 18 314 D +103 18 315 K +103 18 316 K +103 18 317 M +103 18 318 RT +103 18 319 D +103 18 320 M +103 18 321 RT +103 18 322 M +103 18 323 M +103 18 324 D +103 18 325 M +103 18 326 A +103 18 327 D +103 18 328 M +103 18 329 M +103 18 330 D +103 19 1 L +103 19 2 A +103 19 3 Y +103 19 4 A +103 19 5 WJ +103 19 6 A +103 19 7 WJ +103 19 8 Y +103 19 9 W +103 19 10 M +103 19 11 M +103 19 12 A +103 19 13 M +103 19 14 L +103 19 15 Y +103 19 16 L +103 19 17 Y +103 19 18 M +103 19 19 WJ +103 19 20 WJ +103 19 21 Y +103 19 22 A +103 19 23 WJ +103 19 24 M +103 19 25 L +103 19 26 WJ +103 19 27 D +103 19 28 Y +103 19 29 WJ +103 19 30 A +103 19 31 L +103 19 32 Y +103 19 33 WJ +103 19 34 M +103 19 35 Y +103 19 36 WJ +103 19 37 L +103 19 38 Y +103 19 39 WJ +103 19 40 M +103 19 41 Y +103 19 42 A +103 19 43 M +103 19 44 D +103 19 45 WJ +103 19 46 M +103 19 47 WJ +103 19 48 A +103 19 49 L +103 19 50 Y +103 19 51 W +103 19 52 W +103 19 53 Y +103 19 54 WJ +103 19 55 L +103 19 56 A +103 19 57 M +103 19 58 A +103 19 59 D +103 19 60 WJ +103 19 61 Y +103 19 62 A +103 19 63 Y +103 19 64 L +103 19 65 Y +103 19 66 D +103 19 67 WJ +103 19 68 Y +103 19 69 WJ +103 19 70 L +103 19 71 Y +103 19 72 WJ +103 19 73 Y +103 19 74 L +103 19 75 WJ +103 19 76 Y +103 19 77 L +103 19 78 W +103 19 79 M +103 19 80 M +103 19 81 WJ +103 19 82 WJ +103 19 83 D +103 19 84 W +103 19 85 WJ +103 19 86 Y +103 19 87 M +103 19 88 Y +103 19 89 M +103 19 90 L +103 19 91 A +103 19 92 D +103 19 93 L +103 19 94 M +103 19 95 D +103 19 96 A +103 19 97 M +103 19 98 Y +103 19 99 A +103 19 100 L +103 19 101 Y +103 19 102 L +103 19 103 W +103 19 104 M +103 19 105 Y +103 19 106 A +103 19 107 D +103 19 108 L +103 19 109 WJ +103 19 110 A +103 19 111 WJ +103 19 112 Y +103 19 113 M +103 19 114 WJ +103 19 115 Y +103 19 116 L +103 19 117 W +103 19 118 Y +103 19 119 WJ +103 19 120 D +103 19 121 Y +103 19 122 WJ +103 19 123 L +103 19 124 A +103 19 125 Y +103 19 126 Y +103 19 127 L +103 19 128 A +103 19 129 D +103 19 130 WJ +103 19 131 Y +103 19 132 Y +103 19 133 WJ +103 19 134 W +103 19 135 Y +103 19 136 L +103 19 137 WJ +103 19 138 L +103 19 139 A +103 19 140 U +103 19 141 D +103 19 142 D +103 19 143 WJ +103 19 144 M +103 19 145 WJ +103 19 146 A +103 19 147 WJ +103 19 148 Y +103 19 149 L +103 19 150 Y +103 19 151 Y +103 19 152 Y +103 19 153 M +103 19 154 M +103 19 155 W +103 19 156 WJ +103 19 157 W +103 19 158 D +103 19 159 A +103 19 160 Y +103 19 161 WJ +103 19 162 Y +103 19 163 L +103 19 164 L +103 19 165 WJ +103 19 166 L +103 19 167 L +103 19 168 WJ +103 19 169 L +103 19 170 L +103 19 171 WJ +103 19 172 D +103 19 173 Y +103 19 174 A +103 19 175 L +103 19 176 Y +103 19 177 A +103 19 178 WJ +103 19 179 Y +103 19 180 WJ +103 19 181 A +103 19 182 Y +103 19 183 W +103 19 184 Y +103 19 185 W +103 19 186 L +103 19 187 A +103 19 188 L +103 19 189 L +103 19 190 Y +103 19 191 WJ +103 19 192 L +103 19 193 A +103 19 194 Y +103 19 195 WJ +103 19 196 L +103 19 197 Y +103 19 198 M +103 19 199 D +103 19 200 L +103 19 201 Y +103 19 202 WJ +103 19 203 Y +103 19 204 M +103 19 205 M +103 19 206 D +103 19 207 Y +103 19 208 A +103 19 209 L +103 19 210 Y +103 19 211 L +103 19 212 Y +103 19 213 L +103 19 214 WJ +103 19 215 Y +103 19 216 WJ +103 19 217 Y +103 19 218 WJ +103 19 219 L +103 19 220 L +103 19 221 L +103 19 222 Y +103 19 223 WJ +103 19 224 D +103 19 225 WJ +103 19 226 M +103 19 227 M +103 19 228 M +103 19 229 WJ +103 19 230 D +103 19 231 Y +103 19 232 W +103 19 233 L +103 19 234 WJ +103 19 235 L +103 19 236 A +103 19 237 W +103 19 238 L +103 19 239 Y +103 19 240 W +103 19 241 D +103 19 242 D +103 19 243 Y +103 19 244 L +103 19 245 Y +103 19 246 L +103 19 247 L +103 19 248 WJ +103 19 249 WJ +103 19 250 W +103 19 251 WJ +103 19 252 Y +103 19 253 WJ +103 19 254 L +103 19 255 M +103 19 256 Y +103 19 257 M +103 19 258 W +103 19 259 Y +103 19 260 D +103 19 261 Y +103 19 262 D +103 19 263 L +103 19 264 L +103 19 265 WJ +103 19 266 Y +103 19 267 Y +103 19 268 WJ +103 19 269 Y +103 19 270 A +103 19 271 M +103 19 272 D +103 19 273 Y +103 19 274 D +103 19 275 A +103 19 276 Y +103 19 277 M +103 19 278 Y +103 19 279 L +103 19 280 L +103 19 281 L +103 19 282 W +103 19 283 WJ +103 19 284 D +103 19 285 Y +103 19 286 D +103 19 287 W +103 19 288 Y +103 19 289 L +103 19 290 D +103 19 291 M +103 19 292 Y +103 19 293 D +103 19 294 D +103 19 295 W +103 19 296 WJ +103 19 297 A +103 19 298 Y +103 19 299 WJ +103 19 300 L +103 19 301 WJ +103 19 302 D +103 19 303 L +103 19 304 WJ +103 19 305 Y +103 19 306 WJ +103 19 307 L +103 19 308 Y +103 19 309 W +103 19 310 WJ +103 19 311 M +103 19 312 M +103 19 313 M +103 19 314 D +103 19 315 WJ +103 19 316 WJ +103 19 317 Y +103 19 318 A +103 19 319 D +103 19 320 W +103 19 321 Y +103 19 322 L +103 19 323 M +103 19 324 D +103 19 325 Y +103 19 326 A +103 19 327 D +103 19 328 WJ +103 19 329 W +103 19 330 L +103 20 1 V +103 20 2 V +103 20 3 YK +103 20 4 PD +103 20 5 WI +103 20 6 V +103 20 7 YK +103 20 8 YK +103 20 9 V +103 20 10 V +103 20 11 PD +103 20 12 V +103 20 13 V +103 20 14 PD +103 20 15 PD +103 20 16 YK +103 20 17 V +103 20 18 X +103 20 19 V +103 20 20 YK +103 20 21 PD +103 20 22 PD +103 20 23 X +103 20 24 V +103 20 25 V +103 20 26 X +103 20 27 X +103 20 28 YK +103 20 29 V +103 20 30 YK +103 20 31 X +103 20 32 X +103 20 33 V +103 20 34 V +103 20 35 PD +103 20 36 X +103 20 37 X +103 20 38 YK +103 20 39 X +103 20 40 V +103 20 41 YK +103 20 42 X +103 20 43 X +103 20 44 V +103 20 45 X +103 20 46 X +103 20 47 X +103 20 48 YK +103 20 49 V +103 20 50 X +103 20 51 X +103 20 52 PD +103 20 53 YK +103 20 54 V +103 20 55 V +103 20 56 PD +103 20 57 V +103 20 58 PD +103 20 59 PD +103 20 60 PD +103 20 61 YK +103 20 62 PD +103 20 63 YK +103 20 64 V +103 20 65 YK +103 20 66 PD +103 20 67 X +103 20 68 YK +103 20 69 PD +103 20 70 PD +103 20 71 YK +103 20 72 V +103 20 73 YK +103 20 74 X +103 20 75 X +103 20 76 YK +103 20 77 V +103 20 78 YK +103 20 79 PD +103 20 80 X +103 20 81 X +103 20 82 X +103 20 83 PD +103 20 84 PD +103 20 85 V +103 20 86 YK +103 20 87 X +103 20 88 YK +103 20 89 X +103 20 90 X +103 20 91 X +103 20 92 X +103 20 93 X +103 20 94 V +103 20 95 X +103 20 96 X +103 20 97 V +103 20 98 YK +103 20 99 PD +103 20 100 V +103 20 101 YK +103 20 102 PD +103 20 103 PD +103 20 104 V +103 20 105 YK +103 20 106 X +103 20 107 X +103 20 108 X +103 20 109 X +103 20 110 X +103 20 111 X +103 20 112 YK +103 20 113 X +103 20 114 V +103 20 115 YK +103 20 116 X +103 20 117 X +103 20 118 YK +103 20 119 X +103 20 120 X +103 20 121 YK +103 20 122 V +103 20 123 V +103 20 124 X +103 20 125 YK +103 20 126 YK +103 20 127 PD +103 20 128 PD +103 20 129 X +103 20 130 X +103 20 131 YK +103 20 132 YK +103 20 133 V +103 20 134 X +103 20 135 YK +103 20 136 V +103 20 137 RK +103 20 138 RK +103 20 139 RK +103 20 140 RK +103 20 141 PD +103 20 142 PD +103 20 143 X +103 20 144 X +103 20 145 V +103 20 146 X +103 20 147 V +103 20 148 YK +103 20 149 V +103 20 150 PD +103 20 151 YK +103 20 152 PD +103 20 153 V +103 20 154 RK +103 20 155 RK +103 20 156 V +103 20 157 RK +103 20 158 RK +103 20 159 RK +103 20 160 RK +103 20 161 V +103 20 162 YK +103 20 163 V +103 20 164 V +103 20 165 PD +103 20 166 PD +103 20 167 RK +103 20 168 V +103 20 169 V +103 20 170 X +103 20 171 X +103 20 172 X +103 20 173 YK +103 20 174 PD +103 20 175 X +103 20 176 V +103 20 177 X +103 20 178 RK +103 20 179 RK +103 20 180 V +103 20 181 PD +103 20 182 YK +103 20 183 PD +103 20 184 YK +103 20 185 RK +103 20 186 V +103 20 187 PD +103 20 188 V +103 20 189 RK +103 20 190 PD +103 20 191 V +103 20 192 X +103 20 193 X +103 20 194 YK +103 20 195 V +103 20 196 V +103 20 197 RK +103 20 198 RK +103 20 199 RK +103 20 200 V +103 20 201 YK +103 20 202 V +103 20 203 YK +103 20 204 RK +103 20 205 RK +103 20 206 RK +103 20 207 YK +103 20 208 RK +103 20 209 V +103 20 210 RK +103 20 211 V +103 20 212 PD +103 20 213 RK +103 20 214 RK +103 20 215 YK +103 20 216 RK +103 20 217 RK +103 20 218 PD +103 20 219 PD +103 20 220 YK +103 20 221 RK +103 20 222 YK +103 20 223 V +103 20 224 RK +103 20 225 RK +103 20 226 V +103 20 227 X +103 20 228 V +103 20 229 V +103 20 230 RK +103 20 231 YK +103 20 232 X +103 20 233 X +103 20 234 V +103 20 235 V +103 20 236 RK +103 20 237 X +103 20 238 V +103 20 239 YK +103 20 240 PD +103 20 241 RK +103 20 242 X +103 20 243 YK +103 20 244 X +103 20 245 YK +103 20 246 V +103 20 247 X +103 20 248 V +103 20 249 V +103 20 250 RK +103 20 251 RK +103 20 252 RK +103 20 253 V +103 20 254 RK +103 20 255 RK +103 20 256 YK +103 20 257 V +103 20 258 PD +103 20 259 YK +103 20 260 RK +103 20 261 YK +103 20 262 PD +103 20 263 PD +103 20 264 PD +103 20 265 V +103 20 266 YK +103 20 267 YK +103 20 268 V +103 20 269 YK +103 20 270 PD +103 20 271 X +103 20 272 X +103 20 273 YK +103 20 274 X +103 20 275 PD +103 20 276 YK +103 20 277 V +103 20 278 PD +103 20 279 V +103 20 280 V +103 20 281 V +103 20 282 V +103 20 283 X +103 20 284 PD +103 20 285 PD +103 20 286 PD +103 20 287 X +103 20 288 YK +103 20 289 V +103 20 290 X +103 20 291 V +103 20 292 X +103 20 293 PD +103 20 294 PD +103 20 295 X +103 20 296 V +103 20 297 PD +103 20 298 YK +103 20 299 V +103 20 300 RK +103 20 301 V +103 20 302 RK +103 20 303 RK +103 20 304 V +103 20 305 YK +103 20 306 RK +103 20 307 V +103 20 308 RK +103 20 309 RK +103 20 310 V +103 20 311 V +103 20 312 X +103 20 313 X +103 20 314 PD +103 20 315 V +103 20 316 V +103 20 317 YK +103 20 318 YK +103 20 319 PD +103 20 320 X +103 20 321 YK +103 20 322 X +103 20 323 V +103 20 324 X +103 20 325 YK +103 20 326 X +103 20 327 PD +103 20 328 V +103 20 329 X +103 20 330 PD +103 21 1 WU +103 21 2 M +103 21 3 Q +103 21 4 Q +103 21 5 WU +103 21 6 A +103 21 7 WU +103 21 8 Q +103 21 9 A +103 21 10 M +103 21 11 WU +103 21 12 A +103 21 13 M +103 21 14 M +103 21 15 T +103 21 16 T +103 21 17 Q +103 21 18 M +103 21 19 M +103 21 20 WK +103 21 21 Q +103 21 22 A +103 21 23 Q +103 21 24 M +103 21 25 M +103 21 26 M +103 21 27 T +103 21 28 Q +103 21 29 WU +103 21 30 Q +103 21 31 M +103 21 32 Q +103 21 33 WK +103 21 34 M +103 21 35 Q +103 21 36 M +103 21 37 WK +103 21 38 Q +103 21 39 WK +103 21 40 WK +103 21 41 Q +103 21 42 A +103 21 43 M +103 21 44 T +103 21 45 WK +103 21 46 M +103 21 47 M +103 21 48 A +103 21 49 WK +103 21 50 M +103 21 51 WU +103 21 52 T +103 21 53 Q +103 21 54 WK +103 21 55 WK +103 21 56 A +103 21 57 M +103 21 58 A +103 21 59 T +103 21 60 M +103 21 61 Q +103 21 62 T +103 21 63 Q +103 21 64 M +103 21 65 Q +103 21 66 T +103 21 67 WU +103 21 68 Q +103 21 69 M +103 21 70 T +103 21 71 Q +103 21 72 WU +103 21 73 Q +103 21 74 T +103 21 75 M +103 21 76 Q +103 21 77 WK +103 21 78 T +103 21 79 M +103 21 80 M +103 21 81 WK +103 21 82 WK +103 21 83 T +103 21 84 A +103 21 85 WK +103 21 86 Q +103 21 87 M +103 21 88 Q +103 21 89 M +103 21 90 M +103 21 91 A +103 21 92 T +103 21 93 WK +103 21 94 M +103 21 95 T +103 21 96 A +103 21 97 M +103 21 98 Q +103 21 99 T +103 21 100 WK +103 21 101 Q +103 21 102 T +103 21 103 M +103 21 104 WK +103 21 105 Q +103 21 106 A +103 21 107 T +103 21 108 T +103 21 109 M +103 21 110 A +103 21 111 M +103 21 112 Q +103 21 113 M +103 21 114 WU +103 21 115 Q +103 21 116 T +103 21 117 M +103 21 118 A +103 21 119 WK +103 21 120 T +103 21 121 Q +103 21 122 WK +103 21 123 M +103 21 124 A +103 21 125 Q +103 21 126 Q +103 21 127 M +103 21 128 A +103 21 129 T +103 21 130 M +103 21 131 Q +103 21 132 Q +103 21 133 WK +103 21 134 M +103 21 135 Q +103 21 136 WK +103 21 137 M +103 21 138 T +103 21 139 T +103 21 140 M +103 21 141 T +103 21 142 T +103 21 143 A +103 21 144 M +103 21 145 WK +103 21 146 A +103 21 147 A +103 21 148 Q +103 21 149 WK +103 21 150 M +103 21 151 Q +103 21 152 T +103 21 153 WK +103 21 154 M +103 21 155 M +103 21 156 WK +103 21 157 M +103 21 158 T +103 21 159 T +103 21 160 T +103 21 161 WK +103 21 162 Q +103 21 163 WK +103 21 164 WK +103 21 165 M +103 21 166 M +103 21 167 T +103 21 168 WK +103 21 169 M +103 21 170 M +103 21 171 M +103 21 172 T +103 21 173 Q +103 21 174 A +103 21 175 T +103 21 176 Q +103 21 177 T +103 21 178 M +103 21 179 Q +103 21 180 WK +103 21 181 A +103 21 182 M +103 21 183 M +103 21 184 M +103 21 185 A +103 21 186 WK +103 21 187 A +103 21 188 M +103 21 189 T +103 21 190 A +103 21 191 WK +103 21 192 M +103 21 193 A +103 21 194 M +103 21 195 WK +103 21 196 WK +103 21 197 A +103 21 198 M +103 21 199 T +103 21 200 WK +103 21 201 T +103 21 202 T +103 21 203 Q +103 21 204 M +103 21 205 M +103 21 206 T +103 21 207 Q +103 21 208 A +103 21 209 WK +103 21 210 Q +103 21 211 WK +103 21 212 A +103 21 213 T +103 21 214 A +103 21 215 T +103 21 216 M +103 21 217 T +103 21 218 A +103 21 219 T +103 21 220 M +103 21 221 T +103 21 222 M +103 21 223 WK +103 21 224 T +103 21 225 M +103 21 226 M +103 21 227 M +103 21 228 M +103 21 229 T +103 21 230 T +103 21 231 Q +103 21 232 M +103 21 233 M +103 21 234 WK +103 21 235 WK +103 21 236 A +103 21 237 T +103 21 238 WK +103 21 239 Q +103 21 240 Q +103 21 241 T +103 21 242 T +103 21 243 Q +103 21 244 T +103 21 245 T +103 21 246 WK +103 21 247 T +103 21 248 M +103 21 249 WK +103 21 250 WK +103 21 251 WK +103 21 252 T +103 21 253 WK +103 21 254 T +103 21 255 M +103 21 256 Q +103 21 257 M +103 21 258 A +103 21 259 Q +103 21 260 T +103 21 261 T +103 21 262 T +103 21 263 M +103 21 264 M +103 21 265 WK +103 21 266 Q +103 21 267 Q +103 21 268 WK +103 21 269 Q +103 21 270 A +103 21 271 M +103 21 272 T +103 21 273 Q +103 21 274 T +103 21 275 A +103 21 276 Q +103 21 277 M +103 21 278 Q +103 21 279 M +103 21 280 WK +103 21 281 WK +103 21 282 WK +103 21 283 M +103 21 284 T +103 21 285 T +103 21 286 T +103 21 287 M +103 21 288 Q +103 21 289 WK +103 21 290 T +103 21 291 WK +103 21 292 T +103 21 293 T +103 21 294 T +103 21 295 M +103 21 296 M +103 21 297 A +103 21 298 Q +103 21 299 WK +103 21 300 M +103 21 301 WK +103 21 302 T +103 21 303 T +103 21 304 WK +103 21 305 M +103 21 306 WK +103 21 307 WK +103 21 308 T +103 21 309 M +103 21 310 WK +103 21 311 M +103 21 312 M +103 21 313 M +103 21 314 T +103 21 315 WK +103 21 316 WK +103 21 317 Q +103 21 318 Q +103 21 319 T +103 21 320 M +103 21 321 Q +103 21 322 M +103 21 323 WK +103 21 324 T +103 21 325 Q +103 21 326 A +103 21 327 T +103 21 328 M +103 21 329 M +103 21 330 T +103 22 1 M +103 22 2 P +103 22 3 RT +103 22 4 Y +103 22 5 P +103 22 6 P +103 22 7 KU +103 22 8 Y +103 22 9 Y +103 22 10 M +103 22 11 M +103 22 12 P +103 22 13 M +103 22 14 M +103 22 15 Y +103 22 16 D +103 22 17 Y +103 22 18 M +103 22 19 M +103 22 20 M +103 22 21 Y +103 22 22 P +103 22 23 Y +103 22 24 M +103 22 25 M +103 22 26 M +103 22 27 P +103 22 28 Y +103 22 29 M +103 22 30 Y +103 22 31 P +103 22 32 Y +103 22 33 M +103 22 34 M +103 22 35 Y +103 22 36 M +103 22 37 M +103 22 38 Y +103 22 39 M +103 22 40 M +103 22 41 Y +103 22 42 M +103 22 43 M +103 22 44 P +103 22 45 P +103 22 46 M +103 22 47 M +103 22 48 Y +103 22 49 M +103 22 50 Y +103 22 51 Y +103 22 52 P +103 22 53 Y +103 22 54 M +103 22 55 M +103 22 56 P +103 22 57 M +103 22 58 P +103 22 59 P +103 22 60 M +103 22 61 Y +103 22 62 Y +103 22 63 Y +103 22 64 M +103 22 65 Y +103 22 66 P +103 22 67 M +103 22 68 Y +103 22 69 M +103 22 70 M +103 22 71 Y +103 22 72 M +103 22 73 Y +103 22 74 M +103 22 75 M +103 22 76 Y +103 22 77 M +103 22 78 Y +103 22 79 M +103 22 80 M +103 22 81 M +103 22 82 M +103 22 83 P +103 22 84 Y +103 22 85 M +103 22 86 Y +103 22 87 M +103 22 88 Y +103 22 89 M +103 22 90 M +103 22 91 P +103 22 92 P +103 22 93 M +103 22 94 M +103 22 95 P +103 22 96 P +103 22 97 Y +103 22 98 Y +103 22 99 Y +103 22 100 P +103 22 101 Y +103 22 102 M +103 22 103 M +103 22 104 M +103 22 105 Y +103 22 106 P +103 22 107 P +103 22 108 P +103 22 109 M +103 22 110 P +103 22 111 M +103 22 112 Y +103 22 113 M +103 22 114 M +103 22 115 Y +103 22 116 Y +103 22 117 M +103 22 118 Y +103 22 119 M +103 22 120 P +103 22 121 Y +103 22 122 M +103 22 123 M +103 22 124 M +103 22 125 Y +103 22 126 Y +103 22 127 M +103 22 128 P +103 22 129 P +103 22 130 M +103 22 131 Y +103 22 132 Y +103 22 133 M +103 22 134 Y +103 22 135 Y +103 22 136 M +103 22 137 M +103 22 138 M +103 22 139 P +103 22 140 M +103 22 141 P +103 22 142 P +103 22 143 M +103 22 144 M +103 22 145 M +103 22 146 P +103 22 147 M +103 22 148 Y +103 22 149 M +103 22 150 Y +103 22 151 Y +103 22 152 Y +103 22 153 M +103 22 154 M +103 22 155 M +103 22 156 M +103 22 157 M +103 22 158 P +103 22 159 P +103 22 160 Y +103 22 161 M +103 22 162 Y +103 22 163 M +103 22 164 M +103 22 165 M +103 22 166 M +103 22 167 P +103 22 168 M +103 22 169 M +103 22 170 M +103 22 171 M +103 22 172 M +103 22 173 Y +103 22 174 Y +103 22 175 M +103 22 176 Y +103 22 177 P +103 22 178 M +103 22 179 Y +103 22 180 P +103 22 181 P +103 22 182 Y +103 22 183 P +103 22 184 Y +103 22 185 Y +103 22 186 P +103 22 187 Y +103 22 188 M +103 22 189 M +103 22 190 Y +103 22 191 M +103 22 192 Y +103 22 193 Y +103 22 194 Y +103 22 195 M +103 22 196 M +103 22 197 Y +103 22 198 M +103 22 199 P +103 22 200 M +103 22 201 Y +103 22 202 M +103 22 203 Y +103 22 204 M +103 22 205 Y +103 22 206 P +103 22 207 Y +103 22 208 P +103 22 209 M +103 22 210 Y +103 22 211 M +103 22 212 Y +103 22 213 M +103 22 214 P +103 22 215 Y +103 22 216 M +103 22 217 Y +103 22 218 P +103 22 219 M +103 22 220 M +103 22 221 M +103 22 222 Y +103 22 223 M +103 22 224 Y +103 22 225 P +103 22 226 M +103 22 227 M +103 22 228 M +103 22 229 P +103 22 230 P +103 22 231 P +103 22 232 P +103 22 233 P +103 22 234 M +103 22 235 M +103 22 236 P +103 22 237 P +103 22 238 M +103 22 239 Y +103 22 240 Y +103 22 241 P +103 22 242 P +103 22 243 Y +103 22 244 P +103 22 245 Y +103 22 246 M +103 22 247 Y +103 22 248 M +103 22 249 M +103 22 250 Y +103 22 251 M +103 22 252 P +103 22 253 M +103 22 254 M +103 22 255 M +103 22 256 Y +103 22 257 M +103 22 258 P +103 22 259 Y +103 22 260 P +103 22 261 M +103 22 262 P +103 22 263 P +103 22 264 P +103 22 265 M +103 22 266 P +103 22 267 Y +103 22 268 M +103 22 269 Y +103 22 270 Y +103 22 271 M +103 22 272 P +103 22 273 Y +103 22 274 P +103 22 275 P +103 22 276 Y +103 22 277 M +103 22 278 Y +103 22 279 M +103 22 280 M +103 22 281 M +103 22 282 M +103 22 283 P +103 22 284 M +103 22 285 Y +103 22 286 P +103 22 287 P +103 22 288 Y +103 22 289 M +103 22 290 P +103 22 291 M +103 22 292 P +103 22 293 P +103 22 294 P +103 22 295 P +103 22 296 Y +103 22 297 P +103 22 298 Y +103 22 299 M +103 22 300 P +103 22 301 M +103 22 302 P +103 22 303 P +103 22 304 P +103 22 305 Y +103 22 306 P +103 22 307 M +103 22 308 Y +103 22 309 P +103 22 310 M +103 22 311 M +103 22 312 M +103 22 313 Y +103 22 314 P +103 22 315 M +103 22 316 M +103 22 317 Y +103 22 318 Y +103 22 319 P +103 22 320 P +103 22 321 Y +103 22 322 M +103 22 323 M +103 22 324 P +103 22 325 Y +103 22 326 P +103 22 327 P +103 22 328 M +103 22 329 P +103 22 330 P +103 23 1 M +103 23 2 M +103 23 3 Y +103 23 4 Y +103 23 5 M +103 23 6 P +103 23 7 M +103 23 8 Y +103 23 9 Y +103 23 10 M +103 23 11 M +103 23 12 P +103 23 13 M +103 23 14 M +103 23 15 P +103 23 16 P +103 23 17 Y +103 23 18 M +103 23 19 P +103 23 20 P +103 23 21 Y +103 23 22 P +103 23 23 Y +103 23 24 M +103 23 25 M +103 23 26 M +103 23 27 P +103 23 28 Y +103 23 29 P +103 23 30 Y +103 23 31 P +103 23 32 Y +103 23 33 P +103 23 34 M +103 23 35 Y +103 23 36 M +103 23 37 M +103 23 38 Y +103 23 39 P +103 23 40 M +103 23 41 Y +103 23 42 P +103 23 43 M +103 23 44 P +103 23 45 P +103 23 46 M +103 23 47 M +103 23 48 P +103 23 49 M +103 23 50 Y +103 23 51 M +103 23 52 P +103 23 53 Y +103 23 54 P +103 23 55 P +103 23 56 Y +103 23 57 M +103 23 58 P +103 23 59 P +103 23 60 M +103 23 61 Y +103 23 62 M +103 23 63 Y +103 23 64 M +103 23 65 Y +103 23 66 P +103 23 67 P +103 23 68 Y +103 23 69 M +103 23 70 P +103 23 71 Y +103 23 72 P +103 23 73 P +103 23 74 P +103 23 75 M +103 23 76 Y +103 23 77 M +103 23 78 P +103 23 79 M +103 23 80 M +103 23 81 P +103 23 82 P +103 23 83 P +103 23 84 P +103 23 85 M +103 23 86 P +103 23 87 M +103 23 88 Y +103 23 89 M +103 23 90 M +103 23 91 P +103 23 92 P +103 23 93 M +103 23 94 M +103 23 95 P +103 23 96 P +103 23 97 M +103 23 98 Y +103 23 99 P +103 23 100 P +103 23 101 Y +103 23 102 P +103 23 103 P +103 23 104 M +103 23 105 Y +103 23 106 P +103 23 107 P +103 23 108 P +103 23 109 M +103 23 110 P +103 23 111 M +103 23 112 Y +103 23 113 M +103 23 114 M +103 23 115 Y +103 23 116 P +103 23 117 M +103 23 118 Y +103 23 119 M +103 23 120 P +103 23 121 Y +103 23 122 P +103 23 123 P +103 23 124 P +103 23 125 Y +103 23 126 Y +103 23 127 M +103 23 128 P +103 23 129 P +103 23 130 M +103 23 131 Y +103 23 132 Y +103 23 133 M +103 23 134 M +103 23 135 Y +103 23 136 M +103 23 137 M +103 23 138 M +103 23 139 M +103 23 140 M +103 23 141 P +103 23 142 P +103 23 143 P +103 23 144 M +103 23 145 P +103 23 146 P +103 23 147 P +103 23 148 Y +103 23 149 P +103 23 150 P +103 23 151 Y +103 23 152 Y +103 23 153 M +103 23 154 M +103 23 155 M +103 23 156 M +103 23 157 M +103 23 158 P +103 23 159 P +103 23 160 P +103 23 161 P +103 23 162 Y +103 23 163 P +103 23 164 M +103 23 165 P +103 23 166 M +103 23 167 P +103 23 168 P +103 23 169 M +103 23 170 M +103 23 171 P +103 23 172 P +103 23 173 Y +103 23 174 P +103 23 175 P +103 23 176 Y +103 23 177 P +103 23 178 M +103 23 179 Y +103 23 180 P +103 23 181 P +103 23 182 Y +103 23 183 P +103 23 184 Y +103 23 185 Y +103 23 186 P +103 23 187 Y +103 23 188 M +103 23 189 P +103 23 190 Y +103 23 191 M +103 23 192 P +103 23 193 P +103 23 194 Y +103 23 195 P +103 23 196 P +103 23 197 Y +103 23 198 M +103 23 199 P +103 23 200 P +103 23 201 Y +103 23 202 M +103 23 203 Y +103 23 204 P +103 23 205 P +103 23 206 P +103 23 207 Y +103 23 208 P +103 23 209 M +103 23 210 Y +103 23 211 M +103 23 212 P +103 23 213 M +103 23 214 P +103 23 215 P +103 23 216 Y +103 23 217 P +103 23 218 P +103 23 219 P +103 23 220 M +103 23 221 P +103 23 222 P +103 23 223 P +103 23 224 P +103 23 225 P +103 23 226 M +103 23 227 M +103 23 228 M +103 23 229 P +103 23 230 P +103 23 231 Y +103 23 232 M +103 23 233 M +103 23 234 M +103 23 235 M +103 23 236 M +103 23 237 Y +103 23 238 M +103 23 239 Y +103 23 240 Y +103 23 241 P +103 23 242 P +103 23 243 Y +103 23 244 P +103 23 245 Y +103 23 246 P +103 23 247 P +103 23 248 M +103 23 249 Y +103 23 250 P +103 23 251 Y +103 23 252 Y +103 23 253 Y +103 23 254 Y +103 23 255 M +103 23 256 Y +103 23 257 M +103 23 258 P +103 23 259 Y +103 23 260 P +103 23 261 Y +103 23 262 P +103 23 263 P +103 23 264 P +103 23 265 P +103 23 266 Y +103 23 267 Y +103 23 268 P +103 23 269 Y +103 23 270 Y +103 23 271 M +103 23 272 P +103 23 273 Y +103 23 274 P +103 23 275 P +103 23 276 Y +103 23 277 M +103 23 278 P +103 23 279 M +103 23 280 M +103 23 281 M +103 23 282 M +103 23 283 P +103 23 284 P +103 23 285 Y +103 23 286 P +103 23 287 P +103 23 288 Y +103 23 289 P +103 23 290 P +103 23 291 M +103 23 292 P +103 23 293 P +103 23 294 P +103 23 295 P +103 23 296 Y +103 23 297 P +103 23 298 Y +103 23 299 P +103 23 300 P +103 23 301 P +103 23 302 P +103 23 303 P +103 23 304 P +103 23 305 Y +103 23 306 P +103 23 307 M +103 23 308 P +103 23 309 M +103 23 310 P +103 23 311 M +103 23 312 M +103 23 313 M +103 23 314 P +103 23 315 P +103 23 316 P +103 23 317 Y +103 23 318 Y +103 23 319 P +103 23 320 M +103 23 321 Y +103 23 322 P +103 23 323 M +103 23 324 P +103 23 325 Y +103 23 326 Y +103 23 327 P +103 23 328 M +103 23 329 P +103 23 330 M +104 1 1 K +104 1 2 K +104 1 3 S +104 1 4 S +104 1 5 K +104 1 6 L +104 1 7 K +104 1 8 S +104 1 9 S +104 1 10 K +104 1 11 K +104 1 12 S +104 1 13 K +104 1 14 K +104 1 15 L +104 1 16 L +104 1 17 S +104 1 18 K +104 1 19 K +104 1 20 K +104 1 21 S +104 1 22 L +104 1 23 K +104 1 24 K +104 1 25 K +104 1 26 K +104 1 27 L +104 1 28 S +104 1 29 K +104 1 30 S +104 1 31 L +104 1 32 S +104 1 33 K +104 1 34 K +104 1 35 S +104 1 36 K +104 1 37 K +104 1 38 S +104 1 39 K +104 1 40 K +104 1 41 S +104 1 42 S +104 1 43 K +104 1 44 L +104 1 45 K +104 1 46 K +104 1 47 K +104 1 48 S +104 1 49 K +104 1 50 S +104 1 51 K +104 1 52 L +104 1 53 S +104 1 54 K +104 1 55 K +104 1 56 S +104 1 57 K +104 1 58 S +104 1 59 L +104 1 60 K +104 1 61 S +104 1 62 L +104 1 63 S +104 1 64 K +104 1 65 S +104 1 66 L +104 1 67 K +104 1 68 S +104 1 69 K +104 1 70 L +104 1 71 S +104 1 72 K +104 1 73 S +104 1 74 L +104 1 75 K +104 1 76 S +104 1 77 K +104 1 78 S +104 1 79 K +104 1 80 K +104 1 81 K +104 1 82 K +104 1 83 L +104 1 84 S +104 1 85 K +104 1 86 S +104 1 87 K +104 1 88 S +104 1 89 K +104 1 90 K +104 1 91 S +104 1 92 L +104 1 93 K +104 1 94 K +104 1 95 L +104 1 96 S +104 1 97 S +104 1 98 S +104 1 99 S +104 1 100 L +104 1 101 S +104 1 102 L +104 1 103 S +104 1 104 L +104 1 105 S +104 1 106 S +104 1 107 L +104 1 108 L +104 1 109 K +104 1 110 S +104 1 111 K +104 1 112 S +104 1 113 K +104 1 114 K +104 1 115 S +104 1 116 L +104 1 117 K +104 1 118 S +104 1 119 K +104 1 120 L +104 1 121 S +104 1 122 K +104 1 123 K +104 1 124 S +104 1 125 S +104 1 126 S +104 1 127 K +104 1 128 S +104 1 129 L +104 1 130 K +104 1 131 S +104 1 132 S +104 1 133 K +104 1 134 S +104 1 135 S +104 1 136 K +104 1 137 K +104 1 138 K +104 1 139 L +104 1 140 K +104 1 141 L +104 1 142 L +104 1 143 S +104 1 144 S +104 1 145 L +104 1 146 S +104 1 147 K +104 1 148 S +104 1 149 L +104 1 150 S +104 1 151 S +104 1 152 S +104 1 153 K +104 1 154 K +104 1 155 S +104 1 156 K +104 1 157 S +104 1 158 L +104 1 159 S +104 1 160 S +104 1 161 K +104 1 162 S +104 1 163 K +104 1 164 K +104 1 165 S +104 1 166 K +104 1 167 S +104 1 168 K +104 1 169 K +104 1 170 K +104 1 171 S +104 1 172 L +104 1 173 S +104 1 174 S +104 1 175 L +104 1 176 S +104 1 177 S +104 1 178 K +104 1 179 S +104 1 180 K +104 1 181 S +104 1 182 S +104 1 183 S +104 1 184 S +104 1 185 S +104 1 186 L +104 1 187 S +104 1 188 K +104 1 189 L +104 1 190 S +104 1 191 K +104 1 192 S +104 1 193 S +104 1 194 S +104 1 195 K +104 1 196 K +104 1 197 S +104 1 198 K +104 1 199 L +104 1 200 L +104 1 201 S +104 1 202 K +104 1 203 S +104 1 204 S +104 1 205 S +104 1 206 L +104 1 207 S +104 1 208 S +104 1 209 K +104 1 210 S +104 1 211 K +104 1 212 S +104 1 213 L +104 1 214 S +104 1 215 S +104 1 216 K +104 1 217 S +104 1 218 S +104 1 219 L +104 1 220 K +104 1 221 L +104 1 222 S +104 1 223 K +104 1 224 L +104 1 225 S +104 1 226 K +104 1 227 K +104 1 228 K +104 1 229 L +104 1 230 S +104 1 231 S +104 1 232 S +104 1 233 L +104 1 234 K +104 1 235 K +104 1 236 S +104 1 237 S +104 1 238 K +104 1 239 S +104 1 240 S +104 1 241 L +104 1 242 S +104 1 243 S +104 1 244 L +104 1 245 S +104 1 246 K +104 1 247 K +104 1 248 K +104 1 249 K +104 1 250 S +104 1 251 L +104 1 252 L +104 1 253 K +104 1 254 L +104 1 255 K +104 1 256 S +104 1 257 K +104 1 258 S +104 1 259 S +104 1 260 L +104 1 261 S +104 1 262 L +104 1 263 L +104 1 264 L +104 1 265 K +104 1 266 S +104 1 267 S +104 1 268 K +104 1 269 S +104 1 270 S +104 1 271 K +104 1 272 L +104 1 273 S +104 1 274 L +104 1 275 S +104 1 276 S +104 1 277 K +104 1 278 S +104 1 279 K +104 1 280 S +104 1 281 K +104 1 282 K +104 1 283 S +104 1 284 L +104 1 285 S +104 1 286 L +104 1 287 S +104 1 288 S +104 1 289 K +104 1 290 L +104 1 291 K +104 1 292 S +104 1 293 L +104 1 294 L +104 1 295 S +104 1 296 S +104 1 297 S +104 1 298 S +104 1 299 K +104 1 300 L +104 1 301 K +104 1 302 L +104 1 303 L +104 1 304 S +104 1 305 S +104 1 306 L +104 1 307 K +104 1 308 S +104 1 309 S +104 1 310 K +104 1 311 K +104 1 312 K +104 1 313 S +104 1 314 L +104 1 315 K +104 1 316 K +104 1 317 S +104 1 318 S +104 1 319 L +104 1 320 S +104 1 321 S +104 1 322 K +104 1 323 K +104 1 324 L +104 1 325 S +104 1 326 S +104 1 327 L +104 1 328 K +104 1 329 S +104 1 330 L +104 2 1 K +104 2 2 L +104 2 3 S +104 2 4 K +104 2 5 K +104 2 6 S +104 2 7 K +104 2 8 S +104 2 9 K +104 2 10 K +104 2 11 K +104 2 12 S +104 2 13 K +104 2 14 K +104 2 15 S +104 2 16 L +104 2 17 S +104 2 18 K +104 2 19 K +104 2 20 K +104 2 21 S +104 2 22 L +104 2 23 K +104 2 24 K +104 2 25 K +104 2 26 K +104 2 27 L +104 2 28 S +104 2 29 K +104 2 30 S +104 2 31 L +104 2 32 S +104 2 33 K +104 2 34 K +104 2 35 S +104 2 36 K +104 2 37 K +104 2 38 S +104 2 39 K +104 2 40 K +104 2 41 S +104 2 42 S +104 2 43 K +104 2 44 L +104 2 45 K +104 2 46 K +104 2 47 K +104 2 48 S +104 2 49 K +104 2 50 K +104 2 51 K +104 2 52 L +104 2 53 S +104 2 54 K +104 2 55 K +104 2 56 S +104 2 57 K +104 2 58 K +104 2 59 L +104 2 60 K +104 2 61 S +104 2 62 K +104 2 63 S +104 2 64 K +104 2 65 S +104 2 66 L +104 2 67 K +104 2 68 S +104 2 69 K +104 2 70 L +104 2 71 K +104 2 72 K +104 2 73 K +104 2 74 L +104 2 75 K +104 2 76 S +104 2 77 K +104 2 78 L +104 2 79 K +104 2 80 K +104 2 81 K +104 2 82 K +104 2 83 L +104 2 84 S +104 2 85 K +104 2 86 S +104 2 87 K +104 2 88 S +104 2 89 K +104 2 90 K +104 2 91 L +104 2 92 L +104 2 93 K +104 2 94 K +104 2 95 L +104 2 96 S +104 2 97 K +104 2 98 S +104 2 99 L +104 2 100 L +104 2 101 S +104 2 102 L +104 2 103 K +104 2 104 L +104 2 105 S +104 2 106 L +104 2 107 L +104 2 108 L +104 2 109 K +104 2 110 S +104 2 111 K +104 2 112 S +104 2 113 K +104 2 114 K +104 2 115 S +104 2 116 L +104 2 117 K +104 2 118 S +104 2 119 K +104 2 120 L +104 2 121 S +104 2 122 K +104 2 123 K +104 2 124 L +104 2 125 S +104 2 126 S +104 2 127 K +104 2 128 L +104 2 129 L +104 2 130 K +104 2 131 K +104 2 132 S +104 2 133 K +104 2 134 K +104 2 135 S +104 2 136 K +104 2 137 K +104 2 138 L +104 2 139 L +104 2 140 K +104 2 141 L +104 2 142 L +104 2 143 K +104 2 144 K +104 2 145 K +104 2 146 S +104 2 147 K +104 2 148 S +104 2 149 L +104 2 150 K +104 2 151 S +104 2 152 S +104 2 153 K +104 2 154 K +104 2 155 K +104 2 156 K +104 2 157 S +104 2 158 L +104 2 159 L +104 2 160 L +104 2 161 K +104 2 162 S +104 2 163 K +104 2 164 K +104 2 165 K +104 2 166 K +104 2 167 L +104 2 168 K +104 2 169 K +104 2 170 K +104 2 171 K +104 2 172 L +104 2 173 S +104 2 174 S +104 2 175 L +104 2 176 S +104 2 177 L +104 2 178 K +104 2 179 S +104 2 180 K +104 2 181 S +104 2 182 S +104 2 183 K +104 2 184 S +104 2 185 S +104 2 186 L +104 2 187 S +104 2 188 K +104 2 189 L +104 2 190 L +104 2 191 K +104 2 192 K +104 2 193 S +104 2 194 S +104 2 195 K +104 2 196 L +104 2 197 L +104 2 198 K +104 2 199 L +104 2 200 L +104 2 201 S +104 2 202 K +104 2 203 S +104 2 204 K +104 2 205 K +104 2 206 L +104 2 207 S +104 2 208 S +104 2 209 K +104 2 210 S +104 2 211 L +104 2 212 S +104 2 213 L +104 2 214 S +104 2 215 S +104 2 216 K +104 2 217 L +104 2 218 K +104 2 219 L +104 2 220 K +104 2 221 L +104 2 222 K +104 2 223 K +104 2 224 L +104 2 225 S +104 2 226 K +104 2 227 K +104 2 228 K +104 2 229 L +104 2 230 L +104 2 231 S +104 2 232 S +104 2 233 K +104 2 234 K +104 2 235 K +104 2 236 K +104 2 237 S +104 2 238 K +104 2 239 S +104 2 240 S +104 2 241 L +104 2 242 L +104 2 243 S +104 2 244 L +104 2 245 S +104 2 246 K +104 2 247 K +104 2 248 K +104 2 249 K +104 2 250 K +104 2 251 L +104 2 252 L +104 2 253 L +104 2 254 K +104 2 255 L +104 2 256 S +104 2 257 K +104 2 258 S +104 2 259 S +104 2 260 L +104 2 261 S +104 2 262 L +104 2 263 L +104 2 264 L +104 2 265 K +104 2 266 S +104 2 267 S +104 2 268 K +104 2 269 S +104 2 270 S +104 2 271 K +104 2 272 L +104 2 273 S +104 2 274 L +104 2 275 S +104 2 276 S +104 2 277 K +104 2 278 S +104 2 279 K +104 2 280 K +104 2 281 K +104 2 282 K +104 2 283 S +104 2 284 L +104 2 285 L +104 2 286 S +104 2 287 L +104 2 288 S +104 2 289 L +104 2 290 L +104 2 291 K +104 2 292 S +104 2 293 L +104 2 294 L +104 2 295 K +104 2 296 K +104 2 297 S +104 2 298 S +104 2 299 K +104 2 300 L +104 2 301 K +104 2 302 L +104 2 303 L +104 2 304 K +104 2 305 S +104 2 306 L +104 2 307 K +104 2 308 K +104 2 309 K +104 2 310 K +104 2 311 K +104 2 312 K +104 2 313 K +104 2 314 L +104 2 315 K +104 2 316 K +104 2 317 S +104 2 318 S +104 2 319 L +104 2 320 S +104 2 321 S +104 2 322 L +104 2 323 K +104 2 324 L +104 2 325 S +104 2 326 S +104 2 327 L +104 2 328 K +104 2 329 S +104 2 330 L +104 3 1 K +104 3 2 L +104 3 3 S +104 3 4 K +104 3 5 S +104 3 6 S +104 3 7 K +104 3 8 S +104 3 9 L +104 3 10 K +104 3 11 K +104 3 12 S +104 3 13 K +104 3 14 K +104 3 15 L +104 3 16 L +104 3 17 S +104 3 18 K +104 3 19 K +104 3 20 K +104 3 21 S +104 3 22 L +104 3 23 K +104 3 24 K +104 3 25 K +104 3 26 K +104 3 27 L +104 3 28 S +104 3 29 L +104 3 30 S +104 3 31 L +104 3 32 S +104 3 33 L +104 3 34 K +104 3 35 S +104 3 36 K +104 3 37 K +104 3 38 S +104 3 39 K +104 3 40 K +104 3 41 S +104 3 42 L +104 3 43 K +104 3 44 L +104 3 45 K +104 3 46 L +104 3 47 K +104 3 48 S +104 3 49 K +104 3 50 S +104 3 51 K +104 3 52 L +104 3 53 S +104 3 54 K +104 3 55 K +104 3 56 L +104 3 57 K +104 3 58 L +104 3 59 L +104 3 60 K +104 3 61 S +104 3 62 S +104 3 63 S +104 3 64 K +104 3 65 S +104 3 66 L +104 3 67 L +104 3 68 S +104 3 69 K +104 3 70 L +104 3 71 S +104 3 72 K +104 3 73 K +104 3 74 L +104 3 75 K +104 3 76 S +104 3 77 K +104 3 78 L +104 3 79 K +104 3 80 K +104 3 81 K +104 3 82 L +104 3 83 L +104 3 84 S +104 3 85 K +104 3 86 S +104 3 87 K +104 3 88 S +104 3 89 K +104 3 90 K +104 3 91 S +104 3 92 L +104 3 93 K +104 3 94 K +104 3 95 L +104 3 96 S +104 3 97 K +104 3 98 S +104 3 99 L +104 3 100 L +104 3 101 S +104 3 102 L +104 3 103 S +104 3 104 L +104 3 105 S +104 3 106 L +104 3 107 L +104 3 108 L +104 3 109 K +104 3 110 S +104 3 111 K +104 3 112 S +104 3 113 K +104 3 114 K +104 3 115 S +104 3 116 L +104 3 117 K +104 3 118 S +104 3 119 K +104 3 120 L +104 3 121 S +104 3 122 K +104 3 123 K +104 3 124 L +104 3 125 S +104 3 126 S +104 3 127 K +104 3 128 L +104 3 129 L +104 3 130 K +104 3 131 S +104 3 132 S +104 3 133 K +104 3 134 K +104 3 135 S +104 3 136 K +104 3 137 K +104 3 138 L +104 3 139 L +104 3 140 K +104 3 141 L +104 3 142 L +104 3 143 S +104 3 144 K +104 3 145 K +104 3 146 S +104 3 147 K +104 3 148 S +104 3 149 L +104 3 150 S +104 3 151 S +104 3 152 S +104 3 153 K +104 3 154 K +104 3 155 K +104 3 156 K +104 3 157 S +104 3 158 L +104 3 159 S +104 3 160 L +104 3 161 K +104 3 162 S +104 3 163 K +104 3 164 K +104 3 165 L +104 3 166 K +104 3 167 L +104 3 168 K +104 3 169 K +104 3 170 K +104 3 171 K +104 3 172 L +104 3 173 S +104 3 174 S +104 3 175 L +104 3 176 S +104 3 177 L +104 3 178 K +104 3 179 S +104 3 180 K +104 3 181 S +104 3 182 K +104 3 183 S +104 3 184 K +104 3 185 S +104 3 186 K +104 3 187 S +104 3 188 K +104 3 189 L +104 3 190 S +104 3 191 K +104 3 192 K +104 3 193 L +104 3 194 S +104 3 195 K +104 3 196 L +104 3 197 L +104 3 198 K +104 3 199 L +104 3 200 L +104 3 201 S +104 3 202 K +104 3 203 S +104 3 204 K +104 3 205 K +104 3 206 L +104 3 207 S +104 3 208 S +104 3 209 K +104 3 210 S +104 3 211 L +104 3 212 S +104 3 213 L +104 3 214 S +104 3 215 S +104 3 216 K +104 3 217 L +104 3 218 L +104 3 219 L +104 3 220 K +104 3 221 L +104 3 222 K +104 3 223 K +104 3 224 L +104 3 225 K +104 3 226 K +104 3 227 K +104 3 228 K +104 3 229 L +104 3 230 L +104 3 231 S +104 3 232 K +104 3 233 K +104 3 234 K +104 3 235 K +104 3 236 S +104 3 237 S +104 3 238 K +104 3 239 S +104 3 240 S +104 3 241 L +104 3 242 S +104 3 243 K +104 3 244 L +104 3 245 S +104 3 246 K +104 3 247 K +104 3 248 K +104 3 249 K +104 3 250 K +104 3 251 K +104 3 252 L +104 3 253 L +104 3 254 K +104 3 255 L +104 3 256 S +104 3 257 K +104 3 258 S +104 3 259 S +104 3 260 L +104 3 261 S +104 3 262 L +104 3 263 L +104 3 264 L +104 3 265 K +104 3 266 S +104 3 267 K +104 3 268 K +104 3 269 S +104 3 270 S +104 3 271 K +104 3 272 L +104 3 273 S +104 3 274 L +104 3 275 K +104 3 276 S +104 3 277 K +104 3 278 S +104 3 279 K +104 3 280 S +104 3 281 K +104 3 282 K +104 3 283 K +104 3 284 L +104 3 285 S +104 3 286 S +104 3 287 L +104 3 288 S +104 3 289 K +104 3 290 L +104 3 291 K +104 3 292 S +104 3 293 L +104 3 294 L +104 3 295 K +104 3 296 K +104 3 297 S +104 3 298 S +104 3 299 K +104 3 300 L +104 3 301 K +104 3 302 L +104 3 303 L +104 3 304 S +104 3 305 K +104 3 306 K +104 3 307 K +104 3 308 L +104 3 309 K +104 3 310 K +104 3 311 K +104 3 312 K +104 3 313 K +104 3 314 L +104 3 315 K +104 3 316 K +104 3 317 S +104 3 318 S +104 3 319 L +104 3 320 S +104 3 321 S +104 3 322 L +104 3 323 K +104 3 324 L +104 3 325 S +104 3 326 S +104 3 327 L +104 3 328 K +104 3 329 S +104 3 330 L +104 4 1 K +104 4 2 L +104 4 3 S +104 4 4 K +104 4 5 L +104 4 6 S +104 4 7 K +104 4 8 S +104 4 9 S +104 4 10 K +104 4 11 K +104 4 12 S +104 4 13 K +104 4 14 K +104 4 15 L +104 4 16 L +104 4 17 S +104 4 18 K +104 4 19 K +104 4 20 K +104 4 21 S +104 4 22 L +104 4 23 S +104 4 24 K +104 4 25 K +104 4 26 K +104 4 27 L +104 4 28 S +104 4 29 K +104 4 30 S +104 4 31 K +104 4 32 S +104 4 33 K +104 4 34 K +104 4 35 S +104 4 36 K +104 4 37 K +104 4 38 S +104 4 39 K +104 4 40 K +104 4 41 S +104 4 42 S +104 4 43 K +104 4 44 L +104 4 45 K +104 4 46 K +104 4 47 K +104 4 48 S +104 4 49 K +104 4 50 K +104 4 51 K +104 4 52 L +104 4 53 S +104 4 54 K +104 4 55 K +104 4 56 S +104 4 57 K +104 4 58 K +104 4 59 L +104 4 60 K +104 4 61 S +104 4 62 L +104 4 63 S +104 4 64 K +104 4 65 S +104 4 66 L +104 4 67 K +104 4 68 S +104 4 69 K +104 4 70 L +104 4 71 S +104 4 72 K +104 4 73 K +104 4 74 L +104 4 75 K +104 4 76 S +104 4 77 K +104 4 78 L +104 4 79 K +104 4 80 K +104 4 81 S +104 4 82 L +104 4 83 L +104 4 84 S +104 4 85 K +104 4 86 S +104 4 87 K +104 4 88 S +104 4 89 K +104 4 90 K +104 4 91 S +104 4 92 L +104 4 93 K +104 4 94 K +104 4 95 L +104 4 96 S +104 4 97 K +104 4 98 S +104 4 99 L +104 4 100 L +104 4 101 S +104 4 102 L +104 4 103 K +104 4 104 L +104 4 105 S +104 4 106 S +104 4 107 L +104 4 108 L +104 4 109 K +104 4 110 S +104 4 111 K +104 4 112 S +104 4 113 K +104 4 114 K +104 4 115 S +104 4 116 L +104 4 117 K +104 4 118 S +104 4 119 K +104 4 120 L +104 4 121 S +104 4 122 K +104 4 123 K +104 4 124 S +104 4 125 S +104 4 126 S +104 4 127 K +104 4 128 S +104 4 129 L +104 4 130 K +104 4 131 K +104 4 132 S +104 4 133 K +104 4 134 K +104 4 135 S +104 4 136 K +104 4 137 K +104 4 138 L +104 4 139 L +104 4 140 K +104 4 141 L +104 4 142 L +104 4 143 S +104 4 144 K +104 4 145 K +104 4 146 S +104 4 147 K +104 4 148 S +104 4 149 K +104 4 150 K +104 4 151 S +104 4 152 S +104 4 153 K +104 4 154 K +104 4 155 K +104 4 156 K +104 4 157 S +104 4 158 L +104 4 159 S +104 4 160 S +104 4 161 K +104 4 162 S +104 4 163 K +104 4 164 K +104 4 165 K +104 4 166 K +104 4 167 L +104 4 168 K +104 4 169 K +104 4 170 K +104 4 171 K +104 4 172 L +104 4 173 S +104 4 174 S +104 4 175 L +104 4 176 S +104 4 177 S +104 4 178 K +104 4 179 S +104 4 180 K +104 4 181 S +104 4 182 S +104 4 183 S +104 4 184 S +104 4 185 S +104 4 186 L +104 4 187 S +104 4 188 K +104 4 189 L +104 4 190 S +104 4 191 K +104 4 192 K +104 4 193 S +104 4 194 S +104 4 195 K +104 4 196 L +104 4 197 S +104 4 198 K +104 4 199 L +104 4 200 L +104 4 201 S +104 4 202 K +104 4 203 S +104 4 204 K +104 4 205 K +104 4 206 L +104 4 207 S +104 4 208 S +104 4 209 K +104 4 210 S +104 4 211 K +104 4 212 S +104 4 213 L +104 4 214 S +104 4 215 S +104 4 216 K +104 4 217 S +104 4 218 S +104 4 219 L +104 4 220 K +104 4 221 L +104 4 222 S +104 4 223 K +104 4 224 L +104 4 225 S +104 4 226 K +104 4 227 K +104 4 228 K +104 4 229 L +104 4 230 S +104 4 231 S +104 4 232 K +104 4 233 L +104 4 234 K +104 4 235 K +104 4 236 S +104 4 237 S +104 4 238 K +104 4 239 S +104 4 240 S +104 4 241 L +104 4 242 L +104 4 243 S +104 4 244 L +104 4 245 S +104 4 246 K +104 4 247 S +104 4 248 K +104 4 249 K +104 4 250 S +104 4 251 K +104 4 252 L +104 4 253 K +104 4 254 L +104 4 255 K +104 4 256 S +104 4 257 K +104 4 258 S +104 4 259 S +104 4 260 L +104 4 261 S +104 4 262 L +104 4 263 L +104 4 264 L +104 4 265 K +104 4 266 S +104 4 267 S +104 4 268 K +104 4 269 S +104 4 270 S +104 4 271 K +104 4 272 L +104 4 273 S +104 4 274 L +104 4 275 S +104 4 276 S +104 4 277 K +104 4 278 S +104 4 279 K +104 4 280 S +104 4 281 K +104 4 282 K +104 4 283 S +104 4 284 L +104 4 285 S +104 4 286 L +104 4 287 S +104 4 288 S +104 4 289 K +104 4 290 L +104 4 291 K +104 4 292 S +104 4 293 L +104 4 294 L +104 4 295 S +104 4 296 S +104 4 297 S +104 4 298 S +104 4 299 K +104 4 300 L +104 4 301 K +104 4 302 L +104 4 303 L +104 4 304 S +104 4 305 S +104 4 306 S +104 4 307 K +104 4 308 L +104 4 309 K +104 4 310 K +104 4 311 K +104 4 312 K +104 4 313 K +104 4 314 L +104 4 315 K +104 4 316 K +104 4 317 S +104 4 318 S +104 4 319 L +104 4 320 S +104 4 321 S +104 4 322 L +104 4 323 K +104 4 324 L +104 4 325 S +104 4 326 S +104 4 327 L +104 4 328 K +104 4 329 S +104 4 330 L +104 5 1 K +104 5 2 K +104 5 3 S +104 5 4 K +104 5 5 L +104 5 6 S +104 5 7 K +104 5 8 S +104 5 9 S +104 5 10 K +104 5 11 K +104 5 12 S +104 5 13 K +104 5 14 K +104 5 15 L +104 5 16 L +104 5 17 S +104 5 18 K +104 5 19 K +104 5 20 K +104 5 21 S +104 5 22 L +104 5 23 K +104 5 24 K +104 5 25 K +104 5 26 K +104 5 27 L +104 5 28 S +104 5 29 K +104 5 30 S +104 5 31 L +104 5 32 S +104 5 33 K +104 5 34 K +104 5 35 S +104 5 36 K +104 5 37 K +104 5 38 S +104 5 39 K +104 5 40 K +104 5 41 S +104 5 42 S +104 5 43 K +104 5 44 L +104 5 45 K +104 5 46 L +104 5 47 K +104 5 48 S +104 5 49 K +104 5 50 K +104 5 51 S +104 5 52 L +104 5 53 S +104 5 54 K +104 5 55 K +104 5 56 S +104 5 57 K +104 5 58 S +104 5 59 L +104 5 60 K +104 5 61 S +104 5 62 L +104 5 63 S +104 5 64 K +104 5 65 S +104 5 66 L +104 5 67 K +104 5 68 S +104 5 69 S +104 5 70 L +104 5 71 S +104 5 72 K +104 5 73 S +104 5 74 L +104 5 75 K +104 5 76 S +104 5 77 K +104 5 78 S +104 5 79 K +104 5 80 K +104 5 81 K +104 5 82 K +104 5 83 L +104 5 84 S +104 5 85 K +104 5 86 S +104 5 87 K +104 5 88 S +104 5 89 K +104 5 90 K +104 5 91 S +104 5 92 L +104 5 93 K +104 5 94 K +104 5 95 L +104 5 96 S +104 5 97 K +104 5 98 S +104 5 99 L +104 5 100 L +104 5 101 S +104 5 102 L +104 5 103 S +104 5 104 K +104 5 105 S +104 5 106 S +104 5 107 L +104 5 108 L +104 5 109 K +104 5 110 S +104 5 111 K +104 5 112 S +104 5 113 K +104 5 114 K +104 5 115 S +104 5 116 L +104 5 117 S +104 5 118 S +104 5 119 K +104 5 120 L +104 5 121 S +104 5 122 K +104 5 123 K +104 5 124 S +104 5 125 S +104 5 126 S +104 5 127 K +104 5 128 S +104 5 129 L +104 5 130 K +104 5 131 K +104 5 132 S +104 5 133 K +104 5 134 S +104 5 135 S +104 5 136 K +104 5 137 K +104 5 138 L +104 5 139 L +104 5 140 K +104 5 141 L +104 5 142 L +104 5 143 S +104 5 144 K +104 5 145 K +104 5 146 S +104 5 147 K +104 5 148 S +104 5 149 K +104 5 150 K +104 5 151 S +104 5 152 L +104 5 153 K +104 5 154 K +104 5 155 S +104 5 156 K +104 5 157 S +104 5 158 L +104 5 159 S +104 5 160 S +104 5 161 K +104 5 162 S +104 5 163 K +104 5 164 K +104 5 165 S +104 5 166 K +104 5 167 L +104 5 168 K +104 5 169 K +104 5 170 K +104 5 171 K +104 5 172 L +104 5 173 S +104 5 174 S +104 5 175 L +104 5 176 S +104 5 177 S +104 5 178 K +104 5 179 S +104 5 180 K +104 5 181 S +104 5 182 S +104 5 183 S +104 5 184 K +104 5 185 S +104 5 186 K +104 5 187 S +104 5 188 K +104 5 189 L +104 5 190 S +104 5 191 K +104 5 192 S +104 5 193 S +104 5 194 S +104 5 195 K +104 5 196 K +104 5 197 S +104 5 198 K +104 5 199 L +104 5 200 K +104 5 201 S +104 5 202 K +104 5 203 S +104 5 204 K +104 5 205 K +104 5 206 L +104 5 207 S +104 5 208 S +104 5 209 K +104 5 210 S +104 5 211 K +104 5 212 S +104 5 213 L +104 5 214 S +104 5 215 S +104 5 216 K +104 5 217 S +104 5 218 S +104 5 219 L +104 5 220 K +104 5 221 L +104 5 222 S +104 5 223 K +104 5 224 L +104 5 225 S +104 5 226 K +104 5 227 K +104 5 228 K +104 5 229 K +104 5 230 L +104 5 231 S +104 5 232 S +104 5 233 L +104 5 234 K +104 5 235 K +104 5 236 S +104 5 237 S +104 5 238 K +104 5 239 S +104 5 240 S +104 5 241 L +104 5 242 S +104 5 243 S +104 5 244 L +104 5 245 S +104 5 246 K +104 5 247 K +104 5 248 K +104 5 249 K +104 5 250 K +104 5 251 K +104 5 252 L +104 5 253 K +104 5 254 K +104 5 255 K +104 5 256 S +104 5 257 K +104 5 258 S +104 5 259 S +104 5 260 S +104 5 261 S +104 5 262 L +104 5 263 L +104 5 264 L +104 5 265 K +104 5 266 S +104 5 267 S +104 5 268 K +104 5 269 S +104 5 270 S +104 5 271 K +104 5 272 L +104 5 273 S +104 5 274 L +104 5 275 S +104 5 276 S +104 5 277 K +104 5 278 S +104 5 279 K +104 5 280 S +104 5 281 K +104 5 282 K +104 5 283 S +104 5 284 L +104 5 285 S +104 5 286 L +104 5 287 S +104 5 288 S +104 5 289 K +104 5 290 L +104 5 291 K +104 5 292 S +104 5 293 L +104 5 294 L +104 5 295 S +104 5 296 K +104 5 297 S +104 5 298 S +104 5 299 K +104 5 300 L +104 5 301 K +104 5 302 L +104 5 303 L +104 5 304 S +104 5 305 S +104 5 306 K +104 5 307 K +104 5 308 L +104 5 309 K +104 5 310 K +104 5 311 K +104 5 312 K +104 5 313 K +104 5 314 L +104 5 315 K +104 5 316 K +104 5 317 S +104 5 318 S +104 5 319 L +104 5 320 S +104 5 321 S +104 5 322 K +104 5 323 K +104 5 324 L +104 5 325 S +104 5 326 S +104 5 327 L +104 5 328 K +104 5 329 S +104 5 330 L +104 6 1 D +104 6 2 D +104 6 3 S +104 6 4 S +104 6 5 K +104 6 6 L +104 6 7 D +104 6 8 S +104 6 9 S +104 6 10 D +104 6 11 D +104 6 12 S +104 6 13 D +104 6 14 D +104 6 15 L +104 6 16 L +104 6 17 S +104 6 18 D +104 6 19 D +104 6 20 D +104 6 21 S +104 6 22 L +104 6 23 S +104 6 24 D +104 6 25 D +104 6 26 D +104 6 27 L +104 6 28 S +104 6 29 D +104 6 30 S +104 6 31 L +104 6 32 S +104 6 33 D +104 6 34 D +104 6 35 S +104 6 36 D +104 6 37 D +104 6 38 S +104 6 39 D +104 6 40 D +104 6 41 S +104 6 42 S +104 6 43 D +104 6 44 L +104 6 45 D +104 6 46 D +104 6 47 D +104 6 48 S +104 6 49 D +104 6 50 S +104 6 51 S +104 6 52 L +104 6 53 S +104 6 54 D +104 6 55 D +104 6 56 L +104 6 57 D +104 6 58 S +104 6 59 L +104 6 60 D +104 6 61 S +104 6 62 S +104 6 63 S +104 6 64 D +104 6 65 S +104 6 66 L +104 6 67 D +104 6 68 S +104 6 69 D +104 6 70 L +104 6 71 S +104 6 72 D +104 6 73 S +104 6 74 L +104 6 75 D +104 6 76 S +104 6 77 D +104 6 78 L +104 6 79 D +104 6 80 D +104 6 81 D +104 6 82 D +104 6 83 L +104 6 84 S +104 6 85 D +104 6 86 S +104 6 87 K +104 6 88 S +104 6 89 K +104 6 90 K +104 6 91 D +104 6 92 L +104 6 93 K +104 6 94 K +104 6 95 L +104 6 96 S +104 6 97 S +104 6 98 S +104 6 99 L +104 6 100 D +104 6 101 S +104 6 102 L +104 6 103 K +104 6 104 D +104 6 105 S +104 6 106 L +104 6 107 L +104 6 108 L +104 6 109 D +104 6 110 S +104 6 111 K +104 6 112 S +104 6 113 K +104 6 114 D +104 6 115 S +104 6 116 L +104 6 117 S +104 6 118 S +104 6 119 D +104 6 120 L +104 6 121 S +104 6 122 D +104 6 123 D +104 6 124 D +104 6 125 S +104 6 126 S +104 6 127 K +104 6 128 S +104 6 129 L +104 6 130 K +104 6 131 S +104 6 132 S +104 6 133 D +104 6 134 S +104 6 135 S +104 6 136 D +104 6 137 D +104 6 138 D +104 6 139 L +104 6 140 D +104 6 141 L +104 6 142 L +104 6 143 D +104 6 144 D +104 6 145 D +104 6 146 S +104 6 147 D +104 6 148 S +104 6 149 D +104 6 150 D +104 6 151 S +104 6 152 S +104 6 153 D +104 6 154 K +104 6 155 D +104 6 156 D +104 6 157 S +104 6 158 L +104 6 159 S +104 6 160 L +104 6 161 D +104 6 162 S +104 6 163 D +104 6 164 D +104 6 165 D +104 6 166 K +104 6 167 L +104 6 168 D +104 6 169 D +104 6 170 D +104 6 171 D +104 6 172 L +104 6 173 S +104 6 174 S +104 6 175 L +104 6 176 S +104 6 177 L +104 6 178 D +104 6 179 S +104 6 180 D +104 6 181 S +104 6 182 S +104 6 183 D +104 6 184 S +104 6 185 S +104 6 186 D +104 6 187 S +104 6 188 D +104 6 189 L +104 6 190 S +104 6 191 D +104 6 192 S +104 6 193 D +104 6 194 S +104 6 195 D +104 6 196 D +104 6 197 S +104 6 198 D +104 6 199 L +104 6 200 D +104 6 201 S +104 6 202 D +104 6 203 S +104 6 204 K +104 6 205 S +104 6 206 L +104 6 207 S +104 6 208 S +104 6 209 D +104 6 210 S +104 6 211 D +104 6 212 S +104 6 213 L +104 6 214 D +104 6 215 S +104 6 216 D +104 6 217 S +104 6 218 D +104 6 219 L +104 6 220 D +104 6 221 L +104 6 222 S +104 6 223 D +104 6 224 L +104 6 225 D +104 6 226 D +104 6 227 K +104 6 228 D +104 6 229 D +104 6 230 L +104 6 231 S +104 6 232 K +104 6 233 D +104 6 234 D +104 6 235 D +104 6 236 D +104 6 237 S +104 6 238 D +104 6 239 S +104 6 240 S +104 6 241 L +104 6 242 L +104 6 243 S +104 6 244 L +104 6 245 S +104 6 246 D +104 6 247 D +104 6 248 D +104 6 249 D +104 6 250 S +104 6 251 D +104 6 252 L +104 6 253 D +104 6 254 D +104 6 255 K +104 6 256 S +104 6 257 D +104 6 258 S +104 6 259 S +104 6 260 L +104 6 261 S +104 6 262 L +104 6 263 L +104 6 264 L +104 6 265 D +104 6 266 S +104 6 267 S +104 6 268 D +104 6 269 S +104 6 270 S +104 6 271 D +104 6 272 L +104 6 273 S +104 6 274 L +104 6 275 S +104 6 276 S +104 6 277 D +104 6 278 S +104 6 279 D +104 6 280 D +104 6 281 D +104 6 282 D +104 6 283 S +104 6 284 L +104 6 285 S +104 6 286 L +104 6 287 S +104 6 288 S +104 6 289 D +104 6 290 L +104 6 291 D +104 6 292 S +104 6 293 L +104 6 294 L +104 6 295 S +104 6 296 S +104 6 297 S +104 6 298 S +104 6 299 D +104 6 300 L +104 6 301 D +104 6 302 L +104 6 303 D +104 6 304 D +104 6 305 S +104 6 306 D +104 6 307 D +104 6 308 S +104 6 309 K +104 6 310 D +104 6 311 D +104 6 312 K +104 6 313 D +104 6 314 L +104 6 315 D +104 6 316 D +104 6 317 S +104 6 318 S +104 6 319 L +104 6 320 D +104 6 321 S +104 6 322 D +104 6 323 D +104 6 324 L +104 6 325 S +104 6 326 S +104 6 327 L +104 6 328 D +104 6 329 S +104 6 330 L +104 7 1 K +104 7 2 K +104 7 3 S +104 7 4 S +104 7 5 K +104 7 6 S +104 7 7 K +104 7 8 S +104 7 9 S +104 7 10 K +104 7 11 K +104 7 12 S +104 7 13 K +104 7 14 K +104 7 15 L +104 7 16 L +104 7 17 S +104 7 18 K +104 7 19 K +104 7 20 K +104 7 21 S +104 7 22 S +104 7 23 S +104 7 24 S +104 7 25 K +104 7 26 K +104 7 27 L +104 7 28 S +104 7 29 K +104 7 30 S +104 7 31 K +104 7 32 S +104 7 33 K +104 7 34 K +104 7 35 S +104 7 36 K +104 7 37 K +104 7 38 S +104 7 39 K +104 7 40 K +104 7 41 S +104 7 42 S +104 7 43 K +104 7 44 L +104 7 45 K +104 7 46 K +104 7 47 K +104 7 48 S +104 7 49 K +104 7 50 S +104 7 51 S +104 7 52 L +104 7 53 S +104 7 54 K +104 7 55 K +104 7 56 S +104 7 57 K +104 7 58 S +104 7 59 L +104 7 60 K +104 7 61 S +104 7 62 K +104 7 63 S +104 7 64 K +104 7 65 S +104 7 66 L +104 7 67 K +104 7 68 S +104 7 69 S +104 7 70 L +104 7 71 S +104 7 72 K +104 7 73 S +104 7 74 L +104 7 75 K +104 7 76 S +104 7 77 K +104 7 78 S +104 7 79 K +104 7 80 K +104 7 81 K +104 7 82 K +104 7 83 L +104 7 84 S +104 7 85 K +104 7 86 S +104 7 87 K +104 7 88 S +104 7 89 K +104 7 90 K +104 7 91 S +104 7 92 L +104 7 93 K +104 7 94 K +104 7 95 L +104 7 96 S +104 7 97 K +104 7 98 S +104 7 99 S +104 7 100 K +104 7 101 S +104 7 102 L +104 7 103 S +104 7 104 K +104 7 105 S +104 7 106 S +104 7 107 L +104 7 108 L +104 7 109 K +104 7 110 S +104 7 111 K +104 7 112 S +104 7 113 K +104 7 114 K +104 7 115 S +104 7 116 L +104 7 117 S +104 7 118 S +104 7 119 K +104 7 120 L +104 7 121 S +104 7 122 K +104 7 123 K +104 7 124 K +104 7 125 S +104 7 126 S +104 7 127 K +104 7 128 S +104 7 129 L +104 7 130 K +104 7 131 S +104 7 132 S +104 7 133 K +104 7 134 S +104 7 135 S +104 7 136 K +104 7 137 K +104 7 138 K +104 7 139 L +104 7 140 K +104 7 141 L +104 7 142 L +104 7 143 K +104 7 144 K +104 7 145 K +104 7 146 S +104 7 147 K +104 7 148 S +104 7 149 K +104 7 150 S +104 7 151 S +104 7 152 S +104 7 153 K +104 7 154 K +104 7 155 S +104 7 156 K +104 7 157 S +104 7 158 L +104 7 159 S +104 7 160 S +104 7 161 K +104 7 162 S +104 7 163 K +104 7 164 K +104 7 165 S +104 7 166 K +104 7 167 L +104 7 168 K +104 7 169 K +104 7 170 K +104 7 171 S +104 7 172 L +104 7 173 S +104 7 174 S +104 7 175 K +104 7 176 S +104 7 177 L +104 7 178 K +104 7 179 S +104 7 180 K +104 7 181 S +104 7 182 S +104 7 183 S +104 7 184 S +104 7 185 S +104 7 186 K +104 7 187 S +104 7 188 K +104 7 189 K +104 7 190 S +104 7 191 K +104 7 192 S +104 7 193 S +104 7 194 S +104 7 195 K +104 7 196 L +104 7 197 S +104 7 198 K +104 7 199 L +104 7 200 K +104 7 201 S +104 7 202 K +104 7 203 S +104 7 204 S +104 7 205 K +104 7 206 L +104 7 207 S +104 7 208 S +104 7 209 K +104 7 210 S +104 7 211 K +104 7 212 S +104 7 213 L +104 7 214 S +104 7 215 S +104 7 216 K +104 7 217 S +104 7 218 S +104 7 219 L +104 7 220 K +104 7 221 L +104 7 222 S +104 7 223 K +104 7 224 L +104 7 225 S +104 7 226 K +104 7 227 K +104 7 228 K +104 7 229 L +104 7 230 L +104 7 231 S +104 7 232 S +104 7 233 K +104 7 234 K +104 7 235 K +104 7 236 S +104 7 237 S +104 7 238 K +104 7 239 S +104 7 240 S +104 7 241 L +104 7 242 S +104 7 243 S +104 7 244 L +104 7 245 S +104 7 246 K +104 7 247 K +104 7 248 S +104 7 249 K +104 7 250 K +104 7 251 K +104 7 252 L +104 7 253 K +104 7 254 K +104 7 255 K +104 7 256 S +104 7 257 K +104 7 258 S +104 7 259 S +104 7 260 L +104 7 261 S +104 7 262 L +104 7 263 L +104 7 264 L +104 7 265 K +104 7 266 S +104 7 267 S +104 7 268 K +104 7 269 S +104 7 270 S +104 7 271 K +104 7 272 L +104 7 273 S +104 7 274 L +104 7 275 S +104 7 276 S +104 7 277 K +104 7 278 S +104 7 279 K +104 7 280 K +104 7 281 K +104 7 282 K +104 7 283 S +104 7 284 L +104 7 285 S +104 7 286 L +104 7 287 S +104 7 288 S +104 7 289 K +104 7 290 L +104 7 291 K +104 7 292 S +104 7 293 L +104 7 294 L +104 7 295 S +104 7 296 S +104 7 297 S +104 7 298 S +104 7 299 K +104 7 300 L +104 7 301 K +104 7 302 L +104 7 303 L +104 7 304 S +104 7 305 S +104 7 306 S +104 7 307 K +104 7 308 K +104 7 309 S +104 7 310 K +104 7 311 K +104 7 312 K +104 7 313 K +104 7 314 L +104 7 315 S +104 7 316 K +104 7 317 S +104 7 318 S +104 7 319 L +104 7 320 S +104 7 321 S +104 7 322 K +104 7 323 K +104 7 324 L +104 7 325 S +104 7 326 S +104 7 327 L +104 7 328 K +104 7 329 S +104 7 330 L +104 8 1 K +104 8 2 L +104 8 3 S +104 8 4 K +104 8 5 L +104 8 6 S +104 8 7 K +104 8 8 S +104 8 9 S +104 8 10 K +104 8 11 K +104 8 12 S +104 8 13 K +104 8 14 K +104 8 15 L +104 8 16 L +104 8 17 S +104 8 18 K +104 8 19 K +104 8 20 K +104 8 21 S +104 8 22 L +104 8 23 K +104 8 24 K +104 8 25 K +104 8 26 K +104 8 27 L +104 8 28 S +104 8 29 K +104 8 30 S +104 8 31 L +104 8 32 S +104 8 33 K +104 8 34 K +104 8 35 S +104 8 36 K +104 8 37 K +104 8 38 S +104 8 39 K +104 8 40 K +104 8 41 S +104 8 42 S +104 8 43 K +104 8 44 L +104 8 45 K +104 8 46 K +104 8 47 K +104 8 48 S +104 8 49 L +104 8 50 K +104 8 51 S +104 8 52 L +104 8 53 S +104 8 54 K +104 8 55 K +104 8 56 S +104 8 57 K +104 8 58 S +104 8 59 L +104 8 60 K +104 8 61 S +104 8 62 L +104 8 63 S +104 8 64 K +104 8 65 S +104 8 66 L +104 8 67 L +104 8 68 S +104 8 69 K +104 8 70 L +104 8 71 S +104 8 72 K +104 8 73 S +104 8 74 L +104 8 75 K +104 8 76 S +104 8 77 K +104 8 78 L +104 8 79 K +104 8 80 K +104 8 81 S +104 8 82 K +104 8 83 L +104 8 84 S +104 8 85 K +104 8 86 S +104 8 87 K +104 8 88 S +104 8 89 K +104 8 90 K +104 8 91 S +104 8 92 L +104 8 93 K +104 8 94 K +104 8 95 L +104 8 96 S +104 8 97 K +104 8 98 S +104 8 99 L +104 8 100 L +104 8 101 S +104 8 102 L +104 8 103 S +104 8 104 L +104 8 105 S +104 8 106 L +104 8 107 L +104 8 108 L +104 8 109 K +104 8 110 S +104 8 111 K +104 8 112 S +104 8 113 K +104 8 114 K +104 8 115 S +104 8 116 L +104 8 117 K +104 8 118 S +104 8 119 K +104 8 120 L +104 8 121 S +104 8 122 K +104 8 123 K +104 8 124 S +104 8 125 S +104 8 126 S +104 8 127 K +104 8 128 S +104 8 129 L +104 8 130 K +104 8 131 S +104 8 132 S +104 8 133 K +104 8 134 S +104 8 135 S +104 8 136 L +104 8 137 K +104 8 138 L +104 8 139 L +104 8 140 K +104 8 141 L +104 8 142 L +104 8 143 S +104 8 144 K +104 8 145 K +104 8 146 S +104 8 147 K +104 8 148 S +104 8 149 L +104 8 150 S +104 8 151 S +104 8 152 S +104 8 153 K +104 8 154 K +104 8 155 S +104 8 156 K +104 8 157 S +104 8 158 L +104 8 159 S +104 8 160 S +104 8 161 L +104 8 162 S +104 8 163 K +104 8 164 K +104 8 165 K +104 8 166 K +104 8 167 L +104 8 168 K +104 8 169 K +104 8 170 K +104 8 171 K +104 8 172 L +104 8 173 S +104 8 174 S +104 8 175 L +104 8 176 S +104 8 177 L +104 8 178 K +104 8 179 S +104 8 180 K +104 8 181 S +104 8 182 S +104 8 183 S +104 8 184 S +104 8 185 S +104 8 186 K +104 8 187 S +104 8 188 K +104 8 189 L +104 8 190 S +104 8 191 K +104 8 192 S +104 8 193 S +104 8 194 S +104 8 195 K +104 8 196 L +104 8 197 S +104 8 198 K +104 8 199 L +104 8 200 L +104 8 201 S +104 8 202 K +104 8 203 S +104 8 204 K +104 8 205 K +104 8 206 L +104 8 207 S +104 8 208 S +104 8 209 K +104 8 210 K +104 8 211 K +104 8 212 S +104 8 213 L +104 8 214 S +104 8 215 S +104 8 216 K +104 8 217 S +104 8 218 S +104 8 219 L +104 8 220 K +104 8 221 L +104 8 222 S +104 8 223 K +104 8 224 L +104 8 225 S +104 8 226 K +104 8 227 K +104 8 228 K +104 8 229 L +104 8 230 L +104 8 231 S +104 8 232 S +104 8 233 L +104 8 234 K +104 8 235 K +104 8 236 S +104 8 237 S +104 8 238 K +104 8 239 S +104 8 240 S +104 8 241 L +104 8 242 S +104 8 243 S +104 8 244 S +104 8 245 S +104 8 246 K +104 8 247 K +104 8 248 K +104 8 249 K +104 8 250 K +104 8 251 L +104 8 252 L +104 8 253 K +104 8 254 K +104 8 255 K +104 8 256 S +104 8 257 K +104 8 258 S +104 8 259 S +104 8 260 L +104 8 261 S +104 8 262 L +104 8 263 K +104 8 264 L +104 8 265 K +104 8 266 S +104 8 267 S +104 8 268 K +104 8 269 S +104 8 270 S +104 8 271 K +104 8 272 L +104 8 273 S +104 8 274 L +104 8 275 S +104 8 276 S +104 8 277 K +104 8 278 S +104 8 279 K +104 8 280 S +104 8 281 K +104 8 282 S +104 8 283 S +104 8 284 L +104 8 285 S +104 8 286 L +104 8 287 S +104 8 288 S +104 8 289 K +104 8 290 L +104 8 291 K +104 8 292 S +104 8 293 L +104 8 294 L +104 8 295 S +104 8 296 K +104 8 297 S +104 8 298 S +104 8 299 K +104 8 300 L +104 8 301 K +104 8 302 L +104 8 303 L +104 8 304 S +104 8 305 S +104 8 306 L +104 8 307 K +104 8 308 S +104 8 309 K +104 8 310 K +104 8 311 K +104 8 312 K +104 8 313 K +104 8 314 L +104 8 315 S +104 8 316 K +104 8 317 S +104 8 318 S +104 8 319 L +104 8 320 S +104 8 321 S +104 8 322 L +104 8 323 K +104 8 324 L +104 8 325 S +104 8 326 S +104 8 327 L +104 8 328 K +104 8 329 S +104 8 330 L +104 9 1 K +104 9 2 K +104 9 3 S +104 9 4 S +104 9 5 K +104 9 6 S +104 9 7 K +104 9 8 S +104 9 9 S +104 9 10 K +104 9 11 K +104 9 12 S +104 9 13 K +104 9 14 K +104 9 15 S +104 9 16 L +104 9 17 S +104 9 18 K +104 9 19 K +104 9 20 K +104 9 21 S +104 9 22 S +104 9 23 K +104 9 24 K +104 9 25 K +104 9 26 K +104 9 27 L +104 9 28 S +104 9 29 K +104 9 30 S +104 9 31 L +104 9 32 S +104 9 33 K +104 9 34 K +104 9 35 S +104 9 36 K +104 9 37 K +104 9 38 S +104 9 39 K +104 9 40 K +104 9 41 S +104 9 42 S +104 9 43 K +104 9 44 L +104 9 45 K +104 9 46 K +104 9 47 K +104 9 48 S +104 9 49 K +104 9 50 S +104 9 51 K +104 9 52 L +104 9 53 S +104 9 54 K +104 9 55 K +104 9 56 S +104 9 57 K +104 9 58 K +104 9 59 L +104 9 60 K +104 9 61 S +104 9 62 K +104 9 63 S +104 9 64 K +104 9 65 S +104 9 66 L +104 9 67 K +104 9 68 S +104 9 69 K +104 9 70 L +104 9 71 S +104 9 72 K +104 9 73 S +104 9 74 L +104 9 75 K +104 9 76 S +104 9 77 K +104 9 78 S +104 9 79 K +104 9 80 K +104 9 81 K +104 9 82 K +104 9 83 S +104 9 84 S +104 9 85 K +104 9 86 S +104 9 87 K +104 9 88 S +104 9 89 K +104 9 90 K +104 9 91 S +104 9 92 L +104 9 93 K +104 9 94 K +104 9 95 L +104 9 96 S +104 9 97 S +104 9 98 S +104 9 99 L +104 9 100 K +104 9 101 S +104 9 102 L +104 9 103 K +104 9 104 K +104 9 105 S +104 9 106 S +104 9 107 L +104 9 108 L +104 9 109 K +104 9 110 S +104 9 111 K +104 9 112 S +104 9 113 K +104 9 114 K +104 9 115 S +104 9 116 K +104 9 117 K +104 9 118 S +104 9 119 K +104 9 120 L +104 9 121 S +104 9 122 K +104 9 123 K +104 9 124 K +104 9 125 S +104 9 126 S +104 9 127 K +104 9 128 S +104 9 129 L +104 9 130 K +104 9 131 S +104 9 132 S +104 9 133 K +104 9 134 S +104 9 135 S +104 9 136 K +104 9 137 K +104 9 138 K +104 9 139 L +104 9 140 K +104 9 141 L +104 9 142 L +104 9 143 K +104 9 144 K +104 9 145 K +104 9 146 S +104 9 147 K +104 9 148 S +104 9 149 K +104 9 150 S +104 9 151 S +104 9 152 S +104 9 153 K +104 9 154 K +104 9 155 K +104 9 156 K +104 9 157 S +104 9 158 L +104 9 159 S +104 9 160 S +104 9 161 K +104 9 162 S +104 9 163 K +104 9 164 K +104 9 165 K +104 9 166 K +104 9 167 S +104 9 168 K +104 9 169 K +104 9 170 K +104 9 171 K +104 9 172 L +104 9 173 S +104 9 174 S +104 9 175 K +104 9 176 S +104 9 177 S +104 9 178 K +104 9 179 S +104 9 180 K +104 9 181 S +104 9 182 S +104 9 183 S +104 9 184 S +104 9 185 S +104 9 186 K +104 9 187 S +104 9 188 K +104 9 189 L +104 9 190 S +104 9 191 K +104 9 192 S +104 9 193 S +104 9 194 S +104 9 195 K +104 9 196 K +104 9 197 S +104 9 198 K +104 9 199 L +104 9 200 K +104 9 201 S +104 9 202 K +104 9 203 S +104 9 204 K +104 9 205 K +104 9 206 L +104 9 207 S +104 9 208 S +104 9 209 K +104 9 210 S +104 9 211 K +104 9 212 S +104 9 213 S +104 9 214 S +104 9 215 S +104 9 216 K +104 9 217 S +104 9 218 K +104 9 219 L +104 9 220 K +104 9 221 L +104 9 222 S +104 9 223 K +104 9 224 L +104 9 225 S +104 9 226 K +104 9 227 K +104 9 228 K +104 9 229 L +104 9 230 S +104 9 231 S +104 9 232 S +104 9 233 L +104 9 234 K +104 9 235 K +104 9 236 K +104 9 237 S +104 9 238 K +104 9 239 S +104 9 240 S +104 9 241 L +104 9 242 S +104 9 243 S +104 9 244 L +104 9 245 S +104 9 246 K +104 9 247 K +104 9 248 K +104 9 249 K +104 9 250 S +104 9 251 K +104 9 252 S +104 9 253 K +104 9 254 K +104 9 255 K +104 9 256 S +104 9 257 K +104 9 258 S +104 9 259 S +104 9 260 L +104 9 261 S +104 9 262 L +104 9 263 K +104 9 264 K +104 9 265 K +104 9 266 S +104 9 267 S +104 9 268 K +104 9 269 S +104 9 270 S +104 9 271 K +104 9 272 L +104 9 273 S +104 9 274 L +104 9 275 S +104 9 276 S +104 9 277 K +104 9 278 S +104 9 279 K +104 9 280 K +104 9 281 K +104 9 282 K +104 9 283 S +104 9 284 L +104 9 285 S +104 9 286 L +104 9 287 S +104 9 288 S +104 9 289 K +104 9 290 L +104 9 291 K +104 9 292 S +104 9 293 L +104 9 294 L +104 9 295 S +104 9 296 S +104 9 297 S +104 9 298 S +104 9 299 K +104 9 300 L +104 9 301 K +104 9 302 S +104 9 303 L +104 9 304 S +104 9 305 S +104 9 306 K +104 9 307 K +104 9 308 S +104 9 309 K +104 9 310 K +104 9 311 K +104 9 312 K +104 9 313 K +104 9 314 L +104 9 315 K +104 9 316 K +104 9 317 S +104 9 318 S +104 9 319 L +104 9 320 S +104 9 321 S +104 9 322 K +104 9 323 K +104 9 324 L +104 9 325 S +104 9 326 S +104 9 327 L +104 9 328 K +104 9 329 S +104 9 330 L +104 10 1 K +104 10 2 L +104 10 3 S +104 10 4 K +104 10 5 L +104 10 6 L +104 10 7 K +104 10 8 S +104 10 9 S +104 10 10 K +104 10 11 K +104 10 12 S +104 10 13 K +104 10 14 K +104 10 15 L +104 10 16 L +104 10 17 S +104 10 18 K +104 10 19 K +104 10 20 K +104 10 21 S +104 10 22 L +104 10 23 S +104 10 24 K +104 10 25 K +104 10 26 K +104 10 27 L +104 10 28 S +104 10 29 K +104 10 30 S +104 10 31 L +104 10 32 S +104 10 33 K +104 10 34 K +104 10 35 S +104 10 36 K +104 10 37 K +104 10 38 S +104 10 39 K +104 10 40 K +104 10 41 S +104 10 42 S +104 10 43 K +104 10 44 L +104 10 45 K +104 10 46 L +104 10 47 K +104 10 48 S +104 10 49 K +104 10 50 S +104 10 51 L +104 10 52 L +104 10 53 S +104 10 54 K +104 10 55 K +104 10 56 S +104 10 57 K +104 10 58 L +104 10 59 L +104 10 60 K +104 10 61 S +104 10 62 K +104 10 63 S +104 10 64 K +104 10 65 S +104 10 66 L +104 10 67 K +104 10 68 S +104 10 69 K +104 10 70 K +104 10 71 S +104 10 72 K +104 10 73 K +104 10 74 L +104 10 75 K +104 10 76 S +104 10 77 K +104 10 78 L +104 10 79 K +104 10 80 K +104 10 81 K +104 10 82 K +104 10 83 L +104 10 84 S +104 10 85 K +104 10 86 S +104 10 87 K +104 10 88 S +104 10 89 K +104 10 90 K +104 10 91 K +104 10 92 L +104 10 93 K +104 10 94 K +104 10 95 L +104 10 96 S +104 10 97 K +104 10 98 S +104 10 99 L +104 10 100 L +104 10 101 S +104 10 102 L +104 10 103 K +104 10 104 L +104 10 105 S +104 10 106 L +104 10 107 L +104 10 108 L +104 10 109 K +104 10 110 S +104 10 111 K +104 10 112 S +104 10 113 K +104 10 114 K +104 10 115 S +104 10 116 L +104 10 117 K +104 10 118 S +104 10 119 K +104 10 120 L +104 10 121 S +104 10 122 K +104 10 123 K +104 10 124 L +104 10 125 S +104 10 126 S +104 10 127 K +104 10 128 K +104 10 129 L +104 10 130 K +104 10 131 S +104 10 132 S +104 10 133 K +104 10 134 K +104 10 135 S +104 10 136 K +104 10 137 K +104 10 138 L +104 10 139 L +104 10 140 K +104 10 141 L +104 10 142 L +104 10 143 K +104 10 144 K +104 10 145 K +104 10 146 S +104 10 147 K +104 10 148 S +104 10 149 K +104 10 150 K +104 10 151 S +104 10 152 S +104 10 153 K +104 10 154 K +104 10 155 S +104 10 156 K +104 10 157 S +104 10 158 L +104 10 159 S +104 10 160 S +104 10 161 K +104 10 162 S +104 10 163 K +104 10 164 K +104 10 165 K +104 10 166 K +104 10 167 L +104 10 168 K +104 10 169 K +104 10 170 K +104 10 171 K +104 10 172 L +104 10 173 S +104 10 174 S +104 10 175 L +104 10 176 S +104 10 177 L +104 10 178 K +104 10 179 S +104 10 180 K +104 10 181 S +104 10 182 S +104 10 183 L +104 10 184 S +104 10 185 S +104 10 186 K +104 10 187 S +104 10 188 K +104 10 189 L +104 10 190 S +104 10 191 K +104 10 192 K +104 10 193 S +104 10 194 S +104 10 195 K +104 10 196 L +104 10 197 S +104 10 198 K +104 10 199 L +104 10 200 K +104 10 201 S +104 10 202 K +104 10 203 S +104 10 204 K +104 10 205 K +104 10 206 L +104 10 207 S +104 10 208 S +104 10 209 K +104 10 210 S +104 10 211 K +104 10 212 S +104 10 213 L +104 10 214 K +104 10 215 S +104 10 216 K +104 10 217 S +104 10 218 S +104 10 219 L +104 10 220 K +104 10 221 L +104 10 222 S +104 10 223 K +104 10 224 L +104 10 225 K +104 10 226 K +104 10 227 K +104 10 228 K +104 10 229 L +104 10 230 L +104 10 231 S +104 10 232 K +104 10 233 K +104 10 234 K +104 10 235 K +104 10 236 S +104 10 237 S +104 10 238 K +104 10 239 S +104 10 240 S +104 10 241 L +104 10 242 S +104 10 243 S +104 10 244 L +104 10 245 S +104 10 246 K +104 10 247 K +104 10 248 K +104 10 249 K +104 10 250 K +104 10 251 L +104 10 252 L +104 10 253 L +104 10 254 L +104 10 255 K +104 10 256 S +104 10 257 K +104 10 258 S +104 10 259 S +104 10 260 L +104 10 261 S +104 10 262 L +104 10 263 L +104 10 264 L +104 10 265 K +104 10 266 S +104 10 267 K +104 10 268 K +104 10 269 S +104 10 270 S +104 10 271 K +104 10 272 L +104 10 273 S +104 10 274 L +104 10 275 S +104 10 276 S +104 10 277 K +104 10 278 S +104 10 279 K +104 10 280 K +104 10 281 K +104 10 282 K +104 10 283 S +104 10 284 L +104 10 285 S +104 10 286 L +104 10 287 S +104 10 288 S +104 10 289 K +104 10 290 L +104 10 291 K +104 10 292 S +104 10 293 L +104 10 294 L +104 10 295 S +104 10 296 K +104 10 297 S +104 10 298 S +104 10 299 K +104 10 300 L +104 10 301 K +104 10 302 L +104 10 303 L +104 10 304 K +104 10 305 K +104 10 306 K +104 10 307 K +104 10 308 S +104 10 309 K +104 10 310 K +104 10 311 K +104 10 312 K +104 10 313 K +104 10 314 L +104 10 315 K +104 10 316 K +104 10 317 S +104 10 318 S +104 10 319 L +104 10 320 S +104 10 321 S +104 10 322 K +104 10 323 K +104 10 324 L +104 10 325 S +104 10 326 S +104 10 327 L +104 10 328 K +104 10 329 S +104 10 330 L +104 11 1 K +104 11 2 L +104 11 3 S +104 11 4 S +104 11 5 L +104 11 6 S +104 11 7 K +104 11 8 S +104 11 9 L +104 11 10 K +104 11 11 K +104 11 12 S +104 11 13 K +104 11 14 K +104 11 15 S +104 11 16 L +104 11 17 S +104 11 18 K +104 11 19 K +104 11 20 K +104 11 21 S +104 11 22 L +104 11 23 S +104 11 24 K +104 11 25 K +104 11 26 K +104 11 27 L +104 11 28 S +104 11 29 K +104 11 30 S +104 11 31 K +104 11 32 S +104 11 33 K +104 11 34 K +104 11 35 S +104 11 36 K +104 11 37 K +104 11 38 S +104 11 39 K +104 11 40 K +104 11 41 S +104 11 42 S +104 11 43 K +104 11 44 L +104 11 45 K +104 11 46 L +104 11 47 K +104 11 48 S +104 11 49 K +104 11 50 S +104 11 51 S +104 11 52 L +104 11 53 S +104 11 54 K +104 11 55 K +104 11 56 L +104 11 57 K +104 11 58 S +104 11 59 L +104 11 60 K +104 11 61 S +104 11 62 K +104 11 63 S +104 11 64 K +104 11 65 S +104 11 66 L +104 11 67 K +104 11 68 S +104 11 69 K +104 11 70 L +104 11 71 S +104 11 72 K +104 11 73 S +104 11 74 L +104 11 75 K +104 11 76 S +104 11 77 K +104 11 78 L +104 11 79 K +104 11 80 K +104 11 81 K +104 11 82 K +104 11 83 L +104 11 84 S +104 11 85 K +104 11 86 S +104 11 87 L +104 11 88 S +104 11 89 L +104 11 90 L +104 11 91 K +104 11 92 L +104 11 93 K +104 11 94 L +104 11 95 L +104 11 96 S +104 11 97 K +104 11 98 S +104 11 99 L +104 11 100 L +104 11 101 S +104 11 102 L +104 11 103 L +104 11 104 L +104 11 105 S +104 11 106 L +104 11 107 L +104 11 108 L +104 11 109 K +104 11 110 S +104 11 111 K +104 11 112 S +104 11 113 K +104 11 114 K +104 11 115 S +104 11 116 L +104 11 117 K +104 11 118 S +104 11 119 K +104 11 120 L +104 11 121 S +104 11 122 K +104 11 123 K +104 11 124 L +104 11 125 S +104 11 126 S +104 11 127 K +104 11 128 L +104 11 129 L +104 11 130 L +104 11 131 S +104 11 132 S +104 11 133 K +104 11 134 L +104 11 135 S +104 11 136 K +104 11 137 K +104 11 138 K +104 11 139 L +104 11 140 K +104 11 141 L +104 11 142 L +104 11 143 K +104 11 144 K +104 11 145 K +104 11 146 S +104 11 147 K +104 11 148 S +104 11 149 K +104 11 150 S +104 11 151 S +104 11 152 S +104 11 153 K +104 11 154 K +104 11 155 K +104 11 156 K +104 11 157 K +104 11 158 L +104 11 159 S +104 11 160 S +104 11 161 K +104 11 162 S +104 11 163 K +104 11 164 K +104 11 165 K +104 11 166 K +104 11 167 L +104 11 168 K +104 11 169 K +104 11 170 K +104 11 171 K +104 11 172 L +104 11 173 S +104 11 174 S +104 11 175 L +104 11 176 S +104 11 177 L +104 11 178 K +104 11 179 S +104 11 180 K +104 11 181 S +104 11 182 S +104 11 183 S +104 11 184 S +104 11 185 S +104 11 186 K +104 11 187 S +104 11 188 K +104 11 189 L +104 11 190 S +104 11 191 K +104 11 192 S +104 11 193 S +104 11 194 S +104 11 195 K +104 11 196 K +104 11 197 S +104 11 198 K +104 11 199 L +104 11 200 K +104 11 201 S +104 11 202 K +104 11 203 S +104 11 204 K +104 11 205 K +104 11 206 L +104 11 207 S +104 11 208 S +104 11 209 K +104 11 210 S +104 11 211 K +104 11 212 S +104 11 213 L +104 11 214 L +104 11 215 S +104 11 216 K +104 11 217 S +104 11 218 K +104 11 219 L +104 11 220 K +104 11 221 L +104 11 222 S +104 11 223 K +104 11 224 L +104 11 225 K +104 11 226 K +104 11 227 K +104 11 228 K +104 11 229 K +104 11 230 L +104 11 231 S +104 11 232 K +104 11 233 K +104 11 234 K +104 11 235 K +104 11 236 K +104 11 237 S +104 11 238 K +104 11 239 S +104 11 240 S +104 11 241 L +104 11 242 L +104 11 243 S +104 11 244 L +104 11 245 S +104 11 246 K +104 11 247 K +104 11 248 K +104 11 249 K +104 11 250 K +104 11 251 K +104 11 252 L +104 11 253 K +104 11 254 K +104 11 255 K +104 11 256 S +104 11 257 K +104 11 258 S +104 11 259 S +104 11 260 L +104 11 261 S +104 11 262 L +104 11 263 L +104 11 264 L +104 11 265 K +104 11 266 S +104 11 267 K +104 11 268 K +104 11 269 S +104 11 270 S +104 11 271 K +104 11 272 L +104 11 273 S +104 11 274 L +104 11 275 L +104 11 276 S +104 11 277 K +104 11 278 S +104 11 279 K +104 11 280 K +104 11 281 K +104 11 282 K +104 11 283 S +104 11 284 L +104 11 285 S +104 11 286 L +104 11 287 S +104 11 288 S +104 11 289 K +104 11 290 L +104 11 291 K +104 11 292 S +104 11 293 L +104 11 294 L +104 11 295 K +104 11 296 S +104 11 297 S +104 11 298 S +104 11 299 K +104 11 300 L +104 11 301 K +104 11 302 L +104 11 303 L +104 11 304 K +104 11 305 S +104 11 306 K +104 11 307 K +104 11 308 S +104 11 309 K +104 11 310 K +104 11 311 K +104 11 312 K +104 11 313 K +104 11 314 L +104 11 315 K +104 11 316 K +104 11 317 S +104 11 318 S +104 11 319 L +104 11 320 K +104 11 321 S +104 11 322 K +104 11 323 K +104 11 324 L +104 11 325 S +104 11 326 S +104 11 327 L +104 11 328 K +104 11 329 S +104 11 330 L +104 12 1 K +104 12 2 K +104 12 3 S +104 12 4 K +104 12 5 K +104 12 6 S +104 12 7 K +104 12 8 S +104 12 9 S +104 12 10 K +104 12 11 K +104 12 12 S +104 12 13 K +104 12 14 K +104 12 15 S +104 12 16 L +104 12 17 S +104 12 18 K +104 12 19 K +104 12 20 K +104 12 21 S +104 12 22 L +104 12 23 S +104 12 24 K +104 12 25 K +104 12 26 K +104 12 27 L +104 12 28 S +104 12 29 K +104 12 30 S +104 12 31 L +104 12 32 S +104 12 33 K +104 12 34 K +104 12 35 S +104 12 36 K +104 12 37 K +104 12 38 S +104 12 39 K +104 12 40 K +104 12 41 S +104 12 42 S +104 12 43 K +104 12 44 L +104 12 45 K +104 12 46 L +104 12 47 K +104 12 48 S +104 12 49 L +104 12 50 S +104 12 51 S +104 12 52 L +104 12 53 S +104 12 54 K +104 12 55 K +104 12 56 S +104 12 57 K +104 12 58 S +104 12 59 L +104 12 60 K +104 12 61 S +104 12 62 K +104 12 63 S +104 12 64 K +104 12 65 S +104 12 66 L +104 12 67 K +104 12 68 S +104 12 69 K +104 12 70 L +104 12 71 S +104 12 72 K +104 12 73 S +104 12 74 L +104 12 75 K +104 12 76 S +104 12 77 K +104 12 78 L +104 12 79 K +104 12 80 K +104 12 81 K +104 12 82 K +104 12 83 L +104 12 84 S +104 12 85 K +104 12 86 S +104 12 87 K +104 12 88 S +104 12 89 K +104 12 90 K +104 12 91 S +104 12 92 L +104 12 93 K +104 12 94 K +104 12 95 L +104 12 96 S +104 12 97 K +104 12 98 S +104 12 99 L +104 12 100 K +104 12 101 S +104 12 102 L +104 12 103 K +104 12 104 K +104 12 105 S +104 12 106 L +104 12 107 L +104 12 108 L +104 12 109 K +104 12 110 S +104 12 111 K +104 12 112 S +104 12 113 K +104 12 114 K +104 12 115 S +104 12 116 L +104 12 117 K +104 12 118 S +104 12 119 K +104 12 120 L +104 12 121 S +104 12 122 K +104 12 123 K +104 12 124 L +104 12 125 S +104 12 126 S +104 12 127 K +104 12 128 L +104 12 129 L +104 12 130 K +104 12 131 S +104 12 132 S +104 12 133 K +104 12 134 K +104 12 135 S +104 12 136 K +104 12 137 K +104 12 138 K +104 12 139 L +104 12 140 K +104 12 141 L +104 12 142 L +104 12 143 S +104 12 144 K +104 12 145 K +104 12 146 S +104 12 147 K +104 12 148 S +104 12 149 L +104 12 150 S +104 12 151 S +104 12 152 S +104 12 153 K +104 12 154 K +104 12 155 K +104 12 156 K +104 12 157 K +104 12 158 L +104 12 159 S +104 12 160 S +104 12 161 K +104 12 162 S +104 12 163 K +104 12 164 K +104 12 165 K +104 12 166 K +104 12 167 L +104 12 168 K +104 12 169 K +104 12 170 K +104 12 171 K +104 12 172 L +104 12 173 S +104 12 174 S +104 12 175 L +104 12 176 S +104 12 177 L +104 12 178 K +104 12 179 S +104 12 180 K +104 12 181 S +104 12 182 S +104 12 183 K +104 12 184 S +104 12 185 S +104 12 186 L +104 12 187 S +104 12 188 K +104 12 189 L +104 12 190 S +104 12 191 K +104 12 192 S +104 12 193 S +104 12 194 S +104 12 195 K +104 12 196 L +104 12 197 S +104 12 198 K +104 12 199 L +104 12 200 K +104 12 201 S +104 12 202 K +104 12 203 S +104 12 204 K +104 12 205 S +104 12 206 L +104 12 207 S +104 12 208 S +104 12 209 K +104 12 210 S +104 12 211 K +104 12 212 S +104 12 213 L +104 12 214 S +104 12 215 S +104 12 216 K +104 12 217 S +104 12 218 S +104 12 219 L +104 12 220 K +104 12 221 L +104 12 222 S +104 12 223 K +104 12 224 L +104 12 225 S +104 12 226 K +104 12 227 K +104 12 228 K +104 12 229 L +104 12 230 L +104 12 231 S +104 12 232 S +104 12 233 K +104 12 234 K +104 12 235 K +104 12 236 K +104 12 237 S +104 12 238 K +104 12 239 S +104 12 240 S +104 12 241 L +104 12 242 L +104 12 243 S +104 12 244 L +104 12 245 S +104 12 246 K +104 12 247 K +104 12 248 K +104 12 249 K +104 12 250 S +104 12 251 L +104 12 252 L +104 12 253 K +104 12 254 K +104 12 255 K +104 12 256 S +104 12 257 K +104 12 258 S +104 12 259 S +104 12 260 L +104 12 261 S +104 12 262 L +104 12 263 L +104 12 264 L +104 12 265 K +104 12 266 S +104 12 267 S +104 12 268 K +104 12 269 S +104 12 270 S +104 12 271 K +104 12 272 L +104 12 273 S +104 12 274 L +104 12 275 S +104 12 276 S +104 12 277 K +104 12 278 S +104 12 279 K +104 12 280 K +104 12 281 K +104 12 282 K +104 12 283 S +104 12 284 L +104 12 285 S +104 12 286 L +104 12 287 S +104 12 288 S +104 12 289 L +104 12 290 L +104 12 291 K +104 12 292 S +104 12 293 L +104 12 294 L +104 12 295 S +104 12 296 S +104 12 297 S +104 12 298 S +104 12 299 K +104 12 300 L +104 12 301 K +104 12 302 L +104 12 303 L +104 12 304 S +104 12 305 S +104 12 306 L +104 12 307 K +104 12 308 S +104 12 309 K +104 12 310 K +104 12 311 K +104 12 312 K +104 12 313 K +104 12 314 L +104 12 315 K +104 12 316 K +104 12 317 S +104 12 318 S +104 12 319 L +104 12 320 S +104 12 321 S +104 12 322 K +104 12 323 K +104 12 324 L +104 12 325 S +104 12 326 S +104 12 327 L +104 12 328 K +104 12 329 S +104 12 330 L +104 13 1 K +104 13 2 L +104 13 3 S +104 13 4 K +104 13 5 L +104 13 6 S +104 13 7 K +104 13 8 S +104 13 9 S +104 13 10 K +104 13 11 K +104 13 12 S +104 13 13 K +104 13 14 K +104 13 15 L +104 13 16 L +104 13 17 S +104 13 18 K +104 13 19 K +104 13 20 K +104 13 21 S +104 13 22 L +104 13 23 K +104 13 24 K +104 13 25 K +104 13 26 K +104 13 27 L +104 13 28 S +104 13 29 K +104 13 30 S +104 13 31 K +104 13 32 S +104 13 33 K +104 13 34 K +104 13 35 S +104 13 36 K +104 13 37 K +104 13 38 S +104 13 39 K +104 13 40 K +104 13 41 S +104 13 42 S +104 13 43 K +104 13 44 L +104 13 45 K +104 13 46 K +104 13 47 K +104 13 48 S +104 13 49 L +104 13 50 K +104 13 51 K +104 13 52 L +104 13 53 S +104 13 54 K +104 13 55 K +104 13 56 S +104 13 57 K +104 13 58 S +104 13 59 L +104 13 60 K +104 13 61 S +104 13 62 K +104 13 63 S +104 13 64 K +104 13 65 S +104 13 66 L +104 13 67 K +104 13 68 S +104 13 69 K +104 13 70 L +104 13 71 S +104 13 72 K +104 13 73 K +104 13 74 L +104 13 75 K +104 13 76 S +104 13 77 K +104 13 78 L +104 13 79 K +104 13 80 K +104 13 81 K +104 13 82 K +104 13 83 S +104 13 84 S +104 13 85 K +104 13 86 S +104 13 87 K +104 13 88 S +104 13 89 K +104 13 90 K +104 13 91 K +104 13 92 L +104 13 93 K +104 13 94 K +104 13 95 L +104 13 96 S +104 13 97 K +104 13 98 S +104 13 99 L +104 13 100 K +104 13 101 S +104 13 102 L +104 13 103 K +104 13 104 K +104 13 105 S +104 13 106 S +104 13 107 L +104 13 108 L +104 13 109 K +104 13 110 S +104 13 111 K +104 13 112 S +104 13 113 K +104 13 114 K +104 13 115 S +104 13 116 L +104 13 117 K +104 13 118 S +104 13 119 K +104 13 120 L +104 13 121 S +104 13 122 K +104 13 123 K +104 13 124 K +104 13 125 S +104 13 126 S +104 13 127 K +104 13 128 S +104 13 129 L +104 13 130 K +104 13 131 K +104 13 132 S +104 13 133 K +104 13 134 K +104 13 135 S +104 13 136 K +104 13 137 K +104 13 138 K +104 13 139 L +104 13 140 K +104 13 141 L +104 13 142 L +104 13 143 K +104 13 144 K +104 13 145 K +104 13 146 S +104 13 147 K +104 13 148 S +104 13 149 K +104 13 150 K +104 13 151 S +104 13 152 L +104 13 153 K +104 13 154 K +104 13 155 K +104 13 156 K +104 13 157 K +104 13 158 L +104 13 159 S +104 13 160 S +104 13 161 K +104 13 162 S +104 13 163 K +104 13 164 K +104 13 165 K +104 13 166 K +104 13 167 L +104 13 168 K +104 13 169 K +104 13 170 K +104 13 171 K +104 13 172 L +104 13 173 S +104 13 174 S +104 13 175 L +104 13 176 S +104 13 177 L +104 13 178 K +104 13 179 S +104 13 180 K +104 13 181 S +104 13 182 S +104 13 183 K +104 13 184 K +104 13 185 L +104 13 186 K +104 13 187 S +104 13 188 K +104 13 189 L +104 13 190 S +104 13 191 K +104 13 192 K +104 13 193 K +104 13 194 K +104 13 195 K +104 13 196 L +104 13 197 S +104 13 198 K +104 13 199 L +104 13 200 K +104 13 201 S +104 13 202 K +104 13 203 S +104 13 204 K +104 13 205 K +104 13 206 L +104 13 207 S +104 13 208 S +104 13 209 K +104 13 210 K +104 13 211 K +104 13 212 S +104 13 213 L +104 13 214 K +104 13 215 S +104 13 216 K +104 13 217 L +104 13 218 K +104 13 219 L +104 13 220 K +104 13 221 L +104 13 222 K +104 13 223 K +104 13 224 L +104 13 225 K +104 13 226 K +104 13 227 K +104 13 228 K +104 13 229 K +104 13 230 L +104 13 231 S +104 13 232 K +104 13 233 K +104 13 234 K +104 13 235 K +104 13 236 K +104 13 237 L +104 13 238 K +104 13 239 S +104 13 240 K +104 13 241 L +104 13 242 L +104 13 243 S +104 13 244 L +104 13 245 S +104 13 246 K +104 13 247 K +104 13 248 K +104 13 249 K +104 13 250 K +104 13 251 K +104 13 252 L +104 13 253 K +104 13 254 K +104 13 255 K +104 13 256 S +104 13 257 K +104 13 258 K +104 13 259 S +104 13 260 L +104 13 261 S +104 13 262 L +104 13 263 L +104 13 264 L +104 13 265 K +104 13 266 S +104 13 267 K +104 13 268 K +104 13 269 S +104 13 270 S +104 13 271 K +104 13 272 L +104 13 273 S +104 13 274 L +104 13 275 K +104 13 276 S +104 13 277 K +104 13 278 S +104 13 279 K +104 13 280 K +104 13 281 K +104 13 282 K +104 13 283 S +104 13 284 L +104 13 285 S +104 13 286 L +104 13 287 K +104 13 288 S +104 13 289 K +104 13 290 L +104 13 291 K +104 13 292 S +104 13 293 L +104 13 294 L +104 13 295 K +104 13 296 K +104 13 297 S +104 13 298 S +104 13 299 K +104 13 300 L +104 13 301 K +104 13 302 L +104 13 303 L +104 13 304 K +104 13 305 K +104 13 306 K +104 13 307 K +104 13 308 K +104 13 309 K +104 13 310 K +104 13 311 K +104 13 312 K +104 13 313 K +104 13 314 L +104 13 315 K +104 13 316 K +104 13 317 S +104 13 318 S +104 13 319 L +104 13 320 K +104 13 321 S +104 13 322 K +104 13 323 K +104 13 324 L +104 13 325 S +104 13 326 S +104 13 327 L +104 13 328 K +104 13 329 K +104 13 330 L +104 14 1 K +104 14 2 K +104 14 3 S +104 14 4 S +104 14 5 L +104 14 6 S +104 14 7 S +104 14 8 S +104 14 9 S +104 14 10 K +104 14 11 K +104 14 12 S +104 14 13 K +104 14 14 K +104 14 15 S +104 14 16 L +104 14 17 S +104 14 18 K +104 14 19 K +104 14 20 S +104 14 21 S +104 14 22 S +104 14 23 S +104 14 24 K +104 14 25 K +104 14 26 K +104 14 27 L +104 14 28 S +104 14 29 K +104 14 30 S +104 14 31 L +104 14 32 S +104 14 33 S +104 14 34 K +104 14 35 S +104 14 36 K +104 14 37 K +104 14 38 S +104 14 39 K +104 14 40 K +104 14 41 S +104 14 42 S +104 14 43 K +104 14 44 S +104 14 45 K +104 14 46 K +104 14 47 K +104 14 48 S +104 14 49 K +104 14 50 S +104 14 51 S +104 14 52 L +104 14 53 S +104 14 54 S +104 14 55 K +104 14 56 S +104 14 57 K +104 14 58 S +104 14 59 S +104 14 60 K +104 14 61 S +104 14 62 K +104 14 63 S +104 14 64 K +104 14 65 S +104 14 66 L +104 14 67 K +104 14 68 S +104 14 69 S +104 14 70 K +104 14 71 S +104 14 72 K +104 14 73 S +104 14 74 L +104 14 75 K +104 14 76 S +104 14 77 K +104 14 78 S +104 14 79 K +104 14 80 K +104 14 81 S +104 14 82 K +104 14 83 S +104 14 84 S +104 14 85 K +104 14 86 S +104 14 87 K +104 14 88 S +104 14 89 K +104 14 90 K +104 14 91 S +104 14 92 L +104 14 93 K +104 14 94 K +104 14 95 L +104 14 96 S +104 14 97 K +104 14 98 S +104 14 99 S +104 14 100 K +104 14 101 S +104 14 102 K +104 14 103 S +104 14 104 K +104 14 105 S +104 14 106 S +104 14 107 L +104 14 108 L +104 14 109 K +104 14 110 S +104 14 111 K +104 14 112 S +104 14 113 K +104 14 114 K +104 14 115 S +104 14 116 L +104 14 117 S +104 14 118 S +104 14 119 K +104 14 120 L +104 14 121 S +104 14 122 K +104 14 123 K +104 14 124 S +104 14 125 S +104 14 126 S +104 14 127 K +104 14 128 S +104 14 129 L +104 14 130 K +104 14 131 S +104 14 132 S +104 14 133 K +104 14 134 S +104 14 135 S +104 14 136 K +104 14 137 K +104 14 138 L +104 14 139 L +104 14 140 K +104 14 141 L +104 14 142 L +104 14 143 S +104 14 144 K +104 14 145 K +104 14 146 S +104 14 147 K +104 14 148 S +104 14 149 S +104 14 150 S +104 14 151 S +104 14 152 S +104 14 153 K +104 14 154 K +104 14 155 S +104 14 156 K +104 14 157 S +104 14 158 L +104 14 159 S +104 14 160 S +104 14 161 K +104 14 162 S +104 14 163 K +104 14 164 K +104 14 165 S +104 14 166 K +104 14 167 S +104 14 168 K +104 14 169 K +104 14 170 K +104 14 171 S +104 14 172 L +104 14 173 S +104 14 174 S +104 14 175 K +104 14 176 S +104 14 177 S +104 14 178 K +104 14 179 S +104 14 180 K +104 14 181 S +104 14 182 S +104 14 183 S +104 14 184 S +104 14 185 S +104 14 186 K +104 14 187 S +104 14 188 K +104 14 189 L +104 14 190 S +104 14 191 K +104 14 192 S +104 14 193 S +104 14 194 S +104 14 195 S +104 14 196 L +104 14 197 S +104 14 198 K +104 14 199 L +104 14 200 K +104 14 201 S +104 14 202 S +104 14 203 S +104 14 204 K +104 14 205 K +104 14 206 L +104 14 207 S +104 14 208 S +104 14 209 K +104 14 210 S +104 14 211 K +104 14 212 S +104 14 213 K +104 14 214 S +104 14 215 S +104 14 216 K +104 14 217 S +104 14 218 S +104 14 219 L +104 14 220 K +104 14 221 L +104 14 222 S +104 14 223 K +104 14 224 L +104 14 225 S +104 14 226 K +104 14 227 K +104 14 228 K +104 14 229 L +104 14 230 L +104 14 231 S +104 14 232 S +104 14 233 K +104 14 234 K +104 14 235 K +104 14 236 S +104 14 237 S +104 14 238 K +104 14 239 S +104 14 240 S +104 14 241 L +104 14 242 S +104 14 243 S +104 14 244 L +104 14 245 S +104 14 246 K +104 14 247 K +104 14 248 K +104 14 249 K +104 14 250 K +104 14 251 L +104 14 252 L +104 14 253 K +104 14 254 K +104 14 255 K +104 14 256 S +104 14 257 K +104 14 258 S +104 14 259 S +104 14 260 L +104 14 261 S +104 14 262 L +104 14 263 K +104 14 264 K +104 14 265 K +104 14 266 S +104 14 267 S +104 14 268 K +104 14 269 S +104 14 270 S +104 14 271 K +104 14 272 L +104 14 273 S +104 14 274 L +104 14 275 S +104 14 276 S +104 14 277 K +104 14 278 S +104 14 279 K +104 14 280 S +104 14 281 K +104 14 282 S +104 14 283 S +104 14 284 L +104 14 285 S +104 14 286 L +104 14 287 S +104 14 288 S +104 14 289 K +104 14 290 S +104 14 291 K +104 14 292 S +104 14 293 L +104 14 294 L +104 14 295 S +104 14 296 K +104 14 297 S +104 14 298 S +104 14 299 K +104 14 300 L +104 14 301 K +104 14 302 S +104 14 303 K +104 14 304 S +104 14 305 S +104 14 306 S +104 14 307 K +104 14 308 S +104 14 309 K +104 14 310 K +104 14 311 K +104 14 312 K +104 14 313 K +104 14 314 L +104 14 315 S +104 14 316 K +104 14 317 S +104 14 318 S +104 14 319 L +104 14 320 S +104 14 321 S +104 14 322 K +104 14 323 K +104 14 324 L +104 14 325 S +104 14 326 S +104 14 327 L +104 14 328 K +104 14 329 S +104 14 330 L +104 15 1 K +104 15 2 L +104 15 3 S +104 15 4 K +104 15 5 L +104 15 6 S +104 15 7 K +104 15 8 S +104 15 9 S +104 15 10 K +104 15 11 K +104 15 12 S +104 15 13 K +104 15 14 K +104 15 15 L +104 15 16 L +104 15 17 S +104 15 18 K +104 15 19 K +104 15 20 K +104 15 21 S +104 15 22 L +104 15 23 K +104 15 24 K +104 15 25 K +104 15 26 K +104 15 27 L +104 15 28 S +104 15 29 L +104 15 30 S +104 15 31 L +104 15 32 S +104 15 33 K +104 15 34 K +104 15 35 S +104 15 36 K +104 15 37 K +104 15 38 S +104 15 39 K +104 15 40 K +104 15 41 S +104 15 42 S +104 15 43 K +104 15 44 L +104 15 45 K +104 15 46 K +104 15 47 K +104 15 48 S +104 15 49 K +104 15 50 K +104 15 51 S +104 15 52 L +104 15 53 S +104 15 54 K +104 15 55 K +104 15 56 S +104 15 57 K +104 15 58 S +104 15 59 L +104 15 60 K +104 15 61 S +104 15 62 K +104 15 63 S +104 15 64 K +104 15 65 S +104 15 66 L +104 15 67 L +104 15 68 S +104 15 69 K +104 15 70 L +104 15 71 S +104 15 72 K +104 15 73 K +104 15 74 L +104 15 75 K +104 15 76 S +104 15 77 K +104 15 78 L +104 15 79 K +104 15 80 K +104 15 81 K +104 15 82 L +104 15 83 S +104 15 84 S +104 15 85 K +104 15 86 S +104 15 87 K +104 15 88 S +104 15 89 K +104 15 90 K +104 15 91 K +104 15 92 L +104 15 93 K +104 15 94 K +104 15 95 L +104 15 96 S +104 15 97 K +104 15 98 S +104 15 99 L +104 15 100 L +104 15 101 S +104 15 102 K +104 15 103 K +104 15 104 L +104 15 105 S +104 15 106 S +104 15 107 L +104 15 108 L +104 15 109 K +104 15 110 S +104 15 111 K +104 15 112 S +104 15 113 K +104 15 114 K +104 15 115 S +104 15 116 L +104 15 117 S +104 15 118 S +104 15 119 K +104 15 120 L +104 15 121 S +104 15 122 K +104 15 123 K +104 15 124 L +104 15 125 S +104 15 126 S +104 15 127 K +104 15 128 S +104 15 129 L +104 15 130 K +104 15 131 S +104 15 132 S +104 15 133 K +104 15 134 K +104 15 135 S +104 15 136 K +104 15 137 K +104 15 138 K +104 15 139 L +104 15 140 K +104 15 141 L +104 15 142 L +104 15 143 K +104 15 144 K +104 15 145 K +104 15 146 S +104 15 147 K +104 15 148 S +104 15 149 K +104 15 150 K +104 15 151 S +104 15 152 S +104 15 153 K +104 15 154 K +104 15 155 K +104 15 156 K +104 15 157 K +104 15 158 L +104 15 159 S +104 15 160 S +104 15 161 K +104 15 162 S +104 15 163 K +104 15 164 K +104 15 165 K +104 15 166 K +104 15 167 L +104 15 168 K +104 15 169 K +104 15 170 K +104 15 171 K +104 15 172 L +104 15 173 S +104 15 174 S +104 15 175 L +104 15 176 S +104 15 177 L +104 15 178 K +104 15 179 S +104 15 180 K +104 15 181 S +104 15 182 S +104 15 183 S +104 15 184 K +104 15 185 S +104 15 186 L +104 15 187 S +104 15 188 K +104 15 189 L +104 15 190 S +104 15 191 K +104 15 192 K +104 15 193 S +104 15 194 S +104 15 195 K +104 15 196 L +104 15 197 K +104 15 198 K +104 15 199 L +104 15 200 L +104 15 201 S +104 15 202 K +104 15 203 S +104 15 204 K +104 15 205 K +104 15 206 L +104 15 207 S +104 15 208 S +104 15 209 K +104 15 210 S +104 15 211 K +104 15 212 S +104 15 213 L +104 15 214 S +104 15 215 S +104 15 216 K +104 15 217 S +104 15 218 T +104 15 219 L +104 15 220 K +104 15 221 L +104 15 222 K +104 15 223 K +104 15 224 L +104 15 225 S +104 15 226 K +104 15 227 K +104 15 228 K +104 15 229 L +104 15 230 L +104 15 231 S +104 15 232 K +104 15 233 K +104 15 234 K +104 15 235 K +104 15 236 S +104 15 237 S +104 15 238 K +104 15 239 S +104 15 240 S +104 15 241 L +104 15 242 L +104 15 243 S +104 15 244 L +104 15 245 S +104 15 246 K +104 15 247 K +104 15 248 K +104 15 249 K +104 15 250 K +104 15 251 K +104 15 252 L +104 15 253 K +104 15 254 K +104 15 255 K +104 15 256 S +104 15 257 K +104 15 258 S +104 15 259 S +104 15 260 L +104 15 261 S +104 15 262 L +104 15 263 L +104 15 264 L +104 15 265 K +104 15 266 S +104 15 267 S +104 15 268 K +104 15 269 S +104 15 270 S +104 15 271 K +104 15 272 L +104 15 273 S +104 15 274 L +104 15 275 S +104 15 276 S +104 15 277 K +104 15 278 S +104 15 279 K +104 15 280 K +104 15 281 K +104 15 282 K +104 15 283 S +104 15 284 L +104 15 285 S +104 15 286 L +104 15 287 S +104 15 288 S +104 15 289 K +104 15 290 L +104 15 291 K +104 15 292 S +104 15 293 L +104 15 294 L +104 15 295 S +104 15 296 K +104 15 297 S +104 15 298 S +104 15 299 K +104 15 300 L +104 15 301 K +104 15 302 L +104 15 303 L +104 15 304 K +104 15 305 S +104 15 306 L +104 15 307 K +104 15 308 K +104 15 309 K +104 15 310 K +104 15 311 K +104 15 312 K +104 15 313 K +104 15 314 L +104 15 315 K +104 15 316 K +104 15 317 S +104 15 318 S +104 15 319 L +104 15 320 K +104 15 321 S +104 15 322 K +104 15 323 K +104 15 324 L +104 15 325 S +104 15 326 S +104 15 327 L +104 15 328 K +104 15 329 S +104 15 330 L +104 16 1 K +104 16 2 K +104 16 3 S +104 16 4 S +104 16 5 K +104 16 6 S +104 16 7 K +104 16 8 S +104 16 9 S +104 16 10 K +104 16 11 K +104 16 12 S +104 16 13 K +104 16 14 K +104 16 15 S +104 16 16 L +104 16 17 S +104 16 18 K +104 16 19 K +104 16 20 K +104 16 21 S +104 16 22 S +104 16 23 K +104 16 24 K +104 16 25 K +104 16 26 K +104 16 27 L +104 16 28 S +104 16 29 K +104 16 30 S +104 16 31 K +104 16 32 S +104 16 33 K +104 16 34 K +104 16 35 S +104 16 36 K +104 16 37 K +104 16 38 S +104 16 39 K +104 16 40 K +104 16 41 S +104 16 42 S +104 16 43 K +104 16 44 L +104 16 45 K +104 16 46 K +104 16 47 K +104 16 48 S +104 16 49 K +104 16 50 K +104 16 51 S +104 16 52 L +104 16 53 S +104 16 54 K +104 16 55 K +104 16 56 S +104 16 57 K +104 16 58 S +104 16 59 L +104 16 60 K +104 16 61 S +104 16 62 K +104 16 63 S +104 16 64 K +104 16 65 S +104 16 66 L +104 16 67 K +104 16 68 S +104 16 69 S +104 16 70 L +104 16 71 S +104 16 72 K +104 16 73 K +104 16 74 K +104 16 75 K +104 16 76 S +104 16 77 K +104 16 78 S +104 16 79 K +104 16 80 K +104 16 81 K +104 16 82 K +104 16 83 L +104 16 84 S +104 16 85 K +104 16 86 S +104 16 87 K +104 16 88 S +104 16 89 K +104 16 90 K +104 16 91 S +104 16 92 L +104 16 93 K +104 16 94 K +104 16 95 L +104 16 96 S +104 16 97 K +104 16 98 S +104 16 99 K +104 16 100 K +104 16 101 S +104 16 102 K +104 16 103 S +104 16 104 K +104 16 105 S +104 16 106 L +104 16 107 L +104 16 108 L +104 16 109 K +104 16 110 S +104 16 111 K +104 16 112 S +104 16 113 K +104 16 114 K +104 16 115 S +104 16 116 L +104 16 117 K +104 16 118 S +104 16 119 K +104 16 120 L +104 16 121 S +104 16 122 K +104 16 123 K +104 16 124 S +104 16 125 S +104 16 126 S +104 16 127 K +104 16 128 S +104 16 129 L +104 16 130 K +104 16 131 K +104 16 132 S +104 16 133 K +104 16 134 K +104 16 135 S +104 16 136 K +104 16 137 K +104 16 138 K +104 16 139 L +104 16 140 K +104 16 141 L +104 16 142 L +104 16 143 K +104 16 144 K +104 16 145 K +104 16 146 S +104 16 147 K +104 16 148 S +104 16 149 K +104 16 150 K +104 16 151 S +104 16 152 K +104 16 153 K +104 16 154 K +104 16 155 K +104 16 156 K +104 16 157 S +104 16 158 L +104 16 159 S +104 16 160 S +104 16 161 K +104 16 162 S +104 16 163 K +104 16 164 K +104 16 165 K +104 16 166 K +104 16 167 L +104 16 168 K +104 16 169 K +104 16 170 K +104 16 171 K +104 16 172 L +104 16 173 S +104 16 174 S +104 16 175 K +104 16 176 S +104 16 177 S +104 16 178 K +104 16 179 S +104 16 180 K +104 16 181 S +104 16 182 S +104 16 183 S +104 16 184 K +104 16 185 S +104 16 186 K +104 16 187 S +104 16 188 K +104 16 189 L +104 16 190 S +104 16 191 K +104 16 192 K +104 16 193 S +104 16 194 S +104 16 195 K +104 16 196 K +104 16 197 K +104 16 198 K +104 16 199 L +104 16 200 K +104 16 201 S +104 16 202 K +104 16 203 S +104 16 204 K +104 16 205 K +104 16 206 L +104 16 207 S +104 16 208 S +104 16 209 K +104 16 210 S +104 16 211 K +104 16 212 S +104 16 213 L +104 16 214 S +104 16 215 S +104 16 216 K +104 16 217 S +104 16 218 S +104 16 219 L +104 16 220 K +104 16 221 L +104 16 222 K +104 16 223 K +104 16 224 L +104 16 225 S +104 16 226 K +104 16 227 K +104 16 228 K +104 16 229 K +104 16 230 L +104 16 231 S +104 16 232 S +104 16 233 K +104 16 234 K +104 16 235 K +104 16 236 S +104 16 237 S +104 16 238 K +104 16 239 S +104 16 240 S +104 16 241 L +104 16 242 S +104 16 243 S +104 16 244 L +104 16 245 S +104 16 246 K +104 16 247 K +104 16 248 K +104 16 249 K +104 16 250 K +104 16 251 K +104 16 252 L +104 16 253 K +104 16 254 K +104 16 255 K +104 16 256 S +104 16 257 K +104 16 258 S +104 16 259 S +104 16 260 L +104 16 261 S +104 16 262 L +104 16 263 L +104 16 264 L +104 16 265 K +104 16 266 S +104 16 267 S +104 16 268 K +104 16 269 S +104 16 270 S +104 16 271 K +104 16 272 L +104 16 273 S +104 16 274 L +104 16 275 S +104 16 276 S +104 16 277 K +104 16 278 S +104 16 279 K +104 16 280 S +104 16 281 K +104 16 282 K +104 16 283 S +104 16 284 L +104 16 285 S +104 16 286 L +104 16 287 S +104 16 288 S +104 16 289 K +104 16 290 L +104 16 291 K +104 16 292 S +104 16 293 L +104 16 294 L +104 16 295 S +104 16 296 K +104 16 297 S +104 16 298 S +104 16 299 K +104 16 300 L +104 16 301 K +104 16 302 L +104 16 303 K +104 16 304 S +104 16 305 S +104 16 306 K +104 16 307 K +104 16 308 K +104 16 309 S +104 16 310 K +104 16 311 K +104 16 312 K +104 16 313 K +104 16 314 L +104 16 315 K +104 16 316 K +104 16 317 S +104 16 318 S +104 16 319 L +104 16 320 S +104 16 321 S +104 16 322 K +104 16 323 K +104 16 324 L +104 16 325 S +104 16 326 S +104 16 327 L +104 16 328 K +104 16 329 S +104 16 330 L +104 17 1 K +104 17 2 K +104 17 3 S +104 17 4 S +104 17 5 K +104 17 6 S +104 17 7 K +104 17 8 S +104 17 9 S +104 17 10 K +104 17 11 K +104 17 12 S +104 17 13 K +104 17 14 K +104 17 15 S +104 17 16 L +104 17 17 S +104 17 18 K +104 17 19 K +104 17 20 K +104 17 21 S +104 17 22 S +104 17 23 S +104 17 24 K +104 17 25 K +104 17 26 K +104 17 27 L +104 17 28 S +104 17 29 K +104 17 30 S +104 17 31 L +104 17 32 S +104 17 33 S +104 17 34 K +104 17 35 S +104 17 36 K +104 17 37 K +104 17 38 S +104 17 39 S +104 17 40 K +104 17 41 S +104 17 42 S +104 17 43 K +104 17 44 L +104 17 45 K +104 17 46 K +104 17 47 K +104 17 48 S +104 17 49 K +104 17 50 S +104 17 51 S +104 17 52 L +104 17 53 S +104 17 54 K +104 17 55 K +104 17 56 S +104 17 57 K +104 17 58 S +104 17 59 L +104 17 60 K +104 17 61 S +104 17 62 K +104 17 63 S +104 17 64 K +104 17 65 S +104 17 66 L +104 17 67 K +104 17 68 S +104 17 69 K +104 17 70 L +104 17 71 S +104 17 72 K +104 17 73 K +104 17 74 L +104 17 75 K +104 17 76 S +104 17 77 K +104 17 78 S +104 17 79 K +104 17 80 K +104 17 81 S +104 17 82 K +104 17 83 S +104 17 84 S +104 17 85 K +104 17 86 S +104 17 87 K +104 17 88 S +104 17 89 K +104 17 90 K +104 17 91 S +104 17 92 L +104 17 93 K +104 17 94 K +104 17 95 L +104 17 96 S +104 17 97 K +104 17 98 S +104 17 99 L +104 17 100 L +104 17 101 S +104 17 102 K +104 17 103 K +104 17 104 L +104 17 105 S +104 17 106 L +104 17 107 L +104 17 108 L +104 17 109 K +104 17 110 S +104 17 111 K +104 17 112 S +104 17 113 K +104 17 114 K +104 17 115 S +104 17 116 L +104 17 117 S +104 17 118 S +104 17 119 K +104 17 120 L +104 17 121 S +104 17 122 K +104 17 123 K +104 17 124 S +104 17 125 S +104 17 126 S +104 17 127 K +104 17 128 S +104 17 129 L +104 17 130 K +104 17 131 S +104 17 132 S +104 17 133 K +104 17 134 S +104 17 135 S +104 17 136 K +104 17 137 K +104 17 138 K +104 17 139 L +104 17 140 K +104 17 141 L +104 17 142 L +104 17 143 S +104 17 144 K +104 17 145 K +104 17 146 S +104 17 147 K +104 17 148 S +104 17 149 S +104 17 150 K +104 17 151 S +104 17 152 S +104 17 153 K +104 17 154 K +104 17 155 K +104 17 156 K +104 17 157 S +104 17 158 L +104 17 159 S +104 17 160 S +104 17 161 K +104 17 162 S +104 17 163 K +104 17 164 K +104 17 165 S +104 17 166 K +104 17 167 S +104 17 168 K +104 17 169 K +104 17 170 K +104 17 171 S +104 17 172 L +104 17 173 S +104 17 174 S +104 17 175 K +104 17 176 S +104 17 177 S +104 17 178 K +104 17 179 S +104 17 180 K +104 17 181 S +104 17 182 S +104 17 183 S +104 17 184 S +104 17 185 S +104 17 186 K +104 17 187 S +104 17 188 K +104 17 189 L +104 17 190 S +104 17 191 K +104 17 192 K +104 17 193 S +104 17 194 S +104 17 195 K +104 17 196 K +104 17 197 S +104 17 198 K +104 17 199 L +104 17 200 K +104 17 201 S +104 17 202 K +104 17 203 S +104 17 204 K +104 17 205 K +104 17 206 L +104 17 207 S +104 17 208 S +104 17 209 K +104 17 210 S +104 17 211 K +104 17 212 S +104 17 213 K +104 17 214 S +104 17 215 S +104 17 216 K +104 17 217 S +104 17 218 S +104 17 219 L +104 17 220 K +104 17 221 L +104 17 222 K +104 17 223 K +104 17 224 L +104 17 225 S +104 17 226 K +104 17 227 K +104 17 228 K +104 17 229 K +104 17 230 L +104 17 231 S +104 17 232 S +104 17 233 K +104 17 234 K +104 17 235 K +104 17 236 S +104 17 237 S +104 17 238 K +104 17 239 S +104 17 240 S +104 17 241 L +104 17 242 S +104 17 243 S +104 17 244 L +104 17 245 S +104 17 246 K +104 17 247 K +104 17 248 K +104 17 249 K +104 17 250 S +104 17 251 S +104 17 252 L +104 17 253 K +104 17 254 K +104 17 255 K +104 17 256 S +104 17 257 K +104 17 258 S +104 17 259 S +104 17 260 S +104 17 261 S +104 17 262 L +104 17 263 K +104 17 264 K +104 17 265 K +104 17 266 S +104 17 267 S +104 17 268 K +104 17 269 S +104 17 270 S +104 17 271 K +104 17 272 L +104 17 273 S +104 17 274 L +104 17 275 S +104 17 276 S +104 17 277 K +104 17 278 S +104 17 279 K +104 17 280 K +104 17 281 K +104 17 282 K +104 17 283 S +104 17 284 L +104 17 285 S +104 17 286 L +104 17 287 S +104 17 288 S +104 17 289 K +104 17 290 S +104 17 291 K +104 17 292 S +104 17 293 L +104 17 294 L +104 17 295 S +104 17 296 K +104 17 297 S +104 17 298 S +104 17 299 K +104 17 300 L +104 17 301 K +104 17 302 S +104 17 303 K +104 17 304 S +104 17 305 S +104 17 306 S +104 17 307 K +104 17 308 S +104 17 309 K +104 17 310 K +104 17 311 K +104 17 312 K +104 17 313 L +104 17 314 L +104 17 315 K +104 17 316 K +104 17 317 S +104 17 318 S +104 17 319 L +104 17 320 S +104 17 321 S +104 17 322 K +104 17 323 K +104 17 324 L +104 17 325 S +104 17 326 S +104 17 327 L +104 17 328 K +104 17 329 S +104 17 330 L +104 18 1 L +104 18 2 L +104 18 3 S +104 18 4 K +104 18 5 L +104 18 6 S +104 18 7 K +104 18 8 S +104 18 9 S +104 18 10 K +104 18 11 K +104 18 12 S +104 18 13 K +104 18 14 K +104 18 15 S +104 18 16 L +104 18 17 S +104 18 18 K +104 18 19 K +104 18 20 K +104 18 21 S +104 18 22 L +104 18 23 S +104 18 24 K +104 18 25 K +104 18 26 K +104 18 27 L +104 18 28 S +104 18 29 K +104 18 30 S +104 18 31 L +104 18 32 S +104 18 33 L +104 18 34 K +104 18 35 S +104 18 36 K +104 18 37 K +104 18 38 S +104 18 39 K +104 18 40 K +104 18 41 S +104 18 42 S +104 18 43 K +104 18 44 L +104 18 45 K +104 18 46 L +104 18 47 K +104 18 48 S +104 18 49 L +104 18 50 K +104 18 51 S +104 18 52 L +104 18 53 S +104 18 54 K +104 18 55 L +104 18 56 S +104 18 57 K +104 18 58 S +104 18 59 L +104 18 60 K +104 18 61 S +104 18 62 L +104 18 63 S +104 18 64 K +104 18 65 S +104 18 66 L +104 18 67 L +104 18 68 S +104 18 69 K +104 18 70 L +104 18 71 S +104 18 72 K +104 18 73 S +104 18 74 L +104 18 75 K +104 18 76 S +104 18 77 K +104 18 78 L +104 18 79 K +104 18 80 K +104 18 81 L +104 18 82 L +104 18 83 L +104 18 84 S +104 18 85 K +104 18 86 S +104 18 87 K +104 18 88 S +104 18 89 K +104 18 90 K +104 18 91 L +104 18 92 L +104 18 93 K +104 18 94 K +104 18 95 L +104 18 96 S +104 18 97 K +104 18 98 S +104 18 99 L +104 18 100 L +104 18 101 S +104 18 102 L +104 18 103 L +104 18 104 L +104 18 105 S +104 18 106 L +104 18 107 L +104 18 108 L +104 18 109 K +104 18 110 S +104 18 111 K +104 18 112 S +104 18 113 K +104 18 114 K +104 18 115 S +104 18 116 L +104 18 117 S +104 18 118 S +104 18 119 L +104 18 120 L +104 18 121 S +104 18 122 K +104 18 123 K +104 18 124 L +104 18 125 S +104 18 126 S +104 18 127 K +104 18 128 L +104 18 129 L +104 18 130 K +104 18 131 S +104 18 132 S +104 18 133 K +104 18 134 S +104 18 135 S +104 18 136 L +104 18 137 K +104 18 138 L +104 18 139 L +104 18 140 K +104 18 141 L +104 18 142 L +104 18 143 L +104 18 144 K +104 18 145 L +104 18 146 S +104 18 147 L +104 18 148 S +104 18 149 L +104 18 150 K +104 18 151 S +104 18 152 S +104 18 153 K +104 18 154 K +104 18 155 S +104 18 156 K +104 18 157 S +104 18 158 L +104 18 159 S +104 18 160 S +104 18 161 L +104 18 162 S +104 18 163 K +104 18 164 K +104 18 165 K +104 18 166 K +104 18 167 L +104 18 168 K +104 18 169 K +104 18 170 K +104 18 171 K +104 18 172 L +104 18 173 S +104 18 174 S +104 18 175 L +104 18 176 S +104 18 177 L +104 18 178 K +104 18 179 S +104 18 180 L +104 18 181 S +104 18 182 S +104 18 183 S +104 18 184 K +104 18 185 S +104 18 186 L +104 18 187 S +104 18 188 K +104 18 189 L +104 18 190 S +104 18 191 K +104 18 192 K +104 18 193 S +104 18 194 S +104 18 195 K +104 18 196 L +104 18 197 S +104 18 198 K +104 18 199 L +104 18 200 L +104 18 201 S +104 18 202 K +104 18 203 S +104 18 204 S +104 18 205 K +104 18 206 L +104 18 207 S +104 18 208 S +104 18 209 K +104 18 210 S +104 18 211 L +104 18 212 S +104 18 213 L +104 18 214 S +104 18 215 S +104 18 216 K +104 18 217 S +104 18 218 S +104 18 219 L +104 18 220 K +104 18 221 L +104 18 222 K +104 18 223 K +104 18 224 L +104 18 225 S +104 18 226 K +104 18 227 K +104 18 228 K +104 18 229 L +104 18 230 L +104 18 231 S +104 18 232 S +104 18 233 L +104 18 234 K +104 18 235 K +104 18 236 S +104 18 237 S +104 18 238 K +104 18 239 S +104 18 240 S +104 18 241 L +104 18 242 L +104 18 243 S +104 18 244 L +104 18 245 S +104 18 246 K +104 18 247 K +104 18 248 K +104 18 249 K +104 18 250 K +104 18 251 L +104 18 252 L +104 18 253 L +104 18 254 L +104 18 255 K +104 18 256 S +104 18 257 K +104 18 258 S +104 18 259 S +104 18 260 L +104 18 261 S +104 18 262 L +104 18 263 L +104 18 264 L +104 18 265 K +104 18 266 S +104 18 267 S +104 18 268 K +104 18 269 S +104 18 270 S +104 18 271 K +104 18 272 L +104 18 273 S +104 18 274 L +104 18 275 L +104 18 276 S +104 18 277 K +104 18 278 S +104 18 279 K +104 18 280 K +104 18 281 K +104 18 282 K +104 18 283 S +104 18 284 L +104 18 285 S +104 18 286 L +104 18 287 S +104 18 288 S +104 18 289 K +104 18 290 L +104 18 291 K +104 18 292 S +104 18 293 L +104 18 294 L +104 18 295 S +104 18 296 K +104 18 297 S +104 18 298 S +104 18 299 K +104 18 300 L +104 18 301 K +104 18 302 L +104 18 303 L +104 18 304 K +104 18 305 S +104 18 306 L +104 18 307 K +104 18 308 L +104 18 309 K +104 18 310 K +104 18 311 K +104 18 312 K +104 18 313 K +104 18 314 L +104 18 315 L +104 18 316 K +104 18 317 S +104 18 318 S +104 18 319 L +104 18 320 L +104 18 321 S +104 18 322 L +104 18 323 K +104 18 324 L +104 18 325 S +104 18 326 S +104 18 327 L +104 18 328 K +104 18 329 S +104 18 330 L +104 19 1 K +104 19 2 L +104 19 3 S +104 19 4 S +104 19 5 L +104 19 6 S +104 19 7 K +104 19 8 S +104 19 9 S +104 19 10 K +104 19 11 K +104 19 12 L +104 19 13 K +104 19 14 K +104 19 15 L +104 19 16 L +104 19 17 S +104 19 18 K +104 19 19 K +104 19 20 K +104 19 21 S +104 19 22 L +104 19 23 L +104 19 24 K +104 19 25 K +104 19 26 K +104 19 27 L +104 19 28 S +104 19 29 K +104 19 30 S +104 19 31 K +104 19 32 S +104 19 33 K +104 19 34 K +104 19 35 S +104 19 36 K +104 19 37 K +104 19 38 S +104 19 39 K +104 19 40 K +104 19 41 S +104 19 42 L +104 19 43 K +104 19 44 L +104 19 45 K +104 19 46 L +104 19 47 K +104 19 48 S +104 19 49 L +104 19 50 S +104 19 51 S +104 19 52 L +104 19 53 S +104 19 54 K +104 19 55 K +104 19 56 L +104 19 57 K +104 19 58 S +104 19 59 L +104 19 60 K +104 19 61 S +104 19 62 K +104 19 63 S +104 19 64 K +104 19 65 S +104 19 66 L +104 19 67 L +104 19 68 S +104 19 69 K +104 19 70 L +104 19 71 S +104 19 72 K +104 19 73 K +104 19 74 L +104 19 75 K +104 19 76 S +104 19 77 K +104 19 78 L +104 19 79 K +104 19 80 K +104 19 81 K +104 19 82 K +104 19 83 L +104 19 84 S +104 19 85 K +104 19 86 S +104 19 87 K +104 19 88 S +104 19 89 K +104 19 90 K +104 19 91 L +104 19 92 L +104 19 93 K +104 19 94 K +104 19 95 L +104 19 96 S +104 19 97 K +104 19 98 S +104 19 99 L +104 19 100 L +104 19 101 S +104 19 102 L +104 19 103 K +104 19 104 L +104 19 105 S +104 19 106 L +104 19 107 L +104 19 108 L +104 19 109 K +104 19 110 S +104 19 111 K +104 19 112 S +104 19 113 K +104 19 114 K +104 19 115 S +104 19 116 L +104 19 117 K +104 19 118 S +104 19 119 K +104 19 120 L +104 19 121 S +104 19 122 K +104 19 123 K +104 19 124 L +104 19 125 S +104 19 126 S +104 19 127 K +104 19 128 L +104 19 129 L +104 19 130 K +104 19 131 K +104 19 132 S +104 19 133 K +104 19 134 K +104 19 135 S +104 19 136 K +104 19 137 K +104 19 138 K +104 19 139 L +104 19 140 K +104 19 141 L +104 19 142 L +104 19 143 K +104 19 144 K +104 19 145 K +104 19 146 S +104 19 147 K +104 19 148 S +104 19 149 K +104 19 150 S +104 19 151 S +104 19 152 S +104 19 153 K +104 19 154 K +104 19 155 K +104 19 156 K +104 19 157 K +104 19 158 L +104 19 159 S +104 19 160 S +104 19 161 K +104 19 162 S +104 19 163 K +104 19 164 K +104 19 165 K +104 19 166 K +104 19 167 L +104 19 168 K +104 19 169 K +104 19 170 K +104 19 171 K +104 19 172 L +104 19 173 S +104 19 174 S +104 19 175 L +104 19 176 S +104 19 177 L +104 19 178 K +104 19 179 S +104 19 180 K +104 19 181 S +104 19 182 S +104 19 183 S +104 19 184 S +104 19 185 S +104 19 186 L +104 19 187 S +104 19 188 K +104 19 189 L +104 19 190 S +104 19 191 K +104 19 192 S +104 19 193 S +104 19 194 S +104 19 195 K +104 19 196 L +104 19 197 S +104 19 198 K +104 19 199 L +104 19 200 L +104 19 201 S +104 19 202 K +104 19 203 S +104 19 204 K +104 19 205 K +104 19 206 L +104 19 207 S +104 19 208 S +104 19 209 K +104 19 210 K +104 19 211 K +104 19 212 S +104 19 213 L +104 19 214 S +104 19 215 S +104 19 216 K +104 19 217 S +104 19 218 S +104 19 219 L +104 19 220 K +104 19 221 L +104 19 222 S +104 19 223 K +104 19 224 L +104 19 225 S +104 19 226 K +104 19 227 K +104 19 228 K +104 19 229 L +104 19 230 L +104 19 231 S +104 19 232 K +104 19 233 K +104 19 234 K +104 19 235 K +104 19 236 S +104 19 237 S +104 19 238 K +104 19 239 S +104 19 240 S +104 19 241 L +104 19 242 L +104 19 243 S +104 19 244 L +104 19 245 S +104 19 246 K +104 19 247 S +104 19 248 K +104 19 249 K +104 19 250 K +104 19 251 L +104 19 252 L +104 19 253 K +104 19 254 K +104 19 255 K +104 19 256 S +104 19 257 K +104 19 258 S +104 19 259 S +104 19 260 L +104 19 261 S +104 19 262 L +104 19 263 L +104 19 264 L +104 19 265 K +104 19 266 S +104 19 267 S +104 19 268 K +104 19 269 S +104 19 270 S +104 19 271 K +104 19 272 L +104 19 273 S +104 19 274 L +104 19 275 S +104 19 276 S +104 19 277 K +104 19 278 S +104 19 279 K +104 19 280 S +104 19 281 K +104 19 282 K +104 19 283 K +104 19 284 L +104 19 285 S +104 19 286 L +104 19 287 S +104 19 288 S +104 19 289 K +104 19 290 L +104 19 291 K +104 19 292 S +104 19 293 L +104 19 294 L +104 19 295 K +104 19 296 K +104 19 297 S +104 19 298 S +104 19 299 K +104 19 300 L +104 19 301 K +104 19 302 L +104 19 303 L +104 19 304 S +104 19 305 S +104 19 306 L +104 19 307 K +104 19 308 S +104 19 309 K +104 19 310 K +104 19 311 K +104 19 312 K +104 19 313 K +104 19 314 L +104 19 315 L +104 19 316 K +104 19 317 S +104 19 318 S +104 19 319 L +104 19 320 K +104 19 321 S +104 19 322 K +104 19 323 K +104 19 324 L +104 19 325 S +104 19 326 S +104 19 327 L +104 19 328 K +104 19 329 S +104 19 330 L +104 20 1 K +104 20 2 L +104 20 3 S +104 20 4 K +104 20 5 L +104 20 6 S +104 20 7 K +104 20 8 S +104 20 9 S +104 20 10 K +104 20 11 K +104 20 12 L +104 20 13 K +104 20 14 K +104 20 15 L +104 20 16 L +104 20 17 S +104 20 18 K +104 20 19 L +104 20 20 L +104 20 21 S +104 20 22 L +104 20 23 K +104 20 24 K +104 20 25 K +104 20 26 K +104 20 27 L +104 20 28 S +104 20 29 K +104 20 30 S +104 20 31 K +104 20 32 S +104 20 33 K +104 20 34 K +104 20 35 S +104 20 36 K +104 20 37 K +104 20 38 S +104 20 39 K +104 20 40 K +104 20 41 S +104 20 42 S +104 20 43 K +104 20 44 L +104 20 45 K +104 20 46 K +104 20 47 K +104 20 48 S +104 20 49 K +104 20 50 K +104 20 51 K +104 20 52 L +104 20 53 S +104 20 54 K +104 20 55 K +104 20 56 L +104 20 57 K +104 20 58 K +104 20 59 L +104 20 60 K +104 20 61 S +104 20 62 K +104 20 63 S +104 20 64 K +104 20 65 S +104 20 66 L +104 20 67 K +104 20 68 S +104 20 69 K +104 20 70 L +104 20 71 K +104 20 72 K +104 20 73 K +104 20 74 L +104 20 75 K +104 20 76 S +104 20 77 K +104 20 78 L +104 20 79 K +104 20 80 K +104 20 81 K +104 20 82 L +104 20 83 L +104 20 84 S +104 20 85 K +104 20 86 S +104 20 87 K +104 20 88 S +104 20 89 K +104 20 90 K +104 20 91 S +104 20 92 L +104 20 93 K +104 20 94 K +104 20 95 L +104 20 96 S +104 20 97 K +104 20 98 S +104 20 99 K +104 20 100 L +104 20 101 S +104 20 102 L +104 20 103 K +104 20 104 L +104 20 105 S +104 20 106 L +104 20 107 L +104 20 108 L +104 20 109 K +104 20 110 S +104 20 111 K +104 20 112 S +104 20 113 K +104 20 114 K +104 20 115 S +104 20 116 L +104 20 117 K +104 20 118 S +104 20 119 K +104 20 120 L +104 20 121 S +104 20 122 K +104 20 123 K +104 20 124 K +104 20 125 S +104 20 126 S +104 20 127 K +104 20 128 S +104 20 129 L +104 20 130 K +104 20 131 K +104 20 132 S +104 20 133 K +104 20 134 K +104 20 135 S +104 20 136 K +104 20 137 K +104 20 138 K +104 20 139 L +104 20 140 D +104 20 141 L +104 20 142 L +104 20 143 K +104 20 144 K +104 20 145 K +104 20 146 S +104 20 147 K +104 20 148 S +104 20 149 D +104 20 150 K +104 20 151 S +104 20 152 S +104 20 153 K +104 20 154 K +104 20 155 K +104 20 156 K +104 20 157 K +104 20 158 L +104 20 159 S +104 20 160 S +104 20 161 K +104 20 162 S +104 20 163 K +104 20 164 K +104 20 165 K +104 20 166 K +104 20 167 L +104 20 168 K +104 20 169 K +104 20 170 K +104 20 171 K +104 20 172 L +104 20 173 S +104 20 174 S +104 20 175 L +104 20 176 S +104 20 177 L +104 20 178 K +104 20 179 S +104 20 180 K +104 20 181 S +104 20 182 K +104 20 183 K +104 20 184 S +104 20 185 S +104 20 186 L +104 20 187 S +104 20 188 K +104 20 189 L +104 20 190 S +104 20 191 K +104 20 192 K +104 20 193 L +104 20 194 S +104 20 195 K +104 20 196 L +104 20 197 S +104 20 198 K +104 20 199 L +104 20 200 K +104 20 201 S +104 20 202 K +104 20 203 S +104 20 204 K +104 20 205 K +104 20 206 L +104 20 207 S +104 20 208 S +104 20 209 K +104 20 210 S +104 20 211 K +104 20 212 S +104 20 213 L +104 20 214 S +104 20 215 S +104 20 216 K +104 20 217 S +104 20 218 S +104 20 219 L +104 20 220 K +104 20 221 L +104 20 222 S +104 20 223 K +104 20 224 L +104 20 225 K +104 20 226 K +104 20 227 K +104 20 228 K +104 20 229 L +104 20 230 L +104 20 231 S +104 20 232 S +104 20 233 L +104 20 234 K +104 20 235 K +104 20 236 K +104 20 237 S +104 20 238 K +104 20 239 S +104 20 240 S +104 20 241 L +104 20 242 S +104 20 243 K +104 20 244 L +104 20 245 S +104 20 246 K +104 20 247 K +104 20 248 K +104 20 249 K +104 20 250 S +104 20 251 L +104 20 252 L +104 20 253 K +104 20 254 K +104 20 255 K +104 20 256 S +104 20 257 K +104 20 258 S +104 20 259 S +104 20 260 L +104 20 261 S +104 20 262 L +104 20 263 L +104 20 264 L +104 20 265 K +104 20 266 S +104 20 267 S +104 20 268 D +104 20 269 S +104 20 270 S +104 20 271 K +104 20 272 L +104 20 273 S +104 20 274 L +104 20 275 S +104 20 276 S +104 20 277 K +104 20 278 S +104 20 279 K +104 20 280 K +104 20 281 K +104 20 282 K +104 20 283 K +104 20 284 L +104 20 285 S +104 20 286 L +104 20 287 S +104 20 288 S +104 20 289 K +104 20 290 L +104 20 291 K +104 20 292 S +104 20 293 L +104 20 294 L +104 20 295 S +104 20 296 K +104 20 297 S +104 20 298 S +104 20 299 K +104 20 300 L +104 20 301 K +104 20 302 L +104 20 303 L +104 20 304 K +104 20 305 K +104 20 306 L +104 20 307 K +104 20 308 K +104 20 309 K +104 20 310 K +104 20 311 K +104 20 312 K +104 20 313 K +104 20 314 L +104 20 315 K +104 20 316 K +104 20 317 S +104 20 318 S +104 20 319 L +104 20 320 K +104 20 321 S +104 20 322 K +104 20 323 K +104 20 324 L +104 20 325 K +104 20 326 S +104 20 327 L +104 20 328 K +104 20 329 S +104 20 330 L +104 21 1 K +104 21 2 L +104 21 3 S +104 21 4 S +104 21 5 K +104 21 6 L +104 21 7 K +104 21 8 S +104 21 9 S +104 21 10 K +104 21 11 K +104 21 12 S +104 21 13 K +104 21 14 K +104 21 15 L +104 21 16 L +104 21 17 S +104 21 18 K +104 21 19 K +104 21 20 K +104 21 21 S +104 21 22 L +104 21 23 S +104 21 24 K +104 21 25 K +104 21 26 K +104 21 27 L +104 21 28 S +104 21 29 K +104 21 30 S +104 21 31 L +104 21 32 S +104 21 33 K +104 21 34 K +104 21 35 S +104 21 36 K +104 21 37 K +104 21 38 S +104 21 39 K +104 21 40 K +104 21 41 S +104 21 42 L +104 21 43 K +104 21 44 L +104 21 45 K +104 21 46 L +104 21 47 K +104 21 48 S +104 21 49 L +104 21 50 S +104 21 51 L +104 21 52 L +104 21 53 S +104 21 54 K +104 21 55 L +104 21 56 L +104 21 57 K +104 21 58 S +104 21 59 L +104 21 60 K +104 21 61 S +104 21 62 L +104 21 63 S +104 21 64 K +104 21 65 S +104 21 66 L +104 21 67 K +104 21 68 S +104 21 69 K +104 21 70 L +104 21 71 S +104 21 72 K +104 21 73 S +104 21 74 L +104 21 75 K +104 21 76 S +104 21 77 K +104 21 78 L +104 21 79 K +104 21 80 K +104 21 81 L +104 21 82 K +104 21 83 L +104 21 84 L +104 21 85 K +104 21 86 S +104 21 87 K +104 21 88 S +104 21 89 K +104 21 90 K +104 21 91 K +104 21 92 L +104 21 93 K +104 21 94 K +104 21 95 L +104 21 96 S +104 21 97 K +104 21 98 S +104 21 99 L +104 21 100 L +104 21 101 S +104 21 102 L +104 21 103 K +104 21 104 L +104 21 105 S +104 21 106 L +104 21 107 L +104 21 108 L +104 21 109 K +104 21 110 S +104 21 111 K +104 21 112 S +104 21 113 K +104 21 114 K +104 21 115 S +104 21 116 L +104 21 117 K +104 21 118 S +104 21 119 L +104 21 120 L +104 21 121 S +104 21 122 K +104 21 123 K +104 21 124 L +104 21 125 S +104 21 126 S +104 21 127 K +104 21 128 L +104 21 129 L +104 21 130 K +104 21 131 S +104 21 132 S +104 21 133 K +104 21 134 K +104 21 135 S +104 21 136 L +104 21 137 K +104 21 138 L +104 21 139 L +104 21 140 K +104 21 141 L +104 21 142 L +104 21 143 S +104 21 144 K +104 21 145 L +104 21 146 S +104 21 147 K +104 21 148 S +104 21 149 L +104 21 150 K +104 21 151 L +104 21 152 S +104 21 153 K +104 21 154 K +104 21 155 K +104 21 156 K +104 21 157 K +104 21 158 L +104 21 159 L +104 21 160 S +104 21 161 K +104 21 162 S +104 21 163 K +104 21 164 K +104 21 165 K +104 21 166 K +104 21 167 L +104 21 168 K +104 21 169 K +104 21 170 K +104 21 171 K +104 21 172 L +104 21 173 S +104 21 174 S +104 21 175 L +104 21 176 S +104 21 177 L +104 21 178 K +104 21 179 S +104 21 180 K +104 21 181 L +104 21 182 S +104 21 183 S +104 21 184 S +104 21 185 S +104 21 186 L +104 21 187 S +104 21 188 K +104 21 189 L +104 21 190 L +104 21 191 K +104 21 192 S +104 21 193 S +104 21 194 S +104 21 195 K +104 21 196 L +104 21 197 L +104 21 198 K +104 21 199 L +104 21 200 K +104 21 201 S +104 21 202 K +104 21 203 S +104 21 204 K +104 21 205 K +104 21 206 L +104 21 207 S +104 21 208 S +104 21 209 K +104 21 210 S +104 21 211 L +104 21 212 S +104 21 213 L +104 21 214 S +104 21 215 S +104 21 216 K +104 21 217 S +104 21 218 K +104 21 219 L +104 21 220 K +104 21 221 L +104 21 222 S +104 21 223 K +104 21 224 L +104 21 225 S +104 21 226 K +104 21 227 K +104 21 228 K +104 21 229 L +104 21 230 L +104 21 231 S +104 21 232 K +104 21 233 L +104 21 234 K +104 21 235 K +104 21 236 S +104 21 237 S +104 21 238 K +104 21 239 S +104 21 240 S +104 21 241 L +104 21 242 L +104 21 243 S +104 21 244 L +104 21 245 S +104 21 246 K +104 21 247 K +104 21 248 K +104 21 249 K +104 21 250 S +104 21 251 L +104 21 252 L +104 21 253 L +104 21 254 L +104 21 255 K +104 21 256 S +104 21 257 K +104 21 258 S +104 21 259 S +104 21 260 L +104 21 261 S +104 21 262 L +104 21 263 L +104 21 264 L +104 21 265 K +104 21 266 S +104 21 267 S +104 21 268 K +104 21 269 S +104 21 270 S +104 21 271 K +104 21 272 L +104 21 273 S +104 21 274 L +104 21 275 S +104 21 276 S +104 21 277 K +104 21 278 S +104 21 279 K +104 21 280 S +104 21 281 K +104 21 282 K +104 21 283 S +104 21 284 L +104 21 285 S +104 21 286 L +104 21 287 S +104 21 288 S +104 21 289 K +104 21 290 L +104 21 291 K +104 21 292 S +104 21 293 L +104 21 294 L +104 21 295 S +104 21 296 K +104 21 297 S +104 21 298 S +104 21 299 K +104 21 300 L +104 21 301 K +104 21 302 L +104 21 303 L +104 21 304 S +104 21 305 S +104 21 306 K +104 21 307 K +104 21 308 S +104 21 309 K +104 21 310 K +104 21 311 K +104 21 312 K +104 21 313 K +104 21 314 L +104 21 315 D +104 21 316 D +104 21 317 S +104 21 318 S +104 21 319 L +104 21 320 S +104 21 321 S +104 21 322 K +104 21 323 K +104 21 324 L +104 21 325 S +104 21 326 S +104 21 327 L +104 21 328 K +104 21 329 S +104 21 330 L +104 22 1 K +104 22 2 L +104 22 3 S +104 22 4 S +104 22 5 K +104 22 6 S +104 22 7 K +104 22 8 S +104 22 9 S +104 22 10 K +104 22 11 K +104 22 12 S +104 22 13 K +104 22 14 K +104 22 15 L +104 22 16 L +104 22 17 S +104 22 18 K +104 22 19 K +104 22 20 K +104 22 21 S +104 22 22 L +104 22 23 K +104 22 24 S +104 22 25 K +104 22 26 K +104 22 27 L +104 22 28 S +104 22 29 K +104 22 30 S +104 22 31 L +104 22 32 S +104 22 33 K +104 22 34 K +104 22 35 S +104 22 36 K +104 22 37 K +104 22 38 S +104 22 39 K +104 22 40 K +104 22 41 S +104 22 42 S +104 22 43 K +104 22 44 L +104 22 45 K +104 22 46 K +104 22 47 K +104 22 48 S +104 22 49 S +104 22 50 S +104 22 51 S +104 22 52 L +104 22 53 S +104 22 54 K +104 22 55 K +104 22 56 S +104 22 57 K +104 22 58 S +104 22 59 L +104 22 60 K +104 22 61 S +104 22 62 K +104 22 63 S +104 22 64 K +104 22 65 S +104 22 66 L +104 22 67 K +104 22 68 S +104 22 69 S +104 22 70 L +104 22 71 S +104 22 72 K +104 22 73 S +104 22 74 L +104 22 75 K +104 22 76 S +104 22 77 K +104 22 78 S +104 22 79 K +104 22 80 K +104 22 81 K +104 22 82 K +104 22 83 L +104 22 84 S +104 22 85 K +104 22 86 S +104 22 87 K +104 22 88 S +104 22 89 K +104 22 90 K +104 22 91 S +104 22 92 L +104 22 93 K +104 22 94 K +104 22 95 L +104 22 96 S +104 22 97 K +104 22 98 S +104 22 99 L +104 22 100 K +104 22 101 S +104 22 102 L +104 22 103 S +104 22 104 K +104 22 105 S +104 22 106 L +104 22 107 L +104 22 108 L +104 22 109 K +104 22 110 S +104 22 111 K +104 22 112 S +104 22 113 K +104 22 114 K +104 22 115 S +104 22 116 L +104 22 117 S +104 22 118 S +104 22 119 K +104 22 120 L +104 22 121 S +104 22 122 K +104 22 123 K +104 22 124 S +104 22 125 S +104 22 126 S +104 22 127 K +104 22 128 S +104 22 129 L +104 22 130 K +104 22 131 S +104 22 132 S +104 22 133 K +104 22 134 S +104 22 135 S +104 22 136 K +104 22 137 K +104 22 138 K +104 22 139 L +104 22 140 K +104 22 141 L +104 22 142 L +104 22 143 S +104 22 144 K +104 22 145 K +104 22 146 S +104 22 147 K +104 22 148 S +104 22 149 K +104 22 150 S +104 22 151 S +104 22 152 S +104 22 153 K +104 22 154 K +104 22 155 S +104 22 156 K +104 22 157 S +104 22 158 L +104 22 159 S +104 22 160 S +104 22 161 K +104 22 162 S +104 22 163 K +104 22 164 K +104 22 165 K +104 22 166 K +104 22 167 L +104 22 168 K +104 22 169 K +104 22 170 K +104 22 171 K +104 22 172 L +104 22 173 S +104 22 174 S +104 22 175 L +104 22 176 S +104 22 177 L +104 22 178 K +104 22 179 S +104 22 180 K +104 22 181 S +104 22 182 S +104 22 183 S +104 22 184 S +104 22 185 S +104 22 186 K +104 22 187 S +104 22 188 K +104 22 189 L +104 22 190 S +104 22 191 K +104 22 192 K +104 22 193 S +104 22 194 S +104 22 195 K +104 22 196 K +104 22 197 S +104 22 198 K +104 22 199 L +104 22 200 K +104 22 201 S +104 22 202 K +104 22 203 S +104 22 204 K +104 22 205 K +104 22 206 L +104 22 207 S +104 22 208 S +104 22 209 K +104 22 210 S +104 22 211 K +104 22 212 S +104 22 213 K +104 22 214 S +104 22 215 S +104 22 216 K +104 22 217 S +104 22 218 S +104 22 219 L +104 22 220 K +104 22 221 L +104 22 222 S +104 22 223 K +104 22 224 L +104 22 225 S +104 22 226 K +104 22 227 K +104 22 228 K +104 22 229 K +104 22 230 L +104 22 231 S +104 22 232 S +104 22 233 K +104 22 234 K +104 22 235 K +104 22 236 S +104 22 237 S +104 22 238 K +104 22 239 S +104 22 240 S +104 22 241 L +104 22 242 L +104 22 243 S +104 22 244 L +104 22 245 S +104 22 246 K +104 22 247 K +104 22 248 K +104 22 249 K +104 22 250 K +104 22 251 K +104 22 252 L +104 22 253 K +104 22 254 K +104 22 255 K +104 22 256 S +104 22 257 K +104 22 258 S +104 22 259 K +104 22 260 L +104 22 261 S +104 22 262 L +104 22 263 L +104 22 264 L +104 22 265 K +104 22 266 S +104 22 267 S +104 22 268 K +104 22 269 S +104 22 270 S +104 22 271 K +104 22 272 L +104 22 273 S +104 22 274 L +104 22 275 S +104 22 276 S +104 22 277 K +104 22 278 S +104 22 279 K +104 22 280 K +104 22 281 K +104 22 282 K +104 22 283 S +104 22 284 L +104 22 285 S +104 22 286 L +104 22 287 S +104 22 288 S +104 22 289 K +104 22 290 L +104 22 291 K +104 22 292 S +104 22 293 L +104 22 294 L +104 22 295 S +104 22 296 K +104 22 297 S +104 22 298 S +104 22 299 K +104 22 300 L +104 22 301 K +104 22 302 L +104 22 303 L +104 22 304 K +104 22 305 S +104 22 306 K +104 22 307 K +104 22 308 S +104 22 309 K +104 22 310 K +104 22 311 K +104 22 312 K +104 22 313 K +104 22 314 L +104 22 315 K +104 22 316 K +104 22 317 S +104 22 318 S +104 22 319 L +104 22 320 S +104 22 321 S +104 22 322 K +104 22 323 K +104 22 324 L +104 22 325 S +104 22 326 S +104 22 327 L +104 22 328 K +104 22 329 S +104 22 330 L +104 23 1 K +104 23 2 L +104 23 3 S +104 23 4 K +104 23 5 L +104 23 6 S +104 23 7 K +104 23 8 S +104 23 9 S +104 23 10 K +104 23 11 K +104 23 12 S +104 23 13 K +104 23 14 K +104 23 15 L +104 23 16 L +104 23 17 S +104 23 18 K +104 23 19 K +104 23 20 K +104 23 21 S +104 23 22 L +104 23 23 L +104 23 24 T +104 23 25 K +104 23 26 K +104 23 27 L +104 23 28 S +104 23 29 K +104 23 30 S +104 23 31 K +104 23 32 S +104 23 33 K +104 23 34 K +104 23 35 S +104 23 36 K +104 23 37 K +104 23 38 S +104 23 39 K +104 23 40 K +104 23 41 S +104 23 42 S +104 23 43 K +104 23 44 L +104 23 45 K +104 23 46 K +104 23 47 K +104 23 48 S +104 23 49 K +104 23 50 K +104 23 51 K +104 23 52 L +104 23 53 S +104 23 54 K +104 23 55 K +104 23 56 S +104 23 57 K +104 23 58 S +104 23 59 L +104 23 60 K +104 23 61 S +104 23 62 K +104 23 63 S +104 23 64 K +104 23 65 S +104 23 66 L +104 23 67 K +104 23 68 S +104 23 69 K +104 23 70 L +104 23 71 S +104 23 72 K +104 23 73 K +104 23 74 L +104 23 75 K +104 23 76 S +104 23 77 K +104 23 78 L +104 23 79 K +104 23 80 K +104 23 81 K +104 23 82 K +104 23 83 L +104 23 84 S +104 23 85 K +104 23 86 S +104 23 87 K +104 23 88 S +104 23 89 K +104 23 90 K +104 23 91 S +104 23 92 L +104 23 93 K +104 23 94 K +104 23 95 L +104 23 96 S +104 23 97 K +104 23 98 S +104 23 99 L +104 23 100 L +104 23 101 S +104 23 102 K +104 23 103 K +104 23 104 K +104 23 105 S +104 23 106 L +104 23 107 L +104 23 108 L +104 23 109 K +104 23 110 S +104 23 111 K +104 23 112 S +104 23 113 K +104 23 114 K +104 23 115 S +104 23 116 L +104 23 117 K +104 23 118 S +104 23 119 K +104 23 120 L +104 23 121 S +104 23 122 K +104 23 123 K +104 23 124 K +104 23 125 S +104 23 126 S +104 23 127 K +104 23 128 S +104 23 129 L +104 23 130 K +104 23 131 K +104 23 132 S +104 23 133 K +104 23 134 K +104 23 135 S +104 23 136 K +104 23 137 K +104 23 138 L +104 23 139 L +104 23 140 K +104 23 141 L +104 23 142 L +104 23 143 S +104 23 144 K +104 23 145 K +104 23 146 S +104 23 147 K +104 23 148 S +104 23 149 K +104 23 150 S +104 23 151 S +104 23 152 L +104 23 153 K +104 23 154 K +104 23 155 S +104 23 156 K +104 23 157 S +104 23 158 L +104 23 159 S +104 23 160 S +104 23 161 K +104 23 162 S +104 23 163 K +104 23 164 K +104 23 165 K +104 23 166 K +104 23 167 L +104 23 168 K +104 23 169 K +104 23 170 K +104 23 171 K +104 23 172 L +104 23 173 S +104 23 174 S +104 23 175 L +104 23 176 S +104 23 177 L +104 23 178 K +104 23 179 S +104 23 180 K +104 23 181 S +104 23 182 S +104 23 183 * +104 23 184 K +104 23 185 S +104 23 186 K +104 23 187 S +104 23 188 K +104 23 189 L +104 23 190 S +104 23 191 K +104 23 192 K +104 23 193 S +104 23 194 S +104 23 195 K +104 23 196 L +104 23 197 K +104 23 198 K +104 23 199 L +104 23 200 K +104 23 201 S +104 23 202 K +104 23 203 S +104 23 204 K +104 23 205 K +104 23 206 L +104 23 207 S +104 23 208 S +104 23 209 K +104 23 210 S +104 23 211 K +104 23 212 S +104 23 213 L +104 23 214 S +104 23 215 S +104 23 216 K +104 23 217 S +104 23 218 S +104 23 219 L +104 23 220 K +104 23 221 L +104 23 222 K +104 23 223 K +104 23 224 L +104 23 225 S +104 23 226 K +104 23 227 K +104 23 228 K +104 23 229 L +104 23 230 L +104 23 231 S +104 23 232 S +104 23 233 K +104 23 234 K +104 23 235 K +104 23 236 S +104 23 237 S +104 23 238 K +104 23 239 S +104 23 240 S +104 23 241 L +104 23 242 L +104 23 243 S +104 23 244 L +104 23 245 S +104 23 246 K +104 23 247 K +104 23 248 K +104 23 249 K +104 23 250 K +104 23 251 K +104 23 252 L +104 23 253 K +104 23 254 K +104 23 255 K +104 23 256 S +104 23 257 K +104 23 258 S +104 23 259 S +104 23 260 L +104 23 261 S +104 23 262 L +104 23 263 L +104 23 264 L +104 23 265 K +104 23 266 S +104 23 267 S +104 23 268 K +104 23 269 S +104 23 270 S +104 23 271 K +104 23 272 L +104 23 273 K +104 23 274 L +104 23 275 S +104 23 276 S +104 23 277 K +104 23 278 S +104 23 279 K +104 23 280 K +104 23 281 K +104 23 282 K +104 23 283 S +104 23 284 L +104 23 285 S +104 23 286 L +104 23 287 S +104 23 288 S +104 23 289 K +104 23 290 L +104 23 291 K +104 23 292 S +104 23 293 L +104 23 294 L +104 23 295 S +104 23 296 K +104 23 297 S +104 23 298 S +104 23 299 K +104 23 300 L +104 23 301 K +104 23 302 L +104 23 303 L +104 23 304 S +104 23 305 S +104 23 306 K +104 23 307 K +104 23 308 K +104 23 309 S +104 23 310 K +104 23 311 K +104 23 312 K +104 23 313 K +104 23 314 L +104 23 315 K +104 23 316 S +104 23 317 S +104 23 318 L +104 23 319 S +104 23 320 S +104 23 321 S +104 23 322 K +104 23 323 K +104 23 324 L +104 23 325 S +104 23 326 S +104 23 327 L +104 23 328 K +104 23 329 S +104 23 330 L +104 24 1 K +104 24 2 L +104 24 3 S +104 24 4 S +104 24 5 L +104 24 6 S +104 24 7 K +104 24 8 S +104 24 9 S +104 24 10 K +104 24 11 K +104 24 12 S +104 24 13 K +104 24 14 K +104 24 15 L +104 24 16 L +104 24 17 S +104 24 18 K +104 24 19 K +104 24 20 K +104 24 21 S +104 24 22 L +104 24 23 K +104 24 24 S +104 24 25 K +104 24 26 K +104 24 27 L +104 24 28 S +104 24 29 K +104 24 30 S +104 24 31 L +104 24 32 S +104 24 33 K +104 24 34 K +104 24 35 S +104 24 36 K +104 24 37 K +104 24 38 S +104 24 39 K +104 24 40 K +104 24 41 S +104 24 42 S +104 24 43 K +104 24 44 L +104 24 45 K +104 24 46 K +104 24 47 K +104 24 48 S +104 24 49 K +104 24 50 S +104 24 51 S +104 24 52 L +104 24 53 S +104 24 54 K +104 24 55 K +104 24 56 S +104 24 57 K +104 24 58 S +104 24 59 L +104 24 60 K +104 24 61 S +104 24 62 K +104 24 63 S +104 24 64 K +104 24 65 S +104 24 66 L +104 24 67 K +104 24 68 S +104 24 69 S +104 24 70 L +104 24 71 S +104 24 72 K +104 24 73 K +104 24 74 L +104 24 75 K +104 24 76 S +104 24 77 K +104 24 78 L +104 24 79 K +104 24 80 K +104 24 81 S +104 24 82 K +104 24 83 L +104 24 84 S +104 24 85 K +104 24 86 S +104 24 87 K +104 24 88 S +104 24 89 K +104 24 90 K +104 24 91 S +104 24 92 L +104 24 93 K +104 24 94 K +104 24 95 L +104 24 96 S +104 24 97 K +104 24 98 S +104 24 99 L +104 24 100 L +104 24 101 S +104 24 102 L +104 24 103 S +104 24 104 K +104 24 105 S +104 24 106 L +104 24 107 L +104 24 108 L +104 24 109 K +104 24 110 S +104 24 111 K +104 24 112 S +104 24 113 K +104 24 114 K +104 24 115 S +104 24 116 L +104 24 117 S +104 24 118 S +104 24 119 K +104 24 120 L +104 24 121 S +104 24 122 K +104 24 123 K +104 24 124 S +104 24 125 S +104 24 126 S +104 24 127 K +104 24 128 S +104 24 129 L +104 24 130 K +104 24 131 S +104 24 132 S +104 24 133 K +104 24 134 S +104 24 135 S +104 24 136 K +104 24 137 K +104 24 138 K +104 24 139 L +104 24 140 K +104 24 141 L +104 24 142 L +104 24 143 S +104 24 144 K +104 24 145 K +104 24 146 S +104 24 147 K +104 24 148 S +104 24 149 K +104 24 150 S +104 24 151 S +104 24 152 S +104 24 153 K +104 24 154 K +104 24 155 S +104 24 156 K +104 24 157 S +104 24 158 L +104 24 159 S +104 24 160 S +104 24 161 K +104 24 162 S +104 24 163 K +104 24 164 K +104 24 165 K +104 24 166 K +104 24 167 L +104 24 168 K +104 24 169 K +104 24 170 K +104 24 171 K +104 24 172 L +104 24 173 S +104 24 174 S +104 24 175 L +104 24 176 S +104 24 177 L +104 24 178 K +104 24 179 S +104 24 180 K +104 24 181 S +104 24 182 S +104 24 183 S +104 24 184 K +104 24 185 S +104 24 186 K +104 24 187 S +104 24 188 K +104 24 189 L +104 24 190 S +104 24 191 K +104 24 192 K +104 24 193 S +104 24 194 S +104 24 195 K +104 24 196 K +104 24 197 S +104 24 198 K +104 24 199 L +104 24 200 K +104 24 201 S +104 24 202 K +104 24 203 S +104 24 204 K +104 24 205 K +104 24 206 L +104 24 207 S +104 24 208 S +104 24 209 K +104 24 210 S +104 24 211 K +104 24 212 S +104 24 213 L +104 24 214 S +104 24 215 S +104 24 216 K +104 24 217 S +104 24 218 S +104 24 219 L +104 24 220 K +104 24 221 L +104 24 222 K +104 24 223 K +104 24 224 L +104 24 225 S +104 24 226 K +104 24 227 K +104 24 228 K +104 24 229 K +104 24 230 L +104 24 231 S +104 24 232 S +104 24 233 K +104 24 234 K +104 24 235 K +104 24 236 S +104 24 237 S +104 24 238 K +104 24 239 S +104 24 240 S +104 24 241 L +104 24 242 L +104 24 243 S +104 24 244 L +104 24 245 S +104 24 246 K +104 24 247 K +104 24 248 K +104 24 249 K +104 24 250 K +104 24 251 K +104 24 252 L +104 24 253 K +104 24 254 K +104 24 255 K +104 24 256 S +104 24 257 K +104 24 258 S +104 24 259 S +104 24 260 L +104 24 261 S +104 24 262 L +104 24 263 L +104 24 264 L +104 24 265 K +104 24 266 S +104 24 267 S +104 24 268 K +104 24 269 S +104 24 270 S +104 24 271 K +104 24 272 L +104 24 273 S +104 24 274 L +104 24 275 S +104 24 276 S +104 24 277 K +104 24 278 S +104 24 279 K +104 24 280 K +104 24 281 K +104 24 282 K +104 24 283 S +104 24 284 L +104 24 285 S +104 24 286 L +104 24 287 S +104 24 288 S +104 24 289 K +104 24 290 L +104 24 291 K +104 24 292 S +104 24 293 L +104 24 294 L +104 24 295 S +104 24 296 K +104 24 297 S +104 24 298 S +104 24 299 K +104 24 300 L +104 24 301 L +104 24 302 K +104 24 303 S +104 24 304 S +104 24 305 K +104 24 306 K +104 24 307 L +104 24 308 S +104 24 309 K +104 24 310 K +104 24 311 K +104 24 312 K +104 24 313 K +104 24 314 L +104 24 315 K +104 24 316 K +104 24 317 S +104 24 318 S +104 24 319 L +104 24 320 S +104 24 321 S +104 24 322 K +104 24 323 K +104 24 324 L +104 24 325 S +104 24 326 S +104 24 327 L +104 24 328 K +104 24 329 S +104 24 330 L +104 25 1 K +104 25 2 L +104 25 3 S +104 25 4 S +104 25 5 L +104 25 6 S +104 25 7 K +104 25 8 S +104 25 9 S +104 25 10 K +104 25 11 K +104 25 12 S +104 25 13 K +104 25 14 K +104 25 15 L +104 25 16 L +104 25 17 S +104 25 18 K +104 25 19 K +104 25 20 K +104 25 21 S +104 25 22 S +104 25 23 L +104 25 24 K +104 25 25 K +104 25 26 K +104 25 27 L +104 25 28 S +104 25 29 K +104 25 30 S +104 25 31 L +104 25 32 S +104 25 33 K +104 25 34 K +104 25 35 S +104 25 36 K +104 25 37 L +104 25 38 S +104 25 39 K +104 25 40 L +104 25 41 S +104 25 42 S +104 25 43 K +104 25 44 L +104 25 45 K +104 25 46 L +104 25 47 K +104 25 48 S +104 25 49 L +104 25 50 K +104 25 51 S +104 25 52 L +104 25 53 S +104 25 54 K +104 25 55 L +104 25 56 L +104 25 57 K +104 25 58 S +104 25 59 L +104 25 60 K +104 25 61 S +104 25 62 L +104 25 63 S +104 25 64 K +104 25 65 S +104 25 66 L +104 25 67 L +104 25 68 S +104 25 69 K +104 25 70 L +104 25 71 S +104 25 72 K +104 25 73 K +104 25 74 L +104 25 75 K +104 25 76 S +104 25 77 K +104 25 78 L +104 25 79 K +104 25 80 K +104 25 81 S +104 25 82 K +104 25 83 L +104 25 84 L +104 25 85 K +104 25 86 S +104 25 87 K +104 25 88 S +104 25 89 K +104 25 90 K +104 25 91 S +104 25 92 L +104 25 93 K +104 25 94 K +104 25 95 L +104 25 96 S +104 25 97 K +104 25 98 S +104 25 99 L +104 25 100 L +104 25 101 S +104 25 102 L +104 25 103 K +104 25 104 L +104 25 105 S +104 25 106 L +104 25 107 L +104 25 108 L +104 25 109 K +104 25 110 S +104 25 111 K +104 25 112 S +104 25 113 K +104 25 114 K +104 25 115 S +104 25 116 L +104 25 117 K +104 25 118 S +104 25 119 K +104 25 120 L +104 25 121 S +104 25 122 K +104 25 123 K +104 25 124 S +104 25 125 S +104 25 126 S +104 25 127 K +104 25 128 S +104 25 129 L +104 25 130 K +104 25 131 K +104 25 132 S +104 25 133 K +104 25 134 K +104 25 135 S +104 25 136 K +104 25 137 K +104 25 138 L +104 25 139 L +104 25 140 K +104 25 141 L +104 25 142 L +104 25 143 S +104 25 144 K +104 25 145 K +104 25 146 S +104 25 147 K +104 25 148 S +104 25 149 L +104 25 150 K +104 25 151 S +104 25 152 L +104 25 153 K +104 25 154 K +104 25 155 K +104 25 156 K +104 25 157 S +104 25 158 L +104 25 159 S +104 25 160 L +104 25 161 K +104 25 162 S +104 25 163 K +104 25 164 K +104 25 165 K +104 25 166 K +104 25 167 L +104 25 168 K +104 25 169 L +104 25 170 K +104 25 171 K +104 25 172 L +104 25 173 S +104 25 174 S +104 25 175 L +104 25 176 S +104 25 177 L +104 25 178 K +104 25 179 K +104 25 180 K +104 25 181 S +104 25 182 K +104 25 183 K +104 25 184 S +104 25 185 S +104 25 186 L +104 25 187 S +104 25 188 K +104 25 189 L +104 25 190 L +104 25 191 K +104 25 192 K +104 25 193 S +104 25 194 S +104 25 195 K +104 25 196 L +104 25 197 L +104 25 198 K +104 25 199 L +104 25 200 L +104 25 201 S +104 25 202 K +104 25 203 S +104 25 204 K +104 25 205 K +104 25 206 L +104 25 207 S +104 25 208 S +104 25 209 K +104 25 210 S +104 25 211 K +104 25 212 S +104 25 213 L +104 25 214 S +104 25 215 S +104 25 216 K +104 25 217 S +104 25 218 S +104 25 219 L +104 25 220 K +104 25 221 L +104 25 222 K +104 25 223 K +104 25 224 L +104 25 225 S +104 25 226 K +104 25 227 K +104 25 228 K +104 25 229 L +104 25 230 L +104 25 231 S +104 25 232 K +104 25 233 L +104 25 234 K +104 25 235 K +104 25 236 S +104 25 237 L +104 25 238 K +104 25 239 S +104 25 240 S +104 25 241 L +104 25 242 L +104 25 243 S +104 25 244 L +104 25 245 S +104 25 246 K +104 25 247 K +104 25 248 K +104 25 249 K +104 25 250 K +104 25 251 L +104 25 252 L +104 25 253 L +104 25 254 L +104 25 255 K +104 25 256 S +104 25 257 K +104 25 258 S +104 25 259 S +104 25 260 L +104 25 261 S +104 25 262 L +104 25 263 K +104 25 264 L +104 25 265 K +104 25 266 S +104 25 267 S +104 25 268 K +104 25 269 S +104 25 270 S +104 25 271 K +104 25 272 L +104 25 273 S +104 25 274 L +104 25 275 S +104 25 276 S +104 25 277 K +104 25 278 S +104 25 279 K +104 25 280 K +104 25 281 K +104 25 282 K +104 25 283 S +104 25 284 L +104 25 285 S +104 25 286 L +104 25 287 S +104 25 288 S +104 25 289 L +104 25 290 L +104 25 291 K +104 25 292 S +104 25 293 L +104 25 294 L +104 25 295 S +104 25 296 K +104 25 297 S +104 25 298 S +104 25 299 K +104 25 300 L +104 25 301 K +104 25 302 L +104 25 303 L +104 25 304 S +104 25 305 S +104 25 306 S +104 25 307 K +104 25 308 L +104 25 309 K +104 25 310 K +104 25 311 K +104 25 312 K +104 25 313 K +104 25 314 L +104 25 315 S +104 25 316 K +104 25 317 S +104 25 318 S +104 25 319 L +104 25 320 K +104 25 321 S +104 25 322 L +104 25 323 K +104 25 324 L +104 25 325 S +104 25 326 S +104 25 327 L +104 25 328 K +104 25 329 S +104 25 330 L +105 1 1 T +105 1 2 P +105 1 3 Z +105 1 4 Z +105 1 5 P +105 1 6 P +105 1 7 T +105 1 8 Z +105 1 9 T +105 1 10 T +105 1 11 T +105 1 12 P +105 1 13 T +105 1 14 T +105 1 15 P +105 1 16 P +105 1 17 Z +105 1 18 T +105 1 19 P +105 1 20 P +105 1 21 Z +105 1 22 P +105 1 23 Z +105 1 24 T +105 1 25 T +105 1 26 T +105 1 27 P +105 1 28 Z +105 1 29 T +105 1 30 Z +105 1 31 P +105 1 32 Z +105 1 33 T +105 1 34 T +105 1 35 Z +105 1 36 T +105 1 37 T +105 1 38 Z +105 1 39 T +105 1 40 T +105 1 41 Z +105 1 42 P +105 1 43 T +105 1 44 P +105 1 45 T +105 1 46 T +105 1 47 T +105 1 48 Z +105 1 49 P +105 1 50 T +105 1 51 T +105 1 52 P +105 1 53 Z +105 1 54 T +105 1 55 T +105 1 56 P +105 1 57 T +105 1 58 P +105 1 59 P +105 1 60 T +105 1 61 Z +105 1 62 P +105 1 63 Z +105 1 64 T +105 1 65 Z +105 1 66 P +105 1 67 P +105 1 68 Z +105 1 69 T +105 1 70 P +105 1 71 Z +105 1 72 T +105 1 73 Z +105 1 74 P +105 1 75 T +105 1 76 Z +105 1 77 T +105 1 78 P +105 1 79 T +105 1 80 T +105 1 81 T +105 1 82 T +105 1 83 P +105 1 84 Z +105 1 85 T +105 1 86 Z +105 1 87 T +105 1 88 Z +105 1 89 T +105 1 90 T +105 1 91 P +105 1 92 P +105 1 93 T +105 1 94 T +105 1 95 P +105 1 96 Z +105 1 97 T +105 1 98 Z +105 1 99 P +105 1 100 P +105 1 101 Z +105 1 102 P +105 1 103 T +105 1 104 P +105 1 105 Z +105 1 106 P +105 1 107 P +105 1 108 P +105 1 109 T +105 1 110 Z +105 1 111 T +105 1 112 Z +105 1 113 T +105 1 114 T +105 1 115 Z +105 1 116 P +105 1 117 T +105 1 118 Z +105 1 119 T +105 1 120 P +105 1 121 Z +105 1 122 T +105 1 123 T +105 1 124 P +105 1 125 Z +105 1 126 Z +105 1 127 T +105 1 128 P +105 1 129 P +105 1 130 T +105 1 131 Z +105 1 132 Z +105 1 133 T +105 1 134 T +105 1 135 Z +105 1 136 P +105 1 137 T +105 1 138 P +105 1 139 P +105 1 140 T +105 1 141 P +105 1 142 P +105 1 143 T +105 1 144 T +105 1 145 T +105 1 146 Z +105 1 147 T +105 1 148 Z +105 1 149 P +105 1 150 Z +105 1 151 Z +105 1 152 Z +105 1 153 T +105 1 154 T +105 1 155 T +105 1 156 T +105 1 157 T +105 1 158 P +105 1 159 Z +105 1 160 Z +105 1 161 T +105 1 162 Z +105 1 163 T +105 1 164 T +105 1 165 T +105 1 166 T +105 1 167 P +105 1 168 T +105 1 169 T +105 1 170 T +105 1 171 T +105 1 172 P +105 1 173 Z +105 1 174 Z +105 1 175 P +105 1 176 Z +105 1 177 P +105 1 178 T +105 1 179 Z +105 1 180 T +105 1 181 Z +105 1 182 Z +105 1 183 T +105 1 184 Z +105 1 185 Z +105 1 186 P +105 1 187 Z +105 1 188 T +105 1 189 P +105 1 190 Z +105 1 191 T +105 1 192 Z +105 1 193 P +105 1 194 Z +105 1 195 T +105 1 196 P +105 1 197 Z +105 1 198 T +105 1 199 P +105 1 200 P +105 1 201 Z +105 1 202 T +105 1 203 Z +105 1 204 T +105 1 205 T +105 1 206 P +105 1 207 Z +105 1 208 Z +105 1 209 T +105 1 210 Z +105 1 211 P +105 1 212 Z +105 1 213 P +105 1 214 P +105 1 215 Z +105 1 216 T +105 1 217 Z +105 1 218 T +105 1 219 P +105 1 220 T +105 1 221 P +105 1 222 Z +105 1 223 T +105 1 224 P +105 1 225 T +105 1 226 T +105 1 227 T +105 1 228 T +105 1 229 T +105 1 230 P +105 1 231 P +105 1 232 Z +105 1 233 T +105 1 234 T +105 1 235 T +105 1 236 T +105 1 237 P +105 1 238 T +105 1 239 Z +105 1 240 Z +105 1 241 P +105 1 242 P +105 1 243 Z +105 1 244 P +105 1 245 Z +105 1 246 T +105 1 247 T +105 1 248 T +105 1 249 T +105 1 250 Z +105 1 251 P +105 1 252 P +105 1 253 T +105 1 254 T +105 1 255 T +105 1 256 Z +105 1 257 T +105 1 258 Z +105 1 259 Z +105 1 260 P +105 1 261 Z +105 1 262 P +105 1 263 T +105 1 264 P +105 1 265 T +105 1 266 Z +105 1 267 Z +105 1 268 T +105 1 269 Z +105 1 270 Z +105 1 271 T +105 1 272 P +105 1 273 Z +105 1 274 P +105 1 275 T +105 1 276 Z +105 1 277 T +105 1 278 Z +105 1 279 T +105 1 280 T +105 1 281 T +105 1 282 T +105 1 283 Z +105 1 284 P +105 1 285 Z +105 1 286 P +105 1 287 T +105 1 288 Z +105 1 289 T +105 1 290 P +105 1 291 T +105 1 292 Z +105 1 293 P +105 1 294 P +105 1 295 T +105 1 296 Z +105 1 297 Z +105 1 298 Z +105 1 299 T +105 1 300 P +105 1 301 T +105 1 302 P +105 1 303 P +105 1 304 T +105 1 305 Z +105 1 306 T +105 1 307 T +105 1 308 Z +105 1 309 T +105 1 310 T +105 1 311 T +105 1 312 T +105 1 313 T +105 1 314 P +105 1 315 T +105 1 316 T +105 1 317 Z +105 1 318 Z +105 1 319 P +105 1 320 T +105 1 321 Z +105 1 322 T +105 1 323 T +105 1 324 P +105 1 325 Z +105 1 326 Z +105 1 327 P +105 1 328 T +105 1 329 Z +105 1 330 P +105 2 1 T +105 2 2 P +105 2 3 Z +105 2 4 T +105 2 5 P +105 2 6 Z +105 2 7 T +105 2 8 Z +105 2 9 T +105 2 10 T +105 2 11 T +105 2 12 Z +105 2 13 T +105 2 14 T +105 2 15 P +105 2 16 P +105 2 17 Z +105 2 18 T +105 2 19 T +105 2 20 T +105 2 21 Z +105 2 22 P +105 2 23 T +105 2 24 T +105 2 25 T +105 2 26 T +105 2 27 P +105 2 28 Z +105 2 29 T +105 2 30 Z +105 2 31 P +105 2 32 Z +105 2 33 T +105 2 34 T +105 2 35 Z +105 2 36 T +105 2 37 T +105 2 38 Z +105 2 39 T +105 2 40 T +105 2 41 Z +105 2 42 T +105 2 43 T +105 2 44 P +105 2 45 T +105 2 46 T +105 2 47 T +105 2 48 Z +105 2 49 T +105 2 50 T +105 2 51 T +105 2 52 P +105 2 53 Z +105 2 54 T +105 2 55 T +105 2 56 Z +105 2 57 T +105 2 58 T +105 2 59 P +105 2 60 T +105 2 61 Z +105 2 62 T +105 2 63 Z +105 2 64 T +105 2 65 Z +105 2 66 P +105 2 67 T +105 2 68 Z +105 2 69 T +105 2 70 P +105 2 71 Z +105 2 72 T +105 2 73 Z +105 2 74 P +105 2 75 T +105 2 76 Z +105 2 77 T +105 2 78 P +105 2 79 T +105 2 80 T +105 2 81 T +105 2 82 T +105 2 83 P +105 2 84 Z +105 2 85 T +105 2 86 Z +105 2 87 T +105 2 88 Z +105 2 89 T +105 2 90 T +105 2 91 T +105 2 92 P +105 2 93 T +105 2 94 T +105 2 95 P +105 2 96 Z +105 2 97 T +105 2 98 Z +105 2 99 T +105 2 100 T +105 2 101 Z +105 2 102 T +105 2 103 T +105 2 104 T +105 2 105 Z +105 2 106 P +105 2 107 P +105 2 108 P +105 2 109 T +105 2 110 Z +105 2 111 T +105 2 112 Z +105 2 113 T +105 2 114 T +105 2 115 Z +105 2 116 P +105 2 117 T +105 2 118 Z +105 2 119 T +105 2 120 P +105 2 121 Z +105 2 122 T +105 2 123 T +105 2 124 T +105 2 125 Z +105 2 126 Z +105 2 127 T +105 2 128 P +105 2 129 P +105 2 130 T +105 2 131 Z +105 2 132 Z +105 2 133 T +105 2 134 T +105 2 135 Z +105 2 136 T +105 2 137 T +105 2 138 T +105 2 139 P +105 2 140 T +105 2 141 P +105 2 142 P +105 2 143 T +105 2 144 T +105 2 145 T +105 2 146 Z +105 2 147 T +105 2 148 Z +105 2 149 T +105 2 150 T +105 2 151 Z +105 2 152 Z +105 2 153 T +105 2 154 T +105 2 155 T +105 2 156 T +105 2 157 T +105 2 158 P +105 2 159 Z +105 2 160 Z +105 2 161 T +105 2 162 Z +105 2 163 T +105 2 164 T +105 2 165 T +105 2 166 T +105 2 167 T +105 2 168 T +105 2 169 T +105 2 170 T +105 2 171 T +105 2 172 P +105 2 173 Z +105 2 174 Z +105 2 175 T +105 2 176 Z +105 2 177 P +105 2 178 T +105 2 179 T +105 2 180 T +105 2 181 T +105 2 182 Z +105 2 183 T +105 2 184 T +105 2 185 Z +105 2 186 T +105 2 187 Z +105 2 188 T +105 2 189 P +105 2 190 Z +105 2 191 T +105 2 192 T +105 2 193 T +105 2 194 T +105 2 195 T +105 2 196 T +105 2 197 Z +105 2 198 T +105 2 199 P +105 2 200 T +105 2 201 Z +105 2 202 T +105 2 203 Z +105 2 204 T +105 2 205 T +105 2 206 P +105 2 207 Z +105 2 208 Z +105 2 209 T +105 2 210 T +105 2 211 T +105 2 212 Z +105 2 213 T +105 2 214 Z +105 2 215 Z +105 2 216 T +105 2 217 Z +105 2 218 T +105 2 219 P +105 2 220 T +105 2 221 P +105 2 222 T +105 2 223 T +105 2 224 P +105 2 225 T +105 2 226 T +105 2 227 T +105 2 228 T +105 2 229 T +105 2 230 P +105 2 231 P +105 2 232 Z +105 2 233 T +105 2 234 T +105 2 235 T +105 2 236 T +105 2 237 T +105 2 238 Z +105 2 239 T +105 2 240 Z +105 2 241 Z +105 2 242 P +105 2 243 P +105 2 244 Z +105 2 245 P +105 2 246 Z +105 2 247 T +105 2 248 T +105 2 249 T +105 2 250 T +105 2 251 T +105 2 252 P +105 2 253 P +105 2 254 T +105 2 255 T +105 2 256 T +105 2 257 Z +105 2 258 T +105 2 259 Z +105 2 260 P +105 2 261 Z +105 2 262 P +105 2 263 T +105 2 264 P +105 2 265 T +105 2 266 Z +105 2 267 Z +105 2 268 T +105 2 269 Z +105 2 270 Z +105 2 271 T +105 2 272 P +105 2 273 Z +105 2 274 P +105 2 275 T +105 2 276 Z +105 2 277 T +105 2 278 Z +105 2 279 T +105 2 280 T +105 2 281 T +105 2 282 T +105 2 283 P +105 2 284 T +105 2 285 P +105 2 286 P +105 2 287 Z +105 2 288 Z +105 2 289 T +105 2 290 P +105 2 291 T +105 2 292 Z +105 2 293 P +105 2 294 P +105 2 295 T +105 2 296 Z +105 2 297 Z +105 2 298 Z +105 2 299 T +105 2 300 P +105 2 301 T +105 2 302 P +105 2 303 T +105 2 304 T +105 2 305 Z +105 2 306 T +105 2 307 T +105 2 308 T +105 2 309 T +105 2 310 T +105 2 311 T +105 2 312 T +105 2 313 T +105 2 314 P +105 2 315 T +105 2 316 T +105 2 317 Z +105 2 318 Z +105 2 319 P +105 2 320 T +105 2 321 Z +105 2 322 T +105 2 323 T +105 2 324 P +105 2 325 Z +105 2 326 Z +105 2 327 P +105 2 328 T +105 2 329 Z +105 2 330 P +105 3 1 T +105 3 2 P +105 3 3 Z +105 3 4 Z +105 3 5 P +105 3 6 P +105 3 7 T +105 3 8 Z +105 3 9 Z +105 3 10 T +105 3 11 T +105 3 12 P +105 3 13 T +105 3 14 T +105 3 15 P +105 3 16 P +105 3 17 Z +105 3 18 T +105 3 19 P +105 3 20 T +105 3 21 Z +105 3 22 P +105 3 23 T +105 3 24 T +105 3 25 T +105 3 26 T +105 3 27 P +105 3 28 Z +105 3 29 P +105 3 30 Z +105 3 31 P +105 3 32 Z +105 3 33 T +105 3 34 T +105 3 35 Z +105 3 36 T +105 3 37 P +105 3 38 Z +105 3 39 T +105 3 40 P +105 3 41 Z +105 3 42 Z +105 3 43 T +105 3 44 P +105 3 45 T +105 3 46 P +105 3 47 T +105 3 48 Z +105 3 49 P +105 3 50 Z +105 3 51 Z +105 3 52 P +105 3 53 Z +105 3 54 P +105 3 55 P +105 3 56 Z +105 3 57 T +105 3 58 Z +105 3 59 P +105 3 60 T +105 3 61 Z +105 3 62 P +105 3 63 Z +105 3 64 T +105 3 65 Z +105 3 66 P +105 3 67 P +105 3 68 Z +105 3 69 T +105 3 70 P +105 3 71 Z +105 3 72 T +105 3 73 Z +105 3 74 P +105 3 75 T +105 3 76 Z +105 3 77 T +105 3 78 P +105 3 79 T +105 3 80 T +105 3 81 T +105 3 82 T +105 3 83 P +105 3 84 Z +105 3 85 T +105 3 86 Z +105 3 87 T +105 3 88 Z +105 3 89 T +105 3 90 T +105 3 91 T +105 3 92 P +105 3 93 T +105 3 94 T +105 3 95 P +105 3 96 Z +105 3 97 T +105 3 98 Z +105 3 99 P +105 3 100 P +105 3 101 Z +105 3 102 P +105 3 103 T +105 3 104 T +105 3 105 Z +105 3 106 P +105 3 107 P +105 3 108 P +105 3 109 T +105 3 110 Z +105 3 111 T +105 3 112 Z +105 3 113 T +105 3 114 T +105 3 115 Z +105 3 116 P +105 3 117 T +105 3 118 Z +105 3 119 T +105 3 120 P +105 3 121 Z +105 3 122 T +105 3 123 T +105 3 124 P +105 3 125 Z +105 3 126 Z +105 3 127 T +105 3 128 P +105 3 129 P +105 3 130 T +105 3 131 Z +105 3 132 Z +105 3 133 T +105 3 134 T +105 3 135 Z +105 3 136 T +105 3 137 T +105 3 138 T +105 3 139 P +105 3 140 T +105 3 141 P +105 3 142 P +105 3 143 P +105 3 144 T +105 3 145 T +105 3 146 Z +105 3 147 T +105 3 148 Z +105 3 149 P +105 3 150 T +105 3 151 Z +105 3 152 Z +105 3 153 T +105 3 154 T +105 3 155 T +105 3 156 T +105 3 157 T +105 3 158 P +105 3 159 Z +105 3 160 P +105 3 161 T +105 3 162 Z +105 3 163 T +105 3 164 T +105 3 165 T +105 3 166 T +105 3 167 P +105 3 168 T +105 3 169 T +105 3 170 T +105 3 171 P +105 3 172 Z +105 3 173 Z +105 3 174 P +105 3 175 Z +105 3 176 P +105 3 177 T +105 3 178 Z +105 3 179 T +105 3 180 Z +105 3 181 Z +105 3 182 T +105 3 183 Z +105 3 184 Z +105 3 185 T +105 3 186 Z +105 3 187 T +105 3 188 P +105 3 189 Z +105 3 190 T +105 3 191 Z +105 3 192 P +105 3 193 Z +105 3 194 T +105 3 195 P +105 3 196 Z +105 3 197 T +105 3 198 P +105 3 199 T +105 3 200 Z +105 3 201 T +105 3 202 Z +105 3 203 T +105 3 204 T +105 3 205 P +105 3 206 Z +105 3 207 Z +105 3 208 T +105 3 209 T +105 3 210 T +105 3 211 Z +105 3 212 P +105 3 213 P +105 3 214 P +105 3 215 T +105 3 216 P +105 3 217 P +105 3 218 P +105 3 219 T +105 3 220 P +105 3 221 T +105 3 222 T +105 3 223 T +105 3 224 P +105 3 225 T +105 3 226 T +105 3 227 T +105 3 228 T +105 3 229 T +105 3 230 P +105 3 231 P +105 3 232 Z +105 3 233 T +105 3 234 T +105 3 235 T +105 3 236 T +105 3 237 P +105 3 238 Z +105 3 239 T +105 3 240 Z +105 3 241 Z +105 3 242 P +105 3 243 P +105 3 244 Z +105 3 245 P +105 3 246 Z +105 3 247 T +105 3 248 P +105 3 249 T +105 3 250 T +105 3 251 P +105 3 252 P +105 3 253 T +105 3 254 T +105 3 255 T +105 3 256 Z +105 3 257 T +105 3 258 Z +105 3 259 Z +105 3 260 P +105 3 261 Z +105 3 262 P +105 3 263 T +105 3 264 P +105 3 265 T +105 3 266 Z +105 3 267 Z +105 3 268 T +105 3 269 Z +105 3 270 Z +105 3 271 T +105 3 272 P +105 3 273 Z +105 3 274 P +105 3 275 Z +105 3 276 Z +105 3 277 T +105 3 278 Z +105 3 279 T +105 3 280 T +105 3 281 T +105 3 282 T +105 3 283 T +105 3 284 P +105 3 285 P +105 3 286 P +105 3 287 T +105 3 288 Z +105 3 289 T +105 3 290 P +105 3 291 T +105 3 292 P +105 3 293 P +105 3 294 P +105 3 295 T +105 3 296 T +105 3 297 P +105 3 298 Z +105 3 299 T +105 3 300 T +105 3 301 T +105 3 302 P +105 3 303 P +105 3 304 T +105 3 305 T +105 3 306 P +105 3 307 T +105 3 308 P +105 3 309 T +105 3 310 T +105 3 311 T +105 3 312 T +105 3 313 T +105 3 314 P +105 3 315 P +105 3 316 T +105 3 317 Z +105 3 318 Z +105 3 319 P +105 3 320 T +105 3 321 Z +105 3 322 T +105 3 323 T +105 3 324 P +105 3 325 Z +105 3 326 P +105 3 327 P +105 3 328 T +105 3 329 T +105 3 330 P +105 4 1 T +105 4 2 P +105 4 3 Z +105 4 4 T +105 4 5 T +105 4 6 Z +105 4 7 T +105 4 8 Z +105 4 9 Z +105 4 10 T +105 4 11 T +105 4 12 Z +105 4 13 T +105 4 14 T +105 4 15 Z +105 4 16 P +105 4 17 Z +105 4 18 T +105 4 19 T +105 4 20 T +105 4 21 Z +105 4 22 P +105 4 23 T +105 4 24 T +105 4 25 T +105 4 26 T +105 4 27 P +105 4 28 Z +105 4 29 T +105 4 30 Z +105 4 31 T +105 4 32 Z +105 4 33 T +105 4 34 T +105 4 35 Z +105 4 36 T +105 4 37 T +105 4 38 Z +105 4 39 T +105 4 40 T +105 4 41 Z +105 4 42 T +105 4 43 T +105 4 44 P +105 4 45 T +105 4 46 T +105 4 47 T +105 4 48 Z +105 4 49 T +105 4 50 T +105 4 51 T +105 4 52 P +105 4 53 Z +105 4 54 T +105 4 55 T +105 4 56 Z +105 4 57 T +105 4 58 P +105 4 59 P +105 4 60 T +105 4 61 Z +105 4 62 T +105 4 63 Z +105 4 64 T +105 4 65 Z +105 4 66 P +105 4 67 T +105 4 68 Z +105 4 69 T +105 4 70 P +105 4 71 Z +105 4 72 T +105 4 73 Z +105 4 74 P +105 4 75 T +105 4 76 Z +105 4 77 T +105 4 78 Z +105 4 79 T +105 4 80 T +105 4 81 T +105 4 82 T +105 4 83 P +105 4 84 Z +105 4 85 T +105 4 86 Z +105 4 87 T +105 4 88 Z +105 4 89 T +105 4 90 T +105 4 91 T +105 4 92 P +105 4 93 T +105 4 94 T +105 4 95 T +105 4 96 T +105 4 97 T +105 4 98 Z +105 4 99 T +105 4 100 T +105 4 101 Z +105 4 102 T +105 4 103 T +105 4 104 T +105 4 105 Z +105 4 106 T +105 4 107 P +105 4 108 T +105 4 109 T +105 4 110 Z +105 4 111 T +105 4 112 Z +105 4 113 T +105 4 114 T +105 4 115 Z +105 4 116 P +105 4 117 T +105 4 118 Z +105 4 119 T +105 4 120 P +105 4 121 Z +105 4 122 T +105 4 123 T +105 4 124 T +105 4 125 Z +105 4 126 Z +105 4 127 T +105 4 128 T +105 4 129 P +105 4 130 T +105 4 131 T +105 4 132 Z +105 4 133 T +105 4 134 T +105 4 135 Z +105 4 136 T +105 4 137 T +105 4 138 T +105 4 139 P +105 4 140 T +105 4 141 P +105 4 142 P +105 4 143 T +105 4 144 T +105 4 145 T +105 4 146 Z +105 4 147 T +105 4 148 Z +105 4 149 T +105 4 150 T +105 4 151 P +105 4 152 Z +105 4 153 T +105 4 154 T +105 4 155 T +105 4 156 T +105 4 157 T +105 4 158 P +105 4 159 Z +105 4 160 Z +105 4 161 T +105 4 162 Z +105 4 163 T +105 4 164 T +105 4 165 T +105 4 166 T +105 4 167 Z +105 4 168 T +105 4 169 T +105 4 170 T +105 4 171 P +105 4 172 Z +105 4 173 Z +105 4 174 T +105 4 175 Z +105 4 176 P +105 4 177 T +105 4 178 T +105 4 179 Z +105 4 180 T +105 4 181 P +105 4 182 Z +105 4 183 T +105 4 184 Z +105 4 185 Z +105 4 186 T +105 4 187 Z +105 4 188 T +105 4 189 P +105 4 190 Z +105 4 191 T +105 4 192 Z +105 4 193 T +105 4 194 Z +105 4 195 T +105 4 196 P +105 4 197 Z +105 4 198 T +105 4 199 P +105 4 200 T +105 4 201 Z +105 4 202 T +105 4 203 Z +105 4 204 T +105 4 205 Z +105 4 206 P +105 4 207 Z +105 4 208 Z +105 4 209 T +105 4 210 Z +105 4 211 T +105 4 212 Z +105 4 213 P +105 4 214 T +105 4 215 Z +105 4 216 T +105 4 217 Z +105 4 218 T +105 4 219 P +105 4 220 T +105 4 221 P +105 4 222 Z +105 4 223 T +105 4 224 P +105 4 225 T +105 4 226 T +105 4 227 T +105 4 228 T +105 4 229 T +105 4 230 P +105 4 231 P +105 4 232 Z +105 4 233 T +105 4 234 Z +105 4 235 T +105 4 236 T +105 4 237 T +105 4 238 Z +105 4 239 T +105 4 240 Z +105 4 241 Z +105 4 242 P +105 4 243 P +105 4 244 Z +105 4 245 P +105 4 246 Z +105 4 247 T +105 4 248 T +105 4 249 T +105 4 250 T +105 4 251 T +105 4 252 P +105 4 253 P +105 4 254 T +105 4 255 T +105 4 256 T +105 4 257 Z +105 4 258 T +105 4 259 T +105 4 260 Z +105 4 261 T +105 4 262 Z +105 4 263 P +105 4 264 T +105 4 265 T +105 4 266 T +105 4 267 Z +105 4 268 Z +105 4 269 T +105 4 270 Z +105 4 271 Z +105 4 272 T +105 4 273 P +105 4 274 Z +105 4 275 P +105 4 276 T +105 4 277 Z +105 4 278 T +105 4 279 Z +105 4 280 T +105 4 281 T +105 4 282 T +105 4 283 T +105 4 284 Z +105 4 285 P +105 4 286 Z +105 4 287 P +105 4 288 T +105 4 289 Z +105 4 290 T +105 4 291 P +105 4 292 T +105 4 293 Z +105 4 294 P +105 4 295 P +105 4 296 Z +105 4 297 Z +105 4 298 Z +105 4 299 Z +105 4 300 T +105 4 301 P +105 4 302 T +105 4 303 P +105 4 304 P +105 4 305 T +105 4 306 Z +105 4 307 T +105 4 308 T +105 4 309 Z +105 4 310 T +105 4 311 T +105 4 312 T +105 4 313 T +105 4 314 Z +105 4 315 P +105 4 316 T +105 4 317 T +105 4 318 Z +105 4 319 Z +105 4 320 P +105 4 321 T +105 4 322 Z +105 4 323 T +105 4 324 T +105 4 325 P +105 4 326 Z +105 4 327 Z +105 4 328 P +105 4 329 T +105 4 330 P +105 5 1 T +105 5 2 T +105 5 3 Z +105 5 4 Z +105 5 5 T +105 5 6 Z +105 5 7 T +105 5 8 Z +105 5 9 Z +105 5 10 T +105 5 11 T +105 5 12 P +105 5 13 T +105 5 14 T +105 5 15 P +105 5 16 P +105 5 17 Z +105 5 18 T +105 5 19 T +105 5 20 T +105 5 21 Z +105 5 22 P +105 5 23 T +105 5 24 T +105 5 25 T +105 5 26 T +105 5 27 P +105 5 28 Z +105 5 29 T +105 5 30 Z +105 5 31 P +105 5 32 Z +105 5 33 T +105 5 34 T +105 5 35 Z +105 5 36 T +105 5 37 T +105 5 38 Z +105 5 39 T +105 5 40 T +105 5 41 Z +105 5 42 P +105 5 43 T +105 5 44 P +105 5 45 T +105 5 46 P +105 5 47 T +105 5 48 Z +105 5 49 T +105 5 50 T +105 5 51 T +105 5 52 P +105 5 53 Z +105 5 54 T +105 5 55 T +105 5 56 P +105 5 57 T +105 5 58 P +105 5 59 P +105 5 60 T +105 5 61 Z +105 5 62 P +105 5 63 Z +105 5 64 T +105 5 65 Z +105 5 66 P +105 5 67 T +105 5 68 Z +105 5 69 T +105 5 70 P +105 5 71 Z +105 5 72 T +105 5 73 Z +105 5 74 P +105 5 75 T +105 5 76 Z +105 5 77 T +105 5 78 P +105 5 79 T +105 5 80 T +105 5 81 T +105 5 82 T +105 5 83 P +105 5 84 Z +105 5 85 T +105 5 86 Z +105 5 87 T +105 5 88 Z +105 5 89 T +105 5 90 T +105 5 91 T +105 5 92 P +105 5 93 T +105 5 94 T +105 5 95 P +105 5 96 Z +105 5 97 T +105 5 98 Z +105 5 99 T +105 5 100 T +105 5 101 Z +105 5 102 P +105 5 103 T +105 5 104 T +105 5 105 Z +105 5 106 Z +105 5 107 P +105 5 108 T +105 5 109 T +105 5 110 Z +105 5 111 T +105 5 112 Z +105 5 113 T +105 5 114 T +105 5 115 Z +105 5 116 T +105 5 117 T +105 5 118 Z +105 5 119 T +105 5 120 P +105 5 121 Z +105 5 122 T +105 5 123 T +105 5 124 Z +105 5 125 Z +105 5 126 Z +105 5 127 T +105 5 128 Z +105 5 129 P +105 5 130 T +105 5 131 T +105 5 132 Z +105 5 133 T +105 5 134 T +105 5 135 Z +105 5 136 T +105 5 137 T +105 5 138 T +105 5 139 P +105 5 140 T +105 5 141 P +105 5 142 P +105 5 143 T +105 5 144 T +105 5 145 T +105 5 146 Z +105 5 147 T +105 5 148 Z +105 5 149 T +105 5 150 T +105 5 151 Z +105 5 152 Z +105 5 153 T +105 5 154 T +105 5 155 T +105 5 156 T +105 5 157 T +105 5 158 P +105 5 159 T +105 5 160 Z +105 5 161 T +105 5 162 Z +105 5 163 T +105 5 164 T +105 5 165 T +105 5 166 T +105 5 167 T +105 5 168 T +105 5 169 T +105 5 170 T +105 5 171 T +105 5 172 Z +105 5 173 Z +105 5 174 T +105 5 175 Z +105 5 176 Z +105 5 177 T +105 5 178 T +105 5 179 T +105 5 180 T +105 5 181 T +105 5 182 T +105 5 183 T +105 5 184 Z +105 5 185 T +105 5 186 Z +105 5 187 T +105 5 188 P +105 5 189 Z +105 5 190 T +105 5 191 P +105 5 192 Z +105 5 193 T +105 5 194 T +105 5 195 T +105 5 196 T +105 5 197 Z +105 5 198 T +105 5 199 P +105 5 200 T +105 5 201 Z +105 5 202 T +105 5 203 Z +105 5 204 T +105 5 205 T +105 5 206 P +105 5 207 Z +105 5 208 T +105 5 209 T +105 5 210 T +105 5 211 T +105 5 212 Z +105 5 213 T +105 5 214 Z +105 5 215 Z +105 5 216 T +105 5 217 Z +105 5 218 T +105 5 219 P +105 5 220 T +105 5 221 P +105 5 222 T +105 5 223 T +105 5 224 P +105 5 225 T +105 5 226 T +105 5 227 T +105 5 228 T +105 5 229 T +105 5 230 T +105 5 231 P +105 5 232 Z +105 5 233 T +105 5 234 T +105 5 235 T +105 5 236 T +105 5 237 T +105 5 238 Z +105 5 239 T +105 5 240 T +105 5 241 P +105 5 242 Z +105 5 243 T +105 5 244 P +105 5 245 Z +105 5 246 T +105 5 247 T +105 5 248 T +105 5 249 T +105 5 250 T +105 5 251 T +105 5 252 P +105 5 253 T +105 5 254 T +105 5 255 T +105 5 256 Z +105 5 257 T +105 5 258 Z +105 5 259 T +105 5 260 P +105 5 261 Z +105 5 262 P +105 5 263 T +105 5 264 P +105 5 265 T +105 5 266 Z +105 5 267 T +105 5 268 T +105 5 269 Z +105 5 270 Z +105 5 271 T +105 5 272 P +105 5 273 Z +105 5 274 P +105 5 275 T +105 5 276 Z +105 5 277 T +105 5 278 Z +105 5 279 T +105 5 280 T +105 5 281 T +105 5 282 T +105 5 283 P +105 5 284 P +105 5 285 Z +105 5 286 P +105 5 287 Z +105 5 288 Z +105 5 289 T +105 5 290 P +105 5 291 T +105 5 292 Z +105 5 293 T +105 5 294 P +105 5 295 P +105 5 296 Z +105 5 297 Z +105 5 298 Z +105 5 299 T +105 5 300 P +105 5 301 T +105 5 302 P +105 5 303 T +105 5 304 T +105 5 305 Z +105 5 306 T +105 5 307 T +105 5 308 T +105 5 309 T +105 5 310 T +105 5 311 T +105 5 312 T +105 5 313 T +105 5 314 P +105 5 315 T +105 5 316 T +105 5 317 Z +105 5 318 Z +105 5 319 P +105 5 320 T +105 5 321 Z +105 5 322 T +105 5 323 T +105 5 324 P +105 5 325 Z +105 5 326 Z +105 5 327 P +105 5 328 T +105 5 329 Z +105 5 330 P +105 6 1 T +105 6 2 T +105 6 3 Z +105 6 4 Z +105 6 5 T +105 6 6 Z +105 6 7 T +105 6 8 Z +105 6 9 Z +105 6 10 T +105 6 11 T +105 6 12 Z +105 6 13 T +105 6 14 T +105 6 15 P +105 6 16 P +105 6 17 Z +105 6 18 T +105 6 19 T +105 6 20 T +105 6 21 Z +105 6 22 P +105 6 23 Z +105 6 24 T +105 6 25 T +105 6 26 T +105 6 27 P +105 6 28 Z +105 6 29 T +105 6 30 Z +105 6 31 T +105 6 32 Z +105 6 33 T +105 6 34 T +105 6 35 Z +105 6 36 T +105 6 37 T +105 6 38 Z +105 6 39 T +105 6 40 T +105 6 41 Z +105 6 42 Z +105 6 43 T +105 6 44 P +105 6 45 T +105 6 46 T +105 6 47 T +105 6 48 Z +105 6 49 T +105 6 50 Z +105 6 51 T +105 6 52 P +105 6 53 Z +105 6 54 T +105 6 55 T +105 6 56 Z +105 6 57 T +105 6 58 Z +105 6 59 P +105 6 60 T +105 6 61 Z +105 6 62 T +105 6 63 Z +105 6 64 T +105 6 65 Z +105 6 66 P +105 6 67 T +105 6 68 Z +105 6 69 T +105 6 70 P +105 6 71 Z +105 6 72 T +105 6 73 Z +105 6 74 T +105 6 75 T +105 6 76 Z +105 6 77 T +105 6 78 Z +105 6 79 T +105 6 80 T +105 6 81 T +105 6 82 T +105 6 83 P +105 6 84 Z +105 6 85 T +105 6 86 Z +105 6 87 T +105 6 88 Z +105 6 89 T +105 6 90 T +105 6 91 T +105 6 92 P +105 6 93 T +105 6 94 T +105 6 95 P +105 6 96 Z +105 6 97 T +105 6 98 Z +105 6 99 P +105 6 100 T +105 6 101 Z +105 6 102 T +105 6 103 T +105 6 104 T +105 6 105 Z +105 6 106 P +105 6 107 P +105 6 108 P +105 6 109 Z +105 6 110 T +105 6 111 T +105 6 112 Z +105 6 113 T +105 6 114 T +105 6 115 Z +105 6 116 T +105 6 117 T +105 6 118 Z +105 6 119 T +105 6 120 P +105 6 121 Z +105 6 122 T +105 6 123 T +105 6 124 T +105 6 125 Z +105 6 126 Z +105 6 127 T +105 6 128 P +105 6 129 P +105 6 130 T +105 6 131 Z +105 6 132 Z +105 6 133 T +105 6 134 T +105 6 135 Z +105 6 136 T +105 6 137 T +105 6 138 T +105 6 139 P +105 6 140 T +105 6 141 P +105 6 142 P +105 6 143 T +105 6 144 T +105 6 145 T +105 6 146 Z +105 6 147 T +105 6 148 Z +105 6 149 T +105 6 150 Z +105 6 151 Z +105 6 152 T +105 6 153 T +105 6 154 T +105 6 155 T +105 6 156 Z +105 6 157 P +105 6 158 P +105 6 159 P +105 6 160 Z +105 6 161 T +105 6 162 Z +105 6 163 T +105 6 164 T +105 6 165 T +105 6 166 T +105 6 167 P +105 6 168 T +105 6 169 T +105 6 170 T +105 6 171 P +105 6 172 Z +105 6 173 T +105 6 174 Z +105 6 175 T +105 6 176 Z +105 6 177 P +105 6 178 T +105 6 179 Z +105 6 180 T +105 6 181 Z +105 6 182 Z +105 6 183 T +105 6 184 T +105 6 185 Z +105 6 186 T +105 6 187 Z +105 6 188 T +105 6 189 T +105 6 190 Z +105 6 191 T +105 6 192 T +105 6 193 P +105 6 194 Z +105 6 195 T +105 6 196 T +105 6 197 Z +105 6 198 T +105 6 199 P +105 6 200 T +105 6 201 Z +105 6 202 T +105 6 203 Z +105 6 204 T +105 6 205 T +105 6 206 P +105 6 207 Z +105 6 208 T +105 6 209 T +105 6 210 T +105 6 211 T +105 6 212 Z +105 6 213 T +105 6 214 Z +105 6 215 Z +105 6 216 T +105 6 217 Z +105 6 218 T +105 6 219 P +105 6 220 T +105 6 221 P +105 6 222 Z +105 6 223 T +105 6 224 P +105 6 225 T +105 6 226 T +105 6 227 T +105 6 228 T +105 6 229 T +105 6 230 T +105 6 231 P +105 6 232 Z +105 6 233 T +105 6 234 T +105 6 235 T +105 6 236 T +105 6 237 T +105 6 238 Z +105 6 239 T +105 6 240 Z +105 6 241 Z +105 6 242 P +105 6 243 P +105 6 244 Z +105 6 245 P +105 6 246 Z +105 6 247 T +105 6 248 T +105 6 249 T +105 6 250 T +105 6 251 T +105 6 252 * +105 6 253 T +105 6 254 T +105 6 255 T +105 6 256 Z +105 6 257 T +105 6 258 Z +105 6 259 Z +105 6 260 P +105 6 261 Z +105 6 262 P +105 6 263 P +105 6 264 T +105 6 265 T +105 6 266 Z +105 6 267 Z +105 6 268 T +105 6 269 Z +105 6 270 Z +105 6 271 Z +105 6 272 P +105 6 273 P +105 6 274 T +105 6 275 Z +105 6 276 Z +105 6 277 T +105 6 278 Z +105 6 279 T +105 6 280 T +105 6 281 T +105 6 282 T +105 6 283 P +105 6 284 Z +105 6 285 Z +105 6 286 P +105 6 287 T +105 6 288 Z +105 6 289 T +105 6 290 P +105 6 291 T +105 6 292 Z +105 6 293 P +105 6 294 P +105 6 295 T +105 6 296 Z +105 6 297 Z +105 6 298 Z +105 6 299 T +105 6 300 P +105 6 301 T +105 6 302 P +105 6 303 P +105 6 304 T +105 6 305 Z +105 6 306 T +105 6 307 T +105 6 308 Z +105 6 309 T +105 6 310 T +105 6 311 T +105 6 312 T +105 6 313 T +105 6 314 P +105 6 315 T +105 6 316 T +105 6 317 Z +105 6 318 Z +105 6 319 P +105 6 320 T +105 6 321 Z +105 6 322 T +105 6 323 T +105 6 324 P +105 6 325 Z +105 6 326 Z +105 6 327 P +105 6 328 T +105 6 329 Z +105 6 330 P +105 7 1 T +105 7 2 P +105 7 3 Z +105 7 4 T +105 7 5 P +105 7 6 P +105 7 7 T +105 7 8 Z +105 7 9 T +105 7 10 T +105 7 11 T +105 7 12 P +105 7 13 T +105 7 14 T +105 7 15 P +105 7 16 P +105 7 17 Z +105 7 18 T +105 7 19 T +105 7 20 T +105 7 21 Z +105 7 22 P +105 7 23 Z +105 7 24 T +105 7 25 T +105 7 26 T +105 7 27 P +105 7 28 Z +105 7 29 T +105 7 30 Z +105 7 31 P +105 7 32 Z +105 7 33 T +105 7 34 T +105 7 35 Z +105 7 36 T +105 7 37 T +105 7 38 Z +105 7 39 T +105 7 40 T +105 7 41 Z +105 7 42 T +105 7 43 T +105 7 44 P +105 7 45 T +105 7 46 P +105 7 47 T +105 7 48 Z +105 7 49 T +105 7 50 Z +105 7 51 T +105 7 52 P +105 7 53 Z +105 7 54 T +105 7 55 T +105 7 56 Z +105 7 57 T +105 7 58 T +105 7 59 P +105 7 60 T +105 7 61 Z +105 7 62 P +105 7 63 Z +105 7 64 T +105 7 65 Z +105 7 66 P +105 7 67 P +105 7 68 Z +105 7 69 T +105 7 70 P +105 7 71 Z +105 7 72 T +105 7 73 Z +105 7 74 P +105 7 75 T +105 7 76 Z +105 7 77 T +105 7 78 P +105 7 79 T +105 7 80 T +105 7 81 T +105 7 82 T +105 7 83 P +105 7 84 Z +105 7 85 T +105 7 86 Z +105 7 87 T +105 7 88 Z +105 7 89 T +105 7 90 T +105 7 91 T +105 7 92 P +105 7 93 T +105 7 94 T +105 7 95 P +105 7 96 Z +105 7 97 Z +105 7 98 Z +105 7 99 P +105 7 100 P +105 7 101 Z +105 7 102 P +105 7 103 T +105 7 104 T +105 7 105 Z +105 7 106 P +105 7 107 P +105 7 108 P +105 7 109 T +105 7 110 Z +105 7 111 T +105 7 112 Z +105 7 113 T +105 7 114 T +105 7 115 Z +105 7 116 P +105 7 117 T +105 7 118 Z +105 7 119 T +105 7 120 P +105 7 121 Z +105 7 122 T +105 7 123 T +105 7 124 T +105 7 125 Z +105 7 126 Z +105 7 127 T +105 7 128 Z +105 7 129 P +105 7 130 T +105 7 131 Z +105 7 132 Z +105 7 133 T +105 7 134 T +105 7 135 Z +105 7 136 T +105 7 137 T +105 7 138 T +105 7 139 P +105 7 140 T +105 7 141 P +105 7 142 P +105 7 143 T +105 7 144 T +105 7 145 T +105 7 146 Z +105 7 147 T +105 7 148 Z +105 7 149 T +105 7 150 T +105 7 151 T +105 7 152 T +105 7 153 T +105 7 154 T +105 7 155 T +105 7 156 T +105 7 157 Z +105 7 158 P +105 7 159 Z +105 7 160 Z +105 7 161 T +105 7 162 Z +105 7 163 T +105 7 164 T +105 7 165 T +105 7 166 T +105 7 167 P +105 7 168 T +105 7 169 T +105 7 170 T +105 7 171 T +105 7 172 P +105 7 173 Z +105 7 174 Z +105 7 175 P +105 7 176 Z +105 7 177 P +105 7 178 T +105 7 179 Z +105 7 180 T +105 7 181 Z +105 7 182 Z +105 7 183 T +105 7 184 T +105 7 185 T +105 7 186 T +105 7 187 Z +105 7 188 T +105 7 189 P +105 7 190 Z +105 7 191 T +105 7 192 T +105 7 193 T +105 7 194 Z +105 7 195 T +105 7 196 P +105 7 197 Z +105 7 198 T +105 7 199 P +105 7 200 P +105 7 201 Z +105 7 202 T +105 7 203 Z +105 7 204 T +105 7 205 T +105 7 206 P +105 7 207 Z +105 7 208 Z +105 7 209 T +105 7 210 T +105 7 211 T +105 7 212 Z +105 7 213 P +105 7 214 T +105 7 215 Z +105 7 216 T +105 7 217 Z +105 7 218 T +105 7 219 P +105 7 220 T +105 7 221 P +105 7 222 T +105 7 223 T +105 7 224 P +105 7 225 T +105 7 226 T +105 7 227 T +105 7 228 T +105 7 229 P +105 7 230 P +105 7 231 Z +105 7 232 T +105 7 233 T +105 7 234 T +105 7 235 T +105 7 236 T +105 7 237 Z +105 7 238 T +105 7 239 Z +105 7 240 T +105 7 241 P +105 7 242 P +105 7 243 Z +105 7 244 P +105 7 245 Z +105 7 246 T +105 7 247 T +105 7 248 T +105 7 249 T +105 7 250 T +105 7 251 T +105 7 252 P +105 7 253 T +105 7 254 T +105 7 255 T +105 7 256 Z +105 7 257 T +105 7 258 Z +105 7 259 Z +105 7 260 Z +105 7 261 T +105 7 262 P +105 7 263 Z +105 7 264 P +105 7 265 Z +105 7 266 Z +105 7 267 T +105 7 268 Z +105 7 269 T +105 7 270 T +105 7 271 Z +105 7 272 P +105 7 273 Z +105 7 274 P +105 7 275 P +105 7 276 P +105 7 277 T +105 7 278 Z +105 7 279 T +105 7 280 T +105 7 281 T +105 7 282 T +105 7 283 P +105 7 284 T +105 7 285 P +105 7 286 P +105 7 287 T +105 7 288 Z +105 7 289 T +105 7 290 P +105 7 291 T +105 7 292 Z +105 7 293 P +105 7 294 P +105 7 295 T +105 7 296 T +105 7 297 T +105 7 298 T +105 7 299 Z +105 7 300 Z +105 7 301 P +105 7 302 T +105 7 303 Z +105 7 304 T +105 7 305 T +105 7 306 P +105 7 307 Z +105 7 308 Z +105 7 309 T +105 7 310 T +105 7 311 T +105 7 312 T +105 7 313 T +105 7 314 P +105 7 315 T +105 7 316 T +105 7 317 T +105 7 318 Z +105 7 319 P +105 7 320 T +105 7 321 Z +105 7 322 T +105 7 323 T +105 7 324 P +105 7 325 Z +105 7 326 Z +105 7 327 P +105 7 328 T +105 7 329 T +105 7 330 P +105 8 1 T +105 8 2 P +105 8 3 Z +105 8 4 T +105 8 5 P +105 8 6 P +105 8 7 T +105 8 8 Z +105 8 9 Z +105 8 10 T +105 8 11 T +105 8 12 P +105 8 13 T +105 8 14 T +105 8 15 P +105 8 16 P +105 8 17 Z +105 8 18 T +105 8 19 T +105 8 20 T +105 8 21 Z +105 8 22 P +105 8 23 P +105 8 24 T +105 8 25 T +105 8 26 T +105 8 27 P +105 8 28 Z +105 8 29 T +105 8 30 Z +105 8 31 P +105 8 32 P +105 8 33 T +105 8 34 T +105 8 35 Z +105 8 36 T +105 8 37 T +105 8 38 Z +105 8 39 T +105 8 40 T +105 8 41 Z +105 8 42 P +105 8 43 T +105 8 44 P +105 8 45 T +105 8 46 T +105 8 47 T +105 8 48 P +105 8 49 P +105 8 50 T +105 8 51 T +105 8 52 P +105 8 53 Z +105 8 54 T +105 8 55 T +105 8 56 P +105 8 57 T +105 8 58 P +105 8 59 P +105 8 60 T +105 8 61 Z +105 8 62 P +105 8 63 Z +105 8 64 T +105 8 65 Z +105 8 66 P +105 8 67 P +105 8 68 Z +105 8 69 T +105 8 70 P +105 8 71 T +105 8 72 T +105 8 73 T +105 8 74 P +105 8 75 T +105 8 76 Z +105 8 77 T +105 8 78 P +105 8 79 T +105 8 80 T +105 8 81 T +105 8 82 T +105 8 83 P +105 8 84 P +105 8 85 T +105 8 86 P +105 8 87 T +105 8 88 Z +105 8 89 T +105 8 90 T +105 8 91 P +105 8 92 P +105 8 93 T +105 8 94 T +105 8 95 P +105 8 96 P +105 8 97 T +105 8 98 Z +105 8 99 P +105 8 100 P +105 8 101 Z +105 8 102 P +105 8 103 T +105 8 104 P +105 8 105 Z +105 8 106 P +105 8 107 P +105 8 108 P +105 8 109 T +105 8 110 P +105 8 111 T +105 8 112 Z +105 8 113 T +105 8 114 T +105 8 115 Z +105 8 116 P +105 8 117 T +105 8 118 P +105 8 119 T +105 8 120 P +105 8 121 Z +105 8 122 T +105 8 123 T +105 8 124 P +105 8 125 Z +105 8 126 P +105 8 127 T +105 8 128 P +105 8 129 P +105 8 130 T +105 8 131 T +105 8 132 Z +105 8 133 T +105 8 134 T +105 8 135 Z +105 8 136 T +105 8 137 T +105 8 138 T +105 8 139 P +105 8 140 T +105 8 141 P +105 8 142 P +105 8 143 T +105 8 144 T +105 8 145 T +105 8 146 P +105 8 147 T +105 8 148 Z +105 8 149 P +105 8 150 T +105 8 151 P +105 8 152 P +105 8 153 T +105 8 154 T +105 8 155 T +105 8 156 T +105 8 157 T +105 8 158 P +105 8 159 P +105 8 160 P +105 8 161 T +105 8 162 Z +105 8 163 T +105 8 164 T +105 8 165 T +105 8 166 T +105 8 167 P +105 8 168 T +105 8 169 T +105 8 170 T +105 8 171 P +105 8 172 Z +105 8 173 P +105 8 174 P +105 8 175 Z +105 8 176 P +105 8 177 T +105 8 178 T +105 8 179 T +105 8 180 T +105 8 181 T +105 8 182 T +105 8 183 T +105 8 184 T +105 8 185 P +105 8 186 P +105 8 187 T +105 8 188 P +105 8 189 P +105 8 190 T +105 8 191 T +105 8 192 P +105 8 193 T +105 8 194 T +105 8 195 P +105 8 196 P +105 8 197 T +105 8 198 T +105 8 199 P +105 8 200 T +105 8 201 P +105 8 202 T +105 8 203 Z +105 8 204 T +105 8 205 T +105 8 206 P +105 8 207 Z +105 8 208 T +105 8 209 T +105 8 210 T +105 8 211 T +105 8 212 Z +105 8 213 P +105 8 214 P +105 8 215 P +105 8 216 T +105 8 217 T +105 8 218 T +105 8 219 P +105 8 220 T +105 8 221 P +105 8 222 T +105 8 223 T +105 8 224 P +105 8 225 T +105 8 226 T +105 8 227 T +105 8 228 T +105 8 229 T +105 8 230 P +105 8 231 P +105 8 232 T +105 8 233 T +105 8 234 T +105 8 235 T +105 8 236 T +105 8 237 P +105 8 238 P +105 8 239 T +105 8 240 P +105 8 241 T +105 8 242 P +105 8 243 P +105 8 244 Z +105 8 245 P +105 8 246 Z +105 8 247 T +105 8 248 T +105 8 249 T +105 8 250 T +105 8 251 T +105 8 252 P +105 8 253 T +105 8 254 T +105 8 255 T +105 8 256 Z +105 8 257 T +105 8 258 P +105 8 259 T +105 8 260 P +105 8 261 P +105 8 262 P +105 8 263 T +105 8 264 P +105 8 265 T +105 8 266 T +105 8 267 T +105 8 268 T +105 8 269 T +105 8 270 P +105 8 271 T +105 8 272 P +105 8 273 T +105 8 274 P +105 8 275 T +105 8 276 Z +105 8 277 T +105 8 278 P +105 8 279 T +105 8 280 T +105 8 281 T +105 8 282 T +105 8 283 T +105 8 284 P +105 8 285 P +105 8 286 P +105 8 287 T +105 8 288 Z +105 8 289 T +105 8 290 P +105 8 291 T +105 8 292 P +105 8 293 P +105 8 294 P +105 8 295 T +105 8 296 T +105 8 297 P +105 8 298 Z +105 8 299 T +105 8 300 P +105 8 301 T +105 8 302 P +105 8 303 T +105 8 304 T +105 8 305 T +105 8 306 P +105 8 307 T +105 8 308 P +105 8 309 T +105 8 310 T +105 8 311 T +105 8 312 T +105 8 313 T +105 8 314 P +105 8 315 P +105 8 316 T +105 8 317 Z +105 8 318 P +105 8 319 P +105 8 320 T +105 8 321 Z +105 8 322 T +105 8 323 T +105 8 324 P +105 8 325 T +105 8 326 P +105 8 327 P +105 8 328 T +105 8 329 T +105 8 330 P +105 9 1 T +105 9 2 T +105 9 3 Z +105 9 4 T +105 9 5 P +105 9 6 Z +105 9 7 T +105 9 8 Z +105 9 9 T +105 9 10 T +105 9 11 T +105 9 12 P +105 9 13 T +105 9 14 T +105 9 15 Z +105 9 16 P +105 9 17 Z +105 9 18 T +105 9 19 T +105 9 20 T +105 9 21 Z +105 9 22 P +105 9 23 T +105 9 24 T +105 9 25 T +105 9 26 T +105 9 27 P +105 9 28 Z +105 9 29 T +105 9 30 Z +105 9 31 P +105 9 32 Z +105 9 33 T +105 9 34 T +105 9 35 Z +105 9 36 T +105 9 37 T +105 9 38 Z +105 9 39 T +105 9 40 T +105 9 41 Z +105 9 42 T +105 9 43 T +105 9 44 P +105 9 45 T +105 9 46 T +105 9 47 T +105 9 48 Z +105 9 49 T +105 9 50 Z +105 9 51 T +105 9 52 P +105 9 53 Z +105 9 54 T +105 9 55 T +105 9 56 P +105 9 57 T +105 9 58 P +105 9 59 T +105 9 60 Z +105 9 61 P +105 9 62 T +105 9 63 Z +105 9 64 T +105 9 65 Z +105 9 66 T +105 9 67 Z +105 9 68 P +105 9 69 T +105 9 70 Z +105 9 71 T +105 9 72 P +105 9 73 Z +105 9 74 T +105 9 75 Z +105 9 76 P +105 9 77 T +105 9 78 Z +105 9 79 T +105 9 80 P +105 9 81 T +105 9 82 T +105 9 83 T +105 9 84 T +105 9 85 P +105 9 86 P +105 9 87 T +105 9 88 Z +105 9 89 T +105 9 90 Z +105 9 91 T +105 9 92 T +105 9 93 * +105 9 94 P +105 9 95 T +105 9 96 T +105 9 97 P +105 9 98 Z +105 9 99 T +105 9 100 Z +105 9 101 P +105 9 102 T +105 9 103 Z +105 9 104 T +105 9 105 T +105 9 106 P +105 9 107 Z +105 9 108 P +105 9 109 T +105 9 110 Z +105 9 111 T +105 9 112 Z +105 9 113 T +105 9 114 T +105 9 115 Z +105 9 116 P +105 9 117 T +105 9 118 Z +105 9 119 T +105 9 120 P +105 9 121 Z +105 9 122 T +105 9 123 T +105 9 124 P +105 9 125 Z +105 9 126 Z +105 9 127 T +105 9 128 P +105 9 129 P +105 9 130 T +105 9 131 Z +105 9 132 Z +105 9 133 T +105 9 134 T +105 9 135 Z +105 9 136 T +105 9 137 T +105 9 138 * +105 9 139 P +105 9 140 T +105 9 141 P +105 9 142 P +105 9 143 T +105 9 144 T +105 9 145 T +105 9 146 Z +105 9 147 T +105 9 148 Z +105 9 149 P +105 9 150 T +105 9 151 Z +105 9 152 Z +105 9 153 T +105 9 154 T +105 9 155 T +105 9 156 T +105 9 157 T +105 9 158 P +105 9 159 Z +105 9 160 Z +105 9 161 T +105 9 162 Z +105 9 163 T +105 9 164 T +105 9 165 T +105 9 166 T +105 9 167 P +105 9 168 T +105 9 169 T +105 9 170 T +105 9 171 T +105 9 172 P +105 9 173 Z +105 9 174 Z +105 9 175 P +105 9 176 Z +105 9 177 P +105 9 178 T +105 9 179 Z +105 9 180 Z +105 9 181 Z +105 9 182 Z +105 9 183 T +105 9 184 T +105 9 185 Z +105 9 186 T +105 9 187 Z +105 9 188 T +105 9 189 P +105 9 190 Z +105 9 191 T +105 9 192 T +105 9 193 Z +105 9 194 Z +105 9 195 T +105 9 196 T +105 9 197 Z +105 9 198 T +105 9 199 P +105 9 200 T +105 9 201 Z +105 9 202 T +105 9 203 Z +105 9 204 T +105 9 205 T +105 9 206 P +105 9 207 Z +105 9 208 Z +105 9 209 T +105 9 210 T +105 9 211 T +105 9 212 Z +105 9 213 T +105 9 214 T +105 9 215 Z +105 9 216 T +105 9 217 Z +105 9 218 T +105 9 219 P +105 9 220 T +105 9 221 P +105 9 222 T +105 9 223 T +105 9 224 P +105 9 225 T +105 9 226 T +105 9 227 T +105 9 228 T +105 9 229 P +105 9 230 P +105 9 231 Z +105 9 232 T +105 9 233 T +105 9 234 T +105 9 235 T +105 9 236 T +105 9 237 Z +105 9 238 T +105 9 239 Z +105 9 240 Z +105 9 241 P +105 9 242 P +105 9 243 Z +105 9 244 P +105 9 245 Z +105 9 246 T +105 9 247 T +105 9 248 T +105 9 249 T +105 9 250 T +105 9 251 T +105 9 252 P +105 9 253 T +105 9 254 T +105 9 255 T +105 9 256 Z +105 9 257 T +105 9 258 Z +105 9 259 Z +105 9 260 P +105 9 261 Z +105 9 262 P +105 9 263 P +105 9 264 P +105 9 265 T +105 9 266 Z +105 9 267 Z +105 9 268 T +105 9 269 Z +105 9 270 Z +105 9 271 T +105 9 272 P +105 9 273 Z +105 9 274 P +105 9 275 T +105 9 276 Z +105 9 277 T +105 9 278 Z +105 9 279 T +105 9 280 T +105 9 281 T +105 9 282 T +105 9 283 P +105 9 284 Z +105 9 285 Z +105 9 286 P +105 9 287 T +105 9 288 Z +105 9 289 T +105 9 290 P +105 9 291 T +105 9 292 Z +105 9 293 P +105 9 294 P +105 9 295 T +105 9 296 T +105 9 297 Z +105 9 298 Z +105 9 299 T +105 9 300 P +105 9 301 T +105 9 302 P +105 9 303 P +105 9 304 T +105 9 305 Z +105 9 306 T +105 9 307 T +105 9 308 Z +105 9 309 T +105 9 310 T +105 9 311 T +105 9 312 T +105 9 313 T +105 9 314 P +105 9 315 T +105 9 316 T +105 9 317 T +105 9 318 Z +105 9 319 P +105 9 320 T +105 9 321 Z +105 9 322 T +105 9 323 T +105 9 324 P +105 9 325 Z +105 9 326 Z +105 9 327 P +105 9 328 T +105 9 329 T +105 9 330 P +105 10 1 T +105 10 2 P +105 10 3 Z +105 10 4 Z +105 10 5 P +105 10 6 P +105 10 7 T +105 10 8 Z +105 10 9 Z +105 10 10 T +105 10 11 T +105 10 12 P +105 10 13 T +105 10 14 T +105 10 15 P +105 10 16 P +105 10 17 Z +105 10 18 T +105 10 19 T +105 10 20 T +105 10 21 Z +105 10 22 P +105 10 23 Z +105 10 24 T +105 10 25 T +105 10 26 T +105 10 27 P +105 10 28 Z +105 10 29 T +105 10 30 Z +105 10 31 P +105 10 32 Z +105 10 33 T +105 10 34 T +105 10 35 Z +105 10 36 T +105 10 37 T +105 10 38 Z +105 10 39 T +105 10 40 T +105 10 41 Z +105 10 42 Z +105 10 43 T +105 10 44 P +105 10 45 T +105 10 46 P +105 10 47 T +105 10 48 Z +105 10 49 P +105 10 50 T +105 10 51 T +105 10 52 P +105 10 53 Z +105 10 54 T +105 10 55 T +105 10 56 P +105 10 57 T +105 10 58 T +105 10 59 P +105 10 60 T +105 10 61 Z +105 10 62 P +105 10 63 P +105 10 64 T +105 10 65 Z +105 10 66 P +105 10 67 P +105 10 68 Z +105 10 69 T +105 10 70 P +105 10 71 Z +105 10 72 T +105 10 73 T +105 10 74 P +105 10 75 T +105 10 76 Z +105 10 77 T +105 10 78 P +105 10 79 T +105 10 80 T +105 10 81 T +105 10 82 T +105 10 83 P +105 10 84 P +105 10 85 T +105 10 86 Z +105 10 87 T +105 10 88 Z +105 10 89 T +105 10 90 T +105 10 91 Z +105 10 92 P +105 10 93 T +105 10 94 T +105 10 95 P +105 10 96 P +105 10 97 Z +105 10 98 Z +105 10 99 P +105 10 100 P +105 10 101 Z +105 10 102 T +105 10 103 T +105 10 104 P +105 10 105 Z +105 10 106 P +105 10 107 P +105 10 108 P +105 10 109 T +105 10 110 Z +105 10 111 T +105 10 112 Z +105 10 113 T +105 10 114 T +105 10 115 Z +105 10 116 P +105 10 117 T +105 10 118 Z +105 10 119 T +105 10 120 P +105 10 121 Z +105 10 122 T +105 10 123 T +105 10 124 P +105 10 125 Z +105 10 126 Z +105 10 127 T +105 10 128 Z +105 10 129 P +105 10 130 T +105 10 131 T +105 10 132 Z +105 10 133 T +105 10 134 T +105 10 135 Z +105 10 136 T +105 10 137 T +105 10 138 P +105 10 139 P +105 10 140 T +105 10 141 P +105 10 142 P +105 10 143 T +105 10 144 T +105 10 145 T +105 10 146 Z +105 10 147 T +105 10 148 Z +105 10 149 P +105 10 150 Z +105 10 151 Z +105 10 152 Z +105 10 153 T +105 10 154 P +105 10 155 T +105 10 156 T +105 10 157 T +105 10 158 P +105 10 159 P +105 10 160 Z +105 10 161 T +105 10 162 Z +105 10 163 Z +105 10 164 T +105 10 165 T +105 10 166 T +105 10 167 P +105 10 168 T +105 10 169 T +105 10 170 T +105 10 171 T +105 10 172 P +105 10 173 Z +105 10 174 Z +105 10 175 P +105 10 176 Z +105 10 177 P +105 10 178 T +105 10 179 Z +105 10 180 T +105 10 181 Z +105 10 182 Z +105 10 183 T +105 10 184 T +105 10 185 Z +105 10 186 P +105 10 187 Z +105 10 188 T +105 10 189 P +105 10 190 Z +105 10 191 T +105 10 192 T +105 10 193 T +105 10 194 T +105 10 195 T +105 10 196 P +105 10 197 T +105 10 198 T +105 10 199 P +105 10 200 Z +105 10 201 Z +105 10 202 Z +105 10 203 T +105 10 204 T +105 10 205 P +105 10 206 Z +105 10 207 Z +105 10 208 T +105 10 209 T +105 10 210 T +105 10 211 Z +105 10 212 P +105 10 213 P +105 10 214 P +105 10 215 T +105 10 216 P +105 10 217 T +105 10 218 P +105 10 219 T +105 10 220 P +105 10 221 T +105 10 222 T +105 10 223 P +105 10 224 Z +105 10 225 T +105 10 226 T +105 10 227 T +105 10 228 T +105 10 229 P +105 10 230 P +105 10 231 Z +105 10 232 T +105 10 233 P +105 10 234 T +105 10 235 T +105 10 236 P +105 10 237 P +105 10 238 T +105 10 239 P +105 10 240 T +105 10 241 P +105 10 242 P +105 10 243 Z +105 10 244 P +105 10 245 Z +105 10 246 T +105 10 247 T +105 10 248 T +105 10 249 T +105 10 250 T +105 10 251 P +105 10 252 P +105 10 253 T +105 10 254 T +105 10 255 T +105 10 256 Z +105 10 257 T +105 10 258 Z +105 10 259 Z +105 10 260 P +105 10 261 Z +105 10 262 P +105 10 263 P +105 10 264 P +105 10 265 T +105 10 266 Z +105 10 267 Z +105 10 268 T +105 10 269 Z +105 10 270 Z +105 10 271 T +105 10 272 P +105 10 273 Z +105 10 274 P +105 10 275 Z +105 10 276 Z +105 10 277 T +105 10 278 Z +105 10 279 T +105 10 280 T +105 10 281 T +105 10 282 T +105 10 283 T +105 10 284 P +105 10 285 P +105 10 286 P +105 10 287 T +105 10 288 Z +105 10 289 T +105 10 290 P +105 10 291 T +105 10 292 Z +105 10 293 P +105 10 294 P +105 10 295 T +105 10 296 T +105 10 297 T +105 10 298 Z +105 10 299 T +105 10 300 P +105 10 301 T +105 10 302 P +105 10 303 P +105 10 304 T +105 10 305 Z +105 10 306 P +105 10 307 T +105 10 308 T +105 10 309 T +105 10 310 T +105 10 311 T +105 10 312 T +105 10 313 T +105 10 314 P +105 10 315 T +105 10 316 T +105 10 317 Z +105 10 318 Z +105 10 319 P +105 10 320 T +105 10 321 Z +105 10 322 T +105 10 323 T +105 10 324 P +105 10 325 Z +105 10 326 Z +105 10 327 P +105 10 328 T +105 10 329 Z +105 10 330 P +105 11 1 T +105 11 2 P +105 11 3 Z +105 11 4 Z +105 11 5 P +105 11 6 Z +105 11 7 T +105 11 8 Z +105 11 9 Z +105 11 10 T +105 11 11 T +105 11 12 Z +105 11 13 T +105 11 14 T +105 11 15 Z +105 11 16 P +105 11 17 Z +105 11 18 T +105 11 19 T +105 11 20 T +105 11 21 Z +105 11 22 P +105 11 23 Z +105 11 24 T +105 11 25 T +105 11 26 T +105 11 27 P +105 11 28 Z +105 11 29 T +105 11 30 Z +105 11 31 P +105 11 32 Z +105 11 33 T +105 11 34 T +105 11 35 Z +105 11 36 T +105 11 37 T +105 11 38 Z +105 11 39 T +105 11 40 T +105 11 41 Z +105 11 42 T +105 11 43 T +105 11 44 P +105 11 45 T +105 11 46 T +105 11 47 T +105 11 48 Z +105 11 49 T +105 11 50 Z +105 11 51 T +105 11 52 P +105 11 53 Z +105 11 54 T +105 11 55 T +105 11 56 Z +105 11 57 T +105 11 58 T +105 11 59 Z +105 11 60 P +105 11 61 T +105 11 62 Z +105 11 63 Z +105 11 64 T +105 11 65 Z +105 11 66 P +105 11 67 T +105 11 68 Z +105 11 69 T +105 11 70 P +105 11 71 T +105 11 72 Z +105 11 73 T +105 11 74 Z +105 11 75 T +105 11 76 Z +105 11 77 T +105 11 78 P +105 11 79 T +105 11 80 T +105 11 81 T +105 11 82 T +105 11 83 P +105 11 84 Z +105 11 85 T +105 11 86 Z +105 11 87 T +105 11 88 Z +105 11 89 T +105 11 90 T +105 11 91 T +105 11 92 P +105 11 93 T +105 11 94 T +105 11 95 P +105 11 96 Z +105 11 97 T +105 11 98 Z +105 11 99 Z +105 11 100 T +105 11 101 Z +105 11 102 T +105 11 103 T +105 11 104 T +105 11 105 Z +105 11 106 P +105 11 107 P +105 11 108 P +105 11 109 Z +105 11 110 Z +105 11 111 T +105 11 112 Z +105 11 113 T +105 11 114 T +105 11 115 Z +105 11 116 P +105 11 117 * +105 11 118 Z +105 11 119 T +105 11 120 P +105 11 121 Z +105 11 122 Z +105 11 123 T +105 11 124 P +105 11 125 Z +105 11 126 Z +105 11 127 T +105 11 128 Z +105 11 129 P +105 11 130 T +105 11 131 Z +105 11 132 Z +105 11 133 T +105 11 134 T +105 11 135 Z +105 11 136 T +105 11 137 T +105 11 138 T +105 11 139 P +105 11 140 T +105 11 141 P +105 11 142 P +105 11 143 T +105 11 144 T +105 11 145 T +105 11 146 Z +105 11 147 T +105 11 148 Z +105 11 149 T +105 11 150 Z +105 11 151 Z +105 11 152 Z +105 11 153 T +105 11 154 T +105 11 155 T +105 11 156 T +105 11 157 Z +105 11 158 P +105 11 159 Z +105 11 160 Z +105 11 161 T +105 11 162 Z +105 11 163 T +105 11 164 T +105 11 165 T +105 11 166 T +105 11 167 P +105 11 168 T +105 11 169 Z +105 11 170 T +105 11 171 T +105 11 172 P +105 11 173 Z +105 11 174 T +105 11 175 Z +105 11 176 P +105 11 177 T +105 11 178 Z +105 11 179 T +105 11 180 Z +105 11 181 Z +105 11 182 T +105 11 183 Z +105 11 184 Z +105 11 185 Z +105 11 186 T +105 11 187 Z +105 11 188 T +105 11 189 T +105 11 190 Z +105 11 191 T +105 11 192 Z +105 11 193 Z +105 11 194 Z +105 11 195 T +105 11 196 T +105 11 197 Z +105 11 198 T +105 11 199 P +105 11 200 T +105 11 201 Z +105 11 202 T +105 11 203 Z +105 11 204 T +105 11 205 T +105 11 206 P +105 11 207 Z +105 11 208 Z +105 11 209 T +105 11 210 Z +105 11 211 T +105 11 212 Z +105 11 213 P +105 11 214 P +105 11 215 Z +105 11 216 T +105 11 217 Z +105 11 218 T +105 11 219 P +105 11 220 T +105 11 221 P +105 11 222 Z +105 11 223 T +105 11 224 P +105 11 225 T +105 11 226 T +105 11 227 T +105 11 228 T +105 11 229 T +105 11 230 T +105 11 231 P +105 11 232 Z +105 11 233 T +105 11 234 T +105 11 235 T +105 11 236 T +105 11 237 T +105 11 238 Z +105 11 239 T +105 11 240 Z +105 11 241 Z +105 11 242 P +105 11 243 P +105 11 244 Z +105 11 245 P +105 11 246 Z +105 11 247 T +105 11 248 T +105 11 249 T +105 11 250 T +105 11 251 T +105 11 252 T +105 11 253 P +105 11 254 T +105 11 255 T +105 11 256 T +105 11 257 Z +105 11 258 T +105 11 259 Z +105 11 260 Z +105 11 261 P +105 11 262 Z +105 11 263 P +105 11 264 P +105 11 265 P +105 11 266 T +105 11 267 Z +105 11 268 Z +105 11 269 T +105 11 270 Z +105 11 271 Z +105 11 272 T +105 11 273 P +105 11 274 Z +105 11 275 P +105 11 276 P +105 11 277 Z +105 11 278 T +105 11 279 Z +105 11 280 T +105 11 281 T +105 11 282 T +105 11 283 P +105 11 284 Z +105 11 285 Z +105 11 286 P +105 11 287 Z +105 11 288 Z +105 11 289 T +105 11 290 P +105 11 291 T +105 11 292 Z +105 11 293 P +105 11 294 P +105 11 295 Z +105 11 296 T +105 11 297 Z +105 11 298 Z +105 11 299 Z +105 11 300 P +105 11 301 T +105 11 302 P +105 11 303 P +105 11 304 T +105 11 305 Z +105 11 306 T +105 11 307 T +105 11 308 Z +105 11 309 T +105 11 310 T +105 11 311 T +105 11 312 T +105 11 313 T +105 11 314 P +105 11 315 T +105 11 316 T +105 11 317 Z +105 11 318 Z +105 11 319 P +105 11 320 T +105 11 321 Z +105 11 322 T +105 11 323 T +105 11 324 P +105 11 325 Z +105 11 326 Z +105 11 327 P +105 11 328 T +105 11 329 Z +105 11 330 P +105 12 1 T +105 12 2 T +105 12 3 Z +105 12 4 T +105 12 5 P +105 12 6 P +105 12 7 T +105 12 8 Z +105 12 9 Z +105 12 10 T +105 12 11 T +105 12 12 Z +105 12 13 T +105 12 14 T +105 12 15 P +105 12 16 P +105 12 17 Z +105 12 18 T +105 12 19 T +105 12 20 T +105 12 21 Z +105 12 22 P +105 12 23 Z +105 12 24 T +105 12 25 T +105 12 26 T +105 12 27 P +105 12 28 * +105 12 29 Z +105 12 30 P +105 12 31 Z +105 12 32 T +105 12 33 Z +105 12 34 T +105 12 35 T +105 12 36 T +105 12 37 Z +105 12 38 T +105 12 39 T +105 12 40 Z +105 12 41 T +105 12 42 T +105 12 43 P +105 12 44 T +105 12 45 T +105 12 46 Z +105 12 47 T +105 12 48 T +105 12 49 T +105 12 50 T +105 12 51 T +105 12 52 P +105 12 53 Z +105 12 54 T +105 12 55 T +105 12 56 P +105 12 57 T +105 12 58 Z +105 12 59 P +105 12 60 T +105 12 61 Z +105 12 62 T +105 12 63 Z +105 12 64 T +105 12 65 Z +105 12 66 P +105 12 67 T +105 12 68 Z +105 12 69 T +105 12 70 P +105 12 71 T +105 12 72 Z +105 12 73 T +105 12 74 Z +105 12 75 T +105 12 76 T +105 12 77 Z +105 12 78 T +105 12 79 T +105 12 80 T +105 12 81 T +105 12 82 P +105 12 83 Z +105 12 84 T +105 12 85 Z +105 12 86 T +105 12 87 Z +105 12 88 T +105 12 89 T +105 12 90 T +105 12 91 P +105 12 92 T +105 12 93 T +105 12 94 P +105 12 95 P +105 12 96 T +105 12 97 Z +105 12 98 T +105 12 99 P +105 12 100 Z +105 12 101 T +105 12 102 T +105 12 103 T +105 12 104 * +105 12 105 P +105 12 106 P +105 12 107 P +105 12 108 T +105 12 109 Z +105 12 110 T +105 12 111 Z +105 12 112 Z +105 12 113 T +105 12 114 T +105 12 115 Z +105 12 116 P +105 12 117 T +105 12 118 * +105 12 119 T +105 12 120 P +105 12 121 Z +105 12 122 T +105 12 123 T +105 12 124 T +105 12 125 Z +105 12 126 Z +105 12 127 T +105 12 128 P +105 12 129 P +105 12 130 T +105 12 131 Z +105 12 132 Z +105 12 133 T +105 12 134 T +105 12 135 Z +105 12 136 T +105 12 137 T +105 12 138 T +105 12 139 P +105 12 140 T +105 12 141 P +105 12 142 P +105 12 143 T +105 12 144 T +105 12 145 T +105 12 146 Z +105 12 147 T +105 12 148 Z +105 12 149 T +105 12 150 T +105 12 151 Z +105 12 152 T +105 12 153 T +105 12 154 T +105 12 155 T +105 12 156 T +105 12 157 T +105 12 158 P +105 12 159 Z +105 12 160 Z +105 12 161 T +105 12 162 Z +105 12 163 T +105 12 164 T +105 12 165 T +105 12 166 T +105 12 167 Z +105 12 168 T +105 12 169 T +105 12 170 T +105 12 171 T +105 12 172 T +105 12 173 P +105 12 174 Z +105 12 175 Z +105 12 176 P +105 12 177 Z +105 12 178 P +105 12 179 T +105 12 180 T +105 12 181 T +105 12 182 T +105 12 183 Z +105 12 184 T +105 12 185 Z +105 12 186 T +105 12 187 T +105 12 188 Z +105 12 189 T +105 12 190 P +105 12 191 Z +105 12 192 T +105 12 193 T +105 12 194 T +105 12 195 T +105 12 196 T +105 12 197 Z +105 12 198 T +105 12 199 P +105 12 200 T +105 12 201 Z +105 12 202 T +105 12 203 Z +105 12 204 T +105 12 205 T +105 12 206 P +105 12 207 Z +105 12 208 T +105 12 209 T +105 12 210 T +105 12 211 T +105 12 212 Z +105 12 213 T +105 12 214 T +105 12 215 T +105 12 216 Z +105 12 217 Z +105 12 218 T +105 12 219 P +105 12 220 T +105 12 221 P +105 12 222 T +105 12 223 T +105 12 224 P +105 12 225 T +105 12 226 T +105 12 227 T +105 12 228 T +105 12 229 T +105 12 230 Z +105 12 231 Z +105 12 232 T +105 12 233 T +105 12 234 T +105 12 235 T +105 12 236 T +105 12 237 Z +105 12 238 T +105 12 239 Z +105 12 240 T +105 12 241 P +105 12 242 P +105 12 243 Z +105 12 244 P +105 12 245 Z +105 12 246 T +105 12 247 T +105 12 248 T +105 12 249 T +105 12 250 T +105 12 251 T +105 12 252 P +105 12 253 T +105 12 254 T +105 12 255 T +105 12 256 Z +105 12 257 T +105 12 258 T +105 12 259 Z +105 12 260 P +105 12 261 Z +105 12 262 P +105 12 263 P +105 12 264 T +105 12 265 T +105 12 266 Z +105 12 267 T +105 12 268 T +105 12 269 Z +105 12 270 Z +105 12 271 T +105 12 272 P +105 12 273 Z +105 12 274 P +105 12 275 T +105 12 276 Z +105 12 277 T +105 12 278 Z +105 12 279 T +105 12 280 T +105 12 281 T +105 12 282 T +105 12 283 Z +105 12 284 Z +105 12 285 P +105 12 286 T +105 12 287 Z +105 12 288 T +105 12 289 P +105 12 290 T +105 12 291 Z +105 12 292 P +105 12 293 P +105 12 294 T +105 12 295 T +105 12 296 Z +105 12 297 Z +105 12 298 P +105 12 299 P +105 12 300 T +105 12 301 P +105 12 302 P +105 12 303 T +105 12 304 * +105 12 305 T +105 12 306 T +105 12 307 T +105 12 308 Z +105 12 309 T +105 12 310 T +105 12 311 T +105 12 312 T +105 12 313 T +105 12 314 P +105 12 315 T +105 12 316 T +105 12 317 Z +105 12 318 Z +105 12 319 P +105 12 320 T +105 12 321 Z +105 12 322 T +105 12 323 T +105 12 324 P +105 12 325 Z +105 12 326 Z +105 12 327 P +105 12 328 T +105 12 329 T +105 12 330 P +105 13 1 T +105 13 2 P +105 13 3 Z +105 13 4 T +105 13 5 P +105 13 6 P +105 13 7 T +105 13 8 Z +105 13 9 T +105 13 10 T +105 13 11 T +105 13 12 P +105 13 13 T +105 13 14 P +105 13 15 P +105 13 16 Z +105 13 17 T +105 13 18 T +105 13 19 Z +105 13 20 Z +105 13 21 Z +105 13 22 T +105 13 23 T +105 13 24 Z +105 13 25 T +105 13 26 T +105 13 27 Z +105 13 28 T +105 13 29 T +105 13 30 T +105 13 31 T +105 13 32 Z +105 13 33 P +105 13 34 T +105 13 35 T +105 13 36 T +105 13 37 T +105 13 38 P +105 13 39 Z +105 13 40 T +105 13 41 T +105 13 42 T +105 13 43 T +105 13 44 P +105 13 45 Z +105 13 46 T +105 13 47 T +105 13 48 P +105 13 49 Z +105 13 50 T +105 13 51 T +105 13 52 P +105 13 53 T +105 13 54 P +105 13 55 T +105 13 56 T +105 13 57 T +105 13 58 T +105 13 59 P +105 13 60 T +105 13 61 Z +105 13 62 T +105 13 63 Z +105 13 64 T +105 13 65 Z +105 13 66 P +105 13 67 T +105 13 68 Z +105 13 69 T +105 13 70 P +105 13 71 Z +105 13 72 T +105 13 73 Z +105 13 74 P +105 13 75 T +105 13 76 Z +105 13 77 T +105 13 78 P +105 13 79 T +105 13 80 T +105 13 81 T +105 13 82 T +105 13 83 P +105 13 84 Z +105 13 85 T +105 13 86 Z +105 13 87 T +105 13 88 Z +105 13 89 T +105 13 90 T +105 13 91 T +105 13 92 P +105 13 93 T +105 13 94 T +105 13 95 P +105 13 96 P +105 13 97 T +105 13 98 Z +105 13 99 T +105 13 100 T +105 13 101 Z +105 13 102 T +105 13 103 T +105 13 104 T +105 13 105 Z +105 13 106 P +105 13 107 P +105 13 108 T +105 13 109 Z +105 13 110 T +105 13 111 T +105 13 112 Z +105 13 113 T +105 13 114 T +105 13 115 Z +105 13 116 P +105 13 117 T +105 13 118 Z +105 13 119 T +105 13 120 P +105 13 121 Z +105 13 122 T +105 13 123 T +105 13 124 P +105 13 125 Z +105 13 126 Z +105 13 127 T +105 13 128 P +105 13 129 P +105 13 130 T +105 13 131 Z +105 13 132 Z +105 13 133 T +105 13 134 T +105 13 135 Z +105 13 136 T +105 13 137 T +105 13 138 T +105 13 139 P +105 13 140 T +105 13 141 P +105 13 142 P +105 13 143 T +105 13 144 T +105 13 145 T +105 13 146 P +105 13 147 T +105 13 148 Z +105 13 149 T +105 13 150 T +105 13 151 Z +105 13 152 Z +105 13 153 T +105 13 154 T +105 13 155 T +105 13 156 T +105 13 157 T +105 13 158 P +105 13 159 Z +105 13 160 Z +105 13 161 T +105 13 162 Z +105 13 163 T +105 13 164 T +105 13 165 T +105 13 166 T +105 13 167 T +105 13 168 T +105 13 169 T +105 13 170 T +105 13 171 T +105 13 172 P +105 13 173 Z +105 13 174 Z +105 13 175 Z +105 13 176 Z +105 13 177 P +105 13 178 T +105 13 179 Z +105 13 180 Z +105 13 181 T +105 13 182 P +105 13 183 Z +105 13 184 T +105 13 185 T +105 13 186 T +105 13 187 Z +105 13 188 T +105 13 189 T +105 13 190 T +105 13 191 T +105 13 192 T +105 13 193 P +105 13 194 Z +105 13 195 T +105 13 196 T +105 13 197 T +105 13 198 T +105 13 199 P +105 13 200 T +105 13 201 Z +105 13 202 T +105 13 203 Z +105 13 204 T +105 13 205 T +105 13 206 P +105 13 207 Z +105 13 208 T +105 13 209 T +105 13 210 T +105 13 211 T +105 13 212 Z +105 13 213 P +105 13 214 T +105 13 215 Z +105 13 216 T +105 13 217 Z +105 13 218 T +105 13 219 P +105 13 220 T +105 13 221 P +105 13 222 T +105 13 223 T +105 13 224 P +105 13 225 T +105 13 226 T +105 13 227 T +105 13 228 T +105 13 229 T +105 13 230 P +105 13 231 Z +105 13 232 Z +105 13 233 Z +105 13 234 Z +105 13 235 T +105 13 236 T +105 13 237 Z +105 13 238 T +105 13 239 Z +105 13 240 Z +105 13 241 P +105 13 242 P +105 13 243 Z +105 13 244 P +105 13 245 Z +105 13 246 T +105 13 247 T +105 13 248 T +105 13 249 T +105 13 250 T +105 13 251 T +105 13 252 P +105 13 253 T +105 13 254 T +105 13 255 T +105 13 256 Z +105 13 257 T +105 13 258 T +105 13 259 Z +105 13 260 P +105 13 261 Z +105 13 262 P +105 13 263 T +105 13 264 T +105 13 265 T +105 13 266 Z +105 13 267 Z +105 13 268 T +105 13 269 Z +105 13 270 Z +105 13 271 T +105 13 272 P +105 13 273 Z +105 13 274 P +105 13 275 T +105 13 276 Z +105 13 277 T +105 13 278 Z +105 13 279 T +105 13 280 T +105 13 281 T +105 13 282 T +105 13 283 T +105 13 284 P +105 13 285 Z +105 13 286 P +105 13 287 T +105 13 288 Z +105 13 289 T +105 13 290 P +105 13 291 T +105 13 292 P +105 13 293 P +105 13 294 P +105 13 295 T +105 13 296 T +105 13 297 P +105 13 298 Z +105 13 299 T +105 13 300 T +105 13 301 T +105 13 302 P +105 13 303 P +105 13 304 T +105 13 305 Z +105 13 306 T +105 13 307 T +105 13 308 T +105 13 309 T +105 13 310 T +105 13 311 T +105 13 312 T +105 13 313 T +105 13 314 P +105 13 315 T +105 13 316 T +105 13 317 Z +105 13 318 Z +105 13 319 P +105 13 320 T +105 13 321 Z +105 13 322 T +105 13 323 T +105 13 324 P +105 13 325 Z +105 13 326 Z +105 13 327 P +105 13 328 T +105 13 329 Z +105 13 330 P +105 14 1 T +105 14 2 P +105 14 3 Z +105 14 4 T +105 14 5 P +105 14 6 P +105 14 7 T +105 14 8 Z +105 14 9 T +105 14 10 T +105 14 11 T +105 14 12 Z +105 14 13 T +105 14 14 T +105 14 15 P +105 14 16 P +105 14 17 Z +105 14 18 T +105 14 19 T +105 14 20 T +105 14 21 Z +105 14 22 P +105 14 23 T +105 14 24 T +105 14 25 T +105 14 26 T +105 14 27 P +105 14 28 Z +105 14 29 T +105 14 30 Z +105 14 31 P +105 14 32 Z +105 14 33 T +105 14 34 T +105 14 35 Z +105 14 36 T +105 14 37 T +105 14 38 Z +105 14 39 T +105 14 40 T +105 14 41 Z +105 14 42 T +105 14 43 T +105 14 44 P +105 14 45 T +105 14 46 T +105 14 47 T +105 14 48 Z +105 14 49 T +105 14 50 T +105 14 51 T +105 14 52 P +105 14 53 Z +105 14 54 T +105 14 55 T +105 14 56 P +105 14 57 T +105 14 58 T +105 14 59 P +105 14 60 T +105 14 61 Z +105 14 62 T +105 14 63 Z +105 14 64 T +105 14 65 T +105 14 66 Z +105 14 67 P +105 14 68 P +105 14 69 Z +105 14 70 T +105 14 71 P +105 14 72 Z +105 14 73 T +105 14 74 Z +105 14 75 P +105 14 76 T +105 14 77 Z +105 14 78 T +105 14 79 P +105 14 80 T +105 14 81 T +105 14 82 T +105 14 83 T +105 14 84 P +105 14 85 P +105 14 86 T +105 14 87 Z +105 14 88 T +105 14 89 Z +105 14 90 T +105 14 91 T +105 14 92 T +105 14 93 Z +105 14 94 T +105 14 95 T +105 14 96 P +105 14 97 Z +105 14 98 T +105 14 99 Z +105 14 100 T +105 14 101 T +105 14 102 Z +105 14 103 T +105 14 104 T +105 14 105 T +105 14 106 Z +105 14 107 P +105 14 108 P +105 14 109 P +105 14 110 T +105 14 111 Z +105 14 112 T +105 14 113 Z +105 14 114 T +105 14 115 T +105 14 116 Z +105 14 117 P +105 14 118 T +105 14 119 Z +105 14 120 P +105 14 121 Z +105 14 122 T +105 14 123 T +105 14 124 T +105 14 125 Z +105 14 126 Z +105 14 127 T +105 14 128 P +105 14 129 P +105 14 130 T +105 14 131 Z +105 14 132 Z +105 14 133 T +105 14 134 T +105 14 135 Z +105 14 136 T +105 14 137 T +105 14 138 P +105 14 139 P +105 14 140 T +105 14 141 P +105 14 142 P +105 14 143 T +105 14 144 T +105 14 145 T +105 14 146 T +105 14 147 T +105 14 148 Z +105 14 149 T +105 14 150 T +105 14 151 Z +105 14 152 Z +105 14 153 T +105 14 154 T +105 14 155 T +105 14 156 T +105 14 157 T +105 14 158 P +105 14 159 P +105 14 160 Z +105 14 161 T +105 14 162 Z +105 14 163 T +105 14 164 T +105 14 165 T +105 14 166 T +105 14 167 P +105 14 168 T +105 14 169 T +105 14 170 T +105 14 171 T +105 14 172 P +105 14 173 Z +105 14 174 Z +105 14 175 T +105 14 176 Z +105 14 177 P +105 14 178 T +105 14 179 Z +105 14 180 T +105 14 181 T +105 14 182 Z +105 14 183 T +105 14 184 Z +105 14 185 Z +105 14 186 P +105 14 187 Z +105 14 188 T +105 14 189 P +105 14 190 Z +105 14 191 T +105 14 192 T +105 14 193 T +105 14 194 Z +105 14 195 T +105 14 196 T +105 14 197 Z +105 14 198 T +105 14 199 P +105 14 200 T +105 14 201 Z +105 14 202 T +105 14 203 Z +105 14 204 T +105 14 205 T +105 14 206 P +105 14 207 Z +105 14 208 T +105 14 209 T +105 14 210 Z +105 14 211 T +105 14 212 Z +105 14 213 T +105 14 214 Z +105 14 215 Z +105 14 216 T +105 14 217 Z +105 14 218 T +105 14 219 P +105 14 220 T +105 14 221 P +105 14 222 Z +105 14 223 T +105 14 224 P +105 14 225 T +105 14 226 T +105 14 227 T +105 14 228 T +105 14 229 P +105 14 230 P +105 14 231 Z +105 14 232 T +105 14 233 T +105 14 234 T +105 14 235 T +105 14 236 T +105 14 237 P +105 14 238 T +105 14 239 Z +105 14 240 Z +105 14 241 P +105 14 242 P +105 14 243 Z +105 14 244 P +105 14 245 Z +105 14 246 T +105 14 247 T +105 14 248 T +105 14 249 T +105 14 250 Z +105 14 251 T +105 14 252 P +105 14 253 T +105 14 254 T +105 14 255 T +105 14 256 Z +105 14 257 T +105 14 258 Z +105 14 259 Z +105 14 260 P +105 14 261 Z +105 14 262 P +105 14 263 T +105 14 264 P +105 14 265 T +105 14 266 Z +105 14 267 Z +105 14 268 T +105 14 269 Z +105 14 270 Z +105 14 271 T +105 14 272 P +105 14 273 Z +105 14 274 P +105 14 275 T +105 14 276 Z +105 14 277 T +105 14 278 Z +105 14 279 T +105 14 280 T +105 14 281 T +105 14 282 T +105 14 283 T +105 14 284 P +105 14 285 P +105 14 286 P +105 14 287 T +105 14 288 Z +105 14 289 T +105 14 290 P +105 14 291 T +105 14 292 Z +105 14 293 P +105 14 294 P +105 14 295 T +105 14 296 T +105 14 297 Z +105 14 298 Z +105 14 299 T +105 14 300 P +105 14 301 T +105 14 302 P +105 14 303 P +105 14 304 T +105 14 305 Z +105 14 306 T +105 14 307 T +105 14 308 Z +105 14 309 T +105 14 310 T +105 14 311 T +105 14 312 T +105 14 313 T +105 14 314 P +105 14 315 T +105 14 316 T +105 14 317 Z +105 14 318 Z +105 14 319 P +105 14 320 T +105 14 321 Z +105 14 322 T +105 14 323 T +105 14 324 P +105 14 325 Z +105 14 326 Z +105 14 327 P +105 14 328 T +105 14 329 T +105 14 330 P +105 15 1 T +105 15 2 P +105 15 3 Z +105 15 4 T +105 15 5 P +105 15 6 P +105 15 7 T +105 15 8 Z +105 15 9 T +105 15 10 T +105 15 11 T +105 15 12 P +105 15 13 T +105 15 14 T +105 15 15 P +105 15 16 P +105 15 17 Z +105 15 18 T +105 15 19 T +105 15 20 T +105 15 21 Z +105 15 22 P +105 15 23 T +105 15 24 T +105 15 25 T +105 15 26 T +105 15 27 P +105 15 28 Z +105 15 29 T +105 15 30 Z +105 15 31 P +105 15 32 Z +105 15 33 T +105 15 34 T +105 15 35 Z +105 15 36 T +105 15 37 T +105 15 38 Z +105 15 39 T +105 15 40 T +105 15 41 Z +105 15 42 P +105 15 43 T +105 15 44 P +105 15 45 T +105 15 46 P +105 15 47 T +105 15 48 Z +105 15 49 T +105 15 50 T +105 15 51 T +105 15 52 P +105 15 53 Z +105 15 54 T +105 15 55 T +105 15 56 P +105 15 57 T +105 15 58 P +105 15 59 P +105 15 60 T +105 15 61 Z +105 15 62 T +105 15 63 Z +105 15 64 T +105 15 65 Z +105 15 66 P +105 15 67 T +105 15 68 Z +105 15 69 T +105 15 70 P +105 15 71 T +105 15 72 T +105 15 73 T +105 15 74 P +105 15 75 T +105 15 76 Z +105 15 77 T +105 15 78 P +105 15 79 T +105 15 80 T +105 15 81 T +105 15 82 T +105 15 83 * +105 15 84 P +105 15 85 T +105 15 86 Z +105 15 87 T +105 15 88 Z +105 15 89 T +105 15 90 T +105 15 91 T +105 15 92 P +105 15 93 T +105 15 94 T +105 15 95 P +105 15 96 P +105 15 97 T +105 15 98 Z +105 15 99 P +105 15 100 T +105 15 101 Z +105 15 102 T +105 15 103 T +105 15 104 T +105 15 105 Z +105 15 106 P +105 15 107 P +105 15 108 P +105 15 109 T +105 15 110 Z +105 15 111 T +105 15 112 Z +105 15 113 T +105 15 114 T +105 15 115 Z +105 15 116 P +105 15 117 T +105 15 118 Z +105 15 119 T +105 15 120 P +105 15 121 Z +105 15 122 T +105 15 123 T +105 15 124 T +105 15 125 Z +105 15 126 Z +105 15 127 T +105 15 128 P +105 15 129 P +105 15 130 T +105 15 131 Z +105 15 132 Z +105 15 133 T +105 15 134 T +105 15 135 Z +105 15 136 T +105 15 137 T +105 15 138 T +105 15 139 P +105 15 140 T +105 15 141 P +105 15 142 P +105 15 143 T +105 15 144 T +105 15 145 T +105 15 146 P +105 15 147 T +105 15 148 Z +105 15 149 T +105 15 150 Z +105 15 151 Z +105 15 152 Z +105 15 153 T +105 15 154 T +105 15 155 T +105 15 156 T +105 15 157 T +105 15 158 P +105 15 159 P +105 15 160 P +105 15 161 T +105 15 162 Z +105 15 163 T +105 15 164 T +105 15 165 T +105 15 166 T +105 15 167 P +105 15 168 T +105 15 169 T +105 15 170 T +105 15 171 P +105 15 172 Z +105 15 173 P +105 15 174 T +105 15 175 P +105 15 176 Z +105 15 177 P +105 15 178 T +105 15 179 Z +105 15 180 T +105 15 181 P +105 15 182 Z +105 15 183 T +105 15 184 Z +105 15 185 T +105 15 186 T +105 15 187 Z +105 15 188 T +105 15 189 P +105 15 190 P +105 15 191 T +105 15 192 T +105 15 193 T +105 15 194 Z +105 15 195 T +105 15 196 T +105 15 197 T +105 15 198 T +105 15 199 P +105 15 200 T +105 15 201 P +105 15 202 T +105 15 203 Z +105 15 204 T +105 15 205 T +105 15 206 P +105 15 207 Z +105 15 208 T +105 15 209 T +105 15 210 T +105 15 211 T +105 15 212 Z +105 15 213 P +105 15 214 T +105 15 215 Z +105 15 216 T +105 15 217 P +105 15 218 T +105 15 219 P +105 15 220 T +105 15 221 P +105 15 222 T +105 15 223 T +105 15 224 P +105 15 225 T +105 15 226 T +105 15 227 T +105 15 228 T +105 15 229 T +105 15 230 T +105 15 231 P +105 15 232 Z +105 15 233 T +105 15 234 T +105 15 235 T +105 15 236 T +105 15 237 T +105 15 238 P +105 15 239 T +105 15 240 Z +105 15 241 T +105 15 242 P +105 15 243 P +105 15 244 P +105 15 245 Z +105 15 246 P +105 15 247 Z +105 15 248 T +105 15 249 T +105 15 250 T +105 15 251 Z +105 15 252 T +105 15 253 P +105 15 254 T +105 15 255 T +105 15 256 T +105 15 257 Z +105 15 258 T +105 15 259 P +105 15 260 Z +105 15 261 P +105 15 262 Z +105 15 263 P +105 15 264 P +105 15 265 P +105 15 266 T +105 15 267 Z +105 15 268 Z +105 15 269 T +105 15 270 Z +105 15 271 Z +105 15 272 T +105 15 273 P +105 15 274 Z +105 15 275 P +105 15 276 T +105 15 277 Z +105 15 278 T +105 15 279 T +105 15 280 T +105 15 281 T +105 15 282 T +105 15 283 P +105 15 284 T +105 15 285 P +105 15 286 T +105 15 287 T +105 15 288 Z +105 15 289 T +105 15 290 P +105 15 291 T +105 15 292 P +105 15 293 P +105 15 294 P +105 15 295 T +105 15 296 T +105 15 297 Z +105 15 298 Z +105 15 299 T +105 15 300 P +105 15 301 T +105 15 302 P +105 15 303 P +105 15 304 T +105 15 305 Z +105 15 306 T +105 15 307 T +105 15 308 P +105 15 309 T +105 15 310 T +105 15 311 T +105 15 312 T +105 15 313 T +105 15 314 P +105 15 315 T +105 15 316 T +105 15 317 Z +105 15 318 Z +105 15 319 P +105 15 320 T +105 15 321 Z +105 15 322 T +105 15 323 T +105 15 324 P +105 15 325 Z +105 15 326 P +105 15 327 P +105 15 328 T +105 15 329 T +105 15 330 P +105 16 1 T +105 16 2 P +105 16 3 Z +105 16 4 T +105 16 5 P +105 16 6 P +105 16 7 T +105 16 8 Z +105 16 9 Z +105 16 10 T +105 16 11 T +105 16 12 T +105 16 13 T +105 16 14 T +105 16 15 P +105 16 16 P +105 16 17 Z +105 16 18 T +105 16 19 T +105 16 20 T +105 16 21 Z +105 16 22 P +105 16 23 T +105 16 24 T +105 16 25 T +105 16 26 T +105 16 27 P +105 16 28 Z +105 16 29 T +105 16 30 Z +105 16 31 P +105 16 32 Z +105 16 33 T +105 16 34 T +105 16 35 Z +105 16 36 T +105 16 37 T +105 16 38 Z +105 16 39 T +105 16 40 T +105 16 41 Z +105 16 42 T +105 16 43 T +105 16 44 P +105 16 45 T +105 16 46 T +105 16 47 T +105 16 48 Z +105 16 49 T +105 16 50 T +105 16 51 T +105 16 52 P +105 16 53 Z +105 16 54 T +105 16 55 T +105 16 56 P +105 16 57 T +105 16 58 T +105 16 59 P +105 16 60 T +105 16 61 Z +105 16 62 T +105 16 63 Z +105 16 64 T +105 16 65 Z +105 16 66 P +105 16 67 P +105 16 68 Z +105 16 69 T +105 16 70 P +105 16 71 T +105 16 72 T +105 16 73 T +105 16 74 P +105 16 75 T +105 16 76 Z +105 16 77 T +105 16 78 P +105 16 79 T +105 16 80 T +105 16 81 T +105 16 82 T +105 16 83 P +105 16 84 P +105 16 85 T +105 16 86 Z +105 16 87 T +105 16 88 Z +105 16 89 T +105 16 90 T +105 16 91 T +105 16 92 P +105 16 93 T +105 16 94 T +105 16 95 P +105 16 96 T +105 16 97 Z +105 16 98 P +105 16 99 P +105 16 100 Z +105 16 101 P +105 16 102 T +105 16 103 P +105 16 104 Z +105 16 105 P +105 16 106 P +105 16 107 P +105 16 108 T +105 16 109 Z +105 16 110 T +105 16 111 Z +105 16 112 P +105 16 113 T +105 16 114 T +105 16 115 Z +105 16 116 P +105 16 117 T +105 16 118 Z +105 16 119 T +105 16 120 P +105 16 121 Z +105 16 122 T +105 16 123 T +105 16 124 P +105 16 125 Z +105 16 126 Z +105 16 127 T +105 16 128 P +105 16 129 P +105 16 130 T +105 16 131 T +105 16 132 Z +105 16 133 T +105 16 134 T +105 16 135 Z +105 16 136 T +105 16 137 T +105 16 138 T +105 16 139 P +105 16 140 T +105 16 141 P +105 16 142 P +105 16 143 T +105 16 144 T +105 16 145 T +105 16 146 Z +105 16 147 T +105 16 148 Z +105 16 149 P +105 16 150 T +105 16 151 P +105 16 152 P +105 16 153 T +105 16 154 T +105 16 155 T +105 16 156 T +105 16 157 T +105 16 158 P +105 16 159 P +105 16 160 P +105 16 161 T +105 16 162 Z +105 16 163 T +105 16 164 T +105 16 165 T +105 16 166 T +105 16 167 P +105 16 168 T +105 16 169 T +105 16 170 T +105 16 171 T +105 16 172 P +105 16 173 Z +105 16 174 Z +105 16 175 P +105 16 176 Z +105 16 177 P +105 16 178 T +105 16 179 Z +105 16 180 T +105 16 181 Z +105 16 182 Z +105 16 183 T +105 16 184 T +105 16 185 T +105 16 186 P +105 16 187 P +105 16 188 T +105 16 189 T +105 16 190 P +105 16 191 T +105 16 192 T +105 16 193 P +105 16 194 T +105 16 195 T +105 16 196 P +105 16 197 T +105 16 198 T +105 16 199 P +105 16 200 P +105 16 201 P +105 16 202 T +105 16 203 Z +105 16 204 T +105 16 205 T +105 16 206 P +105 16 207 Z +105 16 208 Z +105 16 209 T +105 16 210 Z +105 16 211 T +105 16 212 Z +105 16 213 P +105 16 214 T +105 16 215 P +105 16 216 T +105 16 217 P +105 16 218 T +105 16 219 P +105 16 220 T +105 16 221 P +105 16 222 T +105 16 223 T +105 16 224 P +105 16 225 T +105 16 226 T +105 16 227 T +105 16 228 T +105 16 229 P +105 16 230 P +105 16 231 Z +105 16 232 T +105 16 233 T +105 16 234 T +105 16 235 T +105 16 236 T +105 16 237 Z +105 16 238 T +105 16 239 Z +105 16 240 T +105 16 241 P +105 16 242 P +105 16 243 T +105 16 244 P +105 16 245 Z +105 16 246 T +105 16 247 T +105 16 248 T +105 16 249 T +105 16 250 T +105 16 251 P +105 16 252 P +105 16 253 P +105 16 254 P +105 16 255 T +105 16 256 Z +105 16 257 T +105 16 258 P +105 16 259 Z +105 16 260 P +105 16 261 Z +105 16 262 P +105 16 263 P +105 16 264 P +105 16 265 T +105 16 266 T +105 16 267 T +105 16 268 P +105 16 269 Z +105 16 270 Z +105 16 271 T +105 16 272 P +105 16 273 Z +105 16 274 P +105 16 275 T +105 16 276 Z +105 16 277 T +105 16 278 Z +105 16 279 T +105 16 280 T +105 16 281 T +105 16 282 T +105 16 283 T +105 16 284 P +105 16 285 Z +105 16 286 P +105 16 287 T +105 16 288 Z +105 16 289 T +105 16 290 P +105 16 291 T +105 16 292 Z +105 16 293 P +105 16 294 P +105 16 295 T +105 16 296 T +105 16 297 Z +105 16 298 Z +105 16 299 T +105 16 300 P +105 16 301 T +105 16 302 P +105 16 303 P +105 16 304 T +105 16 305 T +105 16 306 T +105 16 307 T +105 16 308 T +105 16 309 T +105 16 310 T +105 16 311 T +105 16 312 T +105 16 313 T +105 16 314 P +105 16 315 T +105 16 316 T +105 16 317 Z +105 16 318 Z +105 16 319 P +105 16 320 T +105 16 321 Z +105 16 322 T +105 16 323 T +105 16 324 P +105 16 325 Z +105 16 326 P +105 16 327 P +105 16 328 T +105 16 329 Z +105 16 330 P +105 17 1 T +105 17 2 P +105 17 3 Z +105 17 4 T +105 17 5 Z +105 17 6 P +105 17 7 T +105 17 8 Z +105 17 9 Z +105 17 10 T +105 17 11 T +105 17 12 Z +105 17 13 T +105 17 14 T +105 17 15 P +105 17 16 P +105 17 17 Z +105 17 18 T +105 17 19 T +105 17 20 T +105 17 21 Z +105 17 22 P +105 17 23 T +105 17 24 T +105 17 25 T +105 17 26 T +105 17 27 P +105 17 28 Z +105 17 29 T +105 17 30 Z +105 17 31 P +105 17 32 Z +105 17 33 T +105 17 34 T +105 17 35 Z +105 17 36 T +105 17 37 T +105 17 38 Z +105 17 39 T +105 17 40 T +105 17 41 Z +105 17 42 T +105 17 43 T +105 17 44 P +105 17 45 T +105 17 46 T +105 17 47 T +105 17 48 Z +105 17 49 T +105 17 50 T +105 17 51 T +105 17 52 P +105 17 53 Z +105 17 54 T +105 17 55 T +105 17 56 Z +105 17 57 T +105 17 58 T +105 17 59 P +105 17 60 T +105 17 61 Z +105 17 62 T +105 17 63 Z +105 17 64 T +105 17 65 Z +105 17 66 P +105 17 67 Z +105 17 68 T +105 17 69 P +105 17 70 T +105 17 71 T +105 17 72 Z +105 17 73 P +105 17 74 T +105 17 75 Z +105 17 76 T +105 17 77 P +105 17 78 T +105 17 79 T +105 17 80 T +105 17 81 T +105 17 82 T +105 17 83 P +105 17 84 P +105 17 85 T +105 17 86 Z +105 17 87 T +105 17 88 Z +105 17 89 T +105 17 90 T +105 17 91 T +105 17 92 P +105 17 93 T +105 17 94 T +105 17 95 P +105 17 96 Z +105 17 97 T +105 17 98 Z +105 17 99 T +105 17 100 P +105 17 101 Z +105 17 102 P +105 17 103 T +105 17 104 T +105 17 105 Z +105 17 106 P +105 17 107 P +105 17 108 P +105 17 109 T +105 17 110 Z +105 17 111 T +105 17 112 Z +105 17 113 T +105 17 114 T +105 17 115 Z +105 17 116 P +105 17 117 T +105 17 118 Z +105 17 119 T +105 17 120 P +105 17 121 Z +105 17 122 T +105 17 123 T +105 17 124 P +105 17 125 Z +105 17 126 Z +105 17 127 T +105 17 128 P +105 17 129 P +105 17 130 T +105 17 131 Z +105 17 132 Z +105 17 133 T +105 17 134 Z +105 17 135 Z +105 17 136 T +105 17 137 T +105 17 138 T +105 17 139 P +105 17 140 T +105 17 141 P +105 17 142 P +105 17 143 T +105 17 144 T +105 17 145 T +105 17 146 Z +105 17 147 T +105 17 148 Z +105 17 149 P +105 17 150 T +105 17 151 Z +105 17 152 Z +105 17 153 T +105 17 154 T +105 17 155 T +105 17 156 T +105 17 157 Z +105 17 158 P +105 17 159 Z +105 17 160 Z +105 17 161 T +105 17 162 Z +105 17 163 T +105 17 164 T +105 17 165 T +105 17 166 T +105 17 167 P +105 17 168 T +105 17 169 T +105 17 170 T +105 17 171 T +105 17 172 P +105 17 173 Z +105 17 174 Z +105 17 175 P +105 17 176 Z +105 17 177 P +105 17 178 T +105 17 179 Z +105 17 180 T +105 17 181 T +105 17 182 T +105 17 183 T +105 17 184 T +105 17 185 Z +105 17 186 * +105 17 187 T +105 17 188 P +105 17 189 P +105 17 190 T +105 17 191 T +105 17 192 T +105 17 193 Z +105 17 194 T +105 17 195 P +105 17 196 Z +105 17 197 T +105 17 198 T +105 17 199 P +105 17 200 P +105 17 201 Z +105 17 202 T +105 17 203 Z +105 17 204 T +105 17 205 T +105 17 206 P +105 17 207 Z +105 17 208 T +105 17 209 T +105 17 210 Z +105 17 211 T +105 17 212 Z +105 17 213 T +105 17 214 T +105 17 215 Z +105 17 216 T +105 17 217 Z +105 17 218 T +105 17 219 P +105 17 220 T +105 17 221 P +105 17 222 T +105 17 223 T +105 17 224 P +105 17 225 T +105 17 226 T +105 17 227 T +105 17 228 T +105 17 229 P +105 17 230 P +105 17 231 Z +105 17 232 T +105 17 233 T +105 17 234 T +105 17 235 T +105 17 236 T +105 17 237 Z +105 17 238 T +105 17 239 Z +105 17 240 Z +105 17 241 P +105 17 242 P +105 17 243 P +105 17 244 Z +105 17 245 P +105 17 246 Z +105 17 247 T +105 17 248 T +105 17 249 T +105 17 250 T +105 17 251 T +105 17 252 P +105 17 253 T +105 17 254 T +105 17 255 T +105 17 256 Z +105 17 257 T +105 17 258 Z +105 17 259 Z +105 17 260 P +105 17 261 Z +105 17 262 P +105 17 263 P +105 17 264 P +105 17 265 T +105 17 266 Z +105 17 267 T +105 17 268 T +105 17 269 Z +105 17 270 Z +105 17 271 T +105 17 272 P +105 17 273 Z +105 17 274 P +105 17 275 T +105 17 276 Z +105 17 277 T +105 17 278 Z +105 17 279 T +105 17 280 T +105 17 281 T +105 17 282 T +105 17 283 T +105 17 284 P +105 17 285 P +105 17 286 P +105 17 287 T +105 17 288 Z +105 17 289 T +105 17 290 P +105 17 291 T +105 17 292 Z +105 17 293 P +105 17 294 P +105 17 295 Z +105 17 296 T +105 17 297 Z +105 17 298 Z +105 17 299 T +105 17 300 P +105 17 301 T +105 17 302 P +105 17 303 P +105 17 304 T +105 17 305 Z +105 17 306 T +105 17 307 T +105 17 308 T +105 17 309 T +105 17 310 T +105 17 311 T +105 17 312 T +105 17 313 T +105 17 314 P +105 17 315 T +105 17 316 T +105 17 317 Z +105 17 318 Z +105 17 319 P +105 17 320 T +105 17 321 Z +105 17 322 T +105 17 323 T +105 17 324 P +105 17 325 Z +105 17 326 Z +105 17 327 P +105 17 328 P +105 17 329 Z +105 17 330 P +105 18 1 T +105 18 2 P +105 18 3 Z +105 18 4 T +105 18 5 Z +105 18 6 P +105 18 7 T +105 18 8 Z +105 18 9 Z +105 18 10 T +105 18 11 T +105 18 12 Z +105 18 13 T +105 18 14 T +105 18 15 P +105 18 16 P +105 18 17 Z +105 18 18 T +105 18 19 T +105 18 20 T +105 18 21 Z +105 18 22 P +105 18 23 T +105 18 24 T +105 18 25 T +105 18 26 T +105 18 27 P +105 18 28 Z +105 18 29 T +105 18 30 Z +105 18 31 P +105 18 32 Z +105 18 33 T +105 18 34 T +105 18 35 Z +105 18 36 T +105 18 37 T +105 18 38 Z +105 18 39 T +105 18 40 T +105 18 41 Z +105 18 42 T +105 18 43 T +105 18 44 P +105 18 45 T +105 18 46 T +105 18 47 T +105 18 48 Z +105 18 49 T +105 18 50 T +105 18 51 T +105 18 52 P +105 18 53 Z +105 18 54 T +105 18 55 T +105 18 56 Z +105 18 57 T +105 18 58 T +105 18 59 P +105 18 60 T +105 18 61 Z +105 18 62 T +105 18 63 Z +105 18 64 T +105 18 65 Z +105 18 66 P +105 18 67 P +105 18 68 Z +105 18 69 T +105 18 70 P +105 18 71 T +105 18 72 T +105 18 73 Z +105 18 74 P +105 18 75 T +105 18 76 Z +105 18 77 T +105 18 78 P +105 18 79 T +105 18 80 T +105 18 81 T +105 18 82 T +105 18 83 P +105 18 84 P +105 18 85 T +105 18 86 Z +105 18 87 T +105 18 88 Z +105 18 89 T +105 18 90 T +105 18 91 T +105 18 92 P +105 18 93 T +105 18 94 T +105 18 95 P +105 18 96 Z +105 18 97 T +105 18 98 Z +105 18 99 T +105 18 100 P +105 18 101 Z +105 18 102 P +105 18 103 T +105 18 104 T +105 18 105 Z +105 18 106 P +105 18 107 P +105 18 108 P +105 18 109 T +105 18 110 Z +105 18 111 T +105 18 112 Z +105 18 113 T +105 18 114 T +105 18 115 Z +105 18 116 P +105 18 117 T +105 18 118 Z +105 18 119 T +105 18 120 P +105 18 121 Z +105 18 122 T +105 18 123 T +105 18 124 T +105 18 125 Z +105 18 126 Z +105 18 127 T +105 18 128 P +105 18 129 P +105 18 130 T +105 18 131 T +105 18 132 Z +105 18 133 T +105 18 134 T +105 18 135 Z +105 18 136 T +105 18 137 T +105 18 138 T +105 18 139 P +105 18 140 T +105 18 141 P +105 18 142 P +105 18 143 T +105 18 144 T +105 18 145 T +105 18 146 Z +105 18 147 T +105 18 148 Z +105 18 149 T +105 18 150 T +105 18 151 Z +105 18 152 Z +105 18 153 T +105 18 154 T +105 18 155 T +105 18 156 T +105 18 157 T +105 18 158 P +105 18 159 P +105 18 160 P +105 18 161 T +105 18 162 Z +105 18 163 T +105 18 164 T +105 18 165 T +105 18 166 T +105 18 167 P +105 18 168 T +105 18 169 T +105 18 170 T +105 18 171 T +105 18 172 P +105 18 173 Z +105 18 174 P +105 18 175 P +105 18 176 Z +105 18 177 P +105 18 178 T +105 18 179 Z +105 18 180 T +105 18 181 T +105 18 182 Z +105 18 183 T +105 18 184 T +105 18 185 Z +105 18 186 P +105 18 187 P +105 18 188 T +105 18 189 P +105 18 190 P +105 18 191 T +105 18 192 T +105 18 193 T +105 18 194 Z +105 18 195 T +105 18 196 P +105 18 197 P +105 18 198 T +105 18 199 P +105 18 200 P +105 18 201 P +105 18 202 T +105 18 203 Z +105 18 204 T +105 18 205 T +105 18 206 P +105 18 207 Z +105 18 208 T +105 18 209 T +105 18 210 T +105 18 211 T +105 18 212 Z +105 18 213 P +105 18 214 P +105 18 215 Z +105 18 216 T +105 18 217 Z +105 18 218 T +105 18 219 P +105 18 220 T +105 18 221 P +105 18 222 T +105 18 223 T +105 18 224 P +105 18 225 T +105 18 226 T +105 18 227 T +105 18 228 T +105 18 229 P +105 18 230 P +105 18 231 Z +105 18 232 T +105 18 233 T +105 18 234 T +105 18 235 T +105 18 236 T +105 18 237 P +105 18 238 T +105 18 239 Z +105 18 240 P +105 18 241 P +105 18 242 Z +105 18 243 P +105 18 244 Z +105 18 245 T +105 18 246 T +105 18 247 P +105 18 248 T +105 18 249 T +105 18 250 T +105 18 251 P +105 18 252 T +105 18 253 T +105 18 254 P +105 18 255 T +105 18 256 Z +105 18 257 T +105 18 258 Z +105 18 259 Z +105 18 260 P +105 18 261 Z +105 18 262 P +105 18 263 P +105 18 264 P +105 18 265 T +105 18 266 Z +105 18 267 T +105 18 268 T +105 18 269 T +105 18 270 T +105 18 271 T +105 18 272 P +105 18 273 Z +105 18 274 P +105 18 275 T +105 18 276 Z +105 18 277 T +105 18 278 Z +105 18 279 T +105 18 280 T +105 18 281 T +105 18 282 T +105 18 283 Z +105 18 284 P +105 18 285 P +105 18 286 P +105 18 287 * +105 18 288 Z +105 18 289 T +105 18 290 P +105 18 291 T +105 18 292 Z +105 18 293 P +105 18 294 P +105 18 295 P +105 18 296 T +105 18 297 Z +105 18 298 Z +105 18 299 T +105 18 300 P +105 18 301 T +105 18 302 P +105 18 303 P +105 18 304 T +105 18 305 T +105 18 306 T +105 18 307 T +105 18 308 P +105 18 309 T +105 18 310 T +105 18 311 T +105 18 312 T +105 18 313 T +105 18 314 P +105 18 315 T +105 18 316 T +105 18 317 Z +105 18 318 Z +105 18 319 P +105 18 320 T +105 18 321 Z +105 18 322 T +105 18 323 T +105 18 324 P +105 18 325 Z +105 18 326 P +105 18 327 P +105 18 328 T +105 18 329 Z +105 18 330 P +105 19 1 T +105 19 2 P +105 19 3 Z +105 19 4 Z +105 19 5 P +105 19 6 P +105 19 7 T +105 19 8 Z +105 19 9 T +105 19 10 T +105 19 11 P +105 19 12 P +105 19 13 T +105 19 14 T +105 19 15 P +105 19 16 P +105 19 17 Z +105 19 18 T +105 19 19 T +105 19 20 T +105 19 21 Z +105 19 22 P +105 19 23 Z +105 19 24 T +105 19 25 T +105 19 26 T +105 19 27 P +105 19 28 Z +105 19 29 T +105 19 30 Z +105 19 31 P +105 19 32 Z +105 19 33 T +105 19 34 T +105 19 35 Z +105 19 36 T +105 19 37 T +105 19 38 Z +105 19 39 T +105 19 40 T +105 19 41 Z +105 19 42 Z +105 19 43 T +105 19 44 P +105 19 45 T +105 19 46 P +105 19 47 T +105 19 48 Z +105 19 49 P +105 19 50 T +105 19 51 T +105 19 52 P +105 19 53 Z +105 19 54 T +105 19 55 T +105 19 56 P +105 19 57 T +105 19 58 P +105 19 59 P +105 19 60 T +105 19 61 Z +105 19 62 P +105 19 63 P +105 19 64 T +105 19 65 Z +105 19 66 P +105 19 67 P +105 19 68 Z +105 19 69 T +105 19 70 P +105 19 71 Z +105 19 72 T +105 19 73 T +105 19 74 P +105 19 75 T +105 19 76 Z +105 19 77 T +105 19 78 P +105 19 79 T +105 19 80 T +105 19 81 T +105 19 82 T +105 19 83 P +105 19 84 P +105 19 85 T +105 19 86 Z +105 19 87 T +105 19 88 Z +105 19 89 T +105 19 90 T +105 19 91 Z +105 19 92 P +105 19 93 T +105 19 94 T +105 19 95 P +105 19 96 P +105 19 97 Z +105 19 98 Z +105 19 99 P +105 19 100 P +105 19 101 P +105 19 102 Z +105 19 103 T +105 19 104 T +105 19 105 Z +105 19 106 P +105 19 107 P +105 19 108 P +105 19 109 T +105 19 110 Z +105 19 111 T +105 19 112 Z +105 19 113 T +105 19 114 T +105 19 115 Z +105 19 116 P +105 19 117 T +105 19 118 Z +105 19 119 T +105 19 120 Z +105 19 121 * +105 19 122 T +105 19 123 T +105 19 124 P +105 19 125 Z +105 19 126 Z +105 19 127 T +105 19 128 Z +105 19 129 P +105 19 130 T +105 19 131 T +105 19 132 Z +105 19 133 T +105 19 134 T +105 19 135 Z +105 19 136 T +105 19 137 T +105 19 138 P +105 19 139 P +105 19 140 T +105 19 141 P +105 19 142 P +105 19 143 T +105 19 144 T +105 19 145 T +105 19 146 Z +105 19 147 T +105 19 148 Z +105 19 149 T +105 19 150 Z +105 19 151 Z +105 19 152 Z +105 19 153 T +105 19 154 T +105 19 155 T +105 19 156 T +105 19 157 T +105 19 158 P +105 19 159 Z +105 19 160 Z +105 19 161 T +105 19 162 Z +105 19 163 T +105 19 164 T +105 19 165 T +105 19 166 T +105 19 167 P +105 19 168 T +105 19 169 T +105 19 170 T +105 19 171 T +105 19 172 P +105 19 173 Z +105 19 174 Z +105 19 175 P +105 19 176 Z +105 19 177 P +105 19 178 T +105 19 179 Z +105 19 180 T +105 19 181 Z +105 19 182 Z +105 19 183 T +105 19 184 T +105 19 185 Z +105 19 186 P +105 19 187 Z +105 19 188 T +105 19 189 P +105 19 190 P +105 19 191 T +105 19 192 T +105 19 193 Z +105 19 194 Z +105 19 195 T +105 19 196 P +105 19 197 T +105 19 198 T +105 19 199 P +105 19 200 T +105 19 201 Z +105 19 202 T +105 19 203 Z +105 19 204 T +105 19 205 T +105 19 206 P +105 19 207 Z +105 19 208 Z +105 19 209 T +105 19 210 T +105 19 211 T +105 19 212 Z +105 19 213 P +105 19 214 Z +105 19 215 T +105 19 216 T +105 19 217 P +105 19 218 Z +105 19 219 P +105 19 220 T +105 19 221 P +105 19 222 T +105 19 223 T +105 19 224 P +105 19 225 T +105 19 226 T +105 19 227 T +105 19 228 T +105 19 229 P +105 19 230 P +105 19 231 Z +105 19 232 T +105 19 233 T +105 19 234 T +105 19 235 T +105 19 236 T +105 19 237 P +105 19 238 T +105 19 239 P +105 19 240 Z +105 19 241 P +105 19 242 P +105 19 243 Z +105 19 244 P +105 19 245 Z +105 19 246 T +105 19 247 T +105 19 248 T +105 19 249 T +105 19 250 T +105 19 251 T +105 19 252 P +105 19 253 T +105 19 254 T +105 19 255 T +105 19 256 Z +105 19 257 T +105 19 258 Z +105 19 259 Z +105 19 260 P +105 19 261 Z +105 19 262 P +105 19 263 P +105 19 264 P +105 19 265 T +105 19 266 Z +105 19 267 Z +105 19 268 T +105 19 269 Z +105 19 270 Z +105 19 271 T +105 19 272 P +105 19 273 Z +105 19 274 P +105 19 275 T +105 19 276 Z +105 19 277 T +105 19 278 Z +105 19 279 T +105 19 280 T +105 19 281 T +105 19 282 T +105 19 283 Z +105 19 284 P +105 19 285 P +105 19 286 P +105 19 287 T +105 19 288 Z +105 19 289 T +105 19 290 P +105 19 291 T +105 19 292 Z +105 19 293 P +105 19 294 P +105 19 295 T +105 19 296 T +105 19 297 Z +105 19 298 Z +105 19 299 T +105 19 300 P +105 19 301 T +105 19 302 P +105 19 303 P +105 19 304 T +105 19 305 Z +105 19 306 T +105 19 307 T +105 19 308 T +105 19 309 T +105 19 310 T +105 19 311 T +105 19 312 T +105 19 313 T +105 19 314 P +105 19 315 T +105 19 316 T +105 19 317 Z +105 19 318 Z +105 19 319 P +105 19 320 T +105 19 321 Z +105 19 322 T +105 19 323 T +105 19 324 P +105 19 325 Z +105 19 326 Z +105 19 327 P +105 19 328 T +105 19 329 T +105 19 330 P +105 20 1 T +105 20 2 P +105 20 3 Z +105 20 4 Z +105 20 5 P +105 20 6 P +105 20 7 T +105 20 8 Z +105 20 9 T +105 20 10 T +105 20 11 T +105 20 12 P +105 20 13 T +105 20 14 T +105 20 15 P +105 20 16 P +105 20 17 Z +105 20 18 T +105 20 19 T +105 20 20 T +105 20 21 Z +105 20 22 P +105 20 23 Z +105 20 24 T +105 20 25 T +105 20 26 T +105 20 27 P +105 20 28 Z +105 20 29 T +105 20 30 Z +105 20 31 P +105 20 32 Z +105 20 33 T +105 20 34 T +105 20 35 Z +105 20 36 T +105 20 37 T +105 20 38 Z +105 20 39 T +105 20 40 T +105 20 41 Z +105 20 42 P +105 20 43 T +105 20 44 P +105 20 45 T +105 20 46 T +105 20 47 T +105 20 48 Z +105 20 49 T +105 20 50 T +105 20 51 T +105 20 52 P +105 20 53 Z +105 20 54 T +105 20 55 T +105 20 56 Z +105 20 57 T +105 20 58 T +105 20 59 P +105 20 60 T +105 20 61 Z +105 20 62 T +105 20 63 Z +105 20 64 T +105 20 65 Z +105 20 66 P +105 20 67 P +105 20 68 Z +105 20 69 T +105 20 70 P +105 20 71 T +105 20 72 T +105 20 73 Z +105 20 74 P +105 20 75 T +105 20 76 Z +105 20 77 T +105 20 78 P +105 20 79 T +105 20 80 T +105 20 81 T +105 20 82 T +105 20 83 P +105 20 84 P +105 20 85 T +105 20 86 Z +105 20 87 T +105 20 88 Z +105 20 89 T +105 20 90 T +105 20 91 T +105 20 92 P +105 20 93 T +105 20 94 T +105 20 95 P +105 20 96 Z +105 20 97 T +105 20 98 Z +105 20 99 T +105 20 100 P +105 20 101 Z +105 20 102 P +105 20 103 T +105 20 104 T +105 20 105 Z +105 20 106 P +105 20 107 P +105 20 108 P +105 20 109 T +105 20 110 Z +105 20 111 T +105 20 112 Z +105 20 113 T +105 20 114 T +105 20 115 Z +105 20 116 P +105 20 117 T +105 20 118 Z +105 20 119 T +105 20 120 P +105 20 121 Z +105 20 122 T +105 20 123 T +105 20 124 Z +105 20 125 Z +105 20 126 T +105 20 127 P +105 20 128 P +105 20 129 T +105 20 130 T +105 20 131 Z +105 20 132 T +105 20 133 T +105 20 134 Z +105 20 135 T +105 20 136 T +105 20 137 T +105 20 138 P +105 20 139 * +105 20 140 T +105 20 141 P +105 20 142 P +105 20 143 T +105 20 144 T +105 20 145 T +105 20 146 Z +105 20 147 T +105 20 148 Z +105 20 149 T +105 20 150 T +105 20 151 Z +105 20 152 Z +105 20 153 T +105 20 154 T +105 20 155 T +105 20 156 T +105 20 157 T +105 20 158 P +105 20 159 P +105 20 160 P +105 20 161 T +105 20 162 Z +105 20 163 T +105 20 164 T +105 20 165 T +105 20 166 T +105 20 167 P +105 20 168 T +105 20 169 T +105 20 170 T +105 20 171 T +105 20 172 P +105 20 173 Z +105 20 174 P +105 20 175 P +105 20 176 Z +105 20 177 P +105 20 178 T +105 20 179 Z +105 20 180 T +105 20 181 Z +105 20 182 T +105 20 183 T +105 20 184 Z +105 20 185 P +105 20 186 P +105 20 187 T +105 20 188 P +105 20 189 P +105 20 190 T +105 20 191 T +105 20 192 T +105 20 193 T +105 20 194 Z +105 20 195 T +105 20 196 P +105 20 197 P +105 20 198 T +105 20 199 P +105 20 200 P +105 20 201 P +105 20 202 T +105 20 203 Z +105 20 204 T +105 20 205 T +105 20 206 P +105 20 207 Z +105 20 208 T +105 20 209 T +105 20 210 T +105 20 211 T +105 20 212 Z +105 20 213 P +105 20 214 P +105 20 215 Z +105 20 216 T +105 20 217 Z +105 20 218 T +105 20 219 P +105 20 220 T +105 20 221 P +105 20 222 T +105 20 223 T +105 20 224 P +105 20 225 T +105 20 226 T +105 20 227 T +105 20 228 T +105 20 229 P +105 20 230 P +105 20 231 Z +105 20 232 T +105 20 233 T +105 20 234 T +105 20 235 T +105 20 236 T +105 20 237 P +105 20 238 T +105 20 239 Z +105 20 240 P +105 20 241 P +105 20 242 Z +105 20 243 P +105 20 244 Z +105 20 245 T +105 20 246 T +105 20 247 P +105 20 248 T +105 20 249 T +105 20 250 P +105 20 251 * +105 20 252 T +105 20 253 T +105 20 254 T +105 20 255 T +105 20 256 Z +105 20 257 T +105 20 258 T +105 20 259 Z +105 20 260 P +105 20 261 P +105 20 262 P +105 20 263 T +105 20 264 P +105 20 265 T +105 20 266 Z +105 20 267 T +105 20 268 T +105 20 269 Z +105 20 270 Z +105 20 271 T +105 20 272 P +105 20 273 Z +105 20 274 P +105 20 275 T +105 20 276 Z +105 20 277 T +105 20 278 Z +105 20 279 T +105 20 280 T +105 20 281 T +105 20 282 T +105 20 283 T +105 20 284 P +105 20 285 P +105 20 286 P +105 20 287 Z +105 20 288 Z +105 20 289 T +105 20 290 P +105 20 291 T +105 20 292 P +105 20 293 P +105 20 294 P +105 20 295 T +105 20 296 T +105 20 297 Z +105 20 298 Z +105 20 299 T +105 20 300 P +105 20 301 T +105 20 302 T +105 20 303 P +105 20 304 T +105 20 305 Z +105 20 306 T +105 20 307 T +105 20 308 T +105 20 309 T +105 20 310 T +105 20 311 T +105 20 312 T +105 20 313 T +105 20 314 P +105 20 315 T +105 20 316 T +105 20 317 Z +105 20 318 Z +105 20 319 P +105 20 320 T +105 20 321 Z +105 20 322 T +105 20 323 T +105 20 324 P +105 20 325 Z +105 20 326 Z +105 20 327 P +105 20 328 T +105 20 329 Z +105 20 330 P +105 21 1 T +105 21 2 T +105 21 3 Z +105 21 4 T +105 21 5 T +105 21 6 P +105 21 7 T +105 21 8 Z +105 21 9 T +105 21 10 T +105 21 11 T +105 21 12 Z +105 21 13 T +105 21 14 T +105 21 15 P +105 21 16 P +105 21 17 Z +105 21 18 T +105 21 19 T +105 21 20 T +105 21 21 Z +105 21 22 P +105 21 23 Z +105 21 24 T +105 21 25 T +105 21 26 P +105 21 27 Z +105 21 28 T +105 21 29 Z +105 21 30 P +105 21 31 Z +105 21 32 T +105 21 33 T +105 21 34 Z +105 21 35 T +105 21 36 T +105 21 37 Z +105 21 38 T +105 21 39 T +105 21 40 Z +105 21 41 P +105 21 42 T +105 21 43 P +105 21 44 T +105 21 45 T +105 21 46 T +105 21 47 Z +105 21 48 T +105 21 49 T +105 21 50 T +105 21 51 T +105 21 52 P +105 21 53 Z +105 21 54 T +105 21 55 T +105 21 56 P +105 21 57 * +105 21 58 Z +105 21 59 P +105 21 60 T +105 21 61 Z +105 21 62 T +105 21 63 Z +105 21 64 T +105 21 65 Z +105 21 66 P +105 21 67 T +105 21 68 Z +105 21 69 T +105 21 70 P +105 21 71 Z +105 21 72 T +105 21 73 Z +105 21 74 P +105 21 75 T +105 21 76 Z +105 21 77 T +105 21 78 Z +105 21 79 T +105 21 80 T +105 21 81 T +105 21 82 T +105 21 83 P +105 21 84 Z +105 21 85 T +105 21 86 Z +105 21 87 T +105 21 88 Z +105 21 89 T +105 21 90 T +105 21 91 T +105 21 92 P +105 21 93 T +105 21 94 T +105 21 95 P +105 21 96 P +105 21 97 T +105 21 98 Z +105 21 99 T +105 21 100 P +105 21 101 Z +105 21 102 T +105 21 103 T +105 21 104 T +105 21 105 Z +105 21 106 P +105 21 107 P +105 21 108 P +105 21 109 * +105 21 110 Z +105 21 111 T +105 21 112 Z +105 21 113 T +105 21 114 T +105 21 115 Z +105 21 116 P +105 21 117 T +105 21 118 Z +105 21 119 T +105 21 120 P +105 21 121 Z +105 21 122 T +105 21 123 T +105 21 124 T +105 21 125 Z +105 21 126 Z +105 21 127 T +105 21 128 P +105 21 129 P +105 21 130 T +105 21 131 Z +105 21 132 Z +105 21 133 T +105 21 134 T +105 21 135 Z +105 21 136 T +105 21 137 T +105 21 138 T +105 21 139 P +105 21 140 T +105 21 141 P +105 21 142 P +105 21 143 T +105 21 144 T +105 21 145 T +105 21 146 Z +105 21 147 T +105 21 148 Z +105 21 149 T +105 21 150 T +105 21 151 Z +105 21 152 T +105 21 153 T +105 21 154 T +105 21 155 T +105 21 156 T +105 21 157 T +105 21 158 P +105 21 159 Z +105 21 160 Z +105 21 161 T +105 21 162 Z +105 21 163 T +105 21 164 T +105 21 165 T +105 21 166 T +105 21 167 Z +105 21 168 T +105 21 169 T +105 21 170 T +105 21 171 T +105 21 172 P +105 21 173 Z +105 21 174 Z +105 21 175 P +105 21 176 Z +105 21 177 P +105 21 178 T +105 21 179 T +105 21 180 T +105 21 181 T +105 21 182 Z +105 21 183 T +105 21 184 Z +105 21 185 T +105 21 186 T +105 21 187 Z +105 21 188 T +105 21 189 T +105 21 190 Z +105 21 191 T +105 21 192 T +105 21 193 T +105 21 194 T +105 21 195 T +105 21 196 T +105 21 197 Z +105 21 198 T +105 21 199 P +105 21 200 T +105 21 201 Z +105 21 202 T +105 21 203 Z +105 21 204 T +105 21 205 T +105 21 206 P +105 21 207 Z +105 21 208 Z +105 21 209 T +105 21 210 T +105 21 211 T +105 21 212 Z +105 21 213 T +105 21 214 T +105 21 215 Z +105 21 216 T +105 21 217 Z +105 21 218 T +105 21 219 P +105 21 220 T +105 21 221 P +105 21 222 T +105 21 223 T +105 21 224 P +105 21 225 T +105 21 226 T +105 21 227 T +105 21 228 T +105 21 229 T +105 21 230 Z +105 21 231 Z +105 21 232 T +105 21 233 T +105 21 234 T +105 21 235 T +105 21 236 T +105 21 237 Z +105 21 238 T +105 21 239 Z +105 21 240 T +105 21 241 P +105 21 242 P +105 21 243 Z +105 21 244 P +105 21 245 Z +105 21 246 T +105 21 247 T +105 21 248 T +105 21 249 T +105 21 250 T +105 21 251 T +105 21 252 P +105 21 253 T +105 21 254 T +105 21 255 T +105 21 256 Z +105 21 257 T +105 21 258 T +105 21 259 Z +105 21 260 P +105 21 261 Z +105 21 262 P +105 21 263 T +105 21 264 T +105 21 265 T +105 21 266 Z +105 21 267 T +105 21 268 T +105 21 269 Z +105 21 270 Z +105 21 271 T +105 21 272 P +105 21 273 Z +105 21 274 P +105 21 275 T +105 21 276 Z +105 21 277 T +105 21 278 Z +105 21 279 T +105 21 280 T +105 21 281 T +105 21 282 T +105 21 283 Z +105 21 284 P +105 21 285 Z +105 21 286 P +105 21 287 T +105 21 288 Z +105 21 289 T +105 21 290 P +105 21 291 T +105 21 292 Z +105 21 293 P +105 21 294 P +105 21 295 T +105 21 296 T +105 21 297 Z +105 21 298 Z +105 21 299 T +105 21 300 P +105 21 301 T +105 21 302 P +105 21 303 P +105 21 304 T +105 21 305 T +105 21 306 T +105 21 307 T +105 21 308 Z +105 21 309 T +105 21 310 T +105 21 311 T +105 21 312 T +105 21 313 T +105 21 314 P +105 21 315 T +105 21 316 T +105 21 317 Z +105 21 318 Z +105 21 319 P +105 21 320 T +105 21 321 Z +105 21 322 T +105 21 323 T +105 21 324 P +105 21 325 Z +105 21 326 Z +105 21 327 P +105 21 328 T +105 21 329 Z +105 21 330 P +105 22 1 T +105 22 2 P +105 22 3 Z +105 22 4 T +105 22 5 T +105 22 6 Z +105 22 7 T +105 22 8 Z +105 22 9 Z +105 22 10 T +105 22 11 T +105 22 12 Z +105 22 13 T +105 22 14 T +105 22 15 Z +105 22 16 P +105 22 17 Z +105 22 18 T +105 22 19 T +105 22 20 T +105 22 21 Z +105 22 22 P +105 22 23 T +105 22 24 T +105 22 25 T +105 22 26 T +105 22 27 P +105 22 28 Z +105 22 29 T +105 22 30 Z +105 22 31 T +105 22 32 Z +105 22 33 T +105 22 34 T +105 22 35 Z +105 22 36 T +105 22 37 T +105 22 38 Z +105 22 39 T +105 22 40 T +105 22 41 Z +105 22 42 T +105 22 43 T +105 22 44 P +105 22 45 T +105 22 46 T +105 22 47 T +105 22 48 Z +105 22 49 T +105 22 50 T +105 22 51 T +105 22 52 P +105 22 53 Z +105 22 54 T +105 22 55 T +105 22 56 Z +105 22 57 T +105 22 58 P +105 22 59 P +105 22 60 T +105 22 61 Z +105 22 62 T +105 22 63 Z +105 22 64 T +105 22 65 Z +105 22 66 P +105 22 67 T +105 22 68 Z +105 22 69 T +105 22 70 P +105 22 71 Z +105 22 72 T +105 22 73 Z +105 22 74 P +105 22 75 T +105 22 76 Z +105 22 77 T +105 22 78 Z +105 22 79 T +105 22 80 T +105 22 81 T +105 22 82 T +105 22 83 P +105 22 84 Z +105 22 85 T +105 22 86 Z +105 22 87 T +105 22 88 Z +105 22 89 T +105 22 90 T +105 22 91 T +105 22 92 P +105 22 93 T +105 22 94 T +105 22 95 T +105 22 96 T +105 22 97 T +105 22 98 Z +105 22 99 T +105 22 100 T +105 22 101 Z +105 22 102 T +105 22 103 T +105 22 104 T +105 22 105 Z +105 22 106 T +105 22 107 P +105 22 108 T +105 22 109 T +105 22 110 Z +105 22 111 T +105 22 112 Z +105 22 113 T +105 22 114 T +105 22 115 Z +105 22 116 P +105 22 117 T +105 22 118 Z +105 22 119 T +105 22 120 P +105 22 121 Z +105 22 122 T +105 22 123 T +105 22 124 T +105 22 125 Z +105 22 126 Z +105 22 127 T +105 22 128 T +105 22 129 P +105 22 130 T +105 22 131 T +105 22 132 Z +105 22 133 T +105 22 134 T +105 22 135 Z +105 22 136 T +105 22 137 T +105 22 138 T +105 22 139 P +105 22 140 T +105 22 141 P +105 22 142 P +105 22 143 T +105 22 144 T +105 22 145 T +105 22 146 Z +105 22 147 T +105 22 148 Z +105 22 149 T +105 22 150 T +105 22 151 P +105 22 152 Z +105 22 153 T +105 22 154 T +105 22 155 T +105 22 156 T +105 22 157 T +105 22 158 P +105 22 159 Z +105 22 160 Z +105 22 161 T +105 22 162 Z +105 22 163 T +105 22 164 T +105 22 165 T +105 22 166 T +105 22 167 Z +105 22 168 T +105 22 169 T +105 22 170 T +105 22 171 P +105 22 172 Z +105 22 173 Z +105 22 174 T +105 22 175 Z +105 22 176 P +105 22 177 T +105 22 178 T +105 22 179 T +105 22 180 T +105 22 181 P +105 22 182 Z +105 22 183 T +105 22 184 Z +105 22 185 Z +105 22 186 T +105 22 187 Z +105 22 188 T +105 22 189 P +105 22 190 Z +105 22 191 T +105 22 192 Z +105 22 193 T +105 22 194 Z +105 22 195 T +105 22 196 P +105 22 197 Z +105 22 198 T +105 22 199 P +105 22 200 T +105 22 201 Z +105 22 202 T +105 22 203 Z +105 22 204 P +105 22 205 Z +105 22 206 P +105 22 207 Z +105 22 208 Z +105 22 209 T +105 22 210 Z +105 22 211 T +105 22 212 Z +105 22 213 P +105 22 214 T +105 22 215 Z +105 22 216 T +105 22 217 Z +105 22 218 T +105 22 219 P +105 22 220 T +105 22 221 P +105 22 222 Z +105 22 223 T +105 22 224 P +105 22 225 T +105 22 226 T +105 22 227 T +105 22 228 T +105 22 229 T +105 22 230 P +105 22 231 P +105 22 232 Z +105 22 233 T +105 22 234 Z +105 22 235 T +105 22 236 T +105 22 237 T +105 22 238 Z +105 22 239 T +105 22 240 Z +105 22 241 Z +105 22 242 P +105 22 243 P +105 22 244 Z +105 22 245 P +105 22 246 Z +105 22 247 T +105 22 248 T +105 22 249 T +105 22 250 T +105 22 251 T +105 22 252 P +105 22 253 P +105 22 254 T +105 22 255 T +105 22 256 T +105 22 257 Z +105 22 258 T +105 22 259 T +105 22 260 Z +105 22 261 T +105 22 262 Z +105 22 263 P +105 22 264 T +105 22 265 T +105 22 266 T +105 22 267 Z +105 22 268 Z +105 22 269 T +105 22 270 Z +105 22 271 Z +105 22 272 T +105 22 273 P +105 22 274 Z +105 22 275 P +105 22 276 T +105 22 277 Z +105 22 278 T +105 22 279 Z +105 22 280 T +105 22 281 T +105 22 282 T +105 22 283 T +105 22 284 Z +105 22 285 P +105 22 286 Z +105 22 287 P +105 22 288 T +105 22 289 Z +105 22 290 T +105 22 291 P +105 22 292 T +105 22 293 Z +105 22 294 P +105 22 295 P +105 22 296 Z +105 22 297 Z +105 22 298 Z +105 22 299 Z +105 22 300 P +105 22 301 T +105 22 302 T +105 22 303 P +105 22 304 P +105 22 305 T +105 22 306 Z +105 22 307 T +105 22 308 T +105 22 309 Z +105 22 310 T +105 22 311 T +105 22 312 T +105 22 313 T +105 22 314 Z +105 22 315 P +105 22 316 T +105 22 317 T +105 22 318 Z +105 22 319 Z +105 22 320 P +105 22 321 T +105 22 322 Z +105 22 323 T +105 22 324 T +105 22 325 P +105 22 326 Z +105 22 327 Z +105 22 328 P +105 22 329 T +105 22 330 P +105 23 1 T +105 23 2 P +105 23 3 Z +105 23 4 T +105 23 5 P +105 23 6 P +105 23 7 T +105 23 8 Z +105 23 9 T +105 23 10 T +105 23 11 T +105 23 12 P +105 23 13 T +105 23 14 T +105 23 15 P +105 23 16 P +105 23 17 Z +105 23 18 T +105 23 19 T +105 23 20 T +105 23 21 Z +105 23 22 P +105 23 23 T +105 23 24 T +105 23 25 T +105 23 26 T +105 23 27 P +105 23 28 Z +105 23 29 T +105 23 30 Z +105 23 31 T +105 23 32 Z +105 23 33 T +105 23 34 T +105 23 35 Z +105 23 36 T +105 23 37 T +105 23 38 Z +105 23 39 T +105 23 40 T +105 23 41 Z +105 23 42 T +105 23 43 T +105 23 44 P +105 23 45 T +105 23 46 T +105 23 47 T +105 23 48 Z +105 23 49 T +105 23 50 T +105 23 51 T +105 23 52 P +105 23 53 Z +105 23 54 T +105 23 55 T +105 23 56 Z +105 23 57 T +105 23 58 P +105 23 59 P +105 23 60 T +105 23 61 Z +105 23 62 T +105 23 63 Z +105 23 64 T +105 23 65 Z +105 23 66 P +105 23 67 T +105 23 68 Z +105 23 69 T +105 23 70 P +105 23 71 Z +105 23 72 T +105 23 73 Z +105 23 74 P +105 23 75 T +105 23 76 Z +105 23 77 T +105 23 78 Z +105 23 79 T +105 23 80 T +105 23 81 T +105 23 82 T +105 23 83 P +105 23 84 Z +105 23 85 T +105 23 86 Z +105 23 87 T +105 23 88 Z +105 23 89 T +105 23 90 T +105 23 91 T +105 23 92 P +105 23 93 T +105 23 94 T +105 23 95 T +105 23 96 T +105 23 97 T +105 23 98 Z +105 23 99 T +105 23 100 T +105 23 101 Z +105 23 102 T +105 23 103 T +105 23 104 T +105 23 105 Z +105 23 106 T +105 23 107 P +105 23 108 T +105 23 109 T +105 23 110 Z +105 23 111 T +105 23 112 Z +105 23 113 T +105 23 114 T +105 23 115 Z +105 23 116 P +105 23 117 T +105 23 118 Z +105 23 119 T +105 23 120 P +105 23 121 Z +105 23 122 T +105 23 123 T +105 23 124 T +105 23 125 Z +105 23 126 Z +105 23 127 T +105 23 128 T +105 23 129 P +105 23 130 T +105 23 131 T +105 23 132 Z +105 23 133 T +105 23 134 T +105 23 135 Z +105 23 136 T +105 23 137 T +105 23 138 T +105 23 139 P +105 23 140 T +105 23 141 P +105 23 142 P +105 23 143 T +105 23 144 T +105 23 145 T +105 23 146 Z +105 23 147 T +105 23 148 Z +105 23 149 T +105 23 150 T +105 23 151 P +105 23 152 Z +105 23 153 T +105 23 154 T +105 23 155 T +105 23 156 T +105 23 157 T +105 23 158 P +105 23 159 Z +105 23 160 Z +105 23 161 T +105 23 162 Z +105 23 163 T +105 23 164 T +105 23 165 T +105 23 166 T +105 23 167 Z +105 23 168 T +105 23 169 T +105 23 170 T +105 23 171 P +105 23 172 Z +105 23 173 Z +105 23 174 T +105 23 175 Z +105 23 176 P +105 23 177 T +105 23 178 T +105 23 179 Z +105 23 180 T +105 23 181 P +105 23 182 Z +105 23 183 T +105 23 184 Z +105 23 185 Z +105 23 186 T +105 23 187 Z +105 23 188 T +105 23 189 P +105 23 190 Z +105 23 191 T +105 23 192 Z +105 23 193 T +105 23 194 Z +105 23 195 T +105 23 196 P +105 23 197 Z +105 23 198 T +105 23 199 P +105 23 200 T +105 23 201 Z +105 23 202 T +105 23 203 Z +105 23 204 T +105 23 205 Z +105 23 206 P +105 23 207 Z +105 23 208 Z +105 23 209 T +105 23 210 Z +105 23 211 T +105 23 212 Z +105 23 213 P +105 23 214 T +105 23 215 Z +105 23 216 T +105 23 217 Z +105 23 218 T +105 23 219 P +105 23 220 T +105 23 221 P +105 23 222 Z +105 23 223 T +105 23 224 P +105 23 225 T +105 23 226 T +105 23 227 T +105 23 228 T +105 23 229 T +105 23 230 P +105 23 231 P +105 23 232 Z +105 23 233 T +105 23 234 Z +105 23 235 T +105 23 236 T +105 23 237 T +105 23 238 Z +105 23 239 T +105 23 240 Z +105 23 241 Z +105 23 242 P +105 23 243 P +105 23 244 Z +105 23 245 P +105 23 246 Z +105 23 247 T +105 23 248 T +105 23 249 T +105 23 250 T +105 23 251 T +105 23 252 P +105 23 253 P +105 23 254 T +105 23 255 T +105 23 256 T +105 23 257 Z +105 23 258 T +105 23 259 T +105 23 260 Z +105 23 261 T +105 23 262 Z +105 23 263 P +105 23 264 T +105 23 265 T +105 23 266 T +105 23 267 Z +105 23 268 Z +105 23 269 T +105 23 270 Z +105 23 271 Z +105 23 272 T +105 23 273 P +105 23 274 Z +105 23 275 P +105 23 276 T +105 23 277 Z +105 23 278 T +105 23 279 Z +105 23 280 T +105 23 281 T +105 23 282 T +105 23 283 T +105 23 284 Z +105 23 285 P +105 23 286 Z +105 23 287 P +105 23 288 T +105 23 289 Z +105 23 290 T +105 23 291 P +105 23 292 T +105 23 293 Z +105 23 294 P +105 23 295 P +105 23 296 Z +105 23 297 Z +105 23 298 Z +105 23 299 Z +105 23 300 T +105 23 301 P +105 23 302 T +105 23 303 P +105 23 304 P +105 23 305 T +105 23 306 Z +105 23 307 T +105 23 308 T +105 23 309 Z +105 23 310 T +105 23 311 T +105 23 312 T +105 23 313 T +105 23 314 Z +105 23 315 P +105 23 316 T +105 23 317 T +105 23 318 Z +105 23 319 Z +105 23 320 P +105 23 321 T +105 23 322 Z +105 23 323 T +105 23 324 T +105 23 325 P +105 23 326 Z +105 23 327 Z +105 23 328 P +105 23 329 T +105 23 330 P +105 24 1 T +105 24 2 P +105 24 3 Z +105 24 4 T +105 24 5 P +105 24 6 Z +105 24 7 T +105 24 8 Z +105 24 9 T +105 24 10 T +105 24 11 T +105 24 12 Z +105 24 13 T +105 24 14 T +105 24 15 P +105 24 16 P +105 24 17 Z +105 24 18 T +105 24 19 T +105 24 20 T +105 24 21 Z +105 24 22 P +105 24 23 T +105 24 24 T +105 24 25 T +105 24 26 T +105 24 27 P +105 24 28 Z +105 24 29 T +105 24 30 Z +105 24 31 P +105 24 32 Z +105 24 33 T +105 24 34 T +105 24 35 Z +105 24 36 T +105 24 37 T +105 24 38 Z +105 24 39 T +105 24 40 T +105 24 41 Z +105 24 42 Z +105 24 43 T +105 24 44 P +105 24 45 T +105 24 46 T +105 24 47 T +105 24 48 Z +105 24 49 T +105 24 50 T +105 24 51 T +105 24 52 P +105 24 53 Z +105 24 54 T +105 24 55 T +105 24 56 Z +105 24 57 T +105 24 58 Z +105 24 59 P +105 24 60 T +105 24 61 Z +105 24 62 T +105 24 63 Z +105 24 64 T +105 24 65 Z +105 24 66 P +105 24 67 T +105 24 68 Z +105 24 69 T +105 24 70 P +105 24 71 T +105 24 72 T +105 24 73 T +105 24 74 T +105 24 75 T +105 24 76 Z +105 24 77 T +105 24 78 P +105 24 79 T +105 24 80 T +105 24 81 T +105 24 82 T +105 24 83 P +105 24 84 Z +105 24 85 T +105 24 86 Z +105 24 87 T +105 24 88 Z +105 24 89 T +105 24 90 T +105 24 91 T +105 24 92 P +105 24 93 T +105 24 94 T +105 24 95 T +105 24 96 T +105 24 97 T +105 24 98 Z +105 24 99 T +105 24 100 T +105 24 101 T +105 24 102 T +105 24 103 T +105 24 104 T +105 24 105 Z +105 24 106 P +105 24 107 P +105 24 108 P +105 24 109 T +105 24 110 Z +105 24 111 T +105 24 112 Z +105 24 113 T +105 24 114 T +105 24 115 Z +105 24 116 P +105 24 117 T +105 24 118 Z +105 24 119 T +105 24 120 P +105 24 121 Z +105 24 122 T +105 24 123 T +105 24 124 T +105 24 125 Z +105 24 126 Z +105 24 127 T +105 24 128 T +105 24 129 P +105 24 130 T +105 24 131 T +105 24 132 Z +105 24 133 T +105 24 134 T +105 24 135 Z +105 24 136 T +105 24 137 T +105 24 138 T +105 24 139 P +105 24 140 T +105 24 141 P +105 24 142 P +105 24 143 T +105 24 144 T +105 24 145 T +105 24 146 Z +105 24 147 T +105 24 148 Z +105 24 149 T +105 24 150 T +105 24 151 P +105 24 152 Z +105 24 153 T +105 24 154 T +105 24 155 T +105 24 156 T +105 24 157 T +105 24 158 P +105 24 159 Z +105 24 160 Z +105 24 161 T +105 24 162 Z +105 24 163 T +105 24 164 T +105 24 165 T +105 24 166 T +105 24 167 Z +105 24 168 T +105 24 169 T +105 24 170 T +105 24 171 P +105 24 172 Z +105 24 173 Z +105 24 174 T +105 24 175 Z +105 24 176 P +105 24 177 T +105 24 178 T +105 24 179 Z +105 24 180 T +105 24 181 P +105 24 182 Z +105 24 183 T +105 24 184 Z +105 24 185 Z +105 24 186 T +105 24 187 Z +105 24 188 T +105 24 189 P +105 24 190 Z +105 24 191 T +105 24 192 Z +105 24 193 T +105 24 194 Z +105 24 195 T +105 24 196 P +105 24 197 Z +105 24 198 T +105 24 199 P +105 24 200 T +105 24 201 Z +105 24 202 T +105 24 203 Z +105 24 204 T +105 24 205 Z +105 24 206 P +105 24 207 Z +105 24 208 Z +105 24 209 T +105 24 210 Z +105 24 211 T +105 24 212 Z +105 24 213 P +105 24 214 T +105 24 215 Z +105 24 216 T +105 24 217 Z +105 24 218 T +105 24 219 P +105 24 220 T +105 24 221 P +105 24 222 Z +105 24 223 T +105 24 224 P +105 24 225 T +105 24 226 T +105 24 227 T +105 24 228 T +105 24 229 T +105 24 230 P +105 24 231 P +105 24 232 Z +105 24 233 T +105 24 234 Z +105 24 235 T +105 24 236 T +105 24 237 Z +105 24 238 T +105 24 239 Z +105 24 240 Z +105 24 241 Z +105 24 242 P +105 24 243 P +105 24 244 Z +105 24 245 P +105 24 246 Z +105 24 247 T +105 24 248 T +105 24 249 T +105 24 250 T +105 24 251 T +105 24 252 P +105 24 253 P +105 24 254 T +105 24 255 T +105 24 256 T +105 24 257 Z +105 24 258 T +105 24 259 T +105 24 260 Z +105 24 261 T +105 24 262 Z +105 24 263 P +105 24 264 T +105 24 265 T +105 24 266 Z +105 24 267 Z +105 24 268 T +105 24 269 T +105 24 270 Z +105 24 271 Z +105 24 272 T +105 24 273 P +105 24 274 Z +105 24 275 P +105 24 276 T +105 24 277 Z +105 24 278 T +105 24 279 Z +105 24 280 T +105 24 281 T +105 24 282 T +105 24 283 T +105 24 284 Z +105 24 285 P +105 24 286 Z +105 24 287 P +105 24 288 T +105 24 289 Z +105 24 290 T +105 24 291 P +105 24 292 T +105 24 293 Z +105 24 294 P +105 24 295 P +105 24 296 Z +105 24 297 Z +105 24 298 Z +105 24 299 Z +105 24 300 T +105 24 301 P +105 24 302 T +105 24 303 P +105 24 304 P +105 24 305 T +105 24 306 Z +105 24 307 T +105 24 308 T +105 24 309 Z +105 24 310 T +105 24 311 T +105 24 312 T +105 24 313 T +105 24 314 Z +105 24 315 P +105 24 316 T +105 24 317 T +105 24 318 Z +105 24 319 Z +105 24 320 P +105 24 321 T +105 24 322 Z +105 24 323 T +105 24 324 T +105 24 325 P +105 24 326 Z +105 24 327 Z +105 24 328 P +105 24 329 T +105 24 330 P +105 25 1 T +105 25 2 P +105 25 3 Z +105 25 4 T +105 25 5 P +105 25 6 P +105 25 7 T +105 25 8 Z +105 25 9 T +105 25 10 T +105 25 11 T +105 25 12 P +105 25 13 T +105 25 14 T +105 25 15 P +105 25 16 P +105 25 17 Z +105 25 18 T +105 25 19 T +105 25 20 T +105 25 21 Z +105 25 22 P +105 25 23 T +105 25 24 T +105 25 25 T +105 25 26 T +105 25 27 P +105 25 28 Z +105 25 29 T +105 25 30 Z +105 25 31 P +105 25 32 Z +105 25 33 T +105 25 34 T +105 25 35 Z +105 25 36 T +105 25 37 T +105 25 38 Z +105 25 39 T +105 25 40 T +105 25 41 Z +105 25 42 P +105 25 43 T +105 25 44 P +105 25 45 T +105 25 46 P +105 25 47 T +105 25 48 Z +105 25 49 T +105 25 50 T +105 25 51 T +105 25 52 P +105 25 53 Z +105 25 54 T +105 25 55 T +105 25 56 P +105 25 57 T +105 25 58 P +105 25 59 P +105 25 60 T +105 25 61 Z +105 25 62 T +105 25 63 Z +105 25 64 T +105 25 65 Z +105 25 66 P +105 25 67 T +105 25 68 Z +105 25 69 T +105 25 70 P +105 25 71 T +105 25 72 T +105 25 73 T +105 25 74 P +105 25 75 T +105 25 76 Z +105 25 77 T +105 25 78 P +105 25 79 T +105 25 80 T +105 25 81 T +105 25 82 T +105 25 83 P +105 25 84 P +105 25 85 T +105 25 86 Z +105 25 87 T +105 25 88 Z +105 25 89 T +105 25 90 T +105 25 91 T +105 25 92 P +105 25 93 T +105 25 94 T +105 25 95 P +105 25 96 P +105 25 97 T +105 25 98 Z +105 25 99 P +105 25 100 T +105 25 101 Z +105 25 102 T +105 25 103 T +105 25 104 T +105 25 105 Z +105 25 106 P +105 25 107 P +105 25 108 P +105 25 109 T +105 25 110 Z +105 25 111 T +105 25 112 Z +105 25 113 T +105 25 114 T +105 25 115 Z +105 25 116 P +105 25 117 T +105 25 118 Z +105 25 119 T +105 25 120 P +105 25 121 Z +105 25 122 T +105 25 123 T +105 25 124 T +105 25 125 Z +105 25 126 Z +105 25 127 Z +105 25 128 P +105 25 129 P +105 25 130 T +105 25 131 Z +105 25 132 Z +105 25 133 T +105 25 134 T +105 25 135 Z +105 25 136 T +105 25 137 T +105 25 138 T +105 25 139 P +105 25 140 T +105 25 141 P +105 25 142 P +105 25 143 T +105 25 144 T +105 25 145 T +105 25 146 P +105 25 147 T +105 25 148 Z +105 25 149 T +105 25 150 Z +105 25 151 Z +105 25 152 T +105 25 153 T +105 25 154 T +105 25 155 T +105 25 156 T +105 25 157 T +105 25 158 P +105 25 159 P +105 25 160 P +105 25 161 T +105 25 162 Z +105 25 163 T +105 25 164 T +105 25 165 T +105 25 166 T +105 25 167 P +105 25 168 T +105 25 169 T +105 25 170 T +105 25 171 P +105 25 172 Z +105 25 173 P +105 25 174 T +105 25 175 P +105 25 176 Z +105 25 177 P +105 25 178 T +105 25 179 Z +105 25 180 T +105 25 181 P +105 25 182 Z +105 25 183 T +105 25 184 Z +105 25 185 T +105 25 186 T +105 25 187 Z +105 25 188 T +105 25 189 P +105 25 190 P +105 25 191 T +105 25 192 T +105 25 193 T +105 25 194 Z +105 25 195 T +105 25 196 T +105 25 197 T +105 25 198 T +105 25 199 P +105 25 200 T +105 25 201 P +105 25 202 T +105 25 203 Z +105 25 204 T +105 25 205 T +105 25 206 P +105 25 207 Z +105 25 208 T +105 25 209 T +105 25 210 T +105 25 211 T +105 25 212 Z +105 25 213 P +105 25 214 T +105 25 215 Z +105 25 216 T +105 25 217 P +105 25 218 T +105 25 219 P +105 25 220 T +105 25 221 P +105 25 222 T +105 25 223 T +105 25 224 P +105 25 225 T +105 25 226 T +105 25 227 T +105 25 228 T +105 25 229 T +105 25 230 T +105 25 231 P +105 25 232 Z +105 25 233 T +105 25 234 T +105 25 235 T +105 25 236 T +105 25 237 T +105 25 238 P +105 25 239 T +105 25 240 Z +105 25 241 T +105 25 242 P +105 25 243 P +105 25 244 Z +105 25 245 P +105 25 246 Z +105 25 247 T +105 25 248 T +105 25 249 T +105 25 250 T +105 25 251 Z +105 25 252 T +105 25 253 P +105 25 254 T +105 25 255 T +105 25 256 T +105 25 257 Z +105 25 258 T +105 25 259 P +105 25 260 Z +105 25 261 P +105 25 262 Z +105 25 263 P +105 25 264 P +105 25 265 P +105 25 266 T +105 25 267 Z +105 25 268 Z +105 25 269 T +105 25 270 Z +105 25 271 Z +105 25 272 T +105 25 273 P +105 25 274 Z +105 25 275 P +105 25 276 T +105 25 277 Z +105 25 278 T +105 25 279 T +105 25 280 T +105 25 281 T +105 25 282 T +105 25 283 P +105 25 284 T +105 25 285 P +105 25 286 P +105 25 287 T +105 25 288 Z +105 25 289 T +105 25 290 P +105 25 291 T +105 25 292 P +105 25 293 P +105 25 294 P +105 25 295 T +105 25 296 T +105 25 297 Z +105 25 298 Z +105 25 299 T +105 25 300 P +105 25 301 T +105 25 302 P +105 25 303 P +105 25 304 T +105 25 305 Z +105 25 306 T +105 25 307 T +105 25 308 P +105 25 309 T +105 25 310 T +105 25 311 T +105 25 312 T +105 25 313 T +105 25 314 P +105 25 315 T +105 25 316 T +105 25 317 Z +105 25 318 Z +105 25 319 P +105 25 320 T +105 25 321 Z +105 25 322 T +105 25 323 T +105 25 324 P +105 25 325 Z +105 25 326 P +105 25 327 P +105 25 328 T +105 25 329 T +105 25 330 P +105 26 1 T +105 26 2 P +105 26 3 Z +105 26 4 T +105 26 5 P +105 26 6 P +105 26 7 T +105 26 8 Z +105 26 9 T +105 26 10 T +105 26 11 T +105 26 12 P +105 26 13 T +105 26 14 T +105 26 15 P +105 26 16 P +105 26 17 Z +105 26 18 T +105 26 19 T +105 26 20 T +105 26 21 Z +105 26 22 P +105 26 23 T +105 26 24 T +105 26 25 T +105 26 26 T +105 26 27 P +105 26 28 Z +105 26 29 T +105 26 30 Z +105 26 31 P +105 26 32 Z +105 26 33 T +105 26 34 T +105 26 35 Z +105 26 36 T +105 26 37 T +105 26 38 Z +105 26 39 T +105 26 40 T +105 26 41 Z +105 26 42 P +105 26 43 T +105 26 44 P +105 26 45 T +105 26 46 P +105 26 47 T +105 26 48 Z +105 26 49 T +105 26 50 T +105 26 51 T +105 26 52 P +105 26 53 Z +105 26 54 T +105 26 55 T +105 26 56 P +105 26 57 T +105 26 58 P +105 26 59 P +105 26 60 T +105 26 61 Z +105 26 62 T +105 26 63 Z +105 26 64 T +105 26 65 Z +105 26 66 P +105 26 67 T +105 26 68 Z +105 26 69 T +105 26 70 P +105 26 71 T +105 26 72 T +105 26 73 T +105 26 74 P +105 26 75 T +105 26 76 Z +105 26 77 T +105 26 78 P +105 26 79 T +105 26 80 T +105 26 81 T +105 26 82 T +105 26 83 P +105 26 84 P +105 26 85 T +105 26 86 Z +105 26 87 T +105 26 88 Z +105 26 89 T +105 26 90 T +105 26 91 T +105 26 92 P +105 26 93 T +105 26 94 T +105 26 95 P +105 26 96 P +105 26 97 T +105 26 98 Z +105 26 99 P +105 26 100 T +105 26 101 Z +105 26 102 T +105 26 103 T +105 26 104 T +105 26 105 Z +105 26 106 P +105 26 107 P +105 26 108 P +105 26 109 T +105 26 110 Z +105 26 111 T +105 26 112 Z +105 26 113 T +105 26 114 T +105 26 115 Z +105 26 116 P +105 26 117 T +105 26 118 Z +105 26 119 T +105 26 120 P +105 26 121 Z +105 26 122 T +105 26 123 T +105 26 124 T +105 26 125 Z +105 26 126 Z +105 26 127 T +105 26 128 P +105 26 129 P +105 26 130 T +105 26 131 Z +105 26 132 Z +105 26 133 T +105 26 134 T +105 26 135 Z +105 26 136 T +105 26 137 T +105 26 138 T +105 26 139 P +105 26 140 T +105 26 141 P +105 26 142 P +105 26 143 T +105 26 144 T +105 26 145 T +105 26 146 P +105 26 147 T +105 26 148 Z +105 26 149 T +105 26 150 Z +105 26 151 Z +105 26 152 Z +105 26 153 T +105 26 154 T +105 26 155 T +105 26 156 T +105 26 157 T +105 26 158 P +105 26 159 P +105 26 160 P +105 26 161 T +105 26 162 Z +105 26 163 T +105 26 164 T +105 26 165 T +105 26 166 T +105 26 167 P +105 26 168 T +105 26 169 T +105 26 170 T +105 26 171 P +105 26 172 Z +105 26 173 P +105 26 174 T +105 26 175 P +105 26 176 Z +105 26 177 P +105 26 178 T +105 26 179 Z +105 26 180 T +105 26 181 P +105 26 182 Z +105 26 183 T +105 26 184 Z +105 26 185 T +105 26 186 T +105 26 187 Z +105 26 188 T +105 26 189 P +105 26 190 P +105 26 191 T +105 26 192 T +105 26 193 T +105 26 194 Z +105 26 195 T +105 26 196 T +105 26 197 T +105 26 198 T +105 26 199 P +105 26 200 T +105 26 201 P +105 26 202 T +105 26 203 Z +105 26 204 T +105 26 205 T +105 26 206 P +105 26 207 Z +105 26 208 T +105 26 209 T +105 26 210 T +105 26 211 T +105 26 212 Z +105 26 213 P +105 26 214 T +105 26 215 Z +105 26 216 T +105 26 217 P +105 26 218 T +105 26 219 P +105 26 220 T +105 26 221 P +105 26 222 T +105 26 223 T +105 26 224 P +105 26 225 T +105 26 226 T +105 26 227 T +105 26 228 T +105 26 229 T +105 26 230 T +105 26 231 P +105 26 232 Z +105 26 233 T +105 26 234 T +105 26 235 T +105 26 236 T +105 26 237 T +105 26 238 P +105 26 239 T +105 26 240 Z +105 26 241 T +105 26 242 P +105 26 243 P +105 26 244 Z +105 26 245 P +105 26 246 Z +105 26 247 T +105 26 248 T +105 26 249 T +105 26 250 T +105 26 251 Z +105 26 252 T +105 26 253 P +105 26 254 T +105 26 255 T +105 26 256 T +105 26 257 Z +105 26 258 T +105 26 259 P +105 26 260 Z +105 26 261 P +105 26 262 Z +105 26 263 P +105 26 264 P +105 26 265 P +105 26 266 T +105 26 267 Z +105 26 268 Z +105 26 269 T +105 26 270 Z +105 26 271 Z +105 26 272 T +105 26 273 P +105 26 274 Z +105 26 275 P +105 26 276 T +105 26 277 Z +105 26 278 T +105 26 279 T +105 26 280 T +105 26 281 T +105 26 282 T +105 26 283 P +105 26 284 T +105 26 285 P +105 26 286 P +105 26 287 T +105 26 288 Z +105 26 289 T +105 26 290 P +105 26 291 T +105 26 292 P +105 26 293 P +105 26 294 P +105 26 295 T +105 26 296 T +105 26 297 Z +105 26 298 Z +105 26 299 T +105 26 300 P +105 26 301 T +105 26 302 P +105 26 303 P +105 26 304 T +105 26 305 Z +105 26 306 T +105 26 307 T +105 26 308 P +105 26 309 T +105 26 310 T +105 26 311 T +105 26 312 T +105 26 313 T +105 26 314 P +105 26 315 T +105 26 316 T +105 26 317 Z +105 26 318 Z +105 26 319 P +105 26 320 T +105 26 321 Z +105 26 322 T +105 26 323 T +105 26 324 P +105 26 325 Z +105 26 326 P +105 26 327 P +105 26 328 T +105 26 329 T +105 26 330 P +105 27 1 T +105 27 2 P +105 27 3 Z +105 27 4 T +105 27 5 P +105 27 6 Z +105 27 7 T +105 27 8 Z +105 27 9 T +105 27 10 T +105 27 11 T +105 27 12 Z +105 27 13 T +105 27 14 T +105 27 15 P +105 27 16 P +105 27 17 Z +105 27 18 T +105 27 19 T +105 27 20 T +105 27 21 Z +105 27 22 P +105 27 23 T +105 27 24 T +105 27 25 T +105 27 26 T +105 27 27 P +105 27 28 Z +105 27 29 T +105 27 30 Z +105 27 31 P +105 27 32 Z +105 27 33 T +105 27 34 T +105 27 35 Z +105 27 36 T +105 27 37 T +105 27 38 Z +105 27 39 T +105 27 40 T +105 27 41 Z +105 27 42 Z +105 27 43 T +105 27 44 P +105 27 45 T +105 27 46 T +105 27 47 T +105 27 48 Z +105 27 49 T +105 27 50 T +105 27 51 T +105 27 52 P +105 27 53 Z +105 27 54 T +105 27 55 T +105 27 56 Z +105 27 57 T +105 27 58 Z +105 27 59 P +105 27 60 T +105 27 61 Z +105 27 62 T +105 27 63 Z +105 27 64 T +105 27 65 Z +105 27 66 P +105 27 67 T +105 27 68 Z +105 27 69 T +105 27 70 P +105 27 71 T +105 27 72 T +105 27 73 T +105 27 74 T +105 27 75 T +105 27 76 Z +105 27 77 T +105 27 78 P +105 27 79 T +105 27 80 T +105 27 81 T +105 27 82 T +105 27 83 P +105 27 84 Z +105 27 85 T +105 27 86 Z +105 27 87 T +105 27 88 Z +105 27 89 T +105 27 90 T +105 27 91 T +105 27 92 P +105 27 93 T +105 27 94 T +105 27 95 T +105 27 96 T +105 27 97 T +105 27 98 Z +105 27 99 T +105 27 100 T +105 27 101 T +105 27 102 T +105 27 103 T +105 27 104 T +105 27 105 Z +105 27 106 P +105 27 107 P +105 27 108 P +105 27 109 T +105 27 110 Z +105 27 111 T +105 27 112 Z +105 27 113 T +105 27 114 T +105 27 115 Z +105 27 116 P +105 27 117 T +105 27 118 Z +105 27 119 T +105 27 120 P +105 27 121 Z +105 27 122 T +105 27 123 T +105 27 124 T +105 27 125 Z +105 27 126 Z +105 27 127 T +105 27 128 T +105 27 129 P +105 27 130 T +105 27 131 T +105 27 132 Z +105 27 133 T +105 27 134 T +105 27 135 Z +105 27 136 T +105 27 137 T +105 27 138 T +105 27 139 P +105 27 140 T +105 27 141 P +105 27 142 P +105 27 143 T +105 27 144 T +105 27 145 T +105 27 146 Z +105 27 147 T +105 27 148 Z +105 27 149 T +105 27 150 T +105 27 151 P +105 27 152 Z +105 27 153 T +105 27 154 T +105 27 155 T +105 27 156 T +105 27 157 T +105 27 158 P +105 27 159 Z +105 27 160 Z +105 27 161 T +105 27 162 Z +105 27 163 T +105 27 164 T +105 27 165 T +105 27 166 T +105 27 167 Z +105 27 168 T +105 27 169 T +105 27 170 T +105 27 171 P +105 27 172 Z +105 27 173 Z +105 27 174 T +105 27 175 Z +105 27 176 P +105 27 177 T +105 27 178 T +105 27 179 Z +105 27 180 T +105 27 181 P +105 27 182 Z +105 27 183 T +105 27 184 Z +105 27 185 Z +105 27 186 T +105 27 187 Z +105 27 188 T +105 27 189 P +105 27 190 Z +105 27 191 T +105 27 192 Z +105 27 193 T +105 27 194 Z +105 27 195 T +105 27 196 P +105 27 197 Z +105 27 198 T +105 27 199 P +105 27 200 T +105 27 201 Z +105 27 202 T +105 27 203 Z +105 27 204 T +105 27 205 Z +105 27 206 P +105 27 207 Z +105 27 208 Z +105 27 209 T +105 27 210 Z +105 27 211 T +105 27 212 Z +105 27 213 P +105 27 214 T +105 27 215 Z +105 27 216 T +105 27 217 Z +105 27 218 T +105 27 219 P +105 27 220 T +105 27 221 P +105 27 222 Z +105 27 223 T +105 27 224 P +105 27 225 T +105 27 226 T +105 27 227 T +105 27 228 T +105 27 229 T +105 27 230 P +105 27 231 P +105 27 232 Z +105 27 233 T +105 27 234 Z +105 27 235 T +105 27 236 T +105 27 237 Z +105 27 238 T +105 27 239 Z +105 27 240 Z +105 27 241 Z +105 27 242 P +105 27 243 P +105 27 244 Z +105 27 245 P +105 27 246 Z +105 27 247 T +105 27 248 T +105 27 249 T +105 27 250 T +105 27 251 T +105 27 252 P +105 27 253 P +105 27 254 T +105 27 255 T +105 27 256 T +105 27 257 Z +105 27 258 T +105 27 259 T +105 27 260 Z +105 27 261 T +105 27 262 Z +105 27 263 P +105 27 264 T +105 27 265 T +105 27 266 Z +105 27 267 Z +105 27 268 T +105 27 269 T +105 27 270 Z +105 27 271 Z +105 27 272 T +105 27 273 P +105 27 274 Z +105 27 275 P +105 27 276 T +105 27 277 Z +105 27 278 T +105 27 279 Z +105 27 280 T +105 27 281 T +105 27 282 T +105 27 283 T +105 27 284 Z +105 27 285 P +105 27 286 Z +105 27 287 P +105 27 288 T +105 27 289 Z +105 27 290 T +105 27 291 P +105 27 292 T +105 27 293 Z +105 27 294 P +105 27 295 P +105 27 296 Z +105 27 297 Z +105 27 298 Z +105 27 299 Z +105 27 300 T +105 27 301 P +105 27 302 T +105 27 303 P +105 27 304 P +105 27 305 T +105 27 306 Z +105 27 307 T +105 27 308 T +105 27 309 Z +105 27 310 T +105 27 311 T +105 27 312 T +105 27 313 T +105 27 314 Z +105 27 315 P +105 27 316 T +105 27 317 T +105 27 318 Z +105 27 319 Z +105 27 320 P +105 27 321 T +105 27 322 Z +105 27 323 T +105 27 324 T +105 27 325 P +105 27 326 Z +105 27 327 Z +105 27 328 P +105 27 329 T +105 27 330 P +106 1 1 BI +106 1 2 G +106 1 3 KU +106 1 4 T +106 1 5 G +106 1 6 KU +106 1 7 G +106 1 8 J +106 1 9 S +106 1 10 BI +106 1 11 G +106 1 12 B +106 1 13 G +106 1 14 BI +106 1 15 K +106 1 16 PO +106 1 17 KU +106 1 18 I +106 1 19 BI +106 1 20 G +106 1 21 K +106 1 22 B +106 1 23 T +106 1 24 S +106 1 25 G +106 1 26 BI +106 1 27 K +106 1 28 K +106 1 29 G +106 1 30 KU +106 1 31 G +106 1 32 K +106 1 33 G +106 1 34 BI +106 1 35 KU +106 1 36 G +106 1 37 BI +106 1 38 K +106 1 39 G +106 1 40 G +106 1 41 P +106 1 42 B +106 1 43 BI +106 1 44 K +106 1 45 G +106 1 46 A +106 1 47 G +106 1 48 B +106 1 49 G +106 1 50 T +106 1 51 S +106 1 52 B +106 1 53 J +106 1 54 G +106 1 55 G +106 1 56 K +106 1 57 G +106 1 58 B +106 1 59 K +106 1 60 BI +106 1 61 P +106 1 62 T +106 1 63 K +106 1 64 BI +106 1 65 K +106 1 66 B +106 1 67 G +106 1 68 K +106 1 69 S +106 1 70 T +106 1 71 S +106 1 72 G +106 1 73 T +106 1 74 G +106 1 75 G +106 1 76 KU +106 1 77 BI +106 1 78 K +106 1 79 I +106 1 80 BI +106 1 81 B +106 1 82 G +106 1 83 B +106 1 84 K +106 1 85 G +106 1 86 K +106 1 87 I +106 1 88 T +106 1 89 I +106 1 90 G +106 1 91 B +106 1 92 K +106 1 93 BI +106 1 94 S +106 1 95 B +106 1 96 B +106 1 97 T +106 1 98 P +106 1 99 T +106 1 100 G +106 1 101 J +106 1 102 T +106 1 103 S +106 1 104 G +106 1 105 T +106 1 106 B +106 1 107 K +106 1 108 B +106 1 109 BI +106 1 110 KU +106 1 111 G +106 1 112 K +106 1 113 S +106 1 114 G +106 1 115 P +106 1 116 G +106 1 117 S +106 1 118 K +106 1 119 G +106 1 120 PO +106 1 121 KU +106 1 122 G +106 1 123 BI +106 1 124 B +106 1 125 KU +106 1 126 K +106 1 127 G +106 1 128 B +106 1 129 K +106 1 130 S +106 1 131 T +106 1 132 P +106 1 133 G +106 1 134 S +106 1 135 K +106 1 136 G +106 1 137 G +106 1 138 BI +106 1 139 K +106 1 140 BI +106 1 141 PO +106 1 142 PO +106 1 143 B +106 1 144 T +106 1 145 G +106 1 146 B +106 1 147 G +106 1 148 P +106 1 149 B +106 1 150 T +106 1 151 K +106 1 152 K +106 1 153 BI +106 1 154 I +106 1 155 S +106 1 156 G +106 1 157 S +106 1 158 PO +106 1 159 KU +106 1 160 K +106 1 161 G +106 1 162 J +106 1 163 G +106 1 164 BI +106 1 165 B +106 1 166 BI +106 1 167 K +106 1 168 G +106 1 169 BI +106 1 170 G +106 1 171 G +106 1 172 PO +106 1 173 K +106 1 174 KU +106 1 175 BI +106 1 176 K +106 1 177 B +106 1 178 BI +106 1 179 P +106 1 180 G +106 1 181 B +106 1 182 T +106 1 183 S +106 1 184 T +106 1 185 KU +106 1 186 G +106 1 187 KU +106 1 188 BI +106 1 189 BI +106 1 190 K +106 1 191 G +106 1 192 T +106 1 193 B +106 1 194 P +106 1 195 G +106 1 196 G +106 1 197 T +106 1 198 I +106 1 199 B +106 1 200 BI +106 1 201 K +106 1 202 G +106 1 203 K +106 1 204 S +106 1 205 T +106 1 206 B +106 1 207 K +106 1 208 KU +106 1 209 G +106 1 210 S +106 1 211 BI +106 1 212 KU +106 1 213 T +106 1 214 B +106 1 215 K +106 1 216 G +106 1 217 K +106 1 218 B +106 1 219 G +106 1 220 T +106 1 221 G +106 1 222 T +106 1 223 G +106 1 224 K +106 1 225 B +106 1 226 BI +106 1 227 I +106 1 228 BI +106 1 229 G +106 1 230 K +106 1 231 T +106 1 232 S +106 1 233 T +106 1 234 G +106 1 235 BI +106 1 236 B +106 1 237 KU +106 1 238 G +106 1 239 K +106 1 240 P +106 1 241 K +106 1 242 B +106 1 243 T +106 1 244 G +106 1 245 P +106 1 246 G +106 1 247 T +106 1 248 G +106 1 249 G +106 1 250 T +106 1 251 G +106 1 252 K +106 1 253 G +106 1 254 BI +106 1 255 I +106 1 256 K +106 1 257 BI +106 1 258 B +106 1 259 P +106 1 260 B +106 1 261 KU +106 1 262 PO +106 1 263 A +106 1 264 BI +106 1 265 G +106 1 266 P +106 1 267 T +106 1 268 G +106 1 269 T +106 1 270 K +106 1 271 G +106 1 272 PO +106 1 273 T +106 1 274 PO +106 1 275 B +106 1 276 J +106 1 277 BI +106 1 278 KU +106 1 279 BI +106 1 280 G +106 1 281 G +106 1 282 G +106 1 283 S +106 1 284 * +106 1 285 K +106 1 286 PO +106 1 287 KU +106 1 288 P +106 1 289 G +106 1 290 K +106 1 291 BI +106 1 292 K +106 1 293 G +106 1 294 PO +106 1 295 S +106 1 296 T +106 1 297 B +106 1 298 P +106 1 299 G +106 1 300 A +106 1 301 G +106 1 302 K +106 1 303 BI +106 1 304 G +106 1 305 T +106 1 306 G +106 1 307 BI +106 1 308 T +106 1 309 S +106 1 310 G +106 1 311 BI +106 1 312 I +106 1 313 T +106 1 314 K +106 1 315 G +106 1 316 G +106 1 317 J +106 1 318 KU +106 1 319 K +106 1 320 B +106 1 321 P +106 1 322 BI +106 1 323 G +106 1 324 K +106 1 325 T +106 1 326 B +106 1 327 PO +106 1 328 G +106 1 329 S +106 1 330 G +106 2 1 H +106 2 2 G +106 2 3 P +106 2 4 T +106 2 5 G +106 2 6 K +106 2 7 G +106 2 8 J +106 2 9 K +106 2 10 BI +106 2 11 G +106 2 12 B +106 2 13 G +106 2 14 BI +106 2 15 T +106 2 16 PO +106 2 17 P +106 2 18 I +106 2 19 BI +106 2 20 G +106 2 21 P +106 2 22 B +106 2 23 T +106 2 24 I +106 2 25 G +106 2 26 BI +106 2 27 B +106 2 28 J +106 2 29 G +106 2 30 B +106 2 31 G +106 2 32 T +106 2 33 G +106 2 34 BI +106 2 35 P +106 2 36 G +106 2 37 BI +106 2 38 J +106 2 39 G +106 2 40 G +106 2 41 P +106 2 42 K +106 2 43 BI +106 2 44 PO +106 2 45 G +106 2 46 I +106 2 47 I +106 2 48 B +106 2 49 G +106 2 50 T +106 2 51 K +106 2 52 PO +106 2 53 J +106 2 54 G +106 2 55 BI +106 2 56 K +106 2 57 BI +106 2 58 K +106 2 59 T +106 2 60 I +106 2 61 J +106 2 62 T +106 2 63 K +106 2 64 BI +106 2 65 J +106 2 66 K +106 2 67 G +106 2 68 J +106 2 69 G +106 2 70 PO +106 2 71 T +106 2 72 G +106 2 73 T +106 2 74 G +106 2 75 G +106 2 76 K +106 2 77 G +106 2 78 K +106 2 79 I +106 2 80 BI +106 2 81 G +106 2 82 G +106 2 83 K +106 2 84 K +106 2 85 G +106 2 86 T +106 2 87 I +106 2 88 T +106 2 89 I +106 2 90 I +106 2 91 G +106 2 92 PO +106 2 93 BI +106 2 94 I +106 2 95 G +106 2 96 B +106 2 97 T +106 2 98 J +106 2 99 BI +106 2 100 G +106 2 101 T +106 2 102 BI +106 2 103 G +106 2 104 BI +106 2 105 T +106 2 106 B +106 2 107 PO +106 2 108 G +106 2 109 BI +106 2 110 B +106 2 111 G +106 2 112 J +106 2 113 I +106 2 114 G +106 2 115 J +106 2 116 BI +106 2 117 T +106 2 118 K +106 2 119 G +106 2 120 PO +106 2 121 P +106 2 122 G +106 2 123 BI +106 2 124 G +106 2 125 K +106 2 126 K +106 2 127 I +106 2 128 B +106 2 129 PO +106 2 130 I +106 2 131 T +106 2 132 P +106 2 133 G +106 2 134 T +106 2 135 T +106 2 136 BI +106 2 137 G +106 2 138 BI +106 2 139 PO +106 2 140 BI +106 2 141 PO +106 2 142 PO +106 2 143 G +106 2 144 T +106 2 145 G +106 2 146 B +106 2 147 G +106 2 148 J +106 2 149 G +106 2 150 T +106 2 151 K +106 2 152 BI +106 2 153 BI +106 2 154 I +106 2 155 I +106 2 156 G +106 2 157 K +106 2 158 PO +106 2 159 B +106 2 160 BI +106 2 161 G +106 2 162 J +106 2 163 G +106 2 164 BI +106 2 165 G +106 2 166 BI +106 2 167 T +106 2 168 G +106 2 169 BI +106 2 170 BI +106 2 171 G +106 2 172 PO +106 2 173 P +106 2 174 B +106 2 175 BI +106 2 176 P +106 2 177 B +106 2 178 BI +106 2 179 T +106 2 180 G +106 2 181 K +106 2 182 T +106 2 183 K +106 2 184 T +106 2 185 K +106 2 186 G +106 2 187 K +106 2 188 BI +106 2 189 BI +106 2 190 K +106 2 191 G +106 2 192 T +106 2 193 G +106 2 194 T +106 2 195 G +106 2 196 G +106 2 197 BI +106 2 198 I +106 2 199 PO +106 2 200 G +106 2 201 K +106 2 202 G +106 2 203 T +106 2 204 I +106 2 205 T +106 2 206 PO +106 2 207 T +106 2 208 K +106 2 209 G +106 2 210 T +106 2 211 G +106 2 212 K +106 2 213 BI +106 2 214 G +106 2 215 T +106 2 216 G +106 2 217 K +106 2 218 G +106 2 219 PO +106 2 220 BI +106 2 221 PO +106 2 222 T +106 2 223 G +106 2 224 PO +106 2 225 K +106 2 226 BI +106 2 227 I +106 2 228 BI +106 2 229 G +106 2 230 PO +106 2 231 T +106 2 232 K +106 2 233 BI +106 2 234 G +106 2 235 BI +106 2 236 G +106 2 237 K +106 2 238 G +106 2 239 K +106 2 240 T +106 2 241 PO +106 2 242 B +106 2 243 T +106 2 244 PO +106 2 245 P +106 2 246 G +106 2 247 BI +106 2 248 I +106 2 249 G +106 2 250 T +106 2 251 G +106 2 252 PO +106 2 253 G +106 2 254 BI +106 2 255 I +106 2 256 P +106 2 257 BI +106 2 258 K +106 2 259 P +106 2 260 B +106 2 261 K +106 2 262 PO +106 2 263 PO +106 2 264 BI +106 2 265 G +106 2 266 K +106 2 267 T +106 2 268 G +106 2 269 T +106 2 270 K +106 2 271 G +106 2 272 PO +106 2 273 T +106 2 274 PO +106 2 275 G +106 2 276 J +106 2 277 BI +106 2 278 K +106 2 279 BI +106 2 280 G +106 2 281 G +106 2 282 G +106 2 283 K +106 2 284 PO +106 2 285 BI +106 2 286 PO +106 2 287 K +106 2 288 P +106 2 289 G +106 2 290 PO +106 2 291 BI +106 2 292 K +106 2 293 G +106 2 294 PO +106 2 295 K +106 2 296 T +106 2 297 B +106 2 298 P +106 2 299 G +106 2 300 PO +106 2 301 G +106 2 302 K +106 2 303 BI +106 2 304 G +106 2 305 T +106 2 306 G +106 2 307 BI +106 2 308 T +106 2 309 K +106 2 310 G +106 2 311 BI +106 2 312 I +106 2 313 T +106 2 314 PO +106 2 315 G +106 2 316 G +106 2 317 T +106 2 318 K +106 2 319 PO +106 2 320 G +106 2 321 P +106 2 322 BI +106 2 323 G +106 2 324 PO +106 2 325 T +106 2 326 B +106 2 327 PO +106 2 328 G +106 2 329 K +106 2 330 PO +106 3 1 BI +106 3 2 G +106 3 3 KU +106 3 4 T +106 3 5 G +106 3 6 K +106 3 7 G +106 3 8 S +106 3 9 S +106 3 10 BI +106 3 11 I +106 3 12 B +106 3 13 G +106 3 14 BI +106 3 15 K +106 3 16 PO +106 3 17 KU +106 3 18 I +106 3 19 BI +106 3 20 G +106 3 21 K +106 3 22 B +106 3 23 T +106 3 24 A +106 3 25 BI +106 3 26 BI +106 3 27 PO +106 3 28 K +106 3 29 G +106 3 30 KU +106 3 31 G +106 3 32 T +106 3 33 G +106 3 34 BI +106 3 35 KU +106 3 36 I +106 3 37 BI +106 3 38 J +106 3 39 G +106 3 40 BI +106 3 41 S +106 3 42 B +106 3 43 BI +106 3 44 PO +106 3 45 G +106 3 46 A +106 3 47 I +106 3 48 B +106 3 49 BI +106 3 50 T +106 3 51 I +106 3 52 PO +106 3 53 T +106 3 54 G +106 3 55 BI +106 3 56 K +106 3 57 BI +106 3 58 G +106 3 59 T +106 3 60 I +106 3 61 S +106 3 62 T +106 3 63 K +106 3 64 BI +106 3 65 J +106 3 66 PO +106 3 67 G +106 3 68 T +106 3 69 G +106 3 70 PO +106 3 71 S +106 3 72 G +106 3 73 T +106 3 74 BI +106 3 75 I +106 3 76 KU +106 3 77 BI +106 3 78 K +106 3 79 I +106 3 80 BI +106 3 81 G +106 3 82 G +106 3 83 B +106 3 84 K +106 3 85 G +106 3 86 K +106 3 87 I +106 3 88 T +106 3 89 I +106 3 90 I +106 3 91 G +106 3 92 PO +106 3 93 BI +106 3 94 I +106 3 95 G +106 3 96 B +106 3 97 T +106 3 98 J +106 3 99 T +106 3 100 G +106 3 101 S +106 3 102 BI +106 3 103 G +106 3 104 BI +106 3 105 T +106 3 106 B +106 3 107 PO +106 3 108 G +106 3 109 BI +106 3 110 KU +106 3 111 I +106 3 112 J +106 3 113 I +106 3 114 BI +106 3 115 S +106 3 116 BI +106 3 117 S +106 3 118 K +106 3 119 G +106 3 120 PO +106 3 121 KU +106 3 122 G +106 3 123 BI +106 3 124 G +106 3 125 KU +106 3 126 K +106 3 127 I +106 3 128 B +106 3 129 PO +106 3 130 I +106 3 131 T +106 3 132 KU +106 3 133 G +106 3 134 I +106 3 135 T +106 3 136 G +106 3 137 G +106 3 138 BI +106 3 139 PO +106 3 140 BI +106 3 141 PO +106 3 142 PO +106 3 143 G +106 3 144 T +106 3 145 G +106 3 146 B +106 3 147 G +106 3 148 J +106 3 149 G +106 3 150 T +106 3 151 K +106 3 152 T +106 3 153 BI +106 3 154 A +106 3 155 I +106 3 156 G +106 3 157 S +106 3 158 PO +106 3 159 KU +106 3 160 K +106 3 161 G +106 3 162 J +106 3 163 G +106 3 164 BI +106 3 165 G +106 3 166 BI +106 3 167 T +106 3 168 G +106 3 169 BI +106 3 170 I +106 3 171 G +106 3 172 PO +106 3 173 K +106 3 174 B +106 3 175 G +106 3 176 KU +106 3 177 G +106 3 178 BI +106 3 179 S +106 3 180 G +106 3 181 B +106 3 182 S +106 3 183 A +106 3 184 T +106 3 185 KU +106 3 186 G +106 3 187 KU +106 3 188 BI +106 3 189 BI +106 3 190 K +106 3 191 G +106 3 192 T +106 3 193 G +106 3 194 S +106 3 195 G +106 3 196 G +106 3 197 T +106 3 198 I +106 3 199 PO +106 3 200 BI +106 3 201 K +106 3 202 G +106 3 203 T +106 3 204 I +106 3 205 BI +106 3 206 PO +106 3 207 J +106 3 208 B +106 3 209 BI +106 3 210 S +106 3 211 BI +106 3 212 KU +106 3 213 T +106 3 214 G +106 3 215 K +106 3 216 I +106 3 217 K +106 3 218 G +106 3 219 PO +106 3 220 BI +106 3 221 PO +106 3 222 T +106 3 223 G +106 3 224 PO +106 3 225 G +106 3 226 BI +106 3 227 I +106 3 228 BI +106 3 229 G +106 3 230 PO +106 3 231 T +106 3 232 A +106 3 233 BI +106 3 234 G +106 3 235 BI +106 3 236 G +106 3 237 KU +106 3 238 BI +106 3 239 K +106 3 240 S +106 3 241 PO +106 3 242 B +106 3 243 T +106 3 244 PO +106 3 245 P +106 3 246 G +106 3 247 T +106 3 248 G +106 3 249 G +106 3 250 T +106 3 251 G +106 3 252 PO +106 3 253 G +106 3 254 BI +106 3 255 I +106 3 256 J +106 3 257 BI +106 3 258 B +106 3 259 S +106 3 260 G +106 3 261 KU +106 3 262 PO +106 3 263 A +106 3 264 BI +106 3 265 G +106 3 266 KU +106 3 267 T +106 3 268 G +106 3 269 T +106 3 270 KU +106 3 271 G +106 3 272 PO +106 3 273 T +106 3 274 PO +106 3 275 G +106 3 276 J +106 3 277 BI +106 3 278 KU +106 3 279 BI +106 3 280 G +106 3 281 G +106 3 282 G +106 3 283 S +106 3 284 PO +106 3 285 K +106 3 286 PO +106 3 287 B +106 3 288 P +106 3 289 BI +106 3 290 PO +106 3 291 BI +106 3 292 K +106 3 293 PO +106 3 294 PO +106 3 295 S +106 3 296 T +106 3 297 B +106 3 298 P +106 3 299 G +106 3 300 A +106 3 301 G +106 3 302 PO +106 3 303 BI +106 3 304 G +106 3 305 T +106 3 306 G +106 3 307 BI +106 3 308 T +106 3 309 I +106 3 310 G +106 3 311 BI +106 3 312 I +106 3 313 BI +106 3 314 PO +106 3 315 G +106 3 316 G +106 3 317 T +106 3 318 KU +106 3 319 PO +106 3 320 G +106 3 321 P +106 3 322 BI +106 3 323 G +106 3 324 PO +106 3 325 T +106 3 326 B +106 3 327 PO +106 3 328 G +106 3 329 S +106 3 330 PO +106 4 1 G +106 4 2 PO +106 4 3 P +106 4 4 T +106 4 5 G +106 4 6 K +106 4 7 G +106 4 8 T +106 4 9 K +106 4 10 BI +106 4 11 I +106 4 12 B +106 4 13 G +106 4 14 BI +106 4 15 K +106 4 16 PO +106 4 17 KU +106 4 18 I +106 4 19 G +106 4 20 G +106 4 21 KU +106 4 22 B +106 4 23 T +106 4 24 I +106 4 25 G +106 4 26 BI +106 4 27 KU +106 4 28 P +106 4 29 G +106 4 30 S +106 4 31 PO +106 4 32 T +106 4 33 G +106 4 34 T +106 4 35 KU +106 4 36 G +106 4 37 BI +106 4 38 P +106 4 39 G +106 4 40 T +106 4 41 P +106 4 42 B +106 4 43 I +106 4 44 K +106 4 45 G +106 4 46 PO +106 4 47 G +106 4 48 B +106 4 49 G +106 4 50 T +106 4 51 S +106 4 52 PO +106 4 53 T +106 4 54 G +106 4 55 G +106 4 56 KU +106 4 57 G +106 4 58 K +106 4 59 K +106 4 60 I +106 4 61 P +106 4 62 T +106 4 63 K +106 4 64 G +106 4 65 P +106 4 66 PO +106 4 67 G +106 4 68 S +106 4 69 G +106 4 70 PO +106 4 71 T +106 4 72 G +106 4 73 BI +106 4 74 PO +106 4 75 I +106 4 76 KU +106 4 77 G +106 4 78 K +106 4 79 I +106 4 80 G +106 4 81 B +106 4 82 G +106 4 83 K +106 4 84 K +106 4 85 G +106 4 86 T +106 4 87 I +106 4 88 T +106 4 89 I +106 4 90 G +106 4 91 B +106 4 92 K +106 4 93 G +106 4 94 BI +106 4 95 PO +106 4 96 B +106 4 97 T +106 4 98 P +106 4 99 T +106 4 100 G +106 4 101 P +106 4 102 PO +106 4 103 S +106 4 104 G +106 4 105 T +106 4 106 B +106 4 107 PO +106 4 108 PO +106 4 109 BI +106 4 110 B +106 4 111 I +106 4 112 P +106 4 113 I +106 4 114 G +106 4 115 P +106 4 116 PO +106 4 117 BI +106 4 118 KU +106 4 119 G +106 4 120 PO +106 4 121 KU +106 4 122 G +106 4 123 BI +106 4 124 G +106 4 125 KU +106 4 126 K +106 4 127 I +106 4 128 B +106 4 129 PO +106 4 130 I +106 4 131 T +106 4 132 P +106 4 133 G +106 4 134 BI +106 4 135 P +106 4 136 G +106 4 137 G +106 4 138 PO +106 4 139 PO +106 4 140 BI +106 4 141 PO +106 4 142 PO +106 4 143 G +106 4 144 BI +106 4 145 G +106 4 146 B +106 4 147 G +106 4 148 P +106 4 149 G +106 4 150 T +106 4 151 B +106 4 152 BI +106 4 153 G +106 4 154 I +106 4 155 I +106 4 156 G +106 4 157 S +106 4 158 PO +106 4 159 B +106 4 160 KU +106 4 161 G +106 4 162 P +106 4 163 G +106 4 164 BI +106 4 165 G +106 4 166 I +106 4 167 K +106 4 168 G +106 4 169 G +106 4 170 I +106 4 171 G +106 4 172 PO +106 4 173 KU +106 4 174 B +106 4 175 PO +106 4 176 P +106 4 177 B +106 4 178 BI +106 4 179 S +106 4 180 G +106 4 181 B +106 4 182 T +106 4 183 S +106 4 184 T +106 4 185 B +106 4 186 G +106 4 187 B +106 4 188 G +106 4 189 PO +106 4 190 KU +106 4 191 G +106 4 192 BI +106 4 193 B +106 4 194 T +106 4 195 G +106 4 196 G +106 4 197 T +106 4 198 I +106 4 199 PO +106 4 200 G +106 4 201 KU +106 4 202 G +106 4 203 P +106 4 204 PO +106 4 205 T +106 4 206 B +106 4 207 P +106 4 208 KU +106 4 209 G +106 4 210 T +106 4 211 G +106 4 212 B +106 4 213 BI +106 4 214 B +106 4 215 T +106 4 216 I +106 4 217 KU +106 4 218 G +106 4 219 PO +106 4 220 T +106 4 221 PO +106 4 222 BI +106 4 223 G +106 4 224 PO +106 4 225 B +106 4 226 BI +106 4 227 I +106 4 228 I +106 4 229 G +106 4 230 PO +106 4 231 P +106 4 232 S +106 4 233 G +106 4 234 G +106 4 235 BI +106 4 236 B +106 4 237 KU +106 4 238 G +106 4 239 KU +106 4 240 S +106 4 241 PO +106 4 242 B +106 4 243 T +106 4 244 PO +106 4 245 P +106 4 246 BI +106 4 247 BI +106 4 248 I +106 4 249 G +106 4 250 T +106 4 251 G +106 4 252 PO +106 4 253 G +106 4 254 BI +106 4 255 I +106 4 256 KU +106 4 257 G +106 4 258 B +106 4 259 P +106 4 260 B +106 4 261 KU +106 4 262 PO +106 4 263 PO +106 4 264 PO +106 4 265 G +106 4 266 S +106 4 267 T +106 4 268 G +106 4 269 T +106 4 270 B +106 4 271 I +106 4 272 PO +106 4 273 T +106 4 274 PO +106 4 275 B +106 4 276 P +106 4 277 I +106 4 278 KU +106 4 279 BI +106 4 280 G +106 4 281 G +106 4 282 G +106 4 283 T +106 4 284 PO +106 4 285 KU +106 4 286 PO +106 4 287 S +106 4 288 P +106 4 289 G +106 4 290 PO +106 4 291 BI +106 4 292 KU +106 4 293 PO +106 4 294 PO +106 4 295 S +106 4 296 T +106 4 297 B +106 4 298 P +106 4 299 G +106 4 300 PO +106 4 301 G +106 4 302 PO +106 4 303 T +106 4 304 G +106 4 305 T +106 4 306 B +106 4 307 G +106 4 308 T +106 4 309 I +106 4 310 G +106 4 311 G +106 4 312 I +106 4 313 T +106 4 314 PO +106 4 315 G +106 4 316 G +106 4 317 P +106 4 318 KU +106 4 319 PO +106 4 320 S +106 4 321 P +106 4 322 G +106 4 323 G +106 4 324 PO +106 4 325 P +106 4 326 B +106 4 327 PO +106 4 328 G +106 4 329 S +106 4 330 PO +106 5 1 G +106 5 2 K +106 5 3 P +106 5 4 KU +106 5 5 BI +106 5 6 K +106 5 7 G +106 5 8 P +106 5 9 S +106 5 10 G +106 5 11 G +106 5 12 B +106 5 13 G +106 5 14 G +106 5 15 KU +106 5 16 K +106 5 17 P +106 5 18 I +106 5 19 K +106 5 20 G +106 5 21 KU +106 5 22 B +106 5 23 KU +106 5 24 S +106 5 25 G +106 5 26 G +106 5 27 K +106 5 28 P +106 5 29 G +106 5 30 KU +106 5 31 K +106 5 32 G +106 5 33 G +106 5 34 K +106 5 35 B +106 5 36 G +106 5 37 BI +106 5 38 P +106 5 39 G +106 5 40 G +106 5 41 P +106 5 42 B +106 5 43 BI +106 5 44 K +106 5 45 G +106 5 46 I +106 5 47 G +106 5 48 B +106 5 49 G +106 5 50 BI +106 5 51 BI +106 5 52 KU +106 5 53 P +106 5 54 G +106 5 55 BI +106 5 56 K +106 5 57 BI +106 5 58 K +106 5 59 S +106 5 60 G +106 5 61 P +106 5 62 BI +106 5 63 B +106 5 64 BI +106 5 65 P +106 5 66 K +106 5 67 BI +106 5 68 P +106 5 69 T +106 5 70 K +106 5 71 P +106 5 72 G +106 5 73 BI +106 5 74 K +106 5 75 BI +106 5 76 B +106 5 77 BI +106 5 78 KU +106 5 79 I +106 5 80 BI +106 5 81 KU +106 5 82 BI +106 5 83 B +106 5 84 KU +106 5 85 G +106 5 86 KU +106 5 87 I +106 5 88 P +106 5 89 I +106 5 90 G +106 5 91 B +106 5 92 KU +106 5 93 G +106 5 94 I +106 5 95 KU +106 5 96 B +106 5 97 G +106 5 98 P +106 5 99 K +106 5 100 BI +106 5 101 P +106 5 102 K +106 5 103 G +106 5 104 K +106 5 105 KU +106 5 106 B +106 5 107 K +106 5 108 K +106 5 109 G +106 5 110 B +106 5 111 G +106 5 112 P +106 5 113 I +106 5 114 K +106 5 115 P +106 5 116 K +106 5 117 BI +106 5 118 K +106 5 119 G +106 5 120 PO +106 5 121 B +106 5 122 G +106 5 123 K +106 5 124 B +106 5 125 KU +106 5 126 K +106 5 127 G +106 5 128 B +106 5 129 K +106 5 130 BI +106 5 131 KU +106 5 132 B +106 5 133 G +106 5 134 K +106 5 135 P +106 5 136 G +106 5 137 G +106 5 138 BI +106 5 139 KU +106 5 140 G +106 5 141 K +106 5 142 K +106 5 143 B +106 5 144 BI +106 5 145 KU +106 5 146 B +106 5 147 T +106 5 148 P +106 5 149 KU +106 5 150 BI +106 5 151 K +106 5 152 T +106 5 153 BI +106 5 154 I +106 5 155 BI +106 5 156 G +106 5 157 B +106 5 158 PO +106 5 159 B +106 5 160 BI +106 5 161 G +106 5 162 P +106 5 163 G +106 5 164 BI +106 5 165 KU +106 5 166 T +106 5 167 S +106 5 168 G +106 5 169 BI +106 5 170 BI +106 5 171 T +106 5 172 PO +106 5 173 KU +106 5 174 B +106 5 175 KU +106 5 176 P +106 5 177 B +106 5 178 G +106 5 179 P +106 5 180 G +106 5 181 B +106 5 182 P +106 5 183 S +106 5 184 BI +106 5 185 B +106 5 186 BI +106 5 187 B +106 5 188 BI +106 5 189 KU +106 5 190 K +106 5 191 G +106 5 192 KU +106 5 193 B +106 5 194 K +106 5 195 G +106 5 196 KU +106 5 197 BI +106 5 198 I +106 5 199 T +106 5 200 K +106 5 201 B +106 5 202 G +106 5 203 P +106 5 204 I +106 5 205 I +106 5 206 B +106 5 207 P +106 5 208 S +106 5 209 G +106 5 210 P +106 5 211 T +106 5 212 B +106 5 213 T +106 5 214 B +106 5 215 T +106 5 216 T +106 5 217 S +106 5 218 B +106 5 219 BI +106 5 220 G +106 5 221 PO +106 5 222 BI +106 5 223 G +106 5 224 B +106 5 225 B +106 5 226 G +106 5 227 I +106 5 228 I +106 5 229 BI +106 5 230 B +106 5 231 BI +106 5 232 B +106 5 233 BI +106 5 234 G +106 5 235 G +106 5 236 B +106 5 237 K +106 5 238 G +106 5 239 KU +106 5 240 T +106 5 241 PO +106 5 242 B +106 5 243 P +106 5 244 PO +106 5 245 P +106 5 246 BI +106 5 247 K +106 5 248 I +106 5 249 BI +106 5 250 BI +106 5 251 KU +106 5 252 KU +106 5 253 BI +106 5 254 BI +106 5 255 I +106 5 256 P +106 5 257 BI +106 5 258 B +106 5 259 P +106 5 260 B +106 5 261 B +106 5 262 PO +106 5 263 I +106 5 264 I +106 5 265 G +106 5 266 B +106 5 267 BI +106 5 268 G +106 5 269 KU +106 5 270 B +106 5 271 G +106 5 272 PO +106 5 273 KU +106 5 274 PO +106 5 275 B +106 5 276 P +106 5 277 BI +106 5 278 B +106 5 279 BI +106 5 280 G +106 5 281 G +106 5 282 G +106 5 283 KU +106 5 284 PO +106 5 285 BI +106 5 286 PO +106 5 287 BI +106 5 288 P +106 5 289 BI +106 5 290 PO +106 5 291 BI +106 5 292 KU +106 5 293 T +106 5 294 PO +106 5 295 T +106 5 296 BI +106 5 297 B +106 5 298 P +106 5 299 G +106 5 300 PO +106 5 301 G +106 5 302 PO +106 5 303 PO +106 5 304 B +106 5 305 T +106 5 306 B +106 5 307 T +106 5 308 T +106 5 309 I +106 5 310 G +106 5 311 BI +106 5 312 I +106 5 313 BI +106 5 314 PO +106 5 315 B +106 5 316 BI +106 5 317 P +106 5 318 B +106 5 319 PO +106 5 320 B +106 5 321 P +106 5 322 BI +106 5 323 G +106 5 324 PO +106 5 325 P +106 5 326 B +106 5 327 PO +106 5 328 G +106 5 329 BI +106 5 330 PO +106 6 1 BI +106 6 2 G +106 6 3 P +106 6 4 BI +106 6 5 G +106 6 6 K +106 6 7 G +106 6 8 S +106 6 9 S +106 6 10 BI +106 6 11 I +106 6 12 B +106 6 13 G +106 6 14 BI +106 6 15 K +106 6 16 PO +106 6 17 K +106 6 18 I +106 6 19 BI +106 6 20 G +106 6 21 K +106 6 22 B +106 6 23 BI +106 6 24 S +106 6 25 BI +106 6 26 BI +106 6 27 K +106 6 28 K +106 6 29 G +106 6 30 S +106 6 31 BI +106 6 32 K +106 6 33 G +106 6 34 BI +106 6 35 K +106 6 36 I +106 6 37 BI +106 6 38 S +106 6 39 G +106 6 40 BI +106 6 41 S +106 6 42 B +106 6 43 BI +106 6 44 PO +106 6 45 G +106 6 46 I +106 6 47 G +106 6 48 B +106 6 49 BI +106 6 50 BI +106 6 51 S +106 6 52 PO +106 6 53 S +106 6 54 G +106 6 55 BI +106 6 56 K +106 6 57 BI +106 6 58 B +106 6 59 PO +106 6 60 BI +106 6 61 S +106 6 62 BI +106 6 63 K +106 6 64 BI +106 6 65 K +106 6 66 PO +106 6 67 G +106 6 68 K +106 6 69 G +106 6 70 PO +106 6 71 S +106 6 72 G +106 6 73 BI +106 6 74 BI +106 6 75 I +106 6 76 K +106 6 77 BI +106 6 78 PO +106 6 79 I +106 6 80 BI +106 6 81 G +106 6 82 G +106 6 83 K +106 6 84 K +106 6 85 G +106 6 86 K +106 6 87 I +106 6 88 S +106 6 89 I +106 6 90 BI +106 6 91 G +106 6 92 PO +106 6 93 BI +106 6 94 I +106 6 95 K +106 6 96 B +106 6 97 BI +106 6 98 P +106 6 99 K +106 6 100 BI +106 6 101 S +106 6 102 BI +106 6 103 G +106 6 104 BI +106 6 105 BI +106 6 106 B +106 6 107 PO +106 6 108 K +106 6 109 BI +106 6 110 B +106 6 111 I +106 6 112 P +106 6 113 I +106 6 114 I +106 6 115 S +106 6 116 BI +106 6 117 I +106 6 118 K +106 6 119 G +106 6 120 PO +106 6 121 P +106 6 122 G +106 6 123 BI +106 6 124 G +106 6 125 P +106 6 126 K +106 6 127 I +106 6 128 G +106 6 129 PO +106 6 130 I +106 6 131 BI +106 6 132 S +106 6 133 G +106 6 134 I +106 6 135 K +106 6 136 BI +106 6 137 G +106 6 138 BI +106 6 139 PO +106 6 140 BI +106 6 141 PO +106 6 142 PO +106 6 143 G +106 6 144 BI +106 6 145 G +106 6 146 B +106 6 147 G +106 6 148 P +106 6 149 G +106 6 150 BI +106 6 151 K +106 6 152 J +106 6 153 BI +106 6 154 A +106 6 155 S +106 6 156 G +106 6 157 S +106 6 158 PO +106 6 159 K +106 6 160 K +106 6 161 G +106 6 162 P +106 6 163 BI +106 6 164 BI +106 6 165 G +106 6 166 BI +106 6 167 A +106 6 168 G +106 6 169 BI +106 6 170 I +106 6 171 G +106 6 172 PO +106 6 173 K +106 6 174 B +106 6 175 BI +106 6 176 P +106 6 177 G +106 6 178 BI +106 6 179 S +106 6 180 G +106 6 181 K +106 6 182 S +106 6 183 S +106 6 184 BI +106 6 185 B +106 6 186 BI +106 6 187 K +106 6 188 BI +106 6 189 BI +106 6 190 K +106 6 191 G +106 6 192 BI +106 6 193 B +106 6 194 S +106 6 195 G +106 6 196 G +106 6 197 BI +106 6 198 I +106 6 199 PO +106 6 200 BI +106 6 201 K +106 6 202 G +106 6 203 P +106 6 204 I +106 6 205 BI +106 6 206 PO +106 6 207 K +106 6 208 B +106 6 209 BI +106 6 210 S +106 6 211 BI +106 6 212 B +106 6 213 A +106 6 214 G +106 6 215 K +106 6 216 G +106 6 217 K +106 6 218 G +106 6 219 PO +106 6 220 BI +106 6 221 PO +106 6 222 BI +106 6 223 G +106 6 224 PO +106 6 225 G +106 6 226 BI +106 6 227 I +106 6 228 BI +106 6 229 G +106 6 230 PO +106 6 231 J +106 6 232 I +106 6 233 BI +106 6 234 G +106 6 235 BI +106 6 236 G +106 6 237 K +106 6 238 BI +106 6 239 K +106 6 240 S +106 6 241 PO +106 6 242 B +106 6 243 S +106 6 244 PO +106 6 245 P +106 6 246 BI +106 6 247 BI +106 6 248 G +106 6 249 G +106 6 250 BI +106 6 251 G +106 6 252 PO +106 6 253 G +106 6 254 BI +106 6 255 I +106 6 256 P +106 6 257 BI +106 6 258 B +106 6 259 S +106 6 260 G +106 6 261 B +106 6 262 PO +106 6 263 A +106 6 264 BI +106 6 265 G +106 6 266 S +106 6 267 BI +106 6 268 G +106 6 269 BI +106 6 270 * +106 6 271 G +106 6 272 PO +106 6 273 BI +106 6 274 PO +106 6 275 G +106 6 276 S +106 6 277 BI +106 6 278 K +106 6 279 BI +106 6 280 G +106 6 281 G +106 6 282 G +106 6 283 S +106 6 284 PO +106 6 285 K +106 6 286 PO +106 6 287 B +106 6 288 P +106 6 289 BI +106 6 290 PO +106 6 291 BI +106 6 292 K +106 6 293 PO +106 6 294 PO +106 6 295 S +106 6 296 BI +106 6 297 B +106 6 298 P +106 6 299 G +106 6 300 A +106 6 301 G +106 6 302 PO +106 6 303 A +106 6 304 G +106 6 305 BI +106 6 306 G +106 6 307 BI +106 6 308 BI +106 6 309 S +106 6 310 G +106 6 311 BI +106 6 312 I +106 6 313 BI +106 6 314 PO +106 6 315 G +106 6 316 G +106 6 317 S +106 6 318 K +106 6 319 PO +106 6 320 G +106 6 321 P +106 6 322 BI +106 6 323 G +106 6 324 PO +106 6 325 BI +106 6 326 B +106 6 327 PO +106 6 328 G +106 6 329 S +106 6 330 PO +106 7 1 BI +106 7 2 BI +106 7 3 P +106 7 4 T +106 7 5 G +106 7 6 K +106 7 7 G +106 7 8 S +106 7 9 S +106 7 10 BI +106 7 11 G +106 7 12 B +106 7 13 G +106 7 14 BI +106 7 15 K +106 7 16 PO +106 7 17 P +106 7 18 A +106 7 19 BI +106 7 20 G +106 7 21 K +106 7 22 B +106 7 23 T +106 7 24 A +106 7 25 G +106 7 26 BI +106 7 27 PO +106 7 28 K +106 7 29 G +106 7 30 S +106 7 31 BI +106 7 32 K +106 7 33 G +106 7 34 BI +106 7 35 K +106 7 36 G +106 7 37 BI +106 7 38 K +106 7 39 G +106 7 40 BI +106 7 41 P +106 7 42 B +106 7 43 G +106 7 44 PO +106 7 45 G +106 7 46 A +106 7 47 G +106 7 48 B +106 7 49 G +106 7 50 BI +106 7 51 S +106 7 52 PO +106 7 53 J +106 7 54 G +106 7 55 BI +106 7 56 K +106 7 57 G +106 7 58 B +106 7 59 PO +106 7 60 G +106 7 61 P +106 7 62 T +106 7 63 K +106 7 64 G +106 7 65 J +106 7 66 PO +106 7 67 G +106 7 68 J +106 7 69 B +106 7 70 PO +106 7 71 P +106 7 72 G +106 7 73 BI +106 7 74 BI +106 7 75 G +106 7 76 KU +106 7 77 G +106 7 78 J +106 7 79 A +106 7 80 G +106 7 81 B +106 7 82 G +106 7 83 B +106 7 84 J +106 7 85 G +106 7 86 J +106 7 87 A +106 7 88 T +106 7 89 I +106 7 90 G +106 7 91 B +106 7 92 PO +106 7 93 G +106 7 94 A +106 7 95 BI +106 7 96 B +106 7 97 T +106 7 98 P +106 7 99 T +106 7 100 BI +106 7 101 P +106 7 102 BI +106 7 103 G +106 7 104 G +106 7 105 T +106 7 106 B +106 7 107 PO +106 7 108 BI +106 7 109 BI +106 7 110 B +106 7 111 G +106 7 112 P +106 7 113 A +106 7 114 G +106 7 115 P +106 7 116 BI +106 7 117 S +106 7 118 K +106 7 119 G +106 7 120 PO +106 7 121 P +106 7 122 G +106 7 123 BI +106 7 124 G +106 7 125 P +106 7 126 J +106 7 127 BI +106 7 128 B +106 7 129 PO +106 7 130 BI +106 7 131 T +106 7 132 P +106 7 133 G +106 7 134 S +106 7 135 T +106 7 136 G +106 7 137 G +106 7 138 BI +106 7 139 PO +106 7 140 BI +106 7 141 PO +106 7 142 PO +106 7 143 G +106 7 144 T +106 7 145 G +106 7 146 B +106 7 147 G +106 7 148 P +106 7 149 G +106 7 150 T +106 7 151 J +106 7 152 T +106 7 153 G +106 7 154 A +106 7 155 B +106 7 156 G +106 7 157 S +106 7 158 PO +106 7 159 KU +106 7 160 J +106 7 161 G +106 7 162 P +106 7 163 G +106 7 164 BI +106 7 165 G +106 7 166 BI +106 7 167 A +106 7 168 G +106 7 169 G +106 7 170 G +106 7 171 G +106 7 172 PO +106 7 173 J +106 7 174 B +106 7 175 G +106 7 176 P +106 7 177 B +106 7 178 BI +106 7 179 P +106 7 180 G +106 7 181 B +106 7 182 BI +106 7 183 B +106 7 184 T +106 7 185 B +106 7 186 G +106 7 187 B +106 7 188 G +106 7 189 G +106 7 190 J +106 7 191 G +106 7 192 T +106 7 193 B +106 7 194 P +106 7 195 G +106 7 196 G +106 7 197 T +106 7 198 A +106 7 199 PO +106 7 200 G +106 7 201 J +106 7 202 G +106 7 203 T +106 7 204 S +106 7 205 BI +106 7 206 PO +106 7 207 P +106 7 208 B +106 7 209 G +106 7 210 S +106 7 211 G +106 7 212 B +106 7 213 G +106 7 214 B +106 7 215 T +106 7 216 BI +106 7 217 K +106 7 218 B +106 7 219 PO +106 7 220 BI +106 7 221 PO +106 7 222 T +106 7 223 G +106 7 224 PO +106 7 225 B +106 7 226 G +106 7 227 A +106 7 228 G +106 7 229 G +106 7 230 PO +106 7 231 T +106 7 232 S +106 7 233 G +106 7 234 G +106 7 235 BI +106 7 236 G +106 7 237 J +106 7 238 G +106 7 239 J +106 7 240 P +106 7 241 PO +106 7 242 B +106 7 243 P +106 7 244 PO +106 7 245 P +106 7 246 G +106 7 247 T +106 7 248 BI +106 7 249 G +106 7 250 T +106 7 251 G +106 7 252 PO +106 7 253 G +106 7 254 BI +106 7 255 A +106 7 256 J +106 7 257 BI +106 7 258 B +106 7 259 P +106 7 260 PO +106 7 261 KU +106 7 262 PO +106 7 263 A +106 7 264 G +106 7 265 G +106 7 266 S +106 7 267 T +106 7 268 G +106 7 269 T +106 7 270 B +106 7 271 G +106 7 272 PO +106 7 273 T +106 7 274 PO +106 7 275 B +106 7 276 P +106 7 277 G +106 7 278 KU +106 7 279 BI +106 7 280 G +106 7 281 G +106 7 282 G +106 7 283 S +106 7 284 PO +106 7 285 J +106 7 286 PO +106 7 287 B +106 7 288 P +106 7 289 G +106 7 290 PO +106 7 291 BI +106 7 292 K +106 7 293 G +106 7 294 PO +106 7 295 S +106 7 296 T +106 7 297 B +106 7 298 P +106 7 299 G +106 7 300 A +106 7 301 G +106 7 302 PO +106 7 303 G +106 7 304 G +106 7 305 T +106 7 306 G +106 7 307 BI +106 7 308 T +106 7 309 S +106 7 310 G +106 7 311 BI +106 7 312 I +106 7 313 BI +106 7 314 PO +106 7 315 G +106 7 316 G +106 7 317 T +106 7 318 KU +106 7 319 PO +106 7 320 G +106 7 321 P +106 7 322 BI +106 7 323 G +106 7 324 PO +106 7 325 T +106 7 326 B +106 7 327 G +106 7 328 G +106 7 329 S +106 7 330 G +106 8 1 BI +106 8 2 G +106 8 3 P +106 8 4 BI +106 8 5 G +106 8 6 KU +106 8 7 G +106 8 8 J +106 8 9 S +106 8 10 BI +106 8 11 G +106 8 12 B +106 8 13 G +106 8 14 BI +106 8 15 B +106 8 16 PO +106 8 17 P +106 8 18 I +106 8 19 BI +106 8 20 G +106 8 21 J +106 8 22 B +106 8 23 KU +106 8 24 I +106 8 25 G +106 8 26 BI +106 8 27 PO +106 8 28 J +106 8 29 G +106 8 30 S +106 8 31 A +106 8 32 J +106 8 33 G +106 8 34 BI +106 8 35 KU +106 8 36 G +106 8 37 BI +106 8 38 S +106 8 39 G +106 8 40 BI +106 8 41 P +106 8 42 B +106 8 43 BI +106 8 44 PO +106 8 45 G +106 8 46 A +106 8 47 G +106 8 48 KU +106 8 49 BI +106 8 50 BI +106 8 51 I +106 8 52 PO +106 8 53 J +106 8 54 G +106 8 55 BI +106 8 56 J +106 8 57 G +106 8 58 A +106 8 59 PO +106 8 60 BI +106 8 61 J +106 8 62 A +106 8 63 J +106 8 64 BI +106 8 65 J +106 8 66 PO +106 8 67 G +106 8 68 J +106 8 69 A +106 8 70 PO +106 8 71 BI +106 8 72 G +106 8 73 BI +106 8 74 A +106 8 75 I +106 8 76 KU +106 8 77 G +106 8 78 A +106 8 79 I +106 8 80 BI +106 8 81 G +106 8 82 G +106 8 83 B +106 8 84 A +106 8 85 G +106 8 86 J +106 8 87 I +106 8 88 J +106 8 89 I +106 8 90 BI +106 8 91 G +106 8 92 PO +106 8 93 BI +106 8 94 I +106 8 95 PO +106 8 96 B +106 8 97 BI +106 8 98 P +106 8 99 KU +106 8 100 A +106 8 101 S +106 8 102 PO +106 8 103 A +106 8 104 BI +106 8 105 KU +106 8 106 G +106 8 107 PO +106 8 108 A +106 8 109 BI +106 8 110 KU +106 8 111 I +106 8 112 P +106 8 113 I +106 8 114 BI +106 8 115 J +106 8 116 A +106 8 117 I +106 8 118 J +106 8 119 G +106 8 120 PO +106 8 121 KU +106 8 122 G +106 8 123 BI +106 8 124 A +106 8 125 KU +106 8 126 A +106 8 127 I +106 8 128 B +106 8 129 PO +106 8 130 I +106 8 131 T +106 8 132 S +106 8 133 G +106 8 134 I +106 8 135 S +106 8 136 BI +106 8 137 G +106 8 138 A +106 8 139 PO +106 8 140 BI +106 8 141 PO +106 8 142 PO +106 8 143 G +106 8 144 BI +106 8 145 G +106 8 146 B +106 8 147 G +106 8 148 P +106 8 149 A +106 8 150 BI +106 8 151 A +106 8 152 KU +106 8 153 BI +106 8 154 I +106 8 155 I +106 8 156 G +106 8 157 A +106 8 158 PO +106 8 159 KU +106 8 160 A +106 8 161 G +106 8 162 P +106 8 163 G +106 8 164 BI +106 8 165 A +106 8 166 BI +106 8 167 KU +106 8 168 G +106 8 169 BI +106 8 170 I +106 8 171 G +106 8 172 PO +106 8 173 J +106 8 174 B +106 8 175 A +106 8 176 J +106 8 177 KU +106 8 178 BI +106 8 179 S +106 8 180 G +106 8 181 KU +106 8 182 BI +106 8 183 A +106 8 184 BI +106 8 185 KU +106 8 186 BI +106 8 187 KU +106 8 188 BI +106 8 189 PO +106 8 190 A +106 8 191 G +106 8 192 BI +106 8 193 G +106 8 194 S +106 8 195 G +106 8 196 A +106 8 197 BI +106 8 198 I +106 8 199 PO +106 8 200 BI +106 8 201 J +106 8 202 G +106 8 203 J +106 8 204 I +106 8 205 BI +106 8 206 PO +106 8 207 J +106 8 208 A +106 8 209 BI +106 8 210 KU +106 8 211 G +106 8 212 KU +106 8 213 A +106 8 214 G +106 8 215 J +106 8 216 I +106 8 217 J +106 8 218 G +106 8 219 PO +106 8 220 BI +106 8 221 PO +106 8 222 BI +106 8 223 G +106 8 224 PO +106 8 225 A +106 8 226 BI +106 8 227 I +106 8 228 BI +106 8 229 KU +106 8 230 PO +106 8 231 J +106 8 232 A +106 8 233 A +106 8 234 G +106 8 235 BI +106 8 236 KU +106 8 237 S +106 8 238 G +106 8 239 J +106 8 240 A +106 8 241 PO +106 8 242 B +106 8 243 BI +106 8 244 PO +106 8 245 J +106 8 246 G +106 8 247 KU +106 8 248 G +106 8 249 G +106 8 250 BI +106 8 251 G +106 8 252 PO +106 8 253 G +106 8 254 BI +106 8 255 I +106 8 256 J +106 8 257 BI +106 8 258 KU +106 8 259 S +106 8 260 B +106 8 261 KU +106 8 262 PO +106 8 263 A +106 8 264 A +106 8 265 G +106 8 266 S +106 8 267 BI +106 8 268 G +106 8 269 J +106 8 270 KU +106 8 271 G +106 8 272 PO +106 8 273 J +106 8 274 PO +106 8 275 A +106 8 276 J +106 8 277 KU +106 8 278 BI +106 8 279 BI +106 8 280 G +106 8 281 G +106 8 282 G +106 8 283 S +106 8 284 PO +106 8 285 J +106 8 286 PO +106 8 287 A +106 8 288 S +106 8 289 BI +106 8 290 PO +106 8 291 BI +106 8 292 J +106 8 293 G +106 8 294 PO +106 8 295 A +106 8 296 BI +106 8 297 KU +106 8 298 P +106 8 299 G +106 8 300 A +106 8 301 G +106 8 302 PO +106 8 303 BI +106 8 304 G +106 8 305 BI +106 8 306 G +106 8 307 BI +106 8 308 KU +106 8 309 A +106 8 310 G +106 8 311 BI +106 8 312 I +106 8 313 BI +106 8 314 PO +106 8 315 G +106 8 316 BI +106 8 317 J +106 8 318 KU +106 8 319 PO +106 8 320 G +106 8 321 J +106 8 322 A +106 8 323 G +106 8 324 PO +106 8 325 BI +106 8 326 KU +106 8 327 PO +106 8 328 G +106 8 329 S +106 8 330 PO +106 9 1 BI +106 9 2 K +106 9 3 KU +106 9 4 T +106 9 5 G +106 9 6 KU +106 9 7 G +106 9 8 J +106 9 9 S +106 9 10 BI +106 9 11 I +106 9 12 B +106 9 13 G +106 9 14 BI +106 9 15 K +106 9 16 PO +106 9 17 P +106 9 18 I +106 9 19 BI +106 9 20 G +106 9 21 J +106 9 22 B +106 9 23 T +106 9 24 I +106 9 25 BI +106 9 26 BI +106 9 27 K +106 9 28 J +106 9 29 G +106 9 30 KU +106 9 31 K +106 9 32 K +106 9 33 G +106 9 34 BI +106 9 35 P +106 9 36 G +106 9 37 BI +106 9 38 P +106 9 39 G +106 9 40 BI +106 9 41 P +106 9 42 B +106 9 43 BI +106 9 44 K +106 9 45 G +106 9 46 I +106 9 47 G +106 9 48 KU +106 9 49 G +106 9 50 T +106 9 51 S +106 9 52 K +106 9 53 J +106 9 54 G +106 9 55 BI +106 9 56 K +106 9 57 BI +106 9 58 KU +106 9 59 K +106 9 60 BI +106 9 61 P +106 9 62 T +106 9 63 K +106 9 64 BI +106 9 65 J +106 9 66 PO +106 9 67 G +106 9 68 K +106 9 69 A +106 9 70 K +106 9 71 P +106 9 72 G +106 9 73 T +106 9 74 K +106 9 75 G +106 9 76 P +106 9 77 BI +106 9 78 K +106 9 79 I +106 9 80 BI +106 9 81 G +106 9 82 BI +106 9 83 PO +106 9 84 K +106 9 85 G +106 9 86 K +106 9 87 I +106 9 88 T +106 9 89 I +106 9 90 BI +106 9 91 B +106 9 92 PO +106 9 93 BI +106 9 94 I +106 9 95 K +106 9 96 B +106 9 97 T +106 9 98 P +106 9 99 T +106 9 100 G +106 9 101 J +106 9 102 PO +106 9 103 KU +106 9 104 BI +106 9 105 T +106 9 106 B +106 9 107 K +106 9 108 PO +106 9 109 BI +106 9 110 KU +106 9 111 G +106 9 112 P +106 9 113 I +106 9 114 BI +106 9 115 P +106 9 116 A +106 9 117 I +106 9 118 K +106 9 119 G +106 9 120 PO +106 9 121 P +106 9 122 G +106 9 123 BI +106 9 124 G +106 9 125 KU +106 9 126 K +106 9 127 G +106 9 128 B +106 9 129 K +106 9 130 I +106 9 131 T +106 9 132 P +106 9 133 G +106 9 134 S +106 9 135 J +106 9 136 G +106 9 137 G +106 9 138 K +106 9 139 PO +106 9 140 BI +106 9 141 PO +106 9 142 PO +106 9 143 G +106 9 144 BI +106 9 145 G +106 9 146 B +106 9 147 G +106 9 148 P +106 9 149 G +106 9 150 T +106 9 151 K +106 9 152 J +106 9 153 BI +106 9 154 I +106 9 155 I +106 9 156 G +106 9 157 T +106 9 158 PO +106 9 159 KU +106 9 160 J +106 9 161 G +106 9 162 P +106 9 163 BI +106 9 164 BI +106 9 165 S +106 9 166 BI +106 9 167 K +106 9 168 G +106 9 169 BI +106 9 170 I +106 9 171 G +106 9 172 PO +106 9 173 J +106 9 174 B +106 9 175 BI +106 9 176 P +106 9 177 G +106 9 178 BI +106 9 179 P +106 9 180 G +106 9 181 KU +106 9 182 J +106 9 183 A +106 9 184 T +106 9 185 P +106 9 186 G +106 9 187 KU +106 9 188 BI +106 9 189 PO +106 9 190 K +106 9 191 G +106 9 192 T +106 9 193 G +106 9 194 T +106 9 195 G +106 9 196 G +106 9 197 T +106 9 198 I +106 9 199 PO +106 9 200 BI +106 9 201 K +106 9 202 G +106 9 203 S +106 9 204 T +106 9 205 T +106 9 206 PO +106 9 207 J +106 9 208 KU +106 9 209 G +106 9 210 BI +106 9 211 P +106 9 212 KU +106 9 213 T +106 9 214 B +106 9 215 K +106 9 216 G +106 9 217 J +106 9 218 G +106 9 219 PO +106 9 220 BI +106 9 221 PO +106 9 222 T +106 9 223 G +106 9 224 PO +106 9 225 I +106 9 226 BI +106 9 227 I +106 9 228 BI +106 9 229 G +106 9 230 PO +106 9 231 T +106 9 232 I +106 9 233 T +106 9 234 G +106 9 235 BI +106 9 236 G +106 9 237 K +106 9 238 BI +106 9 239 J +106 9 240 P +106 9 241 PO +106 9 242 B +106 9 243 T +106 9 244 PO +106 9 245 P +106 9 246 G +106 9 247 T +106 9 248 G +106 9 249 G +106 9 250 T +106 9 251 G +106 9 252 PO +106 9 253 G +106 9 254 BI +106 9 255 I +106 9 256 P +106 9 257 BI +106 9 258 B +106 9 259 P +106 9 260 PO +106 9 261 KU +106 9 262 PO +106 9 263 I +106 9 264 BI +106 9 265 G +106 9 266 P +106 9 267 T +106 9 268 G +106 9 269 J +106 9 270 B +106 9 271 G +106 9 272 PO +106 9 273 T +106 9 274 PO +106 9 275 B +106 9 276 J +106 9 277 BI +106 9 278 KU +106 9 279 BI +106 9 280 G +106 9 281 G +106 9 282 G +106 9 283 S +106 9 284 PO +106 9 285 K +106 9 286 PO +106 9 287 KU +106 9 288 P +106 9 289 BI +106 9 290 PO +106 9 291 BI +106 9 292 K +106 9 293 PO +106 9 294 PO +106 9 295 KU +106 9 296 T +106 9 297 B +106 9 298 P +106 9 299 G +106 9 300 PO +106 9 301 G +106 9 302 K +106 9 303 PO +106 9 304 G +106 9 305 T +106 9 306 G +106 9 307 BI +106 9 308 T +106 9 309 I +106 9 310 G +106 9 311 BI +106 9 312 I +106 9 313 BI +106 9 314 PO +106 9 315 G +106 9 316 BI +106 9 317 J +106 9 318 KU +106 9 319 PO +106 9 320 G +106 9 321 P +106 9 322 BI +106 9 323 G +106 9 324 K +106 9 325 T +106 9 326 B +106 9 327 K +106 9 328 G +106 9 329 KU +106 9 330 PO +106 10 1 BI +106 10 2 BI +106 10 3 J +106 10 4 T +106 10 5 G +106 10 6 S +106 10 7 G +106 10 8 T +106 10 9 S +106 10 10 BI +106 10 11 G +106 10 12 B +106 10 13 G +106 10 14 BI +106 10 15 K +106 10 16 A +106 10 17 K +106 10 18 I +106 10 19 BI +106 10 20 G +106 10 21 K +106 10 22 B +106 10 23 T +106 10 24 I +106 10 25 BI +106 10 26 BI +106 10 27 PO +106 10 28 K +106 10 29 G +106 10 30 S +106 10 31 BI +106 10 32 T +106 10 33 G +106 10 34 BI +106 10 35 K +106 10 36 G +106 10 37 BI +106 10 38 K +106 10 39 G +106 10 40 BI +106 10 41 S +106 10 42 B +106 10 43 BI +106 10 44 PO +106 10 45 G +106 10 46 A +106 10 47 G +106 10 48 B +106 10 49 BI +106 10 50 T +106 10 51 S +106 10 52 PO +106 10 53 T +106 10 54 G +106 10 55 BI +106 10 56 K +106 10 57 BI +106 10 58 S +106 10 59 T +106 10 60 BI +106 10 61 P +106 10 62 BI +106 10 63 K +106 10 64 BI +106 10 65 K +106 10 66 PO +106 10 67 G +106 10 68 T +106 10 69 G +106 10 70 BI +106 10 71 P +106 10 72 G +106 10 73 T +106 10 74 BI +106 10 75 G +106 10 76 KU +106 10 77 BI +106 10 78 K +106 10 79 I +106 10 80 BI +106 10 81 G +106 10 82 BI +106 10 83 PO +106 10 84 K +106 10 85 G +106 10 86 K +106 10 87 I +106 10 88 T +106 10 89 I +106 10 90 G +106 10 91 G +106 10 92 PO +106 10 93 BI +106 10 94 I +106 10 95 G +106 10 96 B +106 10 97 BI +106 10 98 P +106 10 99 T +106 10 100 BI +106 10 101 T +106 10 102 BI +106 10 103 G +106 10 104 BI +106 10 105 T +106 10 106 B +106 10 107 PO +106 10 108 BI +106 10 109 BI +106 10 110 B +106 10 111 G +106 10 112 K +106 10 113 I +106 10 114 BI +106 10 115 P +106 10 116 BI +106 10 117 S +106 10 118 K +106 10 119 G +106 10 120 PO +106 10 121 KU +106 10 122 G +106 10 123 BI +106 10 124 G +106 10 125 KU +106 10 126 K +106 10 127 G +106 10 128 B +106 10 129 PO +106 10 130 G +106 10 131 T +106 10 132 P +106 10 133 G +106 10 134 S +106 10 135 T +106 10 136 BI +106 10 137 G +106 10 138 BI +106 10 139 PO +106 10 140 BI +106 10 141 PO +106 10 142 BI +106 10 143 G +106 10 144 BI +106 10 145 G +106 10 146 B +106 10 147 G +106 10 148 P +106 10 149 G +106 10 150 T +106 10 151 K +106 10 152 T +106 10 153 BI +106 10 154 I +106 10 155 S +106 10 156 G +106 10 157 S +106 10 158 PO +106 10 159 KU +106 10 160 K +106 10 161 G +106 10 162 P +106 10 163 BI +106 10 164 BI +106 10 165 G +106 10 166 BI +106 10 167 BI +106 10 168 G +106 10 169 BI +106 10 170 G +106 10 171 G +106 10 172 PO +106 10 173 K +106 10 174 B +106 10 175 BI +106 10 176 K +106 10 177 G +106 10 178 BI +106 10 179 S +106 10 180 G +106 10 181 S +106 10 182 T +106 10 183 S +106 10 184 T +106 10 185 KU +106 10 186 BI +106 10 187 KU +106 10 188 BI +106 10 189 BI +106 10 190 K +106 10 191 G +106 10 192 T +106 10 193 B +106 10 194 P +106 10 195 G +106 10 196 BI +106 10 197 T +106 10 198 I +106 10 199 G +106 10 200 BI +106 10 201 K +106 10 202 G +106 10 203 T +106 10 204 S +106 10 205 BI +106 10 206 G +106 10 207 K +106 10 208 S +106 10 209 G +106 10 210 S +106 10 211 BI +106 10 212 KU +106 10 213 BI +106 10 214 B +106 10 215 K +106 10 216 G +106 10 217 K +106 10 218 B +106 10 219 BI +106 10 220 BI +106 10 221 BI +106 10 222 T +106 10 223 G +106 10 224 T +106 10 225 B +106 10 226 BI +106 10 227 I +106 10 228 BI +106 10 229 G +106 10 230 K +106 10 231 T +106 10 232 S +106 10 233 BI +106 10 234 G +106 10 235 BI +106 10 236 G +106 10 237 K +106 10 238 G +106 10 239 K +106 10 240 S +106 10 241 T +106 10 242 B +106 10 243 T +106 10 244 BI +106 10 245 P +106 10 246 G +106 10 247 BI +106 10 248 G +106 10 249 G +106 10 250 T +106 10 251 G +106 10 252 K +106 10 253 G +106 10 254 BI +106 10 255 I +106 10 256 K +106 10 257 BI +106 10 258 B +106 10 259 P +106 10 260 G +106 10 261 KU +106 10 262 PO +106 10 263 A +106 10 264 BI +106 10 265 G +106 10 266 S +106 10 267 T +106 10 268 G +106 10 269 T +106 10 270 KU +106 10 271 G +106 10 272 BI +106 10 273 T +106 10 274 PO +106 10 275 B +106 10 276 K +106 10 277 BI +106 10 278 K +106 10 279 BI +106 10 280 G +106 10 281 G +106 10 282 G +106 10 283 S +106 10 284 BI +106 10 285 K +106 10 286 PO +106 10 287 S +106 10 288 P +106 10 289 BI +106 10 290 K +106 10 291 BI +106 10 292 K +106 10 293 G +106 10 294 BI +106 10 295 S +106 10 296 T +106 10 297 B +106 10 298 P +106 10 299 G +106 10 300 A +106 10 301 G +106 10 302 K +106 10 303 BI +106 10 304 G +106 10 305 T +106 10 306 G +106 10 307 BI +106 10 308 T +106 10 309 G +106 10 310 G +106 10 311 BI +106 10 312 I +106 10 313 BI +106 10 314 PO +106 10 315 G +106 10 316 G +106 10 317 T +106 10 318 KU +106 10 319 PO +106 10 320 G +106 10 321 K +106 10 322 BI +106 10 323 G +106 10 324 K +106 10 325 T +106 10 326 B +106 10 327 BI +106 10 328 G +106 10 329 S +106 10 330 BI +106 11 1 BI +106 11 2 PO +106 11 3 P +106 11 4 T +106 11 5 G +106 11 6 PO +106 11 7 G +106 11 8 T +106 11 9 S +106 11 10 T +106 11 11 G +106 11 12 B +106 11 13 G +106 11 14 BI +106 11 15 K +106 11 16 PO +106 11 17 P +106 11 18 I +106 11 19 BI +106 11 20 G +106 11 21 P +106 11 22 B +106 11 23 T +106 11 24 I +106 11 25 T +106 11 26 BI +106 11 27 PO +106 11 28 P +106 11 29 G +106 11 30 S +106 11 31 G +106 11 32 K +106 11 33 G +106 11 34 BI +106 11 35 P +106 11 36 G +106 11 37 T +106 11 38 P +106 11 39 G +106 11 40 G +106 11 41 P +106 11 42 B +106 11 43 BI +106 11 44 PO +106 11 45 G +106 11 46 I +106 11 47 G +106 11 48 S +106 11 49 K +106 11 50 T +106 11 51 S +106 11 52 PO +106 11 53 P +106 11 54 G +106 11 55 G +106 11 56 K +106 11 57 T +106 11 58 B +106 11 59 PO +106 11 60 BI +106 11 61 P +106 11 62 T +106 11 63 K +106 11 64 BI +106 11 65 J +106 11 66 PO +106 11 67 G +106 11 68 K +106 11 69 G +106 11 70 PO +106 11 71 S +106 11 72 G +106 11 73 T +106 11 74 BI +106 11 75 G +106 11 76 KU +106 11 77 G +106 11 78 K +106 11 79 I +106 11 80 T +106 11 81 G +106 11 82 G +106 11 83 PO +106 11 84 K +106 11 85 G +106 11 86 K +106 11 87 I +106 11 88 T +106 11 89 I +106 11 90 G +106 11 91 B +106 11 92 PO +106 11 93 T +106 11 94 S +106 11 95 PO +106 11 96 B +106 11 97 T +106 11 98 P +106 11 99 T +106 11 100 G +106 11 101 J +106 11 102 T +106 11 103 A +106 11 104 BI +106 11 105 T +106 11 106 B +106 11 107 PO +106 11 108 PO +106 11 109 BI +106 11 110 KU +106 11 111 G +106 11 112 J +106 11 113 S +106 11 114 G +106 11 115 P +106 11 116 PO +106 11 117 S +106 11 118 K +106 11 119 G +106 11 120 PO +106 11 121 KU +106 11 122 G +106 11 123 T +106 11 124 G +106 11 125 KU +106 11 126 K +106 11 127 G +106 11 128 B +106 11 129 PO +106 11 130 G +106 11 131 T +106 11 132 S +106 11 133 G +106 11 134 S +106 11 135 K +106 11 136 G +106 11 137 G +106 11 138 T +106 11 139 PO +106 11 140 BI +106 11 141 PO +106 11 142 PO +106 11 143 G +106 11 144 T +106 11 145 G +106 11 146 B +106 11 147 G +106 11 148 J +106 11 149 G +106 11 150 T +106 11 151 K +106 11 152 K +106 11 153 BI +106 11 154 A +106 11 155 S +106 11 156 G +106 11 157 S +106 11 158 PO +106 11 159 KU +106 11 160 K +106 11 161 G +106 11 162 P +106 11 163 G +106 11 164 T +106 11 165 G +106 11 166 T +106 11 167 T +106 11 168 G +106 11 169 T +106 11 170 BI +106 11 171 G +106 11 172 PO +106 11 173 K +106 11 174 B +106 11 175 PO +106 11 176 K +106 11 177 B +106 11 178 T +106 11 179 S +106 11 180 G +106 11 181 B +106 11 182 T +106 11 183 S +106 11 184 T +106 11 185 KU +106 11 186 G +106 11 187 KU +106 11 188 T +106 11 189 PO +106 11 190 K +106 11 191 G +106 11 192 BI +106 11 193 B +106 11 194 S +106 11 195 G +106 11 196 G +106 11 197 T +106 11 198 I +106 11 199 PO +106 11 200 K +106 11 201 K +106 11 202 G +106 11 203 BI +106 11 204 S +106 11 205 BI +106 11 206 PO +106 11 207 J +106 11 208 KU +106 11 209 G +106 11 210 S +106 11 211 T +106 11 212 KU +106 11 213 A +106 11 214 G +106 11 215 T +106 11 216 G +106 11 217 K +106 11 218 G +106 11 219 PO +106 11 220 T +106 11 221 PO +106 11 222 T +106 11 223 G +106 11 224 PO +106 11 225 S +106 11 226 BI +106 11 227 I +106 11 228 BI +106 11 229 G +106 11 230 PO +106 11 231 T +106 11 232 S +106 11 233 T +106 11 234 G +106 11 235 BI +106 11 236 G +106 11 237 K +106 11 238 G +106 11 239 K +106 11 240 S +106 11 241 PO +106 11 242 B +106 11 243 S +106 11 244 PO +106 11 245 P +106 11 246 G +106 11 247 BI +106 11 248 G +106 11 249 G +106 11 250 BI +106 11 251 G +106 11 252 PO +106 11 253 G +106 11 254 BI +106 11 255 I +106 11 256 J +106 11 257 T +106 11 258 B +106 11 259 S +106 11 260 PO +106 11 261 KU +106 11 262 PO +106 11 263 A +106 11 264 PO +106 11 265 G +106 11 266 S +106 11 267 T +106 11 268 G +106 11 269 BI +106 11 270 KU +106 11 271 G +106 11 272 PO +106 11 273 T +106 11 274 PO +106 11 275 B +106 11 276 J +106 11 277 T +106 11 278 K +106 11 279 BI +106 11 280 G +106 11 281 G +106 11 282 G +106 11 283 S +106 11 284 PO +106 11 285 K +106 11 286 PO +106 11 287 S +106 11 288 P +106 11 289 BI +106 11 290 PO +106 11 291 T +106 11 292 K +106 11 293 PO +106 11 294 PO +106 11 295 S +106 11 296 T +106 11 297 B +106 11 298 P +106 11 299 G +106 11 300 PO +106 11 301 G +106 11 302 PO +106 11 303 BI +106 11 304 G +106 11 305 T +106 11 306 G +106 11 307 BI +106 11 308 BI +106 11 309 I +106 11 310 G +106 11 311 BI +106 11 312 I +106 11 313 BI +106 11 314 PO +106 11 315 G +106 11 316 G +106 11 317 J +106 11 318 KU +106 11 319 PO +106 11 320 G +106 11 321 J +106 11 322 BI +106 11 323 G +106 11 324 PO +106 11 325 T +106 11 326 B +106 11 327 PO +106 11 328 G +106 11 329 S +106 11 330 PO +106 12 1 BI +106 12 2 G +106 12 3 P +106 12 4 T +106 12 5 G +106 12 6 KU +106 12 7 G +106 12 8 P +106 12 9 S +106 12 10 BI +106 12 11 G +106 12 12 B +106 12 13 G +106 12 14 BI +106 12 15 K +106 12 16 PO +106 12 17 P +106 12 18 I +106 12 19 BI +106 12 20 G +106 12 21 P +106 12 22 B +106 12 23 T +106 12 24 S +106 12 25 G +106 12 26 BI +106 12 27 PO +106 12 28 P +106 12 29 G +106 12 30 KU +106 12 31 G +106 12 32 J +106 12 33 G +106 12 34 BI +106 12 35 K +106 12 36 G +106 12 37 BI +106 12 38 J +106 12 39 G +106 12 40 G +106 12 41 P +106 12 42 B +106 12 43 BI +106 12 44 PO +106 12 45 G +106 12 46 S +106 12 47 G +106 12 48 KU +106 12 49 G +106 12 50 T +106 12 51 S +106 12 52 PO +106 12 53 J +106 12 54 G +106 12 55 G +106 12 56 K +106 12 57 G +106 12 58 S +106 12 59 PO +106 12 60 G +106 12 61 P +106 12 62 BI +106 12 63 KU +106 12 64 BI +106 12 65 J +106 12 66 PO +106 12 67 G +106 12 68 K +106 12 69 S +106 12 70 PO +106 12 71 S +106 12 72 G +106 12 73 T +106 12 74 G +106 12 75 G +106 12 76 P +106 12 77 G +106 12 78 K +106 12 79 I +106 12 80 BI +106 12 81 B +106 12 82 G +106 12 83 PO +106 12 84 K +106 12 85 G +106 12 86 K +106 12 87 I +106 12 88 K +106 12 89 I +106 12 90 G +106 12 91 B +106 12 92 PO +106 12 93 BI +106 12 94 I +106 12 95 PO +106 12 96 B +106 12 97 T +106 12 98 P +106 12 99 K +106 12 100 G +106 12 101 P +106 12 102 BI +106 12 103 S +106 12 104 BI +106 12 105 T +106 12 106 B +106 12 107 PO +106 12 108 G +106 12 109 BI +106 12 110 KU +106 12 111 G +106 12 112 P +106 12 113 I +106 12 114 G +106 12 115 S +106 12 116 G +106 12 117 I +106 12 118 K +106 12 119 G +106 12 120 PO +106 12 121 P +106 12 122 G +106 12 123 G +106 12 124 B +106 12 125 P +106 12 126 K +106 12 127 G +106 12 128 B +106 12 129 PO +106 12 130 I +106 12 131 T +106 12 132 P +106 12 133 G +106 12 134 S +106 12 135 K +106 12 136 G +106 12 137 G +106 12 138 BI +106 12 139 PO +106 12 140 BI +106 12 141 PO +106 12 142 PO +106 12 143 B +106 12 144 BI +106 12 145 G +106 12 146 B +106 12 147 G +106 12 148 P +106 12 149 G +106 12 150 T +106 12 151 KU +106 12 152 K +106 12 153 BI +106 12 154 I +106 12 155 I +106 12 156 G +106 12 157 S +106 12 158 PO +106 12 159 KU +106 12 160 K +106 12 161 G +106 12 162 P +106 12 163 G +106 12 164 BI +106 12 165 G +106 12 166 BI +106 12 167 K +106 12 168 G +106 12 169 BI +106 12 170 I +106 12 171 G +106 12 172 PO +106 12 173 P +106 12 174 KU +106 12 175 K +106 12 176 P +106 12 177 B +106 12 178 BI +106 12 179 S +106 12 180 G +106 12 181 KU +106 12 182 S +106 12 183 S +106 12 184 T +106 12 185 S +106 12 186 G +106 12 187 KU +106 12 188 BI +106 12 189 PO +106 12 190 K +106 12 191 G +106 12 192 T +106 12 193 B +106 12 194 S +106 12 195 G +106 12 196 G +106 12 197 T +106 12 198 I +106 12 199 PO +106 12 200 BI +106 12 201 KU +106 12 202 G +106 12 203 P +106 12 204 I +106 12 205 BI +106 12 206 PO +106 12 207 P +106 12 208 S +106 12 209 G +106 12 210 S +106 12 211 BI +106 12 212 KU +106 12 213 BI +106 12 214 B +106 12 215 K +106 12 216 G +106 12 217 K +106 12 218 G +106 12 219 K +106 12 220 BI +106 12 221 PO +106 12 222 T +106 12 223 G +106 12 224 PO +106 12 225 B +106 12 226 BI +106 12 227 I +106 12 228 I +106 12 229 G +106 12 230 PO +106 12 231 T +106 12 232 S +106 12 233 BI +106 12 234 G +106 12 235 BI +106 12 236 B +106 12 237 K +106 12 238 G +106 12 239 K +106 12 240 S +106 12 241 PO +106 12 242 B +106 12 243 P +106 12 244 PO +106 12 245 P +106 12 246 G +106 12 247 BI +106 12 248 G +106 12 249 G +106 12 250 BI +106 12 251 G +106 12 252 PO +106 12 253 G +106 12 254 BI +106 12 255 I +106 12 256 P +106 12 257 BI +106 12 258 B +106 12 259 S +106 12 260 K +106 12 261 KU +106 12 262 PO +106 12 263 PO +106 12 264 K +106 12 265 G +106 12 266 S +106 12 267 T +106 12 268 G +106 12 269 T +106 12 270 KU +106 12 271 G +106 12 272 PO +106 12 273 T +106 12 274 PO +106 12 275 B +106 12 276 P +106 12 277 BI +106 12 278 KU +106 12 279 BI +106 12 280 G +106 12 281 G +106 12 282 G +106 12 283 S +106 12 284 PO +106 12 285 K +106 12 286 PO +106 12 287 B +106 12 288 P +106 12 289 G +106 12 290 PO +106 12 291 BI +106 12 292 K +106 12 293 PO +106 12 294 PO +106 12 295 S +106 12 296 T +106 12 297 B +106 12 298 P +106 12 299 G +106 12 300 PO +106 12 301 G +106 12 302 PO +106 12 303 PO +106 12 304 G +106 12 305 T +106 12 306 G +106 12 307 G +106 12 308 BI +106 12 309 S +106 12 310 G +106 12 311 BI +106 12 312 I +106 12 313 BI +106 12 314 PO +106 12 315 G +106 12 316 G +106 12 317 K +106 12 318 KU +106 12 319 PO +106 12 320 B +106 12 321 P +106 12 322 BI +106 12 323 G +106 12 324 PO +106 12 325 T +106 12 326 B +106 12 327 PO +106 12 328 G +106 12 329 S +106 12 330 PO +106 13 1 BI +106 13 2 G +106 13 3 P +106 13 4 BI +106 13 5 G +106 13 6 S +106 13 7 G +106 13 8 S +106 13 9 S +106 13 10 BI +106 13 11 I +106 13 12 B +106 13 13 G +106 13 14 I +106 13 15 K +106 13 16 PO +106 13 17 S +106 13 18 I +106 13 19 BI +106 13 20 G +106 13 21 K +106 13 22 B +106 13 23 BI +106 13 24 I +106 13 25 BI +106 13 26 BI +106 13 27 PO +106 13 28 K +106 13 29 G +106 13 30 S +106 13 31 PO +106 13 32 K +106 13 33 G +106 13 34 BI +106 13 35 S +106 13 36 G +106 13 37 BI +106 13 38 S +106 13 39 G +106 13 40 BI +106 13 41 P +106 13 42 B +106 13 43 I +106 13 44 PO +106 13 45 G +106 13 46 I +106 13 47 G +106 13 48 B +106 13 49 BI +106 13 50 T +106 13 51 S +106 13 52 PO +106 13 53 K +106 13 54 G +106 13 55 BI +106 13 56 K +106 13 57 S +106 13 58 BI +106 13 59 PO +106 13 60 I +106 13 61 P +106 13 62 T +106 13 63 K +106 13 64 BI +106 13 65 K +106 13 66 PO +106 13 67 G +106 13 68 K +106 13 69 G +106 13 70 PO +106 13 71 S +106 13 72 G +106 13 73 T +106 13 74 BI +106 13 75 G +106 13 76 S +106 13 77 BI +106 13 78 K +106 13 79 I +106 13 80 BI +106 13 81 G +106 13 82 G +106 13 83 PO +106 13 84 K +106 13 85 G +106 13 86 K +106 13 87 I +106 13 88 T +106 13 89 I +106 13 90 G +106 13 91 G +106 13 92 PO +106 13 93 BI +106 13 94 I +106 13 95 BI +106 13 96 B +106 13 97 T +106 13 98 P +106 13 99 BI +106 13 100 G +106 13 101 T +106 13 102 BI +106 13 103 S +106 13 104 BI +106 13 105 T +106 13 106 B +106 13 107 PO +106 13 108 BI +106 13 109 BI +106 13 110 B +106 13 111 G +106 13 112 K +106 13 113 I +106 13 114 G +106 13 115 KU +106 13 116 BI +106 13 117 S +106 13 118 K +106 13 119 G +106 13 120 PO +106 13 121 S +106 13 122 G +106 13 123 BI +106 13 124 G +106 13 125 S +106 13 126 K +106 13 127 G +106 13 128 B +106 13 129 PO +106 13 130 G +106 13 131 BI +106 13 132 S +106 13 133 G +106 13 134 S +106 13 135 K +106 13 136 BI +106 13 137 G +106 13 138 BI +106 13 139 PO +106 13 140 T +106 13 141 PO +106 13 142 PO +106 13 143 G +106 13 144 T +106 13 145 G +106 13 146 B +106 13 147 G +106 13 148 K +106 13 149 G +106 13 150 T +106 13 151 K +106 13 152 K +106 13 153 BI +106 13 154 I +106 13 155 I +106 13 156 G +106 13 157 S +106 13 158 PO +106 13 159 S +106 13 160 K +106 13 161 G +106 13 162 K +106 13 163 G +106 13 164 BI +106 13 165 G +106 13 166 BI +106 13 167 T +106 13 168 G +106 13 169 BI +106 13 170 G +106 13 171 G +106 13 172 PO +106 13 173 K +106 13 174 B +106 13 175 BI +106 13 176 K +106 13 177 B +106 13 178 BI +106 13 179 J +106 13 180 G +106 13 181 S +106 13 182 T +106 13 183 S +106 13 184 BI +106 13 185 S +106 13 186 BI +106 13 187 B +106 13 188 BI +106 13 189 PO +106 13 190 K +106 13 191 G +106 13 192 T +106 13 193 B +106 13 194 S +106 13 195 G +106 13 196 G +106 13 197 K +106 13 198 I +106 13 199 PO +106 13 200 BI +106 13 201 K +106 13 202 G +106 13 203 K +106 13 204 I +106 13 205 T +106 13 206 PO +106 13 207 K +106 13 208 S +106 13 209 G +106 13 210 S +106 13 211 BI +106 13 212 S +106 13 213 BI +106 13 214 G +106 13 215 K +106 13 216 G +106 13 217 K +106 13 218 G +106 13 219 PO +106 13 220 T +106 13 221 PO +106 13 222 T +106 13 223 G +106 13 224 K +106 13 225 S +106 13 226 BI +106 13 227 I +106 13 228 T +106 13 229 G +106 13 230 PO +106 13 231 BI +106 13 232 S +106 13 233 BI +106 13 234 G +106 13 235 BI +106 13 236 G +106 13 237 K +106 13 238 BI +106 13 239 K +106 13 240 S +106 13 241 PO +106 13 242 B +106 13 243 J +106 13 244 PO +106 13 245 P +106 13 246 G +106 13 247 T +106 13 248 G +106 13 249 G +106 13 250 T +106 13 251 G +106 13 252 PO +106 13 253 G +106 13 254 BI +106 13 255 I +106 13 256 K +106 13 257 BI +106 13 258 B +106 13 259 S +106 13 260 B +106 13 261 S +106 13 262 PO +106 13 263 I +106 13 264 BI +106 13 265 G +106 13 266 S +106 13 267 T +106 13 268 G +106 13 269 K +106 13 270 S +106 13 271 G +106 13 272 PO +106 13 273 K +106 13 274 PO +106 13 275 G +106 13 276 K +106 13 277 BI +106 13 278 K +106 13 279 T +106 13 280 G +106 13 281 G +106 13 282 G +106 13 283 S +106 13 284 PO +106 13 285 K +106 13 286 PO +106 13 287 S +106 13 288 J +106 13 289 BI +106 13 290 K +106 13 291 T +106 13 292 K +106 13 293 G +106 13 294 PO +106 13 295 S +106 13 296 T +106 13 297 B +106 13 298 J +106 13 299 G +106 13 300 I +106 13 301 G +106 13 302 PO +106 13 303 BI +106 13 304 G +106 13 305 T +106 13 306 G +106 13 307 BI +106 13 308 BI +106 13 309 I +106 13 310 G +106 13 311 BI +106 13 312 I +106 13 313 T +106 13 314 K +106 13 315 G +106 13 316 G +106 13 317 J +106 13 318 S +106 13 319 PO +106 13 320 G +106 13 321 K +106 13 322 BI +106 13 323 G +106 13 324 K +106 13 325 T +106 13 326 B +106 13 327 BI +106 13 328 G +106 13 329 S +106 13 330 BI +106 14 1 BI +106 14 2 BI +106 14 3 P +106 14 4 T +106 14 5 G +106 14 6 KU +106 14 7 G +106 14 8 S +106 14 9 S +106 14 10 BI +106 14 11 G +106 14 12 B +106 14 13 G +106 14 14 BI +106 14 15 K +106 14 16 PO +106 14 17 P +106 14 18 I +106 14 19 BI +106 14 20 G +106 14 21 K +106 14 22 B +106 14 23 BI +106 14 24 I +106 14 25 BI +106 14 26 BI +106 14 27 KU +106 14 28 K +106 14 29 G +106 14 30 KU +106 14 31 G +106 14 32 BI +106 14 33 G +106 14 34 BI +106 14 35 KU +106 14 36 G +106 14 37 BI +106 14 38 J +106 14 39 G +106 14 40 BI +106 14 41 P +106 14 42 B +106 14 43 BI +106 14 44 PO +106 14 45 G +106 14 46 A +106 14 47 G +106 14 48 B +106 14 49 BI +106 14 50 T +106 14 51 S +106 14 52 PO +106 14 53 T +106 14 54 G +106 14 55 BI +106 14 56 KU +106 14 57 BI +106 14 58 B +106 14 59 T +106 14 60 BI +106 14 61 T +106 14 62 BI +106 14 63 K +106 14 64 BI +106 14 65 K +106 14 66 PO +106 14 67 G +106 14 68 T +106 14 69 G +106 14 70 BI +106 14 71 J +106 14 72 G +106 14 73 BI +106 14 74 BI +106 14 75 G +106 14 76 KU +106 14 77 BI +106 14 78 K +106 14 79 I +106 14 80 BI +106 14 81 G +106 14 82 BI +106 14 83 KU +106 14 84 K +106 14 85 G +106 14 86 K +106 14 87 A +106 14 88 T +106 14 89 I +106 14 90 G +106 14 91 B +106 14 92 PO +106 14 93 BI +106 14 94 S +106 14 95 BI +106 14 96 B +106 14 97 BI +106 14 98 P +106 14 99 BI +106 14 100 BI +106 14 101 T +106 14 102 BI +106 14 103 G +106 14 104 BI +106 14 105 T +106 14 106 B +106 14 107 PO +106 14 108 BI +106 14 109 BI +106 14 110 B +106 14 111 G +106 14 112 K +106 14 113 I +106 14 114 BI +106 14 115 J +106 14 116 BI +106 14 117 S +106 14 118 K +106 14 119 G +106 14 120 PO +106 14 121 KU +106 14 122 G +106 14 123 BI +106 14 124 G +106 14 125 KU +106 14 126 K +106 14 127 G +106 14 128 B +106 14 129 K +106 14 130 G +106 14 131 T +106 14 132 P +106 14 133 G +106 14 134 S +106 14 135 T +106 14 136 BI +106 14 137 G +106 14 138 BI +106 14 139 BI +106 14 140 BI +106 14 141 PO +106 14 142 BI +106 14 143 G +106 14 144 BI +106 14 145 G +106 14 146 B +106 14 147 G +106 14 148 P +106 14 149 G +106 14 150 BI +106 14 151 K +106 14 152 BI +106 14 153 BI +106 14 154 A +106 14 155 S +106 14 156 G +106 14 157 S +106 14 158 PO +106 14 159 KU +106 14 160 K +106 14 161 G +106 14 162 P +106 14 163 BI +106 14 164 BI +106 14 165 G +106 14 166 BI +106 14 167 BI +106 14 168 G +106 14 169 BI +106 14 170 BI +106 14 171 G +106 14 172 PO +106 14 173 K +106 14 174 B +106 14 175 BI +106 14 176 K +106 14 177 B +106 14 178 BI +106 14 179 J +106 14 180 G +106 14 181 B +106 14 182 T +106 14 183 S +106 14 184 BI +106 14 185 KU +106 14 186 BI +106 14 187 KU +106 14 188 BI +106 14 189 BI +106 14 190 K +106 14 191 G +106 14 192 BI +106 14 193 B +106 14 194 J +106 14 195 G +106 14 196 BI +106 14 197 T +106 14 198 I +106 14 199 BI +106 14 200 BI +106 14 201 K +106 14 202 G +106 14 203 T +106 14 204 S +106 14 205 BI +106 14 206 B +106 14 207 K +106 14 208 KU +106 14 209 BI +106 14 210 S +106 14 211 BI +106 14 212 KU +106 14 213 BI +106 14 214 B +106 14 215 T +106 14 216 G +106 14 217 K +106 14 218 G +106 14 219 BI +106 14 220 BI +106 14 221 BI +106 14 222 BI +106 14 223 G +106 14 224 PO +106 14 225 G +106 14 226 BI +106 14 227 I +106 14 228 BI +106 14 229 G +106 14 230 K +106 14 231 T +106 14 232 G +106 14 233 BI +106 14 234 G +106 14 235 BI +106 14 236 G +106 14 237 KU +106 14 238 BI +106 14 239 K +106 14 240 S +106 14 241 PO +106 14 242 B +106 14 243 T +106 14 244 BI +106 14 245 P +106 14 246 BI +106 14 247 BI +106 14 248 G +106 14 249 G +106 14 250 BI +106 14 251 G +106 14 252 K +106 14 253 G +106 14 254 BI +106 14 255 I +106 14 256 K +106 14 257 BI +106 14 258 B +106 14 259 S +106 14 260 B +106 14 261 KU +106 14 262 PO +106 14 263 A +106 14 264 BI +106 14 265 G +106 14 266 S +106 14 267 T +106 14 268 G +106 14 269 T +106 14 270 KU +106 14 271 G +106 14 272 PO +106 14 273 BI +106 14 274 PO +106 14 275 B +106 14 276 J +106 14 277 BI +106 14 278 K +106 14 279 BI +106 14 280 G +106 14 281 G +106 14 282 G +106 14 283 S +106 14 284 PO +106 14 285 K +106 14 286 PO +106 14 287 B +106 14 288 P +106 14 289 BI +106 14 290 K +106 14 291 BI +106 14 292 K +106 14 293 BI +106 14 294 PO +106 14 295 S +106 14 296 BI +106 14 297 B +106 14 298 K +106 14 299 G +106 14 300 A +106 14 301 G +106 14 302 K +106 14 303 BI +106 14 304 G +106 14 305 T +106 14 306 G +106 14 307 BI +106 14 308 T +106 14 309 A +106 14 310 G +106 14 311 BI +106 14 312 I +106 14 313 BI +106 14 314 PO +106 14 315 G +106 14 316 G +106 14 317 T +106 14 318 KU +106 14 319 PO +106 14 320 G +106 14 321 KU +106 14 322 BI +106 14 323 G +106 14 324 PO +106 14 325 BI +106 14 326 B +106 14 327 BI +106 14 328 G +106 14 329 S +106 14 330 BI +106 15 1 BI +106 15 2 G +106 15 3 P +106 15 4 S +106 15 5 G +106 15 6 KU +106 15 7 G +106 15 8 P +106 15 9 S +106 15 10 BI +106 15 11 G +106 15 12 B +106 15 13 G +106 15 14 BI +106 15 15 K +106 15 16 PO +106 15 17 KU +106 15 18 G +106 15 19 BI +106 15 20 G +106 15 21 S +106 15 22 B +106 15 23 BI +106 15 24 G +106 15 25 BI +106 15 26 BI +106 15 27 B +106 15 28 KU +106 15 29 G +106 15 30 B +106 15 31 BI +106 15 32 KU +106 15 33 G +106 15 34 BI +106 15 35 P +106 15 36 G +106 15 37 BI +106 15 38 P +106 15 39 G +106 15 40 BI +106 15 41 P +106 15 42 B +106 15 43 BI +106 15 44 PO +106 15 45 G +106 15 46 PO +106 15 47 G +106 15 48 B +106 15 49 BI +106 15 50 KU +106 15 51 P +106 15 52 PO +106 15 53 P +106 15 54 G +106 15 55 BI +106 15 56 B +106 15 57 BI +106 15 58 B +106 15 59 PO +106 15 60 BI +106 15 61 P +106 15 62 KU +106 15 63 S +106 15 64 BI +106 15 65 P +106 15 66 PO +106 15 67 G +106 15 68 S +106 15 69 G +106 15 70 PO +106 15 71 P +106 15 72 G +106 15 73 BI +106 15 74 PO +106 15 75 G +106 15 76 B +106 15 77 BI +106 15 78 PO +106 15 79 PO +106 15 80 BI +106 15 81 G +106 15 82 BI +106 15 83 PO +106 15 84 S +106 15 85 G +106 15 86 S +106 15 87 PO +106 15 88 BI +106 15 89 I +106 15 90 G +106 15 91 B +106 15 92 PO +106 15 93 BI +106 15 94 P +106 15 95 PO +106 15 96 B +106 15 97 KU +106 15 98 P +106 15 99 BI +106 15 100 G +106 15 101 S +106 15 102 BI +106 15 103 PO +106 15 104 KU +106 15 105 P +106 15 106 B +106 15 107 PO +106 15 108 PO +106 15 109 BI +106 15 110 B +106 15 111 G +106 15 112 P +106 15 113 PO +106 15 114 BI +106 15 115 P +106 15 116 PO +106 15 117 I +106 15 118 K +106 15 119 G +106 15 120 PO +106 15 121 B +106 15 122 G +106 15 123 BI +106 15 124 B +106 15 125 B +106 15 126 KU +106 15 127 G +106 15 128 B +106 15 129 PO +106 15 130 G +106 15 131 BI +106 15 132 S +106 15 133 G +106 15 134 P +106 15 135 KU +106 15 136 G +106 15 137 G +106 15 138 BI +106 15 139 PO +106 15 140 KU +106 15 141 PO +106 15 142 PO +106 15 143 B +106 15 144 BI +106 15 145 G +106 15 146 B +106 15 147 G +106 15 148 P +106 15 149 G +106 15 150 KU +106 15 151 S +106 15 152 KU +106 15 153 BI +106 15 154 PO +106 15 155 S +106 15 156 G +106 15 157 P +106 15 158 PO +106 15 159 B +106 15 160 P +106 15 161 G +106 15 162 P +106 15 163 G +106 15 164 BI +106 15 165 G +106 15 166 BI +106 15 167 PO +106 15 168 G +106 15 169 BI +106 15 170 BI +106 15 171 G +106 15 172 PO +106 15 173 P +106 15 174 B +106 15 175 G +106 15 176 P +106 15 177 B +106 15 178 BI +106 15 179 P +106 15 180 G +106 15 181 S +106 15 182 P +106 15 183 S +106 15 184 BI +106 15 185 B +106 15 186 BI +106 15 187 B +106 15 188 BI +106 15 189 PO +106 15 190 S +106 15 191 G +106 15 192 BI +106 15 193 B +106 15 194 P +106 15 195 G +106 15 196 G +106 15 197 BI +106 15 198 I +106 15 199 PO +106 15 200 BI +106 15 201 K +106 15 202 G +106 15 203 P +106 15 204 S +106 15 205 BI +106 15 206 PO +106 15 207 P +106 15 208 B +106 15 209 G +106 15 210 S +106 15 211 BI +106 15 212 B +106 15 213 BI +106 15 214 B +106 15 215 KU +106 15 216 G +106 15 217 P +106 15 218 G +106 15 219 PO +106 15 220 BI +106 15 221 PO +106 15 222 BI +106 15 223 G +106 15 224 PO +106 15 225 B +106 15 226 BI +106 15 227 I +106 15 228 BI +106 15 229 G +106 15 230 PO +106 15 231 KU +106 15 232 B +106 15 233 BI +106 15 234 G +106 15 235 BI +106 15 236 B +106 15 237 B +106 15 238 G +106 15 239 S +106 15 240 P +106 15 241 PO +106 15 242 B +106 15 243 P +106 15 244 PO +106 15 245 P +106 15 246 BI +106 15 247 BI +106 15 248 G +106 15 249 G +106 15 250 BI +106 15 251 G +106 15 252 PO +106 15 253 G +106 15 254 BI +106 15 255 I +106 15 256 P +106 15 257 BI +106 15 258 B +106 15 259 P +106 15 260 PO +106 15 261 P +106 15 262 PO +106 15 263 PO +106 15 264 BI +106 15 265 G +106 15 266 S +106 15 267 BI +106 15 268 G +106 15 269 BI +106 15 270 B +106 15 271 G +106 15 272 PO +106 15 273 BI +106 15 274 PO +106 15 275 B +106 15 276 P +106 15 277 BI +106 15 278 B +106 15 279 BI +106 15 280 G +106 15 281 G +106 15 282 G +106 15 283 P +106 15 284 PO +106 15 285 PO +106 15 286 PO +106 15 287 B +106 15 288 P +106 15 289 BI +106 15 290 PO +106 15 291 BI +106 15 292 P +106 15 293 PO +106 15 294 PO +106 15 295 S +106 15 296 BI +106 15 297 B +106 15 298 P +106 15 299 G +106 15 300 PO +106 15 301 G +106 15 302 PO +106 15 303 BI +106 15 304 G +106 15 305 BI +106 15 306 G +106 15 307 BI +106 15 308 BI +106 15 309 G +106 15 310 G +106 15 311 BI +106 15 312 I +106 15 313 T +106 15 314 PO +106 15 315 G +106 15 316 G +106 15 317 S +106 15 318 B +106 15 319 PO +106 15 320 G +106 15 321 P +106 15 322 BI +106 15 323 G +106 15 324 PO +106 15 325 BI +106 15 326 B +106 15 327 PO +106 15 328 G +106 15 329 B +106 15 330 PO +106 16 1 BI +106 16 2 G +106 16 3 P +106 16 4 BI +106 16 5 G +106 16 6 KU +106 16 7 G +106 16 8 S +106 16 9 KU +106 16 10 BI +106 16 11 G +106 16 12 B +106 16 13 G +106 16 14 BI +106 16 15 S +106 16 16 PO +106 16 17 P +106 16 18 I +106 16 19 G +106 16 20 G +106 16 21 P +106 16 22 B +106 16 23 S +106 16 24 I +106 16 25 G +106 16 26 BI +106 16 27 PO +106 16 28 P +106 16 29 G +106 16 30 S +106 16 31 BI +106 16 32 K +106 16 33 G +106 16 34 BI +106 16 35 P +106 16 36 G +106 16 37 BI +106 16 38 P +106 16 39 G +106 16 40 BI +106 16 41 P +106 16 42 KU +106 16 43 I +106 16 44 PO +106 16 45 G +106 16 46 I +106 16 47 G +106 16 48 B +106 16 49 BI +106 16 50 S +106 16 51 I +106 16 52 PO +106 16 53 S +106 16 54 G +106 16 55 BI +106 16 56 K +106 16 57 G +106 16 58 KU +106 16 59 K +106 16 60 I +106 16 61 S +106 16 62 BI +106 16 63 KU +106 16 64 BI +106 16 65 S +106 16 66 PO +106 16 67 G +106 16 68 S +106 16 69 G +106 16 70 PO +106 16 71 S +106 16 72 G +106 16 73 BI +106 16 74 PO +106 16 75 I +106 16 76 KU +106 16 77 G +106 16 78 PO +106 16 79 I +106 16 80 BI +106 16 81 G +106 16 82 BI +106 16 83 PO +106 16 84 K +106 16 85 G +106 16 86 S +106 16 87 I +106 16 88 BI +106 16 89 I +106 16 90 G +106 16 91 BI +106 16 92 PO +106 16 93 BI +106 16 94 I +106 16 95 PO +106 16 96 B +106 16 97 BI +106 16 98 P +106 16 99 T +106 16 100 G +106 16 101 S +106 16 102 PO +106 16 103 I +106 16 104 PO +106 16 105 S +106 16 106 B +106 16 107 PO +106 16 108 G +106 16 109 BI +106 16 110 KU +106 16 111 I +106 16 112 S +106 16 113 I +106 16 114 G +106 16 115 S +106 16 116 PO +106 16 117 I +106 16 118 K +106 16 119 G +106 16 120 PO +106 16 121 P +106 16 122 G +106 16 123 G +106 16 124 B +106 16 125 S +106 16 126 J +106 16 127 I +106 16 128 B +106 16 129 PO +106 16 130 I +106 16 131 BI +106 16 132 P +106 16 133 G +106 16 134 I +106 16 135 J +106 16 136 G +106 16 137 I +106 16 138 BI +106 16 139 PO +106 16 140 BI +106 16 141 PO +106 16 142 K +106 16 143 G +106 16 144 BI +106 16 145 G +106 16 146 B +106 16 147 G +106 16 148 P +106 16 149 G +106 16 150 BI +106 16 151 K +106 16 152 BI +106 16 153 G +106 16 154 I +106 16 155 BI +106 16 156 G +106 16 157 I +106 16 158 PO +106 16 159 KU +106 16 160 K +106 16 161 G +106 16 162 P +106 16 163 G +106 16 164 BI +106 16 165 I +106 16 166 BI +106 16 167 T +106 16 168 G +106 16 169 BI +106 16 170 G +106 16 171 G +106 16 172 PO +106 16 173 S +106 16 174 KU +106 16 175 BI +106 16 176 P +106 16 177 KU +106 16 178 BI +106 16 179 S +106 16 180 G +106 16 181 KU +106 16 182 BI +106 16 183 I +106 16 184 BI +106 16 185 S +106 16 186 G +106 16 187 B +106 16 188 BI +106 16 189 PO +106 16 190 K +106 16 191 G +106 16 192 BI +106 16 193 G +106 16 194 K +106 16 195 G +106 16 196 BI +106 16 197 BI +106 16 198 I +106 16 199 PO +106 16 200 G +106 16 201 K +106 16 202 G +106 16 203 S +106 16 204 I +106 16 205 BI +106 16 206 PO +106 16 207 P +106 16 208 S +106 16 209 G +106 16 210 BI +106 16 211 T +106 16 212 KU +106 16 213 T +106 16 214 G +106 16 215 BI +106 16 216 I +106 16 217 T +106 16 218 G +106 16 219 PO +106 16 220 BI +106 16 221 PO +106 16 222 BI +106 16 223 G +106 16 224 P +106 16 225 G +106 16 226 BI +106 16 227 I +106 16 228 BI +106 16 229 G +106 16 230 PO +106 16 231 BI +106 16 232 I +106 16 233 BI +106 16 234 G +106 16 235 T +106 16 236 G +106 16 237 S +106 16 238 G +106 16 239 T +106 16 240 P +106 16 241 PO +106 16 242 B +106 16 243 BI +106 16 244 PO +106 16 245 P +106 16 246 G +106 16 247 BI +106 16 248 I +106 16 249 G +106 16 250 BI +106 16 251 G +106 16 252 PO +106 16 253 G +106 16 254 BI +106 16 255 I +106 16 256 P +106 16 257 BI +106 16 258 B +106 16 259 S +106 16 260 B +106 16 261 S +106 16 262 PO +106 16 263 I +106 16 264 BI +106 16 265 G +106 16 266 S +106 16 267 BI +106 16 268 G +106 16 269 T +106 16 270 KU +106 16 271 G +106 16 272 PO +106 16 273 BI +106 16 274 PO +106 16 275 B +106 16 276 S +106 16 277 G +106 16 278 KU +106 16 279 BI +106 16 280 G +106 16 281 G +106 16 282 BI +106 16 283 I +106 16 284 PO +106 16 285 K +106 16 286 PO +106 16 287 I +106 16 288 P +106 16 289 G +106 16 290 K +106 16 291 BI +106 16 292 S +106 16 293 G +106 16 294 PO +106 16 295 I +106 16 296 BI +106 16 297 B +106 16 298 P +106 16 299 G +106 16 300 PO +106 16 301 BI +106 16 302 PO +106 16 303 BI +106 16 304 G +106 16 305 BI +106 16 306 G +106 16 307 BI +106 16 308 T +106 16 309 I +106 16 310 G +106 16 311 BI +106 16 312 I +106 16 313 BI +106 16 314 PO +106 16 315 G +106 16 316 BI +106 16 317 S +106 16 318 KU +106 16 319 PO +106 16 320 G +106 16 321 P +106 16 322 BI +106 16 323 G +106 16 324 PO +106 16 325 BI +106 16 326 KU +106 16 327 PO +106 16 328 G +106 16 329 S +106 16 330 PO +106 17 1 BI +106 17 2 G +106 17 3 KU +106 17 4 T +106 17 5 G +106 17 6 KU +106 17 7 G +106 17 8 J +106 17 9 S +106 17 10 BI +106 17 11 I +106 17 12 B +106 17 13 I +106 17 14 I +106 17 15 T +106 17 16 PO +106 17 17 K +106 17 18 I +106 17 19 BI +106 17 20 G +106 17 21 P +106 17 22 B +106 17 23 T +106 17 24 I +106 17 25 G +106 17 26 BI +106 17 27 PO +106 17 28 K +106 17 29 G +106 17 30 KU +106 17 31 BI +106 17 32 T +106 17 33 G +106 17 34 BI +106 17 35 J +106 17 36 G +106 17 37 BI +106 17 38 K +106 17 39 G +106 17 40 BI +106 17 41 K +106 17 42 B +106 17 43 BI +106 17 44 PO +106 17 45 G +106 17 46 I +106 17 47 I +106 17 48 B +106 17 49 BI +106 17 50 T +106 17 51 S +106 17 52 PO +106 17 53 K +106 17 54 G +106 17 55 BI +106 17 56 KU +106 17 57 BI +106 17 58 B +106 17 59 T +106 17 60 I +106 17 61 J +106 17 62 BI +106 17 63 K +106 17 64 BI +106 17 65 J +106 17 66 PO +106 17 67 G +106 17 68 T +106 17 69 I +106 17 70 PO +106 17 71 T +106 17 72 G +106 17 73 BI +106 17 74 BI +106 17 75 I +106 17 76 KU +106 17 77 BI +106 17 78 T +106 17 79 I +106 17 80 BI +106 17 81 G +106 17 82 G +106 17 83 B +106 17 84 K +106 17 85 G +106 17 86 T +106 17 87 I +106 17 88 BI +106 17 89 I +106 17 90 I +106 17 91 G +106 17 92 PO +106 17 93 BI +106 17 94 I +106 17 95 PO +106 17 96 B +106 17 97 BI +106 17 98 P +106 17 99 T +106 17 100 G +106 17 101 BI +106 17 102 BI +106 17 103 I +106 17 104 BI +106 17 105 T +106 17 106 B +106 17 107 PO +106 17 108 PO +106 17 109 BI +106 17 110 B +106 17 111 I +106 17 112 J +106 17 113 I +106 17 114 G +106 17 115 J +106 17 116 PO +106 17 117 S +106 17 118 K +106 17 119 G +106 17 120 PO +106 17 121 KU +106 17 122 G +106 17 123 BI +106 17 124 G +106 17 125 KU +106 17 126 K +106 17 127 I +106 17 128 B +106 17 129 I +106 17 130 PO +106 17 131 T +106 17 132 P +106 17 133 G +106 17 134 S +106 17 135 T +106 17 136 BI +106 17 137 G +106 17 138 BI +106 17 139 PO +106 17 140 BI +106 17 141 PO +106 17 142 PO +106 17 143 G +106 17 144 T +106 17 145 G +106 17 146 B +106 17 147 G +106 17 148 J +106 17 149 G +106 17 150 T +106 17 151 KU +106 17 152 T +106 17 153 BI +106 17 154 I +106 17 155 S +106 17 156 G +106 17 157 S +106 17 158 PO +106 17 159 KU +106 17 160 K +106 17 161 G +106 17 162 P +106 17 163 BI +106 17 164 BI +106 17 165 G +106 17 166 BI +106 17 167 T +106 17 168 G +106 17 169 BI +106 17 170 I +106 17 171 G +106 17 172 PO +106 17 173 K +106 17 174 B +106 17 175 BI +106 17 176 K +106 17 177 B +106 17 178 BI +106 17 179 S +106 17 180 G +106 17 181 B +106 17 182 T +106 17 183 B +106 17 184 T +106 17 185 KU +106 17 186 BI +106 17 187 B +106 17 188 BI +106 17 189 BI +106 17 190 K +106 17 191 BI +106 17 192 BI +106 17 193 B +106 17 194 S +106 17 195 G +106 17 196 BI +106 17 197 T +106 17 198 I +106 17 199 PO +106 17 200 BI +106 17 201 K +106 17 202 G +106 17 203 T +106 17 204 I +106 17 205 BI +106 17 206 PO +106 17 207 K +106 17 208 B +106 17 209 G +106 17 210 S +106 17 211 BI +106 17 212 B +106 17 213 T +106 17 214 G +106 17 215 T +106 17 216 I +106 17 217 K +106 17 218 G +106 17 219 PO +106 17 220 BI +106 17 221 PO +106 17 222 T +106 17 223 G +106 17 224 PO +106 17 225 B +106 17 226 BI +106 17 227 I +106 17 228 BI +106 17 229 G +106 17 230 PO +106 17 231 T +106 17 232 S +106 17 233 BI +106 17 234 G +106 17 235 BI +106 17 236 G +106 17 237 KU +106 17 238 BI +106 17 239 K +106 17 240 S +106 17 241 PO +106 17 242 B +106 17 243 T +106 17 244 PO +106 17 245 J +106 17 246 BI +106 17 247 BI +106 17 248 G +106 17 249 G +106 17 250 T +106 17 251 G +106 17 252 PO +106 17 253 G +106 17 254 BI +106 17 255 I +106 17 256 K +106 17 257 BI +106 17 258 B +106 17 259 P +106 17 260 PO +106 17 261 KU +106 17 262 PO +106 17 263 PO +106 17 264 BI +106 17 265 G +106 17 266 KU +106 17 267 T +106 17 268 G +106 17 269 T +106 17 270 B +106 17 271 G +106 17 272 PO +106 17 273 T +106 17 274 PO +106 17 275 B +106 17 276 T +106 17 277 BI +106 17 278 KU +106 17 279 BI +106 17 280 G +106 17 281 G +106 17 282 G +106 17 283 S +106 17 284 PO +106 17 285 K +106 17 286 PO +106 17 287 B +106 17 288 J +106 17 289 BI +106 17 290 PO +106 17 291 BI +106 17 292 K +106 17 293 PO +106 17 294 PO +106 17 295 S +106 17 296 T +106 17 297 B +106 17 298 J +106 17 299 G +106 17 300 PO +106 17 301 G +106 17 302 PO +106 17 303 BI +106 17 304 G +106 17 305 T +106 17 306 G +106 17 307 BI +106 17 308 T +106 17 309 I +106 17 310 G +106 17 311 BI +106 17 312 I +106 17 313 BI +106 17 314 PO +106 17 315 G +106 17 316 G +106 17 317 T +106 17 318 KU +106 17 319 PO +106 17 320 G +106 17 321 K +106 17 322 BI +106 17 323 G +106 17 324 PO +106 17 325 T +106 17 326 B +106 17 327 PO +106 17 328 G +106 17 329 S +106 17 330 PO +106 18 1 BI +106 18 2 G +106 18 3 KU +106 18 4 T +106 18 5 G +106 18 6 K +106 18 7 G +106 18 8 T +106 18 9 S +106 18 10 BI +106 18 11 A +106 18 12 B +106 18 13 G +106 18 14 BI +106 18 15 K +106 18 16 PO +106 18 17 KU +106 18 18 I +106 18 19 BI +106 18 20 G +106 18 21 K +106 18 22 B +106 18 23 T +106 18 24 S +106 18 25 BI +106 18 26 BI +106 18 27 PO +106 18 28 T +106 18 29 G +106 18 30 S +106 18 31 BI +106 18 32 T +106 18 33 G +106 18 34 BI +106 18 35 KU +106 18 36 I +106 18 37 BI +106 18 38 J +106 18 39 G +106 18 40 BI +106 18 41 T +106 18 42 B +106 18 43 BI +106 18 44 PO +106 18 45 G +106 18 46 A +106 18 47 I +106 18 48 B +106 18 49 BI +106 18 50 T +106 18 51 S +106 18 52 PO +106 18 53 KU +106 18 54 G +106 18 55 BI +106 18 56 K +106 18 57 BI +106 18 58 B +106 18 59 K +106 18 60 BI +106 18 61 T +106 18 62 BI +106 18 63 K +106 18 64 BI +106 18 65 T +106 18 66 PO +106 18 67 G +106 18 68 T +106 18 69 G +106 18 70 PO +106 18 71 T +106 18 72 G +106 18 73 BI +106 18 74 BI +106 18 75 I +106 18 76 KU +106 18 77 BI +106 18 78 K +106 18 79 I +106 18 80 BI +106 18 81 G +106 18 82 G +106 18 83 PO +106 18 84 K +106 18 85 G +106 18 86 T +106 18 87 A +106 18 88 T +106 18 89 I +106 18 90 BI +106 18 91 G +106 18 92 PO +106 18 93 BI +106 18 94 S +106 18 95 PO +106 18 96 B +106 18 97 KU +106 18 98 P +106 18 99 T +106 18 100 BI +106 18 101 T +106 18 102 PO +106 18 103 G +106 18 104 BI +106 18 105 T +106 18 106 B +106 18 107 PO +106 18 108 G +106 18 109 BI +106 18 110 KU +106 18 111 A +106 18 112 T +106 18 113 I +106 18 114 BI +106 18 115 T +106 18 116 BI +106 18 117 S +106 18 118 K +106 18 119 G +106 18 120 PO +106 18 121 KU +106 18 122 G +106 18 123 BI +106 18 124 G +106 18 125 KU +106 18 126 K +106 18 127 I +106 18 128 B +106 18 129 PO +106 18 130 A +106 18 131 T +106 18 132 S +106 18 133 G +106 18 134 S +106 18 135 T +106 18 136 BI +106 18 137 G +106 18 138 BI +106 18 139 PO +106 18 140 BI +106 18 141 PO +106 18 142 PO +106 18 143 G +106 18 144 T +106 18 145 G +106 18 146 B +106 18 147 G +106 18 148 T +106 18 149 G +106 18 150 T +106 18 151 K +106 18 152 K +106 18 153 BI +106 18 154 A +106 18 155 S +106 18 156 G +106 18 157 S +106 18 158 PO +106 18 159 KU +106 18 160 K +106 18 161 G +106 18 162 T +106 18 163 BI +106 18 164 BI +106 18 165 G +106 18 166 BI +106 18 167 T +106 18 168 G +106 18 169 BI +106 18 170 I +106 18 171 G +106 18 172 PO +106 18 173 K +106 18 174 B +106 18 175 BI +106 18 176 T +106 18 177 B +106 18 178 BI +106 18 179 S +106 18 180 G +106 18 181 B +106 18 182 T +106 18 183 S +106 18 184 T +106 18 185 S +106 18 186 BI +106 18 187 KU +106 18 188 BI +106 18 189 PO +106 18 190 K +106 18 191 G +106 18 192 T +106 18 193 G +106 18 194 S +106 18 195 G +106 18 196 G +106 18 197 T +106 18 198 I +106 18 199 PO +106 18 200 BI +106 18 201 K +106 18 202 G +106 18 203 T +106 18 204 S +106 18 205 BI +106 18 206 PO +106 18 207 T +106 18 208 S +106 18 209 G +106 18 210 S +106 18 211 BI +106 18 212 KU +106 18 213 T +106 18 214 G +106 18 215 K +106 18 216 A +106 18 217 K +106 18 218 G +106 18 219 PO +106 18 220 BI +106 18 221 PO +106 18 222 T +106 18 223 G +106 18 224 PO +106 18 225 G +106 18 226 BI +106 18 227 I +106 18 228 BI +106 18 229 G +106 18 230 PO +106 18 231 T +106 18 232 S +106 18 233 BI +106 18 234 G +106 18 235 BI +106 18 236 G +106 18 237 K +106 18 238 G +106 18 239 K +106 18 240 S +106 18 241 PO +106 18 242 B +106 18 243 T +106 18 244 PO +106 18 245 T +106 18 246 BI +106 18 247 T +106 18 248 I +106 18 249 G +106 18 250 T +106 18 251 G +106 18 252 PO +106 18 253 G +106 18 254 BI +106 18 255 I +106 18 256 T +106 18 257 BI +106 18 258 B +106 18 259 S +106 18 260 G +106 18 261 KU +106 18 262 PO +106 18 263 A +106 18 264 BI +106 18 265 G +106 18 266 S +106 18 267 T +106 18 268 G +106 18 269 T +106 18 270 KU +106 18 271 G +106 18 272 PO +106 18 273 T +106 18 274 PO +106 18 275 B +106 18 276 T +106 18 277 BI +106 18 278 KU +106 18 279 BI +106 18 280 G +106 18 281 G +106 18 282 G +106 18 283 S +106 18 284 PO +106 18 285 K +106 18 286 PO +106 18 287 S +106 18 288 T +106 18 289 BI +106 18 290 PO +106 18 291 BI +106 18 292 K +106 18 293 PO +106 18 294 PO +106 18 295 S +106 18 296 BI +106 18 297 B +106 18 298 P +106 18 299 G +106 18 300 A +106 18 301 G +106 18 302 PO +106 18 303 PO +106 18 304 G +106 18 305 T +106 18 306 G +106 18 307 BI +106 18 308 T +106 18 309 I +106 18 310 G +106 18 311 BI +106 18 312 I +106 18 313 T +106 18 314 PO +106 18 315 G +106 18 316 BI +106 18 317 T +106 18 318 KU +106 18 319 PO +106 18 320 G +106 18 321 P +106 18 322 BI +106 18 323 G +106 18 324 PO +106 18 325 T +106 18 326 B +106 18 327 PO +106 18 328 G +106 18 329 S +106 18 330 PO +106 19 1 BI +106 19 2 G +106 19 3 KU +106 19 4 T +106 19 5 G +106 19 6 KU +106 19 7 G +106 19 8 T +106 19 9 S +106 19 10 BI +106 19 11 G +106 19 12 B +106 19 13 G +106 19 14 I +106 19 15 PO +106 19 16 PO +106 19 17 KU +106 19 18 I +106 19 19 BI +106 19 20 G +106 19 21 K +106 19 22 B +106 19 23 T +106 19 24 I +106 19 25 G +106 19 26 BI +106 19 27 PO +106 19 28 K +106 19 29 G +106 19 30 S +106 19 31 G +106 19 32 T +106 19 33 G +106 19 34 BI +106 19 35 KU +106 19 36 G +106 19 37 BI +106 19 38 T +106 19 39 G +106 19 40 BI +106 19 41 P +106 19 42 B +106 19 43 BI +106 19 44 PO +106 19 45 G +106 19 46 I +106 19 47 G +106 19 48 B +106 19 49 BI +106 19 50 T +106 19 51 I +106 19 52 PO +106 19 53 J +106 19 54 G +106 19 55 BI +106 19 56 KU +106 19 57 G +106 19 58 B +106 19 59 PO +106 19 60 I +106 19 61 P +106 19 62 T +106 19 63 KU +106 19 64 BI +106 19 65 P +106 19 66 PO +106 19 67 G +106 19 68 T +106 19 69 G +106 19 70 PO +106 19 71 T +106 19 72 G +106 19 73 T +106 19 74 PO +106 19 75 G +106 19 76 KU +106 19 77 G +106 19 78 K +106 19 79 I +106 19 80 BI +106 19 81 G +106 19 82 G +106 19 83 B +106 19 84 K +106 19 85 G +106 19 86 K +106 19 87 I +106 19 88 T +106 19 89 I +106 19 90 I +106 19 91 G +106 19 92 PO +106 19 93 BI +106 19 94 I +106 19 95 PO +106 19 96 B +106 19 97 T +106 19 98 P +106 19 99 T +106 19 100 G +106 19 101 T +106 19 102 A +106 19 103 I +106 19 104 BI +106 19 105 T +106 19 106 B +106 19 107 PO +106 19 108 PO +106 19 109 BI +106 19 110 B +106 19 111 I +106 19 112 P +106 19 113 I +106 19 114 G +106 19 115 P +106 19 116 PO +106 19 117 S +106 19 118 K +106 19 119 G +106 19 120 PO +106 19 121 KU +106 19 122 G +106 19 123 BI +106 19 124 G +106 19 125 KU +106 19 126 K +106 19 127 G +106 19 128 B +106 19 129 PO +106 19 130 I +106 19 131 T +106 19 132 P +106 19 133 G +106 19 134 S +106 19 135 T +106 19 136 G +106 19 137 G +106 19 138 BI +106 19 139 PO +106 19 140 BI +106 19 141 PO +106 19 142 PO +106 19 143 G +106 19 144 BI +106 19 145 G +106 19 146 B +106 19 147 G +106 19 148 P +106 19 149 G +106 19 150 T +106 19 151 KU +106 19 152 T +106 19 153 BI +106 19 154 I +106 19 155 S +106 19 156 G +106 19 157 S +106 19 158 PO +106 19 159 KU +106 19 160 K +106 19 161 G +106 19 162 P +106 19 163 G +106 19 164 BI +106 19 165 G +106 19 166 BI +106 19 167 PO +106 19 168 G +106 19 169 BI +106 19 170 I +106 19 171 G +106 19 172 PO +106 19 173 K +106 19 174 B +106 19 175 PO +106 19 176 K +106 19 177 B +106 19 178 BI +106 19 179 S +106 19 180 G +106 19 181 B +106 19 182 T +106 19 183 S +106 19 184 T +106 19 185 S +106 19 186 G +106 19 187 B +106 19 188 BI +106 19 189 PO +106 19 190 K +106 19 191 G +106 19 192 T +106 19 193 B +106 19 194 S +106 19 195 G +106 19 196 G +106 19 197 T +106 19 198 I +106 19 199 PO +106 19 200 G +106 19 201 K +106 19 202 G +106 19 203 T +106 19 204 S +106 19 205 T +106 19 206 PO +106 19 207 K +106 19 208 B +106 19 209 G +106 19 210 S +106 19 211 BI +106 19 212 KU +106 19 213 T +106 19 214 G +106 19 215 K +106 19 216 I +106 19 217 K +106 19 218 G +106 19 219 PO +106 19 220 BI +106 19 221 PO +106 19 222 T +106 19 223 G +106 19 224 PO +106 19 225 G +106 19 226 BI +106 19 227 I +106 19 228 BI +106 19 229 G +106 19 230 PO +106 19 231 T +106 19 232 I +106 19 233 BI +106 19 234 G +106 19 235 BI +106 19 236 G +106 19 237 K +106 19 238 G +106 19 239 K +106 19 240 S +106 19 241 PO +106 19 242 B +106 19 243 T +106 19 244 PO +106 19 245 P +106 19 246 G +106 19 247 T +106 19 248 I +106 19 249 G +106 19 250 BI +106 19 251 G +106 19 252 PO +106 19 253 G +106 19 254 BI +106 19 255 I +106 19 256 K +106 19 257 BI +106 19 258 B +106 19 259 K +106 19 260 PO +106 19 261 KU +106 19 262 PO +106 19 263 I +106 19 264 PO +106 19 265 G +106 19 266 S +106 19 267 T +106 19 268 G +106 19 269 T +106 19 270 KU +106 19 271 G +106 19 272 PO +106 19 273 T +106 19 274 PO +106 19 275 B +106 19 276 P +106 19 277 BI +106 19 278 K +106 19 279 BI +106 19 280 G +106 19 281 G +106 19 282 G +106 19 283 S +106 19 284 PO +106 19 285 K +106 19 286 PO +106 19 287 S +106 19 288 P +106 19 289 G +106 19 290 PO +106 19 291 BI +106 19 292 K +106 19 293 PO +106 19 294 PO +106 19 295 S +106 19 296 BI +106 19 297 B +106 19 298 P +106 19 299 G +106 19 300 PO +106 19 301 G +106 19 302 PO +106 19 303 BI +106 19 304 G +106 19 305 T +106 19 306 G +106 19 307 BI +106 19 308 S +106 19 309 I +106 19 310 G +106 19 311 BI +106 19 312 I +106 19 313 BI +106 19 314 PO +106 19 315 G +106 19 316 G +106 19 317 T +106 19 318 KU +106 19 319 PO +106 19 320 G +106 19 321 P +106 19 322 BI +106 19 323 G +106 19 324 PO +106 19 325 T +106 19 326 B +106 19 327 PO +106 19 328 G +106 19 329 S +106 19 330 PO +106 20 1 BI +106 20 2 G +106 20 3 P +106 20 4 BI +106 20 5 G +106 20 6 KU +106 20 7 G +106 20 8 P +106 20 9 S +106 20 10 BI +106 20 11 I +106 20 12 B +106 20 13 I +106 20 14 BI +106 20 15 KU +106 20 16 PO +106 20 17 P +106 20 18 I +106 20 19 BI +106 20 20 G +106 20 21 P +106 20 22 B +106 20 23 BI +106 20 24 I +106 20 25 BI +106 20 26 BI +106 20 27 PO +106 20 28 P +106 20 29 G +106 20 30 S +106 20 31 BI +106 20 32 BI +106 20 33 G +106 20 34 BI +106 20 35 P +106 20 36 I +106 20 37 BI +106 20 38 J +106 20 39 G +106 20 40 BI +106 20 41 S +106 20 42 PO +106 20 43 BI +106 20 44 PO +106 20 45 G +106 20 46 I +106 20 47 I +106 20 48 KU +106 20 49 BI +106 20 50 BI +106 20 51 S +106 20 52 PO +106 20 53 BI +106 20 54 G +106 20 55 BI +106 20 56 K +106 20 57 BI +106 20 58 B +106 20 59 BI +106 20 60 I +106 20 61 KU +106 20 62 BI +106 20 63 KU +106 20 64 BI +106 20 65 P +106 20 66 PO +106 20 67 G +106 20 68 KU +106 20 69 I +106 20 70 PO +106 20 71 T +106 20 72 G +106 20 73 BI +106 20 74 PO +106 20 75 I +106 20 76 KU +106 20 77 BI +106 20 78 KU +106 20 79 I +106 20 80 BI +106 20 81 G +106 20 82 BI +106 20 83 KU +106 20 84 KU +106 20 85 G +106 20 86 KU +106 20 87 I +106 20 88 T +106 20 89 I +106 20 90 I +106 20 91 B +106 20 92 PO +106 20 93 BI +106 20 94 I +106 20 95 G +106 20 96 B +106 20 97 BI +106 20 98 P +106 20 99 BI +106 20 100 G +106 20 101 T +106 20 102 A +106 20 103 I +106 20 104 BI +106 20 105 T +106 20 106 B +106 20 107 PO +106 20 108 G +106 20 109 BI +106 20 110 B +106 20 111 I +106 20 112 P +106 20 113 I +106 20 114 BI +106 20 115 P +106 20 116 PO +106 20 117 S +106 20 118 KU +106 20 119 G +106 20 120 PO +106 20 121 KU +106 20 122 G +106 20 123 BI +106 20 124 G +106 20 125 KU +106 20 126 T +106 20 127 I +106 20 128 B +106 20 129 PO +106 20 130 I +106 20 131 T +106 20 132 KU +106 20 133 BI +106 20 134 S +106 20 135 KU +106 20 136 BI +106 20 137 I +106 20 138 BI +106 20 139 PO +106 20 140 BI +106 20 141 PO +106 20 142 PO +106 20 143 G +106 20 144 T +106 20 145 G +106 20 146 B +106 20 147 G +106 20 148 P +106 20 149 G +106 20 150 BI +106 20 151 KU +106 20 152 BI +106 20 153 BI +106 20 154 I +106 20 155 S +106 20 156 G +106 20 157 S +106 20 158 PO +106 20 159 K +106 20 160 P +106 20 161 G +106 20 162 P +106 20 163 BI +106 20 164 BI +106 20 165 G +106 20 166 BI +106 20 167 K +106 20 168 G +106 20 169 BI +106 20 170 A +106 20 171 G +106 20 172 PO +106 20 173 P +106 20 174 B +106 20 175 BI +106 20 176 P +106 20 177 B +106 20 178 BI +106 20 179 S +106 20 180 G +106 20 181 B +106 20 182 BI +106 20 183 S +106 20 184 BI +106 20 185 K +106 20 186 BI +106 20 187 J +106 20 188 BI +106 20 189 PO +106 20 190 KU +106 20 191 BI +106 20 192 BI +106 20 193 B +106 20 194 P +106 20 195 G +106 20 196 G +106 20 197 K +106 20 198 I +106 20 199 PO +106 20 200 BI +106 20 201 KU +106 20 202 G +106 20 203 T +106 20 204 I +106 20 205 T +106 20 206 B +106 20 207 K +106 20 208 KU +106 20 209 BI +106 20 210 S +106 20 211 BI +106 20 212 KU +106 20 213 BI +106 20 214 B +106 20 215 T +106 20 216 I +106 20 217 KU +106 20 218 B +106 20 219 PO +106 20 220 BI +106 20 221 PO +106 20 222 T +106 20 223 G +106 20 224 KU +106 20 225 B +106 20 226 BI +106 20 227 I +106 20 228 BI +106 20 229 G +106 20 230 KU +106 20 231 BI +106 20 232 I +106 20 233 BI +106 20 234 G +106 20 235 BI +106 20 236 G +106 20 237 KU +106 20 238 BI +106 20 239 K +106 20 240 S +106 20 241 PO +106 20 242 B +106 20 243 K +106 20 244 PO +106 20 245 P +106 20 246 BI +106 20 247 BI +106 20 248 I +106 20 249 G +106 20 250 T +106 20 251 G +106 20 252 KU +106 20 253 G +106 20 254 BI +106 20 255 I +106 20 256 P +106 20 257 BI +106 20 258 B +106 20 259 P +106 20 260 B +106 20 261 KU +106 20 262 PO +106 20 263 A +106 20 264 BI +106 20 265 G +106 20 266 P +106 20 267 BI +106 20 268 G +106 20 269 K +106 20 270 KU +106 20 271 I +106 20 272 PO +106 20 273 BI +106 20 274 PO +106 20 275 B +106 20 276 K +106 20 277 BI +106 20 278 KU +106 20 279 BI +106 20 280 G +106 20 281 G +106 20 282 G +106 20 283 S +106 20 284 PO +106 20 285 K +106 20 286 PO +106 20 287 S +106 20 288 P +106 20 289 BI +106 20 290 KU +106 20 291 BI +106 20 292 KU +106 20 293 G +106 20 294 PO +106 20 295 S +106 20 296 BI +106 20 297 B +106 20 298 P +106 20 299 G +106 20 300 PO +106 20 301 BI +106 20 302 KU +106 20 303 PO +106 20 304 G +106 20 305 BI +106 20 306 G +106 20 307 BI +106 20 308 BI +106 20 309 I +106 20 310 G +106 20 311 BI +106 20 312 I +106 20 313 T +106 20 314 K +106 20 315 G +106 20 316 BI +106 20 317 T +106 20 318 KU +106 20 319 PO +106 20 320 B +106 20 321 P +106 20 322 BI +106 20 323 G +106 20 324 KU +106 20 325 T +106 20 326 B +106 20 327 PO +106 20 328 G +106 20 329 S +106 20 330 PO +106 21 1 BI +106 21 2 G +106 21 3 P +106 21 4 S +106 21 5 G +106 21 6 B +106 21 7 G +106 21 8 J +106 21 9 S +106 21 10 T +106 21 11 I +106 21 12 B +106 21 13 I +106 21 14 T +106 21 15 J +106 21 16 PO +106 21 17 P +106 21 18 I +106 21 19 BI +106 21 20 G +106 21 21 K +106 21 22 B +106 21 23 T +106 21 24 S +106 21 25 BI +106 21 26 T +106 21 27 PO +106 21 28 P +106 21 29 G +106 21 30 S +106 21 31 BI +106 21 32 K +106 21 33 G +106 21 34 BI +106 21 35 KU +106 21 36 G +106 21 37 T +106 21 38 S +106 21 39 G +106 21 40 BI +106 21 41 P +106 21 42 B +106 21 43 I +106 21 44 PO +106 21 45 G +106 21 46 I +106 21 47 T +106 21 48 B +106 21 49 T +106 21 50 K +106 21 51 S +106 21 52 B +106 21 53 J +106 21 54 G +106 21 55 BI +106 21 56 KU +106 21 57 T +106 21 58 S +106 21 59 PO +106 21 60 I +106 21 61 S +106 21 62 K +106 21 63 J +106 21 64 BI +106 21 65 P +106 21 66 PO +106 21 67 G +106 21 68 J +106 21 69 T +106 21 70 PO +106 21 71 S +106 21 72 G +106 21 73 BI +106 21 74 K +106 21 75 I +106 21 76 KU +106 21 77 G +106 21 78 KU +106 21 79 I +106 21 80 T +106 21 81 G +106 21 82 G +106 21 83 B +106 21 84 KU +106 21 85 G +106 21 86 K +106 21 87 I +106 21 88 K +106 21 89 I +106 21 90 T +106 21 91 B +106 21 92 PO +106 21 93 BI +106 21 94 I +106 21 95 T +106 21 96 B +106 21 97 K +106 21 98 P +106 21 99 T +106 21 100 G +106 21 101 S +106 21 102 K +106 21 103 S +106 21 104 K +106 21 105 BI +106 21 106 B +106 21 107 PO +106 21 108 T +106 21 109 BI +106 21 110 KU +106 21 111 T +106 21 112 P +106 21 113 I +106 21 114 G +106 21 115 S +106 21 116 K +106 21 117 I +106 21 118 K +106 21 119 G +106 21 120 PO +106 21 121 KU +106 21 122 G +106 21 123 T +106 21 124 B +106 21 125 KU +106 21 126 K +106 21 127 I +106 21 128 B +106 21 129 PO +106 21 130 I +106 21 131 J +106 21 132 S +106 21 133 G +106 21 134 T +106 21 135 J +106 21 136 G +106 21 137 T +106 21 138 BI +106 21 139 PO +106 21 140 BI +106 21 141 PO +106 21 142 BI +106 21 143 G +106 21 144 T +106 21 145 G +106 21 146 B +106 21 147 G +106 21 148 P +106 21 149 G +106 21 150 T +106 21 151 KU +106 21 152 K +106 21 153 BI +106 21 154 I +106 21 155 S +106 21 156 G +106 21 157 S +106 21 158 PO +106 21 159 B +106 21 160 J +106 21 161 G +106 21 162 P +106 21 163 G +106 21 164 BI +106 21 165 T +106 21 166 I +106 21 167 K +106 21 168 G +106 21 169 T +106 21 170 I +106 21 171 G +106 21 172 PO +106 21 173 P +106 21 174 B +106 21 175 T +106 21 176 J +106 21 177 B +106 21 178 T +106 21 179 S +106 21 180 G +106 21 181 K +106 21 182 T +106 21 183 S +106 21 184 K +106 21 185 S +106 21 186 G +106 21 187 KU +106 21 188 T +106 21 189 K +106 21 190 J +106 21 191 G +106 21 192 T +106 21 193 B +106 21 194 S +106 21 195 G +106 21 196 G +106 21 197 K +106 21 198 I +106 21 199 B +106 21 200 BI +106 21 201 KU +106 21 202 G +106 21 203 J +106 21 204 I +106 21 205 T +106 21 206 B +106 21 207 J +106 21 208 S +106 21 209 T +106 21 210 S +106 21 211 BI +106 21 212 B +106 21 213 T +106 21 214 B +106 21 215 J +106 21 216 I +106 21 217 KU +106 21 218 G +106 21 219 K +106 21 220 T +106 21 221 BI +106 21 222 K +106 21 223 G +106 21 224 PO +106 21 225 S +106 21 226 K +106 21 227 I +106 21 228 BI +106 21 229 G +106 21 230 PO +106 21 231 J +106 21 232 S +106 21 233 BI +106 21 234 G +106 21 235 BI +106 21 236 G +106 21 237 KU +106 21 238 BI +106 21 239 J +106 21 240 PO +106 21 241 B +106 21 242 K +106 21 243 K +106 21 244 T +106 21 245 P +106 21 246 G +106 21 247 T +106 21 248 I +106 21 249 G +106 21 250 BI +106 21 251 G +106 21 252 PO +106 21 253 G +106 21 254 T +106 21 255 I +106 21 256 P +106 21 257 BI +106 21 258 B +106 21 259 S +106 21 260 B +106 21 261 KU +106 21 262 PO +106 21 263 K +106 21 264 BI +106 21 265 G +106 21 266 S +106 21 267 K +106 21 268 G +106 21 269 J +106 21 270 KU +106 21 271 I +106 21 272 PO +106 21 273 K +106 21 274 PO +106 21 275 BI +106 21 276 J +106 21 277 T +106 21 278 KU +106 21 279 T +106 21 280 G +106 21 281 G +106 21 282 T +106 21 283 S +106 21 284 PO +106 21 285 K +106 21 286 PO +106 21 287 K +106 21 288 P +106 21 289 G +106 21 290 J +106 21 291 T +106 21 292 J +106 21 293 BI +106 21 294 B +106 21 295 S +106 21 296 T +106 21 297 B +106 21 298 P +106 21 299 G +106 21 300 A +106 21 301 G +106 21 302 B +106 21 303 T +106 21 304 B +106 21 305 T +106 21 306 G +106 21 307 BI +106 21 308 T +106 21 309 I +106 21 310 G +106 21 311 BI +106 21 312 I +106 21 313 T +106 21 314 PO +106 21 315 G +106 21 316 T +106 21 317 K +106 21 318 KU +106 21 319 PO +106 21 320 S +106 21 321 J +106 21 322 BI +106 21 323 G +106 21 324 PO +106 21 325 BI +106 21 326 B +106 21 327 PO +106 21 328 G +106 21 329 S +106 21 330 T +106 22 1 BI +106 22 2 G +106 22 3 P +106 22 4 T +106 22 5 G +106 22 6 B +106 22 7 K +106 22 8 J +106 22 9 S +106 22 10 T +106 22 11 I +106 22 12 B +106 22 13 K +106 22 14 T +106 22 15 PO +106 22 16 B +106 22 17 J +106 22 18 BI +106 22 19 G +106 22 20 PO +106 22 21 P +106 22 22 B +106 22 23 K +106 22 24 I +106 22 25 T +106 22 26 BI +106 22 27 PO +106 22 28 J +106 22 29 S +106 22 30 KU +106 22 31 PO +106 22 32 K +106 22 33 G +106 22 34 T +106 22 35 KU +106 22 36 I +106 22 37 BI +106 22 38 J +106 22 39 B +106 22 40 I +106 22 41 PO +106 22 42 K +106 22 43 I +106 22 44 PO +106 22 45 G +106 22 46 S +106 22 47 P +106 22 48 B +106 22 49 PO +106 22 50 BI +106 22 51 T +106 22 52 G +106 22 53 KU +106 22 54 PO +106 22 55 G +106 22 56 KU +106 22 57 G +106 22 58 B +106 22 59 PO +106 22 60 I +106 22 61 P +106 22 62 BI +106 22 63 K +106 22 64 T +106 22 65 J +106 22 66 PO +106 22 67 G +106 22 68 J +106 22 69 G +106 22 70 PO +106 22 71 S +106 22 72 G +106 22 73 T +106 22 74 PO +106 22 75 G +106 22 76 KU +106 22 77 G +106 22 78 K +106 22 79 I +106 22 80 BI +106 22 81 G +106 22 82 G +106 22 83 B +106 22 84 K +106 22 85 G +106 22 86 K +106 22 87 I +106 22 88 T +106 22 89 I +106 22 90 I +106 22 91 B +106 22 92 PO +106 22 93 BI +106 22 94 I +106 22 95 PO +106 22 96 B +106 22 97 T +106 22 98 P +106 22 99 PO +106 22 100 G +106 22 101 S +106 22 102 PO +106 22 103 G +106 22 104 BI +106 22 105 T +106 22 106 B +106 22 107 PO +106 22 108 G +106 22 109 T +106 22 110 B +106 22 111 G +106 22 112 P +106 22 113 I +106 22 114 G +106 22 115 S +106 22 116 PO +106 22 117 I +106 22 118 BI +106 22 119 G +106 22 120 PO +106 22 121 KU +106 22 122 G +106 22 123 G +106 22 124 B +106 22 125 KU +106 22 126 K +106 22 127 I +106 22 128 B +106 22 129 PO +106 22 130 I +106 22 131 T +106 22 132 KU +106 22 133 G +106 22 134 I +106 22 135 BI +106 22 136 G +106 22 137 G +106 22 138 K +106 22 139 PO +106 22 140 T +106 22 141 PO +106 22 142 PO +106 22 143 G +106 22 144 BI +106 22 145 G +106 22 146 B +106 22 147 G +106 22 148 P +106 22 149 G +106 22 150 T +106 22 151 K +106 22 152 K +106 22 153 T +106 22 154 I +106 22 155 I +106 22 156 G +106 22 157 I +106 22 158 PO +106 22 159 KU +106 22 160 K +106 22 161 G +106 22 162 P +106 22 163 G +106 22 164 BI +106 22 165 G +106 22 166 I +106 22 167 K +106 22 168 G +106 22 169 BI +106 22 170 I +106 22 171 G +106 22 172 PO +106 22 173 K +106 22 174 B +106 22 175 G +106 22 176 KU +106 22 177 B +106 22 178 T +106 22 179 S +106 22 180 G +106 22 181 B +106 22 182 S +106 22 183 B +106 22 184 T +106 22 185 KU +106 22 186 G +106 22 187 B +106 22 188 G +106 22 189 PO +106 22 190 K +106 22 191 G +106 22 192 T +106 22 193 B +106 22 194 S +106 22 195 G +106 22 196 G +106 22 197 BI +106 22 198 I +106 22 199 PO +106 22 200 G +106 22 201 K +106 22 202 G +106 22 203 J +106 22 204 I +106 22 205 BI +106 22 206 PO +106 22 207 J +106 22 208 B +106 22 209 G +106 22 210 S +106 22 211 K +106 22 212 KU +106 22 213 PO +106 22 214 B +106 22 215 K +106 22 216 I +106 22 217 K +106 22 218 G +106 22 219 A +106 22 220 T +106 22 221 PO +106 22 222 BI +106 22 223 G +106 22 224 PO +106 22 225 B +106 22 226 T +106 22 227 I +106 22 228 I +106 22 229 G +106 22 230 PO +106 22 231 T +106 22 232 A +106 22 233 T +106 22 234 G +106 22 235 BI +106 22 236 B +106 22 237 KU +106 22 238 G +106 22 239 K +106 22 240 S +106 22 241 PO +106 22 242 B +106 22 243 S +106 22 244 PO +106 22 245 P +106 22 246 G +106 22 247 T +106 22 248 I +106 22 249 G +106 22 250 T +106 22 251 G +106 22 252 PO +106 22 253 G +106 22 254 T +106 22 255 I +106 22 256 KU +106 22 257 I +106 22 258 B +106 22 259 S +106 22 260 BI +106 22 261 KU +106 22 262 PO +106 22 263 A +106 22 264 PO +106 22 265 G +106 22 266 KU +106 22 267 BI +106 22 268 G +106 22 269 K +106 22 270 KU +106 22 271 G +106 22 272 PO +106 22 273 K +106 22 274 PO +106 22 275 B +106 22 276 J +106 22 277 T +106 22 278 KU +106 22 279 BI +106 22 280 G +106 22 281 G +106 22 282 G +106 22 283 S +106 22 284 PO +106 22 285 K +106 22 286 PO +106 22 287 B +106 22 288 P +106 22 289 G +106 22 290 PO +106 22 291 T +106 22 292 K +106 22 293 PO +106 22 294 PO +106 22 295 I +106 22 296 T +106 22 297 B +106 22 298 P +106 22 299 G +106 22 300 A +106 22 301 G +106 22 302 PO +106 22 303 PO +106 22 304 G +106 22 305 T +106 22 306 G +106 22 307 BI +106 22 308 T +106 22 309 I +106 22 310 G +106 22 311 BI +106 22 312 I +106 22 313 T +106 22 314 PO +106 22 315 G +106 22 316 G +106 22 317 P +106 22 318 KU +106 22 319 PO +106 22 320 G +106 22 321 P +106 22 322 K +106 22 323 G +106 22 324 PO +106 22 325 T +106 22 326 B +106 22 327 PO +106 22 328 G +106 22 329 S +106 22 330 PO +106 23 1 BI +106 23 2 G +106 23 3 J +106 23 4 S +106 23 5 G +106 23 6 KU +106 23 7 G +106 23 8 S +106 23 9 BI +106 23 10 I +106 23 11 I +106 23 12 B +106 23 13 G +106 23 14 BI +106 23 15 K +106 23 16 PO +106 23 17 J +106 23 18 I +106 23 19 G +106 23 20 G +106 23 21 J +106 23 22 B +106 23 23 BI +106 23 24 I +106 23 25 G +106 23 26 BI +106 23 27 PO +106 23 28 J +106 23 29 G +106 23 30 S +106 23 31 BI +106 23 32 J +106 23 33 G +106 23 34 S +106 23 35 J +106 23 36 I +106 23 37 BI +106 23 38 J +106 23 39 G +106 23 40 G +106 23 41 J +106 23 42 B +106 23 43 I +106 23 44 PO +106 23 45 G +106 23 46 A +106 23 47 I +106 23 48 B +106 23 49 G +106 23 50 BI +106 23 51 I +106 23 52 PO +106 23 53 P +106 23 54 G +106 23 55 G +106 23 56 K +106 23 57 I +106 23 58 A +106 23 59 PO +106 23 60 I +106 23 61 P +106 23 62 BI +106 23 63 J +106 23 64 BI +106 23 65 J +106 23 66 PO +106 23 67 G +106 23 68 J +106 23 69 G +106 23 70 PO +106 23 71 BI +106 23 72 G +106 23 73 T +106 23 74 K +106 23 75 I +106 23 76 P +106 23 77 G +106 23 78 K +106 23 79 I +106 23 80 S +106 23 81 G +106 23 82 G +106 23 83 B +106 23 84 K +106 23 85 G +106 23 86 J +106 23 87 I +106 23 88 J +106 23 89 I +106 23 90 BI +106 23 91 G +106 23 92 PO +106 23 93 KU +106 23 94 I +106 23 95 PO +106 23 96 B +106 23 97 BI +106 23 98 J +106 23 99 S +106 23 100 BI +106 23 101 J +106 23 102 PO +106 23 103 I +106 23 104 K +106 23 105 J +106 23 106 B +106 23 107 PO +106 23 108 G +106 23 109 BI +106 23 110 P +106 23 111 I +106 23 112 J +106 23 113 I +106 23 114 G +106 23 115 J +106 23 116 PO +106 23 117 S +106 23 118 K +106 23 119 G +106 23 120 PO +106 23 121 J +106 23 122 G +106 23 123 BI +106 23 124 G +106 23 125 P +106 23 126 K +106 23 127 I +106 23 128 G +106 23 129 PO +106 23 130 BI +106 23 131 S +106 23 132 J +106 23 133 G +106 23 134 I +106 23 135 J +106 23 136 G +106 23 137 I +106 23 138 BI +106 23 139 PO +106 23 140 BI +106 23 141 PO +106 23 142 PO +106 23 143 G +106 23 144 BI +106 23 145 S +106 23 146 B +106 23 147 G +106 23 148 J +106 23 149 G +106 23 150 BI +106 23 151 K +106 23 152 S +106 23 153 BI +106 23 154 I +106 23 155 S +106 23 156 G +106 23 157 S +106 23 158 PO +106 23 159 B +106 23 160 J +106 23 161 G +106 23 162 P +106 23 163 G +106 23 164 BI +106 23 165 I +106 23 166 S +106 23 167 K +106 23 168 G +106 23 169 BI +106 23 170 I +106 23 171 S +106 23 172 PO +106 23 173 J +106 23 174 B +106 23 175 BI +106 23 176 P +106 23 177 B +106 23 178 BI +106 23 179 S +106 23 180 G +106 23 181 BI +106 23 182 S +106 23 183 I +106 23 184 BI +106 23 185 S +106 23 186 G +106 23 187 B +106 23 188 S +106 23 189 PO +106 23 190 K +106 23 191 G +106 23 192 BI +106 23 193 B +106 23 194 I +106 23 195 G +106 23 196 BI +106 23 197 K +106 23 198 I +106 23 199 PO +106 23 200 T +106 23 201 K +106 23 202 G +106 23 203 J +106 23 204 I +106 23 205 BI +106 23 206 PO +106 23 207 J +106 23 208 S +106 23 209 G +106 23 210 S +106 23 211 G +106 23 212 P +106 23 213 PO +106 23 214 G +106 23 215 S +106 23 216 I +106 23 217 K +106 23 218 G +106 23 219 PO +106 23 220 BI +106 23 221 PO +106 23 222 BI +106 23 223 G +106 23 224 PO +106 23 225 G +106 23 226 S +106 23 227 I +106 23 228 BI +106 23 229 T +106 23 230 PO +106 23 231 BI +106 23 232 I +106 23 233 BI +106 23 234 G +106 23 235 BI +106 23 236 G +106 23 237 K +106 23 238 S +106 23 239 J +106 23 240 S +106 23 241 PO +106 23 242 B +106 23 243 BI +106 23 244 PO +106 23 245 P +106 23 246 G +106 23 247 S +106 23 248 G +106 23 249 G +106 23 250 BI +106 23 251 G +106 23 252 PO +106 23 253 G +106 23 254 BI +106 23 255 I +106 23 256 K +106 23 257 BI +106 23 258 B +106 23 259 S +106 23 260 B +106 23 261 P +106 23 262 PO +106 23 263 PO +106 23 264 BI +106 23 265 G +106 23 266 S +106 23 267 S +106 23 268 G +106 23 269 P +106 23 270 P +106 23 271 I +106 23 272 PO +106 23 273 BI +106 23 274 PO +106 23 275 I +106 23 276 P +106 23 277 BI +106 23 278 K +106 23 279 BI +106 23 280 G +106 23 281 G +106 23 282 G +106 23 283 BI +106 23 284 PO +106 23 285 K +106 23 286 PO +106 23 287 BI +106 23 288 P +106 23 289 J +106 23 290 PO +106 23 291 BI +106 23 292 K +106 23 293 PO +106 23 294 PO +106 23 295 S +106 23 296 BI +106 23 297 B +106 23 298 J +106 23 299 G +106 23 300 PO +106 23 301 G +106 23 302 PO +106 23 303 PO +106 23 304 G +106 23 305 BI +106 23 306 G +106 23 307 S +106 23 308 BI +106 23 309 I +106 23 310 G +106 23 311 BI +106 23 312 I +106 23 313 BI +106 23 314 PO +106 23 315 G +106 23 316 G +106 23 317 P +106 23 318 J +106 23 319 PO +106 23 320 BI +106 23 321 P +106 23 322 K +106 23 323 G +106 23 324 PO +106 23 325 J +106 23 326 B +106 23 327 PO +106 23 328 G +106 23 329 I +106 23 330 PO +106 24 1 BI +106 24 2 G +106 24 3 KU +106 24 4 T +106 24 5 G +106 24 6 KU +106 24 7 G +106 24 8 J +106 24 9 S +106 24 10 BI +106 24 11 I +106 24 12 B +106 24 13 I +106 24 14 I +106 24 15 K +106 24 16 PO +106 24 17 KU +106 24 18 I +106 24 19 BI +106 24 20 G +106 24 21 J +106 24 22 B +106 24 23 T +106 24 24 I +106 24 25 BI +106 24 26 BI +106 24 27 PO +106 24 28 J +106 24 29 G +106 24 30 KU +106 24 31 G +106 24 32 J +106 24 33 G +106 24 34 BI +106 24 35 KU +106 24 36 I +106 24 37 BI +106 24 38 J +106 24 39 G +106 24 40 BI +106 24 41 P +106 24 42 B +106 24 43 I +106 24 44 PO +106 24 45 G +106 24 46 A +106 24 47 I +106 24 48 B +106 24 49 BI +106 24 50 T +106 24 51 S +106 24 52 PO +106 24 53 J +106 24 54 G +106 24 55 BI +106 24 56 KU +106 24 57 BI +106 24 58 A +106 24 59 PO +106 24 60 I +106 24 61 J +106 24 62 PO +106 24 63 KU +106 24 64 BI +106 24 65 P +106 24 66 PO +106 24 67 G +106 24 68 J +106 24 69 G +106 24 70 PO +106 24 71 T +106 24 72 G +106 24 73 T +106 24 74 PO +106 24 75 I +106 24 76 KU +106 24 77 BI +106 24 78 J +106 24 79 I +106 24 80 BI +106 24 81 B +106 24 82 BI +106 24 83 PO +106 24 84 KU +106 24 85 G +106 24 86 J +106 24 87 I +106 24 88 T +106 24 89 I +106 24 90 I +106 24 91 B +106 24 92 PO +106 24 93 BI +106 24 94 T +106 24 95 PO +106 24 96 B +106 24 97 T +106 24 98 P +106 24 99 K +106 24 100 G +106 24 101 J +106 24 102 PO +106 24 103 G +106 24 104 BI +106 24 105 T +106 24 106 B +106 24 107 PO +106 24 108 PO +106 24 109 BI +106 24 110 KU +106 24 111 G +106 24 112 P +106 24 113 I +106 24 114 G +106 24 115 P +106 24 116 PO +106 24 117 A +106 24 118 K +106 24 119 G +106 24 120 PO +106 24 121 KU +106 24 122 G +106 24 123 BI +106 24 124 B +106 24 125 KU +106 24 126 J +106 24 127 I +106 24 128 B +106 24 129 PO +106 24 130 I +106 24 131 T +106 24 132 KU +106 24 133 G +106 24 134 S +106 24 135 J +106 24 136 BI +106 24 137 G +106 24 138 BI +106 24 139 PO +106 24 140 BI +106 24 141 PO +106 24 142 PO +106 24 143 G +106 24 144 T +106 24 145 G +106 24 146 B +106 24 147 G +106 24 148 P +106 24 149 G +106 24 150 T +106 24 151 KU +106 24 152 J +106 24 153 BI +106 24 154 I +106 24 155 A +106 24 156 G +106 24 157 S +106 24 158 PO +106 24 159 B +106 24 160 K +106 24 161 G +106 24 162 P +106 24 163 BI +106 24 164 BI +106 24 165 G +106 24 166 BI +106 24 167 K +106 24 168 G +106 24 169 BI +106 24 170 I +106 24 171 G +106 24 172 PO +106 24 173 P +106 24 174 B +106 24 175 BI +106 24 176 P +106 24 177 B +106 24 178 BI +106 24 179 S +106 24 180 G +106 24 181 A +106 24 182 T +106 24 183 A +106 24 184 T +106 24 185 KU +106 24 186 BI +106 24 187 B +106 24 188 BI +106 24 189 PO +106 24 190 K +106 24 191 G +106 24 192 T +106 24 193 B +106 24 194 J +106 24 195 G +106 24 196 BI +106 24 197 J +106 24 198 I +106 24 199 PO +106 24 200 BI +106 24 201 KU +106 24 202 G +106 24 203 J +106 24 204 I +106 24 205 T +106 24 206 PO +106 24 207 J +106 24 208 B +106 24 209 BI +106 24 210 T +106 24 211 BI +106 24 212 KU +106 24 213 PO +106 24 214 B +106 24 215 K +106 24 216 I +106 24 217 KU +106 24 218 G +106 24 219 PO +106 24 220 BI +106 24 221 PO +106 24 222 T +106 24 223 G +106 24 224 PO +106 24 225 B +106 24 226 BI +106 24 227 I +106 24 228 BI +106 24 229 G +106 24 230 PO +106 24 231 J +106 24 232 A +106 24 233 BI +106 24 234 G +106 24 235 BI +106 24 236 B +106 24 237 KU +106 24 238 BI +106 24 239 K +106 24 240 S +106 24 241 PO +106 24 242 B +106 24 243 J +106 24 244 PO +106 24 245 P +106 24 246 BI +106 24 247 T +106 24 248 I +106 24 249 G +106 24 250 T +106 24 251 G +106 24 252 PO +106 24 253 G +106 24 254 BI +106 24 255 I +106 24 256 P +106 24 257 BI +106 24 258 B +106 24 259 S +106 24 260 B +106 24 261 KU +106 24 262 PO +106 24 263 I +106 24 264 PO +106 24 265 G +106 24 266 S +106 24 267 T +106 24 268 G +106 24 269 J +106 24 270 KU +106 24 271 I +106 24 272 PO +106 24 273 J +106 24 274 PO +106 24 275 B +106 24 276 J +106 24 277 BI +106 24 278 KU +106 24 279 BI +106 24 280 G +106 24 281 G +106 24 282 G +106 24 283 S +106 24 284 PO +106 24 285 K +106 24 286 PO +106 24 287 A +106 24 288 P +106 24 289 BI +106 24 290 PO +106 24 291 BI +106 24 292 K +106 24 293 PO +106 24 294 PO +106 24 295 A +106 24 296 T +106 24 297 B +106 24 298 P +106 24 299 G +106 24 300 PO +106 24 301 G +106 24 302 PO +106 24 303 PO +106 24 304 G +106 24 305 T +106 24 306 B +106 24 307 BI +106 24 308 J +106 24 309 I +106 24 310 G +106 24 311 BI +106 24 312 I +106 24 313 T +106 24 314 PO +106 24 315 G +106 24 316 G +106 24 317 J +106 24 318 KU +106 24 319 PO +106 24 320 B +106 24 321 P +106 24 322 BI +106 24 323 G +106 24 324 PO +106 24 325 T +106 24 326 B +106 24 327 PO +106 24 328 G +106 24 329 A +106 24 330 PO +106 25 1 BI +106 25 2 G +106 25 3 P +106 25 4 T +106 25 5 G +106 25 6 P +106 25 7 G +106 25 8 P +106 25 9 S +106 25 10 BI +106 25 11 I +106 25 12 B +106 25 13 G +106 25 14 I +106 25 15 K +106 25 16 PO +106 25 17 KU +106 25 18 I +106 25 19 BI +106 25 20 G +106 25 21 K +106 25 22 B +106 25 23 T +106 25 24 I +106 25 25 BI +106 25 26 BI +106 25 27 PO +106 25 28 K +106 25 29 G +106 25 30 KU +106 25 31 BI +106 25 32 T +106 25 33 G +106 25 34 BI +106 25 35 KU +106 25 36 G +106 25 37 BI +106 25 38 P +106 25 39 G +106 25 40 BI +106 25 41 P +106 25 42 B +106 25 43 BI +106 25 44 PO +106 25 45 G +106 25 46 I +106 25 47 I +106 25 48 B +106 25 49 BI +106 25 50 T +106 25 51 I +106 25 52 G +106 25 53 P +106 25 54 G +106 25 55 BI +106 25 56 KU +106 25 57 G +106 25 58 B +106 25 59 A +106 25 60 I +106 25 61 P +106 25 62 A +106 25 63 KU +106 25 64 BI +106 25 65 P +106 25 66 PO +106 25 67 G +106 25 68 K +106 25 69 G +106 25 70 PO +106 25 71 P +106 25 72 G +106 25 73 T +106 25 74 BI +106 25 75 I +106 25 76 KU +106 25 77 BI +106 25 78 K +106 25 79 I +106 25 80 BI +106 25 81 G +106 25 82 G +106 25 83 B +106 25 84 KU +106 25 85 G +106 25 86 K +106 25 87 I +106 25 88 T +106 25 89 I +106 25 90 BI +106 25 91 B +106 25 92 KU +106 25 93 BI +106 25 94 I +106 25 95 G +106 25 96 B +106 25 97 T +106 25 98 P +106 25 99 BI +106 25 100 G +106 25 101 T +106 25 102 BI +106 25 103 G +106 25 104 BI +106 25 105 T +106 25 106 B +106 25 107 PO +106 25 108 G +106 25 109 BI +106 25 110 KU +106 25 111 I +106 25 112 P +106 25 113 I +106 25 114 BI +106 25 115 P +106 25 116 BI +106 25 117 I +106 25 118 K +106 25 119 G +106 25 120 PO +106 25 121 KU +106 25 122 G +106 25 123 BI +106 25 124 B +106 25 125 KU +106 25 126 K +106 25 127 I +106 25 128 B +106 25 129 PO +106 25 130 I +106 25 131 T +106 25 132 P +106 25 133 G +106 25 134 BI +106 25 135 T +106 25 136 BI +106 25 137 G +106 25 138 BI +106 25 139 A +106 25 140 BI +106 25 141 PO +106 25 142 A +106 25 143 G +106 25 144 T +106 25 145 G +106 25 146 B +106 25 147 G +106 25 148 P +106 25 149 G +106 25 150 T +106 25 151 KU +106 25 152 A +106 25 153 BI +106 25 154 I +106 25 155 I +106 25 156 G +106 25 157 I +106 25 158 PO +106 25 159 KU +106 25 160 K +106 25 161 G +106 25 162 P +106 25 163 G +106 25 164 BI +106 25 165 G +106 25 166 BI +106 25 167 A +106 25 168 G +106 25 169 BI +106 25 170 I +106 25 171 G +106 25 172 PO +106 25 173 P +106 25 174 B +106 25 175 G +106 25 176 P +106 25 177 B +106 25 178 BI +106 25 179 T +106 25 180 G +106 25 181 B +106 25 182 T +106 25 183 I +106 25 184 T +106 25 185 KU +106 25 186 BI +106 25 187 KU +106 25 188 BI +106 25 189 G +106 25 190 K +106 25 191 G +106 25 192 BI +106 25 193 G +106 25 194 T +106 25 195 G +106 25 196 G +106 25 197 T +106 25 198 I +106 25 199 G +106 25 200 BI +106 25 201 K +106 25 202 G +106 25 203 K +106 25 204 I +106 25 205 T +106 25 206 G +106 25 207 P +106 25 208 B +106 25 209 BI +106 25 210 I +106 25 211 BI +106 25 212 KU +106 25 213 A +106 25 214 B +106 25 215 K +106 25 216 I +106 25 217 K +106 25 218 B +106 25 219 G +106 25 220 T +106 25 221 G +106 25 222 T +106 25 223 G +106 25 224 PO +106 25 225 B +106 25 226 BI +106 25 227 I +106 25 228 BI +106 25 229 G +106 25 230 PO +106 25 231 T +106 25 232 B +106 25 233 BI +106 25 234 G +106 25 235 BI +106 25 236 G +106 25 237 KU +106 25 238 G +106 25 239 K +106 25 240 S +106 25 241 PO +106 25 242 B +106 25 243 T +106 25 244 G +106 25 245 P +106 25 246 G +106 25 247 T +106 25 248 I +106 25 249 G +106 25 250 T +106 25 251 B +106 25 252 K +106 25 253 G +106 25 254 BI +106 25 255 I +106 25 256 P +106 25 257 BI +106 25 258 B +106 25 259 P +106 25 260 B +106 25 261 KU +106 25 262 PO +106 25 263 A +106 25 264 BI +106 25 265 G +106 25 266 S +106 25 267 T +106 25 268 G +106 25 269 T +106 25 270 KU +106 25 271 G +106 25 272 PO +106 25 273 T +106 25 274 PO +106 25 275 B +106 25 276 P +106 25 277 BI +106 25 278 T +106 25 279 BI +106 25 280 G +106 25 281 G +106 25 282 G +106 25 283 I +106 25 284 PO +106 25 285 K +106 25 286 PO +106 25 287 B +106 25 288 P +106 25 289 G +106 25 290 KU +106 25 291 BI +106 25 292 K +106 25 293 G +106 25 294 PO +106 25 295 S +106 25 296 T +106 25 297 B +106 25 298 P +106 25 299 G +106 25 300 A +106 25 301 G +106 25 302 KU +106 25 303 T +106 25 304 G +106 25 305 BI +106 25 306 B +106 25 307 BI +106 25 308 T +106 25 309 I +106 25 310 G +106 25 311 BI +106 25 312 I +106 25 313 T +106 25 314 KU +106 25 315 B +106 25 316 BI +106 25 317 P +106 25 318 KU +106 25 319 PO +106 25 320 G +106 25 321 P +106 25 322 BI +106 25 323 G +106 25 324 K +106 25 325 T +106 25 326 B +106 25 327 G +106 25 328 G +106 25 329 S +106 25 330 G +107 1 1 DA +107 1 2 DA +107 1 3 OS +107 1 4 FI +107 1 5 DA +107 1 6 PA +107 1 7 CH +107 1 8 OS +107 1 9 FI +107 1 10 FI +107 1 11 FI +107 1 12 CH +107 1 13 DA +107 1 14 FI +107 1 15 KO +107 1 16 OX +107 1 17 OS +107 1 18 FI +107 1 19 DA +107 1 20 DA +107 1 21 OS +107 1 22 CH +107 1 23 KO +107 1 24 FI +107 1 25 DA +107 1 26 FI +107 1 27 PA +107 1 28 OS +107 1 29 CH +107 1 30 PA +107 1 31 DA +107 1 32 KO +107 1 33 CH +107 1 34 FI +107 1 35 PA +107 1 36 FI +107 1 37 DA +107 1 38 OS +107 1 39 FI +107 1 40 DA +107 1 41 OS +107 1 42 CH +107 1 43 FI +107 1 44 OX +107 1 45 DA +107 1 46 FI +107 1 47 FI +107 1 48 CH +107 1 49 DA +107 1 50 FI +107 1 51 FI +107 1 52 OX +107 1 53 OS +107 1 54 DA +107 1 55 DA +107 1 56 PA +107 1 57 FI +107 1 58 CH +107 1 59 OX +107 1 60 FI +107 1 61 OS +107 1 62 FI +107 1 63 PA +107 1 64 DA +107 1 65 OS +107 1 66 OX +107 1 67 DA +107 1 68 OS +107 1 69 DA +107 1 70 OX +107 1 71 OS +107 1 72 DA +107 1 73 OS +107 1 74 DA +107 1 75 FI +107 1 76 OS +107 1 77 DA +107 1 78 PA +107 1 79 FI +107 1 80 DA +107 1 81 DA +107 1 82 DA +107 1 83 OX +107 1 84 PA +107 1 85 DA +107 1 86 OS +107 1 87 FI +107 1 88 OS +107 1 89 OS +107 1 90 FI +107 1 91 CH +107 1 92 OX +107 1 93 DA +107 1 94 FI +107 1 95 OX +107 1 96 CH +107 1 97 FI +107 1 98 OS +107 1 99 DA +107 1 100 DA +107 1 101 OS +107 1 102 OX +107 1 103 FI +107 1 104 DA +107 1 105 OS +107 1 106 CH +107 1 107 OX +107 1 108 DA +107 1 109 FI +107 1 110 OS +107 1 111 FI +107 1 112 OS +107 1 113 FI +107 1 114 DA +107 1 115 OS +107 1 116 OX +107 1 117 FI +107 1 118 OS +107 1 119 DA +107 1 120 OX +107 1 121 OS +107 1 122 DA +107 1 123 FI +107 1 124 CH +107 1 125 OS +107 1 126 OS +107 1 127 FI +107 1 128 CH +107 1 129 OX +107 1 130 FI +107 1 131 OS +107 1 132 OS +107 1 133 FI +107 1 134 FI +107 1 135 OS +107 1 136 DA +107 1 137 FI +107 1 138 DA +107 1 139 OX +107 1 140 DA +107 1 141 OX +107 1 142 OX +107 1 143 CH +107 1 144 FI +107 1 145 DA +107 1 146 CH +107 1 147 DA +107 1 148 OS +107 1 149 DA +107 1 150 FI +107 1 151 PA +107 1 152 DA +107 1 153 DA +107 1 154 FI +107 1 155 FI +107 1 156 DA +107 1 157 FI +107 1 158 OX +107 1 159 PA +107 1 160 DA +107 1 161 DA +107 1 162 OS +107 1 163 DA +107 1 164 FI +107 1 165 FI +107 1 166 FI +107 1 167 DA +107 1 168 FI +107 1 169 DA +107 1 170 FI +107 1 171 DA +107 1 172 OX +107 1 173 OS +107 1 174 CH +107 1 175 DA +107 1 176 OS +107 1 177 CH +107 1 178 FI +107 1 179 FI +107 1 180 DA +107 1 181 CH +107 1 182 OS +107 1 183 FI +107 1 184 DA +107 1 185 CH +107 1 186 DA +107 1 187 CH +107 1 188 DA +107 1 189 OX +107 1 190 PA +107 1 191 FI +107 1 192 DA +107 1 193 CH +107 1 194 OS +107 1 195 DA +107 1 196 DA +107 1 197 DA +107 1 198 FI +107 1 199 OX +107 1 200 DA +107 1 201 DA +107 1 202 DA +107 1 203 OS +107 1 204 FI +107 1 205 DA +107 1 206 OX +107 1 207 OS +107 1 208 DA +107 1 209 FI +107 1 210 FI +107 1 211 DA +107 1 212 CH +107 1 213 DA +107 1 214 CH +107 1 215 DA +107 1 216 FI +107 1 217 OS +107 1 218 CH +107 1 219 OX +107 1 220 DA +107 1 221 OX +107 1 222 DA +107 1 223 DA +107 1 224 OX +107 1 225 DA +107 1 226 DA +107 1 227 FI +107 1 228 FI +107 1 229 DA +107 1 230 DA +107 1 231 OS +107 1 232 CH +107 1 233 DA +107 1 234 DA +107 1 235 DA +107 1 236 CH +107 1 237 OS +107 1 238 DA +107 1 239 OS +107 1 240 FI +107 1 241 OX +107 1 242 CH +107 1 243 OS +107 1 244 OX +107 1 245 OS +107 1 246 DA +107 1 247 DA +107 1 248 FI +107 1 249 FI +107 1 250 FI +107 1 251 DA +107 1 252 OX +107 1 253 DA +107 1 254 FI +107 1 255 FI +107 1 256 OS +107 1 257 FI +107 1 258 CH +107 1 259 OS +107 1 260 CH +107 1 261 OS +107 1 262 OX +107 1 263 OX +107 1 264 DA +107 1 265 FI +107 1 266 OS +107 1 267 FI +107 1 268 DA +107 1 269 OS +107 1 270 CH +107 1 271 FI +107 1 272 OX +107 1 273 DA +107 1 274 OX +107 1 275 CH +107 1 276 OS +107 1 277 FI +107 1 278 OS +107 1 279 FI +107 1 280 DA +107 1 281 DA +107 1 282 CH +107 1 283 FI +107 1 284 OX +107 1 285 OS +107 1 286 OX +107 1 287 CH +107 1 288 OS +107 1 289 DA +107 1 290 OX +107 1 291 FI +107 1 292 OS +107 1 293 OX +107 1 294 OX +107 1 295 FI +107 1 296 FI +107 1 297 CH +107 1 298 OS +107 1 299 DA +107 1 300 OX +107 1 301 DA +107 1 302 OX +107 1 303 OX +107 1 304 CH +107 1 305 FI +107 1 306 DA +107 1 307 DA +107 1 308 OS +107 1 309 FI +107 1 310 DA +107 1 311 DA +107 1 312 FI +107 1 313 DA +107 1 314 OX +107 1 315 DA +107 1 316 DA +107 1 317 OS +107 1 318 OS +107 1 319 OX +107 1 320 CH +107 1 321 OS +107 1 322 DA +107 1 323 FI +107 1 324 OS +107 1 325 FI +107 1 326 CH +107 1 327 OX +107 1 328 DA +107 1 329 FI +107 1 330 OX +107 2 1 DA +107 2 2 DA +107 2 3 OS +107 2 4 OS +107 2 5 DA +107 2 6 OS +107 2 7 DA +107 2 8 OS +107 2 9 PA +107 2 10 FI +107 2 11 FI +107 2 12 CH +107 2 13 FI +107 2 14 FI +107 2 15 OX +107 2 16 OX +107 2 17 OS +107 2 18 FI +107 2 19 DA +107 2 20 DA +107 2 21 OS +107 2 22 OX +107 2 23 PA +107 2 24 FI +107 2 25 DA +107 2 26 DA +107 2 27 OX +107 2 28 OS +107 2 29 DA +107 2 30 OS +107 2 31 DA +107 2 32 PA +107 2 33 * +107 2 34 DA +107 2 35 OS +107 2 36 FI +107 2 37 DA +107 2 38 OS +107 2 39 DA +107 2 40 DA +107 2 41 OS +107 2 42 CH +107 2 43 FI +107 2 44 OX +107 2 45 DA +107 2 46 OX +107 2 47 FI +107 2 48 CH +107 2 49 DA +107 2 50 FI +107 2 51 FI +107 2 52 OX +107 2 53 * +107 2 54 DA +107 2 55 DA +107 2 56 OS +107 2 57 FI +107 2 58 CH +107 2 59 OX +107 2 60 FI +107 2 61 OS +107 2 62 OX +107 2 63 OS +107 2 64 DA +107 2 65 OS +107 2 66 OX +107 2 67 DA +107 2 68 OS +107 2 69 FI +107 2 70 OX +107 2 71 * +107 2 72 DA +107 2 73 FI +107 2 74 OX +107 2 75 FI +107 2 76 OS +107 2 77 DA +107 2 78 OX +107 2 79 FI +107 2 80 DA +107 2 81 DA +107 2 82 DA +107 2 83 OX +107 2 84 OS +107 2 85 DA +107 2 86 OS +107 2 87 FI +107 2 88 OS +107 2 89 FI +107 2 90 FI +107 2 91 PA +107 2 92 OX +107 2 93 DA +107 2 94 FI +107 2 95 OX +107 2 96 CH +107 2 97 FI +107 2 98 OS +107 2 99 OX +107 2 100 DA +107 2 101 OS +107 2 102 OX +107 2 103 FI +107 2 104 OX +107 2 105 OS +107 2 106 CH +107 2 107 OX +107 2 108 OX +107 2 109 DA +107 2 110 CH +107 2 111 FI +107 2 112 OS +107 2 113 FI +107 2 114 FI +107 2 115 OS +107 2 116 OX +107 2 117 FI +107 2 118 OS +107 2 119 DA +107 2 120 OX +107 2 121 OS +107 2 122 DA +107 2 123 DA +107 2 124 CH +107 2 125 OS +107 2 126 OS +107 2 127 FI +107 2 128 CH +107 2 129 OX +107 2 130 FI +107 2 131 OS +107 2 132 OS +107 2 133 DA +107 2 134 FI +107 2 135 OS +107 2 136 DA +107 2 137 FI +107 2 138 DA +107 2 139 OX +107 2 140 FI +107 2 141 OX +107 2 142 OX +107 2 143 CH +107 2 144 FI +107 2 145 DA +107 2 146 CH +107 2 147 DA +107 2 148 OS +107 2 149 DA +107 2 150 FI +107 2 151 OS +107 2 152 PA +107 2 153 DA +107 2 154 FI +107 2 155 FI +107 2 156 DA +107 2 157 FI +107 2 158 OX +107 2 159 CH +107 2 160 PA +107 2 161 DA +107 2 162 OS +107 2 163 FI +107 2 164 DA +107 2 165 FI +107 2 166 FI +107 2 167 OX +107 2 168 FI +107 2 169 DA +107 2 170 FI +107 2 171 FI +107 2 172 OX +107 2 173 OS +107 2 174 CH +107 2 175 OX +107 2 176 OS +107 2 177 CH +107 2 178 DA +107 2 179 FI +107 2 180 CH +107 2 181 CH +107 2 182 FI +107 2 183 FI +107 2 184 DA +107 2 185 DA +107 2 186 DA +107 2 187 CH +107 2 188 DA +107 2 189 OX +107 2 190 OX +107 2 191 DA +107 2 192 DA +107 2 193 CH +107 2 194 FI +107 2 195 DA +107 2 196 DA +107 2 197 OX +107 2 198 FI +107 2 199 OX +107 2 200 OX +107 2 201 OS +107 2 202 DA +107 2 203 OS +107 2 204 FI +107 2 205 FI +107 2 206 OX +107 2 207 OS +107 2 208 CH +107 2 209 FI +107 2 210 FI +107 2 211 DA +107 2 212 OS +107 2 213 OX +107 2 214 CH +107 2 215 OS +107 2 216 FI +107 2 217 OS +107 2 218 CH +107 2 219 OX +107 2 220 FI +107 2 221 OX +107 2 222 FI +107 2 223 CH +107 2 224 OX +107 2 225 FI +107 2 226 DA +107 2 227 FI +107 2 228 FI +107 2 229 DA +107 2 230 OX +107 2 231 DA +107 2 232 FI +107 2 233 OX +107 2 234 DA +107 2 235 DA +107 2 236 KO +107 2 237 OS +107 2 238 DA +107 2 239 OS +107 2 240 * +107 2 241 OX +107 2 242 OX +107 2 243 FI +107 2 244 OX +107 2 245 OS +107 2 246 DA +107 2 247 DA +107 2 248 FI +107 2 249 DA +107 2 250 FI +107 2 251 DA +107 2 252 OX +107 2 253 DA +107 2 254 DA +107 2 255 FI +107 2 256 OS +107 2 257 FI +107 2 258 CH +107 2 259 OS +107 2 260 OX +107 2 261 OS +107 2 262 OX +107 2 263 FI +107 2 264 DA +107 2 265 DA +107 2 266 OS +107 2 267 FI +107 2 268 DA +107 2 269 DA +107 2 270 CH +107 2 271 FI +107 2 272 OX +107 2 273 DA +107 2 274 OX +107 2 275 CH +107 2 276 OS +107 2 277 DA +107 2 278 OS +107 2 279 DA +107 2 280 DA +107 2 281 DA +107 2 282 DA +107 2 283 FI +107 2 284 OX +107 2 285 OX +107 2 286 OX +107 2 287 CH +107 2 288 OS +107 2 289 DA +107 2 290 OX +107 2 291 DA +107 2 292 OS +107 2 293 OX +107 2 294 OX +107 2 295 FI +107 2 296 FI +107 2 297 CH +107 2 298 OS +107 2 299 DA +107 2 300 OX +107 2 301 DA +107 2 302 OX +107 2 303 OX +107 2 304 PA +107 2 305 FI +107 2 306 DA +107 2 307 DA +107 2 308 OX +107 2 309 FI +107 2 310 DA +107 2 311 DA +107 2 312 FI +107 2 313 FI +107 2 314 OX +107 2 315 DA +107 2 316 DA +107 2 317 OS +107 2 318 OS +107 2 319 OX +107 2 320 CH +107 2 321 OS +107 2 322 DA +107 2 323 DA +107 2 324 OX +107 2 325 OS +107 2 326 CH +107 2 327 OX +107 2 328 FI +107 2 329 * +107 2 330 OX +107 3 1 DA +107 3 2 DA +107 3 3 OS +107 3 4 CH +107 3 5 PA +107 3 6 CH +107 3 7 DA +107 3 8 OS +107 3 9 PA +107 3 10 DA +107 3 11 FI +107 3 12 CH +107 3 13 DA +107 3 14 FI +107 3 15 CH +107 3 16 OX +107 3 17 OS +107 3 18 FI +107 3 19 DA +107 3 20 CH +107 3 21 OS +107 3 22 OX +107 3 23 PA +107 3 24 FI +107 3 25 PA +107 3 26 DA +107 3 27 OX +107 3 28 OS +107 3 29 DA +107 3 30 CH +107 3 31 DA +107 3 32 PA +107 3 33 DA +107 3 34 CH +107 3 35 OS +107 3 36 DA +107 3 37 DA +107 3 38 OS +107 3 39 DA +107 3 40 DA +107 3 41 OS +107 3 42 * +107 3 43 FI +107 3 44 OX +107 3 45 DA +107 3 46 OX +107 3 47 FI +107 3 48 PA +107 3 49 DA +107 3 50 CH +107 3 51 PA +107 3 52 OX +107 3 53 OS +107 3 54 DA +107 3 55 DA +107 3 56 CH +107 3 57 DA +107 3 58 PA +107 3 59 CH +107 3 60 FI +107 3 61 OS +107 3 62 PA +107 3 63 OS +107 3 64 FI +107 3 65 OS +107 3 66 OX +107 3 67 DA +107 3 68 CH +107 3 69 PA +107 3 70 OX +107 3 71 OS +107 3 72 DA +107 3 73 CH +107 3 74 DA +107 3 75 FI +107 3 76 OS +107 3 77 DA +107 3 78 CH +107 3 79 FI +107 3 80 DA +107 3 81 PA +107 3 82 DA +107 3 83 OS +107 3 84 PA +107 3 85 DA +107 3 86 OS +107 3 87 FI +107 3 88 OS +107 3 89 FI +107 3 90 FI +107 3 91 CH +107 3 92 OX +107 3 93 DA +107 3 94 FI +107 3 95 OX +107 3 96 CH +107 3 97 CH +107 3 98 OS +107 3 99 PA +107 3 100 DA +107 3 101 OS +107 3 102 CH +107 3 103 PA +107 3 104 DA +107 3 105 OS +107 3 106 CH +107 3 107 OX +107 3 108 OX +107 3 109 DA +107 3 110 OS +107 3 111 FI +107 3 112 OS +107 3 113 FI +107 3 114 DA +107 3 115 OS +107 3 116 DA +107 3 117 FI +107 3 118 OS +107 3 119 DA +107 3 120 OX +107 3 121 OS +107 3 122 DA +107 3 123 FI +107 3 124 CH +107 3 125 OS +107 3 126 PA +107 3 127 FI +107 3 128 CH +107 3 129 OX +107 3 130 PA +107 3 131 OS +107 3 132 OS +107 3 133 DA +107 3 134 PA +107 3 135 OS +107 3 136 DA +107 3 137 CH +107 3 138 DA +107 3 139 OX +107 3 140 DA +107 3 141 OX +107 3 142 OX +107 3 143 PA +107 3 144 DA +107 3 145 DA +107 3 146 CH +107 3 147 DA +107 3 148 OS +107 3 149 DA +107 3 150 OS +107 3 151 OS +107 3 152 CH +107 3 153 DA +107 3 154 FI +107 3 155 FI +107 3 156 DA +107 3 157 CH +107 3 158 OX +107 3 159 CH +107 3 160 PA +107 3 161 DA +107 3 162 OS +107 3 163 DA +107 3 164 DA +107 3 165 FI +107 3 166 FI +107 3 167 CH +107 3 168 DA +107 3 169 DA +107 3 170 DA +107 3 171 PA +107 3 172 OX +107 3 173 OS +107 3 174 CH +107 3 175 DA +107 3 176 OS +107 3 177 PA +107 3 178 DA +107 3 179 CH +107 3 180 DA +107 3 181 PA +107 3 182 CH +107 3 183 PA +107 3 184 OS +107 3 185 CH +107 3 186 DA +107 3 187 CH +107 3 188 DA +107 3 189 PA +107 3 190 PA +107 3 191 DA +107 3 192 CH +107 3 193 CH +107 3 194 OS +107 3 195 DA +107 3 196 DA +107 3 197 PA +107 3 198 FI +107 3 199 OX +107 3 200 DA +107 3 201 OS +107 3 202 DA +107 3 203 OS +107 3 204 FI +107 3 205 CH +107 3 206 OX +107 3 207 OS +107 3 208 CH +107 3 209 DA +107 3 210 PA +107 3 211 DA +107 3 212 OS +107 3 213 CH +107 3 214 PA +107 3 215 OS +107 3 216 FI +107 3 217 OS +107 3 218 CH +107 3 219 OX +107 3 220 CH +107 3 221 DA +107 3 222 OS +107 3 223 DA +107 3 224 OX +107 3 225 CH +107 3 226 DA +107 3 227 FI +107 3 228 DA +107 3 229 DA +107 3 230 OX +107 3 231 PA +107 3 232 CH +107 3 233 DA +107 3 234 DA +107 3 235 DA +107 3 236 CH +107 3 237 OS +107 3 238 DA +107 3 239 OS +107 3 240 CH +107 3 241 OX +107 3 242 CH +107 3 243 OS +107 3 244 OX +107 3 245 OS +107 3 246 DA +107 3 247 CH +107 3 248 FI +107 3 249 DA +107 3 250 CH +107 3 251 DA +107 3 252 OX +107 3 253 DA +107 3 254 DA +107 3 255 FI +107 3 256 OS +107 3 257 DA +107 3 258 PA +107 3 259 CH +107 3 260 OX +107 3 261 CH +107 3 262 OX +107 3 263 FI +107 3 264 DA +107 3 265 DA +107 3 266 CH +107 3 267 PA +107 3 268 DA +107 3 269 CH +107 3 270 PA +107 3 271 DA +107 3 272 OX +107 3 273 PA +107 3 274 OX +107 3 275 CH +107 3 276 OS +107 3 277 DA +107 3 278 CH +107 3 279 DA +107 3 280 DA +107 3 281 DA +107 3 282 DA +107 3 283 CH +107 3 284 OX +107 3 285 OS +107 3 286 OX +107 3 287 CH +107 3 288 OS +107 3 289 DA +107 3 290 OX +107 3 291 DA +107 3 292 CH +107 3 293 OX +107 3 294 OX +107 3 295 CH +107 3 296 PA +107 3 297 CH +107 3 298 OS +107 3 299 DA +107 3 300 FI +107 3 301 DA +107 3 302 OX +107 3 303 DA +107 3 304 PA +107 3 305 CH +107 3 306 DA +107 3 307 DA +107 3 308 PA +107 3 309 FI +107 3 310 DA +107 3 311 DA +107 3 312 FI +107 3 313 DA +107 3 314 OX +107 3 315 DA +107 3 316 DA +107 3 317 OS +107 3 318 CH +107 3 319 OX +107 3 320 CH +107 3 321 OS +107 3 322 DA +107 3 323 DA +107 3 324 OX +107 3 325 PA +107 3 326 CH +107 3 327 OX +107 3 328 DA +107 3 329 CH +107 3 330 OX +107 4 1 DA +107 4 2 DA +107 4 3 OS +107 4 4 FI +107 4 5 DA +107 4 6 OS +107 4 7 DA +107 4 8 OS +107 4 9 DA +107 4 10 FI +107 4 11 FI +107 4 12 CH +107 4 13 FI +107 4 14 FI +107 4 15 CH +107 4 16 OS +107 4 17 OS +107 4 18 FI +107 4 19 DA +107 4 20 CH +107 4 21 OS +107 4 22 CH +107 4 23 DA +107 4 24 FI +107 4 25 CH +107 4 26 FI +107 4 27 OX +107 4 28 OS +107 4 29 DA +107 4 30 OS +107 4 31 DA +107 4 32 OS +107 4 33 DA +107 4 34 DA +107 4 35 OS +107 4 36 FI +107 4 37 CH +107 4 38 OS +107 4 39 CH +107 4 40 DA +107 4 41 OS +107 4 42 CH +107 4 43 FI +107 4 44 OS +107 4 45 CH +107 4 46 FI +107 4 47 FI +107 4 48 OS +107 4 49 DA +107 4 50 OS +107 4 51 DA +107 4 52 OX +107 4 53 OS +107 4 54 FI +107 4 55 DA +107 4 56 CH +107 4 57 FI +107 4 58 OX +107 4 59 OX +107 4 60 DA +107 4 61 OS +107 4 62 DA +107 4 63 OS +107 4 64 DA +107 4 65 OS +107 4 66 OX +107 4 67 DA +107 4 68 OS +107 4 69 FI +107 4 70 OX +107 4 71 FI +107 4 72 DA +107 4 73 CH +107 4 74 OX +107 4 75 FI +107 4 76 OS +107 4 77 CH +107 4 78 OS +107 4 79 FI +107 4 80 CH +107 4 81 CH +107 4 82 CH +107 4 83 OX +107 4 84 OS +107 4 85 DA +107 4 86 OS +107 4 87 FI +107 4 88 OS +107 4 89 FI +107 4 90 CH +107 4 91 CH +107 4 92 OX +107 4 93 CH +107 4 94 FI +107 4 95 OX +107 4 96 DA +107 4 97 CH +107 4 98 OS +107 4 99 DA +107 4 100 CH +107 4 101 OS +107 4 102 DA +107 4 103 CH +107 4 104 OX +107 4 105 OS +107 4 106 CH +107 4 107 OX +107 4 108 DA +107 4 109 FI +107 4 110 OS +107 4 111 FI +107 4 112 OS +107 4 113 FI +107 4 114 DA +107 4 115 OS +107 4 116 CH +107 4 117 FI +107 4 118 OS +107 4 119 DA +107 4 120 OX +107 4 121 OS +107 4 122 DA +107 4 123 DA +107 4 124 CH +107 4 125 OS +107 4 126 OS +107 4 127 FI +107 4 128 CH +107 4 129 OX +107 4 130 FI +107 4 131 DA +107 4 132 OS +107 4 133 DA +107 4 134 FI +107 4 135 OS +107 4 136 CH +107 4 137 FI +107 4 138 DA +107 4 139 OX +107 4 140 CH +107 4 141 OX +107 4 142 OX +107 4 143 CH +107 4 144 FI +107 4 145 DA +107 4 146 OS +107 4 147 DA +107 4 148 OS +107 4 149 CH +107 4 150 FI +107 4 151 OS +107 4 152 DA +107 4 153 CH +107 4 154 FI +107 4 155 FI +107 4 156 CH +107 4 157 FI +107 4 158 OX +107 4 159 DA +107 4 160 OS +107 4 161 DA +107 4 162 OS +107 4 163 CH +107 4 164 DA +107 4 165 CH +107 4 166 TS +107 4 167 OX +107 4 168 DA +107 4 169 DA +107 4 170 FI +107 4 171 CH +107 4 172 OX +107 4 173 OS +107 4 174 CH +107 4 175 DA +107 4 176 OS +107 4 177 DA +107 4 178 FI +107 4 179 OS +107 4 180 CH +107 4 181 CH +107 4 182 OS +107 4 183 FI +107 4 184 OS +107 4 185 CH +107 4 186 DA +107 4 187 OS +107 4 188 DA +107 4 189 OX +107 4 190 OS +107 4 191 DA +107 4 192 FI +107 4 193 CH +107 4 194 OS +107 4 195 DA +107 4 196 CH +107 4 197 FI +107 4 198 FI +107 4 199 OX +107 4 200 DA +107 4 201 OS +107 4 202 DA +107 4 203 OS +107 4 204 FI +107 4 205 CH +107 4 206 OX +107 4 207 OS +107 4 208 CH +107 4 209 DA +107 4 210 OS +107 4 211 CH +107 4 212 OS +107 4 213 OX +107 4 214 CH +107 4 215 OS +107 4 216 FI +107 4 217 DA +107 4 218 CH +107 4 219 OX +107 4 220 FI +107 4 221 OX +107 4 222 OS +107 4 223 DA +107 4 224 OX +107 4 225 FI +107 4 226 DA +107 4 227 FI +107 4 228 CH +107 4 229 CH +107 4 230 OX +107 4 231 OS +107 4 232 FI +107 4 233 DA +107 4 234 DA +107 4 235 FI +107 4 236 CH +107 4 237 OS +107 4 238 DA +107 4 239 OS +107 4 240 OS +107 4 241 OX +107 4 242 DA +107 4 243 FI +107 4 244 OX +107 4 245 OS +107 4 246 DA +107 4 247 DA +107 4 248 FI +107 4 249 DA +107 4 250 OS +107 4 251 CH +107 4 252 OX +107 4 253 CH +107 4 254 DA +107 4 255 FI +107 4 256 OS +107 4 257 DA +107 4 258 CH +107 4 259 FI +107 4 260 OX +107 4 261 OS +107 4 262 OX +107 4 263 FI +107 4 264 DA +107 4 265 CH +107 4 266 OS +107 4 267 DA +107 4 268 CH +107 4 269 OS +107 4 270 CH +107 4 271 FI +107 4 272 OX +107 4 273 OS +107 4 274 OX +107 4 275 CH +107 4 276 OS +107 4 277 DA +107 4 278 OS +107 4 279 FI +107 4 280 DA +107 4 281 DA +107 4 282 CH +107 4 283 OS +107 4 284 OX +107 4 285 DA +107 4 286 OX +107 4 287 DA +107 4 288 OS +107 4 289 CH +107 4 290 OX +107 4 291 DA +107 4 292 OS +107 4 293 OX +107 4 294 OX +107 4 295 FI +107 4 296 DA +107 4 297 CH +107 4 298 OS +107 4 299 DA +107 4 300 OX +107 4 301 DA +107 4 302 OX +107 4 303 CH +107 4 304 FI +107 4 305 DA +107 4 306 CH +107 4 307 DA +107 4 308 OS +107 4 309 FI +107 4 310 DA +107 4 311 FI +107 4 312 FI +107 4 313 DA +107 4 314 OX +107 4 315 DA +107 4 316 CH +107 4 317 OS +107 4 318 OS +107 4 319 OX +107 4 320 DA +107 4 321 OS +107 4 322 DA +107 4 323 CH +107 4 324 OX +107 4 325 OS +107 4 326 CH +107 4 327 OX +107 4 328 FI +107 4 329 DA +107 4 330 OX +107 5 1 DA +107 5 2 CH +107 5 3 OS +107 5 4 DA +107 5 5 DA +107 5 6 CH +107 5 7 DA +107 5 8 OS +107 5 9 FI +107 5 10 FI +107 5 11 FI +107 5 12 CH +107 5 13 FI +107 5 14 FI +107 5 15 OS +107 5 16 OX +107 5 17 OS +107 5 18 OX +107 5 19 DA +107 5 20 DA +107 5 21 OS +107 5 22 DA +107 5 23 OS +107 5 24 FI +107 5 25 DA +107 5 26 FI +107 5 27 CH +107 5 28 OS +107 5 29 DA +107 5 30 OS +107 5 31 DA +107 5 32 OS +107 5 33 DA +107 5 34 FI +107 5 35 OS +107 5 36 FI +107 5 37 DA +107 5 38 OS +107 5 39 DA +107 5 40 DA +107 5 41 OS +107 5 42 CH +107 5 43 FI +107 5 44 OX +107 5 45 DA +107 5 46 OX +107 5 47 FI +107 5 48 OS +107 5 49 DA +107 5 50 FI +107 5 51 OX +107 5 52 OX +107 5 53 OS +107 5 54 DA +107 5 55 DA +107 5 56 OS +107 5 57 FI +107 5 58 CH +107 5 59 OX +107 5 60 FI +107 5 61 OS +107 5 62 DA +107 5 63 OS +107 5 64 FI +107 5 65 OS +107 5 66 OX +107 5 67 DA +107 5 68 OS +107 5 69 CH +107 5 70 OX +107 5 71 OS +107 5 72 DA +107 5 73 OS +107 5 74 OX +107 5 75 FI +107 5 76 OS +107 5 77 DA +107 5 78 OS +107 5 79 OX +107 5 80 DA +107 5 81 DA +107 5 82 DA +107 5 83 OX +107 5 84 OS +107 5 85 DA +107 5 86 OS +107 5 87 FI +107 5 88 OS +107 5 89 FI +107 5 90 FI +107 5 91 DA +107 5 92 OX +107 5 93 DA +107 5 94 FI +107 5 95 DA +107 5 96 CH +107 5 97 FI +107 5 98 OS +107 5 99 DA +107 5 100 DA +107 5 101 OS +107 5 102 DA +107 5 103 FI +107 5 104 DA +107 5 105 OS +107 5 106 CH +107 5 107 OX +107 5 108 DA +107 5 109 FI +107 5 110 OS +107 5 111 FI +107 5 112 OS +107 5 113 FI +107 5 114 DA +107 5 115 OS +107 5 116 DA +107 5 117 FI +107 5 118 OS +107 5 119 DA +107 5 120 OX +107 5 121 OS +107 5 122 DA +107 5 123 DA +107 5 124 DA +107 5 125 OS +107 5 126 OS +107 5 127 FI +107 5 128 CH +107 5 129 OX +107 5 130 FI +107 5 131 OS +107 5 132 OS +107 5 133 DA +107 5 134 FI +107 5 135 OS +107 5 136 DA +107 5 137 FI +107 5 138 DA +107 5 139 OX +107 5 140 FI +107 5 141 OX +107 5 142 OX +107 5 143 DA +107 5 144 FI +107 5 145 DA +107 5 146 CH +107 5 147 DA +107 5 148 OS +107 5 149 DA +107 5 150 FI +107 5 151 OS +107 5 152 OS +107 5 153 DA +107 5 154 FI +107 5 155 FI +107 5 156 DA +107 5 157 FI +107 5 158 OX +107 5 159 CH +107 5 160 OS +107 5 161 DA +107 5 162 OS +107 5 163 DA +107 5 164 FI +107 5 165 FI +107 5 166 FI +107 5 167 DA +107 5 168 DA +107 5 169 DA +107 5 170 FI +107 5 171 FI +107 5 172 OX +107 5 173 OS +107 5 174 CH +107 5 175 DA +107 5 176 OS +107 5 177 CH +107 5 178 FI +107 5 179 OS +107 5 180 DA +107 5 181 CH +107 5 182 OS +107 5 183 FI +107 5 184 OS +107 5 185 OS +107 5 186 DA +107 5 187 OS +107 5 188 DA +107 5 189 OX +107 5 190 OS +107 5 191 DA +107 5 192 OS +107 5 193 DA +107 5 194 OS +107 5 195 DA +107 5 196 DA +107 5 197 OS +107 5 198 FI +107 5 199 OX +107 5 200 DA +107 5 201 OS +107 5 202 DA +107 5 203 OS +107 5 204 FI +107 5 205 FI +107 5 206 OX +107 5 207 OS +107 5 208 OS +107 5 209 DA +107 5 210 FI +107 5 211 DA +107 5 212 OS +107 5 213 OX +107 5 214 DA +107 5 215 OS +107 5 216 FI +107 5 217 OS +107 5 218 CH +107 5 219 OX +107 5 220 FI +107 5 221 OX +107 5 222 FI +107 5 223 DA +107 5 224 OX +107 5 225 DA +107 5 226 FI +107 5 227 FI +107 5 228 DA +107 5 229 DA +107 5 230 OX +107 5 231 OS +107 5 232 OX +107 5 233 FI +107 5 234 DA +107 5 235 FI +107 5 236 CH +107 5 237 OS +107 5 238 DA +107 5 239 OS +107 5 240 OS +107 5 241 OX +107 5 242 CH +107 5 243 OS +107 5 244 OX +107 5 245 OS +107 5 246 DA +107 5 247 FI +107 5 248 FI +107 5 249 DA +107 5 250 FI +107 5 251 DA +107 5 252 OX +107 5 253 DA +107 5 254 FI +107 5 255 FI +107 5 256 OS +107 5 257 FI +107 5 258 CH +107 5 259 OS +107 5 260 OX +107 5 261 OS +107 5 262 OX +107 5 263 OX +107 5 264 OX +107 5 265 DA +107 5 266 OS +107 5 267 OS +107 5 268 DA +107 5 269 OS +107 5 270 OS +107 5 271 FI +107 5 272 OX +107 5 273 OS +107 5 274 OX +107 5 275 CH +107 5 276 OS +107 5 277 FI +107 5 278 OS +107 5 279 FI +107 5 280 DA +107 5 281 DA +107 5 282 DA +107 5 283 FI +107 5 284 OX +107 5 285 OS +107 5 286 OX +107 5 287 CH +107 5 288 OS +107 5 289 DA +107 5 290 OX +107 5 291 FI +107 5 292 OS +107 5 293 OX +107 5 294 OX +107 5 295 FI +107 5 296 FI +107 5 297 CH +107 5 298 OS +107 5 299 DA +107 5 300 OX +107 5 301 DA +107 5 302 OX +107 5 303 OX +107 5 304 CH +107 5 305 OS +107 5 306 DA +107 5 307 DA +107 5 308 OS +107 5 309 FI +107 5 310 DA +107 5 311 DA +107 5 312 FI +107 5 313 FI +107 5 314 OX +107 5 315 CH +107 5 316 DA +107 5 317 OS +107 5 318 OS +107 5 319 OX +107 5 320 CH +107 5 321 OS +107 5 322 DA +107 5 323 DA +107 5 324 OX +107 5 325 OS +107 5 326 CH +107 5 327 OX +107 5 328 DA +107 5 329 CH +107 5 330 OX +107 6 1 * +107 6 2 * +107 6 3 * +107 6 4 * +107 6 5 DA +107 6 6 DA +107 6 7 OS +107 6 8 CH +107 6 9 OS +107 6 10 FI +107 6 11 FI +107 6 12 DA +107 6 13 DA +107 6 14 DA +107 6 15 KO +107 6 16 OX +107 6 17 OS +107 6 18 FI +107 6 19 DA +107 6 20 CH +107 6 21 OS +107 6 22 CH +107 6 23 OS +107 6 24 FI +107 6 25 CH +107 6 26 DA +107 6 27 OX +107 6 28 OS +107 6 29 DA +107 6 30 OS +107 6 31 DA +107 6 32 CH +107 6 33 DA +107 6 34 DA +107 6 35 OS +107 6 36 FI +107 6 37 CH +107 6 38 OS +107 6 39 DA +107 6 40 DA +107 6 41 OS +107 6 42 DA +107 6 43 FI +107 6 44 OX +107 6 45 DA +107 6 46 OX +107 6 47 FI +107 6 48 OS +107 6 49 DA +107 6 50 CH +107 6 51 CH +107 6 52 OX +107 6 53 OS +107 6 54 CH +107 6 55 DA +107 6 56 OX +107 6 57 DA +107 6 58 OX +107 6 59 OX +107 6 60 DA +107 6 61 OS +107 6 62 DA +107 6 63 OS +107 6 64 DA +107 6 65 OS +107 6 66 OX +107 6 67 DA +107 6 68 CH +107 6 69 CH +107 6 70 OX +107 6 71 FI +107 6 72 DA +107 6 73 DA +107 6 74 OX +107 6 75 FI +107 6 76 OS +107 6 77 DA +107 6 78 OS +107 6 79 FI +107 6 80 DA +107 6 81 OS +107 6 82 DA +107 6 83 OX +107 6 84 OS +107 6 85 DA +107 6 86 OS +107 6 87 FI +107 6 88 CH +107 6 89 FI +107 6 90 CH +107 6 91 OS +107 6 92 OX +107 6 93 DA +107 6 94 FI +107 6 95 OX +107 6 96 OS +107 6 97 CH +107 6 98 OS +107 6 99 DA +107 6 100 DA +107 6 101 OS +107 6 102 OX +107 6 103 DA +107 6 104 OX +107 6 105 OS +107 6 106 CH +107 6 107 OX +107 6 108 OX +107 6 109 DA +107 6 110 OS +107 6 111 FI +107 6 112 OS +107 6 113 FI +107 6 114 DA +107 6 115 OS +107 6 116 CH +107 6 117 FI +107 6 118 OS +107 6 119 DA +107 6 120 OX +107 6 121 OS +107 6 122 DA +107 6 123 CH +107 6 124 DA +107 6 125 OS +107 6 126 OS +107 6 127 FI +107 6 128 OS +107 6 129 OX +107 6 130 FI +107 6 131 OS +107 6 132 OS +107 6 133 DA +107 6 134 DA +107 6 135 OS +107 6 136 DA +107 6 137 DA +107 6 138 DA +107 6 139 OX +107 6 140 DA +107 6 141 OX +107 6 142 OX +107 6 143 CH +107 6 144 DA +107 6 145 DA +107 6 146 OS +107 6 147 CH +107 6 148 OS +107 6 149 CH +107 6 150 OS +107 6 151 OS +107 6 152 OS +107 6 153 DA +107 6 154 FI +107 6 155 FI +107 6 156 DA +107 6 157 CH +107 6 158 OX +107 6 159 OS +107 6 160 OS +107 6 161 DA +107 6 162 OS +107 6 163 CH +107 6 164 DA +107 6 165 DA +107 6 166 FI +107 6 167 OX +107 6 168 DA +107 6 169 DA +107 6 170 DA +107 6 171 DA +107 6 172 OX +107 6 173 OS +107 6 174 OS +107 6 175 DA +107 6 176 OS +107 6 177 DA +107 6 178 DA +107 6 179 CH +107 6 180 DA +107 6 181 DA +107 6 182 OS +107 6 183 CH +107 6 184 KO +107 6 185 OS +107 6 186 CH +107 6 187 OS +107 6 188 DA +107 6 189 OX +107 6 190 OS +107 6 191 DA +107 6 192 PA +107 6 193 OS +107 6 194 FI +107 6 195 DA +107 6 196 KO +107 6 197 DA +107 6 198 FI +107 6 199 OX +107 6 200 DA +107 6 201 OS +107 6 202 DA +107 6 203 OS +107 6 204 FI +107 6 205 DA +107 6 206 OX +107 6 207 OS +107 6 208 OS +107 6 209 DA +107 6 210 DA +107 6 211 DA +107 6 212 OS +107 6 213 KO +107 6 214 DA +107 6 215 OS +107 6 216 FI +107 6 217 OS +107 6 218 OS +107 6 219 OX +107 6 220 DA +107 6 221 OX +107 6 222 DA +107 6 223 DA +107 6 224 OX +107 6 225 KO +107 6 226 DA +107 6 227 FI +107 6 228 FI +107 6 229 CH +107 6 230 OX +107 6 231 OS +107 6 232 KO +107 6 233 DA +107 6 234 DA +107 6 235 DA +107 6 236 OS +107 6 237 OS +107 6 238 DA +107 6 239 OS +107 6 240 OS +107 6 241 OX +107 6 242 DA +107 6 243 OS +107 6 244 OX +107 6 245 OS +107 6 246 DA +107 6 247 DA +107 6 248 FI +107 6 249 CH +107 6 250 DA +107 6 251 DA +107 6 252 OX +107 6 253 DA +107 6 254 KO +107 6 255 FI +107 6 256 OS +107 6 257 DA +107 6 258 OS +107 6 259 OS +107 6 260 KO +107 6 261 OS +107 6 262 OX +107 6 263 KO +107 6 264 DA +107 6 265 DA +107 6 266 OS +107 6 267 OS +107 6 268 DA +107 6 269 OS +107 6 270 OS +107 6 271 DA +107 6 272 OX +107 6 273 OS +107 6 274 OX +107 6 275 DA +107 6 276 OS +107 6 277 DA +107 6 278 OS +107 6 279 DA +107 6 280 DA +107 6 281 DA +107 6 282 CH +107 6 283 KO +107 6 284 OX +107 6 285 * +107 6 286 OX +107 6 287 KO +107 6 288 OS +107 6 289 CH +107 6 290 OX +107 6 291 DA +107 6 292 OS +107 6 293 OX +107 6 294 OX +107 6 295 KO +107 6 296 KO +107 6 297 OS +107 6 298 OS +107 6 299 DA +107 6 300 OX +107 6 301 DA +107 6 302 OX +107 6 303 OX +107 6 304 KO +107 6 305 OS +107 6 306 DA +107 6 307 DA +107 6 308 KO +107 6 309 FI +107 6 310 DA +107 6 311 DA +107 6 312 FI +107 6 313 FI +107 6 314 OX +107 6 315 DA +107 6 316 DA +107 6 317 KO +107 6 318 OS +107 6 319 OX +107 6 320 KO +107 6 321 OS +107 6 322 DA +107 6 323 CH +107 6 324 OX +107 6 325 KO +107 6 326 OS +107 6 327 OX +107 6 328 DA +107 6 329 KO +107 6 330 OX +107 7 1 DA +107 7 2 CH +107 7 3 OS +107 7 4 OS +107 7 5 DA +107 7 6 CH +107 7 7 DA +107 7 8 OS +107 7 9 DA +107 7 10 FI +107 7 11 FI +107 7 12 CH +107 7 13 FI +107 7 14 FI +107 7 15 CH +107 7 16 OX +107 7 17 OS +107 7 18 OX +107 7 19 DA +107 7 20 CH +107 7 21 OS +107 7 22 DA +107 7 23 CH +107 7 24 CH +107 7 25 FI +107 7 26 FI +107 7 27 OX +107 7 28 OS +107 7 29 DA +107 7 30 OS +107 7 31 CH +107 7 32 OS +107 7 33 DA +107 7 34 FI +107 7 35 OS +107 7 36 FI +107 7 37 DA +107 7 38 OS +107 7 39 DA +107 7 40 DA +107 7 41 OS +107 7 42 CH +107 7 43 FI +107 7 44 OX +107 7 45 DA +107 7 46 OX +107 7 47 DA +107 7 48 OS +107 7 49 CH +107 7 50 DA +107 7 51 CH +107 7 52 OX +107 7 53 OS +107 7 54 DA +107 7 55 FI +107 7 56 OS +107 7 57 FI +107 7 58 CH +107 7 59 OX +107 7 60 FI +107 7 61 OS +107 7 62 CH +107 7 63 OS +107 7 64 FI +107 7 65 OS +107 7 66 OX +107 7 67 DA +107 7 68 OS +107 7 69 CH +107 7 70 OX +107 7 71 OS +107 7 72 FI +107 7 73 OS +107 7 74 OX +107 7 75 FI +107 7 76 OS +107 7 77 FI +107 7 78 DA +107 7 79 DA +107 7 80 FI +107 7 81 CH +107 7 82 CH +107 7 83 OX +107 7 84 OS +107 7 85 FI +107 7 86 OS +107 7 87 CH +107 7 88 OS +107 7 89 FI +107 7 90 FI +107 7 91 CH +107 7 92 OX +107 7 93 FI +107 7 94 CH +107 7 95 OX +107 7 96 DA +107 7 97 DA +107 7 98 OS +107 7 99 DA +107 7 100 OX +107 7 101 OS +107 7 102 DA +107 7 103 CH +107 7 104 DA +107 7 105 OS +107 7 106 OX +107 7 107 OX +107 7 108 OX +107 7 109 FI +107 7 110 OS +107 7 111 CH +107 7 112 OS +107 7 113 DA +107 7 114 FI +107 7 115 OS +107 7 116 OX +107 7 117 CH +107 7 118 OS +107 7 119 FI +107 7 120 OX +107 7 121 OS +107 7 122 DA +107 7 123 FI +107 7 124 CH +107 7 125 OS +107 7 126 OS +107 7 127 FI +107 7 128 DA +107 7 129 OX +107 7 130 DA +107 7 131 OS +107 7 132 OS +107 7 133 FI +107 7 134 DA +107 7 135 OS +107 7 136 FI +107 7 137 CH +107 7 138 DA +107 7 139 OX +107 7 140 FI +107 7 141 OX +107 7 142 OX +107 7 143 DA +107 7 144 CH +107 7 145 * +107 7 146 OS +107 7 147 * +107 7 148 OS +107 7 149 CH +107 7 150 DA +107 7 151 OS +107 7 152 OS +107 7 153 FI +107 7 154 DA +107 7 155 CH +107 7 156 FI +107 7 157 DA +107 7 158 OX +107 7 159 OS +107 7 160 OS +107 7 161 DA +107 7 162 OS +107 7 163 FI +107 7 164 FI +107 7 165 CH +107 7 166 FI +107 7 167 OX +107 7 168 FI +107 7 169 FI +107 7 170 FI +107 7 171 CH +107 7 172 OX +107 7 173 OS +107 7 174 DA +107 7 175 OX +107 7 176 OS +107 7 177 OX +107 7 178 FI +107 7 179 OS +107 7 180 * +107 7 181 DA +107 7 182 OS +107 7 183 DA +107 7 184 CH +107 7 185 OS +107 7 186 FI +107 7 187 OS +107 7 188 FI +107 7 189 FI +107 7 190 OS +107 7 191 FI +107 7 192 CH +107 7 193 DA +107 7 194 OS +107 7 195 FI +107 7 196 OX +107 7 197 CH +107 7 198 FI +107 7 199 OX +107 7 200 DA +107 7 201 OS +107 7 202 DA +107 7 203 OS +107 7 204 CH +107 7 205 DA +107 7 206 OX +107 7 207 OS +107 7 208 DA +107 7 209 FI +107 7 210 DA +107 7 211 FI +107 7 212 OS +107 7 213 OX +107 7 214 CH +107 7 215 OS +107 7 216 DA +107 7 217 OS +107 7 218 DA +107 7 219 OX +107 7 220 FI +107 7 221 OX +107 7 222 DA +107 7 223 CH +107 7 224 OX +107 7 225 CH +107 7 226 FI +107 7 227 FI +107 7 228 FI +107 7 229 DA +107 7 230 CH +107 7 231 OS +107 7 232 DA +107 7 233 FI +107 7 234 FI +107 7 235 FI +107 7 236 DA +107 7 237 OS +107 7 238 FI +107 7 239 OS +107 7 240 OS +107 7 241 OX +107 7 242 CH +107 7 243 OS +107 7 244 OX +107 7 245 OS +107 7 246 DA +107 7 247 DA +107 7 248 * +107 7 249 FI +107 7 250 CH +107 7 251 DA +107 7 252 OX +107 7 253 CH +107 7 254 OX +107 7 255 * +107 7 256 OS +107 7 257 FI +107 7 258 CH +107 7 259 OS +107 7 260 OX +107 7 261 OS +107 7 262 OX +107 7 263 OX +107 7 264 OX +107 7 265 FI +107 7 266 OS +107 7 267 OS +107 7 268 CH +107 7 269 OS +107 7 270 OS +107 7 271 * +107 7 272 OX +107 7 273 OS +107 7 274 OX +107 7 275 CH +107 7 276 OS +107 7 277 FI +107 7 278 OS +107 7 279 FI +107 7 280 CH +107 7 281 FI +107 7 282 DA +107 7 283 CH +107 7 284 OX +107 7 285 * +107 7 286 OX +107 7 287 DA +107 7 288 OS +107 7 289 CH +107 7 290 OX +107 7 291 FI +107 7 292 OS +107 7 293 OX +107 7 294 OX +107 7 295 DA +107 7 296 DA +107 7 297 OS +107 7 298 OS +107 7 299 FI +107 7 300 OX +107 7 301 FI +107 7 302 OX +107 7 303 OX +107 7 304 CH +107 7 305 DA +107 7 306 CH +107 7 307 FI +107 7 308 DA +107 7 309 DA +107 7 310 FI +107 7 311 FI +107 7 312 * +107 7 313 FI +107 7 314 DA +107 7 315 OX +107 7 316 FI +107 7 317 OS +107 7 318 OS +107 7 319 OX +107 7 320 DA +107 7 321 OS +107 7 322 FI +107 7 323 FI +107 7 324 OX +107 7 325 OS +107 7 326 OS +107 7 327 OX +107 7 328 FI +107 7 329 OS +107 7 330 OX +107 8 1 DA +107 8 2 OX +107 8 3 OS +107 8 4 FI +107 8 5 DA +107 8 6 CH +107 8 7 DA +107 8 8 OS +107 8 9 CH +107 8 10 FI +107 8 11 FI +107 8 12 CH +107 8 13 FI +107 8 14 FI +107 8 15 DA +107 8 16 OX +107 8 17 OS +107 8 18 FI +107 8 19 DA +107 8 20 CH +107 8 21 OS +107 8 22 CH +107 8 23 DA +107 8 24 FI +107 8 25 DA +107 8 26 FI +107 8 27 OX +107 8 28 OS +107 8 29 DA +107 8 30 CH +107 8 31 DA +107 8 32 DA +107 8 33 DA +107 8 34 DA +107 8 35 OS +107 8 36 FI +107 8 37 OX +107 8 38 OS +107 8 39 CH +107 8 40 CH +107 8 41 OS +107 8 42 CH +107 8 43 FI +107 8 44 OX +107 8 45 CH +107 8 46 FI +107 8 47 FI +107 8 48 CH +107 8 49 DA +107 8 50 FI +107 8 51 DA +107 8 52 OX +107 8 53 OS +107 8 54 DA +107 8 55 DA +107 8 56 OX +107 8 57 FI +107 8 58 DA +107 8 59 OX +107 8 60 FI +107 8 61 OS +107 8 62 OX +107 8 63 DA +107 8 64 DA +107 8 65 OS +107 8 66 OX +107 8 67 DA +107 8 68 OS +107 8 69 CH +107 8 70 OX +107 8 71 * +107 8 72 DA +107 8 73 * +107 8 74 OX +107 8 75 FI +107 8 76 OS +107 8 77 CH +107 8 78 OX +107 8 79 FI +107 8 80 DA +107 8 81 DA +107 8 82 DA +107 8 83 OX +107 8 84 CH +107 8 85 DA +107 8 86 OX +107 8 87 FI +107 8 88 OS +107 8 89 FI +107 8 90 FI +107 8 91 DA +107 8 92 OX +107 8 93 DA +107 8 94 FI +107 8 95 OX +107 8 96 CH +107 8 97 DA +107 8 98 OS +107 8 99 OX +107 8 100 OX +107 8 101 OS +107 8 102 OX +107 8 103 CH +107 8 104 DA +107 8 105 OS +107 8 106 DA +107 8 107 OX +107 8 108 DA +107 8 109 FI +107 8 110 OS +107 8 111 * +107 8 112 OS +107 8 113 FI +107 8 114 DA +107 8 115 OS +107 8 116 OX +107 8 117 * +107 8 118 OX +107 8 119 DA +107 8 120 OX +107 8 121 OS +107 8 122 DA +107 8 123 DA +107 8 124 CH +107 8 125 OS +107 8 126 OS +107 8 127 FI +107 8 128 CH +107 8 129 OX +107 8 130 CH +107 8 131 DA +107 8 132 OS +107 8 133 DA +107 8 134 FI +107 8 135 DA +107 8 136 CH +107 8 137 CH +107 8 138 DA +107 8 139 OX +107 8 140 DA +107 8 141 OX +107 8 142 OX +107 8 143 CH +107 8 144 FI +107 8 145 DA +107 8 146 CH +107 8 147 DA +107 8 148 OS +107 8 149 CH +107 8 150 FI +107 8 151 OS +107 8 152 OX +107 8 153 DA +107 8 154 FI +107 8 155 CH +107 8 156 DA +107 8 157 OS +107 8 158 OX +107 8 159 OS +107 8 160 OX +107 8 161 DA +107 8 162 OS +107 8 163 DA +107 8 164 DA +107 8 165 CH +107 8 166 FI +107 8 167 OX +107 8 168 DA +107 8 169 DA +107 8 170 FI +107 8 171 DA +107 8 172 OX +107 8 173 OS +107 8 174 OS +107 8 175 DA +107 8 176 OS +107 8 177 DA +107 8 178 DA +107 8 179 OS +107 8 180 DA +107 8 181 CH +107 8 182 OS +107 8 183 CH +107 8 184 DA +107 8 185 OS +107 8 186 CH +107 8 187 OS +107 8 188 DA +107 8 189 OX +107 8 190 OS +107 8 191 DA +107 8 192 DA +107 8 193 CH +107 8 194 OS +107 8 195 DA +107 8 196 DA +107 8 197 OX +107 8 198 FI +107 8 199 OX +107 8 200 DA +107 8 201 OS +107 8 202 DA +107 8 203 OS +107 8 204 FI +107 8 205 DA +107 8 206 OX +107 8 207 OS +107 8 208 OS +107 8 209 FI +107 8 210 OS +107 8 211 DA +107 8 212 OS +107 8 213 OX +107 8 214 DA +107 8 215 OS +107 8 216 FI +107 8 217 OX +107 8 218 DA +107 8 219 OX +107 8 220 OX +107 8 221 OX +107 8 222 FI +107 8 223 DA +107 8 224 OX +107 8 225 DA +107 8 226 DA +107 8 227 FI +107 8 228 DA +107 8 229 CH +107 8 230 OX +107 8 231 OS +107 8 232 CH +107 8 233 OX +107 8 234 DA +107 8 235 DA +107 8 236 CH +107 8 237 OS +107 8 238 DA +107 8 239 OS +107 8 240 * +107 8 241 OX +107 8 242 OX +107 8 243 OS +107 8 244 OX +107 8 245 OS +107 8 246 DA +107 8 247 CH +107 8 248 FI +107 8 249 DA +107 8 250 DA +107 8 251 DA +107 8 252 OX +107 8 253 DA +107 8 254 OX +107 8 255 FI +107 8 256 OS +107 8 257 DA +107 8 258 CH +107 8 259 OS +107 8 260 OX +107 8 261 OS +107 8 262 OX +107 8 263 OX +107 8 264 DA +107 8 265 DA +107 8 266 OS +107 8 267 OS +107 8 268 DA +107 8 269 OS +107 8 270 OS +107 8 271 FI +107 8 272 OX +107 8 273 OX +107 8 274 OX +107 8 275 DA +107 8 276 OS +107 8 277 DA +107 8 278 OS +107 8 279 DA +107 8 280 CH +107 8 281 DA +107 8 282 DA +107 8 283 OS +107 8 284 OX +107 8 285 OS +107 8 286 OX +107 8 287 CH +107 8 288 OS +107 8 289 DA +107 8 290 OX +107 8 291 DA +107 8 292 OX +107 8 293 OX +107 8 294 OX +107 8 295 OS +107 8 296 DA +107 8 297 OS +107 8 298 OS +107 8 299 DA +107 8 300 OS +107 8 301 DA +107 8 302 OX +107 8 303 OX +107 8 304 CH +107 8 305 * +107 8 306 DA +107 8 307 DA +107 8 308 OX +107 8 309 FI +107 8 310 DA +107 8 311 DA +107 8 312 FI +107 8 313 FI +107 8 314 OX +107 8 315 DA +107 8 316 * +107 8 317 OS +107 8 318 OS +107 8 319 OX +107 8 320 CH +107 8 321 OS +107 8 322 OX +107 8 323 FI +107 8 324 OX +107 8 325 OS +107 8 326 OS +107 8 327 OX +107 8 328 FI +107 8 329 OS +107 8 330 OX +107 9 1 DA +107 9 2 DA +107 9 3 OS +107 9 4 FI +107 9 5 DA +107 9 6 CH +107 9 7 CH +107 9 8 OS +107 9 9 CH +107 9 10 FI +107 9 11 FI +107 9 12 CH +107 9 13 FI +107 9 14 FI +107 9 15 CH +107 9 16 OX +107 9 17 OS +107 9 18 FI +107 9 19 DA +107 9 20 DA +107 9 21 OS +107 9 22 CH +107 9 23 CH +107 9 24 CH +107 9 25 DA +107 9 26 FI +107 9 27 OX +107 9 28 OS +107 9 29 DA +107 9 30 OS +107 9 31 DA +107 9 32 OS +107 9 33 DA +107 9 34 DA +107 9 35 OS +107 9 36 FI +107 9 37 DA +107 9 38 OS +107 9 39 DA +107 9 40 DA +107 9 41 OS +107 9 42 CH +107 9 43 FI +107 9 44 OX +107 9 45 DA +107 9 46 DA +107 9 47 FI +107 9 48 OS +107 9 49 DA +107 9 50 FI +107 9 51 KO +107 9 52 OX +107 9 53 OS +107 9 54 DA +107 9 55 DA +107 9 56 OX +107 9 57 FI +107 9 58 KO +107 9 59 OX +107 9 60 FI +107 9 61 OS +107 9 62 DA +107 9 63 OS +107 9 64 DA +107 9 65 OS +107 9 66 OX +107 9 67 DA +107 9 68 OS +107 9 69 KO +107 9 70 OX +107 9 71 OS +107 9 72 DA +107 9 73 OS +107 9 74 OX +107 9 75 KO +107 9 76 OS +107 9 77 DA +107 9 78 OS +107 9 79 KO +107 9 80 FI +107 9 81 CH +107 9 82 DA +107 9 83 OX +107 9 84 OS +107 9 85 DA +107 9 86 OS +107 9 87 FI +107 9 88 OS +107 9 89 FI +107 9 90 FI +107 9 91 CH +107 9 92 OX +107 9 93 DA +107 9 94 KO +107 9 95 OX +107 9 96 CH +107 9 97 FI +107 9 98 OS +107 9 99 PA +107 9 100 DA +107 9 101 OS +107 9 102 DA +107 9 103 KO +107 9 104 DA +107 9 105 OS +107 9 106 OX +107 9 107 OX +107 9 108 DA +107 9 109 FI +107 9 110 OS +107 9 111 KO +107 9 112 OS +107 9 113 FI +107 9 114 FI +107 9 115 OS +107 9 116 OX +107 9 117 FI +107 9 118 OS +107 9 119 DA +107 9 120 OX +107 9 121 OS +107 9 122 DA +107 9 123 KO +107 9 124 CH +107 9 125 OS +107 9 126 OS +107 9 127 FI +107 9 128 CH +107 9 129 OX +107 9 130 KO +107 9 131 OS +107 9 132 OS +107 9 133 DA +107 9 134 FI +107 9 135 OS +107 9 136 DA +107 9 137 KO +107 9 138 DA +107 9 139 OX +107 9 140 FI +107 9 141 OX +107 9 142 OX +107 9 143 CH +107 9 144 FI +107 9 145 DA +107 9 146 CH +107 9 147 DA +107 9 148 OS +107 9 149 DA +107 9 150 FI +107 9 151 OS +107 9 152 OS +107 9 153 DA +107 9 154 KO +107 9 155 KO +107 9 156 DA +107 9 157 KO +107 9 158 OX +107 9 159 CH +107 9 160 CH +107 9 161 DA +107 9 162 OS +107 9 163 DA +107 9 164 DA +107 9 165 KO +107 9 166 FI +107 9 167 OX +107 9 168 FI +107 9 169 DA +107 9 170 FI +107 9 171 KO +107 9 172 OX +107 9 173 OS +107 9 174 CH +107 9 175 DA +107 9 176 OS +107 9 177 CH +107 9 178 FI +107 9 179 OS +107 9 180 DA +107 9 181 CH +107 9 182 KO +107 9 183 CH +107 9 184 OS +107 9 185 CH +107 9 186 DA +107 9 187 OS +107 9 188 DA +107 9 189 OX +107 9 190 OS +107 9 191 DA +107 9 192 FI +107 9 193 DA +107 9 194 KO +107 9 195 DA +107 9 196 DA +107 9 197 OS +107 9 198 FI +107 9 199 OX +107 9 200 DA +107 9 201 CH +107 9 202 DA +107 9 203 OS +107 9 204 KO +107 9 205 FI +107 9 206 OX +107 9 207 OS +107 9 208 CH +107 9 209 FI +107 9 210 KO +107 9 211 DA +107 9 212 OS +107 9 213 OX +107 9 214 CH +107 9 215 OS +107 9 216 FI +107 9 217 OS +107 9 218 CH +107 9 219 OX +107 9 220 DA +107 9 221 OX +107 9 222 FI +107 9 223 DA +107 9 224 OX +107 9 225 KO +107 9 226 FI +107 9 227 FI +107 9 228 FI +107 9 229 DA +107 9 230 OX +107 9 231 OS +107 9 232 KO +107 9 233 DA +107 9 234 DA +107 9 235 FI +107 9 236 CH +107 9 237 OX +107 9 238 DA +107 9 239 KO +107 9 240 OS +107 9 241 OX +107 9 242 OX +107 9 243 OS +107 9 244 OX +107 9 245 OS +107 9 246 DA +107 9 247 FI +107 9 248 FI +107 9 249 FI +107 9 250 CH +107 9 251 DA +107 9 252 OS +107 9 253 DA +107 9 254 DA +107 9 255 FI +107 9 256 OS +107 9 257 FI +107 9 258 CH +107 9 259 OS +107 9 260 OX +107 9 261 OS +107 9 262 OX +107 9 263 KO +107 9 264 DA +107 9 265 FI +107 9 266 OS +107 9 267 OS +107 9 268 DA +107 9 269 OS +107 9 270 CH +107 9 271 FI +107 9 272 OX +107 9 273 OS +107 9 274 OX +107 9 275 CH +107 9 276 OS +107 9 277 FI +107 9 278 OS +107 9 279 FI +107 9 280 KO +107 9 281 FI +107 9 282 DA +107 9 283 FI +107 9 284 OX +107 9 285 OS +107 9 286 OX +107 9 287 KO +107 9 288 OS +107 9 289 DA +107 9 290 OX +107 9 291 FI +107 9 292 OS +107 9 293 OX +107 9 294 OX +107 9 295 KO +107 9 296 FI +107 9 297 OS +107 9 298 OS +107 9 299 DA +107 9 300 OX +107 9 301 DA +107 9 302 OX +107 9 303 DA +107 9 304 KO +107 9 305 FI +107 9 306 DA +107 9 307 DA +107 9 308 CH +107 9 309 KO +107 9 310 DA +107 9 311 FI +107 9 312 FI +107 9 313 FI +107 9 314 OX +107 9 315 DA +107 9 316 DA +107 9 317 OS +107 9 318 CH +107 9 319 OX +107 9 320 KO +107 9 321 OS +107 9 322 DA +107 9 323 FI +107 9 324 OX +107 9 325 OS +107 9 326 CH +107 9 327 OX +107 9 328 FI +107 9 329 CH +107 9 330 OX +107 10 1 DA +107 10 2 DA +107 10 3 OS +107 10 4 OS +107 10 5 DA +107 10 6 CH +107 10 7 OS +107 10 8 OS +107 10 9 OS +107 10 10 DA +107 10 11 DA +107 10 12 OS +107 10 13 DA +107 10 14 FI +107 10 15 OS +107 10 16 OX +107 10 17 OS +107 10 18 FI +107 10 19 DA +107 10 20 DA +107 10 21 OS +107 10 22 OS +107 10 23 DA +107 10 24 FI +107 10 25 DA +107 10 26 DA +107 10 27 OS +107 10 28 OS +107 10 29 DA +107 10 30 OS +107 10 31 DA +107 10 32 OS +107 10 33 DA +107 10 34 DA +107 10 35 OS +107 10 36 DA +107 10 37 DA +107 10 38 OS +107 10 39 FI +107 10 40 DA +107 10 41 OS +107 10 42 CH +107 10 43 DA +107 10 44 CH +107 10 45 DA +107 10 46 OX +107 10 47 DA +107 10 48 OS +107 10 49 DA +107 10 50 DA +107 10 51 DA +107 10 52 OX +107 10 53 OS +107 10 54 DA +107 10 55 OX +107 10 56 OS +107 10 57 DA +107 10 58 CH +107 10 59 OX +107 10 60 DA +107 10 61 OS +107 10 62 DA +107 10 63 OS +107 10 64 DA +107 10 65 OS +107 10 66 OX +107 10 67 DA +107 10 68 OS +107 10 69 DA +107 10 70 OX +107 10 71 OS +107 10 72 DA +107 10 73 OS +107 10 74 OX +107 10 75 FI +107 10 76 OS +107 10 77 DA +107 10 78 OX +107 10 79 FI +107 10 80 DA +107 10 81 OS +107 10 82 DA +107 10 83 OS +107 10 84 CH +107 10 85 DA +107 10 86 OS +107 10 87 FI +107 10 88 OS +107 10 89 FI +107 10 90 FI +107 10 91 CH +107 10 92 OX +107 10 93 DA +107 10 94 FI +107 10 95 OX +107 10 96 CH +107 10 97 DA +107 10 98 DA +107 10 99 DA +107 10 100 DA +107 10 101 OS +107 10 102 DA +107 10 103 CH +107 10 104 DA +107 10 105 CH +107 10 106 CH +107 10 107 OX +107 10 108 OX +107 10 109 DA +107 10 110 CH +107 10 111 FI +107 10 112 OS +107 10 113 FI +107 10 114 DA +107 10 115 OS +107 10 116 DA +107 10 117 FI +107 10 118 OS +107 10 119 DA +107 10 120 OX +107 10 121 OS +107 10 122 DA +107 10 123 DA +107 10 124 CH +107 10 125 CH +107 10 126 CH +107 10 127 FI +107 10 128 CH +107 10 129 CH +107 10 130 FI +107 10 131 CH +107 10 132 OS +107 10 133 DA +107 10 134 FI +107 10 135 OS +107 10 136 DA +107 10 137 DA +107 10 138 OX +107 10 139 OX +107 10 140 DA +107 10 141 OX +107 10 142 DA +107 10 143 CH +107 10 144 DA +107 10 145 DA +107 10 146 CH +107 10 147 DA +107 10 148 OS +107 10 149 DA +107 10 150 DA +107 10 151 OS +107 10 152 CH +107 10 153 DA +107 10 154 FI +107 10 155 CH +107 10 156 DA +107 10 157 CH +107 10 158 OX +107 10 159 CH +107 10 160 OS +107 10 161 OX +107 10 162 OS +107 10 163 DA +107 10 164 DA +107 10 165 CH +107 10 166 DA +107 10 167 OX +107 10 168 CH +107 10 169 DA +107 10 170 FI +107 10 171 CH +107 10 172 OX +107 10 173 OS +107 10 174 OS +107 10 175 DA +107 10 176 OS +107 10 177 CH +107 10 178 DA +107 10 179 OS +107 10 180 DA +107 10 181 CH +107 10 182 OS +107 10 183 CH +107 10 184 DA +107 10 185 OS +107 10 186 DA +107 10 187 OS +107 10 188 DA +107 10 189 OX +107 10 190 CH +107 10 191 FI +107 10 192 CH +107 10 193 CH +107 10 194 OS +107 10 195 CH +107 10 196 OX +107 10 197 DA +107 10 198 FI +107 10 199 OX +107 10 200 DA +107 10 201 OS +107 10 202 CH +107 10 203 OS +107 10 204 FI +107 10 205 DA +107 10 206 OX +107 10 207 OS +107 10 208 CH +107 10 209 FI +107 10 210 FI +107 10 211 DA +107 10 212 OS +107 10 213 DA +107 10 214 CH +107 10 215 OS +107 10 216 FI +107 10 217 OS +107 10 218 CH +107 10 219 OX +107 10 220 DA +107 10 221 OX +107 10 222 DA +107 10 223 DA +107 10 224 DA +107 10 225 CH +107 10 226 DA +107 10 227 FI +107 10 228 DA +107 10 229 OX +107 10 230 CH +107 10 231 OS +107 10 232 CH +107 10 233 DA +107 10 234 FI +107 10 235 DA +107 10 236 CH +107 10 237 OS +107 10 238 DA +107 10 239 OS +107 10 240 CH +107 10 241 OX +107 10 242 CH +107 10 243 OS +107 10 244 OS +107 10 245 OS +107 10 246 DA +107 10 247 DA +107 10 248 FI +107 10 249 FI +107 10 250 FI +107 10 251 OX +107 10 252 CH +107 10 253 DA +107 10 254 DA +107 10 255 FI +107 10 256 OS +107 10 257 DA +107 10 258 CH +107 10 259 OS +107 10 260 CH +107 10 261 OS +107 10 262 OX +107 10 263 OX +107 10 264 OX +107 10 265 FI +107 10 266 OS +107 10 267 OS +107 10 268 DA +107 10 269 OS +107 10 270 CH +107 10 271 FI +107 10 272 OX +107 10 273 CH +107 10 274 OX +107 10 275 CH +107 10 276 OS +107 10 277 DA +107 10 278 OS +107 10 279 DA +107 10 280 CH +107 10 281 FI +107 10 282 CH +107 10 283 FI +107 10 284 OX +107 10 285 OS +107 10 286 OX +107 10 287 CH +107 10 288 OS +107 10 289 DA +107 10 290 OX +107 10 291 DA +107 10 292 CH +107 10 293 OX +107 10 294 OX +107 10 295 CH +107 10 296 DA +107 10 297 OS +107 10 298 OS +107 10 299 DA +107 10 300 OX +107 10 301 DA +107 10 302 OX +107 10 303 OX +107 10 304 CH +107 10 305 DA +107 10 306 CH +107 10 307 DA +107 10 308 DA +107 10 309 FI +107 10 310 DA +107 10 311 DA +107 10 312 FI +107 10 313 DA +107 10 314 CH +107 10 315 CH +107 10 316 DA +107 10 317 OS +107 10 318 OS +107 10 319 OX +107 10 320 CH +107 10 321 OS +107 10 322 DA +107 10 323 DA +107 10 324 OX +107 10 325 OS +107 10 326 CH +107 10 327 OX +107 10 328 CH +107 10 329 CH +107 10 330 OX +107 11 1 DA +107 11 2 OX +107 11 3 OS +107 11 4 CH +107 11 5 DA +107 11 6 PA +107 11 7 CH +107 11 8 * +107 11 9 * +107 11 10 * +107 11 11 * +107 11 12 PA +107 11 13 * +107 11 14 CO +107 11 15 DF +107 11 16 OX +107 11 17 FN +107 11 18 DF +107 11 19 DF +107 11 20 CH +107 11 21 FN +107 11 22 CH +107 11 23 * +107 11 24 CH +107 11 25 DA +107 11 26 DA +107 11 27 PA +107 11 28 OS +107 11 29 PA +107 11 30 PA +107 11 31 DA +107 11 32 OS +107 11 33 PA +107 11 34 DA +107 11 35 OS +107 11 36 * +107 11 37 * +107 11 38 OS +107 11 39 CH +107 11 40 DA +107 11 41 OS +107 11 42 CH +107 11 43 FI +107 11 44 * +107 11 45 DA +107 11 46 OX +107 11 47 FI +107 11 48 PA +107 11 49 * +107 11 50 FI +107 11 51 CH +107 11 52 OX +107 11 53 OS +107 11 54 PA +107 11 55 DA +107 11 56 * +107 11 57 DA +107 11 58 CH +107 11 59 OX +107 11 60 * +107 11 61 OS +107 11 62 * +107 11 63 * +107 11 64 DA +107 11 65 OS +107 11 66 PA +107 11 67 DA +107 11 68 OS +107 11 69 CH +107 11 70 OX +107 11 71 * +107 11 72 DA +107 11 73 OM +107 11 74 DA +107 11 75 CH +107 11 76 OS +107 11 77 CH +107 11 78 PA +107 11 79 FI +107 11 80 DA +107 11 81 PA +107 11 82 DA +107 11 83 PA +107 11 84 * +107 11 85 DA +107 11 86 OS +107 11 87 * +107 11 88 OS +107 11 89 FI +107 11 90 * +107 11 91 * +107 11 92 PA +107 11 93 DA +107 11 94 FI +107 11 95 OX +107 11 96 PA +107 11 97 * +107 11 98 OS +107 11 99 PA +107 11 100 DA +107 11 101 * +107 11 102 * +107 11 103 CH +107 11 104 * +107 11 105 * +107 11 106 PA +107 11 107 OX +107 11 108 DA +107 11 109 * +107 11 110 * +107 11 111 PA +107 11 112 OS +107 11 113 FI +107 11 114 * +107 11 115 OS +107 11 116 DA +107 11 117 * +107 11 118 * +107 11 119 DA +107 11 120 OX +107 11 121 * +107 11 122 DA +107 11 123 DA +107 11 124 PA +107 11 125 * +107 11 126 OS +107 11 127 FI +107 11 128 CH +107 11 129 PA +107 11 130 CH +107 11 131 * +107 11 132 OS +107 11 133 DA +107 11 134 FI +107 11 135 OS +107 11 136 * +107 11 137 * +107 11 138 DA +107 11 139 PA +107 11 140 * +107 11 141 OX +107 11 142 PA +107 11 143 CH +107 11 144 * +107 11 145 DA +107 11 146 CH +107 11 147 DA +107 11 148 * +107 11 149 PA +107 11 150 CH +107 11 151 * +107 11 152 * +107 11 153 DA +107 11 154 * +107 11 155 * +107 11 156 * +107 11 157 * +107 11 158 OX +107 11 159 PA +107 11 160 * +107 11 161 DA +107 11 162 OS +107 11 163 DA +107 11 164 * +107 11 165 PA +107 11 166 * +107 11 167 * +107 11 168 * +107 11 169 DA +107 11 170 FI +107 11 171 CH +107 11 172 OX +107 11 173 OS +107 11 174 CH +107 11 175 DA +107 11 176 * +107 11 177 CH +107 11 178 * +107 11 179 * +107 11 180 * +107 11 181 PA +107 11 182 * +107 11 183 * +107 11 184 CH +107 11 185 CH +107 11 186 DA +107 11 187 * +107 11 188 DA +107 11 189 * +107 11 190 PA +107 11 191 DA +107 11 192 * +107 11 193 CH +107 11 194 * +107 11 195 PA +107 11 196 DA +107 11 197 * +107 11 198 FI +107 11 199 PA +107 11 200 DA +107 11 201 PA +107 11 202 * +107 11 203 * +107 11 204 FI +107 11 205 * +107 11 206 PA +107 11 207 OS +107 11 208 CH +107 11 209 DA +107 11 210 * +107 11 211 DA +107 11 212 * +107 11 213 OX +107 11 214 CH +107 11 215 * +107 11 216 FI +107 11 217 PA +107 11 218 CH +107 11 219 DA +107 11 220 * +107 11 221 * +107 11 222 * +107 11 223 DA +107 11 224 OX +107 11 225 CH +107 11 226 * +107 11 227 * +107 11 228 FI +107 11 229 PA +107 11 230 * +107 11 231 * +107 11 232 * +107 11 233 * +107 11 234 DA +107 11 235 * +107 11 236 CH +107 11 237 * +107 11 238 DA +107 11 239 * +107 11 240 OS +107 11 241 OX +107 11 242 CH +107 11 243 OS +107 11 244 * +107 11 245 OS +107 11 246 DA +107 11 247 PA +107 11 248 * +107 11 249 DA +107 11 250 * +107 11 251 PA +107 11 252 OX +107 11 253 DA +107 11 254 * +107 11 255 FI +107 11 256 OS +107 11 257 * +107 11 258 CH +107 11 259 * +107 11 260 CH +107 11 261 * +107 11 262 OX +107 11 263 * +107 11 264 * +107 11 265 * +107 11 266 * +107 11 267 * +107 11 268 DA +107 11 269 * +107 11 270 PA +107 11 271 * +107 11 272 OX +107 11 273 * +107 11 274 OX +107 11 275 CH +107 11 276 OS +107 11 277 * +107 11 278 * +107 11 279 * +107 11 280 CH +107 11 281 DA +107 11 282 PA +107 11 283 * +107 11 284 * +107 11 285 * +107 11 286 OX +107 11 287 * +107 11 288 OS +107 11 289 DA +107 11 290 * +107 11 291 * +107 11 292 * +107 11 293 PA +107 11 294 * +107 11 295 * +107 11 296 * +107 11 297 CH +107 11 298 OS +107 11 299 DA +107 11 300 * +107 11 301 DA +107 11 302 * +107 11 303 * +107 11 304 PA +107 11 305 * +107 11 306 PA +107 11 307 DA +107 11 308 * +107 11 309 * +107 11 310 DA +107 11 311 * +107 11 312 FI +107 11 313 * +107 11 314 * +107 11 315 PA +107 11 316 DA +107 11 317 * +107 11 318 * +107 11 319 OX +107 11 320 * +107 11 321 OS +107 11 322 * +107 11 323 * +107 11 324 * +107 11 325 * +107 11 326 CH +107 11 327 * +107 11 328 * +107 11 329 * +107 11 330 * +107 12 1 DA +107 12 2 CH +107 12 3 OS +107 12 4 * +107 12 5 DA +107 12 6 OS +107 12 7 DA +107 12 8 OS +107 12 9 FI +107 12 10 FI +107 12 11 FI +107 12 12 CH +107 12 13 FI +107 12 14 FI +107 12 15 OS +107 12 16 OX +107 12 17 OS +107 12 18 FI +107 12 19 DA +107 12 20 DA +107 12 21 OS +107 12 22 CH +107 12 23 OS +107 12 24 FI +107 12 25 DA +107 12 26 DA +107 12 27 OX +107 12 28 OS +107 12 29 DA +107 12 30 OS +107 12 31 DA +107 12 32 OS +107 12 33 DA +107 12 34 DA +107 12 35 OS +107 12 36 CH +107 12 37 DA +107 12 38 OS +107 12 39 DA +107 12 40 DA +107 12 41 OS +107 12 42 CH +107 12 43 DA +107 12 44 OX +107 12 45 DA +107 12 46 OX +107 12 47 DA +107 12 48 CH +107 12 49 DA +107 12 50 OS +107 12 51 FI +107 12 52 OX +107 12 53 OS +107 12 54 DA +107 12 55 DA +107 12 56 OS +107 12 57 DA +107 12 58 CH +107 12 59 OX +107 12 60 DA +107 12 61 OS +107 12 62 DA +107 12 63 OS +107 12 64 DA +107 12 65 OS +107 12 66 OX +107 12 67 DA +107 12 68 OS +107 12 69 DA +107 12 70 OX +107 12 71 OS +107 12 72 DA +107 12 73 OS +107 12 74 DA +107 12 75 DA +107 12 76 OS +107 12 77 DA +107 12 78 OS +107 12 79 FI +107 12 80 DA +107 12 81 CH +107 12 82 DA +107 12 83 OX +107 12 84 OS +107 12 85 DA +107 12 86 OS +107 12 87 FI +107 12 88 OS +107 12 89 FI +107 12 90 DA +107 12 91 CH +107 12 92 OX +107 12 93 DA +107 12 94 FI +107 12 95 CH +107 12 96 CH +107 12 97 OS +107 12 98 OS +107 12 99 OS +107 12 100 DA +107 12 101 OS +107 12 102 OX +107 12 103 FI +107 12 104 DA +107 12 105 OS +107 12 106 OX +107 12 107 OX +107 12 108 DA +107 12 109 DA +107 12 110 OS +107 12 111 FI +107 12 112 OS +107 12 113 FI +107 12 114 DA +107 12 115 OS +107 12 116 DA +107 12 117 FI +107 12 118 OS +107 12 119 DA +107 12 120 OX +107 12 121 OS +107 12 122 DA +107 12 123 DA +107 12 124 CH +107 12 125 OS +107 12 126 OS +107 12 127 FI +107 12 128 CH +107 12 129 OX +107 12 130 FI +107 12 131 OS +107 12 132 OS +107 12 133 DA +107 12 134 FI +107 12 135 OS +107 12 136 DA +107 12 137 DA +107 12 138 DA +107 12 139 OX +107 12 140 DA +107 12 141 OX +107 12 142 OX +107 12 143 CH +107 12 144 FI +107 12 145 DA +107 12 146 CH +107 12 147 DA +107 12 148 OS +107 12 149 DA +107 12 150 FI +107 12 151 OS +107 12 152 OS +107 12 153 DA +107 12 154 FI +107 12 155 FI +107 12 156 DA +107 12 157 FI +107 12 158 OX +107 12 159 OS +107 12 160 OS +107 12 161 DA +107 12 162 OS +107 12 163 DA +107 12 164 DA +107 12 165 CH +107 12 166 DA +107 12 167 OX +107 12 168 DA +107 12 169 DA +107 12 170 DA +107 12 171 DA +107 12 172 OX +107 12 173 OS +107 12 174 CH +107 12 175 DA +107 12 176 OS +107 12 177 CH +107 12 178 DA +107 12 179 OS +107 12 180 DA +107 12 181 CH +107 12 182 OS +107 12 183 DA +107 12 184 OS +107 12 185 OS +107 12 186 DA +107 12 187 CH +107 12 188 DA +107 12 189 OX +107 12 190 OS +107 12 191 DA +107 12 192 OS +107 12 193 CH +107 12 194 OS +107 12 195 DA +107 12 196 DA +107 12 197 OS +107 12 198 FI +107 12 199 OX +107 12 200 DA +107 12 201 OS +107 12 202 DA +107 12 203 OS +107 12 204 FI +107 12 205 DA +107 12 206 OX +107 12 207 OS +107 12 208 CH +107 12 209 DA +107 12 210 OS +107 12 211 DA +107 12 212 OS +107 12 213 OX +107 12 214 CH +107 12 215 OS +107 12 216 FI +107 12 217 OS +107 12 218 CH +107 12 219 OX +107 12 220 DA +107 12 221 OX +107 12 222 OS +107 12 223 DA +107 12 224 OX +107 12 225 DA +107 12 226 DA +107 12 227 FI +107 12 228 DA +107 12 229 DA +107 12 230 OX +107 12 231 OS +107 12 232 DA +107 12 233 DA +107 12 234 DA +107 12 235 DA +107 12 236 CH +107 12 237 OS +107 12 238 DA +107 12 239 OS +107 12 240 OS +107 12 241 OX +107 12 242 CH +107 12 243 OS +107 12 244 OX +107 12 245 OS +107 12 246 DA +107 12 247 DA +107 12 248 FI +107 12 249 DA +107 12 250 OS +107 12 251 CH +107 12 252 OX +107 12 253 DA +107 12 254 DA +107 12 255 FI +107 12 256 OS +107 12 257 DA +107 12 258 CH +107 12 259 OS +107 12 260 OX +107 12 261 OS +107 12 262 OX +107 12 263 OX +107 12 264 DA +107 12 265 DA +107 12 266 OS +107 12 267 OS +107 12 268 DA +107 12 269 OS +107 12 270 OS +107 12 271 FI +107 12 272 OX +107 12 273 OS +107 12 274 OX +107 12 275 CH +107 12 276 OS +107 12 277 DA +107 12 278 OS +107 12 279 DA +107 12 280 CH +107 12 281 DA +107 12 282 DA +107 12 283 FI +107 12 284 OX +107 12 285 OS +107 12 286 OX +107 12 287 CH +107 12 288 OS +107 12 289 DA +107 12 290 OX +107 12 291 DA +107 12 292 OS +107 12 293 OX +107 12 294 OX +107 12 295 FI +107 12 296 OS +107 12 297 CH +107 12 298 OS +107 12 299 DA +107 12 300 OX +107 12 301 DA +107 12 302 OX +107 12 303 OX +107 12 304 DA +107 12 305 OS +107 12 306 DA +107 12 307 DA +107 12 308 OS +107 12 309 FI +107 12 310 DA +107 12 311 DA +107 12 312 FI +107 12 313 DA +107 12 314 OX +107 12 315 DA +107 12 316 DA +107 12 317 OS +107 12 318 OS +107 12 319 OX +107 12 320 CH +107 12 321 OS +107 12 322 DA +107 12 323 DA +107 12 324 OX +107 12 325 OS +107 12 326 CH +107 12 327 OX +107 12 328 DA +107 12 329 CH +107 12 330 OX +107 13 1 DA +107 13 2 * +107 13 3 OS +107 13 4 CH +107 13 5 * +107 13 6 CH +107 13 7 DA +107 13 8 OS +107 13 9 CH +107 13 10 FI +107 13 11 FI +107 13 12 CH +107 13 13 FI +107 13 14 FI +107 13 15 OS +107 13 16 OX +107 13 17 OS +107 13 18 FI +107 13 19 DA +107 13 20 CH +107 13 21 OS +107 13 22 CH +107 13 23 DA +107 13 24 FI +107 13 25 DA +107 13 26 FI +107 13 27 OX +107 13 28 OS +107 13 29 DA +107 13 30 CH +107 13 31 DA +107 13 32 OS +107 13 33 CH +107 13 34 DA +107 13 35 OS +107 13 36 FI +107 13 37 DA +107 13 38 OS +107 13 39 DA +107 13 40 * +107 13 41 OS +107 13 42 CH +107 13 43 FI +107 13 44 OX +107 13 45 CH +107 13 46 * +107 13 47 * +107 13 48 CH +107 13 49 * +107 13 50 OS +107 13 51 * +107 13 52 OX +107 13 53 OS +107 13 54 DA +107 13 55 DA +107 13 56 * +107 13 57 * +107 13 58 CH +107 13 59 OX +107 13 60 FI +107 13 61 OS +107 13 62 * +107 13 63 OS +107 13 64 FI +107 13 65 OS +107 13 66 OX +107 13 67 DA +107 13 68 OS +107 13 69 CH +107 13 70 OX +107 13 71 OS +107 13 72 DA +107 13 73 * +107 13 74 DA +107 13 75 FI +107 13 76 OS +107 13 77 CH +107 13 78 OX +107 13 79 FI +107 13 80 * +107 13 81 DA +107 13 82 DA +107 13 83 OX +107 13 84 OS +107 13 85 * +107 13 86 OS +107 13 87 FI +107 13 88 OS +107 13 89 FI +107 13 90 * +107 13 91 CH +107 13 92 OX +107 13 93 * +107 13 94 FI +107 13 95 OX +107 13 96 CH +107 13 97 * +107 13 98 OS +107 13 99 OX +107 13 100 CH +107 13 101 OS +107 13 102 DA +107 13 103 CH +107 13 104 DA +107 13 105 OS +107 13 106 CH +107 13 107 OS +107 13 108 CH +107 13 109 FI +107 13 110 CH +107 13 111 FI +107 13 112 OS +107 13 113 FI +107 13 114 * +107 13 115 OS +107 13 116 OX +107 13 117 FI +107 13 118 OS +107 13 119 DA +107 13 120 OX +107 13 121 OS +107 13 122 DA +107 13 123 DA +107 13 124 CH +107 13 125 OS +107 13 126 OS +107 13 127 FI +107 13 128 CH +107 13 129 OX +107 13 130 FI +107 13 131 * +107 13 132 OS +107 13 133 DA +107 13 134 FI +107 13 135 OS +107 13 136 DA +107 13 137 * +107 13 138 DA +107 13 139 OX +107 13 140 * +107 13 141 OX +107 13 142 OX +107 13 143 CH +107 13 144 FI +107 13 145 * +107 13 146 CH +107 13 147 DA +107 13 148 OS +107 13 149 DA +107 13 150 FI +107 13 151 OS +107 13 152 * +107 13 153 DA +107 13 154 FI +107 13 155 * +107 13 156 * +107 13 157 FI +107 13 158 OX +107 13 159 CH +107 13 160 * +107 13 161 * +107 13 162 OS +107 13 163 * +107 13 164 * +107 13 165 * +107 13 166 FI +107 13 167 OX +107 13 168 DA +107 13 169 * +107 13 170 FI +107 13 171 CH +107 13 172 OX +107 13 173 OS +107 13 174 CH +107 13 175 OX +107 13 176 OS +107 13 177 CH +107 13 178 DA +107 13 179 OS +107 13 180 * +107 13 181 CH +107 13 182 OS +107 13 183 DA +107 13 184 DA +107 13 185 * +107 13 186 * +107 13 187 CH +107 13 188 DA +107 13 189 OS +107 13 190 * +107 13 191 * +107 13 192 * +107 13 193 CH +107 13 194 OS +107 13 195 * +107 13 196 OX +107 13 197 DA +107 13 198 FI +107 13 199 OX +107 13 200 * +107 13 201 * +107 13 202 * +107 13 203 OS +107 13 204 FI +107 13 205 * +107 13 206 OX +107 13 207 OS +107 13 208 * +107 13 209 * +107 13 210 * +107 13 211 * +107 13 212 * +107 13 213 * +107 13 214 CH +107 13 215 * +107 13 216 FI +107 13 217 * +107 13 218 CH +107 13 219 OX +107 13 220 DA +107 13 221 OX +107 13 222 DA +107 13 223 * +107 13 224 OX +107 13 225 * +107 13 226 DA +107 13 227 FI +107 13 228 DA +107 13 229 * +107 13 230 OX +107 13 231 OS +107 13 232 * +107 13 233 * +107 13 234 * +107 13 235 * +107 13 236 CH +107 13 237 OS +107 13 238 DA +107 13 239 OS +107 13 240 * +107 13 241 OX +107 13 242 CH +107 13 243 OS +107 13 244 OX +107 13 245 OS +107 13 246 * +107 13 247 * +107 13 248 FI +107 13 249 * +107 13 250 * +107 13 251 * +107 13 252 OX +107 13 253 DA +107 13 254 OX +107 13 255 FI +107 13 256 OS +107 13 257 * +107 13 258 CH +107 13 259 OS +107 13 260 OX +107 13 261 OS +107 13 262 OX +107 13 263 * +107 13 264 OX +107 13 265 * +107 13 266 OS +107 13 267 OS +107 13 268 OX +107 13 269 OS +107 13 270 CH +107 13 271 * +107 13 272 OX +107 13 273 OS +107 13 274 OX +107 13 275 CH +107 13 276 OS +107 13 277 * +107 13 278 OS +107 13 279 * +107 13 280 CH +107 13 281 DA +107 13 282 CH +107 13 283 FI +107 13 284 OX +107 13 285 OS +107 13 286 OX +107 13 287 CH +107 13 288 OS +107 13 289 DA +107 13 290 OX +107 13 291 DA +107 13 292 * +107 13 293 OX +107 13 294 OX +107 13 295 CH +107 13 296 * +107 13 297 CH +107 13 298 OS +107 13 299 * +107 13 300 OX +107 13 301 DA +107 13 302 OX +107 13 303 OX +107 13 304 CH +107 13 305 * +107 13 306 DA +107 13 307 * +107 13 308 * +107 13 309 FI +107 13 310 * +107 13 311 DA +107 13 312 FI +107 13 313 DA +107 13 314 OX +107 13 315 CH +107 13 316 DA +107 13 317 OS +107 13 318 OS +107 13 319 OX +107 13 320 DA +107 13 321 OS +107 13 322 DA +107 13 323 DA +107 13 324 OX +107 13 325 OS +107 13 326 CH +107 13 327 OX +107 13 328 * +107 13 329 CH +107 13 330 OX +107 14 1 DA +107 14 2 DA +107 14 3 OS +107 14 4 FI +107 14 5 DA +107 14 6 PA +107 14 7 DA +107 14 8 OS +107 14 9 FI +107 14 10 DA +107 14 11 FI +107 14 12 DA +107 14 13 FI +107 14 14 FI +107 14 15 DA +107 14 16 OX +107 14 17 OS +107 14 18 FI +107 14 19 DA +107 14 20 DA +107 14 21 OS +107 14 22 OX +107 14 23 OS +107 14 24 FI +107 14 25 DA +107 14 26 DA +107 14 27 OX +107 14 28 OS +107 14 29 DA +107 14 30 CH +107 14 31 DA +107 14 32 OS +107 14 33 DA +107 14 34 DA +107 14 35 CH +107 14 36 DA +107 14 37 FI +107 14 38 OS +107 14 39 DA +107 14 40 DA +107 14 41 OS +107 14 42 CH +107 14 43 DA +107 14 44 OX +107 14 45 DA +107 14 46 FI +107 14 47 FI +107 14 48 CH +107 14 49 DA +107 14 50 CH +107 14 51 FI +107 14 52 OX +107 14 53 OS +107 14 54 DA +107 14 55 DA +107 14 56 CH +107 14 57 DA +107 14 58 CH +107 14 59 OX +107 14 60 FI +107 14 61 OS +107 14 62 CH +107 14 63 OS +107 14 64 DA +107 14 65 OS +107 14 66 OX +107 14 67 DA +107 14 68 OS +107 14 69 FI +107 14 70 OX +107 14 71 OS +107 14 72 DA +107 14 73 OS +107 14 74 OX +107 14 75 FI +107 14 76 CH +107 14 77 DA +107 14 78 OX +107 14 79 FI +107 14 80 DA +107 14 81 KO +107 14 82 DA +107 14 83 OX +107 14 84 CH +107 14 85 DA +107 14 86 OS +107 14 87 FI +107 14 88 OS +107 14 89 FI +107 14 90 DA +107 14 91 CH +107 14 92 OX +107 14 93 DA +107 14 94 FI +107 14 95 OX +107 14 96 CH +107 14 97 KO +107 14 98 OS +107 14 99 KO +107 14 100 DA +107 14 101 OS +107 14 102 KO +107 14 103 FI +107 14 104 DA +107 14 105 OS +107 14 106 CH +107 14 107 OX +107 14 108 OX +107 14 109 DA +107 14 110 CH +107 14 111 KO +107 14 112 OS +107 14 113 FI +107 14 114 DA +107 14 115 OS +107 14 116 DA +107 14 117 KO +107 14 118 OS +107 14 119 DA +107 14 120 OX +107 14 121 OS +107 14 122 DA +107 14 123 DA +107 14 124 CH +107 14 125 OS +107 14 126 CH +107 14 127 KO +107 14 128 CH +107 14 129 OX +107 14 130 FI +107 14 131 OS +107 14 132 OS +107 14 133 DA +107 14 134 KO +107 14 135 OS +107 14 136 DA +107 14 137 KO +107 14 138 DA +107 14 139 OX +107 14 140 DA +107 14 141 OX +107 14 142 OX +107 14 143 CH +107 14 144 FI +107 14 145 DA +107 14 146 CH +107 14 147 DA +107 14 148 OS +107 14 149 CH +107 14 150 CH +107 14 151 OS +107 14 152 CH +107 14 153 DA +107 14 154 KO +107 14 155 FI +107 14 156 DA +107 14 157 KO +107 14 158 OX +107 14 159 CH +107 14 160 OS +107 14 161 DA +107 14 162 OS +107 14 163 DA +107 14 164 DA +107 14 165 KO +107 14 166 FI +107 14 167 CH +107 14 168 DA +107 14 169 DA +107 14 170 KO +107 14 171 CH +107 14 172 OX +107 14 173 OS +107 14 174 CH +107 14 175 DA +107 14 176 OS +107 14 177 CH +107 14 178 DA +107 14 179 OS +107 14 180 DA +107 14 181 CH +107 14 182 OS +107 14 183 KO +107 14 184 CH +107 14 185 CH +107 14 186 DA +107 14 187 OS +107 14 188 DA +107 14 189 OX +107 14 190 CH +107 14 191 DA +107 14 192 CH +107 14 193 CH +107 14 194 OS +107 14 195 DA +107 14 196 DA +107 14 197 CH +107 14 198 FI +107 14 199 OX +107 14 200 DA +107 14 201 OS +107 14 202 DA +107 14 203 OS +107 14 204 KO +107 14 205 DA +107 14 206 OX +107 14 207 OS +107 14 208 KO +107 14 209 DA +107 14 210 FI +107 14 211 DA +107 14 212 CH +107 14 213 OX +107 14 214 CH +107 14 215 OS +107 14 216 KO +107 14 217 CH +107 14 218 KO +107 14 219 DA +107 14 220 FI +107 14 221 OX +107 14 222 DA +107 14 223 DA +107 14 224 OX +107 14 225 KO +107 14 226 DA +107 14 227 FI +107 14 228 DA +107 14 229 CH +107 14 230 OX +107 14 231 OS +107 14 232 KO +107 14 233 CH +107 14 234 DA +107 14 235 DA +107 14 236 CH +107 14 237 OS +107 14 238 DA +107 14 239 OS +107 14 240 KO +107 14 241 OX +107 14 242 CH +107 14 243 OS +107 14 244 OX +107 14 245 OS +107 14 246 DA +107 14 247 CH +107 14 248 DA +107 14 249 DA +107 14 250 CH +107 14 251 DA +107 14 252 OX +107 14 253 DA +107 14 254 CH +107 14 255 FI +107 14 256 OS +107 14 257 CH +107 14 258 CH +107 14 259 OS +107 14 260 OX +107 14 261 CH +107 14 262 OX +107 14 263 KO +107 14 264 DA +107 14 265 DA +107 14 266 KO +107 14 267 OS +107 14 268 DA +107 14 269 OS +107 14 270 CH +107 14 271 FI +107 14 272 OX +107 14 273 CH +107 14 274 OX +107 14 275 KO +107 14 276 OS +107 14 277 DA +107 14 278 OS +107 14 279 KO +107 14 280 KO +107 14 281 DA +107 14 282 DA +107 14 283 KO +107 14 284 OX +107 14 285 CH +107 14 286 OX +107 14 287 KO +107 14 288 OS +107 14 289 DA +107 14 290 OX +107 14 291 DA +107 14 292 CH +107 14 293 OX +107 14 294 OX +107 14 295 KO +107 14 296 OS +107 14 297 CH +107 14 298 OS +107 14 299 DA +107 14 300 OX +107 14 301 DA +107 14 302 OX +107 14 303 OX +107 14 304 KO +107 14 305 FI +107 14 306 CH +107 14 307 DA +107 14 308 CH +107 14 309 FI +107 14 310 DA +107 14 311 DA +107 14 312 FI +107 14 313 CH +107 14 314 OX +107 14 315 DA +107 14 316 DA +107 14 317 OS +107 14 318 CH +107 14 319 OX +107 14 320 KO +107 14 321 OS +107 14 322 DA +107 14 323 DA +107 14 324 OX +107 14 325 OS +107 14 326 CH +107 14 327 OX +107 14 328 FI +107 14 329 KO +107 14 330 OX +107 15 1 DA +107 15 2 DA +107 15 3 OS +107 15 4 * +107 15 5 * +107 15 6 PA +107 15 7 PA +107 15 8 CH +107 15 9 CH +107 15 10 FI +107 15 11 FI +107 15 12 * +107 15 13 DA +107 15 14 DA +107 15 15 * +107 15 16 * +107 15 17 CH +107 15 18 FI +107 15 19 DA +107 15 20 * +107 15 21 OS +107 15 22 PA +107 15 23 CH +107 15 24 * +107 15 25 DA +107 15 26 DA +107 15 27 OX +107 15 28 * +107 15 29 * +107 15 30 PA +107 15 31 * +107 15 32 * +107 15 33 PA +107 15 34 DA +107 15 35 PA +107 15 36 * +107 15 37 DA +107 15 38 * +107 15 39 * +107 15 40 DA +107 15 41 * +107 15 42 PA +107 15 43 FI +107 15 44 OX +107 15 45 * +107 15 46 KO +107 15 47 FI +107 15 48 CH +107 15 49 DA +107 15 50 * +107 15 51 * +107 15 52 * +107 15 53 * +107 15 54 * +107 15 55 DA +107 15 56 * +107 15 57 DA +107 15 58 PA +107 15 59 KO +107 15 60 FI +107 15 61 * +107 15 62 * +107 15 63 * +107 15 64 DA +107 15 65 * +107 15 66 OX +107 15 67 * +107 15 68 * +107 15 69 * +107 15 70 * +107 15 71 * +107 15 72 * +107 15 73 * +107 15 74 * +107 15 75 FI +107 15 76 * +107 15 77 DA +107 15 78 * +107 15 79 FI +107 15 80 DA +107 15 81 * +107 15 82 * +107 15 83 * +107 15 84 * +107 15 85 * +107 15 86 * +107 15 87 FI +107 15 88 * +107 15 89 FI +107 15 90 * +107 15 91 PA +107 15 92 * +107 15 93 DA +107 15 94 KO +107 15 95 OX +107 15 96 PA +107 15 97 * +107 15 98 OS +107 15 99 CH +107 15 100 * +107 15 101 * +107 15 102 * +107 15 103 * +107 15 104 * +107 15 105 * +107 15 106 PA +107 15 107 KO +107 15 108 * +107 15 109 DA +107 15 110 PA +107 15 111 * +107 15 112 OS +107 15 113 FI +107 15 114 DA +107 15 115 * +107 15 116 * +107 15 117 * +107 15 118 * +107 15 119 DA +107 15 120 * +107 15 121 PA +107 15 122 * +107 15 123 * +107 15 124 * +107 15 125 PA +107 15 126 * +107 15 127 FI +107 15 128 PA +107 15 129 * +107 15 130 FI +107 15 131 * +107 15 132 * +107 15 133 * +107 15 134 * +107 15 135 CH +107 15 136 * +107 15 137 * +107 15 138 * +107 15 139 * +107 15 140 DA +107 15 141 * +107 15 142 * +107 15 143 * +107 15 144 * +107 15 145 * +107 15 146 * +107 15 147 * +107 15 148 * +107 15 149 * +107 15 150 * +107 15 151 * +107 15 152 * +107 15 153 DA +107 15 154 * +107 15 155 * +107 15 156 * +107 15 157 * +107 15 158 * +107 15 159 CH +107 15 160 * +107 15 161 * +107 15 162 OS +107 15 163 DA +107 15 164 DA +107 15 165 * +107 15 166 FI +107 15 167 * +107 15 168 * +107 15 169 DA +107 15 170 FI +107 15 171 * +107 15 172 OX +107 15 173 * +107 15 174 PA +107 15 175 * +107 15 176 * +107 15 177 PA +107 15 178 DA +107 15 179 * +107 15 180 * +107 15 181 PA +107 15 182 * +107 15 183 * +107 15 184 * +107 15 185 * +107 15 186 * +107 15 187 PA +107 15 188 DA +107 15 189 * +107 15 190 * +107 15 191 DA +107 15 192 * +107 15 193 PA +107 15 194 FI +107 15 195 * +107 15 196 * +107 15 197 * +107 15 198 FI +107 15 199 * +107 15 200 * +107 15 201 * +107 15 202 * +107 15 203 OS +107 15 204 FI +107 15 205 * +107 15 206 * +107 15 207 OS +107 15 208 * +107 15 209 * +107 15 210 * +107 15 211 DA +107 15 212 PA +107 15 213 * +107 15 214 PA +107 15 215 * +107 15 216 FI +107 15 217 * +107 15 218 * +107 15 219 * +107 15 220 DA +107 15 221 OX +107 15 222 * +107 15 223 DA +107 15 224 * +107 15 225 * +107 15 226 * +107 15 227 FI +107 15 228 FI +107 15 229 * +107 15 230 OX +107 15 231 * +107 15 232 * +107 15 233 * +107 15 234 * +107 15 235 DA +107 15 236 PA +107 15 237 * +107 15 238 DA +107 15 239 * +107 15 240 * +107 15 241 OX +107 15 242 PA +107 15 243 FI +107 15 244 * +107 15 245 OS +107 15 246 DA +107 15 247 * +107 15 248 FI +107 15 249 * +107 15 250 FI +107 15 251 * +107 15 252 OX +107 15 253 * +107 15 254 DA +107 15 255 FI +107 15 256 * +107 15 257 DA +107 15 258 PA +107 15 259 * +107 15 260 PA +107 15 261 * +107 15 262 OX +107 15 263 KO +107 15 264 * +107 15 265 DA +107 15 266 * +107 15 267 * +107 15 268 * +107 15 269 * +107 15 270 CH +107 15 271 FI +107 15 272 OX +107 15 273 * +107 15 274 OX +107 15 275 PA +107 15 276 OS +107 15 277 FI +107 15 278 * +107 15 279 DA +107 15 280 * +107 15 281 DA +107 15 282 * +107 15 283 * +107 15 284 OX +107 15 285 * +107 15 286 OX +107 15 287 * +107 15 288 OS +107 15 289 * +107 15 290 OX +107 15 291 DA +107 15 292 * +107 15 293 * +107 15 294 * +107 15 295 * +107 15 296 FI +107 15 297 PA +107 15 298 OS +107 15 299 DA +107 15 300 * +107 15 301 DA +107 15 302 OX +107 15 303 * +107 15 304 * +107 15 305 FI +107 15 306 PA +107 15 307 DA +107 15 308 * +107 15 309 FI +107 15 310 * +107 15 311 DA +107 15 312 FI +107 15 313 DA +107 15 314 OX +107 15 315 PA +107 15 316 DA +107 15 317 * +107 15 318 * +107 15 319 OX +107 15 320 * +107 15 321 OS +107 15 322 DA +107 15 323 * +107 15 324 OX +107 15 325 * +107 15 326 PA +107 15 327 * +107 15 328 FI +107 15 329 * +107 15 330 * +107 16 1 DA +107 16 2 DA +107 16 3 OS +107 16 4 DA +107 16 5 DA +107 16 6 CH +107 16 7 DA +107 16 8 OS +107 16 9 OS +107 16 10 DA +107 16 11 DA +107 16 12 CH +107 16 13 DA +107 16 14 FI +107 16 15 OS +107 16 16 OX +107 16 17 OS +107 16 18 * +107 16 19 DA +107 16 20 DA +107 16 21 OS +107 16 22 OX +107 16 23 DA +107 16 24 FI +107 16 25 DA +107 16 26 DA +107 16 27 OX +107 16 28 OS +107 16 29 DA +107 16 30 OS +107 16 31 DA +107 16 32 OS +107 16 33 DA +107 16 34 DA +107 16 35 OS +107 16 36 DA +107 16 37 DA +107 16 38 OS +107 16 39 DA +107 16 40 DA +107 16 41 OS +107 16 42 OS +107 16 43 FI +107 16 44 OS +107 16 45 DA +107 16 46 FI +107 16 47 DA +107 16 48 CH +107 16 49 DA +107 16 50 OS +107 16 51 FI +107 16 52 OX +107 16 53 OS +107 16 54 DA +107 16 55 DA +107 16 56 OX +107 16 57 DA +107 16 58 DA +107 16 59 OX +107 16 60 FI +107 16 61 OS +107 16 62 DA +107 16 63 OS +107 16 64 DA +107 16 65 OS +107 16 66 OX +107 16 67 DA +107 16 68 OS +107 16 69 DA +107 16 70 OX +107 16 71 FI +107 16 72 DA +107 16 73 OS +107 16 74 OX +107 16 75 DA +107 16 76 OS +107 16 77 DA +107 16 78 OX +107 16 79 FI +107 16 80 DA +107 16 81 DA +107 16 82 DA +107 16 83 OX +107 16 84 OX +107 16 85 DA +107 16 86 OX +107 16 87 FI +107 16 88 OS +107 16 89 FI +107 16 90 DA +107 16 91 OX +107 16 92 OX +107 16 93 DA +107 16 94 FI +107 16 95 OX +107 16 96 OS +107 16 97 DA +107 16 98 OS +107 16 99 OX +107 16 100 DA +107 16 101 OS +107 16 102 DA +107 16 103 FI +107 16 104 DA +107 16 105 OS +107 16 106 OX +107 16 107 OX +107 16 108 OX +107 16 109 DA +107 16 110 OS +107 16 111 FI +107 16 112 OS +107 16 113 FI +107 16 114 DA +107 16 115 OS +107 16 116 OX +107 16 117 FI +107 16 118 OS +107 16 119 DA +107 16 120 OX +107 16 121 OS +107 16 122 DA +107 16 123 DA +107 16 124 DA +107 16 125 OS +107 16 126 OS +107 16 127 FI +107 16 128 OX +107 16 129 OX +107 16 130 FI +107 16 131 OS +107 16 132 OS +107 16 133 DA +107 16 134 FI +107 16 135 OS +107 16 136 DA +107 16 137 DA +107 16 138 DA +107 16 139 OX +107 16 140 DA +107 16 141 OX +107 16 142 OX +107 16 143 DA +107 16 144 FI +107 16 145 DA +107 16 146 OX +107 16 147 DA +107 16 148 OS +107 16 149 DA +107 16 150 OS +107 16 151 OS +107 16 152 OX +107 16 153 DA +107 16 154 FI +107 16 155 FI +107 16 156 DA +107 16 157 FI +107 16 158 OX +107 16 159 OX +107 16 160 OX +107 16 161 DA +107 16 162 OS +107 16 163 DA +107 16 164 DA +107 16 165 FI +107 16 166 DA +107 16 167 OS +107 16 168 DA +107 16 169 DA +107 16 170 DA +107 16 171 DA +107 16 172 OX +107 16 173 OS +107 16 174 OX +107 16 175 DA +107 16 176 OS +107 16 177 OX +107 16 178 DA +107 16 179 OS +107 16 180 DA +107 16 181 OX +107 16 182 FI +107 16 183 OX +107 16 184 OX +107 16 185 CH +107 16 186 DA +107 16 187 OX +107 16 188 DA +107 16 189 DA +107 16 190 OX +107 16 191 DA +107 16 192 DA +107 16 193 OX +107 16 194 FI +107 16 195 DA +107 16 196 DA +107 16 197 OX +107 16 198 FI +107 16 199 OX +107 16 200 DA +107 16 201 OX +107 16 202 DA +107 16 203 OS +107 16 204 FI +107 16 205 DA +107 16 206 OX +107 16 207 OS +107 16 208 OX +107 16 209 DA +107 16 210 FI +107 16 211 DA +107 16 212 OS +107 16 213 OX +107 16 214 OX +107 16 215 OX +107 16 216 FI +107 16 217 OX +107 16 218 OX +107 16 219 OX +107 16 220 DA +107 16 221 OX +107 16 222 DA +107 16 223 DA +107 16 224 OX +107 16 225 OX +107 16 226 DA +107 16 227 FI +107 16 228 DA +107 16 229 OX +107 16 230 OX +107 16 231 CH +107 16 232 OX +107 16 233 OX +107 16 234 DA +107 16 235 DA +107 16 236 OX +107 16 237 OX +107 16 238 DA +107 16 239 OS +107 16 240 FI +107 16 241 OX +107 16 242 OX +107 16 243 FI +107 16 244 OX +107 16 245 OS +107 16 246 DA +107 16 247 DA +107 16 248 DA +107 16 249 DA +107 16 250 FI +107 16 251 OX +107 16 252 OX +107 16 253 DA +107 16 254 DA +107 16 255 FI +107 16 256 OS +107 16 257 DA +107 16 258 OX +107 16 259 OS +107 16 260 DA +107 16 261 OS +107 16 262 OX +107 16 263 OX +107 16 264 OX +107 16 265 DA +107 16 266 OS +107 16 267 FI +107 16 268 DA +107 16 269 OS +107 16 270 OS +107 16 271 DA +107 16 272 OX +107 16 273 OX +107 16 274 OX +107 16 275 OX +107 16 276 OS +107 16 277 DA +107 16 278 OS +107 16 279 DA +107 16 280 DA +107 16 281 DA +107 16 282 DA +107 16 283 FI +107 16 284 OX +107 16 285 OX +107 16 286 OX +107 16 287 OX +107 16 288 OS +107 16 289 DA +107 16 290 OX +107 16 291 DA +107 16 292 OX +107 16 293 OX +107 16 294 OX +107 16 295 FI +107 16 296 FI +107 16 297 OX +107 16 298 OS +107 16 299 DA +107 16 300 OX +107 16 301 DA +107 16 302 OX +107 16 303 OX +107 16 304 DA +107 16 305 FI +107 16 306 OX +107 16 307 DA +107 16 308 OX +107 16 309 FI +107 16 310 DA +107 16 311 DA +107 16 312 FI +107 16 313 DA +107 16 314 OX +107 16 315 OX +107 16 316 DA +107 16 317 OS +107 16 318 OS +107 16 319 OX +107 16 320 FI +107 16 321 OS +107 16 322 DA +107 16 323 DA +107 16 324 OX +107 16 325 OS +107 16 326 OX +107 16 327 OX +107 16 328 DA +107 16 329 FI +107 16 330 OX +107 17 1 DA +107 17 2 DA +107 17 3 OS +107 17 4 OS +107 17 5 DA +107 17 6 CH +107 17 7 CH +107 17 8 OS +107 17 9 OS +107 17 10 DA +107 17 11 CH +107 17 12 * +107 17 13 * +107 17 14 * +107 17 15 OS +107 17 16 XA +107 17 17 OS +107 17 18 FI +107 17 19 DA +107 17 20 DA +107 17 21 OS +107 17 22 DA +107 17 23 CH +107 17 24 * +107 17 25 CH +107 17 26 DA +107 17 27 * +107 17 28 OS +107 17 29 DA +107 17 30 * +107 17 31 XA +107 17 32 OS +107 17 33 CH +107 17 34 DA +107 17 35 OS +107 17 36 FI +107 17 37 DA +107 17 38 OS +107 17 39 CH +107 17 40 DA +107 17 41 OS +107 17 42 CH +107 17 43 DA +107 17 44 DA +107 17 45 CH +107 17 46 XA +107 17 47 DA +107 17 48 DA +107 17 49 CH +107 17 50 * +107 17 51 XA +107 17 52 DA +107 17 53 OS +107 17 54 DA +107 17 55 CH +107 17 56 DA +107 17 57 CH +107 17 58 XA +107 17 59 XA +107 17 60 FI +107 17 61 OS +107 17 62 DA +107 17 63 OS +107 17 64 FI +107 17 65 OS +107 17 66 DA +107 17 67 CH +107 17 68 OS +107 17 69 XA +107 17 70 DA +107 17 71 OS +107 17 72 * +107 17 73 OS +107 17 74 CH +107 17 75 XA +107 17 76 OS +107 17 77 DA +107 17 78 OS +107 17 79 FI +107 17 80 DA +107 17 81 CH +107 17 82 DA +107 17 83 XA +107 17 84 OS +107 17 85 CH +107 17 86 OS +107 17 87 FI +107 17 88 OS +107 17 89 FI +107 17 90 FI +107 17 91 CH +107 17 92 DA +107 17 93 XA +107 17 94 FI +107 17 95 CH +107 17 96 * +107 17 97 CH +107 17 98 OS +107 17 99 XA +107 17 100 XA +107 17 101 OS +107 17 102 DA +107 17 103 DA +107 17 104 DA +107 17 105 OS +107 17 106 DA +107 17 107 XA +107 17 108 XA +107 17 109 DA +107 17 110 OS +107 17 111 FI +107 17 112 OS +107 17 113 FI +107 17 114 DA +107 17 115 OS +107 17 116 DA +107 17 117 FI +107 17 118 OS +107 17 119 DA +107 17 120 XA +107 17 121 OS +107 17 122 CH +107 17 123 CH +107 17 124 DA +107 17 125 OS +107 17 126 OS +107 17 127 FI +107 17 128 * +107 17 129 DA +107 17 130 FI +107 17 131 OS +107 17 132 OS +107 17 133 CH +107 17 134 FI +107 17 135 OS +107 17 136 CH +107 17 137 DA +107 17 138 DA +107 17 139 XA +107 17 140 DA +107 17 141 OX +107 17 142 OX +107 17 143 DA +107 17 144 DA +107 17 145 CH +107 17 146 DA +107 17 147 XA +107 17 148 OS +107 17 149 DA +107 17 150 OS +107 17 151 OS +107 17 152 OS +107 17 153 DA +107 17 154 FI +107 17 155 FI +107 17 156 DA +107 17 157 CH +107 17 158 OX +107 17 159 CH +107 17 160 OS +107 17 161 DA +107 17 162 OS +107 17 163 DA +107 17 164 DA +107 17 165 CH +107 17 166 DA +107 17 167 DA +107 17 168 CH +107 17 169 DA +107 17 170 FI +107 17 171 DA +107 17 172 OX +107 17 173 OS +107 17 174 DA +107 17 175 OX +107 17 176 OS +107 17 177 DA +107 17 178 CH +107 17 179 OS +107 17 180 * +107 17 181 DA +107 17 182 OS +107 17 183 DA +107 17 184 OS +107 17 185 OS +107 17 186 DA +107 17 187 OS +107 17 188 DA +107 17 189 OX +107 17 190 OS +107 17 191 DA +107 17 192 OS +107 17 193 XA +107 17 194 OS +107 17 195 DA +107 17 196 OX +107 17 197 OS +107 17 198 FI +107 17 199 DA +107 17 200 DA +107 17 201 OS +107 17 202 CH +107 17 203 OS +107 17 204 FI +107 17 205 OS +107 17 206 DA +107 17 207 OS +107 17 208 DA +107 17 209 DA +107 17 210 OS +107 17 211 DA +107 17 212 OS +107 17 213 XA +107 17 214 DA +107 17 215 OS +107 17 216 CH +107 17 217 OS +107 17 218 DA +107 17 219 OX +107 17 220 DA +107 17 221 OX +107 17 222 OS +107 17 223 DA +107 17 224 OX +107 17 225 DA +107 17 226 DA +107 17 227 FI +107 17 228 FI +107 17 229 DA +107 17 230 OX +107 17 231 OS +107 17 232 DA +107 17 233 XA +107 17 234 DA +107 17 235 DA +107 17 236 DA +107 17 237 OS +107 17 238 DA +107 17 239 OS +107 17 240 OS +107 17 241 OX +107 17 242 DA +107 17 243 OS +107 17 244 OX +107 17 245 OS +107 17 246 DA +107 17 247 DA +107 17 248 FI +107 17 249 DA +107 17 250 DA +107 17 251 XA +107 17 252 OS +107 17 253 DA +107 17 254 DA +107 17 255 FI +107 17 256 OS +107 17 257 DA +107 17 258 DA +107 17 259 OS +107 17 260 DA +107 17 261 OS +107 17 262 OS +107 17 263 FI +107 17 264 OX +107 17 265 FI +107 17 266 OS +107 17 267 OS +107 17 268 DA +107 17 269 OS +107 17 270 OS +107 17 271 DA +107 17 272 OX +107 17 273 OS +107 17 274 DA +107 17 275 DA +107 17 276 OS +107 17 277 DA +107 17 278 OS +107 17 279 DA +107 17 280 CH +107 17 281 DA +107 17 282 CH +107 17 283 CH +107 17 284 OX +107 17 285 OS +107 17 286 OX +107 17 287 DA +107 17 288 OS +107 17 289 DA +107 17 290 DA +107 17 291 DA +107 17 292 OS +107 17 293 OX +107 17 294 OX +107 17 295 CH +107 17 296 FI +107 17 297 DA +107 17 298 OS +107 17 299 CH +107 17 300 XA +107 17 301 DA +107 17 302 OX +107 17 303 DA +107 17 304 XA +107 17 305 OS +107 17 306 DA +107 17 307 DA +107 17 308 CH +107 17 309 FI +107 17 310 DA +107 17 311 CH +107 17 312 DA +107 17 313 FI +107 17 314 OX +107 17 315 CH +107 17 316 DA +107 17 317 OS +107 17 318 OS +107 17 319 OX +107 17 320 XA +107 17 321 OS +107 17 322 DA +107 17 323 DA +107 17 324 OX +107 17 325 OS +107 17 326 DA +107 17 327 OX +107 17 328 FI +107 17 329 DA +107 17 330 OX +107 18 1 DA +107 18 2 OX +107 18 3 OS +107 18 4 CH +107 18 5 DA +107 18 6 CH +107 18 7 DA +107 18 8 CH +107 18 9 FI +107 18 10 CX +107 18 11 CX +107 18 12 MA +107 18 13 FI +107 18 14 DA +107 18 15 OX +107 18 16 OX +107 18 17 OS +107 18 18 FI +107 18 19 DA +107 18 20 DA +107 18 21 OS +107 18 22 OX +107 18 23 DA +107 18 24 FI +107 18 25 DA +107 18 26 DA +107 18 27 OX +107 18 28 OS +107 18 29 DA +107 18 30 OS +107 18 31 OX +107 18 32 CH +107 18 33 OX +107 18 34 DA +107 18 35 OS +107 18 36 FI +107 18 37 DA +107 18 38 OS +107 18 39 DA +107 18 40 DA +107 18 41 OS +107 18 42 OX +107 18 43 FI +107 18 44 OX +107 18 45 DA +107 18 46 FI +107 18 47 DA +107 18 48 CH +107 18 49 DA +107 18 50 OS +107 18 51 CH +107 18 52 OX +107 18 53 OS +107 18 54 DA +107 18 55 DA +107 18 56 OX +107 18 57 DA +107 18 58 OX +107 18 59 OX +107 18 60 FI +107 18 61 CH +107 18 62 DA +107 18 63 CH +107 18 64 DA +107 18 65 OS +107 18 66 OX +107 18 67 DA +107 18 68 OS +107 18 69 OX +107 18 70 OX +107 18 71 CH +107 18 72 DA +107 18 73 CH +107 18 74 OX +107 18 75 FI +107 18 76 OS +107 18 77 DA +107 18 78 OX +107 18 79 FI +107 18 80 DA +107 18 81 CH +107 18 82 DA +107 18 83 OX +107 18 84 CH +107 18 85 DA +107 18 86 OS +107 18 87 FI +107 18 88 CH +107 18 89 FI +107 18 90 FI +107 18 91 MA +107 18 92 OX +107 18 93 DA +107 18 94 FI +107 18 95 OX +107 18 96 CH +107 18 97 DA +107 18 98 OS +107 18 99 OX +107 18 100 OX +107 18 101 DA +107 18 102 OX +107 18 103 OX +107 18 104 DA +107 18 105 CH +107 18 106 OX +107 18 107 CH +107 18 108 OX +107 18 109 DA +107 18 110 CH +107 18 111 FI +107 18 112 OS +107 18 113 FI +107 18 114 DA +107 18 115 FI +107 18 116 OX +107 18 117 FI +107 18 118 OS +107 18 119 DA +107 18 120 OX +107 18 121 OS +107 18 122 DA +107 18 123 DA +107 18 124 OX +107 18 125 CH +107 18 126 OS +107 18 127 FI +107 18 128 OX +107 18 129 OX +107 18 130 FI +107 18 131 CH +107 18 132 OS +107 18 133 DA +107 18 134 FI +107 18 135 CH +107 18 136 DA +107 18 137 DA +107 18 138 OX +107 18 139 OX +107 18 140 DA +107 18 141 OX +107 18 142 OX +107 18 143 CH +107 18 144 DA +107 18 145 DA +107 18 146 OS +107 18 147 CH +107 18 148 OS +107 18 149 DA +107 18 150 CH +107 18 151 OS +107 18 152 OS +107 18 153 DA +107 18 154 FI +107 18 155 FI +107 18 156 DA +107 18 157 CH +107 18 158 OX +107 18 159 OS +107 18 160 DA +107 18 161 OX +107 18 162 OS +107 18 163 DA +107 18 164 DA +107 18 165 FI +107 18 166 FI +107 18 167 OX +107 18 168 DA +107 18 169 DA +107 18 170 FI +107 18 171 FI +107 18 172 OX +107 18 173 OS +107 18 174 CH +107 18 175 DA +107 18 176 OS +107 18 177 OX +107 18 178 FI +107 18 179 CH +107 18 180 DA +107 18 181 MA +107 18 182 OS +107 18 183 FI +107 18 184 CH +107 18 185 OS +107 18 186 OX +107 18 187 OS +107 18 188 DA +107 18 189 OX +107 18 190 CH +107 18 191 DA +107 18 192 FI +107 18 193 CH +107 18 194 FI +107 18 195 DA +107 18 196 OX +107 18 197 OX +107 18 198 FI +107 18 199 OX +107 18 200 OS +107 18 201 DA +107 18 202 DA +107 18 203 OS +107 18 204 FI +107 18 205 FI +107 18 206 OX +107 18 207 OS +107 18 208 OS +107 18 209 FI +107 18 210 CH +107 18 211 DA +107 18 212 OS +107 18 213 OX +107 18 214 CH +107 18 215 OS +107 18 216 FI +107 18 217 OS +107 18 218 CH +107 18 219 OX +107 18 220 DA +107 18 221 OX +107 18 222 DA +107 18 223 DA +107 18 224 OX +107 18 225 CH +107 18 226 DA +107 18 227 FI +107 18 228 FI +107 18 229 OX +107 18 230 OX +107 18 231 OS +107 18 232 FI +107 18 233 DA +107 18 234 FI +107 18 235 DA +107 18 236 DA +107 18 237 MA +107 18 238 DA +107 18 239 OS +107 18 240 CH +107 18 241 OX +107 18 242 OX +107 18 243 CH +107 18 244 OX +107 18 245 OS +107 18 246 DA +107 18 247 DA +107 18 248 FI +107 18 249 DA +107 18 250 OS +107 18 251 OX +107 18 252 OX +107 18 253 DA +107 18 254 OX +107 18 255 FI +107 18 256 OS +107 18 257 FI +107 18 258 CH +107 18 259 OS +107 18 260 OX +107 18 261 OS +107 18 262 OX +107 18 263 FI +107 18 264 OX +107 18 265 FI +107 18 266 CH +107 18 267 FI +107 18 268 OX +107 18 269 OS +107 18 270 CH +107 18 271 FI +107 18 272 OX +107 18 273 CH +107 18 274 OX +107 18 275 OX +107 18 276 OS +107 18 277 DA +107 18 278 OS +107 18 279 DA +107 18 280 DA +107 18 281 DA +107 18 282 DA +107 18 283 CH +107 18 284 OX +107 18 285 OX +107 18 286 OX +107 18 287 CH +107 18 288 OS +107 18 289 OX +107 18 290 OX +107 18 291 DA +107 18 292 OS +107 18 293 OX +107 18 294 OX +107 18 295 FI +107 18 296 DA +107 18 297 MA +107 18 298 OS +107 18 299 DA +107 18 300 FI +107 18 301 DA +107 18 302 OX +107 18 303 OX +107 18 304 FI +107 18 305 CH +107 18 306 DA +107 18 307 DA +107 18 308 DA +107 18 309 FI +107 18 310 DA +107 18 311 FI +107 18 312 FI +107 18 313 DA +107 18 314 OX +107 18 315 DA +107 18 316 DA +107 18 317 OS +107 18 318 CH +107 18 319 OX +107 18 320 DA +107 18 321 OS +107 18 322 DA +107 18 323 DA +107 18 324 OX +107 18 325 CH +107 18 326 OS +107 18 327 OX +107 18 328 FI +107 18 329 MA +107 18 330 OX +107 19 1 DA +107 19 2 DA +107 19 3 OS +107 19 4 OS +107 19 5 DA +107 19 6 CH +107 19 7 DA +107 19 8 OS +107 19 9 CH +107 19 10 DA +107 19 11 DA +107 19 12 CH +107 19 13 DA +107 19 14 FI +107 19 15 OS +107 19 16 OX +107 19 17 OS +107 19 18 FI +107 19 19 DA +107 19 20 CH +107 19 21 OS +107 19 22 DA +107 19 23 OS +107 19 24 KO +107 19 25 DA +107 19 26 DA +107 19 27 OX +107 19 28 OS +107 19 29 DA +107 19 30 CH +107 19 31 DA +107 19 32 OS +107 19 33 DA +107 19 34 DA +107 19 35 OS +107 19 36 DA +107 19 37 DA +107 19 38 OS +107 19 39 DA +107 19 40 DA +107 19 41 OS +107 19 42 CH +107 19 43 FI +107 19 44 OX +107 19 45 DA +107 19 46 FI +107 19 47 FI +107 19 48 CH +107 19 49 DA +107 19 50 OS +107 19 51 KO +107 19 52 OX +107 19 53 OS +107 19 54 DA +107 19 55 DA +107 19 56 OS +107 19 57 DA +107 19 58 CH +107 19 59 OX +107 19 60 FI +107 19 61 OS +107 19 62 CH +107 19 63 OS +107 19 64 DA +107 19 65 OS +107 19 66 OX +107 19 67 DA +107 19 68 OS +107 19 69 DA +107 19 70 OX +107 19 71 OS +107 19 72 DA +107 19 73 OS +107 19 74 DA +107 19 75 FI +107 19 76 OS +107 19 77 DA +107 19 78 CH +107 19 79 FI +107 19 80 DA +107 19 81 CH +107 19 82 DA +107 19 83 OX +107 19 84 OS +107 19 85 DA +107 19 86 OS +107 19 87 FI +107 19 88 OS +107 19 89 FI +107 19 90 DA +107 19 91 CH +107 19 92 OX +107 19 93 DA +107 19 94 FI +107 19 95 CH +107 19 96 CH +107 19 97 FI +107 19 98 OS +107 19 99 OS +107 19 100 DA +107 19 101 OS +107 19 102 DA +107 19 103 CH +107 19 104 DA +107 19 105 OS +107 19 106 DA +107 19 107 OX +107 19 108 DA +107 19 109 FI +107 19 110 CH +107 19 111 FI +107 19 112 OS +107 19 113 FI +107 19 114 DA +107 19 115 OS +107 19 116 DA +107 19 117 FI +107 19 118 OS +107 19 119 DA +107 19 120 OX +107 19 121 OS +107 19 122 DA +107 19 123 DA +107 19 124 CH +107 19 125 OS +107 19 126 OS +107 19 127 FI +107 19 128 CH +107 19 129 OX +107 19 130 FI +107 19 131 OS +107 19 132 OS +107 19 133 DA +107 19 134 FI +107 19 135 OS +107 19 136 DA +107 19 137 DA +107 19 138 DA +107 19 139 OX +107 19 140 FI +107 19 141 OX +107 19 142 OX +107 19 143 DA +107 19 144 FI +107 19 145 DA +107 19 146 CH +107 19 147 DA +107 19 148 OS +107 19 149 DA +107 19 150 OS +107 19 151 CH +107 19 152 CH +107 19 153 DA +107 19 154 FI +107 19 155 FI +107 19 156 DA +107 19 157 FI +107 19 158 OX +107 19 159 CH +107 19 160 CH +107 19 161 DA +107 19 162 OS +107 19 163 DA +107 19 164 DA +107 19 165 FI +107 19 166 FI +107 19 167 DA +107 19 168 DA +107 19 169 DA +107 19 170 FI +107 19 171 CH +107 19 172 OX +107 19 173 OS +107 19 174 CH +107 19 175 DA +107 19 176 OS +107 19 177 DA +107 19 178 DA +107 19 179 OS +107 19 180 DA +107 19 181 CH +107 19 182 OS +107 19 183 CH +107 19 184 OS +107 19 185 CH +107 19 186 DA +107 19 187 CH +107 19 188 DA +107 19 189 DA +107 19 190 OS +107 19 191 DA +107 19 192 OS +107 19 193 CH +107 19 194 OS +107 19 195 DA +107 19 196 DA +107 19 197 OS +107 19 198 FI +107 19 199 OX +107 19 200 DA +107 19 201 CH +107 19 202 DA +107 19 203 OS +107 19 204 FI +107 19 205 FI +107 19 206 OX +107 19 207 OS +107 19 208 CH +107 19 209 DA +107 19 210 OS +107 19 211 DA +107 19 212 OS +107 19 213 DA +107 19 214 DA +107 19 215 OS +107 19 216 DA +107 19 217 OS +107 19 218 CH +107 19 219 OX +107 19 220 DA +107 19 221 OX +107 19 222 OS +107 19 223 DA +107 19 224 OX +107 19 225 CH +107 19 226 FI +107 19 227 FI +107 19 228 DA +107 19 229 DA +107 19 230 OX +107 19 231 OS +107 19 232 CH +107 19 233 DA +107 19 234 DA +107 19 235 DA +107 19 236 CH +107 19 237 CH +107 19 238 DA +107 19 239 OS +107 19 240 OS +107 19 241 OX +107 19 242 OX +107 19 243 OS +107 19 244 OX +107 19 245 OS +107 19 246 DA +107 19 247 DA +107 19 248 DA +107 19 249 DA +107 19 250 FI +107 19 251 DA +107 19 252 OX +107 19 253 DA +107 19 254 DA +107 19 255 FI +107 19 256 OS +107 19 257 DA +107 19 258 CH +107 19 259 OS +107 19 260 OX +107 19 261 CH +107 19 262 OX +107 19 263 OX +107 19 264 DA +107 19 265 DA +107 19 266 OS +107 19 267 OS +107 19 268 DA +107 19 269 OS +107 19 270 CH +107 19 271 DA +107 19 272 OX +107 19 273 CH +107 19 274 OX +107 19 275 CH +107 19 276 OS +107 19 277 DA +107 19 278 CH +107 19 279 DA +107 19 280 CH +107 19 281 DA +107 19 282 DA +107 19 283 OS +107 19 284 OX +107 19 285 CH +107 19 286 OX +107 19 287 CH +107 19 288 OS +107 19 289 DA +107 19 290 OX +107 19 291 DA +107 19 292 CH +107 19 293 OX +107 19 294 OX +107 19 295 CH +107 19 296 OS +107 19 297 DA +107 19 298 OS +107 19 299 DA +107 19 300 OX +107 19 301 DA +107 19 302 OX +107 19 303 OX +107 19 304 DA +107 19 305 OS +107 19 306 DA +107 19 307 DA +107 19 308 CH +107 19 309 FI +107 19 310 DA +107 19 311 DA +107 19 312 FI +107 19 313 FI +107 19 314 OX +107 19 315 DA +107 19 316 DA +107 19 317 OS +107 19 318 CH +107 19 319 OX +107 19 320 CH +107 19 321 OS +107 19 322 DA +107 19 323 DA +107 19 324 OX +107 19 325 OS +107 19 326 CH +107 19 327 OX +107 19 328 DA +107 19 329 CH +107 19 330 OX +107 20 1 DA +107 20 2 DA +107 20 3 OS +107 20 4 OS +107 20 5 DA +107 20 6 PA +107 20 7 DA +107 20 8 OS +107 20 9 PA +107 20 10 DA +107 20 11 FI +107 20 12 PA +107 20 13 FI +107 20 14 FI +107 20 15 OS +107 20 16 OX +107 20 17 OS +107 20 18 FI +107 20 19 DA +107 20 20 DA +107 20 21 OS +107 20 22 CH +107 20 23 OS +107 20 24 DA +107 20 25 DA +107 20 26 FI +107 20 27 PA +107 20 28 OS +107 20 29 DA +107 20 30 PA +107 20 31 DA +107 20 32 OS +107 20 33 DA +107 20 34 DA +107 20 35 OS +107 20 36 DA +107 20 37 DA +107 20 38 OS +107 20 39 DA +107 20 40 DA +107 20 41 OS +107 20 42 PA +107 20 43 FI +107 20 44 PA +107 20 45 DA +107 20 46 FI +107 20 47 FI +107 20 48 CH +107 20 49 DA +107 20 50 OS +107 20 51 PA +107 20 52 PA +107 20 53 OS +107 20 54 DA +107 20 55 DA +107 20 56 PA +107 20 57 DA +107 20 58 CH +107 20 59 OX +107 20 60 FI +107 20 61 OS +107 20 62 DA +107 20 63 CH +107 20 64 FI +107 20 65 OS +107 20 66 OX +107 20 67 DA +107 20 68 OS +107 20 69 DA +107 20 70 OX +107 20 71 OS +107 20 72 DA +107 20 73 OS +107 20 74 DA +107 20 75 FI +107 20 76 CH +107 20 77 DA +107 20 78 PA +107 20 79 FI +107 20 80 DA +107 20 81 DA +107 20 82 DA +107 20 83 PA +107 20 84 CH +107 20 85 DA +107 20 86 OS +107 20 87 FI +107 20 88 OS +107 20 89 FI +107 20 90 FI +107 20 91 CH +107 20 92 OX +107 20 93 DA +107 20 94 FI +107 20 95 OX +107 20 96 CH +107 20 97 FI +107 20 98 OS +107 20 99 KO +107 20 100 DA +107 20 101 OS +107 20 102 KO +107 20 103 CH +107 20 104 DA +107 20 105 OS +107 20 106 PA +107 20 107 OX +107 20 108 DA +107 20 109 DA +107 20 110 CH +107 20 111 FI +107 20 112 OS +107 20 113 FI +107 20 114 DA +107 20 115 OS +107 20 116 PA +107 20 117 FI +107 20 118 OS +107 20 119 DA +107 20 120 OX +107 20 121 OS +107 20 122 DA +107 20 123 DA +107 20 124 CH +107 20 125 OS +107 20 126 OS +107 20 127 FI +107 20 128 CH +107 20 129 PA +107 20 130 FI +107 20 131 OS +107 20 132 OS +107 20 133 DA +107 20 134 KO +107 20 135 OS +107 20 136 DA +107 20 137 DA +107 20 138 RA +107 20 139 OX +107 20 140 DA +107 20 141 OX +107 20 142 OX +107 20 143 DA +107 20 144 FI +107 20 145 DA +107 20 146 CH +107 20 147 DA +107 20 148 OS +107 20 149 DA +107 20 150 FI +107 20 151 CH +107 20 152 PA +107 20 153 DA +107 20 154 FI +107 20 155 FI +107 20 156 DA +107 20 157 CH +107 20 158 OX +107 20 159 CH +107 20 160 PA +107 20 161 DA +107 20 162 OS +107 20 163 DA +107 20 164 DA +107 20 165 * +107 20 166 FI +107 20 167 PA +107 20 168 DA +107 20 169 DA +107 20 170 FI +107 20 171 DA +107 20 172 OX +107 20 173 OS +107 20 174 CH +107 20 175 PA +107 20 176 OS +107 20 177 CH +107 20 178 DA +107 20 179 OS +107 20 180 DA +107 20 181 CH +107 20 182 OS +107 20 183 PA +107 20 184 FI +107 20 185 CH +107 20 186 DA +107 20 187 CH +107 20 188 DA +107 20 189 OX +107 20 190 CH +107 20 191 DA +107 20 192 FI +107 20 193 PA +107 20 194 OS +107 20 195 DA +107 20 196 DA +107 20 197 CH +107 20 198 FI +107 20 199 OX +107 20 200 DA +107 20 201 CH +107 20 202 DA +107 20 203 OS +107 20 204 FI +107 20 205 FI +107 20 206 PA +107 20 207 OS +107 20 208 CH +107 20 209 DA +107 20 210 * +107 20 211 DA +107 20 212 CH +107 20 213 OX +107 20 214 CH +107 20 215 CH +107 20 216 FI +107 20 217 PA +107 20 218 PA +107 20 219 OX +107 20 220 DA +107 20 221 DA +107 20 222 FI +107 20 223 DA +107 20 224 OX +107 20 225 CH +107 20 226 DA +107 20 227 FI +107 20 228 FI +107 20 229 DA +107 20 230 OX +107 20 231 OS +107 20 232 PA +107 20 233 DA +107 20 234 DA +107 20 235 DA +107 20 236 PA +107 20 237 PA +107 20 238 DA +107 20 239 CH +107 20 240 OS +107 20 241 OX +107 20 242 CH +107 20 243 OS +107 20 244 OX +107 20 245 OS +107 20 246 DA +107 20 247 DA +107 20 248 FI +107 20 249 DA +107 20 250 OS +107 20 251 DA +107 20 252 OX +107 20 253 DA +107 20 254 DA +107 20 255 FI +107 20 256 OS +107 20 257 DA +107 20 258 CH +107 20 259 OS +107 20 260 PA +107 20 261 CH +107 20 262 OX +107 20 263 PA +107 20 264 OX +107 20 265 DA +107 20 266 CH +107 20 267 OS +107 20 268 DA +107 20 269 OS +107 20 270 CH +107 20 271 FI +107 20 272 OX +107 20 273 CH +107 20 274 OX +107 20 275 CH +107 20 276 OS +107 20 277 FI +107 20 278 OS +107 20 279 DA +107 20 280 DA +107 20 281 DA +107 20 282 DA +107 20 283 CH +107 20 284 OX +107 20 285 CH +107 20 286 OX +107 20 287 CH +107 20 288 OS +107 20 289 DA +107 20 290 OX +107 20 291 DA +107 20 292 CH +107 20 293 OX +107 20 294 OX +107 20 295 CH +107 20 296 CH +107 20 297 CH +107 20 298 OS +107 20 299 DA +107 20 300 OX +107 20 301 DA +107 20 302 OX +107 20 303 OX +107 20 304 PA +107 20 305 FI +107 20 306 DA +107 20 307 DA +107 20 308 PA +107 20 309 FI +107 20 310 DA +107 20 311 DA +107 20 312 FI +107 20 313 FI +107 20 314 OX +107 20 315 DA +107 20 316 DA +107 20 317 OS +107 20 318 CH +107 20 319 OX +107 20 320 PA +107 20 321 OS +107 20 322 DA +107 20 323 DA +107 20 324 OX +107 20 325 OS +107 20 326 CH +107 20 327 OX +107 20 328 DA +107 20 329 CH +107 20 330 OX +107 21 1 DA +107 21 2 OX +107 21 3 OS +107 21 4 FI +107 21 5 DA +107 21 6 CH +107 21 7 DA +107 21 8 OS +107 21 9 DA +107 21 10 FI +107 21 11 FI +107 21 12 OS +107 21 13 DA +107 21 14 FI +107 21 15 OX +107 21 16 OX +107 21 17 OS +107 21 18 FI +107 21 19 DA +107 21 20 DA +107 21 21 OS +107 21 22 DA +107 21 23 OS +107 21 24 FI +107 21 25 * +107 21 26 FI +107 21 27 OX +107 21 28 OS +107 21 29 DA +107 21 30 OS +107 21 31 DA +107 21 32 OS +107 21 33 DA +107 21 34 DA +107 21 35 OS +107 21 36 FI +107 21 37 DA +107 21 38 OS +107 21 39 DA +107 21 40 DA +107 21 41 OS +107 21 42 DA +107 21 43 FI +107 21 44 OX +107 21 45 DA +107 21 46 DA +107 21 47 FI +107 21 48 DA +107 21 49 DA +107 21 50 FI +107 21 51 FI +107 21 52 OX +107 21 53 OS +107 21 54 DA +107 21 55 DA +107 21 56 CH +107 21 57 FI +107 21 58 DA +107 21 59 OX +107 21 60 FI +107 21 61 OS +107 21 62 CH +107 21 63 OS +107 21 64 FI +107 21 65 OS +107 21 66 OX +107 21 67 DA +107 21 68 OS +107 21 69 FI +107 21 70 OX +107 21 71 FI +107 21 72 * +107 21 73 FI +107 21 74 OX +107 21 75 FI +107 21 76 OS +107 21 77 FI +107 21 78 OX +107 21 79 FI +107 21 80 FI +107 21 81 * +107 21 82 DA +107 21 83 CH +107 21 84 OS +107 21 85 FI +107 21 86 OS +107 21 87 FI +107 21 88 OS +107 21 89 FI +107 21 90 FI +107 21 91 CH +107 21 92 OX +107 21 93 DA +107 21 94 FI +107 21 95 OX +107 21 96 OS +107 21 97 FI +107 21 98 OS +107 21 99 DA +107 21 100 CH +107 21 101 OS +107 21 102 OX +107 21 103 DA +107 21 104 OX +107 21 105 * +107 21 106 DA +107 21 107 OX +107 21 108 OX +107 21 109 FI +107 21 110 * +107 21 111 FI +107 21 112 OS +107 21 113 FI +107 21 114 FI +107 21 115 OS +107 21 116 OX +107 21 117 FI +107 21 118 OS +107 21 119 DA +107 21 120 OX +107 21 121 OS +107 21 122 * +107 21 123 FI +107 21 124 CH +107 21 125 OS +107 21 126 OS +107 21 127 FI +107 21 128 DA +107 21 129 OX +107 21 130 FI +107 21 131 * +107 21 132 OS +107 21 133 DA +107 21 134 FI +107 21 135 OS +107 21 136 DA +107 21 137 FI +107 21 138 OX +107 21 139 OX +107 21 140 FI +107 21 141 OX +107 21 142 OX +107 21 143 DA +107 21 144 FI +107 21 145 DA +107 21 146 DA +107 21 147 * +107 21 148 OS +107 21 149 DA +107 21 150 FI +107 21 151 OS +107 21 152 * +107 21 153 FI +107 21 154 FI +107 21 155 CH +107 21 156 CH +107 21 157 CH +107 21 158 OX +107 21 159 CH +107 21 160 OS +107 21 161 * +107 21 162 OS +107 21 163 FI +107 21 164 FI +107 21 165 DA +107 21 166 FI +107 21 167 OX +107 21 168 FI +107 21 169 FI +107 21 170 FI +107 21 171 CH +107 21 172 OX +107 21 173 OS +107 21 174 CH +107 21 175 OX +107 21 176 OS +107 21 177 CH +107 21 178 FI +107 21 179 FI +107 21 180 DA +107 21 181 CH +107 21 182 FI +107 21 183 CH +107 21 184 OS +107 21 185 OS +107 21 186 DA +107 21 187 OS +107 21 188 FI +107 21 189 OX +107 21 190 OS +107 21 191 FI +107 21 192 * +107 21 193 CH +107 21 194 OS +107 21 195 CH +107 21 196 OS +107 21 197 * +107 21 198 FI +107 21 199 OX +107 21 200 DA +107 21 201 OS +107 21 202 FI +107 21 203 OS +107 21 204 FI +107 21 205 DA +107 21 206 OX +107 21 207 OS +107 21 208 DA +107 21 209 FI +107 21 210 CH +107 21 211 DA +107 21 212 OS +107 21 213 OX +107 21 214 CH +107 21 215 OS +107 21 216 FI +107 21 217 OS +107 21 218 DA +107 21 219 OX +107 21 220 FI +107 21 221 OX +107 21 222 FI +107 21 223 DA +107 21 224 OX +107 21 225 DA +107 21 226 FI +107 21 227 FI +107 21 228 FI +107 21 229 DA +107 21 230 OX +107 21 231 OS +107 21 232 DA +107 21 233 FI +107 21 234 FI +107 21 235 FI +107 21 236 CH +107 21 237 OS +107 21 238 FI +107 21 239 OS +107 21 240 CH +107 21 241 OX +107 21 242 DA +107 21 243 CH +107 21 244 OX +107 21 245 OS +107 21 246 DA +107 21 247 CH +107 21 248 FI +107 21 249 FI +107 21 250 FI +107 21 251 DA +107 21 252 OX +107 21 253 DA +107 21 254 OX +107 21 255 FI +107 21 256 OS +107 21 257 FI +107 21 258 DA +107 21 259 OS +107 21 260 OX +107 21 261 OS +107 21 262 OX +107 21 263 FI +107 21 264 OX +107 21 265 DA +107 21 266 CH +107 21 267 OS +107 21 268 DA +107 21 269 OS +107 21 270 DA +107 21 271 FI +107 21 272 OX +107 21 273 CH +107 21 274 OX +107 21 275 DA +107 21 276 OS +107 21 277 FI +107 21 278 OS +107 21 279 FI +107 21 280 CH +107 21 281 FI +107 21 282 CH +107 21 283 FI +107 21 284 OX +107 21 285 OS +107 21 286 OX +107 21 287 DA +107 21 288 OS +107 21 289 DA +107 21 290 OX +107 21 291 FI +107 21 292 CH +107 21 293 OX +107 21 294 OX +107 21 295 FI +107 21 296 FI +107 21 297 DA +107 21 298 OS +107 21 299 FI +107 21 300 OX +107 21 301 FI +107 21 302 OX +107 21 303 OX +107 21 304 * +107 21 305 * +107 21 306 * +107 21 307 FI +107 21 308 OX +107 21 309 FI +107 21 310 * +107 21 311 FI +107 21 312 FI +107 21 313 FI +107 21 314 OX +107 21 315 DA +107 21 316 FI +107 21 317 OS +107 21 318 OS +107 21 319 OX +107 21 320 * +107 21 321 OS +107 21 322 DA +107 21 323 FI +107 21 324 OX +107 21 325 OS +107 21 326 * +107 21 327 OX +107 21 328 FI +107 21 329 CH +107 21 330 OX +107 22 1 DA +107 22 2 OX +107 22 3 OS +107 22 4 FI +107 22 5 DA +107 22 6 CH +107 22 7 DA +107 22 8 OS +107 22 9 CH +107 22 10 FI +107 22 11 FI +107 22 12 CH +107 22 13 DA +107 22 14 FI +107 22 15 OX +107 22 16 OX +107 22 17 OS +107 22 18 FI +107 22 19 DA +107 22 20 DA +107 22 21 OS +107 22 22 OX +107 22 23 OX +107 22 24 FI +107 22 25 DA +107 22 26 FI +107 22 27 OX +107 22 28 OS +107 22 29 DA +107 22 30 CH +107 22 31 OX +107 22 32 OX +107 22 33 DA +107 22 34 DA +107 22 35 OS +107 22 36 FI +107 22 37 DA +107 22 38 CH +107 22 39 DA +107 22 40 DA +107 22 41 OS +107 22 42 CH +107 22 43 FI +107 22 44 OX +107 22 45 DA +107 22 46 FI +107 22 47 FI +107 22 48 CH +107 22 49 DA +107 22 50 OX +107 22 51 FI +107 22 52 OX +107 22 53 CH +107 22 54 DA +107 22 55 DA +107 22 56 OX +107 22 57 DA +107 22 58 CH +107 22 59 OX +107 22 60 FI +107 22 61 OS +107 22 62 OX +107 22 63 OS +107 22 64 DA +107 22 65 OS +107 22 66 OX +107 22 67 DA +107 22 68 OS +107 22 69 FI +107 22 70 OX +107 22 71 OS +107 22 72 DA +107 22 73 OX +107 22 74 OX +107 22 75 FI +107 22 76 OS +107 22 77 DA +107 22 78 OX +107 22 79 FI +107 22 80 DA +107 22 81 CH +107 22 82 DA +107 22 83 OX +107 22 84 OS +107 22 85 DA +107 22 86 OX +107 22 87 FI +107 22 88 OS +107 22 89 FI +107 22 90 DA +107 22 91 CH +107 22 92 OX +107 22 93 DA +107 22 94 FI +107 22 95 OX +107 22 96 CH +107 22 97 FI +107 22 98 OS +107 22 99 OX +107 22 100 DA +107 22 101 OS +107 22 102 OX +107 22 103 FI +107 22 104 DA +107 22 105 OX +107 22 106 CH +107 22 107 OX +107 22 108 OX +107 22 109 DA +107 22 110 OS +107 22 111 FI +107 22 112 OS +107 22 113 FI +107 22 114 DA +107 22 115 OS +107 22 116 OX +107 22 117 FI +107 22 118 OX +107 22 119 DA +107 22 120 OX +107 22 121 OS +107 22 122 DA +107 22 123 DA +107 22 124 CH +107 22 125 OS +107 22 126 OX +107 22 127 FI +107 22 128 CH +107 22 129 OX +107 22 130 FI +107 22 131 OX +107 22 132 OS +107 22 133 DA +107 22 134 FI +107 22 135 OS +107 22 136 DA +107 22 137 FI +107 22 138 DA +107 22 139 OX +107 22 140 DA +107 22 141 OX +107 22 142 OX +107 22 143 DA +107 22 144 FI +107 22 145 DA +107 22 146 CH +107 22 147 DA +107 22 148 OS +107 22 149 DA +107 22 150 FI +107 22 151 OS +107 22 152 OX +107 22 153 DA +107 22 154 FI +107 22 155 FI +107 22 156 DA +107 22 157 FI +107 22 158 OX +107 22 159 CH +107 22 160 OX +107 22 161 DA +107 22 162 OS +107 22 163 DA +107 22 164 DA +107 22 165 FI +107 22 166 FI +107 22 167 OX +107 22 168 DA +107 22 169 DA +107 22 170 FI +107 22 171 FI +107 22 172 OX +107 22 173 OS +107 22 174 CH +107 22 175 DA +107 22 176 OS +107 22 177 CH +107 22 178 DA +107 22 179 FI +107 22 180 DA +107 22 181 CH +107 22 182 OS +107 22 183 CH +107 22 184 OX +107 22 185 CH +107 22 186 DA +107 22 187 CH +107 22 188 DA +107 22 189 OX +107 22 190 OX +107 22 191 DA +107 22 192 OX +107 22 193 CH +107 22 194 FI +107 22 195 DA +107 22 196 OX +107 22 197 OX +107 22 198 FI +107 22 199 OX +107 22 200 DA +107 22 201 OX +107 22 202 DA +107 22 203 OS +107 22 204 FI +107 22 205 FI +107 22 206 OX +107 22 207 OS +107 22 208 CH +107 22 209 FI +107 22 210 CH +107 22 211 DA +107 22 212 CH +107 22 213 OX +107 22 214 CH +107 22 215 OX +107 22 216 FI +107 22 217 OS +107 22 218 CH +107 22 219 OX +107 22 220 OX +107 22 221 OX +107 22 222 OX +107 22 223 DA +107 22 224 OX +107 22 225 CH +107 22 226 FI +107 22 227 FI +107 22 228 FI +107 22 229 DA +107 22 230 OX +107 22 231 OX +107 22 232 FI +107 22 233 OX +107 22 234 DA +107 22 235 DA +107 22 236 CH +107 22 237 OX +107 22 238 DA +107 22 239 OS +107 22 240 FI +107 22 241 OX +107 22 242 CH +107 22 243 FI +107 22 244 OX +107 22 245 OS +107 22 246 DA +107 22 247 OX +107 22 248 FI +107 22 249 DA +107 22 250 FI +107 22 251 DA +107 22 252 OX +107 22 253 DA +107 22 254 DA +107 22 255 FI +107 22 256 OS +107 22 257 FI +107 22 258 CH +107 22 259 OS +107 22 260 OX +107 22 261 OS +107 22 262 OX +107 22 263 OX +107 22 264 DA +107 22 265 DA +107 22 266 OS +107 22 267 CH +107 22 268 DA +107 22 269 OX +107 22 270 CH +107 22 271 FI +107 22 272 OX +107 22 273 OX +107 22 274 OX +107 22 275 CH +107 22 276 OS +107 22 277 FI +107 22 278 CH +107 22 279 FI +107 22 280 DA +107 22 281 DA +107 22 282 CH +107 22 283 FI +107 22 284 OX +107 22 285 OX +107 22 286 OX +107 22 287 CH +107 22 288 OS +107 22 289 DA +107 22 290 OX +107 22 291 DA +107 22 292 OX +107 22 293 OX +107 22 294 OX +107 22 295 CH +107 22 296 FI +107 22 297 CH +107 22 298 OS +107 22 299 DA +107 22 300 OX +107 22 301 DA +107 22 302 OX +107 22 303 OX +107 22 304 CH +107 22 305 FI +107 22 306 DA +107 22 307 DA +107 22 308 OX +107 22 309 FI +107 22 310 DA +107 22 311 DA +107 22 312 FI +107 22 313 FI +107 22 314 OX +107 22 315 DA +107 22 316 DA +107 22 317 OS +107 22 318 OS +107 22 319 OX +107 22 320 FI +107 22 321 OS +107 22 322 DA +107 22 323 DA +107 22 324 OX +107 22 325 CH +107 22 326 OS +107 22 327 OX +107 22 328 FI +107 22 329 FI +107 22 330 OX +107 23 1 DA +107 23 2 DA +107 23 3 CH +107 23 4 OS +107 23 5 OX +107 23 6 OS +107 23 7 DA +107 23 8 OS +107 23 9 PA +107 23 10 FI +107 23 11 FI +107 23 12 PA +107 23 13 FI +107 23 14 FI +107 23 15 OS +107 23 16 OX +107 23 17 OS +107 23 18 FI +107 23 19 DA +107 23 20 DA +107 23 21 OS +107 23 22 PA +107 23 23 OS +107 23 24 FI +107 23 25 FI +107 23 26 DA +107 23 27 OX +107 23 28 OS +107 23 29 DA +107 23 30 OS +107 23 31 DA +107 23 32 OS +107 23 33 DA +107 23 34 FI +107 23 35 PA +107 23 36 FI +107 23 37 DA +107 23 38 OS +107 23 39 DA +107 23 40 DA +107 23 41 OS +107 23 42 PA +107 23 43 FI +107 23 44 OX +107 23 45 DA +107 23 46 OX +107 23 47 FI +107 23 48 PA +107 23 49 DA +107 23 50 FI +107 23 51 OS +107 23 52 OX +107 23 53 OS +107 23 54 DA +107 23 55 DA +107 23 56 PA +107 23 57 DA +107 23 58 PA +107 23 59 OX +107 23 60 FI +107 23 61 OS +107 23 62 OX +107 23 63 PA +107 23 64 DA +107 23 65 OS +107 23 66 OX +107 23 67 DA +107 23 68 OS +107 23 69 FI +107 23 70 OX +107 23 71 OS +107 23 72 DA +107 23 73 OS +107 23 74 DA +107 23 75 FI +107 23 76 CH +107 23 77 DA +107 23 78 OS +107 23 79 FI +107 23 80 DA +107 23 81 DA +107 23 82 DA +107 23 83 OX +107 23 84 OS +107 23 85 DA +107 23 86 OS +107 23 87 FI +107 23 88 OS +107 23 89 OX +107 23 90 FI +107 23 91 PA +107 23 92 OX +107 23 93 DA +107 23 94 OX +107 23 95 OX +107 23 96 * +107 23 97 FI +107 23 98 OS +107 23 99 OX +107 23 100 DA +107 23 101 OS +107 23 102 OX +107 23 103 PA +107 23 104 DA +107 23 105 OS +107 23 106 OX +107 23 107 OX +107 23 108 DA +107 23 109 DA +107 23 110 OS +107 23 111 FI +107 23 112 OS +107 23 113 FI +107 23 114 DA +107 23 115 OS +107 23 116 DA +107 23 117 OX +107 23 118 OS +107 23 119 DA +107 23 120 OX +107 23 121 CH +107 23 122 FI +107 23 123 DA +107 23 124 PA +107 23 125 CH +107 23 126 OS +107 23 127 DA +107 23 128 PA +107 23 129 OX +107 23 130 FI +107 23 131 DA +107 23 132 OS +107 23 133 DA +107 23 134 OX +107 23 135 OS +107 23 136 DA +107 23 137 FI +107 23 138 DA +107 23 139 OX +107 23 140 DA +107 23 141 OX +107 23 142 OX +107 23 143 DA +107 23 144 FI +107 23 145 DA +107 23 146 CH +107 23 147 DA +107 23 148 OS +107 23 149 DA +107 23 150 FI +107 23 151 OS +107 23 152 OS +107 23 153 DA +107 23 154 FI +107 23 155 FI +107 23 156 DA +107 23 157 OX +107 23 158 OX +107 23 159 CH +107 23 160 OS +107 23 161 DA +107 23 162 OS +107 23 163 DA +107 23 164 DA +107 23 165 FI +107 23 166 FI +107 23 167 CH +107 23 168 DA +107 23 169 DA +107 23 170 FI +107 23 171 DA +107 23 172 OX +107 23 173 CH +107 23 174 OS +107 23 175 DA +107 23 176 OS +107 23 177 PA +107 23 178 FI +107 23 179 OS +107 23 180 DA +107 23 181 OS +107 23 182 OS +107 23 183 OS +107 23 184 DA +107 23 185 CH +107 23 186 DA +107 23 187 CH +107 23 188 DA +107 23 189 OX +107 23 190 CH +107 23 191 DA +107 23 192 FI +107 23 193 PA +107 23 194 OS +107 23 195 DA +107 23 196 DA +107 23 197 OS +107 23 198 FI +107 23 199 OS +107 23 200 DA +107 23 201 OS +107 23 202 DA +107 23 203 OS +107 23 204 FI +107 23 205 DA +107 23 206 OX +107 23 207 OS +107 23 208 CH +107 23 209 DA +107 23 210 FI +107 23 211 DA +107 23 212 CH +107 23 213 OX +107 23 214 PA +107 23 215 OS +107 23 216 FI +107 23 217 OS +107 23 218 PA +107 23 219 OX +107 23 220 DA +107 23 221 OX +107 23 222 OS +107 23 223 DA +107 23 224 OX +107 23 225 PA +107 23 226 DA +107 23 227 FI +107 23 228 DA +107 23 229 OX +107 23 230 OX +107 23 231 OS +107 23 232 OS +107 23 233 OX +107 23 234 DA +107 23 235 DA +107 23 236 OX +107 23 237 CH +107 23 238 DA +107 23 239 OS +107 23 240 OS +107 23 241 OX +107 23 242 OX +107 23 243 OS +107 23 244 OX +107 23 245 OS +107 23 246 DA +107 23 247 DA +107 23 248 FI +107 23 249 DA +107 23 250 OS +107 23 251 DA +107 23 252 OX +107 23 253 DA +107 23 254 DA +107 23 255 FI +107 23 256 OS +107 23 257 DA +107 23 258 CH +107 23 259 OS +107 23 260 OX +107 23 261 PA +107 23 262 OX +107 23 263 FI +107 23 264 DA +107 23 265 DA +107 23 266 OS +107 23 267 OS +107 23 268 DA +107 23 269 OS +107 23 270 CH +107 23 271 DA +107 23 272 OX +107 23 273 OS +107 23 274 OX +107 23 275 PA +107 23 276 OS +107 23 277 DA +107 23 278 CH +107 23 279 DA +107 23 280 DA +107 23 281 DA +107 23 282 DA +107 23 283 OS +107 23 284 OX +107 23 285 OS +107 23 286 OX +107 23 287 CH +107 23 288 OS +107 23 289 DA +107 23 290 OX +107 23 291 DA +107 23 292 OS +107 23 293 OX +107 23 294 OX +107 23 295 OS +107 23 296 DA +107 23 297 CH +107 23 298 OS +107 23 299 DA +107 23 300 OX +107 23 301 DA +107 23 302 OX +107 23 303 OX +107 23 304 FI +107 23 305 OS +107 23 306 DA +107 23 307 DA +107 23 308 OS +107 23 309 FI +107 23 310 DA +107 23 311 DA +107 23 312 FI +107 23 313 DA +107 23 314 OX +107 23 315 DA +107 23 316 DA +107 23 317 OS +107 23 318 OS +107 23 319 OX +107 23 320 PA +107 23 321 OS +107 23 322 DA +107 23 323 DA +107 23 324 OX +107 23 325 OS +107 23 326 PA +107 23 327 OX +107 23 328 DA +107 23 329 OS +107 23 330 OX +107 24 1 DA +107 24 2 DA +107 24 3 OS +107 24 4 CH +107 24 5 DA +107 24 6 KO +107 24 7 PA +107 24 8 OS +107 24 9 CH +107 24 10 FI +107 24 11 DA +107 24 12 CH +107 24 13 FI +107 24 14 FI +107 24 15 CH +107 24 16 OX +107 24 17 OS +107 24 18 FI +107 24 19 CH +107 24 20 CH +107 24 21 OS +107 24 22 KO +107 24 23 DA +107 24 24 DA +107 24 25 DA +107 24 26 DA +107 24 27 CH +107 24 28 OS +107 24 29 CH +107 24 30 OS +107 24 31 CH +107 24 32 OS +107 24 33 CH +107 24 34 CH +107 24 35 OS +107 24 36 KO +107 24 37 KO +107 24 38 OS +107 24 39 DA +107 24 40 DA +107 24 41 OS +107 24 42 CH +107 24 43 FI +107 24 44 OX +107 24 45 CH +107 24 46 DA +107 24 47 * +107 24 48 OS +107 24 49 DA +107 24 50 FI +107 24 51 RA +107 24 52 OX +107 24 53 OS +107 24 54 DA +107 24 55 KO +107 24 56 CH +107 24 57 FI +107 24 58 CH +107 24 59 OX +107 24 60 FI +107 24 61 OS +107 24 62 CH +107 24 63 OS +107 24 64 FI +107 24 65 OS +107 24 66 OX +107 24 67 CH +107 24 68 OS +107 24 69 CH +107 24 70 OX +107 24 71 OS +107 24 72 DA +107 24 73 RA +107 24 74 OX +107 24 75 DA +107 24 76 OS +107 24 77 DA +107 24 78 CH +107 24 79 OS +107 24 80 DA +107 24 81 RA +107 24 82 DA +107 24 83 CH +107 24 84 OS +107 24 85 DA +107 24 86 OS +107 24 87 FI +107 24 88 OS +107 24 89 FI +107 24 90 FI +107 24 91 CH +107 24 92 OX +107 24 93 FI +107 24 94 KO +107 24 95 OX +107 24 96 CH +107 24 97 FI +107 24 98 OS +107 24 99 DA +107 24 100 RA +107 24 101 OS +107 24 102 CH +107 24 103 RA +107 24 104 DA +107 24 105 OS +107 24 106 CH +107 24 107 OX +107 24 108 OX +107 24 109 FI +107 24 110 CH +107 24 111 FI +107 24 112 OS +107 24 113 FI +107 24 114 FI +107 24 115 OS +107 24 116 OX +107 24 117 FI +107 24 118 CH +107 24 119 DA +107 24 120 OX +107 24 121 OS +107 24 122 DA +107 24 123 FI +107 24 124 DA +107 24 125 OS +107 24 126 OS +107 24 127 FI +107 24 128 CH +107 24 129 OX +107 24 130 FI +107 24 131 CH +107 24 132 OS +107 24 133 DA +107 24 134 FI +107 24 135 OS +107 24 136 RA +107 24 137 FI +107 24 138 CH +107 24 139 KO +107 24 140 FI +107 24 141 OX +107 24 142 OX +107 24 143 DA +107 24 144 FI +107 24 145 DA +107 24 146 CH +107 24 147 DA +107 24 148 OS +107 24 149 DA +107 24 150 FI +107 24 151 OS +107 24 152 DA +107 24 153 DA +107 24 154 FI +107 24 155 FI +107 24 156 DA +107 24 157 FI +107 24 158 OX +107 24 159 RA +107 24 160 RA +107 24 161 DA +107 24 162 OS +107 24 163 FI +107 24 164 FI +107 24 165 CH +107 24 166 FI +107 24 167 FI +107 24 168 FI +107 24 169 DA +107 24 170 FI +107 24 171 CH +107 24 172 OX +107 24 173 OS +107 24 174 CH +107 24 175 DA +107 24 176 OS +107 24 177 KO +107 24 178 FI +107 24 179 OS +107 24 180 DA +107 24 181 RA +107 24 182 FI +107 24 183 FI +107 24 184 CH +107 24 185 OS +107 24 186 DA +107 24 187 RA +107 24 188 DA +107 24 189 DA +107 24 190 RA +107 24 191 DA +107 24 192 CH +107 24 193 CH +107 24 194 OS +107 24 195 CH +107 24 196 DA +107 24 197 RA +107 24 198 FI +107 24 199 OX +107 24 200 DA +107 24 201 OS +107 24 202 KO +107 24 203 OS +107 24 204 FI +107 24 205 CH +107 24 206 OX +107 24 207 OS +107 24 208 KO +107 24 209 FI +107 24 210 FI +107 24 211 CH +107 24 212 OS +107 24 213 KO +107 24 214 RA +107 24 215 OS +107 24 216 FI +107 24 217 OS +107 24 218 KO +107 24 219 OX +107 24 220 FI +107 24 221 OX +107 24 222 DA +107 24 223 DA +107 24 224 OX +107 24 225 DA +107 24 226 FI +107 24 227 FI +107 24 228 FI +107 24 229 KO +107 24 230 RA +107 24 231 OS +107 24 232 CH +107 24 233 DA +107 24 234 DA +107 24 235 FI +107 24 236 RA +107 24 237 OS +107 24 238 FI +107 24 239 OS +107 24 240 OS +107 24 241 OX +107 24 242 KO +107 24 243 OS +107 24 244 OX +107 24 245 OS +107 24 246 DA +107 24 247 FI +107 24 248 FI +107 24 249 FI +107 24 250 FI +107 24 251 DA +107 24 252 OX +107 24 253 DA +107 24 254 DA +107 24 255 FI +107 24 256 OS +107 24 257 FI +107 24 258 CH +107 24 259 OS +107 24 260 CH +107 24 261 OS +107 24 262 OX +107 24 263 OX +107 24 264 DA +107 24 265 CH +107 24 266 OS +107 24 267 FI +107 24 268 CH +107 24 269 OS +107 24 270 CH +107 24 271 FI +107 24 272 OX +107 24 273 KO +107 24 274 OX +107 24 275 CH +107 24 276 OS +107 24 277 FI +107 24 278 OS +107 24 279 FI +107 24 280 CH +107 24 281 FI +107 24 282 CH +107 24 283 KO +107 24 284 OX +107 24 285 OS +107 24 286 OX +107 24 287 KO +107 24 288 OS +107 24 289 DA +107 24 290 CH +107 24 291 FI +107 24 292 OS +107 24 293 OX +107 24 294 OX +107 24 295 CH +107 24 296 KO +107 24 297 CH +107 24 298 OS +107 24 299 DA +107 24 300 OX +107 24 301 FI +107 24 302 OX +107 24 303 FI +107 24 304 CH +107 24 305 CH +107 24 306 CH +107 24 307 FI +107 24 308 KO +107 24 309 FI +107 24 310 CH +107 24 311 FI +107 24 312 FI +107 24 313 FI +107 24 314 OX +107 24 315 RA +107 24 316 RA +107 24 317 OS +107 24 318 CH +107 24 319 OX +107 24 320 DA +107 24 321 OS +107 24 322 DA +107 24 323 FI +107 24 324 OX +107 24 325 OS +107 24 326 CH +107 24 327 OX +107 24 328 FI +107 24 329 CH +107 24 330 OX +107 25 1 DA +107 25 2 DA +107 25 3 OS +107 25 4 DA +107 25 5 DA +107 25 6 OX +107 25 7 RA +107 25 8 OS +107 25 9 RA +107 25 10 DA +107 25 11 DA +107 25 12 * +107 25 13 FI +107 25 14 * +107 25 15 RA +107 25 16 PA +107 25 17 OS +107 25 18 FI +107 25 19 DA +107 25 20 RA +107 25 21 OS +107 25 22 OX +107 25 23 PA +107 25 24 FI +107 25 25 FI +107 25 26 DA +107 25 27 OX +107 25 28 OS +107 25 29 DA +107 25 30 OS +107 25 31 PA +107 25 32 OS +107 25 33 PA +107 25 34 FI +107 25 35 OS +107 25 36 FI +107 25 37 DA +107 25 38 OS +107 25 39 DA +107 25 40 PA +107 25 41 OS +107 25 42 OX +107 25 43 FI +107 25 44 OX +107 25 45 DA +107 25 46 OX +107 25 47 FI +107 25 48 OS +107 25 49 OX +107 25 50 OS +107 25 51 DA +107 25 52 OX +107 25 53 OS +107 25 54 DA +107 25 55 DA +107 25 56 PA +107 25 57 FI +107 25 58 PA +107 25 59 OX +107 25 60 FI +107 25 61 OS +107 25 62 DA +107 25 63 OS +107 25 64 DA +107 25 65 OS +107 25 66 OX +107 25 67 DA +107 25 68 OS +107 25 69 FI +107 25 70 PA +107 25 71 OS +107 25 72 DA +107 25 73 OS +107 25 74 OX +107 25 75 FI +107 25 76 OS +107 25 77 DA +107 25 78 OS +107 25 79 FI +107 25 80 FI +107 25 81 PA +107 25 82 PA +107 25 83 OX +107 25 84 OS +107 25 85 PA +107 25 86 OS +107 25 87 FI +107 25 88 OS +107 25 89 DA +107 25 90 FI +107 25 91 PA +107 25 92 OX +107 25 93 FI +107 25 94 FI +107 25 95 OX +107 25 96 PA +107 25 97 OS +107 25 98 OS +107 25 99 OX +107 25 100 OX +107 25 101 OS +107 25 102 RA +107 25 103 PA +107 25 104 DA +107 25 105 OS +107 25 106 PA +107 25 107 OX +107 25 108 OX +107 25 109 FI +107 25 110 OS +107 25 111 FI +107 25 112 OS +107 25 113 FI +107 25 114 FI +107 25 115 OS +107 25 116 PA +107 25 117 FI +107 25 118 OS +107 25 119 RA +107 25 120 OX +107 25 121 OS +107 25 122 FI +107 25 123 DA +107 25 124 OX +107 25 125 OS +107 25 126 OS +107 25 127 FI +107 25 128 DA +107 25 129 OX +107 25 130 FI +107 25 131 OS +107 25 132 OS +107 25 133 DA +107 25 134 RA +107 25 135 OS +107 25 136 PA +107 25 137 FI +107 25 138 OX +107 25 139 OX +107 25 140 FI +107 25 141 OX +107 25 142 OX +107 25 143 DA +107 25 144 FI +107 25 145 DA +107 25 146 PA +107 25 147 PA +107 25 148 OS +107 25 149 RA +107 25 150 DA +107 25 151 OS +107 25 152 OS +107 25 153 FI +107 25 154 RA +107 25 155 RA +107 25 156 DA +107 25 157 RA +107 25 158 OX +107 25 159 OS +107 25 160 OS +107 25 161 RA +107 25 162 OS +107 25 163 DA +107 25 164 DA +107 25 165 RA +107 25 166 FI +107 25 167 PA +107 25 168 * +107 25 169 DA +107 25 170 FI +107 25 171 DA +107 25 172 OX +107 25 173 OS +107 25 174 OX +107 25 175 OX +107 25 176 OS +107 25 177 PA +107 25 178 FI +107 25 179 RA +107 25 180 RA +107 25 181 RA +107 25 182 OS +107 25 183 RA +107 25 184 OS +107 25 185 PA +107 25 186 DA +107 25 187 OS +107 25 188 FI +107 25 189 OX +107 25 190 OS +107 25 191 FI +107 25 192 DA +107 25 193 RA +107 25 194 RA +107 25 195 DA +107 25 196 DA +107 25 197 OS +107 25 198 FI +107 25 199 PA +107 25 200 PA +107 25 201 OS +107 25 202 DA +107 25 203 OS +107 25 204 DA +107 25 205 OS +107 25 206 OX +107 25 207 OS +107 25 208 RA +107 25 209 FI +107 25 210 RA +107 25 211 DA +107 25 212 OS +107 25 213 RA +107 25 214 DA +107 25 215 OS +107 25 216 DA +107 25 217 OS +107 25 218 DA +107 25 219 OX +107 25 220 DA +107 25 221 OX +107 25 222 DA +107 25 223 RA +107 25 224 OS +107 25 225 DA +107 25 226 FI +107 25 227 FI +107 25 228 FI +107 25 229 DA +107 25 230 OX +107 25 231 OS +107 25 232 RA +107 25 233 RA +107 25 234 DA +107 25 235 FI +107 25 236 DA +107 25 237 OS +107 25 238 DA +107 25 239 OS +107 25 240 OS +107 25 241 OX +107 25 242 PA +107 25 243 OS +107 25 244 OX +107 25 245 OS +107 25 246 DA +107 25 247 RA +107 25 248 RA +107 25 249 FI +107 25 250 OS +107 25 251 RA +107 25 252 OX +107 25 253 DA +107 25 254 DA +107 25 255 FI +107 25 256 OS +107 25 257 FI +107 25 258 RA +107 25 259 OS +107 25 260 OX +107 25 261 OS +107 25 262 OX +107 25 263 OX +107 25 264 OX +107 25 265 DA +107 25 266 OS +107 25 267 OS +107 25 268 RA +107 25 269 OS +107 25 270 OS +107 25 271 FI +107 25 272 OX +107 25 273 OS +107 25 274 OX +107 25 275 RA +107 25 276 OS +107 25 277 FI +107 25 278 OS +107 25 279 FI +107 25 280 RA +107 25 281 RA +107 25 282 RA +107 25 283 PA +107 25 284 OX +107 25 285 OS +107 25 286 OX +107 25 287 RA +107 25 288 OS +107 25 289 RA +107 25 290 OX +107 25 291 FI +107 25 292 OS +107 25 293 OX +107 25 294 OX +107 25 295 RA +107 25 296 OS +107 25 297 OS +107 25 298 OS +107 25 299 DA +107 25 300 OX +107 25 301 RA +107 25 302 OX +107 25 303 OX +107 25 304 RA +107 25 305 RA +107 25 306 RA +107 25 307 DA +107 25 308 OS +107 25 309 RA +107 25 310 DA +107 25 311 FI +107 25 312 RA +107 25 313 RA +107 25 314 OX +107 25 315 RA +107 25 316 RA +107 25 317 OS +107 25 318 OS +107 25 319 OX +107 25 320 RA +107 25 321 OS +107 25 322 RA +107 25 323 FI +107 25 324 OX +107 25 325 OS +107 25 326 OS +107 25 327 OX +107 25 328 FI +107 25 329 OS +107 25 330 OX +108 1 1 IA +108 1 2 IA +108 1 3 QA +108 1 4 QA +108 1 5 IA +108 1 6 JE +108 1 7 IA +108 1 8 QA +108 1 9 * +108 1 10 IA +108 1 11 IA +108 1 12 JE +108 1 13 IA +108 1 14 IA +108 1 15 QA +108 1 16 JA +108 1 17 QA +108 1 18 CA +108 1 19 IA +108 1 20 IA +108 1 21 QA +108 1 22 JE +108 1 23 IA +108 1 24 CA +108 1 25 IA +108 1 26 IA +108 1 27 JA +108 1 28 QA +108 1 29 IA +108 1 30 JE +108 1 31 IA +108 1 32 QA +108 1 33 IA +108 1 34 IA +108 1 35 JE +108 1 36 IA +108 1 37 IA +108 1 38 QA +108 1 39 IA +108 1 40 IA +108 1 41 QA +108 1 42 JE +108 1 43 IA +108 1 44 JA +108 1 45 IA +108 1 46 JA +108 1 47 IA +108 1 48 JE +108 1 49 IA +108 1 50 IP +108 1 51 CA +108 1 52 JA +108 1 53 QA +108 1 54 IA +108 1 55 IA +108 1 56 QA +108 1 57 IA +108 1 58 JE +108 1 59 JA +108 1 60 IA +108 1 61 QA +108 1 62 QA +108 1 63 JE +108 1 64 IA +108 1 65 QA +108 1 66 JA +108 1 67 IA +108 1 68 QA +108 1 69 IA +108 1 70 JA +108 1 71 QA +108 1 72 IA +108 1 73 IP +108 1 74 IA +108 1 75 IA +108 1 76 JE +108 1 77 IA +108 1 78 QA +108 1 79 CA +108 1 80 IA +108 1 81 IA +108 1 82 IA +108 1 83 JA +108 1 84 QA +108 1 85 IA +108 1 86 QA +108 1 87 CA +108 1 88 QA +108 1 89 CA +108 1 90 IA +108 1 91 IA +108 1 92 JA +108 1 93 IA +108 1 94 CA +108 1 95 JA +108 1 96 JE +108 1 97 IA +108 1 98 QA +108 1 99 QA +108 1 100 IA +108 1 101 QA +108 1 102 JA +108 1 103 CA +108 1 104 IA +108 1 105 QA +108 1 106 JE +108 1 107 JA +108 1 108 IA +108 1 109 IA +108 1 110 JE +108 1 111 CA +108 1 112 QA +108 1 113 CA +108 1 114 IA +108 1 115 QA +108 1 116 JA +108 1 117 CA +108 1 118 QA +108 1 119 IA +108 1 120 JA +108 1 121 JE +108 1 122 IA +108 1 123 IA +108 1 124 JE +108 1 125 JE +108 1 126 QA +108 1 127 IA +108 1 128 JE +108 1 129 JA +108 1 130 IA +108 1 131 QA +108 1 132 QA +108 1 133 IA +108 1 134 CA +108 1 135 QA +108 1 136 IA +108 1 137 IA +108 1 138 IA +108 1 139 JA +108 1 140 IA +108 1 141 JA +108 1 142 JA +108 1 143 IA +108 1 144 IP +108 1 145 IA +108 1 146 JE +108 1 147 IP +108 1 148 QA +108 1 149 IP +108 1 150 QA +108 1 151 QA +108 1 152 QA +108 1 153 IA +108 1 154 CA +108 1 155 CA +108 1 156 IA +108 1 157 CA +108 1 158 JA +108 1 159 JE +108 1 160 QA +108 1 161 IA +108 1 162 QA +108 1 163 IA +108 1 164 IA +108 1 165 IA +108 1 166 IA +108 1 167 QA +108 1 168 IA +108 1 169 IA +108 1 170 CA +108 1 171 IA +108 1 172 JA +108 1 173 QA +108 1 174 JE +108 1 175 IA +108 1 176 QA +108 1 177 JE +108 1 178 IA +108 1 179 QA +108 1 180 IA +108 1 181 JE +108 1 182 QA +108 1 183 QA +108 1 184 QA +108 1 185 JE +108 1 186 IA +108 1 187 JE +108 1 188 IA +108 1 189 JA +108 1 190 QA +108 1 191 IA +108 1 192 IP +108 1 193 JE +108 1 194 QA +108 1 195 IA +108 1 196 IA +108 1 197 QA +108 1 198 CA +108 1 199 JA +108 1 200 IP +108 1 201 QA +108 1 202 IA +108 1 203 QA +108 1 204 CA +108 1 205 IP +108 1 206 JA +108 1 207 QA +108 1 208 JE +108 1 209 IA +108 1 210 * +108 1 211 IA +108 1 212 JE +108 1 213 JA +108 1 214 JE +108 1 215 QA +108 1 216 IA +108 1 217 QA +108 1 218 JE +108 1 219 JA +108 1 220 IA +108 1 221 IP +108 1 222 IP +108 1 223 JA +108 1 224 JA +108 1 225 IA +108 1 226 CA +108 1 227 IP +108 1 228 IA +108 1 229 IA +108 1 230 QA +108 1 231 QA +108 1 232 * +108 1 233 IA +108 1 234 IA +108 1 235 IA +108 1 236 JE +108 1 237 JE +108 1 238 IA +108 1 239 QA +108 1 240 QA +108 1 241 JA +108 1 242 JE +108 1 243 QA +108 1 244 JA +108 1 245 QA +108 1 246 IA +108 1 247 IA +108 1 248 IA +108 1 249 IA +108 1 250 QA +108 1 251 IA +108 1 252 JA +108 1 253 IA +108 1 254 IA +108 1 255 CA +108 1 256 QA +108 1 257 IA +108 1 258 JE +108 1 259 QA +108 1 260 JA +108 1 261 JE +108 1 262 JA +108 1 263 JA +108 1 264 JA +108 1 265 IA +108 1 266 JE +108 1 267 IP +108 1 268 IA +108 1 269 QA +108 1 270 JE +108 1 271 IA +108 1 272 JA +108 1 273 QA +108 1 274 JA +108 1 275 JE +108 1 276 QA +108 1 277 IA +108 1 278 JE +108 1 279 IA +108 1 280 IA +108 1 281 IA +108 1 282 IA +108 1 283 * +108 1 284 LU +108 1 285 QA +108 1 286 JA +108 1 287 JE +108 1 288 QA +108 1 289 IP +108 1 290 JA +108 1 291 IA +108 1 292 QA +108 1 293 LU +108 1 294 JA +108 1 295 * +108 1 296 IP +108 1 297 JE +108 1 298 QA +108 1 299 IA +108 1 300 JA +108 1 301 IA +108 1 302 LU +108 1 303 LU +108 1 304 IA +108 1 305 QA +108 1 306 IP +108 1 307 IA +108 1 308 QA +108 1 309 * +108 1 310 IA +108 1 311 IA +108 1 312 CA +108 1 313 IP +108 1 314 JA +108 1 315 IA +108 1 316 IA +108 1 317 QA +108 1 318 JE +108 1 319 JA +108 1 320 IA +108 1 321 QA +108 1 322 IA +108 1 323 IA +108 1 324 JA +108 1 325 QA +108 1 326 JE +108 1 327 JA +108 1 328 IA +108 1 329 JE +108 1 330 JA +108 2 1 IA +108 2 2 IA +108 2 3 QA +108 2 4 QA +108 2 5 IA +108 2 6 JE +108 2 7 IA +108 2 8 QA +108 2 9 JA +108 2 10 IP +108 2 11 IA +108 2 12 JE +108 2 13 IA +108 2 14 CA +108 2 15 IA +108 2 16 JA +108 2 17 QA +108 2 18 CA +108 2 19 IA +108 2 20 IA +108 2 21 IA +108 2 22 JA +108 2 23 IA +108 2 24 CA +108 2 25 IP +108 2 26 IP +108 2 27 JA +108 2 28 IA +108 2 29 IA +108 2 30 JE +108 2 31 IA +108 2 32 IA +108 2 33 IP +108 2 34 IA +108 2 35 QA +108 2 36 IP +108 2 37 IA +108 2 38 QA +108 2 39 IA +108 2 40 IP +108 2 41 QA +108 2 42 JE +108 2 43 IA +108 2 44 JA +108 2 45 IA +108 2 46 IA +108 2 47 IA +108 2 48 JE +108 2 49 IA +108 2 50 IP +108 2 51 QA +108 2 52 JA +108 2 53 QA +108 2 54 IA +108 2 55 IA +108 2 56 QA +108 2 57 IA +108 2 58 JE +108 2 59 IA +108 2 60 IA +108 2 61 QA +108 2 62 IA +108 2 63 QA +108 2 64 IA +108 2 65 IA +108 2 66 JA +108 2 67 IA +108 2 68 QA +108 2 69 JE +108 2 70 JA +108 2 71 CA +108 2 72 IA +108 2 73 IP +108 2 74 JA +108 2 75 CA +108 2 76 QA +108 2 77 IP +108 2 78 IA +108 2 79 CA +108 2 80 IA +108 2 81 IP +108 2 82 IP +108 2 83 JE +108 2 84 JA +108 2 85 IP +108 2 86 QA +108 2 87 CA +108 2 88 IP +108 2 89 CA +108 2 90 IP +108 2 91 IA +108 2 92 JA +108 2 93 IA +108 2 94 CA +108 2 95 JA +108 2 96 JE +108 2 97 IA +108 2 98 QA +108 2 99 IA +108 2 100 JA +108 2 101 IP +108 2 102 JA +108 2 103 IP +108 2 104 IA +108 2 105 IP +108 2 106 JE +108 2 107 JA +108 2 108 JA +108 2 109 IP +108 2 110 JE +108 2 111 IA +108 2 112 QA +108 2 113 CA +108 2 114 IA +108 2 115 QA +108 2 116 JA +108 2 117 CA +108 2 118 IA +108 2 119 IA +108 2 120 JA +108 2 121 QA +108 2 122 IP +108 2 123 IP +108 2 124 IA +108 2 125 QA +108 2 126 QA +108 2 127 CA +108 2 128 JE +108 2 129 JA +108 2 130 QA +108 2 131 IP +108 2 132 QA +108 2 133 IA +108 2 134 CA +108 2 135 QA +108 2 136 JE +108 2 137 IA +108 2 138 IA +108 2 139 JA +108 2 140 IA +108 2 141 JA +108 2 142 JA +108 2 143 IA +108 2 144 QA +108 2 145 JE +108 2 146 JE +108 2 147 IA +108 2 148 QA +108 2 149 IP +108 2 150 IA +108 2 151 QA +108 2 152 QA +108 2 153 IP +108 2 154 JA +108 2 155 CA +108 2 156 IA +108 2 157 CA +108 2 158 JA +108 2 159 JE +108 2 160 QA +108 2 161 IA +108 2 162 QA +108 2 163 IA +108 2 164 IP +108 2 165 IA +108 2 166 IP +108 2 167 IA +108 2 168 IA +108 2 169 IP +108 2 170 CA +108 2 171 IA +108 2 172 JA +108 2 173 QA +108 2 174 JE +108 2 175 IA +108 2 176 QA +108 2 177 JE +108 2 178 IA +108 2 179 QA +108 2 180 IA +108 2 181 JE +108 2 182 IP +108 2 183 JE +108 2 184 IP +108 2 185 JE +108 2 186 JA +108 2 187 JE +108 2 188 IP +108 2 189 IA +108 2 190 QA +108 2 191 IA +108 2 192 JA +108 2 193 JE +108 2 194 QA +108 2 195 IP +108 2 196 IP +108 2 197 IA +108 2 198 CA +108 2 199 JA +108 2 200 IA +108 2 201 QA +108 2 202 IP +108 2 203 IA +108 2 204 CA +108 2 205 IP +108 2 206 JA +108 2 207 QA +108 2 208 JE +108 2 209 IA +108 2 210 QA +108 2 211 IA +108 2 212 QA +108 2 213 IA +108 2 214 IA +108 2 215 IA +108 2 216 IA +108 2 217 QA +108 2 218 JE +108 2 219 JA +108 2 220 IA +108 2 221 JA +108 2 222 IA +108 2 223 IA +108 2 224 JA +108 2 225 JE +108 2 226 IA +108 2 227 CA +108 2 228 IP +108 2 229 IA +108 2 230 JA +108 2 231 IP +108 2 232 JE +108 2 233 IA +108 2 234 IP +108 2 235 IA +108 2 236 IP +108 2 237 QA +108 2 238 IP +108 2 239 IA +108 2 240 QA +108 2 241 JA +108 2 242 JE +108 2 243 IA +108 2 244 JA +108 2 245 QA +108 2 246 IP +108 2 247 IA +108 2 248 CA +108 2 249 IA +108 2 250 IP +108 2 251 IA +108 2 252 JA +108 2 253 IA +108 2 254 IA +108 2 255 CA +108 2 256 QA +108 2 257 IA +108 2 258 JE +108 2 259 QA +108 2 260 JE +108 2 261 JE +108 2 262 JA +108 2 263 JA +108 2 264 JA +108 2 265 IP +108 2 266 JE +108 2 267 QA +108 2 268 IA +108 2 269 IP +108 2 270 JE +108 2 271 IA +108 2 272 JE +108 2 273 QA +108 2 274 JA +108 2 275 JE +108 2 276 IP +108 2 277 CA +108 2 278 QA +108 2 279 IA +108 2 280 JE +108 2 281 IA +108 2 282 IP +108 2 283 QA +108 2 284 JA +108 2 285 QA +108 2 286 JA +108 2 287 JE +108 2 288 QA +108 2 289 IA +108 2 290 JA +108 2 291 IP +108 2 292 QA +108 2 293 IA +108 2 294 JA +108 2 295 QA +108 2 296 IA +108 2 297 JE +108 2 298 QA +108 2 299 IP +108 2 300 IA +108 2 301 IA +108 2 302 QA +108 2 303 JA +108 2 304 IA +108 2 305 QA +108 2 306 IA +108 2 307 IP +108 2 308 IA +108 2 309 CA +108 2 310 IP +108 2 311 IA +108 2 312 CA +108 2 313 IA +108 2 314 JA +108 2 315 IA +108 2 316 IA +108 2 317 IP +108 2 318 IA +108 2 319 JA +108 2 320 JE +108 2 321 QA +108 2 322 JA +108 2 323 IA +108 2 324 JA +108 2 325 IP +108 2 326 JE +108 2 327 JA +108 2 328 IA +108 2 329 QA +108 2 330 JA +108 3 1 IA +108 3 2 IA +108 3 3 QA +108 3 4 IP +108 3 5 IA +108 3 6 * +108 3 7 IA +108 3 8 QA +108 3 9 * +108 3 10 IA +108 3 11 IA +108 3 12 JE +108 3 13 IA +108 3 14 * +108 3 15 * +108 3 16 JA +108 3 17 QA +108 3 18 CA +108 3 19 IA +108 3 20 IA +108 3 21 QA +108 3 22 JE +108 3 23 * +108 3 24 * +108 3 25 IA +108 3 26 IA +108 3 27 JA +108 3 28 QA +108 3 29 IA +108 3 30 JE +108 3 31 IA +108 3 32 * +108 3 33 IA +108 3 34 IA +108 3 35 QA +108 3 36 IA +108 3 37 IA +108 3 38 QA +108 3 39 IA +108 3 40 IA +108 3 41 QA +108 3 42 JE +108 3 43 IA +108 3 44 JA +108 3 45 IA +108 3 46 JA +108 3 47 CA +108 3 48 JE +108 3 49 IA +108 3 50 * +108 3 51 * +108 3 52 JA +108 3 53 QA +108 3 54 IA +108 3 55 IA +108 3 56 JE +108 3 57 IA +108 3 58 JE +108 3 59 JA +108 3 60 * +108 3 61 QA +108 3 62 * +108 3 63 * +108 3 64 IA +108 3 65 QA +108 3 66 JA +108 3 67 IA +108 3 68 QA +108 3 69 * +108 3 70 JA +108 3 71 QA +108 3 72 IA +108 3 73 * +108 3 74 JA +108 3 75 IA +108 3 76 QA +108 3 77 IA +108 3 78 * +108 3 79 CA +108 3 80 IA +108 3 81 IA +108 3 82 * +108 3 83 JE +108 3 84 * +108 3 85 IA +108 3 86 * +108 3 87 IA +108 3 88 * +108 3 89 CA +108 3 90 IA +108 3 91 JE +108 3 92 JA +108 3 93 IA +108 3 94 * +108 3 95 JE +108 3 96 JE +108 3 97 * +108 3 98 QA +108 3 99 * +108 3 100 IA +108 3 101 QA +108 3 102 * +108 3 103 JE +108 3 104 IA +108 3 105 * +108 3 106 JE +108 3 107 JA +108 3 108 * +108 3 109 IA +108 3 110 JE +108 3 111 * +108 3 112 QA +108 3 113 CA +108 3 114 IA +108 3 115 QA +108 3 116 IA +108 3 117 * +108 3 118 QA +108 3 119 IA +108 3 120 JA +108 3 121 QA +108 3 122 IA +108 3 123 * +108 3 124 JE +108 3 125 QA +108 3 126 * +108 3 127 IA +108 3 128 JE +108 3 129 JA +108 3 130 * +108 3 131 QA +108 3 132 QA +108 3 133 IA +108 3 134 * +108 3 135 QA +108 3 136 IA +108 3 137 IA +108 3 138 IA +108 3 139 JA +108 3 140 IA +108 3 141 JA +108 3 142 JA +108 3 143 JE +108 3 144 CA +108 3 145 IA +108 3 146 JE +108 3 147 IA +108 3 148 QA +108 3 149 IA +108 3 150 QA +108 3 151 * +108 3 152 QA +108 3 153 IA +108 3 154 CA +108 3 155 JE +108 3 156 IA +108 3 157 CA +108 3 158 JA +108 3 159 JE +108 3 160 QA +108 3 161 IA +108 3 162 QA +108 3 163 IA +108 3 164 IA +108 3 165 JE +108 3 166 IA +108 3 167 JE +108 3 168 IA +108 3 169 IA +108 3 170 CA +108 3 171 IA +108 3 172 JA +108 3 173 QA +108 3 174 JE +108 3 175 IA +108 3 176 QA +108 3 177 JE +108 3 178 IA +108 3 179 QA +108 3 180 IA +108 3 181 JE +108 3 182 QA +108 3 183 JE +108 3 184 QA +108 3 185 JE +108 3 186 IA +108 3 187 JE +108 3 188 IA +108 3 189 IA +108 3 190 * +108 3 191 IA +108 3 192 IA +108 3 193 JE +108 3 194 QA +108 3 195 IA +108 3 196 JA +108 3 197 QA +108 3 198 CA +108 3 199 JA +108 3 200 IA +108 3 201 * +108 3 202 IA +108 3 203 QA +108 3 204 CA +108 3 205 * +108 3 206 JA +108 3 207 QA +108 3 208 JE +108 3 209 IA +108 3 210 * +108 3 211 IA +108 3 212 JE +108 3 213 JA +108 3 214 JE +108 3 215 * +108 3 216 IA +108 3 217 * +108 3 218 JE +108 3 219 JA +108 3 220 IA +108 3 221 JA +108 3 222 * +108 3 223 IA +108 3 224 JA +108 3 225 JE +108 3 226 IA +108 3 227 CA +108 3 228 IA +108 3 229 IA +108 3 230 * +108 3 231 QA +108 3 232 JE +108 3 233 IA +108 3 234 IA +108 3 235 IA +108 3 236 JE +108 3 237 JE +108 3 238 IA +108 3 239 QA +108 3 240 * +108 3 241 JA +108 3 242 JE +108 3 243 QA +108 3 244 JA +108 3 245 QA +108 3 246 IA +108 3 247 * +108 3 248 IA +108 3 249 IA +108 3 250 QA +108 3 251 IA +108 3 252 JA +108 3 253 IA +108 3 254 IA +108 3 255 CA +108 3 256 QA +108 3 257 IA +108 3 258 JE +108 3 259 QA +108 3 260 JE +108 3 261 QA +108 3 262 JA +108 3 263 JA +108 3 264 IA +108 3 265 IA +108 3 266 QA +108 3 267 QA +108 3 268 IA +108 3 269 QA +108 3 270 JE +108 3 271 IA +108 3 272 JA +108 3 273 QA +108 3 274 JA +108 3 275 JE +108 3 276 QA +108 3 277 IA +108 3 278 JE +108 3 279 IA +108 3 280 IA +108 3 281 IA +108 3 282 IA +108 3 283 CA +108 3 284 JA +108 3 285 QA +108 3 286 JA +108 3 287 JE +108 3 288 QA +108 3 289 IA +108 3 290 JA +108 3 291 IA +108 3 292 QA +108 3 293 IA +108 3 294 JA +108 3 295 JE +108 3 296 * +108 3 297 JE +108 3 298 QA +108 3 299 IA +108 3 300 JA +108 3 301 IA +108 3 302 JA +108 3 303 IA +108 3 304 JE +108 3 305 * +108 3 306 IA +108 3 307 IA +108 3 308 * +108 3 309 JE +108 3 310 IA +108 3 311 IA +108 3 312 CA +108 3 313 IA +108 3 314 JA +108 3 315 IA +108 3 316 IA +108 3 317 QA +108 3 318 JE +108 3 319 JA +108 3 320 JE +108 3 321 QA +108 3 322 IA +108 3 323 IA +108 3 324 IA +108 3 325 QA +108 3 326 JE +108 3 327 JA +108 3 328 IA +108 3 329 JE +108 3 330 JA +108 4 1 IA +108 4 2 IA +108 4 3 QA +108 4 4 QA +108 4 5 IA +108 4 6 JE +108 4 7 IA +108 4 8 QA +108 4 9 JE +108 4 10 IA +108 4 11 CA +108 4 12 JE +108 4 13 IA +108 4 14 IA +108 4 15 QA +108 4 16 JA +108 4 17 QA +108 4 18 CA +108 4 19 IA +108 4 20 IA +108 4 21 QA +108 4 22 JE +108 4 23 QA +108 4 24 CA +108 4 25 IA +108 4 26 IA +108 4 27 JA +108 4 28 QA +108 4 29 IA +108 4 30 JE +108 4 31 IA +108 4 32 QA +108 4 33 JE +108 4 34 IA +108 4 35 QA +108 4 36 CA +108 4 37 IA +108 4 38 QA +108 4 39 IA +108 4 40 IA +108 4 41 QA +108 4 42 QA +108 4 43 IA +108 4 44 JA +108 4 45 IA +108 4 46 CA +108 4 47 CA +108 4 48 JE +108 4 49 IA +108 4 50 QA +108 4 51 CA +108 4 52 JA +108 4 53 QA +108 4 54 IA +108 4 55 IA +108 4 56 JA +108 4 57 IA +108 4 58 JE +108 4 59 JA +108 4 60 IA +108 4 61 QA +108 4 62 QA +108 4 63 QA +108 4 64 IA +108 4 65 QA +108 4 66 JA +108 4 67 IA +108 4 68 QA +108 4 69 CA +108 4 70 JA +108 4 71 QA +108 4 72 IA +108 4 73 QA +108 4 74 JA +108 4 75 IA +108 4 76 QA +108 4 77 IA +108 4 78 JA +108 4 79 CA +108 4 80 IA +108 4 81 IA +108 4 82 IA +108 4 83 JA +108 4 84 QA +108 4 85 IA +108 4 86 QA +108 4 87 IA +108 4 88 QA +108 4 89 CA +108 4 90 CA +108 4 91 JE +108 4 92 JA +108 4 93 IA +108 4 94 CA +108 4 95 JA +108 4 96 JE +108 4 97 IA +108 4 98 QA +108 4 99 JA +108 4 100 IA +108 4 101 QA +108 4 102 JA +108 4 103 CA +108 4 104 IA +108 4 105 QA +108 4 106 JA +108 4 107 JA +108 4 108 JA +108 4 109 IA +108 4 110 JE +108 4 111 CA +108 4 112 QA +108 4 113 CA +108 4 114 IA +108 4 115 QA +108 4 116 JA +108 4 117 CA +108 4 118 QA +108 4 119 IA +108 4 120 JA +108 4 121 QA +108 4 122 IA +108 4 123 IA +108 4 124 IA +108 4 125 JE +108 4 126 QA +108 4 127 CA +108 4 128 JE +108 4 129 JA +108 4 130 CA +108 4 131 QA +108 4 132 JE +108 4 133 IA +108 4 134 CA +108 4 135 QA +108 4 136 IA +108 4 137 CA +108 4 138 IA +108 4 139 JA +108 4 140 IA +108 4 141 JA +108 4 142 JA +108 4 143 JE +108 4 144 IA +108 4 145 IA +108 4 146 JE +108 4 147 IA +108 4 148 QA +108 4 149 IA +108 4 150 CA +108 4 151 QA +108 4 152 QA +108 4 153 IA +108 4 154 CA +108 4 155 CA +108 4 156 IA +108 4 157 JE +108 4 158 JA +108 4 159 JE +108 4 160 QA +108 4 161 IA +108 4 162 QA +108 4 163 IA +108 4 164 IA +108 4 165 JE +108 4 166 IA +108 4 167 JA +108 4 168 IA +108 4 169 IA +108 4 170 CA +108 4 171 IA +108 4 172 JA +108 4 173 QA +108 4 174 JE +108 4 175 IA +108 4 176 QA +108 4 177 JE +108 4 178 IA +108 4 179 QA +108 4 180 IA +108 4 181 JE +108 4 182 QA +108 4 183 JE +108 4 184 QA +108 4 185 JE +108 4 186 IA +108 4 187 JE +108 4 188 IA +108 4 189 JA +108 4 190 QA +108 4 191 IA +108 4 192 QA +108 4 193 JE +108 4 194 QA +108 4 195 IA +108 4 196 IA +108 4 197 QA +108 4 198 CA +108 4 199 JA +108 4 200 IA +108 4 201 QA +108 4 202 IA +108 4 203 QA +108 4 204 CA +108 4 205 IA +108 4 206 JA +108 4 207 QA +108 4 208 JE +108 4 209 IA +108 4 210 QA +108 4 211 IA +108 4 212 JE +108 4 213 JA +108 4 214 JE +108 4 215 QA +108 4 216 CA +108 4 217 QA +108 4 218 JE +108 4 219 JA +108 4 220 IA +108 4 221 JA +108 4 222 QA +108 4 223 IA +108 4 224 JA +108 4 225 IA +108 4 226 IA +108 4 227 CA +108 4 228 IA +108 4 229 IA +108 4 230 JA +108 4 231 QA +108 4 232 JE +108 4 233 IA +108 4 234 IA +108 4 235 IA +108 4 236 JE +108 4 237 JE +108 4 238 IA +108 4 239 QA +108 4 240 JE +108 4 241 JA +108 4 242 JE +108 4 243 QA +108 4 244 JA +108 4 245 QA +108 4 246 IA +108 4 247 QA +108 4 248 CA +108 4 249 IA +108 4 250 QA +108 4 251 JE +108 4 252 JA +108 4 253 IA +108 4 254 IA +108 4 255 CA +108 4 256 QA +108 4 257 IA +108 4 258 JE +108 4 259 QA +108 4 260 IA +108 4 261 QA +108 4 262 JA +108 4 263 CA +108 4 264 IA +108 4 265 IA +108 4 266 QA +108 4 267 QA +108 4 268 IA +108 4 269 QA +108 4 270 JE +108 4 271 IA +108 4 272 JA +108 4 273 QA +108 4 274 JA +108 4 275 JE +108 4 276 QA +108 4 277 IA +108 4 278 QA +108 4 279 IA +108 4 280 IA +108 4 281 IA +108 4 282 IA +108 4 283 CA +108 4 284 JA +108 4 285 QA +108 4 286 JA +108 4 287 JE +108 4 288 QA +108 4 289 IA +108 4 290 JA +108 4 291 IA +108 4 292 QA +108 4 293 JA +108 4 294 JA +108 4 295 JE +108 4 296 QA +108 4 297 JE +108 4 298 QA +108 4 299 IA +108 4 300 JA +108 4 301 IA +108 4 302 JA +108 4 303 JA +108 4 304 IA +108 4 305 QA +108 4 306 IA +108 4 307 IA +108 4 308 QA +108 4 309 CA +108 4 310 IA +108 4 311 IA +108 4 312 CA +108 4 313 IA +108 4 314 JA +108 4 315 IA +108 4 316 IA +108 4 317 QA +108 4 318 JE +108 4 319 JA +108 4 320 IA +108 4 321 QA +108 4 322 IA +108 4 323 IA +108 4 324 JA +108 4 325 QA +108 4 326 JE +108 4 327 JA +108 4 328 IA +108 4 329 JE +108 4 330 JA +108 5 1 IA +108 5 2 IA +108 5 3 QA +108 5 4 IP +108 5 5 IA +108 5 6 ME +108 5 7 IA +108 5 8 QA +108 5 9 * +108 5 10 IA +108 5 11 IA +108 5 12 JE +108 5 13 IA +108 5 14 IA +108 5 15 ME +108 5 16 JA +108 5 17 QA +108 5 18 CA +108 5 19 IA +108 5 20 IA +108 5 21 QA +108 5 22 JE +108 5 23 IP +108 5 24 CA +108 5 25 IA +108 5 26 IA +108 5 27 JA +108 5 28 QA +108 5 29 IA +108 5 30 JE +108 5 31 IA +108 5 32 IP +108 5 33 IA +108 5 34 IA +108 5 35 JE +108 5 36 IA +108 5 37 IP +108 5 38 QA +108 5 39 IA +108 5 40 IA +108 5 41 QA +108 5 42 JE +108 5 43 CA +108 5 44 JA +108 5 45 IA +108 5 46 CA +108 5 47 IA +108 5 48 JE +108 5 49 IP +108 5 50 QA +108 5 51 CA +108 5 52 JA +108 5 53 QA +108 5 54 IA +108 5 55 IA +108 5 56 ME +108 5 57 IA +108 5 58 JE +108 5 59 JA +108 5 60 IA +108 5 61 QA +108 5 62 IP +108 5 63 QA +108 5 64 IP +108 5 65 QA +108 5 66 JA +108 5 67 IA +108 5 68 QA +108 5 69 IA +108 5 70 JA +108 5 71 QA +108 5 72 IA +108 5 73 IP +108 5 74 JA +108 5 75 IA +108 5 76 JE +108 5 77 IA +108 5 78 JA +108 5 79 CA +108 5 80 IA +108 5 81 IP +108 5 82 IA +108 5 83 JA +108 5 84 JE +108 5 85 IA +108 5 86 IP +108 5 87 CA +108 5 88 QA +108 5 89 CA +108 5 90 IA +108 5 91 IP +108 5 92 ME +108 5 93 IA +108 5 94 CA +108 5 95 JA +108 5 96 JE +108 5 97 IP +108 5 98 QA +108 5 99 ME +108 5 100 IA +108 5 101 IP +108 5 102 JE +108 5 103 CA +108 5 104 IA +108 5 105 IP +108 5 106 JE +108 5 107 JA +108 5 108 IP +108 5 109 IP +108 5 110 JE +108 5 111 IA +108 5 112 QA +108 5 113 QA +108 5 114 IA +108 5 115 QA +108 5 116 JA +108 5 117 CA +108 5 118 QA +108 5 119 IA +108 5 120 JA +108 5 121 QA +108 5 122 IA +108 5 123 IA +108 5 124 IP +108 5 125 QA +108 5 126 ME +108 5 127 CA +108 5 128 IA +108 5 129 JA +108 5 130 CA +108 5 131 IP +108 5 132 ME +108 5 133 IA +108 5 134 CA +108 5 135 IP +108 5 136 IA +108 5 137 IP +108 5 138 IA +108 5 139 JA +108 5 140 IA +108 5 141 JA +108 5 142 JA +108 5 143 IA +108 5 144 IP +108 5 145 IA +108 5 146 JE +108 5 147 IA +108 5 148 QA +108 5 149 IP +108 5 150 IP +108 5 151 JA +108 5 152 IP +108 5 153 IA +108 5 154 CA +108 5 155 IP +108 5 156 IA +108 5 157 CA +108 5 158 JA +108 5 159 JE +108 5 160 JA +108 5 161 IA +108 5 162 QA +108 5 163 IA +108 5 164 IP +108 5 165 CA +108 5 166 CA +108 5 167 IP +108 5 168 IA +108 5 169 IA +108 5 170 CA +108 5 171 IA +108 5 172 JA +108 5 173 JE +108 5 174 JE +108 5 175 IA +108 5 176 IP +108 5 177 JE +108 5 178 IA +108 5 179 CA +108 5 180 IA +108 5 181 JE +108 5 182 IP +108 5 183 JE +108 5 184 IP +108 5 185 JE +108 5 186 IA +108 5 187 JE +108 5 188 IA +108 5 189 JA +108 5 190 JE +108 5 191 IA +108 5 192 JE +108 5 193 JE +108 5 194 CA +108 5 195 IA +108 5 196 IA +108 5 197 QA +108 5 198 CA +108 5 199 JA +108 5 200 IA +108 5 201 JA +108 5 202 IA +108 5 203 QA +108 5 204 CA +108 5 205 IP +108 5 206 JA +108 5 207 ME +108 5 208 JE +108 5 209 IA +108 5 210 QA +108 5 211 IA +108 5 212 JE +108 5 213 IP +108 5 214 JE +108 5 215 ME +108 5 216 CA +108 5 217 ME +108 5 218 IP +108 5 219 JA +108 5 220 JA +108 5 221 IP +108 5 222 IP +108 5 223 IA +108 5 224 JA +108 5 225 JE +108 5 226 IP +108 5 227 CA +108 5 228 IA +108 5 229 IP +108 5 230 JA +108 5 231 QA +108 5 232 JE +108 5 233 JA +108 5 234 IA +108 5 235 IA +108 5 236 JE +108 5 237 QA +108 5 238 IA +108 5 239 IP +108 5 240 JE +108 5 241 JA +108 5 242 JE +108 5 243 IP +108 5 244 JA +108 5 245 QA +108 5 246 IA +108 5 247 IP +108 5 248 CA +108 5 249 IP +108 5 250 IP +108 5 251 IA +108 5 252 JA +108 5 253 IA +108 5 254 ME +108 5 255 CA +108 5 256 IP +108 5 257 IA +108 5 258 JE +108 5 259 CA +108 5 260 JE +108 5 261 JE +108 5 262 JA +108 5 263 JA +108 5 264 IA +108 5 265 IA +108 5 266 CA +108 5 267 IP +108 5 268 IA +108 5 269 IP +108 5 270 JE +108 5 271 IP +108 5 272 JA +108 5 273 IP +108 5 274 JA +108 5 275 JE +108 5 276 QA +108 5 277 IA +108 5 278 ME +108 5 279 IP +108 5 280 IA +108 5 281 IA +108 5 282 IA +108 5 283 CA +108 5 284 JA +108 5 285 QA +108 5 286 JA +108 5 287 JE +108 5 288 QA +108 5 289 IA +108 5 290 JA +108 5 291 IA +108 5 292 JA +108 5 293 JA +108 5 294 JA +108 5 295 JE +108 5 296 IP +108 5 297 JE +108 5 298 QA +108 5 299 IA +108 5 300 JA +108 5 301 IA +108 5 302 JA +108 5 303 IP +108 5 304 IA +108 5 305 QA +108 5 306 IA +108 5 307 IP +108 5 308 QA +108 5 309 CA +108 5 310 IA +108 5 311 IA +108 5 312 CA +108 5 313 IP +108 5 314 JA +108 5 315 IA +108 5 316 IA +108 5 317 QA +108 5 318 IP +108 5 319 JA +108 5 320 JE +108 5 321 QA +108 5 322 IA +108 5 323 IP +108 5 324 JA +108 5 325 IP +108 5 326 JE +108 5 327 JA +108 5 328 IP +108 5 329 JE +108 5 330 JA +108 6 1 IA +108 6 2 * +108 6 3 JE +108 6 4 IP +108 6 5 IA +108 6 6 JE +108 6 7 IA +108 6 8 QA +108 6 9 * +108 6 10 IA +108 6 11 CA +108 6 12 JE +108 6 13 IA +108 6 14 CA +108 6 15 QA +108 6 16 JA +108 6 17 QA +108 6 18 CA +108 6 19 IA +108 6 20 IA +108 6 21 QA +108 6 22 JE +108 6 23 IA +108 6 24 CA +108 6 25 IA +108 6 26 IA +108 6 27 JA +108 6 28 QA +108 6 29 IA +108 6 30 JE +108 6 31 CA +108 6 32 QA +108 6 33 IA +108 6 34 JE +108 6 35 QA +108 6 36 IA +108 6 37 CA +108 6 38 QA +108 6 39 IA +108 6 40 IA +108 6 41 QA +108 6 42 JE +108 6 43 CA +108 6 44 JA +108 6 45 IA +108 6 46 CA +108 6 47 CA +108 6 48 JE +108 6 49 IA +108 6 50 CA +108 6 51 * +108 6 52 JA +108 6 53 QA +108 6 54 IA +108 6 55 IA +108 6 56 QA +108 6 57 IA +108 6 58 JE +108 6 59 JA +108 6 60 IA +108 6 61 QA +108 6 62 IP +108 6 63 QA +108 6 64 IA +108 6 65 QA +108 6 66 JA +108 6 67 IA +108 6 68 QA +108 6 69 IA +108 6 70 JA +108 6 71 QA +108 6 72 IA +108 6 73 IP +108 6 74 JA +108 6 75 CA +108 6 76 JE +108 6 77 IP +108 6 78 JA +108 6 79 CA +108 6 80 IA +108 6 81 IA +108 6 82 IA +108 6 83 JA +108 6 84 QA +108 6 85 IA +108 6 86 QA +108 6 87 CA +108 6 88 IP +108 6 89 CA +108 6 90 IA +108 6 91 IA +108 6 92 JA +108 6 93 IA +108 6 94 CA +108 6 95 JA +108 6 96 JE +108 6 97 IP +108 6 98 QA +108 6 99 JA +108 6 100 IA +108 6 101 IP +108 6 102 JA +108 6 103 * +108 6 104 JA +108 6 105 IP +108 6 106 JE +108 6 107 JA +108 6 108 JA +108 6 109 IA +108 6 110 JE +108 6 111 CA +108 6 112 QA +108 6 113 CA +108 6 114 IA +108 6 115 QA +108 6 116 JA +108 6 117 CA +108 6 118 QA +108 6 119 IA +108 6 120 JA +108 6 121 JE +108 6 122 IA +108 6 123 CA +108 6 124 JE +108 6 125 JE +108 6 126 QA +108 6 127 CA +108 6 128 JE +108 6 129 JA +108 6 130 CA +108 6 131 IP +108 6 132 CA +108 6 133 IA +108 6 134 CA +108 6 135 IA +108 6 136 IA +108 6 137 IA +108 6 138 JA +108 6 139 JA +108 6 140 CA +108 6 141 JA +108 6 142 JA +108 6 143 IA +108 6 144 IP +108 6 145 IA +108 6 146 JE +108 6 147 IA +108 6 148 QA +108 6 149 IA +108 6 150 IP +108 6 151 QA +108 6 152 QA +108 6 153 IA +108 6 154 CA +108 6 155 CA +108 6 156 IA +108 6 157 CA +108 6 158 JA +108 6 159 JE +108 6 160 QA +108 6 161 IA +108 6 162 QA +108 6 163 CA +108 6 164 IA +108 6 165 CA +108 6 166 CA +108 6 167 QA +108 6 168 IA +108 6 169 IA +108 6 170 CA +108 6 171 IA +108 6 172 JA +108 6 173 QA +108 6 174 JE +108 6 175 JA +108 6 176 QA +108 6 177 JA +108 6 178 IA +108 6 179 QA +108 6 180 IA +108 6 181 JE +108 6 182 IP +108 6 183 CA +108 6 184 IP +108 6 185 JE +108 6 186 IA +108 6 187 JE +108 6 188 IA +108 6 189 JA +108 6 190 QA +108 6 191 IA +108 6 192 IP +108 6 193 IA +108 6 194 QA +108 6 195 IA +108 6 196 IA +108 6 197 IA +108 6 198 CA +108 6 199 JA +108 6 200 JA +108 6 201 QA +108 6 202 IA +108 6 203 IP +108 6 204 CA +108 6 205 IP +108 6 206 JA +108 6 207 QA +108 6 208 JE +108 6 209 IA +108 6 210 CA +108 6 211 IA +108 6 212 JE +108 6 213 IP +108 6 214 IA +108 6 215 JA +108 6 216 CA +108 6 217 JA +108 6 218 IA +108 6 219 JA +108 6 220 IA +108 6 221 JA +108 6 222 IP +108 6 223 IA +108 6 224 JA +108 6 225 IA +108 6 226 JA +108 6 227 CA +108 6 228 JE +108 6 229 JA +108 6 230 QA +108 6 231 IP +108 6 232 CA +108 6 233 JA +108 6 234 IP +108 6 235 CA +108 6 236 IA +108 6 237 QA +108 6 238 IA +108 6 239 QA +108 6 240 QA +108 6 241 JA +108 6 242 JE +108 6 243 IP +108 6 244 JA +108 6 245 QA +108 6 246 IA +108 6 247 IP +108 6 248 CA +108 6 249 IP +108 6 250 IP +108 6 251 IA +108 6 252 JA +108 6 253 IA +108 6 254 JA +108 6 255 CA +108 6 256 QA +108 6 257 CA +108 6 258 JE +108 6 259 QA +108 6 260 JA +108 6 261 JE +108 6 262 JA +108 6 263 JA +108 6 264 IA +108 6 265 IA +108 6 266 QA +108 6 267 IP +108 6 268 IA +108 6 269 IP +108 6 270 JE +108 6 271 CA +108 6 272 JA +108 6 273 IP +108 6 274 JA +108 6 275 JE +108 6 276 IP +108 6 277 CA +108 6 278 QA +108 6 279 IA +108 6 280 IA +108 6 281 IA +108 6 282 IA +108 6 283 CA +108 6 284 JA +108 6 285 QA +108 6 286 JA +108 6 287 JE +108 6 288 QA +108 6 289 IA +108 6 290 JA +108 6 291 IA +108 6 292 QA +108 6 293 JA +108 6 294 JA +108 6 295 CA +108 6 296 IP +108 6 297 JE +108 6 298 QA +108 6 299 IA +108 6 300 JA +108 6 301 IA +108 6 302 JA +108 6 303 JA +108 6 304 IA +108 6 305 IP +108 6 306 IA +108 6 307 IA +108 6 308 IP +108 6 309 CA +108 6 310 IA +108 6 311 IA +108 6 312 CA +108 6 313 IA +108 6 314 JA +108 6 315 IA +108 6 316 IA +108 6 317 IP +108 6 318 JE +108 6 319 JA +108 6 320 IA +108 6 321 QA +108 6 322 IA +108 6 323 IA +108 6 324 JA +108 6 325 IP +108 6 326 JE +108 6 327 JA +108 6 328 IA +108 6 329 CA +108 6 330 JA +108 7 1 IA +108 7 2 IA +108 7 3 QA +108 7 4 QA +108 7 5 IA +108 7 6 JE +108 7 7 IA +108 7 8 QA +108 7 9 QA +108 7 10 IA +108 7 11 IA +108 7 12 JE +108 7 13 IA +108 7 14 IA +108 7 15 QA +108 7 16 JA +108 7 17 QA +108 7 18 CA +108 7 19 IA +108 7 20 IA +108 7 21 QA +108 7 22 JE +108 7 23 QA +108 7 24 QA +108 7 25 IA +108 7 26 IA +108 7 27 JA +108 7 28 QA +108 7 29 IA +108 7 30 QA +108 7 31 IA +108 7 32 QA +108 7 33 IA +108 7 34 IA +108 7 35 QA +108 7 36 CA +108 7 37 IA +108 7 38 QA +108 7 39 IA +108 7 40 IP +108 7 41 QA +108 7 42 JE +108 7 43 IP +108 7 44 JA +108 7 45 IA +108 7 46 JA +108 7 47 IP +108 7 48 JE +108 7 49 IA +108 7 50 IP +108 7 51 QA +108 7 52 IA +108 7 53 QA +108 7 54 IA +108 7 55 IA +108 7 56 QA +108 7 57 IP +108 7 58 JE +108 7 59 JA +108 7 60 IP +108 7 61 QA +108 7 62 QA +108 7 63 QA +108 7 64 IP +108 7 65 QA +108 7 66 JA +108 7 67 IA +108 7 68 QA +108 7 69 JE +108 7 70 JA +108 7 71 QA +108 7 72 IA +108 7 73 QA +108 7 74 IA +108 7 75 CA +108 7 76 QA +108 7 77 IP +108 7 78 JA +108 7 79 CA +108 7 80 IP +108 7 81 IA +108 7 82 IA +108 7 83 JE +108 7 84 QA +108 7 85 IA +108 7 86 QA +108 7 87 CA +108 7 88 QA +108 7 89 CA +108 7 90 IA +108 7 91 IA +108 7 92 JA +108 7 93 IP +108 7 94 CA +108 7 95 IA +108 7 96 JE +108 7 97 QA +108 7 98 QA +108 7 99 JA +108 7 100 IA +108 7 101 QA +108 7 102 IA +108 7 103 JE +108 7 104 IA +108 7 105 QA +108 7 106 JE +108 7 107 JA +108 7 108 IA +108 7 109 IP +108 7 110 JE +108 7 111 CA +108 7 112 QA +108 7 113 CA +108 7 114 IA +108 7 115 QA +108 7 116 IA +108 7 117 CA +108 7 118 QA +108 7 119 IA +108 7 120 JA +108 7 121 QA +108 7 122 IP +108 7 123 IP +108 7 124 IA +108 7 125 QA +108 7 126 QA +108 7 127 CA +108 7 128 JE +108 7 129 JA +108 7 130 CA +108 7 131 QA +108 7 132 QA +108 7 133 IA +108 7 134 IA +108 7 135 QA +108 7 136 IA +108 7 137 IA +108 7 138 IA +108 7 139 JA +108 7 140 IP +108 7 141 JA +108 7 142 JA +108 7 143 IA +108 7 144 CA +108 7 145 IA +108 7 146 JE +108 7 147 IA +108 7 148 QA +108 7 149 IA +108 7 150 IP +108 7 151 QA +108 7 152 IA +108 7 153 IA +108 7 154 CA +108 7 155 JE +108 7 156 IA +108 7 157 JE +108 7 158 JA +108 7 159 JE +108 7 160 JE +108 7 161 IA +108 7 162 QA +108 7 163 IA +108 7 164 IA +108 7 165 IA +108 7 166 CA +108 7 167 IA +108 7 168 IA +108 7 169 IA +108 7 170 CA +108 7 171 IA +108 7 172 JA +108 7 173 QA +108 7 174 JE +108 7 175 IA +108 7 176 QA +108 7 177 JE +108 7 178 IP +108 7 179 QA +108 7 180 IA +108 7 181 JE +108 7 182 QA +108 7 183 JE +108 7 184 IA +108 7 185 QA +108 7 186 IA +108 7 187 JE +108 7 188 IA +108 7 189 IA +108 7 190 JE +108 7 191 IA +108 7 192 IP +108 7 193 JE +108 7 194 QA +108 7 195 IP +108 7 196 IA +108 7 197 IA +108 7 198 CA +108 7 199 JA +108 7 200 IA +108 7 201 JE +108 7 202 IA +108 7 203 QA +108 7 204 CA +108 7 205 IA +108 7 206 JE +108 7 207 QA +108 7 208 JE +108 7 209 IA +108 7 210 QA +108 7 211 IA +108 7 212 JE +108 7 213 JA +108 7 214 JE +108 7 215 QA +108 7 216 CA +108 7 217 JE +108 7 218 JE +108 7 219 JA +108 7 220 IA +108 7 221 JA +108 7 222 IA +108 7 223 IA +108 7 224 JA +108 7 225 JE +108 7 226 IA +108 7 227 CA +108 7 228 CA +108 7 229 IA +108 7 230 JE +108 7 231 QA +108 7 232 JE +108 7 233 IA +108 7 234 IA +108 7 235 IP +108 7 236 IA +108 7 237 JE +108 7 238 IA +108 7 239 QA +108 7 240 QA +108 7 241 JA +108 7 242 JE +108 7 243 QA +108 7 244 JA +108 7 245 QA +108 7 246 IA +108 7 247 IA +108 7 248 CA +108 7 249 IP +108 7 250 CA +108 7 251 IA +108 7 252 JA +108 7 253 IA +108 7 254 IP +108 7 255 CA +108 7 256 QA +108 7 257 IP +108 7 258 JE +108 7 259 QA +108 7 260 JE +108 7 261 JE +108 7 262 JA +108 7 263 JA +108 7 264 IA +108 7 265 IP +108 7 266 JE +108 7 267 QA +108 7 268 IA +108 7 269 QA +108 7 270 JE +108 7 271 IP +108 7 272 JA +108 7 273 QA +108 7 274 JA +108 7 275 JE +108 7 276 QA +108 7 277 IP +108 7 278 JE +108 7 279 IP +108 7 280 JE +108 7 281 IP +108 7 282 IA +108 7 283 QA +108 7 284 JA +108 7 285 QA +108 7 286 JA +108 7 287 JE +108 7 288 QA +108 7 289 IA +108 7 290 JA +108 7 291 IA +108 7 292 JE +108 7 293 JA +108 7 294 JA +108 7 295 JE +108 7 296 QA +108 7 297 JE +108 7 298 QA +108 7 299 IA +108 7 300 JA +108 7 301 IA +108 7 302 JA +108 7 303 JA +108 7 304 IA +108 7 305 QA +108 7 306 IA +108 7 307 IA +108 7 308 QA +108 7 309 JE +108 7 310 IA +108 7 311 IA +108 7 312 CA +108 7 313 IP +108 7 314 JA +108 7 315 IA +108 7 316 IA +108 7 317 QA +108 7 318 JE +108 7 319 JA +108 7 320 JE +108 7 321 QA +108 7 322 IA +108 7 323 IA +108 7 324 JA +108 7 325 QA +108 7 326 JE +108 7 327 JA +108 7 328 IP +108 7 329 JE +108 7 330 JA +108 8 1 IA +108 8 2 IA +108 8 3 QA +108 8 4 IP +108 8 5 IA +108 8 6 * +108 8 7 JE +108 8 8 IP +108 8 9 CA +108 8 10 CA +108 8 11 CA +108 8 12 JE +108 8 13 CA +108 8 14 CA +108 8 15 IP +108 8 16 JA +108 8 17 QA +108 8 18 CA +108 8 19 IA +108 8 20 IA +108 8 21 QA +108 8 22 JE +108 8 23 IP +108 8 24 CA +108 8 25 IA +108 8 26 IP +108 8 27 JE +108 8 28 IP +108 8 29 IA +108 8 30 CA +108 8 31 IA +108 8 32 IP +108 8 33 IA +108 8 34 IA +108 8 35 QA +108 8 36 IA +108 8 37 IP +108 8 38 IA +108 8 39 IA +108 8 40 IA +108 8 41 QA +108 8 42 JE +108 8 43 IA +108 8 44 JA +108 8 45 IA +108 8 46 CA +108 8 47 IA +108 8 48 JE +108 8 49 IA +108 8 50 IP +108 8 51 JA +108 8 52 JA +108 8 53 IP +108 8 54 IA +108 8 55 IA +108 8 56 JE +108 8 57 IA +108 8 58 JE +108 8 59 JA +108 8 60 CA +108 8 61 QA +108 8 62 IA +108 8 63 QA +108 8 64 IA +108 8 65 QA +108 8 66 JA +108 8 67 IA +108 8 68 QA +108 8 69 IA +108 8 70 JA +108 8 71 QA +108 8 72 IA +108 8 73 IA +108 8 74 IP +108 8 75 CA +108 8 76 JE +108 8 77 IA +108 8 78 IP +108 8 79 CA +108 8 80 IA +108 8 81 JE +108 8 82 IA +108 8 83 JE +108 8 84 IP +108 8 85 IA +108 8 86 QA +108 8 87 CA +108 8 88 IP +108 8 89 CA +108 8 90 IA +108 8 91 IA +108 8 92 JA +108 8 93 IA +108 8 94 CA +108 8 95 JE +108 8 96 JE +108 8 97 IA +108 8 98 QA +108 8 99 IP +108 8 100 IA +108 8 101 IP +108 8 102 IA +108 8 103 JE +108 8 104 IA +108 8 105 IP +108 8 106 JE +108 8 107 JA +108 8 108 IA +108 8 109 IA +108 8 110 JE +108 8 111 IA +108 8 112 QA +108 8 113 CA +108 8 114 IA +108 8 115 QA +108 8 116 IA +108 8 117 CA +108 8 118 QA +108 8 119 IA +108 8 120 JA +108 8 121 JE +108 8 122 IA +108 8 123 IA +108 8 124 JE +108 8 125 JE +108 8 126 IP +108 8 127 IA +108 8 128 JE +108 8 129 JA +108 8 130 CA +108 8 131 IP +108 8 132 QA +108 8 133 IA +108 8 134 CA +108 8 135 QA +108 8 136 IA +108 8 137 IA +108 8 138 IA +108 8 139 JA +108 8 140 IA +108 8 141 JA +108 8 142 JA +108 8 143 JE +108 8 144 IA +108 8 145 IA +108 8 146 JE +108 8 147 IA +108 8 148 QA +108 8 149 IA +108 8 150 IA +108 8 151 IP +108 8 152 QA +108 8 153 IA +108 8 154 JA +108 8 155 CA +108 8 156 IA +108 8 157 CA +108 8 158 JA +108 8 159 JE +108 8 160 QA +108 8 161 IA +108 8 162 QA +108 8 163 IA +108 8 164 IA +108 8 165 IA +108 8 166 CA +108 8 167 JA +108 8 168 IA +108 8 169 IA +108 8 170 IA +108 8 171 IA +108 8 172 JA +108 8 173 QA +108 8 174 JE +108 8 175 IA +108 8 176 QA +108 8 177 JE +108 8 178 IA +108 8 179 QA +108 8 180 IA +108 8 181 JE +108 8 182 IP +108 8 183 CA +108 8 184 IA +108 8 185 JE +108 8 186 IA +108 8 187 JE +108 8 188 IA +108 8 189 JA +108 8 190 IP +108 8 191 IA +108 8 192 IA +108 8 193 JE +108 8 194 QA +108 8 195 IA +108 8 196 IA +108 8 197 IA +108 8 198 JA +108 8 199 ME +108 8 200 IA +108 8 201 JE +108 8 202 IA +108 8 203 QA +108 8 204 CA +108 8 205 IA +108 8 206 JA +108 8 207 IP +108 8 208 JE +108 8 209 IA +108 8 210 CA +108 8 211 IA +108 8 212 JE +108 8 213 JA +108 8 214 JE +108 8 215 IP +108 8 216 CA +108 8 217 JE +108 8 218 JE +108 8 219 JA +108 8 220 IA +108 8 221 JA +108 8 222 IA +108 8 223 IA +108 8 224 JA +108 8 225 JE +108 8 226 IA +108 8 227 CA +108 8 228 IA +108 8 229 IA +108 8 230 JE +108 8 231 IP +108 8 232 CA +108 8 233 IA +108 8 234 IA +108 8 235 IA +108 8 236 JE +108 8 237 QA +108 8 238 IA +108 8 239 IP +108 8 240 CA +108 8 241 JA +108 8 242 JE +108 8 243 IP +108 8 244 JA +108 8 245 QA +108 8 246 IA +108 8 247 IP +108 8 248 IA +108 8 249 IA +108 8 250 IP +108 8 251 IA +108 8 252 JA +108 8 253 IA +108 8 254 IA +108 8 255 CA +108 8 256 QA +108 8 257 IA +108 8 258 JE +108 8 259 QA +108 8 260 JE +108 8 261 JE +108 8 262 JA +108 8 263 JA +108 8 264 IA +108 8 265 IA +108 8 266 QA +108 8 267 IP +108 8 268 IA +108 8 269 QA +108 8 270 JE +108 8 271 IA +108 8 272 JA +108 8 273 IA +108 8 274 JA +108 8 275 JE +108 8 276 QA +108 8 277 IA +108 8 278 JE +108 8 279 IA +108 8 280 IA +108 8 281 IA +108 8 282 IA +108 8 283 CA +108 8 284 IA +108 8 285 QA +108 8 286 JA +108 8 287 JE +108 8 288 QA +108 8 289 IA +108 8 290 JA +108 8 291 IA +108 8 292 QA +108 8 293 JA +108 8 294 JA +108 8 295 CA +108 8 296 IA +108 8 297 JE +108 8 298 QA +108 8 299 IA +108 8 300 JA +108 8 301 IA +108 8 302 JA +108 8 303 JA +108 8 304 JE +108 8 305 QA +108 8 306 JE +108 8 307 IA +108 8 308 IP +108 8 309 CA +108 8 310 IA +108 8 311 IA +108 8 312 CA +108 8 313 IA +108 8 314 JA +108 8 315 IA +108 8 316 IA +108 8 317 IP +108 8 318 JE +108 8 319 JA +108 8 320 JE +108 8 321 QA +108 8 322 IA +108 8 323 IA +108 8 324 JA +108 8 325 IP +108 8 326 JE +108 8 327 JA +108 8 328 IA +108 8 329 CA +108 8 330 JA +108 9 1 IA +108 9 2 JE +108 9 3 QA +108 9 4 IP +108 9 5 IA +108 9 6 JE +108 9 7 IA +108 9 8 IP +108 9 9 * +108 9 10 IA +108 9 11 IA +108 9 12 JE +108 9 13 IA +108 9 14 IA +108 9 15 QA +108 9 16 JA +108 9 17 QA +108 9 18 CA +108 9 19 IA +108 9 20 IA +108 9 21 QA +108 9 22 JA +108 9 23 IP +108 9 24 CA +108 9 25 IA +108 9 26 IA +108 9 27 JA +108 9 28 QA +108 9 29 IA +108 9 30 JE +108 9 31 IA +108 9 32 QA +108 9 33 IA +108 9 34 IA +108 9 35 QA +108 9 36 CA +108 9 37 IA +108 9 38 QA +108 9 39 IA +108 9 40 IA +108 9 41 QA +108 9 42 JE +108 9 43 CA +108 9 44 JA +108 9 45 IA +108 9 46 JA +108 9 47 CA +108 9 48 JE +108 9 49 IA +108 9 50 IP +108 9 51 * +108 9 52 JA +108 9 53 QA +108 9 54 IA +108 9 55 JE +108 9 56 QA +108 9 57 IA +108 9 58 IA +108 9 59 JA +108 9 60 CA +108 9 61 QA +108 9 62 QA +108 9 63 QA +108 9 64 IA +108 9 65 QA +108 9 66 JA +108 9 67 IA +108 9 68 IP +108 9 69 IA +108 9 70 JA +108 9 71 QA +108 9 72 IA +108 9 73 IP +108 9 74 JE +108 9 75 CA +108 9 76 QA +108 9 77 JE +108 9 78 IP +108 9 79 CA +108 9 80 IA +108 9 81 IA +108 9 82 IA +108 9 83 JE +108 9 84 QA +108 9 85 IA +108 9 86 QA +108 9 87 CA +108 9 88 IP +108 9 89 CA +108 9 90 CA +108 9 91 IA +108 9 92 JA +108 9 93 IA +108 9 94 CA +108 9 95 IA +108 9 96 JE +108 9 97 QA +108 9 98 QA +108 9 99 IP +108 9 100 JA +108 9 101 QA +108 9 102 JA +108 9 103 IA +108 9 104 IA +108 9 105 * +108 9 106 JE +108 9 107 JA +108 9 108 JA +108 9 109 IA +108 9 110 JE +108 9 111 IA +108 9 112 QA +108 9 113 CA +108 9 114 IA +108 9 115 QA +108 9 116 JA +108 9 117 CA +108 9 118 QA +108 9 119 IA +108 9 120 JA +108 9 121 QA +108 9 122 IA +108 9 123 IA +108 9 124 IA +108 9 125 QA +108 9 126 IP +108 9 127 CA +108 9 128 IP +108 9 129 JA +108 9 130 CA +108 9 131 IP +108 9 132 QA +108 9 133 IA +108 9 134 CA +108 9 135 QA +108 9 136 IA +108 9 137 IA +108 9 138 IA +108 9 139 JA +108 9 140 IA +108 9 141 JA +108 9 142 JA +108 9 143 IA +108 9 144 IP +108 9 145 IA +108 9 146 QA +108 9 147 IA +108 9 148 QA +108 9 149 IA +108 9 150 CA +108 9 151 QA +108 9 152 QA +108 9 153 IA +108 9 154 CA +108 9 155 CA +108 9 156 IA +108 9 157 QA +108 9 158 JA +108 9 159 QA +108 9 160 QA +108 9 161 IA +108 9 162 QA +108 9 163 IA +108 9 164 IA +108 9 165 IA +108 9 166 CA +108 9 167 JA +108 9 168 IA +108 9 169 IA +108 9 170 CA +108 9 171 IA +108 9 172 JA +108 9 173 QA +108 9 174 JE +108 9 175 JA +108 9 176 QA +108 9 177 JA +108 9 178 IA +108 9 179 QA +108 9 180 IA +108 9 181 JE +108 9 182 QA +108 9 183 IA +108 9 184 IP +108 9 185 QA +108 9 186 IA +108 9 187 QA +108 9 188 IA +108 9 189 IA +108 9 190 JA +108 9 191 IA +108 9 192 IP +108 9 193 JE +108 9 194 QA +108 9 195 IA +108 9 196 IA +108 9 197 QA +108 9 198 CA +108 9 199 JA +108 9 200 IA +108 9 201 IP +108 9 202 IA +108 9 203 QA +108 9 204 CA +108 9 205 IA +108 9 206 JA +108 9 207 QA +108 9 208 QA +108 9 209 IA +108 9 210 CA +108 9 211 IA +108 9 212 QA +108 9 213 IA +108 9 214 IA +108 9 215 QA +108 9 216 IA +108 9 217 QA +108 9 218 IA +108 9 219 JA +108 9 220 IA +108 9 221 JA +108 9 222 IP +108 9 223 IA +108 9 224 JA +108 9 225 JE +108 9 226 IA +108 9 227 CA +108 9 228 IA +108 9 229 IA +108 9 230 JA +108 9 231 IP +108 9 232 IA +108 9 233 JA +108 9 234 IA +108 9 235 IA +108 9 236 IA +108 9 237 JA +108 9 238 IA +108 9 239 QA +108 9 240 QA +108 9 241 JA +108 9 242 JE +108 9 243 QA +108 9 244 JA +108 9 245 QA +108 9 246 IA +108 9 247 IP +108 9 248 IA +108 9 249 IA +108 9 250 IP +108 9 251 IA +108 9 252 JA +108 9 253 IA +108 9 254 IA +108 9 255 CA +108 9 256 QA +108 9 257 IA +108 9 258 IA +108 9 259 QA +108 9 260 JA +108 9 261 QA +108 9 262 JA +108 9 263 JA +108 9 264 JA +108 9 265 IA +108 9 266 JE +108 9 267 QA +108 9 268 IA +108 9 269 QA +108 9 270 JE +108 9 271 IA +108 9 272 JA +108 9 273 QA +108 9 274 JA +108 9 275 IA +108 9 276 QA +108 9 277 IA +108 9 278 QA +108 9 279 IA +108 9 280 IA +108 9 281 IA +108 9 282 IA +108 9 283 QA +108 9 284 JA +108 9 285 QA +108 9 286 JA +108 9 287 JE +108 9 288 QA +108 9 289 IA +108 9 290 JA +108 9 291 IA +108 9 292 QA +108 9 293 JA +108 9 294 JA +108 9 295 JE +108 9 296 IP +108 9 297 JE +108 9 298 QA +108 9 299 IA +108 9 300 JA +108 9 301 IA +108 9 302 JA +108 9 303 JA +108 9 304 IA +108 9 305 QA +108 9 306 IA +108 9 307 IA +108 9 308 QA +108 9 309 CA +108 9 310 IA +108 9 311 IA +108 9 312 CA +108 9 313 CA +108 9 314 JA +108 9 315 IA +108 9 316 IA +108 9 317 QA +108 9 318 JE +108 9 319 JA +108 9 320 IA +108 9 321 QA +108 9 322 JA +108 9 323 IA +108 9 324 JA +108 9 325 QA +108 9 326 JE +108 9 327 JA +108 9 328 IA +108 9 329 JE +108 9 330 JA +108 10 1 IA +108 10 2 IA +108 10 3 QA +108 10 4 IP +108 10 5 IA +108 10 6 JE +108 10 7 IA +108 10 8 QA +108 10 9 CA +108 10 10 IA +108 10 11 IA +108 10 12 JE +108 10 13 IA +108 10 14 IA +108 10 15 QA +108 10 16 JA +108 10 17 QA +108 10 18 CA +108 10 19 IA +108 10 20 IA +108 10 21 QA +108 10 22 JE +108 10 23 IP +108 10 24 CA +108 10 25 IA +108 10 26 IA +108 10 27 JA +108 10 28 QA +108 10 29 IA +108 10 30 QA +108 10 31 IA +108 10 32 IP +108 10 33 IA +108 10 34 IA +108 10 35 QA +108 10 36 IA +108 10 37 IA +108 10 38 QA +108 10 39 IA +108 10 40 IA +108 10 41 QA +108 10 42 JE +108 10 43 IA +108 10 44 JA +108 10 45 IA +108 10 46 JA +108 10 47 IA +108 10 48 JE +108 10 49 IA +108 10 50 IP +108 10 51 CA +108 10 52 JA +108 10 53 IP +108 10 54 IA +108 10 55 IA +108 10 56 JA +108 10 57 IA +108 10 58 IA +108 10 59 JA +108 10 60 IA +108 10 61 IP +108 10 62 IA +108 10 63 IA +108 10 64 IA +108 10 65 QA +108 10 66 JA +108 10 67 IA +108 10 68 QA +108 10 69 IA +108 10 70 JA +108 10 71 QA +108 10 72 IA +108 10 73 IA +108 10 74 JE +108 10 75 IA +108 10 76 QA +108 10 77 IA +108 10 78 QA +108 10 79 CA +108 10 80 IA +108 10 81 IA +108 10 82 IA +108 10 83 JE +108 10 84 JA +108 10 85 IA +108 10 86 QA +108 10 87 CA +108 10 88 IP +108 10 89 CA +108 10 90 IA +108 10 91 IA +108 10 92 JA +108 10 93 IA +108 10 94 CA +108 10 95 JA +108 10 96 QA +108 10 97 IA +108 10 98 QA +108 10 99 JE +108 10 100 IA +108 10 101 IP +108 10 102 IA +108 10 103 IA +108 10 104 IA +108 10 105 IP +108 10 106 JE +108 10 107 JA +108 10 108 IA +108 10 109 IA +108 10 110 JE +108 10 111 IA +108 10 112 QA +108 10 113 CA +108 10 114 IA +108 10 115 IP +108 10 116 IA +108 10 117 CA +108 10 118 QA +108 10 119 IA +108 10 120 JA +108 10 121 QA +108 10 122 IA +108 10 123 JE +108 10 124 IA +108 10 125 JE +108 10 126 QA +108 10 127 IA +108 10 128 JE +108 10 129 JA +108 10 130 QA +108 10 131 IP +108 10 132 QA +108 10 133 IA +108 10 134 CA +108 10 135 IP +108 10 136 IA +108 10 137 IA +108 10 138 IA +108 10 139 JA +108 10 140 IA +108 10 141 JA +108 10 142 JA +108 10 143 IA +108 10 144 IP +108 10 145 IA +108 10 146 JE +108 10 147 IA +108 10 148 QA +108 10 149 IA +108 10 150 IP +108 10 151 QA +108 10 152 QA +108 10 153 IA +108 10 154 CA +108 10 155 CA +108 10 156 IA +108 10 157 CA +108 10 158 JA +108 10 159 JE +108 10 160 JA +108 10 161 IA +108 10 162 QA +108 10 163 IA +108 10 164 IA +108 10 165 IA +108 10 166 IA +108 10 167 IP +108 10 168 IA +108 10 169 IA +108 10 170 IA +108 10 171 IA +108 10 172 JA +108 10 173 QA +108 10 174 JE +108 10 175 IA +108 10 176 QA +108 10 177 IA +108 10 178 IA +108 10 179 IP +108 10 180 IA +108 10 181 JE +108 10 182 IP +108 10 183 CA +108 10 184 IP +108 10 185 JE +108 10 186 IA +108 10 187 JE +108 10 188 IA +108 10 189 IA +108 10 190 QA +108 10 191 IA +108 10 192 IA +108 10 193 JE +108 10 194 IA +108 10 195 IA +108 10 196 IA +108 10 197 IP +108 10 198 CA +108 10 199 IA +108 10 200 IA +108 10 201 QA +108 10 202 IA +108 10 203 IA +108 10 204 CA +108 10 205 IA +108 10 206 QA +108 10 207 QA +108 10 208 JE +108 10 209 IA +108 10 210 QA +108 10 211 IA +108 10 212 QA +108 10 213 IA +108 10 214 JE +108 10 215 QA +108 10 216 IA +108 10 217 QA +108 10 218 IA +108 10 219 JA +108 10 220 IA +108 10 221 JA +108 10 222 IP +108 10 223 IA +108 10 224 JA +108 10 225 JE +108 10 226 IA +108 10 227 CA +108 10 228 IA +108 10 229 IA +108 10 230 JA +108 10 231 IP +108 10 232 CA +108 10 233 IA +108 10 234 IA +108 10 235 IA +108 10 236 IA +108 10 237 JA +108 10 238 IA +108 10 239 QA +108 10 240 CA +108 10 241 JA +108 10 242 JE +108 10 243 IP +108 10 244 JA +108 10 245 QA +108 10 246 IA +108 10 247 IA +108 10 248 IA +108 10 249 IA +108 10 250 IP +108 10 251 IA +108 10 252 JA +108 10 253 IA +108 10 254 IA +108 10 255 CA +108 10 256 QA +108 10 257 IA +108 10 258 JE +108 10 259 IP +108 10 260 IA +108 10 261 JE +108 10 262 JA +108 10 263 JA +108 10 264 JE +108 10 265 IA +108 10 266 QA +108 10 267 IP +108 10 268 IA +108 10 269 IP +108 10 270 JE +108 10 271 IA +108 10 272 JA +108 10 273 IA +108 10 274 JA +108 10 275 JE +108 10 276 QA +108 10 277 IA +108 10 278 QA +108 10 279 IA +108 10 280 IA +108 10 281 IA +108 10 282 IA +108 10 283 CA +108 10 284 IA +108 10 285 IA +108 10 286 JA +108 10 287 JE +108 10 288 QA +108 10 289 IA +108 10 290 JA +108 10 291 IA +108 10 292 QA +108 10 293 JA +108 10 294 JA +108 10 295 CA +108 10 296 IP +108 10 297 JE +108 10 298 QA +108 10 299 IA +108 10 300 JA +108 10 301 IA +108 10 302 JA +108 10 303 IA +108 10 304 IA +108 10 305 IP +108 10 306 IA +108 10 307 IA +108 10 308 IA +108 10 309 CA +108 10 310 IA +108 10 311 IA +108 10 312 CA +108 10 313 IA +108 10 314 JA +108 10 315 IA +108 10 316 IA +108 10 317 IP +108 10 318 QA +108 10 319 JA +108 10 320 IA +108 10 321 QA +108 10 322 IA +108 10 323 IA +108 10 324 JA +108 10 325 IP +108 10 326 JE +108 10 327 JA +108 10 328 IA +108 10 329 CA +108 10 330 JA +108 11 1 IA +108 11 2 IA +108 11 3 QA +108 11 4 IP +108 11 5 IA +108 11 6 JE +108 11 7 IA +108 11 8 QA +108 11 9 JE +108 11 10 IP +108 11 11 IA +108 11 12 JE +108 11 13 IA +108 11 14 CA +108 11 15 QA +108 11 16 JA +108 11 17 QA +108 11 18 IP +108 11 19 IA +108 11 20 IA +108 11 21 QA +108 11 22 JE +108 11 23 IA +108 11 24 * +108 11 25 IP +108 11 26 IA +108 11 27 JA +108 11 28 QA +108 11 29 IA +108 11 30 ME +108 11 31 JA +108 11 32 QA +108 11 33 JE +108 11 34 IA +108 11 35 QA +108 11 36 IP +108 11 37 IP +108 11 38 QA +108 11 39 IA +108 11 40 IA +108 11 41 QA +108 11 42 JE +108 11 43 IP +108 11 44 JA +108 11 45 IA +108 11 46 CA +108 11 47 IA +108 11 48 JE +108 11 49 IP +108 11 50 IP +108 11 51 JE +108 11 52 JA +108 11 53 QA +108 11 54 IA +108 11 55 IA +108 11 56 QA +108 11 57 IP +108 11 58 JE +108 11 59 JA +108 11 60 IA +108 11 61 IP +108 11 62 IP +108 11 63 JA +108 11 64 IA +108 11 65 IA +108 11 66 JA +108 11 67 JE +108 11 68 QA +108 11 69 CA +108 11 70 JA +108 11 71 IA +108 11 72 IP +108 11 73 IA +108 11 74 JA +108 11 75 CA +108 11 76 JE +108 11 77 IA +108 11 78 QA +108 11 79 CA +108 11 80 IP +108 11 81 IA +108 11 82 IA +108 11 83 JA +108 11 84 QA +108 11 85 IA +108 11 86 QA +108 11 87 * +108 11 88 IA +108 11 89 CA +108 11 90 CA +108 11 91 JE +108 11 92 JA +108 11 93 IA +108 11 94 CA +108 11 95 JA +108 11 96 JE +108 11 97 IP +108 11 98 QA +108 11 99 * +108 11 100 JE +108 11 101 QA +108 11 102 JA +108 11 103 IA +108 11 104 IP +108 11 105 IA +108 11 106 JE +108 11 107 JA +108 11 108 JA +108 11 109 IP +108 11 110 JE +108 11 111 IA +108 11 112 QA +108 11 113 CA +108 11 114 IA +108 11 115 QA +108 11 116 JA +108 11 117 CA +108 11 118 QA +108 11 119 IA +108 11 120 JA +108 11 121 QA +108 11 122 IA +108 11 123 IA +108 11 124 JE +108 11 125 JE +108 11 126 QA +108 11 127 IA +108 11 128 JE +108 11 129 JA +108 11 130 IA +108 11 131 IA +108 11 132 JE +108 11 133 IA +108 11 134 CA +108 11 135 QA +108 11 136 IA +108 11 137 * +108 11 138 IA +108 11 139 QA +108 11 140 IP +108 11 141 JA +108 11 142 JA +108 11 143 JE +108 11 144 IA +108 11 145 IA +108 11 146 JE +108 11 147 IA +108 11 148 QA +108 11 149 JE +108 11 150 IP +108 11 151 JE +108 11 152 QA +108 11 153 IA +108 11 154 CA +108 11 155 CA +108 11 156 IA +108 11 157 QA +108 11 158 JA +108 11 159 JE +108 11 160 QA +108 11 161 JE +108 11 162 QA +108 11 163 IP +108 11 164 IP +108 11 165 JE +108 11 166 IP +108 11 167 IA +108 11 168 IA +108 11 169 IA +108 11 170 CA +108 11 171 IA +108 11 172 JA +108 11 173 QA +108 11 174 JE +108 11 175 JA +108 11 176 QA +108 11 177 IA +108 11 178 IA +108 11 179 QA +108 11 180 IA +108 11 181 JE +108 11 182 IP +108 11 183 IP +108 11 184 IP +108 11 185 JE +108 11 186 JA +108 11 187 JE +108 11 188 IP +108 11 189 JA +108 11 190 QA +108 11 191 IA +108 11 192 IA +108 11 193 JE +108 11 194 QA +108 11 195 IA +108 11 196 IA +108 11 197 IP +108 11 198 CA +108 11 199 JA +108 11 200 JA +108 11 201 QA +108 11 202 IA +108 11 203 QA +108 11 204 CA +108 11 205 IP +108 11 206 JA +108 11 207 QA +108 11 208 JE +108 11 209 IA +108 11 210 QA +108 11 211 IP +108 11 212 JE +108 11 213 JA +108 11 214 IA +108 11 215 QA +108 11 216 IA +108 11 217 QA +108 11 218 JE +108 11 219 JA +108 11 220 IP +108 11 221 JA +108 11 222 IP +108 11 223 IA +108 11 224 JA +108 11 225 JE +108 11 226 IP +108 11 227 CA +108 11 228 IP +108 11 229 IA +108 11 230 JA +108 11 231 QA +108 11 232 CA +108 11 233 IA +108 11 234 IA +108 11 235 IP +108 11 236 JE +108 11 237 QA +108 11 238 IA +108 11 239 QA +108 11 240 QA +108 11 241 JA +108 11 242 JE +108 11 243 QA +108 11 244 JA +108 11 245 QA +108 11 246 IA +108 11 247 IA +108 11 248 IP +108 11 249 IA +108 11 250 IP +108 11 251 IA +108 11 252 JA +108 11 253 IA +108 11 254 IP +108 11 255 CA +108 11 256 QA +108 11 257 IA +108 11 258 JE +108 11 259 QA +108 11 260 JA +108 11 261 JE +108 11 262 JA +108 11 263 JA +108 11 264 JA +108 11 265 IA +108 11 266 IA +108 11 267 IP +108 11 268 JE +108 11 269 QA +108 11 270 JE +108 11 271 CA +108 11 272 JA +108 11 273 IP +108 11 274 JA +108 11 275 JE +108 11 276 QA +108 11 277 IP +108 11 278 QA +108 11 279 IP +108 11 280 JE +108 11 281 IA +108 11 282 IA +108 11 283 CA +108 11 284 JA +108 11 285 QA +108 11 286 JA +108 11 287 JE +108 11 288 QA +108 11 289 IA +108 11 290 QA +108 11 291 IA +108 11 292 QA +108 11 293 JA +108 11 294 JA +108 11 295 CA +108 11 296 IP +108 11 297 JE +108 11 298 QA +108 11 299 IA +108 11 300 JA +108 11 301 IA +108 11 302 JA +108 11 303 JA +108 11 304 JE +108 11 305 QA +108 11 306 IP +108 11 307 IP +108 11 308 IA +108 11 309 CA +108 11 310 IA +108 11 311 IA +108 11 312 CA +108 11 313 IP +108 11 314 JA +108 11 315 IA +108 11 316 IA +108 11 317 IP +108 11 318 JE +108 11 319 JA +108 11 320 JE +108 11 321 QA +108 11 322 IP +108 11 323 IA +108 11 324 JA +108 11 325 IP +108 11 326 JE +108 11 327 JA +108 11 328 IA +108 11 329 ME +108 11 330 JA +108 12 1 IA +108 12 2 IA +108 12 3 QA +108 12 4 IP +108 12 5 IA +108 12 6 JE +108 12 7 IA +108 12 8 QA +108 12 9 * +108 12 10 IA +108 12 11 CA +108 12 12 JE +108 12 13 IA +108 12 14 IA +108 12 15 QA +108 12 16 JA +108 12 17 QA +108 12 18 CA +108 12 19 IA +108 12 20 IA +108 12 21 QA +108 12 22 JE +108 12 23 IP +108 12 24 CA +108 12 25 IA +108 12 26 IA +108 12 27 JA +108 12 28 QA +108 12 29 IA +108 12 30 JE +108 12 31 IA +108 12 32 QA +108 12 33 IA +108 12 34 IA +108 12 35 QA +108 12 36 CA +108 12 37 IA +108 12 38 QA +108 12 39 IA +108 12 40 IA +108 12 41 JE +108 12 42 JE +108 12 43 CA +108 12 44 JA +108 12 45 IA +108 12 46 LU +108 12 47 CA +108 12 48 JE +108 12 49 IA +108 12 50 IP +108 12 51 LU +108 12 52 JA +108 12 53 IA +108 12 54 QA +108 12 55 IA +108 12 56 QA +108 12 57 IA +108 12 58 IA +108 12 59 LU +108 12 60 IA +108 12 61 CA +108 12 62 LU +108 12 63 JE +108 12 64 IP +108 12 65 QA +108 12 66 JE +108 12 67 IA +108 12 68 QA +108 12 69 LU +108 12 70 JA +108 12 71 QA +108 12 72 IA +108 12 73 IP +108 12 74 IA +108 12 75 CA +108 12 76 QA +108 12 77 QA +108 12 78 JE +108 12 79 CA +108 12 80 IA +108 12 81 IA +108 12 82 IA +108 12 83 JA +108 12 84 JE +108 12 85 IA +108 12 86 QA +108 12 87 CA +108 12 88 QA +108 12 89 CA +108 12 90 CA +108 12 91 IA +108 12 92 JA +108 12 93 IA +108 12 94 CA +108 12 95 JA +108 12 96 JE +108 12 97 IP +108 12 98 QA +108 12 99 IA +108 12 100 IA +108 12 101 QA +108 12 102 LU +108 12 103 LU +108 12 104 IA +108 12 105 IA +108 12 106 JE +108 12 107 JA +108 12 108 JA +108 12 109 IP +108 12 110 JE +108 12 111 CA +108 12 112 QA +108 12 113 CA +108 12 114 IA +108 12 115 QA +108 12 116 IA +108 12 117 CA +108 12 118 JE +108 12 119 IA +108 12 120 JA +108 12 121 JE +108 12 122 IA +108 12 123 IA +108 12 124 IA +108 12 125 JE +108 12 126 QA +108 12 127 IA +108 12 128 JE +108 12 129 JA +108 12 130 LU +108 12 131 CA +108 12 132 QA +108 12 133 IA +108 12 134 CA +108 12 135 QA +108 12 136 IA +108 12 137 IA +108 12 138 IA +108 12 139 LU +108 12 140 IA +108 12 141 JA +108 12 142 LU +108 12 143 IA +108 12 144 CA +108 12 145 IA +108 12 146 JE +108 12 147 IA +108 12 148 QA +108 12 149 IA +108 12 150 CA +108 12 151 QA +108 12 152 JE +108 12 153 IA +108 12 154 LU +108 12 155 CA +108 12 156 IA +108 12 157 CA +108 12 158 JA +108 12 159 JE +108 12 160 LU +108 12 161 IA +108 12 162 QA +108 12 163 IA +108 12 164 IA +108 12 165 LU +108 12 166 CA +108 12 167 JE +108 12 168 IA +108 12 169 IA +108 12 170 CA +108 12 171 IA +108 12 172 JA +108 12 173 QA +108 12 174 JE +108 12 175 IA +108 12 176 QA +108 12 177 JE +108 12 178 IP +108 12 179 QA +108 12 180 IA +108 12 181 JE +108 12 182 QA +108 12 183 LU +108 12 184 QA +108 12 185 JE +108 12 186 IA +108 12 187 JE +108 12 188 IA +108 12 189 JA +108 12 190 JE +108 12 191 IA +108 12 192 IA +108 12 193 JE +108 12 194 CA +108 12 195 IA +108 12 196 JA +108 12 197 IA +108 12 198 CA +108 12 199 JA +108 12 200 IA +108 12 201 QA +108 12 202 IA +108 12 203 QA +108 12 204 CA +108 12 205 IP +108 12 206 JA +108 12 207 QA +108 12 208 JE +108 12 209 LU +108 12 210 CA +108 12 211 IA +108 12 212 JE +108 12 213 IA +108 12 214 JE +108 12 215 JE +108 12 216 IA +108 12 217 QA +108 12 218 JE +108 12 219 JA +108 12 220 LU +108 12 221 JA +108 12 222 CA +108 12 223 IA +108 12 224 JE +108 12 225 LU +108 12 226 IA +108 12 227 LU +108 12 228 CA +108 12 229 IA +108 12 230 JA +108 12 231 QA +108 12 232 LU +108 12 233 IA +108 12 234 IA +108 12 235 IP +108 12 236 IA +108 12 237 JE +108 12 238 IA +108 12 239 QA +108 12 240 QA +108 12 241 JA +108 12 242 JE +108 12 243 QA +108 12 244 JA +108 12 245 QA +108 12 246 IA +108 12 247 QA +108 12 248 LU +108 12 249 IA +108 12 250 CA +108 12 251 IA +108 12 252 JA +108 12 253 IA +108 12 254 IA +108 12 255 CA +108 12 256 QA +108 12 257 IA +108 12 258 JE +108 12 259 QA +108 12 260 IA +108 12 261 JE +108 12 262 JA +108 12 263 LU +108 12 264 JA +108 12 265 IA +108 12 266 JE +108 12 267 QA +108 12 268 IA +108 12 269 QA +108 12 270 JE +108 12 271 CA +108 12 272 LU +108 12 273 QA +108 12 274 JA +108 12 275 JE +108 12 276 QA +108 12 277 IA +108 12 278 QA +108 12 279 IP +108 12 280 IA +108 12 281 IA +108 12 282 IA +108 12 283 CA +108 12 284 LU +108 12 285 JE +108 12 286 JA +108 12 287 LU +108 12 288 QA +108 12 289 IA +108 12 290 JA +108 12 291 IA +108 12 292 JE +108 12 293 JA +108 12 294 JA +108 12 295 LU +108 12 296 QA +108 12 297 JE +108 12 298 QA +108 12 299 IA +108 12 300 JA +108 12 301 IA +108 12 302 JA +108 12 303 LU +108 12 304 IA +108 12 305 QA +108 12 306 IA +108 12 307 IA +108 12 308 JE +108 12 309 LU +108 12 310 IA +108 12 311 IA +108 12 312 LU +108 12 313 CA +108 12 314 JA +108 12 315 IA +108 12 316 IA +108 12 317 JE +108 12 318 JE +108 12 319 JA +108 12 320 LU +108 12 321 JE +108 12 322 IA +108 12 323 IA +108 12 324 JA +108 12 325 QA +108 12 326 JE +108 12 327 JA +108 12 328 IA +108 12 329 LU +108 12 330 LU +108 13 1 IP +108 13 2 IA +108 13 3 QA +108 13 4 IP +108 13 5 IA +108 13 6 JE +108 13 7 IA +108 13 8 IP +108 13 9 QA +108 13 10 IA +108 13 11 CA +108 13 12 JE +108 13 13 CA +108 13 14 CA +108 13 15 QA +108 13 16 JA +108 13 17 QA +108 13 18 CA +108 13 19 IA +108 13 20 IA +108 13 21 IP +108 13 22 JE +108 13 23 IP +108 13 24 CA +108 13 25 IA +108 13 26 IA +108 13 27 JA +108 13 28 IP +108 13 29 IA +108 13 30 QA +108 13 31 IA +108 13 32 QA +108 13 33 IA +108 13 34 IA +108 13 35 QA +108 13 36 IA +108 13 37 IA +108 13 38 IP +108 13 39 IA +108 13 40 IP +108 13 41 QA +108 13 42 JE +108 13 43 CA +108 13 44 JA +108 13 45 IA +108 13 46 JE +108 13 47 CA +108 13 48 JE +108 13 49 IA +108 13 50 IP +108 13 51 CA +108 13 52 JA +108 13 53 IP +108 13 54 IA +108 13 55 IA +108 13 56 QA +108 13 57 CA +108 13 58 IA +108 13 59 JE +108 13 60 CA +108 13 61 QA +108 13 62 IA +108 13 63 JE +108 13 64 IA +108 13 65 QA +108 13 66 JA +108 13 67 IA +108 13 68 QA +108 13 69 IA +108 13 70 JA +108 13 71 QA +108 13 72 IA +108 13 73 QA +108 13 74 IA +108 13 75 CA +108 13 76 QA +108 13 77 IA +108 13 78 IP +108 13 79 CA +108 13 80 IA +108 13 81 IA +108 13 82 IA +108 13 83 JA +108 13 84 JE +108 13 85 IA +108 13 86 IP +108 13 87 CA +108 13 88 IP +108 13 89 CA +108 13 90 CA +108 13 91 IA +108 13 92 JA +108 13 93 IA +108 13 94 CA +108 13 95 IA +108 13 96 JE +108 13 97 IP +108 13 98 QA +108 13 99 QA +108 13 100 IA +108 13 101 QA +108 13 102 IP +108 13 103 LU +108 13 104 IA +108 13 105 IP +108 13 106 JE +108 13 107 JA +108 13 108 JA +108 13 109 IA +108 13 110 JE +108 13 111 CA +108 13 112 IP +108 13 113 CA +108 13 114 IA +108 13 115 QA +108 13 116 JE +108 13 117 CA +108 13 118 QA +108 13 119 IA +108 13 120 JA +108 13 121 QA +108 13 122 IA +108 13 123 IA +108 13 124 IP +108 13 125 QA +108 13 126 IP +108 13 127 CA +108 13 128 JE +108 13 129 JA +108 13 130 CA +108 13 131 IP +108 13 132 JE +108 13 133 IA +108 13 134 IP +108 13 135 IP +108 13 136 IA +108 13 137 IA +108 13 138 IP +108 13 139 IA +108 13 140 QA +108 13 141 JA +108 13 142 JA +108 13 143 JE +108 13 144 QA +108 13 145 IA +108 13 146 JE +108 13 147 IA +108 13 148 QA +108 13 149 JE +108 13 150 IP +108 13 151 IP +108 13 152 JE +108 13 153 IA +108 13 154 CA +108 13 155 IP +108 13 156 IA +108 13 157 IA +108 13 158 JA +108 13 159 JE +108 13 160 IP +108 13 161 IA +108 13 162 QA +108 13 163 IA +108 13 164 IA +108 13 165 IA +108 13 166 CA +108 13 167 JE +108 13 168 IA +108 13 169 IA +108 13 170 CA +108 13 171 IA +108 13 172 JA +108 13 173 QA +108 13 174 JE +108 13 175 IP +108 13 176 QA +108 13 177 JE +108 13 178 IA +108 13 179 CA +108 13 180 IP +108 13 181 JE +108 13 182 IP +108 13 183 IA +108 13 184 IA +108 13 185 JE +108 13 186 IP +108 13 187 JE +108 13 188 IA +108 13 189 QA +108 13 190 IP +108 13 191 IA +108 13 192 QA +108 13 193 JE +108 13 194 QA +108 13 195 IA +108 13 196 QA +108 13 197 IA +108 13 198 CA +108 13 199 JE +108 13 200 IP +108 13 201 IA +108 13 202 IA +108 13 203 QA +108 13 204 CA +108 13 205 IA +108 13 206 JA +108 13 207 IP +108 13 208 JE +108 13 209 IA +108 13 210 QA +108 13 211 IA +108 13 212 QA +108 13 213 IA +108 13 214 JE +108 13 215 IP +108 13 216 CA +108 13 217 IA +108 13 218 JE +108 13 219 JA +108 13 220 IP +108 13 221 JA +108 13 222 IP +108 13 223 IA +108 13 224 JA +108 13 225 JE +108 13 226 CA +108 13 227 CA +108 13 228 QA +108 13 229 IA +108 13 230 JE +108 13 231 QA +108 13 232 IA +108 13 233 IP +108 13 234 IA +108 13 235 IA +108 13 236 JE +108 13 237 JE +108 13 238 QA +108 13 239 IP +108 13 240 QA +108 13 241 JA +108 13 242 JE +108 13 243 QA +108 13 244 JA +108 13 245 QA +108 13 246 QA +108 13 247 IP +108 13 248 IA +108 13 249 IA +108 13 250 IP +108 13 251 IA +108 13 252 JE +108 13 253 IA +108 13 254 IA +108 13 255 CA +108 13 256 QA +108 13 257 IA +108 13 258 JE +108 13 259 IP +108 13 260 JE +108 13 261 QA +108 13 262 JA +108 13 263 JA +108 13 264 IA +108 13 265 QA +108 13 266 QA +108 13 267 IP +108 13 268 IA +108 13 269 IP +108 13 270 JE +108 13 271 CA +108 13 272 JA +108 13 273 IA +108 13 274 JA +108 13 275 JE +108 13 276 QA +108 13 277 IA +108 13 278 QA +108 13 279 IP +108 13 280 IA +108 13 281 IA +108 13 282 IA +108 13 283 QA +108 13 284 JA +108 13 285 QA +108 13 286 JA +108 13 287 IA +108 13 288 QA +108 13 289 IA +108 13 290 JA +108 13 291 IA +108 13 292 QA +108 13 293 JA +108 13 294 JA +108 13 295 JE +108 13 296 IP +108 13 297 JE +108 13 298 QA +108 13 299 IA +108 13 300 QA +108 13 301 IA +108 13 302 JE +108 13 303 JA +108 13 304 IA +108 13 305 IP +108 13 306 IA +108 13 307 JE +108 13 308 QA +108 13 309 IP +108 13 310 IA +108 13 311 IA +108 13 312 CA +108 13 313 IP +108 13 314 JA +108 13 315 IA +108 13 316 IA +108 13 317 IP +108 13 318 QA +108 13 319 JA +108 13 320 IA +108 13 321 IP +108 13 322 IP +108 13 323 IA +108 13 324 JE +108 13 325 QA +108 13 326 JE +108 13 327 JA +108 13 328 IP +108 13 329 JE +108 13 330 JA +108 14 1 IA +108 14 2 IA +108 14 3 QA +108 14 4 IP +108 14 5 IA +108 14 6 JE +108 14 7 IA +108 14 8 QA +108 14 9 LU +108 14 10 CA +108 14 11 IA +108 14 12 JE +108 14 13 IA +108 14 14 IA +108 14 15 QA +108 14 16 JA +108 14 17 QA +108 14 18 CA +108 14 19 IA +108 14 20 IA +108 14 21 QA +108 14 22 JE +108 14 23 QA +108 14 24 LU +108 14 25 IA +108 14 26 CA +108 14 27 QA +108 14 28 QA +108 14 29 IA +108 14 30 QA +108 14 31 JA +108 14 32 QA +108 14 33 IA +108 14 34 IA +108 14 35 QA +108 14 36 IA +108 14 37 IA +108 14 38 QA +108 14 39 IA +108 14 40 IA +108 14 41 QA +108 14 42 JE +108 14 43 CA +108 14 44 QA +108 14 45 IA +108 14 46 LU +108 14 47 IA +108 14 48 JE +108 14 49 IA +108 14 50 QA +108 14 51 LU +108 14 52 JA +108 14 53 QA +108 14 54 IA +108 14 55 IA +108 14 56 QA +108 14 57 IA +108 14 58 JE +108 14 59 QA +108 14 60 IA +108 14 61 QA +108 14 62 QA +108 14 63 QA +108 14 64 IA +108 14 65 QA +108 14 66 JE +108 14 67 IA +108 14 68 QA +108 14 69 IA +108 14 70 JA +108 14 71 QA +108 14 72 IA +108 14 73 IP +108 14 74 IA +108 14 75 IA +108 14 76 QA +108 14 77 IA +108 14 78 QA +108 14 79 LU +108 14 80 CA +108 14 81 IA +108 14 82 IA +108 14 83 JE +108 14 84 QA +108 14 85 IA +108 14 86 QA +108 14 87 CA +108 14 88 IP +108 14 89 CA +108 14 90 IA +108 14 91 IA +108 14 92 QA +108 14 93 IA +108 14 94 CA +108 14 95 JA +108 14 96 JE +108 14 97 IP +108 14 98 QA +108 14 99 QA +108 14 100 IA +108 14 101 QA +108 14 102 JA +108 14 103 LU +108 14 104 IA +108 14 105 IP +108 14 106 JE +108 14 107 JA +108 14 108 JA +108 14 109 CA +108 14 110 JE +108 14 111 IA +108 14 112 QA +108 14 113 CA +108 14 114 IA +108 14 115 QA +108 14 116 JA +108 14 117 LU +108 14 118 QA +108 14 119 IA +108 14 120 JA +108 14 121 QA +108 14 122 IA +108 14 123 CA +108 14 124 JE +108 14 125 QA +108 14 126 QA +108 14 127 CA +108 14 128 JE +108 14 129 JE +108 14 130 CA +108 14 131 IP +108 14 132 QA +108 14 133 IA +108 14 134 LU +108 14 135 QA +108 14 136 IA +108 14 137 IA +108 14 138 IA +108 14 139 JA +108 14 140 CA +108 14 141 JA +108 14 142 JA +108 14 143 IA +108 14 144 IP +108 14 145 IA +108 14 146 JE +108 14 147 IA +108 14 148 QA +108 14 149 IA +108 14 150 IP +108 14 151 QA +108 14 152 QA +108 14 153 IA +108 14 154 JA +108 14 155 LU +108 14 156 IA +108 14 157 LU +108 14 158 JA +108 14 159 JE +108 14 160 QA +108 14 161 IA +108 14 162 QA +108 14 163 IA +108 14 164 IA +108 14 165 IA +108 14 166 CA +108 14 167 QA +108 14 168 IA +108 14 169 IA +108 14 170 CA +108 14 171 IA +108 14 172 JA +108 14 173 QA +108 14 174 JE +108 14 175 JA +108 14 176 QA +108 14 177 JE +108 14 178 CA +108 14 179 QA +108 14 180 IA +108 14 181 JE +108 14 182 IP +108 14 183 JE +108 14 184 IP +108 14 185 JE +108 14 186 IA +108 14 187 JE +108 14 188 IA +108 14 189 JA +108 14 190 QA +108 14 191 IA +108 14 192 IP +108 14 193 JE +108 14 194 QA +108 14 195 IA +108 14 196 IA +108 14 197 QA +108 14 198 CA +108 14 199 JA +108 14 200 IA +108 14 201 QA +108 14 202 IA +108 14 203 QA +108 14 204 LU +108 14 205 IP +108 14 206 JA +108 14 207 QA +108 14 208 JE +108 14 209 IA +108 14 210 LU +108 14 211 IA +108 14 212 JE +108 14 213 JA +108 14 214 JE +108 14 215 IA +108 14 216 CA +108 14 217 QA +108 14 218 JE +108 14 219 JA +108 14 220 IA +108 14 221 JE +108 14 222 IP +108 14 223 IA +108 14 224 JA +108 14 225 JE +108 14 226 CA +108 14 227 CA +108 14 228 CA +108 14 229 IA +108 14 230 JA +108 14 231 QA +108 14 232 LU +108 14 233 IA +108 14 234 IA +108 14 235 IA +108 14 236 IA +108 14 237 JE +108 14 238 IA +108 14 239 QA +108 14 240 LU +108 14 241 JA +108 14 242 JE +108 14 243 IP +108 14 244 JA +108 14 245 QA +108 14 246 IA +108 14 247 IP +108 14 248 IA +108 14 249 IA +108 14 250 IP +108 14 251 IA +108 14 252 JA +108 14 253 IA +108 14 254 IA +108 14 255 LU +108 14 256 QA +108 14 257 IA +108 14 258 JE +108 14 259 QA +108 14 260 JE +108 14 261 JE +108 14 262 JA +108 14 263 LU +108 14 264 JA +108 14 265 IA +108 14 266 JE +108 14 267 IP +108 14 268 IA +108 14 269 QA +108 14 270 JE +108 14 271 IA +108 14 272 JA +108 14 273 QA +108 14 274 JA +108 14 275 JE +108 14 276 IP +108 14 277 CA +108 14 278 QA +108 14 279 CA +108 14 280 IA +108 14 281 IA +108 14 282 IA +108 14 283 QA +108 14 284 JA +108 14 285 QA +108 14 286 JA +108 14 287 JE +108 14 288 QA +108 14 289 IA +108 14 290 JE +108 14 291 IA +108 14 292 QA +108 14 293 JA +108 14 294 JA +108 14 295 LU +108 14 296 IP +108 14 297 JE +108 14 298 QA +108 14 299 IA +108 14 300 JA +108 14 301 IA +108 14 302 JA +108 14 303 IA +108 14 304 IA +108 14 305 IP +108 14 306 IA +108 14 307 IA +108 14 308 QA +108 14 309 JE +108 14 310 IA +108 14 311 CA +108 14 312 CA +108 14 313 IP +108 14 314 JA +108 14 315 IA +108 14 316 IA +108 14 317 IP +108 14 318 QA +108 14 319 JE +108 14 320 JA +108 14 321 QA +108 14 322 IA +108 14 323 IA +108 14 324 JA +108 14 325 IP +108 14 326 JE +108 14 327 IA +108 14 328 IA +108 14 329 LU +108 14 330 JA +108 15 1 IA +108 15 2 IA +108 15 3 QA +108 15 4 QA +108 15 5 IA +108 15 6 JA +108 15 7 IA +108 15 8 CA +108 15 9 * +108 15 10 IA +108 15 11 CA +108 15 12 JA +108 15 13 IA +108 15 14 CA +108 15 15 QA +108 15 16 ME +108 15 17 QA +108 15 18 CA +108 15 19 IA +108 15 20 IA +108 15 21 QA +108 15 22 JE +108 15 23 QA +108 15 24 CA +108 15 25 IA +108 15 26 IA +108 15 27 JA +108 15 28 QA +108 15 29 IA +108 15 30 JE +108 15 31 IA +108 15 32 QA +108 15 33 IA +108 15 34 IA +108 15 35 QA +108 15 36 IA +108 15 37 IA +108 15 38 QA +108 15 39 IA +108 15 40 IA +108 15 41 QA +108 15 42 JE +108 15 43 CA +108 15 44 JA +108 15 45 IA +108 15 46 CA +108 15 47 IA +108 15 48 JE +108 15 49 IA +108 15 50 IP +108 15 51 CA +108 15 52 ME +108 15 53 QA +108 15 54 IA +108 15 55 IA +108 15 56 QA +108 15 57 IA +108 15 58 JE +108 15 59 JA +108 15 60 CA +108 15 61 QA +108 15 62 QA +108 15 63 QA +108 15 64 IA +108 15 65 QA +108 15 66 JA +108 15 67 IA +108 15 68 QA +108 15 69 IA +108 15 70 JA +108 15 71 CA +108 15 72 IA +108 15 73 QA +108 15 74 IA +108 15 75 CA +108 15 76 JE +108 15 77 IA +108 15 78 QA +108 15 79 CA +108 15 80 IA +108 15 81 IA +108 15 82 IA +108 15 83 JE +108 15 84 QA +108 15 85 IA +108 15 86 QA +108 15 87 CA +108 15 88 QA +108 15 89 CA +108 15 90 CA +108 15 91 IA +108 15 92 JA +108 15 93 IA +108 15 94 CA +108 15 95 IA +108 15 96 JE +108 15 97 IA +108 15 98 QA +108 15 99 QA +108 15 100 IA +108 15 101 QA +108 15 102 IA +108 15 103 CA +108 15 104 IA +108 15 105 QA +108 15 106 JE +108 15 107 JA +108 15 108 IA +108 15 109 IA +108 15 110 JE +108 15 111 CA +108 15 112 QA +108 15 113 CA +108 15 114 IA +108 15 115 QA +108 15 116 IA +108 15 117 CA +108 15 118 QA +108 15 119 IA +108 15 120 JA +108 15 121 QA +108 15 122 IA +108 15 123 IA +108 15 124 IA +108 15 125 JE +108 15 126 QA +108 15 127 CA +108 15 128 JE +108 15 129 JA +108 15 130 CA +108 15 131 QA +108 15 132 QA +108 15 133 IA +108 15 134 CA +108 15 135 QA +108 15 136 IA +108 15 137 IA +108 15 138 IA +108 15 139 JA +108 15 140 IA +108 15 141 JA +108 15 142 JA +108 15 143 IA +108 15 144 IA +108 15 145 IA +108 15 146 JE +108 15 147 IA +108 15 148 QA +108 15 149 IA +108 15 150 QA +108 15 151 QA +108 15 152 QA +108 15 153 IA +108 15 154 CA +108 15 155 CA +108 15 156 IA +108 15 157 CA +108 15 158 JA +108 15 159 JE +108 15 160 QA +108 15 161 IA +108 15 162 QA +108 15 163 IA +108 15 164 IA +108 15 165 IA +108 15 166 CA +108 15 167 QA +108 15 168 IA +108 15 169 IA +108 15 170 CA +108 15 171 IA +108 15 172 JA +108 15 173 QA +108 15 174 JE +108 15 175 IA +108 15 176 QA +108 15 177 JE +108 15 178 IA +108 15 179 QA +108 15 180 IA +108 15 181 JE +108 15 182 CA +108 15 183 CA +108 15 184 QA +108 15 185 JE +108 15 186 IA +108 15 187 JE +108 15 188 IA +108 15 189 IA +108 15 190 QA +108 15 191 IA +108 15 192 QA +108 15 193 JE +108 15 194 QA +108 15 195 IA +108 15 196 IA +108 15 197 QA +108 15 198 CA +108 15 199 * +108 15 200 IA +108 15 201 QA +108 15 202 IA +108 15 203 QA +108 15 204 CA +108 15 205 QA +108 15 206 JA +108 15 207 QA +108 15 208 JE +108 15 209 IA +108 15 210 CA +108 15 211 IA +108 15 212 JE +108 15 213 IA +108 15 214 JE +108 15 215 QA +108 15 216 CA +108 15 217 QA +108 15 218 JE +108 15 219 IA +108 15 220 IA +108 15 221 JA +108 15 222 QA +108 15 223 IA +108 15 224 JA +108 15 225 JE +108 15 226 IA +108 15 227 CA +108 15 228 CA +108 15 229 IA +108 15 230 JA +108 15 231 QA +108 15 232 IA +108 15 233 IA +108 15 234 IA +108 15 235 IA +108 15 236 IA +108 15 237 JE +108 15 238 IA +108 15 239 QA +108 15 240 QA +108 15 241 JA +108 15 242 JE +108 15 243 QA +108 15 244 JA +108 15 245 QA +108 15 246 IA +108 15 247 QA +108 15 248 CA +108 15 249 IA +108 15 250 QA +108 15 251 IA +108 15 252 JA +108 15 253 IA +108 15 254 IA +108 15 255 CA +108 15 256 QA +108 15 257 IA +108 15 258 JE +108 15 259 QA +108 15 260 JE +108 15 261 JE +108 15 262 JA +108 15 263 CA +108 15 264 IA +108 15 265 IA +108 15 266 QA +108 15 267 QA +108 15 268 IA +108 15 269 QA +108 15 270 * +108 15 271 IA +108 15 272 JA +108 15 273 QA +108 15 274 JA +108 15 275 JE +108 15 276 QA +108 15 277 CA +108 15 278 QA +108 15 279 IA +108 15 280 IA +108 15 281 IA +108 15 282 IA +108 15 283 CA +108 15 284 IA +108 15 285 QA +108 15 286 JA +108 15 287 JE +108 15 288 QA +108 15 289 IA +108 15 290 JA +108 15 291 IA +108 15 292 QA +108 15 293 IA +108 15 294 JA +108 15 295 CA +108 15 296 QA +108 15 297 JE +108 15 298 QA +108 15 299 IA +108 15 300 JA +108 15 301 IA +108 15 302 JA +108 15 303 JA +108 15 304 IA +108 15 305 QA +108 15 306 IA +108 15 307 IA +108 15 308 QA +108 15 309 CA +108 15 310 IA +108 15 311 IA +108 15 312 CA +108 15 313 IA +108 15 314 JA +108 15 315 IA +108 15 316 IA +108 15 317 QA +108 15 318 QA +108 15 319 IA +108 15 320 * +108 15 321 QA +108 15 322 IA +108 15 323 IA +108 15 324 JA +108 15 325 QA +108 15 326 JE +108 15 327 JA +108 15 328 IA +108 15 329 CA +108 15 330 JA +108 16 1 IP +108 16 2 IA +108 16 3 JE +108 16 4 QA +108 16 5 IA +108 16 6 ME +108 16 7 IA +108 16 8 QA +108 16 9 QA +108 16 10 IA +108 16 11 CA +108 16 12 JE +108 16 13 IA +108 16 14 CA +108 16 15 ME +108 16 16 JA +108 16 17 ME +108 16 18 CA +108 16 19 IP +108 16 20 IA +108 16 21 QA +108 16 22 JE +108 16 23 QA +108 16 24 CA +108 16 25 IA +108 16 26 IP +108 16 27 JA +108 16 28 CA +108 16 29 IA +108 16 30 IP +108 16 31 IA +108 16 32 QA +108 16 33 IA +108 16 34 IA +108 16 35 ME +108 16 36 IA +108 16 37 IP +108 16 38 QA +108 16 39 IP +108 16 40 IA +108 16 41 QA +108 16 42 JE +108 16 43 CA +108 16 44 JA +108 16 45 IA +108 16 46 JA +108 16 47 CA +108 16 48 JE +108 16 49 ME +108 16 50 QA +108 16 51 QA +108 16 52 JA +108 16 53 QA +108 16 54 * +108 16 55 IA +108 16 56 ME +108 16 57 IA +108 16 58 ME +108 16 59 JA +108 16 60 IA +108 16 61 QA +108 16 62 ME +108 16 63 ME +108 16 64 IA +108 16 65 QA +108 16 66 JA +108 16 67 IA +108 16 68 QA +108 16 69 IP +108 16 70 JA +108 16 71 CA +108 16 72 IA +108 16 73 QA +108 16 74 IA +108 16 75 IA +108 16 76 QA +108 16 77 IA +108 16 78 ME +108 16 79 CA +108 16 80 IP +108 16 81 IP +108 16 82 IA +108 16 83 JE +108 16 84 ME +108 16 85 IA +108 16 86 QA +108 16 87 QA +108 16 88 QA +108 16 89 CA +108 16 90 IA +108 16 91 IA +108 16 92 ME +108 16 93 IP +108 16 94 CA +108 16 95 ME +108 16 96 JE +108 16 97 IA +108 16 98 QA +108 16 99 ME +108 16 100 IA +108 16 101 QA +108 16 102 ME +108 16 103 QA +108 16 104 IA +108 16 105 QA +108 16 106 JE +108 16 107 JA +108 16 108 ME +108 16 109 IP +108 16 110 JE +108 16 111 IA +108 16 112 QA +108 16 113 CA +108 16 114 IA +108 16 115 QA +108 16 116 IA +108 16 117 QA +108 16 118 ME +108 16 119 IA +108 16 120 JA +108 16 121 JE +108 16 122 IA +108 16 123 IP +108 16 124 JE +108 16 125 JE +108 16 126 ME +108 16 127 CA +108 16 128 JE +108 16 129 JA +108 16 130 IP +108 16 131 CA +108 16 132 QA +108 16 133 IA +108 16 134 QA +108 16 135 QA +108 16 136 IP +108 16 137 IA +108 16 138 IP +108 16 139 JA +108 16 140 IP +108 16 141 JA +108 16 142 JA +108 16 143 IA +108 16 144 QA +108 16 145 IA +108 16 146 JE +108 16 147 IA +108 16 148 QA +108 16 149 IA +108 16 150 QA +108 16 151 JE +108 16 152 ME +108 16 153 IP +108 16 154 LU +108 16 155 QA +108 16 156 IA +108 16 157 QA +108 16 158 JA +108 16 159 JE +108 16 160 ME +108 16 161 IA +108 16 162 QA +108 16 163 IA +108 16 164 IP +108 16 165 IP +108 16 166 CA +108 16 167 ME +108 16 168 IA +108 16 169 IA +108 16 170 CA +108 16 171 IP +108 16 172 JA +108 16 173 QA +108 16 174 JE +108 16 175 IA +108 16 176 QA +108 16 177 JE +108 16 178 IP +108 16 179 QA +108 16 180 IA +108 16 181 JE +108 16 182 QA +108 16 183 QA +108 16 184 QA +108 16 185 QA +108 16 186 IA +108 16 187 JE +108 16 188 IA +108 16 189 JA +108 16 190 ME +108 16 191 IA +108 16 192 QA +108 16 193 JE +108 16 194 QA +108 16 195 IP +108 16 196 IA +108 16 197 QA +108 16 198 CA +108 16 199 JA +108 16 200 IA +108 16 201 ME +108 16 202 IA +108 16 203 QA +108 16 204 CA +108 16 205 QA +108 16 206 JE +108 16 207 QA +108 16 208 JE +108 16 209 IA +108 16 210 QA +108 16 211 IA +108 16 212 JE +108 16 213 ME +108 16 214 JE +108 16 215 ME +108 16 216 IP +108 16 217 ME +108 16 218 JE +108 16 219 ME +108 16 220 IP +108 16 221 JA +108 16 222 QA +108 16 223 IA +108 16 224 JA +108 16 225 JE +108 16 226 IA +108 16 227 CA +108 16 228 IP +108 16 229 IA +108 16 230 JA +108 16 231 QA +108 16 232 JE +108 16 233 ME +108 16 234 IA +108 16 235 IP +108 16 236 IA +108 16 237 JE +108 16 238 IA +108 16 239 ME +108 16 240 ME +108 16 241 JA +108 16 242 JE +108 16 243 QA +108 16 244 JA +108 16 245 QA +108 16 246 IA +108 16 247 QA +108 16 248 IA +108 16 249 IA +108 16 250 QA +108 16 251 IA +108 16 252 JA +108 16 253 IA +108 16 254 ME +108 16 255 CA +108 16 256 QA +108 16 257 IA +108 16 258 JE +108 16 259 QA +108 16 260 JE +108 16 261 JE +108 16 262 JA +108 16 263 ME +108 16 264 JA +108 16 265 IA +108 16 266 JE +108 16 267 QA +108 16 268 QA +108 16 269 QA +108 16 270 JE +108 16 271 IA +108 16 272 JA +108 16 273 QA +108 16 274 JA +108 16 275 QA +108 16 276 QA +108 16 277 IP +108 16 278 QA +108 16 279 IP +108 16 280 IA +108 16 281 IA +108 16 282 IA +108 16 283 QA +108 16 284 JA +108 16 285 ME +108 16 286 JA +108 16 287 JE +108 16 288 QA +108 16 289 IA +108 16 290 JA +108 16 291 IP +108 16 292 ME +108 16 293 JA +108 16 294 * +108 16 295 JE +108 16 296 QA +108 16 297 JE +108 16 298 QA +108 16 299 IA +108 16 300 JA +108 16 301 IA +108 16 302 ME +108 16 303 JA +108 16 304 IA +108 16 305 QA +108 16 306 IA +108 16 307 IA +108 16 308 QA +108 16 309 JE +108 16 310 IA +108 16 311 IA +108 16 312 CA +108 16 313 IP +108 16 314 JA +108 16 315 IA +108 16 316 IA +108 16 317 QA +108 16 318 QA +108 16 319 IA +108 16 320 * +108 16 321 QA +108 16 322 IP +108 16 323 IA +108 16 324 JA +108 16 325 QA +108 16 326 JE +108 16 327 JA +108 16 328 IA +108 16 329 QA +108 16 330 JA +108 17 1 IA +108 17 2 IA +108 17 3 QA +108 17 4 IP +108 17 5 IA +108 17 6 JE +108 17 7 IA +108 17 8 IP +108 17 9 QA +108 17 10 CA +108 17 11 IA +108 17 12 JE +108 17 13 IA +108 17 14 IA +108 17 15 QA +108 17 16 JA +108 17 17 QA +108 17 18 CA +108 17 19 IA +108 17 20 IA +108 17 21 QA +108 17 22 JE +108 17 23 IP +108 17 24 CA +108 17 25 IA +108 17 26 CA +108 17 27 JA +108 17 28 QA +108 17 29 IA +108 17 30 QA +108 17 31 IA +108 17 32 QA +108 17 33 IA +108 17 34 IP +108 17 35 QA +108 17 36 IA +108 17 37 IA +108 17 38 QA +108 17 39 IA +108 17 40 IA +108 17 41 QA +108 17 42 JE +108 17 43 CA +108 17 44 JA +108 17 45 IA +108 17 46 CA +108 17 47 IA +108 17 48 JE +108 17 49 IA +108 17 50 IP +108 17 51 CA +108 17 52 JA +108 17 53 IP +108 17 54 IA +108 17 55 IA +108 17 56 QA +108 17 57 IA +108 17 58 JE +108 17 59 IP +108 17 60 CA +108 17 61 QA +108 17 62 IP +108 17 63 QA +108 17 64 IA +108 17 65 QA +108 17 66 JA +108 17 67 IA +108 17 68 QA +108 17 69 IA +108 17 70 JA +108 17 71 QA +108 17 72 IA +108 17 73 IP +108 17 74 IA +108 17 75 IA +108 17 76 QA +108 17 77 IP +108 17 78 JE +108 17 79 CA +108 17 80 IP +108 17 81 IA +108 17 82 IA +108 17 83 JA +108 17 84 JE +108 17 85 IA +108 17 86 QA +108 17 87 CA +108 17 88 IP +108 17 89 CA +108 17 90 IA +108 17 91 IA +108 17 92 JA +108 17 93 IA +108 17 94 CA +108 17 95 IA +108 17 96 JE +108 17 97 IP +108 17 98 QA +108 17 99 IA +108 17 100 IA +108 17 101 IP +108 17 102 IA +108 17 103 JE +108 17 104 IA +108 17 105 IP +108 17 106 JE +108 17 107 JA +108 17 108 IA +108 17 109 IP +108 17 110 JE +108 17 111 IA +108 17 112 QA +108 17 113 CA +108 17 114 IA +108 17 115 QA +108 17 116 IA +108 17 117 CA +108 17 118 QA +108 17 119 IA +108 17 120 JA +108 17 121 QA +108 17 122 IA +108 17 123 IA +108 17 124 IA +108 17 125 QA +108 17 126 QA +108 17 127 CA +108 17 128 IA +108 17 129 JA +108 17 130 CA +108 17 131 QA +108 17 132 QA +108 17 133 IA +108 17 134 QA +108 17 135 IP +108 17 136 IA +108 17 137 IA +108 17 138 IA +108 17 139 QA +108 17 140 IA +108 17 141 JA +108 17 142 JA +108 17 143 IA +108 17 144 IP +108 17 145 IA +108 17 146 JE +108 17 147 IA +108 17 148 QA +108 17 149 IA +108 17 150 IP +108 17 151 QA +108 17 152 IP +108 17 153 IA +108 17 154 CA +108 17 155 IP +108 17 156 IA +108 17 157 QA +108 17 158 JA +108 17 159 JE +108 17 160 QA +108 17 161 IA +108 17 162 QA +108 17 163 IA +108 17 164 IA +108 17 165 CA +108 17 166 IA +108 17 167 IP +108 17 168 IA +108 17 169 IA +108 17 170 CA +108 17 171 IA +108 17 172 JA +108 17 173 QA +108 17 174 QA +108 17 175 IA +108 17 176 QA +108 17 177 JE +108 17 178 IA +108 17 179 QA +108 17 180 IA +108 17 181 JE +108 17 182 QA +108 17 183 CA +108 17 184 IP +108 17 185 QA +108 17 186 IA +108 17 187 QA +108 17 188 IA +108 17 189 IA +108 17 190 QA +108 17 191 IA +108 17 192 IP +108 17 193 JE +108 17 194 QA +108 17 195 IA +108 17 196 IA +108 17 197 IP +108 17 198 CA +108 17 199 JA +108 17 200 IA +108 17 201 JE +108 17 202 IA +108 17 203 IP +108 17 204 CA +108 17 205 IP +108 17 206 JA +108 17 207 QA +108 17 208 JE +108 17 209 IA +108 17 210 QA +108 17 211 IP +108 17 212 QA +108 17 213 IP +108 17 214 IA +108 17 215 QA +108 17 216 IA +108 17 217 JE +108 17 218 IP +108 17 219 JA +108 17 220 IA +108 17 221 JA +108 17 222 IP +108 17 223 IA +108 17 224 JA +108 17 225 JE +108 17 226 IA +108 17 227 CA +108 17 228 IA +108 17 229 IA +108 17 230 JA +108 17 231 QA +108 17 232 CA +108 17 233 IP +108 17 234 IA +108 17 235 IP +108 17 236 IA +108 17 237 QA +108 17 238 IA +108 17 239 JE +108 17 240 QA +108 17 241 JA +108 17 242 JE +108 17 243 QA +108 17 244 JA +108 17 245 QA +108 17 246 IA +108 17 247 IP +108 17 248 IA +108 17 249 IA +108 17 250 IP +108 17 251 IA +108 17 252 JE +108 17 253 IA +108 17 254 IA +108 17 255 CA +108 17 256 QA +108 17 257 IA +108 17 258 JE +108 17 259 QA +108 17 260 JE +108 17 261 QA +108 17 262 JA +108 17 263 CA +108 17 264 JA +108 17 265 IA +108 17 266 QA +108 17 267 IP +108 17 268 IA +108 17 269 QA +108 17 270 JE +108 17 271 IA +108 17 272 JA +108 17 273 IP +108 17 274 JA +108 17 275 JE +108 17 276 IP +108 17 277 CA +108 17 278 QA +108 17 279 IP +108 17 280 IA +108 17 281 IA +108 17 282 IA +108 17 283 CA +108 17 284 IA +108 17 285 QA +108 17 286 JA +108 17 287 JE +108 17 288 QA +108 17 289 IA +108 17 290 JA +108 17 291 IA +108 17 292 QA +108 17 293 IA +108 17 294 JA +108 17 295 CA +108 17 296 IP +108 17 297 JE +108 17 298 QA +108 17 299 IA +108 17 300 JA +108 17 301 IA +108 17 302 JE +108 17 303 JA +108 17 304 JE +108 17 305 QA +108 17 306 IA +108 17 307 IA +108 17 308 IP +108 17 309 CA +108 17 310 IA +108 17 311 IA +108 17 312 CA +108 17 313 IP +108 17 314 JA +108 17 315 IA +108 17 316 IA +108 17 317 IP +108 17 318 QA +108 17 319 IA +108 17 320 JA +108 17 321 QA +108 17 322 IP +108 17 323 IA +108 17 324 JA +108 17 325 IP +108 17 326 JE +108 17 327 JA +108 17 328 IA +108 17 329 JE +108 17 330 JA +108 18 1 IA +108 18 2 IA +108 18 3 QA +108 18 4 IP +108 18 5 IA +108 18 6 JE +108 18 7 IA +108 18 8 QA +108 18 9 QA +108 18 10 IP +108 18 11 IA +108 18 12 JE +108 18 13 IA +108 18 14 CA +108 18 15 QA +108 18 16 JA +108 18 17 QA +108 18 18 CA +108 18 19 IA +108 18 20 IA +108 18 21 QA +108 18 22 JE +108 18 23 IP +108 18 24 * +108 18 25 IA +108 18 26 IP +108 18 27 JE +108 18 28 QA +108 18 29 IA +108 18 30 JE +108 18 31 IA +108 18 32 QA +108 18 33 IA +108 18 34 IP +108 18 35 QA +108 18 36 IA +108 18 37 IP +108 18 38 QA +108 18 39 IA +108 18 40 IA +108 18 41 QA +108 18 42 JE +108 18 43 IP +108 18 44 QA +108 18 45 IA +108 18 46 LU +108 18 47 IA +108 18 48 JE +108 18 49 IA +108 18 50 IP +108 18 51 * +108 18 52 IA +108 18 53 QA +108 18 54 IA +108 18 55 IA +108 18 56 QA +108 18 57 IA +108 18 58 JE +108 18 59 JA +108 18 60 CA +108 18 61 QA +108 18 62 IP +108 18 63 QA +108 18 64 IA +108 18 65 QA +108 18 66 JE +108 18 67 IA +108 18 68 QA +108 18 69 IA +108 18 70 JA +108 18 71 IP +108 18 72 IA +108 18 73 IP +108 18 74 IA +108 18 75 CA +108 18 76 JE +108 18 77 IA +108 18 78 QA +108 18 79 CA +108 18 80 IP +108 18 81 IA +108 18 82 IA +108 18 83 JE +108 18 84 QA +108 18 85 IA +108 18 86 QA +108 18 87 CA +108 18 88 IP +108 18 89 CA +108 18 90 CA +108 18 91 JE +108 18 92 JE +108 18 93 IA +108 18 94 CA +108 18 95 IA +108 18 96 JE +108 18 97 IP +108 18 98 QA +108 18 99 QA +108 18 100 IA +108 18 101 QA +108 18 102 JA +108 18 103 IA +108 18 104 IA +108 18 105 IP +108 18 106 JE +108 18 107 JA +108 18 108 IA +108 18 109 IP +108 18 110 JE +108 18 111 IA +108 18 112 QA +108 18 113 CA +108 18 114 QA +108 18 115 QA +108 18 116 IA +108 18 117 CA +108 18 118 QA +108 18 119 IA +108 18 120 JA +108 18 121 QA +108 18 122 IA +108 18 123 CA +108 18 124 IA +108 18 125 QA +108 18 126 QA +108 18 127 CA +108 18 128 JE +108 18 129 JA +108 18 130 CA +108 18 131 IP +108 18 132 QA +108 18 133 IA +108 18 134 QA +108 18 135 QA +108 18 136 IA +108 18 137 IA +108 18 138 IP +108 18 139 JA +108 18 140 IA +108 18 141 JA +108 18 142 JA +108 18 143 IA +108 18 144 IP +108 18 145 IA +108 18 146 JE +108 18 147 IA +108 18 148 QA +108 18 149 IA +108 18 150 IP +108 18 151 QA +108 18 152 QA +108 18 153 IA +108 18 154 CA +108 18 155 CA +108 18 156 IA +108 18 157 CA +108 18 158 JA +108 18 159 JE +108 18 160 QA +108 18 161 IA +108 18 162 QA +108 18 163 IA +108 18 164 IA +108 18 165 IA +108 18 166 IA +108 18 167 IP +108 18 168 IA +108 18 169 IA +108 18 170 CA +108 18 171 IA +108 18 172 JA +108 18 173 QA +108 18 174 JE +108 18 175 IA +108 18 176 QA +108 18 177 JE +108 18 178 IA +108 18 179 QA +108 18 180 IA +108 18 181 JE +108 18 182 IP +108 18 183 CA +108 18 184 IP +108 18 185 QA +108 18 186 IA +108 18 187 JE +108 18 188 IA +108 18 189 IA +108 18 190 QA +108 18 191 IA +108 18 192 IP +108 18 193 JE +108 18 194 QA +108 18 195 IA +108 18 196 IA +108 18 197 QA +108 18 198 CA +108 18 199 JE +108 18 200 IA +108 18 201 QA +108 18 202 IA +108 18 203 IP +108 18 204 CA +108 18 205 IP +108 18 206 JE +108 18 207 QA +108 18 208 JE +108 18 209 IA +108 18 210 QA +108 18 211 IA +108 18 212 JE +108 18 213 QA +108 18 214 JE +108 18 215 QA +108 18 216 CA +108 18 217 QA +108 18 218 JE +108 18 219 IA +108 18 220 IP +108 18 221 IA +108 18 222 IP +108 18 223 IA +108 18 224 JA +108 18 225 JE +108 18 226 IA +108 18 227 CA +108 18 228 CA +108 18 229 IA +108 18 230 JE +108 18 231 IP +108 18 232 JE +108 18 233 LU +108 18 234 IA +108 18 235 IA +108 18 236 IA +108 18 237 JE +108 18 238 IA +108 18 239 QA +108 18 240 QA +108 18 241 JA +108 18 242 JE +108 18 243 IP +108 18 244 JA +108 18 245 QA +108 18 246 IA +108 18 247 IP +108 18 248 CA +108 18 249 IA +108 18 250 IP +108 18 251 IA +108 18 252 JE +108 18 253 IA +108 18 254 IP +108 18 255 CA +108 18 256 QA +108 18 257 IA +108 18 258 JE +108 18 259 QA +108 18 260 JE +108 18 261 QA +108 18 262 JA +108 18 263 LU +108 18 264 JA +108 18 265 IA +108 18 266 QA +108 18 267 IP +108 18 268 IA +108 18 269 QA +108 18 270 JE +108 18 271 IA +108 18 272 JA +108 18 273 QA +108 18 274 JA +108 18 275 JE +108 18 276 IP +108 18 277 CA +108 18 278 QA +108 18 279 IP +108 18 280 IA +108 18 281 IA +108 18 282 IA +108 18 283 QA +108 18 284 JA +108 18 285 QA +108 18 286 JA +108 18 287 JE +108 18 288 QA +108 18 289 IA +108 18 290 JA +108 18 291 IP +108 18 292 QA +108 18 293 IA +108 18 294 JA +108 18 295 JE +108 18 296 IP +108 18 297 JE +108 18 298 QA +108 18 299 IA +108 18 300 JA +108 18 301 IA +108 18 302 IA +108 18 303 LU +108 18 304 IA +108 18 305 IP +108 18 306 IA +108 18 307 IA +108 18 308 IP +108 18 309 IP +108 18 310 IA +108 18 311 IA +108 18 312 CA +108 18 313 IP +108 18 314 JA +108 18 315 IA +108 18 316 IA +108 18 317 IP +108 18 318 JE +108 18 319 JE +108 18 320 JA +108 18 321 QA +108 18 322 IA +108 18 323 IA +108 18 324 JE +108 18 325 IP +108 18 326 JE +108 18 327 JA +108 18 328 IA +108 18 329 QA +108 18 330 IA +108 19 1 IA +108 19 2 JA +108 19 3 QA +108 19 4 IP +108 19 5 IA +108 19 6 ME +108 19 7 IA +108 19 8 QA +108 19 9 JE +108 19 10 IP +108 19 11 CA +108 19 12 JE +108 19 13 IA +108 19 14 IA +108 19 15 QA +108 19 16 JA +108 19 17 QA +108 19 18 CA +108 19 19 IA +108 19 20 IA +108 19 21 QA +108 19 22 ME +108 19 23 IP +108 19 24 CA +108 19 25 IA +108 19 26 IA +108 19 27 JA +108 19 28 QA +108 19 29 IA +108 19 30 JE +108 19 31 IA +108 19 32 QA +108 19 33 IA +108 19 34 IA +108 19 35 QA +108 19 36 IA +108 19 37 IP +108 19 38 QA +108 19 39 IA +108 19 40 IA +108 19 41 QA +108 19 42 JE +108 19 43 IA +108 19 44 JA +108 19 45 IA +108 19 46 JA +108 19 47 CA +108 19 48 JE +108 19 49 IA +108 19 50 IP +108 19 51 * +108 19 52 JA +108 19 53 QA +108 19 54 IA +108 19 55 IA +108 19 56 QA +108 19 57 IA +108 19 58 CA +108 19 59 ME +108 19 60 CA +108 19 61 QA +108 19 62 JA +108 19 63 QA +108 19 64 IA +108 19 65 QA +108 19 66 JA +108 19 67 IA +108 19 68 QA +108 19 69 CA +108 19 70 JA +108 19 71 QA +108 19 72 IA +108 19 73 IP +108 19 74 ME +108 19 75 CA +108 19 76 QA +108 19 77 IA +108 19 78 JA +108 19 79 CA +108 19 80 IP +108 19 81 IA +108 19 82 IA +108 19 83 JE +108 19 84 QA +108 19 85 IA +108 19 86 QA +108 19 87 CA +108 19 88 IP +108 19 89 CA +108 19 90 IA +108 19 91 IP +108 19 92 JA +108 19 93 IP +108 19 94 CA +108 19 95 JA +108 19 96 JE +108 19 97 IP +108 19 98 QA +108 19 99 ME +108 19 100 IA +108 19 101 IP +108 19 102 JA +108 19 103 CA +108 19 104 IA +108 19 105 IA +108 19 106 JE +108 19 107 JA +108 19 108 JA +108 19 109 IA +108 19 110 JE +108 19 111 CA +108 19 112 QA +108 19 113 CA +108 19 114 IA +108 19 115 QA +108 19 116 IA +108 19 117 CA +108 19 118 QA +108 19 119 IA +108 19 120 JA +108 19 121 QA +108 19 122 IA +108 19 123 CA +108 19 124 JE +108 19 125 QA +108 19 126 JA +108 19 127 CA +108 19 128 JE +108 19 129 JA +108 19 130 CA +108 19 131 IP +108 19 132 QA +108 19 133 IA +108 19 134 CA +108 19 135 IP +108 19 136 IA +108 19 137 IA +108 19 138 IA +108 19 139 JA +108 19 140 IP +108 19 141 JA +108 19 142 JA +108 19 143 IA +108 19 144 IP +108 19 145 IA +108 19 146 JE +108 19 147 IP +108 19 148 QA +108 19 149 IA +108 19 150 IP +108 19 151 QA +108 19 152 QA +108 19 153 IA +108 19 154 CA +108 19 155 CA +108 19 156 IA +108 19 157 CA +108 19 158 JA +108 19 159 JE +108 19 160 QA +108 19 161 IA +108 19 162 QA +108 19 163 IA +108 19 164 IP +108 19 165 IA +108 19 166 IA +108 19 167 JA +108 19 168 IA +108 19 169 IA +108 19 170 CA +108 19 171 CA +108 19 172 JA +108 19 173 QA +108 19 174 JE +108 19 175 JA +108 19 176 QA +108 19 177 JE +108 19 178 IA +108 19 179 QA +108 19 180 IA +108 19 181 JE +108 19 182 QA +108 19 183 JE +108 19 184 IP +108 19 185 JE +108 19 186 IA +108 19 187 JE +108 19 188 IP +108 19 189 JA +108 19 190 ME +108 19 191 IA +108 19 192 IP +108 19 193 JE +108 19 194 QA +108 19 195 IA +108 19 196 IA +108 19 197 IP +108 19 198 CA +108 19 199 JA +108 19 200 IA +108 19 201 QA +108 19 202 IA +108 19 203 IP +108 19 204 CA +108 19 205 IA +108 19 206 JA +108 19 207 QA +108 19 208 JE +108 19 209 IA +108 19 210 CA +108 19 211 IA +108 19 212 JE +108 19 213 JA +108 19 214 JE +108 19 215 IP +108 19 216 CA +108 19 217 JA +108 19 218 IA +108 19 219 IA +108 19 220 IP +108 19 221 JA +108 19 222 IP +108 19 223 IA +108 19 224 JA +108 19 225 IA +108 19 226 IA +108 19 227 CA +108 19 228 CA +108 19 229 IA +108 19 230 JA +108 19 231 IP +108 19 232 CA +108 19 233 IA +108 19 234 IA +108 19 235 IA +108 19 236 IA +108 19 237 JA +108 19 238 IA +108 19 239 QA +108 19 240 QA +108 19 241 JA +108 19 242 JE +108 19 243 IP +108 19 244 JA +108 19 245 QA +108 19 246 IA +108 19 247 IA +108 19 248 CA +108 19 249 IA +108 19 250 IP +108 19 251 IA +108 19 252 JA +108 19 253 IA +108 19 254 IA +108 19 255 CA +108 19 256 QA +108 19 257 IA +108 19 258 JE +108 19 259 QA +108 19 260 JA +108 19 261 JE +108 19 262 JA +108 19 263 ME +108 19 264 JA +108 19 265 IA +108 19 266 JE +108 19 267 IP +108 19 268 IA +108 19 269 IP +108 19 270 JE +108 19 271 IA +108 19 272 JA +108 19 273 IP +108 19 274 JA +108 19 275 JE +108 19 276 QA +108 19 277 CA +108 19 278 QA +108 19 279 IA +108 19 280 IA +108 19 281 IA +108 19 282 IA +108 19 283 CA +108 19 284 JA +108 19 285 IA +108 19 286 JA +108 19 287 JE +108 19 288 QA +108 19 289 IA +108 19 290 JA +108 19 291 IA +108 19 292 QA +108 19 293 JE +108 19 294 JA +108 19 295 CA +108 19 296 IP +108 19 297 JE +108 19 298 QA +108 19 299 IA +108 19 300 JA +108 19 301 IA +108 19 302 JA +108 19 303 JA +108 19 304 IA +108 19 305 QA +108 19 306 IA +108 19 307 IA +108 19 308 IP +108 19 309 CA +108 19 310 IA +108 19 311 IA +108 19 312 CA +108 19 313 IP +108 19 314 JA +108 19 315 IA +108 19 316 IA +108 19 317 IP +108 19 318 JE +108 19 319 JA +108 19 320 IA +108 19 321 QA +108 19 322 IA +108 19 323 IA +108 19 324 JA +108 19 325 IP +108 19 326 JE +108 19 327 JA +108 19 328 IA +108 19 329 CA +108 19 330 ME +108 20 1 IA +108 20 2 IA +108 20 3 QA +108 20 4 IA +108 20 5 IA +108 20 6 JA +108 20 7 IA +108 20 8 QA +108 20 9 JE +108 20 10 IP +108 20 11 IA +108 20 12 JE +108 20 13 IA +108 20 14 CA +108 20 15 JA +108 20 16 JA +108 20 17 QA +108 20 18 CA +108 20 19 IA +108 20 20 IA +108 20 21 QA +108 20 22 JE +108 20 23 IP +108 20 24 * +108 20 25 IP +108 20 26 IA +108 20 27 JA +108 20 28 QA +108 20 29 IA +108 20 30 JE +108 20 31 JA +108 20 32 QA +108 20 33 IA +108 20 34 IA +108 20 35 QA +108 20 36 IA +108 20 37 IA +108 20 38 QA +108 20 39 IA +108 20 40 IA +108 20 41 QA +108 20 42 JE +108 20 43 IP +108 20 44 JA +108 20 45 IA +108 20 46 LU +108 20 47 CA +108 20 48 JE +108 20 49 IA +108 20 50 IP +108 20 51 * +108 20 52 JA +108 20 53 QA +108 20 54 IA +108 20 55 IA +108 20 56 QA +108 20 57 * +108 20 58 JE +108 20 59 JA +108 20 60 CA +108 20 61 QA +108 20 62 IP +108 20 63 QA +108 20 64 IA +108 20 65 QA +108 20 66 JA +108 20 67 IA +108 20 68 QA +108 20 69 IA +108 20 70 JA +108 20 71 QA +108 20 72 IA +108 20 73 IP +108 20 74 JA +108 20 75 IA +108 20 76 QA +108 20 77 IA +108 20 78 JA +108 20 79 CA +108 20 80 IA +108 20 81 IA +108 20 82 IA +108 20 83 JA +108 20 84 JA +108 20 85 IA +108 20 86 QA +108 20 87 CA +108 20 88 QA +108 20 89 CA +108 20 90 IA +108 20 91 JE +108 20 92 JA +108 20 93 IA +108 20 94 * +108 20 95 JA +108 20 96 JE +108 20 97 IP +108 20 98 QA +108 20 99 JA +108 20 100 IA +108 20 101 QA +108 20 102 JA +108 20 103 JE +108 20 104 IA +108 20 105 IP +108 20 106 JE +108 20 107 JA +108 20 108 JA +108 20 109 IA +108 20 110 JE +108 20 111 IA +108 20 112 QA +108 20 113 CA +108 20 114 IA +108 20 115 QA +108 20 116 JA +108 20 117 CA +108 20 118 QA +108 20 119 IA +108 20 120 JA +108 20 121 QA +108 20 122 IA +108 20 123 IA +108 20 124 IA +108 20 125 JE +108 20 126 QA +108 20 127 CA +108 20 128 JE +108 20 129 JA +108 20 130 * +108 20 131 IP +108 20 132 QA +108 20 133 IA +108 20 134 CA +108 20 135 QA +108 20 136 IA +108 20 137 IP +108 20 138 IA +108 20 139 JA +108 20 140 IA +108 20 141 JA +108 20 142 JA +108 20 143 IA +108 20 144 IP +108 20 145 IA +108 20 146 JE +108 20 147 IA +108 20 148 QA +108 20 149 IA +108 20 150 IP +108 20 151 QA +108 20 152 JA +108 20 153 IA +108 20 154 JA +108 20 155 CA +108 20 156 IA +108 20 157 JE +108 20 158 JA +108 20 159 JE +108 20 160 QA +108 20 161 IA +108 20 162 QA +108 20 163 IA +108 20 164 IA +108 20 165 JE +108 20 166 CA +108 20 167 IA +108 20 168 IA +108 20 169 IA +108 20 170 CA +108 20 171 IA +108 20 172 JA +108 20 173 QA +108 20 174 JE +108 20 175 IA +108 20 176 QA +108 20 177 JA +108 20 178 IA +108 20 179 QA +108 20 180 IA +108 20 181 JE +108 20 182 IP +108 20 183 JE +108 20 184 IP +108 20 185 JE +108 20 186 IA +108 20 187 JE +108 20 188 IA +108 20 189 IA +108 20 190 QA +108 20 191 IA +108 20 192 IP +108 20 193 JE +108 20 194 QA +108 20 195 IA +108 20 196 IA +108 20 197 IA +108 20 198 CA +108 20 199 JA +108 20 200 IA +108 20 201 QA +108 20 202 IA +108 20 203 QA +108 20 204 CA +108 20 205 IP +108 20 206 JA +108 20 207 QA +108 20 208 JE +108 20 209 IA +108 20 210 CA +108 20 211 IA +108 20 212 JE +108 20 213 JA +108 20 214 JE +108 20 215 QA +108 20 216 CA +108 20 217 QA +108 20 218 JE +108 20 219 JA +108 20 220 IA +108 20 221 JA +108 20 222 IP +108 20 223 IA +108 20 224 JA +108 20 225 JE +108 20 226 CA +108 20 227 CA +108 20 228 IA +108 20 229 IA +108 20 230 JA +108 20 231 IP +108 20 232 JE +108 20 233 IA +108 20 234 IA +108 20 235 IP +108 20 236 IA +108 20 237 JE +108 20 238 IA +108 20 239 QA +108 20 240 QA +108 20 241 JA +108 20 242 JA +108 20 243 QA +108 20 244 JA +108 20 245 QA +108 20 246 IA +108 20 247 IA +108 20 248 IA +108 20 249 IA +108 20 250 IP +108 20 251 IA +108 20 252 JA +108 20 253 IA +108 20 254 IA +108 20 255 CA +108 20 256 QA +108 20 257 IA +108 20 258 JA +108 20 259 QA +108 20 260 JA +108 20 261 JE +108 20 262 JA +108 20 263 JA +108 20 264 IA +108 20 265 IA +108 20 266 JE +108 20 267 IA +108 20 268 IA +108 20 269 IP +108 20 270 JE +108 20 271 IA +108 20 272 JA +108 20 273 IA +108 20 274 JA +108 20 275 JE +108 20 276 QA +108 20 277 IA +108 20 278 JE +108 20 279 IP +108 20 280 IA +108 20 281 IA +108 20 282 IA +108 20 283 JE +108 20 284 IA +108 20 285 JA +108 20 286 JA +108 20 287 JE +108 20 288 QA +108 20 289 IA +108 20 290 JA +108 20 291 IA +108 20 292 QA +108 20 293 JA +108 20 294 JA +108 20 295 JE +108 20 296 IP +108 20 297 JE +108 20 298 QA +108 20 299 IA +108 20 300 JA +108 20 301 IA +108 20 302 JA +108 20 303 JA +108 20 304 IA +108 20 305 IP +108 20 306 IA +108 20 307 IA +108 20 308 IP +108 20 309 JE +108 20 310 IA +108 20 311 IA +108 20 312 CA +108 20 313 IP +108 20 314 JA +108 20 315 IA +108 20 316 IA +108 20 317 IP +108 20 318 JE +108 20 319 JA +108 20 320 JE +108 20 321 QA +108 20 322 IA +108 20 323 IA +108 20 324 JA +108 20 325 IP +108 20 326 JE +108 20 327 IA +108 20 328 IA +108 20 329 JE +108 20 330 JA +108 21 1 IA +108 21 2 IA +108 21 3 QA +108 21 4 IP +108 21 5 IA +108 21 6 IP +108 21 7 IA +108 21 8 JE +108 21 9 * +108 21 10 IP +108 21 11 IA +108 21 12 JE +108 21 13 IA +108 21 14 IP +108 21 15 JE +108 21 16 JA +108 21 17 QA +108 21 18 LU +108 21 19 IA +108 21 20 IA +108 21 21 QA +108 21 22 JE +108 21 23 IP +108 21 24 * +108 21 25 IA +108 21 26 IA +108 21 27 JA +108 21 28 IP +108 21 29 IA +108 21 30 JE +108 21 31 IA +108 21 32 IP +108 21 33 IA +108 21 34 IA +108 21 35 JE +108 21 36 IA +108 21 37 IA +108 21 38 QA +108 21 39 IA +108 21 40 IA +108 21 41 IA +108 21 42 QA +108 21 43 JE +108 21 44 JA +108 21 45 IA +108 21 46 LU +108 21 47 IA +108 21 48 JE +108 21 49 IA +108 21 50 IP +108 21 51 * +108 21 52 ME +108 21 53 IP +108 21 54 IA +108 21 55 IA +108 21 56 JE +108 21 57 IA +108 21 58 IA +108 21 59 JA +108 21 60 ME +108 21 61 QA +108 21 62 IA +108 21 63 JE +108 21 64 IA +108 21 65 QA +108 21 66 JE +108 21 67 IA +108 21 68 QA +108 21 69 IA +108 21 70 LU +108 21 71 IA +108 21 72 IA +108 21 73 IP +108 21 74 IA +108 21 75 LU +108 21 76 QA +108 21 77 IA +108 21 78 IA +108 21 79 LU +108 21 80 IP +108 21 81 IA +108 21 82 IA +108 21 83 JE +108 21 84 JE +108 21 85 IA +108 21 86 IA +108 21 87 LU +108 21 88 IP +108 21 89 LU +108 21 90 IA +108 21 91 IA +108 21 92 JA +108 21 93 IA +108 21 94 LU +108 21 95 IA +108 21 96 JE +108 21 97 IA +108 21 98 QA +108 21 99 IA +108 21 100 IA +108 21 101 IP +108 21 102 ME +108 21 103 IA +108 21 104 IA +108 21 105 IP +108 21 106 JE +108 21 107 JA +108 21 108 IA +108 21 109 IA +108 21 110 JE +108 21 111 IA +108 21 112 QA +108 21 113 LU +108 21 114 IA +108 21 115 QA +108 21 116 IA +108 21 117 LU +108 21 118 QA +108 21 119 IA +108 21 120 JA +108 21 121 QA +108 21 122 IA +108 21 123 IA +108 21 124 IA +108 21 125 QA +108 21 126 JE +108 21 127 IA +108 21 128 JE +108 21 129 JA +108 21 130 IA +108 21 131 IA +108 21 132 QA +108 21 133 IA +108 21 134 LU +108 21 135 IP +108 21 136 IA +108 21 137 IA +108 21 138 IA +108 21 139 JA +108 21 140 IA +108 21 141 JA +108 21 142 JA +108 21 143 IA +108 21 144 IP +108 21 145 IP +108 21 146 JE +108 21 147 IA +108 21 148 QA +108 21 149 IA +108 21 150 IP +108 21 151 JE +108 21 152 IP +108 21 153 IA +108 21 154 LU +108 21 155 LU +108 21 156 IA +108 21 157 LU +108 21 158 JA +108 21 159 JE +108 21 160 JE +108 21 161 IA +108 21 162 QA +108 21 163 IA +108 21 164 IA +108 21 165 IA +108 21 166 CA +108 21 167 JE +108 21 168 IA +108 21 169 IA +108 21 170 IA +108 21 171 IA +108 21 172 JA +108 21 173 QA +108 21 174 JE +108 21 175 IA +108 21 176 QA +108 21 177 JE +108 21 178 IP +108 21 179 QA +108 21 180 IA +108 21 181 JE +108 21 182 IP +108 21 183 ME +108 21 184 IP +108 21 185 JE +108 21 186 IA +108 21 187 JE +108 21 188 IP +108 21 189 IA +108 21 190 QA +108 21 191 IA +108 21 192 IA +108 21 193 JE +108 21 194 QA +108 21 195 IA +108 21 196 IA +108 21 197 IP +108 21 198 LU +108 21 199 JA +108 21 200 IA +108 21 201 QA +108 21 202 IA +108 21 203 QA +108 21 204 LU +108 21 205 IP +108 21 206 JA +108 21 207 QA +108 21 208 JE +108 21 209 IA +108 21 210 IP +108 21 211 IP +108 21 212 JE +108 21 213 IP +108 21 214 IA +108 21 215 QA +108 21 216 LU +108 21 217 QA +108 21 218 JE +108 21 219 JE +108 21 220 IP +108 21 221 IA +108 21 222 IP +108 21 223 IA +108 21 224 QA +108 21 225 JE +108 21 226 IA +108 21 227 LU +108 21 228 IP +108 21 229 IA +108 21 230 IA +108 21 231 IP +108 21 232 LU +108 21 233 IP +108 21 234 IA +108 21 235 IP +108 21 236 IA +108 21 237 JE +108 21 238 IA +108 21 239 QA +108 21 240 QA +108 21 241 JA +108 21 242 JE +108 21 243 IP +108 21 244 JA +108 21 245 QA +108 21 246 IA +108 21 247 IP +108 21 248 LU +108 21 249 IA +108 21 250 IP +108 21 251 IA +108 21 252 JA +108 21 253 IA +108 21 254 IA +108 21 255 LU +108 21 256 QA +108 21 257 IP +108 21 258 JE +108 21 259 IP +108 21 260 JE +108 21 261 JE +108 21 262 JA +108 21 263 LU +108 21 264 JA +108 21 265 IA +108 21 266 JE +108 21 267 IP +108 21 268 IA +108 21 269 QA +108 21 270 JE +108 21 271 IA +108 21 272 JA +108 21 273 IP +108 21 274 JA +108 21 275 JE +108 21 276 IP +108 21 277 IA +108 21 278 QA +108 21 279 IP +108 21 280 IA +108 21 281 IA +108 21 282 IA +108 21 283 QA +108 21 284 ME +108 21 285 QA +108 21 286 JA +108 21 287 JE +108 21 288 QA +108 21 289 IA +108 21 290 QA +108 21 291 IP +108 21 292 QA +108 21 293 ME +108 21 294 JA +108 21 295 * +108 21 296 IA +108 21 297 JE +108 21 298 QA +108 21 299 IA +108 21 300 JA +108 21 301 IA +108 21 302 JA +108 21 303 LU +108 21 304 IA +108 21 305 IP +108 21 306 IA +108 21 307 IA +108 21 308 IP +108 21 309 * +108 21 310 IA +108 21 311 IP +108 21 312 LU +108 21 313 IP +108 21 314 JA +108 21 315 IA +108 21 316 IA +108 21 317 IP +108 21 318 JE +108 21 319 JA +108 21 320 IA +108 21 321 QA +108 21 322 IA +108 21 323 IA +108 21 324 JE +108 21 325 IP +108 21 326 JE +108 21 327 ME +108 21 328 IA +108 21 329 QA +108 21 330 ME +108 22 1 IA +108 22 2 IA +108 22 3 QA +108 22 4 IA +108 22 5 IA +108 22 6 JE +108 22 7 IP +108 22 8 QA +108 22 9 * +108 22 10 IA +108 22 11 IA +108 22 12 JE +108 22 13 IA +108 22 14 IA +108 22 15 IA +108 22 16 JA +108 22 17 QA +108 22 18 LU +108 22 19 IA +108 22 20 IP +108 22 21 QA +108 22 22 JE +108 22 23 IA +108 22 24 LU +108 22 25 IA +108 22 26 IA +108 22 27 JA +108 22 28 QA +108 22 29 IA +108 22 30 JE +108 22 31 IA +108 22 32 QA +108 22 33 IP +108 22 34 IA +108 22 35 QA +108 22 36 IA +108 22 37 IA +108 22 38 QA +108 22 39 IP +108 22 40 IA +108 22 41 QA +108 22 42 JE +108 22 43 IA +108 22 44 JA +108 22 45 IA +108 22 46 LU +108 22 47 IA +108 22 48 JE +108 22 49 IA +108 22 50 IP +108 22 51 * +108 22 52 IP +108 22 53 QA +108 22 54 IP +108 22 55 IA +108 22 56 QA +108 22 57 IA +108 22 58 JE +108 22 59 JA +108 22 60 IA +108 22 61 QA +108 22 62 IA +108 22 63 QA +108 22 64 IA +108 22 65 QA +108 22 66 JA +108 22 67 IP +108 22 68 QA +108 22 69 IA +108 22 70 IA +108 22 71 JA +108 22 72 QA +108 22 73 IA +108 22 74 QA +108 22 75 IA +108 22 76 IA +108 22 77 QA +108 22 78 IP +108 22 79 QA +108 22 80 CA +108 22 81 IA +108 22 82 IP +108 22 83 JE +108 22 84 JE +108 22 85 IA +108 22 86 QA +108 22 87 IA +108 22 88 QA +108 22 89 CA +108 22 90 IA +108 22 91 JE +108 22 92 JA +108 22 93 IA +108 22 94 * +108 22 95 IA +108 22 96 JE +108 22 97 IA +108 22 98 QA +108 22 99 IP +108 22 100 IA +108 22 101 QA +108 22 102 IA +108 22 103 JE +108 22 104 IA +108 22 105 IA +108 22 106 JE +108 22 107 JA +108 22 108 IA +108 22 109 IA +108 22 110 JE +108 22 111 IA +108 22 112 QA +108 22 113 * +108 22 114 IA +108 22 115 IP +108 22 116 IA +108 22 117 * +108 22 118 QA +108 22 119 IA +108 22 120 JA +108 22 121 QA +108 22 122 IA +108 22 123 IP +108 22 124 IA +108 22 125 JE +108 22 126 QA +108 22 127 IP +108 22 128 JE +108 22 129 JA +108 22 130 IP +108 22 131 IA +108 22 132 QA +108 22 133 IA +108 22 134 * +108 22 135 QA +108 22 136 IA +108 22 137 IA +108 22 138 IP +108 22 139 QA +108 22 140 IA +108 22 141 JA +108 22 142 JA +108 22 143 JE +108 22 144 IA +108 22 145 IA +108 22 146 JE +108 22 147 IA +108 22 148 QA +108 22 149 IA +108 22 150 IA +108 22 151 JE +108 22 152 QA +108 22 153 IA +108 22 154 LU +108 22 155 JE +108 22 156 IA +108 22 157 * +108 22 158 JA +108 22 159 JE +108 22 160 JE +108 22 161 IA +108 22 162 QA +108 22 163 IP +108 22 164 IA +108 22 165 IA +108 22 166 IA +108 22 167 JE +108 22 168 IA +108 22 169 IP +108 22 170 IP +108 22 171 IA +108 22 172 JA +108 22 173 QA +108 22 174 JE +108 22 175 IA +108 22 176 QA +108 22 177 JE +108 22 178 IA +108 22 179 QA +108 22 180 IA +108 22 181 JE +108 22 182 QA +108 22 183 JE +108 22 184 IA +108 22 185 JE +108 22 186 IA +108 22 187 JE +108 22 188 IA +108 22 189 IP +108 22 190 QA +108 22 191 IA +108 22 192 IP +108 22 193 JE +108 22 194 QA +108 22 195 IA +108 22 196 IA +108 22 197 QA +108 22 198 QA +108 22 199 IP +108 22 200 IA +108 22 201 QA +108 22 202 IA +108 22 203 QA +108 22 204 * +108 22 205 IA +108 22 206 IA +108 22 207 QA +108 22 208 JE +108 22 209 IA +108 22 210 QA +108 22 211 IA +108 22 212 JE +108 22 213 IA +108 22 214 JE +108 22 215 QA +108 22 216 IA +108 22 217 QA +108 22 218 JE +108 22 219 IA +108 22 220 IP +108 22 221 IP +108 22 222 IP +108 22 223 IA +108 22 224 JA +108 22 225 JE +108 22 226 IP +108 22 227 CA +108 22 228 IP +108 22 229 IA +108 22 230 JA +108 22 231 IP +108 22 232 JE +108 22 233 LU +108 22 234 IA +108 22 235 IP +108 22 236 IA +108 22 237 JE +108 22 238 IA +108 22 239 QA +108 22 240 QA +108 22 241 JA +108 22 242 JE +108 22 243 QA +108 22 244 IA +108 22 245 QA +108 22 246 IA +108 22 247 IP +108 22 248 IP +108 22 249 IA +108 22 250 IP +108 22 251 IA +108 22 252 JA +108 22 253 IA +108 22 254 IA +108 22 255 QA +108 22 256 QA +108 22 257 IA +108 22 258 JE +108 22 259 QA +108 22 260 JE +108 22 261 JE +108 22 262 JA +108 22 263 ME +108 22 264 IA +108 22 265 IA +108 22 266 JE +108 22 267 IP +108 22 268 IA +108 22 269 QA +108 22 270 JE +108 22 271 IA +108 22 272 JA +108 22 273 IA +108 22 274 JA +108 22 275 JE +108 22 276 QA +108 22 277 IA +108 22 278 JE +108 22 279 IP +108 22 280 JE +108 22 281 IP +108 22 282 IA +108 22 283 JE +108 22 284 IA +108 22 285 QA +108 22 286 JA +108 22 287 JE +108 22 288 QA +108 22 289 IA +108 22 290 JA +108 22 291 IA +108 22 292 QA +108 22 293 IA +108 22 294 IA +108 22 295 JE +108 22 296 IA +108 22 297 JE +108 22 298 QA +108 22 299 IA +108 22 300 LU +108 22 301 IA +108 22 302 JA +108 22 303 IA +108 22 304 JE +108 22 305 QA +108 22 306 JE +108 22 307 IA +108 22 308 IP +108 22 309 JE +108 22 310 IA +108 22 311 IA +108 22 312 QA +108 22 313 IP +108 22 314 JA +108 22 315 IA +108 22 316 IA +108 22 317 IA +108 22 318 JE +108 22 319 JA +108 22 320 JE +108 22 321 QA +108 22 322 IA +108 22 323 IA +108 22 324 JA +108 22 325 QA +108 22 326 JE +108 22 327 IA +108 22 328 IA +108 22 329 JE +108 22 330 IA +108 23 1 IA +108 23 2 JA +108 23 3 QA +108 23 4 IP +108 23 5 IA +108 23 6 JA +108 23 7 IA +108 23 8 QA +108 23 9 QA +108 23 10 IA +108 23 11 CA +108 23 12 JE +108 23 13 IA +108 23 14 CA +108 23 15 QA +108 23 16 JA +108 23 17 QA +108 23 18 CA +108 23 19 IA +108 23 20 IA +108 23 21 QA +108 23 22 JE +108 23 23 IP +108 23 24 JA +108 23 25 IA +108 23 26 IA +108 23 27 JA +108 23 28 QA +108 23 29 IA +108 23 30 JE +108 23 31 IA +108 23 32 QA +108 23 33 IP +108 23 34 IA +108 23 35 JA +108 23 36 IA +108 23 37 IA +108 23 38 QA +108 23 39 IA +108 23 40 IA +108 23 41 QA +108 23 42 JE +108 23 43 IA +108 23 44 JA +108 23 45 IA +108 23 46 JA +108 23 47 CA +108 23 48 JE +108 23 49 IA +108 23 50 IP +108 23 51 * +108 23 52 JA +108 23 53 QA +108 23 54 IA +108 23 55 IA +108 23 56 QA +108 23 57 IA +108 23 58 JE +108 23 59 JA +108 23 60 CA +108 23 61 QA +108 23 62 IP +108 23 63 QA +108 23 64 IA +108 23 65 QA +108 23 66 JA +108 23 67 IA +108 23 68 QA +108 23 69 JE +108 23 70 JA +108 23 71 QA +108 23 72 IA +108 23 73 IP +108 23 74 IA +108 23 75 CA +108 23 76 QA +108 23 77 IA +108 23 78 QA +108 23 79 CA +108 23 80 CA +108 23 81 JE +108 23 82 IA +108 23 83 JA +108 23 84 QA +108 23 85 IA +108 23 86 QA +108 23 87 CA +108 23 88 QA +108 23 89 CA +108 23 90 IA +108 23 91 JE +108 23 92 JA +108 23 93 IA +108 23 94 CA +108 23 95 IA +108 23 96 JE +108 23 97 IA +108 23 98 QA +108 23 99 IP +108 23 100 IA +108 23 101 QA +108 23 102 JA +108 23 103 JE +108 23 104 IA +108 23 105 QA +108 23 106 JE +108 23 107 JA +108 23 108 QA +108 23 109 IA +108 23 110 JE +108 23 111 IA +108 23 112 QA +108 23 113 LU +108 23 114 IA +108 23 115 QA +108 23 116 JA +108 23 117 CA +108 23 118 QA +108 23 119 IA +108 23 120 JA +108 23 121 QA +108 23 122 IA +108 23 123 IA +108 23 124 JE +108 23 125 JE +108 23 126 QA +108 23 127 IA +108 23 128 JE +108 23 129 JA +108 23 130 IA +108 23 131 IP +108 23 132 QA +108 23 133 IA +108 23 134 QA +108 23 135 QA +108 23 136 IP +108 23 137 IA +108 23 138 IA +108 23 139 JA +108 23 140 IA +108 23 141 JA +108 23 142 JA +108 23 143 IA +108 23 144 IP +108 23 145 IA +108 23 146 JE +108 23 147 IA +108 23 148 QA +108 23 149 IA +108 23 150 IP +108 23 151 JE +108 23 152 QA +108 23 153 IA +108 23 154 JA +108 23 155 QA +108 23 156 IA +108 23 157 JE +108 23 158 JA +108 23 159 JE +108 23 160 QA +108 23 161 IA +108 23 162 QA +108 23 163 IA +108 23 164 IA +108 23 165 JE +108 23 166 IP +108 23 167 QA +108 23 168 IA +108 23 169 IA +108 23 170 IP +108 23 171 IA +108 23 172 JA +108 23 173 QA +108 23 174 JE +108 23 175 IA +108 23 176 QA +108 23 177 JE +108 23 178 IP +108 23 179 IP +108 23 180 IA +108 23 181 JE +108 23 182 IP +108 23 183 JE +108 23 184 IP +108 23 185 JE +108 23 186 IA +108 23 187 JE +108 23 188 IA +108 23 189 JA +108 23 190 QA +108 23 191 IA +108 23 192 QA +108 23 193 JE +108 23 194 QA +108 23 195 IA +108 23 196 IA +108 23 197 IP +108 23 198 LU +108 23 199 JA +108 23 200 IA +108 23 201 QA +108 23 202 IA +108 23 203 QA +108 23 204 LU +108 23 205 IP +108 23 206 JA +108 23 207 QA +108 23 208 JE +108 23 209 IA +108 23 210 QA +108 23 211 IA +108 23 212 JE +108 23 213 JA +108 23 214 JE +108 23 215 QA +108 23 216 JE +108 23 217 QA +108 23 218 JE +108 23 219 JA +108 23 220 IA +108 23 221 IA +108 23 222 IP +108 23 223 IA +108 23 224 JA +108 23 225 JE +108 23 226 IA +108 23 227 CA +108 23 228 CA +108 23 229 IA +108 23 230 JA +108 23 231 IP +108 23 232 JE +108 23 233 IP +108 23 234 IA +108 23 235 IA +108 23 236 JE +108 23 237 QA +108 23 238 IA +108 23 239 QA +108 23 240 QA +108 23 241 JA +108 23 242 JE +108 23 243 IA +108 23 244 JA +108 23 245 QA +108 23 246 IA +108 23 247 IP +108 23 248 JA +108 23 249 IA +108 23 250 IP +108 23 251 IA +108 23 252 JA +108 23 253 IA +108 23 254 IA +108 23 255 LU +108 23 256 QA +108 23 257 IA +108 23 258 JE +108 23 259 QA +108 23 260 JE +108 23 261 JE +108 23 262 JA +108 23 263 JA +108 23 264 JA +108 23 265 IA +108 23 266 JE +108 23 267 IP +108 23 268 IA +108 23 269 QA +108 23 270 JE +108 23 271 IA +108 23 272 JA +108 23 273 IA +108 23 274 JA +108 23 275 JE +108 23 276 QA +108 23 277 IP +108 23 278 QA +108 23 279 IA +108 23 280 JE +108 23 281 IA +108 23 282 IA +108 23 283 QA +108 23 284 IA +108 23 285 QA +108 23 286 JA +108 23 287 JE +108 23 288 QA +108 23 289 IA +108 23 290 JA +108 23 291 IP +108 23 292 QA +108 23 293 IA +108 23 294 JA +108 23 295 QA +108 23 296 IP +108 23 297 JE +108 23 298 QA +108 23 299 IA +108 23 300 JA +108 23 301 IA +108 23 302 QA +108 23 303 JA +108 23 304 JE +108 23 305 IP +108 23 306 JE +108 23 307 IA +108 23 308 IP +108 23 309 JE +108 23 310 IA +108 23 311 IP +108 23 312 CA +108 23 313 IP +108 23 314 JA +108 23 315 IA +108 23 316 IA +108 23 317 IP +108 23 318 JE +108 23 319 JA +108 23 320 JE +108 23 321 QA +108 23 322 IP +108 23 323 IA +108 23 324 JA +108 23 325 IA +108 23 326 JE +108 23 327 JA +108 23 328 IA +108 23 329 QA +108 23 330 JA +108 24 1 IA +108 24 2 IA +108 24 3 QA +108 24 4 IP +108 24 5 IA +108 24 6 JE +108 24 7 IA +108 24 8 IA +108 24 9 JE +108 24 10 IA +108 24 11 IA +108 24 12 JE +108 24 13 IA +108 24 14 IA +108 24 15 JE +108 24 16 JA +108 24 17 QA +108 24 18 CA +108 24 19 IA +108 24 20 IA +108 24 21 QA +108 24 22 JE +108 24 23 QA +108 24 24 JE +108 24 25 IA +108 24 26 CA +108 24 27 JA +108 24 28 QA +108 24 29 IA +108 24 30 JE +108 24 31 IA +108 24 32 QA +108 24 33 IA +108 24 34 IA +108 24 35 QA +108 24 36 IA +108 24 37 IA +108 24 38 IP +108 24 39 IA +108 24 40 IA +108 24 41 IP +108 24 42 JE +108 24 43 CA +108 24 44 QA +108 24 45 IA +108 24 46 JA +108 24 47 IA +108 24 48 JE +108 24 49 IA +108 24 50 IA +108 24 51 * +108 24 52 IA +108 24 53 QA +108 24 54 IA +108 24 55 IA +108 24 56 JA +108 24 57 IA +108 24 58 IA +108 24 59 JE +108 24 60 IA +108 24 61 IP +108 24 62 JE +108 24 63 JE +108 24 64 IA +108 24 65 QA +108 24 66 JE +108 24 67 IA +108 24 68 QA +108 24 69 IA +108 24 70 JA +108 24 71 IP +108 24 72 IA +108 24 73 IP +108 24 74 IA +108 24 75 JA +108 24 76 QA +108 24 77 IA +108 24 78 QA +108 24 79 JA +108 24 80 IA +108 24 81 IA +108 24 82 IA +108 24 83 JE +108 24 84 QA +108 24 85 IA +108 24 86 QA +108 24 87 IA +108 24 88 IP +108 24 89 JA +108 24 90 IA +108 24 91 IA +108 24 92 JA +108 24 93 IA +108 24 94 CA +108 24 95 IA +108 24 96 JE +108 24 97 QA +108 24 98 QA +108 24 99 QA +108 24 100 IA +108 24 101 IP +108 24 102 JA +108 24 103 IA +108 24 104 IA +108 24 105 IP +108 24 106 JE +108 24 107 JA +108 24 108 IA +108 24 109 IA +108 24 110 JE +108 24 111 IA +108 24 112 QA +108 24 113 CA +108 24 114 IA +108 24 115 IP +108 24 116 JA +108 24 117 CA +108 24 118 QA +108 24 119 IA +108 24 120 JA +108 24 121 QA +108 24 122 IA +108 24 123 IA +108 24 124 IA +108 24 125 JE +108 24 126 QA +108 24 127 IA +108 24 128 JE +108 24 129 JA +108 24 130 IA +108 24 131 QA +108 24 132 JE +108 24 133 IA +108 24 134 QA +108 24 135 QA +108 24 136 IA +108 24 137 IA +108 24 138 IA +108 24 139 JA +108 24 140 IA +108 24 141 JA +108 24 142 JA +108 24 143 IA +108 24 144 IP +108 24 145 IA +108 24 146 JE +108 24 147 IA +108 24 148 QA +108 24 149 IA +108 24 150 IP +108 24 151 IP +108 24 152 JE +108 24 153 IA +108 24 154 JA +108 24 155 JA +108 24 156 IA +108 24 157 JE +108 24 158 JA +108 24 159 JE +108 24 160 JE +108 24 161 IA +108 24 162 IP +108 24 163 IA +108 24 164 IA +108 24 165 IA +108 24 166 IA +108 24 167 JE +108 24 168 IA +108 24 169 IA +108 24 170 IA +108 24 171 IA +108 24 172 JA +108 24 173 IP +108 24 174 JE +108 24 175 IA +108 24 176 IP +108 24 177 JE +108 24 178 IA +108 24 179 IP +108 24 180 IA +108 24 181 JE +108 24 182 QA +108 24 183 JE +108 24 184 IP +108 24 185 QA +108 24 186 IA +108 24 187 JE +108 24 188 IA +108 24 189 JA +108 24 190 QA +108 24 191 IA +108 24 192 IP +108 24 193 JE +108 24 194 IP +108 24 195 IA +108 24 196 IA +108 24 197 JE +108 24 198 CA +108 24 199 IA +108 24 200 IA +108 24 201 JE +108 24 202 IA +108 24 203 IA +108 24 204 CA +108 24 205 IP +108 24 206 IA +108 24 207 IP +108 24 208 JE +108 24 209 IA +108 24 210 QA +108 24 211 IA +108 24 212 QA +108 24 213 JA +108 24 214 IA +108 24 215 IA +108 24 216 IA +108 24 217 IP +108 24 218 IA +108 24 219 IA +108 24 220 IP +108 24 221 IA +108 24 222 IA +108 24 223 IA +108 24 224 QA +108 24 225 IA +108 24 226 IA +108 24 227 IA +108 24 228 IA +108 24 229 IA +108 24 230 JE +108 24 231 IP +108 24 232 IA +108 24 233 JE +108 24 234 IA +108 24 235 IA +108 24 236 IA +108 24 237 JE +108 24 238 IA +108 24 239 JE +108 24 240 QA +108 24 241 JA +108 24 242 JE +108 24 243 IP +108 24 244 JA +108 24 245 IP +108 24 246 IA +108 24 247 IP +108 24 248 IA +108 24 249 IA +108 24 250 QA +108 24 251 IA +108 24 252 JA +108 24 253 IA +108 24 254 IA +108 24 255 IA +108 24 256 QA +108 24 257 IA +108 24 258 JE +108 24 259 IP +108 24 260 IA +108 24 261 JE +108 24 262 JA +108 24 263 JA +108 24 264 JA +108 24 265 IA +108 24 266 IA +108 24 267 IP +108 24 268 IA +108 24 269 IP +108 24 270 JE +108 24 271 IA +108 24 272 JA +108 24 273 JE +108 24 274 JA +108 24 275 JE +108 24 276 IP +108 24 277 IA +108 24 278 QA +108 24 279 IA +108 24 280 IA +108 24 281 IA +108 24 282 IA +108 24 283 JE +108 24 284 IA +108 24 285 QA +108 24 286 JA +108 24 287 JE +108 24 288 QA +108 24 289 IA +108 24 290 JA +108 24 291 IA +108 24 292 QA +108 24 293 IA +108 24 294 JA +108 24 295 JE +108 24 296 IP +108 24 297 JE +108 24 298 QA +108 24 299 IA +108 24 300 JA +108 24 301 IA +108 24 302 QA +108 24 303 JA +108 24 304 IA +108 24 305 IP +108 24 306 IA +108 24 307 IA +108 24 308 QA +108 24 309 IA +108 24 310 IA +108 24 311 IA +108 24 312 CA +108 24 313 CA +108 24 314 JA +108 24 315 IA +108 24 316 IA +108 24 317 IP +108 24 318 JE +108 24 319 JA +108 24 320 IA +108 24 321 IP +108 24 322 IA +108 24 323 IA +108 24 324 JE +108 24 325 QA +108 24 326 JE +108 24 327 IA +108 24 328 IA +108 24 329 JE +108 24 330 IA +108 25 1 IA +108 25 2 IA +108 25 3 JE +108 25 4 IP +108 25 5 IP +108 25 6 JE +108 25 7 IA +108 25 8 QA +108 25 9 ME +108 25 10 IA +108 25 11 IA +108 25 12 JE +108 25 13 IA +108 25 14 IA +108 25 15 ME +108 25 16 JA +108 25 17 QA +108 25 18 CA +108 25 19 IA +108 25 20 IA +108 25 21 QA +108 25 22 JE +108 25 23 IP +108 25 24 CA +108 25 25 IA +108 25 26 IA +108 25 27 ME +108 25 28 QA +108 25 29 IA +108 25 30 JE +108 25 31 IA +108 25 32 QA +108 25 33 IA +108 25 34 IA +108 25 35 JE +108 25 36 IA +108 25 37 IA +108 25 38 QA +108 25 39 IA +108 25 40 IA +108 25 41 QA +108 25 42 JE +108 25 43 IA +108 25 44 JA +108 25 45 IA +108 25 46 ME +108 25 47 IA +108 25 48 JE +108 25 49 IA +108 25 50 IP +108 25 51 JE +108 25 52 JE +108 25 53 IP +108 25 54 IA +108 25 55 IA +108 25 56 ME +108 25 57 IA +108 25 58 JE +108 25 59 ME +108 25 60 IA +108 25 61 QA +108 25 62 IP +108 25 63 JE +108 25 64 IP +108 25 65 QA +108 25 66 JA +108 25 67 IA +108 25 68 IP +108 25 69 IA +108 25 70 ME +108 25 71 QA +108 25 72 IA +108 25 73 IP +108 25 74 JA +108 25 75 IA +108 25 76 JE +108 25 77 IA +108 25 78 JA +108 25 79 CA +108 25 80 IA +108 25 81 IP +108 25 82 IA +108 25 83 JA +108 25 84 JE +108 25 85 IA +108 25 86 IP +108 25 87 CA +108 25 88 QA +108 25 89 CA +108 25 90 IA +108 25 91 IP +108 25 92 ME +108 25 93 IA +108 25 94 CA +108 25 95 JA +108 25 96 JE +108 25 97 IP +108 25 98 QA +108 25 99 ME +108 25 100 IA +108 25 101 IP +108 25 102 JE +108 25 103 CA +108 25 104 IA +108 25 105 IP +108 25 106 JE +108 25 107 ME +108 25 108 ME +108 25 109 IP +108 25 110 JE +108 25 111 IA +108 25 112 QA +108 25 113 CA +108 25 114 IA +108 25 115 QA +108 25 116 IA +108 25 117 CA +108 25 118 QA +108 25 119 IA +108 25 120 JA +108 25 121 JE +108 25 122 IA +108 25 123 IA +108 25 124 JE +108 25 125 QA +108 25 126 QA +108 25 127 IA +108 25 128 JE +108 25 129 JA +108 25 130 JE +108 25 131 IP +108 25 132 QA +108 25 133 IA +108 25 134 CA +108 25 135 QA +108 25 136 IA +108 25 137 IA +108 25 138 IA +108 25 139 JA +108 25 140 IA +108 25 141 JA +108 25 142 ME +108 25 143 JE +108 25 144 IP +108 25 145 IA +108 25 146 JE +108 25 147 IA +108 25 148 QA +108 25 149 IA +108 25 150 IP +108 25 151 JE +108 25 152 ME +108 25 153 IA +108 25 154 CA +108 25 155 JE +108 25 156 IA +108 25 157 CA +108 25 158 JA +108 25 159 JE +108 25 160 JE +108 25 161 IP +108 25 162 QA +108 25 163 IP +108 25 164 IA +108 25 165 ME +108 25 166 CA +108 25 167 ME +108 25 168 IA +108 25 169 IA +108 25 170 CA +108 25 171 IA +108 25 172 JA +108 25 173 JE +108 25 174 JE +108 25 175 IA +108 25 176 JE +108 25 177 JE +108 25 178 IA +108 25 179 CA +108 25 180 IA +108 25 181 JE +108 25 182 IP +108 25 183 JE +108 25 184 IP +108 25 185 JE +108 25 186 IA +108 25 187 JE +108 25 188 IA +108 25 189 ME +108 25 190 JE +108 25 191 IA +108 25 192 IP +108 25 193 JE +108 25 194 CA +108 25 195 IA +108 25 196 IA +108 25 197 IP +108 25 198 CA +108 25 199 JA +108 25 200 IA +108 25 201 JE +108 25 202 IA +108 25 203 IP +108 25 204 CA +108 25 205 IP +108 25 206 JA +108 25 207 QA +108 25 208 JE +108 25 209 IA +108 25 210 CA +108 25 211 IA +108 25 212 JE +108 25 213 ME +108 25 214 JE +108 25 215 ME +108 25 216 CA +108 25 217 JE +108 25 218 JE +108 25 219 JA +108 25 220 ME +108 25 221 IA +108 25 222 IP +108 25 223 IA +108 25 224 JA +108 25 225 JE +108 25 226 IA +108 25 227 CA +108 25 228 IP +108 25 229 IA +108 25 230 JE +108 25 231 IP +108 25 232 JE +108 25 233 ME +108 25 234 IA +108 25 235 IA +108 25 236 JE +108 25 237 ME +108 25 238 IA +108 25 239 ME +108 25 240 CA +108 25 241 JA +108 25 242 JE +108 25 243 IP +108 25 244 ME +108 25 245 QA +108 25 246 IA +108 25 247 IP +108 25 248 IA +108 25 249 IA +108 25 250 IP +108 25 251 IA +108 25 252 ME +108 25 253 IA +108 25 254 ME +108 25 255 CA +108 25 256 QA +108 25 257 IA +108 25 258 JE +108 25 259 QA +108 25 260 JA +108 25 261 JE +108 25 262 ME +108 25 263 CA +108 25 264 JA +108 25 265 IA +108 25 266 QA +108 25 267 IP +108 25 268 IA +108 25 269 IA +108 25 270 JE +108 25 271 IA +108 25 272 ME +108 25 273 IP +108 25 274 ME +108 25 275 JE +108 25 276 QA +108 25 277 IA +108 25 278 JE +108 25 279 IA +108 25 280 IA +108 25 281 IA +108 25 282 IA +108 25 283 ME +108 25 284 ME +108 25 285 QA +108 25 286 JA +108 25 287 JE +108 25 288 QA +108 25 289 IA +108 25 290 JA +108 25 291 IA +108 25 292 JE +108 25 293 JA +108 25 294 JA +108 25 295 JE +108 25 296 IP +108 25 297 JE +108 25 298 QA +108 25 299 IA +108 25 300 ME +108 25 301 IA +108 25 302 ME +108 25 303 JA +108 25 304 IA +108 25 305 IP +108 25 306 IA +108 25 307 IA +108 25 308 IP +108 25 309 JA +108 25 310 IA +108 25 311 IA +108 25 312 CA +108 25 313 IP +108 25 314 JA +108 25 315 IA +108 25 316 IA +108 25 317 IP +108 25 318 JE +108 25 319 ME +108 25 320 IA +108 25 321 QA +108 25 322 ME +108 25 323 IA +108 25 324 ME +108 25 325 IP +108 25 326 JE +108 25 327 JA +108 25 328 IA +108 25 329 ME +108 25 330 JA +109 1 1 S +109 1 2 S +109 1 3 K +109 1 4 K +109 1 5 S +109 1 6 Y +109 1 7 S +109 1 8 K +109 1 9 T +109 1 10 S +109 1 11 S +109 1 12 Y +109 1 13 S +109 1 14 T +109 1 15 Q +109 1 16 Q +109 1 17 K +109 1 18 T +109 1 19 S +109 1 20 S +109 1 21 K +109 1 22 Y +109 1 23 S +109 1 24 T +109 1 25 S +109 1 26 S +109 1 27 Q +109 1 28 K +109 1 29 S +109 1 30 K +109 1 31 S +109 1 32 K +109 1 33 S +109 1 34 S +109 1 35 Q +109 1 36 S +109 1 37 S +109 1 38 K +109 1 39 S +109 1 40 S +109 1 41 K +109 1 42 Y +109 1 43 S +109 1 44 Q +109 1 45 S +109 1 46 T +109 1 47 S +109 1 48 Y +109 1 49 S +109 1 50 K +109 1 51 T +109 1 52 Q +109 1 53 K +109 1 54 S +109 1 55 S +109 1 56 Q +109 1 57 S +109 1 58 T +109 1 59 Q +109 1 60 T +109 1 61 K +109 1 62 S +109 1 63 Q +109 1 64 S +109 1 65 K +109 1 66 Q +109 1 67 S +109 1 68 K +109 1 69 T +109 1 70 Q +109 1 71 K +109 1 72 S +109 1 73 K +109 1 74 Q +109 1 75 T +109 1 76 K +109 1 77 S +109 1 78 Q +109 1 79 T +109 1 80 S +109 1 81 S +109 1 82 S +109 1 83 Q +109 1 84 K +109 1 85 S +109 1 86 K +109 1 87 T +109 1 88 K +109 1 89 T +109 1 90 T +109 1 91 Y +109 1 92 Q +109 1 93 S +109 1 94 T +109 1 95 Q +109 1 96 Y +109 1 97 S +109 1 98 K +109 1 99 Q +109 1 100 S +109 1 101 K +109 1 102 Q +109 1 103 T +109 1 104 S +109 1 105 K +109 1 106 Y +109 1 107 Q +109 1 108 Q +109 1 109 S +109 1 110 Y +109 1 111 T +109 1 112 K +109 1 113 T +109 1 114 S +109 1 115 K +109 1 116 Q +109 1 117 T +109 1 118 K +109 1 119 S +109 1 120 Q +109 1 121 K +109 1 122 S +109 1 123 S +109 1 124 Y +109 1 125 K +109 1 126 Q +109 1 127 T +109 1 128 Y +109 1 129 Q +109 1 130 T +109 1 131 K +109 1 132 K +109 1 133 S +109 1 134 T +109 1 135 K +109 1 136 S +109 1 137 S +109 1 138 S +109 1 139 Q +109 1 140 S +109 1 141 Q +109 1 142 Q +109 1 143 Y +109 1 144 S +109 1 145 S +109 1 146 Y +109 1 147 S +109 1 148 K +109 1 149 S +109 1 150 K +109 1 151 Q +109 1 152 Q +109 1 153 S +109 1 154 T +109 1 155 T +109 1 156 S +109 1 157 T +109 1 158 Q +109 1 159 Y +109 1 160 Q +109 1 161 S +109 1 162 K +109 1 163 S +109 1 164 S +109 1 165 T +109 1 166 S +109 1 167 Q +109 1 168 S +109 1 169 S +109 1 170 T +109 1 171 S +109 1 172 Q +109 1 173 K +109 1 174 Y +109 1 175 S +109 1 176 K +109 1 177 Y +109 1 178 S +109 1 179 K +109 1 180 S +109 1 181 Y +109 1 182 K +109 1 183 Y +109 1 184 S +109 1 185 Y +109 1 186 S +109 1 187 Y +109 1 188 S +109 1 189 Q +109 1 190 K +109 1 191 S +109 1 192 S +109 1 193 Y +109 1 194 K +109 1 195 S +109 1 196 S +109 1 197 S +109 1 198 T +109 1 199 Q +109 1 200 S +109 1 201 Q +109 1 202 S +109 1 203 K +109 1 204 T +109 1 205 S +109 1 206 Q +109 1 207 K +109 1 208 Q +109 1 209 S +109 1 210 K +109 1 211 S +109 1 212 Y +109 1 213 S +109 1 214 Y +109 1 215 K +109 1 216 T +109 1 217 Y +109 1 218 S +109 1 219 Q +109 1 220 S +109 1 221 Q +109 1 222 S +109 1 223 S +109 1 224 Q +109 1 225 Y +109 1 226 S +109 1 227 T +109 1 228 S +109 1 229 S +109 1 230 Q +109 1 231 K +109 1 232 Y +109 1 233 S +109 1 234 S +109 1 235 S +109 1 236 Y +109 1 237 Q +109 1 238 S +109 1 239 K +109 1 240 K +109 1 241 Q +109 1 242 Y +109 1 243 K +109 1 244 Q +109 1 245 K +109 1 246 S +109 1 247 S +109 1 248 T +109 1 249 S +109 1 250 S +109 1 251 S +109 1 252 Q +109 1 253 S +109 1 254 S +109 1 255 T +109 1 256 K +109 1 257 S +109 1 258 Y +109 1 259 K +109 1 260 Q +109 1 261 K +109 1 262 Q +109 1 263 Q +109 1 264 Q +109 1 265 S +109 1 266 K +109 1 267 K +109 1 268 S +109 1 269 K +109 1 270 Y +109 1 271 S +109 1 272 Q +109 1 273 K +109 1 274 Q +109 1 275 Y +109 1 276 K +109 1 277 S +109 1 278 Y +109 1 279 S +109 1 280 S +109 1 281 S +109 1 282 S +109 1 283 K +109 1 284 Q +109 1 285 Y +109 1 286 Q +109 1 287 Y +109 1 288 K +109 1 289 S +109 1 290 Q +109 1 291 S +109 1 292 Y +109 1 293 Q +109 1 294 Q +109 1 295 Y +109 1 296 S +109 1 297 Y +109 1 298 K +109 1 299 S +109 1 300 Q +109 1 301 S +109 1 302 Q +109 1 303 Q +109 1 304 S +109 1 305 K +109 1 306 S +109 1 307 S +109 1 308 S +109 1 309 T +109 1 310 S +109 1 311 S +109 1 312 T +109 1 313 S +109 1 314 Q +109 1 315 S +109 1 316 S +109 1 317 K +109 1 318 K +109 1 319 Q +109 1 320 Y +109 1 321 K +109 1 322 S +109 1 323 S +109 1 324 Q +109 1 325 K +109 1 326 Y +109 1 327 Q +109 1 328 S +109 1 329 Y +109 1 330 Q +109 2 1 S +109 2 2 S +109 2 3 K +109 2 4 E +109 2 5 S +109 2 6 * +109 2 7 M +109 2 8 K +109 2 9 T +109 2 10 S +109 2 11 S +109 2 12 Y +109 2 13 M +109 2 14 S +109 2 15 K +109 2 16 T +109 2 17 K +109 2 18 T +109 2 19 S +109 2 20 M +109 2 21 K +109 2 22 Y +109 2 23 E +109 2 24 Y +109 2 25 ES +109 2 26 E +109 2 27 UV +109 2 28 K +109 2 29 M +109 2 30 T +109 2 31 ES +109 2 32 E +109 2 33 M +109 2 34 S +109 2 35 K +109 2 36 M +109 2 37 ES +109 2 38 K +109 2 39 M +109 2 40 ES +109 2 41 K +109 2 42 Y +109 2 43 S +109 2 44 Q +109 2 45 M +109 2 46 T +109 2 47 M +109 2 48 Y +109 2 49 ES +109 2 50 K +109 2 51 T +109 2 52 Q +109 2 53 K +109 2 54 M +109 2 55 ES +109 2 56 * +109 2 57 S +109 2 58 Y +109 2 59 K +109 2 60 S +109 2 61 K +109 2 62 E +109 2 63 K +109 2 64 S +109 2 65 K +109 2 66 Q +109 2 67 M +109 2 68 E +109 2 69 M +109 2 70 E +109 2 71 K +109 2 72 M +109 2 73 E +109 2 74 ES +109 2 75 M +109 2 76 K +109 2 77 E +109 2 78 Q +109 2 79 T +109 2 80 S +109 2 81 M +109 2 82 M +109 2 83 Q +109 2 84 K +109 2 85 M +109 2 86 K +109 2 87 T +109 2 88 K +109 2 89 T +109 2 90 M +109 2 91 M +109 2 92 Q +109 2 93 S +109 2 94 T +109 2 95 S +109 2 96 Y +109 2 97 E +109 2 98 K +109 2 99 E +109 2 100 ES +109 2 101 K +109 2 102 E +109 2 103 M +109 2 104 ES +109 2 105 E +109 2 106 Y +109 2 107 Q +109 2 108 ES +109 2 109 E +109 2 110 Y +109 2 111 M +109 2 112 K +109 2 113 T +109 2 114 M +109 2 115 K +109 2 116 ES +109 2 117 K +109 2 118 K +109 2 119 M +109 2 120 Q +109 2 121 K +109 2 122 M +109 2 123 S +109 2 124 M +109 2 125 K +109 2 126 K +109 2 127 M +109 2 128 M +109 2 129 Q +109 2 130 M +109 2 131 E +109 2 132 K +109 2 133 M +109 2 134 T +109 2 135 K +109 2 136 ES +109 2 137 M +109 2 138 ES +109 2 139 Q +109 2 140 S +109 2 141 Q +109 2 142 E +109 2 143 M +109 2 144 E +109 2 145 M +109 2 146 Y +109 2 147 M +109 2 148 K +109 2 149 M +109 2 150 E +109 2 151 K +109 2 152 E +109 2 153 ES +109 2 154 T +109 2 155 T +109 2 156 M +109 2 157 T +109 2 158 Q +109 2 159 * +109 2 160 K +109 2 161 M +109 2 162 K +109 2 163 M +109 2 164 ES +109 2 165 M +109 2 166 S +109 2 167 E +109 2 168 M +109 2 169 ES +109 2 170 S +109 2 171 M +109 2 172 Q +109 2 173 K +109 2 174 Y +109 2 175 ES +109 2 176 K +109 2 177 M +109 2 178 S +109 2 179 E +109 2 180 M +109 2 181 Y +109 2 182 K +109 2 183 K +109 2 184 E +109 2 185 Y +109 2 186 ES +109 2 187 Y +109 2 188 ES +109 2 189 ES +109 2 190 K +109 2 191 M +109 2 192 E +109 2 193 M +109 2 194 K +109 2 195 M +109 2 196 M +109 2 197 E +109 2 198 T +109 2 199 ES +109 2 200 ES +109 2 201 K +109 2 202 M +109 2 203 K +109 2 204 T +109 2 205 E +109 2 206 ES +109 2 207 K +109 2 208 Y +109 2 209 M +109 2 210 T +109 2 211 ES +109 2 212 * +109 2 213 E +109 2 214 M +109 2 215 K +109 2 216 M +109 2 217 K +109 2 218 M +109 2 219 ES +109 2 220 E +109 2 221 ES +109 2 222 E +109 2 223 M +109 2 224 Q +109 2 225 M +109 2 226 S +109 2 227 T +109 2 228 S +109 2 229 M +109 2 230 Q +109 2 231 E +109 2 232 M +109 2 233 ES +109 2 234 M +109 2 235 S +109 2 236 M +109 2 237 K +109 2 238 ES +109 2 239 K +109 2 240 T +109 2 241 Q +109 2 242 Y +109 2 243 K +109 2 244 ES +109 2 245 K +109 2 246 M +109 2 247 E +109 2 248 M +109 2 249 M +109 2 250 E +109 2 251 M +109 2 252 Q +109 2 253 M +109 2 254 ES +109 2 255 T +109 2 256 K +109 2 257 S +109 2 258 M +109 2 259 K +109 2 260 M +109 2 261 Y +109 2 262 Q +109 2 263 T +109 2 264 ES +109 2 265 M +109 2 266 T +109 2 267 K +109 2 268 M +109 2 269 E +109 2 270 Y +109 2 271 M +109 2 272 Q +109 2 273 E +109 2 274 Q +109 2 275 M +109 2 276 K +109 2 277 S +109 2 278 K +109 2 279 E +109 2 280 M +109 2 281 M +109 2 282 M +109 2 283 T +109 2 284 ES +109 2 285 K +109 2 286 Q +109 2 287 Y +109 2 288 K +109 2 289 ES +109 2 290 Q +109 2 291 S +109 2 292 K +109 2 293 M +109 2 294 ES +109 2 295 T +109 2 296 E +109 2 297 Y +109 2 298 K +109 2 299 M +109 2 300 T +109 2 301 M +109 2 302 Q +109 2 303 ES +109 2 304 M +109 2 305 K +109 2 306 M +109 2 307 S +109 2 308 E +109 2 309 M +109 2 310 M +109 2 311 S +109 2 312 T +109 2 313 E +109 2 314 Q +109 2 315 M +109 2 316 M +109 2 317 K +109 2 318 K +109 2 319 Q +109 2 320 M +109 2 321 K +109 2 322 ES +109 2 323 M +109 2 324 Q +109 2 325 E +109 2 326 Y +109 2 327 ES +109 2 328 M +109 2 329 T +109 2 330 ES +109 3 1 S +109 3 2 Q +109 3 3 K +109 3 4 E +109 3 5 S +109 3 6 K +109 3 7 S +109 3 8 E +109 3 9 T +109 3 10 S +109 3 11 S +109 3 12 Y +109 3 13 S +109 3 14 S +109 3 15 K +109 3 16 Q +109 3 17 K +109 3 18 T +109 3 19 S +109 3 20 S +109 3 21 K +109 3 22 Y +109 3 23 E +109 3 24 T +109 3 25 S +109 3 26 S +109 3 27 Q +109 3 28 K +109 3 29 S +109 3 30 K +109 3 31 S +109 3 32 K +109 3 33 S +109 3 34 S +109 3 35 K +109 3 36 S +109 3 37 Q +109 3 38 K +109 3 39 S +109 3 40 S +109 3 41 K +109 3 42 Y +109 3 43 S +109 3 44 Q +109 3 45 S +109 3 46 Q +109 3 47 S +109 3 48 Q +109 3 49 S +109 3 50 M +109 3 51 T +109 3 52 Q +109 3 53 K +109 3 54 S +109 3 55 S +109 3 56 T +109 3 57 S +109 3 58 Y +109 3 59 K +109 3 60 S +109 3 61 K +109 3 62 E +109 3 63 K +109 3 64 S +109 3 65 K +109 3 66 Q +109 3 67 S +109 3 68 E +109 3 69 S +109 3 70 Q +109 3 71 E +109 3 72 S +109 3 73 E +109 3 74 S +109 3 75 S +109 3 76 K +109 3 77 S +109 3 78 M +109 3 79 T +109 3 80 S +109 3 81 S +109 3 82 S +109 3 83 Y +109 3 84 K +109 3 85 S +109 3 86 K +109 3 87 T +109 3 88 K +109 3 89 T +109 3 90 S +109 3 91 Y +109 3 92 Q +109 3 93 S +109 3 94 T +109 3 95 Q +109 3 96 Y +109 3 97 E +109 3 98 K +109 3 99 E +109 3 100 S +109 3 101 K +109 3 102 E +109 3 103 Y +109 3 104 S +109 3 105 E +109 3 106 Y +109 3 107 Q +109 3 108 S +109 3 109 S +109 3 110 Y +109 3 111 S +109 3 112 K +109 3 113 T +109 3 114 S +109 3 115 K +109 3 116 Q +109 3 117 T +109 3 118 M +109 3 119 S +109 3 120 Q +109 3 121 K +109 3 122 S +109 3 123 S +109 3 124 Y +109 3 125 K +109 3 126 M +109 3 127 S +109 3 128 Y +109 3 129 Q +109 3 130 S +109 3 131 E +109 3 132 K +109 3 133 S +109 3 134 T +109 3 135 K +109 3 136 S +109 3 137 S +109 3 138 S +109 3 139 Q +109 3 140 S +109 3 141 Q +109 3 142 Q +109 3 143 S +109 3 144 M +109 3 145 S +109 3 146 Y +109 3 147 S +109 3 148 K +109 3 149 S +109 3 150 M +109 3 151 K +109 3 152 M +109 3 153 S +109 3 154 T +109 3 155 T +109 3 156 S +109 3 157 T +109 3 158 Q +109 3 159 Y +109 3 160 K +109 3 161 S +109 3 162 K +109 3 163 S +109 3 164 S +109 3 165 S +109 3 166 S +109 3 167 K +109 3 168 S +109 3 169 S +109 3 170 S +109 3 171 S +109 3 172 Q +109 3 173 K +109 3 174 Y +109 3 175 S +109 3 176 K +109 3 177 Y +109 3 178 S +109 3 179 E +109 3 180 S +109 3 181 Y +109 3 182 K +109 3 183 T +109 3 184 M +109 3 185 Y +109 3 186 S +109 3 187 Y +109 3 188 S +109 3 189 S +109 3 190 K +109 3 191 S +109 3 192 E +109 3 193 Y +109 3 194 E +109 3 195 S +109 3 196 S +109 3 197 M +109 3 198 T +109 3 199 Q +109 3 200 S +109 3 201 K +109 3 202 S +109 3 203 M +109 3 204 T +109 3 205 M +109 3 206 Q +109 3 207 K +109 3 208 T +109 3 209 S +109 3 210 T +109 3 211 S +109 3 212 K +109 3 213 M +109 3 214 S +109 3 215 M +109 3 216 S +109 3 217 K +109 3 218 S +109 3 219 Q +109 3 220 S +109 3 221 Q +109 3 222 M +109 3 223 S +109 3 224 Q +109 3 225 S +109 3 226 S +109 3 227 T +109 3 228 S +109 3 229 S +109 3 230 Q +109 3 231 M +109 3 232 Y +109 3 233 S +109 3 234 S +109 3 235 S +109 3 236 S +109 3 237 Y +109 3 238 S +109 3 239 K +109 3 240 T +109 3 241 EG +109 3 242 Y +109 3 243 E +109 3 244 Q +109 3 245 K +109 3 246 S +109 3 247 M +109 3 248 S +109 3 249 S +109 3 250 E +109 3 251 S +109 3 252 K +109 3 253 S +109 3 254 S +109 3 255 T +109 3 256 M +109 3 257 S +109 3 258 Y +109 3 259 E +109 3 260 Q +109 3 261 K +109 3 262 Q +109 3 263 T +109 3 264 S +109 3 265 S +109 3 266 K +109 3 267 M +109 3 268 S +109 3 269 M +109 3 270 Y +109 3 271 S +109 3 272 Q +109 3 273 M +109 3 274 Q +109 3 275 S +109 3 276 K +109 3 277 S +109 3 278 K +109 3 279 S +109 3 280 S +109 3 281 S +109 3 282 S +109 3 283 T +109 3 284 Q +109 3 285 K +109 3 286 Q +109 3 287 T +109 3 288 K +109 3 289 S +109 3 290 Q +109 3 291 S +109 3 292 K +109 3 293 Q +109 3 294 Q +109 3 295 T +109 3 296 M +109 3 297 Y +109 3 298 K +109 3 299 S +109 3 300 Q +109 3 301 S +109 3 302 Q +109 3 303 Q +109 3 304 S +109 3 305 M +109 3 306 S +109 3 307 S +109 3 308 M +109 3 309 T +109 3 310 S +109 3 311 S +109 3 312 T +109 3 313 S +109 3 314 EG +109 3 315 S +109 3 316 S +109 3 317 M +109 3 318 K +109 3 319 Q +109 3 320 S +109 3 321 K +109 3 322 S +109 3 323 S +109 3 324 EG +109 3 325 M +109 3 326 Y +109 3 327 EG +109 3 328 S +109 3 329 T +109 3 330 EG +109 4 1 S +109 4 2 ES +109 4 3 K +109 4 4 E +109 4 5 S +109 4 6 Q +109 4 7 M +109 4 8 E +109 4 9 E +109 4 10 E +109 4 11 S +109 4 12 Y +109 4 13 S +109 4 14 S +109 4 15 K +109 4 16 Q +109 4 17 K +109 4 18 T +109 4 19 ES +109 4 20 M +109 4 21 K +109 4 22 Q +109 4 23 E +109 4 24 T +109 4 25 S +109 4 26 S +109 4 27 Q +109 4 28 K +109 4 29 M +109 4 30 K +109 4 31 S +109 4 32 K +109 4 33 M +109 4 34 S +109 4 35 K +109 4 36 E +109 4 37 S +109 4 38 K +109 4 39 M +109 4 40 ES +109 4 41 K +109 4 42 Q +109 4 43 E +109 4 44 Q +109 4 45 M +109 4 46 T +109 4 47 M +109 4 48 Y +109 4 49 ES +109 4 50 E +109 4 51 T +109 4 52 Q +109 4 53 K +109 4 54 M +109 4 55 S +109 4 56 K +109 4 57 S +109 4 58 M +109 4 59 E +109 4 60 M +109 4 61 K +109 4 62 E +109 4 63 K +109 4 64 S +109 4 65 K +109 4 66 Q +109 4 67 M +109 4 68 E +109 4 69 M +109 4 70 Q +109 4 71 K +109 4 72 M +109 4 73 E +109 4 74 S +109 4 75 M +109 4 76 K +109 4 77 ES +109 4 78 Q +109 4 79 T +109 4 80 S +109 4 81 M +109 4 82 M +109 4 83 Q +109 4 84 K +109 4 85 M +109 4 86 K +109 4 87 T +109 4 88 E +109 4 89 T +109 4 90 M +109 4 91 M +109 4 92 Q +109 4 93 S +109 4 94 T +109 4 95 Q +109 4 96 S +109 4 97 E +109 4 98 K +109 4 99 E +109 4 100 Q +109 4 101 K +109 4 102 S +109 4 103 M +109 4 104 ES +109 4 105 E +109 4 106 Y +109 4 107 Q +109 4 108 Q +109 4 109 S +109 4 110 Y +109 4 111 M +109 4 112 K +109 4 113 T +109 4 114 M +109 4 115 K +109 4 116 Q +109 4 117 T +109 4 118 K +109 4 119 M +109 4 120 Q +109 4 121 K +109 4 122 M +109 4 123 S +109 4 124 M +109 4 125 K +109 4 126 K +109 4 127 M +109 4 128 M +109 4 129 Q +109 4 130 M +109 4 131 E +109 4 132 K +109 4 133 M +109 4 134 T +109 4 135 K +109 4 136 ES +109 4 137 M +109 4 138 ES +109 4 139 Q +109 4 140 S +109 4 141 Q +109 4 142 Q +109 4 143 M +109 4 144 E +109 4 145 M +109 4 146 Y +109 4 147 M +109 4 148 K +109 4 149 M +109 4 150 E +109 4 151 K +109 4 152 E +109 4 153 ES +109 4 154 T +109 4 155 T +109 4 156 M +109 4 157 T +109 4 158 Q +109 4 159 Y +109 4 160 K +109 4 161 M +109 4 162 K +109 4 163 M +109 4 164 S +109 4 165 M +109 4 166 S +109 4 167 E +109 4 168 M +109 4 169 S +109 4 170 M +109 4 171 M +109 4 172 Q +109 4 173 K +109 4 174 Y +109 4 175 ES +109 4 176 K +109 4 177 M +109 4 178 S +109 4 179 K +109 4 180 M +109 4 181 Y +109 4 182 E +109 4 183 T +109 4 184 E +109 4 185 Y +109 4 186 ES +109 4 187 Y +109 4 188 S +109 4 189 S +109 4 190 K +109 4 191 M +109 4 192 E +109 4 193 M +109 4 194 K +109 4 195 M +109 4 196 Q +109 4 197 E +109 4 198 T +109 4 199 Q +109 4 200 ES +109 4 201 K +109 4 202 M +109 4 203 K +109 4 204 T +109 4 205 E +109 4 206 Q +109 4 207 K +109 4 208 T +109 4 209 M +109 4 210 T +109 4 211 ES +109 4 212 K +109 4 213 E +109 4 214 M +109 4 215 K +109 4 216 M +109 4 217 K +109 4 218 M +109 4 219 S +109 4 220 E +109 4 221 Q +109 4 222 E +109 4 223 M +109 4 224 Q +109 4 225 M +109 4 226 S +109 4 227 T +109 4 228 S +109 4 229 M +109 4 230 Q +109 4 231 E +109 4 232 M +109 4 233 E +109 4 234 M +109 4 235 S +109 4 236 M +109 4 237 K +109 4 238 M +109 4 239 K +109 4 240 T +109 4 241 Q +109 4 242 Y +109 4 243 K +109 4 244 S +109 4 245 K +109 4 246 M +109 4 247 E +109 4 248 M +109 4 249 M +109 4 250 E +109 4 251 M +109 4 252 Q +109 4 253 M +109 4 254 ES +109 4 255 T +109 4 256 K +109 4 257 S +109 4 258 M +109 4 259 K +109 4 260 M +109 4 261 Y +109 4 262 Q +109 4 263 T +109 4 264 Q +109 4 265 M +109 4 266 K +109 4 267 K +109 4 268 M +109 4 269 K +109 4 270 Y +109 4 271 M +109 4 272 Q +109 4 273 K +109 4 274 Q +109 4 275 M +109 4 276 K +109 4 277 S +109 4 278 K +109 4 279 E +109 4 280 M +109 4 281 M +109 4 282 M +109 4 283 T +109 4 284 Q +109 4 285 K +109 4 286 Q +109 4 287 T +109 4 288 K +109 4 289 ES +109 4 290 Q +109 4 291 S +109 4 292 K +109 4 293 M +109 4 294 Q +109 4 295 T +109 4 296 E +109 4 297 Y +109 4 298 K +109 4 299 M +109 4 300 T +109 4 301 M +109 4 302 K +109 4 303 S +109 4 304 M +109 4 305 E +109 4 306 M +109 4 307 S +109 4 308 E +109 4 309 M +109 4 310 M +109 4 311 S +109 4 312 T +109 4 313 E +109 4 314 K +109 4 315 M +109 4 316 M +109 4 317 K +109 4 318 K +109 4 319 Q +109 4 320 M +109 4 321 K +109 4 322 S +109 4 323 M +109 4 324 Q +109 4 325 E +109 4 326 Y +109 4 327 S +109 4 328 M +109 4 329 T +109 4 330 S +109 5 1 S +109 5 2 S +109 5 3 K +109 5 4 E +109 5 5 S +109 5 6 Y +109 5 7 M +109 5 8 E +109 5 9 E +109 5 10 S +109 5 11 S +109 5 12 NI +109 5 13 M +109 5 14 T +109 5 15 K +109 5 16 Q +109 5 17 K +109 5 18 T +109 5 19 S +109 5 20 M +109 5 21 K +109 5 22 K +109 5 23 S +109 5 24 T +109 5 25 S +109 5 26 S +109 5 27 Q +109 5 28 K +109 5 29 S +109 5 30 E +109 5 31 S +109 5 32 K +109 5 33 M +109 5 34 S +109 5 35 K +109 5 36 T +109 5 37 S +109 5 38 K +109 5 39 M +109 5 40 S +109 5 41 K +109 5 42 QI +109 5 43 S +109 5 44 Q +109 5 45 S +109 5 46 T +109 5 47 M +109 5 48 QI +109 5 49 SK +109 5 50 E +109 5 51 P +109 5 52 Q +109 5 53 K +109 5 54 M +109 5 55 S +109 5 56 K +109 5 57 SK +109 5 58 QI +109 5 59 Q +109 5 60 T +109 5 61 K +109 5 62 SK +109 5 63 K +109 5 64 S +109 5 65 K +109 5 66 Q +109 5 67 S +109 5 68 K +109 5 69 M +109 5 70 Q +109 5 71 E +109 5 72 S +109 5 73 K +109 5 74 S +109 5 75 T +109 5 76 E +109 5 77 S +109 5 78 K +109 5 79 T +109 5 80 S +109 5 81 M +109 5 82 S +109 5 83 Q +109 5 84 K +109 5 85 S +109 5 86 K +109 5 87 T +109 5 88 K +109 5 89 T +109 5 90 T +109 5 91 M +109 5 92 Q +109 5 93 SK +109 5 94 T +109 5 95 Q +109 5 96 S +109 5 97 S +109 5 98 K +109 5 99 K +109 5 100 Q +109 5 101 K +109 5 102 S +109 5 103 M +109 5 104 SK +109 5 105 K +109 5 106 Q +109 5 107 Q +109 5 108 S +109 5 109 S +109 5 110 MA +109 5 111 S +109 5 112 K +109 5 113 T +109 5 114 SK +109 5 115 K +109 5 116 S +109 5 117 T +109 5 118 K +109 5 119 SK +109 5 120 Q +109 5 121 K +109 5 122 S +109 5 123 SK +109 5 124 S +109 5 125 K +109 5 126 K +109 5 127 T +109 5 128 S +109 5 129 Q +109 5 130 T +109 5 131 K +109 5 132 E +109 5 133 S +109 5 134 T +109 5 135 K +109 5 136 SK +109 5 137 SK +109 5 138 S +109 5 139 Q +109 5 140 S +109 5 141 Q +109 5 142 Q +109 5 143 M +109 5 144 S +109 5 145 SK +109 5 146 S +109 5 147 S +109 5 148 K +109 5 149 S +109 5 150 E +109 5 151 K +109 5 152 K +109 5 153 SK +109 5 154 T +109 5 155 T +109 5 156 S +109 5 157 K +109 5 158 Q +109 5 159 MA +109 5 160 K +109 5 161 SK +109 5 162 K +109 5 163 SK +109 5 164 S +109 5 165 M +109 5 166 T +109 5 167 Q +109 5 168 M +109 5 169 S +109 5 170 T +109 5 171 M +109 5 172 Q +109 5 173 K +109 5 174 MA +109 5 175 S +109 5 176 K +109 5 177 Q +109 5 178 S +109 5 179 E +109 5 180 S +109 5 181 MA +109 5 182 E +109 5 183 QI +109 5 184 S +109 5 185 MA +109 5 186 SK +109 5 187 MA +109 5 188 S +109 5 189 K +109 5 190 K +109 5 191 SK +109 5 192 SK +109 5 193 MA +109 5 194 E +109 5 195 S +109 5 196 SK +109 5 197 SK +109 5 198 T +109 5 199 Q +109 5 200 S +109 5 201 K +109 5 202 M +109 5 203 K +109 5 204 T +109 5 205 SK +109 5 206 Q +109 5 207 K +109 5 208 QI +109 5 209 SK +109 5 210 E +109 5 211 S +109 5 212 MA +109 5 213 K +109 5 214 S +109 5 215 K +109 5 216 T +109 5 217 MA +109 5 218 S +109 5 219 Q +109 5 220 SK +109 5 221 Q +109 5 222 S +109 5 223 SK +109 5 224 Q +109 5 225 M +109 5 226 SK +109 5 227 T +109 5 228 T +109 5 229 S +109 5 230 K +109 5 231 K +109 5 232 S +109 5 233 S +109 5 234 SK +109 5 235 S +109 5 236 S +109 5 237 MA +109 5 238 S +109 5 239 K +109 5 240 E +109 5 241 Q +109 5 242 K +109 5 243 E +109 5 244 Q +109 5 245 K +109 5 246 SK +109 5 247 SK +109 5 248 T +109 5 249 S +109 5 250 SK +109 5 251 K +109 5 252 Q +109 5 253 SK +109 5 254 S +109 5 255 T +109 5 256 K +109 5 257 SK +109 5 258 QI +109 5 259 E +109 5 260 Q +109 5 261 MA +109 5 262 Q +109 5 263 T +109 5 264 NI +109 5 265 M +109 5 266 E +109 5 267 E +109 5 268 SK +109 5 269 K +109 5 270 MA +109 5 271 T +109 5 272 Q +109 5 273 K +109 5 274 Q +109 5 275 M +109 5 276 K +109 5 277 S +109 5 278 M +109 5 279 S +109 5 280 SK +109 5 281 S +109 5 282 S +109 5 283 E +109 5 284 Q +109 5 285 K +109 5 286 Q +109 5 287 QI +109 5 288 K +109 5 289 SK +109 5 290 Q +109 5 291 S +109 5 292 K +109 5 293 Q +109 5 294 Q +109 5 295 QI +109 5 296 S +109 5 297 MA +109 5 298 K +109 5 299 S +109 5 300 Q +109 5 301 SK +109 5 302 Q +109 5 303 Q +109 5 304 MA +109 5 305 K +109 5 306 S +109 5 307 SK +109 5 308 S +109 5 309 T +109 5 310 SK +109 5 311 S +109 5 312 T +109 5 313 SK +109 5 314 Q +109 5 315 S +109 5 316 SK +109 5 317 K +109 5 318 MA +109 5 319 Q +109 5 320 M +109 5 321 K +109 5 322 SK +109 5 323 SK +109 5 324 Q +109 5 325 K +109 5 326 MA +109 5 327 Q +109 5 328 SK +109 5 329 E +109 5 330 Q +109 6 1 SK +109 6 2 S +109 6 3 K +109 6 4 T +109 6 5 Q +109 6 6 Q +109 6 7 S +109 6 8 K +109 6 9 T +109 6 10 S +109 6 11 E +109 6 12 NI +109 6 13 E +109 6 14 T +109 6 15 K +109 6 16 Q +109 6 17 K +109 6 18 E +109 6 19 S +109 6 20 S +109 6 21 K +109 6 22 NI +109 6 23 E +109 6 24 E +109 6 25 S +109 6 26 S +109 6 27 Q +109 6 28 K +109 6 29 S +109 6 30 K +109 6 31 S +109 6 32 S +109 6 33 S +109 6 34 S +109 6 35 K +109 6 36 S +109 6 37 S +109 6 38 K +109 6 39 S +109 6 40 S +109 6 41 K +109 6 42 T +109 6 43 EG +109 6 44 Q +109 6 45 S +109 6 46 T +109 6 47 S +109 6 48 T +109 6 49 S +109 6 50 E +109 6 51 T +109 6 52 S +109 6 53 K +109 6 54 S +109 6 55 S +109 6 56 K +109 6 57 E +109 6 58 T +109 6 59 T +109 6 60 S +109 6 61 K +109 6 62 ES +109 6 63 K +109 6 64 S +109 6 65 K +109 6 66 Q +109 6 67 S +109 6 68 K +109 6 69 S +109 6 70 Q +109 6 71 K +109 6 72 S +109 6 73 E +109 6 74 S +109 6 75 S +109 6 76 K +109 6 77 S +109 6 78 K +109 6 79 T +109 6 80 S +109 6 81 S +109 6 82 S +109 6 83 NI +109 6 84 K +109 6 85 S +109 6 86 K +109 6 87 E +109 6 88 K +109 6 89 T +109 6 90 E +109 6 91 S +109 6 92 Q +109 6 93 S +109 6 94 T +109 6 95 NI +109 6 96 NI +109 6 97 S +109 6 98 K +109 6 99 S +109 6 100 S +109 6 101 K +109 6 102 Q +109 6 103 S +109 6 104 S +109 6 105 S +109 6 106 NI +109 6 107 Q +109 6 108 S +109 6 109 S +109 6 110 NI +109 6 111 S +109 6 112 K +109 6 113 T +109 6 114 S +109 6 115 K +109 6 116 S +109 6 117 T +109 6 118 K +109 6 119 S +109 6 120 Q +109 6 121 K +109 6 122 S +109 6 123 S +109 6 124 S +109 6 125 K +109 6 126 K +109 6 127 S +109 6 128 Q +109 6 129 Q +109 6 130 S +109 6 131 S +109 6 132 K +109 6 133 S +109 6 134 T +109 6 135 K +109 6 136 S +109 6 137 S +109 6 138 S +109 6 139 Q +109 6 140 S +109 6 141 Q +109 6 142 Q +109 6 143 S +109 6 144 E +109 6 145 S +109 6 146 NI +109 6 147 S +109 6 148 K +109 6 149 S +109 6 150 E +109 6 151 K +109 6 152 K +109 6 153 S +109 6 154 T +109 6 155 T +109 6 156 S +109 6 157 T +109 6 158 Q +109 6 159 NI +109 6 160 K +109 6 161 S +109 6 162 K +109 6 163 S +109 6 164 S +109 6 165 S +109 6 166 S +109 6 167 K +109 6 168 S +109 6 169 S +109 6 170 S +109 6 171 S +109 6 172 Q +109 6 173 K +109 6 174 NI +109 6 175 S +109 6 176 K +109 6 177 Q +109 6 178 S +109 6 179 K +109 6 180 S +109 6 181 NI +109 6 182 K +109 6 183 NI +109 6 184 E +109 6 185 NI +109 6 186 S +109 6 187 NI +109 6 188 S +109 6 189 S +109 6 190 K +109 6 191 S +109 6 192 S +109 6 193 S +109 6 194 K +109 6 195 S +109 6 196 S +109 6 197 T +109 6 198 E +109 6 199 NI +109 6 200 S +109 6 201 K +109 6 202 S +109 6 203 K +109 6 204 E +109 6 205 S +109 6 206 NI +109 6 207 K +109 6 208 NI +109 6 209 S +109 6 210 T +109 6 211 S +109 6 212 NI +109 6 213 EG +109 6 214 S +109 6 215 K +109 6 216 S +109 6 217 K +109 6 218 S +109 6 219 Q +109 6 220 S +109 6 221 Q +109 6 222 * +109 6 223 S +109 6 224 Q +109 6 225 S +109 6 226 S +109 6 227 T +109 6 228 S +109 6 229 S +109 6 230 Q +109 6 231 S +109 6 232 S +109 6 233 S +109 6 234 S +109 6 235 S +109 6 236 S +109 6 237 K +109 6 238 S +109 6 239 K +109 6 240 T +109 6 241 Q +109 6 242 NI +109 6 243 K +109 6 244 S +109 6 245 K +109 6 246 S +109 6 247 E +109 6 248 S +109 6 249 S +109 6 250 S +109 6 251 S +109 6 252 Q +109 6 253 S +109 6 254 * +109 6 255 T +109 6 256 K +109 6 257 S +109 6 258 NI +109 6 259 K +109 6 260 Q +109 6 261 NI +109 6 262 Q +109 6 263 EG +109 6 264 S +109 6 265 S +109 6 266 K +109 6 267 K +109 6 268 S +109 6 269 K +109 6 270 NI +109 6 271 S +109 6 272 Q +109 6 273 K +109 6 274 Q +109 6 275 S +109 6 276 K +109 6 277 S +109 6 278 K +109 6 279 S +109 6 280 S +109 6 281 S +109 6 282 S +109 6 283 T +109 6 284 Q +109 6 285 K +109 6 286 Q +109 6 287 T +109 6 288 K +109 6 289 S +109 6 290 Q +109 6 291 S +109 6 292 K +109 6 293 Q +109 6 294 S +109 6 295 T +109 6 296 S +109 6 297 NI +109 6 298 K +109 6 299 S +109 6 300 EG +109 6 301 S +109 6 302 Q +109 6 303 S +109 6 304 S +109 6 305 K +109 6 306 S +109 6 307 S +109 6 308 K +109 6 309 S +109 6 310 S +109 6 311 S +109 6 312 T +109 6 313 E +109 6 314 Q +109 6 315 S +109 6 316 S +109 6 317 K +109 6 318 NI +109 6 319 Q +109 6 320 S +109 6 321 K +109 6 322 S +109 6 323 S +109 6 324 Q +109 6 325 K +109 6 326 NI +109 6 327 S +109 6 328 S +109 6 329 NI +109 6 330 S +109 7 1 S +109 7 2 Q +109 7 3 K +109 7 4 E +109 7 5 S +109 7 6 K +109 7 7 S +109 7 8 E +109 7 9 T +109 7 10 S +109 7 11 M +109 7 12 NI +109 7 13 M +109 7 14 T +109 7 15 K +109 7 16 Q +109 7 17 K +109 7 18 T +109 7 19 S +109 7 20 M +109 7 21 K +109 7 22 NI +109 7 23 E +109 7 24 T +109 7 25 S +109 7 26 S +109 7 27 Q +109 7 28 K +109 7 29 S +109 7 30 T +109 7 31 S +109 7 32 K +109 7 33 M +109 7 34 S +109 7 35 K +109 7 36 M +109 7 37 S +109 7 38 K +109 7 39 M +109 7 40 S +109 7 41 K +109 7 42 Y +109 7 43 S +109 7 44 K +109 7 45 S +109 7 46 T +109 7 47 M +109 7 48 Y +109 7 49 S +109 7 50 E +109 7 51 T +109 7 52 Q +109 7 53 K +109 7 54 M +109 7 55 S +109 7 56 NI +109 7 57 S +109 7 58 Y +109 7 59 Q +109 7 60 T +109 7 61 K +109 7 62 E +109 7 63 K +109 7 64 S +109 7 65 K +109 7 66 Q +109 7 67 M +109 7 68 K +109 7 69 M +109 7 70 Q +109 7 71 K +109 7 72 M +109 7 73 E +109 7 74 Q +109 7 75 M +109 7 76 K +109 7 77 S +109 7 78 K +109 7 79 T +109 7 80 S +109 7 81 M +109 7 82 S +109 7 83 Y +109 7 84 K +109 7 85 M +109 7 86 K +109 7 87 T +109 7 88 E +109 7 89 T +109 7 90 M +109 7 91 M +109 7 92 K +109 7 93 S +109 7 94 T +109 7 95 S +109 7 96 Y +109 7 97 E +109 7 98 K +109 7 99 E +109 7 100 S +109 7 101 E +109 7 102 E +109 7 103 M +109 7 104 S +109 7 105 E +109 7 106 Y +109 7 107 Q +109 7 108 S +109 7 109 S +109 7 110 Y +109 7 111 M +109 7 112 K +109 7 113 T +109 7 114 S +109 7 115 K +109 7 116 S +109 7 117 T +109 7 118 K +109 7 119 M +109 7 120 Q +109 7 121 K +109 7 122 M +109 7 123 S +109 7 124 M +109 7 125 K +109 7 126 K +109 7 127 M +109 7 128 M +109 7 129 K +109 7 130 M +109 7 131 E +109 7 132 K +109 7 133 M +109 7 134 E +109 7 135 E +109 7 136 S +109 7 137 M +109 7 138 S +109 7 139 E +109 7 140 S +109 7 141 Q +109 7 142 Q +109 7 143 M +109 7 144 E +109 7 145 S +109 7 146 Y +109 7 147 M +109 7 148 K +109 7 149 M +109 7 150 E +109 7 151 K +109 7 152 E +109 7 153 S +109 7 154 T +109 7 155 T +109 7 156 M +109 7 157 T +109 7 158 Q +109 7 159 Y +109 7 160 K +109 7 161 M +109 7 162 K +109 7 163 S +109 7 164 S +109 7 165 M +109 7 166 S +109 7 167 E +109 7 168 M +109 7 169 S +109 7 170 M +109 7 171 M +109 7 172 Q +109 7 173 K +109 7 174 Y +109 7 175 S +109 7 176 K +109 7 177 Y +109 7 178 S +109 7 179 E +109 7 180 M +109 7 181 Y +109 7 182 E +109 7 183 T +109 7 184 E +109 7 185 T +109 7 186 S +109 7 187 Y +109 7 188 S +109 7 189 S +109 7 190 K +109 7 191 S +109 7 192 E +109 7 193 M +109 7 194 E +109 7 195 M +109 7 196 M +109 7 197 E +109 7 198 T +109 7 199 M +109 7 200 S +109 7 201 K +109 7 202 M +109 7 203 E +109 7 204 T +109 7 205 E +109 7 206 Q +109 7 207 K +109 7 208 T +109 7 209 M +109 7 210 E +109 7 211 S +109 7 212 Y +109 7 213 E +109 7 214 M +109 7 215 E +109 7 216 M +109 7 217 K +109 7 218 M +109 7 219 S +109 7 220 S +109 7 221 S +109 7 222 E +109 7 223 M +109 7 224 Q +109 7 225 M +109 7 226 S +109 7 227 M +109 7 228 S +109 7 229 M +109 7 230 K +109 7 231 E +109 7 232 M +109 7 233 E +109 7 234 M +109 7 235 S +109 7 236 M +109 7 237 K +109 7 238 M +109 7 239 K +109 7 240 T +109 7 241 Q +109 7 242 Y +109 7 243 E +109 7 244 S +109 7 245 K +109 7 246 S +109 7 247 E +109 7 248 M +109 7 249 M +109 7 250 E +109 7 251 M +109 7 252 K +109 7 253 M +109 7 254 S +109 7 255 T +109 7 256 K +109 7 257 S +109 7 258 Y +109 7 259 K +109 7 260 M +109 7 261 K +109 7 262 Q +109 7 263 T +109 7 264 S +109 7 265 M +109 7 266 K +109 7 267 E +109 7 268 M +109 7 269 E +109 7 270 Y +109 7 271 M +109 7 272 Q +109 7 273 E +109 7 274 Q +109 7 275 M +109 7 276 E +109 7 277 S +109 7 278 K +109 7 279 S +109 7 280 M +109 7 281 M +109 7 282 M +109 7 283 T +109 7 284 Q +109 7 285 K +109 7 286 Q +109 7 287 T +109 7 288 K +109 7 289 S +109 7 290 K +109 7 291 S +109 7 292 K +109 7 293 M +109 7 294 Q +109 7 295 T +109 7 296 E +109 7 297 Y +109 7 298 K +109 7 299 M +109 7 300 T +109 7 301 M +109 7 302 K +109 7 303 S +109 7 304 M +109 7 305 E +109 7 306 M +109 7 307 S +109 7 308 E +109 7 309 M +109 7 310 M +109 7 311 S +109 7 312 T +109 7 313 S +109 7 314 Q +109 7 315 M +109 7 316 S +109 7 317 E +109 7 318 K +109 7 319 Q +109 7 320 M +109 7 321 K +109 7 322 S +109 7 323 M +109 7 324 Q +109 7 325 E +109 7 326 Y +109 7 327 S +109 7 328 M +109 7 329 T +109 7 330 S +109 8 1 S +109 8 2 S +109 8 3 K +109 8 4 E +109 8 5 S +109 8 6 Q +109 8 7 S +109 8 8 K +109 8 9 T +109 8 10 S +109 8 11 T +109 8 12 T +109 8 13 S +109 8 14 T +109 8 15 Q +109 8 16 Q +109 8 17 K +109 8 18 T +109 8 19 S +109 8 20 S +109 8 21 K +109 8 22 Q +109 8 23 E +109 8 24 T +109 8 25 S +109 8 26 S +109 8 27 Q +109 8 28 K +109 8 29 S +109 8 30 T +109 8 31 S +109 8 32 K +109 8 33 S +109 8 34 S +109 8 35 K +109 8 36 S +109 8 37 S +109 8 38 K +109 8 39 S +109 8 40 S +109 8 41 K +109 8 42 T +109 8 43 S +109 8 44 Q +109 8 45 S +109 8 46 T +109 8 47 T +109 8 48 T +109 8 49 S +109 8 50 E +109 8 51 T +109 8 52 S +109 8 53 K +109 8 54 S +109 8 55 S +109 8 56 K +109 8 57 S +109 8 58 T +109 8 59 S +109 8 60 T +109 8 61 K +109 8 62 S +109 8 63 K +109 8 64 S +109 8 65 K +109 8 66 Q +109 8 67 S +109 8 68 K +109 8 69 T +109 8 70 Q +109 8 71 K +109 8 72 S +109 8 73 E +109 8 74 S +109 8 75 S +109 8 76 K +109 8 77 S +109 8 78 K +109 8 79 T +109 8 80 S +109 8 81 S +109 8 82 S +109 8 83 T +109 8 84 K +109 8 85 S +109 8 86 K +109 8 87 T +109 8 88 K +109 8 89 T +109 8 90 S +109 8 91 S +109 8 92 Q +109 8 93 S +109 8 94 T +109 8 95 Q +109 8 96 T +109 8 97 S +109 8 98 K +109 8 99 S +109 8 100 S +109 8 101 K +109 8 102 S +109 8 103 T +109 8 104 S +109 8 105 K +109 8 106 Q +109 8 107 Q +109 8 108 S +109 8 109 S +109 8 110 T +109 8 111 T +109 8 112 K +109 8 113 T +109 8 114 S +109 8 115 K +109 8 116 Q +109 8 117 T +109 8 118 K +109 8 119 S +109 8 120 Q +109 8 121 K +109 8 122 S +109 8 123 S +109 8 124 S +109 8 125 K +109 8 126 K +109 8 127 S +109 8 128 S +109 8 129 Q +109 8 130 T +109 8 131 E +109 8 132 K +109 8 133 S +109 8 134 T +109 8 135 K +109 8 136 S +109 8 137 S +109 8 138 S +109 8 139 Q +109 8 140 S +109 8 141 Q +109 8 142 Q +109 8 143 S +109 8 144 S +109 8 145 S +109 8 146 T +109 8 147 S +109 8 148 K +109 8 149 S +109 8 150 S +109 8 151 T +109 8 152 S +109 8 153 S +109 8 154 T +109 8 155 T +109 8 156 S +109 8 157 T +109 8 158 Q +109 8 159 T +109 8 160 K +109 8 161 S +109 8 162 K +109 8 163 S +109 8 164 S +109 8 165 S +109 8 166 S +109 8 167 S +109 8 168 S +109 8 169 S +109 8 170 T +109 8 171 S +109 8 172 Q +109 8 173 K +109 8 174 T +109 8 175 S +109 8 176 K +109 8 177 T +109 8 178 S +109 8 179 K +109 8 180 S +109 8 181 T +109 8 182 K +109 8 183 T +109 8 184 S +109 8 185 T +109 8 186 S +109 8 187 T +109 8 188 S +109 8 189 T +109 8 190 K +109 8 191 S +109 8 192 S +109 8 193 T +109 8 194 K +109 8 195 S +109 8 196 S +109 8 197 S +109 8 198 T +109 8 199 Q +109 8 200 S +109 8 201 T +109 8 202 S +109 8 203 K +109 8 204 T +109 8 205 S +109 8 206 Q +109 8 207 K +109 8 208 T +109 8 209 S +109 8 210 T +109 8 211 S +109 8 212 T +109 8 213 S +109 8 214 S +109 8 215 K +109 8 216 S +109 8 217 K +109 8 218 S +109 8 219 Q +109 8 220 S +109 8 221 Q +109 8 222 S +109 8 223 S +109 8 224 Q +109 8 225 T +109 8 226 S +109 8 227 T +109 8 228 S +109 8 229 S +109 8 230 Q +109 8 231 K +109 8 232 T +109 8 233 S +109 8 234 S +109 8 235 S +109 8 236 S +109 8 237 T +109 8 238 S +109 8 239 K +109 8 240 T +109 8 241 T +109 8 242 T +109 8 243 T +109 8 244 T +109 8 245 K +109 8 246 S +109 8 247 S +109 8 248 S +109 8 249 S +109 8 250 E +109 8 251 S +109 8 252 Q +109 8 253 S +109 8 254 S +109 8 255 T +109 8 256 K +109 8 257 S +109 8 258 T +109 8 259 K +109 8 260 Q +109 8 261 T +109 8 262 Q +109 8 263 T +109 8 264 S +109 8 265 S +109 8 266 T +109 8 267 * +109 8 268 S +109 8 269 K +109 8 270 T +109 8 271 S +109 8 272 Q +109 8 273 K +109 8 274 Q +109 8 275 T +109 8 276 K +109 8 277 S +109 8 278 T +109 8 279 S +109 8 280 T +109 8 281 S +109 8 282 S +109 8 283 T +109 8 284 Q +109 8 285 K +109 8 286 Q +109 8 287 T +109 8 288 K +109 8 289 S +109 8 290 Q +109 8 291 S +109 8 292 K +109 8 293 Q +109 8 294 Q +109 8 295 T +109 8 296 S +109 8 297 T +109 8 298 K +109 8 299 S +109 8 300 Q +109 8 301 S +109 8 302 Q +109 8 303 S +109 8 304 S +109 8 305 K +109 8 306 S +109 8 307 S +109 8 308 E +109 8 309 T +109 8 310 S +109 8 311 S +109 8 312 T +109 8 313 S +109 8 314 Q +109 8 315 S +109 8 316 S +109 8 317 K +109 8 318 T +109 8 319 Q +109 8 320 T +109 8 321 K +109 8 322 S +109 8 323 S +109 8 324 Q +109 8 325 K +109 8 326 T +109 8 327 Q +109 8 328 S +109 8 329 T +109 8 330 Q +109 9 1 S +109 9 2 S +109 9 3 K +109 9 4 K +109 9 5 S +109 9 6 Y +109 9 7 S +109 9 8 K +109 9 9 T +109 9 10 S +109 9 11 S +109 9 12 Y +109 9 13 S +109 9 14 T +109 9 15 K +109 9 16 Q +109 9 17 K +109 9 18 T +109 9 19 S +109 9 20 S +109 9 21 K +109 9 22 Y +109 9 23 S +109 9 24 T +109 9 25 S +109 9 26 S +109 9 27 Q +109 9 28 K +109 9 29 S +109 9 30 K +109 9 31 S +109 9 32 K +109 9 33 S +109 9 34 S +109 9 35 K +109 9 36 T +109 9 37 S +109 9 38 K +109 9 39 S +109 9 40 S +109 9 41 K +109 9 42 S +109 9 43 T +109 9 44 Q +109 9 45 S +109 9 46 T +109 9 47 T +109 9 48 Y +109 9 49 S +109 9 50 K +109 9 51 T +109 9 52 Q +109 9 53 K +109 9 54 S +109 9 55 S +109 9 56 Y +109 9 57 S +109 9 58 T +109 9 59 K +109 9 60 T +109 9 61 K +109 9 62 S +109 9 63 K +109 9 64 S +109 9 65 K +109 9 66 Q +109 9 67 S +109 9 68 K +109 9 69 T +109 9 70 Y +109 9 71 K +109 9 72 S +109 9 73 K +109 9 74 S +109 9 75 T +109 9 76 K +109 9 77 S +109 9 78 Y +109 9 79 T +109 9 80 S +109 9 81 S +109 9 82 S +109 9 83 Y +109 9 84 K +109 9 85 S +109 9 86 K +109 9 87 T +109 9 88 K +109 9 89 T +109 9 90 T +109 9 91 Y +109 9 92 Y +109 9 93 S +109 9 94 T +109 9 95 Q +109 9 96 Y +109 9 97 S +109 9 98 K +109 9 99 S +109 9 100 S +109 9 101 K +109 9 102 Q +109 9 103 T +109 9 104 S +109 9 105 K +109 9 106 Y +109 9 107 Q +109 9 108 S +109 9 109 S +109 9 110 K +109 9 111 T +109 9 112 K +109 9 113 T +109 9 114 S +109 9 115 K +109 9 116 S +109 9 117 T +109 9 118 K +109 9 119 S +109 9 120 Q +109 9 121 K +109 9 122 S +109 9 123 S +109 9 124 S +109 9 125 K +109 9 126 K +109 9 127 T +109 9 128 Y +109 9 129 Q +109 9 130 T +109 9 131 K +109 9 132 K +109 9 133 S +109 9 134 T +109 9 135 K +109 9 136 S +109 9 137 S +109 9 138 S +109 9 139 Q +109 9 140 S +109 9 141 Q +109 9 142 Q +109 9 143 S +109 9 144 T +109 9 145 S +109 9 146 Y +109 9 147 S +109 9 148 K +109 9 149 S +109 9 150 T +109 9 151 K +109 9 152 K +109 9 153 S +109 9 154 T +109 9 155 T +109 9 156 S +109 9 157 T +109 9 158 Q +109 9 159 Y +109 9 160 K +109 9 161 S +109 9 162 K +109 9 163 S +109 9 164 S +109 9 165 T +109 9 166 T +109 9 167 Q +109 9 168 S +109 9 169 S +109 9 170 T +109 9 171 T +109 9 172 Q +109 9 173 K +109 9 174 Y +109 9 175 S +109 9 176 K +109 9 177 S +109 9 178 S +109 9 179 T +109 9 180 S +109 9 181 Y +109 9 182 K +109 9 183 T +109 9 184 S +109 9 185 T +109 9 186 S +109 9 187 Y +109 9 188 S +109 9 189 S +109 9 190 Y +109 9 191 S +109 9 192 S +109 9 193 S +109 9 194 K +109 9 195 S +109 9 196 S +109 9 197 S +109 9 198 T +109 9 199 Q +109 9 200 S +109 9 201 Y +109 9 202 S +109 9 203 K +109 9 204 T +109 9 205 S +109 9 206 Q +109 9 207 K +109 9 208 T +109 9 209 S +109 9 210 T +109 9 211 S +109 9 212 Y +109 9 213 Q +109 9 214 S +109 9 215 Q +109 9 216 T +109 9 217 Q +109 9 218 S +109 9 219 Q +109 9 220 S +109 9 221 Q +109 9 222 S +109 9 223 S +109 9 224 Q +109 9 225 S +109 9 226 S +109 9 227 T +109 9 228 T +109 9 229 S +109 9 230 Q +109 9 231 K +109 9 232 T +109 9 233 S +109 9 234 S +109 9 235 S +109 9 236 S +109 9 237 Y +109 9 238 S +109 9 239 K +109 9 240 K +109 9 241 Q +109 9 242 Q +109 9 243 K +109 9 244 Q +109 9 245 K +109 9 246 S +109 9 247 S +109 9 248 T +109 9 249 T +109 9 250 T +109 9 251 S +109 9 252 Q +109 9 253 S +109 9 254 S +109 9 255 T +109 9 256 K +109 9 257 S +109 9 258 Y +109 9 259 K +109 9 260 Y +109 9 261 K +109 9 262 Q +109 9 263 T +109 9 264 S +109 9 265 S +109 9 266 K +109 9 267 K +109 9 268 S +109 9 269 K +109 9 270 Y +109 9 271 T +109 9 272 Q +109 9 273 K +109 9 274 Q +109 9 275 K +109 9 276 K +109 9 277 S +109 9 278 K +109 9 279 S +109 9 280 S +109 9 281 S +109 9 282 S +109 9 283 T +109 9 284 Q +109 9 285 K +109 9 286 Q +109 9 287 K +109 9 288 K +109 9 289 S +109 9 290 Q +109 9 291 S +109 9 292 K +109 9 293 Q +109 9 294 Q +109 9 295 T +109 9 296 S +109 9 297 Y +109 9 298 K +109 9 299 S +109 9 300 Q +109 9 301 S +109 9 302 Q +109 9 303 Q +109 9 304 S +109 9 305 K +109 9 306 S +109 9 307 S +109 9 308 S +109 9 309 T +109 9 310 S +109 9 311 S +109 9 312 T +109 9 313 T +109 9 314 Q +109 9 315 S +109 9 316 S +109 9 317 K +109 9 318 K +109 9 319 Q +109 9 320 S +109 9 321 K +109 9 322 S +109 9 323 S +109 9 324 Q +109 9 325 K +109 9 326 Y +109 9 327 Q +109 9 328 S +109 9 329 T +109 9 330 Q +109 10 1 S +109 10 2 S +109 10 3 K +109 10 4 E +109 10 5 S +109 10 6 Q +109 10 7 S +109 10 8 K +109 10 9 T +109 10 10 E +109 10 11 S +109 10 12 Y +109 10 13 S +109 10 14 S +109 10 15 E +109 10 16 Q +109 10 17 K +109 10 18 T +109 10 19 S +109 10 20 S +109 10 21 K +109 10 22 Q +109 10 23 E +109 10 24 E +109 10 25 S +109 10 26 S +109 10 27 Q +109 10 28 K +109 10 29 S +109 10 30 K +109 10 31 S +109 10 32 E +109 10 33 S +109 10 34 E +109 10 35 K +109 10 36 S +109 10 37 S +109 10 38 K +109 10 39 S +109 10 40 S +109 10 41 K +109 10 42 Y +109 10 43 E +109 10 44 Q +109 10 45 S +109 10 46 T +109 10 47 S +109 10 48 Y +109 10 49 S +109 10 50 E +109 10 51 E +109 10 52 Q +109 10 53 E +109 10 54 S +109 10 55 S +109 10 56 Q +109 10 57 E +109 10 58 E +109 10 59 Q +109 10 60 E +109 10 61 K +109 10 62 E +109 10 63 K +109 10 64 S +109 10 65 K +109 10 66 Q +109 10 67 S +109 10 68 K +109 10 69 S +109 10 70 Q +109 10 71 K +109 10 72 S +109 10 73 S +109 10 74 S +109 10 75 S +109 10 76 K +109 10 77 S +109 10 78 Q +109 10 79 T +109 10 80 S +109 10 81 S +109 10 82 S +109 10 83 Q +109 10 84 K +109 10 85 S +109 10 86 K +109 10 87 T +109 10 88 K +109 10 89 T +109 10 90 S +109 10 91 S +109 10 92 Q +109 10 93 S +109 10 94 T +109 10 95 Q +109 10 96 Y +109 10 97 E +109 10 98 K +109 10 99 Q +109 10 100 S +109 10 101 E +109 10 102 Q +109 10 103 E +109 10 104 S +109 10 105 E +109 10 106 Q +109 10 107 Q +109 10 108 Q +109 10 109 S +109 10 110 Y +109 10 111 E +109 10 112 K +109 10 113 T +109 10 114 S +109 10 115 K +109 10 116 Q +109 10 117 E +109 10 118 K +109 10 119 S +109 10 120 Q +109 10 121 K +109 10 122 S +109 10 123 S +109 10 124 S +109 10 125 K +109 10 126 K +109 10 127 S +109 10 128 S +109 10 129 Q +109 10 130 S +109 10 131 E +109 10 132 K +109 10 133 S +109 10 134 E +109 10 135 E +109 10 136 S +109 10 137 S +109 10 138 S +109 10 139 Q +109 10 140 S +109 10 141 Q +109 10 142 Q +109 10 143 S +109 10 144 E +109 10 145 S +109 10 146 Y +109 10 147 S +109 10 148 K +109 10 149 S +109 10 150 E +109 10 151 K +109 10 152 E +109 10 153 S +109 10 154 T +109 10 155 T +109 10 156 S +109 10 157 E +109 10 158 Q +109 10 159 Q +109 10 160 Q +109 10 161 S +109 10 162 K +109 10 163 S +109 10 164 S +109 10 165 S +109 10 166 S +109 10 167 Q +109 10 168 S +109 10 169 S +109 10 170 S +109 10 171 S +109 10 172 Q +109 10 173 K +109 10 174 Y +109 10 175 S +109 10 176 K +109 10 177 Q +109 10 178 S +109 10 179 E +109 10 180 S +109 10 181 Y +109 10 182 K +109 10 183 E +109 10 184 E +109 10 185 Y +109 10 186 S +109 10 187 Y +109 10 188 S +109 10 189 Q +109 10 190 Q +109 10 191 S +109 10 192 E +109 10 193 Q +109 10 194 E +109 10 195 S +109 10 196 S +109 10 197 E +109 10 198 T +109 10 199 Q +109 10 200 S +109 10 201 Q +109 10 202 S +109 10 203 K +109 10 204 T +109 10 205 E +109 10 206 Q +109 10 207 K +109 10 208 Y +109 10 209 S +109 10 210 K +109 10 211 S +109 10 212 Y +109 10 213 S +109 10 214 Q +109 10 215 K +109 10 216 S +109 10 217 K +109 10 218 S +109 10 219 Q +109 10 220 S +109 10 221 Q +109 10 222 S +109 10 223 S +109 10 224 Q +109 10 225 E +109 10 226 S +109 10 227 T +109 10 228 S +109 10 229 S +109 10 230 Q +109 10 231 E +109 10 232 E +109 10 233 S +109 10 234 S +109 10 235 S +109 10 236 S +109 10 237 K +109 10 238 S +109 10 239 K +109 10 240 E +109 10 241 Q +109 10 242 Q +109 10 243 E +109 10 244 Q +109 10 245 K +109 10 246 S +109 10 247 E +109 10 248 E +109 10 249 S +109 10 250 E +109 10 251 S +109 10 252 Q +109 10 253 S +109 10 254 S +109 10 255 T +109 10 256 K +109 10 257 S +109 10 258 Y +109 10 259 K +109 10 260 Q +109 10 261 K +109 10 262 Q +109 10 263 T +109 10 264 Q +109 10 265 S +109 10 266 K +109 10 267 E +109 10 268 S +109 10 269 E +109 10 270 Y +109 10 271 S +109 10 272 Q +109 10 273 S +109 10 274 Q +109 10 275 E +109 10 276 E +109 10 277 S +109 10 278 K +109 10 279 S +109 10 280 S +109 10 281 S +109 10 282 S +109 10 283 E +109 10 284 Q +109 10 285 K +109 10 286 Q +109 10 287 E +109 10 288 K +109 10 289 S +109 10 290 Q +109 10 291 S +109 10 292 K +109 10 293 Q +109 10 294 Q +109 10 295 E +109 10 296 E +109 10 297 Y +109 10 298 K +109 10 299 S +109 10 300 T +109 10 301 S +109 10 302 Q +109 10 303 T +109 10 304 S +109 10 305 S +109 10 306 S +109 10 307 S +109 10 308 E +109 10 309 T +109 10 310 S +109 10 311 S +109 10 312 T +109 10 313 S +109 10 314 Q +109 10 315 S +109 10 316 S +109 10 317 E +109 10 318 K +109 10 319 Q +109 10 320 S +109 10 321 K +109 10 322 S +109 10 323 S +109 10 324 Q +109 10 325 E +109 10 326 Y +109 10 327 Q +109 10 328 S +109 10 329 E +109 10 330 Q +109 11 1 S +109 11 2 S +109 11 3 K +109 11 4 E +109 11 5 Q +109 11 6 T +109 11 7 M +109 11 8 E +109 11 9 T +109 11 10 S +109 11 11 E +109 11 12 Y +109 11 13 E +109 11 14 S +109 11 15 Q +109 11 16 Q +109 11 17 K +109 11 18 T +109 11 19 S +109 11 20 M +109 11 21 K +109 11 22 K +109 11 23 E +109 11 24 T +109 11 25 S +109 11 26 S +109 11 27 K +109 11 28 K +109 11 29 M +109 11 30 K +109 11 31 S +109 11 32 E +109 11 33 M +109 11 34 S +109 11 35 K +109 11 36 M +109 11 37 S +109 11 38 K +109 11 39 M +109 11 40 S +109 11 41 K +109 11 42 M +109 11 43 S +109 11 44 Q +109 11 45 M +109 11 46 T +109 11 47 M +109 11 48 K +109 11 49 S +109 11 50 E +109 11 51 T +109 11 52 K +109 11 53 K +109 11 54 M +109 11 55 S +109 11 56 Q +109 11 57 S +109 11 58 M +109 11 59 Q +109 11 60 S +109 11 61 K +109 11 62 S +109 11 63 K +109 11 64 S +109 11 65 K +109 11 66 Q +109 11 67 M +109 11 68 E +109 11 69 M +109 11 70 Q +109 11 71 K +109 11 72 M +109 11 73 S +109 11 74 Q +109 11 75 M +109 11 76 K +109 11 77 S +109 11 78 K +109 11 79 T +109 11 80 S +109 11 81 M +109 11 82 S +109 11 83 Q +109 11 84 K +109 11 85 M +109 11 86 E +109 11 87 T +109 11 88 E +109 11 89 T +109 11 90 M +109 11 91 M +109 11 92 Q +109 11 93 S +109 11 94 T +109 11 95 Q +109 11 96 Y +109 11 97 S +109 11 98 K +109 11 99 E +109 11 100 S +109 11 101 K +109 11 102 S +109 11 103 M +109 11 104 S +109 11 105 E +109 11 106 Y +109 11 107 Q +109 11 108 S +109 11 109 S +109 11 110 K +109 11 111 M +109 11 112 K +109 11 113 T +109 11 114 M +109 11 115 K +109 11 116 S +109 11 117 T +109 11 118 E +109 11 119 M +109 11 120 Q +109 11 121 K +109 11 122 M +109 11 123 S +109 11 124 M +109 11 125 K +109 11 126 K +109 11 127 M +109 11 128 M +109 11 129 Q +109 11 130 M +109 11 131 E +109 11 132 K +109 11 133 M +109 11 134 T +109 11 135 E +109 11 136 S +109 11 137 M +109 11 138 S +109 11 139 Q +109 11 140 S +109 11 141 Q +109 11 142 Q +109 11 143 M +109 11 144 E +109 11 145 S +109 11 146 Y +109 11 147 S +109 11 148 K +109 11 149 M +109 11 150 E +109 11 151 K +109 11 152 E +109 11 153 S +109 11 154 T +109 11 155 T +109 11 156 M +109 11 157 T +109 11 158 Q +109 11 159 Q +109 11 160 E +109 11 161 M +109 11 162 K +109 11 163 M +109 11 164 S +109 11 165 M +109 11 166 S +109 11 167 S +109 11 168 M +109 11 169 S +109 11 170 M +109 11 171 M +109 11 172 Q +109 11 173 K +109 11 174 Y +109 11 175 S +109 11 176 K +109 11 177 M +109 11 178 S +109 11 179 K +109 11 180 M +109 11 181 Y +109 11 182 S +109 11 183 T +109 11 184 E +109 11 185 K +109 11 186 S +109 11 187 K +109 11 188 S +109 11 189 S +109 11 190 E +109 11 191 M +109 11 192 E +109 11 193 M +109 11 194 K +109 11 195 M +109 11 196 S +109 11 197 E +109 11 198 M +109 11 199 Q +109 11 200 S +109 11 201 K +109 11 202 M +109 11 203 E +109 11 204 T +109 11 205 E +109 11 206 Q +109 11 207 K +109 11 208 T +109 11 209 M +109 11 210 T +109 11 211 S +109 11 212 K +109 11 213 S +109 11 214 M +109 11 215 E +109 11 216 M +109 11 217 K +109 11 218 M +109 11 219 Q +109 11 220 S +109 11 221 Q +109 11 222 E +109 11 223 M +109 11 224 Q +109 11 225 M +109 11 226 S +109 11 227 T +109 11 228 S +109 11 229 S +109 11 230 Q +109 11 231 E +109 11 232 M +109 11 233 S +109 11 234 M +109 11 235 S +109 11 236 M +109 11 237 K +109 11 238 S +109 11 239 K +109 11 240 T +109 11 241 Q +109 11 242 Q +109 11 243 E +109 11 244 S +109 11 245 K +109 11 246 M +109 11 247 E +109 11 248 M +109 11 249 M +109 11 250 E +109 11 251 M +109 11 252 K +109 11 253 M +109 11 254 S +109 11 255 T +109 11 256 K +109 11 257 S +109 11 258 M +109 11 259 K +109 11 260 Q +109 11 261 K +109 11 262 Q +109 11 263 T +109 11 264 S +109 11 265 M +109 11 266 T +109 11 267 E +109 11 268 M +109 11 269 E +109 11 270 K +109 11 271 M +109 11 272 Q +109 11 273 E +109 11 274 Q +109 11 275 M +109 11 276 K +109 11 277 S +109 11 278 K +109 11 279 S +109 11 280 M +109 11 281 M +109 11 282 M +109 11 283 T +109 11 284 Q +109 11 285 K +109 11 286 Q +109 11 287 T +109 11 288 K +109 11 289 S +109 11 290 Q +109 11 291 S +109 11 292 K +109 11 293 Q +109 11 294 Q +109 11 295 T +109 11 296 E +109 11 297 Y +109 11 298 K +109 11 299 M +109 11 300 T +109 11 301 M +109 11 302 Q +109 11 303 S +109 11 304 M +109 11 305 E +109 11 306 M +109 11 307 S +109 11 308 E +109 11 309 T +109 11 310 M +109 11 311 S +109 11 312 T +109 11 313 S +109 11 314 Q +109 11 315 M +109 11 316 M +109 11 317 E +109 11 318 K +109 11 319 Q +109 11 320 M +109 11 321 K +109 11 322 S +109 11 323 M +109 11 324 Q +109 11 325 E +109 11 326 Y +109 11 327 Q +109 11 328 M +109 11 329 T +109 11 330 Q +109 12 1 S +109 12 2 S +109 12 3 K +109 12 4 E +109 12 5 S +109 12 6 Q +109 12 7 S +109 12 8 E +109 12 9 K +109 12 10 S +109 12 11 S +109 12 12 Y +109 12 13 S +109 12 14 S +109 12 15 Q +109 12 16 Q +109 12 17 K +109 12 18 T +109 12 19 S +109 12 20 S +109 12 21 K +109 12 22 Q +109 12 23 E +109 12 24 T +109 12 25 S +109 12 26 S +109 12 27 Q +109 12 28 K +109 12 29 S +109 12 30 E +109 12 31 Q +109 12 32 K +109 12 33 S +109 12 34 S +109 12 35 K +109 12 36 S +109 12 37 S +109 12 38 E +109 12 39 S +109 12 40 S +109 12 41 K +109 12 42 Y +109 12 43 S +109 12 44 Q +109 12 45 S +109 12 46 T +109 12 47 S +109 12 48 K +109 12 49 S +109 12 50 E +109 12 51 E +109 12 52 Q +109 12 53 K +109 12 54 S +109 12 55 S +109 12 56 K +109 12 57 S +109 12 58 E +109 12 59 Q +109 12 60 S +109 12 61 K +109 12 62 S +109 12 63 K +109 12 64 S +109 12 65 K +109 12 66 Q +109 12 67 S +109 12 68 K +109 12 69 E +109 12 70 Q +109 12 71 E +109 12 72 S +109 12 73 E +109 12 74 S +109 12 75 T +109 12 76 K +109 12 77 S +109 12 78 K +109 12 79 T +109 12 80 S +109 12 81 S +109 12 82 S +109 12 83 Q +109 12 84 K +109 12 85 S +109 12 86 K +109 12 87 T +109 12 88 E +109 12 89 T +109 12 90 S +109 12 91 S +109 12 92 Q +109 12 93 S +109 12 94 E +109 12 95 Q +109 12 96 K +109 12 97 S +109 12 98 K +109 12 99 Q +109 12 100 S +109 12 101 E +109 12 102 S +109 12 103 E +109 12 104 S +109 12 105 M +109 12 106 K +109 12 107 Q +109 12 108 S +109 12 109 S +109 12 110 K +109 12 111 S +109 12 112 K +109 12 113 T +109 12 114 S +109 12 115 E +109 12 116 S +109 12 117 T +109 12 118 K +109 12 119 S +109 12 120 Q +109 12 121 K +109 12 122 S +109 12 123 S +109 12 124 S +109 12 125 K +109 12 126 K +109 12 127 T +109 12 128 K +109 12 129 Q +109 12 130 T +109 12 131 K +109 12 132 K +109 12 133 S +109 12 134 T +109 12 135 E +109 12 136 S +109 12 137 S +109 12 138 S +109 12 139 Q +109 12 140 S +109 12 141 Q +109 12 142 Q +109 12 143 S +109 12 144 E +109 12 145 E +109 12 146 K +109 12 147 S +109 12 148 K +109 12 149 S +109 12 150 E +109 12 151 Q +109 12 152 E +109 12 153 S +109 12 154 T +109 12 155 E +109 12 156 S +109 12 157 E +109 12 158 Q +109 12 159 K +109 12 160 Q +109 12 161 S +109 12 162 K +109 12 163 S +109 12 164 S +109 12 165 S +109 12 166 S +109 12 167 S +109 12 168 S +109 12 169 S +109 12 170 T +109 12 171 S +109 12 172 Q +109 12 173 K +109 12 174 K +109 12 175 Q +109 12 176 K +109 12 177 Q +109 12 178 S +109 12 179 K +109 12 180 S +109 12 181 K +109 12 182 E +109 12 183 E +109 12 184 S +109 12 185 K +109 12 186 S +109 12 187 K +109 12 188 S +109 12 189 S +109 12 190 K +109 12 191 S +109 12 192 S +109 12 193 Q +109 12 194 E +109 12 195 S +109 12 196 S +109 12 197 K +109 12 198 T +109 12 199 Q +109 12 200 S +109 12 201 K +109 12 202 S +109 12 203 K +109 12 204 T +109 12 205 S +109 12 206 Q +109 12 207 K +109 12 208 T +109 12 209 S +109 12 210 E +109 12 211 S +109 12 212 K +109 12 213 Q +109 12 214 S +109 12 215 K +109 12 216 S +109 12 217 K +109 12 218 S +109 12 219 Q +109 12 220 S +109 12 221 Q +109 12 222 E +109 12 223 S +109 12 224 Q +109 12 225 S +109 12 226 S +109 12 227 T +109 12 228 S +109 12 229 S +109 12 230 Q +109 12 231 K +109 12 232 E +109 12 233 S +109 12 234 S +109 12 235 S +109 12 236 S +109 12 237 K +109 12 238 S +109 12 239 K +109 12 240 E +109 12 241 Q +109 12 242 Q +109 12 243 E +109 12 244 Q +109 12 245 K +109 12 246 S +109 12 247 S +109 12 248 T +109 12 249 S +109 12 250 S +109 12 251 S +109 12 252 Q +109 12 253 S +109 12 254 S +109 12 255 T +109 12 256 K +109 12 257 S +109 12 258 K +109 12 259 K +109 12 260 Q +109 12 261 K +109 12 262 Q +109 12 263 T +109 12 264 S +109 12 265 S +109 12 266 K +109 12 267 K +109 12 268 S +109 12 269 K +109 12 270 K +109 12 271 S +109 12 272 Q +109 12 273 K +109 12 274 Q +109 12 275 S +109 12 276 K +109 12 277 S +109 12 278 S +109 12 279 S +109 12 280 S +109 12 281 S +109 12 282 S +109 12 283 E +109 12 284 Q +109 12 285 Q +109 12 286 Q +109 12 287 E +109 12 288 K +109 12 289 S +109 12 290 Q +109 12 291 S +109 12 292 K +109 12 293 Q +109 12 294 Q +109 12 295 E +109 12 296 S +109 12 297 K +109 12 298 K +109 12 299 S +109 12 300 Q +109 12 301 S +109 12 302 Q +109 12 303 S +109 12 304 S +109 12 305 E +109 12 306 S +109 12 307 S +109 12 308 S +109 12 309 T +109 12 310 S +109 12 311 S +109 12 312 T +109 12 313 S +109 12 314 Q +109 12 315 S +109 12 316 S +109 12 317 E +109 12 318 K +109 12 319 Q +109 12 320 S +109 12 321 K +109 12 322 S +109 12 323 S +109 12 324 Q +109 12 325 E +109 12 326 K +109 12 327 Q +109 12 328 S +109 12 329 E +109 12 330 Q +109 13 1 S +109 13 2 Q +109 13 3 K +109 13 4 E +109 13 5 S +109 13 6 Q +109 13 7 S +109 13 8 E +109 13 9 T +109 13 10 S +109 13 11 S +109 13 12 Q +109 13 13 S +109 13 14 T +109 13 15 Q +109 13 16 Q +109 13 17 K +109 13 18 T +109 13 19 S +109 13 20 S +109 13 21 K +109 13 22 Q +109 13 23 S +109 13 24 T +109 13 25 S +109 13 26 S +109 13 27 Q +109 13 28 K +109 13 29 S +109 13 30 K +109 13 31 Q +109 13 32 E +109 13 33 S +109 13 34 S +109 13 35 K +109 13 36 S +109 13 37 S +109 13 38 E +109 13 39 S +109 13 40 S +109 13 41 K +109 13 42 Y +109 13 43 S +109 13 44 Q +109 13 45 S +109 13 46 T +109 13 47 S +109 13 48 Y +109 13 49 S +109 13 50 E +109 13 51 T +109 13 52 Q +109 13 53 E +109 13 54 S +109 13 55 S +109 13 56 Q +109 13 57 S +109 13 58 T +109 13 59 Q +109 13 60 T +109 13 61 E +109 13 62 S +109 13 63 K +109 13 64 S +109 13 65 K +109 13 66 Q +109 13 67 S +109 13 68 E +109 13 69 S +109 13 70 Q +109 13 71 E +109 13 72 S +109 13 73 E +109 13 74 Q +109 13 75 S +109 13 76 K +109 13 77 S +109 13 78 Q +109 13 79 T +109 13 80 S +109 13 81 S +109 13 82 S +109 13 83 Q +109 13 84 K +109 13 85 S +109 13 86 E +109 13 87 T +109 13 88 E +109 13 89 T +109 13 90 T +109 13 91 S +109 13 92 Q +109 13 93 S +109 13 94 T +109 13 95 Q +109 13 96 Y +109 13 97 S +109 13 98 K +109 13 99 Q +109 13 100 S +109 13 101 E +109 13 102 Q +109 13 103 S +109 13 104 Q +109 13 105 E +109 13 106 Q +109 13 107 Q +109 13 108 Q +109 13 109 S +109 13 110 Y +109 13 111 S +109 13 112 K +109 13 113 T +109 13 114 S +109 13 115 E +109 13 116 Q +109 13 117 T +109 13 118 K +109 13 119 S +109 13 120 Q +109 13 121 K +109 13 122 S +109 13 123 S +109 13 124 Q +109 13 125 K +109 13 126 K +109 13 127 T +109 13 128 Y +109 13 129 Q +109 13 130 T +109 13 131 E +109 13 132 K +109 13 133 S +109 13 134 T +109 13 135 E +109 13 136 S +109 13 137 S +109 13 138 S +109 13 139 Q +109 13 140 S +109 13 141 Q +109 13 142 Q +109 13 143 S +109 13 144 T +109 13 145 S +109 13 146 Y +109 13 147 S +109 13 148 K +109 13 149 Q +109 13 150 E +109 13 151 Q +109 13 152 K +109 13 153 S +109 13 154 T +109 13 155 T +109 13 156 S +109 13 157 T +109 13 158 Q +109 13 159 Y +109 13 160 K +109 13 161 S +109 13 162 K +109 13 163 S +109 13 164 S +109 13 165 S +109 13 166 T +109 13 167 Q +109 13 168 S +109 13 169 S +109 13 170 T +109 13 171 S +109 13 172 Q +109 13 173 K +109 13 174 Y +109 13 175 Q +109 13 176 K +109 13 177 Q +109 13 178 S +109 13 179 E +109 13 180 S +109 13 181 Y +109 13 182 E +109 13 183 T +109 13 184 E +109 13 185 K +109 13 186 Q +109 13 187 Y +109 13 188 Q +109 13 189 Q +109 13 190 K +109 13 191 S +109 13 192 E +109 13 193 S +109 13 194 E +109 13 195 S +109 13 196 Q +109 13 197 E +109 13 198 T +109 13 199 Q +109 13 200 S +109 13 201 K +109 13 202 S +109 13 203 E +109 13 204 T +109 13 205 S +109 13 206 Q +109 13 207 E +109 13 208 T +109 13 209 S +109 13 210 T +109 13 211 S +109 13 212 K +109 13 213 Q +109 13 214 Y +109 13 215 E +109 13 216 T +109 13 217 Q +109 13 218 S +109 13 219 Q +109 13 220 S +109 13 221 Q +109 13 222 E +109 13 223 S +109 13 224 Q +109 13 225 T +109 13 226 S +109 13 227 T +109 13 228 S +109 13 229 Q +109 13 230 Q +109 13 231 K +109 13 232 T +109 13 233 S +109 13 234 S +109 13 235 S +109 13 236 S +109 13 237 K +109 13 238 S +109 13 239 K +109 13 240 E +109 13 241 Q +109 13 242 Q +109 13 243 E +109 13 244 Q +109 13 245 K +109 13 246 S +109 13 247 S +109 13 248 T +109 13 249 S +109 13 250 E +109 13 251 S +109 13 252 Q +109 13 253 S +109 13 254 Q +109 13 255 T +109 13 256 K +109 13 257 S +109 13 258 Y +109 13 259 E +109 13 260 Q +109 13 261 K +109 13 262 Q +109 13 263 T +109 13 264 Q +109 13 265 S +109 13 266 T +109 13 267 E +109 13 268 S +109 13 269 E +109 13 270 K +109 13 271 T +109 13 272 Q +109 13 273 E +109 13 274 Q +109 13 275 Y +109 13 276 K +109 13 277 S +109 13 278 K +109 13 279 S +109 13 280 S +109 13 281 S +109 13 282 S +109 13 283 T +109 13 284 Q +109 13 285 K +109 13 286 Q +109 13 287 T +109 13 288 K +109 13 289 S +109 13 290 Q +109 13 291 S +109 13 292 K +109 13 293 Q +109 13 294 Q +109 13 295 T +109 13 296 E +109 13 297 Y +109 13 298 K +109 13 299 S +109 13 300 Q +109 13 301 S +109 13 302 Q +109 13 303 Q +109 13 304 S +109 13 305 E +109 13 306 S +109 13 307 S +109 13 308 E +109 13 309 T +109 13 310 S +109 13 311 S +109 13 312 T +109 13 313 T +109 13 314 Q +109 13 315 S +109 13 316 S +109 13 317 E +109 13 318 K +109 13 319 Q +109 13 320 S +109 13 321 K +109 13 322 S +109 13 323 S +109 13 324 Q +109 13 325 E +109 13 326 Y +109 13 327 Q +109 13 328 S +109 13 329 T +109 13 330 Q +109 14 1 S +109 14 2 M +109 14 3 K +109 14 4 E +109 14 5 M +109 14 6 K +109 14 7 S +109 14 8 E +109 14 9 T +109 14 10 S +109 14 11 S +109 14 12 Y +109 14 13 S +109 14 14 S +109 14 15 K +109 14 16 Q +109 14 17 K +109 14 18 T +109 14 19 S +109 14 20 S +109 14 21 K +109 14 22 Y +109 14 23 E +109 14 24 T +109 14 25 M +109 14 26 S +109 14 27 Q +109 14 28 K +109 14 29 S +109 14 30 K +109 14 31 M +109 14 32 K +109 14 33 S +109 14 34 S +109 14 35 Q +109 14 36 T +109 14 37 S +109 14 38 K +109 14 39 S +109 14 40 M +109 14 41 K +109 14 42 Y +109 14 43 S +109 14 44 Q +109 14 45 S +109 14 46 T +109 14 47 S +109 14 48 Y +109 14 49 M +109 14 50 E +109 14 51 T +109 14 52 S +109 14 53 E +109 14 54 S +109 14 55 M +109 14 56 K +109 14 57 S +109 14 58 Y +109 14 59 E +109 14 60 S +109 14 61 K +109 14 62 S +109 14 63 K +109 14 64 S +109 14 65 K +109 14 66 Q +109 14 67 S +109 14 68 K +109 14 69 S +109 14 70 Q +109 14 71 E +109 14 72 S +109 14 73 E +109 14 74 S +109 14 75 T +109 14 76 K +109 14 77 M +109 14 78 K +109 14 79 T +109 14 80 S +109 14 81 S +109 14 82 M +109 14 83 Q +109 14 84 K +109 14 85 S +109 14 86 K +109 14 87 T +109 14 88 E +109 14 89 T +109 14 90 T +109 14 91 S +109 14 92 Q +109 14 93 M +109 14 94 T +109 14 95 S +109 14 96 Y +109 14 97 S +109 14 98 K +109 14 99 E +109 14 100 S +109 14 101 E +109 14 102 M +109 14 103 S +109 14 104 M +109 14 105 E +109 14 106 Y +109 14 107 Q +109 14 108 S +109 14 109 S +109 14 110 Y +109 14 111 T +109 14 112 K +109 14 113 T +109 14 114 S +109 14 115 K +109 14 116 M +109 14 117 T +109 14 118 K +109 14 119 S +109 14 120 Q +109 14 121 K +109 14 122 S +109 14 123 S +109 14 124 S +109 14 125 K +109 14 126 E +109 14 127 T +109 14 128 Y +109 14 129 Q +109 14 130 T +109 14 131 E +109 14 132 K +109 14 133 S +109 14 134 T +109 14 135 E +109 14 136 M +109 14 137 T +109 14 138 S +109 14 139 Q +109 14 140 S +109 14 141 Q +109 14 142 Q +109 14 143 S +109 14 144 S +109 14 145 S +109 14 146 Y +109 14 147 M +109 14 148 K +109 14 149 S +109 14 150 E +109 14 151 K +109 14 152 E +109 14 153 M +109 14 154 T +109 14 155 T +109 14 156 S +109 14 157 T +109 14 158 Q +109 14 159 Y +109 14 160 K +109 14 161 S +109 14 162 K +109 14 163 M +109 14 164 S +109 14 165 T +109 14 166 S +109 14 167 S +109 14 168 S +109 14 169 S +109 14 170 T +109 14 171 S +109 14 172 Q +109 14 173 K +109 14 174 Y +109 14 175 M +109 14 176 K +109 14 177 Y +109 14 178 S +109 14 179 E +109 14 180 S +109 14 181 Y +109 14 182 E +109 14 183 T +109 14 184 E +109 14 185 K +109 14 186 M +109 14 187 Y +109 14 188 M +109 14 189 M +109 14 190 K +109 14 191 S +109 14 192 E +109 14 193 S +109 14 194 E +109 14 195 S +109 14 196 M +109 14 197 E +109 14 198 T +109 14 199 M +109 14 200 M +109 14 201 K +109 14 202 S +109 14 203 E +109 14 204 T +109 14 205 S +109 14 206 Q +109 14 207 K +109 14 208 T +109 14 209 S +109 14 210 E +109 14 211 M +109 14 212 K +109 14 213 S +109 14 214 S +109 14 215 K +109 14 216 T +109 14 217 K +109 14 218 S +109 14 219 S +109 14 220 S +109 14 221 M +109 14 222 E +109 14 223 E +109 14 224 Q +109 14 225 S +109 14 226 S +109 14 227 T +109 14 228 S +109 14 229 S +109 14 230 K +109 14 231 E +109 14 232 T +109 14 233 M +109 14 234 S +109 14 235 S +109 14 236 S +109 14 237 K +109 14 238 M +109 14 239 K +109 14 240 T +109 14 241 Q +109 14 242 Y +109 14 243 E +109 14 244 M +109 14 245 K +109 14 246 M +109 14 247 E +109 14 248 T +109 14 249 S +109 14 250 E +109 14 251 S +109 14 252 Q +109 14 253 S +109 14 254 S +109 14 255 T +109 14 256 K +109 14 257 S +109 14 258 Y +109 14 259 K +109 14 260 S +109 14 261 K +109 14 262 Q +109 14 263 T +109 14 264 M +109 14 265 S +109 14 266 K +109 14 267 E +109 14 268 S +109 14 269 E +109 14 270 Y +109 14 271 S +109 14 272 Q +109 14 273 E +109 14 274 Q +109 14 275 S +109 14 276 E +109 14 277 M +109 14 278 K +109 14 279 S +109 14 280 S +109 14 281 S +109 14 282 S +109 14 283 T +109 14 284 Q +109 14 285 K +109 14 286 Q +109 14 287 T +109 14 288 K +109 14 289 M +109 14 290 Q +109 14 291 S +109 14 292 K +109 14 293 Q +109 14 294 Q +109 14 295 T +109 14 296 S +109 14 297 Y +109 14 298 K +109 14 299 S +109 14 300 T +109 14 301 S +109 14 302 K +109 14 303 M +109 14 304 S +109 14 305 E +109 14 306 S +109 14 307 M +109 14 308 E +109 14 309 T +109 14 310 S +109 14 311 S +109 14 312 T +109 14 313 S +109 14 314 Q +109 14 315 S +109 14 316 M +109 14 317 E +109 14 318 K +109 14 319 Q +109 14 320 S +109 14 321 K +109 14 322 M +109 14 323 S +109 14 324 Q +109 14 325 E +109 14 326 Y +109 14 327 Q +109 14 328 T +109 14 329 T +109 14 330 M +109 15 1 S +109 15 2 S +109 15 3 K +109 15 4 E +109 15 5 S +109 15 6 Y +109 15 7 S +109 15 8 E +109 15 9 MA +109 15 10 S +109 15 11 E +109 15 12 Y +109 15 13 T +109 15 14 T +109 15 15 K +109 15 16 E +109 15 17 K +109 15 18 T +109 15 19 S +109 15 20 S +109 15 21 K +109 15 22 Q +109 15 23 S +109 15 24 T +109 15 25 S +109 15 26 S +109 15 27 Q +109 15 28 K +109 15 29 S +109 15 30 K +109 15 31 S +109 15 32 K +109 15 33 S +109 15 34 S +109 15 35 K +109 15 36 S +109 15 37 S +109 15 38 K +109 15 39 S +109 15 40 S +109 15 41 K +109 15 42 MA +109 15 43 S +109 15 44 Q +109 15 45 S +109 15 46 E +109 15 47 T +109 15 48 K +109 15 49 S +109 15 50 K +109 15 51 K +109 15 52 Q +109 15 53 K +109 15 54 S +109 15 55 S +109 15 56 K +109 15 57 S +109 15 58 E +109 15 59 Q +109 15 60 S +109 15 61 K +109 15 62 S +109 15 63 K +109 15 64 S +109 15 65 K +109 15 66 Q +109 15 67 S +109 15 68 K +109 15 69 S +109 15 70 S +109 15 71 E +109 15 72 S +109 15 73 E +109 15 74 S +109 15 75 T +109 15 76 K +109 15 77 S +109 15 78 Q +109 15 79 T +109 15 80 S +109 15 81 MA +109 15 82 S +109 15 83 Q +109 15 84 K +109 15 85 S +109 15 86 K +109 15 87 T +109 15 88 K +109 15 89 T +109 15 90 S +109 15 91 MA +109 15 92 Q +109 15 93 S +109 15 94 T +109 15 95 Q +109 15 96 Q +109 15 97 S +109 15 98 K +109 15 99 S +109 15 100 S +109 15 101 K +109 15 102 S +109 15 103 E +109 15 104 S +109 15 105 K +109 15 106 Q +109 15 107 Q +109 15 108 S +109 15 109 S +109 15 110 Q +109 15 111 T +109 15 112 K +109 15 113 T +109 15 114 S +109 15 115 K +109 15 116 S +109 15 117 T +109 15 118 K +109 15 119 S +109 15 120 Q +109 15 121 K +109 15 122 S +109 15 123 S +109 15 124 S +109 15 125 K +109 15 126 K +109 15 127 T +109 15 128 S +109 15 129 Q +109 15 130 T +109 15 131 K +109 15 132 K +109 15 133 S +109 15 134 K +109 15 135 K +109 15 136 S +109 15 137 S +109 15 138 S +109 15 139 Q +109 15 140 S +109 15 141 Q +109 15 142 Q +109 15 143 MA +109 15 144 S +109 15 145 S +109 15 146 Q +109 15 147 S +109 15 148 K +109 15 149 S +109 15 150 E +109 15 151 K +109 15 152 K +109 15 153 S +109 15 154 S +109 15 155 S +109 15 156 S +109 15 157 K +109 15 158 Q +109 15 159 Q +109 15 160 K +109 15 161 S +109 15 162 K +109 15 163 S +109 15 164 S +109 15 165 E +109 15 166 S +109 15 167 E +109 15 168 S +109 15 169 S +109 15 170 T +109 15 171 S +109 15 172 Q +109 15 173 K +109 15 174 Q +109 15 175 S +109 15 176 K +109 15 177 Q +109 15 178 S +109 15 179 K +109 15 180 S +109 15 181 MA +109 15 182 K +109 15 183 E +109 15 184 K +109 15 185 MA +109 15 186 S +109 15 187 K +109 15 188 S +109 15 189 S +109 15 190 K +109 15 191 S +109 15 192 S +109 15 193 MA +109 15 194 E +109 15 195 S +109 15 196 S +109 15 197 K +109 15 198 T +109 15 199 S +109 15 200 S +109 15 201 K +109 15 202 S +109 15 203 K +109 15 204 T +109 15 205 S +109 15 206 S +109 15 207 K +109 15 208 Q +109 15 209 S +109 15 210 K +109 15 211 S +109 15 212 Q +109 15 213 S +109 15 214 S +109 15 215 K +109 15 216 T +109 15 217 K +109 15 218 MA +109 15 219 S +109 15 220 S +109 15 221 S +109 15 222 K +109 15 223 S +109 15 224 Q +109 15 225 S +109 15 226 S +109 15 227 T +109 15 228 S +109 15 229 S +109 15 230 K +109 15 231 K +109 15 232 S +109 15 233 S +109 15 234 S +109 15 235 S +109 15 236 MA +109 15 237 K +109 15 238 S +109 15 239 K +109 15 240 K +109 15 241 Q +109 15 242 Q +109 15 243 K +109 15 244 S +109 15 245 K +109 15 246 S +109 15 247 S +109 15 248 T +109 15 249 S +109 15 250 S +109 15 251 S +109 15 252 Q +109 15 253 S +109 15 254 S +109 15 255 T +109 15 256 K +109 15 257 S +109 15 258 MA +109 15 259 K +109 15 260 S +109 15 261 K +109 15 262 Q +109 15 263 T +109 15 264 S +109 15 265 S +109 15 266 E +109 15 267 K +109 15 268 S +109 15 269 E +109 15 270 MA +109 15 271 T +109 15 272 Q +109 15 273 K +109 15 274 Q +109 15 275 MA +109 15 276 K +109 15 277 T +109 15 278 K +109 15 279 S +109 15 280 S +109 15 281 S +109 15 282 S +109 15 283 K +109 15 284 Q +109 15 285 K +109 15 286 Q +109 15 287 MA +109 15 288 K +109 15 289 S +109 15 290 Q +109 15 291 S +109 15 292 K +109 15 293 S +109 15 294 Q +109 15 295 E +109 15 296 S +109 15 297 Q +109 15 298 K +109 15 299 S +109 15 300 Q +109 15 301 S +109 15 302 Q +109 15 303 S +109 15 304 E +109 15 305 K +109 15 306 S +109 15 307 S +109 15 308 S +109 15 309 S +109 15 310 S +109 15 311 S +109 15 312 T +109 15 313 S +109 15 314 Q +109 15 315 S +109 15 316 S +109 15 317 K +109 15 318 K +109 15 319 Q +109 15 320 S +109 15 321 K +109 15 322 Q +109 15 323 S +109 15 324 Q +109 15 325 K +109 15 326 MA +109 15 327 S +109 15 328 S +109 15 329 E +109 15 330 S +109 16 1 S +109 16 2 S +109 16 3 K +109 16 4 E +109 16 5 S +109 16 6 Q +109 16 7 S +109 16 8 K +109 16 9 T +109 16 10 S +109 16 11 T +109 16 12 Q +109 16 13 S +109 16 14 S +109 16 15 K +109 16 16 Q +109 16 17 K +109 16 18 T +109 16 19 S +109 16 20 S +109 16 21 K +109 16 22 Y +109 16 23 E +109 16 24 T +109 16 25 E +109 16 26 S +109 16 27 Q +109 16 28 K +109 16 29 S +109 16 30 K +109 16 31 S +109 16 32 E +109 16 33 S +109 16 34 S +109 16 35 K +109 16 36 S +109 16 37 S +109 16 38 K +109 16 39 S +109 16 40 S +109 16 41 E +109 16 42 Q +109 16 43 S +109 16 44 Q +109 16 45 S +109 16 46 T +109 16 47 S +109 16 48 T +109 16 49 S +109 16 50 E +109 16 51 T +109 16 52 Q +109 16 53 K +109 16 54 S +109 16 55 S +109 16 56 K +109 16 57 S +109 16 58 T +109 16 59 Q +109 16 60 S +109 16 61 K +109 16 62 E +109 16 63 K +109 16 64 S +109 16 65 K +109 16 66 Q +109 16 67 S +109 16 68 K +109 16 69 T +109 16 70 Q +109 16 71 E +109 16 72 S +109 16 73 E +109 16 74 Q +109 16 75 T +109 16 76 K +109 16 77 S +109 16 78 K +109 16 79 T +109 16 80 S +109 16 81 S +109 16 82 S +109 16 83 Q +109 16 84 K +109 16 85 S +109 16 86 K +109 16 87 T +109 16 88 E +109 16 89 T +109 16 90 T +109 16 91 S +109 16 92 Q +109 16 93 S +109 16 94 T +109 16 95 Q +109 16 96 Q +109 16 97 S +109 16 98 K +109 16 99 K +109 16 100 Q +109 16 101 E +109 16 102 Q +109 16 103 Q +109 16 104 S +109 16 105 E +109 16 106 Q +109 16 107 Q +109 16 108 Q +109 16 109 S +109 16 110 Q +109 16 111 T +109 16 112 K +109 16 113 T +109 16 114 S +109 16 115 K +109 16 116 S +109 16 117 T +109 16 118 K +109 16 119 S +109 16 120 Q +109 16 121 K +109 16 122 S +109 16 123 S +109 16 124 S +109 16 125 K +109 16 126 K +109 16 127 T +109 16 128 * +109 16 129 Q +109 16 130 T +109 16 131 E +109 16 132 K +109 16 133 S +109 16 134 T +109 16 135 E +109 16 136 S +109 16 137 T +109 16 138 S +109 16 139 Q +109 16 140 S +109 16 141 Q +109 16 142 Q +109 16 143 S +109 16 144 E +109 16 145 S +109 16 146 Y +109 16 147 S +109 16 148 K +109 16 149 S +109 16 150 E +109 16 151 K +109 16 152 K +109 16 153 S +109 16 154 T +109 16 155 T +109 16 156 S +109 16 157 T +109 16 158 Q +109 16 159 K +109 16 160 Q +109 16 161 S +109 16 162 K +109 16 163 S +109 16 164 S +109 16 165 T +109 16 166 S +109 16 167 Q +109 16 168 S +109 16 169 S +109 16 170 T +109 16 171 T +109 16 172 Q +109 16 173 K +109 16 174 Y +109 16 175 Q +109 16 176 K +109 16 177 Q +109 16 178 S +109 16 179 E +109 16 180 S +109 16 181 Y +109 16 182 E +109 16 183 Q +109 16 184 E +109 16 185 K +109 16 186 S +109 16 187 K +109 16 188 S +109 16 189 Q +109 16 190 K +109 16 191 S +109 16 192 E +109 16 193 Y +109 16 194 E +109 16 195 S +109 16 196 S +109 16 197 E +109 16 198 T +109 16 199 Q +109 16 200 S +109 16 201 K +109 16 202 S +109 16 203 K +109 16 204 T +109 16 205 E +109 16 206 Q +109 16 207 K +109 16 208 T +109 16 209 S +109 16 210 E +109 16 211 S +109 16 212 K +109 16 213 Q +109 16 214 S +109 16 215 K +109 16 216 T +109 16 217 K +109 16 218 S +109 16 219 Q +109 16 220 S +109 16 221 Q +109 16 222 E +109 16 223 S +109 16 224 Q +109 16 225 T +109 16 226 S +109 16 227 T +109 16 228 S +109 16 229 S +109 16 230 Q +109 16 231 E +109 16 232 T +109 16 233 S +109 16 234 S +109 16 235 S +109 16 236 S +109 16 237 K +109 16 238 S +109 16 239 K +109 16 240 T +109 16 241 Q +109 16 242 Q +109 16 243 E +109 16 244 Q +109 16 245 K +109 16 246 S +109 16 247 E +109 16 248 T +109 16 249 S +109 16 250 E +109 16 251 S +109 16 252 Q +109 16 253 S +109 16 254 S +109 16 255 T +109 16 256 K +109 16 257 S +109 16 258 Y +109 16 259 K +109 16 260 Q +109 16 261 K +109 16 262 Q +109 16 263 T +109 16 264 Q +109 16 265 S +109 16 266 K +109 16 267 E +109 16 268 S +109 16 269 K +109 16 270 K +109 16 271 T +109 16 272 Q +109 16 273 K +109 16 274 Q +109 16 275 Y +109 16 276 K +109 16 277 S +109 16 278 K +109 16 279 S +109 16 280 S +109 16 281 S +109 16 282 S +109 16 283 T +109 16 284 Q +109 16 285 K +109 16 286 Q +109 16 287 T +109 16 288 K +109 16 289 S +109 16 290 Q +109 16 291 S +109 16 292 K +109 16 293 Q +109 16 294 Q +109 16 295 T +109 16 296 E +109 16 297 Y +109 16 298 K +109 16 299 S +109 16 300 Q +109 16 301 S +109 16 302 Q +109 16 303 Q +109 16 304 S +109 16 305 E +109 16 306 S +109 16 307 S +109 16 308 E +109 16 309 T +109 16 310 S +109 16 311 S +109 16 312 S +109 16 313 T +109 16 314 Q +109 16 315 S +109 16 316 S +109 16 317 E +109 16 318 K +109 16 319 Q +109 16 320 Q +109 16 321 K +109 16 322 S +109 16 323 S +109 16 324 Q +109 16 325 E +109 16 326 Y +109 16 327 Q +109 16 328 S +109 16 329 T +109 16 330 Q +109 17 1 S +109 17 2 S +109 17 3 K +109 17 4 E +109 17 5 S +109 17 6 K +109 17 7 S +109 17 8 E +109 17 9 K +109 17 10 S +109 17 11 S +109 17 12 NI +109 17 13 S +109 17 14 S +109 17 15 Q +109 17 16 Q +109 17 17 K +109 17 18 T +109 17 19 S +109 17 20 S +109 17 21 K +109 17 22 Q +109 17 23 E +109 17 24 T +109 17 25 E +109 17 26 S +109 17 27 Q +109 17 28 K +109 17 29 S +109 17 30 K +109 17 31 S +109 17 32 E +109 17 33 S +109 17 34 S +109 17 35 K +109 17 36 S +109 17 37 S +109 17 38 E +109 17 39 S +109 17 40 S +109 17 41 K +109 17 42 Y +109 17 43 S +109 17 44 Q +109 17 45 S +109 17 46 T +109 17 47 S +109 17 48 Y +109 17 49 S +109 17 50 E +109 17 51 K +109 17 52 Q +109 17 53 E +109 17 54 S +109 17 55 S +109 17 56 K +109 17 57 S +109 17 58 Y +109 17 59 Y +109 17 60 S +109 17 61 K +109 17 62 E +109 17 63 K +109 17 64 S +109 17 65 K +109 17 66 Q +109 17 67 S +109 17 68 K +109 17 69 S +109 17 70 Q +109 17 71 E +109 17 72 S +109 17 73 E +109 17 74 S +109 17 75 S +109 17 76 K +109 17 77 S +109 17 78 K +109 17 79 T +109 17 80 S +109 17 81 S +109 17 82 S +109 17 83 Q +109 17 84 K +109 17 85 S +109 17 86 K +109 17 87 T +109 17 88 E +109 17 89 T +109 17 90 S +109 17 91 Y +109 17 92 Q +109 17 93 S +109 17 94 T +109 17 95 Q +109 17 96 Y +109 17 97 E +109 17 98 K +109 17 99 K +109 17 100 S +109 17 101 E +109 17 102 S +109 17 103 S +109 17 104 S +109 17 105 E +109 17 106 Y +109 17 107 K +109 17 108 Q +109 17 109 S +109 17 110 Y +109 17 111 S +109 17 112 K +109 17 113 T +109 17 114 S +109 17 115 E +109 17 116 Q +109 17 117 K +109 17 118 K +109 17 119 S +109 17 120 Q +109 17 121 K +109 17 122 S +109 17 123 S +109 17 124 S +109 17 125 K +109 17 126 K +109 17 127 S +109 17 128 Y +109 17 129 K +109 17 130 S +109 17 131 E +109 17 132 E +109 17 133 S +109 17 134 T +109 17 135 E +109 17 136 S +109 17 137 S +109 17 138 S +109 17 139 Q +109 17 140 S +109 17 141 Q +109 17 142 Q +109 17 143 S +109 17 144 E +109 17 145 S +109 17 146 Y +109 17 147 S +109 17 148 K +109 17 149 S +109 17 150 E +109 17 151 K +109 17 152 E +109 17 153 S +109 17 154 T +109 17 155 E +109 17 156 S +109 17 157 K +109 17 158 Q +109 17 159 Y +109 17 160 K +109 17 161 S +109 17 162 K +109 17 163 S +109 17 164 S +109 17 165 S +109 17 166 S +109 17 167 E +109 17 168 S +109 17 169 S +109 17 170 T +109 17 171 S +109 17 172 Q +109 17 173 K +109 17 174 Y +109 17 175 S +109 17 176 K +109 17 177 Y +109 17 178 S +109 17 179 E +109 17 180 S +109 17 181 Y +109 17 182 E +109 17 183 Y +109 17 184 E +109 17 185 Y +109 17 186 S +109 17 187 Y +109 17 188 S +109 17 189 Q +109 17 190 K +109 17 191 S +109 17 192 E +109 17 193 Y +109 17 194 K +109 17 195 S +109 17 196 S +109 17 197 E +109 17 198 T +109 17 199 Q +109 17 200 S +109 17 201 K +109 17 202 S +109 17 203 E +109 17 204 T +109 17 205 E +109 17 206 Q +109 17 207 E +109 17 208 Y +109 17 209 S +109 17 210 K +109 17 211 S +109 17 212 Y +109 17 213 E +109 17 214 S +109 17 215 K +109 17 216 S +109 17 217 K +109 17 218 S +109 17 219 Q +109 17 220 E +109 17 221 Q +109 17 222 E +109 17 223 S +109 17 224 Q +109 17 225 S +109 17 226 S +109 17 227 T +109 17 228 S +109 17 229 S +109 17 230 K +109 17 231 E +109 17 232 E +109 17 233 S +109 17 234 S +109 17 235 S +109 17 236 S +109 17 237 K +109 17 238 S +109 17 239 K +109 17 240 E +109 17 241 Q +109 17 242 Y +109 17 243 E +109 17 244 Q +109 17 245 K +109 17 246 S +109 17 247 E +109 17 248 S +109 17 249 S +109 17 250 E +109 17 251 S +109 17 252 K +109 17 253 S +109 17 254 S +109 17 255 T +109 17 256 K +109 17 257 S +109 17 258 Y +109 17 259 K +109 17 260 Q +109 17 261 K +109 17 262 Q +109 17 263 Q +109 17 264 S +109 17 265 S +109 17 266 K +109 17 267 E +109 17 268 S +109 17 269 E +109 17 270 Y +109 17 271 S +109 17 272 Q +109 17 273 E +109 17 274 Q +109 17 275 Y +109 17 276 E +109 17 277 S +109 17 278 K +109 17 279 S +109 17 280 S +109 17 281 S +109 17 282 S +109 17 283 K +109 17 284 Q +109 17 285 K +109 17 286 Q +109 17 287 Y +109 17 288 K +109 17 289 S +109 17 290 Q +109 17 291 S +109 17 292 K +109 17 293 Q +109 17 294 Q +109 17 295 K +109 17 296 E +109 17 297 Y +109 17 298 K +109 17 299 S +109 17 300 Q +109 17 301 S +109 17 302 K +109 17 303 Q +109 17 304 S +109 17 305 E +109 17 306 S +109 17 307 S +109 17 308 E +109 17 309 S +109 17 310 S +109 17 311 S +109 17 312 T +109 17 313 E +109 17 314 Q +109 17 315 S +109 17 316 S +109 17 317 E +109 17 318 K +109 17 319 Q +109 17 320 S +109 17 321 K +109 17 322 S +109 17 323 S +109 17 324 Q +109 17 325 E +109 17 326 Y +109 17 327 Q +109 17 328 S +109 17 329 K +109 17 330 Q +109 18 1 S +109 18 2 S +109 18 3 K +109 18 4 E +109 18 5 S +109 18 6 Y +109 18 7 S +109 18 8 K +109 18 9 T +109 18 10 S +109 18 11 S +109 18 12 Y +109 18 13 S +109 18 14 S +109 18 15 K +109 18 16 Q +109 18 17 K +109 18 18 T +109 18 19 S +109 18 20 M +109 18 21 K +109 18 22 Y +109 18 23 E +109 18 24 E +109 18 25 S +109 18 26 S +109 18 27 Q +109 18 28 K +109 18 29 S +109 18 30 K +109 18 31 S +109 18 32 K +109 18 33 S +109 18 34 S +109 18 35 K +109 18 36 S +109 18 37 S +109 18 38 K +109 18 39 S +109 18 40 S +109 18 41 K +109 18 42 Y +109 18 43 S +109 18 44 Q +109 18 45 S +109 18 46 T +109 18 47 S +109 18 48 K +109 18 49 S +109 18 50 T +109 18 51 E +109 18 52 Q +109 18 53 K +109 18 54 S +109 18 55 S +109 18 56 K +109 18 57 S +109 18 58 Y +109 18 59 Q +109 18 60 S +109 18 61 K +109 18 62 E +109 18 63 K +109 18 64 S +109 18 65 K +109 18 66 Q +109 18 67 S +109 18 68 K +109 18 69 S +109 18 70 Q +109 18 71 E +109 18 72 S +109 18 73 E +109 18 74 S +109 18 75 S +109 18 76 K +109 18 77 S +109 18 78 Q +109 18 79 T +109 18 80 S +109 18 81 S +109 18 82 S +109 18 83 Q +109 18 84 K +109 18 85 S +109 18 86 K +109 18 87 T +109 18 88 K +109 18 89 T +109 18 90 S +109 18 91 S +109 18 92 Q +109 18 93 S +109 18 94 E +109 18 95 Q +109 18 96 Y +109 18 97 E +109 18 98 K +109 18 99 Q +109 18 100 S +109 18 101 K +109 18 102 E +109 18 103 S +109 18 104 S +109 18 105 K +109 18 106 Y +109 18 107 Q +109 18 108 Q +109 18 109 S +109 18 110 K +109 18 111 S +109 18 112 K +109 18 113 T +109 18 114 S +109 18 115 K +109 18 116 Q +109 18 117 E +109 18 118 K +109 18 119 S +109 18 120 Q +109 18 121 K +109 18 122 S +109 18 123 S +109 18 124 S +109 18 125 K +109 18 126 K +109 18 127 T +109 18 128 S +109 18 129 Q +109 18 130 S +109 18 131 E +109 18 132 K +109 18 133 S +109 18 134 K +109 18 135 K +109 18 136 S +109 18 137 S +109 18 138 S +109 18 139 Q +109 18 140 S +109 18 141 Q +109 18 142 Q +109 18 143 S +109 18 144 E +109 18 145 S +109 18 146 Y +109 18 147 S +109 18 148 K +109 18 149 S +109 18 150 E +109 18 151 K +109 18 152 K +109 18 153 S +109 18 154 T +109 18 155 E +109 18 156 S +109 18 157 T +109 18 158 Q +109 18 159 Y +109 18 160 K +109 18 161 S +109 18 162 K +109 18 163 S +109 18 164 S +109 18 165 S +109 18 166 S +109 18 167 E +109 18 168 S +109 18 169 S +109 18 170 S +109 18 171 S +109 18 172 Q +109 18 173 K +109 18 174 Y +109 18 175 S +109 18 176 K +109 18 177 Y +109 18 178 S +109 18 179 K +109 18 180 S +109 18 181 Y +109 18 182 E +109 18 183 E +109 18 184 E +109 18 185 Y +109 18 186 S +109 18 187 Y +109 18 188 S +109 18 189 Q +109 18 190 K +109 18 191 S +109 18 192 E +109 18 193 S +109 18 194 K +109 18 195 S +109 18 196 S +109 18 197 E +109 18 198 T +109 18 199 Q +109 18 200 S +109 18 201 K +109 18 202 S +109 18 203 K +109 18 204 E +109 18 205 E +109 18 206 S +109 18 207 K +109 18 208 Y +109 18 209 S +109 18 210 K +109 18 211 S +109 18 212 K +109 18 213 E +109 18 214 S +109 18 215 K +109 18 216 S +109 18 217 K +109 18 218 S +109 18 219 Q +109 18 220 E +109 18 221 Q +109 18 222 E +109 18 223 S +109 18 224 Q +109 18 225 S +109 18 226 S +109 18 227 T +109 18 228 S +109 18 229 S +109 18 230 Q +109 18 231 E +109 18 232 S +109 18 233 E +109 18 234 S +109 18 235 S +109 18 236 S +109 18 237 K +109 18 238 S +109 18 239 K +109 18 240 E +109 18 241 Q +109 18 242 Y +109 18 243 E +109 18 244 Q +109 18 245 K +109 18 246 S +109 18 247 E +109 18 248 S +109 18 249 S +109 18 250 E +109 18 251 S +109 18 252 Q +109 18 253 S +109 18 254 S +109 18 255 E +109 18 256 K +109 18 257 S +109 18 258 S +109 18 259 K +109 18 260 S +109 18 261 K +109 18 262 Q +109 18 263 T +109 18 264 S +109 18 265 S +109 18 266 K +109 18 267 E +109 18 268 S +109 18 269 E +109 18 270 Y +109 18 271 S +109 18 272 Q +109 18 273 E +109 18 274 Q +109 18 275 Y +109 18 276 K +109 18 277 S +109 18 278 K +109 18 279 S +109 18 280 S +109 18 281 S +109 18 282 S +109 18 283 E +109 18 284 Q +109 18 285 K +109 18 286 Q +109 18 287 Y +109 18 288 K +109 18 289 S +109 18 290 Q +109 18 291 S +109 18 292 K +109 18 293 S +109 18 294 Q +109 18 295 E +109 18 296 E +109 18 297 Y +109 18 298 K +109 18 299 S +109 18 300 Q +109 18 301 S +109 18 302 Q +109 18 303 Q +109 18 304 S +109 18 305 E +109 18 306 S +109 18 307 S +109 18 308 E +109 18 309 S +109 18 310 S +109 18 311 S +109 18 312 T +109 18 313 E +109 18 314 Q +109 18 315 S +109 18 316 S +109 18 317 K +109 18 318 K +109 18 319 Q +109 18 320 S +109 18 321 K +109 18 322 S +109 18 323 S +109 18 324 Q +109 18 325 E +109 18 326 Y +109 18 327 Q +109 18 328 S +109 18 329 E +109 18 330 Q +109 19 1 S +109 19 2 S +109 19 3 K +109 19 4 E +109 19 5 S +109 19 6 K +109 19 7 S +109 19 8 K +109 19 9 K +109 19 10 S +109 19 11 S +109 19 12 K +109 19 13 S +109 19 14 S +109 19 15 Q +109 19 16 Q +109 19 17 K +109 19 18 E +109 19 19 S +109 19 20 S +109 19 21 K +109 19 22 Q +109 19 23 SI +109 19 24 T +109 19 25 S +109 19 26 S +109 19 27 Q +109 19 28 K +109 19 29 S +109 19 30 K +109 19 31 S +109 19 32 K +109 19 33 S +109 19 34 S +109 19 35 K +109 19 36 T +109 19 37 S +109 19 38 E +109 19 39 MN +109 19 40 S +109 19 41 E +109 19 42 E +109 19 43 S +109 19 44 Q +109 19 45 S +109 19 46 T +109 19 47 S +109 19 48 K +109 19 49 K2 +109 19 50 ML +109 19 51 E +109 19 52 Q +109 19 53 E +109 19 54 E +109 19 55 S +109 19 56 Q +109 19 57 S +109 19 58 ML +109 19 59 Q +109 19 60 S +109 19 61 K +109 19 62 S +109 19 63 K +109 19 64 S +109 19 65 K +109 19 66 Q +109 19 67 S +109 19 68 K +109 19 69 S +109 19 70 T +109 19 71 E +109 19 72 S +109 19 73 S +109 19 74 S +109 19 75 S +109 19 76 K +109 19 77 S +109 19 78 Q +109 19 79 T +109 19 80 S +109 19 81 S +109 19 82 S +109 19 83 Q +109 19 84 Q +109 19 85 S +109 19 86 K +109 19 87 T +109 19 88 K +109 19 89 T +109 19 90 S +109 19 91 S +109 19 92 Q +109 19 93 S +109 19 94 E +109 19 95 Q +109 19 96 K +109 19 97 S +109 19 98 K +109 19 99 S +109 19 100 S +109 19 101 K +109 19 102 S +109 19 103 S +109 19 104 S +109 19 105 K +109 19 106 Q +109 19 107 Q +109 19 108 S +109 19 109 S +109 19 110 K +109 19 111 S +109 19 112 K +109 19 113 T +109 19 114 S +109 19 115 E +109 19 116 S +109 19 117 E +109 19 118 K +109 19 119 S +109 19 120 Q +109 19 121 K +109 19 122 S +109 19 123 S +109 19 124 Y +109 19 125 K +109 19 126 K +109 19 127 S +109 19 128 Y +109 19 129 Q +109 19 130 S +109 19 131 K +109 19 132 E +109 19 133 S +109 19 134 E +109 19 135 K +109 19 136 S +109 19 137 S +109 19 138 S +109 19 139 T +109 19 140 S +109 19 141 Q +109 19 142 T +109 19 143 S +109 19 144 E +109 19 145 S +109 19 146 Y +109 19 147 S +109 19 148 K +109 19 149 S +109 19 150 E +109 19 151 K +109 19 152 E +109 19 153 S +109 19 154 T +109 19 155 E +109 19 156 S +109 19 157 K +109 19 158 Q +109 19 159 Y +109 19 160 K +109 19 161 S +109 19 162 K +109 19 163 S +109 19 164 S +109 19 165 S +109 19 166 S +109 19 167 T +109 19 168 E +109 19 169 S +109 19 170 T +109 19 171 S +109 19 172 Q +109 19 173 K +109 19 174 Y +109 19 175 S +109 19 176 K +109 19 177 Q +109 19 178 S +109 19 179 E +109 19 180 S +109 19 181 Y +109 19 182 E +109 19 183 K +109 19 184 S +109 19 185 K +109 19 186 S +109 19 187 Y +109 19 188 S +109 19 189 T +109 19 190 K +109 19 191 S +109 19 192 S +109 19 193 Y +109 19 194 E +109 19 195 S +109 19 196 S +109 19 197 E +109 19 198 T +109 19 199 Q +109 19 200 S +109 19 201 K +109 19 202 S +109 19 203 E +109 19 204 T +109 19 205 E +109 19 206 Q +109 19 207 K +109 19 208 K +109 19 209 S +109 19 210 E +109 19 211 S +109 19 212 K +109 19 213 Q +109 19 214 S +109 19 215 E +109 19 216 E +109 19 217 T +109 19 218 S +109 19 219 S +109 19 220 S +109 19 221 Q +109 19 222 E +109 19 223 S +109 19 224 Q +109 19 225 S +109 19 226 S +109 19 227 T +109 19 228 S +109 19 229 S +109 19 230 Q +109 19 231 E +109 19 232 E +109 19 233 S +109 19 234 E +109 19 235 S +109 19 236 E +109 19 237 Q +109 19 238 S +109 19 239 K +109 19 240 K +109 19 241 Q +109 19 242 Y +109 19 243 E +109 19 244 S +109 19 245 K +109 19 246 S +109 19 247 E +109 19 248 E +109 19 249 S +109 19 250 E +109 19 251 S +109 19 252 Q +109 19 253 S +109 19 254 S +109 19 255 ML +109 19 256 K +109 19 257 S +109 19 258 Y +109 19 259 E +109 19 260 Q +109 19 261 K +109 19 262 Q +109 19 263 T +109 19 264 S +109 19 265 E +109 19 266 K +109 19 267 E +109 19 268 S +109 19 269 K +109 19 270 Y +109 19 271 E +109 19 272 Q +109 19 273 K +109 19 274 Q +109 19 275 S +109 19 276 K +109 19 277 S +109 19 278 K +109 19 279 S +109 19 280 S +109 19 281 * +109 19 282 * +109 19 283 * +109 19 284 * +109 19 285 * +109 19 286 * +109 19 287 * +109 19 288 * +109 19 289 * +109 19 290 * +109 19 291 * +109 19 292 * +109 19 293 * +109 19 294 * +109 19 295 * +109 19 296 * +109 19 297 * +109 19 298 * +109 19 299 * +109 19 300 * +109 19 301 * +109 19 302 * +109 19 303 * +109 19 304 * +109 19 305 * +109 19 306 * +109 19 307 * +109 19 308 * +109 19 309 * +109 19 310 * +109 19 311 * +109 19 312 * +109 19 313 * +109 19 314 * +109 19 315 * +109 19 316 * +109 19 317 * +109 19 318 * +109 19 319 * +109 19 320 * +109 19 321 * +109 19 322 * +109 19 323 * +109 19 324 * +109 19 325 * +109 19 326 * +109 19 327 * +109 19 328 * +109 19 329 * +109 19 330 * +109 20 1 S +109 20 2 S +109 20 3 K +109 20 4 E +109 20 5 S +109 20 6 K +109 20 7 S +109 20 8 K +109 20 9 E +109 20 10 S +109 20 11 S +109 20 12 MA +109 20 13 M +109 20 14 E +109 20 15 Q +109 20 16 S2 +109 20 17 K +109 20 18 T +109 20 19 S +109 20 20 M +109 20 21 K +109 20 22 * +109 20 23 S2 +109 20 24 S +109 20 25 S +109 20 26 S +109 20 27 S2 +109 20 28 K +109 20 29 S +109 20 30 S +109 20 31 S +109 20 32 E +109 20 33 S +109 20 34 S +109 20 35 K +109 20 36 M +109 20 37 S +109 20 38 K +109 20 39 S +109 20 40 S +109 20 41 K +109 20 42 MA +109 20 43 S +109 20 44 Q +109 20 45 S +109 20 46 T +109 20 47 M +109 20 48 MA +109 20 49 S +109 20 50 E +109 20 51 E +109 20 52 S2 +109 20 53 K +109 20 54 M +109 20 55 S +109 20 56 K +109 20 57 S +109 20 58 E +109 20 59 Q +109 20 60 T +109 20 61 K +109 20 62 S +109 20 63 K +109 20 64 S +109 20 65 K +109 20 66 S2 +109 20 67 S +109 20 68 K +109 20 69 M +109 20 70 S2 +109 20 71 E +109 20 72 S +109 20 73 E +109 20 74 S +109 20 75 M +109 20 76 K +109 20 77 S +109 20 78 K +109 20 79 T +109 20 80 S +109 20 81 S +109 20 82 S +109 20 83 S2 +109 20 84 K +109 20 85 S +109 20 86 K +109 20 87 T +109 20 88 E +109 20 89 T +109 20 90 M +109 20 91 S +109 20 92 S2 +109 20 93 S +109 20 94 E +109 20 95 S +109 20 96 MA +109 20 97 E +109 20 98 K +109 20 99 S2 +109 20 100 S +109 20 101 K +109 20 102 S2 +109 20 103 MA +109 20 104 S +109 20 105 E +109 20 106 MA +109 20 107 Q +109 20 108 S +109 20 109 S +109 20 110 MA +109 20 111 M +109 20 112 K +109 20 113 T +109 20 114 S +109 20 115 K +109 20 116 S +109 20 117 E +109 20 118 K +109 20 119 S +109 20 120 S2 +109 20 121 K +109 20 122 M +109 20 123 S +109 20 124 S +109 20 125 K +109 20 126 K +109 20 127 M +109 20 128 MA +109 20 129 Q +109 20 130 M +109 20 131 E +109 20 132 K +109 20 133 M +109 20 134 E +109 20 135 K +109 20 136 S +109 20 137 M +109 20 138 S +109 20 139 Q +109 20 140 S +109 20 141 S2 +109 20 142 Q +109 20 143 S +109 20 144 E +109 20 145 S +109 20 146 MA +109 20 147 S +109 20 148 K +109 20 149 S +109 20 150 E +109 20 151 K +109 20 152 K +109 20 153 S +109 20 154 T +109 20 155 E +109 20 156 S +109 20 157 E +109 20 158 S2 +109 20 159 MA +109 20 160 K +109 20 161 S +109 20 162 K +109 20 163 S +109 20 164 S +109 20 165 M +109 20 166 E +109 20 167 Q +109 20 168 M +109 20 169 S +109 20 170 T +109 20 171 M +109 20 172 S2 +109 20 173 K +109 20 174 MA +109 20 175 S +109 20 176 K +109 20 177 Q +109 20 178 S +109 20 179 E +109 20 180 S +109 20 181 MA +109 20 182 E +109 20 183 E +109 20 184 E +109 20 185 MA +109 20 186 S +109 20 187 MA +109 20 188 S +109 20 189 S2 +109 20 190 K +109 20 191 S +109 20 192 E +109 20 193 S +109 20 194 E +109 20 195 S +109 20 196 S +109 20 197 S2 +109 20 198 T +109 20 199 Q +109 20 200 S +109 20 201 K +109 20 202 S +109 20 203 E +109 20 204 E +109 20 205 E +109 20 206 Q +109 20 207 K +109 20 208 S +109 20 209 M +109 20 210 E +109 20 211 S +109 20 212 K +109 20 213 Q +109 20 214 S +109 20 215 K +109 20 216 M +109 20 217 K +109 20 218 M +109 20 219 Q +109 20 220 S +109 20 221 S2 +109 20 222 E +109 20 223 S +109 20 224 Q +109 20 225 M +109 20 226 S +109 20 227 T +109 20 228 S +109 20 229 S +109 20 230 Q +109 20 231 E +109 20 232 E +109 20 233 S +109 20 234 S +109 20 235 S +109 20 236 S2 +109 20 237 K +109 20 238 S +109 20 239 K +109 20 240 E +109 20 241 S2 +109 20 242 Q +109 20 243 E +109 20 244 Q +109 20 245 K +109 20 246 S +109 20 247 E +109 20 248 M +109 20 249 S +109 20 250 E +109 20 251 S +109 20 252 Q +109 20 253 S +109 20 254 S +109 20 255 T +109 20 256 K +109 20 257 S +109 20 258 MA +109 20 259 K +109 20 260 Q +109 20 261 MA +109 20 262 S2 +109 20 263 T +109 20 264 S +109 20 265 M +109 20 266 E +109 20 267 E +109 20 268 S +109 20 269 K +109 20 270 MA +109 20 271 M +109 20 272 S2 +109 20 273 K +109 20 274 Q +109 20 275 S +109 20 276 K +109 20 277 S +109 20 278 K +109 20 279 E +109 20 280 S +109 20 281 S +109 20 282 S +109 20 283 E +109 20 284 Q +109 20 285 K +109 20 286 Q +109 20 287 MA +109 20 288 K +109 20 289 S +109 20 290 S2 +109 20 291 S +109 20 292 K +109 20 293 Q +109 20 294 S2 +109 20 295 E +109 20 296 E +109 20 297 MA +109 20 298 K +109 20 299 M +109 20 300 S2 +109 20 301 S +109 20 302 Q +109 20 303 S +109 20 304 M +109 20 305 E +109 20 306 S +109 20 307 S +109 20 308 S2 +109 20 309 E +109 20 310 S +109 20 311 S +109 20 312 T +109 20 313 E +109 20 314 Q +109 20 315 S2 +109 20 316 S +109 20 317 K +109 20 318 K +109 20 319 S2 +109 20 320 M +109 20 321 K +109 20 322 S +109 20 323 M +109 20 324 Q +109 20 325 E +109 20 326 MA +109 20 327 Q +109 20 328 M +109 20 329 E +109 20 330 Q +109 21 1 S +109 21 2 S +109 21 3 K +109 21 4 E +109 21 5 S +109 21 6 K +109 21 7 S +109 21 8 K +109 21 9 T +109 21 10 S +109 21 11 S +109 21 12 Y +109 21 13 S +109 21 14 S +109 21 15 K +109 21 16 Q +109 21 17 K +109 21 18 T +109 21 19 S +109 21 20 S +109 21 21 K +109 21 22 Y +109 21 23 E +109 21 24 T +109 21 25 S +109 21 26 E +109 21 27 Q +109 21 28 K +109 21 29 S +109 21 30 K +109 21 31 S +109 21 32 K +109 21 33 S +109 21 34 S +109 21 35 K +109 21 36 S +109 21 37 S +109 21 38 K +109 21 39 S +109 21 40 S +109 21 41 K +109 21 42 Y +109 21 43 S +109 21 44 Q +109 21 45 S +109 21 46 S2 +109 21 47 T +109 21 48 * +109 21 49 S +109 21 50 E +109 21 51 * +109 21 52 S +109 21 53 K +109 21 54 S +109 21 55 S +109 21 56 K +109 21 57 S +109 21 58 S +109 21 59 E +109 21 60 S +109 21 61 K +109 21 62 E +109 21 63 K +109 21 64 S +109 21 65 K +109 21 66 Q +109 21 67 S +109 21 68 K +109 21 69 S +109 21 70 S +109 21 71 E +109 21 72 S +109 21 73 E +109 21 74 S +109 21 75 S +109 21 76 K +109 21 77 S +109 21 78 K +109 21 79 T +109 21 80 S +109 21 81 S +109 21 82 S +109 21 83 Y +109 21 84 K +109 21 85 S +109 21 86 K +109 21 87 T +109 21 88 E +109 21 89 T +109 21 90 S +109 21 91 S +109 21 92 Q +109 21 93 S +109 21 94 T +109 21 95 S +109 21 96 Y +109 21 97 E +109 21 98 K +109 21 99 S +109 21 100 S +109 21 101 K +109 21 102 E +109 21 103 S +109 21 104 S +109 21 105 E +109 21 106 Y +109 21 107 Q +109 21 108 S +109 21 109 E +109 21 110 Y +109 21 111 S +109 21 112 K +109 21 113 T +109 21 114 S +109 21 115 K +109 21 116 S +109 21 117 E +109 21 118 K +109 21 119 S +109 21 120 Q +109 21 121 K +109 21 122 S +109 21 123 S +109 21 124 S +109 21 125 K +109 21 126 K +109 21 127 S +109 21 128 S +109 21 129 Q +109 21 130 S +109 21 131 E +109 21 132 K +109 21 133 S +109 21 134 E +109 21 135 E +109 21 136 S +109 21 137 S +109 21 138 S +109 21 139 Q +109 21 140 S +109 21 141 Q +109 21 142 S +109 21 143 S +109 21 144 E +109 21 145 S +109 21 146 Y +109 21 147 S +109 21 148 K +109 21 149 S +109 21 150 E +109 21 151 K +109 21 152 E +109 21 153 S +109 21 154 T +109 21 155 T +109 21 156 S +109 21 157 T +109 21 158 Q +109 21 159 K +109 21 160 K +109 21 161 S +109 21 162 K +109 21 163 S +109 21 164 S +109 21 165 S +109 21 166 S +109 21 167 E +109 21 168 S +109 21 169 S +109 21 170 S +109 21 171 S +109 21 172 Q +109 21 173 K +109 21 174 Y +109 21 175 S +109 21 176 K +109 21 177 Y +109 21 178 S +109 21 179 K +109 21 180 S +109 21 181 Y +109 21 182 K +109 21 183 Y +109 21 184 E +109 21 185 T +109 21 186 S +109 21 187 Y +109 21 188 S +109 21 189 S +109 21 190 K +109 21 191 S +109 21 192 E +109 21 193 S +109 21 194 K +109 21 195 S +109 21 196 S +109 21 197 E +109 21 198 T +109 21 199 Q +109 21 200 S +109 21 201 K +109 21 202 S +109 21 203 E +109 21 204 T +109 21 205 E +109 21 206 Q +109 21 207 K +109 21 208 T +109 21 209 S +109 21 210 K +109 21 211 S +109 21 212 K +109 21 213 E +109 21 214 S +109 21 215 K +109 21 216 S +109 21 217 K +109 21 218 S +109 21 219 S +109 21 220 E +109 21 221 S +109 21 222 E +109 21 223 S +109 21 224 K +109 21 225 S +109 21 226 S +109 21 227 K +109 21 228 E +109 21 229 S +109 21 230 K +109 21 231 E +109 21 232 S +109 21 233 E +109 21 234 S +109 21 235 S +109 21 236 S +109 21 237 K +109 21 238 S +109 21 239 K +109 21 240 K +109 21 241 Q +109 21 242 Y +109 21 243 K +109 21 244 S +109 21 245 K +109 21 246 S +109 21 247 E +109 21 248 S +109 21 249 S +109 21 250 E +109 21 251 S +109 21 252 K +109 21 253 S +109 21 254 S +109 21 255 T +109 21 256 K +109 21 257 S +109 21 258 Y +109 21 259 K +109 21 260 Y +109 21 261 K +109 21 262 Q +109 21 263 T +109 21 264 S +109 21 265 S +109 21 266 K +109 21 267 K +109 21 268 S +109 21 269 K +109 21 270 Y +109 21 271 S +109 21 272 Q +109 21 273 E +109 21 274 Q +109 21 275 S +109 21 276 K +109 21 277 S +109 21 278 K +109 21 279 E +109 21 280 S +109 21 281 S +109 21 282 S +109 21 283 K +109 21 284 Q +109 21 285 K +109 21 286 Q +109 21 287 E +109 21 288 K +109 21 289 S +109 21 290 K +109 21 291 S +109 21 292 K +109 21 293 S +109 21 294 Q +109 21 295 T +109 21 296 S +109 21 297 Y +109 21 298 K +109 21 299 S +109 21 300 T +109 21 301 S +109 21 302 K +109 21 303 S +109 21 304 S +109 21 305 E +109 21 306 S +109 21 307 S +109 21 308 E +109 21 309 S +109 21 310 S +109 21 311 S +109 21 312 T +109 21 313 E +109 21 314 Q +109 21 315 S +109 21 316 S +109 21 317 K +109 21 318 K +109 21 319 Q +109 21 320 S +109 21 321 K +109 21 322 S +109 21 323 S +109 21 324 K +109 21 325 E +109 21 326 Y +109 21 327 S +109 21 328 S +109 21 329 T +109 21 330 S +109 22 1 S +109 22 2 S +109 22 3 K +109 22 4 ES +109 22 5 S +109 22 6 K +109 22 7 S +109 22 8 K +109 22 9 T +109 22 10 S +109 22 11 S +109 22 12 Y +109 22 13 S +109 22 14 S +109 22 15 K +109 22 16 T +109 22 17 K +109 22 18 T +109 22 19 S +109 22 20 S +109 22 21 K +109 22 22 Y +109 22 23 E +109 22 24 S +109 22 25 S +109 22 26 S +109 22 27 Q +109 22 28 K +109 22 29 S +109 22 30 T +109 22 31 S +109 22 32 E +109 22 33 S +109 22 34 S +109 22 35 K +109 22 36 S +109 22 37 S +109 22 38 K +109 22 39 S +109 22 40 S +109 22 41 K +109 22 42 S +109 22 43 S +109 22 44 Q +109 22 45 S +109 22 46 T +109 22 47 S +109 22 48 Y +109 22 49 S +109 22 50 E +109 22 51 T +109 22 52 S +109 22 53 E +109 22 54 S +109 22 55 S +109 22 56 T +109 22 57 S +109 22 58 S +109 22 59 E +109 22 60 S +109 22 61 K +109 22 62 E +109 22 63 K +109 22 64 S +109 22 65 K +109 22 66 Q +109 22 67 S +109 22 68 K +109 22 69 S +109 22 70 E +109 22 71 T +109 22 72 S +109 22 73 E +109 22 74 S +109 22 75 S +109 22 76 K +109 22 77 S +109 22 78 E +109 22 79 T +109 22 80 S +109 22 81 S +109 22 82 S +109 22 83 Y +109 22 84 E +109 22 85 S +109 22 86 E +109 22 87 T +109 22 88 E +109 22 89 T +109 22 90 S +109 22 91 S +109 22 92 Q +109 22 93 S +109 22 94 T +109 22 95 S +109 22 96 Y +109 22 97 E +109 22 98 K +109 22 99 E +109 22 100 S +109 22 101 E +109 22 102 E +109 22 103 S +109 22 104 S +109 22 105 E +109 22 106 Y +109 22 107 E +109 22 108 S +109 22 109 S +109 22 110 Y +109 22 111 S +109 22 112 K +109 22 113 T +109 22 114 S +109 22 115 K +109 22 116 S +109 22 117 T +109 22 118 K +109 22 119 S +109 22 120 E +109 22 121 K +109 22 122 S +109 22 123 S +109 22 124 S +109 22 125 K +109 22 126 E +109 22 127 S +109 22 128 S +109 22 129 E +109 22 130 S +109 22 131 E +109 22 132 K +109 22 133 S +109 22 134 T +109 22 135 E +109 22 136 S +109 22 137 S +109 22 138 S +109 22 139 E +109 22 140 S +109 22 141 Q +109 22 142 E +109 22 143 S +109 22 144 E +109 22 145 S +109 22 146 Y +109 22 147 S +109 22 148 K +109 22 149 S +109 22 150 E +109 22 151 K +109 22 152 E +109 22 153 S +109 22 154 T +109 22 155 T +109 22 156 S +109 22 157 T +109 22 158 Q +109 22 159 Y +109 22 160 E +109 22 161 S +109 22 162 K +109 22 163 S +109 22 164 S +109 22 165 S +109 22 166 S +109 22 167 E +109 22 168 S +109 22 169 S +109 22 170 T +109 22 171 S +109 22 172 Q +109 22 173 K +109 22 174 Y +109 22 175 S +109 22 176 K +109 22 177 S +109 22 178 S +109 22 179 T +109 22 180 S +109 22 181 T +109 22 182 K +109 22 183 T +109 22 184 E +109 22 185 T +109 22 186 S +109 22 187 Y +109 22 188 S +109 22 189 S +109 22 190 K +109 22 191 S +109 22 192 E +109 22 193 S +109 22 194 T +109 22 195 S +109 22 196 S +109 22 197 E +109 22 198 T +109 22 199 S +109 22 200 S +109 22 201 K +109 22 202 S +109 22 203 E +109 22 204 T +109 22 205 E +109 22 206 S +109 22 207 K +109 22 208 T +109 22 209 S +109 22 210 T +109 22 211 S +109 22 212 K +109 22 213 E +109 22 214 S +109 22 215 E +109 22 216 S +109 22 217 K +109 22 218 S +109 22 219 S +109 22 220 S +109 22 221 S +109 22 222 E +109 22 223 S +109 22 224 K +109 22 225 S +109 22 226 S +109 22 227 T +109 22 228 S +109 22 229 S +109 22 230 K +109 22 231 E +109 22 232 T +109 22 233 E +109 22 234 S +109 22 235 S +109 22 236 S +109 22 237 K +109 22 238 S +109 22 239 K +109 22 240 T +109 22 241 Q +109 22 242 Y +109 22 243 K +109 22 244 S +109 22 245 K +109 22 246 S +109 22 247 E +109 22 248 S +109 22 249 S +109 22 250 E +109 22 251 S +109 22 252 E +109 22 253 S +109 22 254 E +109 22 255 T +109 22 256 K +109 22 257 S +109 22 258 S +109 22 259 K +109 22 260 S +109 22 261 K +109 22 262 E +109 22 263 T +109 22 264 S +109 22 265 S +109 22 266 T +109 22 267 E +109 22 268 S +109 22 269 E +109 22 270 Y +109 22 271 T +109 22 272 S +109 22 273 E +109 22 274 T +109 22 275 S +109 22 276 E +109 22 277 S +109 22 278 K +109 22 279 S +109 22 280 S +109 22 281 S +109 22 282 S +109 22 283 T +109 22 284 Q +109 22 285 E +109 22 286 Q +109 22 287 T +109 22 288 K +109 22 289 S +109 22 290 E +109 22 291 S +109 22 292 E +109 22 293 S +109 22 294 S +109 22 295 T +109 22 296 E +109 22 297 Y +109 22 298 K +109 22 299 S +109 22 300 T +109 22 301 S +109 22 302 Q +109 22 303 S +109 22 304 S +109 22 305 E +109 22 306 S +109 22 307 S +109 22 308 E +109 22 309 S +109 22 310 S +109 22 311 S +109 22 312 T +109 22 313 S +109 22 314 Q +109 22 315 S +109 22 316 S +109 22 317 E +109 22 318 K +109 22 319 Q +109 22 320 S +109 22 321 K +109 22 322 S +109 22 323 S +109 22 324 Q +109 22 325 E +109 22 326 Y +109 22 327 S +109 22 328 S +109 22 329 T +109 22 330 S +109 23 1 S +109 23 2 * +109 23 3 K +109 23 4 ES +109 23 5 * +109 23 6 Y +109 23 7 S +109 23 8 K +109 23 9 ML +109 23 10 S +109 23 11 S +109 23 12 Y +109 23 13 S +109 23 14 ML +109 23 15 Q +109 23 16 Q +109 23 17 K +109 23 18 T +109 23 19 S +109 23 20 S +109 23 21 K +109 23 22 Y +109 23 23 M +109 23 24 T +109 23 25 S +109 23 26 S +109 23 27 Q +109 23 28 K +109 23 29 S +109 23 30 U +109 23 31 S +109 23 32 K +109 23 33 S +109 23 34 S +109 23 35 Q +109 23 36 S +109 23 37 S +109 23 38 K +109 23 39 S +109 23 40 S +109 23 41 K +109 23 42 M +109 23 43 S +109 23 44 Q +109 23 45 S +109 23 46 T +109 23 47 S +109 23 48 Y +109 23 49 S +109 23 50 E +109 23 51 ML +109 23 52 Q +109 23 53 K +109 23 54 S +109 23 55 S +109 23 56 Y +109 23 57 S +109 23 58 M +109 23 59 Q +109 23 60 T +109 23 61 K +109 23 62 S +109 23 63 K +109 23 64 S +109 23 65 K +109 23 66 Q +109 23 67 S +109 23 68 K +109 23 69 M +109 23 70 Q +109 23 71 K +109 23 72 S +109 23 73 K +109 23 74 S +109 23 75 S +109 23 76 K +109 23 77 S +109 23 78 Q +109 23 79 T +109 23 80 S +109 23 81 S +109 23 82 S +109 23 83 Q +109 23 84 K +109 23 85 S +109 23 86 K +109 23 87 T +109 23 88 K +109 23 89 T +109 23 90 S +109 23 91 S +109 23 92 Q +109 23 93 S +109 23 94 ML +109 23 95 S +109 23 96 K +109 23 97 M +109 23 98 K +109 23 99 S +109 23 100 S +109 23 101 K +109 23 102 S +109 23 103 M +109 23 104 S +109 23 105 K +109 23 106 Y +109 23 107 Q +109 23 108 S +109 23 109 S +109 23 110 Y +109 23 111 M +109 23 112 K +109 23 113 T +109 23 114 S +109 23 115 K +109 23 116 S +109 23 117 U +109 23 118 K +109 23 119 S +109 23 120 Q +109 23 121 K +109 23 122 S +109 23 123 S +109 23 124 S +109 23 125 K +109 23 126 K +109 23 127 ML +109 23 128 Y +109 23 129 Q +109 23 130 ML +109 23 131 K +109 23 132 K +109 23 133 S +109 23 134 U +109 23 135 K +109 23 136 S +109 23 137 S +109 23 138 S +109 23 139 Q +109 23 140 S +109 23 141 Q +109 23 142 Q +109 23 143 S +109 23 144 S +109 23 145 S +109 23 146 Y +109 23 147 S +109 23 148 K +109 23 149 S +109 23 150 M +109 23 151 K +109 23 152 K +109 23 153 S +109 23 154 ML +109 23 155 ML +109 23 156 S +109 23 157 T +109 23 158 Q +109 23 159 Q +109 23 160 K +109 23 161 S +109 23 162 K +109 23 163 S +109 23 164 S +109 23 165 M +109 23 166 S +109 23 167 Q +109 23 168 S +109 23 169 S +109 23 170 S +109 23 171 S +109 23 172 Q +109 23 173 K +109 23 174 Y +109 23 175 S +109 23 176 K +109 23 177 Y +109 23 178 S +109 23 179 K +109 23 180 S +109 23 181 Q +109 23 182 K +109 23 183 M +109 23 184 K +109 23 185 K +109 23 186 S +109 23 187 Y +109 23 188 S +109 23 189 S +109 23 190 K +109 23 191 S +109 23 192 S +109 23 193 S +109 23 194 K +109 23 195 S +109 23 196 S +109 23 197 K +109 23 198 T +109 23 199 Q +109 23 200 S +109 23 201 K +109 23 202 S +109 23 203 K +109 23 204 U +109 23 205 S +109 23 206 Q +109 23 207 K +109 23 208 U +109 23 209 S +109 23 210 K +109 23 211 S +109 23 212 Y +109 23 213 S +109 23 214 S +109 23 215 K +109 23 216 S +109 23 217 K +109 23 218 S +109 23 219 Q +109 23 220 S +109 23 221 Q +109 23 222 E +109 23 223 S +109 23 224 Q +109 23 225 S +109 23 226 S +109 23 227 ML +109 23 228 S +109 23 229 S +109 23 230 Q +109 23 231 K +109 23 232 T +109 23 233 S +109 23 234 S +109 23 235 SK +109 23 236 S +109 23 237 K +109 23 238 S +109 23 239 K +109 23 240 U +109 23 241 Q +109 23 242 Q +109 23 243 K +109 23 244 Q +109 23 245 K +109 23 246 S +109 23 247 S +109 23 248 S +109 23 249 S +109 23 250 E +109 23 251 S +109 23 252 Q +109 23 253 S +109 23 254 S +109 23 255 ML +109 23 256 K +109 23 257 S +109 23 258 S +109 23 259 K +109 23 260 Q +109 23 261 Y +109 23 262 Q +109 23 263 Q +109 23 264 S +109 23 265 S +109 23 266 U +109 23 267 K +109 23 268 S +109 23 269 K +109 23 270 Y +109 23 271 S +109 23 272 Q +109 23 273 K +109 23 274 Q +109 23 275 M +109 23 276 K +109 23 277 S +109 23 278 K +109 23 279 S +109 23 280 S +109 23 281 S +109 23 282 S +109 23 283 U +109 23 284 Q +109 23 285 K +109 23 286 Q +109 23 287 T +109 23 288 K +109 23 289 S +109 23 290 Q +109 23 291 S +109 23 292 K +109 23 293 S +109 23 294 Q +109 23 295 T +109 23 296 S +109 23 297 Y +109 23 298 K +109 23 299 S +109 23 300 T +109 23 301 S +109 23 302 Q +109 23 303 T +109 23 304 S +109 23 305 K +109 23 306 S +109 23 307 S +109 23 308 S +109 23 309 T +109 23 310 S +109 23 311 S +109 23 312 T +109 23 313 S +109 23 314 Q +109 23 315 S +109 23 316 S +109 23 317 K +109 23 318 Y +109 23 319 Q +109 23 320 M +109 23 321 K +109 23 322 S +109 23 323 S +109 23 324 Q +109 23 325 K +109 23 326 Y +109 23 327 Q +109 23 328 S +109 23 329 U +109 23 330 Q +109 24 1 S +109 24 2 S +109 24 3 K +109 24 4 E +109 24 5 S +109 24 6 KE +109 24 7 S +109 24 8 E +109 24 9 KK +109 24 10 S +109 24 11 E +109 24 12 Y +109 24 13 S +109 24 14 T +109 24 15 Q +109 24 16 Q +109 24 17 K +109 24 18 T +109 24 19 S +109 24 20 S +109 24 21 K +109 24 22 Q +109 24 23 E +109 24 24 T +109 24 25 S +109 24 26 S +109 24 27 Q +109 24 28 K +109 24 29 S +109 24 30 K +109 24 31 S +109 24 32 E +109 24 33 S +109 24 34 S +109 24 35 K +109 24 36 E +109 24 37 S +109 24 38 K +109 24 39 S +109 24 40 S +109 24 41 K +109 24 42 Y +109 24 43 S +109 24 44 Q +109 24 45 S +109 24 46 T +109 24 47 T +109 24 48 KK +109 24 49 S +109 24 50 E +109 24 51 T +109 24 52 Q +109 24 53 E +109 24 54 S +109 24 55 S +109 24 56 KE +109 24 57 E +109 24 58 KK +109 24 59 Q +109 24 60 E +109 24 61 K +109 24 62 E +109 24 63 K +109 24 64 S +109 24 65 K +109 24 66 Q +109 24 67 S +109 24 68 K +109 24 69 T +109 24 70 Q +109 24 71 E +109 24 72 S +109 24 73 E +109 24 74 S +109 24 75 T +109 24 76 K +109 24 77 S +109 24 78 K +109 24 79 T +109 24 80 S +109 24 81 S +109 24 82 S +109 24 83 Q +109 24 84 KE +109 24 85 S +109 24 86 K +109 24 87 T +109 24 88 S +109 24 89 T +109 24 90 T +109 24 91 S +109 24 92 Q +109 24 93 S +109 24 94 T +109 24 95 Q +109 24 96 Y +109 24 97 S +109 24 98 K +109 24 99 Q +109 24 100 S +109 24 101 S +109 24 102 S +109 24 103 T +109 24 104 S +109 24 105 S +109 24 106 Y +109 24 107 Q +109 24 108 NI +109 24 109 S +109 24 110 Y +109 24 111 T +109 24 112 K +109 24 113 T +109 24 114 S +109 24 115 K +109 24 116 NI +109 24 117 T +109 24 118 K +109 24 119 S +109 24 120 Q +109 24 121 K +109 24 122 S +109 24 123 S +109 24 124 Y +109 24 125 K +109 24 126 K +109 24 127 T +109 24 128 Y +109 24 129 Q +109 24 130 T +109 24 131 S +109 24 132 K +109 24 133 S +109 24 134 T +109 24 135 E +109 24 136 S +109 24 137 T +109 24 138 S +109 24 139 Q +109 24 140 S +109 24 141 Q +109 24 142 Q +109 24 143 S +109 24 144 E +109 24 145 S +109 24 146 Y +109 24 147 S +109 24 148 K +109 24 149 S +109 24 150 ES +109 24 151 KE +109 24 152 E +109 24 153 S +109 24 154 T +109 24 155 T +109 24 156 S +109 24 157 T +109 24 158 Q +109 24 159 KE +109 24 160 K +109 24 161 S +109 24 162 K +109 24 163 S +109 24 164 S +109 24 165 T +109 24 166 S +109 24 167 Q +109 24 168 S +109 24 169 S +109 24 170 T +109 24 171 T +109 24 172 Q +109 24 173 K +109 24 174 Y +109 24 175 S +109 24 176 K +109 24 177 Y +109 24 178 S +109 24 179 E +109 24 180 S +109 24 181 Y +109 24 182 E +109 24 183 T +109 24 184 S +109 24 185 KK +109 24 186 S +109 24 187 K +109 24 188 S +109 24 189 Q +109 24 190 K +109 24 191 S +109 24 192 E +109 24 193 Y +109 24 194 T +109 24 195 S +109 24 196 S +109 24 197 E +109 24 198 T +109 24 199 Q +109 24 200 S +109 24 201 KE +109 24 202 S +109 24 203 E +109 24 204 T +109 24 205 S +109 24 206 Q +109 24 207 K +109 24 208 KK +109 24 209 S +109 24 210 T +109 24 211 S +109 24 212 K +109 24 213 E +109 24 214 S +109 24 215 S +109 24 216 T +109 24 217 KE +109 24 218 S +109 24 219 Q +109 24 220 S +109 24 221 Q +109 24 222 E +109 24 223 S +109 24 224 Q +109 24 225 T +109 24 226 S +109 24 227 T +109 24 228 S +109 24 229 S +109 24 230 Q +109 24 231 E +109 24 232 T +109 24 233 S +109 24 234 S +109 24 235 S +109 24 236 S +109 24 237 KE +109 24 238 S +109 24 239 K +109 24 240 E +109 24 241 Q +109 24 242 Y +109 24 243 E +109 24 244 Q +109 24 245 K +109 24 246 S +109 24 247 E +109 24 248 T +109 24 249 S +109 24 250 E +109 24 251 S +109 24 252 Q +109 24 253 S +109 24 254 S +109 24 255 T +109 24 256 K +109 24 257 S +109 24 258 Y +109 24 259 E +109 24 260 Q +109 24 261 K +109 24 262 Q +109 24 263 T +109 24 264 S +109 24 265 S +109 24 266 T +109 24 267 E +109 24 268 S +109 24 269 E +109 24 270 KK +109 24 271 T +109 24 272 Q +109 24 273 E +109 24 274 Q +109 24 275 Y +109 24 276 E +109 24 277 S +109 24 278 KE +109 24 279 S +109 24 280 S +109 24 281 S +109 24 282 S +109 24 283 T +109 24 284 Q +109 24 285 K +109 24 286 Q +109 24 287 KK +109 24 288 K +109 24 289 S +109 24 290 Q +109 24 291 S +109 24 292 KE +109 24 293 Q +109 24 294 Q +109 24 295 T +109 24 296 ES +109 24 297 Y +109 24 298 K +109 24 299 S +109 24 300 T +109 24 301 S +109 24 302 Q +109 24 303 S +109 24 304 S +109 24 305 E +109 24 306 S +109 24 307 S +109 24 308 E +109 24 309 T +109 24 310 S +109 24 311 S +109 24 312 T +109 24 313 S +109 24 314 Q +109 24 315 S +109 24 316 S +109 24 317 E +109 24 318 K +109 24 319 Q +109 24 320 S +109 24 321 K +109 24 322 S +109 24 323 S +109 24 324 Q +109 24 325 E +109 24 326 Y +109 24 327 Q +109 24 328 T +109 24 329 T +109 24 330 Q +109 25 1 S +109 25 2 S +109 25 3 K +109 25 4 E +109 25 5 S +109 25 6 S2 +109 25 7 S +109 25 8 K +109 25 9 K +109 25 10 T +109 25 11 T +109 25 12 S2 +109 25 13 T +109 25 14 T +109 25 15 Q +109 25 16 Q +109 25 17 K +109 25 18 T +109 25 19 A +109 25 20 S +109 25 21 K +109 25 22 Q +109 25 23 M +109 25 24 MN +109 25 25 A +109 25 26 S +109 25 27 S2 +109 25 28 K +109 25 29 S +109 25 30 K +109 25 31 S +109 25 32 K +109 25 33 S +109 25 34 A +109 25 35 K +109 25 36 S +109 25 37 ES +109 25 38 K +109 25 39 S +109 25 40 S +109 25 41 K +109 25 42 S2 +109 25 43 T +109 25 44 Q +109 25 45 S +109 25 46 ES +109 25 47 T +109 25 48 S2 +109 25 49 S +109 25 50 E +109 25 51 K +109 25 52 Q +109 25 53 K +109 25 54 S +109 25 55 S +109 25 56 S2 +109 25 57 S +109 25 58 Q +109 25 59 Q +109 25 60 T +109 25 61 K +109 25 62 S2 +109 25 63 K +109 25 64 S +109 25 65 K +109 25 66 Q +109 25 67 S +109 25 68 K +109 25 69 S +109 25 70 Q +109 25 71 E +109 25 72 S +109 25 73 K +109 25 74 S +109 25 75 S +109 25 76 K +109 25 77 S +109 25 78 Q +109 25 79 T +109 25 80 S +109 25 81 S +109 25 82 S +109 25 83 S2 +109 25 84 K +109 25 85 S +109 25 86 K +109 25 87 T +109 25 88 K +109 25 89 T +109 25 90 T +109 25 91 S +109 25 92 Q +109 25 93 A +109 25 94 T +109 25 95 Q +109 25 96 S2 +109 25 97 T +109 25 98 K +109 25 99 A +109 25 100 S +109 25 101 K +109 25 102 A +109 25 103 Q +109 25 104 S +109 25 105 K +109 25 106 A +109 25 107 Q +109 25 108 Q +109 25 109 S +109 25 110 S2 +109 25 111 T +109 25 112 K +109 25 113 T +109 25 114 S +109 25 115 E +109 25 116 S +109 25 117 E +109 25 118 K +109 25 119 S +109 25 120 Q +109 25 121 K +109 25 122 S +109 25 123 S +109 25 124 S +109 25 125 K +109 25 126 Q +109 25 127 T +109 25 128 Q +109 25 129 Q +109 25 130 T +109 25 131 K +109 25 132 K +109 25 133 S +109 25 134 K +109 25 135 K +109 25 136 S +109 25 137 T +109 25 138 S +109 25 139 Q +109 25 140 S +109 25 141 Q +109 25 142 Q +109 25 143 S +109 25 144 T +109 25 145 S +109 25 146 S2 +109 25 147 S +109 25 148 K +109 25 149 S +109 25 150 E +109 25 151 S2 +109 25 152 S2 +109 25 153 S +109 25 154 T +109 25 155 T +109 25 156 S +109 25 157 K +109 25 158 Q +109 25 159 S2 +109 25 160 S2 +109 25 161 S +109 25 162 K +109 25 163 S +109 25 164 A +109 25 165 T +109 25 166 S +109 25 167 Q +109 25 168 S +109 25 169 S +109 25 170 T +109 25 171 T +109 25 172 Q +109 25 173 K +109 25 174 S2 +109 25 175 S +109 25 176 K +109 25 177 Q +109 25 178 S +109 25 179 K +109 25 180 S +109 25 181 S2 +109 25 182 E +109 25 183 S2 +109 25 184 K +109 25 185 S2 +109 25 186 S +109 25 187 S2 +109 25 188 S +109 25 189 S +109 25 190 S2 +109 25 191 S +109 25 192 E +109 25 193 M +109 25 194 E +109 25 195 S +109 25 196 S +109 25 197 EG +109 25 198 T +109 25 199 Q +109 25 200 S +109 25 201 S2 +109 25 202 S +109 25 203 K +109 25 204 T +109 25 205 E +109 25 206 Q +109 25 207 K +109 25 208 S2 +109 25 209 S +109 25 210 K +109 25 211 S +109 25 212 I +109 25 213 Q +109 25 214 S +109 25 215 S2 +109 25 216 S +109 25 217 S2 +109 25 218 S +109 25 219 S +109 25 220 ML +109 25 221 S +109 25 222 K +109 25 223 S +109 25 224 Q +109 25 225 S +109 25 226 S +109 25 227 T +109 25 228 S +109 25 229 S +109 25 230 Q +109 25 231 K +109 25 232 ES +109 25 233 Q +109 25 234 S +109 25 235 S +109 25 236 S +109 25 237 S2 +109 25 238 S +109 25 239 K +109 25 240 E +109 25 241 Q +109 25 242 S2 +109 25 243 ES +109 25 244 Q +109 25 245 K +109 25 246 S +109 25 247 EG +109 25 248 T +109 25 249 S +109 25 250 T +109 25 251 S +109 25 252 S2 +109 25 253 S +109 25 254 S +109 25 255 T +109 25 256 A +109 25 257 S +109 25 258 S2 +109 25 259 K +109 25 260 Q +109 25 261 ES +109 25 262 Q +109 25 263 Q +109 25 264 S +109 25 265 S +109 25 266 K +109 25 267 ES +109 25 268 S +109 25 269 K +109 25 270 S2 +109 25 271 S +109 25 272 Q +109 25 273 K +109 25 274 Q +109 25 275 S +109 25 276 K +109 25 277 S +109 25 278 S2 +109 25 279 S +109 25 280 S +109 25 281 S +109 25 282 S +109 25 283 ES +109 25 284 S +109 25 285 A +109 25 286 Q +109 25 287 ES +109 25 288 K +109 25 289 S +109 25 290 Q +109 25 291 S +109 25 292 K +109 25 293 S +109 25 294 S +109 25 295 T +109 25 296 K +109 25 297 S2 +109 25 298 K +109 25 299 S +109 25 300 ES +109 25 301 S +109 25 302 Q +109 25 303 S +109 25 304 S +109 25 305 ES +109 25 306 S +109 25 307 S +109 25 308 ES +109 25 309 ES +109 25 310 S +109 25 311 S +109 25 312 T +109 25 313 S +109 25 314 Q +109 25 315 S +109 25 316 S +109 25 317 K +109 25 318 S2 +109 25 319 Q +109 25 320 S +109 25 321 K +109 25 322 S +109 25 323 S +109 25 324 Q +109 25 325 K +109 25 326 S2 +109 25 327 S +109 25 328 S +109 25 329 ES +109 25 330 ES +110 1 1 G +110 1 2 Y +110 1 3 R +110 1 4 BL +110 1 5 G +110 1 6 Y +110 1 7 G +110 1 8 BL +110 1 9 C +110 1 10 B +110 1 11 BL +110 1 12 Y +110 1 13 BL +110 1 14 G +110 1 15 W +110 1 16 W +110 1 17 Y +110 1 18 B +110 1 19 G +110 1 20 G +110 1 21 Y +110 1 22 W +110 1 23 P +110 1 24 B +110 1 25 G +110 1 26 B +110 1 27 W +110 1 28 R +110 1 29 G +110 1 30 Y +110 1 31 W +110 1 32 P +110 1 33 G +110 1 34 G +110 1 35 Y +110 1 36 B +110 1 37 P +110 1 38 C +110 1 39 G +110 1 40 G +110 1 41 R +110 1 42 Y +110 1 43 G +110 1 44 W +110 1 45 G +110 1 46 B +110 1 47 G +110 1 48 Y +110 1 49 G +110 1 50 BL +110 1 51 B +110 1 52 W +110 1 53 BL +110 1 54 G +110 1 55 G +110 1 56 Y +110 1 57 G +110 1 58 C +110 1 59 W +110 1 60 B +110 1 61 BL +110 1 62 P +110 1 63 Y +110 1 64 G +110 1 65 Y +110 1 66 W +110 1 67 W +110 1 68 BL +110 1 69 B +110 1 70 W +110 1 71 C +110 1 72 G +110 1 73 BL +110 1 74 G +110 1 75 B +110 1 76 Y +110 1 77 G +110 1 78 W +110 1 79 B +110 1 80 G +110 1 81 G +110 1 82 G +110 1 83 W +110 1 84 Y +110 1 85 G +110 1 86 Y +110 1 87 B +110 1 88 BL +110 1 89 B +110 1 90 BL +110 1 91 Y +110 1 92 W +110 1 93 G +110 1 94 B +110 1 95 W +110 1 96 Y +110 1 97 BL +110 1 98 R +110 1 99 P +110 1 100 W +110 1 101 P +110 1 102 W +110 1 103 B +110 1 104 G +110 1 105 P +110 1 106 Y +110 1 107 W +110 1 108 G +110 1 109 BL +110 1 110 Y +110 1 111 B +110 1 112 R +110 1 113 B +110 1 114 G +110 1 115 C +110 1 116 W +110 1 117 B +110 1 118 Y +110 1 119 G +110 1 120 W +110 1 121 Y +110 1 122 G +110 1 123 G +110 1 124 Y +110 1 125 R +110 1 126 Y +110 1 127 B +110 1 128 Y +110 1 129 W +110 1 130 B +110 1 131 P +110 1 132 C +110 1 133 G +110 1 134 B +110 1 135 P +110 1 136 G +110 1 137 B +110 1 138 G +110 1 139 W +110 1 140 G +110 1 141 W +110 1 142 W +110 1 143 G +110 1 144 B +110 1 145 G +110 1 146 Y +110 1 147 G +110 1 148 R +110 1 149 Y +110 1 150 BL +110 1 151 Y +110 1 152 P +110 1 153 G +110 1 154 B +110 1 155 B +110 1 156 G +110 1 157 B +110 1 158 W +110 1 159 Y +110 1 160 Y +110 1 161 G +110 1 162 R +110 1 163 G +110 1 164 G +110 1 165 BL +110 1 166 G +110 1 167 P +110 1 168 G +110 1 169 G +110 1 170 B +110 1 171 B +110 1 172 W +110 1 173 Y +110 1 174 Y +110 1 175 W +110 1 176 R +110 1 177 Y +110 1 178 G +110 1 179 C +110 1 180 G +110 1 181 Y +110 1 182 BL +110 1 183 B +110 1 184 P +110 1 185 C +110 1 186 G +110 1 187 Y +110 1 188 G +110 1 189 W +110 1 190 P +110 1 191 G +110 1 192 C +110 1 193 Y +110 1 194 BL +110 1 195 G +110 1 196 G +110 1 197 BL +110 1 198 B +110 1 199 W +110 1 200 G +110 1 201 Y +110 1 202 G +110 1 203 C +110 1 204 B +110 1 205 P +110 1 206 W +110 1 207 P +110 1 208 Y +110 1 209 G +110 1 210 B +110 1 211 G +110 1 212 Y +110 1 213 P +110 1 214 G +110 1 215 BL +110 1 216 B +110 1 217 Y +110 1 218 G +110 1 219 W +110 1 220 B +110 1 221 W +110 1 222 P +110 1 223 G +110 1 224 W +110 1 225 B +110 1 226 G +110 1 227 B +110 1 228 B +110 1 229 G +110 1 230 W +110 1 231 P +110 1 232 C +110 1 233 G +110 1 234 G +110 1 235 P +110 1 236 Y +110 1 237 Y +110 1 238 G +110 1 239 BL +110 1 240 B +110 1 241 W +110 1 242 Y +110 1 243 C +110 1 244 W +110 1 245 R +110 1 246 G +110 1 247 P +110 1 248 B +110 1 249 G +110 1 250 P +110 1 251 G +110 1 252 W +110 1 253 G +110 1 254 P +110 1 255 B +110 1 256 Y +110 1 257 G +110 1 258 Y +110 1 259 BL +110 1 260 W +110 1 261 Y +110 1 262 W +110 1 263 B +110 1 264 G +110 1 265 G +110 1 266 C +110 1 267 BL +110 1 268 G +110 1 269 BL +110 1 270 Y +110 1 271 G +110 1 272 W +110 1 273 P +110 1 274 W +110 1 275 G +110 1 276 BL +110 1 277 G +110 1 278 Y +110 1 279 G +110 1 280 G +110 1 281 G +110 1 282 G +110 1 283 B +110 1 284 W +110 1 285 Y +110 1 286 W +110 1 287 BL +110 1 288 R +110 1 289 G +110 1 290 W +110 1 291 G +110 1 292 Y +110 1 293 W +110 1 294 W +110 1 295 BL +110 1 296 G +110 1 297 Y +110 1 298 R +110 1 299 G +110 1 300 W +110 1 301 G +110 1 302 W +110 1 303 W +110 1 304 BL +110 1 305 P +110 1 306 G +110 1 307 G +110 1 308 BL +110 1 309 B +110 1 310 G +110 1 311 G +110 1 312 B +110 1 313 G +110 1 314 W +110 1 315 G +110 1 316 G +110 1 317 C +110 1 318 Y +110 1 319 W +110 1 320 BL +110 1 321 R +110 1 322 G +110 1 323 G +110 1 324 W +110 1 325 P +110 1 326 Y +110 1 327 W +110 1 328 G +110 1 329 C +110 1 330 W +110 2 1 G +110 2 2 G +110 2 3 R +110 2 4 P +110 2 5 G +110 2 6 R +110 2 7 G +110 2 8 R +110 2 9 Y +110 2 10 BL +110 2 11 B +110 2 12 Y +110 2 13 B +110 2 14 B +110 2 15 Y +110 2 16 W +110 2 17 R +110 2 18 B +110 2 19 G +110 2 20 G +110 2 21 R +110 2 22 Y +110 2 23 BL +110 2 24 C +110 2 25 G +110 2 26 BL +110 2 27 Y +110 2 28 R +110 2 29 G +110 2 30 R +110 2 31 G +110 2 32 R +110 2 33 G +110 2 34 BL +110 2 35 R +110 2 36 B +110 2 37 G +110 2 38 R +110 2 39 G +110 2 40 G +110 2 41 R +110 2 42 Y +110 2 43 B +110 2 44 Y +110 2 45 G +110 2 46 B +110 2 47 B +110 2 48 Y +110 2 49 G +110 2 50 B +110 2 51 C +110 2 52 W +110 2 53 R +110 2 54 G +110 2 55 G +110 2 56 Y +110 2 57 BL +110 2 58 Y +110 2 59 Y +110 2 60 B +110 2 61 R +110 2 62 P +110 2 63 R +110 2 64 BL +110 2 65 R +110 2 66 Y +110 2 67 G +110 2 68 R +110 2 69 B +110 2 70 W +110 2 71 R +110 2 72 G +110 2 73 P +110 2 74 G +110 2 75 B +110 2 76 R +110 2 77 G +110 2 78 Y +110 2 79 B +110 2 80 G +110 2 81 G +110 2 82 G +110 2 83 Y +110 2 84 Y +110 2 85 G +110 2 86 Y +110 2 87 B +110 2 88 R +110 2 89 B +110 2 90 B +110 2 91 G +110 2 92 Y +110 2 93 BL +110 2 94 B +110 2 95 W +110 2 96 Y +110 2 97 BL +110 2 98 R +110 2 99 Y +110 2 100 G +110 2 101 R +110 2 102 Y +110 2 103 C +110 2 104 G +110 2 105 R +110 2 106 Y +110 2 107 W +110 2 108 W +110 2 109 BL +110 2 110 Y +110 2 111 B +110 2 112 R +110 2 113 B +110 2 114 B +110 2 115 R +110 2 116 W +110 2 117 B +110 2 118 Y +110 2 119 G +110 2 120 W +110 2 121 R +110 2 122 G +110 2 123 G +110 2 124 Y +110 2 125 R +110 2 126 R +110 2 127 B +110 2 128 Y +110 2 129 W +110 2 130 B +110 2 131 P +110 2 132 R +110 2 133 G +110 2 134 B +110 2 135 Y +110 2 136 G +110 2 137 B +110 2 138 G +110 2 139 W +110 2 140 BL +110 2 141 W +110 2 142 W +110 2 143 G +110 2 144 BL +110 2 145 G +110 2 146 Y +110 2 147 G +110 2 148 R +110 2 149 G +110 2 150 BL +110 2 151 Y +110 2 152 Y +110 2 153 G +110 2 154 B +110 2 155 B +110 2 156 G +110 2 157 C +110 2 158 W +110 2 159 Y +110 2 160 Y +110 2 161 G +110 2 162 R +110 2 163 G +110 2 164 G +110 2 165 G +110 2 166 BL +110 2 167 Y +110 2 168 G +110 2 169 G +110 2 170 B +110 2 171 G +110 2 172 W +110 2 173 R +110 2 174 Y +110 2 175 G +110 2 176 R +110 2 177 Y +110 2 178 BL +110 2 179 C +110 2 180 G +110 2 181 Y +110 2 182 C +110 2 183 Y +110 2 184 P +110 2 185 Y +110 2 186 G +110 2 187 Y +110 2 188 G +110 2 189 W +110 2 190 Y +110 2 191 G +110 2 192 P +110 2 193 Y +110 2 194 C +110 2 195 G +110 2 196 G +110 2 197 P +110 2 198 B +110 2 199 W +110 2 200 G +110 2 201 Y +110 2 202 G +110 2 203 R +110 2 204 B +110 2 205 P +110 2 206 W +110 2 207 R +110 2 208 Y +110 2 209 G +110 2 210 C +110 2 211 G +110 2 212 R +110 2 213 P +110 2 214 G +110 2 215 Y +110 2 216 B +110 2 217 Y +110 2 218 G +110 2 219 W +110 2 220 P +110 2 221 W +110 2 222 P +110 2 223 G +110 2 224 W +110 2 225 Y +110 2 226 BL +110 2 227 B +110 2 228 B +110 2 229 G +110 2 230 W +110 2 231 Y +110 2 232 C +110 2 233 P +110 2 234 G +110 2 235 BL +110 2 236 G +110 2 237 Y +110 2 238 G +110 2 239 Y +110 2 240 C +110 2 241 W +110 2 242 Y +110 2 243 C +110 2 244 W +110 2 245 R +110 2 246 G +110 2 247 P +110 2 248 B +110 2 249 G +110 2 250 BL +110 2 251 G +110 2 252 Y +110 2 253 G +110 2 254 P +110 2 255 B +110 2 256 R +110 2 257 B +110 2 258 Y +110 2 259 R +110 2 260 Y +110 2 261 R +110 2 262 Y +110 2 263 C +110 2 264 W +110 2 265 G +110 2 266 R +110 2 267 P +110 2 268 G +110 2 269 R +110 2 270 R +110 2 271 B +110 2 272 W +110 2 273 R +110 2 274 W +110 2 275 G +110 2 276 R +110 2 277 BL +110 2 278 R +110 2 279 BL +110 2 280 G +110 2 281 G +110 2 282 G +110 2 283 C +110 2 284 W +110 2 285 Y +110 2 286 W +110 2 287 C +110 2 288 R +110 2 289 G +110 2 290 W +110 2 291 G +110 2 292 R +110 2 293 W +110 2 294 W +110 2 295 C +110 2 296 P +110 2 297 Y +110 2 298 R +110 2 299 G +110 2 300 C +110 2 301 G +110 2 302 Y +110 2 303 W +110 2 304 G +110 2 305 P +110 2 306 G +110 2 307 G +110 2 308 P +110 2 309 B +110 2 310 G +110 2 311 P +110 2 312 B +110 2 313 BL +110 2 314 W +110 2 315 G +110 2 316 G +110 2 317 P +110 2 318 Y +110 2 319 W +110 2 320 G +110 2 321 R +110 2 322 G +110 2 323 G +110 2 324 Y +110 2 325 BL +110 2 326 Y +110 2 327 W +110 2 328 G +110 2 329 C +110 2 330 W +110 3 1 G +110 3 2 G +110 3 3 Y +110 3 4 P +110 3 5 G +110 3 6 Y +110 3 7 G +110 3 8 BL +110 3 9 Y +110 3 10 G +110 3 11 G +110 3 12 Y +110 3 13 BL +110 3 14 BL +110 3 15 R +110 3 16 W +110 3 17 R +110 3 18 B +110 3 19 G +110 3 20 G +110 3 21 R +110 3 22 Y +110 3 23 P +110 3 24 B +110 3 25 G +110 3 26 BL +110 3 27 W +110 3 28 R +110 3 29 G +110 3 30 Y +110 3 31 W +110 3 32 R +110 3 33 Y +110 3 34 G +110 3 35 R +110 3 36 B +110 3 37 G +110 3 38 R +110 3 39 G +110 3 40 G +110 3 41 R +110 3 42 Y +110 3 43 B +110 3 44 W +110 3 45 G +110 3 46 B +110 3 47 B +110 3 48 Y +110 3 49 G +110 3 50 P +110 3 51 Y +110 3 52 W +110 3 53 P +110 3 54 G +110 3 55 G +110 3 56 Y +110 3 57 G +110 3 58 Y +110 3 59 W +110 3 60 B +110 3 61 R +110 3 62 P +110 3 63 Y +110 3 64 G +110 3 65 R +110 3 66 W +110 3 67 G +110 3 68 P +110 3 69 B +110 3 70 W +110 3 71 P +110 3 72 G +110 3 73 P +110 3 74 G +110 3 75 B +110 3 76 Y +110 3 77 G +110 3 78 P +110 3 79 B +110 3 80 G +110 3 81 Y +110 3 82 G +110 3 83 Y +110 3 84 Y +110 3 85 G +110 3 86 R +110 3 87 B +110 3 88 P +110 3 89 B +110 3 90 G +110 3 91 Y +110 3 92 W +110 3 93 G +110 3 94 B +110 3 95 W +110 3 96 Y +110 3 97 P +110 3 98 R +110 3 99 P +110 3 100 G +110 3 101 R +110 3 102 W +110 3 103 B +110 3 104 G +110 3 105 P +110 3 106 Y +110 3 107 W +110 3 108 W +110 3 109 G +110 3 110 Y +110 3 111 B +110 3 112 R +110 3 113 B +110 3 114 B +110 3 115 R +110 3 116 W +110 3 117 B +110 3 118 Y +110 3 119 G +110 3 120 W +110 3 121 Y +110 3 122 G +110 3 123 G +110 3 124 Y +110 3 125 R +110 3 126 R +110 3 127 B +110 3 128 Y +110 3 129 W +110 3 130 B +110 3 131 P +110 3 132 Y +110 3 133 G +110 3 134 B +110 3 135 P +110 3 136 G +110 3 137 B +110 3 138 G +110 3 139 W +110 3 140 G +110 3 141 W +110 3 142 W +110 3 143 Y +110 3 144 P +110 3 145 G +110 3 146 Y +110 3 147 G +110 3 148 R +110 3 149 G +110 3 150 P +110 3 151 R +110 3 152 P +110 3 153 G +110 3 154 B +110 3 155 B +110 3 156 G +110 3 157 B +110 3 158 W +110 3 159 Y +110 3 160 Y +110 3 161 G +110 3 162 R +110 3 163 G +110 3 164 G +110 3 165 Y +110 3 166 B +110 3 167 P +110 3 168 G +110 3 169 G +110 3 170 B +110 3 171 B +110 3 172 W +110 3 173 R +110 3 174 Y +110 3 175 G +110 3 176 R +110 3 177 Y +110 3 178 B +110 3 179 R +110 3 180 G +110 3 181 Y +110 3 182 R +110 3 183 B +110 3 184 P +110 3 185 Y +110 3 186 G +110 3 187 Y +110 3 188 G +110 3 189 W +110 3 190 Y +110 3 191 G +110 3 192 P +110 3 193 Y +110 3 194 B +110 3 195 G +110 3 196 G +110 3 197 P +110 3 198 B +110 3 199 W +110 3 200 G +110 3 201 R +110 3 202 G +110 3 203 P +110 3 204 B +110 3 205 P +110 3 206 W +110 3 207 R +110 3 208 Y +110 3 209 B +110 3 210 B +110 3 211 G +110 3 212 Y +110 3 213 P +110 3 214 Y +110 3 215 R +110 3 216 B +110 3 217 Y +110 3 218 G +110 3 219 W +110 3 220 BL +110 3 221 W +110 3 222 P +110 3 223 G +110 3 224 W +110 3 225 Y +110 3 226 B +110 3 227 B +110 3 228 B +110 3 229 G +110 3 230 W +110 3 231 P +110 3 232 Y +110 3 233 BL +110 3 234 G +110 3 235 G +110 3 236 Y +110 3 237 Y +110 3 238 G +110 3 239 R +110 3 240 R +110 3 241 W +110 3 242 Y +110 3 243 R +110 3 244 W +110 3 245 R +110 3 246 G +110 3 247 P +110 3 248 B +110 3 249 G +110 3 250 P +110 3 251 G +110 3 252 W +110 3 253 G +110 3 254 G +110 3 255 B +110 3 256 R +110 3 257 G +110 3 258 Y +110 3 259 R +110 3 260 W +110 3 261 Y +110 3 262 W +110 3 263 B +110 3 264 G +110 3 265 G +110 3 266 R +110 3 267 P +110 3 268 G +110 3 269 P +110 3 270 Y +110 3 271 B +110 3 272 W +110 3 273 P +110 3 274 W +110 3 275 Y +110 3 276 R +110 3 277 G +110 3 278 Y +110 3 279 G +110 3 280 Y +110 3 281 G +110 3 282 G +110 3 283 R +110 3 284 W +110 3 285 Y +110 3 286 W +110 3 287 Y +110 3 288 R +110 3 289 G +110 3 290 W +110 3 291 G +110 3 292 R +110 3 293 W +110 3 294 W +110 3 295 R +110 3 296 BL +110 3 297 Y +110 3 298 R +110 3 299 G +110 3 300 W +110 3 301 G +110 3 302 W +110 3 303 W +110 3 304 Y +110 3 305 BL +110 3 306 Y +110 3 307 G +110 3 308 BL +110 3 309 B +110 3 310 G +110 3 311 G +110 3 312 B +110 3 313 BL +110 3 314 W +110 3 315 G +110 3 316 G +110 3 317 BL +110 3 318 Y +110 3 319 W +110 3 320 Y +110 3 321 R +110 3 322 G +110 3 323 G +110 3 324 W +110 3 325 P +110 3 326 Y +110 3 327 W +110 3 328 B +110 3 329 R +110 3 330 W +110 4 1 G +110 4 2 G +110 4 3 Y +110 4 4 P +110 4 5 G +110 4 6 Y +110 4 7 G +110 4 8 R +110 4 9 Y +110 4 10 BL +110 4 11 BL +110 4 12 Y +110 4 13 G +110 4 14 BL +110 4 15 R +110 4 16 W +110 4 17 Y +110 4 18 B +110 4 19 BL +110 4 20 G +110 4 21 R +110 4 22 Y +110 4 23 P +110 4 24 B +110 4 25 G +110 4 26 B +110 4 27 W +110 4 28 R +110 4 29 G +110 4 30 Y +110 4 31 G +110 4 32 R +110 4 33 G +110 4 34 BL +110 4 35 Y +110 4 36 G +110 4 37 BL +110 4 38 R +110 4 39 G +110 4 40 BL +110 4 41 R +110 4 42 Y +110 4 43 BL +110 4 44 W +110 4 45 G +110 4 46 B +110 4 47 B +110 4 48 Y +110 4 49 BL +110 4 50 P +110 4 51 BL +110 4 52 W +110 4 53 R +110 4 54 G +110 4 55 BL +110 4 56 Y +110 4 57 BL +110 4 58 Y +110 4 59 P +110 4 60 BL +110 4 61 R +110 4 62 P +110 4 63 Y +110 4 64 BL +110 4 65 R +110 4 66 W +110 4 67 G +110 4 68 R +110 4 69 G +110 4 70 P +110 4 71 R +110 4 72 G +110 4 73 P +110 4 74 BL +110 4 75 BL +110 4 76 Y +110 4 77 G +110 4 78 R +110 4 79 B +110 4 80 BL +110 4 81 G +110 4 82 G +110 4 83 Y +110 4 84 R +110 4 85 G +110 4 86 R +110 4 87 B +110 4 88 P +110 4 89 B +110 4 90 BL +110 4 91 G +110 4 92 W +110 4 93 BL +110 4 94 BL +110 4 95 G +110 4 96 Y +110 4 97 P +110 4 98 R +110 4 99 P +110 4 100 G +110 4 101 R +110 4 102 BL +110 4 103 G +110 4 104 BL +110 4 105 P +110 4 106 Y +110 4 107 W +110 4 108 G +110 4 109 BL +110 4 110 Y +110 4 111 G +110 4 112 R +110 4 113 B +110 4 114 BL +110 4 115 R +110 4 116 BL +110 4 117 P +110 4 118 R +110 4 119 G +110 4 120 W +110 4 121 Y +110 4 122 G +110 4 123 BL +110 4 124 G +110 4 125 Y +110 4 126 R +110 4 127 B +110 4 128 Y +110 4 129 W +110 4 130 B +110 4 131 P +110 4 132 R +110 4 133 G +110 4 134 R +110 4 135 P +110 4 136 G +110 4 137 G +110 4 138 BL +110 4 139 P +110 4 140 BL +110 4 141 W +110 4 142 W +110 4 143 G +110 4 144 BL +110 4 145 G +110 4 146 Y +110 4 147 G +110 4 148 R +110 4 149 G +110 4 150 P +110 4 151 R +110 4 152 P +110 4 153 BL +110 4 154 B +110 4 155 B +110 4 156 G +110 4 157 R +110 4 158 W +110 4 159 Y +110 4 160 R +110 4 161 Y +110 4 162 R +110 4 163 G +110 4 164 BL +110 4 165 G +110 4 166 BL +110 4 167 P +110 4 168 G +110 4 169 BL +110 4 170 BL +110 4 171 G +110 4 172 W +110 4 173 R +110 4 174 Y +110 4 175 G +110 4 176 R +110 4 177 Y +110 4 178 BL +110 4 179 P +110 4 180 G +110 4 181 Y +110 4 182 P +110 4 183 Y +110 4 184 P +110 4 185 Y +110 4 186 G +110 4 187 Y +110 4 188 BL +110 4 189 BL +110 4 190 R +110 4 191 G +110 4 192 P +110 4 193 G +110 4 194 R +110 4 195 G +110 4 196 G +110 4 197 P +110 4 198 B +110 4 199 G +110 4 200 BL +110 4 201 R +110 4 202 G +110 4 203 R +110 4 204 B +110 4 205 P +110 4 206 Y +110 4 207 R +110 4 208 Y +110 4 209 G +110 4 210 R +110 4 211 BL +110 4 212 Y +110 4 213 P +110 4 214 G +110 4 215 R +110 4 216 G +110 4 217 R +110 4 218 G +110 4 219 BL +110 4 220 BL +110 4 221 BL +110 4 222 P +110 4 223 G +110 4 224 Y +110 4 225 G +110 4 226 BL +110 4 227 B +110 4 228 BL +110 4 229 G +110 4 230 R +110 4 231 P +110 4 232 G +110 4 233 BL +110 4 234 G +110 4 235 BL +110 4 236 G +110 4 237 Y +110 4 238 G +110 4 239 R +110 4 240 R +110 4 241 W +110 4 242 Y +110 4 243 P +110 4 244 BL +110 4 245 R +110 4 246 G +110 4 247 P +110 4 248 G +110 4 249 G +110 4 250 P +110 4 251 G +110 4 252 W +110 4 253 G +110 4 254 BL +110 4 255 B +110 4 256 R +110 4 257 BL +110 4 258 G +110 4 259 R +110 4 260 G +110 4 261 Y +110 4 262 W +110 4 263 B +110 4 264 BL +110 4 265 G +110 4 266 R +110 4 267 P +110 4 268 G +110 4 269 P +110 4 270 Y +110 4 271 G +110 4 272 BL +110 4 273 P +110 4 274 W +110 4 275 G +110 4 276 R +110 4 277 BL +110 4 278 Y +110 4 279 BL +110 4 280 G +110 4 281 G +110 4 282 G +110 4 283 R +110 4 284 BL +110 4 285 R +110 4 286 W +110 4 287 Y +110 4 288 R +110 4 289 B +110 4 290 W +110 4 291 BL +110 4 292 R +110 4 293 BL +110 4 294 BL +110 4 295 Y +110 4 296 BL +110 4 297 Y +110 4 298 R +110 4 299 G +110 4 300 B +110 4 301 G +110 4 302 R +110 4 303 BL +110 4 304 G +110 4 305 P +110 4 306 G +110 4 307 BL +110 4 308 P +110 4 309 G +110 4 310 G +110 4 311 BL +110 4 312 B +110 4 313 BL +110 4 314 R +110 4 315 G +110 4 316 G +110 4 317 R +110 4 318 Y +110 4 319 R +110 4 320 G +110 4 321 R +110 4 322 BL +110 4 323 G +110 4 324 R +110 4 325 P +110 4 326 Y +110 4 327 BL +110 4 328 G +110 4 329 Y +110 4 330 G +110 5 1 G +110 5 2 G +110 5 3 Y +110 5 4 P +110 5 5 G +110 5 6 Y +110 5 7 G +110 5 8 P +110 5 9 CH +110 5 10 G +110 5 11 B +110 5 12 Y +110 5 13 B +110 5 14 B +110 5 15 P +110 5 16 W +110 5 17 R +110 5 18 B +110 5 19 G +110 5 20 G +110 5 21 R +110 5 22 Y +110 5 23 P +110 5 24 B +110 5 25 G +110 5 26 BL +110 5 27 Y +110 5 28 R +110 5 29 G +110 5 30 Y +110 5 31 G +110 5 32 BL +110 5 33 G +110 5 34 G +110 5 35 R +110 5 36 G +110 5 37 BL +110 5 38 P +110 5 39 G +110 5 40 G +110 5 41 R +110 5 42 Y +110 5 43 BL +110 5 44 W +110 5 45 Y +110 5 46 B +110 5 47 G +110 5 48 Y +110 5 49 G +110 5 50 P +110 5 51 CH +110 5 52 W +110 5 53 BL +110 5 54 G +110 5 55 G +110 5 56 W +110 5 57 G +110 5 58 Y +110 5 59 W +110 5 60 G +110 5 61 R +110 5 62 P +110 5 63 R +110 5 64 G +110 5 65 R +110 5 66 W +110 5 67 G +110 5 68 P +110 5 69 Y +110 5 70 W +110 5 71 C +110 5 72 G +110 5 73 P +110 5 74 G +110 5 75 G +110 5 76 Y +110 5 77 G +110 5 78 W +110 5 79 B +110 5 80 G +110 5 81 Y +110 5 82 G +110 5 83 Y +110 5 84 Y +110 5 85 G +110 5 86 Y +110 5 87 B +110 5 88 P +110 5 89 B +110 5 90 B +110 5 91 Y +110 5 92 W +110 5 93 G +110 5 94 B +110 5 95 Y +110 5 96 Y +110 5 97 P +110 5 98 R +110 5 99 P +110 5 100 G +110 5 101 P +110 5 102 W +110 5 103 Y +110 5 104 G +110 5 105 P +110 5 106 Y +110 5 107 W +110 5 108 W +110 5 109 P +110 5 110 Y +110 5 111 B +110 5 112 R +110 5 113 B +110 5 114 G +110 5 115 R +110 5 116 W +110 5 117 B +110 5 118 Y +110 5 119 G +110 5 120 W +110 5 121 Y +110 5 122 G +110 5 123 G +110 5 124 Y +110 5 125 Y +110 5 126 Y +110 5 127 B +110 5 128 Y +110 5 129 W +110 5 130 B +110 5 131 P +110 5 132 Y +110 5 133 G +110 5 134 C +110 5 135 P +110 5 136 G +110 5 137 G +110 5 138 G +110 5 139 W +110 5 140 BL +110 5 141 W +110 5 142 W +110 5 143 G +110 5 144 P +110 5 145 G +110 5 146 Y +110 5 147 G +110 5 148 R +110 5 149 Y +110 5 150 P +110 5 151 Y +110 5 152 P +110 5 153 G +110 5 154 B +110 5 155 B +110 5 156 G +110 5 157 C +110 5 158 W +110 5 159 Y +110 5 160 Y +110 5 161 G +110 5 162 R +110 5 163 G +110 5 164 G +110 5 165 G +110 5 166 G +110 5 167 P +110 5 168 G +110 5 169 G +110 5 170 B +110 5 171 G +110 5 172 W +110 5 173 R +110 5 174 Y +110 5 175 G +110 5 176 R +110 5 177 Y +110 5 178 BL +110 5 179 C +110 5 180 G +110 5 181 Y +110 5 182 C +110 5 183 Y +110 5 184 P +110 5 185 Y +110 5 186 G +110 5 187 Y +110 5 188 G +110 5 189 W +110 5 190 Y +110 5 191 G +110 5 192 P +110 5 193 Y +110 5 194 P +110 5 195 G +110 5 196 G +110 5 197 P +110 5 198 B +110 5 199 W +110 5 200 G +110 5 201 R +110 5 202 G +110 5 203 P +110 5 204 B +110 5 205 P +110 5 206 W +110 5 207 R +110 5 208 Y +110 5 209 G +110 5 210 P +110 5 211 G +110 5 212 Y +110 5 213 P +110 5 214 Y +110 5 215 P +110 5 216 B +110 5 217 Y +110 5 218 Y +110 5 219 W +110 5 220 G +110 5 221 W +110 5 222 P +110 5 223 G +110 5 224 W +110 5 225 Y +110 5 226 G +110 5 227 B +110 5 228 BL +110 5 229 G +110 5 230 W +110 5 231 P +110 5 232 B +110 5 233 BL +110 5 234 G +110 5 235 BL +110 5 236 Y +110 5 237 Y +110 5 238 G +110 5 239 R +110 5 240 CH +110 5 241 W +110 5 242 Y +110 5 243 P +110 5 244 W +110 5 245 R +110 5 246 G +110 5 247 P +110 5 248 B +110 5 249 G +110 5 250 P +110 5 251 G +110 5 252 W +110 5 253 G +110 5 254 W +110 5 255 B +110 5 256 G +110 5 257 G +110 5 258 Y +110 5 259 R +110 5 260 Y +110 5 261 Y +110 5 262 W +110 5 263 B +110 5 264 W +110 5 265 G +110 5 266 Y +110 5 267 P +110 5 268 G +110 5 269 P +110 5 270 Y +110 5 271 G +110 5 272 W +110 5 273 P +110 5 274 W +110 5 275 Y +110 5 276 R +110 5 277 G +110 5 278 R +110 5 279 G +110 5 280 G +110 5 281 G +110 5 282 G +110 5 283 C +110 5 284 W +110 5 285 Y +110 5 286 W +110 5 287 Y +110 5 288 R +110 5 289 G +110 5 290 W +110 5 291 BL +110 5 292 G +110 5 293 W +110 5 294 W +110 5 295 C +110 5 296 P +110 5 297 Y +110 5 298 R +110 5 299 G +110 5 300 W +110 5 301 G +110 5 302 W +110 5 303 W +110 5 304 G +110 5 305 P +110 5 306 Y +110 5 307 G +110 5 308 P +110 5 309 B +110 5 310 G +110 5 311 G +110 5 312 B +110 5 313 P +110 5 314 W +110 5 315 G +110 5 316 G +110 5 317 P +110 5 318 Y +110 5 319 W +110 5 320 Y +110 5 321 R +110 5 322 G +110 5 323 G +110 5 324 W +110 5 325 P +110 5 326 Y +110 5 327 W +110 5 328 P +110 5 329 C +110 5 330 W +110 6 1 G +110 6 2 G +110 6 3 R +110 6 4 BL +110 6 5 G +110 6 6 Y +110 6 7 G +110 6 8 C +110 6 9 Y +110 6 10 G +110 6 11 G +110 6 12 Y +110 6 13 G +110 6 14 G +110 6 15 R +110 6 16 W +110 6 17 R +110 6 18 B +110 6 19 G +110 6 20 G +110 6 21 R +110 6 22 Y +110 6 23 BL +110 6 24 B +110 6 25 G +110 6 26 G +110 6 27 W +110 6 28 R +110 6 29 G +110 6 30 R +110 6 31 G +110 6 32 BL +110 6 33 G +110 6 34 G +110 6 35 Y +110 6 36 B +110 6 37 G +110 6 38 C +110 6 39 G +110 6 40 G +110 6 41 C +110 6 42 Y +110 6 43 B +110 6 44 W +110 6 45 G +110 6 46 W +110 6 47 G +110 6 48 Y +110 6 49 G +110 6 50 C +110 6 51 B +110 6 52 W +110 6 53 C +110 6 54 G +110 6 55 G +110 6 56 Y +110 6 57 G +110 6 58 Y +110 6 59 W +110 6 60 B +110 6 61 C +110 6 62 P +110 6 63 Y +110 6 64 G +110 6 65 C +110 6 66 W +110 6 67 G +110 6 68 C +110 6 69 B +110 6 70 W +110 6 71 B +110 6 72 G +110 6 73 P +110 6 74 W +110 6 75 B +110 6 76 Y +110 6 77 G +110 6 78 W +110 6 79 B +110 6 80 G +110 6 81 Y +110 6 82 G +110 6 83 W +110 6 84 Y +110 6 85 G +110 6 86 C +110 6 87 B +110 6 88 P +110 6 89 B +110 6 90 B +110 6 91 Y +110 6 92 W +110 6 93 G +110 6 94 B +110 6 95 W +110 6 96 Y +110 6 97 BL +110 6 98 R +110 6 99 W +110 6 100 G +110 6 101 C +110 6 102 W +110 6 103 B +110 6 104 G +110 6 105 C +110 6 106 Y +110 6 107 W +110 6 108 G +110 6 109 BL +110 6 110 Y +110 6 111 B +110 6 112 R +110 6 113 B +110 6 114 G +110 6 115 C +110 6 116 W +110 6 117 B +110 6 118 R +110 6 119 G +110 6 120 W +110 6 121 Y +110 6 122 G +110 6 123 BL +110 6 124 Y +110 6 125 R +110 6 126 Y +110 6 127 B +110 6 128 Y +110 6 129 W +110 6 130 B +110 6 131 BL +110 6 132 R +110 6 133 G +110 6 134 B +110 6 135 BL +110 6 136 G +110 6 137 B +110 6 138 G +110 6 139 W +110 6 140 G +110 6 141 W +110 6 142 W +110 6 143 Y +110 6 144 BL +110 6 145 G +110 6 146 Y +110 6 147 G +110 6 148 C +110 6 149 G +110 6 150 P +110 6 151 Y +110 6 152 BL +110 6 153 G +110 6 154 B +110 6 155 B +110 6 156 G +110 6 157 B +110 6 158 W +110 6 159 Y +110 6 160 W +110 6 161 G +110 6 162 R +110 6 163 G +110 6 164 G +110 6 165 B +110 6 166 B +110 6 167 W +110 6 168 G +110 6 169 G +110 6 170 B +110 6 171 G +110 6 172 W +110 6 173 R +110 6 174 Y +110 6 175 G +110 6 176 R +110 6 177 Y +110 6 178 BL +110 6 179 C +110 6 180 G +110 6 181 Y +110 6 182 C +110 6 183 B +110 6 184 BL +110 6 185 Y +110 6 186 G +110 6 187 Y +110 6 188 G +110 6 189 W +110 6 190 P +110 6 191 G +110 6 192 BL +110 6 193 Y +110 6 194 B +110 6 195 G +110 6 196 G +110 6 197 P +110 6 198 B +110 6 199 W +110 6 200 G +110 6 201 Y +110 6 202 G +110 6 203 C +110 6 204 B +110 6 205 P +110 6 206 W +110 6 207 C +110 6 208 Y +110 6 209 G +110 6 210 B +110 6 211 G +110 6 212 Y +110 6 213 P +110 6 214 Y +110 6 215 P +110 6 216 B +110 6 217 Y +110 6 218 G +110 6 219 G +110 6 220 BL +110 6 221 W +110 6 222 P +110 6 223 G +110 6 224 W +110 6 225 Y +110 6 226 G +110 6 227 B +110 6 228 B +110 6 229 G +110 6 230 W +110 6 231 BL +110 6 232 B +110 6 233 P +110 6 234 G +110 6 235 P +110 6 236 Y +110 6 237 Y +110 6 238 G +110 6 239 C +110 6 240 B +110 6 241 W +110 6 242 Y +110 6 243 C +110 6 244 G +110 6 245 R +110 6 246 G +110 6 247 P +110 6 248 B +110 6 249 G +110 6 250 P +110 6 251 G +110 6 252 W +110 6 253 G +110 6 254 G +110 6 255 B +110 6 256 R +110 6 257 G +110 6 258 Y +110 6 259 C +110 6 260 W +110 6 261 Y +110 6 262 W +110 6 263 W +110 6 264 G +110 6 265 G +110 6 266 C +110 6 267 P +110 6 268 G +110 6 269 P +110 6 270 Y +110 6 271 G +110 6 272 W +110 6 273 P +110 6 274 W +110 6 275 Y +110 6 276 P +110 6 277 G +110 6 278 Y +110 6 279 P +110 6 280 G +110 6 281 G +110 6 282 G +110 6 283 CH +110 6 284 W +110 6 285 W +110 6 286 W +110 6 287 Y +110 6 288 R +110 6 289 G +110 6 290 W +110 6 291 P +110 6 292 Y +110 6 293 W +110 6 294 W +110 6 295 B +110 6 296 P +110 6 297 Y +110 6 298 R +110 6 299 G +110 6 300 W +110 6 301 G +110 6 302 W +110 6 303 W +110 6 304 G +110 6 305 P +110 6 306 G +110 6 307 G +110 6 308 P +110 6 309 B +110 6 310 G +110 6 311 G +110 6 312 B +110 6 313 P +110 6 314 W +110 6 315 G +110 6 316 G +110 6 317 P +110 6 318 Y +110 6 319 W +110 6 320 Y +110 6 321 R +110 6 322 G +110 6 323 G +110 6 324 W +110 6 325 P +110 6 326 Y +110 6 327 W +110 6 328 G +110 6 329 P +110 6 330 W +110 7 1 G +110 7 2 G +110 7 3 R +110 7 4 P +110 7 5 G +110 7 6 Y +110 7 7 G +110 7 8 P +110 7 9 Y +110 7 10 G +110 7 11 G +110 7 12 Y +110 7 13 G +110 7 14 G +110 7 15 P +110 7 16 W +110 7 17 Y +110 7 18 B +110 7 19 G +110 7 20 G +110 7 21 Y +110 7 22 Y +110 7 23 P +110 7 24 B +110 7 25 G +110 7 26 G +110 7 27 W +110 7 28 R +110 7 29 G +110 7 30 Y +110 7 31 G +110 7 32 P +110 7 33 G +110 7 34 G +110 7 35 Y +110 7 36 G +110 7 37 G +110 7 38 R +110 7 39 G +110 7 40 G +110 7 41 R +110 7 42 Y +110 7 43 G +110 7 44 W +110 7 45 G +110 7 46 B +110 7 47 G +110 7 48 Y +110 7 49 G +110 7 50 P +110 7 51 Y +110 7 52 W +110 7 53 R +110 7 54 G +110 7 55 G +110 7 56 Y +110 7 57 G +110 7 58 Y +110 7 59 P +110 7 60 G +110 7 61 R +110 7 62 P +110 7 63 Y +110 7 64 G +110 7 65 R +110 7 66 W +110 7 67 G +110 7 68 P +110 7 69 Y +110 7 70 W +110 7 71 P +110 7 72 G +110 7 73 P +110 7 74 G +110 7 75 G +110 7 76 Y +110 7 77 G +110 7 78 P +110 7 79 B +110 7 80 G +110 7 81 G +110 7 82 G +110 7 83 Y +110 7 84 Y +110 7 85 G +110 7 86 P +110 7 87 B +110 7 88 P +110 7 89 B +110 7 90 G +110 7 91 Y +110 7 92 W +110 7 93 G +110 7 94 B +110 7 95 W +110 7 96 Y +110 7 97 P +110 7 98 R +110 7 99 P +110 7 100 G +110 7 101 R +110 7 102 P +110 7 103 B +110 7 104 G +110 7 105 P +110 7 106 Y +110 7 107 W +110 7 108 G +110 7 109 P +110 7 110 Y +110 7 111 B +110 7 112 R +110 7 113 B +110 7 114 G +110 7 115 R +110 7 116 G +110 7 117 B +110 7 118 Y +110 7 119 G +110 7 120 W +110 7 121 Y +110 7 122 G +110 7 123 G +110 7 124 Y +110 7 125 Y +110 7 126 Y +110 7 127 B +110 7 128 Y +110 7 129 W +110 7 130 B +110 7 131 P +110 7 132 R +110 7 133 G +110 7 134 B +110 7 135 P +110 7 136 G +110 7 137 G +110 7 138 G +110 7 139 W +110 7 140 G +110 7 141 W +110 7 142 W +110 7 143 G +110 7 144 P +110 7 145 G +110 7 146 Y +110 7 147 G +110 7 148 R +110 7 149 G +110 7 150 P +110 7 151 Y +110 7 152 P +110 7 153 G +110 7 154 B +110 7 155 B +110 7 156 G +110 7 157 B +110 7 158 W +110 7 159 Y +110 7 160 Y +110 7 161 G +110 7 162 R +110 7 163 G +110 7 164 G +110 7 165 G +110 7 166 G +110 7 167 P +110 7 168 G +110 7 169 G +110 7 170 G +110 7 171 G +110 7 172 W +110 7 173 R +110 7 174 Y +110 7 175 G +110 7 176 R +110 7 177 Y +110 7 178 G +110 7 179 R +110 7 180 G +110 7 181 Y +110 7 182 P +110 7 183 Y +110 7 184 P +110 7 185 Y +110 7 186 G +110 7 187 Y +110 7 188 G +110 7 189 W +110 7 190 Y +110 7 191 G +110 7 192 P +110 7 193 Y +110 7 194 R +110 7 195 G +110 7 196 G +110 7 197 P +110 7 198 B +110 7 199 W +110 7 200 G +110 7 201 Y +110 7 202 G +110 7 203 P +110 7 204 B +110 7 205 P +110 7 206 W +110 7 207 R +110 7 208 Y +110 7 209 G +110 7 210 P +110 7 211 G +110 7 212 Y +110 7 213 W +110 7 214 Y +110 7 215 P +110 7 216 G +110 7 217 Y +110 7 218 Y +110 7 219 W +110 7 220 P +110 7 221 W +110 7 222 P +110 7 223 G +110 7 224 W +110 7 225 Y +110 7 226 G +110 7 227 B +110 7 228 G +110 7 229 G +110 7 230 W +110 7 231 P +110 7 232 Y +110 7 233 P +110 7 234 G +110 7 235 G +110 7 236 Y +110 7 237 Y +110 7 238 G +110 7 239 Y +110 7 240 R +110 7 241 W +110 7 242 Y +110 7 243 R +110 7 244 W +110 7 245 R +110 7 246 G +110 7 247 P +110 7 248 G +110 7 249 G +110 7 250 P +110 7 251 G +110 7 252 W +110 7 253 G +110 7 254 G +110 7 255 B +110 7 256 R +110 7 257 G +110 7 258 Y +110 7 259 R +110 7 260 W +110 7 261 Y +110 7 262 W +110 7 263 W +110 7 264 G +110 7 265 G +110 7 266 R +110 7 267 P +110 7 268 * +110 7 269 P +110 7 270 Y +110 7 271 * +110 7 272 W +110 7 273 P +110 7 274 W +110 7 275 Y +110 7 276 R +110 7 277 G +110 7 278 Y +110 7 279 P +110 7 280 G +110 7 281 G +110 7 282 G +110 7 283 R +110 7 284 W +110 7 285 P +110 7 286 W +110 7 287 Y +110 7 288 R +110 7 289 G +110 7 290 W +110 7 291 G +110 7 292 Y +110 7 293 G +110 7 294 W +110 7 295 B +110 7 296 P +110 7 297 Y +110 7 298 R +110 7 299 G +110 7 300 W +110 7 301 G +110 7 302 W +110 7 303 W +110 7 304 G +110 7 305 Y +110 7 306 G +110 7 307 G +110 7 308 P +110 7 309 B +110 7 310 G +110 7 311 G +110 7 312 B +110 7 313 P +110 7 314 W +110 7 315 G +110 7 316 G +110 7 317 R +110 7 318 Y +110 7 319 W +110 7 320 Y +110 7 321 R +110 7 322 G +110 7 323 G +110 7 324 W +110 7 325 P +110 7 326 Y +110 7 327 W +110 7 328 G +110 7 329 Y +110 7 330 W +110 8 1 G +110 8 2 G +110 8 3 R +110 8 4 G +110 8 5 P +110 8 6 Y +110 8 7 G +110 8 8 P +110 8 9 Y +110 8 10 P +110 8 11 G +110 8 12 Y +110 8 13 G +110 8 14 G +110 8 15 Y +110 8 16 W +110 8 17 R +110 8 18 B +110 8 19 G +110 8 20 G +110 8 21 R +110 8 22 Y +110 8 23 P +110 8 24 B +110 8 25 G +110 8 26 G +110 8 27 W +110 8 28 R +110 8 29 P +110 8 30 Y +110 8 31 G +110 8 32 P +110 8 33 P +110 8 34 G +110 8 35 R +110 8 36 G +110 8 37 G +110 8 38 R +110 8 39 G +110 8 40 G +110 8 41 R +110 8 42 Y +110 8 43 G +110 8 44 W +110 8 45 G +110 8 46 B +110 8 47 B +110 8 48 Y +110 8 49 G +110 8 50 G +110 8 51 G +110 8 52 Y +110 8 53 P +110 8 54 G +110 8 55 G +110 8 56 R +110 8 57 P +110 8 58 G +110 8 59 W +110 8 60 G +110 8 61 P +110 8 62 P +110 8 63 R +110 8 64 G +110 8 65 R +110 8 66 W +110 8 67 G +110 8 68 P +110 8 69 G +110 8 70 W +110 8 71 P +110 8 72 P +110 8 73 P +110 8 74 G +110 8 75 G +110 8 76 Y +110 8 77 G +110 8 78 Y +110 8 79 B +110 8 80 G +110 8 81 P +110 8 82 P +110 8 83 Y +110 8 84 R +110 8 85 G +110 8 86 R +110 8 87 B +110 8 88 P +110 8 89 B +110 8 90 B +110 8 91 P +110 8 92 W +110 8 93 G +110 8 94 B +110 8 95 G +110 8 96 Y +110 8 97 G +110 8 98 R +110 8 99 G +110 8 100 G +110 8 101 P +110 8 102 P +110 8 103 P +110 8 104 G +110 8 105 P +110 8 106 Y +110 8 107 W +110 8 108 P +110 8 109 G +110 8 110 Y +110 8 111 G +110 8 112 R +110 8 113 B +110 8 114 B +110 8 115 P +110 8 116 G +110 8 117 P +110 8 118 R +110 8 119 G +110 8 120 W +110 8 121 R +110 8 122 G +110 8 123 G +110 8 124 Y +110 8 125 R +110 8 126 Y +110 8 127 B +110 8 128 G +110 8 129 W +110 8 130 B +110 8 131 W +110 8 132 P +110 8 133 G +110 8 134 B +110 8 135 P +110 8 136 G +110 8 137 G +110 8 138 G +110 8 139 W +110 8 140 G +110 8 141 W +110 8 142 W +110 8 143 G +110 8 144 P +110 8 145 G +110 8 146 Y +110 8 147 G +110 8 148 R +110 8 149 G +110 8 150 P +110 8 151 Y +110 8 152 G +110 8 153 G +110 8 154 B +110 8 155 B +110 8 156 G +110 8 157 B +110 8 158 W +110 8 159 Y +110 8 160 P +110 8 161 G +110 8 162 R +110 8 163 G +110 8 164 G +110 8 165 B +110 8 166 B +110 8 167 P +110 8 168 G +110 8 169 G +110 8 170 B +110 8 171 G +110 8 172 W +110 8 173 R +110 8 174 Y +110 8 175 G +110 8 176 R +110 8 177 Y +110 8 178 G +110 8 179 B +110 8 180 G +110 8 181 P +110 8 182 P +110 8 183 B +110 8 184 G +110 8 185 B +110 8 186 G +110 8 187 Y +110 8 188 G +110 8 189 G +110 8 190 P +110 8 191 G +110 8 192 G +110 8 193 P +110 8 194 B +110 8 195 G +110 8 196 G +110 8 197 P +110 8 198 B +110 8 199 Y +110 8 200 G +110 8 201 Y +110 8 202 G +110 8 203 P +110 8 204 B +110 8 205 G +110 8 206 Y +110 8 207 P +110 8 208 Y +110 8 209 G +110 8 210 B +110 8 211 G +110 8 212 R +110 8 213 G +110 8 214 G +110 8 215 P +110 8 216 B +110 8 217 Y +110 8 218 Y +110 8 219 P +110 8 220 G +110 8 221 G +110 8 222 G +110 8 223 G +110 8 224 W +110 8 225 Y +110 8 226 G +110 8 227 B +110 8 228 P +110 8 229 G +110 8 230 W +110 8 231 P +110 8 232 B +110 8 233 G +110 8 234 G +110 8 235 G +110 8 236 Y +110 8 237 Y +110 8 238 G +110 8 239 Y +110 8 240 Y +110 8 241 W +110 8 242 P +110 8 243 G +110 8 244 G +110 8 245 R +110 8 246 G +110 8 247 P +110 8 248 B +110 8 249 G +110 8 250 P +110 8 251 G +110 8 252 W +110 8 253 G +110 8 254 G +110 8 255 B +110 8 256 R +110 8 257 G +110 8 258 Y +110 8 259 P +110 8 260 Y +110 8 261 P +110 8 262 W +110 8 263 W +110 8 264 P +110 8 265 G +110 8 266 R +110 8 267 P +110 8 268 G +110 8 269 P +110 8 270 Y +110 8 271 B +110 8 272 W +110 8 273 P +110 8 274 W +110 8 275 W +110 8 276 P +110 8 277 G +110 8 278 R +110 8 279 G +110 8 280 P +110 8 281 G +110 8 282 G +110 8 283 P +110 8 284 W +110 8 285 Y +110 8 286 W +110 8 287 P +110 8 288 R +110 8 289 G +110 8 290 W +110 8 291 P +110 8 292 Y +110 8 293 G +110 8 294 W +110 8 295 W +110 8 296 G +110 8 297 Y +110 8 298 R +110 8 299 G +110 8 300 W +110 8 301 G +110 8 302 W +110 8 303 G +110 8 304 P +110 8 305 P +110 8 306 G +110 8 307 G +110 8 308 P +110 8 309 B +110 8 310 G +110 8 311 G +110 8 312 B +110 8 313 G +110 8 314 W +110 8 315 G +110 8 316 P +110 8 317 P +110 8 318 Y +110 8 319 W +110 8 320 W +110 8 321 R +110 8 322 G +110 8 323 G +110 8 324 W +110 8 325 P +110 8 326 Y +110 8 327 G +110 8 328 G +110 8 329 W +110 8 330 W +110 9 1 BL +110 9 2 G +110 9 3 Y +110 9 4 P +110 9 5 G +110 9 6 Y +110 9 7 G +110 9 8 C +110 9 9 Y +110 9 10 BL +110 9 11 G +110 9 12 Y +110 9 13 G +110 9 14 G +110 9 15 R +110 9 16 W +110 9 17 Y +110 9 18 B +110 9 19 BL +110 9 20 G +110 9 21 R +110 9 22 Y +110 9 23 P +110 9 24 C +110 9 25 BL +110 9 26 BL +110 9 27 W +110 9 28 R +110 9 29 G +110 9 30 Y +110 9 31 G +110 9 32 R +110 9 33 G +110 9 34 BL +110 9 35 Y +110 9 36 G +110 9 37 BL +110 9 38 C +110 9 39 G +110 9 40 BL +110 9 41 C +110 9 42 Y +110 9 43 G +110 9 44 W +110 9 45 G +110 9 46 W +110 9 47 G +110 9 48 Y +110 9 49 BL +110 9 50 P +110 9 51 Y +110 9 52 W +110 9 53 C +110 9 54 G +110 9 55 B +110 9 56 Y +110 9 57 G +110 9 58 Y +110 9 59 W +110 9 60 G +110 9 61 C +110 9 62 P +110 9 63 Y +110 9 64 BL +110 9 65 R +110 9 66 W +110 9 67 G +110 9 68 R +110 9 69 G +110 9 70 W +110 9 71 C +110 9 72 G +110 9 73 M +110 9 74 BL +110 9 75 G +110 9 76 Y +110 9 77 G +110 9 78 R +110 9 79 B +110 9 80 BL +110 9 81 G +110 9 82 G +110 9 83 W +110 9 84 Y +110 9 85 G +110 9 86 R +110 9 87 B +110 9 88 P +110 9 89 B +110 9 90 G +110 9 91 Y +110 9 92 W +110 9 93 G +110 9 94 B +110 9 95 W +110 9 96 Y +110 9 97 P +110 9 98 R +110 9 99 R +110 9 100 G +110 9 101 P +110 9 102 W +110 9 103 Y +110 9 104 G +110 9 105 P +110 9 106 Y +110 9 107 W +110 9 108 W +110 9 109 BL +110 9 110 Y +110 9 111 G +110 9 112 R +110 9 113 B +110 9 114 G +110 9 115 C +110 9 116 W +110 9 117 C +110 9 118 R +110 9 119 G +110 9 120 W +110 9 121 Y +110 9 122 G +110 9 123 BL +110 9 124 G +110 9 125 Y +110 9 126 R +110 9 127 G +110 9 128 Y +110 9 129 W +110 9 130 Y +110 9 131 P +110 9 132 Y +110 9 133 G +110 9 134 C +110 9 135 R +110 9 136 G +110 9 137 G +110 9 138 G +110 9 139 W +110 9 140 BL +110 9 141 W +110 9 142 W +110 9 143 Y +110 9 144 M +110 9 145 G +110 9 146 Y +110 9 147 G +110 9 148 R +110 9 149 Y +110 9 150 P +110 9 151 Y +110 9 152 R +110 9 153 G +110 9 154 B +110 9 155 C +110 9 156 G +110 9 157 C +110 9 158 W +110 9 159 Y +110 9 160 R +110 9 161 G +110 9 162 R +110 9 163 G +110 9 164 BL +110 9 165 G +110 9 166 G +110 9 167 R +110 9 168 G +110 9 169 G +110 9 170 G +110 9 171 G +110 9 172 W +110 9 173 R +110 9 174 Y +110 9 175 G +110 9 176 R +110 9 177 Y +110 9 178 BL +110 9 179 C +110 9 180 G +110 9 181 Y +110 9 182 C +110 9 183 Y +110 9 184 P +110 9 185 Y +110 9 186 G +110 9 187 Y +110 9 188 BL +110 9 189 W +110 9 190 R +110 9 191 G +110 9 192 P +110 9 193 Y +110 9 194 C +110 9 195 G +110 9 196 G +110 9 197 P +110 9 198 B +110 9 199 W +110 9 200 G +110 9 201 Y +110 9 202 G +110 9 203 P +110 9 204 B +110 9 205 P +110 9 206 Y +110 9 207 R +110 9 208 Y +110 9 209 G +110 9 210 C +110 9 211 G +110 9 212 Y +110 9 213 W +110 9 214 Y +110 9 215 R +110 9 216 Y +110 9 217 Y +110 9 218 Y +110 9 219 W +110 9 220 BL +110 9 221 W +110 9 222 M +110 9 223 G +110 9 224 W +110 9 225 Y +110 9 226 G +110 9 227 B +110 9 228 G +110 9 229 G +110 9 230 W +110 9 231 P +110 9 232 C +110 9 233 G +110 9 234 G +110 9 235 G +110 9 236 Y +110 9 237 Y +110 9 238 G +110 9 239 R +110 9 240 C +110 9 241 W +110 9 242 Y +110 9 243 C +110 9 244 W +110 9 245 R +110 9 246 G +110 9 247 P +110 9 248 G +110 9 249 G +110 9 250 BL +110 9 251 G +110 9 252 W +110 9 253 G +110 9 254 G +110 9 255 B +110 9 256 G +110 9 257 G +110 9 258 Y +110 9 259 C +110 9 260 Y +110 9 261 Y +110 9 262 W +110 9 263 W +110 9 264 W +110 9 265 G +110 9 266 C +110 9 267 BL +110 9 268 G +110 9 269 P +110 9 270 Y +110 9 271 G +110 9 272 W +110 9 273 M +110 9 274 W +110 9 275 Y +110 9 276 R +110 9 277 G +110 9 278 Y +110 9 279 BL +110 9 280 G +110 9 281 G +110 9 282 G +110 9 283 C +110 9 284 W +110 9 285 R +110 9 286 W +110 9 287 Y +110 9 288 R +110 9 289 G +110 9 290 W +110 9 291 BL +110 9 292 R +110 9 293 Y +110 9 294 W +110 9 295 C +110 9 296 P +110 9 297 Y +110 9 298 R +110 9 299 G +110 9 300 W +110 9 301 G +110 9 302 W +110 9 303 W +110 9 304 G +110 9 305 P +110 9 306 G +110 9 307 G +110 9 308 P +110 9 309 B +110 9 310 G +110 9 311 G +110 9 312 B +110 9 313 P +110 9 314 W +110 9 315 G +110 9 316 G +110 9 317 C +110 9 318 Y +110 9 319 W +110 9 320 Y +110 9 321 R +110 9 322 G +110 9 323 G +110 9 324 W +110 9 325 P +110 9 326 Y +110 9 327 W +110 9 328 G +110 9 329 C +110 9 330 W +110 10 1 P +110 10 2 G +110 10 3 C +110 10 4 P +110 10 5 G +110 10 6 Y +110 10 7 G +110 10 8 C +110 10 9 C +110 10 10 P +110 10 11 G +110 10 12 Y +110 10 13 G +110 10 14 P +110 10 15 R +110 10 16 W +110 10 17 R +110 10 18 B +110 10 19 P +110 10 20 G +110 10 21 R +110 10 22 Y +110 10 23 P +110 10 24 B +110 10 25 G +110 10 26 P +110 10 27 Y +110 10 28 R +110 10 29 G +110 10 30 Y +110 10 31 G +110 10 32 P +110 10 33 G +110 10 34 G +110 10 35 Y +110 10 36 G +110 10 37 P +110 10 38 C +110 10 39 G +110 10 40 G +110 10 41 C +110 10 42 Y +110 10 43 P +110 10 44 W +110 10 45 G +110 10 46 B +110 10 47 G +110 10 48 Y +110 10 49 G +110 10 50 P +110 10 51 C +110 10 52 W +110 10 53 C +110 10 54 G +110 10 55 G +110 10 56 Y +110 10 57 G +110 10 58 Y +110 10 59 W +110 10 60 G +110 10 61 C +110 10 62 P +110 10 63 R +110 10 64 G +110 10 65 R +110 10 66 W +110 10 67 G +110 10 68 P +110 10 69 G +110 10 70 W +110 10 71 C +110 10 72 G +110 10 73 P +110 10 74 W +110 10 75 G +110 10 76 Y +110 10 77 G +110 10 78 P +110 10 79 B +110 10 80 P +110 10 81 G +110 10 82 G +110 10 83 Y +110 10 84 C +110 10 85 G +110 10 86 C +110 10 87 B +110 10 88 P +110 10 89 B +110 10 90 G +110 10 91 Y +110 10 92 W +110 10 93 P +110 10 94 B +110 10 95 W +110 10 96 Y +110 10 97 P +110 10 98 R +110 10 99 P +110 10 100 G +110 10 101 R +110 10 102 P +110 10 103 Y +110 10 104 P +110 10 105 P +110 10 106 Y +110 10 107 W +110 10 108 G +110 10 109 P +110 10 110 Y +110 10 111 G +110 10 112 R +110 10 113 B +110 10 114 G +110 10 115 R +110 10 116 G +110 10 117 B +110 10 118 R +110 10 119 G +110 10 120 W +110 10 121 Y +110 10 122 G +110 10 123 G +110 10 124 Y +110 10 125 Y +110 10 126 R +110 10 127 B +110 10 128 Y +110 10 129 W +110 10 130 B +110 10 131 P +110 10 132 R +110 10 133 G +110 10 134 C +110 10 135 P +110 10 136 G +110 10 137 G +110 10 138 P +110 10 139 W +110 10 140 P +110 10 141 W +110 10 142 W +110 10 143 G +110 10 144 P +110 10 145 G +110 10 146 Y +110 10 147 G +110 10 148 R +110 10 149 G +110 10 150 P +110 10 151 Y +110 10 152 P +110 10 153 P +110 10 154 B +110 10 155 B +110 10 156 G +110 10 157 C +110 10 158 W +110 10 159 Y +110 10 160 R +110 10 161 G +110 10 162 R +110 10 163 G +110 10 164 P +110 10 165 G +110 10 166 P +110 10 167 P +110 10 168 G +110 10 169 P +110 10 170 B +110 10 171 G +110 10 172 W +110 10 173 R +110 10 174 Y +110 10 175 G +110 10 176 Y +110 10 177 Y +110 10 178 P +110 10 179 C +110 10 180 G +110 10 181 Y +110 10 182 C +110 10 183 Y +110 10 184 P +110 10 185 Y +110 10 186 G +110 10 187 Y +110 10 188 G +110 10 189 W +110 10 190 R +110 10 191 G +110 10 192 P +110 10 193 Y +110 10 194 C +110 10 195 G +110 10 196 G +110 10 197 P +110 10 198 B +110 10 199 W +110 10 200 G +110 10 201 R +110 10 202 G +110 10 203 C +110 10 204 B +110 10 205 P +110 10 206 W +110 10 207 R +110 10 208 Y +110 10 209 G +110 10 210 C +110 10 211 G +110 10 212 Y +110 10 213 P +110 10 214 Y +110 10 215 R +110 10 216 B +110 10 217 R +110 10 218 Y +110 10 219 W +110 10 220 P +110 10 221 W +110 10 222 P +110 10 223 G +110 10 224 W +110 10 225 Y +110 10 226 G +110 10 227 B +110 10 228 P +110 10 229 G +110 10 230 W +110 10 231 C +110 10 232 W +110 10 233 P +110 10 234 G +110 10 235 P +110 10 236 Y +110 10 237 Y +110 10 238 G +110 10 239 R +110 10 240 C +110 10 241 W +110 10 242 Y +110 10 243 P +110 10 244 W +110 10 245 R +110 10 246 G +110 10 247 P +110 10 248 B +110 10 249 G +110 10 250 P +110 10 251 G +110 10 252 W +110 10 253 G +110 10 254 P +110 10 255 B +110 10 256 R +110 10 257 B +110 10 258 Y +110 10 259 C +110 10 260 Y +110 10 261 Y +110 10 262 W +110 10 263 B +110 10 264 P +110 10 265 G +110 10 266 C +110 10 267 C +110 10 268 G +110 10 269 P +110 10 270 Y +110 10 271 B +110 10 272 W +110 10 273 P +110 10 274 W +110 10 275 Y +110 10 276 R +110 10 277 P +110 10 278 R +110 10 279 P +110 10 280 G +110 10 281 G +110 10 282 G +110 10 283 C +110 10 284 W +110 10 285 C +110 10 286 W +110 10 287 Y +110 10 288 R +110 10 289 G +110 10 290 Y +110 10 291 P +110 10 292 Y +110 10 293 G +110 10 294 W +110 10 295 C +110 10 296 P +110 10 297 Y +110 10 298 R +110 10 299 G +110 10 300 W +110 10 301 G +110 10 302 W +110 10 303 P +110 10 304 G +110 10 305 C +110 10 306 G +110 10 307 G +110 10 308 P +110 10 309 B +110 10 310 G +110 10 311 P +110 10 312 B +110 10 313 P +110 10 314 W +110 10 315 G +110 10 316 G +110 10 317 C +110 10 318 W +110 10 319 W +110 10 320 G +110 10 321 R +110 10 322 P +110 10 323 G +110 10 324 W +110 10 325 P +110 10 326 Y +110 10 327 W +110 10 328 G +110 10 329 C +110 10 330 G +110 11 1 G +110 11 2 G +110 11 3 R +110 11 4 P +110 11 5 G +110 11 6 Y +110 11 7 G +110 11 8 C +110 11 9 Y +110 11 10 G +110 11 11 G +110 11 12 Y +110 11 13 G +110 11 14 B +110 11 15 P +110 11 16 W +110 11 17 R +110 11 18 B +110 11 19 G +110 11 20 G +110 11 21 R +110 11 22 Y +110 11 23 P +110 11 24 G +110 11 25 G +110 11 26 BL +110 11 27 W +110 11 28 R +110 11 29 G +110 11 30 R +110 11 31 G +110 11 32 P +110 11 33 G +110 11 34 G +110 11 35 R +110 11 36 G +110 11 37 G +110 11 38 R +110 11 39 G +110 11 40 G +110 11 41 R +110 11 42 Y +110 11 43 B +110 11 44 W +110 11 45 G +110 11 46 B +110 11 47 G +110 11 48 Y +110 11 49 G +110 11 50 P +110 11 51 C +110 11 52 W +110 11 53 R +110 11 54 G +110 11 55 G +110 11 56 Y +110 11 57 G +110 11 58 G +110 11 59 P +110 11 60 B +110 11 61 R +110 11 62 P +110 11 63 R +110 11 64 G +110 11 65 R +110 11 66 W +110 11 67 G +110 11 68 R +110 11 69 G +110 11 70 P +110 11 71 C +110 11 72 G +110 11 73 P +110 11 74 G +110 11 75 G +110 11 76 R +110 11 77 G +110 11 78 P +110 11 79 B +110 11 80 G +110 11 81 G +110 11 82 G +110 11 83 Y +110 11 84 R +110 11 85 G +110 11 86 R +110 11 87 B +110 11 88 P +110 11 89 B +110 11 90 G +110 11 91 Y +110 11 92 W +110 11 93 G +110 11 94 B +110 11 95 G +110 11 96 Y +110 11 97 P +110 11 98 R +110 11 99 P +110 11 100 G +110 11 101 P +110 11 102 G +110 11 103 G +110 11 104 G +110 11 105 P +110 11 106 Y +110 11 107 W +110 11 108 G +110 11 109 G +110 11 110 Y +110 11 111 G +110 11 112 R +110 11 113 B +110 11 114 G +110 11 115 R +110 11 116 G +110 11 117 C +110 11 118 R +110 11 119 G +110 11 120 W +110 11 121 R +110 11 122 G +110 11 123 G +110 11 124 G +110 11 125 R +110 11 126 R +110 11 127 G +110 11 128 Y +110 11 129 W +110 11 130 G +110 11 131 P +110 11 132 R +110 11 133 G +110 11 134 B +110 11 135 P +110 11 136 G +110 11 137 G +110 11 138 G +110 11 139 W +110 11 140 G +110 11 141 W +110 11 142 G +110 11 143 G +110 11 144 P +110 11 145 G +110 11 146 Y +110 11 147 G +110 11 148 R +110 11 149 G +110 11 150 P +110 11 151 R +110 11 152 R +110 11 153 G +110 11 154 B +110 11 155 B +110 11 156 G +110 11 157 R +110 11 158 W +110 11 159 Y +110 11 160 P +110 11 161 G +110 11 162 R +110 11 163 G +110 11 164 G +110 11 165 G +110 11 166 G +110 11 167 P +110 11 168 G +110 11 169 G +110 11 170 B +110 11 171 Y +110 11 172 W +110 11 173 R +110 11 174 Y +110 11 175 G +110 11 176 R +110 11 177 Y +110 11 178 P +110 11 179 C +110 11 180 G +110 11 181 Y +110 11 182 P +110 11 183 G +110 11 184 P +110 11 185 Y +110 11 186 G +110 11 187 Y +110 11 188 G +110 11 189 G +110 11 190 P +110 11 191 G +110 11 192 P +110 11 193 Y +110 11 194 C +110 11 195 G +110 11 196 G +110 11 197 P +110 11 198 B +110 11 199 G +110 11 200 G +110 11 201 R +110 11 202 G +110 11 203 R +110 11 204 B +110 11 205 P +110 11 206 G +110 11 207 R +110 11 208 Y +110 11 209 R +110 11 210 C +110 11 211 G +110 11 212 Y +110 11 213 P +110 11 214 G +110 11 215 P +110 11 216 G +110 11 217 R +110 11 218 G +110 11 219 G +110 11 220 P +110 11 221 G +110 11 222 P +110 11 223 G +110 11 224 W +110 11 225 G +110 11 226 G +110 11 227 B +110 11 228 BL +110 11 229 G +110 11 230 R +110 11 231 P +110 11 232 Y +110 11 233 P +110 11 234 G +110 11 235 G +110 11 236 G +110 11 237 R +110 11 238 G +110 11 239 R +110 11 240 C +110 11 241 W +110 11 242 Y +110 11 243 C +110 11 244 W +110 11 245 R +110 11 246 G +110 11 247 P +110 11 248 G +110 11 249 G +110 11 250 P +110 11 251 G +110 11 252 W +110 11 253 G +110 11 254 G +110 11 255 B +110 11 256 R +110 11 257 G +110 11 258 Y +110 11 259 C +110 11 260 Y +110 11 261 R +110 11 262 W +110 11 263 B +110 11 264 G +110 11 265 G +110 11 266 Y +110 11 267 P +110 11 268 G +110 11 269 P +110 11 270 Y +110 11 271 G +110 11 272 W +110 11 273 P +110 11 274 W +110 11 275 G +110 11 276 R +110 11 277 G +110 11 278 Y +110 11 279 BL +110 11 280 G +110 11 281 G +110 11 282 G +110 11 283 R +110 11 284 W +110 11 285 R +110 11 286 W +110 11 287 Y +110 11 288 R +110 11 289 G +110 11 290 W +110 11 291 G +110 11 292 R +110 11 293 G +110 11 294 G +110 11 295 C +110 11 296 P +110 11 297 Y +110 11 298 R +110 11 299 G +110 11 300 W +110 11 301 G +110 11 302 W +110 11 303 G +110 11 304 G +110 11 305 P +110 11 306 G +110 11 307 G +110 11 308 P +110 11 309 B +110 11 310 G +110 11 311 G +110 11 312 B +110 11 313 P +110 11 314 W +110 11 315 G +110 11 316 G +110 11 317 P +110 11 318 R +110 11 319 W +110 11 320 G +110 11 321 R +110 11 322 G +110 11 323 G +110 11 324 W +110 11 325 P +110 11 326 Y +110 11 327 G +110 11 328 G +110 11 329 Y +110 11 330 G +110 12 1 BL +110 12 2 G +110 12 3 R +110 12 4 P +110 12 5 G +110 12 6 Y +110 12 7 G +110 12 8 P +110 12 9 C +110 12 10 BL +110 12 11 B +110 12 12 Y +110 12 13 BL +110 12 14 BL +110 12 15 P +110 12 16 W +110 12 17 R +110 12 18 B +110 12 19 G +110 12 20 G +110 12 21 R +110 12 22 Y +110 12 23 P +110 12 24 B +110 12 25 BL +110 12 26 BL +110 12 27 W +110 12 28 R +110 12 29 G +110 12 30 C +110 12 31 G +110 12 32 P +110 12 33 G +110 12 34 BL +110 12 35 R +110 12 36 BL +110 12 37 G +110 12 38 C +110 12 39 G +110 12 40 BL +110 12 41 R +110 12 42 Y +110 12 43 G +110 12 44 W +110 12 45 G +110 12 46 G +110 12 47 BL +110 12 48 Y +110 12 49 G +110 12 50 P +110 12 51 Y +110 12 52 W +110 12 53 P +110 12 54 G +110 12 55 G +110 12 56 Y +110 12 57 BL +110 12 58 Y +110 12 59 W +110 12 60 G +110 12 61 R +110 12 62 P +110 12 63 R +110 12 64 G +110 12 65 R +110 12 66 W +110 12 67 G +110 12 68 P +110 12 69 C +110 12 70 W +110 12 71 P +110 12 72 G +110 12 73 P +110 12 74 G +110 12 75 B +110 12 76 Y +110 12 77 G +110 12 78 P +110 12 79 B +110 12 80 G +110 12 81 G +110 12 82 G +110 12 83 W +110 12 84 Y +110 12 85 G +110 12 86 P +110 12 87 B +110 12 88 P +110 12 89 B +110 12 90 BL +110 12 91 G +110 12 92 W +110 12 93 G +110 12 94 B +110 12 95 W +110 12 96 Y +110 12 97 P +110 12 98 R +110 12 99 P +110 12 100 G +110 12 101 P +110 12 102 G +110 12 103 B +110 12 104 G +110 12 105 P +110 12 106 Y +110 12 107 W +110 12 108 G +110 12 109 BL +110 12 110 Y +110 12 111 BL +110 12 112 R +110 12 113 B +110 12 114 G +110 12 115 P +110 12 116 G +110 12 117 B +110 12 118 P +110 12 119 G +110 12 120 W +110 12 121 R +110 12 122 G +110 12 123 G +110 12 124 Y +110 12 125 R +110 12 126 Y +110 12 127 B +110 12 128 Y +110 12 129 W +110 12 130 B +110 12 131 P +110 12 132 R +110 12 133 G +110 12 134 B +110 12 135 P +110 12 136 G +110 12 137 BL +110 12 138 G +110 12 139 W +110 12 140 BL +110 12 141 W +110 12 142 G +110 12 143 G +110 12 144 P +110 12 145 G +110 12 146 Y +110 12 147 G +110 12 148 R +110 12 149 G +110 12 150 P +110 12 151 Y +110 12 152 P +110 12 153 BL +110 12 154 B +110 12 155 B +110 12 156 G +110 12 157 P +110 12 158 W +110 12 159 Y +110 12 160 P +110 12 161 G +110 12 162 R +110 12 163 BL +110 12 164 G +110 12 165 B +110 12 166 BL +110 12 167 P +110 12 168 G +110 12 169 BL +110 12 170 B +110 12 171 G +110 12 172 W +110 12 173 R +110 12 174 Y +110 12 175 G +110 12 176 R +110 12 177 Y +110 12 178 BL +110 12 179 C +110 12 180 G +110 12 181 Y +110 12 182 C +110 12 183 Y +110 12 184 P +110 12 185 Y +110 12 186 G +110 12 187 Y +110 12 188 G +110 12 189 G +110 12 190 P +110 12 191 G +110 12 192 P +110 12 193 Y +110 12 194 C +110 12 195 G +110 12 196 G +110 12 197 P +110 12 198 B +110 12 199 W +110 12 200 G +110 12 201 P +110 12 202 G +110 12 203 P +110 12 204 B +110 12 205 BL +110 12 206 W +110 12 207 P +110 12 208 Y +110 12 209 BL +110 12 210 P +110 12 211 G +110 12 212 R +110 12 213 P +110 12 214 Y +110 12 215 P +110 12 216 B +110 12 217 Y +110 12 218 C +110 12 219 G +110 12 220 BL +110 12 221 G +110 12 222 P +110 12 223 G +110 12 224 W +110 12 225 B +110 12 226 BL +110 12 227 B +110 12 228 BL +110 12 229 G +110 12 230 W +110 12 231 P +110 12 232 C +110 12 233 BL +110 12 234 G +110 12 235 BL +110 12 236 Y +110 12 237 Y +110 12 238 G +110 12 239 P +110 12 240 C +110 12 241 W +110 12 242 Y +110 12 243 P +110 12 244 W +110 12 245 R +110 12 246 G +110 12 247 P +110 12 248 B +110 12 249 BL +110 12 250 P +110 12 251 G +110 12 252 W +110 12 253 G +110 12 254 BL +110 12 255 B +110 12 256 R +110 12 257 BL +110 12 258 Y +110 12 259 C +110 12 260 Y +110 12 261 Y +110 12 262 W +110 12 263 BL +110 12 264 G +110 12 265 G +110 12 266 Y +110 12 267 P +110 12 268 G +110 12 269 P +110 12 270 Y +110 12 271 BL +110 12 272 W +110 12 273 P +110 12 274 W +110 12 275 Y +110 12 276 P +110 12 277 BL +110 12 278 Y +110 12 279 BL +110 12 280 G +110 12 281 BL +110 12 282 G +110 12 283 B +110 12 284 W +110 12 285 P +110 12 286 W +110 12 287 C +110 12 288 R +110 12 289 G +110 12 290 W +110 12 291 BL +110 12 292 Y +110 12 293 W +110 12 294 W +110 12 295 B +110 12 296 P +110 12 297 Y +110 12 298 R +110 12 299 G +110 12 300 W +110 12 301 G +110 12 302 W +110 12 303 G +110 12 304 G +110 12 305 P +110 12 306 G +110 12 307 BL +110 12 308 P +110 12 309 B +110 12 310 G +110 12 311 BL +110 12 312 B +110 12 313 BL +110 12 314 W +110 12 315 G +110 12 316 BL +110 12 317 P +110 12 318 Y +110 12 319 W +110 12 320 Y +110 12 321 R +110 12 322 G +110 12 323 BL +110 12 324 W +110 12 325 P +110 12 326 Y +110 12 327 W +110 12 328 BL +110 12 329 C +110 12 330 W +110 13 1 G +110 13 2 G +110 13 3 R +110 13 4 BL +110 13 5 G +110 13 6 C +110 13 7 G +110 13 8 BL +110 13 9 C +110 13 10 BL +110 13 11 B +110 13 12 Y +110 13 13 G +110 13 14 G +110 13 15 R +110 13 16 W +110 13 17 R +110 13 18 B +110 13 19 G +110 13 20 G +110 13 21 R +110 13 22 Y +110 13 23 BL +110 13 24 B +110 13 25 B +110 13 26 BL +110 13 27 W +110 13 28 R +110 13 29 G +110 13 30 Y +110 13 31 G +110 13 32 BL +110 13 33 G +110 13 34 G +110 13 35 R +110 13 36 B +110 13 37 BL +110 13 38 R +110 13 39 G +110 13 40 G +110 13 41 R +110 13 42 Y +110 13 43 B +110 13 44 W +110 13 45 G +110 13 46 W +110 13 47 B +110 13 48 Y +110 13 49 G +110 13 50 BL +110 13 51 C +110 13 52 W +110 13 53 R +110 13 54 G +110 13 55 G +110 13 56 G +110 13 57 G +110 13 58 Y +110 13 59 W +110 13 60 B +110 13 61 R +110 13 62 P +110 13 63 R +110 13 64 G +110 13 65 R +110 13 66 W +110 13 67 G +110 13 68 R +110 13 69 B +110 13 70 W +110 13 71 R +110 13 72 G +110 13 73 BL +110 13 74 W +110 13 75 B +110 13 76 R +110 13 77 G +110 13 78 R +110 13 79 B +110 13 80 G +110 13 81 G +110 13 82 G +110 13 83 Y +110 13 84 R +110 13 85 G +110 13 86 R +110 13 87 B +110 13 88 BL +110 13 89 B +110 13 90 B +110 13 91 G +110 13 92 W +110 13 93 G +110 13 94 B +110 13 95 W +110 13 96 Y +110 13 97 BL +110 13 98 R +110 13 99 BL +110 13 100 G +110 13 101 R +110 13 102 BL +110 13 103 C +110 13 104 G +110 13 105 BL +110 13 106 Y +110 13 107 W +110 13 108 W +110 13 109 P +110 13 110 Y +110 13 111 B +110 13 112 R +110 13 113 B +110 13 114 B +110 13 115 R +110 13 116 G +110 13 117 B +110 13 118 R +110 13 119 G +110 13 120 W +110 13 121 R +110 13 122 G +110 13 123 G +110 13 124 G +110 13 125 R +110 13 126 R +110 13 127 B +110 13 128 Y +110 13 129 W +110 13 130 B +110 13 131 BL +110 13 132 R +110 13 133 G +110 13 134 B +110 13 135 R +110 13 136 G +110 13 137 G +110 13 138 G +110 13 139 W +110 13 140 G +110 13 141 W +110 13 142 BL +110 13 143 G +110 13 144 BL +110 13 145 G +110 13 146 Y +110 13 147 G +110 13 148 R +110 13 149 G +110 13 150 BL +110 13 151 R +110 13 152 BL +110 13 153 G +110 13 154 B +110 13 155 C +110 13 156 G +110 13 157 C +110 13 158 W +110 13 159 Y +110 13 160 R +110 13 161 G +110 13 162 R +110 13 163 G +110 13 164 G +110 13 165 B +110 13 166 B +110 13 167 P +110 13 168 G +110 13 169 G +110 13 170 B +110 13 171 G +110 13 172 W +110 13 173 R +110 13 174 Y +110 13 175 W +110 13 176 R +110 13 177 Y +110 13 178 G +110 13 179 C +110 13 180 G +110 13 181 Y +110 13 182 C +110 13 183 Y +110 13 184 BL +110 13 185 R +110 13 186 G +110 13 187 Y +110 13 188 G +110 13 189 G +110 13 190 BL +110 13 191 G +110 13 192 P +110 13 193 Y +110 13 194 C +110 13 195 G +110 13 196 G +110 13 197 R +110 13 198 B +110 13 199 W +110 13 200 G +110 13 201 R +110 13 202 G +110 13 203 R +110 13 204 B +110 13 205 BL +110 13 206 W +110 13 207 R +110 13 208 Y +110 13 209 G +110 13 210 C +110 13 211 G +110 13 212 Y +110 13 213 BL +110 13 214 Y +110 13 215 BL +110 13 216 B +110 13 217 R +110 13 218 Y +110 13 219 W +110 13 220 P +110 13 221 W +110 13 222 P +110 13 223 G +110 13 224 W +110 13 225 B +110 13 226 G +110 13 227 B +110 13 228 B +110 13 229 G +110 13 230 W +110 13 231 BL +110 13 232 C +110 13 233 BL +110 13 234 G +110 13 235 G +110 13 236 Y +110 13 237 R +110 13 238 G +110 13 239 R +110 13 240 C +110 13 241 W +110 13 242 Y +110 13 243 R +110 13 244 W +110 13 245 R +110 13 246 G +110 13 247 BL +110 13 248 B +110 13 249 G +110 13 250 BL +110 13 251 G +110 13 252 W +110 13 253 G +110 13 254 BL +110 13 255 B +110 13 256 R +110 13 257 B +110 13 258 Y +110 13 259 R +110 13 260 Y +110 13 261 Y +110 13 262 W +110 13 263 W +110 13 264 W +110 13 265 G +110 13 266 R +110 13 267 BL +110 13 268 G +110 13 269 R +110 13 270 Y +110 13 271 G +110 13 272 W +110 13 273 BL +110 13 274 W +110 13 275 Y +110 13 276 R +110 13 277 B +110 13 278 Y +110 13 279 BL +110 13 280 G +110 13 281 G +110 13 282 G +110 13 283 C +110 13 284 W +110 13 285 R +110 13 286 W +110 13 287 C +110 13 288 R +110 13 289 G +110 13 290 W +110 13 291 G +110 13 292 R +110 13 293 W +110 13 294 W +110 13 295 C +110 13 296 BL +110 13 297 Y +110 13 298 R +110 13 299 G +110 13 300 W +110 13 301 G +110 13 302 W +110 13 303 W +110 13 304 G +110 13 305 BL +110 13 306 G +110 13 307 G +110 13 308 BL +110 13 309 B +110 13 310 G +110 13 311 G +110 13 312 B +110 13 313 BL +110 13 314 W +110 13 315 G +110 13 316 G +110 13 317 R +110 13 318 Y +110 13 319 W +110 13 320 Y +110 13 321 R +110 13 322 G +110 13 323 G +110 13 324 W +110 13 325 BL +110 13 326 Y +110 13 327 W +110 13 328 G +110 13 329 C +110 13 330 W +110 14 1 BL +110 14 2 G +110 14 3 Y +110 14 4 P +110 14 5 G +110 14 6 Y +110 14 7 G +110 14 8 P +110 14 9 C +110 14 10 G +110 14 11 G +110 14 12 Y +110 14 13 G +110 14 14 G +110 14 15 W +110 14 16 W +110 14 17 Y +110 14 18 B +110 14 19 G +110 14 20 G +110 14 21 R +110 14 22 Y +110 14 23 P +110 14 24 B +110 14 25 G +110 14 26 G +110 14 27 W +110 14 28 R +110 14 29 G +110 14 30 Y +110 14 31 G +110 14 32 P +110 14 33 G +110 14 34 G +110 14 35 Y +110 14 36 G +110 14 37 G +110 14 38 R +110 14 39 G +110 14 40 G +110 14 41 R +110 14 42 Y +110 14 43 RI +110 14 44 W +110 14 45 G +110 14 46 W +110 14 47 G +110 14 48 Y +110 14 49 G +110 14 50 P +110 14 51 B +110 14 52 G +110 14 53 R +110 14 54 G +110 14 55 G +110 14 56 Y +110 14 57 G +110 14 58 B +110 14 59 P +110 14 60 B +110 14 61 R +110 14 62 P +110 14 63 Y +110 14 64 G +110 14 65 R +110 14 66 W +110 14 67 G +110 14 68 R +110 14 69 B +110 14 70 W +110 14 71 B +110 14 72 G +110 14 73 P +110 14 74 G +110 14 75 G +110 14 76 Y +110 14 77 G +110 14 78 P +110 14 79 B +110 14 80 G +110 14 81 G +110 14 82 G +110 14 83 W +110 14 84 R +110 14 85 G +110 14 86 R +110 14 87 B +110 14 88 P +110 14 89 RI +110 14 90 G +110 14 91 G +110 14 92 W +110 14 93 G +110 14 94 B +110 14 95 W +110 14 96 Y +110 14 97 P +110 14 98 R +110 14 99 P +110 14 100 G +110 14 101 R +110 14 102 G +110 14 103 B +110 14 104 G +110 14 105 P +110 14 106 Y +110 14 107 W +110 14 108 G +110 14 109 P +110 14 110 Y +110 14 111 B +110 14 112 Y +110 14 113 B +110 14 114 G +110 14 115 P +110 14 116 G +110 14 117 B +110 14 118 P +110 14 119 G +110 14 120 W +110 14 121 Y +110 14 122 G +110 14 123 G +110 14 124 Y +110 14 125 Y +110 14 126 P +110 14 127 G +110 14 128 Y +110 14 129 W +110 14 130 B +110 14 131 P +110 14 132 Y +110 14 133 G +110 14 134 B +110 14 135 P +110 14 136 G +110 14 137 G +110 14 138 G +110 14 139 W +110 14 140 G +110 14 141 W +110 14 142 W +110 14 143 G +110 14 144 P +110 14 145 G +110 14 146 Y +110 14 147 G +110 14 148 R +110 14 149 G +110 14 150 P +110 14 151 Y +110 14 152 P +110 14 153 G +110 14 154 B +110 14 155 B +110 14 156 G +110 14 157 B +110 14 158 W +110 14 159 Y +110 14 160 Y +110 14 161 G +110 14 162 R +110 14 163 G +110 14 164 G +110 14 165 Y +110 14 166 G +110 14 167 W +110 14 168 G +110 14 169 G +110 14 170 B +110 14 171 G +110 14 172 W +110 14 173 R +110 14 174 Y +110 14 175 G +110 14 176 Y +110 14 177 Y +110 14 178 G +110 14 179 B +110 14 180 G +110 14 181 B +110 14 182 P +110 14 183 B +110 14 184 P +110 14 185 Y +110 14 186 G +110 14 187 Y +110 14 188 G +110 14 189 G +110 14 190 P +110 14 191 G +110 14 192 P +110 14 193 Y +110 14 194 P +110 14 195 G +110 14 196 G +110 14 197 P +110 14 198 B +110 14 199 G +110 14 200 G +110 14 201 Y +110 14 202 G +110 14 203 P +110 14 204 B +110 14 205 P +110 14 206 W +110 14 207 R +110 14 208 B +110 14 209 G +110 14 210 B +110 14 211 G +110 14 212 Y +110 14 213 P +110 14 214 Y +110 14 215 P +110 14 216 B +110 14 217 Y +110 14 218 G +110 14 219 G +110 14 220 P +110 14 221 G +110 14 222 P +110 14 223 G +110 14 224 W +110 14 225 B +110 14 226 G +110 14 227 B +110 14 228 B +110 14 229 G +110 14 230 W +110 14 231 P +110 14 232 B +110 14 233 P +110 14 234 G +110 14 235 G +110 14 236 Y +110 14 237 Y +110 14 238 G +110 14 239 R +110 14 240 B +110 14 241 W +110 14 242 Y +110 14 243 B +110 14 244 G +110 14 245 R +110 14 246 G +110 14 247 P +110 14 248 B +110 14 249 G +110 14 250 P +110 14 251 G +110 14 252 W +110 14 253 G +110 14 254 G +110 14 255 B +110 14 256 R +110 14 257 G +110 14 258 Y +110 14 259 R +110 14 260 G +110 14 261 Y +110 14 262 W +110 14 263 B +110 14 264 G +110 14 265 G +110 14 266 R +110 14 267 P +110 14 268 G +110 14 269 P +110 14 270 Y +110 14 271 B +110 14 272 W +110 14 273 P +110 14 274 W +110 14 275 G +110 14 276 P +110 14 277 B +110 14 278 Y +110 14 279 G +110 14 280 G +110 14 281 G +110 14 282 G +110 14 283 B +110 14 284 W +110 14 285 P +110 14 286 W +110 14 287 W +110 14 288 R +110 14 289 G +110 14 290 W +110 14 291 G +110 14 292 R +110 14 293 G +110 14 294 W +110 14 295 B +110 14 296 P +110 14 297 Y +110 14 298 R +110 14 299 G +110 14 300 B +110 14 301 G +110 14 302 W +110 14 303 B +110 14 304 G +110 14 305 P +110 14 306 G +110 14 307 G +110 14 308 P +110 14 309 B +110 14 310 G +110 14 311 G +110 14 312 B +110 14 313 P +110 14 314 W +110 14 315 G +110 14 316 G +110 14 317 P +110 14 318 Y +110 14 319 W +110 14 320 Y +110 14 321 R +110 14 322 G +110 14 323 G +110 14 324 W +110 14 325 P +110 14 326 Y +110 14 327 G +110 14 328 G +110 14 329 B +110 14 330 G +110 15 1 BL +110 15 2 G +110 15 3 R +110 15 4 P +110 15 5 G +110 15 6 Y +110 15 7 G +110 15 8 C +110 15 9 Y +110 15 10 BL +110 15 11 G +110 15 12 Y +110 15 13 BL +110 15 14 BL +110 15 15 R +110 15 16 W +110 15 17 Y +110 15 18 B +110 15 19 G +110 15 20 G +110 15 21 R +110 15 22 Y +110 15 23 P +110 15 24 B +110 15 25 G +110 15 26 BL +110 15 27 W +110 15 28 R +110 15 29 G +110 15 30 Y +110 15 31 G +110 15 32 P +110 15 33 G +110 15 34 BL +110 15 35 Y +110 15 36 BL +110 15 37 BL +110 15 38 R +110 15 39 G +110 15 40 G +110 15 41 R +110 15 42 Y +110 15 43 BL +110 15 44 W +110 15 45 G +110 15 46 B +110 15 47 BL +110 15 48 Y +110 15 49 G +110 15 50 P +110 15 51 B +110 15 52 W +110 15 53 R +110 15 54 G +110 15 55 G +110 15 56 W +110 15 57 BL +110 15 58 Y +110 15 59 W +110 15 60 BL +110 15 61 R +110 15 62 P +110 15 63 Y +110 15 64 BL +110 15 65 R +110 15 66 W +110 15 67 G +110 15 68 P +110 15 69 B +110 15 70 W +110 15 71 P +110 15 72 G +110 15 73 P +110 15 74 G +110 15 75 G +110 15 76 Y +110 15 77 G +110 15 78 W +110 15 79 B +110 15 80 BL +110 15 81 G +110 15 82 G +110 15 83 W +110 15 84 Y +110 15 85 G +110 15 86 R +110 15 87 B +110 15 88 P +110 15 89 B +110 15 90 B +110 15 91 G +110 15 92 W +110 15 93 G +110 15 94 B +110 15 95 W +110 15 96 Y +110 15 97 P +110 15 98 R +110 15 99 P +110 15 100 G +110 15 101 R +110 15 102 G +110 15 103 RI +110 15 104 G +110 15 105 P +110 15 106 Y +110 15 107 W +110 15 108 G +110 15 109 BL +110 15 110 Y +110 15 111 B +110 15 112 R +110 15 113 B +110 15 114 BL +110 15 115 R +110 15 116 G +110 15 117 B +110 15 118 R +110 15 119 G +110 15 120 W +110 15 121 Y +110 15 122 G +110 15 123 G +110 15 124 Y +110 15 125 Y +110 15 126 R +110 15 127 BL +110 15 128 Y +110 15 129 W +110 15 130 BL +110 15 131 P +110 15 132 Y +110 15 133 G +110 15 134 B +110 15 135 P +110 15 136 G +110 15 137 G +110 15 138 G +110 15 139 W +110 15 140 BL +110 15 141 W +110 15 142 W +110 15 143 G +110 15 144 P +110 15 145 G +110 15 146 Y +110 15 147 G +110 15 148 R +110 15 149 G +110 15 150 P +110 15 151 R +110 15 152 P +110 15 153 G +110 15 154 B +110 15 155 B +110 15 156 G +110 15 157 B +110 15 158 W +110 15 159 Y +110 15 160 R +110 15 161 G +110 15 162 R +110 15 163 G +110 15 164 G +110 15 165 B +110 15 166 BL +110 15 167 P +110 15 168 G +110 15 169 G +110 15 170 B +110 15 171 G +110 15 172 W +110 15 173 R +110 15 174 Y +110 15 175 G +110 15 176 R +110 15 177 Y +110 15 178 BL +110 15 179 P +110 15 180 G +110 15 181 Y +110 15 182 P +110 15 183 Y +110 15 184 P +110 15 185 Y +110 15 186 G +110 15 187 Y +110 15 188 G +110 15 189 G +110 15 190 Y +110 15 191 G +110 15 192 P +110 15 193 G +110 15 194 C +110 15 195 G +110 15 196 G +110 15 197 P +110 15 198 B +110 15 199 W +110 15 200 G +110 15 201 Y +110 15 202 G +110 15 203 P +110 15 204 B +110 15 205 P +110 15 206 W +110 15 207 R +110 15 208 BL +110 15 209 BL +110 15 210 B +110 15 211 G +110 15 212 Y +110 15 213 W +110 15 214 Y +110 15 215 P +110 15 216 B +110 15 217 Y +110 15 218 G +110 15 219 W +110 15 220 BL +110 15 221 W +110 15 222 P +110 15 223 G +110 15 224 W +110 15 225 B +110 15 226 BL +110 15 227 B +110 15 228 BL +110 15 229 G +110 15 230 W +110 15 231 P +110 15 232 B +110 15 233 P +110 15 234 G +110 15 235 BL +110 15 236 G +110 15 237 Y +110 15 238 G +110 15 239 R +110 15 240 C +110 15 241 W +110 15 242 Y +110 15 243 C +110 15 244 W +110 15 245 R +110 15 246 G +110 15 247 P +110 15 248 B +110 15 249 G +110 15 250 P +110 15 251 G +110 15 252 W +110 15 253 G +110 15 254 BL +110 15 255 B +110 15 256 R +110 15 257 G +110 15 258 Y +110 15 259 R +110 15 260 W +110 15 261 Y +110 15 262 W +110 15 263 W +110 15 264 G +110 15 265 G +110 15 266 Y +110 15 267 P +110 15 268 G +110 15 269 P +110 15 270 Y +110 15 271 G +110 15 272 W +110 15 273 P +110 15 274 W +110 15 275 G +110 15 276 P +110 15 277 BL +110 15 278 Y +110 15 279 BL +110 15 280 G +110 15 281 G +110 15 282 G +110 15 283 B +110 15 284 W +110 15 285 Y +110 15 286 W +110 15 287 B +110 15 288 R +110 15 289 G +110 15 290 W +110 15 291 BL +110 15 292 R +110 15 293 G +110 15 294 W +110 15 295 BL +110 15 296 P +110 15 297 Y +110 15 298 R +110 15 299 G +110 15 300 W +110 15 301 G +110 15 302 W +110 15 303 G +110 15 304 G +110 15 305 P +110 15 306 G +110 15 307 G +110 15 308 P +110 15 309 B +110 15 310 G +110 15 311 BL +110 15 312 BL +110 15 313 P +110 15 314 W +110 15 315 G +110 15 316 G +110 15 317 P +110 15 318 Y +110 15 319 W +110 15 320 G +110 15 321 R +110 15 322 G +110 15 323 G +110 15 324 W +110 15 325 P +110 15 326 Y +110 15 327 G +110 15 328 G +110 15 329 C +110 15 330 W +110 16 1 G +110 16 2 Y +110 16 3 R +110 16 4 P +110 16 5 G +110 16 6 Y +110 16 7 G +110 16 8 R +110 16 9 Y +110 16 10 BL +110 16 11 G +110 16 12 Y +110 16 13 G +110 16 14 BL +110 16 15 R +110 16 16 W +110 16 17 R +110 16 18 B +110 16 19 G +110 16 20 G +110 16 21 R +110 16 22 Y +110 16 23 P +110 16 24 B +110 16 25 G +110 16 26 BL +110 16 27 W +110 16 28 R +110 16 29 G +110 16 30 R +110 16 31 G +110 16 32 R +110 16 33 G +110 16 34 BL +110 16 35 R +110 16 36 G +110 16 37 G +110 16 38 R +110 16 39 G +110 16 40 G +110 16 41 R +110 16 42 Y +110 16 43 BL +110 16 44 R +110 16 45 G +110 16 46 B +110 16 47 G +110 16 48 Y +110 16 49 G +110 16 50 P +110 16 51 B +110 16 52 W +110 16 53 R +110 16 54 G +110 16 55 G +110 16 56 Y +110 16 57 G +110 16 58 Y +110 16 59 R +110 16 60 G +110 16 61 R +110 16 62 P +110 16 63 R +110 16 64 G +110 16 65 R +110 16 66 Y +110 16 67 G +110 16 68 R +110 16 69 G +110 16 70 W +110 16 71 R +110 16 72 G +110 16 73 P +110 16 74 G +110 16 75 B +110 16 76 Y +110 16 77 G +110 16 78 R +110 16 79 B +110 16 80 BL +110 16 81 G +110 16 82 G +110 16 83 Y +110 16 84 R +110 16 85 G +110 16 86 R +110 16 87 B +110 16 88 R +110 16 89 B +110 16 90 G +110 16 91 G +110 16 92 W +110 16 93 G +110 16 94 B +110 16 95 W +110 16 96 Y +110 16 97 P +110 16 98 R +110 16 99 P +110 16 100 G +110 16 101 R +110 16 102 W +110 16 103 B +110 16 104 G +110 16 105 P +110 16 106 Y +110 16 107 W +110 16 108 W +110 16 109 BL +110 16 110 Y +110 16 111 G +110 16 112 R +110 16 113 B +110 16 114 G +110 16 115 R +110 16 116 W +110 16 117 B +110 16 118 R +110 16 119 G +110 16 120 W +110 16 121 Y +110 16 122 G +110 16 123 BL +110 16 124 G +110 16 125 Y +110 16 126 R +110 16 127 B +110 16 128 Y +110 16 129 W +110 16 130 B +110 16 131 P +110 16 132 R +110 16 133 G +110 16 134 B +110 16 135 R +110 16 136 G +110 16 137 G +110 16 138 G +110 16 139 W +110 16 140 BL +110 16 141 W +110 16 142 W +110 16 143 G +110 16 144 P +110 16 145 G +110 16 146 Y +110 16 147 G +110 16 148 R +110 16 149 G +110 16 150 P +110 16 151 Y +110 16 152 P +110 16 153 BL +110 16 154 B +110 16 155 G +110 16 156 G +110 16 157 B +110 16 158 W +110 16 159 Y +110 16 160 P +110 16 161 G +110 16 162 R +110 16 163 G +110 16 164 BL +110 16 165 G +110 16 166 BL +110 16 167 P +110 16 168 G +110 16 169 G +110 16 170 B +110 16 171 G +110 16 172 W +110 16 173 R +110 16 174 Y +110 16 175 BL +110 16 176 R +110 16 177 Y +110 16 178 BL +110 16 179 C +110 16 180 G +110 16 181 Y +110 16 182 P +110 16 183 Y +110 16 184 P +110 16 185 Y +110 16 186 G +110 16 187 Y +110 16 188 BL +110 16 189 W +110 16 190 R +110 16 191 G +110 16 192 P +110 16 193 G +110 16 194 C +110 16 195 G +110 16 196 G +110 16 197 P +110 16 198 B +110 16 199 W +110 16 200 BL +110 16 201 R +110 16 202 G +110 16 203 R +110 16 204 B +110 16 205 P +110 16 206 Y +110 16 207 R +110 16 208 Y +110 16 209 G +110 16 210 C +110 16 211 BL +110 16 212 Y +110 16 213 P +110 16 214 Y +110 16 215 R +110 16 216 G +110 16 217 R +110 16 218 G +110 16 219 W +110 16 220 BL +110 16 221 G +110 16 222 P +110 16 223 G +110 16 224 W +110 16 225 G +110 16 226 BL +110 16 227 B +110 16 228 BL +110 16 229 G +110 16 230 W +110 16 231 P +110 16 232 B +110 16 233 P +110 16 234 W +110 16 235 BL +110 16 236 G +110 16 237 Y +110 16 238 G +110 16 239 R +110 16 240 C +110 16 241 W +110 16 242 Y +110 16 243 C +110 16 244 W +110 16 245 R +110 16 246 BL +110 16 247 P +110 16 248 G +110 16 249 G +110 16 250 P +110 16 251 G +110 16 252 W +110 16 253 G +110 16 254 W +110 16 255 B +110 16 256 R +110 16 257 BL +110 16 258 Y +110 16 259 C +110 16 260 Y +110 16 261 R +110 16 262 W +110 16 263 B +110 16 264 W +110 16 265 G +110 16 266 Y +110 16 267 C +110 16 268 G +110 16 269 R +110 16 270 Y +110 16 271 G +110 16 272 W +110 16 273 P +110 16 274 W +110 16 275 G +110 16 276 R +110 16 277 BL +110 16 278 Y +110 16 279 BL +110 16 280 G +110 16 281 G +110 16 282 G +110 16 283 B +110 16 284 W +110 16 285 R +110 16 286 W +110 16 287 Y +110 16 288 R +110 16 289 G +110 16 290 W +110 16 291 BL +110 16 292 R +110 16 293 G +110 16 294 W +110 16 295 C +110 16 296 P +110 16 297 Y +110 16 298 R +110 16 299 G +110 16 300 W +110 16 301 G +110 16 302 W +110 16 303 P +110 16 304 G +110 16 305 P +110 16 306 G +110 16 307 BL +110 16 308 P +110 16 309 B +110 16 310 G +110 16 311 BL +110 16 312 B +110 16 313 P +110 16 314 W +110 16 315 G +110 16 316 G +110 16 317 P +110 16 318 Y +110 16 319 W +110 16 320 G +110 16 321 R +110 16 322 BL +110 16 323 G +110 16 324 W +110 16 325 P +110 16 326 Y +110 16 327 W +110 16 328 G +110 16 329 C +110 16 330 W +110 17 1 BL +110 17 2 G +110 17 3 R +110 17 4 P +110 17 5 G +110 17 6 Y +110 17 7 G +110 17 8 C +110 17 9 C +110 17 10 BL +110 17 11 B +110 17 12 Y +110 17 13 G +110 17 14 BL +110 17 15 P +110 17 16 W +110 17 17 R +110 17 18 B +110 17 19 BL +110 17 20 G +110 17 21 R +110 17 22 Y +110 17 23 P +110 17 24 B +110 17 25 G +110 17 26 BL +110 17 27 W +110 17 28 R +110 17 29 G +110 17 30 C +110 17 31 G +110 17 32 P +110 17 33 G +110 17 34 BL +110 17 35 Y +110 17 36 G +110 17 37 BL +110 17 38 R +110 17 39 G +110 17 40 G +110 17 41 R +110 17 42 G +110 17 43 BL +110 17 44 W +110 17 45 G +110 17 46 B +110 17 47 G +110 17 48 C +110 17 49 G +110 17 50 P +110 17 51 C +110 17 52 G +110 17 53 P +110 17 54 G +110 17 55 G +110 17 56 R +110 17 57 BL +110 17 58 G +110 17 59 P +110 17 60 BL +110 17 61 R +110 17 62 P +110 17 63 R +110 17 64 BL +110 17 65 R +110 17 66 W +110 17 67 G +110 17 68 P +110 17 69 G +110 17 70 W +110 17 71 R +110 17 72 G +110 17 73 P +110 17 74 G +110 17 75 G +110 17 76 Y +110 17 77 G +110 17 78 P +110 17 79 B +110 17 80 BL +110 17 81 G +110 17 82 G +110 17 83 W +110 17 84 R +110 17 85 G +110 17 86 P +110 17 87 B +110 17 88 P +110 17 89 B +110 17 90 BL +110 17 91 G +110 17 92 W +110 17 93 BL +110 17 94 C +110 17 95 G +110 17 96 Y +110 17 97 P +110 17 98 R +110 17 99 P +110 17 100 G +110 17 101 R +110 17 102 P +110 17 103 G +110 17 104 BL +110 17 105 P +110 17 106 G +110 17 107 W +110 17 108 G +110 17 109 BL +110 17 110 Y +110 17 111 G +110 17 112 R +110 17 113 B +110 17 114 G +110 17 115 R +110 17 116 G +110 17 117 C +110 17 118 R +110 17 119 G +110 17 120 W +110 17 121 Y +110 17 122 G +110 17 123 BL +110 17 124 G +110 17 125 Y +110 17 126 R +110 17 127 G +110 17 128 Y +110 17 129 W +110 17 130 G +110 17 131 P +110 17 132 R +110 17 133 G +110 17 134 C +110 17 135 P +110 17 136 G +110 17 137 G +110 17 138 BL +110 17 139 P +110 17 140 BL +110 17 141 W +110 17 142 P +110 17 143 G +110 17 144 P +110 17 145 G +110 17 146 Y +110 17 147 G +110 17 148 R +110 17 149 G +110 17 150 P +110 17 151 R +110 17 152 P +110 17 153 BL +110 17 154 C +110 17 155 C +110 17 156 G +110 17 157 C +110 17 158 W +110 17 159 Y +110 17 160 R +110 17 161 G +110 17 162 R +110 17 163 G +110 17 164 BL +110 17 165 G +110 17 166 BL +110 17 167 P +110 17 168 G +110 17 169 BL +110 17 170 B +110 17 171 G +110 17 172 W +110 17 173 R +110 17 174 Y +110 17 175 G +110 17 176 R +110 17 177 G +110 17 178 BL +110 17 179 P +110 17 180 G +110 17 181 Y +110 17 182 R +110 17 183 G +110 17 184 P +110 17 185 C +110 17 186 G +110 17 187 Y +110 17 188 BL +110 17 189 BL +110 17 190 R +110 17 191 G +110 17 192 P +110 17 193 G +110 17 194 C +110 17 195 G +110 17 196 G +110 17 197 P +110 17 198 B +110 17 199 G +110 17 200 BL +110 17 201 R +110 17 202 G +110 17 203 P +110 17 204 C +110 17 205 P +110 17 206 G +110 17 207 R +110 17 208 C +110 17 209 G +110 17 210 C +110 17 211 BL +110 17 212 Y +110 17 213 P +110 17 214 G +110 17 215 P +110 17 216 G +110 17 217 R +110 17 218 G +110 17 219 G +110 17 220 P +110 17 221 G +110 17 222 P +110 17 223 G +110 17 224 W +110 17 225 G +110 17 226 BL +110 17 227 C +110 17 228 BL +110 17 229 G +110 17 230 W +110 17 231 P +110 17 232 C +110 17 233 P +110 17 234 G +110 17 235 BL +110 17 236 G +110 17 237 Y +110 17 238 G +110 17 239 R +110 17 240 C +110 17 241 W +110 17 242 Y +110 17 243 P +110 17 244 W +110 17 245 R +110 17 246 G +110 17 247 P +110 17 248 B +110 17 249 G +110 17 250 P +110 17 251 G +110 17 252 W +110 17 253 G +110 17 254 BL +110 17 255 B +110 17 256 R +110 17 257 BL +110 17 258 Y +110 17 259 R +110 17 260 G +110 17 261 Y +110 17 262 W +110 17 263 B +110 17 264 G +110 17 265 G +110 17 266 R +110 17 267 P +110 17 268 G +110 17 269 P +110 17 270 Y +110 17 271 B +110 17 272 W +110 17 273 P +110 17 274 W +110 17 275 G +110 17 276 R +110 17 277 BL +110 17 278 Y +110 17 279 P +110 17 280 G +110 17 281 G +110 17 282 G +110 17 283 C +110 17 284 W +110 17 285 P +110 17 286 W +110 17 287 C +110 17 288 R +110 17 289 G +110 17 290 W +110 17 291 BL +110 17 292 R +110 17 293 G +110 17 294 W +110 17 295 C +110 17 296 P +110 17 297 Y +110 17 298 R +110 17 299 G +110 17 300 W +110 17 301 G +110 17 302 W +110 17 303 BL +110 17 304 G +110 17 305 P +110 17 306 W +110 17 307 BL +110 17 308 P +110 17 309 B +110 17 310 G +110 17 311 BL +110 17 312 C +110 17 313 BL +110 17 314 W +110 17 315 G +110 17 316 G +110 17 317 P +110 17 318 Y +110 17 319 W +110 17 320 G +110 17 321 R +110 17 322 BL +110 17 323 G +110 17 324 W +110 17 325 P +110 17 326 Y +110 17 327 G +110 17 328 G +110 17 329 C +110 17 330 G +110 18 1 G +110 18 2 G +110 18 3 R +110 18 4 P +110 18 5 G +110 18 6 Y +110 18 7 G +110 18 8 R +110 18 9 C +110 18 10 BL +110 18 11 G +110 18 12 Y +110 18 13 G +110 18 14 BL +110 18 15 R +110 18 16 W +110 18 17 R +110 18 18 B +110 18 19 G +110 18 20 G +110 18 21 R +110 18 22 Y +110 18 23 P +110 18 24 B +110 18 25 G +110 18 26 P +110 18 27 W +110 18 28 R +110 18 29 G +110 18 30 R +110 18 31 G +110 18 32 P +110 18 33 G +110 18 34 G +110 18 35 R +110 18 36 B +110 18 37 G +110 18 38 R +110 18 39 G +110 18 40 G +110 18 41 R +110 18 42 Y +110 18 43 B +110 18 44 W +110 18 45 G +110 18 46 B +110 18 47 G +110 18 48 Y +110 18 49 G +110 18 50 P +110 18 51 B +110 18 52 W +110 18 53 P +110 18 54 G +110 18 55 G +110 18 56 R +110 18 57 G +110 18 58 Y +110 18 59 R +110 18 60 G +110 18 61 R +110 18 62 P +110 18 63 R +110 18 64 G +110 18 65 R +110 18 66 W +110 18 67 G +110 18 68 P +110 18 69 G +110 18 70 W +110 18 71 P +110 18 72 G +110 18 73 P +110 18 74 G +110 18 75 G +110 18 76 R +110 18 77 G +110 18 78 R +110 18 79 B +110 18 80 G +110 18 81 G +110 18 82 G +110 18 83 W +110 18 84 R +110 18 85 G +110 18 86 R +110 18 87 B +110 18 88 P +110 18 89 B +110 18 90 B +110 18 91 Y +110 18 92 W +110 18 93 G +110 18 94 B +110 18 95 G +110 18 96 Y +110 18 97 P +110 18 98 R +110 18 99 P +110 18 100 G +110 18 101 R +110 18 102 P +110 18 103 G +110 18 104 G +110 18 105 P +110 18 106 Y +110 18 107 W +110 18 108 G +110 18 109 P +110 18 110 Y +110 18 111 B +110 18 112 R +110 18 113 B +110 18 114 G +110 18 115 R +110 18 116 G +110 18 117 B +110 18 118 R +110 18 119 G +110 18 120 W +110 18 121 R +110 18 122 G +110 18 123 G +110 18 124 Y +110 18 125 R +110 18 126 R +110 18 127 B +110 18 128 Y +110 18 129 W +110 18 130 B +110 18 131 P +110 18 132 R +110 18 133 G +110 18 134 B +110 18 135 P +110 18 136 G +110 18 137 G +110 18 138 G +110 18 139 W +110 18 140 G +110 18 141 W +110 18 142 W +110 18 143 G +110 18 144 P +110 18 145 G +110 18 146 Y +110 18 147 G +110 18 148 R +110 18 149 G +110 18 150 P +110 18 151 R +110 18 152 P +110 18 153 G +110 18 154 B +110 18 155 B +110 18 156 G +110 18 157 B +110 18 158 W +110 18 159 Y +110 18 160 R +110 18 161 G +110 18 162 R +110 18 163 G +110 18 164 G +110 18 165 G +110 18 166 B +110 18 167 P +110 18 168 G +110 18 169 G +110 18 170 B +110 18 171 G +110 18 172 W +110 18 173 R +110 18 174 Y +110 18 175 G +110 18 176 R +110 18 177 Y +110 18 178 P +110 18 179 C +110 18 180 G +110 18 181 Y +110 18 182 P +110 18 183 B +110 18 184 P +110 18 185 Y +110 18 186 G +110 18 187 Y +110 18 188 G +110 18 189 G +110 18 190 R +110 18 191 G +110 18 192 P +110 18 193 Y +110 18 194 C +110 18 195 G +110 18 196 G +110 18 197 P +110 18 198 B +110 18 199 G +110 18 200 G +110 18 201 R +110 18 202 G +110 18 203 P +110 18 204 B +110 18 205 P +110 18 206 G +110 18 207 R +110 18 208 Y +110 18 209 G +110 18 210 C +110 18 211 G +110 18 212 Y +110 18 213 P +110 18 214 G +110 18 215 P +110 18 216 B +110 18 217 R +110 18 218 G +110 18 219 G +110 18 220 P +110 18 221 G +110 18 222 P +110 18 223 G +110 18 224 W +110 18 225 G +110 18 226 G +110 18 227 B +110 18 228 G +110 18 229 G +110 18 230 W +110 18 231 P +110 18 232 G +110 18 233 P +110 18 234 G +110 18 235 G +110 18 236 G +110 18 237 R +110 18 238 G +110 18 239 R +110 18 240 C +110 18 241 W +110 18 242 Y +110 18 243 P +110 18 244 G +110 18 245 R +110 18 246 G +110 18 247 P +110 18 248 B +110 18 249 G +110 18 250 P +110 18 251 G +110 18 252 W +110 18 253 G +110 18 254 G +110 18 255 B +110 18 256 R +110 18 257 G +110 18 258 Y +110 18 259 R +110 18 260 Y +110 18 261 R +110 18 262 W +110 18 263 W +110 18 264 G +110 18 265 G +110 18 266 R +110 18 267 P +110 18 268 G +110 18 269 P +110 18 270 Y +110 18 271 G +110 18 272 W +110 18 273 P +110 18 274 W +110 18 275 Y +110 18 276 R +110 18 277 G +110 18 278 R +110 18 279 P +110 18 280 G +110 18 281 G +110 18 282 G +110 18 283 C +110 18 284 W +110 18 285 R +110 18 286 W +110 18 287 Y +110 18 288 R +110 18 289 G +110 18 290 W +110 18 291 G +110 18 292 R +110 18 293 G +110 18 294 W +110 18 295 B +110 18 296 P +110 18 297 Y +110 18 298 R +110 18 299 G +110 18 300 W +110 18 301 G +110 18 302 R +110 18 303 G +110 18 304 G +110 18 305 P +110 18 306 G +110 18 307 G +110 18 308 P +110 18 309 B +110 18 310 G +110 18 311 G +110 18 312 B +110 18 313 BL +110 18 314 W +110 18 315 G +110 18 316 G +110 18 317 P +110 18 318 R +110 18 319 W +110 18 320 G +110 18 321 R +110 18 322 G +110 18 323 G +110 18 324 W +110 18 325 P +110 18 326 Y +110 18 327 G +110 18 328 G +110 18 329 C +110 18 330 G +110 19 1 G +110 19 2 G +110 19 3 R +110 19 4 BL +110 19 5 G +110 19 6 Y +110 19 7 G +110 19 8 BL +110 19 9 R +110 19 10 BL +110 19 11 G +110 19 12 Y +110 19 13 G +110 19 14 P +110 19 15 R +110 19 16 W +110 19 17 R +110 19 18 B +110 19 19 G +110 19 20 G +110 19 21 R +110 19 22 Y +110 19 23 P +110 19 24 B +110 19 25 G +110 19 26 P +110 19 27 W +110 19 28 R +110 19 29 G +110 19 30 R +110 19 31 G +110 19 32 P +110 19 33 G +110 19 34 G +110 19 35 R +110 19 36 G +110 19 37 G +110 19 38 R +110 19 39 G +110 19 40 G +110 19 41 R +110 19 42 Y +110 19 43 P +110 19 44 W +110 19 45 G +110 19 46 W +110 19 47 G +110 19 48 Y +110 19 49 G +110 19 50 P +110 19 51 Y +110 19 52 W +110 19 53 BL +110 19 54 G +110 19 55 G +110 19 56 R +110 19 57 G +110 19 58 Y +110 19 59 P +110 19 60 G +110 19 61 R +110 19 62 BL +110 19 63 R +110 19 64 G +110 19 65 R +110 19 66 W +110 19 67 G +110 19 68 R +110 19 69 G +110 19 70 W +110 19 71 P +110 19 72 G +110 19 73 P +110 19 74 G +110 19 75 G +110 19 76 R +110 19 77 G +110 19 78 R +110 19 79 W +110 19 80 G +110 19 81 G +110 19 82 G +110 19 83 Y +110 19 84 R +110 19 85 G +110 19 86 R +110 19 87 B +110 19 88 P +110 19 89 B +110 19 90 G +110 19 91 Y +110 19 92 W +110 19 93 G +110 19 94 B +110 19 95 G +110 19 96 Y +110 19 97 P +110 19 98 R +110 19 99 P +110 19 100 G +110 19 101 R +110 19 102 P +110 19 103 G +110 19 104 G +110 19 105 P +110 19 106 Y +110 19 107 W +110 19 108 G +110 19 109 P +110 19 110 Y +110 19 111 G +110 19 112 R +110 19 113 B +110 19 114 G +110 19 115 R +110 19 116 G +110 19 117 B +110 19 118 R +110 19 119 G +110 19 120 W +110 19 121 R +110 19 122 G +110 19 123 G +110 19 124 G +110 19 125 R +110 19 126 R +110 19 127 B +110 19 128 Y +110 19 129 W +110 19 130 B +110 19 131 P +110 19 132 R +110 19 133 G +110 19 134 B +110 19 135 P +110 19 136 G +110 19 137 G +110 19 138 G +110 19 139 W +110 19 140 G +110 19 141 W +110 19 142 W +110 19 143 G +110 19 144 P +110 19 145 G +110 19 146 Y +110 19 147 G +110 19 148 R +110 19 149 G +110 19 150 P +110 19 151 R +110 19 152 P +110 19 153 G +110 19 154 B +110 19 155 B +110 19 156 G +110 19 157 B +110 19 158 W +110 19 159 Y +110 19 160 R +110 19 161 G +110 19 162 R +110 19 163 G +110 19 164 P +110 19 165 G +110 19 166 BL +110 19 167 W +110 19 168 G +110 19 169 G +110 19 170 B +110 19 171 G +110 19 172 W +110 19 173 R +110 19 174 Y +110 19 175 G +110 19 176 R +110 19 177 Y +110 19 178 P +110 19 179 R +110 19 180 G +110 19 181 Y +110 19 182 P +110 19 183 Y +110 19 184 P +110 19 185 Y +110 19 186 G +110 19 187 Y +110 19 188 G +110 19 189 W +110 19 190 R +110 19 191 G +110 19 192 P +110 19 193 Y +110 19 194 P +110 19 195 G +110 19 196 G +110 19 197 P +110 19 198 B +110 19 199 W +110 19 200 G +110 19 201 R +110 19 202 G +110 19 203 R +110 19 204 B +110 19 205 P +110 19 206 W +110 19 207 R +110 19 208 Y +110 19 209 G +110 19 210 B +110 19 211 G +110 19 212 Y +110 19 213 P +110 19 214 Y +110 19 215 R +110 19 216 B +110 19 217 R +110 19 218 G +110 19 219 W +110 19 220 P +110 19 221 W +110 19 222 P +110 19 223 G +110 19 224 W +110 19 225 Y +110 19 226 G +110 19 227 B +110 19 228 P +110 19 229 G +110 19 230 W +110 19 231 P +110 19 232 B +110 19 233 P +110 19 234 G +110 19 235 P +110 19 236 G +110 19 237 R +110 19 238 G +110 19 239 R +110 19 240 B +110 19 241 W +110 19 242 Y +110 19 243 P +110 19 244 W +110 19 245 R +110 19 246 G +110 19 247 P +110 19 248 B +110 19 249 G +110 19 250 P +110 19 251 G +110 19 252 W +110 19 253 G +110 19 254 P +110 19 255 B +110 19 256 R +110 19 257 P +110 19 258 Y +110 19 259 R +110 19 260 Y +110 19 261 R +110 19 262 W +110 19 263 W +110 19 264 G +110 19 265 G +110 19 266 R +110 19 267 P +110 19 268 G +110 19 269 P +110 19 270 Y +110 19 271 G +110 19 272 W +110 19 273 P +110 19 274 W +110 19 275 Y +110 19 276 R +110 19 277 G +110 19 278 R +110 19 279 BL +110 19 280 G +110 19 281 G +110 19 282 G +110 19 283 R +110 19 284 W +110 19 285 R +110 19 286 W +110 19 287 Y +110 19 288 R +110 19 289 G +110 19 290 W +110 19 291 BL +110 19 292 R +110 19 293 G +110 19 294 W +110 19 295 B +110 19 296 P +110 19 297 Y +110 19 298 R +110 19 299 G +110 19 300 W +110 19 301 G +110 19 302 W +110 19 303 P +110 19 304 G +110 19 305 P +110 19 306 G +110 19 307 G +110 19 308 P +110 19 309 B +110 19 310 G +110 19 311 G +110 19 312 B +110 19 313 P +110 19 314 W +110 19 315 G +110 19 316 G +110 19 317 P +110 19 318 R +110 19 319 W +110 19 320 G +110 19 321 R +110 19 322 G +110 19 323 G +110 19 324 W +110 19 325 P +110 19 326 Y +110 19 327 W +110 19 328 G +110 19 329 R +110 19 330 W +110 20 1 BL +110 20 2 G +110 20 3 Y +110 20 4 P +110 20 5 G +110 20 6 R +110 20 7 G +110 20 8 P +110 20 9 C +110 20 10 BL +110 20 11 BL +110 20 12 Y +110 20 13 G +110 20 14 BL +110 20 15 R +110 20 16 W +110 20 17 R +110 20 18 B +110 20 19 G +110 20 20 G +110 20 21 R +110 20 22 Y +110 20 23 P +110 20 24 B +110 20 25 G +110 20 26 BL +110 20 27 W +110 20 28 R +110 20 29 G +110 20 30 Y +110 20 31 G +110 20 32 P +110 20 33 G +110 20 34 BL +110 20 35 R +110 20 36 G +110 20 37 BL +110 20 38 R +110 20 39 G +110 20 40 G +110 20 41 R +110 20 42 Y +110 20 43 BL +110 20 44 W +110 20 45 G +110 20 46 B +110 20 47 B +110 20 48 Y +110 20 49 G +110 20 50 P +110 20 51 B +110 20 52 W +110 20 53 R +110 20 54 G +110 20 55 G +110 20 56 R +110 20 57 G +110 20 58 Y +110 20 59 W +110 20 60 B +110 20 61 R +110 20 62 P +110 20 63 R +110 20 64 G +110 20 65 R +110 20 66 W +110 20 67 G +110 20 68 R +110 20 69 B +110 20 70 W +110 20 71 P +110 20 72 G +110 20 73 P +110 20 74 W +110 20 75 B +110 20 76 R +110 20 77 G +110 20 78 W +110 20 79 B +110 20 80 G +110 20 81 Y +110 20 82 G +110 20 83 W +110 20 84 R +110 20 85 G +110 20 86 R +110 20 87 B +110 20 88 P +110 20 89 B +110 20 90 B +110 20 91 Y +110 20 92 W +110 20 93 G +110 20 94 B +110 20 95 W +110 20 96 Y +110 20 97 P +110 20 98 R +110 20 99 W +110 20 100 G +110 20 101 P +110 20 102 W +110 20 103 Y +110 20 104 G +110 20 105 P +110 20 106 W +110 20 107 W +110 20 108 Y +110 20 109 G +110 20 110 Y +110 20 111 B +110 20 112 R +110 20 113 B +110 20 114 BL +110 20 115 R +110 20 116 W +110 20 117 B +110 20 118 R +110 20 119 G +110 20 120 W +110 20 121 R +110 20 122 G +110 20 123 G +110 20 124 Y +110 20 125 Y +110 20 126 R +110 20 127 B +110 20 128 Y +110 20 129 W +110 20 130 B +110 20 131 P +110 20 132 C +110 20 133 G +110 20 134 C +110 20 135 P +110 20 136 G +110 20 137 G +110 20 138 G +110 20 139 W +110 20 140 BL +110 20 141 W +110 20 142 W +110 20 143 Y +110 20 144 P +110 20 145 G +110 20 146 Y +110 20 147 G +110 20 148 R +110 20 149 G +110 20 150 P +110 20 151 R +110 20 152 R +110 20 153 BL +110 20 154 B +110 20 155 C +110 20 156 G +110 20 157 C +110 20 158 W +110 20 159 Y +110 20 160 R +110 20 161 G +110 20 162 R +110 20 163 G +110 20 164 BL +110 20 165 Y +110 20 166 BL +110 20 167 W +110 20 168 G +110 20 169 BL +110 20 170 B +110 20 171 G +110 20 172 W +110 20 173 R +110 20 174 Y +110 20 175 W +110 20 176 R +110 20 177 Y +110 20 178 BL +110 20 179 C +110 20 180 G +110 20 181 Y +110 20 182 P +110 20 183 C +110 20 184 P +110 20 185 R +110 20 186 Y +110 20 187 Y +110 20 188 G +110 20 189 W +110 20 190 R +110 20 191 G +110 20 192 P +110 20 193 Y +110 20 194 C +110 20 195 G +110 20 196 G +110 20 197 P +110 20 198 B +110 20 199 W +110 20 200 G +110 20 201 R +110 20 202 G +110 20 203 P +110 20 204 B +110 20 205 P +110 20 206 W +110 20 207 R +110 20 208 Y +110 20 209 G +110 20 210 C +110 20 211 G +110 20 212 Y +110 20 213 W +110 20 214 Y +110 20 215 R +110 20 216 B +110 20 217 R +110 20 218 Y +110 20 219 W +110 20 220 BL +110 20 221 W +110 20 222 P +110 20 223 G +110 20 224 W +110 20 225 C +110 20 226 BL +110 20 227 B +110 20 228 BL +110 20 229 G +110 20 230 W +110 20 231 P +110 20 232 C +110 20 233 W +110 20 234 G +110 20 235 BL +110 20 236 Y +110 20 237 R +110 20 238 G +110 20 239 R +110 20 240 C +110 20 241 W +110 20 242 Y +110 20 243 P +110 20 244 W +110 20 245 R +110 20 246 G +110 20 247 P +110 20 248 B +110 20 249 G +110 20 250 P +110 20 251 Y +110 20 252 W +110 20 253 G +110 20 254 W +110 20 255 B +110 20 256 R +110 20 257 BL +110 20 258 Y +110 20 259 C +110 20 260 W +110 20 261 Y +110 20 262 W +110 20 263 B +110 20 264 W +110 20 265 G +110 20 266 R +110 20 267 P +110 20 268 G +110 20 269 P +110 20 270 Y +110 20 271 B +110 20 272 W +110 20 273 P +110 20 274 W +110 20 275 Y +110 20 276 R +110 20 277 BL +110 20 278 R +110 20 279 BL +110 20 280 G +110 20 281 G +110 20 282 G +110 20 283 C +110 20 284 W +110 20 285 R +110 20 286 W +110 20 287 C +110 20 288 R +110 20 289 G +110 20 290 W +110 20 291 BL +110 20 292 R +110 20 293 W +110 20 294 W +110 20 295 C +110 20 296 P +110 20 297 Y +110 20 298 R +110 20 299 G +110 20 300 W +110 20 301 G +110 20 302 W +110 20 303 W +110 20 304 G +110 20 305 P +110 20 306 Y +110 20 307 G +110 20 308 P +110 20 309 B +110 20 310 G +110 20 311 BL +110 20 312 B +110 20 313 P +110 20 314 W +110 20 315 G +110 20 316 G +110 20 317 R +110 20 318 Y +110 20 319 W +110 20 320 Y +110 20 321 R +110 20 322 G +110 20 323 G +110 20 324 W +110 20 325 P +110 20 326 Y +110 20 327 W +110 20 328 B +110 20 329 C +110 20 330 W +110 21 1 G +110 21 2 G +110 21 3 R +110 21 4 P +110 21 5 G +110 21 6 Y +110 21 7 G +110 21 8 P +110 21 9 BL +110 21 10 BL +110 21 11 G +110 21 12 Y +110 21 13 G +110 21 14 BL +110 21 15 Y +110 21 16 W +110 21 17 Y +110 21 18 B +110 21 19 BL +110 21 20 G +110 21 21 R +110 21 22 Y +110 21 23 P +110 21 24 B +110 21 25 G +110 21 26 BL +110 21 27 W +110 21 28 R +110 21 29 G +110 21 30 Y +110 21 31 G +110 21 32 P +110 21 33 G +110 21 34 BL +110 21 35 Y +110 21 36 B +110 21 37 BL +110 21 38 R +110 21 39 G +110 21 40 BL +110 21 41 R +110 21 42 Y +110 21 43 BL +110 21 44 W +110 21 45 G +110 21 46 B +110 21 47 G +110 21 48 Y +110 21 49 G +110 21 50 P +110 21 51 B +110 21 52 W +110 21 53 R +110 21 54 G +110 21 55 G +110 21 56 Y +110 21 57 G +110 21 58 Y +110 21 59 W +110 21 60 BL +110 21 61 R +110 21 62 P +110 21 63 Y +110 21 64 BL +110 21 65 R +110 21 66 W +110 21 67 G +110 21 68 R +110 21 69 G +110 21 70 W +110 21 71 R +110 21 72 G +110 21 73 P +110 21 74 G +110 21 75 G +110 21 76 Y +110 21 77 G +110 21 78 W +110 21 79 B +110 21 80 BL +110 21 81 G +110 21 82 G +110 21 83 W +110 21 84 Y +110 21 85 G +110 21 86 R +110 21 87 B +110 21 88 P +110 21 89 B +110 21 90 BL +110 21 91 G +110 21 92 W +110 21 93 BL +110 21 94 B +110 21 95 G +110 21 96 Y +110 21 97 P +110 21 98 R +110 21 99 P +110 21 100 G +110 21 101 P +110 21 102 BL +110 21 103 B +110 21 104 G +110 21 105 P +110 21 106 Y +110 21 107 W +110 21 108 G +110 21 109 BL +110 21 110 Y +110 21 111 B +110 21 112 R +110 21 113 B +110 21 114 G +110 21 115 R +110 21 116 G +110 21 117 BL +110 21 118 R +110 21 119 G +110 21 120 W +110 21 121 R +110 21 122 G +110 21 123 BL +110 21 124 G +110 21 125 R +110 21 126 R +110 21 127 BL +110 21 128 Y +110 21 129 W +110 21 130 B +110 21 131 P +110 21 132 R +110 21 133 G +110 21 134 BL +110 21 135 R +110 21 136 G +110 21 137 R +110 21 138 G +110 21 139 W +110 21 140 BL +110 21 141 W +110 21 142 W +110 21 143 G +110 21 144 P +110 21 145 G +110 21 146 Y +110 21 147 G +110 21 148 R +110 21 149 G +110 21 150 P +110 21 151 Y +110 21 152 R +110 21 153 BL +110 21 154 B +110 21 155 B +110 21 156 G +110 21 157 B +110 21 158 W +110 21 159 Y +110 21 160 Y +110 21 161 G +110 21 162 R +110 21 163 BL +110 21 164 BL +110 21 165 B +110 21 166 BL +110 21 167 B +110 21 168 G +110 21 169 BL +110 21 170 B +110 21 171 G +110 21 172 W +110 21 173 R +110 21 174 Y +110 21 175 G +110 21 176 R +110 21 177 Y +110 21 178 BL +110 21 179 B +110 21 180 G +110 21 181 Y +110 21 182 P +110 21 183 B +110 21 184 P +110 21 185 Y +110 21 186 G +110 21 187 Y +110 21 188 BL +110 21 189 B +110 21 190 R +110 21 191 G +110 21 192 P +110 21 193 Y +110 21 194 R +110 21 195 G +110 21 196 G +110 21 197 P +110 21 198 B +110 21 199 G +110 21 200 BL +110 21 201 Y +110 21 202 G +110 21 203 P +110 21 204 B +110 21 205 BL +110 21 206 W +110 21 207 P +110 21 208 Y +110 21 209 G +110 21 210 B +110 21 211 BL +110 21 212 Y +110 21 213 P +110 21 214 G +110 21 215 P +110 21 216 B +110 21 217 Y +110 21 218 G +110 21 219 W +110 21 220 BL +110 21 221 G +110 21 222 P +110 21 223 G +110 21 224 W +110 21 225 B +110 21 226 BL +110 21 227 B +110 21 228 BL +110 21 229 G +110 21 230 W +110 21 231 P +110 21 232 B +110 21 233 P +110 21 234 G +110 21 235 BL +110 21 236 G +110 21 237 Y +110 21 238 G +110 21 239 R +110 21 240 B +110 21 241 W +110 21 242 Y +110 21 243 P +110 21 244 G +110 21 245 R +110 21 246 G +110 21 247 P +110 21 248 B +110 21 249 G +110 21 250 BL +110 21 251 G +110 21 252 W +110 21 253 G +110 21 254 W +110 21 255 B +110 21 256 R +110 21 257 B +110 21 258 Y +110 21 259 R +110 21 260 Y +110 21 261 R +110 21 262 W +110 21 263 B +110 21 264 G +110 21 265 G +110 21 266 R +110 21 267 P +110 21 268 G +110 21 269 P +110 21 270 Y +110 21 271 G +110 21 272 W +110 21 273 P +110 21 274 W +110 21 275 Y +110 21 276 R +110 21 277 BL +110 21 278 Y +110 21 279 BL +110 21 280 G +110 21 281 G +110 21 282 G +110 21 283 B +110 21 284 W +110 21 285 R +110 21 286 W +110 21 287 Y +110 21 288 R +110 21 289 G +110 21 290 W +110 21 291 BL +110 21 292 R +110 21 293 Y +110 21 294 W +110 21 295 B +110 21 296 BL +110 21 297 Y +110 21 298 R +110 21 299 G +110 21 300 W +110 21 301 G +110 21 302 W +110 21 303 W +110 21 304 G +110 21 305 P +110 21 306 G +110 21 307 BL +110 21 308 P +110 21 309 B +110 21 310 G +110 21 311 BL +110 21 312 B +110 21 313 BL +110 21 314 W +110 21 315 G +110 21 316 G +110 21 317 P +110 21 318 Y +110 21 319 W +110 21 320 G +110 21 321 R +110 21 322 BL +110 21 323 G +110 21 324 W +110 21 325 P +110 21 326 Y +110 21 327 G +110 21 328 G +110 21 329 B +110 21 330 W +110 22 1 BL +110 22 2 G +110 22 3 Y +110 22 4 B +110 22 5 G +110 22 6 Y +110 22 7 G +110 22 8 C +110 22 9 C +110 22 10 BL +110 22 11 B +110 22 12 Y +110 22 13 G +110 22 14 B +110 22 15 R +110 22 16 W +110 22 17 Y +110 22 18 B +110 22 19 BL +110 22 20 G +110 22 21 R +110 22 22 Y +110 22 23 P +110 22 24 B +110 22 25 G +110 22 26 BL +110 22 27 W +110 22 28 R +110 22 29 G +110 22 30 C +110 22 31 G +110 22 32 P +110 22 33 W +110 22 34 BL +110 22 35 R +110 22 36 B +110 22 37 BL +110 22 38 C +110 22 39 G +110 22 40 G +110 22 41 C +110 22 42 Y +110 22 43 BL +110 22 44 W +110 22 45 G +110 22 46 B +110 22 47 B +110 22 48 Y +110 22 49 G +110 22 50 P +110 22 51 B +110 22 52 W +110 22 53 C +110 22 54 G +110 22 55 G +110 22 56 W +110 22 57 G +110 22 58 B +110 22 59 W +110 22 60 B +110 22 61 C +110 22 62 P +110 22 63 R +110 22 64 BL +110 22 65 R +110 22 66 W +110 22 67 G +110 22 68 P +110 22 69 G +110 22 70 W +110 22 71 C +110 22 72 G +110 22 73 P +110 22 74 G +110 22 75 B +110 22 76 Y +110 22 77 G +110 22 78 W +110 22 79 B +110 22 80 BL +110 22 81 G +110 22 82 G +110 22 83 W +110 22 84 R +110 22 85 G +110 22 86 R +110 22 87 B +110 22 88 P +110 22 89 B +110 22 90 B +110 22 91 G +110 22 92 W +110 22 93 G +110 22 94 B +110 22 95 W +110 22 96 Y +110 22 97 P +110 22 98 R +110 22 99 W +110 22 100 G +110 22 101 P +110 22 102 W +110 22 103 B +110 22 104 G +110 22 105 P +110 22 106 Y +110 22 107 W +110 22 108 G +110 22 109 BL +110 22 110 Y +110 22 111 B +110 22 112 R +110 22 113 B +110 22 114 G +110 22 115 C +110 22 116 G +110 22 117 B +110 22 118 R +110 22 119 G +110 22 120 W +110 22 121 Y +110 22 122 G +110 22 123 G +110 22 124 G +110 22 125 Y +110 22 126 R +110 22 127 B +110 22 128 Y +110 22 129 W +110 22 130 B +110 22 131 P +110 22 132 Y +110 22 133 G +110 22 134 B +110 22 135 P +110 22 136 G +110 22 137 B +110 22 138 G +110 22 139 W +110 22 140 G +110 22 141 W +110 22 142 W +110 22 143 G +110 22 144 P +110 22 145 G +110 22 146 Y +110 22 147 G +110 22 148 R +110 22 149 G +110 22 150 P +110 22 151 R +110 22 152 P +110 22 153 G +110 22 154 B +110 22 155 B +110 22 156 G +110 22 157 B +110 22 158 W +110 22 159 Y +110 22 160 R +110 22 161 G +110 22 162 R +110 22 163 G +110 22 164 BL +110 22 165 B +110 22 166 B +110 22 167 W +110 22 168 G +110 22 169 G +110 22 170 B +110 22 171 B +110 22 172 W +110 22 173 R +110 22 174 Y +110 22 175 W +110 22 176 R +110 22 177 Y +110 22 178 BL +110 22 179 C +110 22 180 G +110 22 181 Y +110 22 182 C +110 22 183 B +110 22 184 P +110 22 185 C +110 22 186 G +110 22 187 Y +110 22 188 G +110 22 189 W +110 22 190 R +110 22 191 G +110 22 192 P +110 22 193 G +110 22 194 C +110 22 195 G +110 22 196 G +110 22 197 P +110 22 198 B +110 22 199 W +110 22 200 G +110 22 201 R +110 22 202 G +110 22 203 P +110 22 204 B +110 22 205 P +110 22 206 W +110 22 207 P +110 22 208 Y +110 22 209 G +110 22 210 C +110 22 211 G +110 22 212 Y +110 22 213 W +110 22 214 Y +110 22 215 R +110 22 216 B +110 22 217 R +110 22 218 G +110 22 219 W +110 22 220 P +110 22 221 W +110 22 222 P +110 22 223 G +110 22 224 W +110 22 225 G +110 22 226 G +110 22 227 B +110 22 228 B +110 22 229 G +110 22 230 W +110 22 231 P +110 22 232 B +110 22 233 P +110 22 234 G +110 22 235 BL +110 22 236 G +110 22 237 Y +110 22 238 G +110 22 239 R +110 22 240 C +110 22 241 W +110 22 242 W +110 22 243 C +110 22 244 W +110 22 245 Y +110 22 246 G +110 22 247 P +110 22 248 B +110 22 249 G +110 22 250 P +110 22 251 G +110 22 252 W +110 22 253 G +110 22 254 W +110 22 255 B +110 22 256 R +110 22 257 BL +110 22 258 G +110 22 259 C +110 22 260 W +110 22 261 Y +110 22 262 W +110 22 263 B +110 22 264 G +110 22 265 G +110 22 266 C +110 22 267 P +110 22 268 G +110 22 269 P +110 22 270 Y +110 22 271 G +110 22 272 W +110 22 273 P +110 22 274 W +110 22 275 G +110 22 276 P +110 22 277 G +110 22 278 Y +110 22 279 BL +110 22 280 G +110 22 281 G +110 22 282 G +110 22 283 C +110 22 284 W +110 22 285 R +110 22 286 W +110 22 287 C +110 22 288 Y +110 22 289 G +110 22 290 W +110 22 291 BL +110 22 292 R +110 22 293 W +110 22 294 W +110 22 295 B +110 22 296 P +110 22 297 Y +110 22 298 R +110 22 299 G +110 22 300 W +110 22 301 G +110 22 302 W +110 22 303 W +110 22 304 G +110 22 305 P +110 22 306 G +110 22 307 G +110 22 308 P +110 22 309 B +110 22 310 G +110 22 311 BL +110 22 312 B +110 22 313 P +110 22 314 W +110 22 315 G +110 22 316 G +110 22 317 P +110 22 318 Y +110 22 319 W +110 22 320 B +110 22 321 R +110 22 322 W +110 22 323 G +110 22 324 W +110 22 325 P +110 22 326 Y +110 22 327 W +110 22 328 G +110 22 329 C +110 22 330 W +110 23 1 G +110 23 2 G +110 23 3 R +110 23 4 P +110 23 5 G +110 23 6 Y +110 23 7 G +110 23 8 R +110 23 9 C +110 23 10 G +110 23 11 B +110 23 12 Y +110 23 13 G +110 23 14 G +110 23 15 Y +110 23 16 W +110 23 17 Y +110 23 18 B +110 23 19 G +110 23 20 G +110 23 21 R +110 23 22 Y +110 23 23 P +110 23 24 B +110 23 25 G +110 23 26 BL +110 23 27 W +110 23 28 R +110 23 29 G +110 23 30 Y +110 23 31 G +110 23 32 R +110 23 33 G +110 23 34 G +110 23 35 Y +110 23 36 G +110 23 37 G +110 23 38 R +110 23 39 G +110 23 40 G +110 23 41 C +110 23 42 Y +110 23 43 G +110 23 44 W +110 23 45 G +110 23 46 B +110 23 47 G +110 23 48 Y +110 23 49 G +110 23 50 P +110 23 51 C +110 23 52 W +110 23 53 R +110 23 54 G +110 23 55 G +110 23 56 Y +110 23 57 G +110 23 58 Y +110 23 59 W +110 23 60 B +110 23 61 R +110 23 62 P +110 23 63 R +110 23 64 G +110 23 65 R +110 23 66 W +110 23 67 G +110 23 68 R +110 23 69 B +110 23 70 W +110 23 71 C +110 23 72 G +110 23 73 P +110 23 74 W +110 23 75 G +110 23 76 Y +110 23 77 G +110 23 78 R +110 23 79 B +110 23 80 G +110 23 81 G +110 23 82 G +110 23 83 W +110 23 84 Y +110 23 85 G +110 23 86 R +110 23 87 B +110 23 88 P +110 23 89 B +110 23 90 B +110 23 91 G +110 23 92 W +110 23 93 G +110 23 94 B +110 23 95 W +110 23 96 Y +110 23 97 P +110 23 98 R +110 23 99 R +110 23 100 G +110 23 101 R +110 23 102 W +110 23 103 G +110 23 104 G +110 23 105 P +110 23 106 Y +110 23 107 W +110 23 108 W +110 23 109 G +110 23 110 Y +110 23 111 B +110 23 112 R +110 23 113 B +110 23 114 G +110 23 115 R +110 23 116 W +110 23 117 B +110 23 118 R +110 23 119 G +110 23 120 W +110 23 121 Y +110 23 122 G +110 23 123 G +110 23 124 Y +110 23 125 R +110 23 126 R +110 23 127 B +110 23 128 Y +110 23 129 W +110 23 130 B +110 23 131 P +110 23 132 R +110 23 133 G +110 23 134 C +110 23 135 R +110 23 136 G +110 23 137 G +110 23 138 G +110 23 139 W +110 23 140 G +110 23 141 W +110 23 142 W +110 23 143 Y +110 23 144 P +110 23 145 G +110 23 146 Y +110 23 147 G +110 23 148 R +110 23 149 G +110 23 150 P +110 23 151 R +110 23 152 P +110 23 153 G +110 23 154 B +110 23 155 B +110 23 156 G +110 23 157 C +110 23 158 W +110 23 159 Y +110 23 160 R +110 23 161 G +110 23 162 R +110 23 163 G +110 23 164 G +110 23 165 G +110 23 166 G +110 23 167 P +110 23 168 G +110 23 169 G +110 23 170 G +110 23 171 Y +110 23 172 W +110 23 173 R +110 23 174 Y +110 23 175 G +110 23 176 R +110 23 177 W +110 23 178 G +110 23 179 C +110 23 180 G +110 23 181 Y +110 23 182 C +110 23 183 Y +110 23 184 P +110 23 185 Y +110 23 186 G +110 23 187 Y +110 23 188 G +110 23 189 W +110 23 190 R +110 23 191 G +110 23 192 P +110 23 193 Y +110 23 194 C +110 23 195 G +110 23 196 G +110 23 197 P +110 23 198 B +110 23 199 W +110 23 200 G +110 23 201 R +110 23 202 G +110 23 203 R +110 23 204 B +110 23 205 P +110 23 206 W +110 23 207 R +110 23 208 Y +110 23 209 G +110 23 210 C +110 23 211 G +110 23 212 Y +110 23 213 W +110 23 214 G +110 23 215 R +110 23 216 G +110 23 217 R +110 23 218 G +110 23 219 W +110 23 220 G +110 23 221 W +110 23 222 P +110 23 223 G +110 23 224 W +110 23 225 G +110 23 226 G +110 23 227 B +110 23 228 G +110 23 229 G +110 23 230 W +110 23 231 P +110 23 232 G +110 23 233 P +110 23 234 G +110 23 235 G +110 23 236 Y +110 23 237 Y +110 23 238 G +110 23 239 R +110 23 240 C +110 23 241 W +110 23 242 Y +110 23 243 C +110 23 244 W +110 23 245 R +110 23 246 G +110 23 247 P +110 23 248 B +110 23 249 B +110 23 250 P +110 23 251 G +110 23 252 W +110 23 253 G +110 23 254 B +110 23 255 B +110 23 256 R +110 23 257 G +110 23 258 Y +110 23 259 C +110 23 260 Y +110 23 261 Y +110 23 262 W +110 23 263 B +110 23 264 W +110 23 265 G +110 23 266 C +110 23 267 P +110 23 268 G +110 23 269 P +110 23 270 Y +110 23 271 G +110 23 272 W +110 23 273 P +110 23 274 W +110 23 275 Y +110 23 276 R +110 23 277 G +110 23 278 Y +110 23 279 G +110 23 280 G +110 23 281 G +110 23 282 G +110 23 283 C +110 23 284 W +110 23 285 R +110 23 286 W +110 23 287 G +110 23 288 R +110 23 289 G +110 23 290 W +110 23 291 G +110 23 292 R +110 23 293 W +110 23 294 W +110 23 295 C +110 23 296 P +110 23 297 Y +110 23 298 R +110 23 299 G +110 23 300 W +110 23 301 G +110 23 302 W +110 23 303 W +110 23 304 G +110 23 305 P +110 23 306 G +110 23 307 G +110 23 308 P +110 23 309 B +110 23 310 G +110 23 311 G +110 23 312 B +110 23 313 P +110 23 314 W +110 23 315 G +110 23 316 G +110 23 317 P +110 23 318 Y +110 23 319 W +110 23 320 B +110 23 321 R +110 23 322 G +110 23 323 G +110 23 324 W +110 23 325 P +110 23 326 Y +110 23 327 W +110 23 328 G +110 23 329 Y +110 23 330 W +110 24 1 G +110 24 2 G +110 24 3 R +110 24 4 BL +110 24 5 G +110 24 6 Y +110 24 7 G +110 24 8 C +110 24 9 CA +110 24 10 BL +110 24 11 B +110 24 12 Y +110 24 13 BL +110 24 14 B +110 24 15 P +110 24 16 W +110 24 17 Y +110 24 18 B +110 24 19 G +110 24 20 G +110 24 21 R +110 24 22 Y +110 24 23 P +110 24 24 B +110 24 25 G +110 24 26 G +110 24 27 W +110 24 28 R +110 24 29 G +110 24 30 Y +110 24 31 G +110 24 32 P +110 24 33 G +110 24 34 G +110 24 35 Y +110 24 36 B +110 24 37 G +110 24 38 C +110 24 39 G +110 24 40 G +110 24 41 R +110 24 42 Y +110 24 43 B +110 24 44 W +110 24 45 G +110 24 46 B +110 24 47 B +110 24 48 Y +110 24 49 G +110 24 50 P +110 24 51 C +110 24 52 W +110 24 53 P +110 24 54 G +110 24 55 G +110 24 56 Y +110 24 57 G +110 24 58 Y +110 24 59 P +110 24 60 B +110 24 61 C +110 24 62 P +110 24 63 R +110 24 64 G +110 24 65 C +110 24 66 W +110 24 67 G +110 24 68 P +110 24 69 G +110 24 70 P +110 24 71 P +110 24 72 G +110 24 73 P +110 24 74 G +110 24 75 B +110 24 76 Y +110 24 77 G +110 24 78 R +110 24 79 B +110 24 80 G +110 24 81 G +110 24 82 G +110 24 83 Y +110 24 84 Y +110 24 85 G +110 24 86 R +110 24 87 B +110 24 88 P +110 24 89 B +110 24 90 B +110 24 91 G +110 24 92 W +110 24 93 G +110 24 94 B +110 24 95 G +110 24 96 Y +110 24 97 P +110 24 98 R +110 24 99 P +110 24 100 G +110 24 101 P +110 24 102 P +110 24 103 G +110 24 104 G +110 24 105 P +110 24 106 Y +110 24 107 W +110 24 108 W +110 24 109 P +110 24 110 Y +110 24 111 B +110 24 112 R +110 24 113 B +110 24 114 G +110 24 115 R +110 24 116 G +110 24 117 B +110 24 118 R +110 24 119 G +110 24 120 W +110 24 121 R +110 24 122 G +110 24 123 G +110 24 124 Y +110 24 125 R +110 24 126 R +110 24 127 B +110 24 128 Y +110 24 129 W +110 24 130 B +110 24 131 P +110 24 132 R +110 24 133 G +110 24 134 P +110 24 135 P +110 24 136 G +110 24 137 G +110 24 138 G +110 24 139 W +110 24 140 G +110 24 141 W +110 24 142 W +110 24 143 Y +110 24 144 P +110 24 145 G +110 24 146 Y +110 24 147 G +110 24 148 R +110 24 149 G +110 24 150 P +110 24 151 Y +110 24 152 P +110 24 153 G +110 24 154 B +110 24 155 B +110 24 156 G +110 24 157 CA +110 24 158 W +110 24 159 Y +110 24 160 R +110 24 161 G +110 24 162 C +110 24 163 G +110 24 164 G +110 24 165 G +110 24 166 P +110 24 167 P +110 24 168 G +110 24 169 G +110 24 170 B +110 24 171 G +110 24 172 W +110 24 173 R +110 24 174 Y +110 24 175 G +110 24 176 R +110 24 177 Y +110 24 178 G +110 24 179 P +110 24 180 G +110 24 181 Y +110 24 182 P +110 24 183 P +110 24 184 P +110 24 185 Y +110 24 186 G +110 24 187 Y +110 24 188 G +110 24 189 G +110 24 190 Y +110 24 191 G +110 24 192 P +110 24 193 Y +110 24 194 P +110 24 195 G +110 24 196 G +110 24 197 P +110 24 198 B +110 24 199 W +110 24 200 G +110 24 201 Y +110 24 202 G +110 24 203 R +110 24 204 B +110 24 205 P +110 24 206 W +110 24 207 R +110 24 208 Y +110 24 209 G +110 24 210 C +110 24 211 G +110 24 212 Y +110 24 213 P +110 24 214 Y +110 24 215 P +110 24 216 B +110 24 217 Y +110 24 218 G +110 24 219 G +110 24 220 P +110 24 221 G +110 24 222 P +110 24 223 G +110 24 224 W +110 24 225 Y +110 24 226 G +110 24 227 B +110 24 228 P +110 24 229 G +110 24 230 Y +110 24 231 P +110 24 232 B +110 24 233 G +110 24 234 G +110 24 235 G +110 24 236 Y +110 24 237 Y +110 24 238 G +110 24 239 Y +110 24 240 C +110 24 241 W +110 24 242 Y +110 24 243 P +110 24 244 W +110 24 245 R +110 24 246 G +110 24 247 P +110 24 248 B +110 24 249 G +110 24 250 P +110 24 251 G +110 24 252 W +110 24 253 G +110 24 254 G +110 24 255 B +110 24 256 R +110 24 257 G +110 24 258 Y +110 24 259 R +110 24 260 W +110 24 261 Y +110 24 262 W +110 24 263 B +110 24 264 G +110 24 265 G +110 24 266 Y +110 24 267 P +110 24 268 G +110 24 269 P +110 24 270 Y +110 24 271 B +110 24 272 W +110 24 273 P +110 24 274 W +110 24 275 Y +110 24 276 P +110 24 277 G +110 24 278 Y +110 24 279 P +110 24 280 G +110 24 281 G +110 24 282 G +110 24 283 CA +110 24 284 W +110 24 285 Y +110 24 286 W +110 24 287 Y +110 24 288 R +110 24 289 G +110 24 290 W +110 24 291 G +110 24 292 R +110 24 293 G +110 24 294 W +110 24 295 C +110 24 296 P +110 24 297 Y +110 24 298 R +110 24 299 G +110 24 300 W +110 24 301 G +110 24 302 W +110 24 303 G +110 24 304 G +110 24 305 P +110 24 306 G +110 24 307 G +110 24 308 P +110 24 309 B +110 24 310 G +110 24 311 G +110 24 312 B +110 24 313 P +110 24 314 W +110 24 315 G +110 24 316 G +110 24 317 P +110 24 318 Y +110 24 319 W +110 24 320 Y +110 24 321 R +110 24 322 G +110 24 323 G +110 24 324 W +110 24 325 P +110 24 326 Y +110 24 327 W +110 24 328 G +110 24 329 C +110 24 330 W +110 25 1 G +110 25 2 G +110 25 3 R +110 25 4 P +110 25 5 G +110 25 6 W +110 25 7 G +110 25 8 P +110 25 9 P +110 25 10 BL +110 25 11 B +110 25 12 Y +110 25 13 G +110 25 14 B +110 25 15 P +110 25 16 W +110 25 17 R +110 25 18 B +110 25 19 G +110 25 20 G +110 25 21 R +110 25 22 Y +110 25 23 P +110 25 24 B +110 25 25 G +110 25 26 BL +110 25 27 W +110 25 28 R +110 25 29 G +110 25 30 Y +110 25 31 G +110 25 32 P +110 25 33 G +110 25 34 G +110 25 35 Y +110 25 36 B +110 25 37 BL +110 25 38 R +110 25 39 G +110 25 40 G +110 25 41 R +110 25 42 Y +110 25 43 B +110 25 44 W +110 25 45 G +110 25 46 B +110 25 47 G +110 25 48 Y +110 25 49 G +110 25 50 P +110 25 51 Y +110 25 52 W +110 25 53 R +110 25 54 G +110 25 55 G +110 25 56 Y +110 25 57 G +110 25 58 Y +110 25 59 W +110 25 60 B +110 25 61 R +110 25 62 P +110 25 63 Y +110 25 64 G +110 25 65 R +110 25 66 W +110 25 67 G +110 25 68 P +110 25 69 B +110 25 70 W +110 25 71 BL +110 25 72 G +110 25 73 BL +110 25 74 G +110 25 75 B +110 25 76 Y +110 25 77 G +110 25 78 W +110 25 79 B +110 25 80 G +110 25 81 Y +110 25 82 G +110 25 83 W +110 25 84 Y +110 25 85 G +110 25 86 R +110 25 87 B +110 25 88 P +110 25 89 B +110 25 90 B +110 25 91 Y +110 25 92 W +110 25 93 G +110 25 94 B +110 25 95 W +110 25 96 Y +110 25 97 P +110 25 98 R +110 25 99 P +110 25 100 G +110 25 101 R +110 25 102 P +110 25 103 Y +110 25 104 G +110 25 105 P +110 25 106 Y +110 25 107 W +110 25 108 G +110 25 109 BL +110 25 110 Y +110 25 111 B +110 25 112 R +110 25 113 B +110 25 114 G +110 25 115 R +110 25 116 G +110 25 117 B +110 25 118 R +110 25 119 G +110 25 120 W +110 25 121 Y +110 25 122 G +110 25 123 BL +110 25 124 Y +110 25 125 R +110 25 126 R +110 25 127 B +110 25 128 Y +110 25 129 W +110 25 130 B +110 25 131 P +110 25 132 R +110 25 133 G +110 25 134 B +110 25 135 R +110 25 136 G +110 25 137 B +110 25 138 G +110 25 139 W +110 25 140 G +110 25 141 W +110 25 142 W +110 25 143 Y +110 25 144 BL +110 25 145 G +110 25 146 Y +110 25 147 G +110 25 148 R +110 25 149 Y +110 25 150 BL +110 25 151 Y +110 25 152 P +110 25 153 G +110 25 154 B +110 25 155 B +110 25 156 G +110 25 157 B +110 25 158 W +110 25 159 Y +110 25 160 R +110 25 161 G +110 25 162 R +110 25 163 G +110 25 164 G +110 25 165 B +110 25 166 G +110 25 167 P +110 25 168 G +110 25 169 G +110 25 170 B +110 25 171 B +110 25 172 W +110 25 173 R +110 25 174 Y +110 25 175 G +110 25 176 R +110 25 177 Y +110 25 178 G +110 25 179 BL +110 25 180 G +110 25 181 Y +110 25 182 R +110 25 183 B +110 25 184 P +110 25 185 Y +110 25 186 G +110 25 187 Y +110 25 188 G +110 25 189 W +110 25 190 R +110 25 191 G +110 25 192 P +110 25 193 Y +110 25 194 R +110 25 195 G +110 25 196 G +110 25 197 P +110 25 198 B +110 25 199 W +110 25 200 G +110 25 201 R +110 25 202 G +110 25 203 R +110 25 204 B +110 25 205 P +110 25 206 W +110 25 207 R +110 25 208 Y +110 25 209 G +110 25 210 R +110 25 211 G +110 25 212 Y +110 25 213 P +110 25 214 Y +110 25 215 P +110 25 216 B +110 25 217 Y +110 25 218 Y +110 25 219 W +110 25 220 G +110 25 221 W +110 25 222 P +110 25 223 G +110 25 224 W +110 25 225 Y +110 25 226 G +110 25 227 B +110 25 228 G +110 25 229 G +110 25 230 W +110 25 231 P +110 25 232 B +110 25 233 G +110 25 234 G +110 25 235 BL +110 25 236 Y +110 25 237 Y +110 25 238 G +110 25 239 R +110 25 240 B +110 25 241 W +110 25 242 Y +110 25 243 P +110 25 244 W +110 25 245 R +110 25 246 G +110 25 247 P +110 25 248 B +110 25 249 G +110 25 250 P +110 25 251 G +110 25 252 W +110 25 253 G +110 25 254 W +110 25 255 B +110 25 256 R +110 25 257 G +110 25 258 Y +110 25 259 R +110 25 260 Y +110 25 261 Y +110 25 262 W +110 25 263 B +110 25 264 W +110 25 265 G +110 25 266 Y +110 25 267 P +110 25 268 G +110 25 269 P +110 25 270 Y +110 25 271 B +110 25 272 W +110 25 273 P +110 25 274 W +110 25 275 Y +110 25 276 R +110 25 277 G +110 25 278 Y +110 25 279 G +110 25 280 G +110 25 281 G +110 25 282 G +110 25 283 B +110 25 284 W +110 25 285 R +110 25 286 W +110 25 287 Y +110 25 288 R +110 25 289 G +110 25 290 W +110 25 291 G +110 25 292 R +110 25 293 W +110 25 294 W +110 25 295 B +110 25 296 P +110 25 297 Y +110 25 298 R +110 25 299 G +110 25 300 W +110 25 301 G +110 25 302 W +110 25 303 W +110 25 304 Y +110 25 305 P +110 25 306 Y +110 25 307 G +110 25 308 P +110 25 309 B +110 25 310 G +110 25 311 G +110 25 312 B +110 25 313 P +110 25 314 W +110 25 315 Y +110 25 316 G +110 25 317 P +110 25 318 Y +110 25 319 W +110 25 320 Y +110 25 321 R +110 25 322 W +110 25 323 G +110 25 324 W +110 25 325 P +110 25 326 Y +110 25 327 W +110 25 328 B +110 25 329 Y +110 25 330 W diff --git a/src/examples/colors/grammar.py b/src/examples/colors/grammar.py new file mode 100644 index 00000000..e69de29b diff --git a/src/examples/colors/meaning.py b/src/examples/colors/meaning.py new file mode 100644 index 00000000..5b7af7aa --- /dev/null +++ b/src/examples/colors/meaning.py @@ -0,0 +1,268 @@ +import csv +import math +import pandas as pd +from ultk.language.semantics import Meaning, Universe, Referent +from ultk.language.language import Language, Expression +import ultk.effcomm.informativity as informativity +import ultk.effcomm.rate_distortion as rd +from collections import Counter +import os +import numpy as np +from urllib.request import urlretrieve +from rdot.ba import IBResult + +import pickle +import matplotlib.pyplot as plt + +import pandas as pdcombined +import plotnine as pn + +from zipfile import ZipFile + +wcs_dialect = csv.Dialect +wcs_dialect.delimiter = "\t" + +language_codes = dict() +language_terms = dict() + + + + +#Generate all WCS color codes +current_dir = os.path.dirname(os.path.realpath(__file__)) + +#####----TESTING - Grab the Noga model -- remove later +DEFAULT_MODEL_URL = 'https://www.dropbox.com/s/70w953orv27kz1o/IB_color_naming_model.zip?dl=1' +def load_model(filename=None, model_dir='./model/'): + if not os.path.isdir(model_dir): + os.makedirs(model_dir) + if filename is None: + filename = model_dir + 'IB_color_naming_model/model.pkl' + if not os.path.isfile(filename): + print('downloading default model from %s ...' % DEFAULT_MODEL_URL) + urlretrieve(DEFAULT_MODEL_URL, model_dir + 'temp.zip') + print('extracting model files ...') + with ZipFile(model_dir + 'temp.zip', 'r') as zf: + zf.extractall(model_dir) + #os.remove(model_dir + 'temp.zip') + os.rename(model_dir + 'IB_color_naming_model/IB_color_naming.pkl', filename) + with open(filename, 'rb') as f: + print('loading model from file: %s' % filename) + model_data = pickle.load(f) + return model_data + +model_data = load_model(filename=f"{current_dir}/model/model.pkl", model_dir=f"{current_dir}/model/") + + +munsell_to_cielab = {} +with open( + f"{current_dir}/data/cnum-vhcm-lab-new.txt", newline="", encoding="utf-8" +) as csvfile: + color_reader = csv.DictReader(csvfile, delimiter="\t") + for row in color_reader: + munsell_to_cielab[row["V"] + row["H"]] = [ + float(row["L*"]), + float(row["a*"]), + float(row["b*"]), + ] +color_codes = [{"name": key} for key in munsell_to_cielab.keys()] + +# Generate referents for all color codes +referents = pd.DataFrame(color_codes) +color_universe = Universe.from_dataframe(referents) + +with open(f"{current_dir}/data/lang.txt", newline="", encoding="utf-8") as csvfile: + lang_reader = csv.DictReader(csvfile, delimiter="\t") + for row in lang_reader: + language_codes[row["LNUM"]] = row["LNAME"] + +#Collect language information, such as term names, abbreviations, etc +with open(f'{current_dir}/data/dict.txt', newline='', encoding="utf-8" ) as csvfile: + term_reader = csv.DictReader(csvfile, delimiter='\t') + for row in term_reader: + lang_num = row["LNUM"] + lang_term_num = row["TNUM"] + lang_term_transcription = row["TRAN"] + lang_term_abbrev = row["WCSC"] + if lang_num not in language_terms: + language_terms[lang_num] = [] + language_terms[lang_num].append(lang_term_abbrev) + + +#Generate the uniform probability prior as a baseline +uniform_prior = color_universe.prior_numpy() +#uniform_prior = np.array(color_universe._prior) + +SIGMA_SQUARED_SCALAR = 64 +#Calculate the meaning space as an isotropic Gaussian centered at the first chip C, for all other points +def meaning(center, point): + return math.exp((-1/(2*SIGMA_SQUARED_SCALAR) * np.linalg.norm(center-point))) + +munsell_to_cielab = np.array(list(munsell_to_cielab.values())) +print(f"Munsell to CIELAB hues:{munsell_to_cielab}") + +#Generate the meaning space +meaning_space_indices = np.zeros(shape=(len(munsell_to_cielab), len(munsell_to_cielab))) +print(meaning_space_indices) +for center_index, center in enumerate(munsell_to_cielab): + for point_index, point in enumerate(munsell_to_cielab): + meaning_space_indices[center_index][point_index] = meaning(center, point) + + + +meaning_dists = meaning_space_indices / meaning_space_indices.sum(axis=1, keepdims=True) + +#print(language_terms) +expressions_by_speaker = {} +average_language_by_meaning = {} +speakers_by_language = {} +with open(f"{current_dir}/data/foci-exp.txt", newline="", encoding="utf-8") as csvfile: + color_reader = csv.DictReader(csvfile, delimiter="\t") + for row in color_reader: + lang_num = row["LNUM"] + speaker_num = row["SNUM"] + transcription = row["WCSC"] + color = row["COLOR"] + + # Filter AX to A0 and JX to J0 - both of these represent pure white/black respectively + if color.startswith("A"): + color = "A0" + elif color.startswith("J"): + color = "J0" + + # Update speaker records + if lang_num not in speakers_by_language: + speakers_by_language[lang_num] = set() + speakers_by_language[lang_num].add(speaker_num) + + #Assemble list of languages by speaker + if lang_num not in expressions_by_speaker: + expressions_by_speaker[lang_num] = {} + average_language_by_meaning[lang_num] = {} + if speaker_num not in expressions_by_speaker[lang_num]: + expressions_by_speaker[lang_num][speaker_num] = {} + if transcription not in expressions_by_speaker[lang_num][speaker_num]: + expressions_by_speaker[lang_num][speaker_num][transcription] = [] + if color not in average_language_by_meaning[lang_num]: + average_language_by_meaning[lang_num][color]= Counter() + + (expressions_by_speaker[lang_num][speaker_num])[transcription].append(color) + + average_language_by_meaning[lang_num][color][transcription] += 1 + + +#print(expressions_by_language) + +# For now, assume that if any speaker refers to a color by a given term, that color can be referred to by that term +# for language in expressions_by_language: +# for expression in expressions_by_language[language]: +# expressions_by_language[language][expression] = set(expressions_by_language[language][expression]) + +languages = {} + +#Average out the language, in case of disagreements. For each color, find the most common term associated with that color +for language_code in average_language_by_meaning: + expressions = {} + for color in average_language_by_meaning[language_code]: + #Find the most common term associated with each color + most_frequent_expression = average_language_by_meaning[language_code][color].most_common(1)[0][0] + #print(f"Most frequent expr:{most_frequent_expression}") + if most_frequent_expression not in expressions: + expressions[most_frequent_expression] = [] + expressions[most_frequent_expression].append(color) + language_expressions = [] + for expression_form in expressions: + #language_expressions.append(Expression(form=expression_form, meaning=Meaning(tuple([Referent(name=color) for color in expressions[expression_form]]), universe=color_universe))) + language_expressions.append(Expression(form=expression_form, meaning=Meaning(tuple([Referent(name=color) for color in expressions[expression_form]]), universe=color_universe))) + + languages[language_code] = Language(language_expressions, lang_code=language_code) + +#Generate the imshow heatmap for the meaning +plt.imshow(meaning_dists, cmap="hot") +plt.savefig(f"{current_dir}/outputs/old_meaning_dists.jpg") + +#Temporarily use Zaslavsky data to verify information +meaning_dists = model_data['pU_M'] +noga_prior = np.array([row[0] for row in model_data['pM']]) +noga_bound = model_data['IB_curve'] + +#Generate the heatmap for the Zaslavasky meaning function +plt.imshow(meaning_dists, cmap="hot") +plt.savefig(f"{current_dir}/outputs/noga_meaning_dists.jpg") + +#result = meaning(munsell_to_cielab[meaning_space_indices[0]], munsell_to_cielab[meaning_space_indices[1]]) +#Generate the meaning/accuracy/complexity for all languages based on the prior, meaning and Language +language_data = [] +for language_code in languages: + language = languages[language_code] + #Dereference the lang code to get the actual language associated with it + language_name = language_codes[language_code] + language_data.append((language_name, "natural") + rd.language_to_ib_point(language=language, prior=noga_prior, meaning_dists=(meaning_dists))) +combined_data = pd.DataFrame(language_data, columns =['name','type','complexity', 'informativity', 'comm_cost']) + +""" +#Generate languages per speaker +for language in expressions_by_speaker: + for speaker in expressions_by_speaker[language]: + expressions = [] + for expression in expressions_by_speaker[language][speaker]: + #print(f"Language:{language} | Expression:{expression} | Colors:{expressions_by_language[language][speaker][expression]}") + expressions.append(Expression(form=expression, meaning=Meaning(tuple([Referent(name=color) for color in expressions_by_speaker[language][speaker][expression]]), universe=color_universe))) + languages[(language, speaker)] = (Language(expressions, lang_code=language, speaker=speaker)) + + +#result = meaning(munsell_to_cielab[meaning_space_indices[0]], munsell_to_cielab[meaning_space_indices[1]]) +language_data = [] +for language_info in languages: + language = languages[language_info] + language_code = language_info[0] + speaker_id = language_info[1] + #Dereference the lang code to get the actual language associated with it + language_name = language_codes[language_code] + language_data.append((language_name, "natural", speaker_id) + rd.language_to_ib_point(language=language, prior=uniform_prior, meaning_dists=meaning_dists)) +combined_data = pd.DataFrame(language_data, columns =['name','type','speaker_id','complexity', 'informativity', 'comm_cost']) + +""" + +#Get the IB bound for the specified parameters +ib_boundary = rd.get_ib_bound(prior=uniform_prior, meaning_dists=meaning_dists, betas=np.logspace(-2, 2, 10)) +ib_boundary_points = pd.DataFrame([("ib_bound", "ib_bound", ib_point.rate, ib_point.accuracy, ib_point.distortion ) + for ib_point in ib_boundary if ib_point is not None], columns =['name','type','complexity', 'informativity', 'comm_cost']) + +combined_data = pd.concat([ib_boundary_points, combined_data]) + +#Generate and save plots +plot = ( + pn.ggplot(pn.aes(x="complexity", y="comm_cost")) + + pn.geom_point(combined_data, pn.aes(color="type")) + + pn.geom_text( + combined_data[combined_data["type"] == "natural"], + pn.aes(label="name"), + ha="left", + size=5, + nudge_x=0.1,) +) + + +plot.save(f"{current_dir}/outputs/complexity-commcost.png", width=8, height=6, dpi=300) + +plot = ( + pn.ggplot(pn.aes(x="complexity", y="informativity")) + + pn.geom_point(combined_data, pn.aes(color="type")) + + pn.geom_text( + combined_data[combined_data["type"] == "natural"], + pn.aes(label="name"), + ha="left", + size=5, + nudge_x=0.1,) + ) + +plot.save(f"{current_dir}/outputs/complexity-informativity.png", width=8, height=6, dpi=300) + +plot = ( + pn.ggplot(pn.aes(x="informativity", y="comm_cost")) + + pn.geom_point(combined_data, pn.aes(color="type")) + + ) + +plot.save(f"{current_dir}/outputs/informativity-commcost.png", width=8, height=6, dpi=300) diff --git a/src/examples/colors/meaning_dists.npy b/src/examples/colors/meaning_dists.npy new file mode 100644 index 00000000..ff96b5e5 Binary files /dev/null and b/src/examples/colors/meaning_dists.npy differ diff --git a/src/examples/colors/outputs/complexity-commcost.png b/src/examples/colors/outputs/complexity-commcost.png new file mode 100644 index 00000000..7cbc6a13 Binary files /dev/null and b/src/examples/colors/outputs/complexity-commcost.png differ diff --git a/src/examples/colors/outputs/complexity-informativity.png b/src/examples/colors/outputs/complexity-informativity.png new file mode 100644 index 00000000..acb23e75 Binary files /dev/null and b/src/examples/colors/outputs/complexity-informativity.png differ diff --git a/src/examples/colors/outputs/informativity-commcost.png b/src/examples/colors/outputs/informativity-commcost.png new file mode 100644 index 00000000..a2c25636 Binary files /dev/null and b/src/examples/colors/outputs/informativity-commcost.png differ diff --git a/src/examples/colors/outputs/noga_meaning_dists.jpg b/src/examples/colors/outputs/noga_meaning_dists.jpg new file mode 100644 index 00000000..1696f741 Binary files /dev/null and b/src/examples/colors/outputs/noga_meaning_dists.jpg differ diff --git a/src/examples/colors/outputs/old_meaning_dists.jpg b/src/examples/colors/outputs/old_meaning_dists.jpg new file mode 100644 index 00000000..eea43cc9 Binary files /dev/null and b/src/examples/colors/outputs/old_meaning_dists.jpg differ diff --git a/src/examples/colors/outputs/plot.png b/src/examples/colors/outputs/plot.png new file mode 100644 index 00000000..f74ee1ae Binary files /dev/null and b/src/examples/colors/outputs/plot.png differ diff --git a/src/examples/colors/plot.png b/src/examples/colors/plot.png new file mode 100644 index 00000000..7666b9fe Binary files /dev/null and b/src/examples/colors/plot.png differ diff --git a/src/examples/colors/prior.npy b/src/examples/colors/prior.npy new file mode 100644 index 00000000..f8420851 Binary files /dev/null and b/src/examples/colors/prior.npy differ diff --git a/src/examples/colors/validate_bound.ipynb b/src/examples/colors/validate_bound.ipynb new file mode 100644 index 00000000..6b592dab --- /dev/null +++ b/src/examples/colors/validate_bound.ipynb @@ -0,0 +1,359 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import plotnine as pn\n", + "from ultk.effcomm.rate_distortion import get_ib_bound" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "((330, 1), (330, 330))" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "zkrt18_prior = np.load(\"/Users/nathanielimel/uci/projects/ib-color-naming/zkrt18_prior.npy\")\n", + "zkrt18_meaning_dists = np.load(\"/Users/nathanielimel/uci/projects/ib-color-naming/zkrt18_meaning_dists.npy\")\n", + "\n", + "zkrt18_prior.shape, zkrt18_meaning_dists.shape" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "annealing beta: 0%| | 0/30 [00:00" + ] + }, + "metadata": { + "image/png": { + "height": 480, + "width": 640 + } + }, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "
" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "bound = get_ib_bound(\n", + " prior=zkrt18_prior.squeeze(), \n", + " meaning_dists=zkrt18_meaning_dists,\n", + ")\n", + "plot_data = pd.DataFrame(\n", + " [(x.rate, x.accuracy) for x in bound if x is not None], \n", + " columns=[\n", + " \"rate\", \n", + " \"accuracy\",\n", + " ]\n", + ")\n", + "(\n", + " pn.ggplot(\n", + " plot_data,\n", + " pn.aes(x=\"rate\", y=\"accuracy\"),\n", + " ) \n", + " + pn.geom_point() \n", + " + pn.geom_line()\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Check with embo" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "ename": "KeyboardInterrupt", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[4], line 6\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[38;5;28;01mfrom\u001b[39;00m \u001b[38;5;21;01mrdot\u001b[39;00m\u001b[38;5;21;01m.\u001b[39;00m\u001b[38;5;21;01mprobability\u001b[39;00m \u001b[38;5;28;01mimport\u001b[39;00m joint\n\u001b[1;32m 5\u001b[0m pxy \u001b[38;5;241m=\u001b[39m joint(zkrt18_meaning_dists, zkrt18_prior)\n\u001b[0;32m----> 6\u001b[0m results \u001b[38;5;241m=\u001b[39m \u001b[43mInformationBottleneck\u001b[49m\u001b[43m(\u001b[49m\u001b[43mpxy\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mpxy\u001b[49m\u001b[43m)\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mget_bottleneck\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 8\u001b[0m plot_data_embo \u001b[38;5;241m=\u001b[39m pd\u001b[38;5;241m.\u001b[39mDataFrame(\u001b[38;5;28mzip\u001b[39m(\u001b[38;5;241m*\u001b[39mresults[\u001b[38;5;241m0\u001b[39m:\u001b[38;5;241m2\u001b[39m]), columns\u001b[38;5;241m=\u001b[39m[\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mrate\u001b[39m\u001b[38;5;124m\"\u001b[39m, \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124maccuracy\u001b[39m\u001b[38;5;124m\"\u001b[39m])\n\u001b[1;32m 9\u001b[0m (\n\u001b[1;32m 10\u001b[0m pn\u001b[38;5;241m.\u001b[39mggplot(\n\u001b[1;32m 11\u001b[0m plot_data_embo,\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 15\u001b[0m \u001b[38;5;241m+\u001b[39m pn\u001b[38;5;241m.\u001b[39mgeom_line()\n\u001b[1;32m 16\u001b[0m )\n", + "File \u001b[0;32m~/miniforge3/envs/ultk/lib/python3.11/site-packages/embo/core.py:95\u001b[0m, in \u001b[0;36mInformationBottleneck.get_bottleneck\u001b[0;34m(self, return_entropies)\u001b[0m\n\u001b[1;32m 83\u001b[0m \u001b[38;5;250m\u001b[39m\u001b[38;5;124;03m\"\"\"Return array of I(M:X) and I(M:Y) for array of different values of beta\u001b[39;00m\n\u001b[1;32m 84\u001b[0m \n\u001b[1;32m 85\u001b[0m \u001b[38;5;124;03m Returns:\u001b[39;00m\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 92\u001b[0m \u001b[38;5;124;03m hy -- entropy of Y (only returned if return_entropies is True)\u001b[39;00m\n\u001b[1;32m 93\u001b[0m \u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 94\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mresults_ready:\n\u001b[0;32m---> 95\u001b[0m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mcompute_IB_curve\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 97\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m return_entropies:\n\u001b[1;32m 98\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mi_x, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mi_y, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mh_m, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mbeta, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mmixy, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mhx, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mhy\n", + "File \u001b[0;32m~/miniforge3/envs/ultk/lib/python3.11/site-packages/embo/core.py:76\u001b[0m, in \u001b[0;36mInformationBottleneck.compute_IB_curve\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 73\u001b[0m pyx_c \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mpxy_j\u001b[38;5;241m.\u001b[39mT \u001b[38;5;241m/\u001b[39m px\n\u001b[1;32m 75\u001b[0m \u001b[38;5;66;03m# Calculate the information bottleneck for a range of values of beta\u001b[39;00m\n\u001b[0;32m---> 76\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mi_x, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mi_y, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mh_m, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mbeta, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mmixy, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mhx \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mIB\u001b[49m\u001b[43m(\u001b[49m\u001b[43mpx\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mpy\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mpyx_c\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43malpha\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mkwargs_IB\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 77\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mhy \u001b[38;5;241m=\u001b[39m entropy(py)\n\u001b[1;32m 79\u001b[0m \u001b[38;5;66;03m# set a flag we will use to call this function automatically when needed\u001b[39;00m\n", + "File \u001b[0;32m~/miniforge3/envs/ultk/lib/python3.11/site-packages/embo/core.py:245\u001b[0m, in \u001b[0;36mInformationBottleneck.IB\u001b[0;34m(cls, px, py, pyx_c, alpha, minsize, maxbeta, minbeta, numbeta, iterations, restarts, processes, ensure_monotonic_bound, rtol)\u001b[0m\n\u001b[1;32m 243\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m mp\u001b[38;5;241m.\u001b[39mPool(processes\u001b[38;5;241m=\u001b[39mprocesses) \u001b[38;5;28;01mas\u001b[39;00m pool:\n\u001b[1;32m 244\u001b[0m results \u001b[38;5;241m=\u001b[39m [pool\u001b[38;5;241m.\u001b[39mapply_async(\u001b[38;5;28mcls\u001b[39m\u001b[38;5;241m.\u001b[39mbeta_iter, args\u001b[38;5;241m=\u001b[39m(alpha, b, px, py, pyx_c, pm_size, restarts, iterations,rtol)) \u001b[38;5;28;01mfor\u001b[39;00m b \u001b[38;5;129;01min\u001b[39;00m bs]\n\u001b[0;32m--> 245\u001b[0m results \u001b[38;5;241m=\u001b[39m \u001b[43m[\u001b[49m\u001b[43mp\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mget\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;28;43;01mfor\u001b[39;49;00m\u001b[43m \u001b[49m\u001b[43mp\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;129;43;01min\u001b[39;49;00m\u001b[43m \u001b[49m\u001b[43mresults\u001b[49m\u001b[43m]\u001b[49m\n\u001b[1;32m 246\u001b[0m ips \u001b[38;5;241m=\u001b[39m [x[\u001b[38;5;241m0\u001b[39m] \u001b[38;5;28;01mfor\u001b[39;00m x \u001b[38;5;129;01min\u001b[39;00m results]\n\u001b[1;32m 247\u001b[0m ifs \u001b[38;5;241m=\u001b[39m [x[\u001b[38;5;241m1\u001b[39m] \u001b[38;5;28;01mfor\u001b[39;00m x \u001b[38;5;129;01min\u001b[39;00m results]\n", + "File \u001b[0;32m~/miniforge3/envs/ultk/lib/python3.11/site-packages/embo/core.py:245\u001b[0m, in \u001b[0;36m\u001b[0;34m(.0)\u001b[0m\n\u001b[1;32m 243\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m mp\u001b[38;5;241m.\u001b[39mPool(processes\u001b[38;5;241m=\u001b[39mprocesses) \u001b[38;5;28;01mas\u001b[39;00m pool:\n\u001b[1;32m 244\u001b[0m results \u001b[38;5;241m=\u001b[39m [pool\u001b[38;5;241m.\u001b[39mapply_async(\u001b[38;5;28mcls\u001b[39m\u001b[38;5;241m.\u001b[39mbeta_iter, args\u001b[38;5;241m=\u001b[39m(alpha, b, px, py, pyx_c, pm_size, restarts, iterations,rtol)) \u001b[38;5;28;01mfor\u001b[39;00m b \u001b[38;5;129;01min\u001b[39;00m bs]\n\u001b[0;32m--> 245\u001b[0m results \u001b[38;5;241m=\u001b[39m [\u001b[43mp\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mget\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m \u001b[38;5;28;01mfor\u001b[39;00m p \u001b[38;5;129;01min\u001b[39;00m results]\n\u001b[1;32m 246\u001b[0m ips \u001b[38;5;241m=\u001b[39m [x[\u001b[38;5;241m0\u001b[39m] \u001b[38;5;28;01mfor\u001b[39;00m x \u001b[38;5;129;01min\u001b[39;00m results]\n\u001b[1;32m 247\u001b[0m ifs \u001b[38;5;241m=\u001b[39m [x[\u001b[38;5;241m1\u001b[39m] \u001b[38;5;28;01mfor\u001b[39;00m x \u001b[38;5;129;01min\u001b[39;00m results]\n", + "File \u001b[0;32m~/miniforge3/envs/ultk/lib/python3.11/multiprocessing/pool.py:768\u001b[0m, in \u001b[0;36mApplyResult.get\u001b[0;34m(self, timeout)\u001b[0m\n\u001b[1;32m 767\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mget\u001b[39m(\u001b[38;5;28mself\u001b[39m, timeout\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m):\n\u001b[0;32m--> 768\u001b[0m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mwait\u001b[49m\u001b[43m(\u001b[49m\u001b[43mtimeout\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 769\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mready():\n\u001b[1;32m 770\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mTimeoutError\u001b[39;00m\n", + "File \u001b[0;32m~/miniforge3/envs/ultk/lib/python3.11/multiprocessing/pool.py:765\u001b[0m, in \u001b[0;36mApplyResult.wait\u001b[0;34m(self, timeout)\u001b[0m\n\u001b[1;32m 764\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mwait\u001b[39m(\u001b[38;5;28mself\u001b[39m, timeout\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m):\n\u001b[0;32m--> 765\u001b[0m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_event\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mwait\u001b[49m\u001b[43m(\u001b[49m\u001b[43mtimeout\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/miniforge3/envs/ultk/lib/python3.11/threading.py:629\u001b[0m, in \u001b[0;36mEvent.wait\u001b[0;34m(self, timeout)\u001b[0m\n\u001b[1;32m 627\u001b[0m signaled \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_flag\n\u001b[1;32m 628\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m signaled:\n\u001b[0;32m--> 629\u001b[0m signaled \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_cond\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mwait\u001b[49m\u001b[43m(\u001b[49m\u001b[43mtimeout\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 630\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m signaled\n", + "File \u001b[0;32m~/miniforge3/envs/ultk/lib/python3.11/threading.py:327\u001b[0m, in \u001b[0;36mCondition.wait\u001b[0;34m(self, timeout)\u001b[0m\n\u001b[1;32m 325\u001b[0m \u001b[38;5;28;01mtry\u001b[39;00m: \u001b[38;5;66;03m# restore state no matter what (e.g., KeyboardInterrupt)\u001b[39;00m\n\u001b[1;32m 326\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m timeout \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[0;32m--> 327\u001b[0m \u001b[43mwaiter\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43macquire\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 328\u001b[0m gotit \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mTrue\u001b[39;00m\n\u001b[1;32m 329\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " + ] + } + ], + "source": [ + "import embo\n", + "from embo import InformationBottleneck\n", + "from rdot.probability import joint\n", + "\n", + "pxy = joint(zkrt18_meaning_dists, zkrt18_prior)\n", + "results = InformationBottleneck(pxy=pxy).get_bottleneck()\n", + "\n", + "plot_data_embo = pd.DataFrame(zip(*results[0:2]), columns=[\"rate\", \"accuracy\"])\n", + "(\n", + " pn.ggplot(\n", + " plot_data_embo,\n", + " pn.aes(x=\"rate\", y=\"accuracy\"),\n", + " ) \n", + " + pn.geom_point() \n", + " + pn.geom_line()\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "((330,), (330, 330))" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "mickey_prior = np.load(\"prior.npy\")\n", + "mickey_meaning_dists = np.load(\"meaning_dists.npy\")\n", + "\n", + "mickey_prior.shape, mickey_meaning_dists.shape" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "annealing beta: 0%| | 0/30 [00:00" + ] + }, + "metadata": { + "image/png": { + "height": 480, + "width": 640 + } + }, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "
" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "bound = get_ib_bound(\n", + " prior=mickey_prior,\n", + " meaning_dists=mickey_meaning_dists,\n", + ")\n", + "plot_data = pd.DataFrame(\n", + " [(x.rate, x.accuracy) for x in bound if x is not None], \n", + " columns=[\n", + " \"rate\", \n", + " \"accuracy\",\n", + " ]\n", + ")\n", + "(\n", + " pn.ggplot(\n", + " plot_data,\n", + " pn.aes(x=\"rate\", y=\"accuracy\"),\n", + " ) \n", + " + pn.geom_point() \n", + " + pn.geom_line()\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABQAAAAPACAYAAABq3NR5AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8g+/7EAAAACXBIWXMAAB7CAAAewgFu0HU+AAC0RElEQVR4nOzdeZzNdf//8eeZ1Yx1REK5iJJESkopxswge/YKydKcmWE2jCgRcZW1ELO0l7paXJfIvs2ZpEQKWbNmyVjGGMxgts/vD1/nV2GynDOfM2ce99ut203n8zlnnrrO9XY8z+v9+VgMwzAEAAAAAAAAwC15mB0AAAAAAAAAgPNQAAIAAAAAAABujAIQAAAAAAAAcGMUgAAAAAAAAIAbowAEAAAAAAAA3BgFIAAAAAAAAODGKAABAAAAAAAAN0YBCAAAAAAAALgxCkAAAAAAAADAjVEAAgAAAAAAAG6MAhAAAAAAAABwYxSAAAAAAAAAgBujAAQAAAAAAADcGAUgAAAAAAAA4MYoAAEAAAAAAAA3RgEIAAAAAAAAuDEKQAAAAAAAAMCNUQACAAAAAAAAbowCEAAAAAAAAHBjFIAAAAAAAACAG6MABAAAAAAAANwYBSAAAAAAAADgxigAAQAAAAAAADdGAQgAAAAAAAC4MQpAAAAAAAAAwI1RAAIAAAAAAABujAIQAAAAAAAAcGMUgAAAAAAAAIAbowAEAAAAAAAA3BgFIAAAAAAAAODGKAABAAAAAAAAN0YBCAAAAAAAALgxCkAAAAAAAADAjVEAAgAAAAAAAG6MAhAAAAAAAABwYxSAAAAAAAAAgBujAAQAAAAAAADcmJfZAeA6Tpw4YXYEhylRooQ8PDyUn5+v8+fPmx0HLsZiscjPz0/nzp2TYRhmx4GLYf1AQVg/UBDWDxSE9QMFYf1AQVg/8HcVKlS47ucwAQi35OfnJ39/f/n5+ZkdBS7Iw8ND/v7+8vBgCcTlWD9QENYPFIT1AwVh/UBBWD9QENYPOALvHgAAAAAAAMCNUQACAAAAAAAAbowCEAAAAAAAAHBjFIAAAAAAAACAG6MABAAAAAAAANwYBSAAAAAAAADgxigAAQAAAAAAADdGAQgAAAAAAAC4MQpAAAAAAAAAwI1RAAIAAAAAAABujAIQAAAAAAAAcGMUgAAAAAAAAIAbowAEAAAAAAAA3BgFIAAAAAAAAODGKAABAAAAAAAAN0YBCAAAAAAAALgxCkAAAAAAAADAjVEAAgAAAAAAAG6MAhAAAAAAAABwYxSAAAAAAAAAgBujAAQAAAAAAADcGAUgAAAAAAAA4MYoAAEAAAAAAAA3RgEIAAAAAAAAuDEKQAAAAAAAAMCNUQACAAAAAAAAbowCEAAAAAAAAHBjFIAAAAAAAACAG6MABAAAAAAAANyYl9kBAAAAAAAAAEf77bff9M033+jkyZMqU6aMQkJC9OCDD8pisZgdrdBRAAIAAAAAAMBtHDhwQLGxsfr222//8vjkyZPVoEEDTZkyRfXr1zcpnTnYAgwAAAAAAAC3cODAAbVp0+ay8u+SjRs3qkOHDvrll18KOZm5KAABAAAAAADgFmJiYnT06NECz8nMzFRoaKjy8vIKKZX5KAABAAAAAABQ5G3fvl2rV6++pnP379+vlStXOjmR66AABAAAAAAAQJG3YMGC6zp/3rx5TkrieigAAQAAAAAAUOSlpaVd1/knT550UhLXQwEIAAAAAACAIq906dLXdX6pUqWclMT1UAACAAAAAACgyAsODr6u80NCQpyUxPVQAAIAAAAAAKBIO3/+/HVd0++WW25Rx44dnZjItXiZHQAAAAAAAAC4UTt37lRoaKi2bdt2TedbLBZNnTpVJUqUcHIy18EEIAAAAAAAAIocwzD04YcfKiQkxF7+NWnSRB9//LFuv/32Kz4nICBAH374odq0aVOYUU3HBCAAAAAAAACKlJMnTyo2NlaLFi2SJHl6emr48OGKjIyUp6enQkJCtHTpUi1YsEBpaWkqU6aMgoOD1alTJ/n5+ZmcvvBRAAIAAAAAAKDI+O677xQeHq7U1FRJUvXq1ZWQkKCGDRvaz/H29la7du3Url07s2K6FLYAAwAAAAAAwOXl5ORo3Lhx6ty5s7386969u1atWvWX8g+XYwIQAAAAAAAALm3fvn0KCwvTzz//LEkqVaqUJk2apK5du5qcrGhgAhAAAAAAAAAu66uvvlJQUJC9/GvYsKGSk5Mp/64DE4AAAAAAAABwOWfOnNGwYcM0Z84cSZLFYlFMTIzi4uLk7e1tcrqihQIQAAAAAAAALuWnn35SWFiYfv/9d0lS5cqVFR8fryZNmpicrGhiCzAAAAAAAABcQl5enqZOnap27drZy7+2bdsqJSWF8u8mMAEIAAAAAAAA0/3xxx+KiIjQmjVrJEl+fn4aN26cevfuLYvFYnK6oo0CEAAAAAAAAKZasGCBYmNjderUKUlS3bp1lZiYqNq1a5sbzE2wBRgAAAAAAACmyMrK0pAhQ9S3b197+RcaGqolS5ZQ/jkQE4AAAAAAAAAodFu2bFFoaKh27dolSapQoYKmT5+uFi1amJzM/TABCAAAAAAAgEJjGIYSExPVqlUre/kXGBgom81G+eckTAACAAAAAACgUBw/flyRkZFauXKlJMnb21uvvPKKrFarPDyYU3MWCkAAAAAAAAA43apVqzRo0CAdP35cklSrVi0lJiaqfv36Jidzf1SrAAAAAAAAcJoLFy5o1KhR6tGjh73869Wrl1asWEH5V0iYAAQAAAAAAIBT7N69W6Ghofr1118lSWXLltXUqVPVoUMHk5MVL0wAAgAAAAAAwKEMw9Ann3yi4OBge/nXuHFj2Ww2yj8TMAEIAAAAAAAAhzl16pQGDx6sb775RpLk6empuLg4xcTEyNPT0+R0xRMFIAAAAAAAABzihx9+UHh4uA4fPixJqlatmuLj4/Xwww+bnKx4YwswAAAAAAAAbkpubq7eeOMNPfXUU/byr1OnTkpOTqb8cwFMAAIAAAAAAOCGHThwQGFhYVq/fr0kyd/fXxMmTFCPHj1ksVhMTgeJAhAAAAAAAAA3aO7cuRoyZIjOnDkjSWrQoIESEhJUs2ZNk5PhzygAAQAAAAAAcF3Onj2r4cOH64svvpAkWSwWDRo0SMOHD5ePj4/J6fB3FIAAAAAAAAC4Zr/88ousVqv27dsnSapUqZJmzZqlpk2bmpwMV8NNQAAAAAAAAPCP8vPzNWPGDLVp08Ze/rVq1UopKSmUfy6OCUAAAAAAAAAUKDU1VQMHDtS3334rSfL19dWYMWPUr18/bvRRBFAAAgAAAAAA4KqWLFmi6OhonTx5UpJ0zz33KCkpSXXq1DE5Ga4VW4ABAAAAAABwmXPnzmnYsGHq3bu3vfzr16+fli1bRvlXxDABCAAAAAAAgL/Yvn27rFartm/fLkkqX768pk+frlatWpmcDDeCCUAAAAAAAABIkgzD0HvvvacWLVrYy7+mTZsqJSWF8q8IYwIQAAAAAAAASktLU3R0tJYuXSpJ8vLy0ksvvaSBAwfKw4MZsqKMAhAAAAAAAKCYS0lJ0cCBA3X06FFJUo0aNZSYmKgHHnjA5GRwBOpbAAAAAACAYio7O1tjx45Vt27d7OXf008/rVWrVlH+uREmAAEAAAAAAIqhPXv2KCwsTBs3bpQklS5dWlOmTFGnTp3MDQaHYwIQAAAAAACgGDEMQ59//rmCgoLs5V+jRo1ks9ko/9wUE4AAAAAAAADFREZGhuLi4jR37lxJkoeHhwYPHqwhQ4bIy4uayF3xvywAAAAAAEAxsG7dOoWFhengwYOSpKpVqyo+Pl6PPvqoycngbGwBBgAAAAAAcGN5eXmaPHmyOnToYC//2rdvL5vNRvlXTDABCAAAAAAA4KYOHTqk8PBwrV27VpLk7++v8ePHq2fPnrJYLCanQ2GhAAQAAAAAAHBD8+fP1+DBg5WRkSFJuu+++5SUlKS77rrL5GQobGwBBgAAAAAAcCOZmZmKiYlR//797eVfRESElixZQvlXTDEBCAAAAAAA4CY2bdokq9WqPXv2SJIqVqyot99+W0FBQSYng5mYAAQAAAAAACji8vPzFR8fr9atW9vLv+DgYKWkpFD+gQlAAAAAAACAouzo0aOKjIxUcnKyJMnHx0ejRo1SaGgoN/qAJApAAAAAAACAImv58uWKiorSiRMnJEl33323EhMTdd9995mcDK6EAhB2FotFHh7utyvc09PT7AhwMZfeE7w38E94j+DvWD9wrXiP4O9YP3CteI/g7662fpw/f15jxoxRYmKi/bHnn39e48aNk7+/f6FmhOuzGIZhmB0CriErK4tFAgAAAAAAF7d9+3Y988wz2rRpkyQpICBA7777rjp37mxyMrgqCkDYpaWluc0EYJkyZeTp6am8vDydPn3a7DhwMZ6enipTpoxOnz6tvLw8s+PAxbB+oCCsHygI6wcKwvqBgrB+oCB/Xj9yc3P10Ucf6eWXX9a5c+ckSU2aNFFCQoKqVq1qclIUloCAgOt+DluAYWcYhlt+GHHH3xMcIy8vj/cHCsT7A1fD+oF/wvsDV8P6gX/C+wNXc/z4cUVHR2vhwoWSLhaDL774oqKiouwFMnA1FIAAAAAAAAAuzGaz6dlnn9WRI0ckSf/617+UmJiohg0bmpwMRYV77PcEAAAAAABwMzk5ORo3bpyCgoLs5V/Xrl2VnJxM+YfrwgQgAAAAAACAi9m/f7/CwsK0YcMGSVKpUqU0ceJEdevWzeRkKIqYAAQAAAAAAHAhc+bMUfPmze3l38MPP6yUlBTKP9wwCkAAAAAAAAAXcObMGUVERCg8PFxnz56VxWLR4MGD9d1336lGjRpmx0MRxhZgAAAAAAAAk23YsEFhYWHav3+/JKly5cqaNWuWmjVrJm9vb3PDochjAhAAAAAAAMAkeXl5euutt9SuXTt7+demTRvZbDY9/vjj5oaD22ACEAAAAAAAwAR//PGHBg4cqO+++06SVKJECb322mvq06ePLBaLyengTigAAQAAAAAACtmiRYsUExOj9PR0SVLdunWVmJio2rVrm5wM7ogtwAAAAAAAAIUkKytLQ4cOVZ8+fezl3wsvvKAlS5ZQ/sFpmAAEAAAAAAAoBFu3bpXVatXOnTslSRUqVNC0adPUsmVLk5PB3TEBCAAAAAAA4ESGYSgpKUmtWrWyl3+BgYFKTk6m/EOhYAIQAAAAAADASY4fP66oqCitWLFCkuTt7a2RI0cqLCxMHh7MZaFwUAACAAAAAAA4QXJysgYOHKjjx49LkmrWrKnExETdf//9JidDcUPVDAAAAAAA4EDZ2dkaPXq0unfvbi//evbsqRUrVlD+wRRMAAIAAAAAADjI7t27ZbVatXnzZklSmTJlNGXKFD311FPmBkOxxgQgAAAAAADATTIMQ59++qmCg4Pt5d8jjzwim81G+QfTMQEIAAAAAABwE06dOqUhQ4Zo/vz5kiQPDw/FxcUpJiZGXl5ULzAf70IAAAAAAIAbtHbtWoWHh+vQoUOSpDvuuEPx8fF65JFHTE4G/H9sAQYAAAAAALhOubm5mjhxojp27Ggv/5566iklJydT/sHlMAEIAAAAAABwHQ4ePKiwsDCtW7dOkuTv76833nhDTz/9tCwWi8npgMtRAAIAAAAAAFyjuXPnaujQoTp9+rQk6f7771diYqJq1qxpcjLg6tgCDAAAAAAA8A/Onj2ryMhIhYaG2su/QYMGadGiRZR/cHlMAAIAAAAAABRg48aNslqt2rt3ryTp1ltv1axZs9SsWTOTkwHXhglAAAAAAACAK8jPz9fbb7+tNm3a2Mu/li1bKiUlhfIPRQoTgAAAAAAAAH+TmpqqQYMGKSUlRZLk6+urMWPGqF+/ftzoA0UOBSAAAAAAAMCfLF26VNHR0UpLS5Mk3XPPPUpMTNS9995rcjLgxrAFGAAAAAAAQNK5c+c0fPhw9erVy17+9e3bV8uWLaP8Q5HGBCAAAAAAACj2duzYodDQUG3fvl2SFBAQoGnTpql169YmJwNuHhOAAAAAAACg2DIMQ++//75atGhhL/+eeOIJpaSkUP7BbTABCAAAAAAAiqW0tDTFxMRoyZIlkiQvLy+NGDFCgwYNkocHM1NwHxSAAAAAAACg2Fm9erUiIiKUmpoqSapevbqSkpL0wAMPmJwMcDzqbAAAAAAAUGzk5ORo7Nix6tKli7386969u5KTkyn/4LaYAAQAAAAAAMXC3r17FRYWpl9++UWSVLp0aU2aNEldunQxORngXEwAAgAAAAAAt2YYhr744gsFBQXZy79GjRopOTmZ8g/FAhOAAAAAAADAbZ0+fVpxcXH63//+J0ny8PBQbGyshg4dKi8vahEUD7zTAQAAAACAW1q/fr3CwsJ04MABSVKVKlUUHx+vxx57zORkQOFiCzAAAAAAAHAreXl5mjJlitq3b28v/9q2bSubzUb5h2KJCUAAAAAAAOA2Dh8+rPDwcP3www+SJH9/f40bN069evWSxWIxOR1gDgpAAAAAAADgFr755hvFxsYqIyNDknTfffcpKSlJd911l8nJAHOxBRgAAAAAABRpmZmZGjx4sPr162cv/8LCwrRkyRLKP0BMAAIAAAAAgCLs119/ldVq1a5duyRJFStW1IwZMxQcHGxyMsB1MAEIAAAAAACKnPz8fCUkJOjJJ5+0l39BQUGy2WyUf8DfMAEIAAAAAACKlGPHjikyMlKrVq2SJPn4+OiVV15RaGioPDyYdQL+jgIQAAAAAAAUGStXrlRkZKSOHz8uSbrrrruUmJioevXqmZwMcF3U4gAAAAAAwOVduHBBI0eO1NNPP20v/5577jktX76c8g/4B0wAAgAAAAAAl/bbb78pNDRUW7dulSSVK1dOU6dOVfv27U1OBhQNTAACAAAAAACXZBiGPvnkE4WEhNjLv8cee0w2m43yD7gOTAACAAAAAACXk56ertjYWC1cuFCS5OnpqWHDhik6Olqenp4mpwOKFgpAAAAAAADgUtasWaOIiAj98ccfkqRq1aopISFBjRo1MjkZUDSxBRgAAAAAALiEnJwcvf766+rUqZO9/OvSpYuSk5Mp/4CbwAQgAAAAAAAw3f79+xUeHq6ffvpJklSyZElNnDhR3bt3NzkZUPRRAAIAAAAAAFP997//1dChQ3X27FlJ0oMPPqiEhATVqFHD5GSAe6AABAAAAAAApjh79qxefPFFffnll5Iki8WiyMhIDR8+XN7e3ianA9wHBSAAAAAAACh0P//8s6xWq/bv3y9Juu222zRr1iw98cQT5gYD3BA3AQEAAAAAAIUmPz9f06ZNU9u2be3lX+vWrWWz2Sj/ACdhAhAAAAAAABSKI0eOaODAgVq9erUkqUSJEnrttdfUp08fWSwWk9MB7osCEAAAAAAAON3ixYsVHR2t9PR0SdK9996rxMRE3XPPPSYnA9wfW4ABAAAAAIDTnDt3TsOGDdNzzz1nL/8GDBigpUuXUv4BhYQJQAAAAAAA4BTbtm1TaGiodu7cKUm65ZZbNH36dLVs2dLkZEDxwgQgAAAAAABwKMMw9O6776ply5b28i8wMFA2m43yDzABE4AAAAAAAMBhTpw4oaioKC1fvlyS5O3trZdfflnh4eHy8GAOCTADBSAAAAAAAHAIm82mgQMH6tixY5KkO++8U0lJSbr//vtNTgYUb1TvAAAAAADgpmRnZ+vVV19Vt27d7OXfs88+q5UrV1L+AS6ACUAAAAAAAHDD9uzZI6vVqk2bNkmSypQpoylTpuipp54yNxgAOyYAAQAAAADAdTMMQ5999pmCgoLs5d/DDz8sm81G+Qe4GCYAAQAAAADAdcnIyNCQIUM0b948SZKHh4eGDh2q2NhYeXlRNQCuhv9XAgAAAACAa/bjjz8qLCxMhw4dkiTdfvvtio+PV+PGjU1OBuBq2AIMAAAAAAD+UW5uriZNmqQOHTrYy7+OHTvKZrNR/gEujglAAAAAAABQoIMHDyo8PFw//vijJMnf31+vv/66nnnmGVksFpPTAfgnFIAAAAAAAOCqvv76aw0ZMkSnT5+WJNWvX19JSUmqWbOmyckAXCu2AAMAAAAAgMucPXtW0dHReuGFF+zl38CBA7V48WLKP6CIYQIQAAAAAAD8xaZNm2S1WrVnzx5J0q233qqZM2cqMDDQ3GAAbggTgAAAAAAAQJKUn5+vmTNnqnXr1vbyr0WLFkpJSaH8A4owJgABAAAAAIBSU1MVGRkpm80mSfL19dXo0aM1YMAAbvQBFHEUgAAAAAAAFHPLli1TVFSU0tLSJEm1a9dWYmKi6tata3IyAI7AFmAAAAAAAIqp8+fPa8SIEerZs6e9/Ovbt6+WLVtG+Qe4ESYAAQAAAAAohnbu3KnQ0FBt27ZNkhQQEKBp06apdevWJicD4GhMAAIAAAAAUIwYhqEPP/xQISEh9vLv8ccfV0pKCuUf4KaYAAQAAAAAoJg4efKkYmNjtWjRIkmSl5eXhg8frkGDBsnT09PkdACchQIQAAAAAIBi4LvvvlN4eLhSU1MlSdWrV1diYqIefPBBk5MBcDa2AAMAAAAA4MZycnI0btw4de7c2V7+de/eXcnJyZR/QDHBBCAAAAAAAG5q3759CgsL088//yxJKlWqlCZPnqwuXbqYnAxAYWICEAAAAAAAN/Tll1+qefPm9vKvYcOGSk5OpvwDiiEmAAEAAAAAcCNnzpzRsGHDNGfOHEmSxWJRTEyM4uLi5O3tbXI6AGagAAQAAAAAwE389NNPCgsL0++//y5JqlKlimbNmqUmTZqYnAyAmdgCDAAAAABAEZeXl6epU6eqXbt29vKvbdu2stlslH8AmAAEAAAAAKAoO3z4sCIiIvT9999Lkvz8/DR+/Hj16tVLFovF5HQAXAEFIAAAAAAARdSCBQsUGxurU6dOSZLq1q2rpKQk3X333eYGA+BS2AIMAAAAAEARk5WVpSFDhqhv37728s9qtWrJkiWUfwAuwwQgAAAAAABFyJYtWxQaGqpdu3ZJkipWrKjp06crJCTE5GQAXBUTgAAAAAAAFAGGYSgxMVGtWrWyl3/NmzeXzWaj/ANQICYAAQAAAABwcceOHVNUVJRWrlwpSfL29taoUaMUGhoqDw9mewAUjAIQAAAAAAAXtmrVKg0aNEjHjx+XJNWqVUuJiYmqX7++yckAFBV8TQAAAAAAgAu6cOGCRo0apR49etjLv969e2vFihWUfwCuCxOAAAAAAAC4mF27dik0NFRbtmyRJJUtW1ZTp05Vhw4dTE4GoChiAhAAAAAAABdhGIY++eQThYSE2Mu/Rx99VCkpKZR/AG4YE4AAAAAAALiA9PR09e/fX998840kydPTU3FxcYqJiZGnp6fJ6QAUZRSAAAAAAACYbPXq1erZs6cOHjwoSapWrZoSEhLUqFEjk5MBcAdsAQYAAAAAwCS5ubkaPXq0AgMD7eVf586dlZycTPkHwGGYAAQAAAAAwAS///67wsPDtX79eklSqVKl9MYbb6h79+6yWCwmpwPgTigAAQAAAAAoZP/73/80dOhQnTlzRpL00EMPafbs2brllltMTgbAHbEFGAAAAACAQnL27FkNGjRIVqtVZ86ckcVi0bBhw7RmzRrVqlXL7HgA3BQTgAAAAAAAFIJffvlFVqtV+/btkyRVqlRJs2bNUseOHeXp6am8vDyTEwJwV0wAAgAAAADgRPn5+ZoxY4batGljL/+efPJJpaSkqGnTpianA1AcMAEIAAAAAICTpKamKiIiQqtXr5YklShRQmPGjFHfvn250QeAQkMBCAAAAACAEyxZskTR0dE6efKkJKlOnTpKTExUnTp1TE4GoLhhCzAAAAAAAA507tw5DRs2TL1797aXf/3799fSpUsp/wCYgglAAAAAAAAcZNu2bbJardqxY4ckqXz58po+fbpatWplcjIAxRkTgAAAAAAA3CTDMPTuu++qZcuW9vKvWbNmSklJofwDYDomAAEAAAAAuAlpaWmKjo7W0qVLJUleXl56+eWXFRERIQ8P5m4AmI8CEAAAAACAG5SSkqKBAwfq6NGjkqQ777xTiYmJatCggbnBAOBP+CoCAAAAAIDrlJ2drbFjx6pbt2728u+ZZ57RypUrKf8AuBwmAAEAAAAAuA579uxRWFiYNm7cKEkqXbq0pkyZok6dOpkbDACugglAAAAAAACugWEY+s9//qOgoCB7+deoUSPZbDbKPwAujQlAAAAAAAD+QUZGhuLi4jR37lxJkoeHh4YMGaLBgwfLy4u/WgNwbaxSAAAAAAAUYN26dQoLC9PBgwclSVWrVlV8fLweffRRk5MBwLVhCzAAAAAAAFeQm5uryZMnq0OHDvbyr0OHDrLZbJR/AIoUJgABAAAAAPibQ4cOKSwsTD/++KMkyd/fX+PHj1fPnj1lsVhMTgcA14cCEAAAAACAP5k/f74GDx6sjIwMSVK9evWUlJSkWrVqmZwMAG4MW4ABAAAAAJCUmZmpmJgY9e/f317+RUREaPHixZR/AIo0JgABAAAAAMXepk2bZLVatWfPHklSxYoVNXPmTDVv3tzkZABw85gABAAAAAAUW/n5+YqPj1fr1q3t5V9ISIhSUlIo/wC4DSYAAQAAAADF0tGjRzVo0CDZbDZJko+Pj0aPHq0XXniBG30AcCvFqgA8fvy4vv76a/38889KS0uTYRiqUKGCHnjgAXXq1EkVK1Y0JVd0dLQOHTqk//73vwWel5qaqjlz5ujXX39VWlqaSpcurdq1a6tDhw669957CyktAAAAABR9y5cvV1RUlE6cOCFJuvvuu5WUlKS6deuanAwAHK/YFIDbtm3Ta6+9pszMTFksFpUvX14XLlzQ4cOHdfjwYaWkpGjs2LGqWbNmoebatWuX9u3bJ29v7wLP27Fjh0aPHq1z587J09NTt9xyi06fPq3vv/9ea9euVf/+/dW+fftCSg0AAAAARdP58+f12muvKSkpyf7Y888/rzFjxsjf39/EZADgPMWiAMzOztbEiROVmZmp+vXrKzIyUpUqVZIk7d69W2+++aYOHjyoCRMmaNasWfLycv5/lpycHG3atOkvf+hczblz5zR+/HidO3dODRs2VFRUlAICApSTk6N58+bp448/1nvvvaeaNWsyCQgAAAAAV7Fz505ZrVZt3bpVkhQQEKA333xTbdu2NTkZADhXsbgJyA8//KCTJ0+qdOnSGjFihL38k6RatWpp+PDh8vDwUGpqqtauXevULPv27VNkZKR69OihsWPHKjU19R+fs2DBAmVkZCggIEBxcXEKCAiQJHl7e6tr16566KGHlJ+fry+++MKp2QEAAACgKDIMQx999JFatGhhL/+aNGkim81G+QegWCgWE4CXFviHHnpIJUuWvOz4HXfcocqVK+vw4cPavn27Hn/8cfux3bt3a+7cudq6datOnz6tcuXKqV69emrfvr1q1ap13VnOnz+vjIwMlSpVSpKUm5urs2fPFvicNWvWSJKCgoKuOJLevHlz/fTTT9q0aZPOnj1rf20AAAAAKO5OnjypwYMHa+HChZIkT09PDR8+XJGRkfL09DQ5HQAUjmJRAJ48eVKSdOutt171HA+Pi8OQOTk59se++eYbvfvuuzIMQ15eXipfvrwyMjKUnJyslJQUPfvss+revft1ZalTp44+/vhj+7//+uuvevnll696/tmzZ7V//35JUr169a54zj333CPp4u3rd+3apQceeOC6MgEAAACAO1qzZo3Cw8N15MgRSVL16tWVkJCghg0bmpwMAApXsSgAhw0bpry8vKveaOPAgQM6fPiwJKlatWqSpHXr1umdd96Rj4+P+vTpo9atW8vLy0s5OTlKTk5WQkKCZs+erWrVqqlx48ZOy37o0CHl5+dLkqpWrXrFcypUqCAvLy/l5uZe05ZiAAAAAHBnOTk5mjhxoqZNmybDMCRJ3bp104QJE1S6dGmT0wFA4SsW1wD08fGRn5/fFW/uceLECU2cOFH5+fkqWbKkmjZtqvz8fL3//vuSpD59+qh9+/b253p7e6tly5bq1q2bJOnrr792avYzZ87Yf12uXLkrnmOxWOzbfrOyspyaBwAAAABc2f79+9W+fXu99dZbMgxDpUqV0qxZszRr1izKPwDFVrEoAK/EMAytWLFC0dHROnDggLy8vBQTE6MyZcpo165d+uOPPyRdvL7elTRr1kyStGPHjr9sG3a0zMxM+6+vNsEoyV5Q5ubmOi0LAAAAALiyr776Ss2bN9eGDRskSQ0bNtSqVavsAxwAUFwViy3Af7dr1y4lJSVp586dkqSKFSsqNjZW9913nyRpz549ki5O1sXFxRX4Wvn5+UpLS9Ntt92mN998U7/99ttl58TGxuruu+++oax/nlq8cOGC/Pz8rnjepRKyRIkSN/RzAAAAAKCoOnPmjF588UV99dVXki7+XS4mJkZxcXEFDlIAQHFRrArAs2fP6sMPP9Ty5cvtN/Zo3769evTo8Ze76166K69hGPZrAxbkwoULkqTjx49f8fxLx2/En0fUs7KyrlgAGoZhnxQMCAi46mvNnj1bn3322VWPd+3aVX369LnhrK7k0k1dPDw8CvxvguLJYrFIksqWLWu/JgxwCesHCsL6gYKwfqAgrB/O8+OPP6p3797au3evpIvXTv/oo48UGBhobrDrwPqBgrB+wBGKTQH4xx9/6NVXX7XfJOPxxx/Xc889p9tuu+2yc319fSVJJUuW1H/+859r/hn//ve/HRP2T6pUqWL/9eHDh3XLLbdcdk5aWpp96+8dd9xx1dfKzMzUsWPHrno8KytLnp6eN5HW9VgsFrf7PcFxLn3QAq6E9QMFYf1AQVg/UBDWD8fJy8vTxIkTNWrUKPvfh5566im9++67V/x7U1HA+oGCsH7gZhSLAvD8+fP28q9MmTKKjY0t8Lbvl+62m5mZqdOnT6tMmTKXnZOZmal169bJw8PDfj1AZ6hYsaJuvfVWHTt2TNu2bVP9+vUvO2f79u2SLk4L/utf/7rqa5UsWVK33nrrVY/7+/srLy/v5kO7AA8PD1ksFhmGYb+LMnCJxWKRh4eH8vPz+QYNl2H9QEFYP1AQ1g8UhPXDsQ4dOqQ+ffooJSVFkuTn56epU6dqwIABslgsRe7vNawfKAjrB/7uRr4oKBYF4NKlS5WamqoSJUro1VdfVa1atQo8v27duvL391dWVpaWLFmi7t27X3bO119/rS+++EL16tVzagEoSU888YT++9//asWKFerSpctfrmFhGIYWLlwoSWratGmB3wj06tVLvXr1uurxEydOKD093XHBTRQQECBPT0/l5+e7ze8JjuPp6amAgABlZGQUuQ+HcD7WDxSE9QMFYf1AQVg/HGfRokWKiYmx//+sbt26SkxMVO3atXXq1Clzw90g1g8UhPUDf1ehQoXrfk6xmB/97rvvJEnt27f/x/JPuvjtUZcuXSRdvIvUd999Z/8WJjs7W3PnztVXX30li8WiZ5991nnB/0+HDh1UunRpHTt2TFOmTLFfozArK0szZ87Utm3bVLJkySsWlQAAAADgDrKysjR06FD16dPHXpKFhoZqyZIlql27tsnpAMC1uf0EoGEY9rv6Jicn6/vvvy/w/LZt26pdu3bq2rWrUlNTtXz5ck2cOFElS5ZU6dKldfLkSWVnZ8vLy0svvPCC6tat6/TfQ0BAgIYOHarXX39d33//vdatW6fy5csrPT1dOTk58vX11dChQ7lYLAAAAAC3tGXLFlmtVv3222+SLk6/TJ8+XS1atDA5GQAUDW5fAJ45c8Z+QdgTJ0784/mnT5+WdHGPfWRkpBo1aqRFixZp165dOnnypMqXL6+6deuqffv2uvPOO52a/c8eeOABTZ06VXPmzNHmzZuVnp6ucuXKqV69eurcubOqVatWaFkAAAAAoDAYhqF33nlHY8aMUXZ2tiQpMDBQb7/9tipVqmRyOgAoOiwGV5DE/7mWgrSouHQNjby8PK6hgctcuoZGeno619DAZVg/UBDWDxSE9QMFYf24fsePH1dUVJRWrFghSfL29tYrr7wiq9XqdndDZf1AQVg/8Hc3cg1At58ABAAAAAAULcnJyRo4cKCOHz8uSapVq5YSExNVv359k5MBQNHkXl+bAAAAAACKrOzsbI0ePVrdu3e3l389e/bUihUrKP8A4CYwAQgAAAAAMN3u3btltVq1efNmSVLZsmU1ZcoUdezY0eRkAFD0MQEIAAAAADCNYRiaPXu2goOD7eVf48aNZbPZKP8AwEGYAAQAAAAAmOLUqVMaMmSI5s+fL+nizQ7i4uIUExMjT09Pk9MBgPugAAQAAAAAFLq1a9cqPDxchw4dkiTdcccdSkhI0MMPP2xyMgBwP2wBBgAAAAAUmtzcXE2YMEEdO3a0l3+dOnVScnIy5R8AOAkTgAAAAACAQnHgwAGFhYVp/fr1kiR/f39NmDBBPXr0kMViMTkdALgvCkAAAAAAgNPNnTtXQ4cO1enTpyVJDRo0UEJCgmrWrGlyMgBwf2wBBgAAAAA4zdmzZxUZGanQ0FB7+RcZGamFCxdS/gFAIWECEAAAAADgFBs3bpTVatXevXslSZUqVdLMmTPVrFkzk5MBQPHCBCAAAAAAwKHy8/M1Y8YMtW7d2l7+tWrVSjabjfIPAEzABCAAAAAAwGFSU1M1aNAgpaSkSJJ8fX01ZswY9evXjxt9AIBJKAABAAAAAA6xdOlSRUdHKy0tTZJ0zz33KCkpSXXq1DE5GQAUb2wBBgAAAADclHPnzmn48OHq1auXvfzr16+fli1bRvkHAC6ACUAAAAAAwA3bvn27rFartm/fLkkqX768pk2bpieffNLkZACAS5gABAAAAABcN8Mw9P7776tly5b28q9p06ZKSUmh/AMAF8MEIAAAAADguqSlpSkmJkZLliyRJHl5eemll17SwIED5eHBnAkAuBoKQAAAAADANVu9erUiIiKUmpoqSapRo4YSExP1wAMPmJwMAHA1fDUDAAAAAPhH2dnZGjt2rLp06WIv/3r06KFVq1ZR/gGAi2MCEAAAAACKuU2bNunDDz/U5s2blZeXpxo1aujZZ59VcHCwPDw8tHfvXlmtVm3cuFGSVLp0aU2ePFmdO3c2NzgA4JpQAAIAAABAMZWVlaXIyEjNnz//L49v3bpVCxYs0H333acePXrojTfeUGZmpiSpUaNGSkhIULVq1cyIDAC4ARSAAAAAAFAM5efna8CAAVq+fPlVz9myZYu2bNkiSfLw8FBsbKyGDh0qLy/+KgkARQmrNgAAAAAUQ4sWLSqw/PuzUqVK6dNPP9Vjjz3m5FQAAGfgJiAAAAAAUAx98MEH13yut7e3GjZs6MQ0AABnogAEAAAAgGImPz9fa9asuebz09PTtW3bNicmAgA4EwUgAAAAABQz2dnZysvLu67nZGVlOSkNAMDZKAABAAAAoJjx9fVV2bJlr+s5t912m5PSAACcjQIQAAAAAIoZi8WiZs2aXfP5DRo0UM2aNZ2YCADgTNwFGAAAAACKkfz8fCUlJWnx4sXX/JzQ0FAnJgIAOBsFIAAAAAAUE8eOHVNkZKRWrVolSfL09PzHawH26dNHXbt2LYx4AAAnYQswAAAAABQDK1asUGBgoL38u+uuu7RixQp98sknql279mXn33rrrRo7dqwmTZoki8VS2HEBAA7EBCAAAAAAuLELFy5o7NixSkpKsj/Wp08fjR07Vv7+/rrvvvvUqlUr/fjjj9q0aZPy8/NVo0YNBQcHy9vb28TkAABHoQAEAAAAADf122+/KTQ0VFu3bpUklStXTm+++abatWv3l/MsFosaN26sxo0bmxETAOBkbAEGAAAAADdjGIY+/vhjhYSE2Mu/xx57TCkpKZeVfwAA98cEIAAAAAC4kfT0dMXGxmrhwoWSLt7o48UXX1RUVJQ8PT1NTgcAMAMFIAAAAAC4iTVr1ig8PFxHjhyRJP3rX/9SYmKiGjZsaHIyAICZ2AIMAAAAAEVcTk6O/v3vf6tTp0728q9r165KTk6m/AMAMAEIAAAAAEXZ/v37FR4erp9++kmSVLJkSU2aNEndunUzORkAwFVQAAIAAABAETVnzhzFxcXp7NmzkqQHH3xQCQkJqlGjhsnJAACuhAIQAAAAAIqYM2fOaPjw4fryyy8lSRaLRdHR0Ro2bJi8vb1NTgcAcDUUgAAAAABQhPz888+yWq3av3+/JKly5cqaNWuWHn/8cXODAQBcFjcBAQAAAIAiIC8vT2+99Zbatm1rL//atGkjm81G+QcAKBATgAAAAADg4o4cOaKIiAh99913kiQ/Pz+99tpreu6552SxWExOBwBwdRSAAAAAAODCFi1apJiYGKWnp0uS6tatq8TERNWuXdvkZACAooItwAAAAADggrKyshQXF6c+ffrYy78XXnhBS5YsofwDAFwXJgABAAAAwMVs3bpVVqtVO3fulCRVqFBB06ZNU8uWLU1OBgAoipgABAAAAAAXYRiGkpKS1KpVK3v5FxgYKJvNRvkHALhhTAACAAAAgAs4ceKEoqKitHz5ckmSt7e3XnnlFVmtVnl4MLsBALhxFIAAAAAAYLLk5GQNGjRIx44dkyTVrFlTiYmJuv/++01OBgBwB3yNBAAAAAAmyc7O1ujRo9W9e3d7+dezZ0+tXLmS8g8A4DBMAAIAAACACXbv3i2r1arNmzdLksqWLaspU6aoY8eOJicDALgbJgABAAAAoBAZhqFPP/1UwcHB9vLvkUcekc1mo/wDADgFE4AAAAAAUEhOnTql2NhYzZs3T5Lk6empuLg4RUdHy8uLv54BAJyDP2EAAAAAoBB89913euaZZ3To0CFJ0h133KGEhAQ9/PDDJicDALg7tgADAAAAgBPl5ubqjTfeULNmzezlX6dOnZScnEz5BwAoFEwAAgAAAICTHDhwQGFhYVq/fr0kqWTJknrjjTfUo0cPWSwWk9MBAIoLCkAAAAAAcIK5c+dq6NChOn36tCTpoYceUnx8vKpXr25uMABAscMWYAAAAABwoLNnzyoyMlKhoaH28i8qKkpr1qxRzZo1TU4HACiOmAAEAAAAAAfZuHGjrFar9u7dK0mqVKmSZs6cqaCgIPn4+CgzM9PkhACA4ogJQAAAAAC4Sfn5+Xr77bfVpk0be/nXqlUr2Ww2NWvWzOR0AIDijglAAAAAALgJqampGjRokFJSUiRJvr6+GjNmjPr168eNPgAALoECEAAAAABu0NKlSxUdHa20tDRJ0j333KOkpCTVqVPH5GQAAPx/bAEGAAAAgOt07tw5DR8+XL169bKXf/369dOyZcso/wAALocJQAAAAAC4Dtu3b5fVatX27dslSeXLl9f06dPVqlUrk5MBAHBlTAACAAAAwDUwDEPvv/++WrZsaS//mjZtqpSUFMo/AIBLYwIQAAAAAP5BWlqaYmJitGTJEkmSl5eXXnrpJQ0cOFAeHsxVAABcGwUgAAAAABTg22+/VUREhI4ePSpJqlGjhhITE/XAAw+YnAwAgGvDV1UAAAAAcAXZ2dkaO3asunbtai//nn76aa1atYryDwBQpDABCAAAAAB/s3fvXlmtVm3cuFGSVLp0aU2ZMkWdOnUyNxgAADeACUAAAAAA+D+GYejzzz9XUFCQvfxr1KiRbDYb5R8AoMhiAhAAAAAAJJ0+fVpxcXH63//+J0ny8PDQ4MGDNWTIEHl58VcnAEDRxZ9iAAAAAIq99evXKywsTAcOHJAkVa1aVfHx8Xr00UdNTgYAwM1jCzAAAACAYisvL09TpkxR+/bt7eVf+/btZbPZKP8AAG6DCUAAAAAAxdKhQ4cUHh6utWvXSpL8/f01fvx49ezZUxaLxeR0AAA4DgUgAAAAgGJn/vz5Gjx4sDIyMiRJ9erVU1JSkmrVqmVyMgAAHI8twAAAAACKjczMTMXGxqp///728i8iIkKLFy+m/AMAuC0mAAEAAAAUC5s3b5bVatXu3bslSRUrVtTbb7+toKAgk5MBAOBcTAACAAAAcGv5+flKSEhQ69at7eVfSEiIUlJSKP8AAMUCE4AAAAAA3NbRo0cVGRmp5ORkSZKPj49Gjx6tF154gRt9AACKDQpAAAAAAG5pxYoVioqK0vHjxyVJd999txITE3XfffeZnAwAgMLFFmAAAAAAbuXChQt6+eWX9cwzz9jLv+eff17Lly+n/AMAFEtMAAIAAABwG7/99ptCQ0O1detWSVJAQIDefPNNtW3b1uRkAACYhwlAAAAAAEWeYRj6+OOPFRISYi//mjRpIpvNRvkHACj2mAAEAAAAUKSlp6crNjZWCxculCR5enrqxRdfVFRUlDw9PU1OBwCA+SgAAQAAABRZa9asUXh4uI4cOSJJql69uhISEtSwYUOTkwEA4DrYAgwAAACgyMnJydH48ePVqVMne/nXrVs3rVq1ivIPAIC/YQIQAAAAQJGyf/9+hYWFacOGDZKkUqVKaeLEierWrZvJyQAAcE1MAAIAAAAoMubMmaPmzZvby7+GDRtq1apVlH8AABSACUAAAAAALu/MmTMaPny4vvzyS0mSxWJRTEyM4uLi5O3tbXI6AABcGwUgAAAAAJe2YcMGhYWFaf/+/ZKkypUrKz4+Xk2aNDE3GAAARQRbgAEAAAC4pLy8PL311ltq166dvfxr06aNbDYb5R8AANeBCUAAAAAALufIkSOKiIjQd999J0ny8/PTuHHj1Lt3b1ksFpPTAQBQtFAAAgAAAHApixYtUkxMjNLT0yVJdevWVWJiomrXrm1yMgAAiia2AAMAAABwCVlZWRo6dKj69OljL/9CQ0O1ZMkSyj8AAG4CE4AAAAAATLd161ZZrVbt3LlTklShQgVNnz5dLVq0MDkZAABFHxOAAAAAAExjGIaSkpLUqlUre/kXGBgom81G+QcAgIMwAQgAAADAFMePH1dUVJRWrFghSfL29tYrr7wiq9UqDw9mFQAAcBQKQAAAAACFLjk5WQMHDtTx48clSbVq1VJiYqLq169vcjIAANwPX6sBAAAAKDTZ2dkaPXq0unfvbi//evXqpRUrVlD+AQDgJEwAAgAAACgUu3fvltVq1ebNmyVJZcuW1dSpU9WhQweTkwEA4N6YAAQAAADgVIZhaPbs2QoODraXf40bN5bNZqP8AwCgEDABCAAAAMBpTp06pSFDhmj+/PmSJE9PT8XFxSkmJkaenp4mpwMAoHigAAQAAADgFD/88IMiIiJ06NAhSVK1atUUHx+vhx9+2ORkAAAUL2wBBgAAAOBQubm5mjBhgp566il7+depUyclJydT/gEAYAImAAEAAAA4zIEDBxQWFqb169dLkvz9/TVhwgT16NFDFovF5HQAABRPFIAAAAAAHGLu3LkaOnSoTp8+LUlq0KCBEhISVLNmTZOTAQBQvFEAAgAAALgpZ8+e1YgRI/T5559LkiwWiwYNGqThw4fLx8fH5HQAAIACEAAAAMAN27hxo0JDQ7Vv3z5JUqVKlTRr1iw1bdrU5GQAAOASbgICAAAA4Lrl5+drxowZat26tb38e/LJJ5WSkkL5BwCAi2ECEAAAAMB1SU1N1aBBg5SSkiJJKlGihMaMGaO+fftyow8AAFwQBSAAAACAa7Z06VJFR0crLS1NklSnTh0lJiaqTp06JicDAABXwxZgAAAAAP/o3LlzevHFF9WrVy97+devXz8tXbqU8g8AABfHBCAAAACAAm3fvl1Wq1Xbt2+XJJUvX17Tp09Xq1atTE4GAACuBROAAAAAAK7IMAy9//77atmypb38a9asmVJSUij/AAAoQpgABAAAAHCZtLQ0RUdHa+nSpZIkLy8vvfzyy4qIiJCHB3MEAAAUJQ79k9tqtSo5OVmGYTjyZQEAAAAUom+//VbNmjWzl381atTQ4sWLNWjQIMo/AACKIIf+6f3OO+8oJCRElStXVkREhGw2G2UgAAAAUERkZ2dr7Nix6tq1q44ePSpJeuaZZ7Rq1So1aNDA3HAAAOCGOfzrO8MwdOzYMSUmJio4OFhVq1bVoEGDlJKS4ugfBQAAAMBB9uzZo7Zt22rGjBkyDEOlS5dWUlKSpk+frlKlSpkdDwAA3ASHFoD/+c9/9PTTT6ts2bIyDEOGYSg1NVXx8fEKCgpS1apVFRUVpTVr1jjyxwIAAAC4QYZh6PPPP1dQUJA2btwoSWrUqJFsNps6depkbjgAAOAQDi0Ae/Tooc8++0zHjx/X0qVLFRERodtvv91eBh45ckQzZ85U06ZNVa1aNcXFxWnDhg2OjAAAAADgGp0+fVpWq1WRkZHKysqSh4eH4uLiNH/+fFWrVs3seAAAwEEsRiFcpG/Dhg36+uuvNW/ePG3ZsuX//3CLRZJUq1Yt9e7dW7169VL16tWdHQdXceLECbMjOExAQIA8PT2Vl5en9PR0s+PAxXh6eiogIEDp6enKy8szOw5cDOsHCsL6gYIUtfVj/fr1CgsL04EDByRJVatWVXx8vB599FGTk7kn1g8UpKitHyhcrB/4uwoVKlz3cwrlFl4NGzbUa6+9ps2bN2vPnj2aMmWKmjZtKg8PDxmGoV27dmn06NGqVauWAgMDNXv2bJ0/f74wogEAAADFSl5enqZMmaL27dvby78OHTrIZrNR/gEA4KYKpQD8sxo1aig2NlY2m01btmxRYGCg/Vh+fr5Wr16tPn36qEqVKho6dKj9QwkAAACAm3Po0CE99dRTeuONN5SXlyd/f3+9+eabevfdd1WuXDmz4wEAACcp9AJw7969evPNN9W8eXPVq1dPKSkpslgsurQT2dvbW4Zh6NSpU3rzzTd111136cUXX1Qh7FQGAAAA3Nb8+fMVGBiotWvXSpLq1aunlStXqlevXvZL8wAAAPfkVRg/ZP369Zo3b57mzZunbdu22R+/VOqVL19enTp1Uo8ePRQYGKiUlBS98847+vrrr5Wdna3Jkyfrlltu0bBhwwojLgAAAOA2MjMzNXLkSM2ePdv+WEREhF566SX5+vqamAwAABQWpxSA2dnZWrlypebNm6dvvvlGqamp9mOXSr9y5cqpU6dO6t69u0JCQuTp6Wk/Jzg4WMHBwfr9998VHBysvXv36v3336cABAAAAK7Dpk2bZLVatWfPHklSxYoVNXPmTDVv3tzkZAAAoDA5tAD85JNPNH/+fC1dulSZmZmS9Jetu2XLllXHjh3VvXt3tWjRQt7e3gW+3r/+9S/16dNHo0eP1v79+x0ZFQAAAHBb+fn5SkxM1GuvvaacnBxJUkhIiKZPn66KFSuanA4AABQ2hxaAffr0+cv1/CSpdOnS6tChg7p3765WrVrJx8fnul7zUpHo5VUou5UBAACAIu3o0aOKjIxUcnKyJMnX11ejR4/WgAEDuNYfAADFlMNbNcMwVKpUKbVr1049evTQk08+eVPXFmnVqpXq1KmjgIAAB6YEAAAA3M/y5csVHR2t48ePS5LuvvtuJSUlqW7duiYnAwAAZnJoAdi9e3d1795dbdq0UYkSJRzymlyfBAAAACjY+fPn9dprrykpKcn+2PPPP68xY8bI39/fxGQAAMAVOLQA/Pzzzy977OjRo6pUqdJlj584cUIVKlRw5I/HTbJYLPLw8DA7hsP9+QYzgPT/3xO8N/BPeI/g71g/cK0K8z2yc+dOvfDCC9qyZYskKSAgQNOnT1fbtm0LLQP+GesHrhXvEfwd6wccwWL8+YJ9DrJ//3698cYb+vrrr3XmzBn7dfz+rEaNGsrOzlaXLl0UGxurGjVqODoGrlNWVhbfEAMAABQRhmEoKSlJsbGxOnfunCQpMDBQn3zyiW6//XaT0wEAAFfi8AJw0aJF6tatm86fPy/DMFSiRAllZWVddl6NGjX0+++/y2KxyNfXVzNnzlTfvn0dGQXXKS0tzW0mAMuUKSNPT0/l5eXp9OnTZseBi/H09FSZMmV0+vRp5eXlmR0HLob1AwVh/UBBCnP9OHnypGJiYrRgwQJJF9+bL730kqKiopgQcVGsHygInz9QENYP/N2N3CfDoVuA//jjDz377LP2byDvvPNOdenS5Yrn9u3bVx9//LH27t2r8+fPa8CAAapatapatmzpyEi4DoZhuOVi4o6/JzhGXl4e7w8UiPcHrob1A//Eme+PNWvWKDw8XEeOHJEkVa9eXQkJCWrYsKHTfzZuHusH/gnvD1wN6wduhkPHvWbMmKHTp0/LYrFo5MiR2rFjhyZMmHDFc0eNGqXdu3frrbfekq+vrwzDUExMjCPjAAAAAG4jJydH48ePV6dOnezlX/fu3bVq1Sp7+QcAAHAlDp0AXLp0qSwWi4KCgjR27Nhres6lbQqRkZHauXOn1q9fr0aNGjkyFgAAAFCk7d+/X2FhYdqwYYMkqVSpUpo0aZK6du1qcjIAAFAUOHQCcM+ePZKkkJCQ63pev3795OV1sYv8+eefHRkJAAAAKNK++uorNW/e3F7+NWzYUMnJyZR/AADgmjm0AMzJyZEk+fr6Xtfz/Pz8VLp0aUlSenq6IyMBAAAARdKZM2cUERGhiIgInT17VhaLRbGxsfrmm29UvXp1s+MBAIAixKFbgKtUqaJ9+/bpl19+ua7nZWRk6NSpU5KkcuXKOTISAAAAUORs2LBBYWFh2r9/v6SLn7NnzZqlJk2amBsMAAAUSQ6dAAwJCZFhGPryyy+1efPma37ejBkzZBiGJKlBgwaOjAQAAAAUGXl5eXrrrbfUrl07e/nXtm1b2Ww2yj8AAHDDHFoADhw4UF5eXsrOzlZwcLA++ugj5efnX/X8CxcuaNy4cRo7dqwsFotq166txo0bOzISAAAAUCT88ccf6tKli8aPH6/c3Fz5+flpypQp+uCDDxQQEGB2PAAAUIQ5dAtwvXr19Oqrr2rkyJE6efKk+vXrp9jYWLVo0UL33nuvKlSoID8/P6WlpWnTpk1asmSJ0tPTZRiGfHx8lJiY6Mg4AAAAQJGwaNEixcTE2K+HXbduXSUlJenuu+82ORkAAHAHDi0AJemll16SxWLR6NGjlZubq1OnTmnOnDlXPPfStt/SpUtr9uzZeuKJJxwdBwAAAHBZWVlZGjVqlD766CP7Y1arVSNHjlSJEiVMTAYAANyJQ7cAXzJixAitX79e3bt3l4+PjwzDuOI//v7+6t+/v7Zt26b27ds7IwoAAADgkrZs2aIWLVrYy78KFSros88+07hx4yj/AACAQzl8AvCS+++/X59//rnOnTunDRs2aMeOHTp16pRycnJUrlw51alTRw8//LD8/f2dFQEAAABwOYZh6J133tGYMWOUnZ0tSWrevLlmzJihSpUqmZwOAAC4I6cVgJf4+fnp8ccf1+OPP+7sHwUAAAC4tOPHjysqKkorVqyQJHl7e2vUqFEKDQ2Vh4dTNucAAAA4Zwvw9TIMQ6VLl5aXl5f++9//mh0HAAAAcLhVq1apWbNm9vKvVq1aWrJkicLCwij/AACAUzltAjAvL0/Hjh1TTk7OP557+PBh5eTkyDAM/fbbb86KBAAAABS6CxcuaPz48YqPj7c/1rt3b7322msqWbKkickAAEBx4fAC8PTp04qNjdXnn3+u8+fPX/fzK1as6OhIAAAAgCl2796t0NBQ/frrr5KksmXLaurUqerQoYPJyQAAQHHi8AKwY8eO+vbbb2UYxnU/97HHHtOzzz7r6EgAAABAoTIMQ59++qlefvllZWVlSZIeffRRxcfHq2rVqianAwAAxY1DC8B58+YpJSVFFotFVapU0bPPPquKFSvq/fff12+//aa6deuqS5cuMgxDx44d07Jly7R3716VLl1ac+fOVVBQkCPjAAAAAIUuPT1d/fv31zfffCNJ8vT0VFxcnGJiYuTp6WlyOgAAUBw5tAD8z3/+I0kqWbKkfvzxR/u3m+3atVPdunV16NAhvfzyy/LyuvhjDcPQiy++qMmTJ2v48OH6/vvv7ccAAACAomb16tXq2bOnDh48KEmqVq2a4uPj9fDDD5ucDAAAFGcOvd3Y+vXrZbFY1KVLl79sbahTp478/f2VkZGhX375xf64xWLRxIkT1bx5c23YsEHjxo1zZBwAAACgUOTm5urVV19VYGCgvfzr3LmzkpOTKf8AAIDpHFoApqamSpJq16592bHq1atLkjZu3HjZsSFDhsgwDE2fPl0XLlxwZCQAAADAqQ4cOKAOHTpo3Lhxys/PV6lSpfT2228rISFBZcqUMTseAACAYwvA3NxcSVKpUqUuO1ajRg1J0t69ey87FhISIovFooyMDK1cudKRkQAAAACnmTt3rgIDA7V+/XpJ0kMPPaSffvpJPXr0kMViMTkdAADARQ4tAG+77TZJ0p49ey47VqNGDRmGoS1btlx2zMfHx/7t6JWeCwAAALiSs2fPKjIyUqGhoTpz5owsFouGDRumNWvWqFatWmbHAwAA+AuHFoCNGzeWYRj6/PPPlZGR8Zdj9evXlyR9//33l23zPXLkiP388+fPOzISAAAA4FAbN25UUFCQPv/8c0lSpUqVNGfOHP373/+Wj4+PyekAAAAu59AC8LnnnpMkHTt2TI888ojee+89HTlyRNLFbb6SdOrUKY0aNcr+nLy8PMXGxtr//e6773ZkJAAAAMAh8vPzNWPGDLVu3Vr79u2TJD355JNKSUlR06ZNTU4HAABwdQ4tANu2batWrVrJMAzt2rVLoaGh+uCDDyRdvAlISEiIDMPQ5MmTVbduXXXq1El33XWXvvrqK1ksFt16661q1aqVIyMBAAAANy01NVXdunXT2LFjlZubqxIlSmjixIn6+OOPdcstt5gdDwAAoEAOLQAlac6cOXrhhRfk6+srwzD+cuzSndAMw9COHTs0f/58/f777zIMQ15eXvrggw9UokQJR0cCAAAAbtjSpUvVrFkzffvtt5KkOnXqaNmyZerbty83+gAAAEWCwwvAkiVLKjExUWlpaVq/fr169uxpP3bnnXdqzZo1atmypby8vOwF4eOPPy6bzaYnn3zS0XEAAACAG3Lu3Dm9+OKL6tWrl06ePClJ6t+/v5YuXao6deqYnA4AAODaeTnrhf38/NSwYcPLHq9bt66WLFmi7OxspaWlqWzZsvL393dWDAAAAOC6bd++XVarVdu3b5cklS9fXtOnT+dyNQAAoEhyaAF4aVtEzZo1VbVq1QLP9fHxUeXKlR354wEAAICbYhiG3n//fY0ePVoXLlyQJDVr1kxvv/22brvtNpPTAQAA3BiHbgFu3ry5mjdvrvnz5zvyZQEAAACnS0tLU+/evTV8+HBduHBBXl5eGj16tL788kvKPwAAUKQ5dAKwcuXKOnLkiI4dO+bIlwUAAACc6ttvv1VERISOHj0q6eK1qxMTE9WgQQNzgwEAADiAQycAO3fuLMMwNG/ePEe+LAAAAOAU2dnZGjt2rLp27Wov/5555hmtXLmS8g8AALgNhxaAY8eO1Z133qlNmzZp2LBhjnxpAAAAwKH27Nmjtm3basaMGTIMQ2XKlFFSUpKmT5+uUqVKmR0PAADAYRy6BbhcuXJauXKlOnTooClTpmj16tUaOHCgGjZsqJIlS17Ta1SrVs2RkQAAAIC/MAxDX3zxhV588UVlZWVJkho1aqSEhAQ+iwIAALfk0ALQ09PzL/++bt06rVu37pqfb7FYlJub68hIAAAAgF1GRobi4uI0d+5cSZKHh4eGDBmiwYMHy8vLoR+NAQAAXIZDP+UYhuHIlwMAAAAcZt26dQoLC9PBgwclSbfffrvi4+PVuHFjk5MBAAA4l0MLwNGjRzvy5QAAAICblpeXpzfffFOTJ09WXl6eJNkvWVOuXDlzwwEAABQCCkAAAAC4rUOHDik8PFxr166VJPn7++vf//63nn32WVksFpPTAQAAFA4udAIAAAC3NH/+fA0ePFgZGRmSpPr16ysxMVG1atUyORkAAEDh8jA7AAAAAOBImZmZiomJUf/+/e3l38CBA7V48WLKPwAAUCw5dALw22+/venXaNq0qQOSAAAAoDjatGmTrFar9uzZI0mqWLGiZs6cqebNm5ucDAAAwDwOLQADAwNv6loqFotFubm5DkwEAACA4iA/P1+JiYl67bXXlJOTI0lq0aKFpk2bpooVK5qcDgAAwFwOvwagYRiOfkkAAADgqo4ePapBgwbJZrNJknx9fTV69GgNGDCAG30AAADIwQXgBx98UOBxwzB0/vx5HT16VJs3b9by5ct19uxZlStXThMnTlS9evUcGQcAAABubvny5YqKitKJEyckSbVr11ZiYqLq1q1rcjIAAADX4dACsE+fPtd1/qlTpzR8+HAlJSVp2LBhSklJcWQcAAAAuKnz58/rtddeU1JSkv2x559/XmPGjJG/v7+JyQAAAFyPw7cAX49y5copISFBWVlZmj17tvr06aOff/7ZzEgAAABwcTt37pTVatXWrVslSQEBAXrrrbfUpk0bk5MBAAC4Jg+zA0jS8OHDJV28a9v3339vchoAAAC4IsMw9NFHH6lFixb28u/xxx9XSkoK5R8AAEABXKIArF27tjw8LkbZsGGDyWkAAADgak6ePKm+fftq6NChOnfunLy8vDRy5EjNmTNHlStXNjseAACASzN1C/AlmZmZys/Pl8Vi0blz58yOAwAAABfy3XffKSIiQkeOHJEkVa9eXYmJiXrwwQdNTgYAAFA0uMQE4Lvvvmv/9W233WZiEgAAALiKnJwcjR8/Xp07d7aXf927d9eqVaso/wAAAK6DQycAf/vtt2s+Nzc3V0eOHNHcuXPtd2+zWCwKDAx0ZCQAAAAUQfv371dYWJj98jClSpXS5MmT1aVLF5OTAQAAFD0OLQDvueceWSyW636eYRiSpF69eqlatWqOjAQAAIAi5quvvtKwYcN09uxZSVLDhg2VkJCg6tWrmxsMAACgiHL4NQAvlXnXq2fPnoqPj3dwGgAAALiKvLw8rVu3TsePH5e/v78aNWqksmXL2o+fOXNGL774or766itJF3eHxMbGaujQofL29jYrNgAAQJHn0AKwT58+13yuh4eHypcvrzvuuENt27ZVzZo1HRkFAAAALiI3N1eJiYl69913dejQIfvjfn5+6ty5s4YPH65Dhw4pLCxMv//+uySpSpUqmjVrlpo0aWJWbAAAALfh0ALwgw8+cOTLAQAAoIjLyclR//79tXjx4suOnTt3Tp9++qnmz5+vrKws5eXlSZLatm2rN998UwEBAYUdFwAAwC05fAswAAAAcMnEiROvWP792ZkzZyRdnAgcP368evXqdUPXlQYAAMCVOa0AXLt2rebOnavt27dr/vz5lx1//vnnVaVKFXXp0kUNGzZ0VgwAAACYJDMzU++99941nz9mzBj17t3biYkAAACKJw9Hv2B6erpat26tJk2aaPLkyVqxYsUVz0tJSdGECRP08MMPq1WrVjp48KCjowAAAMBES5YssU/3XYtvv/3WiWkAAACKL4cWgPn5+WrdurWWLVsmwzBkGIZuueWWK55brlw5+zkrVqzQE088oaNHjzoyDgAAAEx04MCB6zqfL4QBAACcw6EF4CeffKJ169ZJkurWrauVK1de9YPfzz//rOTkZD300EMyDEMHDx5UVFSUI+MAAADARD4+Pk49HwAAANfGoQXgZ599Jkm6/fbb9cMPP6h58+ZXvYCzxWJRs2bNtHbtWnXq1EmGYeh///uf/vjjD0dGAgAAgEkeeughp54PAACAa+PQAnDjxo2yWCx65plnVKpUqWsL4OGhqVOnSrq4hTglJcWRkQAAAGCSs2fPytPT85rP79OnjxPTAAAAFF8OLQBPnTol6eIE4PX417/+pXLlykmSDh065MhIAAAAKGQXLlzQyJEj9fTTTysvL++antOvXz/VrFnTyckAAACKJ4cWgAEBAZKkw4cPX9fzDMNQVlaWJF3Xt8QAAABwLb/99ptatWqlxMRESRdv/BYeHi5fX9+rPqdnz54aP358YUUEAAAodhxaADZo0ECGYeg///mPsrOzr/l5y5Yts59fo0YNR0YCAABAITAMQx9//LFCQkK0detWSVKTJk2UkpKisWPHat26dRo8eLCqV6+ukiVLqmLFiurSpYsWLlyot956S15eXib/DgAAANyXQz9p9erVS8uWLdPBgwfVuXNnffLJJ/apwKvZtWuXwsLCJEl+fn5q2bKlIyMBAADAyU6ePKnBgwdr4cKFki7u6Bg+fLgiIyPtuzuqVKmiESNGaMSIEWZGBQAAKJYcOgHYq1cvNWnSRIZhaPHixapVq5aioqK0ePFi/f7778rMzFR+fr6OHz+uFStWKCIiQg0aNNCBAwdksVg0YsQIlSxZ0pGRAAAA4ETfffedAgMD7eVf9erVtXDhQsXExHBpFwAAABfh8L0W8+bNU1BQkDZv3qxTp05p5syZmjlz5lXPNwxDkvTMM8/opZdecnQcAAAAOEFOTo4mTJig6dOn2z/Pde/eXW+88YZKly5tcjoAAAD8mUMnACWpfPny+vHHHzV48GCVKFFChmEU+E/ZsmU1bdo0zZ49WxaLxdFxAAAA4GD79u1Tu3btNG3aNBmGoVKlSik+Pl4zZ86k/AMAAHBBTrnasq+vryZPnqyRI0fqv//9r3744Qft2LFDp06dUk5OjsqVK6c6deqoefPm6tatm/z9/Z0RAwAAAA5kGIa++uorDRs2TJmZmZKkhx56SPHx8apevbq54QAAAHBVTr3dWrly5dS/f3/179/fmT8GAAAATnb69GkNGzZM//3vfyVJHh4eio2N1ZAhQ+Tt7W1yOgAAABTE4VuAL8nOztbixYs1efLkKx5PSEjQsmXLlJub66wIAAAAcID169erefPm9vKvSpUqmjt3roYPH075BwAAUAQ4pQB84403dOutt6pdu3YaNWrUFc+ZMGGCWrdurdtuu02vv/46RSAAAICLycvL05QpU9S+fXsdOHBAktS+fXulpKToscceMzkdAAAArpXDtwCHhYXpnXfekfT/7/B7JZduAnLy5EmNHDlSNptNCxYs4FtkAAAAF3Do0CGFh4dr7dq1kiR/f3+NHz9ePXv25MZtAAAARYxDJwCTk5OVlJQkwzBUokQJvfLKK1q3bt0Vz128eLFGjx6tMmXKyDAMrVixQmPGjHFkHAAAANyA+fPnKzAw0F7+1atXTytXrlSvXr0o/wAAAIoghxaASUlJkqSSJUtq3bp1GjNmjO67774rnlunTh2NHj1aW7Zs0X333SfDMDR9+nSdOXPGkZEAAABwjTIzMxUTE6P+/fsrIyNDkhQREaHFixerVq1aJqcDAADAjXJoAfjDDz/IYrGoZ8+eqlu37jU95/bbb1diYqKkix86U1JSHBkJAAAA12DTpk0KDg7Wp59+KkmqWLGivvzyS40ZM0a+vr4mpwMAAMDNcGgBmJqaKknXXP5d8uijj6pkyZKSpF27djkyEgAAAAqQn5+vmTNnqnXr1tqzZ48kqUWLFkpJSVHz5s1NTgcAAABHcOhNQPz9/ZWRkaFTp07d8Gvk5OQ4LhAAAACuKjU1VZGRkbLZbJIkX19fvfrqq+rfvz/X+gMAAHAjDp0AvOuuu2QYhhYtWnRdz9u6dasyMzMlSZUrV3ZkJAAAAFzBsmXLFBgYaC//7rnnHi1btkwDBgyg/AMAAHAzDi0AO3fuLElat26dxo0bd03PuXDhgqKioiRJFotFISEhjowEAACAPzl//ryGDx+unj17Ki0tTZLUr18/LVu2TPfee6/J6QAAAOAMDi0ABw0apKpVq0qSRo8eraCgIM2dO/eKd/Y9d+6cvvzySz300EOy2WyyWCx69tlnmQAEAABwku3bt6tly5Z67733JEnly5fXJ598ogkTJsjPz8/kdAAAAHAWh14DsGTJkvr6668VEhKijIwMpaSkKCUlRV5eXqpSpYoqVKggPz8/paWlaffu3crNzZUkGYah++67T2+99ZYj4wAAAEAXP2t98MEHGj16tM6fPy9Jatq0qWbOnKnbbrvN5HQAAABwNocWgJLUsGFDff/99+rTp49++uknSRdv7HHgwAEdOHDAfp5hGPZfd+rUSUlJSSpfvryj4wAAABRraWlpio6O1tKlSyVJXl5eevnllxURESEPD4duBgEAAICLcngBKEl16tTRunXrtHTpUs2ePVs//PCD9u7d+5dzqlWrpubNm2vAgAFq0qSJM2IAAAAUaykpKRo4cKCOHj0qSapRo4aSkpLUoEEDc4MBAACgUDmlALykVatWatWqlSQpNzdXp06dUk5OjsqVK/eX68wYhqHZs2fLMAy1bt1aFStWdGYsAAAAt5adna3XX39db7/9tv2xZ555Rv/+979VqlQpE5MBAADADE4tAP/yg7y8VKFChSses1gsiomJ0alTpzRz5kyFhYUVViwAAAC3smfPHlmtVm3atEmSVKZMGU2ePFmdOnUyORkAAADM4pQCMCMjQwsXLtTvv/+unJycfzz/8OHDSk9Pl8Vi0alTp5wRCQAAwK0ZhqH//Oc/GjFihLKysiRJDz/8sBISEnTHHXeYnA4AAABmcngBmJycrG7duik9Pf2Gnt+oUSMHJwIAAHBvGRkZGjJkiObNmydJ8vDwUFxcnGJiYuTlVWgbPgAAAOCiHPqJMD09XV27dr3u8s/T01N16tRRVFSUgoODHRkJAADAra1du1bh4eE6dOiQJOmOO+5QfHy8HnnkEZOTAQAAwFV4OPLF3nnnHftW3ueee05btmzR0aNHFRkZKUl69NFHtW/fPu3du1dr167VqFGj5O/vL19fX02aNEkDBgxwZBwAAAC3lZubqwkTJqhjx4728u+pp55ScnIy5R8AAAD+wmIYhuGoF2vevLlSUlJ09913a8eOHfbHMzIyFBAQIA8PDx09elS33HKL/di6devUtGlTeXt7a9OmTbrzzjsdFQfX6cSJE2ZHcJiAgAB5enoqLy/vhrejw315enoqICBA6enpysvLMzsOXAzrBwriKuvHgQMHFBYWpvXr10uS/P39NWHCBPXo0UMWi8W0XMUd6wcK4irrB1wT6wcKwvqBv7vaTXYL4tAJwG3btslisahDhw5/ebxs2bK69dZbZRiG/YPqJQ8//LAiIyOVmZmpqKgoR8YBAABwO3PnzlVgYKD9M1WDBg20atUqPf3005R/AAAAuCKHFoCXvqmoWrXqZcdq1KghSdq6detlx/r37y9JWrJkiQ4ePOjISAAAAG7h7NmzGjRokEJDQ3XmzBlZLBZFRUVp4cKFqlmzptnxAAAA4MIcWgCWKFFCkpSTk3PZserVq0uS9uzZc9mxe+65R76+vjIMQ6tXr3ZkJAAAgCLvl19+UVBQkL744gtJ0m233aY5c+bolVdekY+Pj8npAAAA4OocWgBeun7f2rVrr3jMMAxt3LjxykE8LkY5fPiwIyMBAAAUWfn5+Zo+fbratGmjffv2SZJat24tm82mpk2bmpwOAAAARYVDC8AWLVrIMAzNmzdPixYt+suxxx57TJK0fv16+wfYS2w2m86dOydJ8vPzc2QkAACAIunIkSPq2rWrXnvtNeXm5qpEiRKaNGmSPvroo7/cUA0AAAD4Jw4tACMiIuTj46P8/Hy1b99eTzzxhJYsWSJJatasmXx9fZWfn6/OnTtr/fr1ysjI0MqVK9W3b1/7azz66KOOjAQAAFDkLFq0SM2aNbNfGuXee+/V8uXL9fzzz3OjDwAAAFw3hxaANWrU0NSpUyVJhmHo+++/188//yxJKlWqlEaMGCHDMLR582Y1btxY5cuXV8uWLXXgwAFZLBYFBQWpYcOGjowEAABQZGRlZSkuLk59+vSx31zthRde0NKlS3XPPfeYnA4AAABFlUMLQOniFOB3332n3r17695771WZMmXsx0aMGKHg4GAZhnHZP/fff78+++wzR8cBAAAoErZs2aIWLVroww8/lCRVqFBBn376qf7973/bb7QGAAAA3AgvZ7zoo48+esWtvN7e3lq2bJm+/PJLLVq0SKmpqQoICFDLli3Vu3dveXt7OyMOAACAyzIMQ0lJSRo7dqyys7MlSYGBgXr77bdVqVIlk9MBAADAHTilACyIxWJRjx491KNHj8L+0QAAAC7l+PHjioyM1MqVKyVd/LJ01KhRCg0NlYeHwzdqAAAAoJgq9AIQAAAA0qpVqzRo0CAdP35cklSrVi0lJiaqfv36JicDAACAu+GrZQAAgEJ04cIFjRo1Sj169LCXf71799aKFSso/wAAAOAUTAACAAAUkl27dik0NFRbtmyRJJUrV05Tp05V+/btTU4GAAAAd8YEIAAAgJMZhqFPPvlEwcHB9vLvsccek81mo/wDAACA0zEBCAAA4ETp6emKjY3VwoULJUmenp4aNmyYoqOj5enpaXI6AAAAFAcUgAAAAE6yZs0ahYeH68iRI5Kkf/3rX0pISNBDDz1kcjIAAAAUJ2wBBgAAcLCcnByNHz9enTp1spd/3bp1U3JyMuUfAAAACh0TgAAAAA60f/9+hYWFacOGDZKkUqVKaeLEierWrZvJyQAAAFBcMQEIAADgIF999ZWaN29uL/8aNmyo5ORkyj8AAACYiglAAACAm3TmzBkNGzZMc+bMkSRZLBbFxMQoLi5O3t7eJqcDAABAcUcBCAAAcBN++uknhYWF6ffff5ckValSRbNmzVKTJk1MTgYAAABcxBZgAACAG5CXl6cpU6aoXbt29vKvbdu2stlslH8AAABwKUwAAgAAXKdDhw7JarXqhx9+kCT5+/tr3Lhx6tWrlywWi8npAAAAgL+iAAQAALgOc+bM0YABA5SRkSFJuu+++5SUlKS77rrL5GQAAADAlbEFGAAA4BpkZmYqOjpa3bp1s5d/ERERWrJkCeUfAAAAXBoTgAAAAP9g8+bNslqt2r17tyTp1ltv1YwZMxQUFGRyMgAAAOCfMQEIAABwFfn5+YqPj9eTTz5pL//atGmj1atXU/4BAACgyKAABAAAuIKjR4+qR48eGjVqlHJycuTj46PXX39dCxYsUMWKFc2OBwAAAFwztgADAAD8zbJlyxQdHa0TJ05IkmrXrq3ExETVr1+fu/wCAACgyGECEAAA4P+cP39eI0aMUM+ePe3lX9++fbVs2TLVrVvX5HQAAADAjWECEAAAQNKOHTtktVq1bds2SVJAQICmTZum1q1bm5wMAAAAuDlMAAIAgGLNMAx98MEHatGihb38e+KJJ5SSkkL5BwAAALdQbCcA9+7dq5iYGD355JOKiIgwLUdeXp6ee+45lSlTRvHx8QWeu2/fPs2ZM0c7d+5Uenq6ypUrp/r166tDhw6qUaNGISUGAMB9pKWlKSYmRkuWLJEkeXl5acSIERo0aJA8PPieFAAAAO6h2BaAy5YtMzuCJGnt2rU6c+aMypQp84/nTZgwQXl5efL29lZAQIBOnTqllStX6ttvv9XgwYPVpEmTQkoNAEDR9+233yoiIkJHjx6VJNWoUUOJiYl64IEHTE4GAAAAOFaxKwDT09O1YsUK+zf9Zjl//rzWr1+vxMTEfzz3+PHjmjRpkvLy8hQcHKwBAwaoZMmSOn/+vD7++GMtWLBA06ZN05133qnKlSsXQnoAAIqu7OxsvfHGG3r77bdlGIYk6emnn9brr7+uUqVKmZwOAAAAcLxiUwB++eWXWrJkif2OfmbZsGGD3n33XR05ckT5+fnX9Jwvv/xSOTk5ql69ugYNGiRPT09JUokSJTRgwAD9+uuv+v333/W///1PAwcOdGZ8AACKtD179igsLEwbN26UJJUuXVpTpkxRp06dzA0GAAAAOFGxKQAzMjKUm5urcuXKSZKysrKUnZ39j8/buHGjFi5cqB07digrK0vly5fXgw8+qA4dOqhq1arXnSMrK0uZmZn2Lb/Z2dnKysq66vmGYej777+XJLVu3dpe/l3i4eGhwMBAffTRR/rhhx8UHh7ONYsAAPgbwzD0+eefa/jw4fY/dxs1aqSEhARVq1bN5HQAAACAcxWbAvCFF17QCy+8YP/3t956S6tWrSrwOe+//76+/vprSbJfd+/kyZNavHixVqxYoYiICAUHB19XjieeeEJPPPGE/d9XrlypadOmXfX8/fv368yZM5KkevXqXfGce+65R5J0+vRppaamqkqVKteVCQAAd5aRkaGhQ4fa/0z38PDQkCFDNHjwYHl5FZuPQgAAACjG+NR7FQsWLNDXX3+tUqVKyWq16vHHH5enp6cuXLigefPmafbs2ZoxY4aqV6+umjVrOi3HgQMHJF38y8rVru9322232X995MgRCkAAAP7P2rVrFR4erkOHDkmSbr/9dsXHx6tx48YmJwMAAAAKD3tFr+DcuXP69NNPJUnR0dFq1qyZfeutr6+vunfvruDgYOXn52vevHlOzXJp+q906dKXbf+9pHTp0vZfF7SdGACA4iI3N1cTJ05Ux44d7eVfx44dZbPZKP8AAABQ7FAAXsFPP/2kzMxMlSpVSo888sgVz2nWrJkkacuWLU7NcqnQ8/b2vuo5f96+lJub69Q8AAC4uoMHD6pjx46aNGmS8vPz5e/vr2nTpumdd95R2bJlzY4HAAAAFDq2AF/Bnj17JEnnz59XeHj4Fc+5VLSlpaUpLy9Pnp6eGjlypNLS0i47d9y4cbrllltuKMulqb8LFy5c9ZycnBz7r0uUKHFDPwcAAHcwd+5cDR06VKdPn5Yk3X///UpMTHTq5ToAAAAAV0cBeAVnz56VdLHkO3z4cIHnGoah7Oxs+fn5KTU1VceOHbvsnJuZyru0vbegrb2X8kpSQEDAVc+bPXu2Pvvss6se79q1q/r06XMDKV3PpTshe3h4FPjfBMWTxWKRJJUtW1aGYZicBq6G9aNoOnPmjGJiYvTRRx/ZHxs6dKjGjh0rHx8fh/0c1g8UhPUDBWH9QEFYP1AQ1g84AgXgFfj6+kqSatSoUeAdev/u3XffdXiWqlWrSpLy8vKUmpr6lxt+XHL06FFJFxeF22+//aqvlZmZecWC8pKsrKyrXmewqLJYLG73e4LjXPqgBVwJ60fRsX79ej377LPavXu3JKly5cr6+OOPFRIS4rSfyfqBgrB+oCCsHygI6wcKwvqBm0EBeAWXSrejR4/at/f+XVpamjZv3qySJUvq4YcfdlqWWrVqycfHR9nZ2dq2bdsVC8Dt27dLkqpXr65SpUpd9bVKliypW2+99arH/f39lZeXd/OhXYCHh4csFosMw1B+fr7ZceBiLBaLPDw8lJ+fzzdouAzrR9GRn5+vKVOm6JVXXrFP27dv317vvPOOKlSo4JQ/01g/UBDWDxSE9QMFYf1AQVg/8Hc38kUBBeAVNGzYUB4eHsrKytLq1asVGBh42Tkff/yxkpOTFRwc7NQC0NfXV4888ohWr16tJUuWKCgo6C/Hc3JytHTpUkm6Ys4/69Wrl3r16nXV4ydOnFB6evpNZ3YFAQEB8vT0VH5+vtv8nuA4np6eCggIUEZGhtuU3nAc1o+i4ciRIxo4cKBWr14t6eI1cMeOHavnn39eFovFaf/bsX6gIKwfKAjrBwrC+oGCsH7g7ypUqHDdz2F+9AoqVaqkFi1aSJLee+89bdq0yX4sKytLH3zwgZKTk+Xj46Nu3bo5PU+PHj3k7e2tHTt2KCEhwX5DkPT0dE2YMMG+NbhNmzZOzwIAgNkWL16swMBAe/lXp04dLVu2TH379rVfIwcAAADA/8cE4FW88MILSktL008//aRXXnlFpUuXlr+/v9LS0pSbmys/Pz8NHjxYVapUcXqWatWqKSIiQm+//bYWLVqkFStWqFy5cvY7EJctW1bDhg2zX7sQAAB3dO7cOY0ePVoffPCB/bEBAwZo1KhR8vPzMzEZAAAA4NooAK/Cx8dHI0eOVHJyspYtW6b9+/fr1KlTqlSpkho0aKCOHTte8Xp8zhIcHKzbb79dc+fO1bZt25Senq6KFSuqYcOG6ty5sypWrFhoWQAAKGxbt26V1WrVzp07JUm33HKLpk+frpYtW5qcDAAAAHB9FoMrSOL/nDhxwuwIDnPpGhp5eXlcQwOXuXQNjfT0dK6hgcuwfrgWwzD07rvvasyYMfZLYAQGBmrGjBmF+kXcJawfKAjrBwrC+oGCsH6gIKwf+LsbuQYgE4AAAMAlHT9+XFFRUVqxYoUkydvbWyNHjlRYWJg8PLiMMQAAAHCtKAABAIDLWbVqlQYNGqTjx49LkmrWrKnExETdf//9JicDAAAAih6+PgcAAC7jwoULGjVqlHr06GEv/3r16qWVK1dS/gEAAAA3iAlAAADgEnbt2qXQ0FBt2bJFklS2bFlNnTpVHTp0MDkZAAAAULQxAQgAAExlGIY++eQThYSE2Mu/xo0by2azUf4BAAAADsAEIAAAME16eroGDx6sBQsWSLp4l7u4uDjFxMTI09PT5HQAAACAe6AABAAAplizZo0iIiL0xx9/SJKqVaumhIQENWrUyORkAAAAgHthCzAAAChUOTk5ev3119WpUyd7+delSxclJydT/gEAAABOwAQgAAAoNPv371d4eLh++uknSVLJkiU1adIkdevWzeRkAAAAgPuiAAQAAIVizpw5iouL09mzZyVJDz74oBISElSjRg2TkwEAAADujQIQAAA41ZkzZ/Tiiy/qq6++kiRZLBZFR0dr2LBh8vb2NjkdAAAA4P4oAAEAgNP89NNPCgsL0++//y5Jqly5suLj49WkSROTkwEAAADFBzcBAQAADpeXl6epU6eqXbt29vKvbdu2stlslH8AAABAIWMCEAAAONThw4cVERGh77//XpLk5+encePGqXfv3rJYLCanAwAAAIofCkAAAOAwCxYsUGxsrE6dOiVJqlu3rpKSknT33XebGwwAAAAoxtgCDAAAblpmZqYGDx6svn372su/sLAwLV26lPIPAAAAMBkTgAAA4KZs3rxZVqtVu3fvliRVrFhRM2bMUHBwsMnJAAAAAEhMAAIAgBuUn5+vhIQEtW7d2l7+BQcHy2azUf4BAAAALoQJQAAAcN2OHj2qyMhIJScnS5J8fHw0atQohYaGcqMPAAAAwMVQAAIAgOuyfPlyRUVF6cSJE5Kku+++W4mJibrvvvtMTgYAAADgStgCDAAArsn58+f18ssv69lnn7WXf88//7yWL19O+QcAAAC4MCYAAQDAP9q5c6esVqu2bt0qSQoICNBbb72lNm3amJwMAAAAwD9hAhAAAFyVYRj68MMPFRISYi//Hn/8caWkpFD+AQAAAEUEE4AAAOCK0tLSFBsbq8WLF0uSvLy8NHz4cA0aNEienp4mpwMAAABwrSgAAQDAZVavXq2IiAilpqZKkqpXr67ExEQ9+OCDJicDAAAAcL3YAgwAAOyys7M1duxYdenSxV7+de/eXcnJyZR/AAAAQBHFBCAAAJAk7dmzR2FhYdq4caMkqXTp0po0aZK6dOlibjAAAAAAN4UJQAAAijnDMPT5558rKCjIXv41atRIycnJlH8AAACAG2ACEAAAN3by5El9+eWX+vXXX5WXl6datWrp6aef1u233y5JysjIUFxcnObOnStJ8vDw0ODBgzVkyBB5efExAQAAAHAHfLIHAMAN5efn64033tCsWbN04cKFvxybNGmSunXrph49eig6OloHDx6UJFWtWlXx8fF69NFHzYgMAAAAwEkoAAEAcDOGYWjYsGH66KOPrng8Pz9fX3zxhb744gv7Yx06dNCUKVNUrly5QkoJAAAAoLBQAAIA4GZSUlKuWv79nY+PjyZNmqRnnnlGFovFyckAAAAAmIGbgAAA4Gbee++9az63UqVKlH8AAACAm6MABADAjeTm5mr58uXXfP7Bgwe1e/duJyYCAAAAYDYKQAAA3EhmZqby8vKu6zkZGRlOSgMAAADAFVAAAgDgRkqWLCkvr+u7xC83/gAAAADcGwUgAABuxMvLS82aNbvm8++++27VrFnTiYkAAAAAmI0CEAAAN7Js2TKtX7/+ms/v168fNwABAAAA3BwFIAAAbuD8+fMaMWKEevbsqdOnT1/Tc4KCgvTcc885ORkAAAAAs1EAAgBQxO3YsUOtWrXSu+++K0kKCAjQRx99pOHDh8vf3/+y8728vP5fe3ceGOO5/n/8MzNJkFhjizpKNVoUVbuq2teitJZWLbU0kZDa11pKra0qYovTVkurylG01C4Jx1YUtRW11b5FIpKQZeb3h1/myxFpRCaz5P3650See565pidz58lnrvt+1LVrVy1cuFDu7u6ZXS4AAACATPZku4QDAACHYbFY9M0332j06NG6e/euJKl27dqaPXu2ihQpoubNm+uDDz7QsmXLdOjQIZnNZj3//PPq0KGDfHx87Fw9AAAAgMxCAAgAgBO6efOm+vfvr7Vr10q639U3fPhw9e7dWyaTyToud+7c6tGjh73KBAAAAOAACAABAHAy27ZtU2BgoK5cuSJJKlGihObPn69XXnnFzpUBAAAAcETsAQgAgJNISEjQJ598orffftsa/rVv316hoaGEfwAAAAAeiw5AAACcwJkzZ+Tv76/9+/dLknLlyqXPPvtMb7/9tp0rAwAAAODo6AAEAMDBLV26VPXq1bOGf1WqVFFoaCjhHwAAAIA0oQMQAAAHFR0drSFDhug///mPJMlgMKh///4aNGiQ3N3d7VwdAAAAAGdBAAgAgAPau3evevXqpXPnzkmSnnnmGc2ZM0e1atWyc2UAAAAAnA1LgAEAcCBJSUmaNm2aWrRoYQ3/3njjDYWFhRH+AQAAAEgXOgABAHAQFy9eVGBgoHbs2CFJypEjhyZMmKBOnTrJYDDYuToAAAAAzooAEAAAB7B69Wr1799fkZGRkqRy5cpp/vz5KlWqlH0LAwAAAOD0WAIMAIAdxcbGauDAgerWrZs1/PP399e6desI/wAAAABkCDoAAQCwk8OHD8vPz08nT56UJBUsWFAzZ85Uw4YN7VwZAAAAAFdCByAAAJnMYrEoJCRETZo0sYZ/9erVU1hYGOEfAAAAgAxHByAAAJno+vXrCgoK0ubNmyVJHh4eGjVqlPz8/GQ08rkcAAAAgIxHAAgAQCbZsmWL+vTpo+vXr0uSfH19FRISogoVKti5MgAAAACujFYDAABs7N69exo9erQ6dOhgDf86d+6sTZs2Ef4BAAAAsDk6AAEAsKG//vpLfn5+OnTokCQpT548mjZtmlq1amXnygAAAABkFXQAAgBgAxaLRYsWLVKDBg2s4V/NmjUVHh5O+AcAAAAgU9EBCABABouMjNSAAQP0yy+/SJJMJpMGDx6sfv36yWQy2bk6AAAAAFkNASAAABlo586dCggI0MWLFyVJzz77rObOnatq1arZuTIAAAAAWRVLgAEAyACJiYmaPHmyWrdubQ3/3nrrLYWGhhL+AQAAALArOgABAHhKf//9t3r16qU9e/ZIkry8vDRlyhS1b99eBoPBztUBAAAAyOoIAAEAeAorVqzQwIEDFR0dLUmqWLGiQkJCVLJkSTtXBgAAAAD3sQQYAIB0uHPnjoKCguTn56fo6GgZDAYFBQVpzZo1hH8AAAAAHAodgAAAPKEDBw7Iz89PZ86ckSQVLlxYc+bM0euvv27nygAAAADgUXQAAgCQRmazWcHBwWrWrJk1/GvSpInCw8MJ/wAAAAA4LDoAAQBIgytXrqh3797aunWrJCl79uwaO3asunXrxo0+AAAAADg0AkAAAP7B+vXr9eGHHyoiIkKSVKZMGYWEhKhMmTJ2rgwAAAAA/hlLgAEAeIy4uDgNHTpUnTp1soZ/3bt31/r16wn/AAAAADgNOgABAEjB4cOH9e677+rYsWOSJG9vb82cOVNNmjSxc2UAAAAA8GToAAQA4AEWi0Vz5sxRjRo1rOHf66+/rvDwcMI/AAAAAE6JDkAAAP6/mzdvqnv37vrll18kSW5ubhoxYoR69+4to5HPzAAAAAA4JwJAAAAkbd26VYGBgbp69aokydfXV3PmzNErr7xi58oAAAAA4OnQzgAAyNLi4+M1btw4tW3b1hr+vf/++9qzZw/hHwAAAACXQAcgACDLOn36tPz9/XXgwAFJUq5cuTRv3jx17NhRSUlJunXrln0LBAAAAIAMQAcgACDLsVgsWrJkierXr28N/6pWraqwsDB16NDBvsUBAAAAQAajAxAAkKXcvn1bgwcP1k8//SRJMhqN6t+/vwYNGiQ3N34tAgAAAHA9/KUDAMgy9uzZo169eunvv/+WJBUtWlRz5szRq6++aufKAAAAAMB2WAIMAHB5SUlJ+vzzz9WyZUtr+NeiRQuFhYUR/gEAAABweXQAAgBc2oULFxQQEKBdu3ZJkjw9PTV+/Hh16tRJBoPBztUBAAAAgO0RAAIAXNYvv/yi/v37KyoqSpJUrlw5zZ8/X6VKlbJzZQAAAACQeVgCDABwOTExMRowYIC6d+9uDf8CAgK0bt06wj8AAAAAWQ4dgAAAl3Lo0CH5+/vr5MmTkqSCBQsqODhYDRo0sHNlAAAAAGAfdAACAFyC2WzWvHnz1LRpU2v416BBA4WFhRH+AQAAAMjS6AAEADi9a9euKSgoSFu2bJEkeXh4aNSoUfLz85PRyGddAAAAALI2AkAAgFPbvHmzgoKCdP36dUlSqVKlFBISovLly9u5MgAAAABwDLRFAACc0r179zRy5Ei988471vCvS5cu2rRpE+EfAAAAADyADkAAgNM5ceKE/Pz8dOTIEUlS3rx59cUXX6hFixZ2rgwAAAAAHA8dgAAAp2GxWLRo0SI1bNjQGv69+uqrCgsLI/wDAAAAgMegAxAA4BRu3bqlAQMGaPXq1ZIkk8mkIUOGqG/fvjKZTHauDgAAAAAcFwEgAMDhbd++XYGBgbp06ZIk6dlnn9W8efNUtWpVO1cGAAAAAI6PJcAAAIeVkJCgSZMmqU2bNtbw7+2331ZoaCjhHwAAAACkER2AAACHdO7cOfXq1Ut79+6VJHl5eenTTz9Vu3btZDAY7FwdAAAAADgPAkAAgMNZvny5Bg8erOjoaElSpUqVNG/ePD333HN2rgwAAAAAnA8BIADAYdy5c0dDhw7V0qVLJUkGg0FBQUEaNmyY3N3d7VwdAAAAADgnAkAAgEPYv3+//Pz8dPbsWUmSj4+P5syZo9q1a9u3MAAAAABwctwEBABgV2azWTNnzlTz5s2t4V/Tpk0VFhZG+AcAAAAAGYAOQACA3Vy+fFm9e/fWtm3bJEnZs2fXuHHj9P7773OjDwAAAADIIASAAAC7WLt2rfr166eIiAhJUtmyZRUSEqLSpUvbuTIAAAAAcC0sAQYAZKq4uDgNGTJEXbp0sYZ/PXv21Pr16wn/AAAAAMAG6AAEAGSao0ePyt/fX3/++ackKX/+/Jo5c6YaN25s58oAAAAAwHXRAQgAsDmLxaIvv/xSjRs3toZ/derUUVhYGOEfAAAAANgYHYAAAJu6efOm+vbtq/Xr10uS3Nzc9NFHHykwMFBGI59DAQAAAICtEQACAGwmPDxcvXv31tWrVyVJJUuWVEhIiCpWrGjfwgAAAAAgC6H1AgCQ4eLj4zV27Fi1bdvWGv69++672rx5M+EfAAAAAGQyOgABABnq1KlT8vf318GDByVJuXPn1tSpU9WmTRs7VwYAAAAAWRMdgACADGGxWPTDDz+ofv361vCvatWqCg0NJfwDAAAAADuiAxAA8NSioqI0ePBgrVixQpJkNBo1cOBADRgwQG5u/KoBAAAAAHvirzIAwFP57bff1KtXL50/f16SVLRoUc2dO1c1a9a0c2UAAAAAAIklwACAdEpMTNTUqVPVqlUra/jXqlUrhYWFEf4BAAAAgAOhAxAA8MQuXLigXr16affu3ZIkT09PTZgwQe+9954MBoOdqwMAAAAAPIgAEADwRH7++WcNGDBAUVFRkqTy5ctr/vz58vX1tXNlAAAAAICUsAQYACBJOnXqlEaNGqWKFSuqWLFiKlu2rIKCgrR//35JUkxMjPr166cePXpYw7/AwECtXbuW8A8AAAAAHBgdgAAALViwQMOHD1dSUpL1e3fv3tWSJUu0ZMkStW3bVvv379epU6ckSQULFtTs2bNVr149e5UMAAAAAEgjAkAAyOKWL1+uIUOGpDrmP//5j/Xrhg0baubMmSpYsKCtSwMAAAAAZACWAANAFpaYmKixY8emefzw4cO1ePFiwj8AAAAAcCIEgACQhW3YsEGXL19O83ij0chdfgEAAADAyRAAAkAWtnfvXpuOBwAAAADYHwEgAGRhCQkJTzQ+Pj7eRpUAAAAAAGyFABAAsrBixYo90fjixYvbqBIAAAAAgK0QAAJAFla3bt0n2tPvnXfesWE1AAAAAABbIAAEgCxq69ateuutt2SxWNI0vmbNmqpUqZKNqwIAAAAAZDQCQADIYuLj4zV27Fi1bdtWV69elSQVKlQo1cf4+vrq3//+N3cABgAAAAAnRAAIAFnIqVOn1Lx5c82aNUsWi0W5cuXS/Pnz9fvvv2vYsGHy8fF5aHzu3Lnl5+enX3/9VYULF7ZT1QAAAACAp+Fm7wIAALZnsVi0ePFijRgxQrGxsZKkatWqae7cuXr22WclSQMHDtSHH36oPXv2KCIiQrly5VKVKlXk5eVlz9IBAAAAAE+JABAAXFxkZKQGDhyon3/+WZJkNBo1aNAg9e/fX25uD/8acHd316uvvmqPMgEAAAAANkIACAAubMeOHQoMDNTFixclScWKFdPcuXNVvXp1O1cGAAAAAMgs7AEIAC4oISFBkyZNUps2bazhX5s2bRQaGkr4BwAAAABZDB2AAOBizp49q4CAAO3du1eS5OXlpSlTpqh9+/bcxRcAAAAAsiACQFgZDAYZja7XFGoymexdAhxM8s+EK/5sLFu2TAMHDtSdO3ckSZUqVdL8+fNVsmRJO1fmnFzxZwRPx5XnD2Qsfkbwv5g/kFb8jOB/MX8gIxgsFovF3kXAMcTGxsrT09PeZQBIh9u3b6t379767rvvJN0P9IcNG6axY8fK3d3dztUBAAAAAOyJABBWN2/edJkOwNy5c8tkMikpKUm3b9+2dzlwMCaTSblz59bt27eVlJRk73Ke2p49e+Tn56dz585JkooUKaKQkBC99tprdq7MOTF/IDWuNn8gYzF/IDXMH0gN8wdSw/yB/5UvX74nfgxLgGFlsVhccjJxxdeEjJGUlOTUPx9JSUmaPn26PvvsM+vreOONNzRt2jR5e3s79WtzFPw3xOM4+/wB2+PnA4/D/IF/ws8HHof5A0+DABAAnNCFCxcUEBCgXbt2SZJy5MihCRMmqFOnTtzoAwAAAADwEAJAAHAyq1at0sCBAxUVFSVJKleunObPn69SpUrZuTIAAAAAgCNyjQ3fACALuHPnjvr27auePXtaw7/AwECtW7eO8A8AAAAA8Fh0AAKAEzh48KD8/Px0+vRpSVLBggU1e/Zs1atXz86VAQAAAAAcHR2AAODAzGazgoOD1axZM2v416hRI4WHhxP+AQAAAADShA5AAHBQV65cUe/evbV161ZJUrZs2TR27Fh1796dG30AAAAAANKMABAAHNDatWvVr18/RURESJLKlCmjefPmqWzZsnauDAAAAADgbFgCDAAOJDY2VkOGDFGXLl2s4V+PHj20fv16wj8AAAAAQLrQAQgADuLIkSPy9/fX8ePHJUn58+fXzJkz1bhxYztXBgAAAABwZnQAAoCdWSwWhYSEqHHjxtbwr27dugoLCyP8AwAAAAA8NToAAcCOrl27pg8//FCbN2+WJLm7u2vUqFHy9/eX0chnNAAAAACAp0cACAB2snnzZgUFBen69euSJF9fX4WEhKhChQp2rgwAAAAA4EpoLwGATHb37l2NHDlS77zzjjX869y5szZt2kT4BwAAAADIcHQAAkAmOn78uPz9/XXkyBFJUt68eTVt2jS1bNnSzpUBAAAAAFwVHYAAkAksFou++eYbNWzY0Br+1apVS2FhYYR/AAAAAACbogMQAGzs5s2b6t+/v9auXStJMplMGjZsmIKCgmQymexcHQAAAADA1REAAoANbd26Vb1799aVK1ckSSVKlNC8efNUuXJlO1cGAAAAAMgqWAIMADYQHx+vcePGqW3bttbwr3379goNDSX8AwAAAABkKjoAASCDnTp1Sv7+/jp48KAkKVeuXJo6dareeustO1cGAAAAAMiK6AAEgAxisVj0/fffq379+tbwr2rVqgoLCyP8AwAAAADYDR2AAJABIiMjNWjQIK1atUqSZDQaNXDgQA0YMEBubky1AAAAAAD74a9SAHhKO3fuVEBAgC5evChJKlasmObMmaMaNWrYuTIAAAAAAFgCDADplpiYqMmTJ6t169bW8K9169YKDQ0l/AMAAAAAOAw6AAEgHc6dO6eAgADt2bNHkuTp6akpU6aoQ4cOMhgMdq4OAAAAAID/QwAIAE9o+fLlGjRokO7cuSNJqlixokJCQlSyZEk7VwYAAAAAwKMIAAEgjaKjozV06FAtW7ZMkmQwGBQUFKShQ4fKw8PDztUBAAAAAJAyAkAASIO9e/eqV69eOnfunCSpSJEimjNnjl577TU7VwYAAAAAQOq4CQgApCIpKUnTpk1TixYtrOHfG2+8obCwMMI/AAAAAIBToAMQAB7j4sWLCggI0M6dOyVJOXLk0Pjx49W5c2du9AEAAAAAcBoEgACQgp9//lkDBgxQVFSUJKlcuXIKCQnRCy+8YOfKAAAAAAB4MiwBBoAHxMTEqF+/furRo4c1/AsICNC6desI/wAAAAAATokOQAD4/w4ePCh/f3+dOnVKklSwYEHNmjVL9evXt3NlAAAAAACkHx2AALI8s9ms2bNnq1mzZtbwr2HDhgoPDyf8AwAAAAA4PToAAWRpV65cUZ8+fRQeHi5JypYtm8aMGaOePXtyow8AAAAAgEsgAASQZa1du1ZBQUGKiIiQJJUuXVohISEqW7asnSsDAAAAACDjsAQYgMuxWCw6fvy4tm/frj/++EOJiYkPHY+Li1Pv3r313nvvWcO/7t27a8OGDYR/AAAAAACXQwcgAJeRlJSk7777Tv/+9791/Phx6/eLFCmirl27qlevXjp79qz8/f2tx/Pnz68ZM2aoSZMm9iobAAAAAACbIgAE4BISEhLk5+en1atXP3Ls8uXLmjx5shYuXKgbN24oPj5eklS3bl0FBwfLx8cns8sFAAAAACDTEAACcAkTJ05MMfx70KVLlyRJ7u7umjRpkt5//31ZLJbMKA8AAAAAALthD0AATu/27dv6+uuv0zx+9uzZGjhwoIxGpkAAAAAAgOvjr18ATm/lypWKjY1N8/g9e/bYsBoAAAAAABwLASAAp3f69OknGn/q1CkbVQIAAAAAgOMhAATg9J50Ka/JZLJRJQAAAAAAOB4CQABOr0KFCjYdDwAAAACAMyMABOD08uTJk+YuQKPRqK5du9q4IgAAAAAAHAcBIACnlZCQoPHjx6tDhw4ym81peky3bt30r3/9y8aVAQAAAADgOAgAATilM2fOqEWLFpoxY4YsFoty5sypli1bpvqYdu3aafz48ZlUIQAAAAAAjoEAEIBTsVgsWrp0qerVq6fff/9dklS5cmWFhobq66+/1saNG9WhQwd5enpKktzc3NSoUSP98MMPmj17ttzc3OxZPgAAAAAAmY6/hAE4jdu3b2vIkCFavny5JMlgMKh///4aNGiQ3N3dJUkVK1bUrFmzFBwcrLi4OGXPnv2J7xIMAAAAAIArIQAE4BT27NmjXr166e+//5YkPfPMM5ozZ45q1aqV4niDwWDtAgQAAAAAICujLQaAQ0tKStLnn3+uli1bWsO/Fi1aKCws7LHhHwAAAAAA+D90AAJwWBcuXFBAQIB27dolSfL09NT48ePVqVMnGQwGO1cHAAAAAIBzIAAE4JBWrVqlgQMHKioqSpJUvnx5hYSEqFSpUnauDAAAAAAA58ISYAAO5c6dO+rbt6969uxpDf8CAwO1du1awj8AAAAAANKBDkAADuPgwYPy9/fXqVOnJEkFCxbU7NmzVa9ePTtXBgAAAACA86IDEIDdmc1mzZ49W82aNbOGf40aNVJ4eDjhHwAAAAAAT4kOQAB2deXKFfXp00fh4eGSpGzZsunjjz9Wjx49uNEHAAAAAAAZgAAQgN2sX79effv21c2bNyVJpUuXVkhIiMqWLWvnygAAAAAAcB0sAQaQ6eLi4jR06FB16tTJGv51795dGzZsIPwDAAAAACCD0QEIIFMdO3ZM/v7+OnbsmCTJ29tbM2bMUNOmTe1cGQAAAAAArokOQACZwmKx6KuvvlKjRo2s4d/rr7+u8PBwwj8AAAAAAGyIDkAANnfjxg317dtXGzZskCS5ubnpo48+UmBgoIxGPocAAAAAAMCWCAAB2FRYWJh69+6ta9euSZKee+45zZ8/XxUrVrRvYQAAAAAAZBG03gCwifj4eH388cdq166dNfx79913tWXLFsI/AAAAAAAyER2AADLcqVOn5Ofnpz/++EOSlDt3bk2dOlVt2rSxc2UAAAAAAGQ9dAACyDAWi0Xff/+96tevbw3/qlWrprCwMMI/AAAAAADshA5AABkiMjJSAwcO1M8//yxJMhqNGjx4sPr16yc3N6YaAAAAAADshb/KATy1nTt3KiAgQBcvXpQkFStWTHPnzlX16tXtXBkAAAAAAGAJMIB0S0xM1OTJk9W6dWtr+NemTRuFhoYS/gEAAAAA4CDoAASQLufOnVNAQID27NkjSfLy8tKUKVPUvn17GQwGO1cHAAAAAACSEQACeGLLly/X4MGDFR0dLUmqWLGiQkJCVLJkSTtXBgAAAAAA/hcBIIA0i46O1rBhw7R06VJJksFgUFBQkIYOHSoPDw87VwcAAAAAAFJCAAggTX7//Xf5+/vr7NmzkiQfHx/NmTNHtWvXtm9hAAAAAAAgVQSAAHT8+HGdO3dOHh4eKleunAoUKGA9lpSUpODgYE2ZMkWJiYmSpObNm+uLL76Qt7e3vUoGAAAAAABpRAAIZGE///yzZs2apf3791u/5+7urpYtW2rw4MHy9PRU79699d///leSlCNHDn3yySfq0qULN/oAAAAAAMBJEAACWdSUKVM0derUR76fkJCgn376Sb/++qvc3d2tN/p46aWXFBISohdffDGzSwUAAAAAAE/BaO8CAGS+VatWpRj+Peju3bvW8M/Pz0/r1q0j/AMAAAAAwAnRAQhkQbNmzUrz2I4dO2rChAk2rAYAAAAAANgSHYBAFnPs2DEdOHAgzeP37t1ru2IAAAAAAIDNEQACWcy5c+eeaPz58+dtVAkAAAAAAMgMBIBAFuPm9mQr/590PAAAAAAAcCwEgEAWU758eZlMpjSPf+WVV2xYDQAAAAAAsDUCQCCLiYqKkpeXV5rHv//++7YrBgAAAAAA2BwBIJBFWCwWLVy4UA0bNtTt27fT9Jjq1aurWbNmNq4MAAAAAADYEgEgkAXcunVL3bp108CBAxUXFyeTyaROnTopT548j31MtWrVtGjRIvYABAAAAADAyREAAi5u+/btqlOnjtasWSNJKl68uFavXq0vvvhCu3bt0kcffaSSJUvK3d1dnp6eeu211/Tll19q1apVypcvn52rBwAAAAAAT4vWHsBFJSQk6LPPPtP06dNlsVgkSW3bttWnn36qXLlySZIKFCigfv36qV+/fnasFAAAAAAA2BIBIOCCzp49q169emnfvn2SpJw5c+rTTz9Vu3bt7FwZAAAAAADIbASAgIv5z3/+o8GDB+vOnTuSpEqVKmnevHl67rnn7FwZAAAAAACwBwJAwEVER0dr6NChWrZsmSTJYDCob9++GjJkiNzd3e1cHQAAAAAAsBcCQMAF7Nu3T7169dLZs2clSUWKFNHcuXNVq1Yt+xYGAAAAAADsjrsAA04sKSlJ06dPV4sWLazh3xtvvKGwsDDCPwAAAAAAIIkOQMBpXbp0SYGBgdq+fbskKUeOHBo/frw6d+4sg8Fg5+oAAAAAAICjIAAEnNCaNWvUv39/3bp1S5L00ksvaf78+XrhhRfsXBkAAAAAAHA0LAEGnEhsbKwGDRqk999/3xr++fv7a926dYR/AAAAAAAgRXQAAk7i8OHD8vf314kTJyRJBQsW1MyZM9WwYUM7VwYAAAAAABwZHYCAg7NYLAoJCVGTJk2s4V+9evUUFhZG+AcAAAAAAP4RHYCAHd29e1c7duzQzZs3lStXLtWsWVN58uSxHr9+/bqCgoK0efNmSZKHh4dGjRolPz8/GY3k9wAAAAAA4J8RAAJ2EBcXp2nTpmnRokW6efOm9fs5cuRQ27ZtNWzYMB0+fFh9+vTR9evXJUm+vr4KCQlRhQoV7FU2AAAAAABwQgSAQCaLiYlRhw4dtHv37keOxcXFadGiRVq5cqWio6Ot3+/SpYvGjRsnLy+vzCwVAAAAAAC4AAJAIJONHDkyxfDvQcnhX968eTVt2jS1bNkyM0oDAAAAAAAuiE3EgEx0/fp1/fjjj2keT/gHAAAAAACeFgEgkIlWrFihhISENI/fsmWLDasBAAAAAABZAQEgkIkuXrz4ROMvXLhgo0oAAAAAAEBWQQAIZCIPDw+bjgcAAAAAAPhfBIBAJqpateoTja9WrZqNKgEAAAAAAFkFASCQiW7fvi2DwZCmse7u7urYsaONKwIAAAAAAK7Ozd4FAFnBnTt3NGzYsCe6A/DAgQNVsGBBG1YFAAAAAACyAjoAARvbv3+/6tWrZw3/fHx81KdPn1T39+vbt68GDBiQWSUCAAAAAAAXRgcgYCNms1mzZs3SpEmTlJiYKElq2rSppk+frvz586tnz55atGiRVq1apYiICOXMmVMNGjRQt27dVKZMGTtXDwAAAAAAXAUBIGADV65cUWBgoLZt2yZJyp49u8aNG6f333/fugdg0aJFNWzYMA0bNsyepQIAAAAAABdHAAhksHXr1qlv376KiIiQJJUtW1YhISEqXbq0nSsDAAAAAABZEQEgkEaXL1/WokWLtH79ekVFRSlv3rxq1qyZOnXqpMKFCysuLk5jxozRggULrI/p2bOnxowZo+zZs9uxcgAAAAAAkJURAAJp8O2332r48OFKSEiwfu/cuXM6ePCgvvjiC/Xv318rV67Un3/+KUnKnz+/Zs6cqcaNG9urZAAAAAAAAEkEgMA/WrJkiQYNGvTY4/fu3dPkyZOt/65Tp45mzZolHx+fzCgPAAAAAAAgVUZ7FwA4sri4OI0aNSrN40eOHKmlS5cS/gEAAAAAAIdBAAikYuXKlYqMjEzz+GeffVZGI28rAAAAAADgOEgqgFTs3LnTpuMBAAAAAABsjQAQSEVcXJxNxwMAAAAAANgaASCQiiJFith0PAAAAAAAgK0RACJLs1gs+vvvv3X06FFdvXr1keNNmjR5ovO1bds2o0oDAAAAAADIEG72LgCwh3v37mnhwoX6+uuv9ddff1m/X6NGDX3wwQdq2bKldu/erT59+qT5nA0aNNALL7xgi3IBAAAAAADSjQAQWc6dO3f0zjvvaPfu3Y8c27Vrl3bt2qUKFSro8OHDMpvNkiRPT0/FxsY+9pzPP/+8goODbVYzAAAAAABAerEEGFlOYGBgiuHfg/744w+ZzWZ5enoqODhYv/32m9q3by8PD4+HxmXPnl0dO3bUmjVrVLBgQVuWDQAAAAAAkC50ADqZW7du6aefftK+fft07do1eXp66vnnn1ezZs1UrVo1e5fn8A4fPqy1a9emaazJZNKvv/6ql156SZI0e/ZsjR07VmFhYYqKilK+fPlUt25deXt727JkAAAAAACAp0IA6EQuXbqkESNGKCIiQkajUd7e3oqLi9O+ffu0b98+tW7dWt27d7d3mQ4nMjJSS5cu1cGDB7V37940Py4pKUlHjx61BoCSVKBAAW70AQAAAAAAnAoBoJMwm82aNGmSIiIi5OvrqyFDhsjHx0dms1mhoaGaNWuWVq5cqVKlSql27dr2LtchWCwWTZgwQZMnT1ZcXFy6znHixIkMrgoAAAAAACBzsQegk9i2bZvOnTsnDw8PDR8+XD4+PpIko9GoBg0aqEmTJpKkxYsX27NMh2GxWNSxY0eNGTMm3eGfJBkMhgysCgAAAAAAIPMRADqJ7du3S5KqV6+e4s0m6tWrJ0m6ePGizp49m5mlOZwff/xRRYoU0ZIlS576XGXKlMmAigAAAAAAAOyHJcBOwGw268iRI5Kk8uXLpzjG19dX7u7uSkhI0PHjx1WiRIlMrNAxHDlyRE2aNNG9e/cy5HwFChRQ8+bNM+RcAAAAAAAA9kIHoBOIjIxUdHS0JKlo0aIpjjGZTNbOwCtXrmRabY5i2rRpqlu3boaFf5LUv39/ZcuWLcPOBwAAAAAAYA8EgE4gOfyTpDx58jx2XM6cOSVJMTExNq/JkYSGhmrSpEkZes4PP/xQH3zwQYaeEwAAAAAAwB5YAuwEHgz0PDw8HjvOze3+/51JSUk2r8mRdOvWLUPOYzQa1aRJE/Xs2VOvv/56hpwTAAAAAADA3ggAnUBysCcp1SWuCQkJkqTs2bPbvCZHcePGjafueCxatKhWr14tb29veXp6ZlBlAAAAAAAAjoEA0AnkypXL+nVqYdedO3ckSfny5Uvx+HfffafFixc/9vFt27ZV165d01mlfXz77bdPfY4+ffo89uYqcE0Gg0HS/SX1FovFztXA0RiNRuv/Pm4+RdbF/IHUMH8gNcwfSA3zB1LD/IGMQADoBAoVKiQ3NzclJibq0qVLKlu27CNjkpKSdOPGDUnSv/71rxTPExMTo2vXrj32eWJjY2UymTKm6Ezy4P6I6VG3bl3179/f6V43MkbyhRaQEoPBwNyAx2L+QGqYP5Aa5g+khvkDqWH+wNMgAHQCJpNJL774oo4cOaIjR46oYcOGj4z566+/lJCQIKPRmGJAKEleXl4qVKjQY5/H09PT6fYPrF27droeZzQa1blzZwUHB8vNzc3pXjeejsFgkNFolNls5hM0PMJoNMpgMMhischsNtu7HDgY5g+khvkDqWH+QGqYP5Aa5g/8r/R8UEAA6CRef/11HTlyRDt27FC3bt2UO3fuh46vXr1aklS5cuVHjiXr1KmTOnXq9NjnuHHjhm7dupVxRWeCl19+2fqLMq0KFCigX375Rb6+vrp3716q+yrCNZlMJuXLl09RUVGEv3hEvnz5ZDKZZDabnW5OhO0xfyA1zB9IDfMHUsP8gdQwf+B/FShQ4IkfQ/+ok2jQoIGKFCmiuLg4TZw4UTdv3pQkxcfHa/HixQoPD5ebm5u6dOli50oz39tvv53msTlz5lR4eLh8fX1tWBEAAAAAAIDjoAPQSXh4eGjo0KEaM2aMjh49qh49eih//vy6ffu27t27J6PRqICAABUvXtzepWa6uXPnateuXbpw4UKq43LlyqWTJ0+ypwYAAAAAAMhS6AB0IiVLltT06dPVvHlzFShQQJGRkfLy8tKrr76qyZMnq1GjRvYu0W7279+v119//bHH69Wrp9OnTxP+AQAAAACALIcOQCeTP39+9erVy95lOKTly5fLbDZr6tSp2rp1q4xGo1q3bq3u3bvbuzQAAAAAAAC7IQCESzEajRoyZIgmTZokk8mkpKQkNtEFAAAAAABZGkuAAQAAAAAAABdGAAgAAAAAAAC4MAJAAAAAAAAAwIURAAIAAAAAAAAujAAQAAAAAAAAcGEEgAAAAAAAAIALIwAEAAAAAAAAXBgBIAAAAAAAAODCCAABAAAAAAAAF0YACAAAAAAAALgwAkAAAAAAAADAhREAAgAAAAAAAC6MABAAAAAAAABwYQSAAAAAAAAAgAsjAAQAAAAAAABcGAEgAAAAAAAA4MIIAAEAAAAAAAAXRgAIAAAAAAAAuDACQAAAAAAAAMCFEQACAAAAAAAALowAEAAAAAAAAHBhBIAAAAAAAACACyMABAAAAAAAAFwYASAAAAAAAADgwggAAQAAAAAAABdGAAgAAAAAAAC4MAJAAAAAAAAAwIURAAIAAAAAAAAujAAQAAAAAAAAcGEGi8VisXcRQEb77rvvFBMTIy8vL3Xq1Mne5QBwIswfANKL+QNAejF/ALA1AkC4pObNm+vatWsqVKiQfv31V3uXA8CJMH8ASC/mDwDpxfwBwNZYAgwAAAAAAAC4MAJAAAAAAAAAwIURAAIAAAAAAAAujAAQAAAAAAAAcGEEgAAAAAAAAIALIwAEAAAAAAAAXJibvQsAbKFjx46KiYmRl5eXvUsB4GSYPwCkF/MHgPRi/gBgawaLxWKxdxEAAAAAAAAAbIMlwAAAAAAAAIALIwAEAAAAAAAAXBgBIAAAAAAAAODCCAABAAAAAAAAF8ZdgOFSbt26pZ9++kn79u3TtWvX5Onpqeeff17NmjVTtWrV7F0egCeQke/nXr166dKlS6mOmTdvnp555pmnKTnN9u/fr19++UUnT57UnTt35OnpKV9fXzVv3lzVq1fPlBoAPOz06dPq16+fmjZtqsDAwEx97hs3bljnuxs3bshoNOqZZ55RzZo19eabbypHjhyZWg+Ap5sTLBaL2rVrp/j4+FTHrVixQiaT6WnKTLOtW7dqw4YNOn36tOLi4pQrVy6VLl1ab775pl566aVMqQGAfREAwmVcunRJI0aMUEREhIxGo7y9vRUXF6d9+/Zp3759at26tbp3727vMgGkQUa+n5OSknTt2jW5u7urUKFCjx3n7u6eUeWn6scff9T3339vfU5vb29FRERo//792r9/v95880316NEjU2oB8H82bNhgl+c9c+aMRo4cqejoaBkMBuXLl09xcXE6c+aMzpw5o61bt2rChAnKly+fXeoDsqqnmRNu3Lih+Ph45ciRQ97e3hlYVfrMmjXL+nqyZcumfPnyKSIiQrt27dLu3bvVvXt3vfnmm3auEoCtEQDCJZjNZk2aNEkRERHy9fXVkCFD5OPjI7PZrNDQUM2aNUsrV65UqVKlVLt2bXuXCyAVGf1+vn79uhITE/Xyyy/rk08+yYRX8HhHjx61hn8ffPCB3njjDRmNRiUkJGjZsmVasmSJVq1apfLly9O1DGSSW7duadOmTVq3bl2mP3dSUpI+++wzRUdH65VXXlG/fv2sQd+hQ4f0+eef68KFC5o3b56GDx+e6fUBWVFGzAmXL1+WJL322msKCgrKqNLSJTw8XBs2bJC7u7v69++vWrVqyWAwKDY2VgsWLND69eu1YMEClS9fXiVLlrRrrQBsiz0A4RK2bdumc+fOycPDQ8OHD5ePj48kyWg0qkGDBmrSpIkkafHixfYsE0AaZPT7OfkivEiRIrYp+Als2bJFklS9enW1bNlSRuP9X8Pu7u7q2LGjqlSpIun+xToA21q6dKm6d++url27atGiRTKbzZlew/Hjx3XhwgWZTCYNHDjwoS6/8uXL64MPPpAk7d69W3fv3s30+oCsJCPnBEe69ti0aZMkqWnTpnrttddkMBgkSZ6engoICFDx4sVlNpu1bds2e5YJIBPQAQiXsH37dkn3/6guWLDgI8fr1aunX3/9VRcvXtTZs2dVokSJTK4QQFpl9Pv5ypUrkmQNEp9EfHy81qxZo23btunixYuSpGLFiql27dpq1qyZPDw8nuh8N27ckCQVL148xeMlSpTQ3r17+UMfyARRUVFKTExU3rx5JUmxsbH/uF+XJB04cEBr1qzRn3/+qdjYWHl7e6tSpUpq1aqVihYt+kQ13Lx5U5KUN29e5c6d+5HjyfOb2WxWfHy8smfP/kTnB5B26Z0TUvI01x537tzRypUrtXv3bl25ckXu7u4qXry46tevrwYNGlg/PEyr5HkmpWsPo9Go4sWL69y5c1x7AFkAASCcntls1pEjRyTd/7Q8Jb6+vnJ3d1dCQoKOHz9OAAg4KFu8n5M/hX/Si/CbN2/q448/1rlz5yRJefLkkclk0okTJ3TixAmtW7dO48aNSzGkfJzkGo4dO/bIMbPZrIMHD0q6HzICsK0PPvjA2mEnSdOnT7d26T7O119/rZUrV0q637mbvI/W2rVrtWnTJgUGBqpBgwZpriF5ToiIiNDVq1dVuHDhh47v379f0v35J6WAEEDGSc+c8Djp7QA8f/68xowZY/3A0NvbW0lJSTpy5IiOHDmiDRs2aMyYMcqZM2eaz+nj46MLFy7o2LFjaty48UPH7t69q6NHj0ri2gPICggA4fQiIyMVHR0tSY/95N1kMqlgwYK6dOmS9RM5AI7HFu/n5DExMTGaOHGijh07ppiYGOXOnVsvvfSSWrVqpRdffPGhxyQlJWnSpEk6d+6cypYtqz59+uhf//qXpPsX9cHBwTp8+LAmTpyoadOmWZfT/JOWLVtq06ZNOnTokKZPn663335bhQoV0tWrV/XDDz/o5MmT8vT0VIsWLdJ0PgCZZ/Xq1Vq5cqVy5swpf39/vfbaazKZTLp3755WrVql7777TsHBwSpRooSef/75NJ2zVKlSevnll3Xw4EGNHTtWPXr0UJkyZXTv3j3t2LFD3377rSSpQ4cOtnxpADJYcgB49epVLVy4UCdPntTdu3eVL18+vfzyy2rTps0jgVtsbKzGjRunGzduqEaNGvLz81OBAgUkSadOndL06dN1/PhxzZw5UyNGjEhzLW+99Zb27dunzZs3K3fu3GrWrJny5cun8+fPa8GCBbpx44YKFCig+vXrZ9x/AAAOiQAQTi85LJDuf0L+OMmflMXExNi8JgDpY4v3c/JFeHBwsKT7n6Z7enoqIiJC27Zt0/bt2/Xee++pXbt21sds3bpVJ06cUKFChTR69Gh5enpajxUpUkQfffSRevbsqVOnTumPP/7Qyy+/nKbXV7RoUWtouGXLlkc6C7y9vTVmzBjrBT8AxxAXF2e9gU/fvn1VvXp167Fs2bKpffv2unz5sjZv3qxVq1ZpwIABaT738OHDFRISotDQUI0dO/aR4127duVDAcDJJH/4OHnyZBmNRnl7e8tisej69evatGmTwsPD1bt374dCt19++UVXr15VqVKlNHToUJlMJuux559/XiNGjFBAQIB27dqlS5cu6ZlnnklTLeXKldPo0aM1Y8YMrVixQitWrHjoeLFixTR69Gi2GACyAG4CAqf3YACQ2n5cbm738+6kpCSb1wQgfWzxfk6+CK9Zs6bmz5+vb775Rt99953mzZunKlWqyGw2a9GiRQ9tfp18E44aNWo8FP4l8/Lyst6w49ChQ2l4ZfclJiZq48aN1prc3NxUsGBB6+uJiIjQ999/rzt37qT5nABsb+/evYqJiVHOnDkfCv8eVKdOHUnS4cOHn+jcBw4csC71laR8+fLJy8vL+u/Vq1c/8TkB2E9kZKTi4uIk3b/xxoIFC/T111/rhx9+0LRp0/Tiiy8qISFBM2fOfGhLkORrjzp16jwU/iUrUqSIdcXCk8wJsbGxWr9+vSIjIyXdv74qUKCAdS/BCxcuaOnSpUpISEjX6wXgPOgAhNNL/sNZku7du/fYccm/1Ph0C3BcGf1+TkpKUlBQkNzd3VWjRo2Hluo+88wzGjlypEaMGKGjR49qyZIlql27tqT7S22k+xfj+/btS/Hct2/fliRdv35dknTixAl98cUXj4x74YUX1L9/f0nS7NmztXnzZmXPnl09e/ZUgwYNZDKZlJSUpP/+97/66quv9Ntvv2n69OkaOXJkqq8NQOZJnhPu3r2rgICAFMckJiZKur9/aFJSkkwmk0aOHGndgP9B48ePV/78+XXw4EF9+umnMpvNqlu3rt5//315e3tLkv7++299+eWXOnDggD755BMFBwerUKFCNnqFADKKu7u7Bg0aJC8vL1WuXPmhY76+vho/frw+/PBDXb58WcuWLdPo0aN17949XbhwQZL0008/ae3atSmeOyIiQtL/XXvs3LlTCxcufGRcjRo11LVrV0nShAkTdOjQIeXNm1cBAQGqXr26jEajEhIStHHjRn3zzTfauHGjsmXLJj8/vwz77wDA8RAAwunlypXL+nVqywGTO2ry5ctn85oApE9Gv59NJpNef/31xx43Go1q3Lixjh49qvPnzysmJkZeXl7W80dFRSkqKirV50gOKu/du2e9U/CDkmu8evWqQkNDJUndu3d/aCNuk8mkOnXqyNvbWx999JF+++03Xbx48YnvKArANpLnhMTExBTf5w+yWCyKj49Xjhw5dOXKFV27du2RMclh4dKlS2U2m1WmTBn169fvobt7Pvvssxo9erT69OmjS5cuad26derSpUsGvioAtuDl5ZXqtUe2bNlUr149LV682NoB+GDnf3LIl5rka4/Y2NgU56Rbt25Jut8pmLxSoV+/fqpUqZJ1jLu7u5o3b65s2bJpxowZWrdunTp37qwcOXKk4VUCcEYEgHB6hQoVkpubmxITE3Xp0iWVLVv2kTFJSUnWu2klb+QPwPHY4/384F6D8fHx8vLyUrZs2RQbG6sePXrozTffTNN5ypcvr59//vmxx8+cOSOz2SxJj11CWL58eXl5eSkmJkbnz58nAAQcRLZs2SRJzz33nGbMmJHmx3355ZepHj99+rQkqVq1ag+Ff8nc3NxUuXJlXbp0SefPn3+CigE4suS7eievaEieYyRpxIgRqlGjRprO06BBg1TvPJ7cvZwtWzZVrFgxxTHJ1ySJiYm6fPmySpYsmabnBuB82AMQTs9kMln3wzhy5EiKY/766y8lJCTIaDSmGCgAcAwZ/X5ev369goODrZ13KUn+ozpHjhzWMDA5eEu+gUhKjhw5otDQUP3999+p1pAsOfxLjcVisY5LbQ9EAJkreU64evXqY/cevXnzpkJDQ/Xbb7+l+bxpmReSn485AXAOy5YtU3BwsPbu3fvYMcnLfQsXLizp/s3Nkq9BUrv22Ldvn0JDQ1PsLE5J8hzz4BYojxsjMc8Aro4AEC4huc1+x44d1n25HrR69WpJUuXKla2fuAFwTBn5fo6MjNTGjRv1ww8/WJfcPSghIUG//vqrJKlq1arWDpyqVatKkrZt26bY2NhHHhcVFaWJEyfqiy++SLHGlJQoUcL69fbt21Mcc+zYMcXFxclkMqlUqVJpOi8A26tcubKMRqNiY2MfumHQgxYuXKgvvvhCO3fuTPN5k+eFHTt2pBgGJiYmWpfvlS5d+skLB5Dprly5oo0bN2r58uUpHr99+7b1g8kHVwQkX3ts2LAhxfngwoULmjBhgmbMmJGmDw+k+13L0v39Sx8XSP7++++S7nclpvXOwgCcEwEgXEKDBg1UpEgRxcXFaeLEidYNt+Pj47V48WKFh4fLzc2NvXMAJ5Ce9/OJEycUEBCggIAAnThxwvr9+vXrK1u2bLpy5YqmTJli3TRbut+t89lnn+nKlSvy8PDQO++8Yz32xhtvyNvbW9HR0Zo6depDm/ifPXtWY8eOVXR0tF5++WWVK1cuTa/rmWeesd45eOHChVq3bt1Dd9z7/fff9fnnn0uSGjdu/NB+iADsq3DhwmrUqJEk6auvvtLBgwetx2JjY7VgwQKFhobKw8ND7dq1S/N5W7ZsKUk6efKkPv/884fmmuvXr2vq1Kk6f/688ubNm+oyPwCZb+fOndZrjwffu02aNJHRaNSRI0c0e/bshz4ovHjxoiZOnKiYmBjlyZPnoW1G2rZtq+zZs+vixYuaNWvWQ/sCHj16VOPGjVNiYqIaNGggHx+fNNVYvnx56wcNwcHB2rFjh7Wr2Gw2a9u2bQoJCZEktWnTJsWtCAC4DoPFYrHYuwggI5w+fVpjxoxRVFSUjEaj8ufPr9u3b+vevXsyGo3q3bu39eIdgGN70vfzoUOH9NFHH0m6f7e78uXLW4/t2LFD06ZNU3x8vAwGg/Lnzy/pfgBosVjk5uamgQMHqlatWg/VcPLkSY0bN85aQ4ECBZSYmGjdnNvX11djxox5aA/Bf3L79m2NHz9ef/75pyQ98tok6eWXX9bIkSMf2g8IgO1Nnz5dW7ZsUdOmTRUYGPjI8fj4eE2ePNnaRZMrVy55enrq5s2bSkxMVI4cOTRgwIDH7vH5OEuXLtXixYutHT25c+eW0WhUZGSk9XlGjRpFByCQyf5pTti8ebN1T9B///vf1uW80v3VCl9++aXMZnOK1xBeXl4aNWrUI1uZ7N27V59++qnu3r0rk8mkAgUKKC4uzhoivvLKKxoxYsQTXSNcvXpVY8eOtS47dnNzk7e3t27dumX9ILJu3bqP3IgIgOvhJiBwGSVLltT06dO1bNky7d27V7du3VKuXLlUuXJltW7dmgtnwIlk5Pv51VdfVcmSJbVy5Ur9/vvvunHjhtzc3FS0aFFVqFBBrVq1SnHJS6lSpRQcHKyffvpJu3fv1vXr1+Xp6anSpUvr9ddfV9OmTeXm9mS/RnPnzq3JkycrPDxcYWFhOnXqlCIiIpQjRw6VKlVKdevWVYMGDWQymZ7ovABsz8PDQyNHjlRoaKg2bNigs2fPKjIyUoULF1bFihX15ptvprkr50Ht27dXlSpVtGbNGh06dEg3b96UwWBQsWLFVKlSJbVu3dr6wQUA59CiRQuVLVtWq1atsr6vPTw8VKJECb3yyitq1apViu/rKlWqaObMmVq+fLn27dunmzdvKleuXKpQoYLq1aun+vXrp7qfX0oKFy6sGTNmaP369dq+fbvOnj2rmzdvysvLS+XKlVPjxo0f+RAUgGuiAxAAAAAAAABwYfT4AgAAAAAAAC6MABAAAAAAAABwYQSAAAAAAAAAgAsjAAQAAAAAAABcGAEgAAAAAAAA4MIIAAEAAAAAAAAXRgAIAAAAAAAAuDACQAAAAAAAAMCFEQACAAAAAAAALowAEAAAAAAAAHBhBIAAAAAAAACACyMABAAAAAAAAFwYASAAAAAAAADgwggAAQAAAAAAABdGAAgAAAAAAAC4MAJAAAAAAAAAwIURAAIAAAAAAAAuzM3eBQAAAACZ4cCBA1q5cqUkqUWLFqpSpYp9CwIAAMgkBIAAAADIEg4cOKCxY8dKknx8fAgAAQBAlsESYAAAAAAAAMCFEQACAAAAAAAALowAEAAAAAAAAHBhBIAAAACwG4PBIIPBoI8//liStHr1ar322mvKkSOH6tat+8j4q1ev6uOPP1a1atWUJ08eubu7K3/+/KpZs6ZGjx6tixcvPvKYjz/+WAaDQd26dbN+LyAgQAaDQSVKlEixrpiYGE2dOlW1atVSgQIF5OnpqRdffFEBAQH6/fffM+KlAwAAZBpuAgIAAACHMH78eI0aNeqxx1euXKnOnTvrzp07D30/IiJCu3bt0q5du/TZZ5/pq6++UseOHdNdx+7du9W2bVtduHDhoe+fOHFCJ06cUEhIiPr06aPPP/9c7u7u6X4eAACAzGKwWCwWexcBAACArMlgMEiSypcvr0OHDil79ux65513VKFCBRUrVkxt27aVJJ05c0Zly5bV3bt3JUmNGjVS3bp15eXlpatXr2rdunXav3+/JMnDw0OHDh3SCy+8IEnau3ev9u7dq507d2rhwoWSpI4dO6p27drKlSuX3nvvPWs9+/fvV506dRQdHS2DwaBmzZqpTp06cnNz09GjR7V8+XJFRkZKkrp06aJvv/02U/47AQAAPA0CQAAAANhNcgAoSUWKFNGWLVtUunTpR8aNHj1an3zyiSRp5syZCgoKSnXMJ598opEjRz50/JtvvrEuA547d6569er10PH4+Hi98sorOnr0qHLmzKkVK1aoYcOGD425cuWKmjdvbg0b16xZo+bNmz/pywYAAMhU7AEIAAAAhzB//vwUwz9J1n33ihYtqt69e6c4ZvDgwTIa71/enjt37omf/4cfftDRo0clScHBwY+Ef5Lk4+OjJUuWWIPL6dOnP/HzAAAAZDb2AAQAAIDdlSxZUi1atHjs8fbt26tGjRp6/vnnrSHf/8qZM6eyZ8+u2NhYJSQkPHENX3/9tSSpQIEC6tKly2PHvfDCC6pTp47CwsK0bds23bt3T9myZXvi5wMAAMgsBIAAAACwu0qVKqV6PLVATrp/195Zs2YpNjY2Xc8fHx+v3bt3S7q/H+HjQsZkVapUUVhYmO7evasTJ06ofPny6XpeAACAzEAACAAAALvz8vJK07i7d+9q+/bt2rZtm/766y+dPXtWZ86c0eXLl/U0W1ufPXtW9+7dkySFhoY+tDfhP7l+/Xq6nxcAACAzEAACAADA4VksFs2dO1fDhw/X7du3Uxzz6quvaseOHek6f0RERLprS2/XIQAAQGYhAAQAAIDD69GjhxYsWGD9d4UKFVSlShX5+vqqTJkyqlq1qooWLfpEnXsPevBx1apVs94tOC3KlSuXrucEAADILASAAAAAcGi7du2yhn/FihXTihUrVLly5UfGPc0SYG9vb+vXPj4+6tWrV7rPBQAA4GgIAAEAAODQfv31V+vXn376aYrhnyRdu3Yt3c/x3HPPydPTU7GxsTp69Og/jt+1a5f++usvSdI777wjNzcuqwEAgONK/fZmAAAAgJ1duXLF+vWLL7742HFr165N93O4ubmpVq1akqS//vpLR44ceezYxMREvfvuu+rcubNGjhxJ+AcAABweASAAAAAcWr58+axf7927N8Uxp0+f1rBhw1I9j4eHh/Xr6OjoR477+/tbvx46dOhjlxSPGTNGZ8+elSSWCgMAAKdAAAgAAACH1rhxY+vXQ4YM0YoVK5SUlCRJOnv2rMaPH6+KFSvq+vXr8vT0lCRdunRJkmQ2m62P/de//mX9evr06ZoyZcpDNxZp06aN6tevL0las2aN2rVrpz///NN6/PTp0/L399fEiRMlSSVLllTfvn0z+uUCAABkOIPlaXZLBgAAAJ5C8t13u3btqm+++eax4954442H9gL08PCQyWRSXFycJMlkMikkJEQrV67U6tWrJUl58+ZV//79NXr0aElSQkKCihcvrsuXL1vPU7x4cWs3nyRdvXpVjRo10qFDh6zf8/LyktFofKhrsHDhwtq4caPKly+f/hcPAACQSegABAAAgMP78ccf1aFDB+u/4+PjreFfzZo1tWvXLvXo0UN9+vSxhoqRkZEPdQC6u7vrxx9/VOXKleXh4aEcOXI8sqdg4cKFtW3bNgUEBFj39ouJibGGf25ubnrrrbe0f/9+wj8AAOA06AAEAACA0zh69KjCwsIUFRWlIkWKqHr16ipTpsxDY3bv3q0tW7bI09NTrVq10nPPPZeu57px44Y2btyo8+fPy2w269lnn1X9+vXl4+OTES8FAAAg0xAAAgAAAAAAAC6MJcAAAAAAAACACyMABAAAAAAAAFwYASAAAAAAAADgwggAAQAAAAAAABdGAAgAAAAAAAC4MAJAAAAAAAAAwIURAAIAAAAAAAAujAAQAAAAAAAAcGEEgAAAAAAAAIALIwAEAAAAAAAAXBgBIAAAAAAAAODCCAABAAAAAAAAF0YACAAAAAAAALgwAkAAAAAAAADAhREAAgAAAAAAAC6MABAAAAAAAABwYQSAAAAAAAAAgAsjAAQAAAAAAABcGAEgAAAAAAAA4MIIAAEAAAAAAAAXRgAIAAAAAAAAuDACQAAAAAAAAMCFEQACAAAAAAAALowAEAAAAAAAAHBhBIAAAAAAAACACyMABAAAAAAAAFwYASAAAAAAAADgwggAAQAAAAAAABdGAAgAAAAAAAC4MAJAAAAAAAAAwIURAAIAAAAAAAAu7P8BToduF3BSRSMAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": { + "image/png": { + "height": 480, + "width": 640 + } + }, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "
" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import embo\n", + "from embo import InformationBottleneck\n", + "from rdot.probability import joint\n", + "\n", + "pxy = joint(mickey_meaning_dists, mickey_prior)\n", + "results = InformationBottleneck(pxy=pxy).get_bottleneck()" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Users/nathanielimel/miniforge3/envs/ultk/lib/python3.11/site-packages/plotnine/layer.py:364: PlotnineWarning: geom_point : Removed 1 rows containing missing values.\n", + "/Users/nathanielimel/miniforge3/envs/ultk/lib/python3.11/site-packages/plotnine/geoms/geom_path.py:98: PlotnineWarning: geom_path: Removed 1 rows containing missing values.\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABQAAAAPACAYAAABq3NR5AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8g+/7EAAAACXBIWXMAAB7CAAAewgFu0HU+AABzBElEQVR4nOzdeZjddX33/9c5ZzLZyDLZCIsEQiJhV6OAtqGEhE1TCYqiEuFmaTGKXNregKC3VBEp4kIp7qXcd+UKXiIQhIJGKKSBiGAsIIkQEQMkIWSbJGRP5pzfH7lmfoTscGDgex6P6+JimO9yPjM5vtvrme/3e0q1Wq0WAAAAAKCQyp29AAAAAADg9SMAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABdbU2QvgzWHx4sWdvYS66datW8rlcqrVatauXdvZy6ETlEqldO/ePWvWrEmtVuvs5dAJzAHMARKzALMAcwBzgE2KNgsGDBiwy8e4ApDC6d69e3r06JHu3bt39lLoJOVyOT169Ei5bMQ1KnMAc4DELMAswBzAHGATs0AABAAAAIBCEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACa+rsBbyRWltbc+utt2bGjBlZuHBhevTokf333z8nnXRSjjjiiF0+30MPPZQ77rgjzz33XNauXZuBAwfmyCOPzPjx49OnT5+tHvPSSy/l9ttvz29/+9ssWrQoGzduTEtLSw455JB86EMfytve9rYtjrnuuusyZcqU7a7l/PPPz/HHH7/LPwMAAAAAxdYwAXD+/Pm59NJLs3Tp0pTL5fTr1y9r1qzJjBkzMmPGjIwfPz5nn332Tp/vhhtuyG233ZYk6d69e3r16pX58+fnlltuyf3335/LL788e++99zbXkCR9+/ZNly5d8uKLL+bFF1/MtGnTcskll2TkyJGbHffCCy8kSfbcc8+USqWtrqdnz547vXYAAAAAGkdDBMBqtZorr7wyS5cuzbBhw3LRRRdl8ODBqVarue+++3Lddddl8uTJGT58eEaNGrXD8z3wwAO57bbbUi6Xc+655+akk05KpVLJkiVLcvXVV2fWrFm56qqrcs0116RSqXQcd/XVV2fp0qXZb7/98vnPfz777rtvkk1h8Nprr82sWbPyrW99Kz/4wQ/Su3fvjuMWLFiQpqamfO9730u57K5tAAAAAHZeQ9SkadOm5dlnn01zc3MuueSSDB48OElSLpczZsyYnHDCCUmSSZMm7fBctVqtY78TTzwx48aN64h8/fv3z4UXXpimpqY8++yzeeCBBzqOe/LJJ/PnP/85lUolX/ziFzviX7Lpyr4vfOEL6dmzZ1auXJlf//rXHds2bNiQJUuWZPfddxf/AAAAANhlDVGUHnzwwSTJkUcemYEDB26xffTo0UmSefPmZc6cOds915w5czJ37twkybhx47bY3r9//xx22GFJkunTp3d8/4knnkiSHHDAARk0aNAWx/Xt2zdvf/vbk2yKhe1efPHFVKvV7LHHHttdFwAAAABsTeEDYLVazcyZM5Mkhx566Fb3GTZsWLp06ZIkeeqpp7Z7vj/84Q9JkpaWli2e8dduxIgRW5yr/bl/u++++zbP3X4l4YYNGzq+1/78v/arFgEAAABgVxT+GYDLli3LSy+9lCTZa6+9trpPpVLJwIEDM3/+/CxYsGC753v++ee3e64kHVfrLV26NOvWrUvXrl1z1lln5ZOf/GSamrb+K29tbc2sWbOSJPvss0/H99sDYNeuXfP9738/M2bMyNKlS9OtW7fsv//+Oe6443L00Udvd80AAAAANK7CB8D2+Jckffr02eZ+u+22W5Jk1apVO3W+nTlXkqxevTpdu3ZNly5dOq4yfKWVK1fm6quvzurVq1OpVHL88cd3bGsPgLfcckuSpFevXunbt2+WLFmSxx57LI899limTZuWiy66aJvnBwAAAKBxFT4AvjzoNTc3b3O/9ivz2tradup8O3OunTnfww8/nB/+8IdZtGhRkuTv/u7vNru1uP2KxCFDhmTixIk56KCDkmyKhjfffHMmT56c3/72t/nxj3+cT3/609t9LQAAAAAaT+ED4Mtj3Lp167a5X/tz97p167ZT59uZc23vfHPnzs3111+fGTNmJNl0Zd9nPvOZvO9979tsvw9+8IMZPXp03vWud212ZeFuu+2Ws846K01NTbn55pszZcqUfPzjH09LS8t21w8AAABAYyl8AOzVq1fH19u7vXflypVJssOA1n6+nTlXc3Nzevbsudm29evX56abbsrtt9+ejRs3plwu59hjj80ZZ5yRvn37bnGud77zndtdz4knnpibb7451Wo1Tz31VI466qit7nfjjTdm0qRJ2zzPqaeemjPPPHO7r/VWUS6XO/4tiDamUqmUZNOt+rVarZNXQ2cwBzAHSMwCzALMAcwBNjELGiAADho0KE1NTdm4cWPmz5/fcQvty7W1tWXx4sVJss1P9m235557Jknmz5+/zX1efPHFJJs+KKR92CTJ8uXL85WvfCVPP/10kuTwww/P2Wefnf3222/XfqiX6d27d8fXL7/y8JVWrVqVhQsXbnN7+/MHi6RUKhXuZ2LXtA95Gpc5gDlAYhZgFmAOYA6wSSPPgsIHwEqlkgMOOCAzZ87MzJkzM3bs2C32efrpp7Nhw4aUy+WtBsKXa9++aNGiLFq0KAMHDtxinz/+8Y9JkkMOOaTje9VqNVdccUWefvrpdO3aNZ/61KcyZsyY7b7WE088kfvuuy8tLS2ZMGHCVveZO3dux9eDBw/e5rl69uyZQYMGbXN7jx49dvi8wreKcrmcUqmUWq2WarXa2cuhE5RKpZTL5VSrVX/L16DMAcwBErMAswBzAHOATYo2C15NxCx8AEySo48+OjNnzsz06dNz1llnbXbVXJLceeedSZKRI0duse2VDj744AwYMCCLFy/OXXfdtcVts3Pnzs2jjz6aJBk9enTH9x9++OE8+eSTKZfLueiii/Ke97xnh+sul8v59a9/3XGbcPvVhy83efLkJMmAAQMydOjQbZ5rwoQJ24yISbJ48eK0trbucE1vBS0tLalUKqlWq4X5mdg1lUolLS0tWb58eWHCNrvGHMAcIDELMAswBzAH2KRos2DAgAG7fExDXAM7ZsyY7LHHHlmzZk2+/vWvZ8mSJUk2PY9v0qRJmTp1apqamnLGGWd0HDN79uxMnDgxEydOzOzZszu+X6lU8rGPfSzJpvh2zz33dPwtwjPPPJMrrrgi1Wo1o0aNyrBhwzqOmzZtWpJk1KhROxX/kuTAAw/MkCFDOq4efOqppzq2rV27NjfddFOmTp2aJDn99NMb9jJWAAAAALatIa4AbG5uzsUXX5zLLrsss2bNyjnnnJP+/ftnxYoVWbduXcrlciZOnJghQ4Z0HLNu3brMmzev4+uXO/744zN79uxMmTIl1157ba6//vp069atIywOHz4855133mbHtD/37/HHH8/EiRO3u96jjjoqZ555ZkqlUi6++OJ8+ctfzvPPP58LL7wwvXv3Tvfu3bNkyZJs3LgxSXLyySfv8HZiAAAAABpTQwTAJBk6dGiuueaa3Hzzzfnd736X1tbW9OrVKyNHjsz48eMzYsSIXTrf+eefn8MOOyx333135syZk1WrVmXIkCE55phjMm7cuHTt2nWz/dsvMW1tbd3h5aYv37733nvnuuuuyx133JHp06dn3rx5WbNmTfr27ZsRI0bkhBNOyOGHH75LawcAAACgcZRqnoJJ0vEpyEXQfm9/W1tbIe7tZ9e1P+ejtbXVcz4alDmAOUBiFmAWYA5gDrBJ0WaBZwACAAAAAJsRAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMCaOnsBvDmUSqWUy8XrwZVKpbOXQCdo/3P350/ifdCozAFeyXuhMZkFvJz3QWMyB3ilRn0vlGq1Wq2zF0HnW716dXr06NHZywAAAACgzlwBSJJkzZo1WbduXWcvoy569+6dSqWStra2rFixorOXQyeoVCrp3bt3VqxYkba2ts5eDp3AHMAcIDELMAswBzAH2KRos6ClpWWXjxEASZLUarVCDsMi/kzsvLa2Nu8BvAcanDlAO++DxmYWkJgDjc4coF2jvg+K99A3AAAAAKCDAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYE2dvYA3Umtra2699dbMmDEjCxcuTI8ePbL//vvnpJNOyhFHHLHL53vooYdyxx135LnnnsvatWszcODAHHnkkRk/fnz69Omz1WNeeuml3H777fntb3+bRYsWZePGjWlpackhhxySD33oQ3nb29621eP+8pe/5Oc//3meeuqptLa2pm/fvjnssMPywQ9+MPvtt98urx0AAACAxlCq1Wq1zl7EG2H+/Pm59NJLs3Tp0pTL5fTr1y9r1qzJqlWrkiTjx4/P2WefvdPnu+GGG3LbbbclSbp3756ePXtm6dKlqVar6d+/fy6//PLsvffe21xDkvTt2ze1Wi3Lly9PkjQ3N+eSSy7JyJEjNzvuoYceylVXXZW2trZ06dIlLS0tWbZsWdavX58uXbrkH/7hH/JXf/VXr/p3kySLFy9+Tce/mbS0tKRSqaStrS2tra2dvRw6QaVSSUtLS1pbW9PW1tbZy6ETmAOYAyRmAWYB5gDmAJsUbRYMGDBgl49piCsAq9VqrrzyyixdujTDhg3LRRddlMGDB6darea+++7Lddddl8mTJ2f48OEZNWrUDs/3wAMP5Lbbbku5XM65556bk046KZVKJUuWLMnVV1+dWbNm5aqrrso111yTSqXScdzVV1+dpUuXZr/99svnP//57Lvvvkk2hcFrr702s2bNyre+9a384Ac/SO/evZMkixYtytVXX522traMGTMm5557bnr27Jm1a9fmP/7jP3LnnXfmX/7lXzJ06NDssccer8vvDwAAAIC3roZ4BuC0adPy7LPPdlxhN3jw4CRJuVzOmDFjcsIJJyRJJk2atMNz1Wq1jv1OPPHEjBs3riPy9e/fPxdeeGGampry7LPP5oEHHug47sknn8yf//znVCqVfPGLX+yIf0my55575gtf+EJ69uyZlStX5te//nXHtp/97GfZsGFD9t1335x//vnp2bNnkqRbt24599xzM2TIkKxduza33nrra/slAQAAAFBIDREAH3zwwSTJkUcemYEDB26xffTo0UmSefPmZc6cOds915w5czJ37twkybhx47bY3r9//xx22GFJkunTp3d8/4knnkiSHHDAARk0aNAWx/Xt2zdvf/vbk2yKhcmm2Nh+jvarDF+uXC7nmGOOSZL85je/SbVa3e7aAQAAAGg8hQ+A1Wo1M2fOTJIceuihW91n2LBh6dKlS5Lkqaee2u75/vCHPyTZdP/4K5/x127EiBFbnKv9uX+77777Ns/dHvg2bNiQZFNsfOmll7a79vbXWrFiRRYsWLDdtQMAAADQeAr/DMBly5Z1RLS99tprq/tUKpUMHDgw8+fP32FEe/7557d7riQdz+JbunRp1q1bl65du+ass87KJz/5yTQ1bf1X3tramlmzZiVJ9tlnnyTJc889l2TTlX7ber5f++3MSfLCCy9kzz333O76AQAAAGgshQ+A7fEvSfr06bPN/Xbbbbck6fhU4B2db2fOlSSrV69O165d06VLl46rDF9p5cqVufrqq7N69epUKpUcf/zxm71Wr169trj9t12vXr02ey0AAAAAeLnCB8CXB73m5uZt7td+Zd6OPha8/Xw7c66dOd/DDz+cH/7wh1m0aFGS5O/+7u86bi1uD3rbCoevfK2NGzdu97UAAAAAaDyFD4AvD2Tr1q3b5n7tz93r1q3bTp1vZ861vfPNnTs3119/fWbMmJFk05V8n/nMZ/K+972vY5/2q/5e62sBAAAA0LgKHwBffovs9m7vXblyZZJNH+6xM+fbmXM1NzenZ8+em21bv359brrpptx+++3ZuHFjyuVyjj322Jxxxhnp27fvVl9re7f2tr/WjtZ+4403ZtKkSdvcfuqpp+bMM8/c5va3knK53PHvHf15UkylUinJplv1a7VaJ6+GzmAOYA6QmAWYBZgDmANsYhY0QAAcNGhQmpqasnHjxsyfPz8HHXTQFvu0tbVl8eLFSbLNT/Zt1/4hG/Pnz9/mPi+++GKSTR8U0j5skmT58uX5yle+kqeffjpJcvjhh+fss8/Ofvvtt9XztH/QSFtbWxYsWLDZB3688rVKpdJ2175q1aosXLhwm9vbnz9YJKVSqXA/E7umfcjTuMwBzAESswCzAHMAc4BNGnkWFD4AViqVHHDAAZk5c2ZmzpyZsWPHbrHP008/nQ0bNqRcLm81EL5c+/ZFixZl0aJFGThw4Bb7/PGPf0ySHHLIIR3fq1arueKKK/L000+na9eu+dSnPpUxY8Zs97WGDRuW5ubmrF+/PrNmzdpqAGx/rX333XezDx95pZ49e2bQoEHb3N6jR48dPq/wraJcLqdUKqVWq6VarXb2cugEpVIp5XI51WrV3/I1KHMAc4DELMAswBzAHGCTos2CVxMxCx8Ak+Too4/OzJkzM3369Jx11lnp3bv3ZtvvvPPOJMnIkSO32PZKBx98cAYMGJDFixfnrrvu2uK22blz5+bRRx9NkowePbrj+w8//HCefPLJlMvlXHTRRXnPe96zw3V37do1Rx55ZKZNm5Zf/vKXOfbYYzfbvmHDhvzqV79KkhxzzDHbPdeECRMyYcKEbW5fvHhxWltbd7imt4KWlpZUKpVUq9XC/EzsmkqlkpaWlixfvrwwYZtdYw5gDpCYBZgFmAOYA2xStFkwYMCAXT6mIa6BHTNmTPbYY4+sWbMmX//617NkyZIkm57HN2nSpEydOjVNTU0544wzOo6ZPXt2Jk6cmIkTJ2b27Nkd369UKvnYxz6WJJk8eXLuueeejr9FeOaZZ3LFFVekWq1m1KhRGTZsWMdx06ZNS5KMGjVqp+Jfu9NOOy1dunTJk08+mR/84AcdHwjS2tqaq666quPW4Pe///2v8rcDAAAAQJE1xBWAzc3Nufjii3PZZZdl1qxZOeecc9K/f/+sWLEi69atS7lczsSJEzNkyJCOY9atW5d58+Z1fP1yxx9/fGbPnp0pU6bk2muvzfXXX59u3bp1hMXhw4fnvPPO2+yY9uf+Pf7445k4ceJ213vUUUd1XFm4zz775NOf/nSuu+663HXXXbnnnnvSt2/fLFmyJG1tbenTp08uuuiidO3a9bX9kgAAAAAopIYIgEkydOjQXHPNNbn55pvzu9/9Lq2trenVq1dGjhyZ8ePHZ8SIEbt0vvPPPz+HHXZY7r777syZMyerVq3KkCFDcswxx2TcuHFbBLn2S0xbW1t3eLnpK7ePGTMme++9d2677bbMmjUrra2tGThwYEaOHJkPfehDW30OIQAAAAAkSanmKZgkHZ+CXATt9/a3tbUV4t5+dl37cz5aW1s956NBmQOYAyRmAWYB5gDmAJsUbRZ4BiAAAAAAsBkBEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACa+rsBfDmUCqVUi4XrwdXKpXOXgKdoP3P3Z8/ifdBozIHeCXvhcZkFvBy3geNyRzglRr1vVCq1Wq1zl4EnW/16tXp0aNHZy8DAAAAgDpzBSBJkjVr1mTdunWdvYy66N27dyqVStra2rJixYrOXg6doFKppHfv3lmxYkXa2to6ezl0AnMAc4DELMAswBzAHGCTos2ClpaWXT5GACRJUqvVCjkMi/gzsfPa2tq8B/AeaHDmAO28DxqbWUBiDjQ6c4B2jfo+KN5D3wAAAACADgIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIE1dfYC3kitra259dZbM2PGjCxcuDA9evTI/vvvn5NOOilHHHHELp/voYceyh133JHnnnsua9euzcCBA3PkkUdm/Pjx6dOnzw6PX7FiRc4444wcfvjh+cpXvrLN/b785S/n0Ucf3e65vvrVr+Yd73jHLv4EAAAAABRdwwTA+fPn59JLL83SpUtTLpfTr1+/rFmzJjNmzMiMGTMyfvz4nH322Tt9vhtuuCG33XZbkqR79+7p1atX5s+fn1tuuSX3339/Lr/88uy9997bPce9996barW6w9d64YUXUi6Xs8cee2xzn27duu302gEAAABoHA0RAKvVaq688sosXbo0w4YNy0UXXZTBgwenWq3mvvvuy3XXXZfJkydn+PDhGTVq1A7P98ADD+S2225LuVzOueeem5NOOimVSiVLlizJ1VdfnVmzZuWqq67KNddck0qlssXxK1euzAMPPJBJkybt8LU2btyYRYsWZdCgQfn+97//qn5+AAAAABpXQzwDcNq0aXn22WfT3NycSy65JIMHD06SlMvljBkzJieccEKS7FSQq9VqHfudeOKJGTduXEfk69+/fy688MI0NTXl2WefzQMPPLDZsffcc0/+/u//Pqeffnq+973vZd26dTt8vYULF6ZarW736j8AAAAA2JaGCIAPPvhgkuTII4/MwIEDt9g+evToJMm8efMyZ86c7Z5rzpw5mTt3bpJk3LhxW2zv379/DjvssCTJ9OnTN9v20ksvZe3atenTp0/69u27U7ftvvDCC0kiAAIAAADwqhT+FuBqtZqZM2cmSQ499NCt7jNs2LB06dIlGzZsyFNPPZV99913m+f7wx/+kCRpaWnZ5jP+RowYkd///vd56qmnNvv+KaecklNOOaXjvydNmpSf/vSn211/ewBsv2oRAAAAAHZF4QPgsmXL8tJLLyVJ9tprr63uU6lUMnDgwMyfPz8LFizY7vmef/757Z4r+f+v1lu6dGnWrVuXrl27vpqlJ0nHemq1Wr7zne/ksccey4oVK9KzZ8+8/e1vzwc+8IG8613vetXnBwAAAKDYCh8A2+NfkvTp02eb++22225JklWrVu3U+XbmXEmyevXq1xQA268AvOGGGzpet1evXmltbc0jjzySRx55JO9///tz3nnnpVQqverXAQAAAKCYCh8AXx70mpubt7lfU9OmX0VbW9tOnW9nzrUz59uR9isADz744Jx33nkdtycvWbIkP/nJT/Jf//VfueuuuzJw4MB8+MMffk2vBQAAAEDxFD4AvjzGbe9Tdzds2JAkO/xgjvbz7cy5duZ8OzJhwoS0tbXlyCOPTJcuXTq+379//3zuc59LW1tbpk6dmp///Oc5+eSTN/t5AQAAAKDwtahXr14dX2/v9t6VK1cm2fThHjtzvp05V3Nzc3r27LnTa92a9773vdvdfsIJJ2Tq1KlZtWpVnn/++ey3335b3e/GG2/MpEmTtnmeU089NWeeeeZrWuubRblc7vj3jv48Kab22+H79OmTWq3WyauhM5gDmAMkZgFmAeYA5gCbmAUNEAAHDRqUpqambNy4MfPnz89BBx20xT5tbW1ZvHhxkmzzk33b7bnnnkmS+fPnb3OfF198McmmDwp5vZ/L9/JnEa5fv36b+61atSoLFy7c5vbVq1enUqnUdW2drVQqFe5nYte0D3kalzmAOUBiFmAWYA5gDrBJI8+CwgfASqWSAw44IDNnzszMmTMzduzYLfZ5+umns2HDhpTL5a0Gwpdr375o0aIsWrQoAwcO3GKfP/7xj0mSQw455DWtffr06ZkxY0b22WefnHzyyVvdp/1TiZNk99133+a5evbsmUGDBm1ze48ePV7z8wrfLMrlckqlUmq1WqrVamcvh05QKpVSLpdTrVb9LV+DMgcwB0jMAswCzAHMATYp2ix4NRGz8AEwSY4++ujMnDkz06dPz1lnnZXevXtvtv3OO+9MkowcOXKLba908MEHZ8CAAVm8eHHuuuuuLW6bnTt3bh599NEkyejRo1/TutetW5df//rX6dmzZ8aMGbPZpwu3+8UvfpEkGTFiRPr27bvNc02YMCETJkzY5vbFixentbX1Na33zaKlpSWVSiXVarUwPxO7plKppKWlJcuXLy9M2GbXmAOYAyRmAWYB5gDmAJsUbRYMGDBgl49piGtgx4wZkz322CNr1qzJ17/+9SxZsiTJpltmJ02alKlTp6apqSlnnHFGxzGzZ8/OxIkTM3HixMyePbvj+5VKJR/72MeSJJMnT84999zT8bcIzzzzTK644opUq9WMGjUqw4YNe03rPuqoo9LS0pJVq1bl8ssv3+xqv5deeinf+973MmvWrJRKpe3GPQAAAAAaV0NcAdjc3JyLL744l112WWbNmpVzzjkn/fv3z4oVK7Ju3bqUy+VMnDgxQ4YM6Thm3bp1mTdvXsfXL3f88cdn9uzZmTJlSq699tpcf/316datW0dYHD58eM4777zXvO7u3bvn4osvzte+9rX88Y9/zGc+85m0tLSkS5cuWbx4carVakqlUs4555wcdthhr/n1AAAAACiehgiASTJ06NBcc801ufnmm/O73/0ura2t6dWrV0aOHJnx48dnxIgRu3S+888/P4cddljuvvvuzJkzJ6tWrcqQIUNyzDHHZNy4cenatWtd1n3QQQflu9/9bm6//fY88sgjWbBgQUqlUgYNGpSDDjoo48aNe81XGgIAAABQXKWap2CSdHwKchG039vf1tZWiHv72XXtz/lobW31nI8GZQ5gDpCYBZgFmAOYA2xStFngGYAAAAAAwGYEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwOoaAM8777zcd999qdVq9TwtAAAAAPAq1TUA/vjHP87YsWOzxx575NOf/nTuv/9+MRAAAAAAOlHdbwGu1WpZuHBhfvjDH2bMmDHZa6+9cv7552fq1Kn1fikAAAAAYAfqGgBvuummfOxjH0ufPn1Sq9VSq9WyYMGCfP/738+xxx6bvfbaKxdccEEefPDBer4sAAAAALANdQ2Ap512WiZNmpRFixblV7/6VT796U9n77337oiBL7zwQr773e/m6KOPzj777JMLL7wwM2bMqOcSAAAAAICXeV0+BbipqSnHHXdcrrvuujz33HN55JFH8sUvfjGHHHJIRwycO3duvv3tb+eII47IAQcckK997WuZM2fO67EcAAAAAGhYr0sAfKWRI0fm8ssvz+OPP54///nP+da3vpWjjz465XI5tVotf/rTn3LZZZdl2LBhOeaYY3LjjTdm7dq1b8TSAAAAAKDQ3pAA+HL77bdfPv/5z+f+++/PE088kWOOOaZjW7VazbRp03LmmWdmzz33zP/+3/87zz333Bu9RAAAAAAojDc8AD7zzDP5zne+k9GjR+fQQw/N1KlTUyqVUqvVkiRdunRJrVbLsmXL8p3vfCfDhw/PxRdf3LEdAAAAANh5TW/EizzyyCO5/fbbc/vtt2fWrFkd32+Pev369cspp5yS0047Lcccc0ymTp2aH//4x5k8eXLWr1+fb37zm+nfv38uuuiiN2K5AAAAAFAYr0sAXL9+fe69997cfvvtueOOO7JgwYKObe3Rr2/fvjnllFPy0Y9+NGPHjk2lUunYZ8yYMRkzZkyeffbZjBkzJs8880z+/d//XQAEAAAAgF1U1wD4k5/8JL/4xS/yq1/9KqtWrUqSzW7d7dOnT04++eR89KMfzXHHHZcuXbps93xDhgzJmWeemcsuu8wnBAMAAADAq1DXAHjmmWdu9jy/JOnVq1c++MEP5qMf/WhOOOGENDc379I520NiU9MbcrcyAAAAABRK3atarVbLbrvtlnHjxuW0007LiSeemK5du77q851wwgk58MAD09LSUsdVAgAAAEBjqGsA/OhHP5qPfvSjef/7359u3brV5ZyjR4+uy3kAAAAAoBHVNQD+9Kc/3eJ7L774Ynbfffctvr948eIMGDCgni8PAAAAALxC+fU46Zw5c/KpT30qgwcPztChQ7e6z3ve857stddeueCCC/KXv/zl9VgGAAAAADS8ugfAu+66KwcffHB+/OMfZ+HChZt9IMgrvfDCC/nud7+bgw8+ODfccEO9lwIAAAAADa+uAXD+/Pn5xCc+kTVr1qRWq2Xo0KH57Gc/u9V9zzrrrAwdOjS1Wi1r167NueeemylTptRzOQAAAADQ8OoaAP/1X/81K1asSKlUype+9KU8+eSTueqqq7a675e//OU8/fTTueaaa9K1a9fUarV87nOfq+dyAAAAAKDh1TUA/upXv0qpVMqxxx6br371q2lq2vFnjFxwwQX55je/mSR56qmn8sgjj9RzSQAAAADQ0OoaAP/85z8nScaOHbtLx5199tkdsfD3v/99PZcEAAAAAA2trgFww4YNSZKuXbvu0nHdu3dPr169kiStra31XBIAAAAANLS6BsA999wzSfI///M/u3Tc8uXLs2zZsiRJ375967kkAAAAAGhodQ2AY8eOTa1Wy89+9rM8/vjjO33cv/7rv6ZWqyVJ3vGOd9RzSQAAAADQ0OoaAD/zmc+kqakp69evz5gxY/L//t//S7Va3eb+69aty9e+9rV89atfTalUygEHHJCjjjqqnksCAAAAgIa244/p3QWHHnpo/umf/ilf+tKXsnTp0px99tn5/Oc/n+OOOy4HHXRQBgwYkO7du2fJkiV57LHH8stf/jKtra2p1Wppbm7OD3/4w3ouBwAAAAAaXl0DYJJceumlKZVKueyyy7Jx48YsW7YsP//5z7e6b/ttv7169cqNN96YUaNG1Xs5AAAAANDQ6noLcLtLLrkkjzzySD760Y+mubk5tVptq//06NEj55xzTmbNmpW//du/fT2WAgAAAAANre5XALY7/PDD89Of/jRr1qzJjBkz8uSTT2bZsmXZsGFD+vbtmwMPPDBHHHFEevTo8XotAQAAAAAa3usWANt17949f/3Xf52//uu/fr1fCgAAAAB4hdflFuBdVavV0qtXrzQ1NeWWW27p7OUAAAAAQGG8blcAtrW1ZeHChdmwYcMO9503b142bNiQWq2W2bNnv15LAgAAAICGU/cAuGLFinz+85/PT3/606xdu3aXjx84cGC9lwQAAAAADavuAfDkk0/Of//3f6dWq+3yse973/vyiU98ot5LAgAAAICGVdcAePvtt2fq1KkplUrZc88984lPfCIDBw7Mv//7v2f27Nk5+OCD8+EPfzi1Wi0LFy7MlClT8swzz6RXr1657bbbcuyxx9ZzOQAAAADQ8OoaAG+66aYkSc+ePfPb3/42e+21V5Jk3LhxOfjggzN37tx88YtfTFPTppet1Wq5+OKL881vfjNf+MIXMn369I5tAAAAAMBrV9dPAX7kkUdSKpXy4Q9/uCP+JcmBBx6YHj16ZPny5fmf//mfju+XSqV84xvfyOjRozNjxox87Wtfq+dyAAAAAKDh1TUALliwIElywAEHbLFt3333TZI8+uijW2z7x3/8x9RqtVx77bVZt25dPZcEAAAAAA2trgFw48aNSZLddttti2377bdfkuSZZ57ZYtvYsWNTKpWyfPny3HvvvfVcEgAAAAA0tLoGwMGDBydJ/vznP2+xbb/99kutVssTTzyxxbbm5ub07t17m8cCAAAAAK9OXQPgUUcdlVqtlp/+9KdZvnz5ZtsOO+ywJMn06dO3uM33hRde6Nh/7dq19VwSAAAAADS0ugbAM844I0mycOHCHHnkkbn++uvzwgsvJNl0m2+SLFu2LF/+8pc7jmlra8vnP//5jv9++9vfXs8lAQAAAEBDq2sA/MAHPpATTjghtVotf/rTn/L3f//3ueGGG5Js+hCQsWPHplar5Zvf/GYOPvjgnHLKKRk+fHhuvvnmlEqlDBo0KCeccEI9lwQAAAAADa2uATBJfv7zn+fv/u7v0rVr19Rqtc22/eAHP0jv3r1Tq9Xy5JNP5he/+EWeffbZ1Gq1NDU15YYbbki3bt3qvSQAAAAAaFh1D4A9e/bMD3/4wyxZsiSPPPJITj/99I5tQ4cOzYMPPpjjjz8+TU1NHYHwr//6r3P//ffnxBNPrPdyAAAAAKChNb1eJ+7evXtGjhy5xfcPPvjg/PKXv8z69euzZMmS9OnTJz169Hi9lgEAAAAADa2uAfC///u/kyT7779/9tprr+3u29zcnD322KOeLw8AAAAAvEJdbwEePXp0Ro8enV/84hf1PC0AAAAA8CrVNQC2X9G3cOHCep4WAAAAAHiV6hoAP/ShD6VWq+X222+v52kBAAAAgFeprgHwq1/9aoYOHZrHHnssF110UT1PDQAAAAC8CnX9EJC+ffvm3nvvzQc/+MF861vfyrRp0/KZz3wmI0eOTM+ePXfqHPvss089lwQAAAAADa2uAbBSqWz23w8//HAefvjhnT6+VCpl48aN9VwSAAAAADS0ugbAWq1Wz9MBAAAAAK9RXQPgZZddVs/TAQAAAACvkQAIAAAAAAVW1wDIW1epVEq5XNcPhX5TeOVzKWkM7X/u/vxJvA8alTnAK3kvNCazgJfzPmhM5gCv1KjvhVLNg/tIsnr16vTo0aOzlwEAAABAndX1CsD//u//fs3nOProo+uwEnbVmjVrsm7dus5eRl307t07lUolbW1tWbFiRWcvh05QqVTSu3fvrFixIm1tbZ29HDqBOYA5QGIWYBZgDmAOsEnRZkFLS8suH1PXAHjMMcekVCq96uNLpVI2btxYxxWxs2q1WiGHYRF/JnZeW1ub9wDeAw3OHKCd90FjMwtIzIFGZw7QrlHfB3V/BqA7igEAAADgzaOuAfCGG27Y7vZarZa1a9fmxRdfzOOPP55f//rXWblyZfr27ZtvfOMbOfTQQ+u5HAAAAABoeHUNgGeeeeYu7b9s2bJ84QtfyI9+9KNcdNFFmTp1aj2XAwAAAAANr9yZL963b9/84Ac/yIQJE7Js2bJdDogAAAAAwPZ1agBs94UvfCFJ8thjj2X69OmdvBoAAAAAKI43RQA84IADUi5vWsqMGTM6eTUAAAAAUBxvigC4atWqVKvVJMmaNWs6eTUAAAAAUBxvigD4b//2bx1fDx48uBNXAgAAAADFUtdPAZ49e/ZO77tx48a88MILue222/KjH/0oSVIqlXLMMcfUc0kAAAAA0NDqGgBHjBiRUqm0y8fVarUkyYQJE7LPPvvUc0kAAAAA0NDqGgCT/z/m7arTTz893//+9+u8GgAAAABobHUNgGeeeeZO71sul9OvX7+87W1vywc+8IHsv//+9VwKAAAAAJA6B8AbbrihnqcDAAAAAF6jN8WnAAMAAAAAr4+6PwOw3UMPPZTbbrstf/zjH/OLX/xii+3/63/9r+y555758Ic/nJEjR75eywAAAACAhlb3ANja2ppPfOITmTJlSpKka9euW91v6tSpee6553LVVVdl7Nix+bd/+7e87W1vq/dyAAAAAKCh1fUW4Gq1mpNOOilTpkxJrVZLrVZL//79t7pv3759O/a55557MmrUqLz44ov1XA4AAAAANLy6BsCf/OQnefjhh5MkBx98cO69994899xzW93397//fe677768+93vTq1Wy/PPP58LLrignssBAAAAgIZX1wA4adKkJMnee++d3/zmNxk9enRKpdJW9y2VSvmbv/mbPPTQQznllFNSq9Vy6623Zv78+fVcEgAAAAA0tLoGwEcffTSlUikf//jHs9tuu+3cAsrlfPvb306y6RbiqVOn1nNJAAAAANDQ6hoAly1blmTTFYC7YsiQIenbt2+SZO7cufVcEgAAAAA0tLoGwJaWliTJvHnzdum4Wq2W1atXJ0kqlUo9lwQAAAAADa2uAfAd73hHarVabrrppqxfv36nj5syZUrH/vvtt189lwQAAAAADa2uAXDChAlJkueffz4f+tCH0trausNj/vSnP+VTn/pUkqR79+45/vjj67kkAAAAAGhodQ+Af/VXf5VarZa77747w4YNywUXXJC77747zz77bFatWpVqtZpFixblnnvuyac//em84x3vyHPPPZdSqZRLLrkkPXv2rOeSAAAAAKChNdX7hLfffnuOPfbYPP7441m2bFm++93v5rvf/e4296/VakmSj3/847n00kvrvRwAAAAAaGh1vQIwSfr165ff/va3+Yd/+Id069YttVptu//06dMn//Iv/5Ibb7wxpVKp3ssBAAAAgIZW9ysAk6Rr16755je/mS996Uu55ZZb8pvf/CZPPvlkli1blg0bNqRv37458MADM3r06HzkIx9Jjx49Xo9lAAAAAEDDe10CYLu+ffvmnHPOyTnnnPN6vgwAAAAAsA11vwW43fr163P33Xfnm9/85la3/+AHP8iUKVOycePG12sJAAAAANDwXpcA+M///M8ZNGhQxo0bly9/+ctb3eeqq67KSSedlMGDB+fKK68UAgEAAADgdVD3APipT30qX/ziF/PSSy91fMLv1rR/CMjSpUvzpS99KR/4wAeyYcOGei8HAAAAABpaXQPgfffdlx/96Eep1Wrp1q1b/s//+T95+OGHt7rv3Xffncsuuyy9e/dOrVbLPffck6985Sv1XA4AAAAANLy6BsAf/ehHSZKePXvm4Ycfzle+8pUccsghW933wAMPzGWXXZYnnngihxxySGq1Wq699tq89NJL9VwSAAAAADS0ugbA3/zmNymVSjn99NNz8MEH79Qxe++9d374wx8mSVatWpWpU6fWc0kAAAAA0NDqGgAXLFiQJDsd/9q9973vTc+ePZMkf/rTn+q5JAAAAABoaHUNgD169EiSLFu27FWfwweBAAAAAED91DUADh8+PLVaLXfdddcuHTdz5sysWrUqSbLHHnvUc0kAAAAA0NDqGgA/9KEPJUkefvjhfO1rX9upY9atW5cLLrggSVIqlTJ27Nh6LgkAAAAAGlpdA+D555+fvfbaK0ly2WWX5dhjj81tt9221U/2XbNmTX72s5/l3e9+d+6///6USqV84hOfcAUgAAAAANRRUz1P1rNnz0yePDljx47N8uXLM3Xq1EydOjVNTU3Zc889M2DAgHTv3j1LlizJ008/nY0bNyZJarVaDjnkkFxzzTX1XA4AAAAANLy6XgGYJCNHjsz06dPz7ne/O7VaLbVaLRs2bMhzzz2X3//+93nwwQfz5JNPZsOGDR3bTznllNx3333p169fvZcDAAAAAA2t7gEwSQ488MA8/PDDufvuu3P66adn6NChHbGv/Z999tknZ555ZqZNm5Zbbrkl/fv3fz2WAgAAAAANra63AL/SCSeckBNOOCFJsnHjxixbtiwbNmxI375907179479arVabrzxxtRqtZx00kkZOHDg67ksAAAAAGgYr8sVgFvT1NSUAQMGZI899tgs/iWbPv33c5/7XM4666zccsstb9SSAAAAAKDwXpcrAJcvX57//M//zLPPPpsNGzbscP958+altbU1pVIpy5Ytez2WBAAAAAANqe4B8L777stHPvKRtLa2vqrj3/Oe99R5RQAAAADQuOoaAFtbW3PqqafucvyrVCo58MADc8EFF2TMmDH1XBIAAAAANLS6PgPwxz/+ccetvGeccUaeeOKJvPjii/nsZz+bJHnve9+bv/zlL3nmmWfy0EMP5ctf/nJ69OiRrl275uqrr865555bz+UAAAAAQMOrawC8++67kyTDhw/P//2//zcHHXRQBg4cmK9+9atJkt/+9rfZbbfdsu++++aII47IP/3TP+W//uu/snHjxpx66ql55pln6rkcAAAAAGh4dQ2As2bNSqlUygc/+MHNvt+nT58MGjQotVotjzzyyGbbjjjiiHz2s5/NqlWrcsEFF9RzOQAAAADQ8OoaANuf/bfXXnttsW2//fZLksycOXOLbeecc06S5Je//GWef/75ei4JAAAAABpaXQNgt27dkiQbNmzYYtu+++6bJPnzn/+8xbYRI0aka9euqdVqmTZtWj2XBAAAAAANra4BcOjQoUmShx56aKvbarVaHn300a0vpLxpKfPmzavnkgAAAACgodU1AB533HGp1Wq5/fbbc9ddd2227X3ve1+S5JFHHslf/vKXzbbdf//9WbNmTZKke/fu9VwSAAAAADS0ugbAT3/602lubk61Ws3f/u3fZtSoUfnlL3+ZJPmbv/mbdO3aNdVqNR/60IfyyCOPZPny5bn33ntz1llndZzjve99bz2XBAAAAAANra4BcL/99su3v/3tJEmtVsv06dPz+9//Pkmy22675ZJLLkmtVsvjjz+eo446Kv369cvxxx+f5557LqVSKccee2xGjhxZzyUBAAAAQEOrawBMNl0F+MADD+STn/xkDjrooPTu3btj2yWXXJIxY8akVqtt8c/hhx+eSZMm1Xs5AAAAANDQml6Pk773ve/d6q28Xbp0yZQpU/Kzn/0sd911VxYsWJCWlpYcf/zx+eQnP5kuXbq8HssBAAAAgIb1ugTA7SmVSjnttNNy2mmnvdEvDQAAAAANp+63AAMAAAAAbx5v+BWAnam1tTW33nprZsyYkYULF6ZHjx7Zf//9c9JJJ+WII47Y5fM99NBDueOOO/Lcc89l7dq1GThwYI488siMHz8+ffr02eHxK1asyBlnnJHDDz88X/nKV7a77xNPPJFbb701f/nLX/LSSy+lX79+GTlyZMaPH5/dd999l9cOAAAAQGNomAA4f/78XHrppVm6dGnK5XL69euXNWvWZMaMGZkxY0bGjx+fs88+e6fPd8MNN+S2225LknTv3j29evXK/Pnzc8stt+T+++/P5Zdfnr333nu757j33ntTrVZ3+Fp33nlnfvSjHyVJunbtmr59+2bx4sX5z//8z9x///35P//n/+Sggw7a6bUDAAAA0DgaIgBWq9VceeWVWbp0aYYNG5aLLroogwcPTrVazX333ZfrrrsukydPzvDhwzNq1Kgdnu+BBx7IbbfdlnK5nHPPPTcnnXRSKpVKlixZkquvvjqzZs3KVVddlWuuuSaVSmWL41euXJkHHnhgpz71+KmnnsqPf/zjJMlHPvKRnHbaaWlubs6KFSvyve99L9OnT883vvGNXHfdddltt912/ZcDAAAAQKE1xDMAp02blmeffTbNzc255JJLMnjw4CRJuVzOmDFjcsIJJyTJTgW5Wq3Wsd+JJ56YcePGdUS+/v3758ILL0xTU1OeffbZPPDAA5sde8899+Tv//7vc/rpp+d73/te1q1bt8PXmzRpUmq1Wt797nfnk5/8ZJqbm5MkvXv3zuc+97n06dMnS5cuzd13373zvxAAAAAAGkZDBMAHH3wwSXLkkUdm4MCBW2wfPXp0kmTevHmZM2fOds81Z86czJ07N0kybty4Lbb3798/hx12WJJk+vTpm2176aWXsnbt2vTp0yd9+/ZNt27dtvtaK1euzGOPPZYk+cAHPrDF9m7duuW9733vVl8LAAAAAJIGCIDVajUzZ85Mkhx66KFb3WfYsGHp0qVLkk233G7PH/7whyRJS0vLNp/xN2LEiK2e65RTTsl//Md/dPwzfvz47b7WE088kWq1mnK5nEMOOWSr+xx44IFJkr/85S/ZsGHDds8HAAAAQOMpfABctmxZXnrppSTJXnvttdV9KpVKx5WBCxYs2O75nn/++e2eK0n22GOPJMnSpUt36jbfHb3WgAED0rVr163u0347c7VazYsvvviqXwsAAACAYip8AGyPf0nSp0+fbe7X/gEaq1at2qnz7cy5kmT16tU7tc5X+1q9evXq+HpHawcAAACg8RQ+AL48irV/gMbWNDVt+kDktra2nTrfzpxrZ863Pe3xsP325NfztQAAAAAopsIHwJcHsu3djtv+/LwdfTBH+/l25lw7c77taf904fXr129zn5dv29ZtwgAAAAA0rqYd7/LWtrO3yK5cuTLJpg/32Jnz7cy5mpub07Nnz51e62t5rSTp16/fNve78cYbM2nSpG1uP/XUU3PmmWe+ilW++ZTL5Y5/7+jPk2IqlUpJNt0+X6vVOnk1dAZzAHOAxCzALMAcwBxgE7OgAQLgoEGD0tTUlI0bN2b+/Pk56KCDttinra0tixcvTpJtfrJvuz333DNJMn/+/G3u0/5hHHvttVfHsHk12j9oZNGiRVm/fv1Wbztuf62ePXtu9028atWqLFy4cJvbV69e3XHFYVGUSqXC/UzsmvYhT+MyBzAHSMwCzALMAcwBNmnkWVD4AFipVHLAAQdk5syZmTlzZsaOHbvFPk8//XQ2bNiQcrm81UD4cu3bFy1alEWLFnV8evDL/fGPf0ySHHLIIa9p7QceeGCSZOPGjZk9e/ZWz7ezr9WzZ88MGjRom9t79OhRmGcIlsvllEql1Gq1VKvVzl4OnaBUKqVcLqdarfpbvgZlDmAOkJgFmAWYA5gDbFK0WfBqImbhA2CSHH300Zk5c2amT5+es846K717995s+5133pkkGTly5BbbXunggw/OgAEDsnjx4tx1111b3DY7d+7cPProo0mS0aNHv6Z1Dx48OG9/+9sze/bs3H333VtEvhUrVmTatGk79VoTJkzIhAkTtrl98eLFaW1tfU3rfbNoaWlJpVJJtVotzM/ErqlUKmlpacny5csLE7bZNeYA5gCJWYBZgDmAOcAmRZsFAwYM2OVjGuIa2DFjxmSPPfbImjVr8vWvfz1LlixJsukDNCZNmpSpU6emqakpZ5xxRscxs2fPzsSJEzNx4sTMnj274/uVSiUf+9jHkiSTJ0/OPffc0/G3CM8880yuuOKKVKvVjBo1KsOGDXvNaz/99NNTKpUybdq03HzzzR0Da8GCBbn88suzatWqjBgxIu9973tf82sBAAAAUDwNcQVgc3NzLr744lx22WWZNWtWzjnnnPTv3z8rVqzIunXrUi6XM3HixAwZMqTjmHXr1mXevHkdX7/c8ccfn9mzZ2fKlCm59tprc/3116dbt24dYXH48OE577zz6rL2d77znTn99NNz44035ic/+Ul+/vOfZ7fddsvixYtTq9UyePDg/MM//MNretYgAAAAAMXVEAEwSYYOHZprrrkmN998c373u9+ltbU1vXr1ysiRIzN+/PiMGDFil853/vnn57DDDsvdd9+dOXPmZNWqVRkyZEiOOeaYjBs3Ll27dq3b2j/60Y9m2LBh+cUvfpGnn346y5cvz5577pn3ve99Ofnkk3d42zIAAAAAjatU8xRMko5PQS6C9nv729raCnFvP7uu/Tkfra2tnvPRoMwBzAESswCzAHMAc4BNijYLPAMQAAAAANiMAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAXW1NkL4M2hVCqlXC5eD65UKp29BDpB+5+7P38S74NGZQ7wSt4Ljcks4OW8DxqTOcArNep7oVSr1WqdvQg63+rVq9OjR4/OXgYAAAAAdeYKQJIka9asybp16zp7GXXRu3fvVCqVtLW1ZcWKFZ29HDpBpVJJ7969s2LFirS1tXX2cugE5gDmAIlZgFmAOYA5wCZFmwUtLS27fIwASJKkVqsVchgW8Wdi57W1tXkP4D3Q4MwB2nkfNDazgMQcaHTmAO0a9X1QvIe+AQAAAAAdBEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAmvq7AW8kVpbW3PrrbdmxowZWbhwYXr06JH9998/J510Uo444ohdPt9DDz2UO+64I88991zWrl2bgQMH5sgjj8z48ePTp0+frR6zatWq3HHHHXnwwQfz4osvprm5Ofvss0/Gjh2bY489dqvHXHfddZkyZcp213L++efn+OOP3+WfAQAAAIBia5gAOH/+/Fx66aVZunRpyuVy+vXrlzVr1mTGjBmZMWNGxo8fn7PPPnunz3fDDTfktttuS5J07949vXr1yvz583PLLbfk/vvvz+WXX5699957s2OWL1+eSy+9NM8//3ySpH///lm/fn2eeOKJPPHEE3nkkUdy4YUXplze/MLMF154IUmy5557plQqbXU9PXv23Om1AwAAANA4GiIAVqvVXHnllVm6dGmGDRuWiy66KIMHD061Ws19992X6667LpMnT87w4cMzatSoHZ7vgQceyG233ZZyuZxzzz03J510UiqVSpYsWZKrr746s2bNylVXXZVrrrkmlUql47hrrrkmzz//fAYPHpwvfOELGTp0aJLkkUceyTe/+c08+OCDGTZsWD784Q9v9noLFixIU1NTvve9720RBwEAAABgexqiJk2bNi3PPvtsmpubc8kll2Tw4MFJknK5nDFjxuSEE05IkkyaNGmH56rVah37nXjiiRk3blxH5Ovfv38uvPDCNDU15dlnn80DDzzQcdyTTz6ZGTNmJEkuvPDCjviXJO95z3ty2mmnJUluueWWrFu3rmPbhg0bsmTJkuy+++7iHwAAAAC7rCGK0oMPPpgkOfLIIzNw4MAtto8ePTpJMm/evMyZM2e755ozZ07mzp2bJBk3btwW2/v375/DDjssSTJ9+vQt1vD2t789w4cP3+YaVq5cmccee6zj+y+++GKq1Wr22GOP7a4LAAAAALam8AGwWq1m5syZSZJDDz10q/sMGzYsXbp0SZI89dRT2z3fH/7whyRJS0vLFs/4azdixIgtzvX4449vdw0tLS0dVya+/Lj25/+1bwMAAACAXVH4ZwAuW7YsL730UpJkr7322uo+lUolAwcOzPz587NgwYLtnq/9Azy2da4kHVfrLV26NOvWrUvXrl07jttWNEw2Rb4FCxZstob2ANi1a9d8//vfz4wZM7J06dJ069Yt+++/f4477rgcffTR210zAAAAAI2r8AGwPf4lSZ8+fba532677ZYkWbVq1U6db2fOlSSrV69OtVrNxo0bd3hcr169tlhDewC85ZZbOvbp27dvlixZksceeyyPPfZYpk2blosuuqjjKkYAAAAAaFf4APjymNbc3LzN/ZqaNv0q2tradup8O3Ou9vOtXr2647+3F+m2tob2qwGHDBmSiRMn5qCDDkqy6VmBN998cyZPnpzf/va3+fGPf5xPf/rT2107AAAAAI2n8AHw5THu5Z+u+0obNmxIknTr1m2nzrcz52o/X/vVf0myfv36bR7Xvq1r164d3/vgBz+Y0aNH513vetdmVxbutttuOeuss9LU1JSbb745U6ZMycc//vG0tLRsd/0AAAAANJbCB8D222qT7d/eu3LlyiTZYUDb2m262zpXc3NzevbsmY0bN6ZcLqdare7Ucf369ev43jvf+c7trufEE0/MzTffnGq1mqeeeipHHXXUVve78cYbM2nSpG2e59RTT82ZZ5653dd6qyiXyx3/FkQbU6lUSrLplvtardbJq6EzmAOYAyRmAWYB5gDmAJuYBQ0QAAcNGpSmpqZs3Lgx8+fP77iF9uXa2tqyePHiJNv/kI4k2XPPPZMk8+fP3+Y+L774YpJNHxRSKpXSpUuXDBo0KAsWLNip43a0hpfr3bt3x9cvv/LwlVatWpWFCxduc/vq1atTqVR2+nXfCkqlUuF+JnZN+5CncZkDmAMkZgFmAeYA5gCbNPIsKHwArFQqOeCAAzJz5szMnDkzY8eO3WKfp59+Ohs2bEi5XN5qIHy59u2LFi3KokWLMnDgwC32+eMf/5gkOeSQQzq+d+CBB2bBggWZOXPmVs/b2tra8by/9uOeeOKJ3HfffWlpacmECRO2etzcuXM7vh48ePA2192zZ88MGjRom9t79Oixw+cfvlWUy+WUSqXUarVUq9XOXg6doFQqdVx162/5GpM5gDlAYhZgFmAOYA6wSdFmwauJmIUPgEly9NFHZ+bMmZk+fXrOOuusza6aS5I777wzSTJy5Mgttr3SwQcfnAEDBmTx4sW56667trhtdu7cuXn00UeTJKNHj95sDffdd19mzpyZ559/Pm9729s2O+4///M/k2z6sI+hQ4cm2fQG/fWvf51yuZxjjz224+rDl5s8eXKSZMCAAR3Hbc2ECRO2GRGTZPHixWltbd32D/4W0tLSkkqlkmq1WpifiV1TqVTS0tKS5cuXFyZss2vMAcwBErMAswBzAHOATYo2CwYMGLDLxzTENbBjxozJHnvskTVr1uTrX/96lixZkmTTh25MmjQpU6dOTVNTU84444yOY2bPnp2JEydm4sSJmT17dsf3K5VKPvaxjyXZFN/uueeejr9FeOaZZ3LFFVekWq1m1KhRGTZsWMdxI0eOzEEHHZRqtZp//ud/7rhyr62tLXfffXd+/vOfJ0nOOuusjmMOPPDADBkyJNVqNVdccUWeeuqpjm1r167NTTfdlKlTpyZJTj/99Ia9jBUAAACAbWuIKwCbm5tz8cUX57LLLsusWbNyzjnnpH///lmxYkXWrVuXcrmciRMnZsiQIR3HrFu3LvPmzev4+uWOP/74zJ49O1OmTMm1116b66+/Pt26desIi8OHD8955523xTr+8R//MV/84hfz/PPP5zOf+Uz69++f1atXZ/Xq1UmST3ziE3nXu97VsX+pVMrFF1+cL3/5y3n++edz4YUXpnfv3unevXuWLFnS8enCJ598csaMGVPfXxoAAAAAhdAQATBJhg4dmmuuuSY333xzfve736W1tTW9evXKyJEjM378+IwYMWKXznf++efnsMMOy9133505c+Zk1apVGTJkSI455piMGzcuXbt23eKYgQMH5tvf/nZuvfXW/OY3v8miRYvSvXv3vPOd78zJJ5+8Wfxrt/fee+e6667LHXfckenTp2fevHlZs2ZN+vbtmxEjRuSEE07I4Ycf/qp/LwAAAAAUW6nmKZgkHZ+CXATt9/a3tbUV4t5+dl37cz5aW1s956NBmQOYAyRmAWYB5gDmAJsUbRZ4BiAAAAAAsBkBEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACa+rsBfDmUCqVUi4XrwdXKpXOXgKdoP3P3Z8/ifdBozIHeCXvhcZkFvBy3geNyRzglRr1vVCq1Wq1zl4EnW/16tXp0aNHZy8DAAAAgDpzBSBJkjVr1mTdunWdvYy66N27dyqVStra2rJixYrOXg6doFKppHfv3lmxYkXa2to6ezl0AnMAc4DELMAswBzAHGCTos2ClpaWXT5GACRJUqvVCjkMi/gzsfPa2tq8B/AeaHDmAO28DxqbWUBiDjQ6c4B2jfo+KN5D3wAAAACADgIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmAAIAAAAAAUmAAIAAABAgQmAAAAAAFBgAiAAAAAAFJgACAAAAAAFJgACAAAAQIE1dfYC2Hmtra259dZbM2PGjCxcuDA9evTI/vvvn5NOOilHHHFEZy8PAAAAgDchAfAtYv78+bn00kuzdOnSlMvl9OvXL2vWrMmMGTMyY8aMjB8/PmeffXZnLxMAAACANxkB8C2gWq3myiuvzNKlSzNs2LBcdNFFGTx4cKrVau67775cd911mTx5coYPH55Ro0Z19nIBAAAAeBPxDMC3gGnTpuXZZ59Nc3NzLrnkkgwePDhJUi6XM2bMmJxwwglJkkmTJnXmMgEAAAB4ExIA3wIefPDBJMmRRx6ZgQMHbrF99OjRSZJ58+Zlzpw5b+TSAAAAAHiTEwDf5KrVambOnJkkOfTQQ7e6z7Bhw9KlS5ckyVNPPfWGre3N5PLLL8/AgQMzcODANDU1pVQqpampKQMHDhRFAQAAgIYmAL7JLVu2LC+99FKSZK+99trqPpVKpePKwAULFrxha3uz2GuvvXLttdduc/t73vOeXHDBBW/gigAAAADePATAN7n2+Jckffr02eZ+u+22W5Jk1apVr/ua3kwOPfTQrF+/fof73XTTTXn00Udf/wUBAAAAvMkIgG9yLw96zc3N29yvqWnTBzq3tbW97mt6M9mVKx6PO+6413ElAAAAAG9OAuCbXHvYS5J169Ztc78NGzYkSbp16/a6r+nN4owzzujsJQAAAAC86TXteBc6U69evTq+3t7tvStXrkyStLS0bHX7jTfemEmTJm3z+FNPPTVnnnnmq1xl57j77rt3+Zht/X4ollKplGTTbfO1Wq2TV0NnKJfLHf/2v/vGZA6QmAWYBZgDmANsYhYIgG96gwYNSlNTUzZu3Jj58+fnoIMO2mKftra2LF68OEmy9957b/U8q1atysKFC7f5OqtXr06lUqnPot/EXnrppfTt27ezl8EbpH3I07hKpVJDzDa2zRwgMQswCzAHMAfYpJFngQD4JlepVHLAAQdk5syZmTlzZsaOHbvFPk8//XQ2bNiQcrm81UCYJD179sygQYO2+To9evR4yz0/sHv37lmzZs0uHdOrV6+33M/JriuVSimXy6lWq/6Wr0GVy+WUSqXUarVUq9XOXg6dwBwgMQswCzAHMAfYpGiz4NVETAHwLeDoo4/OzJkzM3369Jx11lnp3bv3ZtvvvPPOJMnIkSO32NZuwoQJmTBhwjZfY/HixWltba3fot8Ajz/+eIYPH75Lx7zVfkZenUqlkpaWlixfvlzwbVAtLS2pVCqpVqv+d9+gzAESswCzAHMAc4BNijYLBgwYsMvHuAb2LWDMmDHZY489smbNmnz961/PkiVLkiTr16/PpEmTMnXq1DQ1NTXch2Ls6q28b3/721+fhQAAAAC8ibkC8C2gubk5F198cS677LLMmjUr55xzTvr3758VK1Zk3bp1KZfLmThxYoYMGdLZS33D/elPf9rpqwAffPDB13k1AAAAAG8+rgB8ixg6dGiuueaavP/978+AAQOybNmy9OzZM+973/vyz//8zznuuOM6e4mdom/fvvnTn/603X0qlUoWLVr0Bq0IAAAA4M3FFYBvIf3798+nPvWpzl7Gm07fvn2zaNGiLFu2LAcccEDHAz133333PPHEE528OgAAAIDO5QpACqNv37558cUXs3HjxtRqtcybN6+zlwQAAADQ6QRAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAoMAEQAAAAAApMAAQAAACAAhMAAQAAAKDABEAAAAAAKDABEAAAAAAKTAAEAAAAgAITAAEAAACgwARAAAAAACgwARAAAAAACkwABAAAAIACEwABAAAAoMAEQAAAAAAosFKtVqt19iKgnm688casWrUqPXv2zIQJEzp7OUAnMAeAxCwAzAFgE7NAAKSA3v/+92fhwoUZNGhQ7rrrrs5eDtAJzAEgMQsAcwDYxCxwCzAAAAAAFJoACAAAAAAFJgACAAAAQIEJgAAAAABQYAIgAAAAABSYAAgAAAAABdbU2QuAevvEJz6RVatWpWfPnp29FKCTmANAYhYA5gCwiVmQlGq1Wq2zFwEAAAAAvD7cAgwAAAAABSYAAgAAAECBCYAAAAAAUGACIAAAAAAUmE8BpjBaW1tz6623ZsaMGVm4cGF69OiR/fffPyeddFKOOOKIzl4e8AZYtGhRJk+enN///vdZsmRJarVaBgwYkHe+85055ZRTMnDgwM5eIvAGW7p0aS644IKsWLEi3/jGNzJixIjOXhLwBqhWq5kyZUruueeePPfcc2lra0tLS0sOPfTQfOQjH8mee+7Z2UsE3gCzZ8/O5MmTM2vWrKxYsSJdu3bNvvvum7Fjx+bYY49NqVTq7CW+YXwKMIUwf/78XHrppVm6dGnK5XL69euXNWvWZNWqVUmS8ePH5+yzz+7kVQKvp1mzZuXyyy/PqlWrUiqV0q9fv6xbty4rV65MkvTq1Stf/epXs//++3fySoE3Sq1Wy5e//OU89thjSSIAQoPYsGFDrrjiivz+979Psun/B+jWrVsWL16cWq2Wnj175qqrrso+++zTySsFXk/33ntv/vVf/zXVajWVSiX9+vXLsmXLsmHDhiTJ+973vlx44YWpVCqdvNI3hisAecurVqu58sors3Tp0gwbNiwXXXRRBg8enGq1mvvuuy/XXXddJk+enOHDh2fUqFGdvVzgdbB+/fp84xvfyKpVq3LYYYfls5/9bHbfffckydNPP53vfOc7ef7553PVVVfle9/7Xpqa/J8/aAS3/n/t3X9sVWcdx/H3vf0BpbRsUKBYEIoIDMcitIMhOLAMmQyJsM3NkTEXjBsZZkMnDtxYHaQqYxuRGWCJbmo2xB+AETYNykAYlNisM4wWugoMbSmMnwXaUtpe/yDcrELRVXsvPbxff517n6f3fG8Tyr2f85zvs2ZNNPyTdO34xS9+wdtvv02XLl147LHHyMnJAeDw4cM8++yzlJWVsWLFCgoKCuJcqaS2UlVVxY9//GOampqYNm0a06dPJykpicbGRjZu3MiKFSvYvn07b7zxBpMnT453uTFhD0C1e1u3buX9998nOTmZefPmkZmZCUA4HGb8+PFMnDgRgNdeey2eZUpqQzt27OD48eOkpaUxb968aPgHMGDAAJ544gnC4TBVVVUUFhbGsVJJsfLee+/x6quvusJHusYcO3aM9evXEwqFmDdvXjT8A+jZsydz5swB4N133+XYsWPxKlNSG/vLX/5CQ0MD2dnZfPWrXyUpKQmAhIQEbr/9dm6//XYAtmzZEs8yY8oAUO3eW2+9BcDIkSMv29/rc5/7HAAVFRUcOHAglqVJipHdu3cDkJubS2pq6iXjffr0oVevXgCUlpbGtDZJsVdbW8uSJUsIhUJ861vfinc5kmJo27ZtNDQ0MHz4cIYMGXLJeFZWFt/85jeZPXu2dwRIAXb06FGAFi8E9uvXD4C6urpYlRR3/sVTu9bU1BT94j906NDLzhkwYABJSUmcP3+evXv3Rv+hSwqO48ePA9CjR48W54TDF655Xez5ISm4Vq5cyaFDh5g5cybZ2dnxLkdSDL377rsA3HzzzS3OGTduXIyqkRQvFy/+l5eX09DQcEngX1xcDFxYKHCtMABUu3by5ElOnz4NXLiadzkJCQl0796dyspKqqqqYlmepBiZO3cujY2N0aX9/+7gwYNUVFQALV8FlBQMW7ZsYdOmTQwbNowpU6bEuxxJMbZnzx7gwv/3JSUlrFmzhtLSUmpra+nevTsjRoxg2rRpXH/99XGuVFJbGj9+PGvWrKGiooKCggKmT59O7969OXHiBOvWrWPHjh0kJiYybdq0eJcaMwaAatcuhn8AXbp0aXFe586dAaK7AksKluTk5BbHjh49yuLFi2lqaiI1NZVbb701hpVJiqWqqiqWL19Oeno6jz76KKFQKN4lSYqhpqYmqqurgQttgl5//XUikQjXXXcd6enpHDp0iN/97nds2rSJ/Px8PvnJT8a5YkltJT09ne9///u88MILFBUVUVRU1Gw8JSWF+fPnM2DAgDhVGHsGgGrXPhzoXSkAuLjct7Gxsc1rknR1iEQi/PnPf+bll1/m9OnTJCYm8thjj5Genh7v0iS1gcbGRp5//nlqamqYP38+Xbt2jXdJkmLs7NmzRCIRADZs2MDw4cP5+te/zsc+9jHgQk/w5557jvLycgoKClixYgUdOnSIZ8mS2tCWLVui+wCEw2G6du1KdXU19fX11NbW8uqrr5KVlUVGRkZ8C40RA0C1ax++j//cuXMtzrvY86tjx45tXpOk+Hvvvfd46aWX2Lt3LwDdu3dnzpw53HjjjXGuTFJbWbVqFXv27GHixInccsst8S5HUhx8+PtAv379eOqpp0hISIg+9+ENQI4dO8Zf//pXxowZE49SJbWxVatWsXr1asLhMA888ACTJ0+mQ4cORCIRiouLWblyJXv27GHhwoW88MIL0X7hQRb8d6hAS0tLix5f6fbeM2fOANjrQwq4M2fO8OKLL/L444+zd+9eEhMTmTp1KsuWLTP8kwKstLSU3/zmN2RlZfG1r30t3uVIipMPX+wfM2ZMs/Dvot69ezNw4EAA/v73v8esNkmxU1dXx7p16wCYOnUqd955Z3S1bygUYvjw4eTn5xMOh9m/fz9/+9vf4lht7LgCUO1ajx49SExMpKGhgcrKSoYMGXLJnMbGxugW4L179451iZJipLKykvz8/OhmP2PGjGHGjBlkZmbGuTJJba2srIympiYqKiq4++67W5w3d+5cAEaOHMl3v/vdWJUnKUY6depEhw4dOHfuXLOFAv+uW7duANTX18eqNEkxVFlZSW1tLUCLdwX06tWLvn37sn//fg4ePMiwYcNiWWJcGACqXUtISGDQoEHs3r2b3bt3c9ttt10yp7y8nPPnzxMOhy8bEEpq/+rq6qLhX3p6OnPmzCEnJyfeZUmKkbS0NLKyslocv7gLeI8ePUhKSop++ZcULOFwmP79+1NaWsqhQ4danHfkyBHgQosQScHT1NT0X827uEfAtdIL1ABQ7d6tt97K7t272b59Ow8++OAlDf7Xr18PQE5Ojs3/pYD64x//SFVVFR07diQ/P/+a2s1LEuTl5ZGXl9fi+JQpUwB4/PHHGTx4cKzKkhQHo0aNorS0lDfffJN77rmH1NTUZuP79u2jvLycUChEbm5unKqU1JaysrJISkri/PnzbNu2jUGDBl0y58iRI9ELhJcbDyJ7AKrdGz9+PL169aK2tpaCggKOHTsGXFjS/9prr7FlyxYSExOZMWNGnCuV1Fa2bdsGwBe/+EXDP0mSrmETJkyge/funDp1ih/84AfR1iAABw8e5PnnnycSiZCXl2d7ICmgUlJSmDBhAgC///3v+dWvftVsk6C9e/eyaNEiGhsbycnJITs7O16lxlQocnGfdKkd27dvH08//TSnTp0iHA7TrVs3qqurOXfuHOFwmEceeST6B0BSsEQiEe68804aGhrIyMj4j0v477jjDiZPnhyj6iRdDS6uAFy8eLErAKVrwP79+3nmmWeiCwMyMjKIRCLRx5/61KdYsGABKSkp8SxTUhuqr69nyZIlFBYWAhc2/+jWrRs1NTXU1NQAkJ2dzTPPPEOXLl3iWWrMeAuwAqF///4sXbqUX//61xQVFXHixAnS0tLIycnhS1/6kh/2pQA7ffo0DQ0NANENf66kurq6rUuSJElxlJ2dzbJly1i7di3bt2/nyJEjJCUlMXjwYMaOHcvEiRNJTPSrsBRkycnJzJ8/n507d/KnP/2JsrIyTpw4QYcOHRg4cCCjR49m0qRJ10z/P3AFoCRJkiRJkhRo9gCUJEmSJEmSAswAUJIkSZIkSQowA0BJkiRJkiQpwAwAJUmSJEmSpAAzAJQkSZIkSZICzABQkiRJkiRJCjADQEmSJEmSJCnADAAlSZIkSZKkADMAlCRJkiRJkgLMAFCSJEmSJEkKMANASZIkSZIkKcAMACVJkiRJkqQAMwCUJEmSJEmSAswAUJIkSZIkSQowA0BJkiRJkiQpwAwAJUmSJEmSpAAzAJQkSZIkSZICLDHeBUiSJElt7Z133mHdunUATJ48mdzc3PgWJEmSFEMGgJIkSQq8d955h+9973sAZGZmGgBKkqRrircAS5IkSZIkSQFmAChJkiRJkiQFmAGgJEmSJEmSFGAGgJIkSYqLUChEKBQiPz8fgPXr1zNmzBhSUlIYN27cJfMPHz5Mfn4+I0aMoEuXLiQlJdGtWzdGjRrFggULqKiouORn8vPzCYVCPPjgg9HnZs2aRSgUol+/fpet6+zZsyxZsoTRo0eTkZFBp06dGDRoELNmzeLtt9/+f7x1SZKkmHITEEmSJMXdokWLeOqpp1ocX7duHffffz9nzpxp9vzx48cpLCyksLCQZ599lp/85Cfcd999ra5j586d3HXXXfzzn/9s9nxZWRllZWWsXLmS2bNn89xzz5GUlNTq80iSJMVSKBKJROJdhCRJkq49oVAIgKFDh7Jr1y46duzIvffey0033USfPn246667ANi/fz9Dhgyhrq4OgAkTJjBu3DhSU1M5fPgwf/jDHyguLgYgOTmZXbt2MXDgQACKioooKipix44d/PznPwfgvvvu47Of/SxpaWlMnz49Wk9xcTFjx47l9OnThEIhvvCFLzB27FgSExMpKSnht7/9LSdPngRgxowZ/OxnP4vJ70mSJOl/ZQAoSZKkuLgYAAL06tWLTZs2MXjw4EvmLViwgIULFwLwox/9iG984xtXnLNw4UKefPLJZuOvvPJK9Dbg5cuX8/DDDzcbr6+vZ9iwYZSUlNC5c2fWrl3Lbbfd1mxOVVUVkyZNioaNGzZsYNKkSR/1bUuSJMWcPQAlSZIUdy+99NJlwz8g2ncvKyuLRx555LJzvv3tbxMOX/ho+/7773/k869atYqSkhIAli1bdkn4B5CZmckvf/nLaHC5dOnSj3weSZKkeLAHoCRJkuKqf//+TJ48ucXxL3/5y9xyyy184hOfiIZ8/65z58507NiRmpoazp8//5Fr+OlPfwpARkYGM2bMaHHewIEDGTt2LJs3b2br1q2cO3eODh06fOTzSZIkxZIBoCRJkuJq+PDhVxy/UiAHF3btffHFF6mpqWnV+evr69m5cydwoR9hSyHjRbm5uWzevJm6ujrKysoYOnRoq84rSZIUKwaAkiRJiqvU1NT/al5dXR1vvfUWW7dupby8nAMHDrB//34OHTrE/9LW+sCBA5w7dw6AN998s1lvwv/kgw8+aPV5JUmSYsUAUJIkSVe1SCTC8uXLmTdvHtXV1Zed85nPfIbt27e36vWPHz/e6tpau+pQkiQplgwAJUmSdFWbOXMmL7/8cvTxTTfdRG5uLgMGDOCGG27g5ptvJisr6yOt3PuwD//ciBEjorsF/zduvPHGVp1TkiQplgwAJUmSdNUqLCyMhn99+vRh7dq15OTkXDLvf7kFuGvXrtHjzMxMHn744Va/liRJ0tXIAFCSJElXrddffz16vHjx4suGfwBHjhxp9Tmys7Pp1KkTNTU1lJSU/Mf5hYWFlJeXA3DvvfeSmOhHakmSdHW78hZnkiRJUhxVVVVFjwcNGtTivDfeeKPV50hMTGT06NEAlJeXs3v37hbnNjQ08JWvfIX777+fJ5980vBPkiS1CwaAkiRJumpdf/310eOioqLLztm3bx9PPPHEFV8nOTk5enz69OlLxh966KHo8Xe+850Wbyl++umnOXDgAIC3CkuSpHbDAFCSJElXrc9//vPR47lz57J27VoaGxsBOHDgAIsWLeLTn/40H3zwAZ06dQKgsrISgKampujP9u7dO3q8dOlSfvjDHzbbWGTq1Knk5eUBsGHDBu6++2727NkTHd+3bx8PPfQQBQUFAPTv359HH330//12JUmS2kQo8r90TJYkSZJa6eLuuw888ACvvPJKi/PuuOOOZr0Ak5OTSUhIoLa2FoCEhARWrlzJunXrWL9+PQDXXXcdc+bMYcGCBQCcP3+evn37cujQoejr9O3bN7qaD+Dw4cNMmDCBXbt2RZ9LTU0lHA43WzXYs2dPNm7cyNChQ1v/5iVJkmLIFYCSJEm6qq1evZp77rkn+ri+vj4a/o0aNYrCwkJmzpzJ7Nmzo6HiyZMnm60ATEpKYvXq1eTk5JCcnExKSsolPQV79uzJ1q1bmTVrVrS339mzZ6PhX2JiItOmTaO4uNjwT5IktSuuAJQkSVK7UFJSwubNmzl16hS9evVi5MiR3HDDDc3m7Ny5k02bNtGpUyemTJlCdnZ2q8519OhRNm7cyD/+8Q+ampr4+Mc/Tl5eHpmZmf+PtyJJkhRTBoCSJEmSJElSgHkLsCRJkiRJkhRgBoCSJEmSJElSgBkASpIkSZIkSQFmAChJkiRJkiQFmAGgJEmSJEmSFGAGgJIkSZIkSVKAGQBKkiRJkiRJAWYAKEmSJEmSJAWYAaAkSZIkSZIUYAaAkiRJkiRJUoAZAEqSJEmSJEkBZgAoSZIkSZIkBZgBoCRJkiRJkhRgBoCSJEmSJElSgBkASpIkSZIkSQFmAChJkiRJkiQFmAGgJEmSJEmSFGAGgJIkSZIkSVKAGQBKkiRJkiRJAWYAKEmSJEmSJAWYAaAkSZIkSZIUYAaAkiRJkiRJUoAZAEqSJEmSJEkBZgAoSZIkSZIkBZgBoCRJkiRJkhRgBoCSJEmSJElSgBkASpIkSZIkSQFmAChJkiRJkiQFmAGgJEmSJEmSFGAGgJIkSZIkSVKAGQBKkiRJkiRJAfYvS83Ax78CZOwAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": { + "image/png": { + "height": 480, + "width": 640 + } + }, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "
" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "plot_data_embo = pd.DataFrame(zip(*results[0:2]), columns=[\"rate\", \"accuracy\"])\n", + "# Lol, embo sucks\n", + "(\n", + " pn.ggplot(\n", + " plot_data_embo,\n", + " pn.aes(x=\"rate\", y=\"accuracy\"),\n", + " ) \n", + " + pn.geom_point() \n", + " + pn.geom_line()\n", + " + pn.xlim([0,8])\n", + " + pn.ylim([0,0.025])\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Sanity check compare the prior and meaninn dists" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "ultk", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.6" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/src/examples/indefinites/README.md b/src/examples/indefinites/README.md index b066a24f..9a41de47 100644 --- a/src/examples/indefinites/README.md +++ b/src/examples/indefinites/README.md @@ -4,7 +4,7 @@ See [the paper](https://doi.org/10.1111/cogs.13142) and [the corresponding origi This README will continue to be updated! -This example creates a "conceptual" / miniature replication of the above paper using the tools provided by the ALTK library. Right now, the final analysis produces the following plot: +This example creates a "conceptual" / miniature replication of the above paper using the tools provided by the ULTK library. Right now, the final analysis produces the following plot: ![a plot showing communicative cost and complexity of natural, explored, and dominant languages](https://github.com/CLMBRs/altk/blob/main/src/examples/indefinites/outputs/plot.png?raw=true) This README first explains the contents of this example directory, focusing on what the user has to provide that's specific to the indefinites case study, before then explaining the concrete steps taken to produce the above plot. After that, there is some discussion of what's missing from the above paper and other next steps for this example. @@ -17,13 +17,13 @@ This README first explains the contents of this example directory, focusing on w - `natural_language_indefinites.csv`: a cleaned version of the raw data above (see item 1 in the [Usage](#usage) section below) - `scripts`: a set of scripts for executing various components of the efficient communication analysis. These are explained in more detail in the [Usage](#usage) section below. - `outputs`: outputs from the analysis scripts -- `referents.csv`: this file defines the set of points of communication (which will become `Referent`s in ALTK terms). +- `referents.csv`: this file defines the set of points of communication (which will become `Referent`s in ULTK terms). - This is a very simple example, with six discrete points which have only on property (a name). In general, ALTK expects each row to correspond to a unique `Referent` and each column to a feature of that point, with no constraint on the number or type of features. A `name` column is expected. See `altk.language.semantics.Universe.from_dataframe` for more details. -- `meaning.py`: this file defines the meaning space (a `Universe` in ALTK terms) of the six flavors defined in `referents.csv` together with their prior -- `grammar.yml`: defines the Language of Thought grammar (an ALTK `Grammar` is created from this file in one line in `grammar.py`) for this domain, using basic propositional logic and the five semantic features identified in Haspelmath 1997. -- `measures.py`: the measures of simplicity and informativity. These are basic wrappers around tools from ALTK, linking them to the indefinites grammar and universe. -- `util.py`: utilities for reading and writing ALTK `Expression`s and `Language`s, as well as the natural language data. + This is a very simple example, with six discrete points which have only on property (a name). In general, ULTK expects each row to correspond to a unique `Referent` and each column to a feature of that point, with no constraint on the number or type of features. A `name` column is expected. See `ultk.language.semantics.Universe.from_dataframe` for more details. +- `meaning.py`: this file defines the meaning space (a `Universe` in ULTK terms) of the six flavors defined in `referents.csv` together with their prior +- `grammar.yml`: defines the Language of Thought grammar (an ULTK `Grammar` is created from this file in one line in `grammar.py`) for this domain, using basic propositional logic and the five semantic features identified in Haspelmath 1997. +- `measures.py`: the measures of simplicity and informativity. These are basic wrappers around tools from ULTK, linking them to the indefinites grammar and universe. +- `util.py`: utilities for reading and writing ULTK `Expression`s and `Language`s, as well as the natural language data. ## Usage @@ -33,10 +33,10 @@ From the `src/examples` directory: It primarily transforms Haslpemath's functions into our six semantic flavors, as outlined in the paper linked above (along with a few other cleaning things). 2. `python -m indefinites.scripts.generate_expressions`: generates `outputs/generated_expressions.yml` - This script generates the _shortest_ expression (ALTK `GrammaticalExpression`s) for each possible `Meaning` (set of `Referent`s) in the LoT defined in `grammar.py`. In particular, ALTK provides methods for enumerating all grammatical expressions up to a given depth, with user-provided keys for uniqueness and for comparison in the case of a clash. By setting the former to get the `Meaning` from an expression and the latter to compare along length of the expression, the enumeration method returns a mapping from meanings to shortest expressions which express them. -3. `python -m indefinites.scripts.esimate_pareto`: consumes `outputs/generated_expressions.yml` and generates `outputs/dominating_languages.yml` and `outputs/explored_languages.yml` + This script generates the _shortest_ expression (ULTK `GrammaticalExpression`s) for each possible `Meaning` (set of `Referent`s) in the LoT defined in `grammar.py`. In particular, ULTK provides methods for enumerating all grammatical expressions up to a given depth, with user-provided keys for uniqueness and for comparison in the case of a clash. By setting the former to get the `Meaning` from an expression and the latter to compare along length of the expression, the enumeration method returns a mapping from meanings to shortest expressions which express them. +3. `python -m indefinites.scripts.estimate_pareto`: consumes `outputs/generated_expressions.yml` and generates `outputs/dominating_languages.yml` and `outputs/explored_languages.yml` - This calls `altk.effcomm.EvolutionaryOptimizer.fit` to use an evolutionary algorithm to esimate the Pareto frontier. For simplicity, it uses the default mutations of simply adding and removing an expression from a language. `dominating_languages.yml` contains the Pareto optimal languages, while `explored_languages.yml` contains all languages generated during the optimization process. + This calls `ultk.effcomm.EvolutionaryOptimizer.fit` to use an evolutionary algorithm to esimate the Pareto frontier. For simplicity, it uses the default mutations of simply adding and removing an expression from a language. `dominating_languages.yml` contains the Pareto optimal languages, while `explored_languages.yml` contains all languages generated during the optimization process. 4. `python -m indefinites.scripts.measure_natural_languages`: consumes `data/natural_language_indefinites.csv`, `outputs/generated_expressions.yml` and generates `outputs/natural_languages.yml` This measures complexity and communicative cost of the 40 natural languages and writes them to `natural_languages.yml`. @@ -49,14 +49,13 @@ From the `src/examples` directory: ## Comparison to Denic et al 2022 -This example is a kind of "minimal" replication of Experiment 1 from Denic et al 2022. Because the primary focus of this reproduction is to demonstrate how to use ALTK and its primitives, there are some differences to keep in mind. +This example is a kind of "minimal" replication of Experiment 1 from Denic et al 2022. Because the primary focus of this reproduction is to demonstrate how to use ULTK and its primitives, there are some differences to keep in mind. 1. We have not here implemented the controls for coverage and synonymy that are used in the paper. These could, however, easily be added by reading in `outputs/explored_languages.yml`, applying the optimization algorithm from the paper, and re-writing the subset of languages back out. 2. We have used only 3-operator complexity (not 2-operator complexity). Additionally, we have not added the restriction that the `R` features in the grammar can only occur with `SE+`. See the discussion in the comments in `grammar.py` for more information. -3. We have not done the analyses with pragmatic speakers and listeners. ALTK, however, makes this very easy to do! See `altk.effcomm.agent.PragmaticSpeaker` and `altk.effcomm.agent.PragmaticListener`. In particular, the `altk.effcomm.informativity.informativity` method that we use takes an argument `agent_type`. It defaults to "literal"; but passing in `agent_type="pragmatic"` to this method in the `estimate_pareto` and `measure_natural_languages` scripts would measure with pragmatic agents. +3. We have not done the analyses with pragmatic speakers and listeners. ULTK, however, makes this very easy to do! See `ultk.effcomm.agent.PragmaticSpeaker` and `ultk.effcomm.agent.PragmaticListener`. In particular, the `ultk.effcomm.informativity.informativity` method that we use takes an argument `agent_type`. It defaults to "literal"; but passing in `agent_type="pragmatic"` to this method in the `estimate_pareto` and `measure_natural_languages` scripts would measure with pragmatic agents. ## TODOs for this example 1. Add configuration files (ideally yml using [hydra](https://hydra.cc)), to keep track of filenames and allow for easy experimentation with different parameter settings. 2. Measure optimality and run statistical tests in `scripts/analyze.py`. -3. Read grammar in from a plain text file (should be easy to specify in YAML syntax; need to add `altk.grammar.Grammar.from_yaml`) -4. ... \ No newline at end of file +3. ... \ No newline at end of file diff --git a/src/examples/indefinites/grammar.py b/src/examples/indefinites/grammar.py index 10c7271f..ab464439 100644 --- a/src/examples/indefinites/grammar.py +++ b/src/examples/indefinites/grammar.py @@ -1,4 +1,4 @@ -from altk.language.grammar import Grammar, Rule +from ultk.language.grammar import Grammar, Rule indefinites_grammar = Grammar.from_yaml("indefinites/grammar.yml") diff --git a/src/examples/indefinites/grammar.yml b/src/examples/indefinites/grammar.yml index e5883322..e6c050c8 100644 --- a/src/examples/indefinites/grammar.yml +++ b/src/examples/indefinites/grammar.yml @@ -6,20 +6,20 @@ rules: - bool - bool name: "and" - function: | + func: | lambda p1 , p2 : p1 and p2 - lhs: bool rhs: - bool - bool name: "or" - function: | + func: | lambda p1 , p2 : p1 or p2 - lhs: bool rhs: - bool name: "not" - function: | + func: | lambda p : not p # primitive / feature rules # We include "positive" and "negative" features as primitives (instead of definining the latter via negation) for two reasons. @@ -30,42 +30,42 @@ rules: - lhs: bool rhs: name: "K+" - function: | + func: | lambda point: point.name == "specific-known" - lhs: bool rhs: name: "K-" - function: | + func: | lambda point: point.name != "specific-known" - lhs: bool rhs: name: "S+" - function: | + func: | lambda point: point.name in ("specific-known", "specific-unknown") - lhs: bool rhs: name: "S-" - function: | + func: | lambda point: point.name not in ("specific-known", "specific-unknown") - lhs: bool rhs: name: "SE+" - function: | + func: | lambda point: point.name in ("npi", "freechoice", "negative-indefinite") - lhs: bool rhs: name: "SE-" - function: | + func: | lambda point: point.name not in ("npi", "freechoice", "negative-indefinite") - lhs: bool rhs: name: "N+" - function: | + func: | lambda point: point.name == "negative-indefinite" - lhs: bool rhs: name: "N-" - function: | + func: | lambda point: point.name != "negative-indefinite" # NB: the grammar should be modified in such a way that R+ and R- can only occur with SE+ # easiest would be to just split SE+ into two features @@ -73,10 +73,10 @@ rules: - lhs: bool rhs: name: "R+" - function: | + func: | lambda point: point.name in ("negative-indefinite", "npi") - lhs: bool rhs: name: "R-" - function: | + func: | lambda point: point.name == "freechoice" \ No newline at end of file diff --git a/src/examples/indefinites/meaning.py b/src/examples/indefinites/meaning.py index c252e7d8..6097c43f 100644 --- a/src/examples/indefinites/meaning.py +++ b/src/examples/indefinites/meaning.py @@ -1,5 +1,5 @@ import pandas as pd -from altk.language.semantics import Universe +from ultk.language.semantics import Universe referents = pd.read_csv("indefinites/referents.csv") prior = pd.read_csv("indefinites/data/Beekhuizen_priors.csv") diff --git a/src/examples/indefinites/measures.py b/src/examples/indefinites/measures.py index 62568dc0..6321e867 100644 --- a/src/examples/indefinites/measures.py +++ b/src/examples/indefinites/measures.py @@ -1,7 +1,7 @@ -from altk.effcomm.informativity import informativity -from altk.language.grammar import GrammaticalExpression -from altk.language.language import Language, aggregate_expression_complexity -from altk.language.semantics import Meaning +from ultk.effcomm.informativity import informativity +from ultk.language.grammar import GrammaticalExpression +from ultk.language.language import Language, aggregate_expression_complexity +from ultk.language.semantics import Meaning from .meaning import universe as indefinites_universe @@ -28,6 +28,6 @@ def complexity( def comm_cost(language: Language) -> float: """Get C(L) := 1 - informativity(L). - Passes in the prior from `indefinites_universe` to altk's informativity calculator. + Passes in the prior from `indefinites_universe` to ultk's informativity calculator. """ return 1 - informativity(language, prior) diff --git a/src/examples/indefinites/outputs/combined_data.csv b/src/examples/indefinites/outputs/combined_data.csv index 73345906..f38b315c 100644 --- a/src/examples/indefinites/outputs/combined_data.csv +++ b/src/examples/indefinites/outputs/combined_data.csv @@ -1,16223 +1,16355 @@ name,comm_cost,complexity,type -explored-0,0.3966724537037041,19,explored -explored-1,0.4270833333333335,12,explored -explored-2,0.5166666666666668,23,explored -explored-3,0.4100260416666669,14,explored -explored-4,0.6566840277777779,14,explored -explored-5,0.6648437500000001,11,explored -explored-6,0.5583333333333332,5,explored -explored-7,0.45870949074074097,18,explored -explored-8,0.5750000000000002,15,explored -explored-9,0.15833333333333366,11,explored -explored-10,0.4848611111111113,13,explored -explored-11,0.5841666666666668,15,explored -explored-12,0.677326388888889,11,explored -explored-13,0.7637152777777778,8,explored -explored-14,0.22968750000000016,16,explored -explored-15,0.4671875000000001,9,explored -explored-16,0.4706510416666668,19,explored -explored-17,0.5579722222222223,32,explored -explored-18,0.5272569444444447,14,explored -explored-19,0.3508217592592595,20,explored -explored-20,0.6761979166666667,9,explored -explored-21,0.6595486111111113,13,explored -explored-22,0.4120949074074076,21,explored -explored-23,0.5895833333333336,11,explored -explored-24,0.180121527777778,16,explored -explored-25,0.6776909722222222,7,explored -explored-26,0.4985677083333335,14,explored -explored-27,0.6869212962962964,12,explored -explored-28,0.41090856481481497,19,explored -explored-29,0.5818229166666669,16,explored -explored-30,0.5083043981481484,16,explored -explored-31,0.6098958333333335,8,explored -explored-32,0.3934895833333334,20,explored -explored-33,0.3750000000000002,19,explored -explored-34,0.41953125000000013,14,explored -explored-35,0.6993344907407409,8,explored -explored-36,0.22361111111111132,18,explored -explored-37,0.6628472222222224,5,explored -explored-38,0.7078373015873016,33,explored -explored-39,0.5586284722222223,15,explored -explored-40,0.5588541666666668,9,explored -explored-41,0.5070833333333336,15,explored -explored-42,0.6270833333333334,10,explored -explored-43,0.6858489583333334,15,explored -explored-44,0.2562500000000003,8,explored -explored-45,0.563324652777778,17,explored -explored-46,0.4141666666666668,13,explored -explored-47,0.5996527777777779,10,explored -explored-48,0.5269965277777778,17,explored -explored-49,0.5184461805555558,19,explored -explored-50,0.5207928240740742,13,explored -explored-51,0.5060763888888891,9,explored -explored-52,0.5308333333333334,7,explored -explored-53,0.5638020833333335,12,explored -explored-54,0.45468750000000013,18,explored -explored-55,0.30723379629629644,15,explored -explored-56,0.6309027777777779,8,explored -explored-57,0.6273148148148149,13,explored -explored-58,0.7038657407407408,10,explored -explored-59,0.6685763888888889,9,explored -explored-60,0.6565972222222223,6,explored -explored-61,0.393113425925926,15,explored -explored-62,0.47526041666666674,16,explored -explored-63,0.3455729166666669,15,explored -explored-64,0.43671875000000027,12,explored -explored-65,0.34153645833333357,19,explored -explored-66,0.26041666666666696,7,explored -explored-67,0.45763888888888915,8,explored -explored-68,0.33750000000000036,14,explored -explored-69,0.5533333333333335,15,explored -explored-70,0.6409722222222223,8,explored -explored-71,0.6186747685185187,13,explored -explored-72,0.627560763888889,28,explored -explored-73,0.7307986111111112,7,explored -explored-74,0.1706597222222226,19,explored -explored-75,0.298229166666667,16,explored -explored-76,0.6320138888888889,8,explored -explored-77,0.6022569444444446,7,explored -explored-78,0.4133101851851855,14,explored -explored-79,0.5854166666666669,6,explored -explored-80,0.6031250000000001,8,explored -explored-81,0.8302083333333333,7,explored -explored-82,0.4302083333333333,17,explored -explored-83,0.5075694444444446,17,explored -explored-84,0.3735243055555557,20,explored -explored-85,0.38735532407407425,19,explored -explored-86,0.31497395833333364,26,explored -explored-87,0.5150173611111113,20,explored -explored-88,0.5158391203703706,35,explored -explored-89,0.6494791666666668,8,explored -explored-90,0.26527777777777795,16,explored -explored-91,0.3119791666666669,28,explored -explored-92,0.6605902777777779,8,explored -explored-93,0.7160879629629631,7,explored -explored-94,0.6067708333333335,6,explored -explored-95,0.5845486111111113,12,explored -explored-96,0.5744907407407409,10,explored -explored-97,0.4711458333333336,11,explored -explored-98,0.4130208333333333,14,explored -explored-99,0.530902777777778,15,explored -explored-100,0.5837268518518519,18,explored -explored-101,0.13637152777777817,13,explored -explored-102,0.3744791666666669,11,explored -explored-103,0.4789930555555557,11,explored -explored-104,0.22187500000000027,14,explored -explored-105,0.6630787037037038,9,explored -explored-106,0.5947916666666668,15,explored -explored-107,0.6915625000000001,6,explored -explored-108,0.4931423611111113,14,explored -explored-109,0.7173530092592594,38,explored -explored-110,0.8227430555555555,8,explored -explored-111,0.5432291666666668,8,explored -explored-112,0.7765625,7,explored -explored-113,0.5145833333333333,10,explored -explored-114,0.6890046296296297,11,explored -explored-115,0.6101562500000002,15,explored -explored-116,0.8371527777777777,10,explored -explored-117,0.6942708333333334,13,explored -explored-118,0.7547453703703705,5,explored -explored-119,0.5201822916666667,19,explored -explored-120,0.42604166666666676,10,explored -explored-121,0.44045138888888924,10,explored -explored-122,0.4741319444444445,9,explored -explored-123,0.5877604166666668,8,explored -explored-124,0.41412037037037064,12,explored -explored-125,0.650925925925926,14,explored -explored-126,0.7547453703703705,7,explored -explored-127,0.5146145833333335,14,explored -explored-128,0.23984375000000013,16,explored -explored-129,0.524189814814815,15,explored -explored-130,0.573871527777778,11,explored -explored-131,0.0935763888888892,19,explored -explored-132,0.404166666666667,11,explored -explored-133,0.7426076388888889,20,explored -explored-134,0.3774739583333335,18,explored -explored-135,0.146354166666667,12,explored -explored-136,0.5782118055555556,12,explored -explored-137,0.6816319444444445,10,explored -explored-138,0.5298611111111113,9,explored -explored-139,0.5322916666666666,8,explored -explored-140,0.3341666666666667,14,explored -explored-141,0.5895833333333336,12,explored -explored-142,0.6995659722222224,18,explored -explored-143,0.3173611111111113,11,explored -explored-144,0.190277777777778,17,explored -explored-145,0.41863425925925934,21,explored -explored-146,0.6323767361111112,41,explored -explored-147,0.1789930555555559,12,explored -explored-148,0.392013888888889,11,explored -explored-149,0.24739583333333348,14,explored -explored-150,0.228385416666667,14,explored -explored-151,0.4095486111111113,14,explored -explored-152,0.6614930555555556,10,explored -explored-153,0.77375,6,explored -explored-154,0.6193287037037039,12,explored -explored-155,0.34444444444444466,17,explored -explored-156,0.6313368055555557,8,explored -explored-157,0.4241319444444446,13,explored -explored-158,0.75,9,explored -explored-159,0.3846354166666669,16,explored -explored-160,0.7894097222222223,11,explored -explored-161,0.5421875000000002,11,explored -explored-162,0.2083333333333336,10,explored -explored-163,0.5828125000000002,12,explored -explored-164,0.2312500000000003,8,explored -explored-165,0.5574074074074076,14,explored -explored-166,0.6318055555555556,4,explored -explored-167,0.389496527777778,21,explored -explored-168,0.6524661044973546,44,explored -explored-169,0.4083333333333332,10,explored -explored-170,0.42529513888888903,15,explored -explored-171,0.5380208333333332,8,explored -explored-172,0.49736111111111114,12,explored -explored-173,0.13680555555555585,17,explored -explored-174,0.5500000000000002,14,explored -explored-175,0.46753472222222237,15,explored -explored-176,0.5906250000000002,7,explored -explored-177,0.6737847222222223,11,explored -explored-178,0.4167824074074076,16,explored -explored-179,0.5442274305555557,13,explored -explored-180,0.22734375000000018,18,explored -explored-181,0.17358217592592617,18,explored -explored-182,0.5736979166666667,10,explored -explored-183,0.32430555555555585,12,explored -explored-184,0.7317708333333335,8,explored -explored-185,0.4080729166666669,15,explored -explored-186,0.45572916666666674,9,explored -explored-187,0.44687500000000013,12,explored -explored-188,0.47430555555555554,13,explored -explored-189,0.5251736111111112,11,explored -explored-190,0.4497395833333334,11,explored -explored-191,0.26666666666666705,11,explored -explored-192,0.7062673611111112,4,explored -explored-193,0.6292708333333334,4,explored -explored-194,0.38683449074074083,17,explored -explored-195,0.06093750000000031,10,explored -explored-196,0.6271122685185186,9,explored -explored-197,0.2829427083333337,16,explored -explored-198,0.6542708333333334,8,explored -explored-199,0.546527777777778,11,explored -explored-200,0.20468750000000036,18,explored -explored-201,0.4620833333333335,12,explored -explored-202,0.47578125000000016,13,explored -explored-203,0.618576388888889,5,explored -explored-204,0.7525173611111112,9,explored -explored-205,0.5190104166666669,9,explored -explored-206,0.3166666666666669,12,explored -explored-207,0.5603819444444446,17,explored -explored-208,0.22916666666666674,15,explored -explored-209,0.3662500000000002,15,explored -explored-210,0.7500000000000001,7,explored -explored-211,0.6670138888888891,10,explored -explored-212,0.32534722222222234,23,explored -explored-213,0.4172656250000003,14,explored -explored-214,0.38391203703703713,15,explored -explored-215,0.6688541666666667,36,explored -explored-216,0.666701388888889,8,explored -explored-217,0.6182291666666667,12,explored -explored-218,0.5445312500000001,18,explored -explored-219,0.5461979166666668,10,explored -explored-220,0.47916666666666685,8,explored -explored-221,0.5843750000000001,11,explored -explored-222,0.6462824074074075,34,explored -explored-223,0.39166666666666683,11,explored -explored-224,0.734375,8,explored -explored-225,0.4423611111111113,10,explored -explored-226,0.5255208333333335,9,explored -explored-227,0.6061111111111113,12,explored -explored-228,0.6686296296296297,25,explored -explored-229,0.45321180555555585,21,explored -explored-230,0.5409722222222224,11,explored -explored-231,0.17204861111111147,19,explored -explored-232,0.44805555555555576,21,explored -explored-233,0.6648935185185186,31,explored -explored-234,0.3718750000000002,17,explored -explored-235,0.3289930555555556,13,explored -explored-236,0.28046875000000016,15,explored -explored-237,0.19490740740740764,16,explored -explored-238,0.4973958333333335,12,explored -explored-239,0.6003038194444446,16,explored -explored-240,0.5991319444444446,8,explored -explored-241,0.2786458333333337,15,explored -explored-242,0.22187500000000027,18,explored -explored-243,0.4325434027777779,21,explored -explored-244,0.33125000000000027,18,explored -explored-245,0.690625,18,explored -explored-246,0.7562500000000001,4,explored -explored-247,0.5895833333333335,9,explored -explored-248,0.39861111111111147,16,explored -explored-249,0.6508969907407408,12,explored -explored-250,0.31302083333333364,13,explored -explored-251,0.549652777777778,7,explored -explored-252,0.35312500000000013,8,explored -explored-253,0.6432291666666667,9,explored -explored-254,0.5597222222222225,9,explored -explored-255,0.5654803240740742,16,explored -explored-256,0.6715803571428572,35,explored -explored-257,0.35703125000000013,13,explored -explored-258,0.5119791666666669,11,explored -explored-259,0.4828125000000002,10,explored -explored-260,0.6737847222222223,12,explored -explored-261,0.478486689814815,11,explored -explored-262,0.3069444444444448,12,explored -explored-263,0.4642361111111115,12,explored -explored-264,0.3756944444444448,8,explored -explored-265,0.357291666666667,9,explored -explored-266,0.669140625,36,explored -explored-267,0.39722222222222237,15,explored -explored-268,0.12604166666666705,15,explored -explored-269,0.3114583333333336,13,explored -explored-270,0.4358796296296299,14,explored -explored-271,0.7401041666666668,6,explored -explored-272,0.47250000000000014,10,explored -explored-273,0.5790219907407409,13,explored -explored-274,0.6111689814814816,13,explored -explored-275,0.36970486111111134,19,explored -explored-276,0.5616319444444445,17,explored -explored-277,0.5577916666666669,24,explored -explored-278,0.6153645833333334,12,explored -explored-279,0.631076388888889,8,explored -explored-280,0.3197916666666668,7,explored -explored-281,0.5583333333333332,8,explored -explored-282,0.36354166666666676,14,explored -explored-283,0.4819444444444444,12,explored -explored-284,0.42786458333333344,14,explored -explored-285,0.612326388888889,6,explored -explored-286,0.3484375000000002,20,explored -explored-287,0.6718750000000002,7,explored -explored-288,0.5677083333333333,10,explored -explored-289,0.36875,12,explored -explored-290,0.6233796296296298,14,explored -explored-291,0.6395833333333335,7,explored -explored-292,0.4666666666666669,15,explored -explored-293,0.7243055555555555,4,explored -explored-294,0.6401620370370371,7,explored -explored-295,0.3938333333333335,16,explored -explored-296,0.7137847222222223,9,explored -explored-297,0.6288194444444446,8,explored -explored-298,0.7117766203703705,13,explored -explored-299,0.6304976851851853,12,explored -explored-300,0.5413194444444447,13,explored -explored-301,0.7524305555555555,9,explored -explored-302,0.48046875,8,explored -explored-303,0.6515625000000002,9,explored -explored-304,0.5545138888888891,10,explored -explored-305,0.8365104166666667,6,explored -explored-306,0.6203472222222224,20,explored -explored-307,0.6549479166666669,6,explored -explored-308,0.5599537037037039,9,explored -explored-309,0.6052083333333336,15,explored -explored-310,0.6795109953703705,24,explored -explored-311,0.5775578703703703,16,explored -explored-312,0.65625,7,explored -explored-313,0.46250000000000013,10,explored -explored-314,0.4868055555555555,13,explored -explored-315,0.44409722222222237,18,explored -explored-316,0.7527361111111113,18,explored -explored-317,0.42589699074074094,23,explored -explored-318,0.44982638888888904,10,explored -explored-319,0.5266493055555558,9,explored -explored-320,0.25538194444444473,17,explored -explored-321,0.531371527777778,18,explored -explored-322,0.599652777777778,15,explored -explored-323,0.12239583333333359,27,explored -explored-324,0.5930555555555557,11,explored -explored-325,0.40000000000000013,12,explored -explored-326,0.33125000000000027,15,explored -explored-327,0.48055555555555585,18,explored -explored-328,0.5718750000000001,11,explored -explored-329,0.2616319444444448,12,explored -explored-330,0.36527777777777803,18,explored -explored-331,0.4812500000000004,11,explored -explored-332,0.4510416666666668,12,explored -explored-333,0.5638599537037038,11,explored -explored-334,0.5722222222222224,9,explored -explored-335,0.2992187500000003,16,explored -explored-336,0.5618055555555558,8,explored -explored-337,0.3442708333333335,9,explored -explored-338,0.6852430555555555,11,explored -explored-339,0.6817708333333334,20,explored -explored-340,0.6118055555555557,7,explored -explored-341,0.4879166666666668,11,explored -explored-342,0.30781250000000016,16,explored -explored-343,0.5599537037037039,12,explored -explored-344,0.36631944444444475,15,explored -explored-345,0.5286979166666668,24,explored -explored-346,0.682465277777778,11,explored -explored-347,0.20798611111111132,19,explored -explored-348,0.6717129629629631,8,explored -explored-349,0.4755787037037038,17,explored -explored-350,0.4957870370370372,10,explored -explored-351,0.8317708333333333,9,explored -explored-352,0.8359722222222222,10,explored -explored-353,0.3430555555555558,12,explored -explored-354,0.7104166666666668,9,explored -explored-355,0.32111111111111135,13,explored -explored-356,0.6765190972222224,26,explored -explored-357,0.4859895833333334,17,explored -explored-358,0.32916666666666705,10,explored -explored-359,0.5173611111111114,10,explored -explored-360,0.7335416666666666,10,explored -explored-361,0.4945312500000002,15,explored -explored-362,0.6139033564814816,14,explored -explored-363,0.6706707175925927,22,explored -explored-364,0.5504166666666669,10,explored -explored-365,0.6054687500000001,15,explored -explored-366,0.4884375000000002,11,explored -explored-367,0.3402777777777779,16,explored -explored-368,0.37718750000000023,14,explored -explored-369,0.6834490740740742,10,explored -explored-370,0.5962500000000002,9,explored -explored-371,0.3594184027777779,25,explored -explored-372,0.5903645833333334,7,explored -explored-373,0.6066840277777779,13,explored -explored-374,0.2982638888888892,10,explored -explored-375,0.7447916666666667,3,explored -explored-376,0.6719444444444447,15,explored -explored-377,0.6091145833333335,19,explored -explored-378,0.5800000000000002,13,explored -explored-379,0.7389409722222223,13,explored -explored-380,0.4474739583333335,19,explored -explored-381,0.12743055555555594,12,explored -explored-382,0.5473958333333335,10,explored -explored-383,0.43865740740740766,10,explored -explored-384,0.11666666666666692,12,explored -explored-385,0.8049479166666667,9,explored -explored-386,0.5265625000000002,8,explored -explored-387,0.4505208333333335,13,explored -explored-388,0.5103298611111112,18,explored -explored-389,0.39218750000000013,13,explored -explored-390,0.5260416666666669,12,explored -explored-391,0.5977430555555557,4,explored -explored-392,0.2942708333333337,14,explored -explored-393,0.2875000000000003,12,explored -explored-394,0.4369791666666666,11,explored -explored-395,0.26521990740740753,19,explored -explored-396,0.6359953703703705,16,explored -explored-397,0.4125000000000003,11,explored -explored-398,0.6197048611111113,14,explored -explored-399,0.20381944444444466,17,explored -explored-400,0.3431423611111113,15,explored -explored-401,0.26736111111111127,12,explored -explored-402,0.5526041666666667,11,explored -explored-403,0.44062500000000004,9,explored -explored-404,0.5937500000000001,8,explored -explored-405,0.7142361111111112,11,explored -explored-406,0.5258906250000002,20,explored -explored-407,0.632465277777778,6,explored -explored-408,0.6038194444444446,12,explored -explored-409,0.6743353174603175,34,explored -explored-410,0.319742476851852,21,explored -explored-411,0.4750000000000002,15,explored -explored-412,0.42500000000000027,11,explored -explored-413,0.3875868055555558,21,explored -explored-414,0.43958333333333355,10,explored -explored-415,0.6152083333333335,11,explored -explored-416,0.6635416666666668,3,explored -explored-417,0.5906250000000001,8,explored -explored-418,0.4208333333333335,13,explored -explored-419,0.6485416666666667,13,explored -explored-420,0.38147569444444485,21,explored -explored-421,0.4476562500000001,13,explored -explored-422,0.7222222222222224,10,explored -explored-423,0.7665798611111111,12,explored -explored-424,0.39218750000000024,11,explored -explored-425,0.5135850694444446,14,explored -explored-426,0.22326388888888915,17,explored -explored-427,0.37531250000000016,13,explored -explored-428,0.48194444444444473,12,explored -explored-429,0.6262152777777779,14,explored -explored-430,0.6205729166666668,10,explored -explored-431,0.3836805555555558,10,explored -explored-432,0.6434895833333335,5,explored -explored-433,0.3968750000000003,13,explored -explored-434,0.42291666666666683,12,explored -explored-435,0.24192708333333357,18,explored -explored-436,0.5979340277777778,14,explored -explored-437,0.25219907407407427,23,explored -explored-438,0.671740451388889,40,explored -explored-439,0.33703703703703725,20,explored -explored-440,0.44999999999999996,10,explored -explored-441,0.7307696759259259,10,explored -explored-442,0.7049479166666668,7,explored -explored-443,0.47343749999999996,10,explored -explored-444,0.31597222222222254,13,explored -explored-445,0.12604166666666705,15,explored -explored-446,0.6495833333333334,12,explored -explored-447,0.4694791666666669,22,explored -explored-448,0.2352430555555558,16,explored -explored-449,0.655373263888889,26,explored -explored-450,0.6414930555555557,6,explored -explored-451,0.5302083333333334,14,explored -explored-452,0.4452546296296297,18,explored -explored-453,0.6117187500000002,5,explored -explored-454,0.27986111111111145,19,explored -explored-455,0.5322048611111112,22,explored -explored-456,0.5005208333333335,7,explored -explored-457,0.6679166666666667,9,explored -explored-458,0.5020833333333335,10,explored -explored-459,0.4461574074074076,15,explored -explored-460,0.2699652777777779,16,explored -explored-461,0.5586805555555556,14,explored -explored-462,0.5348958333333333,15,explored -explored-463,0.32543402777777797,17,explored -explored-464,0.6437500000000002,7,explored -explored-465,0.410416666666667,11,explored -explored-466,0.7316550925925926,9,explored -explored-467,0.21006944444444453,16,explored -explored-468,0.18020833333333353,11,explored -explored-469,0.6679687500000002,4,explored -explored-470,0.4289930555555558,15,explored -explored-471,0.5885416666666669,16,explored -explored-472,0.84375,4,explored -explored-473,0.3270833333333333,10,explored -explored-474,0.47968750000000016,12,explored -explored-475,0.5508101851851854,8,explored -explored-476,0.42997685185185197,17,explored -explored-477,0.6821527777777779,11,explored -explored-478,0.2541666666666669,15,explored -explored-479,0.5901041666666669,10,explored -explored-480,0.6265625000000002,8,explored -explored-481,0.4755787037037038,17,explored -explored-482,0.6890277777777779,6,explored -explored-483,0.7390625000000001,6,explored -explored-484,0.3544270833333336,13,explored -explored-485,0.5658854166666667,9,explored -explored-486,0.5225115740740742,13,explored -explored-487,0.6083333333333335,12,explored -explored-488,0.347916666666667,11,explored -explored-489,0.2093750000000002,18,explored -explored-490,0.49140625000000016,17,explored -explored-491,0.5557986111111113,16,explored -explored-492,0.6937500000000002,9,explored -explored-493,0.20598958333333361,19,explored -explored-494,0.15729166666666683,16,explored -explored-495,0.7250000000000001,4,explored -explored-496,0.7064930555555556,7,explored -explored-497,0.38489583333333366,11,explored -explored-498,0.5988425925925928,15,explored -explored-499,0.38046875000000024,13,explored -explored-500,0.30234375000000024,16,explored -explored-501,0.2982060185185188,22,explored -explored-502,0.6615451388888889,13,explored -explored-503,0.6931319444444446,31,explored -explored-504,0.7136458333333335,7,explored -explored-505,0.2942129629629632,20,explored -explored-506,0.588492476851852,37,explored -explored-507,0.642013888888889,6,explored -explored-508,0.6723958333333334,5,explored -explored-509,0.3666666666666668,12,explored -explored-510,0.6840277777777779,9,explored -explored-511,0.5260995370370373,13,explored -explored-512,0.4643078703703706,24,explored -explored-513,0.6783778935185186,19,explored -explored-514,0.7198784722222223,11,explored -explored-515,0.47187500000000027,14,explored -explored-516,0.4414062500000002,9,explored -explored-517,0.35416666666666696,6,explored -explored-518,0.566762152777778,19,explored -explored-519,0.1937500000000003,16,explored -explored-520,0.43368055555555585,8,explored -explored-521,0.7091145833333334,8,explored -explored-522,0.7039930555555556,12,explored -explored-523,0.5561805555555557,13,explored -explored-524,0.6092708333333334,7,explored -explored-525,0.43819444444444455,9,explored -explored-526,0.38281250000000033,8,explored -explored-527,0.5640625,8,explored -explored-528,0.5048611111111113,13,explored -explored-529,0.7051909722222223,9,explored -explored-530,0.7022222222222223,37,explored -explored-531,0.7191666666666667,9,explored -explored-532,0.5169907407407409,13,explored -explored-533,0.5435763888888889,11,explored -explored-534,0.643888888888889,11,explored -explored-535,0.4405208333333335,11,explored -explored-536,0.570920138888889,12,explored -explored-537,0.6524305555555557,8,explored -explored-538,0.48593750000000024,23,explored -explored-539,0.5760416666666668,5,explored -explored-540,0.6241319444444446,12,explored -explored-541,0.3228298611111112,24,explored -explored-542,0.28570601851851873,21,explored -explored-543,0.4735821759259261,16,explored -explored-544,0.512717013888889,16,explored -explored-545,0.5693865740740742,21,explored -explored-546,0.5145138888888889,13,explored -explored-547,0.5267361111111112,15,explored -explored-548,0.16406250000000022,18,explored -explored-549,0.4769531250000002,11,explored -explored-550,0.33171296296296315,14,explored -explored-551,0.7019097222222224,7,explored -explored-552,0.6931597222222223,6,explored -explored-553,0.4520833333333336,14,explored -explored-554,0.6923611111111112,8,explored -explored-555,0.49227430555555574,15,explored -explored-556,0.5841145833333332,7,explored -explored-557,0.6175636574074075,9,explored -explored-558,0.3006944444444446,18,explored -explored-559,0.28871527777777795,19,explored -explored-560,0.4370370370370371,19,explored -explored-561,0.4433593750000002,22,explored -explored-562,0.6408854166666668,8,explored -explored-563,0.2396990740740741,15,explored -explored-564,0.4955729166666668,7,explored -explored-565,0.6010416666666667,9,explored -explored-566,0.3983796296296298,17,explored -explored-567,0.594502314814815,12,explored -explored-568,0.6345486111111113,11,explored -explored-569,0.5486805555555557,9,explored -explored-570,0.41626157407407416,18,explored -explored-571,0.3510416666666669,10,explored -explored-572,0.7378298611111113,9,explored -explored-573,0.7495833333333334,8,explored -explored-574,0.10572916666666687,17,explored -explored-575,0.43906250000000013,13,explored -explored-576,0.36527777777777803,14,explored -explored-577,0.49930555555555567,11,explored -explored-578,0.5361111111111113,14,explored -explored-579,0.42005208333333355,19,explored -explored-580,0.495138888888889,14,explored -explored-581,0.5174537037037039,13,explored -explored-582,0.6950000000000001,13,explored -explored-583,0.4539583333333337,9,explored -explored-584,0.43315972222222254,13,explored -explored-585,0.6385879629629632,9,explored -explored-586,0.10373263888888928,14,explored -explored-587,0.2562500000000002,20,explored -explored-588,0.15208333333333357,11,explored -explored-589,0.43333333333333324,9,explored -explored-590,0.582638888888889,10,explored -explored-591,0.40729166666666683,7,explored -explored-592,0.7445486111111113,9,explored -explored-593,0.5687500000000003,6,explored -explored-594,0.3822916666666669,15,explored -explored-595,0.3104166666666669,12,explored -explored-596,0.3586805555555559,16,explored -explored-597,2.220446049250313e-16,14,explored -explored-598,0.783912037037037,13,explored -explored-599,0.7089722222222223,24,explored -explored-600,0.5116666666666668,11,explored -explored-601,0.8308159722222221,14,explored -explored-602,0.23359375000000027,17,explored -explored-603,0.6588541666666667,11,explored -explored-604,0.27505787037037055,17,explored -explored-605,0.549826388888889,13,explored -explored-606,0.6158854166666669,10,explored -explored-607,0.5754166666666668,7,explored -explored-608,0.30225694444444473,21,explored -explored-609,0.4852430555555558,16,explored -explored-610,0.247916666666667,10,explored -explored-611,0.5642361111111113,19,explored -explored-612,0.6374305555555557,13,explored -explored-613,0.3763888888888891,24,explored -explored-614,0.7077256944444446,13,explored -explored-615,0.4529513888888891,14,explored -explored-616,0.6543750000000002,5,explored -explored-617,0.6077604166666668,11,explored -explored-618,0.49635416666666665,14,explored -explored-619,0.441666666666667,6,explored -explored-620,0.3265625000000002,15,explored -explored-621,0.40483217592592613,23,explored -explored-622,0.3979166666666669,11,explored -explored-623,0.5901041666666669,13,explored -explored-624,0.6721354166666669,9,explored -explored-625,0.6087962962962965,16,explored -explored-626,0.5388020833333335,6,explored -explored-627,0.5969097222222224,16,explored -explored-628,0.2649305555555559,23,explored -explored-629,0.4687500000000002,14,explored -explored-630,0.6928819444444446,7,explored -explored-631,0.5992187500000001,17,explored -explored-632,0.7489872685185186,9,explored -explored-633,0.3406250000000003,11,explored -explored-634,0.6973148148148149,20,explored -explored-635,0.35208333333333364,10,explored -explored-636,0.5594618055555558,14,explored -explored-637,0.3183593750000002,19,explored -explored-638,0.44687500000000036,10,explored -explored-639,0.5489583333333334,7,explored -explored-640,0.5364583333333335,10,explored -explored-641,0.3577546296296299,20,explored -explored-642,0.685763888888889,7,explored -explored-643,0.5571180555555557,13,explored -explored-644,0.10625000000000018,15,explored -explored-645,0.3557002314814818,22,explored -explored-646,0.16041666666666687,15,explored -explored-647,0.29930555555555594,23,explored -explored-648,0.6577256944444445,6,explored -explored-649,0.5328645833333333,11,explored -explored-650,0.4517361111111112,11,explored -explored-651,0.5045138888888892,13,explored -explored-652,0.4486111111111114,11,explored -explored-653,0.39861111111111147,12,explored -explored-654,0.7452546296296297,6,explored -explored-655,0.275752314814815,16,explored -explored-656,0.3168981481481483,16,explored -explored-657,0.6274305555555558,10,explored -explored-658,0.602621527777778,10,explored -explored-659,0.6142361111111113,10,explored -explored-660,0.6805266203703705,12,explored -explored-661,0.6335069444444446,7,explored -explored-662,0.7381927083333334,22,explored -explored-663,0.3709027777777779,21,explored -explored-664,0.5839409722222224,17,explored -explored-665,0.6963541666666668,7,explored -explored-666,0.6747349537037038,25,explored -explored-667,0.5848090277777779,8,explored -explored-668,0.4055555555555559,11,explored -explored-669,0.37994791666666683,25,explored -explored-670,0.6266203703703705,13,explored -explored-671,0.07864583333333353,16,explored -explored-672,0.7246302083333334,20,explored -explored-673,0.8354166666666667,10,explored -explored-674,0.20723379629629646,23,explored -explored-675,0.5034722222222223,13,explored -explored-676,0.46562500000000007,9,explored -explored-677,0.3914930555555558,10,explored -explored-678,0.6144097222222223,7,explored -explored-679,0.43671875000000016,10,explored -explored-680,0.5643229166666669,14,explored -explored-681,0.7679050925925925,11,explored -explored-682,0.6142361111111113,12,explored -explored-683,0.5213541666666668,7,explored -explored-684,0.7216666666666667,3,explored -explored-685,0.5437500000000002,11,explored -explored-686,0.5896643518518521,16,explored -explored-687,0.5700520833333335,10,explored -explored-688,0.5897569444444446,13,explored -explored-689,0.6906250000000002,7,explored -explored-690,0.6455729166666668,8,explored -explored-691,0.520138888888889,12,explored -explored-692,0.7204861111111112,5,explored -explored-693,0.3274305555555558,16,explored -explored-694,0.35607638888888893,12,explored -explored-695,0.3725115740740741,16,explored -explored-696,0.3460069444444447,17,explored -explored-697,0.6581423611111112,10,explored -explored-698,0.4686631944444446,15,explored -explored-699,0.459375,15,explored -explored-700,0.5755208333333333,12,explored -explored-701,0.598263888888889,16,explored -explored-702,0.3315104166666668,17,explored -explored-703,0.8201388888888889,7,explored -explored-704,0.4437500000000002,16,explored -explored-705,0.5088541666666668,22,explored -explored-706,0.649652777777778,9,explored -explored-707,0.7093402777777779,16,explored -explored-708,0.6006770833333335,12,explored -explored-709,0.6333333333333333,5,explored -explored-710,0.5754166666666669,6,explored -explored-711,0.10625000000000018,13,explored -explored-712,0.6437152777777778,12,explored -explored-713,0.5131944444444447,11,explored -explored-714,0.6119791666666669,9,explored -explored-715,0.2015625000000003,16,explored -explored-716,0.5406250000000001,9,explored -explored-717,0.3757812500000002,11,explored -explored-718,0.6217708333333334,5,explored -explored-719,0.43333333333333357,5,explored -explored-720,0.6352430555555557,10,explored -explored-721,0.6630208333333334,8,explored -explored-722,0.35121527777777817,13,explored -explored-723,0.6931712962962964,6,explored -explored-724,0.8141493055555555,9,explored -explored-725,0.4500000000000003,9,explored -explored-726,0.629809027777778,11,explored -explored-727,0.3562500000000004,11,explored -explored-728,0.5634722222222224,17,explored -explored-729,0.5467592592592594,18,explored -explored-730,0.510416666666667,7,explored -explored-731,0.33660300925925934,22,explored -explored-732,0.18750000000000022,14,explored -explored-733,0.2664062500000003,19,explored -explored-734,0.33029513888888906,20,explored -explored-735,0.16840277777777812,17,explored -explored-736,0.6529282407407409,32,explored -explored-737,0.5545138888888891,9,explored -explored-738,0.22864583333333344,16,explored -explored-739,0.552951388888889,13,explored -explored-740,0.3659722222222226,14,explored -explored-741,0.33020833333333366,10,explored -explored-742,0.7169270833333334,7,explored -explored-743,0.8070312500000001,6,explored -explored-744,0.6774305555555556,13,explored -explored-745,0.4363715277777779,14,explored -explored-746,0.643107638888889,13,explored -explored-747,0.658029513888889,22,explored -explored-748,0.9020833333333333,1,explored -explored-749,0.2507812500000003,13,explored -explored-750,0.6253125000000002,9,explored -explored-751,0.6325000000000002,12,explored -explored-752,0.6915046296296297,7,explored -explored-753,0.610763888888889,14,explored -explored-754,0.5753472222222222,14,explored -explored-755,0.614496527777778,10,explored -explored-756,0.4008333333333335,10,explored -explored-757,0.5378472222222224,13,explored -explored-758,0.37708333333333366,12,explored -explored-759,0.6595486111111113,15,explored -explored-760,0.4959201388888892,15,explored -explored-761,0.43934027777777795,19,explored -explored-762,0.2337962962962965,20,explored -explored-763,0.37135416666666665,12,explored -explored-764,0.6329861111111112,9,explored -explored-765,0.5469618055555556,11,explored -explored-766,0.5646701388888891,13,explored -explored-767,0.2576388888888892,16,explored -explored-768,0.3812500000000003,13,explored -explored-769,0.35260416666666705,8,explored -explored-770,0.5651041666666669,18,explored -explored-771,0.6194444444444446,11,explored -explored-772,0.44921875,8,explored -explored-773,0.4177951388888891,11,explored -explored-774,0.5305555555555559,11,explored -explored-775,0.8119791666666667,4,explored -explored-776,0.4201388888888893,12,explored -explored-777,0.5392361111111112,11,explored -explored-778,0.23657407407407427,13,explored -explored-779,0.6260416666666668,3,explored -explored-780,0.6745700231481484,25,explored -explored-781,0.17343750000000013,12,explored -explored-782,0.44682291666666674,20,explored -explored-783,0.6989461805555557,29,explored -explored-784,0.7957291666666667,5,explored -explored-785,0.3755208333333335,22,explored -explored-786,0.6659722222222222,13,explored -explored-787,0.5609375000000003,6,explored -explored-788,0.5378125000000001,11,explored -explored-789,0.6917361111111111,44,explored -explored-790,0.6413454861111112,18,explored -explored-791,0.7324652777777779,13,explored -explored-792,0.4007812500000002,22,explored -explored-793,0.4983506944444446,18,explored -explored-794,0.3628472222222223,19,explored -explored-795,0.5996527777777779,11,explored -explored-796,0.411979166666667,8,explored -explored-797,0.47187500000000016,11,explored -explored-798,0.3774305555555557,18,explored -explored-799,0.6635416666666668,2,explored -explored-800,0.6685763888888889,11,explored -explored-801,0.6593750000000002,12,explored -explored-802,0.2576388888888892,15,explored -explored-803,0.8865451388888889,8,explored -explored-804,0.38472222222222263,11,explored -explored-805,0.5661458333333335,13,explored -explored-806,0.3807002314814817,19,explored -explored-807,0.5623263888888891,15,explored -explored-808,0.41371527777777795,14,explored -explored-809,0.5802951388888891,11,explored -explored-810,0.5711226851851853,20,explored -explored-811,0.4083333333333333,7,explored -explored-812,0.6585937500000001,6,explored -explored-813,0.3289930555555558,14,explored -explored-814,0.4843750000000001,11,explored -explored-815,0.38240740740740753,20,explored -explored-816,0.5513888888888889,9,explored -explored-817,0.24265046296296333,25,explored -explored-818,0.41562500000000024,28,explored -explored-819,0.644184027777778,11,explored -explored-820,0.6515625,8,explored -explored-821,0.5406250000000001,8,explored -explored-822,0.2729166666666668,11,explored -explored-823,0.4065682870370373,20,explored -explored-824,0.39236111111111127,20,explored -explored-825,0.25208333333333366,17,explored -explored-826,0.36979166666666685,20,explored -explored-827,0.46250000000000013,14,explored -explored-828,0.29513888888888906,24,explored -explored-829,0.43767361111111125,12,explored -explored-830,0.474508101851852,14,explored -explored-831,0.24800347222222263,21,explored -explored-832,0.5622106481481483,14,explored -explored-833,0.7930555555555555,5,explored -explored-834,0.7209722222222223,15,explored -explored-835,0.48359375000000027,11,explored -explored-836,0.5220486111111112,10,explored -explored-837,0.3763888888888889,13,explored -explored-838,0.393402777777778,15,explored -explored-839,0.5036458333333333,8,explored -explored-840,0.7132812500000001,7,explored -explored-841,0.3354166666666668,11,explored -explored-842,0.482320601851852,14,explored -explored-843,0.7757812500000001,7,explored -explored-844,0.601388888888889,13,explored -explored-845,0.8026041666666667,4,explored -explored-846,0.17187500000000022,17,explored -explored-847,0.4588541666666668,17,explored -explored-848,0.6646875000000001,7,explored -explored-849,0.4036458333333335,13,explored -explored-850,0.7093750000000001,6,explored -explored-851,0.642795138888889,11,explored -explored-852,0.3866319444444445,9,explored -explored-853,0.34444444444444466,15,explored -explored-854,0.4663194444444446,11,explored -explored-855,0.21388888888888902,19,explored -explored-856,0.32777777777777795,21,explored -explored-857,0.4611979166666669,10,explored -explored-858,0.5362500000000001,9,explored -explored-859,0.347916666666667,12,explored -explored-860,0.5432291666666669,13,explored -explored-861,0.4703906250000002,18,explored -explored-862,0.5052083333333335,15,explored -explored-863,0.6388888888888891,18,explored -explored-864,0.5942708333333334,12,explored -explored-865,0.6369791666666669,14,explored -explored-866,0.374166666666667,13,explored -explored-867,0.32638888888888884,10,explored -explored-868,0.6329716435185186,17,explored -explored-869,0.20625000000000027,19,explored -explored-870,0.4800347222222223,20,explored -explored-871,0.5354166666666669,11,explored -explored-872,0.5317708333333335,22,explored -explored-873,0.28819444444444475,11,explored -explored-874,0.645763888888889,9,explored -explored-875,0.32916666666666694,7,explored -explored-876,0.6468750000000001,12,explored -explored-877,0.11562500000000031,13,explored -explored-878,0.5205729166666668,13,explored -explored-879,0.5933159722222224,10,explored -explored-880,0.30584490740740755,16,explored -explored-881,0.47239583333333335,13,explored -explored-882,0.6217708333333335,17,explored -explored-883,0.6646412037037038,6,explored -explored-884,0.15520833333333361,12,explored -explored-885,0.3837673611111114,29,explored -explored-886,0.43767361111111125,18,explored -explored-887,0.7233564814814816,8,explored -explored-888,0.4833333333333333,10,explored -explored-889,0.2967013888888892,17,explored -explored-890,0.31354166666666705,14,explored -explored-891,0.6955729166666669,7,explored -explored-892,0.7947916666666667,6,explored -explored-893,0.6085937500000002,10,explored -explored-894,0.10989583333333353,14,explored -explored-895,0.5500000000000002,12,explored -explored-896,0.7963541666666667,8,explored -explored-897,0.35555555555555585,16,explored -explored-898,0.5762731481481482,11,explored -explored-899,0.47968750000000016,17,explored -explored-900,0.6595486111111112,7,explored -explored-901,0.46135416666666684,11,explored -explored-902,0.6831597222222222,7,explored -explored-903,0.6038194444444447,12,explored -explored-904,0.6108043981481484,12,explored -explored-905,0.40844907407407427,20,explored -explored-906,0.5887586805555557,18,explored -explored-907,0.7028645833333335,9,explored -explored-908,0.6230324074074075,12,explored -explored-909,0.4322800925925927,18,explored -explored-910,0.44895833333333357,18,explored -explored-911,0.7525000000000002,6,explored -explored-912,0.6372916666666668,8,explored -explored-913,0.5075520833333335,10,explored -explored-914,0.6359375000000002,7,explored -explored-915,0.32048611111111125,18,explored -explored-916,0.5100694444444446,14,explored -explored-917,0.6550347222222224,13,explored -explored-918,0.22274305555555585,20,explored -explored-919,0.6670833333333334,4,explored -explored-920,0.5894097222222223,24,explored -explored-921,0.44296875000000013,19,explored -explored-922,0.6543981481481482,18,explored -explored-923,0.35416666666666685,15,explored -explored-924,0.26284722222222245,15,explored -explored-925,0.8205439814814814,14,explored -explored-926,0.5675347222222225,23,explored -explored-927,0.6784722222222224,7,explored -explored-928,0.5623842592592595,21,explored -explored-929,0.4163194444444446,19,explored -explored-930,0.6899768518518519,8,explored -explored-931,0.4100694444444446,14,explored -explored-932,0.5914062500000001,8,explored -explored-933,0.43865740740740755,15,explored -explored-934,0.7020833333333333,5,explored -explored-935,0.5480902777777779,13,explored -explored-936,0.4697916666666666,9,explored -explored-937,0.44949652777777793,15,explored -explored-938,0.7779166666666668,4,explored -explored-939,0.6013020833333335,10,explored -explored-940,0.637326388888889,12,explored -explored-941,0.22552083333333361,14,explored -explored-942,0.6982638888888889,9,explored -explored-943,0.5553819444444446,21,explored -explored-944,0.5603298611111113,19,explored -explored-945,0.6166666666666667,14,explored -explored-946,0.42499999999999993,9,explored -explored-947,0.5856770833333336,14,explored -explored-948,0.7970486111111111,6,explored -explored-949,0.721238425925926,18,explored -explored-950,0.7756944444444445,7,explored -explored-951,0.36684027777777795,18,explored -explored-952,0.6980034722222224,6,explored -explored-953,0.6805555555555557,7,explored -explored-954,0.4515625000000001,10,explored -explored-955,0.5491319444444446,9,explored -explored-956,0.5083333333333335,23,explored -explored-957,0.27708333333333357,13,explored -explored-958,0.5317708333333335,8,explored -explored-959,0.5697916666666667,8,explored -explored-960,0.18715277777777783,20,explored -explored-961,0.5779513888888891,13,explored -explored-962,0.494039351851852,19,explored -explored-963,0.6009548611111113,8,explored -explored-964,0.5029079861111113,21,explored -explored-965,0.5175347222222224,9,explored -explored-966,0.26927083333333346,9,explored -explored-967,0.7409722222222224,9,explored -explored-968,0.8428819444444444,6,explored -explored-969,0.35607638888888893,11,explored -explored-970,0.5400173611111113,18,explored -explored-971,0.13593750000000027,14,explored -explored-972,0.20651041666666692,16,explored -explored-973,0.6633680555555556,9,explored -explored-974,0.6622395833333333,5,explored -explored-975,0.5481770833333336,9,explored -explored-976,0.22656250000000022,14,explored -explored-977,0.38385416666666683,12,explored -explored-978,0.545920138888889,15,explored -explored-979,0.7691666666666668,4,explored -explored-980,0.4423611111111113,11,explored -explored-981,0.8697916666666666,8,explored -explored-982,0.7388888888888889,9,explored -explored-983,0.42421875,14,explored -explored-984,0.38541666666666674,9,explored -explored-985,0.28333333333333366,7,explored -explored-986,0.46562500000000007,11,explored -explored-987,0.3421296296296298,26,explored -explored-988,0.7622395833333335,11,explored -explored-989,0.15989583333333357,15,explored -explored-990,0.3271990740740742,18,explored -explored-991,0.33660300925925946,21,explored -explored-992,0.6257812500000002,8,explored -explored-993,0.28628472222222245,17,explored -explored-994,0.3948784722222224,11,explored -explored-995,0.38454861111111116,17,explored -explored-996,0.5699652777777778,13,explored -explored-997,0.6811342592592594,7,explored -explored-998,0.7088541666666668,10,explored -explored-999,0.3957465277777781,27,explored -explored-1000,0.23350694444444464,14,explored -explored-1001,0.49107638888888916,17,explored -explored-1002,0.41307870370370403,16,explored -explored-1003,0.5810474537037039,9,explored -explored-1004,0.5984375000000001,8,explored -explored-1005,0.676996527777778,11,explored -explored-1006,0.7755208333333333,7,explored -explored-1007,0.6217447916666667,12,explored -explored-1008,0.28828125000000016,17,explored -explored-1009,0.3819444444444444,7,explored -explored-1010,0.6062500000000002,3,explored -explored-1011,0.5306250000000001,9,explored -explored-1012,0.5622395833333335,12,explored -explored-1013,0.5310908564814817,20,explored -explored-1014,0.3197916666666668,7,explored -explored-1015,0.5425347222222225,11,explored -explored-1016,0.6887731481481483,15,explored -explored-1017,0.6354166666666669,5,explored -explored-1018,0.41718750000000016,16,explored -explored-1019,0.3402777777777779,15,explored -explored-1020,0.6053125000000001,12,explored -explored-1021,0.5294965277777779,16,explored -explored-1022,0.6880555555555558,8,explored -explored-1023,0.769826388888889,9,explored -explored-1024,0.771,19,explored -explored-1025,0.5949074074074076,10,explored -explored-1026,0.16562500000000036,11,explored -explored-1027,0.6031250000000001,10,explored -explored-1028,0.35451388888888924,15,explored -explored-1029,0.6105902777777779,10,explored -explored-1030,0.5797164351851853,14,explored -explored-1031,0.2942708333333335,14,explored -explored-1032,0.1468750000000003,16,explored -explored-1033,0.6937673611111113,11,explored -explored-1034,0.435416666666667,11,explored -explored-1035,0.42300347222222245,15,explored -explored-1036,0.4850138888888891,21,explored -explored-1037,0.38541666666666696,12,explored -explored-1038,0.5748263888888889,13,explored -explored-1039,0.3789062500000001,17,explored -explored-1040,0.3197916666666669,25,explored -explored-1041,0.5900000000000001,9,explored -explored-1042,0.177604166666667,18,explored -explored-1043,0.46406250000000027,13,explored -explored-1044,0.3875000000000002,14,explored -explored-1045,0.6794097222222223,27,explored -explored-1046,0.5112500000000002,11,explored -explored-1047,0.25555555555555576,15,explored -explored-1048,0.6077083333333335,7,explored -explored-1049,0.6054687500000001,8,explored -explored-1050,0.4539062500000002,22,explored -explored-1051,0.2826967592592595,18,explored -explored-1052,0.3900173611111113,20,explored -explored-1053,0.4831770833333334,14,explored -explored-1054,0.6410011574074076,10,explored -explored-1055,0.8368055555555557,10,explored -explored-1056,0.42604166666666676,13,explored -explored-1057,0.49236111111111125,10,explored -explored-1058,0.49236111111111125,8,explored -explored-1059,0.6760416666666668,10,explored -explored-1060,0.43029513888888915,12,explored -explored-1061,0.3852430555555557,12,explored -explored-1062,0.6993055555555556,9,explored -explored-1063,0.6486111111111112,7,explored -explored-1064,0.3752604166666669,21,explored -explored-1065,0.3027199074074076,20,explored -explored-1066,0.565451388888889,8,explored -explored-1067,0.3446180555555558,18,explored -explored-1068,0.672800925925926,11,explored -explored-1069,0.31653645833333355,16,explored -explored-1070,0.4505208333333335,21,explored -explored-1071,0.6520833333333335,6,explored -explored-1072,0.7164930555555555,15,explored -explored-1073,0.5213975694444446,18,explored -explored-1074,0.5633333333333335,8,explored -explored-1075,0.5031250000000002,12,explored -explored-1076,0.6298611111111113,9,explored -explored-1077,0.16718750000000027,14,explored -explored-1078,0.476232638888889,17,explored -explored-1079,0.4182870370370372,19,explored -explored-1080,0.5119791666666669,11,explored -explored-1081,0.7391493055555556,8,explored -explored-1082,0.5567708333333335,10,explored -explored-1083,0.38611111111111107,12,explored -explored-1084,0.4152777777777781,7,explored -explored-1085,0.652314814814815,19,explored -explored-1086,0.38541666666666685,16,explored -explored-1087,0.8298611111111112,7,explored -explored-1088,0.5888020833333336,17,explored -explored-1089,0.3983506944444446,14,explored -explored-1090,0.21640625000000036,12,explored -explored-1091,0.3562500000000002,19,explored -explored-1092,0.28912037037037064,19,explored -explored-1093,0.49236111111111125,11,explored -explored-1094,0.35583333333333356,16,explored -explored-1095,0.4907407407407409,26,explored -explored-1096,0.5734375,13,explored -explored-1097,0.6282407407407409,12,explored -explored-1098,0.7998263888888889,11,explored -explored-1099,0.4691840277777779,20,explored -explored-1100,0.45026041666666683,23,explored -explored-1101,0.4936053240740743,25,explored -explored-1102,0.5489670138888891,17,explored -explored-1103,0.5349305555555557,12,explored -explored-1104,0.6197048611111113,13,explored -explored-1105,0.3421006944444446,15,explored -explored-1106,0.41666666666666685,15,explored -explored-1107,0.5818865740740742,20,explored -explored-1108,0.7360416666666667,8,explored -explored-1109,0.6270833333333334,8,explored -explored-1110,0.5383680555555557,15,explored -explored-1111,0.583420138888889,8,explored -explored-1112,0.2923611111111112,15,explored -explored-1113,0.5340277777777779,8,explored -explored-1114,0.5130208333333335,16,explored -explored-1115,0.6853831018518519,27,explored -explored-1116,0.5131944444444446,17,explored -explored-1117,0.6637847222222223,8,explored -explored-1118,0.46796875000000016,11,explored -explored-1119,0.5572916666666667,7,explored -explored-1120,0.4515625000000002,9,explored -explored-1121,0.624652777777778,9,explored -explored-1122,0.5412500000000001,8,explored -explored-1123,0.5992187500000001,6,explored -explored-1124,0.627951388888889,8,explored -explored-1125,0.5617476851851854,15,explored -explored-1126,0.1859375000000003,21,explored -explored-1127,0.48402777777777795,15,explored -explored-1128,0.6868778935185186,36,explored -explored-1129,0.7079861111111112,12,explored -explored-1130,0.8014583333333334,8,explored -explored-1131,0.3583333333333336,17,explored -explored-1132,0.14166666666666705,18,explored -explored-1133,0.08125000000000027,15,explored -explored-1134,0.6026041666666668,6,explored -explored-1135,0.5289930555555558,12,explored -explored-1136,0.6934027777777778,12,explored -explored-1137,0.6824107142857144,33,explored -explored-1138,0.7375,6,explored -explored-1139,0.6358940972222223,20,explored -explored-1140,0.4846354166666669,14,explored -explored-1141,0.6425000000000001,7,explored -explored-1142,0.6697916666666667,5,explored -explored-1143,0.08125000000000027,11,explored -explored-1144,0.6502025462962964,9,explored -explored-1145,0.28582175925925957,22,explored -explored-1146,0.7027777777777777,5,explored -explored-1147,0.5121527777777779,16,explored -explored-1148,0.5041666666666669,12,explored -explored-1149,0.49375000000000036,6,explored -explored-1150,0.7055208333333335,5,explored -explored-1151,0.36041666666666705,13,explored -explored-1152,0.3241319444444447,21,explored -explored-1153,0.43949652777777803,15,explored -explored-1154,0.35555555555555585,20,explored -explored-1155,0.2924479166666669,17,explored -explored-1156,0.5531828703703705,14,explored -explored-1157,0.3567129629629632,16,explored -explored-1158,0.5578125000000003,12,explored -explored-1159,0.3470486111111112,11,explored -explored-1160,0.5913194444444446,16,explored -explored-1161,0.46695833333333336,15,explored -explored-1162,0.7622395833333335,9,explored -explored-1163,0.6457465277777779,8,explored -explored-1164,0.251822916666667,17,explored -explored-1165,0.5106770833333335,15,explored -explored-1166,0.567013888888889,17,explored -explored-1167,0.3012731481481483,24,explored -explored-1168,0.39956597222222234,17,explored -explored-1169,0.6840740740740742,23,explored -explored-1170,0.6604166666666667,8,explored -explored-1171,0.7428217592592593,26,explored -explored-1172,0.6441406250000001,13,explored -explored-1173,0.5319328703703705,17,explored -explored-1174,0.19843750000000027,16,explored -explored-1175,0.41909722222222234,12,explored -explored-1176,0.5343750000000002,8,explored -explored-1177,0.3562037037037038,22,explored -explored-1178,0.25995370370370385,17,explored -explored-1179,0.561545138888889,14,explored -explored-1180,0.7145740740740741,30,explored -explored-1181,0.31898148148148164,14,explored -explored-1182,0.4643229166666667,12,explored -explored-1183,0.7609375,4,explored -explored-1184,0.500902777777778,17,explored -explored-1185,0.5812499999999999,7,explored -explored-1186,0.33177083333333357,14,explored -explored-1187,0.37135416666666665,10,explored -explored-1188,0.5288194444444446,9,explored -explored-1189,0.635763888888889,8,explored -explored-1190,0.42439236111111134,14,explored -explored-1191,0.24166666666666692,13,explored -explored-1192,0.6637152777777778,31,explored -explored-1193,0.4643229166666668,10,explored -explored-1194,0.30627893518518534,18,explored -explored-1195,0.49479166666666663,8,explored -explored-1196,0.6066840277777779,12,explored -explored-1197,0.42013888888888906,13,explored -explored-1198,0.4170833333333336,16,explored -explored-1199,0.4177951388888892,14,explored -explored-1200,0.10989583333333353,13,explored -explored-1201,0.6691493055555557,18,explored -explored-1202,0.5568287037037039,13,explored -explored-1203,0.6738194444444445,6,explored -explored-1204,0.6289930555555557,10,explored -explored-1205,0.5078703703703704,19,explored -explored-1206,0.41232638888888906,14,explored -explored-1207,0.2651041666666669,13,explored -explored-1208,0.6403645833333335,7,explored -explored-1209,0.3875000000000002,22,explored -explored-1210,0.7245451388888889,30,explored -explored-1211,0.5468750000000001,11,explored -explored-1212,0.4505208333333335,14,explored -explored-1213,0.45777777777777795,15,explored -explored-1214,0.40928819444444464,16,explored -explored-1215,0.5850694444444446,13,explored -explored-1216,0.6684490740740742,11,explored -explored-1217,0.32343750000000027,13,explored -explored-1218,0.45078125000000024,9,explored -explored-1219,0.6225000000000002,8,explored -explored-1220,0.5996296296296297,15,explored -explored-1221,0.19583333333333364,12,explored -explored-1222,0.7039930555555556,13,explored -explored-1223,0.40027777777777795,16,explored -explored-1224,0.5390625000000002,11,explored -explored-1225,0.27847222222222245,16,explored -explored-1226,0.48504050925925946,20,explored -explored-1227,0.5645833333333334,10,explored -explored-1228,0.5451388888888891,14,explored -explored-1229,0.5956597222222224,17,explored -explored-1230,2.220446049250313e-16,13,explored -explored-1231,0.40000000000000024,17,explored -explored-1232,0.16093750000000018,13,explored -explored-1233,0.2562500000000002,14,explored -explored-1234,0.6937500000000001,10,explored -explored-1235,0.40937500000000016,12,explored -explored-1236,0.41319444444444475,11,explored -explored-1237,0.659375,16,explored -explored-1238,0.5118055555555557,7,explored -explored-1239,0.654490740740741,12,explored -explored-1240,0.8027777777777778,11,explored -explored-1241,0.15885416666666696,12,explored -explored-1242,0.6440972222222223,17,explored -explored-1243,0.4368055555555558,7,explored -explored-1244,0.23932291666666705,13,explored -explored-1245,0.16302083333333361,14,explored -explored-1246,0.1614583333333337,17,explored -explored-1247,0.33263888888888915,15,explored -explored-1248,0.44745370370370385,17,explored -explored-1249,0.4604166666666666,12,explored -explored-1250,0.4759548611111113,21,explored -explored-1251,0.35069444444444464,18,explored -explored-1252,0.517013888888889,9,explored -explored-1253,0.5427025462962964,17,explored -explored-1254,0.6197337962962964,13,explored -explored-1255,0.6081597222222224,11,explored -explored-1256,0.5985416666666667,12,explored -explored-1257,0.6972256944444445,32,explored -explored-1258,0.7248917824074075,26,explored -explored-1259,0.6781637731481482,42,explored -explored-1260,0.269791666666667,7,explored -explored-1261,0.6946180555555557,9,explored -explored-1262,0.5529513888888891,9,explored -explored-1263,0.388541666666667,13,explored -explored-1264,0.6480902777777778,10,explored -explored-1265,0.6591695601851852,13,explored -explored-1266,0.4817708333333335,11,explored -explored-1267,0.5994791666666668,14,explored -explored-1268,0.5161458333333335,15,explored -explored-1269,0.49097222222222237,12,explored -explored-1270,0.6543692129629631,12,explored -explored-1271,0.5708333333333334,8,explored -explored-1272,0.4851562500000003,7,explored -explored-1273,0.5383680555555557,11,explored -explored-1274,0.6679687500000001,10,explored -explored-1275,0.6828993055555557,10,explored -explored-1276,0.41124131944444464,21,explored -explored-1277,0.48055555555555574,18,explored -explored-1278,0.6930555555555556,13,explored -explored-1279,0.40875000000000017,22,explored -explored-1280,0.4500000000000002,16,explored -explored-1281,0.7812326388888889,7,explored -explored-1282,0.5567708333333334,16,explored -explored-1283,0.35998263888888915,18,explored -explored-1284,0.24804687500000033,19,explored -explored-1285,0.4109375000000004,10,explored -explored-1286,0.383072916666667,11,explored -explored-1287,0.5604166666666668,11,explored -explored-1288,0.2250000000000003,15,explored -explored-1289,0.4579861111111113,18,explored -explored-1290,0.6166449652777779,44,explored -explored-1291,0.6372395833333335,17,explored -explored-1292,0.479965277777778,16,explored -explored-1293,0.49932291666666684,19,explored -explored-1294,0.5595486111111113,10,explored -explored-1295,0.3367187500000002,11,explored -explored-1296,0.3486111111111114,19,explored -explored-1297,0.6055555555555555,13,explored -explored-1298,0.742810763888889,20,explored -explored-1299,0.28333333333333366,10,explored -explored-1300,0.6910617559523811,26,explored -explored-1301,0.6854166666666667,9,explored -explored-1302,0.18802083333333364,16,explored -explored-1303,0.5905324074074075,25,explored -explored-1304,0.7171006944444445,11,explored -explored-1305,0.4286111111111113,16,explored -explored-1306,0.7237847222222222,9,explored -explored-1307,0.3808738425925927,18,explored -explored-1308,0.4862037037037039,17,explored -explored-1309,0.7133333333333334,4,explored -explored-1310,0.5062500000000002,13,explored -explored-1311,0.7482638888888891,14,explored -explored-1312,0.42833333333333345,13,explored -explored-1313,0.5087500000000001,11,explored -explored-1314,0.5979166666666668,9,explored -explored-1315,0.38003472222222245,18,explored -explored-1316,0.7256944444444446,14,explored -explored-1317,0.3504050925925928,21,explored -explored-1318,0.5822916666666669,4,explored -explored-1319,0.4617187500000002,18,explored -explored-1320,0.5610532407407409,11,explored -explored-1321,0.4377604166666669,17,explored -explored-1322,0.24722222222222257,8,explored -explored-1323,0.45717592592592604,20,explored -explored-1324,0.5312500000000003,5,explored -explored-1325,0.45098379629629637,9,explored -explored-1326,0.38880208333333344,9,explored -explored-1327,0.4666666666666668,10,explored -explored-1328,0.45902777777777803,14,explored -explored-1329,0.5406250000000001,10,explored -explored-1330,0.44739583333333355,24,explored -explored-1331,0.7216145833333335,8,explored -explored-1332,0.6460937500000001,8,explored -explored-1333,0.3960648148148149,14,explored -explored-1334,0.41970486111111127,17,explored -explored-1335,0.7396527777777778,8,explored -explored-1336,0.6102430555555557,10,explored -explored-1337,0.7196875000000001,4,explored -explored-1338,0.6678819444444446,9,explored -explored-1339,0.6069444444444446,9,explored -explored-1340,0.712326388888889,11,explored -explored-1341,0.7094924768518519,33,explored -explored-1342,0.6223958333333335,11,explored -explored-1343,0.5448055555555558,17,explored -explored-1344,0.5906250000000002,14,explored -explored-1345,0.627951388888889,13,explored -explored-1346,0.2284722222222224,18,explored -explored-1347,0.4336805555555556,12,explored -explored-1348,0.6937500000000001,7,explored -explored-1349,0.5620659722222223,17,explored -explored-1350,0.6548668981481482,28,explored -explored-1351,0.5680555555555555,10,explored -explored-1352,0.6782986111111112,11,explored -explored-1353,0.5103587962962964,18,explored -explored-1354,0.5466145833333336,6,explored -explored-1355,0.36041666666666683,12,explored -explored-1356,0.3177083333333337,18,explored -explored-1357,0.40245949074074083,23,explored -explored-1358,0.5255208333333335,10,explored -explored-1359,0.5704861111111112,10,explored -explored-1360,0.39861111111111147,11,explored -explored-1361,0.7592592592592593,10,explored -explored-1362,0.5706597222222223,13,explored -explored-1363,0.6488888888888891,13,explored -explored-1364,0.46250000000000013,12,explored -explored-1365,0.4824652777777779,16,explored -explored-1366,0.7859375000000001,7,explored -explored-1367,2.220446049250313e-16,15,explored -explored-1368,0.5406250000000001,8,explored -explored-1369,0.4026041666666669,7,explored -explored-1370,0.5491666666666668,9,explored -explored-1371,0.5736805555555557,10,explored -explored-1372,0.6190104166666668,16,explored -explored-1373,0.38437500000000013,13,explored -explored-1374,0.36822916666666694,11,explored -explored-1375,0.526215277777778,21,explored -explored-1376,0.39921875000000007,12,explored -explored-1377,0.4922164351851853,16,explored -explored-1378,0.5408854166666667,14,explored -explored-1379,0.45777777777777806,17,explored -explored-1380,0.36585648148148164,25,explored -explored-1381,0.5859375000000001,11,explored -explored-1382,0.6682812500000002,7,explored -explored-1383,0.7713020833333335,8,explored -explored-1384,0.4277430555555557,17,explored -explored-1385,0.6293836805555557,17,explored -explored-1386,0.27407407407407436,17,explored -explored-1387,0.4184027777777781,12,explored -explored-1388,0.23842592592592626,20,explored -explored-1389,0.6345486111111113,7,explored -explored-1390,0.48044270833333347,10,explored -explored-1391,0.42256944444444455,13,explored -explored-1392,0.3338541666666668,18,explored -explored-1393,0.44835069444444464,12,explored -explored-1394,0.6475983796296299,10,explored -explored-1395,0.5145833333333335,12,explored -explored-1396,0.43958333333333366,13,explored -explored-1397,0.8059027777777779,8,explored -explored-1398,0.3973958333333335,17,explored -explored-1399,0.5145833333333335,7,explored -explored-1400,0.33894675925925943,29,explored -explored-1401,0.72125,8,explored -explored-1402,0.37669270833333357,25,explored -explored-1403,0.3276041666666669,21,explored -explored-1404,0.47711226851851873,18,explored -explored-1405,0.41388888888888886,12,explored -explored-1406,0.3921875,7,explored -explored-1407,0.6947916666666667,3,explored -explored-1408,0.4472222222222223,16,explored -explored-1409,0.4175000000000002,10,explored -explored-1410,0.7280677910052911,26,explored -explored-1411,0.3440104166666669,19,explored -explored-1412,0.4650052083333335,19,explored -explored-1413,0.6539930555555558,6,explored -explored-1414,0.7550000000000001,9,explored -explored-1415,0.6572048611111112,16,explored -explored-1416,0.46805555555555545,8,explored -explored-1417,0.17916666666666692,13,explored -explored-1418,0.6590306712962963,14,explored -explored-1419,0.5861053240740742,37,explored -explored-1420,0.35026041666666685,22,explored -explored-1421,0.6281250000000002,10,explored -explored-1422,0.625138888888889,13,explored -explored-1423,0.6765625000000002,7,explored -explored-1424,0.1956597222222225,17,explored -explored-1425,0.4905092592592595,21,explored -explored-1426,0.4126302083333335,20,explored -explored-1427,0.46539351851851873,20,explored -explored-1428,0.23697916666666696,10,explored -explored-1429,0.7003414351851853,13,explored -explored-1430,0.6530071924603176,45,explored -explored-1431,0.7178819444444445,7,explored -explored-1432,0.4932291666666667,9,explored -explored-1433,0.32135416666666694,12,explored -explored-1434,0.5927372685185186,19,explored -explored-1435,0.4458333333333334,11,explored -explored-1436,0.6623263888888891,11,explored -explored-1437,0.5644097222222224,20,explored -explored-1438,0.5520833333333335,14,explored -explored-1439,0.5583333333333333,6,explored -explored-1440,0.5192708333333336,7,explored -explored-1441,0.3225694444444447,17,explored -explored-1442,0.4755208333333336,9,explored -explored-1443,0.37864583333333357,12,explored -explored-1444,0.5960358796296297,13,explored -explored-1445,0.5276041666666668,17,explored -explored-1446,0.26516203703703733,19,explored -explored-1447,0.7388888888888889,11,explored -explored-1448,0.4496614583333335,16,explored -explored-1449,0.3494791666666668,17,explored -explored-1450,0.5800347222222222,10,explored -explored-1451,0.6330729166666669,13,explored -explored-1452,0.5192708333333335,11,explored -explored-1453,0.35703125000000013,19,explored -explored-1454,0.6249131944444446,12,explored -explored-1455,0.4993750000000001,10,explored -explored-1456,0.4804687500000002,15,explored -explored-1457,0.5573784722222224,9,explored -explored-1458,0.44763888888888914,13,explored -explored-1459,0.37129629629629646,21,explored -explored-1460,0.14270833333333366,16,explored -explored-1461,0.6543750000000002,7,explored -explored-1462,0.7354166666666668,7,explored -explored-1463,0.22760416666666705,21,explored -explored-1464,0.2777777777777779,14,explored -explored-1465,0.36979166666666696,11,explored -explored-1466,0.18871527777777808,16,explored -explored-1467,0.3322916666666671,13,explored -explored-1468,0.3617187500000003,20,explored -explored-1469,0.28194444444444466,19,explored -explored-1470,0.6446180555555556,14,explored -explored-1471,0.4002314814814817,17,explored -explored-1472,0.2284722222222224,16,explored -explored-1473,0.4859375,10,explored -explored-1474,0.27789351851851896,21,explored -explored-1475,0.5239583333333333,7,explored -explored-1476,0.10572916666666687,14,explored -explored-1477,0.5399305555555557,10,explored -explored-1478,0.36979166666666696,8,explored -explored-1479,0.2567708333333336,20,explored -explored-1480,0.4720486111111112,9,explored -explored-1481,0.4114583333333336,13,explored -explored-1482,0.4286168981481484,19,explored -explored-1483,0.6097222222222223,14,explored -explored-1484,0.7134774305555557,41,explored -explored-1485,0.517013888888889,7,explored -explored-1486,0.3708333333333337,12,explored -explored-1487,0.6694444444444446,11,explored -explored-1488,0.7140850694444445,31,explored -explored-1489,0.19357638888888906,17,explored -explored-1490,0.362152777777778,15,explored -explored-1491,0.5755208333333333,10,explored -explored-1492,0.32291666666666696,11,explored -explored-1493,0.5402199074074076,11,explored -explored-1494,0.42552083333333357,11,explored -explored-1495,0.23242187500000033,17,explored -explored-1496,0.3652777777777779,18,explored -explored-1497,0.6028935185185185,16,explored -explored-1498,0.6587094907407408,30,explored -explored-1499,0.30815972222222254,18,explored -explored-1500,0.4760416666666669,17,explored -explored-1501,0.5723813657407408,16,explored -explored-1502,0.6434317129629631,10,explored -explored-1503,0.5895833333333335,13,explored -explored-1504,0.37250000000000005,11,explored -explored-1505,0.4291666666666669,13,explored -explored-1506,0.19334490740740762,19,explored -explored-1507,0.7103559027777779,11,explored -explored-1508,0.7758680555555557,9,explored -explored-1509,0.5958333333333334,6,explored -explored-1510,0.6784950396825398,38,explored -explored-1511,0.17013888888888906,19,explored -explored-1512,0.34832175925925957,26,explored -explored-1513,0.5058854166666666,11,explored -explored-1514,0.5923611111111111,5,explored -explored-1515,0.5393229166666669,8,explored -explored-1516,0.49765625000000013,8,explored -explored-1517,0.6675347222222223,10,explored -explored-1518,0.7325520833333334,5,explored -explored-1519,0.6436921296296297,13,explored -explored-1520,0.08125000000000027,13,explored -explored-1521,0.7078517691798942,23,explored -explored-1522,0.6289930555555556,19,explored -explored-1523,0.48836805555555585,13,explored -explored-1524,0.3535011574074075,21,explored -explored-1525,0.7630208333333335,4,explored -explored-1526,0.7463194444444445,8,explored -explored-1527,0.40402199074074086,19,explored -explored-1528,0.3425347222222225,18,explored -explored-1529,0.49140625000000004,10,explored -explored-1530,0.7303125000000001,10,explored -explored-1531,0.6023611111111113,11,explored -explored-1532,0.7625,8,explored -explored-1533,0.5625000000000001,16,explored -explored-1534,0.49965277777777795,16,explored -explored-1535,0.6993055555555556,9,explored -explored-1536,0.7484375000000001,5,explored -explored-1537,0.3099305555555558,16,explored -explored-1538,0.7170833333333333,5,explored -explored-1539,0.5640625000000001,10,explored -explored-1540,0.33796296296296313,22,explored -explored-1541,0.5439814814814816,11,explored -explored-1542,0.6230208333333335,5,explored -explored-1543,0.34531250000000024,17,explored -explored-1544,0.5346354166666667,17,explored -explored-1545,0.48888888888888904,15,explored -explored-1546,0.6355902777777779,10,explored -explored-1547,0.46935763888888904,14,explored -explored-1548,0.3440972222222225,20,explored -explored-1549,0.3544270833333335,18,explored -explored-1550,0.47135416666666685,6,explored -explored-1551,0.396215277777778,17,explored -explored-1552,0.6638020833333335,9,explored -explored-1553,0.6291666666666667,5,explored -explored-1554,0.27690972222222254,11,explored -explored-1555,0.510763888888889,14,explored -explored-1556,0.43331886574074097,20,explored -explored-1557,0.6783854166666667,7,explored -explored-1558,0.5463541666666668,6,explored -explored-1559,0.6475694444444445,12,explored -explored-1560,0.5201215277777779,12,explored -explored-1561,0.5562500000000002,12,explored -explored-1562,0.7254687500000001,10,explored -explored-1563,0.6062500000000002,9,explored -explored-1564,0.5700520833333335,12,explored -explored-1565,0.21435185185185213,18,explored -explored-1566,0.5894675925925927,12,explored -explored-1567,0.7920138888888889,6,explored -explored-1568,0.35998263888888904,13,explored -explored-1569,0.06510416666666696,17,explored -explored-1570,0.32287326388888915,20,explored -explored-1571,0.4755208333333335,7,explored -explored-1572,0.48611111111111127,11,explored -explored-1573,0.5849479166666669,12,explored -explored-1574,0.6937500000000001,10,explored -explored-1575,0.5539583333333334,16,explored -explored-1576,0.6248263888888891,10,explored -explored-1577,0.5567824074074075,14,explored -explored-1578,0.7538053764329806,44,explored -explored-1579,0.48897569444444466,11,explored -explored-1580,0.5583333333333335,12,explored -explored-1581,0.65625,4,explored -explored-1582,0.5593750000000001,7,explored -explored-1583,0.815625,8,explored -explored-1584,0.35555555555555585,20,explored -explored-1585,0.7294270833333334,9,explored -explored-1586,0.5900000000000001,12,explored -explored-1587,0.5518923611111113,13,explored -explored-1588,0.23443287037037064,21,explored -explored-1589,0.5552083333333335,13,explored -explored-1590,0.6234375000000001,11,explored -explored-1591,0.6133680555555557,4,explored -explored-1592,0.08125000000000027,11,explored -explored-1593,0.3758333333333336,16,explored -explored-1594,0.34644097222222237,20,explored -explored-1595,0.6823350694444446,16,explored -explored-1596,0.5453993055555557,19,explored -explored-1597,0.6107638888888891,16,explored -explored-1598,0.5713541666666666,8,explored -explored-1599,0.5346875000000002,13,explored -explored-1600,0.4100694444444448,10,explored -explored-1601,0.5615162037037038,40,explored -explored-1602,0.48611111111111127,18,explored -explored-1603,0.6611979166666668,19,explored -explored-1604,0.3373263888888891,15,explored -explored-1605,0.43177083333333344,9,explored -explored-1606,0.37378472222222237,22,explored -explored-1607,0.7100347222222223,31,explored -explored-1608,0.5059895833333335,14,explored -explored-1609,0.5895833333333335,11,explored -explored-1610,0.5926446759259261,15,explored -explored-1611,0.5934895833333335,11,explored -explored-1612,0.4843750000000002,10,explored -explored-1613,0.91875,3,explored -explored-1614,0.4926215277777779,22,explored -explored-1615,0.269166666666667,16,explored -explored-1616,0.5063541666666668,9,explored -explored-1617,0.33177083333333357,14,explored -explored-1618,0.14479166666666687,13,explored -explored-1619,0.6398003472222225,17,explored -explored-1620,0.2078703703703706,20,explored -explored-1621,0.3888888888888892,11,explored -explored-1622,0.19583333333333341,17,explored -explored-1623,0.409027777777778,8,explored -explored-1624,0.3847222222222224,19,explored -explored-1625,0.3125000000000002,13,explored -explored-1626,0.25000000000000033,11,explored -explored-1627,0.324479166666667,12,explored -explored-1628,0.19236111111111143,16,explored -explored-1629,0.23385416666666692,16,explored -explored-1630,0.2513888888888891,18,explored -explored-1631,0.6994444444444445,8,explored -explored-1632,0.6234953703703705,12,explored -explored-1633,0.51875,11,explored -explored-1634,0.5908854166666668,10,explored -explored-1635,0.49479166666666685,9,explored -explored-1636,0.6937500000000001,9,explored -explored-1637,0.2944444444444446,12,explored -explored-1638,0.32916666666666705,9,explored -explored-1639,0.6708333333333335,5,explored -explored-1640,0.5360243055555558,17,explored -explored-1641,0.1312500000000003,15,explored -explored-1642,0.5239583333333335,20,explored -explored-1643,0.255729166666667,18,explored -explored-1644,0.7057291666666666,7,explored -explored-1645,0.41770833333333357,21,explored -explored-1646,0.397777777777778,14,explored -explored-1647,0.2567997685185186,22,explored -explored-1648,0.5407118055555558,13,explored -explored-1649,0.5131944444444447,9,explored -explored-1650,0.6427083333333335,5,explored -explored-1651,0.4276041666666668,13,explored -explored-1652,0.32430555555555585,23,explored -explored-1653,0.3734375000000003,14,explored -explored-1654,0.566840277777778,14,explored -explored-1655,0.6545138888888891,8,explored -explored-1656,0.6395833333333335,9,explored -explored-1657,0.5489583333333334,8,explored -explored-1658,0.3250000000000002,15,explored -explored-1659,0.6095486111111112,8,explored -explored-1660,0.44201388888888915,12,explored -explored-1661,0.42204861111111125,8,explored -explored-1662,0.6656250000000001,13,explored -explored-1663,0.6033564814814816,13,explored -explored-1664,0.7005208333333335,9,explored -explored-1665,0.38107638888888906,18,explored -explored-1666,0.3911458333333333,15,explored -explored-1667,0.5019097222222224,15,explored -explored-1668,0.3085069444444446,19,explored -explored-1669,0.38489583333333355,13,explored -explored-1670,0.5006944444444446,8,explored -explored-1671,0.5538194444444445,10,explored -explored-1672,0.2723958333333335,15,explored -explored-1673,0.5895833333333336,10,explored -explored-1674,0.6583333333333334,7,explored -explored-1675,0.5708333333333334,14,explored -explored-1676,0.47111111111111137,18,explored -explored-1677,0.658087962962963,37,explored -explored-1678,0.569965277777778,14,explored -explored-1679,0.20364583333333375,16,explored -explored-1680,0.5573784722222225,19,explored -explored-1681,0.5736111111111113,14,explored -explored-1682,0.5109722222222224,15,explored -explored-1683,0.2147569444444446,17,explored -explored-1684,0.6975963541666668,37,explored -explored-1685,0.3600000000000002,11,explored -explored-1686,0.3958333333333335,16,explored -explored-1687,0.6914184027777779,23,explored -explored-1688,0.2576388888888892,19,explored -explored-1689,0.4666666666666668,12,explored -explored-1690,0.4041666666666668,16,explored -explored-1691,0.29557291666666696,15,explored -explored-1692,0.5081944444444446,7,explored -explored-1693,0.2499131944444446,20,explored -explored-1694,0.17135416666666692,13,explored -explored-1695,0.08541666666666692,14,explored -explored-1696,0.6671759259259261,10,explored -explored-1697,0.22031250000000013,17,explored -explored-1698,0.41093750000000007,12,explored -explored-1699,0.48593750000000013,14,explored -explored-1700,0.620138888888889,21,explored -explored-1701,0.7083333333333335,6,explored -explored-1702,0.3943055555555558,16,explored -explored-1703,0.4817708333333335,8,explored -explored-1704,0.7291001157407409,29,explored -explored-1705,0.7506134259259261,9,explored -explored-1706,0.3621527777777781,12,explored -explored-1707,0.7270833333333334,11,explored -explored-1708,0.46840277777777795,18,explored -explored-1709,0.6360850694444447,13,explored -explored-1710,0.49930555555555567,12,explored -explored-1711,0.6785104166666668,25,explored -explored-1712,0.5500000000000002,12,explored -explored-1713,0.41398148148148173,20,explored -explored-1714,0.5734375,6,explored -explored-1715,0.08125000000000027,9,explored -explored-1716,0.7255208333333334,5,explored -explored-1717,0.5054687500000004,6,explored -explored-1718,0.4320312500000002,14,explored -explored-1719,0.34531250000000013,15,explored -explored-1720,0.2328125000000003,20,explored -explored-1721,0.6161458333333335,9,explored -explored-1722,0.6197916666666669,4,explored -explored-1723,0.46996527777777786,13,explored -explored-1724,0.5615798611111114,15,explored -explored-1725,0.548726851851852,12,explored -explored-1726,0.5069444444444446,11,explored -explored-1727,0.5384722222222225,22,explored -explored-1728,0.6574652777777779,12,explored -explored-1729,0.606857638888889,12,explored -explored-1730,0.35416666666666696,11,explored -explored-1731,0.6212847222222223,7,explored -explored-1732,0.4516782407407409,17,explored -explored-1733,0.7229450231481482,23,explored -explored-1734,0.5843750000000001,12,explored -explored-1735,0.28535879629629646,15,explored -explored-1736,0.2826388888888892,13,explored -explored-1737,0.3901041666666669,21,explored -explored-1738,0.5327256944444446,15,explored -explored-1739,0.6144097222222223,7,explored -explored-1740,0.3437500000000002,6,explored -explored-1741,0.4443628472222223,18,explored -explored-1742,0.3563946759259262,16,explored -explored-1743,0.4421006944444448,12,explored -explored-1744,0.655,8,explored -explored-1745,0.5561342592592594,11,explored -explored-1746,0.30763888888888924,17,explored -explored-1747,0.20052083333333348,21,explored -explored-1748,0.2518518518518522,23,explored -explored-1749,0.6820312500000001,11,explored -explored-1750,0.4508854166666668,15,explored -explored-1751,0.7312500000000001,4,explored -explored-1752,0.47430555555555576,8,explored -explored-1753,0.5600694444444446,7,explored -explored-1754,0.7159722222222222,9,explored -explored-1755,0.5508333333333333,7,explored -explored-1756,0.5770833333333333,8,explored -explored-1757,0.6779513888888891,15,explored -explored-1758,0.7,4,explored -explored-1759,0.5635416666666668,14,explored -explored-1760,0.4861979166666669,11,explored -explored-1761,0.7352777777777778,9,explored -explored-1762,0.4309895833333336,13,explored -explored-1763,0.5546875000000001,7,explored -explored-1764,0.3744791666666669,10,explored -explored-1765,0.49375000000000024,10,explored -explored-1766,0.6507812500000001,37,explored -explored-1767,0.7050381944444446,25,explored -explored-1768,0.33854166666666696,10,explored -explored-1769,0.5331597222222224,9,explored -explored-1770,0.79125,3,explored -explored-1771,0.5231481481481484,26,explored -explored-1772,0.6244791666666667,11,explored -explored-1773,0.4628182870370372,19,explored -explored-1774,0.710590277777778,11,explored -explored-1775,0.42256944444444455,15,explored -explored-1776,0.4989583333333335,7,explored -explored-1777,0.4437500000000003,7,explored -explored-1778,0.5854166666666669,16,explored -explored-1779,0.5834375000000002,14,explored -explored-1780,0.3909722222222225,12,explored -explored-1781,0.40546875000000016,12,explored -explored-1782,0.6847222222222222,12,explored -explored-1783,0.2875000000000003,19,explored -explored-1784,0.8256944444444445,7,explored -explored-1785,0.6322916666666668,7,explored -explored-1786,0.6400173611111113,9,explored -explored-1787,0.07812500000000022,14,explored -explored-1788,0.36540798611111136,19,explored -explored-1789,0.4041666666666668,22,explored -explored-1790,0.3117881944444447,26,explored -explored-1791,0.7327256944444446,7,explored -explored-1792,0.7480902777777778,8,explored -explored-1793,0.7236979166666668,16,explored -explored-1794,0.3819444444444444,9,explored -explored-1795,0.5310416666666669,11,explored -explored-1796,0.4472222222222224,9,explored -explored-1797,0.5402777777777781,9,explored -explored-1798,0.4750347222222224,25,explored -explored-1799,0.34375000000000033,7,explored -explored-1800,0.51171875,12,explored -explored-1801,0.40937500000000016,11,explored -explored-1802,0.6494791666666668,11,explored -explored-1803,0.7338657407407408,19,explored -explored-1804,0.6196875000000001,6,explored -explored-1805,0.39656250000000015,18,explored -explored-1806,0.4690104166666669,9,explored -explored-1807,0.5500000000000002,14,explored -explored-1808,0.2944444444444446,13,explored -explored-1809,0.32378472222222254,16,explored -explored-1810,0.4702546296296297,13,explored -explored-1811,0.16718750000000027,13,explored -explored-1812,0.45277777777777817,11,explored -explored-1813,0.6109375000000001,12,explored -explored-1814,0.4736111111111113,17,explored -explored-1815,0.4248553240740742,16,explored -explored-1816,0.40260416666666676,10,explored -explored-1817,0.32777777777777795,18,explored -explored-1818,0.3460937500000002,18,explored -explored-1819,0.30729166666666696,19,explored -explored-1820,0.5929166666666668,9,explored -explored-1821,0.42586805555555585,16,explored -explored-1822,0.3821759259259261,24,explored -explored-1823,0.1468750000000003,13,explored -explored-1824,0.5781250000000002,12,explored -explored-1825,0.49973958333333346,9,explored -explored-1826,0.5427372685185187,15,explored -explored-1827,0.2167245370370373,20,explored -explored-1828,0.5065277777777778,15,explored -explored-1829,0.6782986111111112,7,explored -explored-1830,0.49565972222222243,13,explored -explored-1831,0.2817708333333335,9,explored -explored-1832,0.8018749999999999,6,explored -explored-1833,0.47326388888888904,15,explored -explored-1834,0.6760127314814816,13,explored -explored-1835,0.7381944444444446,4,explored -explored-1836,0.4359375000000001,9,explored -explored-1837,0.6289062500000001,8,explored -explored-1838,0.6734722222222222,5,explored -explored-1839,0.268402777777778,20,explored -explored-1840,0.7544444444444445,7,explored -explored-1841,0.7100694444444446,7,explored -explored-1842,0.7325520833333334,13,explored -explored-1843,0.5477777777777779,11,explored -explored-1844,0.475607638888889,25,explored -explored-1845,0.2395833333333337,16,explored -explored-1846,0.44149305555555574,15,explored -explored-1847,0.5938368055555557,7,explored -explored-1848,0.5224537037037038,13,explored -explored-1849,0.2810185185185188,25,explored -explored-1850,0.3237268518518521,22,explored -explored-1851,0.5784722222222222,13,explored -explored-1852,0.5138888888888891,8,explored -explored-1853,0.84375,6,explored -explored-1854,0.23888888888888915,12,explored -explored-1855,0.7140834986772487,38,explored -explored-1856,0.5498842592592594,14,explored -explored-1857,0.6802083333333335,11,explored -explored-1858,0.6999131944444446,9,explored -explored-1859,0.7502604166666668,6,explored -explored-1860,0.22065972222222252,13,explored -explored-1861,0.1843750000000003,14,explored -explored-1862,0.7446180555555555,8,explored -explored-1863,0.5817708333333335,6,explored -explored-1864,0.4794270833333336,12,explored -explored-1865,0.3070312500000003,18,explored -explored-1866,0.1052951388888892,17,explored -explored-1867,0.26875000000000027,12,explored -explored-1868,0.5076388888888891,11,explored -explored-1869,0.5384548611111113,11,explored -explored-1870,0.4822916666666669,19,explored -explored-1871,0.607465277777778,10,explored -explored-1872,0.5840277777777778,4,explored -explored-1873,0.607465277777778,8,explored -explored-1874,0.5625000000000001,18,explored -explored-1875,0.4505208333333335,13,explored -explored-1876,0.36883680555555576,15,explored -explored-1877,0.4890625000000002,8,explored -explored-1878,0.47191840277777797,22,explored -explored-1879,0.407074652777778,23,explored -explored-1880,0.7875868055555557,4,explored -explored-1881,0.7064687500000001,28,explored -explored-1882,0.5942708333333334,4,explored -explored-1883,0.5763020833333334,6,explored -explored-1884,0.2968750000000002,14,explored -explored-1885,0.38344907407407425,13,explored -explored-1886,0.7584375000000001,7,explored -explored-1887,0.3867187500000002,14,explored -explored-1888,0.8388020833333333,5,explored -explored-1889,0.5955439814814816,7,explored -explored-1890,0.4192708333333337,11,explored -explored-1891,0.6176215277777779,13,explored -explored-1892,0.7872916666666667,7,explored -explored-1893,0.5125000000000002,15,explored -explored-1894,0.5057291666666668,10,explored -explored-1895,0.5382812500000002,10,explored -explored-1896,0.12239583333333348,16,explored -explored-1897,0.7262152777777778,14,explored -explored-1898,0.534809027777778,20,explored -explored-1899,0.6677083333333335,5,explored -explored-1900,0.5053819444444445,18,explored -explored-1901,0.7908333333333333,2,explored -explored-1902,0.38993055555555567,11,explored -explored-1903,0.4984375000000002,10,explored -explored-1904,0.5080439814814817,20,explored -explored-1905,0.6524305555555556,11,explored -explored-1906,0.4206597222222226,15,explored -explored-1907,0.4208333333333334,12,explored -explored-1908,0.3230468750000002,20,explored -explored-1909,0.4497569444444447,25,explored -explored-1910,0.4833333333333335,14,explored -explored-1911,0.36093750000000013,18,explored -explored-1912,0.6036458333333335,11,explored -explored-1913,0.42977083333333344,24,explored -explored-1914,0.4238715277777778,14,explored -explored-1915,0.7766203703703703,9,explored -explored-1916,0.5843750000000001,11,explored -explored-1917,0.39722222222222237,20,explored -explored-1918,0.6928645833333335,4,explored -explored-1919,0.5280555555555557,10,explored -explored-1920,0.6572916666666667,7,explored -explored-1921,0.2107638888888892,20,explored -explored-1922,0.4471354166666668,11,explored -explored-1923,0.42349537037037055,17,explored -explored-1924,0.09218750000000031,14,explored -explored-1925,0.612326388888889,9,explored -explored-1926,0.4906250000000002,17,explored -explored-1927,0.32031250000000033,14,explored -explored-1928,0.33402777777777803,13,explored -explored-1929,0.4599131944444447,13,explored -explored-1930,0.6361689814814816,12,explored -explored-1931,0.7854166666666667,8,explored -explored-1932,0.30769675925925943,23,explored -explored-1933,0.636875,10,explored -explored-1934,0.3656250000000002,14,explored -explored-1935,0.5486689814814816,16,explored -explored-1936,0.4881076388888892,16,explored -explored-1937,0.6691724537037038,30,explored -explored-1938,0.496527777777778,9,explored -explored-1939,0.29500000000000015,15,explored -explored-1940,0.4671875000000002,9,explored -explored-1941,0.5267361111111113,8,explored -explored-1942,0.49664930555555564,15,explored -explored-1943,0.5320312500000002,10,explored -explored-1944,0.6997395833333334,3,explored -explored-1945,0.6369270833333335,24,explored -explored-1946,0.6809375000000002,29,explored -explored-1947,0.5604166666666668,9,explored -explored-1948,0.7104166666666667,10,explored -explored-1949,0.6144097222222223,11,explored -explored-1950,0.4364583333333335,13,explored -explored-1951,0.1048611111111113,13,explored -explored-1952,0.6378125000000001,8,explored -explored-1953,0.8044270833333333,7,explored -explored-1954,0.4945833333333335,17,explored -explored-1955,0.5946875000000001,8,explored -explored-1956,0.7431423611111112,7,explored -explored-1957,0.5550347222222224,13,explored -explored-1958,0.7361111111111112,10,explored -explored-1959,0.5022569444444446,17,explored -explored-1960,0.7500000000000001,5,explored -explored-1961,0.29270833333333357,16,explored -explored-1962,0.29745370370370394,18,explored -explored-1963,0.33379629629629637,22,explored -explored-1964,0.437934027777778,14,explored -explored-1965,0.5409722222222224,8,explored -explored-1966,0.3750000000000002,8,explored -explored-1967,0.3818142361111112,24,explored -explored-1968,0.16822916666666687,18,explored -explored-1969,0.4666666666666669,12,explored -explored-1970,0.5817708333333335,9,explored -explored-1971,0.48975694444444473,26,explored -explored-1972,0.7708333333333333,5,explored -explored-1973,0.27447916666666683,16,explored -explored-1974,0.5890046296296299,10,explored -explored-1975,0.598263888888889,15,explored -explored-1976,0.3659722222222226,16,explored -explored-1977,0.3715277777777781,16,explored -explored-1978,0.6516927083333335,19,explored -explored-1979,0.5330729166666668,14,explored -explored-1980,0.5951388888888889,9,explored -explored-1981,0.4509982638888891,25,explored -explored-1982,0.7493055555555557,7,explored -explored-1983,0.5914930555555558,10,explored -explored-1984,0.7221643518518519,13,explored -explored-1985,0.41861111111111127,18,explored -explored-1986,0.7267361111111112,9,explored -explored-1987,0.7765625,8,explored -explored-1988,0.3270833333333333,9,explored -explored-1989,0.7822916666666666,5,explored -explored-1990,0.6310763888888891,12,explored -explored-1991,0.515133101851852,15,explored -explored-1992,0.4794270833333336,11,explored -explored-1993,0.60625,8,explored -explored-1994,0.40546875000000016,15,explored -explored-1995,0.48680555555555594,10,explored -explored-1996,0.6059895833333333,13,explored -explored-1997,0.2745833333333336,17,explored -explored-1998,0.7796875000000001,6,explored -explored-1999,0.6284722222222222,12,explored -explored-2000,0.537789351851852,16,explored -explored-2001,0.6439236111111113,13,explored -explored-2002,0.7210937500000001,12,explored -explored-2003,0.3437500000000002,15,explored -explored-2004,0.33593750000000033,15,explored -explored-2005,0.5450520833333335,13,explored -explored-2006,0.4458333333333332,9,explored -explored-2007,0.45972222222222237,13,explored -explored-2008,0.23697916666666696,21,explored -explored-2009,0.40937500000000016,10,explored -explored-2010,0.687152777777778,11,explored -explored-2011,0.6270833333333334,6,explored -explored-2012,0.25651041666666696,18,explored -explored-2013,0.36354166666666676,7,explored -explored-2014,0.5881944444444445,8,explored -explored-2015,0.32291666666666674,17,explored -explored-2016,0.24097222222222248,15,explored -explored-2017,0.4831597222222225,10,explored -explored-2018,0.7120659722222223,10,explored -explored-2019,0.7791666666666668,6,explored -explored-2020,0.6751041666666668,24,explored -explored-2021,0.2952690972222223,21,explored -explored-2022,0.6403067129629632,24,explored -explored-2023,0.5989583333333333,10,explored -explored-2024,0.6776041666666668,6,explored -explored-2025,0.24097222222222237,17,explored -explored-2026,0.13680555555555585,20,explored -explored-2027,0.5463020833333335,14,explored -explored-2028,0.5744791666666669,8,explored -explored-2029,0.7199074074074076,7,explored -explored-2030,0.3250000000000004,19,explored -explored-2031,0.5402777777777781,8,explored -explored-2032,0.42343750000000013,17,explored -explored-2033,0.2875000000000003,10,explored -explored-2034,0.3944444444444446,14,explored -explored-2035,0.6046412037037037,14,explored -explored-2036,0.5612847222222224,8,explored -explored-2037,0.5572916666666669,16,explored -explored-2038,0.4572916666666669,9,explored -explored-2039,0.598582175925926,28,explored -explored-2040,0.6546440972222224,16,explored -explored-2041,0.4921875000000002,18,explored -explored-2042,0.3275000000000001,14,explored -explored-2043,0.5472858796296298,15,explored -explored-2044,0.7083333333333335,8,explored -explored-2045,0.5915798611111113,10,explored -explored-2046,0.4486400462962965,21,explored -explored-2047,0.3544444444444448,21,explored -explored-2048,0.5177083333333334,12,explored -explored-2049,0.4617187500000002,24,explored -explored-2050,0.4534722222222225,16,explored -explored-2051,0.71125,4,explored -explored-2052,0.7067708333333335,4,explored -explored-2053,0.527025462962963,13,explored -explored-2054,0.3423032407407409,17,explored -explored-2055,0.4124421296296299,16,explored -explored-2056,0.41215277777777803,20,explored -explored-2057,0.524479166666667,9,explored -explored-2058,0.7145833333333333,4,explored -explored-2059,0.15208333333333357,13,explored -explored-2060,0.5755208333333335,12,explored -explored-2061,0.6873263888888891,3,explored -explored-2062,0.4065972222222225,12,explored -explored-2063,0.47482638888888906,22,explored -explored-2064,0.41885416666666686,17,explored -explored-2065,0.08489583333333361,16,explored -explored-2066,0.3274450231481484,21,explored -explored-2067,0.2812500000000002,16,explored -explored-2068,0.46649305555555565,11,explored -explored-2069,0.6645833333333334,10,explored -explored-2070,0.6076388888888891,11,explored -explored-2071,0.5085937500000002,10,explored -explored-2072,0.640625,11,explored -explored-2073,0.6825520833333334,5,explored -explored-2074,0.651388888888889,14,explored -explored-2075,0.4159722222222225,16,explored -explored-2076,0.18567708333333355,19,explored -explored-2077,0.5005208333333336,18,explored -explored-2078,0.5875868055555558,14,explored -explored-2079,0.10625000000000018,16,explored -explored-2080,0.6948784722222222,12,explored -explored-2081,0.4187500000000002,15,explored -explored-2082,0.40885416666666685,21,explored -explored-2083,0.6163020833333335,10,explored -explored-2084,0.34531250000000036,14,explored -explored-2085,0.34635416666666674,11,explored -explored-2086,0.4851562500000002,17,explored -explored-2087,0.19166666666666687,12,explored -explored-2088,0.6314236111111112,14,explored -explored-2089,0.47296875000000016,12,explored -explored-2090,0.6939062500000002,10,explored -explored-2091,0.6646875000000001,19,explored -explored-2092,0.21093750000000022,11,explored -explored-2093,0.5395833333333335,10,explored -explored-2094,0.33269675925925934,15,explored -explored-2095,0.6395833333333333,5,explored -explored-2096,0.7161458333333335,9,explored -explored-2097,0.5868055555555558,9,explored -explored-2098,0.6234375,8,explored -explored-2099,0.35509259259259296,12,explored -explored-2100,0.5099826388888891,16,explored -explored-2101,0.7135416666666667,7,explored -explored-2102,0.6226562500000001,19,explored -explored-2103,0.7868055555555556,6,explored -explored-2104,0.43671875000000016,14,explored -explored-2105,0.7206597222222223,11,explored -explored-2106,0.4486111111111114,12,explored -explored-2107,0.5671296296296298,12,explored -explored-2108,0.5378472222222224,14,explored -explored-2109,0.6235243055555556,13,explored -explored-2110,0.18385416666666698,15,explored -explored-2111,0.2562500000000003,10,explored -explored-2112,0.6589149305555557,32,explored -explored-2113,0.5666666666666668,7,explored -explored-2114,0.3421875000000003,12,explored -explored-2115,0.4687500000000002,13,explored -explored-2116,0.6048611111111111,8,explored -explored-2117,0.6321759259259259,8,explored -explored-2118,0.44947916666666676,11,explored -explored-2119,0.5766666666666669,11,explored -explored-2120,0.33802083333333355,23,explored -explored-2121,0.3378906250000002,13,explored -explored-2122,0.7596064814814816,7,explored -explored-2123,0.14357638888888924,21,explored -explored-2124,0.4822916666666668,14,explored -explored-2125,0.43671875000000016,11,explored -explored-2126,0.3896122685185187,23,explored -explored-2127,0.3938368055555559,14,explored -explored-2128,0.28971354166666685,16,explored -explored-2129,0.5630208333333334,21,explored -explored-2130,0.6229166666666668,5,explored -explored-2131,0.6549479166666667,12,explored -explored-2132,0.6109375000000001,12,explored -explored-2133,0.6509722222222224,8,explored -explored-2134,0.3979166666666668,10,explored -explored-2135,0.5488078703703705,18,explored -explored-2136,0.6349826388888891,15,explored -explored-2137,0.5572337962962964,14,explored -explored-2138,0.5890625,7,explored -explored-2139,0.5427083333333335,10,explored -explored-2140,0.6002777777777779,11,explored -explored-2141,0.404027777777778,20,explored -explored-2142,0.35815972222222237,21,explored -explored-2143,0.40989583333333346,10,explored -explored-2144,0.4486111111111113,14,explored -explored-2145,0.6473958333333335,7,explored -explored-2146,0.6771649305555556,24,explored -explored-2147,0.47395833333333326,10,explored -explored-2148,0.4369791666666668,12,explored -explored-2149,0.43194444444444446,6,explored -explored-2150,0.49140625000000016,13,explored -explored-2151,0.23784722222222254,21,explored -explored-2152,0.5763020833333334,10,explored -explored-2153,0.6689236111111112,8,explored -explored-2154,0.16024305555555574,15,explored -explored-2155,0.42152777777777795,15,explored -explored-2156,0.47473958333333366,15,explored -explored-2157,0.5708333333333335,5,explored -explored-2158,0.4656250000000002,22,explored -explored-2159,0.5153645833333336,17,explored -explored-2160,0.4974826388888891,20,explored -explored-2161,0.6046875,15,explored -explored-2162,0.3524305555555558,24,explored -explored-2163,0.5609548611111111,11,explored -explored-2164,0.4486979166666668,16,explored -explored-2165,0.3528125000000004,19,explored -explored-2166,0.615451388888889,10,explored -explored-2167,0.6460069444444447,13,explored -explored-2168,0.7583333333333333,7,explored -explored-2169,0.7005208333333335,5,explored -explored-2170,0.4828125000000002,7,explored -explored-2171,0.29843750000000024,9,explored -explored-2172,0.5545138888888891,9,explored -explored-2173,0.2274305555555558,17,explored -explored-2174,0.31114004629629655,20,explored -explored-2175,0.6965972222222223,15,explored -explored-2176,0.5746527777777779,11,explored -explored-2177,0.4765625000000002,9,explored -explored-2178,0.6671440972222223,13,explored -explored-2179,0.6860428240740741,32,explored -explored-2180,0.4597800925925929,21,explored -explored-2181,0.6075231481481482,8,explored -explored-2182,0.35416666666666696,8,explored -explored-2183,0.32916666666666694,15,explored -explored-2184,0.5131944444444447,17,explored -explored-2185,0.40260416666666676,16,explored -explored-2186,0.509027777777778,15,explored -explored-2187,0.0789930555555558,18,explored -explored-2188,0.393967013888889,28,explored -explored-2189,0.8083333333333333,6,explored -explored-2190,0.6009375000000001,9,explored -explored-2191,0.6395833333333334,11,explored -explored-2192,0.7243055555555555,8,explored -explored-2193,0.4177951388888891,22,explored -explored-2194,0.40729166666666705,9,explored -explored-2195,0.6002604166666669,6,explored -explored-2196,0.5330729166666669,7,explored -explored-2197,0.29609375000000016,14,explored -explored-2198,0.5843750000000001,8,explored -explored-2199,0.4565104166666668,18,explored -explored-2200,0.627482638888889,16,explored -explored-2201,0.7625,3,explored -explored-2202,0.42291666666666683,11,explored -explored-2203,0.44699074074074074,11,explored -explored-2204,0.7083333333333333,2,explored -explored-2205,0.6058159722222223,7,explored -explored-2206,0.42838541666666674,11,explored -explored-2207,0.41458333333333375,8,explored -explored-2208,0.2805555555555559,20,explored -explored-2209,0.8276909722222222,8,explored -explored-2210,0.8041666666666667,12,explored -explored-2211,0.4125000000000003,9,explored -explored-2212,0.3052083333333335,18,explored -explored-2213,0.3543692129629632,23,explored -explored-2214,0.6425462962962964,12,explored -explored-2215,0.41458333333333364,16,explored -explored-2216,0.3881944444444446,28,explored -explored-2217,0.7559722222222223,8,explored -explored-2218,0.34597222222222235,18,explored -explored-2219,0.6308159722222223,10,explored -explored-2220,0.5368489583333335,17,explored -explored-2221,0.10520833333333357,16,explored -explored-2222,0.7534722222222223,4,explored -explored-2223,0.3484375000000002,14,explored -explored-2224,0.6723090277777779,10,explored -explored-2225,0.4979166666666668,14,explored -explored-2226,0.49322916666666683,13,explored -explored-2227,0.6895833333333335,11,explored -explored-2228,0.3333333333333337,13,explored -explored-2229,0.2958333333333336,15,explored -explored-2230,0.12256944444444473,20,explored -explored-2231,0.692951388888889,9,explored -explored-2232,0.6534375000000001,10,explored -explored-2233,0.6616666666666668,7,explored -explored-2234,0.6037037037037039,21,explored -explored-2235,0.4813657407407409,22,explored -explored-2236,0.4045138888888893,14,explored -explored-2237,0.5234375000000002,9,explored -explored-2238,0.4891493055555557,14,explored -explored-2239,0.5888020833333334,14,explored -explored-2240,0.505902777777778,15,explored -explored-2241,0.4671875000000002,12,explored -explored-2242,0.4848958333333335,27,explored -explored-2243,0.32916666666666683,11,explored -explored-2244,0.6571238425925927,30,explored -explored-2245,0.62703125,12,explored -explored-2246,0.4055989583333336,19,explored -explored-2247,0.6176504629629631,12,explored -explored-2248,0.4282407407407409,16,explored -explored-2249,0.5680555555555558,13,explored -explored-2250,0.6124999999999999,9,explored -explored-2251,0.4427083333333335,8,explored -explored-2252,0.6186631944444446,12,explored -explored-2253,0.7003761574074076,9,explored -explored-2254,0.8360937500000001,8,explored -explored-2255,0.5990972222222224,10,explored -explored-2256,0.28901041666666694,28,explored -explored-2257,0.42013888888888906,12,explored -explored-2258,0.85625,3,explored -explored-2259,0.5562499999999999,12,explored -explored-2260,0.7383912037037038,6,explored -explored-2261,0.43825231481481486,9,explored -explored-2262,0.42500000000000016,22,explored -explored-2263,0.54609375,10,explored -explored-2264,0.7092187500000001,8,explored -explored-2265,0.4664583333333334,9,explored -explored-2266,0.45729166666666676,7,explored -explored-2267,0.09531250000000036,14,explored -explored-2268,0.5516319444444446,16,explored -explored-2269,0.67046875,11,explored -explored-2270,0.4812500000000004,7,explored -explored-2271,0.6833333333333333,8,explored -explored-2272,0.6316840277777779,8,explored -explored-2273,0.5816550925925927,12,explored -explored-2274,0.5199363425925927,23,explored -explored-2275,0.556527777777778,15,explored -explored-2276,0.4358796296296299,17,explored -explored-2277,0.478125,11,explored -explored-2278,0.3930555555555557,13,explored -explored-2279,0.6171875000000001,10,explored -explored-2280,0.3222800925925927,20,explored -explored-2281,0.29557291666666696,13,explored -explored-2282,0.7788483796296297,7,explored -explored-2283,0.3534722222222222,21,explored -explored-2284,0.5334375000000001,7,explored -explored-2285,0.5755208333333335,5,explored -explored-2286,0.3500000000000003,15,explored -explored-2287,0.21197916666666683,13,explored -explored-2288,0.647476851851852,18,explored -explored-2289,0.5885416666666669,10,explored -explored-2290,0.5755208333333335,8,explored -explored-2291,0.3185763888888893,9,explored -explored-2292,0.5773437500000002,9,explored -explored-2293,0.46310763888888906,18,explored -explored-2294,0.22864583333333344,17,explored -explored-2295,0.6016782407407409,14,explored -explored-2296,0.5987500000000001,50,explored -explored-2297,0.515277777777778,10,explored -explored-2298,0.7280381944444444,9,explored -explored-2299,0.6718750000000002,9,explored -explored-2300,0.3454166666666668,14,explored -explored-2301,0.31250000000000033,15,explored -explored-2302,0.1472222222222226,16,explored -explored-2303,0.5639322916666667,13,explored -explored-2304,0.4550925925925928,9,explored -explored-2305,0.6367187500000001,10,explored -explored-2306,0.2410156250000003,21,explored -explored-2307,0.6307291666666669,10,explored -explored-2308,0.3328125000000002,13,explored -explored-2309,0.4438541666666669,11,explored -explored-2310,0.28541666666666676,10,explored -explored-2311,0.4694907407407408,13,explored -explored-2312,0.6377395833333335,35,explored -explored-2313,0.7643865740740741,8,explored -explored-2314,0.25682870370370403,21,explored -explored-2315,0.3578414351851853,22,explored -explored-2316,0.3373263888888891,16,explored -explored-2317,0.6739583333333334,4,explored -explored-2318,0.6555208333333334,4,explored -explored-2319,0.6273437500000001,14,explored -explored-2320,0.2937500000000003,16,explored -explored-2321,0.5926504629629631,8,explored -explored-2322,0.2029513888888892,20,explored -explored-2323,0.6887152777777779,13,explored -explored-2324,0.36539351851851865,13,explored -explored-2325,0.43125000000000024,19,explored -explored-2326,0.5399305555555557,11,explored -explored-2327,0.7055555555555557,7,explored -explored-2328,0.2953125000000001,20,explored -explored-2329,0.3553819444444446,16,explored -explored-2330,0.49626736111111136,13,explored -explored-2331,0.584965277777778,13,explored -explored-2332,0.2597222222222225,17,explored -explored-2333,0.22274305555555585,19,explored -explored-2334,0.5753472222222222,12,explored -explored-2335,0.3004166666666669,16,explored -explored-2336,0.6965277777777779,19,explored -explored-2337,0.3861111111111113,15,explored -explored-2338,0.5591724537037039,13,explored -explored-2339,0.7071180555555555,15,explored -explored-2340,0.6152777777777778,8,explored -explored-2341,0.6903645833333334,6,explored -explored-2342,0.6874094742063492,45,explored -explored-2343,0.38541666666666674,11,explored -explored-2344,0.34375000000000033,8,explored -explored-2345,0.6513020833333334,7,explored -explored-2346,0.4289930555555559,12,explored -explored-2347,0.6442708333333332,10,explored -explored-2348,0.5286111111111114,8,explored -explored-2349,0.30763888888888924,19,explored -explored-2350,0.16944444444444473,15,explored -explored-2351,0.3515625000000002,19,explored -explored-2352,0.6107407407407409,9,explored -explored-2353,0.3364872685185186,19,explored -explored-2354,0.400462962962963,11,explored -explored-2355,0.06197916666666692,15,explored -explored-2356,0.24461805555555594,21,explored -explored-2357,0.5947916666666668,4,explored -explored-2358,0.4739583333333335,13,explored -explored-2359,0.6147569444444445,6,explored -explored-2360,0.3236111111111114,9,explored -explored-2361,0.6369357638888891,24,explored -explored-2362,0.4416666666666669,14,explored -explored-2363,0.23802083333333357,16,explored -explored-2364,0.49861111111111134,13,explored -explored-2365,0.4895833333333335,10,explored -explored-2366,0.7652777777777777,7,explored -explored-2367,0.4208333333333335,7,explored -explored-2368,0.5204166666666669,10,explored -explored-2369,0.4014583333333335,11,explored -explored-2370,0.4373842592592594,9,explored -explored-2371,0.5140625000000001,10,explored -explored-2372,0.34973958333333366,16,explored -explored-2373,0.7253472222222221,11,explored -explored-2374,0.4359375000000003,9,explored -explored-2375,0.507320601851852,17,explored -explored-2376,0.6367361111111113,11,explored -explored-2377,0.33411458333333355,15,explored -explored-2378,0.47282986111111125,16,explored -explored-2379,0.4717708333333336,18,explored -explored-2380,0.49322916666666683,16,explored -explored-2381,0.47239583333333357,15,explored -explored-2382,0.6085069444444446,9,explored -explored-2383,0.41093750000000007,14,explored -explored-2384,0.5463541666666668,16,explored -explored-2385,0.4365740740740742,24,explored -explored-2386,0.3710937500000002,13,explored -explored-2387,0.3659722222222226,11,explored -explored-2388,0.5041666666666669,9,explored -explored-2389,0.2791666666666668,13,explored -explored-2390,0.20815972222222245,15,explored -explored-2391,0.6312500000000002,11,explored -explored-2392,0.5500000000000002,10,explored -explored-2393,0.6005208333333335,11,explored -explored-2394,0.3576388888888893,22,explored -explored-2395,0.4931423611111113,15,explored -explored-2396,0.6756944444444446,35,explored -explored-2397,0.4175347222222223,15,explored -explored-2398,0.338715277777778,24,explored -explored-2399,0.509027777777778,23,explored -explored-2400,0.409027777777778,12,explored -explored-2401,0.5981770833333334,9,explored -explored-2402,0.35107638888888903,14,explored -explored-2403,0.695076884920635,39,explored -explored-2404,0.5832175925925928,14,explored -explored-2405,0.83125,5,explored -explored-2406,0.33993055555555585,16,explored -explored-2407,0.38255208333333357,22,explored -explored-2408,0.2645833333333334,18,explored -explored-2409,0.5317708333333335,6,explored -explored-2410,0.19947916666666687,15,explored -explored-2411,0.619513888888889,8,explored -explored-2412,0.5687500000000002,11,explored -explored-2413,0.3723958333333335,11,explored -explored-2414,0.8489583333333333,3,explored -explored-2415,0.4687500000000002,16,explored -explored-2416,0.6961144179894181,46,explored -explored-2417,0.48473090277777797,23,explored -explored-2418,0.640451388888889,12,explored -explored-2419,0.6867968750000002,14,explored -explored-2420,0.7868055555555556,8,explored -explored-2421,0.7541666666666668,10,explored -explored-2422,0.38541666666666674,15,explored -explored-2423,0.4326041666666669,18,explored -explored-2424,0.11967592592592635,20,explored -explored-2425,0.47083333333333366,7,explored -explored-2426,0.49921875000000004,18,explored -explored-2427,0.5484953703703705,23,explored -explored-2428,0.6834490740740742,8,explored -explored-2429,0.7091435185185186,6,explored -explored-2430,0.6920138888888889,32,explored -explored-2431,0.4489351851851854,16,explored -explored-2432,0.5171875000000001,7,explored -explored-2433,0.6354166666666667,12,explored -explored-2434,0.27656250000000027,11,explored -explored-2435,0.6716145833333335,11,explored -explored-2436,0.32690972222222237,18,explored -explored-2437,0.6395109953703705,17,explored -explored-2438,0.5961284722222224,16,explored -explored-2439,0.6950335648148149,22,explored -explored-2440,0.5802083333333335,19,explored -explored-2441,0.6513888888888888,9,explored -explored-2442,0.6908101851851853,4,explored -explored-2443,0.601215277777778,13,explored -explored-2444,0.5976562500000001,8,explored -explored-2445,0.693576388888889,7,explored -explored-2446,0.5795833333333336,15,explored -explored-2447,0.3328993055555557,18,explored -explored-2448,0.6186631944444445,13,explored -explored-2449,0.49583333333333357,13,explored -explored-2450,0.06510416666666696,14,explored -explored-2451,0.47821180555555565,15,explored -explored-2452,0.5052951388888892,7,explored -explored-2453,0.3875000000000002,10,explored -explored-2454,0.7289930555555557,6,explored -explored-2455,0.6390625000000001,11,explored -explored-2456,0.23877314814814832,19,explored -explored-2457,0.5818055555555558,8,explored -explored-2458,0.21510416666666687,18,explored -explored-2459,0.5177777777777779,17,explored -explored-2460,0.5687789351851853,12,explored -explored-2461,0.20468750000000013,16,explored -explored-2462,0.5777083333333335,9,explored -explored-2463,0.14322916666666696,14,explored -explored-2464,0.4140625000000001,15,explored -explored-2465,0.4911458333333333,12,explored -explored-2466,0.5274305555555557,18,explored -explored-2467,0.3767939814814817,18,explored -explored-2468,0.5842013888888891,13,explored -explored-2469,0.6039641203703705,14,explored -explored-2470,0.30625000000000013,16,explored -explored-2471,0.5631944444444447,10,explored -explored-2472,0.7202546296296297,9,explored -explored-2473,0.4447916666666667,11,explored -explored-2474,0.42453703703703716,15,explored -explored-2475,0.24583333333333357,16,explored -explored-2476,0.47586805555555567,16,explored -explored-2477,0.3690104166666669,14,explored -explored-2478,0.5269097222222223,10,explored -explored-2479,0.5182291666666667,12,explored -explored-2480,0.2641203703703705,24,explored -explored-2481,0.5346354166666668,12,explored -explored-2482,0.21093750000000022,18,explored -explored-2483,0.5489583333333334,11,explored -explored-2484,0.4432291666666669,16,explored -explored-2485,0.41281250000000014,14,explored -explored-2486,0.663715277777778,13,explored -explored-2487,0.21319444444444458,15,explored -explored-2488,0.39656250000000015,14,explored -explored-2489,0.6859375000000001,5,explored -explored-2490,0.40395833333333364,14,explored -explored-2491,0.6432291666666669,12,explored -explored-2492,0.2972222222222225,13,explored -explored-2493,0.6646701388888889,9,explored -explored-2494,0.5743055555555556,5,explored -explored-2495,0.43385416666666676,10,explored -explored-2496,0.6456597222222222,6,explored -explored-2497,0.46597222222222257,14,explored -explored-2498,0.6269097222222224,3,explored -explored-2499,0.6591695601851852,9,explored -explored-2500,0.8262499999999999,5,explored -explored-2501,0.5388310185185187,15,explored -explored-2502,0.4121527777777779,10,explored -explored-2503,0.4085937500000002,18,explored -explored-2504,0.2244791666666669,14,explored -explored-2505,0.35555555555555585,19,explored -explored-2506,0.26927083333333357,19,explored -explored-2507,0.5687500000000001,10,explored -explored-2508,0.7546875000000001,16,explored -explored-2509,0.5078125000000002,14,explored -explored-2510,0.6815972222222224,9,explored -explored-2511,0.744965277777778,5,explored -explored-2512,0.47524594907407425,18,explored -explored-2513,0.6350115740740742,13,explored -explored-2514,0.38935185185185217,22,explored -explored-2515,0.46736111111111134,13,explored -explored-2516,0.744965277777778,7,explored -explored-2517,0.3645978009259261,27,explored -explored-2518,0.3847222222222225,14,explored -explored-2519,0.5085937500000002,14,explored -explored-2520,0.37083333333333357,11,explored -explored-2521,0.4955208333333335,13,explored -explored-2522,0.4954861111111113,16,explored -explored-2523,0.38544560185185206,22,explored -explored-2524,0.6237847222222224,9,explored -explored-2525,0.6311747685185186,16,explored -explored-2526,0.5588368055555556,14,explored -explored-2527,0.7379166666666667,7,explored -explored-2528,0.14947916666666683,18,explored -explored-2529,0.47343749999999996,8,explored -explored-2530,0.6639756944444445,25,explored -explored-2531,0.5809895833333336,12,explored -explored-2532,0.7027343750000001,29,explored -explored-2533,0.5486979166666668,11,explored -explored-2534,0.411979166666667,10,explored -explored-2535,0.38489583333333344,8,explored -explored-2536,0.6118750000000002,7,explored -explored-2537,0.7121875000000001,3,explored -explored-2538,0.394791666666667,10,explored -explored-2539,0.6142361111111113,10,explored -explored-2540,0.2635416666666668,16,explored -explored-2541,0.5916666666666668,6,explored -explored-2542,0.35260416666666694,11,explored -explored-2543,0.32968750000000036,23,explored -explored-2544,0.2625000000000004,16,explored -explored-2545,0.7098379629629632,24,explored -explored-2546,0.4730092592592594,20,explored -explored-2547,0.5663194444444446,12,explored -explored-2548,0.6617187500000001,10,explored -explored-2549,0.6479474206349207,41,explored -explored-2550,0.6868055555555557,6,explored -explored-2551,0.5675347222222223,16,explored -explored-2552,0.3364583333333335,10,explored -explored-2553,0.6921875000000001,4,explored -explored-2554,0.6912309027777779,36,explored -explored-2555,0.6288194444444446,13,explored -explored-2556,0.5205486111111113,16,explored -explored-2557,0.7489583333333333,5,explored -explored-2558,0.650115740740741,8,explored -explored-2559,0.6420486111111113,8,explored -explored-2560,0.7710937500000001,4,explored -explored-2561,0.5681944444444446,12,explored -explored-2562,0.43125000000000036,10,explored -explored-2563,0.31597222222222243,15,explored -explored-2564,0.4800347222222223,12,explored -explored-2565,0.7139304315476191,38,explored -explored-2566,0.7359374999999999,7,explored -explored-2567,0.34236111111111145,15,explored -explored-2568,0.58984375,7,explored -explored-2569,0.3993055555555558,13,explored -explored-2570,0.3197916666666668,19,explored -explored-2571,0.5221354166666667,15,explored -explored-2572,0.1868055555555559,15,explored -explored-2573,0.7864583333333333,4,explored -explored-2574,0.7291637731481482,11,explored -explored-2575,0.5864583333333334,7,explored -explored-2576,0.3348958333333336,20,explored -explored-2577,0.7256944444444444,8,explored -explored-2578,0.5966927083333335,42,explored -explored-2579,0.27951388888888906,18,explored -explored-2580,0.7239583333333335,12,explored -explored-2581,0.4494791666666669,11,explored -explored-2582,0.7703125000000001,7,explored -explored-2583,0.5862500000000002,8,explored -explored-2584,0.3328125000000003,10,explored -explored-2585,0.17916666666666703,9,explored -explored-2586,0.5796875000000001,6,explored -explored-2587,0.3750520833333335,13,explored -explored-2588,0.6119791666666667,20,explored -explored-2589,0.5776041666666669,9,explored -explored-2590,0.7423611111111112,13,explored -explored-2591,0.22864583333333344,16,explored -explored-2592,0.494965277777778,12,explored -explored-2593,0.5638888888888889,11,explored -explored-2594,0.5895833333333335,12,explored -explored-2595,0.7729166666666667,10,explored -explored-2596,0.6138020833333334,6,explored -explored-2597,0.3401041666666669,11,explored -explored-2598,0.6562500000000001,11,explored -explored-2599,0.6458333333333335,4,explored -explored-2600,0.2845486111111113,15,explored -explored-2601,0.5020833333333334,7,explored -explored-2602,0.59375,6,explored -explored-2603,0.6801093750000001,37,explored -explored-2604,0.532465277777778,12,explored -explored-2605,0.6411458333333333,6,explored -explored-2606,0.268402777777778,14,explored -explored-2607,0.7485243055555557,7,explored -explored-2608,0.4320312500000002,11,explored -explored-2609,0.6333333333333335,11,explored -explored-2610,0.6950520833333335,7,explored -explored-2611,0.7427951388888889,10,explored -explored-2612,0.7516782407407407,10,explored -explored-2613,0.6041753472222224,18,explored -explored-2614,0.5074652777777778,16,explored -explored-2615,0.5513020833333334,12,explored -explored-2616,0.30671296296296313,23,explored -explored-2617,0.5151041666666668,6,explored -explored-2618,0.1844618055555558,17,explored -explored-2619,0.7841145833333333,7,explored -explored-2620,0.628125,8,explored -explored-2621,0.46168981481481497,20,explored -explored-2622,0.7426388888888888,4,explored -explored-2623,0.5609375000000003,14,explored -explored-2624,0.7582457010582011,35,explored -explored-2625,0.5000000000000001,11,explored -explored-2626,0.7117187500000001,8,explored -explored-2627,0.5207754629629632,15,explored -explored-2628,0.46302083333333344,8,explored -explored-2629,0.27534722222222263,11,explored -explored-2630,0.400260416666667,13,explored -explored-2631,0.6296875000000002,13,explored -explored-2632,0.40000000000000024,10,explored -explored-2633,0.47135416666666685,8,explored -explored-2634,0.5330729166666668,14,explored -explored-2635,0.7614583333333333,7,explored -explored-2636,0.8208333333333333,2,explored -explored-2637,0.3875000000000002,18,explored -explored-2638,0.2548611111111113,22,explored -explored-2639,0.4050925925925928,15,explored -explored-2640,0.39470138888888906,21,explored -explored-2641,0.605758101851852,18,explored -explored-2642,0.79375,16,explored -explored-2643,0.62578125,13,explored -explored-2644,0.5423611111111113,11,explored -explored-2645,0.45111111111111135,17,explored -explored-2646,0.591666666666667,6,explored -explored-2647,0.2699652777777779,15,explored -explored-2648,0.7043038194444445,29,explored -explored-2649,0.5359375000000002,15,explored -explored-2650,0.567013888888889,9,explored -explored-2651,0.49623842592592615,16,explored -explored-2652,0.4203125000000002,14,explored -explored-2653,0.5477083333333335,9,explored -explored-2654,0.7294270833333334,9,explored -explored-2655,0.2729166666666669,13,explored -explored-2656,0.5679398148148149,19,explored -explored-2657,0.5317708333333335,12,explored -explored-2658,0.7127604166666668,10,explored -explored-2659,0.7854166666666668,6,explored -explored-2660,0.4944155092592595,14,explored -explored-2661,0.7124999999999999,8,explored -explored-2662,0.5861979166666668,12,explored -explored-2663,0.6815972222222224,7,explored -explored-2664,0.536076388888889,10,explored -explored-2665,0.5679166666666668,12,explored -explored-2666,0.25781250000000033,15,explored -explored-2667,0.2465277777777779,16,explored -explored-2668,0.47593750000000024,14,explored -explored-2669,0.45095486111111127,18,explored -explored-2670,0.69453125,8,explored -explored-2671,0.5942708333333335,6,explored -explored-2672,0.6843750000000001,16,explored -explored-2673,0.6350694444444447,5,explored -explored-2674,0.5114583333333333,11,explored -explored-2675,0.5492187500000001,12,explored -explored-2676,0.6513206845238096,35,explored -explored-2677,0.30972222222222257,9,explored -explored-2678,0.7437500000000001,11,explored -explored-2679,0.18802083333333353,18,explored -explored-2680,0.5395833333333335,11,explored -explored-2681,0.5378819444444446,11,explored -explored-2682,0.23125000000000018,9,explored -explored-2683,0.4755208333333335,17,explored -explored-2684,0.4703124999999999,9,explored -explored-2685,0.614670138888889,15,explored -explored-2686,0.37430555555555567,16,explored -explored-2687,0.6726562500000001,7,explored -explored-2688,0.03663194444444473,19,explored -explored-2689,0.2465277777777779,14,explored -explored-2690,0.5069444444444445,6,explored -explored-2691,0.24036458333333366,16,explored -explored-2692,0.6863136574074076,11,explored -explored-2693,0.6501736111111112,12,explored -explored-2694,0.6208333333333333,6,explored -explored-2695,0.7456597222222222,12,explored -explored-2696,0.4031828703703706,15,explored -explored-2697,0.6507812500000002,14,explored -explored-2698,0.32685185185185217,14,explored -explored-2699,0.6071180555555556,12,explored -explored-2700,0.36041666666666683,10,explored -explored-2701,0.4534722222222223,7,explored -explored-2702,0.15000000000000036,14,explored -explored-2703,0.5300347222222224,16,explored -explored-2704,0.5113425925925927,13,explored -explored-2705,0.5074074074074076,13,explored -explored-2706,0.49583333333333335,9,explored -explored-2707,0.48495370370370383,10,explored -explored-2708,0.64375,8,explored -explored-2709,0.6414930555555557,10,explored -explored-2710,0.41822916666666676,18,explored -explored-2711,0.31562500000000016,17,explored -explored-2712,0.7120775462962964,14,explored -explored-2713,0.5442708333333335,6,explored -explored-2714,0.6773958333333334,9,explored -explored-2715,0.6859375000000001,9,explored -explored-2716,0.29010416666666705,12,explored -explored-2717,0.637928240740741,12,explored -explored-2718,0.16255787037037073,18,explored -explored-2719,0.5979166666666668,5,explored -explored-2720,0.7468750000000002,8,explored -explored-2721,0.38443287037037055,27,explored -explored-2722,0.7484375,3,explored -explored-2723,0.42682291666666705,15,explored -explored-2724,0.6653935185185187,9,explored -explored-2725,0.6648437500000002,10,explored -explored-2726,0.561701388888889,15,explored -explored-2727,0.18990162037037073,22,explored -explored-2728,0.3301215277777779,15,explored -explored-2729,0.5593750000000002,14,explored -explored-2730,0.5969907407407409,10,explored -explored-2731,0.377777777777778,13,explored -explored-2732,0.5764496527777778,46,explored -explored-2733,0.3915364583333334,16,explored -explored-2734,0.41770833333333357,12,explored -explored-2735,0.721232638888889,9,explored -explored-2736,0.6088454861111112,30,explored -explored-2737,0.5984375000000002,5,explored -explored-2738,0.6763078703703704,28,explored -explored-2739,0.36241319444444475,15,explored -explored-2740,0.5970833333333334,8,explored -explored-2741,0.6859375000000001,15,explored -explored-2742,0.6895833333333334,4,explored -explored-2743,0.6173263888888889,18,explored -explored-2744,0.7975000000000001,4,explored -explored-2745,0.5182291666666669,18,explored -explored-2746,0.7067708333333335,7,explored -explored-2747,0.3031250000000003,10,explored -explored-2748,0.5494791666666669,16,explored -explored-2749,0.21976273148148184,19,explored -explored-2750,0.5006944444444446,8,explored -explored-2751,0.5456684027777778,18,explored -explored-2752,0.5681423611111113,16,explored -explored-2753,0.3210937500000002,25,explored -explored-2754,0.4549479166666669,18,explored -explored-2755,0.31597222222222254,16,explored -explored-2756,0.6590798611111113,15,explored -explored-2757,0.623576388888889,7,explored -explored-2758,0.5296875000000002,13,explored -explored-2759,0.3547164351851855,23,explored -explored-2760,0.2619791666666669,12,explored -explored-2761,0.5417534722222224,22,explored -explored-2762,0.10260416666666705,16,explored -explored-2763,0.713888888888889,8,explored -explored-2764,0.5697916666666668,4,explored -explored-2765,0.6581597222222224,11,explored -explored-2766,0.5669270833333334,9,explored -explored-2767,0.3797164351851853,20,explored -explored-2768,0.5614149305555557,20,explored -explored-2769,0.7685416666666667,7,explored -explored-2770,0.2489583333333335,13,explored -explored-2771,0.5927083333333335,8,explored -explored-2772,0.5515625000000002,6,explored -explored-2773,0.7095486111111112,7,explored -explored-2774,0.6385416666666667,13,explored -explored-2775,0.35078125000000027,13,explored -explored-2776,0.5128472222222223,13,explored -explored-2777,0.4281250000000001,16,explored -explored-2778,0.40198206018518534,25,explored -explored-2779,0.6216435185185187,15,explored -explored-2780,0.5850694444444446,15,explored -explored-2781,0.3461516203703706,15,explored -explored-2782,0.20208333333333361,14,explored -explored-2783,0.7709201388888889,6,explored -explored-2784,0.25156250000000036,12,explored -explored-2785,0.4609375,10,explored -explored-2786,0.15972222222222254,16,explored -explored-2787,0.6720833333333334,5,explored -explored-2788,0.4638888888888888,13,explored -explored-2789,0.29704861111111125,13,explored -explored-2790,0.5122222222222225,16,explored -explored-2791,0.5416666666666669,11,explored -explored-2792,0.5965277777777779,9,explored -explored-2793,0.6518807870370371,13,explored -explored-2794,0.2635416666666668,13,explored -explored-2795,0.7159722222222223,9,explored -explored-2796,0.7636284722222222,9,explored -explored-2797,0.40000000000000013,19,explored -explored-2798,0.31903935185185206,23,explored -explored-2799,0.7240277777777778,8,explored -explored-2800,0.3993055555555558,20,explored -explored-2801,0.35746527777777803,25,explored -explored-2802,0.2879629629629632,19,explored -explored-2803,0.4520833333333335,9,explored -explored-2804,0.5649305555555556,13,explored -explored-2805,0.7204456018518519,28,explored -explored-2806,0.3137152777777781,15,explored -explored-2807,0.3826388888888892,14,explored -explored-2808,0.2532118055555559,16,explored -explored-2809,0.6857928240740742,10,explored -explored-2810,0.2171296296296299,23,explored -explored-2811,0.19201388888888915,14,explored -explored-2812,0.5769097222222224,10,explored -explored-2813,0.13680555555555585,16,explored -explored-2814,0.7389756944444446,7,explored -explored-2815,0.5039062500000001,15,explored -explored-2816,0.5464988425925928,13,explored -explored-2817,0.5735532407407409,15,explored -explored-2818,0.6901114417989418,36,explored -explored-2819,0.4851562500000002,12,explored -explored-2820,0.5458333333333335,13,explored -explored-2821,0.5531250000000001,11,explored -explored-2822,0.25746527777777795,17,explored -explored-2823,0.6302546296296297,12,explored -explored-2824,0.6796006944444445,16,explored -explored-2825,0.6803414351851853,34,explored -explored-2826,0.6310763888888891,13,explored -explored-2827,0.4881944444444446,11,explored -explored-2828,0.6185069444444447,14,explored -explored-2829,0.2548611111111113,20,explored -explored-2830,0.3638541666666668,13,explored -explored-2831,0.3427083333333336,12,explored -explored-2832,0.5022569444444447,18,explored -explored-2833,0.49184027777777795,9,explored -explored-2834,0.299166666666667,15,explored -explored-2835,0.8133333333333334,4,explored -explored-2836,0.604513888888889,6,explored -explored-2837,0.5635416666666668,8,explored -explored-2838,0.30046296296296315,22,explored -explored-2839,0.5741030092592594,11,explored -explored-2840,0.6854120370370371,35,explored -explored-2841,0.23645833333333366,17,explored -explored-2842,0.7020486111111113,8,explored -explored-2843,0.45277777777777795,11,explored -explored-2844,0.2405960648148151,14,explored -explored-2845,0.5125000000000002,14,explored -explored-2846,0.404832175925926,13,explored -explored-2847,0.40047743055555574,24,explored -explored-2848,0.5552083333333335,7,explored -explored-2849,0.6472685185185186,15,explored -explored-2850,0.24050925925925948,17,explored -explored-2851,0.23315972222222237,15,explored -explored-2852,0.6506944444444445,6,explored -explored-2853,0.2707465277777781,22,explored -explored-2854,0.3148437500000002,17,explored -explored-2855,0.6611111111111113,5,explored -explored-2856,0.6574074074074074,13,explored -explored-2857,0.507951388888889,17,explored -explored-2858,0.10520833333333357,13,explored -explored-2859,0.7658854166666668,9,explored -explored-2860,0.4598958333333334,17,explored -explored-2861,0.4437500000000002,18,explored -explored-2862,0.39175347222222245,20,explored -explored-2863,0.4812500000000002,13,explored -explored-2864,0.48572916666666677,20,explored -explored-2865,0.5353732638888891,16,explored -explored-2866,0.7005208333333334,7,explored -explored-2867,0.7468750000000002,8,explored -explored-2868,0.7338368055555556,12,explored -explored-2869,0.3471354166666668,16,explored -explored-2870,0.6667824074074076,10,explored -explored-2871,0.6434375000000001,6,explored -explored-2872,0.7214409722222221,8,explored -explored-2873,0.24143518518518547,19,explored -explored-2874,0.3212962962962965,15,explored -explored-2875,0.3538194444444446,13,explored -explored-2876,0.3581597222222225,17,explored -explored-2877,0.20017361111111143,17,explored -explored-2878,0.4412326388888891,17,explored -explored-2879,0.7930555555555555,8,explored -explored-2880,0.7990625,8,explored -explored-2881,0.18506944444444473,15,explored -explored-2882,0.299826388888889,18,explored -explored-2883,0.81625,3,explored -explored-2884,0.5007089120370372,18,explored -explored-2885,0.582777777777778,20,explored -explored-2886,0.5958159722222223,7,explored -explored-2887,0.3115740740740742,24,explored -explored-2888,0.34644097222222237,15,explored -explored-2889,0.5616319444444445,8,explored -explored-2890,0.5440972222222222,14,explored -explored-2891,0.5162326388888892,16,explored -explored-2892,0.385763888888889,11,explored -explored-2893,0.741059027777778,11,explored -explored-2894,0.3652488425925928,19,explored -explored-2895,0.3679687500000002,18,explored -explored-2896,0.43506944444444473,15,explored -explored-2897,0.7519965277777779,6,explored -explored-2898,0.7395833333333334,32,explored -explored-2899,0.7100260416666668,18,explored -explored-2900,0.7166666666666668,4,explored -explored-2901,0.6307465277777778,13,explored -explored-2902,0.42343750000000036,9,explored -explored-2903,0.5822916666666668,13,explored -explored-2904,0.689976851851852,12,explored -explored-2905,0.6601504629629631,15,explored -explored-2906,0.35312500000000013,12,explored -explored-2907,0.5317274305555557,17,explored -explored-2908,0.5157986111111112,14,explored -explored-2909,0.18611111111111123,15,explored -explored-2910,0.4328993055555559,11,explored -explored-2911,0.6023871527777779,12,explored -explored-2912,0.4138310185185188,22,explored -explored-2913,0.33107638888888913,14,explored -explored-2914,0.4816232638888891,21,explored -explored-2915,0.3368078703703705,19,explored -explored-2916,0.6269097222222224,16,explored -explored-2917,0.574045138888889,15,explored -explored-2918,0.7796875000000001,4,explored -explored-2919,0.5467361111111113,24,explored -explored-2920,0.3197916666666668,14,explored -explored-2921,0.5704861111111112,11,explored -explored-2922,0.4209722222222224,17,explored -explored-2923,0.6666666666666667,2,explored -explored-2924,0.7119444444444445,12,explored -explored-2925,0.7756944444444445,12,explored -explored-2926,0.7414253472222223,12,explored -explored-2927,0.5351562500000002,9,explored -explored-2928,0.5509548611111112,15,explored -explored-2929,0.37712673611111136,22,explored -explored-2930,0.4910648148148149,9,explored -explored-2931,0.6543402777777778,11,explored -explored-2932,0.3322916666666669,15,explored -explored-2933,0.573263888888889,13,explored -explored-2934,0.5782638888888891,8,explored -explored-2935,0.44791666666666696,9,explored -explored-2936,0.23402777777777795,13,explored -explored-2937,0.3265625000000002,14,explored -explored-2938,0.6399884259259261,29,explored -explored-2939,0.6205729166666668,8,explored -explored-2940,0.6417245370370372,18,explored -explored-2941,0.7446875000000002,4,explored -explored-2942,0.28524305555555574,10,explored -explored-2943,0.46889467592592604,16,explored -explored-2944,0.675607638888889,15,explored -explored-2945,0.38593750000000027,13,explored -explored-2946,0.7088541666666668,7,explored -explored-2947,0.6563802083333334,17,explored -explored-2948,0.6989843750000001,25,explored -explored-2949,0.7018229166666667,8,explored -explored-2950,0.4950000000000002,16,explored -explored-2951,0.7541666666666668,10,explored -explored-2952,0.35815972222222237,21,explored -explored-2953,0.22037037037037066,15,explored -explored-2954,0.35260416666666683,17,explored -explored-2955,0.5203414351851854,15,explored -explored-2956,0.6141493055555557,16,explored -explored-2957,0.49427083333333355,11,explored -explored-2958,0.5468865740740743,15,explored -explored-2959,0.4818142361111112,16,explored -explored-2960,0.5431481481481484,12,explored -explored-2961,0.5385416666666668,13,explored -explored-2962,0.5078125,17,explored -explored-2963,0.5774739583333335,17,explored -explored-2964,0.4259375000000002,19,explored -explored-2965,0.6585937500000001,12,explored -explored-2966,0.6109375000000001,5,explored -explored-2967,0.6595052083333335,18,explored -explored-2968,0.3279513888888891,20,explored -explored-2969,0.37864583333333357,14,explored -explored-2970,0.44687500000000013,13,explored -explored-2971,0.4566666666666668,17,explored -explored-2972,0.2762152777777781,13,explored -explored-2973,0.407777777777778,13,explored -explored-2974,0.49320023148148173,20,explored -explored-2975,0.5944444444444447,8,explored -explored-2976,0.29409722222222257,20,explored -explored-2977,0.3622685185185187,22,explored -explored-2978,0.5766059027777779,11,explored -explored-2979,0.47682291666666676,14,explored -explored-2980,0.35145833333333354,18,explored -explored-2981,0.4763888888888891,20,explored -explored-2982,0.5984375000000002,7,explored -explored-2983,0.5287037037037039,14,explored -explored-2984,0.6423958333333335,14,explored -explored-2985,0.41805555555555574,18,explored -explored-2986,0.6156250000000001,12,explored -explored-2987,0.4388854166666668,18,explored -explored-2988,0.5388541666666667,10,explored -explored-2989,0.599652777777778,8,explored -explored-2990,0.7024479166666667,8,explored -explored-2991,0.4343894675925928,18,explored -explored-2992,0.5489583333333334,9,explored -explored-2993,0.6468750000000001,6,explored -explored-2994,0.5421875000000002,10,explored -explored-2995,0.6230902777777779,8,explored -explored-2996,0.20381944444444478,17,explored -explored-2997,0.5330729166666668,9,explored -explored-2998,0.32222222222222263,21,explored -explored-2999,0.7200434027777778,22,explored -explored-3000,0.5914930555555556,10,explored -explored-3001,0.6371990740740742,26,explored -explored-3002,0.04479166666666701,21,explored -explored-3003,0.5141782407407409,15,explored -explored-3004,0.3640625000000002,11,explored -explored-3005,0.6104166666666667,9,explored -explored-3006,0.7328472222222223,10,explored -explored-3007,0.472916666666667,7,explored -explored-3008,0.7051215277777779,5,explored -explored-3009,0.4037905092592595,19,explored -explored-3010,0.8208333333333333,2,explored -explored-3011,0.6031250000000001,6,explored -explored-3012,0.6197627314814816,15,explored -explored-3013,0.6918402777777779,10,explored -explored-3014,0.7217881944444444,9,explored -explored-3015,0.4260416666666669,17,explored -explored-3016,0.43125000000000036,11,explored -explored-3017,0.6302083333333335,12,explored -explored-3018,0.5236111111111114,11,explored -explored-3019,0.4773437500000003,10,explored -explored-3020,0.5927083333333335,3,explored -explored-3021,0.45305555555555577,17,explored -explored-3022,0.21319444444444458,14,explored -explored-3023,0.5571180555555557,11,explored -explored-3024,0.18993055555555594,18,explored -explored-3025,0.590277777777778,16,explored -explored-3026,0.2523437500000003,16,explored -explored-3027,0.7005208333333335,11,explored -explored-3028,0.529166666666667,6,explored -explored-3029,0.5069444444444446,11,explored -explored-3030,0.4716435185185186,24,explored -explored-3031,0.6524479166666668,13,explored -explored-3032,0.37031250000000016,16,explored -explored-3033,0.40208333333333346,14,explored -explored-3034,0.4966435185185186,16,explored -explored-3035,0.3632812500000002,11,explored -explored-3036,0.566869212962963,16,explored -explored-3037,0.7132812500000001,12,explored -explored-3038,0.1555555555555559,20,explored -explored-3039,0.8078125,15,explored -explored-3040,0.746875,7,explored -explored-3041,0.38055555555555576,19,explored -explored-3042,0.19496527777777795,23,explored -explored-3043,0.294791666666667,11,explored -explored-3044,0.669357638888889,21,explored -explored-3045,0.7030671296296298,18,explored -explored-3046,0.29062500000000024,17,explored -explored-3047,0.7570099206349207,29,explored -explored-3048,0.3850694444444447,16,explored -explored-3049,0.5813368055555557,14,explored -explored-3050,0.4812500000000002,11,explored -explored-3051,0.7272245370370372,26,explored -explored-3052,0.7279166666666668,5,explored -explored-3053,0.17916666666666692,11,explored -explored-3054,0.4925347222222225,22,explored -explored-3055,0.5667708333333334,15,explored -explored-3056,0.5653472222222224,18,explored -explored-3057,0.6850636574074075,15,explored -explored-3058,0.5005208333333335,6,explored -explored-3059,0.47621527777777783,12,explored -explored-3060,0.22847222222222263,15,explored -explored-3061,0.6651909722222223,11,explored -explored-3062,0.2562500000000003,10,explored -explored-3063,0.5364872685185187,16,explored -explored-3064,0.46597222222222223,11,explored -explored-3065,0.4628125000000002,14,explored -explored-3066,0.36333333333333373,14,explored -explored-3067,0.46319444444444446,6,explored -explored-3068,0.6329861111111112,9,explored -explored-3069,0.7979166666666667,4,explored -explored-3070,0.8076388888888888,7,explored -explored-3071,0.4710937500000002,12,explored -explored-3072,0.44296875000000024,15,explored -explored-3073,0.2718750000000003,12,explored -explored-3074,0.552777777777778,22,explored -explored-3075,0.33135416666666706,13,explored -explored-3076,0.39557291666666683,11,explored -explored-3077,0.6013020833333335,10,explored -explored-3078,0.45859375,13,explored -explored-3079,0.31796875000000024,15,explored -explored-3080,0.4945023148148151,13,explored -explored-3081,0.5868055555555557,13,explored -explored-3082,0.14166666666666705,13,explored -explored-3083,0.47750000000000015,7,explored -explored-3084,0.36736111111111147,16,explored -explored-3085,0.6340625000000001,8,explored -explored-3086,0.8576388888888888,6,explored -explored-3087,0.7242708333333334,11,explored -explored-3088,0.31302083333333364,18,explored -explored-3089,0.7107986111111112,10,explored -explored-3090,0.775,9,explored -explored-3091,0.08125000000000027,14,explored -explored-3092,0.5422743055555557,15,explored -explored-3093,0.7993055555555555,9,explored -explored-3094,0.5566203703703704,14,explored -explored-3095,0.7218472222222223,26,explored -explored-3096,0.4770833333333335,25,explored -explored-3097,0.4318402777777779,22,explored -explored-3098,0.6151041666666669,14,explored -explored-3099,0.6632893518518519,38,explored -explored-3100,0.6824305555555557,8,explored -explored-3101,0.3456018518518522,21,explored -explored-3102,0.5925347222222224,14,explored -explored-3103,0.5812500000000002,10,explored -explored-3104,0.6930555555555555,8,explored -explored-3105,0.35277777777777797,19,explored -explored-3106,0.693576388888889,11,explored -explored-3107,0.15677083333333375,20,explored -explored-3108,0.2572916666666669,13,explored -explored-3109,0.46753472222222237,11,explored -explored-3110,0.337760416666667,10,explored -explored-3111,0.5700086805555558,14,explored -explored-3112,0.5177083333333333,13,explored -explored-3113,0.5651041666666666,8,explored -explored-3114,0.42500000000000027,6,explored -explored-3115,0.47569444444444464,11,explored -explored-3116,0.659375,6,explored -explored-3117,0.283072916666667,18,explored -explored-3118,0.4320312500000002,10,explored -explored-3119,0.5514351851851853,15,explored -explored-3120,0.17109375000000027,13,explored -explored-3121,0.4682291666666668,8,explored -explored-3122,0.6430555555555555,10,explored -explored-3123,0.46805555555555567,10,explored -explored-3124,0.6598958333333335,13,explored -explored-3125,0.36041666666666683,21,explored -explored-3126,0.2430555555555557,24,explored -explored-3127,0.29699074074074083,20,explored -explored-3128,0.6685763888888889,7,explored -explored-3129,0.5308159722222223,17,explored -explored-3130,0.596701388888889,11,explored -explored-3131,0.4661458333333335,7,explored -explored-3132,0.5114004629629632,17,explored -explored-3133,0.441666666666667,5,explored -explored-3134,0.44652777777777786,11,explored -explored-3135,0.4021701388888891,15,explored -explored-3136,0.5506944444444446,11,explored -explored-3137,0.30166666666666697,16,explored -explored-3138,0.5488368055555557,15,explored -explored-3139,0.6510416666666669,6,explored -explored-3140,0.40642361111111136,20,explored -explored-3141,0.3171875000000002,12,explored -explored-3142,0.7222222222222224,8,explored -explored-3143,0.4536458333333333,13,explored -explored-3144,0.697326388888889,15,explored -explored-3145,0.5555208333333335,16,explored -explored-3146,0.44116898148148165,21,explored -explored-3147,0.4868055555555556,9,explored -explored-3148,0.37864583333333357,14,explored -explored-3149,0.6861979166666669,5,explored -explored-3150,0.7278645833333335,8,explored -explored-3151,0.4847222222222223,10,explored -explored-3152,0.47222222222222243,18,explored -explored-3153,0.591666666666667,4,explored -explored-3154,0.39960937500000027,16,explored -explored-3155,0.3489583333333337,15,explored -explored-3156,0.42109375000000027,10,explored -explored-3157,0.42436342592592613,16,explored -explored-3158,0.5792881944444446,13,explored -explored-3159,0.6330729166666669,10,explored -explored-3160,0.29791666666666705,10,explored -explored-3161,0.33715277777777797,17,explored -explored-3162,0.2888888888888892,20,explored -explored-3163,0.5494791666666669,23,explored -explored-3164,0.5192708333333336,7,explored -explored-3165,0.2891493055555556,13,explored -explored-3166,0.7504340277777779,7,explored -explored-3167,0.30000000000000016,18,explored -explored-3168,0.5146990740740742,20,explored -explored-3169,0.45745370370370386,14,explored -explored-3170,0.3933159722222226,14,explored -explored-3171,0.6483883101851853,27,explored -explored-3172,0.25312500000000027,8,explored -explored-3173,0.4993634259259261,18,explored -explored-3174,0.5509375000000001,17,explored -explored-3175,0.4146122685185186,15,explored -explored-3176,0.3883854166666669,12,explored -explored-3177,0.48802083333333346,10,explored -explored-3178,0.5829861111111112,15,explored -explored-3179,0.26145833333333357,9,explored -explored-3180,0.27847222222222245,14,explored -explored-3181,0.35807291666666685,24,explored -explored-3182,0.31458333333333355,25,explored -explored-3183,0.43020833333333375,8,explored -explored-3184,0.8034722222222223,8,explored -explored-3185,0.603587962962963,13,explored -explored-3186,0.2892187500000002,15,explored -explored-3187,0.3270833333333336,21,explored -explored-3188,0.4575520833333335,12,explored -explored-3189,0.6458333333333335,6,explored -explored-3190,0.5799479166666668,9,explored -explored-3191,0.6364583333333335,14,explored -explored-3192,0.5076388888888891,17,explored -explored-3193,0.5412500000000002,10,explored -explored-3194,0.4741319444444446,19,explored -explored-3195,0.5062500000000002,8,explored -explored-3196,0.667013888888889,13,explored -explored-3197,0.18750000000000022,12,explored -explored-3198,0.6577430555555557,6,explored -explored-3199,0.6443750000000001,11,explored -explored-3200,0.6735243055555556,11,explored -explored-3201,0.6738194444444446,7,explored -explored-3202,0.8254861111111111,12,explored -explored-3203,0.6883391203703705,14,explored -explored-3204,0.24583333333333357,12,explored -explored-3205,0.6505208333333334,5,explored -explored-3206,0.09531250000000036,17,explored -explored-3207,0.4568865740740742,21,explored -explored-3208,0.5091666666666668,8,explored -explored-3209,0.7494444444444446,16,explored -explored-3210,0.2930555555555556,17,explored -explored-3211,0.6987847222222223,8,explored -explored-3212,0.6124131944444446,17,explored -explored-3213,0.6501157407407409,12,explored -explored-3214,0.36545138888888906,21,explored -explored-3215,0.5711805555555557,15,explored -explored-3216,0.08125000000000027,10,explored -explored-3217,0.24045138888888906,18,explored -explored-3218,0.1390625000000003,15,explored -explored-3219,0.7302083333333333,4,explored -explored-3220,0.47187500000000004,9,explored -explored-3221,0.7578182870370371,29,explored -explored-3222,0.6130208333333335,5,explored -explored-3223,0.6625000000000002,10,explored -explored-3224,0.5424479166666668,18,explored -explored-3225,0.6008333333333336,13,explored -explored-3226,0.3437500000000002,18,explored -explored-3227,0.5354166666666669,17,explored -explored-3228,0.5643055555555557,11,explored -explored-3229,0.20000000000000018,16,explored -explored-3230,0.21822916666666692,21,explored -explored-3231,0.41875000000000007,11,explored -explored-3232,0.38975694444444464,17,explored -explored-3233,0.7386458333333334,9,explored -explored-3234,0.609375,10,explored -explored-3235,0.6716145833333336,8,explored -explored-3236,0.3166666666666669,18,explored -explored-3237,0.41458333333333375,14,explored -explored-3238,0.5037326388888891,14,explored -explored-3239,0.5245138888888891,21,explored -explored-3240,0.6592380952380953,34,explored -explored-3241,0.5640625000000001,7,explored -explored-3242,0.645920138888889,6,explored -explored-3243,0.4734375000000003,6,explored -explored-3244,0.2298611111111113,17,explored -explored-3245,0.6616666666666667,9,explored -explored-3246,0.2810763888888892,19,explored -explored-3247,0.35607638888888893,9,explored -explored-3248,0.6798958333333334,8,explored -explored-3249,0.3333333333333337,11,explored -explored-3250,0.5081597222222222,12,explored -explored-3251,0.518229166666667,8,explored -explored-3252,0.7430555555555556,16,explored -explored-3253,0.5817708333333333,6,explored -explored-3254,0.6840277777777779,7,explored -explored-3255,0.38204571759259287,14,explored -explored-3256,0.7758680555555557,9,explored -explored-3257,0.4478819444444446,16,explored -explored-3258,0.4763888888888891,12,explored -explored-3259,0.5828125,10,explored -explored-3260,0.6648246527777779,44,explored -explored-3261,0.2562500000000003,7,explored -explored-3262,0.35671296296296306,18,explored -explored-3263,0.8515625,4,explored -explored-3264,0.1810763888888891,19,explored -explored-3265,0.49322916666666683,6,explored -explored-3266,0.39212962962962983,12,explored -explored-3267,0.6072395833333335,28,explored -explored-3268,0.65546875,5,explored -explored-3269,0.400260416666667,10,explored -explored-3270,0.47925347222222237,10,explored -explored-3271,0.34083333333333377,14,explored -explored-3272,0.28333333333333344,14,explored -explored-3273,0.3993055555555558,20,explored -explored-3274,0.41082175925925946,16,explored -explored-3275,0.13020833333333348,13,explored -explored-3276,0.6726041666666668,11,explored -explored-3277,0.46614583333333326,9,explored -explored-3278,0.6403819444444445,11,explored -explored-3279,0.31171875000000016,20,explored -explored-3280,0.4397569444444447,13,explored -explored-3281,0.3913194444444448,16,explored -explored-3282,0.3807291666666669,14,explored -explored-3283,0.717013888888889,8,explored -explored-3284,0.4862847222222224,26,explored -explored-3285,0.6893750000000001,5,explored -explored-3286,0.6659722222222222,10,explored -explored-3287,0.8996527777777777,4,explored -explored-3288,0.5588541666666668,8,explored -explored-3289,0.7341087962962964,10,explored -explored-3290,0.3783854166666669,11,explored -explored-3291,0.7583333333333334,2,explored -explored-3292,0.5938657407407409,21,explored -explored-3293,0.17430555555555594,14,explored -explored-3294,0.7213541666666667,9,explored -explored-3295,0.5463541666666668,6,explored -explored-3296,0.23767361111111152,17,explored -explored-3297,0.6109953703703705,15,explored -explored-3298,0.5053819444444446,15,explored -explored-3299,0.25399305555555585,9,explored -explored-3300,0.39375000000000027,12,explored -explored-3301,0.7321180555555556,7,explored -explored-3302,0.7690434027777778,19,explored -explored-3303,0.7199479166666668,10,explored -explored-3304,0.34184027777777803,15,explored -explored-3305,0.7963541666666667,8,explored -explored-3306,0.4458333333333334,10,explored -explored-3307,0.8973958333333334,5,explored -explored-3308,0.38671875000000033,10,explored -explored-3309,0.3125000000000002,16,explored -explored-3310,0.7104166666666667,7,explored -explored-3311,0.06093750000000031,13,explored -explored-3312,0.42500000000000027,9,explored -explored-3313,0.3378472222222223,13,explored -explored-3314,0.35815972222222237,17,explored -explored-3315,0.48078125000000016,28,explored -explored-3316,0.6234375,9,explored -explored-3317,0.6509837962962964,14,explored -explored-3318,0.2109375000000001,16,explored -explored-3319,0.6070312500000001,8,explored -explored-3320,0.5878472222222223,10,explored -explored-3321,0.3986979166666669,10,explored -explored-3322,0.5736111111111113,14,explored -explored-3323,0.39921875000000007,11,explored -explored-3324,0.6194444444444446,9,explored -explored-3325,0.3189641203703707,19,explored -explored-3326,0.216203703703704,21,explored -explored-3327,0.5481365740740742,17,explored -explored-3328,0.6848263888888889,11,explored -explored-3329,0.408402777777778,11,explored -explored-3330,0.138541666666667,12,explored -explored-3331,0.6203125000000002,12,explored -explored-3332,0.4564814814814816,17,explored -explored-3333,0.2592013888888891,20,explored -explored-3334,0.6428819444444446,14,explored -explored-3335,0.404296875,11,explored -explored-3336,0.6367187500000001,11,explored -explored-3337,0.2975694444444448,21,explored -explored-3338,0.5030092592592594,15,explored -explored-3339,0.461527777777778,17,explored -explored-3340,0.21944444444444455,19,explored -explored-3341,0.5529687500000002,9,explored -explored-3342,0.18379629629629657,17,explored -explored-3343,0.7695486111111112,12,explored -explored-3344,0.5187500000000003,11,explored -explored-3345,0.6218750000000002,10,explored -explored-3346,0.5710937500000002,12,explored -explored-3347,0.6692708333333335,13,explored -explored-3348,0.29231481481481514,19,explored -explored-3349,0.7095486111111111,16,explored -explored-3350,0.466666666666667,10,explored -explored-3351,0.5845486111111112,10,explored -explored-3352,0.20329861111111125,17,explored -explored-3353,0.5605034722222223,15,explored -explored-3354,0.404166666666667,11,explored -explored-3355,0.310416666666667,9,explored -explored-3356,0.7608333333333335,10,explored -explored-3357,0.4648437500000001,9,explored -explored-3358,0.216666666666667,11,explored -explored-3359,0.34722222222222243,16,explored -explored-3360,0.6312500000000002,9,explored -explored-3361,0.4966666666666668,17,explored -explored-3362,0.5776041666666667,9,explored -explored-3363,0.6316666666666668,6,explored -explored-3364,0.7194791666666668,8,explored -explored-3365,0.4302083333333335,13,explored -explored-3366,0.7151041666666669,6,explored -explored-3367,0.5717592592592594,16,explored -explored-3368,0.36001157407407414,14,explored -explored-3369,0.688107638888889,14,explored -explored-3370,0.5303819444444445,12,explored -explored-3371,0.5545138888888891,12,explored -explored-3372,0.28671875000000024,18,explored -explored-3373,0.703125,28,explored -explored-3374,0.48932291666666683,13,explored -explored-3375,0.6673032407407409,23,explored -explored-3376,0.6718750000000002,11,explored -explored-3377,0.3310619212962964,17,explored -explored-3378,0.5566666666666669,12,explored -explored-3379,0.7367187500000001,10,explored -explored-3380,0.7337499999999999,7,explored -explored-3381,0.441666666666667,7,explored -explored-3382,0.625,7,explored -explored-3383,0.5410011574074076,19,explored -explored-3384,0.15486111111111134,15,explored -explored-3385,0.557291666666667,8,explored -explored-3386,0.49375000000000036,5,explored -explored-3387,0.2546875000000003,11,explored -explored-3388,0.601388888888889,12,explored -explored-3389,0.4418402777777779,16,explored -explored-3390,0.26319444444444473,22,explored -explored-3391,0.688966765873016,30,explored -explored-3392,0.2812500000000002,19,explored -explored-3393,0.6194907407407408,14,explored -explored-3394,0.6505208333333333,10,explored -explored-3395,0.7406944444444445,5,explored -explored-3396,0.42586805555555574,19,explored -explored-3397,0.5296875000000002,13,explored -explored-3398,0.5858333333333334,11,explored -explored-3399,0.39231770833333357,22,explored -explored-3400,0.4979166666666668,12,explored -explored-3401,0.5630208333333334,11,explored -explored-3402,0.5875,5,explored -explored-3403,0.6145833333333333,7,explored -explored-3404,0.5250000000000001,19,explored -explored-3405,0.41666666666666685,19,explored -explored-3406,0.4991319444444444,16,explored -explored-3407,0.8180208333333334,4,explored -explored-3408,0.5176504629629631,13,explored -explored-3409,0.3423032407407409,19,explored -explored-3410,0.3578125000000002,13,explored -explored-3411,0.6815972222222223,8,explored -explored-3412,0.6584201388888888,14,explored -explored-3413,0.42546296296296315,13,explored -explored-3414,0.2557291666666669,18,explored -explored-3415,0.406076388888889,8,explored -explored-3416,0.6858333333333333,5,explored -explored-3417,0.2841666666666668,16,explored -explored-3418,0.6491319444444446,9,explored -explored-3419,0.6672743055555557,11,explored -explored-3420,0.6646701388888889,7,explored -explored-3421,0.6150173611111113,9,explored -explored-3422,0.659717013888889,39,explored -explored-3423,0.4710069444444446,13,explored -explored-3424,0.3571875000000002,12,explored -explored-3425,0.3470486111111112,18,explored -explored-3426,0.7818750000000001,4,explored -explored-3427,0.22968750000000027,14,explored -explored-3428,0.40104166666666685,8,explored -explored-3429,0.5427951388888891,15,explored -explored-3430,0.6194444444444446,11,explored -explored-3431,0.374826388888889,14,explored -explored-3432,0.5891493055555557,7,explored -explored-3433,0.4868055555555555,8,explored -explored-3434,0.5546875000000001,6,explored -explored-3435,0.6579861111111112,13,explored -explored-3436,0.21354166666666696,12,explored -explored-3437,0.4916666666666667,11,explored -explored-3438,0.4852430555555557,14,explored -explored-3439,0.6105208333333334,7,explored -explored-3440,0.6695260416666667,33,explored -explored-3441,0.4411197916666669,15,explored -explored-3442,0.69296875,13,explored -explored-3443,0.7956597222222224,15,explored -explored-3444,0.5492824074074076,18,explored -explored-3445,0.35601851851851873,15,explored -explored-3446,0.16041666666666687,14,explored -explored-3447,0.409201388888889,24,explored -explored-3448,0.6156250000000001,8,explored -explored-3449,0.5398437500000002,6,explored -explored-3450,0.6630787037037038,20,explored -explored-3451,0.22876157407407427,18,explored -explored-3452,0.4139467592592595,24,explored -explored-3453,0.36875000000000036,19,explored -explored-3454,0.4726562500000002,12,explored -explored-3455,0.5566666666666666,7,explored -explored-3456,0.4299479166666669,10,explored -explored-3457,0.47430555555555554,15,explored -explored-3458,0.15486111111111134,18,explored -explored-3459,0.30859375000000033,11,explored -explored-3460,0.5946180555555557,9,explored -explored-3461,0.7103587962962964,19,explored -explored-3462,0.5929687500000002,9,explored -explored-3463,0.23697916666666674,19,explored -explored-3464,0.3274131944444447,19,explored -explored-3465,0.6698611111111112,10,explored -explored-3466,0.684796626984127,32,explored -explored-3467,0.3670138888888891,15,explored -explored-3468,0.4423611111111113,11,explored -explored-3469,0.6773003472222223,16,explored -explored-3470,0.3206597222222224,19,explored -explored-3471,0.4065104166666669,23,explored -explored-3472,0.5826388888888888,11,explored -explored-3473,0.33888888888888924,13,explored -explored-3474,0.17604166666666687,16,explored -explored-3475,0.21484375000000022,13,explored -explored-3476,0.7605902777777779,5,explored -explored-3477,0.5812500000000003,16,explored -explored-3478,0.6072916666666668,6,explored -explored-3479,0.582777777777778,11,explored -explored-3480,0.6837673611111112,7,explored -explored-3481,0.4940972222222224,11,explored -explored-3482,0.6895833333333334,9,explored -explored-3483,0.3888888888888893,12,explored -explored-3484,0.3680000000000002,20,explored -explored-3485,0.22187500000000027,14,explored -explored-3486,0.06927083333333361,16,explored -explored-3487,0.41527777777777797,10,explored -explored-3488,0.21062500000000028,21,explored -explored-3489,0.33506944444444486,13,explored -explored-3490,0.8256944444444445,8,explored -explored-3491,0.3250000000000003,14,explored -explored-3492,0.6236979166666667,11,explored -explored-3493,0.6239583333333335,9,explored -explored-3494,0.657638888888889,18,explored -explored-3495,0.46223958333333337,10,explored -explored-3496,0.5472569444444445,14,explored -explored-3497,0.5944444444444446,19,explored -explored-3498,0.15572916666666692,13,explored -explored-3499,0.4062500000000002,7,explored -explored-3500,0.7770833333333333,2,explored -explored-3501,0.7002343750000002,10,explored -explored-3502,0.7756944444444445,8,explored -explored-3503,0.3432291666666669,12,explored -explored-3504,0.3177083333333335,20,explored -explored-3505,0.5345486111111112,8,explored -explored-3506,0.6638310185185187,12,explored -explored-3507,0.5800347222222223,13,explored -explored-3508,0.6016203703703705,15,explored -explored-3509,0.8314236111111111,8,explored -explored-3510,0.6139178240740742,14,explored -explored-3511,0.7057291666666667,15,explored -explored-3512,0.4956597222222223,13,explored -explored-3513,0.7175520833333334,5,explored -explored-3514,0.23072916666666698,19,explored -explored-3515,0.5643952546296298,19,explored -explored-3516,0.6032291666666668,15,explored -explored-3517,0.35520833333333357,23,explored -explored-3518,0.6430121527777779,22,explored -explored-3519,0.4458333333333335,11,explored -explored-3520,0.7284722222222223,15,explored -explored-3521,0.517476851851852,16,explored -explored-3522,0.7578125,8,explored -explored-3523,0.5196180555555556,15,explored -explored-3524,0.6023611111111112,13,explored -explored-3525,0.6505208333333333,4,explored -explored-3526,0.46197916666666683,17,explored -explored-3527,0.6144097222222223,14,explored -explored-3528,0.5892708333333334,6,explored -explored-3529,0.5100868055555557,14,explored -explored-3530,0.21145833333333353,19,explored -explored-3531,0.7791666666666667,5,explored -explored-3532,0.4877604166666668,14,explored -explored-3533,0.5057002314814817,21,explored -explored-3534,0.32916666666666705,8,explored -explored-3535,0.234172453703704,19,explored -explored-3536,0.5390625000000002,10,explored -explored-3537,0.31367187500000016,18,explored -explored-3538,0.7181423611111112,11,explored -explored-3539,0.2695312500000001,24,explored -explored-3540,0.5717187500000002,11,explored -explored-3541,0.17881944444444486,14,explored -explored-3542,0.5901909722222225,10,explored -explored-3543,0.6284432870370371,9,explored -explored-3544,0.43333333333333357,13,explored -explored-3545,0.3968750000000003,10,explored -explored-3546,0.37708333333333344,19,explored -explored-3547,0.517013888888889,10,explored -explored-3548,0.4013541666666668,12,explored -explored-3549,0.450607638888889,18,explored -explored-3550,0.3759837962962965,20,explored -explored-3551,0.5824305555555558,16,explored -explored-3552,0.49578993055555565,28,explored -explored-3553,0.5632812500000002,8,explored -explored-3554,0.6909652777777779,28,explored -explored-3555,0.6640462962962964,29,explored -explored-3556,0.549479166666667,11,explored -explored-3557,0.27942708333333366,14,explored -explored-3558,0.6322916666666669,10,explored -explored-3559,0.7242708333333334,5,explored -explored-3560,0.5794270833333335,14,explored -explored-3561,0.1784722222222226,21,explored -explored-3562,0.6038194444444446,14,explored -explored-3563,0.5988136574074076,12,explored -explored-3564,0.14236111111111138,18,explored -explored-3565,0.27343750000000033,23,explored -explored-3566,0.7962500000000001,6,explored -explored-3567,0.6716145833333335,8,explored -explored-3568,0.5023437500000002,9,explored -explored-3569,0.7760995370370369,16,explored -explored-3570,0.6229166666666668,7,explored -explored-3571,0.3763020833333336,12,explored -explored-3572,0.5523726851851852,8,explored -explored-3573,0.49722222222222245,18,explored -explored-3574,0.3645833333333335,9,explored -explored-3575,0.649826388888889,7,explored -explored-3576,0.26666666666666705,9,explored -explored-3577,0.6138020833333334,8,explored -explored-3578,0.6319097222222223,8,explored -explored-3579,0.6895833333333334,5,explored -explored-3580,0.2809895833333337,13,explored -explored-3581,0.5493055555555557,17,explored -explored-3582,0.5610312500000001,15,explored -explored-3583,0.26423611111111145,18,explored -explored-3584,0.28379629629629644,13,explored -explored-3585,0.45625000000000027,12,explored -explored-3586,0.3134548611111112,18,explored -explored-3587,0.3015625000000003,13,explored -explored-3588,0.5489583333333332,10,explored -explored-3589,0.5039062500000002,21,explored -explored-3590,0.6452256944444446,25,explored -explored-3591,0.8370833333333333,5,explored -explored-3592,0.39363425925925966,15,explored -explored-3593,0.333854166666667,17,explored -explored-3594,0.45416666666666683,19,explored -explored-3595,0.5006944444444443,7,explored -explored-3596,0.4495949074074075,11,explored -explored-3597,0.5820601851851853,13,explored -explored-3598,0.5076388888888891,10,explored -explored-3599,0.6640625000000001,6,explored -explored-3600,0.6366319444444446,13,explored -explored-3601,0.332291666666667,9,explored -explored-3602,0.5372685185185186,15,explored -explored-3603,0.4533333333333336,12,explored -explored-3604,0.28819444444444464,13,explored -explored-3605,0.539814814814815,14,explored -explored-3606,0.6333333333333333,9,explored -explored-3607,0.6331597222222224,15,explored -explored-3608,0.32291666666666674,13,explored -explored-3609,0.6608796296296298,6,explored -explored-3610,0.6403993055555557,35,explored -explored-3611,0.5791666666666668,8,explored -explored-3612,0.70625,3,explored -explored-3613,0.7210069444444446,7,explored -explored-3614,0.3997395833333335,9,explored -explored-3615,0.5898958333333334,11,explored -explored-3616,0.35416666666666674,12,explored -explored-3617,0.2440104166666669,15,explored -explored-3618,0.33055555555555594,12,explored -explored-3619,0.7260416666666668,12,explored -explored-3620,0.3757118055555557,15,explored -explored-3621,0.38535879629629644,19,explored -explored-3622,0.6254166666666668,7,explored -explored-3623,0.6312500000000002,14,explored -explored-3624,0.61640625,5,explored -explored-3625,0.6605581597222223,36,explored -explored-3626,0.5967447916666667,13,explored -explored-3627,0.36001157407407425,21,explored -explored-3628,0.5576678240740742,20,explored -explored-3629,0.29270833333333357,10,explored -explored-3630,0.298425925925926,19,explored -explored-3631,0.7414409722222223,11,explored -explored-3632,0.6092592592592594,16,explored -explored-3633,0.3333333333333337,12,explored -explored-3634,0.27109375000000024,12,explored -explored-3635,0.5895833333333333,14,explored -explored-3636,0.7124999999999999,8,explored -explored-3637,0.7390625,5,explored -explored-3638,0.21093750000000022,9,explored -explored-3639,0.5962500000000002,7,explored -explored-3640,0.2565972222222226,12,explored -explored-3641,0.5250000000000001,21,explored -explored-3642,0.4110821759259262,20,explored -explored-3643,0.355439814814815,18,explored -explored-3644,0.42552083333333357,12,explored -explored-3645,0.6854166666666668,6,explored -explored-3646,0.6073437500000002,10,explored -explored-3647,0.6295138888888889,17,explored -explored-3648,0.7664062500000001,4,explored -explored-3649,0.5692708333333335,7,explored -explored-3650,0.6489583333333333,13,explored -explored-3651,0.3940104166666669,13,explored -explored-3652,0.6526041666666667,7,explored -explored-3653,0.4476128472222224,28,explored -explored-3654,0.7186111111111112,5,explored -explored-3655,0.6243055555555557,14,explored -explored-3656,0.6531250000000001,10,explored -explored-3657,0.7780555555555555,7,explored -explored-3658,0.6166666666666667,3,explored -explored-3659,0.371354166666667,15,explored -explored-3660,0.733420138888889,9,explored -explored-3661,0.7765625,4,explored -explored-3662,0.5239583333333335,7,explored -explored-3663,0.5489583333333335,8,explored -explored-3664,0.3822048611111113,19,explored -explored-3665,0.38333333333333364,19,explored -explored-3666,0.2782986111111114,16,explored -explored-3667,0.5551793981481483,14,explored -explored-3668,0.5214409722222224,12,explored -explored-3669,0.6794994212962964,33,explored -explored-3670,0.5286458333333333,11,explored -explored-3671,0.5803240740740743,9,explored -explored-3672,0.5097222222222224,16,explored -explored-3673,0.5905208333333335,28,explored -explored-3674,0.6667731481481483,24,explored -explored-3675,0.6038194444444447,11,explored -explored-3676,0.4916666666666668,7,explored -explored-3677,0.5752604166666668,10,explored -explored-3678,0.7913425925925927,10,explored -explored-3679,0.47296527777777797,14,explored -explored-3680,0.5697916666666667,18,explored -explored-3681,0.40000000000000013,10,explored -explored-3682,0.4604166666666669,11,explored -explored-3683,0.4916666666666666,14,explored -explored-3684,0.42826967592592613,20,explored -explored-3685,0.4906250000000002,10,explored -explored-3686,0.697013888888889,11,explored -explored-3687,0.3197916666666668,9,explored -explored-3688,0.5822916666666669,5,explored -explored-3689,0.4598958333333335,12,explored -explored-3690,0.45729166666666676,12,explored -explored-3691,0.4409722222222223,11,explored -explored-3692,0.7144965277777778,10,explored -explored-3693,0.5909722222222221,8,explored -explored-3694,0.41927083333333326,10,explored -explored-3695,0.571527777777778,17,explored -explored-3696,0.4212962962962965,11,explored -explored-3697,0.42986111111111147,12,explored -explored-3698,0.6506944444444445,12,explored -explored-3699,0.5474537037037038,14,explored -explored-3700,0.8414930555555555,10,explored -explored-3701,0.29166666666666685,21,explored -explored-3702,0.4887152777777779,11,explored -explored-3703,0.25312500000000027,17,explored -explored-3704,0.6,10,explored -explored-3705,0.36527777777777803,24,explored -explored-3706,0.30529513888888915,17,explored -explored-3707,0.4516782407407409,15,explored -explored-3708,0.47187500000000027,11,explored -explored-3709,0.5208333333333335,17,explored -explored-3710,0.5358506944444443,15,explored -explored-3711,0.5450520833333335,8,explored -explored-3712,0.5060763888888891,5,explored -explored-3713,0.3744791666666668,13,explored -explored-3714,0.2610677083333335,20,explored -explored-3715,0.6924479166666668,9,explored -explored-3716,0.5677083333333334,15,explored -explored-3717,0.6213541666666668,5,explored -explored-3718,0.6267361111111113,12,explored -explored-3719,0.6105613425925928,12,explored -explored-3720,0.5907609953703705,22,explored -explored-3721,0.410416666666667,12,explored -explored-3722,0.7309895833333334,10,explored -explored-3723,0.19635416666666705,14,explored -explored-3724,0.504166666666667,5,explored -explored-3725,0.5291232638888891,20,explored -explored-3726,0.4687500000000002,12,explored -explored-3727,0.6069444444444446,18,explored -explored-3728,0.39236111111111127,16,explored -explored-3729,0.6137500000000001,8,explored -explored-3730,0.08125000000000027,9,explored -explored-3731,0.7208333333333333,6,explored -explored-3732,0.13819444444444473,14,explored -explored-3733,0.34438657407407425,18,explored -explored-3734,0.7026041666666667,6,explored -explored-3735,0.5349826388888891,21,explored -explored-3736,0.4600115740740742,20,explored -explored-3737,0.44687500000000036,12,explored -explored-3738,0.2312500000000003,11,explored -explored-3739,0.4133680555555559,18,explored -explored-3740,0.7458333333333335,5,explored -explored-3741,0.2715277777777779,17,explored -explored-3742,0.6353298611111112,11,explored -explored-3743,0.26527777777777817,8,explored -explored-3744,0.6618663194444445,29,explored -explored-3745,0.5586805555555557,14,explored -explored-3746,0.23611111111111127,16,explored -explored-3747,0.5802083333333333,11,explored -explored-3748,0.49473958333333345,15,explored -explored-3749,0.7382465277777779,7,explored -explored-3750,0.6628472222222221,6,explored -explored-3751,0.2732638888888891,14,explored -explored-3752,0.6812500000000001,8,explored -explored-3753,0.22459490740740762,22,explored -explored-3754,0.568546875,20,explored -explored-3755,0.7619791666666668,4,explored -explored-3756,0.5517361111111112,13,explored -explored-3757,0.644363425925926,8,explored -explored-3758,0.6795250496031747,39,explored -explored-3759,0.5635416666666668,28,explored -explored-3760,0.543576388888889,7,explored -explored-3761,0.6213541666666668,9,explored -explored-3762,0.5134548611111112,18,explored -explored-3763,0.29852430555555587,21,explored -explored-3764,0.5345486111111112,9,explored -explored-3765,0.85,1,explored -explored-3766,0.5996527777777779,7,explored -explored-3767,0.6186805555555557,22,explored -explored-3768,0.6309027777777778,39,explored -explored-3769,0.5121527777777779,13,explored -explored-3770,0.4199218750000001,12,explored -explored-3771,0.4698958333333335,13,explored -explored-3772,0.5071180555555557,17,explored -explored-3773,0.6217881944444447,14,explored -explored-3774,0.5116319444444446,10,explored -explored-3775,0.6256944444444447,14,explored -explored-3776,0.32673611111111145,12,explored -explored-3777,0.6023437500000002,19,explored -explored-3778,0.39748263888888924,18,explored -explored-3779,0.31857638888888906,17,explored -explored-3780,0.3812500000000003,9,explored -explored-3781,0.5333333333333334,8,explored -explored-3782,0.6966145833333335,12,explored -explored-3783,0.5616319444444446,14,explored -explored-3784,0.6858680555555556,7,explored -explored-3785,0.6692708333333335,11,explored -explored-3786,0.5840277777777779,10,explored -explored-3787,0.4641840277777779,17,explored -explored-3788,0.5380208333333335,11,explored -explored-3789,0.5558854166666669,12,explored -explored-3790,0.451041666666667,8,explored -explored-3791,0.2826388888888891,17,explored -explored-3792,0.6575520833333335,13,explored -explored-3793,0.42786458333333355,18,explored -explored-3794,0.6932291666666668,12,explored -explored-3795,0.19143518518518543,23,explored -explored-3796,0.6960937500000001,10,explored -explored-3797,0.42777777777777803,20,explored -explored-3798,0.6929542824074075,14,explored -explored-3799,0.4927083333333333,7,explored -explored-3800,0.19333043981481512,18,explored -explored-3801,0.2661458333333335,19,explored -explored-3802,0.412170138888889,18,explored -explored-3803,0.5619097222222225,16,explored -explored-3804,0.6320891203703705,13,explored -explored-3805,0.7451967592592593,8,explored -explored-3806,0.23593750000000036,16,explored -explored-3807,0.5180555555555555,11,explored -explored-3808,0.31006944444444473,10,explored -explored-3809,0.7301909722222223,14,explored -explored-3810,0.369965277777778,13,explored -explored-3811,0.413888888888889,18,explored -explored-3812,0.5029513888888891,12,explored -explored-3813,0.5515972222222223,16,explored -explored-3814,0.6744791666666667,13,explored -explored-3815,0.23194444444444462,17,explored -explored-3816,0.6345503472222223,41,explored -explored-3817,0.5179687500000001,7,explored -explored-3818,0.5765625000000002,10,explored -explored-3819,0.5156250000000002,11,explored -explored-3820,0.46354166666666685,12,explored -explored-3821,0.589451388888889,36,explored -explored-3822,0.2284722222222224,15,explored -explored-3823,0.682465277777778,11,explored -explored-3824,0.7614583333333336,1,explored -explored-3825,0.5197337962962965,28,explored -explored-3826,0.6879687500000001,8,explored -explored-3827,0.3699074074074076,17,explored -explored-3828,0.4313541666666669,21,explored -explored-3829,0.6955324074074075,8,explored -explored-3830,0.5895833333333333,6,explored -explored-3831,0.5550000000000002,8,explored -explored-3832,0.3328125000000002,21,explored -explored-3833,0.7159722222222222,4,explored -explored-3834,0.554340277777778,9,explored -explored-3835,0.3911458333333335,13,explored -explored-3836,0.5301041666666668,10,explored -explored-3837,0.5843750000000001,12,explored -explored-3838,0.7046875000000001,8,explored -explored-3839,0.4847222222222224,16,explored -explored-3840,0.7159722222222222,6,explored -explored-3841,0.6958333333333334,12,explored -explored-3842,0.5139467592592595,23,explored -explored-3843,0.5109375,16,explored -explored-3844,0.26041666666666696,10,explored -explored-3845,0.3826388888888892,16,explored -explored-3846,0.6844618055555557,18,explored -explored-3847,0.5767361111111113,6,explored -explored-3848,0.19103009259259296,19,explored -explored-3849,0.337760416666667,8,explored -explored-3850,0.4631944444444447,12,explored -explored-3851,0.3796875000000002,15,explored -explored-3852,0.5818287037037039,29,explored -explored-3853,0.25694444444444464,17,explored -explored-3854,0.5691840277777779,8,explored -explored-3855,0.14739583333333361,12,explored -explored-3856,0.8401041666666668,3,explored -explored-3857,0.7395833333333335,5,explored -explored-3858,0.6451099537037038,6,explored -explored-3859,0.7065185185185185,22,explored -explored-3860,0.4083333333333333,6,explored -explored-3861,0.29166666666666696,12,explored -explored-3862,0.7364583333333334,3,explored -explored-3863,0.213715277777778,14,explored -explored-3864,0.06093750000000031,15,explored -explored-3865,0.24565972222222254,20,explored -explored-3866,0.20607638888888902,16,explored -explored-3867,0.7379722222222223,34,explored -explored-3868,0.3197916666666668,6,explored -explored-3869,0.5616319444444445,6,explored -explored-3870,0.611545138888889,11,explored -explored-3871,0.8168402777777779,8,explored -explored-3872,0.5616319444444445,8,explored -explored-3873,0.6954282407407408,8,explored -explored-3874,0.6079166666666668,8,explored -explored-3875,0.5396875000000002,21,explored -explored-3876,0.8375,4,explored -explored-3877,0.23125000000000018,12,explored -explored-3878,0.6553819444444446,10,explored -explored-3879,0.6212962962962965,16,explored -explored-3880,0.5177083333333334,11,explored -explored-3881,0.35509259259259274,10,explored -explored-3882,0.7053472222222223,9,explored -explored-3883,0.7614583333333336,2,explored -explored-3884,0.6618819444444445,38,explored -explored-3885,0.39024884259259274,17,explored -explored-3886,0.5822916666666668,4,explored -explored-3887,0.5239583333333335,12,explored -explored-3888,0.32621527777777803,18,explored -explored-3889,0.2943576388888892,21,explored -explored-3890,0.20329861111111136,13,explored -explored-3891,0.5711805555555557,13,explored -explored-3892,0.4370659722222223,17,explored -explored-3893,0.7492187500000002,5,explored -explored-3894,0.6053819444444445,8,explored -explored-3895,0.35421875000000014,12,explored -explored-3896,0.6055555555555555,12,explored -explored-3897,0.5586805555555556,15,explored -explored-3898,0.5555555555555556,12,explored -explored-3899,0.5911458333333335,5,explored -explored-3900,0.6720486111111112,8,explored -explored-3901,0.5479166666666668,10,explored -explored-3902,0.6129918981481483,16,explored -explored-3903,0.5638020833333335,11,explored -explored-3904,0.2761574074074076,23,explored -explored-3905,0.6934895833333334,5,explored -explored-3906,0.7055555555555557,11,explored -explored-3907,0.3835937500000002,19,explored -explored-3908,0.6322916666666668,8,explored -explored-3909,0.7484722222222222,10,explored -explored-3910,0.5859953703703705,11,explored -explored-3911,0.5776909722222224,12,explored -explored-3912,0.33302951388888913,23,explored -explored-3913,0.2783564814814816,15,explored -explored-3914,0.7802083333333334,7,explored -explored-3915,0.33211805555555585,20,explored -explored-3916,0.7804687500000002,4,explored -explored-3917,0.23697916666666696,15,explored -explored-3918,0.5416666666666669,10,explored -explored-3919,0.5898437500000002,10,explored -explored-3920,0.2506944444444448,12,explored -explored-3921,0.37265625000000013,16,explored -explored-3922,0.35145833333333343,16,explored -explored-3923,0.3061342592592594,20,explored -explored-3924,0.75,10,explored -explored-3925,0.5315972222222225,11,explored -explored-3926,0.21093750000000022,12,explored -explored-3927,0.4083333333333332,7,explored -explored-3928,0.42482638888888913,17,explored -explored-3929,0.5113425925925927,16,explored -explored-3930,0.4302083333333334,14,explored -explored-3931,0.7061631944444445,3,explored -explored-3932,0.30729166666666674,18,explored -explored-3933,0.5840277777777778,9,explored -explored-3934,0.5708333333333335,5,explored -explored-3935,0.0677083333333337,11,explored -explored-3936,0.7400173611111112,11,explored -explored-3937,0.4343750000000002,10,explored -explored-3938,0.9104166666666667,5,explored -explored-3939,0.7541666666666667,4,explored -explored-3940,0.4252604166666668,15,explored -explored-3941,0.47675057870370385,23,explored -explored-3942,0.5653935185185187,13,explored -explored-3943,0.3419444444444446,15,explored -explored-3944,0.4938541666666667,8,explored -explored-3945,0.5236284722222224,20,explored -explored-3946,0.4179687500000002,14,explored -explored-3947,0.4190277777777779,19,explored -explored-3948,0.40486111111111134,11,explored -explored-3949,0.4583912037037039,16,explored -explored-3950,0.3021412037037041,18,explored -explored-3951,0.5137615740740742,13,explored -explored-3952,0.4802083333333337,16,explored -explored-3953,0.5166319444444446,11,explored -explored-3954,0.5266145833333334,21,explored -explored-3955,0.6839409722222223,15,explored -explored-3956,0.41458333333333375,10,explored -explored-3957,0.4536458333333335,10,explored -explored-3958,0.6053819444444446,13,explored -explored-3959,0.3479166666666669,14,explored -explored-3960,0.7151041666666667,6,explored -explored-3961,0.28333333333333355,24,explored -explored-3962,0.41171875000000013,10,explored -explored-3963,0.78328125,8,explored -explored-3964,0.6343750000000001,7,explored -explored-3965,0.37864583333333357,11,explored -explored-3966,0.7385416666666668,7,explored -explored-3967,0.6098958333333335,6,explored -explored-3968,0.5972222222222223,17,explored -explored-3969,0.45468750000000013,16,explored -explored-3970,0.7489583333333333,7,explored -explored-3971,0.5423611111111113,11,explored -explored-3972,0.7208333333333334,4,explored -explored-3973,0.08125000000000027,12,explored -explored-3974,0.47135416666666685,7,explored -explored-3975,0.5052083333333335,9,explored -explored-3976,0.4652777777777779,12,explored -explored-3977,0.4155092592592595,21,explored -explored-3978,0.32144097222222245,17,explored -explored-3979,0.7012013888888889,32,explored -explored-3980,0.4956597222222223,9,explored -explored-3981,0.45416666666666705,16,explored -explored-3982,0.6156250000000001,8,explored -explored-3983,0.38802083333333337,8,explored -explored-3984,0.38550347222222237,21,explored -explored-3985,0.6707031250000002,25,explored -explored-3986,0.6718750000000002,6,explored -explored-3987,0.7080729166666668,13,explored -explored-3988,0.31898148148148153,17,explored -explored-3989,0.39236111111111116,11,explored -explored-3990,0.47682291666666676,16,explored -explored-3991,0.7864583333333333,6,explored -explored-3992,0.40303819444444455,19,explored -explored-3993,0.7162500000000002,6,explored -explored-3994,0.6797569444444446,7,explored -explored-3995,0.146354166666667,13,explored -explored-3996,0.7117476851851853,11,explored -explored-3997,0.4539930555555556,10,explored -explored-3998,0.6188802083333335,35,explored -explored-3999,0.5444270833333335,16,explored -explored-4000,0.2855034722222225,22,explored -explored-4001,0.6036458333333334,14,explored -explored-4002,0.23802083333333357,11,explored -explored-4003,0.4109375000000004,12,explored -explored-4004,0.419791666666667,13,explored -explored-4005,0.22916666666666696,11,explored -explored-4006,0.6002604166666669,4,explored -explored-4007,0.7022430555555557,36,explored -explored-4008,0.1687500000000004,12,explored -explored-4009,0.8083333333333335,2,explored -explored-4010,0.32875578703703734,22,explored -explored-4011,0.3739583333333336,19,explored -explored-4012,0.3298611111111114,20,explored -explored-4013,0.3007812500000001,11,explored -explored-4014,0.21944444444444478,16,explored -explored-4015,0.6411458333333333,8,explored -explored-4016,0.43281250000000016,13,explored -explored-4017,0.34375000000000033,9,explored -explored-4018,0.7736979166666667,13,explored -explored-4019,0.6508333333333334,11,explored -explored-4020,0.5421875000000002,9,explored -explored-4021,0.38333333333333364,9,explored -explored-4022,0.6494502314814816,9,explored -explored-4023,0.5151041666666668,8,explored -explored-4024,0.7511226851851853,14,explored -explored-4025,0.5216145833333335,11,explored -explored-4026,0.3221354166666669,19,explored -explored-4027,0.32777777777777795,17,explored -explored-4028,0.47473958333333355,14,explored -explored-4029,0.6340277777777779,8,explored -explored-4030,0.6722222222222223,10,explored -explored-4031,0.5347222222222221,13,explored -explored-4032,0.40538194444444453,14,explored -explored-4033,0.7130208333333334,8,explored -explored-4034,0.2980902777777781,12,explored -explored-4035,0.315416666666667,18,explored -explored-4036,0.3734375000000001,11,explored -explored-4037,0.31250000000000044,10,explored -explored-4038,0.7089409722222223,14,explored -explored-4039,0.16770833333333357,13,explored -explored-4040,0.41087962962962987,22,explored -explored-4041,0.6686342592592593,11,explored -explored-4042,0.4583333333333335,13,explored -explored-4043,0.5165625000000003,14,explored -explored-4044,0.48697916666666685,14,explored -explored-4045,0.6427083333333334,18,explored -explored-4046,0.7296874999999999,8,explored -explored-4047,0.4453611111111113,19,explored -explored-4048,0.5744791666666669,11,explored -explored-4049,0.34583333333333344,15,explored -explored-4050,0.8,4,explored -explored-4051,0.3491319444444446,23,explored -explored-4052,0.341666666666667,16,explored -explored-4053,0.20598958333333361,16,explored -explored-4054,0.611701388888889,9,explored -explored-4055,0.2986111111111114,16,explored -explored-4056,0.5140625000000003,9,explored -explored-4057,0.49629629629629646,17,explored -explored-4058,0.45920138888888906,18,explored -explored-4059,0.6686342592592593,12,explored -explored-4060,0.495138888888889,15,explored -explored-4061,0.47758680555555566,15,explored -explored-4062,0.28420138888888924,18,explored -explored-4063,0.2175347222222226,15,explored -explored-4064,0.2729166666666668,10,explored -explored-4065,0.43524305555555587,9,explored -explored-4066,0.43524305555555576,19,explored -explored-4067,0.589351851851852,15,explored -explored-4068,0.2888888888888892,15,explored -explored-4069,0.5290798611111114,15,explored -explored-4070,0.5570312500000001,8,explored -explored-4071,0.5076388888888891,15,explored -explored-4072,0.5573784722222224,17,explored -explored-4073,0.6841145833333334,5,explored -explored-4074,0.6125,7,explored -explored-4075,0.5453125000000001,8,explored -explored-4076,0.3197916666666668,20,explored -explored-4077,0.2951388888888892,18,explored -explored-4078,0.6630555555555557,12,explored -explored-4079,0.5703125000000003,8,explored -explored-4080,0.6743055555555555,9,explored -explored-4081,0.2171875000000003,21,explored -explored-4082,0.5802083333333333,7,explored -explored-4083,0.21597222222222245,21,explored -explored-4084,0.6941371527777779,29,explored -explored-4085,0.23333333333333361,19,explored -explored-4086,0.6161458333333335,13,explored -explored-4087,0.426041666666667,11,explored -explored-4088,0.24369212962962972,16,explored -explored-4089,0.316666666666667,14,explored -explored-4090,0.20717592592592626,16,explored -explored-4091,0.4130787037037038,19,explored -explored-4092,0.6666666666666667,3,explored -explored-4093,0.6901157407407408,6,explored -explored-4094,0.5478009259259261,14,explored -explored-4095,0.5368055555555558,14,explored -explored-4096,0.6269097222222224,10,explored -explored-4097,0.34982638888888906,20,explored -explored-4098,0.6272569444444446,17,explored -explored-4099,0.5773437500000002,11,explored -explored-4100,0.44140625,9,explored -explored-4101,0.4859375,9,explored -explored-4102,0.40552083333333344,16,explored -explored-4103,0.49263888888888907,10,explored -explored-4104,0.29010416666666683,16,explored -explored-4105,0.38159722222222237,15,explored -explored-4106,0.7115277777777779,6,explored -explored-4107,0.519791666666667,9,explored -explored-4108,0.6456481481481482,10,explored -explored-4109,0.48107638888888893,9,explored -explored-4110,0.6960937500000001,12,explored -explored-4111,0.5817708333333333,8,explored -explored-4112,0.5940104166666668,4,explored -explored-4113,0.36053240740740766,19,explored -explored-4114,0.40694444444444466,17,explored -explored-4115,0.23802083333333357,9,explored -explored-4116,0.22309027777777812,19,explored -explored-4117,0.5062500000000001,14,explored -explored-4118,0.605150462962963,15,explored -explored-4119,0.5539062500000002,13,explored -explored-4120,0.6818090277777779,29,explored -explored-4121,0.10625000000000018,12,explored -explored-4122,0.29947916666666685,7,explored -explored-4123,0.6814930555555557,8,explored -explored-4124,0.3521875000000003,13,explored -explored-4125,0.81625,1,explored -explored-4126,0.5930555555555557,20,explored -explored-4127,0.7584104662698413,27,explored -explored-4128,0.23125000000000018,8,explored -explored-4129,0.24531250000000027,17,explored -explored-4130,0.6034722222222222,12,explored -explored-4131,0.5668750000000001,9,explored -explored-4132,0.31796875000000024,12,explored -explored-4133,0.6039930555555557,9,explored -explored-4134,0.6744502314814815,17,explored -explored-4135,0.6351128472222224,19,explored -explored-4136,0.6408854166666668,11,explored -explored-4137,0.4138194444444445,18,explored -explored-4138,0.38593750000000016,15,explored -explored-4139,0.28379629629629655,23,explored -explored-4140,0.29079861111111127,23,explored -explored-4141,0.6356597222222223,7,explored -explored-4142,0.39079861111111147,11,explored -explored-4143,0.3197916666666668,12,explored -explored-4144,0.7329861111111111,13,explored -explored-4145,0.6461805555555558,9,explored -explored-4146,0.40538194444444464,13,explored -explored-4147,0.7256944444444444,7,explored -explored-4148,0.12500000000000022,15,explored -explored-4149,0.5993923611111112,11,explored -explored-4150,0.3880208333333335,15,explored -explored-4151,0.7819791666666667,6,explored -explored-4152,0.5475694444444446,16,explored -explored-4153,0.43125000000000036,12,explored -explored-4154,0.6537673611111112,28,explored -explored-4155,0.5020833333333335,18,explored -explored-4156,0.057812500000000266,17,explored -explored-4157,0.4579861111111113,14,explored -explored-4158,0.26093750000000016,17,explored -explored-4159,0.4862500000000002,13,explored -explored-4160,0.32291666666666674,13,explored -explored-4161,0.35703125000000013,10,explored -explored-4162,0.2956597222222226,10,explored -explored-4163,0.519027777777778,16,explored -explored-4164,0.3821759259259263,21,explored -explored-4165,0.44010416666666696,12,explored -explored-4166,0.21093750000000022,15,explored -explored-4167,0.7873842592592594,7,explored -explored-4168,0.7093750000000001,2,explored -explored-4169,0.6396875000000001,5,explored -explored-4170,0.27847222222222234,11,explored -explored-4171,0.6708333333333335,7,explored -explored-4172,0.5953559027777778,14,explored -explored-4173,0.4572916666666669,8,explored -explored-4174,0.6107060185185187,14,explored -explored-4175,0.5856597222222224,20,explored -explored-4176,0.663715277777778,13,explored -explored-4177,0.40843750000000023,13,explored -explored-4178,0.6817245370370372,6,explored -explored-4179,0.5013165509259261,17,explored -explored-4180,0.3097916666666669,13,explored -explored-4181,0.7047083333333334,27,explored -explored-4182,0.7343315972222224,16,explored -explored-4183,0.37523148148148155,20,explored -explored-4184,0.5822916666666668,15,explored -explored-4185,0.37170138888888893,11,explored -explored-4186,0.46622048611111133,21,explored -explored-4187,0.587152777777778,8,explored -explored-4188,0.705457175925926,12,explored -explored-4189,0.33706597222222245,15,explored -explored-4190,0.5313657407407408,12,explored -explored-4191,0.40885416666666685,14,explored -explored-4192,0.6736689814814816,18,explored -explored-4193,0.42078703703703735,15,explored -explored-4194,0.6250520833333334,7,explored -explored-4195,0.4965277777777777,12,explored -explored-4196,0.5906250000000002,7,explored -explored-4197,0.6650173611111112,12,explored -explored-4198,0.4369791666666669,19,explored -explored-4199,0.3557870370370372,15,explored -explored-4200,0.665,10,explored -explored-4201,0.5286458333333335,15,explored -explored-4202,0.7359375000000001,3,explored -explored-4203,0.4765625000000002,18,explored -explored-4204,0.14270833333333366,12,explored -explored-4205,0.6041666666666667,9,explored -explored-4206,0.18750000000000022,16,explored -explored-4207,0.42395833333333366,11,explored -explored-4208,0.6302083333333333,9,explored -explored-4209,0.7347858796296297,9,explored -explored-4210,0.2802083333333335,17,explored -explored-4211,0.4987847222222225,18,explored -explored-4212,0.39375000000000027,9,explored -explored-4213,0.18125000000000036,11,explored -explored-4214,0.4222656250000002,13,explored -explored-4215,0.3959780092592595,16,explored -explored-4216,0.5026041666666667,17,explored -explored-4217,0.456539351851852,16,explored -explored-4218,0.6073072916666667,42,explored -explored-4219,0.7493055555555556,6,explored -explored-4220,0.1810185185185187,16,explored -explored-4221,0.09010416666666687,16,explored -explored-4222,0.43263888888888913,20,explored -explored-4223,0.4131250000000002,15,explored -explored-4224,0.8265972222222222,12,explored -explored-4225,0.7202256944444445,15,explored -explored-4226,0.37604166666666683,16,explored -explored-4227,0.1942129629629632,19,explored -explored-4228,0.6284432870370371,15,explored -explored-4229,0.5778645833333333,10,explored -explored-4230,0.4296875,12,explored -explored-4231,0.3635416666666669,14,explored -explored-4232,0.3460937500000003,13,explored -explored-4233,0.7132812500000001,13,explored -explored-4234,0.7437500000000001,11,explored -explored-4235,0.4789930555555557,18,explored -explored-4236,0.34388888888888913,14,explored -explored-4237,0.6799652777777779,8,explored -explored-4238,0.4203125000000002,15,explored -explored-4239,0.725,8,explored -explored-4240,0.6300057870370371,9,explored -explored-4241,0.7429687500000001,5,explored -explored-4242,0.23541666666666705,17,explored -explored-4243,0.37656250000000024,11,explored -explored-4244,0.5779687500000001,28,explored -explored-4245,0.7453125,6,explored -explored-4246,0.3524305555555558,16,explored -explored-4247,0.5338541666666669,13,explored -explored-4248,0.7154166666666667,22,explored -explored-4249,0.4354166666666668,11,explored -explored-4250,0.433101851851852,21,explored -explored-4251,0.5977430555555557,13,explored -explored-4252,0.48750000000000016,12,explored -explored-4253,0.5019097222222224,12,explored -explored-4254,0.07812500000000022,17,explored -explored-4255,0.4453125000000002,14,explored -explored-4256,0.4916666666666668,17,explored -explored-4257,0.531076388888889,12,explored -explored-4258,0.5428819444444446,14,explored -explored-4259,0.3881944444444446,12,explored -explored-4260,0.11875000000000013,12,explored -explored-4261,0.6780555555555556,8,explored -explored-4262,0.6947395833333334,12,explored -explored-4263,0.40104166666666674,18,explored -explored-4264,0.5432291666666669,11,explored -explored-4265,0.49036458333333355,15,explored -explored-4266,0.20833333333333348,17,explored -explored-4267,0.07187500000000036,18,explored -explored-4268,0.24583333333333346,12,explored -explored-4269,0.18802083333333353,12,explored -explored-4270,0.19583333333333341,16,explored -explored-4271,0.6493055555555557,8,explored -explored-4272,0.5498842592592594,11,explored -explored-4273,0.4989583333333335,11,explored -explored-4274,0.479513888888889,18,explored -explored-4275,0.6144097222222223,13,explored -explored-4276,0.767795138888889,7,explored -explored-4277,0.687152777777778,12,explored -explored-4278,0.6398958333333333,9,explored -explored-4279,0.7099276620370372,21,explored -explored-4280,0.5942708333333334,15,explored -explored-4281,0.25208333333333366,16,explored -explored-4282,0.3505208333333335,8,explored -explored-4283,0.6359953703703705,13,explored -explored-4284,0.3421875000000001,19,explored -explored-4285,0.28524305555555585,10,explored -explored-4286,0.45868055555555576,12,explored -explored-4287,0.7021898148148149,42,explored -explored-4288,0.40633680555555585,21,explored -explored-4289,0.6580150462962964,10,explored -explored-4290,0.3987847222222225,13,explored -explored-4291,0.6321469907407409,16,explored -explored-4292,0.4708333333333333,14,explored -explored-4293,0.7869791666666667,11,explored -explored-4294,0.5666666666666668,12,explored -explored-4295,0.36041666666666705,12,explored -explored-4296,0.449016203703704,19,explored -explored-4297,0.3046875000000002,17,explored -explored-4298,0.5607638888888891,8,explored -explored-4299,0.8296874999999999,4,explored -explored-4300,0.2773437500000002,12,explored -explored-4301,0.7086805555555556,11,explored -explored-4302,0.5369791666666667,9,explored -explored-4303,0.48307291666666674,17,explored -explored-4304,0.5956597222222222,9,explored -explored-4305,0.7191319444444445,8,explored -explored-4306,0.5908564814814816,13,explored -explored-4307,0.2864583333333335,15,explored -explored-4308,0.2781250000000002,20,explored -explored-4309,0.3910156250000002,27,explored -explored-4310,0.6239756944444446,14,explored -explored-4311,0.6024305555555556,15,explored -explored-4312,0.5713541666666667,16,explored -explored-4313,0.4947048611111112,14,explored -explored-4314,0.515596064814815,17,explored -explored-4315,0.5266666666666668,21,explored -explored-4316,0.7125000000000001,9,explored -explored-4317,0.3769965277777779,17,explored -explored-4318,0.22430555555555576,18,explored -explored-4319,0.5409953703703705,17,explored -explored-4320,0.5611111111111112,11,explored -explored-4321,0.6778645833333334,10,explored -explored-4322,0.5437500000000002,10,explored -explored-4323,0.14843750000000044,18,explored -explored-4324,0.5660879629629632,13,explored -explored-4325,0.2083333333333337,17,explored -explored-4326,0.4134259259259261,21,explored -explored-4327,0.24583333333333357,23,explored -explored-4328,0.6526620370370371,11,explored -explored-4329,0.34921875000000024,14,explored -explored-4330,0.6020833333333334,15,explored -explored-4331,0.5320833333333335,11,explored -explored-4332,0.587326388888889,10,explored -explored-4333,0.277777777777778,21,explored -explored-4334,0.4114583333333335,10,explored -explored-4335,0.17135416666666692,15,explored -explored-4336,0.734375,4,explored -explored-4337,0.6937500000000001,11,explored -explored-4338,0.4256944444444446,14,explored -explored-4339,0.4657986111111114,12,explored -explored-4340,0.6269097222222224,9,explored -explored-4341,0.1921875000000004,10,explored -explored-4342,0.38593750000000027,10,explored -explored-4343,0.7221064814814815,6,explored -explored-4344,0.46378472222222233,23,explored -explored-4345,0.6928750000000001,32,explored -explored-4346,0.5538541666666669,12,explored -explored-4347,0.5830729166666667,10,explored -explored-4348,0.5176215277777779,15,explored -explored-4349,0.6285879629629632,13,explored -explored-4350,0.7049305555555556,8,explored -explored-4351,0.6858796296296298,16,explored -explored-4352,0.7149479166666667,8,explored -explored-4353,0.6088541666666668,7,explored -explored-4354,0.30581597222222245,19,explored -explored-4355,0.504166666666667,7,explored -explored-4356,0.6294270833333334,7,explored -explored-4357,0.22777777777777808,13,explored -explored-4358,0.42500000000000027,13,explored -explored-4359,0.5088541666666668,7,explored -explored-4360,0.40442708333333344,21,explored -explored-4361,0.45763888888888904,15,explored -explored-4362,0.6005787037037038,16,explored -explored-4363,0.648611111111111,11,explored -explored-4364,0.6275000000000002,6,explored -explored-4365,0.6986111111111111,10,explored -explored-4366,0.5339988425925928,17,explored -explored-4367,0.5839409722222223,12,explored -explored-4368,0.26197916666666676,8,explored -explored-4369,0.3479166666666669,12,explored -explored-4370,0.7747974537037037,13,explored -explored-4371,0.4506076388888891,18,explored -explored-4372,0.4320312500000002,15,explored -explored-4373,0.5805555555555557,14,explored -explored-4374,0.13333333333333353,15,explored -explored-4375,0.4672222222222224,23,explored -explored-4376,0.4598958333333335,15,explored -explored-4377,0.5111111111111113,12,explored -explored-4378,0.6975347222222223,5,explored -explored-4379,0.34640625000000025,18,explored -explored-4380,0.5414930555555557,13,explored -explored-4381,0.5837500000000002,8,explored -explored-4382,0.32916666666666683,12,explored -explored-4383,0.6451371527777778,29,explored -explored-4384,0.4678240740740742,11,explored -explored-4385,0.6932291666666668,10,explored -explored-4386,0.8697916666666666,4,explored -explored-4387,0.4218750000000002,16,explored -explored-4388,0.7208333333333333,7,explored -explored-4389,0.5781250000000002,6,explored -explored-4390,0.5220486111111113,11,explored -explored-4391,0.3216145833333335,23,explored -explored-4392,0.6686342592592593,10,explored -explored-4393,0.6044270833333335,10,explored -explored-4394,0.3329861111111113,18,explored -explored-4395,0.427633101851852,15,explored -explored-4396,0.4381944444444448,12,explored -explored-4397,0.6828125,6,explored -explored-4398,0.4467013888888891,20,explored -explored-4399,0.6649594907407409,10,explored -explored-4400,0.28338541666666694,15,explored -explored-4401,0.3425347222222226,15,explored -explored-4402,0.8902777777777777,5,explored -explored-4403,0.471527777777778,15,explored -explored-4404,0.5868750000000001,8,explored -explored-4405,0.5805555555555557,16,explored -explored-4406,0.4765625000000001,10,explored -explored-4407,0.6803819444444446,9,explored -explored-4408,0.45318287037037064,16,explored -explored-4409,0.6302083333333335,8,explored -explored-4410,0.5088541666666668,14,explored -explored-4411,0.16562500000000036,16,explored -explored-4412,0.3725694444444446,23,explored -explored-4413,0.594357638888889,15,explored -explored-4414,0.41770833333333346,11,explored -explored-4415,0.22806712962962994,16,explored -explored-4416,0.7426041666666667,28,explored -explored-4417,0.41383101851851867,15,explored -explored-4418,0.6573784722222223,9,explored -explored-4419,0.5177083333333334,13,explored -explored-4420,0.3187500000000002,13,explored -explored-4421,0.4637500000000002,17,explored -explored-4422,0.7235879629629631,8,explored -explored-4423,0.45092592592592606,17,explored -explored-4424,0.6376157407407409,10,explored -explored-4425,0.41770833333333357,17,explored -explored-4426,0.5083333333333335,10,explored -explored-4427,0.5243055555555557,7,explored -explored-4428,0.4744212962962966,9,explored -explored-4429,0.3197916666666668,9,explored -explored-4430,0.6783680555555557,11,explored -explored-4431,0.35558449074074083,14,explored -explored-4432,0.39765625000000016,15,explored -explored-4433,0.7675347222222222,5,explored -explored-4434,0.10208333333333353,19,explored -explored-4435,0.5255208333333334,12,explored -explored-4436,0.27395833333333375,12,explored -explored-4437,0.30677083333333344,12,explored -explored-4438,0.607482638888889,15,explored -explored-4439,0.6571875000000001,8,explored -explored-4440,0.7859895833333335,6,explored -explored-4441,0.39861111111111136,19,explored -explored-4442,0.4083333333333333,8,explored -explored-4443,0.6687152777777778,13,explored -explored-4444,0.3333333333333335,14,explored -explored-4445,0.3949074074074077,17,explored -explored-4446,0.41765046296296304,15,explored -explored-4447,0.36054687500000027,15,explored -explored-4448,0.5312499999999999,7,explored -explored-4449,0.1312500000000003,12,explored -explored-4450,0.5288194444444446,11,explored -explored-4451,0.7940625000000001,5,explored -explored-4452,0.5577256944444445,13,explored -explored-4453,0.3114004629629632,15,explored -explored-4454,0.3197916666666668,8,explored -explored-4455,0.7252604166666667,7,explored -explored-4456,0.6531250000000002,3,explored -explored-4457,0.7317708333333335,9,explored -explored-4458,0.2962962962962965,19,explored -explored-4459,0.5330150462962965,14,explored -explored-4460,0.7142361111111113,6,explored -explored-4461,0.6852430555555556,12,explored -explored-4462,0.678125,11,explored -explored-4463,0.738984375,27,explored -explored-4464,0.4217013888888891,22,explored -explored-4465,0.5708333333333334,12,explored -explored-4466,0.41592592592592625,13,explored -explored-4467,0.6255208333333335,12,explored -explored-4468,0.32144097222222245,16,explored -explored-4469,0.478414351851852,16,explored -explored-4470,0.28828125000000016,15,explored -explored-4471,0.41180555555555576,13,explored -explored-4472,0.43081597222222223,11,explored -explored-4473,0.28871527777777795,22,explored -explored-4474,0.688570601851852,14,explored -explored-4475,0.6722222222222223,5,explored -explored-4476,0.3104166666666669,19,explored -explored-4477,0.38237847222222243,22,explored -explored-4478,0.5358796296296298,13,explored -explored-4479,0.4375000000000001,14,explored -explored-4480,0.39861111111111147,12,explored -explored-4481,0.3890625000000002,15,explored -explored-4482,0.21145833333333353,16,explored -explored-4483,0.5059895833333334,9,explored -explored-4484,0.48585069444444473,11,explored -explored-4485,0.1625000000000003,11,explored -explored-4486,0.4958680555555557,13,explored -explored-4487,0.8361458333333334,8,explored -explored-4488,0.6661458333333334,8,explored -explored-4489,0.6197916666666669,3,explored -explored-4490,0.20694444444444482,12,explored -explored-4491,0.1390625000000003,16,explored -explored-4492,0.3406250000000002,14,explored -explored-4493,0.40218750000000014,10,explored -explored-4494,0.1843750000000003,16,explored -explored-4495,0.6825520833333334,4,explored -explored-4496,0.39486111111111133,16,explored -explored-4497,0.5380208333333335,8,explored -explored-4498,0.557638888888889,16,explored -explored-4499,0.6142361111111113,6,explored -explored-4500,0.6477430555555557,9,explored -explored-4501,0.29284722222222226,24,explored -explored-4502,0.3356250000000002,12,explored -explored-4503,0.6739149305555556,25,explored -explored-4504,0.31510416666666685,10,explored -explored-4505,0.3695312500000002,19,explored -explored-4506,0.6551313657407408,15,explored -explored-4507,0.42164351851851867,20,explored -explored-4508,0.5904861111111112,13,explored -explored-4509,0.6307291666666668,10,explored -explored-4510,0.4006944444444447,9,explored -explored-4511,0.6113425925925927,17,explored -explored-4512,0.03663194444444473,18,explored -explored-4513,0.5687500000000001,12,explored -explored-4514,0.28828125000000016,15,explored -explored-4515,0.7386284722222223,12,explored -explored-4516,0.6426041666666669,15,explored -explored-4517,0.3694444444444447,19,explored -explored-4518,0.7875000000000001,10,explored -explored-4519,0.33618344907407427,25,explored -explored-4520,0.4111111111111112,13,explored -explored-4521,0.4809895833333335,14,explored -explored-4522,0.595138888888889,9,explored -explored-4523,0.2693865740740743,24,explored -explored-4524,0.043229166666666874,17,explored -explored-4525,0.5447800925925927,17,explored -explored-4526,0.18333333333333357,18,explored -explored-4527,0.6621527777777779,15,explored -explored-4528,0.7165509259259261,16,explored -explored-4529,0.6745659722222224,9,explored -explored-4530,0.32382812500000024,16,explored -explored-4531,0.23229166666666679,14,explored -explored-4532,0.24479166666666685,20,explored -explored-4533,0.15885416666666696,10,explored -explored-4534,0.3460358796296299,19,explored -explored-4535,0.6986111111111112,21,explored -explored-4536,0.40707754629629644,18,explored -explored-4537,0.4984375,10,explored -explored-4538,0.66484375,5,explored -explored-4539,0.7590920138888889,21,explored -explored-4540,0.5649305555555557,9,explored -explored-4541,0.7294878472222224,11,explored -explored-4542,0.5225694444444446,16,explored -explored-4543,0.7289930555555557,10,explored -explored-4544,0.5055555555555558,13,explored -explored-4545,0.6614583333333335,10,explored -explored-4546,0.28880208333333357,17,explored -explored-4547,0.7019097222222224,7,explored -explored-4548,0.6789930555555556,4,explored -explored-4549,0.37365451388888915,21,explored -explored-4550,0.6611979166666668,7,explored -explored-4551,0.319652777777778,22,explored -explored-4552,0.3247395833333334,18,explored -explored-4553,0.7419212962962964,7,explored -explored-4554,0.3142361111111114,18,explored -explored-4555,0.21458333333333368,16,explored -explored-4556,0.712326388888889,15,explored -explored-4557,0.5765625000000002,18,explored -explored-4558,0.721875,9,explored -explored-4559,0.7045425347222223,37,explored -explored-4560,0.4721354166666669,18,explored -explored-4561,0.7417534722222223,7,explored -explored-4562,0.2059027777777781,16,explored -explored-4563,0.3270833333333333,10,explored -explored-4564,0.0677083333333337,14,explored -explored-4565,0.718402777777778,10,explored -explored-4566,0.25607638888888906,16,explored -explored-4567,0.2864583333333335,15,explored -explored-4568,0.28333333333333366,9,explored -explored-4569,0.7174479166666669,6,explored -explored-4570,0.6579166666666668,11,explored -explored-4571,0.758125,7,explored -explored-4572,0.1687500000000004,15,explored -explored-4573,0.4706018518518521,14,explored -explored-4574,0.3061776620370372,25,explored -explored-4575,0.6394097222222224,16,explored -explored-4576,0.7869444444444444,7,explored -explored-4577,0.635763888888889,13,explored -explored-4578,0.6859201388888889,24,explored -explored-4579,0.6471354166666669,10,explored -explored-4580,0.7166666666666668,5,explored -explored-4581,0.5942708333333333,10,explored -explored-4582,0.4194444444444445,11,explored -explored-4583,0.30390625000000027,20,explored -explored-4584,0.7130729166666667,20,explored -explored-4585,0.7664062500000001,6,explored -explored-4586,0.7256944444444445,3,explored -explored-4587,0.5908333333333335,6,explored -explored-4588,0.4472222222222224,12,explored -explored-4589,0.6083333333333335,6,explored -explored-4590,0.6054687500000001,5,explored -explored-4591,0.5194444444444444,13,explored -explored-4592,0.5642361111111114,10,explored -explored-4593,0.5652199074074076,12,explored -explored-4594,0.8531250000000001,5,explored -explored-4595,0.5274305555555555,13,explored -explored-4596,0.4604166666666669,11,explored -explored-4597,0.7213541666666667,9,explored -explored-4598,0.6269097222222224,16,explored -explored-4599,0.5100000000000002,11,explored -explored-4600,0.45868055555555576,16,explored -explored-4601,0.41527777777777797,10,explored -explored-4602,0.5798611111111114,12,explored -explored-4603,0.7643923611111112,21,explored -explored-4604,0.681154265873016,34,explored -explored-4605,0.6302083333333335,9,explored -explored-4606,0.6130208333333335,7,explored -explored-4607,0.5618055555555558,15,explored -explored-4608,0.5409722222222224,16,explored -explored-4609,0.588715277777778,18,explored -explored-4610,0.4657118055555559,16,explored -explored-4611,0.4930555555555558,10,explored -explored-4612,0.6993055555555556,12,explored -explored-4613,0.7861111111111112,10,explored -explored-4614,0.5578993055555557,12,explored -explored-4615,0.6696469907407409,15,explored -explored-4616,0.567013888888889,11,explored -explored-4617,0.6424652777777778,13,explored -explored-4618,0.5180555555555557,15,explored -explored-4619,0.5893229166666669,6,explored -explored-4620,0.5222222222222224,12,explored -explored-4621,0.4886284722222224,11,explored -explored-4622,0.483246527777778,17,explored -explored-4623,0.6243055555555554,14,explored -explored-4624,0.6572916666666668,12,explored -explored-4625,0.48055555555555585,12,explored -explored-4626,0.2409722222222226,22,explored -explored-4627,0.41944444444444473,15,explored -explored-4628,0.5633101851851854,6,explored -explored-4629,0.7629774305555557,15,explored -explored-4630,0.34583333333333366,8,explored -explored-4631,0.6110300925925927,18,explored -explored-4632,0.5614004629629631,15,explored -explored-4633,0.652013888888889,11,explored -explored-4634,0.557291666666667,6,explored -explored-4635,0.35468750000000027,9,explored -explored-4636,0.5666666666666668,12,explored -explored-4637,0.4423611111111113,21,explored -explored-4638,0.5442708333333335,7,explored -explored-4639,0.4036458333333335,12,explored -explored-4640,0.10208333333333353,17,explored -explored-4641,0.4583333333333335,13,explored -explored-4642,0.6993055555555557,4,explored -explored-4643,0.3065104166666669,17,explored -explored-4644,0.35774305555555574,15,explored -explored-4645,0.7372395833333334,6,explored -explored-4646,0.5323784722222225,14,explored -explored-4647,0.6976562500000001,12,explored -explored-4648,0.3109895833333335,14,explored -explored-4649,0.46605902777777786,16,explored -explored-4650,0.7979166666666666,6,explored -explored-4651,0.14062500000000022,13,explored -explored-4652,0.6797164351851853,9,explored -explored-4653,0.5651041666666669,5,explored -explored-4654,0.6575520833333335,10,explored -explored-4655,0.24849537037037062,23,explored -explored-4656,0.45572916666666685,13,explored -explored-4657,0.5645833333333334,9,explored -explored-4658,0.590277777777778,8,explored -explored-4659,0.660908564814815,11,explored -explored-4660,0.4137500000000002,15,explored -explored-4661,0.7044270833333335,8,explored -explored-4662,0.6507291666666668,9,explored -explored-4663,0.5847222222222224,8,explored -explored-4664,0.5197222222222224,11,explored -explored-4665,0.5260416666666669,10,explored -explored-4666,0.4986111111111112,12,explored -explored-4667,0.7106579861111112,37,explored -explored-4668,0.42734375000000036,12,explored -explored-4669,0.424262152777778,17,explored -explored-4670,0.7000694444444445,9,explored -explored-4671,0.32986111111111127,25,explored -explored-4672,0.7713020833333334,10,explored -explored-4673,0.6570312500000002,9,explored -explored-4674,0.6544965277777779,11,explored -explored-4675,0.7450520833333334,7,explored -explored-4676,0.6575520833333335,5,explored -explored-4677,0.2409722222222226,16,explored -explored-4678,0.5208333333333333,11,explored -explored-4679,0.5139756944444446,16,explored -explored-4680,0.43680555555555567,14,explored -explored-4681,0.31597222222222254,9,explored -explored-4682,0.3652777777777779,15,explored -explored-4683,0.5304687500000002,6,explored -explored-4684,0.6749746197089947,36,explored -explored-4685,0.6816840277777779,9,explored -explored-4686,0.6900578703703705,31,explored -explored-4687,0.7744791666666667,9,explored -explored-4688,0.671875,9,explored -explored-4689,0.4729166666666669,13,explored -explored-4690,0.4890625000000002,14,explored -explored-4691,0.4812500000000004,9,explored -explored-4692,0.5361111111111113,18,explored -explored-4693,0.655859375,10,explored -explored-4694,0.5755208333333335,7,explored -explored-4695,0.5114004629629632,16,explored -explored-4696,0.5114583333333337,7,explored -explored-4697,0.6666666666666667,18,explored -explored-4698,0.7478703703703704,14,explored -explored-4699,0.38836805555555576,19,explored -explored-4700,0.42407407407407416,16,explored -explored-4701,0.33854166666666696,13,explored -explored-4702,0.4616666666666668,19,explored -explored-4703,0.22187500000000027,16,explored -explored-4704,0.6218489583333334,14,explored -explored-4705,0.507013888888889,16,explored -explored-4706,0.7256944444444444,13,explored -explored-4707,0.6975347222222222,6,explored -explored-4708,0.5680555555555558,15,explored -explored-4709,0.5828125000000002,9,explored -explored-4710,0.6186631944444445,9,explored -explored-4711,0.7125000000000001,5,explored -explored-4712,0.26805555555555594,12,explored -explored-4713,0.5911458333333335,7,explored -explored-4714,0.4252604166666668,16,explored -explored-4715,0.5055989583333333,13,explored -explored-4716,0.38071180555555584,14,explored -explored-4717,0.37673611111111127,15,explored -explored-4718,0.7296875,5,explored -explored-4719,0.5763888888888891,16,explored -explored-4720,0.5157118055555556,19,explored -explored-4721,0.3695312500000002,14,explored -explored-4722,0.4305555555555558,9,explored -explored-4723,0.5114583333333332,11,explored -explored-4724,0.38289930555555585,16,explored -explored-4725,0.6842013888888889,18,explored -explored-4726,0.3092187500000001,14,explored -explored-4727,0.4669618055555558,24,explored -explored-4728,0.441666666666667,6,explored -explored-4729,0.2729166666666669,15,explored -explored-4730,0.6786458333333333,5,explored -explored-4731,0.6206597222222222,8,explored -explored-4732,0.7166319444444446,7,explored -explored-4733,0.30190972222222245,17,explored -explored-4734,0.3677083333333335,10,explored -explored-4735,0.5600694444444446,11,explored -explored-4736,0.277777777777778,14,explored -explored-4737,0.08125000000000027,13,explored -explored-4738,0.6036458333333334,8,explored -explored-4739,0.3611111111111114,13,explored -explored-4740,0.316666666666667,12,explored -explored-4741,0.5151041666666669,8,explored -explored-4742,0.6764791666666667,28,explored -explored-4743,0.7848958333333335,12,explored -explored-4744,0.5862847222222224,17,explored -explored-4745,0.663888888888889,9,explored -explored-4746,0.49027777777777803,10,explored -explored-4747,0.6138020833333335,11,explored -explored-4748,0.1706597222222226,14,explored -explored-4749,0.632638888888889,10,explored -explored-4750,0.31753472222222245,16,explored -explored-4751,0.5006944444444446,20,explored -explored-4752,0.5913194444444445,13,explored -explored-4753,0.6104166666666666,4,explored -explored-4754,0.7658854166666668,9,explored -explored-4755,0.5442708333333335,14,explored -explored-4756,0.8086805555555556,10,explored -explored-4757,0.6417881944444446,21,explored -explored-4758,0.4135416666666668,11,explored -explored-4759,0.4942708333333333,11,explored -explored-4760,0.24479166666666685,13,explored -explored-4761,0.7541666666666668,4,explored -explored-4762,0.6350000000000001,34,explored -explored-4763,0.6009375000000001,5,explored -explored-4764,0.38732638888888904,14,explored -explored-4765,0.6879166666666667,8,explored -explored-4766,0.1717013888888892,14,explored -explored-4767,0.4990740740740742,21,explored -explored-4768,0.46097222222222256,11,explored -explored-4769,0.4921875000000002,11,explored -explored-4770,0.603125,8,explored -explored-4771,0.5953125000000001,10,explored -explored-4772,0.4864583333333332,10,explored -explored-4773,0.4500000000000002,12,explored -explored-4774,0.680763888888889,9,explored -explored-4775,0.5077256944444446,19,explored -explored-4776,0.5984375000000002,13,explored -explored-4777,0.4845601851851853,19,explored -explored-4778,0.36041666666666683,10,explored -explored-4779,0.6071180555555558,13,explored -explored-4780,0.7088541666666668,11,explored -explored-4781,0.4890625000000002,10,explored -explored-4782,0.63421875,24,explored -explored-4783,0.23888888888888915,20,explored -explored-4784,0.5364583333333335,8,explored -explored-4785,0.5105694444444446,16,explored -explored-4786,0.49823495370370385,19,explored -explored-4787,0.6610648148148149,26,explored -explored-4788,0.5421875000000002,10,explored -explored-4789,0.3010416666666669,17,explored -explored-4790,0.4916666666666668,16,explored -explored-4791,0.6278125000000001,10,explored -explored-4792,0.649826388888889,10,explored -explored-4793,0.7520833333333333,3,explored -explored-4794,0.21979166666666705,12,explored -explored-4795,0.5529513888888891,10,explored -explored-4796,0.3826388888888891,20,explored -explored-4797,0.6442708333333333,7,explored -explored-4798,0.6764756944444446,13,explored -explored-4799,0.2729166666666669,16,explored -explored-4800,0.6499999999999999,11,explored -explored-4801,0.6712962962962964,14,explored -explored-4802,0.37326388888888906,13,explored -explored-4803,0.4505497685185186,17,explored -explored-4804,0.4984375,12,explored -explored-4805,0.3923611111111114,12,explored -explored-4806,0.6727777777777779,9,explored -explored-4807,0.441666666666667,6,explored -explored-4808,0.18009259259259291,15,explored -explored-4809,0.6764930555555556,8,explored -explored-4810,0.37118055555555574,14,explored -explored-4811,0.3138020833333335,16,explored -explored-4812,0.7093750000000001,4,explored -explored-4813,0.4364351851851853,19,explored -explored-4814,0.7001465773809525,31,explored -explored-4815,0.761545138888889,10,explored -explored-4816,0.43046875000000007,13,explored -explored-4817,0.5114583333333336,18,explored -explored-4818,0.40104166666666685,6,explored -explored-4819,0.4736111111111113,17,explored -explored-4820,0.5554687500000001,9,explored -explored-4821,0.7520833333333333,2,explored -explored-4822,0.7254629629629631,7,explored -explored-4823,0.6861111111111112,8,explored -explored-4824,0.5429108796296298,17,explored -explored-4825,0.12916666666666687,20,explored -explored-4826,0.6369212962962965,10,explored -explored-4827,0.6310763888888891,21,explored -explored-4828,0.6076388888888891,9,explored -explored-4829,0.5421875,9,explored -explored-4830,0.6887268518518519,7,explored -explored-4831,0.28177083333333364,15,explored -explored-4832,0.5755208333333335,10,explored -explored-4833,0.24479166666666696,13,explored -explored-4834,0.5908564814814816,12,explored -explored-4835,0.528559027777778,16,explored -explored-4836,0.40636574074074094,20,explored -explored-4837,0.44155092592592604,19,explored -explored-4838,0.6176041666666667,5,explored -explored-4839,0.5528790509259262,15,explored -explored-4840,0.4495659722222225,20,explored -explored-4841,0.5804166666666668,7,explored -explored-4842,0.5828125000000001,14,explored -explored-4843,0.34440104166666685,24,explored -explored-4844,0.6479166666666667,11,explored -explored-4845,0.6911458333333333,10,explored -explored-4846,0.5817708333333336,5,explored -explored-4847,0.5814322916666668,14,explored -explored-4848,0.2737847222222225,19,explored -explored-4849,0.6075520833333334,9,explored -explored-4850,0.6991319444444446,9,explored -explored-4851,0.8282291666666667,7,explored -explored-4852,0.4427083333333335,14,explored -explored-4853,0.7145833333333333,5,explored -explored-4854,0.5440972222222223,9,explored -explored-4855,0.5322916666666668,7,explored -explored-4856,0.6993055555555556,4,explored -explored-4857,0.6890277777777779,28,explored -explored-4858,0.1428240740740745,15,explored -explored-4859,0.16041666666666687,12,explored -explored-4860,0.38786168981481506,24,explored -explored-4861,0.7703125000000001,9,explored -explored-4862,0.562152777777778,20,explored -explored-4863,0.2854166666666669,12,explored -explored-4864,0.6993055555555556,6,explored -explored-4865,0.43385416666666676,10,explored -explored-4866,0.5895833333333336,9,explored -explored-4867,0.39800347222222243,15,explored -explored-4868,0.3685763888888891,18,explored -explored-4869,0.6269965277777779,8,explored -explored-4870,0.7000347222222223,17,explored -explored-4871,0.14010416666666692,17,explored -explored-4872,0.7748263888888889,9,explored -explored-4873,0.6348958333333334,12,explored -explored-4874,0.47837962962962977,14,explored -explored-4875,0.6468750000000001,8,explored -explored-4876,0.6735243055555556,8,explored -explored-4877,0.6688107638888889,28,explored -explored-4878,0.815625,8,explored -explored-4879,0.7652777777777777,9,explored -explored-4880,0.5210648148148149,16,explored -explored-4881,0.4960937500000001,15,explored -explored-4882,0.5668402777777779,8,explored -explored-4883,0.6876736111111112,10,explored -explored-4884,0.5788194444444446,9,explored -explored-4885,0.6553935185185187,13,explored -explored-4886,0.4256944444444446,14,explored -explored-4887,0.37372685185185195,16,explored -explored-4888,0.5138425925925927,10,explored -explored-4889,0.43125000000000024,16,explored -explored-4890,0.36251446759259287,24,explored -explored-4891,0.5952546296296298,11,explored -explored-4892,0.6730208333333334,4,explored -explored-4893,0.5330729166666668,10,explored -explored-4894,0.5766203703703706,16,explored -explored-4895,0.5822916666666669,3,explored -explored-4896,0.5423611111111113,11,explored -explored-4897,0.315277777777778,12,explored -explored-4898,0.45026041666666683,17,explored -explored-4899,0.776388888888889,12,explored -explored-4900,0.6798854166666668,21,explored -explored-4901,0.5951967592592594,13,explored -explored-4902,0.680295138888889,13,explored -explored-4903,0.37754629629629655,18,explored -explored-4904,0.5078703703703706,17,explored -explored-4905,0.39218750000000013,11,explored -explored-4906,0.3010416666666669,18,explored -explored-4907,0.6491319444444446,10,explored -explored-4908,0.5776041666666669,11,explored -explored-4909,0.3261718750000002,20,explored -explored-4910,0.17916666666666703,9,explored -explored-4911,0.22916666666666696,11,explored -explored-4912,0.40156250000000016,19,explored -explored-4913,0.6681770833333335,14,explored -explored-4914,0.5851851851851854,14,explored -explored-4915,0.3187500000000003,9,explored -explored-4916,0.6577719907407409,27,explored -explored-4917,0.40494791666666685,18,explored -explored-4918,0.22578125000000027,15,explored -explored-4919,0.6901949404761906,42,explored -explored-4920,0.5982638888888889,9,explored -explored-4921,0.6837673611111112,18,explored -explored-4922,0.5651041666666669,20,explored -explored-4923,0.14322916666666696,12,explored -explored-4924,0.617121527777778,37,explored -explored-4925,0.24479166666666696,11,explored -explored-4926,0.6223090277777779,11,explored -explored-4927,0.4544097222222224,15,explored -explored-4928,0.32916666666666705,10,explored -explored-4929,0.33229166666666676,9,explored -explored-4930,0.7071903935185186,36,explored -explored-4931,0.7313368055555557,10,explored -explored-4932,0.3973958333333336,17,explored -explored-4933,0.6760416666666667,9,explored -explored-4934,0.3940104166666668,14,explored -explored-4935,0.7059375000000001,2,explored -explored-4936,0.5387731481481484,12,explored -explored-4937,0.4468749999999999,11,explored -explored-4938,0.5426388888888891,8,explored -explored-4939,0.38333333333333364,12,explored -explored-4940,0.4275000000000002,12,explored -explored-4941,0.5833333333333335,6,explored -explored-4942,0.6269097222222224,16,explored -explored-4943,0.27361111111111136,16,explored -explored-4944,0.26979166666666676,8,explored -explored-4945,0.3768518518518522,15,explored -explored-4946,0.36744791666666676,21,explored -explored-4947,0.6866319444444446,12,explored -explored-4948,0.4916666666666668,13,explored -explored-4949,0.6850694444444446,9,explored -explored-4950,0.5401909722222222,14,explored -explored-4951,0.3269444444444447,15,explored -explored-4952,0.6666666666666667,12,explored -explored-4953,0.17552083333333357,16,explored -explored-4954,0.5149305555555558,11,explored -explored-4955,0.8027777777777778,14,explored -explored-4956,0.5225954861111113,21,explored -explored-4957,0.7228125000000001,8,explored -explored-4958,0.6572916666666668,13,explored -explored-4959,0.6386284722222223,15,explored -explored-4960,0.5083333333333334,12,explored -explored-4961,0.6934606481481482,12,explored -explored-4962,0.4391666666666668,13,explored -explored-4963,0.7802604166666667,4,explored -explored-4964,0.48479166666666684,11,explored -explored-4965,0.39861111111111136,14,explored -explored-4966,0.5743344907407408,13,explored -explored-4967,0.39479166666666665,8,explored -explored-4968,0.5839236111111112,18,explored -explored-4969,0.642013888888889,5,explored -explored-4970,0.31649305555555585,19,explored -explored-4971,0.6359953703703705,19,explored -explored-4972,0.2782986111111114,21,explored -explored-4973,0.741059027777778,9,explored -explored-4974,0.45572916666666674,15,explored -explored-4975,0.697164351851852,11,explored -explored-4976,0.7324218750000001,14,explored -explored-4977,0.3359375000000002,16,explored -explored-4978,0.7118923611111112,12,explored -explored-4979,0.20138888888888906,18,explored -explored-4980,0.40781250000000013,13,explored -explored-4981,0.6895833333333335,9,explored -explored-4982,0.5553819444444446,16,explored -explored-4983,0.677170138888889,14,explored -explored-4984,0.3800000000000001,11,explored -explored-4985,0.40994791666666697,15,explored -explored-4986,0.604340277777778,11,explored -explored-4987,0.14062500000000022,16,explored -explored-4988,0.4467013888888891,10,explored -explored-4989,0.42300347222222245,19,explored -explored-4990,0.6269097222222224,8,explored -explored-4991,0.43833333333333335,14,explored -explored-4992,0.5989583333333335,13,explored -explored-4993,0.49916666666666676,8,explored -explored-4994,0.44696180555555576,17,explored -explored-4995,0.46788194444444464,9,explored -explored-4996,0.4817534722222223,16,explored -explored-4997,0.7327256944444445,14,explored -explored-4998,0.6833188657407407,42,explored -explored-4999,0.6660590277777779,11,explored -explored-5000,0.16458333333333353,19,explored -explored-5001,0.7390625,7,explored -explored-5002,0.6131944444444446,15,explored -explored-5003,0.5024305555555558,10,explored -explored-5004,0.3564236111111113,19,explored -explored-5005,0.54375,8,explored -explored-5006,0.6453177083333335,27,explored -explored-5007,0.38107638888888895,14,explored -explored-5008,0.47812500000000013,14,explored -explored-5009,0.41215277777777815,13,explored -explored-5010,0.5838368055555556,15,explored -explored-5011,0.5895833333333336,7,explored -explored-5012,0.27057291666666705,13,explored -explored-5013,0.25933159722222254,20,explored -explored-5014,0.38344907407407414,13,explored -explored-5015,0.4976273148148149,12,explored -explored-5016,0.17864583333333361,15,explored -explored-5017,0.7131986607142857,32,explored -explored-5018,0.43125000000000013,15,explored -explored-5019,0.2651041666666668,15,explored -explored-5020,0.6848379629629631,8,explored -explored-5021,0.4973958333333335,8,explored -explored-5022,0.4520833333333336,17,explored -explored-5023,0.5274305555555557,8,explored -explored-5024,0.7765625,6,explored -explored-5025,0.6205729166666668,18,explored -explored-5026,0.6872829861111112,34,explored -explored-5027,0.5071093750000002,27,explored -explored-5028,0.36541666666666694,17,explored -explored-5029,0.6330729166666668,9,explored -explored-5030,0.3055555555555557,9,explored -explored-5031,0.5624131944444446,10,explored -explored-5032,0.6666666666666667,14,explored -explored-5033,0.7127294146825398,29,explored -explored-5034,0.6946614583333335,24,explored -explored-5035,0.5948611111111113,17,explored -explored-5036,0.6359953703703705,8,explored -explored-5037,0.3945312500000002,10,explored -explored-5038,0.573263888888889,21,explored -explored-5039,0.662499503968254,49,explored -explored-5040,0.6730011574074075,39,explored -explored-5041,0.7744791666666667,7,explored -explored-5042,0.23854166666666676,15,explored -explored-5043,0.48359375000000027,10,explored -explored-5044,0.598263888888889,11,explored -explored-5045,0.43699074074074096,16,explored -explored-5046,0.7541319444444445,10,explored -explored-5047,0.6470341435185186,30,explored -explored-5048,0.47812500000000013,17,explored -explored-5049,0.6078125000000001,11,explored -explored-5050,0.8027777777777778,14,explored -explored-5051,0.449479166666667,9,explored -explored-5052,0.27291666666666703,26,explored -explored-5053,0.5825520833333335,13,explored -explored-5054,0.2791666666666668,11,explored -explored-5055,0.6225694444444446,19,explored -explored-5056,0.24594907407407418,15,explored -explored-5057,0.7267708333333334,12,explored -explored-5058,0.4193055555555558,18,explored -explored-5059,0.41770833333333346,7,explored -explored-5060,0.3380092592592594,15,explored -explored-5061,0.6591145833333334,9,explored -explored-5062,0.4776331018518519,17,explored -explored-5063,0.5250000000000001,6,explored -explored-5064,0.5922743055555557,9,explored -explored-5065,0.6354600694444446,26,explored -explored-5066,0.5421874999999999,13,explored -explored-5067,0.4681250000000001,10,explored -explored-5068,0.25295138888888913,15,explored -explored-5069,0.5534114583333334,14,explored -explored-5070,0.6953125,7,explored -explored-5071,0.34635416666666696,18,explored -explored-5072,0.49236111111111125,18,explored -explored-5073,0.6697048611111113,13,explored -explored-5074,0.4882812500000002,8,explored -explored-5075,0.12899305555555585,14,explored -explored-5076,0.6170138888888891,8,explored -explored-5077,0.6880208333333333,9,explored -explored-5078,0.765277777777778,8,explored -explored-5079,0.2180555555555559,15,explored -explored-5080,0.538715277777778,9,explored -explored-5081,0.2333333333333335,20,explored -explored-5082,0.36594328703703727,22,explored -explored-5083,0.7328993055555557,10,explored -explored-5084,0.4744791666666668,13,explored -explored-5085,0.3460937500000002,22,explored -explored-5086,0.4076388888888891,14,explored -explored-5087,0.3921874999999999,11,explored -explored-5088,0.6337962962962964,12,explored -explored-5089,0.47083333333333344,12,explored -explored-5090,0.3656250000000002,12,explored -explored-5091,0.1843750000000003,17,explored -explored-5092,0.42554976851851867,16,explored -explored-5093,0.25312500000000027,10,explored -explored-5094,0.3925347222222224,17,explored -explored-5095,0.32291666666666685,11,explored -explored-5096,0.3750000000000002,16,explored -explored-5097,0.29062500000000013,14,explored -explored-5098,0.3197916666666668,7,explored -explored-5099,0.30243055555555587,14,explored -explored-5100,0.5152256944444445,17,explored -explored-5101,0.2644531250000002,18,explored -explored-5102,0.6661458333333334,17,explored -explored-5103,0.6515624999999999,8,explored -explored-5104,0.7479166666666667,8,explored -explored-5105,0.3535156250000002,17,explored -explored-5106,0.3398437500000001,19,explored -explored-5107,0.6467534722222223,35,explored -explored-5108,0.7953125,5,explored -explored-5109,0.8201388888888889,5,explored -explored-5110,0.19166666666666687,18,explored -explored-5111,0.587152777777778,11,explored -explored-5112,0.401388888888889,17,explored -explored-5113,0.448090277777778,16,explored -explored-5114,0.5908101851851852,10,explored -explored-5115,0.4569444444444446,17,explored -explored-5116,0.3993055555555558,11,explored -explored-5117,0.6796875,7,explored -explored-5118,0.365104166666667,22,explored -explored-5119,0.6238194444444446,6,explored -explored-5120,0.5272569444444446,16,explored -explored-5121,0.4822916666666669,8,explored -explored-5122,0.5711805555555556,12,explored -explored-5123,0.5050000000000001,11,explored -explored-5124,0.4188657407407409,22,explored -explored-5125,0.6512731481481482,16,explored -explored-5126,0.7326388888888888,13,explored -explored-5127,0.5255208333333334,21,explored -explored-5128,0.5213541666666668,15,explored -explored-5129,0.38333333333333364,8,explored -explored-5130,0.5078125,10,explored -explored-5131,0.4539351851851854,16,explored -explored-5132,0.5835069444444446,12,explored -explored-5133,0.1789930555555559,18,explored -explored-5134,0.7525173611111111,11,explored -explored-5135,0.7596354166666668,4,explored -explored-5136,0.3982638888888891,18,explored -explored-5137,0.5716145833333334,15,explored -explored-5138,0.5927083333333335,11,explored -explored-5139,0.5244791666666668,7,explored -explored-5140,0.20026041666666705,18,explored -explored-5141,0.5545138888888891,7,explored -explored-5142,0.557638888888889,11,explored -explored-5143,0.7475694444444445,7,explored -explored-5144,0.6156250000000002,11,explored -explored-5145,0.6223958333333335,9,explored -explored-5146,0.5597685185185186,22,explored -explored-5147,0.11614583333333361,14,explored -explored-5148,0.5631944444444448,8,explored -explored-5149,0.45572916666666685,23,explored -explored-5150,0.5951388888888889,11,explored -explored-5151,0.36536458333333355,14,explored -explored-5152,0.4067708333333334,11,explored -explored-5153,0.5834490740740743,10,explored -explored-5154,0.330902777777778,15,explored -explored-5155,0.4828125000000003,16,explored -explored-5156,0.5942708333333334,18,explored -explored-5157,0.08125000000000027,10,explored -explored-5158,0.33275462962962976,14,explored -explored-5159,0.5732060185185187,24,explored -explored-5160,0.3812500000000003,6,explored -explored-5161,0.4109375000000002,10,explored -explored-5162,0.5336805555555557,12,explored -explored-5163,0.6651041666666667,10,explored -explored-5164,0.48116319444444455,10,explored -explored-5165,0.4744791666666668,14,explored -explored-5166,0.5954861111111113,16,explored -explored-5167,0.6470486111111112,9,explored -explored-5168,0.38541666666666674,11,explored -explored-5169,0.2996093750000003,23,explored -explored-5170,0.6142361111111113,10,explored -explored-5171,0.3628645833333335,21,explored -explored-5172,0.3750000000000002,11,explored -explored-5173,0.6946701388888891,10,explored -explored-5174,0.6130208333333335,4,explored -explored-5175,0.5284722222222222,11,explored -explored-5176,0.5328125000000002,11,explored -explored-5177,0.20208333333333361,14,explored -explored-5178,0.5759548611111112,7,explored -explored-5179,0.5708333333333335,8,explored -explored-5180,0.6871875000000001,5,explored -explored-5181,0.49427083333333344,12,explored -explored-5182,0.6284375000000001,5,explored -explored-5183,0.5931423611111112,17,explored -explored-5184,0.5569444444444447,10,explored -explored-5185,0.42552083333333324,12,explored -explored-5186,0.292838541666667,13,explored -explored-5187,0.23506944444444466,19,explored -explored-5188,0.6549968584656085,36,explored -explored-5189,0.5033333333333333,7,explored -explored-5190,0.56875,10,explored -explored-5191,0.48263888888888906,9,explored -explored-5192,0.7298125,24,explored -explored-5193,0.6588020833333335,8,explored -explored-5194,0.7958506944444446,6,explored -explored-5195,0.6474826388888888,15,explored -explored-5196,0.4232638888888891,20,explored -explored-5197,0.49765625,20,explored -explored-5198,0.38891782407407427,19,explored -explored-5199,0.6205729166666668,7,explored -explored-5200,0.6253472222222224,9,explored -explored-5201,0.21070601851851878,17,explored -explored-5202,0.5078993055555557,17,explored -explored-5203,0.421383101851852,17,explored -explored-5204,0.7378993055555556,10,explored -explored-5205,0.5132812500000002,8,explored -explored-5206,0.48125000000000007,10,explored -explored-5207,0.29791666666666705,13,explored -explored-5208,0.6921875000000002,13,explored -explored-5209,0.5057291666666669,9,explored -explored-5210,0.3755208333333335,11,explored -explored-5211,0.4057291666666669,17,explored -explored-5212,0.3467303240740742,19,explored -explored-5213,0.6017795138888891,49,explored -explored-5214,0.7213252314814815,10,explored -explored-5215,0.4432291666666669,9,explored -explored-5216,0.4301388888888892,12,explored -explored-5217,0.29652777777777795,13,explored -explored-5218,0.5536458333333333,8,explored -explored-5219,0.3212673611111113,13,explored -explored-5220,0.3236111111111112,13,explored -explored-5221,0.41628472222222246,21,explored -explored-5222,0.23489583333333364,13,explored -explored-5223,0.4747534722222224,17,explored -explored-5224,0.5659722222222224,14,explored -explored-5225,0.6239583333333335,10,explored -explored-5226,0.40729166666666705,12,explored -explored-5227,0.45850694444444473,11,explored -explored-5228,0.7108854166666668,9,explored -explored-5229,0.5378472222222224,11,explored -explored-5230,0.3098958333333337,17,explored -explored-5231,0.605295138888889,18,explored -explored-5232,0.617543402777778,32,explored -explored-5233,0.5138888888888891,13,explored -explored-5234,0.3671875000000002,22,explored -explored-5235,0.4270833333333335,14,explored -explored-5236,0.7508680555555557,11,explored -explored-5237,0.39861111111111136,12,explored -explored-5238,0.66125,9,explored -explored-5239,0.25208333333333344,16,explored -explored-5240,0.29201388888888924,18,explored -explored-5241,0.3598379629629631,23,explored -explored-5242,0.628125,16,explored -explored-5243,0.20416666666666683,13,explored -explored-5244,0.45703125,9,explored -explored-5245,0.5597222222222223,13,explored -explored-5246,0.26770833333333366,21,explored -explored-5247,0.8654166666666667,8,explored -explored-5248,0.7430555555555556,7,explored -explored-5249,0.5352083333333335,9,explored -explored-5250,0.3065248842592596,26,explored -explored-5251,0.6566261574074075,19,explored -explored-5252,0.4173611111111114,12,explored -explored-5253,0.5334375000000002,9,explored -explored-5254,0.5940104166666668,9,explored -explored-5255,0.5209490740740742,20,explored -explored-5256,0.4289930555555559,18,explored -explored-5257,0.5085937500000002,12,explored -explored-5258,0.6604166666666669,7,explored -explored-5259,0.42500000000000027,5,explored -explored-5260,0.65625,4,explored -explored-5261,0.4614583333333334,15,explored -explored-5262,0.36822916666666683,12,explored -explored-5263,0.4534722222222223,10,explored -explored-5264,0.4666666666666669,18,explored -explored-5265,0.4833333333333335,8,explored -explored-5266,0.7027199074074075,18,explored -explored-5267,0.5556423611111113,9,explored -explored-5268,0.6203125000000002,8,explored -explored-5269,0.7105324074074075,5,explored -explored-5270,0.12430555555555589,19,explored -explored-5271,0.6583333333333333,7,explored -explored-5272,0.28958333333333375,13,explored -explored-5273,0.6956491402116403,40,explored -explored-5274,0.48993055555555576,9,explored -explored-5275,0.3802083333333337,11,explored -explored-5276,0.04479166666666701,17,explored -explored-5277,0.516215277777778,12,explored -explored-5278,0.4422222222222224,15,explored -explored-5279,0.4766493055555556,13,explored -explored-5280,0.3255208333333337,10,explored -explored-5281,0.5437500000000002,7,explored -explored-5282,0.6356770833333335,17,explored -explored-5283,0.15057870370370408,19,explored -explored-5284,0.08125000000000027,10,explored -explored-5285,0.5479166666666668,8,explored -explored-5286,0.6425347222222224,13,explored -explored-5287,0.6296180555555556,9,explored -explored-5288,0.5322916666666668,8,explored -explored-5289,0.6958333333333333,6,explored -explored-5290,0.6844531250000001,16,explored -explored-5291,0.4822916666666669,10,explored -explored-5292,0.4270833333333336,12,explored -explored-5293,0.40980902777777795,13,explored -explored-5294,0.6935185185185184,15,explored -explored-5295,0.4512152777777779,11,explored -explored-5296,0.3958333333333335,12,explored -explored-5297,0.40000000000000013,19,explored -explored-5298,0.5470486111111112,7,explored -explored-5299,0.5427777777777778,10,explored -explored-5300,0.3886284722222224,14,explored -explored-5301,0.6235243055555556,9,explored -explored-5302,0.6188368055555558,17,explored -explored-5303,0.5991319444444446,11,explored -explored-5304,0.4555208333333335,20,explored -explored-5305,0.4380208333333335,8,explored -explored-5306,0.4583333333333337,11,explored -explored-5307,0.28333333333333366,6,explored -explored-5308,0.44609375000000007,11,explored -explored-5309,0.5338541666666669,10,explored -explored-5310,0.3715277777777781,13,explored -explored-5311,0.5741435185185186,12,explored -explored-5312,0.24780092592592617,21,explored -explored-5313,0.34282407407407445,17,explored -explored-5314,0.5789351851851852,21,explored -explored-5315,0.5793750000000002,8,explored -explored-5316,0.57203125,10,explored -explored-5317,0.6396875000000001,7,explored -explored-5318,0.7038194444444446,12,explored -explored-5319,0.6958333333333334,9,explored -explored-5320,0.4864583333333333,8,explored -explored-5321,0.22777777777777786,17,explored -explored-5322,0.6354166666666669,7,explored -explored-5323,0.10989583333333353,14,explored -explored-5324,0.6260416666666666,8,explored -explored-5325,0.3270833333333335,14,explored -explored-5326,0.7661458333333334,9,explored -explored-5327,0.2563078703703706,24,explored -explored-5328,0.2937500000000003,9,explored -explored-5329,0.5000000000000001,8,explored -explored-5330,0.6470486111111112,10,explored -explored-5331,0.660763888888889,11,explored -explored-5332,0.7279166666666668,12,explored -explored-5333,0.5557291666666668,14,explored -explored-5334,0.6979166666666667,8,explored -explored-5335,0.40295138888888926,9,explored -explored-5336,0.5804687500000002,9,explored -explored-5337,0.6254166666666668,5,explored -explored-5338,0.5096180555555557,19,explored -explored-5339,0.7208333333333334,6,explored -explored-5340,0.7021990740740742,9,explored -explored-5341,0.4263020833333334,9,explored -explored-5342,0.252314814814815,20,explored -explored-5343,0.7703125000000001,11,explored -explored-5344,0.4979166666666669,7,explored -explored-5345,0.36736111111111125,12,explored -explored-5346,0.4750000000000001,12,explored -explored-5347,0.5973958333333333,13,explored -explored-5348,0.6796875,8,explored -explored-5349,0.5855555555555557,10,explored -explored-5350,0.75,6,explored -explored-5351,0.4911458333333335,13,explored -explored-5352,0.6075520833333335,12,explored -explored-5353,0.4644328703703704,27,explored -explored-5354,0.5631944444444447,13,explored -explored-5355,0.6277199074074076,19,explored -explored-5356,0.5833333333333333,7,explored -explored-5357,0.6088541666666668,9,explored -explored-5358,0.1097222222222225,19,explored -explored-5359,0.7304687500000002,8,explored -explored-5360,0.6223958333333333,9,explored -explored-5361,0.7169270833333333,11,explored -explored-5362,0.5408854166666669,17,explored -explored-5363,0.3916840277777781,19,explored -explored-5364,0.44010416666666685,10,explored -explored-5365,0.6161458333333335,12,explored -explored-5366,0.3975486111111113,17,explored -explored-5367,0.6578009259259261,11,explored -explored-5368,0.602397486772487,36,explored -explored-5369,0.36200810185185195,21,explored -explored-5370,0.5305555555555558,18,explored -explored-5371,0.6269097222222224,15,explored -explored-5372,0.5151041666666668,10,explored -explored-5373,0.3739004629629632,16,explored -explored-5374,0.45286458333333357,13,explored -explored-5375,0.5016927083333335,26,explored -explored-5376,0.4935185185185188,12,explored -explored-5377,0.33906250000000016,13,explored -explored-5378,0.48046875,10,explored -explored-5379,0.6135416666666669,4,explored -explored-5380,0.6260416666666668,17,explored -explored-5381,0.3615740740740744,16,explored -explored-5382,0.4304687500000003,13,explored -explored-5383,0.6493055555555558,5,explored -explored-5384,0.15290798611111134,21,explored -explored-5385,0.5731770833333334,6,explored -explored-5386,0.3601562500000003,17,explored -explored-5387,0.5763020833333334,7,explored -explored-5388,0.7305555555555555,5,explored -explored-5389,0.516388888888889,11,explored -explored-5390,0.4653645833333335,19,explored -explored-5391,0.6134722222222222,6,explored -explored-5392,0.5483333333333336,7,explored -explored-5393,0.6098263888888891,8,explored -explored-5394,0.2873263888888893,19,explored -explored-5395,0.4950462962962965,18,explored -explored-5396,0.7317708333333333,5,explored -explored-5397,0.5928819444444446,16,explored -explored-5398,0.40546875000000016,11,explored -explored-5399,0.6425000000000001,7,explored -explored-5400,0.18750000000000022,13,explored -explored-5401,0.52265625,10,explored -explored-5402,0.37517361111111136,16,explored -explored-5403,0.828125,5,explored -explored-5404,0.2659722222222225,21,explored -explored-5405,0.4901041666666668,7,explored -explored-5406,0.5762152777777779,11,explored -explored-5407,0.343576388888889,18,explored -explored-5408,0.5785590277777779,12,explored -explored-5409,0.5749479166666667,14,explored -explored-5410,0.4867187500000002,14,explored -explored-5411,0.20138888888888906,16,explored -explored-5412,0.20416666666666705,12,explored -explored-5413,0.6488888888888891,10,explored -explored-5414,0.5466145833333333,18,explored -explored-5415,0.16322916666666698,19,explored -explored-5416,0.6896701388888891,10,explored -explored-5417,0.4364872685185187,22,explored -explored-5418,0.625,10,explored -explored-5419,0.25740740740740753,16,explored -explored-5420,0.441840277777778,15,explored -explored-5421,0.45625000000000027,10,explored -explored-5422,0.6438368055555557,18,explored -explored-5423,0.34444444444444466,21,explored -explored-5424,0.6234375,7,explored -explored-5425,0.5162615740740742,19,explored -explored-5426,0.34184027777777803,18,explored -explored-5427,0.4768055555555558,11,explored -explored-5428,0.7127604166666668,13,explored -explored-5429,0.2500000000000002,14,explored -explored-5430,0.6387847222222224,12,explored -explored-5431,0.41770833333333346,8,explored -explored-5432,0.46701388888888906,18,explored -explored-5433,0.21724537037037073,16,explored -explored-5434,0.6208333333333335,10,explored -explored-5435,0.7655381944444445,21,explored -explored-5436,0.3551620370370374,20,explored -explored-5437,0.4265625000000002,15,explored -explored-5438,0.7432858796296297,15,explored -explored-5439,0.7098958333333334,5,explored -explored-5440,0.3494791666666668,21,explored -explored-5441,0.7703125000000001,6,explored -explored-5442,0.36527777777777803,13,explored -explored-5443,0.5918402777777778,19,explored -explored-5444,0.5321180555555557,14,explored -explored-5445,0.4293750000000002,15,explored -explored-5446,0.6205208333333334,9,explored -explored-5447,0.5682291666666668,19,explored -explored-5448,0.24001736111111138,17,explored -explored-5449,0.6632812500000002,10,explored -explored-5450,0.44791666666666696,17,explored -explored-5451,0.6671006944444446,8,explored -explored-5452,0.3879629629629633,13,explored -explored-5453,0.6812500000000002,7,explored -explored-5454,0.25167824074074097,19,explored -explored-5455,0.47083333333333344,5,explored -explored-5456,0.15885416666666696,11,explored -explored-5457,0.4157986111111114,15,explored -explored-5458,0.44583333333333364,9,explored -explored-5459,0.694207175925926,34,explored -explored-5460,0.6682291666666668,10,explored -explored-5461,0.5086805555555557,13,explored -explored-5462,0.23211805555555576,21,explored -explored-5463,0.17592592592592626,17,explored -explored-5464,0.7562326388888889,10,explored -explored-5465,0.43583333333333374,15,explored -explored-5466,0.6841145833333334,7,explored -explored-5467,0.5612847222222224,10,explored -explored-5468,0.5302662037037039,21,explored -explored-5469,0.27552083333333366,13,explored -explored-5470,0.3919560185185189,25,explored -explored-5471,0.25885416666666683,12,explored -explored-5472,0.6000000000000001,14,explored -explored-5473,0.5077546296296298,15,explored -explored-5474,0.40451388888888906,13,explored -explored-5475,0.5895833333333336,6,explored -explored-5476,0.5119791666666669,16,explored -explored-5477,0.6678819444444446,7,explored -explored-5478,0.244965277777778,16,explored -explored-5479,0.91875,1,explored -explored-5480,0.19010416666666696,15,explored -explored-5481,0.3206018518518521,17,explored -explored-5482,0.41041666666666676,14,explored -explored-5483,0.3997685185185187,20,explored -explored-5484,0.5172916666666668,10,explored -explored-5485,0.2532986111111113,17,explored -explored-5486,0.6505787037037039,16,explored -explored-5487,0.35231481481481497,18,explored -explored-5488,0.6885416666666668,8,explored -explored-5489,0.5065104166666669,12,explored -explored-5490,0.5161458333333335,12,explored -explored-5491,0.5641203703703705,9,explored -explored-5492,0.38483796296296313,18,explored -explored-5493,0.3006944444444446,15,explored -explored-5494,0.6267071759259261,19,explored -explored-5495,0.7956597222222224,10,explored -explored-5496,0.4408854166666669,11,explored -explored-5497,0.3359375000000001,17,explored -explored-5498,0.50625,7,explored -explored-5499,0.4696180555555558,14,explored -explored-5500,0.5076388888888891,17,explored -explored-5501,0.5583333333333333,5,explored -explored-5502,0.32638888888888906,21,explored -explored-5503,0.6307291666666668,4,explored -explored-5504,0.5436631944444446,16,explored -explored-5505,0.6312500000000001,12,explored -explored-5506,0.4220370370370372,20,explored -explored-5507,0.3144097222222224,14,explored -explored-5508,0.24704861111111132,12,explored -explored-5509,0.39184027777777786,13,explored -explored-5510,0.6403819444444445,9,explored -explored-5511,0.3783854166666669,14,explored -explored-5512,0.17430555555555594,18,explored -explored-5513,0.3432870370370372,10,explored -explored-5514,0.5539930555555557,14,explored -explored-5515,0.3593750000000002,18,explored -explored-5516,0.5624131944444445,13,explored -explored-5517,0.5556423611111112,13,explored -explored-5518,0.4197916666666668,19,explored -explored-5519,0.7214236111111112,19,explored -explored-5520,0.5765625,12,explored -explored-5521,0.5340277777777778,9,explored -explored-5522,0.6660416666666668,9,explored -explored-5523,0.3773437500000002,13,explored -explored-5524,0.7118923611111112,7,explored -explored-5525,0.693576388888889,8,explored -explored-5526,0.3442708333333334,11,explored -explored-5527,0.3309895833333336,24,explored -explored-5528,0.6366319444444446,8,explored -explored-5529,0.7676620370370371,5,explored -explored-5530,0.4715277777777781,9,explored -explored-5531,0.3505208333333336,13,explored -explored-5532,0.5755208333333335,25,explored -explored-5533,0.7848958333333333,7,explored -explored-5534,0.7052083333333334,6,explored -explored-5535,0.48016493055555576,15,explored -explored-5536,0.6505989583333335,25,explored -explored-5537,0.6480324074074075,16,explored -explored-5538,0.6026041666666666,12,explored -explored-5539,0.6236111111111112,12,explored -explored-5540,0.4379340277777779,18,explored -explored-5541,0.7234375000000002,9,explored -explored-5542,0.6017650462962965,17,explored -explored-5543,0.6342447916666668,35,explored -explored-5544,0.7756944444444445,19,explored -explored-5545,0.3055555555555558,10,explored -explored-5546,0.49947916666666703,8,explored -explored-5547,0.557638888888889,10,explored -explored-5548,0.6539583333333334,10,explored -explored-5549,0.5302517361111113,32,explored -explored-5550,0.7303819444444446,15,explored -explored-5551,0.3250000000000002,17,explored -explored-5552,0.2363281250000001,15,explored -explored-5553,0.40442708333333355,12,explored -explored-5554,0.7399409722222223,33,explored -explored-5555,0.7371527777777778,11,explored -explored-5556,0.7930555555555555,8,explored -explored-5557,0.5680555555555558,6,explored -explored-5558,0.7133680555555555,12,explored -explored-5559,0.725,12,explored -explored-5560,0.3676793981481483,16,explored -explored-5561,0.7117824074074075,8,explored -explored-5562,0.5365885416666668,25,explored -explored-5563,0.45266203703703733,11,explored -explored-5564,0.746875,3,explored -explored-5565,0.4168402777777781,17,explored -explored-5566,0.5151041666666668,9,explored -explored-5567,0.6774305555555556,10,explored -explored-5568,0.5303819444444444,10,explored -explored-5569,0.6506944444444446,11,explored -explored-5570,0.5655208333333335,9,explored -explored-5571,0.21770833333333361,10,explored -explored-5572,0.2928819444444448,10,explored -explored-5573,0.7631076388888889,6,explored -explored-5574,0.5727256944444445,18,explored -explored-5575,0.5927083333333335,8,explored -explored-5576,0.5844328703703705,10,explored -explored-5577,0.3679687500000002,13,explored -explored-5578,0.6983561507936509,44,explored -explored-5579,0.5950231481481483,13,explored -explored-5580,0.47465277777777803,14,explored -explored-5581,0.6859085648148149,12,explored -explored-5582,0.3645833333333335,14,explored -explored-5583,0.4687500000000002,15,explored -explored-5584,0.43125000000000013,14,explored -explored-5585,0.5033333333333334,9,explored -explored-5586,0.4823495370370372,18,explored -explored-5587,0.6119502314814816,12,explored -explored-5588,0.4642361111111113,15,explored -explored-5589,0.576070601851852,13,explored -explored-5590,0.6033333333333333,9,explored -explored-5591,0.35546875000000033,7,explored -explored-5592,0.39866898148148155,15,explored -explored-5593,0.7251736111111112,10,explored -explored-5594,0.4526041666666667,19,explored -explored-5595,0.08125000000000027,13,explored -explored-5596,0.41770833333333357,11,explored -explored-5597,0.3333333333333335,21,explored -explored-5598,0.7422743055555556,13,explored -explored-5599,0.6104166666666668,9,explored -explored-5600,0.7079861111111112,12,explored -explored-5601,0.4770833333333333,8,explored -explored-5602,0.45763888888888915,21,explored -explored-5603,0.28710937500000033,13,explored -explored-5604,0.8359375000000001,3,explored -explored-5605,0.7553240740740742,3,explored -explored-5606,0.45277777777777817,14,explored -explored-5607,0.6901620370370372,8,explored -explored-5608,0.6563975694444446,17,explored -explored-5609,0.39375000000000027,14,explored -explored-5610,0.5992129629629632,9,explored -explored-5611,0.3456018518518522,19,explored -explored-5612,0.7015625000000001,4,explored -explored-5613,0.49902777777777807,18,explored -explored-5614,0.25312500000000027,9,explored -explored-5615,0.35468750000000027,12,explored -explored-5616,0.4125,11,explored -explored-5617,0.32050347222222253,20,explored -explored-5618,0.16406250000000022,15,explored -explored-5619,0.41189236111111127,15,explored -explored-5620,0.36186342592592613,19,explored -explored-5621,0.64,5,explored -explored-5622,0.49083333333333345,8,explored -explored-5623,0.3510416666666668,22,explored -explored-5624,0.614664351851852,22,explored -explored-5625,0.6515891203703705,34,explored -explored-5626,0.5424479166666668,13,explored -explored-5627,0.6708043981481482,12,explored -explored-5628,0.13547453703703738,22,explored -explored-5629,0.4944444444444447,18,explored -explored-5630,0.3808159722222225,16,explored -explored-5631,0.8,7,explored -explored-5632,0.3460358796296298,22,explored -explored-5633,0.4792708333333334,8,explored -explored-5634,0.6545833333333333,6,explored -explored-5635,0.32569444444444473,19,explored -explored-5636,0.4710069444444447,15,explored -explored-5637,0.3975312500000001,18,explored -explored-5638,0.161979166666667,16,explored -explored-5639,0.49626736111111125,18,explored -explored-5640,0.5712094907407409,31,explored -explored-5641,0.7450520833333334,5,explored -explored-5642,0.5161458333333334,17,explored -explored-5643,0.4565104166666668,12,explored -explored-5644,0.5243055555555558,15,explored -explored-5645,0.5057002314814816,25,explored -explored-5646,0.5993923611111112,21,explored -explored-5647,0.6340277777777779,14,explored -explored-5648,0.5778935185185187,14,explored -explored-5649,0.6458333333333335,11,explored -explored-5650,0.5653356481481483,14,explored -explored-5651,0.2937500000000004,8,explored -explored-5652,0.32578125000000013,16,explored -explored-5653,0.42499999999999993,8,explored -explored-5654,0.5949074074074074,17,explored -explored-5655,0.5150000000000001,18,explored -explored-5656,0.23564814814814827,22,explored -explored-5657,0.7276620370370371,14,explored -explored-5658,0.47526041666666685,8,explored -explored-5659,0.14270833333333366,17,explored -explored-5660,0.6347222222222224,13,explored -explored-5661,0.4682291666666668,16,explored -explored-5662,0.25195312500000033,19,explored -explored-5663,0.7266840277777779,6,explored -explored-5664,0.5243055555555556,10,explored -explored-5665,0.7763020833333334,4,explored -explored-5666,0.44119791666666686,13,explored -explored-5667,0.6031250000000001,8,explored -explored-5668,0.571527777777778,21,explored -explored-5669,0.23315972222222237,13,explored -explored-5670,0.4600115740740742,24,explored -explored-5671,0.27031250000000007,15,explored -explored-5672,0.5137586805555557,17,explored -explored-5673,0.5942708333333334,16,explored -explored-5674,0.6781250000000001,30,explored -explored-5675,0.21319444444444458,17,explored -explored-5676,0.47129629629629655,21,explored -explored-5677,0.6826157407407408,11,explored -explored-5678,0.2767361111111113,14,explored -explored-5679,0.6348958333333334,12,explored -explored-5680,0.6696527777777779,17,explored -explored-5681,0.6794988425925927,29,explored -explored-5682,0.425752314814815,15,explored -explored-5683,0.5549074074074075,13,explored -explored-5684,0.3486111111111114,14,explored -explored-5685,0.5551504629629631,12,explored -explored-5686,0.38281250000000033,12,explored -explored-5687,0.1994791666666671,22,explored -explored-5688,0.08906250000000027,18,explored -explored-5689,0.5131944444444447,11,explored -explored-5690,0.6109375000000001,7,explored -explored-5691,0.5156250000000001,16,explored -explored-5692,0.5583333333333333,8,explored -explored-5693,0.21354166666666696,19,explored -explored-5694,0.4666666666666668,17,explored -explored-5695,0.3958333333333335,11,explored -explored-5696,0.3598958333333334,12,explored -explored-5697,0.5083333333333335,15,explored -explored-5698,0.5699942129629632,14,explored -explored-5699,0.5138194444444446,13,explored -explored-5700,0.5608796296296298,17,explored -explored-5701,0.6579409722222224,38,explored -explored-5702,0.3430555555555558,11,explored -explored-5703,0.3098958333333335,14,explored -explored-5704,0.4750000000000002,13,explored -explored-5705,0.4158854166666669,18,explored -explored-5706,0.24088541666666696,22,explored -explored-5707,0.644184027777778,18,explored -explored-5708,0.5263020833333334,11,explored -explored-5709,0.281510416666667,16,explored -explored-5710,0.587152777777778,6,explored -explored-5711,0.588012152777778,12,explored -explored-5712,0.3250000000000004,9,explored -explored-5713,0.45703125000000033,11,explored -explored-5714,0.4296875000000002,16,explored -explored-5715,0.37743055555555594,21,explored -explored-5716,0.4121527777777779,18,explored -explored-5717,0.493576388888889,12,explored -explored-5718,0.3182870370370373,20,explored -explored-5719,0.7022569444444445,9,explored -explored-5720,0.5876736111111113,9,explored -explored-5721,0.5424189814814816,17,explored -explored-5722,0.3876736111111114,15,explored -explored-5723,0.3616666666666668,11,explored -explored-5724,0.504976851851852,18,explored -explored-5725,0.5935937500000001,21,explored -explored-5726,0.6069791666666666,15,explored -explored-5727,0.46892361111111125,16,explored -explored-5728,0.49774305555555554,13,explored -explored-5729,0.4125000000000001,17,explored -explored-5730,0.6505208333333334,6,explored -explored-5731,0.7005063657407409,20,explored -explored-5732,0.7296006944444445,12,explored -explored-5733,0.32777777777777795,17,explored -explored-5734,0.6750347222222223,29,explored -explored-5735,0.5970486111111113,22,explored -explored-5736,0.4984375000000002,14,explored -explored-5737,0.4243055555555557,10,explored -explored-5738,0.5256076388888891,16,explored -explored-5739,0.34192708333333355,20,explored -explored-5740,0.49479166666666663,8,explored -explored-5741,0.5822916666666669,14,explored -explored-5742,0.28333333333333366,14,explored -explored-5743,0.7436631944444445,4,explored -explored-5744,0.584513888888889,11,explored -explored-5745,0.5207754629629632,14,explored -explored-5746,0.4986111111111111,15,explored -explored-5747,0.5239583333333334,10,explored -explored-5748,0.33376736111111127,16,explored -explored-5749,0.4833854166666668,16,explored -explored-5750,0.22335069444444466,14,explored -explored-5751,0.7055555555555555,11,explored -explored-5752,0.324652777777778,16,explored -explored-5753,0.5093750000000001,16,explored -explored-5754,0.4364583333333335,16,explored -explored-5755,0.39281250000000023,16,explored -explored-5756,0.5250000000000001,6,explored -explored-5757,0.17430555555555594,13,explored -explored-5758,0.5446180555555556,11,explored -explored-5759,0.6643981481481482,30,explored -explored-5760,0.7057743055555556,27,explored -explored-5761,0.4691840277777779,18,explored -explored-5762,0.5591666666666668,13,explored -explored-5763,0.1326967592592596,19,explored -explored-5764,0.7290625,5,explored -explored-5765,0.5776041666666667,9,explored -explored-5766,0.25399305555555585,8,explored -explored-5767,0.5536458333333335,20,explored -explored-5768,0.33750000000000024,12,explored -explored-5769,0.6831336805555557,34,explored -explored-5770,0.658492476851852,14,explored -explored-5771,0.27118055555555576,19,explored -explored-5772,0.26336805555555576,23,explored -explored-5773,0.30329861111111134,19,explored -explored-5774,0.33802083333333344,14,explored -explored-5775,0.419791666666667,10,explored -explored-5776,0.43616898148148153,17,explored -explored-5777,0.6331770833333334,13,explored -explored-5778,0.7354861111111113,11,explored -explored-5779,0.6816319444444446,7,explored -explored-5780,0.3681423611111113,14,explored -explored-5781,0.5078125000000002,9,explored -explored-5782,0.7331597222222223,9,explored -explored-5783,0.3578125000000002,11,explored -explored-5784,0.5567997685185186,14,explored -explored-5785,0.5434722222222224,9,explored -explored-5786,0.5113541666666669,15,explored -explored-5787,0.5399305555555557,13,explored -explored-5788,0.5859953703703705,15,explored -explored-5789,0.3437500000000002,20,explored -explored-5790,0.42994791666666676,18,explored -explored-5791,0.4526041666666668,9,explored -explored-5792,0.5305555555555558,6,explored -explored-5793,0.7478298611111112,12,explored -explored-5794,0.626154513888889,32,explored -explored-5795,0.47604166666666703,9,explored -explored-5796,0.5984375000000002,11,explored -explored-5797,0.5784722222222222,14,explored -explored-5798,0.6636574074074075,16,explored -explored-5799,0.3359375000000002,8,explored -explored-5800,0.8153125000000001,6,explored -explored-5801,0.7074652777777779,11,explored -explored-5802,0.35416666666666685,9,explored -explored-5803,0.6133680555555556,10,explored -explored-5804,0.5881944444444447,12,explored -explored-5805,0.4638888888888888,14,explored -explored-5806,0.4794270833333335,10,explored -explored-5807,0.5100868055555556,16,explored -explored-5808,0.4110243055555558,20,explored -explored-5809,0.6186296296296298,21,explored -explored-5810,0.6234953703703705,12,explored -explored-5811,0.5923611111111112,12,explored -explored-5812,0.5838541666666668,12,explored -explored-5813,0.686545138888889,6,explored -explored-5814,0.4675925925925929,18,explored -explored-5815,0.4203125000000001,10,explored -explored-5816,0.717488425925926,28,explored -explored-5817,0.49326388888888917,15,explored -explored-5818,0.6322337962962964,9,explored -explored-5819,0.3656250000000003,11,explored -explored-5820,0.40937500000000004,12,explored -explored-5821,0.663888888888889,7,explored -explored-5822,0.47293402777777793,20,explored -explored-5823,0.5125000000000002,9,explored -explored-5824,0.5299479166666669,14,explored -explored-5825,0.5807378472222223,13,explored -explored-5826,0.5179687500000001,7,explored -explored-5827,0.7684027777777779,14,explored -explored-5828,0.5567708333333334,10,explored -explored-5829,0.09010416666666687,19,explored -explored-5830,0.4500289351851854,17,explored -explored-5831,0.641623263888889,22,explored -explored-5832,0.49479166666666685,5,explored -explored-5833,0.2484375000000003,15,explored -explored-5834,0.3672453703703705,19,explored -explored-5835,0.5254166666666669,13,explored -explored-5836,0.4027777777777781,10,explored -explored-5837,0.5076388888888891,14,explored -explored-5838,0.30572916666666705,16,explored -explored-5839,0.4422222222222224,15,explored -explored-5840,0.301041666666667,9,explored -explored-5841,0.3715277777777781,13,explored -explored-5842,0.6763020833333335,10,explored -explored-5843,0.4242129629629632,16,explored -explored-5844,0.549652777777778,15,explored -explored-5845,0.20989583333333361,12,explored -explored-5846,0.5026041666666667,12,explored -explored-5847,0.49930555555555567,12,explored -explored-5848,0.7437037037037038,8,explored -explored-5849,0.24270833333333353,21,explored -explored-5850,0.5581597222222223,13,explored -explored-5851,0.5750000000000002,8,explored -explored-5852,0.5165943287037039,17,explored -explored-5853,0.49432870370370385,12,explored -explored-5854,0.216666666666667,13,explored -explored-5855,0.16718750000000027,15,explored -explored-5856,0.5935329861111113,20,explored -explored-5857,0.3803819444444446,18,explored -explored-5858,0.6994097222222223,8,explored -explored-5859,0.2500000000000002,21,explored -explored-5860,0.5513888888888889,14,explored -explored-5861,0.2972800925925927,22,explored -explored-5862,0.3979166666666668,14,explored -explored-5863,0.7119791666666666,12,explored -explored-5864,0.43680555555555545,14,explored -explored-5865,0.6522916666666668,17,explored -explored-5866,0.47968750000000016,15,explored -explored-5867,0.42057291666666696,12,explored -explored-5868,0.4598958333333335,13,explored -explored-5869,0.7843055555555556,9,explored -explored-5870,0.5212962962962963,16,explored -explored-5871,0.27161458333333366,13,explored -explored-5872,0.538888888888889,10,explored -explored-5873,0.6333333333333333,9,explored -explored-5874,0.4373553240740742,15,explored -explored-5875,0.6186053240740742,41,explored -explored-5876,0.5372685185185186,12,explored -explored-5877,0.37673611111111127,16,explored -explored-5878,0.5163194444444446,11,explored -explored-5879,0.532465277777778,16,explored -explored-5880,0.19027777777777788,15,explored -explored-5881,0.6979166666666667,9,explored -explored-5882,0.6893055555555556,11,explored -explored-5883,0.3768518518518522,18,explored -explored-5884,0.5952256944444445,11,explored -explored-5885,0.4897800925925928,14,explored -explored-5886,0.6196180555555557,14,explored -explored-5887,0.363541666666667,15,explored -explored-5888,0.6863888888888889,27,explored -explored-5889,0.6310763888888891,12,explored -explored-5890,0.8692708333333333,2,explored -explored-5891,0.4083333333333332,7,explored -explored-5892,0.5736111111111113,12,explored -explored-5893,0.4704166666666669,17,explored -explored-5894,0.4647569444444446,21,explored -explored-5895,0.4489930555555557,13,explored -explored-5896,0.5477430555555555,12,explored -explored-5897,0.7451374007936509,30,explored -explored-5898,0.2892939814814818,20,explored -explored-5899,0.41038773148148167,19,explored -explored-5900,0.5125000000000002,18,explored -explored-5901,0.5609722222222224,11,explored -explored-5902,0.3871093750000003,15,explored -explored-5903,0.30972222222222245,14,explored -explored-5904,0.6119791666666669,6,explored -explored-5905,0.7383333333333334,7,explored -explored-5906,0.553096064814815,17,explored -explored-5907,0.3359375000000002,8,explored -explored-5908,0.66378125,36,explored -explored-5909,0.47031250000000013,16,explored -explored-5910,0.6096354166666668,11,explored -explored-5911,0.6367187500000001,8,explored -explored-5912,0.6603587962962965,10,explored -explored-5913,0.4861689814814817,14,explored -explored-5914,0.3328125000000002,16,explored -explored-5915,0.553486689814815,32,explored -explored-5916,0.20052083333333348,11,explored -explored-5917,0.546875,16,explored -explored-5918,0.4134375000000001,14,explored -explored-5919,0.6539930555555558,9,explored -explored-5920,0.5463541666666667,8,explored -explored-5921,0.2406250000000002,15,explored -explored-5922,0.1399305555555559,18,explored -explored-5923,0.4833333333333335,13,explored -explored-5924,0.44065393518518525,15,explored -explored-5925,0.6505208333333333,5,explored -explored-5926,0.5616666666666668,8,explored -explored-5927,0.2406250000000003,18,explored -explored-5928,0.3466145833333335,18,explored -explored-5929,0.3888888888888893,12,explored -explored-5930,0.19479166666666692,16,explored -explored-5931,0.6369791666666668,10,explored -explored-5932,0.5932291666666668,4,explored -explored-5933,0.7703125000000001,12,explored -explored-5934,0.08125000000000027,12,explored -explored-5935,0.5388888888888891,16,explored -explored-5936,0.18385416666666687,14,explored -explored-5937,0.6833333333333336,7,explored -explored-5938,0.7164062500000001,10,explored -explored-5939,0.4924479166666669,18,explored -explored-5940,0.5457754629629631,12,explored -explored-5941,0.4140625000000002,10,explored -explored-5942,0.12239583333333348,16,explored -explored-5943,0.5755208333333333,10,explored -explored-5944,0.3940104166666668,16,explored -explored-5945,0.6098958333333333,13,explored -explored-5946,0.5406250000000001,10,explored -explored-5947,0.5781250000000001,13,explored -explored-5948,0.5353298611111112,16,explored -explored-5949,0.7243055555555556,8,explored -explored-5950,0.43576388888888906,17,explored -explored-5951,0.6976644345238097,39,explored -explored-5952,0.45520833333333344,16,explored -explored-5953,0.7081597222222225,7,explored -explored-5954,0.6307291666666668,3,explored -explored-5955,0.555902777777778,20,explored -explored-5956,0.33072916666666696,13,explored -explored-5957,0.3054687500000003,15,explored -explored-5958,0.09791666666666687,12,explored -explored-5959,0.6032986111111113,11,explored -explored-5960,0.5945312500000001,9,explored -explored-5961,0.6712094907407409,36,explored -explored-5962,0.4553819444444446,14,explored -explored-5963,0.6192708333333333,6,explored -explored-5964,0.7375,8,explored -explored-5965,0.2434895833333337,19,explored -explored-5966,0.6269791666666668,15,explored -explored-5967,0.7651388888888889,7,explored -explored-5968,0.43699074074074096,15,explored -explored-5969,0.5687500000000001,8,explored -explored-5970,0.6050520833333335,31,explored -explored-5971,0.6036458333333335,13,explored -explored-5972,0.3930555555555557,13,explored -explored-5973,0.4486111111111114,17,explored -explored-5974,0.4128906250000003,22,explored -explored-5975,0.24578993055555565,23,explored -explored-5976,0.6188888888888889,9,explored -explored-5977,0.45763888888888915,12,explored -explored-5978,0.7830729166666668,8,explored -explored-5979,0.6676504629629632,13,explored -explored-5980,0.38125,9,explored -explored-5981,0.577777777777778,9,explored -explored-5982,0.6833333333333333,14,explored -explored-5983,0.07812500000000022,17,explored -explored-5984,0.8168402777777779,6,explored -explored-5985,0.8083333333333335,1,explored -explored-5986,0.4588541666666669,19,explored -explored-5987,0.5380208333333336,5,explored -explored-5988,0.11875000000000036,19,explored -explored-5989,0.36059027777777786,11,explored -explored-5990,0.66328125,17,explored -explored-5991,0.4236689814814816,17,explored -explored-5992,0.32734375000000016,16,explored -explored-5993,0.5913194444444447,12,explored -explored-5994,0.3197916666666668,6,explored -explored-5995,0.4763888888888891,17,explored -explored-5996,0.1473958333333334,18,explored -explored-5997,0.634476851851852,30,explored -explored-5998,0.5343750000000002,10,explored -explored-5999,0.5979166666666668,7,explored -explored-6000,0.7854166666666668,8,explored -explored-6001,0.65625,7,explored -explored-6002,0.35135416666666697,18,explored -explored-6003,0.6099537037037038,10,explored -explored-6004,0.501388888888889,10,explored -explored-6005,0.21458333333333346,14,explored -explored-6006,0.48958333333333326,6,explored -explored-6007,0.5974537037037038,25,explored -explored-6008,0.5020833333333335,11,explored -explored-6009,0.5477083333333334,7,explored -explored-6010,0.6067187500000002,14,explored -explored-6011,0.562152777777778,7,explored -explored-6012,0.410416666666667,9,explored -explored-6013,0.6599421296296297,14,explored -explored-6014,0.30542534722222237,18,explored -explored-6015,0.24557291666666692,20,explored -explored-6016,0.26718750000000036,18,explored -explored-6017,0.5515625,9,explored -explored-6018,0.47479166666666694,9,explored -explored-6019,0.44635416666666705,11,explored -explored-6020,0.5441493055555557,14,explored -explored-6021,0.301041666666667,11,explored -explored-6022,0.697722800925926,31,explored -explored-6023,0.5313541666666668,12,explored -explored-6024,0.4890625000000004,13,explored -explored-6025,0.4223379629629632,15,explored -explored-6026,0.6053240740740742,8,explored -explored-6027,0.5065972222222226,11,explored -explored-6028,0.601388888888889,5,explored -explored-6029,0.500260416666667,11,explored -explored-6030,0.6208333333333335,8,explored -explored-6031,0.5769097222222224,12,explored -explored-6032,0.0951388888888891,19,explored -explored-6033,0.29357638888888915,14,explored -explored-6034,0.5640625000000002,14,explored -explored-6035,0.6166666666666667,10,explored -explored-6036,0.5862847222222225,15,explored -explored-6037,0.6130208333333335,9,explored -explored-6038,0.3481481481481483,17,explored -explored-6039,0.5877604166666668,11,explored -explored-6040,0.22291666666666687,13,explored -explored-6041,0.16953125000000036,16,explored -explored-6042,0.27118055555555576,15,explored -explored-6043,0.5888888888888889,7,explored -explored-6044,0.7782407407407409,9,explored -explored-6045,0.5114583333333333,11,explored -explored-6046,0.3890625,12,explored -explored-6047,0.7266840277777779,8,explored -explored-6048,0.6417534722222223,23,explored -explored-6049,0.768576388888889,2,explored -explored-6050,0.5090277777777779,10,explored -explored-6051,0.571064814814815,12,explored -explored-6052,0.6643084490740742,17,explored -explored-6053,0.5984375000000002,6,explored -explored-6054,0.4130208333333336,20,explored -explored-6055,0.31614583333333357,14,explored -explored-6056,0.4323611111111113,22,explored -explored-6057,0.34010416666666665,15,explored -explored-6058,0.7046874999999999,10,explored -explored-6059,0.6487152777777778,13,explored -explored-6060,0.43537037037037063,22,explored -explored-6061,0.7199074074074076,9,explored -explored-6062,0.5515625,8,explored -explored-6063,0.6053530092592593,19,explored -explored-6064,0.5345486111111113,10,explored -explored-6065,0.5873611111111112,10,explored -explored-6066,0.500607638888889,15,explored -explored-6067,0.25703125000000027,10,explored -explored-6068,0.5280092592592595,19,explored -explored-6069,0.42552083333333346,8,explored -explored-6070,0.36250000000000027,8,explored -explored-6071,0.8016666666666667,2,explored -explored-6072,0.5046875000000001,16,explored -explored-6073,0.214641203703704,22,explored -explored-6074,0.4505208333333335,8,explored -explored-6075,0.6351851851851854,15,explored -explored-6076,0.41180555555555576,13,explored -explored-6077,0.29704861111111147,18,explored -explored-6078,0.7305555555555556,10,explored -explored-6079,0.5164062500000002,10,explored -explored-6080,0.445138888888889,12,explored -explored-6081,0.4676041666666668,9,explored -explored-6082,0.5333333333333334,6,explored -explored-6083,0.5374855324074076,25,explored -explored-6084,0.3718750000000002,10,explored -explored-6085,0.3250000000000003,15,explored -explored-6086,0.32291666666666674,12,explored -explored-6087,0.5067708333333334,7,explored -explored-6088,0.3984375000000002,15,explored -explored-6089,0.43125000000000013,10,explored -explored-6090,0.36250000000000027,10,explored -explored-6091,0.7099253472222222,33,explored -explored-6092,0.4861111111111114,10,explored -explored-6093,0.20416666666666683,13,explored -explored-6094,0.7877083333333333,6,explored -explored-6095,0.13888888888888906,18,explored -explored-6096,0.6942563657407409,16,explored -explored-6097,0.6881712962962964,10,explored -explored-6098,0.4364583333333336,17,explored -explored-6099,0.5206597222222221,14,explored -explored-6100,2.220446049250313e-16,15,explored -explored-6101,0.3666666666666667,17,explored -explored-6102,0.7275462962962962,22,explored -explored-6103,0.6557291666666667,13,explored -explored-6104,0.4748697916666669,12,explored -explored-6105,0.6330729166666669,9,explored -explored-6106,0.5703993055555557,15,explored -explored-6107,0.5109375000000003,15,explored -explored-6108,0.7911458333333334,10,explored -explored-6109,0.5466666666666669,13,explored -explored-6110,0.17916666666666692,13,explored -explored-6111,0.6503356481481483,10,explored -explored-6112,0.3421875000000002,18,explored -explored-6113,0.2498842592592596,21,explored -explored-6114,0.6113194444444446,10,explored -explored-6115,0.6440104166666668,12,explored -explored-6116,0.672482638888889,16,explored -explored-6117,0.4925347222222223,15,explored -explored-6118,0.45572916666666674,7,explored -explored-6119,0.6802083333333335,2,explored -explored-6120,0.49730902777777797,18,explored -explored-6121,0.6881944444444446,12,explored -explored-6122,0.5839583333333335,22,explored -explored-6123,0.4891493055555558,16,explored -explored-6124,0.5980902777777779,11,explored -explored-6125,0.7236111111111112,11,explored -explored-6126,0.5741898148148149,10,explored -explored-6127,0.5026620370370372,16,explored -explored-6128,0.23651620370370408,22,explored -explored-6129,0.26027777777777794,24,explored -explored-6130,0.34296875000000004,14,explored -explored-6131,0.20520833333333366,16,explored -explored-6132,0.5868055555555557,21,explored -explored-6133,0.4497974537037037,11,explored -explored-6134,0.177604166666667,18,explored -explored-6135,0.7445486111111113,5,explored -explored-6136,0.6858020833333334,22,explored -explored-6137,0.2768229166666668,19,explored -explored-6138,0.09843750000000018,15,explored -explored-6139,0.4031250000000003,7,explored -explored-6140,0.47517361111111134,14,explored -explored-6141,0.28229166666666705,13,explored -explored-6142,0.5447916666666669,10,explored -explored-6143,0.5453125000000002,14,explored -explored-6144,0.6913194444444446,9,explored -explored-6145,0.5661458333333335,13,explored -explored-6146,0.5213541666666668,7,explored -explored-6147,0.17916666666666692,9,explored -explored-6148,0.5395833333333335,12,explored -explored-6149,0.1350694444444447,18,explored -explored-6150,0.37250000000000016,12,explored -explored-6151,0.6149305555555558,14,explored -explored-6152,0.42958333333333343,20,explored -explored-6153,0.45243055555555567,14,explored -explored-6154,0.45625000000000016,15,explored -explored-6155,0.6473958333333335,5,explored -explored-6156,0.5328125000000001,11,explored -explored-6157,0.3635416666666669,23,explored -explored-6158,0.47711226851851873,14,explored -explored-6159,0.5479166666666668,9,explored -explored-6160,0.4638194444444447,14,explored -explored-6161,0.6559375000000001,7,explored -explored-6162,0.688816550925926,27,explored -explored-6163,0.6941261574074076,14,explored -explored-6164,0.4409722222222221,9,explored -explored-6165,0.5133101851851853,17,explored -explored-6166,0.6303211805555556,15,explored -explored-6167,0.8422395833333334,8,explored -explored-6168,0.34774305555555574,24,explored -explored-6169,0.7268229166666668,25,explored -explored-6170,0.5736979166666668,9,explored -explored-6171,0.6592881944444445,12,explored -explored-6172,0.5694212962962963,12,explored -explored-6173,0.4413194444444445,13,explored -explored-6174,0.4965277777777779,17,explored -explored-6175,0.45720486111111147,14,explored -explored-6176,0.4745659722222224,13,explored -explored-6177,0.6211805555555556,12,explored -explored-6178,0.6065972222222225,13,explored -explored-6179,0.2517361111111114,15,explored -explored-6180,0.26093750000000027,15,explored -explored-6181,0.48011805555555576,20,explored -explored-6182,0.6453414351851853,9,explored -explored-6183,0.7596412037037038,5,explored -explored-6184,0.6718750000000002,13,explored -explored-6185,0.5985243055555556,14,explored -explored-6186,0.6361111111111113,9,explored -explored-6187,0.5619791666666668,6,explored -explored-6188,0.3071180555555557,15,explored -explored-6189,0.5182291666666667,13,explored -explored-6190,0.5666666666666668,18,explored -explored-6191,0.43125000000000036,8,explored -explored-6192,0.5038194444444446,5,explored -explored-6193,0.3166666666666669,13,explored -explored-6194,0.4921875000000002,14,explored -explored-6195,0.5364583333333336,15,explored -explored-6196,0.6968750000000001,5,explored -explored-6197,0.5692881944444446,17,explored -explored-6198,0.8114583333333333,12,explored -explored-6199,0.6840277777777779,10,explored -explored-6200,0.5769097222222224,12,explored -explored-6201,0.5040798611111112,19,explored -explored-6202,0.45777777777777806,10,explored -explored-6203,0.6335069444444446,10,explored -explored-6204,0.6786458333333333,7,explored -explored-6205,0.501701388888889,16,explored -explored-6206,0.3559895833333335,18,explored -explored-6207,0.5220486111111113,17,explored -explored-6208,0.37187499999999996,15,explored -explored-6209,0.6918750000000001,3,explored -explored-6210,0.4843750000000001,12,explored -explored-6211,0.37604166666666683,18,explored -explored-6212,0.33857060185185206,19,explored -explored-6213,0.5416666666666669,10,explored -explored-6214,0.6050000000000002,14,explored -explored-6215,0.7288194444444446,8,explored -explored-6216,0.5395833333333335,8,explored -explored-6217,0.501041666666667,8,explored -explored-6218,0.36979166666666696,11,explored -explored-6219,0.26180555555555585,10,explored -explored-6220,0.4345486111111113,19,explored -explored-6221,0.5382060185185187,16,explored -explored-6222,0.15989583333333357,14,explored -explored-6223,0.59921875,7,explored -explored-6224,0.8291666666666666,6,explored -explored-6225,0.6624131944444446,11,explored -explored-6226,0.5744791666666669,11,explored -explored-6227,0.41475694444444466,24,explored -explored-6228,0.2781250000000003,18,explored -explored-6229,0.516371527777778,13,explored -explored-6230,0.4813078703703706,19,explored -explored-6231,0.545138888888889,13,explored -explored-6232,0.6796875,6,explored -explored-6233,0.5958333333333334,7,explored -explored-6234,0.4587962962962965,12,explored -explored-6235,0.5335937500000001,14,explored -explored-6236,0.4949508101851854,19,explored -explored-6237,0.4912500000000002,10,explored -explored-6238,0.6841145833333334,11,explored -explored-6239,0.4544270833333335,10,explored -explored-6240,0.5808333333333334,11,explored -explored-6241,0.5043055555555558,12,explored -explored-6242,0.6322337962962964,8,explored -explored-6243,0.6847857142857143,36,explored -explored-6244,0.4070312500000003,9,explored -explored-6245,0.5048611111111113,10,explored -explored-6246,0.53828125,14,explored -explored-6247,0.6120659722222224,13,explored -explored-6248,0.3930555555555556,11,explored -explored-6249,0.348480902777778,17,explored -explored-6250,0.3979166666666669,18,explored -explored-6251,0.4461342592592594,19,explored -explored-6252,0.5489583333333335,6,explored -explored-6253,0.5399305555555557,11,explored -explored-6254,0.16006944444444482,11,explored -explored-6255,0.6349131944444446,11,explored -explored-6256,0.6247395833333335,15,explored -explored-6257,0.5913194444444446,18,explored -explored-6258,0.4795659722222223,16,explored -explored-6259,0.283998842592593,25,explored -explored-6260,0.6269097222222224,19,explored -explored-6261,0.7146990740740742,12,explored -explored-6262,0.4345486111111113,14,explored -explored-6263,0.3510416666666669,18,explored -explored-6264,0.38203125000000004,20,explored -explored-6265,0.46744791666666685,17,explored -explored-6266,0.43333333333333357,10,explored -explored-6267,0.7875,5,explored -explored-6268,0.48358506944444457,16,explored -explored-6269,0.8256944444444445,5,explored -explored-6270,0.4614583333333335,10,explored -explored-6271,0.3279803240740742,15,explored -explored-6272,0.2845486111111114,17,explored -explored-6273,0.6681423611111112,11,explored -explored-6274,0.3104166666666668,15,explored -explored-6275,0.5078125000000001,15,explored -explored-6276,0.3899884259259261,25,explored -explored-6277,0.5466145833333336,17,explored -explored-6278,0.5919270833333334,15,explored -explored-6279,0.595138888888889,14,explored -explored-6280,0.304322916666667,19,explored -explored-6281,0.6667708333333334,3,explored -explored-6282,0.36354166666666676,9,explored -explored-6283,0.7061776620370371,16,explored -explored-6284,0.33072916666666696,23,explored -explored-6285,0.4749189814814817,23,explored -explored-6286,0.4949652777777779,9,explored -explored-6287,0.4666666666666668,10,explored -explored-6288,0.17361111111111138,10,explored -explored-6289,0.3890625000000002,8,explored -explored-6290,0.10520833333333357,16,explored -explored-6291,0.4828125000000002,8,explored -explored-6292,0.19479166666666692,14,explored -explored-6293,0.5739583333333336,16,explored -explored-6294,0.5429687500000002,9,explored -explored-6295,0.7815104166666668,7,explored -explored-6296,0.24756944444444473,16,explored -explored-6297,0.3581597222222225,14,explored -explored-6298,0.3755208333333333,19,explored -explored-6299,0.5645833333333337,6,explored -explored-6300,0.4247106481481484,26,explored -explored-6301,0.31793981481481504,18,explored -explored-6302,0.6153645833333334,8,explored -explored-6303,0.42500000000000016,12,explored -explored-6304,0.5445312500000001,10,explored -explored-6305,0.5694010416666668,16,explored -explored-6306,0.3734375000000001,16,explored -explored-6307,0.722476851851852,7,explored -explored-6308,0.3554687500000002,11,explored -explored-6309,0.4442708333333335,7,explored -explored-6310,0.47791666666666677,16,explored -explored-6311,0.3134837962962964,22,explored -explored-6312,0.7106770833333335,11,explored -explored-6313,0.3719184027777779,23,explored -explored-6314,0.6390625,14,explored -explored-6315,0.5085937500000001,8,explored -explored-6316,0.7062152777777779,6,explored -explored-6317,0.40694444444444466,16,explored -explored-6318,0.5678240740740741,18,explored -explored-6319,0.687152777777778,9,explored -explored-6320,0.7069444444444446,5,explored -explored-6321,0.4734375000000002,10,explored -explored-6322,0.5427083333333335,8,explored -explored-6323,0.587326388888889,7,explored -explored-6324,0.5868750000000001,9,explored -explored-6325,0.5060763888888888,9,explored -explored-6326,0.3031250000000003,13,explored -explored-6327,0.4884375000000001,9,explored -explored-6328,0.377777777777778,15,explored -explored-6329,0.5887847222222223,17,explored -explored-6330,0.5975983796296298,19,explored -explored-6331,0.33767361111111127,15,explored -explored-6332,0.19895833333333357,12,explored -explored-6333,0.4565972222222223,12,explored -explored-6334,0.3666666666666669,12,explored -explored-6335,0.5712673611111112,19,explored -explored-6336,0.6005208333333335,9,explored -explored-6337,0.41232638888888906,17,explored -explored-6338,0.8576388888888888,8,explored -explored-6339,0.5503472222222223,13,explored -explored-6340,0.6072916666666668,12,explored -explored-6341,0.40358796296296306,18,explored -explored-6342,0.6162037037037039,10,explored -explored-6343,0.6307870370370372,12,explored -explored-6344,0.7359374999999999,7,explored -explored-6345,0.5250000000000001,10,explored -explored-6346,0.294791666666667,9,explored -explored-6347,0.40925925925925954,20,explored -explored-6348,0.4461226851851854,16,explored -explored-6349,0.48135416666666686,14,explored -explored-6350,0.4486111111111114,16,explored -explored-6351,0.5819444444444446,12,explored -explored-6352,0.3744444444444447,19,explored -explored-6353,0.46796875000000016,11,explored -explored-6354,0.6876736111111112,9,explored -explored-6355,0.4588541666666667,16,explored -explored-6356,0.6357233796296298,34,explored -explored-6357,0.5179687500000001,7,explored -explored-6358,0.5406250000000001,15,explored -explored-6359,0.3400000000000001,13,explored -explored-6360,0.6231770833333335,7,explored -explored-6361,0.21163194444444478,18,explored -explored-6362,0.05416666666666692,12,explored -explored-6363,0.5440972222222223,11,explored -explored-6364,0.6963541666666667,7,explored -explored-6365,0.6523437500000001,13,explored -explored-6366,0.24947916666666692,14,explored -explored-6367,0.31744791666666683,21,explored -explored-6368,0.6177083333333335,15,explored -explored-6369,0.38180555555555595,16,explored -explored-6370,0.45572916666666685,13,explored -explored-6371,0.5450520833333334,12,explored -explored-6372,0.3217592592592595,21,explored -explored-6373,0.5578125000000002,11,explored -explored-6374,0.19062500000000027,12,explored -explored-6375,0.567013888888889,10,explored -explored-6376,0.68125,3,explored -explored-6377,0.6455729166666666,11,explored -explored-6378,0.6395833333333333,7,explored -explored-6379,0.6903645833333334,9,explored -explored-6380,0.4222222222222224,17,explored -explored-6381,0.5845486111111111,7,explored -explored-6382,0.6355902777777779,10,explored -explored-6383,0.5627517361111112,17,explored -explored-6384,0.6934027777777778,8,explored -explored-6385,0.3690972222222225,20,explored -explored-6386,0.7063446593915345,36,explored -explored-6387,0.4929687500000002,11,explored -explored-6388,0.7333333333333334,14,explored -explored-6389,0.16996527777777803,23,explored -explored-6390,0.3890625000000001,14,explored -explored-6391,0.3562500000000003,15,explored -explored-6392,0.6660011574074075,9,explored -explored-6393,0.45763888888888915,16,explored -explored-6394,0.5130208333333334,14,explored -explored-6395,0.5581597222222222,14,explored -explored-6396,0.3250000000000002,16,explored -explored-6397,0.26828125000000025,23,explored -explored-6398,0.6635416666666668,11,explored -explored-6399,0.48469618055555563,16,explored -explored-6400,0.42500000000000027,8,explored -explored-6401,0.8710069444444445,8,explored -explored-6402,0.34479166666666683,9,explored -explored-6403,0.38125,9,explored -explored-6404,0.17604166666666687,18,explored -explored-6405,0.7144097222222223,9,explored -explored-6406,0.6256944444444446,18,explored -explored-6407,0.5732638888888891,15,explored -explored-6408,0.3906250000000001,18,explored -explored-6409,0.5282986111111112,9,explored -explored-6410,0.26093750000000027,13,explored -explored-6411,0.4812500000000002,9,explored -explored-6412,0.4481770833333335,19,explored -explored-6413,0.21736111111111123,13,explored -explored-6414,0.3695312500000002,14,explored -explored-6415,0.4125000000000002,15,explored -explored-6416,0.3979166666666669,10,explored -explored-6417,0.5221932870370372,19,explored -explored-6418,0.4442708333333336,11,explored -explored-6419,0.18645833333333361,15,explored -explored-6420,0.6924479166666668,15,explored -explored-6421,0.46250000000000013,12,explored -explored-6422,0.4140625000000002,13,explored -explored-6423,0.36041666666666705,11,explored -explored-6424,0.5243055555555558,11,explored -explored-6425,0.45720486111111136,12,explored -explored-6426,0.5234375,10,explored -explored-6427,0.5472222222222223,15,explored -explored-6428,0.3812500000000003,5,explored -explored-6429,0.6142361111111112,11,explored -explored-6430,0.4583333333333335,7,explored -explored-6431,0.4219039351851853,16,explored -explored-6432,0.42945601851851867,18,explored -explored-6433,0.5728298611111112,9,explored -explored-6434,0.33281250000000007,17,explored -explored-6435,0.6718750000000002,8,explored -explored-6436,0.6718750000000002,8,explored -explored-6437,0.5789930555555557,11,explored -explored-6438,0.8,4,explored -explored-6439,0.5105902777777779,14,explored -explored-6440,0.5763020833333334,9,explored -explored-6441,0.47812500000000013,9,explored -explored-6442,0.5520833333333335,15,explored -explored-6443,0.7421875,9,explored -explored-6444,0.5273003472222224,19,explored -explored-6445,0.7239583333333333,7,explored -explored-6446,0.4320312500000002,14,explored -explored-6447,0.6743750000000002,8,explored -explored-6448,0.6732291666666668,6,explored -explored-6449,0.6736979166666668,14,explored -explored-6450,0.40104166666666685,6,explored -explored-6451,0.39218750000000013,7,explored -explored-6452,0.39774305555555567,12,explored -explored-6453,0.3715277777777779,16,explored -explored-6454,0.6767361111111112,8,explored -explored-6455,0.6746527777777779,5,explored -explored-6456,0.5592881944444446,12,explored -explored-6457,0.43234953703703716,15,explored -explored-6458,0.44291666666666685,14,explored -explored-6459,0.5430173611111113,18,explored -explored-6460,0.5507812500000002,17,explored -explored-6461,0.45763888888888915,13,explored -explored-6462,0.5515046296296298,13,explored -explored-6463,0.606076388888889,10,explored -explored-6464,0.6667621527777778,15,explored -explored-6465,0.46092592592592607,14,explored -explored-6466,0.7117476851851854,9,explored -explored-6467,0.32769097222222243,17,explored -explored-6468,0.83125,7,explored -explored-6469,0.7382118055555555,10,explored -explored-6470,0.7614583333333333,6,explored -explored-6471,0.5472222222222223,9,explored -explored-6472,0.5878472222222223,13,explored -explored-6473,0.4630208333333333,11,explored -explored-6474,0.1819444444444447,15,explored -explored-6475,0.4330729166666667,18,explored -explored-6476,0.5187500000000002,19,explored -explored-6477,0.6506944444444445,12,explored -explored-6478,0.7169278273809525,37,explored -explored-6479,0.6918402777777779,11,explored -explored-6480,0.28333333333333355,15,explored -explored-6481,0.7612500000000001,7,explored -explored-6482,0.42500000000000027,14,explored -explored-6483,0.7364149305555556,8,explored -explored-6484,0.18750000000000022,11,explored -explored-6485,0.5750173611111113,13,explored -explored-6486,0.5380208333333335,9,explored -explored-6487,0.6612500000000001,4,explored -explored-6488,0.6152777777777779,12,explored -explored-6489,0.6194444444444446,12,explored -explored-6490,0.6871354166666668,15,explored -explored-6491,0.38541666666666674,11,explored -explored-6492,0.4159722222222225,12,explored -explored-6493,0.6460937500000001,8,explored -explored-6494,0.36302083333333357,11,explored -explored-6495,0.3437500000000002,20,explored -explored-6496,0.5953125000000002,9,explored -explored-6497,0.5967847222222223,14,explored -explored-6498,0.6914930555555557,9,explored -explored-6499,0.659982638888889,11,explored -explored-6500,0.6703125000000001,8,explored -explored-6501,0.6880208333333335,8,explored -explored-6502,0.2727430555555559,20,explored -explored-6503,0.5827430555555557,13,explored -explored-6504,0.7479166666666667,9,explored -explored-6505,0.499166666666667,8,explored -explored-6506,0.4816666666666669,7,explored -explored-6507,0.4641927083333336,16,explored -explored-6508,0.3671875000000002,16,explored -explored-6509,0.7244212962962965,11,explored -explored-6510,0.5567708333333333,9,explored -explored-6511,0.6270833333333334,10,explored -explored-6512,0.5875868055555556,11,explored -explored-6513,0.3402199074074077,20,explored -explored-6514,0.45763888888888904,10,explored -explored-6515,0.5961805555555557,19,explored -explored-6516,0.5526041666666669,10,explored -explored-6517,0.344010416666667,11,explored -explored-6518,0.4456597222222225,13,explored -explored-6519,0.6844212962962963,9,explored -explored-6520,0.4345486111111112,14,explored -explored-6521,0.5926504629629631,13,explored -explored-6522,0.5162037037037039,12,explored -explored-6523,0.5651388888888891,13,explored -explored-6524,0.6038194444444446,14,explored -explored-6525,0.40347222222222245,8,explored -explored-6526,0.7328125,6,explored -explored-6527,0.5381597222222223,17,explored -explored-6528,0.4682812500000002,10,explored -explored-6529,0.4208333333333335,15,explored -explored-6530,0.3750000000000001,7,explored -explored-6531,0.5950810185185187,18,explored -explored-6532,0.5996527777777779,13,explored -explored-6533,0.5312615740740741,13,explored -explored-6534,0.7258506944444445,8,explored -explored-6535,0.41757812500000024,17,explored -explored-6536,0.6895833333333334,4,explored -explored-6537,0.657638888888889,12,explored -explored-6538,0.6309027777777779,13,explored -explored-6539,0.5869791666666668,10,explored -explored-6540,0.39218750000000024,17,explored -explored-6541,0.4616753472222225,18,explored -explored-6542,0.5817187500000001,11,explored -explored-6543,0.7503472222222223,10,explored -explored-6544,0.6708333333333334,6,explored -explored-6545,0.6756944444444444,5,explored -explored-6546,0.7921875,8,explored -explored-6547,0.4375000000000002,21,explored -explored-6548,0.5383680555555558,15,explored -explored-6549,0.531076388888889,9,explored -explored-6550,0.15868055555555594,17,explored -explored-6551,0.8153645833333333,8,explored -explored-6552,0.4941840277777778,14,explored -explored-6553,0.5618055555555556,10,explored -explored-6554,0.6751331018518519,39,explored -explored-6555,0.5269097222222223,13,explored -explored-6556,0.5131944444444447,10,explored -explored-6557,0.4333333333333337,9,explored -explored-6558,0.41953125000000013,17,explored -explored-6559,0.47187500000000016,17,explored -explored-6560,0.7321412037037038,11,explored -explored-6561,0.18298611111111152,19,explored -explored-6562,0.48119212962962976,20,explored -explored-6563,0.34826388888888915,25,explored -explored-6564,0.510763888888889,11,explored -explored-6565,0.7582754629629631,9,explored -explored-6566,0.6574218750000002,8,explored -explored-6567,0.4876736111111113,13,explored -explored-6568,0.40590277777777795,18,explored -explored-6569,0.44986979166666674,22,explored -explored-6570,0.4885416666666669,13,explored -explored-6571,0.45368055555555586,13,explored -explored-6572,0.7177083333333333,10,explored -explored-6573,0.6932881944444446,31,explored -explored-6574,0.7447511574074075,18,explored -explored-6575,0.6716145833333335,8,explored -explored-6576,0.4199537037037038,19,explored -explored-6577,0.5697337962962964,16,explored -explored-6578,0.30763888888888924,16,explored -explored-6579,0.7359374999999999,5,explored -explored-6580,0.6381944444444444,11,explored -explored-6581,0.4593750000000003,7,explored -explored-6582,0.2552083333333337,14,explored -explored-6583,0.4765625000000002,12,explored -explored-6584,0.5916666666666668,10,explored -explored-6585,0.4296875000000002,14,explored -explored-6586,2.220446049250313e-16,15,explored -explored-6587,0.3320312500000002,16,explored -explored-6588,0.5058854166666666,10,explored -explored-6589,0.5380208333333335,10,explored -explored-6590,0.3809027777777779,29,explored -explored-6591,0.36597222222222237,9,explored -explored-6592,0.6666666666666669,5,explored -explored-6593,0.42890625000000016,18,explored -explored-6594,0.6167245370370371,12,explored -explored-6595,0.4765625000000002,13,explored -explored-6596,0.49337384259259276,15,explored -explored-6597,0.5740162037037039,23,explored -explored-6598,0.34635416666666696,13,explored -explored-6599,0.43602430555555594,9,explored -explored-6600,0.7486111111111111,10,explored -explored-6601,0.6910011574074075,14,explored -explored-6602,0.4083333333333333,7,explored -explored-6603,0.5401041666666668,7,explored -explored-6604,0.8859375,4,explored -explored-6605,0.49003472222222233,9,explored -explored-6606,0.1473958333333334,19,explored -explored-6607,0.7594328703703704,13,explored -explored-6608,0.44652777777777797,18,explored -explored-6609,0.6853108465608466,36,explored -explored-6610,0.5115451388888889,14,explored -explored-6611,0.7748263888888889,7,explored -explored-6612,0.44010416666666685,12,explored -explored-6613,0.5505208333333336,8,explored -explored-6614,0.37812500000000027,15,explored -explored-6615,0.5901909722222223,18,explored -explored-6616,0.41847222222222236,12,explored -explored-6617,0.6749131944444445,14,explored -explored-6618,0.4837528935185187,21,explored -explored-6619,0.6714409722222223,12,explored -explored-6620,0.45916666666666683,9,explored -explored-6621,0.6389756944444447,8,explored -explored-6622,0.2694444444444448,13,explored -explored-6623,0.4192708333333335,8,explored -explored-6624,0.6944097222222223,9,explored -explored-6625,0.771875,19,explored -explored-6626,0.7446875000000002,2,explored -explored-6627,0.6817708333333334,10,explored -explored-6628,0.247916666666667,16,explored -explored-6629,0.7044687500000001,29,explored -explored-6630,0.7815682870370371,9,explored -explored-6631,0.7854166666666667,6,explored -explored-6632,0.5328125000000001,8,explored -explored-6633,0.33619791666666676,15,explored -explored-6634,0.27708333333333346,15,explored -explored-6635,0.5718750000000001,12,explored -explored-6636,0.628125,6,explored -explored-6637,0.7388888888888889,6,explored -explored-6638,0.3677083333333335,17,explored -explored-6639,0.6572916666666668,10,explored -explored-6640,0.44687500000000013,11,explored -explored-6641,0.14322916666666696,13,explored -explored-6642,0.6311805555555557,9,explored -explored-6643,0.5395833333333335,6,explored -explored-6644,0.5325000000000002,9,explored -explored-6645,0.7784375,6,explored -explored-6646,0.7204861111111113,14,explored -explored-6647,0.6725405092592593,8,explored -explored-6648,0.4316406250000002,13,explored -explored-6649,0.5889756944444445,11,explored -explored-6650,0.3817708333333335,12,explored -explored-6651,0.6983333333333335,7,explored -explored-6652,0.3426504629629632,17,explored -explored-6653,0.6732928240740742,15,explored -explored-6654,0.6256076388888892,11,explored -explored-6655,0.40347222222222223,8,explored -explored-6656,0.485763888888889,5,explored -explored-6657,0.3763888888888891,10,explored -explored-6658,0.24583333333333357,19,explored -explored-6659,0.7819791666666667,4,explored -explored-6660,0.6926074735449737,41,explored -explored-6661,0.3427083333333336,11,explored -explored-6662,0.41371527777777783,8,explored -explored-6663,0.7144097222222223,11,explored -explored-6664,0.437934027777778,24,explored -explored-6665,0.6323784722222223,15,explored -explored-6666,0.42060185185185206,15,explored -explored-6667,0.7540625000000001,7,explored -explored-6668,0.6251736111111112,11,explored -explored-6669,0.5491319444444446,8,explored -explored-6670,0.44247685185185204,17,explored -explored-6671,0.6305324074074075,11,explored -explored-6672,0.4315104166666669,19,explored -explored-6673,0.49722222222222234,14,explored -explored-6674,0.6993055555555556,5,explored -explored-6675,0.3940104166666669,9,explored -explored-6676,0.7312500000000001,8,explored -explored-6677,0.45269097222222243,17,explored -explored-6678,0.4663194444444446,12,explored -explored-6679,0.39218750000000036,6,explored -explored-6680,0.5920138888888891,10,explored -explored-6681,0.14947916666666683,15,explored -explored-6682,0.6818813657407408,31,explored -explored-6683,0.4140914351851853,17,explored -explored-6684,0.7927777777777778,7,explored -explored-6685,0.5640625000000002,9,explored -explored-6686,0.6343749999999999,11,explored -explored-6687,0.5088541666666668,12,explored -explored-6688,0.4666666666666668,18,explored -explored-6689,0.6979166666666667,8,explored -explored-6690,0.3088541666666669,10,explored -explored-6691,0.5985532407407409,12,explored -explored-6692,0.23489583333333353,21,explored -explored-6693,0.6883391203703705,21,explored -explored-6694,0.22083333333333366,15,explored -explored-6695,0.6309895833333334,7,explored -explored-6696,0.6285156250000001,17,explored -explored-6697,0.6222916666666669,11,explored -explored-6698,0.5583333333333333,7,explored -explored-6699,0.5546585648148149,17,explored -explored-6700,0.8329166666666666,7,explored -explored-6701,0.28472222222222243,20,explored -explored-6702,0.6906250000000002,5,explored -explored-6703,0.43663194444444464,16,explored -explored-6704,0.4125000000000003,11,explored -explored-6705,0.6944444444444445,3,explored -explored-6706,0.5421875000000003,5,explored -explored-6707,0.3895254629629632,21,explored -explored-6708,0.289322916666667,15,explored -explored-6709,0.4355324074074076,13,explored -explored-6710,0.672916666666667,3,explored -explored-6711,0.7130208333333334,10,explored -explored-6712,0.7544270833333334,10,explored -explored-6713,0.718576388888889,11,explored -explored-6714,0.35889756944444473,21,explored -explored-6715,0.29062500000000013,20,explored -explored-6716,0.4152777777777781,10,explored -explored-6717,0.21354166666666696,12,explored -explored-6718,0.5569444444444446,13,explored -explored-6719,0.7803240740740741,7,explored -explored-6720,0.6917245370370372,11,explored -explored-6721,0.6962905092592594,27,explored -explored-6722,0.7048611111111114,8,explored -explored-6723,0.5651041666666669,16,explored -explored-6724,0.5491319444444446,10,explored -explored-6725,0.46597222222222234,18,explored -explored-6726,0.6499305555555557,11,explored -explored-6727,0.2822916666666667,7,explored -explored-6728,0.5324652777777779,7,explored -explored-6729,0.24583333333333346,23,explored -explored-6730,0.7435648148148148,6,explored -explored-6731,0.24895833333333361,17,explored -explored-6732,0.4963541666666669,9,explored -explored-6733,0.6825520833333335,10,explored -explored-6734,0.6734722222222222,12,explored -explored-6735,0.4388310185185186,15,explored -explored-6736,0.3471354166666668,20,explored -explored-6737,0.5405092592592593,20,explored -explored-6738,0.5324652777777779,9,explored -explored-6739,0.5218171296296298,26,explored -explored-6740,0.6330729166666668,12,explored -explored-6741,0.5769097222222224,13,explored -explored-6742,0.7428240740740741,8,explored -explored-6743,0.48930555555555566,13,explored -explored-6744,0.6421875000000002,5,explored -explored-6745,0.5576388888888891,16,explored -explored-6746,0.48220486111111127,18,explored -explored-6747,0.3445312500000003,9,explored -explored-6748,0.6569444444444446,5,explored -explored-6749,0.3227430555555557,16,explored -explored-6750,0.30234375000000036,11,explored -explored-6751,0.5962500000000002,6,explored -explored-6752,0.593431712962963,17,explored -explored-6753,0.6584375,5,explored -explored-6754,0.6899594907407409,12,explored -explored-6755,0.6855902777777779,9,explored -explored-6756,0.5746701388888891,16,explored -explored-6757,0.3486111111111114,12,explored -explored-6758,0.6425925925925927,15,explored -explored-6759,0.6523437500000001,28,explored -explored-6760,0.7163715277777778,10,explored -explored-6761,0.6111111111111112,27,explored -explored-6762,0.1698350694444446,21,explored -explored-6763,0.3953125000000002,10,explored -explored-6764,0.5076388888888891,16,explored -explored-6765,0.4442708333333335,18,explored -explored-6766,0.5716319444444447,9,explored -explored-6767,0.6796875000000002,4,explored -explored-6768,0.6325520833333333,4,explored -explored-6769,0.3993055555555558,13,explored -explored-6770,0.6325868055555557,13,explored -explored-6771,0.6800347222222223,8,explored -explored-6772,0.4760416666666668,17,explored -explored-6773,0.6111111111111112,20,explored -explored-6774,0.6688368055555557,17,explored -explored-6775,0.6505787037037039,9,explored -explored-6776,0.6584490740740742,12,explored -explored-6777,0.7654976851851854,17,explored -explored-6778,0.4750000000000003,7,explored -explored-6779,0.4218750000000002,14,explored -explored-6780,0.6302083333333335,6,explored -explored-6781,0.5666666666666667,9,explored -explored-6782,0.3040798611111115,24,explored -explored-6783,0.4993634259259261,21,explored -explored-6784,0.6539351851851853,10,explored -explored-6785,0.4368055555555558,16,explored -explored-6786,0.43619791666666685,12,explored -explored-6787,0.7091145833333333,18,explored -explored-6788,0.38593750000000016,17,explored -explored-6789,0.6255208333333334,11,explored -explored-6790,0.7604166666666666,7,explored -explored-6791,0.45868055555555576,19,explored -explored-6792,0.5256944444444447,10,explored -explored-6793,0.7702777777777778,6,explored -explored-6794,0.5400694444444446,10,explored -explored-6795,0.6951388888888891,13,explored -explored-6796,0.4984375000000002,8,explored -explored-6797,0.4332407407407409,17,explored -explored-6798,0.493576388888889,10,explored -explored-6799,0.6669270833333334,7,explored -explored-6800,0.18940972222222252,20,explored -explored-6801,0.643576388888889,9,explored -explored-6802,0.2678819444444446,23,explored -explored-6803,0.4182118055555557,14,explored -explored-6804,0.6653935185185187,11,explored -explored-6805,0.6074652777777779,10,explored -explored-6806,0.585763888888889,10,explored -explored-6807,0.4169560185185186,17,explored -explored-6808,0.5093750000000001,13,explored -explored-6809,0.4279513888888893,12,explored -explored-6810,0.5025000000000002,8,explored -explored-6811,0.5903645833333335,8,explored -explored-6812,0.4450000000000002,11,explored -explored-6813,0.4140625000000002,9,explored -explored-6814,0.8336805555555555,6,explored -explored-6815,0.7697627314814816,18,explored -explored-6816,0.9131944444444444,3,explored -explored-6817,0.4892361111111113,12,explored -explored-6818,0.5571180555555557,9,explored -explored-6819,0.6048611111111113,13,explored -explored-6820,0.44854166666666684,14,explored -explored-6821,0.6951678240740742,14,explored -explored-6822,0.6725694444444446,8,explored -explored-6823,0.36649305555555567,14,explored -explored-6824,0.6177083333333334,6,explored -explored-6825,0.6305555555555558,11,explored -explored-6826,0.42164351851851867,18,explored -explored-6827,0.23802083333333346,20,explored -explored-6828,0.5149305555555557,10,explored -explored-6829,0.6650578703703705,13,explored -explored-6830,0.7257233796296297,17,explored -explored-6831,0.4488541666666668,10,explored -explored-6832,0.7206076388888889,12,explored -explored-6833,0.31597222222222254,12,explored -explored-6834,0.5243055555555556,7,explored -explored-6835,0.38381076388888924,18,explored -explored-6836,0.4901041666666668,15,explored -explored-6837,0.43315625000000024,18,explored -explored-6838,0.6213541666666668,11,explored -explored-6839,0.5979166666666669,6,explored -explored-6840,0.2625000000000004,17,explored -explored-6841,0.6967013888888889,11,explored -explored-6842,0.5533564814814815,17,explored -explored-6843,0.7515798611111112,3,explored -explored-6844,0.627777777777778,8,explored -explored-6845,0.7334635416666668,8,explored -explored-6846,0.6393750000000001,12,explored -explored-6847,0.6683167989417991,41,explored -explored-6848,0.4486111111111113,13,explored -explored-6849,0.6144097222222223,12,explored -explored-6850,0.6730902777777779,12,explored -explored-6851,0.28476562500000036,22,explored -explored-6852,0.5131250000000002,8,explored -explored-6853,0.28145254629629657,20,explored -explored-6854,0.6132812500000002,13,explored -explored-6855,0.6815625000000001,3,explored -explored-6856,0.6371527777777779,5,explored -explored-6857,0.5358333333333334,6,explored -explored-6858,0.47291666666666676,10,explored -explored-6859,0.45097222222222255,10,explored -explored-6860,0.621875,6,explored -explored-6861,0.6258159722222223,11,explored -explored-6862,0.5704861111111112,13,explored -explored-6863,0.5724537037037039,20,explored -explored-6864,0.4158564814814817,16,explored -explored-6865,0.5260416666666669,17,explored -explored-6866,0.5874768518518519,11,explored -explored-6867,0.7215625000000001,5,explored -explored-6868,0.3436631944444446,21,explored -explored-6869,0.4861111111111114,10,explored -explored-6870,0.5951388888888891,12,explored -explored-6871,0.15677083333333353,12,explored -explored-6872,0.3659722222222226,19,explored -explored-6873,0.557638888888889,5,explored -explored-6874,0.7138020833333334,7,explored -explored-6875,0.6817708333333332,6,explored -explored-6876,0.5808159722222223,13,explored -explored-6877,0.6957401620370371,36,explored -explored-6878,0.6916666666666668,7,explored -explored-6879,0.6937500000000001,6,explored -explored-6880,0.6746527777777779,4,explored -explored-6881,0.15885416666666696,14,explored -explored-6882,0.3006944444444448,11,explored -explored-6883,0.6482407407407408,28,explored -explored-6884,0.7366319444444445,9,explored -explored-6885,0.6725520833333335,11,explored -explored-6886,0.5125000000000002,11,explored -explored-6887,0.4145833333333335,20,explored -explored-6888,0.3406250000000003,12,explored -explored-6889,0.385026041666667,12,explored -explored-6890,0.7580729166666668,7,explored -explored-6891,0.43315972222222254,11,explored -explored-6892,0.5447048611111114,15,explored -explored-6893,0.5843750000000001,15,explored -explored-6894,0.39166666666666683,10,explored -explored-6895,0.5515625000000002,16,explored -explored-6896,0.6565538194444445,23,explored -explored-6897,0.4901041666666668,9,explored -explored-6898,0.3288194444444448,19,explored -explored-6899,0.6682291666666667,9,explored -explored-6900,0.09218750000000031,13,explored -explored-6901,0.41770833333333357,21,explored -explored-6902,0.4040798611111114,16,explored -explored-6903,0.17135416666666692,13,explored -explored-6904,0.5354166666666667,7,explored -explored-6905,0.45416666666666683,10,explored -explored-6906,0.2506944444444448,17,explored -explored-6907,0.5546875,6,explored -explored-6908,0.45736111111111133,23,explored -explored-6909,0.40065104166666676,23,explored -explored-6910,0.16875000000000018,19,explored -explored-6911,0.07812500000000022,14,explored -explored-6912,0.6334531250000001,37,explored -explored-6913,0.6583333333333334,30,explored -explored-6914,0.6390017361111112,18,explored -explored-6915,0.5151041666666669,14,explored -explored-6916,0.6767361111111112,9,explored -explored-6917,0.43177083333333344,15,explored -explored-6918,0.5822916666666668,4,explored -explored-6919,0.7586805555555556,5,explored -explored-6920,0.5734375,8,explored -explored-6921,0.4964699074074076,22,explored -explored-6922,0.5656250000000002,12,explored -explored-6923,0.6251736111111112,10,explored -explored-6924,0.3221354166666668,14,explored -explored-6925,0.6270833333333334,11,explored -explored-6926,0.5841666666666668,8,explored -explored-6927,0.6039351851851854,13,explored -explored-6928,0.5608217592592595,18,explored -explored-6929,0.44928819444444457,18,explored -explored-6930,0.6272395833333335,12,explored -explored-6931,0.6024305555555557,7,explored -explored-6932,0.22968750000000027,21,explored -explored-6933,0.4083333333333333,9,explored -explored-6934,0.7655092592592593,12,explored -explored-6935,0.48359375000000016,15,explored -explored-6936,0.7802083333333334,12,explored -explored-6937,0.7093750000000001,8,explored -explored-6938,0.8083333333333333,8,explored -explored-6939,0.3666666666666669,20,explored -explored-6940,0.5984375000000001,10,explored -explored-6941,0.7388888888888889,9,explored -explored-6942,0.4687500000000002,11,explored -explored-6943,0.312326388888889,20,explored -explored-6944,0.41328125000000027,9,explored -explored-6945,0.45611979166666694,20,explored -explored-6946,0.599652777777778,13,explored -explored-6947,0.5318055555555558,8,explored -explored-6948,0.5062500000000001,6,explored -explored-6949,0.5892361111111112,11,explored -explored-6950,0.777638888888889,6,explored -explored-6951,0.6484375000000002,14,explored -explored-6952,0.43978009259259276,15,explored -explored-6953,0.45729166666666654,10,explored -explored-6954,0.4517361111111112,9,explored -explored-6955,0.2255208333333334,21,explored -explored-6956,0.6210069444444446,8,explored -explored-6957,0.4486111111111114,9,explored -explored-6958,0.5025694444444446,11,explored -explored-6959,0.5100260416666668,17,explored -explored-6960,0.32777777777777795,13,explored -explored-6961,0.7019444444444445,5,explored -explored-6962,0.5958333333333334,19,explored -explored-6963,0.6524652777777779,9,explored -explored-6964,0.7269047619047619,41,explored -explored-6965,0.8027777777777778,12,explored -explored-6966,0.3270833333333336,9,explored -explored-6967,0.6081597222222224,15,explored -explored-6968,0.548726851851852,14,explored -explored-6969,0.5422453703703706,12,explored -explored-6970,0.6372222222222224,11,explored -explored-6971,0.5616319444444445,14,explored -explored-6972,0.6886342592592594,14,explored -explored-6973,0.4159722222222225,19,explored -explored-6974,0.7155208333333335,4,explored -explored-6975,0.3425347222222226,11,explored -explored-6976,0.6925636574074076,13,explored -explored-6977,0.36979166666666685,18,explored -explored-6978,0.5741319444444446,12,explored -explored-6979,0.1409722222222225,11,explored -explored-6980,0.560925925925926,14,explored -explored-6981,0.45546875,10,explored -explored-6982,0.5843750000000001,14,explored -explored-6983,0.28784722222222237,20,explored -explored-6984,0.6225983796296297,11,explored -explored-6985,0.44995659722222237,15,explored -explored-6986,0.7325520833333334,8,explored -explored-6987,0.5597222222222223,9,explored -explored-6988,0.18385416666666698,15,explored -explored-6989,0.24609375000000022,12,explored -explored-6990,0.6356250000000001,6,explored -explored-6991,0.7303819444444444,12,explored -explored-6992,0.36968750000000017,23,explored -explored-6993,0.6515625,17,explored -explored-6994,0.7798611111111113,8,explored -explored-6995,0.08541666666666692,16,explored -explored-6996,0.44638310185185204,16,explored -explored-6997,0.44635416666666683,10,explored -explored-6998,0.44739583333333355,10,explored -explored-6999,0.6614583333333333,7,explored -explored-7000,0.419820601851852,17,explored -explored-7001,0.6489583333333334,9,explored -explored-7002,0.7875000000000001,7,explored -explored-7003,0.4461516203703707,12,explored -explored-7004,0.4101851851851853,17,explored -explored-7005,0.2500000000000002,18,explored -explored-7006,0.5664930555555556,14,explored -explored-7007,0.33888888888888924,14,explored -explored-7008,0.6489583333333335,8,explored -explored-7009,0.6140625000000001,11,explored -explored-7010,0.6126736111111112,12,explored -explored-7011,0.21927083333333364,15,explored -explored-7012,0.3739583333333336,17,explored -explored-7013,0.5383449074074076,19,explored -explored-7014,0.5832175925925928,15,explored -explored-7015,0.5657291666666668,11,explored -explored-7016,0.5466145833333336,17,explored -explored-7017,0.5266203703703706,18,explored -explored-7018,0.2015625000000003,14,explored -explored-7019,0.44453125000000016,14,explored -explored-7020,0.734375,8,explored -explored-7021,0.6855034722222223,13,explored -explored-7022,0.4021701388888891,16,explored -explored-7023,0.532465277777778,19,explored -explored-7024,0.644652777777778,7,explored -explored-7025,0.5239583333333333,9,explored -explored-7026,0.8200000000000001,6,explored -explored-7027,0.42895833333333355,17,explored -explored-7028,0.5013888888888889,16,explored -explored-7029,0.726701388888889,8,explored -explored-7030,0.6524305555555558,7,explored -explored-7031,0.6520833333333335,13,explored -explored-7032,0.43851273148148173,18,explored -explored-7033,0.5025486111111113,14,explored -explored-7034,0.16319444444444464,20,explored -explored-7035,0.3375,13,explored -explored-7036,0.72503125,22,explored -explored-7037,0.2866898148148149,13,explored -explored-7038,0.37902199074074083,27,explored -explored-7039,0.2864583333333337,9,explored -explored-7040,0.6020833333333334,5,explored -explored-7041,0.691695601851852,16,explored -explored-7042,0.6330208333333335,13,explored -explored-7043,0.3923611111111114,12,explored -explored-7044,0.4280381944444446,17,explored -explored-7045,0.6370659722222224,6,explored -explored-7046,0.18020833333333353,25,explored -explored-7047,0.426041666666667,22,explored -explored-7048,0.08125000000000027,12,explored -explored-7049,0.33025173611111147,19,explored -explored-7050,0.7367621527777779,25,explored -explored-7051,0.7447916666666667,5,explored -explored-7052,0.5919675925925927,16,explored -explored-7053,0.16840277777777812,15,explored -explored-7054,0.6175,8,explored -explored-7055,0.4612962962962964,15,explored -explored-7056,0.49565972222222254,10,explored -explored-7057,0.4634288194444447,18,explored -explored-7058,0.5024594907407409,14,explored -explored-7059,0.29270833333333357,16,explored -explored-7060,0.6814930555555556,10,explored -explored-7061,0.3562500000000002,12,explored -explored-7062,0.6666666666666667,9,explored -explored-7063,0.5299479166666669,15,explored -explored-7064,0.409027777777778,16,explored -explored-7065,0.627951388888889,9,explored -explored-7066,0.5189814814814815,13,explored -explored-7067,0.765625,7,explored -explored-7068,0.5338541666666669,12,explored -explored-7069,0.6005208333333334,8,explored -explored-7070,0.24467592592592624,13,explored -explored-7071,0.5690972222222224,13,explored -explored-7072,0.6552083333333334,6,explored -explored-7073,0.18437500000000018,14,explored -explored-7074,0.5190972222222223,14,explored -explored-7075,0.535763888888889,18,explored -explored-7076,0.47482638888888906,14,explored -explored-7077,0.44635416666666683,13,explored -explored-7078,0.2651041666666668,11,explored -explored-7079,0.8083333333333333,8,explored -explored-7080,0.618576388888889,8,explored -explored-7081,0.19849537037037068,16,explored -explored-7082,0.4285416666666668,15,explored -explored-7083,0.37000000000000033,15,explored -explored-7084,0.5234375000000002,11,explored -explored-7085,0.5669270833333335,15,explored -explored-7086,0.37187500000000007,17,explored -explored-7087,0.8169270833333333,3,explored -explored-7088,0.6185416666666668,7,explored -explored-7089,0.2807291666666669,21,explored -explored-7090,0.4111111111111114,13,explored -explored-7091,0.10416666666666696,15,explored -explored-7092,0.6501041666666667,4,explored -explored-7093,0.5523437500000001,18,explored -explored-7094,0.4083333333333333,11,explored -explored-7095,0.5593750000000001,7,explored -explored-7096,0.6419270833333335,15,explored -explored-7097,0.3909722222222225,11,explored -explored-7098,0.20833333333333348,21,explored -explored-7099,0.6341666666666668,12,explored -explored-7100,0.7092708333333334,6,explored -explored-7101,0.7575520833333335,8,explored -explored-7102,0.5369791666666668,10,explored -explored-7103,0.526041666666667,11,explored -explored-7104,0.7343171296296297,13,explored -explored-7105,0.5414062500000003,13,explored -explored-7106,0.41857638888888915,26,explored -explored-7107,0.16302083333333361,16,explored -explored-7108,0.31171875000000027,17,explored -explored-7109,0.5815972222222224,8,explored -explored-7110,0.5936631944444445,18,explored -explored-7111,0.449479166666667,12,explored -explored-7112,0.6516666666666667,11,explored -explored-7113,0.4655555555555557,19,explored -explored-7114,0.14427083333333357,15,explored -explored-7115,0.5234490740740743,13,explored -explored-7116,0.5900000000000001,6,explored -explored-7117,0.6163194444444446,8,explored -explored-7118,0.22361111111111143,17,explored -explored-7119,0.2703125000000002,19,explored -explored-7120,0.6198784722222224,15,explored -explored-7121,0.540277777777778,12,explored -explored-7122,0.4666666666666668,14,explored -explored-7123,0.513888888888889,15,explored -explored-7124,0.6291666666666668,19,explored -explored-7125,0.3465856481481484,17,explored -explored-7126,0.6643229166666667,9,explored -explored-7127,0.6961226851851853,8,explored -explored-7128,0.33750000000000013,11,explored -explored-7129,0.30781250000000016,18,explored -explored-7130,0.3450520833333335,16,explored -explored-7131,0.7341145833333335,9,explored -explored-7132,0.7237847222222223,11,explored -explored-7133,0.6447916666666668,12,explored -explored-7134,0.6539930555555558,11,explored -explored-7135,0.7084062500000001,23,explored -explored-7136,0.5881944444444447,15,explored -explored-7137,0.502951388888889,16,explored -explored-7138,0.22682291666666687,20,explored -explored-7139,0.8333333333333334,6,explored -explored-7140,0.3098958333333335,17,explored -explored-7141,0.2909722222222224,10,explored -explored-7142,0.43865740740740766,20,explored -explored-7143,0.4441666666666668,12,explored -explored-7144,0.5165798611111112,13,explored -explored-7145,0.5305844907407409,14,explored -explored-7146,0.46105324074074094,17,explored -explored-7147,0.6663020833333335,13,explored -explored-7148,0.4158101851851853,15,explored -explored-7149,0.37421875000000016,17,explored -explored-7150,0.6361979166666669,9,explored -explored-7151,0.30229166666666707,19,explored -explored-7152,0.6130208333333335,6,explored -explored-7153,0.6923611111111111,10,explored -explored-7154,0.6291666666666668,4,explored -explored-7155,0.418229166666667,13,explored -explored-7156,0.71796875,6,explored -explored-7157,0.3948784722222225,12,explored -explored-7158,0.6617187500000001,6,explored -explored-7159,0.27708333333333357,14,explored -explored-7160,0.42152777777777817,12,explored -explored-7161,0.18402777777777812,17,explored -explored-7162,0.547482638888889,17,explored -explored-7163,0.5880208333333335,6,explored -explored-7164,0.5833333333333334,4,explored -explored-7165,0.7106770833333333,8,explored -explored-7166,0.34930555555555576,18,explored -explored-7167,0.6111111111111112,12,explored -explored-7168,0.587326388888889,15,explored -explored-7169,0.18917824074074097,22,explored -explored-7170,0.5216145833333335,9,explored -explored-7171,0.4256944444444448,17,explored -explored-7172,0.5408854166666669,8,explored -explored-7173,0.3011284722222225,17,explored -explored-7174,0.324479166666667,13,explored -explored-7175,0.5690104166666667,15,explored -explored-7176,0.6525179398148149,42,explored -explored-7177,0.47490740740740756,14,explored -explored-7178,0.15000000000000036,14,explored -explored-7179,0.4083333333333333,11,explored -explored-7180,0.2583333333333335,13,explored -explored-7181,0.5513020833333334,6,explored -explored-7182,0.7755671296296297,10,explored -explored-7183,0.6976562500000001,8,explored -explored-7184,0.6599479166666667,34,explored -explored-7185,0.1185763888888891,19,explored -explored-7186,0.4668402777777779,16,explored -explored-7187,0.1312500000000003,14,explored -explored-7188,0.601388888888889,13,explored -explored-7189,0.4348668981481483,20,explored -explored-7190,0.4041232638888891,21,explored -explored-7191,0.2523437500000003,19,explored -explored-7192,0.49930555555555567,9,explored -explored-7193,0.3513888888888892,22,explored -explored-7194,0.5722222222222224,11,explored -explored-7195,0.40156250000000027,17,explored -explored-7196,0.15381944444444473,20,explored -explored-7197,0.7072453703703705,9,explored -explored-7198,0.6283854166666668,9,explored -explored-7199,0.564453125,11,explored -explored-7200,0.6285156250000001,10,explored -explored-7201,0.5847222222222224,13,explored -explored-7202,0.419791666666667,12,explored -explored-7203,0.5872395833333335,14,explored -explored-7204,0.4525000000000001,20,explored -explored-7205,0.5555555555555558,9,explored -explored-7206,0.7458333333333333,12,explored -explored-7207,0.48451967592592615,13,explored -explored-7208,0.410416666666667,9,explored -explored-7209,0.83125,2,explored -explored-7210,0.2503472222222225,25,explored -explored-7211,0.5440416666666666,15,explored -explored-7212,0.19166666666666698,14,explored -explored-7213,0.4429629629629631,14,explored -explored-7214,0.6538483796296297,18,explored -explored-7215,0.38802083333333326,9,explored -explored-7216,0.12013888888888924,17,explored -explored-7217,0.17986111111111147,15,explored -explored-7218,0.5513310185185186,17,explored -explored-7219,0.6516666666666667,3,explored -explored-7220,0.3113281250000002,13,explored -explored-7221,0.37213541666666683,17,explored -explored-7222,0.3826967592592595,22,explored -explored-7223,0.6053819444444446,15,explored -explored-7224,0.33871527777777777,13,explored -explored-7225,0.5831597222222225,9,explored -explored-7226,0.5101562500000002,12,explored -explored-7227,0.3281250000000001,10,explored -explored-7228,0.25260416666666696,15,explored -explored-7229,0.4245486111111113,15,explored -explored-7230,0.5013888888888889,14,explored -explored-7231,0.6747881944444445,25,explored -explored-7232,0.673726851851852,17,explored -explored-7233,0.40491898148148175,19,explored -explored-7234,0.46990740740740744,12,explored -explored-7235,0.35416666666666696,15,explored -explored-7236,0.5041377314814817,18,explored -explored-7237,0.5794270833333333,13,explored -explored-7238,0.298697916666667,10,explored -explored-7239,0.6203125000000002,9,explored -explored-7240,0.5020833333333334,10,explored -explored-7241,0.5680555555555558,17,explored -explored-7242,0.5177083333333337,5,explored -explored-7243,0.6952430555555557,11,explored -explored-7244,0.2661458333333335,13,explored -explored-7245,0.45969328703703716,17,explored -explored-7246,0.5640625000000001,5,explored -explored-7247,0.57125,12,explored -explored-7248,0.45416666666666683,17,explored -explored-7249,0.7138449074074075,25,explored -explored-7250,0.6667557870370371,38,explored -explored-7251,0.5934895833333335,7,explored -explored-7252,0.6269097222222224,12,explored -explored-7253,0.5312499999999999,10,explored -explored-7254,0.13547453703703738,21,explored -explored-7255,0.524479166666667,7,explored -explored-7256,0.5988541666666667,5,explored -explored-7257,0.6250868055555556,13,explored -explored-7258,0.7423958333333335,6,explored -explored-7259,0.68,2,explored -explored-7260,0.5315682870370372,22,explored -explored-7261,0.6720486111111112,10,explored -explored-7262,0.5161458333333335,11,explored -explored-7263,0.8090277777777778,8,explored -explored-7264,0.5328125,19,explored -explored-7265,0.29947916666666674,14,explored -explored-7266,0.43068576388888913,16,explored -explored-7267,0.7052604166666667,6,explored -explored-7268,0.479809027777778,24,explored -explored-7269,0.6971354166666668,6,explored -explored-7270,0.6231770833333334,11,explored -explored-7271,0.5758333333333334,9,explored -explored-7272,0.5455729166666669,18,explored -explored-7273,0.6979166666666667,6,explored -explored-7274,0.3098958333333335,15,explored -explored-7275,0.7684606481481482,17,explored -explored-7276,0.5814236111111113,19,explored -explored-7277,0.4370659722222223,19,explored -explored-7278,0.4428819444444446,14,explored -explored-7279,0.24218750000000033,17,explored -explored-7280,0.3264756944444447,18,explored -explored-7281,0.6016203703703705,25,explored -explored-7282,0.39427083333333346,17,explored -explored-7283,0.6255208333333334,16,explored -explored-7284,0.4296875000000002,18,explored -explored-7285,0.41270833333333345,23,explored -explored-7286,0.5015625000000001,14,explored -explored-7287,0.6468750000000001,10,explored -explored-7288,0.5125000000000002,6,explored -explored-7289,0.34140625000000036,17,explored -explored-7290,0.31510416666666696,15,explored -explored-7291,0.7319444444444445,7,explored -explored-7292,0.7180555555555554,8,explored -explored-7293,0.6750520833333334,44,explored -explored-7294,0.7533854166666667,5,explored -explored-7295,0.282175925925926,21,explored -explored-7296,0.35208333333333364,15,explored -explored-7297,0.47187500000000016,14,explored -explored-7298,0.5701388888888891,16,explored -explored-7299,0.5300347222222224,10,explored -explored-7300,0.5911458333333335,12,explored -explored-7301,0.20503472222222252,18,explored -explored-7302,0.2767361111111114,15,explored -explored-7303,0.08541666666666692,15,explored -explored-7304,0.4062500000000002,8,explored -explored-7305,0.4722222222222223,15,explored -explored-7306,0.6310763888888891,8,explored -explored-7307,0.4187500000000002,12,explored -explored-7308,0.6046875000000002,17,explored -explored-7309,0.5123003472222224,18,explored -explored-7310,0.43652777777777807,18,explored -explored-7311,0.5151041666666668,8,explored -explored-7312,0.16875000000000018,17,explored -explored-7313,0.612471064814815,16,explored -explored-7314,0.6707465277777779,12,explored -explored-7315,0.4184895833333335,16,explored -explored-7316,0.34296875000000016,14,explored -explored-7317,0.3026041666666668,12,explored -explored-7318,0.4079166666666669,17,explored -explored-7319,0.2548611111111114,12,explored -explored-7320,0.5404947916666669,24,explored -explored-7321,0.8410590277777777,12,explored -explored-7322,0.31953125000000027,15,explored -explored-7323,0.5182291666666669,18,explored -explored-7324,0.5762152777777779,8,explored -explored-7325,0.22916666666666685,18,explored -explored-7326,0.15000000000000036,12,explored -explored-7327,0.5019965277777779,15,explored -explored-7328,0.4197916666666668,15,explored -explored-7329,0.6703125000000001,10,explored -explored-7330,0.46929629629629643,18,explored -explored-7331,0.44583333333333375,18,explored -explored-7332,0.6153935185185186,15,explored -explored-7333,0.25555555555555587,12,explored -explored-7334,0.571354166666667,5,explored -explored-7335,0.13593750000000027,18,explored -explored-7336,0.4133680555555559,14,explored -explored-7337,0.7408101851851854,5,explored -explored-7338,0.45625000000000027,14,explored -explored-7339,0.47296875000000016,16,explored -explored-7340,0.6262152777777779,15,explored -explored-7341,0.6062500000000002,14,explored -explored-7342,0.5913541666666667,9,explored -explored-7343,0.7484375000000001,7,explored -explored-7344,0.497152777777778,12,explored -explored-7345,0.5717447916666668,15,explored -explored-7346,0.3271990740740742,18,explored -explored-7347,0.5791666666666666,13,explored -explored-7348,0.6460937500000001,8,explored -explored-7349,0.6501562500000001,10,explored -explored-7350,0.5726041666666668,6,explored -explored-7351,0.44010416666666685,7,explored -explored-7352,0.5537500000000002,9,explored -explored-7353,0.5526041666666668,7,explored -explored-7354,0.5087500000000001,11,explored -explored-7355,0.5477430555555557,13,explored -explored-7356,0.3866319444444446,16,explored -explored-7357,0.30313888888888907,20,explored -explored-7358,0.4885416666666669,13,explored -explored-7359,0.33888888888888924,13,explored -explored-7360,0.6283854166666667,7,explored -explored-7361,0.6227430555555558,16,explored -explored-7362,0.22384259259259287,18,explored -explored-7363,0.8583333333333334,2,explored -explored-7364,0.6277777777777778,8,explored -explored-7365,0.666840277777778,7,explored -explored-7366,0.7238570601851853,34,explored -explored-7367,0.6253472222222223,7,explored -explored-7368,0.6660590277777778,9,explored -explored-7369,0.6349074074074076,12,explored -explored-7370,0.4486111111111114,14,explored -explored-7371,0.6054687500000001,11,explored -explored-7372,0.13020833333333348,11,explored -explored-7373,0.682326388888889,9,explored -explored-7374,0.5147685185185187,14,explored -explored-7375,0.7630208333333333,6,explored -explored-7376,0.7930555555555555,6,explored -explored-7377,0.16747685185185213,17,explored -explored-7378,0.6062500000000002,9,explored -explored-7379,0.5187500000000003,7,explored -explored-7380,0.6209780092592594,11,explored -explored-7381,0.7234375000000002,12,explored -explored-7382,0.5586805555555557,13,explored -explored-7383,0.45763888888888915,16,explored -explored-7384,0.6515625,13,explored -explored-7385,0.5819444444444446,13,explored -explored-7386,0.7550000000000001,8,explored -explored-7387,0.6458333333333333,15,explored -explored-7388,0.6514409722222223,14,explored -explored-7389,0.40499131944444455,25,explored -explored-7390,0.4935474537037038,16,explored -explored-7391,0.3679976851851854,17,explored -explored-7392,0.5346354166666669,9,explored -explored-7393,0.6006944444444445,15,explored -explored-7394,0.7202546296296297,5,explored -explored-7395,0.426041666666667,11,explored -explored-7396,0.5423611111111113,12,explored -explored-7397,0.17083333333333361,10,explored -explored-7398,0.3484375000000002,11,explored -explored-7399,0.3964988425925928,19,explored -explored-7400,0.7992187500000001,8,explored -explored-7401,0.7419212962962964,7,explored -explored-7402,0.79375,6,explored -explored-7403,0.6278935185185187,10,explored -explored-7404,0.13993055555555578,16,explored -explored-7405,0.30772569444444464,22,explored -explored-7406,0.27317708333333357,16,explored -explored-7407,0.49140625000000016,14,explored -explored-7408,0.2885416666666669,11,explored -explored-7409,0.47187499999999993,9,explored -explored-7410,0.7756944444444445,8,explored -explored-7411,0.5542824074074075,14,explored -explored-7412,0.36451388888888914,14,explored -explored-7413,0.428732638888889,20,explored -explored-7414,0.4587962962962965,13,explored -explored-7415,0.6148437500000001,7,explored -explored-7416,0.8195833333333333,4,explored -explored-7417,0.6220833333333334,9,explored -explored-7418,0.5081597222222224,19,explored -explored-7419,0.78328125,6,explored -explored-7420,0.5043055555555558,10,explored -explored-7421,0.522916666666667,7,explored -explored-7422,0.22916666666666696,10,explored -explored-7423,0.2362268518518521,26,explored -explored-7424,0.4003472222222225,20,explored -explored-7425,0.8035416666666666,9,explored -explored-7426,0.4520833333333334,8,explored -explored-7427,0.3012152777777779,16,explored -explored-7428,0.44704861111111127,10,explored -explored-7429,0.5463541666666668,7,explored -explored-7430,0.7947916666666667,6,explored -explored-7431,0.7434895833333335,12,explored -explored-7432,0.3190972222222226,16,explored -explored-7433,0.5675347222222223,13,explored -explored-7434,0.6328356481481483,15,explored -explored-7435,0.24135416666666698,10,explored -explored-7436,0.5695312500000003,7,explored -explored-7437,0.7631944444444446,7,explored -explored-7438,0.37361111111111134,17,explored -explored-7439,0.413888888888889,14,explored -explored-7440,0.4173611111111113,9,explored -explored-7441,0.2396267361111114,17,explored -explored-7442,0.7209114583333334,43,explored -explored-7443,0.4587500000000002,13,explored -explored-7444,0.3557291666666669,16,explored -explored-7445,0.672916666666667,6,explored -explored-7446,0.7265798611111112,3,explored -explored-7447,0.5725694444444446,12,explored -explored-7448,0.49140625000000004,12,explored -explored-7449,0.5007812500000002,12,explored -explored-7450,0.5911458333333335,10,explored -explored-7451,0.31689814814814854,15,explored -explored-7452,0.5681944444444446,10,explored -explored-7453,0.5456597222222224,9,explored -explored-7454,0.6108217592592593,27,explored -explored-7455,0.5147569444444446,15,explored -explored-7456,0.5583333333333336,8,explored -explored-7457,0.2620370370370372,11,explored -explored-7458,0.5822916666666668,4,explored -explored-7459,0.466666666666667,8,explored -explored-7460,0.7399305555555555,11,explored -explored-7461,0.4850000000000001,17,explored -explored-7462,0.5544270833333335,19,explored -explored-7463,0.5436342592592595,7,explored -explored-7464,0.37031250000000016,17,explored -explored-7465,0.5199652777777779,16,explored -explored-7466,0.7072337962962965,11,explored -explored-7467,0.8411458333333333,6,explored -explored-7468,0.4203703703703705,23,explored -explored-7469,0.3211226851851854,22,explored -explored-7470,0.6950520833333335,9,explored -explored-7471,0.4859375,7,explored -explored-7472,0.5821180555555556,11,explored -explored-7473,0.18125000000000013,15,explored -explored-7474,0.3197916666666668,11,explored -explored-7475,0.45416666666666683,6,explored -explored-7476,0.5039375000000001,16,explored -explored-7477,0.6395833333333333,4,explored -explored-7478,0.4158854166666668,10,explored -explored-7479,0.5057378472222224,13,explored -explored-7480,0.2970833333333336,21,explored -explored-7481,0.2718750000000002,19,explored -explored-7482,0.6527083333333334,6,explored -explored-7483,0.46302083333333355,7,explored -explored-7484,0.3328125000000002,12,explored -explored-7485,0.6616666666666666,4,explored -explored-7486,0.5839409722222224,15,explored -explored-7487,0.7159722222222222,10,explored -explored-7488,0.6604467592592593,29,explored -explored-7489,0.6230902777777778,10,explored -explored-7490,0.6288194444444446,16,explored -explored-7491,0.6949074074074075,14,explored -explored-7492,0.37708333333333366,9,explored -explored-7493,0.5677083333333334,7,explored -explored-7494,0.4765625000000001,10,explored -explored-7495,0.5911458333333333,14,explored -explored-7496,0.7004166666666667,8,explored -explored-7497,0.6630208333333334,4,explored -explored-7498,0.7140625000000003,10,explored -explored-7499,0.6848906250000001,33,explored -explored-7500,0.24583333333333346,15,explored -explored-7501,0.27505787037037055,21,explored -explored-7502,0.30625000000000013,15,explored -explored-7503,0.441666666666667,6,explored -explored-7504,0.5229166666666667,6,explored -explored-7505,0.5068750000000002,16,explored -explored-7506,0.7859548611111112,7,explored -explored-7507,0.6701388888888888,8,explored -explored-7508,0.6630208333333335,6,explored -explored-7509,0.4901041666666668,14,explored -explored-7510,0.4343750000000002,6,explored -explored-7511,0.4083333333333333,9,explored -explored-7512,0.6464409722222224,8,explored -explored-7513,0.5690104166666667,13,explored -explored-7514,0.43576388888888906,11,explored -explored-7515,0.6515046296296297,12,explored -explored-7516,0.41478587962962976,18,explored -explored-7517,0.5829282407407408,10,explored -explored-7518,0.2817708333333335,13,explored -explored-7519,0.5854166666666668,17,explored -explored-7520,0.513888888888889,13,explored -explored-7521,0.537013888888889,15,explored -explored-7522,0.6135416666666667,6,explored -explored-7523,0.5614583333333335,7,explored -explored-7524,0.6312500000000002,5,explored -explored-7525,0.5250000000000001,13,explored -explored-7526,0.5130787037037039,20,explored -explored-7527,0.7045515046296298,14,explored -explored-7528,0.47927083333333353,12,explored -explored-7529,0.2395833333333337,12,explored -explored-7530,0.6946180555555556,13,explored -explored-7531,0.5165509259259261,14,explored -explored-7532,0.42343750000000013,12,explored -explored-7533,0.7340856481481481,11,explored -explored-7534,0.2997685185185188,14,explored -explored-7535,0.609201388888889,9,explored -explored-7536,0.28281250000000013,16,explored -explored-7537,0.43611111111111134,7,explored -explored-7538,0.294791666666667,12,explored -explored-7539,0.8005208333333333,3,explored -explored-7540,0.543402777777778,15,explored -explored-7541,0.4453125000000002,10,explored -explored-7542,0.4458333333333332,11,explored -explored-7543,0.44999999999999996,17,explored -explored-7544,0.7706828703703704,7,explored -explored-7545,0.2210937500000003,13,explored -explored-7546,0.32343750000000027,10,explored -explored-7547,0.6088703703703705,17,explored -explored-7548,0.16432291666666687,19,explored -explored-7549,0.16319444444444486,19,explored -explored-7550,0.4164930555555557,11,explored -explored-7551,0.6005931712962964,16,explored -explored-7552,0.6430555555555555,9,explored -explored-7553,0.35555555555555574,8,explored -explored-7554,0.6130208333333335,6,explored -explored-7555,0.6635416666666666,7,explored -explored-7556,0.23593750000000013,16,explored -explored-7557,0.64375,10,explored -explored-7558,0.4487500000000002,12,explored -explored-7559,0.22968750000000027,12,explored -explored-7560,0.5838541666666668,10,explored -explored-7561,0.5692708333333334,15,explored -explored-7562,0.5861111111111115,6,explored -explored-7563,0.6724537037037038,16,explored -explored-7564,0.32682291666666685,12,explored -explored-7565,0.4716145833333336,17,explored -explored-7566,0.37459490740740753,23,explored -explored-7567,0.548726851851852,10,explored -explored-7568,0.6038194444444446,11,explored -explored-7569,0.5062500000000001,5,explored -explored-7570,0.46163194444444455,14,explored -explored-7571,0.6096064814814817,14,explored -explored-7572,0.25218750000000023,22,explored -explored-7573,0.691388888888889,11,explored -explored-7574,0.5736111111111113,10,explored -explored-7575,0.4916666666666668,10,explored -explored-7576,0.3865740740740742,19,explored -explored-7577,0.16666666666666696,12,explored -explored-7578,0.5321527777777779,13,explored -explored-7579,0.6875,8,explored -explored-7580,0.6081597222222223,13,explored -explored-7581,0.33269675925925934,13,explored -explored-7582,0.56640625,10,explored -explored-7583,0.4423611111111113,9,explored -explored-7584,0.32581018518518534,16,explored -explored-7585,0.577777777777778,13,explored -explored-7586,0.48246527777777803,13,explored -explored-7587,0.5882233796296298,10,explored -explored-7588,0.7166666666666667,12,explored -explored-7589,0.5197916666666668,11,explored -explored-7590,0.68875,9,explored -explored-7591,0.28333333333333366,8,explored -explored-7592,0.4487500000000002,12,explored -explored-7593,0.6986979166666667,8,explored -explored-7594,0.5144097222222225,15,explored -explored-7595,0.6642534722222223,30,explored -explored-7596,0.4133159722222224,23,explored -explored-7597,0.5901041666666668,9,explored -explored-7598,0.28671875000000013,15,explored -explored-7599,0.42893518518518536,19,explored -explored-7600,0.6070312500000002,10,explored -explored-7601,0.7544270833333333,9,explored -explored-7602,0.7019097222222224,11,explored -explored-7603,0.3373842592592595,20,explored -explored-7604,0.6509537037037038,37,explored -explored-7605,0.5537037037037038,16,explored -explored-7606,0.5858854166666668,16,explored -explored-7607,0.3557291666666671,9,explored -explored-7608,0.7097222222222223,8,explored -explored-7609,0.5088888888888891,17,explored -explored-7610,0.5327256944444445,14,explored -explored-7611,0.5915798611111112,18,explored -explored-7612,0.53671875,9,explored -explored-7613,0.40729166666666705,10,explored -explored-7614,0.6159722222222224,8,explored -explored-7615,0.48935185185185204,12,explored -explored-7616,0.8106770833333333,8,explored -explored-7617,0.5697916666666668,14,explored -explored-7618,0.22812500000000036,20,explored -explored-7619,0.4006076388888893,11,explored -explored-7620,0.5776041666666668,11,explored -explored-7621,0.6726562500000001,9,explored -explored-7622,0.3690104166666668,16,explored -explored-7623,0.5703125,9,explored -explored-7624,0.6885416666666668,11,explored -explored-7625,0.4900462962962965,11,explored -explored-7626,0.6508680555555557,11,explored -explored-7627,0.5223958333333335,11,explored -explored-7628,0.8984375,4,explored -explored-7629,0.630078125,32,explored -explored-7630,0.7315183531746032,35,explored -explored-7631,0.5506944444444445,19,explored -explored-7632,0.5763888888888891,13,explored -explored-7633,0.742638888888889,9,explored -explored-7634,0.49236111111111125,9,explored -explored-7635,0.4975405092592593,14,explored -explored-7636,0.6513078703703705,16,explored -explored-7637,0.338715277777778,11,explored -explored-7638,0.5720486111111113,8,explored -explored-7639,0.38489583333333344,10,explored -explored-7640,0.6917534722222223,14,explored -explored-7641,0.4838541666666668,13,explored -explored-7642,0.3895833333333336,9,explored -explored-7643,0.43194444444444435,10,explored -explored-7644,0.214814814814815,21,explored -explored-7645,0.6269097222222224,12,explored -explored-7646,0.41956018518518534,18,explored -explored-7647,0.6526041666666667,5,explored -explored-7648,0.6430555555555555,13,explored -explored-7649,0.4280381944444447,11,explored -explored-7650,0.4843750000000001,5,explored -explored-7651,0.5150462962962964,11,explored -explored-7652,0.6039351851851853,15,explored -explored-7653,0.5229166666666666,9,explored -explored-7654,0.7915625,8,explored -explored-7655,0.6888020833333335,7,explored -explored-7656,0.6320312500000002,16,explored -explored-7657,0.753125,8,explored -explored-7658,0.5545023148148149,19,explored -explored-7659,0.43041087962962976,18,explored -explored-7660,0.5456250000000002,18,explored -explored-7661,0.646875,9,explored -explored-7662,0.5564583333333335,12,explored -explored-7663,0.475,19,explored -explored-7664,0.3324652777777778,11,explored -explored-7665,0.10520833333333357,17,explored -explored-7666,0.4676215277777779,16,explored -explored-7667,0.6891493055555556,12,explored -explored-7668,0.25260416666666685,13,explored -explored-7669,0.7244305555555557,21,explored -explored-7670,0.4319444444444446,6,explored -explored-7671,0.37413194444444475,10,explored -explored-7672,0.7520833333333334,6,explored -explored-7673,0.38333333333333364,10,explored -explored-7674,0.4083333333333332,8,explored -explored-7675,0.6814525462962964,9,explored -explored-7676,0.4065104166666671,10,explored -explored-7677,0.4135416666666669,8,explored -explored-7678,0.5704861111111112,8,explored -explored-7679,0.5138078703703705,40,explored -explored-7680,0.6315972222222221,10,explored -explored-7681,0.5966145833333335,8,explored -explored-7682,0.6580729166666667,17,explored -explored-7683,0.6372251157407409,16,explored -explored-7684,0.4704166666666669,18,explored -explored-7685,0.22552083333333361,16,explored -explored-7686,0.6348958333333334,11,explored -explored-7687,0.42786458333333344,13,explored -explored-7688,0.5543402777777778,11,explored -explored-7689,0.20089699074074108,27,explored -explored-7690,0.7662500000000001,2,explored -explored-7691,0.6506944444444446,10,explored -explored-7692,0.746875,10,explored -explored-7693,0.3442708333333334,9,explored -explored-7694,0.37769097222222237,14,explored -explored-7695,0.3265625000000003,16,explored -explored-7696,0.5847222222222224,14,explored -explored-7697,0.6026041666666667,11,explored -explored-7698,0.535138888888889,13,explored -explored-7699,0.5175925925925926,12,explored -explored-7700,0.11562500000000031,14,explored -explored-7701,0.7493055555555557,6,explored -explored-7702,0.5320312500000001,11,explored -explored-7703,0.2328703703703705,21,explored -explored-7704,0.41458333333333375,7,explored -explored-7705,0.39409722222222254,19,explored -explored-7706,0.6113136574074075,13,explored -explored-7707,0.6423611111111113,19,explored -explored-7708,0.1717013888888892,17,explored -explored-7709,0.6415509259259261,11,explored -explored-7710,0.6702256944444446,10,explored -explored-7711,0.7386574074074075,13,explored -explored-7712,0.5328125000000001,13,explored -explored-7713,0.7265625,8,explored -explored-7714,0.45234375000000016,13,explored -explored-7715,0.5513020833333335,14,explored -explored-7716,0.7038355654761905,38,explored -explored-7717,0.2567708333333336,19,explored -explored-7718,0.6605034722222223,13,explored -explored-7719,0.5755208333333335,14,explored -explored-7720,0.6848784722222223,14,explored -explored-7721,0.5736979166666668,9,explored -explored-7722,0.5546875000000001,11,explored -explored-7723,0.5098958333333335,9,explored -explored-7724,0.6817708333333333,7,explored -explored-7725,0.6570659722222223,13,explored -explored-7726,0.24609375000000033,9,explored -explored-7727,0.6989583333333333,9,explored -explored-7728,0.35763888888888906,25,explored -explored-7729,0.5557291666666668,16,explored -explored-7730,0.4995370370370372,22,explored -explored-7731,0.4609375,14,explored -explored-7732,0.34921875000000013,12,explored -explored-7733,0.33819444444444446,12,explored -explored-7734,0.5640625000000001,10,explored -explored-7735,0.6839120370370372,8,explored -explored-7736,0.7234375000000001,14,explored -explored-7737,0.4486111111111113,13,explored -explored-7738,0.7164930555555555,10,explored -explored-7739,0.5697916666666668,18,explored -explored-7740,0.49626736111111125,16,explored -explored-7741,0.6526909722222223,13,explored -explored-7742,0.4900000000000002,12,explored -explored-7743,0.2234953703703706,16,explored -explored-7744,0.5604861111111112,18,explored -explored-7745,0.1937500000000003,14,explored -explored-7746,0.675607638888889,7,explored -explored-7747,0.31302083333333364,11,explored -explored-7748,0.6045138888888888,8,explored -explored-7749,0.5949652777777779,9,explored -explored-7750,0.6628472222222224,14,explored -explored-7751,0.5595486111111112,9,explored -explored-7752,0.7171875,13,explored -explored-7753,0.7052083333333334,12,explored -explored-7754,0.7943055555555556,8,explored -explored-7755,0.7604166666666666,3,explored -explored-7756,0.8178125,8,explored -explored-7757,0.17187500000000022,13,explored -explored-7758,0.6722222222222223,7,explored -explored-7759,0.18020833333333353,13,explored -explored-7760,0.6622395833333334,30,explored -explored-7761,0.7088020833333335,6,explored -explored-7762,0.35014467592592613,21,explored -explored-7763,0.4380208333333335,11,explored -explored-7764,0.6739583333333334,7,explored -explored-7765,0.34774305555555585,16,explored -explored-7766,0.4768055555555556,15,explored -explored-7767,0.3132812500000002,13,explored -explored-7768,0.5942129629629631,12,explored -explored-7769,0.4981770833333333,10,explored -explored-7770,0.6312500000000002,7,explored -explored-7771,0.5935763888888891,13,explored -explored-7772,0.5224537037037038,11,explored -explored-7773,0.06093750000000031,13,explored -explored-7774,0.22916666666666696,17,explored -explored-7775,0.6016493055555556,10,explored -explored-7776,0.6905173611111112,32,explored -explored-7777,0.23506944444444466,19,explored -explored-7778,0.7708101851851853,9,explored -explored-7779,0.347916666666667,15,explored -explored-7780,0.510763888888889,11,explored -explored-7781,0.5164062500000001,11,explored -explored-7782,0.501388888888889,9,explored -explored-7783,0.44687500000000036,11,explored -explored-7784,0.7027546296296298,6,explored -explored-7785,0.6276909722222221,11,explored -explored-7786,0.582638888888889,15,explored -explored-7787,0.5727430555555557,8,explored -explored-7788,0.2541666666666669,10,explored -explored-7789,0.2406250000000003,13,explored -explored-7790,0.45000000000000007,10,explored -explored-7791,0.5544704861111113,14,explored -explored-7792,0.18611111111111123,17,explored -explored-7793,0.4476562500000002,12,explored -explored-7794,0.3925057870370372,20,explored -explored-7795,0.5561111111111113,12,explored -explored-7796,0.40260416666666676,13,explored -explored-7797,0.6666666666666667,8,explored -explored-7798,0.6177083333333334,8,explored -explored-7799,0.41319444444444464,19,explored -explored-7800,0.6942708333333335,12,explored -explored-7801,0.36875000000000013,13,explored -explored-7802,0.3211226851851854,21,explored -explored-7803,0.624189814814815,12,explored -explored-7804,0.549117476851852,21,explored -explored-7805,0.3709490740740742,13,explored -explored-7806,0.6041666666666669,8,explored -explored-7807,0.3402777777777779,10,explored -explored-7808,0.5222656250000002,13,explored -explored-7809,0.30625000000000036,12,explored -explored-7810,0.31614583333333357,14,explored -explored-7811,0.25598958333333344,22,explored -explored-7812,0.4134375000000001,16,explored -explored-7813,0.7393229166666667,5,explored -explored-7814,0.19696180555555587,15,explored -explored-7815,0.28483796296296315,14,explored -explored-7816,0.4301649305555557,23,explored -explored-7817,0.06093750000000031,15,explored -explored-7818,0.6638020833333335,9,explored -explored-7819,0.7140625,5,explored -explored-7820,0.7259548611111112,11,explored -explored-7821,0.6056712962962965,22,explored -explored-7822,0.2367187500000003,14,explored -explored-7823,0.6312500000000002,5,explored -explored-7824,0.6069444444444446,7,explored -explored-7825,0.5536458333333335,6,explored -explored-7826,0.6819444444444445,27,explored -explored-7827,0.47916666666666685,13,explored -explored-7828,0.4734375000000002,7,explored -explored-7829,0.19236111111111143,16,explored -explored-7830,0.7596064814814816,9,explored -explored-7831,0.2440104166666669,16,explored -explored-7832,0.4140625000000001,12,explored -explored-7833,0.4154513888888891,20,explored -explored-7834,0.5742476851851853,13,explored -explored-7835,0.6067708333333335,15,explored -explored-7836,0.49774305555555576,24,explored -explored-7837,0.7503761574074075,9,explored -explored-7838,0.5866319444444446,7,explored -explored-7839,0.3803038194444446,16,explored -explored-7840,0.5098958333333335,7,explored -explored-7841,0.6683159722222223,8,explored -explored-7842,0.6447222222222222,11,explored -explored-7843,0.6832465277777778,13,explored -explored-7844,0.499826388888889,8,explored -explored-7845,0.6025462962962964,7,explored -explored-7846,0.6969861111111112,28,explored -explored-7847,0.07777777777777817,18,explored -explored-7848,0.2509837962962964,25,explored -explored-7849,0.5828125000000002,15,explored -explored-7850,0.53,7,explored -explored-7851,0.38880208333333344,18,explored -explored-7852,0.6152430555555557,9,explored -explored-7853,0.609375,10,explored -explored-7854,0.6340277777777779,12,explored -explored-7855,0.29166666666666685,17,explored -explored-7856,0.5458333333333335,6,explored -explored-7857,0.674207175925926,22,explored -explored-7858,0.6490711805555557,27,explored -explored-7859,0.7395833333333333,5,explored -explored-7860,0.5760416666666668,13,explored -explored-7861,0.6991666666666668,4,explored -explored-7862,0.680295138888889,15,explored -explored-7863,0.3108796296296298,20,explored -explored-7864,0.318229166666667,10,explored -explored-7865,0.6439236111111113,8,explored -explored-7866,0.3364583333333335,21,explored -explored-7867,0.5361111111111112,9,explored -explored-7868,0.581221064814815,27,explored -explored-7869,0.6204861111111113,8,explored -explored-7870,0.5098958333333335,13,explored -explored-7871,0.489513888888889,14,explored -explored-7872,0.4655555555555557,18,explored -explored-7873,0.6475868055555556,17,explored -explored-7874,0.23125000000000018,11,explored -explored-7875,0.38274305555555577,20,explored -explored-7876,0.21250000000000036,11,explored -explored-7877,0.46897569444444465,20,explored -explored-7878,0.21435185185185213,19,explored -explored-7879,0.6937500000000001,8,explored -explored-7880,0.6431678240740741,31,explored -explored-7881,0.3427083333333335,12,explored -explored-7882,0.6735243055555556,14,explored -explored-7883,0.5757812500000001,6,explored -explored-7884,0.6412305720899472,32,explored -explored-7885,0.38538773148148175,20,explored -explored-7886,0.4046875000000001,13,explored -explored-7887,0.4652777777777779,11,explored -explored-7888,0.5671875000000001,9,explored -explored-7889,0.285416666666667,12,explored -explored-7890,0.34375000000000033,7,explored -explored-7891,0.5732465277777778,11,explored -explored-7892,0.4178819444444448,11,explored -explored-7893,0.22604166666666692,17,explored -explored-7894,0.3084780092592596,17,explored -explored-7895,0.050781250000000444,12,explored -explored-7896,0.6265625000000002,12,explored -explored-7897,0.5664930555555555,11,explored -explored-7898,0.36302083333333357,10,explored -explored-7899,0.7841145833333334,8,explored -explored-7900,0.7463541666666668,8,explored -explored-7901,0.6071180555555556,9,explored -explored-7902,0.3931250000000003,24,explored -explored-7903,0.5163194444444446,7,explored -explored-7904,0.85,2,explored -explored-7905,0.6580729166666668,8,explored -explored-7906,0.6882812500000001,11,explored -explored-7907,0.20182291666666696,18,explored -explored-7908,0.4578125000000002,9,explored -explored-7909,0.2566984953703705,23,explored -explored-7910,0.5739583333333336,12,explored -explored-7911,0.5994791666666666,8,explored -explored-7912,0.4935763888888889,8,explored -explored-7913,0.5655671296296297,11,explored -explored-7914,0.515133101851852,15,explored -explored-7915,0.463888888888889,18,explored -explored-7916,0.5188281250000001,14,explored -explored-7917,0.3244791666666669,11,explored -explored-7918,0.5673611111111112,11,explored -explored-7919,0.690472800925926,25,explored -explored-7920,0.43958333333333355,14,explored -explored-7921,0.2185763888888892,11,explored -explored-7922,0.6437499999999999,5,explored -explored-7923,0.4682291666666668,13,explored -explored-7924,0.9104166666666667,3,explored -explored-7925,0.5390625000000002,11,explored -explored-7926,0.5875,6,explored -explored-7927,0.6697916666666668,8,explored -explored-7928,0.39322916666666685,20,explored -explored-7929,0.24375000000000036,17,explored -explored-7930,0.7215682870370371,33,explored -explored-7931,0.6880208333333335,5,explored -explored-7932,0.5183333333333333,8,explored -explored-7933,0.38531250000000017,15,explored -explored-7934,0.40399305555555587,20,explored -explored-7935,0.6287615740740742,30,explored -explored-7936,0.7026041666666668,20,explored -explored-7937,0.5109375000000002,12,explored -explored-7938,0.6875,7,explored -explored-7939,0.502604166666667,9,explored -explored-7940,0.29412615740740755,18,explored -explored-7941,0.49531250000000004,10,explored -explored-7942,0.3079861111111113,18,explored -explored-7943,0.5076388888888891,12,explored -explored-7944,0.5766493055555557,10,explored -explored-7945,0.6567708333333334,8,explored -explored-7946,0.23579282407407431,17,explored -explored-7947,0.2937500000000002,25,explored -explored-7948,0.32486111111111127,23,explored -explored-7949,0.4566666666666668,9,explored -explored-7950,0.40000000000000024,13,explored -explored-7951,0.41718749999999993,13,explored -explored-7952,0.27656250000000016,14,explored -explored-7953,0.17187500000000022,9,explored -explored-7954,0.42500000000000027,9,explored -explored-7955,0.41409722222222245,18,explored -explored-7956,0.41715277777777793,24,explored -explored-7957,0.7114583333333335,3,explored -explored-7958,0.41060185185185205,15,explored -explored-7959,0.48399884259259274,21,explored -explored-7960,0.4144097222222225,9,explored -explored-7961,0.3870659722222223,12,explored -explored-7962,0.7947916666666667,4,explored -explored-7963,0.47049479166666686,22,explored -explored-7964,0.24583333333333357,20,explored -explored-7965,0.5796874999999999,9,explored -explored-7966,0.6516493055555557,7,explored -explored-7967,0.6738541666666668,11,explored -explored-7968,0.4052083333333336,13,explored -explored-7969,0.8015625,9,explored -explored-7970,0.7058912037037037,8,explored -explored-7971,0.7270286458333335,28,explored -explored-7972,0.4275520833333336,11,explored -explored-7973,0.6139583333333335,12,explored -explored-7974,0.5293055555555557,13,explored -explored-7975,0.6354861111111113,13,explored -explored-7976,0.4911458333333335,9,explored -explored-7977,0.7120833333333334,7,explored -explored-7978,0.5630208333333335,11,explored -explored-7979,0.6705212466931217,24,explored -explored-7980,0.7239583333333335,2,explored -explored-7981,0.32263888888888914,18,explored -explored-7982,0.3850694444444447,15,explored -explored-7983,0.6718750000000002,4,explored -explored-7984,0.44895833333333346,10,explored -explored-7985,0.667002314814815,24,explored -explored-7986,0.6458333333333335,16,explored -explored-7987,0.33125000000000027,17,explored -explored-7988,0.7165659722222223,31,explored -explored-7989,0.2942708333333335,12,explored -explored-7990,0.5171875000000001,14,explored -explored-7991,0.09166666666666679,19,explored -explored-7992,0.6616898148148149,30,explored -explored-7993,0.3734722222222224,18,explored -explored-7994,0.26560763888888905,17,explored -explored-7995,0.4773177083333334,14,explored -explored-7996,0.7979166666666666,4,explored -explored-7997,0.3197916666666668,7,explored -explored-7998,0.6315972222222221,10,explored -explored-7999,0.7326388888888891,6,explored -explored-8000,0.534375,7,explored -explored-8001,0.8371527777777779,10,explored -explored-8002,0.32829861111111147,9,explored -explored-8003,0.5120659722222224,17,explored -explored-8004,0.2888888888888891,16,explored -explored-8005,0.6597279265873017,45,explored -explored-8006,0.3802083333333337,8,explored -explored-8007,0.7838541666666667,4,explored -explored-8008,0.3744357638888891,19,explored -explored-8009,0.5450434027777779,10,explored -explored-8010,0.5609375000000001,15,explored -explored-8011,0.5858506944444446,14,explored -explored-8012,0.5782986111111112,16,explored -explored-8013,0.44305555555555587,17,explored -explored-8014,0.32916666666666683,14,explored -explored-8015,0.4655208333333334,15,explored -explored-8016,0.5546875,7,explored -explored-8017,0.40000000000000013,11,explored -explored-8018,0.5619791666666668,4,explored -explored-8019,0.4299768518518521,15,explored -explored-8020,0.7148379629629631,5,explored -explored-8021,0.5388020833333335,10,explored -explored-8022,0.1843750000000003,14,explored -explored-8023,0.5343750000000002,6,explored -explored-8024,0.6252604166666669,16,explored -explored-8025,0.7205324074074075,13,explored -explored-8026,0.6968750000000001,7,explored -explored-8027,0.7148379629629631,7,explored -explored-8028,0.7169270833333334,9,explored -explored-8029,0.49545138888888907,9,explored -explored-8030,0.6539930555555558,10,explored -explored-8031,0.7208333333333334,4,explored -explored-8032,0.1706597222222226,16,explored -explored-8033,0.26041666666666696,13,explored -explored-8034,0.6245833333333334,13,explored -explored-8035,0.22630208333333357,23,explored -explored-8036,0.26423611111111134,16,explored -explored-8037,0.6785879629629631,16,explored -explored-8038,0.5095486111111113,15,explored -explored-8039,0.5083333333333334,12,explored -explored-8040,0.48697916666666685,8,explored -explored-8041,0.517013888888889,8,explored -explored-8042,0.35621527777777806,19,explored -explored-8043,0.4549479166666668,16,explored -explored-8044,0.3855468750000002,15,explored -explored-8045,0.32285879629629655,19,explored -explored-8046,0.7314641203703705,26,explored -explored-8047,0.30195312500000027,23,explored -explored-8048,0.4096064814814817,11,explored -explored-8049,0.597800925925926,13,explored -explored-8050,0.18802083333333353,11,explored -explored-8051,0.6876736111111112,6,explored -explored-8052,0.5695312500000002,9,explored -explored-8053,0.4450578703703706,18,explored -explored-8054,0.03385416666666696,16,explored -explored-8055,0.5911458333333335,10,explored -explored-8056,0.3114728009259261,16,explored -explored-8057,0.6655648148148149,34,explored -explored-8058,0.6882812500000001,17,explored -explored-8059,0.6453125,7,explored -explored-8060,0.6862398313492064,22,explored -explored-8061,0.34247685185185217,26,explored -explored-8062,0.504513888888889,13,explored -explored-8063,0.4364004629629632,14,explored -explored-8064,0.3704861111111113,19,explored -explored-8065,0.6578125000000001,4,explored -explored-8066,0.5958333333333334,9,explored -explored-8067,0.41562500000000013,19,explored -explored-8068,0.6918402777777779,11,explored -explored-8069,0.20185185185185217,18,explored -explored-8070,0.3646701388888892,20,explored -explored-8071,0.38628472222222243,18,explored -explored-8072,0.3836805555555557,19,explored -explored-8073,0.6332175925925927,13,explored -explored-8074,0.6470486111111112,6,explored -explored-8075,0.5539930555555557,10,explored -explored-8076,0.846875,4,explored -explored-8077,0.7503385416666668,9,explored -explored-8078,0.6470486111111112,8,explored -explored-8079,0.5954861111111113,8,explored -explored-8080,0.6781250000000001,5,explored -explored-8081,0.6258333333333335,9,explored -explored-8082,0.6485734953703705,25,explored -explored-8083,0.7604166666666666,6,explored -explored-8084,0.36822916666666683,11,explored -explored-8085,0.5680208333333334,9,explored -explored-8086,0.4031250000000003,9,explored -explored-8087,0.6729166666666668,8,explored -explored-8088,0.5513888888888889,6,explored -explored-8089,0.65,14,explored -explored-8090,0.7267361111111112,5,explored -explored-8091,0.40451388888888906,15,explored -explored-8092,0.7915798611111112,9,explored -explored-8093,0.5777777777777777,9,explored -explored-8094,0.7267361111111112,7,explored -explored-8095,0.5531250000000002,14,explored -explored-8096,0.2958333333333336,11,explored -explored-8097,0.5628472222222224,12,explored -explored-8098,0.7791666666666668,8,explored -explored-8099,0.36979166666666696,12,explored -explored-8100,0.6802083333333335,13,explored -explored-8101,0.4817129629629632,18,explored -explored-8102,0.6512152777777779,8,explored -explored-8103,0.6813657407407409,7,explored -explored-8104,0.7511111111111112,16,explored -explored-8105,0.4223379629629632,18,explored -explored-8106,0.48916666666666675,13,explored -explored-8107,0.6799479166666668,15,explored -explored-8108,0.4364583333333335,14,explored -explored-8109,0.6769994212962964,27,explored -explored-8110,0.5138020833333334,7,explored -explored-8111,0.5517361111111112,10,explored -explored-8112,0.30532407407407425,20,explored -explored-8113,0.5390046296296297,20,explored -explored-8114,0.5953125000000002,7,explored -explored-8115,0.12743055555555594,13,explored -explored-8116,0.36979166666666696,13,explored -explored-8117,0.4505208333333335,13,explored -explored-8118,0.2732638888888892,16,explored -explored-8119,0.32135416666666705,14,explored -explored-8120,0.5583333333333335,9,explored -explored-8121,0.726388888888889,9,explored -explored-8122,0.5488368055555557,13,explored -explored-8123,0.5784722222222223,9,explored -explored-8124,0.6361111111111112,7,explored -explored-8125,0.3108796296296299,18,explored -explored-8126,0.4378472222222224,12,explored -explored-8127,0.45434027777777797,13,explored -explored-8128,0.4213541666666669,8,explored -explored-8129,0.3826388888888892,20,explored -explored-8130,0.2248148148148149,21,explored -explored-8131,0.6468750000000001,21,explored -explored-8132,0.6650173611111112,16,explored -explored-8133,0.46840277777777795,11,explored -explored-8134,0.21510416666666698,16,explored -explored-8135,0.7449652777777779,11,explored -explored-8136,0.4302083333333333,14,explored -explored-8137,0.6314236111111112,10,explored -explored-8138,0.4578125000000002,12,explored -explored-8139,0.7142361111111111,10,explored -explored-8140,0.4833333333333335,10,explored -explored-8141,0.7291840277777779,8,explored -explored-8142,0.5322916666666668,5,explored -explored-8143,0.41614583333333366,10,explored -explored-8144,0.5190104166666668,11,explored -explored-8145,0.6098958333333335,14,explored -explored-8146,0.5577690972222225,18,explored -explored-8147,0.31851851851851887,22,explored -explored-8148,0.6598958333333333,7,explored -explored-8149,0.22656250000000022,12,explored -explored-8150,0.2513888888888891,16,explored -explored-8151,0.7097222222222221,11,explored -explored-8152,0.37953703703703745,19,explored -explored-8153,0.5927083333333333,10,explored -explored-8154,0.4296875,11,explored -explored-8155,0.5816608796296296,17,explored -explored-8156,0.5276041666666669,8,explored -explored-8157,0.65546875,11,explored -explored-8158,0.23697916666666696,11,explored -explored-8159,0.5524739583333336,12,explored -explored-8160,0.6407986111111112,11,explored -explored-8161,0.6837673611111112,6,explored -explored-8162,0.5475347222222224,13,explored -explored-8163,0.4875868055555558,20,explored -explored-8164,0.4626736111111114,18,explored -explored-8165,0.3486111111111114,9,explored -explored-8166,0.286979166666667,12,explored -explored-8167,0.6141319444444445,10,explored -explored-8168,0.41527777777777797,11,explored -explored-8169,0.5230034722222224,19,explored -explored-8170,0.3694155092592596,16,explored -explored-8171,0.4152777777777781,17,explored -explored-8172,0.6268055555555557,12,explored -explored-8173,0.2859375000000002,14,explored -explored-8174,0.5521527777777779,10,explored -explored-8175,0.6397569444444445,12,explored -explored-8176,0.6493055555555557,15,explored -explored-8177,0.37708333333333344,12,explored -explored-8178,0.3362847222222225,16,explored -explored-8179,0.5527777777777778,13,explored -explored-8180,0.6958333333333334,16,explored -explored-8181,0.05416666666666692,11,explored -explored-8182,0.6422453703703705,14,explored -explored-8183,0.5855902777777778,10,explored -explored-8184,0.5703125000000001,14,explored -explored-8185,0.7222916666666668,3,explored -explored-8186,0.3984375000000001,18,explored -explored-8187,0.3187500000000003,16,explored -explored-8188,0.27407407407407436,15,explored -explored-8189,0.5711805555555557,12,explored -explored-8190,0.74140625,11,explored -explored-8191,0.5859953703703705,16,explored -explored-8192,0.4109375000000002,13,explored -explored-8193,0.7803645833333335,5,explored -explored-8194,0.47630208333333346,15,explored -explored-8195,0.2854166666666669,12,explored -explored-8196,0.5907407407407409,11,explored -explored-8197,0.587152777777778,8,explored -explored-8198,0.35902777777777795,14,explored -explored-8199,0.5493055555555557,17,explored -explored-8200,0.6814814814814816,12,explored -explored-8201,0.48567708333333337,17,explored -explored-8202,0.4914930555555559,13,explored -explored-8203,0.7028472222222223,21,explored -explored-8204,0.8388020833333334,3,explored -explored-8205,0.7255208333333334,2,explored -explored-8206,0.31406250000000013,18,explored -explored-8207,0.4038773148148149,22,explored -explored-8208,0.3013020833333335,23,explored -explored-8209,0.2406250000000003,15,explored -explored-8210,0.6315972222222224,13,explored -explored-8211,0.3437500000000002,7,explored -explored-8212,0.5934027777777778,14,explored -explored-8213,0.3250000000000003,10,explored -explored-8214,0.5875868055555556,17,explored -explored-8215,0.4636111111111113,19,explored -explored-8216,0.5416666666666667,10,explored -explored-8217,0.46884259259259264,12,explored -explored-8218,0.696779265873016,26,explored -explored-8219,0.5241666666666667,8,explored -explored-8220,0.41620370370370385,18,explored -explored-8221,0.5005208333333335,10,explored -explored-8222,0.6431250000000002,10,explored -explored-8223,0.1717013888888892,16,explored -explored-8224,0.6691319444444446,11,explored -explored-8225,0.43281250000000016,15,explored -explored-8226,0.5644097222222224,17,explored -explored-8227,0.7215277777777778,16,explored -explored-8228,0.3201388888888891,19,explored -explored-8229,0.4750000000000001,9,explored -explored-8230,0.3098958333333335,15,explored -explored-8231,0.5968750000000002,7,explored -explored-8232,0.5923611111111112,11,explored -explored-8233,0.37868923611111127,20,explored -explored-8234,0.31712962962962976,17,explored -explored-8235,0.5982291666666668,8,explored -explored-8236,0.6666666666666667,10,explored -explored-8237,0.5243055555555558,20,explored -explored-8238,0.6851562500000001,6,explored -explored-8239,0.24218750000000022,12,explored -explored-8240,0.41218750000000015,14,explored -explored-8241,0.4090277777777781,15,explored -explored-8242,0.28281250000000036,16,explored -explored-8243,0.3842013888888892,12,explored -explored-8244,0.6428819444444446,11,explored -explored-8245,0.6359375000000002,5,explored -explored-8246,0.29409722222222257,17,explored -explored-8247,0.669607638888889,36,explored -explored-8248,0.3791666666666669,18,explored -explored-8249,0.4833333333333335,10,explored -explored-8250,0.5970196759259261,13,explored -explored-8251,0.5983506944444446,23,explored -explored-8252,0.559809027777778,12,explored -explored-8253,0.3079861111111115,10,explored -explored-8254,0.3427083333333335,17,explored -explored-8255,0.2963541666666669,10,explored -explored-8256,0.6586805555555555,10,explored -explored-8257,0.5150173611111113,15,explored -explored-8258,0.6390625000000001,7,explored -explored-8259,0.6646875000000002,8,explored -explored-8260,0.44762152777777797,15,explored -explored-8261,0.6802083333333335,7,explored -explored-8262,0.47569444444444475,14,explored -explored-8263,0.14357638888888924,18,explored -explored-8264,0.47760416666666683,11,explored -explored-8265,0.2727430555555558,20,explored -explored-8266,0.5954861111111112,10,explored -explored-8267,0.48388888888888903,26,explored -explored-8268,0.4437500000000003,10,explored -explored-8269,0.5133101851851853,9,explored -explored-8270,0.5760416666666667,7,explored -explored-8271,0.17916666666666692,11,explored -explored-8272,0.4187500000000003,10,explored -explored-8273,0.40937500000000016,9,explored -explored-8274,0.8013020833333334,8,explored -explored-8275,0.4943315972222223,19,explored -explored-8276,0.565625,7,explored -explored-8277,0.5140625000000001,12,explored -explored-8278,0.2781250000000003,21,explored -explored-8279,0.5227430555555558,18,explored -explored-8280,0.19583333333333341,19,explored -explored-8281,0.6844543650793652,42,explored -explored-8282,0.6645833333333333,7,explored -explored-8283,0.6469097222222223,9,explored -explored-8284,0.22777777777777808,17,explored -explored-8285,0.3704282407407409,16,explored -explored-8286,0.49565972222222243,12,explored -explored-8287,0.7204166666666668,11,explored -explored-8288,0.4700231481481483,27,explored -explored-8289,0.2947916666666668,12,explored -explored-8290,0.3104166666666669,13,explored -explored-8291,0.3745833333333335,19,explored -explored-8292,0.6486111111111112,10,explored -explored-8293,0.6449652777777779,11,explored -explored-8294,0.7286458333333334,12,explored -explored-8295,0.437638888888889,19,explored -explored-8296,0.10572916666666687,12,explored -explored-8297,0.7622829861111112,6,explored -explored-8298,0.5979166666666669,11,explored -explored-8299,0.6508680555555557,12,explored -explored-8300,0.75,12,explored -explored-8301,0.5962500000000002,8,explored -explored-8302,0.2532986111111114,12,explored -explored-8303,0.13072916666666679,14,explored -explored-8304,0.5281250000000001,15,explored -explored-8305,0.6986111111111111,10,explored -explored-8306,0.5306423611111113,15,explored -explored-8307,0.5820601851851853,18,explored -explored-8308,0.6591145833333334,11,explored -explored-8309,0.7244791666666668,8,explored -explored-8310,0.5860243055555558,13,explored -explored-8311,0.74421875,8,explored -explored-8312,0.5877199074074075,14,explored -explored-8313,0.7126666666666668,27,explored -explored-8314,0.6156250000000001,9,explored -explored-8315,0.3430555555555559,9,explored -explored-8316,0.5328125000000001,9,explored -explored-8317,0.6129629629629632,10,explored -explored-8318,0.24079861111111134,14,explored -explored-8319,0.3265625000000002,11,explored -explored-8320,0.6754450231481482,28,explored -explored-8321,0.5335069444444446,11,explored -explored-8322,0.6142361111111113,15,explored -explored-8323,0.6993055555555556,12,explored -explored-8324,0.6557291666666667,10,explored -explored-8325,0.3581597222222226,12,explored -explored-8326,0.7410069444444445,8,explored -explored-8327,0.31788194444444473,14,explored -explored-8328,0.6928819444444446,7,explored -explored-8329,0.4446469907407409,21,explored -explored-8330,0.5513888888888888,15,explored -explored-8331,0.4687500000000002,14,explored -explored-8332,0.5010416666666668,6,explored -explored-8333,0.5631944444444447,9,explored -explored-8334,0.6782986111111111,6,explored -explored-8335,0.5475694444444446,10,explored -explored-8336,0.6307291666666668,13,explored -explored-8337,0.4169270833333334,15,explored -explored-8338,0.5237500000000002,9,explored -explored-8339,0.5605034722222223,9,explored -explored-8340,0.33515625000000027,8,explored -explored-8341,0.5347222222222223,9,explored -explored-8342,0.6638194444444445,12,explored -explored-8343,0.6368055555555557,13,explored -explored-8344,0.6017361111111112,13,explored -explored-8345,0.6718750000000002,7,explored -explored-8346,0.4533680555555557,16,explored -explored-8347,0.7207812500000002,10,explored -explored-8348,0.42734375000000013,10,explored -explored-8349,0.3690104166666669,17,explored -explored-8350,0.3632812500000001,26,explored -explored-8351,0.5125000000000002,15,explored -explored-8352,0.5247395833333335,8,explored -explored-8353,0.6130208333333335,5,explored -explored-8354,0.21093750000000022,11,explored -explored-8355,0.28819444444444464,13,explored -explored-8356,0.6199074074074076,12,explored -explored-8357,0.3979166666666669,16,explored -explored-8358,0.48750000000000004,11,explored -explored-8359,0.47135416666666685,17,explored -explored-8360,0.773263888888889,6,explored -explored-8361,0.6196064814814817,14,explored -explored-8362,0.45416666666666705,10,explored -explored-8363,0.7092187500000001,10,explored -explored-8364,0.4455729166666669,17,explored -explored-8365,0.5174479166666669,11,explored -explored-8366,0.31406250000000036,14,explored -explored-8367,0.3104166666666669,13,explored -explored-8368,0.6850543981481483,25,explored -explored-8369,0.4885416666666669,13,explored -explored-8370,0.29947916666666696,16,explored -explored-8371,0.6880208333333335,6,explored -explored-8372,0.6062500000000002,4,explored -explored-8373,0.6690972222222223,10,explored -explored-8374,0.21093750000000022,11,explored -explored-8375,0.5078125,8,explored -explored-8376,0.5945138888888891,10,explored -explored-8377,0.4083333333333332,6,explored -explored-8378,0.36093750000000036,13,explored -explored-8379,0.5227430555555557,17,explored -explored-8380,0.67109375,8,explored -explored-8381,0.4920138888888891,12,explored -explored-8382,0.7557291666666667,9,explored -explored-8383,0.5786111111111113,17,explored -explored-8384,0.3486111111111114,11,explored -explored-8385,0.4549479166666668,19,explored -explored-8386,0.37656250000000036,15,explored -explored-8387,0.46504629629629646,17,explored -explored-8388,0.7197916666666668,7,explored -explored-8389,0.43281250000000004,12,explored -explored-8390,0.16875000000000018,20,explored -explored-8391,0.479340277777778,16,explored -explored-8392,0.3608217592592593,12,explored -explored-8393,0.7763263888888889,28,explored -explored-8394,0.30239583333333364,19,explored -explored-8395,0.5619791666666668,13,explored -explored-8396,0.7270833333333334,9,explored -explored-8397,0.6667534722222224,10,explored -explored-8398,0.6708333333333334,4,explored -explored-8399,0.37031250000000027,12,explored -explored-8400,0.37999131944444453,24,explored -explored-8401,0.24201388888888908,16,explored -explored-8402,0.4574652777777779,20,explored -explored-8403,0.6891493055555558,15,explored -explored-8404,0.4828125000000003,12,explored -explored-8405,0.1765625000000004,11,explored -explored-8406,0.14675925925925948,23,explored -explored-8407,0.38194444444444475,11,explored -explored-8408,0.5742187500000002,8,explored -explored-8409,0.36041666666666683,19,explored -explored-8410,0.5453125000000001,15,explored -explored-8411,0.5241666666666667,9,explored -explored-8412,0.5098958333333334,9,explored -explored-8413,0.23645833333333344,17,explored -explored-8414,0.5506944444444446,11,explored -explored-8415,0.3396701388888891,21,explored -explored-8416,0.6494097222222224,12,explored -explored-8417,0.5322916666666668,6,explored -explored-8418,0.6657986111111112,7,explored -explored-8419,0.524479166666667,6,explored -explored-8420,0.5640624999999999,7,explored -explored-8421,0.6039930555555557,6,explored -explored-8422,0.6227430555555555,7,explored -explored-8423,0.3815972222222226,19,explored -explored-8424,0.65546875,6,explored -explored-8425,0.15451388888888928,21,explored -explored-8426,0.7382812500000001,10,explored -explored-8427,0.6861979166666667,11,explored -explored-8428,0.7815625,4,explored -explored-8429,0.3802083333333335,6,explored -explored-8430,0.6302777777777778,10,explored -explored-8431,0.6470486111111112,8,explored -explored-8432,0.6214583333333334,11,explored -explored-8433,0.7130208333333334,5,explored -explored-8434,0.24947916666666703,11,explored -explored-8435,0.4243055555555557,10,explored -explored-8436,0.6349421296296297,14,explored -explored-8437,0.6670486111111112,8,explored -explored-8438,0.496527777777778,10,explored -explored-8439,0.3416666666666668,15,explored -explored-8440,0.5979166666666668,9,explored -explored-8441,0.590277777777778,9,explored -explored-8442,0.4878125000000002,20,explored -explored-8443,0.7233333333333334,3,explored -explored-8444,0.575,5,explored -explored-8445,0.45000000000000007,13,explored -explored-8446,0.4433593750000002,21,explored -explored-8447,0.5577256944444445,14,explored -explored-8448,0.3183593750000002,13,explored -explored-8449,0.524045138888889,17,explored -explored-8450,0.6453125000000002,13,explored -explored-8451,0.2625000000000004,12,explored -explored-8452,0.3611111111111114,16,explored -explored-8453,0.7319444444444445,8,explored -explored-8454,0.5278645833333335,7,explored -explored-8455,0.45026041666666683,17,explored -explored-8456,0.2756944444444447,18,explored -explored-8457,0.2806134259259263,14,explored -explored-8458,0.45043402777777797,16,explored -explored-8459,0.5564236111111113,14,explored -explored-8460,0.7447916666666667,5,explored -explored-8461,0.7452546296296297,8,explored -explored-8462,0.4382812500000002,16,explored -explored-8463,0.7270833333333333,3,explored -explored-8464,0.6930555555555555,20,explored -explored-8465,0.3268055555555559,14,explored -explored-8466,0.5854166666666667,16,explored -explored-8467,0.3296006944444446,18,explored -explored-8468,0.5116753472222224,22,explored -explored-8469,0.3956250000000001,11,explored -explored-8470,0.30234375000000013,14,explored -explored-8471,0.5402777777777781,10,explored -explored-8472,0.5555555555555557,14,explored -explored-8473,0.6921875000000001,10,explored -explored-8474,0.6898437500000001,19,explored -explored-8475,0.3597222222222223,12,explored -explored-8476,0.4711805555555558,14,explored -explored-8477,0.40924479166666694,12,explored -explored-8478,0.4729166666666669,17,explored -explored-8479,0.6429687500000001,12,explored -explored-8480,0.630439814814815,9,explored -explored-8481,0.5913020833333336,15,explored -explored-8482,0.642795138888889,19,explored -explored-8483,0.7295572916666668,11,explored -explored-8484,0.19027777777777788,15,explored -explored-8485,0.19357638888888906,18,explored -explored-8486,0.6781250000000001,11,explored -explored-8487,0.8026041666666667,5,explored -explored-8488,0.5015625000000002,14,explored -explored-8489,0.3266493055555557,14,explored -explored-8490,0.7504166666666667,9,explored -explored-8491,0.3890625000000001,18,explored -explored-8492,0.3146412037037041,13,explored -explored-8493,0.6407407407407409,12,explored -explored-8494,0.4911979166666669,14,explored -explored-8495,0.6585937500000001,7,explored -explored-8496,0.5042534722222224,14,explored -explored-8497,0.5389756944444447,13,explored -explored-8498,0.3635416666666669,10,explored -explored-8499,0.42552083333333324,11,explored -explored-8500,0.3132812500000002,22,explored -explored-8501,0.5062500000000002,12,explored -explored-8502,0.35820312500000007,13,explored -explored-8503,0.4682291666666669,16,explored -explored-8504,0.19166666666666676,13,explored -explored-8505,0.21354166666666696,12,explored -explored-8506,0.4295138888888892,20,explored -explored-8507,0.4741319444444445,14,explored -explored-8508,0.2190972222222225,17,explored -explored-8509,0.5022569444444447,18,explored -explored-8510,0.3562500000000002,18,explored -explored-8511,0.5750000000000002,6,explored -explored-8512,0.4584548611111112,20,explored -explored-8513,0.7207812500000002,8,explored -explored-8514,0.4526041666666669,8,explored -explored-8515,0.4988136574074076,17,explored -explored-8516,0.6630787037037038,10,explored -explored-8517,0.10250000000000026,15,explored -explored-8518,0.28958333333333375,14,explored -explored-8519,0.5629918981481483,19,explored -explored-8520,0.38541666666666685,11,explored -explored-8521,0.4135416666666668,16,explored -explored-8522,0.7758680555555557,7,explored -explored-8523,0.10373263888888928,15,explored -explored-8524,0.5341435185185186,11,explored -explored-8525,0.23888888888888915,13,explored -explored-8526,0.5745659722222223,8,explored -explored-8527,0.4600000000000002,10,explored -explored-8528,0.19050925925925954,15,explored -explored-8529,0.4412037037037039,16,explored -explored-8530,0.6656250000000001,13,explored -explored-8531,0.4949652777777779,17,explored -explored-8532,0.27795138888888915,23,explored -explored-8533,0.7516493055555556,9,explored -explored-8534,0.7375000000000002,10,explored -explored-8535,0.46640625,12,explored -explored-8536,0.47916666666666685,14,explored -explored-8537,0.5652777777777779,11,explored -explored-8538,0.38246527777777795,14,explored -explored-8539,0.384664351851852,18,explored -explored-8540,0.7906249999999999,9,explored -explored-8541,0.5981770833333334,6,explored -explored-8542,0.6264583333333335,13,explored -explored-8543,0.7228298611111112,6,explored -explored-8544,0.540798611111111,17,explored -explored-8545,0.6439814814814817,16,explored -explored-8546,0.41432291666666665,16,explored -explored-8547,0.5888020833333334,11,explored -explored-8548,0.7902777777777777,9,explored -explored-8549,0.6016782407407408,10,explored -explored-8550,0.40833333333333344,16,explored -explored-8551,0.5272569444444445,13,explored -explored-8552,0.5146180555555557,15,explored -explored-8553,0.6208333333333333,5,explored -explored-8554,0.6265625000000001,9,explored -explored-8555,0.5352980324074075,29,explored -explored-8556,0.6362500000000001,8,explored -explored-8557,0.46707175925925926,13,explored -explored-8558,0.5409722222222224,14,explored -explored-8559,0.18020833333333353,12,explored -explored-8560,0.4960937500000001,16,explored -explored-8561,0.20520833333333366,19,explored -explored-8562,0.5308333333333335,7,explored -explored-8563,0.26770833333333355,14,explored -explored-8564,0.568107638888889,15,explored -explored-8565,0.6005497685185186,12,explored -explored-8566,0.4168402777777779,15,explored -explored-8567,0.6620659722222224,7,explored -explored-8568,0.26724537037037077,26,explored -explored-8569,0.46983506944444464,12,explored -explored-8570,0.07708333333333361,18,explored -explored-8571,0.27031250000000007,12,explored -explored-8572,0.426041666666667,11,explored -explored-8573,0.432638888888889,17,explored -explored-8574,0.28229166666666705,14,explored -explored-8575,0.3576388888888893,13,explored -explored-8576,0.5942361111111112,13,explored -explored-8577,0.42986111111111136,13,explored -explored-8578,0.30199652777777786,18,explored -explored-8579,0.42751736111111127,15,explored -explored-8580,0.7708333333333333,4,explored -explored-8581,0.6464207175925927,46,explored -explored-8582,0.3720486111111112,18,explored -explored-8583,0.5880208333333335,8,explored -explored-8584,0.567951388888889,16,explored -explored-8585,0.37369791666666685,17,explored -explored-8586,0.2269097222222225,12,explored -explored-8587,0.3430555555555559,11,explored -explored-8588,0.2521412037037041,28,explored -explored-8589,0.7154238591269843,36,explored -explored-8590,0.5325810185185187,11,explored -explored-8591,0.33402777777777803,21,explored -explored-8592,0.5355324074074075,15,explored -explored-8593,0.5763078703703705,13,explored -explored-8594,0.6338252314814816,12,explored -explored-8595,0.6119791666666667,10,explored -explored-8596,0.6024479166666667,19,explored -explored-8597,0.6883391203703704,20,explored -explored-8598,0.5398437500000003,18,explored -explored-8599,0.2522569444444446,13,explored -explored-8600,0.2812500000000002,19,explored -explored-8601,0.47282986111111125,18,explored -explored-8602,0.48984375000000013,13,explored -explored-8603,0.8402777777777778,6,explored -explored-8604,0.3368055555555557,20,explored -explored-8605,0.3470486111111113,19,explored -explored-8606,0.45717592592592604,22,explored -explored-8607,0.3914062500000002,19,explored -explored-8608,0.46059027777777795,11,explored -explored-8609,0.4481770833333335,15,explored -explored-8610,0.6756944444444444,8,explored -explored-8611,0.39760416666666687,17,explored -explored-8612,0.6310763888888891,10,explored -explored-8613,0.4799768518518521,11,explored -explored-8614,0.5633101851851854,14,explored -explored-8615,0.4662500000000003,15,explored -explored-8616,0.4460243055555557,22,explored -explored-8617,0.37326388888888906,18,explored -explored-8618,0.37250000000000005,10,explored -explored-8619,0.2776620370370373,12,explored -explored-8620,0.3132812500000003,10,explored -explored-8621,0.4497395833333335,15,explored -explored-8622,0.3447048611111114,19,explored -explored-8623,0.5570312500000001,17,explored -explored-8624,0.3368055555555558,21,explored -explored-8625,0.38802083333333337,7,explored -explored-8626,0.7083072916666668,10,explored -explored-8627,0.36357060185185197,20,explored -explored-8628,0.37899305555555574,23,explored -explored-8629,0.4091145833333335,11,explored -explored-8630,0.7510347222222222,25,explored -explored-8631,0.27708333333333357,21,explored -explored-8632,0.5815104166666668,12,explored -explored-8633,0.5207291666666667,8,explored -explored-8634,0.413888888888889,11,explored -explored-8635,0.7305555555555556,10,explored -explored-8636,0.7904918981481482,12,explored -explored-8637,0.4425462962962965,16,explored -explored-8638,0.4242476851851853,19,explored -explored-8639,0.26626157407407414,21,explored -explored-8640,0.44791666666666685,23,explored -explored-8641,0.3209745370370374,21,explored -explored-8642,0.432465277777778,23,explored -explored-8643,0.5763020833333334,10,explored -explored-8644,0.5043402777777781,9,explored -explored-8645,0.44635416666666683,11,explored -explored-8646,0.6130208333333335,4,explored -explored-8647,0.4108333333333336,10,explored -explored-8648,0.46348379629629644,16,explored -explored-8649,0.6062500000000002,21,explored -explored-8650,0.5250000000000004,10,explored -explored-8651,0.7287152777777779,6,explored -explored-8652,0.446701388888889,12,explored -explored-8653,0.6458333333333333,6,explored -explored-8654,0.5629861111111112,11,explored -explored-8655,0.5737847222222223,10,explored -explored-8656,0.1312500000000003,15,explored -explored-8657,0.5881944444444445,5,explored -explored-8658,0.75234375,14,explored -explored-8659,0.727327380952381,29,explored -explored-8660,0.5702256944444446,12,explored -explored-8661,0.6505208333333334,17,explored -explored-8662,0.3704861111111115,19,explored -explored-8663,0.5268055555555557,15,explored -explored-8664,0.6754340277777778,28,explored -explored-8665,0.6751093750000001,25,explored -explored-8666,0.4208333333333336,11,explored -explored-8667,0.292604166666667,20,explored -explored-8668,0.45520833333333366,8,explored -explored-8669,0.22361111111111143,13,explored -explored-8670,0.4868055555555556,9,explored -explored-8671,0.286979166666667,20,explored -explored-8672,0.3744791666666669,15,explored -explored-8673,0.3953125000000002,11,explored -explored-8674,0.3530092592592595,16,explored -explored-8675,0.6084837962962963,32,explored -explored-8676,0.4632812500000002,19,explored -explored-8677,0.48708333333333353,13,explored -explored-8678,0.5321180555555555,20,explored -explored-8679,0.34703703703703737,20,explored -explored-8680,0.3481770833333335,18,explored -explored-8681,0.7594618055555556,14,explored -explored-8682,0.510763888888889,11,explored -explored-8683,0.5536458333333335,8,explored -explored-8684,0.2713541666666668,14,explored -explored-8685,0.35260416666666694,13,explored -explored-8686,0.6871875000000002,7,explored -explored-8687,0.6723090277777779,19,explored -explored-8688,0.5833333333333337,6,explored -explored-8689,0.3835937500000004,11,explored -explored-8690,0.41320891203703713,28,explored -explored-8691,0.5069444444444444,14,explored -explored-8692,0.5847222222222221,10,explored -explored-8693,0.2328125000000001,16,explored -explored-8694,0.5743055555555558,9,explored -explored-8695,0.2586371527777781,14,explored -explored-8696,0.1843750000000003,15,explored -explored-8697,0.5340277777777779,6,explored -explored-8698,0.34670138888888924,14,explored -explored-8699,0.7987673611111111,13,explored -explored-8700,0.6479166666666667,8,explored -explored-8701,0.6675347222222223,9,explored -explored-8702,0.5513888888888889,8,explored -explored-8703,0.6382899305555556,14,explored -explored-8704,0.5755497685185187,11,explored -explored-8705,0.12743055555555594,15,explored -explored-8706,0.3940104166666669,20,explored -explored-8707,0.3909722222222223,14,explored -explored-8708,0.48411458333333346,9,explored -explored-8709,0.5123842592592595,21,explored -explored-8710,0.5499768518518521,13,explored -explored-8711,0.465842013888889,23,explored -explored-8712,0.6157118055555557,9,explored -explored-8713,0.41180555555555576,11,explored -explored-8714,0.31406250000000036,9,explored -explored-8715,0.4758680555555558,15,explored -explored-8716,0.25507812500000027,25,explored -explored-8717,0.6765277777777778,43,explored -explored-8718,0.7024594907407409,14,explored -explored-8719,0.7172743055555557,7,explored -explored-8720,0.2859375000000002,16,explored -explored-8721,0.5442708333333335,14,explored -explored-8722,0.3968750000000001,8,explored -explored-8723,0.5751736111111112,14,explored -explored-8724,0.439322916666667,10,explored -explored-8725,0.4417968750000002,14,explored -explored-8726,0.5048611111111113,17,explored -explored-8727,0.6705671296296298,29,explored -explored-8728,0.5162760416666667,17,explored -explored-8729,0.5166666666666668,6,explored -explored-8730,0.6852430555555556,8,explored -explored-8731,0.3714988425925929,21,explored -explored-8732,0.6634375000000001,7,explored -explored-8733,0.3070312500000003,27,explored -explored-8734,0.7739583333333333,9,explored -explored-8735,0.5494791666666667,13,explored -explored-8736,0.6347222222222223,7,explored -explored-8737,0.6671006944444446,6,explored -explored-8738,0.5097222222222224,17,explored -explored-8739,0.6036458333333334,11,explored -explored-8740,0.44005208333333334,11,explored -explored-8741,0.33900462962962985,15,explored -explored-8742,0.7317708333333333,6,explored -explored-8743,0.43504629629629643,19,explored -explored-8744,0.41805555555555574,10,explored -explored-8745,0.6984861111111111,19,explored -explored-8746,0.7505787037037038,9,explored -explored-8747,0.6701388888888891,8,explored -explored-8748,0.43159722222222263,15,explored -explored-8749,0.6480613425925927,9,explored -explored-8750,0.3846354166666669,19,explored -explored-8751,0.6767361111111112,7,explored -explored-8752,0.3187500000000003,20,explored -explored-8753,0.47526041666666685,12,explored -explored-8754,0.4427083333333335,17,explored -explored-8755,0.7586111111111111,3,explored -explored-8756,0.13697916666666687,19,explored -explored-8757,0.7863425925925926,19,explored -explored-8758,0.6513020833333334,11,explored -explored-8759,0.6,12,explored -explored-8760,0.5390625000000002,12,explored -explored-8761,0.4046875000000003,11,explored -explored-8762,0.3665364583333335,20,explored -explored-8763,0.22864583333333344,20,explored -explored-8764,0.6141348379629631,14,explored -explored-8765,0.700451388888889,9,explored -explored-8766,0.5601388888888891,11,explored -explored-8767,0.7044126157407409,23,explored -explored-8768,0.4739583333333335,12,explored -explored-8769,0.5229166666666668,12,explored -explored-8770,0.40052083333333366,10,explored -explored-8771,0.4178240740740743,16,explored -explored-8772,0.610300925925926,12,explored -explored-8773,0.778125,5,explored -explored-8774,0.7552083333333335,4,explored -explored-8775,0.35468750000000027,10,explored -explored-8776,0.5713541666666668,16,explored -explored-8777,0.4505208333333335,12,explored -explored-8778,0.7025659722222224,19,explored -explored-8779,0.6004774305555557,31,explored -explored-8780,0.6429353505291007,37,explored -explored-8781,0.4060185185185188,12,explored -explored-8782,0.44791666666666696,11,explored -explored-8783,0.703125,6,explored -explored-8784,0.41770833333333335,15,explored -explored-8785,0.4125,12,explored -explored-8786,0.6468750000000002,6,explored -explored-8787,0.45763888888888915,10,explored -explored-8788,0.31406250000000036,12,explored -explored-8789,0.47685185185185197,19,explored -explored-8790,0.3528645833333335,17,explored -explored-8791,0.7258593750000001,12,explored -explored-8792,0.27656250000000027,15,explored -explored-8793,0.5539930555555557,10,explored -explored-8794,0.7170486111111112,8,explored -explored-8795,0.32986111111111127,17,explored -explored-8796,0.5192708333333336,8,explored -explored-8797,0.47395833333333326,9,explored -explored-8798,0.6455729166666667,12,explored -explored-8799,0.5993055555555556,8,explored -explored-8800,0.25451388888888915,12,explored -explored-8801,0.6111458333333335,12,explored -explored-8802,0.7300347222222222,5,explored -explored-8803,0.6698350694444446,13,explored -explored-8804,0.651996527777778,9,explored -explored-8805,0.27447916666666683,14,explored -explored-8806,0.2817708333333335,13,explored -explored-8807,0.6052083333333335,18,explored -explored-8808,0.6642361111111112,11,explored -explored-8809,0.5598958333333335,23,explored -explored-8810,0.6875,11,explored -explored-8811,0.501388888888889,7,explored -explored-8812,0.5329861111111112,9,explored -explored-8813,0.2312500000000003,11,explored -explored-8814,0.4757638888888891,13,explored -explored-8815,0.5574652777777779,10,explored -explored-8816,0.6211805555555557,9,explored -explored-8817,0.6576678240740742,10,explored -explored-8818,0.7234953703703705,11,explored -explored-8819,0.6538773148148149,13,explored -explored-8820,0.5365162037037039,14,explored -explored-8821,0.37818287037037046,11,explored -explored-8822,0.4085937500000002,20,explored -explored-8823,0.6538483796296297,15,explored -explored-8824,0.6539583333333334,6,explored -explored-8825,0.7925347222222222,4,explored -explored-8826,0.49375000000000036,6,explored -explored-8827,0.4940972222222224,21,explored -explored-8828,0.6723958333333333,11,explored -explored-8829,0.45677083333333346,22,explored -explored-8830,0.42135416666666703,8,explored -explored-8831,0.6071759259259261,15,explored -explored-8832,0.7598611111111112,6,explored -explored-8833,0.5960937500000001,11,explored -explored-8834,0.10260416666666683,19,explored -explored-8835,0.8097222222222222,7,explored -explored-8836,0.5052083333333335,11,explored -explored-8837,0.35769675925925937,25,explored -explored-8838,0.8195833333333333,2,explored -explored-8839,0.6852430555555558,12,explored -explored-8840,0.5372395833333335,19,explored -explored-8841,0.48697916666666685,15,explored -explored-8842,0.3427083333333335,10,explored -explored-8843,0.5328125000000001,9,explored -explored-8844,0.2015625000000001,17,explored -explored-8845,0.29636863425925963,20,explored -explored-8846,0.45072337962962983,17,explored -explored-8847,0.44999999999999996,14,explored -explored-8848,0.3046875000000002,16,explored -explored-8849,0.6193315972222223,17,explored -explored-8850,0.41609375000000015,17,explored -explored-8851,0.5848958333333333,9,explored -explored-8852,0.7213628472222223,8,explored -explored-8853,0.4413194444444445,12,explored -explored-8854,0.4428240740740741,15,explored -explored-8855,0.7181770833333334,7,explored -explored-8856,0.41319444444444464,17,explored -explored-8857,0.4921875000000002,13,explored -explored-8858,0.6946180555555556,6,explored -explored-8859,0.6106770833333335,5,explored -explored-8860,0.2742187500000002,16,explored -explored-8861,0.42248263888888915,23,explored -explored-8862,0.5064236111111113,13,explored -explored-8863,0.4745659722222224,20,explored -explored-8864,0.4265625000000002,11,explored -explored-8865,0.4267361111111113,15,explored -explored-8866,0.5792534722222222,22,explored -explored-8867,0.8527777777777777,6,explored -explored-8868,0.6257812500000002,10,explored -explored-8869,0.18072916666666694,11,explored -explored-8870,0.3337789351851853,17,explored -explored-8871,0.7868055555555555,9,explored -explored-8872,0.4210156250000001,20,explored -explored-8873,0.7208333333333333,6,explored -explored-8874,0.5902777777777779,14,explored -explored-8875,0.27986111111111134,17,explored -explored-8876,0.7039699074074075,18,explored -explored-8877,0.574189814814815,15,explored -explored-8878,0.7308449074074075,9,explored -explored-8879,0.42196180555555574,14,explored -explored-8880,0.7456597222222223,7,explored -explored-8881,0.5525173611111113,15,explored -explored-8882,0.5383680555555557,15,explored -explored-8883,0.6861111111111112,12,explored -explored-8884,0.7032118055555556,12,explored -explored-8885,0.7155208333333335,4,explored -explored-8886,0.7166666666666668,8,explored -explored-8887,0.471527777777778,16,explored -explored-8888,0.5636284722222223,15,explored -explored-8889,0.6507812500000001,16,explored -explored-8890,0.7139583333333335,10,explored -explored-8891,0.2644097222222226,10,explored -explored-8892,0.4534722222222225,11,explored -explored-8893,0.5123437500000001,16,explored -explored-8894,0.4373263888888892,12,explored -explored-8895,0.7260416666666667,9,explored -explored-8896,0.2409722222222226,13,explored -explored-8897,0.7336863425925926,24,explored -explored-8898,0.42343750000000024,11,explored -explored-8899,0.7480208333333335,3,explored -explored-8900,0.48058449074074094,19,explored -explored-8901,0.34592013888888906,21,explored -explored-8902,0.4256365740740742,14,explored -explored-8903,0.6243055555555557,9,explored -explored-8904,0.20185185185185217,16,explored -explored-8905,0.5130208333333335,10,explored -explored-8906,0.45180844907407425,21,explored -explored-8907,0.2875000000000002,13,explored -explored-8908,0.5913541666666667,7,explored -explored-8909,0.48449074074074094,13,explored -explored-8910,0.24531250000000027,17,explored -explored-8911,0.4657407407407409,14,explored -explored-8912,0.42638888888888893,8,explored -explored-8913,0.6982916666666668,27,explored -explored-8914,0.4270833333333336,10,explored -explored-8915,0.6402083333333335,6,explored -explored-8916,0.3440972222222224,20,explored -explored-8917,0.6247395833333335,8,explored -explored-8918,0.666420634920635,25,explored -explored-8919,0.4671875000000001,10,explored -explored-8920,0.5903645833333334,9,explored -explored-8921,0.3559895833333335,13,explored -explored-8922,0.6386111111111112,13,explored -explored-8923,0.6142361111111113,7,explored -explored-8924,0.6140625000000002,8,explored -explored-8925,0.6194444444444446,9,explored -explored-8926,0.41319444444444486,13,explored -explored-8927,0.5458333333333335,7,explored -explored-8928,0.9020833333333333,2,explored -explored-8929,0.6531145833333334,37,explored -explored-8930,0.3484375000000002,19,explored -explored-8931,0.4673553240740742,24,explored -explored-8932,0.7634375,4,explored -explored-8933,0.4222222222222225,14,explored -explored-8934,0.26328125000000036,21,explored -explored-8935,0.4813368055555558,9,explored -explored-8936,0.43125000000000024,14,explored -explored-8937,0.7416666666666667,4,explored -explored-8938,0.4441406250000003,17,explored -explored-8939,0.6671875000000002,27,explored -explored-8940,0.6899652777777779,9,explored -explored-8941,0.82109375,10,explored -explored-8942,0.2357638888888891,19,explored -explored-8943,0.31440972222222263,12,explored -explored-8944,0.4927083333333335,12,explored -explored-8945,0.5795833333333336,14,explored -explored-8946,0.3694270833333335,16,explored -explored-8947,0.35546875000000033,15,explored -explored-8948,0.6880208333333334,9,explored -explored-8949,0.596875,15,explored -explored-8950,0.25989583333333366,13,explored -explored-8951,0.7146354166666669,16,explored -explored-8952,0.22013888888888922,18,explored -explored-8953,0.6334375000000001,10,explored -explored-8954,0.5037905092592595,23,explored -explored-8955,0.4812500000000004,10,explored -explored-8956,0.5345486111111113,7,explored -explored-8957,0.7383887235449735,33,explored -explored-8958,0.7140625,5,explored -explored-8959,0.7069444444444445,27,explored -explored-8960,0.5389583333333334,8,explored -explored-8961,0.591666666666667,4,explored -explored-8962,0.5351562500000002,7,explored -explored-8963,0.696701388888889,11,explored -explored-8964,0.6304398148148149,10,explored -explored-8965,0.28003472222222237,21,explored -explored-8966,0.43015625000000013,19,explored -explored-8967,0.45434027777777797,16,explored -explored-8968,0.6672015542328043,33,explored -explored-8969,0.6325520833333335,5,explored -explored-8970,0.649045138888889,12,explored -explored-8971,0.3227430555555558,12,explored -explored-8972,0.4979166666666668,9,explored -explored-8973,0.5241666666666669,9,explored -explored-8974,0.4927083333333334,19,explored -explored-8975,0.7074652777777779,15,explored -explored-8976,0.6237847222222224,11,explored -explored-8977,0.5841493055555557,19,explored -explored-8978,0.6288339120370372,20,explored -explored-8979,0.618402777777778,9,explored -explored-8980,0.2968055555555559,17,explored -explored-8981,0.5838541666666668,12,explored -explored-8982,0.409027777777778,23,explored -explored-8983,0.6103298611111112,12,explored -explored-8984,0.6552083333333334,5,explored -explored-8985,0.18385416666666687,15,explored -explored-8986,0.5340277777777779,12,explored -explored-8987,0.2651041666666669,16,explored -explored-8988,0.46252893518518534,17,explored -explored-8989,0.5463541666666667,7,explored -explored-8990,0.6211458333333335,16,explored -explored-8991,0.12384259259259278,15,explored -explored-8992,0.13107638888888928,17,explored -explored-8993,0.4520833333333335,16,explored -explored-8994,0.5491319444444446,11,explored -explored-8995,0.5804687500000001,7,explored -explored-8996,0.5855555555555557,21,explored -explored-8997,0.8508680555555556,6,explored -explored-8998,0.8307291666666667,8,explored -explored-8999,0.6446180555555556,13,explored -explored-9000,0.5768229166666667,10,explored -explored-9001,0.307465277777778,15,explored -explored-9002,0.7213541666666667,7,explored -explored-9003,0.7486111111111112,6,explored -explored-9004,0.2958333333333335,11,explored -explored-9005,0.6210937500000001,5,explored -explored-9006,0.6219965277777779,15,explored -explored-9007,0.7284722222222222,10,explored -explored-9008,0.6582754629629631,14,explored -explored-9009,0.4258333333333335,10,explored -explored-9010,0.4589843750000002,12,explored -explored-9011,0.4671875000000002,22,explored -explored-9012,0.3891493055555557,21,explored -explored-9013,0.5703993055555556,15,explored -explored-9014,0.5522916666666668,13,explored -explored-9015,0.6466145833333333,12,explored -explored-9016,0.5748784722222224,19,explored -explored-9017,0.5772569444444445,21,explored -explored-9018,0.45763888888888915,15,explored -explored-9019,0.23151041666666705,24,explored -explored-9020,0.4994791666666668,12,explored -explored-9021,0.6708333333333334,3,explored -explored-9022,0.49449652777777797,16,explored -explored-9023,0.3166666666666669,17,explored -explored-9024,0.48911458333333346,20,explored -explored-9025,0.6565104166666669,11,explored -explored-9026,0.27803819444444466,15,explored -explored-9027,0.6892650462962964,7,explored -explored-9028,0.6640121527777778,36,explored -explored-9029,0.21197916666666705,16,explored -explored-9030,0.39904513888888915,18,explored -explored-9031,0.11388888888888915,13,explored -explored-9032,0.25555555555555576,14,explored -explored-9033,0.3158854166666668,14,explored -explored-9034,0.5959490740740743,9,explored -explored-9035,0.6736111111111113,13,explored -explored-9036,0.30978009259259276,17,explored -explored-9037,0.4152777777777781,13,explored -explored-9038,0.6784027777777779,8,explored -explored-9039,0.2699942129629631,25,explored -explored-9040,0.7083333333333333,3,explored -explored-9041,0.5958333333333334,9,explored -explored-9042,0.42413194444444446,14,explored -explored-9043,0.45902777777777803,12,explored -explored-9044,0.6253472222222223,10,explored -explored-9045,0.2180555555555559,21,explored -explored-9046,0.7104166666666668,11,explored -explored-9047,0.5325520833333336,18,explored -explored-9048,0.2625000000000002,22,explored -explored-9049,0.3895833333333334,9,explored -explored-9050,0.09791666666666687,14,explored -explored-9051,0.3857204861111113,23,explored -explored-9052,0.4641782407407409,15,explored -explored-9053,0.6291666666666669,11,explored -explored-9054,0.49267939814814843,15,explored -explored-9055,0.5822916666666668,3,explored -explored-9056,0.5645833333333334,8,explored -explored-9057,0.5522685185185185,16,explored -explored-9058,0.26927083333333346,9,explored -explored-9059,0.08125000000000027,11,explored -explored-9060,0.6587673611111112,38,explored -explored-9061,0.5428819444444446,11,explored -explored-9062,0.38984375000000016,18,explored -explored-9063,0.36302083333333357,16,explored -explored-9064,0.3782118055555559,14,explored -explored-9065,0.49375000000000013,14,explored -explored-9066,0.5744791666666669,8,explored -explored-9067,0.08125000000000027,12,explored -explored-9068,0.10260416666666705,20,explored -explored-9069,0.4711574074074075,17,explored -explored-9070,0.319184027777778,20,explored -explored-9071,0.6716145833333335,7,explored -explored-9072,0.5151562500000002,19,explored -explored-9073,0.22291666666666687,20,explored -explored-9074,0.6871990740740742,12,explored -explored-9075,0.19282407407407431,18,explored -explored-9076,0.8083333333333333,4,explored -explored-9077,0.3867187500000002,12,explored -explored-9078,0.4752222222222223,23,explored -explored-9079,0.5287500000000002,14,explored -explored-9080,0.21770833333333361,13,explored -explored-9081,0.776388888888889,6,explored -explored-9082,0.5911458333333335,8,explored -explored-9083,0.5987500000000001,14,explored -explored-9084,0.3442708333333334,10,explored -explored-9085,0.3187500000000002,16,explored -explored-9086,0.608420138888889,9,explored -explored-9087,0.6851562500000001,7,explored -explored-9088,0.5486805555555557,13,explored -explored-9089,0.6153645833333334,13,explored -explored-9090,0.7479166666666668,7,explored -explored-9091,0.7200173611111111,14,explored -explored-9092,0.22048611111111138,13,explored -explored-9093,0.5765156250000001,33,explored -explored-9094,0.5694965277777778,14,explored -explored-9095,0.7738888888888888,3,explored -explored-9096,0.3437500000000002,9,explored -explored-9097,0.41215277777777803,14,explored -explored-9098,0.5132812500000001,11,explored -explored-9099,0.2658854166666669,19,explored -explored-9100,0.5080034722222224,20,explored -explored-9101,0.40104166666666696,11,explored -explored-9102,0.4604166666666668,20,explored -explored-9103,0.34010416666666676,13,explored -explored-9104,0.4779513888888891,16,explored -explored-9105,0.4916666666666668,10,explored -explored-9106,0.30677083333333366,19,explored -explored-9107,0.6350694444444446,9,explored -explored-9108,0.2893518518518522,21,explored -explored-9109,0.7533854166666667,7,explored -explored-9110,0.7562152777777779,18,explored -explored-9111,0.4539062500000003,8,explored -explored-9112,0.4346875000000002,15,explored -explored-9113,0.6796875000000001,9,explored -explored-9114,0.5695312500000003,9,explored -explored-9115,0.5187500000000002,11,explored -explored-9116,0.5451388888888888,12,explored -explored-9117,0.5595486111111112,10,explored -explored-9118,0.6407118055555556,11,explored -explored-9119,0.7899450231481482,14,explored -explored-9120,0.7742187500000001,8,explored -explored-9121,0.8138888888888889,7,explored -explored-9122,0.4243055555555557,9,explored -explored-9123,0.4788194444444446,10,explored -explored-9124,0.43923611111111127,13,explored -explored-9125,0.49036458333333355,24,explored -explored-9126,0.8434722222222222,11,explored -explored-9127,0.21093750000000022,12,explored -explored-9128,0.41909722222222234,12,explored -explored-9129,0.5066226851851854,18,explored -explored-9130,0.7967013888888889,15,explored -explored-9131,0.5884027777777779,18,explored -explored-9132,0.6693472222222223,33,explored -explored-9133,0.6621875000000002,4,explored -explored-9134,0.5760416666666668,15,explored -explored-9135,0.29062500000000024,15,explored -explored-9136,0.5333333333333334,18,explored -explored-9137,0.4843750000000001,5,explored -explored-9138,0.8006944444444445,5,explored -explored-9139,0.6473900462962964,32,explored -explored-9140,0.4007812500000002,13,explored -explored-9141,0.6741319444444446,7,explored -explored-9142,0.4515625000000002,13,explored -explored-9143,0.28003472222222237,22,explored -explored-9144,0.7445833333333334,5,explored -explored-9145,0.19097222222222254,14,explored -explored-9146,0.3881076388888891,13,explored -explored-9147,0.21197916666666683,11,explored -explored-9148,0.4380208333333335,10,explored -explored-9149,0.7120881283068784,33,explored -explored-9150,0.17135416666666692,18,explored -explored-9151,0.361197916666667,15,explored -explored-9152,0.7376736111111112,13,explored -explored-9153,0.708425925925926,8,explored -explored-9154,0.5529513888888891,21,explored -explored-9155,0.39921875000000007,12,explored -explored-9156,0.7275694444444445,7,explored -explored-9157,0.08541666666666692,15,explored -explored-9158,0.7072916666666667,7,explored -explored-9159,0.5838541666666668,7,explored -explored-9160,0.25156250000000013,17,explored -explored-9161,0.5312500000000003,7,explored -explored-9162,0.6007465277777779,21,explored -explored-9163,0.213715277777778,15,explored -explored-9164,0.47583333333333355,11,explored -explored-9165,0.5925347222222224,12,explored -explored-9166,0.48583333333333356,9,explored -explored-9167,0.44322916666666656,11,explored -explored-9168,0.5269386574074075,14,explored -explored-9169,0.2932291666666669,10,explored -explored-9170,0.34236111111111134,15,explored -explored-9171,0.5906770833333335,12,explored -explored-9172,0.6795138888888889,15,explored -explored-9173,0.4984375000000002,9,explored -explored-9174,0.08125000000000027,12,explored -explored-9175,0.4565104166666668,20,explored -explored-9176,0.6771527777777779,6,explored -explored-9177,0.5354166666666669,9,explored -explored-9178,0.3968750000000002,21,explored -explored-9179,0.6434895833333334,9,explored -explored-9180,0.7091145833333334,6,explored -explored-9181,0.5378472222222224,11,explored -explored-9182,0.15937500000000027,13,explored -explored-9183,0.4640798611111113,16,explored -explored-9184,0.48750000000000016,12,explored -explored-9185,0.4055555555555559,13,explored -explored-9186,0.4983333333333334,10,explored -explored-9187,0.5255208333333334,12,explored -explored-9188,0.6371875,6,explored -explored-9189,0.5872685185185187,18,explored -explored-9190,0.39861111111111147,13,explored -explored-9191,0.557638888888889,9,explored -explored-9192,0.6107638888888891,12,explored -explored-9193,0.5906250000000002,39,explored -explored-9194,0.5508101851851854,10,explored -explored-9195,0.7353981481481482,26,explored -explored-9196,0.5223668981481482,13,explored -explored-9197,0.594965277777778,8,explored -explored-9198,0.28819444444444475,14,explored -explored-9199,0.600217013888889,15,explored -explored-9200,0.33255208333333364,14,explored -explored-9201,0.3899305555555559,9,explored -explored-9202,0.35807291666666685,21,explored -explored-9203,0.551388888888889,17,explored -explored-9204,0.24756944444444473,20,explored -explored-9205,0.3510937500000002,23,explored -explored-9206,0.38541666666666696,13,explored -explored-9207,0.2514351851851855,22,explored -explored-9208,0.7213344080687831,31,explored -explored-9209,0.5598090277777779,17,explored -explored-9210,0.3554687500000002,12,explored -explored-9211,0.5072916666666668,13,explored -explored-9212,0.5237847222222224,15,explored -explored-9213,0.6586111111111111,11,explored -explored-9214,0.4307291666666667,18,explored -explored-9215,0.5216666666666667,10,explored -explored-9216,0.6013020833333335,20,explored -explored-9217,0.5052083333333335,8,explored -explored-9218,0.27942708333333366,27,explored -explored-9219,0.39375000000000027,19,explored -explored-9220,0.6146423611111111,12,explored -explored-9221,0.5870428240740742,41,explored -explored-9222,0.7052083333333333,18,explored -explored-9223,0.2748263888888891,18,explored -explored-9224,0.25121527777777797,19,explored -explored-9225,0.4281250000000001,8,explored -explored-9226,0.47703125000000024,21,explored -explored-9227,0.7472222222222222,9,explored -explored-9228,0.5222222222222224,8,explored -explored-9229,0.3949652777777779,12,explored -explored-9230,0.6291666666666669,13,explored -explored-9231,0.7052083333333334,11,explored -explored-9232,0.4955208333333335,11,explored -explored-9233,0.25260416666666674,24,explored -explored-9234,0.5442708333333335,16,explored -explored-9235,0.3819444444444444,7,explored -explored-9236,0.6197627314814816,13,explored -explored-9237,0.6455381944444446,13,explored -explored-9238,0.7356342592592593,29,explored -explored-9239,0.5581597222222224,15,explored -explored-9240,0.205902777777778,20,explored -explored-9241,0.40147569444444464,20,explored -explored-9242,0.7050520833333335,6,explored -explored-9243,0.46006944444444464,14,explored -explored-9244,0.2934027777777779,24,explored -explored-9245,0.21388888888888913,15,explored -explored-9246,0.5581597222222224,13,explored -explored-9247,0.7972222222222223,8,explored -explored-9248,0.2972222222222225,15,explored -explored-9249,0.6706597222222224,14,explored -explored-9250,0.5252604166666669,8,explored -explored-9251,0.7417708333333335,5,explored -explored-9252,0.525115740740741,16,explored -explored-9253,0.7355902777777779,9,explored -explored-9254,0.41953125000000013,13,explored -explored-9255,0.3244791666666669,16,explored -explored-9256,0.6372569444444445,45,explored -explored-9257,0.7372569444444446,17,explored -explored-9258,0.6381076388888891,21,explored -explored-9259,0.45548611111111126,17,explored -explored-9260,0.35902777777777795,15,explored -explored-9261,0.2253472222222226,18,explored -explored-9262,0.39871527777777793,22,explored -explored-9263,0.3104166666666669,13,explored -explored-9264,0.6892361111111112,22,explored -explored-9265,0.5247395833333334,16,explored -explored-9266,0.3715277777777781,13,explored -explored-9267,0.5891666666666668,10,explored -explored-9268,0.5824218750000001,14,explored -explored-9269,0.8360937500000001,6,explored -explored-9270,0.6187268518518519,13,explored -explored-9271,0.6921875000000001,8,explored -explored-9272,0.4515625000000002,9,explored -explored-9273,0.4121527777777779,7,explored -explored-9274,0.18437500000000018,15,explored -explored-9275,0.4286944444444446,16,explored -explored-9276,0.7145833333333333,8,explored -explored-9277,0.49861111111111145,7,explored -explored-9278,0.6930555555555555,10,explored -explored-9279,0.6966780753968255,26,explored -explored-9280,0.47173611111111124,21,explored -explored-9281,0.5754166666666669,8,explored -explored-9282,0.6056423611111112,18,explored -explored-9283,0.21759259259259278,16,explored -explored-9284,0.6718750000000002,9,explored -explored-9285,0.567013888888889,10,explored -explored-9286,0.6231180555555557,38,explored -explored-9287,0.7128819444444445,11,explored -explored-9288,0.3377604166666669,14,explored -explored-9289,0.8354166666666667,5,explored -explored-9290,0.505121527777778,19,explored -explored-9291,0.7639756944444446,8,explored -explored-9292,0.6368055555555556,12,explored -explored-9293,0.5434027777777779,10,explored -explored-9294,0.315277777777778,17,explored -explored-9295,0.32829861111111125,15,explored -explored-9296,0.5489583333333333,16,explored -explored-9297,0.6591145833333334,7,explored -explored-9298,0.32968750000000013,17,explored -explored-9299,0.6488425925925927,17,explored -explored-9300,0.15000000000000036,11,explored -explored-9301,0.4526041666666669,9,explored -explored-9302,0.5680555555555555,8,explored -explored-9303,0.6256944444444446,13,explored -explored-9304,0.6239496527777779,35,explored -explored-9305,0.7186921296296298,11,explored -explored-9306,0.5748842592592593,18,explored -explored-9307,0.6018749999999999,13,explored -explored-9308,0.6606770833333333,12,explored -explored-9309,0.45173611111111134,12,explored -explored-9310,0.5546875000000001,11,explored -explored-9311,0.6144097222222223,5,explored -explored-9312,0.76625,6,explored -explored-9313,0.7385416666666667,7,explored -explored-9314,0.8256944444444445,7,explored -explored-9315,0.7766493055555557,11,explored -explored-9316,0.6302083333333335,7,explored -explored-9317,0.5078125000000002,14,explored -explored-9318,0.4677083333333333,13,explored -explored-9319,0.6421875000000001,8,explored -explored-9320,0.45416666666666683,9,explored -explored-9321,0.5436111111111113,11,explored -explored-9322,0.619201388888889,10,explored -explored-9323,0.5899537037037037,13,explored -explored-9324,0.36440972222222234,26,explored -explored-9325,0.7166666666666668,13,explored -explored-9326,0.3095775462962965,21,explored -explored-9327,0.49027777777777803,14,explored -explored-9328,0.4125000000000002,10,explored -explored-9329,0.7596180555555556,11,explored -explored-9330,0.5969097222222224,12,explored -explored-9331,0.5671875000000002,11,explored -explored-9332,0.27024305555555594,25,explored -explored-9333,0.47870370370370385,14,explored -explored-9334,0.7005208333333335,6,explored -explored-9335,0.6598958333333333,7,explored -explored-9336,0.6518750000000001,6,explored -explored-9337,0.6764930555555556,6,explored -explored-9338,0.4046875000000001,20,explored -explored-9339,0.6593750000000002,6,explored -explored-9340,0.48111111111111127,16,explored -explored-9341,0.4515625000000002,11,explored -explored-9342,0.5822916666666668,5,explored -explored-9343,0.41614583333333366,15,explored -explored-9344,0.37187500000000007,12,explored -explored-9345,0.15572916666666692,14,explored -explored-9346,0.6300347222222223,11,explored -explored-9347,0.3890625000000002,8,explored -explored-9348,0.2019097222222226,27,explored -explored-9349,0.25703125000000016,16,explored -explored-9350,0.6161458333333335,11,explored -explored-9351,0.5357118055555556,14,explored -explored-9352,0.6304629629629631,10,explored -explored-9353,0.25718750000000035,17,explored -explored-9354,0.4282986111111111,23,explored -explored-9355,0.43628472222222237,11,explored -explored-9356,0.49826388888888906,11,explored -explored-9357,0.2576388888888892,13,explored -explored-9358,0.8180208333333334,6,explored -explored-9359,0.40546875000000016,20,explored -explored-9360,0.3192708333333336,20,explored -explored-9361,0.6920138888888889,7,explored -explored-9362,0.3080439814814817,23,explored -explored-9363,0.43906250000000036,18,explored -explored-9364,0.6359375,5,explored -explored-9365,0.45607638888888913,13,explored -explored-9366,0.35763888888888906,18,explored -explored-9367,0.22864583333333344,20,explored -explored-9368,0.2507812500000002,14,explored -explored-9369,0.2890625000000002,16,explored -explored-9370,0.5748437500000001,9,explored -explored-9371,0.48187500000000016,13,explored -explored-9372,0.45833333333333337,11,explored -explored-9373,0.6119791666666667,14,explored -explored-9374,0.6210937500000001,5,explored -explored-9375,0.6618634259259261,9,explored -explored-9376,0.24583333333333357,16,explored -explored-9377,0.2625000000000004,9,explored -explored-9378,0.5604166666666668,11,explored -explored-9379,0.34531250000000036,9,explored -explored-9380,0.5759837962962965,14,explored -explored-9381,0.5312500000000002,8,explored -explored-9382,0.4472656250000002,14,explored -explored-9383,0.5192708333333335,7,explored -explored-9384,0.4447916666666669,12,explored -explored-9385,0.5657986111111113,14,explored -explored-9386,0.5440972222222223,7,explored -explored-9387,0.5825520833333335,12,explored -explored-9388,0.6121875000000001,13,explored -explored-9389,0.686076388888889,9,explored -explored-9390,0.45078125000000013,11,explored -explored-9391,0.5136284722222224,8,explored -explored-9392,0.05416666666666692,14,explored -explored-9393,0.7359375000000001,5,explored -explored-9394,0.22864583333333366,21,explored -explored-9395,0.4819444444444446,13,explored -explored-9396,0.4950520833333334,15,explored -explored-9397,0.30815972222222243,16,explored -explored-9398,0.6954282407407408,10,explored -explored-9399,0.6546875000000001,14,explored -explored-9400,0.5481770833333333,10,explored -explored-9401,0.30039062500000036,19,explored -explored-9402,0.679369212962963,10,explored -explored-9403,0.27913194444444467,15,explored -explored-9404,0.48055555555555574,7,explored -explored-9405,0.4542129629629631,18,explored -explored-9406,0.5205729166666668,12,explored -explored-9407,0.4381250000000001,13,explored -explored-9408,0.7541666666666667,7,explored -explored-9409,0.48841145833333355,23,explored -explored-9410,0.14270833333333366,17,explored -explored-9411,0.5596759259259261,14,explored -explored-9412,0.4829861111111111,18,explored -explored-9413,0.21901041666666698,13,explored -explored-9414,0.7107986111111112,8,explored -explored-9415,0.5668402777777779,6,explored -explored-9416,0.6705902777777779,17,explored -explored-9417,0.49583333333333346,5,explored -explored-9418,0.29704861111111125,11,explored -explored-9419,0.406047453703704,18,explored -explored-9420,0.29472222222222255,24,explored -explored-9421,0.44001736111111134,19,explored -explored-9422,0.5406250000000001,18,explored -explored-9423,0.5534722222222224,18,explored -explored-9424,0.557800925925926,13,explored -explored-9425,0.7809895833333333,6,explored -explored-9426,0.5846354166666667,10,explored -explored-9427,0.5947916666666668,9,explored -explored-9428,0.7041666666666666,6,explored -explored-9429,0.48454861111111125,14,explored -explored-9430,0.6793125000000001,14,explored -explored-9431,0.5984375000000002,15,explored -explored-9432,0.40017361111111116,15,explored -explored-9433,0.511851851851852,22,explored -explored-9434,0.7157777777777778,27,explored -explored-9435,0.6854166666666668,4,explored -explored-9436,0.5394097222222224,19,explored -explored-9437,0.4056423611111113,17,explored -explored-9438,0.6197916666666669,9,explored -explored-9439,0.5928819444444446,19,explored -explored-9440,0.23211805555555598,19,explored -explored-9441,0.48750000000000004,14,explored -explored-9442,0.4412760416666669,16,explored -explored-9443,0.5786574074074076,10,explored -explored-9444,0.47239583333333346,24,explored -explored-9445,0.39947916666666683,16,explored -explored-9446,0.5892361111111113,10,explored -explored-9447,0.6861111111111112,12,explored -explored-9448,0.6997395833333334,17,explored -explored-9449,0.6708333333333333,3,explored -explored-9450,0.3402777777777781,18,explored -explored-9451,0.5009548611111113,15,explored -explored-9452,0.5236979166666668,11,explored -explored-9453,0.3442708333333334,9,explored -explored-9454,0.36979166666666696,14,explored -explored-9455,0.40538194444444453,14,explored -explored-9456,0.5958333333333334,10,explored -explored-9457,0.2729166666666668,12,explored -explored-9458,0.48015046296296315,13,explored -explored-9459,0.5116319444444446,9,explored -explored-9460,0.6786689814814816,14,explored -explored-9461,0.7876736111111112,4,explored -explored-9462,0.57421875,6,explored -explored-9463,0.4382812500000003,14,explored -explored-9464,0.4742013888888892,18,explored -explored-9465,0.3755208333333335,17,explored -explored-9466,0.5266666666666668,13,explored -explored-9467,0.5717592592592594,12,explored -explored-9468,0.5494791666666669,12,explored -explored-9469,0.5850694444444446,15,explored -explored-9470,0.4368055555555558,16,explored -explored-9471,0.846875,6,explored -explored-9472,0.4097222222222223,12,explored -explored-9473,0.609502314814815,11,explored -explored-9474,0.6667708333333334,10,explored -explored-9475,0.38003472222222245,17,explored -explored-9476,0.6526041666666669,13,explored -explored-9477,0.3100115740740743,22,explored -explored-9478,0.7184027777777778,5,explored -explored-9479,0.596875,4,explored -explored-9480,0.44207175925925946,22,explored -explored-9481,0.4197916666666669,21,explored -explored-9482,0.5862500000000002,6,explored -explored-9483,0.3847222222222225,12,explored -explored-9484,0.5083333333333334,4,explored -explored-9485,0.49276620370370383,15,explored -explored-9486,0.6153645833333334,9,explored -explored-9487,0.7491145833333335,7,explored -explored-9488,0.6856944444444445,7,explored -explored-9489,0.5750000000000003,5,explored -explored-9490,0.7697916666666668,17,explored -explored-9491,0.29010416666666683,13,explored -explored-9492,0.6217708333333334,6,explored -explored-9493,0.3193287037037038,17,explored -explored-9494,0.5733217592592594,16,explored -explored-9495,0.285416666666667,10,explored -explored-9496,0.4526041666666668,18,explored -explored-9497,0.4198784722222224,15,explored -explored-9498,0.363151041666667,13,explored -explored-9499,0.5337673611111112,14,explored -explored-9500,0.7438472222222223,25,explored -explored-9501,0.45884259259259275,26,explored -explored-9502,0.20520833333333366,17,explored -explored-9503,0.6622395833333334,4,explored -explored-9504,0.4052083333333336,14,explored -explored-9505,0.5214554398148148,20,explored -explored-9506,0.3059027777777781,25,explored -explored-9507,0.5436342592592595,10,explored -explored-9508,0.7337152777777779,8,explored -explored-9509,0.5083333333333335,5,explored -explored-9510,0.6036458333333335,9,explored -explored-9511,0.41953125000000013,12,explored -explored-9512,0.5868055555555556,9,explored -explored-9513,0.6223958333333335,9,explored -explored-9514,0.5704861111111112,11,explored -explored-9515,0.596383101851852,12,explored -explored-9516,0.6130208333333335,5,explored -explored-9517,0.43376736111111125,13,explored -explored-9518,0.7078125000000001,7,explored -explored-9519,0.5901909722222225,16,explored -explored-9520,0.5940972222222224,15,explored -explored-9521,0.23107638888888915,17,explored -explored-9522,0.7755208333333334,10,explored -explored-9523,0.44263599537037057,15,explored -explored-9524,0.310416666666667,22,explored -explored-9525,0.7069487433862435,26,explored -explored-9526,0.7602430555555555,10,explored -explored-9527,0.43234953703703705,16,explored -explored-9528,0.36545138888888906,19,explored -explored-9529,0.2156250000000003,15,explored -explored-9530,0.6614583333333335,7,explored -explored-9531,0.38339120370370394,13,explored -explored-9532,0.1878472222222225,14,explored -explored-9533,0.3695312500000002,12,explored -explored-9534,0.24282407407407425,17,explored -explored-9535,0.3436631944444448,18,explored -explored-9536,0.50625,6,explored -explored-9537,0.3973958333333336,20,explored -explored-9538,0.5895833333333335,14,explored -explored-9539,0.5441666666666669,13,explored -explored-9540,0.6653993055555556,14,explored -explored-9541,0.4364583333333335,19,explored -explored-9542,0.40520833333333317,11,explored -explored-9543,0.48194444444444473,18,explored -explored-9544,0.11979166666666696,14,explored -explored-9545,0.7848958333333333,5,explored -explored-9546,0.46362268518518535,18,explored -explored-9547,0.5778935185185187,14,explored -explored-9548,0.410416666666667,6,explored -explored-9549,0.5390625000000002,13,explored -explored-9550,0.39375000000000027,12,explored -explored-9551,0.5605902777777779,20,explored -explored-9552,0.23559027777777808,20,explored -explored-9553,0.4057291666666666,13,explored -explored-9554,0.5072916666666668,8,explored -explored-9555,0.6338368055555557,11,explored -explored-9556,0.6287500000000001,6,explored -explored-9557,0.3445312500000003,16,explored -explored-9558,0.11718750000000022,20,explored -explored-9559,0.549826388888889,6,explored -explored-9560,0.6858333333333334,8,explored -explored-9561,0.6796006944444446,13,explored -explored-9562,0.5506944444444447,10,explored -explored-9563,0.4173611111111113,14,explored -explored-9564,0.5595486111111113,20,explored -explored-9565,0.678125,6,explored -explored-9566,0.6145833333333335,19,explored -explored-9567,0.5930844907407409,14,explored -explored-9568,0.7533333333333334,3,explored -explored-9569,0.4638020833333335,17,explored -explored-9570,0.6646122685185186,12,explored -explored-9571,0.4887152777777779,13,explored -explored-9572,0.7281249999999999,8,explored -explored-9573,0.4956597222222223,13,explored -explored-9574,0.35815972222222237,18,explored -explored-9575,0.41903935185185204,20,explored -explored-9576,0.5167534722222225,15,explored -explored-9577,0.6471354166666667,8,explored -explored-9578,0.3756944444444448,10,explored -explored-9579,0.3211226851851854,17,explored -explored-9580,0.6887500000000002,5,explored -explored-9581,0.4623263888888891,16,explored -explored-9582,0.46533564814814843,19,explored -explored-9583,0.5492187500000002,18,explored -explored-9584,0.6057291666666669,8,explored -explored-9585,0.4970486111111112,15,explored -explored-9586,0.45850694444444473,18,explored -explored-9587,0.31111111111111134,13,explored -explored-9588,0.28229166666666683,7,explored -explored-9589,0.6783854166666667,6,explored -explored-9590,0.6713020833333334,8,explored -explored-9591,0.48793402777777795,21,explored -explored-9592,0.32777777777777795,15,explored -explored-9593,0.7239583333333335,9,explored -explored-9594,0.5854166666666668,10,explored -explored-9595,0.5706597222222224,10,explored -explored-9596,0.46258680555555576,19,explored -explored-9597,0.31848958333333355,19,explored -explored-9598,0.3925347222222223,17,explored -explored-9599,0.41328125000000016,16,explored -explored-9600,0.6415972222222224,7,explored -explored-9601,0.40598958333333357,14,explored -explored-9602,0.5256944444444448,9,explored -explored-9603,0.5664930555555556,11,explored -explored-9604,0.49083333333333345,19,explored -explored-9605,0.18611111111111123,18,explored -explored-9606,0.6144097222222222,14,explored -explored-9607,0.45766782407407425,14,explored -explored-9608,0.29218750000000027,14,explored -explored-9609,0.5779947916666668,21,explored -explored-9610,0.5953125000000001,21,explored -explored-9611,0.5664930555555557,13,explored -explored-9612,0.48861111111111133,18,explored -explored-9613,0.8263020833333333,7,explored -explored-9614,0.5333333333333334,10,explored -explored-9615,0.5413194444444446,13,explored -explored-9616,0.6802083333333335,9,explored -explored-9617,0.6492476851851853,19,explored -explored-9618,0.660607638888889,8,explored -explored-9619,0.592621527777778,12,explored -explored-9620,0.5701678240740742,17,explored -explored-9621,0.6482638888888891,8,explored -explored-9622,0.5251736111111113,10,explored -explored-9623,0.6145833333333335,13,explored -explored-9624,0.4916666666666668,5,explored -explored-9625,0.23333333333333361,13,explored -explored-9626,0.573972800925926,12,explored -explored-9627,0.528732638888889,15,explored -explored-9628,0.729513888888889,14,explored -explored-9629,0.7020833333333333,14,explored -explored-9630,0.24609375000000022,14,explored -explored-9631,0.7558449074074075,9,explored -explored-9632,0.39570312500000027,12,explored -explored-9633,0.6397424768518519,17,explored -explored-9634,0.5565972222222224,11,explored -explored-9635,0.5458767361111113,16,explored -explored-9636,0.42986111111111125,23,explored -explored-9637,0.35902777777777795,11,explored -explored-9638,0.6905319940476191,42,explored -explored-9639,0.6942708333333334,3,explored -explored-9640,0.4570312500000002,11,explored -explored-9641,0.4032986111111114,16,explored -explored-9642,0.44982638888888904,26,explored -explored-9643,0.6543547453703704,17,explored -explored-9644,0.2651041666666669,13,explored -explored-9645,0.29409722222222257,19,explored -explored-9646,0.45703125000000033,10,explored -explored-9647,0.14947916666666705,16,explored -explored-9648,0.6729166666666666,5,explored -explored-9649,0.5881944444444446,11,explored -explored-9650,0.297135416666667,20,explored -explored-9651,0.5583333333333336,7,explored -explored-9652,0.20625000000000027,19,explored -explored-9653,0.6880208333333335,5,explored -explored-9654,0.575,7,explored -explored-9655,0.30688657407407427,19,explored -explored-9656,0.14479166666666687,12,explored -explored-9657,0.5133333333333334,9,explored -explored-9658,0.4651041666666669,10,explored -explored-9659,0.6645833333333335,12,explored -explored-9660,0.47578125000000016,11,explored -explored-9661,0.6731597222222223,10,explored -explored-9662,0.7875000000000001,3,explored -explored-9663,0.4286111111111113,18,explored -explored-9664,0.685590277777778,13,explored -explored-9665,0.8049479166666668,6,explored -explored-9666,0.6605902777777779,8,explored -explored-9667,0.6271875000000001,10,explored -explored-9668,0.46597222222222257,11,explored -explored-9669,0.500925925925926,14,explored -explored-9670,0.4652777777777779,10,explored -explored-9671,0.4888541666666668,9,explored -explored-9672,0.419791666666667,10,explored -explored-9673,0.6493055555555557,16,explored -explored-9674,0.655,6,explored -explored-9675,0.5604890046296298,18,explored -explored-9676,0.47430555555555576,16,explored -explored-9677,0.4666666666666668,11,explored -explored-9678,0.5617708333333334,6,explored -explored-9679,0.34869791666666683,15,explored -explored-9680,0.527951388888889,11,explored -explored-9681,0.5800925925925927,16,explored -explored-9682,0.6531250000000002,14,explored -explored-9683,0.6314236111111112,10,explored -explored-9684,0.473090277777778,15,explored -explored-9685,0.4208333333333336,13,explored -explored-9686,0.36875000000000024,15,explored -explored-9687,0.2026041666666668,18,explored -explored-9688,0.6634837962962964,8,explored -explored-9689,0.6603819444444446,14,explored -explored-9690,0.5171875000000001,12,explored -explored-9691,0.6750000000000002,5,explored -explored-9692,0.5666666666666668,5,explored -explored-9693,0.27986111111111145,13,explored -explored-9694,0.6793721064814815,32,explored -explored-9695,0.3323784722222223,11,explored -explored-9696,0.310416666666667,8,explored -explored-9697,0.5114583333333335,7,explored -explored-9698,0.5176504629629631,12,explored -explored-9699,0.15781250000000036,16,explored -explored-9700,0.28906250000000033,16,explored -explored-9701,0.5721354166666667,11,explored -explored-9702,0.25885416666666705,11,explored -explored-9703,0.659670138888889,11,explored -explored-9704,0.7144965277777778,15,explored -explored-9705,0.7621875,7,explored -explored-9706,0.6698263888888889,29,explored -explored-9707,0.3640625000000002,19,explored -explored-9708,0.44348958333333355,21,explored -explored-9709,0.13784722222222245,16,explored -explored-9710,0.23854166666666687,16,explored -explored-9711,0.5491319444444446,10,explored -explored-9712,0.4501446759259262,17,explored -explored-9713,0.5178819444444447,15,explored -explored-9714,0.57734375,14,explored -explored-9715,0.6779166666666667,12,explored -explored-9716,0.28133680555555585,14,explored -explored-9717,0.7125000000000001,4,explored -explored-9718,0.3802083333333335,6,explored -explored-9719,0.1765625000000004,19,explored -explored-9720,0.29244791666666703,21,explored -explored-9721,0.5447916666666667,10,explored -explored-9722,0.6708333333333334,5,explored -explored-9723,0.5256944444444448,7,explored -explored-9724,0.5503472222222224,12,explored -explored-9725,0.7217043650793651,28,explored -explored-9726,0.4819618055555557,16,explored -explored-9727,0.7286111111111112,8,explored -explored-9728,0.45145833333333363,11,explored -explored-9729,0.6134722222222223,11,explored -explored-9730,0.6532986111111112,18,explored -explored-9731,0.46501736111111125,16,explored -explored-9732,0.43232060185185195,18,explored -explored-9733,0.5102488425925928,17,explored -explored-9734,0.1571180555555558,16,explored -explored-9735,0.4699652777777781,25,explored -explored-9736,0.5428819444444446,10,explored -explored-9737,0.4770833333333334,8,explored -explored-9738,0.27118055555555565,21,explored -explored-9739,0.4925347222222224,5,explored -explored-9740,0.599045138888889,12,explored -explored-9741,0.32916666666666683,15,explored -explored-9742,0.16458333333333353,17,explored -explored-9743,0.21319444444444458,14,explored -explored-9744,0.3114583333333335,17,explored -explored-9745,0.6424305555555556,7,explored -explored-9746,0.5775578703703704,13,explored -explored-9747,0.20052083333333348,12,explored -explored-9748,0.24635416666666687,18,explored -explored-9749,0.7033333333333336,12,explored -explored-9750,0.34930555555555576,12,explored -explored-9751,0.5253472222222224,13,explored -explored-9752,0.4520833333333336,12,explored -explored-9753,0.75,10,explored -explored-9754,0.057812500000000266,18,explored -explored-9755,0.5986979166666668,12,explored -explored-9756,0.5417708333333334,10,explored -explored-9757,0.5020833333333334,16,explored -explored-9758,0.6708333333333334,4,explored -explored-9759,0.6268518518518521,10,explored -explored-9760,0.5066840277777779,14,explored -explored-9761,0.3601851851851855,17,explored -explored-9762,0.6918402777777779,43,explored -explored-9763,0.5833333333333333,6,explored -explored-9764,0.27305555555555583,16,explored -explored-9765,0.7450520833333334,9,explored -explored-9766,0.5353240740740742,13,explored -explored-9767,0.49479166666666685,6,explored -explored-9768,0.570992476851852,32,explored -explored-9769,0.5893055555555557,14,explored -explored-9770,0.4486111111111113,16,explored -explored-9771,0.31597222222222243,13,explored -explored-9772,0.7202546296296297,12,explored -explored-9773,0.354513888888889,11,explored -explored-9774,0.6946875000000001,3,explored -explored-9775,0.6046701388888891,16,explored -explored-9776,0.6545138888888891,10,explored -explored-9777,0.5651041666666669,12,explored -explored-9778,0.53,10,explored -explored-9779,0.4263020833333334,11,explored -explored-9780,0.5753472222222222,8,explored -explored-9781,0.7020833333333334,11,explored -explored-9782,0.27013888888888915,17,explored -explored-9783,0.47916666666666663,7,explored -explored-9784,0.7076388888888889,18,explored -explored-9785,0.3007812500000001,12,explored -explored-9786,0.6505787037037039,11,explored -explored-9787,0.3777488425925928,16,explored -explored-9788,0.5609375,11,explored -explored-9789,0.3572916666666669,15,explored -explored-9790,0.41180555555555587,9,explored -explored-9791,0.7285590277777779,9,explored -explored-9792,0.6071469907407409,22,explored -explored-9793,0.55859375,14,explored -explored-9794,0.6673611111111113,9,explored -explored-9795,0.4164062500000003,14,explored -explored-9796,2.220446049250313e-16,18,explored -explored-9797,0.43680555555555567,10,explored -explored-9798,0.663961226851852,16,explored -explored-9799,0.5558159722222223,13,explored -explored-9800,0.7088975694444446,24,explored -explored-9801,0.26875000000000027,11,explored -explored-9802,0.7756076388888888,9,explored -explored-9803,0.419618055555556,19,explored -explored-9804,0.34996527777777797,12,explored -explored-9805,0.6408333333333334,3,explored -explored-9806,0.557465277777778,9,explored -explored-9807,0.5993055555555558,15,explored -explored-9808,0.6465277777777779,12,explored -explored-9809,0.7065046296296298,11,explored -explored-9810,0.3250000000000002,20,explored -explored-9811,0.4111111111111114,13,explored -explored-9812,0.40755208333333337,11,explored -explored-9813,0.5449074074074075,10,explored -explored-9814,0.42057291666666685,11,explored -explored-9815,0.6875,5,explored -explored-9816,0.5503472222222223,13,explored -explored-9817,0.596701388888889,7,explored -explored-9818,0.733576388888889,9,explored -explored-9819,0.6358333333333334,4,explored -explored-9820,0.3968750000000002,14,explored -explored-9821,0.5489583333333334,14,explored -explored-9822,0.27656250000000016,15,explored -explored-9823,0.44791666666666685,8,explored -explored-9824,0.42245370370370394,24,explored -explored-9825,0.75,8,explored -explored-9826,0.5579166666666668,13,explored -explored-9827,0.4123697916666669,20,explored -explored-9828,0.4489930555555557,15,explored -explored-9829,0.5107638888888891,18,explored -explored-9830,0.15937500000000027,12,explored -explored-9831,0.2328125000000003,11,explored -explored-9832,0.7354166666666666,5,explored -explored-9833,0.6410648148148148,9,explored -explored-9834,0.6066666666666669,11,explored -explored-9835,0.4314351851851854,16,explored -explored-9836,0.3171875000000002,13,explored -explored-9837,0.4492621527777779,21,explored -explored-9838,0.2015625000000003,16,explored -explored-9839,0.5996527777777779,9,explored -explored-9840,0.5055555555555558,16,explored -explored-9841,0.4101562500000002,15,explored -explored-9842,0.12109375000000022,14,explored -explored-9843,0.4300781250000002,24,explored -explored-9844,0.4881944444444446,11,explored -explored-9845,0.6441550925925927,33,explored -explored-9846,0.6167824074074075,15,explored -explored-9847,0.44644097222222234,17,explored -explored-9848,0.4612847222222224,26,explored -explored-9849,0.25885416666666683,24,explored -explored-9850,0.2958333333333336,16,explored -explored-9851,0.4515625000000003,15,explored -explored-9852,0.26753472222222263,18,explored -explored-9853,0.6694444444444446,11,explored -explored-9854,0.5333333333333334,7,explored -explored-9855,0.5194444444444446,14,explored -explored-9856,0.5198784722222224,9,explored -explored-9857,0.6527777777777779,13,explored -explored-9858,0.5423611111111113,14,explored -explored-9859,0.7060762235449736,40,explored -explored-9860,0.7358333333333333,11,explored -explored-9861,0.7176359953703705,15,explored -explored-9862,0.44745370370370385,18,explored -explored-9863,0.5566666666666666,8,explored -explored-9864,0.5550000000000002,14,explored -explored-9865,0.5368055555555555,14,explored -explored-9866,0.574027777777778,13,explored -explored-9867,0.5274305555555557,12,explored -explored-9868,0.5859375,8,explored -explored-9869,0.6093750000000001,12,explored -explored-9870,0.6539930555555558,14,explored -explored-9871,0.6248263888888891,15,explored -explored-9872,0.8300000000000001,1,explored -explored-9873,0.5765625000000001,9,explored -explored-9874,0.6090277777777778,9,explored -explored-9875,0.4516203703703705,18,explored -explored-9876,0.651388888888889,8,explored -explored-9877,0.2275462962962964,21,explored -explored-9878,0.27604166666666696,15,explored -explored-9879,0.35173611111111136,13,explored -explored-9880,0.4755208333333334,9,explored -explored-9881,0.3495833333333336,20,explored -explored-9882,0.34335937500000024,17,explored -explored-9883,0.5971932870370372,10,explored -explored-9884,0.5755208333333335,10,explored -explored-9885,0.4423611111111113,9,explored -explored-9886,0.5784722222222223,13,explored -explored-9887,0.6552083333333334,7,explored -explored-9888,0.33125000000000027,14,explored -explored-9889,0.3631944444444448,7,explored -explored-9890,0.5101388888888891,14,explored -explored-9891,0.24505208333333361,16,explored -explored-9892,0.6901041666666666,7,explored -explored-9893,0.5762152777777779,19,explored -explored-9894,0.5583333333333333,8,explored -explored-9895,0.3089843750000002,14,explored -explored-9896,0.7197222222222224,10,explored -explored-9897,0.48916666666666675,15,explored -explored-9898,0.2244791666666669,17,explored -explored-9899,0.37111111111111117,16,explored -explored-9900,0.6720833333333334,7,explored -explored-9901,0.6765914351851853,16,explored -explored-9902,0.4969618055555558,13,explored -explored-9903,0.31802083333333353,13,explored -explored-9904,0.3791666666666669,19,explored -explored-9905,0.5258680555555557,10,explored -explored-9906,0.39809027777777795,18,explored -explored-9907,0.3451388888888891,16,explored -explored-9908,0.32395833333333357,18,explored -explored-9909,0.5575520833333335,11,explored -explored-9910,0.5722222222222224,9,explored -explored-9911,0.581076388888889,8,explored -explored-9912,0.6989756944444445,12,explored -explored-9913,0.08125000000000027,10,explored -explored-9914,0.6920717592592593,8,explored -explored-9915,0.6645833333333335,13,explored -explored-9916,0.5998177083333335,27,explored -explored-9917,0.32083333333333364,11,explored -explored-9918,0.5301041666666668,10,explored -explored-9919,0.6089120370370371,15,explored -explored-9920,0.6157986111111112,6,explored -explored-9921,0.7368055555555556,6,explored -explored-9922,0.6740416666666668,13,explored -explored-9923,0.6500000000000001,16,explored -explored-9924,0.7708333333333335,3,explored -explored-9925,0.4320312500000002,9,explored -explored-9926,0.35771122685185197,20,explored -explored-9927,0.40663773148148163,24,explored -explored-9928,0.7285300925925927,17,explored -explored-9929,0.6090972222222224,10,explored -explored-9930,0.18229166666666696,10,explored -explored-9931,0.5130208333333335,19,explored -explored-9932,0.2942708333333336,12,explored -explored-9933,0.6523148148148149,8,explored -explored-9934,0.6993055555555556,11,explored -explored-9935,0.4434027777777779,15,explored -explored-9936,0.3845920138888891,20,explored -explored-9937,0.7180729166666667,40,explored -explored-9938,0.7598958333333333,14,explored -explored-9939,0.8753472222222223,8,explored -explored-9940,0.5524305555555558,7,explored -explored-9941,0.6202256944444445,19,explored -explored-9942,0.21510416666666687,22,explored -explored-9943,0.38680555555555574,8,explored -explored-9944,0.38333333333333364,12,explored -explored-9945,0.4187500000000002,10,explored -explored-9946,0.33369502314814836,20,explored -explored-9947,0.4083333333333332,7,explored -explored-9948,0.3486111111111114,11,explored -explored-9949,0.15156250000000027,12,explored -explored-9950,0.6442708333333335,6,explored -explored-9951,0.6269097222222224,7,explored -explored-9952,0.6026041666666666,10,explored -explored-9953,0.40399305555555587,7,explored -explored-9954,0.47867476851851876,25,explored -explored-9955,0.2660590277777781,21,explored -explored-9956,0.4408854166666668,15,explored -explored-9957,0.26885416666666684,17,explored -explored-9958,0.5744791666666667,14,explored -explored-9959,0.29600694444444464,14,explored -explored-9960,0.558246527777778,13,explored -explored-9961,0.19791666666666674,19,explored -explored-9962,0.3802083333333337,10,explored -explored-9963,0.284027777777778,15,explored -explored-9964,0.6479166666666668,8,explored -explored-9965,0.6844618055555557,8,explored -explored-9966,0.2743055555555559,20,explored -explored-9967,0.19479166666666692,15,explored -explored-9968,0.06093750000000031,15,explored -explored-9969,0.6287499999999999,10,explored -explored-9970,0.7942708333333335,5,explored -explored-9971,0.5994791666666669,10,explored -explored-9972,0.6906712962962964,9,explored -explored-9973,0.7192708333333333,3,explored -explored-9974,0.1821180555555557,19,explored -explored-9975,0.5351562500000001,13,explored -explored-9976,0.4994791666666668,15,explored -explored-9977,0.11562500000000031,14,explored -explored-9978,0.6852314814814815,20,explored -explored-9979,0.40885416666666696,9,explored -explored-9980,0.6666666666666667,9,explored -explored-9981,0.5802083333333333,5,explored -explored-9982,0.5802372685185186,18,explored -explored-9983,0.7581597222222223,6,explored -explored-9984,0.6733767361111113,14,explored -explored-9985,0.668576388888889,4,explored -explored-9986,0.7041666666666666,9,explored -explored-9987,0.7140625,6,explored -explored-9988,0.2767361111111115,19,explored -explored-9989,0.6961226851851853,10,explored -explored-9990,0.6238136574074075,28,explored -explored-9991,0.6851215277777779,14,explored -explored-9992,0.5704861111111112,9,explored -explored-9993,0.46388888888888924,19,explored -explored-9994,0.6459201388888889,15,explored -explored-9995,0.6151041666666668,10,explored -explored-9996,0.3006944444444448,13,explored -explored-9997,0.34305555555555567,21,explored -explored-9998,0.5892361111111112,10,explored -explored-9999,0.5898437500000002,9,explored -explored-10000,0.38645833333333346,11,explored -explored-10001,0.6259432870370372,17,explored -explored-10002,0.6976562500000001,3,explored -explored-10003,0.4593750000000002,12,explored -explored-10004,0.6927083333333335,10,explored -explored-10005,0.3293142361111113,23,explored -explored-10006,0.5071875000000001,7,explored -explored-10007,0.6151041666666668,13,explored -explored-10008,0.5644097222222224,22,explored -explored-10009,0.2859375000000002,17,explored -explored-10010,0.299826388888889,19,explored -explored-10011,0.4286458333333336,18,explored -explored-10012,0.4600000000000002,9,explored -explored-10013,0.7135127314814815,18,explored -explored-10014,0.8140625,5,explored -explored-10015,0.29843750000000036,11,explored -explored-10016,0.6310763888888891,12,explored -explored-10017,0.5283854166666668,12,explored -explored-10018,0.7142418154761906,43,explored -explored-10019,0.6768229166666668,15,explored -explored-10020,0.6430555555555557,15,explored -explored-10021,0.5859375000000002,8,explored -explored-10022,0.4023437500000002,17,explored -explored-10023,0.6484375000000002,7,explored -explored-10024,0.5583333333333332,6,explored -explored-10025,0.4553125000000001,16,explored -explored-10026,0.75390625,2,explored -explored-10027,0.4788194444444446,19,explored -explored-10028,0.7021848958333334,33,explored -explored-10029,0.35055555555555595,15,explored -explored-10030,0.6893402777777778,10,explored -explored-10031,0.7026475694444445,14,explored -explored-10032,0.6134548611111112,13,explored -explored-10033,0.7175925925925928,12,explored -explored-10034,0.5076388888888891,15,explored -explored-10035,0.6620370370370372,13,explored -explored-10036,0.6798738425925926,36,explored -explored-10037,0.6788194444444445,9,explored -explored-10038,0.6654513888888891,11,explored -explored-10039,0.6019097222222223,6,explored -explored-10040,0.34496527777777797,18,explored -explored-10041,0.28291666666666704,21,explored -explored-10042,0.28972800925925957,20,explored -explored-10043,0.577951388888889,10,explored -explored-10044,0.6771701388888889,7,explored -explored-10045,0.6332175925925927,13,explored -explored-10046,0.6533854166666667,20,explored -explored-10047,0.5022569444444446,14,explored -explored-10048,0.29652777777777795,15,explored -explored-10049,0.2562500000000003,9,explored -explored-10050,0.5989583333333333,9,explored -explored-10051,0.6229745370370372,9,explored -explored-10052,0.6718750000000001,16,explored -explored-10053,0.7465277777777779,11,explored -explored-10054,0.4930555555555558,10,explored -explored-10055,0.4614583333333335,16,explored -explored-10056,0.47760416666666683,9,explored -explored-10057,0.5868923611111113,15,explored -explored-10058,0.5302083333333335,11,explored -explored-10059,0.26328125000000036,10,explored -explored-10060,0.3489583333333337,12,explored -explored-10061,0.4862847222222224,15,explored -explored-10062,0.12291666666666701,16,explored -explored-10063,0.25651041666666696,11,explored -explored-10064,0.6723958333333333,6,explored -explored-10065,0.35555555555555585,16,explored -explored-10066,0.2864583333333335,15,explored -explored-10067,0.5667534722222224,13,explored -explored-10068,0.2592013888888891,20,explored -explored-10069,0.3798611111111113,14,explored -explored-10070,0.6827256944444446,14,explored -explored-10071,0.16718750000000027,14,explored -explored-10072,0.3963541666666668,16,explored -explored-10073,0.2537326388888892,13,explored -explored-10074,0.6425347222222223,11,explored -explored-10075,0.46302083333333344,15,explored -explored-10076,0.3197048611111113,17,explored -explored-10077,0.6041666666666666,8,explored -explored-10078,0.4558159722222226,13,explored -explored-10079,0.6176215277777779,17,explored -explored-10080,0.30095486111111125,17,explored -explored-10081,0.47916666666666696,8,explored -explored-10082,0.45968750000000025,20,explored -explored-10083,0.702951388888889,10,explored -explored-10084,0.7486111111111112,11,explored -explored-10085,0.6909166666666668,23,explored -explored-10086,0.4599189814814817,14,explored -explored-10087,0.6705208333333335,27,explored -explored-10088,0.37333333333333374,11,explored -explored-10089,0.48984375,11,explored -explored-10090,0.5704861111111111,15,explored -explored-10091,0.39959490740740766,18,explored -explored-10092,0.4437500000000001,17,explored -explored-10093,0.5680555555555558,6,explored -explored-10094,0.6493055555555557,13,explored -explored-10095,0.6666666666666667,11,explored -explored-10096,0.8333333333333334,3,explored -explored-10097,0.3715277777777779,15,explored -explored-10098,0.5852430555555557,14,explored -explored-10099,0.36750000000000016,15,explored -explored-10100,0.3890625000000002,15,explored -explored-10101,0.632638888888889,14,explored -explored-10102,0.11979166666666696,17,explored -explored-10103,0.6718750000000002,7,explored -explored-10104,0.6364583333333333,10,explored -explored-10105,0.4583333333333335,9,explored -explored-10106,0.5114583333333335,12,explored -explored-10107,0.7103298611111112,7,explored -explored-10108,0.616840277777778,13,explored -explored-10109,0.3466145833333335,16,explored -explored-10110,0.40937500000000016,16,explored -explored-10111,0.7452430555555556,7,explored -explored-10112,0.7868055555555556,8,explored -explored-10113,0.7104166666666667,5,explored -explored-10114,0.3566666666666669,16,explored -explored-10115,0.6877314814814817,16,explored -explored-10116,0.5866608796296298,17,explored -explored-10117,0.668263888888889,10,explored -explored-10118,0.518576388888889,20,explored -explored-10119,0.4921875000000001,11,explored -explored-10120,0.6462500000000002,5,explored -explored-10121,0.4277488425925928,15,explored -explored-10122,0.35078125000000027,12,explored -explored-10123,0.26087962962962985,18,explored -explored-10124,0.6235243055555557,14,explored -explored-10125,0.21597222222222245,23,explored -explored-10126,0.6948871527777778,12,explored -explored-10127,0.6340277777777779,9,explored -explored-10128,0.3900752314814817,19,explored -explored-10129,0.33750000000000024,12,explored -explored-10130,0.36861111111111133,19,explored -explored-10131,0.5322916666666668,10,explored -explored-10132,0.38454861111111116,11,explored -explored-10133,0.7047916666666667,12,explored -explored-10134,0.49578993055555576,17,explored -explored-10135,0.5651186342592593,20,explored -explored-10136,0.2976562500000003,13,explored -explored-10137,0.3276041666666669,11,explored -explored-10138,0.41519097222222245,11,explored -explored-10139,0.25856481481481497,20,explored -explored-10140,0.5093749999999999,7,explored -explored-10141,0.30763888888888924,16,explored -explored-10142,0.5203125000000002,11,explored -explored-10143,0.6427951388888891,12,explored -explored-10144,0.42013888888888906,19,explored -explored-10145,0.6452256944444446,11,explored -explored-10146,0.3920370370370374,15,explored -explored-10147,0.65546875,8,explored -explored-10148,0.6670833333333334,8,explored -explored-10149,0.6684375000000001,6,explored -explored-10150,0.7479166666666667,10,explored -explored-10151,0.7538194444444446,4,explored -explored-10152,0.5776041666666667,9,explored -explored-10153,0.3832986111111114,16,explored -explored-10154,0.7311111111111113,7,explored -explored-10155,0.46529513888888907,11,explored -explored-10156,0.1585937500000003,12,explored -explored-10157,0.7391493055555556,7,explored -explored-10158,0.2572916666666669,10,explored -explored-10159,0.5084461805555558,19,explored -explored-10160,0.6764322916666667,18,explored -explored-10161,0.3357928240740742,17,explored -explored-10162,0.6762152777777779,5,explored -explored-10163,0.3934895833333335,17,explored -explored-10164,0.6591840277777778,11,explored -explored-10165,0.406076388888889,10,explored -explored-10166,0.5850000000000002,11,explored -explored-10167,0.6484375,9,explored -explored-10168,0.5893750000000002,17,explored -explored-10169,0.6762152777777779,7,explored -explored-10170,0.6812500000000001,13,explored -explored-10171,0.5669270833333335,8,explored -explored-10172,0.5437500000000002,10,explored -explored-10173,0.6127025462962965,23,explored -explored-10174,0.3270833333333333,12,explored -explored-10175,0.49321180555555566,21,explored -explored-10176,0.49140625000000016,18,explored -explored-10177,0.41770833333333346,8,explored -explored-10178,0.42057291666666685,18,explored -explored-10179,0.22864583333333344,15,explored -explored-10180,0.6843750000000001,8,explored -explored-10181,0.7087644675925926,32,explored -explored-10182,0.7170486111111112,7,explored -explored-10183,0.631148726851852,15,explored -explored-10184,0.28969907407407414,15,explored -explored-10185,0.5687500000000002,13,explored -explored-10186,0.5667824074074076,9,explored -explored-10187,0.3973958333333334,8,explored -explored-10188,0.79375,10,explored -explored-10189,0.4104166666666669,12,explored -explored-10190,0.45944444444444466,19,explored -explored-10191,0.6905671296296297,17,explored -explored-10192,0.4159432870370372,17,explored -explored-10193,0.4265625000000003,13,explored -explored-10194,0.6002604166666667,8,explored -explored-10195,0.38107638888888906,13,explored -explored-10196,0.3104166666666668,17,explored -explored-10197,0.40000000000000013,14,explored -explored-10198,0.20723379629629646,24,explored -explored-10199,0.5619791666666669,11,explored -explored-10200,0.47743055555555547,14,explored -explored-10201,0.7536284722222223,8,explored -explored-10202,0.6734375000000001,3,explored -explored-10203,0.7837094907407409,9,explored -explored-10204,0.45763888888888904,17,explored -explored-10205,0.7083333333333335,8,explored -explored-10206,0.3215277777777781,14,explored -explored-10207,0.6964409722222223,15,explored -explored-10208,0.5583333333333333,11,explored -explored-10209,0.49088541666666674,9,explored -explored-10210,0.3381944444444447,22,explored -explored-10211,0.5177372685185186,15,explored -explored-10212,0.40986689814814836,19,explored -explored-10213,0.658883101851852,12,explored -explored-10214,0.46614583333333326,10,explored -explored-10215,0.25232638888888914,17,explored -explored-10216,0.4426504629629632,27,explored -explored-10217,0.4534722222222223,9,explored -explored-10218,0.4398350694444446,16,explored -explored-10219,0.5925000000000002,10,explored -explored-10220,0.36527777777777803,13,explored -explored-10221,0.5890625000000002,13,explored -explored-10222,0.32586805555555576,21,explored -explored-10223,0.43333333333333357,6,explored -explored-10224,0.3846354166666668,11,explored -explored-10225,0.33706597222222234,19,explored -explored-10226,0.3933159722222226,12,explored -explored-10227,0.3197916666666668,16,explored -explored-10228,0.6652465277777779,35,explored -explored-10229,0.41562500000000024,20,explored -explored-10230,0.3812500000000003,6,explored -explored-10231,0.25399305555555585,9,explored -explored-10232,0.3894531250000003,23,explored -explored-10233,0.18802083333333353,12,explored -explored-10234,0.27737268518518543,23,explored -explored-10235,0.5506944444444446,14,explored -explored-10236,0.34768518518518543,17,explored -explored-10237,0.3379050925925928,19,explored -explored-10238,0.28333333333333355,14,explored -explored-10239,0.5979166666666668,8,explored -explored-10240,0.49532696759259276,20,explored -explored-10241,0.7256944444444444,9,explored -explored-10242,0.32734375000000016,12,explored -explored-10243,0.7148096064814815,22,explored -explored-10244,0.42060185185185195,19,explored -explored-10245,0.6375289351851853,30,explored -explored-10246,0.5984375000000002,21,explored -explored-10247,0.32083333333333364,9,explored -explored-10248,0.33802083333333366,13,explored -explored-10249,0.6085098379629631,33,explored -explored-10250,0.5275462962962965,9,explored -explored-10251,0.4739583333333335,18,explored -explored-10252,0.4159722222222225,17,explored -explored-10253,0.3548611111111113,14,explored -explored-10254,0.3484375000000003,13,explored -explored-10255,0.5815104166666668,8,explored -explored-10256,0.690625,9,explored -explored-10257,0.5076388888888891,13,explored -explored-10258,0.6266203703703705,12,explored -explored-10259,0.36822916666666694,9,explored -explored-10260,0.43862847222222245,26,explored -explored-10261,0.6634722222222225,11,explored -explored-10262,0.3968750000000001,7,explored -explored-10263,0.6955729166666669,9,explored -explored-10264,0.6206597222222224,15,explored -explored-10265,0.5677083333333335,9,explored -explored-10266,0.27656250000000027,12,explored -explored-10267,0.3124131944444448,19,explored -explored-10268,0.43281249999999993,11,explored -explored-10269,0.6826041666666668,5,explored -explored-10270,0.729340277777778,9,explored -explored-10271,0.2729166666666668,10,explored -explored-10272,0.4745659722222224,13,explored -explored-10273,0.1625000000000003,12,explored -explored-10274,0.5713541666666668,11,explored -explored-10275,0.6960937500000001,5,explored -explored-10276,0.17390046296296324,23,explored -explored-10277,0.3250000000000004,8,explored -explored-10278,0.7181423611111112,25,explored -explored-10279,0.4673611111111112,14,explored -explored-10280,0.6130208333333335,10,explored -explored-10281,0.5642361111111113,15,explored -explored-10282,0.5945312500000001,9,explored -explored-10283,0.37656250000000036,10,explored -explored-10284,0.47526041666666685,12,explored -explored-10285,0.5642361111111114,27,explored -explored-10286,0.23611111111111127,14,explored -explored-10287,0.45243055555555567,13,explored -explored-10288,0.62109375,7,explored -explored-10289,0.7032118055555556,9,explored -explored-10290,0.4159722222222225,12,explored -explored-10291,0.6475694444444446,11,explored -explored-10292,0.40604166666666686,15,explored -explored-10293,0.7103530092592594,28,explored -explored-10294,0.5755208333333335,20,explored -explored-10295,0.2796006944444447,18,explored -explored-10296,0.4565104166666667,16,explored -explored-10297,0.569965277777778,13,explored -explored-10298,0.3833333333333335,11,explored -explored-10299,0.6782986111111112,5,explored -explored-10300,0.6469212962962965,8,explored -explored-10301,0.5475694444444444,10,explored -explored-10302,0.5391493055555557,7,explored -explored-10303,0.6765104166666668,10,explored -explored-10304,0.37413194444444453,10,explored -explored-10305,0.6391493055555557,6,explored -explored-10306,0.6552083333333335,17,explored -explored-10307,0.5023437500000002,12,explored -explored-10308,0.5229166666666668,16,explored -explored-10309,0.5378125000000001,18,explored -explored-10310,0.4822916666666669,14,explored -explored-10311,0.4391666666666669,9,explored -explored-10312,0.75,9,explored -explored-10313,0.40500000000000014,9,explored -explored-10314,0.7043402777777777,13,explored -explored-10315,0.45833333333333337,9,explored -explored-10316,0.7710937500000001,6,explored -explored-10317,0.3744791666666669,15,explored -explored-10318,0.3767361111111114,21,explored -explored-10319,0.6425347222222224,11,explored -explored-10320,0.3944444444444445,17,explored -explored-10321,0.5744791666666669,11,explored -explored-10322,0.7604166666666666,6,explored -explored-10323,0.6186458333333335,7,explored -explored-10324,0.34739583333333357,13,explored -explored-10325,0.5374565972222224,13,explored -explored-10326,0.663570601851852,18,explored -explored-10327,0.6653703703703704,11,explored -explored-10328,0.6373964120370371,46,explored -explored-10329,0.5981770833333333,9,explored -explored-10330,0.13864583333333358,17,explored -explored-10331,0.35902777777777817,17,explored -explored-10332,0.4656250000000004,9,explored -explored-10333,0.40937500000000016,7,explored -explored-10334,0.12291666666666701,13,explored -explored-10335,0.48211805555555587,13,explored -explored-10336,0.6315104166666667,12,explored -explored-10337,0.39959490740740766,17,explored -explored-10338,0.4755208333333336,7,explored -explored-10339,0.5057291666666668,12,explored -explored-10340,0.4324363425925928,16,explored -explored-10341,0.6055555555555556,6,explored -explored-10342,0.3168402777777781,19,explored -explored-10343,0.7770833333333333,6,explored -explored-10344,0.4044444444444446,16,explored -explored-10345,0.4793402777777779,11,explored -explored-10346,0.5796875000000001,8,explored -explored-10347,0.5990625000000002,12,explored -explored-10348,0.33125000000000027,10,explored -explored-10349,0.6322916666666668,12,explored -explored-10350,0.17916666666666692,10,explored -explored-10351,0.6213541666666669,14,explored -explored-10352,0.261064814814815,21,explored -explored-10353,0.2312500000000003,13,explored -explored-10354,0.36222222222222245,16,explored -explored-10355,0.6059895833333334,7,explored -explored-10356,0.587152777777778,6,explored -explored-10357,0.6555555555555557,5,explored -explored-10358,0.4792824074074076,16,explored -explored-10359,0.43072916666666683,10,explored -explored-10360,0.7389409722222223,24,explored -explored-10361,0.3486111111111114,14,explored -explored-10362,0.28932291666666676,20,explored -explored-10363,0.5760416666666669,9,explored -explored-10364,0.4017361111111113,11,explored -explored-10365,0.4165364583333334,18,explored -explored-10366,0.26527777777777817,8,explored -explored-10367,0.377777777777778,14,explored -explored-10368,0.4442708333333335,11,explored -explored-10369,0.4330729166666669,16,explored -explored-10370,0.5557291666666668,7,explored -explored-10371,0.5015625000000002,14,explored -explored-10372,0.19687500000000013,22,explored -explored-10373,0.5826388888888889,9,explored -explored-10374,0.6818576388888891,11,explored -explored-10375,0.44751157407407427,25,explored -explored-10376,0.6316840277777779,15,explored -explored-10377,0.5927083333333335,5,explored -explored-10378,0.6576736111111112,10,explored -explored-10379,0.479513888888889,14,explored -explored-10380,0.6776041666666668,3,explored -explored-10381,0.6533854166666667,9,explored -explored-10382,0.4940972222222224,9,explored -explored-10383,0.6802083333333335,3,explored -explored-10384,0.2900173611111113,21,explored -explored-10385,0.5513888888888889,7,explored -explored-10386,0.3442708333333335,13,explored -explored-10387,0.7461805555555556,7,explored -explored-10388,0.3362847222222223,16,explored -explored-10389,0.6033738425925927,17,explored -explored-10390,0.5108333333333335,10,explored -explored-10391,0.6301215277777779,14,explored -explored-10392,0.6340277777777779,8,explored -explored-10393,0.705729166666667,6,explored -explored-10394,0.5616319444444445,7,explored -explored-10395,0.7583333333333333,4,explored -explored-10396,0.17916666666666703,8,explored -explored-10397,0.6101562500000001,9,explored -explored-10398,0.5750000000000002,13,explored -explored-10399,0.31406250000000036,11,explored -explored-10400,0.4218750000000002,8,explored -explored-10401,0.5065740740740742,17,explored -explored-10402,0.5124305555555557,17,explored -explored-10403,0.3904947916666669,17,explored -explored-10404,0.4587962962962965,17,explored -explored-10405,0.37479166666666686,11,explored -explored-10406,0.3818142361111113,25,explored -explored-10407,0.28958333333333375,13,explored -explored-10408,0.4450868055555557,22,explored -explored-10409,0.5408333333333335,14,explored -explored-10410,0.6229166666666668,12,explored -explored-10411,0.6166666666666669,6,explored -explored-10412,0.7540625000000001,9,explored -explored-10413,0.8317708333333333,8,explored -explored-10414,0.1741319444444447,19,explored -explored-10415,0.5017361111111113,12,explored -explored-10416,0.4861111111111114,13,explored -explored-10417,0.6294907407407409,23,explored -explored-10418,0.19635416666666694,19,explored -explored-10419,0.3848263888888891,13,explored -explored-10420,0.33849826388888915,19,explored -explored-10421,0.5786458333333334,15,explored -explored-10422,0.5250000000000001,19,explored -explored-10423,0.684375,6,explored -explored-10424,0.2817708333333335,10,explored -explored-10425,0.6258912037037038,11,explored -explored-10426,0.5736979166666668,5,explored -explored-10427,0.6318750000000002,12,explored -explored-10428,0.5181250000000002,14,explored -explored-10429,0.3921527777777779,16,explored -explored-10430,0.4901961805555557,24,explored -explored-10431,0.5583333333333335,6,explored -explored-10432,0.34192708333333355,14,explored -explored-10433,0.39797453703703733,19,explored -explored-10434,0.5468750000000001,10,explored -explored-10435,0.41953125,11,explored -explored-10436,0.32534722222222245,21,explored -explored-10437,0.4843750000000001,4,explored -explored-10438,0.4008680555555557,15,explored -explored-10439,0.4666666666666668,11,explored -explored-10440,0.48828125000000033,11,explored -explored-10441,0.6136805555555557,23,explored -explored-10442,0.3430555555555558,11,explored -explored-10443,0.6783449074074075,15,explored -explored-10444,0.3991666666666669,10,explored -explored-10445,0.49375000000000013,16,explored -explored-10446,0.7064930555555556,9,explored -explored-10447,0.4940104166666668,21,explored -explored-10448,0.5218750000000001,4,explored -explored-10449,0.6930555555555555,9,explored -explored-10450,0.5592708333333334,9,explored -explored-10451,0.5011805555555557,13,explored -explored-10452,0.563715277777778,9,explored -explored-10453,0.5505787037037039,12,explored -explored-10454,0.3869791666666669,11,explored -explored-10455,0.5734375000000002,14,explored -explored-10456,0.5477430555555557,12,explored -explored-10457,0.5931597222222224,8,explored -explored-10458,0.4128472222222226,22,explored -explored-10459,0.659201388888889,14,explored -explored-10460,0.409201388888889,24,explored -explored-10461,0.40190972222222254,15,explored -explored-10462,0.2782986111111114,22,explored -explored-10463,0.5590711805555557,21,explored -explored-10464,0.4081307870370372,21,explored -explored-10465,0.601388888888889,10,explored -explored-10466,0.4480324074074076,12,explored -explored-10467,0.5628472222222224,20,explored -explored-10468,0.6777777777777779,10,explored -explored-10469,0.6462500000000001,39,explored -explored-10470,0.38402777777777797,13,explored -explored-10471,0.5987847222222223,11,explored -explored-10472,0.45763888888888904,21,explored -explored-10473,0.7458333333333335,9,explored -explored-10474,0.5998842592592595,17,explored -explored-10475,0.5003472222222224,7,explored -explored-10476,0.5210069444444445,13,explored -explored-10477,0.7378298611111112,5,explored -explored-10478,0.419791666666667,6,explored -explored-10479,0.6150000000000001,11,explored -explored-10480,0.16649305555555594,11,explored -explored-10481,0.6216435185185186,13,explored -explored-10482,0.29895833333333366,14,explored -explored-10483,0.5078125000000002,12,explored -explored-10484,0.46892361111111136,17,explored -explored-10485,0.3152777777777781,14,explored -explored-10486,0.2010995370370372,15,explored -explored-10487,0.42666666666666686,12,explored -explored-10488,0.5375,16,explored -explored-10489,0.4848958333333335,16,explored -explored-10490,0.3613888888888891,12,explored -explored-10491,0.558854166666667,7,explored -explored-10492,0.32430555555555585,14,explored -explored-10493,0.6152343750000001,15,explored -explored-10494,0.6654117063492064,40,explored -explored-10495,0.6524305555555557,10,explored -explored-10496,0.3270833333333333,12,explored -explored-10497,0.6022222222222222,16,explored -explored-10498,0.6355902777777779,13,explored -explored-10499,0.649670138888889,11,explored -explored-10500,0.3550520833333335,14,explored -explored-10501,0.4296875000000002,10,explored -explored-10502,0.193229166666667,13,explored -explored-10503,0.5043402777777781,11,explored -explored-10504,0.5684027777777779,17,explored -explored-10505,0.6571296296296297,11,explored -explored-10506,0.3685329861111115,15,explored -explored-10507,0.6739583333333334,8,explored -explored-10508,0.5072916666666668,9,explored -explored-10509,0.44945023148148167,18,explored -explored-10510,0.5895833333333335,11,explored -explored-10511,0.5321875,9,explored -explored-10512,0.2625000000000003,16,explored -explored-10513,0.322337962962963,24,explored -explored-10514,0.4232638888888891,15,explored -explored-10515,0.503559027777778,15,explored -explored-10516,0.7359375000000001,8,explored -explored-10517,0.6277777777777778,10,explored -explored-10518,0.44157986111111125,14,explored -explored-10519,0.34890046296296306,17,explored -explored-10520,0.3979166666666669,19,explored -explored-10521,0.734375,7,explored -explored-10522,0.4109375000000002,14,explored -explored-10523,0.4828125,11,explored -explored-10524,0.7823611111111112,5,explored -explored-10525,0.1844618055555558,18,explored -explored-10526,0.5473958333333335,9,explored -explored-10527,0.6847222222222222,8,explored -explored-10528,0.40729166666666705,8,explored -explored-10529,0.6660185185185186,13,explored -explored-10530,0.3875578703703705,16,explored -explored-10531,0.5043402777777779,17,explored -explored-10532,0.723900462962963,19,explored -explored-10533,0.3442129629629631,19,explored -explored-10534,0.5461805555555557,18,explored -explored-10535,0.3833333333333335,9,explored -explored-10536,0.5402083333333334,13,explored -explored-10537,0.5065972222222224,17,explored -explored-10538,0.6729166666666666,10,explored -explored-10539,0.43385416666666676,12,explored -explored-10540,0.6066203703703704,13,explored -explored-10541,0.5354166666666668,14,explored -explored-10542,0.7986111111111112,6,explored -explored-10543,0.32530381944444464,15,explored -explored-10544,0.15390625000000036,17,explored -explored-10545,0.4505208333333335,13,explored -explored-10546,0.33463541666666685,17,explored -explored-10547,0.5059895833333334,11,explored -explored-10548,0.22656250000000022,11,explored -explored-10549,0.3987847222222224,19,explored -explored-10550,0.6834490740740742,15,explored -explored-10551,0.3539062500000002,19,explored -explored-10552,0.7374131944444445,6,explored -explored-10553,0.6774305555555556,8,explored -explored-10554,0.5346875000000002,9,explored -explored-10555,0.7208333333333334,13,explored -explored-10556,0.3967881944444447,16,explored -explored-10557,0.7146527777777779,11,explored -explored-10558,0.3534722222222224,19,explored -explored-10559,0.5682870370370372,11,explored -explored-10560,0.5696180555555557,13,explored -explored-10561,0.27986111111111145,13,explored -explored-10562,0.44729166666666687,10,explored -explored-10563,0.6249710648148149,22,explored -explored-10564,0.6491319444444447,8,explored -explored-10565,0.2626157407407409,22,explored -explored-10566,0.3846354166666668,14,explored -explored-10567,0.2328125000000003,21,explored -explored-10568,0.3114583333333336,16,explored -explored-10569,0.6168113425925927,10,explored -explored-10570,0.5373958333333334,7,explored -explored-10571,0.37500000000000033,14,explored -explored-10572,0.8434722222222222,9,explored -explored-10573,0.5589409722222225,11,explored -explored-10574,0.45799768518518524,12,explored -explored-10575,0.38437500000000036,11,explored -explored-10576,0.7527488425925927,10,explored -explored-10577,0.6177546296296297,9,explored -explored-10578,0.23437500000000022,11,explored -explored-10579,0.5817708333333335,8,explored -explored-10580,0.48506944444444455,14,explored -explored-10581,0.5451822916666669,13,explored -explored-10582,0.43878703703703725,24,explored -explored-10583,0.3466666666666669,12,explored -explored-10584,0.7130208333333334,11,explored -explored-10585,0.4476562500000002,9,explored -explored-10586,0.5099826388888891,20,explored -explored-10587,0.4057291666666668,11,explored -explored-10588,0.4540798611111112,12,explored -explored-10589,0.35416666666666696,10,explored -explored-10590,0.4912037037037038,18,explored -explored-10591,0.4836111111111112,13,explored -explored-10592,0.6538194444444446,8,explored -explored-10593,0.17604166666666698,13,explored -explored-10594,0.5423611111111113,10,explored -explored-10595,0.6659722222222223,5,explored -explored-10596,0.6365451388888891,11,explored -explored-10597,0.5853009259259261,10,explored -explored-10598,0.26857638888888924,12,explored -explored-10599,0.6659722222222223,7,explored -explored-10600,0.47777777777777797,15,explored -explored-10601,0.5442708333333335,11,explored -explored-10602,0.46163194444444455,11,explored -explored-10603,0.5905092592592593,19,explored -explored-10604,0.5366319444444446,15,explored -explored-10605,0.4125000000000003,15,explored -explored-10606,0.6269097222222224,17,explored -explored-10607,0.5244791666666668,10,explored -explored-10608,0.48949652777777797,10,explored -explored-10609,0.5227719907407409,16,explored -explored-10610,0.47458333333333336,11,explored -explored-10611,0.4456886574074075,12,explored -explored-10612,0.3583333333333335,14,explored -explored-10613,0.7167025462962964,29,explored -explored-10614,0.6274074074074076,13,explored -explored-10615,0.4687500000000002,14,explored -explored-10616,0.6312500000000002,5,explored -explored-10617,0.4657986111111114,10,explored -explored-10618,0.5151620370370371,15,explored -explored-10619,0.5926215277777779,17,explored -explored-10620,0.4426041666666669,15,explored -explored-10621,0.20694444444444482,19,explored -explored-10622,0.3402777777777779,13,explored -explored-10623,0.8654166666666667,4,explored -explored-10624,0.33802083333333355,30,explored -explored-10625,0.528877314814815,11,explored -explored-10626,0.532638888888889,10,explored -explored-10627,0.3973958333333335,6,explored -explored-10628,0.41510416666666683,10,explored -explored-10629,0.6592245370370371,11,explored -explored-10630,0.3890625000000003,14,explored -explored-10631,0.5513888888888889,6,explored -explored-10632,0.4189236111111112,13,explored -explored-10633,0.2343171296296298,20,explored -explored-10634,0.3954861111111113,18,explored -explored-10635,0.6332465277777779,11,explored -explored-10636,0.5552083333333334,16,explored -explored-10637,0.5513888888888889,8,explored -explored-10638,0.5619444444444446,12,explored -explored-10639,0.6395138888888889,10,explored -explored-10640,0.5951388888888891,7,explored -explored-10641,0.1843750000000003,16,explored -explored-10642,0.5332523148148149,17,explored -explored-10643,0.4311458333333337,13,explored -explored-10644,0.3215856481481484,21,explored -explored-10645,0.307465277777778,14,explored -explored-10646,0.4398611111111115,12,explored -explored-10647,0.6171006944444446,10,explored -explored-10648,0.558854166666667,9,explored -explored-10649,0.7024739583333335,33,explored -explored-10650,0.477488425925926,15,explored -explored-10651,0.5214120370370372,20,explored -explored-10652,0.4496527777777779,19,explored -explored-10653,0.37508680555555574,14,explored -explored-10654,0.3950694444444446,12,explored -explored-10655,0.8263020833333333,5,explored -explored-10656,0.6794097222222224,8,explored -explored-10657,0.76953125,7,explored -explored-10658,0.2391203703703706,15,explored -explored-10659,0.6039062500000001,6,explored -explored-10660,0.7113715277777779,12,explored -explored-10661,0.4148437500000002,17,explored -explored-10662,0.31015625000000024,15,explored -explored-10663,0.4970572916666669,13,explored -explored-10664,0.6071481481481482,21,explored -explored-10665,0.6793750000000002,5,explored -explored-10666,0.7235069444444444,8,explored -explored-10667,0.4663194444444445,11,explored -explored-10668,0.4257986111111113,16,explored -explored-10669,0.43524305555555576,18,explored -explored-10670,0.7040972222222224,18,explored -explored-10671,0.6756944444444446,12,explored -explored-10672,0.3479166666666671,17,explored -explored-10673,0.8078125,3,explored -explored-10674,0.40151909722222245,19,explored -explored-10675,0.5170833333333336,12,explored -explored-10676,0.7180555555555557,9,explored -explored-10677,0.5159722222222223,10,explored -explored-10678,0.3533854166666669,24,explored -explored-10679,0.38541666666666674,12,explored -explored-10680,0.6941666666666667,5,explored -explored-10681,0.48750000000000016,13,explored -explored-10682,0.2776041666666669,15,explored -explored-10683,0.19398148148148175,17,explored -explored-10684,0.32135416666666694,12,explored -explored-10685,0.6625000000000001,7,explored -explored-10686,0.884375,3,explored -explored-10687,0.6738715277777778,12,explored -explored-10688,0.6018229166666669,10,explored -explored-10689,0.5746527777777777,13,explored -explored-10690,0.4455729166666669,17,explored -explored-10691,0.48402777777777795,16,explored -explored-10692,0.4312499999999999,12,explored -explored-10693,0.34930555555555587,12,explored -explored-10694,0.6618055555555558,6,explored -explored-10695,0.7041666666666666,7,explored -explored-10696,0.3806250000000002,10,explored -explored-10697,0.2820312500000004,11,explored -explored-10698,0.4101562500000001,10,explored -explored-10699,0.6425347222222224,16,explored -explored-10700,0.6380208333333335,15,explored -explored-10701,0.760763888888889,8,explored -explored-10702,0.591840277777778,17,explored -explored-10703,0.6811921296296297,36,explored -explored-10704,0.4854166666666666,8,explored -explored-10705,0.4275000000000002,14,explored -explored-10706,0.6242187500000002,9,explored -explored-10707,0.7536458333333333,10,explored -explored-10708,0.642867476851852,15,explored -explored-10709,0.3456597222222224,16,explored -explored-10710,0.5473958333333335,14,explored -explored-10711,0.6190104166666668,9,explored -explored-10712,0.6544270833333334,5,explored -explored-10713,0.3593750000000001,8,explored -explored-10714,0.6773148148148149,19,explored -explored-10715,0.5755208333333335,10,explored -explored-10716,0.4737268518518519,19,explored -explored-10717,0.6969212962962964,7,explored -explored-10718,0.6076388888888891,12,explored -explored-10719,0.49479166666666685,5,explored -explored-10720,0.1526041666666671,20,explored -explored-10721,0.6051215277777778,8,explored -explored-10722,0.4805381944444447,20,explored -explored-10723,0.4109375000000002,12,explored -explored-10724,0.2581018518518521,14,explored -explored-10725,0.6958333333333335,5,explored -explored-10726,0.5523437500000001,13,explored -explored-10727,0.4706597222222224,10,explored -explored-10728,0.5628472222222223,10,explored -explored-10729,0.4548958333333334,9,explored -explored-10730,0.33750000000000013,17,explored -explored-10731,0.43046875000000007,15,explored -explored-10732,0.45486111111111127,22,explored -explored-10733,0.32326388888888913,11,explored -explored-10734,0.522916666666667,5,explored -explored-10735,0.39513888888888915,16,explored -explored-10736,0.5940104166666668,16,explored -explored-10737,0.25520833333333337,9,explored -explored-10738,0.635763888888889,9,explored -explored-10739,0.5192708333333335,16,explored -explored-10740,0.745138888888889,12,explored -explored-10741,0.6919270833333334,4,explored -explored-10742,0.687152777777778,11,explored -explored-10743,0.6122974537037038,17,explored -explored-10744,0.3954282407407409,22,explored -explored-10745,0.630738425925926,29,explored -explored-10746,0.486527777777778,16,explored -explored-10747,0.5399305555555557,18,explored -explored-10748,0.7159583333333335,25,explored -explored-10749,0.08125000000000027,13,explored -explored-10750,0.6130208333333333,12,explored -explored-10751,0.5421875,11,explored -explored-10752,0.4703124999999999,9,explored -explored-10753,0.6299189814814816,8,explored -explored-10754,0.44661458333333337,9,explored -explored-10755,0.6600000000000001,5,explored -explored-10756,0.5057291666666668,18,explored -explored-10757,0.3587962962962966,16,explored -explored-10758,0.5049479166666668,14,explored -explored-10759,0.4228530092592594,18,explored -explored-10760,0.7402430555555556,9,explored -explored-10761,0.5388020833333335,11,explored -explored-10762,0.522916666666667,4,explored -explored-10763,0.91875,1,explored -explored-10764,0.4750000000000001,12,explored -explored-10765,0.6877083333333335,7,explored -explored-10766,0.41970486111111127,13,explored -explored-10767,0.49684027777777795,17,explored -explored-10768,0.4250868055555559,23,explored -explored-10769,0.3430555555555558,21,explored -explored-10770,0.5062500000000002,7,explored -explored-10771,0.6479166666666667,6,explored -explored-10772,0.6005208333333335,11,explored -explored-10773,0.39861111111111147,10,explored -explored-10774,0.75625,6,explored -explored-10775,0.6640046296296297,7,explored -explored-10776,0.7713541666666667,8,explored -explored-10777,0.512152777777778,14,explored -explored-10778,0.5991319444444445,8,explored -explored-10779,0.6217592592592593,17,explored -explored-10780,0.3837962962962964,17,explored -explored-10781,0.42591145833333355,18,explored -explored-10782,0.7434895833333335,8,explored -explored-10783,0.3343750000000003,17,explored -explored-10784,0.43333333333333357,6,explored -explored-10785,0.37773148148148183,15,explored -explored-10786,0.43709490740740753,14,explored -explored-10787,0.33416666666666694,12,explored -explored-10788,0.4046875000000003,10,explored -explored-10789,0.5811631944444445,9,explored -explored-10790,0.49921875000000016,11,explored -explored-10791,0.5052083333333335,7,explored -explored-10792,0.7262673611111112,7,explored -explored-10793,0.4614583333333335,15,explored -explored-10794,0.68125,5,explored -explored-10795,0.6166666666666669,8,explored -explored-10796,0.6953298611111112,4,explored -explored-10797,0.6697048611111113,14,explored -explored-10798,0.48394097222222243,11,explored -explored-10799,0.7210069444444446,7,explored -explored-10800,0.5397916666666669,13,explored -explored-10801,0.7662500000000001,4,explored -explored-10802,0.48359375000000027,14,explored -explored-10803,0.29010416666666694,15,explored -explored-10804,0.5869791666666668,11,explored -explored-10805,0.3939236111111113,13,explored -explored-10806,0.5425,6,explored -explored-10807,0.315277777777778,24,explored -explored-10808,0.718576388888889,11,explored -explored-10809,0.6840277777777779,5,explored -explored-10810,0.49527777777777804,16,explored -explored-10811,0.7822916666666666,12,explored -explored-10812,0.5772569444444446,10,explored -explored-10813,0.37760416666666685,10,explored -explored-10814,0.3054687500000002,16,explored -explored-10815,0.83125,4,explored -explored-10816,0.4417534722222224,19,explored -explored-10817,0.6458333333333335,8,explored -explored-10818,0.7112997685185186,29,explored -explored-10819,0.33275462962962976,16,explored -explored-10820,0.6802083333333335,2,explored -explored-10821,0.5601562500000002,10,explored -explored-10822,0.6844791666666667,8,explored -explored-10823,0.6788194444444446,13,explored -explored-10824,0.6866493055555556,11,explored -explored-10825,0.47870370370370385,14,explored -explored-10826,0.1838541666666671,16,explored -explored-10827,0.5645833333333334,10,explored -explored-10828,0.6785486111111112,37,explored -explored-10829,0.5292708333333335,7,explored -explored-10830,0.43854166666666683,18,explored -explored-10831,0.33888888888888924,14,explored -explored-10832,0.38046875000000013,23,explored -explored-10833,0.8010416666666667,12,explored -explored-10834,0.6197048611111112,11,explored -explored-10835,0.44149305555555574,28,explored -explored-10836,0.16770833333333357,11,explored -explored-10837,0.6282696759259261,15,explored -explored-10838,0.6217129629629631,6,explored -explored-10839,0.5821180555555557,13,explored -explored-10840,0.5580439814814817,21,explored -explored-10841,0.25390625000000033,16,explored -explored-10842,0.27118055555555576,12,explored -explored-10843,0.5361979166666668,16,explored -explored-10844,0.593576388888889,14,explored -explored-10845,0.7039583333333335,26,explored -explored-10846,0.49236111111111125,12,explored -explored-10847,0.6104166666666666,4,explored -explored-10848,0.2611111111111113,16,explored -explored-10849,0.7100694444444446,7,explored -explored-10850,0.38884548611111136,17,explored -explored-10851,0.46744791666666685,13,explored -explored-10852,0.7822222222222223,10,explored -explored-10853,0.4687789351851853,21,explored -explored-10854,0.28229166666666705,13,explored -explored-10855,0.732482638888889,12,explored -explored-10856,0.6419097222222223,14,explored -explored-10857,0.43263888888888913,12,explored -explored-10858,0.5234375000000002,14,explored -explored-10859,0.47293402777777793,13,explored -explored-10860,0.3826388888888892,14,explored -explored-10861,0.4500000000000004,11,explored -explored-10862,0.44296875000000036,16,explored -explored-10863,0.32916666666666683,21,explored -explored-10864,0.4901041666666669,15,explored -explored-10865,0.5731770833333335,19,explored -explored-10866,0.19027777777777788,14,explored -explored-10867,0.15937500000000027,11,explored -explored-10868,0.4309895833333335,19,explored -explored-10869,0.4710069444444447,19,explored -explored-10870,0.24895833333333361,10,explored -explored-10871,0.5503703703703706,12,explored -explored-10872,0.40196759259259274,21,explored -explored-10873,0.4491319444444446,13,explored -explored-10874,0.46015625000000016,18,explored -explored-10875,0.3328125000000004,10,explored -explored-10876,0.5243055555555558,11,explored -explored-10877,0.6618923611111113,8,explored -explored-10878,0.7793055555555556,3,explored -explored-10879,0.49140625000000016,15,explored -explored-10880,0.3983506944444447,18,explored -explored-10881,0.6970486111111113,6,explored -explored-10882,0.47968750000000004,7,explored -explored-10883,0.36822916666666683,10,explored -explored-10884,0.5216145833333333,11,explored -explored-10885,0.21215277777777808,22,explored -explored-10886,0.38194444444444464,17,explored -explored-10887,0.7631944444444444,4,explored -explored-10888,0.3989583333333335,15,explored -explored-10889,0.4592708333333334,11,explored -explored-10890,0.75,10,explored -explored-10891,0.5009548611111113,12,explored -explored-10892,0.12291666666666701,20,explored -explored-10893,0.3007812500000002,18,explored -explored-10894,0.37951388888888904,8,explored -explored-10895,0.8447916666666667,2,explored -explored-10896,0.1625000000000003,9,explored -explored-10897,0.302430555555556,13,explored -explored-10898,0.22031250000000013,15,explored -explored-10899,0.30772569444444453,19,explored -explored-10900,0.6187500000000001,12,explored -explored-10901,0.2651041666666669,16,explored -explored-10902,0.4279513888888893,14,explored -explored-10903,0.2513888888888891,16,explored -explored-10904,0.5811458333333335,8,explored -explored-10905,0.08125000000000027,10,explored -explored-10906,0.49322916666666683,11,explored -explored-10907,0.6979166666666666,11,explored -explored-10908,0.23125000000000018,13,explored -explored-10909,0.2661458333333335,21,explored -explored-10910,0.06822916666666701,19,explored -explored-10911,0.7355902777777777,10,explored -explored-10912,0.5919270833333334,11,explored -explored-10913,0.22048611111111138,17,explored -explored-10914,0.8305555555555556,8,explored -explored-10915,0.5346354166666669,13,explored -explored-10916,0.45772569444444455,19,explored -explored-10917,0.5721354166666667,8,explored -explored-10918,0.4617187500000002,15,explored -explored-10919,0.5552951388888892,12,explored -explored-10920,0.20815972222222245,13,explored -explored-10921,0.6763715277777779,12,explored -explored-10922,0.6195659722222224,9,explored -explored-10923,0.5883101851851853,13,explored -explored-10924,0.5587962962962965,9,explored -explored-10925,0.3945312500000002,16,explored -explored-10926,0.2649305555555558,21,explored -explored-10927,0.49166666666666703,8,explored -explored-10928,0.20520833333333366,12,explored -explored-10929,0.42994791666666676,17,explored -explored-10930,0.3460937500000002,17,explored -explored-10931,0.5758680555555558,7,explored -explored-10932,0.4128761574074076,16,explored -explored-10933,0.5088541666666668,19,explored -explored-10934,0.3130208333333335,15,explored -explored-10935,0.5705729166666669,10,explored -explored-10936,0.20520833333333366,15,explored -explored-10937,0.7470486111111111,9,explored -explored-10938,0.48055555555555585,10,explored -explored-10939,0.4100694444444446,13,explored -explored-10940,0.35711805555555576,17,explored -explored-10941,0.6328125000000001,10,explored -explored-10942,0.40555555555555567,14,explored -explored-10943,0.2631944444444446,13,explored -explored-10944,0.6840451388888891,11,explored -explored-10945,0.6090972222222223,8,explored -explored-10946,0.47673611111111125,17,explored -explored-10947,0.2893518518518521,18,explored -explored-10948,0.6290798611111112,12,explored -explored-10949,0.5341145833333335,13,explored -explored-10950,0.631857638888889,12,explored -explored-10951,0.7251736111111112,11,explored -explored-10952,0.47731481481481497,26,explored -explored-10953,0.4521875000000002,18,explored -explored-10954,0.3969039351851853,18,explored -explored-10955,0.26718750000000036,19,explored -explored-10956,0.5597222222222223,12,explored -explored-10957,0.2973090277777779,19,explored -explored-10958,0.49565972222222254,11,explored -explored-10959,0.3754629629629631,19,explored -explored-10960,0.394166666666667,11,explored -explored-10961,0.5491319444444445,11,explored -explored-10962,0.5205555555555557,10,explored -explored-10963,0.14652777777777803,11,explored -explored-10964,0.39904513888888915,20,explored -explored-10965,0.6891863425925926,33,explored -explored-10966,0.31149884259259275,19,explored -explored-10967,0.7108194444444446,33,explored -explored-10968,0.8525,3,explored -explored-10969,0.5585937500000002,8,explored -explored-10970,0.6489583333333335,10,explored -explored-10971,0.4048466435185186,20,explored -explored-10972,0.2288194444444447,20,explored -explored-10973,0.3736111111111112,19,explored -explored-10974,0.6928802083333334,30,explored -explored-10975,0.71015625,11,explored -explored-10976,0.47378472222222234,16,explored -explored-10977,0.5751736111111112,10,explored -explored-10978,0.4309895833333336,16,explored -explored-10979,0.27690972222222254,15,explored -explored-10980,0.46979166666666683,6,explored -explored-10981,0.7571180555555556,5,explored -explored-10982,0.5798697916666667,14,explored -explored-10983,0.4877025462962964,14,explored -explored-10984,0.5065104166666669,12,explored -explored-10985,0.7210069444444446,9,explored -explored-10986,0.08125000000000027,11,explored -explored-10987,0.2054687500000003,16,explored -explored-10988,0.2802083333333336,12,explored -explored-10989,0.5486111111111113,10,explored -explored-10990,0.7390046296296298,8,explored -explored-10991,0.5642939814814817,19,explored -explored-10992,0.5885416666666669,12,explored -explored-10993,0.4861979166666669,10,explored -explored-10994,0.38593750000000016,11,explored -explored-10995,0.8152777777777779,8,explored -explored-10996,0.5470486111111112,17,explored -explored-10997,0.6996961805555557,12,explored -explored-10998,0.2815972222222225,15,explored -explored-10999,0.67890625,9,explored -explored-11000,0.3372395833333337,12,explored -explored-11001,0.7604166666666666,8,explored -explored-11002,0.6505208333333334,7,explored -explored-11003,0.3524305555555557,13,explored -explored-11004,0.5093750000000001,8,explored -explored-11005,0.6312500000000001,12,explored -explored-11006,0.5942129629629631,17,explored -explored-11007,0.26093750000000016,16,explored -explored-11008,0.35703125000000036,17,explored -explored-11009,0.29270833333333357,15,explored -explored-11010,0.6229166666666666,12,explored -explored-11011,0.6796875000000001,13,explored -explored-11012,0.6144097222222223,12,explored -explored-11013,0.4636111111111113,23,explored -explored-11014,0.40150462962962985,16,explored -explored-11015,0.6893229166666669,7,explored -explored-11016,0.3500000000000002,18,explored -explored-11017,0.4203125000000002,12,explored -explored-11018,0.47135416666666663,12,explored -explored-11019,0.536371527777778,15,explored -explored-11020,0.5023437500000002,11,explored -explored-11021,0.6515625000000002,14,explored -explored-11022,0.5944444444444446,11,explored -explored-11023,0.6024594907407408,10,explored -explored-11024,0.44434027777777796,13,explored -explored-11025,0.3010416666666669,15,explored -explored-11026,0.6392361111111113,8,explored -explored-11027,0.7015625000000001,3,explored -explored-11028,0.43431712962962976,13,explored -explored-11029,0.47222222222222243,16,explored -explored-11030,0.2914351851851855,16,explored -explored-11031,0.6889409722222223,24,explored -explored-11032,0.6666666666666667,15,explored -explored-11033,0.25069444444444466,16,explored -explored-11034,0.6604166666666667,11,explored -explored-11035,0.7809375000000001,4,explored -explored-11036,0.47586805555555567,14,explored -explored-11037,0.7770833333333333,4,explored -explored-11038,0.5004340277777779,15,explored -explored-11039,0.6595486111111113,6,explored -explored-11040,0.25208333333333366,14,explored -explored-11041,0.19687500000000036,10,explored -explored-11042,0.6920833333333335,6,explored -explored-11043,0.40989583333333357,9,explored -explored-11044,0.6266203703703705,14,explored -explored-11045,0.284027777777778,16,explored -explored-11046,0.5971354166666668,10,explored -explored-11047,0.4990162037037039,22,explored -explored-11048,0.33055555555555594,9,explored -explored-11049,0.6659722222222222,11,explored -explored-11050,0.6502083333333335,8,explored -explored-11051,0.6390625000000002,7,explored -explored-11052,0.46510416666666676,8,explored -explored-11053,0.6375000000000001,12,explored -explored-11054,0.5225925925925927,22,explored -explored-11055,0.20416666666666683,11,explored -explored-11056,0.7213541666666669,11,explored -explored-11057,0.36041666666666705,10,explored -explored-11058,0.7682291666666667,11,explored -explored-11059,0.28038194444444464,17,explored -explored-11060,0.5060416666666667,21,explored -explored-11061,0.704976851851852,5,explored -explored-11062,0.2886111111111114,14,explored -explored-11063,0.677951388888889,35,explored -explored-11064,0.3979166666666669,19,explored -explored-11065,0.6670833333333334,6,explored -explored-11066,0.60546875,11,explored -explored-11067,0.24609375000000022,15,explored -explored-11068,0.39561631944444464,13,explored -explored-11069,0.6555208333333334,6,explored -explored-11070,0.6152777777777779,8,explored -explored-11071,0.4609375,11,explored -explored-11072,0.6331597222222224,7,explored -explored-11073,0.6562500000000002,5,explored -explored-11074,0.7112847222222224,14,explored -explored-11075,0.5354166666666668,12,explored -explored-11076,0.3286458333333335,15,explored -explored-11077,0.485439814814815,23,explored -explored-11078,0.5648350694444446,17,explored -explored-11079,0.4261284722222224,16,explored -explored-11080,0.39129050925925934,22,explored -explored-11081,0.34375000000000033,9,explored -explored-11082,0.43680555555555567,10,explored -explored-11083,0.7870833333333334,3,explored -explored-11084,0.5189236111111113,12,explored -explored-11085,0.61640625,15,explored -explored-11086,0.6385416666666668,11,explored -explored-11087,0.6718750000000002,11,explored -explored-11088,0.48064236111111125,14,explored -explored-11089,0.504340277777778,13,explored -explored-11090,0.6950775462962964,31,explored -explored-11091,0.7166666666666668,11,explored -explored-11092,0.23984375000000013,15,explored -explored-11093,0.36770833333333364,6,explored -explored-11094,0.22187500000000027,13,explored -explored-11095,0.5265625000000002,6,explored -explored-11096,0.4701967592592594,22,explored -explored-11097,0.6796875,5,explored -explored-11098,0.6536458333333335,12,explored -explored-11099,0.5872106481481483,13,explored -explored-11100,0.723654513888889,12,explored -explored-11101,0.48697916666666696,8,explored -explored-11102,0.3768518518518522,16,explored -explored-11103,0.2416666666666668,20,explored -explored-11104,0.39525462962963,23,explored -explored-11105,0.4542962962962964,24,explored -explored-11106,0.7437500000000001,11,explored -explored-11107,0.32929687500000027,11,explored -explored-11108,0.7333333333333333,3,explored -explored-11109,0.6963541666666667,6,explored -explored-11110,0.3537326388888892,19,explored -explored-11111,0.2538773148148151,26,explored -explored-11112,0.7480902777777778,7,explored -explored-11113,0.4041666666666669,11,explored -explored-11114,0.23211805555555598,17,explored -explored-11115,0.5708333333333335,7,explored -explored-11116,0.5616319444444445,11,explored -explored-11117,0.4861979166666668,14,explored -explored-11118,0.6556423611111113,17,explored -explored-11119,0.7547164351851853,16,explored -explored-11120,0.3020833333333337,9,explored -explored-11121,0.4828125000000002,14,explored -explored-11122,0.3743055555555558,12,explored -explored-11123,0.6965277777777779,9,explored -explored-11124,0.5996527777777779,11,explored -explored-11125,0.6399305555555557,8,explored -explored-11126,0.5677083333333334,15,explored -explored-11127,0.6968749999999999,5,explored -explored-11128,0.6802083333333335,4,explored -explored-11129,0.42309027777777797,12,explored -explored-11130,0.3167534722222224,21,explored -explored-11131,0.5858506944444446,12,explored -explored-11132,0.5378472222222224,10,explored -explored-11133,0.5366319444444446,7,explored -explored-11134,0.5081018518518521,16,explored -explored-11135,0.539496527777778,14,explored -explored-11136,0.36041666666666705,11,explored -explored-11137,0.5484375000000001,8,explored -explored-11138,0.7206597222222223,17,explored -explored-11139,0.5785011574074075,15,explored -explored-11140,0.5320312500000002,14,explored -explored-11141,0.451041666666667,10,explored -explored-11142,0.22013888888888922,12,explored -explored-11143,0.47916666666666674,12,explored -explored-11144,0.4281250000000003,7,explored -explored-11145,0.3993344907407409,20,explored -explored-11146,0.2298611111111114,20,explored -explored-11147,0.1810763888888891,15,explored -explored-11148,0.3130208333333335,13,explored -explored-11149,0.5778935185185187,13,explored -explored-11150,0.6039930555555557,10,explored -explored-11151,0.6333333333333334,7,explored -explored-11152,0.5140937500000001,16,explored -explored-11153,0.5112123842592594,15,explored -explored-11154,0.44062500000000016,27,explored -explored-11155,0.651840277777778,14,explored -explored-11156,0.5447916666666668,4,explored -explored-11157,0.5624537037037038,11,explored -explored-11158,0.46640625,10,explored -explored-11159,0.6586458333333335,10,explored -explored-11160,0.057812500000000266,15,explored -explored-11161,0.43763888888888913,14,explored -explored-11162,0.5572048611111112,11,explored -explored-11163,0.5296006944444447,14,explored -explored-11164,0.33784722222222263,13,explored -explored-11165,0.4256944444444446,12,explored -explored-11166,0.48579861111111133,18,explored -explored-11167,0.465277777777778,11,explored -explored-11168,0.49375000000000013,7,explored -explored-11169,0.7525173611111112,13,explored -explored-11170,0.34722222222222254,12,explored -explored-11171,0.5476562500000001,9,explored -explored-11172,0.4266493055555556,17,explored -explored-11173,0.546875,9,explored -explored-11174,0.6356597222222223,7,explored -explored-11175,0.4681278935185187,27,explored -explored-11176,0.7129890873015874,37,explored -explored-11177,0.3132812500000002,13,explored -explored-11178,0.3119791666666669,17,explored -explored-11179,0.7206018518518518,15,explored -explored-11180,0.7395833333333335,11,explored -explored-11181,0.410416666666667,9,explored -explored-11182,0.3442708333333334,9,explored -explored-11183,0.635763888888889,10,explored -explored-11184,0.44606481481481497,19,explored -explored-11185,0.317303240740741,21,explored -explored-11186,0.435277777777778,17,explored -explored-11187,0.6822048611111112,16,explored -explored-11188,0.28767361111111134,20,explored -explored-11189,0.4768229166666669,15,explored -explored-11190,0.33611111111111125,26,explored -explored-11191,0.7466666666666667,19,explored -explored-11192,0.5250694444444446,9,explored -explored-11193,0.64765625,10,explored -explored-11194,0.5919270833333334,13,explored -explored-11195,0.5317129629629632,17,explored -explored-11196,0.5507291666666669,13,explored -explored-11197,0.6575810185185186,29,explored -explored-11198,0.3421875000000002,14,explored -explored-11199,0.18958333333333366,23,explored -explored-11200,0.732951388888889,8,explored -explored-11201,0.5569444444444447,11,explored -explored-11202,0.45387731481481497,16,explored -explored-11203,0.47274305555555574,16,explored -explored-11204,0.4692708333333334,10,explored -explored-11205,0.7283072916666667,12,explored -explored-11206,0.8244444444444444,6,explored -explored-11207,0.46250000000000024,15,explored -explored-11208,0.27806712962962976,18,explored -explored-11209,0.2703125000000002,14,explored -explored-11210,0.3763888888888891,9,explored -explored-11211,0.36875000000000013,8,explored -explored-11212,0.58984375,9,explored -explored-11213,0.3632812500000001,13,explored -explored-11214,0.6405555555555557,10,explored -explored-11215,0.4843749999999999,13,explored -explored-11216,0.49780092592592606,15,explored -explored-11217,0.37317708333333355,16,explored -explored-11218,0.5886574074074076,8,explored -explored-11219,0.6992187500000001,12,explored -explored-11220,0.2434895833333337,20,explored -explored-11221,0.7003472222222222,10,explored -explored-11222,0.6143229166666668,10,explored -explored-11223,0.8765625,6,explored -explored-11224,0.6230034722222224,21,explored -explored-11225,0.5064583333333335,8,explored -explored-11226,0.5005208333333335,6,explored -explored-11227,0.3802951388888891,19,explored -explored-11228,0.38472222222222263,20,explored -explored-11229,0.5592708333333334,7,explored -explored-11230,0.4675347222222226,11,explored -explored-11231,0.5432291666666668,8,explored -explored-11232,0.6259837962962964,14,explored -explored-11233,0.5000000000000002,11,explored -explored-11234,0.169791666666667,12,explored -explored-11235,0.23541666666666705,13,explored -explored-11236,0.6346354166666668,4,explored -explored-11237,0.6593750000000002,13,explored -explored-11238,0.4208906250000002,20,explored -explored-11239,0.5391666666666668,12,explored -explored-11240,0.47291666666666676,18,explored -explored-11241,0.6903645833333334,9,explored -explored-11242,0.3510416666666667,13,explored -explored-11243,0.2956597222222226,12,explored -explored-11244,0.5832175925925928,16,explored -explored-11245,0.5101562500000001,16,explored -explored-11246,0.7026041666666667,10,explored -explored-11247,0.21024305555555578,20,explored -explored-11248,0.4954861111111113,19,explored -explored-11249,0.6675,26,explored -explored-11250,0.2177083333333335,15,explored -explored-11251,0.3088541666666669,8,explored -explored-11252,0.24513888888888924,22,explored -explored-11253,0.2859375000000003,10,explored -explored-11254,0.560763888888889,15,explored -explored-11255,0.48151041666666683,16,explored -explored-11256,0.5131712962962964,11,explored -explored-11257,0.31597222222222254,12,explored -explored-11258,0.6427083333333334,20,explored -explored-11259,0.46848958333333357,13,explored -explored-11260,0.3205729166666669,15,explored -explored-11261,0.5343750000000002,19,explored -explored-11262,0.49097222222222237,24,explored -explored-11263,0.5133101851851853,17,explored -explored-11264,0.3045138888888891,21,explored -explored-11265,0.3289062500000002,13,explored -explored-11266,0.6906249999999999,11,explored -explored-11267,0.29791666666666705,16,explored -explored-11268,0.3916377314814816,28,explored -explored-11269,0.4877604166666669,7,explored -explored-11270,0.6778009259259261,31,explored -explored-11271,0.5394097222222224,9,explored -explored-11272,0.5777777777777777,11,explored -explored-11273,0.5340625000000001,18,explored -explored-11274,0.6276041666666667,13,explored -explored-11275,0.5797164351851853,12,explored -explored-11276,0.5335937500000001,10,explored -explored-11277,0.44125000000000036,17,explored -explored-11278,0.5834664351851853,18,explored -explored-11279,0.6421875000000002,12,explored -explored-11280,0.44010416666666685,21,explored -explored-11281,0.6850694444444446,7,explored -explored-11282,0.500138888888889,9,explored -explored-11283,0.5780381944444445,9,explored -explored-11284,0.6937500000000001,12,explored -explored-11285,0.6354166666666667,11,explored -explored-11286,0.5214409722222224,9,explored -explored-11287,0.2739583333333335,18,explored -explored-11288,0.40937500000000016,15,explored -explored-11289,0.6037847222222223,12,explored -explored-11290,0.6430208333333335,6,explored -explored-11291,0.5705729166666668,12,explored -explored-11292,0.3773148148148151,21,explored -explored-11293,0.3583043981481483,18,explored -explored-11294,0.502789351851852,25,explored -explored-11295,0.6604166666666669,6,explored -explored-11296,0.5866145833333335,12,explored -explored-11297,0.6595486111111113,5,explored -explored-11298,0.7729166666666667,10,explored -explored-11299,0.5724826388888891,19,explored -explored-11300,0.8191666666666667,4,explored -explored-11301,0.6705882936507938,38,explored -explored-11302,0.6595486111111113,7,explored -explored-11303,0.48454861111111125,17,explored -explored-11304,0.6296440972222221,16,explored -explored-11305,0.3451388888888892,7,explored -explored-11306,0.46802083333333355,8,explored -explored-11307,0.5142361111111112,13,explored -explored-11308,0.624537037037037,15,explored -explored-11309,0.5372395833333334,13,explored -explored-11310,0.2328125000000003,13,explored -explored-11311,0.45416666666666683,15,explored -explored-11312,0.41311342592592615,16,explored -explored-11313,0.40421875000000007,24,explored -explored-11314,0.8,6,explored -explored-11315,0.6716145833333333,6,explored -explored-11316,0.4218888888888892,21,explored -explored-11317,0.3593750000000002,19,explored -explored-11318,0.5267361111111113,10,explored -explored-11319,0.7220486111111112,6,explored -explored-11320,0.8320312500000001,10,explored -explored-11321,0.46006944444444464,23,explored -explored-11322,0.49861111111111145,10,explored -explored-11323,0.5445717592592594,15,explored -explored-11324,0.7345601851851853,9,explored -explored-11325,0.42000000000000015,10,explored -explored-11326,0.6123263888888889,7,explored -explored-11327,0.6524305555555557,15,explored -explored-11328,0.723389384920635,32,explored -explored-11329,0.3789062500000001,16,explored -explored-11330,0.5027777777777781,10,explored -explored-11331,0.3421875000000002,15,explored -explored-11332,0.5258680555555557,17,explored -explored-11333,2.220446049250313e-16,13,explored -explored-11334,0.5125000000000001,15,explored -explored-11335,0.6689236111111112,5,explored -explored-11336,0.5447916666666668,10,explored -explored-11337,0.5678240740740743,12,explored -explored-11338,0.4872106481481483,26,explored -explored-11339,0.4890625000000002,15,explored -explored-11340,0.32187500000000013,14,explored -explored-11341,0.6700520833333334,8,explored -explored-11342,0.5634548611111113,13,explored -explored-11343,0.6552083333333335,14,explored -explored-11344,0.4108333333333335,13,explored -explored-11345,0.3763888888888889,9,explored -explored-11346,0.4751736111111112,9,explored -explored-11347,0.4833333333333334,9,explored -explored-11348,0.6787413194444445,35,explored -explored-11349,0.5236979166666668,15,explored -explored-11350,0.3040364583333335,15,explored -explored-11351,0.5594907407407409,15,explored -explored-11352,0.37656250000000013,16,explored -explored-11353,0.32343750000000027,8,explored -explored-11354,0.4104166666666669,14,explored -explored-11355,0.5547743055555557,15,explored -explored-11356,0.40156250000000027,16,explored -explored-11357,0.6253627645502646,35,explored -explored-11358,0.6555125661375663,37,explored -explored-11359,0.8696180555555555,8,explored -explored-11360,0.6589409722222224,14,explored -explored-11361,0.33854166666666685,13,explored -explored-11362,0.6003472222222224,8,explored -explored-11363,0.5704224537037038,17,explored -explored-11364,0.3611111111111114,12,explored -explored-11365,0.7613715277777777,15,explored -explored-11366,0.6021701388888889,16,explored -explored-11367,0.36944444444444446,17,explored -explored-11368,0.4040625000000002,13,explored -explored-11369,0.7383333333333333,10,explored -explored-11370,0.3755208333333334,16,explored -explored-11371,0.37806712962962985,17,explored -explored-11372,0.42841435185185195,16,explored -explored-11373,0.4702546296296297,14,explored -explored-11374,0.5313541666666668,16,explored -explored-11375,0.19401041666666696,17,explored -explored-11376,0.24490740740740757,15,explored -explored-11377,0.49539930555555567,17,explored -explored-11378,0.08958333333333357,13,explored -explored-11379,0.23385416666666703,15,explored -explored-11380,0.828125,3,explored -explored-11381,0.42797453703703725,20,explored -explored-11382,0.6869791666666667,7,explored -explored-11383,0.3069444444444447,17,explored -explored-11384,0.6583333333333334,8,explored -explored-11385,0.46119791666666676,19,explored -explored-11386,0.49036458333333355,12,explored -explored-11387,0.7145833333333335,8,explored -explored-11388,0.8231770833333334,12,explored -explored-11389,0.6147280092592594,19,explored -explored-11390,0.6366319444444446,11,explored -explored-11391,0.5817708333333335,12,explored -explored-11392,0.330277777777778,18,explored -explored-11393,0.20677083333333357,18,explored -explored-11394,0.45613425925925943,18,explored -explored-11395,0.42152777777777795,20,explored -explored-11396,0.5859375000000001,19,explored -explored-11397,0.46883680555555574,20,explored -explored-11398,0.4783333333333337,8,explored -explored-11399,0.6494791666666668,10,explored -explored-11400,0.41669560185185195,17,explored -explored-11401,0.6083333333333335,6,explored -explored-11402,0.22552083333333361,20,explored -explored-11403,0.3888888888888893,12,explored -explored-11404,0.5616030092592594,15,explored -explored-11405,0.4013310185185187,16,explored -explored-11406,0.554513888888889,13,explored -explored-11407,0.7906250000000001,1,explored -explored-11408,0.5743055555555556,8,explored -explored-11409,0.5870659722222225,10,explored -explored-11410,0.456527777777778,17,explored -explored-11411,0.5204166666666669,8,explored -explored-11412,0.5298611111111112,15,explored -explored-11413,0.32531828703703725,25,explored -explored-11414,0.6127604166666668,19,explored -explored-11415,0.6388020833333334,11,explored -explored-11416,0.6222222222222223,15,explored -explored-11417,0.34592013888888906,28,explored -explored-11418,0.4813888888888891,14,explored -explored-11419,0.6773958333333334,7,explored -explored-11420,0.2180555555555559,13,explored -explored-11421,0.6333333333333334,11,explored -explored-11422,0.3125000000000002,7,explored -explored-11423,0.5708333333333335,8,explored -explored-11424,0.5383333333333337,7,explored -explored-11425,0.20506365740740762,20,explored -explored-11426,0.8760416666666666,3,explored -explored-11427,0.3730902777777778,17,explored -explored-11428,0.5520833333333335,5,explored -explored-11429,0.61640625,7,explored -explored-11430,0.7114583333333335,5,explored -explored-11431,0.41527777777777797,12,explored -explored-11432,0.6368923611111112,13,explored -explored-11433,0.34496527777777797,11,explored -explored-11434,0.7430555555555556,9,explored -explored-11435,0.2122685185185189,19,explored -explored-11436,0.5383680555555557,12,explored -explored-11437,0.6845486111111112,9,explored -explored-11438,0.6950520833333335,7,explored -explored-11439,0.3185763888888893,14,explored -explored-11440,0.4304687500000004,19,explored -explored-11441,0.815625,8,explored -explored-11442,0.7050659722222223,29,explored -explored-11443,0.6812500000000001,16,explored -explored-11444,0.27890625000000036,14,explored -explored-11445,0.27809606481481497,20,explored -explored-11446,0.48413194444444463,14,explored -explored-11447,0.4148148148148151,16,explored -explored-11448,0.21770833333333361,10,explored -explored-11449,0.5250000000000001,20,explored -explored-11450,0.29895833333333366,11,explored -explored-11451,0.5895833333333335,4,explored -explored-11452,0.523263888888889,15,explored -explored-11453,0.3510416666666669,7,explored -explored-11454,0.40312500000000007,9,explored -explored-11455,0.40906250000000033,20,explored -explored-11456,0.6062500000000002,12,explored -explored-11457,0.6215277777777779,8,explored -explored-11458,0.75,8,explored -explored-11459,0.45416666666666683,11,explored -explored-11460,0.49861111111111145,8,explored -explored-11461,0.5037760416666669,23,explored -explored-11462,0.6875000000000002,5,explored -explored-11463,0.31614583333333357,13,explored -explored-11464,0.7166666666666668,11,explored -explored-11465,0.3923611111111114,10,explored -explored-11466,0.6855902777777779,11,explored -explored-11467,0.06093750000000031,11,explored -explored-11468,0.11388888888888915,12,explored -explored-11469,0.6493055555555557,6,explored -explored-11470,0.664236111111111,13,explored -explored-11471,0.7309895833333334,2,explored -explored-11472,0.5854166666666668,8,explored -explored-11473,0.7041666666666666,8,explored -explored-11474,0.501041666666667,6,explored -explored-11475,0.36875,14,explored -explored-11476,0.34444444444444455,12,explored -explored-11477,0.3720486111111113,12,explored -explored-11478,0.6345601851851852,8,explored -explored-11479,0.2244791666666669,13,explored -explored-11480,0.519791666666667,7,explored -explored-11481,0.4373263888888891,11,explored -explored-11482,0.6269097222222224,9,explored -explored-11483,0.7131076388888891,10,explored -explored-11484,0.4595486111111112,14,explored -explored-11485,0.7125000000000001,4,explored -explored-11486,0.751171875,7,explored -explored-11487,0.737326388888889,16,explored -explored-11488,0.3583333333333336,13,explored -explored-11489,0.23460648148148167,18,explored -explored-11490,0.8606770833333333,6,explored -explored-11491,0.6973958333333333,11,explored -explored-11492,0.5300000000000001,12,explored -explored-11493,0.6993055555555556,5,explored -explored-11494,0.41718750000000027,9,explored -explored-11495,0.6802083333333335,7,explored -explored-11496,0.4198495370370372,18,explored -explored-11497,0.3933854166666668,11,explored -explored-11498,0.587152777777778,11,explored -explored-11499,0.71625,7,explored -explored-11500,0.5513020833333334,12,explored -explored-11501,0.47083333333333366,15,explored -explored-11502,0.5762500000000002,10,explored -explored-11503,0.5113425925925927,14,explored -explored-11504,0.466666666666667,9,explored -explored-11505,0.5104166666666669,12,explored -explored-11506,0.5322222222222224,14,explored -explored-11507,0.8973958333333334,10,explored -explored-11508,0.4939814814814816,17,explored -explored-11509,0.16649305555555594,12,explored -explored-11510,0.572326388888889,16,explored -explored-11511,0.5399305555555558,31,explored -explored-11512,0.5719791666666667,13,explored -explored-11513,0.36750000000000016,13,explored -explored-11514,0.6085937500000002,9,explored -explored-11515,0.7407291666666668,10,explored -explored-11516,0.44704861111111116,10,explored -explored-11517,0.60703125,9,explored -explored-11518,0.38375000000000015,19,explored -explored-11519,0.713726851851852,3,explored -explored-11520,0.71015625,8,explored -explored-11521,0.2890625000000001,17,explored -explored-11522,0.29704861111111125,12,explored -explored-11523,0.6966145833333335,17,explored -explored-11524,0.3133101851851853,17,explored -explored-11525,0.5804166666666668,13,explored -explored-11526,0.7221064814814816,9,explored -explored-11527,0.29843750000000013,9,explored -explored-11528,0.4890625000000002,8,explored -explored-11529,0.48020833333333357,7,explored -explored-11530,0.5841145833333335,8,explored -explored-11531,0.24661458333333341,16,explored -explored-11532,0.5317708333333335,12,explored -explored-11533,0.4867476851851853,12,explored -explored-11534,0.8385416666666667,4,explored -explored-11535,0.5586805555555556,13,explored -explored-11536,0.5825520833333335,8,explored -explored-11537,0.39718750000000025,11,explored -explored-11538,0.726232638888889,14,explored -explored-11539,0.40729166666666683,16,explored -explored-11540,0.5672743055555558,18,explored -explored-11541,0.5690972222222224,6,explored -explored-11542,0.5569444444444446,11,explored -explored-11543,0.36238425925925943,19,explored -explored-11544,0.5039930555555556,8,explored -explored-11545,0.6524305555555556,24,explored -explored-11546,0.7468750000000002,10,explored -explored-11547,0.5866319444444446,10,explored -explored-11548,0.4979166666666667,7,explored -explored-11549,0.3723958333333335,17,explored -explored-11550,0.611053240740741,10,explored -explored-11551,0.640277777777778,10,explored -explored-11552,0.27552083333333366,15,explored -explored-11553,0.32187500000000036,8,explored -explored-11554,0.6100694444444444,13,explored -explored-11555,0.6078935185185186,10,explored -explored-11556,0.5718750000000001,9,explored -explored-11557,0.6994791666666668,12,explored -explored-11558,0.4554687500000002,14,explored -explored-11559,0.6448061342592594,13,explored -explored-11560,0.5567708333333335,6,explored -explored-11561,0.49623842592592604,25,explored -explored-11562,0.5815972222222224,6,explored -explored-11563,0.5625578703703706,20,explored -explored-11564,0.3533564814814817,15,explored -explored-11565,0.5085069444444447,17,explored -explored-11566,0.7541666666666667,6,explored -explored-11567,0.5789930555555557,9,explored -explored-11568,0.7151909722222223,7,explored -explored-11569,0.7337152777777779,8,explored -explored-11570,0.18281250000000027,15,explored -explored-11571,0.6493055555555557,10,explored -explored-11572,0.6472378472222223,26,explored -explored-11573,0.5292592592592594,12,explored -explored-11574,0.7088541666666668,7,explored -explored-11575,0.5743055555555556,7,explored -explored-11576,0.6616666666666668,9,explored -explored-11577,0.6346180555555556,10,explored -explored-11578,0.4535300925925928,15,explored -explored-11579,0.4925347222222225,11,explored -explored-11580,0.719573578042328,34,explored -explored-11581,0.44157986111111136,16,explored -explored-11582,0.2874421296296298,20,explored -explored-11583,0.5854565972222224,27,explored -explored-11584,0.5632725694444445,14,explored -explored-11585,0.733420138888889,9,explored -explored-11586,0.404166666666667,18,explored -explored-11587,0.5666666666666668,7,explored -explored-11588,0.38298611111111136,16,explored -explored-11589,0.5913194444444446,13,explored -explored-11590,0.3455729166666669,12,explored -explored-11591,0.6595486111111113,10,explored -explored-11592,0.31992187500000036,19,explored -explored-11593,0.3055555555555557,18,explored -explored-11594,0.7012152777777779,12,explored -explored-11595,0.459375,10,explored -explored-11596,0.5149305555555556,11,explored -explored-11597,0.46302083333333344,10,explored -explored-11598,0.4622685185185187,16,explored -explored-11599,0.5529513888888888,12,explored -explored-11600,0.6105902777777779,8,explored -explored-11601,0.8,3,explored -explored-11602,0.3380555555555559,17,explored -explored-11603,0.224479166666667,11,explored -explored-11604,0.632465277777778,9,explored -explored-11605,0.6009375000000001,5,explored -explored-11606,0.5523437500000001,20,explored -explored-11607,0.6544618055555557,15,explored -explored-11608,0.5026041666666669,12,explored -explored-11609,0.46597222222222245,12,explored -explored-11610,0.5676504629629632,8,explored -explored-11611,0.3895833333333335,23,explored -explored-11612,0.7214409722222221,6,explored -explored-11613,0.4751157407407409,12,explored -explored-11614,0.2250000000000001,15,explored -explored-11615,0.7004687500000002,10,explored -explored-11616,0.6561805555555558,12,explored -explored-11617,0.6769791666666667,7,explored -explored-11618,0.5427083333333335,10,explored -explored-11619,0.5244791666666668,5,explored -explored-11620,0.4343750000000002,7,explored -explored-11621,0.5525347222222223,24,explored -explored-11622,0.3526041666666667,13,explored -explored-11623,0.65625,6,explored -explored-11624,0.39033564814814836,19,explored -explored-11625,0.4794270833333336,22,explored -explored-11626,0.47135416666666663,9,explored -explored-11627,0.37656250000000036,13,explored -explored-11628,0.49479166666666685,4,explored -explored-11629,0.7651388888888889,7,explored -explored-11630,0.4961516203703705,13,explored -explored-11631,0.2564236111111112,18,explored -explored-11632,0.5499999999999999,19,explored -explored-11633,0.7554855324074075,17,explored -explored-11634,0.585590277777778,9,explored -explored-11635,0.5489583333333335,7,explored -explored-11636,0.6130208333333335,5,explored -explored-11637,0.4762037037037039,14,explored -explored-11638,0.5994791666666666,13,explored -explored-11639,0.65546875,11,explored -explored-11640,0.44548611111111125,15,explored -explored-11641,0.40833333333333344,11,explored -explored-11642,0.38880208333333366,29,explored -explored-11643,0.602951388888889,12,explored -explored-11644,0.6617476851851853,12,explored -explored-11645,0.43090277777777786,11,explored -explored-11646,0.5390625000000002,22,explored -explored-11647,0.49140625000000016,11,explored -explored-11648,0.6348090277777779,12,explored -explored-11649,0.48602430555555576,14,explored -explored-11650,0.6740885416666668,27,explored -explored-11651,0.33506944444444464,18,explored -explored-11652,0.8092013888888889,10,explored -explored-11653,0.48315972222222237,12,explored -explored-11654,0.6536979166666668,49,explored -explored-11655,0.5761689814814817,13,explored -explored-11656,0.33663194444444466,20,explored -explored-11657,0.21597222222222245,15,explored -explored-11658,0.28229166666666683,16,explored -explored-11659,0.3758680555555558,21,explored -explored-11660,0.395920138888889,15,explored -explored-11661,0.47569444444444475,15,explored -explored-11662,0.5586805555555557,17,explored -explored-11663,0.43729166666666697,13,explored -explored-11664,0.5746527777777779,11,explored -explored-11665,0.6414062500000002,11,explored -explored-11666,0.47444444444444467,18,explored -explored-11667,0.6505208333333334,11,explored -explored-11668,0.7385416666666668,5,explored -explored-11669,0.5585937500000001,13,explored -explored-11670,0.80078125,6,explored -explored-11671,0.6187499999999999,13,explored -explored-11672,0.8289930555555556,5,explored -explored-11673,0.46695601851851865,13,explored -explored-11674,0.310416666666667,10,explored -explored-11675,0.7166666666666668,6,explored -explored-11676,0.11875000000000013,14,explored -explored-11677,0.6678819444444446,19,explored -explored-11678,0.2812500000000002,13,explored -explored-11679,0.541840277777778,9,explored -explored-11680,0.4120370370370372,19,explored -explored-11681,0.435416666666667,9,explored -explored-11682,0.6003472222222224,10,explored -explored-11683,0.3841579861111113,27,explored -explored-11684,0.5826678240740741,12,explored -explored-11685,0.6388281250000001,36,explored -explored-11686,0.5121180555555558,12,explored -explored-11687,0.3555555555555556,11,explored -explored-11688,0.401215277777778,16,explored -explored-11689,0.6401041666666668,14,explored -explored-11690,0.5282118055555557,13,explored -explored-11691,0.240104166666667,15,explored -explored-11692,0.5350694444444446,8,explored -explored-11693,0.4833333333333333,8,explored -explored-11694,0.5833333333333335,12,explored -explored-11695,0.5270833333333335,8,explored -explored-11696,0.7493055555555557,11,explored -explored-11697,0.5569444444444447,11,explored -explored-11698,0.7560694444444445,14,explored -explored-11699,0.36354166666666676,6,explored -explored-11700,0.4564236111111113,20,explored -explored-11701,0.373871527777778,25,explored -explored-11702,0.6062500000000002,12,explored -explored-11703,0.6809895833333334,9,explored -explored-11704,0.5569444444444447,8,explored -explored-11705,0.08541666666666692,17,explored -explored-11706,0.5456597222222224,11,explored -explored-11707,0.31805555555555576,20,explored -explored-11708,0.5694444444444446,10,explored -explored-11709,0.5565972222222224,11,explored -explored-11710,0.36250000000000027,13,explored -explored-11711,0.5157986111111112,18,explored -explored-11712,0.1097222222222225,17,explored -explored-11713,0.3710937500000002,18,explored -explored-11714,0.8078125,5,explored -explored-11715,0.7375,6,explored -explored-11716,0.6423958333333334,4,explored -explored-11717,0.41770833333333346,5,explored -explored-11718,0.5182291666666669,10,explored -explored-11719,0.2546875000000003,9,explored -explored-11720,0.6472222222222224,8,explored -explored-11721,0.50546875,15,explored -explored-11722,0.3104166666666669,12,explored -explored-11723,0.4192708333333336,18,explored -explored-11724,0.30625000000000036,9,explored -explored-11725,0.3677083333333333,10,explored -explored-11726,0.3171875000000003,16,explored -explored-11727,0.5583333333333335,19,explored -explored-11728,0.6493055555555557,5,explored -explored-11729,0.4788541666666668,16,explored -explored-11730,0.5675347222222225,13,explored -explored-11731,0.6340277777777779,12,explored -explored-11732,0.6946875000000001,5,explored -explored-11733,0.5192708333333335,9,explored -explored-11734,0.6493055555555557,7,explored -explored-11735,0.4394097222222223,10,explored -explored-11736,0.6533854166666668,13,explored -explored-11737,0.26093750000000016,17,explored -explored-11738,0.5089756944444446,17,explored -explored-11739,0.3184027777777778,14,explored -explored-11740,0.3573784722222224,21,explored -explored-11741,0.5910879629629631,12,explored -explored-11742,0.4980324074074076,10,explored -explored-11743,0.78359375,9,explored -explored-11744,0.08125000000000027,14,explored -explored-11745,0.5913194444444445,10,explored -explored-11746,0.3861111111111113,10,explored -explored-11747,0.5687789351851853,15,explored -explored-11748,0.55390625,9,explored -explored-11749,0.3132812500000002,16,explored -explored-11750,0.7771354166666667,9,explored -explored-11751,0.5333333333333335,16,explored -explored-11752,0.4158854166666668,20,explored -explored-11753,0.5756365740740742,15,explored -explored-11754,0.5188368055555557,22,explored -explored-11755,0.3328993055555557,20,explored -explored-11756,0.47954861111111124,11,explored -explored-11757,0.7883680555555557,6,explored -explored-11758,0.5736979166666669,12,explored -explored-11759,0.6321180555555558,11,explored -explored-11760,0.27447916666666705,10,explored -explored-11761,0.3997106481481484,18,explored -explored-11762,0.39995659722222243,25,explored -explored-11763,0.31712962962962976,22,explored -explored-11764,0.6640625000000002,7,explored -explored-11765,0.261979166666667,10,explored -explored-11766,0.6017187500000001,26,explored -explored-11767,0.7057291666666666,10,explored -explored-11768,0.3631944444444448,19,explored -explored-11769,0.6919270833333334,6,explored -explored-11770,0.5070312500000002,11,explored -explored-11771,0.5591666666666668,12,explored -explored-11772,0.46203703703703725,25,explored -explored-11773,0.5795833333333333,9,explored -explored-11774,0.6948090277777779,8,explored -explored-11775,0.7216666666666669,6,explored -explored-11776,0.7689814814814816,10,explored -explored-11777,0.4173611111111113,17,explored -explored-11778,0.26371527777777815,17,explored -explored-11779,0.4418923611111113,19,explored -explored-11780,0.4329861111111115,14,explored -explored-11781,0.5637962962962965,10,explored -explored-11782,0.6229166666666668,9,explored -explored-11783,0.5578125000000002,15,explored -explored-11784,0.5550347222222223,10,explored -explored-11785,0.177604166666667,15,explored -explored-11786,0.7365451388888888,10,explored -explored-11787,0.2592013888888891,20,explored -explored-11788,0.7208333333333334,7,explored -explored-11789,0.7868055555555555,5,explored -explored-11790,0.6382638888888891,9,explored -explored-11791,0.48537037037037056,19,explored -explored-11792,0.6414930555555557,10,explored -explored-11793,0.41770833333333346,12,explored -explored-11794,0.5942708333333335,8,explored -explored-11795,0.3973958333333335,24,explored -explored-11796,0.7824652777777779,10,explored -explored-11797,0.33402777777777803,13,explored -explored-11798,0.687326388888889,12,explored -explored-11799,0.489513888888889,12,explored -explored-11800,0.41623263888888906,23,explored -explored-11801,0.6640046296296298,12,explored -explored-11802,0.5994791666666668,13,explored -explored-11803,0.7166666666666668,14,explored -explored-11804,0.18958333333333366,15,explored -explored-11805,0.6006944444444446,8,explored -explored-11806,0.713715277777778,5,explored -explored-11807,0.49361111111111133,18,explored -explored-11808,0.41223958333333344,17,explored -explored-11809,0.34924768518518534,18,explored -explored-11810,0.675607638888889,14,explored -explored-11811,0.5115451388888891,13,explored -explored-11812,0.5429687500000001,8,explored -explored-11813,0.6880555555555558,9,explored -explored-11814,0.2131944444444447,18,explored -explored-11815,0.33033854166666676,18,explored -explored-11816,0.6029687500000002,38,explored -explored-11817,0.13680555555555585,16,explored -explored-11818,0.2781250000000002,10,explored -explored-11819,0.5267447916666668,13,explored -explored-11820,0.3425347222222225,12,explored -explored-11821,0.5750000000000002,12,explored -explored-11822,0.28333333333333366,7,explored -explored-11823,0.255729166666667,13,explored -explored-11824,0.5750000000000002,12,explored -explored-11825,0.5333912037037039,10,explored -explored-11826,0.6238281250000002,18,explored -explored-11827,0.7679687500000001,8,explored -explored-11828,0.6534375000000001,14,explored -explored-11829,0.34143518518518534,15,explored -explored-11830,0.35260416666666694,10,explored -explored-11831,0.5345486111111113,11,explored -explored-11832,0.4911458333333336,12,explored -explored-11833,0.5834201388888891,13,explored -explored-11834,0.43906250000000013,12,explored -explored-11835,0.6289930555555557,11,explored -explored-11836,0.8,5,explored -explored-11837,0.3041666666666669,21,explored -explored-11838,0.48541666666666683,13,explored -explored-11839,0.35069444444444464,15,explored -explored-11840,0.22361111111111143,16,explored -explored-11841,0.37312500000000015,14,explored -explored-11842,0.5803819444444446,14,explored -explored-11843,0.29114583333333355,19,explored -explored-11844,0.6500000000000001,8,explored -explored-11845,0.4378761574074076,19,explored -explored-11846,0.22430555555555576,12,explored -explored-11847,0.3041666666666669,25,explored -explored-11848,0.3006944444444448,13,explored -explored-11849,0.5406250000000001,10,explored -explored-11850,0.4676041666666668,11,explored -explored-11851,0.6893750000000001,9,explored -explored-11852,0.5289062499999999,15,explored -explored-11853,0.6022569444444446,11,explored -explored-11854,0.44843750000000027,10,explored -explored-11855,0.31510416666666674,14,explored -explored-11856,0.37994791666666683,15,explored -explored-11857,0.49027777777777803,11,explored -explored-11858,0.34236111111111134,20,explored -explored-11859,0.8508680555555556,8,explored -explored-11860,0.466666666666667,7,explored -explored-11861,0.6043923611111112,13,explored -explored-11862,0.5015625000000002,21,explored -explored-11863,0.6915364583333334,21,explored -explored-11864,0.7150000000000001,5,explored -explored-11865,0.6539930555555558,13,explored -explored-11866,0.5805208333333335,10,explored -explored-11867,0.6447048611111112,16,explored -explored-11868,0.7340625000000001,12,explored -explored-11869,0.45625000000000016,15,explored -explored-11870,0.6400173611111113,13,explored -explored-11871,0.8631944444444444,10,explored -explored-11872,0.48593750000000013,12,explored -explored-11873,0.3831597222222224,20,explored -explored-11874,0.5187500000000002,12,explored -explored-11875,0.6197916666666669,4,explored -explored-11876,0.29791666666666683,17,explored -explored-11877,0.4789062500000002,12,explored -explored-11878,0.4399305555555557,10,explored -explored-11879,0.6705468750000001,20,explored -explored-11880,0.5688194444444447,10,explored -explored-11881,0.6102430555555557,12,explored -explored-11882,0.58125,11,explored -explored-11883,0.2625000000000002,19,explored -explored-11884,0.8092881944444444,13,explored -explored-11885,0.81078125,4,explored -explored-11886,0.14027777777777817,13,explored -explored-11887,0.2206597222222224,15,explored -explored-11888,0.5526851851851854,16,explored -explored-11889,0.641232638888889,17,explored -explored-11890,0.34583333333333355,15,explored -explored-11891,0.2150000000000003,12,explored -explored-11892,0.4612847222222224,18,explored -explored-11893,0.19869791666666692,19,explored -explored-11894,0.5255208333333334,10,explored -explored-11895,0.2625000000000002,18,explored -explored-11896,0.7266782407407408,6,explored -explored-11897,0.4125000000000003,11,explored -explored-11898,0.5632870370370373,15,explored -explored-11899,0.6223958333333335,8,explored -explored-11900,0.6885561342592593,30,explored -explored-11901,0.2812500000000002,13,explored -explored-11902,0.6965277777777779,12,explored -explored-11903,0.46354166666666685,7,explored -explored-11904,0.717800925925926,14,explored -explored-11905,0.6186631944444445,8,explored -explored-11906,0.3953125000000002,10,explored -explored-11907,0.4863425925925928,22,explored -explored-11908,0.5264467592592594,16,explored -explored-11909,0.45019965277777796,17,explored -explored-11910,0.6597222222222223,7,explored -explored-11911,0.38489583333333344,13,explored -explored-11912,0.21692708333333366,17,explored -explored-11913,0.33802083333333355,15,explored -explored-11914,0.2289062500000003,22,explored -explored-11915,0.5088541666666668,9,explored -explored-11916,0.4925347222222225,16,explored -explored-11917,0.47231481481481485,13,explored -explored-11918,0.479976851851852,18,explored -explored-11919,0.4221759259259261,18,explored -explored-11920,0.8041666666666667,10,explored -explored-11921,0.5157986111111111,13,explored -explored-11922,0.6221354166666667,9,explored -explored-11923,0.6449074074074076,8,explored -explored-11924,0.44114583333333357,11,explored -explored-11925,0.5562500000000001,10,explored -explored-11926,0.4382812500000002,14,explored -explored-11927,0.38993055555555567,13,explored -explored-11928,0.45972222222222237,11,explored -explored-11929,0.4168981481481484,13,explored -explored-11930,0.5676793981481483,14,explored -explored-11931,0.32291666666666696,12,explored -explored-11932,0.44500000000000006,10,explored -explored-11933,0.2782986111111112,27,explored -explored-11934,0.2473524305555559,19,explored -explored-11935,0.6104166666666666,11,explored -explored-11936,0.6235243055555557,15,explored -explored-11937,0.6845833333333333,6,explored -explored-11938,0.48124999999999996,11,explored -explored-11939,0.6160879629629631,16,explored -explored-11940,0.8631944444444444,10,explored -explored-11941,0.5953298611111113,13,explored -explored-11942,0.6095486111111112,8,explored -explored-11943,0.6958101851851852,9,explored -explored-11944,0.5484375000000002,17,explored -explored-11945,0.2963541666666668,18,explored -explored-11946,0.6178356481481483,13,explored -explored-11947,0.5378472222222221,17,explored -explored-11948,0.5466145833333336,15,explored -explored-11949,0.7506944444444446,11,explored -explored-11950,0.6453125,6,explored -explored-11951,0.6701388888888888,6,explored -explored-11952,0.7166666666666668,11,explored -explored-11953,0.5633333333333335,10,explored -explored-11954,0.3524305555555557,9,explored -explored-11955,0.3908854166666669,14,explored -explored-11956,0.3352430555555559,15,explored -explored-11957,0.7333333333333333,5,explored -explored-11958,0.6555555555555556,10,explored -explored-11959,0.688888888888889,9,explored -explored-11960,0.4604166666666668,11,explored -explored-11961,0.6251157407407408,11,explored -explored-11962,0.5977430555555556,20,explored -explored-11963,0.5903645833333333,7,explored -explored-11964,0.512326388888889,14,explored -explored-11965,0.6813368055555556,7,explored -explored-11966,0.5659895833333335,15,explored -explored-11967,0.7470833333333333,15,explored -explored-11968,0.639513888888889,13,explored -explored-11969,0.409201388888889,22,explored -explored-11970,0.3826388888888892,20,explored -explored-11971,0.7482986111111112,7,explored -explored-11972,0.31406250000000024,13,explored -explored-11973,0.581684027777778,17,explored -explored-11974,0.3660879629629632,13,explored -explored-11975,0.4534432870370373,14,explored -explored-11976,0.33411458333333355,13,explored -explored-11977,0.813888888888889,3,explored -explored-11978,0.2625000000000004,10,explored -explored-11979,0.42300347222222245,18,explored -explored-11980,0.7958333333333334,8,explored -explored-11981,0.5450086805555557,24,explored -explored-11982,0.5945891203703705,13,explored -explored-11983,0.5972222222222223,11,explored -explored-11984,0.4297685185185187,21,explored -explored-11985,0.813888888888889,5,explored -explored-11986,0.5390625000000002,8,explored -explored-11987,0.587152777777778,16,explored -explored-11988,0.3710069444444446,18,explored -explored-11989,0.3817708333333336,10,explored -explored-11990,0.5867187500000001,7,explored -explored-11991,0.16076388888888915,18,explored -explored-11992,0.32343750000000016,14,explored -explored-11993,0.5131944444444447,9,explored -explored-11994,0.6588541666666669,10,explored -explored-11995,0.7868055555555556,8,explored -explored-11996,0.6491319444444446,11,explored -explored-11997,0.46916666666666684,16,explored -explored-11998,0.138541666666667,15,explored -explored-11999,0.5967592592592594,7,explored -explored-12000,0.6130208333333333,7,explored -explored-12001,0.7520833333333334,16,explored -explored-12002,0.6430555555555555,7,explored -explored-12003,0.6505208333333333,5,explored -explored-12004,0.49930555555555567,7,explored -explored-12005,0.7270833333333334,2,explored -explored-12006,0.76171875,10,explored -explored-12007,0.3003472222222223,13,explored -explored-12008,0.4468460648148149,22,explored -explored-12009,0.49479166666666685,6,explored -explored-12010,0.517326388888889,16,explored -explored-12011,0.7065046296296298,10,explored -explored-12012,0.5799479166666669,13,explored -explored-12013,0.3020833333333335,16,explored -explored-12014,0.3392847222222224,19,explored -explored-12015,0.6870601851851853,9,explored -explored-12016,0.34537037037037055,19,explored -explored-12017,0.1687500000000004,10,explored -explored-12018,0.6617187500000001,13,explored -explored-12019,0.43327546296296315,25,explored -explored-12020,0.5605324074074075,24,explored -explored-12021,0.5125000000000002,9,explored -explored-12022,0.6597222222222222,12,explored -explored-12023,0.3507870370370374,19,explored -explored-12024,0.7358796296296296,12,explored -explored-12025,0.7421875,4,explored -explored-12026,0.5914930555555558,12,explored -explored-12027,0.463324652777778,19,explored -explored-12028,0.5218750000000001,4,explored -explored-12029,0.5671875000000001,5,explored -explored-12030,0.040625000000000355,16,explored -explored-12031,0.40494791666666685,11,explored -explored-12032,0.5062500000000001,8,explored -explored-12033,0.49774305555555554,11,explored -explored-12034,0.2841666666666669,18,explored -explored-12035,0.7604166666666666,4,explored -explored-12036,0.2888888888888892,12,explored -explored-12037,0.7833333333333334,6,explored -explored-12038,0.7741319444444446,4,explored -explored-12039,0.2507812500000002,16,explored -explored-12040,0.5661284722222223,10,explored -explored-12041,0.4981597222222225,12,explored -explored-12042,0.4780381944444445,11,explored -explored-12043,0.7741319444444446,6,explored -explored-12044,0.48802083333333357,12,explored -explored-12045,0.3574652777777779,13,explored -explored-12046,0.509490740740741,11,explored -explored-12047,0.4398582175925928,26,explored -explored-12048,0.43333333333333357,8,explored -explored-12049,0.44010416666666685,12,explored -explored-12050,0.7623263888888889,9,explored -explored-12051,0.35117187500000013,17,explored -explored-12052,0.65546875,6,explored -explored-12053,0.365601851851852,17,explored -explored-12054,0.7144097222222223,13,explored -explored-12055,0.5882812500000001,6,explored -explored-12056,0.4661458333333335,11,explored -explored-12057,0.3991203703703705,14,explored -explored-12058,0.612326388888889,13,explored -explored-12059,0.549652777777778,9,explored -explored-12060,0.7043692129629631,7,explored -explored-12061,0.4590277777777779,11,explored -explored-12062,0.28906250000000033,15,explored -explored-12063,0.5791666666666668,9,explored -explored-12064,0.21432291666666692,14,explored -explored-12065,0.3333333333333337,13,explored -explored-12066,0.3720486111111112,18,explored -explored-12067,0.3557870370370372,22,explored -explored-12068,0.5511718750000001,15,explored -explored-12069,0.6269097222222224,15,explored -explored-12070,0.6355468750000001,15,explored -explored-12071,0.6581712962962964,7,explored -explored-12072,0.4885416666666669,17,explored -explored-12073,0.5814814814814816,16,explored -explored-12074,0.43871527777777775,10,explored -explored-12075,0.10625000000000018,17,explored -explored-12076,0.4379918981481483,27,explored -explored-12077,0.29557291666666696,12,explored -explored-12078,0.5124131944444446,15,explored -explored-12079,0.6427083333333335,3,explored -explored-12080,0.5505208333333336,10,explored -explored-12081,0.37331597222222257,21,explored -explored-12082,0.6333912037037037,9,explored -explored-12083,0.4065972222222225,18,explored -explored-12084,0.6704340277777779,10,explored -explored-12085,0.4587673611111114,17,explored -explored-12086,0.48958333333333326,6,explored -explored-12087,0.5381944444444446,7,explored -explored-12088,0.4500000000000002,9,explored -explored-12089,0.3222222222222222,11,explored -explored-12090,0.33906250000000027,15,explored -explored-12091,0.3979166666666669,17,explored -explored-12092,0.11927083333333344,14,explored -explored-12093,0.7766145833333334,3,explored -explored-12094,0.6857638888888891,11,explored -explored-12095,0.2895833333333335,19,explored -explored-12096,0.201041666666667,16,explored -explored-12097,0.5090277777777777,12,explored -explored-12098,0.8859375,6,explored -explored-12099,0.32777777777777795,13,explored -explored-12100,0.5742592592592594,10,explored -explored-12101,0.2963541666666669,15,explored -explored-12102,0.11163194444444491,14,explored -explored-12103,0.5023437500000002,17,explored -explored-12104,0.35894097222222243,14,explored -explored-12105,0.6197916666666667,13,explored -explored-12106,0.50625,5,explored -explored-12107,0.4856597222222223,12,explored -explored-12108,0.40353009259259265,15,explored -explored-12109,0.5750000000000002,10,explored -explored-12110,0.366232638888889,21,explored -explored-12111,0.3718750000000004,7,explored -explored-12112,0.5908854166666666,12,explored -explored-12113,0.4642361111111113,14,explored -explored-12114,0.6574074074074076,13,explored -explored-12115,0.15052083333333366,11,explored -explored-12116,0.34594907407407427,20,explored -explored-12117,0.770920138888889,13,explored -explored-12118,0.3119502314814817,23,explored -explored-12119,0.3840277777777781,19,explored -explored-12120,0.6229166666666668,10,explored -explored-12121,0.208854166666667,17,explored -explored-12122,0.70625,5,explored -explored-12123,0.45807291666666683,14,explored -explored-12124,0.4877604166666667,9,explored -explored-12125,0.3333333333333335,13,explored -explored-12126,0.38151041666666685,12,explored -explored-12127,0.7592708333333333,7,explored -explored-12128,0.47439236111111127,15,explored -explored-12129,0.7277858796296297,40,explored -explored-12130,0.173263888888889,13,explored -explored-12131,0.33706597222222257,15,explored -explored-12132,0.3169270833333335,16,explored -explored-12133,0.4940972222222224,9,explored -explored-12134,0.5100868055555556,14,explored -explored-12135,0.5015625000000001,14,explored -explored-12136,0.4375000000000002,19,explored -explored-12137,0.5395833333333335,8,explored -explored-12138,0.563570601851852,18,explored -explored-12139,0.20000000000000018,18,explored -explored-12140,0.2562500000000003,12,explored -explored-12141,0.5493055555555557,14,explored -explored-12142,0.7076041666666668,5,explored -explored-12143,0.6307291666666668,13,explored -explored-12144,0.33958333333333357,22,explored -explored-12145,0.6435763888888889,7,explored -explored-12146,0.20416666666666683,13,explored -explored-12147,0.6057407407407409,12,explored -explored-12148,0.3523437500000002,21,explored -explored-12149,0.6208333333333335,7,explored -explored-12150,0.41093750000000007,15,explored -explored-12151,0.43923611111111127,13,explored -explored-12152,0.505625,8,explored -explored-12153,0.7662500000000001,4,explored -explored-12154,0.62109375,14,explored -explored-12155,0.5145833333333333,8,explored -explored-12156,0.884375,5,explored -explored-12157,0.2944444444444446,11,explored -explored-12158,0.4656250000000002,19,explored -explored-12159,0.4500000000000002,7,explored -explored-12160,0.2888888888888892,20,explored -explored-12161,0.6631597222222223,10,explored -explored-12162,0.47187500000000016,5,explored -explored-12163,0.5640625000000002,7,explored -explored-12164,0.45092592592592606,15,explored -explored-12165,0.5698784722222224,17,explored -explored-12166,0.42843750000000014,10,explored -explored-12167,0.6666666666666667,7,explored -explored-12168,0.47615740740740764,14,explored -explored-12169,0.730920138888889,8,explored -explored-12170,0.3182870370370374,14,explored -explored-12171,0.6579861111111113,13,explored -explored-12172,0.4064409722222224,25,explored -explored-12173,0.4750000000000002,7,explored -explored-12174,0.5076388888888891,13,explored -explored-12175,0.5114583333333337,7,explored -explored-12176,0.6234953703703705,9,explored -explored-12177,0.5540509259259261,14,explored -explored-12178,0.5677083333333335,13,explored -explored-12179,0.7576388888888889,11,explored -explored-12180,0.3094270833333337,11,explored -explored-12181,0.4320312500000002,9,explored -explored-12182,0.4837384259259261,24,explored -explored-12183,0.7269965277777779,8,explored -explored-12184,0.6927517361111112,15,explored -explored-12185,0.3680555555555558,19,explored -explored-12186,0.4721354166666669,16,explored -explored-12187,0.43164062500000033,13,explored -explored-12188,0.5114583333333333,7,explored -explored-12189,0.6881944444444446,13,explored -explored-12190,0.5330150462962965,17,explored -explored-12191,0.5136863425925926,15,explored -explored-12192,0.6444444444444446,12,explored -explored-12193,0.39227430555555587,13,explored -explored-12194,0.4330381944444447,20,explored -explored-12195,0.5489583333333337,6,explored -explored-12196,0.5927083333333335,6,explored -explored-12197,0.3949652777777779,15,explored -explored-12198,0.7301221064814816,28,explored -explored-12199,0.3344618055555558,16,explored -explored-12200,0.48611111111111116,11,explored -explored-12201,0.5958333333333334,10,explored -explored-12202,0.5878819444444445,6,explored -explored-12203,0.6466666666666667,7,explored -explored-12204,0.4218750000000002,10,explored -explored-12205,0.5477430555555556,10,explored -explored-12206,0.37317708333333366,20,explored -explored-12207,0.5734375,15,explored -explored-12208,0.6177083333333334,6,explored -explored-12209,0.5661458333333335,6,explored -explored-12210,0.3320312500000002,21,explored -explored-12211,0.6608796296296298,8,explored -explored-12212,0.3921296296296297,22,explored -explored-12213,0.7151041666666668,12,explored -explored-12214,0.5212500000000002,12,explored -explored-12215,0.28914930555555585,16,explored -explored-12216,0.5996527777777779,10,explored -explored-12217,0.5243055555555556,9,explored -explored-12218,0.5380208333333333,6,explored -explored-12219,0.5200520833333335,13,explored -explored-12220,0.5500000000000002,9,explored -explored-12221,0.6378472222222223,11,explored -explored-12222,0.6333333333333333,6,explored -explored-12223,0.5244791666666668,17,explored -explored-12224,0.7062500000000002,5,explored -explored-12225,0.40458333333333374,16,explored -explored-12226,0.5379629629629632,13,explored -explored-12227,0.2947916666666668,8,explored -explored-12228,0.36875000000000024,17,explored -explored-12229,0.5505208333333335,12,explored -explored-12230,0.6833333333333335,6,explored -explored-12231,0.16180555555555576,16,explored -explored-12232,0.7434895833333335,12,explored -explored-12233,0.5452546296296298,11,explored -explored-12234,0.4359375000000003,12,explored -explored-12235,0.5524305555555558,8,explored -explored-12236,0.49583333333333335,7,explored -explored-12237,0.2572916666666669,12,explored -explored-12238,0.6741388888888891,40,explored -explored-12239,0.4121527777777779,17,explored -explored-12240,0.6802430555555556,7,explored -explored-12241,0.6752604166666667,7,explored -explored-12242,0.521672453703704,23,explored -explored-12243,0.5889583333333335,9,explored -explored-12244,0.48263888888888895,15,explored -explored-12245,0.6059895833333334,9,explored -explored-12246,0.815625,10,explored -explored-12247,0.5198350694444447,16,explored -explored-12248,0.16406250000000022,16,explored -explored-12249,0.38104166666666694,15,explored -explored-12250,0.3758680555555558,17,explored -explored-12251,0.6457465277777779,31,explored -explored-12252,0.5803819444444446,8,explored -explored-12253,0.43628472222222237,12,explored -explored-12254,0.6553559027777779,43,explored -explored-12255,0.5600694444444445,17,explored -explored-12256,0.4193750000000003,15,explored -explored-12257,0.5276041666666669,8,explored -explored-12258,0.29270833333333357,12,explored -explored-12259,0.24479166666666685,11,explored -explored-12260,0.3930555555555557,11,explored -explored-12261,0.676388888888889,27,explored -explored-12262,0.5562500000000001,13,explored -explored-12263,0.35078125000000027,14,explored -explored-12264,0.5201388888888892,18,explored -explored-12265,0.4062500000000002,13,explored -explored-12266,0.3173611111111113,20,explored -explored-12267,0.6963541666666667,9,explored -explored-12268,0.6143229166666667,17,explored -explored-12269,0.6073958333333334,10,explored -explored-12270,0.6843750000000001,8,explored -explored-12271,0.6575520833333335,11,explored -explored-12272,0.6062500000000001,11,explored -explored-12273,0.359201388888889,22,explored -explored-12274,0.20017361111111143,21,explored -explored-12275,0.6234953703703705,13,explored -explored-12276,0.4510416666666668,9,explored -explored-12277,0.36041666666666683,11,explored -explored-12278,0.5179687500000002,9,explored -explored-12279,0.4524884259259261,20,explored -explored-12280,0.5182407407407409,14,explored -explored-12281,0.5354166666666668,8,explored -explored-12282,0.3935185185185186,18,explored -explored-12283,0.34700520833333337,15,explored -explored-12284,0.3020833333333337,13,explored -explored-12285,0.13836805555555598,22,explored -explored-12286,0.4750000000000002,10,explored -explored-12287,0.15104166666666696,14,explored -explored-12288,0.5583333333333335,12,explored -explored-12289,0.1625000000000003,9,explored -explored-12290,0.6950520833333335,9,explored -explored-12291,0.2312500000000004,13,explored -explored-12292,0.37447916666666703,7,explored -explored-12293,0.5416666666666667,15,explored -explored-12294,0.37256944444444473,15,explored -explored-12295,0.5704861111111112,12,explored -explored-12296,0.8083333333333333,11,explored -explored-12297,0.37369791666666685,20,explored -explored-12298,0.68953125,15,explored -explored-12299,0.6282407407407409,10,explored -explored-12300,0.634375,14,explored -explored-12301,0.6095486111111112,9,explored -explored-12302,0.4261718750000001,16,explored -explored-12303,0.5338541666666669,12,explored -explored-12304,0.09166666666666679,16,explored -explored-12305,0.5729166666666669,9,explored -explored-12306,0.75,5,explored -explored-12307,0.36527777777777803,9,explored -explored-12308,0.42152777777777817,12,explored -explored-12309,0.6919444444444445,7,explored -explored-12310,0.6221643518518519,11,explored -explored-12311,0.5447569444444446,16,explored -explored-12312,0.4387847222222224,18,explored -explored-12313,0.5694444444444445,8,explored -explored-12314,0.7756944444444445,14,explored -explored-12315,0.39021990740740753,19,explored -explored-12316,0.6627083333333335,8,explored -explored-12317,0.5402777777777781,10,explored -explored-12318,0.3607638888888892,11,explored -explored-12319,0.30859375000000033,15,explored -explored-12320,0.2812500000000001,12,explored -explored-12321,0.6850347222222223,27,explored -explored-12322,0.5520833333333335,7,explored -explored-12323,0.6718750000000002,7,explored -explored-12324,0.27754629629629646,16,explored -explored-12325,0.5354166666666669,13,explored -explored-12326,0.510590277777778,13,explored -explored-12327,0.7102430555555557,16,explored -explored-12328,0.688576388888889,5,explored -explored-12329,0.5463541666666668,12,explored -explored-12330,0.20416666666666683,10,explored -explored-12331,0.4939814814814816,15,explored -explored-12332,0.6831712962962964,12,explored -explored-12333,0.43177083333333355,11,explored -explored-12334,0.5259259259259261,16,explored -explored-12335,0.5396412037037039,15,explored -explored-12336,0.6159722222222224,10,explored -explored-12337,0.34444444444444455,10,explored -explored-12338,0.5711111111111113,12,explored -explored-12339,0.7383333333333334,10,explored -explored-12340,0.39913194444444455,10,explored -explored-12341,0.20678530092592629,20,explored -explored-12342,0.7091145833333334,6,explored -explored-12343,0.7197916666666668,5,explored -explored-12344,0.4252604166666668,19,explored -explored-12345,0.2567129629629631,23,explored -explored-12346,0.7360503472222223,17,explored -explored-12347,0.7518229166666668,7,explored -explored-12348,0.6783854166666667,10,explored -explored-12349,0.5263020833333334,15,explored -explored-12350,0.5975694444444446,10,explored -explored-12351,0.6578125000000001,12,explored -explored-12352,0.5534722222222224,11,explored -explored-12353,0.5293402777777779,11,explored -explored-12354,0.5190277777777781,15,explored -explored-12355,0.3642361111111113,18,explored -explored-12356,0.42838541666666674,23,explored -explored-12357,0.33750000000000013,17,explored -explored-12358,0.3979166666666669,14,explored -explored-12359,0.5031250000000002,13,explored -explored-12360,0.16875000000000018,20,explored -explored-12361,0.7402777777777778,9,explored -explored-12362,0.5771990740740742,13,explored -explored-12363,0.46744791666666685,15,explored -explored-12364,0.621875,8,explored -explored-12365,0.6903645833333334,13,explored -explored-12366,0.388541666666667,9,explored -explored-12367,0.6874218750000001,15,explored -explored-12368,0.27604166666666696,11,explored -explored-12369,0.49657407407407417,12,explored -explored-12370,0.5711805555555557,15,explored -explored-12371,0.5380208333333335,13,explored -explored-12372,0.35703125000000036,15,explored -explored-12373,0.7024739583333334,32,explored -explored-12374,0.6459490740740743,14,explored -explored-12375,0.7347569444444445,14,explored -explored-12376,0.6472222222222224,12,explored -explored-12377,0.28489583333333346,24,explored -explored-12378,0.8006944444444446,6,explored -explored-12379,0.5618315972222223,15,explored -explored-12380,0.5614583333333335,9,explored -explored-12381,0.7015004960317461,26,explored -explored-12382,0.5182291666666667,15,explored -explored-12383,0.609201388888889,14,explored -explored-12384,0.185416666666667,11,explored -explored-12385,0.34835069444444466,22,explored -explored-12386,0.6015625000000001,9,explored -explored-12387,0.5618778935185186,34,explored -explored-12388,0.46649305555555565,9,explored -explored-12389,0.5078125,8,explored -explored-12390,0.2308593750000003,14,explored -explored-12391,0.6766493055555556,16,explored -explored-12392,0.6039930555555556,9,explored -explored-12393,0.6506076388888891,10,explored -explored-12394,0.18333333333333357,14,explored -explored-12395,0.6614583333333335,21,explored -explored-12396,0.5822916666666668,12,explored -explored-12397,0.4282407407407409,18,explored -explored-12398,0.3837673611111112,21,explored -explored-12399,0.2633854166666669,16,explored -explored-12400,0.5531250000000001,9,explored -explored-12401,0.533564814814815,12,explored -explored-12402,0.39051215277777795,18,explored -explored-12403,0.6565972222222223,8,explored -explored-12404,0.1947048611111114,19,explored -explored-12405,0.5479166666666668,17,explored -explored-12406,0.6748611111111112,11,explored -explored-12407,0.6256944444444446,13,explored -explored-12408,0.5442708333333335,12,explored -explored-12409,0.5277199074074075,14,explored -explored-12410,0.4197916666666668,9,explored -explored-12411,0.6253298611111113,12,explored -explored-12412,0.5322916666666666,7,explored -explored-12413,0.6946278935185186,26,explored -explored-12414,0.33020833333333366,8,explored -explored-12415,0.3568576388888891,24,explored -explored-12416,0.3979166666666669,9,explored -explored-12417,0.5707754629629631,18,explored -explored-12418,0.6423611111111113,7,explored -explored-12419,0.29453125000000036,11,explored -explored-12420,0.40746527777777797,16,explored -explored-12421,0.35451388888888924,12,explored -explored-12422,0.6187500000000001,7,explored -explored-12423,0.5078125000000002,12,explored -explored-12424,0.4060185185185188,18,explored -explored-12425,0.6801504629629631,10,explored -explored-12426,0.3528125000000002,16,explored -explored-12427,0.3659722222222226,13,explored -explored-12428,0.6660011574074075,11,explored -explored-12429,0.5415798611111112,10,explored -explored-12430,0.4159722222222225,21,explored -explored-12431,0.5174594907407408,19,explored -explored-12432,0.47187500000000016,14,explored -explored-12433,0.4368055555555558,15,explored -explored-12434,0.18750000000000022,13,explored -explored-12435,0.39375000000000016,14,explored -explored-12436,0.5875,7,explored -explored-12437,0.5569444444444447,15,explored -explored-12438,0.7395833333333335,7,explored -explored-12439,0.20520833333333366,10,explored -explored-12440,0.2840277777777781,16,explored -explored-12441,0.388541666666667,12,explored -explored-12442,0.1468750000000003,12,explored -explored-12443,0.5319444444444447,11,explored -explored-12444,0.5598958333333335,11,explored -explored-12445,0.6125,4,explored -explored-12446,0.5315972222222225,15,explored -explored-12447,0.5815104166666668,12,explored -explored-12448,0.4258333333333334,12,explored -explored-12449,0.09218750000000031,16,explored -explored-12450,0.4267129629629631,17,explored -explored-12451,0.15694444444444478,20,explored -explored-12452,0.7370659722222224,12,explored -explored-12453,0.6428125000000001,11,explored -explored-12454,0.3032407407407409,27,explored -explored-12455,0.6958333333333335,5,explored -explored-12456,0.5297708333333335,18,explored -explored-12457,0.42685185185185215,17,explored -explored-12458,0.2507812500000002,15,explored -explored-12459,0.6595486111111112,11,explored -explored-12460,0.6088194444444446,12,explored -explored-12461,0.6539062500000001,6,explored -explored-12462,0.5549189814814817,14,explored -explored-12463,0.7055208333333334,3,explored -explored-12464,0.7312500000000002,9,explored -explored-12465,0.5867187500000002,11,explored -explored-12466,0.3656250000000002,16,explored -explored-12467,0.6957864583333334,13,explored -explored-12468,0.5384259259259261,11,explored -explored-12469,0.7017361111111111,12,explored -explored-12470,0.6076388888888891,7,explored -explored-12471,0.6851562500000001,8,explored -explored-12472,0.4681944444444446,10,explored -explored-12473,0.14479166666666687,15,explored -explored-12474,0.7057291666666667,9,explored -explored-12475,0.6619702380952381,38,explored -explored-12476,0.5172453703703703,20,explored -explored-12477,0.6756944444444444,9,explored -explored-12478,0.4698611111111113,16,explored -explored-12479,0.7486979166666667,11,explored -explored-12480,0.6031481481481483,11,explored -explored-12481,0.2953125000000003,16,explored -explored-12482,0.4656250000000002,21,explored -explored-12483,0.6980902777777779,8,explored -explored-12484,0.657638888888889,7,explored -explored-12485,0.4343750000000002,15,explored -explored-12486,0.25989583333333366,12,explored -explored-12487,0.6858333333333334,9,explored -explored-12488,0.21458333333333357,18,explored -explored-12489,0.6675781250000001,19,explored -explored-12490,0.3467592592592592,12,explored -explored-12491,0.75140625,10,explored -explored-12492,0.7486979166666667,9,explored -explored-12493,0.6884837962962964,10,explored -explored-12494,0.7213541666666667,9,explored -explored-12495,0.729513888888889,12,explored -explored-12496,0.7057291666666666,13,explored -explored-12497,0.5480902777777781,15,explored -explored-12498,0.35329861111111127,16,explored -explored-12499,0.5175347222222223,15,explored -explored-12500,0.6161458333333335,9,explored -explored-12501,0.48784722222222243,12,explored -explored-12502,0.6891319444444446,10,explored -explored-12503,0.33420138888888906,20,explored -explored-12504,0.6515972222222224,37,explored -explored-12505,0.30833333333333357,12,explored -explored-12506,0.37656250000000013,14,explored -explored-12507,0.545920138888889,15,explored -explored-12508,0.5805555555555557,12,explored -explored-12509,0.6966145833333335,11,explored -explored-12510,0.36631944444444453,11,explored -explored-12511,0.6653587962962965,24,explored -explored-12512,0.6645833333333333,9,explored -explored-12513,0.6444444444444447,7,explored -explored-12514,0.5442013888888888,13,explored -explored-12515,0.6860156250000001,12,explored -explored-12516,0.3934895833333335,18,explored -explored-12517,0.3276041666666669,11,explored -explored-12518,0.32083333333333364,14,explored -explored-12519,0.272280092592593,25,explored -explored-12520,0.6809027777777779,10,explored -explored-12521,0.3187500000000002,12,explored -explored-12522,0.4291666666666668,12,explored -explored-12523,0.6630815972222224,23,explored -explored-12524,0.39913194444444466,16,explored -explored-12525,0.5697916666666668,12,explored -explored-12526,0.33750000000000013,22,explored -explored-12527,0.6722222222222223,4,explored -explored-12528,0.3031250000000001,19,explored -explored-12529,0.3812789351851853,19,explored -explored-12530,0.5489583333333334,9,explored -explored-12531,0.26284722222222245,27,explored -explored-12532,0.3152777777777781,10,explored -explored-12533,0.6364583333333335,9,explored -explored-12534,0.3611979166666668,23,explored -explored-12535,0.5250000000000001,13,explored -explored-12536,0.5083333333333336,8,explored -explored-12537,0.7128559027777779,20,explored -explored-12538,0.6013020833333335,8,explored -explored-12539,0.6179687500000002,10,explored -explored-12540,0.22812500000000036,19,explored -explored-12541,0.3789062500000001,19,explored -explored-12542,0.5744212962962965,13,explored -explored-12543,0.6197812500000001,25,explored -explored-12544,0.7680208333333334,7,explored -explored-12545,0.6540798611111113,13,explored -explored-12546,0.42604166666666676,8,explored -explored-12547,0.3246701388888893,19,explored -explored-12548,0.3097916666666669,16,explored -explored-12549,0.29600694444444464,18,explored -explored-12550,0.30486111111111125,22,explored -explored-12551,0.6459490740740742,16,explored -explored-12552,0.5666666666666669,9,explored -explored-12553,0.7296875,7,explored -explored-12554,0.5322916666666668,14,explored -explored-12555,0.7023030753968255,31,explored -explored-12556,0.7266493055555556,12,explored -explored-12557,0.4607638888888891,13,explored -explored-12558,0.4003472222222224,17,explored -explored-12559,0.2513888888888892,17,explored -explored-12560,0.43072916666666683,12,explored -explored-12561,0.4573784722222224,13,explored -explored-12562,0.748726851851852,28,explored -explored-12563,0.6108796296296297,10,explored -explored-12564,0.4773437500000002,13,explored -explored-12565,0.8031250000000001,6,explored -explored-12566,0.6372395833333334,6,explored -explored-12567,0.7753125000000001,2,explored -explored-12568,0.3172743055555557,21,explored -explored-12569,0.7527777777777779,7,explored -explored-12570,0.6852430555555556,9,explored -explored-12571,0.75,10,explored -explored-12572,0.4842881944444446,14,explored -explored-12573,0.6692708333333333,11,explored -explored-12574,0.3330584490740742,18,explored -explored-12575,0.4492187500000002,9,explored -explored-12576,0.7403125,4,explored -explored-12577,0.12604166666666705,12,explored -explored-12578,0.5778125000000001,16,explored -explored-12579,0.2739004629629631,16,explored -explored-12580,0.5894097222222224,13,explored -explored-12581,0.47343750000000007,6,explored -explored-12582,0.25399305555555585,10,explored -explored-12583,0.5083333333333334,5,explored -explored-12584,0.5316550925925927,16,explored -explored-12585,0.6355034722222224,15,explored -explored-12586,0.46263888888888904,18,explored -explored-12587,0.5863281250000001,20,explored -explored-12588,0.7210937500000001,10,explored -explored-12589,0.6617187500000001,11,explored -explored-12590,0.601388888888889,6,explored -explored-12591,0.5813657407407409,17,explored -explored-12592,0.3266203703703705,19,explored -explored-12593,0.36093750000000036,12,explored -explored-12594,0.7438888888888889,11,explored -explored-12595,0.36145833333333355,12,explored -explored-12596,0.394965277777778,11,explored -explored-12597,0.34253472222222237,15,explored -explored-12598,0.4100694444444448,14,explored -explored-12599,0.3491319444444446,19,explored -explored-12600,0.3875000000000002,13,explored -explored-12601,0.552621527777778,12,explored -explored-12602,0.6291666666666669,7,explored -explored-12603,0.4027777777777779,21,explored -explored-12604,0.5416666666666667,10,explored -explored-12605,0.5946180555555558,22,explored -explored-12606,0.33654513888888915,16,explored -explored-12607,0.7003472222222222,13,explored -explored-12608,0.5082031250000001,12,explored -explored-12609,0.12222222222222245,18,explored -explored-12610,0.6416666666666668,13,explored -explored-12611,0.3906250000000002,13,explored -explored-12612,0.4256944444444446,15,explored -explored-12613,0.45729166666666676,7,explored -explored-12614,0.7359375000000001,21,explored -explored-12615,0.682638888888889,13,explored -explored-12616,0.6396296296296298,12,explored -explored-12617,0.6444444444444445,7,explored -explored-12618,0.4800347222222223,14,explored -explored-12619,0.5749479166666668,12,explored -explored-12620,0.7097858796296297,28,explored -explored-12621,0.6616319444444446,7,explored -explored-12622,0.42118055555555567,18,explored -explored-12623,0.30086805555555585,16,explored -explored-12624,0.3659722222222226,16,explored -explored-12625,0.4955729166666667,18,explored -explored-12626,0.32916666666666694,10,explored -explored-12627,0.733420138888889,11,explored -explored-12628,0.5489583333333334,6,explored -explored-12629,0.740625,5,explored -explored-12630,0.587152777777778,6,explored -explored-12631,0.567013888888889,8,explored -explored-12632,0.37992708333333347,14,explored -explored-12633,0.6291666666666669,8,explored -explored-12634,0.43385416666666676,15,explored -explored-12635,0.6233217592592595,11,explored -explored-12636,0.18958333333333366,15,explored -explored-12637,0.5218750000000001,3,explored -explored-12638,0.36099537037037077,19,explored -explored-12639,0.7402777777777778,7,explored -explored-12640,0.7193576388888889,12,explored -explored-12641,0.616232638888889,17,explored -explored-12642,0.3777633101851853,23,explored -explored-12643,0.4870659722222225,18,explored -explored-12644,0.34479166666666705,23,explored -explored-12645,0.7074652777777779,13,explored -explored-12646,0.5992390046296298,32,explored -explored-12647,0.7744791666666667,9,explored -explored-12648,0.41166666666666685,11,explored -explored-12649,0.5414930555555557,18,explored -explored-12650,0.4275868055555557,15,explored -explored-12651,0.6330381944444445,33,explored -explored-12652,0.563715277777778,13,explored -explored-12653,0.40347222222222234,18,explored -explored-12654,0.5812847222222224,12,explored -explored-12655,0.75,7,explored -explored-12656,0.4583333333333335,9,explored -explored-12657,0.491388888888889,23,explored -explored-12658,0.668129050925926,23,explored -explored-12659,0.18576388888888917,18,explored -explored-12660,0.20312500000000022,12,explored -explored-12661,0.45504629629629645,16,explored -explored-12662,0.4925694444444446,19,explored -explored-12663,0.6144097222222222,12,explored -explored-12664,0.4006655092592595,18,explored -explored-12665,0.5367187500000001,7,explored -explored-12666,0.4984375,10,explored -explored-12667,0.12552083333333353,21,explored -explored-12668,0.32690972222222237,15,explored -explored-12669,0.4081250000000002,11,explored -explored-12670,0.7020833333333334,16,explored -explored-12671,0.8,2,explored -explored-12672,0.5868923611111113,14,explored -explored-12673,0.32193287037037055,16,explored -explored-12674,0.15000000000000036,12,explored -explored-12675,0.6877314814814816,29,explored -explored-12676,0.3923611111111114,11,explored -explored-12677,0.32343750000000027,8,explored -explored-12678,0.2805555555555559,18,explored -explored-12679,0.3640625000000002,18,explored -explored-12680,0.6815972222222224,9,explored -explored-12681,0.08593750000000022,17,explored -explored-12682,0.47083333333333355,12,explored -explored-12683,0.4020833333333337,15,explored -explored-12684,0.6585069444444446,12,explored -explored-12685,0.7217708333333335,9,explored -explored-12686,0.5104166666666669,18,explored -explored-12687,0.6551215277777779,11,explored -explored-12688,0.45763888888888915,17,explored -explored-12689,0.37213541666666683,23,explored -explored-12690,0.5680555555555556,13,explored -explored-12691,0.4456597222222225,14,explored -explored-12692,0.6756944444444445,12,explored -explored-12693,0.16319444444444464,17,explored -explored-12694,0.6548611111111113,7,explored -explored-12695,0.470138888888889,17,explored -explored-12696,0.5234375000000001,15,explored -explored-12697,0.5870659722222223,9,explored -explored-12698,0.5091145833333336,21,explored -explored-12699,0.5122395833333335,20,explored -explored-12700,0.5859375000000002,11,explored -explored-12701,0.5024305555555557,12,explored -explored-12702,0.587326388888889,8,explored -explored-12703,0.6118923611111113,9,explored -explored-12704,0.3567708333333335,20,explored -explored-12705,0.7048611111111114,6,explored -explored-12706,0.7223635085978837,31,explored -explored-12707,0.6810763888888891,7,explored -explored-12708,0.41718750000000016,11,explored -explored-12709,0.557638888888889,14,explored -explored-12710,0.5328125000000001,7,explored -explored-12711,0.21828703703703722,16,explored -explored-12712,0.42843750000000014,12,explored -explored-12713,0.1990451388888892,24,explored -explored-12714,0.7151510416666668,31,explored -explored-12715,0.19583333333333353,12,explored -explored-12716,0.19218750000000018,21,explored -explored-12717,0.6875,9,explored -explored-12718,0.21510416666666698,13,explored -explored-12719,0.4373553240740742,19,explored -explored-12720,0.526857638888889,25,explored -explored-12721,0.377777777777778,12,explored -explored-12722,0.49328703703703725,17,explored -explored-12723,0.40243055555555585,13,explored -explored-12724,0.6620445601851853,37,explored -explored-12725,0.5197916666666669,10,explored -explored-12726,0.41875000000000007,9,explored -explored-12727,0.5177083333333334,14,explored -explored-12728,0.6548900462962963,23,explored -explored-12729,0.6636574074074075,13,explored -explored-12730,0.7541666666666668,6,explored -explored-12731,0.3798611111111113,20,explored -explored-12732,0.4183449074074076,19,explored -explored-12733,0.6562500000000001,7,explored -explored-12734,0.6309895833333335,9,explored -explored-12735,0.43029513888888904,20,explored -explored-12736,0.6388020833333334,4,explored -explored-12737,0.27552083333333366,20,explored -explored-12738,0.6666087962962964,12,explored -explored-12739,0.5229166666666668,17,explored -explored-12740,0.6197916666666667,11,explored -explored-12741,0.5819444444444446,9,explored -explored-12742,0.08593750000000022,15,explored -explored-12743,0.5885416666666669,9,explored -explored-12744,0.6925462962962964,14,explored -explored-12745,0.27708333333333357,11,explored -explored-12746,0.5242708333333335,7,explored -explored-12747,0.5979629629629631,14,explored -explored-12748,0.6203125000000002,10,explored -explored-12749,0.2859375000000003,11,explored -explored-12750,0.6579861111111113,11,explored -explored-12751,0.5746875,10,explored -explored-12752,0.7132986111111113,15,explored -explored-12753,0.525277777777778,16,explored -explored-12754,0.6067546296296298,12,explored -explored-12755,0.3225694444444446,13,explored -explored-12756,0.15972222222222254,11,explored -explored-12757,0.3467303240740742,21,explored -explored-12758,0.26093750000000016,15,explored -explored-12759,0.5211805555555558,19,explored -explored-12760,0.10625000000000018,16,explored -explored-12761,0.6414930555555556,12,explored -explored-12762,0.5135416666666668,12,explored -explored-12763,0.6604166666666667,10,explored -explored-12764,0.81640625,6,explored -explored-12765,0.5151041666666668,9,explored -explored-12766,0.6193981481481481,16,explored -explored-12767,0.7019965277777779,9,explored -explored-12768,0.3098958333333337,17,explored -explored-12769,0.6020833333333334,12,explored -explored-12770,0.5442708333333335,13,explored -explored-12771,0.7194791666666668,10,explored -explored-12772,0.5475694444444446,11,explored -explored-12773,0.36536458333333366,15,explored -explored-12774,0.5189236111111113,16,explored -explored-12775,0.5798611111111113,8,explored -explored-12776,0.21093750000000022,10,explored -explored-12777,0.48350694444444464,16,explored -explored-12778,0.42291666666666683,20,explored -explored-12779,0.6485416666666668,8,explored -explored-12780,0.15972222222222254,18,explored -explored-12781,0.36736111111111125,10,explored -explored-12782,0.5843287037037037,15,explored -explored-12783,0.5180555555555555,15,explored -explored-12784,0.4480468750000002,19,explored -explored-12785,0.4905671296296298,17,explored -explored-12786,0.6335069444444446,8,explored -explored-12787,0.47196180555555567,16,explored -explored-12788,0.6625000000000002,10,explored -explored-12789,0.7508043981481483,13,explored -explored-12790,0.5861574074074076,12,explored -explored-12791,0.7885416666666667,6,explored -explored-12792,0.5721354166666668,8,explored -explored-12793,0.19635416666666694,16,explored -explored-12794,0.6515625000000002,5,explored -explored-12795,0.7429687500000001,7,explored -explored-12796,0.6212500000000001,13,explored -explored-12797,0.28819444444444464,19,explored -explored-12798,0.3938946759259261,17,explored -explored-12799,0.7125000000000001,7,explored -explored-12800,0.08125000000000027,11,explored -explored-12801,0.45486111111111116,12,explored -explored-12802,0.6539930555555558,14,explored -explored-12803,0.6062500000000001,8,explored -explored-12804,0.7637152777777778,10,explored -explored-12805,0.7128935185185186,11,explored -explored-12806,0.5826388888888889,10,explored -explored-12807,0.6957986111111113,10,explored -explored-12808,0.6644097222222223,7,explored -explored-12809,0.4423750000000002,16,explored -explored-12810,0.4980468750000002,13,explored -explored-12811,0.41617476851851865,19,explored -explored-12812,0.7489583333333334,11,explored -explored-12813,0.601388888888889,7,explored -explored-12814,0.44053819444444464,15,explored -explored-12815,0.38043981481481504,23,explored -explored-12816,0.76875,2,explored -explored-12817,0.7097222222222221,11,explored -explored-12818,0.4413194444444446,20,explored -explored-12819,0.6364583333333335,6,explored -explored-12820,0.5911458333333335,25,explored -explored-12821,0.7992187500000001,6,explored -explored-12822,0.17604166666666698,13,explored -explored-12823,0.81078125,6,explored -explored-12824,0.5744791666666669,9,explored -explored-12825,0.3901041666666669,16,explored -explored-12826,0.21354166666666696,14,explored -explored-12827,0.36875000000000013,8,explored -explored-12828,0.7074652777777779,7,explored -explored-12829,0.5615885416666668,20,explored -explored-12830,0.6868750000000001,6,explored -explored-12831,0.23802083333333357,11,explored -explored-12832,0.6789062500000002,12,explored -explored-12833,0.4043402777777777,13,explored -explored-12834,0.45182291666666685,20,explored -explored-12835,0.2460937500000001,15,explored -explored-12836,0.4364583333333335,20,explored -explored-12837,0.3730034722222223,16,explored -explored-12838,0.5276186342592594,19,explored -explored-12839,0.3872251157407409,18,explored -explored-12840,0.4365740740740742,18,explored -explored-12841,0.625,8,explored -explored-12842,0.4464814814814817,17,explored -explored-12843,0.587326388888889,5,explored -explored-12844,0.27500000000000036,16,explored -explored-12845,0.6665625000000002,39,explored -explored-12846,0.347916666666667,10,explored -explored-12847,0.6656249999999999,7,explored -explored-12848,0.6216145833333334,8,explored -explored-12849,0.6473958333333335,7,explored -explored-12850,0.7715856481481482,13,explored -explored-12851,0.29201388888888913,15,explored -explored-12852,0.6281250000000002,8,explored -explored-12853,0.25312500000000027,14,explored -explored-12854,0.3618344907407409,16,explored -explored-12855,0.532465277777778,13,explored -explored-12856,0.2171875000000003,16,explored -explored-12857,0.5914062500000001,8,explored -explored-12858,0.4301215277777779,18,explored -explored-12859,0.15208333333333357,10,explored -explored-12860,0.4413194444444446,18,explored -explored-12861,0.4758969907407409,15,explored -explored-12862,0.5941261574074076,21,explored -explored-12863,0.35601851851851873,15,explored -explored-12864,0.6401041666666668,10,explored -explored-12865,0.40546875000000016,18,explored -explored-12866,0.47491319444444446,13,explored -explored-12867,0.5958333333333334,11,explored -explored-12868,0.7432291666666667,11,explored -explored-12869,0.5598958333333335,9,explored -explored-12870,0.41861979166666696,19,explored -explored-12871,0.37175925925925934,17,explored -explored-12872,0.45173611111111145,13,explored -explored-12873,0.5895833333333336,9,explored -explored-12874,0.650607638888889,13,explored -explored-12875,0.6450231481481483,12,explored -explored-12876,0.5351851851851853,15,explored -explored-12877,0.5247395833333335,17,explored -explored-12878,0.48976851851851866,20,explored -explored-12879,0.2058593750000004,15,explored -explored-12880,0.3437500000000002,25,explored -explored-12881,0.6081597222222223,11,explored -explored-12882,0.3104166666666668,19,explored -explored-12883,0.49208333333333343,17,explored -explored-12884,0.3437500000000002,16,explored -explored-12885,0.5875,4,explored -explored-12886,0.49326388888888906,13,explored -explored-12887,0.42881944444444464,11,explored -explored-12888,0.6684375000000001,3,explored -explored-12889,0.4233506944444446,16,explored -explored-12890,0.8178125,6,explored -explored-12891,0.4203125000000002,19,explored -explored-12892,0.76484375,6,explored -explored-12893,0.7190885416666668,24,explored -explored-12894,0.6083333333333334,9,explored -explored-12895,0.5812500000000002,6,explored -explored-12896,0.24270833333333353,22,explored -explored-12897,0.4833854166666669,14,explored -explored-12898,0.47274305555555574,24,explored -explored-12899,0.79375,4,explored -explored-12900,0.4734375000000002,15,explored -explored-12901,0.6579861111111112,8,explored -explored-12902,0.20138888888888917,14,explored -explored-12903,0.7341145833333333,6,explored -explored-12904,0.7595833333333334,3,explored -explored-12905,0.2792824074074076,19,explored -explored-12906,0.7456597222222223,9,explored -explored-12907,0.4343750000000002,13,explored -explored-12908,0.436371527777778,17,explored -explored-12909,0.7286458333333333,6,explored -explored-12910,0.5451041666666667,7,explored -explored-12911,0.6727777777777779,9,explored -explored-12912,0.36875000000000013,8,explored -explored-12913,0.7205729166666668,6,explored -explored-12914,0.42005208333333344,12,explored -explored-12915,0.4282552083333335,23,explored -explored-12916,0.6973958333333333,17,explored -explored-12917,0.4152777777777781,13,explored -explored-12918,0.540277777777778,13,explored -explored-12919,0.3557291666666669,15,explored -explored-12920,0.6401041666666667,10,explored -explored-12921,0.363541666666667,12,explored -explored-12922,0.6633680555555557,9,explored -explored-12923,0.7027777777777777,7,explored -explored-12924,0.640625,6,explored -explored-12925,0.6546875,8,explored -explored-12926,0.7222222222222223,13,explored -explored-12927,0.4968750000000002,6,explored -explored-12928,0.6366319444444446,7,explored -explored-12929,0.4445370370370372,24,explored -explored-12930,0.40203125000000006,14,explored -explored-12931,0.7019097222222224,12,explored -explored-12932,0.4125000000000003,8,explored -explored-12933,0.6146701388888891,10,explored -explored-12934,0.38880208333333344,16,explored -explored-12935,0.7075260416666668,15,explored -explored-12936,0.38611111111111107,13,explored -explored-12937,0.5526041666666668,13,explored -explored-12938,0.6272222222222225,8,explored -explored-12939,0.2328125000000003,11,explored -explored-12940,0.7409953703703704,22,explored -explored-12941,0.5880208333333334,44,explored -explored-12942,0.22806712962962994,18,explored -explored-12943,0.33420138888888906,16,explored -explored-12944,0.7265625,4,explored -explored-12945,0.3510416666666669,9,explored -explored-12946,0.5220486111111113,14,explored -explored-12947,0.6722387566137568,31,explored -explored-12948,0.17916666666666703,11,explored -explored-12949,0.5895833333333336,15,explored -explored-12950,0.7359375000000001,4,explored -explored-12951,0.3015625000000002,14,explored -explored-12952,0.3748842592592595,19,explored -explored-12953,0.8640625,4,explored -explored-12954,0.318229166666667,9,explored -explored-12955,0.38802083333333337,9,explored -explored-12956,0.40503472222222237,14,explored -explored-12957,0.3104166666666668,13,explored -explored-12958,0.6518229166666668,16,explored -explored-12959,0.5091145833333334,14,explored -explored-12960,0.34001736111111125,18,explored -explored-12961,0.6195833333333334,13,explored -explored-12962,0.7734722222222223,7,explored -explored-12963,0.6232638888888891,7,explored -explored-12964,0.3884837962962965,21,explored -explored-12965,0.3695312500000002,15,explored -explored-12966,0.6005208333333334,6,explored -explored-12967,0.23125000000000018,11,explored -explored-12968,0.5083333333333333,8,explored -explored-12969,0.35001736111111126,23,explored -explored-12970,0.4930555555555557,10,explored -explored-12971,0.47395833333333326,11,explored -explored-12972,0.193229166666667,15,explored -explored-12973,0.18802083333333353,21,explored -explored-12974,0.3812500000000003,8,explored -explored-12975,0.36041666666666705,8,explored -explored-12976,0.5802662037037039,10,explored -explored-12977,0.5740625,8,explored -explored-12978,0.6375,6,explored -explored-12979,0.46266203703703723,17,explored -explored-12980,0.6756944444444444,6,explored -explored-12981,0.5960937500000001,10,explored -explored-12982,0.7036747685185186,12,explored -explored-12983,0.539351851851852,19,explored -explored-12984,0.5663194444444446,11,explored -explored-12985,0.4486111111111114,11,explored -explored-12986,0.45078125,12,explored -explored-12987,0.6979166666666667,11,explored -explored-12988,0.4377604166666669,15,explored -explored-12989,0.22413194444444473,23,explored -explored-12990,0.7128587962962964,16,explored -explored-12991,0.7239583333333333,6,explored -explored-12992,0.6104166666666666,3,explored -explored-12993,0.7220486111111113,11,explored -explored-12994,0.5942708333333334,16,explored -explored-12995,0.6279803240740742,10,explored -explored-12996,0.2611111111111113,14,explored -explored-12997,0.3128472222222223,11,explored -explored-12998,0.7437500000000001,7,explored -explored-12999,0.4549479166666668,12,explored -explored-13000,0.7379166666666668,7,explored -explored-13001,0.6263454861111113,20,explored -explored-13002,0.4534722222222224,14,explored -explored-13003,0.6487152777777778,10,explored -explored-13004,0.5682291666666668,7,explored -explored-13005,0.5044097222222224,14,explored -explored-13006,0.13229166666666692,14,explored -explored-13007,0.5477430555555558,13,explored -explored-13008,0.7496810515873016,35,explored -explored-13009,0.6615972222222224,8,explored -explored-13010,0.45312500000000033,9,explored -explored-13011,0.584375,9,explored -explored-13012,0.4147916666666669,10,explored -explored-13013,0.2097222222222226,17,explored -explored-13014,0.47625868055555576,16,explored -explored-13015,0.7604166666666666,2,explored -explored-13016,0.522164351851852,12,explored -explored-13017,0.463715277777778,15,explored -explored-13018,0.5902488425925928,16,explored -explored-13019,0.35069444444444464,23,explored -explored-13020,0.6387152777777779,11,explored -explored-13021,0.4897048611111112,16,explored -explored-13022,0.40989583333333346,10,explored -explored-13023,0.5304629629629631,20,explored -explored-13024,0.6729166666666668,17,explored -explored-13025,0.4076388888888892,12,explored -explored-13026,0.17777777777777803,11,explored -explored-13027,0.4520833333333334,8,explored -explored-13028,0.45076388888888896,13,explored -explored-13029,0.34687500000000027,19,explored -explored-13030,0.6104166666666666,4,explored -explored-13031,0.3198784722222223,20,explored -explored-13032,0.5436631944444446,14,explored -explored-13033,0.28333333333333366,7,explored -explored-13034,0.46701388888888906,18,explored -explored-13035,0.7458333333333335,4,explored -explored-13036,0.25355902777777795,18,explored -explored-13037,0.6059895833333335,11,explored -explored-13038,0.8076388888888888,9,explored -explored-13039,0.5218750000000001,4,explored -explored-13040,0.11302083333333357,18,explored -explored-13041,0.5789062500000002,12,explored -explored-13042,0.6542534722222224,11,explored -explored-13043,0.4436342592592596,14,explored -explored-13044,0.15885416666666696,12,explored -explored-13045,0.7011458333333335,8,explored -explored-13046,0.5805555555555557,8,explored -explored-13047,0.3070312500000002,14,explored -explored-13048,0.5951996527777779,42,explored -explored-13049,0.3865451388888891,17,explored -explored-13050,0.1468750000000003,18,explored -explored-13051,0.4666666666666669,13,explored -explored-13052,0.6154513888888891,13,explored -explored-13053,0.3154166666666671,20,explored -explored-13054,0.48954861111111125,13,explored -explored-13055,0.5879340277777779,7,explored -explored-13056,0.40937500000000016,12,explored -explored-13057,0.24375000000000036,18,explored -explored-13058,0.6302083333333335,7,explored -explored-13059,0.6335069444444446,7,explored -explored-13060,0.4755208333333335,16,explored -explored-13061,0.5352430555555555,10,explored -explored-13062,0.4539930555555556,8,explored -explored-13063,0.3681423611111113,16,explored -explored-13064,0.4332523148148151,17,explored -explored-13065,0.23385416666666692,14,explored -explored-13066,0.6151041666666668,10,explored -explored-13067,0.44166666666666665,12,explored -explored-13068,0.5923611111111112,12,explored -explored-13069,0.6496354166666667,11,explored -explored-13070,0.6210069444444446,15,explored -explored-13071,0.5743750000000002,8,explored -explored-13072,0.3276041666666669,11,explored -explored-13073,0.6723958333333333,11,explored -explored-13074,0.5100000000000003,8,explored -explored-13075,0.44537037037037075,21,explored -explored-13076,0.6107638888888891,14,explored -explored-13077,0.5729166666666669,9,explored -explored-13078,0.3104166666666668,12,explored -explored-13079,0.7333333333333333,4,explored -explored-13080,0.3812500000000003,9,explored -explored-13081,0.7527777777777779,6,explored -explored-13082,0.6486979166666668,7,explored -explored-13083,0.33958333333333357,13,explored -explored-13084,0.6506944444444445,14,explored -explored-13085,0.529513888888889,10,explored -explored-13086,0.4781192129629631,16,explored -explored-13087,0.5131944444444447,12,explored -explored-13088,0.3486111111111114,8,explored -explored-13089,0.1960937500000004,14,explored -explored-13090,0.7084490740740741,18,explored -explored-13091,0.6930555555555555,10,explored -explored-13092,0.49755208333333356,19,explored -explored-13093,0.5606770833333334,7,explored -explored-13094,0.5730902777777779,12,explored -explored-13095,0.6050000000000002,12,explored -explored-13096,0.6631510416666668,14,explored -explored-13097,0.5552083333333335,16,explored -explored-13098,0.6450868055555556,38,explored -explored-13099,0.2661458333333335,18,explored -explored-13100,0.4690393518518521,17,explored -explored-13101,0.4213541666666669,6,explored -explored-13102,0.5678819444444445,10,explored -explored-13103,0.2015625000000001,18,explored -explored-13104,0.5353298611111114,16,explored -explored-13105,0.6234953703703705,10,explored -explored-13106,0.6830729166666667,24,explored -explored-13107,0.6236979166666667,35,explored -explored-13108,0.2625000000000004,12,explored -explored-13109,0.3555555555555556,13,explored -explored-13110,0.5031250000000003,13,explored -explored-13111,0.5229166666666669,13,explored -explored-13112,0.1848958333333337,11,explored -explored-13113,0.5237731481481482,14,explored -explored-13114,0.46354166666666685,24,explored -explored-13115,0.5018229166666668,15,explored -explored-13116,0.628732638888889,6,explored -explored-13117,0.6757812500000001,6,explored -explored-13118,0.5498611111111114,14,explored -explored-13119,0.19453125000000027,14,explored -explored-13120,0.8026041666666667,6,explored -explored-13121,0.16875000000000018,14,explored -explored-13122,0.502604166666667,7,explored -explored-13123,0.5180555555555557,9,explored -explored-13124,0.7719212962962965,9,explored -explored-13125,0.39557291666666683,14,explored -explored-13126,0.2812500000000002,14,explored -explored-13127,0.6279513888888889,14,explored -explored-13128,0.626388888888889,7,explored -explored-13129,0.4734375000000003,15,explored -explored-13130,0.3647280092592595,16,explored -explored-13131,0.4304687500000002,16,explored -explored-13132,0.4701388888888892,11,explored -explored-13133,0.7473958333333333,9,explored -explored-13134,0.33125000000000027,10,explored -explored-13135,0.13946759259259278,18,explored -explored-13136,0.6964583333333334,6,explored -explored-13137,0.5492187500000002,12,explored -explored-13138,0.2866753472222223,17,explored -explored-13139,0.24375000000000036,16,explored -explored-13140,0.5657986111111113,11,explored -explored-13141,0.6649218750000001,14,explored -explored-13142,0.5508101851851854,12,explored -explored-13143,0.4875868055555558,13,explored -explored-13144,0.4429861111111113,11,explored -explored-13145,0.5427083333333333,12,explored -explored-13146,0.4296875,9,explored -explored-13147,0.49375000000000024,7,explored -explored-13148,0.4739583333333335,10,explored -explored-13149,0.5461805555555558,9,explored -explored-13150,0.449479166666667,7,explored -explored-13151,0.3949218750000001,12,explored -explored-13152,0.7371093750000001,15,explored -explored-13153,0.4399305555555557,14,explored -explored-13154,0.09557291666666701,14,explored -explored-13155,0.5517361111111113,10,explored -explored-13156,0.6036458333333332,8,explored -explored-13157,0.3645833333333336,16,explored -explored-13158,0.2961805555555559,17,explored -explored-13159,0.546527777777778,11,explored -explored-13160,0.3075000000000001,13,explored -explored-13161,0.3015625000000002,12,explored -explored-13162,0.6749999999999999,9,explored -explored-13163,0.47760416666666683,8,explored -explored-13164,0.6245659722222224,10,explored -explored-13165,0.6368489583333333,7,explored -explored-13166,0.27847222222222245,16,explored -explored-13167,0.18854166666666705,16,explored -explored-13168,0.7809895833333333,8,explored -explored-13169,4.440892098500626e-16,18,explored -explored-13170,0.4661458333333335,12,explored -explored-13171,0.6604021990740742,29,explored -explored-13172,0.6373159722222224,16,explored -explored-13173,0.37864583333333357,18,explored -explored-13174,0.5469907407407409,15,explored -explored-13175,0.7180324074074076,4,explored -explored-13176,0.4911458333333335,11,explored -explored-13177,0.6072916666666667,6,explored -explored-13178,0.31072916666666694,16,explored -explored-13179,0.19843750000000027,20,explored -explored-13180,0.44843750000000016,18,explored -explored-13181,0.3409259259259263,19,explored -explored-13182,0.5495370370370373,12,explored -explored-13183,0.6019965277777779,21,explored -explored-13184,0.39166666666666683,11,explored -explored-13185,0.5969618055555556,21,explored -explored-13186,0.5187500000000002,6,explored -explored-13187,0.6385474537037039,19,explored -explored-13188,0.2180555555555559,18,explored -explored-13189,0.6535590277777779,12,explored -explored-13190,0.7270833333333333,5,explored -explored-13191,0.679351851851852,12,explored -explored-13192,0.7534722222222223,11,explored -explored-13193,0.5324652777777779,8,explored -explored-13194,0.5004340277777779,16,explored -explored-13195,0.22656250000000033,13,explored -explored-13196,0.4583333333333337,9,explored -explored-13197,0.49143518518518525,16,explored -explored-13198,0.6539930555555558,8,explored -explored-13199,0.2469907407407408,23,explored -explored-13200,0.5138020833333334,9,explored -explored-13201,0.49618055555555574,12,explored -explored-13202,0.6817708333333334,9,explored -explored-13203,0.4533333333333335,10,explored -explored-13204,0.284201388888889,22,explored -explored-13205,0.6486111111111112,13,explored -explored-13206,0.5202256944444446,16,explored -explored-13207,0.2963541666666669,12,explored -explored-13208,0.34375000000000033,7,explored -explored-13209,0.5575520833333334,13,explored -explored-13210,0.30329861111111134,16,explored -explored-13211,0.22239583333333357,18,explored -explored-13212,0.3748263888888891,15,explored -explored-13213,0.678732638888889,11,explored -explored-13214,0.5192997685185187,14,explored -explored-13215,0.3486111111111114,14,explored -explored-13216,0.6639178240740742,12,explored -explored-13217,0.4381944444444448,10,explored -explored-13218,0.3945312500000002,12,explored -explored-13219,0.6889756944444446,7,explored -explored-13220,0.15572916666666692,16,explored -explored-13221,0.6203993055555557,8,explored -explored-13222,0.31597222222222254,12,explored -explored-13223,0.5934895833333335,9,explored -explored-13224,0.5449652777777779,9,explored -explored-13225,0.3642361111111113,26,explored -explored-13226,0.5002777777777779,15,explored -explored-13227,0.6376388888888891,9,explored -explored-13228,0.23046875000000033,13,explored -explored-13229,0.37847222222222254,14,explored -explored-13230,0.26979166666666676,16,explored -explored-13231,0.3826388888888891,16,explored -explored-13232,0.45590277777777777,15,explored -explored-13233,0.7127604166666668,10,explored -explored-13234,0.34930555555555576,12,explored -explored-13235,0.5322916666666668,8,explored -explored-13236,0.3945312500000002,12,explored -explored-13237,0.5361979166666668,6,explored -explored-13238,0.09791666666666687,11,explored -explored-13239,0.2820312500000002,16,explored -explored-13240,0.5270833333333335,7,explored -explored-13241,0.2876736111111112,17,explored -explored-13242,0.5993055555555556,12,explored -explored-13243,0.38333333333333364,15,explored -explored-13244,0.4094618055555559,13,explored -explored-13245,0.7144097222222221,14,explored -explored-13246,0.3197916666666668,13,explored -explored-13247,0.4968750000000002,5,explored -explored-13248,0.4536458333333333,10,explored -explored-13249,0.6827546296296299,11,explored -explored-13250,0.6633796296296297,14,explored -explored-13251,0.5375868055555557,12,explored -explored-13252,0.6499305555555557,9,explored -explored-13253,0.8197916666666667,4,explored -explored-13254,0.6171875000000001,14,explored -explored-13255,0.8527777777777777,4,explored -explored-13256,0.7591145833333333,9,explored -explored-13257,0.28038194444444464,18,explored -explored-13258,0.5525173611111113,17,explored -explored-13259,0.47265625000000033,13,explored -explored-13260,0.569982638888889,13,explored -explored-13261,0.5327256944444445,16,explored -explored-13262,0.5759837962962965,14,explored -explored-13263,0.06927083333333361,14,explored -explored-13264,0.2625000000000004,10,explored -explored-13265,0.31689814814814854,13,explored -explored-13266,0.5621875000000002,15,explored -explored-13267,0.34744791666666686,21,explored -explored-13268,0.43142361111111127,11,explored -explored-13269,0.46692708333333355,16,explored -explored-13270,0.6839236111111112,12,explored -explored-13271,0.6336805555555556,9,explored -explored-13272,0.7538125,32,explored -explored-13273,0.5955729166666668,26,explored -explored-13274,0.5984375000000001,13,explored -explored-13275,0.3128761574074076,20,explored -explored-13276,0.5725694444444446,12,explored -explored-13277,0.46684027777777803,17,explored -explored-13278,0.643576388888889,10,explored -explored-13279,0.7135416666666667,8,explored -explored-13280,0.5131944444444447,11,explored -explored-13281,0.7562500000000001,2,explored -explored-13282,0.5576388888888891,14,explored -explored-13283,0.7056944444444445,18,explored -explored-13284,0.377777777777778,14,explored -explored-13285,0.7963541666666667,10,explored -explored-13286,0.688601851851852,36,explored -explored-13287,0.27994791666666685,16,explored -explored-13288,0.45768229166666685,22,explored -explored-13289,0.38125,11,explored -explored-13290,0.5046875000000002,10,explored -explored-13291,0.30368634259259275,17,explored -explored-13292,0.46805555555555545,9,explored -explored-13293,0.41916956018518536,18,explored -explored-13294,0.5437500000000002,6,explored -explored-13295,0.4477864583333335,14,explored -explored-13296,0.7500000000000001,8,explored -explored-13297,0.649826388888889,11,explored -explored-13298,0.6522569444444446,12,explored -explored-13299,0.7066406250000001,12,explored -explored-13300,0.6327835648148149,11,explored -explored-13301,0.29444444444444473,22,explored -explored-13302,0.3583333333333336,11,explored -explored-13303,0.3484375000000002,15,explored -explored-13304,0.6067708333333335,9,explored -explored-13305,0.2697916666666669,13,explored -explored-13306,0.29453125000000036,14,explored -explored-13307,0.2909288194444448,28,explored -explored-13308,0.5657986111111112,15,explored -explored-13309,0.6588578869047621,40,explored -explored-13310,0.48356481481481495,13,explored -explored-13311,0.6366435185185186,9,explored -explored-13312,0.8064236111111112,10,explored -explored-13313,0.3739583333333335,18,explored -explored-13314,0.5916956018518519,15,explored -explored-13315,0.5690740740740743,14,explored -explored-13316,0.6850694444444445,6,explored -explored-13317,0.13958333333333361,13,explored -explored-13318,0.6281597222222223,38,explored -explored-13319,0.40694444444444466,17,explored -explored-13320,0.5812500000000002,5,explored -explored-13321,0.581221064814815,21,explored -explored-13322,0.6142361111111113,5,explored -explored-13323,0.05416666666666692,12,explored -explored-13324,0.5449652777777779,31,explored -explored-13325,0.380729166666667,12,explored -explored-13326,0.43854166666666705,10,explored -explored-13327,0.42500000000000027,6,explored -explored-13328,0.6240740740740742,10,explored -explored-13329,0.5131944444444447,9,explored -explored-13330,0.5282407407407409,22,explored -explored-13331,0.3564236111111114,15,explored -explored-13332,0.3069444444444447,16,explored -explored-13333,0.5370138888888891,19,explored -explored-13334,0.5736111111111113,8,explored -explored-13335,0.2742303240740743,21,explored -explored-13336,0.4012500000000002,18,explored -explored-13337,0.5033564814814816,18,explored -explored-13338,0.4046875000000002,13,explored -explored-13339,0.6364583333333335,19,explored -explored-13340,0.5844444444444445,9,explored -explored-13341,0.6931250000000001,9,explored -explored-13342,0.6257291666666668,5,explored -explored-13343,0.700144675925926,13,explored -explored-13344,0.5329687500000002,11,explored -explored-13345,0.4519386574074076,18,explored -explored-13346,0.28038194444444464,27,explored -explored-13347,0.6529947916666667,15,explored -explored-13348,0.5308072916666668,16,explored -explored-13349,0.3866319444444446,14,explored -explored-13350,0.5596354166666668,8,explored -explored-13351,0.6640625000000002,8,explored -explored-13352,0.37708333333333366,10,explored -explored-13353,0.34296875000000016,12,explored -explored-13354,0.16914062500000027,16,explored -explored-13355,0.5981250000000001,9,explored -explored-13356,0.2973958333333335,17,explored -explored-13357,0.5239583333333335,15,explored -explored-13358,0.44244791666666705,8,explored -explored-13359,0.4266203703703706,18,explored -explored-13360,0.48802083333333346,9,explored -explored-13361,0.1503472222222224,17,explored -explored-13362,0.3671006944444448,15,explored -explored-13363,0.47312500000000024,15,explored -explored-13364,0.5671875000000001,7,explored -explored-13365,0.2506944444444448,21,explored -explored-13366,0.8,5,explored -explored-13367,0.2807291666666669,14,explored -explored-13368,0.46111111111111125,18,explored -explored-13369,0.5442708333333335,9,explored -explored-13370,0.5161458333333335,8,explored -explored-13371,0.3208333333333335,19,explored -explored-13372,0.2420138888888892,14,explored -explored-13373,0.7049398148148149,27,explored -explored-13374,0.6159490740740742,11,explored -explored-13375,0.6085069444444446,17,explored -explored-13376,0.501388888888889,8,explored -explored-13377,0.7276909722222222,8,explored -explored-13378,0.6322916666666668,9,explored -explored-13379,0.3694444444444446,18,explored -explored-13380,0.5107638888888891,8,explored -explored-13381,0.35416666666666696,14,explored -explored-13382,0.2602430555555557,21,explored -explored-13383,0.3125000000000002,11,explored -explored-13384,0.38819444444444473,16,explored -explored-13385,0.8584201388888889,5,explored -explored-13386,0.1839120370370373,14,explored -explored-13387,0.7185049603174604,39,explored -explored-13388,0.5963541666666667,14,explored -explored-13389,0.5306712962962965,7,explored -explored-13390,0.4654079861111112,22,explored -explored-13391,0.6992435515873017,35,explored -explored-13392,0.4138888888888892,13,explored -explored-13393,0.3529947916666669,13,explored -explored-13394,0.42595486111111114,16,explored -explored-13395,0.6085503472222223,17,explored -explored-13396,0.24930555555555578,20,explored -explored-13397,0.45963541666666685,18,explored -explored-13398,0.6166666666666667,9,explored -explored-13399,0.5921875000000001,11,explored -explored-13400,0.6445833333333335,10,explored -explored-13401,0.7251099537037038,9,explored -explored-13402,0.6202256944444445,12,explored -explored-13403,0.6429687500000001,7,explored -explored-13404,0.6521412037037038,30,explored -explored-13405,0.6742708333333335,11,explored -explored-13406,0.5054166666666668,13,explored -explored-13407,0.742361111111111,10,explored -explored-13408,0.5638310185185187,15,explored -explored-13409,0.5184375000000001,7,explored -explored-13410,0.25260416666666696,12,explored -explored-13411,0.4233072916666669,27,explored -explored-13412,0.6548611111111113,9,explored -explored-13413,0.30234375000000013,14,explored -explored-13414,0.6233333333333335,7,explored -explored-13415,0.5161458333333334,14,explored -explored-13416,0.6380208333333335,11,explored -explored-13417,0.23697916666666696,14,explored -explored-13418,0.57421875,6,explored -explored-13419,0.5729166666666666,13,explored -explored-13420,0.4098958333333337,15,explored -explored-13421,0.38546875000000014,15,explored -explored-13422,0.5758680555555558,12,explored -explored-13423,0.48070023148148167,20,explored -explored-13424,0.5361111111111112,11,explored -explored-13425,0.2912326388888892,24,explored -explored-13426,0.4562037037037039,20,explored -explored-13427,0.4055555555555559,14,explored -explored-13428,0.5638020833333333,8,explored -explored-13429,0.6408854166666668,7,explored -explored-13430,0.4927083333333334,13,explored -explored-13431,0.6757508680555556,39,explored -explored-13432,0.79375,5,explored -explored-13433,0.7875000000000001,7,explored -explored-13434,0.40451388888888906,11,explored -explored-13435,0.6333333333333335,10,explored -explored-13436,0.3381944444444447,12,explored -explored-13437,0.2968750000000002,11,explored -explored-13438,0.7744791666666667,7,explored -explored-13439,0.28437500000000027,13,explored -explored-13440,0.5980844907407408,27,explored -explored-13441,0.4006944444444447,14,explored -explored-13442,0.6686342592592593,7,explored -explored-13443,0.6292013888888891,12,explored -explored-13444,0.6091666666666669,6,explored -explored-13445,0.18020833333333353,13,explored -explored-13446,0.6210937500000001,9,explored -explored-13447,0.5288194444444446,7,explored -explored-13448,0.7447916666666666,9,explored -explored-13449,0.4980468750000002,13,explored -explored-13450,0.6054166666666668,18,explored -explored-13451,0.39333333333333353,11,explored -explored-13452,0.4842592592592594,14,explored -explored-13453,0.17135416666666692,19,explored -explored-13454,0.6686342592592593,15,explored -explored-13455,0.6583333333333334,7,explored -explored-13456,0.4252170138888891,20,explored -explored-13457,0.5488425925925927,17,explored -explored-13458,0.19635416666666705,13,explored -explored-13459,0.6507812500000001,9,explored -explored-13460,0.5585937500000001,18,explored -explored-13461,0.2899305555555558,22,explored -explored-13462,0.7107378472222223,14,explored -explored-13463,0.3359375000000002,17,explored -explored-13464,0.30196759259259287,23,explored -explored-13465,0.5432870370370372,16,explored -explored-13466,0.22916666666666685,15,explored -explored-13467,0.4642361111111112,8,explored -explored-13468,0.2284722222222224,15,explored -explored-13469,0.3946180555555556,20,explored -explored-13470,0.5813368055555558,18,explored -explored-13471,0.5015625000000002,16,explored -explored-13472,0.3763888888888891,15,explored -explored-13473,0.6052083333333335,7,explored -explored-13474,0.7958333333333335,7,explored -explored-13475,0.7592881944444444,12,explored -explored-13476,0.36640625000000027,11,explored -explored-13477,0.46302083333333355,9,explored -explored-13478,0.38435185185185206,20,explored -explored-13479,0.6666666666666667,21,explored -explored-13480,0.47612847222222243,15,explored -explored-13481,0.5130208333333335,18,explored -explored-13482,0.6248263888888891,12,explored -explored-13483,0.19479166666666692,11,explored -explored-13484,0.4248553240740742,21,explored -explored-13485,0.3139409722222224,20,explored -explored-13486,0.5901041666666669,14,explored -explored-13487,0.5451388888888891,10,explored -explored-13488,0.6721209490740742,29,explored -explored-13489,0.44688946759259285,19,explored -explored-13490,0.7658333333333334,8,explored -explored-13491,0.7791435185185186,14,explored -explored-13492,0.34675925925925943,17,explored -explored-13493,0.7355902777777779,15,explored -explored-13494,0.2747395833333337,22,explored -explored-13495,0.5421006944444446,18,explored -explored-13496,0.7524305555555557,6,explored -explored-13497,0.19687500000000036,12,explored -explored-13498,0.2638888888888892,24,explored -explored-13499,0.27209201388888915,19,explored -explored-13500,0.19583333333333364,9,explored -explored-13501,0.7268229166666668,7,explored -explored-13502,0.3750000000000002,18,explored -explored-13503,0.32343750000000027,15,explored -explored-13504,0.4751736111111112,19,explored -explored-13505,0.2942129629629632,18,explored -explored-13506,0.4819444444444446,10,explored -explored-13507,0.6833333333333336,9,explored -explored-13508,0.5697916666666668,13,explored -explored-13509,0.5877430555555557,14,explored -explored-13510,0.20364583333333364,21,explored -explored-13511,0.6820104166666667,28,explored -explored-13512,0.6743055555555555,7,explored -explored-13513,0.32621527777777803,17,explored -explored-13514,0.42500000000000027,14,explored -explored-13515,0.5707175925925927,12,explored -explored-13516,0.190277777777778,16,explored -explored-13517,0.5878472222222224,10,explored -explored-13518,0.5436342592592593,12,explored -explored-13519,0.6333333333333335,12,explored -explored-13520,0.34618055555555594,16,explored -explored-13521,0.7208333333333334,8,explored -explored-13522,0.582465277777778,16,explored -explored-13523,0.7148437500000001,11,explored -explored-13524,0.6038194444444446,12,explored -explored-13525,0.6612962962962965,8,explored -explored-13526,0.37083333333333357,14,explored -explored-13527,0.6653067129629631,13,explored -explored-13528,0.7625,6,explored -explored-13529,0.5334895833333335,15,explored -explored-13530,0.15104166666666696,15,explored -explored-13531,0.6288773148148149,10,explored -explored-13532,0.5525173611111113,13,explored -explored-13533,0.42450231481481493,28,explored -explored-13534,0.46053240740740753,16,explored -explored-13535,0.601215277777778,11,explored -explored-13536,0.7302083333333333,6,explored -explored-13537,0.5765625000000001,6,explored -explored-13538,0.7737847222222223,7,explored -explored-13539,0.1717013888888892,15,explored -explored-13540,0.6855902777777779,9,explored -explored-13541,0.5833333333333335,11,explored -explored-13542,0.3938657407407409,23,explored -explored-13543,0.5394097222222224,6,explored -explored-13544,0.7046180555555557,15,explored -explored-13545,0.5666666666666668,12,explored -explored-13546,0.3010416666666669,13,explored -explored-13547,0.4287037037037038,16,explored -explored-13548,0.3559895833333335,15,explored -explored-13549,0.569965277777778,14,explored -explored-13550,0.6825000000000001,7,explored -explored-13551,0.7305208333333335,9,explored -explored-13552,0.5211805555555558,11,explored -explored-13553,0.5288194444444445,9,explored -explored-13554,0.3069444444444447,16,explored -explored-13555,0.5254398148148149,20,explored -explored-13556,0.5053819444444446,15,explored -explored-13557,0.5960069444444446,8,explored -explored-13558,0.43671875000000016,10,explored -explored-13559,0.5599826388888891,14,explored -explored-13560,0.49083333333333345,16,explored -explored-13561,0.4026041666666669,11,explored -explored-13562,0.5884375000000002,6,explored -explored-13563,0.6229166666666668,7,explored -explored-13564,0.5458333333333334,4,explored -explored-13565,0.3609374999999999,11,explored -explored-13566,0.6666666666666667,8,explored -explored-13567,0.6065104166666668,9,explored -explored-13568,0.4932291666666667,8,explored -explored-13569,0.6263020833333335,13,explored -explored-13570,0.6065104166666668,9,explored -explored-13571,0.5251736111111113,14,explored -explored-13572,0.40052083333333355,24,explored -explored-13573,0.4502893518518519,16,explored -explored-13574,0.41469907407407425,19,explored -explored-13575,0.4300781250000001,18,explored -explored-13576,0.18177083333333366,20,explored -explored-13577,0.37951388888888904,20,explored -explored-13578,0.2668750000000003,15,explored -explored-13579,0.3437500000000002,7,explored -explored-13580,0.5478819444444446,12,explored -explored-13581,0.3116319444444444,15,explored -explored-13582,0.3225694444444447,14,explored -explored-13583,0.2656250000000002,13,explored -explored-13584,0.5339843750000002,19,explored -explored-13585,0.2649305555555558,13,explored -explored-13586,0.6395833333333334,16,explored -explored-13587,0.6569097222222223,38,explored -explored-13588,0.5663194444444446,6,explored -explored-13589,0.6400347222222224,29,explored -explored-13590,0.5171875000000001,9,explored -explored-13591,0.49326388888888906,13,explored -explored-13592,0.5833333333333335,8,explored -explored-13593,0.458883101851852,15,explored -explored-13594,0.5243055555555557,9,explored -explored-13595,0.48637152777777803,17,explored -explored-13596,0.76640625,7,explored -explored-13597,0.6825520833333335,6,explored -explored-13598,0.4815104166666667,10,explored -explored-13599,0.565914351851852,11,explored -explored-13600,0.6944444444444444,17,explored -explored-13601,0.46067708333333357,21,explored -explored-13602,0.5009722222222224,7,explored -explored-13603,0.6822482638888889,12,explored -explored-13604,0.5593750000000002,9,explored -explored-13605,0.7756944444444445,6,explored -explored-13606,0.7036892361111112,13,explored -explored-13607,0.6359375,8,explored -explored-13608,0.451371527777778,17,explored -explored-13609,0.495138888888889,15,explored -explored-13610,0.5637731481481483,10,explored -explored-13611,0.4382812500000002,17,explored -explored-13612,0.7266481481481482,20,explored -explored-13613,0.20364583333333353,15,explored -explored-13614,0.5427372685185187,14,explored -explored-13615,0.527170138888889,8,explored -explored-13616,0.7947916666666667,4,explored -explored-13617,0.75,11,explored -explored-13618,0.4100694444444445,17,explored -explored-13619,0.82734375,6,explored -explored-13620,0.7244762731481482,19,explored -explored-13621,0.4577980324074076,17,explored -explored-13622,0.6721354166666669,7,explored -explored-13623,0.7241319444444445,13,explored -explored-13624,0.4057291666666669,11,explored -explored-13625,0.36484375000000013,15,explored -explored-13626,0.6584722222222223,9,explored -explored-13627,0.5272569444444446,20,explored -explored-13628,0.6292968750000001,14,explored -explored-13629,0.49392361111111127,12,explored -explored-13630,0.3320312500000002,20,explored -explored-13631,0.5685474537037039,20,explored -explored-13632,0.6072916666666668,7,explored -explored-13633,0.28046875000000016,12,explored -explored-13634,0.5824305555555557,10,explored -explored-13635,0.36302083333333346,18,explored -explored-13636,0.3191840277777779,18,explored -explored-13637,0.16562500000000036,10,explored -explored-13638,0.5329050925925928,20,explored -explored-13639,0.41770833333333346,5,explored -explored-13640,0.4100694444444446,20,explored -explored-13641,0.32777777777777795,14,explored -explored-13642,0.6197916666666669,3,explored -explored-13643,0.35583333333333345,25,explored -explored-13644,0.1960937500000004,15,explored -explored-13645,0.4248784722222224,18,explored -explored-13646,0.6561631944444446,9,explored -explored-13647,0.8359722222222222,8,explored -explored-13648,0.5992361111111113,8,explored -explored-13649,0.2807291666666669,16,explored -explored-13650,0.4218750000000002,12,explored -explored-13651,0.5461805555555558,11,explored -explored-13652,0.3499131944444447,17,explored -explored-13653,0.29895833333333355,9,explored -explored-13654,0.5239583333333335,14,explored -explored-13655,0.3006944444444446,16,explored -explored-13656,0.36163194444444446,8,explored -explored-13657,0.8147222222222222,12,explored -explored-13658,0.25069444444444466,15,explored -explored-13659,0.42500000000000016,9,explored -explored-13660,0.10416666666666696,18,explored -explored-13661,0.6519444444444444,9,explored -explored-13662,0.32412037037037056,22,explored -explored-13663,0.5932986111111112,11,explored -explored-13664,0.34201388888888906,9,explored -explored-13665,0.30234375000000024,20,explored -explored-13666,0.585,8,explored -explored-13667,0.3936805555555558,14,explored -explored-13668,0.5179687500000001,9,explored -explored-13669,0.5989583333333334,12,explored -explored-13670,0.5829861111111113,12,explored -explored-13671,0.6211863425925928,14,explored -explored-13672,0.5000000000000001,9,explored -explored-13673,0.7361111111111113,13,explored -explored-13674,0.6254050925925927,36,explored -explored-13675,0.7715856481481482,16,explored -explored-13676,0.6703472222222223,16,explored -explored-13677,0.5770833333333335,14,explored -explored-13678,0.7378472222222223,9,explored -explored-13679,0.4750000000000002,11,explored -explored-13680,0.17430555555555594,14,explored -explored-13681,0.6232638888888891,6,explored -explored-13682,0.2727430555555559,14,explored -explored-13683,0.3796875000000002,13,explored -explored-13684,0.6406250000000001,17,explored -explored-13685,0.7479166666666668,9,explored -explored-13686,0.4032986111111114,15,explored -explored-13687,0.3796875000000002,8,explored -explored-13688,0.4487847222222223,16,explored -explored-13689,0.6028645833333335,5,explored -explored-13690,0.5994791666666668,16,explored -explored-13691,0.41527777777777797,15,explored -explored-13692,0.7992187500000001,4,explored -explored-13693,0.8208333333333333,3,explored -explored-13694,0.47812500000000013,15,explored -explored-13695,0.43934027777777795,15,explored -explored-13696,0.5996527777777779,9,explored -explored-13697,0.6012152777777778,8,explored -explored-13698,0.5704861111111112,10,explored -explored-13699,0.6331481481481482,12,explored -explored-13700,0.6380208333333335,19,explored -explored-13701,0.26718750000000036,16,explored -explored-13702,0.5473958333333335,15,explored -explored-13703,0.3606770833333337,13,explored -explored-13704,0.577951388888889,10,explored -explored-13705,0.6739583333333334,9,explored -explored-13706,0.3197916666666668,7,explored -explored-13707,0.6539930555555555,7,explored -explored-13708,0.7125815972222223,23,explored -explored-13709,0.6526620370370371,13,explored -explored-13710,0.6380208333333335,13,explored -explored-13711,0.38009259259259276,18,explored -explored-13712,0.5602719907407409,18,explored -explored-13713,0.3125000000000002,10,explored -explored-13714,0.5944184027777779,17,explored -explored-13715,0.1995370370370373,24,explored -explored-13716,0.3777777777777781,13,explored -explored-13717,0.3993055555555557,17,explored -explored-13718,0.4767708333333336,15,explored -explored-13719,0.491232638888889,18,explored -explored-13720,0.601388888888889,7,explored -explored-13721,0.26736111111111127,15,explored -explored-13722,0.5879774305555557,18,explored -explored-13723,0.6531250000000002,15,explored -explored-13724,0.6375000000000002,4,explored -explored-13725,0.4158854166666669,22,explored -explored-13726,0.6250000000000001,6,explored -explored-13727,0.6759837962962965,15,explored -explored-13728,0.4364004629629632,22,explored -explored-13729,0.25781250000000033,13,explored -explored-13730,0.42552083333333346,8,explored -explored-13731,0.4774305555555559,14,explored -explored-13732,0.6216145833333334,6,explored -explored-13733,0.7268229166666668,9,explored -explored-13734,0.5942708333333334,17,explored -explored-13735,0.3031250000000003,12,explored -explored-13736,0.5630208333333334,13,explored -explored-13737,0.6188368055555556,18,explored -explored-13738,0.6050694444444445,14,explored -explored-13739,0.44444444444444464,15,explored -explored-13740,0.7243055555555556,12,explored -explored-13741,0.07864583333333353,19,explored -explored-13742,0.6614583333333335,6,explored -explored-13743,0.4983333333333333,12,explored -explored-13744,0.4638888888888888,13,explored -explored-13745,0.6811834490740741,36,explored -explored-13746,0.6716145833333335,6,explored -explored-13747,0.5187500000000002,16,explored -explored-13748,0.4057291666666669,9,explored -explored-13749,0.686076388888889,12,explored -explored-13750,0.40295138888888915,24,explored -explored-13751,0.6180555555555555,7,explored -explored-13752,0.4343750000000002,14,explored -explored-13753,0.6062500000000002,11,explored -explored-13754,0.6120833333333333,8,explored -explored-13755,0.7583333333333333,9,explored -explored-13756,0.5140625000000002,8,explored -explored-13757,0.6882812500000001,25,explored -explored-13758,0.4481770833333333,11,explored -explored-13759,0.40104166666666685,5,explored -explored-13760,0.6214409722222224,15,explored -explored-13761,0.5345138888888891,15,explored -explored-13762,0.29062500000000013,18,explored -explored-13763,0.11927083333333366,19,explored -explored-13764,0.4961458333333335,14,explored -explored-13765,0.548900462962963,18,explored -explored-13766,0.35364583333333344,14,explored -explored-13767,0.4980902777777779,16,explored -explored-13768,0.3939236111111113,19,explored -explored-13769,0.4423611111111113,12,explored -explored-13770,0.20034722222222245,19,explored -explored-13771,0.4042708333333336,17,explored -explored-13772,0.5570312500000002,20,explored -explored-13773,0.17083333333333361,12,explored -explored-13774,0.7760416666666667,8,explored -explored-13775,0.5747106481481483,18,explored -explored-13776,0.3356307870370372,18,explored -explored-13777,0.6015625,15,explored -explored-13778,0.7137731481481482,9,explored -explored-13779,0.4906770833333334,13,explored -explored-13780,0.30130208333333364,14,explored -explored-13781,0.86640625,8,explored -explored-13782,0.5230092592592593,17,explored -explored-13783,0.36093750000000013,12,explored -explored-13784,0.21197916666666683,11,explored -explored-13785,0.6957630208333334,36,explored -explored-13786,0.4148437500000002,12,explored -explored-13787,0.7426215277777778,17,explored -explored-13788,0.42656250000000007,13,explored -explored-13789,0.5359375000000002,12,explored -explored-13790,0.26736111111111127,16,explored -explored-13791,0.5753726851851853,29,explored -explored-13792,0.7588541666666668,6,explored -explored-13793,0.6906712962962964,11,explored -explored-13794,2.220446049250313e-16,13,explored -explored-13795,0.28333333333333366,13,explored -explored-13796,0.479965277777778,16,explored -explored-13797,0.5905815972222224,9,explored -explored-13798,0.6002604166666669,11,explored -explored-13799,0.4677083333333333,10,explored -explored-13800,0.4500000000000002,7,explored -explored-13801,0.36770833333333375,16,explored -explored-13802,0.40729166666666705,7,explored -explored-13803,0.4380208333333334,14,explored -explored-13804,0.7565625000000001,5,explored -explored-13805,0.49479166666666685,7,explored -explored-13806,0.6585069444444446,11,explored -explored-13807,0.5786574074074076,14,explored -explored-13808,0.4980324074074076,17,explored -explored-13809,0.38645833333333346,14,explored -explored-13810,0.5005208333333335,13,explored -explored-13811,0.20329861111111147,15,explored -explored-13812,0.3953993055555558,16,explored -explored-13813,0.2743055555555558,17,explored -explored-13814,0.6993055555555557,13,explored -explored-13815,0.6230208333333335,7,explored -explored-13816,0.7115260416666667,32,explored -explored-13817,0.45763888888888915,16,explored -explored-13818,0.6751736111111112,8,explored -explored-13819,0.5472222222222224,15,explored -explored-13820,0.4397569444444447,15,explored -explored-13821,0.4111111111111112,16,explored -explored-13822,0.6970370370370371,15,explored -explored-13823,0.2859375000000002,19,explored -explored-13824,0.6617187500000001,7,explored -explored-13825,0.3172743055555557,17,explored -explored-13826,0.3411458333333336,13,explored -explored-13827,0.6312500000000001,7,explored -explored-13828,0.5762152777777779,8,explored -explored-13829,0.4866145833333335,14,explored -explored-13830,0.7958333333333335,10,explored -explored-13831,0.6359953703703705,10,explored -explored-13832,0.4789930555555557,18,explored -explored-13833,0.10312500000000036,17,explored -explored-13834,0.6136863425925927,12,explored -explored-13835,0.6750925925925927,26,explored -explored-13836,0.4656250000000002,21,explored -explored-13837,0.75,4,explored -explored-13838,0.561545138888889,11,explored -explored-13839,0.6708333333333334,11,explored -explored-13840,0.573263888888889,14,explored -explored-13841,0.2506944444444448,14,explored -explored-13842,0.7240277777777779,11,explored -explored-13843,0.6756944444444445,11,explored -explored-13844,0.3979166666666669,14,explored -explored-13845,0.3270833333333336,18,explored -explored-13846,0.48100115740740756,21,explored -explored-13847,0.3871527777777781,20,explored -explored-13848,0.580439814814815,12,explored -explored-13849,0.42395833333333344,14,explored -explored-13850,0.25507812500000016,14,explored -explored-13851,0.43084490740740755,17,explored -explored-13852,0.5506655092592594,15,explored -explored-13853,0.5503906250000001,22,explored -explored-13854,0.5699942129629632,12,explored -explored-13855,0.18750000000000022,14,explored -explored-13856,0.5995949074074075,18,explored -explored-13857,0.38421296296296314,20,explored -explored-13858,0.6537326388888889,10,explored -explored-13859,0.5937500000000001,10,explored -explored-13860,0.4460937500000002,17,explored -explored-13861,0.5472222222222224,13,explored -explored-13862,0.5812500000000002,9,explored -explored-13863,0.3359375000000002,13,explored -explored-13864,0.39549768518518524,20,explored -explored-13865,0.4143229166666669,17,explored -explored-13866,0.42847222222222237,15,explored -explored-13867,0.7244791666666668,11,explored -explored-13868,0.702951388888889,8,explored -explored-13869,0.6333333333333333,6,explored -explored-13870,0.7737152777777778,8,explored -explored-13871,0.7406828703703705,8,explored -explored-13872,0.3716145833333335,18,explored -explored-13873,0.5867187500000002,9,explored -explored-13874,0.6623524305555556,32,explored -explored-13875,0.6309895833333334,8,explored -explored-13876,0.29014756944444475,24,explored -explored-13877,0.7572222222222222,7,explored -explored-13878,0.7125896990740741,15,explored -explored-13879,0.2729166666666668,19,explored -explored-13880,0.43919270833333357,23,explored -explored-13881,0.41874999999999984,13,explored -explored-13882,0.35914351851851867,18,explored -explored-13883,0.5571180555555557,6,explored -explored-13884,0.5447916666666668,6,explored -explored-13885,0.3773437500000002,18,explored -explored-13886,0.41718750000000016,13,explored -explored-13887,0.6487152777777778,8,explored -explored-13888,0.5109375000000002,9,explored -explored-13889,0.5605902777777779,10,explored -explored-13890,0.6703993055555557,6,explored -explored-13891,0.7207812500000002,5,explored -explored-13892,0.39791666666666703,17,explored -explored-13893,0.671875,9,explored -explored-13894,0.5027083333333335,15,explored -explored-13895,0.3684895833333335,16,explored -explored-13896,0.6550347222222224,11,explored -explored-13897,0.7703125000000001,4,explored -explored-13898,0.38246527777777795,16,explored -explored-13899,0.4980902777777778,14,explored -explored-13900,0.2718750000000003,13,explored -explored-13901,0.5441666666666669,10,explored -explored-13902,0.5163194444444446,11,explored -explored-13903,0.5687500000000002,4,explored -explored-13904,0.6565162037037038,15,explored -explored-13905,0.6846354166666667,7,explored -explored-13906,0.5920659722222225,15,explored -explored-13907,0.19166666666666698,15,explored -explored-13908,0.5928819444444446,8,explored -explored-13909,0.7435763888888889,6,explored -explored-13910,0.3641203703703705,18,explored -explored-13911,0.5126041666666667,8,explored -explored-13912,0.5944444444444447,15,explored -explored-13913,0.5649305555555557,13,explored -explored-13914,0.3166666666666669,8,explored -explored-13915,0.14427083333333357,19,explored -explored-13916,0.5385416666666668,11,explored -explored-13917,0.6933912037037038,9,explored -explored-13918,0.6598958333333336,5,explored -explored-13919,0.22187500000000027,14,explored -explored-13920,0.7312500000000001,4,explored -explored-13921,0.32291666666666685,9,explored -explored-13922,0.6171875000000001,18,explored -explored-13923,0.6108506944444445,6,explored -explored-13924,0.2122685185185189,17,explored -explored-13925,0.6666666666666667,13,explored -explored-13926,0.20833333333333348,16,explored -explored-13927,0.721875,7,explored -explored-13928,0.7328298611111111,14,explored -explored-13929,0.6611111111111112,9,explored -explored-13930,0.6118055555555557,9,explored -explored-13931,0.8148437500000001,12,explored -explored-13932,0.2762152777777779,22,explored -explored-13933,0.5242187500000002,15,explored -explored-13934,0.09843750000000018,14,explored -explored-13935,0.23298611111111134,16,explored -explored-13936,0.5662615740740741,17,explored -explored-13937,0.5499999999999999,10,explored -explored-13938,0.5805266203703705,12,explored -explored-13939,0.3959490740740743,18,explored -explored-13940,0.7377604166666667,6,explored -explored-13941,0.5561631944444445,19,explored -explored-13942,0.06093750000000031,11,explored -explored-13943,0.46701388888888906,12,explored -explored-13944,0.4852864583333335,13,explored -explored-13945,0.6729745370370371,11,explored -explored-13946,0.2697916666666671,24,explored -explored-13947,0.5694444444444445,8,explored -explored-13948,0.49375000000000036,7,explored -explored-13949,0.7776041666666667,5,explored -explored-13950,0.552777777777778,12,explored -explored-13951,0.7289496527777779,15,explored -explored-13952,0.3382812500000002,13,explored -explored-13953,0.5552083333333334,9,explored -explored-13954,0.6791666666666667,4,explored -explored-13955,0.6232638888888891,15,explored -explored-13956,0.5796875000000002,9,explored -explored-13957,0.6353298611111112,15,explored -explored-13958,0.5929166666666668,8,explored -explored-13959,0.596383101851852,10,explored -explored-13960,0.5893229166666668,6,explored -explored-13961,0.5626157407407408,14,explored -explored-13962,0.7030381944444446,10,explored -explored-13963,0.5143229166666667,15,explored -explored-13964,0.0868055555555558,15,explored -explored-13965,0.6868923611111113,10,explored -explored-13966,0.5479166666666668,7,explored -explored-13967,0.5130208333333335,14,explored -explored-13968,0.40594618055555576,19,explored -explored-13969,0.4901041666666669,13,explored -explored-13970,0.5714120370370372,13,explored -explored-13971,0.3427083333333336,8,explored -explored-13972,0.42696759259259287,15,explored -explored-13973,0.6017361111111112,14,explored -explored-13974,0.4208333333333335,10,explored -explored-13975,0.8130208333333333,7,explored -explored-13976,0.7389120370370371,8,explored -explored-13977,0.6648726851851853,7,explored -explored-13978,0.5478298611111113,22,explored -explored-13979,0.46302083333333344,7,explored -explored-13980,0.10625000000000018,21,explored -explored-13981,0.3395833333333337,12,explored -explored-13982,0.46268229166666686,18,explored -explored-13983,0.6863767361111112,29,explored -explored-13984,0.4539062500000002,17,explored -explored-13985,0.5952256944444445,8,explored -explored-13986,0.8325520833333333,3,explored -explored-13987,0.4179687500000002,12,explored -explored-13988,0.5835648148148149,14,explored -explored-13989,0.5428819444444446,11,explored -explored-13990,0.6470486111111112,7,explored -explored-13991,0.609027777777778,14,explored -explored-13992,0.374826388888889,19,explored -explored-13993,0.3333333333333337,9,explored -explored-13994,0.29010416666666683,13,explored -explored-13995,0.7348958333333333,11,explored -explored-13996,0.31501736111111134,13,explored -explored-13997,0.49270833333333364,7,explored -explored-13998,0.35364583333333344,12,explored -explored-13999,0.5750868055555558,14,explored -explored-14000,0.6506944444444446,7,explored -explored-14001,0.39218750000000013,8,explored -explored-14002,0.7530555555555556,7,explored -explored-14003,0.6307986111111112,7,explored -explored-14004,0.6796875000000001,12,explored -explored-14005,0.5963715277777779,12,explored -explored-14006,0.6421875000000002,10,explored -explored-14007,0.6185474537037038,10,explored -explored-14008,0.717717013888889,8,explored -explored-14009,0.49041666666666694,13,explored -explored-14010,0.48335069444444456,20,explored -explored-14011,0.40937500000000016,14,explored -explored-14012,0.42500000000000004,11,explored -explored-14013,0.26927083333333346,16,explored -explored-14014,0.7513310185185187,5,explored -explored-14015,0.44010416666666685,8,explored -explored-14016,0.3095486111111113,20,explored -explored-14017,0.5763020833333334,5,explored -explored-14018,0.3335069444444446,12,explored -explored-14019,0.4526041666666669,13,explored -explored-14020,0.4765625000000002,12,explored -explored-14021,0.43125000000000013,12,explored -explored-14022,0.23211805555555576,23,explored -explored-14023,0.146354166666667,16,explored -explored-14024,0.4476562500000002,11,explored -explored-14025,0.46388888888888913,13,explored -explored-14026,0.6197916666666669,13,explored -explored-14027,0.6208333333333333,4,explored -explored-14028,0.33750000000000024,11,explored -explored-14029,0.5205729166666668,18,explored -explored-14030,0.46510416666666676,13,explored -explored-14031,0.31368055555555585,17,explored -explored-14032,0.8354166666666667,7,explored -explored-14033,0.3878819444444447,23,explored -explored-14034,0.5962673611111113,17,explored -explored-14035,0.18611111111111123,18,explored -explored-14036,0.5701388888888891,16,explored -explored-14037,0.5146875,9,explored -explored-14038,0.6282118055555557,10,explored -explored-14039,0.4755208333333335,13,explored -explored-14040,0.6310763888888891,6,explored -explored-14041,0.7049479166666668,13,explored -explored-14042,0.5784722222222223,15,explored -explored-14043,0.21093750000000022,14,explored -explored-14044,0.3865885416666669,22,explored -explored-14045,0.6515625,9,explored -explored-14046,0.6993055555555556,12,explored -explored-14047,0.22777777777777797,18,explored -explored-14048,0.6384837962962965,8,explored -explored-14049,0.3437500000000002,13,explored -explored-14050,0.7083333333333333,3,explored -explored-14051,0.7954861111111111,12,explored -explored-14052,0.5536458333333335,16,explored -explored-14053,0.5569444444444447,10,explored -explored-14054,0.3291087962962965,20,explored -explored-14055,0.41166666666666685,9,explored -explored-14056,0.26093750000000016,14,explored -explored-14057,0.37031250000000027,14,explored -explored-14058,0.386979166666667,9,explored -explored-14059,0.5921875000000001,10,explored -explored-14060,0.5758680555555556,11,explored -explored-14061,0.47382812500000027,15,explored -explored-14062,0.49375000000000036,5,explored -explored-14063,0.5817708333333335,11,explored -explored-14064,0.33750000000000013,10,explored -explored-14065,0.4984375,11,explored -explored-14066,0.7756944444444446,2,explored -explored-14067,0.44646990740740755,24,explored -explored-14068,0.6838541666666668,8,explored -explored-14069,0.3187500000000002,16,explored -explored-14070,0.6248090277777779,20,explored -explored-14071,0.4267361111111114,22,explored -explored-14072,0.2653935185185188,24,explored -explored-14073,0.6659325396825398,35,explored -explored-14074,0.1946180555555559,17,explored -explored-14075,0.605150462962963,17,explored -explored-14076,0.534027777777778,14,explored -explored-14077,0.6963541666666668,9,explored -explored-14078,0.3914930555555558,14,explored -explored-14079,0.5173611111111114,16,explored -explored-14080,0.40347222222222223,10,explored -explored-14081,0.6593750000000002,8,explored -explored-14082,0.43072916666666694,9,explored -explored-14083,0.6437500000000002,9,explored -explored-14084,0.216666666666667,11,explored -explored-14085,0.6407118055555557,13,explored -explored-14086,0.4994791666666667,18,explored -explored-14087,0.5204687500000001,18,explored -explored-14088,0.6916666666666668,11,explored -explored-14089,0.5120225694444446,18,explored -explored-14090,0.4454687500000001,19,explored -explored-14091,0.26041666666666696,8,explored -explored-14092,0.6630787037037038,12,explored -explored-14093,0.5134722222222223,11,explored -explored-14094,0.7790625,4,explored -explored-14095,0.2312500000000004,14,explored -explored-14096,0.37378472222222237,14,explored -explored-14097,0.70234375,10,explored -explored-14098,0.676087962962963,10,explored -explored-14099,0.8359375000000001,5,explored -explored-14100,0.7256944444444444,9,explored -explored-14101,0.5100000000000002,6,explored -explored-14102,0.40648148148148167,16,explored -explored-14103,0.40000000000000013,21,explored -explored-14104,0.5501388888888891,12,explored -explored-14105,0.48587962962962983,16,explored -explored-14106,0.6788194444444446,11,explored -explored-14107,0.4750000000000002,13,explored -explored-14108,0.6951359953703704,27,explored -explored-14109,0.1468750000000003,12,explored -explored-14110,0.37421875000000016,22,explored -explored-14111,0.31510416666666685,16,explored -explored-14112,0.5810763888888889,5,explored -explored-14113,0.22430555555555587,21,explored -explored-14114,0.6923611111111111,11,explored -explored-14115,0.3861979166666666,12,explored -explored-14116,0.6526041666666668,12,explored -explored-14117,0.5625000000000002,7,explored -explored-14118,0.5050000000000001,7,explored -explored-14119,0.6505208333333334,11,explored -explored-14120,0.2312500000000003,9,explored -explored-14121,0.5560763888888891,16,explored -explored-14122,0.6262152777777779,8,explored -explored-14123,0.5267592592592595,17,explored -explored-14124,0.5602430555555556,17,explored -explored-14125,0.6501041666666668,6,explored -explored-14126,0.6479166666666667,5,explored -explored-14127,0.5996093750000001,8,explored -explored-14128,0.6231712962962965,15,explored -explored-14129,0.20416666666666705,11,explored -explored-14130,0.46597222222222245,11,explored -explored-14131,0.5927083333333334,14,explored -explored-14132,0.3515625000000002,19,explored -explored-14133,0.42916666666666703,9,explored -explored-14134,0.37170138888888904,13,explored -explored-14135,0.6858796296296297,11,explored -explored-14136,0.5448784722222224,14,explored -explored-14137,0.6927083333333335,5,explored -explored-14138,0.5993489583333335,19,explored -explored-14139,0.42576388888888916,17,explored -explored-14140,0.5305555555555558,15,explored -explored-14141,0.40300925925925946,20,explored -explored-14142,0.3963541666666668,19,explored -explored-14143,0.47239583333333357,19,explored -explored-14144,0.3685763888888891,16,explored -explored-14145,0.39270833333333344,11,explored -explored-14146,0.6235243055555557,13,explored -explored-14147,0.7132812500000002,8,explored -explored-14148,0.6333333333333334,11,explored -explored-14149,0.5512152777777779,14,explored -explored-14150,0.3640625000000003,17,explored -explored-14151,0.7763020833333334,6,explored -explored-14152,0.4388888888888892,10,explored -explored-14153,0.6078125000000001,13,explored -explored-14154,0.4770833333333334,14,explored -explored-14155,0.6957465277777779,13,explored -explored-14156,0.4809895833333333,14,explored -explored-14157,0.48958333333333326,5,explored -explored-14158,0.42213541666666676,10,explored -explored-14159,0.5696759259259261,14,explored -explored-14160,0.7065104166666667,13,explored -explored-14161,0.5885416666666669,14,explored -explored-14162,0.47378472222222245,9,explored -explored-14163,0.4618055555555558,10,explored -explored-14164,0.37170138888888904,15,explored -explored-14165,0.4062500000000002,13,explored -explored-14166,0.4642361111111112,10,explored -explored-14167,0.34375000000000033,11,explored -explored-14168,0.6964583333333334,11,explored -explored-14169,0.5419270833333333,10,explored -explored-14170,0.5640625000000002,11,explored -explored-14171,0.3255208333333337,8,explored -explored-14172,0.6009259259259261,17,explored -explored-14173,0.2722656250000002,15,explored -explored-14174,0.4152777777777781,19,explored -explored-14175,0.7708333333333334,4,explored -explored-14176,0.7496440972222222,18,explored -explored-14177,0.6073784722222224,13,explored -explored-14178,0.5651041666666666,10,explored -explored-14179,0.3309317129629631,20,explored -explored-14180,0.7544270833333334,33,explored -explored-14181,0.633888888888889,11,explored -explored-14182,0.36675347222222243,18,explored -explored-14183,0.5015625000000001,10,explored -explored-14184,0.6495746527777779,13,explored -explored-14185,0.46944444444444444,15,explored -explored-14186,0.45572916666666685,16,explored -explored-14187,0.3187500000000003,18,explored -explored-14188,0.3822916666666668,15,explored -explored-14189,0.696545138888889,12,explored -explored-14190,0.6912500000000001,4,explored -explored-14191,0.49921875000000027,13,explored -explored-14192,0.15729166666666683,19,explored -explored-14193,0.778125,7,explored -explored-14194,0.6635416666666668,9,explored -explored-14195,0.5299189814814815,13,explored -explored-14196,0.33236111111111144,21,explored -explored-14197,0.6340277777777779,3,explored -explored-14198,0.5004166666666668,11,explored -explored-14199,0.46388888888888913,19,explored -explored-14200,0.5322916666666668,17,explored -explored-14201,0.612152777777778,18,explored -explored-14202,0.7096006944444445,6,explored -explored-14203,0.5125000000000003,14,explored -explored-14204,0.3836805555555558,17,explored -explored-14205,0.1921875000000004,13,explored -explored-14206,0.16562500000000036,13,explored -explored-14207,0.3456597222222224,20,explored -explored-14208,0.3861111111111114,22,explored -explored-14209,0.33859953703703727,19,explored -explored-14210,0.5117187500000002,12,explored -explored-14211,0.6831597222222223,11,explored -explored-14212,0.34331597222222243,18,explored -explored-14213,0.6497395833333335,3,explored -explored-14214,0.3148003472222224,22,explored -explored-14215,0.6976562500000001,9,explored -explored-14216,0.36527777777777803,15,explored -explored-14217,0.6827256944444445,11,explored -explored-14218,0.6469618055555557,13,explored -explored-14219,0.5142650462962964,12,explored -explored-14220,0.3060763888888891,14,explored -explored-14221,0.4208333333333336,18,explored -explored-14222,0.6484375000000002,9,explored -explored-14223,0.5489583333333334,12,explored -explored-14224,0.31805555555555576,25,explored -explored-14225,0.6512500000000001,5,explored -explored-14226,0.7947916666666668,4,explored -explored-14227,0.6654803240740742,14,explored -explored-14228,0.2884837962962965,18,explored -explored-14229,0.2347222222222225,13,explored -explored-14230,0.39322916666666696,14,explored -explored-14231,0.7183015046296297,21,explored -explored-14232,0.5003125000000002,13,explored -explored-14233,0.6775173611111113,5,explored -explored-14234,0.5528645833333335,9,explored -explored-14235,0.2487847222222226,19,explored -explored-14236,0.43072916666666683,16,explored -explored-14237,0.4626041666666668,20,explored -explored-14238,0.5545138888888891,10,explored -explored-14239,0.31012731481481504,21,explored -explored-14240,0.6484375,14,explored -explored-14241,0.6063541666666669,10,explored -explored-14242,0.6718750000000002,5,explored -explored-14243,0.6378414351851853,15,explored -explored-14244,0.7119097222222224,11,explored -explored-14245,0.49586226851851867,12,explored -explored-14246,0.2982638888888891,15,explored -explored-14247,0.6152777777777778,20,explored -explored-14248,0.6993055555555556,9,explored -explored-14249,0.6809027777777777,6,explored -explored-14250,0.6182291666666668,10,explored -explored-14251,0.6304398148148149,8,explored -explored-14252,0.5899739583333334,17,explored -explored-14253,0.18750000000000022,12,explored -explored-14254,0.6218750000000002,5,explored -explored-14255,0.6390625000000001,9,explored -explored-14256,0.49131944444444453,11,explored -explored-14257,0.4593750000000003,9,explored -explored-14258,0.46597222222222245,9,explored -explored-14259,0.546527777777778,8,explored -explored-14260,0.6843750000000001,14,explored -explored-14261,0.6265046296296298,12,explored -explored-14262,0.47258680555555566,18,explored -explored-14263,0.5322916666666667,12,explored -explored-14264,0.3630902777777779,18,explored -explored-14265,0.6270833333333333,18,explored -explored-14266,0.5717303240740742,12,explored -explored-14267,0.5348958333333336,12,explored -explored-14268,0.5448784722222223,11,explored -explored-14269,0.49583333333333335,5,explored -explored-14270,0.2875578703703707,13,explored -explored-14271,0.4320312500000003,12,explored -explored-14272,0.5837673611111114,12,explored -explored-14273,0.26093750000000016,15,explored -explored-14274,0.5264467592592594,16,explored -explored-14275,0.5979166666666668,8,explored -explored-14276,0.4545138888888889,9,explored -explored-14277,0.6677083333333333,8,explored -explored-14278,0.7323958333333334,14,explored -explored-14279,0.35203125000000013,19,explored -explored-14280,0.7360416666666667,15,explored -explored-14281,0.4936197916666669,11,explored -explored-14282,0.3104166666666669,14,explored -explored-14283,0.40353009259259265,18,explored -explored-14284,0.43791666666666684,13,explored -explored-14285,0.5914641203703705,14,explored -explored-14286,0.45472222222222247,19,explored -explored-14287,0.7351562500000002,5,explored -explored-14288,0.40237500000000015,16,explored -explored-14289,0.39236111111111127,18,explored -explored-14290,0.5388020833333335,9,explored -explored-14291,0.4326678240740742,14,explored -explored-14292,0.6372395833333334,8,explored -explored-14293,0.5095486111111114,9,explored -explored-14294,0.4915509259259261,17,explored -explored-14295,0.7326805555555557,27,explored -explored-14296,0.6901620370370372,5,explored -explored-14297,0.43125000000000036,7,explored -explored-14298,0.6014467592592594,13,explored -explored-14299,0.7433854166666667,8,explored -explored-14300,0.38670138888888905,16,explored -explored-14301,0.4236689814814817,12,explored -explored-14302,0.49536458333333355,22,explored -explored-14303,0.8631944444444444,12,explored -explored-14304,0.6391493055555557,11,explored -explored-14305,0.7096354166666667,10,explored -explored-14306,0.5286458333333334,12,explored -explored-14307,0.6619791666666668,5,explored -explored-14308,0.33402777777777803,14,explored -explored-14309,0.8583333333333334,1,explored -explored-14310,0.30729166666666696,12,explored -explored-14311,0.25703125000000027,11,explored -explored-14312,0.5459895833333335,15,explored -explored-14313,0.7841145833333334,17,explored -explored-14314,0.6596788194444445,13,explored -explored-14315,0.3025173611111114,19,explored -explored-14316,0.3979166666666669,9,explored -explored-14317,0.5036458333333337,12,explored -explored-14318,0.49565972222222254,13,explored -explored-14319,0.5437500000000002,6,explored -explored-14320,0.5943576388888892,12,explored -explored-14321,0.7583912037037038,18,explored -explored-14322,0.3104166666666668,12,explored -explored-14323,0.27517361111111127,18,explored -explored-14324,0.7739583333333333,7,explored -explored-14325,0.40885416666666696,8,explored -explored-14326,0.803125,6,explored -explored-14327,0.2597222222222225,16,explored -explored-14328,0.5313512731481482,18,explored -explored-14329,0.4032986111111114,15,explored -explored-14330,0.5489583333333332,10,explored -explored-14331,0.48479166666666684,15,explored -explored-14332,0.5411458333333334,13,explored -explored-14333,0.32916666666666705,7,explored -explored-14334,0.7017361111111112,9,explored -explored-14335,0.6769791666666667,9,explored -explored-14336,0.5915798611111113,18,explored -explored-14337,0.5309722222222224,20,explored -explored-14338,0.5996527777777779,11,explored -explored-14339,0.6583333333333334,5,explored -explored-14340,0.6158854166666669,8,explored -explored-14341,0.45329861111111136,19,explored -explored-14342,0.5244791666666668,10,explored -explored-14343,0.5197048611111111,13,explored -explored-14344,0.32291666666666696,14,explored -explored-14345,0.6958333333333333,3,explored -explored-14346,0.19322916666666679,21,explored -explored-14347,0.34279513888888924,19,explored -explored-14348,0.7486111111111111,9,explored -explored-14349,0.4687500000000002,15,explored -explored-14350,0.6247395833333335,16,explored -explored-14351,0.5147222222222223,16,explored -explored-14352,0.39913194444444466,18,explored -explored-14353,0.7141666666666666,9,explored -explored-14354,0.4798611111111113,10,explored -explored-14355,0.6443576388888891,16,explored -explored-14356,0.6422453703703705,12,explored -explored-14357,0.30625000000000036,15,explored -explored-14358,0.7164930555555555,14,explored -explored-14359,0.13680555555555585,19,explored -explored-14360,0.05416666666666692,14,explored -explored-14361,0.6761458333333334,8,explored -explored-14362,0.5116319444444446,7,explored -explored-14363,0.5730324074074076,10,explored -explored-14364,0.4680034722222224,21,explored -explored-14365,0.725560763888889,27,explored -explored-14366,0.31898148148148153,19,explored -explored-14367,0.590277777777778,7,explored -explored-14368,0.5475000000000001,11,explored -explored-14369,0.195109953703704,17,explored -explored-14370,0.6736805555555556,8,explored -explored-14371,0.8902777777777777,7,explored -explored-14372,0.534375,16,explored -explored-14373,0.4280092592592595,20,explored -explored-14374,0.6197916666666669,2,explored -explored-14375,0.20520833333333344,18,explored -explored-14376,0.4543171296296298,17,explored -explored-14377,0.28038194444444464,24,explored -explored-14378,0.6629629629629631,13,explored -explored-14379,0.3545428240740742,20,explored -explored-14380,0.46059027777777795,17,explored -explored-14381,0.5568576388888891,8,explored -explored-14382,0.30664062500000033,18,explored -explored-14383,0.39479166666666676,12,explored -explored-14384,0.3148437500000003,17,explored -explored-14385,0.3978009259259261,21,explored -explored-14386,0.7759375,5,explored -explored-14387,0.8005555555555556,5,explored -explored-14388,0.39861111111111147,13,explored -explored-14389,0.5993055555555556,7,explored -explored-14390,0.6269097222222224,13,explored -explored-14391,0.48067129629629646,12,explored -explored-14392,0.7143229166666667,10,explored -explored-14393,0.5441406250000002,11,explored -explored-14394,0.154166666666667,14,explored -explored-14395,0.3215277777777781,17,explored -explored-14396,0.6924652777777779,4,explored -explored-14397,0.45000000000000007,9,explored -explored-14398,0.5726562500000002,16,explored -explored-14399,0.35312500000000013,21,explored -explored-14400,0.30486111111111125,14,explored -explored-14401,0.5878472222222222,12,explored -explored-14402,0.6545052083333334,29,explored -explored-14403,0.5598958333333334,8,explored -explored-14404,0.2888888888888892,11,explored -explored-14405,0.41770833333333335,14,explored -explored-14406,0.42585937500000015,18,explored -explored-14407,0.37864583333333357,18,explored -explored-14408,0.5010416666666668,8,explored -explored-14409,0.6987847222222223,9,explored -explored-14410,0.6760416666666669,15,explored -explored-14411,0.3197916666666669,12,explored -explored-14412,0.3265625000000002,14,explored -explored-14413,0.6938078703703705,26,explored -explored-14414,0.13964120370370403,14,explored -explored-14415,0.20052083333333348,13,explored -explored-14416,0.5406250000000001,12,explored -explored-14417,0.23333333333333361,21,explored -explored-14418,0.5351707175925927,15,explored -explored-14419,0.7147685185185186,9,explored -explored-14420,0.712326388888889,9,explored -explored-14421,0.6385416666666668,4,explored -explored-14422,0.6890625,14,explored -explored-14423,0.5926041666666668,20,explored -explored-14424,0.7142361111111113,8,explored -explored-14425,0.5001736111111111,12,explored -explored-14426,0.7227777777777779,9,explored -explored-14427,0.55625,7,explored -explored-14428,0.38989583333333355,14,explored -explored-14429,0.06406250000000036,18,explored -explored-14430,0.6380208333333335,9,explored -explored-14431,0.6384837962962965,17,explored -explored-14432,0.375260416666667,13,explored -explored-14433,0.47222222222222243,15,explored -explored-14434,0.14696180555555594,16,explored -explored-14435,0.5201388888888892,19,explored -explored-14436,0.6292534722222223,16,explored -explored-14437,0.6269097222222224,8,explored -explored-14438,0.507711226851852,16,explored -explored-14439,0.3441319444444447,18,explored -explored-14440,0.4929687500000002,9,explored -explored-14441,0.82125,11,explored -explored-14442,0.46006076388888906,22,explored -explored-14443,0.487818287037037,16,explored -explored-14444,0.3963541666666667,11,explored -explored-14445,0.45376157407407425,17,explored -explored-14446,0.552777777777778,16,explored -explored-14447,0.6258680555555557,16,explored -explored-14448,0.5126736111111113,14,explored -explored-14449,0.4289641203703707,25,explored -explored-14450,0.3125000000000002,15,explored -explored-14451,0.45772569444444466,10,explored -explored-14452,0.6759895833333335,10,explored -explored-14453,0.5264322916666669,14,explored -explored-14454,0.5421875000000002,13,explored -explored-14455,0.08125000000000027,12,explored -explored-14456,0.6376736111111112,7,explored -explored-14457,0.3975115740740742,20,explored -explored-14458,0.628125,9,explored -explored-14459,0.6236979166666667,14,explored -explored-14460,0.6042824074074075,12,explored -explored-14461,0.32343750000000027,9,explored -explored-14462,0.7913194444444445,9,explored -explored-14463,0.4056134259259261,17,explored -explored-14464,0.85625,6,explored -explored-14465,0.6658854166666668,3,explored -explored-14466,0.7456597222222223,5,explored -explored-14467,0.09218750000000031,17,explored -explored-14468,0.5291666666666668,11,explored -explored-14469,0.25312500000000016,15,explored -explored-14470,0.19592013888888915,18,explored -explored-14471,0.3437500000000002,11,explored -explored-14472,0.6864351851851853,12,explored -explored-14473,0.7234375000000001,9,explored -explored-14474,0.5850694444444446,20,explored -explored-14475,0.5934375000000002,8,explored -explored-14476,0.5449652777777779,13,explored -explored-14477,0.7229166666666668,14,explored -explored-14478,0.5058333333333335,12,explored -explored-14479,0.49375000000000024,8,explored -explored-14480,0.6005497685185186,12,explored -explored-14481,0.7369791666666667,5,explored -explored-14482,0.5268229166666667,16,explored -explored-14483,0.41371527777777783,10,explored -explored-14484,0.6486111111111112,9,explored -explored-14485,0.15885416666666696,11,explored -explored-14486,0.6769097222222222,8,explored -explored-14487,0.6692708333333335,10,explored -explored-14488,0.5598958333333335,9,explored -explored-14489,0.653096064814815,15,explored -explored-14490,0.22673611111111125,15,explored -explored-14491,0.5130208333333335,11,explored -explored-14492,0.44406250000000014,18,explored -explored-14493,0.18402777777777812,15,explored -explored-14494,0.771267361111111,12,explored -explored-14495,0.6876302083333334,19,explored -explored-14496,0.40885416666666696,10,explored -explored-14497,0.5682291666666668,15,explored -explored-14498,0.7986111111111112,8,explored -explored-14499,0.3705439814814818,21,explored -explored-14500,0.7278645833333335,12,explored -explored-14501,0.6499247685185185,15,explored -explored-14502,0.5335069444444446,19,explored -explored-14503,0.41848958333333364,16,explored -explored-14504,0.5603240740740743,21,explored -explored-14505,0.48308738425925934,22,explored -explored-14506,0.6411458333333334,7,explored -explored-14507,0.5670138888888889,11,explored -explored-14508,0.5750000000000002,10,explored -explored-14509,0.40894097222222237,15,explored -explored-14510,0.7429687500000002,10,explored -explored-14511,0.7038020833333334,37,explored -explored-14512,0.3132812500000002,14,explored -explored-14513,0.38013541666666684,21,explored -explored-14514,0.5230034722222224,15,explored -explored-14515,0.3266203703703705,21,explored -explored-14516,0.6539930555555556,21,explored -explored-14517,0.6050925925925927,15,explored -explored-14518,0.31901041666666696,12,explored -explored-14519,0.5477083333333335,8,explored -explored-14520,0.4962239583333333,13,explored -explored-14521,0.3806423611111114,14,explored -explored-14522,0.5340277777777779,10,explored -explored-14523,0.3460069444444446,19,explored -explored-14524,0.5339583333333335,14,explored -explored-14525,0.2625000000000004,10,explored -explored-14526,0.5407986111111113,12,explored -explored-14527,0.45318287037037064,14,explored -explored-14528,0.5844444444444445,35,explored -explored-14529,0.5817708333333335,10,explored -explored-14530,0.5394791666666667,14,explored -explored-14531,0.5641666666666668,10,explored -explored-14532,0.6269097222222224,8,explored -explored-14533,0.4405208333333335,19,explored -explored-14534,0.3973524305555558,14,explored -explored-14535,0.4343750000000002,13,explored -explored-14536,0.1859375000000003,15,explored -explored-14537,0.44982638888888904,17,explored -explored-14538,0.531423611111111,12,explored -explored-14539,0.3603298611111112,15,explored -explored-14540,0.5350694444444446,13,explored -explored-14541,0.4223611111111113,20,explored -explored-14542,0.6659722222222223,7,explored -explored-14543,0.6265625000000002,17,explored -explored-14544,0.6539930555555558,9,explored -explored-14545,0.39027777777777817,16,explored -explored-14546,0.632465277777778,6,explored -explored-14547,0.6934461805555556,11,explored -explored-14548,0.6739583333333334,9,explored -explored-14549,0.23680555555555594,14,explored -explored-14550,0.37527777777777793,16,explored -explored-14551,0.25651041666666696,11,explored -explored-14552,0.7155208333333335,6,explored -explored-14553,0.5618055555555557,13,explored -explored-14554,0.7250000000000001,7,explored -explored-14555,0.4409722222222223,16,explored -explored-14556,0.5245833333333335,20,explored -explored-14557,0.6820833333333334,7,explored -explored-14558,0.4472222222222224,22,explored -explored-14559,0.7163090277777778,18,explored -explored-14560,0.4218750000000002,17,explored -explored-14561,0.6069444444444445,12,explored -explored-14562,0.18437500000000018,17,explored -explored-14563,0.5447916666666668,6,explored -explored-14564,0.6647395833333334,14,explored -explored-14565,0.7171875000000001,4,explored -explored-14566,0.4533854166666669,15,explored -explored-14567,0.6091145833333335,13,explored -explored-14568,0.7154340277777779,9,explored -explored-14569,0.7566840277777779,11,explored -explored-14570,0.7125000000000001,6,explored -explored-14571,0.49088541666666685,12,explored -explored-14572,0.6628819444444446,9,explored -explored-14573,0.8520833333333333,7,explored -explored-14574,0.558246527777778,11,explored -explored-14575,0.5304687500000002,8,explored -explored-14576,0.522916666666667,6,explored -explored-14577,0.18802083333333353,15,explored -explored-14578,0.4057002314814817,21,explored -explored-14579,0.436371527777778,20,explored -explored-14580,0.5572916666666669,11,explored -explored-14581,0.7578125,6,explored -explored-14582,0.7345486111111112,10,explored -explored-14583,0.540277777777778,21,explored -explored-14584,0.6058333333333334,17,explored -explored-14585,0.633984375,19,explored -explored-14586,0.513107638888889,12,explored -explored-14587,0.5708333333333335,15,explored -explored-14588,0.6960069444444444,15,explored -explored-14589,0.733420138888889,12,explored -explored-14590,0.39380787037037057,16,explored -explored-14591,0.39479166666666676,10,explored -explored-14592,0.6073437500000002,33,explored -explored-14593,0.5583333333333333,17,explored -explored-14594,0.6527604166666668,7,explored -explored-14595,0.3627604166666668,13,explored -explored-14596,0.8296874999999999,6,explored -explored-14597,0.76875,8,explored -explored-14598,0.6014756944444445,14,explored -explored-14599,0.5955729166666668,13,explored -explored-14600,0.7798611111111111,8,explored -explored-14601,0.6385416666666668,9,explored -explored-14602,0.5363194444444447,11,explored -explored-14603,0.3187500000000002,16,explored -explored-14604,0.2914351851851855,24,explored -explored-14605,0.30486111111111125,13,explored -explored-14606,0.06093750000000031,12,explored -explored-14607,0.3125000000000002,8,explored -explored-14608,0.17916666666666692,9,explored -explored-14609,0.6924652777777779,10,explored -explored-14610,0.45763888888888915,14,explored -explored-14611,0.40000000000000013,13,explored -explored-14612,0.31597222222222243,20,explored -explored-14613,0.17430555555555594,16,explored -explored-14614,0.7212395833333334,24,explored -explored-14615,0.6130208333333335,7,explored -explored-14616,0.587326388888889,6,explored -explored-14617,0.3564814814814816,18,explored -explored-14618,0.32916666666666694,14,explored -explored-14619,0.5188368055555557,20,explored -explored-14620,0.5925057870370372,12,explored -explored-14621,0.6789062500000002,8,explored -explored-14622,0.6671006944444445,7,explored -explored-14623,0.12656250000000036,13,explored -explored-14624,0.5418692129629632,35,explored -explored-14625,0.4359375000000002,17,explored -explored-14626,0.2460937500000001,17,explored -explored-14627,0.5334201388888891,15,explored -explored-14628,0.5751736111111113,12,explored -explored-14629,0.6498553240740742,12,explored -explored-14630,0.6697916666666667,6,explored -explored-14631,0.632465277777778,8,explored -explored-14632,0.34537037037037055,17,explored -explored-14633,0.4354166666666668,9,explored -explored-14634,0.7039930555555556,10,explored -explored-14635,0.8368055555555557,5,explored -explored-14636,0.3157986111111113,21,explored -explored-14637,0.4975347222222223,13,explored -explored-14638,0.6132812500000002,12,explored -explored-14639,0.5601562500000001,9,explored -explored-14640,0.6964409722222223,10,explored -explored-14641,0.5926504629629631,14,explored -explored-14642,0.8684895833333333,8,explored -explored-14643,0.4130208333333336,7,explored -explored-14644,0.6066550925925928,15,explored -explored-14645,0.3088541666666669,10,explored -explored-14646,0.3943576388888892,9,explored -explored-14647,0.6343750000000001,5,explored -explored-14648,0.4787760416666669,18,explored -explored-14649,0.6950231481481484,14,explored -explored-14650,0.6869791666666669,11,explored -explored-14651,0.7375000000000002,10,explored -explored-14652,0.4920138888888891,15,explored -explored-14653,0.47291666666666676,9,explored -explored-14654,0.7479166666666666,5,explored -explored-14655,0.4179687500000001,20,explored -explored-14656,0.7159722222222222,8,explored -explored-14657,0.23554687500000016,16,explored -explored-14658,0.6466666666666668,11,explored -explored-14659,0.47386574074074084,15,explored -explored-14660,0.30636574074074097,16,explored -explored-14661,0.67,10,explored -explored-14662,0.706701388888889,11,explored -explored-14663,0.20034722222222245,16,explored -explored-14664,0.5811921296296299,15,explored -explored-14665,0.41666666666666674,13,explored -explored-14666,0.29687500000000033,10,explored -explored-14667,0.5794704861111113,13,explored -explored-14668,0.6800636574074075,15,explored -explored-14669,0.4475694444444446,12,explored -explored-14670,0.5424479166666668,12,explored -explored-14671,0.14279513888888928,15,explored -explored-14672,0.4302372685185186,18,explored -explored-14673,0.7726388888888889,10,explored -explored-14674,0.4036458333333336,13,explored -explored-14675,0.2840277777777781,15,explored -explored-14676,0.4258333333333335,11,explored -explored-14677,0.5229166666666668,8,explored -explored-14678,0.6372395833333334,10,explored -explored-14679,0.5353298611111114,14,explored -explored-14680,0.4866319444444446,16,explored -explored-14681,0.5309895833333336,15,explored -explored-14682,0.26805555555555594,14,explored -explored-14683,0.6588541666666669,8,explored -explored-14684,0.8054166666666667,5,explored -explored-14685,0.7034722222222223,8,explored -explored-14686,0.44537037037037064,15,explored -explored-14687,0.6187065972222223,15,explored -explored-14688,0.4657118055555558,16,explored -explored-14689,0.5804166666666668,9,explored -explored-14690,0.7300347222222223,17,explored -explored-14691,0.6560763888888891,8,explored -explored-14692,0.2873263888888893,19,explored -explored-14693,0.5141493055555557,17,explored -explored-14694,0.5178240740740742,11,explored -explored-14695,0.640625,8,explored -explored-14696,0.8527777777777777,12,explored -explored-14697,0.7345486111111112,6,explored -explored-14698,0.48802083333333346,11,explored -explored-14699,0.24467592592592613,15,explored -explored-14700,0.6729166666666668,7,explored -explored-14701,0.49375000000000013,19,explored -explored-14702,0.4234375,8,explored -explored-14703,0.40885416666666685,19,explored -explored-14704,0.41608796296296313,16,explored -explored-14705,0.17204861111111147,17,explored -explored-14706,0.6042939814814816,31,explored -explored-14707,0.5111979166666667,12,explored -explored-14708,0.12899305555555585,16,explored -explored-14709,0.30138888888888915,15,explored -explored-14710,0.4809895833333335,20,explored -explored-14711,0.6604166666666667,6,explored -explored-14712,0.7758333333333334,7,explored -explored-14713,0.1742187500000003,15,explored -explored-14714,0.3543981481481483,15,explored -explored-14715,0.42005208333333344,8,explored -explored-14716,0.5378472222222224,12,explored -explored-14717,0.4223958333333335,17,explored -explored-14718,0.475607638888889,26,explored -explored-14719,0.574189814814815,15,explored -explored-14720,0.5601851851851852,37,explored -explored-14721,0.5697916666666668,16,explored -explored-14722,0.33177083333333357,17,explored -explored-14723,0.6613136574074074,10,explored -explored-14724,0.6707986111111113,11,explored -explored-14725,0.7021469907407408,17,explored -explored-14726,0.38541666666666674,12,explored -explored-14727,0.38802083333333337,8,explored -explored-14728,0.3515625000000002,10,explored -explored-14729,0.4213541666666669,7,explored -explored-14730,0.6849456018518519,31,explored -explored-14731,0.4505208333333335,12,explored -explored-14732,0.5750000000000003,4,explored -explored-14733,0.33359375000000036,15,explored -explored-14734,0.469675925925926,15,explored -explored-14735,0.26328125000000036,12,explored -explored-14736,0.4347916666666668,10,explored -explored-14737,0.5616898148148151,14,explored -explored-14738,0.5000000000000001,12,explored -explored-14739,0.3158564814814817,15,explored -explored-14740,0.48020833333333357,22,explored -explored-14741,0.6617187500000001,5,explored -explored-14742,0.46875000000000033,12,explored -explored-14743,0.5992187500000001,9,explored -explored-14744,0.25260416666666685,11,explored -explored-14745,0.3739583333333335,23,explored -explored-14746,0.6083333333333335,8,explored -explored-14747,0.3442708333333335,9,explored -explored-14748,0.3220486111111114,30,explored -explored-14749,0.31944444444444464,15,explored -explored-14750,0.3469097222222226,20,explored -explored-14751,0.581857638888889,15,explored -explored-14752,0.4343750000000002,9,explored -explored-14753,0.7627604166666667,7,explored -explored-14754,0.7478009259259261,17,explored -explored-14755,0.5038194444444446,13,explored -explored-14756,0.5420138888888891,19,explored -explored-14757,0.5582899305555558,19,explored -explored-14758,0.23888888888888915,22,explored -explored-14759,0.20355902777777812,19,explored -explored-14760,0.6928819444444445,17,explored -explored-14761,0.6213252314814817,17,explored -explored-14762,0.44010416666666685,6,explored -explored-14763,0.71796875,4,explored -explored-14764,0.5364583333333335,7,explored -explored-14765,0.6443576388888891,10,explored -explored-14766,0.763576388888889,7,explored -explored-14767,0.34083333333333365,12,explored -explored-14768,0.47534722222222237,14,explored -explored-14769,0.5930555555555557,10,explored -explored-14770,0.5306423611111112,10,explored -explored-14771,0.7230096726190477,41,explored -explored-14772,0.6604282407407408,36,explored -explored-14773,0.5570312500000001,7,explored -explored-14774,0.36041666666666683,8,explored -explored-14775,0.32916666666666694,8,explored -explored-14776,0.3367187500000002,18,explored -explored-14777,0.5083333333333337,10,explored -explored-14778,0.42447916666666685,11,explored -explored-14779,0.21701388888888917,16,explored -explored-14780,0.2093750000000002,17,explored -explored-14781,0.146354166666667,11,explored -explored-14782,0.5394097222222224,15,explored -explored-14783,0.5569444444444447,11,explored -explored-14784,0.4520833333333334,14,explored -explored-14785,0.5528645833333334,15,explored -explored-14786,0.5032118055555558,18,explored -explored-14787,0.152213541666667,19,explored -explored-14788,0.12592592592592622,17,explored -explored-14789,0.42642361111111127,22,explored -explored-14790,0.6226562500000001,13,explored -explored-14791,0.5942997685185187,11,explored -explored-14792,0.4613425925925927,19,explored -explored-14793,0.6672743055555557,11,explored -explored-14794,0.49088541666666685,16,explored -explored-14795,0.5004513888888891,15,explored -explored-14796,0.38041666666666707,16,explored -explored-14797,0.31090277777777797,16,explored -explored-14798,0.34296875000000027,26,explored -explored-14799,0.43619791666666685,22,explored -explored-14800,0.3812500000000003,11,explored -explored-14801,0.5588252314814817,16,explored -explored-14802,0.6291666666666668,9,explored -explored-14803,0.5699305555555557,9,explored -explored-14804,0.5741145833333334,22,explored -explored-14805,0.6340277777777779,14,explored -explored-14806,0.5487500000000002,14,explored -explored-14807,0.6628472222222223,9,explored -explored-14808,0.24184027777777806,12,explored -explored-14809,0.49375000000000036,6,explored -explored-14810,0.23750000000000027,18,explored -explored-14811,0.47144097222222237,18,explored -explored-14812,0.469508101851852,20,explored -explored-14813,0.666076388888889,11,explored -explored-14814,0.6765364583333334,15,explored -explored-14815,0.5625000000000001,12,explored -explored-14816,0.6130208333333335,8,explored -explored-14817,0.6806770833333334,15,explored -explored-14818,0.6229166666666667,10,explored -explored-14819,0.587326388888889,5,explored -explored-14820,0.26519097222222254,15,explored -explored-14821,0.5881944444444444,11,explored -explored-14822,0.4553125000000001,18,explored -explored-14823,0.4419270833333335,23,explored -explored-14824,0.441666666666667,5,explored -explored-14825,0.49438657407407427,16,explored -explored-14826,0.5989583333333333,7,explored -explored-14827,0.46493055555555574,13,explored -explored-14828,0.39531250000000007,17,explored -explored-14829,0.6113425925925927,13,explored -explored-14830,0.5352430555555557,11,explored -explored-14831,0.45434027777777797,10,explored -explored-14832,0.1468750000000003,14,explored -explored-14833,0.4770833333333334,10,explored -explored-14834,0.76875,2,explored -explored-14835,0.4114583333333335,11,explored -explored-14836,0.2234375000000003,15,explored -explored-14837,0.7683333333333333,12,explored -explored-14838,0.31458333333333355,16,explored -explored-14839,0.6082291666666668,15,explored -explored-14840,0.4939814814814816,14,explored -explored-14841,0.24670138888888915,13,explored -explored-14842,0.40162037037037057,18,explored -explored-14843,0.5076388888888891,6,explored -explored-14844,0.6502604166666668,8,explored -explored-14845,0.4618055555555558,8,explored -explored-14846,0.6520833333333333,5,explored -explored-14847,0.03385416666666696,14,explored -explored-14848,0.3931423611111111,16,explored -explored-14849,0.6325000000000002,10,explored -explored-14850,0.7135416666666666,10,explored -explored-14851,0.7052083333333334,7,explored -explored-14852,0.68359375,10,explored -explored-14853,0.6362847222222223,9,explored -explored-14854,0.38680555555555574,15,explored -explored-14855,0.8805555555555555,4,explored -explored-14856,0.691232638888889,9,explored -explored-14857,0.5563946759259261,16,explored -explored-14858,0.6303819444444446,7,explored -explored-14859,0.7760416666666667,6,explored -explored-14860,0.33750000000000036,10,explored -explored-14861,0.6307291666666669,10,explored -explored-14862,0.5020833333333334,9,explored -explored-14863,0.4136284722222223,21,explored -explored-14864,0.5579861111111113,16,explored -explored-14865,0.5477430555555558,9,explored -explored-14866,0.4383101851851853,26,explored -explored-14867,0.6373298611111111,30,explored -explored-14868,0.6519097222222223,13,explored -explored-14869,0.6765625000000002,9,explored -explored-14870,0.3822916666666669,21,explored -explored-14871,0.6456597222222225,11,explored -explored-14872,0.6205729166666668,15,explored -explored-14873,0.3041666666666668,22,explored -explored-14874,0.2489583333333335,10,explored -explored-14875,0.5020601851851854,18,explored -explored-14876,0.5355324074074075,16,explored -explored-14877,0.6692708333333335,3,explored -explored-14878,0.5927884424603176,35,explored -explored-14879,0.8041666666666667,5,explored -explored-14880,0.5156250000000001,16,explored -explored-14881,0.14279513888888928,16,explored -explored-14882,0.6430555555555555,6,explored -explored-14883,0.4177083333333337,12,explored -explored-14884,0.44097222222222243,19,explored -explored-14885,0.26956018518518543,16,explored -explored-14886,0.7104166666666667,9,explored -explored-14887,0.6553819444444446,14,explored -explored-14888,0.5084490740740741,12,explored -explored-14889,0.2972222222222225,14,explored -explored-14890,0.5545138888888891,6,explored -explored-14891,0.678611111111111,7,explored -explored-14892,0.3393229166666669,22,explored -explored-14893,0.7085937500000001,8,explored -explored-14894,0.3803819444444445,23,explored -explored-14895,0.2562500000000003,8,explored -explored-14896,0.7854166666666668,4,explored -explored-14897,0.38984375000000027,14,explored -explored-14898,0.3381076388888892,10,explored -explored-14899,0.3755208333333335,8,explored -explored-14900,0.3486111111111113,18,explored -explored-14901,0.35506365740740753,20,explored -explored-14902,0.5423611111111113,17,explored -explored-14903,0.7993055555555555,6,explored -explored-14904,0.6307291666666669,8,explored -explored-14905,0.2395833333333337,12,explored -explored-14906,0.7742187500000001,13,explored -explored-14907,0.5664930555555557,16,explored -explored-14908,0.5736805555555557,12,explored -explored-14909,0.5880208333333335,11,explored -explored-14910,0.5109664351851855,17,explored -explored-14911,0.5325086805555557,16,explored -explored-14912,0.7221354166666667,7,explored -explored-14913,0.5483854166666668,20,explored -explored-14914,0.33888888888888924,13,explored -explored-14915,0.17916666666666692,8,explored -explored-14916,0.6586805555555557,10,explored -explored-14917,0.518402777777778,12,explored -explored-14918,0.44791666666666685,10,explored -explored-14919,0.30138888888888915,15,explored -explored-14920,0.3294270833333335,15,explored -explored-14921,0.45381944444444466,14,explored -explored-14922,0.7279513888888889,8,explored -explored-14923,0.42751736111111127,17,explored -explored-14924,0.6852372685185186,17,explored -explored-14925,0.22135416666666674,13,explored -explored-14926,0.5880208333333334,16,explored -explored-14927,0.44490740740740753,17,explored -explored-14928,0.7644097222222223,9,explored -explored-14929,0.5218750000000002,17,explored -explored-14930,0.6462500000000002,7,explored -explored-14931,0.7362500000000001,6,explored -explored-14932,0.3132812500000002,20,explored -explored-14933,0.396180555555556,9,explored -explored-14934,0.3341666666666667,17,explored -explored-14935,0.43033854166666685,18,explored -explored-14936,0.5300561342592595,32,explored -explored-14937,0.5069444444444446,12,explored -explored-14938,0.22621527777777795,21,explored -explored-14939,0.5362500000000001,7,explored -explored-14940,0.5583333333333333,11,explored -explored-14941,0.7248958333333334,7,explored -explored-14942,0.6444444444444446,4,explored -explored-14943,0.6043750000000001,7,explored -explored-14944,0.6669270833333334,12,explored -explored-14945,0.5750000000000002,11,explored -explored-14946,0.24479166666666696,16,explored -explored-14947,0.4236979166666669,10,explored -explored-14948,0.29614583333333355,18,explored -explored-14949,0.6850347222222223,8,explored -explored-14950,0.33906250000000016,16,explored -explored-14951,0.5385416666666668,9,explored -explored-14952,0.39375000000000027,17,explored -explored-14953,0.5394097222222225,14,explored -explored-14954,0.6032986111111112,14,explored -explored-14955,0.5984375000000002,13,explored -explored-14956,0.6507291666666668,9,explored -explored-14957,0.4995370370370372,12,explored -explored-14958,0.3695312500000002,26,explored -explored-14959,0.5713541666666668,14,explored -explored-14960,0.49864004629629644,14,explored -explored-14961,0.5901041666666669,7,explored -explored-14962,0.663888888888889,12,explored -explored-14963,0.6812500000000001,7,explored -explored-14964,0.5395833333333335,8,explored -explored-14965,0.5928819444444446,14,explored -explored-14966,0.2596064814814817,15,explored -explored-14967,0.6666666666666667,7,explored -explored-14968,0.5503472222222224,7,explored -explored-14969,0.20364583333333353,13,explored -explored-14970,0.5126736111111112,17,explored -explored-14971,0.5135416666666669,16,explored -explored-14972,0.3421875000000003,9,explored -explored-14973,0.4764756944444446,13,explored -explored-14974,0.2902777777777781,15,explored -explored-14975,0.23755787037037046,20,explored -explored-14976,0.06093750000000031,12,explored -explored-14977,0.5395833333333335,13,explored -explored-14978,0.5949074074074074,13,explored -explored-14979,0.7276041666666666,7,explored -explored-14980,0.4041666666666669,8,explored -explored-14981,0.7796006944444445,10,explored -explored-14982,0.3489375000000001,13,explored -explored-14983,0.38009259259259276,12,explored -explored-14984,0.12899305555555585,13,explored -explored-14985,0.5690104166666667,10,explored -explored-14986,0.4067708333333335,12,explored -explored-14987,0.6986979166666668,9,explored -explored-14988,0.5934027777777778,10,explored -explored-14989,0.7567708333333334,10,explored -explored-14990,0.6709490740740742,9,explored -explored-14991,0.35069444444444464,14,explored -explored-14992,0.3901041666666668,12,explored -explored-14993,0.5386979166666668,23,explored -explored-14994,0.5925057870370372,17,explored -explored-14995,0.2993055555555555,11,explored -explored-14996,0.7199652777777779,5,explored -explored-14997,0.19062500000000027,13,explored -explored-14998,0.4319444444444447,18,explored -explored-14999,0.3562500000000002,14,explored -explored-15000,0.37025462962962985,15,explored -explored-15001,0.4809027777777779,15,explored -explored-15002,0.26041666666666696,10,explored -explored-15003,0.31406250000000024,16,explored -explored-15004,0.6211371527777779,24,explored -explored-15005,0.40666666666666695,10,explored -explored-15006,0.4688078703703705,19,explored -explored-15007,0.7486111111111111,11,explored -explored-15008,0.5293402777777779,13,explored -explored-15009,0.5689236111111113,13,explored -explored-15010,0.3036458333333335,14,explored -explored-15011,0.3616666666666669,12,explored -explored-15012,0.6575520833333335,7,explored -explored-15013,0.6889756944444446,9,explored -explored-15014,0.7102430555555557,10,explored -explored-15015,0.5651041666666669,7,explored -explored-15016,0.6062500000000002,12,explored -explored-15017,0.4973958333333335,13,explored -explored-15018,0.4661458333333335,10,explored -explored-15019,0.6509548611111112,10,explored -explored-15020,0.3518229166666669,16,explored -explored-15021,0.6302083333333335,7,explored -explored-15022,0.6227083333333335,11,explored -explored-15023,0.22187500000000027,19,explored -explored-15024,0.7679398148148149,6,explored -explored-15025,0.7422621527777779,18,explored -explored-15026,0.5072048611111112,12,explored -explored-15027,0.503559027777778,11,explored -explored-15028,0.4194444444444446,14,explored -explored-15029,0.13958333333333361,16,explored -explored-15030,0.5665798611111112,17,explored -explored-15031,0.6966145833333335,14,explored -explored-15032,0.4942708333333333,11,explored -explored-15033,0.29010416666666705,21,explored -explored-15034,0.4916666666666668,15,explored -explored-15035,0.40694444444444466,12,explored -explored-15036,0.6046296296296299,15,explored -explored-15037,0.5380208333333335,7,explored -explored-15038,0.7297430555555556,28,explored -explored-15039,0.49236111111111125,16,explored -explored-15040,0.24074074074074103,16,explored -explored-15041,0.38333333333333364,21,explored -explored-15042,0.7925,4,explored -explored-15043,0.28281250000000013,24,explored -explored-15044,0.36041666666666683,22,explored -explored-15045,0.6810080191798942,40,explored -explored-15046,0.7097511574074076,8,explored -explored-15047,0.6178530092592593,43,explored -explored-15048,0.6067708333333335,11,explored -explored-15049,0.44425000000000026,21,explored -explored-15050,0.2793402777777779,16,explored -explored-15051,0.7103935185185186,27,explored -explored-15052,0.7048900462962964,5,explored -explored-15053,0.6503472222222223,11,explored -explored-15054,0.3559027777777779,18,explored -explored-15055,0.7355902777777779,14,explored -explored-15056,0.6359953703703705,15,explored -explored-15057,0.7041666666666666,8,explored -explored-15058,0.6789062500000003,12,explored -explored-15059,0.2733796296296298,17,explored -explored-15060,0.6187500000000001,10,explored -explored-15061,0.8515625,3,explored -explored-15062,0.4652777777777779,12,explored -explored-15063,0.5013888888888889,10,explored -explored-15064,0.7890625000000001,8,explored -explored-15065,0.4481481481481483,24,explored -explored-15066,0.49227430555555585,8,explored -explored-15067,0.7295138888888889,9,explored -explored-15068,0.6245659722222222,14,explored -explored-15069,0.4695312500000002,19,explored -explored-15070,0.41333333333333366,12,explored -explored-15071,0.3012152777777781,17,explored -explored-15072,0.5047800925925927,12,explored -explored-15073,0.7317968750000001,23,explored -explored-15074,0.5243055555555556,8,explored -explored-15075,0.6415630787037038,43,explored -explored-15076,0.04479166666666701,15,explored -explored-15077,0.6298958333333334,8,explored -explored-15078,0.4315069444444446,17,explored -explored-15079,0.5788194444444447,12,explored -explored-15080,0.6033564814814816,15,explored -explored-15081,0.6275235615079366,29,explored -explored-15082,0.5511284722222225,18,explored -explored-15083,0.40156250000000027,9,explored -explored-15084,0.21996527777777797,16,explored -explored-15085,0.5822916666666668,3,explored -explored-15086,0.48255208333333344,20,explored -explored-15087,0.45515625000000015,21,explored -explored-15088,0.3660879629629632,13,explored -explored-15089,0.30859375000000033,16,explored -explored-15090,0.6645254629629631,14,explored -explored-15091,0.19218750000000018,22,explored -explored-15092,0.5161458333333335,8,explored -explored-15093,0.5735677083333335,17,explored -explored-15094,0.3676504629629631,18,explored -explored-15095,0.21493055555555585,17,explored -explored-15096,0.5083333333333336,11,explored -explored-15097,0.2951388888888892,18,explored -explored-15098,0.5354166666666669,7,explored -explored-15099,0.6493923611111112,11,explored -explored-15100,0.7041666666666666,12,explored -explored-15101,0.7929513888888889,5,explored -explored-15102,0.5178819444444446,17,explored -explored-15103,0.3773437500000003,21,explored -explored-15104,0.7699652777777778,14,explored -explored-15105,0.46692708333333355,14,explored -explored-15106,0.23981481481481493,23,explored -explored-15107,0.5644097222222224,10,explored -explored-15108,0.4872395833333335,14,explored -explored-15109,0.4885416666666669,14,explored -explored-15110,0.7036458333333334,6,explored -explored-15111,0.25312500000000027,14,explored -explored-15112,0.6748958333333335,5,explored -explored-15113,0.7824652777777779,10,explored -explored-15114,0.2928240740740742,23,explored -explored-15115,0.44895833333333357,16,explored -explored-15116,0.635590277777778,21,explored -explored-15117,0.6651909722222222,7,explored -explored-15118,0.6004166666666668,7,explored -explored-15119,0.5177083333333332,9,explored -explored-15120,0.5116319444444446,9,explored -explored-15121,0.5943055555555558,13,explored -explored-15122,0.6303819444444446,6,explored -explored-15123,0.5658680555555557,14,explored -explored-15124,0.3822916666666669,16,explored -explored-15125,0.42439814814814847,13,explored -explored-15126,0.2900462962962964,25,explored -explored-15127,0.6177083333333335,9,explored -explored-15128,0.5364583333333335,10,explored -explored-15129,0.6303819444444446,8,explored -explored-15130,0.17135416666666692,16,explored -explored-15131,0.4572916666666669,5,explored -explored-15132,0.6656250000000001,6,explored -explored-15133,0.5531250000000002,15,explored -explored-15134,0.46310763888888906,18,explored -explored-15135,0.567170138888889,12,explored -explored-15136,0.686232638888889,7,explored -explored-15137,0.3666666666666669,11,explored -explored-15138,0.3960763888888891,12,explored -explored-15139,0.5300000000000002,15,explored -explored-15140,0.6227430555555556,13,explored -explored-15141,0.6291666666666667,6,explored -explored-15142,0.7208333333333334,8,explored -explored-15143,0.7083101851851853,14,explored -explored-15144,0.3486111111111114,11,explored -explored-15145,0.309490740740741,23,explored -explored-15146,0.7956597222222221,5,explored -explored-15147,0.3427083333333335,19,explored -explored-15148,0.741875,7,explored -explored-15149,0.5951388888888891,10,explored -explored-15150,0.5631944444444448,10,explored -explored-15151,0.6535590277777779,12,explored -explored-15152,0.26927083333333357,12,explored -explored-15153,0.76875,4,explored -explored-15154,0.38255208333333357,13,explored -explored-15155,0.6656250000000001,6,explored -explored-15156,0.11163194444444469,13,explored -explored-15157,0.18750000000000022,18,explored -explored-15158,0.4989583333333335,5,explored -explored-15159,0.4833333333333335,14,explored -explored-15160,0.30572916666666683,14,explored -explored-15161,0.040625000000000355,13,explored -explored-15162,0.3125578703703705,18,explored -explored-15163,0.6144097222222223,9,explored -explored-15164,0.15885416666666696,9,explored -explored-15165,0.6708333333333334,4,explored -explored-15166,0.2513888888888892,16,explored -explored-15167,0.6018229166666669,14,explored -explored-15168,0.5569444444444447,16,explored -explored-15169,0.4812500000000004,8,explored -explored-15170,0.5803530092592594,11,explored -explored-15171,0.4570312500000002,9,explored -explored-15172,0.614670138888889,15,explored -explored-15173,0.6505208333333333,12,explored -explored-15174,0.6124999999999999,10,explored -explored-15175,0.6310763888888891,13,explored -explored-15176,0.3132812500000003,9,explored -explored-15177,0.7604166666666666,3,explored -explored-15178,0.6378472222222222,7,explored -explored-15179,0.4916666666666668,20,explored -explored-15180,0.48498263888888915,16,explored -explored-15181,0.46996527777777797,11,explored -explored-15182,0.649670138888889,13,explored -explored-15183,0.5753472222222223,12,explored -explored-15184,0.39275173611111125,17,explored -explored-15185,0.846875,7,explored -explored-15186,0.5621759259259261,30,explored -explored-15187,0.5208333333333335,6,explored -explored-15188,0.6730208333333334,6,explored -explored-15189,0.4686631944444446,19,explored -explored-15190,0.5072916666666668,12,explored -explored-15191,0.5703125,6,explored -explored-15192,0.6309895833333335,13,explored -explored-15193,0.5464583333333335,13,explored -explored-15194,0.304861111111111,13,explored -explored-15195,0.6449652777777779,18,explored -explored-15196,0.6044270833333334,6,explored -explored-15197,0.6635416666666668,3,explored -explored-15198,0.39447916666666694,12,explored -explored-15199,0.71125,6,explored -explored-15200,0.4859375,6,explored -explored-15201,0.47471064814814823,9,explored -explored-15202,0.6918750000000001,5,explored -explored-15203,0.7273611111111111,6,explored -explored-15204,0.5793981481481483,11,explored -explored-15205,2.220446049250313e-16,12,explored -explored-15206,0.6927083333333335,10,explored -explored-15207,0.7144097222222223,7,explored -explored-15208,0.39861111111111125,18,explored -explored-15209,0.1468750000000003,14,explored -explored-15210,0.24197048611111138,21,explored -explored-15211,0.33697916666666683,25,explored -explored-15212,0.5822916666666668,6,explored -explored-15213,0.6384375000000001,4,explored -explored-15214,0.11614583333333361,18,explored -explored-15215,0.41729166666666684,11,explored -explored-15216,0.5725694444444447,10,explored -explored-15217,0.1625000000000003,8,explored -explored-15218,0.82734375,8,explored -explored-15219,0.7208333333333334,11,explored -explored-15220,0.1625000000000003,17,explored -explored-15221,0.6854166666666668,7,explored -explored-15222,0.5322916666666666,16,explored -explored-15223,0.6494791666666668,6,explored -explored-15224,0.3192708333333336,8,explored -explored-15225,0.5697916666666667,9,explored -explored-15226,0.7430555555555556,9,explored -explored-15227,0.3867187500000002,19,explored -explored-15228,0.2923611111111113,17,explored -explored-15229,0.4843750000000002,17,explored -explored-15230,0.4128472222222226,14,explored -explored-15231,0.5159722222222223,9,explored -explored-15232,0.6762152777777779,12,explored -explored-15233,0.4260706018518521,21,explored -explored-15234,0.4125000000000003,16,explored -explored-15235,0.37673611111111127,15,explored -explored-15236,0.43819444444444466,12,explored -explored-15237,0.7645833333333333,9,explored -explored-15238,0.3659722222222226,13,explored -explored-15239,0.20078125000000024,11,explored -explored-15240,0.4663194444444446,8,explored -explored-15241,0.30166666666666697,13,explored -explored-15242,0.6694444444444444,12,explored -explored-15243,0.444184027777778,15,explored -explored-15244,0.5552083333333335,4,explored -explored-15245,0.7288194444444445,13,explored -explored-15246,0.6098958333333333,14,explored -explored-15247,0.41562500000000013,20,explored -explored-15248,0.6684317129629631,4,explored -explored-15249,0.2601562500000001,13,explored -explored-15250,0.3486689814814816,16,explored -explored-15251,0.44010416666666674,12,explored -explored-15252,0.5489583333333334,9,explored -explored-15253,0.4960937500000001,12,explored -explored-15254,0.2347222222222225,15,explored -explored-15255,0.32291666666666696,9,explored -explored-15256,0.266388888888889,23,explored -explored-15257,0.4910416666666668,14,explored -explored-15258,0.5053819444444447,9,explored -explored-15259,0.3583333333333336,15,explored -explored-15260,0.2562500000000002,15,explored -explored-15261,0.42152777777777795,21,explored -explored-15262,0.5117476851851853,17,explored -explored-15263,0.7061921296296297,7,explored -explored-15264,0.7148437500000001,9,explored -explored-15265,0.6760416666666667,10,explored -explored-15266,0.657482638888889,15,explored -explored-15267,0.27734375000000033,16,explored -explored-15268,0.40295138888888915,16,explored -explored-15269,0.5822916666666668,4,explored -explored-15270,0.5649739583333335,17,explored -explored-15271,0.6159722222222224,8,explored -explored-15272,0.6078819444444445,12,explored -explored-15273,0.38046875000000024,14,explored -explored-15274,0.3143229166666669,24,explored -explored-15275,0.5244791666666668,20,explored -explored-15276,0.49722222222222245,15,explored -explored-15277,0.26232638888888904,15,explored -explored-15278,0.6375000000000001,7,explored -explored-15279,0.6138020833333335,8,explored -explored-15280,0.5690972222222224,37,explored -explored-15281,0.5920138888888891,10,explored -explored-15282,0.24583333333333357,15,explored -explored-15283,0.7140625000000002,13,explored -explored-15284,0.502777777777778,16,explored -explored-15285,0.29597800925925954,21,explored -explored-15286,0.4640451388888891,17,explored -explored-15287,0.25937500000000036,15,explored -explored-15288,0.3197916666666668,9,explored -explored-15289,0.2777777777777781,12,explored -explored-15290,0.21250000000000013,20,explored -explored-15291,0.5451388888888888,10,explored -explored-15292,0.6148611111111112,15,explored -explored-15293,0.4335069444444446,14,explored -explored-15294,0.7498958333333334,7,explored -explored-15295,0.6842303240740741,15,explored -explored-15296,0.41909722222222234,10,explored -explored-15297,0.5460069444444445,19,explored -explored-15298,0.6269097222222224,22,explored -explored-15299,0.7958333333333335,5,explored -explored-15300,0.6596354166666668,18,explored -explored-15301,0.18776041666666687,15,explored -explored-15302,0.5706597222222224,17,explored -explored-15303,0.6070746527777778,17,explored -explored-15304,0.31701388888888915,20,explored -explored-15305,0.5359375000000002,10,explored -explored-15306,0.527309027777778,19,explored -explored-15307,0.2854166666666669,26,explored -explored-15308,0.2444444444444448,21,explored -explored-15309,0.6666666666666667,9,explored -explored-15310,0.7015625,7,explored -explored-15311,0.46875000000000033,11,explored -explored-15312,0.7021440972222224,31,explored -explored-15313,0.6184895833333335,12,explored -explored-15314,0.22864583333333344,15,explored -explored-15315,0.6203125000000002,17,explored -explored-15316,0.10312500000000036,18,explored -explored-15317,0.4774884259259261,13,explored -explored-15318,0.7770601851851853,5,explored -explored-15319,0.1390625000000003,12,explored -explored-15320,0.31689814814814854,12,explored -explored-15321,0.7375,8,explored -explored-15322,0.6315972222222224,8,explored -explored-15323,0.6805266203703705,15,explored -explored-15324,0.6307291666666669,8,explored -explored-15325,0.2619791666666671,14,explored -explored-15326,0.517939814814815,9,explored -explored-15327,0.4575520833333334,10,explored -explored-15328,0.34635416666666685,12,explored -explored-15329,0.5346875000000002,14,explored -explored-15330,0.4125,13,explored -explored-15331,0.5465277777777777,11,explored -explored-15332,0.19603587962962998,23,explored -explored-15333,0.6469473379629631,11,explored -explored-15334,0.44635416666666683,12,explored -explored-15335,0.13576388888888913,19,explored -explored-15336,0.5585937500000002,10,explored -explored-15337,0.4056134259259261,24,explored -explored-15338,0.7998437500000001,6,explored -explored-15339,0.49027777777777803,11,explored -explored-15340,0.5999131944444445,17,explored -explored-15341,0.5492245370370371,19,explored -explored-15342,0.5900000000000001,9,explored -explored-15343,0.4824363425925928,19,explored -explored-15344,0.4487500000000002,25,explored -explored-15345,0.648263888888889,12,explored -explored-15346,0.3015625000000002,13,explored -explored-15347,0.6495659722222223,13,explored -explored-15348,0.3875000000000002,11,explored -explored-15349,0.4390625,15,explored -explored-15350,0.6807291666666667,21,explored -explored-15351,0.4335648148148149,19,explored -explored-15352,0.6322916666666668,5,explored -explored-15353,0.6406250000000001,12,explored -explored-15354,0.7187210648148149,10,explored -explored-15355,0.08125000000000027,10,explored -explored-15356,0.5960937500000001,12,explored -explored-15357,0.35444444444444456,16,explored -explored-15358,0.5335937500000003,9,explored -explored-15359,0.6142534722222224,7,explored -explored-15360,0.7156250000000002,10,explored -explored-15361,0.7715277777777778,7,explored -explored-15362,0.3026041666666669,10,explored -explored-15363,0.3270833333333333,10,explored -explored-15364,0.4242187500000002,16,explored -explored-15365,0.4578125000000002,13,explored -explored-15366,0.6645833333333334,15,explored -explored-15367,0.3328125000000002,14,explored -explored-15368,0.7208333333333334,6,explored -explored-15369,0.6747916666666669,5,explored -explored-15370,0.4333333333333337,7,explored -explored-15371,0.5378472222222224,9,explored -explored-15372,0.2445312500000003,18,explored -explored-15373,0.2406250000000003,16,explored -explored-15374,0.35303819444444473,17,explored -explored-15375,0.6895833333333334,15,explored -explored-15376,0.5556944444444446,24,explored -explored-15377,0.7443437500000001,29,explored -explored-15378,0.6144531250000002,23,explored -explored-15379,0.6104166666666668,13,explored -explored-15380,0.29010416666666694,13,explored -explored-15381,0.430121527777778,23,explored -explored-15382,0.5906770833333335,12,explored -explored-15383,0.6937500000000001,8,explored -explored-15384,0.5920138888888891,13,explored -explored-15385,0.6469039351851853,13,explored -explored-15386,0.3070312500000002,12,explored -explored-15387,0.3791666666666669,14,explored -explored-15388,0.5736979166666669,10,explored -explored-15389,0.5425636574074074,14,explored -explored-15390,0.6185879629629631,9,explored -explored-15391,0.7097379298941799,44,explored -explored-15392,0.48125000000000007,16,explored -explored-15393,0.45833333333333326,9,explored -explored-15394,0.5736111111111113,17,explored -explored-15395,0.7844791666666667,4,explored -explored-15396,0.6774305555555556,10,explored -explored-15397,0.21892361111111136,18,explored -explored-15398,0.45215277777777796,21,explored -explored-15399,0.5859375000000002,13,explored -explored-15400,0.5579282407407407,15,explored -explored-15401,0.7757291666666667,5,explored -explored-15402,0.43281249999999993,9,explored -explored-15403,0.734013888888889,29,explored -explored-15404,0.48326388888888905,11,explored -explored-15405,0.4583333333333335,15,explored -explored-15406,0.5966666666666669,11,explored -explored-15407,0.6502604166666668,14,explored -explored-15408,0.5695312500000003,11,explored -explored-15409,0.45912037037037057,16,explored -explored-15410,0.3973958333333336,13,explored -explored-15411,0.5131944444444445,5,explored -explored-15412,0.6286458333333333,14,explored -explored-15413,0.4070312500000003,12,explored -explored-15414,0.7597222222222223,7,explored -explored-15415,0.6407118055555556,11,explored -explored-15416,0.5881365740740742,22,explored -explored-15417,0.4724537037037039,15,explored -explored-15418,0.727777777777778,8,explored -explored-15419,0.42239583333333375,10,explored -explored-15420,0.7134548611111112,11,explored -explored-15421,0.5794270833333333,14,explored -explored-15422,0.49583333333333357,15,explored -explored-15423,0.3359375000000002,16,explored -explored-15424,0.46111111111111125,13,explored -explored-15425,0.5754687500000002,14,explored -explored-15426,0.6172164351851853,11,explored -explored-15427,0.6818142361111112,22,explored -explored-15428,0.665707175925926,26,explored -explored-15429,0.5212962962962965,20,explored -explored-15430,0.51171875,12,explored -explored-15431,0.36462384259259284,22,explored -explored-15432,0.470138888888889,18,explored -explored-15433,0.678125,4,explored -explored-15434,0.30625000000000013,14,explored -explored-15435,0.5942708333333334,11,explored -explored-15436,0.2435185185185187,28,explored -explored-15437,0.3166666666666669,11,explored -explored-15438,0.37083333333333357,16,explored -explored-15439,0.14427083333333357,12,explored -explored-15440,0.5006944444444446,14,explored -explored-15441,0.43715277777777817,17,explored -explored-15442,0.6234375000000001,13,explored -explored-15443,0.6703767361111113,34,explored -explored-15444,0.12656250000000036,16,explored -explored-15445,0.6140740740740742,15,explored -explored-15446,0.16672453703703738,25,explored -explored-15447,0.38055555555555587,11,explored -explored-15448,0.734375,2,explored -explored-15449,0.34626736111111134,18,explored -explored-15450,0.3519675925925928,15,explored -explored-15451,0.4710937500000001,11,explored -explored-15452,0.6733514384920636,33,explored -explored-15453,0.4470486111111114,24,explored -explored-15454,0.5583333333333333,9,explored -explored-15455,0.4676504629629632,11,explored -explored-15456,0.4773350694444447,20,explored -explored-15457,0.5428819444444447,12,explored -explored-15458,0.4916666666666666,16,explored -explored-15459,0.6903645833333334,4,explored -explored-15460,0.5080729166666668,16,explored -explored-15461,0.3934375000000002,15,explored -explored-15462,0.33871527777777777,14,explored -explored-15463,0.8385416666666666,4,explored -explored-15464,0.523263888888889,12,explored -explored-15465,0.37265625000000013,10,explored -explored-15466,0.5348958333333335,14,explored -explored-15467,0.5971788194444446,19,explored -explored-15468,0.633420138888889,23,explored -explored-15469,0.6380208333333335,6,explored -explored-15470,0.07187500000000036,16,explored -explored-15471,0.4574652777777779,14,explored -explored-15472,0.24270833333333364,11,explored -explored-15473,0.7382465277777779,5,explored -explored-15474,0.6692708333333335,7,explored -explored-15475,0.6263020833333335,11,explored -explored-15476,0.34750000000000014,16,explored -explored-15477,0.4083854166666667,12,explored -explored-15478,0.11927083333333344,13,explored -explored-15479,0.47569444444444464,11,explored -explored-15480,0.6638888888888889,8,explored -explored-15481,0.6927083333333333,15,explored -explored-15482,0.4060185185185188,13,explored -explored-15483,0.18385416666666687,14,explored -explored-15484,0.602777777777778,10,explored -explored-15485,0.7302083333333335,10,explored -explored-15486,0.41944444444444473,11,explored -explored-15487,0.4555555555555557,15,explored -explored-15488,0.6563368055555557,12,explored -explored-15489,0.5687500000000002,7,explored -explored-15490,0.5195312500000002,7,explored -explored-15491,0.4262962962962964,22,explored -explored-15492,0.7150780423280425,35,explored -explored-15493,0.7256944444444444,13,explored -explored-15494,0.40353009259259287,18,explored -explored-15495,0.23381076388888922,17,explored -explored-15496,0.23697916666666696,12,explored -explored-15497,0.2562500000000003,10,explored -explored-15498,0.35949074074074083,16,explored -explored-15499,0.6462962962962965,6,explored -explored-15500,0.5687500000000001,8,explored -explored-15501,0.23802083333333357,9,explored -explored-15502,0.418229166666667,17,explored -explored-15503,0.6635127314814816,22,explored -explored-15504,0.4666666666666669,14,explored -explored-15505,0.5868778935185186,16,explored -explored-15506,0.587152777777778,5,explored -explored-15507,0.6161805555555557,8,explored -explored-15508,0.651388888888889,7,explored -explored-15509,0.501388888888889,9,explored -explored-15510,0.4375000000000001,11,explored -explored-15511,0.6661458333333333,12,explored -explored-15512,0.5303819444444444,12,explored -explored-15513,0.6621875000000002,6,explored -explored-15514,0.6593750000000002,8,explored -explored-15515,0.7375,3,explored -explored-15516,0.4505208333333335,12,explored -explored-15517,0.5956435185185186,13,explored -explored-15518,0.5833333333333334,5,explored -explored-15519,0.5909722222222223,12,explored -explored-15520,0.28229166666666705,15,explored -explored-15521,0.4750868055555557,20,explored -explored-15522,0.40011574074074086,21,explored -explored-15523,0.5053819444444447,11,explored -explored-15524,0.43125000000000013,18,explored -explored-15525,0.5928819444444446,14,explored -explored-15526,0.6420138888888891,36,explored -explored-15527,0.2440104166666669,18,explored -explored-15528,0.5513888888888889,8,explored -explored-15529,0.4407291666666667,15,explored -explored-15530,0.40390625000000013,10,explored -explored-15531,0.5457754629629631,13,explored -explored-15532,0.6190104166666668,10,explored -explored-15533,0.23402777777777817,19,explored -explored-15534,0.4702690972222223,20,explored -explored-15535,0.2807291666666668,19,explored -explored-15536,0.6927569444444446,36,explored -explored-15537,0.3548321759259261,18,explored -explored-15538,0.6965625000000001,5,explored -explored-15539,0.4995370370370371,13,explored -explored-15540,0.5218055555555557,21,explored -explored-15541,0.5174479166666669,13,explored -explored-15542,0.4380208333333334,10,explored -explored-15543,0.16770833333333357,11,explored -explored-15544,0.6491319444444446,20,explored -explored-15545,0.430277777777778,19,explored -explored-15546,0.3806712962962966,20,explored -explored-15547,0.6575520833333335,9,explored -explored-15548,0.5195312500000002,13,explored -explored-15549,0.7923611111111112,7,explored -explored-15550,0.6345486111111113,7,explored -explored-15551,0.606076388888889,9,explored -explored-15552,0.338715277777778,17,explored -explored-15553,0.7335358796296297,3,explored -explored-15554,0.36623263888888924,11,explored -explored-15555,0.4614583333333335,5,explored -explored-15556,0.7178125000000001,7,explored -explored-15557,0.4187500000000002,21,explored -explored-15558,0.5822916666666668,4,explored -explored-15559,0.3992187500000002,19,explored -explored-15560,0.5820601851851853,17,explored -explored-15561,0.606076388888889,8,explored -explored-15562,0.43515625,10,explored -explored-15563,0.4716145833333335,22,explored -explored-15564,0.5589120370370371,13,explored -explored-15565,0.5828125,8,explored -explored-15566,0.5666666666666668,9,explored -explored-15567,0.36822916666666683,15,explored -explored-15568,0.44453125000000016,14,explored -explored-15569,0.5286458333333335,16,explored -explored-15570,0.4289930555555558,21,explored -explored-15571,0.7358333333333333,25,explored -explored-15572,0.34227430555555594,13,explored -explored-15573,0.2782986111111113,16,explored -explored-15574,0.620138888888889,12,explored -explored-15575,0.4496093750000003,25,explored -explored-15576,0.5687500000000001,9,explored -explored-15577,0.3616666666666668,15,explored -explored-15578,0.517939814814815,13,explored -explored-15579,0.4989583333333335,4,explored -explored-15580,0.3895833333333336,19,explored -explored-15581,0.5591145833333334,16,explored -explored-15582,0.516388888888889,10,explored -explored-15583,0.2792824074074076,22,explored -explored-15584,0.5979166666666669,14,explored -explored-15585,0.728342013888889,15,explored -explored-15586,0.2430555555555558,16,explored -explored-15587,0.8227430555555555,10,explored -explored-15588,0.479513888888889,11,explored -explored-15589,0.34531250000000036,14,explored -explored-15590,0.35486111111111107,9,explored -explored-15591,0.6845486111111112,15,explored -explored-15592,0.6949305555555557,9,explored -explored-15593,0.7144097222222223,18,explored -explored-15594,0.5989583333333335,12,explored -explored-15595,0.41614583333333344,16,explored -explored-15596,0.38489583333333355,13,explored -explored-15597,0.3275000000000001,12,explored -explored-15598,0.6531423611111111,11,explored -explored-15599,0.5505208333333335,13,explored -explored-15600,0.29947916666666674,9,explored -explored-15601,0.4856481481481483,22,explored -explored-15602,0.5480324074074076,11,explored -explored-15603,0.12604166666666705,16,explored -explored-15604,0.5501302083333335,21,explored -explored-15605,0.6749652777777779,12,explored -explored-15606,0.43917824074074097,25,explored -explored-15607,0.6111979166666668,10,explored -explored-15608,0.49522569444444464,11,explored -explored-15609,0.1859375000000001,17,explored -explored-15610,0.20717592592592626,19,explored -explored-15611,0.5851041666666668,8,explored -explored-15612,0.3468287037037039,18,explored -explored-15613,0.5767361111111113,8,explored -explored-15614,0.3982638888888891,20,explored -explored-15615,0.6316840277777779,10,explored -explored-15616,0.37222222222222223,10,explored -explored-15617,0.477951388888889,23,explored -explored-15618,0.38645833333333346,13,explored -explored-15619,0.7520833333333333,3,explored -explored-15620,0.52265625,8,explored -explored-15621,0.7210937500000001,8,explored -explored-15622,0.6471354166666667,8,explored -explored-15623,0.6355902777777779,13,explored -explored-15624,0.4734375000000002,8,explored -explored-15625,0.4140625000000002,15,explored -explored-15626,0.6302430555555557,12,explored -explored-15627,0.2816406250000001,14,explored -explored-15628,0.3528356481481484,24,explored -explored-15629,0.5812500000000002,9,explored -explored-15630,0.3427083333333336,9,explored -explored-15631,0.34375000000000033,6,explored -explored-15632,0.6390625000000001,10,explored -explored-15633,0.6789062500000002,12,explored -explored-15634,0.4770486111111111,14,explored -explored-15635,0.7025885416666667,20,explored -explored-15636,0.4364583333333335,15,explored -explored-15637,0.11093750000000036,17,explored -explored-15638,0.3900173611111113,15,explored -explored-15639,0.23697916666666696,10,explored -explored-15640,0.6348958333333332,8,explored -explored-15641,0.5809027777777779,11,explored -explored-15642,0.14652777777777803,13,explored -explored-15643,0.5308159722222224,17,explored -explored-15644,0.5770833333333334,8,explored -explored-15645,0.5909722222222222,13,explored -explored-15646,0.5178819444444446,14,explored -explored-15647,0.30781250000000027,16,explored -explored-15648,0.38984375000000027,15,explored -explored-15649,0.335763888888889,12,explored -explored-15650,0.4275000000000002,13,explored -explored-15651,0.5554166666666669,14,explored -explored-15652,0.5512586805555557,16,explored -explored-15653,0.6368055555555557,11,explored -explored-15654,0.37997685185185204,19,explored -explored-15655,0.4441666666666668,8,explored -explored-15656,0.5640625000000001,6,explored -explored-15657,0.49518229166666683,24,explored -explored-15658,0.7296296296296296,25,explored -explored-15659,0.6517361111111113,11,explored -explored-15660,0.3949652777777779,15,explored -explored-15661,0.5105034722222224,17,explored -explored-15662,0.7486979166666667,13,explored -explored-15663,0.7798321759259259,15,explored -explored-15664,0.5500000000000003,12,explored -explored-15665,0.2937500000000002,8,explored -explored-15666,0.42046296296296315,20,explored -explored-15667,0.3255208333333337,9,explored -explored-15668,0.7156250000000002,5,explored -explored-15669,0.4603732638888891,14,explored -explored-15670,0.6363541666666668,16,explored -explored-15671,0.3398437500000002,17,explored -explored-15672,0.47645833333333343,14,explored -explored-15673,0.5485532407407409,13,explored -explored-15674,0.34832175925925957,20,explored -explored-15675,0.35949074074074083,13,explored -explored-15676,0.6376736111111112,15,explored -explored-15677,0.4549479166666669,9,explored -explored-15678,0.6252430555555557,15,explored -explored-15679,0.25462962962962976,20,explored -explored-15680,0.43125000000000036,12,explored -explored-15681,0.2367187500000003,11,explored -explored-15682,0.12239583333333348,17,explored -explored-15683,0.548090277777778,15,explored -explored-15684,0.25399305555555585,22,explored -explored-15685,0.6858217592592594,24,explored -explored-15686,0.46689814814814834,18,explored -explored-15687,0.5491666666666668,5,explored -explored-15688,0.22604166666666692,17,explored -explored-15689,0.1625000000000003,11,explored -explored-15690,0.4006655092592595,19,explored -explored-15691,0.4166203703703706,18,explored -explored-15692,0.6191550925925927,11,explored -explored-15693,0.7170833333333333,3,explored -explored-15694,0.4080729166666668,21,explored -explored-15695,0.457291666666667,13,explored -explored-15696,0.42291666666666705,9,explored -explored-15697,0.7161458333333335,10,explored -explored-15698,0.23292824074074092,19,explored -explored-15699,0.7152777777777779,8,explored -explored-15700,0.49194444444444463,18,explored -explored-15701,0.4083333333333333,7,explored -explored-15702,0.5441666666666669,6,explored -explored-15703,0.5156250000000001,8,explored -explored-15704,0.5500000000000003,10,explored -explored-15705,0.5126041666666667,8,explored -explored-15706,0.4604166666666669,8,explored -explored-15707,0.15503472222222237,18,explored -explored-15708,0.26232638888888904,13,explored -explored-15709,0.5777343750000001,14,explored -explored-15710,0.6961516203703705,29,explored -explored-15711,0.5264467592592594,16,explored -explored-15712,0.426605902777778,22,explored -explored-15713,0.208854166666667,17,explored -explored-15714,0.6317881944444446,21,explored -explored-15715,0.4201388888888893,11,explored -explored-15716,0.5700520833333335,11,explored -explored-15717,0.5640451388888891,15,explored -explored-15718,0.20920138888888928,18,explored -explored-15719,0.6353298611111111,11,explored -explored-15720,0.4750000000000002,12,explored -explored-15721,0.7317708333333333,7,explored -explored-15722,0.3006944444444444,10,explored -explored-15723,0.5045138888888888,19,explored -explored-15724,0.279166666666667,11,explored -explored-15725,0.34531250000000013,19,explored -explored-15726,0.7017361111111112,11,explored -explored-15727,0.6597222222222223,10,explored -explored-15728,0.5495659722222223,11,explored -explored-15729,0.7704166666666667,6,explored -explored-15730,0.551851851851852,10,explored -explored-15731,0.3413194444444446,20,explored -explored-15732,0.5986979166666668,8,explored -explored-15733,0.4065972222222224,22,explored -explored-15734,0.16302083333333361,15,explored -explored-15735,0.6234375000000002,9,explored -explored-15736,0.4848090277777779,19,explored -explored-15737,0.6472222222222223,7,explored -explored-15738,0.32685185185185217,15,explored -explored-15739,0.7602430555555555,8,explored -explored-15740,0.4458333333333335,15,explored -explored-15741,0.30972222222222245,12,explored -explored-15742,0.4208333333333336,8,explored -explored-15743,0.4789062500000002,16,explored -explored-15744,0.6342013888888891,8,explored -explored-15745,0.42343750000000024,13,explored -explored-15746,0.6579878472222223,32,explored -explored-15747,0.6578125000000001,6,explored -explored-15748,0.44013310185185195,20,explored -explored-15749,0.6166666666666668,15,explored -explored-15750,0.5027083333333334,10,explored -explored-15751,0.5974247685185187,11,explored -explored-15752,0.679976851851852,10,explored -explored-15753,0.31745370370370396,18,explored -explored-15754,0.5529513888888891,16,explored -explored-15755,0.5108796296296299,13,explored -explored-15756,0.7562500000000001,5,explored -explored-15757,0.5625,10,explored -explored-15758,0.5656250000000002,6,explored -explored-15759,0.6136458333333334,15,explored -explored-15760,0.3734375000000003,12,explored -explored-15761,0.4588541666666668,9,explored -explored-15762,0.6152083333333335,8,explored -explored-15763,0.6217881944444446,9,explored -explored-15764,0.47140625000000025,19,explored -explored-15765,0.5243055555555558,13,explored -explored-15766,0.1414930555555558,21,explored -explored-15767,0.6123697916666668,13,explored -explored-15768,0.6865416666666667,42,explored -explored-15769,0.20052083333333348,10,explored -explored-15770,0.336371527777778,20,explored -explored-15771,0.663888888888889,8,explored -explored-15772,0.7583333333333333,5,explored -explored-15773,0.3187500000000002,12,explored -explored-15774,0.38489583333333366,16,explored -explored-15775,0.4637731481481483,13,explored -explored-15776,0.4046296296296299,17,explored -explored-15777,0.4037500000000003,17,explored -explored-15778,0.4057291666666669,9,explored -explored-15779,0.5868344907407408,14,explored -explored-15780,0.5179687500000002,11,explored -explored-15781,0.6467708333333335,7,explored -explored-15782,0.18072916666666705,11,explored -explored-15783,0.4979166666666668,16,explored -explored-15784,0.48055555555555574,17,explored -explored-15785,0.42604166666666676,17,explored -explored-15786,0.6648958333333335,10,explored -explored-15787,0.7034722222222223,5,explored -explored-15788,0.6881944444444444,14,explored -explored-15789,0.43032407407407425,16,explored -explored-15790,0.2312500000000003,11,explored -explored-15791,0.22656250000000022,20,explored -explored-15792,0.7351736111111111,8,explored -explored-15793,0.6148437500000001,13,explored -explored-15794,0.7132812500000002,6,explored -explored-15795,0.6166666666666667,6,explored -explored-15796,0.224479166666667,17,explored -explored-15797,0.4682870370370372,17,explored -explored-15798,0.45850694444444473,16,explored -explored-15799,0.6971354166666668,8,explored -explored-15800,0.4194444444444445,9,explored -explored-15801,0.4744791666666669,8,explored -explored-15802,0.6146990740740742,14,explored -explored-15803,0.7055555555555556,10,explored -explored-15804,0.20462962962962994,18,explored -explored-15805,0.34583333333333344,9,explored -explored-15806,0.44453125000000027,10,explored -explored-15807,0.5039930555555557,11,explored -explored-15808,0.27809606481481497,24,explored -explored-15809,0.3226562500000002,13,explored -explored-15810,0.43680555555555556,16,explored -explored-15811,0.09791666666666687,12,explored -explored-15812,0.3690104166666669,21,explored -explored-15813,0.37760416666666685,12,explored -explored-15814,0.4082031250000002,17,explored -explored-15815,0.6169270833333335,5,explored -explored-15816,0.6367708333333334,9,explored -explored-15817,0.2500000000000002,11,explored -explored-15818,0.2171875000000003,12,explored -explored-15819,0.27065972222222245,19,explored -explored-15820,0.6059895833333333,11,explored -explored-15821,0.5239583333333334,11,explored -explored-15822,0.3401041666666669,9,explored -explored-15823,0.5750000000000001,8,explored -explored-15824,0.6812471064814816,34,explored -explored-15825,0.4296875000000002,20,explored -explored-15826,0.5189236111111112,21,explored -explored-15827,0.5312500000000003,4,explored -explored-15828,0.4897800925925928,16,explored -explored-15829,0.2739583333333335,13,explored -explored-15830,0.6993055555555556,11,explored -explored-15831,0.3425781250000004,17,explored -explored-15832,0.5998263888888891,6,explored -explored-15833,0.5093750000000001,9,explored -explored-15834,0.6107638888888891,15,explored -explored-15835,0.7618055555555556,9,explored -explored-15836,0.5361111111111113,19,explored -explored-15837,0.5137152777777778,21,explored -explored-15838,0.5531423611111113,17,explored -explored-15839,0.3243750000000002,16,explored -explored-15840,0.48888888888888915,10,explored -explored-15841,0.7075520833333334,16,explored -explored-15842,0.48802083333333346,12,explored -explored-15843,0.5192708333333335,7,explored -explored-15844,0.6555555555555557,8,explored -explored-15845,0.7256944444444444,10,explored -explored-15846,0.3524305555555557,11,explored -explored-15847,0.4744502314814817,17,explored -explored-15848,0.3125000000000002,10,explored -explored-15849,0.5645833333333335,11,explored -explored-15850,0.4447916666666668,16,explored -explored-15851,0.5473958333333334,15,explored -explored-15852,0.6875000000000001,11,explored -explored-15853,0.2312500000000003,9,explored -explored-15854,0.6261458333333334,11,explored -explored-15855,0.7133333333333334,6,explored -explored-15856,0.42552083333333357,13,explored -explored-15857,0.4329282407407409,16,explored -explored-15858,0.41718750000000027,7,explored -explored-15859,0.4256944444444446,12,explored -explored-15860,0.6140711805555557,12,explored -explored-15861,0.4701388888888891,15,explored -explored-15862,0.6128472222222223,14,explored -explored-15863,0.6789930555555558,7,explored -explored-15864,0.6192708333333333,11,explored -explored-15865,0.6486979166666669,13,explored -explored-15866,0.5395833333333333,6,explored -explored-15867,0.7130208333333333,10,explored -explored-15868,0.5786458333333335,17,explored -explored-15869,0.7345601851851853,9,explored -explored-15870,0.32343750000000027,7,explored -explored-15871,0.7594444444444445,9,explored -explored-15872,0.6142361111111113,9,explored -explored-15873,0.5978414351851853,34,explored -explored-15874,0.7522916666666668,6,explored -explored-15875,0.2034722222222225,17,explored -explored-15876,0.3409375000000002,14,explored -explored-15877,0.15225694444444482,13,explored -explored-15878,0.8197048611111112,8,explored -explored-15879,0.25208333333333344,19,explored -explored-15880,0.4343750000000003,9,explored -explored-15881,0.4236689814814817,16,explored -explored-15882,0.6776041666666668,17,explored -explored-15883,0.377777777777778,12,explored -explored-15884,0.301215277777778,23,explored -explored-15885,0.31701388888888915,16,explored -explored-15886,0.6812500000000001,5,explored -explored-15887,0.29849537037037077,15,explored -explored-15888,0.19453125000000027,17,explored -explored-15889,0.75,3,explored -explored-15890,0.6317997685185187,9,explored -explored-15891,0.6195312500000002,7,explored -explored-15892,0.32777777777777795,16,explored -explored-15893,0.7289930555555557,8,explored -explored-15894,0.6085358796296297,13,explored -explored-15895,0.557013888888889,11,explored -explored-15896,0.5347222222222224,13,explored -explored-15897,0.5237847222222224,7,explored -explored-15898,0.2113281250000003,13,explored -explored-15899,0.20277777777777806,18,explored -explored-15900,0.5703125000000002,13,explored -explored-15901,0.4633680555555557,19,explored -explored-15902,0.4062500000000002,6,explored -explored-15903,0.4687500000000002,13,explored -explored-15904,0.5454861111111111,21,explored -explored-15905,0.690277777777778,8,explored -explored-15906,0.31649305555555585,10,explored -explored-15907,0.6317824074074074,10,explored -explored-15908,0.24704861111111132,14,explored -explored-15909,0.4656250000000002,16,explored -explored-15910,0.1781250000000003,12,explored -explored-15911,0.18906250000000036,15,explored -explored-15912,0.5236226851851854,15,explored -explored-15913,0.6446180555555556,16,explored -explored-15914,0.7720486111111111,10,explored -explored-15915,0.6631799768518519,35,explored -explored-15916,0.45763888888888904,12,explored -explored-15917,0.3090277777777781,21,explored -explored-15918,0.42578703703703724,17,explored -explored-15919,0.7130208333333334,7,explored -explored-15920,0.4583333333333335,11,explored -explored-15921,0.5468750000000001,10,explored -explored-15922,0.6062500000000002,11,explored -explored-15923,0.31250000000000033,11,explored -explored-15924,0.588671875,14,explored -explored-15925,0.3548611111111115,19,explored -explored-15926,0.68625,6,explored -explored-15927,0.5987847222222225,15,explored -explored-15928,0.3119791666666669,20,explored -explored-15929,0.24583333333333357,12,explored -explored-15930,0.6687500000000002,14,explored -explored-15931,0.7268020833333334,24,explored -explored-15932,0.6512500000000001,7,explored -explored-15933,0.6823784722222223,5,explored -explored-15934,0.5789496527777779,16,explored -explored-15935,0.4437500000000002,22,explored -explored-15936,0.6894241898148149,32,explored -explored-15937,0.6895659722222223,12,explored -explored-15938,0.8256944444444445,4,explored -explored-15939,0.5895833333333335,8,explored -explored-15940,0.31597222222222254,10,explored -explored-15941,0.7369791666666666,14,explored -explored-15942,0.3755208333333335,14,explored -explored-15943,0.6323958333333335,13,explored -explored-15944,0.6469513888888889,29,explored -explored-15945,0.5705555555555557,14,explored -explored-15946,0.5704861111111112,11,explored -explored-15947,0.36388888888888915,12,explored -explored-15948,0.3230468750000003,24,explored -explored-15949,0.47083333333333366,9,explored -explored-15950,0.3319444444444446,14,explored -explored-15951,0.7334722222222223,10,explored -explored-15952,0.5926215277777779,10,explored -explored-15953,0.5037615740740742,19,explored -explored-15954,0.5833333333333337,8,explored -explored-15955,0.4140625000000002,8,explored -explored-15956,0.5683449074074076,17,explored -explored-15957,0.589670138888889,18,explored -explored-15958,0.41805555555555574,13,explored -explored-15959,0.4657986111111112,12,explored -explored-15960,0.5895833333333336,12,explored -explored-15961,0.6486979166666669,15,explored -explored-15962,0.16822916666666687,18,explored -explored-15963,0.5984375000000002,9,explored -explored-15964,0.2816840277777781,19,explored -explored-15965,0.37546296296296333,19,explored -explored-15966,0.4026041666666669,8,explored -explored-15967,0.4828125,13,explored -explored-15968,0.6156250000000001,12,explored -explored-15969,0.1326388888888892,14,explored -explored-15970,0.6184895833333335,9,explored -explored-15971,0.4479305555555557,24,explored -explored-15972,0.20381944444444466,14,explored -explored-15973,0.36083333333333356,14,explored -explored-15974,0.7043692129629631,9,explored -explored-15975,0.28385416666666696,17,explored -explored-15976,0.7166666666666668,9,explored -explored-15977,0.5526909722222224,16,explored -explored-15978,0.4239930555555558,20,explored -explored-15979,0.5381944444444446,15,explored -explored-15980,0.6812499999999999,10,explored -explored-15981,0.41566840277777795,19,explored -explored-15982,0.4046875000000003,8,explored -explored-15983,0.24079861111111134,12,explored -explored-15984,0.40937500000000016,10,explored -explored-15985,0.6168547453703704,18,explored -explored-15986,0.5557002314814816,20,explored -explored-15987,0.6772280092592593,14,explored -explored-15988,0.6381944444444446,9,explored -explored-15989,0.7611979166666667,9,explored -explored-15990,0.2449218750000003,20,explored -explored-15991,0.6429687500000001,6,explored -explored-15992,0.7247395833333334,10,explored -explored-15993,0.1472222222222226,18,explored -explored-15994,0.5567708333333334,8,explored -explored-15995,0.4339120370370374,15,explored -explored-15996,0.14322916666666696,12,explored -explored-15997,0.6916666666666668,9,explored -explored-15998,0.5020833333333334,11,explored -explored-15999,0.5550000000000002,16,explored -explored-16000,0.7749999999999999,6,explored -explored-16001,0.23680555555555594,17,explored -explored-16002,0.38819444444444473,18,explored -explored-16003,0.7089042658730159,31,explored -explored-16004,0.5421296296296297,14,explored -explored-16005,0.5818732638888889,40,explored -explored-16006,0.48315972222222237,16,explored -explored-16007,0.7638888888888891,4,explored -explored-16008,0.20844907407407431,20,explored -explored-16009,0.15052083333333366,15,explored -explored-16010,0.2328125000000003,12,explored -explored-16011,0.6038194444444446,15,explored -explored-16012,0.39166666666666683,19,explored -explored-16013,0.6666087962962964,14,explored -explored-16014,0.4099826388888891,17,explored -explored-16015,0.5909722222222222,10,explored -explored-16016,0.3515625000000002,8,explored -explored-16017,0.8958333333333334,3,explored -explored-16018,0.6064236111111112,9,explored -explored-16019,0.7638888888888891,6,explored -explored-16020,0.6348958333333334,9,explored -explored-16021,0.4580000000000002,10,explored -explored-16022,0.7377025462962964,24,explored -explored-16023,0.7150347222222223,9,explored -explored-16024,0.5559027777777779,16,explored -explored-16025,0.7117476851851853,12,explored -explored-16026,0.2972656250000002,15,explored -explored-16027,0.6499999999999999,9,explored -explored-16028,0.10625000000000018,15,explored -explored-16029,0.38125,8,explored -explored-16030,0.14322916666666696,16,explored -explored-16031,0.19149305555555585,16,explored -explored-16032,0.46796875000000016,11,explored -explored-16033,0.6749131944444445,7,explored -explored-16034,0.7131423611111112,14,explored -explored-16035,0.7137152777777779,10,explored -explored-16036,0.5511284722222224,14,explored -explored-16037,0.6104166666666668,5,explored -explored-16038,0.4391666666666669,9,explored -explored-16039,0.4774305555555558,10,explored -explored-16040,0.4822916666666668,20,explored -explored-16041,0.3236111111111113,19,explored -explored-16042,0.48993055555555576,13,explored -explored-16043,0.6269097222222224,12,explored -explored-16044,0.3479166666666669,12,explored -explored-16045,0.6104166666666668,13,explored -explored-16046,0.7119097222222224,7,explored -explored-16047,0.7947916666666668,6,explored -explored-16048,0.5162760416666667,17,explored -explored-16049,0.2870370370370374,14,explored -explored-16050,0.21250000000000036,9,explored -explored-16051,0.3916666666666667,16,explored -explored-16052,0.7140625000000003,8,explored -explored-16053,0.7572916666666667,5,explored -explored-16054,0.8096354166666667,6,explored -explored-16055,0.43177083333333355,13,explored -explored-16056,0.5437500000000002,6,explored -explored-16057,0.24557291666666692,26,explored -explored-16058,0.3421875000000003,19,explored -explored-16059,0.12656250000000036,17,explored -explored-16060,0.6145833333333335,9,explored -explored-16061,0.40156250000000016,12,explored -explored-16062,0.44677083333333345,9,explored -explored-16063,0.3534722222222224,19,explored -explored-16064,0.7197916666666668,4,explored -explored-16065,0.377777777777778,12,explored -explored-16066,0.5740277777777779,12,explored -explored-16067,0.5965625000000001,14,explored -explored-16068,0.7284375000000001,6,explored -explored-16069,0.2513888888888892,20,explored -explored-16070,0.36875000000000024,12,explored -explored-16071,0.7243518518518519,19,explored -explored-16072,0.6503356481481483,12,explored -explored-16073,0.6074652777777779,12,explored -explored-16074,0.43029513888888904,14,explored -explored-16075,0.635763888888889,7,explored -explored-16076,0.7503239087301588,24,explored -explored-16077,0.3139322916666668,19,explored -explored-16078,0.39333333333333353,13,explored -explored-16079,0.34774305555555585,22,explored -explored-16080,0.6421961805555557,22,explored -explored-16081,0.5585185185185187,17,explored -explored-16082,0.6604166666666667,10,explored -explored-16083,0.5482638888888891,10,explored -explored-16084,0.7039062500000001,8,explored -explored-16085,0.5655034722222223,17,explored -explored-16086,0.5981770833333334,13,explored -explored-16087,0.2338541666666668,18,explored -explored-16088,0.2723958333333336,15,explored -explored-16089,0.4568576388888892,10,explored -explored-16090,0.4666666666666668,15,explored -explored-16091,0.44053819444444453,13,explored -explored-16092,0.6589409722222224,16,explored -explored-16093,2.220446049250313e-16,14,explored -explored-16094,0.5667824074074076,15,explored -explored-16095,0.7666666666666666,8,explored -explored-16096,0.17430555555555582,17,explored -explored-16097,0.3548611111111113,18,explored -explored-16098,0.6563368055555556,10,explored -explored-16099,0.7351562500000002,7,explored -explored-16100,0.7326099537037037,14,explored -explored-16101,0.21510416666666687,22,explored -explored-16102,0.5533159722222223,11,explored -explored-16103,0.5158796296296299,17,explored -explored-16104,0.8385416666666666,7,explored -explored-16105,0.42256944444444455,16,explored -explored-16106,0.3352777777777781,22,explored -explored-16107,0.29114583333333366,24,explored -explored-16108,0.22760416666666705,10,explored -explored-16109,0.28376736111111145,26,explored -explored-16110,0.20052083333333348,10,explored -explored-16111,0.2839988425925928,16,explored -explored-16112,0.38746527777777795,15,explored -explored-16113,0.2312500000000003,10,explored -explored-16114,0.5486545138888891,20,explored -explored-16115,0.13255208333333357,19,explored -explored-16116,0.5583333333333332,6,explored -explored-16117,0.40972222222222254,17,explored -explored-16118,0.5057291666666668,11,explored -explored-16119,0.6449652777777779,6,explored -explored-16120,0.628559027777778,13,explored -explored-16121,0.46215277777777797,13,explored -explored-16122,0.803125,6,explored -explored-16123,0.6191840277777779,15,explored -explored-16124,0.46840277777777795,19,explored -explored-16125,0.6597222222222223,35,explored -explored-16126,0.6397685185185187,18,explored -explored-16127,0.3593750000000002,16,explored -explored-16128,0.5958333333333335,10,explored -explored-16129,0.6513020833333334,6,explored -explored-16130,0.7057986111111112,5,explored -explored-16131,0.3329861111111114,17,explored -explored-16132,0.43524305555555587,32,explored -explored-16133,0.6966145833333335,9,explored -explored-16134,0.3739583333333336,15,explored -explored-16135,0.21458333333333368,17,explored -explored-16136,0.4878472222222222,13,explored -explored-16137,0.6762673611111112,10,explored -explored-16138,0.3782986111111113,15,explored -explored-16139,0.37714120370370385,13,explored -explored-16140,0.6359374999999999,5,explored -explored-16141,0.43854166666666683,15,explored -explored-16142,0.4270833333333335,14,explored -explored-16143,0.6937500000000001,5,explored -explored-16144,0.5039062500000001,23,explored -explored-16145,0.7080729166666668,6,explored -explored-16146,0.46848958333333335,18,explored -explored-16147,0.754375,6,explored -explored-16148,0.47473958333333344,9,explored -explored-16149,0.81484375,4,explored -explored-16150,0.5776041666666667,6,explored -explored-16151,0.46640625,8,explored -explored-16152,0.4491319444444446,13,explored -explored-16153,0.7601562500000001,5,explored -explored-16154,0.37688888888888905,20,explored -explored-16155,0.27265625000000016,20,explored -explored-16156,0.5901041666666668,7,explored -explored-16157,0.6221875000000001,13,explored -explored-16158,0.6903645833333334,9,explored -explored-16159,0.44097222222222243,21,explored -explored-16160,0.4119791666666668,12,explored -explored-16161,0.34496527777777797,13,explored -explored-16162,0.6790625000000001,7,explored -explored-16163,0.5798611111111114,16,explored -explored-16164,0.4027777777777779,13,explored -explored-16165,0.6044270833333334,8,explored -explored-16166,0.4843750000000001,6,explored -explored-16167,0.5984375,6,explored -explored-16168,0.5533854166666667,16,explored -dominating-0,0.2562500000000003,7,dominant -dominating-1,0.4843750000000001,4,dominant -dominating-2,0.5218750000000001,3,dominant -dominating-3,0.6197916666666669,2,dominant +explored-0,0.4486111111111113,14,explored +explored-1,0.46545138888888915,21,explored +explored-2,0.47968750000000004,16,explored +explored-3,0.5583333333333333,5,explored +explored-4,0.33750000000000024,15,explored +explored-5,0.4859375,8,explored +explored-6,0.3622685185185187,18,explored +explored-7,0.40690104166666685,17,explored +explored-8,0.5729166666666666,11,explored +explored-9,0.5330555555555558,13,explored +explored-10,0.37447916666666703,7,explored +explored-11,0.18020833333333353,12,explored +explored-12,0.38531250000000017,13,explored +explored-13,0.5880208333333334,16,explored +explored-14,0.46848958333333346,17,explored +explored-15,0.5252604166666669,8,explored +explored-16,0.45043402777777797,17,explored +explored-17,0.6725115740740741,8,explored +explored-18,0.40798611111111127,19,explored +explored-19,0.5046875000000002,10,explored +explored-20,0.5778935185185187,15,explored +explored-21,0.3576388888888893,14,explored +explored-22,0.24583333333333357,19,explored +explored-23,0.6941261574074076,10,explored +explored-24,0.36302083333333357,10,explored +explored-25,0.7470486111111112,5,explored +explored-26,0.45468750000000024,18,explored +explored-27,0.2817708333333335,9,explored +explored-28,0.32187500000000013,16,explored +explored-29,0.778125,5,explored +explored-30,0.5229166666666668,8,explored +explored-31,0.33515625000000027,8,explored +explored-32,0.26367187500000033,24,explored +explored-33,0.4895833333333336,14,explored +explored-34,0.4276041666666668,11,explored +explored-35,0.3713541666666669,13,explored +explored-36,0.44114583333333346,20,explored +explored-37,0.5534722222222226,7,explored +explored-38,0.27500000000000036,14,explored +explored-39,0.22708333333333353,14,explored +explored-40,0.3430121527777781,17,explored +explored-41,0.47430555555555576,17,explored +explored-42,0.6111111111111113,13,explored +explored-43,0.4130208333333334,17,explored +explored-44,0.5127604166666668,12,explored +explored-45,0.3737847222222226,12,explored +explored-46,0.7083333333333333,3,explored +explored-47,0.703888888888889,8,explored +explored-48,0.5725694444444446,13,explored +explored-49,0.6,12,explored +explored-50,0.7116319444444444,18,explored +explored-51,0.1838541666666671,16,explored +explored-52,0.26672453703703725,22,explored +explored-53,0.5827256944444446,17,explored +explored-54,0.5416666666666667,10,explored +explored-55,0.4824652777777779,14,explored +explored-56,0.7239583333333333,6,explored +explored-57,0.5909432870370372,13,explored +explored-58,0.5955729166666668,13,explored +explored-59,0.6213541666666668,11,explored +explored-60,0.6115625000000001,19,explored +explored-61,0.06406250000000036,20,explored +explored-62,0.6648148148148149,13,explored +explored-63,0.5072337962962964,15,explored +explored-64,0.6034895833333335,18,explored +explored-65,0.4354166666666669,16,explored +explored-66,0.5773726851851853,13,explored +explored-67,0.43671875000000016,10,explored +explored-68,0.26041666666666696,10,explored +explored-69,0.6653067129629631,9,explored +explored-70,0.6275462962962964,11,explored +explored-71,0.16319444444444464,17,explored +explored-72,0.49131944444444464,20,explored +explored-73,0.5413194444444446,13,explored +explored-74,0.43706597222222243,22,explored +explored-75,0.7005208333333335,7,explored +explored-76,0.6414930555555557,10,explored +explored-77,0.4644791666666668,13,explored +explored-78,0.4021701388888891,16,explored +explored-79,0.6348958333333334,9,explored +explored-80,0.36822916666666683,11,explored +explored-81,0.23888888888888915,22,explored +explored-82,0.41080729166666696,17,explored +explored-83,0.6334490740740742,12,explored +explored-84,0.3085069444444446,24,explored +explored-85,0.4182870370370373,20,explored +explored-86,0.5776041666666669,9,explored +explored-87,0.5129050925925929,12,explored +explored-88,0.4846354166666669,12,explored +explored-89,0.3221354166666668,14,explored +explored-90,0.4706597222222222,15,explored +explored-91,0.20364583333333353,15,explored +explored-92,0.301041666666667,9,explored +explored-93,0.5776041666666669,11,explored +explored-94,0.6802083333333335,2,explored +explored-95,0.3986979166666669,10,explored +explored-96,0.20416666666666705,11,explored +explored-97,0.4875868055555558,11,explored +explored-98,0.5889756944444446,15,explored +explored-99,0.5500000000000002,6,explored +explored-100,0.1428240740740745,15,explored +explored-101,0.4898611111111113,9,explored +explored-102,0.4487500000000002,12,explored +explored-103,0.524826388888889,16,explored +explored-104,0.3953125000000002,10,explored +explored-105,0.41626157407407427,23,explored +explored-106,0.6536458333333335,5,explored +explored-107,0.6241319444444445,5,explored +explored-108,0.1472222222222226,18,explored +explored-109,0.5305555555555557,9,explored +explored-110,0.18368055555555585,18,explored +explored-111,0.7810763888888889,9,explored +explored-112,0.6675409226190477,30,explored +explored-113,0.3340277777777779,21,explored +explored-114,0.27688078703703733,20,explored +explored-115,0.7358333333333333,17,explored +explored-116,0.11562500000000031,16,explored +explored-117,0.6666869212962964,28,explored +explored-118,0.441996527777778,13,explored +explored-119,0.43168402777777803,18,explored +explored-120,0.2884837962962965,18,explored +explored-121,0.6171527777777779,10,explored +explored-122,0.4300347222222223,18,explored +explored-123,0.2507812500000003,13,explored +explored-124,0.7256944444444444,8,explored +explored-125,0.6857986111111112,15,explored +explored-126,0.3605902777777781,13,explored +explored-127,0.41319444444444486,13,explored +explored-128,0.2460069444444446,18,explored +explored-129,0.26041666666666696,8,explored +explored-130,0.7104166666666667,9,explored +explored-131,0.6855902777777779,9,explored +explored-132,0.5453125000000001,8,explored +explored-133,0.884375,3,explored +explored-134,0.6604166666666668,8,explored +explored-135,0.5888888888888889,7,explored +explored-136,0.4442708333333335,12,explored +explored-137,0.4890625000000002,19,explored +explored-138,0.7011030092592594,31,explored +explored-139,0.11666666666666692,12,explored +explored-140,0.6937500000000001,12,explored +explored-141,0.2976562500000002,16,explored +explored-142,0.4046875000000003,10,explored +explored-143,0.5278645833333335,7,explored +explored-144,0.6230208333333335,7,explored +explored-145,0.6868055555555557,6,explored +explored-146,0.75,9,explored +explored-147,0.255729166666667,13,explored +explored-148,0.5784722222222225,11,explored +explored-149,0.6104166666666668,12,explored +explored-150,0.6784722222222224,9,explored +explored-151,0.5908564814814816,14,explored +explored-152,0.5053819444444445,12,explored +explored-153,0.44704861111111116,11,explored +explored-154,0.3510416666666669,7,explored +explored-155,0.668263888888889,10,explored +explored-156,0.7493055555555557,9,explored +explored-157,0.2539062500000002,17,explored +explored-158,0.5833333333333335,14,explored +explored-159,0.3187500000000003,11,explored +explored-160,0.6619791666666667,10,explored +explored-161,0.5591435185185186,16,explored +explored-162,0.48067129629629646,12,explored +explored-163,0.41879629629629644,21,explored +explored-164,0.3031250000000003,12,explored +explored-165,0.4370659722222223,19,explored +explored-166,0.5476851851851853,12,explored +explored-167,0.5849392361111113,37,explored +explored-168,0.5690972222222224,9,explored +explored-169,0.5791666666666668,21,explored +explored-170,0.4302083333333334,14,explored +explored-171,0.4192708333333335,18,explored +explored-172,0.4159722222222224,14,explored +explored-173,0.42604166666666676,23,explored +explored-174,0.5266203703703705,19,explored +explored-175,0.27986111111111134,12,explored +explored-176,0.3055555555555558,12,explored +explored-177,0.4486111111111113,13,explored +explored-178,0.24583333333333346,12,explored +explored-179,0.4549305555555557,10,explored +explored-180,0.5097511574074075,15,explored +explored-181,0.3103125000000003,12,explored +explored-182,0.24947916666666692,14,explored +explored-183,0.5009635416666668,21,explored +explored-184,0.5880208333333334,11,explored +explored-185,0.642361111111111,9,explored +explored-186,0.6662615740740742,14,explored +explored-187,0.3119791666666669,16,explored +explored-188,0.671875,9,explored +explored-189,0.4633333333333336,17,explored +explored-190,0.2651041666666669,14,explored +explored-191,0.15868055555555594,13,explored +explored-192,0.3333333333333337,11,explored +explored-193,0.6794849537037038,33,explored +explored-194,0.6165219907407409,12,explored +explored-195,0.5083333333333337,10,explored +explored-196,0.6987152777777779,6,explored +explored-197,0.5325000000000002,15,explored +explored-198,0.6708333333333333,3,explored +explored-199,0.18125000000000036,17,explored +explored-200,0.3333333333333337,13,explored +explored-201,0.531076388888889,9,explored +explored-202,0.36250000000000027,10,explored +explored-203,0.5131076388888891,17,explored +explored-204,0.2713541666666668,14,explored +explored-205,0.4179687500000002,12,explored +explored-206,0.5076388888888891,16,explored +explored-207,0.6197627314814816,15,explored +explored-208,0.05416666666666692,14,explored +explored-209,0.08125000000000027,12,explored +explored-210,0.44895833333333346,12,explored +explored-211,0.5944444444444446,15,explored +explored-212,0.6323437500000001,37,explored +explored-213,0.5114583333333333,13,explored +explored-214,0.4916666666666668,28,explored +explored-215,0.3197916666666669,12,explored +explored-216,0.7408101851851853,3,explored +explored-217,0.47125000000000017,11,explored +explored-218,0.6660590277777778,18,explored +explored-219,0.25098379629629664,21,explored +explored-220,0.5419444444444446,12,explored +explored-221,0.5977430555555557,13,explored +explored-222,0.5827430555555557,10,explored +explored-223,0.36222222222222245,16,explored +explored-224,0.511371527777778,10,explored +explored-225,0.4486979166666668,21,explored +explored-226,0.29453125000000036,11,explored +explored-227,0.7208333333333333,6,explored +explored-228,0.08125000000000027,10,explored +explored-229,0.6117361111111113,8,explored +explored-230,0.33269675925925934,15,explored +explored-231,0.24189814814814825,18,explored +explored-232,0.6029513888888891,12,explored +explored-233,0.4201388888888893,14,explored +explored-234,0.6069444444444445,12,explored +explored-235,0.4310763888888891,18,explored +explored-236,0.7875000000000001,9,explored +explored-237,0.5550694444444446,12,explored +explored-238,0.49375000000000036,6,explored +explored-239,0.5497685185185187,16,explored +explored-240,0.2875000000000003,12,explored +explored-241,0.5060763888888891,9,explored +explored-242,0.58125,8,explored +explored-243,0.5908564814814816,15,explored +explored-244,0.3389699074074075,21,explored +explored-245,0.30763888888888924,16,explored +explored-246,0.6291666666666669,7,explored +explored-247,0.713888888888889,11,explored +explored-248,0.7645833333333334,11,explored +explored-249,0.4333333333333337,7,explored +explored-250,0.19450231481481506,22,explored +explored-251,0.6790625000000001,5,explored +explored-252,0.5234375000000001,11,explored +explored-253,0.7311458333333334,8,explored +explored-254,0.6504340277777779,15,explored +explored-255,0.5590277777777779,13,explored +explored-256,0.5963541666666669,12,explored +explored-257,0.2791666666666668,19,explored +explored-258,0.7005497685185186,17,explored +explored-259,0.33854166666666696,13,explored +explored-260,0.45572916666666696,10,explored +explored-261,0.8317708333333333,13,explored +explored-262,0.38802083333333337,8,explored +explored-263,0.6782118055555557,17,explored +explored-264,0.5638020833333335,10,explored +explored-265,0.6921875000000001,4,explored +explored-266,0.333854166666667,13,explored +explored-267,0.3244791666666669,11,explored +explored-268,0.2015625000000003,18,explored +explored-269,0.5793368055555557,13,explored +explored-270,0.396180555555556,13,explored +explored-271,0.49583333333333335,7,explored +explored-272,0.5193836805555556,14,explored +explored-273,0.3095486111111114,15,explored +explored-274,0.36932870370370385,17,explored +explored-275,0.43958333333333355,11,explored +explored-276,0.71796875,4,explored +explored-277,0.35572916666666676,22,explored +explored-278,0.45277777777777795,11,explored +explored-279,0.2578125000000002,18,explored +explored-280,0.6501562500000001,12,explored +explored-281,0.42647569444444455,17,explored +explored-282,0.3875000000000004,11,explored +explored-283,0.19635416666666694,17,explored +explored-284,0.37378472222222237,19,explored +explored-285,0.3908854166666669,15,explored +explored-286,0.23385416666666692,17,explored +explored-287,0.4377604166666669,25,explored +explored-288,0.21067708333333357,23,explored +explored-289,0.5013888888888889,10,explored +explored-290,0.49537037037037046,20,explored +explored-291,0.6705555555555558,10,explored +explored-292,0.3153645833333336,15,explored +explored-293,0.37661458333333364,24,explored +explored-294,0.2923611111111113,22,explored +explored-295,0.75,4,explored +explored-296,0.3364583333333335,8,explored +explored-297,0.2093750000000002,17,explored +explored-298,0.2552083333333337,14,explored +explored-299,0.5472858796296298,15,explored +explored-300,0.32835648148148167,14,explored +explored-301,0.6771701388888889,7,explored +explored-302,0.572482638888889,7,explored +explored-303,0.5630555555555558,12,explored +explored-304,0.6786458333333333,7,explored +explored-305,0.5044270833333335,18,explored +explored-306,0.5927083333333335,12,explored +explored-307,0.5925781250000001,13,explored +explored-308,0.49239583333333337,17,explored +explored-309,0.13593750000000027,14,explored +explored-310,0.3695312500000002,12,explored +explored-311,0.332291666666667,21,explored +explored-312,0.24704861111111132,14,explored +explored-313,0.6659722222222222,13,explored +explored-314,0.3812500000000003,8,explored +explored-315,0.5086805555555557,12,explored +explored-316,0.42152777777777817,12,explored +explored-317,0.3319444444444446,16,explored +explored-318,0.5041666666666669,10,explored +explored-319,0.33750000000000024,11,explored +explored-320,0.3186631944444447,27,explored +explored-321,0.6187500000000001,8,explored +explored-322,0.41927083333333326,10,explored +explored-323,0.7383680555555556,10,explored +explored-324,0.6302083333333335,13,explored +explored-325,0.6149305555555558,6,explored +explored-326,0.29699074074074083,14,explored +explored-327,0.6903645833333334,12,explored +explored-328,0.318229166666667,12,explored +explored-329,0.5977430555555557,4,explored +explored-330,0.5399305555555557,12,explored +explored-331,0.6595486111111113,5,explored +explored-332,0.638107638888889,6,explored +explored-333,0.8097222222222222,7,explored +explored-334,0.32717013888888924,17,explored +explored-335,0.6892361111111112,14,explored +explored-336,0.34930555555555565,18,explored +explored-337,0.392476851851852,21,explored +explored-338,0.5234375000000002,15,explored +explored-339,0.4314351851851854,16,explored +explored-340,0.6500000000000001,8,explored +explored-341,0.27552083333333366,16,explored +explored-342,0.6709189814814815,33,explored +explored-343,0.337760416666667,10,explored +explored-344,0.6880208333333335,5,explored +explored-345,0.3150028935185186,19,explored +explored-346,0.5380208333333332,8,explored +explored-347,0.8325,11,explored +explored-348,0.7222222222222224,8,explored +explored-349,0.7868055555555556,10,explored +explored-350,0.375763888888889,18,explored +explored-351,0.6392187500000001,11,explored +explored-352,0.41180555555555576,13,explored +explored-353,0.7436111111111111,14,explored +explored-354,0.20920138888888928,18,explored +explored-355,0.7385416666666668,5,explored +explored-356,0.6561342592592594,14,explored +explored-357,0.15390625000000036,17,explored +explored-358,0.6259837962962964,14,explored +explored-359,0.7805555555555556,8,explored +explored-360,0.4583333333333337,11,explored +explored-361,0.4828993055555557,17,explored +explored-362,0.4984375000000002,8,explored +explored-363,0.6955208333333335,9,explored +explored-364,0.6304687500000001,11,explored +explored-365,0.566840277777778,11,explored +explored-366,0.7809895833333333,8,explored +explored-367,0.2933449074074077,22,explored +explored-368,0.232291666666667,19,explored +explored-369,0.36238425925925943,12,explored +explored-370,0.5312499999999999,7,explored +explored-371,0.4041666666666668,18,explored +explored-372,0.46987847222222245,13,explored +explored-373,0.463888888888889,18,explored +explored-374,0.6966145833333335,10,explored +explored-375,0.6979166666666667,9,explored +explored-376,0.4572453703703705,19,explored +explored-377,0.6520254629629632,10,explored +explored-378,0.7561111111111112,7,explored +explored-379,0.5740277777777779,12,explored +explored-380,0.6130208333333335,7,explored +explored-381,0.29357638888888915,20,explored +explored-382,0.5062500000000001,5,explored +explored-383,0.5065104166666669,12,explored +explored-384,0.5774305555555558,14,explored +explored-385,0.6402199074074075,12,explored +explored-386,0.7661458333333333,9,explored +explored-387,0.42138888888888903,13,explored +explored-388,0.6062500000000001,11,explored +explored-389,0.5286111111111113,10,explored +explored-390,0.5867592592592594,17,explored +explored-391,0.6664351851851853,13,explored +explored-392,0.3275000000000001,12,explored +explored-393,0.6663020833333335,7,explored +explored-394,0.6618055555555556,9,explored +explored-395,0.18385416666666687,15,explored +explored-396,0.7520543981481482,5,explored +explored-397,0.6289467592592594,38,explored +explored-398,0.3170486111111115,21,explored +explored-399,0.3523437500000002,21,explored +explored-400,0.6222222222222225,10,explored +explored-401,0.4265625000000002,13,explored +explored-402,0.3171875000000002,14,explored +explored-403,0.7125000000000001,5,explored +explored-404,0.47526041666666685,12,explored +explored-405,0.640277777777778,12,explored +explored-406,0.6646875000000001,7,explored +explored-407,0.4539351851851854,16,explored +explored-408,0.5561226851851854,16,explored +explored-409,0.5243055555555556,7,explored +explored-410,0.5687500000000001,8,explored +explored-411,0.46394675925925943,23,explored +explored-412,0.36916666666666687,17,explored +explored-413,0.291840277777778,19,explored +explored-414,0.695138888888889,8,explored +explored-415,0.5440972222222223,9,explored +explored-416,0.5025028935185187,18,explored +explored-417,0.17401620370370385,18,explored +explored-418,0.43125000000000036,11,explored +explored-419,0.3581597222222225,16,explored +explored-420,0.6908564814814815,10,explored +explored-421,0.6881944444444446,13,explored +explored-422,0.5119791666666669,12,explored +explored-423,0.3588107638888892,13,explored +explored-424,0.8226562500000001,6,explored +explored-425,0.5151041666666668,6,explored +explored-426,0.3393518518518521,19,explored +explored-427,0.6032118055555556,14,explored +explored-428,0.37604166666666705,11,explored +explored-429,0.5659722222222222,9,explored +explored-430,0.185416666666667,11,explored +explored-431,0.25937500000000036,12,explored +explored-432,0.5432291666666669,16,explored +explored-433,0.7495543981481483,6,explored +explored-434,0.46848958333333335,18,explored +explored-435,0.1468750000000003,12,explored +explored-436,0.42352430555555565,19,explored +explored-437,0.3817708333333335,18,explored +explored-438,0.3993923611111113,30,explored +explored-439,0.6109375000000001,7,explored +explored-440,0.4213541666666669,7,explored +explored-441,0.6302777777777779,10,explored +explored-442,0.5057291666666668,10,explored +explored-443,0.26927083333333357,11,explored +explored-444,0.23854166666666676,15,explored +explored-445,0.23854166666666676,10,explored +explored-446,0.2944444444444446,11,explored +explored-447,0.6437500000000002,6,explored +explored-448,0.49386574074074097,19,explored +explored-449,0.5968518518518521,12,explored +explored-450,0.5172743055555558,21,explored +explored-451,0.612013888888889,13,explored +explored-452,0.6851562500000001,11,explored +explored-453,0.7538773148148149,14,explored +explored-454,0.48802083333333346,10,explored +explored-455,0.5812500000000002,13,explored +explored-456,0.441666666666667,6,explored +explored-457,0.22378472222222245,19,explored +explored-458,0.4130208333333333,14,explored +explored-459,0.6066319444444446,15,explored +explored-460,0.6242187500000002,9,explored +explored-461,0.4421875000000002,17,explored +explored-462,0.6338541666666668,14,explored +explored-463,0.5076388888888891,15,explored +explored-464,0.1625000000000003,12,explored +explored-465,0.4548611111111114,15,explored +explored-466,0.5947916666666668,13,explored +explored-467,0.4764756944444446,15,explored +explored-468,0.6166666666666667,3,explored +explored-469,0.6224247685185186,31,explored +explored-470,0.44496527777777795,15,explored +explored-471,0.41770833333333346,5,explored +explored-472,0.7333333333333333,6,explored +explored-473,0.6263888888888891,17,explored +explored-474,0.5834490740740743,11,explored +explored-475,0.505121527777778,15,explored +explored-476,0.4847569444444446,22,explored +explored-477,0.6931828703703705,17,explored +explored-478,0.7196006944444445,25,explored +explored-479,0.4378472222222224,12,explored +explored-480,0.4819444444444444,12,explored +explored-481,0.5389583333333334,8,explored +explored-482,0.5571180555555557,11,explored +explored-483,0.3850694444444447,11,explored +explored-484,0.25167824074074097,23,explored +explored-485,0.85,1,explored +explored-486,0.40666666666666695,12,explored +explored-487,0.45520833333333366,8,explored +explored-488,0.5703993055555556,12,explored +explored-489,0.41536458333333337,10,explored +explored-490,0.4949218750000002,18,explored +explored-491,0.5400462962962964,9,explored +explored-492,0.2910156250000001,19,explored +explored-493,0.3760127314814816,22,explored +explored-494,0.6460937500000001,8,explored +explored-495,0.5341145833333334,11,explored +explored-496,0.651701388888889,8,explored +explored-497,0.3400000000000001,13,explored +explored-498,0.35468750000000027,9,explored +explored-499,0.5822569444444445,14,explored +explored-500,0.7125000000000001,4,explored +explored-501,0.680295138888889,16,explored +explored-502,0.10859375000000027,14,explored +explored-503,0.27395833333333375,15,explored +explored-504,0.5072916666666669,15,explored +explored-505,0.5697916666666667,15,explored +explored-506,0.3754340277777779,17,explored +explored-507,0.6421875000000001,4,explored +explored-508,0.5395833333333335,16,explored +explored-509,0.2909722222222224,10,explored +explored-510,0.2562500000000003,19,explored +explored-511,0.7385416666666668,7,explored +explored-512,0.44729166666666687,10,explored +explored-513,0.2562500000000003,16,explored +explored-514,0.2561111111111114,17,explored +explored-515,0.5809027777777779,11,explored +explored-516,0.7402777777777778,7,explored +explored-517,0.605150462962963,14,explored +explored-518,0.6680555555555556,14,explored +explored-519,0.33750000000000036,10,explored +explored-520,0.7176041666666668,15,explored +explored-521,0.19097222222222254,14,explored +explored-522,0.23437500000000033,15,explored +explored-523,0.40041666666666687,22,explored +explored-524,0.4417824074074076,18,explored +explored-525,0.6125,4,explored +explored-526,0.7419212962962964,7,explored +explored-527,0.5953125000000001,9,explored +explored-528,0.48559027777777786,20,explored +explored-529,0.2625000000000004,12,explored +explored-530,0.5217592592592594,18,explored +explored-531,0.5718749999999999,8,explored +explored-532,0.5923611111111112,11,explored +explored-533,0.4861979166666669,10,explored +explored-534,0.6070312500000001,8,explored +explored-535,0.7634375,4,explored +explored-536,0.5037500000000001,10,explored +explored-537,0.5173611111111112,21,explored +explored-538,0.7527488425925927,10,explored +explored-539,0.4921875000000001,11,explored +explored-540,0.6784722222222221,16,explored +explored-541,0.5214409722222224,18,explored +explored-542,0.37326388888888906,9,explored +explored-543,0.6668750000000001,5,explored +explored-544,0.7703125000000001,8,explored +explored-545,0.24373263888888919,14,explored +explored-546,0.556076388888889,12,explored +explored-547,0.6539930555555556,15,explored +explored-548,0.8360937500000001,6,explored +explored-549,0.6325000000000002,10,explored +explored-550,0.39079861111111125,16,explored +explored-551,0.6472222222222224,11,explored +explored-552,0.5234375000000002,11,explored +explored-553,0.4409722222222222,11,explored +explored-554,0.2312500000000003,11,explored +explored-555,0.5150173611111111,15,explored +explored-556,0.5772916666666669,38,explored +explored-557,0.43871527777777797,19,explored +explored-558,0.3437500000000002,8,explored +explored-559,0.1810763888888891,19,explored +explored-560,0.5378472222222224,9,explored +explored-561,0.6557291666666668,14,explored +explored-562,0.3947916666666669,21,explored +explored-563,0.55390625,9,explored +explored-564,0.3255208333333337,15,explored +explored-565,0.4516666666666669,18,explored +explored-566,0.3651041666666669,19,explored +explored-567,0.5351996527777779,21,explored +explored-568,0.5451388888888891,16,explored +explored-569,0.4881944444444446,11,explored +explored-570,0.4109375000000002,12,explored +explored-571,0.6173611111111114,13,explored +explored-572,0.4897569444444446,13,explored +explored-573,0.2928819444444446,11,explored +explored-574,0.7969444444444445,9,explored +explored-575,0.6491840277777778,12,explored +explored-576,0.6392708333333335,13,explored +explored-577,0.3583333333333336,16,explored +explored-578,0.36571180555555594,17,explored +explored-579,0.7117187500000001,8,explored +explored-580,0.5157986111111112,14,explored +explored-581,0.390451388888889,18,explored +explored-582,0.5150173611111113,17,explored +explored-583,0.4403645833333335,16,explored +explored-584,0.2947916666666669,22,explored +explored-585,0.45277777777777795,12,explored +explored-586,0.3442708333333335,17,explored +explored-587,0.7114131944444445,33,explored +explored-588,0.15972222222222254,18,explored +explored-589,0.41787037037037056,13,explored +explored-590,0.632465277777778,8,explored +explored-591,0.6748635912698414,36,explored +explored-592,0.6493055555555557,5,explored +explored-593,0.46302083333333366,12,explored +explored-594,0.3826388888888892,19,explored +explored-595,0.33307291666666694,16,explored +explored-596,0.5918547453703705,18,explored +explored-597,0.4599479166666668,17,explored +explored-598,0.4970486111111112,14,explored +explored-599,0.4166203703703706,22,explored +explored-600,0.2078125000000003,17,explored +explored-601,0.4378472222222225,20,explored +explored-602,0.3460069444444447,15,explored +explored-603,0.3569444444444446,14,explored +explored-604,0.22968750000000027,14,explored +explored-605,0.585590277777778,8,explored +explored-606,0.6359953703703705,12,explored +explored-607,0.6130208333333335,5,explored +explored-608,0.8041666666666667,10,explored +explored-609,0.4252893518518521,23,explored +explored-610,0.5261458333333335,13,explored +explored-611,0.6411458333333334,8,explored +explored-612,0.6552083333333334,7,explored +explored-613,0.44756944444444446,10,explored +explored-614,0.6729166666666668,7,explored +explored-615,0.3982638888888891,16,explored +explored-616,0.38041666666666707,16,explored +explored-617,0.5869444444444446,9,explored +explored-618,0.702912326388889,36,explored +explored-619,0.29218750000000027,14,explored +explored-620,0.17916666666666692,9,explored +explored-621,0.441666666666667,6,explored +explored-622,0.46491319444444446,19,explored +explored-623,0.5391203703703705,13,explored +explored-624,0.5401331018518519,21,explored +explored-625,0.7345601851851853,9,explored +explored-626,0.6085358796296297,14,explored +explored-627,0.5896440972222223,21,explored +explored-628,0.34375000000000033,7,explored +explored-629,0.5489583333333334,13,explored +explored-630,0.289322916666667,15,explored +explored-631,0.3097916666666669,13,explored +explored-632,0.8583333333333334,2,explored +explored-633,0.5866319444444446,8,explored +explored-634,0.4788194444444446,10,explored +explored-635,0.2739583333333335,24,explored +explored-636,0.1960937500000004,14,explored +explored-637,0.5243055555555558,14,explored +explored-638,0.7208333333333333,6,explored +explored-639,0.6365306712962964,15,explored +explored-640,0.3381076388888892,12,explored +explored-641,0.48750000000000016,12,explored +explored-642,0.4433159722222223,15,explored +explored-643,0.3797453703703706,20,explored +explored-644,0.5380208333333335,7,explored +explored-645,0.3031250000000003,13,explored +explored-646,0.6626736111111112,7,explored +explored-647,0.31898148148148153,19,explored +explored-648,0.3979166666666669,11,explored +explored-649,0.3324652777777779,15,explored +explored-650,0.3319444444444446,17,explored +explored-651,0.5255208333333333,13,explored +explored-652,0.1634259259259263,15,explored +explored-653,0.4296875000000001,17,explored +explored-654,0.3783564814814816,19,explored +explored-655,0.5710937500000002,12,explored +explored-656,0.5350694444444447,17,explored +explored-657,0.5266493055555558,25,explored +explored-658,0.6903645833333334,7,explored +explored-659,0.7133159722222224,11,explored +explored-660,0.20416666666666705,12,explored +explored-661,0.3645833333333335,11,explored +explored-662,0.6951388888888891,13,explored +explored-663,0.5000000000000001,7,explored +explored-664,0.347916666666667,12,explored +explored-665,0.605150462962963,10,explored +explored-666,0.5116319444444446,10,explored +explored-667,0.6601851851851853,6,explored +explored-668,0.6471354166666667,8,explored +explored-669,0.46293402777777803,12,explored +explored-670,0.42734375000000036,13,explored +explored-671,0.5697916666666666,17,explored +explored-672,0.2732638888888891,14,explored +explored-673,0.6782986111111112,7,explored +explored-674,0.45768229166666685,14,explored +explored-675,0.411388888888889,22,explored +explored-676,0.5682291666666668,19,explored +explored-677,0.5791666666666668,12,explored +explored-678,0.39445601851851864,23,explored +explored-679,0.44140625,13,explored +explored-680,0.4047222222222224,21,explored +explored-681,0.6234722222222224,12,explored +explored-682,0.5655034722222223,17,explored +explored-683,0.5100868055555556,16,explored +explored-684,0.5724537037037039,12,explored +explored-685,0.6809056712962964,42,explored +explored-686,0.7653472222222222,11,explored +explored-687,0.4270833333333335,12,explored +explored-688,0.10208333333333353,17,explored +explored-689,0.678125,9,explored +explored-690,0.31562500000000027,9,explored +explored-691,0.5806712962962965,9,explored +explored-692,0.5483333333333336,25,explored +explored-693,0.4211805555555558,20,explored +explored-694,0.26927083333333346,9,explored +explored-695,0.2727430555555558,20,explored +explored-696,0.5308333333333335,7,explored +explored-697,0.5759548611111112,8,explored +explored-698,0.6041666666666669,10,explored +explored-699,0.3222222222222225,13,explored +explored-700,0.4681250000000001,13,explored +explored-701,0.3275173611111115,19,explored +explored-702,0.5938368055555557,5,explored +explored-703,0.5854166666666669,6,explored +explored-704,0.6693055555555557,15,explored +explored-705,0.7710937500000001,6,explored +explored-706,0.4193576388888891,19,explored +explored-707,0.31349826388888924,10,explored +explored-708,0.4020833333333337,18,explored +explored-709,0.5641666666666669,11,explored +explored-710,0.316666666666667,10,explored +explored-711,0.4729861111111112,15,explored +explored-712,0.5480034722222223,11,explored +explored-713,0.5886574074074076,20,explored +explored-714,0.3010416666666669,15,explored +explored-715,0.24401041666666679,17,explored +explored-716,0.5356481481481482,15,explored +explored-717,0.6317129629629632,14,explored +explored-718,0.5453993055555557,19,explored +explored-719,0.5122222222222224,12,explored +explored-720,0.604340277777778,15,explored +explored-721,0.4340277777777779,15,explored +explored-722,0.6652777777777779,19,explored +explored-723,0.47881944444444446,24,explored +explored-724,0.7270833333333334,9,explored +explored-725,0.5253472222222224,14,explored +explored-726,0.7565625000000001,5,explored +explored-727,0.34496527777777797,13,explored +explored-728,0.8168402777777778,6,explored +explored-729,0.34736111111111134,18,explored +explored-730,0.7547453703703705,7,explored +explored-731,0.3865740740740742,19,explored +explored-732,0.36921875000000015,13,explored +explored-733,0.7113281250000001,16,explored +explored-734,0.5569444444444447,14,explored +explored-735,0.19201388888888915,16,explored +explored-736,0.3530092592592595,23,explored +explored-737,0.6899131944444445,31,explored +explored-738,0.5080729166666668,14,explored +explored-739,0.5401041666666667,18,explored +explored-740,0.5680208333333334,9,explored +explored-741,0.38107638888888906,15,explored +explored-742,0.5759548611111113,17,explored +explored-743,0.8901041666666667,8,explored +explored-744,0.6802083333333335,9,explored +explored-745,0.2704861111111114,17,explored +explored-746,0.24088541666666696,16,explored +explored-747,0.5219097222222223,15,explored +explored-748,0.7616666666666667,8,explored +explored-749,0.22361111111111143,21,explored +explored-750,0.4145833333333335,21,explored +explored-751,0.3631944444444448,7,explored +explored-752,0.5322916666666668,5,explored +explored-753,0.5539930555555557,12,explored +explored-754,0.5114583333333333,14,explored +explored-755,0.5415798611111112,14,explored +explored-756,0.5298611111111114,14,explored +explored-757,0.6919270833333334,6,explored +explored-758,0.5265625000000002,8,explored +explored-759,0.4150173611111112,14,explored +explored-760,0.7315104166666668,11,explored +explored-761,0.6209201388888891,8,explored +explored-762,0.4077256944444446,17,explored +explored-763,0.49432870370370385,19,explored +explored-764,0.6366319444444446,10,explored +explored-765,0.4271701388888892,12,explored +explored-766,0.3510416666666669,8,explored +explored-767,0.342465277777778,17,explored +explored-768,0.5229166666666668,12,explored +explored-769,0.5746875,8,explored +explored-770,0.7796875000000001,6,explored +explored-771,0.34296875000000016,14,explored +explored-772,0.5773437500000002,11,explored +explored-773,0.6226273148148149,30,explored +explored-774,0.679357638888889,9,explored +explored-775,0.2944444444444446,13,explored +explored-776,0.4764756944444446,17,explored +explored-777,0.2635416666666668,13,explored +explored-778,0.5227430555555557,17,explored +explored-779,0.66875,14,explored +explored-780,0.6818865740740742,11,explored +explored-781,0.6322916666666668,9,explored +explored-782,0.21458333333333368,16,explored +explored-783,0.47222222222222243,11,explored +explored-784,0.585138888888889,11,explored +explored-785,0.31185185185185216,30,explored +explored-786,0.1312500000000003,12,explored +explored-787,0.5520833333333335,12,explored +explored-788,0.4984375,10,explored +explored-789,0.3574652777777779,16,explored +explored-790,0.49959490740740753,19,explored +explored-791,0.47020833333333345,13,explored +explored-792,0.5769097222222224,10,explored +explored-793,0.3562500000000002,18,explored +explored-794,0.6870601851851853,11,explored +explored-795,0.7781712962962963,7,explored +explored-796,0.4572916666666669,18,explored +explored-797,0.36145833333333366,21,explored +explored-798,0.7043692129629631,7,explored +explored-799,0.46197916666666683,20,explored +explored-800,0.5754166666666669,8,explored +explored-801,0.7173692129629631,27,explored +explored-802,0.45859375000000036,15,explored +explored-803,0.5239583333333333,9,explored +explored-804,0.41166666666666685,10,explored +explored-805,0.2729166666666668,12,explored +explored-806,0.5164930555555557,13,explored +explored-807,0.363541666666667,17,explored +explored-808,0.828125,4,explored +explored-809,0.5178819444444447,11,explored +explored-810,0.27361111111111136,14,explored +explored-811,0.4881944444444446,18,explored +explored-812,0.4833333333333335,10,explored +explored-813,0.43518518518518534,21,explored +explored-814,0.4842361111111113,21,explored +explored-815,0.6356770833333334,11,explored +explored-816,0.216666666666667,11,explored +explored-817,0.5334375000000002,9,explored +explored-818,0.32630208333333344,19,explored +explored-819,0.682465277777778,11,explored +explored-820,0.5052083333333335,7,explored +explored-821,0.47129629629629655,19,explored +explored-822,0.5286574074074075,12,explored +explored-823,0.5372395833333333,15,explored +explored-824,0.6444444444444446,4,explored +explored-825,0.44305555555555576,14,explored +explored-826,0.3822916666666669,17,explored +explored-827,0.4970486111111113,20,explored +explored-828,0.16458333333333353,20,explored +explored-829,0.36545138888888906,21,explored +explored-830,0.3935329861111114,24,explored +explored-831,0.48255208333333355,15,explored +explored-832,0.26684027777777797,26,explored +explored-833,0.21944444444444478,13,explored +explored-834,0.7179166666666666,8,explored +explored-835,0.7840277777777778,12,explored +explored-836,0.5203125000000003,9,explored +explored-837,0.6575231481481483,9,explored +explored-838,0.5697916666666668,9,explored +explored-839,0.4237557870370372,21,explored +explored-840,0.45531250000000023,13,explored +explored-841,0.7036458333333335,13,explored +explored-842,0.3250000000000002,21,explored +explored-843,0.23518518518518539,21,explored +explored-844,0.21423611111111118,16,explored +explored-845,0.727777777777778,8,explored +explored-846,0.6430555555555555,9,explored +explored-847,0.6863541666666668,8,explored +explored-848,0.62109375,7,explored +explored-849,0.5557291666666668,13,explored +explored-850,0.5850694444444446,15,explored +explored-851,0.49375000000000024,8,explored +explored-852,0.1625000000000003,11,explored +explored-853,0.582951388888889,17,explored +explored-854,0.6041493055555558,11,explored +explored-855,0.5911458333333335,12,explored +explored-856,0.5457291666666668,10,explored +explored-857,0.5661458333333335,13,explored +explored-858,0.471527777777778,16,explored +explored-859,0.5403125000000002,10,explored +explored-860,0.4564814814814817,22,explored +explored-861,0.7255208333333334,5,explored +explored-862,0.3822222222222226,19,explored +explored-863,0.6903645833333334,14,explored +explored-864,0.48900462962962976,25,explored +explored-865,0.5942708333333334,17,explored +explored-866,0.35416666666666696,15,explored +explored-867,0.5763020833333334,13,explored +explored-868,0.480277777777778,12,explored +explored-869,0.3382812500000002,17,explored +explored-870,0.32621527777777803,13,explored +explored-871,0.4761111111111114,18,explored +explored-872,0.3518344907407409,18,explored +explored-873,0.6307291666666666,11,explored +explored-874,0.49375000000000024,8,explored +explored-875,0.671527777777778,13,explored +explored-876,0.6329282407407408,10,explored +explored-877,0.4890972222222223,14,explored +explored-878,0.3060763888888892,23,explored +explored-879,0.6391493055555557,11,explored +explored-880,0.4729166666666669,11,explored +explored-881,0.3875000000000002,15,explored +explored-882,0.3368078703703705,19,explored +explored-883,0.7608333333333335,6,explored +explored-884,0.6729166666666668,8,explored +explored-885,0.44687500000000013,24,explored +explored-886,0.5640624999999999,7,explored +explored-887,0.5720370370370372,14,explored +explored-888,0.3605902777777781,22,explored +explored-889,0.7630208333333335,8,explored +explored-890,0.5600694444444446,11,explored +explored-891,0.6242708333333334,4,explored +explored-892,0.5911458333333335,7,explored +explored-893,0.3722916666666669,15,explored +explored-894,0.6068287037037039,13,explored +explored-895,0.6881018518518519,13,explored +explored-896,0.4345486111111113,16,explored +explored-897,0.7018663194444446,35,explored +explored-898,0.3888888888888893,11,explored +explored-899,0.49027777777777803,12,explored +explored-900,0.4437500000000002,22,explored +explored-901,0.7815625,6,explored +explored-902,0.651996527777778,16,explored +explored-903,0.4868055555555557,14,explored +explored-904,0.39079861111111147,11,explored +explored-905,0.216203703703704,20,explored +explored-906,0.4921875000000001,17,explored +explored-907,0.7259548611111112,9,explored +explored-908,0.6066840277777779,12,explored +explored-909,0.4666666666666668,10,explored +explored-910,0.4154513888888891,19,explored +explored-911,0.4637731481481483,13,explored +explored-912,0.6078993055555556,39,explored +explored-913,0.7359375000000001,6,explored +explored-914,0.5716435185185187,14,explored +explored-915,0.75625,6,explored +explored-916,0.6781354993386244,33,explored +explored-917,0.2976562500000003,13,explored +explored-918,0.40885416666666696,8,explored +explored-919,0.2767361111111114,15,explored +explored-920,0.5565104166666668,5,explored +explored-921,0.3515190972222224,21,explored +explored-922,0.7992187500000001,6,explored +explored-923,0.2456307870370371,20,explored +explored-924,0.48553240740740755,12,explored +explored-925,0.7374131944444445,10,explored +explored-926,0.5321180555555557,14,explored +explored-927,0.27031250000000007,15,explored +explored-928,0.3684895833333335,18,explored +explored-929,0.44105902777777795,22,explored +explored-930,0.6384548611111112,9,explored +explored-931,0.38350694444444455,16,explored +explored-932,0.43671875000000016,10,explored +explored-933,0.3520254629629631,23,explored +explored-934,0.5805208333333335,10,explored +explored-935,0.6267361111111113,8,explored +explored-936,0.5305555555555559,11,explored +explored-937,0.6364583333333335,13,explored +explored-938,0.3850694444444447,20,explored +explored-939,0.6801504629629631,16,explored +explored-940,0.23741319444444475,16,explored +explored-941,0.47685185185185197,18,explored +explored-942,0.6783506944444445,6,explored +explored-943,0.28628472222222245,20,explored +explored-944,0.40746527777777797,16,explored +explored-945,0.2791666666666668,11,explored +explored-946,0.6460648148148149,6,explored +explored-947,0.37604166666666694,18,explored +explored-948,0.41423611111111125,17,explored +explored-949,0.5789930555555557,9,explored +explored-950,0.5811111111111114,13,explored +explored-951,0.5756944444444446,13,explored +explored-952,0.21388888888888913,15,explored +explored-953,0.595138888888889,16,explored +explored-954,0.5595486111111112,10,explored +explored-955,0.6401041666666668,4,explored +explored-956,0.5981770833333335,16,explored +explored-957,0.4613425925925927,16,explored +explored-958,0.8126736111111112,10,explored +explored-959,0.6917361111111111,13,explored +explored-960,0.5567129629629631,13,explored +explored-961,0.31302083333333364,25,explored +explored-962,0.4114583333333337,9,explored +explored-963,0.6753472222222223,11,explored +explored-964,0.299166666666667,15,explored +explored-965,0.2167245370370373,20,explored +explored-966,0.5984375000000001,8,explored +explored-967,0.45338541666666676,17,explored +explored-968,0.4083333333333333,8,explored +explored-969,0.6961805555555557,8,explored +explored-970,0.5476851851851854,19,explored +explored-971,0.5583333333333335,6,explored +explored-972,0.37864583333333357,18,explored +explored-973,0.2880208333333336,14,explored +explored-974,0.6635416666666668,8,explored +explored-975,0.4891493055555558,17,explored +explored-976,0.4186458333333334,15,explored +explored-977,0.5109375000000003,6,explored +explored-978,0.5898437500000002,12,explored +explored-979,0.35914351851851867,16,explored +explored-980,0.6067708333333335,6,explored +explored-981,0.5596006944444446,15,explored +explored-982,0.47291666666666676,9,explored +explored-983,0.44368055555555563,18,explored +explored-984,0.29062500000000036,13,explored +explored-985,0.5963541666666669,14,explored +explored-986,0.3284722222222224,10,explored +explored-987,0.5953125000000002,7,explored +explored-988,0.5385937500000002,10,explored +explored-989,0.6612644675925927,40,explored +explored-990,0.3710069444444446,20,explored +explored-991,0.4717013888888888,14,explored +explored-992,0.5850694444444446,14,explored +explored-993,0.6550347222222224,9,explored +explored-994,0.6684317129629631,4,explored +explored-995,0.37070312500000036,15,explored +explored-996,0.45772569444444466,18,explored +explored-997,0.4668402777777779,16,explored +explored-998,0.21319444444444458,14,explored +explored-999,0.884375,6,explored +explored-1000,0.5268229166666668,8,explored +explored-1001,0.587326388888889,7,explored +explored-1002,0.30972222222222245,12,explored +explored-1003,0.7022569444444445,12,explored +explored-1004,0.7446180555555555,14,explored +explored-1005,0.37531250000000027,17,explored +explored-1006,0.19056712962962985,19,explored +explored-1007,0.5378472222222224,10,explored +explored-1008,0.6934375000000002,13,explored +explored-1009,0.702951388888889,8,explored +explored-1010,0.18750000000000022,13,explored +explored-1011,0.6707291666666667,12,explored +explored-1012,0.6924652777777778,26,explored +explored-1013,0.37708333333333355,23,explored +explored-1014,0.6441984953703705,34,explored +explored-1015,0.42693865740740766,22,explored +explored-1016,0.696875,8,explored +explored-1017,0.5569270833333335,9,explored +explored-1018,0.44677083333333345,9,explored +explored-1019,0.46583333333333354,11,explored +explored-1020,0.5348958333333336,12,explored +explored-1021,0.6062500000000001,8,explored +explored-1022,0.5251736111111113,10,explored +explored-1023,0.309490740740741,23,explored +explored-1024,0.19062500000000027,15,explored +explored-1025,0.7303819444444446,8,explored +explored-1026,0.6359606481481483,24,explored +explored-1027,0.35694444444444473,11,explored +explored-1028,0.36041666666666705,10,explored +explored-1029,0.38680555555555574,8,explored +explored-1030,0.6104166666666666,4,explored +explored-1031,0.2597222222222225,18,explored +explored-1032,0.38984375000000027,13,explored +explored-1033,0.5289930555555558,11,explored +explored-1034,0.1472222222222226,16,explored +explored-1035,0.612152777777778,14,explored +explored-1036,0.36041666666666705,12,explored +explored-1037,0.6984375,3,explored +explored-1038,0.4281250000000003,16,explored +explored-1039,0.1468750000000001,21,explored +explored-1040,0.5408333333333335,15,explored +explored-1041,0.3481770833333335,18,explored +explored-1042,0.5631944444444447,9,explored +explored-1043,0.3588541666666669,16,explored +explored-1044,0.17916666666666703,11,explored +explored-1045,0.4456597222222225,9,explored +explored-1046,0.68875,9,explored +explored-1047,0.6519097222222224,11,explored +explored-1048,0.7774305555555556,9,explored +explored-1049,0.5410648148148149,10,explored +explored-1050,0.25208333333333366,13,explored +explored-1051,0.6539930555555558,14,explored +explored-1052,0.2927951388888891,21,explored +explored-1053,0.5895833333333336,12,explored +explored-1054,0.5587500000000001,14,explored +explored-1055,0.5769097222222224,13,explored +explored-1056,0.15208333333333357,13,explored +explored-1057,0.2625000000000004,16,explored +explored-1058,0.8300000000000001,1,explored +explored-1059,0.4755208333333336,9,explored +explored-1060,0.17135416666666692,13,explored +explored-1061,0.25598958333333355,31,explored +explored-1062,0.5734375000000002,15,explored +explored-1063,0.5426359953703705,23,explored +explored-1064,0.26041666666666696,10,explored +explored-1065,0.21851851851851878,25,explored +explored-1066,0.5250000000000001,11,explored +explored-1067,0.5440972222222223,17,explored +explored-1068,0.49418402777777803,16,explored +explored-1069,0.40000000000000013,12,explored +explored-1070,0.25000000000000033,11,explored +explored-1071,0.4916666666666668,10,explored +explored-1072,0.4349537037037038,15,explored +explored-1073,0.640277777777778,10,explored +explored-1074,0.23211805555555576,24,explored +explored-1075,0.4769097222222225,14,explored +explored-1076,0.6219618055555557,13,explored +explored-1077,0.42685416666666676,15,explored +explored-1078,0.5421875,11,explored +explored-1079,0.5884837962962964,9,explored +explored-1080,0.48802083333333346,9,explored +explored-1081,0.35078125000000027,12,explored +explored-1082,0.22291666666666687,24,explored +explored-1083,0.48151041666666683,16,explored +explored-1084,0.553732638888889,15,explored +explored-1085,0.7319246031746032,37,explored +explored-1086,0.2978298611111114,21,explored +explored-1087,0.6920833333333335,9,explored +explored-1088,0.3529947916666669,13,explored +explored-1089,0.29010416666666683,15,explored +explored-1090,0.4125000000000003,8,explored +explored-1091,0.35798611111111134,12,explored +explored-1092,0.6690972222222222,16,explored +explored-1093,0.28671875000000036,19,explored +explored-1094,0.15190972222222232,18,explored +explored-1095,0.6694444444444445,12,explored +explored-1096,0.12239583333333348,16,explored +explored-1097,0.5472222222222223,9,explored +explored-1098,0.6817997685185185,19,explored +explored-1099,0.6142361111111111,14,explored +explored-1100,0.4178240740740743,16,explored +explored-1101,0.3991666666666669,13,explored +explored-1102,0.2156250000000003,15,explored +explored-1103,0.5947916666666668,4,explored +explored-1104,0.6488194444444446,32,explored +explored-1105,0.6761979166666667,6,explored +explored-1106,0.48697916666666685,8,explored +explored-1107,0.7336805555555557,15,explored +explored-1108,0.71015625,8,explored +explored-1109,0.5178819444444446,10,explored +explored-1110,0.8329166666666666,7,explored +explored-1111,0.2992332175925929,23,explored +explored-1112,0.6674479166666668,12,explored +explored-1113,0.11562500000000031,16,explored +explored-1114,0.44644097222222245,10,explored +explored-1115,0.510416666666667,7,explored +explored-1116,0.2845486111111113,16,explored +explored-1117,0.7157175925925927,15,explored +explored-1118,0.5981250000000001,9,explored +explored-1119,0.44548611111111125,14,explored +explored-1120,0.4822916666666668,9,explored +explored-1121,0.5435474537037039,10,explored +explored-1122,0.3677083333333335,22,explored +explored-1123,0.5012152777777779,19,explored +explored-1124,0.30166666666666697,15,explored +explored-1125,0.7266840277777779,6,explored +explored-1126,0.7504340277777779,7,explored +explored-1127,0.630439814814815,9,explored +explored-1128,0.5900347222222224,12,explored +explored-1129,0.6166869212962964,17,explored +explored-1130,0.1625000000000003,11,explored +explored-1131,0.5005787037037038,11,explored +explored-1132,0.6588692129629631,38,explored +explored-1133,0.5868055555555556,13,explored +explored-1134,0.5765451388888891,12,explored +explored-1135,0.5601041666666668,11,explored +explored-1136,0.33871527777777777,13,explored +explored-1137,0.17109375000000027,13,explored +explored-1138,0.6575954861111113,29,explored +explored-1139,0.40399305555555587,8,explored +explored-1140,0.47760416666666683,11,explored +explored-1141,0.5895833333333333,10,explored +explored-1142,0.8256944444444445,7,explored +explored-1143,0.6701388888888891,10,explored +explored-1144,0.5190972222222222,13,explored +explored-1145,0.6819305555555557,21,explored +explored-1146,0.18177083333333366,20,explored +explored-1147,0.6504166666666669,4,explored +explored-1148,0.7090625,6,explored +explored-1149,0.37812500000000027,15,explored +explored-1150,0.2851562500000002,20,explored +explored-1151,0.682638888888889,13,explored +explored-1152,0.6175000000000002,11,explored +explored-1153,0.21406250000000027,17,explored +explored-1154,0.2739583333333335,14,explored +explored-1155,0.3750000000000002,19,explored +explored-1156,0.40043402777777803,18,explored +explored-1157,0.4822916666666669,14,explored +explored-1158,0.5552951388888892,12,explored +explored-1159,0.3999131944444446,16,explored +explored-1160,0.5408854166666669,14,explored +explored-1161,0.3309317129629631,20,explored +explored-1162,0.31215277777777795,18,explored +explored-1163,0.5883969907407408,17,explored +explored-1164,0.47109375,16,explored +explored-1165,0.8054687500000001,4,explored +explored-1166,0.65546875,8,explored +explored-1167,0.392013888888889,11,explored +explored-1168,0.5546875,7,explored +explored-1169,0.6957465277777779,12,explored +explored-1170,0.6491319444444447,8,explored +explored-1171,0.2054687500000003,18,explored +explored-1172,0.43333333333333357,13,explored +explored-1173,0.55,7,explored +explored-1174,0.42482638888888913,11,explored +explored-1175,0.7166666666666666,12,explored +explored-1176,0.6093750000000001,15,explored +explored-1177,0.34149305555555576,17,explored +explored-1178,0.4916666666666667,11,explored +explored-1179,0.4130208333333333,13,explored +explored-1180,0.6796875,7,explored +explored-1181,0.22656250000000022,14,explored +explored-1182,0.5996527777777779,11,explored +explored-1183,0.6373784722222223,22,explored +explored-1184,0.5544097222222224,11,explored +explored-1185,0.7296331018518519,20,explored +explored-1186,0.2873697916666669,20,explored +explored-1187,0.4500000000000002,7,explored +explored-1188,0.3451388888888891,21,explored +explored-1189,0.5571180555555557,8,explored +explored-1190,0.261979166666667,10,explored +explored-1191,0.3255555555555558,17,explored +explored-1192,0.45583333333333353,24,explored +explored-1193,0.23884548611111145,20,explored +explored-1194,0.3671296296296298,18,explored +explored-1195,0.43602430555555594,13,explored +explored-1196,0.40092592592592613,27,explored +explored-1197,0.4349392361111113,15,explored +explored-1198,0.35173611111111136,13,explored +explored-1199,0.5073611111111113,9,explored +explored-1200,0.5552951388888892,16,explored +explored-1201,0.4183159722222225,22,explored +explored-1202,0.6732928240740742,21,explored +explored-1203,0.47343749999999996,10,explored +explored-1204,0.5428298611111112,18,explored +explored-1205,0.35465856481481506,21,explored +explored-1206,0.5231944444444445,10,explored +explored-1207,0.6328269675925927,17,explored +explored-1208,0.6308159722222223,10,explored +explored-1209,0.6160879629629631,10,explored +explored-1210,0.17187500000000022,15,explored +explored-1211,0.40000000000000013,11,explored +explored-1212,0.20125000000000026,17,explored +explored-1213,0.4489062500000002,14,explored +explored-1214,0.3192708333333336,8,explored +explored-1215,0.4052083333333335,9,explored +explored-1216,0.726388888888889,12,explored +explored-1217,0.3523437500000002,17,explored +explored-1218,0.6045138888888888,8,explored +explored-1219,0.38975694444444464,17,explored +explored-1220,0.6448784722222223,10,explored +explored-1221,0.6298900462962964,11,explored +explored-1222,0.5415914351851854,19,explored +explored-1223,0.34438657407407425,18,explored +explored-1224,0.6158854166666669,8,explored +explored-1225,0.7552083333333335,7,explored +explored-1226,0.6647569444444446,9,explored +explored-1227,0.3518229166666669,17,explored +explored-1228,0.548726851851852,14,explored +explored-1229,0.5940972222222223,10,explored +explored-1230,0.6659722222222223,11,explored +explored-1231,0.38333333333333364,12,explored +explored-1232,0.6721354166666669,9,explored +explored-1233,0.34340277777777795,13,explored +explored-1234,0.28958333333333375,13,explored +explored-1235,0.7069965277777779,6,explored +explored-1236,0.7243055555555556,9,explored +explored-1237,0.14635416666666679,20,explored +explored-1238,0.4765625000000002,12,explored +explored-1239,0.6725694444444446,10,explored +explored-1240,0.4790763888888889,15,explored +explored-1241,0.39861111111111147,10,explored +explored-1242,0.6673611111111112,15,explored +explored-1243,0.455902777777778,12,explored +explored-1244,0.27890625000000036,16,explored +explored-1245,0.42513888888888907,16,explored +explored-1246,0.6993055555555557,4,explored +explored-1247,0.687152777777778,7,explored +explored-1248,0.6848511904761906,30,explored +explored-1249,0.7104166666666667,9,explored +explored-1250,0.2776041666666669,15,explored +explored-1251,0.06927083333333361,16,explored +explored-1252,0.4076388888888892,12,explored +explored-1253,0.5941666666666667,11,explored +explored-1254,0.5442708333333335,6,explored +explored-1255,0.4229687500000001,22,explored +explored-1256,0.43315972222222254,11,explored +explored-1257,0.45546875,10,explored +explored-1258,0.5748842592592593,11,explored +explored-1259,0.5673611111111112,10,explored +explored-1260,0.48789062500000036,12,explored +explored-1261,0.4270370370370373,16,explored +explored-1262,0.5210069444444447,23,explored +explored-1263,0.39156250000000015,21,explored +explored-1264,0.6424652777777778,5,explored +explored-1265,0.7388888888888889,9,explored +explored-1266,0.48107638888888904,8,explored +explored-1267,0.4384548611111113,24,explored +explored-1268,0.6953645833333334,10,explored +explored-1269,0.46640625,8,explored +explored-1270,0.72015625,24,explored +explored-1271,0.44083912037037054,18,explored +explored-1272,0.4527951388888891,17,explored +explored-1273,0.36041666666666683,16,explored +explored-1274,0.6922916666666667,9,explored +explored-1275,0.43111111111111133,26,explored +explored-1276,0.6820312500000001,12,explored +explored-1277,0.4335937500000002,15,explored +explored-1278,0.5530671296296298,18,explored +explored-1279,0.3738425925925928,16,explored +explored-1280,0.49583333333333335,9,explored +explored-1281,2.220446049250313e-16,16,explored +explored-1282,0.2152777777777779,22,explored +explored-1283,0.2523437500000003,16,explored +explored-1284,0.2156250000000003,13,explored +explored-1285,0.5513888888888889,8,explored +explored-1286,0.7631944444444444,4,explored +explored-1287,0.6451041666666667,11,explored +explored-1288,0.4051793981481484,18,explored +explored-1289,0.38194444444444475,12,explored +explored-1290,0.5413888888888891,10,explored +explored-1291,0.5572916666666669,13,explored +explored-1292,0.2069444444444447,16,explored +explored-1293,0.5959490740740743,8,explored +explored-1294,0.5666666666666668,13,explored +explored-1295,0.7220312500000001,36,explored +explored-1296,0.14375000000000027,22,explored +explored-1297,0.22187500000000027,20,explored +explored-1298,0.30729166666666696,12,explored +explored-1299,0.7222035383597885,36,explored +explored-1300,0.39565972222222245,13,explored +explored-1301,0.6701388888888891,12,explored +explored-1302,0.49427083333333355,8,explored +explored-1303,0.7148437500000001,9,explored +explored-1304,0.4965277777777779,17,explored +explored-1305,0.3108217592592595,19,explored +explored-1306,0.5754224537037038,18,explored +explored-1307,0.44262152777777797,13,explored +explored-1308,0.29348958333333364,23,explored +explored-1309,0.5466145833333336,6,explored +explored-1310,0.3201388888888892,20,explored +explored-1311,0.5457754629629631,13,explored +explored-1312,0.6695891203703703,9,explored +explored-1313,0.3456018518518522,20,explored +explored-1314,0.6104166666666668,10,explored +explored-1315,0.6549479166666669,6,explored +explored-1316,0.3368055555555558,20,explored +explored-1317,0.540277777777778,12,explored +explored-1318,0.6107407407407409,9,explored +explored-1319,0.2250000000000001,26,explored +explored-1320,0.4803240740740743,23,explored +explored-1321,0.3171875000000002,12,explored +explored-1322,0.6428819444444446,13,explored +explored-1323,0.4486111111111114,12,explored +explored-1324,0.7828125000000001,8,explored +explored-1325,0.5492187500000001,12,explored +explored-1326,0.6181423611111112,18,explored +explored-1327,0.6408854166666668,7,explored +explored-1328,0.3275462962962965,15,explored +explored-1329,0.6706597222222224,5,explored +explored-1330,0.5881944444444446,11,explored +explored-1331,0.5153211805555556,20,explored +explored-1332,0.5725694444444446,8,explored +explored-1333,0.5666666666666668,8,explored +explored-1334,0.6544270833333334,7,explored +explored-1335,0.5189236111111113,14,explored +explored-1336,0.27803819444444466,15,explored +explored-1337,0.31635416666666694,21,explored +explored-1338,0.08125000000000027,11,explored +explored-1339,0.34878472222222245,21,explored +explored-1340,0.31006944444444473,13,explored +explored-1341,0.6697916666666668,11,explored +explored-1342,0.6047164351851853,16,explored +explored-1343,0.5979629629629631,15,explored +explored-1344,0.7164316302910054,42,explored +explored-1345,0.6922453703703705,28,explored +explored-1346,0.6384375000000001,4,explored +explored-1347,0.6566782407407409,14,explored +explored-1348,0.6506944444444446,7,explored +explored-1349,0.5276041666666669,10,explored +explored-1350,0.5114583333333336,19,explored +explored-1351,0.40619791666666694,16,explored +explored-1352,0.4797743055555558,20,explored +explored-1353,0.43965567129629646,21,explored +explored-1354,0.6583333333333334,8,explored +explored-1355,0.3213333333333337,15,explored +explored-1356,0.643420138888889,11,explored +explored-1357,0.21440972222222254,24,explored +explored-1358,0.6813657407407409,7,explored +explored-1359,0.5913194444444446,11,explored +explored-1360,0.4072048611111113,24,explored +explored-1361,0.2982638888888892,10,explored +explored-1362,0.46250000000000013,12,explored +explored-1363,0.48107638888888893,11,explored +explored-1364,0.5911458333333335,10,explored +explored-1365,0.7055555555555557,5,explored +explored-1366,0.21232638888888922,18,explored +explored-1367,0.3973958333333335,6,explored +explored-1368,0.6891319444444446,8,explored +explored-1369,0.6630208333333334,4,explored +explored-1370,0.2265625000000001,22,explored +explored-1371,0.1649016203703706,24,explored +explored-1372,0.7095052083333334,27,explored +explored-1373,0.6956909722222223,32,explored +explored-1374,0.8014583333333334,11,explored +explored-1375,0.4760416666666668,25,explored +explored-1376,0.7359375000000001,8,explored +explored-1377,0.43459201388888913,27,explored +explored-1378,0.45318287037037064,14,explored +explored-1379,0.6092013888888891,11,explored +explored-1380,0.6608506944444446,13,explored +explored-1381,0.7382523148148149,19,explored +explored-1382,0.6963541666666667,9,explored +explored-1383,0.618576388888889,7,explored +explored-1384,0.7297430555555556,25,explored +explored-1385,0.3914930555555558,10,explored +explored-1386,0.7502025462962965,7,explored +explored-1387,0.2147569444444447,20,explored +explored-1388,0.6381944444444444,10,explored +explored-1389,0.25718750000000035,17,explored +explored-1390,0.5065740740740742,17,explored +explored-1391,0.154166666666667,15,explored +explored-1392,0.5750000000000002,10,explored +explored-1393,0.6930381944444445,10,explored +explored-1394,0.6326388888888891,19,explored +explored-1395,0.6160879629629632,12,explored +explored-1396,0.5766203703703705,13,explored +explored-1397,0.22864583333333344,16,explored +explored-1398,0.5798611111111113,8,explored +explored-1399,0.4701388888888891,12,explored +explored-1400,0.5758333333333334,9,explored +explored-1401,0.4182870370370372,19,explored +explored-1402,0.617939814814815,13,explored +explored-1403,0.7357372685185186,23,explored +explored-1404,0.25208333333333366,14,explored +explored-1405,0.697123263888889,23,explored +explored-1406,0.6158854166666669,10,explored +explored-1407,0.3647135416666669,25,explored +explored-1408,0.8031250000000001,6,explored +explored-1409,0.4228298611111113,21,explored +explored-1410,0.08125000000000027,12,explored +explored-1411,0.7269965277777779,8,explored +explored-1412,0.4847656250000002,15,explored +explored-1413,0.2522569444444446,17,explored +explored-1414,0.66484375,5,explored +explored-1415,0.7199652777777779,7,explored +explored-1416,0.4145833333333335,20,explored +explored-1417,0.25208333333333366,16,explored +explored-1418,0.45625000000000027,13,explored +explored-1419,0.4258246527777779,15,explored +explored-1420,0.5131365740740742,16,explored +explored-1421,0.6403819444444445,9,explored +explored-1422,0.36828703703703725,15,explored +explored-1423,0.4750000000000002,16,explored +explored-1424,0.19583333333333341,16,explored +explored-1425,0.7052083333333333,7,explored +explored-1426,0.39861111111111147,17,explored +explored-1427,0.5020833333333334,9,explored +explored-1428,0.6622106481481482,16,explored +explored-1429,0.37656250000000013,17,explored +explored-1430,0.3763888888888891,9,explored +explored-1431,0.5967881944444446,26,explored +explored-1432,0.558420138888889,9,explored +explored-1433,0.2942708333333337,14,explored +explored-1434,0.7159837962962963,42,explored +explored-1435,0.54375,10,explored +explored-1436,0.41287037037037055,21,explored +explored-1437,0.4750000000000002,16,explored +explored-1438,0.5664409722222223,13,explored +explored-1439,0.4503067129629631,17,explored +explored-1440,0.7435590277777778,10,explored +explored-1441,0.5546875,11,explored +explored-1442,0.6494791666666668,18,explored +explored-1443,0.3875000000000002,19,explored +explored-1444,0.37187500000000007,12,explored +explored-1445,0.7414930555555557,15,explored +explored-1446,0.5713541666666668,13,explored +explored-1447,0.26805555555555594,14,explored +explored-1448,0.48993055555555565,14,explored +explored-1449,0.2805555555555559,20,explored +explored-1450,0.5081307870370372,17,explored +explored-1451,0.6802083333333335,9,explored +explored-1452,0.4882812500000002,8,explored +explored-1453,0.2390335648148152,21,explored +explored-1454,0.5708333333333333,13,explored +explored-1455,0.3518229166666669,19,explored +explored-1456,0.7624305555555556,6,explored +explored-1457,0.6363194444444445,8,explored +explored-1458,0.339814814814815,19,explored +explored-1459,0.37960069444444466,16,explored +explored-1460,0.3750000000000001,7,explored +explored-1461,0.36750000000000016,15,explored +explored-1462,0.2653645833333337,23,explored +explored-1463,0.6828125,6,explored +explored-1464,0.32031250000000033,22,explored +explored-1465,0.5489583333333334,16,explored +explored-1466,0.33229166666666676,9,explored +explored-1467,0.646383101851852,15,explored +explored-1468,0.1765625000000004,11,explored +explored-1469,0.543576388888889,13,explored +explored-1470,0.44244791666666705,8,explored +explored-1471,0.6558159722222223,16,explored +explored-1472,0.42777777777777803,24,explored +explored-1473,0.2739583333333335,13,explored +explored-1474,0.582855902777778,14,explored +explored-1475,0.5975983796296298,16,explored +explored-1476,0.37175925925925934,17,explored +explored-1477,0.5399305555555559,8,explored +explored-1478,0.5315104166666669,16,explored +explored-1479,0.255729166666667,11,explored +explored-1480,0.3031250000000003,17,explored +explored-1481,0.6130208333333335,6,explored +explored-1482,0.5711805555555557,19,explored +explored-1483,0.6229166666666668,5,explored +explored-1484,0.34335937500000024,17,explored +explored-1485,0.28668981481481504,14,explored +explored-1486,0.7541666666666668,8,explored +explored-1487,0.55625,8,explored +explored-1488,0.2982638888888891,22,explored +explored-1489,0.4182725694444446,19,explored +explored-1490,0.651388888888889,15,explored +explored-1491,0.5065104166666669,13,explored +explored-1492,0.8359375000000001,3,explored +explored-1493,0.44493634259259274,16,explored +explored-1494,0.4618634259259261,19,explored +explored-1495,0.37868923611111127,20,explored +explored-1496,0.6817708333333334,7,explored +explored-1497,0.5324652777777779,7,explored +explored-1498,0.4139322916666668,25,explored +explored-1499,0.5076388888888889,17,explored +explored-1500,0.5539930555555556,9,explored +explored-1501,0.7302083333333333,8,explored +explored-1502,0.5499131944444446,21,explored +explored-1503,0.6269097222222224,13,explored +explored-1504,0.4867187500000002,12,explored +explored-1505,0.32343750000000027,9,explored +explored-1506,0.5318576388888889,11,explored +explored-1507,0.3817708333333336,10,explored +explored-1508,0.6798611111111112,22,explored +explored-1509,0.4467592592592595,22,explored +explored-1510,0.6977719907407409,12,explored +explored-1511,0.6425000000000001,7,explored +explored-1512,0.6453125000000001,5,explored +explored-1513,0.5500000000000003,10,explored +explored-1514,0.29600694444444464,18,explored +explored-1515,0.1585937500000003,13,explored +explored-1516,0.6805208333333335,11,explored +explored-1517,0.5194444444444444,14,explored +explored-1518,0.34837962962962976,17,explored +explored-1519,0.5390625000000002,11,explored +explored-1520,0.6676504629629632,19,explored +explored-1521,0.39718750000000014,15,explored +explored-1522,0.731640625,10,explored +explored-1523,0.26093750000000027,16,explored +explored-1524,0.5074074074074075,14,explored +explored-1525,0.6423611111111112,11,explored +explored-1526,0.5671875000000002,12,explored +explored-1527,0.4243055555555558,20,explored +explored-1528,0.4540798611111112,20,explored +explored-1529,0.33135416666666706,13,explored +explored-1530,0.5556423611111112,13,explored +explored-1531,0.09166666666666679,16,explored +explored-1532,0.484201388888889,7,explored +explored-1533,0.5143229166666669,13,explored +explored-1534,0.6781250000000001,7,explored +explored-1535,0.26927083333333346,16,explored +explored-1536,0.463324652777778,19,explored +explored-1537,0.4515625000000003,14,explored +explored-1538,0.41521990740740744,22,explored +explored-1539,0.7532349537037037,23,explored +explored-1540,0.5406250000000001,10,explored +explored-1541,0.3581134259259261,20,explored +explored-1542,0.5927083333333333,10,explored +explored-1543,0.32786458333333357,17,explored +explored-1544,0.7609375,11,explored +explored-1545,0.4765625000000001,22,explored +explored-1546,0.7207638888888889,11,explored +explored-1547,0.28515625000000033,24,explored +explored-1548,0.6227575231481483,13,explored +explored-1549,0.3215277777777781,10,explored +explored-1550,0.3415798611111114,20,explored +explored-1551,0.6399751157407408,44,explored +explored-1552,0.4364583333333335,22,explored +explored-1553,0.6941550925925927,9,explored +explored-1554,0.40729166666666705,9,explored +explored-1555,0.3900173611111113,17,explored +explored-1556,0.1952256944444447,17,explored +explored-1557,0.4916666666666666,16,explored +explored-1558,0.6986979166666667,8,explored +explored-1559,0.24427083333333366,13,explored +explored-1560,0.06093750000000031,14,explored +explored-1561,0.4275000000000002,17,explored +explored-1562,0.6521180555555557,15,explored +explored-1563,0.6675896990740742,27,explored +explored-1564,0.24149305555555578,14,explored +explored-1565,0.3144097222222224,21,explored +explored-1566,0.47760416666666683,9,explored +explored-1567,0.5562500000000001,13,explored +explored-1568,0.5189091435185187,15,explored +explored-1569,0.7159722222222222,6,explored +explored-1570,0.6475983796296299,10,explored +explored-1571,0.5199652777777779,13,explored +explored-1572,0.5087326388888891,15,explored +explored-1573,0.23877314814814832,20,explored +explored-1574,0.3185763888888893,13,explored +explored-1575,0.776388888888889,6,explored +explored-1576,0.6651197916666668,33,explored +explored-1577,0.22552083333333361,14,explored +explored-1578,0.36302083333333357,19,explored +explored-1579,0.5043518518518519,17,explored +explored-1580,0.6656828703703705,16,explored +explored-1581,0.4305555555555558,13,explored +explored-1582,0.5494791666666667,16,explored +explored-1583,0.754140625,24,explored +explored-1584,0.15677083333333353,12,explored +explored-1585,0.25232638888888914,17,explored +explored-1586,0.6791550925925927,33,explored +explored-1587,0.6448350694444446,19,explored +explored-1588,0.27447916666666705,10,explored +explored-1589,0.29010416666666705,14,explored +explored-1590,0.67634375,25,explored +explored-1591,0.5744212962962965,13,explored +explored-1592,0.542476851851852,15,explored +explored-1593,0.75,10,explored +explored-1594,0.4368055555555558,16,explored +explored-1595,0.4505208333333335,14,explored +explored-1596,0.5048611111111113,11,explored +explored-1597,0.5893229166666667,9,explored +explored-1598,0.44791666666666685,20,explored +explored-1599,0.5710937500000002,15,explored +explored-1600,0.588888888888889,10,explored +explored-1601,0.4173032407407409,14,explored +explored-1602,0.46250000000000013,17,explored +explored-1603,0.5781828703703705,17,explored +explored-1604,0.36979166666666696,11,explored +explored-1605,0.40833333333333344,11,explored +explored-1606,0.36545138888888906,23,explored +explored-1607,0.21255787037037055,22,explored +explored-1608,0.7239583333333335,9,explored +explored-1609,0.24978298611111127,19,explored +explored-1610,0.2558449074074076,17,explored +explored-1611,0.7527777777777779,6,explored +explored-1612,0.3312500000000004,21,explored +explored-1613,0.5434027777777778,17,explored +explored-1614,0.3322916666666669,21,explored +explored-1615,0.4813888888888891,13,explored +explored-1616,0.45763888888888915,16,explored +explored-1617,0.5352430555555557,8,explored +explored-1618,0.3805497685185186,21,explored +explored-1619,0.2283564814814817,22,explored +explored-1620,0.6509722222222224,6,explored +explored-1621,0.5811111111111114,15,explored +explored-1622,0.4390046296296297,20,explored +explored-1623,0.504166666666667,7,explored +explored-1624,0.7741319444444446,6,explored +explored-1625,0.4083333333333333,9,explored +explored-1626,0.6434375000000001,6,explored +explored-1627,0.4347916666666668,10,explored +explored-1628,0.6660590277777779,7,explored +explored-1629,0.44791666666666696,12,explored +explored-1630,0.3304253472222224,27,explored +explored-1631,0.604195601851852,13,explored +explored-1632,0.6913194444444446,13,explored +explored-1633,0.3890625000000002,22,explored +explored-1634,0.6375000000000002,14,explored +explored-1635,0.6905381944444445,13,explored +explored-1636,0.3638020833333335,16,explored +explored-1637,0.6331597222222224,15,explored +explored-1638,0.3788194444444447,19,explored +explored-1639,0.7270833333333334,11,explored +explored-1640,0.5556423611111113,13,explored +explored-1641,0.45243055555555567,12,explored +explored-1642,0.24479166666666696,11,explored +explored-1643,0.6679687500000001,6,explored +explored-1644,0.7208333333333334,4,explored +explored-1645,0.735590277777778,11,explored +explored-1646,0.40312500000000007,9,explored +explored-1647,0.42604166666666676,11,explored +explored-1648,0.216666666666667,11,explored +explored-1649,0.7196875000000001,4,explored +explored-1650,0.4296875,11,explored +explored-1651,0.6536458333333335,10,explored +explored-1652,0.5373842592592595,17,explored +explored-1653,0.6031250000000001,8,explored +explored-1654,0.5861979166666669,12,explored +explored-1655,0.596076388888889,23,explored +explored-1656,0.3289062500000002,13,explored +explored-1657,0.6702256944444446,7,explored +explored-1658,0.6853240740740743,36,explored +explored-1659,0.7458333333333335,6,explored +explored-1660,0.5755497685185187,15,explored +explored-1661,0.5159722222222223,9,explored +explored-1662,0.2674189814814818,18,explored +explored-1663,0.43029513888888915,16,explored +explored-1664,0.4666666666666668,12,explored +explored-1665,0.33663194444444455,22,explored +explored-1666,0.5245949074074077,16,explored +explored-1667,0.4417968750000002,14,explored +explored-1668,0.7159837962962964,14,explored +explored-1669,0.7167372685185186,31,explored +explored-1670,0.466666666666667,8,explored +explored-1671,0.8325520833333333,3,explored +explored-1672,0.5722222222222222,13,explored +explored-1673,0.32968750000000036,19,explored +explored-1674,0.6111111111111112,11,explored +explored-1675,0.29895833333333366,11,explored +explored-1676,0.17083333333333361,12,explored +explored-1677,0.29843750000000024,9,explored +explored-1678,0.5104166666666669,12,explored +explored-1679,0.6666666666666667,15,explored +explored-1680,0.8515625,3,explored +explored-1681,0.5288252314814816,18,explored +explored-1682,0.6140625,9,explored +explored-1683,0.5907986111111111,12,explored +explored-1684,0.5593750000000002,9,explored +explored-1685,0.4721354166666668,13,explored +explored-1686,0.5979166666666668,8,explored +explored-1687,0.6900173611111112,31,explored +explored-1688,0.37968749999999996,17,explored +explored-1689,0.7137500000000001,10,explored +explored-1690,0.2729166666666669,16,explored +explored-1691,0.6797569444444446,7,explored +explored-1692,0.6192708333333333,11,explored +explored-1693,0.3197916666666668,7,explored +explored-1694,0.5616319444444445,8,explored +explored-1695,0.4779513888888891,24,explored +explored-1696,0.5437500000000002,16,explored +explored-1697,0.3153125000000001,14,explored +explored-1698,0.3475694444444446,16,explored +explored-1699,0.28333333333333366,6,explored +explored-1700,0.7159722222222222,10,explored +explored-1701,0.6737847222222223,10,explored +explored-1702,0.44826388888888913,17,explored +explored-1703,0.4340277777777779,15,explored +explored-1704,0.611111111111111,11,explored +explored-1705,0.2875000000000003,21,explored +explored-1706,0.3469097222222226,20,explored +explored-1707,0.6923402777777778,28,explored +explored-1708,0.3856770833333336,14,explored +explored-1709,0.2500000000000002,14,explored +explored-1710,0.5600694444444446,7,explored +explored-1711,0.5206944444444446,11,explored +explored-1712,0.7184895833333335,11,explored +explored-1713,0.36822916666666694,11,explored +explored-1714,0.35607638888888893,11,explored +explored-1715,0.24075520833333353,17,explored +explored-1716,0.294791666666667,9,explored +explored-1717,0.7145833333333335,8,explored +explored-1718,0.546527777777778,8,explored +explored-1719,0.33359375000000036,13,explored +explored-1720,0.684201388888889,10,explored +explored-1721,0.37031250000000016,16,explored +explored-1722,0.3430555555555558,11,explored +explored-1723,0.21840277777777806,17,explored +explored-1724,0.5651041666666666,10,explored +explored-1725,0.33888888888888924,12,explored +explored-1726,0.6058159722222223,10,explored +explored-1727,0.3529079861111115,19,explored +explored-1728,0.4046875000000001,10,explored +explored-1729,0.40989583333333346,10,explored +explored-1730,0.3031250000000003,10,explored +explored-1731,0.5848958333333335,14,explored +explored-1732,0.4083333333333332,6,explored +explored-1733,0.27951388888888906,18,explored +explored-1734,0.40600694444444474,19,explored +explored-1735,0.28142361111111125,25,explored +explored-1736,0.8958333333333334,3,explored +explored-1737,0.7416666666666667,7,explored +explored-1738,0.5315538194444446,21,explored +explored-1739,0.6573784722222223,7,explored +explored-1740,0.5892361111111113,14,explored +explored-1741,0.45416666666666683,20,explored +explored-1742,0.6756944444444445,9,explored +explored-1743,0.1585937500000003,12,explored +explored-1744,0.7489583333333333,5,explored +explored-1745,0.687152777777778,11,explored +explored-1746,0.43923611111111127,13,explored +explored-1747,0.5847222222222224,12,explored +explored-1748,0.7931250000000001,9,explored +explored-1749,0.5109375000000003,8,explored +explored-1750,0.2171875000000003,12,explored +explored-1751,0.25260416666666685,11,explored +explored-1752,0.5555989583333335,20,explored +explored-1753,0.6105902777777777,17,explored +explored-1754,0.2791666666666668,13,explored +explored-1755,0.3671006944444448,15,explored +explored-1756,0.65546875,6,explored +explored-1757,0.1506944444444447,17,explored +explored-1758,0.06562500000000027,15,explored +explored-1759,0.6411458333333333,9,explored +explored-1760,0.5546296296296298,14,explored +explored-1761,0.6912152777777778,7,explored +explored-1762,0.4258333333333335,10,explored +explored-1763,0.6730208333333334,6,explored +explored-1764,0.5240451388888889,12,explored +explored-1765,0.18750000000000022,13,explored +explored-1766,0.4471006944444448,20,explored +explored-1767,0.6176041666666667,5,explored +explored-1768,0.7958333333333334,7,explored +explored-1769,0.5335937500000001,7,explored +explored-1770,0.5076562500000001,16,explored +explored-1771,0.5220486111111112,15,explored +explored-1772,0.5482638888888891,6,explored +explored-1773,0.6234953703703705,20,explored +explored-1774,0.6802083333333335,2,explored +explored-1775,0.06093750000000031,13,explored +explored-1776,0.592795138888889,18,explored +explored-1777,0.7468750000000002,10,explored +explored-1778,0.4265625000000002,25,explored +explored-1779,0.4221469907407409,24,explored +explored-1780,0.4390046296296297,21,explored +explored-1781,0.5567708333333334,8,explored +explored-1782,0.3088541666666669,10,explored +explored-1783,0.6228009259259261,15,explored +explored-1784,0.3020833333333335,12,explored +explored-1785,0.30729166666666696,17,explored +explored-1786,0.4612847222222225,17,explored +explored-1787,0.5394097222222224,18,explored +explored-1788,0.4419270833333335,18,explored +explored-1789,0.5307870370370372,13,explored +explored-1790,0.6492708333333335,9,explored +explored-1791,0.2733506944444446,13,explored +explored-1792,0.310416666666667,9,explored +explored-1793,0.648611111111111,11,explored +explored-1794,0.7774479166666667,7,explored +explored-1795,0.6493055555555558,5,explored +explored-1796,0.37708333333333355,13,explored +explored-1797,0.4965277777777779,15,explored +explored-1798,0.4397395833333335,15,explored +explored-1799,0.7281249999999999,8,explored +explored-1800,0.4437500000000003,8,explored +explored-1801,0.5042187500000002,22,explored +explored-1802,0.5367187500000001,7,explored +explored-1803,0.6672743055555557,8,explored +explored-1804,0.7057291666666667,14,explored +explored-1805,0.4083333333333333,7,explored +explored-1806,0.34401041666666676,19,explored +explored-1807,0.45625000000000027,11,explored +explored-1808,0.5464583333333335,13,explored +explored-1809,0.4271990740740742,19,explored +explored-1810,0.5895833333333335,14,explored +explored-1811,0.6598272156084657,39,explored +explored-1812,0.3427083333333335,12,explored +explored-1813,0.4399305555555557,17,explored +explored-1814,0.4929687500000002,11,explored +explored-1815,0.596875,4,explored +explored-1816,0.47369791666666683,16,explored +explored-1817,0.3015625000000002,17,explored +explored-1818,0.7113541666666667,10,explored +explored-1819,0.1472222222222226,17,explored +explored-1820,0.7052083333333334,6,explored +explored-1821,0.26328125000000036,12,explored +explored-1822,0.338715277777778,11,explored +explored-1823,0.16458333333333353,21,explored +explored-1824,0.6734375000000001,9,explored +explored-1825,0.2984259259259263,21,explored +explored-1826,0.637638888888889,10,explored +explored-1827,0.2312500000000003,8,explored +explored-1828,0.5130208333333335,10,explored +explored-1829,0.704295138888889,25,explored +explored-1830,0.7343472222222223,35,explored +explored-1831,0.46614583333333326,9,explored +explored-1832,0.7791666666666667,7,explored +explored-1833,0.42916666666666703,9,explored +explored-1834,0.2409722222222226,17,explored +explored-1835,0.7621215277777779,24,explored +explored-1836,0.42552083333333357,13,explored +explored-1837,0.6539930555555558,9,explored +explored-1838,0.4962500000000002,13,explored +explored-1839,0.3655815972222224,20,explored +explored-1840,0.3715277777777779,20,explored +explored-1841,0.38437500000000013,18,explored +explored-1842,0.5478298611111113,11,explored +explored-1843,0.8583333333333334,1,explored +explored-1844,0.36875000000000013,8,explored +explored-1845,0.28535879629629646,17,explored +explored-1846,0.5801504629629631,13,explored +explored-1847,0.14322916666666696,12,explored +explored-1848,0.5514814814814817,16,explored +explored-1849,0.5491319444444446,9,explored +explored-1850,0.2992187500000003,15,explored +explored-1851,0.22916666666666696,17,explored +explored-1852,0.72734375,9,explored +explored-1853,0.6775271990740741,27,explored +explored-1854,0.2917968750000002,14,explored +explored-1855,0.6305266203703705,12,explored +explored-1856,0.35561342592592604,30,explored +explored-1857,0.34777777777777796,19,explored +explored-1858,0.7416377314814816,17,explored +explored-1859,0.6368055555555556,12,explored +explored-1860,0.1097222222222225,17,explored +explored-1861,0.5100000000000002,6,explored +explored-1862,0.46805555555555545,8,explored +explored-1863,0.7350000000000001,2,explored +explored-1864,0.15104166666666696,17,explored +explored-1865,0.48984375000000013,14,explored +explored-1866,0.3138020833333335,16,explored +explored-1867,0.4949218750000002,22,explored +explored-1868,0.6071180555555556,12,explored +explored-1869,0.6566840277777779,20,explored +explored-1870,0.684375,6,explored +explored-1871,0.4201388888888893,11,explored +explored-1872,0.40353009259259265,20,explored +explored-1873,0.5909722222222222,10,explored +explored-1874,0.4920138888888891,12,explored +explored-1875,0.27204861111111145,14,explored +explored-1876,0.3324652777777778,11,explored +explored-1877,0.49861111111111145,10,explored +explored-1878,0.45434027777777797,16,explored +explored-1879,0.36536458333333355,25,explored +explored-1880,0.602951388888889,14,explored +explored-1881,0.3524305555555558,18,explored +explored-1882,0.40043402777777803,21,explored +explored-1883,0.6775173611111113,10,explored +explored-1884,0.08125000000000027,12,explored +explored-1885,0.5706307870370372,16,explored +explored-1886,0.6852430555555556,9,explored +explored-1887,0.37031250000000016,15,explored +explored-1888,0.5078125,8,explored +explored-1889,0.7765625,13,explored +explored-1890,0.20381944444444466,15,explored +explored-1891,0.6302083333333334,7,explored +explored-1892,0.5324652777777781,8,explored +explored-1893,0.5514756944444446,13,explored +explored-1894,0.46692708333333355,21,explored +explored-1895,0.699189814814815,9,explored +explored-1896,0.5640625000000001,5,explored +explored-1897,0.5246111111111114,16,explored +explored-1898,0.42500000000000016,12,explored +explored-1899,0.36597222222222237,13,explored +explored-1900,0.5640625000000001,10,explored +explored-1901,0.5748611111111113,15,explored +explored-1902,0.8300347222222222,6,explored +explored-1903,0.590277777777778,7,explored +explored-1904,0.7312500000000001,4,explored +explored-1905,0.6868055555555556,12,explored +explored-1906,0.3381076388888892,10,explored +explored-1907,0.6473958333333335,12,explored +explored-1908,0.45078125000000024,12,explored +explored-1909,0.5928819444444446,7,explored +explored-1910,0.2509548611111114,13,explored +explored-1911,0.4071614583333336,20,explored +explored-1912,0.27031250000000007,12,explored +explored-1913,0.704982638888889,6,explored +explored-1914,0.4665972222222222,12,explored +explored-1915,0.6539930555555558,13,explored +explored-1916,0.4434027777777779,17,explored +explored-1917,0.5378472222222224,12,explored +explored-1918,0.5398437500000002,6,explored +explored-1919,0.15729166666666683,16,explored +explored-1920,0.8298611111111112,6,explored +explored-1921,0.4999479166666668,20,explored +explored-1922,0.20260416666666692,16,explored +explored-1923,0.5721354166666668,8,explored +explored-1924,0.6512152777777779,8,explored +explored-1925,0.3792534722222225,26,explored +explored-1926,0.6523437500000001,4,explored +explored-1927,0.17916666666666703,19,explored +explored-1928,0.7609375,9,explored +explored-1929,0.49583333333333357,14,explored +explored-1930,0.7036458333333334,6,explored +explored-1931,0.4712094907407409,25,explored +explored-1932,0.4378472222222224,15,explored +explored-1933,0.3968750000000001,7,explored +explored-1934,0.3270833333333333,10,explored +explored-1935,0.3479166666666669,12,explored +explored-1936,0.4543171296296298,17,explored +explored-1937,0.5522569444444446,16,explored +explored-1938,0.09531250000000013,16,explored +explored-1939,0.6454861111111112,10,explored +explored-1940,0.5640625000000001,11,explored +explored-1941,0.35755208333333355,21,explored +explored-1942,0.6419270833333335,8,explored +explored-1943,0.41309027777777796,18,explored +explored-1944,0.4167534722222226,13,explored +explored-1945,0.6937500000000001,5,explored +explored-1946,0.6942708333333335,13,explored +explored-1947,0.4891493055555558,15,explored +explored-1948,0.6993055555555557,13,explored +explored-1949,0.713888888888889,10,explored +explored-1950,0.12109375000000022,17,explored +explored-1951,0.6226649305555557,17,explored +explored-1952,0.47296875000000016,12,explored +explored-1953,0.5440972222222223,7,explored +explored-1954,0.5570312500000001,7,explored +explored-1955,0.5018518518518518,16,explored +explored-1956,0.6449074074074075,6,explored +explored-1957,0.43029513888888915,12,explored +explored-1958,0.638396990740741,21,explored +explored-1959,0.20920138888888928,21,explored +explored-1960,0.6764322916666667,15,explored +explored-1961,0.537465277777778,16,explored +explored-1962,0.6984375000000002,9,explored +explored-1963,0.8385416666666666,4,explored +explored-1964,0.4750000000000002,13,explored +explored-1965,0.36822916666666683,12,explored +explored-1966,0.6237847222222224,10,explored +explored-1967,0.6317187500000001,12,explored +explored-1968,0.38749999999999996,8,explored +explored-1969,0.5312500000000003,4,explored +explored-1970,0.35815972222222237,24,explored +explored-1971,0.34921875000000036,9,explored +explored-1972,0.7696180555555556,9,explored +explored-1973,0.38451388888888904,16,explored +explored-1974,0.4197916666666668,9,explored +explored-1975,0.7241319444444445,15,explored +explored-1976,0.4828125000000002,8,explored +explored-1977,0.3828125000000002,10,explored +explored-1978,0.3440104166666671,11,explored +explored-1979,0.34375000000000033,7,explored +explored-1980,0.4797222222222226,13,explored +explored-1981,0.3902083333333335,15,explored +explored-1982,0.4043518518518521,19,explored +explored-1983,0.15104166666666696,19,explored +explored-1984,0.6202546296296299,11,explored +explored-1985,0.5633333333333335,22,explored +explored-1986,0.5326388888888891,19,explored +explored-1987,0.5187500000000003,11,explored +explored-1988,0.49435763888888906,17,explored +explored-1989,0.5957465277777779,12,explored +explored-1990,0.44305555555555565,10,explored +explored-1991,0.6535590277777779,12,explored +explored-1992,0.6322916666666668,9,explored +explored-1993,0.27994791666666685,16,explored +explored-1994,0.5861111111111115,6,explored +explored-1995,0.3861111111111113,19,explored +explored-1996,0.6838541666666669,7,explored +explored-1997,0.4911458333333335,10,explored +explored-1998,0.4486111111111113,14,explored +explored-1999,0.7169270833333333,10,explored +explored-2000,0.581076388888889,11,explored +explored-2001,0.6721875,9,explored +explored-2002,0.6570601851851853,6,explored +explored-2003,0.5229166666666668,8,explored +explored-2004,0.6355902777777779,12,explored +explored-2005,0.31597222222222254,9,explored +explored-2006,0.6248611111111111,12,explored +explored-2007,0.6046875000000002,14,explored +explored-2008,0.502777777777778,11,explored +explored-2009,0.146354166666667,11,explored +explored-2010,0.535763888888889,10,explored +explored-2011,0.6098958333333335,6,explored +explored-2012,0.49375000000000013,10,explored +explored-2013,0.5429861111111113,18,explored +explored-2014,0.5708333333333334,6,explored +explored-2015,0.4223958333333335,14,explored +explored-2016,0.40138888888888924,11,explored +explored-2017,0.7023871527777779,17,explored +explored-2018,0.1956597222222225,20,explored +explored-2019,0.37479166666666686,11,explored +explored-2020,0.5343750000000002,6,explored +explored-2021,0.217592592592593,16,explored +explored-2022,0.7160879629629631,7,explored +explored-2023,0.5250000000000001,6,explored +explored-2024,0.29270833333333357,10,explored +explored-2025,0.5706452546296298,18,explored +explored-2026,0.7577083333333334,7,explored +explored-2027,0.15885416666666696,11,explored +explored-2028,0.20815972222222245,14,explored +explored-2029,0.28871527777777795,22,explored +explored-2030,0.5306250000000001,9,explored +explored-2031,0.6604166666666668,14,explored +explored-2032,0.6534722222222223,13,explored +explored-2033,0.4057291666666668,21,explored +explored-2034,0.5898437500000002,10,explored +explored-2035,0.5760416666666668,5,explored +explored-2036,0.20052083333333348,10,explored +explored-2037,0.6380208333333335,8,explored +explored-2038,0.269791666666667,14,explored +explored-2039,0.6159722222222224,8,explored +explored-2040,0.5202112268518521,16,explored +explored-2041,0.5628645833333336,13,explored +explored-2042,0.32430555555555585,22,explored +explored-2043,0.6697916666666667,6,explored +explored-2044,0.6341435185185187,11,explored +explored-2045,0.490625,19,explored +explored-2046,0.6000000000000001,12,explored +explored-2047,0.7177083333333334,11,explored +explored-2048,0.5148437500000003,11,explored +explored-2049,0.7451562500000002,14,explored +explored-2050,0.6311284722222223,11,explored +explored-2051,0.4427083333333335,8,explored +explored-2052,0.5081597222222222,12,explored +explored-2053,0.5115740740740742,15,explored +explored-2054,0.2942708333333335,16,explored +explored-2055,0.7046874999999999,10,explored +explored-2056,0.815625,6,explored +explored-2057,0.687633101851852,33,explored +explored-2058,0.5267361111111113,14,explored +explored-2059,0.7676620370370371,5,explored +explored-2060,0.5083333333333335,9,explored +explored-2061,0.6157118055555557,14,explored +explored-2062,0.15208333333333357,13,explored +explored-2063,0.503888888888889,11,explored +explored-2064,0.08541666666666692,18,explored +explored-2065,0.3352430555555558,13,explored +explored-2066,0.6291666666666669,8,explored +explored-2067,0.48211805555555576,20,explored +explored-2068,0.18958333333333366,23,explored +explored-2069,0.18229166666666707,14,explored +explored-2070,0.3412037037037039,21,explored +explored-2071,0.45572916666666674,9,explored +explored-2072,0.30486111111111136,17,explored +explored-2073,0.4055844907407409,18,explored +explored-2074,0.5723958333333334,19,explored +explored-2075,0.5747395833333334,12,explored +explored-2076,0.6243055555555554,14,explored +explored-2077,0.35509259259259296,13,explored +explored-2078,0.3817708333333336,10,explored +explored-2079,0.5179687500000002,11,explored +explored-2080,0.5749131944444446,33,explored +explored-2081,0.648263888888889,15,explored +explored-2082,0.3632812500000001,13,explored +explored-2083,0.7614583333333336,1,explored +explored-2084,0.7005208333333334,7,explored +explored-2085,0.6075086805555557,14,explored +explored-2086,0.7104166666666667,14,explored +explored-2087,0.4057291666666669,9,explored +explored-2088,0.5313078703703705,21,explored +explored-2089,0.7203645833333334,10,explored +explored-2090,0.4678240740740742,14,explored +explored-2091,0.1706597222222226,16,explored +explored-2092,0.30138888888888915,17,explored +explored-2093,0.3558159722222224,20,explored +explored-2094,0.12899305555555585,14,explored +explored-2095,0.5531250000000002,11,explored +explored-2096,0.22291666666666687,13,explored +explored-2097,0.3569184027777781,23,explored +explored-2098,0.5062500000000001,6,explored +explored-2099,0.591232638888889,33,explored +explored-2100,0.7887037037037037,5,explored +explored-2101,0.6427083333333334,15,explored +explored-2102,0.4597222222222226,17,explored +explored-2103,0.7423611111111111,9,explored +explored-2104,0.6513726851851853,16,explored +explored-2105,0.285416666666667,13,explored +explored-2106,0.1468750000000003,22,explored +explored-2107,0.5103240740740742,16,explored +explored-2108,0.35444444444444456,19,explored +explored-2109,0.6880208333333335,12,explored +explored-2110,0.7755208333333334,6,explored +explored-2111,0.3875000000000002,18,explored +explored-2112,0.5763020833333334,7,explored +explored-2113,0.2729166666666669,15,explored +explored-2114,0.47916666666666663,7,explored +explored-2115,0.3148437500000003,15,explored +explored-2116,0.43917824074074074,15,explored +explored-2117,0.604976851851852,7,explored +explored-2118,0.5281250000000002,16,explored +explored-2119,0.42986111111111125,20,explored +explored-2120,0.2504050925925927,19,explored +explored-2121,0.5811631944444446,18,explored +explored-2122,0.7376736111111113,6,explored +explored-2123,0.26875000000000027,19,explored +explored-2124,0.32968750000000024,26,explored +explored-2125,0.4583333333333335,8,explored +explored-2126,0.5996527777777779,14,explored +explored-2127,0.47604166666666703,9,explored +explored-2128,0.6646122685185186,12,explored +explored-2129,0.45763888888888915,12,explored +explored-2130,0.7488888888888889,14,explored +explored-2131,0.6120659722222224,13,explored +explored-2132,0.6205729166666668,8,explored +explored-2133,0.3440104166666669,19,explored +explored-2134,0.5416666666666667,10,explored +explored-2135,0.5477430555555555,12,explored +explored-2136,0.5775462962962964,31,explored +explored-2137,0.6506944444444445,6,explored +explored-2138,0.7583333333333333,4,explored +explored-2139,0.5755555555555557,10,explored +explored-2140,0.16041666666666687,14,explored +explored-2141,0.6294270833333334,12,explored +explored-2142,0.6164351851851854,11,explored +explored-2143,0.41579861111111127,22,explored +explored-2144,0.6840277777777779,5,explored +explored-2145,0.4685763888888892,8,explored +explored-2146,0.40052083333333344,17,explored +explored-2147,0.3756944444444448,8,explored +explored-2148,0.5200000000000002,15,explored +explored-2149,0.46458333333333346,12,explored +explored-2150,0.4415625000000002,17,explored +explored-2151,0.17187500000000022,15,explored +explored-2152,0.4539930555555556,8,explored +explored-2153,0.6526041666666667,5,explored +explored-2154,0.350434027777778,14,explored +explored-2155,0.41223958333333355,16,explored +explored-2156,0.6942910879629631,14,explored +explored-2157,0.39656250000000015,14,explored +explored-2158,0.5842013888888891,11,explored +explored-2159,0.5093750000000001,22,explored +explored-2160,0.4143229166666669,11,explored +explored-2161,0.43611111111111134,7,explored +explored-2162,0.6062500000000002,14,explored +explored-2163,0.4788194444444448,9,explored +explored-2164,0.7327000661375662,34,explored +explored-2165,0.6130208333333335,7,explored +explored-2166,0.44149305555555574,19,explored +explored-2167,0.4939236111111114,20,explored +explored-2168,0.5449074074074075,11,explored +explored-2169,0.4057291666666669,17,explored +explored-2170,0.5307291666666668,12,explored +explored-2171,0.6524305555555557,8,explored +explored-2172,0.6966145833333335,9,explored +explored-2173,0.5536458333333335,6,explored +explored-2174,0.6630787037037038,8,explored +explored-2175,0.7228298611111112,6,explored +explored-2176,0.5095486111111114,9,explored +explored-2177,0.35546875000000044,14,explored +explored-2178,0.5372395833333335,19,explored +explored-2179,0.6092708333333334,7,explored +explored-2180,0.81625,1,explored +explored-2181,0.4590277777777779,11,explored +explored-2182,0.12916666666666687,17,explored +explored-2183,0.6328125,15,explored +explored-2184,0.2805555555555559,20,explored +explored-2185,0.6217013888888889,12,explored +explored-2186,0.3437500000000002,11,explored +explored-2187,0.6453414351851853,11,explored +explored-2188,0.81640625,6,explored +explored-2189,0.7298356481481483,24,explored +explored-2190,0.7963541666666667,8,explored +explored-2191,0.22656250000000022,12,explored +explored-2192,0.6191840277777779,16,explored +explored-2193,0.2880208333333336,18,explored +explored-2194,0.4945312500000002,13,explored +explored-2195,0.5255787037037036,13,explored +explored-2196,0.25109953703703736,16,explored +explored-2197,0.7818750000000001,4,explored +explored-2198,0.5092013888888891,11,explored +explored-2199,0.3583333333333336,14,explored +explored-2200,0.3982638888888892,13,explored +explored-2201,0.5078703703703704,21,explored +explored-2202,0.6739583333333334,4,explored +explored-2203,0.3979166666666669,17,explored +explored-2204,0.7765625,8,explored +explored-2205,0.6803819444444446,10,explored +explored-2206,0.6670833333333334,6,explored +explored-2207,0.5558159722222223,15,explored +explored-2208,0.8402777777777778,8,explored +explored-2209,0.635300925925926,26,explored +explored-2210,0.6468750000000001,8,explored +explored-2211,0.6778645833333334,7,explored +explored-2212,0.567013888888889,9,explored +explored-2213,0.8178125,6,explored +explored-2214,0.8144097222222222,8,explored +explored-2215,0.5713541666666668,16,explored +explored-2216,0.2930555555555556,17,explored +explored-2217,0.46053240740740753,16,explored +explored-2218,0.4858072916666668,16,explored +explored-2219,0.26979166666666676,14,explored +explored-2220,0.4381944444444448,10,explored +explored-2221,0.22864583333333344,19,explored +explored-2222,0.48541666666666683,17,explored +explored-2223,0.664670138888889,14,explored +explored-2224,0.130729166666667,13,explored +explored-2225,0.5385127314814817,19,explored +explored-2226,0.42500000000000027,9,explored +explored-2227,0.22361111111111132,19,explored +explored-2228,0.41770833333333346,5,explored +explored-2229,0.5292708333333335,7,explored +explored-2230,0.6635069444444446,12,explored +explored-2231,0.29348958333333364,25,explored +explored-2232,0.38593750000000016,11,explored +explored-2233,0.5778356481481484,14,explored +explored-2234,0.5510416666666669,19,explored +explored-2235,0.5988541666666667,5,explored +explored-2236,0.20416666666666683,13,explored +explored-2237,0.7696180555555556,11,explored +explored-2238,0.2259837962962965,16,explored +explored-2239,0.7584375000000001,5,explored +explored-2240,0.504513888888889,9,explored +explored-2241,0.6955729166666669,7,explored +explored-2242,0.39861111111111125,19,explored +explored-2243,0.23489583333333375,18,explored +explored-2244,0.21197916666666683,16,explored +explored-2245,0.7097222222222221,10,explored +explored-2246,0.6147511574074075,32,explored +explored-2247,0.4984375,11,explored +explored-2248,0.3953125000000002,17,explored +explored-2249,0.42552083333333357,11,explored +explored-2250,0.1921875000000003,20,explored +explored-2251,0.3821469907407409,19,explored +explored-2252,0.7000000000000001,8,explored +explored-2253,0.4295717592592594,22,explored +explored-2254,0.7286979166666667,8,explored +explored-2255,0.2644531250000002,18,explored +explored-2256,0.6530381944444447,10,explored +explored-2257,0.5549045138888891,16,explored +explored-2258,0.22083333333333344,18,explored +explored-2259,0.7601562500000001,5,explored +explored-2260,0.5055468750000002,14,explored +explored-2261,0.5250000000000001,7,explored +explored-2262,0.7409722222222224,7,explored +explored-2263,0.32230902777777815,13,explored +explored-2264,0.10373263888888928,14,explored +explored-2265,0.5640625000000001,12,explored +explored-2266,0.6840856481481482,17,explored +explored-2267,0.7372395833333334,6,explored +explored-2268,0.6850694444444445,6,explored +explored-2269,0.2562500000000003,11,explored +explored-2270,0.6676041666666668,8,explored +explored-2271,0.5029513888888891,13,explored +explored-2272,0.4466145833333335,20,explored +explored-2273,0.44985532407407425,22,explored +explored-2274,0.38246527777777795,14,explored +explored-2275,0.5671875000000002,12,explored +explored-2276,0.514670138888889,14,explored +explored-2277,0.6055555555555556,14,explored +explored-2278,0.37517361111111147,14,explored +explored-2279,0.5328125000000002,11,explored +explored-2280,0.2806423611111112,21,explored +explored-2281,0.20138888888888917,17,explored +explored-2282,0.7583333333333333,9,explored +explored-2283,0.6076388888888891,13,explored +explored-2284,0.7275260416666667,17,explored +explored-2285,0.421383101851852,17,explored +explored-2286,0.6189236111111113,11,explored +explored-2287,0.21828703703703722,17,explored +explored-2288,0.530277777777778,18,explored +explored-2289,0.6410590277777779,12,explored +explored-2290,0.23385416666666692,17,explored +explored-2291,0.6401851851851853,13,explored +explored-2292,0.558420138888889,15,explored +explored-2293,0.4612123842592595,15,explored +explored-2294,0.3523437500000002,15,explored +explored-2295,0.7088541666666668,13,explored +explored-2296,0.4286944444444446,16,explored +explored-2297,0.3347222222222226,21,explored +explored-2298,0.5119791666666669,13,explored +explored-2299,0.5932291666666668,4,explored +explored-2300,0.30138888888888915,16,explored +explored-2301,0.23784722222222254,17,explored +explored-2302,0.5808159722222224,15,explored +explored-2303,0.4424479166666667,20,explored +explored-2304,0.574189814814815,10,explored +explored-2305,0.6796875000000001,10,explored +explored-2306,0.5421875000000002,11,explored +explored-2307,0.4671875000000003,17,explored +explored-2308,0.6248263888888891,12,explored +explored-2309,0.5244791666666668,7,explored +explored-2310,0.5694444444444446,12,explored +explored-2311,0.34583333333333366,11,explored +explored-2312,0.24088541666666696,16,explored +explored-2313,0.7020833333333333,5,explored +explored-2314,0.6456250000000001,13,explored +explored-2315,0.5828125000000001,14,explored +explored-2316,0.5029166666666668,18,explored +explored-2317,0.7135416666666667,7,explored +explored-2318,0.2997395833333336,17,explored +explored-2319,0.6898061342592594,15,explored +explored-2320,0.3146412037037041,17,explored +explored-2321,0.45468750000000024,13,explored +explored-2322,0.15677083333333353,13,explored +explored-2323,0.5253125000000002,15,explored +explored-2324,0.4382812500000002,14,explored +explored-2325,0.621851851851852,15,explored +explored-2326,0.65625,4,explored +explored-2327,0.74140625,9,explored +explored-2328,0.5300347222222223,14,explored +explored-2329,0.4583333333333335,7,explored +explored-2330,0.6701649305555556,41,explored +explored-2331,0.432638888888889,16,explored +explored-2332,0.5618055555555557,14,explored +explored-2333,0.3084259259259262,22,explored +explored-2334,0.4013310185185187,18,explored +explored-2335,0.5151041666666668,10,explored +explored-2336,0.37604166666666683,14,explored +explored-2337,0.5440104166666668,18,explored +explored-2338,0.21736111111111123,16,explored +explored-2339,0.6455902777777779,12,explored +explored-2340,0.39861111111111147,14,explored +explored-2341,0.6245833333333335,23,explored +explored-2342,0.8106770833333333,9,explored +explored-2343,0.7548611111111111,7,explored +explored-2344,0.6443055555555557,10,explored +explored-2345,0.46996527777777797,11,explored +explored-2346,0.663715277777778,13,explored +explored-2347,0.3826388888888891,20,explored +explored-2348,0.702396701388889,47,explored +explored-2349,0.45572916666666685,13,explored +explored-2350,0.5402777777777781,17,explored +explored-2351,0.7387552083333333,31,explored +explored-2352,0.2767361111111113,14,explored +explored-2353,0.43709490740740753,18,explored +explored-2354,0.6767939814814816,13,explored +explored-2355,0.43125000000000013,16,explored +explored-2356,0.4354166666666668,11,explored +explored-2357,0.6509375000000002,9,explored +explored-2358,0.14322916666666696,14,explored +explored-2359,0.7138125000000001,40,explored +explored-2360,0.718576388888889,5,explored +explored-2361,0.6564236111111112,10,explored +explored-2362,0.6664062500000001,7,explored +explored-2363,0.4769965277777779,14,explored +explored-2364,0.33211805555555585,16,explored +explored-2365,0.4454565972222224,24,explored +explored-2366,0.46187500000000015,14,explored +explored-2367,0.7343171296296297,13,explored +explored-2368,0.4290509259259263,16,explored +explored-2369,0.43524305555555576,13,explored +explored-2370,0.38833912037037055,13,explored +explored-2371,0.5244791666666668,5,explored +explored-2372,0.4867708333333336,10,explored +explored-2373,0.19097222222222254,15,explored +explored-2374,0.585445601851852,14,explored +explored-2375,0.27708333333333357,14,explored +explored-2376,0.4609375,10,explored +explored-2377,0.4050347222222226,11,explored +explored-2378,0.08541666666666692,15,explored +explored-2379,0.17604166666666698,13,explored +explored-2380,0.6449652777777779,11,explored +explored-2381,0.2973958333333335,17,explored +explored-2382,0.6449074074074075,8,explored +explored-2383,0.7074652777777779,7,explored +explored-2384,0.5167534722222222,16,explored +explored-2385,0.5489583333333334,7,explored +explored-2386,0.32382812500000024,16,explored +explored-2387,0.6580729166666668,10,explored +explored-2388,0.813888888888889,3,explored +explored-2389,0.31759259259259276,26,explored +explored-2390,0.5118055555555557,7,explored +explored-2391,0.4168402777777781,11,explored +explored-2392,0.35416666666666696,10,explored +explored-2393,0.683726851851852,5,explored +explored-2394,0.7158333333333334,10,explored +explored-2395,0.2572916666666669,12,explored +explored-2396,0.5289785879629632,18,explored +explored-2397,0.14652777777777803,12,explored +explored-2398,0.36250000000000016,13,explored +explored-2399,0.3222222222222225,20,explored +explored-2400,0.42500000000000027,6,explored +explored-2401,0.7703125000000001,5,explored +explored-2402,0.35069444444444464,15,explored +explored-2403,0.38593750000000016,19,explored +explored-2404,0.5721354166666667,8,explored +explored-2405,0.7445023148148149,9,explored +explored-2406,0.6727430555555557,9,explored +explored-2407,0.5731770833333333,9,explored +explored-2408,0.2756944444444447,20,explored +explored-2409,0.6430555555555555,7,explored +explored-2410,0.41062500000000024,19,explored +explored-2411,0.5441840277777779,13,explored +explored-2412,0.5914062500000001,8,explored +explored-2413,0.42578703703703713,17,explored +explored-2414,0.5366666666666667,16,explored +explored-2415,0.2576388888888892,13,explored +explored-2416,0.276388888888889,21,explored +explored-2417,0.5778935185185187,14,explored +explored-2418,0.5455729166666669,10,explored +explored-2419,0.6618981481481482,10,explored +explored-2420,0.61953125,13,explored +explored-2421,0.6924652777777779,7,explored +explored-2422,0.7235503472222223,42,explored +explored-2423,0.6010416666666668,9,explored +explored-2424,0.3974537037037038,24,explored +explored-2425,0.09010416666666687,16,explored +explored-2426,0.7032118055555556,19,explored +explored-2427,0.6210069444444446,16,explored +explored-2428,0.4455729166666669,15,explored +explored-2429,0.7089280753968255,38,explored +explored-2430,0.7223606977513228,28,explored +explored-2431,0.53671875,9,explored +explored-2432,0.6913368055555557,26,explored +explored-2433,0.40976562500000024,16,explored +explored-2434,0.199088541666667,14,explored +explored-2435,0.5955729166666668,12,explored +explored-2436,0.33263888888888893,16,explored +explored-2437,0.24270833333333364,11,explored +explored-2438,0.7519756944444445,21,explored +explored-2439,0.7390625,7,explored +explored-2440,0.5828125000000001,11,explored +explored-2441,0.5869212962962964,12,explored +explored-2442,0.7958333333333335,5,explored +explored-2443,0.658564814814815,10,explored +explored-2444,0.3979166666666667,16,explored +explored-2445,0.3484375000000002,15,explored +explored-2446,0.2942129629629632,21,explored +explored-2447,0.6571180555555557,12,explored +explored-2448,0.2337962962962965,19,explored +explored-2449,0.7334461805555557,10,explored +explored-2450,0.36623263888888924,11,explored +explored-2451,0.12800925925925966,24,explored +explored-2452,0.29947916666666696,13,explored +explored-2453,0.46944444444444444,15,explored +explored-2454,0.2781828703703706,20,explored +explored-2455,0.6831597222222223,10,explored +explored-2456,0.2712962962962966,20,explored +explored-2457,0.5706886574074076,9,explored +explored-2458,0.19531250000000022,18,explored +explored-2459,0.4062500000000002,9,explored +explored-2460,0.7541666666666668,4,explored +explored-2461,0.23579282407407431,17,explored +explored-2462,0.14270833333333366,12,explored +explored-2463,0.4500000000000003,9,explored +explored-2464,0.45763888888888915,9,explored +explored-2465,0.48587962962962983,14,explored +explored-2466,0.6302372685185186,17,explored +explored-2467,0.5557291666666668,6,explored +explored-2468,0.5918055555555557,12,explored +explored-2469,0.6764930555555557,13,explored +explored-2470,0.6205439814814815,17,explored +explored-2471,0.06093750000000031,10,explored +explored-2472,0.287369791666667,25,explored +explored-2473,0.7765625,8,explored +explored-2474,0.6162037037037039,10,explored +explored-2475,0.6152083333333335,8,explored +explored-2476,0.6156250000000001,12,explored +explored-2477,0.7333333333333333,5,explored +explored-2478,0.5699942129629632,14,explored +explored-2479,0.4930555555555558,10,explored +explored-2480,0.6120833333333333,6,explored +explored-2481,0.5671875000000001,7,explored +explored-2482,0.44212962962962976,29,explored +explored-2483,0.7096354166666667,9,explored +explored-2484,0.2972800925925928,22,explored +explored-2485,0.39218750000000024,14,explored +explored-2486,0.48645833333333344,9,explored +explored-2487,0.28663194444444473,20,explored +explored-2488,0.5339583333333335,16,explored +explored-2489,0.2723524305555559,21,explored +explored-2490,0.7770833333333333,4,explored +explored-2491,0.3803240740740743,23,explored +explored-2492,0.3270833333333333,12,explored +explored-2493,0.4178385416666669,22,explored +explored-2494,0.7154311342592594,8,explored +explored-2495,0.28906250000000033,18,explored +explored-2496,0.6065538194444445,12,explored +explored-2497,0.6105954861111111,35,explored +explored-2498,0.5260416666666669,10,explored +explored-2499,0.7031423611111112,12,explored +explored-2500,0.7517708333333334,8,explored +explored-2501,0.4114583333333335,10,explored +explored-2502,0.3301215277777779,15,explored +explored-2503,0.7815972222222223,10,explored +explored-2504,0.50625,5,explored +explored-2505,0.79125,3,explored +explored-2506,0.4530671296296299,14,explored +explored-2507,0.49166666666666703,8,explored +explored-2508,0.5804166666666668,7,explored +explored-2509,0.33793402777777803,23,explored +explored-2510,0.25913194444444476,17,explored +explored-2511,0.5032118055555558,16,explored +explored-2512,0.44635416666666683,13,explored +explored-2513,0.6321180555555557,12,explored +explored-2514,0.65625,4,explored +explored-2515,0.6296875000000002,10,explored +explored-2516,0.5948958333333335,18,explored +explored-2517,0.27500000000000013,16,explored +explored-2518,0.51171875,12,explored +explored-2519,0.554340277777778,11,explored +explored-2520,0.5460937500000002,17,explored +explored-2521,0.7237847222222223,10,explored +explored-2522,0.5979166666666669,14,explored +explored-2523,0.47039930555555576,24,explored +explored-2524,0.18871527777777808,16,explored +explored-2525,0.6333333333333334,6,explored +explored-2526,0.6673611111111113,12,explored +explored-2527,0.3265625000000002,14,explored +explored-2528,0.43478009259259276,21,explored +explored-2529,0.6870613425925927,28,explored +explored-2530,0.4758159722222224,17,explored +explored-2531,0.3796875000000002,15,explored +explored-2532,0.5075925925925927,22,explored +explored-2533,0.5036458333333335,12,explored +explored-2534,0.6440104166666668,10,explored +explored-2535,0.8,4,explored +explored-2536,0.5043055555555558,10,explored +explored-2537,0.5710937500000002,12,explored +explored-2538,0.4592187500000001,9,explored +explored-2539,0.3197916666666668,9,explored +explored-2540,0.7115625000000001,7,explored +explored-2541,0.5833333333333335,9,explored +explored-2542,0.6258912037037038,11,explored +explored-2543,0.5515625,8,explored +explored-2544,0.6852430555555558,8,explored +explored-2545,0.5800347222222223,10,explored +explored-2546,0.7458333333333333,20,explored +explored-2547,0.6279513888888889,14,explored +explored-2548,0.4423611111111113,10,explored +explored-2549,0.6656597222222222,13,explored +explored-2550,0.2673611111111114,17,explored +explored-2551,0.23263888888888928,22,explored +explored-2552,0.07187500000000036,16,explored +explored-2553,0.4199074074074074,12,explored +explored-2554,0.5784722222222222,13,explored +explored-2555,0.43324652777777817,15,explored +explored-2556,0.6418981481481483,9,explored +explored-2557,0.18750000000000033,22,explored +explored-2558,0.4422222222222224,15,explored +explored-2559,0.3895833333333334,9,explored +explored-2560,0.6978442460317461,41,explored +explored-2561,0.6307291666666668,9,explored +explored-2562,0.44201388888888904,16,explored +explored-2563,0.36527777777777803,14,explored +explored-2564,0.3940104166666668,14,explored +explored-2565,0.7772222222222223,4,explored +explored-2566,0.43046875000000007,15,explored +explored-2567,0.130729166666667,19,explored +explored-2568,0.5439814814814816,11,explored +explored-2569,0.8221180555555556,7,explored +explored-2570,0.7841145833333334,8,explored +explored-2571,0.34386574074074094,17,explored +explored-2572,0.5494791666666669,18,explored +explored-2573,0.6665798611111112,14,explored +explored-2574,0.584375,7,explored +explored-2575,0.3247395833333335,15,explored +explored-2576,0.42734375000000036,16,explored +explored-2577,0.547164351851852,18,explored +explored-2578,0.6551504629629632,13,explored +explored-2579,0.5491319444444446,11,explored +explored-2580,0.5935763888888889,9,explored +explored-2581,0.5379861111111113,15,explored +explored-2582,0.7112152777777779,9,explored +explored-2583,0.6386284722222224,14,explored +explored-2584,0.2767361111111115,18,explored +explored-2585,0.6359953703703705,12,explored +explored-2586,0.5618055555555557,12,explored +explored-2587,0.49088541666666674,8,explored +explored-2588,0.7049479166666668,13,explored +explored-2589,0.3631655092592595,24,explored +explored-2590,0.2931250000000003,19,explored +explored-2591,0.43420138888888915,19,explored +explored-2592,0.3842592592592593,14,explored +explored-2593,0.48411458333333346,9,explored +explored-2594,0.6488194444444446,7,explored +explored-2595,0.5804166666666668,9,explored +explored-2596,0.6787615740740742,15,explored +explored-2597,0.6916666666666668,5,explored +explored-2598,0.7261631944444445,12,explored +explored-2599,0.5536458333333335,16,explored +explored-2600,0.3427083333333336,9,explored +explored-2601,0.4302083333333335,20,explored +explored-2602,0.5239583333333335,16,explored +explored-2603,0.7580729166666668,7,explored +explored-2604,0.46291666666666687,15,explored +explored-2605,0.4461805555555557,10,explored +explored-2606,0.5480555555555557,16,explored +explored-2607,0.23593750000000036,17,explored +explored-2608,0.284027777777778,14,explored +explored-2609,0.08125000000000027,9,explored +explored-2610,0.7098958333333334,5,explored +explored-2611,0.3890625000000003,17,explored +explored-2612,0.35416666666666696,8,explored +explored-2613,0.5779513888888891,8,explored +explored-2614,0.501388888888889,10,explored +explored-2615,0.74921875,14,explored +explored-2616,0.6930555555555555,8,explored +explored-2617,0.324652777777778,14,explored +explored-2618,0.3680555555555558,18,explored +explored-2619,0.4989583333333333,6,explored +explored-2620,0.6046875,8,explored +explored-2621,0.44791666666666685,16,explored +explored-2622,0.3943576388888892,9,explored +explored-2623,0.663744212962963,18,explored +explored-2624,0.48411458333333346,13,explored +explored-2625,0.5669270833333335,8,explored +explored-2626,0.4175347222222223,19,explored +explored-2627,0.46597222222222245,9,explored +explored-2628,0.4219039351851853,16,explored +explored-2629,0.18379629629629657,17,explored +explored-2630,0.43912615740740757,18,explored +explored-2631,0.19895833333333357,18,explored +explored-2632,0.7520833333333333,2,explored +explored-2633,0.7097222222222224,9,explored +explored-2634,0.5216145833333335,9,explored +explored-2635,0.6379340277777779,12,explored +explored-2636,0.3875000000000002,11,explored +explored-2637,0.7625,6,explored +explored-2638,0.5296875000000002,14,explored +explored-2639,0.208854166666667,16,explored +explored-2640,0.6320833333333336,9,explored +explored-2641,0.4056423611111113,28,explored +explored-2642,0.5151041666666668,7,explored +explored-2643,0.8078125,6,explored +explored-2644,0.6469039351851853,11,explored +explored-2645,0.3054687500000002,20,explored +explored-2646,0.7032309027777779,22,explored +explored-2647,0.633420138888889,13,explored +explored-2648,0.85,2,explored +explored-2649,0.6503125000000001,8,explored +explored-2650,0.47526041666666696,26,explored +explored-2651,0.7067708333333335,4,explored +explored-2652,0.49623842592592615,17,explored +explored-2653,0.7128472222222224,10,explored +explored-2654,0.8201388888888889,5,explored +explored-2655,0.7417708333333335,5,explored +explored-2656,0.374166666666667,13,explored +explored-2657,0.7552604166666668,5,explored +explored-2658,0.5769097222222224,8,explored +explored-2659,0.09010416666666687,17,explored +explored-2660,0.5725694444444446,10,explored +explored-2661,0.5616319444444445,6,explored +explored-2662,0.15520833333333361,16,explored +explored-2663,0.8256944444444445,5,explored +explored-2664,0.7484375,11,explored +explored-2665,0.4183159722222225,18,explored +explored-2666,0.11475694444444473,14,explored +explored-2667,0.5402777777777781,20,explored +explored-2668,0.6099537037037038,19,explored +explored-2669,0.5427083333333337,11,explored +explored-2670,0.5489583333333337,6,explored +explored-2671,0.5446180555555555,10,explored +explored-2672,0.4598958333333334,18,explored +explored-2673,0.4930555555555556,10,explored +explored-2674,0.46687500000000015,18,explored +explored-2675,0.6590277777777779,13,explored +explored-2676,0.24334490740740766,20,explored +explored-2677,0.6428333333333335,41,explored +explored-2678,0.2729166666666668,13,explored +explored-2679,0.6858072916666667,24,explored +explored-2680,0.34531250000000036,9,explored +explored-2681,0.6800347222222223,8,explored +explored-2682,0.29892939814814834,26,explored +explored-2683,0.57421875,16,explored +explored-2684,0.4831597222222225,10,explored +explored-2685,0.4534722222222223,7,explored +explored-2686,0.6274247685185187,14,explored +explored-2687,0.5926736111111113,11,explored +explored-2688,0.6145688657407409,17,explored +explored-2689,0.37760416666666696,14,explored +explored-2690,0.6961805555555556,6,explored +explored-2691,0.6269097222222224,19,explored +explored-2692,0.7091145833333334,6,explored +explored-2693,0.3364583333333335,10,explored +explored-2694,0.8092013888888889,9,explored +explored-2695,0.5093402777777779,15,explored +explored-2696,0.5582175925925927,15,explored +explored-2697,0.5769704861111112,13,explored +explored-2698,0.11875000000000013,14,explored +explored-2699,0.19583333333333353,12,explored +explored-2700,0.631232638888889,13,explored +explored-2701,0.5312500000000003,7,explored +explored-2702,0.574189814814815,13,explored +explored-2703,0.5792534722222223,14,explored +explored-2704,0.5939814814814817,13,explored +explored-2705,0.5686631944444446,13,explored +explored-2706,0.13454861111111138,18,explored +explored-2707,0.5886574074074076,16,explored +explored-2708,0.5710937500000002,17,explored +explored-2709,0.4263020833333335,21,explored +explored-2710,0.24687500000000018,19,explored +explored-2711,0.38307291666666676,20,explored +explored-2712,0.5757233796296297,21,explored +explored-2713,0.4208333333333336,16,explored +explored-2714,0.45815972222222245,12,explored +explored-2715,0.6187500000000001,19,explored +explored-2716,0.33993055555555585,16,explored +explored-2717,0.7140046296296297,9,explored +explored-2718,0.5795833333333333,9,explored +explored-2719,0.5151041666666668,8,explored +explored-2720,0.31510416666666685,16,explored +explored-2721,0.3980034722222223,20,explored +explored-2722,0.20833333333333348,19,explored +explored-2723,0.7570833333333334,5,explored +explored-2724,0.26093750000000027,15,explored +explored-2725,0.14739583333333361,12,explored +explored-2726,0.7046875000000001,8,explored +explored-2727,0.668090277777778,16,explored +explored-2728,0.42552083333333357,11,explored +explored-2729,0.46111111111111136,18,explored +explored-2730,0.6760416666666668,10,explored +explored-2731,0.33802083333333355,18,explored +explored-2732,0.17968750000000022,19,explored +explored-2733,0.7447916666666666,7,explored +explored-2734,0.3851562500000002,13,explored +explored-2735,0.8026041666666667,4,explored +explored-2736,0.5335937500000001,10,explored +explored-2737,0.3196180555555558,21,explored +explored-2738,0.6672106481481482,12,explored +explored-2739,0.6001157407407408,18,explored +explored-2740,0.4652488425925928,11,explored +explored-2741,0.6109375000000001,12,explored +explored-2742,0.3270833333333336,16,explored +explored-2743,0.7208333333333334,12,explored +explored-2744,0.46486111111111117,15,explored +explored-2745,0.4588541666666668,22,explored +explored-2746,0.45607638888888913,14,explored +explored-2747,0.16875000000000018,19,explored +explored-2748,0.385026041666667,12,explored +explored-2749,0.6714409722222223,10,explored +explored-2750,0.5145833333333333,8,explored +explored-2751,0.2953125000000003,12,explored +explored-2752,0.5049479166666668,21,explored +explored-2753,0.6513020833333334,7,explored +explored-2754,0.1687500000000004,12,explored +explored-2755,0.6427083333333334,5,explored +explored-2756,0.4817997685185187,18,explored +explored-2757,0.4608854166666667,22,explored +explored-2758,0.6545138888888891,16,explored +explored-2759,0.7534722222222223,7,explored +explored-2760,0.8133333333333334,4,explored +explored-2761,0.36527777777777803,13,explored +explored-2762,0.4002604166666669,11,explored +explored-2763,0.582638888888889,8,explored +explored-2764,0.32962962962962983,18,explored +explored-2765,0.4889583333333335,20,explored +explored-2766,0.44542824074074105,25,explored +explored-2767,0.5570370370370372,17,explored +explored-2768,0.21250000000000036,11,explored +explored-2769,0.19305555555555587,18,explored +explored-2770,0.2942708333333337,11,explored +explored-2771,0.5067708333333334,16,explored +explored-2772,0.5369791666666669,8,explored +explored-2773,0.6240306712962964,14,explored +explored-2774,0.7192129629629631,15,explored +explored-2775,0.5811458333333335,8,explored +explored-2776,0.5917534722222224,18,explored +explored-2777,0.363541666666667,12,explored +explored-2778,0.42786458333333355,19,explored +explored-2779,0.48350694444444464,16,explored +explored-2780,0.5248784722222224,16,explored +explored-2781,0.6754340277777778,14,explored +explored-2782,0.7080208333333334,7,explored +explored-2783,0.3555555555555556,11,explored +explored-2784,0.3109375000000001,10,explored +explored-2785,0.5451388888888888,12,explored +explored-2786,0.3319444444444446,19,explored +explored-2787,0.22864583333333366,15,explored +explored-2788,0.30234375000000013,14,explored +explored-2789,0.4828125000000003,12,explored +explored-2790,0.3988136574074076,22,explored +explored-2791,0.5179687500000001,7,explored +explored-2792,0.6596354166666668,14,explored +explored-2793,0.40451388888888906,13,explored +explored-2794,0.30286458333333355,14,explored +explored-2795,0.5998263888888891,16,explored +explored-2796,0.6041666666666667,14,explored +explored-2797,0.7923611111111112,9,explored +explored-2798,0.7449652777777779,10,explored +explored-2799,0.3806250000000002,10,explored +explored-2800,0.5569444444444447,12,explored +explored-2801,0.32473958333333364,13,explored +explored-2802,0.5687789351851853,12,explored +explored-2803,0.613570601851852,12,explored +explored-2804,0.42786458333333355,16,explored +explored-2805,0.6997395833333334,7,explored +explored-2806,0.5852430555555558,16,explored +explored-2807,0.4276909722222225,14,explored +explored-2808,0.7413194444444444,11,explored +explored-2809,0.5069444444444446,8,explored +explored-2810,0.5755208333333333,10,explored +explored-2811,0.6148524305555557,15,explored +explored-2812,0.3924189814814818,13,explored +explored-2813,0.43281250000000016,12,explored +explored-2814,0.5033333333333334,9,explored +explored-2815,0.48203125000000013,13,explored +explored-2816,0.4994791666666668,12,explored +explored-2817,0.6675983796296296,39,explored +explored-2818,0.4916666666666668,19,explored +explored-2819,0.5026041666666669,12,explored +explored-2820,0.5203125000000002,14,explored +explored-2821,0.5371093750000002,20,explored +explored-2822,0.8,4,explored +explored-2823,0.45572916666666674,7,explored +explored-2824,0.4451967592592596,17,explored +explored-2825,0.5366319444444447,12,explored +explored-2826,0.4293750000000002,15,explored +explored-2827,0.7809375000000001,4,explored +explored-2828,0.40347222222222245,14,explored +explored-2829,0.6151041666666668,18,explored +explored-2830,0.5623263888888891,9,explored +explored-2831,0.42445023148148175,18,explored +explored-2832,0.6371527777777779,38,explored +explored-2833,0.632465277777778,11,explored +explored-2834,0.6072916666666668,12,explored +explored-2835,0.13072916666666679,14,explored +explored-2836,0.7861111111111112,8,explored +explored-2837,0.500925925925926,16,explored +explored-2838,0.36041666666666705,8,explored +explored-2839,0.36979166666666696,12,explored +explored-2840,0.8083333333333333,8,explored +explored-2841,0.39218750000000013,16,explored +explored-2842,0.6073784722222223,11,explored +explored-2843,0.43619791666666674,19,explored +explored-2844,0.5512673611111113,15,explored +explored-2845,0.5114583333333337,7,explored +explored-2846,0.32777777777777795,13,explored +explored-2847,0.3226562500000002,14,explored +explored-2848,0.7280381944444445,16,explored +explored-2849,0.6309027777777779,14,explored +explored-2850,0.42552083333333324,11,explored +explored-2851,0.39652777777777803,19,explored +explored-2852,0.39262152777777803,20,explored +explored-2853,0.4505208333333335,12,explored +explored-2854,0.2708333333333337,14,explored +explored-2855,0.4285156250000003,26,explored +explored-2856,0.38046875000000024,13,explored +explored-2857,0.6340277777777779,14,explored +explored-2858,0.3715277777777781,13,explored +explored-2859,0.6722337962962964,14,explored +explored-2860,0.616840277777778,15,explored +explored-2861,0.6696875000000001,16,explored +explored-2862,0.5223958333333334,11,explored +explored-2863,0.7430555555555556,9,explored +explored-2864,0.5768518518518521,13,explored +explored-2865,0.45850694444444473,17,explored +explored-2866,0.3562500000000002,16,explored +explored-2867,0.5084635416666669,21,explored +explored-2868,0.3218055555555559,17,explored +explored-2869,0.6141319444444445,10,explored +explored-2870,0.4006944444444447,14,explored +explored-2871,0.4388310185185187,19,explored +explored-2872,0.3241030092592596,17,explored +explored-2873,0.36250000000000027,17,explored +explored-2874,0.4568576388888892,10,explored +explored-2875,0.36241319444444464,15,explored +explored-2876,0.42437500000000017,13,explored +explored-2877,0.4140625000000002,10,explored +explored-2878,0.5859375000000001,13,explored +explored-2879,0.5755208333333335,7,explored +explored-2880,0.8576388888888888,6,explored +explored-2881,0.3472222222222223,15,explored +explored-2882,0.3694444444444447,17,explored +explored-2883,0.3071180555555558,15,explored +explored-2884,0.13229166666666692,13,explored +explored-2885,0.48055555555555585,13,explored +explored-2886,0.5762152777777779,8,explored +explored-2887,0.6289062500000001,18,explored +explored-2888,0.44296875000000013,16,explored +explored-2889,0.7504947916666668,6,explored +explored-2890,0.29745370370370394,17,explored +explored-2891,0.2972222222222225,17,explored +explored-2892,0.5651041666666669,12,explored +explored-2893,0.3875289351851854,16,explored +explored-2894,0.2263888888888892,18,explored +explored-2895,0.33750000000000013,17,explored +explored-2896,0.6675347222222223,16,explored +explored-2897,0.6269097222222224,14,explored +explored-2898,0.45687500000000025,19,explored +explored-2899,0.6777864583333335,44,explored +explored-2900,0.6606192129629631,13,explored +explored-2901,0.42607060185185197,16,explored +explored-2902,0.2171875000000003,15,explored +explored-2903,0.3364583333333335,16,explored +explored-2904,0.6024305555555557,14,explored +explored-2905,0.5298611111111112,12,explored +explored-2906,0.5067708333333335,16,explored +explored-2907,0.5145833333333335,15,explored +explored-2908,0.5246238425925926,18,explored +explored-2909,0.3811631944444447,20,explored +explored-2910,0.5340856481481482,16,explored +explored-2911,0.5657986111111112,15,explored +explored-2912,0.7533333333333334,5,explored +explored-2913,0.39921875000000007,11,explored +explored-2914,0.6470486111111113,11,explored +explored-2915,0.40844907407407416,18,explored +explored-2916,0.5395833333333334,13,explored +explored-2917,0.6407118055555556,9,explored +explored-2918,0.27743055555555585,19,explored +explored-2919,0.3659722222222226,13,explored +explored-2920,0.4349247685185187,18,explored +explored-2921,0.3152777777777781,10,explored +explored-2922,0.4194444444444445,14,explored +explored-2923,0.596527777777778,11,explored +explored-2924,0.7161458333333335,9,explored +explored-2925,0.3373842592592594,21,explored +explored-2926,0.3730324074074075,22,explored +explored-2927,0.7178125000000001,10,explored +explored-2928,0.38289930555555574,13,explored +explored-2929,0.11944444444444469,14,explored +explored-2930,0.8027777777777778,13,explored +explored-2931,0.5041666666666669,9,explored +explored-2932,0.41375868055555576,17,explored +explored-2933,0.5887152777777778,9,explored +explored-2934,0.6942013888888889,14,explored +explored-2935,0.5291666666666668,6,explored +explored-2936,0.7026041666666667,14,explored +explored-2937,0.581076388888889,8,explored +explored-2938,0.7034722222222223,5,explored +explored-2939,0.5762152777777778,7,explored +explored-2940,0.5763888888888891,9,explored +explored-2941,0.0868055555555558,18,explored +explored-2942,0.6650462962962964,8,explored +explored-2943,0.38246527777777795,16,explored +explored-2944,0.23888888888888904,20,explored +explored-2945,0.3187500000000003,19,explored +explored-2946,0.828125,5,explored +explored-2947,0.5389756944444447,13,explored +explored-2948,0.5054687500000002,10,explored +explored-2949,0.5703993055555557,9,explored +explored-2950,0.6832812500000001,35,explored +explored-2951,0.20876736111111138,16,explored +explored-2952,0.6539930555555558,21,explored +explored-2953,0.057812500000000266,18,explored +explored-2954,0.656857638888889,13,explored +explored-2955,0.5401041666666668,15,explored +explored-2956,0.4125289351851853,15,explored +explored-2957,0.5694212962962963,12,explored +explored-2958,0.35421875000000014,12,explored +explored-2959,0.38125,8,explored +explored-2960,0.5989583333333333,9,explored +explored-2961,0.6993055555555556,11,explored +explored-2962,0.3820625000000002,16,explored +explored-2963,0.6788194444444445,9,explored +explored-2964,0.5630208333333336,7,explored +explored-2965,0.36250000000000027,11,explored +explored-2966,0.4788194444444447,9,explored +explored-2967,0.6753472222222223,14,explored +explored-2968,0.21197916666666683,11,explored +explored-2969,0.6062500000000002,10,explored +explored-2970,0.47430555555555554,18,explored +explored-2971,0.1473958333333334,19,explored +explored-2972,0.6427083333333334,12,explored +explored-2973,0.5511111111111112,16,explored +explored-2974,0.4833333333333333,10,explored +explored-2975,0.413888888888889,14,explored +explored-2976,0.7336464120370372,28,explored +explored-2977,0.43194444444444446,6,explored +explored-2978,0.4099826388888891,22,explored +explored-2979,0.7547453703703705,5,explored +explored-2980,0.49861111111111134,13,explored +explored-2981,0.4989583333333335,10,explored +explored-2982,0.3421875000000002,21,explored +explored-2983,0.4158564814814817,13,explored +explored-2984,0.6985358796296297,15,explored +explored-2985,0.6015625000000002,14,explored +explored-2986,0.5780555555555558,9,explored +explored-2987,0.46406250000000027,14,explored +explored-2988,0.6950520833333335,7,explored +explored-2989,0.2932291666666669,10,explored +explored-2990,0.2406250000000002,15,explored +explored-2991,0.3490914351851854,21,explored +explored-2992,0.47760416666666683,14,explored +explored-2993,0.35416666666666685,15,explored +explored-2994,0.2546875000000003,9,explored +explored-2995,0.7765625,6,explored +explored-2996,0.29557291666666696,12,explored +explored-2997,0.4973668981481484,19,explored +explored-2998,0.27222222222222237,23,explored +explored-2999,0.5244791666666669,15,explored +explored-3000,0.8434722222222222,11,explored +explored-3001,0.34479166666666705,17,explored +explored-3002,0.7558449074074075,9,explored +explored-3003,0.5799479166666668,9,explored +explored-3004,0.45833333333333337,9,explored +explored-3005,0.7595486111111112,6,explored +explored-3006,0.5420833333333335,17,explored +explored-3007,0.4208333333333334,14,explored +explored-3008,0.5060185185185186,18,explored +explored-3009,0.3006944444444448,11,explored +explored-3010,0.3427083333333335,15,explored +explored-3011,0.4891493055555558,16,explored +explored-3012,0.31614583333333357,13,explored +explored-3013,0.48911458333333346,18,explored +explored-3014,0.4515625000000001,10,explored +explored-3015,0.6156423611111113,13,explored +explored-3016,0.6333333333333334,11,explored +explored-3017,0.4338541666666669,15,explored +explored-3018,0.4510416666666668,9,explored +explored-3019,0.5944155092592595,13,explored +explored-3020,0.6937500000000001,8,explored +explored-3021,0.17384259259259283,17,explored +explored-3022,0.46597222222222245,8,explored +explored-3023,0.5177083333333337,5,explored +explored-3024,0.2581597222222225,15,explored +explored-3025,0.7583333333333334,7,explored +explored-3026,0.502633101851852,16,explored +explored-3027,0.6144097222222223,10,explored +explored-3028,0.3289351851851855,19,explored +explored-3029,0.37523148148148167,19,explored +explored-3030,0.4374421296296298,18,explored +explored-3031,0.18125000000000036,11,explored +explored-3032,0.5230468750000002,23,explored +explored-3033,0.6826041666666668,8,explored +explored-3034,0.42013888888888906,10,explored +explored-3035,0.7161458333333335,12,explored +explored-3036,0.6434375000000001,11,explored +explored-3037,0.8534722222222222,5,explored +explored-3038,0.7703125000000001,9,explored +explored-3039,0.6844618055555557,8,explored +explored-3040,0.5981770833333334,17,explored +explored-3041,0.664592013888889,20,explored +explored-3042,0.49479166666666685,4,explored +explored-3043,0.32916666666666705,10,explored +explored-3044,0.6802083333333335,11,explored +explored-3045,0.21145833333333353,16,explored +explored-3046,0.44898148148148154,15,explored +explored-3047,0.3320312500000002,18,explored +explored-3048,0.6617476851851853,12,explored +explored-3049,0.35555555555555585,8,explored +explored-3050,0.6741319444444446,7,explored +explored-3051,0.7637152777777778,13,explored +explored-3052,0.4007812500000002,11,explored +explored-3053,0.5625000000000002,11,explored +explored-3054,0.6247395833333335,11,explored +explored-3055,0.38333333333333364,12,explored +explored-3056,0.5804166666666668,8,explored +explored-3057,0.6346354166666668,4,explored +explored-3058,0.6588541666666669,10,explored +explored-3059,0.48359375000000027,12,explored +explored-3060,0.6908101851851853,4,explored +explored-3061,0.20978009259259278,16,explored +explored-3062,0.4998263888888891,8,explored +explored-3063,0.3250000000000002,16,explored +explored-3064,0.4968750000000002,5,explored +explored-3065,0.5572916666666669,6,explored +explored-3066,0.6218750000000002,5,explored +explored-3067,0.47916666666666685,8,explored +explored-3068,0.269166666666667,16,explored +explored-3069,0.4604166666666669,11,explored +explored-3070,0.3967881944444447,14,explored +explored-3071,0.09843750000000018,15,explored +explored-3072,0.34496527777777797,11,explored +explored-3073,0.8276909722222222,6,explored +explored-3074,0.5725115740740743,16,explored +explored-3075,0.3659722222222226,14,explored +explored-3076,0.45486111111111127,17,explored +explored-3077,0.6866145833333335,10,explored +explored-3078,0.6414930555555557,16,explored +explored-3079,0.38246527777777806,14,explored +explored-3080,0.4212962962962965,19,explored +explored-3081,0.5840277777777778,11,explored +explored-3082,0.6000434027777779,20,explored +explored-3083,0.5614583333333335,6,explored +explored-3084,0.5269155092592595,13,explored +explored-3085,0.25208333333333344,16,explored +explored-3086,0.6957175925925927,12,explored +explored-3087,0.5979629629629631,11,explored +explored-3088,0.550902777777778,8,explored +explored-3089,0.4720833333333334,12,explored +explored-3090,0.6596354166666668,14,explored +explored-3091,0.7429687500000001,5,explored +explored-3092,0.4152777777777781,10,explored +explored-3093,0.5673611111111112,15,explored +explored-3094,0.5131944444444447,11,explored +explored-3095,0.7121875000000001,5,explored +explored-3096,0.5265625,18,explored +explored-3097,0.32777777777777795,22,explored +explored-3098,0.48946759259259276,19,explored +explored-3099,0.3748263888888892,13,explored +explored-3100,0.7236458333333334,4,explored +explored-3101,0.33402777777777803,15,explored +explored-3102,0.43368055555555585,15,explored +explored-3103,0.4593750000000002,21,explored +explored-3104,0.37604166666666694,18,explored +explored-3105,0.4868055555555557,11,explored +explored-3106,0.7060185185185185,21,explored +explored-3107,0.6301215277777779,14,explored +explored-3108,0.47870370370370385,27,explored +explored-3109,0.4343750000000002,6,explored +explored-3110,0.6215277777777779,8,explored +explored-3111,0.6686342592592593,12,explored +explored-3112,0.7523263888888889,7,explored +explored-3113,0.5489583333333334,5,explored +explored-3114,0.17361111111111138,10,explored +explored-3115,0.5554687500000001,9,explored +explored-3116,0.7791666666666668,8,explored +explored-3117,0.6626736111111113,16,explored +explored-3118,0.4422222222222224,19,explored +explored-3119,0.37864583333333357,18,explored +explored-3120,0.6395399305555557,13,explored +explored-3121,0.4597222222222226,12,explored +explored-3122,0.33888888888888924,13,explored +explored-3123,0.39385416666666684,14,explored +explored-3124,0.5139930555555556,21,explored +explored-3125,0.5322916666666668,12,explored +explored-3126,0.5072916666666669,17,explored +explored-3127,0.5989062500000002,10,explored +explored-3128,0.6436805555555556,7,explored +explored-3129,0.4114583333333335,10,explored +explored-3130,0.6407118055555556,14,explored +explored-3131,0.6395833333333333,7,explored +explored-3132,0.6316666666666668,5,explored +explored-3133,0.6368750000000002,12,explored +explored-3134,0.5882812500000001,6,explored +explored-3135,0.37864583333333357,14,explored +explored-3136,0.43463541666666694,10,explored +explored-3137,0.4593750000000002,12,explored +explored-3138,0.3645833333333336,21,explored +explored-3139,0.6311805555555557,7,explored +explored-3140,0.7343171296296298,11,explored +explored-3141,0.5651041666666669,15,explored +explored-3142,0.38746527777777795,15,explored +explored-3143,0.49869791666666685,12,explored +explored-3144,0.6593750000000002,12,explored +explored-3145,0.4652777777777779,9,explored +explored-3146,0.5114583333333336,13,explored +explored-3147,0.5840277777777779,10,explored +explored-3148,0.5180555555555555,11,explored +explored-3149,0.6237847222222224,11,explored +explored-3150,0.546527777777778,10,explored +explored-3151,0.6935474537037039,25,explored +explored-3152,0.557349537037037,18,explored +explored-3153,0.4760416666666669,11,explored +explored-3154,0.5216145833333334,13,explored +explored-3155,0.48944444444444457,17,explored +explored-3156,0.41953125000000013,14,explored +explored-3157,0.3437500000000002,6,explored +explored-3158,0.1687500000000004,17,explored +explored-3159,0.21015625000000027,16,explored +explored-3160,0.46252893518518534,17,explored +explored-3161,0.3559895833333335,16,explored +explored-3162,0.5052951388888892,7,explored +explored-3163,0.5284722222222223,8,explored +explored-3164,0.24609375000000022,13,explored +explored-3165,0.6965277777777779,7,explored +explored-3166,0.6401909722222224,11,explored +explored-3167,0.621875,6,explored +explored-3168,0.5476562500000001,9,explored +explored-3169,0.48411458333333346,24,explored +explored-3170,0.304861111111111,16,explored +explored-3171,0.46562500000000007,9,explored +explored-3172,0.4774305555555557,10,explored +explored-3173,0.3796875000000002,14,explored +explored-3174,0.6659722222222222,10,explored +explored-3175,0.7979166666666666,4,explored +explored-3176,0.5501736111111112,16,explored +explored-3177,0.6145254629629631,13,explored +explored-3178,0.5489583333333335,7,explored +explored-3179,0.5941666666666668,7,explored +explored-3180,0.6130208333333333,7,explored +explored-3181,0.8097222222222223,8,explored +explored-3182,0.6320891203703705,11,explored +explored-3183,0.5298611111111112,12,explored +explored-3184,0.34913194444444473,34,explored +explored-3185,0.49149305555555567,13,explored +explored-3186,0.5650000000000002,6,explored +explored-3187,0.47140625000000025,18,explored +explored-3188,0.15703125000000018,15,explored +explored-3189,0.5437500000000002,10,explored +explored-3190,0.18437500000000018,14,explored +explored-3191,0.5135561342592595,19,explored +explored-3192,0.42291666666666683,19,explored +explored-3193,0.6095486111111112,8,explored +explored-3194,0.6133680555555556,10,explored +explored-3195,0.5881481481481483,14,explored +explored-3196,0.2347222222222225,13,explored +explored-3197,0.7335069444444444,10,explored +explored-3198,0.7658854166666667,12,explored +explored-3199,0.6570601851851853,8,explored +explored-3200,0.5098958333333335,11,explored +explored-3201,0.2507812500000002,16,explored +explored-3202,0.3685763888888891,14,explored +explored-3203,0.25010127314814834,24,explored +explored-3204,0.7479166666666668,9,explored +explored-3205,0.2546875000000002,11,explored +explored-3206,0.5934895833333335,13,explored +explored-3207,0.453715277777778,15,explored +explored-3208,0.5421875,10,explored +explored-3209,0.5541666666666669,10,explored +explored-3210,0.6677372685185187,16,explored +explored-3211,0.3827604166666668,17,explored +explored-3212,0.25885416666666705,11,explored +explored-3213,0.26184895833333344,14,explored +explored-3214,0.36388888888888915,17,explored +explored-3215,0.4734629629629632,22,explored +explored-3216,0.509490740740741,12,explored +explored-3217,0.2338541666666667,15,explored +explored-3218,0.5155902777777779,16,explored +explored-3219,0.5850694444444446,24,explored +explored-3220,0.6604166666666669,6,explored +explored-3221,0.5073495370370372,16,explored +explored-3222,0.6062500000000002,8,explored +explored-3223,0.37265625000000013,16,explored +explored-3224,0.7786458333333334,9,explored +explored-3225,0.565277777777778,13,explored +explored-3226,0.4842592592592594,22,explored +explored-3227,0.468576388888889,12,explored +explored-3228,0.6302083333333335,8,explored +explored-3229,0.6648726851851853,7,explored +explored-3230,0.4062500000000002,13,explored +explored-3231,0.3000000000000004,22,explored +explored-3232,0.3456597222222224,17,explored +explored-3233,0.09791666666666687,12,explored +explored-3234,0.7197916666666668,4,explored +explored-3235,0.30138888888888915,14,explored +explored-3236,0.6802083333333335,10,explored +explored-3237,0.7404513888888891,8,explored +explored-3238,0.7438888888888889,10,explored +explored-3239,0.33125000000000027,14,explored +explored-3240,0.643576388888889,8,explored +explored-3241,0.5059027777777779,12,explored +explored-3242,0.37760416666666696,15,explored +explored-3243,0.25555555555555576,15,explored +explored-3244,0.43671875000000027,12,explored +explored-3245,0.20138888888888917,16,explored +explored-3246,0.7790625,4,explored +explored-3247,0.6609375000000001,11,explored +explored-3248,0.7512442129629631,6,explored +explored-3249,0.369010416666667,19,explored +explored-3250,0.6617881944444446,11,explored +explored-3251,0.7216579861111112,11,explored +explored-3252,0.6197916666666669,3,explored +explored-3253,0.4102430555555556,13,explored +explored-3254,0.23984375000000013,15,explored +explored-3255,0.49050925925925926,15,explored +explored-3256,0.3597222222222223,12,explored +explored-3257,0.5462673611111113,10,explored +explored-3258,0.5522222222222222,10,explored +explored-3259,0.6146527777777779,14,explored +explored-3260,0.4682291666666667,9,explored +explored-3261,0.6958333333333334,9,explored +explored-3262,0.6211805555555557,8,explored +explored-3263,0.7512152777777779,9,explored +explored-3264,0.21250000000000036,9,explored +explored-3265,0.5545138888888891,10,explored +explored-3266,0.6162673611111111,9,explored +explored-3267,0.6569444444444446,5,explored +explored-3268,0.4932291666666667,8,explored +explored-3269,0.43284143518518525,21,explored +explored-3270,0.5976822916666668,35,explored +explored-3271,0.35069444444444464,18,explored +explored-3272,0.6052083333333333,16,explored +explored-3273,0.507638888888889,12,explored +explored-3274,0.322800925925926,15,explored +explored-3275,0.6750000000000002,11,explored +explored-3276,0.7906250000000001,1,explored +explored-3277,0.6230034722222224,14,explored +explored-3278,0.4930555555555558,10,explored +explored-3279,0.7383912037037038,6,explored +explored-3280,0.21927083333333375,13,explored +explored-3281,0.46006944444444464,15,explored +explored-3282,0.36250000000000027,25,explored +explored-3283,0.5767361111111113,6,explored +explored-3284,0.673045138888889,24,explored +explored-3285,0.6620515046296297,38,explored +explored-3286,0.1555555555555559,12,explored +explored-3287,0.7108854166666668,9,explored +explored-3288,0.22916666666666696,10,explored +explored-3289,0.6647569444444446,17,explored +explored-3290,0.47916666666666663,8,explored +explored-3291,0.6971354166666668,8,explored +explored-3292,0.7468750000000002,8,explored +explored-3293,0.46591435185185204,28,explored +explored-3294,0.35115740740740764,26,explored +explored-3295,0.4304687500000002,16,explored +explored-3296,0.6993055555555556,10,explored +explored-3297,0.40000000000000024,13,explored +explored-3298,0.3289062500000003,12,explored +explored-3299,0.30625000000000036,9,explored +explored-3300,0.5590104166666667,30,explored +explored-3301,0.31843171296296313,19,explored +explored-3302,0.3353067129629631,21,explored +explored-3303,0.6462847222222223,9,explored +explored-3304,0.4389756944444446,22,explored +explored-3305,0.637890625,36,explored +explored-3306,0.15277777777777812,16,explored +explored-3307,0.23750000000000027,15,explored +explored-3308,0.33802083333333366,19,explored +explored-3309,0.5442708333333335,9,explored +explored-3310,0.5312499999999999,8,explored +explored-3311,0.625,7,explored +explored-3312,0.22864583333333344,18,explored +explored-3313,0.698654513888889,11,explored +explored-3314,0.4452777777777778,10,explored +explored-3315,0.24565972222222254,23,explored +explored-3316,0.166840277777778,18,explored +explored-3317,0.5663194444444446,17,explored +explored-3318,0.42592592592592604,17,explored +explored-3319,0.659201388888889,7,explored +explored-3320,0.2576388888888892,18,explored +explored-3321,0.7023148148148151,6,explored +explored-3322,0.4901041666666668,9,explored +explored-3323,0.5406250000000001,11,explored +explored-3324,0.7479166666666666,5,explored +explored-3325,0.5411458333333334,14,explored +explored-3326,0.4638888888888888,14,explored +explored-3327,0.6888020833333334,3,explored +explored-3328,0.3087500000000002,17,explored +explored-3329,0.5444444444444446,14,explored +explored-3330,0.30833333333333357,21,explored +explored-3331,0.6490017361111112,13,explored +explored-3332,0.6419704861111112,24,explored +explored-3333,0.5567708333333335,6,explored +explored-3334,0.3798032407407409,18,explored +explored-3335,0.7308738425925927,15,explored +explored-3336,0.3457175925925928,24,explored +explored-3337,0.2723958333333335,15,explored +explored-3338,0.32777777777777795,15,explored +explored-3339,0.30199652777777797,16,explored +explored-3340,0.5205729166666668,10,explored +explored-3341,0.20000000000000018,19,explored +explored-3342,0.6727719907407408,12,explored +explored-3343,0.3437500000000002,15,explored +explored-3344,0.6041666666666667,7,explored +explored-3345,0.7972222222222223,7,explored +explored-3346,0.6433593750000002,15,explored +explored-3347,0.4121527777777779,18,explored +explored-3348,0.7070428240740743,8,explored +explored-3349,0.6473958333333335,12,explored +explored-3350,0.33402777777777803,13,explored +explored-3351,0.5000000000000001,15,explored +explored-3352,0.6081886574074075,9,explored +explored-3353,0.49878472222222237,15,explored +explored-3354,0.5203993055555556,15,explored +explored-3355,0.4776331018518519,17,explored +explored-3356,0.7870833333333334,3,explored +explored-3357,0.6229166666666668,9,explored +explored-3358,0.502604166666667,7,explored +explored-3359,0.3979166666666669,11,explored +explored-3360,0.6052083333333335,9,explored +explored-3361,0.4808159722222224,27,explored +explored-3362,0.4152083333333335,16,explored +explored-3363,0.7213541666666667,11,explored +explored-3364,0.5880208333333334,18,explored +explored-3365,0.43625578703703727,28,explored +explored-3366,0.7484375000000001,5,explored +explored-3367,0.3249131944444448,13,explored +explored-3368,0.6439814814814815,12,explored +explored-3369,0.49375000000000036,10,explored +explored-3370,0.4057291666666669,15,explored +explored-3371,0.577777777777778,15,explored +explored-3372,0.2822916666666667,7,explored +explored-3373,0.5541666666666669,14,explored +explored-3374,0.4984953703703706,23,explored +explored-3375,0.6077083333333335,7,explored +explored-3376,0.40390625000000013,10,explored +explored-3377,0.6643923611111112,10,explored +explored-3378,0.2161458333333336,16,explored +explored-3379,0.7868055555555555,9,explored +explored-3380,0.26087962962962985,18,explored +explored-3381,0.5555034722222223,15,explored +explored-3382,0.5588831018518521,16,explored +explored-3383,0.24311342592592622,20,explored +explored-3384,0.6885416666666668,6,explored +explored-3385,0.2460069444444446,21,explored +explored-3386,0.7367592592592593,13,explored +explored-3387,0.5920659722222225,13,explored +explored-3388,0.5372395833333334,16,explored +explored-3389,0.6625000000000001,7,explored +explored-3390,0.23888888888888915,12,explored +explored-3391,0.4846354166666669,12,explored +explored-3392,0.21119791666666687,18,explored +explored-3393,0.6509953703703706,16,explored +explored-3394,0.3227864583333335,18,explored +explored-3395,0.6816550925925927,13,explored +explored-3396,0.30429687500000036,24,explored +explored-3397,0.551388888888889,13,explored +explored-3398,0.6354166666666669,15,explored +explored-3399,0.16406250000000022,18,explored +explored-3400,0.37170138888888915,17,explored +explored-3401,0.5439814814814816,16,explored +explored-3402,0.28871527777777795,21,explored +explored-3403,0.5579427083333333,11,explored +explored-3404,0.3166666666666669,12,explored +explored-3405,0.3119791666666669,19,explored +explored-3406,0.536979166666667,11,explored +explored-3407,0.6538194444444446,7,explored +explored-3408,0.4498379629629632,17,explored +explored-3409,0.5583333333333333,11,explored +explored-3410,0.6683283730158731,29,explored +explored-3411,0.45833333333333326,9,explored +explored-3412,0.4900000000000002,12,explored +explored-3413,0.5606770833333335,18,explored +explored-3414,0.3189641203703707,19,explored +explored-3415,0.16875000000000018,17,explored +explored-3416,0.7083333333333333,3,explored +explored-3417,0.5434027777777779,10,explored +explored-3418,0.5060763888888891,5,explored +explored-3419,0.5483506944444446,12,explored +explored-3420,0.342621527777778,20,explored +explored-3421,0.607465277777778,10,explored +explored-3422,0.08593750000000022,20,explored +explored-3423,0.7953125,5,explored +explored-3424,0.46848958333333357,17,explored +explored-3425,0.4281250000000003,12,explored +explored-3426,0.708857638888889,40,explored +explored-3427,0.6665798611111112,13,explored +explored-3428,0.5230034722222224,14,explored +explored-3429,0.6140625000000002,8,explored +explored-3430,0.34427083333333364,21,explored +explored-3431,0.4945312500000002,14,explored +explored-3432,0.34001736111111136,16,explored +explored-3433,0.6119791666666669,9,explored +explored-3434,0.36451388888888914,14,explored +explored-3435,0.43690972222222246,17,explored +explored-3436,0.5333333333333334,7,explored +explored-3437,0.28912037037037064,27,explored +explored-3438,0.4421875000000002,14,explored +explored-3439,0.368012152777778,16,explored +explored-3440,0.251822916666667,17,explored +explored-3441,0.6671875,22,explored +explored-3442,0.6979166666666667,8,explored +explored-3443,0.41076388888888915,8,explored +explored-3444,0.5979166666666668,7,explored +explored-3445,0.628125,8,explored +explored-3446,0.4755208333333336,7,explored +explored-3447,0.6302083333333334,7,explored +explored-3448,0.5348958333333335,12,explored +explored-3449,0.7278298611111111,13,explored +explored-3450,0.4611979166666669,10,explored +explored-3451,0.5750000000000002,9,explored +explored-3452,0.6328125000000001,10,explored +explored-3453,0.6166666666666669,11,explored +explored-3454,0.5744646990740743,14,explored +explored-3455,0.6234375000000001,6,explored +explored-3456,0.5526041666666667,11,explored +explored-3457,0.7875000000000001,6,explored +explored-3458,0.693888888888889,9,explored +explored-3459,0.5078125000000001,12,explored +explored-3460,0.1921875000000004,10,explored +explored-3461,0.3481481481481483,23,explored +explored-3462,0.73125,12,explored +explored-3463,0.4152777777777781,12,explored +explored-3464,0.7035590277777778,18,explored +explored-3465,0.4356944444444446,13,explored +explored-3466,0.659201388888889,12,explored +explored-3467,0.6291666666666669,12,explored +explored-3468,0.45788194444444463,17,explored +explored-3469,0.2729166666666669,24,explored +explored-3470,0.6841145833333334,5,explored +explored-3471,0.5651041666666669,17,explored +explored-3472,0.19583333333333375,19,explored +explored-3473,0.7759375,5,explored +explored-3474,0.7614583333333336,3,explored +explored-3475,0.27395833333333375,12,explored +explored-3476,0.434027777777778,15,explored +explored-3477,0.6800636574074075,23,explored +explored-3478,0.13009259259259287,12,explored +explored-3479,0.6038541666666668,10,explored +explored-3480,0.5697916666666667,9,explored +explored-3481,0.5942708333333335,15,explored +explored-3482,0.6282986111111113,13,explored +explored-3483,0.6269097222222224,15,explored +explored-3484,0.20434027777777808,13,explored +explored-3485,0.27847222222222245,14,explored +explored-3486,0.41853298611111134,23,explored +explored-3487,0.6475694444444446,5,explored +explored-3488,0.5812500000000002,5,explored +explored-3489,0.6850694444444446,7,explored +explored-3490,0.5818576388888891,9,explored +explored-3491,0.5286458333333335,14,explored +explored-3492,0.5184375000000001,7,explored +explored-3493,0.6223958333333335,16,explored +explored-3494,0.5193576388888891,17,explored +explored-3495,0.5308333333333334,7,explored +explored-3496,0.42447916666666685,19,explored +explored-3497,0.5340277777777779,10,explored +explored-3498,0.4428819444444446,13,explored +explored-3499,0.17916666666666692,11,explored +explored-3500,0.47187500000000027,17,explored +explored-3501,0.7472222222222222,8,explored +explored-3502,0.6667708333333334,3,explored +explored-3503,0.4925636574074076,19,explored +explored-3504,0.7680208333333334,5,explored +explored-3505,0.33802083333333366,19,explored +explored-3506,0.769826388888889,11,explored +explored-3507,0.6019618055555557,12,explored +explored-3508,0.5001736111111115,8,explored +explored-3509,0.3592013888888892,18,explored +explored-3510,0.33993055555555585,16,explored +explored-3511,0.382638888888889,13,explored +explored-3512,0.4222222222222225,9,explored +explored-3513,0.3671875000000002,14,explored +explored-3514,0.7017939814814816,12,explored +explored-3515,0.5287037037037039,13,explored +explored-3516,0.5335937500000003,9,explored +explored-3517,0.6521412037037038,14,explored +explored-3518,0.621875,8,explored +explored-3519,0.5458333333333334,4,explored +explored-3520,0.3458738425925928,19,explored +explored-3521,0.7208333333333334,8,explored +explored-3522,0.5180555555555557,9,explored +explored-3523,0.5092303240740742,16,explored +explored-3524,0.47517361111111134,18,explored +explored-3525,0.5281250000000002,12,explored +explored-3526,0.5794791666666668,10,explored +explored-3527,0.48697916666666696,8,explored +explored-3528,0.6013888888888891,19,explored +explored-3529,0.29652777777777795,16,explored +explored-3530,0.4836805555555559,15,explored +explored-3531,0.4833333333333334,8,explored +explored-3532,0.6300057870370371,11,explored +explored-3533,0.557638888888889,5,explored +explored-3534,0.4284201388888891,18,explored +explored-3535,0.7756944444444445,15,explored +explored-3536,0.626388888888889,9,explored +explored-3537,0.45000000000000007,13,explored +explored-3538,0.4734375000000002,7,explored +explored-3539,0.4807725694444447,23,explored +explored-3540,0.27505787037037055,19,explored +explored-3541,0.7153501157407408,23,explored +explored-3542,0.38055555555555576,20,explored +explored-3543,0.4218750000000002,13,explored +explored-3544,0.49097222222222237,17,explored +explored-3545,0.2972656250000002,15,explored +explored-3546,0.20876736111111138,18,explored +explored-3547,0.44436342592592615,13,explored +explored-3548,0.19143518518518543,21,explored +explored-3549,0.8111979166666667,8,explored +explored-3550,0.5338541666666667,14,explored +explored-3551,0.39722222222222237,19,explored +explored-3552,0.40671875000000013,20,explored +explored-3553,0.34921875000000024,14,explored +explored-3554,0.448090277777778,15,explored +explored-3555,0.21996527777777797,16,explored +explored-3556,0.3812500000000003,10,explored +explored-3557,0.4685763888888891,10,explored +explored-3558,0.23645833333333366,18,explored +explored-3559,0.5618055555555556,12,explored +explored-3560,0.6718750000000002,9,explored +explored-3561,0.40833333333333366,18,explored +explored-3562,0.7619444444444445,8,explored +explored-3563,0.5085416666666669,14,explored +explored-3564,0.17916666666666703,8,explored +explored-3565,0.47317708333333364,12,explored +explored-3566,0.6425347222222223,14,explored +explored-3567,0.5991319444444446,8,explored +explored-3568,0.48802083333333357,7,explored +explored-3569,0.7157118055555556,5,explored +explored-3570,0.45607638888888913,18,explored +explored-3571,0.7312847222222223,5,explored +explored-3572,0.7293402777777778,17,explored +explored-3573,0.5606770833333334,7,explored +explored-3574,0.14027777777777817,13,explored +explored-3575,0.600752314814815,10,explored +explored-3576,0.4812500000000004,11,explored +explored-3577,0.4270833333333336,10,explored +explored-3578,0.31458333333333366,15,explored +explored-3579,0.7053472222222223,9,explored +explored-3580,0.650115740740741,8,explored +explored-3581,0.2807291666666669,14,explored +explored-3582,0.5565972222222224,10,explored +explored-3583,0.5763020833333334,13,explored +explored-3584,0.5131076388888891,15,explored +explored-3585,0.4243055555555557,10,explored +explored-3586,0.4275000000000002,12,explored +explored-3587,0.5666666666666669,9,explored +explored-3588,0.5855815972222225,15,explored +explored-3589,0.3333333333333335,14,explored +explored-3590,0.7059375000000001,2,explored +explored-3591,0.2656250000000002,13,explored +explored-3592,0.600607638888889,7,explored +explored-3593,0.5527777777777778,19,explored +explored-3594,0.3491030092592595,19,explored +explored-3595,0.596701388888889,7,explored +explored-3596,0.6363281250000001,16,explored +explored-3597,0.34934895833333357,23,explored +explored-3598,0.1536458333333337,20,explored +explored-3599,0.7614583333333336,2,explored +explored-3600,0.6718750000000002,7,explored +explored-3601,0.31493055555555594,17,explored +explored-3602,0.5061631944444447,17,explored +explored-3603,0.32790798611111127,16,explored +explored-3604,0.5559317129629632,16,explored +explored-3605,0.25651041666666696,11,explored +explored-3606,0.5189814814814817,17,explored +explored-3607,0.2493923611111113,21,explored +explored-3608,0.531076388888889,12,explored +explored-3609,0.5704861111111112,9,explored +explored-3610,0.5937037037037037,9,explored +explored-3611,0.4614583333333334,16,explored +explored-3612,0.6937500000000001,6,explored +explored-3613,0.23125000000000018,11,explored +explored-3614,0.4515625000000002,13,explored +explored-3615,0.5067997685185186,15,explored +explored-3616,0.6453125,6,explored +explored-3617,0.6732986111111112,10,explored +explored-3618,0.3926388888888891,21,explored +explored-3619,0.5131944444444447,10,explored +explored-3620,0.6437500000000002,9,explored +explored-3621,0.5784722222222223,12,explored +explored-3622,0.4164930555555557,17,explored +explored-3623,0.601388888888889,6,explored +explored-3624,0.614502314814815,19,explored +explored-3625,0.3446180555555558,21,explored +explored-3626,0.7229166666666668,10,explored +explored-3627,0.5723813657407408,23,explored +explored-3628,0.3065248842592596,26,explored +explored-3629,0.3689259259259261,15,explored +explored-3630,0.6730381944444446,8,explored +explored-3631,0.2507812500000002,15,explored +explored-3632,0.6918750000000001,3,explored +explored-3633,0.8901041666666667,4,explored +explored-3634,0.8153645833333334,9,explored +explored-3635,0.5358333333333335,17,explored +explored-3636,0.5516666666666669,14,explored +explored-3637,0.42838541666666696,16,explored +explored-3638,0.5812500000000002,9,explored +explored-3639,0.5618055555555557,8,explored +explored-3640,0.208854166666667,17,explored +explored-3641,0.6486689814814817,8,explored +explored-3642,0.5479166666666668,9,explored +explored-3643,0.4398437500000002,15,explored +explored-3644,0.5625000000000002,13,explored +explored-3645,0.58125,11,explored +explored-3646,0.3780208333333335,12,explored +explored-3647,0.5427951388888891,15,explored +explored-3648,0.2656250000000002,16,explored +explored-3649,0.3425347222222225,12,explored +explored-3650,0.728263888888889,14,explored +explored-3651,0.3456597222222224,21,explored +explored-3652,0.61875,9,explored +explored-3653,0.5327430555555557,14,explored +explored-3654,0.5311805555555557,15,explored +explored-3655,0.4276041666666668,14,explored +explored-3656,0.5572916666666669,17,explored +explored-3657,0.7756944444444445,12,explored +explored-3658,0.5553356481481483,14,explored +explored-3659,0.6177083333333335,12,explored +explored-3660,0.6663917824074075,17,explored +explored-3661,0.6079427083333335,27,explored +explored-3662,0.7796875000000001,4,explored +explored-3663,0.3953125000000002,11,explored +explored-3664,0.37031250000000027,13,explored +explored-3665,0.3969907407407409,18,explored +explored-3666,0.5219444444444445,14,explored +explored-3667,0.7038541666666668,10,explored +explored-3668,0.5320833333333335,10,explored +explored-3669,0.6989861111111112,20,explored +explored-3670,0.585763888888889,16,explored +explored-3671,0.4387731481481484,20,explored +explored-3672,0.6518229166666668,14,explored +explored-3673,0.5138020833333334,7,explored +explored-3674,0.7093489583333334,29,explored +explored-3675,0.4759895833333335,15,explored +explored-3676,0.5947916666666668,10,explored +explored-3677,0.39236111111111127,14,explored +explored-3678,0.32291666666666696,9,explored +explored-3679,0.6765364583333334,9,explored +explored-3680,0.6444444444444447,7,explored +explored-3681,0.5245659722222223,10,explored +explored-3682,0.4934895833333336,13,explored +explored-3683,0.5050347222222225,14,explored +explored-3684,0.4421875000000002,10,explored +explored-3685,0.5480034722222223,11,explored +explored-3686,0.6921875000000001,12,explored +explored-3687,0.6817407407407408,31,explored +explored-3688,0.5606481481481483,7,explored +explored-3689,0.4423611111111113,10,explored +explored-3690,0.36385995370370383,18,explored +explored-3691,0.32291666666666674,16,explored +explored-3692,0.5361487268518521,23,explored +explored-3693,0.5199652777777779,14,explored +explored-3694,0.2972222222222225,14,explored +explored-3695,0.11979166666666696,14,explored +explored-3696,0.7243055555555556,12,explored +explored-3697,0.7762152777777778,10,explored +explored-3698,0.7623263888888889,9,explored +explored-3699,0.8195833333333333,2,explored +explored-3700,0.4672222222222224,13,explored +explored-3701,0.3173611111111113,11,explored +explored-3702,0.6633680555555557,11,explored +explored-3703,0.5166203703703706,16,explored +explored-3704,0.424826388888889,6,explored +explored-3705,0.367615740740741,20,explored +explored-3706,0.4984375,10,explored +explored-3707,0.6963541666666667,7,explored +explored-3708,0.6105208333333335,17,explored +explored-3709,0.16718750000000027,13,explored +explored-3710,0.3730902777777779,20,explored +explored-3711,0.5199942129629631,16,explored +explored-3712,0.6871875000000001,9,explored +explored-3713,0.6557465277777779,12,explored +explored-3714,0.3866319444444446,16,explored +explored-3715,0.47118055555555594,13,explored +explored-3716,0.5322916666666667,12,explored +explored-3717,0.5145833333333335,7,explored +explored-3718,0.22274305555555585,20,explored +explored-3719,0.4207465277777779,25,explored +explored-3720,0.43865740740740766,16,explored +explored-3721,0.38281250000000033,8,explored +explored-3722,0.5606770833333335,14,explored +explored-3723,0.7708101851851853,9,explored +explored-3724,0.6762152777777779,5,explored +explored-3725,0.33359375000000036,14,explored +explored-3726,0.3671875000000002,15,explored +explored-3727,0.33072916666666696,10,explored +explored-3728,0.84375,6,explored +explored-3729,0.20416666666666683,13,explored +explored-3730,0.7703125,5,explored +explored-3731,0.5678819444444446,14,explored +explored-3732,0.5730034722222224,26,explored +explored-3733,0.5421875000000003,11,explored +explored-3734,0.8083333333333333,8,explored +explored-3735,0.40538194444444464,13,explored +explored-3736,0.67578125,21,explored +explored-3737,0.44010416666666696,21,explored +explored-3738,0.6004861111111113,15,explored +explored-3739,0.5998263888888891,12,explored +explored-3740,0.40347222222222245,16,explored +explored-3741,0.5885416666666667,11,explored +explored-3742,0.8859375,6,explored +explored-3743,0.5866319444444446,10,explored +explored-3744,0.5986111111111112,16,explored +explored-3745,0.6993055555555556,13,explored +explored-3746,0.4140625000000002,13,explored +explored-3747,0.6631944444444445,15,explored +explored-3748,0.6425347222222223,14,explored +explored-3749,0.43529513888888904,13,explored +explored-3750,0.6104166666666666,4,explored +explored-3751,0.4569444444444448,15,explored +explored-3752,0.6144097222222223,14,explored +explored-3753,0.5328645833333333,11,explored +explored-3754,0.511527777777778,17,explored +explored-3755,0.4055555555555559,13,explored +explored-3756,0.5387673611111112,15,explored +explored-3757,0.46686921296296313,17,explored +explored-3758,0.5062789351851853,19,explored +explored-3759,0.3031250000000003,13,explored +explored-3760,0.6031828703703705,9,explored +explored-3761,0.357291666666667,12,explored +explored-3762,0.402314814814815,22,explored +explored-3763,0.6802083333333335,4,explored +explored-3764,0.45277777777777783,17,explored +explored-3765,0.5006944444444446,8,explored +explored-3766,0.762525462962963,30,explored +explored-3767,0.43819444444444466,12,explored +explored-3768,0.5813368055555557,16,explored +explored-3769,0.53,7,explored +explored-3770,0.6033564814814816,14,explored +explored-3771,0.5722800925925928,20,explored +explored-3772,0.44747685185185204,20,explored +explored-3773,0.5881944444444447,16,explored +explored-3774,0.6229166666666668,7,explored +explored-3775,0.592638888888889,18,explored +explored-3776,0.2552083333333337,15,explored +explored-3777,0.7518229166666668,11,explored +explored-3778,0.23554687500000016,16,explored +explored-3779,0.30671296296296313,19,explored +explored-3780,0.7986111111111112,8,explored +explored-3781,0.5052083333333335,17,explored +explored-3782,0.4334201388888891,15,explored +explored-3783,0.5411458333333334,10,explored +explored-3784,0.5511111111111112,20,explored +explored-3785,0.4935329861111113,16,explored +explored-3786,0.48055555555555585,12,explored +explored-3787,0.6906250000000002,5,explored +explored-3788,0.6555208333333334,4,explored +explored-3789,0.7166666666666668,8,explored +explored-3790,0.5260416666666669,12,explored +explored-3791,0.27809606481481497,24,explored +explored-3792,0.5898437500000002,9,explored +explored-3793,0.4984375000000002,13,explored +explored-3794,0.2244791666666669,17,explored +explored-3795,0.3958333333333335,23,explored +explored-3796,0.6906249999999999,10,explored +explored-3797,0.6197916666666667,12,explored +explored-3798,0.5980034722222224,13,explored +explored-3799,0.7377777777777779,11,explored +explored-3800,0.587152777777778,5,explored +explored-3801,0.4666666666666669,18,explored +explored-3802,0.46458333333333357,19,explored +explored-3803,0.5054687500000004,6,explored +explored-3804,0.5276186342592594,19,explored +explored-3805,0.5421875,9,explored +explored-3806,0.11163194444444469,13,explored +explored-3807,0.6811631944444445,19,explored +explored-3808,0.5046875000000003,10,explored +explored-3809,0.6479166666666668,8,explored +explored-3810,0.37413194444444464,26,explored +explored-3811,0.7434895833333333,11,explored +explored-3812,0.7159722222222222,4,explored +explored-3813,0.46440972222222254,13,explored +explored-3814,0.7733796296296298,13,explored +explored-3815,0.6622378472222223,14,explored +explored-3816,0.6333333333333334,10,explored +explored-3817,0.38437500000000013,8,explored +explored-3818,0.34900462962962986,22,explored +explored-3819,0.26232638888888915,15,explored +explored-3820,0.5484375000000001,19,explored +explored-3821,0.5544791666666669,17,explored +explored-3822,0.5968750000000002,9,explored +explored-3823,0.6364583333333335,14,explored +explored-3824,0.6270833333333334,8,explored +explored-3825,0.5895833333333333,7,explored +explored-3826,0.4006076388888893,11,explored +explored-3827,0.7379166666666667,7,explored +explored-3828,0.5969444444444446,13,explored +explored-3829,0.6515625000000002,8,explored +explored-3830,0.6486892361111113,13,explored +explored-3831,0.5116319444444446,9,explored +explored-3832,0.5520833333333335,15,explored +explored-3833,0.6202430555555557,8,explored +explored-3834,0.5593750000000001,7,explored +explored-3835,0.3769097222222224,21,explored +explored-3836,0.5944444444444447,8,explored +explored-3837,0.5857638888888891,15,explored +explored-3838,0.7027546296296298,6,explored +explored-3839,0.7166666666666668,13,explored +explored-3840,0.5178819444444446,16,explored +explored-3841,0.43032407407407414,15,explored +explored-3842,0.6053819444444446,14,explored +explored-3843,0.3373263888888891,17,explored +explored-3844,0.5099537037037036,15,explored +explored-3845,0.3998263888888891,19,explored +explored-3846,0.13593750000000027,22,explored +explored-3847,0.7920138888888889,9,explored +explored-3848,0.6227430555555555,7,explored +explored-3849,0.3276041666666669,11,explored +explored-3850,0.3105902777777779,22,explored +explored-3851,0.4663194444444446,8,explored +explored-3852,0.2802083333333335,21,explored +explored-3853,0.49662905092592613,16,explored +explored-3854,0.18750000000000022,15,explored +explored-3855,0.6345486111111112,14,explored +explored-3856,0.29079861111111127,22,explored +explored-3857,0.2627314814814816,17,explored +explored-3858,0.5011284722222223,15,explored +explored-3859,0.41423611111111125,15,explored +explored-3860,0.36250000000000027,14,explored +explored-3861,0.5274305555555555,13,explored +explored-3862,0.6979166666666667,6,explored +explored-3863,0.5713541666666668,10,explored +explored-3864,0.5915740740740741,27,explored +explored-3865,0.44259259259259265,22,explored +explored-3866,0.6661805555555556,7,explored +explored-3867,0.6325954861111112,18,explored +explored-3868,0.23958333333333348,18,explored +explored-3869,0.497152777777778,12,explored +explored-3870,0.7741319444444446,4,explored +explored-3871,0.4964409722222225,10,explored +explored-3872,0.6074074074074075,13,explored +explored-3873,0.324479166666667,12,explored +explored-3874,0.2659722222222225,20,explored +explored-3875,0.3441840277777779,18,explored +explored-3876,0.5974074074074076,16,explored +explored-3877,0.7241319444444445,10,explored +explored-3878,0.5776041666666668,7,explored +explored-3879,0.5989583333333335,6,explored +explored-3880,0.6533333333333333,6,explored +explored-3881,0.7121527777777779,11,explored +explored-3882,0.45225694444444464,14,explored +explored-3883,0.6737500000000001,9,explored +explored-3884,0.803125,6,explored +explored-3885,0.6505787037037039,15,explored +explored-3886,0.4046875000000001,13,explored +explored-3887,0.7904513888888889,10,explored +explored-3888,0.31406250000000036,11,explored +explored-3889,0.5989149305555557,21,explored +explored-3890,0.6505787037037039,12,explored +explored-3891,0.7603009259259261,9,explored +explored-3892,0.2781684027777781,16,explored +explored-3893,0.40500000000000014,9,explored +explored-3894,0.5322916666666668,8,explored +explored-3895,0.5890046296296299,10,explored +explored-3896,0.43072916666666683,13,explored +explored-3897,0.587152777777778,9,explored +explored-3898,0.41638888888888903,14,explored +explored-3899,0.40833333333333355,20,explored +explored-3900,0.3666666666666668,17,explored +explored-3901,0.45729166666666676,7,explored +explored-3902,0.5409722222222224,10,explored +explored-3903,0.45425347222222257,16,explored +explored-3904,0.7770833333333333,2,explored +explored-3905,0.47829861111111127,19,explored +explored-3906,0.21724537037037073,16,explored +explored-3907,0.6047743055555557,15,explored +explored-3908,0.5159143518518521,18,explored +explored-3909,0.2112847222222225,20,explored +explored-3910,0.3440972222222224,16,explored +explored-3911,0.5476041666666668,15,explored +explored-3912,0.1409722222222225,11,explored +explored-3913,0.5956944444444446,10,explored +explored-3914,0.3006944444444446,15,explored +explored-3915,0.20815972222222245,13,explored +explored-3916,0.5031828703703706,14,explored +explored-3917,0.6717881944444446,11,explored +explored-3918,0.5838541666666668,14,explored +explored-3919,0.6783854166666669,13,explored +explored-3920,0.6484375000000002,7,explored +explored-3921,0.5171875000000001,7,explored +explored-3922,0.5742187500000001,11,explored +explored-3923,0.35364583333333344,12,explored +explored-3924,0.5541666666666668,10,explored +explored-3925,0.42309027777777797,15,explored +explored-3926,0.5211111111111113,14,explored +explored-3927,0.7208333333333334,6,explored +explored-3928,0.3322916666666669,15,explored +explored-3929,0.256857638888889,20,explored +explored-3930,0.6312500000000002,11,explored +explored-3931,0.298229166666667,20,explored +explored-3932,0.7562500000000001,2,explored +explored-3933,0.42881944444444464,11,explored +explored-3934,2.220446049250313e-16,13,explored +explored-3935,0.3295138888888892,16,explored +explored-3936,0.6645254629629631,13,explored +explored-3937,0.44739583333333355,12,explored +explored-3938,0.5304687500000002,13,explored +explored-3939,0.6234953703703705,12,explored +explored-3940,0.21197916666666683,12,explored +explored-3941,0.9104166666666667,3,explored +explored-3942,0.6671990740740741,7,explored +explored-3943,0.30196759259259265,27,explored +explored-3944,0.3650462962962965,25,explored +explored-3945,0.34583333333333366,13,explored +explored-3946,0.4423611111111113,9,explored +explored-3947,0.7413310185185186,20,explored +explored-3948,0.20703125000000033,14,explored +explored-3949,0.49965277777777795,16,explored +explored-3950,0.7102430555555557,12,explored +explored-3951,0.44010416666666685,7,explored +explored-3952,0.3901041666666669,22,explored +explored-3953,0.658564814814815,16,explored +explored-3954,0.441666666666667,8,explored +explored-3955,0.413888888888889,14,explored +explored-3956,0.35918402777777814,19,explored +explored-3957,0.7314236111111112,11,explored +explored-3958,0.41874999999999984,13,explored +explored-3959,0.4036458333333335,14,explored +explored-3960,0.448385416666667,11,explored +explored-3961,0.624652777777778,8,explored +explored-3962,0.6588541666666667,12,explored +explored-3963,0.40633680555555585,12,explored +explored-3964,0.592795138888889,10,explored +explored-3965,0.531678240740741,20,explored +explored-3966,0.557638888888889,11,explored +explored-3967,0.6659722222222223,5,explored +explored-3968,0.33619791666666676,15,explored +explored-3969,0.4921006944444446,26,explored +explored-3970,0.46291666666666687,15,explored +explored-3971,0.5885416666666669,8,explored +explored-3972,0.6725503472222223,26,explored +explored-3973,0.45763888888888915,10,explored +explored-3974,0.4939814814814816,17,explored +explored-3975,0.5552083333333335,7,explored +explored-3976,0.5518055555555557,14,explored +explored-3977,0.3763888888888889,13,explored +explored-3978,0.5088020833333335,14,explored +explored-3979,0.4382349537037038,21,explored +explored-3980,0.6453125,7,explored +explored-3981,0.5662326388888891,17,explored +explored-3982,0.4924913194444446,18,explored +explored-3983,0.7348958333333335,13,explored +explored-3984,0.3923611111111114,14,explored +explored-3985,0.5796006944444446,18,explored +explored-3986,0.27109375000000024,12,explored +explored-3987,0.538888888888889,10,explored +explored-3988,0.4921875000000002,11,explored +explored-3989,0.49322916666666683,6,explored +explored-3990,0.5645833333333334,10,explored +explored-3991,0.6952413194444444,39,explored +explored-3992,0.4925462962962964,15,explored +explored-3993,0.5638020833333334,8,explored +explored-3994,0.24930555555555567,25,explored +explored-3995,0.5666666666666668,14,explored +explored-3996,0.5916666666666668,6,explored +explored-3997,0.7749999999999999,9,explored +explored-3998,0.3070312500000001,23,explored +explored-3999,0.7083333333333333,2,explored +explored-4000,0.7780381944444446,10,explored +explored-4001,0.6406250000000002,8,explored +explored-4002,0.3866666666666668,13,explored +explored-4003,0.4156944444444446,14,explored +explored-4004,0.6144097222222223,5,explored +explored-4005,0.3890625,12,explored +explored-4006,0.690601851851852,14,explored +explored-4007,0.4327916666666669,16,explored +explored-4008,0.1687500000000004,10,explored +explored-4009,0.5463541666666667,7,explored +explored-4010,0.7941666666666667,10,explored +explored-4011,0.5963541666666669,12,explored +explored-4012,0.4602430555555558,15,explored +explored-4013,0.217621527777778,19,explored +explored-4014,0.7136458333333334,5,explored +explored-4015,0.1775462962962966,18,explored +explored-4016,0.8008680555555556,7,explored +explored-4017,0.08541666666666692,15,explored +explored-4018,0.3856481481481482,18,explored +explored-4019,0.6247395833333336,10,explored +explored-4020,0.6499305555555557,9,explored +explored-4021,0.3842013888888891,14,explored +explored-4022,0.4604166666666668,19,explored +explored-4023,0.3909722222222224,18,explored +explored-4024,0.5479166666666668,7,explored +explored-4025,0.4423611111111113,14,explored +explored-4026,0.501388888888889,17,explored +explored-4027,0.5452546296296298,13,explored +explored-4028,0.44005208333333334,11,explored +explored-4029,0.6833333333333335,6,explored +explored-4030,0.6187500000000001,15,explored +explored-4031,0.5759722222222223,14,explored +explored-4032,0.5645833333333334,8,explored +explored-4033,0.3676504629629631,17,explored +explored-4034,0.753125,8,explored +explored-4035,0.4177083333333337,10,explored +explored-4036,0.44982638888888904,10,explored +explored-4037,0.44635416666666683,9,explored +explored-4038,0.6672743055555557,11,explored +explored-4039,0.502951388888889,14,explored +explored-4040,0.8354166666666667,7,explored +explored-4041,0.4083333333333332,7,explored +explored-4042,0.18611111111111123,20,explored +explored-4043,0.6824363425925927,18,explored +explored-4044,0.5579861111111112,13,explored +explored-4045,0.5508101851851852,10,explored +explored-4046,0.3039930555555559,20,explored +explored-4047,0.6067708333333335,8,explored +explored-4048,0.6793576388888889,15,explored +explored-4049,0.7276041666666666,7,explored +explored-4050,0.5984375000000002,12,explored +explored-4051,0.18072916666666694,11,explored +explored-4052,0.6563368055555556,18,explored +explored-4053,0.6666666666666667,12,explored +explored-4054,0.5079861111111112,9,explored +explored-4055,0.5437500000000002,6,explored +explored-4056,0.3812500000000003,7,explored +explored-4057,0.4765625000000002,9,explored +explored-4058,0.5284722222222225,13,explored +explored-4059,0.5593171296296298,12,explored +explored-4060,0.595601851851852,17,explored +explored-4061,0.7690972222222223,4,explored +explored-4062,0.5635416666666668,9,explored +explored-4063,0.4765625000000001,10,explored +explored-4064,0.5400462962962964,10,explored +explored-4065,0.4588686342592595,21,explored +explored-4066,0.6557291666666667,25,explored +explored-4067,0.659201388888889,9,explored +explored-4068,0.3763888888888889,9,explored +explored-4069,0.6118055555555557,7,explored +explored-4070,0.5034722222222224,15,explored +explored-4071,0.5905555555555557,29,explored +explored-4072,0.7096953125000001,35,explored +explored-4073,0.6516493055555557,13,explored +explored-4074,0.47916666666666685,16,explored +explored-4075,0.6953125000000001,10,explored +explored-4076,0.7602430555555555,8,explored +explored-4077,0.666875,10,explored +explored-4078,0.5104166666666669,18,explored +explored-4079,0.5893750000000001,10,explored +explored-4080,0.41024305555555574,19,explored +explored-4081,0.6739872685185185,14,explored +explored-4082,0.5605902777777779,10,explored +explored-4083,0.6159722222222224,15,explored +explored-4084,0.582002314814815,13,explored +explored-4085,0.6168171296296299,16,explored +explored-4086,0.49583333333333346,9,explored +explored-4087,0.3166666666666669,13,explored +explored-4088,0.3651678240740742,16,explored +explored-4089,0.5697916666666668,8,explored +explored-4090,0.2708333333333335,16,explored +explored-4091,0.6498553240740742,12,explored +explored-4092,0.21692708333333344,18,explored +explored-4093,0.6833333333333336,9,explored +explored-4094,0.37459490740740753,17,explored +explored-4095,0.2781250000000004,19,explored +explored-4096,0.3447048611111114,15,explored +explored-4097,0.6289930555555555,10,explored +explored-4098,0.4276041666666668,16,explored +explored-4099,0.5437500000000002,11,explored +explored-4100,0.6216145833333333,8,explored +explored-4101,0.29560185185185217,17,explored +explored-4102,0.3364583333333335,14,explored +explored-4103,0.5663194444444446,10,explored +explored-4104,0.2500000000000002,14,explored +explored-4105,0.46805555555555567,14,explored +explored-4106,0.6711226851851853,19,explored +explored-4107,0.5750000000000003,7,explored +explored-4108,0.33888888888888913,15,explored +explored-4109,0.5036458333333332,12,explored +explored-4110,0.6220486111111112,16,explored +explored-4111,0.8370833333333333,5,explored +explored-4112,0.7039930555555556,7,explored +explored-4113,0.32916666666666694,10,explored +explored-4114,0.3881944444444446,12,explored +explored-4115,0.4539062500000003,8,explored +explored-4116,0.13637152777777817,13,explored +explored-4117,0.46272569444444456,16,explored +explored-4118,0.5693576388888891,12,explored +explored-4119,0.12239583333333348,17,explored +explored-4120,0.7144097222222223,9,explored +explored-4121,0.30109953703703707,15,explored +explored-4122,0.4877604166666669,16,explored +explored-4123,0.33567708333333357,17,explored +explored-4124,0.5062500000000003,9,explored +explored-4125,0.7038404017857144,40,explored +explored-4126,0.2942708333333336,12,explored +explored-4127,0.5404513888888891,11,explored +explored-4128,0.5165798611111113,11,explored +explored-4129,0.23697916666666696,11,explored +explored-4130,0.7989236111111111,7,explored +explored-4131,0.6076388888888891,8,explored +explored-4132,0.6591145833333334,11,explored +explored-4133,0.562002314814815,13,explored +explored-4134,0.37222222222222245,16,explored +explored-4135,0.2312500000000003,11,explored +explored-4136,0.5149479166666668,13,explored +explored-4137,0.6973958333333333,10,explored +explored-4138,0.5984375000000002,6,explored +explored-4139,0.4843750000000002,8,explored +explored-4140,0.3978125000000001,15,explored +explored-4141,0.6553038194444446,44,explored +explored-4142,0.39513888888888915,16,explored +explored-4143,0.2572916666666669,10,explored +explored-4144,0.6630208333333335,13,explored +explored-4145,0.3979166666666669,14,explored +explored-4146,0.27737268518518543,25,explored +explored-4147,0.38836805555555554,16,explored +explored-4148,0.18078703703703713,14,explored +explored-4149,0.6905034722222223,13,explored +explored-4150,0.6625954861111112,42,explored +explored-4151,0.3715277777777781,22,explored +explored-4152,0.19603587962962998,23,explored +explored-4153,0.45763888888888915,13,explored +explored-4154,0.7364583333333334,3,explored +explored-4155,0.41380208333333346,22,explored +explored-4156,0.49826388888888906,16,explored +explored-4157,0.3450520833333335,25,explored +explored-4158,0.6473958333333334,19,explored +explored-4159,0.6641927083333334,22,explored +explored-4160,0.2729166666666668,20,explored +explored-4161,0.5664930555555557,17,explored +explored-4162,0.6546875000000002,9,explored +explored-4163,0.28333333333333355,14,explored +explored-4164,0.40104166666666685,5,explored +explored-4165,0.5119791666666669,11,explored +explored-4166,0.6177083333333333,10,explored +explored-4167,0.6185763888888891,8,explored +explored-4168,0.706779513888889,26,explored +explored-4169,0.660763888888889,9,explored +explored-4170,0.3500000000000001,17,explored +explored-4171,0.4740451388888889,13,explored +explored-4172,0.49689236111111135,18,explored +explored-4173,0.23784722222222254,17,explored +explored-4174,0.5947916666666668,9,explored +explored-4175,0.5467129629629631,14,explored +explored-4176,0.7237847222222222,7,explored +explored-4177,0.5823784722222225,11,explored +explored-4178,0.45920138888888906,21,explored +explored-4179,0.29791666666666683,22,explored +explored-4180,0.5796875000000001,6,explored +explored-4181,0.6228153935185188,19,explored +explored-4182,0.23888888888888915,12,explored +explored-4183,0.41666666666666685,11,explored +explored-4184,0.5833333333333333,7,explored +explored-4185,0.39218750000000013,12,explored +explored-4186,0.6669618055555557,26,explored +explored-4187,0.6661458333333333,11,explored +explored-4188,0.42057291666666696,31,explored +explored-4189,0.22083333333333366,13,explored +explored-4190,0.6825520833333334,5,explored +explored-4191,0.5620659722222223,13,explored +explored-4192,0.5640625000000001,6,explored +explored-4193,0.6925115740740742,15,explored +explored-4194,0.5946180555555558,9,explored +explored-4195,0.5238541666666668,12,explored +explored-4196,0.5156250000000001,8,explored +explored-4197,0.7069444444444444,8,explored +explored-4198,0.47222222222222243,14,explored +explored-4199,0.41666666666666685,15,explored +explored-4200,0.4153356481481483,23,explored +explored-4201,0.5645833333333334,10,explored +explored-4202,0.32523148148148173,23,explored +explored-4203,0.12109375000000022,16,explored +explored-4204,0.38677662037037064,16,explored +explored-4205,0.6721064814814816,6,explored +explored-4206,0.651388888888889,10,explored +explored-4207,0.5126736111111112,11,explored +explored-4208,0.2734375000000002,18,explored +explored-4209,0.7210937500000001,10,explored +explored-4210,0.27500000000000013,19,explored +explored-4211,0.6343026620370371,40,explored +explored-4212,0.5520833333333335,11,explored +explored-4213,0.6911892361111112,14,explored +explored-4214,0.5569444444444447,11,explored +explored-4215,0.6942407407407407,28,explored +explored-4216,0.6504340277777778,14,explored +explored-4217,0.5333333333333334,6,explored +explored-4218,0.3421875000000002,18,explored +explored-4219,0.884375,5,explored +explored-4220,0.5304687500000002,12,explored +explored-4221,0.2284722222222224,15,explored +explored-4222,0.43359375000000033,20,explored +explored-4223,0.4989583333333335,5,explored +explored-4224,0.47473958333333355,14,explored +explored-4225,0.7107986111111112,10,explored +explored-4226,0.6635416666666667,12,explored +explored-4227,0.4750000000000002,17,explored +explored-4228,0.410416666666667,9,explored +explored-4229,0.4282407407407409,20,explored +explored-4230,0.5402777777777781,18,explored +explored-4231,0.823263888888889,6,explored +explored-4232,0.4310011574074075,15,explored +explored-4233,2.220446049250313e-16,15,explored +explored-4234,0.5144097222222224,18,explored +explored-4235,0.2810763888888892,15,explored +explored-4236,0.7088541666666668,12,explored +explored-4237,0.3694444444444447,15,explored +explored-4238,0.4706597222222224,12,explored +explored-4239,0.3567708333333335,16,explored +explored-4240,0.587326388888889,10,explored +explored-4241,0.4275000000000002,14,explored +explored-4242,0.7298611111111112,12,explored +explored-4243,0.5721180555555557,12,explored +explored-4244,0.6852430555555556,10,explored +explored-4245,0.3089930555555558,16,explored +explored-4246,0.7332465277777779,7,explored +explored-4247,0.6214722222222224,20,explored +explored-4248,0.6792824074074075,13,explored +explored-4249,0.6948923611111112,18,explored +explored-4250,0.45840277777777794,19,explored +explored-4251,0.44594907407407425,16,explored +explored-4252,0.47369444444444464,15,explored +explored-4253,0.6395833333333333,4,explored +explored-4254,0.6505208333333333,4,explored +explored-4255,0.3936053240740742,17,explored +explored-4256,0.7006944444444445,11,explored +explored-4257,0.7340625000000001,11,explored +explored-4258,0.6394097222222224,14,explored +explored-4259,0.5330324074074075,14,explored +explored-4260,0.6980902777777779,6,explored +explored-4261,0.7472222222222222,8,explored +explored-4262,0.48479166666666684,15,explored +explored-4263,0.6959722222222222,8,explored +explored-4264,0.3245949074074075,15,explored +explored-4265,0.6673611111111113,11,explored +explored-4266,0.4895833333333335,10,explored +explored-4267,0.6234375,7,explored +explored-4268,0.7868055555555556,8,explored +explored-4269,0.6930555555555555,12,explored +explored-4270,0.43680555555555556,16,explored +explored-4271,0.5479166666666668,13,explored +explored-4272,0.6617187500000001,8,explored +explored-4273,0.3923611111111114,14,explored +explored-4274,0.32864583333333364,15,explored +explored-4275,0.4203125000000003,12,explored +explored-4276,0.36649305555555567,14,explored +explored-4277,0.706263888888889,25,explored +explored-4278,0.375434027777778,21,explored +explored-4279,0.7097222222222224,9,explored +explored-4280,0.7282349537037038,22,explored +explored-4281,0.5053819444444445,10,explored +explored-4282,0.7599826388888888,8,explored +explored-4283,0.5666666666666668,5,explored +explored-4284,0.6998333333333334,25,explored +explored-4285,0.6513020833333334,13,explored +explored-4286,0.31750578703703725,23,explored +explored-4287,0.4070312500000003,9,explored +explored-4288,0.43125000000000036,7,explored +explored-4289,0.3171875000000002,13,explored +explored-4290,0.43619791666666685,12,explored +explored-4291,0.8836805555555556,10,explored +explored-4292,0.2611111111111114,11,explored +explored-4293,0.45130208333333355,26,explored +explored-4294,0.4921875000000002,21,explored +explored-4295,0.3572337962962966,23,explored +explored-4296,0.5138020833333334,9,explored +explored-4297,0.7205555555555556,7,explored +explored-4298,0.7220833333333334,10,explored +explored-4299,0.5363541666666669,13,explored +explored-4300,0.6314236111111112,26,explored +explored-4301,0.5843750000000001,8,explored +explored-4302,0.5802372685185186,13,explored +explored-4303,0.5697048611111113,10,explored +explored-4304,0.39498263888888907,15,explored +explored-4305,0.7942708333333335,5,explored +explored-4306,0.5125694444444446,13,explored +explored-4307,0.6586805555555557,10,explored +explored-4308,0.5204166666666669,8,explored +explored-4309,0.2206597222222224,15,explored +explored-4310,0.26371527777777803,15,explored +explored-4311,0.2307291666666671,20,explored +explored-4312,0.5243055555555558,16,explored +explored-4313,0.5198784722222224,9,explored +explored-4314,0.4916666666666668,7,explored +explored-4315,0.7250000000000001,4,explored +explored-4316,0.46006944444444464,17,explored +explored-4317,0.40347222222222245,12,explored +explored-4318,0.5259259259259261,15,explored +explored-4319,0.25069444444444466,16,explored +explored-4320,0.4671875000000001,10,explored +explored-4321,0.3010416666666669,13,explored +explored-4322,0.7045017361111112,19,explored +explored-4323,0.4989583333333335,4,explored +explored-4324,0.5794270833333335,14,explored +explored-4325,0.4877314814814816,18,explored +explored-4326,0.6059027777777779,8,explored +explored-4327,0.41796875000000033,13,explored +explored-4328,0.5927083333333335,5,explored +explored-4329,0.32343750000000027,19,explored +explored-4330,0.5244791666666668,14,explored +explored-4331,0.2903645833333337,22,explored +explored-4332,0.6479166666666668,11,explored +explored-4333,0.5104166666666669,10,explored +explored-4334,0.3250578703703706,19,explored +explored-4335,0.2523437500000003,15,explored +explored-4336,0.5390625000000001,12,explored +explored-4337,0.6843750000000002,6,explored +explored-4338,0.5005208333333335,18,explored +explored-4339,0.7804687500000002,4,explored +explored-4340,0.5585069444444447,14,explored +explored-4341,0.5116319444444446,9,explored +explored-4342,0.5343750000000002,10,explored +explored-4343,0.29270833333333357,16,explored +explored-4344,0.7633680555555558,12,explored +explored-4345,0.6194010416666667,18,explored +explored-4346,0.6539062500000001,23,explored +explored-4347,0.4152777777777781,7,explored +explored-4348,0.6078125000000001,11,explored +explored-4349,0.7436458333333335,12,explored +explored-4350,0.5641319444444447,19,explored +explored-4351,0.7756944444444445,13,explored +explored-4352,0.4935763888888889,8,explored +explored-4353,0.6604166666666667,8,explored +explored-4354,0.2625000000000004,16,explored +explored-4355,0.33906250000000016,21,explored +explored-4356,0.5222222222222224,15,explored +explored-4357,0.6343750000000001,7,explored +explored-4358,0.6354166666666669,5,explored +explored-4359,0.4939814814814816,13,explored +explored-4360,0.41953125000000013,12,explored +explored-4361,0.6923611111111111,10,explored +explored-4362,0.674670138888889,11,explored +explored-4363,0.5053819444444447,9,explored +explored-4364,0.5118055555555556,13,explored +explored-4365,0.6499999999999999,11,explored +explored-4366,0.6337094907407408,9,explored +explored-4367,0.38350694444444466,26,explored +explored-4368,0.29939236111111145,12,explored +explored-4369,0.3861111111111113,20,explored +explored-4370,0.7527777777777779,9,explored +explored-4371,0.6456597222222223,15,explored +explored-4372,0.5088541666666668,15,explored +explored-4373,0.24557291666666692,22,explored +explored-4374,0.7726041666666668,9,explored +explored-4375,0.7132812500000002,6,explored +explored-4376,0.4456886574074075,12,explored +explored-4377,0.3939236111111113,16,explored +explored-4378,0.32916666666666705,8,explored +explored-4379,0.3675057870370372,23,explored +explored-4380,0.7525000000000002,18,explored +explored-4381,0.3281250000000002,21,explored +explored-4382,0.48055555555555585,12,explored +explored-4383,0.698654513888889,16,explored +explored-4384,0.3402777777777779,13,explored +explored-4385,0.48782986111111126,16,explored +explored-4386,0.44791666666666696,15,explored +explored-4387,0.1486979166666671,11,explored +explored-4388,0.5784722222222223,16,explored +explored-4389,0.6478327546296297,14,explored +explored-4390,0.6690972222222223,16,explored +explored-4391,0.410416666666667,9,explored +explored-4392,0.5985243055555556,14,explored +explored-4393,0.2625000000000004,9,explored +explored-4394,0.46319444444444446,6,explored +explored-4395,0.6793692129629632,17,explored +explored-4396,0.5406249999999999,14,explored +explored-4397,0.4993750000000001,10,explored +explored-4398,0.5005208333333335,6,explored +explored-4399,0.3774305555555557,21,explored +explored-4400,0.6085069444444446,12,explored +explored-4401,0.16458333333333353,17,explored +explored-4402,0.715914351851852,19,explored +explored-4403,0.39270833333333344,11,explored +explored-4404,0.13547453703703738,22,explored +explored-4405,0.8208333333333333,3,explored +explored-4406,0.46069444444444474,13,explored +explored-4407,0.3367187500000004,19,explored +explored-4408,0.3735243055555557,16,explored +explored-4409,0.7302083333333333,6,explored +explored-4410,0.37615740740740744,17,explored +explored-4411,0.5600000000000002,11,explored +explored-4412,0.43333333333333324,13,explored +explored-4413,0.691388888888889,9,explored +explored-4414,0.7848958333333333,7,explored +explored-4415,0.3308449074074076,18,explored +explored-4416,0.5672916666666667,10,explored +explored-4417,0.41510416666666705,12,explored +explored-4418,0.4549479166666669,9,explored +explored-4419,0.5368055555555558,10,explored +explored-4420,0.48958333333333326,5,explored +explored-4421,0.46197916666666694,16,explored +explored-4422,0.6660937500000002,45,explored +explored-4423,0.308420138888889,15,explored +explored-4424,0.24421296296296324,26,explored +explored-4425,0.6792824074074075,13,explored +explored-4426,0.6726041666666668,10,explored +explored-4427,0.4408854166666669,11,explored +explored-4428,0.34479166666666705,13,explored +explored-4429,0.6682291666666667,12,explored +explored-4430,0.5539351851851854,17,explored +explored-4431,0.44887152777777795,30,explored +explored-4432,0.2517361111111114,19,explored +explored-4433,0.4566666666666668,9,explored +explored-4434,0.28328993055555585,21,explored +explored-4435,0.5173611111111114,12,explored +explored-4436,0.5815972222222224,12,explored +explored-4437,0.7986111111111112,6,explored +explored-4438,0.4905381944444447,18,explored +explored-4439,0.44010416666666685,20,explored +explored-4440,0.679279513888889,13,explored +explored-4441,0.36822916666666683,13,explored +explored-4442,0.5161458333333335,10,explored +explored-4443,0.6848668981481483,25,explored +explored-4444,0.4228298611111114,15,explored +explored-4445,0.6071180555555558,5,explored +explored-4446,0.7710937500000001,4,explored +explored-4447,0.5610677083333335,15,explored +explored-4448,0.6859375000000001,5,explored +explored-4449,0.5069444444444446,16,explored +explored-4450,0.6024305555555557,14,explored +explored-4451,0.5642361111111113,17,explored +explored-4452,0.4743923611111114,25,explored +explored-4453,0.48302083333333345,15,explored +explored-4454,0.4558159722222226,13,explored +explored-4455,0.6041666666666666,8,explored +explored-4456,0.3674479166666671,16,explored +explored-4457,0.5962500000000002,7,explored +explored-4458,0.6856770833333334,14,explored +explored-4459,0.6666666666666667,11,explored +explored-4460,0.3163194444444448,12,explored +explored-4461,0.6852430555555555,11,explored +explored-4462,0.40931712962962985,19,explored +explored-4463,0.4588888888888891,17,explored +explored-4464,0.5366319444444446,9,explored +explored-4465,0.5557291666666669,12,explored +explored-4466,0.7024785879629631,25,explored +explored-4467,0.5288472222222222,20,explored +explored-4468,0.487326388888889,18,explored +explored-4469,0.5241666666666669,14,explored +explored-4470,0.6573784722222223,9,explored +explored-4471,0.7350694444444446,9,explored +explored-4472,0.3773437500000002,17,explored +explored-4473,0.4882812500000002,12,explored +explored-4474,0.5262152777777779,18,explored +explored-4475,0.5903645833333334,9,explored +explored-4476,0.5895833333333336,6,explored +explored-4477,0.5526041666666669,10,explored +explored-4478,0.37708333333333344,12,explored +explored-4479,0.6217708333333334,6,explored +explored-4480,0.6456597222222225,10,explored +explored-4481,0.7470486111111112,9,explored +explored-4482,0.3919415509259263,17,explored +explored-4483,0.575,5,explored +explored-4484,0.6043750000000001,7,explored +explored-4485,0.6539814814814815,9,explored +explored-4486,0.3125000000000002,18,explored +explored-4487,0.49674479166666685,16,explored +explored-4488,0.3833333333333335,11,explored +explored-4489,0.3921006944444446,14,explored +explored-4490,0.6130208333333335,8,explored +explored-4491,0.586539351851852,18,explored +explored-4492,0.34296875000000016,12,explored +explored-4493,0.5708333333333335,5,explored +explored-4494,0.4197916666666668,14,explored +explored-4495,0.46388888888888924,11,explored +explored-4496,0.5943055555555558,13,explored +explored-4497,0.269791666666667,7,explored +explored-4498,0.6130208333333335,4,explored +explored-4499,0.6833333333333336,7,explored +explored-4500,0.7532118055555557,14,explored +explored-4501,0.5817708333333335,8,explored +explored-4502,0.39960937500000027,16,explored +explored-4503,0.19479166666666692,14,explored +explored-4504,0.6022569444444446,11,explored +explored-4505,0.81078125,4,explored +explored-4506,0.62265625,11,explored +explored-4507,0.4930555555555558,13,explored +explored-4508,0.6509837962962964,15,explored +explored-4509,0.5062847222222224,22,explored +explored-4510,0.46154513888888915,15,explored +explored-4511,0.6919270833333334,4,explored +explored-4512,0.7515000000000001,20,explored +explored-4513,0.7031018518518519,26,explored +explored-4514,0.4838541666666668,15,explored +explored-4515,0.39311342592592613,20,explored +explored-4516,0.6796875,6,explored +explored-4517,0.500902777777778,17,explored +explored-4518,0.49027777777777803,10,explored +explored-4519,0.4083333333333332,9,explored +explored-4520,0.4539351851851855,18,explored +explored-4521,0.48501157407407425,16,explored +explored-4522,0.7737847222222224,12,explored +explored-4523,0.5734375,6,explored +explored-4524,0.5151041666666668,8,explored +explored-4525,0.28153935185185197,22,explored +explored-4526,0.6230034722222223,12,explored +explored-4527,0.5262731481481483,15,explored +explored-4528,0.3006944444444444,10,explored +explored-4529,0.4663194444444446,11,explored +explored-4530,0.5851562500000002,12,explored +explored-4531,0.4152777777777781,16,explored +explored-4532,0.7027777777777777,7,explored +explored-4533,0.6856875,33,explored +explored-4534,0.38107638888888906,15,explored +explored-4535,0.45167824074074103,19,explored +explored-4536,0.7142708333333334,19,explored +explored-4537,0.2875000000000003,10,explored +explored-4538,0.39296875,9,explored +explored-4539,0.5838541666666669,16,explored +explored-4540,0.5989409722222223,18,explored +explored-4541,0.496527777777778,9,explored +explored-4542,0.5013888888888891,23,explored +explored-4543,0.3164062500000002,19,explored +explored-4544,0.42500000000000027,17,explored +explored-4545,0.44640625,16,explored +explored-4546,0.5786458333333334,12,explored +explored-4547,0.5897743055555558,16,explored +explored-4548,0.3640625000000002,15,explored +explored-4549,0.39704861111111134,22,explored +explored-4550,0.5341145833333335,17,explored +explored-4551,0.5926649305555557,18,explored +explored-4552,0.7956597222222221,5,explored +explored-4553,0.435416666666667,11,explored +explored-4554,0.6310763888888891,15,explored +explored-4555,0.44687500000000013,11,explored +explored-4556,0.2699074074074076,24,explored +explored-4557,0.26927083333333346,9,explored +explored-4558,0.2273437500000003,15,explored +explored-4559,0.4807291666666669,12,explored +explored-4560,0.5830555555555557,10,explored +explored-4561,0.3677083333333335,18,explored +explored-4562,0.31903935185185206,16,explored +explored-4563,0.47864583333333355,13,explored +explored-4564,0.548871527777778,14,explored +explored-4565,0.285416666666667,10,explored +explored-4566,0.6765416666666667,15,explored +explored-4567,0.4818142361111112,16,explored +explored-4568,0.21880787037037053,17,explored +explored-4569,0.8027777777777779,12,explored +explored-4570,0.2553819444444446,18,explored +explored-4571,0.6312500000000002,9,explored +explored-4572,0.6671875000000002,10,explored +explored-4573,0.5802083333333333,7,explored +explored-4574,0.3437500000000002,20,explored +explored-4575,0.5682291666666669,10,explored +explored-4576,0.6429687500000001,8,explored +explored-4577,0.6605468750000001,14,explored +explored-4578,0.3435763888888891,14,explored +explored-4579,0.5808333333333335,11,explored +explored-4580,0.6407696759259259,21,explored +explored-4581,0.68125,5,explored +explored-4582,0.6235243055555557,10,explored +explored-4583,0.1843750000000003,14,explored +explored-4584,0.5083680555555556,14,explored +explored-4585,0.4960937500000002,12,explored +explored-4586,0.4963541666666669,11,explored +explored-4587,0.45972222222222237,11,explored +explored-4588,0.6478819444444446,7,explored +explored-4589,0.3197916666666668,7,explored +explored-4590,0.5151041666666668,13,explored +explored-4591,0.224479166666667,11,explored +explored-4592,0.5945891203703705,16,explored +explored-4593,0.5536458333333334,10,explored +explored-4594,0.49375000000000013,16,explored +explored-4595,0.5312500000000003,5,explored +explored-4596,0.36302083333333357,11,explored +explored-4597,0.592476851851852,10,explored +explored-4598,0.605150462962963,16,explored +explored-4599,0.2776041666666669,27,explored +explored-4600,0.5891203703703705,13,explored +explored-4601,0.30329861111111134,18,explored +explored-4602,0.4707638888888891,17,explored +explored-4603,0.3166666666666669,21,explored +explored-4604,0.2802083333333336,9,explored +explored-4605,0.39375000000000027,13,explored +explored-4606,0.36770833333333375,14,explored +explored-4607,0.7016416997354498,39,explored +explored-4608,0.6180555555555557,11,explored +explored-4609,0.2873263888888892,15,explored +explored-4610,0.3639756944444448,14,explored +explored-4611,0.5294270833333335,21,explored +explored-4612,0.39716435185185195,19,explored +explored-4613,0.7375,6,explored +explored-4614,0.4755208333333334,16,explored +explored-4615,0.651550925925926,31,explored +explored-4616,0.2816406250000001,14,explored +explored-4617,0.47708333333333364,8,explored +explored-4618,0.5627604166666668,20,explored +explored-4619,0.5116666666666668,9,explored +explored-4620,0.6704282407407408,8,explored +explored-4621,0.3421875000000002,22,explored +explored-4622,0.5411111111111112,11,explored +explored-4623,0.8083333333333333,6,explored +explored-4624,0.2712962962962966,30,explored +explored-4625,0.5940104166666668,13,explored +explored-4626,0.4750000000000001,9,explored +explored-4627,0.6831597222222223,9,explored +explored-4628,0.6186921296296297,8,explored +explored-4629,0.3865740740740742,17,explored +explored-4630,0.5548958333333335,17,explored +explored-4631,0.492013888888889,12,explored +explored-4632,0.6197916666666667,11,explored +explored-4633,0.4140625000000002,12,explored +explored-4634,0.4997656250000001,22,explored +explored-4635,0.39565972222222245,19,explored +explored-4636,0.13020833333333348,11,explored +explored-4637,0.6691319444444446,11,explored +explored-4638,0.44791666666666685,19,explored +explored-4639,0.6681423611111112,11,explored +explored-4640,0.15972222222222254,16,explored +explored-4641,0.5317708333333335,6,explored +explored-4642,0.4545138888888889,9,explored +explored-4643,0.31597222222222254,12,explored +explored-4644,0.6335069444444446,11,explored +explored-4645,0.6875000000000001,11,explored +explored-4646,0.6966145833333335,9,explored +explored-4647,0.4942708333333333,11,explored +explored-4648,0.4833333333333334,11,explored +explored-4649,0.36041666666666683,8,explored +explored-4650,0.5274305555555558,14,explored +explored-4651,0.18854166666666705,19,explored +explored-4652,0.4774305555555557,9,explored +explored-4653,0.4736111111111112,13,explored +explored-4654,0.4008333333333336,13,explored +explored-4655,0.5396064814814816,16,explored +explored-4656,0.6145833333333335,13,explored +explored-4657,0.6480902777777778,15,explored +explored-4658,0.3026041666666669,10,explored +explored-4659,0.6078819444444445,12,explored +explored-4660,0.2513888888888892,16,explored +explored-4661,0.31707175925925934,19,explored +explored-4662,0.7516521990740741,22,explored +explored-4663,0.7630208333333333,13,explored +explored-4664,0.5284432870370371,8,explored +explored-4665,0.19166666666666676,16,explored +explored-4666,0.47274305555555574,11,explored +explored-4667,0.634519675925926,14,explored +explored-4668,0.5204861111111113,14,explored +explored-4669,0.35069444444444486,16,explored +explored-4670,0.6428819444444446,11,explored +explored-4671,0.7287673611111112,5,explored +explored-4672,0.4159432870370372,16,explored +explored-4673,0.4754629629629632,12,explored +explored-4674,0.5121093750000002,21,explored +explored-4675,0.5679976851851853,13,explored +explored-4676,0.5098958333333334,11,explored +explored-4677,0.6730381944444446,12,explored +explored-4678,0.7549103009259259,12,explored +explored-4679,0.6591145833333334,11,explored +explored-4680,0.2812500000000001,12,explored +explored-4681,0.1839120370370373,14,explored +explored-4682,0.2625000000000004,10,explored +explored-4683,0.440277777777778,20,explored +explored-4684,0.4721354166666669,16,explored +explored-4685,0.7574825562169313,31,explored +explored-4686,0.25746527777777795,17,explored +explored-4687,0.34835069444444466,16,explored +explored-4688,0.6259548611111112,11,explored +explored-4689,0.2725115740740742,24,explored +explored-4690,0.5531250000000002,13,explored +explored-4691,0.6152777777777778,10,explored +explored-4692,0.29201388888888924,12,explored +explored-4693,0.7165798611111112,13,explored +explored-4694,0.49236111111111125,9,explored +explored-4695,0.6234375000000002,9,explored +explored-4696,0.3588541666666668,13,explored +explored-4697,0.7105034722222223,10,explored +explored-4698,0.5794270833333335,18,explored +explored-4699,0.6151909722222224,12,explored +explored-4700,0.29991319444444475,25,explored +explored-4701,0.47135416666666663,12,explored +explored-4702,0.3849652777777779,18,explored +explored-4703,0.3437500000000002,17,explored +explored-4704,0.45026041666666683,13,explored +explored-4705,0.7156539351851853,21,explored +explored-4706,0.8182986111111111,5,explored +explored-4707,0.5817129629629632,14,explored +explored-4708,0.4859635416666668,16,explored +explored-4709,0.5372395833333335,10,explored +explored-4710,0.7111111111111112,9,explored +explored-4711,0.4321469907407409,17,explored +explored-4712,0.6724125330687831,39,explored +explored-4713,0.5715856481481483,12,explored +explored-4714,0.6725694444444446,10,explored +explored-4715,0.5996527777777779,9,explored +explored-4716,0.6399305555555557,8,explored +explored-4717,0.5380208333333336,6,explored +explored-4718,0.5285416666666668,14,explored +explored-4719,0.5987847222222225,12,explored +explored-4720,0.7114583333333333,8,explored +explored-4721,0.75,9,explored +explored-4722,0.3226562500000002,13,explored +explored-4723,0.30572916666666705,18,explored +explored-4724,0.6968749999999999,5,explored +explored-4725,0.5842013888888891,13,explored +explored-4726,0.5933796296296298,7,explored +explored-4727,0.5826388888888889,9,explored +explored-4728,0.7296875,7,explored +explored-4729,0.32343750000000027,15,explored +explored-4730,0.6651909722222223,11,explored +explored-4731,0.4120370370370372,23,explored +explored-4732,0.5130208333333334,14,explored +explored-4733,0.6026041666666668,11,explored +explored-4734,0.46562499999999996,9,explored +explored-4735,0.2546875000000002,26,explored +explored-4736,0.4218750000000002,10,explored +explored-4737,0.45473090277777783,26,explored +explored-4738,0.4313449074074076,22,explored +explored-4739,0.6842476851851853,17,explored +explored-4740,0.5488281250000001,27,explored +explored-4741,0.3686631944444446,24,explored +explored-4742,0.34745370370370376,14,explored +explored-4743,0.6957175925925927,12,explored +explored-4744,0.5069444444444444,14,explored +explored-4745,0.7026765046296297,33,explored +explored-4746,0.3956423611111113,21,explored +explored-4747,0.27604166666666685,22,explored +explored-4748,0.17135416666666692,14,explored +explored-4749,0.7643229166666667,7,explored +explored-4750,0.36640625000000027,11,explored +explored-4751,0.48645833333333344,11,explored +explored-4752,0.5895833333333336,9,explored +explored-4753,0.40248842592592615,22,explored +explored-4754,0.7034722222222222,6,explored +explored-4755,0.522916666666667,5,explored +explored-4756,0.6114583333333334,9,explored +explored-4757,0.06093750000000031,12,explored +explored-4758,0.5913194444444444,7,explored +explored-4759,0.33645833333333364,26,explored +explored-4760,0.6423958333333335,12,explored +explored-4761,0.6443750000000001,11,explored +explored-4762,0.60375,11,explored +explored-4763,0.6888368055555556,21,explored +explored-4764,0.2489583333333335,10,explored +explored-4765,0.8411458333333333,6,explored +explored-4766,0.37674479166666686,18,explored +explored-4767,0.5835937500000001,13,explored +explored-4768,0.6619791666666666,15,explored +explored-4769,0.409027777777778,16,explored +explored-4770,0.5480034722222223,9,explored +explored-4771,0.46692708333333355,17,explored +explored-4772,0.6708333333333334,3,explored +explored-4773,0.5657986111111113,22,explored +explored-4774,0.4359375000000002,17,explored +explored-4775,0.44690972222222236,21,explored +explored-4776,0.646383101851852,13,explored +explored-4777,0.47187500000000004,11,explored +explored-4778,0.2171875000000003,14,explored +explored-4779,0.6821180555555557,18,explored +explored-4780,0.5703125000000003,11,explored +explored-4781,0.426041666666667,11,explored +explored-4782,0.6050781250000001,13,explored +explored-4783,0.37031250000000027,12,explored +explored-4784,0.14062500000000022,13,explored +explored-4785,0.12239583333333348,17,explored +explored-4786,0.6704687500000002,10,explored +explored-4787,0.42239583333333364,11,explored +explored-4788,0.26180555555555585,14,explored +explored-4789,0.32094907407407414,14,explored +explored-4790,0.6153645833333334,11,explored +explored-4791,0.4184895833333335,16,explored +explored-4792,0.20434027777777808,16,explored +explored-4793,0.6931736111111113,24,explored +explored-4794,0.7054687500000001,19,explored +explored-4795,0.5971354166666668,9,explored +explored-4796,0.43125000000000036,12,explored +explored-4797,0.4724826388888892,14,explored +explored-4798,0.6256944444444446,37,explored +explored-4799,0.29865740740740754,24,explored +explored-4800,0.3152777777777781,13,explored +explored-4801,0.21906250000000038,19,explored +explored-4802,0.39062500000000044,11,explored +explored-4803,0.34293981481481517,27,explored +explored-4804,0.533385416666667,29,explored +explored-4805,0.4730902777777779,12,explored +explored-4806,0.1468750000000003,15,explored +explored-4807,0.37413194444444475,13,explored +explored-4808,0.6090972222222224,8,explored +explored-4809,0.36302083333333357,14,explored +explored-4810,0.39513888888888926,13,explored +explored-4811,0.18750000000000022,12,explored +explored-4812,0.5069386574074076,17,explored +explored-4813,0.19843750000000027,16,explored +explored-4814,0.545060763888889,15,explored +explored-4815,0.6081597222222224,10,explored +explored-4816,0.501388888888889,7,explored +explored-4817,0.4109375000000004,10,explored +explored-4818,0.41516203703703725,21,explored +explored-4819,0.27349537037037064,22,explored +explored-4820,0.7291840277777779,10,explored +explored-4821,0.2619791666666671,18,explored +explored-4822,0.5506851851851853,21,explored +explored-4823,0.6606770833333333,11,explored +explored-4824,0.7049479166666668,9,explored +explored-4825,0.5221527777777779,21,explored +explored-4826,0.5343750000000002,11,explored +explored-4827,0.6827256944444445,8,explored +explored-4828,0.130729166666667,18,explored +explored-4829,0.7052083333333334,7,explored +explored-4830,0.4109375000000004,12,explored +explored-4831,0.7063446593915345,47,explored +explored-4832,0.5649305555555557,9,explored +explored-4833,0.26197916666666676,16,explored +explored-4834,0.8354166666666667,6,explored +explored-4835,0.41669560185185195,18,explored +explored-4836,0.6628182870370372,16,explored +explored-4837,0.4062500000000002,6,explored +explored-4838,0.3246527777777779,17,explored +explored-4839,0.7625,3,explored +explored-4840,0.6096354166666668,11,explored +explored-4841,0.10520833333333357,13,explored +explored-4842,0.596875,5,explored +explored-4843,0.3757812500000003,14,explored +explored-4844,0.6257609953703706,33,explored +explored-4845,0.6461024305555556,25,explored +explored-4846,0.7395833333333335,10,explored +explored-4847,0.3425057870370374,14,explored +explored-4848,0.5100000000000003,8,explored +explored-4849,0.6757812500000001,11,explored +explored-4850,0.552777777777778,15,explored +explored-4851,0.5151851851851853,20,explored +explored-4852,0.5779513888888891,17,explored +explored-4853,0.5723958333333334,12,explored +explored-4854,0.7305555555555556,5,explored +explored-4855,0.2180555555555559,15,explored +explored-4856,0.6479745370370372,11,explored +explored-4857,0.26180555555555574,14,explored +explored-4858,0.6524305555555557,10,explored +explored-4859,0.30772569444444464,23,explored +explored-4860,0.726388888888889,11,explored +explored-4861,0.41180555555555587,9,explored +explored-4862,0.5822916666666668,3,explored +explored-4863,0.5382031250000001,19,explored +explored-4864,0.5620312500000002,15,explored +explored-4865,0.47222222222222243,16,explored +explored-4866,0.5753472222222223,15,explored +explored-4867,0.5609375,10,explored +explored-4868,0.7325520833333334,8,explored +explored-4869,0.7166666666666668,4,explored +explored-4870,0.78515625,6,explored +explored-4871,0.3601562500000002,22,explored +explored-4872,0.5100868055555556,14,explored +explored-4873,0.31351273148148173,23,explored +explored-4874,0.8147222222222222,11,explored +explored-4875,0.5893229166666667,11,explored +explored-4876,0.5394097222222224,13,explored +explored-4877,0.5534722222222221,14,explored +explored-4878,0.7276909722222222,8,explored +explored-4879,0.5263888888888892,8,explored +explored-4880,0.6731770833333335,9,explored +explored-4881,0.4614583333333335,5,explored +explored-4882,0.3875000000000004,13,explored +explored-4883,0.6558159722222223,10,explored +explored-4884,0.682326388888889,9,explored +explored-4885,0.31597222222222243,15,explored +explored-4886,0.20052083333333348,11,explored +explored-4887,0.3437500000000002,13,explored +explored-4888,0.6409722222222224,9,explored +explored-4889,0.7437500000000001,7,explored +explored-4890,0.5817708333333333,6,explored +explored-4891,0.4858217592592594,16,explored +explored-4892,0.380555555555556,19,explored +explored-4893,0.33402777777777803,15,explored +explored-4894,0.4671875000000002,12,explored +explored-4895,0.36050347222222234,19,explored +explored-4896,0.639826388888889,7,explored +explored-4897,0.5422222222222223,14,explored +explored-4898,0.5505208333333335,12,explored +explored-4899,0.5653645833333335,18,explored +explored-4900,0.675434027777778,14,explored +explored-4901,0.5156250000000001,15,explored +explored-4902,0.5954861111111112,12,explored +explored-4903,0.6597222222222224,9,explored +explored-4904,0.18917824074074097,22,explored +explored-4905,0.38151041666666685,12,explored +explored-4906,0.5354166666666669,7,explored +explored-4907,0.23402777777777817,19,explored +explored-4908,0.37031250000000027,23,explored +explored-4909,0.38437500000000036,11,explored +explored-4910,0.5908564814814816,12,explored +explored-4911,0.7492187500000002,5,explored +explored-4912,0.48263888888888906,9,explored +explored-4913,0.5063223379629631,22,explored +explored-4914,0.7435185185185187,16,explored +explored-4915,0.6176041666666667,5,explored +explored-4916,0.610590277777778,11,explored +explored-4917,0.6894143518518518,29,explored +explored-4918,0.44687500000000036,11,explored +explored-4919,0.6150052083333334,25,explored +explored-4920,0.4109375000000002,13,explored +explored-4921,0.6585937500000001,6,explored +explored-4922,0.7433700396825398,35,explored +explored-4923,0.4423611111111113,16,explored +explored-4924,0.28078703703703733,15,explored +explored-4925,0.501215277777778,12,explored +explored-4926,0.6539930555555558,11,explored +explored-4927,0.43880208333333337,13,explored +explored-4928,0.7729166666666667,9,explored +explored-4929,0.19166666666666698,15,explored +explored-4930,0.11388888888888915,12,explored +explored-4931,0.4460937500000002,17,explored +explored-4932,0.6742187500000001,15,explored +explored-4933,0.6037905092592594,11,explored +explored-4934,0.6331163194444446,33,explored +explored-4935,0.4176909722222226,18,explored +explored-4936,0.3792534722222225,26,explored +explored-4937,0.7902777777777777,5,explored +explored-4938,0.7505208333333334,11,explored +explored-4939,0.46625000000000016,10,explored +explored-4940,0.6398726851851854,14,explored +explored-4941,0.4084635416666669,18,explored +explored-4942,0.4339409722222224,19,explored +explored-4943,0.16822916666666687,15,explored +explored-4944,0.38984375000000027,15,explored +explored-4945,0.7638888888888891,6,explored +explored-4946,0.4506944444444446,18,explored +explored-4947,0.7110532407407408,12,explored +explored-4948,0.7815625,4,explored +explored-4949,0.2367187500000003,11,explored +explored-4950,0.595601851851852,13,explored +explored-4951,0.44140625,9,explored +explored-4952,0.5755208333333334,18,explored +explored-4953,0.676299189814815,40,explored +explored-4954,0.3495370370370372,19,explored +explored-4955,0.75,6,explored +explored-4956,0.32343750000000016,14,explored +explored-4957,0.4166666666666665,10,explored +explored-4958,0.7012152777777779,12,explored +explored-4959,0.6946180555555556,6,explored +explored-4960,0.5451388888888891,10,explored +explored-4961,0.5740277777777779,16,explored +explored-4962,0.699971064814815,14,explored +explored-4963,0.6532118055555557,10,explored +explored-4964,0.25989583333333366,15,explored +explored-4965,0.2015625000000001,17,explored +explored-4966,0.5427430555555557,19,explored +explored-4967,0.3596354166666669,17,explored +explored-4968,0.4675347222222225,21,explored +explored-4969,0.8059027777777779,10,explored +explored-4970,0.6675925925925927,22,explored +explored-4971,0.32430555555555585,12,explored +explored-4972,0.359479166666667,16,explored +explored-4973,0.517013888888889,7,explored +explored-4974,0.30659722222222263,17,explored +explored-4975,0.3382812500000002,13,explored +explored-4976,0.45729166666666654,10,explored +explored-4977,0.31111111111111134,14,explored +explored-4978,0.5041666666666668,19,explored +explored-4979,0.7057986111111112,7,explored +explored-4980,0.6486458333333335,24,explored +explored-4981,0.7138020833333334,7,explored +explored-4982,0.2932870370370372,17,explored +explored-4983,0.465104166666667,11,explored +explored-4984,0.5347656250000001,18,explored +explored-4985,0.3182291666666669,14,explored +explored-4986,0.5471354166666668,11,explored +explored-4987,0.6642708333333334,4,explored +explored-4988,0.4604166666666668,10,explored +explored-4989,0.5755208333333333,12,explored +explored-4990,0.4911458333333333,12,explored +explored-4991,0.7131365740740743,15,explored +explored-4992,0.5243055555555556,8,explored +explored-4993,0.549351851851852,14,explored +explored-4994,0.692795138888889,9,explored +explored-4995,0.7256944444444444,9,explored +explored-4996,0.6647569444444446,13,explored +explored-4997,0.40847222222222235,15,explored +explored-4998,0.6644097222222223,7,explored +explored-4999,0.6827517361111112,14,explored +explored-5000,0.7374131944444445,8,explored +explored-5001,0.5953472222222222,8,explored +explored-5002,0.6818865740740742,7,explored +explored-5003,0.8006944444444445,5,explored +explored-5004,0.735347800925926,18,explored +explored-5005,0.4989583333333335,7,explored +explored-5006,0.3895833333333336,11,explored +explored-5007,0.764670138888889,11,explored +explored-5008,0.5493344907407409,20,explored +explored-5009,0.6491344246031747,35,explored +explored-5010,0.3430555555555558,11,explored +explored-5011,0.5177083333333333,13,explored +explored-5012,0.4533333333333335,10,explored +explored-5013,0.2926793981481485,18,explored +explored-5014,0.15520833333333361,21,explored +explored-5015,0.4549479166666668,12,explored +explored-5016,0.5730902777777779,10,explored +explored-5017,0.5431481481481484,12,explored +explored-5018,0.3555555555555556,13,explored +explored-5019,0.5491319444444446,8,explored +explored-5020,0.44687500000000013,14,explored +explored-5021,0.5377604166666667,14,explored +explored-5022,0.5312500000000001,14,explored +explored-5023,0.3177083333333337,17,explored +explored-5024,0.5179687500000001,7,explored +explored-5025,0.11875000000000013,15,explored +explored-5026,0.45413773148148173,19,explored +explored-5027,0.5145833333333336,15,explored +explored-5028,0.5031018518518521,13,explored +explored-5029,0.6222222222222223,8,explored +explored-5030,0.5305555555555559,9,explored +explored-5031,0.6716145833333336,8,explored +explored-5032,0.6396556712962964,15,explored +explored-5033,0.32048611111111125,18,explored +explored-5034,0.46250000000000036,9,explored +explored-5035,0.6501041666666667,4,explored +explored-5036,0.6949652777777778,15,explored +explored-5037,0.3826967592592594,20,explored +explored-5038,0.72540625,19,explored +explored-5039,0.3997685185185189,17,explored +explored-5040,0.29939236111111134,19,explored +explored-5041,0.6088541666666669,8,explored +explored-5042,0.6074652777777779,13,explored +explored-5043,0.48897569444444466,11,explored +explored-5044,0.718402777777778,15,explored +explored-5045,0.4916666666666668,5,explored +explored-5046,0.22760416666666705,10,explored +explored-5047,0.7192708333333333,3,explored +explored-5048,0.6148148148148148,20,explored +explored-5049,0.6376736111111112,9,explored +explored-5050,0.7958622685185186,14,explored +explored-5051,0.2859375000000003,13,explored +explored-5052,0.6544270833333334,5,explored +explored-5053,0.43602430555555594,15,explored +explored-5054,0.7520833333333334,6,explored +explored-5055,0.4050347222222225,15,explored +explored-5056,0.3539641203703706,24,explored +explored-5057,0.665451388888889,7,explored +explored-5058,0.4837152777777779,15,explored +explored-5059,0.43524305555555576,13,explored +explored-5060,0.32638888888888884,10,explored +explored-5061,0.6146412037037038,12,explored +explored-5062,0.2284722222222224,18,explored +explored-5063,0.5491319444444446,14,explored +explored-5064,0.15457175925925948,16,explored +explored-5065,0.5479166666666668,8,explored +explored-5066,0.23559027777777797,23,explored +explored-5067,0.6897048611111112,14,explored +explored-5068,0.7947916666666668,6,explored +explored-5069,0.3906250000000002,12,explored +explored-5070,0.4262152777777779,16,explored +explored-5071,0.42500000000000027,6,explored +explored-5072,0.49088541666666674,15,explored +explored-5073,0.6486111111111112,13,explored +explored-5074,0.6214699074074075,8,explored +explored-5075,0.47717013888888915,11,explored +explored-5076,0.5412500000000002,10,explored +explored-5077,0.33107638888888913,16,explored +explored-5078,0.1844328703703706,17,explored +explored-5079,0.6221932870370372,41,explored +explored-5080,0.5328125000000001,8,explored +explored-5081,0.5600694444444446,12,explored +explored-5082,0.09479166666666705,21,explored +explored-5083,0.33710937500000027,17,explored +explored-5084,0.6598958333333335,10,explored +explored-5085,0.5003472222222224,7,explored +explored-5086,0.3323784722222223,11,explored +explored-5087,0.33518518518518536,28,explored +explored-5088,0.584809027777778,7,explored +explored-5089,0.4793402777777779,19,explored +explored-5090,0.7130208333333334,9,explored +explored-5091,0.7241666666666668,4,explored +explored-5092,0.5691666666666668,7,explored +explored-5093,0.3569444444444446,22,explored +explored-5094,0.2802083333333335,15,explored +explored-5095,0.6990017361111113,11,explored +explored-5096,0.32031250000000033,14,explored +explored-5097,0.5826388888888888,11,explored +explored-5098,0.6302083333333335,14,explored +explored-5099,0.6811342592592594,14,explored +explored-5100,0.39123263888888915,24,explored +explored-5101,0.5131250000000002,15,explored +explored-5102,0.30243055555555576,19,explored +explored-5103,0.33272569444444466,14,explored +explored-5104,0.3039930555555558,17,explored +explored-5105,0.3508680555555558,26,explored +explored-5106,0.5839409722222224,10,explored +explored-5107,0.4080295138888892,17,explored +explored-5108,0.7286979166666667,6,explored +explored-5109,0.567013888888889,10,explored +explored-5110,0.29253472222222254,16,explored +explored-5111,0.2729166666666668,11,explored +explored-5112,0.312196180555556,27,explored +explored-5113,0.5182146990740742,15,explored +explored-5114,0.36041666666666705,14,explored +explored-5115,0.4194444444444446,13,explored +explored-5116,0.44192708333333364,17,explored +explored-5117,0.30486111111111125,14,explored +explored-5118,0.5151041666666669,8,explored +explored-5119,0.21093750000000022,12,explored +explored-5120,0.46253472222222236,14,explored +explored-5121,0.7958333333333335,14,explored +explored-5122,0.5197916666666669,13,explored +explored-5123,0.30486111111111147,10,explored +explored-5124,0.5734375,8,explored +explored-5125,0.5363281250000002,18,explored +explored-5126,0.5406250000000001,9,explored +explored-5127,0.5241666666666667,10,explored +explored-5128,0.5131163194444446,22,explored +explored-5129,0.5100868055555556,16,explored +explored-5130,0.5783420138888891,19,explored +explored-5131,0.7617476851851852,13,explored +explored-5132,0.5512500000000002,9,explored +explored-5133,0.2899016203703705,16,explored +explored-5134,0.5093750000000002,18,explored +explored-5135,0.37708333333333344,14,explored +explored-5136,0.6381944444444444,14,explored +explored-5137,0.3365625000000001,17,explored +explored-5138,0.28090277777777817,18,explored +explored-5139,0.5606481481481483,10,explored +explored-5140,0.37269965277777806,26,explored +explored-5141,0.7302083333333333,4,explored +explored-5142,0.3830729166666669,11,explored +explored-5143,0.5188368055555558,20,explored +explored-5144,0.2796296296296297,22,explored +explored-5145,0.7179976851851853,33,explored +explored-5146,0.26718750000000013,14,explored +explored-5147,0.5828125,14,explored +explored-5148,0.5364872685185187,14,explored +explored-5149,0.4203703703703705,15,explored +explored-5150,0.30234375000000036,13,explored +explored-5151,0.6198784722222225,13,explored +explored-5152,0.5239583333333334,9,explored +explored-5153,0.3197916666666668,12,explored +explored-5154,0.539652777777778,10,explored +explored-5155,0.545,9,explored +explored-5156,0.22968750000000027,12,explored +explored-5157,0.1843750000000003,16,explored +explored-5158,0.83125,4,explored +explored-5159,0.6765162037037038,13,explored +explored-5160,0.5911458333333335,12,explored +explored-5161,0.4779513888888891,16,explored +explored-5162,0.409027777777778,13,explored +explored-5163,0.6223958333333335,7,explored +explored-5164,0.7079861111111112,11,explored +explored-5165,0.48930555555555566,13,explored +explored-5166,0.7930555555555555,8,explored +explored-5167,0.5380208333333333,6,explored +explored-5168,0.7258333333333334,7,explored +explored-5169,0.4765625000000002,14,explored +explored-5170,0.3250000000000004,8,explored +explored-5171,0.6235416666666669,9,explored +explored-5172,0.3206597222222224,19,explored +explored-5173,0.3905381944444446,23,explored +explored-5174,0.4510127314814816,24,explored +explored-5175,0.22864583333333344,16,explored +explored-5176,0.6449652777777779,11,explored +explored-5177,0.6403211805555556,10,explored +explored-5178,0.6769976851851853,40,explored +explored-5179,0.6289930555555557,8,explored +explored-5180,0.2147569444444446,17,explored +explored-5181,0.4866319444444446,19,explored +explored-5182,0.7547743055555556,11,explored +explored-5183,0.545138888888889,13,explored +explored-5184,0.5454629629629631,17,explored +explored-5185,0.46802083333333355,8,explored +explored-5186,0.6658854166666668,3,explored +explored-5187,0.46649305555555565,9,explored +explored-5188,0.6542245370370372,22,explored +explored-5189,0.7604166666666666,6,explored +explored-5190,0.6196180555555557,14,explored +explored-5191,0.6830439814814816,11,explored +explored-5192,0.6133680555555555,14,explored +explored-5193,0.5849537037037038,11,explored +explored-5194,0.3632378472222224,18,explored +explored-5195,0.45277777777777795,13,explored +explored-5196,0.4772569444444448,13,explored +explored-5197,0.5895833333333335,4,explored +explored-5198,0.5395833333333335,10,explored +explored-5199,0.19739583333333344,14,explored +explored-5200,0.6347511574074075,10,explored +explored-5201,0.35448495370370403,15,explored +explored-5202,0.6129629629629632,9,explored +explored-5203,0.5133680555555558,10,explored +explored-5204,0.6453125000000001,10,explored +explored-5205,0.46662037037037063,22,explored +explored-5206,0.6203125000000002,10,explored +explored-5207,0.23645833333333355,15,explored +explored-5208,0.7653125000000001,9,explored +explored-5209,0.15625000000000022,19,explored +explored-5210,0.18125000000000036,17,explored +explored-5211,0.5522569444444445,13,explored +explored-5212,0.47731481481481497,14,explored +explored-5213,0.7925347222222222,4,explored +explored-5214,0.44791666666666685,8,explored +explored-5215,0.26041666666666685,16,explored +explored-5216,0.6961805555555556,10,explored +explored-5217,0.23394097222222232,26,explored +explored-5218,0.5958333333333334,7,explored +explored-5219,0.7265625000000001,12,explored +explored-5220,0.4535590277777779,14,explored +explored-5221,0.3486111111111114,9,explored +explored-5222,0.7979166666666667,4,explored +explored-5223,0.06093750000000031,11,explored +explored-5224,0.7067708333333335,10,explored +explored-5225,0.7536284722222223,8,explored +explored-5226,0.2967013888888891,21,explored +explored-5227,0.3932638888888891,21,explored +explored-5228,0.7221354166666667,7,explored +explored-5229,0.38541666666666674,11,explored +explored-5230,0.4851562500000003,7,explored +explored-5231,0.23556134259259287,20,explored +explored-5232,0.4035590277777781,24,explored +explored-5233,0.6302083333333335,7,explored +explored-5234,0.6465625000000002,6,explored +explored-5235,0.39713541666666674,14,explored +explored-5236,0.5256944444444448,9,explored +explored-5237,0.6870486111111113,6,explored +explored-5238,0.5569444444444447,12,explored +explored-5239,0.606076388888889,8,explored +explored-5240,0.38438946759259285,24,explored +explored-5241,0.7102430555555557,5,explored +explored-5242,0.2312500000000003,13,explored +explored-5243,0.31597222222222254,12,explored +explored-5244,0.5815972222222224,9,explored +explored-5245,0.2956597222222226,10,explored +explored-5246,0.706857638888889,7,explored +explored-5247,0.38680555555555585,12,explored +explored-5248,0.4115017361111113,22,explored +explored-5249,0.3152777777777781,14,explored +explored-5250,0.2953125000000002,19,explored +explored-5251,0.7596064814814816,9,explored +explored-5252,0.5875,7,explored +explored-5253,0.49402777777777795,16,explored +explored-5254,0.33745659722222243,15,explored +explored-5255,0.5343750000000002,10,explored +explored-5256,0.27604166666666696,11,explored +explored-5257,0.3877314814814816,19,explored +explored-5258,0.6611111111111113,5,explored +explored-5259,0.7270833333333334,9,explored +explored-5260,0.617361111111111,9,explored +explored-5261,0.640601851851852,12,explored +explored-5262,0.7007523148148149,8,explored +explored-5263,0.6148437500000001,9,explored +explored-5264,0.27795138888888915,16,explored +explored-5265,0.3752604166666669,20,explored +explored-5266,0.2537326388888892,13,explored +explored-5267,0.323263888888889,21,explored +explored-5268,0.344184027777778,22,explored +explored-5269,0.2899305555555558,14,explored +explored-5270,0.4006076388888893,13,explored +explored-5271,0.609375,10,explored +explored-5272,0.692123263888889,24,explored +explored-5273,0.3352430555555558,9,explored +explored-5274,0.33211805555555585,18,explored +explored-5275,0.6514380787037037,15,explored +explored-5276,0.2697916666666669,13,explored +explored-5277,0.2713541666666669,18,explored +explored-5278,0.28333333333333366,14,explored +explored-5279,0.5391203703703705,13,explored +explored-5280,0.5427083333333336,8,explored +explored-5281,0.3366319444444448,21,explored +explored-5282,0.5213541666666668,7,explored +explored-5283,0.3861111111111113,15,explored +explored-5284,0.49322916666666683,17,explored +explored-5285,0.712777777777778,8,explored +explored-5286,0.741875,7,explored +explored-5287,0.688888888888889,11,explored +explored-5288,0.5859375000000001,18,explored +explored-5289,0.48976851851851866,20,explored +explored-5290,0.5423611111111113,13,explored +explored-5291,0.6616666666666666,4,explored +explored-5292,0.2250000000000003,15,explored +explored-5293,0.6128472222222223,14,explored +explored-5294,0.7662500000000001,2,explored +explored-5295,0.4579629629629631,17,explored +explored-5296,0.5730902777777779,9,explored +explored-5297,0.6861979166666667,11,explored +explored-5298,0.6269097222222223,13,explored +explored-5299,0.724262152777778,13,explored +explored-5300,0.5583333333333333,7,explored +explored-5301,0.7190046296296297,12,explored +explored-5302,0.5802083333333333,5,explored +explored-5303,0.5792361111111113,9,explored +explored-5304,0.6087673611111113,14,explored +explored-5305,0.5260416666666669,13,explored +explored-5306,0.6465277777777779,10,explored +explored-5307,0.6778935185185186,8,explored +explored-5308,0.4710937500000003,12,explored +explored-5309,0.4198784722222224,16,explored +explored-5310,0.5359375000000002,15,explored +explored-5311,0.28281250000000024,14,explored +explored-5312,0.49684027777777795,17,explored +explored-5313,0.2500000000000002,11,explored +explored-5314,0.5861574074074076,12,explored +explored-5315,0.4187500000000002,17,explored +explored-5316,0.5111689814814816,14,explored +explored-5317,0.3475115740740742,20,explored +explored-5318,0.3250000000000003,10,explored +explored-5319,0.734375,4,explored +explored-5320,0.6315104166666667,18,explored +explored-5321,0.5937789351851853,21,explored +explored-5322,0.48945312500000016,14,explored +explored-5323,0.6323784722222223,14,explored +explored-5324,0.5178819444444445,14,explored +explored-5325,0.6348958333333334,9,explored +explored-5326,0.5932291666666667,12,explored +explored-5327,0.7604166666666666,4,explored +explored-5328,0.803125,6,explored +explored-5329,0.30859375000000033,18,explored +explored-5330,0.6049479166666668,11,explored +explored-5331,0.5097511574074076,13,explored +explored-5332,0.5423611111111112,16,explored +explored-5333,0.7058622685185186,16,explored +explored-5334,0.6386892361111112,11,explored +explored-5335,0.7011024305555557,14,explored +explored-5336,0.4423611111111113,19,explored +explored-5337,0.6221643518518519,11,explored +explored-5338,0.41853298611111145,24,explored +explored-5339,0.5359953703703705,19,explored +explored-5340,0.2963541666666669,10,explored +explored-5341,0.6239583333333334,14,explored +explored-5342,0.6331365740740742,44,explored +explored-5343,0.7144097222222223,7,explored +explored-5344,0.7072222222222222,6,explored +explored-5345,0.6454861111111112,14,explored +explored-5346,0.5880208333333335,6,explored +explored-5347,0.5743055555555556,8,explored +explored-5348,0.39947916666666683,17,explored +explored-5349,0.522916666666667,4,explored +explored-5350,0.4536458333333335,10,explored +explored-5351,0.5419270833333333,10,explored +explored-5352,0.4676041666666668,9,explored +explored-5353,0.42047164351851873,29,explored +explored-5354,0.7725694444444445,7,explored +explored-5355,0.68125,10,explored +explored-5356,0.48836805555555574,13,explored +explored-5357,0.2560763888888893,16,explored +explored-5358,0.5052372685185185,15,explored +explored-5359,0.5909722222222223,11,explored +explored-5360,0.5876736111111113,9,explored +explored-5361,0.5216724537037039,16,explored +explored-5362,0.7539062500000001,7,explored +explored-5363,0.6491319444444444,11,explored +explored-5364,0.6401620370370371,7,explored +explored-5365,0.34118055555555593,19,explored +explored-5366,0.2958333333333336,15,explored +explored-5367,0.49861111111111145,8,explored +explored-5368,0.5340277777777779,8,explored +explored-5369,0.48587962962962983,18,explored +explored-5370,0.8048611111111111,5,explored +explored-5371,0.26579861111111147,24,explored +explored-5372,0.6998697916666667,21,explored +explored-5373,0.49131944444444464,13,explored +explored-5374,0.6597222222222223,10,explored +explored-5375,0.5958333333333334,9,explored +explored-5376,0.7652777777777777,9,explored +explored-5377,0.5423611111111113,13,explored +explored-5378,0.4343750000000002,20,explored +explored-5379,0.5395833333333335,13,explored +explored-5380,0.746875,3,explored +explored-5381,0.33802083333333344,14,explored +explored-5382,0.4998263888888891,16,explored +explored-5383,0.3808159722222224,15,explored +explored-5384,0.5450868055555557,15,explored +explored-5385,0.3215277777777781,17,explored +explored-5386,0.30052083333333357,10,explored +explored-5387,0.3472222222222223,13,explored +explored-5388,0.5614583333333335,9,explored +explored-5389,0.6767361111111112,9,explored +explored-5390,0.29791666666666705,13,explored +explored-5391,0.6062500000000002,10,explored +explored-5392,0.34884259259259265,18,explored +explored-5393,0.5234375,10,explored +explored-5394,0.5760127314814816,12,explored +explored-5395,0.48263888888888906,16,explored +explored-5396,0.6107638888888891,22,explored +explored-5397,0.5822916666666668,12,explored +explored-5398,0.2938802083333336,21,explored +explored-5399,0.5513888888888889,6,explored +explored-5400,0.6019675925925927,11,explored +explored-5401,0.45086805555555576,14,explored +explored-5402,0.7333622685185186,10,explored +explored-5403,0.40694444444444466,12,explored +explored-5404,0.541695601851852,15,explored +explored-5405,0.3756944444444448,10,explored +explored-5406,0.5585937500000002,8,explored +explored-5407,0.6899768518518519,8,explored +explored-5408,0.4125000000000003,9,explored +explored-5409,0.4987847222222225,18,explored +explored-5410,0.6764930555555556,8,explored +explored-5411,0.6124999999999999,9,explored +explored-5412,0.2963541666666669,11,explored +explored-5413,0.702951388888889,8,explored +explored-5414,0.2562500000000003,12,explored +explored-5415,0.247916666666667,13,explored +explored-5416,0.39518229166666696,14,explored +explored-5417,0.48657407407407427,19,explored +explored-5418,0.7156250000000001,16,explored +explored-5419,0.39221643518518534,25,explored +explored-5420,0.36047453703703725,15,explored +explored-5421,0.27306134259259296,22,explored +explored-5422,0.6617187500000001,11,explored +explored-5423,0.4006076388888893,11,explored +explored-5424,0.6844444444444445,10,explored +explored-5425,0.5456597222222221,8,explored +explored-5426,0.4108506944444448,23,explored +explored-5427,0.5665798611111112,17,explored +explored-5428,0.26197916666666676,8,explored +explored-5429,0.5798177083333335,23,explored +explored-5430,0.76640625,7,explored +explored-5431,0.5145833333333335,13,explored +explored-5432,0.6586805555555557,8,explored +explored-5433,0.6907986111111113,16,explored +explored-5434,0.4060185185185188,12,explored +explored-5435,0.5421875000000002,12,explored +explored-5436,0.31944444444444464,20,explored +explored-5437,0.6930885416666668,22,explored +explored-5438,0.6557291666666667,14,explored +explored-5439,0.6752256944444446,19,explored +explored-5440,0.7541666666666668,6,explored +explored-5441,0.6831597222222223,23,explored +explored-5442,0.5109722222222224,14,explored +explored-5443,0.7416666666666667,4,explored +explored-5444,0.35416666666666696,6,explored +explored-5445,0.2175347222222226,15,explored +explored-5446,0.5645833333333337,6,explored +explored-5447,0.32685185185185217,13,explored +explored-5448,0.6401909722222224,9,explored +explored-5449,0.22656250000000033,13,explored +explored-5450,0.4890625000000002,8,explored +explored-5451,0.35966435185185197,16,explored +explored-5452,0.5604166666666668,10,explored +explored-5453,0.5803819444444447,13,explored +explored-5454,0.48921006944444456,26,explored +explored-5455,0.2812500000000002,13,explored +explored-5456,0.5067997685185187,17,explored +explored-5457,0.734375,2,explored +explored-5458,0.7273467261904762,36,explored +explored-5459,0.3519097222222225,7,explored +explored-5460,0.6552083333333335,9,explored +explored-5461,0.180121527777778,16,explored +explored-5462,0.3442708333333335,9,explored +explored-5463,0.43671875000000027,19,explored +explored-5464,0.587326388888889,11,explored +explored-5465,0.41875000000000007,9,explored +explored-5466,0.6692708333333335,3,explored +explored-5467,0.5153125000000001,12,explored +explored-5468,0.6313368055555556,8,explored +explored-5469,0.24774305555555576,19,explored +explored-5470,0.3215277777777781,28,explored +explored-5471,0.44704861111111116,12,explored +explored-5472,0.5978298611111112,15,explored +explored-5473,0.6141782407407409,15,explored +explored-5474,0.6845486111111112,9,explored +explored-5475,0.5506944444444447,10,explored +explored-5476,0.6408854166666668,13,explored +explored-5477,0.3640625000000002,11,explored +explored-5478,0.43506944444444473,13,explored +explored-5479,0.5421875000000002,10,explored +explored-5480,0.6466666666666667,5,explored +explored-5481,0.385127314814815,18,explored +explored-5482,0.5131944444444447,11,explored +explored-5483,0.45625000000000027,14,explored +explored-5484,0.4141666666666668,13,explored +explored-5485,0.27534722222222263,11,explored +explored-5486,0.6595486111111113,6,explored +explored-5487,0.6140190972222224,17,explored +explored-5488,0.6644097222222222,15,explored +explored-5489,0.34375000000000033,9,explored +explored-5490,0.5494791666666667,13,explored +explored-5491,0.5187326388888891,15,explored +explored-5492,0.5320312500000002,16,explored +explored-5493,0.5677951388888891,16,explored +explored-5494,0.5421875000000002,11,explored +explored-5495,0.6832175925925927,13,explored +explored-5496,0.21210937500000027,15,explored +explored-5497,0.670920138888889,14,explored +explored-5498,0.12239583333333348,16,explored +explored-5499,0.719039351851852,10,explored +explored-5500,0.7366418650793651,40,explored +explored-5501,0.5187499999999999,15,explored +explored-5502,0.665842013888889,13,explored +explored-5503,0.45840277777777794,10,explored +explored-5504,0.3945312500000002,10,explored +explored-5505,0.1844618055555558,17,explored +explored-5506,0.5612500000000001,17,explored +explored-5507,0.5703125000000003,8,explored +explored-5508,0.6752777777777778,10,explored +explored-5509,0.37413194444444475,10,explored +explored-5510,0.40183449074074085,15,explored +explored-5511,0.6267361111111113,12,explored +explored-5512,0.39375000000000027,14,explored +explored-5513,0.5690972222222224,13,explored +explored-5514,0.383072916666667,11,explored +explored-5515,0.5023437500000002,11,explored +explored-5516,0.7144097222222223,13,explored +explored-5517,0.39270833333333344,16,explored +explored-5518,0.26805555555555594,12,explored +explored-5519,0.1336805555555558,18,explored +explored-5520,0.6664930555555557,7,explored +explored-5521,0.38483796296296324,24,explored +explored-5522,0.6122395833333335,11,explored +explored-5523,0.6131944444444446,14,explored +explored-5524,0.46889467592592604,16,explored +explored-5525,0.7480034722222223,14,explored +explored-5526,0.6080729166666667,9,explored +explored-5527,0.6107638888888891,14,explored +explored-5528,0.3816406250000002,19,explored +explored-5529,0.41521990740740766,32,explored +explored-5530,0.4860416666666668,15,explored +explored-5531,0.5759837962962965,9,explored +explored-5532,0.4427951388888891,20,explored +explored-5533,0.5835648148148149,11,explored +explored-5534,0.3052083333333335,15,explored +explored-5535,0.38125,11,explored +explored-5536,0.6158333333333335,10,explored +explored-5537,0.4140625000000002,8,explored +explored-5538,0.08593750000000022,16,explored +explored-5539,0.057812500000000266,17,explored +explored-5540,0.49375000000000036,8,explored +explored-5541,0.5931712962962964,14,explored +explored-5542,0.25300925925925943,12,explored +explored-5543,0.43871527777777797,29,explored +explored-5544,0.6322222222222224,13,explored +explored-5545,0.6139178240740742,14,explored +explored-5546,0.5306134259259261,14,explored +explored-5547,0.6963541666666668,7,explored +explored-5548,0.5459490740740742,12,explored +explored-5549,0.29861111111111127,20,explored +explored-5550,0.21432291666666692,14,explored +explored-5551,0.5500000000000002,10,explored +explored-5552,0.3486111111111114,14,explored +explored-5553,0.3187500000000003,18,explored +explored-5554,0.6234953703703705,11,explored +explored-5555,0.4500000000000002,9,explored +explored-5556,0.7048611111111114,8,explored +explored-5557,0.4314525462962965,19,explored +explored-5558,0.6593750000000002,8,explored +explored-5559,0.4423611111111113,11,explored +explored-5560,0.4904861111111114,18,explored +explored-5561,0.4208333333333336,11,explored +explored-5562,0.6588454861111113,15,explored +explored-5563,0.5770833333333335,10,explored +explored-5564,0.6229166666666668,7,explored +explored-5565,0.6907407407407409,24,explored +explored-5566,0.42986111111111136,13,explored +explored-5567,0.5559895833333335,8,explored +explored-5568,0.3935185185185188,16,explored +explored-5569,0.40260416666666676,13,explored +explored-5570,0.5473090277777779,15,explored +explored-5571,0.39363425925925966,14,explored +explored-5572,0.5430121527777779,23,explored +explored-5573,0.4979166666666668,12,explored +explored-5574,0.4515625000000002,10,explored +explored-5575,0.7756944444444445,8,explored +explored-5576,0.571354166666667,5,explored +explored-5577,0.08125000000000027,13,explored +explored-5578,0.3524305555555557,9,explored +explored-5579,0.34375000000000033,15,explored +explored-5580,0.40729166666666683,16,explored +explored-5581,0.4833333333333334,12,explored +explored-5582,0.663715277777778,13,explored +explored-5583,0.27508680555555587,22,explored +explored-5584,0.4666666666666668,15,explored +explored-5585,0.5546875000000001,10,explored +explored-5586,0.34479166666666683,10,explored +explored-5587,0.7666666666666666,10,explored +explored-5588,0.4682291666666669,8,explored +explored-5589,0.5937500000000001,10,explored +explored-5590,0.45616319444444464,15,explored +explored-5591,0.4303703703703705,13,explored +explored-5592,0.7701388888888889,15,explored +explored-5593,0.6773437500000001,17,explored +explored-5594,0.363541666666667,11,explored +explored-5595,0.6666666666666667,7,explored +explored-5596,0.4915740740740743,20,explored +explored-5597,0.41666666666666685,12,explored +explored-5598,0.6667152777777778,35,explored +explored-5599,0.7094328703703705,15,explored +explored-5600,0.5875578703703705,20,explored +explored-5601,0.6076388888888891,7,explored +explored-5602,0.601388888888889,7,explored +explored-5603,0.49013888888888923,9,explored +explored-5604,0.5034722222222223,18,explored +explored-5605,0.6076967592592594,14,explored +explored-5606,0.409027777777778,12,explored +explored-5607,0.5380208333333336,19,explored +explored-5608,0.3666666666666669,17,explored +explored-5609,0.6116319444444446,13,explored +explored-5610,0.7725150462962964,21,explored +explored-5611,0.4814236111111113,14,explored +explored-5612,0.4572916666666669,5,explored +explored-5613,0.761545138888889,25,explored +explored-5614,0.279166666666667,11,explored +explored-5615,0.658883101851852,10,explored +explored-5616,0.7389409722222223,13,explored +explored-5617,0.362152777777778,15,explored +explored-5618,0.4401909722222225,21,explored +explored-5619,0.5889062500000002,16,explored +explored-5620,0.7128761574074075,23,explored +explored-5621,0.35570023148148167,22,explored +explored-5622,0.4736111111111111,8,explored +explored-5623,0.41215277777777803,19,explored +explored-5624,0.7868055555555555,14,explored +explored-5625,0.4086805555555557,21,explored +explored-5626,0.49722222222222245,18,explored +explored-5627,0.39166666666666683,21,explored +explored-5628,0.5079861111111112,11,explored +explored-5629,0.18269675925925966,17,explored +explored-5630,0.08854166666666696,19,explored +explored-5631,0.5609375000000001,15,explored +explored-5632,0.7196180555555556,30,explored +explored-5633,0.6382812500000001,8,explored +explored-5634,0.7208333333333334,7,explored +explored-5635,0.5032552083333335,14,explored +explored-5636,0.510590277777778,16,explored +explored-5637,0.5100000000000002,7,explored +explored-5638,0.5703125,6,explored +explored-5639,0.5841145833333332,7,explored +explored-5640,0.44696180555555576,25,explored +explored-5641,0.6356770833333334,8,explored +explored-5642,0.22135416666666674,13,explored +explored-5643,0.5950347222222223,10,explored +explored-5644,0.5390625000000002,18,explored +explored-5645,0.434027777777778,12,explored +explored-5646,0.7986111111111112,6,explored +explored-5647,0.6642245370370372,15,explored +explored-5648,0.7460069444444446,8,explored +explored-5649,0.2722656250000002,15,explored +explored-5650,0.5213541666666668,7,explored +explored-5651,0.6503356481481483,10,explored +explored-5652,0.3659722222222226,16,explored +explored-5653,0.733420138888889,9,explored +explored-5654,0.6270011574074075,28,explored +explored-5655,0.6216145833333334,8,explored +explored-5656,0.24531250000000027,17,explored +explored-5657,0.5090902777777779,22,explored +explored-5658,0.5584490740740742,11,explored +explored-5659,0.6875,9,explored +explored-5660,0.04479166666666701,20,explored +explored-5661,0.4277430555555557,17,explored +explored-5662,0.5140625000000003,9,explored +explored-5663,0.3899305555555559,9,explored +explored-5664,0.6178240740740742,10,explored +explored-5665,0.224479166666667,18,explored +explored-5666,0.6595486111111113,10,explored +explored-5667,0.5127430555555558,16,explored +explored-5668,0.6300347222222223,9,explored +explored-5669,0.4536458333333333,12,explored +explored-5670,0.6009722222222224,8,explored +explored-5671,0.39236111111111127,17,explored +explored-5672,0.7559027777777778,7,explored +explored-5673,0.6642274305555557,17,explored +explored-5674,0.7580729166666667,9,explored +explored-5675,0.5695659722222224,17,explored +explored-5676,0.5576388888888891,19,explored +explored-5677,0.3979166666666669,13,explored +explored-5678,0.4565104166666667,17,explored +explored-5679,0.4939814814814816,14,explored +explored-5680,0.5050000000000001,8,explored +explored-5681,0.5489583333333335,6,explored +explored-5682,0.6924768518518519,15,explored +explored-5683,0.4458333333333332,9,explored +explored-5684,0.7484375000000001,7,explored +explored-5685,0.4536458333333333,13,explored +explored-5686,0.5209027777777779,8,explored +explored-5687,0.3708333333333337,12,explored +explored-5688,0.5179687500000001,7,explored +explored-5689,0.7039351851851852,13,explored +explored-5690,0.5630555555555558,14,explored +explored-5691,0.18958333333333366,24,explored +explored-5692,0.3817187500000001,17,explored +explored-5693,0.30043402777777795,20,explored +explored-5694,0.6058159722222223,7,explored +explored-5695,0.718402777777778,11,explored +explored-5696,0.49674479166666685,15,explored +explored-5697,0.5553240740740742,20,explored +explored-5698,0.22239583333333357,17,explored +explored-5699,0.7970486111111111,7,explored +explored-5700,0.4253125000000002,14,explored +explored-5701,0.5263020833333334,11,explored +explored-5702,0.586545138888889,15,explored +explored-5703,0.7703993055555556,8,explored +explored-5704,0.7289930555555557,6,explored +explored-5705,0.6376388888888891,9,explored +explored-5706,0.7077777777777778,5,explored +explored-5707,0.3552951388888892,8,explored +explored-5708,0.6005208333333335,9,explored +explored-5709,0.4983506944444446,14,explored +explored-5710,0.81484375,4,explored +explored-5711,0.5587239583333334,20,explored +explored-5712,0.6038194444444446,15,explored +explored-5713,0.4780555555555557,22,explored +explored-5714,0.6548611111111113,9,explored +explored-5715,0.7958333333333333,9,explored +explored-5716,0.2611979166666668,22,explored +explored-5717,0.46805555555555567,25,explored +explored-5718,0.5809895833333334,10,explored +explored-5719,0.29010416666666694,13,explored +explored-5720,0.30572916666666683,23,explored +explored-5721,0.6939583333333335,7,explored +explored-5722,0.5095486111111113,15,explored +explored-5723,0.5977430555555557,13,explored +explored-5724,0.22916666666666696,11,explored +explored-5725,0.45677083333333357,19,explored +explored-5726,0.5899305555555555,16,explored +explored-5727,0.7208333333333334,6,explored +explored-5728,0.6083715277777779,33,explored +explored-5729,0.16041666666666687,15,explored +explored-5730,0.31111111111111134,20,explored +explored-5731,0.5649305555555557,10,explored +explored-5732,0.28379629629629644,13,explored +explored-5733,0.4211111111111113,17,explored +explored-5734,0.6273437500000002,9,explored +explored-5735,0.24652777777777812,21,explored +explored-5736,0.23880208333333353,20,explored +explored-5737,0.4873437500000002,25,explored +explored-5738,0.2597222222222225,20,explored +explored-5739,0.4838541666666668,17,explored +explored-5740,0.31501736111111134,13,explored +explored-5741,0.6059317129629631,12,explored +explored-5742,0.4134259259259261,19,explored +explored-5743,0.7283854166666668,16,explored +explored-5744,0.6493055555555557,6,explored +explored-5745,0.16914062500000027,16,explored +explored-5746,0.32621527777777803,20,explored +explored-5747,0.600607638888889,11,explored +explored-5748,0.5736111111111113,15,explored +explored-5749,0.5472222222222224,17,explored +explored-5750,0.25407986111111136,18,explored +explored-5751,0.5083333333333334,12,explored +explored-5752,0.6895833333333334,4,explored +explored-5753,0.45474537037037055,22,explored +explored-5754,0.3284722222222225,13,explored +explored-5755,0.6431712962962964,13,explored +explored-5756,0.42843750000000014,12,explored +explored-5757,0.571175925925926,34,explored +explored-5758,0.42942708333333357,18,explored +explored-5759,0.537008101851852,22,explored +explored-5760,0.713888888888889,12,explored +explored-5761,0.29947916666666685,7,explored +explored-5762,0.5197916666666669,11,explored +explored-5763,0.3604166666666667,14,explored +explored-5764,0.596875,11,explored +explored-5765,0.7389756944444446,7,explored +explored-5766,0.06510416666666696,19,explored +explored-5767,0.3286458333333335,17,explored +explored-5768,0.7008101851851853,18,explored +explored-5769,0.5520833333333335,5,explored +explored-5770,0.33958333333333357,17,explored +explored-5771,0.6325520833333333,4,explored +explored-5772,0.3752314814814819,22,explored +explored-5773,0.5371527777777779,16,explored +explored-5774,0.34930555555555587,14,explored +explored-5775,0.6039930555555558,8,explored +explored-5776,0.5551504629629631,10,explored +explored-5777,0.33029513888888906,20,explored +explored-5778,0.6982638888888889,9,explored +explored-5779,0.5778935185185187,12,explored +explored-5780,0.7605034722222223,8,explored +explored-5781,0.5421875000000003,5,explored +explored-5782,0.5415798611111113,10,explored +explored-5783,0.6148437500000001,14,explored +explored-5784,0.5152256944444445,25,explored +explored-5785,0.7152430555555557,10,explored +explored-5786,0.337760416666667,8,explored +explored-5787,0.6524305555555557,9,explored +explored-5788,0.515277777777778,16,explored +explored-5789,0.5657986111111113,11,explored +explored-5790,0.5100925925925927,16,explored +explored-5791,0.49531250000000016,14,explored +explored-5792,0.49322916666666683,14,explored +explored-5793,0.5600694444444445,12,explored +explored-5794,0.5591145833333335,16,explored +explored-5795,0.7305555555555556,10,explored +explored-5796,0.7286458333333333,6,explored +explored-5797,0.6993055555555556,10,explored +explored-5798,0.4289930555555559,12,explored +explored-5799,0.4125000000000001,16,explored +explored-5800,0.3352430555555559,15,explored +explored-5801,0.44930555555555585,12,explored +explored-5802,0.28281250000000036,15,explored +explored-5803,0.5370833333333334,14,explored +explored-5804,0.48020833333333357,18,explored +explored-5805,0.6852430555555556,10,explored +explored-5806,0.49375000000000024,10,explored +explored-5807,0.4208622685185186,17,explored +explored-5808,0.6232638888888891,6,explored +explored-5809,0.5394965277777779,13,explored +explored-5810,0.6486111111111112,7,explored +explored-5811,0.5340277777777779,12,explored +explored-5812,0.4466145833333336,22,explored +explored-5813,0.6329861111111112,9,explored +explored-5814,0.7272569444444444,12,explored +explored-5815,0.3265625000000002,14,explored +explored-5816,0.39479166666666665,8,explored +explored-5817,0.15000000000000036,11,explored +explored-5818,0.6473923611111112,37,explored +explored-5819,0.5000000000000001,8,explored +explored-5820,0.721388888888889,16,explored +explored-5821,0.6738136574074075,8,explored +explored-5822,0.4968055555555557,14,explored +explored-5823,0.34149305555555576,16,explored +explored-5824,0.7489583333333333,7,explored +explored-5825,0.5836805555555555,10,explored +explored-5826,0.5754340277777779,12,explored +explored-5827,0.40781250000000013,13,explored +explored-5828,0.4963541666666669,11,explored +explored-5829,0.25651041666666696,11,explored +explored-5830,0.7148379629629631,7,explored +explored-5831,0.3867881944444447,22,explored +explored-5832,0.6378472222222222,8,explored +explored-5833,0.3308883101851854,18,explored +explored-5834,0.5491666666666668,17,explored +explored-5835,0.82421875,6,explored +explored-5836,0.4453125000000002,27,explored +explored-5837,0.4407407407407409,23,explored +explored-5838,0.6661458333333334,8,explored +explored-5839,0.4060185185185188,19,explored +explored-5840,0.5791666666666668,5,explored +explored-5841,0.621064814814815,12,explored +explored-5842,0.443229166666667,12,explored +explored-5843,0.6649305555555556,10,explored +explored-5844,0.6198784722222224,19,explored +explored-5845,0.5851562500000002,22,explored +explored-5846,0.6302083333333333,9,explored +explored-5847,0.35954861111111125,15,explored +explored-5848,0.8013020833333333,7,explored +explored-5849,0.4969618055555557,15,explored +explored-5850,0.4989583333333334,13,explored +explored-5851,0.6501909722222223,10,explored +explored-5852,0.3125000000000002,13,explored +explored-5853,0.7204861111111112,5,explored +explored-5854,0.3167534722222224,20,explored +explored-5855,0.5024074074074076,13,explored +explored-5856,0.06093750000000031,12,explored +explored-5857,0.42847222222222237,18,explored +explored-5858,0.6066840277777779,13,explored +explored-5859,0.40156250000000027,14,explored +explored-5860,0.5638020833333335,12,explored +explored-5861,0.538888888888889,12,explored +explored-5862,0.35416666666666696,11,explored +explored-5863,0.659375,10,explored +explored-5864,0.5308159722222224,17,explored +explored-5865,0.1625000000000003,9,explored +explored-5866,0.4187500000000002,19,explored +explored-5867,0.7004050925925926,14,explored +explored-5868,0.759357638888889,10,explored +explored-5869,0.45816840277777793,27,explored +explored-5870,0.6135416666666668,14,explored +explored-5871,0.2498263888888892,12,explored +explored-5872,0.7562500000000001,4,explored +explored-5873,0.6731770833333334,9,explored +explored-5874,0.6746093750000002,16,explored +explored-5875,0.32916666666666694,15,explored +explored-5876,0.4682291666666668,18,explored +explored-5877,0.32769097222222243,19,explored +explored-5878,0.6578038194444445,15,explored +explored-5879,0.6736111111111113,11,explored +explored-5880,0.6430208333333335,6,explored +explored-5881,0.3906250000000002,13,explored +explored-5882,0.6490740740740741,10,explored +explored-5883,0.7458333333333335,5,explored +explored-5884,0.31319444444444466,16,explored +explored-5885,0.46615740740740763,21,explored +explored-5886,0.41885416666666686,15,explored +explored-5887,0.5843750000000002,9,explored +explored-5888,0.7540625000000001,9,explored +explored-5889,0.5422598379629631,29,explored +explored-5890,0.6356770833333335,33,explored +explored-5891,0.6202604166666668,10,explored +explored-5892,0.453125,13,explored +explored-5893,0.501388888888889,8,explored +explored-5894,0.5733333333333335,11,explored +explored-5895,0.3753472222222225,10,explored +explored-5896,0.419791666666667,7,explored +explored-5897,0.5126736111111112,9,explored +explored-5898,0.5970833333333334,8,explored +explored-5899,0.5178240740740743,11,explored +explored-5900,0.488715277777778,12,explored +explored-5901,0.3343315972222224,20,explored +explored-5902,0.2840277777777781,14,explored +explored-5903,0.6410850694444445,14,explored +explored-5904,0.4322916666666665,10,explored +explored-5905,0.6269097222222224,11,explored +explored-5906,0.7097222222222224,13,explored +explored-5907,0.487152777777778,14,explored +explored-5908,0.6978993055555556,34,explored +explored-5909,0.18333333333333357,15,explored +explored-5910,0.6596354166666668,18,explored +explored-5911,0.6571180555555557,11,explored +explored-5912,0.6232638888888891,16,explored +explored-5913,0.41423611111111147,9,explored +explored-5914,0.6827256944444446,17,explored +explored-5915,0.36527777777777803,13,explored +explored-5916,0.4616666666666669,13,explored +explored-5917,0.6895833333333335,11,explored +explored-5918,0.6311053240740742,25,explored +explored-5919,0.6936921296296297,20,explored +explored-5920,0.5378472222222224,12,explored +explored-5921,0.43758680555555585,14,explored +explored-5922,0.6923611111111112,14,explored +explored-5923,0.33750000000000013,17,explored +explored-5924,0.6425000000000001,15,explored +explored-5925,0.4293750000000002,15,explored +explored-5926,0.5100115740740742,23,explored +explored-5927,0.5056770833333335,13,explored +explored-5928,0.7000694444444445,9,explored +explored-5929,0.6946990740740742,8,explored +explored-5930,0.6184027777777779,14,explored +explored-5931,0.3468287037037039,18,explored +explored-5932,0.7890625000000001,10,explored +explored-5933,0.39218750000000036,6,explored +explored-5934,0.6312500000000002,5,explored +explored-5935,0.39418402777777806,27,explored +explored-5936,0.16753472222222254,19,explored +explored-5937,0.2406250000000002,19,explored +explored-5938,0.6486400462962965,18,explored +explored-5939,0.43038194444444444,12,explored +explored-5940,0.6359953703703705,11,explored +explored-5941,0.6427083333333334,15,explored +explored-5942,0.19843750000000027,19,explored +explored-5943,0.5928819444444446,8,explored +explored-5944,0.1390625000000003,12,explored +explored-5945,0.5080439814814817,16,explored +explored-5946,0.24791666666666679,16,explored +explored-5947,0.5365740740740743,14,explored +explored-5948,0.32685185185185217,16,explored +explored-5949,0.5851851851851854,12,explored +explored-5950,0.5447048611111114,15,explored +explored-5951,0.711388888888889,5,explored +explored-5952,0.21588541666666705,20,explored +explored-5953,0.6141493055555557,15,explored +explored-5954,0.36684027777777795,17,explored +explored-5955,0.48194444444444473,12,explored +explored-5956,0.587326388888889,11,explored +explored-5957,0.6250000000000001,11,explored +explored-5958,0.34450231481481497,21,explored +explored-5959,0.3270833333333333,10,explored +explored-5960,0.33784722222222263,13,explored +explored-5961,0.33072916666666685,19,explored +explored-5962,0.6913194444444446,9,explored +explored-5963,0.510590277777778,18,explored +explored-5964,0.7622395833333335,9,explored +explored-5965,0.5674074074074076,18,explored +explored-5966,0.7788483796296297,7,explored +explored-5967,0.33755787037037077,18,explored +explored-5968,0.6902777777777778,4,explored +explored-5969,0.6468750000000001,10,explored +explored-5970,0.7473611111111111,6,explored +explored-5971,0.35078125000000027,16,explored +explored-5972,0.7699652777777778,10,explored +explored-5973,0.48246527777777803,13,explored +explored-5974,0.5811631944444446,12,explored +explored-5975,0.3569444444444446,18,explored +explored-5976,0.696545138888889,11,explored +explored-5977,0.7744444444444445,9,explored +explored-5978,0.3923611111111114,15,explored +explored-5979,0.5570312500000001,19,explored +explored-5980,0.650076388888889,21,explored +explored-5981,0.6068055555555556,19,explored +explored-5982,0.7625,8,explored +explored-5983,0.19583333333333364,12,explored +explored-5984,0.6469525462962964,35,explored +explored-5985,0.4441666666666668,8,explored +explored-5986,0.4400173611111112,12,explored +explored-5987,0.4983333333333335,8,explored +explored-5988,0.3085069444444446,18,explored +explored-5989,0.44149305555555585,21,explored +explored-5990,0.6032407407407409,12,explored +explored-5991,0.3890625000000002,8,explored +explored-5992,0.6041666666666667,13,explored +explored-5993,0.34444444444444455,12,explored +explored-5994,0.43333333333333357,5,explored +explored-5995,0.7811458333333334,7,explored +explored-5996,0.36857638888888933,8,explored +explored-5997,0.5822048611111112,14,explored +explored-5998,0.42164351851851867,20,explored +explored-5999,0.22132523148148175,23,explored +explored-6000,0.39270833333333355,19,explored +explored-6001,0.37500000000000033,14,explored +explored-6002,0.3479166666666669,15,explored +explored-6003,0.6219351851851853,42,explored +explored-6004,0.3867187500000002,14,explored +explored-6005,0.74375,5,explored +explored-6006,0.2460937500000001,17,explored +explored-6007,0.4879050925925926,15,explored +explored-6008,0.2625578703703707,16,explored +explored-6009,0.5250000000000001,6,explored +explored-6010,0.22031250000000013,15,explored +explored-6011,0.2113281250000003,13,explored +explored-6012,0.6332291666666667,14,explored +explored-6013,0.3979166666666668,10,explored +explored-6014,0.4930555555555558,8,explored +explored-6015,0.31802083333333353,13,explored +explored-6016,0.5985532407407409,12,explored +explored-6017,0.2728298611111115,19,explored +explored-6018,0.3972222222222226,7,explored +explored-6019,0.6047743055555558,15,explored +explored-6020,0.6712268518518519,20,explored +explored-6021,0.18608217592592624,16,explored +explored-6022,0.36545138888888906,27,explored +explored-6023,0.6572450396825398,36,explored +explored-6024,0.7947916666666667,4,explored +explored-6025,0.3356250000000002,12,explored +explored-6026,0.40086805555555594,15,explored +explored-6027,0.4356423611111113,20,explored +explored-6028,0.6885416666666668,16,explored +explored-6029,0.6031250000000001,11,explored +explored-6030,0.23888888888888915,15,explored +explored-6031,0.7255208333333334,2,explored +explored-6032,0.23125000000000018,12,explored +explored-6033,0.5923611111111111,5,explored +explored-6034,0.5638020833333333,9,explored +explored-6035,0.5664583333333335,7,explored +explored-6036,0.5350000000000001,13,explored +explored-6037,0.6411024305555557,21,explored +explored-6038,0.7027777777777777,5,explored +explored-6039,0.39218750000000013,10,explored +explored-6040,0.46740972222222243,24,explored +explored-6041,0.3773003472222225,21,explored +explored-6042,0.6332899305555557,40,explored +explored-6043,0.7423611111111112,13,explored +explored-6044,0.7877083333333333,6,explored +explored-6045,0.40729166666666705,7,explored +explored-6046,0.3303819444444447,22,explored +explored-6047,0.4673611111111111,20,explored +explored-6048,0.4824074074074076,23,explored +explored-6049,0.5789930555555557,15,explored +explored-6050,0.6366319444444446,7,explored +explored-6051,0.2507812500000002,14,explored +explored-6052,0.19849537037037068,16,explored +explored-6053,0.39557291666666683,15,explored +explored-6054,0.6470486111111112,10,explored +explored-6055,0.7708333333333335,3,explored +explored-6056,0.5593750000000001,11,explored +explored-6057,0.5447916666666668,4,explored +explored-6058,0.6814930555555556,10,explored +explored-6059,0.672916666666667,6,explored +explored-6060,0.6107638888888891,15,explored +explored-6061,0.6666666666666667,12,explored +explored-6062,0.579267939814815,17,explored +explored-6063,0.28333333333333366,9,explored +explored-6064,0.7322916666666668,8,explored +explored-6065,0.4060763888888891,17,explored +explored-6066,0.565277777777778,6,explored +explored-6067,0.47750000000000015,8,explored +explored-6068,0.5025462962962965,13,explored +explored-6069,0.2869791666666669,20,explored +explored-6070,0.7295312500000002,11,explored +explored-6071,0.6736111111111112,12,explored +explored-6072,0.45217013888888913,22,explored +explored-6073,0.4427083333333335,13,explored +explored-6074,0.515625,13,explored +explored-6075,0.5213541666666668,11,explored +explored-6076,0.5988194444444446,8,explored +explored-6077,0.6294791666666668,37,explored +explored-6078,0.27161458333333366,13,explored +explored-6079,0.5736111111111112,10,explored +explored-6080,0.7118923611111112,11,explored +explored-6081,0.49375000000000013,13,explored +explored-6082,0.5418981481481482,11,explored +explored-6083,0.59921875,7,explored +explored-6084,0.4753819444444446,20,explored +explored-6085,0.1350694444444447,13,explored +explored-6086,0.5024739583333335,16,explored +explored-6087,0.3430555555555559,11,explored +explored-6088,0.5747395833333335,11,explored +explored-6089,0.3772569444444447,16,explored +explored-6090,0.5834201388888891,11,explored +explored-6091,0.4013541666666668,12,explored +explored-6092,0.37019675925925943,23,explored +explored-6093,0.5274305555555557,8,explored +explored-6094,0.44947916666666676,11,explored +explored-6095,0.4526041666666669,16,explored +explored-6096,0.48799189814814836,19,explored +explored-6097,0.580439814814815,14,explored +explored-6098,0.17916666666666703,9,explored +explored-6099,0.5926504629629631,13,explored +explored-6100,0.7604166666666666,4,explored +explored-6101,0.40843750000000023,13,explored +explored-6102,0.6109375000000001,12,explored +explored-6103,0.4994212962962965,17,explored +explored-6104,0.7218055555555556,5,explored +explored-6105,0.6240972222222223,12,explored +explored-6106,0.4866608796296298,15,explored +explored-6107,0.5299479166666669,15,explored +explored-6108,0.37760416666666696,9,explored +explored-6109,0.3796875000000002,8,explored +explored-6110,0.35271990740740766,25,explored +explored-6111,0.42595486111111114,18,explored +explored-6112,0.3667245370370372,24,explored +explored-6113,0.6033564814814816,12,explored +explored-6114,0.25347222222222254,23,explored +explored-6115,0.5356770833333334,17,explored +explored-6116,0.5585937500000002,10,explored +explored-6117,0.3581597222222226,12,explored +explored-6118,0.6545833333333333,6,explored +explored-6119,0.5840277777777778,13,explored +explored-6120,0.6331597222222224,7,explored +explored-6121,0.5145399305555558,25,explored +explored-6122,0.21093750000000022,11,explored +explored-6123,0.5744791666666669,11,explored +explored-6124,0.7297968750000001,26,explored +explored-6125,0.3359375000000002,15,explored +explored-6126,0.3793402777777781,12,explored +explored-6127,0.5921875000000002,7,explored +explored-6128,0.5545138888888891,6,explored +explored-6129,0.31006944444444473,10,explored +explored-6130,0.6953414351851852,27,explored +explored-6131,0.6272858796296298,17,explored +explored-6132,0.6894097222222223,10,explored +explored-6133,0.6676215277777778,11,explored +explored-6134,0.17430555555555594,14,explored +explored-6135,0.20651041666666692,16,explored +explored-6136,0.10625000000000018,15,explored +explored-6137,0.8111458333333333,10,explored +explored-6138,0.556996527777778,20,explored +explored-6139,0.7388888888888889,6,explored +explored-6140,0.68125,3,explored +explored-6141,0.8091145833333333,9,explored +explored-6142,0.7502604166666668,14,explored +explored-6143,0.4403263888888891,16,explored +explored-6144,0.3347656250000003,19,explored +explored-6145,0.36354166666666676,9,explored +explored-6146,0.391684027777778,20,explored +explored-6147,0.3762297453703707,15,explored +explored-6148,0.1706597222222226,14,explored +explored-6149,0.3601562500000003,17,explored +explored-6150,0.5953125000000002,12,explored +explored-6151,0.6890624999999999,9,explored +explored-6152,0.6154513888888888,11,explored +explored-6153,0.632465277777778,10,explored +explored-6154,0.38541666666666696,10,explored +explored-6155,0.6180555555555555,7,explored +explored-6156,0.6600000000000001,5,explored +explored-6157,0.3437500000000002,7,explored +explored-6158,0.6325520833333335,5,explored +explored-6159,0.5237847222222224,7,explored +explored-6160,0.4852430555555558,13,explored +explored-6161,0.5754166666666669,6,explored +explored-6162,0.4213541666666668,19,explored +explored-6163,0.6725694444444446,8,explored +explored-6164,0.7361111111111112,9,explored +explored-6165,0.32482638888888915,23,explored +explored-6166,0.3993055555555558,19,explored +explored-6167,0.7125000000000001,7,explored +explored-6168,0.740625,5,explored +explored-6169,0.10312500000000036,18,explored +explored-6170,0.7500000000000001,14,explored +explored-6171,0.29010416666666683,13,explored +explored-6172,0.17986111111111147,17,explored +explored-6173,0.08125000000000027,14,explored +explored-6174,0.666840277777778,9,explored +explored-6175,0.6596875000000001,7,explored +explored-6176,0.7212413194444445,7,explored +explored-6177,0.7377314814814815,18,explored +explored-6178,0.3324652777777779,16,explored +explored-6179,0.19357638888888906,17,explored +explored-6180,0.7503761574074075,11,explored +explored-6181,0.7143518518518519,11,explored +explored-6182,0.17256944444444478,21,explored +explored-6183,0.41278935185185195,22,explored +explored-6184,0.6256076388888892,9,explored +explored-6185,0.421701388888889,16,explored +explored-6186,0.5381944444444446,22,explored +explored-6187,0.5410937500000002,12,explored +explored-6188,0.7625000000000001,6,explored +explored-6189,0.29444444444444473,9,explored +explored-6190,0.6364583333333335,6,explored +explored-6191,0.7393229166666667,5,explored +explored-6192,0.7159895833333334,29,explored +explored-6193,0.30976562500000027,10,explored +explored-6194,0.6987847222222223,10,explored +explored-6195,0.5407118055555558,15,explored +explored-6196,0.7947916666666667,4,explored +explored-6197,0.29201388888888913,15,explored +explored-6198,0.41319444444444486,12,explored +explored-6199,0.4715567129629631,20,explored +explored-6200,0.41427083333333337,12,explored +explored-6201,0.37361111111111134,19,explored +explored-6202,0.38541666666666685,16,explored +explored-6203,0.3182291666666668,15,explored +explored-6204,0.6966145833333335,7,explored +explored-6205,0.5366898148148149,12,explored +explored-6206,0.6508680555555557,14,explored +explored-6207,0.28229166666666705,13,explored +explored-6208,0.5437500000000002,6,explored +explored-6209,0.23385416666666692,13,explored +explored-6210,0.349479166666667,17,explored +explored-6211,0.7345486111111112,6,explored +explored-6212,0.6651041666666666,16,explored +explored-6213,0.06093750000000031,11,explored +explored-6214,0.6700954861111112,10,explored +explored-6215,0.7221354166666667,7,explored +explored-6216,0.4152777777777781,11,explored +explored-6217,0.8289930555555556,5,explored +explored-6218,0.522916666666667,7,explored +explored-6219,0.5718750000000001,11,explored +explored-6220,0.5927083333333335,3,explored +explored-6221,0.6350694444444447,5,explored +explored-6222,0.43715277777777806,20,explored +explored-6223,0.6666666666666667,7,explored +explored-6224,0.6374305555555557,29,explored +explored-6225,0.4496614583333335,16,explored +explored-6226,0.08125000000000027,10,explored +explored-6227,0.7039781746031747,36,explored +explored-6228,0.499166666666667,8,explored +explored-6229,0.38454861111111127,19,explored +explored-6230,0.6140625000000001,12,explored +explored-6231,0.8320312500000001,10,explored +explored-6232,0.23168402777777808,22,explored +explored-6233,0.5315972222222224,15,explored +explored-6234,0.45853587962962983,19,explored +explored-6235,0.40000000000000013,14,explored +explored-6236,0.388541666666667,9,explored +explored-6237,0.45121527777777803,11,explored +explored-6238,0.357291666666667,9,explored +explored-6239,0.6536458333333335,12,explored +explored-6240,0.26423611111111134,16,explored +explored-6241,0.30390625000000027,19,explored +explored-6242,0.22656250000000022,12,explored +explored-6243,0.3554687500000002,11,explored +explored-6244,0.3031250000000003,20,explored +explored-6245,0.27057291666666705,13,explored +explored-6246,0.5470486111111112,17,explored +explored-6247,0.5130555555555558,13,explored +explored-6248,0.6713082837301588,28,explored +explored-6249,0.7203356481481482,11,explored +explored-6250,0.5743055555555557,11,explored +explored-6251,0.6372395833333334,6,explored +explored-6252,0.8402777777777778,6,explored +explored-6253,0.46597222222222245,11,explored +explored-6254,0.3395833333333337,21,explored +explored-6255,0.5020833333333334,13,explored +explored-6256,0.7609953703703703,16,explored +explored-6257,0.32031250000000033,15,explored +explored-6258,0.6927430555555557,11,explored +explored-6259,0.2312500000000003,10,explored +explored-6260,0.4265625000000003,23,explored +explored-6261,0.290885416666667,11,explored +explored-6262,0.5006076388888892,12,explored +explored-6263,0.4412905092592595,17,explored +explored-6264,0.3574652777777779,14,explored +explored-6265,0.5190104166666669,9,explored +explored-6266,0.4573784722222224,13,explored +explored-6267,0.6606770833333333,13,explored +explored-6268,0.6638020833333333,17,explored +explored-6269,0.5708333333333334,10,explored +explored-6270,0.6789351851851853,14,explored +explored-6271,0.3372395833333337,12,explored +explored-6272,0.4744791666666667,9,explored +explored-6273,0.23750000000000027,12,explored +explored-6274,0.42437500000000017,11,explored +explored-6275,0.788425925925926,8,explored +explored-6276,0.36187500000000017,17,explored +explored-6277,0.3279513888888892,17,explored +explored-6278,0.4494791666666669,11,explored +explored-6279,0.541550925925926,14,explored +explored-6280,0.5200000000000002,15,explored +explored-6281,0.4486111111111114,11,explored +explored-6282,0.5778935185185187,11,explored +explored-6283,0.2903645833333335,23,explored +explored-6284,0.4623263888888891,12,explored +explored-6285,0.36053240740740766,19,explored +explored-6286,0.5208333333333335,14,explored +explored-6287,0.49479166666666663,8,explored +explored-6288,0.6024305555555557,11,explored +explored-6289,0.5477430555555557,14,explored +explored-6290,0.6616944444444446,24,explored +explored-6291,0.588888888888889,7,explored +explored-6292,0.5058159722222224,15,explored +explored-6293,0.44409722222222237,15,explored +explored-6294,0.3979166666666668,11,explored +explored-6295,0.4911458333333335,17,explored +explored-6296,0.5993055555555556,10,explored +explored-6297,0.5942708333333334,11,explored +explored-6298,0.6575520833333335,7,explored +explored-6299,0.07777777777777817,18,explored +explored-6300,0.4554166666666668,16,explored +explored-6301,0.5462962962962964,11,explored +explored-6302,0.40842013888888906,16,explored +explored-6303,0.406076388888889,20,explored +explored-6304,0.627170138888889,15,explored +explored-6305,0.7140625000000002,9,explored +explored-6306,0.5745370370370373,19,explored +explored-6307,0.5880208333333335,12,explored +explored-6308,0.6937500000000001,8,explored +explored-6309,0.616059027777778,13,explored +explored-6310,0.3642361111111114,13,explored +explored-6311,0.46597222222222234,25,explored +explored-6312,0.7347222222222223,10,explored +explored-6313,0.6292708333333334,4,explored +explored-6314,0.3006944444444448,13,explored +explored-6315,0.4885561342592595,20,explored +explored-6316,0.5612847222222224,12,explored +explored-6317,0.43767361111111125,19,explored +explored-6318,0.29843750000000024,11,explored +explored-6319,0.6664351851851853,18,explored +explored-6320,0.34398148148148167,15,explored +explored-6321,0.6350694444444446,16,explored +explored-6322,0.4612847222222223,13,explored +explored-6323,0.3963541666666667,11,explored +explored-6324,0.5073495370370372,14,explored +explored-6325,0.5746527777777779,15,explored +explored-6326,0.4773437500000003,10,explored +explored-6327,0.3816550925925928,24,explored +explored-6328,0.5109375000000003,14,explored +explored-6329,0.5226562500000002,18,explored +explored-6330,0.5708333333333334,12,explored +explored-6331,0.306712962962963,21,explored +explored-6332,0.3333333333333337,13,explored +explored-6333,0.5475983796296298,16,explored +explored-6334,0.4512152777777779,14,explored +explored-6335,0.8002604166666667,10,explored +explored-6336,0.4588541666666668,12,explored +explored-6337,0.5843750000000002,9,explored +explored-6338,0.3983506944444448,16,explored +explored-6339,0.6966106150793652,36,explored +explored-6340,0.41307870370370403,16,explored +explored-6341,0.2835069444444447,20,explored +explored-6342,0.2597222222222225,16,explored +explored-6343,0.5667824074074076,9,explored +explored-6344,0.3276041666666669,16,explored +explored-6345,0.5687500000000001,10,explored +explored-6346,0.7010209986772488,44,explored +explored-6347,0.6968750000000001,5,explored +explored-6348,0.7739583333333333,10,explored +explored-6349,0.3081018518518521,18,explored +explored-6350,0.36527777777777803,11,explored +explored-6351,0.4671875000000002,14,explored +explored-6352,0.245963541666667,14,explored +explored-6353,0.91875,3,explored +explored-6354,0.32870370370370394,21,explored +explored-6355,0.4524652777777779,13,explored +explored-6356,0.6993055555555556,14,explored +explored-6357,0.6016782407407409,14,explored +explored-6358,0.46354166666666685,7,explored +explored-6359,0.48101851851851873,15,explored +explored-6360,0.3923611111111114,10,explored +explored-6361,0.6682002314814816,11,explored +explored-6362,0.5159895833333334,15,explored +explored-6363,0.5828125000000002,12,explored +explored-6364,0.4755208333333336,8,explored +explored-6365,0.6190972222222224,18,explored +explored-6366,0.3276041666666669,11,explored +explored-6367,0.4979166666666667,7,explored +explored-6368,0.6020833333333335,13,explored +explored-6369,0.28828125000000016,17,explored +explored-6370,0.4270833333333335,14,explored +explored-6371,0.505295138888889,13,explored +explored-6372,0.4620833333333335,13,explored +explored-6373,0.2796875000000002,20,explored +explored-6374,0.5542824074074075,14,explored +explored-6375,0.39716435185185206,21,explored +explored-6376,0.6212847222222223,8,explored +explored-6377,0.6096354166666668,14,explored +explored-6378,0.4453125000000002,14,explored +explored-6379,0.3069444444444447,17,explored +explored-6380,0.42586805555555585,21,explored +explored-6381,0.49708333333333343,15,explored +explored-6382,0.717140128968254,34,explored +explored-6383,0.7432291666666668,9,explored +explored-6384,0.26284722222222245,19,explored +explored-6385,0.5521527777777779,10,explored +explored-6386,0.344010416666667,8,explored +explored-6387,0.604340277777778,14,explored +explored-6388,0.7764351851851852,10,explored +explored-6389,0.7355208333333334,6,explored +explored-6390,0.40513888888888916,15,explored +explored-6391,0.702951388888889,6,explored +explored-6392,0.472916666666667,7,explored +explored-6393,0.44911458333333354,16,explored +explored-6394,0.3948263888888891,16,explored +explored-6395,0.5442708333333335,14,explored +explored-6396,0.7436342592592594,11,explored +explored-6397,0.7270833333333333,3,explored +explored-6398,0.1473958333333334,19,explored +explored-6399,0.565277777777778,8,explored +explored-6400,0.7140625,5,explored +explored-6401,0.5124045138888891,22,explored +explored-6402,0.3425347222222225,13,explored +explored-6403,0.6269097222222224,4,explored +explored-6404,0.4128472222222226,14,explored +explored-6405,0.3795833333333335,16,explored +explored-6406,0.5342708333333335,16,explored +explored-6407,0.6195312500000002,7,explored +explored-6408,0.615763888888889,11,explored +explored-6409,0.46458333333333346,5,explored +explored-6410,0.6372395833333334,8,explored +explored-6411,0.682638888888889,8,explored +explored-6412,0.5885416666666669,12,explored +explored-6413,0.33750000000000036,20,explored +explored-6414,0.5322916666666668,11,explored +explored-6415,0.26145833333333357,15,explored +explored-6416,0.12899305555555585,13,explored +explored-6417,0.5085937500000001,8,explored +explored-6418,0.5250000000000004,11,explored +explored-6419,0.7351562500000002,5,explored +explored-6420,0.33703703703703736,13,explored +explored-6421,0.5942129629629631,11,explored +explored-6422,0.6359375,5,explored +explored-6423,0.19062500000000027,16,explored +explored-6424,0.3945312500000002,12,explored +explored-6425,0.7150173611111112,20,explored +explored-6426,0.39062500000000033,14,explored +explored-6427,0.7367424768518519,34,explored +explored-6428,0.5972656250000001,16,explored +explored-6429,0.4038194444444446,16,explored +explored-6430,0.6120833333333333,8,explored +explored-6431,0.7744791666666667,9,explored +explored-6432,0.5817708333333335,10,explored +explored-6433,0.19166666666666698,15,explored +explored-6434,0.3593750000000002,16,explored +explored-6435,0.5033333333333333,7,explored +explored-6436,0.41857638888888904,20,explored +explored-6437,0.6869247685185187,25,explored +explored-6438,0.5406250000000001,8,explored +explored-6439,0.2541666666666671,18,explored +explored-6440,0.14479166666666687,12,explored +explored-6441,0.5959490740740743,9,explored +explored-6442,0.5609375000000003,6,explored +explored-6443,0.6482638888888891,6,explored +explored-6444,0.5839756944444446,17,explored +explored-6445,0.4904427083333335,19,explored +explored-6446,0.41657986111111134,18,explored +explored-6447,0.3533767361111113,18,explored +explored-6448,0.7715277777777778,7,explored +explored-6449,0.8130208333333333,7,explored +explored-6450,0.3080729166666668,13,explored +explored-6451,0.5548611111111112,11,explored +explored-6452,0.6442708333333335,11,explored +explored-6453,0.495138888888889,12,explored +explored-6454,0.24461805555555594,21,explored +explored-6455,0.41970486111111127,17,explored +explored-6456,0.6505208333333334,6,explored +explored-6457,0.56640625,10,explored +explored-6458,0.6725000000000001,19,explored +explored-6459,0.2665798611111114,20,explored +explored-6460,0.5428819444444446,11,explored +explored-6461,0.7144097222222223,5,explored +explored-6462,0.6587934027777779,26,explored +explored-6463,0.44846643518518536,29,explored +explored-6464,0.6092187500000001,8,explored +explored-6465,0.36238425925925943,27,explored +explored-6466,0.46406250000000004,14,explored +explored-6467,0.1956597222222225,17,explored +explored-6468,0.3333333333333337,13,explored +explored-6469,0.5129166666666668,22,explored +explored-6470,0.6043402777777779,21,explored +explored-6471,0.7389583333333334,11,explored +explored-6472,0.3798611111111113,17,explored +explored-6473,0.3183593750000002,13,explored +explored-6474,0.6313368055555557,8,explored +explored-6475,0.32152777777777797,19,explored +explored-6476,0.7140277777777778,4,explored +explored-6477,0.279166666666667,15,explored +explored-6478,0.5135416666666669,16,explored +explored-6479,0.6979166666666666,11,explored +explored-6480,0.45040509259259265,16,explored +explored-6481,0.2644097222222226,10,explored +explored-6482,0.53125,8,explored +explored-6483,0.7214930555555557,10,explored +explored-6484,0.3281250000000001,10,explored +explored-6485,0.3166666666666669,11,explored +explored-6486,0.47534722222222237,16,explored +explored-6487,0.7711979166666667,12,explored +explored-6488,0.5347222222222224,18,explored +explored-6489,0.5171875000000001,12,explored +explored-6490,0.46944444444444444,13,explored +explored-6491,0.7542534722222223,26,explored +explored-6492,0.5243055555555558,12,explored +explored-6493,0.4304687500000002,18,explored +explored-6494,0.5555555555555558,9,explored +explored-6495,0.15925925925925943,19,explored +explored-6496,0.23125000000000018,9,explored +explored-6497,0.7911458333333334,10,explored +explored-6498,0.7270833333333333,5,explored +explored-6499,0.20833333333333348,16,explored +explored-6500,0.5781250000000002,19,explored +explored-6501,0.6968750000000001,7,explored +explored-6502,0.6224826388888891,16,explored +explored-6503,0.4609375,14,explored +explored-6504,0.6718750000000002,11,explored +explored-6505,0.5432291666666669,13,explored +explored-6506,0.439322916666667,10,explored +explored-6507,0.625,8,explored +explored-6508,0.2533564814814817,23,explored +explored-6509,0.2864583333333335,21,explored +explored-6510,0.7012499999999999,10,explored +explored-6511,0.6649652777777779,4,explored +explored-6512,0.640625,6,explored +explored-6513,0.8760416666666666,3,explored +explored-6514,0.15399305555555576,15,explored +explored-6515,0.7802083333333334,11,explored +explored-6516,0.5147569444444445,12,explored +explored-6517,0.6501041666666668,6,explored +explored-6518,0.6116319444444446,13,explored +explored-6519,0.6194791666666668,33,explored +explored-6520,0.6727864583333334,22,explored +explored-6521,0.26085069444444475,19,explored +explored-6522,0.6289062500000001,8,explored +explored-6523,0.6553819444444446,16,explored +explored-6524,0.18923611111111138,21,explored +explored-6525,0.6698784722222224,13,explored +explored-6526,0.3572916666666669,19,explored +explored-6527,0.5348958333333336,14,explored +explored-6528,0.7166666666666668,19,explored +explored-6529,0.5367187500000001,12,explored +explored-6530,0.40208333333333357,17,explored +explored-6531,0.38038194444444473,10,explored +explored-6532,0.5651041666666669,16,explored +explored-6533,0.16006944444444482,11,explored +explored-6534,0.6038194444444446,14,explored +explored-6535,0.7102430555555557,12,explored +explored-6536,0.625,10,explored +explored-6537,0.4194444444444445,9,explored +explored-6538,0.46164641203703716,25,explored +explored-6539,0.1800347222222225,19,explored +explored-6540,0.2578125000000002,12,explored +explored-6541,0.2763020833333335,20,explored +explored-6542,0.3187500000000002,12,explored +explored-6543,0.7536458333333333,11,explored +explored-6544,0.6815972222222224,10,explored +explored-6545,0.6390625000000001,7,explored +explored-6546,0.44010416666666685,16,explored +explored-6547,0.5406250000000001,10,explored +explored-6548,0.5441666666666669,6,explored +explored-6549,0.6748842592592594,16,explored +explored-6550,0.7395543981481483,14,explored +explored-6551,0.8314236111111111,8,explored +explored-6552,0.4634548611111111,10,explored +explored-6553,0.5282118055555557,16,explored +explored-6554,0.38541666666666696,9,explored +explored-6555,0.397777777777778,14,explored +explored-6556,0.5988136574074076,16,explored +explored-6557,0.4985243055555556,12,explored +explored-6558,0.4510416666666668,17,explored +explored-6559,0.3006076388888892,20,explored +explored-6560,0.6437499999999999,5,explored +explored-6561,0.6227430555555558,14,explored +explored-6562,0.49236111111111125,10,explored +explored-6563,0.38890335648148155,27,explored +explored-6564,0.6887500000000002,5,explored +explored-6565,0.7235879629629631,8,explored +explored-6566,0.7351562500000002,7,explored +explored-6567,0.6208333333333335,13,explored +explored-6568,0.4682986111111114,12,explored +explored-6569,0.742361111111111,15,explored +explored-6570,0.5362500000000001,9,explored +explored-6571,0.20277777777777817,14,explored +explored-6572,0.44305555555555576,21,explored +explored-6573,0.5842013888888891,12,explored +explored-6574,0.5055555555555558,17,explored +explored-6575,0.5250000000000001,15,explored +explored-6576,0.5157638888888891,16,explored +explored-6577,0.459519675925926,13,explored +explored-6578,0.5229166666666669,19,explored +explored-6579,0.46875000000000033,12,explored +explored-6580,0.6718750000000002,13,explored +explored-6581,0.3401041666666669,9,explored +explored-6582,0.4618055555555557,10,explored +explored-6583,0.35364583333333355,15,explored +explored-6584,0.4748697916666669,13,explored +explored-6585,0.6908767361111112,44,explored +explored-6586,0.31903935185185206,19,explored +explored-6587,0.22239583333333368,18,explored +explored-6588,0.5500000000000002,12,explored +explored-6589,0.5338541666666669,10,explored +explored-6590,0.409027777777778,8,explored +explored-6591,0.4851562500000004,13,explored +explored-6592,0.5081250000000002,11,explored +explored-6593,0.6687500000000001,11,explored +explored-6594,0.23107638888888915,16,explored +explored-6595,0.5330729166666668,14,explored +explored-6596,0.515998263888889,21,explored +explored-6597,0.3896412037037039,18,explored +explored-6598,0.2859375000000002,18,explored +explored-6599,0.6241666666666669,10,explored +explored-6600,0.7125868055555556,11,explored +explored-6601,0.14479166666666687,15,explored +explored-6602,0.6649594907407409,10,explored +explored-6603,0.3052083333333335,12,explored +explored-6604,0.5399305555555557,12,explored +explored-6605,0.5358796296296298,15,explored +explored-6606,0.555439814814815,12,explored +explored-6607,0.5085069444444447,13,explored +explored-6608,0.10208333333333353,20,explored +explored-6609,0.4976273148148149,12,explored +explored-6610,0.5916666666666668,9,explored +explored-6611,0.2513888888888891,15,explored +explored-6612,0.4500000000000002,12,explored +explored-6613,0.35546875000000033,7,explored +explored-6614,0.5062500000000001,8,explored +explored-6615,0.6854166666666668,4,explored +explored-6616,0.5581597222222223,14,explored +explored-6617,0.49565972222222243,13,explored +explored-6618,0.39375000000000016,13,explored +explored-6619,0.8049479166666667,7,explored +explored-6620,0.6851562500000001,6,explored +explored-6621,0.059722222222222454,22,explored +explored-6622,0.4929542824074076,19,explored +explored-6623,0.5324652777777779,8,explored +explored-6624,0.5243055555555558,11,explored +explored-6625,0.649670138888889,13,explored +explored-6626,0.6200520833333335,11,explored +explored-6627,0.46506076388888906,20,explored +explored-6628,0.332291666666667,9,explored +explored-6629,0.5630208333333333,10,explored +explored-6630,0.38593750000000016,12,explored +explored-6631,0.2117187500000004,18,explored +explored-6632,0.5594270833333335,12,explored +explored-6633,0.6993055555555556,7,explored +explored-6634,0.4906250000000002,17,explored +explored-6635,0.6569444444444446,10,explored +explored-6636,0.35703125000000036,14,explored +explored-6637,0.5736979166666669,12,explored +explored-6638,0.34444444444444466,21,explored +explored-6639,0.3970486111111112,16,explored +explored-6640,0.1903935185185187,18,explored +explored-6641,0.6044184027777779,14,explored +explored-6642,0.6854166666666667,11,explored +explored-6643,0.4967708333333335,10,explored +explored-6644,0.5755208333333335,14,explored +explored-6645,0.6348958333333335,12,explored +explored-6646,0.3921874999999999,14,explored +explored-6647,0.13680555555555585,16,explored +explored-6648,0.6859375000000001,8,explored +explored-6649,0.411979166666667,8,explored +explored-6650,0.64375,7,explored +explored-6651,0.15972222222222254,11,explored +explored-6652,0.5638888888888891,11,explored +explored-6653,0.44548611111111125,15,explored +explored-6654,0.5568229166666668,14,explored +explored-6655,0.16041666666666687,17,explored +explored-6656,0.5885416666666669,11,explored +explored-6657,0.5076388888888891,15,explored +explored-6658,0.5874421296296297,18,explored +explored-6659,0.6164583333333333,4,explored +explored-6660,0.25742187500000036,19,explored +explored-6661,0.20677083333333357,18,explored +explored-6662,0.31002604166666703,14,explored +explored-6663,0.3270833333333333,9,explored +explored-6664,0.610763888888889,14,explored +explored-6665,0.640625,8,explored +explored-6666,0.7375,6,explored +explored-6667,0.48415798611111127,18,explored +explored-6668,0.5889756944444446,18,explored +explored-6669,0.6815694444444447,21,explored +explored-6670,0.7319444444444445,7,explored +explored-6671,0.47343749999999996,8,explored +explored-6672,0.6227430555555556,15,explored +explored-6673,0.5119791666666667,12,explored +explored-6674,0.294791666666667,11,explored +explored-6675,0.4320312500000002,9,explored +explored-6676,0.5085937500000002,14,explored +explored-6677,0.09062500000000018,18,explored +explored-6678,0.6680555555555556,11,explored +explored-6679,0.7395833333333335,7,explored +explored-6680,0.6270833333333334,6,explored +explored-6681,0.6180555555555557,19,explored +explored-6682,0.08125000000000027,14,explored +explored-6683,0.5757812500000002,10,explored +explored-6684,0.45468750000000013,23,explored +explored-6685,0.5097222222222223,11,explored +explored-6686,0.5750462962962964,10,explored +explored-6687,0.7802372685185186,12,explored +explored-6688,0.5911458333333333,15,explored +explored-6689,0.49088541666666674,9,explored +explored-6690,0.625,9,explored +explored-6691,0.5724537037037039,11,explored +explored-6692,0.7930555555555555,6,explored +explored-6693,0.4788194444444447,14,explored +explored-6694,0.7213541666666667,7,explored +explored-6695,0.6946875000000001,12,explored +explored-6696,0.23697916666666696,15,explored +explored-6697,0.5720486111111114,25,explored +explored-6698,0.394166666666667,11,explored +explored-6699,0.46728009259259273,17,explored +explored-6700,0.6695486111111112,11,explored +explored-6701,0.44848090277777797,18,explored +explored-6702,0.509027777777778,12,explored +explored-6703,0.41041666666666676,14,explored +explored-6704,0.7145833333333333,5,explored +explored-6705,0.5677083333333334,7,explored +explored-6706,0.17135416666666692,13,explored +explored-6707,0.3532986111111114,19,explored +explored-6708,0.696875,8,explored +explored-6709,0.5373784722222223,12,explored +explored-6710,0.3591145833333337,23,explored +explored-6711,0.503125,10,explored +explored-6712,0.20052083333333348,13,explored +explored-6713,0.5644965277777779,13,explored +explored-6714,0.4526041666666669,15,explored +explored-6715,0.2718750000000003,12,explored +explored-6716,0.28975694444444466,19,explored +explored-6717,0.47760416666666683,16,explored +explored-6718,0.14270833333333366,17,explored +explored-6719,0.7953125000000001,2,explored +explored-6720,0.5194444444444444,13,explored +explored-6721,0.6177083333333334,8,explored +explored-6722,0.6197337962962965,14,explored +explored-6723,0.5705439814814816,11,explored +explored-6724,0.45477430555555576,14,explored +explored-6725,0.7316840277777779,7,explored +explored-6726,0.24467592592592613,15,explored +explored-6727,0.21296296296296302,19,explored +explored-6728,0.7310763888888889,12,explored +explored-6729,0.3782986111111113,12,explored +explored-6730,0.5328125000000004,14,explored +explored-6731,0.32621527777777803,17,explored +explored-6732,0.7336111111111112,33,explored +explored-6733,0.6254166666666668,7,explored +explored-6734,0.570625,16,explored +explored-6735,0.56125,13,explored +explored-6736,0.6739583333333334,8,explored +explored-6737,0.16302083333333361,16,explored +explored-6738,0.587152777777778,8,explored +explored-6739,0.7447916666666667,5,explored +explored-6740,0.3734375000000002,17,explored +explored-6741,0.48454861111111125,12,explored +explored-6742,0.5095486111111112,13,explored +explored-6743,0.7037152777777779,8,explored +explored-6744,0.3755208333333334,16,explored +explored-6745,0.4340277777777779,13,explored +explored-6746,0.7493055555555557,9,explored +explored-6747,0.4501736111111113,14,explored +explored-6748,0.7130208333333334,5,explored +explored-6749,0.5477430555555557,12,explored +explored-6750,0.534039351851852,16,explored +explored-6751,0.541064814814815,12,explored +explored-6752,0.411979166666667,11,explored +explored-6753,0.37812500000000027,10,explored +explored-6754,0.4110821759259262,14,explored +explored-6755,0.4189236111111113,13,explored +explored-6756,0.7583333333333334,2,explored +explored-6757,0.6085648148148148,11,explored +explored-6758,0.15000000000000036,12,explored +explored-6759,0.30370370370370403,17,explored +explored-6760,0.5436631944444447,15,explored +explored-6761,0.439027777777778,12,explored +explored-6762,0.6095486111111112,9,explored +explored-6763,0.4632870370370372,11,explored +explored-6764,0.7074652777777779,15,explored +explored-6765,0.44415798611111135,18,explored +explored-6766,0.42500000000000016,13,explored +explored-6767,0.5881250000000002,20,explored +explored-6768,0.2962094907407409,23,explored +explored-6769,0.4336111111111113,13,explored +explored-6770,0.33793402777777815,16,explored +explored-6771,0.5986111111111112,10,explored +explored-6772,0.11875000000000013,15,explored +explored-6773,0.43125000000000013,9,explored +explored-6774,0.7025462962962963,16,explored +explored-6775,0.6970486111111113,7,explored +explored-6776,0.8902777777777777,7,explored +explored-6777,0.37065972222222254,17,explored +explored-6778,0.8208333333333333,2,explored +explored-6779,0.6311342592592594,14,explored +explored-6780,0.3261718750000002,21,explored +explored-6781,0.2752314814814817,17,explored +explored-6782,0.6157986111111113,14,explored +explored-6783,0.4760416666666669,9,explored +explored-6784,0.6764236111111113,49,explored +explored-6785,0.7244791666666668,8,explored +explored-6786,0.5928819444444445,11,explored +explored-6787,0.4631944444444447,12,explored +explored-6788,0.585763888888889,10,explored +explored-6789,0.6763020833333334,8,explored +explored-6790,0.7992187500000001,6,explored +explored-6791,0.5362500000000001,11,explored +explored-6792,0.5239583333333335,16,explored +explored-6793,0.40920138888888913,19,explored +explored-6794,0.6505208333333333,5,explored +explored-6795,0.6515625,8,explored +explored-6796,0.262644675925926,20,explored +explored-6797,0.6479629629629631,6,explored +explored-6798,0.3476562500000002,25,explored +explored-6799,0.6566695601851853,45,explored +explored-6800,0.5351562500000002,7,explored +explored-6801,0.17916666666666703,11,explored +explored-6802,0.726388888888889,10,explored +explored-6803,0.4877604166666669,7,explored +explored-6804,0.500144675925926,15,explored +explored-6805,0.7150000000000001,5,explored +explored-6806,0.19062500000000027,12,explored +explored-6807,0.6909722222222222,9,explored +explored-6808,0.5398611111111113,15,explored +explored-6809,0.7444444444444445,11,explored +explored-6810,0.23680555555555594,17,explored +explored-6811,0.588888888888889,10,explored +explored-6812,0.38536458333333345,20,explored +explored-6813,0.4087557870370372,21,explored +explored-6814,0.22430555555555576,17,explored +explored-6815,0.549652777777778,13,explored +explored-6816,0.4897569444444445,22,explored +explored-6817,0.35416666666666685,9,explored +explored-6818,0.4083333333333333,11,explored +explored-6819,0.5755208333333333,12,explored +explored-6820,0.29947916666666696,16,explored +explored-6821,0.6309895833333334,7,explored +explored-6822,0.3953125000000002,22,explored +explored-6823,0.6501736111111112,12,explored +explored-6824,0.4310763888888891,11,explored +explored-6825,0.6269097222222224,13,explored +explored-6826,0.615763888888889,9,explored +explored-6827,0.5281250000000001,14,explored +explored-6828,0.48495370370370383,10,explored +explored-6829,0.6950195932539683,40,explored +explored-6830,0.5606770833333334,23,explored +explored-6831,0.5463541666666668,6,explored +explored-6832,0.2812500000000001,19,explored +explored-6833,0.6144097222222223,13,explored +explored-6834,0.3104166666666669,12,explored +explored-6835,0.3750520833333335,13,explored +explored-6836,0.5187500000000002,12,explored +explored-6837,0.36822916666666683,12,explored +explored-6838,0.6984375,15,explored +explored-6839,0.6187500000000001,7,explored +explored-6840,0.4809895833333333,14,explored +explored-6841,0.30677083333333355,20,explored +explored-6842,0.5688078703703705,13,explored +explored-6843,0.6074652777777779,11,explored +explored-6844,0.22187500000000027,13,explored +explored-6845,0.5833333333333337,6,explored +explored-6846,0.805625,2,explored +explored-6847,0.7243055555555556,9,explored +explored-6848,0.4780381944444445,12,explored +explored-6849,0.6817708333333334,9,explored +explored-6850,0.6423032407407409,9,explored +explored-6851,0.44062500000000016,18,explored +explored-6852,0.36675347222222254,15,explored +explored-6853,0.6649739583333334,32,explored +explored-6854,0.6207754629629632,9,explored +explored-6855,0.7923611111111112,7,explored +explored-6856,0.48220486111111127,18,explored +explored-6857,0.5231597222222224,10,explored +explored-6858,0.7315943287037038,13,explored +explored-6859,0.7334910714285715,39,explored +explored-6860,0.4305555555555558,8,explored +explored-6861,0.5890625,7,explored +explored-6862,0.7798437500000001,6,explored +explored-6863,0.5421875,12,explored +explored-6864,0.5451388888888888,10,explored +explored-6865,0.6671006944444446,6,explored +explored-6866,0.39635416666666656,13,explored +explored-6867,0.5640625000000001,6,explored +explored-6868,0.7763020833333334,6,explored +explored-6869,0.36848958333333337,16,explored +explored-6870,0.38645833333333357,16,explored +explored-6871,0.5987557870370371,12,explored +explored-6872,0.8006944444444444,8,explored +explored-6873,0.5322916666666668,7,explored +explored-6874,0.15486111111111134,19,explored +explored-6875,0.3944444444444446,19,explored +explored-6876,0.404166666666667,11,explored +explored-6877,0.42881944444444464,19,explored +explored-6878,0.5840567129629631,16,explored +explored-6879,0.7355902777777779,9,explored +explored-6880,0.4664583333333334,9,explored +explored-6881,0.6417708333333334,12,explored +explored-6882,0.4607638888888891,14,explored +explored-6883,0.6143229166666668,14,explored +explored-6884,0.1921875000000004,11,explored +explored-6885,0.42442129629629655,17,explored +explored-6886,0.3012152777777781,17,explored +explored-6887,0.5647916666666668,19,explored +explored-6888,0.32875578703703734,21,explored +explored-6889,0.4143229166666669,21,explored +explored-6890,0.34583333333333344,16,explored +explored-6891,0.45775462962962976,20,explored +explored-6892,0.61640625,7,explored +explored-6893,0.5620659722222224,12,explored +explored-6894,0.28281250000000013,16,explored +explored-6895,0.7265104166666667,30,explored +explored-6896,0.5527777777777779,13,explored +explored-6897,0.7041666666666666,22,explored +explored-6898,0.5381944444444446,15,explored +explored-6899,0.6346180555555556,10,explored +explored-6900,0.8208333333333333,2,explored +explored-6901,0.34826388888888915,14,explored +explored-6902,0.3203125000000002,12,explored +explored-6903,0.6767910879629631,37,explored +explored-6904,0.3875000000000002,19,explored +explored-6905,0.2880208333333336,17,explored +explored-6906,0.2562500000000003,9,explored +explored-6907,0.7489872685185186,11,explored +explored-6908,0.3363715277777781,15,explored +explored-6909,0.6669560185185186,17,explored +explored-6910,0.3250000000000002,21,explored +explored-6911,0.3286458333333335,13,explored +explored-6912,0.338888888888889,22,explored +explored-6913,0.38680555555555574,15,explored +explored-6914,0.47971643518518536,18,explored +explored-6915,0.19201388888888915,14,explored +explored-6916,0.45182291666666663,13,explored +explored-6917,0.4829861111111112,21,explored +explored-6918,0.3597656250000002,19,explored +explored-6919,0.5694444444444445,8,explored +explored-6920,0.6584490740740742,12,explored +explored-6921,0.5432291666666669,10,explored +explored-6922,0.76875,2,explored +explored-6923,0.5739583333333333,10,explored +explored-6924,0.8026041666666667,5,explored +explored-6925,0.4638020833333334,13,explored +explored-6926,0.41232638888888906,12,explored +explored-6927,0.47135416666666685,6,explored +explored-6928,0.39218750000000036,8,explored +explored-6929,0.39019097222222243,22,explored +explored-6930,0.6517187500000001,42,explored +explored-6931,0.7070138888888889,9,explored +explored-6932,0.28437500000000027,18,explored +explored-6933,0.54375,8,explored +explored-6934,0.3571875000000002,12,explored +explored-6935,0.36750000000000016,13,explored +explored-6936,0.556076388888889,14,explored +explored-6937,0.5887847222222224,13,explored +explored-6938,0.5365451388888891,24,explored +explored-6939,0.69453125,8,explored +explored-6940,0.4859375,6,explored +explored-6941,0.5100694444444447,12,explored +explored-6942,0.4929687500000002,9,explored +explored-6943,0.42500000000000027,8,explored +explored-6944,0.38055555555555587,11,explored +explored-6945,0.5941840277777778,16,explored +explored-6946,0.7430555555555556,7,explored +explored-6947,0.3275000000000001,17,explored +explored-6948,0.5842592592592594,13,explored +explored-6949,0.5083333333333336,8,explored +explored-6950,0.42070312499999996,13,explored +explored-6951,0.3953125000000002,12,explored +explored-6952,0.6539351851851851,10,explored +explored-6953,0.46302083333333355,7,explored +explored-6954,0.632465277777778,6,explored +explored-6955,0.6764930555555556,6,explored +explored-6956,0.5432291666666669,9,explored +explored-6957,0.6031250000000001,6,explored +explored-6958,0.7331597222222221,12,explored +explored-6959,0.35703125000000036,16,explored +explored-6960,0.6111400462962964,13,explored +explored-6961,0.1312500000000003,14,explored +explored-6962,0.3954861111111113,19,explored +explored-6963,0.6239583333333334,7,explored +explored-6964,0.3681134259259261,25,explored +explored-6965,0.1869791666666667,20,explored +explored-6966,0.5908854166666668,8,explored +explored-6967,0.5151041666666669,14,explored +explored-6968,0.6855902777777779,11,explored +explored-6969,0.6636458333333335,6,explored +explored-6970,0.8,7,explored +explored-6971,0.5701302083333335,15,explored +explored-6972,0.44114583333333346,17,explored +explored-6973,0.2651041666666669,13,explored +explored-6974,0.6958333333333333,6,explored +explored-6975,0.6281250000000002,10,explored +explored-6976,0.3633333333333336,16,explored +explored-6977,0.5413194444444446,11,explored +explored-6978,0.7196609623015874,43,explored +explored-6979,0.4604166666666668,11,explored +explored-6980,0.770920138888889,9,explored +explored-6981,0.601388888888889,12,explored +explored-6982,2.220446049250313e-16,14,explored +explored-6983,0.6479166666666667,6,explored +explored-6984,0.2854166666666669,12,explored +explored-6985,0.5243055555555556,9,explored +explored-6986,0.5623611111111113,16,explored +explored-6987,0.3689814814814816,22,explored +explored-6988,0.7640625,15,explored +explored-6989,0.75,12,explored +explored-6990,0.2826388888888891,14,explored +explored-6991,0.5424334490740742,16,explored +explored-6992,0.3270833333333333,10,explored +explored-6993,0.596701388888889,13,explored +explored-6994,0.6496990740740742,10,explored +explored-6995,0.5682870370370372,11,explored +explored-6996,0.3034722222222226,17,explored +explored-6997,0.7039062500000002,6,explored +explored-6998,0.3875000000000002,10,explored +explored-6999,0.2506944444444448,12,explored +explored-7000,0.6077835648148149,10,explored +explored-7001,0.20260416666666692,14,explored +explored-7002,0.25642361111111145,14,explored +explored-7003,0.5707175925925927,16,explored +explored-7004,0.6643923611111112,38,explored +explored-7005,0.3843171296296297,20,explored +explored-7006,0.44939236111111125,28,explored +explored-7007,0.5930844907407409,19,explored +explored-7008,0.3694444444444447,22,explored +explored-7009,0.4832899305555558,16,explored +explored-7010,0.7440972222222223,14,explored +explored-7011,0.38532986111111134,14,explored +explored-7012,0.5781250000000002,15,explored +explored-7013,0.6137152777777779,11,explored +explored-7014,0.5642708333333334,8,explored +explored-7015,0.3577083333333335,24,explored +explored-7016,0.44791666666666685,10,explored +explored-7017,0.4326041666666669,16,explored +explored-7018,0.3659722222222226,11,explored +explored-7019,0.6640625,26,explored +explored-7020,0.6319212962962963,16,explored +explored-7021,0.3398437500000001,25,explored +explored-7022,0.644652777777778,7,explored +explored-7023,0.5220486111111112,17,explored +explored-7024,0.5378472222222224,8,explored +explored-7025,0.515277777777778,15,explored +explored-7026,0.2826388888888891,13,explored +explored-7027,0.48125000000000007,11,explored +explored-7028,0.4853298611111113,17,explored +explored-7029,0.3324652777777778,12,explored +explored-7030,0.6617187500000001,9,explored +explored-7031,0.5782291666666668,15,explored +explored-7032,0.49236111111111125,8,explored +explored-7033,0.4789930555555557,18,explored +explored-7034,0.6970052083333335,19,explored +explored-7035,0.4800520833333335,10,explored +explored-7036,0.6840277777777779,14,explored +explored-7037,0.4116319444444446,20,explored +explored-7038,0.6302083333333335,6,explored +explored-7039,0.3979166666666668,12,explored +explored-7040,0.42552083333333324,12,explored +explored-7041,0.5996527777777779,11,explored +explored-7042,0.5578993055555558,15,explored +explored-7043,0.5287615740740743,17,explored +explored-7044,0.601545138888889,16,explored +explored-7045,0.225572916666667,20,explored +explored-7046,0.2786458333333335,16,explored +explored-7047,0.4296875,9,explored +explored-7048,0.35807291666666685,17,explored +explored-7049,0.37230902777777797,24,explored +explored-7050,0.5152083333333335,11,explored +explored-7051,0.5604166666666668,9,explored +explored-7052,0.6184895833333333,16,explored +explored-7053,0.5447916666666668,13,explored +explored-7054,0.7076388888888889,14,explored +explored-7055,0.2905960648148149,18,explored +explored-7056,0.3479166666666669,20,explored +explored-7057,0.4031250000000003,7,explored +explored-7058,0.4524305555555558,17,explored +explored-7059,0.6577256944444446,11,explored +explored-7060,0.5523611111111113,13,explored +explored-7061,0.7121875000000001,3,explored +explored-7062,0.710505787037037,32,explored +explored-7063,0.3958333333333335,16,explored +explored-7064,0.18750000000000022,14,explored +explored-7065,0.4702256944444446,15,explored +explored-7066,0.587152777777778,8,explored +explored-7067,0.2888888888888892,11,explored +explored-7068,0.4979166666666668,9,explored +explored-7069,0.6177083333333335,12,explored +explored-7070,0.3852430555555557,12,explored +explored-7071,0.6000000000000002,13,explored +explored-7072,0.7038622685185186,37,explored +explored-7073,0.7328819444444445,4,explored +explored-7074,0.7508680555555556,9,explored +explored-7075,0.368420138888889,18,explored +explored-7076,0.5822916666666669,4,explored +explored-7077,0.590277777777778,8,explored +explored-7078,0.22968750000000016,16,explored +explored-7079,0.7161458333333335,9,explored +explored-7080,0.6284722222222222,11,explored +explored-7081,0.4819444444444446,15,explored +explored-7082,0.29791666666666705,10,explored +explored-7083,0.33402777777777815,14,explored +explored-7084,0.42499999999999993,9,explored +explored-7085,0.6334201388888889,10,explored +explored-7086,0.33020833333333355,18,explored +explored-7087,0.2967013888888891,17,explored +explored-7088,0.33715277777777797,18,explored +explored-7089,0.38978587962962985,25,explored +explored-7090,0.6135156250000001,19,explored +explored-7091,0.315277777777778,12,explored +explored-7092,0.4046875000000001,20,explored +explored-7093,0.45052083333333337,15,explored +explored-7094,0.42057291666666685,11,explored +explored-7095,0.7479166666666667,10,explored +explored-7096,0.23125000000000018,13,explored +explored-7097,0.432638888888889,14,explored +explored-7098,0.6005208333333335,14,explored +explored-7099,0.7465277777777779,9,explored +explored-7100,0.7166666666666668,6,explored +explored-7101,0.47239583333333346,16,explored +explored-7102,0.6479166666666667,8,explored +explored-7103,0.08541666666666692,14,explored +explored-7104,0.5430671296296297,17,explored +explored-7105,0.43084490740740755,18,explored +explored-7106,0.294791666666667,22,explored +explored-7107,0.6456597222222222,6,explored +explored-7108,0.2975694444444448,17,explored +explored-7109,0.6529600694444445,31,explored +explored-7110,0.44843750000000004,18,explored +explored-7111,0.24704861111111132,12,explored +explored-7112,0.5443576388888891,16,explored +explored-7113,0.5135127314814816,22,explored +explored-7114,0.5116666666666668,11,explored +explored-7115,0.5006944444444447,11,explored +explored-7116,0.4488541666666668,10,explored +explored-7117,0.5951388888888889,11,explored +explored-7118,0.5727430555555557,14,explored +explored-7119,0.393576388888889,12,explored +explored-7120,0.43333333333333357,8,explored +explored-7121,0.4903472222222224,19,explored +explored-7122,0.4394097222222224,16,explored +explored-7123,0.5750000000000002,6,explored +explored-7124,0.24675925925925934,21,explored +explored-7125,0.45416666666666683,13,explored +explored-7126,0.5197916666666668,11,explored +explored-7127,0.6668981481481481,16,explored +explored-7128,0.3750000000000002,8,explored +explored-7129,0.5489583333333334,9,explored +explored-7130,0.38385416666666683,19,explored +explored-7131,0.7119791666666668,3,explored +explored-7132,0.8356770833333333,8,explored +explored-7133,0.6106770833333335,14,explored +explored-7134,0.5231770833333333,11,explored +explored-7135,0.456666666666667,22,explored +explored-7136,0.6390625000000001,14,explored +explored-7137,0.361666666666667,14,explored +explored-7138,0.43090277777777797,19,explored +explored-7139,0.49375000000000036,5,explored +explored-7140,0.6941840277777778,11,explored +explored-7141,0.6822337962962963,10,explored +explored-7142,0.5583333333333333,6,explored +explored-7143,0.590451388888889,4,explored +explored-7144,0.4496961805555557,19,explored +explored-7145,0.7102430555555557,9,explored +explored-7146,0.4711805555555557,14,explored +explored-7147,0.6583333333333333,7,explored +explored-7148,0.35668402777777797,19,explored +explored-7149,0.7056944444444445,12,explored +explored-7150,0.7604166666666666,6,explored +explored-7151,0.5704861111111112,9,explored +explored-7152,0.7061168154761905,42,explored +explored-7153,0.2513888888888891,17,explored +explored-7154,0.6282986111111112,8,explored +explored-7155,0.21736111111111123,13,explored +explored-7156,0.3953125000000002,15,explored +explored-7157,0.56171875,10,explored +explored-7158,0.44635416666666683,12,explored +explored-7159,0.7222881944444445,25,explored +explored-7160,0.7039062500000001,8,explored +explored-7161,0.36059027777777797,19,explored +explored-7162,0.7125000000000001,6,explored +explored-7163,0.3876157407407409,18,explored +explored-7164,0.4926359953703705,18,explored +explored-7165,0.38671875000000033,10,explored +explored-7166,0.7096221064814816,34,explored +explored-7167,0.5437500000000002,10,explored +explored-7168,0.6718750000000002,9,explored +explored-7169,0.35203125000000013,19,explored +explored-7170,0.6959490740740741,10,explored +explored-7171,0.6260329861111112,13,explored +explored-7172,0.26822916666666696,17,explored +explored-7173,0.5131944444444447,9,explored +explored-7174,0.7064930555555556,7,explored +explored-7175,0.25555555555555576,14,explored +explored-7176,0.5986111111111112,17,explored +explored-7177,0.4545138888888891,16,explored +explored-7178,0.26736111111111127,16,explored +explored-7179,0.605763888888889,17,explored +explored-7180,0.6812500000000001,8,explored +explored-7181,0.394965277777778,11,explored +explored-7182,0.49432291666666683,15,explored +explored-7183,0.5222222222222224,12,explored +explored-7184,0.5572916666666669,10,explored +explored-7185,0.5071180555555557,8,explored +explored-7186,0.41770833333333346,7,explored +explored-7187,0.6515625,10,explored +explored-7188,0.26388888888888906,11,explored +explored-7189,0.5770254629629631,10,explored +explored-7190,0.6377430555555557,18,explored +explored-7191,0.2541666666666669,10,explored +explored-7192,0.6244270833333335,14,explored +explored-7193,0.6321469907407409,8,explored +explored-7194,0.35416666666666674,12,explored +explored-7195,0.6016493055555556,17,explored +explored-7196,0.45078125000000013,11,explored +explored-7197,0.35520833333333357,18,explored +explored-7198,0.5796875000000001,8,explored +explored-7199,0.37555555555555586,16,explored +explored-7200,0.7630208333333335,4,explored +explored-7201,0.4166203703703707,16,explored +explored-7202,0.3400000000000002,12,explored +explored-7203,0.4458333333333332,11,explored +explored-7204,0.6802083333333335,4,explored +explored-7205,0.5117187500000002,13,explored +explored-7206,0.20182291666666696,18,explored +explored-7207,0.6458333333333335,4,explored +explored-7208,0.3130208333333335,13,explored +explored-7209,0.19947916666666687,15,explored +explored-7210,0.6901909722222224,10,explored +explored-7211,0.642013888888889,5,explored +explored-7212,0.7500000000000001,7,explored +explored-7213,0.5666666666666667,9,explored +explored-7214,0.29791666666666683,14,explored +explored-7215,0.5847222222222224,16,explored +explored-7216,0.48359375000000016,12,explored +explored-7217,0.3588541666666669,16,explored +explored-7218,0.5979166666666668,9,explored +explored-7219,0.9020833333333333,1,explored +explored-7220,0.37656250000000024,14,explored +explored-7221,0.6312500000000002,14,explored +explored-7222,0.6345775462962965,12,explored +explored-7223,0.4472222222222224,9,explored +explored-7224,0.6243055555555557,13,explored +explored-7225,0.377777777777778,13,explored +explored-7226,0.7104166666666667,5,explored +explored-7227,0.588715277777778,16,explored +explored-7228,0.5114583333333333,11,explored +explored-7229,0.6909722222222223,10,explored +explored-7230,0.6323784722222223,17,explored +explored-7231,0.5114583333333335,7,explored +explored-7232,0.46779513888888913,19,explored +explored-7233,0.36536458333333355,16,explored +explored-7234,0.6255208333333333,8,explored +explored-7235,0.697633101851852,21,explored +explored-7236,0.5483333333333336,7,explored +explored-7237,0.5116319444444446,12,explored +explored-7238,0.21345486111111145,23,explored +explored-7239,0.6689930555555557,7,explored +explored-7240,0.39861111111111147,11,explored +explored-7241,0.16770833333333357,11,explored +explored-7242,0.4896990740740742,25,explored +explored-7243,0.4052083333333336,9,explored +explored-7244,0.29704861111111147,17,explored +explored-7245,0.4690393518518521,17,explored +explored-7246,0.4682291666666669,14,explored +explored-7247,0.5755208333333335,10,explored +explored-7248,0.4099826388888891,18,explored +explored-7249,0.35911458333333346,23,explored +explored-7250,0.18333333333333357,18,explored +explored-7251,0.40112847222222237,13,explored +explored-7252,0.26093750000000016,16,explored +explored-7253,0.5739583333333336,17,explored +explored-7254,0.18402777777777812,15,explored +explored-7255,0.6374149305555556,16,explored +explored-7256,2.220446049250313e-16,13,explored +explored-7257,0.7481493055555556,27,explored +explored-7258,0.10069444444444464,22,explored +explored-7259,0.29079861111111127,17,explored +explored-7260,0.7703125000000001,11,explored +explored-7261,0.3886574074074076,14,explored +explored-7262,0.32285879629629655,19,explored +explored-7263,0.42527777777777787,16,explored +explored-7264,0.41276041666666674,10,explored +explored-7265,0.5851388888888891,12,explored +explored-7266,0.6085474537037039,19,explored +explored-7267,0.43715277777777817,20,explored +explored-7268,0.627951388888889,7,explored +explored-7269,0.3850694444444447,17,explored +explored-7270,0.5114583333333333,7,explored +explored-7271,0.6986458333333334,9,explored +explored-7272,0.6367187500000001,10,explored +explored-7273,0.2972800925925928,22,explored +explored-7274,0.24479166666666696,11,explored +explored-7275,0.6470775462962964,12,explored +explored-7276,0.6946759259259261,9,explored +explored-7277,0.347916666666667,11,explored +explored-7278,0.3979166666666669,10,explored +explored-7279,0.6543402777777779,14,explored +explored-7280,0.47187499999999993,9,explored +explored-7281,0.6002604166666669,4,explored +explored-7282,0.5201388888888892,15,explored +explored-7283,0.3968750000000002,20,explored +explored-7284,0.42239583333333375,10,explored +explored-7285,0.5546875000000001,6,explored +explored-7286,0.6852430555555556,10,explored +explored-7287,0.526851851851852,28,explored +explored-7288,0.4687500000000002,11,explored +explored-7289,0.5753472222222223,12,explored +explored-7290,0.18567708333333355,19,explored +explored-7291,0.4514467592592595,17,explored +explored-7292,0.3995833333333336,22,explored +explored-7293,0.34184027777777803,15,explored +explored-7294,0.5927083333333333,11,explored +explored-7295,0.5195312500000002,7,explored +explored-7296,0.057812500000000266,15,explored +explored-7297,0.4320312500000003,13,explored +explored-7298,0.43515625000000036,17,explored +explored-7299,0.5039062500000001,23,explored +explored-7300,0.49664351851851873,22,explored +explored-7301,0.5724826388888891,12,explored +explored-7302,0.4187500000000002,12,explored +explored-7303,0.46835937500000013,18,explored +explored-7304,0.8805555555555555,4,explored +explored-7305,0.6587962962962964,12,explored +explored-7306,0.6027777777777779,7,explored +explored-7307,0.4357696759259261,24,explored +explored-7308,0.6917513227513228,30,explored +explored-7309,0.601851851851852,7,explored +explored-7310,0.6678009259259261,41,explored +explored-7311,0.6208333333333335,7,explored +explored-7312,0.7206250000000001,9,explored +explored-7313,0.47734375000000007,11,explored +explored-7314,0.5202430555555557,15,explored +explored-7315,0.32734375000000016,12,explored +explored-7316,0.4583333333333335,13,explored +explored-7317,0.5477430555555557,11,explored +explored-7318,0.6756944444444444,8,explored +explored-7319,0.5347222222222223,9,explored +explored-7320,0.4661458333333335,13,explored +explored-7321,0.2914930555555557,24,explored +explored-7322,0.3885416666666669,16,explored +explored-7323,0.6882812500000002,8,explored +explored-7324,0.6995523313492065,46,explored +explored-7325,0.2185763888888892,11,explored +explored-7326,0.3171875000000003,18,explored +explored-7327,0.7604166666666666,3,explored +explored-7328,0.5347222222222223,7,explored +explored-7329,0.604195601851852,19,explored +explored-7330,0.6903645833333334,6,explored +explored-7331,0.4432291666666669,9,explored +explored-7332,0.6231481481481482,22,explored +explored-7333,0.5226128472222223,18,explored +explored-7334,0.6718750000000002,7,explored +explored-7335,0.495138888888889,11,explored +explored-7336,0.5083333333333334,9,explored +explored-7337,0.3933159722222226,14,explored +explored-7338,0.6980902777777779,9,explored +explored-7339,0.2269097222222225,12,explored +explored-7340,0.37326388888888906,13,explored +explored-7341,0.5241319444444446,15,explored +explored-7342,0.7178125000000001,7,explored +explored-7343,0.4812500000000002,15,explored +explored-7344,0.40208333333333357,17,explored +explored-7345,0.41527777777777797,10,explored +explored-7346,0.5747685185185186,12,explored +explored-7347,0.5347222222222224,11,explored +explored-7348,0.5175781250000002,24,explored +explored-7349,0.411805555555556,21,explored +explored-7350,0.5550000000000002,12,explored +explored-7351,0.6039930555555556,9,explored +explored-7352,0.3026041666666669,26,explored +explored-7353,0.7625868055555556,7,explored +explored-7354,0.7357638888888889,6,explored +explored-7355,0.6655208333333335,16,explored +explored-7356,0.40300925925925946,20,explored +explored-7357,0.6340277777777779,3,explored +explored-7358,0.2234375000000003,15,explored +explored-7359,0.7894097222222223,7,explored +explored-7360,0.5903645833333334,7,explored +explored-7361,0.5448784722222224,9,explored +explored-7362,0.40000000000000013,13,explored +explored-7363,0.8126388888888889,4,explored +explored-7364,0.5643518518518519,21,explored +explored-7365,0.4403645833333335,19,explored +explored-7366,0.5417708333333335,10,explored +explored-7367,0.7927777777777778,7,explored +explored-7368,0.2171006944444447,16,explored +explored-7369,0.5972222222222224,6,explored +explored-7370,0.597945601851852,11,explored +explored-7371,0.6746527777777779,4,explored +explored-7372,0.611701388888889,9,explored +explored-7373,0.346527777777778,18,explored +explored-7374,0.5300347222222224,10,explored +explored-7375,0.3104166666666668,12,explored +explored-7376,0.2587962962962965,22,explored +explored-7377,0.6562500000000001,7,explored +explored-7378,0.4046875000000002,18,explored +explored-7379,0.4554687500000002,11,explored +explored-7380,0.5666666666666668,14,explored +explored-7381,0.25069444444444466,15,explored +explored-7382,0.2585937500000004,19,explored +explored-7383,0.48567708333333337,16,explored +explored-7384,0.4768055555555557,13,explored +explored-7385,0.54296875,16,explored +explored-7386,0.5287037037037039,13,explored +explored-7387,0.35468750000000027,19,explored +explored-7388,0.3670138888888892,16,explored +explored-7389,0.34392361111111147,19,explored +explored-7390,0.6679687500000002,4,explored +explored-7391,0.40937500000000016,9,explored +explored-7392,0.24218750000000022,18,explored +explored-7393,0.5733796296296299,17,explored +explored-7394,0.5157291666666669,17,explored +explored-7395,0.649826388888889,10,explored +explored-7396,0.2562500000000003,7,explored +explored-7397,0.6044270833333333,9,explored +explored-7398,0.5966666666666669,11,explored +explored-7399,0.6720833333333334,5,explored +explored-7400,0.7590277777777779,12,explored +explored-7401,0.5942708333333334,13,explored +explored-7402,0.402777777777778,16,explored +explored-7403,0.4587962962962965,13,explored +explored-7404,0.4080729166666669,15,explored +explored-7405,0.7125000000000001,11,explored +explored-7406,0.30416666666666714,13,explored +explored-7407,0.75,11,explored +explored-7408,0.6089583333333335,10,explored +explored-7409,0.7957465277777778,13,explored +explored-7410,0.6427083333333335,3,explored +explored-7411,0.7609375,4,explored +explored-7412,0.33032407407407427,20,explored +explored-7413,0.7202546296296297,5,explored +explored-7414,0.7213541666666667,9,explored +explored-7415,0.42986111111111136,15,explored +explored-7416,0.3656250000000003,20,explored +explored-7417,0.2034722222222225,17,explored +explored-7418,2.220446049250313e-16,16,explored +explored-7419,0.6950520833333335,9,explored +explored-7420,0.3203125000000002,19,explored +explored-7421,0.7043981481481482,16,explored +explored-7422,0.21484375000000022,13,explored +explored-7423,0.5528993055555558,14,explored +explored-7424,0.7450520833333334,7,explored +explored-7425,0.6477430555555557,17,explored +explored-7426,0.34479166666666705,15,explored +explored-7427,0.3362847222222224,20,explored +explored-7428,0.5031510416666668,19,explored +explored-7429,0.7127604166666668,10,explored +explored-7430,0.22968750000000016,17,explored +explored-7431,0.4421875000000002,13,explored +explored-7432,0.7232638888888889,8,explored +explored-7433,0.3236111111111114,9,explored +explored-7434,0.7105849041005292,32,explored +explored-7435,0.4388888888888891,17,explored +explored-7436,0.50625,7,explored +explored-7437,0.6383680555555556,8,explored +explored-7438,0.7559027777777778,11,explored +explored-7439,0.6059895833333334,8,explored +explored-7440,0.5201388888888892,12,explored +explored-7441,0.4046875000000002,13,explored +explored-7442,0.5797048611111113,13,explored +explored-7443,0.3826967592592594,18,explored +explored-7444,0.6688657407407409,7,explored +explored-7445,0.146354166666667,13,explored +explored-7446,0.5125000000000002,15,explored +explored-7447,0.5862500000000002,8,explored +explored-7448,0.5897916666666668,12,explored +explored-7449,0.38680555555555585,11,explored +explored-7450,0.2171875000000003,17,explored +explored-7451,0.28333333333333366,10,explored +explored-7452,0.479965277777778,14,explored +explored-7453,0.5926388888888889,10,explored +explored-7454,0.4650520833333335,20,explored +explored-7455,0.6036458333333335,9,explored +explored-7456,0.7616666666666667,8,explored +explored-7457,0.6375000000000001,7,explored +explored-7458,0.29270833333333346,22,explored +explored-7459,0.7339554398148149,15,explored +explored-7460,0.31406250000000036,12,explored +explored-7461,0.2743055555555559,11,explored +explored-7462,0.653347800925926,41,explored +explored-7463,0.315842013888889,18,explored +explored-7464,0.3359375000000002,13,explored +explored-7465,0.6903645833333334,9,explored +explored-7466,0.7539351851851852,12,explored +explored-7467,0.301041666666667,11,explored +explored-7468,0.5005208333333335,15,explored +explored-7469,0.4148437500000004,15,explored +explored-7470,0.7546875000000002,8,explored +explored-7471,0.6838541666666668,8,explored +explored-7472,0.7664062500000001,6,explored +explored-7473,0.7305555555555555,5,explored +explored-7474,0.28333333333333366,7,explored +explored-7475,0.34670138888888924,17,explored +explored-7476,0.5784722222222222,12,explored +explored-7477,0.5661458333333335,15,explored +explored-7478,0.6328472222222223,11,explored +explored-7479,0.7003472222222222,8,explored +explored-7480,0.6595486111111113,7,explored +explored-7481,0.5587962962962965,15,explored +explored-7482,0.44687500000000036,13,explored +explored-7483,0.5895833333333333,13,explored +explored-7484,0.3319444444444446,16,explored +explored-7485,0.5106944444444446,9,explored +explored-7486,0.36302083333333357,9,explored +explored-7487,0.6252777777777778,12,explored +explored-7488,0.18750000000000022,18,explored +explored-7489,0.71796875,17,explored +explored-7490,0.6429687500000001,9,explored +explored-7491,0.7086516203703704,10,explored +explored-7492,0.5776909722222223,8,explored +explored-7493,0.7036747685185186,12,explored +explored-7494,0.5333680555555557,14,explored +explored-7495,0.7253472222222224,15,explored +explored-7496,0.2968750000000002,16,explored +explored-7497,0.5378472222222221,10,explored +explored-7498,0.5136574074074076,18,explored +explored-7499,0.3125000000000002,10,explored +explored-7500,0.4671875000000002,9,explored +explored-7501,0.5035156250000001,23,explored +explored-7502,0.4593750000000001,13,explored +explored-7503,0.33953993055555576,24,explored +explored-7504,0.524826388888889,18,explored +explored-7505,0.20329861111111147,15,explored +explored-7506,0.6027777777777779,17,explored +explored-7507,0.466666666666667,7,explored +explored-7508,0.6180555555555557,14,explored +explored-7509,0.7630208333333333,6,explored +explored-7510,0.30086805555555585,16,explored +explored-7511,0.7466898148148149,7,explored +explored-7512,0.3148003472222224,22,explored +explored-7513,0.663515625,14,explored +explored-7514,0.4583333333333337,9,explored +explored-7515,0.8054166666666667,5,explored +explored-7516,0.5443402777777779,12,explored +explored-7517,0.5913194444444446,7,explored +explored-7518,0.682170138888889,20,explored +explored-7519,0.441666666666667,5,explored +explored-7520,0.42604166666666676,10,explored +explored-7521,0.6833333333333333,8,explored +explored-7522,0.5833333333333334,4,explored +explored-7523,0.7657864583333334,18,explored +explored-7524,0.526857638888889,18,explored +explored-7525,0.28437500000000027,13,explored +explored-7526,0.8710069444444445,12,explored +explored-7527,0.6711284722222224,15,explored +explored-7528,0.6503472222222223,12,explored +explored-7529,0.6918402777777779,9,explored +explored-7530,0.4871238425925928,25,explored +explored-7531,0.4560763888888888,10,explored +explored-7532,0.5032986111111111,14,explored +explored-7533,0.4828125000000002,14,explored +explored-7534,0.4433593750000002,17,explored +explored-7535,0.696875,15,explored +explored-7536,0.6767737268518519,39,explored +explored-7537,0.7177083333333333,9,explored +explored-7538,0.4550347222222223,8,explored +explored-7539,0.8229166666666667,9,explored +explored-7540,0.47424768518518534,14,explored +explored-7541,0.3428993055555558,18,explored +explored-7542,0.7166666666666668,13,explored +explored-7543,0.38611111111111107,15,explored +explored-7544,0.42734375000000036,19,explored +explored-7545,0.5901041666666668,9,explored +explored-7546,0.6379340277777779,12,explored +explored-7547,0.06093750000000031,13,explored +explored-7548,0.524027777777778,12,explored +explored-7549,0.6303240740740742,23,explored +explored-7550,0.35500578703703733,19,explored +explored-7551,0.247916666666667,11,explored +explored-7552,0.587152777777778,8,explored +explored-7553,0.7998263888888889,10,explored +explored-7554,0.4173321759259261,21,explored +explored-7555,0.24670138888888915,16,explored +explored-7556,0.5750000000000002,12,explored +explored-7557,0.5076388888888891,14,explored +explored-7558,0.42638888888888893,8,explored +explored-7559,0.43177083333333344,9,explored +explored-7560,0.4575520833333334,10,explored +explored-7561,0.4587500000000002,13,explored +explored-7562,0.47867476851851865,19,explored +explored-7563,0.6401041666666667,10,explored +explored-7564,0.08125000000000027,12,explored +explored-7565,0.7534722222222223,4,explored +explored-7566,0.5217592592592594,16,explored +explored-7567,0.48935185185185204,12,explored +explored-7568,0.470769675925926,16,explored +explored-7569,0.566059027777778,14,explored +explored-7570,0.4887152777777779,13,explored +explored-7571,0.479965277777778,16,explored +explored-7572,0.4999131944444446,14,explored +explored-7573,0.45243055555555567,14,explored +explored-7574,0.4447916666666668,23,explored +explored-7575,0.7423958333333335,6,explored +explored-7576,0.6312500000000002,10,explored +explored-7577,0.525462962962963,17,explored +explored-7578,0.4022800925925929,18,explored +explored-7579,0.37031250000000027,15,explored +explored-7580,0.28828125000000016,18,explored +explored-7581,0.5429398148148149,14,explored +explored-7582,0.5961805555555556,9,explored +explored-7583,0.7229166666666668,14,explored +explored-7584,0.4409722222222221,9,explored +explored-7585,0.47187500000000016,20,explored +explored-7586,0.6092013888888891,11,explored +explored-7587,0.6468750000000001,8,explored +explored-7588,0.28046875000000016,12,explored +explored-7589,0.5867187500000002,11,explored +explored-7590,0.2859375000000003,10,explored +explored-7591,0.5722656250000001,17,explored +explored-7592,0.7364459325396826,32,explored +explored-7593,0.6318055555555556,4,explored +explored-7594,0.2500000000000002,18,explored +explored-7595,0.746875,7,explored +explored-7596,0.7668402777777779,14,explored +explored-7597,0.6630787037037038,12,explored +explored-7598,0.7726388888888889,6,explored +explored-7599,0.5588541666666668,9,explored +explored-7600,0.3734375000000003,22,explored +explored-7601,0.6703726851851852,40,explored +explored-7602,0.4986284722222224,18,explored +explored-7603,0.19982638888888915,20,explored +explored-7604,0.49823495370370385,19,explored +explored-7605,0.38342013888888904,19,explored +explored-7606,0.6534375000000001,12,explored +explored-7607,0.5423611111111113,9,explored +explored-7608,0.7743055555555556,11,explored +explored-7609,0.39861111111111147,14,explored +explored-7610,0.6050000000000001,8,explored +explored-7611,0.6076388888888891,11,explored +explored-7612,0.5984375000000002,5,explored +explored-7613,0.433564814814815,20,explored +explored-7614,0.6540625000000002,10,explored +explored-7615,0.17777777777777803,11,explored +explored-7616,0.6053819444444446,13,explored +explored-7617,0.4786458333333333,9,explored +explored-7618,0.5690104166666667,10,explored +explored-7619,0.3646990740740743,22,explored +explored-7620,0.24479166666666685,13,explored +explored-7621,0.7326388888888891,6,explored +explored-7622,0.6052083333333335,7,explored +explored-7623,0.5109895833333336,21,explored +explored-7624,0.6130208333333335,4,explored +explored-7625,0.27609953703703727,21,explored +explored-7626,0.6470486111111112,8,explored +explored-7627,0.3510416666666668,16,explored +explored-7628,0.45627893518518536,17,explored +explored-7629,0.5427083333333333,12,explored +explored-7630,0.5489583333333334,10,explored +explored-7631,0.5131250000000002,8,explored +explored-7632,0.5010416666666668,6,explored +explored-7633,0.21250000000000013,20,explored +explored-7634,0.6303819444444446,6,explored +explored-7635,0.5402777777777781,14,explored +explored-7636,0.30000000000000027,21,explored +explored-7637,0.21250000000000036,17,explored +explored-7638,0.6630787037037038,9,explored +explored-7639,0.2980902777777781,10,explored +explored-7640,0.5618055555555558,8,explored +explored-7641,0.17552083333333357,13,explored +explored-7642,0.5256076388888891,14,explored +explored-7643,0.2562500000000003,22,explored +explored-7644,0.624027777777778,9,explored +explored-7645,0.5979166666666669,6,explored +explored-7646,0.4624421296296297,13,explored +explored-7647,0.6284722222222224,6,explored +explored-7648,0.4285300925925929,15,explored +explored-7649,0.5903645833333335,10,explored +explored-7650,0.6379166666666668,20,explored +explored-7651,0.4722222222222223,17,explored +explored-7652,0.5962500000000002,8,explored +explored-7653,0.6196180555555557,11,explored +explored-7654,0.5227430555555557,13,explored +explored-7655,0.48910011574074086,22,explored +explored-7656,0.662025462962963,29,explored +explored-7657,0.41770833333333357,16,explored +explored-7658,0.19479166666666692,16,explored +explored-7659,0.45763888888888904,17,explored +explored-7660,0.36484375000000013,16,explored +explored-7661,0.5625000000000002,7,explored +explored-7662,0.15787037037037055,18,explored +explored-7663,0.4809895833333335,17,explored +explored-7664,0.7289930555555557,9,explored +explored-7665,0.5409722222222223,15,explored +explored-7666,0.31218171296296315,25,explored +explored-7667,0.40666666666666695,10,explored +explored-7668,0.31250000000000033,11,explored +explored-7669,0.6545138888888891,16,explored +explored-7670,0.6076388888888891,14,explored +explored-7671,0.5390625000000001,7,explored +explored-7672,0.5229166666666669,11,explored +explored-7673,0.5362326388888891,18,explored +explored-7674,0.2406250000000003,16,explored +explored-7675,0.2796875000000001,20,explored +explored-7676,0.7145833333333335,8,explored +explored-7677,0.22864583333333344,15,explored +explored-7678,0.4487557870370372,21,explored +explored-7679,0.4676504629629632,15,explored +explored-7680,0.45815972222222223,15,explored +explored-7681,0.45092592592592606,15,explored +explored-7682,0.49791666666666656,9,explored +explored-7683,0.4932812500000001,17,explored +explored-7684,0.5614583333333335,14,explored +explored-7685,0.5755208333333335,8,explored +explored-7686,0.4822916666666669,18,explored +explored-7687,0.3265625000000002,16,explored +explored-7688,0.6242303240740742,32,explored +explored-7689,0.5467361111111113,8,explored +explored-7690,0.6791666666666667,6,explored +explored-7691,0.713726851851852,3,explored +explored-7692,0.3395833333333337,9,explored +explored-7693,0.3839583333333335,15,explored +explored-7694,0.3138888888888891,19,explored +explored-7695,0.6039149305555557,10,explored +explored-7696,0.625607638888889,13,explored +explored-7697,0.4208912037037038,16,explored +explored-7698,0.4257812500000001,27,explored +explored-7699,0.5354166666666668,15,explored +explored-7700,0.5081944444444446,13,explored +explored-7701,0.4354021990740742,23,explored +explored-7702,0.5227083333333336,15,explored +explored-7703,0.8418402777777778,13,explored +explored-7704,0.7525173611111111,11,explored +explored-7705,0.06510416666666696,14,explored +explored-7706,0.13333333333333353,15,explored +explored-7707,0.8371527777777777,10,explored +explored-7708,0.5125000000000002,9,explored +explored-7709,0.40976562500000024,20,explored +explored-7710,0.6497395833333335,3,explored +explored-7711,0.46250000000000013,10,explored +explored-7712,0.6330729166666669,8,explored +explored-7713,0.2656250000000002,16,explored +explored-7714,0.6619791666666668,5,explored +explored-7715,0.18020833333333353,11,explored +explored-7716,0.29014756944444475,18,explored +explored-7717,0.5046875000000002,23,explored +explored-7718,0.5989583333333335,14,explored +explored-7719,0.48587962962962983,19,explored +explored-7720,0.4912500000000002,10,explored +explored-7721,0.6561776620370372,18,explored +explored-7722,0.1468750000000003,14,explored +explored-7723,0.49184027777777795,13,explored +explored-7724,0.601388888888889,9,explored +explored-7725,0.2562500000000003,8,explored +explored-7726,0.5581597222222222,13,explored +explored-7727,0.5820312500000002,13,explored +explored-7728,0.5473090277777779,17,explored +explored-7729,0.5534722222222225,12,explored +explored-7730,0.25703125000000027,10,explored +explored-7731,0.1692708333333337,16,explored +explored-7732,0.14791666666666692,19,explored +explored-7733,0.5237500000000002,9,explored +explored-7734,0.39861111111111147,12,explored +explored-7735,0.6167361111111113,10,explored +explored-7736,0.4843750000000001,5,explored +explored-7737,0.5031250000000002,12,explored +explored-7738,0.7039930555555556,10,explored +explored-7739,0.3609374999999999,11,explored +explored-7740,0.43281250000000004,16,explored +explored-7741,0.5834490740740742,14,explored +explored-7742,0.36875000000000024,13,explored +explored-7743,0.2564236111111112,18,explored +explored-7744,0.42288773148148184,14,explored +explored-7745,0.5752604166666668,16,explored +explored-7746,0.43515625,10,explored +explored-7747,0.5846354166666667,10,explored +explored-7748,0.3685185185185187,21,explored +explored-7749,0.75,7,explored +explored-7750,0.6493055555555557,7,explored +explored-7751,0.3323784722222224,24,explored +explored-7752,0.7055844907407409,9,explored +explored-7753,0.38802083333333337,7,explored +explored-7754,0.2513888888888892,15,explored +explored-7755,0.35911458333333335,12,explored +explored-7756,0.444809027777778,14,explored +explored-7757,0.17916666666666692,11,explored +explored-7758,0.2953125000000003,17,explored +explored-7759,0.6291666666666667,6,explored +explored-7760,0.43813657407407425,20,explored +explored-7761,0.318229166666667,10,explored +explored-7762,0.44562500000000016,16,explored +explored-7763,0.6665277777777778,11,explored +explored-7764,0.3653645833333333,14,explored +explored-7765,0.6486979166666668,17,explored +explored-7766,0.6773958333333334,9,explored +explored-7767,0.38611111111111107,12,explored +explored-7768,0.42552083333333357,16,explored +explored-7769,0.6985243055555556,12,explored +explored-7770,0.19027777777777788,14,explored +explored-7771,0.6475694444444446,21,explored +explored-7772,0.4779513888888889,14,explored +explored-7773,0.27847222222222234,11,explored +explored-7774,0.5633101851851854,6,explored +explored-7775,0.3562500000000002,15,explored +explored-7776,0.2958333333333336,24,explored +explored-7777,0.6711805555555557,10,explored +explored-7778,0.6115740740740742,5,explored +explored-7779,0.2859375000000004,13,explored +explored-7780,0.6876736111111112,6,explored +explored-7781,0.5817708333333335,9,explored +explored-7782,0.6072916666666667,6,explored +explored-7783,0.5609664351851853,14,explored +explored-7784,0.3127604166666669,19,explored +explored-7785,0.17916666666666703,12,explored +explored-7786,0.5850694444444446,11,explored +explored-7787,0.4152777777777781,20,explored +explored-7788,0.4817708333333335,11,explored +explored-7789,0.18802083333333353,15,explored +explored-7790,0.27699652777777817,28,explored +explored-7791,0.660908564814815,10,explored +explored-7792,0.512543402777778,21,explored +explored-7793,0.8153645833333333,7,explored +explored-7794,0.478125,11,explored +explored-7795,0.48359375000000027,13,explored +explored-7796,0.6628472222222221,15,explored +explored-7797,0.70625,7,explored +explored-7798,0.4065104166666671,10,explored +explored-7799,0.06927083333333361,14,explored +explored-7800,0.42499999999999993,11,explored +explored-7801,0.5562962962962964,18,explored +explored-7802,0.47250000000000014,12,explored +explored-7803,0.778125,7,explored +explored-7804,0.7173177083333334,27,explored +explored-7805,0.5464409722222224,17,explored +explored-7806,0.5997395833333334,12,explored +explored-7807,0.722482638888889,9,explored +explored-7808,0.6228298611111113,8,explored +explored-7809,0.4645833333333337,11,explored +explored-7810,0.6957031250000001,15,explored +explored-7811,0.2729629629629631,21,explored +explored-7812,0.7840277777777779,10,explored +explored-7813,0.34143518518518545,19,explored +explored-7814,0.40781250000000036,14,explored +explored-7815,0.6998842592592593,16,explored +explored-7816,0.3562500000000002,21,explored +explored-7817,0.40046296296296313,18,explored +explored-7818,0.22812500000000013,16,explored +explored-7819,0.46601562500000004,14,explored +explored-7820,0.1687500000000004,11,explored +explored-7821,0.5133796296296298,21,explored +explored-7822,0.5450520833333335,25,explored +explored-7823,0.6704687500000001,14,explored +explored-7824,0.4437500000000002,18,explored +explored-7825,0.2244791666666669,14,explored +explored-7826,0.510127314814815,20,explored +explored-7827,0.5035503472222225,19,explored +explored-7828,0.4553819444444447,22,explored +explored-7829,0.6909722222222222,11,explored +explored-7830,0.4310908564814816,25,explored +explored-7831,0.4545428240740743,20,explored +explored-7832,0.4109375000000002,10,explored +explored-7833,0.20078125000000024,11,explored +explored-7834,0.45850694444444473,13,explored +explored-7835,0.4916666666666667,18,explored +explored-7836,0.4320312500000001,16,explored +explored-7837,0.3845486111111114,9,explored +explored-7838,0.24921875000000016,19,explored +explored-7839,0.5426128472222224,14,explored +explored-7840,0.6046296296296297,15,explored +explored-7841,0.8126736111111112,6,explored +explored-7842,0.5118634259259262,13,explored +explored-7843,0.4305555555555558,13,explored +explored-7844,0.47424768518518534,20,explored +explored-7845,0.5647685185185187,12,explored +explored-7846,0.216666666666667,16,explored +explored-7847,0.6486111111111112,9,explored +explored-7848,0.538888888888889,14,explored +explored-7849,0.40937500000000016,10,explored +explored-7850,0.5616319444444445,7,explored +explored-7851,0.6840277777777779,9,explored +explored-7852,0.5282916666666668,19,explored +explored-7853,0.6075231481481482,9,explored +explored-7854,0.6578125000000001,4,explored +explored-7855,0.6267071759259261,23,explored +explored-7856,0.40636574074074083,18,explored +explored-7857,0.23125000000000018,16,explored +explored-7858,0.2015625000000003,14,explored +explored-7859,0.7388888888888889,11,explored +explored-7860,0.6932418981481483,41,explored +explored-7861,0.5468750000000001,10,explored +explored-7862,0.4633680555555557,19,explored +explored-7863,0.6697916666666668,7,explored +explored-7864,0.2572916666666669,23,explored +explored-7865,0.8041666666666667,12,explored +explored-7866,0.7015625000000001,4,explored +explored-7867,0.5818865740740742,20,explored +explored-7868,0.44149305555555585,12,explored +explored-7869,0.6396875000000001,5,explored +explored-7870,0.39947916666666683,16,explored +explored-7871,0.6839451058201058,37,explored +explored-7872,0.6811805555555556,8,explored +explored-7873,0.5619791666666669,8,explored +explored-7874,0.4423611111111113,19,explored +explored-7875,0.18072916666666705,11,explored +explored-7876,0.700451388888889,22,explored +explored-7877,0.24531250000000027,13,explored +explored-7878,0.39214409722222254,12,explored +explored-7879,0.4384837962962964,20,explored +explored-7880,0.48055555555555585,10,explored +explored-7881,0.7221527777777779,8,explored +explored-7882,0.5633333333333335,8,explored +explored-7883,0.6611111111111112,7,explored +explored-7884,0.6589409722222224,14,explored +explored-7885,0.2972800925925927,22,explored +explored-7886,0.42057291666666696,12,explored +explored-7887,0.5195312500000002,9,explored +explored-7888,0.4321180555555557,15,explored +explored-7889,0.25260416666666696,13,explored +explored-7890,0.5751736111111113,13,explored +explored-7891,0.6673900462962964,18,explored +explored-7892,0.451041666666667,8,explored +explored-7893,0.42843750000000014,10,explored +explored-7894,0.6435329861111112,30,explored +explored-7895,0.535277777777778,16,explored +explored-7896,0.5380208333333336,5,explored +explored-7897,0.2312500000000003,13,explored +explored-7898,0.6880208333333335,5,explored +explored-7899,0.676232638888889,13,explored +explored-7900,0.5845486111111112,10,explored +explored-7901,0.40937500000000004,12,explored +explored-7902,0.5066666666666668,13,explored +explored-7903,0.4736111111111113,17,explored +explored-7904,0.1789930555555559,16,explored +explored-7905,0.2118055555555558,24,explored +explored-7906,0.5939814814814817,11,explored +explored-7907,0.3352430555555559,23,explored +explored-7908,0.4809837962962964,15,explored +explored-7909,0.406180555555556,15,explored +explored-7910,0.32916666666666705,9,explored +explored-7911,0.2625000000000004,18,explored +explored-7912,0.330439814814815,16,explored +explored-7913,0.5260416666666666,9,explored +explored-7914,0.5281770833333335,13,explored +explored-7915,0.7222222222222224,10,explored +explored-7916,0.36284722222222254,18,explored +explored-7917,0.6703993055555557,12,explored +explored-7918,0.6450173611111112,9,explored +explored-7919,0.42500000000000027,13,explored +explored-7920,0.5877604166666668,10,explored +explored-7921,0.6765046296296298,7,explored +explored-7922,0.46388888888888913,8,explored +explored-7923,0.5300347222222224,12,explored +explored-7924,0.6472222222222223,7,explored +explored-7925,0.7085127314814815,21,explored +explored-7926,0.3470486111111112,12,explored +explored-7927,0.4706307870370372,12,explored +explored-7928,0.46250000000000024,12,explored +explored-7929,0.4017361111111113,16,explored +explored-7930,0.3279803240740742,17,explored +explored-7931,0.3958333333333335,15,explored +explored-7932,0.4104166666666669,15,explored +explored-7933,0.6937500000000001,13,explored +explored-7934,0.3007812500000001,14,explored +explored-7935,0.40218750000000014,10,explored +explored-7936,0.28342013888888906,16,explored +explored-7937,0.5874710648148149,16,explored +explored-7938,0.5356597222222224,15,explored +explored-7939,0.2583333333333335,14,explored +explored-7940,0.6371527777777779,5,explored +explored-7941,0.48784722222222243,11,explored +explored-7942,0.3510416666666669,14,explored +explored-7943,0.8525,6,explored +explored-7944,0.6100694444444447,13,explored +explored-7945,0.6827256944444446,10,explored +explored-7946,0.35607638888888893,9,explored +explored-7947,0.3504050925925928,21,explored +explored-7948,0.39861111111111147,15,explored +explored-7949,0.4945312500000003,15,explored +explored-7950,0.7911458333333334,10,explored +explored-7951,0.5900173611111112,15,explored +explored-7952,0.4593750000000003,9,explored +explored-7953,0.5812326388888891,14,explored +explored-7954,0.7236979166666667,22,explored +explored-7955,0.5781250000000002,14,explored +explored-7956,0.6393229166666669,10,explored +explored-7957,0.5066261574074076,15,explored +explored-7958,0.5878472222222224,11,explored +explored-7959,0.11927083333333366,17,explored +explored-7960,0.7591145833333333,8,explored +explored-7961,0.6229166666666668,10,explored +explored-7962,0.5159722222222224,21,explored +explored-7963,0.24201388888888908,16,explored +explored-7964,0.556527777777778,11,explored +explored-7965,0.7125000000000001,5,explored +explored-7966,0.44687500000000013,18,explored +explored-7967,0.6750868055555557,15,explored +explored-7968,0.713888888888889,11,explored +explored-7969,0.6681597222222223,10,explored +explored-7970,0.4916666666666666,14,explored +explored-7971,0.6322569444444446,14,explored +explored-7972,0.5736979166666668,11,explored +explored-7973,0.48836805555555585,15,explored +explored-7974,0.4109375000000002,12,explored +explored-7975,0.5942708333333334,10,explored +explored-7976,0.44661458333333337,9,explored +explored-7977,0.5812037037037039,15,explored +explored-7978,0.35546875000000033,10,explored +explored-7979,0.541840277777778,12,explored +explored-7980,0.17083333333333361,10,explored +explored-7981,0.5797743055555556,11,explored +explored-7982,0.6903645833333334,11,explored +explored-7983,0.5701388888888889,13,explored +explored-7984,0.29305555555555574,18,explored +explored-7985,0.7648437499999999,10,explored +explored-7986,0.4884375000000002,11,explored +explored-7987,0.7162615740740743,15,explored +explored-7988,0.4373842592592595,20,explored +explored-7989,0.6421875000000001,11,explored +explored-7990,0.4259375000000002,23,explored +explored-7991,0.6634647817460317,39,explored +explored-7992,0.5583333333333333,8,explored +explored-7993,0.43223958333333357,24,explored +explored-7994,0.7614583333333333,7,explored +explored-7995,0.690625,9,explored +explored-7996,0.38333333333333364,10,explored +explored-7997,0.5164930555555557,15,explored +explored-7998,0.6269097222222224,14,explored +explored-7999,0.41770833333333346,12,explored +explored-8000,0.6145543981481483,12,explored +explored-8001,0.5276909722222225,18,explored +explored-8002,0.5513888888888889,14,explored +explored-8003,0.6487471064814816,30,explored +explored-8004,0.23489583333333353,13,explored +explored-8005,0.3581134259259261,19,explored +explored-8006,0.18020833333333353,13,explored +explored-8007,0.5383333333333336,12,explored +explored-8008,0.7950086805555556,18,explored +explored-8009,0.3617187500000003,14,explored +explored-8010,0.6879207175925928,25,explored +explored-8011,0.7772569444444446,7,explored +explored-8012,0.6258969907407408,42,explored +explored-8013,0.19166666666666698,14,explored +explored-8014,0.6708333333333334,9,explored +explored-8015,0.4867187500000001,8,explored +explored-8016,0.5037615740740743,16,explored +explored-8017,0.20416666666666683,14,explored +explored-8018,0.5434027777777779,16,explored +explored-8019,0.4527916666666669,18,explored +explored-8020,0.33888888888888924,14,explored +explored-8021,0.3587962962962965,18,explored +explored-8022,0.3645833333333336,24,explored +explored-8023,0.7008101851851853,12,explored +explored-8024,0.6250000000000002,11,explored +explored-8025,0.7019965277777779,9,explored +explored-8026,0.5458333333333335,17,explored +explored-8027,0.3715277777777781,13,explored +explored-8028,0.5421875000000002,10,explored +explored-8029,0.4421875000000002,15,explored +explored-8030,0.6062500000000002,3,explored +explored-8031,0.618576388888889,5,explored +explored-8032,0.4765625000000002,10,explored +explored-8033,0.530746527777778,13,explored +explored-8034,0.48055555555555574,9,explored +explored-8035,0.4692129629629631,15,explored +explored-8036,0.40355902777777797,15,explored +explored-8037,0.5616666666666668,8,explored +explored-8038,0.33906250000000027,14,explored +explored-8039,0.5136111111111114,20,explored +explored-8040,0.6218750000000001,8,explored +explored-8041,0.6430555555555555,9,explored +explored-8042,0.5053819444444447,11,explored +explored-8043,0.7854166666666667,6,explored +explored-8044,0.21093750000000022,11,explored +explored-8045,0.5895312500000002,9,explored +explored-8046,0.3210069444444448,19,explored +explored-8047,0.65625,6,explored +explored-8048,0.32673611111111145,12,explored +explored-8049,0.5234375000000001,15,explored +explored-8050,0.23841145833333366,17,explored +explored-8051,0.5390625000000002,8,explored +explored-8052,0.40746527777777797,12,explored +explored-8053,0.24947916666666692,16,explored +explored-8054,0.6015798611111113,9,explored +explored-8055,0.618732638888889,36,explored +explored-8056,0.5692997685185187,14,explored +explored-8057,0.17916666666666692,14,explored +explored-8058,0.20520833333333344,18,explored +explored-8059,0.3875000000000002,18,explored +explored-8060,0.346701388888889,13,explored +explored-8061,0.6691197916666668,29,explored +explored-8062,0.6132812500000002,8,explored +explored-8063,0.4159722222222225,10,explored +explored-8064,0.5213541666666669,11,explored +explored-8065,0.5720196759259262,13,explored +explored-8066,0.25312500000000027,11,explored +explored-8067,0.7756944444444445,10,explored +explored-8068,0.5912326388888891,16,explored +explored-8069,0.6169270833333335,5,explored +explored-8070,0.2273437500000004,14,explored +explored-8071,0.5695312500000002,9,explored +explored-8072,0.6388888888888891,6,explored +explored-8073,0.5125000000000002,14,explored +explored-8074,0.7062499999999999,6,explored +explored-8075,0.38802083333333337,8,explored +explored-8076,0.5732204861111112,13,explored +explored-8077,0.334809027777778,15,explored +explored-8078,0.6792187500000001,32,explored +explored-8079,0.7125000000000001,4,explored +explored-8080,0.6118055555555557,7,explored +explored-8081,0.3950520833333335,14,explored +explored-8082,0.6233680555555556,16,explored +explored-8083,0.275752314814815,16,explored +explored-8084,0.4121527777777779,7,explored +explored-8085,0.3437500000000002,15,explored +explored-8086,0.6961805555555557,19,explored +explored-8087,0.542013888888889,16,explored +explored-8088,0.42395833333333366,11,explored +explored-8089,0.5173090277777779,20,explored +explored-8090,0.28819444444444475,11,explored +explored-8091,0.6296875000000001,12,explored +explored-8092,0.4081597222222224,20,explored +explored-8093,0.6411458333333333,6,explored +explored-8094,0.6562500000000002,5,explored +explored-8095,0.5808333333333334,11,explored +explored-8096,0.671013888888889,32,explored +explored-8097,0.7107060185185186,29,explored +explored-8098,0.5722222222222224,11,explored +explored-8099,0.43333333333333324,9,explored +explored-8100,0.4987326388888891,22,explored +explored-8101,0.6552951388888891,12,explored +explored-8102,0.5663194444444446,12,explored +explored-8103,0.4930555555555558,10,explored +explored-8104,0.37083333333333357,14,explored +explored-8105,0.6958101851851852,9,explored +explored-8106,0.45763888888888904,11,explored +explored-8107,0.4432870370370372,19,explored +explored-8108,0.46302083333333344,11,explored +explored-8109,0.5579861111111113,10,explored +explored-8110,0.7655092592592593,19,explored +explored-8111,0.31250000000000044,10,explored +explored-8112,0.7257523148148148,34,explored +explored-8113,0.36875000000000013,12,explored +explored-8114,0.6150119047619049,36,explored +explored-8115,0.6267071759259261,11,explored +explored-8116,0.6652760416666668,30,explored +explored-8117,0.5402777777777779,11,explored +explored-8118,0.5276041666666669,11,explored +explored-8119,0.3505208333333336,18,explored +explored-8120,0.4345486111111113,28,explored +explored-8121,0.16718750000000027,14,explored +explored-8122,0.3826388888888892,16,explored +explored-8123,0.5575000000000001,12,explored +explored-8124,0.4604166666666667,16,explored +explored-8125,0.6993055555555556,13,explored +explored-8126,0.7980324074074074,13,explored +explored-8127,0.5029427083333335,17,explored +explored-8128,0.5817708333333335,17,explored +explored-8129,0.5654803240740742,16,explored +explored-8130,0.22916666666666674,16,explored +explored-8131,0.3348379629629632,18,explored +explored-8132,0.6159722222222223,8,explored +explored-8133,0.7155208333333335,4,explored +explored-8134,0.4252314814814817,13,explored +explored-8135,0.49027777777777803,11,explored +explored-8136,0.8447916666666667,2,explored +explored-8137,0.20798611111111132,19,explored +explored-8138,0.4270312500000002,18,explored +explored-8139,0.4587962962962965,20,explored +explored-8140,0.6178819444444446,11,explored +explored-8141,0.43234953703703705,16,explored +explored-8142,0.5661458333333335,6,explored +explored-8143,0.5742187500000002,8,explored +explored-8144,0.1868055555555559,15,explored +explored-8145,0.19843750000000027,17,explored +explored-8146,0.49861111111111145,11,explored +explored-8147,0.5594618055555557,19,explored +explored-8148,0.34375000000000033,8,explored +explored-8149,0.6429687500000001,7,explored +explored-8150,0.4260995370370373,15,explored +explored-8151,0.26875000000000027,18,explored +explored-8152,0.3720486111111113,12,explored +explored-8153,0.31883680555555594,18,explored +explored-8154,0.39218750000000013,7,explored +explored-8155,0.7227430555555556,32,explored +explored-8156,0.6421440972222223,23,explored +explored-8157,0.293229166666667,11,explored +explored-8158,0.5819010416666666,19,explored +explored-8159,0.47430555555555576,12,explored +explored-8160,0.3276041666666669,12,explored +explored-8161,0.5678240740740741,8,explored +explored-8162,0.5976041666666669,8,explored +explored-8163,0.776388888888889,8,explored +explored-8164,0.5728587962962965,17,explored +explored-8165,0.6536458333333335,11,explored +explored-8166,0.418229166666667,13,explored +explored-8167,0.6668055555555557,33,explored +explored-8168,0.6838541666666667,9,explored +explored-8169,0.15868055555555594,19,explored +explored-8170,0.41371527777777783,13,explored +explored-8171,0.4032986111111112,18,explored +explored-8172,0.3812500000000003,5,explored +explored-8173,0.4198784722222223,16,explored +explored-8174,0.5925347222222224,15,explored +explored-8175,0.3359375000000002,8,explored +explored-8176,0.8140625,5,explored +explored-8177,0.5468750000000002,14,explored +explored-8178,0.2776041666666669,16,explored +explored-8179,0.2562500000000003,12,explored +explored-8180,0.2026041666666668,18,explored +explored-8181,0.4320312500000002,11,explored +explored-8182,0.5392708333333335,9,explored +explored-8183,0.4906250000000003,18,explored +explored-8184,0.503125,10,explored +explored-8185,0.4711574074074075,17,explored +explored-8186,0.4350000000000003,14,explored +explored-8187,0.7979166666666666,6,explored +explored-8188,0.49083333333333345,16,explored +explored-8189,0.5794560185185187,11,explored +explored-8190,0.3402777777777779,10,explored +explored-8191,0.4811111111111114,16,explored +explored-8192,0.4573350694444446,14,explored +explored-8193,0.5947048611111112,11,explored +explored-8194,0.5895833333333335,11,explored +explored-8195,0.6123263888888889,7,explored +explored-8196,0.1878472222222225,18,explored +explored-8197,0.3534722222222224,19,explored +explored-8198,0.3714265046296298,20,explored +explored-8199,0.8024305555555555,9,explored +explored-8200,0.7290625,7,explored +explored-8201,0.37083333333333357,14,explored +explored-8202,0.5470486111111112,15,explored +explored-8203,0.5826099537037038,18,explored +explored-8204,0.5373553240740742,13,explored +explored-8205,0.34282407407407434,20,explored +explored-8206,0.66171875,4,explored +explored-8207,0.27656250000000027,11,explored +explored-8208,0.45335069444444465,18,explored +explored-8209,0.3536111111111113,18,explored +explored-8210,0.2284722222222224,15,explored +explored-8211,0.5447916666666668,6,explored +explored-8212,0.26484375000000027,17,explored +explored-8213,0.22916666666666685,15,explored +explored-8214,0.8013888888888889,8,explored +explored-8215,0.6202199074074075,41,explored +explored-8216,0.5825086805555557,16,explored +explored-8217,0.5536458333333335,8,explored +explored-8218,0.6659722222222224,12,explored +explored-8219,0.590277777777778,9,explored +explored-8220,0.22517361111111134,16,explored +explored-8221,0.33463541666666685,20,explored +explored-8222,0.5603153935185187,21,explored +explored-8223,0.5281250000000002,9,explored +explored-8224,0.3945312500000002,12,explored +explored-8225,0.6501041666666668,15,explored +explored-8226,0.4942708333333333,11,explored +explored-8227,0.26736111111111127,12,explored +explored-8228,0.6437500000000002,9,explored +explored-8229,0.3544560185185188,20,explored +explored-8230,0.8365104166666667,6,explored +explored-8231,0.6644097222222223,11,explored +explored-8232,0.5112847222222225,16,explored +explored-8233,0.419791666666667,12,explored +explored-8234,0.37222222222222245,14,explored +explored-8235,0.5427083333333333,20,explored +explored-8236,0.27913194444444467,15,explored +explored-8237,0.48645833333333344,16,explored +explored-8238,0.2778645833333335,15,explored +explored-8239,0.6612847222222223,16,explored +explored-8240,0.5383333333333337,7,explored +explored-8241,0.4258333333333334,12,explored +explored-8242,0.5454861111111112,15,explored +explored-8243,0.517013888888889,10,explored +explored-8244,0.6963541666666668,12,explored +explored-8245,0.4888020833333335,18,explored +explored-8246,0.7253472222222223,7,explored +explored-8247,0.29162326388888926,18,explored +explored-8248,0.4493055555555556,10,explored +explored-8249,0.4108333333333336,10,explored +explored-8250,0.6882465277777778,18,explored +explored-8251,0.45850694444444473,11,explored +explored-8252,0.42688078703703725,18,explored +explored-8253,0.6630208333333334,8,explored +explored-8254,0.49378472222222236,18,explored +explored-8255,0.5180555555555555,15,explored +explored-8256,0.5808159722222224,18,explored +explored-8257,0.45338541666666676,16,explored +explored-8258,0.5035011574074076,15,explored +explored-8259,0.4965740740740743,16,explored +explored-8260,0.21944444444444478,14,explored +explored-8261,0.40781250000000013,17,explored +explored-8262,0.6539930555555558,10,explored +explored-8263,0.44144675925925947,16,explored +explored-8264,0.6878819444444446,12,explored +explored-8265,0.45902777777777803,12,explored +explored-8266,0.4256944444444446,12,explored +explored-8267,0.30390625000000027,18,explored +explored-8268,0.6670833333333334,4,explored +explored-8269,0.30000000000000016,14,explored +explored-8270,0.5130208333333335,13,explored +explored-8271,0.7265625000000001,16,explored +explored-8272,0.6283854166666668,10,explored +explored-8273,0.4833333333333335,13,explored +explored-8274,0.5622829861111112,21,explored +explored-8275,0.4843749999999999,13,explored +explored-8276,0.5211805555555558,15,explored +explored-8277,0.6208333333333333,4,explored +explored-8278,0.6755451388888889,24,explored +explored-8279,0.5151041666666668,13,explored +explored-8280,0.5583333333333335,11,explored +explored-8281,0.30442708333333346,21,explored +explored-8282,0.4939236111111114,18,explored +explored-8283,0.5543402777777781,16,explored +explored-8284,0.3956250000000001,11,explored +explored-8285,0.5215277777777779,14,explored +explored-8286,0.7286458333333333,16,explored +explored-8287,0.557638888888889,9,explored +explored-8288,0.48307291666666685,14,explored +explored-8289,0.48815972222222237,19,explored +explored-8290,0.30468750000000033,11,explored +explored-8291,0.4678240740740742,11,explored +explored-8292,0.45711805555555574,14,explored +explored-8293,0.5550347222222224,18,explored +explored-8294,0.6947916666666667,3,explored +explored-8295,0.3137152777777781,16,explored +explored-8296,0.5390625000000002,10,explored +explored-8297,0.589670138888889,18,explored +explored-8298,0.31032986111111127,19,explored +explored-8299,0.7018229166666667,8,explored +explored-8300,0.5622395833333335,12,explored +explored-8301,0.43125000000000036,8,explored +explored-8302,0.42348090277777795,22,explored +explored-8303,0.6269097222222224,12,explored +explored-8304,0.30329861111111134,21,explored +explored-8305,0.6359953703703706,14,explored +explored-8306,0.6908101851851853,6,explored +explored-8307,0.20355902777777812,12,explored +explored-8308,0.2430555555555558,20,explored +explored-8309,0.83125,2,explored +explored-8310,0.5006944444444446,16,explored +explored-8311,0.7094097222222223,10,explored +explored-8312,0.6031250000000001,8,explored +explored-8313,0.39751157407407434,18,explored +explored-8314,0.6297743055555557,11,explored +explored-8315,0.6752604166666668,7,explored +explored-8316,0.7494791666666667,12,explored +explored-8317,0.43854166666666683,18,explored +explored-8318,0.5236979166666669,14,explored +explored-8319,0.7001041666666667,13,explored +explored-8320,0.39694444444444454,16,explored +explored-8321,0.5562500000000002,13,explored +explored-8322,0.5170717592592595,20,explored +explored-8323,0.4335937500000002,19,explored +explored-8324,0.28919270833333344,18,explored +explored-8325,0.15885416666666696,12,explored +explored-8326,0.6628761574074076,11,explored +explored-8327,0.1843750000000003,15,explored +explored-8328,0.48482638888888907,12,explored +explored-8329,0.7245659722222223,17,explored +explored-8330,0.3197337962962965,15,explored +explored-8331,0.23802083333333357,10,explored +explored-8332,0.38541666666666674,12,explored +explored-8333,0.34236111111111134,23,explored +explored-8334,0.4819444444444445,20,explored +explored-8335,0.201041666666667,14,explored +explored-8336,0.8359375,9,explored +explored-8337,0.5258912037037039,34,explored +explored-8338,0.6395833333333333,5,explored +explored-8339,0.6444444444444446,15,explored +explored-8340,0.4104166666666669,19,explored +explored-8341,0.40625000000000033,19,explored +explored-8342,0.7075231481481481,14,explored +explored-8343,0.7107986111111112,8,explored +explored-8344,0.2958333333333336,23,explored +explored-8345,0.4208333333333336,15,explored +explored-8346,0.18385416666666676,17,explored +explored-8347,0.49288194444444466,10,explored +explored-8348,0.6729166666666666,5,explored +explored-8349,0.45468750000000013,23,explored +explored-8350,0.5006944444444443,7,explored +explored-8351,0.4003472222222222,16,explored +explored-8352,0.6993055555555556,6,explored +explored-8353,0.6298611111111113,9,explored +explored-8354,0.5217013888888891,17,explored +explored-8355,0.6022569444444447,9,explored +explored-8356,0.5203125000000002,15,explored +explored-8357,0.5506944444444446,10,explored +explored-8358,0.40885416666666696,10,explored +explored-8359,0.40347222222222223,10,explored +explored-8360,0.6562500000000001,9,explored +explored-8361,0.6519444444444444,9,explored +explored-8362,0.4838541666666669,18,explored +explored-8363,0.3132812500000004,18,explored +explored-8364,0.5687500000000001,8,explored +explored-8365,0.6993055555555556,10,explored +explored-8366,0.7822916666666666,5,explored +explored-8367,0.675,9,explored +explored-8368,0.7478009259259261,14,explored +explored-8369,0.6508969907407408,12,explored +explored-8370,0.33263888888888904,11,explored +explored-8371,0.6756944444444444,9,explored +explored-8372,0.6259027777777779,13,explored +explored-8373,0.7864583333333333,4,explored +explored-8374,0.5189236111111113,14,explored +explored-8375,0.3784722222222223,12,explored +explored-8376,0.4812500000000002,9,explored +explored-8377,0.6937500000000001,9,explored +explored-8378,0.6479166666666667,5,explored +explored-8379,0.36385995370370394,15,explored +explored-8380,0.4916666666666669,17,explored +explored-8381,0.5528645833333335,14,explored +explored-8382,0.5378472222222224,17,explored +explored-8383,0.678125,15,explored +explored-8384,0.7765625,4,explored +explored-8385,0.6102430555555557,16,explored +explored-8386,0.36736111111111125,10,explored +explored-8387,0.39409722222222243,20,explored +explored-8388,0.682465277777778,12,explored +explored-8389,0.3562500000000003,9,explored +explored-8390,0.48211805555555576,16,explored +explored-8391,0.6717447916666668,26,explored +explored-8392,0.6963541666666667,6,explored +explored-8393,0.562152777777778,9,explored +explored-8394,0.5240972222222224,13,explored +explored-8395,0.29062500000000036,18,explored +explored-8396,0.6199768518518519,10,explored +explored-8397,0.6515625000000002,5,explored +explored-8398,0.612326388888889,7,explored +explored-8399,0.3919270833333335,18,explored +explored-8400,0.36388888888888904,14,explored +explored-8401,0.7604166666666666,7,explored +explored-8402,0.6195659722222224,9,explored +explored-8403,0.46777777777777807,18,explored +explored-8404,0.21354166666666696,17,explored +explored-8405,0.6496527777777779,11,explored +explored-8406,0.6342708333333335,4,explored +explored-8407,0.44114583333333357,11,explored +explored-8408,0.6097222222222223,10,explored +explored-8409,0.2312500000000003,12,explored +explored-8410,0.33359375000000036,16,explored +explored-8411,0.18333333333333357,14,explored +explored-8412,0.5463541666666668,14,explored +explored-8413,0.4593750000000001,14,explored +explored-8414,0.4715277777777779,14,explored +explored-8415,0.7021180555555556,10,explored +explored-8416,0.5928819444444445,12,explored +explored-8417,0.7758680555555557,7,explored +explored-8418,0.2661024305555557,20,explored +explored-8419,0.6501736111111112,12,explored +explored-8420,0.4079861111111114,21,explored +explored-8421,0.5953125000000001,10,explored +explored-8422,0.6088541666666668,7,explored +explored-8423,0.5031250000000003,10,explored +explored-8424,0.4222222222222225,13,explored +explored-8425,0.2817708333333335,12,explored +explored-8426,0.2942708333333335,12,explored +explored-8427,0.31218171296296304,20,explored +explored-8428,0.5892361111111112,8,explored +explored-8429,0.3875000000000004,15,explored +explored-8430,0.7640625000000001,13,explored +explored-8431,0.6098958333333333,12,explored +explored-8432,0.440451388888889,12,explored +explored-8433,0.496527777777778,16,explored +explored-8434,0.5317708333333334,6,explored +explored-8435,0.3979166666666669,9,explored +explored-8436,0.4783333333333337,8,explored +explored-8437,0.22065972222222252,13,explored +explored-8438,0.4276041666666669,16,explored +explored-8439,0.4363194444444447,21,explored +explored-8440,0.19583333333333341,17,explored +explored-8441,0.21631944444444473,25,explored +explored-8442,0.5814236111111113,14,explored +explored-8443,0.07812500000000022,14,explored +explored-8444,0.41953125000000013,13,explored +explored-8445,0.5067708333333335,16,explored +explored-8446,0.6046527777777779,15,explored +explored-8447,0.41333333333333355,15,explored +explored-8448,0.7211111111111111,5,explored +explored-8449,0.545818865740741,26,explored +explored-8450,0.2562500000000003,9,explored +explored-8451,0.8076388888888888,9,explored +explored-8452,0.6946875000000001,5,explored +explored-8453,0.31406250000000024,13,explored +explored-8454,0.7492517361111112,18,explored +explored-8455,0.5039496527777779,22,explored +explored-8456,0.3108796296296298,20,explored +explored-8457,0.6394444444444445,12,explored +explored-8458,0.6819444444444446,9,explored +explored-8459,0.4755208333333335,12,explored +explored-8460,0.7786458333333334,11,explored +explored-8461,0.4002604166666668,18,explored +explored-8462,0.8041666666666667,8,explored +explored-8463,0.6500578703703705,16,explored +explored-8464,0.23072916666666698,19,explored +explored-8465,0.363576388888889,15,explored +explored-8466,0.6385416666666668,8,explored +explored-8467,0.4690104166666669,9,explored +explored-8468,0.38385416666666683,12,explored +explored-8469,0.7386458333333334,12,explored +explored-8470,0.7169236111111112,36,explored +explored-8471,0.3480034722222225,14,explored +explored-8472,0.563252314814815,11,explored +explored-8473,0.8053819444444444,11,explored +explored-8474,0.3851562500000003,18,explored +explored-8475,0.6893229166666669,7,explored +explored-8476,0.3354166666666669,18,explored +explored-8477,0.4104600694444447,17,explored +explored-8478,0.4693229166666669,17,explored +explored-8479,0.16406250000000022,18,explored +explored-8480,0.4236979166666669,10,explored +explored-8481,0.24609375000000033,9,explored +explored-8482,0.629195601851852,32,explored +explored-8483,0.5781250000000001,11,explored +explored-8484,0.318229166666667,9,explored +explored-8485,0.5291666666666668,13,explored +explored-8486,0.480439814814815,16,explored +explored-8487,0.5491319444444446,11,explored +explored-8488,0.15885416666666696,12,explored +explored-8489,0.43671875000000004,10,explored +explored-8490,0.6617586805555556,26,explored +explored-8491,0.29947916666666685,18,explored +explored-8492,0.5910416666666669,10,explored +explored-8493,0.513107638888889,16,explored +explored-8494,0.7071412037037038,9,explored +explored-8495,0.20416666666666683,12,explored +explored-8496,0.5144097222222224,10,explored +explored-8497,0.703707175925926,33,explored +explored-8498,0.2416087962962965,21,explored +explored-8499,0.6751041666666668,10,explored +explored-8500,0.29201388888888913,23,explored +explored-8501,0.6666493055555557,8,explored +explored-8502,0.6938368055555557,10,explored +explored-8503,0.3298611111111114,16,explored +explored-8504,0.7533333333333334,3,explored +explored-8505,0.5447048611111114,15,explored +explored-8506,0.4661458333333335,12,explored +explored-8507,0.22838541666666679,16,explored +explored-8508,0.36145833333333355,12,explored +explored-8509,0.3557291666666669,15,explored +explored-8510,0.13194444444444464,19,explored +explored-8511,0.4621961805555558,22,explored +explored-8512,0.5289062500000002,12,explored +explored-8513,0.4789930555555557,9,explored +explored-8514,0.5119791666666669,15,explored +explored-8515,0.6650173611111112,11,explored +explored-8516,0.39861111111111147,11,explored +explored-8517,0.6611979166666667,9,explored +explored-8518,0.5870659722222223,11,explored +explored-8519,0.224479166666667,12,explored +explored-8520,0.31898148148148153,22,explored +explored-8521,0.28338541666666694,15,explored +explored-8522,0.6505787037037039,9,explored +explored-8523,0.6373263888888889,23,explored +explored-8524,0.20677083333333357,18,explored +explored-8525,0.5528645833333335,9,explored +explored-8526,0.45651041666666703,11,explored +explored-8527,0.2978298611111114,19,explored +explored-8528,0.5656250000000002,16,explored +explored-8529,0.6924276620370371,46,explored +explored-8530,0.7223958333333335,17,explored +explored-8531,0.688888888888889,11,explored +explored-8532,0.4229629629629632,20,explored +explored-8533,0.3923611111111114,13,explored +explored-8534,0.389670138888889,22,explored +explored-8535,0.44649884259259287,19,explored +explored-8536,0.6340277777777779,9,explored +explored-8537,0.7758333333333334,7,explored +explored-8538,0.46402777777777793,17,explored +explored-8539,0.5689062500000002,27,explored +explored-8540,0.6236979166666667,15,explored +explored-8541,0.7348090277777779,16,explored +explored-8542,0.6223958333333335,8,explored +explored-8543,0.29500000000000015,15,explored +explored-8544,0.5730034722222224,16,explored +explored-8545,0.3666666666666669,12,explored +explored-8546,0.6677083333333333,8,explored +explored-8547,0.47526041666666674,16,explored +explored-8548,0.6341145833333336,11,explored +explored-8549,0.7296875,5,explored +explored-8550,0.5682291666666669,10,explored +explored-8551,0.6286458333333335,9,explored +explored-8552,0.6576967592592592,16,explored +explored-8553,0.7736111111111112,10,explored +explored-8554,0.6979166666666667,8,explored +explored-8555,0.49809027777777803,19,explored +explored-8556,0.33594907407407415,20,explored +explored-8557,0.7190625,8,explored +explored-8558,0.45034722222222234,14,explored +explored-8559,0.7544270833333333,10,explored +explored-8560,0.29548611111111134,23,explored +explored-8561,0.6199479166666666,9,explored +explored-8562,0.45729166666666676,12,explored +explored-8563,0.4812500000000002,11,explored +explored-8564,0.7291840277777779,8,explored +explored-8565,0.49245659722222235,26,explored +explored-8566,0.5421875000000002,9,explored +explored-8567,0.5668402777777779,8,explored +explored-8568,0.5447916666666668,5,explored +explored-8569,0.7251736111111112,11,explored +explored-8570,0.5154513888888891,10,explored +explored-8571,0.5475694444444444,10,explored +explored-8572,0.3344618055555558,16,explored +explored-8573,0.3255208333333335,16,explored +explored-8574,0.6970575810185187,45,explored +explored-8575,0.47395833333333326,11,explored +explored-8576,0.6659722222222223,8,explored +explored-8577,0.3322222222222224,21,explored +explored-8578,0.7183449074074075,23,explored +explored-8579,0.41562500000000013,17,explored +explored-8580,0.4465856481481483,21,explored +explored-8581,0.4179687500000002,22,explored +explored-8582,0.5958333333333334,6,explored +explored-8583,0.6595486111111113,11,explored +explored-8584,0.7159548611111113,12,explored +explored-8585,0.6398437500000002,8,explored +explored-8586,0.5678819444444444,9,explored +explored-8587,0.7539930555555556,7,explored +explored-8588,0.6216145833333334,6,explored +explored-8589,0.678732638888889,12,explored +explored-8590,0.4966145833333335,19,explored +explored-8591,0.6196064814814817,14,explored +explored-8592,0.35312500000000013,12,explored +explored-8593,0.40000000000000024,10,explored +explored-8594,0.717013888888889,10,explored +explored-8595,0.3387152777777782,15,explored +explored-8596,0.6352083333333335,8,explored +explored-8597,0.2532552083333337,23,explored +explored-8598,0.5591145833333335,12,explored +explored-8599,0.6560763888888889,8,explored +explored-8600,0.3333333333333335,19,explored +explored-8601,0.5312500000000002,7,explored +explored-8602,0.23802083333333357,10,explored +explored-8603,0.47078125000000015,16,explored +explored-8604,0.6310763888888891,13,explored +explored-8605,0.4006944444444447,20,explored +explored-8606,0.6627430555555557,6,explored +explored-8607,0.6953993055555556,14,explored +explored-8608,0.5021990740740742,16,explored +explored-8609,0.76875,4,explored +explored-8610,0.41562500000000013,15,explored +explored-8611,0.6635416666666668,3,explored +explored-8612,0.3679976851851854,25,explored +explored-8613,0.3515625000000002,9,explored +explored-8614,0.3548611111111113,17,explored +explored-8615,0.2937500000000004,18,explored +explored-8616,0.6611979166666668,7,explored +explored-8617,0.5675347222222223,15,explored +explored-8618,0.6532928240740742,31,explored +explored-8619,0.6216666666666667,13,explored +explored-8620,0.5489583333333334,9,explored +explored-8621,0.08125000000000027,11,explored +explored-8622,0.6477430555555557,9,explored +explored-8623,0.6860590277777779,10,explored +explored-8624,0.5007812500000002,16,explored +explored-8625,0.7379166666666668,11,explored +explored-8626,0.5393229166666669,8,explored +explored-8627,0.45625000000000027,12,explored +explored-8628,0.48506944444444455,20,explored +explored-8629,0.6495659722222223,12,explored +explored-8630,0.5479166666666667,17,explored +explored-8631,0.3958333333333335,11,explored +explored-8632,0.46848958333333357,19,explored +explored-8633,0.6579861111111112,7,explored +explored-8634,0.40937500000000016,15,explored +explored-8635,0.43081597222222223,11,explored +explored-8636,0.580830439814815,20,explored +explored-8637,0.2468750000000004,16,explored +explored-8638,0.7690104166666667,10,explored +explored-8639,0.411979166666667,11,explored +explored-8640,0.41770833333333346,10,explored +explored-8641,0.587152777777778,6,explored +explored-8642,0.692623263888889,26,explored +explored-8643,0.7005208333333335,9,explored +explored-8644,0.6773437500000001,17,explored +explored-8645,0.5949450231481483,19,explored +explored-8646,0.28587962962962987,21,explored +explored-8647,0.6967013888888891,18,explored +explored-8648,0.739670138888889,9,explored +explored-8649,0.6467013888888891,6,explored +explored-8650,0.35998263888888904,13,explored +explored-8651,0.2875000000000002,15,explored +explored-8652,0.6302083333333335,10,explored +explored-8653,0.38802083333333337,10,explored +explored-8654,0.6654149305555557,34,explored +explored-8655,0.5347222222222223,11,explored +explored-8656,0.6430787037037038,20,explored +explored-8657,0.5972511574074075,18,explored +explored-8658,0.7226562500000001,8,explored +explored-8659,0.44392361111111134,13,explored +explored-8660,0.5513888888888889,8,explored +explored-8661,0.1871643518518522,21,explored +explored-8662,0.6170833333333334,18,explored +explored-8663,0.532465277777778,13,explored +explored-8664,0.32291666666666696,9,explored +explored-8665,0.47766203703703725,19,explored +explored-8666,0.5409722222222224,15,explored +explored-8667,0.6970486111111112,16,explored +explored-8668,0.6352546296296298,8,explored +explored-8669,0.5205439814814816,20,explored +explored-8670,0.6134114583333334,12,explored +explored-8671,0.6185850694444446,15,explored +explored-8672,0.05416666666666692,15,explored +explored-8673,0.6664351851851853,10,explored +explored-8674,0.523090277777778,11,explored +explored-8675,0.7365451388888888,20,explored +explored-8676,0.567170138888889,14,explored +explored-8677,0.5663541666666668,8,explored +explored-8678,0.5987847222222223,13,explored +explored-8679,0.6233796296296298,14,explored +explored-8680,0.7708333333333334,4,explored +explored-8681,0.6526041666666668,13,explored +explored-8682,0.6635416666666668,3,explored +explored-8683,0.48368055555555556,18,explored +explored-8684,0.3128472222222223,11,explored +explored-8685,0.3861979166666667,10,explored +explored-8686,0.33750000000000013,19,explored +explored-8687,0.4911458333333336,12,explored +explored-8688,0.1048611111111113,13,explored +explored-8689,0.5697916666666668,13,explored +explored-8690,0.5315104166666669,11,explored +explored-8691,0.6892650462962964,7,explored +explored-8692,0.6782552083333335,13,explored +explored-8693,0.2465277777777779,14,explored +explored-8694,0.44166666666666676,12,explored +explored-8695,0.7331597222222223,9,explored +explored-8696,0.4777777777777781,8,explored +explored-8697,0.5598958333333334,8,explored +explored-8698,0.7712413194444445,16,explored +explored-8699,0.3833333333333335,18,explored +explored-8700,0.25212673611111147,23,explored +explored-8701,0.22187500000000027,18,explored +explored-8702,0.7022569444444444,9,explored +explored-8703,0.644826388888889,15,explored +explored-8704,0.4276041666666668,9,explored +explored-8705,0.5009548611111112,17,explored +explored-8706,0.3313368055555559,15,explored +explored-8707,0.40833333333333366,14,explored +explored-8708,0.4299479166666669,18,explored +explored-8709,0.7573029513888889,30,explored +explored-8710,0.5334375000000001,7,explored +explored-8711,0.4750000000000003,7,explored +explored-8712,0.6832725694444446,28,explored +explored-8713,0.2460937500000001,15,explored +explored-8714,0.7552951388888889,8,explored +explored-8715,0.70625,5,explored +explored-8716,0.09218750000000031,13,explored +explored-8717,0.7227905092592593,30,explored +explored-8718,0.7240972222222224,4,explored +explored-8719,0.19479166666666692,11,explored +explored-8720,0.6586805555555555,15,explored +explored-8721,0.44348958333333355,23,explored +explored-8722,0.6102777777777779,19,explored +explored-8723,0.5531828703703705,13,explored +explored-8724,0.24392361111111127,18,explored +explored-8725,0.5698784722222224,17,explored +explored-8726,0.34826388888888904,18,explored +explored-8727,0.6061631944444446,15,explored +explored-8728,0.4598958333333336,17,explored +explored-8729,0.2576388888888892,15,explored +explored-8730,0.37256944444444473,15,explored +explored-8731,0.8078125,5,explored +explored-8732,0.7104166666666667,7,explored +explored-8733,0.5190972222222224,12,explored +explored-8734,0.43712384259259274,16,explored +explored-8735,0.6611458333333334,14,explored +explored-8736,0.16302083333333361,19,explored +explored-8737,0.6385185185185187,7,explored +explored-8738,0.6666666666666669,5,explored +explored-8739,0.4382812500000002,19,explored +explored-8740,0.26371527777777803,25,explored +explored-8741,0.5436197916666667,17,explored +explored-8742,0.4890625000000002,18,explored +explored-8743,0.8383680555555555,13,explored +explored-8744,0.7175347222222224,14,explored +explored-8745,0.3569444444444446,14,explored +explored-8746,0.3847222222222225,10,explored +explored-8747,0.23489583333333364,16,explored +explored-8748,0.7158333333333334,12,explored +explored-8749,0.6505787037037039,10,explored +explored-8750,0.7406828703703703,16,explored +explored-8751,0.3734375000000001,11,explored +explored-8752,0.6621875000000002,4,explored +explored-8753,0.815625,8,explored +explored-8754,0.5510416666666668,7,explored +explored-8755,0.28166666666666695,14,explored +explored-8756,0.5055555555555558,14,explored +explored-8757,0.6807291666666667,13,explored +explored-8758,0.47288773148148167,22,explored +explored-8759,0.44648437500000004,13,explored +explored-8760,0.4505208333333335,12,explored +explored-8761,0.5616319444444445,15,explored +explored-8762,0.6171006944444446,11,explored +explored-8763,0.7908333333333333,2,explored +explored-8764,0.24166666666666692,13,explored +explored-8765,0.6650231481481482,39,explored +explored-8766,0.7151041666666667,6,explored +explored-8767,0.5234375000000001,17,explored +explored-8768,0.2820312500000002,12,explored +explored-8769,0.41972222222222244,18,explored +explored-8770,0.6831944444444447,12,explored +explored-8771,0.6391493055555557,6,explored +explored-8772,0.433101851851852,18,explored +explored-8773,0.6635416666666668,2,explored +explored-8774,0.48784722222222243,12,explored +explored-8775,0.5730555555555558,11,explored +explored-8776,0.21927083333333364,15,explored +explored-8777,0.7322916666666668,6,explored +explored-8778,0.5445312500000002,16,explored +explored-8779,0.5161458333333335,28,explored +explored-8780,0.22361111111111132,18,explored +explored-8781,0.7187326388888889,9,explored +explored-8782,0.6803819444444444,9,explored +explored-8783,0.40434027777777803,16,explored +explored-8784,0.5345486111111113,13,explored +explored-8785,0.4500000000000002,7,explored +explored-8786,0.40104166666666696,11,explored +explored-8787,0.6121093750000002,21,explored +explored-8788,0.2416666666666668,12,explored +explored-8789,0.5328472222222224,12,explored +explored-8790,0.39861111111111147,12,explored +explored-8791,0.5675347222222223,18,explored +explored-8792,0.5256944444444448,7,explored +explored-8793,0.7253761574074076,11,explored +explored-8794,0.42300347222222257,18,explored +explored-8795,0.5908854166666668,10,explored +explored-8796,0.6931250000000001,5,explored +explored-8797,0.4515625000000002,9,explored +explored-8798,0.22274305555555574,20,explored +explored-8799,0.27986111111111145,13,explored +explored-8800,0.40182291666666703,14,explored +explored-8801,0.41527777777777797,11,explored +explored-8802,0.4604166666666666,12,explored +explored-8803,0.5388020833333335,6,explored +explored-8804,0.4423611111111113,11,explored +explored-8805,0.5192129629629632,17,explored +explored-8806,0.5598958333333335,9,explored +explored-8807,0.7548611111111111,11,explored +explored-8808,0.5635416666666668,18,explored +explored-8809,0.6350405092592594,10,explored +explored-8810,0.5086458333333335,12,explored +explored-8811,0.7288174603174604,31,explored +explored-8812,0.279166666666667,17,explored +explored-8813,0.3295138888888892,12,explored +explored-8814,0.6081973379629632,22,explored +explored-8815,0.5395833333333335,12,explored +explored-8816,0.5620833333333334,17,explored +explored-8817,0.5208333333333335,13,explored +explored-8818,0.2097222222222226,17,explored +explored-8819,0.7396701388888889,13,explored +explored-8820,0.6947916666666668,7,explored +explored-8821,0.6788541666666668,13,explored +explored-8822,0.6382233796296297,14,explored +explored-8823,0.7073958333333334,18,explored +explored-8824,0.6924479166666668,13,explored +explored-8825,0.5506076388888891,19,explored +explored-8826,0.2253906250000003,15,explored +explored-8827,0.6001736111111112,13,explored +explored-8828,0.412404513888889,17,explored +explored-8829,0.5695312500000003,11,explored +explored-8830,0.5365017361111113,13,explored +explored-8831,0.608246527777778,22,explored +explored-8832,0.3588541666666669,13,explored +explored-8833,0.3908333333333336,13,explored +explored-8834,0.5788194444444446,10,explored +explored-8835,0.6543402777777778,13,explored +explored-8836,0.37945601851851873,18,explored +explored-8837,0.43906250000000024,29,explored +explored-8838,0.4842592592592594,19,explored +explored-8839,0.754375,8,explored +explored-8840,0.4911458333333335,8,explored +explored-8841,0.7115625000000001,9,explored +explored-8842,0.7502939814814815,17,explored +explored-8843,0.347916666666667,15,explored +explored-8844,0.19884259259259274,16,explored +explored-8845,0.610445601851852,10,explored +explored-8846,0.3744791666666669,11,explored +explored-8847,0.4110763888888892,17,explored +explored-8848,0.6303819444444446,16,explored +explored-8849,0.3645833333333336,16,explored +explored-8850,0.16718750000000027,14,explored +explored-8851,0.7134548611111112,13,explored +explored-8852,0.3470486111111112,11,explored +explored-8853,0.7147858796296297,19,explored +explored-8854,0.236197916666667,21,explored +explored-8855,0.5641666666666669,11,explored +explored-8856,0.5210648148148149,17,explored +explored-8857,0.32291666666666674,12,explored +explored-8858,0.7092708333333334,6,explored +explored-8859,0.5696180555555556,14,explored +explored-8860,0.5925000000000002,10,explored +explored-8861,0.5275000000000002,15,explored +explored-8862,0.4382812500000002,16,explored +explored-8863,0.7520833333333333,3,explored +explored-8864,0.5289062500000001,10,explored +explored-8865,0.5544270833333333,12,explored +explored-8866,0.6291232638888891,30,explored +explored-8867,0.5996527777777779,7,explored +explored-8868,0.6575520833333335,7,explored +explored-8869,0.3161458333333338,22,explored +explored-8870,0.3357638888888892,9,explored +explored-8871,0.6303819444444446,12,explored +explored-8872,0.33482638888888905,17,explored +explored-8873,0.12604166666666705,15,explored +explored-8874,0.3752604166666669,19,explored +explored-8875,0.7520833333333333,3,explored +explored-8876,0.34392361111111125,17,explored +explored-8877,0.6644097222222224,14,explored +explored-8878,0.41496527777777803,18,explored +explored-8879,0.5318055555555559,9,explored +explored-8880,0.5525173611111114,15,explored +explored-8881,0.5645833333333335,10,explored +explored-8882,0.7055555555555557,7,explored +explored-8883,0.5095486111111114,11,explored +explored-8884,0.4886574074074075,14,explored +explored-8885,0.5501388888888891,12,explored +explored-8886,0.16024305555555574,16,explored +explored-8887,0.4497569444444447,24,explored +explored-8888,0.46701388888888906,12,explored +explored-8889,0.6421875000000001,10,explored +explored-8890,0.6587094907407409,13,explored +explored-8891,0.6135127314814816,11,explored +explored-8892,0.37410300925925943,19,explored +explored-8893,0.6012557870370372,16,explored +explored-8894,0.6334490740740742,15,explored +explored-8895,0.5508101851851853,16,explored +explored-8896,0.28103298611111127,24,explored +explored-8897,0.3255208333333337,10,explored +explored-8898,0.697337962962963,10,explored +explored-8899,0.5789930555555558,10,explored +explored-8900,0.4375000000000002,12,explored +explored-8901,0.4666666666666669,22,explored +explored-8902,0.3510416666666668,7,explored +explored-8903,0.47906250000000017,11,explored +explored-8904,0.46840277777777795,13,explored +explored-8905,0.4536458333333333,14,explored +explored-8906,0.34085648148148184,13,explored +explored-8907,0.34375000000000033,6,explored +explored-8908,0.41319444444444464,18,explored +explored-8909,0.6607638888888889,13,explored +explored-8910,0.6313368055555557,10,explored +explored-8911,0.7197647569444445,30,explored +explored-8912,0.6756944444444444,6,explored +explored-8913,0.5180555555555557,11,explored +explored-8914,0.741059027777778,9,explored +explored-8915,0.3847222222222225,12,explored +explored-8916,0.5841666666666667,7,explored +explored-8917,0.32774884259259274,19,explored +explored-8918,0.30138888888888915,14,explored +explored-8919,0.5937500000000002,13,explored +explored-8920,0.377777777777778,12,explored +explored-8921,0.16041666666666687,12,explored +explored-8922,0.8049479166666668,8,explored +explored-8923,0.7240277777777779,11,explored +explored-8924,0.4694907407407408,13,explored +explored-8925,0.5421875000000002,13,explored +explored-8926,0.6353298611111111,11,explored +explored-8927,0.5000000000000001,9,explored +explored-8928,0.45920138888888906,16,explored +explored-8929,0.46684027777777815,10,explored +explored-8930,0.4765625000000002,13,explored +explored-8931,0.27656250000000016,14,explored +explored-8932,0.5622685185185187,19,explored +explored-8933,0.5520833333333333,12,explored +explored-8934,0.2923611111111113,23,explored +explored-8935,0.39615162037037077,15,explored +explored-8936,0.6408333333333334,3,explored +explored-8937,0.5362500000000002,10,explored +explored-8938,0.3558159722222223,16,explored +explored-8939,0.4364583333333335,13,explored +explored-8940,0.49027777777777803,13,explored +explored-8941,0.5822916666666668,4,explored +explored-8942,0.6157986111111112,6,explored +explored-8943,0.521527777777778,15,explored +explored-8944,0.08125000000000027,10,explored +explored-8945,0.09791666666666687,11,explored +explored-8946,0.4169270833333335,17,explored +explored-8947,0.5218750000000001,4,explored +explored-8948,0.7208333333333334,8,explored +explored-8949,0.4521267361111114,17,explored +explored-8950,0.28671875000000013,15,explored +explored-8951,0.39079861111111136,17,explored +explored-8952,0.3480902777777781,17,explored +explored-8953,0.4819618055555557,16,explored +explored-8954,0.10416666666666696,15,explored +explored-8955,0.3450520833333335,16,explored +explored-8956,0.6594097222222224,10,explored +explored-8957,0.49479166666666685,7,explored +explored-8958,0.627314814814815,16,explored +explored-8959,0.41718749999999993,13,explored +explored-8960,0.7213541666666667,17,explored +explored-8961,0.43072916666666683,12,explored +explored-8962,0.5346180555555557,22,explored +explored-8963,0.5166666666666668,6,explored +explored-8964,0.17916666666666692,10,explored +explored-8965,0.7870833333333334,5,explored +explored-8966,0.8385416666666667,4,explored +explored-8967,0.3070312500000002,14,explored +explored-8968,0.8046875,7,explored +explored-8969,0.7563541666666668,7,explored +explored-8970,0.5204861111111113,14,explored +explored-8971,0.6359953703703705,12,explored +explored-8972,0.2956597222222226,12,explored +explored-8973,0.3065104166666668,15,explored +explored-8974,0.6002604166666669,11,explored +explored-8975,0.6871875000000001,5,explored +explored-8976,0.6704340277777779,12,explored +explored-8977,0.7346875,13,explored +explored-8978,0.3748842592592595,19,explored +explored-8979,0.7097511574074076,8,explored +explored-8980,0.5713541666666667,12,explored +explored-8981,0.5402777777777781,8,explored +explored-8982,0.19982638888888915,14,explored +explored-8983,0.6913194444444446,11,explored +explored-8984,0.22291666666666687,23,explored +explored-8985,0.3984375000000002,12,explored +explored-8986,0.4798611111111113,12,explored +explored-8987,0.6638020833333335,9,explored +explored-8988,0.6251736111111112,12,explored +explored-8989,0.3437500000000002,7,explored +explored-8990,0.2180555555555559,13,explored +explored-8991,0.4853298611111112,24,explored +explored-8992,0.27708333333333357,21,explored +explored-8993,0.5291666666666669,15,explored +explored-8994,0.18385416666666676,16,explored +explored-8995,0.5101562500000002,12,explored +explored-8996,0.5750000000000002,12,explored +explored-8997,0.4927083333333335,13,explored +explored-8998,0.8011284722222223,10,explored +explored-8999,0.6956597222222223,31,explored +explored-9000,0.25112847222222245,20,explored +explored-9001,0.49978298611111127,20,explored +explored-9002,0.48015046296296315,17,explored +explored-9003,0.3802083333333335,6,explored +explored-9004,0.32135416666666694,12,explored +explored-9005,0.6624421296296298,16,explored +explored-9006,0.37795138888888913,16,explored +explored-9007,0.5947916666666668,13,explored +explored-9008,0.5631944444444447,10,explored +explored-9009,0.5421296296296299,16,explored +explored-9010,0.61640625,4,explored +explored-9011,0.5239583333333335,7,explored +explored-9012,0.6941666666666667,5,explored +explored-9013,0.47907986111111134,15,explored +explored-9014,0.05416666666666692,12,explored +explored-9015,0.4477864583333335,14,explored +explored-9016,0.22552083333333361,19,explored +explored-9017,0.7588541666666668,6,explored +explored-9018,0.6245659722222224,10,explored +explored-9019,0.5347222222222224,13,explored +explored-9020,0.585590277777778,10,explored +explored-9021,0.6740740740740742,6,explored +explored-9022,0.40520833333333317,11,explored +explored-9023,0.599652777777778,11,explored +explored-9024,0.393576388888889,14,explored +explored-9025,0.3819444444444444,7,explored +explored-9026,0.4389467592592594,16,explored +explored-9027,0.7089988425925926,23,explored +explored-9028,0.6909890046296298,23,explored +explored-9029,0.6187500000000001,5,explored +explored-9030,0.33263888888888904,13,explored +explored-9031,0.493185763888889,18,explored +explored-9032,0.10989583333333353,13,explored +explored-9033,0.2664930555555558,24,explored +explored-9034,0.5847222222222224,13,explored +explored-9035,0.4333333333333337,10,explored +explored-9036,0.3130208333333335,15,explored +explored-9037,0.43708043981481504,22,explored +explored-9038,0.6618055555555558,6,explored +explored-9039,0.6595486111111113,14,explored +explored-9040,0.5815104166666668,10,explored +explored-9041,0.2250520833333336,16,explored +explored-9042,0.5875,10,explored +explored-9043,0.5309722222222224,12,explored +explored-9044,0.38281250000000033,12,explored +explored-9045,0.050781250000000444,12,explored +explored-9046,0.18804976851851873,20,explored +explored-9047,0.45625000000000027,10,explored +explored-9048,0.4517361111111112,11,explored +explored-9049,0.6130208333333335,12,explored +explored-9050,0.6243055555555556,11,explored +explored-9051,0.3966493055555558,15,explored +explored-9052,0.41857638888888915,20,explored +explored-9053,0.31111111111111134,17,explored +explored-9054,0.2593055555555557,21,explored +explored-9055,0.3500000000000001,12,explored +explored-9056,0.37282986111111116,19,explored +explored-9057,0.6724074074074076,11,explored +explored-9058,0.5664930555555556,12,explored +explored-9059,0.1473958333333334,18,explored +explored-9060,0.40797453703703723,23,explored +explored-9061,0.6666666666666667,13,explored +explored-9062,0.5312500000000002,19,explored +explored-9063,0.593576388888889,7,explored +explored-9064,0.5844907407407409,15,explored +explored-9065,0.4696180555555559,18,explored +explored-9066,0.5859375000000002,11,explored +explored-9067,0.5760416666666667,7,explored +explored-9068,0.7745659722222222,6,explored +explored-9069,0.2703993055555559,18,explored +explored-9070,0.409953703703704,21,explored +explored-9071,0.4368055555555558,13,explored +explored-9072,0.5280381944444446,11,explored +explored-9073,0.6265625000000002,8,explored +explored-9074,0.44010416666666696,12,explored +explored-9075,0.6873263888888891,3,explored +explored-9076,0.6055266203703705,14,explored +explored-9077,0.6974537037037039,12,explored +explored-9078,0.7251041666666668,9,explored +explored-9079,0.5202690972222224,14,explored +explored-9080,0.7028645833333335,9,explored +explored-9081,0.7207812500000002,7,explored +explored-9082,0.671064814814815,27,explored +explored-9083,0.25954861111111127,15,explored +explored-9084,0.4505208333333335,14,explored +explored-9085,0.3652777777777778,17,explored +explored-9086,0.7319444444444445,8,explored +explored-9087,0.6495081018518519,15,explored +explored-9088,0.4066689814814817,20,explored +explored-9089,0.6581597222222223,9,explored +explored-9090,0.3875833333333336,23,explored +explored-9091,0.6524305555555556,11,explored +explored-9092,0.713888888888889,11,explored +explored-9093,0.7016782407407408,13,explored +explored-9094,0.24479166666666685,15,explored +explored-9095,0.5020833333333337,9,explored +explored-9096,0.3685763888888892,12,explored +explored-9097,0.6937500000000001,7,explored +explored-9098,0.4062500000000002,8,explored +explored-9099,0.5861979166666669,13,explored +explored-9100,0.5403645833333335,10,explored +explored-9101,0.13333333333333353,18,explored +explored-9102,0.5513888888888892,10,explored +explored-9103,0.5988628472222224,16,explored +explored-9104,0.538715277777778,9,explored +explored-9105,0.7406944444444445,5,explored +explored-9106,0.6931944444444444,5,explored +explored-9107,0.8669270833333333,6,explored +explored-9108,0.5812500000000002,8,explored +explored-9109,0.33263888888888904,15,explored +explored-9110,0.08125000000000027,14,explored +explored-9111,0.7868055555555556,6,explored +explored-9112,0.713715277777778,5,explored +explored-9113,0.6931250000000001,9,explored +explored-9114,0.6333333333333334,8,explored +explored-9115,0.6505266203703705,22,explored +explored-9116,0.6104166666666668,4,explored +explored-9117,0.4026041666666669,7,explored +explored-9118,0.6053385416666668,15,explored +explored-9119,0.6015046296296298,15,explored +explored-9120,0.3903125000000002,17,explored +explored-9121,0.6868750000000001,8,explored +explored-9122,0.2625000000000004,10,explored +explored-9123,0.5708333333333335,9,explored +explored-9124,0.3144965277777779,22,explored +explored-9125,0.4892361111111113,12,explored +explored-9126,0.5351851851851853,13,explored +explored-9127,0.4916666666666669,12,explored +explored-9128,0.4125000000000003,11,explored +explored-9129,0.5783807870370371,24,explored +explored-9130,0.33906250000000027,19,explored +explored-9131,0.6696354166666667,11,explored +explored-9132,0.29513888888888884,14,explored +explored-9133,0.213715277777778,14,explored +explored-9134,0.6692708333333335,12,explored +explored-9135,0.6986111111111111,10,explored +explored-9136,0.4789930555555557,25,explored +explored-9137,0.6810763888888891,10,explored +explored-9138,0.5462962962962964,10,explored +explored-9139,0.1844618055555558,17,explored +explored-9140,0.4222656250000002,14,explored +explored-9141,0.2640625000000002,20,explored +explored-9142,0.740546875,11,explored +explored-9143,0.44687500000000013,12,explored +explored-9144,0.3925781250000002,21,explored +explored-9145,0.3791666666666669,14,explored +explored-9146,0.6993055555555556,13,explored +explored-9147,0.33392361111111135,14,explored +explored-9148,0.5946180555555557,17,explored +explored-9149,0.29166666666666696,20,explored +explored-9150,0.6581597222222224,19,explored +explored-9151,0.5512152777777779,15,explored +explored-9152,0.3055555555555557,9,explored +explored-9153,0.5722222222222224,12,explored +explored-9154,0.3222222222222224,20,explored +explored-9155,0.7256944444444444,7,explored +explored-9156,0.46935763888888904,17,explored +explored-9157,0.5293402777777779,16,explored +explored-9158,0.43862847222222245,14,explored +explored-9159,0.4391666666666669,9,explored +explored-9160,0.6345486111111112,9,explored +explored-9161,0.17013888888888906,18,explored +explored-9162,0.48697916666666685,18,explored +explored-9163,0.4370225694444446,15,explored +explored-9164,0.48697916666666685,14,explored +explored-9165,0.43854166666666683,18,explored +explored-9166,0.47870370370370385,17,explored +explored-9167,0.48798611111111123,18,explored +explored-9168,0.5898437500000002,13,explored +explored-9169,0.30486111111111125,19,explored +explored-9170,0.7009375000000001,9,explored +explored-9171,0.7402777777777778,13,explored +explored-9172,0.7074652777777779,9,explored +explored-9173,0.5072916666666668,9,explored +explored-9174,0.6123553240740742,10,explored +explored-9175,0.47471064814814823,9,explored +explored-9176,0.6366319444444446,10,explored +explored-9177,0.487152777777778,18,explored +explored-9178,0.5257812500000002,20,explored +explored-9179,0.3993055555555558,13,explored +explored-9180,0.5489583333333334,9,explored +explored-9181,0.5174479166666669,13,explored +explored-9182,0.6651041666666668,17,explored +explored-9183,0.6414062500000002,12,explored +explored-9184,0.3739583333333335,20,explored +explored-9185,0.35130208333333357,16,explored +explored-9186,0.3119791666666669,15,explored +explored-9187,0.5739583333333335,12,explored +explored-9188,0.47129629629629655,15,explored +explored-9189,0.5305266203703706,15,explored +explored-9190,0.4232638888888892,15,explored +explored-9191,0.8527777777777777,6,explored +explored-9192,0.5481770833333333,10,explored +explored-9193,0.42604166666666676,20,explored +explored-9194,0.5013310185185187,15,explored +explored-9195,0.11875000000000013,13,explored +explored-9196,0.37430555555555567,14,explored +explored-9197,0.3666666666666669,10,explored +explored-9198,0.5360416666666667,14,explored +explored-9199,0.393842592592593,19,explored +explored-9200,0.4130208333333336,17,explored +explored-9201,0.718842013888889,21,explored +explored-9202,0.5238888888888891,15,explored +explored-9203,0.4007812500000003,8,explored +explored-9204,0.48828125000000033,10,explored +explored-9205,0.7500000000000001,12,explored +explored-9206,0.24730902777777808,19,explored +explored-9207,0.2817708333333334,18,explored +explored-9208,0.6166666666666667,13,explored +explored-9209,0.3148437500000002,17,explored +explored-9210,0.3244791666666671,18,explored +explored-9211,0.464641203703704,12,explored +explored-9212,0.5717013888888891,15,explored +explored-9213,0.5389583333333334,12,explored +explored-9214,0.35416666666666696,7,explored +explored-9215,0.5889756944444445,9,explored +explored-9216,0.5760416666666668,15,explored +explored-9217,0.6303819444444445,9,explored +explored-9218,0.4486111111111113,12,explored +explored-9219,0.18211805555555594,21,explored +explored-9220,0.5718750000000001,9,explored +explored-9221,0.4394097222222224,20,explored +explored-9222,0.7508969907407409,9,explored +explored-9223,0.7715277777777778,7,explored +explored-9224,0.7080434027777779,35,explored +explored-9225,0.6055555555555556,6,explored +explored-9226,0.7680208333333334,7,explored +explored-9227,0.6880208333333333,9,explored +explored-9228,0.6403472222222223,11,explored +explored-9229,0.4831597222222226,12,explored +explored-9230,0.663715277777778,13,explored +explored-9231,0.66328125,8,explored +explored-9232,0.6310763888888891,11,explored +explored-9233,0.4494791666666669,12,explored +explored-9234,0.524363425925926,24,explored +explored-9235,0.6054861111111113,11,explored +explored-9236,0.3812500000000003,6,explored +explored-9237,0.6559010416666669,31,explored +explored-9238,0.375763888888889,16,explored +explored-9239,0.45677083333333346,19,explored +explored-9240,0.8291666666666666,6,explored +explored-9241,0.45703125000000033,11,explored +explored-9242,0.4032841435185186,19,explored +explored-9243,0.3083333333333337,15,explored +explored-9244,0.5974247685185187,15,explored +explored-9245,0.6792708333333333,10,explored +explored-9246,0.7627604166666668,9,explored +explored-9247,0.524479166666667,6,explored +explored-9248,0.46181712962962973,14,explored +explored-9249,0.5715856481481483,10,explored +explored-9250,0.35750868055555585,27,explored +explored-9251,0.47083333333333344,5,explored +explored-9252,0.75,8,explored +explored-9253,0.40925925925925943,20,explored +explored-9254,0.5073437500000002,12,explored +explored-9255,0.538715277777778,17,explored +explored-9256,0.5265625000000002,6,explored +explored-9257,0.44968750000000024,15,explored +explored-9258,0.5457754629629632,18,explored +explored-9259,0.6632812500000002,10,explored +explored-9260,0.6010416666666667,9,explored +explored-9261,0.5115451388888891,14,explored +explored-9262,0.2338541666666668,18,explored +explored-9263,0.4265625000000002,8,explored +explored-9264,0.15390625000000036,17,explored +explored-9265,0.26857638888888924,12,explored +explored-9266,0.4417824074074075,13,explored +explored-9267,0.3509548611111113,17,explored +explored-9268,0.48055555555555585,13,explored +explored-9269,0.38189236111111124,20,explored +explored-9270,0.6055266203703705,10,explored +explored-9271,0.377777777777778,15,explored +explored-9272,0.7217013888888889,13,explored +explored-9273,0.7183333333333334,10,explored +explored-9274,0.3968750000000001,8,explored +explored-9275,0.5466666666666669,14,explored +explored-9276,0.7164930555555556,7,explored +explored-9277,0.5059317129629631,18,explored +explored-9278,0.3839236111111113,19,explored +explored-9279,0.6533854166666667,9,explored +explored-9280,0.17656250000000018,15,explored +explored-9281,0.42199074074074094,16,explored +explored-9282,0.3645833333333335,14,explored +explored-9283,0.6776851851851854,9,explored +explored-9284,0.45312500000000033,9,explored +explored-9285,0.10208333333333353,19,explored +explored-9286,0.6206597222222222,8,explored +explored-9287,0.6957870370370371,11,explored +explored-9288,0.45777777777777795,13,explored +explored-9289,0.7317708333333333,5,explored +explored-9290,0.4453125000000002,13,explored +explored-9291,0.5354166666666669,15,explored +explored-9292,0.7326388888888891,6,explored +explored-9293,0.6820312500000001,10,explored +explored-9294,0.5019965277777779,15,explored +explored-9295,0.49921875000000016,11,explored +explored-9296,0.40303819444444455,13,explored +explored-9297,0.6125,7,explored +explored-9298,0.7286458333333333,11,explored +explored-9299,0.6336111111111113,8,explored +explored-9300,0.5927083333333335,6,explored +explored-9301,0.24583333333333357,16,explored +explored-9302,0.6614583333333335,12,explored +explored-9303,0.510763888888889,16,explored +explored-9304,0.5069444444444446,11,explored +explored-9305,0.6575,6,explored +explored-9306,0.34201388888888906,9,explored +explored-9307,0.5301562500000001,17,explored +explored-9308,0.2670138888888892,19,explored +explored-9309,0.547855902777778,14,explored +explored-9310,0.6269097222222224,3,explored +explored-9311,0.45920138888888906,18,explored +explored-9312,0.7113715277777779,12,explored +explored-9313,0.3230324074074076,12,explored +explored-9314,0.6294270833333334,13,explored +explored-9315,0.6559201388888891,20,explored +explored-9316,0.2781250000000003,17,explored +explored-9317,0.6756597222222223,7,explored +explored-9318,0.3617187500000002,13,explored +explored-9319,0.5417245370370372,18,explored +explored-9320,0.32291666666666696,18,explored +explored-9321,0.5601851851851853,27,explored +explored-9322,0.1868055555555559,18,explored +explored-9323,0.1625000000000003,8,explored +explored-9324,0.6111400462962964,9,explored +explored-9325,0.19687500000000036,17,explored +explored-9326,0.5218750000000002,7,explored +explored-9327,0.43680555555555567,10,explored +explored-9328,0.41458333333333375,7,explored +explored-9329,0.5777777777777777,11,explored +explored-9330,0.7662500000000001,4,explored +explored-9331,0.2777777777777779,16,explored +explored-9332,0.5080729166666669,15,explored +explored-9333,0.5195312500000002,13,explored +explored-9334,0.6738454861111112,32,explored +explored-9335,0.44409722222222237,24,explored +explored-9336,0.6811342592592594,7,explored +explored-9337,0.3828125000000002,20,explored +explored-9338,0.3425347222222225,14,explored +explored-9339,0.5322916666666666,8,explored +explored-9340,0.655,6,explored +explored-9341,0.47083333333333366,9,explored +explored-9342,0.4500000000000002,10,explored +explored-9343,0.6283854166666667,7,explored +explored-9344,0.5632812500000002,8,explored +explored-9345,0.5142650462962964,14,explored +explored-9346,0.31747685185185204,16,explored +explored-9347,0.6443287037037039,11,explored +explored-9348,0.41562500000000013,14,explored +explored-9349,0.5960069444444446,19,explored +explored-9350,0.4504918981481484,29,explored +explored-9351,0.44322916666666656,11,explored +explored-9352,0.7240682043650795,32,explored +explored-9353,0.26718750000000024,17,explored +explored-9354,0.5505208333333335,6,explored +explored-9355,0.5412326388888891,14,explored +explored-9356,0.6236979166666667,11,explored +explored-9357,0.435416666666667,9,explored +explored-9358,0.6333333333333333,13,explored +explored-9359,0.4414062500000002,9,explored +explored-9360,0.47656250000000033,10,explored +explored-9361,0.3759548611111112,12,explored +explored-9362,0.5788194444444446,9,explored +explored-9363,0.6477430555555557,10,explored +explored-9364,0.5700520833333335,12,explored +explored-9365,0.6031250000000001,10,explored +explored-9366,0.24166666666666692,14,explored +explored-9367,0.7571180555555556,5,explored +explored-9368,0.6629861111111113,13,explored +explored-9369,0.3382812500000002,18,explored +explored-9370,0.08125000000000027,12,explored +explored-9371,0.2500000000000002,18,explored +explored-9372,0.6437500000000002,7,explored +explored-9373,0.34921875000000013,13,explored +explored-9374,0.3718750000000004,15,explored +explored-9375,0.574826388888889,12,explored +explored-9376,0.5583333333333333,6,explored +explored-9377,0.5883680555555557,10,explored +explored-9378,0.4349826388888891,21,explored +explored-9379,0.64,5,explored +explored-9380,0.4736834490740742,23,explored +explored-9381,0.3850694444444447,12,explored +explored-9382,0.14377893518518547,19,explored +explored-9383,0.4674218750000001,25,explored +explored-9384,0.23645833333333366,20,explored +explored-9385,0.6085937500000002,18,explored +explored-9386,0.6627430555555557,8,explored +explored-9387,0.6966145833333335,10,explored +explored-9388,0.17100694444444464,20,explored +explored-9389,0.7284548611111112,8,explored +explored-9390,0.6298958333333334,8,explored +explored-9391,0.6042361111111113,24,explored +explored-9392,0.7833333333333334,6,explored +explored-9393,0.5062500000000003,19,explored +explored-9394,0.3993055555555558,18,explored +explored-9395,0.6439236111111113,19,explored +explored-9396,0.4578125000000003,13,explored +explored-9397,0.17916666666666692,9,explored +explored-9398,0.5150462962962964,10,explored +explored-9399,0.41623263888888906,23,explored +explored-9400,0.6267361111111112,18,explored +explored-9401,0.29704861111111125,11,explored +explored-9402,0.20000000000000018,18,explored +explored-9403,0.19079861111111152,17,explored +explored-9404,0.595295138888889,13,explored +explored-9405,0.6323813657407409,18,explored +explored-9406,0.5652777777777779,11,explored +explored-9407,0.6666666666666667,2,explored +explored-9408,0.6708333333333334,10,explored +explored-9409,0.22673611111111125,16,explored +explored-9410,0.6581712962962964,11,explored +explored-9411,0.4244027777777779,19,explored +explored-9412,0.6183159722222223,13,explored +explored-9413,0.6994444444444445,8,explored +explored-9414,0.7478009259259261,10,explored +explored-9415,0.34375000000000033,8,explored +explored-9416,0.23819444444444482,11,explored +explored-9417,0.5117129629629631,14,explored +explored-9418,0.5541666666666668,9,explored +explored-9419,0.40319444444444463,16,explored +explored-9420,0.39218750000000024,11,explored +explored-9421,0.5115162037037037,16,explored +explored-9422,0.5334027777777779,11,explored +explored-9423,0.523090277777778,24,explored +explored-9424,0.16614583333333366,18,explored +explored-9425,0.650277777777778,9,explored +explored-9426,0.3743055555555558,15,explored +explored-9427,0.4939236111111114,17,explored +explored-9428,0.37333333333333374,11,explored +explored-9429,0.6634548611111113,15,explored +explored-9430,0.6812500000000002,7,explored +explored-9431,0.4104166666666669,15,explored +explored-9432,0.30972222222222245,16,explored +explored-9433,0.2631076388888891,20,explored +explored-9434,0.6970486111111113,6,explored +explored-9435,0.5984375000000002,5,explored +explored-9436,0.45572916666666674,10,explored +explored-9437,0.5743055555555558,9,explored +explored-9438,0.47187500000000016,14,explored +explored-9439,0.6847916666666667,10,explored +explored-9440,0.5583333333333335,9,explored +explored-9441,0.46562500000000007,11,explored +explored-9442,0.6991666666666668,11,explored +explored-9443,0.5976562500000001,8,explored +explored-9444,0.2937500000000004,8,explored +explored-9445,0.8973958333333334,5,explored +explored-9446,0.4203125000000002,15,explored +explored-9447,0.6291666666666667,5,explored +explored-9448,0.2015625000000001,21,explored +explored-9449,0.17447916666666674,22,explored +explored-9450,0.6638020833333335,9,explored +explored-9451,0.47925347222222237,12,explored +explored-9452,0.3430555555555558,13,explored +explored-9453,0.7270833333333334,6,explored +explored-9454,0.7052083333333334,11,explored +explored-9455,0.5489583333333334,6,explored +explored-9456,0.3031250000000003,17,explored +explored-9457,0.5744791666666669,14,explored +explored-9458,0.2932291666666669,19,explored +explored-9459,0.27847222222222245,17,explored +explored-9460,0.4462615740740742,24,explored +explored-9461,0.6831597222222223,11,explored +explored-9462,0.6980434027777779,35,explored +explored-9463,0.5820746527777779,10,explored +explored-9464,0.32697916666666693,17,explored +explored-9465,0.4588541666666667,16,explored +explored-9466,0.6940625000000001,12,explored +explored-9467,0.7284722222222223,8,explored +explored-9468,0.5086805555555558,17,explored +explored-9469,0.6934895833333334,5,explored +explored-9470,0.6930659722222223,17,explored +explored-9471,0.5815972222222224,12,explored +explored-9472,0.448090277777778,14,explored +explored-9473,0.43813657407407425,26,explored +explored-9474,0.8865451388888889,8,explored +explored-9475,0.4800347222222223,12,explored +explored-9476,0.4468344907407409,14,explored +explored-9477,0.5174305555555557,18,explored +explored-9478,0.4501736111111113,14,explored +explored-9479,0.476388888888889,9,explored +explored-9480,0.5920138888888891,9,explored +explored-9481,0.7791666666666667,8,explored +explored-9482,0.773263888888889,7,explored +explored-9483,0.7285590277777778,9,explored +explored-9484,0.49583333333333324,11,explored +explored-9485,0.6432291666666669,7,explored +explored-9486,0.6477430555555557,9,explored +explored-9487,0.5545138888888891,9,explored +explored-9488,0.7196180555555557,8,explored +explored-9489,0.497916666666667,11,explored +explored-9490,0.385763888888889,11,explored +explored-9491,0.3979166666666669,17,explored +explored-9492,0.5604166666666668,12,explored +explored-9493,0.7378096064814815,38,explored +explored-9494,0.4921006944444446,16,explored +explored-9495,0.7134548611111112,11,explored +explored-9496,0.6250000000000001,6,explored +explored-9497,0.52265625,8,explored +explored-9498,0.6369791666666668,14,explored +explored-9499,0.4927083333333335,14,explored +explored-9500,0.4297685185185187,21,explored +explored-9501,0.6005208333333334,7,explored +explored-9502,0.2656250000000002,18,explored +explored-9503,0.6440653935185187,36,explored +explored-9504,0.7550347222222223,8,explored +explored-9505,0.7326388888888888,10,explored +explored-9506,0.5471354166666669,19,explored +explored-9507,0.49930555555555567,16,explored +explored-9508,0.520601851851852,16,explored +explored-9509,0.6067708333333334,6,explored +explored-9510,0.5439814814814816,15,explored +explored-9511,0.8640625,8,explored +explored-9512,0.6159490740740742,13,explored +explored-9513,0.2312500000000003,20,explored +explored-9514,0.6884548611111112,10,explored +explored-9515,0.625217013888889,15,explored +explored-9516,0.5162500000000001,10,explored +explored-9517,0.591666666666667,4,explored +explored-9518,0.713888888888889,10,explored +explored-9519,0.5134548611111113,13,explored +explored-9520,0.16718750000000027,21,explored +explored-9521,0.5069444444444446,16,explored +explored-9522,0.5825520833333335,11,explored +explored-9523,0.5736979166666668,9,explored +explored-9524,0.43333333333333346,10,explored +explored-9525,0.26371527777777815,13,explored +explored-9526,0.5996527777777779,16,explored +explored-9527,0.5880208333333335,8,explored +explored-9528,0.5182291666666669,18,explored +explored-9529,0.46744791666666685,11,explored +explored-9530,0.36979166666666696,13,explored +explored-9531,0.693900462962963,23,explored +explored-9532,0.09791666666666687,12,explored +explored-9533,0.5217881944444447,13,explored +explored-9534,0.5308796296296298,20,explored +explored-9535,0.6015625000000001,9,explored +explored-9536,0.3282870370370373,17,explored +explored-9537,0.11562500000000031,13,explored +explored-9538,0.3196759259259261,20,explored +explored-9539,0.3427083333333335,10,explored +explored-9540,0.2128472222222224,16,explored +explored-9541,0.39568865740740755,13,explored +explored-9542,0.48656250000000023,14,explored +explored-9543,0.4194444444444445,9,explored +explored-9544,0.5980555555555557,10,explored +explored-9545,0.32968750000000013,15,explored +explored-9546,0.5133101851851853,14,explored +explored-9547,0.5762152777777779,10,explored +explored-9548,0.298697916666667,16,explored +explored-9549,0.34279513888888913,15,explored +explored-9550,0.6391782407407409,15,explored +explored-9551,0.5024305555555557,14,explored +explored-9552,0.5722685185185187,12,explored +explored-9553,0.6286747685185187,24,explored +explored-9554,0.5146875,9,explored +explored-9555,0.25888310185185215,21,explored +explored-9556,0.3796875000000002,17,explored +explored-9557,0.1946180555555559,17,explored +explored-9558,0.7140914351851853,42,explored +explored-9559,0.25260416666666696,12,explored +explored-9560,0.501388888888889,9,explored +explored-9561,0.2571614583333336,17,explored +explored-9562,0.5192708333333335,7,explored +explored-9563,0.3666666666666667,16,explored +explored-9564,0.4859375,7,explored +explored-9565,0.6401620370370372,17,explored +explored-9566,0.5318055555555559,11,explored +explored-9567,0.7019097222222224,11,explored +explored-9568,0.4081307870370372,20,explored +explored-9569,0.6335069444444446,10,explored +explored-9570,0.5437500000000002,9,explored +explored-9571,0.6527777777777779,8,explored +explored-9572,0.28046875000000016,15,explored +explored-9573,0.394791666666667,11,explored +explored-9574,0.658888888888889,10,explored +explored-9575,0.6458333333333335,15,explored +explored-9576,0.2888165509259262,23,explored +explored-9577,0.24756944444444473,16,explored +explored-9578,0.43281250000000027,13,explored +explored-9579,0.5957465277777778,15,explored +explored-9580,0.2585937500000004,17,explored +explored-9581,0.4143229166666669,15,explored +explored-9582,0.3771296296296298,15,explored +explored-9583,0.43281249999999993,9,explored +explored-9584,0.4447916666666669,13,explored +explored-9585,0.6345486111111113,7,explored +explored-9586,0.471527777777778,13,explored +explored-9587,0.09843750000000018,18,explored +explored-9588,0.5380208333333333,7,explored +explored-9589,0.6103298611111112,11,explored +explored-9590,0.6523726851851853,11,explored +explored-9591,0.7596412037037038,5,explored +explored-9592,0.35260416666666694,10,explored +explored-9593,0.5854166666666668,10,explored +explored-9594,0.581521990740741,14,explored +explored-9595,0.7356770833333334,11,explored +explored-9596,0.2937500000000002,19,explored +explored-9597,0.5084722222222223,13,explored +explored-9598,0.5671875000000002,8,explored +explored-9599,0.6630787037037038,7,explored +explored-9600,0.39333333333333353,11,explored +explored-9601,0.42106481481481506,21,explored +explored-9602,0.277604166666667,12,explored +explored-9603,0.28229166666666705,13,explored +explored-9604,0.31614583333333357,17,explored +explored-9605,0.31597222222222254,13,explored +explored-9606,0.813888888888889,5,explored +explored-9607,0.28710937500000033,13,explored +explored-9608,0.7591574074074074,19,explored +explored-9609,0.48055555555555574,17,explored +explored-9610,0.4866319444444446,16,explored +explored-9611,0.3908854166666669,13,explored +explored-9612,0.44357638888888906,14,explored +explored-9613,0.3197916666666668,8,explored +explored-9614,0.7541666666666667,4,explored +explored-9615,0.5223784722222222,9,explored +explored-9616,0.4124421296296299,17,explored +explored-9617,0.5236111111111114,14,explored +explored-9618,0.6089409722222223,11,explored +explored-9619,0.7708854166666668,5,explored +explored-9620,0.49375000000000024,11,explored +explored-9621,0.08593750000000022,15,explored +explored-9622,0.7180555555555554,8,explored +explored-9623,0.6244791666666668,14,explored +explored-9624,0.47657407407407426,17,explored +explored-9625,0.33906250000000016,16,explored +explored-9626,0.5125000000000002,13,explored +explored-9627,0.3997395833333335,20,explored +explored-9628,0.7093750000000001,2,explored +explored-9629,0.6765625000000002,9,explored +explored-9630,0.6400173611111113,6,explored +explored-9631,0.2567708333333336,17,explored +explored-9632,0.5635416666666668,10,explored +explored-9633,0.6991030092592594,32,explored +explored-9634,0.18611111111111123,15,explored +explored-9635,0.5375462962962965,15,explored +explored-9636,0.43553819444444464,17,explored +explored-9637,0.4833333333333336,10,explored +explored-9638,0.41510416666666683,17,explored +explored-9639,0.78359375,8,explored +explored-9640,0.42734375000000024,16,explored +explored-9641,0.5719328703703705,9,explored +explored-9642,0.7293072916666667,26,explored +explored-9643,0.6143750000000001,9,explored +explored-9644,0.5991319444444445,13,explored +explored-9645,0.30529513888888915,17,explored +explored-9646,0.5892708333333334,6,explored +explored-9647,0.5928125000000002,10,explored +explored-9648,0.5123263888888889,16,explored +explored-9649,0.39208333333333356,16,explored +explored-9650,0.5550000000000002,13,explored +explored-9651,0.7350000000000001,8,explored +explored-9652,0.7581597222222223,11,explored +explored-9653,0.6126446759259261,29,explored +explored-9654,0.4316203703703706,13,explored +explored-9655,0.6135416666666667,6,explored +explored-9656,0.3987413194444447,25,explored +explored-9657,0.32343750000000027,10,explored +explored-9658,0.4744791666666669,17,explored +explored-9659,0.37806712962962985,14,explored +explored-9660,0.5195312500000002,13,explored +explored-9661,0.3955555555555559,12,explored +explored-9662,0.5198958333333334,14,explored +explored-9663,0.5996527777777779,10,explored +explored-9664,0.5457291666666668,12,explored +explored-9665,2.220446049250313e-16,12,explored +explored-9666,0.5342303240740742,21,explored +explored-9667,0.5921875000000001,13,explored +explored-9668,0.5862500000000002,6,explored +explored-9669,0.47473958333333344,9,explored +explored-9670,0.5357407407407409,11,explored +explored-9671,0.35364583333333355,13,explored +explored-9672,0.6312847222222224,11,explored +explored-9673,0.4497395833333335,14,explored +explored-9674,0.7395833333333335,5,explored +explored-9675,0.5660416666666669,16,explored +explored-9676,0.7086904761904763,29,explored +explored-9677,0.6196180555555557,15,explored +explored-9678,0.5484664351851853,13,explored +explored-9679,0.4750000000000001,14,explored +explored-9680,0.2625000000000004,12,explored +explored-9681,0.3031250000000003,14,explored +explored-9682,0.6069444444444446,9,explored +explored-9683,0.6851128472222223,32,explored +explored-9684,0.38402777777777797,13,explored +explored-9685,0.040625000000000355,13,explored +explored-9686,0.5445312500000002,17,explored +explored-9687,0.6479166666666667,9,explored +explored-9688,0.589670138888889,10,explored +explored-9689,0.2581597222222225,18,explored +explored-9690,0.5023437500000002,12,explored +explored-9691,0.441666666666667,5,explored +explored-9692,0.3309895833333336,19,explored +explored-9693,0.37312500000000015,14,explored +explored-9694,0.2751736111111114,16,explored +explored-9695,0.6484375000000002,9,explored +explored-9696,0.7696180555555556,9,explored +explored-9697,0.5526041666666666,13,explored +explored-9698,0.6898437500000001,5,explored +explored-9699,0.6414930555555557,6,explored +explored-9700,0.4354166666666668,9,explored +explored-9701,0.20390625000000018,25,explored +explored-9702,0.6769097222222222,19,explored +explored-9703,0.591666666666667,4,explored +explored-9704,0.6473958333333334,16,explored +explored-9705,0.5635416666666668,8,explored +explored-9706,0.3642361111111114,14,explored +explored-9707,0.12500000000000022,17,explored +explored-9708,0.6809027777777779,10,explored +explored-9709,0.6991319444444446,10,explored +explored-9710,0.7227604166666668,42,explored +explored-9711,0.4998842592592594,21,explored +explored-9712,0.6375,6,explored +explored-9713,0.2426736111111112,19,explored +explored-9714,0.7359375000000001,13,explored +explored-9715,0.3125000000000002,14,explored +explored-9716,0.6741319444444446,9,explored +explored-9717,0.3802083333333337,10,explored +explored-9718,0.6369791666666669,13,explored +explored-9719,0.6746527777777779,27,explored +explored-9720,0.4055555555555559,11,explored +explored-9721,0.5114583333333337,7,explored +explored-9722,0.4851851851851853,17,explored +explored-9723,0.8692708333333333,2,explored +explored-9724,0.704601851851852,35,explored +explored-9725,0.5209027777777779,14,explored +explored-9726,0.6660416666666668,9,explored +explored-9727,0.5105034722222224,15,explored +explored-9728,0.3841145833333336,17,explored +explored-9729,0.543865740740741,15,explored +explored-9730,0.81875,10,explored +explored-9731,0.7039930555555556,13,explored +explored-9732,0.5595486111111112,9,explored +explored-9733,0.680601851851852,15,explored +explored-9734,0.5227430555555557,15,explored +explored-9735,0.8385416666666666,7,explored +explored-9736,0.7756944444444445,6,explored +explored-9737,0.5841145833333335,8,explored +explored-9738,0.5380208333333335,9,explored +explored-9739,0.46493055555555574,13,explored +explored-9740,0.6604166666666667,6,explored +explored-9741,0.3333333333333337,16,explored +explored-9742,0.3402199074074076,18,explored +explored-9743,0.5276041666666668,17,explored +explored-9744,0.5640625000000001,7,explored +explored-9745,0.6061631944444446,12,explored +explored-9746,0.6796875000000001,11,explored +explored-9747,0.3142361111111114,18,explored +explored-9748,0.47973090277777797,20,explored +explored-9749,0.671875,14,explored +explored-9750,0.5062500000000001,6,explored +explored-9751,0.5485821759259261,22,explored +explored-9752,0.5765625000000001,13,explored +explored-9753,0.5540798611111113,11,explored +explored-9754,0.4085937500000003,14,explored +explored-9755,0.7756944444444445,9,explored +explored-9756,0.5516493055555558,16,explored +explored-9757,0.2659722222222224,21,explored +explored-9758,0.6454687500000001,9,explored +explored-9759,0.4881076388888891,19,explored +explored-9760,0.5981770833333333,9,explored +explored-9761,0.4012152777777779,17,explored +explored-9762,0.6631018518518519,22,explored +explored-9763,0.42567708333333354,19,explored +explored-9764,0.4083333333333332,7,explored +explored-9765,0.6896990740740742,16,explored +explored-9766,0.7426388888888888,4,explored +explored-9767,0.7992187500000001,4,explored +explored-9768,0.5631944444444448,10,explored +explored-9769,0.11614583333333361,14,explored +explored-9770,0.6333622685185187,18,explored +explored-9771,0.6361979166666669,9,explored +explored-9772,0.6825752314814816,37,explored +explored-9773,0.3548177083333335,19,explored +explored-9774,0.5961082175925927,13,explored +explored-9775,0.7598611111111112,6,explored +explored-9776,0.6428819444444445,7,explored +explored-9777,0.2532407407407409,16,explored +explored-9778,0.6840277777777779,7,explored +explored-9779,0.6907407407407409,9,explored +explored-9780,0.6754745370370372,10,explored +explored-9781,0.5163194444444447,13,explored +explored-9782,0.5452083333333335,13,explored +explored-9783,0.6153240740740742,13,explored +explored-9784,0.4028645833333335,15,explored +explored-9785,0.6752314814814816,12,explored +explored-9786,0.377777777777778,15,explored +explored-9787,0.4614583333333335,12,explored +explored-9788,0.6308159722222223,10,explored +explored-9789,0.6144097222222223,9,explored +explored-9790,0.2532986111111113,21,explored +explored-9791,0.6142361111111113,8,explored +explored-9792,0.5264467592592594,16,explored +explored-9793,0.35703125000000036,19,explored +explored-9794,0.36163194444444446,20,explored +explored-9795,0.6028645833333335,5,explored +explored-9796,0.3270833333333333,12,explored +explored-9797,0.32881944444444466,21,explored +explored-9798,0.5195312500000002,15,explored +explored-9799,0.6287615740740742,15,explored +explored-9800,0.4959490740740742,15,explored +explored-9801,0.7093750000000001,2,explored +explored-9802,0.5194444444444446,19,explored +explored-9803,0.32111111111111135,13,explored +explored-9804,0.5601388888888891,11,explored +explored-9805,0.7758680555555557,9,explored +explored-9806,0.4973958333333335,10,explored +explored-9807,0.3743055555555558,13,explored +explored-9808,0.15390625000000036,17,explored +explored-9809,0.3835069444444448,20,explored +explored-9810,0.6269097222222224,12,explored +explored-9811,0.6468750000000002,6,explored +explored-9812,0.3918981481481485,17,explored +explored-9813,0.527170138888889,8,explored +explored-9814,0.5840740740740742,13,explored +explored-9815,0.6262152777777779,8,explored +explored-9816,0.42500000000000027,17,explored +explored-9817,0.17591145833333366,16,explored +explored-9818,0.8,6,explored +explored-9819,0.21119791666666698,18,explored +explored-9820,0.5778356481481483,8,explored +explored-9821,0.5284722222222222,10,explored +explored-9822,0.23211805555555598,17,explored +explored-9823,0.34479166666666705,15,explored +explored-9824,0.6763888888888888,9,explored +explored-9825,0.5984375000000002,13,explored +explored-9826,0.36250000000000004,12,explored +explored-9827,0.25364583333333357,12,explored +explored-9828,0.7286111111111112,8,explored +explored-9829,0.5940625000000002,18,explored +explored-9830,0.5707175925925927,13,explored +explored-9831,0.6597222222222223,7,explored +explored-9832,0.6322916666666668,11,explored +explored-9833,0.39814814814814836,22,explored +explored-9834,0.42500000000000016,9,explored +explored-9835,0.7763020833333334,4,explored +explored-9836,0.41770833333333346,6,explored +explored-9837,0.2703125000000002,15,explored +explored-9838,0.5824074074074076,16,explored +explored-9839,0.49288194444444466,12,explored +explored-9840,0.4549479166666668,25,explored +explored-9841,0.23125000000000018,11,explored +explored-9842,0.517013888888889,8,explored +explored-9843,0.6784722222222224,7,explored +explored-9844,0.5895833333333333,13,explored +explored-9845,0.734375,10,explored +explored-9846,0.5881076388888891,18,explored +explored-9847,0.3812500000000003,13,explored +explored-9848,0.5655092592592594,16,explored +explored-9849,0.6196990740740742,10,explored +explored-9850,0.6706597222222224,14,explored +explored-9851,0.733576388888889,9,explored +explored-9852,0.6696354166666668,12,explored +explored-9853,0.4980555555555557,15,explored +explored-9854,0.7493055555555557,7,explored +explored-9855,0.6991302083333334,30,explored +explored-9856,0.501041666666667,6,explored +explored-9857,0.3305989583333335,14,explored +explored-9858,0.42500000000000027,11,explored +explored-9859,0.4070167824074076,17,explored +explored-9860,0.6369791666666669,21,explored +explored-9861,0.6104166666666666,4,explored +explored-9862,0.7385186838624339,36,explored +explored-9863,0.6307291666666668,10,explored +explored-9864,0.5178819444444447,10,explored +explored-9865,0.12604166666666705,12,explored +explored-9866,0.7719212962962965,9,explored +explored-9867,0.5127430555555557,14,explored +explored-9868,0.49765625000000013,8,explored +explored-9869,0.5197222222222224,11,explored +explored-9870,0.33372395833333346,23,explored +explored-9871,0.5395833333333335,11,explored +explored-9872,0.11250000000000027,16,explored +explored-9873,0.4667534722222223,19,explored +explored-9874,0.3017361111111112,13,explored +explored-9875,0.08125000000000027,10,explored +explored-9876,0.6098958333333335,8,explored +explored-9877,0.5914641203703704,19,explored +explored-9878,0.3495949074074076,24,explored +explored-9879,0.3548611111111114,19,explored +explored-9880,0.539670138888889,13,explored +explored-9881,0.5710937500000002,14,explored +explored-9882,0.5916666666666668,7,explored +explored-9883,0.4222222222222225,15,explored +explored-9884,0.6231018518518519,15,explored +explored-9885,0.338715277777778,17,explored +explored-9886,0.82578125,4,explored +explored-9887,0.2791666666666668,16,explored +explored-9888,0.3518229166666669,16,explored +explored-9889,0.6958159722222224,11,explored +explored-9890,0.4809027777777781,14,explored +explored-9891,0.2934027777777779,19,explored +explored-9892,0.7302083333333335,14,explored +explored-9893,0.3870659722222223,12,explored +explored-9894,0.3612847222222224,20,explored +explored-9895,0.47181712962962974,19,explored +explored-9896,0.5635850694444446,20,explored +explored-9897,0.35815972222222237,18,explored +explored-9898,0.6313946759259261,13,explored +explored-9899,0.3914062500000002,22,explored +explored-9900,0.5226562500000002,10,explored +explored-9901,0.6109375000000001,15,explored +explored-9902,0.414658564814815,19,explored +explored-9903,0.3255208333333337,9,explored +explored-9904,0.7852777777777779,7,explored +explored-9905,0.4187500000000002,10,explored +explored-9906,0.6639351851851852,36,explored +explored-9907,0.36875000000000024,15,explored +explored-9908,0.6870486111111113,4,explored +explored-9909,0.24079861111111134,14,explored +explored-9910,0.4667534722222224,19,explored +explored-9911,0.33125000000000027,10,explored +explored-9912,0.4623263888888891,10,explored +explored-9913,0.29942129629629655,20,explored +explored-9914,0.5020833333333334,7,explored +explored-9915,0.45078125000000024,9,explored +explored-9916,0.5932291666666667,14,explored +explored-9917,0.24791666666666679,21,explored +explored-9918,0.5256944444444446,13,explored +explored-9919,0.6277777777777778,10,explored +explored-9920,0.6107638888888889,13,explored +explored-9921,0.5616319444444445,8,explored +explored-9922,0.27708333333333346,15,explored +explored-9923,0.42934027777777795,15,explored +explored-9924,0.6415682870370372,30,explored +explored-9925,0.4125,12,explored +explored-9926,0.39806134259259274,24,explored +explored-9927,0.6857261904761905,40,explored +explored-9928,0.6355902777777779,10,explored +explored-9929,0.24088541666666696,16,explored +explored-9930,0.32802083333333354,14,explored +explored-9931,0.44687500000000013,18,explored +explored-9932,0.5575520833333335,11,explored +explored-9933,0.32048611111111125,18,explored +explored-9934,0.5368055555555555,14,explored +explored-9935,0.5743055555555556,5,explored +explored-9936,0.6119502314814815,19,explored +explored-9937,0.4781192129629631,16,explored +explored-9938,0.7665798611111111,13,explored +explored-9939,0.44062500000000004,9,explored +explored-9940,0.5977430555555557,6,explored +explored-9941,0.5846527777777779,9,explored +explored-9942,0.6930555555555555,9,explored +explored-9943,0.06510416666666696,18,explored +explored-9944,0.77734375,6,explored +explored-9945,0.3641493055555558,20,explored +explored-9946,0.6918750000000001,5,explored +explored-9947,0.46788194444444464,9,explored +explored-9948,0.4665711805555557,14,explored +explored-9949,0.3574652777777779,13,explored +explored-9950,0.650232638888889,38,explored +explored-9951,0.4130208333333336,14,explored +explored-9952,0.15057870370370408,20,explored +explored-9953,0.56953125,8,explored +explored-9954,0.14652777777777803,11,explored +explored-9955,0.6470486111111112,6,explored +explored-9956,0.726388888888889,12,explored +explored-9957,0.2542534722222224,21,explored +explored-9958,0.5996527777777779,8,explored +explored-9959,0.3354166666666668,18,explored +explored-9960,0.494212962962963,13,explored +explored-9961,0.4620312500000001,13,explored +explored-9962,0.7596354166666668,14,explored +explored-9963,0.3486111111111114,11,explored +explored-9964,0.5283680555555558,14,explored +explored-9965,0.6725839120370372,35,explored +explored-9966,0.7673611111111112,12,explored +explored-9967,0.4241319444444447,23,explored +explored-9968,0.5701967592592594,13,explored +explored-9969,0.41174768518518534,16,explored +explored-9970,0.25312500000000027,8,explored +explored-9971,0.4925347222222223,11,explored +explored-9972,0.5526041666666668,7,explored +explored-9973,0.46163194444444455,14,explored +explored-9974,0.24583333333333357,16,explored +explored-9975,0.4583333333333335,16,explored +explored-9976,0.5312499999999999,10,explored +explored-9977,0.5755208333333335,12,explored +explored-9978,0.6831597222222223,9,explored +explored-9979,0.34774305555555585,20,explored +explored-9980,0.39027777777777795,17,explored +explored-9981,0.6677083333333333,8,explored +explored-9982,0.6365017361111112,25,explored +explored-9983,0.27265625000000016,19,explored +explored-9984,0.36643518518518536,19,explored +explored-9985,0.47949074074074083,18,explored +explored-9986,0.4397569444444446,18,explored +explored-9987,0.6135416666666669,4,explored +explored-9988,0.6247395833333335,8,explored +explored-9989,0.5903645833333334,16,explored +explored-9990,0.41620370370370385,21,explored +explored-9991,0.4145833333333335,17,explored +explored-9992,0.49774305555555576,25,explored +explored-9993,0.7276041666666666,9,explored +explored-9994,0.4569444444444446,13,explored +explored-9995,0.4964409722222224,11,explored +explored-9996,0.4082986111111113,16,explored +explored-9997,0.526388888888889,16,explored +explored-9998,0.2968750000000002,13,explored +explored-9999,0.5263888888888889,18,explored +explored-10000,0.7125000000000001,5,explored +explored-10001,0.5034866898148149,20,explored +explored-10002,0.5868923611111113,10,explored +explored-10003,0.5118055555555556,13,explored +explored-10004,0.3167187500000004,19,explored +explored-10005,0.6656250000000001,6,explored +explored-10006,0.36197916666666696,20,explored +explored-10007,0.5854166666666668,8,explored +explored-10008,0.4476562500000002,9,explored +explored-10009,0.34072916666666686,19,explored +explored-10010,0.5322916666666668,8,explored +explored-10011,0.42155671296296315,21,explored +explored-10012,0.2777777777777779,14,explored +explored-10013,0.5052083333333335,11,explored +explored-10014,0.5722222222222224,9,explored +explored-10015,0.6957175925925927,13,explored +explored-10016,0.4437500000000002,20,explored +explored-10017,0.6526041666666667,7,explored +explored-10018,0.622265625,10,explored +explored-10019,0.6037037037037039,15,explored +explored-10020,0.49375000000000013,11,explored +explored-10021,0.21093750000000022,9,explored +explored-10022,0.6846932870370371,10,explored +explored-10023,0.5091145833333334,14,explored +explored-10024,0.4833043981481484,24,explored +explored-10025,0.14357638888888924,18,explored +explored-10026,0.4637152777777779,15,explored +explored-10027,0.22604166666666692,12,explored +explored-10028,0.8083333333333333,4,explored +explored-10029,0.5763020833333334,5,explored +explored-10030,0.672916666666667,3,explored +explored-10031,0.5671875000000002,14,explored +explored-10032,0.36432291666666705,15,explored +explored-10033,0.3800000000000001,11,explored +explored-10034,0.45000000000000007,9,explored +explored-10035,0.6543402777777779,12,explored +explored-10036,0.6139756944444447,22,explored +explored-10037,0.6289062500000001,12,explored +explored-10038,0.6856481481481482,12,explored +explored-10039,0.12413194444444464,20,explored +explored-10040,0.4621527777777781,12,explored +explored-10041,0.5218750000000001,3,explored +explored-10042,0.24583333333333357,22,explored +explored-10043,0.4368055555555558,7,explored +explored-10044,0.5798611111111112,10,explored +explored-10045,0.3328125000000002,13,explored +explored-10046,0.34438657407407436,27,explored +explored-10047,0.6083333333333335,6,explored +explored-10048,0.6506944444444445,12,explored +explored-10049,0.6635995370370371,13,explored +explored-10050,0.3802662037037039,21,explored +explored-10051,0.3796875000000002,13,explored +explored-10052,0.27986111111111134,21,explored +explored-10053,0.7341145833333333,6,explored +explored-10054,0.581076388888889,7,explored +explored-10055,0.6849826388888889,10,explored +explored-10056,0.44010416666666685,10,explored +explored-10057,0.47782407407407423,16,explored +explored-10058,0.5962239583333334,8,explored +explored-10059,0.7593518518518519,10,explored +explored-10060,0.4520399305555557,22,explored +explored-10061,0.5666666666666668,9,explored +explored-10062,0.6760069444444445,13,explored +explored-10063,0.5270833333333335,17,explored +explored-10064,0.3544791666666668,13,explored +explored-10065,0.5171875000000001,10,explored +explored-10066,0.6244212962962965,12,explored +explored-10067,0.6354166666666669,7,explored +explored-10068,0.4334201388888891,16,explored +explored-10069,0.6493055555555557,7,explored +explored-10070,0.3471354166666669,17,explored +explored-10071,0.3768518518518522,14,explored +explored-10072,0.5406828703703703,17,explored +explored-10073,0.3446180555555557,16,explored +explored-10074,2.220446049250313e-16,15,explored +explored-10075,0.6159722222222224,8,explored +explored-10076,0.4320312500000002,15,explored +explored-10077,0.7575520833333335,8,explored +explored-10078,0.540451388888889,13,explored +explored-10079,0.26093750000000027,13,explored +explored-10080,0.7241319444444445,10,explored +explored-10081,0.26875000000000027,22,explored +explored-10082,0.285590277777778,18,explored +explored-10083,0.3745833333333335,19,explored +explored-10084,0.5803819444444447,12,explored +explored-10085,0.672013888888889,10,explored +explored-10086,0.5783420138888891,15,explored +explored-10087,0.5750000000000002,8,explored +explored-10088,0.6269097222222224,10,explored +explored-10089,0.5473958333333335,10,explored +explored-10090,0.6367187500000001,8,explored +explored-10091,0.5236458333333335,10,explored +explored-10092,0.6561342592592594,12,explored +explored-10093,0.5643055555555557,9,explored +explored-10094,0.4750000000000002,8,explored +explored-10095,0.4639178240740742,20,explored +explored-10096,0.4262442129629631,20,explored +explored-10097,0.585590277777778,11,explored +explored-10098,0.2352430555555557,17,explored +explored-10099,0.5953414351851853,14,explored +explored-10100,0.32239583333333355,12,explored +explored-10101,0.6072916666666668,7,explored +explored-10102,0.6046875000000002,9,explored +explored-10103,0.5041666666666669,14,explored +explored-10104,0.4199074074074076,16,explored +explored-10105,0.3718750000000002,17,explored +explored-10106,0.6929687500000001,12,explored +explored-10107,0.5666666666666668,15,explored +explored-10108,0.4071180555555558,15,explored +explored-10109,0.14375000000000027,18,explored +explored-10110,0.6510416666666669,6,explored +explored-10111,0.5640625000000001,10,explored +explored-10112,0.7347222222222223,8,explored +explored-10113,0.7821180555555556,18,explored +explored-10114,0.6050347222222223,17,explored +explored-10115,0.48126736111111135,16,explored +explored-10116,0.5651041666666669,11,explored +explored-10117,0.6036458333333333,12,explored +explored-10118,0.4989583333333335,8,explored +explored-10119,0.6258333333333335,11,explored +explored-10120,0.5348379629629632,9,explored +explored-10121,0.7604166666666666,2,explored +explored-10122,0.4768229166666669,15,explored +explored-10123,0.6428819444444446,9,explored +explored-10124,0.45482638888888904,14,explored +explored-10125,0.39060763888888894,15,explored +explored-10126,0.6267361111111113,11,explored +explored-10127,0.5249131944444446,17,explored +explored-10128,0.687152777777778,12,explored +explored-10129,0.5500000000000002,12,explored +explored-10130,0.6669270833333334,13,explored +explored-10131,0.16649305555555594,11,explored +explored-10132,0.5483796296296297,8,explored +explored-10133,0.09899305555555582,15,explored +explored-10134,0.5020833333333334,20,explored +explored-10135,0.38055555555555587,11,explored +explored-10136,0.2673611111111114,19,explored +explored-10137,0.5833333333333334,5,explored +explored-10138,0.2312500000000004,13,explored +explored-10139,0.5562789351851853,12,explored +explored-10140,0.4111631944444447,14,explored +explored-10141,0.6926736111111111,24,explored +explored-10142,0.28090277777777817,22,explored +explored-10143,0.41666666666666685,16,explored +explored-10144,0.542621527777778,11,explored +explored-10145,0.6524305555555556,11,explored +explored-10146,0.7415625000000001,7,explored +explored-10147,0.5942708333333335,6,explored +explored-10148,0.5076388888888891,6,explored +explored-10149,0.16701388888888924,15,explored +explored-10150,0.4119212962962966,27,explored +explored-10151,0.667013888888889,6,explored +explored-10152,0.34703703703703737,19,explored +explored-10153,0.3255208333333337,9,explored +explored-10154,0.44690393518518534,15,explored +explored-10155,0.6466145833333333,13,explored +explored-10156,0.6302083333333335,7,explored +explored-10157,0.5814091435185187,14,explored +explored-10158,0.22916666666666696,13,explored +explored-10159,0.15179398148148193,18,explored +explored-10160,0.6817708333333332,6,explored +explored-10161,0.6990449735449736,42,explored +explored-10162,0.13020833333333348,13,explored +explored-10163,0.5158333333333335,10,explored +explored-10164,0.479513888888889,11,explored +explored-10165,0.2891493055555556,14,explored +explored-10166,0.400260416666667,12,explored +explored-10167,0.30625000000000024,23,explored +explored-10168,0.8016666666666667,2,explored +explored-10169,0.6758506944444446,6,explored +explored-10170,0.48750000000000016,17,explored +explored-10171,0.6,10,explored +explored-10172,0.09531250000000036,14,explored +explored-10173,0.5406250000000001,11,explored +explored-10174,0.20355902777777812,17,explored +explored-10175,0.637465277777778,11,explored +explored-10176,0.6782708333333334,20,explored +explored-10177,0.3166666666666669,8,explored +explored-10178,0.6197916666666669,2,explored +explored-10179,0.28333333333333366,10,explored +explored-10180,0.7612847222222222,16,explored +explored-10181,0.6633969907407409,15,explored +explored-10182,0.606076388888889,9,explored +explored-10183,0.687152777777778,9,explored +explored-10184,0.4240277777777779,20,explored +explored-10185,0.85625,3,explored +explored-10186,0.35820312500000007,13,explored +explored-10187,0.7564814814814815,15,explored +explored-10188,0.4687500000000002,16,explored +explored-10189,0.5750000000000002,15,explored +explored-10190,0.32476851851851873,15,explored +explored-10191,0.6258680555555556,17,explored +explored-10192,0.7756944444444445,7,explored +explored-10193,0.24583333333333357,12,explored +explored-10194,0.4296875000000002,14,explored +explored-10195,0.5562500000000001,11,explored +explored-10196,0.5329861111111114,17,explored +explored-10197,0.5305555555555556,14,explored +explored-10198,0.42161458333333357,15,explored +explored-10199,0.5622106481481483,14,explored +explored-10200,0.7837500000000001,4,explored +explored-10201,0.47682291666666676,17,explored +explored-10202,0.6803819444444444,13,explored +explored-10203,0.5842013888888891,9,explored +explored-10204,0.3085937500000002,14,explored +explored-10205,0.5102343750000002,25,explored +explored-10206,0.43914930555555554,12,explored +explored-10207,0.08593750000000022,17,explored +explored-10208,0.41808449074074083,16,explored +explored-10209,0.7286284722222223,8,explored +explored-10210,0.5101562500000002,18,explored +explored-10211,0.5794270833333333,12,explored +explored-10212,0.5368923611111112,12,explored +explored-10213,0.49577546296296304,15,explored +explored-10214,0.33416666666666694,12,explored +explored-10215,0.5985416666666669,10,explored +explored-10216,0.5617766203703706,16,explored +explored-10217,0.15625000000000044,26,explored +explored-10218,0.4070312500000003,12,explored +explored-10219,0.37711226851851865,16,explored +explored-10220,0.42734375000000013,10,explored +explored-10221,0.24192708333333357,18,explored +explored-10222,0.46354166666666685,7,explored +explored-10223,0.4770833333333333,8,explored +explored-10224,0.527025462962963,13,explored +explored-10225,0.5578125000000003,12,explored +explored-10226,0.48802083333333346,11,explored +explored-10227,0.5857638888888891,15,explored +explored-10228,0.6573350694444444,16,explored +explored-10229,0.7019097222222224,9,explored +explored-10230,0.3328125000000002,14,explored +explored-10231,0.46897569444444465,20,explored +explored-10232,0.4812500000000002,7,explored +explored-10233,0.6074652777777779,12,explored +explored-10234,0.3421875000000002,17,explored +explored-10235,0.39722222222222237,15,explored +explored-10236,0.18125000000000036,16,explored +explored-10237,0.578414351851852,9,explored +explored-10238,0.6799450231481482,15,explored +explored-10239,0.8531250000000001,5,explored +explored-10240,0.6302083333333335,11,explored +explored-10241,0.4685300925925926,16,explored +explored-10242,0.5428819444444446,10,explored +explored-10243,0.42190393518518543,20,explored +explored-10244,0.3333333333333337,14,explored +explored-10245,0.3867187500000002,17,explored +explored-10246,0.5126041666666667,8,explored +explored-10247,0.5394097222222224,9,explored +explored-10248,0.5736111111111113,10,explored +explored-10249,0.41076388888888915,15,explored +explored-10250,0.30885416666666676,18,explored +explored-10251,0.575,7,explored +explored-10252,0.5069791666666669,12,explored +explored-10253,0.6275462962962964,9,explored +explored-10254,0.690763888888889,6,explored +explored-10255,0.5840277777777778,4,explored +explored-10256,0.6033564814814816,20,explored +explored-10257,0.6706597222222224,14,explored +explored-10258,0.4572916666666669,8,explored +explored-10259,0.5139178240740742,15,explored +explored-10260,0.587152777777778,11,explored +explored-10261,0.5311111111111113,12,explored +explored-10262,0.76875,2,explored +explored-10263,0.43125000000000036,11,explored +explored-10264,0.5076388888888891,15,explored +explored-10265,0.370138888888889,15,explored +explored-10266,0.3657407407407409,21,explored +explored-10267,0.32916666666666694,7,explored +explored-10268,0.6587500000000001,8,explored +explored-10269,0.4461805555555558,12,explored +explored-10270,0.6709490740740742,9,explored +explored-10271,0.6195312500000002,12,explored +explored-10272,0.4668402777777779,17,explored +explored-10273,0.46831597222222243,15,explored +explored-10274,0.6269097222222224,13,explored +explored-10275,0.32906250000000026,26,explored +explored-10276,0.494574652777778,16,explored +explored-10277,0.3450520833333335,26,explored +explored-10278,0.7528645833333334,7,explored +explored-10279,0.5365162037037039,14,explored +explored-10280,0.5555555555555556,12,explored +explored-10281,0.19236111111111143,15,explored +explored-10282,0.5937500000000001,8,explored +explored-10283,0.5893229166666667,6,explored +explored-10284,0.6104166666666666,3,explored +explored-10285,0.6792395833333333,26,explored +explored-10286,0.40156250000000027,13,explored +explored-10287,0.6861979166666669,5,explored +explored-10288,0.7276562500000001,16,explored +explored-10289,0.5019097222222224,15,explored +explored-10290,0.5362500000000001,7,explored +explored-10291,0.34048032407407425,17,explored +explored-10292,0.43376736111111125,13,explored +explored-10293,0.8631944444444444,8,explored +explored-10294,0.4486111111111114,14,explored +explored-10295,0.7875,5,explored +explored-10296,0.6536458333333335,19,explored +explored-10297,0.6322916666666667,13,explored +explored-10298,0.2772569444444446,25,explored +explored-10299,0.5808333333333333,9,explored +explored-10300,0.6149305555555556,8,explored +explored-10301,0.5525000000000002,12,explored +explored-10302,0.7624253472222222,23,explored +explored-10303,0.6473958333333334,12,explored +explored-10304,0.6783854166666667,6,explored +explored-10305,0.5840277777777778,10,explored +explored-10306,0.651388888888889,7,explored +explored-10307,0.7590277777777779,7,explored +explored-10308,0.07864583333333353,16,explored +explored-10309,0.8227430555555555,8,explored +explored-10310,0.5984375,8,explored +explored-10311,0.6475694444444446,7,explored +explored-10312,0.6222222222222223,14,explored +explored-10313,0.44010416666666685,6,explored +explored-10314,0.33593750000000033,15,explored +explored-10315,0.36348379629629657,20,explored +explored-10316,0.669247271825397,44,explored +explored-10317,0.6062789351851854,13,explored +explored-10318,0.6095920138888891,15,explored +explored-10319,0.16406250000000022,15,explored +explored-10320,0.7437500000000001,16,explored +explored-10321,0.6365740740740742,15,explored +explored-10322,0.24936342592592609,20,explored +explored-10323,0.6880208333333335,8,explored +explored-10324,0.6004166666666668,7,explored +explored-10325,0.5314062500000002,19,explored +explored-10326,0.515277777777778,12,explored +explored-10327,0.22384259259259287,16,explored +explored-10328,0.33159722222222254,17,explored +explored-10329,0.6355902777777779,19,explored +explored-10330,0.5842881944444445,15,explored +explored-10331,0.6858333333333334,8,explored +explored-10332,0.4310763888888891,16,explored +explored-10333,0.5679687500000001,11,explored +explored-10334,0.30329861111111134,19,explored +explored-10335,0.7382089120370372,18,explored +explored-10336,0.35509259259259274,19,explored +explored-10337,0.18437500000000018,14,explored +explored-10338,0.6219618055555557,12,explored +explored-10339,0.3998553240740742,20,explored +explored-10340,0.21770833333333361,17,explored +explored-10341,0.5064583333333335,8,explored +explored-10342,0.5784722222222224,11,explored +explored-10343,0.3564236111111113,19,explored +explored-10344,0.3690972222222225,20,explored +explored-10345,0.4052083333333336,14,explored +explored-10346,0.6516666666666667,3,explored +explored-10347,0.4097222222222223,12,explored +explored-10348,0.4105578703703705,23,explored +explored-10349,0.3050347222222225,21,explored +explored-10350,0.6664062500000001,4,explored +explored-10351,0.6233333333333335,7,explored +explored-10352,0.21163194444444466,25,explored +explored-10353,0.6401041666666667,8,explored +explored-10354,0.684670138888889,37,explored +explored-10355,0.3104166666666668,12,explored +explored-10356,0.4754629629629632,16,explored +explored-10357,0.48993055555555576,12,explored +explored-10358,0.30529513888888904,22,explored +explored-10359,0.43020833333333364,12,explored +explored-10360,0.19696180555555587,15,explored +explored-10361,0.702013888888889,14,explored +explored-10362,0.6225694444444445,13,explored +explored-10363,0.5234375000000002,9,explored +explored-10364,0.3338541666666669,20,explored +explored-10365,0.7588541666666667,13,explored +explored-10366,0.5069444444444446,7,explored +explored-10367,0.48547453703703713,16,explored +explored-10368,0.7770833333333333,6,explored +explored-10369,0.671875,9,explored +explored-10370,0.6751041666666667,29,explored +explored-10371,0.3923611111111114,11,explored +explored-10372,0.6252604166666669,13,explored +explored-10373,0.48466435185185197,18,explored +explored-10374,0.41562500000000013,10,explored +explored-10375,0.49097222222222237,12,explored +explored-10376,0.3052083333333335,18,explored +explored-10377,0.6281944444444446,11,explored +explored-10378,0.5450520833333335,13,explored +explored-10379,0.6875173611111112,12,explored +explored-10380,0.48350694444444464,16,explored +explored-10381,0.36354166666666676,6,explored +explored-10382,0.3642361111111113,16,explored +explored-10383,0.6692129629629631,28,explored +explored-10384,0.8520833333333333,8,explored +explored-10385,0.12812500000000027,20,explored +explored-10386,0.3802083333333335,18,explored +explored-10387,0.7450520833333334,5,explored +explored-10388,0.32777777777777795,14,explored +explored-10389,0.5616319444444445,9,explored +explored-10390,0.5513888888888889,6,explored +explored-10391,0.6415798611111112,11,explored +explored-10392,0.5820023148148149,10,explored +explored-10393,0.6625000000000001,9,explored +explored-10394,0.6993055555555556,16,explored +explored-10395,0.4223958333333335,17,explored +explored-10396,0.31562500000000016,17,explored +explored-10397,0.44677083333333345,12,explored +explored-10398,0.5075520833333335,19,explored +explored-10399,0.42118055555555567,18,explored +explored-10400,0.38022569444444476,22,explored +explored-10401,0.6442708333333335,16,explored +explored-10402,0.3289930555555558,15,explored +explored-10403,0.5545717592592595,15,explored +explored-10404,0.2903125000000003,18,explored +explored-10405,0.29791666666666705,13,explored +explored-10406,0.5006944444444446,12,explored +explored-10407,0.4910300925925928,14,explored +explored-10408,0.4851562500000002,12,explored +explored-10409,0.3007812500000001,11,explored +explored-10410,0.6236979166666669,12,explored +explored-10411,0.46837962962962976,12,explored +explored-10412,0.6513020833333334,6,explored +explored-10413,0.35266203703703736,18,explored +explored-10414,0.5158854166666669,14,explored +explored-10415,0.6644097222222224,8,explored +explored-10416,0.709869212962963,10,explored +explored-10417,0.6939236111111112,16,explored +explored-10418,0.3594618055555556,19,explored +explored-10419,0.7395833333333333,5,explored +explored-10420,0.06510416666666696,15,explored +explored-10421,0.6416203703703703,19,explored +explored-10422,0.47916666666666696,8,explored +explored-10423,0.6342881944444445,9,explored +explored-10424,0.5137152777777779,16,explored +explored-10425,0.32255208333333363,14,explored +explored-10426,0.3953125000000002,10,explored +explored-10427,0.18750000000000022,11,explored +explored-10428,0.48602430555555576,15,explored +explored-10429,0.5897569444444445,18,explored +explored-10430,0.4002604166666668,21,explored +explored-10431,0.6399305555555557,11,explored +explored-10432,0.33741319444444473,17,explored +explored-10433,0.46414930555555567,11,explored +explored-10434,0.5911458333333335,11,explored +explored-10435,0.3850000000000001,18,explored +explored-10436,0.5813368055555558,18,explored +explored-10437,0.6914062500000001,6,explored +explored-10438,0.36645833333333355,14,explored +explored-10439,0.45434027777777797,15,explored +explored-10440,0.5704745370370371,17,explored +explored-10441,0.5192997685185188,16,explored +explored-10442,0.7056423611111112,8,explored +explored-10443,0.35026041666666696,17,explored +explored-10444,0.20694444444444482,12,explored +explored-10445,0.5083333333333334,4,explored +explored-10446,0.1390625000000003,16,explored +explored-10447,0.5893229166666669,6,explored +explored-10448,0.632465277777778,8,explored +explored-10449,0.22135416666666696,20,explored +explored-10450,0.6017361111111112,15,explored +explored-10451,0.39895833333333375,17,explored +explored-10452,0.44010416666666685,8,explored +explored-10453,0.2972800925925928,21,explored +explored-10454,0.6967013888888889,10,explored +explored-10455,0.23593750000000036,19,explored +explored-10456,0.4533854166666669,15,explored +explored-10457,0.6505208333333334,5,explored +explored-10458,0.6269097222222224,12,explored +explored-10459,0.4598958333333336,14,explored +explored-10460,0.5017361111111113,15,explored +explored-10461,0.3984375000000002,12,explored +explored-10462,0.7459375,5,explored +explored-10463,0.6366319444444446,8,explored +explored-10464,0.5139322916666669,19,explored +explored-10465,0.5556423611111113,11,explored +explored-10466,0.6003819444444445,33,explored +explored-10467,0.6670833333333335,7,explored +explored-10468,0.711701388888889,12,explored +explored-10469,0.6208333333333335,8,explored +explored-10470,0.5928819444444446,15,explored +explored-10471,0.08645833333333353,14,explored +explored-10472,0.4286111111111113,16,explored +explored-10473,0.57734375,15,explored +explored-10474,0.541550925925926,14,explored +explored-10475,0.5651041666666669,5,explored +explored-10476,0.765306712962963,17,explored +explored-10477,0.6843055555555557,29,explored +explored-10478,0.46458333333333357,16,explored +explored-10479,0.5661458333333335,14,explored +explored-10480,0.4486111111111114,9,explored +explored-10481,0.7152418981481483,21,explored +explored-10482,0.4831134259259262,22,explored +explored-10483,0.3617187500000003,7,explored +explored-10484,0.48846354166666683,16,explored +explored-10485,0.7561111111111112,7,explored +explored-10486,0.37951388888888904,8,explored +explored-10487,0.11967592592592635,20,explored +explored-10488,0.47526041666666685,16,explored +explored-10489,0.3958043981481485,15,explored +explored-10490,0.5048611111111113,14,explored +explored-10491,0.7101793981481482,26,explored +explored-10492,0.6578599537037039,33,explored +explored-10493,0.3549479166666669,8,explored +explored-10494,0.47569444444444464,18,explored +explored-10495,0.4934722222222224,16,explored +explored-10496,0.4628472222222224,15,explored +explored-10497,0.8035416666666666,9,explored +explored-10498,0.36527777777777803,9,explored +explored-10499,0.6076388888888888,15,explored +explored-10500,0.5005208333333335,11,explored +explored-10501,0.6678819444444446,39,explored +explored-10502,0.5755208333333333,16,explored +explored-10503,0.3125000000000002,8,explored +explored-10504,0.6625000000000001,11,explored +explored-10505,0.6718750000000002,7,explored +explored-10506,0.37847222222222254,14,explored +explored-10507,0.3645833333333335,9,explored +explored-10508,0.418229166666667,13,explored +explored-10509,0.38929398148148164,22,explored +explored-10510,0.17187500000000022,10,explored +explored-10511,0.65546875,6,explored +explored-10512,0.37847222222222254,14,explored +explored-10513,0.6743055555555557,12,explored +explored-10514,0.386979166666667,9,explored +explored-10515,0.5885763888888891,13,explored +explored-10516,0.6839583333333334,9,explored +explored-10517,0.5973611111111112,9,explored +explored-10518,0.466666666666667,8,explored +explored-10519,0.6170138888888891,10,explored +explored-10520,0.2937500000000002,19,explored +explored-10521,0.6208333333333333,5,explored +explored-10522,0.495138888888889,11,explored +explored-10523,0.3832175925925927,17,explored +explored-10524,0.8584201388888889,5,explored +explored-10525,0.5671875,13,explored +explored-10526,0.4916666666666666,14,explored +explored-10527,0.6247251157407409,18,explored +explored-10528,0.5194155092592594,10,explored +explored-10529,0.577777777777778,9,explored +explored-10530,0.517303240740741,18,explored +explored-10531,0.3088541666666669,8,explored +explored-10532,0.6642708333333335,16,explored +explored-10533,0.81625,3,explored +explored-10534,0.27800925925925957,12,explored +explored-10535,0.6721064814814814,8,explored +explored-10536,0.2575520833333337,21,explored +explored-10537,0.45416666666666683,8,explored +explored-10538,0.45625000000000016,21,explored +explored-10539,0.5198784722222224,14,explored +explored-10540,0.6142361111111112,16,explored +explored-10541,0.23750000000000027,13,explored +explored-10542,0.5815972222222224,8,explored +explored-10543,0.23298611111111134,15,explored +explored-10544,0.554340277777778,10,explored +explored-10545,0.5637962962962965,10,explored +explored-10546,0.7190972222222223,9,explored +explored-10547,0.419791666666667,6,explored +explored-10548,0.6405671296296298,10,explored +explored-10549,0.23906250000000018,22,explored +explored-10550,0.5053269675925928,23,explored +explored-10551,0.7473767361111112,44,explored +explored-10552,0.6829427083333333,13,explored +explored-10553,0.6569733796296298,12,explored +explored-10554,0.6895833333333334,5,explored +explored-10555,0.07592592592592617,16,explored +explored-10556,0.677326388888889,11,explored +explored-10557,0.6414930555555557,12,explored +explored-10558,0.23541666666666705,25,explored +explored-10559,0.6861111111111111,10,explored +explored-10560,0.30859375000000033,11,explored +explored-10561,0.47569444444444453,21,explored +explored-10562,0.6906423611111112,40,explored +explored-10563,0.18750000000000022,12,explored +explored-10564,0.7627604166666667,9,explored +explored-10565,0.587326388888889,5,explored +explored-10566,0.4593750000000003,7,explored +explored-10567,0.6442708333333335,6,explored +explored-10568,0.6889392361111112,28,explored +explored-10569,0.6251736111111112,10,explored +explored-10570,0.2562500000000003,9,explored +explored-10571,0.3921151620370372,26,explored +explored-10572,0.6328125000000002,11,explored +explored-10573,0.6177083333333334,6,explored +explored-10574,0.41753472222222243,17,explored +explored-10575,0.42505208333333344,14,explored +explored-10576,0.44843750000000027,12,explored +explored-10577,0.7658854166666668,9,explored +explored-10578,0.3255208333333337,8,explored +explored-10579,0.4279513888888893,17,explored +explored-10580,0.7190972222222223,7,explored +explored-10581,0.7142731481481482,26,explored +explored-10582,0.5981481481481483,11,explored +explored-10583,0.4008969907407409,18,explored +explored-10584,0.4925347222222224,18,explored +explored-10585,0.27708333333333357,13,explored +explored-10586,0.4661458333333335,12,explored +explored-10587,0.4173611111111114,12,explored +explored-10588,0.5552083333333335,12,explored +explored-10589,0.7539930555555556,5,explored +explored-10590,0.4744791666666668,16,explored +explored-10591,0.44583333333333375,13,explored +explored-10592,0.5310763888888891,15,explored +explored-10593,0.46302083333333344,7,explored +explored-10594,0.8026041666666667,6,explored +explored-10595,0.35520833333333357,22,explored +explored-10596,0.25746527777777795,18,explored +explored-10597,0.6271122685185186,17,explored +explored-10598,0.706076388888889,9,explored +explored-10599,0.31250000000000033,12,explored +explored-10600,0.17343750000000013,12,explored +explored-10601,0.37074652777777795,21,explored +explored-10602,0.42980324074074083,18,explored +explored-10603,0.4824074074074076,18,explored +explored-10604,0.6090625000000002,15,explored +explored-10605,0.4440972222222226,14,explored +explored-10606,0.729513888888889,10,explored +explored-10607,0.44687500000000013,13,explored +explored-10608,0.5640625000000001,10,explored +explored-10609,0.6395833333333334,14,explored +explored-10610,0.6524652777777779,9,explored +explored-10611,0.40729166666666683,9,explored +explored-10612,0.3992500000000001,18,explored +explored-10613,0.30572916666666705,11,explored +explored-10614,0.3808593750000002,21,explored +explored-10615,0.6337673611111112,18,explored +explored-10616,0.6954861111111112,9,explored +explored-10617,0.16770833333333357,11,explored +explored-10618,0.5008680555555556,17,explored +explored-10619,0.6062500000000002,8,explored +explored-10620,0.4526041666666669,9,explored +explored-10621,0.5079861111111114,19,explored +explored-10622,0.38402777777777797,12,explored +explored-10623,0.7046875000000001,15,explored +explored-10624,0.675607638888889,12,explored +explored-10625,0.6928240740740742,9,explored +explored-10626,0.2874421296296298,20,explored +explored-10627,0.613570601851852,12,explored +explored-10628,0.5809606481481483,8,explored +explored-10629,0.16041666666666687,15,explored +explored-10630,0.38802083333333326,9,explored +explored-10631,0.22974537037037068,22,explored +explored-10632,0.41680555555555565,13,explored +explored-10633,0.6322916666666668,7,explored +explored-10634,0.33912037037037057,24,explored +explored-10635,0.46695601851851865,18,explored +explored-10636,0.5226562500000002,14,explored +explored-10637,0.5422453703703705,24,explored +explored-10638,0.8201388888888889,7,explored +explored-10639,0.45392361111111124,23,explored +explored-10640,0.604513888888889,20,explored +explored-10641,0.24895833333333361,10,explored +explored-10642,0.5013888888888889,14,explored +explored-10643,0.5553819444444447,9,explored +explored-10644,0.5981770833333334,12,explored +explored-10645,0.39921875000000007,11,explored +explored-10646,0.6390625000000002,9,explored +explored-10647,0.6101562500000002,17,explored +explored-10648,0.5106250000000002,16,explored +explored-10649,0.08125000000000027,11,explored +explored-10650,0.6978125000000001,7,explored +explored-10651,0.6708333333333333,12,explored +explored-10652,0.6257812500000002,22,explored +explored-10653,0.40961805555555575,15,explored +explored-10654,0.4765625000000002,10,explored +explored-10655,0.3212962962962965,18,explored +explored-10656,0.3632812500000002,14,explored +explored-10657,0.36388888888888915,12,explored +explored-10658,0.3964988425925928,18,explored +explored-10659,0.6275462962962964,7,explored +explored-10660,0.2815972222222225,15,explored +explored-10661,0.6659722222222223,7,explored +explored-10662,0.6597222222222223,16,explored +explored-10663,0.22361111111111132,20,explored +explored-10664,0.6268055555555556,9,explored +explored-10665,0.2791666666666668,18,explored +explored-10666,0.5498611111111114,14,explored +explored-10667,0.34837962962962976,17,explored +explored-10668,0.4525000000000001,13,explored +explored-10669,0.5333912037037039,10,explored +explored-10670,0.31979166666666703,18,explored +explored-10671,0.5073495370370372,17,explored +explored-10672,0.5468750000000001,10,explored +explored-10673,0.6993055555555556,4,explored +explored-10674,0.33750000000000013,22,explored +explored-10675,0.12743055555555594,12,explored +explored-10676,0.6375000000000002,4,explored +explored-10677,0.6611979166666667,10,explored +explored-10678,0.4849247685185186,14,explored +explored-10679,0.579826388888889,7,explored +explored-10680,0.43125000000000036,10,explored +explored-10681,0.2937500000000003,15,explored +explored-10682,0.6967881944444445,8,explored +explored-10683,0.55625,7,explored +explored-10684,0.5916666666666668,11,explored +explored-10685,0.38680555555555574,18,explored +explored-10686,0.43125000000000036,12,explored +explored-10687,0.7415277777777778,5,explored +explored-10688,0.7058680555555557,7,explored +explored-10689,0.2854166666666669,22,explored +explored-10690,0.5810474537037039,11,explored +explored-10691,0.4276909722222225,17,explored +explored-10692,0.6638310185185187,8,explored +explored-10693,0.3888888888888893,12,explored +explored-10694,0.4588252314814817,23,explored +explored-10695,0.6957465277777779,13,explored +explored-10696,0.6515625000000002,18,explored +explored-10697,0.6801504629629631,10,explored +explored-10698,0.40680555555555575,23,explored +explored-10699,0.31302083333333364,11,explored +explored-10700,0.6328125000000001,10,explored +explored-10701,0.31302083333333364,13,explored +explored-10702,0.3333333333333335,13,explored +explored-10703,0.6142361111111113,7,explored +explored-10704,0.7169270833333332,12,explored +explored-10705,0.2513888888888891,21,explored +explored-10706,0.3594328703703705,18,explored +explored-10707,0.5395833333333335,10,explored +explored-10708,0.21770833333333361,10,explored +explored-10709,0.5429398148148149,10,explored +explored-10710,0.5113425925925927,16,explored +explored-10711,0.41527777777777797,12,explored +explored-10712,0.4629050925925928,15,explored +explored-10713,0.33315972222222245,17,explored +explored-10714,0.45954861111111134,19,explored +explored-10715,0.6381944444444446,15,explored +explored-10716,0.61640625,5,explored +explored-10717,0.5145833333333333,11,explored +explored-10718,0.44482638888888915,14,explored +explored-10719,0.14236111111111138,18,explored +explored-10720,0.5631944444444447,11,explored +explored-10721,0.4494791666666669,15,explored +explored-10722,0.1859375000000003,18,explored +explored-10723,0.36875000000000013,13,explored +explored-10724,0.5050000000000001,7,explored +explored-10725,0.5927083333333335,8,explored +explored-10726,0.5682291666666668,7,explored +explored-10727,0.8527777777777777,4,explored +explored-10728,0.6880208333333335,6,explored +explored-10729,0.4177083333333337,13,explored +explored-10730,0.49140625000000004,12,explored +explored-10731,0.5686631944444445,15,explored +explored-10732,0.49328703703703725,17,explored +explored-10733,0.5400462962962964,12,explored +explored-10734,0.5303819444444444,10,explored +explored-10735,0.4848379629629631,21,explored +explored-10736,0.5192708333333336,7,explored +explored-10737,0.6444791666666667,7,explored +explored-10738,0.2507812500000002,17,explored +explored-10739,0.49088541666666674,17,explored +explored-10740,0.5114583333333332,12,explored +explored-10741,0.5007812500000002,9,explored +explored-10742,0.3533564814814818,15,explored +explored-10743,0.38289930555555574,19,explored +explored-10744,0.6855381944444445,28,explored +explored-10745,0.557291666666667,8,explored +explored-10746,0.17430555555555594,13,explored +explored-10747,0.4652777777777779,11,explored +explored-10748,0.6942997685185186,11,explored +explored-10749,0.3744791666666669,18,explored +explored-10750,0.44653645833333344,21,explored +explored-10751,0.6743055555555555,7,explored +explored-10752,0.5822916666666669,3,explored +explored-10753,0.6481336805555558,23,explored +explored-10754,0.7141203703703706,13,explored +explored-10755,0.746875,9,explored +explored-10756,0.17916666666666692,12,explored +explored-10757,0.3284722222222225,17,explored +explored-10758,0.6654513888888891,11,explored +explored-10759,0.7639236111111112,8,explored +explored-10760,0.4812500000000004,7,explored +explored-10761,0.4208333333333336,18,explored +explored-10762,0.35807291666666674,17,explored +explored-10763,0.6278125000000001,10,explored +explored-10764,0.6658072916666667,29,explored +explored-10765,0.6934722222222223,8,explored +explored-10766,0.2406250000000003,13,explored +explored-10767,0.4687500000000002,6,explored +explored-10768,0.5489583333333332,10,explored +explored-10769,0.7812326388888889,9,explored +explored-10770,0.3417534722222223,21,explored +explored-10771,0.5779427083333335,17,explored +explored-10772,0.4381944444444448,12,explored +explored-10773,0.6269097222222224,15,explored +explored-10774,0.40885416666666696,10,explored +explored-10775,0.4481770833333335,19,explored +explored-10776,0.7184027777777777,8,explored +explored-10777,0.40046296296296313,20,explored +explored-10778,0.32187500000000013,14,explored +explored-10779,0.441666666666667,8,explored +explored-10780,0.5853298611111113,14,explored +explored-10781,0.4025000000000002,19,explored +explored-10782,0.6802083333333335,13,explored +explored-10783,0.6498739252645503,36,explored +explored-10784,0.509027777777778,17,explored +explored-10785,0.27795138888888915,23,explored +explored-10786,0.5513888888888892,17,explored +explored-10787,0.6524305555555556,11,explored +explored-10788,0.36979166666666696,10,explored +explored-10789,0.6783854166666667,7,explored +explored-10790,0.34583333333333366,12,explored +explored-10791,0.49045138888888906,15,explored +explored-10792,0.48522569444444463,19,explored +explored-10793,0.6875,5,explored +explored-10794,0.6393229166666669,10,explored +explored-10795,0.7021990740740742,10,explored +explored-10796,0.4308796296296298,24,explored +explored-10797,0.5808680555555557,13,explored +explored-10798,0.5072916666666668,9,explored +explored-10799,0.4141145833333335,16,explored +explored-10800,0.482783564814815,17,explored +explored-10801,0.4812500000000002,13,explored +explored-10802,0.6701388888888888,8,explored +explored-10803,0.4812500000000004,9,explored +explored-10804,0.4159722222222225,12,explored +explored-10805,0.4500000000000002,9,explored +explored-10806,0.5197916666666668,11,explored +explored-10807,0.5677777777777779,7,explored +explored-10808,0.4852430555555558,12,explored +explored-10809,0.5908564814814816,11,explored +explored-10810,0.7523958333333335,11,explored +explored-10811,0.13964120370370403,19,explored +explored-10812,0.6403645833333335,7,explored +explored-10813,0.4506944444444446,14,explored +explored-10814,0.19635416666666705,14,explored +explored-10815,0.4624131944444445,20,explored +explored-10816,0.7124999999999999,8,explored +explored-10817,0.6319328703703705,13,explored +explored-10818,0.6575520833333335,9,explored +explored-10819,0.5241666666666668,11,explored +explored-10820,0.594965277777778,8,explored +explored-10821,0.8525,3,explored +explored-10822,0.5059895833333334,16,explored +explored-10823,0.5753819444444446,43,explored +explored-10824,0.6555208333333334,6,explored +explored-10825,0.5229166666666667,6,explored +explored-10826,0.39194444444444465,10,explored +explored-10827,0.6646122685185186,10,explored +explored-10828,0.6217708333333334,5,explored +explored-10829,0.5005208333333334,11,explored +explored-10830,0.5851041666666668,15,explored +explored-10831,0.5729166666666669,8,explored +explored-10832,0.19687500000000036,18,explored +explored-10833,0.389496527777778,21,explored +explored-10834,0.6218750000000002,10,explored +explored-10835,0.1843750000000003,16,explored +explored-10836,0.6101562500000001,9,explored +explored-10837,0.8234722222222222,8,explored +explored-10838,0.760445601851852,14,explored +explored-10839,0.6076388888888891,8,explored +explored-10840,0.42005208333333355,20,explored +explored-10841,0.7406828703703705,8,explored +explored-10842,0.5887152777777779,9,explored +explored-10843,0.3578125000000003,13,explored +explored-10844,0.6326388888888891,12,explored +explored-10845,0.2263888888888892,15,explored +explored-10846,0.32534722222222245,12,explored +explored-10847,0.4709259259259262,18,explored +explored-10848,0.5423263888888891,13,explored +explored-10849,0.4382291666666668,22,explored +explored-10850,0.6720833333333334,7,explored +explored-10851,0.3738425925925928,23,explored +explored-10852,0.6000000000000002,8,explored +explored-10853,0.7045572916666668,13,explored +explored-10854,0.22968750000000027,21,explored +explored-10855,0.25069444444444466,16,explored +explored-10856,0.5464062500000002,26,explored +explored-10857,0.5240451388888889,19,explored +explored-10858,0.3677083333333333,10,explored +explored-10859,0.2993055555555555,11,explored +explored-10860,0.5975694444444446,13,explored +explored-10861,0.43781250000000016,13,explored +explored-10862,0.5080729166666668,24,explored +explored-10863,0.3500000000000002,17,explored +explored-10864,0.488715277777778,13,explored +explored-10865,0.46875000000000033,13,explored +explored-10866,0.5989583333333335,5,explored +explored-10867,0.32382812500000024,17,explored +explored-10868,0.7270833333333334,11,explored +explored-10869,0.16944444444444473,15,explored +explored-10870,0.4932291666666667,13,explored +explored-10871,0.7012152777777778,7,explored +explored-10872,0.6718750000000001,5,explored +explored-10873,0.2958333333333336,15,explored +explored-10874,0.33654513888888915,25,explored +explored-10875,0.4603732638888891,14,explored +explored-10876,0.7552083333333335,12,explored +explored-10877,0.7322337962962965,13,explored +explored-10878,0.4046875000000003,8,explored +explored-10879,0.5236111111111114,13,explored +explored-10880,0.27218750000000025,15,explored +explored-10881,0.6339409722222223,14,explored +explored-10882,0.4685763888888891,17,explored +explored-10883,0.8606770833333333,6,explored +explored-10884,0.43333333333333346,15,explored +explored-10885,0.4901562500000002,21,explored +explored-10886,0.2506944444444448,14,explored +explored-10887,0.6087094907407409,17,explored +explored-10888,0.6329166666666668,13,explored +explored-10889,0.2773437500000002,12,explored +explored-10890,0.5555555555555555,12,explored +explored-10891,0.34662037037037063,16,explored +explored-10892,0.5647569444444446,11,explored +explored-10893,0.7583333333333333,7,explored +explored-10894,0.7111556712962963,31,explored +explored-10895,0.5506944444444446,12,explored +explored-10896,0.35416666666666696,11,explored +explored-10897,0.73540625,31,explored +explored-10898,0.3688946759259262,16,explored +explored-10899,0.519791666666667,9,explored +explored-10900,0.6515625,11,explored +explored-10901,0.4833333333333335,14,explored +explored-10902,0.5583333333333335,12,explored +explored-10903,0.6721354166666669,7,explored +explored-10904,0.31802083333333353,15,explored +explored-10905,0.2953703703703705,16,explored +explored-10906,0.36684027777777795,14,explored +explored-10907,0.7029698247354499,38,explored +explored-10908,0.38802083333333337,9,explored +explored-10909,0.7561342592592595,9,explored +explored-10910,0.31744791666666705,22,explored +explored-10911,0.29270833333333357,12,explored +explored-10912,0.6684317129629631,8,explored +explored-10913,0.3357638888888892,18,explored +explored-10914,0.609201388888889,12,explored +explored-10915,0.21875000000000022,17,explored +explored-10916,0.040625000000000355,16,explored +explored-10917,0.5528819444444446,13,explored +explored-10918,0.7321875000000001,8,explored +explored-10919,0.04479166666666701,17,explored +explored-10920,0.23697916666666696,21,explored +explored-10921,0.6996990740740742,6,explored +explored-10922,0.43013888888888907,20,explored +explored-10923,0.6897031250000001,36,explored +explored-10924,0.7637152777777778,10,explored +explored-10925,0.49583333333333335,5,explored +explored-10926,0.6727777777777779,9,explored +explored-10927,0.3185763888888893,9,explored +explored-10928,0.3466435185185186,17,explored +explored-10929,0.5522569444444445,11,explored +explored-10930,0.6578125000000001,6,explored +explored-10931,0.6812500000000001,7,explored +explored-10932,0.4486111111111114,10,explored +explored-10933,0.5965277777777779,9,explored +explored-10934,0.6316550925925928,19,explored +explored-10935,0.16406250000000022,18,explored +explored-10936,0.6935474537037039,12,explored +explored-10937,0.36083333333333356,14,explored +explored-10938,0.4857638888888889,12,explored +explored-10939,0.8902777777777777,5,explored +explored-10940,0.7151041666666669,6,explored +explored-10941,0.5559895833333335,11,explored +explored-10942,0.5883680555555557,10,explored +explored-10943,0.5734664351851854,15,explored +explored-10944,0.5438281250000001,23,explored +explored-10945,0.407638888888889,17,explored +explored-10946,0.2799305555555558,27,explored +explored-10947,0.6762152777777779,7,explored +explored-10948,0.4515625000000002,11,explored +explored-10949,0.5442708333333335,11,explored +explored-10950,0.4744791666666668,13,explored +explored-10951,0.21342592592592613,18,explored +explored-10952,0.43098958333333337,16,explored +explored-10953,0.35668402777777797,20,explored +explored-10954,0.20798611111111143,18,explored +explored-10955,0.6921875000000001,6,explored +explored-10956,0.48124999999999996,11,explored +explored-10957,0.49670138888888893,15,explored +explored-10958,0.5101562500000002,7,explored +explored-10959,0.458854166666667,10,explored +explored-10960,0.4833333333333334,10,explored +explored-10961,0.5519097222222225,12,explored +explored-10962,0.38402777777777797,21,explored +explored-10963,0.6675636574074075,8,explored +explored-10964,0.20416666666666683,10,explored +explored-10965,0.7553298611111112,7,explored +explored-10966,0.38300925925925944,13,explored +explored-10967,0.26770833333333366,21,explored +explored-10968,0.3583333333333336,15,explored +explored-10969,0.3836805555555558,15,explored +explored-10970,0.6583101851851854,10,explored +explored-10971,0.5304687500000002,6,explored +explored-10972,0.5546875000000001,6,explored +explored-10973,0.37250000000000005,10,explored +explored-10974,0.5817708333333333,8,explored +explored-10975,0.7458217592592593,7,explored +explored-10976,0.3567708333333335,17,explored +explored-10977,0.48802083333333335,13,explored +explored-10978,0.5593229166666668,27,explored +explored-10979,0.44335069444444464,19,explored +explored-10980,0.5238715277777779,13,explored +explored-10981,0.7266782407407408,6,explored +explored-10982,0.6312500000000002,7,explored +explored-10983,0.4173177083333335,16,explored +explored-10984,0.4703124999999999,13,explored +explored-10985,0.6925347222222222,13,explored +explored-10986,0.6493055555555557,16,explored +explored-10987,0.5358333333333334,6,explored +explored-10988,0.3890625000000002,15,explored +explored-10989,0.47963541666666676,19,explored +explored-10990,0.4920138888888891,17,explored +explored-10991,0.6364583333333335,10,explored +explored-10992,0.6794097222222223,10,explored +explored-10993,0.5430208333333333,11,explored +explored-10994,0.21770833333333361,10,explored +explored-10995,0.3036458333333335,11,explored +explored-10996,0.7073784722222223,11,explored +explored-10997,0.5977430555555557,11,explored +explored-10998,0.5179687500000002,9,explored +explored-10999,0.5545138888888891,7,explored +explored-11000,0.30781250000000027,11,explored +explored-11001,0.3906250000000001,17,explored +explored-11002,0.3255208333333335,14,explored +explored-11003,0.453125,10,explored +explored-11004,0.641701388888889,7,explored +explored-11005,0.18802083333333364,17,explored +explored-11006,0.48107638888888893,9,explored +explored-11007,0.6312500000000002,5,explored +explored-11008,0.5222222222222224,12,explored +explored-11009,0.5940104166666668,9,explored +explored-11010,0.5267361111111113,8,explored +explored-11011,0.4604166666666669,8,explored +explored-11012,0.55390625,18,explored +explored-11013,0.6883680555555557,11,explored +explored-11014,0.6717881944444446,12,explored +explored-11015,0.32361111111111107,11,explored +explored-11016,0.19687500000000036,10,explored +explored-11017,0.5592708333333334,7,explored +explored-11018,0.7252858796296298,21,explored +explored-11019,0.3958767361111113,17,explored +explored-11020,0.6876736111111112,9,explored +explored-11021,0.10625000000000018,12,explored +explored-11022,0.5407986111111113,17,explored +explored-11023,0.6531250000000001,10,explored +explored-11024,0.6993055555555556,7,explored +explored-11025,0.4520833333333334,8,explored +explored-11026,0.22777777777777808,13,explored +explored-11027,0.37031250000000016,16,explored +explored-11028,0.20920138888888928,20,explored +explored-11029,0.691059027777778,32,explored +explored-11030,0.39322916666666685,16,explored +explored-11031,0.1361111111111113,16,explored +explored-11032,0.5518750000000001,13,explored +explored-11033,0.32083333333333364,11,explored +explored-11034,0.5338368055555558,13,explored +explored-11035,0.5372222222222224,20,explored +explored-11036,0.24531250000000027,20,explored +explored-11037,0.404296875,11,explored +explored-11038,0.8044270833333333,7,explored +explored-11039,0.43125000000000024,14,explored +explored-11040,0.6276041666666667,9,explored +explored-11041,0.3333333333333335,17,explored +explored-11042,0.2117187500000004,21,explored +explored-11043,0.5188657407407409,12,explored +explored-11044,0.6569444444444446,8,explored +explored-11045,0.43234953703703716,15,explored +explored-11046,0.5567708333333334,14,explored +explored-11047,0.6062500000000002,11,explored +explored-11048,0.17395833333333344,23,explored +explored-11049,0.7596267361111111,21,explored +explored-11050,0.31712962962962976,19,explored +explored-11051,0.47569444444444464,11,explored +explored-11052,0.18750000000000022,14,explored +explored-11053,0.37265625000000013,21,explored +explored-11054,0.6556712962962965,8,explored +explored-11055,0.5447916666666668,5,explored +explored-11056,0.4125,12,explored +explored-11057,0.576070601851852,17,explored +explored-11058,0.4497395833333335,16,explored +explored-11059,0.6866319444444445,12,explored +explored-11060,0.5940104166666668,4,explored +explored-11061,0.6078703703703705,14,explored +explored-11062,0.46796875000000016,11,explored +explored-11063,0.16319444444444464,14,explored +explored-11064,0.3671296296296298,21,explored +explored-11065,0.11302083333333357,18,explored +explored-11066,0.7337499999999999,7,explored +explored-11067,0.616689814814815,11,explored +explored-11068,0.5514236111111113,15,explored +explored-11069,0.2651041666666668,11,explored +explored-11070,0.6187500000000001,12,explored +explored-11071,0.6053819444444446,14,explored +explored-11072,0.7417708333333334,15,explored +explored-11073,0.6351851851851853,31,explored +explored-11074,0.5880208333333335,10,explored +explored-11075,0.2250000000000001,19,explored +explored-11076,0.6424652777777778,11,explored +explored-11077,0.31953125000000027,16,explored +explored-11078,0.5395833333333335,6,explored +explored-11079,0.28333333333333366,7,explored +explored-11080,0.44843750000000016,18,explored +explored-11081,0.6859953703703703,12,explored +explored-11082,0.29166666666666685,20,explored +explored-11083,0.5132812500000001,12,explored +explored-11084,0.4890625000000004,13,explored +explored-11085,0.607795138888889,30,explored +explored-11086,0.24635416666666687,20,explored +explored-11087,0.36493055555555576,17,explored +explored-11088,0.4809895833333335,19,explored +explored-11089,0.33888888888888924,15,explored +explored-11090,0.6034722222222224,8,explored +explored-11091,0.40708333333333346,16,explored +explored-11092,0.5909722222222221,8,explored +explored-11093,0.6635416666666666,7,explored +explored-11094,0.7927083333333333,13,explored +explored-11095,0.31597222222222254,10,explored +explored-11096,0.5101562500000001,16,explored +explored-11097,0.39016203703703733,18,explored +explored-11098,0.6212239583333333,15,explored +explored-11099,0.3978298611111112,15,explored +explored-11100,0.7708333333333333,4,explored +explored-11101,0.614496527777778,10,explored +explored-11102,0.30671296296296324,16,explored +explored-11103,0.2835937500000003,20,explored +explored-11104,0.4832812500000002,19,explored +explored-11105,0.6082146990740742,17,explored +explored-11106,0.6451041666666668,14,explored +explored-11107,0.4600115740740742,18,explored +explored-11108,0.4179687500000002,18,explored +explored-11109,0.7270833333333334,2,explored +explored-11110,0.4417361111111112,13,explored +explored-11111,0.5546875000000002,14,explored +explored-11112,0.6395833333333335,7,explored +explored-11113,0.22864583333333344,16,explored +explored-11114,0.32916666666666705,19,explored +explored-11115,0.7632074652777778,25,explored +explored-11116,0.6653414351851852,36,explored +explored-11117,0.33888888888888924,14,explored +explored-11118,0.5076388888888891,16,explored +explored-11119,0.7423611111111112,14,explored +explored-11120,0.6839236111111112,9,explored +explored-11121,0.6252604166666669,11,explored +explored-11122,0.7582754629629631,9,explored +explored-11123,0.5331597222222224,10,explored +explored-11124,0.5555729166666669,19,explored +explored-11125,0.7458333333333335,4,explored +explored-11126,0.2875000000000001,14,explored +explored-11127,0.75,9,explored +explored-11128,0.5119791666666669,11,explored +explored-11129,0.6510416666666667,7,explored +explored-11130,0.21510416666666687,22,explored +explored-11131,0.24490740740740757,19,explored +explored-11132,0.4413194444444446,11,explored +explored-11133,0.31562500000000016,20,explored +explored-11134,0.22274305555555585,19,explored +explored-11135,0.5114583333333333,11,explored +explored-11136,0.7873842592592594,11,explored +explored-11137,0.4476562500000001,13,explored +explored-11138,0.25546875000000013,18,explored +explored-11139,0.5729166666666669,10,explored +explored-11140,0.47430555555555576,9,explored +explored-11141,0.47430555555555576,8,explored +explored-11142,0.5421875000000002,10,explored +explored-11143,0.5046875000000003,9,explored +explored-11144,0.5981481481481483,8,explored +explored-11145,0.7165798611111112,7,explored +explored-11146,0.3908333333333336,11,explored +explored-11147,0.40104166666666696,14,explored +explored-11148,0.4492708333333335,16,explored +explored-11149,0.6965625000000001,9,explored +explored-11150,0.40295138888888904,19,explored +explored-11151,0.5505208333333335,16,explored +explored-11152,0.4754629629629632,14,explored +explored-11153,0.5911458333333335,5,explored +explored-11154,0.3812500000000003,22,explored +explored-11155,0.47020833333333345,11,explored +explored-11156,0.5114583333333332,11,explored +explored-11157,0.5213541666666668,15,explored +explored-11158,0.6615972222222224,8,explored +explored-11159,0.2522569444444447,15,explored +explored-11160,0.6595486111111113,8,explored +explored-11161,0.549652777777778,6,explored +explored-11162,0.7311111111111113,7,explored +explored-11163,0.41328125000000027,9,explored +explored-11164,0.11388888888888915,14,explored +explored-11165,0.5659722222222223,14,explored +explored-11166,0.5269097222222223,10,explored +explored-11167,0.6197916666666669,7,explored +explored-11168,0.37769097222222237,12,explored +explored-11169,0.5517361111111112,10,explored +explored-11170,0.28333333333333366,15,explored +explored-11171,0.19479166666666692,21,explored +explored-11172,0.6486979166666668,14,explored +explored-11173,0.715914351851852,22,explored +explored-11174,0.3486111111111114,11,explored +explored-11175,0.5076388888888891,19,explored +explored-11176,0.4638020833333336,11,explored +explored-11177,0.4843750000000001,5,explored +explored-11178,0.47578125000000016,11,explored +explored-11179,0.6777777777777779,20,explored +explored-11180,0.4851562500000002,14,explored +explored-11181,0.6292013888888891,12,explored +explored-11182,0.4061342592592594,24,explored +explored-11183,0.6645833333333335,11,explored +explored-11184,0.635763888888889,10,explored +explored-11185,0.5298611111111113,13,explored +explored-11186,0.6718750000000002,9,explored +explored-11187,0.3130208333333335,18,explored +explored-11188,0.49236111111111125,10,explored +explored-11189,0.45962094907407425,20,explored +explored-11190,0.6144097222222225,13,explored +explored-11191,0.3566666666666668,16,explored +explored-11192,0.04479166666666701,15,explored +explored-11193,0.35486111111111107,9,explored +explored-11194,0.4925347222222225,11,explored +explored-11195,0.57890625,14,explored +explored-11196,0.6943229166666668,10,explored +explored-11197,0.701076388888889,10,explored +explored-11198,0.6631944444444445,14,explored +explored-11199,0.4819444444444446,13,explored +explored-11200,0.5276041666666668,8,explored +explored-11201,0.5140625000000001,11,explored +explored-11202,0.20416666666666683,13,explored +explored-11203,0.7688628472222223,9,explored +explored-11204,0.6659722222222223,7,explored +explored-11205,0.43125000000000013,12,explored +explored-11206,0.49574652777777795,17,explored +explored-11207,0.45434027777777797,10,explored +explored-11208,0.2619791666666671,14,explored +explored-11209,0.2661458333333335,21,explored +explored-11210,0.647092013888889,13,explored +explored-11211,0.358810763888889,20,explored +explored-11212,0.20104166666666679,10,explored +explored-11213,0.3144097222222224,15,explored +explored-11214,0.585763888888889,15,explored +explored-11215,0.505902777777778,15,explored +explored-11216,0.5433159722222223,16,explored +explored-11217,0.4798611111111113,10,explored +explored-11218,0.5078125000000002,9,explored +explored-11219,0.2562500000000003,10,explored +explored-11220,0.05381944444444464,16,explored +explored-11221,0.6767361111111112,14,explored +explored-11222,0.6307291666666668,3,explored +explored-11223,0.263541666666667,17,explored +explored-11224,0.3045138888888891,21,explored +explored-11225,0.6502314814814816,10,explored +explored-11226,0.30166666666666697,13,explored +explored-11227,0.5671875,12,explored +explored-11228,0.4676041666666668,11,explored +explored-11229,0.7184027777777778,5,explored +explored-11230,0.6009375000000001,5,explored +explored-11231,0.7097800925925927,13,explored +explored-11232,0.30234375000000036,18,explored +explored-11233,0.49829282407407416,16,explored +explored-11234,0.2899305555555558,19,explored +explored-11235,0.40740740740740766,17,explored +explored-11236,0.48094328703703715,16,explored +explored-11237,0.2796875000000002,16,explored +explored-11238,0.5231481481481483,9,explored +explored-11239,0.540277777777778,12,explored +explored-11240,0.43854166666666683,9,explored +explored-11241,0.11180555555555594,20,explored +explored-11242,0.567013888888889,8,explored +explored-11243,0.6065104166666668,9,explored +explored-11244,0.6236979166666667,11,explored +explored-11245,0.6587962962962964,10,explored +explored-11246,0.3505208333333335,8,explored +explored-11247,0.42800347222222235,17,explored +explored-11248,0.7357986111111112,21,explored +explored-11249,0.713888888888889,8,explored +explored-11250,0.34722222222222254,13,explored +explored-11251,0.4104166666666669,12,explored +explored-11252,0.6262500000000002,11,explored +explored-11253,0.4237557870370372,22,explored +explored-11254,0.2576388888888892,15,explored +explored-11255,0.5244791666666668,12,explored +explored-11256,0.7152777777777778,8,explored +explored-11257,0.3613425925925928,17,explored +explored-11258,0.35260416666666683,17,explored +explored-11259,0.6203125000000002,14,explored +explored-11260,0.5767361111111113,8,explored +explored-11261,0.3777777777777781,13,explored +explored-11262,0.44505208333333357,23,explored +explored-11263,0.6618923611111112,13,explored +explored-11264,0.31111111111111134,13,explored +explored-11265,0.34375000000000033,7,explored +explored-11266,0.8296874999999999,6,explored +explored-11267,0.5761284722222224,8,explored +explored-11268,0.5897569444444446,11,explored +explored-11269,0.4105034722222224,17,explored +explored-11270,0.4973958333333335,17,explored +explored-11271,0.5812500000000002,9,explored +explored-11272,0.46753472222222237,18,explored +explored-11273,0.5951388888888889,9,explored +explored-11274,0.30092592592592604,22,explored +explored-11275,0.20717592592592626,16,explored +explored-11276,0.29699074074074094,20,explored +explored-11277,0.12239583333333348,17,explored +explored-11278,0.36588541666666685,23,explored +explored-11279,0.3923611111111114,12,explored +explored-11280,0.37126736111111125,12,explored +explored-11281,0.6329861111111112,9,explored +explored-11282,0.5793750000000002,8,explored +explored-11283,0.5090277777777779,10,explored +explored-11284,0.2958333333333336,20,explored +explored-11285,0.45572916666666685,14,explored +explored-11286,0.6575086805555557,22,explored +explored-11287,0.552777777777778,13,explored +explored-11288,0.744965277777778,5,explored +explored-11289,0.31953125000000027,14,explored +explored-11290,0.5827170138888891,17,explored +explored-11291,0.5337094907407407,12,explored +explored-11292,0.4378472222222224,13,explored +explored-11293,0.16562500000000036,10,explored +explored-11294,0.5128472222222223,16,explored +explored-11295,0.6152777777777778,8,explored +explored-11296,0.6509548611111112,15,explored +explored-11297,0.6628472222222221,6,explored +explored-11298,0.4472135416666668,17,explored +explored-11299,0.7664062500000001,4,explored +explored-11300,0.3070023148148149,16,explored +explored-11301,0.5601273148148149,9,explored +explored-11302,0.3187500000000002,16,explored +explored-11303,0.5776909722222224,11,explored +explored-11304,0.6221875000000001,27,explored +explored-11305,0.7091319444444445,11,explored +explored-11306,0.4261284722222224,16,explored +explored-11307,0.557638888888889,12,explored +explored-11308,0.5928645833333334,13,explored +explored-11309,0.6359953703703705,10,explored +explored-11310,0.31510416666666696,13,explored +explored-11311,0.3324363425925929,23,explored +explored-11312,0.3435763888888891,19,explored +explored-11313,0.364930555555556,24,explored +explored-11314,0.6310763888888891,11,explored +explored-11315,0.16458333333333353,19,explored +explored-11316,0.6189236111111113,22,explored +explored-11317,0.5330729166666668,11,explored +explored-11318,0.3695312500000002,14,explored +explored-11319,0.6320891203703705,15,explored +explored-11320,0.5311631944444446,14,explored +explored-11321,0.12899305555555585,15,explored +explored-11322,0.7690972222222222,6,explored +explored-11323,0.5369791666666669,12,explored +explored-11324,0.7513246527777779,25,explored +explored-11325,0.6785590277777779,10,explored +explored-11326,0.1571180555555558,16,explored +explored-11327,0.6924305555555557,8,explored +explored-11328,0.47578125000000016,21,explored +explored-11329,0.5128472222222225,12,explored +explored-11330,0.3869791666666669,9,explored +explored-11331,0.3618055555555557,17,explored +explored-11332,0.6552083333333334,8,explored +explored-11333,0.6213541666666668,5,explored +explored-11334,0.6992187500000001,12,explored +explored-11335,0.25017361111111125,23,explored +explored-11336,0.6825520833333334,4,explored +explored-11337,0.6131944444444446,11,explored +explored-11338,0.6644097222222223,47,explored +explored-11339,0.12291666666666701,13,explored +explored-11340,0.2498263888888892,15,explored +explored-11341,0.46875000000000033,10,explored +explored-11342,0.24375000000000013,17,explored +explored-11343,0.5134548611111113,23,explored +explored-11344,0.7,4,explored +explored-11345,0.7838541666666667,8,explored +explored-11346,0.8317708333333333,11,explored +explored-11347,0.6040277777777779,11,explored +explored-11348,0.35001157407407424,18,explored +explored-11349,0.4843750000000001,11,explored +explored-11350,0.6880208333333333,10,explored +explored-11351,0.6088541666666668,9,explored +explored-11352,0.6118344907407408,9,explored +explored-11353,0.4720486111111112,9,explored +explored-11354,0.32916666666666705,7,explored +explored-11355,0.2722222222222225,19,explored +explored-11356,0.2937500000000004,11,explored +explored-11357,0.21770833333333361,13,explored +explored-11358,0.5972800925925927,19,explored +explored-11359,0.5697916666666668,4,explored +explored-11360,0.569820601851852,10,explored +explored-11361,0.91875,1,explored +explored-11362,0.5712500000000003,15,explored +explored-11363,0.5576041666666669,16,explored +explored-11364,0.5609375000000002,9,explored +explored-11365,0.5817708333333336,5,explored +explored-11366,0.7017939814814816,10,explored +explored-11367,0.6076388888888891,11,explored +explored-11368,0.30625000000000036,13,explored +explored-11369,0.3973958333333336,19,explored +explored-11370,0.6142361111111113,10,explored +explored-11371,0.7093750000000001,8,explored +explored-11372,0.3550000000000002,14,explored +explored-11373,0.6822569444444446,36,explored +explored-11374,0.509027777777778,19,explored +explored-11375,0.42604166666666676,8,explored +explored-11376,0.3373263888888891,18,explored +explored-11377,0.37899305555555574,20,explored +explored-11378,0.7570833333333333,7,explored +explored-11379,0.689273726851852,27,explored +explored-11380,0.5769097222222224,6,explored +explored-11381,0.7420138888888889,9,explored +explored-11382,0.4577083333333333,14,explored +explored-11383,0.5267361111111113,10,explored +explored-11384,0.5574652777777779,10,explored +explored-11385,0.5686631944444446,11,explored +explored-11386,0.6530532407407408,30,explored +explored-11387,0.7754166666666668,7,explored +explored-11388,0.43750000000000033,11,explored +explored-11389,0.5971209490740742,25,explored +explored-11390,0.6659722222222222,9,explored +explored-11391,0.4947048611111112,14,explored +explored-11392,0.6789930555555557,9,explored +explored-11393,0.6294270833333334,17,explored +explored-11394,0.705729166666667,6,explored +explored-11395,0.5659722222222224,13,explored +explored-11396,0.4911458333333333,12,explored +explored-11397,0.6377565310846561,39,explored +explored-11398,0.41166666666666685,9,explored +explored-11399,0.3895833333333336,9,explored +explored-11400,0.43518518518518534,18,explored +explored-11401,0.6267361111111113,10,explored +explored-11402,0.47239583333333346,14,explored +explored-11403,0.5236111111111112,12,explored +explored-11404,0.404166666666667,11,explored +explored-11405,0.4852777777777778,13,explored +explored-11406,0.5581597222222224,13,explored +explored-11407,0.5085416666666669,19,explored +explored-11408,0.4422743055555558,13,explored +explored-11409,0.15000000000000036,12,explored +explored-11410,0.7273611111111112,8,explored +explored-11411,0.6955729166666668,8,explored +explored-11412,0.5455729166666669,6,explored +explored-11413,0.7197916666666668,5,explored +explored-11414,0.4036458333333335,15,explored +explored-11415,0.3817129629629632,24,explored +explored-11416,0.79921875,14,explored +explored-11417,0.3734953703703705,18,explored +explored-11418,0.7083101851851853,6,explored +explored-11419,0.6796875,5,explored +explored-11420,0.1097222222222225,20,explored +explored-11421,0.37868923611111127,23,explored +explored-11422,0.5536458333333333,8,explored +explored-11423,0.7395399305555557,10,explored +explored-11424,0.7819444444444444,7,explored +explored-11425,0.6627893518518521,16,explored +explored-11426,0.558324652777778,23,explored +explored-11427,0.41399305555555577,13,explored +explored-11428,0.6377604166666668,11,explored +explored-11429,0.5348958333333335,11,explored +explored-11430,0.3471354166666669,20,explored +explored-11431,0.8083333333333335,1,explored +explored-11432,0.7930555555555555,5,explored +explored-11433,0.19166666666666687,12,explored +explored-11434,0.15156250000000027,12,explored +explored-11435,0.6783420138888889,25,explored +explored-11436,0.7612500000000001,9,explored +explored-11437,0.6467447916666668,32,explored +explored-11438,0.8041666666666667,8,explored +explored-11439,0.6308449074074075,9,explored +explored-11440,0.7368750000000001,8,explored +explored-11441,0.7875000000000001,8,explored +explored-11442,0.6310763888888891,10,explored +explored-11443,0.4531250000000002,12,explored +explored-11444,0.5982986111111113,18,explored +explored-11445,0.6062500000000002,9,explored +explored-11446,0.5671875000000001,11,explored +explored-11447,0.7232349537037037,12,explored +explored-11448,0.5750000000000003,4,explored +explored-11449,0.6700520833333334,8,explored +explored-11450,0.7386458333333334,8,explored +explored-11451,0.464340277777778,20,explored +explored-11452,0.5861979166666669,20,explored +explored-11453,0.23385416666666692,17,explored +explored-11454,0.6277719907407409,37,explored +explored-11455,0.5429687500000001,8,explored +explored-11456,0.34444444444444466,15,explored +explored-11457,0.6942708333333334,3,explored +explored-11458,0.6149652777777779,12,explored +explored-11459,0.5682291666666668,18,explored +explored-11460,0.6880497685185186,22,explored +explored-11461,0.3752604166666669,19,explored +explored-11462,0.7417534722222223,7,explored +explored-11463,0.2875000000000002,13,explored +explored-11464,0.6156250000000001,9,explored +explored-11465,0.679976851851852,10,explored +explored-11466,0.3851562500000002,19,explored +explored-11467,0.7280555555555557,5,explored +explored-11468,0.47187500000000027,14,explored +explored-11469,0.4569444444444446,18,explored +explored-11470,0.4427083333333335,12,explored +explored-11471,0.5088541666666668,14,explored +explored-11472,0.25312500000000027,14,explored +explored-11473,0.52265625,10,explored +explored-11474,0.6432291666666667,11,explored +explored-11475,0.49531249999999993,12,explored +explored-11476,0.6515939153439154,38,explored +explored-11477,0.31796875000000024,12,explored +explored-11478,0.4611423611111112,16,explored +explored-11479,0.17430555555555582,20,explored +explored-11480,0.662013888888889,8,explored +explored-11481,0.41944444444444473,20,explored +explored-11482,0.8027777777777778,9,explored +explored-11483,0.7119994212962963,38,explored +explored-11484,0.74921875,11,explored +explored-11485,0.7354166666666666,5,explored +explored-11486,0.671310763888889,38,explored +explored-11487,0.7130208333333334,14,explored +explored-11488,0.5442708333333335,18,explored +explored-11489,0.4555555555555557,20,explored +explored-11490,0.4636574074074076,16,explored +explored-11491,0.36345486111111125,14,explored +explored-11492,0.8197916666666667,4,explored +explored-11493,0.48897569444444466,13,explored +explored-11494,0.4631944444444448,8,explored +explored-11495,0.5965277777777779,11,explored +explored-11496,0.480729166666667,9,explored +explored-11497,0.5936921296296298,17,explored +explored-11498,0.15057870370370408,19,explored +explored-11499,0.6267650462962964,14,explored +explored-11500,0.34236111111111134,15,explored +explored-11501,0.5818055555555558,8,explored +explored-11502,0.7172743055555557,11,explored +explored-11503,0.628342013888889,17,explored +explored-11504,0.6312500000000002,5,explored +explored-11505,0.6581597222222224,9,explored +explored-11506,0.30234375000000036,11,explored +explored-11507,0.6991666666666668,4,explored +explored-11508,0.5053819444444445,11,explored +explored-11509,0.46135416666666684,11,explored +explored-11510,0.36692708333333357,19,explored +explored-11511,0.7096354166666667,8,explored +explored-11512,0.5963541666666669,8,explored +explored-11513,0.565625,7,explored +explored-11514,0.48958333333333326,6,explored +explored-11515,0.34644097222222237,17,explored +explored-11516,0.6796875000000002,4,explored +explored-11517,0.2630208333333335,12,explored +explored-11518,0.2913194444444446,15,explored +explored-11519,0.5223958333333334,14,explored +explored-11520,0.3036458333333336,14,explored +explored-11521,0.07864583333333353,19,explored +explored-11522,0.7958333333333335,7,explored +explored-11523,0.6987847222222223,5,explored +explored-11524,0.5478472222222224,23,explored +explored-11525,0.30234375000000013,14,explored +explored-11526,0.5583796296296298,11,explored +explored-11527,0.6044270833333335,17,explored +explored-11528,0.5859375000000002,8,explored +explored-11529,0.4710069444444446,13,explored +explored-11530,0.4164930555555557,17,explored +explored-11531,0.5980902777777779,10,explored +explored-11532,0.38593750000000027,10,explored +explored-11533,0.4130208333333336,8,explored +explored-11534,0.5934548611111111,8,explored +explored-11535,0.2729166666666669,13,explored +explored-11536,0.23854166666666676,9,explored +explored-11537,0.5048611111111113,10,explored +explored-11538,0.4631192129629631,25,explored +explored-11539,0.14427083333333357,12,explored +explored-11540,0.5522569444444446,12,explored +explored-11541,0.6993055555555556,14,explored +explored-11542,0.5557291666666668,7,explored +explored-11543,0.5250000000000001,16,explored +explored-11544,0.45381944444444455,23,explored +explored-11545,0.6054687500000001,5,explored +explored-11546,0.5005208333333335,10,explored +explored-11547,0.35366030092592615,18,explored +explored-11548,0.28958333333333364,14,explored +explored-11549,0.446371527777778,19,explored +explored-11550,0.25399305555555585,8,explored +explored-11551,0.75390625,2,explored +explored-11552,0.6237847222222224,9,explored +explored-11553,0.4824074074074076,20,explored +explored-11554,0.4583333333333335,9,explored +explored-11555,0.5409722222222224,11,explored +explored-11556,0.4770833333333335,12,explored +explored-11557,0.43291666666666684,15,explored +explored-11558,0.6933333333333334,10,explored +explored-11559,0.4256944444444446,14,explored +explored-11560,0.6465711805555557,16,explored +explored-11561,0.5114583333333333,12,explored +explored-11562,0.5743055555555556,11,explored +explored-11563,0.6038194444444446,17,explored +explored-11564,0.6460937500000001,12,explored +explored-11565,0.6500000000000001,13,explored +explored-11566,0.1503472222222224,17,explored +explored-11567,0.5132812500000002,8,explored +explored-11568,0.48266782407407427,17,explored +explored-11569,0.2977430555555559,19,explored +explored-11570,0.5389004629629632,34,explored +explored-11571,0.3187500000000003,9,explored +explored-11572,0.4070312500000002,18,explored +explored-11573,0.537465277777778,19,explored +explored-11574,0.15104166666666696,16,explored +explored-11575,0.38585069444444464,24,explored +explored-11576,0.7440462962962964,20,explored +explored-11577,0.4617187500000002,9,explored +explored-11578,0.8480555555555556,7,explored +explored-11579,0.4745659722222224,11,explored +explored-11580,0.4462812500000002,19,explored +explored-11581,0.522945601851852,17,explored +explored-11582,0.7566840277777779,9,explored +explored-11583,0.3714409722222225,15,explored +explored-11584,0.6908854166666669,9,explored +explored-11585,0.31562500000000027,9,explored +explored-11586,0.5640625000000002,11,explored +explored-11587,0.5043402777777779,22,explored +explored-11588,0.5683449074074076,19,explored +explored-11589,0.3328125000000003,10,explored +explored-11590,0.5850694444444446,7,explored +explored-11591,0.602013888888889,11,explored +explored-11592,0.6166666666666669,6,explored +explored-11593,0.17604166666666687,14,explored +explored-11594,0.6773125000000001,23,explored +explored-11595,0.19166666666666676,13,explored +explored-11596,0.5274305555555557,28,explored +explored-11597,0.3651041666666669,18,explored +explored-11598,0.42239583333333364,13,explored +explored-11599,0.6723177083333334,31,explored +explored-11600,0.6372916666666668,8,explored +explored-11601,0.5942708333333334,17,explored +explored-11602,0.37361111111111134,17,explored +explored-11603,0.5325000000000002,9,explored +explored-11604,0.3510416666666667,13,explored +explored-11605,0.3451388888888889,11,explored +explored-11606,0.7050520833333335,10,explored +explored-11607,0.5903935185185186,18,explored +explored-11608,0.3364583333333335,11,explored +explored-11609,0.4243055555555557,9,explored +explored-11610,0.4079571759259262,20,explored +explored-11611,0.33269675925925957,17,explored +explored-11612,0.4340277777777779,12,explored +explored-11613,0.14947916666666683,19,explored +explored-11614,0.427638888888889,15,explored +explored-11615,0.6234375,9,explored +explored-11616,0.5667824074074076,10,explored +explored-11617,0.6269097222222224,14,explored +explored-11618,0.7753125000000001,2,explored +explored-11619,0.5322916666666668,10,explored +explored-11620,0.4256944444444446,12,explored +explored-11621,0.6125000000000002,14,explored +explored-11622,0.3725694444444446,25,explored +explored-11623,0.37135416666666665,12,explored +explored-11624,0.32005208333333357,16,explored +explored-11625,0.25195023148148166,19,explored +explored-11626,0.42500000000000027,5,explored +explored-11627,0.5813657407407409,13,explored +explored-11628,0.4080439814814818,20,explored +explored-11629,0.6305844907407409,10,explored +explored-11630,0.7309895833333334,2,explored +explored-11631,0.4848379629629631,14,explored +explored-11632,0.416840277777778,18,explored +explored-11633,0.4426041666666669,15,explored +explored-11634,0.5854166666666669,16,explored +explored-11635,0.7152549603174604,38,explored +explored-11636,0.648726851851852,20,explored +explored-11637,0.4526041666666668,9,explored +explored-11638,0.7259548611111112,8,explored +explored-11639,0.8188368055555556,12,explored +explored-11640,0.6921192129629631,10,explored +explored-11641,0.5069444444444446,11,explored +explored-11642,0.30572916666666705,16,explored +explored-11643,0.4671875000000002,21,explored +explored-11644,0.4534722222222224,14,explored +explored-11645,0.37708333333333366,10,explored +explored-11646,0.6152777777777777,10,explored +explored-11647,0.4921875000000002,13,explored +explored-11648,0.4842592592592594,13,explored +explored-11649,0.4096064814814817,11,explored +explored-11650,0.5093750000000001,12,explored +explored-11651,0.4609375000000002,20,explored +explored-11652,0.20329861111111136,13,explored +explored-11653,0.247916666666667,13,explored +explored-11654,0.6144097222222223,7,explored +explored-11655,0.3265625000000001,14,explored +explored-11656,0.5942708333333334,4,explored +explored-11657,0.6134548611111112,13,explored +explored-11658,0.40247395833333355,23,explored +explored-11659,0.22048611111111138,13,explored +explored-11660,0.21759259259259278,16,explored +explored-11661,0.6748263888888891,9,explored +explored-11662,0.6851562500000001,8,explored +explored-11663,0.39716435185185206,17,explored +explored-11664,0.5193750000000001,14,explored +explored-11665,0.6496238425925926,6,explored +explored-11666,0.5788107638888891,16,explored +explored-11667,0.5333333333333334,8,explored +explored-11668,0.5760879629629629,12,explored +explored-11669,0.22847222222222263,15,explored +explored-11670,0.4570312500000002,11,explored +explored-11671,0.4850520833333334,9,explored +explored-11672,0.8371527777777779,10,explored +explored-11673,0.41180555555555565,17,explored +explored-11674,0.6932291666666668,10,explored +explored-11675,0.35260416666666683,11,explored +explored-11676,0.688576388888889,5,explored +explored-11677,0.4715625000000001,16,explored +explored-11678,0.6065277777777779,9,explored +explored-11679,0.693326388888889,35,explored +explored-11680,0.7437500000000001,14,explored +explored-11681,0.4843171296296298,13,explored +explored-11682,0.5095312500000002,20,explored +explored-11683,0.5711805555555557,14,explored +explored-11684,0.3690104166666669,14,explored +explored-11685,0.6479745370370371,15,explored +explored-11686,0.6394675925925928,16,explored +explored-11687,0.39375000000000027,17,explored +explored-11688,0.6175347222222223,8,explored +explored-11689,0.5491666666666668,5,explored +explored-11690,0.6030555555555557,5,explored +explored-11691,0.318229166666667,11,explored +explored-11692,0.7502526041666667,35,explored +explored-11693,0.15885416666666696,11,explored +explored-11694,0.26666666666666705,13,explored +explored-11695,0.7237847222222223,7,explored +explored-11696,0.4442708333333335,15,explored +explored-11697,0.6326678240740742,23,explored +explored-11698,0.3368055555555558,13,explored +explored-11699,0.7890625000000001,8,explored +explored-11700,0.5552083333333335,6,explored +explored-11701,0.20787037037037082,18,explored +explored-11702,0.31892361111111134,13,explored +explored-11703,0.5140625000000001,14,explored +explored-11704,0.42152777777777817,11,explored +explored-11705,0.5880787037037037,9,explored +explored-11706,0.41953125000000024,16,explored +explored-11707,0.660300925925926,21,explored +explored-11708,0.4329861111111113,16,explored +explored-11709,0.41171875000000013,10,explored +explored-11710,0.3718750000000002,13,explored +explored-11711,0.11875000000000013,12,explored +explored-11712,0.5842013888888891,11,explored +explored-11713,0.29947916666666674,14,explored +explored-11714,0.47803819444444473,24,explored +explored-11715,0.5225000000000002,9,explored +explored-11716,0.46684027777777803,16,explored +explored-11717,0.3988194444444446,25,explored +explored-11718,0.3593750000000002,16,explored +explored-11719,0.6484375000000001,11,explored +explored-11720,0.4281250000000002,14,explored +explored-11721,0.224479166666667,14,explored +explored-11722,0.48793402777777795,23,explored +explored-11723,0.5300347222222225,17,explored +explored-11724,0.4465711805555558,21,explored +explored-11725,0.6333333333333333,5,explored +explored-11726,0.5789930555555557,11,explored +explored-11727,0.25682870370370403,18,explored +explored-11728,0.6032696759259261,11,explored +explored-11729,0.3166666666666669,9,explored +explored-11730,0.37722222222222257,20,explored +explored-11731,0.2723958333333336,12,explored +explored-11732,0.5151041666666668,12,explored +explored-11733,0.7284722222222223,11,explored +explored-11734,0.6202401620370371,13,explored +explored-11735,0.5744791666666669,11,explored +explored-11736,0.44649884259259287,17,explored +explored-11737,0.5342274305555558,13,explored +explored-11738,0.3020833333333337,9,explored +explored-11739,0.624971064814815,20,explored +explored-11740,0.37031250000000027,18,explored +explored-11741,0.5048177083333335,13,explored +explored-11742,0.6074652777777779,10,explored +explored-11743,0.6976562500000001,3,explored +explored-11744,0.6769212962962963,26,explored +explored-11745,0.6330729166666668,10,explored +explored-11746,0.43871527777777775,10,explored +explored-11747,0.45416666666666683,10,explored +explored-11748,0.42152777777777795,19,explored +explored-11749,0.5564236111111113,17,explored +explored-11750,0.6067708333333335,9,explored +explored-11751,0.4213252314814817,17,explored +explored-11752,0.4833333333333333,8,explored +explored-11753,0.19982638888888915,18,explored +explored-11754,0.6534375000000001,10,explored +explored-11755,0.3888888888888892,11,explored +explored-11756,0.5083912037037039,17,explored +explored-11757,0.41475694444444466,24,explored +explored-11758,0.3914930555555558,12,explored +explored-11759,0.6973379629629631,12,explored +explored-11760,0.2888888888888891,16,explored +explored-11761,0.5721354166666668,21,explored +explored-11762,0.5655526620370372,16,explored +explored-11763,0.516388888888889,10,explored +explored-11764,0.24722222222222257,8,explored +explored-11765,0.5895833333333335,9,explored +explored-11766,0.4667824074074075,19,explored +explored-11767,0.39552951388888913,20,explored +explored-11768,0.7046770833333335,41,explored +explored-11769,0.7300196759259261,32,explored +explored-11770,0.5125000000000002,9,explored +explored-11771,0.4118981481481485,14,explored +explored-11772,0.6825000000000001,7,explored +explored-11773,0.4380208333333334,10,explored +explored-11774,0.3113281250000002,13,explored +explored-11775,0.6570312500000002,9,explored +explored-11776,0.6757812500000001,6,explored +explored-11777,0.23385416666666692,14,explored +explored-11778,0.6407118055555556,11,explored +explored-11779,0.5101504629629631,14,explored +explored-11780,0.18750000000000022,18,explored +explored-11781,0.5972222222222223,13,explored +explored-11782,0.6535416666666667,36,explored +explored-11783,0.37812500000000027,14,explored +explored-11784,0.4114583333333335,11,explored +explored-11785,0.6605034722222223,13,explored +explored-11786,0.6588541666666669,8,explored +explored-11787,0.3515625000000002,10,explored +explored-11788,0.6834004629629631,40,explored +explored-11789,0.4265625000000002,24,explored +explored-11790,0.43333333333333357,9,explored +explored-11791,0.5550000000000002,8,explored +explored-11792,0.7508969907407409,11,explored +explored-11793,0.6015625000000001,19,explored +explored-11794,0.3694444444444447,17,explored +explored-11795,0.6923611111111111,10,explored +explored-11796,0.6882812500000001,14,explored +explored-11797,0.154166666666667,14,explored +explored-11798,0.4480868055555558,16,explored +explored-11799,0.5979166666666669,8,explored +explored-11800,0.6269097222222224,14,explored +explored-11801,0.38784722222222257,16,explored +explored-11802,0.5409722222222223,13,explored +explored-11803,0.5378472222222224,15,explored +explored-11804,0.47890625,11,explored +explored-11805,0.354311342592593,21,explored +explored-11806,0.6355324074074075,11,explored +explored-11807,0.27708333333333346,19,explored +explored-11808,0.41414930555555574,17,explored +explored-11809,0.5052083333333335,9,explored +explored-11810,0.38402777777777786,27,explored +explored-11811,0.3662500000000002,15,explored +explored-11812,0.26927083333333346,10,explored +explored-11813,0.4299479166666669,10,explored +explored-11814,0.39718750000000025,11,explored +explored-11815,0.9104166666666667,5,explored +explored-11816,0.8276909722222222,8,explored +explored-11817,0.5329166666666668,9,explored +explored-11818,0.5617708333333334,6,explored +explored-11819,0.4370659722222223,17,explored +explored-11820,0.5409722222222224,15,explored +explored-11821,0.5791666666666668,12,explored +explored-11822,0.846875,4,explored +explored-11823,0.7101736111111112,13,explored +explored-11824,0.5161458333333335,11,explored +explored-11825,0.26093750000000016,14,explored +explored-11826,0.42685185185185215,18,explored +explored-11827,0.3791666666666669,14,explored +explored-11828,0.4007812500000002,13,explored +explored-11829,0.6304976851851853,14,explored +explored-11830,0.21458333333333357,23,explored +explored-11831,0.5354166666666669,18,explored +explored-11832,0.7599305555555557,15,explored +explored-11833,0.6552083333333333,11,explored +explored-11834,0.34523148148148164,15,explored +explored-11835,0.7186979166666667,16,explored +explored-11836,0.7710069444444445,9,explored +explored-11837,0.4296875000000002,15,explored +explored-11838,0.5351562500000002,9,explored +explored-11839,0.5069444444444445,6,explored +explored-11840,0.3359375000000002,18,explored +explored-11841,0.8153645833333333,9,explored +explored-11842,0.5794270833333333,16,explored +explored-11843,0.3833333333333335,9,explored +explored-11844,0.7159722222222222,13,explored +explored-11845,0.42291666666666683,11,explored +explored-11846,0.6029224537037039,20,explored +explored-11847,0.36302083333333357,20,explored +explored-11848,0.7208723958333334,33,explored +explored-11849,0.5569444444444447,13,explored +explored-11850,0.4208333333333335,19,explored +explored-11851,0.7305555555555556,10,explored +explored-11852,0.5556423611111113,14,explored +explored-11853,0.5102777777777779,10,explored +explored-11854,0.5206018518518519,13,explored +explored-11855,0.3725000000000003,17,explored +explored-11856,0.8710069444444445,8,explored +explored-11857,0.4281250000000002,22,explored +explored-11858,0.4437500000000003,7,explored +explored-11859,0.4540364583333335,16,explored +explored-11860,0.83125,7,explored +explored-11861,0.3362847222222225,12,explored +explored-11862,0.678898974867725,40,explored +explored-11863,0.5298611111111112,12,explored +explored-11864,0.635,5,explored +explored-11865,0.5458333333333335,6,explored +explored-11866,0.5768229166666669,13,explored +explored-11867,0.4921875000000002,10,explored +explored-11868,0.6169270833333336,10,explored +explored-11869,0.5087500000000001,11,explored +explored-11870,0.4515625000000002,9,explored +explored-11871,0.5106192129629631,17,explored +explored-11872,0.5848958333333336,11,explored +explored-11873,0.7916666666666667,5,explored +explored-11874,0.3513888888888891,15,explored +explored-11875,0.32734375000000027,22,explored +explored-11876,0.49149594907407423,27,explored +explored-11877,0.49930555555555567,7,explored +explored-11878,0.6946469907407409,14,explored +explored-11879,0.5107349537037039,14,explored +explored-11880,0.6231770833333335,7,explored +explored-11881,0.6694444444444445,46,explored +explored-11882,0.29852430555555587,20,explored +explored-11883,0.5253472222222224,12,explored +explored-11884,0.5278645833333333,8,explored +explored-11885,0.632638888888889,10,explored +explored-11886,0.4494791666666669,15,explored +explored-11887,0.44748263888888906,12,explored +explored-11888,0.5520833333333335,7,explored +explored-11889,0.44496527777777795,17,explored +explored-11890,0.5980902777777779,13,explored +explored-11891,0.47812500000000013,20,explored +explored-11892,0.31510416666666696,14,explored +explored-11893,0.7055208333333335,5,explored +explored-11894,0.5518518518518518,22,explored +explored-11895,0.6985271990740742,40,explored +explored-11896,0.4728125000000002,18,explored +explored-11897,0.5027083333333334,10,explored +explored-11898,0.41770833333333324,15,explored +explored-11899,0.17621527777777812,17,explored +explored-11900,0.23593750000000013,20,explored +explored-11901,0.3796875000000002,20,explored +explored-11902,0.6697916666666668,9,explored +explored-11903,0.36093750000000024,18,explored +explored-11904,0.39709201388888904,22,explored +explored-11905,0.43125000000000013,12,explored +explored-11906,0.5786458333333333,9,explored +explored-11907,0.665066550925926,24,explored +explored-11908,0.4582870370370372,14,explored +explored-11909,0.6192708333333334,14,explored +explored-11910,0.6802239583333334,21,explored +explored-11911,0.30859375000000033,14,explored +explored-11912,0.4466145833333335,12,explored +explored-11913,0.5286111111111114,13,explored +explored-11914,0.7232638888888889,6,explored +explored-11915,0.3132812500000002,17,explored +explored-11916,0.663888888888889,9,explored +explored-11917,0.3752893518518521,16,explored +explored-11918,0.7003472222222223,7,explored +explored-11919,0.41423611111111147,9,explored +explored-11920,0.2766030092592596,18,explored +explored-11921,0.7102430555555557,12,explored +explored-11922,0.43194444444444435,10,explored +explored-11923,0.6080034722222224,13,explored +explored-11924,0.6411458333333334,5,explored +explored-11925,0.5666666666666668,7,explored +explored-11926,0.5322916666666668,6,explored +explored-11927,0.6765625000000002,7,explored +explored-11928,0.5115451388888889,14,explored +explored-11929,0.6666666666666667,13,explored +explored-11930,0.6912453703703705,21,explored +explored-11931,0.6679166666666667,9,explored +explored-11932,0.43024305555555586,12,explored +explored-11933,0.7739583333333333,8,explored +explored-11934,0.3187500000000002,18,explored +explored-11935,0.3826388888888892,16,explored +explored-11936,0.4666666666666669,12,explored +explored-11937,0.449479166666667,12,explored +explored-11938,0.6430555555555557,11,explored +explored-11939,0.41770833333333357,12,explored +explored-11940,0.5250000000000004,9,explored +explored-11941,0.585590277777778,16,explored +explored-11942,0.6515625,11,explored +explored-11943,0.6609722222222223,26,explored +explored-11944,0.41085069444444466,18,explored +explored-11945,0.6418402777777779,12,explored +explored-11946,0.3262152777777779,18,explored +explored-11947,0.6584375,10,explored +explored-11948,0.37656250000000013,11,explored +explored-11949,0.3435763888888891,12,explored +explored-11950,0.25167824074074097,18,explored +explored-11951,0.7703125000000001,9,explored +explored-11952,0.37250000000000016,12,explored +explored-11953,0.4062500000000001,15,explored +explored-11954,0.44638888888888906,15,explored +explored-11955,0.7039930555555556,12,explored +explored-11956,0.6442361111111112,11,explored +explored-11957,0.5720486111111113,15,explored +explored-11958,0.25651041666666696,19,explored +explored-11959,0.40156250000000027,9,explored +explored-11960,0.5328125000000001,9,explored +explored-11961,0.36640625000000027,18,explored +explored-11962,0.7208333333333334,5,explored +explored-11963,0.6507812500000002,9,explored +explored-11964,0.6581597222222224,17,explored +explored-11965,0.3383333333333336,14,explored +explored-11966,0.6601851851851853,15,explored +explored-11967,0.4168981481481483,22,explored +explored-11968,0.4320312500000002,15,explored +explored-11969,0.4129340277777779,16,explored +explored-11970,0.6092592592592594,14,explored +explored-11971,0.3876157407407409,17,explored +explored-11972,0.2171875000000003,18,explored +explored-11973,0.3430555555555559,9,explored +explored-11974,0.6085937500000002,10,explored +explored-11975,0.21944444444444478,16,explored +explored-11976,0.5243055555555557,16,explored +explored-11977,0.4265625000000003,14,explored +explored-11978,0.22673611111111125,15,explored +explored-11979,0.30572916666666683,14,explored +explored-11980,0.628125,6,explored +explored-11981,0.38880208333333355,16,explored +explored-11982,0.523090277777778,13,explored +explored-11983,0.4147916666666669,10,explored +explored-11984,0.2961805555555559,22,explored +explored-11985,0.59921875,8,explored +explored-11986,0.19687500000000036,15,explored +explored-11987,0.22013888888888922,17,explored +explored-11988,0.4145833333333335,18,explored +explored-11989,0.22673611111111125,15,explored +explored-11990,0.24739583333333348,14,explored +explored-11991,0.4681250000000001,10,explored +explored-11992,0.7216666666666667,3,explored +explored-11993,0.4534722222222223,9,explored +explored-11994,0.44053819444444464,13,explored +explored-11995,0.42499999999999993,8,explored +explored-11996,0.4208622685185187,17,explored +explored-11997,0.5377604166666667,15,explored +explored-11998,0.5694444444444446,10,explored +explored-11999,0.43234953703703716,17,explored +explored-12000,0.47239583333333335,19,explored +explored-12001,0.5370833333333336,13,explored +explored-12002,0.7591145833333333,10,explored +explored-12003,0.8138541666666667,7,explored +explored-12004,0.4041666666666669,11,explored +explored-12005,0.46886574074074083,16,explored +explored-12006,0.502604166666667,9,explored +explored-12007,0.5914062500000001,15,explored +explored-12008,0.5598611111111113,17,explored +explored-12009,0.3881510416666669,17,explored +explored-12010,0.08125000000000027,12,explored +explored-12011,0.28524305555555585,10,explored +explored-12012,0.717013888888889,8,explored +explored-12013,0.8296874999999999,4,explored +explored-12014,0.5070833333333336,18,explored +explored-12015,0.3764467592592594,18,explored +explored-12016,0.4859374999999999,8,explored +explored-12017,0.5300057870370373,21,explored +explored-12018,0.7419791666666666,10,explored +explored-12019,0.6255208333333335,5,explored +explored-12020,0.5741319444444446,12,explored +explored-12021,0.5343750000000002,7,explored +explored-12022,0.4614872685185186,14,explored +explored-12023,0.41412037037037064,14,explored +explored-12024,0.7543402777777778,12,explored +explored-12025,0.4380208333333334,10,explored +explored-12026,0.6166666666666667,16,explored +explored-12027,0.48020833333333346,15,explored +explored-12028,0.7465885416666667,20,explored +explored-12029,0.6992057291666667,32,explored +explored-12030,0.613498263888889,16,explored +explored-12031,0.39861111111111125,18,explored +explored-12032,0.20815972222222245,17,explored +explored-12033,0.6315972222222224,14,explored +explored-12034,0.467621527777778,21,explored +explored-12035,0.34531250000000036,13,explored +explored-12036,0.5442708333333335,7,explored +explored-12037,0.33125000000000027,10,explored +explored-12038,0.6317361111111113,12,explored +explored-12039,0.5612847222222224,14,explored +explored-12040,0.7815104166666668,5,explored +explored-12041,0.7166666666666668,9,explored +explored-12042,0.44360532407407427,19,explored +explored-12043,0.4320312500000003,11,explored +explored-12044,0.7092708333333334,6,explored +explored-12045,0.7446875000000002,4,explored +explored-12046,0.8005208333333333,3,explored +explored-12047,0.35607638888888893,10,explored +explored-12048,0.30338541666666685,21,explored +explored-12049,0.7480208333333335,3,explored +explored-12050,0.36979166666666696,11,explored +explored-12051,0.3891203703703705,22,explored +explored-12052,0.24565972222222254,16,explored +explored-12053,0.4927083333333334,13,explored +explored-12054,0.7031423611111112,6,explored +explored-12055,0.3738541666666668,17,explored +explored-12056,0.4993750000000001,23,explored +explored-12057,0.5080729166666669,14,explored +explored-12058,0.4277633101851853,23,explored +explored-12059,0.38180555555555573,14,explored +explored-12060,0.240104166666667,15,explored +explored-12061,0.5070312500000002,26,explored +explored-12062,0.5195601851851853,18,explored +explored-12063,0.6268055555555557,12,explored +explored-12064,0.5412500000000001,8,explored +explored-12065,0.7202546296296297,9,explored +explored-12066,0.48541666666666683,22,explored +explored-12067,0.6604166666666667,10,explored +explored-12068,0.23946759259259287,20,explored +explored-12069,0.36302083333333346,21,explored +explored-12070,0.5996238425925927,17,explored +explored-12071,0.5815972222222224,6,explored +explored-12072,0.48072916666666676,15,explored +explored-12073,0.6959375000000001,7,explored +explored-12074,0.6477152777777779,36,explored +explored-12075,0.7749305555555557,7,explored +explored-12076,0.5611979166666669,18,explored +explored-12077,0.21093750000000022,13,explored +explored-12078,0.23237847222222252,19,explored +explored-12079,0.609502314814815,11,explored +explored-12080,0.6302083333333333,14,explored +explored-12081,0.8631944444444444,10,explored +explored-12082,0.6421875000000002,5,explored +explored-12083,0.25208333333333344,18,explored +explored-12084,0.3506944444444444,9,explored +explored-12085,0.6651331018518519,14,explored +explored-12086,0.5471354166666669,17,explored +explored-12087,0.34479166666666705,17,explored +explored-12088,0.16255787037037073,18,explored +explored-12089,0.22777777777777797,18,explored +explored-12090,0.4222656250000002,13,explored +explored-12091,0.5704861111111112,10,explored +explored-12092,0.50625,8,explored +explored-12093,0.12656250000000036,13,explored +explored-12094,0.5568576388888891,19,explored +explored-12095,0.5395833333333335,8,explored +explored-12096,0.3319444444444446,18,explored +explored-12097,0.2244791666666669,13,explored +explored-12098,0.6062500000000002,12,explored +explored-12099,0.7359722222222222,6,explored +explored-12100,0.6414930555555557,10,explored +explored-12101,0.5200000000000002,11,explored +explored-12102,0.48454861111111125,15,explored +explored-12103,0.3659722222222225,13,explored +explored-12104,0.42500000000000027,14,explored +explored-12105,0.37326388888888906,16,explored +explored-12106,0.5493923611111113,22,explored +explored-12107,0.5837500000000002,8,explored +explored-12108,0.43333333333333357,6,explored +explored-12109,0.2166666666666669,22,explored +explored-12110,0.6052083333333335,12,explored +explored-12111,0.34988425925925937,24,explored +explored-12112,0.28567708333333375,15,explored +explored-12113,0.534375,14,explored +explored-12114,0.5010416666666668,8,explored +explored-12115,0.5323784722222225,12,explored +explored-12116,0.6937500000000001,10,explored +explored-12117,0.4750000000000002,12,explored +explored-12118,0.5068055555555557,15,explored +explored-12119,0.5406250000000001,10,explored +explored-12120,0.4857638888888891,13,explored +explored-12121,0.4758680555555558,19,explored +explored-12122,0.4912500000000002,12,explored +explored-12123,0.5895833333333333,6,explored +explored-12124,0.6142361111111113,6,explored +explored-12125,0.6473958333333335,5,explored +explored-12126,0.6423611111111112,7,explored +explored-12127,0.35902777777777795,20,explored +explored-12128,0.5817708333333335,10,explored +explored-12129,0.7170833333333333,5,explored +explored-12130,0.3671006944444448,16,explored +explored-12131,0.6779513888888891,18,explored +explored-12132,0.17656250000000018,15,explored +explored-12133,0.26284722222222245,15,explored +explored-12134,0.523420138888889,13,explored +explored-12135,0.318229166666667,10,explored +explored-12136,0.15625000000000022,13,explored +explored-12137,0.670138888888889,12,explored +explored-12138,0.24626736111111147,21,explored +explored-12139,0.36232638888888913,13,explored +explored-12140,0.4164062500000001,17,explored +explored-12141,0.3968750000000003,10,explored +explored-12142,0.6543981481481483,10,explored +explored-12143,0.41718750000000027,9,explored +explored-12144,0.42109375000000027,10,explored +explored-12145,0.7208333333333334,13,explored +explored-12146,0.5722222222222224,8,explored +explored-12147,0.44114583333333346,23,explored +explored-12148,0.18940972222222252,20,explored +explored-12149,0.347916666666667,12,explored +explored-12150,0.47083333333333366,7,explored +explored-12151,0.5361111111111112,11,explored +explored-12152,0.7381863425925926,25,explored +explored-12153,0.2861111111111114,18,explored +explored-12154,0.8654166666666667,4,explored +explored-12155,0.3382812500000002,14,explored +explored-12156,0.4962239583333333,13,explored +explored-12157,0.07812500000000022,15,explored +explored-12158,0.6407841435185186,12,explored +explored-12159,0.39322916666666674,15,explored +explored-12160,0.40755208333333337,13,explored +explored-12161,0.3690104166666669,17,explored +explored-12162,0.17708333333333348,19,explored +explored-12163,0.6470486111111112,7,explored +explored-12164,0.6208333333333333,6,explored +explored-12165,0.4441666666666668,12,explored +explored-12166,0.27942708333333355,15,explored +explored-12167,0.45468750000000013,17,explored +explored-12168,0.4703124999999999,9,explored +explored-12169,0.29506655092592626,23,explored +explored-12170,0.7151568287037038,21,explored +explored-12171,0.47089120370370385,20,explored +explored-12172,0.6824652777777779,8,explored +explored-12173,0.7265625,4,explored +explored-12174,0.39270833333333366,10,explored +explored-12175,0.2440104166666669,15,explored +explored-12176,0.4735677083333335,11,explored +explored-12177,0.6663194444444446,11,explored +explored-12178,0.4289930555555559,14,explored +explored-12179,0.32039930555555585,18,explored +explored-12180,0.3764467592592595,19,explored +explored-12181,0.2812500000000002,17,explored +explored-12182,0.3715277777777781,11,explored +explored-12183,0.5630208333333333,13,explored +explored-12184,0.7345486111111112,5,explored +explored-12185,0.5662037037037039,15,explored +explored-12186,0.4769965277777779,16,explored +explored-12187,0.3642013888888893,17,explored +explored-12188,0.29444444444444473,26,explored +explored-12189,0.23645833333333366,15,explored +explored-12190,0.1742187500000003,15,explored +explored-12191,0.7271753472222222,29,explored +explored-12192,0.3582899305555558,19,explored +explored-12193,0.31805555555555587,18,explored +explored-12194,0.3782407407407409,15,explored +explored-12195,0.4266493055555558,17,explored +explored-12196,0.6592245370370371,12,explored +explored-12197,0.3197916666666668,20,explored +explored-12198,0.6532407407407409,13,explored +explored-12199,0.3359375000000002,8,explored +explored-12200,0.42000000000000015,10,explored +explored-12201,0.3869791666666669,17,explored +explored-12202,0.77875,6,explored +explored-12203,0.6129947916666668,15,explored +explored-12204,0.27038194444444474,17,explored +explored-12205,0.34187500000000015,17,explored +explored-12206,0.6142361111111113,5,explored +explored-12207,0.06093750000000031,12,explored +explored-12208,0.7390046296296298,8,explored +explored-12209,0.5241666666666667,8,explored +explored-12210,0.673263888888889,13,explored +explored-12211,0.7055844907407409,9,explored +explored-12212,0.6411458333333333,8,explored +explored-12213,0.5310763888888891,12,explored +explored-12214,0.6142534722222224,7,explored +explored-12215,0.5506944444444446,23,explored +explored-12216,0.23854166666666676,10,explored +explored-12217,0.2864583333333335,15,explored +explored-12218,0.39237847222222233,14,explored +explored-12219,0.7529878472222222,27,explored +explored-12220,0.7057291666666667,12,explored +explored-12221,0.5255208333333335,10,explored +explored-12222,0.47250000000000014,10,explored +explored-12223,0.5588541666666668,10,explored +explored-12224,0.5080729166666668,22,explored +explored-12225,0.4277777777777778,13,explored +explored-12226,0.5312500000000002,8,explored +explored-12227,0.524652777777778,13,explored +explored-12228,0.575277777777778,13,explored +explored-12229,0.5399305555555557,10,explored +explored-12230,0.5450520833333335,8,explored +explored-12231,0.7170833333333333,3,explored +explored-12232,0.31601562500000036,19,explored +explored-12233,0.4037615740740743,15,explored +explored-12234,0.1625000000000003,17,explored +explored-12235,0.49079861111111134,12,explored +explored-12236,0.45833333333333337,11,explored +explored-12237,0.49861111111111145,11,explored +explored-12238,0.7234375000000002,9,explored +explored-12239,0.2409722222222226,13,explored +explored-12240,0.13541666666666696,21,explored +explored-12241,0.4949652777777779,9,explored +explored-12242,0.6182725694444446,26,explored +explored-12243,0.5996527777777779,9,explored +explored-12244,0.5188657407407409,23,explored +explored-12245,0.5313194444444447,20,explored +explored-12246,0.1878472222222225,15,explored +explored-12247,0.360300925925926,20,explored +explored-12248,0.6708333333333335,5,explored +explored-12249,0.5240451388888892,18,explored +explored-12250,0.7156539351851853,16,explored +explored-12251,0.4707118055555557,13,explored +explored-12252,0.5972222222222224,10,explored +explored-12253,0.5065104166666669,12,explored +explored-12254,0.39991319444444473,11,explored +explored-12255,0.39071180555555574,17,explored +explored-12256,0.4083333333333333,6,explored +explored-12257,0.635763888888889,11,explored +explored-12258,0.8031250000000001,4,explored +explored-12259,0.5276909722222223,15,explored +explored-12260,0.4863425925925925,16,explored +explored-12261,0.5312500000000001,13,explored +explored-12262,0.7328125,6,explored +explored-12263,0.2093750000000001,17,explored +explored-12264,0.4554745370370372,17,explored +explored-12265,0.5991319444444445,8,explored +explored-12266,0.3025462962962966,25,explored +explored-12267,0.6815972222222224,7,explored +explored-12268,0.3872395833333335,16,explored +explored-12269,0.6397569444444445,14,explored +explored-12270,0.6718750000000002,4,explored +explored-12271,0.47187500000000004,9,explored +explored-12272,0.45434027777777797,12,explored +explored-12273,0.6831712962962964,12,explored +explored-12274,0.38489583333333366,11,explored +explored-12275,0.48350694444444453,16,explored +explored-12276,0.663252314814815,11,explored +explored-12277,0.5234375000000002,12,explored +explored-12278,0.382682291666667,17,explored +explored-12279,0.6198437500000001,16,explored +explored-12280,0.5926388888888889,5,explored +explored-12281,0.5863715277777779,12,explored +explored-12282,0.7375,3,explored +explored-12283,0.5572916666666667,18,explored +explored-12284,0.466695601851852,26,explored +explored-12285,0.20052083333333348,10,explored +explored-12286,0.48194444444444473,16,explored +explored-12287,0.7057291666666667,11,explored +explored-12288,0.3675347222222225,15,explored +explored-12289,0.587326388888889,5,explored +explored-12290,0.3577546296296299,20,explored +explored-12291,0.7184027777777777,12,explored +explored-12292,0.6748237433862434,32,explored +explored-12293,0.6587962962962964,8,explored +explored-12294,0.38148148148148164,17,explored +explored-12295,0.6701388888888888,6,explored +explored-12296,0.247916666666667,16,explored +explored-12297,0.626678240740741,20,explored +explored-12298,0.47430555555555554,13,explored +explored-12299,0.5472569444444446,36,explored +explored-12300,0.307465277777778,14,explored +explored-12301,0.7566840277777779,11,explored +explored-12302,0.7055208333333334,3,explored +explored-12303,0.45729166666666676,7,explored +explored-12304,0.7375,8,explored +explored-12305,0.3149016203703707,17,explored +explored-12306,0.3822048611111113,16,explored +explored-12307,0.5018229166666668,12,explored +explored-12308,0.30781250000000016,18,explored +explored-12309,0.7132812500000002,8,explored +explored-12310,0.8401041666666668,3,explored +explored-12311,0.38880208333333355,24,explored +explored-12312,0.36397569444444455,14,explored +explored-12313,0.4701388888888892,10,explored +explored-12314,0.4439236111111111,13,explored +explored-12315,0.47728587962962976,17,explored +explored-12316,0.6987847222222223,10,explored +explored-12317,0.6540277777777779,5,explored +explored-12318,0.39166666666666683,18,explored +explored-12319,0.40833333333333355,10,explored +explored-12320,0.8119791666666667,4,explored +explored-12321,0.6094618055555556,10,explored +explored-12322,0.5987847222222225,10,explored +explored-12323,0.5164930555555556,17,explored +explored-12324,0.574513888888889,17,explored +explored-12325,0.3828125000000002,19,explored +explored-12326,0.40347222222222245,8,explored +explored-12327,0.15885416666666696,10,explored +explored-12328,0.5347222222222223,16,explored +explored-12329,0.4750000000000002,14,explored +explored-12330,0.7541666666666667,6,explored +explored-12331,0.32083333333333364,9,explored +explored-12332,0.49583333333333335,10,explored +explored-12333,0.6178125000000001,18,explored +explored-12334,0.16875000000000018,14,explored +explored-12335,0.21597222222222245,15,explored +explored-12336,0.38246527777777795,20,explored +explored-12337,0.8,4,explored +explored-12338,0.5218750000000001,4,explored +explored-12339,0.38489583333333355,14,explored +explored-12340,0.6463541666666668,14,explored +explored-12341,0.5367997685185186,31,explored +explored-12342,0.5315740740740742,16,explored +explored-12343,0.6937500000000001,6,explored +explored-12344,0.6789930555555557,6,explored +explored-12345,0.4864583333333333,8,explored +explored-12346,0.6561631944444445,11,explored +explored-12347,0.7130208333333334,8,explored +explored-12348,0.4734375000000003,6,explored +explored-12349,0.27361111111111147,12,explored +explored-12350,0.7359374999999999,5,explored +explored-12351,0.5679976851851853,13,explored +explored-12352,0.3564236111111113,17,explored +explored-12353,0.47395833333333326,9,explored +explored-12354,0.6442708333333333,7,explored +explored-12355,0.3006944444444446,20,explored +explored-12356,0.06093750000000031,15,explored +explored-12357,0.6597222222222223,17,explored +explored-12358,0.3440104166666669,16,explored +explored-12359,0.6745659722222224,9,explored +explored-12360,0.6813715277777779,7,explored +explored-12361,0.44999999999999996,10,explored +explored-12362,0.3510416666666669,17,explored +explored-12363,0.34236111111111145,12,explored +explored-12364,0.5218315972222224,17,explored +explored-12365,0.5019097222222226,6,explored +explored-12366,0.3986979166666669,18,explored +explored-12367,0.68671875,9,explored +explored-12368,0.585138888888889,18,explored +explored-12369,0.535138888888889,13,explored +explored-12370,0.6144097222222223,10,explored +explored-12371,0.6322337962962964,8,explored +explored-12372,0.3320601851851853,20,explored +explored-12373,0.49429976851851865,15,explored +explored-12374,0.7484375,3,explored +explored-12375,0.5367187500000001,26,explored +explored-12376,0.3833333333333335,22,explored +explored-12377,0.651996527777778,10,explored +explored-12378,0.703125,6,explored +explored-12379,0.37541666666666695,18,explored +explored-12380,0.6071180555555556,9,explored +explored-12381,0.37421875000000027,15,explored +explored-12382,0.5395833333333335,8,explored +explored-12383,0.692332175925926,20,explored +explored-12384,0.29548611111111134,18,explored +explored-12385,0.49774305555555554,13,explored +explored-12386,0.6829687500000001,9,explored +explored-12387,0.23611111111111127,14,explored +explored-12388,0.247916666666667,10,explored +explored-12389,0.46875,10,explored +explored-12390,0.47750231481481487,14,explored +explored-12391,0.6967013888888889,10,explored +explored-12392,0.330512152777778,17,explored +explored-12393,0.45529513888888906,18,explored +explored-12394,0.17604166666666698,14,explored +explored-12395,0.4315104166666669,19,explored +explored-12396,0.6390625000000002,7,explored +explored-12397,0.5993055555555556,7,explored +explored-12398,0.5521701388888891,17,explored +explored-12399,0.3837673611111112,19,explored +explored-12400,0.5260416666666667,16,explored +explored-12401,0.7177083333333334,12,explored +explored-12402,0.42718750000000016,18,explored +explored-12403,0.7536458333333335,10,explored +explored-12404,0.5395833333333333,8,explored +explored-12405,2.220446049250313e-16,13,explored +explored-12406,0.6385416666666668,10,explored +explored-12407,0.6707899305555557,25,explored +explored-12408,0.7194791666666668,8,explored +explored-12409,0.5384114583333333,10,explored +explored-12410,0.2942129629629632,18,explored +explored-12411,0.5361111111111112,9,explored +explored-12412,0.5606770833333335,13,explored +explored-12413,0.09791666666666687,17,explored +explored-12414,0.2821180555555557,23,explored +explored-12415,0.7298611111111112,11,explored +explored-12416,0.3706018518518521,19,explored +explored-12417,0.14322916666666696,12,explored +explored-12418,0.5611111111111113,13,explored +explored-12419,0.7734722222222223,7,explored +explored-12420,0.7142361111111113,6,explored +explored-12421,0.3583333333333336,25,explored +explored-12422,0.34383680555555574,17,explored +explored-12423,0.4819444444444446,13,explored +explored-12424,0.5171875000000001,15,explored +explored-12425,0.3812500000000003,6,explored +explored-12426,0.5350983796296298,18,explored +explored-12427,0.6118750000000002,7,explored +explored-12428,0.2729166666666668,10,explored +explored-12429,0.45572916666666685,12,explored +explored-12430,0.47175925925925943,22,explored +explored-12431,0.5319444444444446,15,explored +explored-12432,0.4687500000000002,14,explored +explored-12433,0.5426388888888891,8,explored +explored-12434,0.231828703703704,18,explored +explored-12435,0.6786458333333333,5,explored +explored-12436,0.3852430555555557,18,explored +explored-12437,0.4208333333333336,13,explored +explored-12438,0.20000000000000018,16,explored +explored-12439,0.4007812500000002,18,explored +explored-12440,0.3486111111111114,9,explored +explored-12441,0.6997395833333334,18,explored +explored-12442,0.7494791666666667,8,explored +explored-12443,0.49974826388888904,24,explored +explored-12444,0.6144097222222223,12,explored +explored-12445,0.3125000000000002,15,explored +explored-12446,0.6287847222222224,11,explored +explored-12447,0.72125,8,explored +explored-12448,0.5870659722222223,9,explored +explored-12449,0.3086111111111114,22,explored +explored-12450,0.43020833333333375,8,explored +explored-12451,0.695138888888889,6,explored +explored-12452,0.39913194444444466,15,explored +explored-12453,0.5440972222222225,23,explored +explored-12454,0.30625000000000036,12,explored +explored-12455,0.453125,9,explored +explored-12456,0.2963541666666669,15,explored +explored-12457,0.21640625000000036,12,explored +explored-12458,0.5718750000000001,11,explored +explored-12459,0.6868055555555557,13,explored +explored-12460,0.3486111111111114,8,explored +explored-12461,0.3235243055555559,23,explored +explored-12462,0.4153645833333336,18,explored +explored-12463,0.4281250000000001,22,explored +explored-12464,0.7166666666666668,6,explored +explored-12465,0.34531250000000024,16,explored +explored-12466,0.3945312500000002,21,explored +explored-12467,0.49861111111111134,13,explored +explored-12468,0.7087951388888889,19,explored +explored-12469,0.6059895833333334,7,explored +explored-12470,0.2703125000000003,16,explored +explored-12471,0.4062500000000002,13,explored +explored-12472,0.558246527777778,10,explored +explored-12473,0.7864583333333333,6,explored +explored-12474,0.8078125,3,explored +explored-12475,0.6440972222222223,13,explored +explored-12476,0.3445312500000003,9,explored +explored-12477,0.4302083333333333,14,explored +explored-12478,0.27986111111111145,19,explored +explored-12479,0.26093750000000016,17,explored +explored-12480,0.49375000000000036,7,explored +explored-12481,0.6066666666666669,11,explored +explored-12482,0.589670138888889,8,explored +explored-12483,0.6902356150793652,27,explored +explored-12484,0.6912743055555557,39,explored +explored-12485,0.5584490740740742,12,explored +explored-12486,0.5629050925925928,14,explored +explored-12487,0.39901620370370394,19,explored +explored-12488,0.4984375000000002,10,explored +explored-12489,0.5380208333333335,6,explored +explored-12490,0.47378472222222245,16,explored +explored-12491,0.6049479166666667,10,explored +explored-12492,0.28541666666666676,10,explored +explored-12493,0.6462962962962965,8,explored +explored-12494,0.3657986111111112,13,explored +explored-12495,0.7197916666666667,10,explored +explored-12496,0.52265625,9,explored +explored-12497,0.6269097222222224,12,explored +explored-12498,0.3848090277777779,17,explored +explored-12499,0.3714843750000003,18,explored +explored-12500,0.557291666666667,6,explored +explored-12501,0.3393229166666668,17,explored +explored-12502,0.4126388888888892,13,explored +explored-12503,0.6583333333333333,11,explored +explored-12504,0.31406250000000036,9,explored +explored-12505,0.5440972222222225,13,explored +explored-12506,0.4793171296296298,19,explored +explored-12507,0.7263888888888889,10,explored +explored-12508,0.36484375000000013,17,explored +explored-12509,0.21093750000000022,14,explored +explored-12510,0.21041666666666692,18,explored +explored-12511,0.4129340277777779,21,explored +explored-12512,0.22187500000000027,13,explored +explored-12513,0.48026041666666686,17,explored +explored-12514,0.34722222222222243,16,explored +explored-12515,0.6067708333333335,8,explored +explored-12516,0.4999131944444446,18,explored +explored-12517,0.22187500000000027,16,explored +explored-12518,0.37760416666666685,10,explored +explored-12519,0.8076388888888888,7,explored +explored-12520,0.5586805555555556,17,explored +explored-12521,0.5132812500000001,11,explored +explored-12522,0.46895254629629646,21,explored +explored-12523,0.31149884259259275,19,explored +explored-12524,0.5021990740740742,15,explored +explored-12525,0.4055381944444446,20,explored +explored-12526,0.32338541666666676,17,explored +explored-12527,0.6340277777777779,9,explored +explored-12528,0.6234953703703705,12,explored +explored-12529,0.329947916666667,20,explored +explored-12530,0.6953385416666668,33,explored +explored-12531,0.40538194444444464,13,explored +explored-12532,0.5713541666666668,12,explored +explored-12533,0.4041666666666669,21,explored +explored-12534,0.6751736111111113,11,explored +explored-12535,0.3710503472222225,16,explored +explored-12536,0.6033564814814816,13,explored +explored-12537,0.3104166666666669,12,explored +explored-12538,0.7508680555555556,8,explored +explored-12539,0.20312500000000022,12,explored +explored-12540,0.31649305555555585,10,explored +explored-12541,0.6934460978835979,43,explored +explored-12542,0.32685185185185217,14,explored +explored-12543,0.35078125000000027,13,explored +explored-12544,0.3651620370370371,16,explored +explored-12545,0.5321180555555557,19,explored +explored-12546,0.6393229166666669,16,explored +explored-12547,0.624826388888889,13,explored +explored-12548,0.6314409722222223,31,explored +explored-12549,0.6264149305555556,28,explored +explored-12550,0.6260648148148149,23,explored +explored-12551,0.5942708333333334,11,explored +explored-12552,0.41875000000000007,20,explored +explored-12553,0.41666666666666696,8,explored +explored-12554,0.5665798611111112,19,explored +explored-12555,0.5218171296296298,15,explored +explored-12556,0.7155208333333335,4,explored +explored-12557,0.5404513888888891,20,explored +explored-12558,0.49097222222222237,12,explored +explored-12559,0.12743055555555594,15,explored +explored-12560,0.48398437500000013,20,explored +explored-12561,0.4477430555555557,15,explored +explored-12562,0.6734375000000001,10,explored +explored-12563,0.5865740740740742,15,explored +explored-12564,0.5045138888888892,13,explored +explored-12565,0.6856770833333333,10,explored +explored-12566,0.5811197916666668,15,explored +explored-12567,0.7180555555555557,7,explored +explored-12568,0.31562500000000027,17,explored +explored-12569,0.7052314814814815,18,explored +explored-12570,0.4152777777777781,18,explored +explored-12571,0.5677777777777779,12,explored +explored-12572,0.3656250000000002,17,explored +explored-12573,0.6380787037037038,13,explored +explored-12574,0.276388888888889,24,explored +explored-12575,0.5181510416666668,13,explored +explored-12576,0.5330729166666668,16,explored +explored-12577,0.6196064814814817,12,explored +explored-12578,0.6688368055555557,17,explored +explored-12579,0.5093750000000001,8,explored +explored-12580,0.5826967592592593,15,explored +explored-12581,0.6146990740740742,14,explored +explored-12582,0.5694444444444445,8,explored +explored-12583,0.7721354166666667,13,explored +explored-12584,0.7861111111111112,10,explored +explored-12585,0.4536458333333333,10,explored +explored-12586,0.4067708333333334,14,explored +explored-12587,0.656840277777778,12,explored +explored-12588,0.3819097222222225,25,explored +explored-12589,0.5688802083333334,22,explored +explored-12590,0.6608611111111112,22,explored +explored-12591,0.19635416666666694,19,explored +explored-12592,0.667795138888889,24,explored +explored-12593,0.2083333333333336,10,explored +explored-12594,0.6803188657407409,33,explored +explored-12595,0.5399305555555557,9,explored +explored-12596,0.2147569444444446,19,explored +explored-12597,0.6622480158730161,34,explored +explored-12598,0.6044618055555557,13,explored +explored-12599,0.5967534722222223,13,explored +explored-12600,0.261516203703704,16,explored +explored-12601,0.4614583333333335,24,explored +explored-12602,0.3354166666666669,17,explored +explored-12603,0.5697337962962964,16,explored +explored-12604,0.6085937500000002,17,explored +explored-12605,0.4427083333333335,8,explored +explored-12606,0.10572916666666687,13,explored +explored-12607,0.578732638888889,19,explored +explored-12608,0.28671875000000013,20,explored +explored-12609,0.5015885416666668,23,explored +explored-12610,0.3265625000000002,20,explored +explored-12611,0.37806712962962985,20,explored +explored-12612,0.6971354166666668,6,explored +explored-12613,0.5668692129629631,15,explored +explored-12614,0.7291666666666667,15,explored +explored-12615,0.3757812500000004,27,explored +explored-12616,0.23802083333333357,9,explored +explored-12617,0.6620659722222223,6,explored +explored-12618,0.7015625,7,explored +explored-12619,0.37795138888888924,12,explored +explored-12620,0.3056423611111114,15,explored +explored-12621,0.6303819444444445,31,explored +explored-12622,0.5804687500000001,7,explored +explored-12623,0.43458333333333365,14,explored +explored-12624,0.31614583333333357,14,explored +explored-12625,0.3585069444444444,14,explored +explored-12626,0.4179253472222224,27,explored +explored-12627,0.6744618055555556,37,explored +explored-12628,0.4057581018518521,15,explored +explored-12629,0.3651041666666668,13,explored +explored-12630,0.20995370370370392,23,explored +explored-12631,0.6059895833333334,9,explored +explored-12632,0.6850115740740742,16,explored +explored-12633,0.5666666666666668,10,explored +explored-12634,0.27656250000000016,15,explored +explored-12635,0.47743055555555547,14,explored +explored-12636,0.47395833333333326,10,explored +explored-12637,0.8083333333333333,5,explored +explored-12638,0.47968750000000004,7,explored +explored-12639,0.5416666666666669,10,explored +explored-12640,0.10312500000000013,15,explored +explored-12641,0.729837962962963,6,explored +explored-12642,0.6411458333333335,15,explored +explored-12643,0.4574074074074075,14,explored +explored-12644,0.4939380787037039,20,explored +explored-12645,0.5432291666666668,8,explored +explored-12646,0.6952604166666667,15,explored +explored-12647,0.4983333333333335,15,explored +explored-12648,0.6639756944444446,12,explored +explored-12649,0.5082870370370373,20,explored +explored-12650,0.279166666666667,10,explored +explored-12651,0.2484375000000003,17,explored +explored-12652,0.5277604166666668,16,explored +explored-12653,0.5299479166666667,15,explored +explored-12654,0.47615740740740753,15,explored +explored-12655,0.3559895833333335,15,explored +explored-12656,0.5796875,18,explored +explored-12657,0.29765625000000007,19,explored +explored-12658,0.5598958333333335,15,explored +explored-12659,0.29305555555555585,19,explored +explored-12660,0.8354166666666667,5,explored +explored-12661,0.4443865740740742,21,explored +explored-12662,0.3695312500000002,19,explored +explored-12663,0.15937500000000027,13,explored +explored-12664,0.7041666666666667,5,explored +explored-12665,0.6070312500000002,10,explored +explored-12666,0.519791666666667,7,explored +explored-12667,0.5132812500000002,13,explored +explored-12668,0.6223379629629632,10,explored +explored-12669,0.41996527777777815,13,explored +explored-12670,0.3131250000000003,18,explored +explored-12671,0.7267361111111112,5,explored +explored-12672,0.4985243055555557,19,explored +explored-12673,0.5299537037037039,15,explored +explored-12674,0.6180555555555556,12,explored +explored-12675,0.6909722222222223,13,explored +explored-12676,0.574189814814815,11,explored +explored-12677,0.4927083333333334,13,explored +explored-12678,0.13680555555555585,16,explored +explored-12679,0.46067708333333357,18,explored +explored-12680,0.322135416666667,17,explored +explored-12681,0.45763888888888915,8,explored +explored-12682,0.5584490740740743,25,explored +explored-12683,0.75,13,explored +explored-12684,0.5631944444444447,7,explored +explored-12685,0.5934722222222224,9,explored +explored-12686,0.358217592592593,10,explored +explored-12687,0.4442708333333335,7,explored +explored-12688,0.3606307870370373,27,explored +explored-12689,0.3401041666666671,16,explored +explored-12690,0.6950520833333335,9,explored +explored-12691,0.726388888888889,9,explored +explored-12692,0.4632812500000002,14,explored +explored-12693,0.5047453703703705,18,explored +explored-12694,0.32187500000000036,8,explored +explored-12695,0.3826388888888891,18,explored +explored-12696,0.5896122685185187,20,explored +explored-12697,0.43524305555555587,9,explored +explored-12698,0.4920138888888891,19,explored +explored-12699,0.6553819444444445,16,explored +explored-12700,0.6396875000000001,7,explored +explored-12701,0.5675,9,explored +explored-12702,0.26718750000000036,11,explored +explored-12703,0.4555555555555557,14,explored +explored-12704,0.44453125000000027,10,explored +explored-12705,0.6223379629629632,13,explored +explored-12706,0.5453993055555557,19,explored +explored-12707,0.40243055555555585,13,explored +explored-12708,0.47581018518518536,20,explored +explored-12709,0.38437500000000036,12,explored +explored-12710,0.0975694444444446,15,explored +explored-12711,0.3250000000000003,14,explored +explored-12712,0.428564814814815,14,explored +explored-12713,0.5378472222222224,11,explored +explored-12714,0.3744791666666667,19,explored +explored-12715,0.22326388888888915,17,explored +explored-12716,0.6798611111111112,14,explored +explored-12717,0.6630208333333335,14,explored +explored-12718,0.3444444444444448,13,explored +explored-12719,0.68,2,explored +explored-12720,0.3884259259259262,19,explored +explored-12721,0.636388888888889,26,explored +explored-12722,0.6867187500000002,18,explored +explored-12723,0.5426099537037039,15,explored +explored-12724,0.49583333333333357,13,explored +explored-12725,0.7708333333333333,5,explored +explored-12726,0.4504629629629632,26,explored +explored-12727,0.6385995370370372,36,explored +explored-12728,0.7867187500000001,10,explored +explored-12729,0.6322916666666668,13,explored +explored-12730,0.7139265046296297,24,explored +explored-12731,0.5956597222222224,13,explored +explored-12732,0.5126736111111113,12,explored +explored-12733,0.299652777777778,15,explored +explored-12734,0.33750000000000013,11,explored +explored-12735,0.6067708333333334,10,explored +explored-12736,0.6875752314814816,42,explored +explored-12737,0.32812500000000033,17,explored +explored-12738,0.5581597222222224,17,explored +explored-12739,0.5424479166666668,13,explored +explored-12740,0.09843750000000018,14,explored +explored-12741,0.10312500000000036,17,explored +explored-12742,0.6230555555555557,11,explored +explored-12743,0.36875,15,explored +explored-12744,0.7359375000000001,3,explored +explored-12745,0.33854166666666674,25,explored +explored-12746,0.48463541666666676,11,explored +explored-12747,0.25781250000000033,13,explored +explored-12748,0.6279050925925926,15,explored +explored-12749,0.6596875000000002,10,explored +explored-12750,0.4243055555555557,16,explored +explored-12751,0.6322916666666669,6,explored +explored-12752,0.40390625000000013,18,explored +explored-12753,0.80625,4,explored +explored-12754,0.3437500000000002,15,explored +explored-12755,0.5062500000000002,13,explored +explored-12756,0.4007812500000001,16,explored +explored-12757,0.3246527777777781,17,explored +explored-12758,0.3437500000000002,7,explored +explored-12759,0.6251736111111112,11,explored +explored-12760,0.5822916666666668,9,explored +explored-12761,0.5682291666666668,15,explored +explored-12762,0.49322916666666683,17,explored +explored-12763,0.5736979166666669,10,explored +explored-12764,0.3757812500000004,13,explored +explored-12765,0.5353877314814817,16,explored +explored-12766,0.4345659722222224,17,explored +explored-12767,0.6138020833333334,6,explored +explored-12768,0.6960937500000001,10,explored +explored-12769,0.6789930555555556,4,explored +explored-12770,0.5481770833333335,11,explored +explored-12771,0.7340868055555556,25,explored +explored-12772,0.43229166666666696,13,explored +explored-12773,0.26278935185185204,19,explored +explored-12774,0.6526041666666669,13,explored +explored-12775,0.4627314814814816,18,explored +explored-12776,0.6069444444444446,7,explored +explored-12777,0.4729456018518521,16,explored +explored-12778,0.7213541666666669,10,explored +explored-12779,0.4453125000000001,10,explored +explored-12780,0.6583333333333334,7,explored +explored-12781,0.4687500000000002,13,explored +explored-12782,0.6966145833333335,7,explored +explored-12783,0.29791666666666683,21,explored +explored-12784,0.6616319444444446,7,explored +explored-12785,0.3562500000000004,11,explored +explored-12786,0.3683333333333335,13,explored +explored-12787,0.3826388888888892,13,explored +explored-12788,0.5715625000000002,15,explored +explored-12789,0.45515625000000015,22,explored +explored-12790,0.5479166666666668,23,explored +explored-12791,0.40486111111111145,13,explored +explored-12792,0.36527777777777803,13,explored +explored-12793,0.6627025462962964,6,explored +explored-12794,0.32135416666666694,12,explored +explored-12795,0.6903645833333334,7,explored +explored-12796,0.29161458333333357,17,explored +explored-12797,0.48900462962962987,22,explored +explored-12798,0.40390625000000013,13,explored +explored-12799,0.4786574074074076,12,explored +explored-12800,0.3744502314814818,15,explored +explored-12801,0.6902777777777779,12,explored +explored-12802,0.43284143518518536,21,explored +explored-12803,0.6559027777777778,25,explored +explored-12804,0.5338888888888891,12,explored +explored-12805,0.8006944444444446,6,explored +explored-12806,0.6918674768518519,32,explored +explored-12807,0.25833333333333375,17,explored +explored-12808,0.26232638888888904,13,explored +explored-12809,0.3398437500000001,20,explored +explored-12810,0.38208333333333355,19,explored +explored-12811,0.6927083333333335,11,explored +explored-12812,0.6973958333333333,12,explored +explored-12813,0.057812500000000266,19,explored +explored-12814,0.23437500000000022,11,explored +explored-12815,0.4867187500000002,14,explored +explored-12816,0.43833333333333335,14,explored +explored-12817,0.2250000000000001,17,explored +explored-12818,0.47129629629629644,13,explored +explored-12819,0.6171990740740743,15,explored +explored-12820,0.3333333333333335,19,explored +explored-12821,0.6583101851851854,8,explored +explored-12822,0.5537500000000002,9,explored +explored-12823,0.5173611111111113,9,explored +explored-12824,0.5829166666666669,14,explored +explored-12825,0.5708333333333335,8,explored +explored-12826,0.4295138888888891,23,explored +explored-12827,0.2500000000000002,15,explored +explored-12828,0.6106250000000002,13,explored +explored-12829,0.290885416666667,18,explored +explored-12830,0.5194444444444446,13,explored +explored-12831,0.21354166666666696,12,explored +explored-12832,0.5688078703703705,15,explored +explored-12833,0.47083333333333355,12,explored +explored-12834,0.6343750000000001,5,explored +explored-12835,0.4438541666666669,11,explored +explored-12836,0.45486111111111127,16,explored +explored-12837,0.592326388888889,11,explored +explored-12838,0.5351851851851853,15,explored +explored-12839,0.7456597222222222,12,explored +explored-12840,0.4618055555555558,8,explored +explored-12841,0.4598958333333335,14,explored +explored-12842,0.5841145833333335,16,explored +explored-12843,0.5010416666666668,12,explored +explored-12844,0.6623263888888891,8,explored +explored-12845,0.5802662037037039,11,explored +explored-12846,0.6161458333333335,9,explored +explored-12847,0.23958333333333348,16,explored +explored-12848,0.3489583333333337,12,explored +explored-12849,0.5244791666666668,23,explored +explored-12850,0.5659722222222224,19,explored +explored-12851,0.14062500000000022,19,explored +explored-12852,0.397309027777778,18,explored +explored-12853,0.6241319444444445,10,explored +explored-12854,0.7505555555555556,11,explored +explored-12855,0.5598379629629631,11,explored +explored-12856,0.5859375000000001,7,explored +explored-12857,0.6647962962962963,40,explored +explored-12858,0.35318287037037066,25,explored +explored-12859,0.4368344907407409,20,explored +explored-12860,0.37459490740740753,23,explored +explored-12861,0.7756944444444446,2,explored +explored-12862,0.49531250000000016,15,explored +explored-12863,0.48593750000000013,8,explored +explored-12864,0.37142361111111133,24,explored +explored-12865,0.6024131944444446,11,explored +explored-12866,0.651996527777778,16,explored +explored-12867,0.8307291666666667,9,explored +explored-12868,0.27743055555555585,11,explored +explored-12869,0.6253472222222223,12,explored +explored-12870,0.6496354166666667,11,explored +explored-12871,0.19045138888888902,22,explored +explored-12872,0.5707175925925928,9,explored +explored-12873,0.4343750000000002,14,explored +explored-12874,0.5506944444444446,12,explored +explored-12875,0.746875,4,explored +explored-12876,0.138541666666667,12,explored +explored-12877,0.29609375000000016,14,explored +explored-12878,0.5028645833333335,17,explored +explored-12879,0.48836805555555574,23,explored +explored-12880,0.6333333333333334,14,explored +explored-12881,0.39861111111111147,16,explored +explored-12882,0.49375000000000024,7,explored +explored-12883,0.3187500000000003,15,explored +explored-12884,0.7122395833333335,14,explored +explored-12885,0.6312500000000002,5,explored +explored-12886,0.4509837962962965,17,explored +explored-12887,0.6266469907407408,31,explored +explored-12888,0.6187500000000001,7,explored +explored-12889,0.4801909722222224,24,explored +explored-12890,0.7259722222222222,9,explored +explored-12891,0.3464699074074076,17,explored +explored-12892,0.8375,4,explored +explored-12893,0.6197337962962964,13,explored +explored-12894,0.4026041666666669,11,explored +explored-12895,0.5847222222222224,12,explored +explored-12896,0.4152777777777781,18,explored +explored-12897,0.2719270833333335,16,explored +explored-12898,0.75,5,explored +explored-12899,0.6469473379629631,15,explored +explored-12900,0.5806134259259261,17,explored +explored-12901,0.5228703703703705,16,explored +explored-12902,0.33072916666666696,18,explored +explored-12903,0.19652777777777797,15,explored +explored-12904,0.48830729166666687,14,explored +explored-12905,0.636689814814815,22,explored +explored-12906,0.5305555555555558,6,explored +explored-12907,0.14270833333333366,16,explored +explored-12908,0.7499652777777779,7,explored +explored-12909,0.7235879629629631,12,explored +explored-12910,0.35863715277777797,19,explored +explored-12911,0.7034548611111112,20,explored +explored-12912,0.7587731481481481,13,explored +explored-12913,0.7581770833333334,8,explored +explored-12914,0.7828125,7,explored +explored-12915,0.6619502314814817,11,explored +explored-12916,0.5853298611111113,12,explored +explored-12917,0.3456250000000002,13,explored +explored-12918,0.45234375000000016,19,explored +explored-12919,0.3622395833333335,19,explored +explored-12920,0.29648437500000036,17,explored +explored-12921,0.4789351851851854,18,explored +explored-12922,0.5486111111111113,10,explored +explored-12923,0.4287500000000002,17,explored +explored-12924,0.543793402777778,17,explored +explored-12925,0.7083333333333335,8,explored +explored-12926,0.5341435185185187,7,explored +explored-12927,0.35364583333333344,14,explored +explored-12928,0.49140625000000016,13,explored +explored-12929,0.459375,10,explored +explored-12930,0.6817569444444445,39,explored +explored-12931,0.3997395833333335,15,explored +explored-12932,0.768576388888889,2,explored +explored-12933,0.6439814814814815,9,explored +explored-12934,0.5446238425925927,18,explored +explored-12935,0.48045138888888905,13,explored +explored-12936,0.8194444444444444,10,explored +explored-12937,0.4805121527777779,24,explored +explored-12938,0.3793402777777781,16,explored +explored-12939,0.5322916666666668,14,explored +explored-12940,0.500277777777778,17,explored +explored-12941,0.24861111111111134,17,explored +explored-12942,0.4867476851851853,15,explored +explored-12943,0.4056423611111113,13,explored +explored-12944,0.49069444444444466,20,explored +explored-12945,0.6036458333333332,8,explored +explored-12946,0.6302083333333335,9,explored +explored-12947,0.21788194444444464,15,explored +explored-12948,0.42893518518518536,23,explored +explored-12949,0.7709375,7,explored +explored-12950,0.44687500000000036,11,explored +explored-12951,0.6727777777777778,9,explored +explored-12952,0.34253472222222237,21,explored +explored-12953,0.3398437500000002,18,explored +explored-12954,0.5942708333333334,12,explored +explored-12955,0.6708333333333334,4,explored +explored-12956,0.6388020833333334,9,explored +explored-12957,0.2800347222222226,22,explored +explored-12958,0.35558449074074083,14,explored +explored-12959,0.5006076388888892,12,explored +explored-12960,0.41093750000000007,14,explored +explored-12961,0.7628940972222222,22,explored +explored-12962,0.541840277777778,13,explored +explored-12963,0.1297453703703706,18,explored +explored-12964,0.6485300925925928,9,explored +explored-12965,0.6078125000000002,13,explored +explored-12966,0.2651041666666668,15,explored +explored-12967,0.5605034722222223,9,explored +explored-12968,0.6804976851851853,6,explored +explored-12969,0.6131770833333335,14,explored +explored-12970,0.6859375000000001,10,explored +explored-12971,0.6505009920634921,34,explored +explored-12972,0.37031250000000027,14,explored +explored-12973,0.40937500000000016,7,explored +explored-12974,0.5050000000000001,11,explored +explored-12975,0.19450231481481506,23,explored +explored-12976,0.6512500000000001,7,explored +explored-12977,0.5343750000000002,8,explored +explored-12978,0.6980324074074076,10,explored +explored-12979,0.7019270833333335,12,explored +explored-12980,0.4965277777777779,11,explored +explored-12981,0.3890625000000003,13,explored +explored-12982,0.40833333333333355,16,explored +explored-12983,0.6760069444444445,12,explored +explored-12984,0.385763888888889,11,explored +explored-12985,0.3921874999999999,11,explored +explored-12986,0.2981770833333335,19,explored +explored-12987,0.49965277777777795,16,explored +explored-12988,0.39600694444444473,17,explored +explored-12989,0.4646990740740742,22,explored +explored-12990,0.7333333333333333,4,explored +explored-12991,0.3132812500000003,9,explored +explored-12992,0.5166087962962964,14,explored +explored-12993,0.4662037037037039,19,explored +explored-12994,0.5076388888888891,11,explored +explored-12995,0.7925,4,explored +explored-12996,0.6984375,5,explored +explored-12997,0.6397280092592592,14,explored +explored-12998,0.6093171296296298,17,explored +explored-12999,0.42500000000000027,18,explored +explored-13000,0.6172164351851854,15,explored +explored-13001,0.4583333333333335,19,explored +explored-13002,0.3812500000000003,15,explored +explored-13003,0.49921875000000027,13,explored +explored-13004,0.41866319444444466,17,explored +explored-13005,0.7715277777777778,11,explored +explored-13006,0.7181378968253969,32,explored +explored-13007,0.12656250000000036,13,explored +explored-13008,0.7493055555555557,6,explored +explored-13009,0.5264467592592594,16,explored +explored-13010,0.5854947916666668,14,explored +explored-13011,0.4816666666666669,7,explored +explored-13012,0.23593750000000036,16,explored +explored-13013,0.699189814814815,14,explored +explored-13014,0.4125000000000003,11,explored +explored-13015,0.3583333333333336,16,explored +explored-13016,0.6811342592592593,24,explored +explored-13017,0.31250000000000033,11,explored +explored-13018,0.43602430555555594,9,explored +explored-13019,0.5536458333333335,13,explored +explored-13020,0.3680555555555558,18,explored +explored-13021,0.45026041666666683,17,explored +explored-13022,0.4359375000000001,10,explored +explored-13023,0.36041666666666683,20,explored +explored-13024,0.6111111111111112,9,explored +explored-13025,0.14375000000000027,17,explored +explored-13026,0.3647280092592595,26,explored +explored-13027,0.4983333333333335,17,explored +explored-13028,0.531851851851852,14,explored +explored-13029,0.7625000000000001,6,explored +explored-13030,0.38359375000000007,11,explored +explored-13031,0.5868055555555557,14,explored +explored-13032,0.6960243055555557,14,explored +explored-13033,0.6982849702380953,31,explored +explored-13034,0.42838541666666674,11,explored +explored-13035,0.6428240740740742,9,explored +explored-13036,0.33709490740740755,16,explored +explored-13037,0.7187152777777779,29,explored +explored-13038,0.5536458333333333,11,explored +explored-13039,0.6900000000000001,16,explored +explored-13040,0.48984375000000013,14,explored +explored-13041,0.3783854166666669,11,explored +explored-13042,0.7256944444444445,3,explored +explored-13043,0.4182291666666671,11,explored +explored-13044,0.7191261574074075,10,explored +explored-13045,0.5937500000000002,14,explored +explored-13046,0.6636458333333335,8,explored +explored-13047,0.3070312500000002,12,explored +explored-13048,0.7972222222222224,10,explored +explored-13049,0.6399016203703706,18,explored +explored-13050,0.3979166666666669,14,explored +explored-13051,0.7806597222222222,5,explored +explored-13052,0.8307291666666666,7,explored +explored-13053,0.48951967592592616,21,explored +explored-13054,0.7080439814814816,13,explored +explored-13055,0.6523871527777779,18,explored +explored-13056,0.43917824074074097,19,explored +explored-13057,0.6144097222222225,10,explored +explored-13058,0.623576388888889,7,explored +explored-13059,0.38204571759259287,14,explored +explored-13060,0.6875000000000001,11,explored +explored-13061,0.5977199074074075,14,explored +explored-13062,0.2416666666666668,20,explored +explored-13063,0.4128472222222225,15,explored +explored-13064,0.45434027777777797,16,explored +explored-13065,0.7166666666666668,10,explored +explored-13066,0.3576388888888893,14,explored +explored-13067,0.30781250000000016,16,explored +explored-13068,0.6269097222222224,9,explored +explored-13069,0.3365625000000002,15,explored +explored-13070,0.6343749999999999,8,explored +explored-13071,0.37473958333333357,19,explored +explored-13072,0.4580729166666667,12,explored +explored-13073,0.32291666666666696,12,explored +explored-13074,0.2786458333333336,16,explored +explored-13075,0.7790277777777779,6,explored +explored-13076,0.6617187500000001,7,explored +explored-13077,0.49541666666666684,14,explored +explored-13078,0.6638310185185187,15,explored +explored-13079,0.4670138888888892,11,explored +explored-13080,0.6262876157407409,37,explored +explored-13081,0.7407986111111112,8,explored +explored-13082,0.7159722222222222,9,explored +explored-13083,0.6096643518518521,6,explored +explored-13084,0.5173611111111113,11,explored +explored-13085,0.43763888888888913,14,explored +explored-13086,0.3481770833333335,18,explored +explored-13087,0.47919560185185206,18,explored +explored-13088,0.2641203703703705,24,explored +explored-13089,0.5898263888888889,10,explored +explored-13090,0.15885416666666696,9,explored +explored-13091,0.5215277777777779,14,explored +explored-13092,0.4356365740740742,17,explored +explored-13093,0.34921875000000013,12,explored +explored-13094,0.5057291666666668,13,explored +explored-13095,0.6281979166666667,23,explored +explored-13096,0.6598958333333335,11,explored +explored-13097,0.482482638888889,19,explored +explored-13098,0.6491319444444446,6,explored +explored-13099,0.5072916666666668,8,explored +explored-13100,0.529166666666667,6,explored +explored-13101,0.6416666666666666,11,explored +explored-13102,0.6508680555555557,12,explored +explored-13103,0.17916666666666692,8,explored +explored-13104,0.3442708333333335,9,explored +explored-13105,0.5992187500000001,9,explored +explored-13106,0.5942129629629631,19,explored +explored-13107,0.5204861111111113,15,explored +explored-13108,0.5625000000000002,14,explored +explored-13109,0.5120659722222224,15,explored +explored-13110,0.24218750000000022,12,explored +explored-13111,0.48263888888888906,15,explored +explored-13112,0.6239583333333335,9,explored +explored-13113,0.5088541666666668,9,explored +explored-13114,0.5199652777777779,12,explored +explored-13115,0.7171006944444445,11,explored +explored-13116,0.7272916666666668,11,explored +explored-13117,0.6500000000000001,6,explored +explored-13118,0.4130208333333333,17,explored +explored-13119,0.6133680555555557,7,explored +explored-13120,0.408263888888889,13,explored +explored-13121,0.40394965277777795,25,explored +explored-13122,0.48840277777777796,13,explored +explored-13123,0.0868055555555558,15,explored +explored-13124,0.37864583333333357,16,explored +explored-13125,0.33964120370370376,16,explored +explored-13126,0.6786747685185186,29,explored +explored-13127,0.2845486111111113,15,explored +explored-13128,0.6407118055555556,9,explored +explored-13129,0.7259548611111112,11,explored +explored-13130,0.27881944444444473,16,explored +explored-13131,0.5020833333333335,10,explored +explored-13132,0.345572916666667,16,explored +explored-13133,0.43868055555555574,15,explored +explored-13134,0.5803819444444446,11,explored +explored-13135,0.46125000000000016,10,explored +explored-13136,0.6408854166666669,8,explored +explored-13137,0.6958333333333335,7,explored +explored-13138,0.476388888888889,15,explored +explored-13139,0.6458333333333335,9,explored +explored-13140,0.5167534722222223,18,explored +explored-13141,0.6817708333333334,10,explored +explored-13142,0.39959490740740744,12,explored +explored-13143,0.5317708333333335,14,explored +explored-13144,0.6407118055555556,15,explored +explored-13145,0.6415219907407409,13,explored +explored-13146,0.6958854166666668,22,explored +explored-13147,0.5900000000000001,9,explored +explored-13148,0.26527777777777817,8,explored +explored-13149,0.708029761904762,45,explored +explored-13150,0.7640625000000001,7,explored +explored-13151,0.7394965277777779,10,explored +explored-13152,0.4652777777777779,12,explored +explored-13153,0.49479166666666663,8,explored +explored-13154,0.6720486111111112,8,explored +explored-13155,0.4517361111111112,9,explored +explored-13156,0.6026041666666668,11,explored +explored-13157,0.6718750000000002,18,explored +explored-13158,0.7154340277777779,9,explored +explored-13159,0.4604166666666669,12,explored +explored-13160,0.7304687500000002,8,explored +explored-13161,0.5732899305555557,36,explored +explored-13162,0.42013888888888884,17,explored +explored-13163,0.606076388888889,8,explored +explored-13164,0.6473958333333335,7,explored +explored-13165,0.6881944444444446,9,explored +explored-13166,0.2929687500000002,18,explored +explored-13167,0.38932291666666685,23,explored +explored-13168,0.6540509259259261,18,explored +explored-13169,0.5289351851851851,15,explored +explored-13170,0.4291666666666669,14,explored +explored-13171,0.45619791666666676,17,explored +explored-13172,0.8161111111111111,11,explored +explored-13173,0.36440972222222257,17,explored +explored-13174,0.7322048611111112,12,explored +explored-13175,0.32291666666666696,9,explored +explored-13176,0.6006944444444444,11,explored +explored-13177,0.22656250000000044,22,explored +explored-13178,0.582326388888889,11,explored +explored-13179,0.08125000000000027,10,explored +explored-13180,0.3221354166666668,15,explored +explored-13181,0.28819444444444464,13,explored +explored-13182,0.34583333333333344,15,explored +explored-13183,0.3343750000000002,20,explored +explored-13184,0.7359374999999999,7,explored +explored-13185,0.29956597222222237,23,explored +explored-13186,0.6471354166666667,8,explored +explored-13187,0.4163194444444446,14,explored +explored-13188,0.36979166666666696,8,explored +explored-13189,0.4837962962962965,19,explored +explored-13190,0.31215277777777795,14,explored +explored-13191,0.5963165509259261,16,explored +explored-13192,0.2888888888888892,12,explored +explored-13193,0.3787760416666669,21,explored +explored-13194,0.6553819444444446,10,explored +explored-13195,0.5098958333333335,7,explored +explored-13196,0.6473958333333334,34,explored +explored-13197,0.6124131944444445,9,explored +explored-13198,0.2698784722222225,27,explored +explored-13199,0.4057725694444446,24,explored +explored-13200,0.18368055555555585,24,explored +explored-13201,0.4843750000000002,17,explored +explored-13202,0.2729166666666668,10,explored +explored-13203,0.43680555555555567,10,explored +explored-13204,0.41510416666666694,15,explored +explored-13205,0.5690972222222224,6,explored +explored-13206,0.521875,11,explored +explored-13207,0.2196180555555558,20,explored +explored-13208,0.6581250000000002,8,explored +explored-13209,0.4057291666666669,9,explored +explored-13210,0.29791666666666705,14,explored +explored-13211,0.37268518518518534,18,explored +explored-13212,0.3831018518518521,23,explored +explored-13213,0.46788194444444464,12,explored +explored-13214,0.6963541666666668,9,explored +explored-13215,0.3977430555555559,20,explored +explored-13216,0.2611111111111113,14,explored +explored-13217,0.43463541666666683,18,explored +explored-13218,0.2713541666666668,11,explored +explored-13219,0.6945833333333334,13,explored +explored-13220,0.562152777777778,7,explored +explored-13221,0.5708333333333335,5,explored +explored-13222,0.584375,9,explored +explored-13223,0.37031250000000027,11,explored +explored-13224,0.3327690972222226,19,explored +explored-13225,0.6451388888888889,10,explored +explored-13226,0.4622395833333335,17,explored +explored-13227,0.7295312500000001,9,explored +explored-13228,0.5994791666666668,10,explored +explored-13229,0.28819444444444464,13,explored +explored-13230,0.6094444444444447,9,explored +explored-13231,0.46684027777777803,25,explored +explored-13232,0.5817708333333335,6,explored +explored-13233,0.828125,3,explored +explored-13234,0.5979166666666668,5,explored +explored-13235,0.18127893518518545,23,explored +explored-13236,0.4095138888888892,13,explored +explored-13237,0.6178819444444446,18,explored +explored-13238,0.5143229166666669,17,explored +explored-13239,0.7533854166666667,5,explored +explored-13240,0.2675347222222224,16,explored +explored-13241,0.7061631944444445,9,explored +explored-13242,0.6076388888888891,9,explored +explored-13243,0.7578125,6,explored +explored-13244,0.4237847222222224,18,explored +explored-13245,0.504166666666667,5,explored +explored-13246,0.626388888888889,7,explored +explored-13247,0.5406250000000001,12,explored +explored-13248,0.3500000000000003,12,explored +explored-13249,0.6903645833333334,9,explored +explored-13250,0.18854166666666683,19,explored +explored-13251,0.7278645833333335,11,explored +explored-13252,0.7239583333333333,7,explored +explored-13253,0.602777777777778,10,explored +explored-13254,0.566527777777778,13,explored +explored-13255,0.5460763888888891,11,explored +explored-13256,0.649826388888889,10,explored +explored-13257,0.7541666666666669,9,explored +explored-13258,0.7478298611111112,8,explored +explored-13259,0.45406250000000026,17,explored +explored-13260,0.3125000000000002,7,explored +explored-13261,0.4901041666666668,11,explored +explored-13262,0.6279513888888889,16,explored +explored-13263,0.3961111111111113,17,explored +explored-13264,0.7090405092592593,25,explored +explored-13265,0.42953125000000014,15,explored +explored-13266,0.6328125000000002,13,explored +explored-13267,0.39861111111111147,13,explored +explored-13268,0.7199074074074076,9,explored +explored-13269,0.5058854166666666,10,explored +explored-13270,0.48454861111111136,16,explored +explored-13271,0.5414351851851853,21,explored +explored-13272,0.5945746527777779,36,explored +explored-13273,0.4534722222222225,11,explored +explored-13274,0.31562500000000016,13,explored +explored-13275,0.4896701388888891,16,explored +explored-13276,0.7440972222222223,16,explored +explored-13277,0.4041666666666669,8,explored +explored-13278,0.3168402777777779,13,explored +explored-13279,0.3666666666666668,12,explored +explored-13280,0.44531250000000033,17,explored +explored-13281,0.5951388888888891,18,explored +explored-13282,0.3700000000000002,12,explored +explored-13283,0.2312500000000003,9,explored +explored-13284,0.47378472222222245,17,explored +explored-13285,0.20486111111111138,14,explored +explored-13286,0.2484375000000003,20,explored +explored-13287,0.6115162037037039,14,explored +explored-13288,0.5900000000000002,11,explored +explored-13289,0.4701388888888891,16,explored +explored-13290,0.5159895833333334,19,explored +explored-13291,0.6156394675925927,20,explored +explored-13292,0.5758680555555558,9,explored +explored-13293,0.6442824074074075,9,explored +explored-13294,0.5546875,6,explored +explored-13295,0.16710069444444486,17,explored +explored-13296,0.34444444444444455,10,explored +explored-13297,0.4387500000000002,19,explored +explored-13298,0.57734375,16,explored +explored-13299,0.30150462962962976,24,explored +explored-13300,0.5416666666666666,15,explored +explored-13301,0.5553819444444446,11,explored +explored-13302,0.1810763888888891,15,explored +explored-13303,0.6015625000000001,7,explored +explored-13304,0.8333333333333334,3,explored +explored-13305,0.4302083333333335,8,explored +explored-13306,0.6050000000000001,10,explored +explored-13307,0.43524305555555576,12,explored +explored-13308,0.16649305555555594,12,explored +explored-13309,0.13541666666666696,19,explored +explored-13310,0.4490451388888892,19,explored +explored-13311,0.4862037037037039,15,explored +explored-13312,0.3816840277777781,16,explored +explored-13313,0.44687500000000024,17,explored +explored-13314,0.5375,10,explored +explored-13315,0.5220052083333335,19,explored +explored-13316,0.6120659722222224,13,explored +explored-13317,0.5550694444444445,19,explored +explored-13318,0.43767361111111125,22,explored +explored-13319,0.6718750000000002,6,explored +explored-13320,0.5804687500000002,9,explored +explored-13321,0.341666666666667,15,explored +explored-13322,0.6484375000000002,11,explored +explored-13323,0.6581597222222224,7,explored +explored-13324,0.2968055555555559,17,explored +explored-13325,0.4831597222222226,10,explored +explored-13326,0.47274305555555574,18,explored +explored-13327,0.658029513888889,39,explored +explored-13328,0.5760416666666668,13,explored +explored-13329,0.17239583333333353,15,explored +explored-13330,0.26875000000000027,11,explored +explored-13331,0.635451388888889,11,explored +explored-13332,0.4552546296296297,24,explored +explored-13333,0.34479166666666683,9,explored +explored-13334,0.44166666666666665,12,explored +explored-13335,0.5725694444444448,7,explored +explored-13336,0.47821180555555576,20,explored +explored-13337,0.4763888888888891,15,explored +explored-13338,0.23541666666666705,18,explored +explored-13339,0.7541666666666668,10,explored +explored-13340,0.6350000000000001,8,explored +explored-13341,0.24687500000000018,19,explored +explored-13342,0.13836805555555576,21,explored +explored-13343,0.726388888888889,10,explored +explored-13344,0.47291666666666676,11,explored +explored-13345,0.6792824074074075,19,explored +explored-13346,0.3333333333333335,17,explored +explored-13347,0.6440972222222223,11,explored +explored-13348,0.4105902777777779,16,explored +explored-13349,0.43411458333333364,18,explored +explored-13350,0.34157986111111127,22,explored +explored-13351,0.29953703703703727,21,explored +explored-13352,0.5759837962962965,15,explored +explored-13353,0.43281250000000016,16,explored +explored-13354,0.5953125000000001,12,explored +explored-13355,0.7962500000000001,8,explored +explored-13356,0.664189814814815,11,explored +explored-13357,0.6708333333333334,4,explored +explored-13358,0.2308593750000003,14,explored +explored-13359,0.627777777777778,10,explored +explored-13360,0.4721064814814817,13,explored +explored-13361,0.3378472222222223,13,explored +explored-13362,0.16093750000000018,13,explored +explored-13363,0.7289930555555557,8,explored +explored-13364,0.7256944444444444,13,explored +explored-13365,0.6210069444444446,12,explored +explored-13366,0.2900173611111113,21,explored +explored-13367,0.5525173611111114,11,explored +explored-13368,0.4878125000000001,13,explored +explored-13369,0.549479166666667,8,explored +explored-13370,0.3593750000000002,11,explored +explored-13371,0.7332725694444445,10,explored +explored-13372,0.5343923611111112,24,explored +explored-13373,0.5988136574074076,13,explored +explored-13374,0.5895833333333333,6,explored +explored-13375,0.4166203703703706,17,explored +explored-13376,0.7378298611111112,5,explored +explored-13377,0.5663194444444446,8,explored +explored-13378,0.5389756944444446,16,explored +explored-13379,0.3381944444444447,12,explored +explored-13380,0.6499999999999999,9,explored +explored-13381,0.5258680555555557,17,explored +explored-13382,0.526388888888889,10,explored +explored-13383,0.6076388888888888,17,explored +explored-13384,0.40000000000000013,10,explored +explored-13385,0.3080439814814818,22,explored +explored-13386,0.3608072916666668,22,explored +explored-13387,0.5241319444444447,16,explored +explored-13388,0.3909722222222225,11,explored +explored-13389,0.440379050925926,23,explored +explored-13390,0.5351562500000002,14,explored +explored-13391,0.7479166666666668,8,explored +explored-13392,0.38333333333333364,20,explored +explored-13393,0.5083159722222224,16,explored +explored-13394,0.5027777777777779,9,explored +explored-13395,0.449479166666667,9,explored +explored-13396,0.7533854166666667,7,explored +explored-13397,0.4296875000000001,18,explored +explored-13398,0.6401041666666668,14,explored +explored-13399,0.5708333333333334,8,explored +explored-13400,0.6514756944444446,12,explored +explored-13401,0.22864583333333344,15,explored +explored-13402,0.8041666666666667,6,explored +explored-13403,0.5069444444444446,12,explored +explored-13404,0.37656250000000036,16,explored +explored-13405,0.5657407407407409,14,explored +explored-13406,0.6628472222222224,5,explored +explored-13407,0.4218750000000002,8,explored +explored-13408,0.6030208333333335,13,explored +explored-13409,0.696087962962963,8,explored +explored-13410,0.587326388888889,6,explored +explored-13411,0.5324305555555557,12,explored +explored-13412,0.7368055555555557,12,explored +explored-13413,0.6141319444444446,17,explored +explored-13414,0.5533333333333335,15,explored +explored-13415,0.4031250000000003,9,explored +explored-13416,0.5777777777777777,9,explored +explored-13417,0.5921875000000002,13,explored +explored-13418,0.6877256944444445,10,explored +explored-13419,0.6209780092592594,15,explored +explored-13420,2.220446049250313e-16,18,explored +explored-13421,0.355729166666667,14,explored +explored-13422,0.3509837962962965,24,explored +explored-13423,0.6758159722222223,14,explored +explored-13424,0.8458333333333333,4,explored +explored-13425,0.5118055555555557,17,explored +explored-13426,0.4164930555555557,11,explored +explored-13427,0.7359374999999999,7,explored +explored-13428,0.6839120370370372,14,explored +explored-13429,0.43819444444444466,12,explored +explored-13430,0.4447916666666667,16,explored +explored-13431,0.49531249999999993,15,explored +explored-13432,0.6094010416666669,16,explored +explored-13433,0.5276909722222224,10,explored +explored-13434,0.5402777777777781,10,explored +explored-13435,0.39861111111111147,12,explored +explored-13436,0.44739583333333355,19,explored +explored-13437,0.45972222222222237,13,explored +explored-13438,0.5303819444444445,12,explored +explored-13439,0.5447916666666668,4,explored +explored-13440,0.4604166666666668,11,explored +explored-13441,0.308564814814815,23,explored +explored-13442,0.5503038194444446,19,explored +explored-13443,0.6154224537037039,13,explored +explored-13444,0.4656250000000002,21,explored +explored-13445,0.604513888888889,6,explored +explored-13446,0.6854166666666668,6,explored +explored-13447,0.4385271990740742,26,explored +explored-13448,0.30442708333333357,27,explored +explored-13449,0.43315972222222254,13,explored +explored-13450,0.5624652777777779,10,explored +explored-13451,0.7109375000000001,18,explored +explored-13452,0.4963541666666669,8,explored +explored-13453,0.6095486111111112,11,explored +explored-13454,0.5398437500000002,13,explored +explored-13455,0.42337962962962983,24,explored +explored-13456,0.19218750000000018,21,explored +explored-13457,0.5536545138888891,12,explored +explored-13458,0.5458333333333334,16,explored +explored-13459,0.28262152777777794,21,explored +explored-13460,0.34687500000000027,18,explored +explored-13461,0.2210937500000003,13,explored +explored-13462,0.4832899305555557,15,explored +explored-13463,0.20052083333333348,12,explored +explored-13464,0.46296296296296324,16,explored +explored-13465,0.47818287037037055,20,explored +explored-13466,0.5158854166666669,12,explored +explored-13467,0.6486111111111112,9,explored +explored-13468,0.23463541666666698,21,explored +explored-13469,0.32777777777777795,13,explored +explored-13470,0.3864728009259262,25,explored +explored-13471,0.574826388888889,10,explored +explored-13472,0.6758680555555556,8,explored +explored-13473,0.6694097222222223,7,explored +explored-13474,0.3939236111111113,17,explored +explored-13475,0.5217013888888892,15,explored +explored-13476,0.4794704861111113,23,explored +explored-13477,0.7105902777777778,8,explored +explored-13478,0.25156250000000036,12,explored +explored-13479,0.49140625000000004,10,explored +explored-13480,0.6042824074074076,19,explored +explored-13481,0.40000000000000013,12,explored +explored-13482,0.49583333333333346,5,explored +explored-13483,0.3227430555555558,12,explored +explored-13484,0.616840277777778,14,explored +explored-13485,0.30781250000000027,22,explored +explored-13486,0.5628472222222224,9,explored +explored-13487,0.6505208333333334,7,explored +explored-13488,0.08958333333333357,13,explored +explored-13489,0.49136284722222234,17,explored +explored-13490,0.5987847222222223,10,explored +explored-13491,0.6545486111111112,9,explored +explored-13492,0.4867187500000002,16,explored +explored-13493,0.7186921296296298,11,explored +explored-13494,0.4598958333333335,11,explored +explored-13495,0.4770833333333334,10,explored +explored-13496,0.6769791666666668,10,explored +explored-13497,0.3616666666666669,12,explored +explored-13498,0.5316840277777779,9,explored +explored-13499,0.5569444444444445,13,explored +explored-13500,0.2856481481481483,17,explored +explored-13501,0.49513888888888924,6,explored +explored-13502,0.3511805555555557,22,explored +explored-13503,0.2869212962962966,25,explored +explored-13504,0.35260416666666705,8,explored +explored-13505,0.4800347222222223,15,explored +explored-13506,0.24470486111111123,20,explored +explored-13507,0.20381944444444466,14,explored +explored-13508,0.6540798611111112,14,explored +explored-13509,0.7394097222222223,3,explored +explored-13510,0.3532986111111114,16,explored +explored-13511,0.3847800925925928,17,explored +explored-13512,0.12395833333333361,18,explored +explored-13513,0.5961226851851853,34,explored +explored-13514,0.5082031250000002,12,explored +explored-13515,0.5675636574074076,14,explored +explored-13516,0.6402083333333335,6,explored +explored-13517,0.3510416666666669,18,explored +explored-13518,0.5562500000000002,18,explored +explored-13519,0.604513888888889,10,explored +explored-13520,0.42013888888888906,17,explored +explored-13521,0.43333333333333357,6,explored +explored-13522,0.1703125000000003,15,explored +explored-13523,0.49479166666666685,6,explored +explored-13524,0.6284722222222222,11,explored +explored-13525,0.5666666666666669,13,explored +explored-13526,0.5631944444444446,13,explored +explored-13527,0.5799913194444445,11,explored +explored-13528,0.67890625,9,explored +explored-13529,0.3381944444444448,22,explored +explored-13530,0.5901736111111112,10,explored +explored-13531,0.605150462962963,16,explored +explored-13532,0.6401041666666667,10,explored +explored-13533,0.7581597222222223,5,explored +explored-13534,0.6343750000000001,11,explored +explored-13535,0.3197916666666668,6,explored +explored-13536,0.5069444444444446,19,explored +explored-13537,0.2841435185185186,16,explored +explored-13538,0.5325000000000002,11,explored +explored-13539,0.6267650462962964,10,explored +explored-13540,0.6845891203703705,32,explored +explored-13541,0.6300057870370371,17,explored +explored-13542,0.8064814814814816,13,explored +explored-13543,0.39375000000000027,9,explored +explored-13544,0.6260416666666666,8,explored +explored-13545,0.304861111111111,13,explored +explored-13546,0.5833333333333335,6,explored +explored-13547,0.6901620370370372,5,explored +explored-13548,0.4594907407407409,13,explored +explored-13549,0.46689814814814834,18,explored +explored-13550,0.49618055555555574,14,explored +explored-13551,0.22968750000000027,17,explored +explored-13552,0.5400694444444446,10,explored +explored-13553,0.5710069444444446,10,explored +explored-13554,0.3357060185185188,17,explored +explored-13555,0.5209548611111112,23,explored +explored-13556,0.4037905092592595,18,explored +explored-13557,0.5925347222222224,11,explored +explored-13558,0.4495370370370373,12,explored +explored-13559,0.3758680555555558,15,explored +explored-13560,0.6954282407407408,8,explored +explored-13561,0.5009722222222224,9,explored +explored-13562,0.6471412037037039,13,explored +explored-13563,0.30763888888888924,17,explored +explored-13564,0.5556423611111113,13,explored +explored-13565,0.26666666666666683,22,explored +explored-13566,0.568258101851852,17,explored +explored-13567,0.41527777777777797,14,explored +explored-13568,0.37756076388888915,24,explored +explored-13569,0.7064236111111111,13,explored +explored-13570,0.5329861111111113,10,explored +explored-13571,0.4343750000000002,9,explored +explored-13572,0.40451388888888906,11,explored +explored-13573,0.37031250000000016,17,explored +explored-13574,0.7053819444444446,7,explored +explored-13575,0.3515625000000002,8,explored +explored-13576,0.71125,6,explored +explored-13577,0.44490740740740764,24,explored +explored-13578,0.4166203703703706,18,explored +explored-13579,0.49375000000000036,5,explored +explored-13580,0.6966145833333335,5,explored +explored-13581,0.2328125000000003,13,explored +explored-13582,0.530980902777778,14,explored +explored-13583,0.5454282407407409,15,explored +explored-13584,0.46847511574074097,18,explored +explored-13585,0.6197048611111112,13,explored +explored-13586,0.2097222222222226,17,explored +explored-13587,0.49583333333333335,14,explored +explored-13588,0.3479166666666669,16,explored +explored-13589,0.5451388888888891,12,explored +explored-13590,0.6756944444444444,5,explored +explored-13591,0.6407986111111112,7,explored +explored-13592,0.5410300925925928,17,explored +explored-13593,0.5921875000000002,11,explored +explored-13594,0.40251736111111125,16,explored +explored-13595,0.4242187500000002,21,explored +explored-13596,0.5597656250000002,19,explored +explored-13597,0.5069444444444446,18,explored +explored-13598,0.5370659722222224,18,explored +explored-13599,0.6106770833333335,9,explored +explored-13600,0.49083333333333345,8,explored +explored-13601,0.5228125,12,explored +explored-13602,0.2273437500000003,13,explored +explored-13603,0.545920138888889,15,explored +explored-13604,0.6776041666666668,6,explored +explored-13605,0.7133761574074075,42,explored +explored-13606,0.3557291666666669,10,explored +explored-13607,0.6205729166666668,9,explored +explored-13608,0.457291666666667,8,explored +explored-13609,0.37708333333333344,12,explored +explored-13610,0.7043402777777779,10,explored +explored-13611,0.4057291666666669,10,explored +explored-13612,0.3055555555555558,9,explored +explored-13613,0.7798611111111111,7,explored +explored-13614,0.38385416666666683,13,explored +explored-13615,0.3339843750000002,16,explored +explored-13616,0.6489583333333335,10,explored +explored-13617,0.6902222222222223,18,explored +explored-13618,0.5760416666666668,11,explored +explored-13619,0.523263888888889,15,explored +explored-13620,0.32621527777777803,18,explored +explored-13621,0.7357291666666668,18,explored +explored-13622,0.8262499999999999,5,explored +explored-13623,0.6712847222222224,13,explored +explored-13624,0.2937500000000002,22,explored +explored-13625,0.41417824074074094,23,explored +explored-13626,0.529340277777778,15,explored +explored-13627,0.5810763888888889,5,explored +explored-13628,0.5341145833333335,14,explored +explored-13629,0.5987847222222225,15,explored +explored-13630,0.6905439814814816,10,explored +explored-13631,0.5289062499999999,15,explored +explored-13632,0.37523148148148144,13,explored +explored-13633,0.20520833333333366,15,explored +explored-13634,0.6812499999999999,9,explored +explored-13635,0.6851996527777778,18,explored +explored-13636,0.5196180555555557,9,explored +explored-13637,0.5349247685185188,19,explored +explored-13638,0.30486111111111125,17,explored +explored-13639,0.6957175925925927,11,explored +explored-13640,0.4194444444444446,17,explored +explored-13641,0.7092303240740742,12,explored +explored-13642,0.28472222222222254,22,explored +explored-13643,0.46012731481481495,22,explored +explored-13644,0.6632638888888889,9,explored +explored-13645,0.3520775462962964,19,explored +explored-13646,0.17916666666666692,11,explored +explored-13647,0.5093749999999999,7,explored +explored-13648,0.3040364583333335,15,explored +explored-13649,0.18437500000000018,19,explored +explored-13650,0.3401041666666669,25,explored +explored-13651,0.33376736111111127,16,explored +explored-13652,0.6180555555555558,5,explored +explored-13653,0.5988136574074076,11,explored +explored-13654,0.39913194444444455,10,explored +explored-13655,0.39479166666666676,12,explored +explored-13656,0.2586805555555558,19,explored +explored-13657,0.16406250000000022,17,explored +explored-13658,0.34050925925925946,20,explored +explored-13659,0.23125000000000018,16,explored +explored-13660,0.35911458333333357,14,explored +explored-13661,0.70625,3,explored +explored-13662,0.2484375000000003,15,explored +explored-13663,0.15208333333333357,10,explored +explored-13664,0.6117187500000002,5,explored +explored-13665,0.5434722222222224,9,explored +explored-13666,0.37894965277777803,22,explored +explored-13667,0.49326388888888895,25,explored +explored-13668,0.71796875,6,explored +explored-13669,0.47750000000000015,7,explored +explored-13670,0.6342592592592594,10,explored +explored-13671,0.6316666666666668,6,explored +explored-13672,0.533275462962963,14,explored +explored-13673,0.5572222222222224,21,explored +explored-13674,0.4509837962962965,16,explored +explored-13675,0.6216435185185187,16,explored +explored-13676,0.7835937500000001,4,explored +explored-13677,0.3265625000000002,11,explored +explored-13678,0.8,5,explored +explored-13679,0.3114583333333336,14,explored +explored-13680,0.5364583333333335,9,explored +explored-13681,0.3052083333333335,16,explored +explored-13682,0.3578125000000002,13,explored +explored-13683,0.6793750000000002,5,explored +explored-13684,0.41953125000000036,9,explored +explored-13685,0.5424479166666669,13,explored +explored-13686,0.5640625000000001,10,explored +explored-13687,0.35347222222222263,16,explored +explored-13688,0.7440625000000001,16,explored +explored-13689,0.605150462962963,7,explored +explored-13690,0.39513888888888904,20,explored +explored-13691,0.6756510416666668,8,explored +explored-13692,0.5280092592592595,12,explored +explored-13693,0.540277777777778,10,explored +explored-13694,0.40203125000000006,14,explored +explored-13695,0.20520833333333366,10,explored +explored-13696,0.2649305555555559,19,explored +explored-13697,0.6697916666666667,5,explored +explored-13698,0.6003125,12,explored +explored-13699,0.43229166666666685,15,explored +explored-13700,0.4460185185185186,23,explored +explored-13701,0.48697916666666696,15,explored +explored-13702,0.5880787037037039,11,explored +explored-13703,0.4016493055555558,15,explored +explored-13704,0.37708333333333366,22,explored +explored-13705,0.47135416666666685,8,explored +explored-13706,0.5357118055555556,12,explored +explored-13707,0.4710937500000001,11,explored +explored-13708,0.4786458333333333,11,explored +explored-13709,0.41863425925925934,20,explored +explored-13710,0.5187500000000003,14,explored +explored-13711,0.5666666666666669,15,explored +explored-13712,0.71625,7,explored +explored-13713,0.7427934027777778,21,explored +explored-13714,0.2274305555555558,17,explored +explored-13715,0.6159722222222224,13,explored +explored-13716,0.6767708333333334,9,explored +explored-13717,0.6244791666666668,12,explored +explored-13718,0.7083333333333333,8,explored +explored-13719,0.7020486111111113,10,explored +explored-13720,0.45111689814814837,15,explored +explored-13721,0.6324074074074075,14,explored +explored-13722,0.5981770833333334,6,explored +explored-13723,0.40520833333333317,12,explored +explored-13724,0.6225694444444446,20,explored +explored-13725,0.4666666666666668,9,explored +explored-13726,0.507291666666667,8,explored +explored-13727,0.7084490740740741,27,explored +explored-13728,0.33888888888888924,17,explored +explored-13729,0.83125,5,explored +explored-13730,0.2972222222222225,15,explored +explored-13731,0.6458333333333335,8,explored +explored-13732,0.23551793981481517,15,explored +explored-13733,0.5245659722222223,21,explored +explored-13734,0.4859375,10,explored +explored-13735,0.78328125,6,explored +explored-13736,0.5995833333333335,8,explored +explored-13737,0.7161458333333333,14,explored +explored-13738,0.3791666666666669,15,explored +explored-13739,0.42395833333333344,17,explored +explored-13740,0.44392361111111134,14,explored +explored-13741,0.5540798611111113,15,explored +explored-13742,0.5644097222222224,19,explored +explored-13743,0.5468750000000001,11,explored +explored-13744,0.3333333333333337,29,explored +explored-13745,0.3125000000000002,10,explored +explored-13746,0.6380208333333334,9,explored +explored-13747,0.5824652777777779,15,explored +explored-13748,0.5739583333333335,6,explored +explored-13749,0.6946875000000001,3,explored +explored-13750,0.7216666666666669,6,explored +explored-13751,0.5816666666666668,8,explored +explored-13752,0.494675925925926,13,explored +explored-13753,0.6527777777777779,7,explored +explored-13754,0.26328125000000036,10,explored +explored-13755,0.6135648148148148,8,explored +explored-13756,0.657638888888889,12,explored +explored-13757,0.5241666666666669,9,explored +explored-13758,0.33888888888888924,12,explored +explored-13759,0.42881944444444464,14,explored +explored-13760,0.3270833333333335,14,explored +explored-13761,0.4597222222222226,8,explored +explored-13762,0.4099537037037039,18,explored +explored-13763,0.32105034722222237,19,explored +explored-13764,0.3045138888888892,19,explored +explored-13765,0.7541666666666667,11,explored +explored-13766,0.5888020833333335,19,explored +explored-13767,0.393576388888889,23,explored +explored-13768,0.3254340277777781,18,explored +explored-13769,0.5757812500000002,12,explored +explored-13770,0.6046006944444445,19,explored +explored-13771,0.4423611111111113,11,explored +explored-13772,0.2937500000000003,9,explored +explored-13773,0.5923611111111112,10,explored +explored-13774,0.48046875,8,explored +explored-13775,0.43333333333333357,10,explored +explored-13776,0.5577256944444446,17,explored +explored-13777,0.35703125000000013,10,explored +explored-13778,0.33506944444444486,13,explored +explored-13779,0.36054687500000027,15,explored +explored-13780,0.31805555555555576,26,explored +explored-13781,0.5250000000000001,12,explored +explored-13782,0.2093750000000003,14,explored +explored-13783,0.38670138888888905,16,explored +explored-13784,0.4208333333333335,13,explored +explored-13785,0.27604166666666696,14,explored +explored-13786,0.7169270833333334,10,explored +explored-13787,0.640277777777778,9,explored +explored-13788,0.40598958333333357,20,explored +explored-13789,0.5923784722222224,16,explored +explored-13790,0.4704166666666668,16,explored +explored-13791,0.5953472222222225,15,explored +explored-13792,0.620138888888889,10,explored +explored-13793,0.4203125000000002,18,explored +explored-13794,0.42791666666666683,15,explored +explored-13795,0.6733506944444445,13,explored +explored-13796,0.518229166666667,10,explored +explored-13797,0.6824652777777779,6,explored +explored-13798,0.5375000000000001,9,explored +explored-13799,0.231828703703704,16,explored +explored-13800,0.7239583333333335,2,explored +explored-13801,0.565451388888889,12,explored +explored-13802,0.2812500000000002,13,explored +explored-13803,0.76625,6,explored +explored-13804,0.6604166666666669,7,explored +explored-13805,0.6173321759259262,25,explored +explored-13806,0.34640625000000025,18,explored +explored-13807,0.4805555555555556,15,explored +explored-13808,0.7009813161375662,40,explored +explored-13809,0.597945601851852,15,explored +explored-13810,0.15833333333333366,14,explored +explored-13811,0.5902777777777779,10,explored +explored-13812,0.26481481481481495,17,explored +explored-13813,0.5142534722222224,19,explored +explored-13814,0.569357638888889,17,explored +explored-13815,0.3015625000000002,12,explored +explored-13816,0.5911458333333335,15,explored +explored-13817,0.5336545138888891,15,explored +explored-13818,0.7081597222222225,7,explored +explored-13819,0.5040503472222224,22,explored +explored-13820,0.6283854166666668,8,explored +explored-13821,0.6057291666666669,9,explored +explored-13822,0.4399305555555557,12,explored +explored-13823,0.5237847222222222,14,explored +explored-13824,0.8076388888888888,7,explored +explored-13825,0.06197916666666692,15,explored +explored-13826,0.0677083333333337,11,explored +explored-13827,0.7140625,5,explored +explored-13828,0.6132812500000001,10,explored +explored-13829,0.35509259259259296,14,explored +explored-13830,0.3661458333333336,12,explored +explored-13831,0.6071990740740743,11,explored +explored-13832,0.5365451388888891,15,explored +explored-13833,0.29010416666666705,12,explored +explored-13834,0.10572916666666687,14,explored +explored-13835,0.4492187500000002,9,explored +explored-13836,0.24596354166666679,25,explored +explored-13837,0.21510416666666698,13,explored +explored-13838,0.41857638888888904,11,explored +explored-13839,0.49664351851851873,15,explored +explored-13840,0.31851851851851887,19,explored +explored-13841,0.4409722222222223,11,explored +explored-13842,0.14166666666666705,13,explored +explored-13843,0.4745659722222224,16,explored +explored-13844,0.65546875,5,explored +explored-13845,0.39817708333333357,11,explored +explored-13846,0.6320052083333334,13,explored +explored-13847,0.5356250000000001,19,explored +explored-13848,0.23697916666666696,10,explored +explored-13849,0.7614583333333333,6,explored +explored-13850,0.6812500000000001,5,explored +explored-13851,0.5486111111111113,16,explored +explored-13852,0.4945312500000002,16,explored +explored-13853,0.5298611111111111,14,explored +explored-13854,0.5934895833333335,10,explored +explored-13855,0.7279166666666668,8,explored +explored-13856,0.35902777777777795,11,explored +explored-13857,0.681087962962963,6,explored +explored-13858,0.6551215277777779,14,explored +explored-13859,0.2845486111111113,17,explored +explored-13860,0.4390335648148149,17,explored +explored-13861,0.7039930555555556,10,explored +explored-13862,0.2864004629629633,15,explored +explored-13863,0.8148437500000001,8,explored +explored-13864,0.45486111111111127,16,explored +explored-13865,0.3989583333333335,15,explored +explored-13866,0.34594907407407427,18,explored +explored-13867,0.2592013888888891,20,explored +explored-13868,0.14166666666666705,14,explored +explored-13869,0.5923611111111112,12,explored +explored-13870,0.6107638888888891,11,explored +explored-13871,0.23333333333333361,20,explored +explored-13872,0.5914062500000001,9,explored +explored-13873,0.4036458333333335,12,explored +explored-13874,0.5727777777777779,11,explored +explored-13875,0.38489583333333355,13,explored +explored-13876,0.7312500000000001,4,explored +explored-13877,0.4750000000000002,15,explored +explored-13878,0.6666666666666667,16,explored +explored-13879,0.20364583333333353,13,explored +explored-13880,0.669513888888889,9,explored +explored-13881,0.6253472222222223,7,explored +explored-13882,0.6582465277777779,10,explored +explored-13883,0.6947048611111112,12,explored +explored-13884,0.5631944444444448,8,explored +explored-13885,0.4364583333333336,23,explored +explored-13886,0.6378125000000001,9,explored +explored-13887,0.596701388888889,14,explored +explored-13888,0.6908564814814816,12,explored +explored-13889,0.6552083333333334,5,explored +explored-13890,0.17135416666666692,14,explored +explored-13891,0.6308130787037038,28,explored +explored-13892,0.5218750000000001,5,explored +explored-13893,0.7051504629629631,10,explored +explored-13894,0.5789930555555557,11,explored +explored-13895,0.5900000000000001,6,explored +explored-13896,0.5136284722222224,12,explored +explored-13897,0.36302083333333346,13,explored +explored-13898,0.6443576388888891,8,explored +explored-13899,0.6960937500000001,5,explored +explored-13900,0.4862847222222224,13,explored +explored-13901,0.6456597222222223,11,explored +explored-13902,0.5954861111111113,8,explored +explored-13903,0.794045138888889,14,explored +explored-13904,0.386979166666667,9,explored +explored-13905,0.4505208333333335,12,explored +explored-13906,0.3815972222222226,14,explored +explored-13907,0.45944444444444466,19,explored +explored-13908,0.5070312500000002,11,explored +explored-13909,0.3848958333333333,12,explored +explored-13910,0.33750000000000024,12,explored +explored-13911,0.7374131944444445,8,explored +explored-13912,0.4184027777777779,14,explored +explored-13913,0.5546875000000001,9,explored +explored-13914,0.46684027777777803,16,explored +explored-13915,0.5013888888888889,11,explored +explored-13916,0.6430555555555555,6,explored +explored-13917,0.4877604166666669,16,explored +explored-13918,0.38333333333333364,11,explored +explored-13919,0.365104166666667,15,explored +explored-13920,0.4173611111111115,19,explored +explored-13921,0.6139583333333335,12,explored +explored-13922,0.3542824074074076,14,explored +explored-13923,0.4631944444444447,12,explored +explored-13924,0.41710069444444464,20,explored +explored-13925,0.6616666666666668,7,explored +explored-13926,0.22864583333333344,17,explored +explored-13927,0.7097511574074076,10,explored +explored-13928,0.3523148148148152,22,explored +explored-13929,0.651388888888889,8,explored +explored-13930,0.5023437500000002,9,explored +explored-13931,0.6429687500000001,16,explored +explored-13932,0.40992476851851867,19,explored +explored-13933,0.5755208333333335,12,explored +explored-13934,0.47621527777777783,12,explored +explored-13935,0.23935185185185215,15,explored +explored-13936,0.4544270833333336,13,explored +explored-13937,0.6067708333333335,10,explored +explored-13938,0.44881944444444466,21,explored +explored-13939,0.4864583333333332,10,explored +explored-13940,0.29166666666666696,18,explored +explored-13941,0.7607638888888889,19,explored +explored-13942,0.7515798611111112,5,explored +explored-13943,0.7166666666666668,11,explored +explored-13944,0.33750000000000013,16,explored +explored-13945,0.7028125000000001,18,explored +explored-13946,0.19236111111111143,16,explored +explored-13947,0.5666666666666669,16,explored +explored-13948,0.7798611111111112,12,explored +explored-13949,0.8097222222222223,6,explored +explored-13950,0.6491030092592593,12,explored +explored-13951,0.6018229166666669,9,explored +explored-13952,0.5968749999999999,10,explored +explored-13953,0.5350694444444446,11,explored +explored-13954,0.538715277777778,16,explored +explored-13955,0.5875,5,explored +explored-13956,0.5650173611111113,16,explored +explored-13957,0.6418750000000002,11,explored +explored-13958,0.5490625000000002,17,explored +explored-13959,0.46163194444444466,18,explored +explored-13960,0.6782986111111112,5,explored +explored-13961,0.5265625000000002,16,explored +explored-13962,0.5459895833333335,10,explored +explored-13963,0.6244212962962965,16,explored +explored-13964,0.4722222222222223,12,explored +explored-13965,0.20815972222222245,15,explored +explored-13966,0.25555555555555587,12,explored +explored-13967,0.7304687500000001,12,explored +explored-13968,0.6271412037037039,13,explored +explored-13969,0.38833912037037055,23,explored +explored-13970,0.5296006944444446,16,explored +explored-13971,0.7269097222222223,14,explored +explored-13972,0.567013888888889,10,explored +explored-13973,0.4758680555555559,14,explored +explored-13974,0.26961805555555585,13,explored +explored-13975,0.5628472222222224,10,explored +explored-13976,0.5769097222222224,15,explored +explored-13977,0.5394097222222225,13,explored +explored-13978,0.4311111111111112,13,explored +explored-13979,0.5259027777777779,8,explored +explored-13980,0.4121238425925928,17,explored +explored-13981,0.6307291666666669,8,explored +explored-13982,0.48454861111111125,8,explored +explored-13983,0.5366319444444446,14,explored +explored-13984,0.601215277777778,13,explored +explored-13985,0.17135416666666692,14,explored +explored-13986,0.5206597222222221,14,explored +explored-13987,0.3680555555555557,21,explored +explored-13988,0.7144965277777778,28,explored +explored-13989,0.277777777777778,27,explored +explored-13990,0.6366753472222224,13,explored +explored-13991,0.5499421296296299,12,explored +explored-13992,0.6446180555555556,13,explored +explored-13993,0.6496180555555556,11,explored +explored-13994,0.542795138888889,16,explored +explored-13995,0.6325520833333335,12,explored +explored-13996,0.36093750000000013,18,explored +explored-13997,0.626851851851852,34,explored +explored-13998,0.2585937500000004,20,explored +explored-13999,0.5069444444444446,13,explored +explored-14000,0.6907986111111113,11,explored +explored-14001,0.5130208333333336,13,explored +explored-14002,0.5651041666666669,14,explored +explored-14003,0.23697916666666696,12,explored +explored-14004,0.40755208333333337,11,explored +explored-14005,0.6673611111111113,9,explored +explored-14006,0.2328125000000002,20,explored +explored-14007,0.6840277777777779,10,explored +explored-14008,0.1312500000000003,15,explored +explored-14009,0.14791666666666692,18,explored +explored-14010,0.3923611111111114,12,explored +explored-14011,0.5640625000000001,6,explored +explored-14012,0.5673611111111113,13,explored +explored-14013,2.220446049250313e-16,15,explored +explored-14014,0.193229166666667,15,explored +explored-14015,0.5895833333333336,10,explored +explored-14016,0.4373611111111114,10,explored +explored-14017,0.606076388888889,8,explored +explored-14018,0.6505208333333333,10,explored +explored-14019,0.33067129629629655,26,explored +explored-14020,0.09583333333333366,16,explored +explored-14021,0.49088541666666696,19,explored +explored-14022,0.4036458333333335,15,explored +explored-14023,0.43263888888888913,12,explored +explored-14024,0.3092187500000001,14,explored +explored-14025,0.45376157407407425,17,explored +explored-14026,0.36736111111111125,12,explored +explored-14027,0.34375000000000033,9,explored +explored-14028,0.10625000000000018,17,explored +explored-14029,0.6024594907407409,16,explored +explored-14030,0.6471354166666667,9,explored +explored-14031,0.6522569444444446,21,explored +explored-14032,0.6007812500000002,7,explored +explored-14033,0.6458333333333333,6,explored +explored-14034,0.3416666666666668,15,explored +explored-14035,0.4725694444444446,23,explored +explored-14036,0.6277777777777778,8,explored +explored-14037,0.4158854166666668,10,explored +explored-14038,0.406076388888889,8,explored +explored-14039,0.4854166666666666,8,explored +explored-14040,0.6852430555555558,11,explored +explored-14041,0.6054687500000001,15,explored +explored-14042,0.4628472222222225,13,explored +explored-14043,0.4684861111111114,22,explored +explored-14044,0.4980902777777779,11,explored +explored-14045,0.5576851851851854,13,explored +explored-14046,0.6829166666666668,10,explored +explored-14047,0.6459490740740742,10,explored +explored-14048,0.20393518518518539,22,explored +explored-14049,0.6513888888888888,9,explored +explored-14050,0.5677256944444445,11,explored +explored-14051,0.4398437500000002,23,explored +explored-14052,0.35703125000000036,14,explored +explored-14053,0.5216145833333334,15,explored +explored-14054,0.7046064814814816,12,explored +explored-14055,0.6584230324074074,40,explored +explored-14056,0.362152777777778,15,explored +explored-14057,0.846875,7,explored +explored-14058,0.520601851851852,14,explored +explored-14059,0.5812500000000002,9,explored +explored-14060,0.43315972222222243,18,explored +explored-14061,0.38125,9,explored +explored-14062,0.6928819444444446,7,explored +explored-14063,0.29201388888888924,20,explored +explored-14064,0.4177372685185188,16,explored +explored-14065,0.44548611111111136,16,explored +explored-14066,0.5771701388888891,12,explored +explored-14067,0.6367332175925927,20,explored +explored-14068,0.28090277777777806,19,explored +explored-14069,0.6198784722222224,14,explored +explored-14070,0.1848958333333337,15,explored +explored-14071,0.3718750000000003,13,explored +explored-14072,0.38599537037037057,25,explored +explored-14073,0.5254918981481482,14,explored +explored-14074,0.24045138888888906,18,explored +explored-14075,0.6700520833333334,11,explored +explored-14076,0.5405208333333333,12,explored +explored-14077,0.6380208333333336,7,explored +explored-14078,0.7042447916666668,13,explored +explored-14079,0.46649305555555565,11,explored +explored-14080,0.5614583333333335,7,explored +explored-14081,0.30594618055555567,16,explored +explored-14082,0.5406250000000001,12,explored +explored-14083,0.483420138888889,15,explored +explored-14084,0.3758680555555558,22,explored +explored-14085,0.3819444444444444,7,explored +explored-14086,0.2468750000000003,13,explored +explored-14087,0.2707465277777781,21,explored +explored-14088,0.14513888888888915,21,explored +explored-14089,0.1097222222222225,19,explored +explored-14090,0.6006944444444446,8,explored +explored-14091,0.20138888888888906,18,explored +explored-14092,0.3763888888888891,15,explored +explored-14093,0.5393229166666669,11,explored +explored-14094,0.6570312500000002,7,explored +explored-14095,0.5724681712962965,19,explored +explored-14096,0.62421875,8,explored +explored-14097,0.39166666666666683,17,explored +explored-14098,0.7544270833333333,8,explored +explored-14099,0.6107638888888891,12,explored +explored-14100,0.18281250000000027,18,explored +explored-14101,0.7638888888888891,4,explored +explored-14102,0.3481770833333335,16,explored +explored-14103,0.6708333333333333,4,explored +explored-14104,0.41319444444444486,9,explored +explored-14105,0.5382378472222225,27,explored +explored-14106,0.6537181712962964,16,explored +explored-14107,0.6193576388888891,15,explored +explored-14108,0.28524305555555574,10,explored +explored-14109,0.3977430555555558,16,explored +explored-14110,0.7127945188492064,46,explored +explored-14111,0.5946180555555557,14,explored +explored-14112,0.6457465277777779,6,explored +explored-14113,0.3968750000000003,13,explored +explored-14114,0.850625,10,explored +explored-14115,0.1531250000000004,13,explored +explored-14116,0.6937500000000001,9,explored +explored-14117,0.7758680555555556,9,explored +explored-14118,0.6074652777777779,8,explored +explored-14119,0.41953125000000013,17,explored +explored-14120,0.190277777777778,17,explored +explored-14121,0.39166666666666683,11,explored +explored-14122,0.6076388888888891,11,explored +explored-14123,0.4614583333333334,16,explored +explored-14124,0.6211805555555558,17,explored +explored-14125,0.46944444444444466,19,explored +explored-14126,0.7541666666666668,8,explored +explored-14127,0.587152777777778,8,explored +explored-14128,0.34739583333333357,18,explored +explored-14129,0.1947048611111114,17,explored +explored-14130,0.45026041666666683,22,explored +explored-14131,0.17638888888888915,18,explored +explored-14132,0.26041666666666685,19,explored +explored-14133,0.4416666666666669,20,explored +explored-14134,0.7748263888888889,7,explored +explored-14135,0.6506770833333334,38,explored +explored-14136,0.5197916666666669,16,explored +explored-14137,0.6387847222222224,13,explored +explored-14138,0.5340277777777779,6,explored +explored-14139,0.20052083333333348,19,explored +explored-14140,0.4916666666666668,10,explored +explored-14141,0.6002604166666669,6,explored +explored-14142,0.6123206018518521,18,explored +explored-14143,0.688888888888889,6,explored +explored-14144,0.14696180555555594,16,explored +explored-14145,0.4726504629629631,15,explored +explored-14146,0.5286458333333335,14,explored +explored-14147,0.44704861111111127,10,explored +explored-14148,0.45190972222222237,17,explored +explored-14149,0.7876736111111112,4,explored +explored-14150,0.16302083333333361,14,explored +explored-14151,0.5542187500000001,10,explored +explored-14152,0.3421006944444446,15,explored +explored-14153,0.21458333333333357,18,explored +explored-14154,0.5725694444444447,10,explored +explored-14155,0.5364583333333335,10,explored +explored-14156,0.6630208333333335,6,explored +explored-14157,0.6310185185185186,8,explored +explored-14158,0.6210937500000001,5,explored +explored-14159,0.6458333333333335,6,explored +explored-14160,0.5884288194444447,15,explored +explored-14161,0.6307291666666669,10,explored +explored-14162,0.6345052083333335,16,explored +explored-14163,0.255729166666667,17,explored +explored-14164,0.565902777777778,14,explored +explored-14165,0.5173611111111114,10,explored +explored-14166,0.6598958333333335,23,explored +explored-14167,0.3798611111111113,18,explored +explored-14168,0.5756944444444447,10,explored +explored-14169,0.5419444444444447,13,explored +explored-14170,0.5919270833333334,14,explored +explored-14171,0.6478819444444446,5,explored +explored-14172,0.18645833333333361,19,explored +explored-14173,0.36788194444444455,14,explored +explored-14174,0.5908333333333335,6,explored +explored-14175,0.21250000000000036,10,explored +explored-14176,0.35512152777777795,20,explored +explored-14177,0.5687500000000003,6,explored +explored-14178,0.5532118055555557,14,explored +explored-14179,0.5730902777777778,15,explored +explored-14180,0.4505208333333336,20,explored +explored-14181,0.03385416666666696,14,explored +explored-14182,0.4135416666666669,8,explored +explored-14183,0.3333333333333337,9,explored +explored-14184,0.39513888888888915,12,explored +explored-14185,0.5042187500000002,11,explored +explored-14186,0.6812500000000001,20,explored +explored-14187,0.4006076388888893,15,explored +explored-14188,0.4213541666666669,6,explored +explored-14189,0.7606770833333334,14,explored +explored-14190,0.6269097222222224,18,explored +explored-14191,0.3303819444444447,19,explored +explored-14192,0.43072916666666683,17,explored +explored-14193,0.5708333333333334,16,explored +explored-14194,0.5207754629629632,18,explored +explored-14195,0.7616666666666667,11,explored +explored-14196,0.5511631944444446,11,explored +explored-14197,0.25355902777777806,20,explored +explored-14198,0.4381250000000002,15,explored +explored-14199,0.5750000000000001,8,explored +explored-14200,0.177604166666667,15,explored +explored-14201,0.6708333333333334,4,explored +explored-14202,0.8256944444444445,4,explored +explored-14203,0.4081597222222223,21,explored +explored-14204,0.7196128472222223,28,explored +explored-14205,0.34479166666666683,16,explored +explored-14206,0.6730208333333334,4,explored +explored-14207,0.3176793981481484,15,explored +explored-14208,0.45763888888888904,22,explored +explored-14209,0.47083333333333366,15,explored +explored-14210,0.34479166666666705,12,explored +explored-14211,0.6727430555555556,11,explored +explored-14212,0.5092881944444445,13,explored +explored-14213,0.5958333333333333,18,explored +explored-14214,0.3695312500000002,14,explored +explored-14215,0.5402777777777781,9,explored +explored-14216,0.19453125000000027,14,explored +explored-14217,0.6539583333333334,9,explored +explored-14218,0.43671875000000027,18,explored +explored-14219,0.6597222222222222,11,explored +explored-14220,0.418402777777778,16,explored +explored-14221,0.5346180555555555,11,explored +explored-14222,0.45428240740740755,18,explored +explored-14223,0.5970486111111113,6,explored +explored-14224,0.7604166666666666,3,explored +explored-14225,0.7581597222222223,10,explored +explored-14226,0.44291666666666674,23,explored +explored-14227,0.5994791666666669,10,explored +explored-14228,0.5225000000000002,11,explored +explored-14229,0.44192708333333375,13,explored +explored-14230,0.5914930555555558,11,explored +explored-14231,0.6938368055555557,11,explored +explored-14232,0.23564814814814827,19,explored +explored-14233,0.31510416666666685,18,explored +explored-14234,0.539207175925926,18,explored +explored-14235,0.5076388888888891,10,explored +explored-14236,0.670523726851852,39,explored +explored-14237,0.5298611111111113,9,explored +explored-14238,0.32343750000000027,13,explored +explored-14239,0.6048032407407409,13,explored +explored-14240,0.4726562500000002,12,explored +explored-14241,0.5432291666666669,9,explored +explored-14242,0.6593750000000002,6,explored +explored-14243,0.25254629629629655,23,explored +explored-14244,0.3755208333333335,8,explored +explored-14245,0.6573587962962963,38,explored +explored-14246,0.29704861111111125,13,explored +explored-14247,0.344010416666667,11,explored +explored-14248,0.4682291666666668,14,explored +explored-14249,0.41956018518518534,18,explored +explored-14250,0.4453125000000001,25,explored +explored-14251,0.13576388888888924,19,explored +explored-14252,0.6350115740740742,19,explored +explored-14253,0.5222222222222224,8,explored +explored-14254,0.5325520833333336,20,explored +explored-14255,0.19687500000000036,12,explored +explored-14256,0.28906250000000033,22,explored +explored-14257,0.441666666666667,10,explored +explored-14258,0.6673611111111112,9,explored +explored-14259,0.5296875000000002,12,explored +explored-14260,0.3744791666666669,10,explored +explored-14261,0.5611458333333333,9,explored +explored-14262,0.5720486111111114,10,explored +explored-14263,0.38107638888888906,13,explored +explored-14264,0.6907986111111113,11,explored +explored-14265,0.5186631944444446,14,explored +explored-14266,0.3432291666666669,12,explored +explored-14267,0.600607638888889,13,explored +explored-14268,0.4052083333333336,11,explored +explored-14269,0.3164062500000001,12,explored +explored-14270,0.45009490740740765,24,explored +explored-14271,0.48958333333333326,6,explored +explored-14272,0.8368055555555557,5,explored +explored-14273,0.6234953703703705,16,explored +explored-14274,0.3987413194444447,25,explored +explored-14275,0.5610677083333335,14,explored +explored-14276,0.693576388888889,8,explored +explored-14277,0.691310763888889,30,explored +explored-14278,0.4388888888888891,9,explored +explored-14279,0.6686440972222223,30,explored +explored-14280,0.6444444444444446,12,explored +explored-14281,0.38148148148148164,18,explored +explored-14282,0.4003472222222224,13,explored +explored-14283,0.7109953703703704,13,explored +explored-14284,0.6317881944444445,8,explored +explored-14285,0.5595486111111113,8,explored +explored-14286,0.36093750000000036,12,explored +explored-14287,0.4164062500000002,18,explored +explored-14288,0.665769675925926,14,explored +explored-14289,0.45677083333333346,12,explored +explored-14290,0.3848958333333332,14,explored +explored-14291,0.503414351851852,18,explored +explored-14292,0.3666377314814817,15,explored +explored-14293,0.4458333333333335,11,explored +explored-14294,0.5421875000000002,11,explored +explored-14295,0.5218750000000001,4,explored +explored-14296,0.2312500000000003,11,explored +explored-14297,0.43133680555555587,11,explored +explored-14298,0.7430555555555556,8,explored +explored-14299,0.5278356481481483,18,explored +explored-14300,0.659201388888889,12,explored +explored-14301,0.30677083333333344,10,explored +explored-14302,0.26180555555555585,10,explored +explored-14303,0.42309027777777797,14,explored +explored-14304,0.5961805555555557,7,explored +explored-14305,0.27343750000000033,16,explored +explored-14306,0.4198495370370371,16,explored +explored-14307,0.5796874999999999,9,explored +explored-14308,0.5572916666666667,13,explored +explored-14309,0.0951388888888891,19,explored +explored-14310,0.6359375000000002,5,explored +explored-14311,0.36979166666666674,11,explored +explored-14312,0.6000000000000002,8,explored +explored-14313,0.6239583333333333,8,explored +explored-14314,0.37459490740740753,19,explored +explored-14315,0.4256944444444447,17,explored +explored-14316,0.36163194444444446,8,explored +explored-14317,0.30625000000000013,15,explored +explored-14318,0.548726851851852,13,explored +explored-14319,0.18619791666666696,21,explored +explored-14320,0.2562500000000003,15,explored +explored-14321,0.45416666666666705,8,explored +explored-14322,0.7217089120370371,19,explored +explored-14323,0.3739583333333335,20,explored +explored-14324,0.6435185185185186,12,explored +explored-14325,0.24726562500000027,16,explored +explored-14326,0.4277199074074076,20,explored +explored-14327,0.32621527777777803,15,explored +explored-14328,0.7494791666666667,7,explored +explored-14329,0.3276041666666669,21,explored +explored-14330,0.6562500000000001,10,explored +explored-14331,0.5895833333333336,11,explored +explored-14332,0.13576388888888913,17,explored +explored-14333,0.27447916666666705,13,explored +explored-14334,0.2395833333333336,21,explored +explored-14335,0.5666666666666668,10,explored +explored-14336,0.7072916666666668,28,explored +explored-14337,0.34965277777777803,16,explored +explored-14338,0.6255787037037038,9,explored +explored-14339,0.8,4,explored +explored-14340,0.2854166666666669,12,explored +explored-14341,0.4127430555555558,28,explored +explored-14342,0.6020486111111112,13,explored +explored-14343,0.4398437500000001,10,explored +explored-14344,0.5337847222222223,13,explored +explored-14345,0.5187500000000003,7,explored +explored-14346,0.13061342592592617,15,explored +explored-14347,0.6875,7,explored +explored-14348,0.41875000000000007,11,explored +explored-14349,0.3133680555555558,18,explored +explored-14350,0.3093750000000002,11,explored +explored-14351,0.605150462962963,11,explored +explored-14352,0.5755208333333335,10,explored +explored-14353,0.5442708333333335,15,explored +explored-14354,0.6750625000000001,21,explored +explored-14355,0.5833333333333337,8,explored +explored-14356,0.3244791666666669,16,explored +explored-14357,0.5909722222222223,9,explored +explored-14358,0.6539814814814815,13,explored +explored-14359,0.38791956018518536,21,explored +explored-14360,0.2611111111111114,16,explored +explored-14361,0.3646701388888892,19,explored +explored-14362,0.2968750000000002,15,explored +explored-14363,0.22019675925925952,17,explored +explored-14364,0.3963541666666668,23,explored +explored-14365,0.7125752314814816,31,explored +explored-14366,0.4885416666666669,18,explored +explored-14367,0.5027777777777781,9,explored +explored-14368,0.8222222222222222,7,explored +explored-14369,0.5173611111111112,13,explored +explored-14370,0.7019097222222224,7,explored +explored-14371,0.6058593750000001,14,explored +explored-14372,0.4867187500000001,14,explored +explored-14373,0.3659722222222226,12,explored +explored-14374,0.4661458333333335,11,explored +explored-14375,0.507638888888889,16,explored +explored-14376,0.6582754629629631,14,explored +explored-14377,0.6453559027777779,10,explored +explored-14378,0.748125,5,explored +explored-14379,0.617013888888889,9,explored +explored-14380,0.3206597222222224,19,explored +explored-14381,0.47569444444444464,11,explored +explored-14382,0.6399884259259261,19,explored +explored-14383,0.4217881944444448,14,explored +explored-14384,0.49302083333333346,13,explored +explored-14385,0.5954861111111113,9,explored +explored-14386,0.28333333333333366,10,explored +explored-14387,0.05416666666666692,12,explored +explored-14388,0.8298611111111112,12,explored +explored-14389,0.5022569444444446,18,explored +explored-14390,0.6663194444444447,11,explored +explored-14391,0.49375000000000036,6,explored +explored-14392,0.6130208333333335,5,explored +explored-14393,0.6906105324074074,27,explored +explored-14394,0.26909722222222254,17,explored +explored-14395,0.5189236111111113,18,explored +explored-14396,0.3501157407407409,17,explored +explored-14397,0.5503182870370371,17,explored +explored-14398,0.5594907407407409,15,explored +explored-14399,0.6773437500000001,19,explored +explored-14400,0.5464409722222224,9,explored +explored-14401,0.4938541666666667,8,explored +explored-14402,0.45613425925925943,18,explored +explored-14403,0.5865190972222223,21,explored +explored-14404,0.3549479166666668,14,explored +explored-14405,0.6533854166666668,12,explored +explored-14406,0.6436921296296297,12,explored +explored-14407,0.5942708333333335,8,explored +explored-14408,0.23784722222222254,21,explored +explored-14409,0.5236111111111112,17,explored +explored-14410,0.6113136574074075,11,explored +explored-14411,0.3792592592592594,17,explored +explored-14412,0.7055555555555555,11,explored +explored-14413,0.42890625000000027,13,explored +explored-14414,0.5743750000000002,8,explored +explored-14415,0.3564236111111114,15,explored +explored-14416,0.7772222222222223,6,explored +explored-14417,0.7381944444444446,4,explored +explored-14418,0.3348958333333336,13,explored +explored-14419,0.6655381944444445,21,explored +explored-14420,0.48046875,10,explored +explored-14421,0.5958333333333334,7,explored +explored-14422,0.4291666666666669,13,explored +explored-14423,0.6739814814814815,9,explored +explored-14424,0.41371527777777795,17,explored +explored-14425,0.56,10,explored +explored-14426,0.567621527777778,13,explored +explored-14427,0.5979166666666668,8,explored +explored-14428,0.26371527777777803,15,explored +explored-14429,0.5088541666666668,7,explored +explored-14430,0.5697916666666668,16,explored +explored-14431,0.5513888888888889,14,explored +explored-14432,0.3250000000000004,13,explored +explored-14433,0.555295138888889,16,explored +explored-14434,0.39570312500000027,13,explored +explored-14435,0.7671875,9,explored +explored-14436,0.5307291666666667,11,explored +explored-14437,0.42838541666666685,15,explored +explored-14438,0.5895833333333336,10,explored +explored-14439,0.6734722222222225,9,explored +explored-14440,0.40666666666666673,14,explored +explored-14441,0.12109375000000022,14,explored +explored-14442,0.3031250000000002,17,explored +explored-14443,0.6946180555555557,9,explored +explored-14444,0.7601167328042329,36,explored +explored-14445,0.45859375000000013,21,explored +explored-14446,0.558854166666667,7,explored +explored-14447,0.4734375000000002,10,explored +explored-14448,0.6000000000000001,10,explored +explored-14449,0.3597222222222224,18,explored +explored-14450,0.33984375000000033,16,explored +explored-14451,0.6479166666666668,13,explored +explored-14452,0.6414062500000002,14,explored +explored-14453,0.2800347222222226,18,explored +explored-14454,0.5984375000000002,7,explored +explored-14455,0.411979166666667,10,explored +explored-14456,0.3495833333333336,24,explored +explored-14457,0.34496527777777797,14,explored +explored-14458,0.33402777777777803,13,explored +explored-14459,0.5867187500000002,9,explored +explored-14460,0.190277777777778,16,explored +explored-14461,0.4280092592592595,20,explored +explored-14462,0.5250000000000001,9,explored +explored-14463,0.32430555555555585,10,explored +explored-14464,0.5980787037037038,13,explored +explored-14465,0.5483796296296297,7,explored +explored-14466,0.5833333333333333,6,explored +explored-14467,0.702951388888889,14,explored +explored-14468,0.5352430555555555,10,explored +explored-14469,0.3236111111111113,21,explored +explored-14470,0.6291666666666668,4,explored +explored-14471,0.5399305555555557,10,explored +explored-14472,0.38255208333333357,22,explored +explored-14473,0.49270833333333364,7,explored +explored-14474,0.6953125000000001,12,explored +explored-14475,0.3812500000000003,11,explored +explored-14476,0.722482638888889,11,explored +explored-14477,0.5171875000000001,12,explored +explored-14478,0.6346354166666668,15,explored +explored-14479,0.6776041666666668,3,explored +explored-14480,0.58984375,7,explored +explored-14481,0.7420023148148149,27,explored +explored-14482,0.5835648148148149,19,explored +explored-14483,0.3230555555555559,14,explored +explored-14484,0.5168692129629632,16,explored +explored-14485,0.549652777777778,9,explored +explored-14486,0.6259722222222223,12,explored +explored-14487,0.27175347222222235,19,explored +explored-14488,0.17430555555555582,17,explored +explored-14489,0.668576388888889,4,explored +explored-14490,0.5675694444444446,7,explored +explored-14491,0.6015625,7,explored +explored-14492,0.2820312500000002,16,explored +explored-14493,0.5513020833333334,12,explored +explored-14494,0.47906250000000017,21,explored +explored-14495,0.29270833333333357,14,explored +explored-14496,0.3027199074074076,24,explored +explored-14497,0.6550162037037037,29,explored +explored-14498,0.538564814814815,12,explored +explored-14499,0.21510416666666698,16,explored +explored-14500,0.5959375000000001,10,explored +explored-14501,0.7140625000000003,10,explored +explored-14502,0.18611111111111123,17,explored +explored-14503,0.15208333333333357,11,explored +explored-14504,0.5906250000000001,8,explored +explored-14505,0.5823784722222225,10,explored +explored-14506,0.21979166666666705,12,explored +explored-14507,0.3583333333333336,13,explored +explored-14508,0.4133680555555559,16,explored +explored-14509,0.7947916666666668,4,explored +explored-14510,0.3567708333333335,17,explored +explored-14511,0.5905555555555557,12,explored +explored-14512,0.5887152777777779,12,explored +explored-14513,0.49497395833333346,21,explored +explored-14514,0.29010416666666683,13,explored +explored-14515,0.21319444444444458,14,explored +explored-14516,0.43359375000000033,15,explored +explored-14517,0.5972656250000001,19,explored +explored-14518,0.742361111111111,9,explored +explored-14519,0.33906250000000027,15,explored +explored-14520,0.5808449074074076,22,explored +explored-14521,0.4236111111111114,18,explored +explored-14522,0.15937500000000027,11,explored +explored-14523,0.33125000000000016,14,explored +explored-14524,0.36875000000000036,20,explored +explored-14525,0.7189843750000001,18,explored +explored-14526,0.2923611111111113,17,explored +explored-14527,0.6044270833333334,7,explored +explored-14528,0.31354166666666705,18,explored +explored-14529,0.6895833333333334,12,explored +explored-14530,0.5529513888888891,9,explored +explored-14531,0.4817708333333335,11,explored +explored-14532,0.5895833333333333,7,explored +explored-14533,0.5624074074074076,15,explored +explored-14534,0.5623263888888891,7,explored +explored-14535,0.71703125,26,explored +explored-14536,0.36979166666666685,13,explored +explored-14537,0.7506944444444446,11,explored +explored-14538,0.5408333333333335,14,explored +explored-14539,0.5131944444444447,6,explored +explored-14540,0.6966435185185187,10,explored +explored-14541,0.17986111111111147,15,explored +explored-14542,0.7273472222222224,37,explored +explored-14543,0.7019212962962964,10,explored +explored-14544,0.1062500000000004,19,explored +explored-14545,0.6303819444444446,18,explored +explored-14546,0.6385416666666668,12,explored +explored-14547,0.45277777777777817,10,explored +explored-14548,0.3842013888888891,18,explored +explored-14549,0.14947916666666683,15,explored +explored-14550,0.4856250000000002,7,explored +explored-14551,0.5480324074074076,11,explored +explored-14552,0.6239583333333335,8,explored +explored-14553,0.6944097222222223,8,explored +explored-14554,0.5390625000000001,16,explored +explored-14555,0.6392361111111113,6,explored +explored-14556,0.410416666666667,11,explored +explored-14557,0.6408333333333335,8,explored +explored-14558,0.21510416666666687,18,explored +explored-14559,0.7032118055555555,11,explored +explored-14560,0.6074652777777779,13,explored +explored-14561,0.5875,4,explored +explored-14562,0.6118055555555557,12,explored +explored-14563,0.48020833333333357,17,explored +explored-14564,0.5380208333333335,10,explored +explored-14565,0.7742187500000001,13,explored +explored-14566,0.5333333333333335,10,explored +explored-14567,0.34531250000000024,17,explored +explored-14568,0.7370949074074076,12,explored +explored-14569,0.5783606150793652,33,explored +explored-14570,0.5350115740740743,13,explored +explored-14571,0.410416666666667,9,explored +explored-14572,0.30572916666666694,12,explored +explored-14573,0.4570312500000002,12,explored +explored-14574,0.6716319444444445,32,explored +explored-14575,0.4842013888888891,13,explored +explored-14576,0.7687500000000002,7,explored +explored-14577,0.5991753472222223,49,explored +explored-14578,0.4531250000000001,11,explored +explored-14579,0.4289930555555558,18,explored +explored-14580,0.5775173611111112,10,explored +explored-14581,0.7838541666666667,4,explored +explored-14582,0.2796875000000003,21,explored +explored-14583,0.49175347222222243,20,explored +explored-14584,0.6035763888888891,13,explored +explored-14585,0.5231944444444446,16,explored +explored-14586,0.5881944444444445,5,explored +explored-14587,0.7202199074074075,29,explored +explored-14588,0.677326388888889,9,explored +explored-14589,0.4627314814814817,12,explored +explored-14590,0.679357638888889,7,explored +explored-14591,0.17916666666666692,13,explored +explored-14592,0.7798611111111112,9,explored +explored-14593,0.5097800925925926,19,explored +explored-14594,0.6179687500000002,10,explored +explored-14595,0.4476562500000002,12,explored +explored-14596,0.4879166666666668,11,explored +explored-14597,0.668107638888889,24,explored +explored-14598,0.6894010416666667,20,explored +explored-14599,0.5083333333333334,8,explored +explored-14600,0.4320312500000002,9,explored +explored-14601,0.5261574074074076,26,explored +explored-14602,0.6690972222222223,12,explored +explored-14603,0.5982638888888889,9,explored +explored-14604,0.6573040674603177,38,explored +explored-14605,0.7541666666666667,7,explored +explored-14606,0.5360416666666667,13,explored +explored-14607,0.5759837962962965,16,explored +explored-14608,0.6830324074074074,7,explored +explored-14609,0.5125000000000002,12,explored +explored-14610,0.41510416666666683,10,explored +explored-14611,0.6699050925925927,37,explored +explored-14612,0.29357638888888915,14,explored +explored-14613,0.4983333333333334,10,explored +explored-14614,0.5204166666666669,10,explored +explored-14615,0.5132812500000002,8,explored +explored-14616,0.6397395833333335,9,explored +explored-14617,0.5125000000000002,12,explored +explored-14618,0.3988425925925927,18,explored +explored-14619,0.40729166666666683,7,explored +explored-14620,0.15000000000000036,14,explored +explored-14621,0.4343750000000003,9,explored +explored-14622,0.5744791666666669,9,explored +explored-14623,0.4770833333333333,9,explored +explored-14624,0.6723958333333333,6,explored +explored-14625,0.651388888888889,11,explored +explored-14626,0.5412326388888891,13,explored +explored-14627,0.377777777777778,12,explored +explored-14628,0.19583333333333353,16,explored +explored-14629,0.22430555555555576,17,explored +explored-14630,0.48359375000000027,10,explored +explored-14631,0.5237557870370373,15,explored +explored-14632,0.5333333333333334,10,explored +explored-14633,0.483883101851852,12,explored +explored-14634,0.3116319444444444,15,explored +explored-14635,0.3427083333333336,8,explored +explored-14636,0.5029513888888892,10,explored +explored-14637,0.36001157407407425,21,explored +explored-14638,0.5822916666666668,5,explored +explored-14639,0.6485243055555556,14,explored +explored-14640,0.5997395833333334,12,explored +explored-14641,0.6239583333333333,10,explored +explored-14642,0.574189814814815,23,explored +explored-14643,0.5687789351851853,15,explored +explored-14644,0.28906250000000033,14,explored +explored-14645,0.5383680555555558,15,explored +explored-14646,0.25151909722222254,13,explored +explored-14647,0.5217013888888891,9,explored +explored-14648,0.6225000000000002,8,explored +explored-14649,0.28333333333333355,15,explored +explored-14650,0.7164965277777778,40,explored +explored-14651,0.3070312500000002,17,explored +explored-14652,0.5614583333333335,10,explored +explored-14653,0.7373657407407408,31,explored +explored-14654,0.32986111111111127,17,explored +explored-14655,0.7209143518518519,10,explored +explored-14656,0.5299479166666667,19,explored +explored-14657,0.4116319444444445,7,explored +explored-14658,0.5640625000000002,11,explored +explored-14659,0.2562500000000002,20,explored +explored-14660,0.48583333333333356,9,explored +explored-14661,0.5914930555555558,9,explored +explored-14662,0.48450520833333355,18,explored +explored-14663,0.7390625,5,explored +explored-14664,0.4896701388888891,20,explored +explored-14665,0.5677083333333333,10,explored +explored-14666,0.46886574074074083,10,explored +explored-14667,0.6149305555555558,7,explored +explored-14668,0.6462500000000002,5,explored +explored-14669,0.41718750000000016,16,explored +explored-14670,0.7132812500000001,7,explored +explored-14671,0.563888888888889,12,explored +explored-14672,0.6640625000000001,8,explored +explored-14673,0.28472222222222243,20,explored +explored-14674,0.4423611111111113,8,explored +explored-14675,0.6331163194444446,25,explored +explored-14676,0.19583333333333341,17,explored +explored-14677,0.5130208333333335,11,explored +explored-14678,0.5737557870370371,25,explored +explored-14679,0.458854166666667,14,explored +explored-14680,0.5393229166666669,14,explored +explored-14681,0.5263888888888891,14,explored +explored-14682,0.7004166666666667,8,explored +explored-14683,0.6678819444444446,9,explored +explored-14684,0.41519097222222245,20,explored +explored-14685,0.23750000000000027,13,explored +explored-14686,0.21979166666666705,21,explored +explored-14687,0.6730324074074076,36,explored +explored-14688,0.4388888888888892,10,explored +explored-14689,0.5687500000000002,4,explored +explored-14690,0.5219618055555557,23,explored +explored-14691,0.5800347222222224,20,explored +explored-14692,0.5149305555555556,11,explored +explored-14693,0.2505208333333335,16,explored +explored-14694,0.2831597222222224,19,explored +explored-14695,0.08125000000000027,9,explored +explored-14696,0.6484375,13,explored +explored-14697,0.47974537037037057,13,explored +explored-14698,0.45392361111111135,25,explored +explored-14699,0.38831018518518534,26,explored +explored-14700,0.5763020833333334,9,explored +explored-14701,0.44791666666666696,9,explored +explored-14702,0.7130208333333334,5,explored +explored-14703,0.6313541666666668,12,explored +explored-14704,0.8106770833333333,7,explored +explored-14705,0.40347222222222223,8,explored +explored-14706,0.14479166666666687,20,explored +explored-14707,0.6380208333333335,9,explored +explored-14708,0.19635416666666705,13,explored +explored-14709,0.4756597222222223,15,explored +explored-14710,0.4031539351851854,20,explored +explored-14711,0.47406250000000016,14,explored +explored-14712,0.678125,6,explored +explored-14713,0.10260416666666705,16,explored +explored-14714,0.22031250000000013,17,explored +explored-14715,0.441666666666667,7,explored +explored-14716,0.42065972222222225,14,explored +explored-14717,0.14427083333333357,15,explored +explored-14718,0.36093750000000013,17,explored +explored-14719,0.6453125,6,explored +explored-14720,0.5328125000000001,9,explored +explored-14721,0.4894270833333336,13,explored +explored-14722,0.590277777777778,13,explored +explored-14723,0.4208333333333335,11,explored +explored-14724,0.4208333333333335,20,explored +explored-14725,0.3227430555555557,18,explored +explored-14726,0.7010416666666668,20,explored +explored-14727,0.6098958333333335,11,explored +explored-14728,0.6896961805555556,35,explored +explored-14729,0.7017361111111112,7,explored +explored-14730,0.20694444444444482,11,explored +explored-14731,0.20598958333333361,17,explored +explored-14732,0.3045138888888892,20,explored +explored-14733,0.306510416666667,16,explored +explored-14734,0.5126302083333335,14,explored +explored-14735,0.602170138888889,9,explored +explored-14736,0.3104166666666668,13,explored +explored-14737,0.5088541666666666,9,explored +explored-14738,0.6253125000000002,9,explored +explored-14739,0.5895833333333335,8,explored +explored-14740,0.6350694444444446,24,explored +explored-14741,0.6025896990740742,18,explored +explored-14742,0.5929629629629631,10,explored +explored-14743,0.4766666666666668,18,explored +explored-14744,0.5617187500000002,12,explored +explored-14745,0.7490104166666667,11,explored +explored-14746,0.6541666666666668,13,explored +explored-14747,0.6267361111111113,13,explored +explored-14748,0.36093750000000036,13,explored +explored-14749,0.23125000000000018,8,explored +explored-14750,0.3162326388888892,20,explored +explored-14751,0.5203125000000002,13,explored +explored-14752,0.13593750000000027,18,explored +explored-14753,0.7105324074074076,7,explored +explored-14754,0.358715277777778,16,explored +explored-14755,0.6458750000000001,22,explored +explored-14756,0.5054687500000001,29,explored +explored-14757,0.2947916666666668,15,explored +explored-14758,0.5794270833333335,15,explored +explored-14759,0.5063657407407409,18,explored +explored-14760,0.3675347222222225,16,explored +explored-14761,0.651996527777778,13,explored +explored-14762,0.5962500000000002,6,explored +explored-14763,0.5997743055555558,17,explored +explored-14764,0.3104166666666668,17,explored +explored-14765,0.5513888888888889,8,explored +explored-14766,0.34479166666666683,16,explored +explored-14767,0.4140625000000001,12,explored +explored-14768,0.37612847222222257,12,explored +explored-14769,0.6469618055555557,15,explored +explored-14770,0.4588888888888891,17,explored +explored-14771,0.39522569444444466,16,explored +explored-14772,0.1625000000000003,9,explored +explored-14773,0.5866319444444446,12,explored +explored-14774,0.4087673611111112,19,explored +explored-14775,0.20694444444444482,13,explored +explored-14776,0.4774305555555557,9,explored +explored-14777,0.6233506944444447,13,explored +explored-14778,0.6830729166666667,8,explored +explored-14779,0.5243055555555558,16,explored +explored-14780,0.613888888888889,12,explored +explored-14781,0.5222222222222225,9,explored +explored-14782,0.5463541666666668,12,explored +explored-14783,0.691919642857143,40,explored +explored-14784,0.6863425925925927,18,explored +explored-14785,0.47187500000000016,5,explored +explored-14786,0.6497829861111112,28,explored +explored-14787,0.601388888888889,5,explored +explored-14788,0.2968750000000002,11,explored +explored-14789,0.6368055555555556,12,explored +explored-14790,0.23940972222222245,14,explored +explored-14791,0.44409722222222237,9,explored +explored-14792,0.2668981481481483,21,explored +explored-14793,0.6359374999999999,5,explored +explored-14794,0.8168402777777779,8,explored +explored-14795,0.48641493055555574,16,explored +explored-14796,0.31901041666666696,12,explored +explored-14797,0.5208333333333335,6,explored +explored-14798,0.753125,8,explored +explored-14799,0.6866319444444446,12,explored +explored-14800,0.35607638888888904,22,explored +explored-14801,0.42499999999999993,11,explored +explored-14802,0.5632812500000002,9,explored +explored-14803,0.5400694444444447,16,explored +explored-14804,0.6802083333333335,4,explored +explored-14805,0.5930555555555557,11,explored +explored-14806,0.10625000000000018,13,explored +explored-14807,0.6210069444444446,12,explored +explored-14808,0.5538194444444445,10,explored +explored-14809,0.7369791666666667,8,explored +explored-14810,0.61640625,8,explored +explored-14811,0.7179244378306879,28,explored +explored-14812,0.6085937500000002,11,explored +explored-14813,0.44496527777777795,10,explored +explored-14814,0.3831597222222225,22,explored +explored-14815,0.5345486111111113,12,explored +explored-14816,0.4667100694444446,20,explored +explored-14817,0.292939814814815,17,explored +explored-14818,0.6203125000000002,8,explored +explored-14819,0.3739293981481483,14,explored +explored-14820,0.51875,11,explored +explored-14821,0.548726851851852,14,explored +explored-14822,0.755800925925926,37,explored +explored-14823,0.3484375000000002,20,explored +explored-14824,0.33819444444444446,12,explored +explored-14825,0.08125000000000027,13,explored +explored-14826,0.6912500000000001,4,explored +explored-14827,0.5841666666666668,8,explored +explored-14828,0.49027777777777803,13,explored +explored-14829,0.7062500000000002,4,explored +explored-14830,0.6183159722222225,11,explored +explored-14831,0.4520833333333334,8,explored +explored-14832,0.6053240740740742,10,explored +explored-14833,0.37864583333333357,20,explored +explored-14834,0.591388888888889,16,explored +explored-14835,0.5440104166666668,14,explored +explored-14836,0.2863715277777781,12,explored +explored-14837,0.24479166666666696,12,explored +explored-14838,0.44045138888888913,11,explored +explored-14839,0.08125000000000027,11,explored +explored-14840,0.5389756944444447,17,explored +explored-14841,0.656076388888889,14,explored +explored-14842,0.3333333333333335,9,explored +explored-14843,0.31510416666666696,12,explored +explored-14844,0.574189814814815,14,explored +explored-14845,0.4091145833333336,19,explored +explored-14846,0.4848958333333335,20,explored +explored-14847,0.5901041666666668,7,explored +explored-14848,0.6309375000000002,8,explored +explored-14849,0.5791666666666666,13,explored +explored-14850,0.3720486111111113,14,explored +explored-14851,0.5096354166666668,20,explored +explored-14852,0.699904513888889,28,explored +explored-14853,0.6019965277777779,16,explored +explored-14854,0.7061631944444446,10,explored +explored-14855,0.4041666666666669,12,explored +explored-14856,0.7561458333333334,10,explored +explored-14857,0.7048611111111114,6,explored +explored-14858,0.4167534722222225,20,explored +explored-14859,0.5321180555555558,16,explored +explored-14860,0.5640625000000002,7,explored +explored-14861,0.2328125000000003,11,explored +explored-14862,0.2406250000000003,15,explored +explored-14863,0.6260416666666668,4,explored +explored-14864,0.5504166666666668,15,explored +explored-14865,0.4423611111111113,9,explored +explored-14866,0.5634259259259261,20,explored +explored-14867,0.41119791666666694,16,explored +explored-14868,0.12291666666666701,16,explored +explored-14869,0.12916666666666687,15,explored +explored-14870,0.4458333333333335,17,explored +explored-14871,0.5328125000000001,11,explored +explored-14872,0.7092187500000001,8,explored +explored-14873,0.4604166666666669,11,explored +explored-14874,0.5895833333333335,10,explored +explored-14875,0.3796875000000002,20,explored +explored-14876,0.2465277777777779,16,explored +explored-14877,0.7538194444444446,4,explored +explored-14878,0.6022916666666668,8,explored +explored-14879,0.43046875000000007,13,explored +explored-14880,0.2347222222222225,16,explored +explored-14881,0.6219907407407409,12,explored +explored-14882,0.6930555555555555,10,explored +explored-14883,0.4750434027777779,26,explored +explored-14884,0.43958333333333355,14,explored +explored-14885,0.5241203703703705,13,explored +explored-14886,0.5552083333333335,4,explored +explored-14887,0.6148437500000001,13,explored +explored-14888,0.5477430555555557,16,explored +explored-14889,0.5038020833333334,15,explored +explored-14890,0.29687500000000033,17,explored +explored-14891,0.22430555555555576,12,explored +explored-14892,0.4880555555555557,16,explored +explored-14893,0.41944444444444473,11,explored +explored-14894,0.6191840277777779,15,explored +explored-14895,0.504340277777778,15,explored +explored-14896,0.7308449074074075,9,explored +explored-14897,0.3447337962962964,15,explored +explored-14898,0.5404947916666669,13,explored +explored-14899,0.6240856481481483,13,explored +explored-14900,0.3056423611111114,21,explored +explored-14901,0.435633101851852,18,explored +explored-14902,0.6857638888888888,9,explored +explored-14903,0.7868055555555556,8,explored +explored-14904,0.5945891203703706,15,explored +explored-14905,0.7470486111111112,9,explored +explored-14906,0.5717013888888891,13,explored +explored-14907,0.5552083333333334,18,explored +explored-14908,0.8515625,4,explored +explored-14909,0.6340277777777779,13,explored +explored-14910,0.3734375000000003,12,explored +explored-14911,0.32916666666666683,12,explored +explored-14912,0.7267534722222223,37,explored +explored-14913,0.6708333333333334,5,explored +explored-14914,0.36822916666666694,12,explored +explored-14915,0.49040798611111125,19,explored +explored-14916,0.7140625000000003,8,explored +explored-14917,0.6303819444444446,8,explored +explored-14918,0.5989583333333335,16,explored +explored-14919,0.3991666666666669,10,explored +explored-14920,0.20989583333333361,12,explored +explored-14921,0.3583333333333336,11,explored +explored-14922,0.6310763888888891,19,explored +explored-14923,0.3563946759259262,18,explored +explored-14924,0.46324074074074084,19,explored +explored-14925,0.4983333333333335,10,explored +explored-14926,0.5975925925925927,11,explored +explored-14927,0.5479166666666668,9,explored +explored-14928,0.6002604166666667,8,explored +explored-14929,0.25260416666666674,15,explored +explored-14930,0.5174479166666669,11,explored +explored-14931,0.4736111111111112,14,explored +explored-14932,0.6802083333333335,11,explored +explored-14933,0.5942708333333334,14,explored +explored-14934,0.91875,1,explored +explored-14935,0.6759490740740741,8,explored +explored-14936,0.2035879629629631,17,explored +explored-14937,0.727777777777778,11,explored +explored-14938,0.4882812500000002,8,explored +explored-14939,0.3744444444444446,21,explored +explored-14940,0.5334924768518521,13,explored +explored-14941,0.4333333333333337,9,explored +explored-14942,0.501388888888889,9,explored +explored-14943,0.6159722222222224,12,explored +explored-14944,0.6734722222222222,5,explored +explored-14945,0.6587962962962964,12,explored +explored-14946,0.7149479166666668,13,explored +explored-14947,0.5187500000000002,11,explored +explored-14948,0.4786574074074076,19,explored +explored-14949,0.8359375000000001,5,explored +explored-14950,0.33990162037037064,26,explored +explored-14951,0.6467708333333335,9,explored +explored-14952,0.214641203703704,22,explored +explored-14953,0.5687500000000001,10,explored +explored-14954,0.33107638888888924,14,explored +explored-14955,0.40694444444444466,16,explored +explored-14956,0.6142361111111113,15,explored +explored-14957,0.7403125,4,explored +explored-14958,0.7036458333333333,7,explored +explored-14959,0.3528125000000002,16,explored +explored-14960,0.2806481481481484,23,explored +explored-14961,0.5794270833333333,13,explored +explored-14962,0.6394097222222224,8,explored +explored-14963,0.29652777777777795,18,explored +explored-14964,0.6757812500000001,9,explored +explored-14965,0.6269097222222224,12,explored +explored-14966,0.49861111111111145,7,explored +explored-14967,0.5500000000000002,12,explored +explored-14968,0.5113425925925927,14,explored +explored-14969,0.4471354166666668,11,explored +explored-14970,0.4296875000000002,10,explored +explored-14971,0.24739583333333348,20,explored +explored-14972,0.5213541666666668,21,explored +explored-14973,0.3786458333333337,19,explored +explored-14974,0.7300347222222222,5,explored +explored-14975,0.25989583333333344,14,explored +explored-14976,0.3217592592592595,21,explored +explored-14977,0.2782696759259261,22,explored +explored-14978,0.11927083333333344,13,explored +explored-14979,0.09675925925925966,18,explored +explored-14980,0.7125000000000001,7,explored +explored-14981,0.47382812500000027,15,explored +explored-14982,0.7155208333333335,6,explored +explored-14983,0.3359375000000002,18,explored +explored-14984,0.7054039351851853,38,explored +explored-14985,0.3886574074074076,16,explored +explored-14986,0.43909143518518523,20,explored +explored-14987,0.23932291666666705,13,explored +explored-14988,0.24157986111111152,15,explored +explored-14989,0.4519675925925928,20,explored +explored-14990,0.2515046296296297,20,explored +explored-14991,0.6657696759259261,9,explored +explored-14992,0.582638888888889,11,explored +explored-14993,0.19444444444444464,21,explored +explored-14994,0.4134982638888891,20,explored +explored-14995,0.6551215277777779,11,explored +explored-14996,0.6605972222222223,16,explored +explored-14997,0.5346354166666668,13,explored +explored-14998,0.5287615740740742,15,explored +explored-14999,0.3367766203703706,21,explored +explored-15000,0.6645833333333334,16,explored +explored-15001,0.4377604166666669,18,explored +explored-15002,0.6526909722222223,29,explored +explored-15003,0.6321875000000001,9,explored +explored-15004,0.08125000000000027,10,explored +explored-15005,0.41928819444444465,17,explored +explored-15006,0.5592881944444447,21,explored +explored-15007,0.45277777777777795,15,explored +explored-15008,0.6979861111111112,7,explored +explored-15009,0.7121875000000001,5,explored +explored-15010,0.5416666666666669,8,explored +explored-15011,0.6548611111111113,7,explored +explored-15012,0.5934895833333335,7,explored +explored-15013,0.5330729166666669,13,explored +explored-15014,0.6767881944444446,12,explored +explored-15015,0.6228298611111113,12,explored +explored-15016,0.4256944444444446,12,explored +explored-15017,0.32343750000000027,7,explored +explored-15018,0.29704861111111125,12,explored +explored-15019,0.4915625000000001,12,explored +explored-15020,0.5755208333333335,5,explored +explored-15021,0.2776041666666669,20,explored +explored-15022,0.22361111111111143,13,explored +explored-15023,0.5186805555555557,11,explored +explored-15024,0.3857204861111113,20,explored +explored-15025,0.6269097222222224,15,explored +explored-15026,0.32291666666666696,14,explored +explored-15027,0.3454861111111114,22,explored +explored-15028,0.4822916666666668,16,explored +explored-15029,0.2864583333333337,9,explored +explored-15030,0.3758680555555559,22,explored +explored-15031,0.6085069444444445,16,explored +explored-15032,0.2506944444444448,12,explored +explored-15033,0.240104166666667,16,explored +explored-15034,0.7039930555555556,7,explored +explored-15035,0.6626157407407409,11,explored +explored-15036,0.28333333333333366,7,explored +explored-15037,0.5209201388888891,18,explored +explored-15038,0.7622395833333335,9,explored +explored-15039,0.7627604166666667,7,explored +explored-15040,0.7866666666666667,9,explored +explored-15041,0.31111111111111134,17,explored +explored-15042,0.6815972222222224,9,explored +explored-15043,0.36770833333333364,6,explored +explored-15044,0.23802083333333357,9,explored +explored-15045,0.6310763888888891,5,explored +explored-15046,0.5787326388888889,12,explored +explored-15047,0.4509837962962965,18,explored +explored-15048,0.5194444444444444,13,explored +explored-15049,0.3319444444444446,17,explored +explored-15050,0.5953125000000002,9,explored +explored-15051,0.6254166666666668,5,explored +explored-15052,0.4506076388888891,14,explored +explored-15053,0.5868055555555556,9,explored +explored-15054,0.5895833333333336,9,explored +explored-15055,0.5772569444444446,11,explored +explored-15056,0.4932291666666667,9,explored +explored-15057,0.5522916666666668,13,explored +explored-15058,0.4208333333333336,8,explored +explored-15059,0.5423611111111113,11,explored +explored-15060,0.2538773148148151,25,explored +explored-15061,0.42048611111111134,23,explored +explored-15062,0.42057291666666696,27,explored +explored-15063,0.26666666666666705,11,explored +explored-15064,0.7550000000000001,8,explored +explored-15065,0.5484375000000002,11,explored +explored-15066,0.5640625000000002,9,explored +explored-15067,0.5781250000000002,10,explored +explored-15068,0.36041666666666705,11,explored +explored-15069,0.5859953703703705,14,explored +explored-15070,0.5216145833333333,11,explored +explored-15071,0.6773958333333334,7,explored +explored-15072,0.7567708333333334,10,explored +explored-15073,0.5584722222222223,12,explored +explored-15074,0.7450520833333334,9,explored +explored-15075,0.3230324074074076,20,explored +explored-15076,0.6675347222222223,9,explored +explored-15077,0.23211805555555598,19,explored +explored-15078,0.20381944444444466,15,explored +explored-15079,0.3255208333333335,19,explored +explored-15080,0.7388020833333334,10,explored +explored-15081,0.6886284722222223,14,explored +explored-15082,0.6728703703703705,12,explored +explored-15083,0.6993055555555556,11,explored +explored-15084,0.17916666666666703,9,explored +explored-15085,0.4413194444444446,15,explored +explored-15086,0.28978587962962976,22,explored +explored-15087,0.19826388888888924,20,explored +explored-15088,0.5833333333333333,8,explored +explored-15089,0.626684027777778,25,explored +explored-15090,0.2562500000000003,11,explored +explored-15091,0.2734375000000001,9,explored +explored-15092,0.3793981481481483,23,explored +explored-15093,0.43506944444444473,11,explored +explored-15094,0.7133333333333334,6,explored +explored-15095,0.25885416666666683,15,explored +explored-15096,0.6001736111111111,7,explored +explored-15097,0.5550868055555557,11,explored +explored-15098,0.6307291666666668,14,explored +explored-15099,0.47682291666666676,17,explored +explored-15100,0.22335069444444466,14,explored +explored-15101,0.75703125,6,explored +explored-15102,0.79375,5,explored +explored-15103,0.5402777777777781,18,explored +explored-15104,0.48697916666666696,13,explored +explored-15105,0.6954861111111111,12,explored +explored-15106,0.4697048611111113,12,explored +explored-15107,0.402604166666667,15,explored +explored-15108,0.46250000000000013,11,explored +explored-15109,0.2010995370370372,17,explored +explored-15110,0.6351388888888889,7,explored +explored-15111,0.31510416666666685,10,explored +explored-15112,0.617795138888889,16,explored +explored-15113,0.639670138888889,18,explored +explored-15114,0.08125000000000027,15,explored +explored-15115,0.4536458333333334,17,explored +explored-15116,0.5729166666666667,10,explored +explored-15117,0.2885416666666669,28,explored +explored-15118,0.5201388888888892,12,explored +explored-15119,0.7446875000000002,2,explored +explored-15120,0.13958333333333361,21,explored +explored-15121,0.33697916666666694,15,explored +explored-15122,0.6416666666666668,16,explored +explored-15123,0.5675347222222223,14,explored +explored-15124,0.5837962962962964,17,explored +explored-15125,0.23697916666666696,14,explored +explored-15126,0.6923611111111111,12,explored +explored-15127,0.4916666666666669,12,explored +explored-15128,0.7140625,26,explored +explored-15129,0.6705381944444445,6,explored +explored-15130,0.2132812500000003,15,explored +explored-15131,0.48958333333333326,8,explored +explored-15132,0.23107638888888915,14,explored +explored-15133,0.5191666666666668,15,explored +explored-15134,0.8576388888888888,8,explored +explored-15135,0.20208333333333361,14,explored +explored-15136,0.5460358796296299,14,explored +explored-15137,0.6404803240740742,11,explored +explored-15138,0.7648958333333333,10,explored +explored-15139,0.532465277777778,16,explored +explored-15140,0.3755208333333335,11,explored +explored-15141,0.2967013888888891,19,explored +explored-15142,0.2819444444444448,20,explored +explored-15143,0.10989583333333353,14,explored +explored-15144,0.5076388888888891,13,explored +explored-15145,0.5080729166666668,13,explored +explored-15146,0.6855902777777779,9,explored +explored-15147,0.4703124999999999,9,explored +explored-15148,0.3137152777777781,14,explored +explored-15149,0.4427083333333335,9,explored +explored-15150,0.6716145833333335,8,explored +explored-15151,0.39574652777777797,16,explored +explored-15152,0.5085937500000002,12,explored +explored-15153,0.4083333333333333,7,explored +explored-15154,0.38993055555555567,17,explored +explored-15155,0.3149305555555558,22,explored +explored-15156,0.5492187500000002,12,explored +explored-15157,0.2658854166666671,18,explored +explored-15158,0.4234375,8,explored +explored-15159,0.6877037037037038,30,explored +explored-15160,0.5736111111111113,8,explored +explored-15161,0.2601562500000001,13,explored +explored-15162,0.28281250000000036,17,explored +explored-15163,0.09270833333333361,14,explored +explored-15164,0.22528935185185217,24,explored +explored-15165,0.5505208333333336,12,explored +explored-15166,0.7199074074074076,7,explored +explored-15167,0.7007146990740741,21,explored +explored-15168,0.7156250000000001,9,explored +explored-15169,0.637008101851852,23,explored +explored-15170,0.48875000000000013,14,explored +explored-15171,0.5629340277777779,41,explored +explored-15172,0.520138888888889,14,explored +explored-15173,0.41718750000000027,7,explored +explored-15174,0.4299479166666669,14,explored +explored-15175,0.3515625000000002,22,explored +explored-15176,0.6229166666666667,10,explored +explored-15177,0.6219212962962963,11,explored +explored-15178,0.31453125000000015,21,explored +explored-15179,0.5031250000000002,10,explored +explored-15180,0.5951388888888889,16,explored +explored-15181,0.4871527777777779,10,explored +explored-15182,0.29027777777777786,12,explored +explored-15183,0.3289930555555556,13,explored +explored-15184,0.3411458333333337,13,explored +explored-15185,0.5269618055555557,14,explored +explored-15186,0.5887152777777778,14,explored +explored-15187,0.4789062500000002,12,explored +explored-15188,0.6097222222222224,9,explored +explored-15189,0.4819444444444446,16,explored +explored-15190,0.6315740740740743,15,explored +explored-15191,0.7411736111111111,23,explored +explored-15192,0.71625,8,explored +explored-15193,0.7142361111111113,8,explored +explored-15194,0.6112962962962964,9,explored +explored-15195,0.5376736111111112,12,explored +explored-15196,0.2743055555555557,11,explored +explored-15197,0.35444444444444456,16,explored +explored-15198,0.651388888888889,15,explored +explored-15199,0.7723958333333334,6,explored +explored-15200,0.4302083333333334,16,explored +explored-15201,0.7040572916666668,27,explored +explored-15202,0.448263888888889,18,explored +explored-15203,0.48715277777777777,8,explored +explored-15204,0.46840277777777795,21,explored +explored-15205,0.26666666666666705,9,explored +explored-15206,0.3025896990740742,19,explored +explored-15207,0.25156250000000013,17,explored +explored-15208,0.5465277777777777,13,explored +explored-15209,0.45868055555555576,22,explored +explored-15210,0.31111111111111134,15,explored +explored-15211,0.7515798611111112,3,explored +explored-15212,0.6265625000000001,10,explored +explored-15213,0.6247974537037038,17,explored +explored-15214,0.7253472222222221,11,explored +explored-15215,0.38333333333333364,8,explored +explored-15216,0.6278935185185187,12,explored +explored-15217,0.5091724537037039,17,explored +explored-15218,0.6665798611111112,7,explored +explored-15219,0.28035300925925943,24,explored +explored-15220,0.7326388888888888,8,explored +explored-15221,0.5477430555555558,9,explored +explored-15222,0.4201388888888893,11,explored +explored-15223,0.3684027777777781,15,explored +explored-15224,0.7011458333333335,8,explored +explored-15225,0.49733796296296306,23,explored +explored-15226,0.6466435185185186,9,explored +explored-15227,0.3782841435185187,15,explored +explored-15228,0.5721354166666669,14,explored +explored-15229,0.22604166666666692,13,explored +explored-15230,0.7374131944444445,6,explored +explored-15231,0.33800636574074083,18,explored +explored-15232,0.5522916666666668,7,explored +explored-15233,0.3357638888888892,16,explored +explored-15234,0.28229166666666683,9,explored +explored-15235,0.3967013888888893,20,explored +explored-15236,0.5916753472222223,9,explored +explored-15237,0.18697916666666692,15,explored +explored-15238,0.6559895833333335,17,explored +explored-15239,0.5834490740740742,15,explored +explored-15240,0.44114583333333346,8,explored +explored-15241,0.614670138888889,12,explored +explored-15242,0.29010416666666683,17,explored +explored-15243,0.7371527777777778,7,explored +explored-15244,0.5950231481481483,13,explored +explored-15245,0.5738541666666668,8,explored +explored-15246,0.77734375,6,explored +explored-15247,0.5889756944444445,12,explored +explored-15248,0.6282118055555557,9,explored +explored-15249,0.3500000000000003,14,explored +explored-15250,0.3006944444444448,13,explored +explored-15251,0.25538194444444473,20,explored +explored-15252,0.7221354166666668,9,explored +explored-15253,0.45190972222222237,24,explored +explored-15254,0.6004166666666668,9,explored +explored-15255,0.26666666666666683,26,explored +explored-15256,0.410416666666667,6,explored +explored-15257,0.6923611111111111,10,explored +explored-15258,0.5958333333333334,8,explored +explored-15259,0.7071527777777779,45,explored +explored-15260,0.19583333333333364,9,explored +explored-15261,0.6219039351851854,13,explored +explored-15262,0.2395833333333337,12,explored +explored-15263,0.39568865740740755,17,explored +explored-15264,0.6652777777777779,18,explored +explored-15265,0.8166666666666667,5,explored +explored-15266,0.6562789351851853,17,explored +explored-15267,0.3919791666666669,13,explored +explored-15268,0.5145833333333333,10,explored +explored-15269,0.7484375000000001,5,explored +explored-15270,0.2997395833333335,18,explored +explored-15271,0.5046875,12,explored +explored-15272,0.4613425925925927,14,explored +explored-15273,0.4729745370370373,19,explored +explored-15274,0.8414930555555555,10,explored +explored-15275,0.591666666666667,6,explored +explored-15276,0.5937789351851853,14,explored +explored-15277,0.6917245370370371,13,explored +explored-15278,0.6489583333333334,11,explored +explored-15279,0.6318865740740742,14,explored +explored-15280,0.5668692129629631,13,explored +explored-15281,0.7174479166666669,6,explored +explored-15282,0.659201388888889,14,explored +explored-15283,0.4108333333333335,13,explored +explored-15284,0.6496875000000001,12,explored +explored-15285,0.2562500000000003,10,explored +explored-15286,0.2826388888888891,15,explored +explored-15287,0.5005208333333335,6,explored +explored-15288,0.5573784722222224,9,explored +explored-15289,0.4592361111111113,12,explored +explored-15290,0.6463657407407408,15,explored +explored-15291,0.3909722222222225,14,explored +explored-15292,0.6471354166666667,11,explored +explored-15293,0.5091666666666668,8,explored +explored-15294,0.6190104166666668,8,explored +explored-15295,0.32343750000000027,8,explored +explored-15296,0.4881655092592594,17,explored +explored-15297,0.7875000000000001,3,explored +explored-15298,0.4916666666666668,11,explored +explored-15299,0.6105208333333334,7,explored +explored-15300,0.5789930555555558,19,explored +explored-15301,0.4822916666666669,10,explored +explored-15302,0.4014583333333335,11,explored +explored-15303,0.28923611111111136,22,explored +explored-15304,0.693576388888889,7,explored +explored-15305,0.3225405092592595,19,explored +explored-15306,0.25069444444444466,13,explored +explored-15307,0.3632812500000002,11,explored +explored-15308,0.4437500000000002,14,explored +explored-15309,0.6825520833333334,15,explored +explored-15310,0.5395833333333335,12,explored +explored-15311,0.6736689814814816,19,explored +explored-15312,0.5260416666666669,8,explored +explored-15313,0.4423032407407409,25,explored +explored-15314,0.7259375000000001,10,explored +explored-15315,0.5085937500000002,10,explored +explored-15316,0.17187500000000022,9,explored +explored-15317,0.1843750000000003,14,explored +explored-15318,0.5078125000000002,9,explored +explored-15319,0.5146759259259261,14,explored +explored-15320,0.4147685185185188,20,explored +explored-15321,0.5104166666666667,9,explored +explored-15322,0.5287037037037039,14,explored +explored-15323,0.4243055555555557,10,explored +explored-15324,0.3467881944444444,14,explored +explored-15325,0.5847222222222224,8,explored +explored-15326,0.3737847222222226,13,explored +explored-15327,0.6083333333333335,6,explored +explored-15328,0.3750000000000002,11,explored +explored-15329,0.3887500000000004,15,explored +explored-15330,0.3861111111111113,10,explored +explored-15331,0.5076388888888891,17,explored +explored-15332,0.42499999999999993,9,explored +explored-15333,0.605295138888889,21,explored +explored-15334,0.5638020833333333,8,explored +explored-15335,0.6131944444444446,10,explored +explored-15336,0.6427083333333335,5,explored +explored-15337,0.8046875,8,explored +explored-15338,0.3685763888888891,16,explored +explored-15339,0.6575810185185186,30,explored +explored-15340,0.7310104166666667,19,explored +explored-15341,0.5578125000000003,16,explored +explored-15342,0.7333333333333333,3,explored +explored-15343,0.6924652777777779,9,explored +explored-15344,0.546527777777778,11,explored +explored-15345,0.5402777777777781,11,explored +explored-15346,0.284027777777778,16,explored +explored-15347,0.6718750000000002,9,explored +explored-15348,0.3368055555555558,11,explored +explored-15349,0.6869097222222222,7,explored +explored-15350,0.5922916666666667,7,explored +explored-15351,0.13958333333333361,16,explored +explored-15352,0.5206597222222225,16,explored +explored-15353,0.5351562500000001,15,explored +explored-15354,0.7317708333333333,7,explored +explored-15355,0.40729166666666705,10,explored +explored-15356,0.7317708333333335,8,explored +explored-15357,0.5409722222222224,18,explored +explored-15358,0.5578125000000002,18,explored +explored-15359,0.7207175925925926,11,explored +explored-15360,0.36054687500000027,22,explored +explored-15361,0.69140625,12,explored +explored-15362,0.3557291666666671,9,explored +explored-15363,0.5687500000000001,14,explored +explored-15364,0.36053819444444457,18,explored +explored-15365,0.39123263888888915,17,explored +explored-15366,0.6020833333333334,10,explored +explored-15367,0.6400173611111113,11,explored +explored-15368,0.4966145833333335,24,explored +explored-15369,0.6051070601851852,11,explored +explored-15370,0.41284722222222237,10,explored +explored-15371,0.5489583333333334,15,explored +explored-15372,0.6314236111111112,10,explored +explored-15373,0.7258680555555557,12,explored +explored-15374,0.6858333333333333,5,explored +explored-15375,0.14166666666666705,18,explored +explored-15376,0.4083333333333333,7,explored +explored-15377,0.4135416666666669,24,explored +explored-15378,0.4852430555555557,19,explored +explored-15379,0.4476562500000002,11,explored +explored-15380,0.6196180555555557,15,explored +explored-15381,0.5062500000000002,14,explored +explored-15382,0.4574074074074075,16,explored +explored-15383,0.24479166666666685,11,explored +explored-15384,0.5517361111111113,10,explored +explored-15385,0.7144097222222223,13,explored +explored-15386,0.4638888888888888,13,explored +explored-15387,0.33750000000000013,14,explored +explored-15388,0.46458333333333346,14,explored +explored-15389,0.216666666666667,13,explored +explored-15390,0.6096875,10,explored +explored-15391,0.4345486111111112,14,explored +explored-15392,0.451041666666667,10,explored +explored-15393,0.39166666666666683,11,explored +explored-15394,0.4650520833333335,15,explored +explored-15395,0.36527777777777803,11,explored +explored-15396,0.6186631944444445,9,explored +explored-15397,0.6081597222222224,15,explored +explored-15398,0.3729166666666668,11,explored +explored-15399,0.5774305555555557,12,explored +explored-15400,0.3416666666666668,16,explored +explored-15401,0.5291666666666668,17,explored +explored-15402,0.1145833333333337,15,explored +explored-15403,0.6873842592592594,11,explored +explored-15404,0.7660590277777779,17,explored +explored-15405,0.4159722222222225,11,explored +explored-15406,0.6519791666666669,10,explored +explored-15407,0.7375,6,explored +explored-15408,0.4095486111111112,17,explored +explored-15409,0.613013888888889,32,explored +explored-15410,0.5340277777777778,9,explored +explored-15411,0.687152777777778,7,explored +explored-15412,0.6569444444444444,12,explored +explored-15413,0.6388020833333334,9,explored +explored-15414,0.24166666666666692,17,explored +explored-15415,0.5696180555555557,17,explored +explored-15416,0.6551504629629631,13,explored +explored-15417,0.6294270833333333,8,explored +explored-15418,0.5157986111111114,13,explored +explored-15419,0.6953125,7,explored +explored-15420,0.43854166666666705,10,explored +explored-15421,0.5680555555555558,6,explored +explored-15422,0.4256944444444446,15,explored +explored-15423,0.5093750000000001,9,explored +explored-15424,0.24392361111111127,24,explored +explored-15425,0.6332175925925927,13,explored +explored-15426,0.13333333333333353,16,explored +explored-15427,0.4609375000000001,19,explored +explored-15428,0.9131944444444444,3,explored +explored-15429,0.501041666666667,8,explored +explored-15430,0.5477430555555558,7,explored +explored-15431,0.21435185185185213,22,explored +explored-15432,0.2961805555555559,17,explored +explored-15433,0.7200954861111112,13,explored +explored-15434,0.536371527777778,15,explored +explored-15435,0.7595833333333334,3,explored +explored-15436,0.2546875000000003,11,explored +explored-15437,0.43666666666666687,15,explored +explored-15438,0.43567708333333355,12,explored +explored-15439,0.45907118055555585,17,explored +explored-15440,0.6273437500000002,12,explored +explored-15441,0.6638715277777778,10,explored +explored-15442,0.5145833333333335,8,explored +explored-15443,0.7802083333333334,9,explored +explored-15444,0.41909722222222257,10,explored +explored-15445,0.4138888888888891,20,explored +explored-15446,0.26041666666666696,7,explored +explored-15447,0.5680555555555558,6,explored +explored-15448,0.39322916666666696,11,explored +explored-15449,0.6618923611111113,14,explored +explored-15450,0.13072916666666679,17,explored +explored-15451,0.6515624999999999,8,explored +explored-15452,0.6585503472222223,31,explored +explored-15453,0.44567708333333345,14,explored +explored-15454,0.678125,4,explored +explored-15455,0.462789351851852,15,explored +explored-15456,0.640277777777778,10,explored +explored-15457,0.5625000000000001,13,explored +explored-15458,0.32291666666666685,9,explored +explored-15459,0.4686631944444446,14,explored +explored-15460,0.08125000000000027,13,explored +explored-15461,0.516388888888889,14,explored +explored-15462,0.45338541666666676,12,explored +explored-15463,0.5142361111111113,13,explored +explored-15464,0.5020833333333334,11,explored +explored-15465,0.03663194444444473,16,explored +explored-15466,0.3661458333333336,16,explored +explored-15467,0.5223611111111113,11,explored +explored-15468,0.43906250000000036,8,explored +explored-15469,0.5245949074074077,17,explored +explored-15470,0.7016782407407408,13,explored +explored-15471,0.47421875000000013,21,explored +explored-15472,0.6721354166666668,11,explored +explored-15473,0.5663194444444446,12,explored +explored-15474,0.47378472222222245,23,explored +explored-15475,0.3123842592592594,16,explored +explored-15476,0.2328125000000003,11,explored +explored-15477,0.678726851851852,6,explored +explored-15478,0.625607638888889,9,explored +explored-15479,0.6842997685185186,41,explored +explored-15480,0.4867766203703705,10,explored +explored-15481,0.12291666666666701,17,explored +explored-15482,0.6223958333333335,10,explored +explored-15483,0.6651909722222222,9,explored +explored-15484,0.3320312500000002,16,explored +explored-15485,0.2312500000000004,14,explored +explored-15486,0.21302083333333344,15,explored +explored-15487,0.6250000000000002,6,explored +explored-15488,0.7380208333333335,6,explored +explored-15489,0.5923611111111111,12,explored +explored-15490,0.4281250000000002,17,explored +explored-15491,0.5992129629629632,9,explored +explored-15492,0.6192708333333333,6,explored +explored-15493,0.6019965277777779,13,explored +explored-15494,0.4618055555555557,14,explored +explored-15495,0.5214409722222224,14,explored +explored-15496,0.6342534722222224,10,explored +explored-15497,0.4359375000000003,9,explored +explored-15498,0.3743055555555558,12,explored +explored-15499,0.1781250000000003,12,explored +explored-15500,0.4604166666666669,19,explored +explored-15501,0.6423611111111112,7,explored +explored-15502,0.6875000000000002,5,explored +explored-15503,0.4661458333333335,7,explored +explored-15504,0.6027546296296298,21,explored +explored-15505,0.11163194444444469,15,explored +explored-15506,0.2625000000000002,15,explored +explored-15507,0.4905381944444446,22,explored +explored-15508,0.7669444444444445,16,explored +explored-15509,0.42777777777777803,17,explored +explored-15510,0.5360677083333334,22,explored +explored-15511,0.7390046296296298,10,explored +explored-15512,0.7414791666666667,18,explored +explored-15513,0.6111111111111112,11,explored +explored-15514,0.3319444444444446,15,explored +explored-15515,0.4359375000000001,9,explored +explored-15516,0.7209027777777779,11,explored +explored-15517,0.7166666666666668,8,explored +explored-15518,0.6020833333333333,13,explored +explored-15519,0.3246238425925929,21,explored +explored-15520,0.5339583333333335,14,explored +explored-15521,0.5846527777777779,7,explored +explored-15522,0.5310763888888891,16,explored +explored-15523,0.05416666666666692,14,explored +explored-15524,0.5083333333333335,12,explored +explored-15525,0.6093750000000001,11,explored +explored-15526,0.6172743055555557,9,explored +explored-15527,0.6993055555555556,9,explored +explored-15528,0.456076388888889,16,explored +explored-15529,0.48055555555555574,7,explored +explored-15530,0.4312499999999999,12,explored +explored-15531,0.5289930555555555,14,explored +explored-15532,0.4375000000000002,10,explored +explored-15533,0.6593154761904763,30,explored +explored-15534,0.5062500000000002,13,explored +explored-15535,0.6054687500000001,8,explored +explored-15536,0.7109375000000001,7,explored +explored-15537,0.48429976851851864,32,explored +explored-15538,0.24809027777777792,18,explored +explored-15539,0.24826388888888917,19,explored +explored-15540,0.7098958333333334,6,explored +explored-15541,0.6444444444444445,7,explored +explored-15542,0.4871817129629631,14,explored +explored-15543,0.5324652777777779,9,explored +explored-15544,0.18229166666666696,10,explored +explored-15545,0.514670138888889,16,explored +explored-15546,0.6526041666666667,6,explored +explored-15547,0.5122395833333334,20,explored +explored-15548,0.6219618055555557,13,explored +explored-15549,0.4108333333333335,12,explored +explored-15550,0.7818055555555556,5,explored +explored-15551,0.4770833333333335,12,explored +explored-15552,0.25507812500000016,14,explored +explored-15553,0.4320312500000002,10,explored +explored-15554,0.5707407407407409,17,explored +explored-15555,0.6250289351851853,14,explored +explored-15556,0.36093750000000036,18,explored +explored-15557,0.9020833333333333,2,explored +explored-15558,0.28003472222222237,25,explored +explored-15559,0.4901041666666668,7,explored +explored-15560,0.7210937500000001,15,explored +explored-15561,0.3244791666666669,21,explored +explored-15562,0.3848611111111113,19,explored +explored-15563,0.36597222222222237,16,explored +explored-15564,0.5750000000000003,5,explored +explored-15565,0.6635416666666668,11,explored +explored-15566,0.577777777777778,15,explored +explored-15567,0.7913194444444445,7,explored +explored-15568,0.4105902777777779,18,explored +explored-15569,0.546875,9,explored +explored-15570,0.7058217592592594,14,explored +explored-15571,0.5557291666666668,9,explored +explored-15572,0.10572916666666687,12,explored +explored-15573,0.5025462962962965,17,explored +explored-15574,0.27708333333333357,11,explored +explored-15575,0.5742187500000002,10,explored +explored-15576,0.6479166666666668,10,explored +explored-15577,0.5996527777777779,12,explored +explored-15578,0.21093750000000022,10,explored +explored-15579,0.7708333333333333,7,explored +explored-15580,0.5569444444444447,10,explored +explored-15581,0.573263888888889,13,explored +explored-15582,0.7185190972222224,49,explored +explored-15583,0.6826041666666668,5,explored +explored-15584,0.37711226851851865,16,explored +explored-15585,0.3510416666666669,9,explored +explored-15586,0.48359375000000027,12,explored +explored-15587,0.5764756944444446,10,explored +explored-15588,0.7162500000000002,6,explored +explored-15589,0.4236689814814817,14,explored +explored-15590,0.7947916666666668,12,explored +explored-15591,0.6722222222222223,4,explored +explored-15592,0.3479745370370373,14,explored +explored-15593,0.6736111111111113,13,explored +explored-15594,0.4750000000000002,7,explored +explored-15595,0.6026041666666666,10,explored +explored-15596,0.3484375000000002,14,explored +explored-15597,0.34450231481481497,21,explored +explored-15598,0.3598668981481483,17,explored +explored-15599,0.3899704861111112,21,explored +explored-15600,0.3015625000000002,14,explored +explored-15601,0.44545717592592626,24,explored +explored-15602,0.5833333333333334,5,explored +explored-15603,0.2845052083333337,20,explored +explored-15604,0.6439583333333334,5,explored +explored-15605,0.5463541666666668,6,explored +explored-15606,0.4110677083333335,18,explored +explored-15607,0.3791666666666669,11,explored +explored-15608,0.6963293650793652,53,explored +explored-15609,0.4570833333333335,15,explored +explored-15610,0.6598958333333335,11,explored +explored-15611,0.22656250000000022,11,explored +explored-15612,0.4364583333333335,16,explored +explored-15613,0.2963541666666669,12,explored +explored-15614,0.5513020833333334,6,explored +explored-15615,0.5513888888888889,7,explored +explored-15616,0.5171875000000001,16,explored +explored-15617,0.6487673611111112,26,explored +explored-15618,0.3888888888888893,13,explored +explored-15619,0.5048611111111113,17,explored +explored-15620,0.5219444444444447,12,explored +explored-15621,0.8401041666666667,6,explored +explored-15622,0.27271412037037057,17,explored +explored-15623,0.5145833333333335,14,explored +explored-15624,0.38593750000000016,15,explored +explored-15625,0.45082465277777795,21,explored +explored-15626,0.42734375000000036,11,explored +explored-15627,0.3289062500000002,17,explored +explored-15628,0.4081250000000002,11,explored +explored-15629,0.4799479166666669,18,explored +explored-15630,0.5442708333333335,11,explored +explored-15631,0.4370370370370371,18,explored +explored-15632,0.5576388888888891,14,explored +explored-15633,0.6530092592592593,10,explored +explored-15634,0.14062500000000022,16,explored +explored-15635,0.6625,12,explored +explored-15636,0.5161458333333335,13,explored +explored-15637,0.39947916666666683,16,explored +explored-15638,0.10798611111111134,15,explored +explored-15639,0.3812500000000003,12,explored +explored-15640,0.6156250000000001,13,explored +explored-15641,0.19739583333333344,20,explored +explored-15642,0.6555208333333334,7,explored +explored-15643,0.2107638888888892,19,explored +explored-15644,0.3890046296296298,25,explored +explored-15645,0.6557291666666668,17,explored +explored-15646,0.49175347222222243,14,explored +explored-15647,0.37864583333333357,14,explored +explored-15648,0.6734375000000001,3,explored +explored-15649,0.1878472222222225,14,explored +explored-15650,0.6102430555555557,14,explored +explored-15651,0.6222916666666668,10,explored +explored-15652,0.3304398148148151,22,explored +explored-15653,0.42100694444444464,21,explored +explored-15654,0.30638888888888904,20,explored +explored-15655,0.5674074074074076,14,explored +explored-15656,0.2644097222222226,11,explored +explored-15657,0.6457841435185185,31,explored +explored-15658,0.2737847222222225,12,explored +explored-15659,0.5017361111111113,12,explored +explored-15660,0.5971354166666668,11,explored +explored-15661,0.6852430555555556,11,explored +explored-15662,0.2523437500000003,19,explored +explored-15663,0.5447916666666668,12,explored +explored-15664,0.35263310185185204,26,explored +explored-15665,0.5836805555555558,4,explored +explored-15666,0.12656250000000036,16,explored +explored-15667,0.3007812500000002,17,explored +explored-15668,0.1878472222222225,15,explored +explored-15669,0.22552083333333361,16,explored +explored-15670,0.7208142361111112,33,explored +explored-15671,0.6306250000000002,12,explored +explored-15672,0.17395833333333344,14,explored +explored-15673,0.15833333333333366,12,explored +explored-15674,0.161979166666667,19,explored +explored-15675,0.569965277777778,12,explored +explored-15676,0.622482638888889,13,explored +explored-15677,0.4125000000000002,10,explored +explored-15678,0.4491898148148149,24,explored +explored-15679,0.6927083333333335,5,explored +explored-15680,0.3750000000000002,11,explored +explored-15681,0.5569444444444447,8,explored +explored-15682,0.6508680555555557,18,explored +explored-15683,0.2845486111111113,19,explored +explored-15684,0.7130208333333334,11,explored +explored-15685,0.6020023148148149,11,explored +explored-15686,0.6414062500000002,16,explored +explored-15687,0.45468750000000013,17,explored +explored-15688,0.8378472222222222,9,explored +explored-15689,0.29447916666666707,18,explored +explored-15690,0.3600000000000002,11,explored +explored-15691,0.7359375000000001,16,explored +explored-15692,0.5860243055555557,16,explored +explored-15693,0.26822916666666696,22,explored +explored-15694,0.7316736111111112,14,explored +explored-15695,0.05416666666666692,11,explored +explored-15696,0.2958333333333336,17,explored +explored-15697,0.3666666666666668,13,explored +explored-15698,0.5461805555555558,19,explored +explored-15699,0.4972222222222221,15,explored +explored-15700,0.34153645833333357,28,explored +explored-15701,0.6230208333333335,5,explored +explored-15702,0.21753472222222237,17,explored +explored-15703,0.5710185185185187,11,explored +explored-15704,0.6486979166666668,8,explored +explored-15705,0.5995370370370372,24,explored +explored-15706,0.4409722222222223,13,explored +explored-15707,0.15486111111111134,15,explored +explored-15708,0.6026041666666666,12,explored +explored-15709,0.34839409722222237,16,explored +explored-15710,0.41811921296296317,17,explored +explored-15711,0.47123842592592613,22,explored +explored-15712,0.42447916666666685,11,explored +explored-15713,0.5790277777777779,19,explored +explored-15714,0.3944444444444446,20,explored +explored-15715,0.3465277777777781,18,explored +explored-15716,0.6157812500000002,13,explored +explored-15717,0.6806956845238096,34,explored +explored-15718,0.20598958333333361,16,explored +explored-15719,0.277604166666667,20,explored +explored-15720,0.7166666666666668,11,explored +explored-15721,0.37656250000000013,16,explored +explored-15722,0.220572916666667,14,explored +explored-15723,0.5175781250000002,11,explored +explored-15724,0.3601562500000004,14,explored +explored-15725,0.3313657407407409,19,explored +explored-15726,0.6852719907407409,17,explored +explored-15727,0.6737847222222223,7,explored +explored-15728,0.5414351851851852,14,explored +explored-15729,0.40147569444444464,19,explored +explored-15730,0.6800347222222223,8,explored +explored-15731,0.6929745370370373,11,explored +explored-15732,0.20138888888888906,18,explored +explored-15733,0.37960069444444455,17,explored +explored-15734,0.6937500000000001,9,explored +explored-15735,0.22621527777777795,16,explored +explored-15736,0.6254629629629631,9,explored +explored-15737,0.4447916666666669,12,explored +explored-15738,0.5570312500000001,17,explored +explored-15739,0.6953854166666668,30,explored +explored-15740,0.6583333333333334,5,explored +explored-15741,0.5611111111111113,14,explored +explored-15742,0.6850694444444446,9,explored +explored-15743,0.4661458333333335,10,explored +explored-15744,0.08125000000000027,13,explored +explored-15745,0.23125000000000018,9,explored +explored-15746,0.5387152777777778,11,explored +explored-15747,0.4862847222222224,12,explored +explored-15748,0.2699652777777779,15,explored +explored-15749,0.7982638888888889,8,explored +explored-15750,0.6480034722222223,14,explored +explored-15751,0.4642361111111113,24,explored +explored-15752,0.46326388888888903,21,explored +explored-15753,0.32228009259259294,20,explored +explored-15754,0.39270833333333366,11,explored +explored-15755,0.18072916666666694,14,explored +explored-15756,0.3192708333333335,20,explored +explored-15757,0.5080729166666668,17,explored +explored-15758,0.5086111111111115,11,explored +explored-15759,0.5700000000000001,6,explored +explored-15760,0.5112500000000002,11,explored +explored-15761,0.2362413194444445,21,explored +explored-15762,0.6225694444444445,7,explored +explored-15763,0.5735243055555557,12,explored +explored-15764,0.6297222222222224,10,explored +explored-15765,0.43333333333333346,13,explored +explored-15766,0.4540219907407409,22,explored +explored-15767,0.3789062500000001,17,explored +explored-15768,0.6147569444444446,13,explored +explored-15769,0.7854166666666667,8,explored +explored-15770,0.48915740740740754,16,explored +explored-15771,0.5598958333333335,11,explored +explored-15772,0.6144097222222225,12,explored +explored-15773,0.7336342592592593,10,explored +explored-15774,0.41631944444444446,18,explored +explored-15775,0.46302083333333344,13,explored +explored-15776,0.25312500000000027,9,explored +explored-15777,0.6614583333333333,7,explored +explored-15778,0.3486111111111114,11,explored +explored-15779,0.49322916666666683,19,explored +explored-15780,0.4389467592592594,18,explored +explored-15781,0.32829861111111147,9,explored +explored-15782,0.6237500000000001,14,explored +explored-15783,0.4227430555555558,14,explored +explored-15784,0.4130208333333335,11,explored +explored-15785,0.29687500000000033,16,explored +explored-15786,0.7756944444444445,12,explored +explored-15787,0.5359375000000002,18,explored +explored-15788,0.5833333333333333,9,explored +explored-15789,0.3750000000000002,20,explored +explored-15790,0.08125000000000027,13,explored +explored-15791,0.6884375000000001,14,explored +explored-15792,0.4036458333333336,13,explored +explored-15793,0.6621875000000002,6,explored +explored-15794,0.6614583333333335,5,explored +explored-15795,0.6849907407407408,38,explored +explored-15796,0.6470486111111112,8,explored +explored-15797,0.39333333333333353,13,explored +explored-15798,0.4570312500000002,9,explored +explored-15799,0.7204166666666667,6,explored +explored-15800,0.5877430555555557,14,explored +explored-15801,0.7388680555555557,17,explored +explored-15802,0.4583912037037039,16,explored +explored-15803,0.44930555555555574,16,explored +explored-15804,0.35451388888888924,18,explored +explored-15805,0.5827256944444446,10,explored +explored-15806,0.39756944444444464,17,explored +explored-15807,0.7591666666666668,8,explored +explored-15808,0.432638888888889,15,explored +explored-15809,0.5358796296296298,12,explored +explored-15810,0.25121527777777797,17,explored +explored-15811,0.4265625000000002,19,explored +explored-15812,0.6505787037037039,14,explored +explored-15813,0.27112268518518545,17,explored +explored-15814,0.7093750000000001,6,explored +explored-15815,0.3945167824074076,21,explored +explored-15816,0.778732638888889,8,explored +explored-15817,0.2562500000000003,9,explored +explored-15818,0.5791666666666668,10,explored +explored-15819,0.3826388888888892,14,explored +explored-15820,0.6937500000000001,8,explored +explored-15821,0.48070023148148167,20,explored +explored-15822,0.3276041666666669,11,explored +explored-15823,0.4175000000000002,10,explored +explored-15824,0.6802083333333335,5,explored +explored-15825,0.4785300925925927,21,explored +explored-15826,0.3049479166666669,18,explored +explored-15827,0.6783622685185187,35,explored +explored-15828,0.5365451388888891,14,explored +explored-15829,0.3098958333333335,19,explored +explored-15830,0.35807291666666685,21,explored +explored-15831,0.5410011574074075,15,explored +explored-15832,0.7819791666666667,4,explored +explored-15833,0.7525951140873016,36,explored +explored-15834,0.3578125000000002,11,explored +explored-15835,0.6726562500000001,9,explored +explored-15836,0.6781973379629631,14,explored +explored-15837,0.5000000000000001,9,explored +explored-15838,0.7083333333333335,6,explored +explored-15839,0.286979166666667,12,explored +explored-15840,0.347916666666667,10,explored +explored-15841,0.36250000000000027,21,explored +explored-15842,0.479965277777778,12,explored +explored-15843,0.4656250000000002,16,explored +explored-15844,0.6315104166666667,12,explored +explored-15845,0.3617187500000003,9,explored +explored-15846,0.4002604166666668,18,explored +explored-15847,0.6310763888888891,6,explored +explored-15848,0.6138020833333334,8,explored +explored-15849,0.6800347222222223,13,explored +explored-15850,0.5725694444444446,8,explored +explored-15851,0.40451388888888906,27,explored +explored-15852,0.42838541666666674,12,explored +explored-15853,0.4255787037037039,11,explored +explored-15854,0.19097222222222254,17,explored +explored-15855,0.5469618055555558,14,explored +explored-15856,0.501527777777778,16,explored +explored-15857,0.2541666666666671,13,explored +explored-15858,0.6372222222222224,9,explored +explored-15859,0.6207754629629632,12,explored +explored-15860,0.5942708333333333,13,explored +explored-15861,0.6993055555555556,5,explored +explored-15862,0.5017361111111113,10,explored +explored-15863,0.5177083333333334,20,explored +explored-15864,0.6052083333333335,17,explored +explored-15865,0.6489583333333334,7,explored +explored-15866,0.33593750000000033,11,explored +explored-15867,0.3318576388888892,9,explored +explored-15868,0.2284722222222224,15,explored +explored-15869,0.6234953703703705,12,explored +explored-15870,0.36875,14,explored +explored-15871,0.8520833333333333,6,explored +explored-15872,0.2312500000000003,21,explored +explored-15873,0.1350694444444447,13,explored +explored-15874,0.40000000000000013,11,explored +explored-15875,0.7152777777777779,6,explored +explored-15876,0.7265798611111112,3,explored +explored-15877,0.5090277777777781,22,explored +explored-15878,0.23307291666666696,21,explored +explored-15879,0.6309027777777779,7,explored +explored-15880,0.5599826388888891,16,explored +explored-15881,0.6384375000000002,13,explored +explored-15882,0.29942129629629655,11,explored +explored-15883,0.30972222222222245,14,explored +explored-15884,0.3339843750000002,16,explored +explored-15885,0.5032118055555558,10,explored +explored-15886,0.5583333333333332,5,explored +explored-15887,0.21359953703703738,16,explored +explored-15888,0.41947337962962983,18,explored +explored-15889,0.5429108796296298,17,explored +explored-15890,0.6716145833333333,6,explored +explored-15891,0.5744791666666669,8,explored +explored-15892,0.4208333333333335,18,explored +explored-15893,0.5083333333333335,10,explored +explored-15894,0.7456597222222223,15,explored +explored-15895,0.7664930555555557,6,explored +explored-15896,0.677951388888889,14,explored +explored-15897,0.3920486111111112,18,explored +explored-15898,0.5442708333333335,16,explored +explored-15899,0.7765625,7,explored +explored-15900,0.36145833333333355,19,explored +explored-15901,0.49826388888888906,12,explored +explored-15902,0.7444444444444445,9,explored +explored-15903,0.3319444444444446,14,explored +explored-15904,0.6262152777777779,12,explored +explored-15905,0.3791666666666669,12,explored +explored-15906,0.27552083333333366,19,explored +explored-15907,0.5550347222222224,8,explored +explored-15908,0.40063657407407427,23,explored +explored-15909,0.6812500000000001,6,explored +explored-15910,0.31469907407407416,19,explored +explored-15911,0.38055555555555576,19,explored +explored-15912,0.7408854166666667,10,explored +explored-15913,0.6211805555555557,10,explored +explored-15914,0.4295428240740742,22,explored +explored-15915,0.44692708333333353,15,explored +explored-15916,0.6621875000000002,21,explored +explored-15917,0.5210648148148149,17,explored +explored-15918,0.4531481481481483,21,explored +explored-15919,0.5618923611111113,22,explored +explored-15920,0.30729166666666696,14,explored +explored-15921,0.15781250000000036,16,explored +explored-15922,0.1804687500000004,19,explored +explored-15923,0.2444444444444447,13,explored +explored-15924,0.846875,6,explored +explored-15925,0.6987847222222223,15,explored +explored-15926,0.4955208333333334,12,explored +explored-15927,0.5079427083333334,22,explored +explored-15928,0.6053819444444446,12,explored +explored-15929,0.81875,12,explored +explored-15930,0.34592013888888906,21,explored +explored-15931,0.21458333333333357,14,explored +explored-15932,0.3622685185185187,21,explored +explored-15933,0.2659722222222223,18,explored +explored-15934,0.44270833333333326,10,explored +explored-15935,0.35675347222222253,17,explored +explored-15936,0.6384403935185186,18,explored +explored-15937,0.5083333333333334,13,explored +explored-15938,0.5966145833333335,8,explored +explored-15939,0.6216666666666667,13,explored +explored-15940,0.39166666666666705,12,explored +explored-15941,0.7445023148148149,7,explored +explored-15942,0.36302083333333357,12,explored +explored-15943,0.449479166666667,7,explored +explored-15944,0.6300868055555557,7,explored +explored-15945,0.39079861111111136,14,explored +explored-15946,0.6017361111111112,4,explored +explored-15947,0.518402777777778,9,explored +explored-15948,0.5629050925925927,14,explored +explored-15949,0.6427083333333335,3,explored +explored-15950,0.38541666666666685,11,explored +explored-15951,0.6536458333333335,8,explored +explored-15952,0.314322916666667,20,explored +explored-15953,0.44868055555555586,14,explored +explored-15954,0.3822916666666669,15,explored +explored-15955,0.6031250000000001,10,explored +explored-15956,0.502777777777778,16,explored +explored-15957,0.6463541666666668,12,explored +explored-15958,0.681076388888889,27,explored +explored-15959,0.5218315972222223,15,explored +explored-15960,0.6978645833333332,13,explored +explored-15961,0.7299189814814816,16,explored +explored-15962,0.5586805555555558,14,explored +explored-15963,0.5064814814814816,18,explored +explored-15964,0.634201388888889,13,explored +explored-15965,0.7362500000000001,6,explored +explored-15966,0.5406249999999999,9,explored +explored-15967,0.311371527777778,19,explored +explored-15968,0.6322916666666668,5,explored +explored-15969,0.2642361111111112,16,explored +explored-15970,0.563715277777778,9,explored +explored-15971,0.734375,8,explored +explored-15972,0.5215277777777779,12,explored +explored-15973,0.3738541666666668,19,explored +explored-15974,0.6098958333333333,14,explored +explored-15975,0.5228472222222225,14,explored +explored-15976,0.2487847222222226,19,explored +explored-15977,0.6636892361111112,10,explored +explored-15978,0.39949363425925954,20,explored +explored-15979,0.573263888888889,16,explored +explored-15980,0.549652777777778,7,explored +explored-15981,0.6227343750000001,9,explored +explored-15982,0.20034722222222245,16,explored +explored-15983,0.4549305555555557,12,explored +explored-15984,0.5593750000000001,7,explored +explored-15985,0.5566666666666666,7,explored +explored-15986,0.4565104166666668,18,explored +explored-15987,0.6617187500000001,5,explored +explored-15988,0.6553611111111112,25,explored +explored-15989,0.21197916666666683,11,explored +explored-15990,0.5777488425925927,17,explored +explored-15991,0.5329166666666668,15,explored +explored-15992,0.36875000000000036,9,explored +explored-15993,0.6871093750000001,13,explored +explored-15994,0.2347222222222225,15,explored +explored-15995,0.6087152777777779,18,explored +explored-15996,0.5569444444444447,10,explored +explored-15997,0.3193981481481485,16,explored +explored-15998,0.3979166666666668,14,explored +explored-15999,0.6422743055555556,12,explored +explored-16000,0.25364583333333346,21,explored +explored-16001,0.5309895833333336,15,explored +explored-16002,0.6666666666666667,11,explored +explored-16003,0.5947916666666667,12,explored +explored-16004,0.29409722222222257,20,explored +explored-16005,0.17916666666666703,10,explored +explored-16006,0.7875000000000001,6,explored +explored-16007,0.5486111111111112,8,explored +explored-16008,0.5127604166666668,16,explored +explored-16009,0.5523900462962965,30,explored +explored-16010,0.4256944444444446,14,explored +explored-16011,0.5440972222222221,14,explored +explored-16012,0.4769386574074076,24,explored +explored-16013,0.26041666666666696,17,explored +explored-16014,0.39267939814814834,23,explored +explored-16015,0.34670138888888924,13,explored +explored-16016,0.6979745370370372,22,explored +explored-16017,0.5534722222222224,10,explored +explored-16018,0.6574652777777779,12,explored +explored-16019,0.433101851851852,18,explored +explored-16020,0.7377604166666668,11,explored +explored-16021,0.6385416666666668,4,explored +explored-16022,0.7323547453703705,22,explored +explored-16023,0.3088541666666669,11,explored +explored-16024,0.609664351851852,16,explored +explored-16025,0.6511689814814816,13,explored +explored-16026,0.4276041666666669,13,explored +explored-16027,0.6310763888888891,12,explored +explored-16028,0.6730381944444446,15,explored +explored-16029,0.679976851851852,14,explored +explored-16030,0.419791666666667,10,explored +explored-16031,0.5390625000000002,10,explored +explored-16032,0.47578125000000016,13,explored +explored-16033,0.31072916666666694,18,explored +explored-16034,0.208854166666667,17,explored +explored-16035,0.5630208333333333,11,explored +explored-16036,0.39516782407407414,17,explored +explored-16037,0.5480208333333334,13,explored +explored-16038,0.41037326388888906,20,explored +explored-16039,0.302604166666667,17,explored +explored-16040,0.6802083333333335,3,explored +explored-16041,0.6771527777777779,6,explored +explored-16042,0.437760416666667,16,explored +explored-16043,0.6852256944444446,9,explored +explored-16044,0.5468750000000001,10,explored +explored-16045,0.7391116898148149,17,explored +explored-16046,0.5121527777777779,10,explored +explored-16047,0.5439814814814816,11,explored +explored-16048,0.4744791666666669,8,explored +explored-16049,0.41770833333333357,11,explored +explored-16050,0.30238715277777806,16,explored +explored-16051,0.3661458333333334,22,explored +explored-16052,0.6357928240740741,9,explored +explored-16053,0.4822337962962965,16,explored +explored-16054,0.5448611111111112,12,explored +explored-16055,0.5125000000000002,11,explored +explored-16056,0.6041666666666669,13,explored +explored-16057,0.6790104166666667,12,explored +explored-16058,0.7471354166666667,9,explored +explored-16059,0.6987152777777779,9,explored +explored-16060,0.4536458333333333,11,explored +explored-16061,0.45416666666666683,9,explored +explored-16062,0.4868055555555555,15,explored +explored-16063,0.5993055555555556,8,explored +explored-16064,0.6333333333333334,10,explored +explored-16065,0.5979166666666668,8,explored +explored-16066,0.09791666666666687,14,explored +explored-16067,0.3031250000000001,19,explored +explored-16068,0.24609375000000022,12,explored +explored-16069,0.5631655092592593,15,explored +explored-16070,0.4696180555555558,16,explored +explored-16071,0.5805555555555557,8,explored +explored-16072,0.2968750000000002,14,explored +explored-16073,0.3677083333333335,10,explored +explored-16074,0.5516203703703706,11,explored +explored-16075,0.6799900793650795,37,explored +explored-16076,0.6933333333333334,4,explored +explored-16077,0.2093750000000001,21,explored +explored-16078,0.3128761574074076,20,explored +explored-16079,0.2445312500000003,19,explored +explored-16080,0.6866898148148148,10,explored +explored-16081,0.6161458333333334,7,explored +explored-16082,0.4744791666666669,8,explored +explored-16083,0.5046006944444447,16,explored +explored-16084,0.5402777777777781,10,explored +explored-16085,0.5844618055555557,18,explored +explored-16086,0.5251736111111113,14,explored +explored-16087,0.4114583333333336,13,explored +explored-16088,0.44157986111111136,16,explored +explored-16089,0.8422395833333334,8,explored +explored-16090,0.6453559027777779,13,explored +explored-16091,0.6197916666666669,3,explored +explored-16092,0.43038194444444455,11,explored +explored-16093,0.62421875,13,explored +explored-16094,0.38454861111111127,17,explored +explored-16095,0.3079427083333337,22,explored +explored-16096,0.15833333333333366,11,explored +explored-16097,0.3979166666666669,18,explored +explored-16098,0.6673148148148149,7,explored +explored-16099,0.3523437500000004,22,explored +explored-16100,0.6053819444444446,6,explored +explored-16101,0.5156250000000001,11,explored +explored-16102,0.27222222222222237,14,explored +explored-16103,0.6937500000000001,8,explored +explored-16104,0.5619791666666668,4,explored +explored-16105,0.29166666666666696,19,explored +explored-16106,0.4095833333333335,24,explored +explored-16107,0.5270833333333335,7,explored +explored-16108,0.8640625,4,explored +explored-16109,0.21232638888888933,17,explored +explored-16110,0.5171875000000001,9,explored +explored-16111,0.34774305555555585,21,explored +explored-16112,0.4783333333333335,16,explored +explored-16113,0.21354166666666696,12,explored +explored-16114,0.3884375000000002,14,explored +explored-16115,0.6686342592592593,10,explored +explored-16116,0.5631944444444447,8,explored +explored-16117,0.43335069444444474,21,explored +explored-16118,0.7479166666666667,8,explored +explored-16119,0.6334930555555557,33,explored +explored-16120,0.7534722222222223,9,explored +explored-16121,0.5931423611111112,12,explored +explored-16122,0.43029513888888904,16,explored +explored-16123,0.3959780092592595,16,explored +explored-16124,0.28229166666666683,7,explored +explored-16125,0.3187500000000002,16,explored +explored-16126,0.5572916666666669,15,explored +explored-16127,0.6505787037037039,14,explored +explored-16128,0.47421875000000036,15,explored +explored-16129,0.5333333333333334,7,explored +explored-16130,0.20520833333333366,22,explored +explored-16131,0.15578703703703733,22,explored +explored-16132,0.4682870370370371,14,explored +explored-16133,0.6686342592592593,12,explored +explored-16134,0.5025000000000002,8,explored +explored-16135,0.7365515046296297,21,explored +explored-16136,0.3538194444444446,13,explored +explored-16137,0.2781250000000002,10,explored +explored-16138,0.43680555555555567,22,explored +explored-16139,0.7543055555555556,16,explored +explored-16140,0.5680555555555555,10,explored +explored-16141,0.36545138888888906,25,explored +explored-16142,0.4155381944444446,18,explored +explored-16143,0.3720341435185187,24,explored +explored-16144,0.46892361111111136,14,explored +explored-16145,0.816232638888889,8,explored +explored-16146,0.628125,12,explored +explored-16147,0.6260416666666668,3,explored +explored-16148,0.5687500000000001,9,explored +explored-16149,0.4555844907407409,18,explored +explored-16150,0.7102430555555557,16,explored +explored-16151,0.33353587962962994,20,explored +explored-16152,0.19166666666666687,18,explored +explored-16153,0.5996527777777779,8,explored +explored-16154,0.5924074074074076,20,explored +explored-16155,0.6033564814814816,10,explored +explored-16156,0.5606828703703706,30,explored +explored-16157,0.49340277777777797,15,explored +explored-16158,0.6552083333333334,14,explored +explored-16159,0.5565104166666669,10,explored +explored-16160,0.28828125000000016,15,explored +explored-16161,0.6718750000000002,6,explored +explored-16162,0.31111111111111134,13,explored +explored-16163,0.4651620370370373,29,explored +explored-16164,0.2802083333333336,12,explored +explored-16165,0.7049479166666668,7,explored +explored-16166,0.3098958333333335,14,explored +explored-16167,0.501388888888889,11,explored +explored-16168,0.49479166666666685,9,explored +explored-16169,0.5319878472222224,16,explored +explored-16170,0.5609375000000003,6,explored +explored-16171,0.7586805555555556,16,explored +explored-16172,0.4817708333333335,11,explored +explored-16173,0.2390335648148152,20,explored +explored-16174,0.679513888888889,11,explored +explored-16175,0.4225694444444448,8,explored +explored-16176,0.20601851851851882,28,explored +explored-16177,0.6345486111111113,7,explored +explored-16178,0.3974537037037038,23,explored +explored-16179,0.4243055555555557,9,explored +explored-16180,0.5990972222222224,12,explored +explored-16181,0.41610243055555585,23,explored +explored-16182,0.32187500000000036,17,explored +explored-16183,0.45833333333333326,13,explored +explored-16184,0.5302083333333333,9,explored +explored-16185,0.41215277777777803,21,explored +explored-16186,0.050781250000000444,13,explored +explored-16187,0.5244791666666668,15,explored +explored-16188,0.19531250000000022,17,explored +explored-16189,0.34083333333333365,12,explored +explored-16190,0.5354166666666669,7,explored +explored-16191,0.3406250000000003,11,explored +explored-16192,0.6659375000000002,9,explored +explored-16193,0.4843750000000001,4,explored +explored-16194,0.5526041666666668,11,explored +explored-16195,0.24079861111111134,12,explored +explored-16196,0.6813252314814816,30,explored +explored-16197,0.59296875,15,explored +explored-16198,0.3363425925925927,18,explored +explored-16199,0.54375,8,explored +explored-16200,0.5836805555555556,11,explored +explored-16201,0.47714120370370394,15,explored +explored-16202,0.3758680555555558,22,explored +explored-16203,0.3437500000000002,22,explored +explored-16204,0.3081018518518521,21,explored +explored-16205,0.5704861111111112,8,explored +explored-16206,0.42534722222222243,17,explored +explored-16207,0.6747395833333334,14,explored +explored-16208,0.27005208333333375,16,explored +explored-16209,0.2562500000000003,8,explored +explored-16210,0.12604166666666705,15,explored +explored-16211,0.30043402777777795,16,explored +explored-16212,0.6236111111111112,12,explored +explored-16213,0.49921875000000027,8,explored +explored-16214,0.75,6,explored +explored-16215,0.3112413194444448,31,explored +explored-16216,0.6521527777777779,11,explored +explored-16217,0.3348958333333336,14,explored +explored-16218,0.5707175925925927,19,explored +explored-16219,0.7713541666666667,8,explored +explored-16220,0.3377604166666669,14,explored +explored-16221,0.6645833333333333,7,explored +explored-16222,0.5953298611111113,11,explored +explored-16223,0.3968750000000003,11,explored +explored-16224,0.17916666666666703,10,explored +explored-16225,0.3812500000000003,9,explored +explored-16226,0.38593750000000027,13,explored +explored-16227,0.6420138888888891,11,explored +explored-16228,0.3916666666666667,15,explored +explored-16229,0.5822916666666668,3,explored +explored-16230,0.7583333333333333,5,explored +explored-16231,0.4535590277777779,10,explored +explored-16232,0.46406250000000027,15,explored +explored-16233,0.631148726851852,37,explored +explored-16234,0.6845833333333333,6,explored +explored-16235,0.6864004629629631,11,explored +explored-16236,0.46510416666666676,8,explored +explored-16237,0.32934027777777797,20,explored +explored-16238,0.6918981481481483,6,explored +explored-16239,0.44843750000000016,15,explored +explored-16240,0.3250000000000002,22,explored +explored-16241,0.4099826388888891,21,explored +explored-16242,0.5142968750000001,22,explored +explored-16243,0.47465277777777803,11,explored +explored-16244,0.5906250000000002,7,explored +explored-16245,0.4736111111111113,17,explored +explored-16246,0.676545138888889,13,explored +explored-16247,0.5561776620370371,20,explored +explored-16248,0.7019097222222224,11,explored +explored-16249,0.606076388888889,12,explored +explored-16250,0.7559895833333334,11,explored +explored-16251,0.3997974537037039,17,explored +explored-16252,0.31264467592592626,19,explored +explored-16253,0.4380208333333335,19,explored +explored-16254,0.15104166666666696,14,explored +explored-16255,0.5901041666666668,14,explored +explored-16256,0.3586805555555559,13,explored +explored-16257,0.7124999999999999,6,explored +explored-16258,0.6544270833333334,19,explored +explored-16259,0.22031250000000036,17,explored +explored-16260,0.4447916666666667,11,explored +explored-16261,0.4111111111111113,17,explored +explored-16262,0.25312500000000027,10,explored +explored-16263,0.6611458333333334,10,explored +explored-16264,0.652013888888889,7,explored +explored-16265,0.33654513888888904,16,explored +explored-16266,0.4169270833333335,18,explored +explored-16267,0.23541666666666705,14,explored +explored-16268,0.4553125000000001,16,explored +explored-16269,0.33263888888888915,14,explored +explored-16270,0.40300925925925923,13,explored +explored-16271,0.6130208333333335,9,explored +explored-16272,0.44456018518518536,20,explored +explored-16273,0.7057291666666666,7,explored +explored-16274,0.3226562500000002,14,explored +explored-16275,0.36197916666666685,18,explored +explored-16276,0.21901041666666698,13,explored +explored-16277,0.4510416666666668,8,explored +explored-16278,0.638402777777778,7,explored +explored-16279,0.3401041666666669,11,explored +explored-16280,0.5205729166666668,12,explored +explored-16281,0.3635416666666669,13,explored +explored-16282,0.5495370370370373,17,explored +explored-16283,0.5949074074074074,8,explored +explored-16284,0.34583333333333366,8,explored +explored-16285,0.5753472222222223,14,explored +explored-16286,0.39079861111111147,13,explored +explored-16287,0.3968171296296299,23,explored +explored-16288,0.45763888888888915,18,explored +explored-16289,0.11927083333333344,14,explored +explored-16290,0.5237847222222223,11,explored +explored-16291,0.6142361111111113,18,explored +explored-16292,0.8314236111111111,6,explored +explored-16293,0.5852430555555557,13,explored +explored-16294,0.4486111111111113,12,explored +explored-16295,0.5625000000000002,13,explored +explored-16296,0.4012152777777781,23,explored +explored-16297,0.6975694444444445,11,explored +explored-16298,0.6287500000000001,6,explored +explored-16299,0.6911458333333335,10,explored +explored-16300,0.5808159722222224,12,explored +dominating-0,0.4843750000000001,4,dominant +dominating-1,0.28333333333333366,6,dominant +dominating-2,0.06093750000000031,10,dominant +dominating-3,0.7614583333333336,1,dominant dominating-4,2.220446049250313e-16,12,dominant dominating-5,0.05416666666666692,11,dominant -dominating-6,0.08125000000000027,9,dominant -dominating-7,0.7614583333333336,1,dominant -dominating-8,0.08125000000000027,9,dominant -dominating-9,0.06093750000000031,10,dominant -dominating-10,0.1625000000000003,8,dominant -dominating-11,0.28333333333333366,6,dominant -dominating-12,0.3812500000000003,5,dominant -serbian,0.4140625000000002,8,natural +dominating-6,0.5218750000000001,3,dominant +dominating-7,0.1625000000000003,8,dominant +dominating-8,0.3812500000000003,5,dominant +dominating-9,0.08125000000000027,9,dominant +dominating-10,0.6197916666666669,2,dominant +dominating-11,0.08125000000000027,9,dominant +dominating-12,0.2562500000000003,7,dominant english,0.49583333333333346,5,natural +quechua,0.6895833333333334,4,natural +irish,0.6312500000000001,5,natural +serbian,0.4140625000000002,8,natural +finnish,0.4031250000000003,7,natural +dutch,0.5666666666666668,5,natural +lithuanian,0.3354166666666668,12,natural +persian,0.6197916666666669,2,natural japanese,0.5218750000000001,3,natural -italian,0.5218750000000001,3,natural -hebrew,0.5380208333333336,5,natural -ossetic,0.4083333333333333,6,natural +swedish,0.5640625000000001,6,natural +nanay,0.5743055555555556,6,natural iceland,0.28333333333333366,9,natural -irish,0.6312500000000001,5,natural -german,0.61640625,5,natural romanian,0.5218750000000001,3,natural -lithuanian,0.3354166666666668,12,natural -basque,0.41041666666666676,6,natural +german,0.61640625,5,natural +korean,0.5218750000000001,3,natural +italian,0.5218750000000001,3,natural +georgian,0.5489583333333334,12,natural +swahili,0.6458333333333335,4,natural +lezgian,0.5218750000000001,3,natural +catalan,0.5218750000000001,3,natural kazakh,0.4822916666666668,6,natural -latvian,0.49583333333333346,5,natural +ossetic,0.4083333333333333,6,natural +basque,0.41041666666666676,6,natural +greek,0.6552083333333333,9,natural hungarian,0.6162500000000001,5,natural -hindi,0.7166666666666668,4,natural bulgarian,0.5708333333333335,5,natural -greek,0.6552083333333333,9,natural -french,0.5463541666666668,6,natural -quechua,0.6895833333333334,4,natural +maltese,0.6197916666666669,2,natural turkish,0.6144097222222223,5,natural -nanay,0.5743055555555556,6,natural -swahili,0.6458333333333335,4,natural -korean,0.5218750000000001,3,natural -persian,0.6197916666666669,2,natural +hebrew,0.5380208333333336,5,natural +french,0.5463541666666668,6,natural +portug,0.6505208333333334,5,natural +kannada,0.4437500000000002,9,natural hausa,0.6458333333333335,4,natural -catalan,0.5218750000000001,3,natural -dutch,0.5666666666666668,5,natural latin,0.2509259259259262,11,natural -yakut,0.43194444444444446,6,natural -portug,0.6505208333333334,5,natural -finnish,0.4031250000000003,7,natural -maltese,0.6197916666666669,2,natural russian,0.20989583333333361,18,natural -polish,0.49583333333333346,5,natural +yakut,0.43194444444444446,6,natural chinese,0.32916666666666694,7,natural -swedish,0.5640625000000001,6,natural -lezgian,0.5218750000000001,3,natural -georgian,0.5489583333333334,12,natural -kannada,0.4437500000000002,9,natural +polish,0.49583333333333346,5,natural +latvian,0.49583333333333346,5,natural +hindi,0.7166666666666668,4,natural diff --git a/src/examples/indefinites/outputs/dominating_languages.yml b/src/examples/indefinites/outputs/dominating_languages.yml index 616fb563..51fa15d7 100644 --- a/src/examples/indefinites/outputs/dominating_languages.yml +++ b/src/examples/indefinites/outputs/dominating_languages.yml @@ -1,35 +1,36 @@ -- comm_cost: 0.2562500000000003 - complexity: 7 +- comm_cost: 0.4843750000000001 + complexity: 4 expressions: - - K+ - N+ + - R+ - R- - SE- - - and(N-, R+) name: dominating-0 type: dominant -- comm_cost: 0.4843750000000001 - complexity: 4 +- comm_cost: 0.28333333333333366 + complexity: 6 expressions: - N+ - - R+ - R- - SE- + - and(N-, R+) name: dominating-1 type: dominant -- comm_cost: 0.5218750000000001 - complexity: 3 +- comm_cost: 0.06093750000000031 + complexity: 10 expressions: - - R+ + - K+ + - N+ - R- - - SE- + - S+ + - and(N-, R+) + - and(S-, SE-) name: dominating-2 type: dominant -- comm_cost: 0.6197916666666669 - complexity: 2 +- comm_cost: 0.7614583333333336 + complexity: 1 expressions: - R+ - - SE- name: dominating-3 type: dominant - comm_cost: 2.220446049250313e-16 @@ -55,65 +56,64 @@ - and(S-, SE-) name: dominating-5 type: dominant -- comm_cost: 0.08125000000000027 - complexity: 9 +- comm_cost: 0.5218750000000001 + complexity: 3 expressions: - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - SE- name: dominating-6 type: dominant -- comm_cost: 0.7614583333333336 - complexity: 1 +- comm_cost: 0.1625000000000003 + complexity: 8 expressions: - - R+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) name: dominating-7 type: dominant -- comm_cost: 0.08125000000000027 - complexity: 9 +- comm_cost: 0.3812500000000003 + complexity: 5 expressions: - - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) name: dominating-8 type: dominant -- comm_cost: 0.06093750000000031 - complexity: 10 +- comm_cost: 0.08125000000000027 + complexity: 9 expressions: - K+ - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) name: dominating-9 type: dominant -- comm_cost: 0.1625000000000003 - complexity: 8 +- comm_cost: 0.6197916666666669 + complexity: 2 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- name: dominating-10 type: dominant -- comm_cost: 0.28333333333333366 - complexity: 6 +- comm_cost: 0.08125000000000027 + complexity: 9 expressions: - N+ - R- - - SE- + - S+ - and(N-, R+) + - and(S-, SE-) name: dominating-11 type: dominant -- comm_cost: 0.3812500000000003 - complexity: 5 +- comm_cost: 0.2562500000000003 + complexity: 7 expressions: + - K+ - N+ + - R- - SE- - and(N-, R+) name: dominating-12 diff --git a/src/examples/indefinites/outputs/explored_languages.yml b/src/examples/indefinites/outputs/explored_languages.yml index 7b2709fe..9e8dceaa 100644 --- a/src/examples/indefinites/outputs/explored_languages.yml +++ b/src/examples/indefinites/outputs/explored_languages.yml @@ -1,14101 +1,14202 @@ -- comm_cost: 0.3966724537037041 - complexity: 19 +- comm_cost: 0.4486111111111113 + complexity: 14 expressions: - K+ - N+ - R- - - SE- + - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - - or(K+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-0 type: explored -- comm_cost: 0.4270833333333335 - complexity: 12 +- comm_cost: 0.46545138888888915 + complexity: 21 expressions: + - K+ + - N+ - R- + - S+ + - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - or(K+, K-) name: explored-1 type: explored -- comm_cost: 0.5166666666666668 - complexity: 23 +- comm_cost: 0.47968750000000004 + complexity: 16 expressions: - - N+ - R- - - S+ - - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, SE+) - - or(S+, or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2 type: explored -- comm_cost: 0.4100260416666669 - complexity: 14 +- comm_cost: 0.5583333333333333 + complexity: 5 expressions: - K+ - - K+ - - N+ - R- - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-3 type: explored -- comm_cost: 0.6566840277777779 - complexity: 14 +- comm_cost: 0.33750000000000024 + complexity: 15 expressions: - - R+ - - and(K-, or(SE-, N+)) - - or(K+, or(N+, R-)) - - or(S+, R+) + - K+ + - R- + - S- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-4 type: explored -- comm_cost: 0.6648437500000001 - complexity: 11 - expressions: - - R+ - - and(N-, or(S+, SE+)) - - not(R+) - - or(K+, N+) - name: explored-5 - type: explored -- comm_cost: 0.5583333333333332 - complexity: 5 +- comm_cost: 0.4859375 + complexity: 8 expressions: - - R- + - K+ + - K+ + - N+ + - S+ - S+ - and(S-, SE-) - name: explored-6 + name: explored-5 type: explored -- comm_cost: 0.45870949074074097 +- comm_cost: 0.3622685185185187 complexity: 18 expressions: + - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, N-) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - name: explored-7 + name: explored-6 type: explored -- comm_cost: 0.5750000000000002 - complexity: 15 +- comm_cost: 0.40690104166666685 + complexity: 17 expressions: + - K+ + - K+ + - N+ + - R- - SE- - - and(K-, or(S+, R-)) + - and(N-, R+) - and(N-, R+) - and(or(K+, S-), not(R-)) - name: explored-8 + name: explored-7 type: explored -- comm_cost: 0.15833333333333366 +- comm_cost: 0.5729166666666666 complexity: 11 expressions: + - and(K-, or(S+, N+)) + - and(S-, SE-) + - or(N+, R-) + name: explored-8 + type: explored +- comm_cost: 0.5330555555555558 + complexity: 13 + expressions: + - K- - N+ - R- - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - or(N+, not(R+)) name: explored-9 type: explored -- comm_cost: 0.4848611111111113 - complexity: 13 +- comm_cost: 0.37447916666666703 + complexity: 7 expressions: - - K- - N+ - - S+ - - and(K-, not(R+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - not(R+) name: explored-10 type: explored -- comm_cost: 0.5841666666666668 - complexity: 15 +- comm_cost: 0.18020833333333353 + complexity: 12 expressions: + - K+ - N+ + - R+ - R- - - SE- + - R- + - S+ - and(N-, R+) - - and(S-, N-) - - and(S-, N-) - - or(K+, S-) + - and(S-, SE-) name: explored-11 type: explored -- comm_cost: 0.677326388888889 - complexity: 11 +- comm_cost: 0.38531250000000017 + complexity: 13 expressions: - - R+ - - SE- - - and(K-, or(S+, R+)) - - or(N+, not(R+)) + - N+ + - N- + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) name: explored-12 type: explored -- comm_cost: 0.7637152777777778 - complexity: 8 +- comm_cost: 0.5880208333333334 + complexity: 16 expressions: - - and(K-, N-) - - and(N-, or(S+, R+)) + - K+ + - R- + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, SE+) name: explored-13 type: explored -- comm_cost: 0.22968750000000016 - complexity: 16 +- comm_cost: 0.46848958333333346 + complexity: 17 expressions: - N+ - R- - S+ - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(N+, not(R+)) name: explored-14 type: explored -- comm_cost: 0.4671875000000001 - complexity: 9 +- comm_cost: 0.5252604166666669 + complexity: 8 expressions: - - R+ - R- - - S+ - - and(S-, N-) - - and(S-, SE-) + - SE- + - and(N-, R+) + - or(S+, R+) name: explored-15 type: explored -- comm_cost: 0.4706510416666668 - complexity: 19 +- comm_cost: 0.45043402777777797 + complexity: 17 expressions: - K+ - - K+ - - N+ - R- - - S+ - - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(S+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, N+) name: explored-16 type: explored -- comm_cost: 0.5579722222222223 - complexity: 32 +- comm_cost: 0.6725115740740741 + complexity: 8 expressions: - - K- - - N+ - - and(K-, SE-) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - or(N+, R-) + - R+ + - S- + - SE- + - and(K-, or(S+, R+)) name: explored-17 type: explored -- comm_cost: 0.5272569444444447 - complexity: 14 +- comm_cost: 0.40798611111111127 + complexity: 19 expressions: - - R+ + - N+ + - R- - and(N-, R+) - - or(K+, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-18 type: explored -- comm_cost: 0.3508217592592595 - complexity: 20 +- comm_cost: 0.5046875000000002 + complexity: 10 expressions: - K+ - - K+ - - R- - - S+ + - N+ - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(N-, or(K+, S-)) name: explored-19 type: explored -- comm_cost: 0.6761979166666667 - complexity: 9 +- comm_cost: 0.5778935185185187 + complexity: 15 expressions: - N+ + - R+ - R- - SE- + - and(K-, SE-) + - and(K-, or(S+, R+)) - or(K+, SE+) - - or(S+, SE+) name: explored-20 type: explored -- comm_cost: 0.6595486111111113 - complexity: 13 +- comm_cost: 0.3576388888888893 + complexity: 14 expressions: - - R+ - - and(N-, or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - N+ + - R- + - and(K-, SE-) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-21 type: explored -- comm_cost: 0.4120949074074076 - complexity: 21 +- comm_cost: 0.24583333333333357 + complexity: 19 expressions: - K+ + - N+ - R- - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-22 type: explored -- comm_cost: 0.5895833333333336 - complexity: 11 +- comm_cost: 0.6941261574074076 + complexity: 10 expressions: - R+ - - and(N-, or(K+, R+)) - - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) + - or(S+, R+) name: explored-23 type: explored -- comm_cost: 0.180121527777778 - complexity: 16 +- comm_cost: 0.36302083333333357 + complexity: 10 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-24 type: explored -- comm_cost: 0.6776909722222222 - complexity: 7 +- comm_cost: 0.7470486111111112 + complexity: 5 expressions: - - N+ - - SE- - - and(K-, SE-) - - not(R+) + - K+ + - R+ + - or(K+, R+) name: explored-25 type: explored -- comm_cost: 0.4985677083333335 - complexity: 14 +- comm_cost: 0.45468750000000024 + complexity: 18 expressions: - K+ - - N+ - - SE- + - K+ + - R- + - S+ - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) - and(SE-, or(K+, S-)) - - or(K+, SE+) name: explored-26 type: explored -- comm_cost: 0.6869212962962964 - complexity: 12 +- comm_cost: 0.2817708333333335 + complexity: 9 expressions: + - N+ - R+ - - and(K-, N-) - - and(K-, not(R+)) - - and(S-, not(R-)) + - R- + - and(N-, R+) + - and(S-, SE-) name: explored-27 type: explored -- comm_cost: 0.41090856481481497 - complexity: 19 +- comm_cost: 0.32187500000000013 + complexity: 16 expressions: - N+ + - N+ - R- - - and(K-, N-) - - and(K-, or(S+, N+)) + - S+ + - SE+ - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - and(SE-, or(K+, S-)) name: explored-28 type: explored -- comm_cost: 0.5818229166666669 - complexity: 16 +- comm_cost: 0.778125 + complexity: 5 expressions: - - R+ - R- - - and(S-, SE-) + - SE- - or(K+, R-) - - or(N+, not(R+)) - - or(N+, not(R+)) name: explored-29 type: explored -- comm_cost: 0.5083043981481484 - complexity: 16 +- comm_cost: 0.5229166666666668 + complexity: 8 expressions: - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - or(K+, or(N+, R-)) + - SE- + - and(and(S-, N-), not(R-)) name: explored-30 type: explored -- comm_cost: 0.6098958333333335 +- comm_cost: 0.33515625000000027 complexity: 8 expressions: - N+ - - R+ - R- - - and(K-, or(S+, R-)) + - S+ + - and(N-, R+) + - not(R+) name: explored-31 type: explored -- comm_cost: 0.3934895833333334 - complexity: 20 +- comm_cost: 0.26367187500000033 + complexity: 24 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-32 type: explored -- comm_cost: 0.3750000000000002 - complexity: 19 +- comm_cost: 0.4895833333333336 + complexity: 14 expressions: - - K+ - N+ - R- - - S+ + - S- + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(SE-, N+) name: explored-33 type: explored -- comm_cost: 0.41953125000000013 - complexity: 14 +- comm_cost: 0.4276041666666668 + complexity: 11 expressions: - - N+ + - R+ - R- - - and(N-, R+) + - SE- + - and(K-, or(S+, N+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-34 type: explored -- comm_cost: 0.6993344907407409 - complexity: 8 +- comm_cost: 0.3713541666666669 + complexity: 13 expressions: - - N+ - - SE+ + - R- - and(N-, R+) - - or(K+, SE+) + - and(S-, SE-) + - or(K+, R-) + - or(S+, R+) name: explored-35 type: explored -- comm_cost: 0.22361111111111132 - complexity: 18 +- comm_cost: 0.44114583333333346 + complexity: 20 expressions: - K+ - - N+ - R- - - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-36 type: explored -- comm_cost: 0.6628472222222224 - complexity: 5 +- comm_cost: 0.5534722222222226 + complexity: 7 expressions: - - R+ - - S- + - R- - and(N-, R+) - name: explored-37 - type: explored -- comm_cost: 0.7078373015873016 - complexity: 33 - expressions: - - N- - - and(K-, not(R-)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - not(R+) - - or(K+, N+) - - or(K+, R-) - - or(K+, S-) - - or(K+, SE+) - or(S+, R-) - name: explored-38 + name: explored-37 type: explored -- comm_cost: 0.5586284722222223 - complexity: 15 +- comm_cost: 0.27500000000000036 + complexity: 14 expressions: - N+ - R- - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + name: explored-38 + type: explored +- comm_cost: 0.22708333333333353 + complexity: 14 + expressions: + - K+ + - K+ + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-39 type: explored -- comm_cost: 0.5588541666666668 - complexity: 9 +- comm_cost: 0.3430121527777781 + complexity: 17 expressions: - K+ - N+ - - and(K-, not(R-)) + - S+ + - and(N-, R+) - and(S-, SE-) + - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-40 type: explored -- comm_cost: 0.5070833333333336 - complexity: 15 +- comm_cost: 0.47430555555555576 + complexity: 17 expressions: - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - not(R-) + - and(K-, SE-) + - and(K-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-41 type: explored -- comm_cost: 0.6270833333333334 - complexity: 10 +- comm_cost: 0.6111111111111113 + complexity: 13 expressions: - - N+ - R+ + - R- - SE- - - and(S-, not(R+)) - - or(K+, S-) + - and(K-, or(S+, R-)) + - and(N-, or(K+, S-)) name: explored-42 type: explored -- comm_cost: 0.6858489583333334 - complexity: 15 +- comm_cost: 0.4130208333333334 + complexity: 17 expressions: - - K- - - R+ + - K+ + - N+ - R- - - and(K-, not(R+)) - - and(N-, or(K+, S-)) - - and(S-, N-) + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(S+, R+) name: explored-43 type: explored -- comm_cost: 0.2562500000000003 - complexity: 8 +- comm_cost: 0.5127604166666668 + complexity: 12 expressions: - - K+ - N+ - - R- - - R- - - SE- + - and(K-, N-) + - and(K-, or(S+, R-)) - and(N-, R+) name: explored-44 type: explored -- comm_cost: 0.563324652777778 - complexity: 17 +- comm_cost: 0.3737847222222226 + complexity: 12 expressions: - - R- - - SE- - - SE- - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(S+, or(N+, R-)) + - N+ + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - not(R+) name: explored-45 type: explored -- comm_cost: 0.4141666666666668 - complexity: 13 +- comm_cost: 0.7083333333333333 + complexity: 3 expressions: - - K+ - - K- - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - SE- + - SE- name: explored-46 type: explored -- comm_cost: 0.5996527777777779 - complexity: 10 +- comm_cost: 0.703888888888889 + complexity: 8 expressions: - - R+ - - SE- + - N+ - SE- - - or(and(S-, SE-), or(N+, R-)) + - or(S+, N+) + - or(S+, SE+) name: explored-47 type: explored -- comm_cost: 0.5269965277777778 - complexity: 17 +- comm_cost: 0.5725694444444446 + complexity: 13 expressions: - - N+ - - R- - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - R+ + - SE- + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-48 type: explored -- comm_cost: 0.5184461805555558 - complexity: 19 +- comm_cost: 0.6 + complexity: 12 expressions: - N+ - - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - - or(K+, N+) + - R- + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-49 type: explored -- comm_cost: 0.5207928240740742 - complexity: 13 +- comm_cost: 0.7116319444444444 + complexity: 18 expressions: - - K+ - - K+ - - N+ - - N- - R- - - S+ - - and(N-, R+) - - and(S-, not(R-)) + - and(K-, or(S+, R-)) + - and(S-, or(N+, not(R+))) + - or(K+, N+) + - or(K+, R-) name: explored-50 type: explored -- comm_cost: 0.5060763888888891 - complexity: 9 +- comm_cost: 0.1838541666666671 + complexity: 16 expressions: - K+ - - R- - - SE- + - N+ + - and(K-, S+) - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-51 type: explored -- comm_cost: 0.5308333333333334 - complexity: 7 +- comm_cost: 0.26672453703703725 + complexity: 22 expressions: - K+ - - K- - N+ - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, R-) name: explored-52 type: explored -- comm_cost: 0.5638020833333335 - complexity: 12 +- comm_cost: 0.5827256944444446 + complexity: 17 expressions: - R+ - - and(K-, SE-) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - R- + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, R-) + - or(S+, N+) name: explored-53 type: explored -- comm_cost: 0.45468750000000013 - complexity: 18 +- comm_cost: 0.5416666666666667 + complexity: 10 expressions: + - K+ - N+ - R- - - and(N-, R+) + - S+ - and(S-, SE-) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, S-) name: explored-54 type: explored -- comm_cost: 0.30723379629629644 - complexity: 15 +- comm_cost: 0.4824652777777779 + complexity: 14 expressions: - N+ - R- - - S+ - - SE+ + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-55 type: explored -- comm_cost: 0.6309027777777779 - complexity: 8 +- comm_cost: 0.7239583333333333 + complexity: 6 expressions: - - R+ - - SE- - - and(K-, SE-) - - or(K+, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-56 type: explored -- comm_cost: 0.6273148148148149 +- comm_cost: 0.5909432870370372 complexity: 13 expressions: - - R+ - - SE+ - - SE- - - and(K-, or(S+, N+)) - - and(N-, or(S+, R+)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, not(R-)) + - or(K+, K-) name: explored-57 type: explored -- comm_cost: 0.7038657407407408 - complexity: 10 +- comm_cost: 0.5955729166666668 + complexity: 13 expressions: + - N+ - R+ - R- - SE- - - or(K+, K-) - - or(N+, not(R+)) + - and(N-, not(R-)) + - and(N-, or(S+, SE+)) name: explored-58 type: explored -- comm_cost: 0.6685763888888889 - complexity: 9 +- comm_cost: 0.6213541666666668 + complexity: 11 expressions: - - N+ - R+ - R- - - S- - - and(N-, or(K+, S-)) + - and(or(K+, S-), not(R+)) + - or(K+, R+) name: explored-59 type: explored -- comm_cost: 0.6565972222222223 - complexity: 6 +- comm_cost: 0.6115625000000001 + complexity: 19 expressions: - - N- - R+ + - R- - SE- - - or(K+, R-) + - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) name: explored-60 type: explored -- comm_cost: 0.393113425925926 - complexity: 15 +- comm_cost: 0.06406250000000036 + complexity: 20 expressions: - K+ - N+ - R- - - S+ - - SE+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-61 type: explored -- comm_cost: 0.47526041666666674 - complexity: 16 +- comm_cost: 0.6648148148148149 + complexity: 13 expressions: - N+ + - R+ - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - SE- + - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-62 type: explored -- comm_cost: 0.3455729166666669 +- comm_cost: 0.5072337962962964 complexity: 15 expressions: - N+ - R- - - R- + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(K+, SE+) + - and(N-, or(S+, R+)) name: explored-63 type: explored -- comm_cost: 0.43671875000000027 - complexity: 12 +- comm_cost: 0.6034895833333335 + complexity: 18 expressions: - N+ + - R- + - SE- + - and(K-, not(R-)) + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - or(N+, not(R+)) name: explored-64 type: explored -- comm_cost: 0.34153645833333357 - complexity: 19 +- comm_cost: 0.4354166666666669 + complexity: 16 expressions: - K+ - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - and(SE+, N-) + - and(SE-, or(K+, S-)) + - or(K+, R+) name: explored-65 type: explored -- comm_cost: 0.26041666666666696 - complexity: 7 +- comm_cost: 0.5773726851851853 + complexity: 13 expressions: - N+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(K-, not(R-)) + - and(K-, or(S+, R+)) name: explored-66 type: explored -- comm_cost: 0.45763888888888915 - complexity: 8 +- comm_cost: 0.43671875000000016 + complexity: 10 expressions: + - K+ - N+ - - SE- + - R- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, N-) name: explored-67 type: explored -- comm_cost: 0.33750000000000036 - complexity: 14 +- comm_cost: 0.26041666666666696 + complexity: 10 expressions: - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) - - or(K+, R-) + - and(S-, SE-) + - and(S-, SE-) name: explored-68 type: explored -- comm_cost: 0.5533333333333335 - complexity: 15 +- comm_cost: 0.6653067129629631 + complexity: 9 expressions: - - K+ - - R- - - SE- - - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(S+, SE+) + - R+ + - and(K-, N-) + - and(N-, or(K+, SE+)) name: explored-69 type: explored -- comm_cost: 0.6409722222222223 - complexity: 8 +- comm_cost: 0.6275462962962964 + complexity: 11 expressions: + - N+ + - R+ - SE- - - and(S-, SE-) - - and(S-, not(R-)) + - and(K-, or(S+, SE+)) + - and(S-, N-) name: explored-70 type: explored -- comm_cost: 0.6186747685185187 - complexity: 13 +- comm_cost: 0.16319444444444464 + complexity: 17 expressions: + - K+ - N+ - - R+ - R- - - SE- - - or(K+, R+) - - or(K+, R-) - - or(S+, SE+) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-71 type: explored -- comm_cost: 0.627560763888889 - complexity: 28 +- comm_cost: 0.49131944444444464 + complexity: 20 expressions: - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) - - or(S+, R+) + - R+ + - and(K-, S+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-72 type: explored -- comm_cost: 0.7307986111111112 - complexity: 7 +- comm_cost: 0.5413194444444446 + complexity: 13 expressions: - - K- - R+ - - and(N-, or(S+, SE+)) + - R- + - SE- + - SE- + - and(K-, or(N+, not(R+))) + - and(S-, SE-) name: explored-73 type: explored -- comm_cost: 0.1706597222222226 - complexity: 19 +- comm_cost: 0.43706597222222243 + complexity: 22 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-74 type: explored -- comm_cost: 0.298229166666667 - complexity: 16 +- comm_cost: 0.7005208333333335 + complexity: 7 expressions: - K+ - - N+ - - R- - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - R+ + - and(N-, or(K+, R+)) name: explored-75 type: explored -- comm_cost: 0.6320138888888889 - complexity: 8 +- comm_cost: 0.6414930555555557 + complexity: 10 expressions: - - N+ - - R- - - SE- - - not(R-) - - or(K+, N+) + - R+ + - and(S-, N-) + - and(or(K+, S-), not(R+)) name: explored-76 type: explored -- comm_cost: 0.6022569444444446 - complexity: 7 +- comm_cost: 0.4644791666666668 + complexity: 13 expressions: - - R+ - - and(K-, SE-) - - or(K+, R+) + - K+ + - K- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-77 type: explored -- comm_cost: 0.4133101851851855 - complexity: 14 +- comm_cost: 0.4021701388888891 + complexity: 16 expressions: - - K+ + - N+ - R- + - S+ - SE- - and(N-, R+) - - or(K+, or(N+, R-)) - - or(S+, R-) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-78 type: explored -- comm_cost: 0.5854166666666669 - complexity: 6 +- comm_cost: 0.6348958333333334 + complexity: 9 expressions: - - R- - - S+ - - SE+ - - and(N-, R+) + - R+ + - and(SE-, or(K+, S-)) + - or(K+, SE+) name: explored-79 type: explored -- comm_cost: 0.6031250000000001 - complexity: 8 +- comm_cost: 0.36822916666666683 + complexity: 11 expressions: - - R+ - - S+ - - SE- - - and(N-, or(K+, SE+)) + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-80 type: explored -- comm_cost: 0.8302083333333333 - complexity: 7 +- comm_cost: 0.23888888888888915 + complexity: 22 expressions: - K+ + - N+ - R- - - or(S+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-81 type: explored -- comm_cost: 0.4302083333333333 +- comm_cost: 0.41080729166666696 complexity: 17 expressions: - K+ - - N+ - R- - - and(K-, S+) - - and(K-, S+) + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(SE-, N+) name: explored-82 type: explored -- comm_cost: 0.5075694444444446 - complexity: 17 +- comm_cost: 0.6334490740740742 + complexity: 12 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, S-) + - R+ + - SE- + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) name: explored-83 type: explored -- comm_cost: 0.3735243055555557 - complexity: 20 +- comm_cost: 0.3085069444444446 + complexity: 24 expressions: - - K+ - N+ - - and(K-, N-) + - R- - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-84 type: explored -- comm_cost: 0.38735532407407425 - complexity: 19 +- comm_cost: 0.4182870370370373 + complexity: 20 expressions: - - K+ - N+ - R- - - S+ - - and(K-, N-) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - or(S+, SE+) name: explored-85 type: explored -- comm_cost: 0.31497395833333364 - complexity: 26 +- comm_cost: 0.5776041666666669 + complexity: 9 expressions: - - K+ - - K+ - - N+ - - R- - - S+ + - R+ - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) name: explored-86 type: explored -- comm_cost: 0.5150173611111113 - complexity: 20 +- comm_cost: 0.5129050925925929 + complexity: 12 expressions: - - K+ - - K+ - N+ - - S+ + - R- + - SE- + - and(N-, R+) - and(N-, R+) - - and(S-, SE-) - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) name: explored-87 type: explored -- comm_cost: 0.5158391203703706 - complexity: 35 +- comm_cost: 0.4846354166666669 + complexity: 12 expressions: - - and(K-, S+) + - K+ + - K+ + - R- + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) - - or(K+, N+) - - or(S+, R-) - - or(S+, or(N+, R-)) + - and(N-, or(K+, R+)) name: explored-88 type: explored -- comm_cost: 0.6494791666666668 - complexity: 8 - expressions: - - R+ - - not(R+) - - or(S+, or(N+, R-)) - name: explored-89 - type: explored -- comm_cost: 0.26527777777777795 - complexity: 16 +- comm_cost: 0.3221354166666668 + complexity: 14 expressions: - - R+ + - K+ + - K+ + - N+ - R- - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-90 + name: explored-89 type: explored -- comm_cost: 0.3119791666666669 - complexity: 28 +- comm_cost: 0.4706597222222222 + complexity: 15 expressions: - K+ - K+ - N+ - R- - S+ - - and(K-, or(SE-, N+)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) + name: explored-90 + type: explored +- comm_cost: 0.20364583333333353 + complexity: 15 + expressions: + - N+ + - R- - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - and(and(K-, N-), or(S+, R+)) name: explored-91 type: explored -- comm_cost: 0.6605902777777779 - complexity: 8 +- comm_cost: 0.301041666666667 + complexity: 9 expressions: + - N+ - R- - SE- - - and(S-, N-) - - or(SE-, N+) + - and(N-, R+) + - or(K+, R-) name: explored-92 type: explored -- comm_cost: 0.7160879629629631 - complexity: 7 +- comm_cost: 0.5776041666666669 + complexity: 11 expressions: - R+ - - and(SE+, N-) - - or(K+, R+) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-93 type: explored -- comm_cost: 0.6067708333333335 - complexity: 6 +- comm_cost: 0.6802083333333335 + complexity: 2 expressions: - - K+ - R+ - - R- - - and(SE+, N-) + - S+ name: explored-94 type: explored -- comm_cost: 0.5845486111111113 - complexity: 12 +- comm_cost: 0.3986979166666669 + complexity: 10 expressions: - - SE- + - N+ - and(N-, R+) - - and(N-, or(K+, R+)) - - and(SE+, N-) + - and(S-, SE-) + - or(S+, R+) name: explored-95 type: explored -- comm_cost: 0.5744907407407409 - complexity: 10 +- comm_cost: 0.20416666666666705 + complexity: 11 expressions: - K+ - - K- - N+ - - R- + - and(K-, SE-) - and(N-, R+) - - or(K+, R+) + - and(S-, SE-) name: explored-96 type: explored -- comm_cost: 0.4711458333333336 +- comm_cost: 0.4875868055555558 complexity: 11 expressions: - N+ - - and(N-, R+) - - or(K+, N+) - - or(N+, not(R+)) + - N+ + - R+ + - R- + - SE- + - and(K-, SE-) + - or(SE-, N+) name: explored-97 type: explored -- comm_cost: 0.4130208333333333 - complexity: 14 +- comm_cost: 0.5889756944444446 + complexity: 15 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-98 type: explored -- comm_cost: 0.530902777777778 - complexity: 15 +- comm_cost: 0.5500000000000002 + complexity: 6 expressions: + - K+ + - R- + - S- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) name: explored-99 type: explored -- comm_cost: 0.5837268518518519 - complexity: 18 +- comm_cost: 0.1428240740740745 + complexity: 15 expressions: - - K- - - R+ + - N+ - R- - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) + - or(S+, R-) name: explored-100 type: explored -- comm_cost: 0.13637152777777817 - complexity: 13 +- comm_cost: 0.4898611111111113 + complexity: 9 expressions: - - K+ - - K+ - N+ + - R- - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - not(R-) name: explored-101 type: explored -- comm_cost: 0.3744791666666669 - complexity: 11 +- comm_cost: 0.4487500000000002 + complexity: 12 expressions: - K+ - - S+ - - and(K-, SE-) + - N+ + - R- - and(N-, R+) - and(S-, SE-) + - or(K+, S-) name: explored-102 type: explored -- comm_cost: 0.4789930555555557 - complexity: 11 +- comm_cost: 0.524826388888889 + complexity: 16 expressions: - N+ - - SE+ - - SE- + - R- - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, K-) name: explored-103 type: explored -- comm_cost: 0.22187500000000027 - complexity: 14 +- comm_cost: 0.3953125000000002 + complexity: 10 expressions: + - K+ + - N+ - R- - - R- - - S+ + - S- - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-104 type: explored -- comm_cost: 0.6630787037037038 - complexity: 9 +- comm_cost: 0.41626157407407427 + complexity: 23 expressions: - - R+ - - and(K-, or(S+, R+)) - - and(S-, N-) + - K+ + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-105 type: explored -- comm_cost: 0.5947916666666668 - complexity: 15 +- comm_cost: 0.6536458333333335 + complexity: 5 expressions: - R+ - S+ - - SE- - - or(K+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - or(SE-, N+) name: explored-106 type: explored -- comm_cost: 0.6915625000000001 - complexity: 6 +- comm_cost: 0.6241319444444445 + complexity: 5 expressions: - - R+ - - not(R-) - - or(N+, R-) + - K+ + - N+ + - R- + - S+ + - SE+ name: explored-107 type: explored -- comm_cost: 0.4931423611111113 - complexity: 14 +- comm_cost: 0.1472222222222226 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(SE-, N+) + - and(or(K+, S-), not(R+)) name: explored-108 type: explored -- comm_cost: 0.7173530092592594 - complexity: 38 +- comm_cost: 0.5305555555555557 + complexity: 9 expressions: - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - R- + - S+ + - SE- + - and(K-, or(S+, R-)) name: explored-109 type: explored -- comm_cost: 0.8227430555555555 - complexity: 8 +- comm_cost: 0.18368055555555585 + complexity: 18 expressions: - - and(K-, not(R+)) - - and(S-, not(R+)) + - K+ + - N+ + - R- + - SE- + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-110 type: explored -- comm_cost: 0.5432291666666668 - complexity: 8 +- comm_cost: 0.7810763888888889 + complexity: 9 expressions: - - R+ - - R- - - S+ - - SE- - - and(K-, not(R+)) + - and(S-, or(N+, not(R+))) + - or(K+, R-) name: explored-111 type: explored -- comm_cost: 0.7765625 - complexity: 7 +- comm_cost: 0.6675409226190477 + complexity: 30 expressions: - - SE- + - SE+ + - and(K-, or(N+, not(R+))) - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - or(K+, N+) + - or(S+, SE+) - or(SE-, N+) name: explored-112 type: explored -- comm_cost: 0.5145833333333333 - complexity: 10 +- comm_cost: 0.3340277777777779 + complexity: 21 expressions: + - K+ - N+ - R- + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-113 type: explored -- comm_cost: 0.6890046296296297 - complexity: 11 +- comm_cost: 0.27688078703703733 + complexity: 20 expressions: - - R+ - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) + - K+ + - N+ + - R- + - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(N+, R-) name: explored-114 type: explored -- comm_cost: 0.6101562500000002 - complexity: 15 +- comm_cost: 0.7358333333333333 + complexity: 17 expressions: - - R+ - SE- - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) + - or(and(K-, S+), or(N+, R-)) name: explored-115 type: explored -- comm_cost: 0.8371527777777777 - complexity: 10 +- comm_cost: 0.11562500000000031 + complexity: 16 expressions: - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-116 type: explored -- comm_cost: 0.6942708333333334 - complexity: 13 +- comm_cost: 0.6666869212962964 + complexity: 28 expressions: - - SE- - - and(K-, or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - S- + - and(S-, N-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) + - or(S+, R-) + - or(S+, SE+) name: explored-117 type: explored -- comm_cost: 0.7547453703703705 - complexity: 5 +- comm_cost: 0.441996527777778 + complexity: 13 expressions: - - R+ + - K+ + - K+ + - N+ + - N- + - R- + - S+ - SE+ - - or(K+, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-118 type: explored -- comm_cost: 0.5201822916666667 - complexity: 19 +- comm_cost: 0.43168402777777803 + complexity: 18 expressions: - - K+ - - K+ - - R- + - N+ - S+ - - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - or(SE-, N+) name: explored-119 type: explored -- comm_cost: 0.42604166666666676 - complexity: 10 +- comm_cost: 0.2884837962962965 + complexity: 18 expressions: - - R+ + - N+ - R- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-120 type: explored -- comm_cost: 0.44045138888888924 +- comm_cost: 0.6171527777777779 complexity: 10 expressions: - - S+ + - N+ + - N- - SE- - - and(K-, or(S+, N+)) + - and(K-, not(R-)) - and(N-, R+) name: explored-121 type: explored -- comm_cost: 0.4741319444444445 - complexity: 9 +- comm_cost: 0.4300347222222223 + complexity: 18 expressions: - - R+ - - R- - - SE- + - N+ + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, R+) + - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-122 type: explored -- comm_cost: 0.5877604166666668 - complexity: 8 +- comm_cost: 0.2507812500000003 + complexity: 13 expressions: - - R+ - - and(SE-, or(K+, S-)) - - not(R+) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-123 type: explored -- comm_cost: 0.41412037037037064 - complexity: 12 +- comm_cost: 0.7256944444444444 + complexity: 8 expressions: - N+ - - R- - - R- - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-124 type: explored -- comm_cost: 0.650925925925926 - complexity: 14 +- comm_cost: 0.6857986111111112 + complexity: 15 expressions: - - R- - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(K+, K-) + - K- + - N+ + - and(K-, S+) + - and(K-, not(R-)) + - and(SE+, N-) + - or(N+, R-) name: explored-125 type: explored -- comm_cost: 0.7547453703703705 - complexity: 7 +- comm_cost: 0.3605902777777781 + complexity: 13 expressions: - - R+ - - SE+ - - and(K-, or(S+, R+)) + - K+ + - N+ + - R- + - R- + - and(K-, S+) + - and(N-, R+) + - and(SE+, N-) name: explored-126 type: explored -- comm_cost: 0.5146145833333335 - complexity: 14 +- comm_cost: 0.41319444444444486 + complexity: 13 expressions: - K+ - N+ - - R- - - S+ - SE- - and(N-, R+) - - or(S+, N+) - - or(S+, SE+) + - and(or(K+, S-), or(SE-, N+)) name: explored-127 type: explored -- comm_cost: 0.23984375000000013 - complexity: 16 +- comm_cost: 0.2460069444444446 + complexity: 18 expressions: - K+ - N+ - R- - - R- - - and(K-, S+) + - S+ + - SE- - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-128 type: explored -- comm_cost: 0.524189814814815 - complexity: 15 +- comm_cost: 0.26041666666666696 + complexity: 8 expressions: + - N+ + - N+ - and(N-, R+) - - and(S-, N-) - - and(S-, N-) - and(S-, SE-) - - or(K+, N+) name: explored-129 type: explored -- comm_cost: 0.573871527777778 - complexity: 11 +- comm_cost: 0.7104166666666667 + complexity: 9 expressions: - - N+ - - R+ - R- - SE- - - and(N-, not(R-)) - - or(SE-, N+) + - and(or(K+, S-), or(SE-, N+)) name: explored-130 type: explored -- comm_cost: 0.0935763888888892 - complexity: 19 +- comm_cost: 0.6855902777777779 + complexity: 9 expressions: - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - and(N-, or(K+, R+)) + - and(S-, not(R-)) name: explored-131 type: explored -- comm_cost: 0.404166666666667 - complexity: 11 +- comm_cost: 0.5453125000000001 + complexity: 8 expressions: - - K+ - N+ - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(K-, SE-) + - and(S-, N-) name: explored-132 type: explored -- comm_cost: 0.7426076388888889 - complexity: 20 +- comm_cost: 0.884375 + complexity: 3 expressions: - - K- - - S- - - and(N-, or(K+, SE+)) - - or(K+, R+) - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, N+) name: explored-133 type: explored -- comm_cost: 0.3774739583333335 - complexity: 18 +- comm_cost: 0.6604166666666668 + complexity: 8 expressions: - - K+ - - N+ - - R- + - R+ - SE- - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, R+) + - or(N+, R-) + - or(S+, SE+) name: explored-134 type: explored -- comm_cost: 0.146354166666667 - complexity: 12 +- comm_cost: 0.5888888888888889 + complexity: 7 expressions: - - N+ + - K+ - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - and(K-, not(R+)) name: explored-135 type: explored -- comm_cost: 0.5782118055555556 +- comm_cost: 0.4442708333333335 complexity: 12 expressions: - R- - - SE- - - and(K-, not(R-)) + - and(K-, SE-) - and(N-, R+) - - or(S+, R+) + - and(N-, or(K+, R+)) name: explored-136 type: explored -- comm_cost: 0.6816319444444445 - complexity: 10 +- comm_cost: 0.4890625000000002 + complexity: 19 expressions: - - R+ - - SE- - - and(K-, or(SE-, N+)) - - or(S+, SE+) + - N+ + - N+ + - R- + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) name: explored-137 type: explored -- comm_cost: 0.5298611111111113 - complexity: 9 +- comm_cost: 0.7011030092592594 + complexity: 31 expressions: - K+ - - N+ - - R- - - and(N-, R+) - - or(K+, R+) + - and(K-, or(N+, not(R+))) + - and(N-, not(R-)) + - and(S-, N-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) + - or(K+, N+) + - or(S+, SE+) name: explored-138 type: explored -- comm_cost: 0.5322916666666666 - complexity: 8 +- comm_cost: 0.11666666666666692 + complexity: 12 expressions: + - K+ - N+ - - R- - S+ + - and(N-, R+) - and(S-, SE-) - - not(R-) + - or(K+, R-) name: explored-139 type: explored -- comm_cost: 0.3341666666666667 - complexity: 14 +- comm_cost: 0.6937500000000001 + complexity: 12 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-140 type: explored -- comm_cost: 0.5895833333333336 - complexity: 12 +- comm_cost: 0.2976562500000002 + complexity: 16 expressions: - - R+ - - and(N-, or(K+, R+)) - - and(and(S-, N-), not(R-)) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-141 type: explored -- comm_cost: 0.6995659722222224 - complexity: 18 +- comm_cost: 0.4046875000000003 + complexity: 10 expressions: - - R+ - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) - - or(S+, or(N+, R-)) + - R- + - SE- + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-142 type: explored -- comm_cost: 0.3173611111111113 - complexity: 11 +- comm_cost: 0.5278645833333335 + complexity: 7 expressions: - - K+ - - R- + - N+ + - N+ + - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) name: explored-143 type: explored -- comm_cost: 0.190277777777778 - complexity: 17 +- comm_cost: 0.6230208333333335 + complexity: 7 expressions: - N+ + - R+ - R- - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - SE- + - or(K+, S-) name: explored-144 type: explored -- comm_cost: 0.41863425925925934 - complexity: 21 +- comm_cost: 0.6868055555555557 + complexity: 6 expressions: - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(S+, R+)) name: explored-145 type: explored -- comm_cost: 0.6323767361111112 - complexity: 41 +- comm_cost: 0.75 + complexity: 9 expressions: - - N- - - and(N-, not(R-)) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - not(R+) - - or(K+, R-) - - or(K+, or(N+, R-)) + - and(K-, not(R-)) + - and(N-, or(K+, S-)) name: explored-146 type: explored -- comm_cost: 0.1789930555555559 - complexity: 12 +- comm_cost: 0.255729166666667 + complexity: 13 expressions: - - K+ - R- - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(S+, N+) name: explored-147 type: explored -- comm_cost: 0.392013888888889 +- comm_cost: 0.5784722222222225 complexity: 11 expressions: - - K+ - - R+ - - R- - - and(S-, SE-) - - or(K+, or(N+, R-)) + - N+ + - SE+ + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-148 type: explored -- comm_cost: 0.24739583333333348 - complexity: 14 +- comm_cost: 0.6104166666666668 + complexity: 12 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R+ + - and(K-, or(SE-, N+)) + - and(SE+, N-) + - and(SE+, N-) name: explored-149 type: explored -- comm_cost: 0.228385416666667 - complexity: 14 +- comm_cost: 0.6784722222222224 + complexity: 9 expressions: - - K+ - - R- - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-150 type: explored -- comm_cost: 0.4095486111111113 +- comm_cost: 0.5908564814814816 complexity: 14 expressions: - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, R-) + - R+ + - R- + - SE- + - and(N-, or(K+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-151 type: explored -- comm_cost: 0.6614930555555556 - complexity: 10 +- comm_cost: 0.5053819444444445 + complexity: 12 expressions: - - N+ - R+ - - SE- - - not(R-) - - or(K+, or(N+, R-)) + - R- + - and(N-, or(S+, R+)) + - and(S-, or(SE-, N+)) name: explored-152 type: explored -- comm_cost: 0.77375 - complexity: 6 +- comm_cost: 0.44704861111111116 + complexity: 11 expressions: - - or(K+, S-) - - or(S+, N+) + - K+ + - R- + - S+ + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-153 type: explored -- comm_cost: 0.6193287037037039 - complexity: 12 +- comm_cost: 0.3510416666666669 + complexity: 7 expressions: - N+ - - R+ - - R- - - SE- - - and(N-, or(K+, R+)) - - or(K+, K-) + - and(K-, SE-) + - and(N-, R+) name: explored-154 type: explored -- comm_cost: 0.34444444444444466 - complexity: 17 +- comm_cost: 0.668263888888889 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - R+ + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-155 type: explored -- comm_cost: 0.6313368055555557 - complexity: 8 +- comm_cost: 0.7493055555555557 + complexity: 9 expressions: - - K+ - - R+ - SE- - - and(N-, or(K+, S-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-156 type: explored -- comm_cost: 0.4241319444444446 - complexity: 13 +- comm_cost: 0.2539062500000002 + complexity: 17 expressions: - K+ - - K+ - N+ - R- - S+ - - S- - - SE+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - not(R+) name: explored-157 type: explored -- comm_cost: 0.75 - complexity: 9 +- comm_cost: 0.5833333333333335 + complexity: 14 expressions: - - and(K-, not(R-)) - - not(R+) - - or(S+, R+) + - R+ + - R- + - SE- + - and(K-, or(S+, R-)) + - or(K+, R+) + - or(N+, R-) name: explored-158 type: explored -- comm_cost: 0.3846354166666669 - complexity: 16 +- comm_cost: 0.3187500000000003 + complexity: 11 expressions: - - N+ - R- - - S+ + - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(N+, R-) name: explored-159 type: explored -- comm_cost: 0.7894097222222223 - complexity: 11 +- comm_cost: 0.6619791666666667 + complexity: 10 expressions: - - and(N-, or(K+, S-)) - - and(or(K+, S-), not(R+)) + - K+ + - SE- + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-160 type: explored -- comm_cost: 0.5421875000000002 - complexity: 11 +- comm_cost: 0.5591435185185186 + complexity: 16 expressions: + - N+ - R+ + - R- - SE- - - and(and(S-, N-), not(R-)) - - or(K+, R-) + - and(S-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) name: explored-161 type: explored -- comm_cost: 0.2083333333333336 - complexity: 10 +- comm_cost: 0.48067129629629646 + complexity: 12 expressions: + - N+ + - R+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - and(N-, or(K+, SE+)) name: explored-162 type: explored -- comm_cost: 0.5828125000000002 - complexity: 12 +- comm_cost: 0.41879629629629644 + complexity: 21 expressions: + - K+ + - N+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(S+, SE+) name: explored-163 type: explored -- comm_cost: 0.2312500000000003 - complexity: 8 +- comm_cost: 0.3031250000000003 + complexity: 12 expressions: - - K+ - R- - and(N-, R+) - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-164 type: explored -- comm_cost: 0.5574074074074076 - complexity: 14 +- comm_cost: 0.4370659722222223 + complexity: 19 expressions: - - SE+ + - N+ + - R- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-165 type: explored -- comm_cost: 0.6318055555555556 - complexity: 4 +- comm_cost: 0.5476851851851853 + complexity: 12 expressions: - - K+ - N+ - - N- + - R+ + - R+ + - R- - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-166 type: explored -- comm_cost: 0.389496527777778 - complexity: 21 +- comm_cost: 0.5849392361111113 + complexity: 37 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-167 type: explored -- comm_cost: 0.6524661044973546 - complexity: 44 +- comm_cost: 0.5690972222222224 + complexity: 9 expressions: - - SE+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, N-) - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R+ + - SE- + - and(or(K+, S-), not(R+)) name: explored-168 type: explored -- comm_cost: 0.4083333333333332 - complexity: 10 +- comm_cost: 0.5791666666666668 + complexity: 21 expressions: - - K+ - - K+ - - N+ - - R- - - and(S-, SE-) - - and(S-, SE-) + - and(K-, SE-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - not(R+) + - or(N+, R-) name: explored-169 type: explored -- comm_cost: 0.42529513888888903 - complexity: 15 +- comm_cost: 0.4302083333333334 + complexity: 14 expressions: - K+ - K+ - - K- - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - or(K+, K-) name: explored-170 type: explored -- comm_cost: 0.5380208333333332 - complexity: 8 +- comm_cost: 0.4192708333333335 + complexity: 18 expressions: - R- - - S+ - - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-171 type: explored -- comm_cost: 0.49736111111111114 - complexity: 12 +- comm_cost: 0.4159722222222224 + complexity: 14 expressions: - N+ - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(S+, SE+) + - R- + - SE- + - and(K-, SE-) + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-172 type: explored -- comm_cost: 0.13680555555555585 - complexity: 17 +- comm_cost: 0.42604166666666676 + complexity: 23 expressions: - K+ - - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-173 type: explored -- comm_cost: 0.5500000000000002 - complexity: 14 +- comm_cost: 0.5266203703703705 + complexity: 19 expressions: - N+ - - R+ - - R- - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(K+, N+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), not(R-)) name: explored-174 type: explored -- comm_cost: 0.46753472222222237 - complexity: 15 +- comm_cost: 0.27986111111111134 + complexity: 12 expressions: - K+ - N+ - - R+ - R- - - SE- - - and(K-, or(S+, N+)) - - and(N-, or(K+, R+)) + - S+ + - S+ + - and(K-, not(R+)) + - and(N-, R+) name: explored-175 type: explored -- comm_cost: 0.5906250000000002 - complexity: 7 +- comm_cost: 0.3055555555555558 + complexity: 12 expressions: - - R+ - - R- + - K+ + - N+ - SE+ - - SE- - - and(SE+, N-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-176 type: explored -- comm_cost: 0.6737847222222223 - complexity: 11 +- comm_cost: 0.4486111111111113 + complexity: 13 expressions: - K+ - - R+ - - R- - - SE- - - or(K+, S-) - - or(N+, not(R+)) + - K+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-177 type: explored -- comm_cost: 0.4167824074074076 - complexity: 16 +- comm_cost: 0.24583333333333346 + complexity: 12 expressions: - - R+ - - and(N-, or(K+, SE+)) + - K+ + - K+ + - N+ + - R- + - S+ + - SE+ + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) name: explored-178 type: explored -- comm_cost: 0.5442274305555557 - complexity: 13 +- comm_cost: 0.4549305555555557 + complexity: 10 expressions: - - K+ - - R+ + - N+ + - N- - R- - SE- - - and(K-, S+) - - or(K+, N+) - - or(S+, R+) + - and(K-, SE-) + - and(N-, R+) name: explored-179 type: explored -- comm_cost: 0.22734375000000018 - complexity: 18 +- comm_cost: 0.5097511574074075 + complexity: 15 expressions: - - K+ - N+ - - N+ - - R- - - and(K-, S+) - and(K-, or(S+, SE+)) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) name: explored-180 type: explored -- comm_cost: 0.17358217592592617 - complexity: 18 +- comm_cost: 0.3103125000000003 + complexity: 12 expressions: - K+ - - K+ - N+ - R- - - R- - S+ + - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(S+, N+) name: explored-181 type: explored -- comm_cost: 0.5736979166666667 - complexity: 10 +- comm_cost: 0.24947916666666692 + complexity: 14 expressions: - N+ - R- - - S+ - - S- + - and(K-, SE-) - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-182 type: explored -- comm_cost: 0.32430555555555585 - complexity: 12 +- comm_cost: 0.5009635416666668 + complexity: 21 expressions: - K+ + - N+ - R- - - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(K+, S-) + - or(S+, R+) name: explored-183 type: explored -- comm_cost: 0.7317708333333335 - complexity: 8 +- comm_cost: 0.5880208333333334 + complexity: 11 expressions: + - N+ - R+ - - R- - - or(S+, N+) - - or(S+, SE+) + - SE- + - and(K-, SE-) + - and(N-, or(K+, S-)) name: explored-184 type: explored -- comm_cost: 0.4080729166666669 - complexity: 15 +- comm_cost: 0.642361111111111 + complexity: 9 expressions: - - K+ + - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - SE- + - and(K-, S+) + - or(S+, N+) name: explored-185 type: explored -- comm_cost: 0.45572916666666674 - complexity: 9 +- comm_cost: 0.6662615740740742 + complexity: 14 expressions: - - N+ - R+ - - R- - - SE- - - and(SE-, or(K+, S-)) + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-186 type: explored -- comm_cost: 0.44687500000000013 - complexity: 12 +- comm_cost: 0.3119791666666669 + complexity: 16 expressions: - N+ - - R+ - R- - SE- - and(K-, or(SE-, N+)) - - and(S-, SE-) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-187 type: explored -- comm_cost: 0.47430555555555554 - complexity: 13 +- comm_cost: 0.671875 + complexity: 9 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(S-, SE-) + - and(K-, SE-) + - and(K-, or(S+, N+)) name: explored-188 type: explored -- comm_cost: 0.5251736111111112 - complexity: 11 +- comm_cost: 0.4633333333333336 + complexity: 17 expressions: - K+ - N+ - - R+ - R- - - S+ + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - not(R-) + - or(S+, SE+) name: explored-189 type: explored -- comm_cost: 0.4497395833333334 - complexity: 11 +- comm_cost: 0.2651041666666669 + complexity: 14 expressions: + - K+ - N+ - - N+ - - R+ - R- - - and(N-, not(R-)) - - and(S-, SE-) + - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) + - not(R+) name: explored-190 type: explored -- comm_cost: 0.26666666666666705 - complexity: 11 +- comm_cost: 0.15868055555555594 + complexity: 13 expressions: - - K+ - - S+ + - N+ - and(N-, R+) - and(S-, SE-) - or(K+, R-) + - or(S+, R-) name: explored-191 type: explored -- comm_cost: 0.7062673611111112 - complexity: 4 +- comm_cost: 0.3333333333333337 + complexity: 11 expressions: - - N- - - R+ - - S- + - N+ + - R- - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-192 type: explored -- comm_cost: 0.6292708333333334 - complexity: 4 +- comm_cost: 0.6794849537037038 + complexity: 33 expressions: - - N+ - - N- - - R+ - - R- + - K- + - and(K-, SE-) + - and(K-, or(S+, R-)) + - and(N-, or(K+, SE+)) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) + - not(R-) + - or(S+, N+) + - or(S+, R+) name: explored-193 type: explored -- comm_cost: 0.38683449074074083 - complexity: 17 +- comm_cost: 0.6165219907407409 + complexity: 12 expressions: - - K+ - - N+ + - R+ - R- - - SE+ - - and(K-, S+) - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) name: explored-194 type: explored -- comm_cost: 0.06093750000000031 +- comm_cost: 0.5083333333333337 complexity: 10 expressions: - - K+ - - N+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-195 type: explored -- comm_cost: 0.6271122685185186 - complexity: 9 +- comm_cost: 0.6987152777777779 + complexity: 6 expressions: + - N- - R+ - - R- - SE- - - or(K+, R+) - - or(K+, SE+) + - or(SE-, N+) name: explored-196 type: explored -- comm_cost: 0.2829427083333337 - complexity: 16 +- comm_cost: 0.5325000000000002 + complexity: 15 expressions: - K+ - N+ - - R- - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(SE-, N+) + - and(and(S-, N-), not(R-)) + - or(S+, SE+) name: explored-197 type: explored -- comm_cost: 0.6542708333333334 - complexity: 8 +- comm_cost: 0.6708333333333333 + complexity: 3 expressions: - - K- - - R+ + - N+ - R- - - SE+ - - SE- - - or(K+, N+) + - S+ name: explored-198 type: explored -- comm_cost: 0.546527777777778 - complexity: 11 +- comm_cost: 0.18125000000000036 + complexity: 17 expressions: - K+ - - N+ - - and(K-, S+) + - R- + - R- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - or(K+, R+) + - and(S-, SE-) name: explored-199 type: explored -- comm_cost: 0.20468750000000036 - complexity: 18 +- comm_cost: 0.3333333333333337 + complexity: 13 expressions: - - K+ - N+ - - S+ - - and(K-, S+) + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-200 type: explored -- comm_cost: 0.4620833333333335 - complexity: 12 +- comm_cost: 0.531076388888889 + complexity: 9 expressions: - - K- - - N+ + - K+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - SE- + - and(N-, or(S+, R+)) name: explored-201 type: explored -- comm_cost: 0.47578125000000016 - complexity: 13 +- comm_cost: 0.36250000000000027 + complexity: 10 expressions: + - K+ + - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(SE+, N-) name: explored-202 type: explored -- comm_cost: 0.618576388888889 - complexity: 5 +- comm_cost: 0.5131076388888891 + complexity: 17 expressions: - - K+ - - N- - - R+ + - N+ - R- - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) name: explored-203 type: explored -- comm_cost: 0.7525173611111112 - complexity: 9 +- comm_cost: 0.2713541666666668 + complexity: 14 expressions: - - R+ - - and(N-, or(K+, R+)) + - K+ + - N+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) - or(K+, SE+) name: explored-204 type: explored -- comm_cost: 0.5190104166666669 - complexity: 9 +- comm_cost: 0.4179687500000002 + complexity: 12 expressions: + - K+ - N+ - - S+ + - R- + - and(K-, SE-) - and(N-, R+) - - and(N-, not(R-)) + - or(K+, SE+) name: explored-205 type: explored -- comm_cost: 0.3166666666666669 - complexity: 12 +- comm_cost: 0.5076388888888891 + complexity: 16 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, N-) + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) name: explored-206 type: explored -- comm_cost: 0.5603819444444446 - complexity: 17 +- comm_cost: 0.6197627314814816 + complexity: 15 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) + - SE- - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) + - or(S+, or(N+, R-)) name: explored-207 type: explored -- comm_cost: 0.22916666666666674 - complexity: 15 +- comm_cost: 0.05416666666666692 + complexity: 14 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) + - S+ + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-208 type: explored -- comm_cost: 0.3662500000000002 - complexity: 15 +- comm_cost: 0.08125000000000027 + complexity: 12 expressions: - - K+ + - N+ - N+ - R- - - S+ - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - not(R-) name: explored-209 type: explored -- comm_cost: 0.7500000000000001 - complexity: 7 +- comm_cost: 0.44895833333333346 + complexity: 12 expressions: - R+ - - and(K-, S+) - - or(S+, R+) + - R- + - SE- + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-210 type: explored -- comm_cost: 0.6670138888888891 - complexity: 10 +- comm_cost: 0.5944444444444446 + complexity: 15 expressions: - - R+ - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - or(K+, SE+) name: explored-211 type: explored -- comm_cost: 0.32534722222222234 - complexity: 23 +- comm_cost: 0.6323437500000001 + complexity: 37 expressions: - K+ + - and(K-, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - not(R+) + - or(K+, SE+) + name: explored-212 + type: explored +- comm_cost: 0.5114583333333333 + complexity: 13 + expressions: - N+ - R- - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - name: explored-212 + - and(S-, or(SE-, N+)) + name: explored-213 type: explored -- comm_cost: 0.4172656250000003 - complexity: 14 +- comm_cost: 0.4916666666666668 + complexity: 28 expressions: - K+ - N+ - R- - S+ + - and(K-, or(N+, not(R+))) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(N+, not(R+)) - - or(SE-, N+) - name: explored-213 - type: explored -- comm_cost: 0.38391203703703713 - complexity: 15 - expressions: - - R+ - - R- - and(S-, SE-) - - or(K+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-214 type: explored -- comm_cost: 0.6688541666666667 - complexity: 36 +- comm_cost: 0.3197916666666669 + complexity: 12 expressions: - - and(K-, S+) - - and(K-, SE-) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - - or(SE-, N+) + - K+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-215 type: explored -- comm_cost: 0.666701388888889 - complexity: 8 +- comm_cost: 0.7408101851851853 + complexity: 3 expressions: + - K- - R+ - - R- - - SE- - - not(R+) - - or(S+, SE+) + - SE+ name: explored-216 type: explored -- comm_cost: 0.6182291666666667 - complexity: 12 +- comm_cost: 0.47125000000000017 + complexity: 11 expressions: + - K+ - N+ - - R- - - SE- - - and(K-, not(R-)) - - and(N-, or(K+, SE+)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-217 type: explored -- comm_cost: 0.5445312500000001 +- comm_cost: 0.6660590277777778 complexity: 18 expressions: - - N+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, SE-) + - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-218 type: explored -- comm_cost: 0.5461979166666668 - complexity: 10 +- comm_cost: 0.25098379629629664 + complexity: 21 expressions: - K+ - - K+ - N+ + - R- - S+ + - and(K-, not(R+)) - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-219 type: explored -- comm_cost: 0.47916666666666685 - complexity: 8 +- comm_cost: 0.5419444444444446 + complexity: 12 expressions: + - K- - N+ - R- + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, N-) name: explored-220 type: explored -- comm_cost: 0.5843750000000001 - complexity: 11 +- comm_cost: 0.5977430555555557 + complexity: 13 expressions: - R+ - - SE- - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-221 type: explored -- comm_cost: 0.6462824074074075 - complexity: 34 +- comm_cost: 0.5827430555555557 + complexity: 10 expressions: - - SE+ - - and(K-, S+) - - and(N-, or(S+, SE+)) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - or(K+, R+) - - or(K+, R-) - - or(N+, R-) - - or(N+, not(R+)) - - or(SE-, N+) + - N+ + - R+ + - R- + - SE- + - and(K-, SE-) + - or(S+, SE+) name: explored-222 type: explored -- comm_cost: 0.39166666666666683 - complexity: 11 +- comm_cost: 0.36222222222222245 + complexity: 16 expressions: + - K+ - N+ + - N- - R- + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-223 type: explored -- comm_cost: 0.734375 - complexity: 8 +- comm_cost: 0.511371527777778 + complexity: 10 expressions: - - and(K-, SE-) - - and(N-, or(K+, S-)) + - K+ + - N+ + - R- + - SE+ + - and(S-, SE-) + - or(SE-, N+) name: explored-224 type: explored -- comm_cost: 0.4423611111111113 - complexity: 10 +- comm_cost: 0.4486979166666668 + complexity: 21 expressions: + - K+ - N+ - R- - - SE- + - and(K-, S+) + - and(K-, not(R-)) - and(N-, R+) - - and(S-, not(R-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-225 type: explored -- comm_cost: 0.5255208333333335 - complexity: 9 +- comm_cost: 0.29453125000000036 + complexity: 11 expressions: - K+ - - R+ + - N+ - R- - and(K-, S+) - - or(N+, R-) + - and(N-, R+) + - not(R+) name: explored-226 type: explored -- comm_cost: 0.6061111111111113 - complexity: 12 +- comm_cost: 0.7208333333333333 + complexity: 6 expressions: + - K+ - N+ - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - not(R-) + - R- + - or(S+, SE+) name: explored-227 type: explored -- comm_cost: 0.6686296296296297 - complexity: 25 +- comm_cost: 0.08125000000000027 + complexity: 10 expressions: - - K- + - N+ + - N+ + - R- - S+ - - S- - - SE+ - - and(K-, or(S+, R+)) - - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - - or(S+, or(N+, R-)) name: explored-228 type: explored -- comm_cost: 0.45321180555555585 - complexity: 21 +- comm_cost: 0.6117361111111113 + complexity: 8 expressions: - - K+ - - N+ - - R- - - and(K-, S+) + - R+ + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - or(S+, SE+) name: explored-229 type: explored -- comm_cost: 0.5409722222222224 - complexity: 11 +- comm_cost: 0.33269675925925934 + complexity: 15 expressions: - - R+ + - N+ - R- - - SE- - - and(K-, or(S+, R-)) - - or(K+, R-) + - S+ + - SE+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-230 type: explored -- comm_cost: 0.17204861111111147 - complexity: 19 +- comm_cost: 0.24189814814814825 + complexity: 18 expressions: - - K+ - N+ - R- - - S+ - - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-231 type: explored -- comm_cost: 0.44805555555555576 - complexity: 21 +- comm_cost: 0.6029513888888891 + complexity: 12 expressions: - - K+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) + - R+ + - SE- + - and(K-, or(S+, R-)) + - or(S+, or(N+, R-)) name: explored-232 type: explored -- comm_cost: 0.6648935185185186 - complexity: 31 +- comm_cost: 0.4201388888888893 + complexity: 14 expressions: - - K+ - - N- - - and(K-, not(R-)) + - N+ + - R- - and(N-, R+) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R-) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-233 type: explored -- comm_cost: 0.3718750000000002 - complexity: 17 +- comm_cost: 0.6069444444444445 + complexity: 12 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(N+, R-) + - SE- + - and(N-, or(S+, SE+)) + - or(SE-, N+) name: explored-234 type: explored -- comm_cost: 0.3289930555555556 - complexity: 13 +- comm_cost: 0.4310763888888891 + complexity: 18 expressions: - - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(S+, R+)) - - and(S-, SE-) + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-235 type: explored -- comm_cost: 0.28046875000000016 - complexity: 15 +- comm_cost: 0.7875000000000001 + complexity: 9 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(S+, R+) + - and(N-, not(R-)) + - and(N-, or(S+, SE+)) name: explored-236 type: explored -- comm_cost: 0.19490740740740764 - complexity: 16 +- comm_cost: 0.5550694444444446 + complexity: 12 expressions: - - K+ - N+ - - R- + - R+ - S+ - - and(N-, R+) - - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - or(K+, S-) + - or(S+, R-) name: explored-237 type: explored -- comm_cost: 0.4973958333333335 - complexity: 12 +- comm_cost: 0.49375000000000036 + complexity: 6 expressions: - K+ - - N+ + - K+ - R- - - S+ - - SE+ - - and(N-, not(R-)) - - and(S-, SE-) + - and(N-, R+) name: explored-238 type: explored -- comm_cost: 0.6003038194444446 +- comm_cost: 0.5497685185185187 complexity: 16 expressions: - N+ - - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(K+, R+) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, R+)) name: explored-239 type: explored -- comm_cost: 0.5991319444444446 - complexity: 8 +- comm_cost: 0.2875000000000003 + complexity: 12 expressions: - - N+ - - SE- + - S+ - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-240 type: explored -- comm_cost: 0.2786458333333337 - complexity: 15 +- comm_cost: 0.5060763888888891 + complexity: 9 expressions: - - K+ - - N+ + - R+ - R- + - S+ - SE- - - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(K+, N+) + - and(N-, or(K+, R+)) name: explored-241 type: explored -- comm_cost: 0.22187500000000027 - complexity: 18 +- comm_cost: 0.58125 + complexity: 8 expressions: - - R- - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - K+ + - N+ + - SE- + - and(N-, or(S+, R+)) name: explored-242 type: explored -- comm_cost: 0.4325434027777779 - complexity: 21 +- comm_cost: 0.5908564814814816 + complexity: 15 expressions: - - K+ - - N+ - - N- + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(S+, or(N+, R-)) + - SE- + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-243 type: explored -- comm_cost: 0.33125000000000027 - complexity: 18 +- comm_cost: 0.3389699074074075 + complexity: 21 expressions: - K+ - N+ - R- - - S- + - S+ - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(S+, SE+) name: explored-244 type: explored -- comm_cost: 0.690625 - complexity: 18 +- comm_cost: 0.30763888888888924 + complexity: 16 expressions: - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, or(N+, R-)) - - or(SE-, N+) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-245 type: explored -- comm_cost: 0.7562500000000001 - complexity: 4 +- comm_cost: 0.6291666666666669 + complexity: 7 expressions: - - N+ - - or(K+, S-) + - R- + - and(N-, R+) + - and(S-, N-) name: explored-246 type: explored -- comm_cost: 0.5895833333333335 - complexity: 9 +- comm_cost: 0.713888888888889 + complexity: 11 expressions: - - R+ - - and(K-, SE-) - - and(K-, or(S+, N+)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) name: explored-247 type: explored -- comm_cost: 0.39861111111111147 - complexity: 16 +- comm_cost: 0.7645833333333334 + complexity: 11 expressions: - - N+ - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(S-, not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-248 type: explored -- comm_cost: 0.6508969907407408 - complexity: 12 +- comm_cost: 0.4333333333333337 + complexity: 7 expressions: - - R+ - - and(N-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) + - N+ + - and(N-, R+) + - or(K+, R-) name: explored-249 type: explored -- comm_cost: 0.31302083333333364 - complexity: 13 +- comm_cost: 0.19450231481481506 + complexity: 22 expressions: + - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-250 type: explored -- comm_cost: 0.549652777777778 - complexity: 7 +- comm_cost: 0.6790625000000001 + complexity: 5 expressions: - - N+ + - N- - R+ - - SE- - - and(K-, not(R+)) + - or(K+, R-) name: explored-251 type: explored -- comm_cost: 0.35312500000000013 - complexity: 8 +- comm_cost: 0.5234375000000001 + complexity: 11 expressions: - - K+ - - K+ - N+ - - R+ - - S+ + - R- + - and(K-, N-) + - and(K-, SE-) - and(S-, SE-) name: explored-252 type: explored -- comm_cost: 0.6432291666666667 - complexity: 9 +- comm_cost: 0.7311458333333334 + complexity: 8 expressions: - - R+ - - R- - - S- - SE- - - and(N-, or(K+, SE+)) + - and(S-, not(R+)) + - or(K+, S-) name: explored-253 type: explored -- comm_cost: 0.5597222222222225 - complexity: 9 +- comm_cost: 0.6504340277777779 + complexity: 15 expressions: - - K+ - - N+ - R+ - SE- - - and(N-, or(K+, R+)) + - and(K-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-254 type: explored -- comm_cost: 0.5654803240740742 - complexity: 16 +- comm_cost: 0.5590277777777779 + complexity: 13 expressions: - - N+ - R+ - R- - SE- + - and(S-, not(R+)) - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) name: explored-255 type: explored -- comm_cost: 0.6715803571428572 - complexity: 35 +- comm_cost: 0.5963541666666669 + complexity: 12 expressions: - - K- - - N- - - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(K+, or(N+, R-)) - - or(S+, R+) + - R+ + - and(K-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-256 type: explored -- comm_cost: 0.35703125000000013 - complexity: 13 +- comm_cost: 0.2791666666666668 + complexity: 19 expressions: + - K+ - R- + - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(S+, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-257 type: explored -- comm_cost: 0.5119791666666669 - complexity: 11 +- comm_cost: 0.7005497685185186 + complexity: 17 expressions: - - N+ - - SE- - - and(K-, S+) - - and(N-, R+) - - or(K+, SE+) + - and(K-, or(S+, R+)) + - and(or(K+, S-), not(R-)) + - or(N+, R-) + - or(S+, R+) name: explored-258 type: explored -- comm_cost: 0.4828125000000002 - complexity: 10 +- comm_cost: 0.33854166666666696 + complexity: 13 expressions: - N+ - - R- - - S- - SE- - - and(K-, S+) + - and(K-, SE-) - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-259 type: explored -- comm_cost: 0.6737847222222223 - complexity: 12 +- comm_cost: 0.45572916666666696 + complexity: 10 expressions: - - R+ - - SE- - - and(N-, or(K+, S-)) - - or(S+, or(N+, R-)) + - K+ + - and(K-, SE-) + - and(N-, R+) + - or(SE-, N+) name: explored-260 type: explored -- comm_cost: 0.478486689814815 - complexity: 11 +- comm_cost: 0.8317708333333333 + complexity: 13 expressions: - - R+ - - R- - - S+ - - S- - - SE+ - - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-261 type: explored -- comm_cost: 0.3069444444444448 - complexity: 12 +- comm_cost: 0.38802083333333337 + complexity: 8 expressions: + - K+ + - N+ - N+ - R- - - SE- - - and(N-, R+) - - or(K+, R-) - - or(K+, R-) + - S+ + - and(S-, SE-) name: explored-262 type: explored -- comm_cost: 0.4642361111111115 - complexity: 12 +- comm_cost: 0.6782118055555557 + complexity: 17 expressions: + - R+ - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(S+, N+) + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(K-, or(S+, SE+)) name: explored-263 type: explored -- comm_cost: 0.3756944444444448 - complexity: 8 +- comm_cost: 0.5638020833333335 + complexity: 10 expressions: - N+ - - and(K-, not(R+)) - - and(N-, R+) - name: explored-264 - type: explored -- comm_cost: 0.357291666666667 - complexity: 9 - expressions: - N+ + - R+ - R- - SE- - - and(N-, R+) - - or(SE-, N+) + - and(N-, or(K+, S-)) + name: explored-264 + type: explored +- comm_cost: 0.6921875000000001 + complexity: 4 + expressions: + - S- + - and(S-, SE-) name: explored-265 type: explored -- comm_cost: 0.669140625 - complexity: 36 +- comm_cost: 0.333854166666667 + complexity: 13 expressions: - - and(K-, N-) + - K+ - and(K-, S+) - - and(K-, not(R-)) + - and(K-, SE-) - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) - - or(K+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-266 type: explored -- comm_cost: 0.39722222222222237 - complexity: 15 +- comm_cost: 0.3244791666666669 + complexity: 11 expressions: - K+ - - N+ - R- - SE- - - and(K-, S+) - - and(K-, or(S+, R+)) + - and(K-, or(S+, N+)) - and(N-, R+) name: explored-267 type: explored -- comm_cost: 0.12604166666666705 - complexity: 15 +- comm_cost: 0.2015625000000003 + complexity: 18 expressions: - K+ - - N+ - R- + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(K+, R-) + - and(SE-, or(K+, S-)) name: explored-268 type: explored -- comm_cost: 0.3114583333333336 +- comm_cost: 0.5793368055555557 complexity: 13 expressions: + - K+ + - K+ + - N+ + - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, N+) + - not(R-) + - or(K+, SE+) name: explored-269 type: explored -- comm_cost: 0.4358796296296299 - complexity: 14 +- comm_cost: 0.396180555555556 + complexity: 13 expressions: - N+ - - R- - SE- + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(S+, R-) name: explored-270 type: explored -- comm_cost: 0.7401041666666668 - complexity: 6 +- comm_cost: 0.49583333333333335 + complexity: 7 expressions: - - SE+ - - and(N-, or(K+, S-)) + - K+ + - N+ + - R- + - SE- + - and(S-, SE-) name: explored-271 type: explored -- comm_cost: 0.47250000000000014 - complexity: 10 +- comm_cost: 0.5193836805555556 + complexity: 14 expressions: - K+ - - K- - N+ - - R- - - and(K-, S+) + - S+ - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(K+, SE+) name: explored-272 type: explored -- comm_cost: 0.5790219907407409 - complexity: 13 +- comm_cost: 0.3095486111111114 + complexity: 15 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) + - and(K-, SE-) + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-273 type: explored -- comm_cost: 0.6111689814814816 - complexity: 13 +- comm_cost: 0.36932870370370385 + complexity: 17 expressions: - - R+ - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) - - or(K+, R+) + - N+ + - S+ + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - and(SE+, N-) + - or(S+, R-) name: explored-274 type: explored -- comm_cost: 0.36970486111111134 - complexity: 19 +- comm_cost: 0.43958333333333355 + complexity: 11 expressions: - K+ - N+ - - R- - SE- - and(N-, R+) - - and(N-, R+) - - and(S-, N-) - - and(and(S-, N-), not(R-)) + - and(N-, or(K+, SE+)) name: explored-275 type: explored -- comm_cost: 0.5616319444444445 - complexity: 17 +- comm_cost: 0.71796875 + complexity: 4 expressions: - - R+ - - R- - - R- - SE- - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) name: explored-276 type: explored -- comm_cost: 0.5577916666666669 - complexity: 24 +- comm_cost: 0.35572916666666676 + complexity: 22 expressions: - K+ - - K+ - N+ - R- - - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) - - or(K+, S-) + - or(K+, N+) name: explored-277 type: explored -- comm_cost: 0.6153645833333334 - complexity: 12 +- comm_cost: 0.45277777777777795 + complexity: 11 expressions: - - R+ - - SE- - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-278 type: explored -- comm_cost: 0.631076388888889 - complexity: 8 +- comm_cost: 0.2578125000000002 + complexity: 18 expressions: - - R- - - S+ - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) name: explored-279 type: explored -- comm_cost: 0.3197916666666668 - complexity: 7 +- comm_cost: 0.6501562500000001 + complexity: 12 expressions: - - K+ + - N+ - R+ - R- - - R- - - and(S-, SE-) + - SE- + - or(K+, S-) + - or(S+, or(N+, R-)) name: explored-280 type: explored -- comm_cost: 0.5583333333333332 - complexity: 8 +- comm_cost: 0.42647569444444455 + complexity: 17 expressions: + - N+ - R- - - S+ - - and(S-, SE-) - - and(S-, SE-) + - SE- + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-281 type: explored -- comm_cost: 0.36354166666666676 - complexity: 14 +- comm_cost: 0.3875000000000004 + complexity: 11 expressions: - - R+ - - R- - - S+ - - and(S-, SE-) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - K+ + - N+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-282 type: explored -- comm_cost: 0.4819444444444444 - complexity: 12 +- comm_cost: 0.19635416666666694 + complexity: 17 expressions: - - K+ - N+ - R- - S+ + - and(N-, R+) - and(S-, SE-) - or(K+, or(N+, R-)) + - or(S+, N+) name: explored-283 type: explored -- comm_cost: 0.42786458333333344 - complexity: 14 +- comm_cost: 0.37378472222222237 + complexity: 19 expressions: - N+ - - and(K-, not(R-)) + - R- + - and(K-, N-) + - and(K-, SE-) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, R-) name: explored-284 type: explored -- comm_cost: 0.612326388888889 - complexity: 6 +- comm_cost: 0.3908854166666669 + complexity: 15 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - SE- - - not(R-) + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-285 type: explored -- comm_cost: 0.3484375000000002 - complexity: 20 +- comm_cost: 0.23385416666666692 + complexity: 17 expressions: - K+ + - K+ - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - and(and(K-, N-), or(S+, R+)) name: explored-286 type: explored -- comm_cost: 0.6718750000000002 - complexity: 7 +- comm_cost: 0.4377604166666669 + complexity: 25 expressions: - - R+ - - or(K+, R-) - - or(N+, R-) + - N+ + - R- + - and(K-, or(S+, SE+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-287 type: explored -- comm_cost: 0.5677083333333333 - complexity: 10 +- comm_cost: 0.21067708333333357 + complexity: 23 expressions: - K+ + - N+ - R- + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - or(SE-, N+) name: explored-288 type: explored -- comm_cost: 0.36875 - complexity: 12 +- comm_cost: 0.5013888888888889 + complexity: 10 expressions: - K+ - N+ - R- - - and(K-, S+) + - and(K-, not(R+)) - and(S-, SE-) - - or(K+, SE+) name: explored-289 type: explored -- comm_cost: 0.6233796296296298 - complexity: 14 +- comm_cost: 0.49537037037037046 + complexity: 20 expressions: - - R+ + - N+ + - R- - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - or(K+, R+) name: explored-290 type: explored -- comm_cost: 0.6395833333333335 - complexity: 7 +- comm_cost: 0.6705555555555558 + complexity: 10 expressions: - - R+ - - and(K-, S+) - - or(K+, N+) + - SE- + - and(N-, R+) + - or(S+, SE+) + - or(S+, SE+) name: explored-291 type: explored -- comm_cost: 0.4666666666666669 +- comm_cost: 0.3153645833333336 complexity: 15 expressions: - - K+ - N+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - or(N+, not(R+)) + - or(SE-, N+) name: explored-292 type: explored -- comm_cost: 0.7243055555555555 - complexity: 4 +- comm_cost: 0.37661458333333364 + complexity: 24 expressions: - K+ - - K+ + - N+ - R- - - SE- + - S+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(N+, not(R+)) name: explored-293 type: explored -- comm_cost: 0.6401620370370371 - complexity: 7 - expressions: - - R+ - - SE+ - - SE- - - and(S-, not(R-)) - name: explored-294 - type: explored -- comm_cost: 0.3938333333333335 - complexity: 16 +- comm_cost: 0.2923611111111113 + complexity: 22 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(N-, or(K+, R+)) + - and(K-, S+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(S+, SE+) - name: explored-295 + - and(S-, SE-) + name: explored-294 type: explored -- comm_cost: 0.7137847222222223 - complexity: 9 +- comm_cost: 0.75 + complexity: 4 expressions: - - N- - - and(N-, or(K+, R+)) - - or(S+, N+) - name: explored-296 + - S- + - or(S+, R+) + name: explored-295 type: explored -- comm_cost: 0.6288194444444446 +- comm_cost: 0.3364583333333335 complexity: 8 expressions: + - K+ - R+ + - and(K-, S+) + - and(S-, SE-) + name: explored-296 + type: explored +- comm_cost: 0.2093750000000002 + complexity: 17 + expressions: + - K+ + - N+ - R- - S+ - - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-297 type: explored -- comm_cost: 0.7117766203703705 - complexity: 13 +- comm_cost: 0.2552083333333337 + complexity: 14 expressions: - - R+ - - and(N-, not(R-)) - - and(SE-, or(K+, S-)) - - or(K+, K-) + - K+ + - R- + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-298 type: explored -- comm_cost: 0.6304976851851853 - complexity: 12 +- comm_cost: 0.5472858796296298 + complexity: 15 expressions: + - K+ + - N- + - R- + - S+ - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(K+, SE+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-299 type: explored -- comm_cost: 0.5413194444444447 - complexity: 13 +- comm_cost: 0.32835648148148167 + complexity: 14 expressions: - - N+ + - R- + - S+ + - SE+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(S+, SE+) + - and(S-, SE-) name: explored-300 type: explored -- comm_cost: 0.7524305555555555 - complexity: 9 +- comm_cost: 0.6771701388888889 + complexity: 7 expressions: + - N+ - SE- - - and(SE-, or(K+, S-)) - - or(K+, N+) + - not(R+) + - or(K+, SE+) name: explored-301 type: explored -- comm_cost: 0.48046875 - complexity: 8 +- comm_cost: 0.572482638888889 + complexity: 7 expressions: + - K+ - N+ - R- - - and(S-, SE-) - - or(K+, SE+) + - SE- + - or(S+, R+) name: explored-302 type: explored -- comm_cost: 0.6515625000000002 - complexity: 9 +- comm_cost: 0.5630555555555558 + complexity: 12 expressions: - - R+ - - and(K-, S+) - - and(K-, or(S+, R-)) + - N+ + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - or(K+, S-) name: explored-303 type: explored -- comm_cost: 0.5545138888888891 - complexity: 10 +- comm_cost: 0.6786458333333333 + complexity: 7 expressions: - - R+ - R- - SE- - - SE- - - and(or(K+, S-), not(R+)) + - and(K-, or(S+, N+)) name: explored-304 type: explored -- comm_cost: 0.8365104166666667 - complexity: 6 +- comm_cost: 0.5044270833333335 + complexity: 18 expressions: - - or(S+, R+) - - or(S+, SE+) + - N+ + - R- + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) name: explored-305 type: explored -- comm_cost: 0.6203472222222224 - complexity: 20 +- comm_cost: 0.5927083333333335 + complexity: 12 expressions: - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - SE- + - and(S-, or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-306 type: explored -- comm_cost: 0.6549479166666669 - complexity: 6 +- comm_cost: 0.5925781250000001 + complexity: 13 expressions: - - N+ - R+ + - R- - SE- - - or(S+, R+) + - SE- + - and(or(K+, S-), not(R-)) + - or(S+, N+) name: explored-307 type: explored -- comm_cost: 0.5599537037037039 - complexity: 9 +- comm_cost: 0.49239583333333337 + complexity: 17 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - SE- - - or(N+, R-) - - or(S+, R-) + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-308 type: explored -- comm_cost: 0.6052083333333336 - complexity: 15 +- comm_cost: 0.13593750000000027 + complexity: 14 expressions: - - SE- + - K+ + - R- + - S+ - and(K-, or(S+, N+)) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) name: explored-309 type: explored -- comm_cost: 0.6795109953703705 - complexity: 24 +- comm_cost: 0.3695312500000002 + complexity: 12 expressions: - - and(K-, or(SE-, N+)) - - and(N-, not(R-)) - - and(SE+, N-) - - or(N+, R-) - - or(S+, R+) - - or(S+, R-) - - or(SE-, N+) + - K+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) name: explored-310 type: explored -- comm_cost: 0.5775578703703703 - complexity: 16 +- comm_cost: 0.332291666666667 + complexity: 21 expressions: - - K+ - - K+ - - K- - N+ - R- - - S+ - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(K-, or(SE-, N+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-311 type: explored -- comm_cost: 0.65625 - complexity: 7 +- comm_cost: 0.24704861111111132 + complexity: 14 expressions: - - K+ - - and(S-, SE-) + - N+ + - R- + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) name: explored-312 type: explored -- comm_cost: 0.46250000000000013 - complexity: 10 +- comm_cost: 0.6659722222222222 + complexity: 13 expressions: + - K+ - N+ - - R+ - R- - SE- - - and(and(S-, N-), not(R-)) + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) name: explored-313 type: explored -- comm_cost: 0.4868055555555555 - complexity: 13 +- comm_cost: 0.3812500000000003 + complexity: 8 expressions: - - K+ - - R- - - and(K-, S+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - and(N-, R+) name: explored-314 type: explored -- comm_cost: 0.44409722222222237 - complexity: 18 +- comm_cost: 0.5086805555555557 + complexity: 12 expressions: - - N+ + - R+ - R- - - and(K-, not(R-)) - - and(N-, R+) + - SE- - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(S-, or(N+, not(R+))) name: explored-315 type: explored -- comm_cost: 0.7527361111111113 - complexity: 18 +- comm_cost: 0.42152777777777817 + complexity: 12 expressions: - - K- - - N- - - and(and(K-, N-), not(R-)) - - or(SE-, N+) + - K+ + - SE- + - and(N-, R+) - or(and(K-, S+), or(N+, R-)) name: explored-316 type: explored -- comm_cost: 0.42589699074074094 - complexity: 23 +- comm_cost: 0.3319444444444446 + complexity: 16 expressions: - - K+ - N+ - - R- - - and(K-, not(R-)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, N+) + - and(S-, not(R+)) name: explored-317 type: explored -- comm_cost: 0.44982638888888904 +- comm_cost: 0.5041666666666669 complexity: 10 expressions: - - K+ + - N+ - N+ - R- - SE- - and(N-, R+) - - or(S+, R+) + - or(S+, SE+) name: explored-318 type: explored -- comm_cost: 0.5266493055555558 - complexity: 9 +- comm_cost: 0.33750000000000024 + complexity: 11 expressions: - - N+ - - S+ - - SE- + - K+ + - R- - and(N-, R+) - - or(K+, SE+) + - and(S-, SE-) + - and(SE+, N-) name: explored-319 type: explored -- comm_cost: 0.25538194444444473 - complexity: 17 +- comm_cost: 0.3186631944444447 + complexity: 27 expressions: + - K+ - N+ + - R- - S+ - - and(K-, not(R+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(S-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-320 type: explored -- comm_cost: 0.531371527777778 - complexity: 18 +- comm_cost: 0.6187500000000001 + complexity: 8 expressions: + - K- + - N+ - R+ - R- - - S+ - - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, N+) - - or(S+, or(N+, R-)) - name: explored-321 - type: explored -- comm_cost: 0.599652777777778 - complexity: 15 - expressions: - - R+ - SE- - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) - name: explored-322 + - or(K+, N+) + name: explored-321 type: explored -- comm_cost: 0.12239583333333359 - complexity: 27 +- comm_cost: 0.41927083333333326 + complexity: 10 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) - - and(N-, or(K+, R+)) + - S+ - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) + name: explored-322 + type: explored +- comm_cost: 0.7383680555555556 + complexity: 10 + expressions: + - R- + - and(K-, not(R+)) + - and(K-, or(S+, N+)) name: explored-323 type: explored -- comm_cost: 0.5930555555555557 - complexity: 11 +- comm_cost: 0.6302083333333335 + complexity: 13 expressions: + - R+ - R- - SE- - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(K-, or(N+, not(R+))) + - or(N+, not(R+)) name: explored-324 type: explored -- comm_cost: 0.40000000000000013 - complexity: 12 - expressions: - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - name: explored-325 - type: explored -- comm_cost: 0.33125000000000027 - complexity: 15 +- comm_cost: 0.6149305555555558 + complexity: 6 expressions: - K+ - - N+ - - N+ + - R+ - R- - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - name: explored-326 + - or(S+, R-) + name: explored-325 type: explored -- comm_cost: 0.48055555555555585 - complexity: 18 +- comm_cost: 0.29699074074074083 + complexity: 14 expressions: + - R+ - R- - - and(K-, not(R+)) + - S+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-327 + name: explored-326 type: explored -- comm_cost: 0.5718750000000001 - complexity: 11 +- comm_cost: 0.6903645833333334 + complexity: 12 expressions: - R+ - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - name: explored-328 + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, S-)) + name: explored-327 type: explored -- comm_cost: 0.2616319444444448 +- comm_cost: 0.318229166666667 complexity: 12 expressions: - - K+ + - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(N-, R+) + - and(S-, not(R+)) + name: explored-328 + type: explored +- comm_cost: 0.5977430555555557 + complexity: 4 + expressions: + - N+ + - R+ + - SE+ + - SE- name: explored-329 type: explored -- comm_cost: 0.36527777777777803 - complexity: 18 +- comm_cost: 0.5399305555555557 + complexity: 12 expressions: - K+ + - R+ - R- + - S+ - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-330 type: explored -- comm_cost: 0.4812500000000004 - complexity: 11 +- comm_cost: 0.6595486111111113 + complexity: 5 expressions: + - R+ - SE- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-331 type: explored -- comm_cost: 0.4510416666666668 - complexity: 12 +- comm_cost: 0.638107638888889 + complexity: 6 expressions: - R+ - - R- - S+ - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - SE- + - and(K-, N-) name: explored-332 type: explored -- comm_cost: 0.5638599537037038 - complexity: 11 +- comm_cost: 0.8097222222222222 + complexity: 7 expressions: - - N+ - - R- - - and(S-, N-) - - and(S-, SE-) - - or(K+, SE+) + - SE- + - or(K+, K-) + - or(K+, K-) name: explored-333 type: explored -- comm_cost: 0.5722222222222224 - complexity: 9 +- comm_cost: 0.32717013888888924 + complexity: 17 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - and(K-, not(R+)) - - or(K+, R-) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-334 type: explored -- comm_cost: 0.2992187500000003 - complexity: 16 +- comm_cost: 0.6892361111111112 + complexity: 14 + expressions: + - R+ + - R- + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, SE+)) + name: explored-335 + type: explored +- comm_cost: 0.34930555555555565 + complexity: 18 expressions: - K+ - N+ + - R- - S+ + - and(K-, N-) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-335 - type: explored -- comm_cost: 0.5618055555555558 - complexity: 8 - expressions: - - R+ - - SE- - - or(K+, N+) - - or(K+, R-) name: explored-336 type: explored -- comm_cost: 0.3442708333333335 - complexity: 9 +- comm_cost: 0.392476851851852 + complexity: 21 expressions: - K+ - - R+ + - N+ - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) name: explored-337 type: explored -- comm_cost: 0.6852430555555555 - complexity: 11 +- comm_cost: 0.5234375000000002 + complexity: 15 expressions: - - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(S+, R+) name: explored-338 type: explored -- comm_cost: 0.6817708333333334 - complexity: 20 +- comm_cost: 0.4314351851851854 + complexity: 16 expressions: - - R+ - - SE- - - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - not(R-) name: explored-339 type: explored -- comm_cost: 0.6118055555555557 - complexity: 7 +- comm_cost: 0.6500000000000001 + complexity: 8 expressions: - - SE- - - and(S-, SE-) - - or(K+, R+) + - K+ + - R- + - and(N-, R+) + - or(S+, SE+) name: explored-340 type: explored -- comm_cost: 0.4879166666666668 - complexity: 11 +- comm_cost: 0.27552083333333366 + complexity: 16 expressions: - - K+ - - N+ + - R- + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - and(or(K+, S-), or(SE-, N+)) name: explored-341 type: explored -- comm_cost: 0.30781250000000016 - complexity: 16 +- comm_cost: 0.6709189814814815 + complexity: 33 expressions: - - K+ - - N+ - - R- - - and(K-, S+) + - R+ + - SE- - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - and(S-, N-) + - and(SE+, N-) + - and(or(K+, S-), not(R+)) + - or(K+, S-) + - or(N+, not(R+)) name: explored-342 type: explored -- comm_cost: 0.5599537037037039 - complexity: 12 +- comm_cost: 0.337760416666667 + complexity: 10 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(or(K+, S-), not(R+)) - - or(N+, R-) + - S+ + - and(N-, R+) + - or(SE-, N+) name: explored-343 type: explored -- comm_cost: 0.36631944444444475 - complexity: 15 +- comm_cost: 0.6880208333333335 + complexity: 5 expressions: + - R+ - R- - - SE- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) + - and(SE+, N-) name: explored-344 type: explored -- comm_cost: 0.5286979166666668 - complexity: 24 +- comm_cost: 0.3150028935185186 + complexity: 19 expressions: - K+ - - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, S-) + - and(S-, SE-) + - or(K+, R+) + - or(S+, R+) name: explored-345 type: explored -- comm_cost: 0.682465277777778 - complexity: 11 - expressions: - - and(K-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - name: explored-346 - type: explored -- comm_cost: 0.20798611111111132 - complexity: 19 +- comm_cost: 0.5380208333333332 + complexity: 8 expressions: - - K+ - - K+ - - N+ - R- - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) + - and(K-, S+) - and(S-, SE-) - - or(K+, R-) + name: explored-346 + type: explored +- comm_cost: 0.8325 + complexity: 11 + expressions: + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-347 type: explored -- comm_cost: 0.6717129629629631 +- comm_cost: 0.7222222222222224 complexity: 8 expressions: - - K+ - - N- - and(N-, R+) - - and(S-, N-) + - and(N-, or(K+, SE+)) name: explored-348 type: explored -- comm_cost: 0.4755787037037038 - complexity: 17 +- comm_cost: 0.7868055555555556 + complexity: 10 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, R+) + - and(K-, or(S+, R+)) + - and(N-, or(S+, R+)) name: explored-349 type: explored -- comm_cost: 0.4957870370370372 - complexity: 10 +- comm_cost: 0.375763888888889 + complexity: 18 expressions: + - K+ - N+ - - N- - R- - - and(K-, not(R+)) + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) + - or(N+, R-) name: explored-350 type: explored -- comm_cost: 0.8317708333333333 - complexity: 9 +- comm_cost: 0.6392187500000001 + complexity: 11 expressions: + - N+ + - R+ - R- - - or(K+, N+) - - or(S+, or(N+, R-)) + - SE- + - and(N-, not(R-)) + - or(K+, S-) name: explored-351 type: explored -- comm_cost: 0.8359722222222222 - complexity: 10 - expressions: - - and(or(K+, S-), not(R+)) - - or(N+, not(R+)) - name: explored-352 - type: explored -- comm_cost: 0.3430555555555558 - complexity: 12 +- comm_cost: 0.41180555555555576 + complexity: 13 expressions: - - N+ - - S+ - - S+ + - K+ + - and(K-, S+) - and(N-, R+) - and(S-, N-) - and(S-, SE-) - name: explored-353 + name: explored-352 type: explored -- comm_cost: 0.7104166666666668 - complexity: 9 +- comm_cost: 0.7436111111111111 + complexity: 14 expressions: - - R+ - - or(S+, N+) - - or(S+, or(N+, R-)) - name: explored-354 + - N+ + - R- + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) + name: explored-353 type: explored -- comm_cost: 0.32111111111111135 - complexity: 13 +- comm_cost: 0.20920138888888928 + complexity: 18 expressions: + - K+ - N+ - R- - - R- + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) - name: explored-355 + - and(SE-, or(K+, S-)) + name: explored-354 type: explored -- comm_cost: 0.6765190972222224 - complexity: 26 +- comm_cost: 0.7385416666666668 + complexity: 5 expressions: - N+ - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - not(R-) - - or(K+, SE+) - - or(S+, R-) + - and(K-, not(R-)) + name: explored-355 + type: explored +- comm_cost: 0.6561342592592594 + complexity: 14 + expressions: + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) name: explored-356 type: explored -- comm_cost: 0.4859895833333334 +- comm_cost: 0.15390625000000036 complexity: 17 expressions: - - N+ + - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-357 type: explored -- comm_cost: 0.32916666666666705 - complexity: 10 +- comm_cost: 0.6259837962962964 + complexity: 14 expressions: - - K+ + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(N-, or(S+, R+)) name: explored-358 type: explored -- comm_cost: 0.5173611111111114 - complexity: 10 +- comm_cost: 0.7805555555555556 + complexity: 8 expressions: + - K+ - N+ - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - R- + - or(K+, or(N+, R-)) name: explored-359 type: explored -- comm_cost: 0.7335416666666666 - complexity: 10 +- comm_cost: 0.4583333333333337 + complexity: 11 expressions: - - and(S-, SE-) - - or(K+, R-) - - or(N+, not(R+)) + - N+ + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-360 type: explored -- comm_cost: 0.4945312500000002 - complexity: 15 +- comm_cost: 0.4828993055555557 + complexity: 17 expressions: - K+ + - N+ + - N- - R- - - S+ - - S- - - and(K-, or(S+, SE+)) + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) name: explored-361 type: explored -- comm_cost: 0.6139033564814816 - complexity: 14 +- comm_cost: 0.4984375000000002 + complexity: 8 expressions: - - R+ + - N+ + - R- + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, N-) - - not(R+) name: explored-362 type: explored -- comm_cost: 0.6706707175925927 - complexity: 22 +- comm_cost: 0.6955208333333335 + complexity: 9 expressions: - - K+ - - R- - - and(K-, or(S+, N+)) - - and(N-, or(K+, R+)) - - not(R-) - - or(S+, R-) - - or(S+, or(N+, R-)) + - N- + - R+ + - and(or(K+, S-), or(SE-, N+)) name: explored-363 type: explored -- comm_cost: 0.5504166666666669 - complexity: 10 +- comm_cost: 0.6304687500000001 + complexity: 11 expressions: - - K- - - N+ - - R- - - SE- - - and(N-, R+) - - and(SE+, N-) + - R+ + - and(K-, or(S+, R-)) + - not(R+) + - or(SE-, N+) name: explored-364 type: explored -- comm_cost: 0.6054687500000001 - complexity: 15 +- comm_cost: 0.566840277777778 + complexity: 11 expressions: - - N+ - - R+ - - R- - - SE- - - and(or(K+, S-), not(R-)) - - or(K+, or(N+, R-)) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(K+, R+) name: explored-365 type: explored -- comm_cost: 0.4884375000000002 - complexity: 11 +- comm_cost: 0.7809895833333333 + complexity: 8 expressions: - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - and(K-, or(S+, R-)) + - or(S+, R+) name: explored-366 type: explored -- comm_cost: 0.3402777777777779 - complexity: 16 +- comm_cost: 0.2933449074074077 + complexity: 22 expressions: - N+ + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, R-) + - and(SE+, N-) name: explored-367 type: explored -- comm_cost: 0.37718750000000023 - complexity: 14 +- comm_cost: 0.232291666666667 + complexity: 19 expressions: - - K+ - N+ - - N- - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(S+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-368 type: explored -- comm_cost: 0.6834490740740742 - complexity: 10 +- comm_cost: 0.36238425925925943 + complexity: 12 expressions: + - K+ - R+ - - SE- - - and(K-, or(S+, R+)) - - or(S+, SE+) + - R- + - and(S-, SE-) + - or(K+, R-) + - or(S+, R-) name: explored-369 type: explored -- comm_cost: 0.5962500000000002 - complexity: 9 +- comm_cost: 0.5312499999999999 + complexity: 7 expressions: - - SE- - - and(N-, R+) + - K+ + - K+ + - R- + - S+ - and(S-, SE-) - - not(R-) name: explored-370 type: explored -- comm_cost: 0.3594184027777779 - complexity: 25 +- comm_cost: 0.4041666666666668 + complexity: 18 expressions: - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(N+, not(R+))) + - or(K+, R+) name: explored-371 type: explored -- comm_cost: 0.5903645833333334 - complexity: 7 +- comm_cost: 0.46987847222222245 + complexity: 13 expressions: - N+ - R+ - - R- - SE- - - or(K+, SE+) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - not(R+) name: explored-372 type: explored -- comm_cost: 0.6066840277777779 - complexity: 13 +- comm_cost: 0.463888888888889 + complexity: 18 expressions: - N+ - - R+ - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) + - R- + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-373 type: explored -- comm_cost: 0.2982638888888892 +- comm_cost: 0.6966145833333335 complexity: 10 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - or(K+, N+) + - R+ + - and(K-, not(R-)) + - or(S+, or(N+, R-)) name: explored-374 type: explored -- comm_cost: 0.7447916666666667 - complexity: 3 +- comm_cost: 0.6979166666666667 + complexity: 9 expressions: - - K- - - N- - - R+ + - N+ + - and(K-, or(SE-, N+)) + - and(S-, SE-) name: explored-375 type: explored -- comm_cost: 0.6719444444444447 - complexity: 15 +- comm_cost: 0.4572453703703705 + complexity: 19 expressions: + - N+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, SE-) - or(K+, S-) - - or(N+, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-376 type: explored -- comm_cost: 0.6091145833333335 - complexity: 19 +- comm_cost: 0.6520254629629632 + complexity: 10 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(or(K+, S-), not(R-)) - - or(S+, N+) + - R+ + - R- + - and(N-, or(S+, R+)) + - and(SE+, N-) name: explored-377 type: explored -- comm_cost: 0.5800000000000002 - complexity: 13 +- comm_cost: 0.7561111111111112 + complexity: 7 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) + - R+ - or(K+, S-) + - or(K+, SE+) name: explored-378 type: explored -- comm_cost: 0.7389409722222223 - complexity: 13 - expressions: - - R+ - - and(K-, or(S+, R+)) - - and(N-, or(S+, R+)) - - not(R-) - name: explored-379 - type: explored -- comm_cost: 0.4474739583333335 - complexity: 19 +- comm_cost: 0.5740277777777779 + complexity: 12 expressions: - - K+ + - K- - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - not(R-) - - or(SE-, N+) + - and(N-, or(K+, SE+)) + name: explored-379 + type: explored +- comm_cost: 0.6130208333333335 + complexity: 7 + expressions: + - R+ + - SE- + - and(N-, or(K+, R+)) name: explored-380 type: explored -- comm_cost: 0.12743055555555594 - complexity: 12 +- comm_cost: 0.29357638888888915 + complexity: 20 expressions: - N+ - R- + - R- - S+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-381 type: explored -- comm_cost: 0.5473958333333335 - complexity: 10 +- comm_cost: 0.5062500000000001 + complexity: 5 expressions: - K+ - N+ - - SE- - - and(K-, not(R-)) - - and(N-, R+) + - and(S-, SE-) name: explored-382 type: explored -- comm_cost: 0.43865740740740766 - complexity: 10 +- comm_cost: 0.5065104166666669 + complexity: 12 expressions: + - K+ - N+ - R- - - SE+ - - SE- - - and(N-, R+) + - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-383 type: explored -- comm_cost: 0.11666666666666692 - complexity: 12 +- comm_cost: 0.5774305555555558 + complexity: 14 expressions: - - K+ - - N+ - - S+ + - SE- + - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) name: explored-384 type: explored -- comm_cost: 0.8049479166666667 - complexity: 9 - expressions: - - and(or(K+, S-), or(SE-, N+)) - - not(R+) - name: explored-385 - type: explored -- comm_cost: 0.5265625000000002 - complexity: 8 +- comm_cost: 0.6402199074074075 + complexity: 12 expressions: - N+ - R+ + - R- - SE- - and(K-, or(S+, R-)) + - or(K+, K-) + name: explored-385 + type: explored +- comm_cost: 0.7661458333333333 + complexity: 9 + expressions: + - SE- + - and(K-, or(S+, N+)) + - or(K+, K-) name: explored-386 type: explored -- comm_cost: 0.4505208333333335 +- comm_cost: 0.42138888888888903 complexity: 13 expressions: - N+ - - R+ + - N- - R- + - S+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - or(N+, R-) name: explored-387 type: explored -- comm_cost: 0.5103298611111112 - complexity: 18 +- comm_cost: 0.6062500000000001 + complexity: 11 expressions: - - N+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - K+ + - R+ + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-388 type: explored -- comm_cost: 0.39218750000000013 - complexity: 13 +- comm_cost: 0.5286111111111113 + complexity: 10 expressions: - N+ - - and(K-, S+) + - R- + - SE- + - SE- - and(N-, R+) - - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-389 type: explored -- comm_cost: 0.5260416666666669 - complexity: 12 +- comm_cost: 0.5867592592592594 + complexity: 17 expressions: - K+ - N+ - R- - and(K-, S+) - and(N-, R+) - - or(K+, K-) + - or(K+, or(N+, R-)) + - or(S+, SE+) name: explored-390 type: explored -- comm_cost: 0.5977430555555557 - complexity: 4 +- comm_cost: 0.6664351851851853 + complexity: 13 expressions: - - N+ + - K+ - R+ - - SE+ - SE- + - and(K-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-391 type: explored -- comm_cost: 0.2942708333333337 - complexity: 14 +- comm_cost: 0.3275000000000001 + complexity: 12 expressions: - K+ - - K+ + - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - or(S+, SE+) name: explored-392 type: explored -- comm_cost: 0.2875000000000003 - complexity: 12 +- comm_cost: 0.6663020833333335 + complexity: 7 expressions: - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R+ + - not(R+) + - or(N+, not(R+)) name: explored-393 type: explored -- comm_cost: 0.4369791666666666 - complexity: 11 +- comm_cost: 0.6618055555555556 + complexity: 9 expressions: - - K+ - - N+ - - S+ - - and(K-, or(S+, R-)) - - and(S-, SE-) + - R+ + - R- + - S- + - SE- + - and(N-, or(S+, SE+)) name: explored-394 type: explored -- comm_cost: 0.26521990740740753 - complexity: 19 +- comm_cost: 0.18385416666666687 + complexity: 15 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) + - R- + - and(K-, S+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) name: explored-395 type: explored -- comm_cost: 0.6359953703703705 - complexity: 16 +- comm_cost: 0.7520543981481482 + complexity: 5 expressions: - R+ - - SE- - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(N-, or(S+, R+)) + - S- + - or(K+, K-) name: explored-396 type: explored -- comm_cost: 0.4125000000000003 - complexity: 11 +- comm_cost: 0.6289467592592594 + complexity: 38 expressions: - - K+ - - R- + - N+ + - R+ + - and(K-, N-) - and(K-, S+) - - and(N-, R+) - - and(N-, R+) + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-397 type: explored -- comm_cost: 0.6197048611111113 - complexity: 14 +- comm_cost: 0.3170486111111115 + complexity: 21 expressions: - - R+ - - SE- - - not(R+) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) + - or(S+, or(N+, R-)) name: explored-398 type: explored -- comm_cost: 0.20381944444444466 - complexity: 17 +- comm_cost: 0.3523437500000002 + complexity: 21 expressions: + - K+ + - K+ - N+ - R- - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-399 type: explored -- comm_cost: 0.3431423611111113 - complexity: 15 +- comm_cost: 0.6222222222222225 + complexity: 10 expressions: - - K+ - N+ - - R- - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - R+ + - and(K-, or(S+, R-)) + - or(S+, R-) name: explored-400 type: explored -- comm_cost: 0.26736111111111127 - complexity: 12 +- comm_cost: 0.4265625000000002 + complexity: 13 expressions: - K+ - - N+ - - R- + - R+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) name: explored-401 type: explored -- comm_cost: 0.5526041666666667 - complexity: 11 +- comm_cost: 0.3171875000000002 + complexity: 14 expressions: - - N+ - R- - S+ - - and(K-, or(SE-, N+)) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) name: explored-402 type: explored -- comm_cost: 0.44062500000000004 - complexity: 9 +- comm_cost: 0.7125000000000001 + complexity: 5 expressions: - - N+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - R+ + - R+ + - and(SE+, N-) name: explored-403 type: explored -- comm_cost: 0.5937500000000001 - complexity: 8 +- comm_cost: 0.47526041666666685 + complexity: 12 expressions: + - K+ - N+ - R- + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - or(K+, K-) name: explored-404 type: explored -- comm_cost: 0.7142361111111112 - complexity: 11 +- comm_cost: 0.640277777777778 + complexity: 12 expressions: - - R- - - SE- - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) + - K+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-405 type: explored -- comm_cost: 0.5258906250000002 - complexity: 20 +- comm_cost: 0.6646875000000001 + complexity: 7 expressions: - - K+ - - K+ - - K- - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(S+, SE+) + - R+ + - and(K-, SE-) + - or(K+, S-) name: explored-406 type: explored -- comm_cost: 0.632465277777778 - complexity: 6 +- comm_cost: 0.4539351851851854 + complexity: 16 expressions: - - K+ - - R+ - - and(S-, not(R-)) + - N+ + - SE- + - and(N-, R+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-407 type: explored -- comm_cost: 0.6038194444444446 - complexity: 12 +- comm_cost: 0.5561226851851854 + complexity: 16 expressions: - - R+ - - SE- - - and(K-, or(SE-, N+)) - - or(K+, or(N+, R-)) + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) + - or(N+, not(R+)) name: explored-408 type: explored -- comm_cost: 0.6743353174603175 - complexity: 34 +- comm_cost: 0.5243055555555556 + complexity: 7 expressions: - - S- - - SE+ - - SE- - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) - - and(SE-, or(K+, S-)) + - K+ + - and(S-, SE-) - or(K+, R+) - - or(K+, or(N+, R-)) - - or(S+, N+) name: explored-409 type: explored -- comm_cost: 0.319742476851852 - complexity: 21 +- comm_cost: 0.5687500000000001 + complexity: 8 expressions: - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(S+, N+) - - or(S+, R+) + - SE- + - and(K-, not(R-)) name: explored-410 type: explored -- comm_cost: 0.4750000000000002 - complexity: 15 +- comm_cost: 0.46394675925925943 + complexity: 23 expressions: - - K+ - - and(K-, S+) + - N+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - and(S-, not(R-)) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-411 type: explored -- comm_cost: 0.42500000000000027 - complexity: 11 +- comm_cost: 0.36916666666666687 + complexity: 17 expressions: - N+ - - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, SE-) + - or(S+, R-) + - or(S+, SE+) name: explored-412 type: explored -- comm_cost: 0.3875868055555558 - complexity: 21 +- comm_cost: 0.291840277777778 + complexity: 19 expressions: - - K+ - N+ - - R- - - S- - - and(K-, S+) - - and(K-, SE-) - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-413 type: explored -- comm_cost: 0.43958333333333355 - complexity: 10 +- comm_cost: 0.695138888888889 + complexity: 8 expressions: - - N+ - - R+ - R- - SE- - - and(N-, R+) - - or(N+, R-) + - and(K-, S+) + - or(S+, SE+) name: explored-414 type: explored -- comm_cost: 0.6152083333333335 - complexity: 11 - expressions: - - N- - - R- - - and(and(S-, N-), not(R-)) - - or(K+, N+) - name: explored-415 - type: explored -- comm_cost: 0.6635416666666668 - complexity: 3 +- comm_cost: 0.5440972222222223 + complexity: 9 expressions: - - R+ + - N+ - R+ - R- - name: explored-416 + - and(or(K+, S-), not(R+)) + name: explored-415 type: explored -- comm_cost: 0.5906250000000001 - complexity: 8 +- comm_cost: 0.5025028935185187 + complexity: 18 expressions: - - and(N-, or(S+, SE+)) + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - name: explored-417 + - and(S-, not(R-)) + name: explored-416 type: explored -- comm_cost: 0.4208333333333335 - complexity: 13 +- comm_cost: 0.17401620370370385 + complexity: 18 expressions: - K+ + - N+ - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - not(R-) - name: explored-418 + - and(SE+, N-) + - or(S+, R-) + name: explored-417 type: explored -- comm_cost: 0.6485416666666667 - complexity: 13 +- comm_cost: 0.43125000000000036 + complexity: 11 expressions: - - and(K-, not(R-)) - - and(S-, SE-) - - or(K+, N+) - - or(S+, SE+) - name: explored-419 + - N+ + - SE- + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) + name: explored-418 type: explored -- comm_cost: 0.38147569444444485 - complexity: 21 +- comm_cost: 0.3581597222222225 + complexity: 16 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - or(S+, N+) + name: explored-419 + type: explored +- comm_cost: 0.6908564814814815 + complexity: 10 + expressions: + - R+ + - R- + - SE- + - and(K-, not(R-)) + - or(K+, K-) name: explored-420 type: explored -- comm_cost: 0.4476562500000001 +- comm_cost: 0.6881944444444446 complexity: 13 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - R+ + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) name: explored-421 type: explored -- comm_cost: 0.7222222222222224 - complexity: 10 +- comm_cost: 0.5119791666666669 + complexity: 12 expressions: + - N+ + - S- - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-422 type: explored -- comm_cost: 0.7665798611111111 - complexity: 12 +- comm_cost: 0.3588107638888892 + complexity: 13 expressions: + - K+ + - N+ - R- + - S+ - SE- - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-423 type: explored -- comm_cost: 0.39218750000000024 - complexity: 11 +- comm_cost: 0.8226562500000001 + complexity: 6 expressions: - K+ - - N+ - - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(N-, or(S+, SE+)) name: explored-424 type: explored -- comm_cost: 0.5135850694444446 - complexity: 14 +- comm_cost: 0.5151041666666668 + complexity: 6 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - SE+ - - and(N-, R+) - - and(N-, or(K+, S-)) + - SE- + - or(K+, N+) name: explored-425 type: explored -- comm_cost: 0.22326388888888915 - complexity: 17 +- comm_cost: 0.3393518518518521 + complexity: 19 expressions: - - N+ + - K+ - R- - - S+ - - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-426 type: explored -- comm_cost: 0.37531250000000016 - complexity: 13 +- comm_cost: 0.6032118055555556 + complexity: 14 expressions: - - K+ + - R+ - R- - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - SE- + - and(K-, or(S+, R-)) + - and(N-, or(K+, S-)) name: explored-427 type: explored -- comm_cost: 0.48194444444444473 - complexity: 12 +- comm_cost: 0.37604166666666705 + complexity: 11 expressions: - - N+ + - R- - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, N+) + - or(N+, R-) name: explored-428 type: explored -- comm_cost: 0.6262152777777779 - complexity: 14 +- comm_cost: 0.5659722222222222 + complexity: 9 expressions: - - and(S-, SE-) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - N+ + - R- + - SE- + - and(SE-, or(K+, S-)) name: explored-429 type: explored -- comm_cost: 0.6205729166666668 - complexity: 10 +- comm_cost: 0.185416666666667 + complexity: 11 expressions: - - R+ - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) name: explored-430 type: explored -- comm_cost: 0.3836805555555558 - complexity: 10 +- comm_cost: 0.25937500000000036 + complexity: 12 expressions: - - SE+ + - N+ + - SE- - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(S-, not(R+)) name: explored-431 type: explored -- comm_cost: 0.6434895833333335 - complexity: 5 - expressions: - - K+ - - R+ - - or(SE-, N+) - name: explored-432 - type: explored -- comm_cost: 0.3968750000000003 - complexity: 13 +- comm_cost: 0.5432291666666669 + complexity: 16 expressions: - N+ + - R- - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) + name: explored-432 + type: explored +- comm_cost: 0.7495543981481483 + complexity: 6 + expressions: + - SE+ + - not(R+) + - or(K+, S-) name: explored-433 type: explored -- comm_cost: 0.42291666666666683 - complexity: 12 +- comm_cost: 0.46848958333333335 + complexity: 18 expressions: - - K+ - - K+ - - N+ - N+ - R- - S+ - and(N-, R+) - - and(SE+, N-) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) name: explored-434 type: explored -- comm_cost: 0.24192708333333357 - complexity: 18 +- comm_cost: 0.1468750000000003 + complexity: 12 expressions: - - K+ - N+ - - R+ - R- - - and(K-, S+) + - S+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-435 type: explored -- comm_cost: 0.5979340277777778 - complexity: 14 +- comm_cost: 0.42352430555555565 + complexity: 19 expressions: + - K+ - N+ - - R+ - R- - - SE- - and(K-, not(R-)) - - or(N+, R-) - - or(S+, N+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-436 type: explored -- comm_cost: 0.25219907407407427 - complexity: 23 +- comm_cost: 0.3817708333333335 + complexity: 18 expressions: - - K+ - - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(SE+, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-437 type: explored -- comm_cost: 0.671740451388889 - complexity: 40 - expressions: - - R+ - - S- - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) - - and(S-, not(R-)) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(S+, R+) - - or(S+, R-) - name: explored-438 - type: explored -- comm_cost: 0.33703703703703725 - complexity: 20 +- comm_cost: 0.3993923611111113 + complexity: 30 expressions: - K+ - N+ - R- - - and(K-, or(S+, R+)) + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) + name: explored-438 + type: explored +- comm_cost: 0.6109375000000001 + complexity: 7 + expressions: + - N+ + - R+ + - R- + - SE- + - or(S+, SE+) name: explored-439 type: explored -- comm_cost: 0.44999999999999996 - complexity: 10 +- comm_cost: 0.4213541666666669 + complexity: 7 expressions: - K+ - N+ - - R- + - N+ - S+ - - and(S-, SE-) - - or(N+, R-) + - and(N-, R+) name: explored-440 type: explored -- comm_cost: 0.7307696759259259 +- comm_cost: 0.6302777777777779 complexity: 10 expressions: - K- - - and(S-, SE-) - - or(K+, K-) - - or(S+, R+) + - N+ + - N+ + - SE- + - and(N-, R+) + - or(K+, S-) name: explored-441 type: explored -- comm_cost: 0.7049479166666668 - complexity: 7 +- comm_cost: 0.5057291666666668 + complexity: 10 expressions: + - K+ + - R- + - SE- - and(K-, not(R-)) - - and(SE+, N-) + - and(N-, R+) name: explored-442 type: explored -- comm_cost: 0.47343749999999996 - complexity: 10 +- comm_cost: 0.26927083333333357 + complexity: 11 expressions: - N+ - R- - - and(K-, or(S+, R-)) + - and(K-, S+) - and(S-, SE-) + - and(SE+, N-) name: explored-443 type: explored -- comm_cost: 0.31597222222222254 - complexity: 13 +- comm_cost: 0.23854166666666676 + complexity: 15 expressions: + - K+ - N+ - R- - - SE- - - and(K-, not(R+)) - - and(N-, R+) + - R- - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-444 type: explored -- comm_cost: 0.12604166666666705 - complexity: 15 +- comm_cost: 0.23854166666666676 + complexity: 10 expressions: - K+ - - N+ + - K+ + - R+ - R- - - and(N-, R+) - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - or(K+, R-) name: explored-445 type: explored -- comm_cost: 0.6495833333333334 - complexity: 12 - expressions: - - K- - - R+ - - SE- - - and(and(S-, N-), not(R-)) - - or(S+, R-) - name: explored-446 - type: explored -- comm_cost: 0.4694791666666669 - complexity: 22 +- comm_cost: 0.2944444444444446 + complexity: 11 expressions: - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R-) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, R+) + name: explored-446 + type: explored +- comm_cost: 0.6437500000000002 + complexity: 6 + expressions: + - and(SE+, N-) + - or(SE-, N+) name: explored-447 type: explored -- comm_cost: 0.2352430555555558 - complexity: 16 +- comm_cost: 0.49386574074074097 + complexity: 19 expressions: - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(S+, N+) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(S-, N-), not(R-)) name: explored-448 type: explored -- comm_cost: 0.655373263888889 - complexity: 26 +- comm_cost: 0.5968518518518521 + complexity: 12 expressions: - - S+ - - and(K-, N-) - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) + - K- + - N+ + - SE- - and(N-, R+) - - and(S-, not(R+)) - - or(K+, SE+) - - or(S+, N+) + - and(and(K-, N-), not(R-)) name: explored-449 type: explored -- comm_cost: 0.6414930555555557 - complexity: 6 +- comm_cost: 0.5172743055555558 + complexity: 21 expressions: - - K+ - - R+ + - N+ + - R- - SE- - - or(K+, R+) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) name: explored-450 type: explored -- comm_cost: 0.5302083333333334 - complexity: 14 +- comm_cost: 0.612013888888889 + complexity: 13 expressions: + - N+ - R+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - R- + - SE- + - or(K+, R-) + - or(N+, R-) + - or(S+, SE+) name: explored-451 type: explored -- comm_cost: 0.4452546296296297 - complexity: 18 +- comm_cost: 0.6851562500000001 + complexity: 11 expressions: - - N+ - - R- + - R+ + - S+ - SE- - - and(K-, not(R-)) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(K-, or(S+, R-)) + - or(K+, K-) name: explored-452 type: explored -- comm_cost: 0.6117187500000002 - complexity: 5 +- comm_cost: 0.7538773148148149 + complexity: 14 expressions: - - N+ - - S- - - and(N-, R+) + - R+ + - and(K-, or(S+, SE+)) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-453 type: explored -- comm_cost: 0.27986111111111145 - complexity: 19 +- comm_cost: 0.48802083333333346 + complexity: 10 expressions: - K+ - - R- - - SE- + - R+ - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(SE-, or(K+, S-)) name: explored-454 type: explored -- comm_cost: 0.5322048611111112 - complexity: 22 +- comm_cost: 0.5812500000000002 + complexity: 13 expressions: - K+ - - K- - - N+ - R- - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(N-, or(K+, SE+)) name: explored-455 type: explored -- comm_cost: 0.5005208333333335 - complexity: 7 +- comm_cost: 0.441666666666667 + complexity: 6 expressions: - - R- - - and(S-, SE-) - - and(SE+, N-) + - N+ + - N+ + - S+ + - and(N-, R+) name: explored-456 type: explored -- comm_cost: 0.6679166666666667 - complexity: 9 +- comm_cost: 0.22378472222222245 + complexity: 19 expressions: - K+ - N+ + - S+ + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R-) name: explored-457 type: explored -- comm_cost: 0.5020833333333335 - complexity: 10 +- comm_cost: 0.4130208333333333 + complexity: 14 expressions: - K+ - N+ - - S+ - - and(N-, R+) - - and(N-, not(R-)) + - R- + - and(K-, S+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-458 type: explored -- comm_cost: 0.4461574074074076 +- comm_cost: 0.6066319444444446 complexity: 15 expressions: - N+ - N- + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - SE- + - and(N-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-459 type: explored -- comm_cost: 0.2699652777777779 - complexity: 16 +- comm_cost: 0.6242187500000002 + complexity: 9 expressions: - - K+ - - K+ - - R- - - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(S-, not(R+)) + - or(K+, SE+) name: explored-460 type: explored -- comm_cost: 0.5586805555555556 - complexity: 14 +- comm_cost: 0.4421875000000002 + complexity: 17 expressions: - - R+ - - R- - - S+ - - and(N-, or(K+, SE+)) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - and(and(S-, N-), not(R-)) name: explored-461 type: explored -- comm_cost: 0.5348958333333333 - complexity: 15 +- comm_cost: 0.6338541666666668 + complexity: 14 expressions: - - K+ - R+ - - R- - - and(N-, not(R-)) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(K-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-462 type: explored -- comm_cost: 0.32543402777777797 - complexity: 17 +- comm_cost: 0.5076388888888891 + complexity: 15 expressions: - - K+ - N+ - - R- - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), not(R-)) - or(K+, or(N+, R-)) - - or(S+, R+) name: explored-463 type: explored -- comm_cost: 0.6437500000000002 - complexity: 7 +- comm_cost: 0.1625000000000003 + complexity: 12 expressions: - - SE- - - and(K-, N-) + - N+ + - R- + - R- - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-464 type: explored -- comm_cost: 0.410416666666667 - complexity: 11 +- comm_cost: 0.4548611111111114 + complexity: 15 expressions: - - R- + - N+ + - and(K-, SE-) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-465 type: explored -- comm_cost: 0.7316550925925926 - complexity: 9 +- comm_cost: 0.5947916666666668 + complexity: 13 expressions: - - R+ - - SE- - - and(K-, not(R-)) - - or(K+, K-) + - N+ + - R- + - and(K-, N-) + - and(K-, or(SE-, N+)) + - and(S-, SE-) name: explored-466 type: explored -- comm_cost: 0.21006944444444453 - complexity: 16 +- comm_cost: 0.4764756944444446 + complexity: 15 expressions: - - K+ - - K+ - - N+ - N+ - R- - - S+ - - S+ + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(SE+, N-) name: explored-467 type: explored -- comm_cost: 0.18020833333333353 - complexity: 11 +- comm_cost: 0.6166666666666667 + complexity: 3 expressions: - - K+ - N+ - - R+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - SE+ + - SE- name: explored-468 type: explored -- comm_cost: 0.6679687500000002 - complexity: 4 +- comm_cost: 0.6224247685185186 + complexity: 31 expressions: - - S- - - and(N-, R+) + - K+ + - N+ + - and(K-, or(S+, R+)) + - and(N-, or(S+, R+)) + - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(K+, K-) name: explored-469 type: explored -- comm_cost: 0.4289930555555558 +- comm_cost: 0.44496527777777795 complexity: 15 expressions: - N+ + - R+ + - R- - SE- - and(N-, R+) - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(S-, or(SE-, N+)) + - and(SE+, N-) name: explored-470 type: explored -- comm_cost: 0.5885416666666669 - complexity: 16 +- comm_cost: 0.41770833333333346 + complexity: 5 expressions: - - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R+ + - and(S-, SE-) name: explored-471 type: explored -- comm_cost: 0.84375 - complexity: 4 +- comm_cost: 0.7333333333333333 + complexity: 6 expressions: - - S+ - - or(K+, N+) + - R- + - R- + - SE- + - and(K-, S+) name: explored-472 type: explored -- comm_cost: 0.3270833333333333 - complexity: 10 +- comm_cost: 0.6263888888888891 + complexity: 17 expressions: - - K+ - - K+ - - N+ - - R- - - and(K-, S+) - - and(S-, SE-) + - R+ + - SE- + - and(or(K+, S-), or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-473 type: explored -- comm_cost: 0.47968750000000016 - complexity: 12 +- comm_cost: 0.5834490740740743 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - S- + - R+ + - SE- - and(N-, R+) - - or(K+, N+) + - and(and(K-, N-), not(R-)) name: explored-474 type: explored -- comm_cost: 0.5508101851851854 - complexity: 8 +- comm_cost: 0.505121527777778 + complexity: 15 expressions: - - R+ - - SE- + - K+ + - K+ + - N+ + - S+ - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - not(R+) + - or(K+, K-) name: explored-475 type: explored -- comm_cost: 0.42997685185185197 - complexity: 17 +- comm_cost: 0.4847569444444446 + complexity: 22 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, K-) name: explored-476 type: explored -- comm_cost: 0.6821527777777779 - complexity: 11 +- comm_cost: 0.6931828703703705 + complexity: 17 expressions: - - N- - - R- + - K- + - R+ - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-477 type: explored -- comm_cost: 0.2541666666666669 - complexity: 15 +- comm_cost: 0.7196006944444445 + complexity: 25 expressions: + - K- - N+ - - R- - - S+ - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - and(K-, N-) + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) + - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-478 type: explored -- comm_cost: 0.5901041666666669 - complexity: 10 +- comm_cost: 0.4378472222222224 + complexity: 12 expressions: + - K+ + - N+ + - R- - SE- - and(N-, R+) - - or(K+, SE+) - - or(S+, R-) + - and(N-, or(K+, S-)) name: explored-479 type: explored -- comm_cost: 0.6265625000000002 - complexity: 8 +- comm_cost: 0.4819444444444444 + complexity: 12 expressions: - K+ - N+ - - and(N-, R+) - - or(K+, SE+) + - R- + - S+ + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-480 type: explored -- comm_cost: 0.4755787037037038 - complexity: 17 +- comm_cost: 0.5389583333333334 + complexity: 8 expressions: + - K+ + - K- - N+ + - R- - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - and(S-, not(R-)) name: explored-481 type: explored -- comm_cost: 0.6890277777777779 - complexity: 6 +- comm_cost: 0.5571180555555557 + complexity: 11 expressions: - - K- - - K- - N+ + - S- + - SE- - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-482 type: explored -- comm_cost: 0.7390625000000001 - complexity: 6 +- comm_cost: 0.3850694444444447 + complexity: 11 expressions: - - S- - - and(S-, or(SE-, N+)) + - N+ + - R- + - and(K-, SE-) + - and(N-, R+) + - or(K+, R+) name: explored-483 type: explored -- comm_cost: 0.3544270833333336 - complexity: 13 +- comm_cost: 0.25167824074074097 + complexity: 23 expressions: - K+ - N+ - R- - - S- - - and(N-, R+) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) - and(S-, SE-) name: explored-484 type: explored -- comm_cost: 0.5658854166666667 - complexity: 9 +- comm_cost: 0.85 + complexity: 1 expressions: - - K+ - - K+ - - R- - - S+ - - and(S-, SE-) - - not(R-) + - N+ name: explored-485 type: explored -- comm_cost: 0.5225115740740742 - complexity: 13 +- comm_cost: 0.40666666666666695 + complexity: 12 expressions: + - K+ + - K- - N+ - - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(SE+, N-) + - and(S-, SE-) name: explored-486 type: explored -- comm_cost: 0.6083333333333335 - complexity: 12 +- comm_cost: 0.45520833333333366 + complexity: 8 expressions: - - K+ - - R- + - N+ + - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - or(SE-, N+) name: explored-487 type: explored -- comm_cost: 0.347916666666667 - complexity: 11 +- comm_cost: 0.5703993055555556 + complexity: 12 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(N-, R+) - - or(K+, R-) + - SE- + - and(K-, SE-) + - and(K-, or(S+, SE+)) name: explored-488 type: explored -- comm_cost: 0.2093750000000002 - complexity: 18 +- comm_cost: 0.41536458333333337 + complexity: 10 expressions: - K+ - N+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) name: explored-489 type: explored -- comm_cost: 0.49140625000000016 - complexity: 17 +- comm_cost: 0.4949218750000002 + complexity: 18 expressions: + - K+ - N+ + - R- + - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, K-) name: explored-490 type: explored -- comm_cost: 0.5557986111111113 - complexity: 16 +- comm_cost: 0.5400462962962964 + complexity: 9 expressions: - - K+ - - N+ + - R+ + - R+ - R- - - and(N-, R+) - - or(K+, S-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(N-, or(S+, R+)) name: explored-491 type: explored -- comm_cost: 0.6937500000000002 - complexity: 9 +- comm_cost: 0.2910156250000001 + complexity: 19 expressions: + - K+ + - K+ + - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(S-, SE-) name: explored-492 type: explored -- comm_cost: 0.20598958333333361 - complexity: 19 +- comm_cost: 0.3760127314814816 + complexity: 22 expressions: - K+ - - K+ - N+ - - R- - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, SE-) name: explored-493 type: explored -- comm_cost: 0.15729166666666683 - complexity: 16 +- comm_cost: 0.6460937500000001 + complexity: 8 expressions: - K+ - - K+ - - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(K+, SE+) name: explored-494 type: explored -- comm_cost: 0.7250000000000001 - complexity: 4 +- comm_cost: 0.5341145833333334 + complexity: 11 expressions: - - N- + - R+ + - R- + - SE- + - and(K-, or(S+, SE+)) - and(S-, SE-) name: explored-495 type: explored -- comm_cost: 0.7064930555555556 - complexity: 7 +- comm_cost: 0.651701388888889 + complexity: 8 expressions: - N- - R+ - - or(K+, or(N+, R-)) + - R- + - SE- + - and(N-, not(R-)) name: explored-496 type: explored -- comm_cost: 0.38489583333333366 - complexity: 11 +- comm_cost: 0.3400000000000001 + complexity: 13 expressions: - K+ - N+ - - SE- - - and(K-, or(S+, N+)) + - N- + - R- + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) name: explored-497 type: explored -- comm_cost: 0.5988425925925928 - complexity: 15 +- comm_cost: 0.35468750000000027 + complexity: 9 expressions: - N+ - R- - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) + - or(SE-, N+) name: explored-498 type: explored -- comm_cost: 0.38046875000000024 - complexity: 13 +- comm_cost: 0.5822569444444445 + complexity: 14 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, not(R-)) + - S+ + - and(K-, N-) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-499 type: explored -- comm_cost: 0.30234375000000024 - complexity: 16 +- comm_cost: 0.7125000000000001 + complexity: 4 expressions: - - K+ - - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(SE+, N-) name: explored-500 type: explored -- comm_cost: 0.2982060185185188 - complexity: 22 +- comm_cost: 0.680295138888889 + complexity: 16 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - SE- + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-501 type: explored -- comm_cost: 0.6615451388888889 - complexity: 13 +- comm_cost: 0.10859375000000027 + complexity: 14 expressions: - K+ - - K+ + - N+ - R- - S+ + - S+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-502 type: explored -- comm_cost: 0.6931319444444446 - complexity: 31 +- comm_cost: 0.27395833333333375 + complexity: 15 expressions: + - K+ - N+ - - S+ - - and(K-, not(R+)) - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) + - R- + - and(N-, R+) + - and(S-, SE-) - or(K+, R-) - - or(K+, S-) - - or(S+, SE+) + - or(SE-, N+) name: explored-503 type: explored -- comm_cost: 0.7136458333333335 - complexity: 7 +- comm_cost: 0.5072916666666669 + complexity: 15 expressions: - - R+ - - and(SE+, N-) - - or(K+, S-) + - N+ + - R- + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(N+, R-) name: explored-504 type: explored -- comm_cost: 0.2942129629629632 - complexity: 20 +- comm_cost: 0.5697916666666667 + complexity: 15 expressions: - K+ - - N+ - - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, or(K+, SE+)) name: explored-505 type: explored -- comm_cost: 0.588492476851852 - complexity: 37 +- comm_cost: 0.3754340277777779 + complexity: 17 expressions: - K+ - - R+ - - and(K-, not(R+)) - - and(S-, N-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) - - or(N+, R-) - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-506 type: explored -- comm_cost: 0.642013888888889 - complexity: 6 +- comm_cost: 0.6421875000000001 + complexity: 4 expressions: - - and(K-, SE-) - - or(K+, R+) + - K+ + - N+ + - S- + - SE- name: explored-507 type: explored -- comm_cost: 0.6723958333333334 - complexity: 5 +- comm_cost: 0.5395833333333335 + complexity: 16 expressions: - - S- - - SE- - - and(SE+, N-) + - R+ + - R- + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) name: explored-508 type: explored -- comm_cost: 0.3666666666666668 - complexity: 12 +- comm_cost: 0.2909722222222224 + complexity: 10 expressions: - - K+ - - N+ - R- - - S+ - - and(N-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) + - or(S+, R-) name: explored-509 type: explored -- comm_cost: 0.6840277777777779 - complexity: 9 +- comm_cost: 0.2562500000000003 + complexity: 19 expressions: + - K+ + - N+ - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-510 type: explored -- comm_cost: 0.5260995370370373 - complexity: 13 +- comm_cost: 0.7385416666666668 + complexity: 7 expressions: - - K+ - - R- - - SE- - - and(K-, not(R+)) - - and(N-, R+) - - and(SE+, N-) + - N+ + - and(or(K+, S-), not(R-)) name: explored-511 type: explored -- comm_cost: 0.4643078703703706 - complexity: 24 +- comm_cost: 0.44729166666666687 + complexity: 10 expressions: - K+ + - K- - N+ - - N- - - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) name: explored-512 type: explored -- comm_cost: 0.6783778935185186 - complexity: 19 +- comm_cost: 0.2562500000000003 + complexity: 16 expressions: - - SE+ + - N+ + - N+ + - R- - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(K+, R+) - - or(K+, S-) - - or(S+, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-513 type: explored -- comm_cost: 0.7198784722222223 - complexity: 11 +- comm_cost: 0.2561111111111114 + complexity: 17 expressions: - - SE- - - and(K-, N-) - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - R- + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-514 type: explored -- comm_cost: 0.47187500000000027 - complexity: 14 +- comm_cost: 0.5809027777777779 + complexity: 11 expressions: - K+ - N+ - R- - S+ - - and(N-, R+) - and(and(K-, N-), or(S+, SE+)) name: explored-515 type: explored -- comm_cost: 0.4414062500000002 - complexity: 9 +- comm_cost: 0.7402777777777778 + complexity: 7 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, not(R-)) + - R+ + - or(K+, K-) + - or(SE-, N+) name: explored-516 type: explored -- comm_cost: 0.35416666666666696 - complexity: 6 +- comm_cost: 0.605150462962963 + complexity: 14 expressions: - - K+ - - N+ + - R+ + - R- - SE- - - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-517 type: explored -- comm_cost: 0.566762152777778 - complexity: 19 +- comm_cost: 0.6680555555555556 + complexity: 14 expressions: - N+ - - N- + - R- + - SE- + - and(K-, or(N+, not(R+))) - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) name: explored-518 type: explored -- comm_cost: 0.1937500000000003 - complexity: 16 +- comm_cost: 0.33750000000000036 + complexity: 10 expressions: - - N+ - R- - - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - not(R+) name: explored-519 type: explored -- comm_cost: 0.43368055555555585 - complexity: 8 +- comm_cost: 0.7176041666666668 + complexity: 15 expressions: - - K+ - - SE- - - and(N-, R+) - - or(K+, N+) + - R+ + - and(N-, not(R-)) + - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) name: explored-520 type: explored -- comm_cost: 0.7091145833333334 - complexity: 8 +- comm_cost: 0.19097222222222254 + complexity: 14 expressions: - - S- - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-521 type: explored -- comm_cost: 0.7039930555555556 - complexity: 12 +- comm_cost: 0.23437500000000033 + complexity: 15 expressions: - - R+ - - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R-)) + - N+ + - R- + - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-522 type: explored -- comm_cost: 0.5561805555555557 - complexity: 13 +- comm_cost: 0.40041666666666687 + complexity: 22 expressions: - K+ - - K- - N+ + - N- - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(and(S-, N-), not(R-)) + - or(N+, R-) name: explored-523 type: explored -- comm_cost: 0.6092708333333334 - complexity: 7 +- comm_cost: 0.4417824074074076 + complexity: 18 expressions: - N+ - - N- - R- - - S- - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-524 type: explored -- comm_cost: 0.43819444444444455 - complexity: 9 +- comm_cost: 0.6125 + complexity: 4 expressions: - - K+ - N+ - - S+ - - and(S-, SE-) - - or(K+, R+) + - N- + - R- + - SE- name: explored-525 type: explored -- comm_cost: 0.38281250000000033 - complexity: 8 +- comm_cost: 0.7419212962962964 + complexity: 7 expressions: - - R- - - SE- - - and(N-, R+) - - or(N+, R-) + - R+ + - or(K+, R+) + - or(K+, S-) name: explored-526 type: explored -- comm_cost: 0.5640625 - complexity: 8 +- comm_cost: 0.5953125000000001 + complexity: 9 expressions: - - K+ - N+ - and(S-, SE-) - - or(K+, N+) + - not(R+) + - or(K+, SE+) name: explored-527 type: explored -- comm_cost: 0.5048611111111113 - complexity: 13 +- comm_cost: 0.48559027777777786 + complexity: 20 expressions: + - K+ - N+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, not(R-)) + - R- + - and(K-, S+) + - and(K-, not(R-)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-528 type: explored -- comm_cost: 0.7051909722222223 - complexity: 9 +- comm_cost: 0.2625000000000004 + complexity: 12 expressions: + - K+ - N+ - - R+ - R- - - or(K+, S-) - - or(K+, SE+) + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) name: explored-529 type: explored -- comm_cost: 0.7022222222222223 - complexity: 37 +- comm_cost: 0.5217592592592594 + complexity: 18 expressions: - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) - - and(S-, N-) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - not(R-) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) name: explored-530 type: explored -- comm_cost: 0.7191666666666667 - complexity: 9 +- comm_cost: 0.5718749999999999 + complexity: 8 expressions: - - K- - - and(K-, or(SE-, N+)) + - N+ + - S+ + - and(K-, SE-) - and(S-, SE-) name: explored-531 type: explored -- comm_cost: 0.5169907407407409 - complexity: 13 +- comm_cost: 0.5923611111111112 + complexity: 11 expressions: - - K- - - N+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - R+ + - and(K-, not(R+)) + - and(and(S-, N-), not(R-)) name: explored-532 type: explored -- comm_cost: 0.5435763888888889 - complexity: 11 +- comm_cost: 0.4861979166666669 + complexity: 10 expressions: - - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-533 type: explored -- comm_cost: 0.643888888888889 - complexity: 11 +- comm_cost: 0.6070312500000001 + complexity: 8 expressions: - - N- - - R+ - - and(K-, not(R+)) - - and(SE-, or(K+, S-)) + - R- + - SE- + - and(K-, N-) + - and(N-, R+) name: explored-534 type: explored -- comm_cost: 0.4405208333333335 - complexity: 11 +- comm_cost: 0.7634375 + complexity: 4 expressions: - - K+ - - K+ - - K- - - N+ - S+ - - and(N-, R+) - - and(S-, SE-) + - or(K+, S-) name: explored-535 type: explored -- comm_cost: 0.570920138888889 - complexity: 12 +- comm_cost: 0.5037500000000001 + complexity: 10 expressions: - - R+ - - R+ - - R- - - SE- - - and(K-, or(S+, R-)) - - or(SE-, N+) + - N+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-536 type: explored -- comm_cost: 0.6524305555555557 - complexity: 8 +- comm_cost: 0.5173611111111112 + complexity: 21 expressions: + - K+ - N+ - - R+ - R- - - or(K+, or(N+, R-)) + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-537 type: explored -- comm_cost: 0.48593750000000024 - complexity: 23 +- comm_cost: 0.7527488425925927 + complexity: 10 expressions: - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) - - or(K+, N+) - - or(N+, R-) + - R+ + - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-538 type: explored -- comm_cost: 0.5760416666666668 - complexity: 5 +- comm_cost: 0.4921875000000001 + complexity: 11 expressions: - - R+ + - K+ + - N+ - R- - - or(SE-, N+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-539 type: explored -- comm_cost: 0.6241319444444446 - complexity: 12 +- comm_cost: 0.6784722222222221 + complexity: 16 expressions: - N+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, S-) + - R- + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-540 type: explored -- comm_cost: 0.3228298611111112 - complexity: 24 +- comm_cost: 0.5214409722222224 + complexity: 18 expressions: - - K+ - N+ - R- - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) + - and(N-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-541 type: explored -- comm_cost: 0.28570601851851873 - complexity: 21 +- comm_cost: 0.37326388888888906 + complexity: 9 expressions: + - K+ - N+ + - R+ - R- - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) name: explored-542 type: explored -- comm_cost: 0.4735821759259261 - complexity: 16 +- comm_cost: 0.6668750000000001 + complexity: 5 expressions: - - N+ + - K- + - R+ - R- - - S- - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - SE+ + - SE- name: explored-543 type: explored -- comm_cost: 0.512717013888889 - complexity: 16 +- comm_cost: 0.7703125000000001 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - and(N-, or(K+, S-)) - or(K+, SE+) name: explored-544 type: explored -- comm_cost: 0.5693865740740742 - complexity: 21 +- comm_cost: 0.24373263888888919 + complexity: 14 expressions: + - K+ + - K+ - N+ - - and(K-, N-) + - R- + - S+ + - SE- - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - not(R+) name: explored-545 type: explored -- comm_cost: 0.5145138888888889 - complexity: 13 +- comm_cost: 0.556076388888889 + complexity: 12 expressions: - - K+ - N+ - - N- - R- - - S+ - - S- - - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) + - and(SE+, N-) name: explored-546 type: explored -- comm_cost: 0.5267361111111112 +- comm_cost: 0.6539930555555556 complexity: 15 expressions: - - R+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - R- + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-547 type: explored -- comm_cost: 0.16406250000000022 - complexity: 18 +- comm_cost: 0.8360937500000001 + complexity: 6 expressions: - - K+ - - N+ - - R+ - - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - or(K+, SE+) + - or(S+, SE+) name: explored-548 type: explored -- comm_cost: 0.4769531250000002 - complexity: 11 +- comm_cost: 0.6325000000000002 + complexity: 10 expressions: - - K+ - - N+ - - R- - - S+ - - SE- - - and(N-, R+) - - or(K+, SE+) + - R+ + - and(S-, or(SE-, N+)) + - or(N+, not(R+)) name: explored-549 type: explored -- comm_cost: 0.33171296296296315 - complexity: 14 +- comm_cost: 0.39079861111111125 + complexity: 16 expressions: - N+ - - R- - - SE+ + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) name: explored-550 type: explored -- comm_cost: 0.7019097222222224 - complexity: 7 +- comm_cost: 0.6472222222222224 + complexity: 11 expressions: - - K+ - - R+ - - and(N-, or(K+, SE+)) + - N+ + - SE- + - and(S-, N-) + - and(or(K+, S-), not(R-)) name: explored-551 type: explored -- comm_cost: 0.6931597222222223 - complexity: 6 +- comm_cost: 0.5234375000000002 + complexity: 11 expressions: - N+ + - R- - S+ - - SE- - - or(K+, S-) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-552 type: explored -- comm_cost: 0.4520833333333336 - complexity: 14 +- comm_cost: 0.4409722222222222 + complexity: 11 expressions: - N+ - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) + - R- + - and(K-, S+) + - and(S-, SE-) + - or(S+, R-) name: explored-553 type: explored -- comm_cost: 0.6923611111111112 - complexity: 8 +- comm_cost: 0.2312500000000003 + complexity: 11 expressions: - - R+ - - and(S-, not(R-)) - - or(SE-, N+) + - R- + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-554 type: explored -- comm_cost: 0.49227430555555574 +- comm_cost: 0.5150173611111111 complexity: 15 expressions: - K+ - N+ - R- - - S- - - SE- - - and(N-, R+) - - and(S-, not(R+)) - - or(S+, N+) + - S+ + - and(S-, SE-) + - or(N+, R-) + - or(S+, or(N+, R-)) name: explored-555 type: explored -- comm_cost: 0.5841145833333332 - complexity: 7 +- comm_cost: 0.5772916666666669 + complexity: 38 expressions: - - N+ - - R- - - and(S-, SE-) - - not(R+) + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) + - and(S-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) + - or(K+, R+) + - or(K+, or(N+, R-)) name: explored-556 type: explored -- comm_cost: 0.6175636574074075 - complexity: 9 +- comm_cost: 0.43871527777777797 + complexity: 19 expressions: - K+ - - R+ - - R- - - S- - - and(N-, or(S+, R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, N+) name: explored-557 type: explored -- comm_cost: 0.3006944444444446 - complexity: 18 +- comm_cost: 0.3437500000000002 + complexity: 8 expressions: - N+ - R- + - R- + - S+ + - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) name: explored-558 type: explored -- comm_cost: 0.28871527777777795 +- comm_cost: 0.1810763888888891 complexity: 19 expressions: + - K+ - N+ - R- - S+ - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, N+) + - and(and(S-, N-), not(R-)) name: explored-559 type: explored -- comm_cost: 0.4370370370370371 - complexity: 19 +- comm_cost: 0.5378472222222224 + complexity: 9 expressions: - - K+ - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - or(K+, or(N+, R-)) name: explored-560 type: explored -- comm_cost: 0.4433593750000002 - complexity: 22 +- comm_cost: 0.6557291666666668 + complexity: 14 expressions: - - K+ - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-561 type: explored -- comm_cost: 0.6408854166666668 - complexity: 8 +- comm_cost: 0.3947916666666669 + complexity: 21 expressions: - - R+ - - S- - - SE- + - N+ + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) - and(SE-, or(K+, S-)) name: explored-562 type: explored -- comm_cost: 0.2396990740740741 - complexity: 15 +- comm_cost: 0.55390625 + complexity: 9 expressions: - - K+ - - N+ - - R+ - R- - - and(K-, or(S+, R+)) - - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-563 type: explored -- comm_cost: 0.4955729166666668 - complexity: 7 +- comm_cost: 0.3255208333333337 + complexity: 15 expressions: - - R+ + - N+ - R- + - and(N-, R+) - and(S-, SE-) - not(R+) + - or(S+, or(N+, R-)) name: explored-564 type: explored -- comm_cost: 0.6010416666666667 - complexity: 9 +- comm_cost: 0.4516666666666669 + complexity: 18 expressions: - K+ - N+ - R- - - SE- - - and(K-, or(S+, R-)) + - S+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(N+, not(R+)) name: explored-565 type: explored -- comm_cost: 0.3983796296296298 - complexity: 17 +- comm_cost: 0.3651041666666669 + complexity: 19 expressions: - K+ - N+ - R- + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-566 type: explored -- comm_cost: 0.594502314814815 - complexity: 12 +- comm_cost: 0.5351996527777779 + complexity: 21 expressions: - - R+ + - N+ - R- - - and(S-, N-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - and(S-, not(R+)) + - or(K+, K-) name: explored-567 type: explored -- comm_cost: 0.6345486111111113 - complexity: 11 +- comm_cost: 0.5451388888888891 + complexity: 16 expressions: - R+ - - not(R+) - - or(K+, R-) - - or(S+, or(N+, R-)) + - R- + - SE- + - and(and(S-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-568 type: explored -- comm_cost: 0.5486805555555557 - complexity: 9 +- comm_cost: 0.4881944444444446 + complexity: 11 expressions: - - K- - - N+ - - SE- - - and(K-, SE-) + - K+ + - R- - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-569 type: explored -- comm_cost: 0.41626157407407416 - complexity: 18 +- comm_cost: 0.4109375000000002 + complexity: 12 expressions: - - N+ - - R- - S+ - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-570 type: explored -- comm_cost: 0.3510416666666669 - complexity: 10 +- comm_cost: 0.6173611111111114 + complexity: 13 expressions: - - N+ - - and(K-, SE-) - - and(N-, R+) + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) - and(N-, R+) name: explored-571 type: explored -- comm_cost: 0.7378298611111113 - complexity: 9 +- comm_cost: 0.4897569444444446 + complexity: 13 expressions: - - R+ - - and(K-, or(S+, SE+)) - - or(K+, S-) + - K+ + - N+ + - R- + - S+ + - and(K-, N-) + - and(N-, R+) + - or(S+, N+) name: explored-572 type: explored -- comm_cost: 0.7495833333333334 - complexity: 8 +- comm_cost: 0.2928819444444446 + complexity: 11 expressions: - - and(K-, or(SE-, N+)) - - or(S+, SE+) + - N+ + - R+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-573 type: explored -- comm_cost: 0.10572916666666687 - complexity: 17 +- comm_cost: 0.7969444444444445 + complexity: 9 expressions: - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - SE- + - or(N+, not(R+)) + - or(SE-, N+) name: explored-574 type: explored -- comm_cost: 0.43906250000000013 - complexity: 13 +- comm_cost: 0.6491840277777778 + complexity: 12 expressions: + - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(SE-, N+) + - SE- + - and(N-, or(S+, SE+)) + - or(K+, S-) name: explored-575 type: explored -- comm_cost: 0.36527777777777803 - complexity: 14 +- comm_cost: 0.6392708333333335 + complexity: 13 expressions: - N+ - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-576 - type: explored -- comm_cost: 0.49930555555555567 - complexity: 11 - expressions: + - N- - R+ - R- - SE- - - and(K-, S+) - - and(K-, or(S+, N+)) - name: explored-577 + - and(or(K+, S-), or(N+, not(R+))) + name: explored-576 type: explored -- comm_cost: 0.5361111111111113 - complexity: 14 +- comm_cost: 0.3583333333333336 + complexity: 16 expressions: - K+ - - N- - R- + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-578 + - and(and(S-, N-), not(R-)) + name: explored-577 type: explored -- comm_cost: 0.42005208333333355 - complexity: 19 +- comm_cost: 0.36571180555555594 + complexity: 17 expressions: - - N+ + - K+ - R- - - S+ - - SE+ + - SE- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-578 + type: explored +- comm_cost: 0.7117187500000001 + complexity: 8 + expressions: + - and(K-, SE-) + - and(N-, or(S+, SE+)) name: explored-579 type: explored -- comm_cost: 0.495138888888889 +- comm_cost: 0.5157986111111112 complexity: 14 expressions: - - K+ - - R+ + - N+ - R- - SE- - - and(K-, or(S+, R-)) - - and(SE-, or(K+, S-)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(S+, N+) name: explored-580 type: explored -- comm_cost: 0.5174537037037039 - complexity: 13 +- comm_cost: 0.390451388888889 + complexity: 18 expressions: + - K+ + - N+ - R- - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - or(K+, S-) - - or(S+, R-) + - and(S-, not(R-)) + - and(SE-, or(K+, S-)) name: explored-581 type: explored -- comm_cost: 0.6950000000000001 - complexity: 13 +- comm_cost: 0.5150173611111113 + complexity: 17 expressions: - - K- - - S- + - K+ + - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(S+, N+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-582 type: explored -- comm_cost: 0.4539583333333337 - complexity: 9 +- comm_cost: 0.4403645833333335 + complexity: 16 expressions: - N+ - S+ + - and(K-, N-) - and(N-, R+) - - or(N+, not(R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-583 type: explored -- comm_cost: 0.43315972222222254 - complexity: 13 +- comm_cost: 0.2947916666666669 + complexity: 22 expressions: - N+ - R- - S+ - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, N+) + - or(S+, N+) name: explored-584 type: explored -- comm_cost: 0.6385879629629632 - complexity: 9 +- comm_cost: 0.45277777777777795 + complexity: 12 expressions: - - N- - - R+ - - and(S-, SE-) - - and(S-, not(R-)) + - K+ + - N+ + - R- + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-585 type: explored -- comm_cost: 0.10373263888888928 - complexity: 14 +- comm_cost: 0.3442708333333335 + complexity: 17 expressions: - - K+ - - K+ - - N+ - R- - - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(S+, R-) + - and(S-, or(SE-, N+)) name: explored-586 type: explored -- comm_cost: 0.2562500000000002 - complexity: 20 +- comm_cost: 0.7114131944444445 + complexity: 33 expressions: - - K+ - - N+ - - R- + - S+ + - SE+ - and(K-, S+) - - and(K-, SE-) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, not(R-)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) + - or(K+, R-) + - or(K+, S-) + - or(S+, R+) name: explored-587 type: explored -- comm_cost: 0.15208333333333357 - complexity: 11 +- comm_cost: 0.15972222222222254 + complexity: 18 expressions: - K+ - - K+ - - N+ - - N+ - - S+ + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-588 type: explored -- comm_cost: 0.43333333333333324 - complexity: 9 +- comm_cost: 0.41787037037037056 + complexity: 13 expressions: - - K+ - - N+ - R- - - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) + - or(S+, R-) + - or(S+, SE+) name: explored-589 type: explored -- comm_cost: 0.582638888888889 - complexity: 10 +- comm_cost: 0.632465277777778 + complexity: 8 expressions: + - K+ - R+ - SE- - - and(N-, or(K+, R+)) - - or(S+, R-) + - and(K-, or(S+, R+)) name: explored-590 type: explored -- comm_cost: 0.40729166666666683 - complexity: 7 +- comm_cost: 0.6748635912698414 + complexity: 36 expressions: - - K+ - - R+ - - R- - - SE- - - and(S-, SE-) + - N+ + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) + - or(SE-, N+) name: explored-591 type: explored -- comm_cost: 0.7445486111111113 - complexity: 9 +- comm_cost: 0.6493055555555557 + complexity: 5 expressions: - - R+ - - and(N-, or(K+, S-)) - - or(K+, S-) + - N+ + - SE- + - or(K+, R+) name: explored-592 type: explored -- comm_cost: 0.5687500000000003 - complexity: 6 +- comm_cost: 0.46302083333333366 + complexity: 12 expressions: + - N+ + - and(K-, or(S+, R-)) - and(N-, R+) - or(S+, N+) name: explored-593 type: explored -- comm_cost: 0.3822916666666669 - complexity: 15 +- comm_cost: 0.3826388888888892 + complexity: 19 expressions: - K+ - N+ - - R- - - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, N+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-594 type: explored -- comm_cost: 0.3104166666666669 - complexity: 12 +- comm_cost: 0.33307291666666694 + complexity: 16 expressions: + - K+ - N+ - - R- - - S+ + - and(K-, N-) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) name: explored-595 type: explored -- comm_cost: 0.3586805555555559 - complexity: 16 +- comm_cost: 0.5918547453703705 + complexity: 18 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) + - SE- + - SE- + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-596 type: explored -- comm_cost: 2.220446049250313e-16 - complexity: 14 +- comm_cost: 0.4599479166666668 + complexity: 17 expressions: - K+ + - K+ - N+ - R- - - R- - - R- - - and(K-, S+) + - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) + - or(S+, SE+) name: explored-597 type: explored -- comm_cost: 0.783912037037037 - complexity: 13 +- comm_cost: 0.4970486111111112 + complexity: 14 expressions: - - SE- - - and(K-, or(S+, R-)) - - not(R+) - - or(K+, or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-598 type: explored -- comm_cost: 0.7089722222222223 - complexity: 24 - expressions: - - N- - - R+ - - and(N-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) - - or(S+, or(N+, R-)) - name: explored-599 - type: explored -- comm_cost: 0.5116666666666668 - complexity: 11 +- comm_cost: 0.4166203703703706 + complexity: 22 expressions: - K+ - N+ + - R- - and(K-, S+) - and(N-, R+) + - and(S-, SE-) - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) + name: explored-599 + type: explored +- comm_cost: 0.2078125000000003 + complexity: 17 + expressions: + - N+ + - S+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-600 type: explored -- comm_cost: 0.8308159722222221 - complexity: 14 +- comm_cost: 0.4378472222222225 + complexity: 20 expressions: - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-601 type: explored -- comm_cost: 0.23359375000000027 - complexity: 17 +- comm_cost: 0.3460069444444447 + complexity: 15 expressions: - - K+ - - N+ - N+ - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) name: explored-602 type: explored -- comm_cost: 0.6588541666666667 - complexity: 11 +- comm_cost: 0.3569444444444446 + complexity: 14 expressions: - - R+ - - and(K-, or(SE-, N+)) - - and(N-, or(S+, SE+)) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-603 type: explored -- comm_cost: 0.27505787037037055 - complexity: 17 +- comm_cost: 0.22968750000000027 + complexity: 14 expressions: - - K+ - N+ - R- - S+ - - and(K-, not(R+)) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(SE+, N-) name: explored-604 type: explored -- comm_cost: 0.549826388888889 - complexity: 13 +- comm_cost: 0.585590277777778 + complexity: 8 expressions: - - SE- - - and(N-, R+) - - or(K+, R-) - - or(N+, R-) - - or(S+, R+) + - R+ + - and(K-, SE-) + - and(K-, not(R+)) name: explored-605 type: explored -- comm_cost: 0.6158854166666669 - complexity: 10 +- comm_cost: 0.6359953703703705 + complexity: 12 expressions: - - N+ - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - R+ + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(S-, N-) name: explored-606 type: explored -- comm_cost: 0.5754166666666668 - complexity: 7 +- comm_cost: 0.6130208333333335 + complexity: 5 expressions: - N+ - - R+ - - R+ - R- - - SE- - - not(R-) + - and(SE+, N-) name: explored-607 type: explored -- comm_cost: 0.30225694444444473 - complexity: 21 +- comm_cost: 0.8041666666666667 + complexity: 10 expressions: - - N+ - - R- - - S+ - - and(K-, SE-) - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, R-) name: explored-608 type: explored -- comm_cost: 0.4852430555555558 - complexity: 16 +- comm_cost: 0.4252893518518521 + complexity: 23 expressions: - - K+ - - R- - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) + - N+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, R-) name: explored-609 type: explored -- comm_cost: 0.247916666666667 - complexity: 10 +- comm_cost: 0.5261458333333335 + complexity: 13 expressions: - - K+ - - and(K-, S+) + - N+ + - R- + - S+ + - S- - and(N-, R+) - and(S-, SE-) + - or(K+, S-) name: explored-610 type: explored -- comm_cost: 0.5642361111111113 - complexity: 19 +- comm_cost: 0.6411458333333334 + complexity: 8 expressions: - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - S- + - SE- + - and(N-, or(K+, R+)) name: explored-611 type: explored -- comm_cost: 0.6374305555555557 - complexity: 13 +- comm_cost: 0.6552083333333334 + complexity: 7 expressions: - - K+ - R+ - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) + - R- + - and(N-, or(K+, S-)) name: explored-612 type: explored -- comm_cost: 0.3763888888888891 - complexity: 24 +- comm_cost: 0.44756944444444446 + complexity: 10 expressions: - N+ - R- - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) + - SE+ + - and(K-, SE-) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, R-) name: explored-613 type: explored -- comm_cost: 0.7077256944444446 - complexity: 13 +- comm_cost: 0.6729166666666668 + complexity: 7 expressions: - SE- - - and(N-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - and(and(S-, N-), not(R-)) name: explored-614 type: explored -- comm_cost: 0.4529513888888891 - complexity: 14 +- comm_cost: 0.3982638888888891 + complexity: 16 expressions: - - K+ - N+ - - SE- - - and(K-, N-) + - R- + - S+ - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-615 type: explored -- comm_cost: 0.6543750000000002 - complexity: 5 +- comm_cost: 0.38041666666666707 + complexity: 16 expressions: - - N- - - R+ - - and(K-, SE-) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(N+, not(R+)) name: explored-616 type: explored -- comm_cost: 0.6077604166666668 - complexity: 11 +- comm_cost: 0.5869444444444446 + complexity: 9 expressions: - K- - - R- + - N+ - SE- - and(N-, R+) - - or(S+, or(N+, R-)) + - or(S+, N+) name: explored-617 type: explored -- comm_cost: 0.49635416666666665 - complexity: 14 +- comm_cost: 0.702912326388889 + complexity: 36 expressions: - - K+ - - N+ - R- - - and(K-, not(R-)) - - and(S-, SE-) - - and(S-, not(R+)) + - SE+ + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - not(R+) + - or(K+, K-) + - or(and(K-, S+), or(N+, R-)) name: explored-618 type: explored -- comm_cost: 0.441666666666667 - complexity: 6 +- comm_cost: 0.29218750000000027 + complexity: 14 expressions: + - K+ - N+ - - N+ + - R- - S+ - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-619 type: explored -- comm_cost: 0.3265625000000002 - complexity: 15 +- comm_cost: 0.17916666666666692 + complexity: 9 expressions: - - K+ - - K+ - N+ + - N+ + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-620 type: explored -- comm_cost: 0.40483217592592613 - complexity: 23 +- comm_cost: 0.441666666666667 + complexity: 6 expressions: + - K+ + - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) - - not(R+) name: explored-621 type: explored -- comm_cost: 0.3979166666666669 - complexity: 11 +- comm_cost: 0.46491319444444446 + complexity: 19 expressions: - K+ + - K+ + - N+ - R- - - SE- - - and(N-, R+) - - or(K+, or(N+, R-)) + - S+ + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-622 type: explored -- comm_cost: 0.5901041666666669 +- comm_cost: 0.5391203703703705 complexity: 13 expressions: + - N+ + - R- - SE- - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - and(N-, R+) + - or(K+, S-) name: explored-623 type: explored -- comm_cost: 0.6721354166666669 - complexity: 9 +- comm_cost: 0.5401331018518519 + complexity: 21 expressions: + - N+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R+)) name: explored-624 type: explored -- comm_cost: 0.6087962962962965 - complexity: 16 +- comm_cost: 0.7345601851851853 + complexity: 9 expressions: + - K- - R+ - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R+)) - - or(N+, R-) + - and(and(K-, N-), or(S+, SE+)) name: explored-625 type: explored -- comm_cost: 0.5388020833333335 - complexity: 6 +- comm_cost: 0.6085358796296297 + complexity: 14 expressions: - N+ - - R+ - R- - - SE- - - not(R+) + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(S+, R+) name: explored-626 type: explored -- comm_cost: 0.5969097222222224 - complexity: 16 +- comm_cost: 0.5896440972222223 + complexity: 21 expressions: + - K+ + - N- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - and(N-, or(K+, S-)) - or(K+, N+) - - or(K+, S-) name: explored-627 type: explored -- comm_cost: 0.2649305555555559 - complexity: 23 +- comm_cost: 0.34375000000000033 + complexity: 7 expressions: + - K+ - N+ - R- - - and(K-, S+) + - R- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) name: explored-628 type: explored -- comm_cost: 0.4687500000000002 - complexity: 14 +- comm_cost: 0.5489583333333334 + complexity: 13 expressions: - - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - R+ + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-629 type: explored -- comm_cost: 0.6928819444444446 - complexity: 7 +- comm_cost: 0.289322916666667 + complexity: 15 expressions: - K+ - - R+ - - and(K-, or(S+, R+)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-630 type: explored -- comm_cost: 0.5992187500000001 - complexity: 17 +- comm_cost: 0.3097916666666669 + complexity: 13 expressions: - N+ - - S- - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) + - R- + - S+ - and(N-, R+) - and(S-, SE-) + - or(N+, not(R+)) name: explored-631 type: explored -- comm_cost: 0.7489872685185186 - complexity: 9 +- comm_cost: 0.8583333333333334 + complexity: 2 expressions: - - R+ - - and(N-, or(K+, SE+)) - - or(S+, R+) + - SE- + - SE- name: explored-632 type: explored -- comm_cost: 0.3406250000000003 - complexity: 11 +- comm_cost: 0.5866319444444446 + complexity: 8 expressions: - - K+ - N+ + - R+ - R- - - and(K-, or(S+, N+)) - - and(N-, R+) + - R- + - and(S-, not(R-)) name: explored-633 type: explored -- comm_cost: 0.6973148148148149 - complexity: 20 +- comm_cost: 0.4788194444444446 + complexity: 10 expressions: - - S- - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - not(R+) - - or(K+, R+) - - or(SE-, N+) + - N+ + - R+ + - R- + - SE- + - and(K-, SE-) + - or(S+, N+) name: explored-634 type: explored -- comm_cost: 0.35208333333333364 - complexity: 10 +- comm_cost: 0.2739583333333335 + complexity: 24 expressions: - K+ - N+ - - and(K-, or(S+, R-)) + - R- - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-635 type: explored -- comm_cost: 0.5594618055555558 +- comm_cost: 0.1960937500000004 complexity: 14 expressions: + - K+ - N+ - - SE- + - R- + - and(K-, S+) - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(SE-, N+) + - and(S-, SE-) + - not(R+) name: explored-636 type: explored -- comm_cost: 0.3183593750000002 - complexity: 19 +- comm_cost: 0.5243055555555558 + complexity: 14 expressions: - K+ - - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-637 type: explored -- comm_cost: 0.44687500000000036 - complexity: 10 +- comm_cost: 0.7208333333333333 + complexity: 6 expressions: - - SE- - - and(K-, SE-) - - and(N-, R+) - - or(K+, R-) + - K+ + - N+ + - R- + - or(S+, N+) name: explored-638 type: explored -- comm_cost: 0.5489583333333334 - complexity: 7 +- comm_cost: 0.6365306712962964 + complexity: 15 expressions: - - R+ - - R+ + - N+ + - R- + - S- - SE- - - and(S-, not(R+)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - or(K+, K-) name: explored-639 type: explored -- comm_cost: 0.5364583333333335 - complexity: 10 +- comm_cost: 0.3381076388888892 + complexity: 12 expressions: - - K+ - - R+ + - N+ - R- - SE- - - and(or(K+, S-), not(R+)) + - and(K-, S+) + - and(N-, R+) + - or(SE-, N+) name: explored-640 type: explored -- comm_cost: 0.3577546296296299 - complexity: 20 +- comm_cost: 0.48750000000000016 + complexity: 12 expressions: - K+ - N+ - R- - - S+ - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-641 type: explored -- comm_cost: 0.685763888888889 - complexity: 7 +- comm_cost: 0.4433159722222223 + complexity: 15 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - SE+ - - SE- - - or(K+, K-) + - S+ + - and(S-, SE-) + - and(S-, not(R-)) + - or(S+, N+) name: explored-642 type: explored -- comm_cost: 0.5571180555555557 - complexity: 13 - expressions: - - R+ - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) - name: explored-643 - type: explored -- comm_cost: 0.10625000000000018 - complexity: 15 +- comm_cost: 0.3797453703703706 + complexity: 20 expressions: - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(S-, not(R-)) + - and(and(K-, N-), not(R-)) + name: explored-643 + type: explored +- comm_cost: 0.5380208333333335 + complexity: 7 + expressions: + - N+ + - SE- + - and(N-, or(K+, R+)) name: explored-644 type: explored -- comm_cost: 0.3557002314814818 - complexity: 22 +- comm_cost: 0.3031250000000003 + complexity: 13 expressions: - - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(S-, or(SE-, N+)) + - or(K+, N+) name: explored-645 type: explored -- comm_cost: 0.16041666666666687 - complexity: 15 +- comm_cost: 0.6626736111111112 + complexity: 7 expressions: - - K+ - - K+ - - N+ + - N- + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - SE- + - and(K-, N-) name: explored-646 type: explored -- comm_cost: 0.29930555555555594 - complexity: 23 +- comm_cost: 0.31898148148148153 + complexity: 19 expressions: - - K+ - - R- - - and(K-, S+) + - N+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-647 type: explored -- comm_cost: 0.6577256944444445 - complexity: 6 +- comm_cost: 0.3979166666666669 + complexity: 11 expressions: - - R+ + - K+ + - N+ + - N+ - R- - - S- - - or(K+, R-) + - SE- + - and(N-, R+) + - and(S-, N-) name: explored-648 type: explored -- comm_cost: 0.5328645833333333 - complexity: 11 +- comm_cost: 0.3324652777777779 + complexity: 15 expressions: - K+ - - K+ - N+ - R- - - S+ + - SE+ + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - or(K+, S-) name: explored-649 type: explored -- comm_cost: 0.4517361111111112 - complexity: 11 +- comm_cost: 0.3319444444444446 + complexity: 17 expressions: - - R+ + - N+ + - R- + - R- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-650 type: explored -- comm_cost: 0.5045138888888892 +- comm_cost: 0.5255208333333333 complexity: 13 expressions: - K+ + - K+ - N+ + - R- - S+ - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(SE-, N+)) + - and(S-, SE-) name: explored-651 type: explored -- comm_cost: 0.4486111111111114 - complexity: 11 +- comm_cost: 0.1634259259259263 + complexity: 15 expressions: - - SE- + - K+ + - K+ + - N+ + - R- + - R- + - and(K-, not(R+)) - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) name: explored-652 type: explored -- comm_cost: 0.39861111111111147 - complexity: 12 +- comm_cost: 0.4296875000000001 + complexity: 17 expressions: - N+ - - SE- - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-653 type: explored -- comm_cost: 0.7452546296296297 - complexity: 6 +- comm_cost: 0.3783564814814816 + complexity: 19 expressions: + - K+ - R+ - - not(R-) - - or(K+, R+) + - R- + - and(S-, SE-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-654 type: explored -- comm_cost: 0.275752314814815 - complexity: 16 +- comm_cost: 0.5710937500000002 + complexity: 12 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(K+, R-) + - SE- + - and(N-, or(K+, R+)) + - or(K+, SE+) name: explored-655 type: explored -- comm_cost: 0.3168981481481483 - complexity: 16 +- comm_cost: 0.5350694444444447 + complexity: 17 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-656 type: explored -- comm_cost: 0.6274305555555558 - complexity: 10 +- comm_cost: 0.5266493055555558 + complexity: 25 expressions: - - R- + - N+ - SE- - - and(K-, N-) - and(N-, R+) - - not(R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-657 type: explored -- comm_cost: 0.602621527777778 - complexity: 10 +- comm_cost: 0.6903645833333334 + complexity: 7 expressions: - - R- - - S- - - SE- - - and(N-, R+) - - or(N+, not(R+)) + - R+ + - and(K-, not(R-)) + - not(R+) name: explored-658 type: explored -- comm_cost: 0.6142361111111113 - complexity: 10 +- comm_cost: 0.7133159722222224 + complexity: 11 expressions: - - N+ - - and(N-, R+) - - or(K+, R+) - - or(N+, R-) + - K- + - R+ + - and(K-, or(N+, not(R+))) + - and(SE+, N-) name: explored-659 type: explored -- comm_cost: 0.6805266203703705 +- comm_cost: 0.20416666666666705 complexity: 12 expressions: - - R- - - SE- - - and(N-, or(S+, SE+)) - - or(K+, or(N+, R-)) + - K+ + - K+ + - N+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) name: explored-660 type: explored -- comm_cost: 0.6335069444444446 - complexity: 7 +- comm_cost: 0.3645833333333335 + complexity: 11 expressions: - - SE- - - and(S-, N-) - - or(N+, R-) + - K+ + - R- + - and(S-, SE-) + - and(SE+, N-) + - or(K+, N+) name: explored-661 type: explored -- comm_cost: 0.7381927083333334 - complexity: 22 +- comm_cost: 0.6951388888888891 + complexity: 13 expressions: - - K- - - and(K-, or(S+, SE+)) - - and(S-, N-) + - and(K-, S+) + - and(N-, R+) - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) name: explored-662 type: explored -- comm_cost: 0.3709027777777779 - complexity: 21 +- comm_cost: 0.5000000000000001 + complexity: 7 + expressions: + - R+ + - and(K-, SE-) + - or(K+, R-) + name: explored-663 + type: explored +- comm_cost: 0.347916666666667 + complexity: 12 expressions: - K+ - K+ - N+ + - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - name: explored-663 + - or(K+, R-) + name: explored-664 type: explored -- comm_cost: 0.5839409722222224 - complexity: 17 +- comm_cost: 0.605150462962963 + complexity: 10 expressions: - - N+ - R+ - R- + - SE+ - SE- - - and(K-, N-) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - name: explored-664 + - and(or(K+, S-), not(R+)) + name: explored-665 type: explored -- comm_cost: 0.6963541666666668 - complexity: 7 +- comm_cost: 0.5116319444444446 + complexity: 10 expressions: + - N+ - R+ - R- - - and(N-, or(K+, SE+)) - name: explored-665 - type: explored -- comm_cost: 0.6747349537037038 - complexity: 25 - expressions: - - K- - - S- - - and(K-, not(R+)) - - and(S-, N-) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R-) - - or(S+, N+) + - SE- + - and(and(K-, N-), not(R-)) name: explored-666 type: explored -- comm_cost: 0.5848090277777779 - complexity: 8 +- comm_cost: 0.6601851851851853 + complexity: 6 expressions: - - K+ - R+ - - and(K-, N-) - - and(SE+, N-) + - SE+ + - SE- + - or(S+, R+) name: explored-667 type: explored -- comm_cost: 0.4055555555555559 - complexity: 11 +- comm_cost: 0.6471354166666667 + complexity: 8 expressions: + - N+ + - R+ - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-668 type: explored -- comm_cost: 0.37994791666666683 - complexity: 25 +- comm_cost: 0.46293402777777803 + complexity: 12 expressions: - K+ - - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - or(K+, N+) + - or(K+, R+) name: explored-669 type: explored -- comm_cost: 0.6266203703703705 +- comm_cost: 0.42734375000000036 complexity: 13 expressions: + - N+ - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-670 type: explored -- comm_cost: 0.07864583333333353 - complexity: 16 +- comm_cost: 0.5697916666666666 + complexity: 17 expressions: - K+ - - K+ - - N+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) + - and(K-, or(S+, N+)) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-671 type: explored -- comm_cost: 0.7246302083333334 - complexity: 20 +- comm_cost: 0.2732638888888891 + complexity: 14 expressions: - - S- + - K+ + - N+ - SE+ - - and(N-, not(R-)) - - and(N-, or(K+, S-)) - - and(S-, or(SE-, N+)) - - or(N+, not(R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-672 type: explored -- comm_cost: 0.8354166666666667 - complexity: 10 +- comm_cost: 0.6782986111111112 + complexity: 7 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) + - R+ + - R+ + - and(N-, or(K+, S-)) name: explored-673 type: explored -- comm_cost: 0.20723379629629646 - complexity: 23 +- comm_cost: 0.45768229166666685 + complexity: 14 expressions: - K+ - N+ - R- + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-674 type: explored -- comm_cost: 0.5034722222222223 - complexity: 13 +- comm_cost: 0.411388888888889 + complexity: 22 expressions: + - K+ - N+ + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(S+, R-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, S-) name: explored-675 type: explored -- comm_cost: 0.46562500000000007 - complexity: 9 +- comm_cost: 0.5682291666666668 + complexity: 19 expressions: - N+ + - R+ - R- - - and(N-, not(R-)) - - and(S-, SE-) + - SE- + - and(K-, SE-) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-676 type: explored -- comm_cost: 0.3914930555555558 - complexity: 10 +- comm_cost: 0.5791666666666668 + complexity: 12 expressions: - - K+ - N+ - R- - S+ - and(N-, R+) + - or(K+, K-) - or(S+, N+) name: explored-677 type: explored -- comm_cost: 0.6144097222222223 - complexity: 7 +- comm_cost: 0.39445601851851864 + complexity: 23 expressions: - - R+ - - and(S-, N-) - - or(S+, R-) + - K+ + - K+ + - N+ + - R- + - R- + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, SE+) name: explored-678 type: explored -- comm_cost: 0.43671875000000016 - complexity: 10 +- comm_cost: 0.44140625 + complexity: 13 expressions: - - K+ - N+ - R- - - and(K-, not(R-)) - - and(N-, R+) + - and(K-, S+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-679 type: explored -- comm_cost: 0.5643229166666669 - complexity: 14 +- comm_cost: 0.4047222222222224 + complexity: 21 expressions: - - and(K-, N-) - - and(K-, or(S+, R-)) + - K+ + - N+ + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) name: explored-680 type: explored -- comm_cost: 0.7679050925925925 - complexity: 11 +- comm_cost: 0.6234722222222224 + complexity: 12 expressions: + - K+ - K- - - or(S+, R-) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - SE+ + - SE- + - and(N-, R+) + - or(K+, S-) name: explored-681 type: explored -- comm_cost: 0.6142361111111113 - complexity: 12 +- comm_cost: 0.5655034722222223 + complexity: 17 expressions: - N+ - - and(K-, or(S+, R+)) + - R- - and(N-, R+) - - or(N+, R-) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, S-) name: explored-682 type: explored -- comm_cost: 0.5213541666666668 - complexity: 7 +- comm_cost: 0.5100868055555556 + complexity: 16 expressions: - N+ + - R- + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(or(K+, S-), not(R-)) + - not(R-) name: explored-683 type: explored -- comm_cost: 0.7216666666666667 - complexity: 3 +- comm_cost: 0.5724537037037039 + complexity: 12 expressions: + - R+ - R- - - not(R-) + - SE- + - and(S-, or(N+, not(R+))) + - and(SE+, N-) name: explored-684 type: explored -- comm_cost: 0.5437500000000002 - complexity: 11 +- comm_cost: 0.6809056712962964 + complexity: 42 expressions: - - K+ - - R- - - and(N-, R+) + - SE+ + - and(K-, N-) + - and(K-, or(S+, R-)) + - and(N-, not(R-)) + - and(N-, or(S+, R+)) + - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) - and(or(K+, S-), not(R-)) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-685 type: explored -- comm_cost: 0.5896643518518521 - complexity: 16 +- comm_cost: 0.7653472222222222 + complexity: 11 expressions: - - N+ - - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - or(N+, R-) - - or(S+, SE+) + - K- + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) name: explored-686 type: explored -- comm_cost: 0.5700520833333335 - complexity: 10 +- comm_cost: 0.4270833333333335 + complexity: 12 expressions: - R- - - and(and(S-, N-), not(R-)) - - or(S+, R+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-687 type: explored -- comm_cost: 0.5897569444444446 - complexity: 13 - expressions: - - R+ - - and(K-, or(S+, R+)) - - and(S-, not(R+)) - - or(N+, R-) +- comm_cost: 0.10208333333333353 + complexity: 17 + expressions: + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-688 type: explored -- comm_cost: 0.6906250000000002 - complexity: 7 +- comm_cost: 0.678125 + complexity: 9 expressions: - N+ - - R+ - - S- - - or(N+, not(R+)) + - R- + - SE- + - or(K+, N+) + - or(N+, R-) name: explored-689 type: explored -- comm_cost: 0.6455729166666668 - complexity: 8 +- comm_cost: 0.31562500000000027 + complexity: 9 expressions: + - K+ - S+ - - and(K-, not(R-)) + - S+ + - and(N-, R+) - and(S-, SE-) name: explored-690 type: explored -- comm_cost: 0.520138888888889 - complexity: 12 +- comm_cost: 0.5806712962962965 + complexity: 9 expressions: - N+ - - R- - - and(K-, not(R-)) + - SE+ + - SE- - and(N-, R+) - - or(S+, R-) + - or(S+, R+) name: explored-691 type: explored -- comm_cost: 0.7204861111111112 - complexity: 5 +- comm_cost: 0.5483333333333336 + complexity: 25 expressions: - N+ - - R+ - - or(K+, K-) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-692 type: explored -- comm_cost: 0.3274305555555558 - complexity: 16 +- comm_cost: 0.4211805555555558 + complexity: 20 expressions: + - K+ - N+ - - R+ - R- - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(S-, or(N+, not(R+))) name: explored-693 type: explored -- comm_cost: 0.35607638888888893 - complexity: 12 +- comm_cost: 0.26927083333333346 + complexity: 9 expressions: + - K+ - N+ - R- - - R- - - S+ - - and(K-, or(S+, R+)) - and(S-, SE-) + - and(SE+, N-) name: explored-694 type: explored -- comm_cost: 0.3725115740740741 - complexity: 16 +- comm_cost: 0.2727430555555558 + complexity: 20 expressions: - K+ - - K+ - N+ - R- - S+ - - SE+ + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - and(and(K-, N-), or(S+, SE+)) name: explored-695 type: explored -- comm_cost: 0.3460069444444447 - complexity: 17 +- comm_cost: 0.5308333333333335 + complexity: 7 expressions: - N+ - - and(K-, or(S+, N+)) + - R- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - not(R-) name: explored-696 type: explored -- comm_cost: 0.6581423611111112 - complexity: 10 +- comm_cost: 0.5759548611111112 + complexity: 8 expressions: - - N+ - - S- - - S- + - R+ + - R+ + - R- - SE- - - and(N-, R+) - - or(S+, SE+) + - and(K-, not(R-)) name: explored-697 type: explored -- comm_cost: 0.4686631944444446 - complexity: 15 +- comm_cost: 0.6041666666666669 + complexity: 10 expressions: - R+ - - R+ - - R- - - S+ - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, SE+) + - SE- + - and(or(K+, S-), not(R+)) + - not(R+) name: explored-698 type: explored -- comm_cost: 0.459375 - complexity: 15 +- comm_cost: 0.3222222222222225 + complexity: 13 expressions: - N+ - - R- - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - and(N-, R+) - and(SE-, or(K+, S-)) + - or(S+, R-) name: explored-699 type: explored -- comm_cost: 0.5755208333333333 - complexity: 12 +- comm_cost: 0.4681250000000001 + complexity: 13 expressions: - K+ - - K+ + - N+ - R- - - S+ - - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) + - not(R+) + - not(R-) name: explored-700 type: explored -- comm_cost: 0.598263888888889 - complexity: 16 +- comm_cost: 0.3275173611111115 + complexity: 19 expressions: - - and(K-, not(R-)) + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-701 type: explored -- comm_cost: 0.3315104166666668 - complexity: 17 +- comm_cost: 0.5938368055555557 + complexity: 5 expressions: - K+ - - N+ - - R- - - S+ - - and(K-, S+) - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - not(R+) name: explored-702 type: explored -- comm_cost: 0.8201388888888889 - complexity: 7 +- comm_cost: 0.5854166666666669 + complexity: 6 expressions: - R- - - and(or(K+, S-), not(R+)) + - S+ + - SE+ + - and(N-, R+) name: explored-703 type: explored -- comm_cost: 0.4437500000000002 - complexity: 16 +- comm_cost: 0.6693055555555557 + complexity: 15 expressions: - - N+ - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, N-) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + - or(N+, not(R+)) name: explored-704 type: explored -- comm_cost: 0.5088541666666668 - complexity: 22 +- comm_cost: 0.7710937500000001 + complexity: 6 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) + - R- + - and(N-, or(K+, S-)) name: explored-705 type: explored -- comm_cost: 0.649652777777778 - complexity: 9 +- comm_cost: 0.4193576388888891 + complexity: 19 expressions: - - R+ - - R+ - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-706 type: explored -- comm_cost: 0.7093402777777779 - complexity: 16 +- comm_cost: 0.31349826388888924 + complexity: 10 expressions: - - S- - - and(S-, not(R-)) - - or(K+, R+) - - or(K+, or(N+, R-)) - - or(S+, R+) + - K+ + - N+ + - R- + - S+ + - SE- + - and(N-, R+) + - not(R+) name: explored-707 type: explored -- comm_cost: 0.6006770833333335 - complexity: 12 +- comm_cost: 0.4020833333333337 + complexity: 18 expressions: - - K+ - - N- - R- - - and(K-, N-) - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-708 type: explored -- comm_cost: 0.6333333333333333 - complexity: 5 +- comm_cost: 0.5641666666666669 + complexity: 11 expressions: - - N+ - - R- - - SE- - - not(R-) + - N- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-709 type: explored -- comm_cost: 0.5754166666666669 - complexity: 6 +- comm_cost: 0.316666666666667 + complexity: 10 expressions: - - K- - N+ + - N+ + - R- - SE- - and(N-, R+) + - or(S+, N+) name: explored-710 type: explored -- comm_cost: 0.10625000000000018 - complexity: 13 +- comm_cost: 0.4729861111111112 + complexity: 15 expressions: - - K+ - - K+ + - K- - N+ - R- - - and(K-, SE-) + - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-711 type: explored -- comm_cost: 0.6437152777777778 - complexity: 12 +- comm_cost: 0.5480034722222223 + complexity: 11 expressions: - - K+ - N+ + - R+ - R- + - S+ - SE- - - and(K-, or(S+, R-)) - - or(K+, S-) + - and(K-, or(N+, not(R+))) name: explored-712 type: explored -- comm_cost: 0.5131944444444447 - complexity: 11 +- comm_cost: 0.5886574074074076 + complexity: 20 expressions: - - K+ - N+ - SE- - and(K-, or(S+, R+)) - and(N-, R+) + - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-713 type: explored -- comm_cost: 0.6119791666666669 - complexity: 9 +- comm_cost: 0.3010416666666669 + complexity: 15 expressions: - - R+ - - S+ - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) + - or(S+, R+) name: explored-714 type: explored -- comm_cost: 0.2015625000000003 - complexity: 16 +- comm_cost: 0.24401041666666679 + complexity: 17 expressions: - - K+ - - K+ + - N+ - R- - S+ - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, N+) name: explored-715 type: explored -- comm_cost: 0.5406250000000001 - complexity: 9 +- comm_cost: 0.5356481481481482 + complexity: 15 expressions: + - K+ + - N+ - R- - - S- - - SE- - - and(N-, R+) - - or(K+, N+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-716 type: explored -- comm_cost: 0.3757812500000002 - complexity: 11 +- comm_cost: 0.6317129629629632 + complexity: 14 expressions: - - N+ - - N+ - - and(N-, R+) + - R+ - and(S-, SE-) - - or(K+, SE+) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-717 type: explored -- comm_cost: 0.6217708333333334 - complexity: 5 +- comm_cost: 0.5453993055555557 + complexity: 19 expressions: - - R+ + - N+ - R- - - SE- - - not(R-) + - S+ + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-718 type: explored -- comm_cost: 0.43333333333333357 - complexity: 5 +- comm_cost: 0.5122222222222224 + complexity: 12 expressions: + - K+ - R- - SE- - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-719 type: explored -- comm_cost: 0.6352430555555557 - complexity: 10 +- comm_cost: 0.604340277777778 + complexity: 15 expressions: - - R+ - R- - - and(N-, or(K+, R+)) - - or(S+, R-) + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-720 type: explored -- comm_cost: 0.6630208333333334 - complexity: 8 +- comm_cost: 0.4340277777777779 + complexity: 15 expressions: - N+ - - R+ - - R- - - and(N-, or(S+, SE+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, N+) name: explored-721 type: explored -- comm_cost: 0.35121527777777817 - complexity: 13 +- comm_cost: 0.6652777777777779 + complexity: 19 expressions: - K+ - N+ - - S+ - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-722 type: explored -- comm_cost: 0.6931712962962964 - complexity: 6 +- comm_cost: 0.47881944444444446 + complexity: 24 expressions: - - K+ - - K- - - R+ - - or(K+, R+) + - N+ + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-723 type: explored -- comm_cost: 0.8141493055555555 +- comm_cost: 0.7270833333333334 complexity: 9 expressions: - - SE- - - and(K-, or(S+, N+)) - - or(SE-, N+) + - and(or(K+, S-), not(R-)) + - or(N+, R-) name: explored-724 type: explored -- comm_cost: 0.4500000000000003 - complexity: 9 +- comm_cost: 0.5253472222222224 + complexity: 14 expressions: - N+ + - R+ + - R- - SE- - - and(N-, R+) - - or(N+, not(R+)) + - and(SE-, or(K+, S-)) + - or(S+, or(N+, R-)) name: explored-725 type: explored -- comm_cost: 0.629809027777778 - complexity: 11 +- comm_cost: 0.7565625000000001 + complexity: 5 expressions: - - SE- - - and(N-, R+) - - or(N+, not(R+)) - - or(S+, R+) + - R+ + - S+ + - or(S+, SE+) name: explored-726 type: explored -- comm_cost: 0.3562500000000004 - complexity: 11 +- comm_cost: 0.34496527777777797 + complexity: 13 expressions: - - K+ - - R- - - SE- - - and(K-, or(SE-, N+)) + - N+ + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, SE-) name: explored-727 type: explored -- comm_cost: 0.5634722222222224 - complexity: 17 +- comm_cost: 0.8168402777777778 + complexity: 6 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(S+, SE+) + - or(S+, R-) + - or(SE-, N+) name: explored-728 type: explored -- comm_cost: 0.5467592592592594 +- comm_cost: 0.34736111111111134 complexity: 18 expressions: - - R+ + - N+ - R- - - and(N-, or(K+, S-)) + - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, R-) + - and(SE+, N-) + - or(K+, R-) + - or(S+, SE+) name: explored-729 type: explored -- comm_cost: 0.510416666666667 +- comm_cost: 0.7547453703703705 complexity: 7 expressions: - - K+ - - and(K-, S+) - - and(N-, R+) + - R+ + - SE+ + - and(K-, or(S+, R+)) name: explored-730 type: explored -- comm_cost: 0.33660300925925934 - complexity: 22 +- comm_cost: 0.3865740740740742 + complexity: 19 expressions: - - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-731 type: explored -- comm_cost: 0.18750000000000022 - complexity: 14 +- comm_cost: 0.36921875000000015 + complexity: 13 expressions: - - N+ + - K+ + - K+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(S+, SE+) name: explored-732 type: explored -- comm_cost: 0.2664062500000003 - complexity: 19 +- comm_cost: 0.7113281250000001 + complexity: 16 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, or(N+, R-)) + - R+ + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-733 type: explored -- comm_cost: 0.33029513888888906 - complexity: 20 +- comm_cost: 0.5569444444444447 + complexity: 14 expressions: - - K+ - N+ - - R- - - S+ + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(S-, not(R-)) name: explored-734 type: explored -- comm_cost: 0.16840277777777812 - complexity: 17 +- comm_cost: 0.19201388888888915 + complexity: 16 expressions: - N+ - R- - - S+ - - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(N+, R-) name: explored-735 type: explored -- comm_cost: 0.6529282407407409 - complexity: 32 +- comm_cost: 0.3530092592592595 + complexity: 23 expressions: - - S- - - SE+ - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - and(N-, or(S+, SE+)) + - K+ + - N+ + - R- + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(S-, or(N+, not(R+))) + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-736 type: explored -- comm_cost: 0.5545138888888891 - complexity: 9 +- comm_cost: 0.6899131944444445 + complexity: 31 expressions: - - R+ - - R- - - SE- - - and(or(K+, S-), not(R+)) + - SE+ + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(N-, not(R-)) + - and(N-, or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-737 type: explored -- comm_cost: 0.22864583333333344 - complexity: 16 +- comm_cost: 0.5080729166666668 + complexity: 14 expressions: - K+ - - K+ - N+ - R- - - and(N-, R+) + - S+ + - SE+ - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-738 type: explored -- comm_cost: 0.552951388888889 - complexity: 13 +- comm_cost: 0.5401041666666667 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) + - S+ + - and(K-, or(S+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-739 type: explored -- comm_cost: 0.3659722222222226 - complexity: 14 +- comm_cost: 0.5680208333333334 + complexity: 9 expressions: - - N+ + - K+ + - R+ - R- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(S+, N+) + - and(S-, SE-) + - or(K+, S-) name: explored-740 type: explored -- comm_cost: 0.33020833333333366 - complexity: 10 +- comm_cost: 0.38107638888888906 + complexity: 15 expressions: - N+ - R- - - S+ - - S+ - - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - and(SE+, N-) name: explored-741 type: explored -- comm_cost: 0.7169270833333334 - complexity: 7 +- comm_cost: 0.5759548611111113 + complexity: 17 expressions: - - R+ - - S+ - - and(N-, or(S+, SE+)) + - K+ + - N+ + - R- + - S- + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) name: explored-742 type: explored -- comm_cost: 0.8070312500000001 - complexity: 6 +- comm_cost: 0.8901041666666667 + complexity: 8 expressions: - - or(K+, N+) - - or(K+, SE+) + - and(K-, S+) + - and(K-, or(S+, R-)) name: explored-743 type: explored -- comm_cost: 0.6774305555555556 - complexity: 13 +- comm_cost: 0.6802083333333335 + complexity: 9 expressions: - R+ - - SE- - - and(N-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, N+)) + - or(K+, N+) name: explored-744 type: explored -- comm_cost: 0.4363715277777779 - complexity: 14 +- comm_cost: 0.2704861111111114 + complexity: 17 expressions: - K+ - - R+ - R- - - and(N-, or(K+, R+)) + - S+ + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - or(K+, or(N+, R-)) name: explored-745 type: explored -- comm_cost: 0.643107638888889 - complexity: 13 +- comm_cost: 0.24088541666666696 + complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(K-, not(R+)) - - or(N+, R-) - - or(S+, SE+) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - not(R+) name: explored-746 type: explored -- comm_cost: 0.658029513888889 - complexity: 22 +- comm_cost: 0.5219097222222223 + complexity: 15 expressions: - - S+ - - S- - - and(N-, R+) - - and(N-, not(R-)) - - and(or(K+, S-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - R+ + - R- + - and(K-, S+) + - and(S-, SE-) + - or(K+, S-) + - or(S+, N+) name: explored-747 type: explored -- comm_cost: 0.9020833333333333 - complexity: 1 +- comm_cost: 0.7616666666666667 + complexity: 8 expressions: - - R- + - K- + - and(or(K+, S-), or(SE-, N+)) name: explored-748 type: explored -- comm_cost: 0.2507812500000003 - complexity: 13 +- comm_cost: 0.22361111111111143 + complexity: 21 expressions: + - K+ + - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) - or(S+, or(N+, R-)) name: explored-749 type: explored -- comm_cost: 0.6253125000000002 - complexity: 9 +- comm_cost: 0.4145833333333335 + complexity: 21 expressions: - - R+ - - and(S-, not(R+)) - - or(N+, not(R+)) + - K+ + - N+ + - R- + - S+ + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-750 type: explored -- comm_cost: 0.6325000000000002 - complexity: 12 +- comm_cost: 0.3631944444444448 + complexity: 7 expressions: - - R+ - - R+ - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) + - K+ + - N+ + - SE- + - SE- + - and(N-, R+) name: explored-751 type: explored -- comm_cost: 0.6915046296296297 - complexity: 7 +- comm_cost: 0.5322916666666668 + complexity: 5 expressions: - - K- - R+ - SE- - - and(S-, not(R-)) + - and(S-, SE-) name: explored-752 type: explored -- comm_cost: 0.610763888888889 - complexity: 14 +- comm_cost: 0.5539930555555557 + complexity: 12 expressions: - N+ - SE- - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) - - and(N-, R+) + - and(SE+, N-) + - or(and(K-, S+), or(N+, R-)) name: explored-753 type: explored -- comm_cost: 0.5753472222222222 +- comm_cost: 0.5114583333333333 complexity: 14 expressions: + - K+ - N+ - R- - - SE- - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-754 type: explored -- comm_cost: 0.614496527777778 - complexity: 10 +- comm_cost: 0.5415798611111112 + complexity: 14 expressions: - - R+ - - SE- - - or(S+, R-) - - or(S+, or(N+, R-)) + - K+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) + - or(SE-, N+) name: explored-755 type: explored -- comm_cost: 0.4008333333333335 - complexity: 10 +- comm_cost: 0.5298611111111114 + complexity: 14 expressions: - - K+ - - K+ - N+ - - N- - and(N-, R+) - - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-756 type: explored -- comm_cost: 0.5378472222222224 - complexity: 13 +- comm_cost: 0.6919270833333334 + complexity: 6 expressions: - - N+ - R+ - - R- - - SE- - - and(or(K+, S-), not(R+)) - - or(S+, N+) + - and(N-, or(K+, S-)) name: explored-757 type: explored -- comm_cost: 0.37708333333333366 - complexity: 12 +- comm_cost: 0.5265625000000002 + complexity: 8 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) + - N+ + - R+ + - SE- + - and(K-, or(S+, R-)) name: explored-758 type: explored -- comm_cost: 0.6595486111111113 - complexity: 15 +- comm_cost: 0.4150173611111112 + complexity: 14 expressions: + - K+ - R+ - - SE- - - and(or(K+, S-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, R-) name: explored-759 type: explored -- comm_cost: 0.4959201388888892 - complexity: 15 +- comm_cost: 0.7315104166666668 + complexity: 11 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - or(S+, or(N+, R-)) + - R+ + - and(K-, N-) + - and(K-, not(R-)) + - or(S+, SE+) name: explored-760 type: explored -- comm_cost: 0.43934027777777795 - complexity: 19 +- comm_cost: 0.6209201388888891 + complexity: 8 expressions: - - N+ - - R- - - S+ + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) + - or(S+, R+) name: explored-761 type: explored -- comm_cost: 0.2337962962962965 - complexity: 20 +- comm_cost: 0.4077256944444446 + complexity: 17 expressions: - - K+ - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) + - and(and(K-, N-), not(R-)) + - or(SE-, N+) name: explored-762 type: explored -- comm_cost: 0.37135416666666665 - complexity: 12 +- comm_cost: 0.49432870370370385 + complexity: 19 expressions: - N+ - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R- + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, N-) name: explored-763 type: explored -- comm_cost: 0.6329861111111112 - complexity: 9 +- comm_cost: 0.6366319444444446 + complexity: 10 expressions: + - N+ - R+ - - and(K-, S+) - - or(K+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-764 type: explored -- comm_cost: 0.5469618055555556 - complexity: 11 +- comm_cost: 0.4271701388888892 + complexity: 12 expressions: - - K+ - - R+ - - R- - - S- - - and(K-, not(R-)) - - and(S-, SE-) + - N+ + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - not(R+) name: explored-765 type: explored -- comm_cost: 0.5646701388888891 - complexity: 13 +- comm_cost: 0.3510416666666669 + complexity: 8 expressions: - - K+ - - R- - - SE- + - N+ + - N+ + - and(K-, SE-) - and(N-, R+) - - and(N-, not(R-)) - - or(S+, R+) name: explored-766 type: explored -- comm_cost: 0.2576388888888892 - complexity: 16 +- comm_cost: 0.342465277777778 + complexity: 17 expressions: - - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-767 type: explored -- comm_cost: 0.3812500000000003 - complexity: 13 +- comm_cost: 0.5229166666666668 + complexity: 12 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, or(SE-, N+)) + - or(K+, R-) name: explored-768 type: explored -- comm_cost: 0.35260416666666705 +- comm_cost: 0.5746875 complexity: 8 expressions: - - N+ - - SE- - - and(K-, SE-) - - and(N-, R+) + - K+ + - R- + - S+ + - and(S-, SE-) + - not(R-) name: explored-769 type: explored -- comm_cost: 0.5651041666666669 - complexity: 18 +- comm_cost: 0.7796875000000001 + complexity: 6 expressions: - N+ - - SE- - - and(N-, R+) - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) - name: explored-770 - type: explored -- comm_cost: 0.6194444444444446 - complexity: 11 - expressions: - - R+ - - R- - - SE- - and(K-, or(S+, SE+)) - - or(N+, R-) - name: explored-771 + name: explored-770 type: explored -- comm_cost: 0.44921875 - complexity: 8 +- comm_cost: 0.34296875000000016 + complexity: 14 expressions: - K+ - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - name: explored-772 + name: explored-771 type: explored -- comm_cost: 0.4177951388888891 +- comm_cost: 0.5773437500000002 complexity: 11 expressions: - N+ - - R- - - SE- + - R+ - SE- - - and(N-, R+) - - and(N-, not(R-)) - name: explored-773 + - and(SE+, N-) + - or(S+, or(N+, R-)) + name: explored-772 type: explored -- comm_cost: 0.5305555555555559 - complexity: 11 +- comm_cost: 0.6226273148148149 + complexity: 30 expressions: - - R- - - and(N-, R+) + - S+ + - and(K-, or(S+, R+)) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) - or(and(K-, S+), or(N+, R-)) + name: explored-773 + type: explored +- comm_cost: 0.679357638888889 + complexity: 9 + expressions: + - N+ + - R+ + - SE- + - or(K+, S-) + - or(SE-, N+) name: explored-774 type: explored -- comm_cost: 0.8119791666666667 - complexity: 4 +- comm_cost: 0.2944444444444446 + complexity: 13 expressions: - - and(N-, not(R-)) + - N+ + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-775 type: explored -- comm_cost: 0.4201388888888893 - complexity: 12 +- comm_cost: 0.4764756944444446 + complexity: 17 expressions: - N+ - R- + - SE- - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-776 type: explored -- comm_cost: 0.5392361111111112 - complexity: 11 +- comm_cost: 0.2635416666666668 + complexity: 13 expressions: - K+ + - N+ - R- - S+ - - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-777 type: explored -- comm_cost: 0.23657407407407427 - complexity: 13 +- comm_cost: 0.5227430555555557 + complexity: 17 expressions: - - K+ - N+ - - R- - - SE+ - - and(N-, R+) - and(N-, R+) - and(S-, SE-) + - or(K+, K-) + - or(and(K-, S+), or(N+, R-)) name: explored-778 type: explored -- comm_cost: 0.6260416666666668 - complexity: 3 +- comm_cost: 0.66875 + complexity: 14 expressions: - N+ - - R+ - - R- + - and(S-, SE-) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-779 type: explored -- comm_cost: 0.6745700231481484 - complexity: 25 +- comm_cost: 0.6818865740740742 + complexity: 11 expressions: - - N- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - and(K-, or(S+, R+)) + - and(N-, or(K+, S-)) name: explored-780 type: explored -- comm_cost: 0.17343750000000013 - complexity: 12 +- comm_cost: 0.6322916666666668 + complexity: 9 expressions: - - K+ - - K+ - - N+ - R+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - and(K-, S+) + - and(K-, or(SE-, N+)) name: explored-781 type: explored -- comm_cost: 0.44682291666666674 - complexity: 20 +- comm_cost: 0.21458333333333368 + complexity: 16 expressions: - K+ - - K+ - - N+ - R- - - S+ + - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) name: explored-782 type: explored -- comm_cost: 0.6989461805555557 - complexity: 29 +- comm_cost: 0.47222222222222243 + complexity: 11 expressions: - - and(S-, N-) - - and(S-, not(R-)) - - and(SE+, N-) - - not(R-) - - or(N+, R-) - - or(N+, not(R+)) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - SE- + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-783 type: explored -- comm_cost: 0.7957291666666667 - complexity: 5 +- comm_cost: 0.585138888888889 + complexity: 11 expressions: - - K- - - and(K-, not(R-)) + - N+ + - R+ + - R- + - SE- + - or(N+, R-) + - or(N+, not(R+)) name: explored-784 type: explored -- comm_cost: 0.3755208333333335 - complexity: 22 +- comm_cost: 0.31185185185185216 + complexity: 30 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-785 type: explored -- comm_cost: 0.6659722222222222 - complexity: 13 +- comm_cost: 0.1312500000000003 + complexity: 12 expressions: - K+ - N+ - R- - - SE- - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-786 type: explored -- comm_cost: 0.5609375000000003 - complexity: 6 +- comm_cost: 0.5520833333333335 + complexity: 12 expressions: - K+ - - N+ - - R+ - - and(N-, R+) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(S-, N-) name: explored-787 type: explored -- comm_cost: 0.5378125000000001 - complexity: 11 +- comm_cost: 0.4984375 + complexity: 10 expressions: - - K- + - N+ - R- - - and(K-, SE-) - - and(N-, R+) + - S+ - and(S-, SE-) + - and(S-, not(R+)) name: explored-788 type: explored -- comm_cost: 0.6917361111111111 - complexity: 44 +- comm_cost: 0.3574652777777779 + complexity: 16 expressions: - - and(K-, S+) - - and(K-, SE-) - - and(K-, or(SE-, N+)) - - and(N-, or(S+, SE+)) - - and(S-, N-) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) - - or(K+, K-) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, R+) name: explored-789 type: explored -- comm_cost: 0.6413454861111112 - complexity: 18 +- comm_cost: 0.49959490740740753 + complexity: 19 expressions: + - K+ - N+ - - SE- - - and(K-, or(S+, SE+)) - and(N-, R+) - and(N-, or(S+, R+)) - - or(K+, S-) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-790 type: explored -- comm_cost: 0.7324652777777779 +- comm_cost: 0.47020833333333345 complexity: 13 expressions: - - R+ - - and(or(K+, S-), not(R-)) - - or(K+, R+) - - or(S+, R+) - name: explored-791 - type: explored -- comm_cost: 0.4007812500000002 - complexity: 22 - expressions: - K+ - - N+ + - R+ - R- - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) - and(S-, SE-) - - not(R+) - - or(K+, SE+) - name: explored-792 + - or(N+, not(R+)) + name: explored-791 type: explored -- comm_cost: 0.4983506944444446 - complexity: 18 +- comm_cost: 0.5769097222222224 + complexity: 10 expressions: - N+ - - R- + - R+ - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) - and(and(K-, N-), or(S+, SE+)) - name: explored-793 + name: explored-792 type: explored -- comm_cost: 0.3628472222222223 - complexity: 19 +- comm_cost: 0.3562500000000002 + complexity: 18 expressions: - - K+ - N+ - R- - - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) - and(and(S-, N-), not(R-)) - name: explored-794 + name: explored-793 type: explored -- comm_cost: 0.5996527777777779 +- comm_cost: 0.6870601851851853 complexity: 11 expressions: - R+ - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R-) + - SE- + - and(and(K-, N-), or(S+, SE+)) + - not(R-) + name: explored-794 + type: explored +- comm_cost: 0.7781712962962963 + complexity: 7 + expressions: + - R+ + - or(K+, R+) + - or(S+, SE+) name: explored-795 type: explored -- comm_cost: 0.411979166666667 - complexity: 8 +- comm_cost: 0.4572916666666669 + complexity: 18 expressions: + - K+ - N+ + - R- - SE- - and(N-, R+) - - or(K+, N+) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-796 type: explored -- comm_cost: 0.47187500000000016 - complexity: 11 - expressions: - - N+ - - SE- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - name: explored-797 - type: explored -- comm_cost: 0.3774305555555557 - complexity: 18 +- comm_cost: 0.36145833333333366 + complexity: 21 expressions: - K+ - - K+ - - N+ - R- - - S+ - - SE+ - - SE+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - name: explored-798 + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, or(N+, R-)) + name: explored-797 type: explored -- comm_cost: 0.6635416666666668 - complexity: 2 +- comm_cost: 0.7043692129629631 + complexity: 7 expressions: - R+ - - R- - name: explored-799 + - S- + - and(N-, or(K+, SE+)) + name: explored-798 type: explored -- comm_cost: 0.6685763888888889 - complexity: 11 +- comm_cost: 0.46197916666666683 + complexity: 20 expressions: - N+ - - R+ - R- + - S+ - and(K-, N-) - and(K-, or(S+, SE+)) - name: explored-800 + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) + name: explored-799 type: explored -- comm_cost: 0.6593750000000002 - complexity: 12 +- comm_cost: 0.5754166666666669 + complexity: 8 expressions: - - R+ + - N+ - SE- + - and(N-, R+) + - or(K+, S-) + name: explored-800 + type: explored +- comm_cost: 0.7173692129629631 + complexity: 27 + expressions: + - K- + - and(K-, not(R-)) + - and(K-, or(S+, R-)) - and(K-, or(SE-, N+)) - - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-801 type: explored -- comm_cost: 0.2576388888888892 +- comm_cost: 0.45859375000000036 complexity: 15 expressions: - - N+ - - R- - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(SE-, or(K+, S-)) name: explored-802 type: explored -- comm_cost: 0.8865451388888889 - complexity: 8 +- comm_cost: 0.5239583333333333 + complexity: 9 expressions: - - or(S+, R-) - - or(S+, or(N+, R-)) + - R- + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-803 type: explored -- comm_cost: 0.38472222222222263 - complexity: 11 +- comm_cost: 0.41166666666666685 + complexity: 10 expressions: - K+ - - SE- + - N+ + - N+ + - N- - and(N-, R+) - - or(K+, R-) - - or(N+, R-) + - and(S-, SE-) name: explored-804 type: explored -- comm_cost: 0.5661458333333335 - complexity: 13 +- comm_cost: 0.2729166666666668 + complexity: 12 expressions: + - N+ - R- + - SE+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) name: explored-805 type: explored -- comm_cost: 0.3807002314814817 - complexity: 19 +- comm_cost: 0.5164930555555557 + complexity: 13 expressions: - N+ - R+ - R- - - S+ - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - SE- + - and(K-, SE-) + - and(S-, or(N+, not(R+))) name: explored-806 type: explored -- comm_cost: 0.5623263888888891 - complexity: 15 +- comm_cost: 0.363541666666667 + complexity: 17 expressions: - N+ + - R- - SE- - - and(K-, or(S+, SE+)) + - and(K-, S+) - and(N-, R+) - - or(S+, or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-807 type: explored -- comm_cost: 0.41371527777777795 - complexity: 14 +- comm_cost: 0.828125 + complexity: 4 expressions: - - N+ - - R- - S+ - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - or(S+, SE+) name: explored-808 type: explored -- comm_cost: 0.5802951388888891 +- comm_cost: 0.5178819444444447 complexity: 11 expressions: - - K+ - - R- + - R+ - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-809 type: explored -- comm_cost: 0.5711226851851853 - complexity: 20 +- comm_cost: 0.27361111111111136 + complexity: 14 expressions: - - R+ - - R- - - SE- - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - K+ + - N+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-810 type: explored -- comm_cost: 0.4083333333333333 - complexity: 7 +- comm_cost: 0.4881944444444446 + complexity: 18 expressions: + - K+ + - K+ - N+ - R- - - R- - S+ - and(S-, SE-) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-811 type: explored -- comm_cost: 0.6585937500000001 - complexity: 6 +- comm_cost: 0.4833333333333335 + complexity: 10 expressions: - - N+ + - K+ - R+ - - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-812 type: explored -- comm_cost: 0.3289930555555558 - complexity: 14 +- comm_cost: 0.43518518518518534 + complexity: 21 expressions: - K+ + - N+ - R- - - SE- - - and(K-, or(S+, N+)) + - S+ + - and(K-, N-) - and(N-, R+) - - or(K+, N+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, R+) name: explored-813 type: explored -- comm_cost: 0.4843750000000001 - complexity: 11 +- comm_cost: 0.4842361111111113 + complexity: 21 expressions: + - K+ - N+ - R- - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - not(R-) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-814 type: explored -- comm_cost: 0.38240740740740753 - complexity: 20 +- comm_cost: 0.6356770833333334 + complexity: 11 expressions: - K+ - - N+ - R- - - SE+ - - SE- - - and(K-, S+) - - and(N-, R+) + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-815 type: explored -- comm_cost: 0.5513888888888889 - complexity: 9 +- comm_cost: 0.216666666666667 + complexity: 11 expressions: - N+ - - R- - - R- - - SE- - - and(K-, or(S+, R+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-816 type: explored -- comm_cost: 0.24265046296296333 - complexity: 25 +- comm_cost: 0.5334375000000002 + complexity: 9 expressions: - - K+ - N+ - R- - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, S-) name: explored-817 type: explored -- comm_cost: 0.41562500000000024 - complexity: 28 +- comm_cost: 0.32630208333333344 + complexity: 19 expressions: - - N+ + - K+ - R- + - S+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-818 type: explored -- comm_cost: 0.644184027777778 +- comm_cost: 0.682465277777778 complexity: 11 expressions: - - R+ - - and(K-, not(R-)) - - and(SE+, N-) - - or(S+, N+) + - and(K-, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-819 type: explored -- comm_cost: 0.6515625 - complexity: 8 +- comm_cost: 0.5052083333333335 + complexity: 7 expressions: + - N+ - R+ - R- - - SE+ - - SE+ - SE- - - and(K-, N-) + - or(S+, N+) name: explored-820 type: explored -- comm_cost: 0.5406250000000001 - complexity: 8 +- comm_cost: 0.47129629629629655 + complexity: 19 expressions: - - R+ - - and(S-, not(R+)) - - or(K+, N+) + - N+ + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-821 type: explored -- comm_cost: 0.2729166666666668 - complexity: 11 +- comm_cost: 0.5286574074074075 + complexity: 12 expressions: - K+ - - K+ - N+ - R- - - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) + - not(R-) + - or(K+, R+) name: explored-822 type: explored -- comm_cost: 0.4065682870370373 - complexity: 20 +- comm_cost: 0.5372395833333333 + complexity: 15 expressions: - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R-)) + - or(SE-, N+) name: explored-823 type: explored -- comm_cost: 0.39236111111111127 - complexity: 20 +- comm_cost: 0.6444444444444446 + complexity: 4 expressions: - K+ + - N+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE+ name: explored-824 type: explored -- comm_cost: 0.25208333333333366 - complexity: 17 +- comm_cost: 0.44305555555555576 + complexity: 14 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, R+) + - SE+ + - SE- - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-825 type: explored -- comm_cost: 0.36979166666666685 - complexity: 20 +- comm_cost: 0.3822916666666669 + complexity: 17 expressions: - - K+ - - N+ - R- - - S+ - - and(K-, or(S+, N+)) + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(SE-, N+) name: explored-826 type: explored -- comm_cost: 0.46250000000000013 - complexity: 14 +- comm_cost: 0.4970486111111113 + complexity: 20 expressions: + - K+ + - N- - R- - - and(K-, S+) + - SE+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-827 type: explored -- comm_cost: 0.29513888888888906 - complexity: 24 +- comm_cost: 0.16458333333333353 + complexity: 20 expressions: - K+ - N+ - R- + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) name: explored-828 type: explored -- comm_cost: 0.43767361111111125 - complexity: 12 +- comm_cost: 0.36545138888888906 + complexity: 21 expressions: - - K+ - - R+ - - R+ - - R- + - N+ - R- - - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-829 type: explored -- comm_cost: 0.474508101851852 - complexity: 14 +- comm_cost: 0.3935329861111114 + complexity: 24 expressions: + - K+ - N+ - - S+ - - and(K-, N-) + - R- + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-830 type: explored -- comm_cost: 0.24800347222222263 - complexity: 21 +- comm_cost: 0.48255208333333355 + complexity: 15 expressions: - K+ - - N+ - - R- - - S+ - - and(K-, not(R+)) - - and(K-, not(R+)) + - and(K-, N-) + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) name: explored-831 type: explored -- comm_cost: 0.5622106481481483 - complexity: 14 +- comm_cost: 0.26684027777777797 + complexity: 26 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(N+, R-) + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-832 type: explored -- comm_cost: 0.7930555555555555 - complexity: 5 +- comm_cost: 0.21944444444444478 + complexity: 13 expressions: + - N+ - R- + - S+ - SE- + - and(N-, R+) + - and(S-, SE-) - or(S+, R-) name: explored-833 type: explored -- comm_cost: 0.7209722222222223 - complexity: 15 +- comm_cost: 0.7179166666666666 + complexity: 8 expressions: - - K- - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - N+ + - R- + - SE- + - or(N+, not(R+)) name: explored-834 type: explored -- comm_cost: 0.48359375000000027 - complexity: 11 +- comm_cost: 0.7840277777777778 + complexity: 12 expressions: + - R- - SE- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - and(K-, or(S+, R-)) name: explored-835 type: explored -- comm_cost: 0.5220486111111112 - complexity: 10 +- comm_cost: 0.5203125000000003 + complexity: 9 expressions: - - K+ - - R+ - - R- + - N+ + - N+ - SE- - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - or(K+, SE+) name: explored-836 type: explored -- comm_cost: 0.3763888888888889 - complexity: 13 +- comm_cost: 0.6575231481481483 + complexity: 9 expressions: - - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(S-, SE-) + - and(S-, N-) + - and(S-, not(R-)) name: explored-837 type: explored -- comm_cost: 0.393402777777778 - complexity: 15 +- comm_cost: 0.5697916666666668 + complexity: 9 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) + - R+ + - and(K-, or(SE-, N+)) + - or(K+, R-) name: explored-838 type: explored -- comm_cost: 0.5036458333333333 - complexity: 8 +- comm_cost: 0.4237557870370372 + complexity: 21 expressions: - K+ - R- + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(and(K-, N-), or(S+, SE+)) name: explored-839 type: explored -- comm_cost: 0.7132812500000001 - complexity: 7 +- comm_cost: 0.45531250000000023 + complexity: 13 expressions: + - N+ - R- - - or(K+, N+) - - or(S+, R+) + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(N+, R-) name: explored-840 type: explored -- comm_cost: 0.3354166666666668 - complexity: 11 +- comm_cost: 0.7036458333333335 + complexity: 13 expressions: - - N+ - - R+ - - R- - - and(K-, or(S+, N+)) - - and(S-, SE-) + - SE- + - and(N-, or(S+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-841 type: explored -- comm_cost: 0.482320601851852 - complexity: 14 +- comm_cost: 0.3250000000000002 + complexity: 21 expressions: - K+ - - R- + - K+ + - N+ - S+ - - S- + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-842 type: explored -- comm_cost: 0.7757812500000001 - complexity: 7 +- comm_cost: 0.23518518518518539 + complexity: 21 expressions: - - R+ - - or(S+, N+) - - or(S+, R+) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-843 type: explored -- comm_cost: 0.601388888888889 - complexity: 13 +- comm_cost: 0.21423611111111118 + complexity: 16 expressions: + - K+ + - N+ - R+ - R- - - and(K-, N-) - - and(K-, or(S+, SE+)) + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-844 type: explored -- comm_cost: 0.8026041666666667 - complexity: 4 +- comm_cost: 0.727777777777778 + complexity: 8 expressions: - - SE- - - or(K+, R-) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-845 type: explored -- comm_cost: 0.17187500000000022 - complexity: 17 +- comm_cost: 0.6430555555555555 + complexity: 9 expressions: - N+ - - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - SE- + - and(or(K+, S-), not(R+)) name: explored-846 type: explored -- comm_cost: 0.4588541666666668 - complexity: 17 +- comm_cost: 0.6863541666666668 + complexity: 8 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, R+) + - R+ + - SE- + - or(K+, S-) + - or(S+, R-) name: explored-847 type: explored -- comm_cost: 0.6646875000000001 +- comm_cost: 0.62109375 complexity: 7 expressions: - - K- - - R+ - - and(SE-, or(K+, S-)) + - N+ + - R- + - and(N-, or(K+, S-)) name: explored-848 type: explored -- comm_cost: 0.4036458333333335 +- comm_cost: 0.5557291666666668 complexity: 13 expressions: - - R+ - - R- - - and(K-, or(S+, N+)) - - and(S-, SE-) - - or(S+, R+) + - N+ + - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(K+, S-)) name: explored-849 type: explored -- comm_cost: 0.7093750000000001 - complexity: 6 +- comm_cost: 0.5850694444444446 + complexity: 15 expressions: - - and(K-, N-) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-850 type: explored -- comm_cost: 0.642795138888889 - complexity: 11 +- comm_cost: 0.49375000000000024 + complexity: 8 expressions: - - R+ + - N+ - SE- - and(K-, N-) - - and(or(K+, S-), not(R+)) + - and(N-, R+) name: explored-851 type: explored -- comm_cost: 0.3866319444444445 - complexity: 9 +- comm_cost: 0.1625000000000003 + complexity: 11 expressions: - - K+ - - R+ + - N+ - R- + - and(N-, R+) + - and(S-, SE-) - and(S-, SE-) - - or(K+, R+) name: explored-852 type: explored -- comm_cost: 0.34444444444444466 - complexity: 15 +- comm_cost: 0.582951388888889 + complexity: 17 expressions: - - K+ - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - R+ + - R- + - SE- + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) + - or(K+, N+) name: explored-853 type: explored -- comm_cost: 0.4663194444444446 +- comm_cost: 0.6041493055555558 complexity: 11 expressions: + - K+ - N+ + - N- - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(S+, R+)) + - or(K+, K-) name: explored-854 type: explored -- comm_cost: 0.21388888888888902 - complexity: 19 +- comm_cost: 0.5911458333333335 + complexity: 12 expressions: - - N+ - - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - SE- + - and(N-, or(K+, R+)) + - and(S-, or(SE-, N+)) name: explored-855 type: explored -- comm_cost: 0.32777777777777795 - complexity: 21 +- comm_cost: 0.5457291666666668 + complexity: 10 expressions: - K+ - - N+ - - R+ - - R- + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) + - or(S+, SE+) name: explored-856 type: explored -- comm_cost: 0.4611979166666669 - complexity: 10 +- comm_cost: 0.5661458333333335 + complexity: 13 expressions: - - K+ - - K+ - - S+ - - S- + - N+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) + - or(K+, K-) name: explored-857 type: explored -- comm_cost: 0.5362500000000001 - complexity: 9 +- comm_cost: 0.471527777777778 + complexity: 16 expressions: - - N+ - - R- - - SE- + - K+ + - and(K-, S+) - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-858 type: explored -- comm_cost: 0.347916666666667 - complexity: 12 +- comm_cost: 0.5403125000000002 + complexity: 10 expressions: - - K+ + - K- - N+ - - R- - SE- - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, not(R+)) name: explored-859 type: explored -- comm_cost: 0.5432291666666669 - complexity: 13 +- comm_cost: 0.4564814814814817 + complexity: 22 expressions: - K+ + - N+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-860 type: explored -- comm_cost: 0.4703906250000002 - complexity: 18 +- comm_cost: 0.7255208333333334 + complexity: 5 expressions: - - K+ - - K+ - - K- - - N+ - - R- + - R+ - S+ - - and(K-, N-) - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - or(K+, SE+) name: explored-861 type: explored -- comm_cost: 0.5052083333333335 - complexity: 15 +- comm_cost: 0.3822222222222226 + complexity: 19 expressions: - - N+ + - K+ - R- - - SE- - and(N-, R+) - - and(N-, not(R-)) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-862 type: explored -- comm_cost: 0.6388888888888891 - complexity: 18 +- comm_cost: 0.6903645833333334 + complexity: 14 expressions: - - N+ - R+ - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), not(R-)) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-863 type: explored -- comm_cost: 0.5942708333333334 - complexity: 12 +- comm_cost: 0.48900462962962976 + complexity: 25 expressions: - - R+ + - N+ - R- - - SE- - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - S+ + - S- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-864 type: explored -- comm_cost: 0.6369791666666669 - complexity: 14 +- comm_cost: 0.5942708333333334 + complexity: 17 expressions: - R+ - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - R- + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, or(N+, not(R+))) name: explored-865 type: explored -- comm_cost: 0.374166666666667 - complexity: 13 +- comm_cost: 0.35416666666666696 + complexity: 15 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - N+ - and(N-, R+) - - or(N+, not(R+)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-866 type: explored -- comm_cost: 0.32638888888888884 - complexity: 10 +- comm_cost: 0.5763020833333334 + complexity: 13 expressions: - N+ - - R- - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(N-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-867 type: explored -- comm_cost: 0.6329716435185186 - complexity: 17 +- comm_cost: 0.480277777777778 + complexity: 12 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - not(R+) + - N+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(S+, R-) name: explored-868 type: explored -- comm_cost: 0.20625000000000027 - complexity: 19 +- comm_cost: 0.3382812500000002 + complexity: 17 expressions: - - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) + - and(or(K+, S-), not(R-)) name: explored-869 type: explored -- comm_cost: 0.4800347222222223 - complexity: 20 +- comm_cost: 0.32621527777777803 + complexity: 13 expressions: - K+ - N+ - - R- - - and(K-, S+) + - R+ + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-870 type: explored -- comm_cost: 0.5354166666666669 - complexity: 11 +- comm_cost: 0.4761111111111114 + complexity: 18 expressions: + - K+ + - N+ - R+ - - and(S-, not(R+)) - - or(N+, R-) - - or(S+, N+) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, S-) name: explored-871 type: explored -- comm_cost: 0.5317708333333335 - complexity: 22 +- comm_cost: 0.3518344907407409 + complexity: 18 expressions: + - K+ + - K+ + - N+ + - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, SE+) name: explored-872 type: explored -- comm_cost: 0.28819444444444475 +- comm_cost: 0.6307291666666666 complexity: 11 expressions: - N+ - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, or(S+, R-)) + - and(S-, not(R+)) name: explored-873 type: explored -- comm_cost: 0.645763888888889 - complexity: 9 +- comm_cost: 0.49375000000000024 + complexity: 8 expressions: - - K- - - R+ - - SE- - - and(K-, SE-) - - or(N+, R-) + - K+ + - K+ + - N+ + - R- + - S- + - and(N-, R+) name: explored-874 type: explored -- comm_cost: 0.32916666666666694 - complexity: 7 +- comm_cost: 0.671527777777778 + complexity: 13 expressions: - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - R+ + - and(K-, or(S+, N+)) + - and(or(K+, S-), not(R-)) name: explored-875 type: explored -- comm_cost: 0.6468750000000001 - complexity: 12 +- comm_cost: 0.6329282407407408 + complexity: 10 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(K+, K-) + - R+ + - R- + - and(K-, not(R-)) + - and(S-, not(R-)) name: explored-876 type: explored -- comm_cost: 0.11562500000000031 - complexity: 13 +- comm_cost: 0.4890972222222223 + complexity: 14 expressions: - - K+ - - R- - - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) + - or(S+, SE+) name: explored-877 type: explored -- comm_cost: 0.5205729166666668 - complexity: 13 +- comm_cost: 0.3060763888888892 + complexity: 23 expressions: - - R+ + - N+ - R- + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - and(S-, or(N+, not(R+))) + - or(K+, N+) name: explored-878 type: explored -- comm_cost: 0.5933159722222224 - complexity: 10 +- comm_cost: 0.6391493055555557 + complexity: 11 expressions: - R+ - SE- - - and(K-, SE-) - - or(S+, or(N+, R-)) + - and(or(K+, S-), not(R-)) + - or(K+, R-) name: explored-879 type: explored -- comm_cost: 0.30584490740740755 - complexity: 16 +- comm_cost: 0.4729166666666669 + complexity: 11 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, R+) + - SE- + - and(K-, SE-) + - and(S-, not(R+)) name: explored-880 type: explored -- comm_cost: 0.47239583333333335 - complexity: 13 +- comm_cost: 0.3875000000000002 + complexity: 15 expressions: - N+ - R- - - and(N-, or(S+, SE+)) + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - or(K+, R+) name: explored-881 type: explored -- comm_cost: 0.6217708333333335 - complexity: 17 +- comm_cost: 0.3368078703703705 + complexity: 19 expressions: - - and(K-, S+) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, SE+) name: explored-882 type: explored -- comm_cost: 0.6646412037037038 +- comm_cost: 0.7608333333333335 complexity: 6 expressions: - - N- - - R+ - - R- - - or(S+, R-) + - K- + - and(N-, or(K+, SE+)) name: explored-883 type: explored -- comm_cost: 0.15520833333333361 - complexity: 12 +- comm_cost: 0.6729166666666668 + complexity: 8 expressions: + - and(and(S-, N-), not(R-)) + - not(R+) + name: explored-884 + type: explored +- comm_cost: 0.44687500000000013 + complexity: 24 + expressions: + - K+ - N+ - - N+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - name: explored-884 + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-885 type: explored -- comm_cost: 0.3837673611111114 - complexity: 29 +- comm_cost: 0.5640624999999999 + complexity: 7 expressions: - K+ - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(N-, R+) + - N+ + - R- - and(S-, not(R+)) + name: explored-886 + type: explored +- comm_cost: 0.5720370370370372 + complexity: 14 + expressions: + - N+ + - R- + - and(N-, R+) - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R+)) - name: explored-885 + - or(K+, S-) + name: explored-887 type: explored -- comm_cost: 0.43767361111111125 - complexity: 18 +- comm_cost: 0.3605902777777781 + complexity: 22 expressions: - K+ - - N+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-886 + - and(or(K+, S-), or(SE-, N+)) + - or(S+, N+) + name: explored-888 type: explored -- comm_cost: 0.7233564814814816 +- comm_cost: 0.7630208333333335 complexity: 8 expressions: - - N- - - R+ - - and(K-, SE-) - - or(K+, K-) - name: explored-887 - type: explored -- comm_cost: 0.4833333333333333 - complexity: 10 - expressions: - - R- - - S+ - - and(K-, or(S+, N+)) - - and(S-, SE-) - name: explored-888 - type: explored -- comm_cost: 0.2967013888888892 - complexity: 17 - expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) - - or(SE-, N+) + - and(K-, N-) + - and(N-, or(K+, SE+)) name: explored-889 type: explored -- comm_cost: 0.31354166666666705 - complexity: 14 +- comm_cost: 0.5600694444444446 + complexity: 11 expressions: - - K+ - - N+ + - R+ + - SE- - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - and(or(K+, S-), not(R+)) name: explored-890 type: explored -- comm_cost: 0.6955729166666669 - complexity: 7 +- comm_cost: 0.6242708333333334 + complexity: 4 expressions: - - and(N-, or(K+, R+)) - - not(R+) + - K+ + - K- + - R+ + - R- name: explored-891 type: explored -- comm_cost: 0.7947916666666667 - complexity: 6 - expressions: - - or(K+, K-) - - or(K+, N+) - name: explored-892 - type: explored -- comm_cost: 0.6085937500000002 - complexity: 10 +- comm_cost: 0.5911458333333335 + complexity: 7 expressions: - R+ - SE- - - and(SE+, N-) - - or(S+, or(N+, R-)) - name: explored-893 + - and(SE-, or(K+, S-)) + name: explored-892 type: explored -- comm_cost: 0.10989583333333353 - complexity: 14 +- comm_cost: 0.3722916666666669 + complexity: 15 expressions: - N+ - - S+ - - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - name: explored-894 + - or(S+, SE+) + name: explored-893 type: explored -- comm_cost: 0.5500000000000002 - complexity: 12 +- comm_cost: 0.6068287037037039 + complexity: 13 expressions: - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - name: explored-895 + - N+ + - R+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) + name: explored-894 type: explored -- comm_cost: 0.7963541666666667 - complexity: 8 +- comm_cost: 0.6881018518518519 + complexity: 13 expressions: - - and(N-, or(S+, SE+)) + - R+ + - SE- + - and(N-, or(K+, SE+)) + - or(K+, S-) - or(S+, N+) - name: explored-896 + name: explored-895 type: explored -- comm_cost: 0.35555555555555585 +- comm_cost: 0.4345486111111113 complexity: 16 expressions: - - N+ - R- - S+ - - and(K-, not(R+)) - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + name: explored-896 + type: explored +- comm_cost: 0.7018663194444446 + complexity: 35 + expressions: + - and(K-, S+) + - and(K-, not(R+)) + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) + - not(R-) + - or(K+, SE+) name: explored-897 type: explored -- comm_cost: 0.5762731481481482 +- comm_cost: 0.3888888888888893 complexity: 11 expressions: - K+ - - R+ - R- - - SE- - - and(S-, N-) - - and(S-, not(R-)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-898 type: explored -- comm_cost: 0.47968750000000016 - complexity: 17 +- comm_cost: 0.49027777777777803 + complexity: 12 expressions: - - K+ - N+ - - S+ - - and(K-, or(S+, N+)) + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - and(and(K-, N-), not(R-)) name: explored-899 type: explored -- comm_cost: 0.6595486111111112 - complexity: 7 +- comm_cost: 0.4437500000000002 + complexity: 22 expressions: - - N- - - R+ + - N+ - R- - - SE- - - or(SE-, N+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-900 type: explored -- comm_cost: 0.46135416666666684 - complexity: 11 +- comm_cost: 0.7815625 + complexity: 6 expressions: - - K+ - - K+ - K- - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - and(K-, or(S+, N+)) name: explored-901 type: explored -- comm_cost: 0.6831597222222222 - complexity: 7 +- comm_cost: 0.651996527777778 + complexity: 16 expressions: - - R- - - and(S-, SE-) - - or(K+, K-) + - R+ + - SE- + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-902 type: explored -- comm_cost: 0.6038194444444447 - complexity: 12 +- comm_cost: 0.4868055555555557 + complexity: 14 expressions: - - R+ + - N+ - SE- - - or(K+, or(N+, R-)) - - or(K+, or(N+, R-)) + - and(K-, or(S+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-903 type: explored -- comm_cost: 0.6108043981481484 - complexity: 12 +- comm_cost: 0.39079861111111147 + complexity: 11 expressions: - - K+ - - N+ - - R- - - SE- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - not(R-) - - or(K+, K-) + - and(S-, SE-) name: explored-904 type: explored -- comm_cost: 0.40844907407407427 +- comm_cost: 0.216203703703704 complexity: 20 expressions: + - K+ - N+ - R- - - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, or(N+, not(R+))) name: explored-905 type: explored -- comm_cost: 0.5887586805555557 - complexity: 18 +- comm_cost: 0.4921875000000001 + complexity: 17 expressions: + - K+ - R+ - R- - - SE- - - and(K-, or(SE-, N+)) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(S+, R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-906 type: explored -- comm_cost: 0.7028645833333335 +- comm_cost: 0.7259548611111112 complexity: 9 expressions: - - R+ - - and(SE+, N-) - - or(S+, or(N+, R-)) + - and(N-, not(R-)) + - or(K+, or(N+, R-)) name: explored-907 type: explored -- comm_cost: 0.6230324074074075 +- comm_cost: 0.6066840277777779 complexity: 12 expressions: - - N+ - R+ - R- - SE- - - and(N-, or(S+, R+)) - - or(K+, S-) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-908 type: explored -- comm_cost: 0.4322800925925927 - complexity: 18 +- comm_cost: 0.4666666666666668 + complexity: 10 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, SE+) + - and(and(K-, N-), or(S+, R+)) name: explored-909 type: explored -- comm_cost: 0.44895833333333357 - complexity: 18 +- comm_cost: 0.4154513888888891 + complexity: 19 expressions: - - K+ - N+ + - R- - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) + - or(K+, N+) + - or(SE-, N+) name: explored-910 type: explored -- comm_cost: 0.7525000000000002 - complexity: 6 +- comm_cost: 0.4637731481481483 + complexity: 13 expressions: - - and(SE+, N-) - - or(K+, S-) + - K+ + - N+ + - R+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-911 type: explored -- comm_cost: 0.6372916666666668 - complexity: 8 +- comm_cost: 0.6078993055555556 + complexity: 39 expressions: - - N+ - - S+ - - and(N-, R+) - - or(S+, SE+) + - and(K-, SE-) + - and(K-, not(R+)) + - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - or(N+, R-) name: explored-912 type: explored -- comm_cost: 0.5075520833333335 - complexity: 10 +- comm_cost: 0.7359375000000001 + complexity: 6 expressions: - - N+ + - K- - R+ - - R- - - and(K-, not(R-)) - - and(S-, SE-) + - or(N+, not(R+)) name: explored-913 type: explored -- comm_cost: 0.6359375000000002 - complexity: 7 +- comm_cost: 0.5716435185185187 + complexity: 14 expressions: + - K+ - R+ - SE+ - - and(K-, S+) - - not(R+) + - SE- + - and(and(K-, N-), or(S+, R+)) + - or(N+, R-) name: explored-914 type: explored -- comm_cost: 0.32048611111111125 - complexity: 18 +- comm_cost: 0.75625 + complexity: 6 expressions: - - K+ - N+ - - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, not(R+)) + - and(S-, or(SE-, N+)) name: explored-915 type: explored -- comm_cost: 0.5100694444444446 - complexity: 14 +- comm_cost: 0.6781354993386244 + complexity: 33 expressions: - - SE+ + - S+ + - S- + - and(K-, S+) + - and(K-, SE-) - and(K-, or(S+, R+)) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(K-, or(SE-, N+)) + - and(N-, or(S+, R+)) + - not(R-) + - or(K+, R-) + - or(K+, or(N+, R-)) name: explored-916 type: explored -- comm_cost: 0.6550347222222224 +- comm_cost: 0.2976562500000003 complexity: 13 expressions: - - R- - - SE- - - and(S-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-917 type: explored -- comm_cost: 0.22274305555555585 - complexity: 20 +- comm_cost: 0.40885416666666696 + complexity: 8 expressions: - - K+ - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, or(N+, R-)) + - or(K+, R-) name: explored-918 type: explored -- comm_cost: 0.6670833333333334 - complexity: 4 +- comm_cost: 0.2767361111111114 + complexity: 15 expressions: - - K- - N+ - - R- - - SE- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, R-) name: explored-919 type: explored -- comm_cost: 0.5894097222222223 - complexity: 24 +- comm_cost: 0.5565104166666668 + complexity: 5 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(S+, N+) + - N+ + - R+ + - R- + - not(R+) name: explored-920 type: explored -- comm_cost: 0.44296875000000013 - complexity: 19 +- comm_cost: 0.3515190972222224 + complexity: 21 expressions: - K+ + - K+ - N+ - - R- - S+ - - and(K-, not(R-)) - and(N-, R+) - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-921 type: explored -- comm_cost: 0.6543981481481482 - complexity: 18 +- comm_cost: 0.7992187500000001 + complexity: 6 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) + - or(K+, SE+) + - or(S+, N+) name: explored-922 type: explored -- comm_cost: 0.35416666666666685 - complexity: 15 +- comm_cost: 0.2456307870370371 + complexity: 20 expressions: - K+ - N+ - - and(K-, N-) + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) + - or(S+, R-) name: explored-923 type: explored -- comm_cost: 0.26284722222222245 - complexity: 15 +- comm_cost: 0.48553240740740755 + complexity: 12 expressions: - - K+ - - N+ + - R+ - R- - SE- - - and(K-, SE-) - - and(K-, or(S+, N+)) - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-924 type: explored -- comm_cost: 0.8205439814814814 - complexity: 14 +- comm_cost: 0.7374131944444445 + complexity: 10 expressions: - - not(R+) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - R+ + - R- + - and(K-, or(S+, SE+)) + - or(N+, R-) name: explored-925 type: explored -- comm_cost: 0.5675347222222225 - complexity: 23 +- comm_cost: 0.5321180555555557 + complexity: 14 expressions: - - K+ - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) + - N+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-926 type: explored -- comm_cost: 0.6784722222222224 - complexity: 7 +- comm_cost: 0.27031250000000007 + complexity: 15 expressions: + - K+ + - N+ - R- - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(S+, R+) name: explored-927 type: explored -- comm_cost: 0.5623842592592595 - complexity: 21 +- comm_cost: 0.3684895833333335 + complexity: 18 expressions: - N+ - - SE- - - and(K-, not(R+)) + - R- - and(K-, or(S+, SE+)) - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-928 type: explored -- comm_cost: 0.4163194444444446 - complexity: 19 +- comm_cost: 0.44105902777777795 + complexity: 22 expressions: - - K+ - - K+ - N+ - R- - - S+ - - S- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-929 type: explored -- comm_cost: 0.6899768518518519 - complexity: 8 +- comm_cost: 0.6384548611111112 + complexity: 9 expressions: - - K- - - R+ + - N+ + - R- - SE- - - and(N-, or(K+, SE+)) + - or(K+, SE+) + - or(S+, N+) name: explored-930 type: explored -- comm_cost: 0.4100694444444446 - complexity: 14 +- comm_cost: 0.38350694444444455 + complexity: 16 expressions: - - N+ - - R- - - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(SE+, N-) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-931 type: explored -- comm_cost: 0.5914062500000001 - complexity: 8 +- comm_cost: 0.43671875000000016 + complexity: 10 expressions: - - K+ - - R- + - N+ - and(K-, N-) + - and(N-, R+) - and(S-, SE-) name: explored-932 type: explored -- comm_cost: 0.43865740740740755 - complexity: 15 +- comm_cost: 0.3520254629629631 + complexity: 23 expressions: + - K+ - N+ - R- - - SE- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(K+, R+) + - and(S-, N-) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-933 type: explored -- comm_cost: 0.7020833333333333 - complexity: 5 +- comm_cost: 0.5805208333333335 + complexity: 10 expressions: + - K+ - N+ - R- - - or(SE-, N+) + - S+ + - and(N-, R+) + - or(S+, SE+) name: explored-934 type: explored -- comm_cost: 0.5480902777777779 - complexity: 13 +- comm_cost: 0.6267361111111113 + complexity: 8 expressions: - - N+ - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(S-, not(R-)) + - R+ + - S+ + - and(and(K-, N-), not(R-)) name: explored-935 type: explored -- comm_cost: 0.4697916666666666 - complexity: 9 +- comm_cost: 0.5305555555555559 + complexity: 11 expressions: - - K+ - R- - - S+ - - and(S-, SE-) - - or(K+, N+) + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-936 type: explored -- comm_cost: 0.44949652777777793 - complexity: 15 +- comm_cost: 0.6364583333333335 + complexity: 13 + expressions: + - R+ + - and(K-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) + name: explored-937 + type: explored +- comm_cost: 0.3850694444444447 + complexity: 20 expressions: - K+ - - K- - N+ - R- - - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - not(R+) - name: explored-937 - type: explored -- comm_cost: 0.7779166666666668 - complexity: 4 - expressions: - - SE+ - - or(K+, S-) name: explored-938 type: explored -- comm_cost: 0.6013020833333335 - complexity: 10 +- comm_cost: 0.6801504629629631 + complexity: 16 expressions: - R+ - - R- - - SE- - - and(N-, or(S+, R+)) - - not(R+) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) + - or(S+, SE+) name: explored-939 type: explored -- comm_cost: 0.637326388888889 - complexity: 12 +- comm_cost: 0.23741319444444475 + complexity: 16 expressions: - - R+ - - SE- - - and(K-, or(S+, N+)) - - and(N-, or(S+, SE+)) + - N+ + - R- + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-940 type: explored -- comm_cost: 0.22552083333333361 - complexity: 14 +- comm_cost: 0.47685185185185197 + complexity: 18 expressions: + - K+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) + - and(S-, not(R-)) name: explored-941 type: explored -- comm_cost: 0.6982638888888889 - complexity: 9 +- comm_cost: 0.6783506944444445 + complexity: 6 expressions: - - N+ - - R- + - K+ + - K- + - R+ - SE- - - or(K+, K-) - - or(S+, R-) + - not(R+) name: explored-942 type: explored -- comm_cost: 0.5553819444444446 - complexity: 21 +- comm_cost: 0.28628472222222245 + complexity: 20 expressions: + - K+ + - N+ - R- - - and(N-, or(S+, R+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, N+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) name: explored-943 type: explored -- comm_cost: 0.5603298611111113 - complexity: 19 +- comm_cost: 0.40746527777777797 + complexity: 16 expressions: + - K+ + - K+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-944 type: explored -- comm_cost: 0.6166666666666667 - complexity: 14 +- comm_cost: 0.2791666666666668 + complexity: 11 expressions: - - N+ - - SE- - - and(N-, or(K+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - R+ + - R- + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-945 type: explored -- comm_cost: 0.42499999999999993 - complexity: 9 +- comm_cost: 0.6460648148148149 + complexity: 6 expressions: - K+ - - K+ - - N+ - - and(K-, S+) - - and(S-, SE-) + - R- + - R- + - and(S-, N-) name: explored-946 type: explored -- comm_cost: 0.5856770833333336 - complexity: 14 +- comm_cost: 0.37604166666666694 + complexity: 18 expressions: + - K+ - N+ + - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-947 type: explored -- comm_cost: 0.7970486111111111 - complexity: 6 +- comm_cost: 0.41423611111111125 + complexity: 17 expressions: + - K+ + - N+ + - R- - SE- - - not(R-) - - or(K+, K-) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-948 type: explored -- comm_cost: 0.721238425925926 - complexity: 18 +- comm_cost: 0.5789930555555557 + complexity: 9 expressions: - - S- - - and(K-, or(SE-, N+)) - - and(N-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - SE- + - and(K-, not(R+)) + - or(N+, R-) name: explored-949 type: explored -- comm_cost: 0.7756944444444445 - complexity: 7 +- comm_cost: 0.5811111111111114 + complexity: 13 expressions: - - SE- - - and(N-, not(R-)) - - not(R+) + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(K+, S-) name: explored-950 type: explored -- comm_cost: 0.36684027777777795 - complexity: 18 +- comm_cost: 0.5756944444444446 + complexity: 13 expressions: - K+ - - K+ - - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, not(R-)) + - and(N-, or(S+, R+)) name: explored-951 type: explored -- comm_cost: 0.6980034722222224 - complexity: 6 +- comm_cost: 0.21388888888888913 + complexity: 15 expressions: - - SE+ - - SE- - - and(N-, not(R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-952 type: explored -- comm_cost: 0.6805555555555557 - complexity: 7 +- comm_cost: 0.595138888888889 + complexity: 16 expressions: - - N+ + - K+ - R- - - SE+ - - SE+ + - SE- - and(N-, R+) + - and(S-, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-953 type: explored -- comm_cost: 0.4515625000000001 +- comm_cost: 0.5595486111111112 complexity: 10 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, N-) + - R+ + - SE- + - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-954 type: explored -- comm_cost: 0.5491319444444446 - complexity: 9 +- comm_cost: 0.6401041666666668 + complexity: 4 expressions: + - N+ + - N- - R+ - - R- - SE- - - and(and(K-, N-), not(R-)) name: explored-955 type: explored -- comm_cost: 0.5083333333333335 - complexity: 23 +- comm_cost: 0.5981770833333335 + complexity: 16 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) + - N+ + - R- + - SE- - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - and(N-, or(K+, SE+)) + - not(R+) + - or(K+, K-) name: explored-956 type: explored -- comm_cost: 0.27708333333333357 - complexity: 13 +- comm_cost: 0.4613425925925927 + complexity: 16 expressions: - N+ - R- + - SE- - and(N-, R+) - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(N-, or(S+, R+)) name: explored-957 type: explored -- comm_cost: 0.5317708333333335 - complexity: 8 +- comm_cost: 0.8126736111111112 + complexity: 10 expressions: - - N+ - - N+ - - R+ - - R- - - SE- - - and(S-, N-) + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) name: explored-958 type: explored -- comm_cost: 0.5697916666666667 - complexity: 8 +- comm_cost: 0.6917361111111111 + complexity: 13 expressions: - N+ - - S+ - - and(S-, SE-) - - or(S+, N+) + - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - or(S+, SE+) name: explored-959 type: explored -- comm_cost: 0.18715277777777783 - complexity: 20 +- comm_cost: 0.5567129629629631 + complexity: 13 expressions: - - K+ - N+ - R+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(N-, or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-960 type: explored -- comm_cost: 0.5779513888888891 - complexity: 13 +- comm_cost: 0.31302083333333364 + complexity: 25 expressions: + - K+ - N+ - - R+ - - SE- - - and(K-, S+) - - or(and(K-, SE-), or(N+, R-)) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-961 type: explored -- comm_cost: 0.494039351851852 - complexity: 19 +- comm_cost: 0.4114583333333337 + complexity: 9 expressions: - - K+ - - N+ + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(K+, R-) name: explored-962 type: explored -- comm_cost: 0.6009548611111113 - complexity: 8 +- comm_cost: 0.6753472222222223 + complexity: 11 expressions: - - R+ - R- - SE- - - not(R+) - - or(SE-, N+) + - and(N-, R+) + - or(K+, K-) + - or(S+, SE+) name: explored-963 type: explored -- comm_cost: 0.5029079861111113 - complexity: 21 +- comm_cost: 0.299166666666667 + complexity: 15 expressions: + - N+ - R- - - SE- - - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-964 type: explored -- comm_cost: 0.5175347222222224 - complexity: 9 +- comm_cost: 0.2167245370370373 + complexity: 20 expressions: - N+ - - R+ - R- - - R- - - S- - - SE- + - and(K-, or(S+, R-)) - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-965 type: explored -- comm_cost: 0.26927083333333346 - complexity: 9 +- comm_cost: 0.5984375000000001 + complexity: 8 expressions: - - N+ - R- - - S+ + - and(K-, not(R-)) - and(S-, SE-) - - and(SE+, N-) name: explored-966 type: explored -- comm_cost: 0.7409722222222224 - complexity: 9 +- comm_cost: 0.45338541666666676 + complexity: 17 expressions: - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) + - N+ + - R- + - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-967 type: explored -- comm_cost: 0.8428819444444444 - complexity: 6 +- comm_cost: 0.4083333333333333 + complexity: 8 expressions: - - S+ - - or(K+, or(N+, R-)) + - N+ + - R- + - and(K-, S+) + - and(S-, SE-) name: explored-968 type: explored -- comm_cost: 0.35607638888888893 - complexity: 11 +- comm_cost: 0.6961805555555557 + complexity: 8 expressions: - - N+ + - R+ - R- - - S+ - - and(K-, or(S+, R+)) - - and(S-, SE-) + - and(SE+, N-) + - and(SE+, N-) name: explored-969 type: explored -- comm_cost: 0.5400173611111113 - complexity: 18 +- comm_cost: 0.5476851851851854 + complexity: 19 expressions: - N+ - - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - or(S+, N+) - - or(S+, or(N+, R-)) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-970 type: explored -- comm_cost: 0.13593750000000027 - complexity: 14 +- comm_cost: 0.5583333333333335 + complexity: 6 expressions: - - K+ + - R+ - R- - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - or(SE-, N+) name: explored-971 type: explored -- comm_cost: 0.20651041666666692 - complexity: 16 +- comm_cost: 0.37864583333333357 + complexity: 18 expressions: - K+ + - K+ - N+ - R- - S+ + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(SE-, N+) name: explored-972 type: explored -- comm_cost: 0.6633680555555556 - complexity: 9 +- comm_cost: 0.2880208333333336 + complexity: 14 expressions: + - K+ - N+ - - R- - - SE- - - or(K+, N+) - - or(K+, R-) + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-973 type: explored -- comm_cost: 0.6622395833333333 - complexity: 5 +- comm_cost: 0.6635416666666668 + complexity: 8 expressions: - - N+ - - R- - - S+ - - not(R+) + - R+ + - R+ + - and(K-, or(N+, not(R+))) name: explored-974 type: explored -- comm_cost: 0.5481770833333336 - complexity: 9 +- comm_cost: 0.4891493055555558 + complexity: 17 expressions: - N+ - - N+ - - SE- + - S+ - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, N+) name: explored-975 type: explored -- comm_cost: 0.22656250000000022 - complexity: 14 +- comm_cost: 0.4186458333333334 + complexity: 15 expressions: - - N+ + - K+ - R- - - SE- - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - not(R-) name: explored-976 type: explored -- comm_cost: 0.38385416666666683 - complexity: 12 +- comm_cost: 0.5109375000000003 + complexity: 6 expressions: - K+ - - N+ - - R- - - S+ + - R+ + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R-) name: explored-977 type: explored -- comm_cost: 0.545920138888889 - complexity: 15 +- comm_cost: 0.5898437500000002 + complexity: 12 expressions: - - K+ - - R+ - - R+ - - R- + - N+ + - S+ - SE- - - and(N-, or(K+, R+)) - - or(K+, or(N+, R-)) + - and(N-, R+) + - or(S+, R+) + - or(SE-, N+) name: explored-978 type: explored -- comm_cost: 0.7691666666666668 - complexity: 4 +- comm_cost: 0.35914351851851867 + complexity: 16 expressions: - - N- - - or(S+, N+) + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, SE+) name: explored-979 type: explored -- comm_cost: 0.4423611111111113 - complexity: 11 +- comm_cost: 0.6067708333333335 + complexity: 6 expressions: - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - K+ + - R+ + - R- + - or(N+, R-) name: explored-980 type: explored -- comm_cost: 0.8697916666666666 - complexity: 8 +- comm_cost: 0.5596006944444446 + complexity: 15 expressions: - - and(K-, or(S+, R-)) - - or(K+, R-) + - N+ + - N- + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R+) + - or(K+, S-) name: explored-981 type: explored -- comm_cost: 0.7388888888888889 +- comm_cost: 0.47291666666666676 complexity: 9 expressions: + - K+ - R+ - - or(K+, K-) - - or(K+, or(N+, R-)) + - R- + - SE- + - and(S-, or(SE-, N+)) name: explored-982 type: explored -- comm_cost: 0.42421875 - complexity: 14 +- comm_cost: 0.44368055555555563 + complexity: 18 expressions: + - K+ - N+ - R- - - S+ - - and(K-, or(S+, R-)) + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(S-, SE-) + - not(R-) name: explored-983 type: explored -- comm_cost: 0.38541666666666674 - complexity: 9 +- comm_cost: 0.29062500000000036 + complexity: 13 expressions: - - R+ + - N+ - R- - - S+ - - and(K-, SE-) - - and(S-, SE-) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(K+, N+) name: explored-984 type: explored -- comm_cost: 0.28333333333333366 - complexity: 7 +- comm_cost: 0.5963541666666669 + complexity: 14 expressions: - - N+ - - N+ - - R- - - SE- - - and(N-, R+) + - R+ + - and(K-, or(N+, not(R+))) + - and(S-, not(R+)) + - or(S+, N+) name: explored-985 type: explored -- comm_cost: 0.46562500000000007 - complexity: 11 +- comm_cost: 0.3284722222222224 + complexity: 10 expressions: - K+ - - R- + - K+ - S+ - - and(K-, or(S+, SE+)) + - SE+ + - and(N-, R+) - and(S-, SE-) name: explored-986 type: explored -- comm_cost: 0.3421296296296298 - complexity: 26 +- comm_cost: 0.5953125000000002 + complexity: 7 expressions: - - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) + - or(K+, SE+) name: explored-987 type: explored -- comm_cost: 0.7622395833333335 - complexity: 11 +- comm_cost: 0.5385937500000002 + complexity: 10 expressions: - - R+ - - and(K-, or(S+, SE+)) - - or(S+, or(N+, R-)) + - K+ + - N+ + - N- + - SE- + - and(K-, N-) + - and(N-, R+) name: explored-988 type: explored -- comm_cost: 0.15989583333333357 - complexity: 15 +- comm_cost: 0.6612644675925927 + complexity: 40 expressions: - - K+ - - N+ - - R+ - - R- - - R- - S+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - and(K-, or(S+, R+)) + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-989 type: explored -- comm_cost: 0.3271990740740742 - complexity: 18 +- comm_cost: 0.3710069444444446 + complexity: 20 expressions: - N+ - - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, R+) + - and(S-, not(R+)) name: explored-990 type: explored -- comm_cost: 0.33660300925925946 - complexity: 21 +- comm_cost: 0.4717013888888888 + complexity: 14 expressions: - K+ + - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(K-, or(S+, N+)) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(S+, R-) name: explored-991 type: explored -- comm_cost: 0.6257812500000002 - complexity: 8 +- comm_cost: 0.5850694444444446 + complexity: 14 expressions: - - R- - - S+ + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - or(K+, SE+) + - and(N-, or(S+, SE+)) name: explored-992 type: explored -- comm_cost: 0.28628472222222245 - complexity: 17 +- comm_cost: 0.6550347222222224 + complexity: 9 expressions: - N+ - - R- - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - or(K+, SE+) + - or(SE-, N+) name: explored-993 type: explored -- comm_cost: 0.3948784722222224 - complexity: 11 +- comm_cost: 0.6684317129629631 + complexity: 4 expressions: - R+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - S- + - SE+ + - SE- name: explored-994 type: explored -- comm_cost: 0.38454861111111116 - complexity: 17 +- comm_cost: 0.37070312500000036 + complexity: 15 expressions: - - R+ + - K+ + - N+ - R- - - S+ - - and(K-, or(S+, N+)) - - and(S-, SE-) - - or(K+, R+) - - or(N+, R-) + - SE- + - and(N-, R+) + - or(K+, N+) + - or(S+, or(N+, R-)) name: explored-995 type: explored -- comm_cost: 0.5699652777777778 - complexity: 13 +- comm_cost: 0.45772569444444466 + complexity: 18 expressions: - N+ - - R+ - R- - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) - name: explored-996 - type: explored -- comm_cost: 0.6811342592592594 - complexity: 7 - expressions: - - R+ + - S+ + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(K+, K-) - name: explored-997 - type: explored -- comm_cost: 0.7088541666666668 - complexity: 10 - expressions: - - and(N-, not(R-)) - - and(S-, SE-) - - or(SE-, N+) - name: explored-998 + - and(N-, or(K+, R+)) + name: explored-996 type: explored -- comm_cost: 0.3957465277777781 - complexity: 27 +- comm_cost: 0.4668402777777779 + complexity: 16 expressions: - - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, N-) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(and(K-, S+), or(N+, R-)) - name: explored-999 + name: explored-997 type: explored -- comm_cost: 0.23350694444444464 +- comm_cost: 0.21319444444444458 complexity: 14 expressions: - K+ - N+ - R- - - S+ - - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - name: explored-1000 + name: explored-998 type: explored -- comm_cost: 0.49107638888888916 - complexity: 17 +- comm_cost: 0.884375 + complexity: 6 + expressions: + - or(K+, N+) + - or(K+, N+) + name: explored-999 + type: explored +- comm_cost: 0.5268229166666668 + complexity: 8 expressions: - K+ - - K- - N+ - R- - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - and(N-, not(R-)) + name: explored-1000 + type: explored +- comm_cost: 0.587326388888889 + complexity: 7 + expressions: + - R+ + - and(K-, S+) + - and(S-, N-) name: explored-1001 type: explored -- comm_cost: 0.41307870370370403 - complexity: 16 +- comm_cost: 0.30972222222222245 + complexity: 12 expressions: - - K+ - N+ - - R- - and(N-, R+) - - or(N+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-1002 type: explored -- comm_cost: 0.5810474537037039 - complexity: 9 +- comm_cost: 0.7022569444444445 + complexity: 12 expressions: - R+ - - R- + - S- - SE- - - and(K-, not(R+)) - - not(R+) + - and(or(K+, S-), not(R-)) + - or(SE-, N+) name: explored-1003 type: explored -- comm_cost: 0.5984375000000001 - complexity: 8 +- comm_cost: 0.7446180555555555 + complexity: 14 expressions: + - N+ - R- - - and(K-, not(R-)) - - and(S-, SE-) + - SE- + - and(or(K+, S-), or(N+, not(R+))) + - or(SE-, N+) name: explored-1004 type: explored -- comm_cost: 0.676996527777778 - complexity: 11 +- comm_cost: 0.37531250000000027 + complexity: 17 expressions: - - R+ - - and(S-, not(R-)) + - K+ + - K+ + - R- + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) - or(K+, N+) - - or(SE-, N+) name: explored-1005 type: explored -- comm_cost: 0.7755208333333333 - complexity: 7 +- comm_cost: 0.19056712962962985 + complexity: 19 expressions: - - K+ - - SE- - - and(K-, or(S+, R-)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-1006 type: explored -- comm_cost: 0.6217447916666667 - complexity: 12 +- comm_cost: 0.5378472222222224 + complexity: 10 expressions: - - K+ + - N+ - R+ - R- - - S- - SE- - - and(K-, not(R+)) - - or(S+, R-) + - and(S-, or(N+, not(R+))) name: explored-1007 type: explored -- comm_cost: 0.28828125000000016 - complexity: 17 +- comm_cost: 0.6934375000000002 + complexity: 13 expressions: - - K+ - - N+ - - R- + - R+ - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) name: explored-1008 type: explored -- comm_cost: 0.3819444444444444 - complexity: 7 - expressions: - - K+ - - N+ - - R- - - SE+ - - and(S-, SE-) - name: explored-1009 - type: explored -- comm_cost: 0.6062500000000002 - complexity: 3 +- comm_cost: 0.702951388888889 + complexity: 8 expressions: - R+ - - S+ - SE- - name: explored-1010 + - and(S-, N-) + - or(K+, K-) + name: explored-1009 type: explored -- comm_cost: 0.5306250000000001 - complexity: 9 +- comm_cost: 0.18750000000000022 + complexity: 13 expressions: - - N- + - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - name: explored-1011 + - and(SE-, or(K+, S-)) + name: explored-1010 type: explored -- comm_cost: 0.5622395833333335 +- comm_cost: 0.6707291666666667 complexity: 12 expressions: - - K+ - - N+ - R+ - R- - SE- - - or(K+, N+) - - or(N+, not(R+)) + - and(or(K+, S-), not(R-)) + - or(S+, SE+) + name: explored-1011 + type: explored +- comm_cost: 0.6924652777777778 + complexity: 26 + expressions: + - and(K-, S+) + - and(K-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, not(R-)) + - and(or(K+, S-), not(R+)) + - or(S+, or(N+, R-)) name: explored-1012 type: explored -- comm_cost: 0.5310908564814817 - complexity: 20 +- comm_cost: 0.37708333333333355 + complexity: 23 expressions: - K+ - N+ - R- + - S+ + - and(K-, SE-) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - not(R-) - - or(K+, SE+) + - and(S-, or(SE-, N+)) name: explored-1013 type: explored -- comm_cost: 0.3197916666666668 - complexity: 7 +- comm_cost: 0.6441984953703705 + complexity: 34 expressions: - - K+ - - K+ - - R+ - - R- + - K- + - and(K-, N-) + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) + - or(S+, SE+) name: explored-1014 type: explored -- comm_cost: 0.5425347222222225 - complexity: 11 +- comm_cost: 0.42693865740740766 + complexity: 22 expressions: + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - or(K+, or(N+, R-)) - - or(N+, R-) + - and(N-, not(R-)) + - and(S-, SE-) + - or(S+, R-) name: explored-1015 type: explored -- comm_cost: 0.6887731481481483 - complexity: 15 +- comm_cost: 0.696875 + complexity: 8 expressions: + - K+ - N+ - - R+ - - R- - - and(K-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(S-, or(SE-, N+)) name: explored-1016 type: explored -- comm_cost: 0.6354166666666669 - complexity: 5 +- comm_cost: 0.5569270833333335 + complexity: 9 expressions: - - K- - - SE- + - N+ + - R- - and(N-, R+) + - not(R+) + - not(R-) name: explored-1017 type: explored -- comm_cost: 0.41718750000000016 - complexity: 16 +- comm_cost: 0.44677083333333345 + complexity: 9 expressions: - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, S-) + - or(S+, SE+) name: explored-1018 type: explored -- comm_cost: 0.3402777777777779 - complexity: 15 +- comm_cost: 0.46583333333333354 + complexity: 11 expressions: + - K+ + - N+ - R- - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - not(R-) name: explored-1019 type: explored -- comm_cost: 0.6053125000000001 +- comm_cost: 0.5348958333333336 complexity: 12 expressions: - - R+ + - K+ - R- - - S+ + - and(N-, R+) - and(and(K-, N-), or(S+, R+)) - - not(R-) name: explored-1020 type: explored -- comm_cost: 0.5294965277777779 - complexity: 16 +- comm_cost: 0.6062500000000001 + complexity: 8 expressions: - - N+ - - N- + - R+ - R- - SE- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(N-, or(S+, SE+)) name: explored-1021 type: explored -- comm_cost: 0.6880555555555558 - complexity: 8 +- comm_cost: 0.5251736111111113 + complexity: 10 expressions: - - N- - - SE- + - N+ - and(N-, R+) - - or(S+, SE+) + - and(S-, SE-) + - or(K+, K-) name: explored-1022 type: explored -- comm_cost: 0.769826388888889 - complexity: 9 +- comm_cost: 0.309490740740741 + complexity: 23 expressions: - - R+ - - or(K+, or(N+, R-)) - - or(S+, SE+) + - N+ + - R- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-1023 type: explored -- comm_cost: 0.771 - complexity: 19 +- comm_cost: 0.19062500000000027 + complexity: 15 expressions: - - and(N-, or(S+, SE+)) - - not(R-) - - or(K+, R-) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) + - K+ + - R- + - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-1024 type: explored -- comm_cost: 0.5949074074074076 - complexity: 10 +- comm_cost: 0.7303819444444446 + complexity: 8 expressions: - R+ - - R- - - SE- - - and(S-, not(R-)) - - or(S+, R+) + - and(N-, or(S+, SE+)) + - not(R-) name: explored-1025 type: explored -- comm_cost: 0.16562500000000036 - complexity: 11 +- comm_cost: 0.6359606481481483 + complexity: 24 expressions: - - K+ - - N+ - - N+ - - S+ - - S+ - - and(N-, R+) + - SE- + - and(N-, or(S+, R+)) - and(S-, SE-) + - and(S-, not(R+)) + - or(N+, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-1026 type: explored -- comm_cost: 0.6031250000000001 - complexity: 10 +- comm_cost: 0.35694444444444473 + complexity: 11 expressions: - - N+ - - R+ - - SE- - - and(or(K+, S-), or(SE-, N+)) + - K+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-1027 type: explored -- comm_cost: 0.35451388888888924 - complexity: 15 +- comm_cost: 0.36041666666666705 + complexity: 10 expressions: - - K+ - N+ - - SE- - - and(K-, not(R+)) - - and(K-, or(S+, N+)) + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) name: explored-1028 type: explored -- comm_cost: 0.6105902777777779 - complexity: 10 +- comm_cost: 0.38680555555555574 + complexity: 8 expressions: - - R+ - - and(K-, S+) + - N+ + - SE+ + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) name: explored-1029 type: explored -- comm_cost: 0.5797164351851853 - complexity: 14 +- comm_cost: 0.6104166666666666 + complexity: 4 expressions: - N+ - - R+ + - N+ - R- - SE- - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) name: explored-1030 type: explored -- comm_cost: 0.2942708333333335 - complexity: 14 +- comm_cost: 0.2597222222222225 + complexity: 18 expressions: - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, N+) name: explored-1031 type: explored -- comm_cost: 0.1468750000000003 - complexity: 16 +- comm_cost: 0.38984375000000027 + complexity: 13 expressions: - - K+ - - N+ - R- - - S+ - - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) name: explored-1032 type: explored -- comm_cost: 0.6937673611111113 +- comm_cost: 0.5289930555555558 complexity: 11 expressions: - N+ + - S+ - SE- - - and(N-, or(S+, SE+)) - - or(N+, not(R+)) + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-1033 type: explored -- comm_cost: 0.435416666666667 - complexity: 11 +- comm_cost: 0.1472222222222226 + complexity: 16 expressions: + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-1034 type: explored -- comm_cost: 0.42300347222222245 - complexity: 15 +- comm_cost: 0.612152777777778 + complexity: 14 expressions: - - R- + - K+ + - N+ - SE- - - and(K-, SE-) + - and(K-, or(S+, SE+)) - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, S-) name: explored-1035 type: explored -- comm_cost: 0.4850138888888891 - complexity: 21 +- comm_cost: 0.36041666666666705 + complexity: 12 expressions: - - K+ - - K+ - N+ - R- - - S+ - - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - not(R-) + - and(or(K+, S-), or(SE-, N+)) name: explored-1036 type: explored -- comm_cost: 0.38541666666666696 - complexity: 12 +- comm_cost: 0.6984375 + complexity: 3 expressions: - - N+ - - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - or(N+, R-) + - K+ + - S- + - SE- name: explored-1037 type: explored -- comm_cost: 0.5748263888888889 - complexity: 13 +- comm_cost: 0.4281250000000003 + complexity: 16 expressions: - - R- - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, R-) + - K+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-1038 type: explored -- comm_cost: 0.3789062500000001 - complexity: 17 +- comm_cost: 0.1468750000000001 + complexity: 21 expressions: - K+ - N+ - R- - - and(K-, or(S+, SE+)) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - and(and(K-, N-), or(S+, R+)) name: explored-1039 type: explored -- comm_cost: 0.3197916666666669 - complexity: 25 +- comm_cost: 0.5408333333333335 + complexity: 15 expressions: + - K+ + - K+ + - K- - N+ - R- - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, K-) name: explored-1040 type: explored -- comm_cost: 0.5900000000000001 - complexity: 9 - expressions: - - and(S-, SE-) - - and(S-, SE-) - - or(S+, SE+) - name: explored-1041 - type: explored -- comm_cost: 0.177604166666667 +- comm_cost: 0.3481770833333335 complexity: 18 expressions: - K+ - N+ - R- - - S+ - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(or(K+, S-), not(R-)) + name: explored-1041 + type: explored +- comm_cost: 0.5631944444444447 + complexity: 9 + expressions: + - K+ + - SE- + - and(N-, R+) + - and(S-, not(R-)) name: explored-1042 type: explored -- comm_cost: 0.46406250000000027 - complexity: 13 +- comm_cost: 0.3588541666666669 + complexity: 16 expressions: - N+ + - S+ - SE- - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(SE+, N-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-1043 type: explored -- comm_cost: 0.3875000000000002 - complexity: 14 +- comm_cost: 0.17916666666666703 + complexity: 11 expressions: - K+ - N+ - - R- - - SE- - - and(K-, not(R-)) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) name: explored-1044 type: explored -- comm_cost: 0.6794097222222223 - complexity: 27 +- comm_cost: 0.4456597222222225 + complexity: 9 expressions: - - N+ + - R- - S+ - - SE- - and(K-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) name: explored-1045 type: explored -- comm_cost: 0.5112500000000002 - complexity: 11 +- comm_cost: 0.68875 + complexity: 9 expressions: - - N+ - - SE- - - and(N-, R+) + - K+ + - R- - and(S-, SE-) - - or(K+, S-) + - or(N+, not(R+)) name: explored-1046 type: explored -- comm_cost: 0.25555555555555576 - complexity: 15 +- comm_cost: 0.6519097222222224 + complexity: 11 expressions: - - N+ - - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(N-, or(K+, S-)) + - not(R+) name: explored-1047 type: explored -- comm_cost: 0.6077083333333335 - complexity: 7 +- comm_cost: 0.7774305555555556 + complexity: 9 expressions: - - K+ - - R+ - - R- - - or(N+, not(R+)) + - and(and(K-, N-), not(R-)) + - or(K+, K-) name: explored-1048 type: explored -- comm_cost: 0.6054687500000001 - complexity: 8 +- comm_cost: 0.5410648148148149 + complexity: 10 expressions: + - K+ + - K- - N+ - - R+ - - SE- - - and(N-, or(S+, SE+)) + - R- + - and(S-, N-) + - and(S-, SE-) name: explored-1049 type: explored -- comm_cost: 0.4539062500000002 - complexity: 22 +- comm_cost: 0.25208333333333366 + complexity: 13 expressions: - K+ - - N+ - - R- - - S- - and(K-, S+) - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) + - or(S+, N+) name: explored-1050 type: explored -- comm_cost: 0.2826967592592595 - complexity: 18 +- comm_cost: 0.6539930555555558 + complexity: 14 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-1051 type: explored -- comm_cost: 0.3900173611111113 - complexity: 20 +- comm_cost: 0.2927951388888891 + complexity: 21 expressions: + - K+ - N+ - R- - - SE- + - S+ + - SE+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-1052 type: explored -- comm_cost: 0.4831770833333334 +- comm_cost: 0.5895833333333336 + complexity: 12 + expressions: + - R+ + - and(N-, or(K+, R+)) + - and(and(S-, N-), not(R-)) + name: explored-1053 + type: explored +- comm_cost: 0.5587500000000001 complexity: 14 expressions: + - K+ - N+ - - N- - R- - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(K-, S+) - and(S-, SE-) - name: explored-1053 + - not(R-) + - or(SE-, N+) + name: explored-1054 type: explored -- comm_cost: 0.6410011574074076 - complexity: 10 +- comm_cost: 0.5769097222222224 + complexity: 13 expressions: - N+ - R+ - SE- - - and(S-, not(R-)) - - or(K+, SE+) - name: explored-1054 - type: explored -- comm_cost: 0.8368055555555557 - complexity: 10 - expressions: - - and(N-, or(S+, R+)) - - and(N-, or(S+, R+)) + - and(K-, not(R+)) + - and(and(K-, N-), not(R-)) name: explored-1055 type: explored -- comm_cost: 0.42604166666666676 +- comm_cost: 0.15208333333333357 complexity: 13 expressions: - - R- + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, N+) name: explored-1056 type: explored -- comm_cost: 0.49236111111111125 - complexity: 10 +- comm_cost: 0.2625000000000004 + complexity: 16 expressions: - - R- - - SE- - - and(K-, or(S+, R+)) + - K+ + - N+ + - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) + - and(S-, SE-) name: explored-1057 type: explored -- comm_cost: 0.49236111111111125 - complexity: 8 +- comm_cost: 0.8300000000000001 + complexity: 1 expressions: - - R- - - SE- - - and(N-, R+) - - or(K+, R+) + - N- name: explored-1058 type: explored -- comm_cost: 0.6760416666666668 - complexity: 10 +- comm_cost: 0.4755208333333336 + complexity: 9 expressions: - - R+ - - and(K-, not(R-)) + - SE- - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-1059 type: explored -- comm_cost: 0.43029513888888915 - complexity: 12 +- comm_cost: 0.17135416666666692 + complexity: 13 expressions: - K+ - N+ - R- - - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-1060 type: explored -- comm_cost: 0.3852430555555557 - complexity: 12 +- comm_cost: 0.25598958333333355 + complexity: 31 expressions: - K+ - - R+ + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-1061 type: explored -- comm_cost: 0.6993055555555556 - complexity: 9 +- comm_cost: 0.5734375000000002 + complexity: 15 expressions: - - and(and(K-, N-), not(R-)) - - or(K+, R+) + - N+ + - R- + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-1062 type: explored -- comm_cost: 0.6486111111111112 - complexity: 7 +- comm_cost: 0.5426359953703705 + complexity: 23 expressions: + - K+ - N+ - R- - - and(N-, or(K+, SE+)) + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) name: explored-1063 type: explored -- comm_cost: 0.3752604166666669 - complexity: 21 +- comm_cost: 0.26041666666666696 + complexity: 10 expressions: - - K+ - N+ - - R- - - S+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, or(N+, R-)) name: explored-1064 type: explored -- comm_cost: 0.3027199074074076 - complexity: 20 +- comm_cost: 0.21851851851851878 + complexity: 25 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-1065 type: explored -- comm_cost: 0.565451388888889 - complexity: 8 - expressions: - - R+ - - and(K-, not(R+)) - - or(K+, R-) - name: explored-1066 - type: explored -- comm_cost: 0.3446180555555558 - complexity: 18 +- comm_cost: 0.5250000000000001 + complexity: 11 expressions: - N+ - R- - SE- - - and(N-, R+) - and(SE-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-1067 + - or(K+, R+) + name: explored-1066 type: explored -- comm_cost: 0.672800925925926 - complexity: 11 +- comm_cost: 0.5440972222222223 + complexity: 17 expressions: - - R+ - - SE- - - and(K-, or(S+, R+)) - - and(S-, not(R-)) - name: explored-1068 + - S+ + - and(K-, SE-) + - and(K-, or(SE-, N+)) + - and(SE+, N-) + - and(SE-, or(K+, S-)) + name: explored-1067 type: explored -- comm_cost: 0.31653645833333355 +- comm_cost: 0.49418402777777803 complexity: 16 expressions: - K+ + - K+ - N+ - R- - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, R+) + name: explored-1068 + type: explored +- comm_cost: 0.40000000000000013 + complexity: 12 + expressions: + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(S+, N+) name: explored-1069 type: explored -- comm_cost: 0.4505208333333335 - complexity: 21 +- comm_cost: 0.25000000000000033 + complexity: 11 expressions: - K+ - N+ - R- - - and(K-, SE-) - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-1070 type: explored -- comm_cost: 0.6520833333333335 - complexity: 6 +- comm_cost: 0.4916666666666668 + complexity: 10 expressions: - - K+ - R+ - R- - - or(S+, R+) + - and(SE-, or(K+, S-)) + - or(K+, N+) name: explored-1071 type: explored -- comm_cost: 0.7164930555555555 +- comm_cost: 0.4349537037037038 complexity: 15 expressions: - - R- - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) - - or(K+, N+) - name: explored-1072 - type: explored -- comm_cost: 0.5213975694444446 - complexity: 18 - expressions: - N+ - - S- - - and(K-, or(S+, R+)) + - R- - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - name: explored-1073 + - and(S-, not(R-)) + - or(K+, R+) + name: explored-1072 type: explored -- comm_cost: 0.5633333333333335 - complexity: 8 +- comm_cost: 0.640277777777778 + complexity: 10 expressions: - - N+ - SE- - and(N-, R+) - - or(S+, SE+) - name: explored-1074 + - and(and(K-, N-), not(R-)) + name: explored-1073 type: explored -- comm_cost: 0.5031250000000002 - complexity: 12 +- comm_cost: 0.23211805555555576 + complexity: 24 expressions: - K+ - K+ - N+ - R- + - S+ + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, or(N+, R-)) + name: explored-1074 + type: explored +- comm_cost: 0.4769097222222225 + complexity: 14 + expressions: + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-1075 type: explored -- comm_cost: 0.6298611111111113 - complexity: 9 +- comm_cost: 0.6219618055555557 + complexity: 13 expressions: + - K- + - N+ - R- + - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) + - or(K+, K-) name: explored-1076 type: explored -- comm_cost: 0.16718750000000027 - complexity: 14 +- comm_cost: 0.42685416666666676 + complexity: 15 expressions: + - K+ + - K+ - N+ - - R- - - and(K-, S+) - - and(K-, SE-) + - S+ - and(N-, R+) - and(S-, SE-) + - not(R-) + - or(K+, R-) name: explored-1077 type: explored -- comm_cost: 0.476232638888889 - complexity: 17 +- comm_cost: 0.5421875 + complexity: 11 expressions: - - K+ - - K- - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-1078 type: explored -- comm_cost: 0.4182870370370372 - complexity: 19 +- comm_cost: 0.5884837962962964 + complexity: 9 expressions: - N+ - - R- - - and(K-, or(S+, R+)) + - SE+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(N-, not(R-)) name: explored-1079 type: explored -- comm_cost: 0.5119791666666669 - complexity: 11 +- comm_cost: 0.48802083333333346 + complexity: 9 expressions: - K+ - N+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) + - S+ + - and(S-, SE-) + - or(S+, SE+) name: explored-1080 type: explored -- comm_cost: 0.7391493055555556 - complexity: 8 +- comm_cost: 0.35078125000000027 + complexity: 12 expressions: - - R+ + - K+ + - N+ - R- - - or(K+, SE+) - - or(S+, R+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-1081 type: explored -- comm_cost: 0.5567708333333335 - complexity: 10 +- comm_cost: 0.22291666666666687 + complexity: 24 expressions: - - R+ + - K+ + - N+ - R- - - and(S-, or(SE-, N+)) - - or(N+, R-) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-1082 type: explored -- comm_cost: 0.38611111111111107 - complexity: 12 +- comm_cost: 0.48151041666666683 + complexity: 16 expressions: - - N+ - R- + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - or(N+, R-) name: explored-1083 type: explored -- comm_cost: 0.4152777777777781 - complexity: 7 +- comm_cost: 0.553732638888889 + complexity: 15 expressions: - - K+ - - R- - - SE- - - SE- - - and(N-, R+) + - N+ + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-1084 type: explored -- comm_cost: 0.652314814814815 - complexity: 19 +- comm_cost: 0.7319246031746032 + complexity: 37 expressions: - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - S- + - and(N-, or(S+, SE+)) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - not(R+) + - or(K+, K-) + - or(K+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-1085 type: explored -- comm_cost: 0.38541666666666685 - complexity: 16 +- comm_cost: 0.2978298611111114 + complexity: 21 expressions: - - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - not(R+) + - and(S-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1086 type: explored -- comm_cost: 0.8298611111111112 - complexity: 7 +- comm_cost: 0.6920833333333335 + complexity: 9 expressions: - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(N-, R+) + - not(R-) + - or(K+, S-) name: explored-1087 type: explored -- comm_cost: 0.5888020833333336 - complexity: 17 +- comm_cost: 0.3529947916666669 + complexity: 13 expressions: - - R- - - SE- + - K+ + - K+ + - N+ + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(S+, R+) name: explored-1088 type: explored -- comm_cost: 0.3983506944444446 - complexity: 14 +- comm_cost: 0.29010416666666683 + complexity: 15 expressions: + - N+ - R- - S+ - - SE+ - - and(K-, or(S+, SE+)) + - and(K-, S+) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) name: explored-1089 type: explored -- comm_cost: 0.21640625000000036 - complexity: 12 +- comm_cost: 0.4125000000000003 + complexity: 8 expressions: - K+ - - K+ - - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - not(R+) name: explored-1090 type: explored -- comm_cost: 0.3562500000000002 - complexity: 19 +- comm_cost: 0.35798611111111134 + complexity: 12 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, N-) - - and(K-, or(S+, N+)) + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) + - or(K+, R+) name: explored-1091 type: explored -- comm_cost: 0.28912037037037064 - complexity: 19 +- comm_cost: 0.6690972222222222 + complexity: 16 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(K-, not(R-)) + - and(N-, or(S+, SE+)) + - or(K+, S-) name: explored-1092 type: explored -- comm_cost: 0.49236111111111125 - complexity: 11 +- comm_cost: 0.28671875000000036 + complexity: 19 expressions: - N+ - - R- - - SE- - - and(N-, or(K+, R+)) - - or(S+, N+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1093 type: explored -- comm_cost: 0.35583333333333356 - complexity: 16 +- comm_cost: 0.15190972222222232 + complexity: 18 expressions: + - K+ - N+ - - and(K-, S+) + - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(SE+, N-) + - or(N+, R-) name: explored-1094 type: explored -- comm_cost: 0.4907407407407409 - complexity: 26 +- comm_cost: 0.6694444444444445 + complexity: 12 expressions: + - K- - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1095 type: explored -- comm_cost: 0.5734375 - complexity: 13 +- comm_cost: 0.12239583333333348 + complexity: 16 expressions: - K+ + - N+ - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, R-) + - and(and(K-, N-), or(S+, R+)) name: explored-1096 type: explored -- comm_cost: 0.6282407407407409 - complexity: 12 +- comm_cost: 0.5472222222222223 + complexity: 9 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - and(S-, not(R-)) + - K+ + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-1097 type: explored -- comm_cost: 0.7998263888888889 - complexity: 11 +- comm_cost: 0.6817997685185185 + complexity: 19 expressions: - - and(S-, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - S+ + - and(S-, SE-) + - or(N+, not(R+)) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-1098 type: explored -- comm_cost: 0.4691840277777779 - complexity: 20 +- comm_cost: 0.6142361111111111 + complexity: 14 expressions: - - K+ - - K+ - N+ - R- - S+ - - S- - - and(K-, not(R+)) - - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, K-) + - or(K+, or(N+, R-)) name: explored-1099 type: explored -- comm_cost: 0.45026041666666683 - complexity: 23 +- comm_cost: 0.4178240740740743 + complexity: 16 expressions: - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, N-) + - and(or(K+, S-), not(R+)) name: explored-1100 type: explored -- comm_cost: 0.4936053240740743 - complexity: 25 +- comm_cost: 0.3991666666666669 + complexity: 13 expressions: - N+ - - R- - - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - or(S+, SE+) name: explored-1101 type: explored -- comm_cost: 0.5489670138888891 - complexity: 17 +- comm_cost: 0.2156250000000003 + complexity: 15 expressions: - K+ - - K- - N+ - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - not(R+) - - not(R-) + - or(SE-, N+) name: explored-1102 type: explored -- comm_cost: 0.5349305555555557 - complexity: 12 +- comm_cost: 0.5947916666666668 + complexity: 4 expressions: - N+ - - R- + - R+ + - R+ - SE- - - and(N-, R+) - - or(K+, N+) - - or(K+, S-) name: explored-1103 type: explored -- comm_cost: 0.6197048611111113 - complexity: 13 +- comm_cost: 0.6488194444444446 + complexity: 32 expressions: - - SE- - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) - - and(N-, R+) + - N+ + - N- + - R- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) + - or(K+, SE+) name: explored-1104 type: explored -- comm_cost: 0.3421006944444446 - complexity: 15 +- comm_cost: 0.6761979166666667 + complexity: 6 expressions: - - K+ - - N+ + - R+ - R- - - SE+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - not(R+) + - not(R-) name: explored-1105 type: explored -- comm_cost: 0.41666666666666685 - complexity: 15 +- comm_cost: 0.48697916666666685 + complexity: 8 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - SE- + - and(S-, not(R+)) name: explored-1106 type: explored -- comm_cost: 0.5818865740740742 - complexity: 20 +- comm_cost: 0.7336805555555557 + complexity: 15 expressions: - - R+ - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1107 type: explored -- comm_cost: 0.7360416666666667 +- comm_cost: 0.71015625 complexity: 8 expressions: - - S+ - - and(S-, SE-) - - or(N+, not(R+)) + - N+ + - R- + - SE- + - or(S+, or(N+, R-)) name: explored-1108 type: explored -- comm_cost: 0.6270833333333334 - complexity: 8 +- comm_cost: 0.5178819444444446 + complexity: 10 expressions: - N+ + - N+ - R+ + - R- - SE- - - and(K-, or(S+, SE+)) + - and(K-, or(S+, R+)) name: explored-1109 type: explored -- comm_cost: 0.5383680555555557 - complexity: 15 +- comm_cost: 0.8329166666666666 + complexity: 7 expressions: - - R+ - - R- - - SE- - - and(SE-, or(K+, S-)) - - or(and(K-, S+), or(N+, R-)) + - and(K-, S+) + - or(N+, not(R+)) name: explored-1110 type: explored -- comm_cost: 0.583420138888889 - complexity: 8 +- comm_cost: 0.2992332175925929 + complexity: 23 expressions: - - R+ + - K+ + - K+ + - N+ - R- - S+ - - SE- - - and(K-, not(R-)) + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1111 type: explored -- comm_cost: 0.2923611111111112 - complexity: 15 +- comm_cost: 0.6674479166666668 + complexity: 12 expressions: - - N+ - - R- - - and(N-, or(K+, R+)) - - and(N-, or(S+, R+)) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) - and(S-, SE-) name: explored-1112 type: explored -- comm_cost: 0.5340277777777779 - complexity: 8 +- comm_cost: 0.11562500000000031 + complexity: 16 expressions: - - N+ + - K+ - R- - - SE- - - and(N-, or(K+, SE+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-1113 type: explored -- comm_cost: 0.5130208333333335 - complexity: 16 +- comm_cost: 0.44644097222222245 + complexity: 10 expressions: + - K+ - R+ - R- + - S- + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) name: explored-1114 type: explored -- comm_cost: 0.6853831018518519 - complexity: 27 +- comm_cost: 0.510416666666667 + complexity: 7 expressions: - - N- - - S+ - - SE+ - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R-)) - - or(K+, N+) + - K+ + - and(K-, S+) + - and(N-, R+) name: explored-1115 type: explored -- comm_cost: 0.5131944444444446 - complexity: 17 +- comm_cost: 0.2845486111111113 + complexity: 16 expressions: + - N+ + - R- + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(and(K-, N-), not(R-)) name: explored-1116 type: explored -- comm_cost: 0.6637847222222223 - complexity: 8 +- comm_cost: 0.7157175925925927 + complexity: 15 expressions: - - N+ - - R- - - SE- - - and(K-, N-) - - not(R-) + - R+ + - and(N-, or(K+, SE+)) + - and(S-, or(N+, not(R+))) + - or(K+, S-) name: explored-1117 type: explored -- comm_cost: 0.46796875000000016 - complexity: 11 +- comm_cost: 0.5981250000000001 + complexity: 9 expressions: - N+ - R- - - and(K-, N-) - - and(K-, S+) + - S+ - and(N-, R+) + - or(S+, SE+) name: explored-1118 type: explored -- comm_cost: 0.5572916666666667 - complexity: 7 +- comm_cost: 0.44548611111111125 + complexity: 14 expressions: + - N+ + - R- - S+ - - and(S-, SE-) - - or(S+, R+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(K+, R+) name: explored-1119 type: explored -- comm_cost: 0.4515625000000002 +- comm_cost: 0.4822916666666668 complexity: 9 expressions: - K+ + - N+ + - N- + - R+ - R- - - S- - - and(N-, R+) + - S+ - and(S-, SE-) name: explored-1120 type: explored -- comm_cost: 0.624652777777778 - complexity: 9 +- comm_cost: 0.5435474537037039 + complexity: 10 expressions: - N+ - R+ - - or(and(S-, SE-), or(N+, R-)) + - R- + - SE- + - and(K-, not(R+)) + - not(R+) name: explored-1121 type: explored -- comm_cost: 0.5412500000000001 - complexity: 8 +- comm_cost: 0.3677083333333335 + complexity: 22 expressions: - - K- + - K+ + - N+ - R- + - S+ + - and(K-, SE-) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-1122 type: explored -- comm_cost: 0.5992187500000001 - complexity: 6 +- comm_cost: 0.5012152777777779 + complexity: 19 expressions: - N+ - R- - - S- + - S+ + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-1123 type: explored -- comm_cost: 0.627951388888889 - complexity: 8 - expressions: - - R+ - - and(N-, R+) - - and(N-, not(R-)) - name: explored-1124 - type: explored -- comm_cost: 0.5617476851851854 +- comm_cost: 0.30166666666666697 complexity: 15 expressions: - N+ - R- - - SE- + - and(K-, S+) - and(N-, R+) - - and(S-, N-) - - or(S+, R+) - - or(SE-, N+) + - and(S-, SE-) + - or(N+, not(R+)) + name: explored-1124 + type: explored +- comm_cost: 0.7266840277777779 + complexity: 6 + expressions: + - K- + - R+ + - and(N-, not(R-)) name: explored-1125 type: explored -- comm_cost: 0.1859375000000003 - complexity: 21 +- comm_cost: 0.7504340277777779 + complexity: 7 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, SE-) - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(SE+, N-) + - or(K+, SE+) name: explored-1126 type: explored -- comm_cost: 0.48402777777777795 - complexity: 15 +- comm_cost: 0.630439814814815 + complexity: 9 expressions: - - K+ - N+ - R- + - SE+ - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - or(N+, R-) name: explored-1127 type: explored -- comm_cost: 0.6868778935185186 - complexity: 36 +- comm_cost: 0.5900347222222224 + complexity: 12 expressions: - - R+ - - and(K-, N-) - - and(K-, not(R+)) - - and(K-, not(R-)) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - K- + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-1128 type: explored -- comm_cost: 0.7079861111111112 - complexity: 12 +- comm_cost: 0.6166869212962964 + complexity: 17 expressions: - - R+ + - N+ - SE- - - or(K+, K-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - and(N-, or(S+, R+)) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-1129 type: explored -- comm_cost: 0.8014583333333334 - complexity: 8 - expressions: - - K- - - or(and(K-, SE-), or(N+, R-)) - name: explored-1130 - type: explored -- comm_cost: 0.3583333333333336 - complexity: 17 +- comm_cost: 0.1625000000000003 + complexity: 11 expressions: - N+ - R- - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - not(R+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-1131 + name: explored-1130 type: explored -- comm_cost: 0.14166666666666705 - complexity: 18 +- comm_cost: 0.5005787037037038 + complexity: 11 expressions: - - K+ - - K+ - N+ + - R+ - R- - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - SE- + - and(S-, not(R+)) + - or(S+, R-) + name: explored-1131 + type: explored +- comm_cost: 0.6588692129629631 + complexity: 38 + expressions: + - S+ + - and(K-, or(S+, N+)) + - and(N-, or(K+, R+)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - not(R+) + - or(K+, S-) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-1132 type: explored -- comm_cost: 0.08125000000000027 - complexity: 15 +- comm_cost: 0.5868055555555556 + complexity: 13 expressions: - K+ - - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - S+ - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-1133 type: explored -- comm_cost: 0.6026041666666668 - complexity: 6 +- comm_cost: 0.5765451388888891 + complexity: 12 expressions: - - K+ - - R+ - - R- - - or(K+, N+) + - N+ + - N- + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-1134 type: explored -- comm_cost: 0.5289930555555558 - complexity: 12 +- comm_cost: 0.5601041666666668 + complexity: 11 expressions: + - N+ + - R+ + - R+ + - R- - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, N+) + - or(K+, S-) name: explored-1135 type: explored -- comm_cost: 0.6934027777777778 - complexity: 12 +- comm_cost: 0.33871527777777777 + complexity: 13 expressions: + - N+ - R- - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) + - S+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-1136 type: explored -- comm_cost: 0.6824107142857144 - complexity: 33 +- comm_cost: 0.17109375000000027 + complexity: 13 expressions: - - N+ + - K+ + - K+ + - R- - S+ - - SE+ - - and(K-, or(SE-, N+)) - - and(N-, not(R-)) - - and(S-, not(R-)) - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-1137 type: explored -- comm_cost: 0.7375 - complexity: 6 +- comm_cost: 0.6575954861111113 + complexity: 29 expressions: - - R- + - and(K-, S+) - and(K-, or(SE-, N+)) + - and(N-, or(K+, SE+)) + - and(S-, not(R-)) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) + - or(SE-, N+) name: explored-1138 type: explored -- comm_cost: 0.6358940972222223 - complexity: 20 +- comm_cost: 0.40399305555555587 + complexity: 8 expressions: - - R+ + - K+ - R- + - R- + - S+ - SE- - - and(K-, or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R+)) + - and(N-, R+) name: explored-1139 type: explored -- comm_cost: 0.4846354166666669 - complexity: 14 +- comm_cost: 0.47760416666666683 + complexity: 11 expressions: - N+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(and(K-, N-), or(S+, R+)) name: explored-1140 type: explored -- comm_cost: 0.6425000000000001 - complexity: 7 +- comm_cost: 0.5895833333333333 + complexity: 10 expressions: - K+ - - K+ - - N- + - N+ - R- - - and(S-, SE-) + - R- + - and(K-, S+) + - and(K-, S+) name: explored-1141 type: explored -- comm_cost: 0.6697916666666667 - complexity: 5 +- comm_cost: 0.8256944444444445 + complexity: 7 expressions: - - N+ - - and(S-, not(R+)) + - SE- + - and(or(K+, S-), not(R+)) name: explored-1142 type: explored -- comm_cost: 0.08125000000000027 - complexity: 11 +- comm_cost: 0.6701388888888891 + complexity: 10 + expressions: + - and(K-, or(S+, R+)) + - and(S-, or(SE-, N+)) + name: explored-1143 + type: explored +- comm_cost: 0.5190972222222222 + complexity: 13 expressions: - - K+ - - K+ - - N+ - N+ - R- - - and(N-, R+) + - and(K-, or(S+, R-)) - and(S-, SE-) - name: explored-1143 + - or(N+, R-) + name: explored-1144 type: explored -- comm_cost: 0.6502025462962964 - complexity: 9 +- comm_cost: 0.6819305555555557 + complexity: 21 expressions: - - R+ - - and(N-, or(S+, SE+)) + - K+ + - N- + - and(N-, not(R-)) - and(S-, N-) - name: explored-1144 + - and(S-, not(R-)) + - and(S-, or(SE-, N+)) + - or(S+, N+) + name: explored-1145 type: explored -- comm_cost: 0.28582175925925957 - complexity: 22 +- comm_cost: 0.18177083333333366 + complexity: 20 expressions: - K+ - K+ - N+ - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-1145 - type: explored -- comm_cost: 0.7027777777777777 - complexity: 5 - expressions: - - N+ - - and(K-, not(R+)) + - and(S-, not(R+)) name: explored-1146 type: explored -- comm_cost: 0.5121527777777779 - complexity: 16 +- comm_cost: 0.6504166666666669 + complexity: 4 expressions: - - N+ + - N- + - R+ - R+ - R- - - SE- - - and(K-, or(S+, R-)) - - and(S-, SE-) - - or(N+, not(R+)) name: explored-1147 type: explored -- comm_cost: 0.5041666666666669 - complexity: 12 +- comm_cost: 0.7090625 + complexity: 6 expressions: - - K+ - - N+ - - and(K-, S+) - - and(K-, not(R-)) - - and(N-, R+) + - and(K-, SE-) + - or(S+, SE+) name: explored-1148 type: explored -- comm_cost: 0.49375000000000036 - complexity: 6 +- comm_cost: 0.37812500000000027 + complexity: 15 expressions: + - N+ - R- - - R- - - S+ - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-1149 type: explored -- comm_cost: 0.7055208333333335 - complexity: 5 +- comm_cost: 0.2851562500000002 + complexity: 20 expressions: - - R+ - - R- - - or(K+, S-) + - K+ + - N+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-1150 type: explored -- comm_cost: 0.36041666666666705 +- comm_cost: 0.682638888888889 complexity: 13 expressions: - - N+ - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(N+, R-) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, R+)) name: explored-1151 type: explored -- comm_cost: 0.3241319444444447 - complexity: 21 +- comm_cost: 0.6175000000000002 + complexity: 11 expressions: - - N+ - - R- - - S+ - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) + - and(S-, or(SE-, N+)) + - not(R-) name: explored-1152 type: explored -- comm_cost: 0.43949652777777803 - complexity: 15 +- comm_cost: 0.21406250000000027 + complexity: 17 expressions: + - K+ - R- - - SE- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, SE-) name: explored-1153 type: explored -- comm_cost: 0.35555555555555585 - complexity: 20 +- comm_cost: 0.2739583333333335 + complexity: 14 expressions: + - K+ - N+ - R- + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(K+, R+)) name: explored-1154 type: explored -- comm_cost: 0.2924479166666669 - complexity: 17 +- comm_cost: 0.3750000000000002 + complexity: 19 expressions: - K+ - - K+ - N+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) + - or(SE-, N+) name: explored-1155 type: explored -- comm_cost: 0.5531828703703705 - complexity: 14 +- comm_cost: 0.40043402777777803 + complexity: 18 expressions: - - R+ - - R- + - K+ + - N+ - SE- - - and(K-, or(S+, R-)) - - and(or(K+, S-), not(R+)) + - and(K-, not(R+)) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1156 type: explored -- comm_cost: 0.3567129629629632 - complexity: 16 +- comm_cost: 0.4822916666666669 + complexity: 14 expressions: - - N+ + - K+ - R- - S+ - - SE+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-1157 type: explored -- comm_cost: 0.5578125000000003 +- comm_cost: 0.5552951388888892 complexity: 12 expressions: + - K+ + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-1158 type: explored -- comm_cost: 0.3470486111111112 - complexity: 11 +- comm_cost: 0.3999131944444446 + complexity: 16 expressions: - K+ - - R+ - - R- - - and(N-, or(S+, R+)) + - N+ + - and(K-, not(R+)) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) name: explored-1159 type: explored -- comm_cost: 0.5913194444444446 - complexity: 16 +- comm_cost: 0.5408854166666669 + complexity: 14 expressions: - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-1160 type: explored -- comm_cost: 0.46695833333333336 - complexity: 15 +- comm_cost: 0.3309317129629631 + complexity: 20 expressions: - K+ - - K+ - N+ - - N- - R- - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, SE+) name: explored-1161 type: explored -- comm_cost: 0.7622395833333335 - complexity: 9 +- comm_cost: 0.31215277777777795 + complexity: 18 expressions: - - R+ - - or(K+, SE+) - - or(S+, or(N+, R-)) + - N+ + - R- + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-1162 type: explored -- comm_cost: 0.6457465277777779 - complexity: 8 +- comm_cost: 0.5883969907407408 + complexity: 17 expressions: - - R+ - - SE- - - SE- + - K+ + - N+ + - R- + - and(K-, S+) - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, K-) name: explored-1163 type: explored -- comm_cost: 0.251822916666667 - complexity: 17 +- comm_cost: 0.47109375 + complexity: 16 expressions: - K+ - - K+ + - N+ - R- - - S+ - - and(N-, R+) + - and(K-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, or(SE-, N+)) name: explored-1164 type: explored -- comm_cost: 0.5106770833333335 - complexity: 15 +- comm_cost: 0.8054687500000001 + complexity: 4 expressions: - K+ - - K- - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - or(K+, SE+) name: explored-1165 type: explored -- comm_cost: 0.567013888888889 - complexity: 17 +- comm_cost: 0.65546875 + complexity: 8 expressions: - - R+ - - R- - R- - SE- - - and(or(K+, S-), not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-1166 type: explored -- comm_cost: 0.3012731481481483 - complexity: 24 +- comm_cost: 0.392013888888889 + complexity: 11 expressions: - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, N+) - - or(S+, or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-1167 type: explored -- comm_cost: 0.39956597222222234 - complexity: 17 +- comm_cost: 0.5546875 + complexity: 7 expressions: - K+ - N+ - R- - - S+ - - S- - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- + - and(K-, SE-) name: explored-1168 type: explored -- comm_cost: 0.6840740740740742 - complexity: 23 +- comm_cost: 0.6957465277777779 + complexity: 12 expressions: - - K- - - and(K-, or(SE-, N+)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - R+ + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) name: explored-1169 type: explored -- comm_cost: 0.6604166666666667 +- comm_cost: 0.6491319444444447 complexity: 8 expressions: - - N+ - - R- + - R+ - SE- - - and(K-, or(SE-, N+)) + - and(S-, not(R-)) + - not(R+) name: explored-1170 type: explored -- comm_cost: 0.7428217592592593 - complexity: 26 +- comm_cost: 0.2054687500000003 + complexity: 18 expressions: - - K- - - SE+ - - and(K-, not(R+)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-1171 type: explored -- comm_cost: 0.6441406250000001 +- comm_cost: 0.43333333333333357 complexity: 13 expressions: - - R+ - - and(K-, not(R-)) - - and(N-, or(K+, R+)) + - K+ + - K+ + - R- + - S+ + - and(N-, R+) - and(S-, N-) + - and(S-, SE-) name: explored-1172 type: explored -- comm_cost: 0.5319328703703705 - complexity: 17 +- comm_cost: 0.55 + complexity: 7 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(K+, K-) + - S+ + - and(K-, N-) name: explored-1173 type: explored -- comm_cost: 0.19843750000000027 - complexity: 16 +- comm_cost: 0.42482638888888913 + complexity: 11 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(SE+, N-) + - not(R+) name: explored-1174 type: explored -- comm_cost: 0.41909722222222234 +- comm_cost: 0.7166666666666666 complexity: 12 expressions: - - R+ - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R- + - SE- + - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-1175 type: explored -- comm_cost: 0.5343750000000002 - complexity: 8 +- comm_cost: 0.6093750000000001 + complexity: 15 expressions: - R+ - - R- - SE- - - and(K-, or(SE-, N+)) + - and(K-, or(S+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1176 type: explored -- comm_cost: 0.3562037037037038 - complexity: 22 +- comm_cost: 0.34149305555555576 + complexity: 17 expressions: - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) - - or(S+, SE+) + - and(S-, not(R+)) - or(and(K-, S+), or(N+, R-)) name: explored-1177 type: explored -- comm_cost: 0.25995370370370385 - complexity: 17 +- comm_cost: 0.4916666666666667 + complexity: 11 expressions: - K+ - N+ - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(K-, S+) - and(S-, SE-) - - or(K+, R-) + - not(R-) name: explored-1178 type: explored -- comm_cost: 0.561545138888889 - complexity: 14 +- comm_cost: 0.4130208333333333 + complexity: 13 expressions: - K+ + - K+ - N+ - R- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) + - and(K-, S+) + - and(K-, SE-) + - and(S-, SE-) name: explored-1179 type: explored -- comm_cost: 0.7145740740740741 - complexity: 30 +- comm_cost: 0.6796875 + complexity: 7 expressions: - - N- - - and(K-, S+) - - and(K-, SE-) - - and(K-, not(R+)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - not(R-) + - N+ + - SE- + - and(SE-, or(K+, S-)) name: explored-1180 type: explored -- comm_cost: 0.31898148148148164 +- comm_cost: 0.22656250000000022 complexity: 14 expressions: - N+ - R- - - SE+ - - and(K-, or(S+, R-)) + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) name: explored-1181 type: explored -- comm_cost: 0.4643229166666667 - complexity: 12 +- comm_cost: 0.5996527777777779 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, not(R-)) - - and(S-, SE-) + - R+ + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R-) name: explored-1182 type: explored -- comm_cost: 0.7609375 - complexity: 4 +- comm_cost: 0.6373784722222223 + complexity: 22 expressions: - - K- - - or(K+, R-) + - N+ + - R+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-1183 type: explored -- comm_cost: 0.500902777777778 - complexity: 17 +- comm_cost: 0.5544097222222224 + complexity: 11 expressions: + - K- - N+ - - R- + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, S-) name: explored-1184 type: explored -- comm_cost: 0.5812499999999999 - complexity: 7 +- comm_cost: 0.7296331018518519 + complexity: 20 expressions: - - S+ - - and(S-, SE-) - - or(K+, N+) + - R+ + - and(N-, or(K+, S-)) + - and(SE-, or(K+, S-)) + - or(K+, K-) + - or(K+, R+) + - or(K+, S-) name: explored-1185 type: explored -- comm_cost: 0.33177083333333357 - complexity: 14 +- comm_cost: 0.2873697916666669 + complexity: 20 expressions: - N+ - - R- - - SE- - - and(K-, or(S+, R-)) - and(N-, R+) - - or(K+, N+) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-1186 type: explored -- comm_cost: 0.37135416666666665 - complexity: 10 +- comm_cost: 0.4500000000000002 + complexity: 7 expressions: - - N+ - - S+ - - and(N-, or(K+, SE+)) + - R+ - and(S-, SE-) + - and(SE+, N-) name: explored-1187 type: explored -- comm_cost: 0.5288194444444446 - complexity: 9 +- comm_cost: 0.3451388888888891 + complexity: 21 expressions: - - R+ - - SE- - - and(K-, not(R+)) + - K+ + - N+ + - S+ + - and(N-, R+) - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-1188 type: explored -- comm_cost: 0.635763888888889 +- comm_cost: 0.5571180555555557 complexity: 8 expressions: - R+ + - R- + - SE- + - and(K-, S+) - not(R+) - - or(K+, or(N+, R-)) name: explored-1189 type: explored -- comm_cost: 0.42439236111111134 - complexity: 14 +- comm_cost: 0.261979166666667 + complexity: 10 expressions: - - K+ - - N+ - - SE- + - R- - and(N-, R+) - - and(N-, or(S+, R+)) - - or(K+, R-) + - and(S-, SE-) + - or(N+, R-) name: explored-1190 type: explored -- comm_cost: 0.24166666666666692 - complexity: 13 +- comm_cost: 0.3255555555555558 + complexity: 17 expressions: - - K+ - - R- - - and(K-, or(SE-, N+)) + - N+ + - S+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) + - or(S+, R-) + - or(S+, SE+) name: explored-1191 type: explored -- comm_cost: 0.6637152777777778 - complexity: 31 +- comm_cost: 0.45583333333333353 + complexity: 24 expressions: + - K+ + - K- + - N+ + - R- - and(K-, S+) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-1192 type: explored -- comm_cost: 0.4643229166666668 - complexity: 10 +- comm_cost: 0.23884548611111145 + complexity: 20 expressions: + - K+ + - K+ - N+ - R- - - R- - - S- + - S+ - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, or(N+, R-)) name: explored-1193 type: explored -- comm_cost: 0.30627893518518534 +- comm_cost: 0.3671296296296298 complexity: 18 expressions: - - N+ + - K+ - R- + - SE+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-1194 type: explored -- comm_cost: 0.49479166666666663 - complexity: 8 +- comm_cost: 0.43602430555555594 + complexity: 13 expressions: - - K+ - N+ - - and(S-, SE-) - - or(N+, R-) + - SE- + - and(N-, R+) + - or(K+, or(N+, R-)) + - or(SE-, N+) name: explored-1195 type: explored -- comm_cost: 0.6066840277777779 - complexity: 12 +- comm_cost: 0.40092592592592613 + complexity: 27 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(K-, N-) - - and(N-, or(S+, SE+)) + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-1196 type: explored -- comm_cost: 0.42013888888888906 - complexity: 13 +- comm_cost: 0.4349392361111113 + complexity: 15 expressions: + - K+ - N+ + - R- + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(S+, N+) + - and(N-, or(S+, SE+)) + - or(K+, R-) name: explored-1197 type: explored -- comm_cost: 0.4170833333333336 - complexity: 16 +- comm_cost: 0.35173611111111136 + complexity: 13 expressions: - K+ - N+ - R- - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - not(R-) + - and(and(K-, N-), not(R-)) name: explored-1198 type: explored -- comm_cost: 0.4177951388888892 - complexity: 14 +- comm_cost: 0.5073611111111113 + complexity: 9 expressions: + - K+ + - K- - N+ + - R- + - S+ - SE- - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(SE-, N+) name: explored-1199 type: explored -- comm_cost: 0.10989583333333353 - complexity: 13 +- comm_cost: 0.5552951388888892 + complexity: 16 + expressions: + - N+ + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(K+, or(N+, R-)) + name: explored-1200 + type: explored +- comm_cost: 0.4183159722222225 + complexity: 22 expressions: - - K+ - K+ - N+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - name: explored-1200 + - and(S-, or(N+, not(R+))) + - or(K+, SE+) + - or(S+, R-) + name: explored-1201 type: explored -- comm_cost: 0.6691493055555557 - complexity: 18 +- comm_cost: 0.6732928240740742 + complexity: 21 expressions: - - N- - R+ - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, N-) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) - not(R+) - name: explored-1201 + - or(K+, or(N+, R-)) + name: explored-1202 type: explored -- comm_cost: 0.5568287037037039 - complexity: 13 +- comm_cost: 0.47343749999999996 + complexity: 10 expressions: - N+ - - R+ - R- - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-1202 + - and(K-, or(S+, R-)) + - and(S-, SE-) + name: explored-1203 type: explored -- comm_cost: 0.6738194444444445 - complexity: 6 +- comm_cost: 0.5428298611111112 + complexity: 18 expressions: + - K+ - K- - K- - N+ - - R+ - R- - - SE- - name: explored-1203 - type: explored -- comm_cost: 0.6289930555555557 - complexity: 10 - expressions: - - R+ - - SE- - - and(K-, S+) - - and(N-, or(S+, R+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-1204 type: explored -- comm_cost: 0.5078703703703704 - complexity: 19 +- comm_cost: 0.35465856481481506 + complexity: 21 expressions: - K+ - - N+ - R- - - and(K-, S+) - - and(K-, not(R-)) + - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, K-) + - or(and(K-, S+), or(N+, R-)) name: explored-1205 type: explored -- comm_cost: 0.41232638888888906 - complexity: 14 +- comm_cost: 0.5231944444444445 + complexity: 10 expressions: - - R+ + - N+ + - R- - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, S-) name: explored-1206 type: explored -- comm_cost: 0.2651041666666669 - complexity: 13 +- comm_cost: 0.6328269675925927 + complexity: 17 expressions: - - N+ - - and(K-, S+) - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(N-, or(K+, S-)) + - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-1207 type: explored -- comm_cost: 0.6403645833333335 - complexity: 7 +- comm_cost: 0.6308159722222223 + complexity: 10 expressions: - R+ - - R- - - SE+ - SE- - - and(K-, N-) + - and(K-, SE-) + - and(K-, or(S+, SE+)) name: explored-1208 type: explored -- comm_cost: 0.3875000000000002 - complexity: 22 +- comm_cost: 0.6160879629629631 + complexity: 10 + expressions: + - R+ + - and(SE+, N-) + - and(and(K-, N-), not(R-)) + name: explored-1209 + type: explored +- comm_cost: 0.17187500000000022 + complexity: 15 expressions: - N+ + - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - name: explored-1209 - type: explored -- comm_cost: 0.7245451388888889 - complexity: 30 - expressions: - - N- - - and(K-, or(S+, R-)) - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) - - or(S+, R-) - - or(S+, SE+) - - or(SE-, N+) name: explored-1210 type: explored -- comm_cost: 0.5468750000000001 +- comm_cost: 0.40000000000000013 complexity: 11 expressions: - - R+ - - SE- + - K+ + - K+ + - K- + - N+ + - R- + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-1211 type: explored -- comm_cost: 0.4505208333333335 - complexity: 14 +- comm_cost: 0.20125000000000026 + complexity: 17 expressions: + - K+ + - K+ + - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, K-) name: explored-1212 type: explored -- comm_cost: 0.45777777777777795 - complexity: 15 +- comm_cost: 0.4489062500000002 + complexity: 14 expressions: - K+ - - K+ - - K- - N+ - - S+ - - and(K-, not(R+)) + - R- - and(N-, R+) - and(S-, SE-) + - not(R-) + - or(SE-, N+) name: explored-1213 type: explored -- comm_cost: 0.40928819444444464 - complexity: 16 +- comm_cost: 0.3192708333333336 + complexity: 8 expressions: - - N+ + - R+ - R- - - S+ - - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(S+, R-) name: explored-1214 type: explored -- comm_cost: 0.5850694444444446 - complexity: 13 +- comm_cost: 0.4052083333333335 + complexity: 9 expressions: - R+ - R- - SE- - - and(K-, or(SE-, N+)) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(S-, SE-) name: explored-1215 type: explored -- comm_cost: 0.6684490740740742 - complexity: 11 +- comm_cost: 0.726388888888889 + complexity: 12 expressions: - - R+ - - SE- - - and(K-, S+) - - or(K+, R+) - - or(K+, S-) + - and(S-, N-) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) name: explored-1216 type: explored -- comm_cost: 0.32343750000000027 - complexity: 13 +- comm_cost: 0.3523437500000002 + complexity: 17 expressions: - - N+ - - S+ - - and(K-, or(SE-, N+)) + - K+ + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-1217 type: explored -- comm_cost: 0.45078125000000024 - complexity: 9 +- comm_cost: 0.6045138888888888 + complexity: 8 expressions: - - and(N-, R+) + - R- + - S+ - and(S-, SE-) - - or(K+, SE+) + - or(S+, R-) name: explored-1218 type: explored -- comm_cost: 0.6225000000000002 - complexity: 8 +- comm_cost: 0.38975694444444464 + complexity: 17 expressions: - N+ - R- + - S+ - and(N-, R+) - - or(S+, SE+) + - and(N-, or(S+, SE+)) + - and(S-, N-) + - and(S-, SE-) name: explored-1219 type: explored -- comm_cost: 0.5996296296296297 - complexity: 15 +- comm_cost: 0.6448784722222223 + complexity: 10 expressions: - - K+ - - R- + - R+ - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(K+, S-) + - and(N-, or(K+, S-)) + - or(K+, N+) name: explored-1220 type: explored -- comm_cost: 0.19583333333333364 - complexity: 12 +- comm_cost: 0.6298900462962964 + complexity: 11 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - R+ + - not(R+) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-1221 type: explored -- comm_cost: 0.7039930555555556 - complexity: 13 - expressions: - - SE- - - and(K-, or(S+, R-)) - - and(and(K-, N-), or(S+, SE+)) - name: explored-1222 - type: explored -- comm_cost: 0.40027777777777795 - complexity: 16 +- comm_cost: 0.5415914351851854 + complexity: 19 expressions: + - K- - N+ - - N- - R- - S+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - name: explored-1223 + - or(N+, not(R+)) + name: explored-1222 type: explored -- comm_cost: 0.5390625000000002 - complexity: 11 +- comm_cost: 0.34438657407407425 + complexity: 18 expressions: - K+ - N+ - R- + - S+ - and(K-, or(S+, SE+)) - and(N-, R+) - name: explored-1224 + - and(S-, SE-) + - or(K+, R+) + name: explored-1223 type: explored -- comm_cost: 0.27847222222222245 - complexity: 16 +- comm_cost: 0.6158854166666669 + complexity: 8 expressions: - N+ - - R- - - and(K-, or(SE-, N+)) + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + name: explored-1224 + type: explored +- comm_cost: 0.7552083333333335 + complexity: 7 + expressions: + - and(N-, not(R-)) + - or(S+, N+) name: explored-1225 type: explored -- comm_cost: 0.48504050925925946 - complexity: 20 +- comm_cost: 0.6647569444444446 + complexity: 9 expressions: - - N+ - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(N-, not(R-)) + - or(SE-, N+) name: explored-1226 type: explored -- comm_cost: 0.5645833333333334 - complexity: 10 +- comm_cost: 0.3518229166666669 + complexity: 17 expressions: - - R+ + - K+ + - N+ + - R- + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-1227 type: explored -- comm_cost: 0.5451388888888891 +- comm_cost: 0.548726851851852 complexity: 14 expressions: - N+ - - and(K-, S+) + - R- + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, R+) name: explored-1228 type: explored -- comm_cost: 0.5956597222222224 - complexity: 17 +- comm_cost: 0.5940972222222223 + complexity: 10 expressions: - - R+ + - N+ + - R- - SE- - - and(K-, or(SE-, N+)) - - and(SE+, N-) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, not(R-)) + - or(S+, N+) name: explored-1229 type: explored -- comm_cost: 2.220446049250313e-16 - complexity: 13 +- comm_cost: 0.6659722222222223 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - N- + - R+ + - SE- + - and(K-, N-) + - and(SE-, or(K+, S-)) name: explored-1230 type: explored -- comm_cost: 0.40000000000000024 - complexity: 17 +- comm_cost: 0.38333333333333364 + complexity: 12 expressions: - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-1231 type: explored -- comm_cost: 0.16093750000000018 - complexity: 13 +- comm_cost: 0.6721354166666669 + complexity: 9 expressions: - - K+ - - K+ - - N+ - - N+ - - R+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-1232 type: explored -- comm_cost: 0.2562500000000002 - complexity: 14 +- comm_cost: 0.34340277777777795 + complexity: 13 expressions: - K+ - - R- + - R+ - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(K+, or(N+, R-)) name: explored-1233 type: explored -- comm_cost: 0.6937500000000001 - complexity: 10 +- comm_cost: 0.28958333333333375 + complexity: 13 expressions: - - and(S-, N-) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-1234 type: explored -- comm_cost: 0.40937500000000016 - complexity: 12 +- comm_cost: 0.7069965277777779 + complexity: 6 expressions: - R+ - - and(K-, or(S+, N+)) - - and(S-, SE-) - - and(SE+, N-) + - S- + - SE- + - or(S+, SE+) name: explored-1235 type: explored -- comm_cost: 0.41319444444444475 - complexity: 11 +- comm_cost: 0.7243055555555556 + complexity: 9 expressions: - - N+ - - SE- - - and(K-, S+) - - and(N-, R+) - - or(S+, N+) + - R+ + - and(K-, N-) + - and(K-, or(S+, SE+)) name: explored-1236 type: explored -- comm_cost: 0.659375 - complexity: 16 +- comm_cost: 0.14635416666666679 + complexity: 20 expressions: - - K- + - K+ - N+ - - and(N-, or(S+, R+)) - - and(S-, N-) - - and(and(K-, N-), not(R-)) + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, N+) name: explored-1237 type: explored -- comm_cost: 0.5118055555555557 - complexity: 7 +- comm_cost: 0.4765625000000002 + complexity: 12 expressions: - N+ + - R- + - SE- - and(N-, R+) - - and(S-, N-) + - and(or(K+, S-), not(R-)) name: explored-1238 type: explored -- comm_cost: 0.654490740740741 - complexity: 12 +- comm_cost: 0.6725694444444446 + complexity: 10 expressions: - - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - or(K+, S-) + - R+ + - and(N-, not(R-)) + - or(K+, or(N+, R-)) name: explored-1239 type: explored -- comm_cost: 0.8027777777777778 - complexity: 11 +- comm_cost: 0.4790763888888889 + complexity: 15 expressions: - - and(K-, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(S+, R+) name: explored-1240 type: explored -- comm_cost: 0.15885416666666696 - complexity: 12 +- comm_cost: 0.39861111111111147 + complexity: 10 expressions: - - K+ - N+ - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-1241 type: explored -- comm_cost: 0.6440972222222223 - complexity: 17 +- comm_cost: 0.6673611111111112 + complexity: 15 expressions: - - R- - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - R+ + - SE- + - and(or(K+, S-), or(SE-, N+)) - or(K+, S-) + - or(N+, R-) name: explored-1242 type: explored -- comm_cost: 0.4368055555555558 - complexity: 7 +- comm_cost: 0.455902777777778 + complexity: 12 expressions: - - SE+ + - K+ + - N+ + - R- + - SE- + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) + - not(R-) name: explored-1243 type: explored -- comm_cost: 0.23932291666666705 - complexity: 13 +- comm_cost: 0.27890625000000036 + complexity: 16 expressions: - - K+ - - N+ - - R- - - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - or(S+, or(N+, R-)) name: explored-1244 type: explored -- comm_cost: 0.16302083333333361 - complexity: 14 +- comm_cost: 0.42513888888888907 + complexity: 16 expressions: + - K+ - N+ - R- - - S+ + - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) + - or(K+, S-) name: explored-1245 type: explored -- comm_cost: 0.1614583333333337 - complexity: 17 +- comm_cost: 0.6993055555555557 + complexity: 4 expressions: - - K+ - - N+ - - and(K-, S+) + - SE+ - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - - or(S+, N+) name: explored-1246 type: explored -- comm_cost: 0.33263888888888915 - complexity: 15 +- comm_cost: 0.687152777777778 + complexity: 7 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - or(S+, N+) + - or(S+, R-) name: explored-1247 type: explored -- comm_cost: 0.44745370370370385 - complexity: 17 +- comm_cost: 0.6848511904761906 + complexity: 30 expressions: - - K+ - N+ - - R- + - SE- - and(K-, S+) - - and(N-, R+) - - and(S-, N-) - - or(S+, or(N+, R-)) + - and(K-, or(SE-, N+)) + - and(N-, not(R-)) + - and(N-, or(S+, R+)) + - and(N-, or(S+, SE+)) + - or(K+, SE+) + - or(S+, R+) name: explored-1248 type: explored -- comm_cost: 0.4604166666666666 - complexity: 12 +- comm_cost: 0.7104166666666667 + complexity: 9 expressions: - K+ - - N+ - R- - - S+ - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-1249 type: explored -- comm_cost: 0.4759548611111113 - complexity: 21 +- comm_cost: 0.2776041666666669 + complexity: 15 expressions: + - K+ - N+ - - R- + - R+ - S+ - - and(K-, not(R-)) - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - or(K+, or(N+, R-)) name: explored-1250 type: explored -- comm_cost: 0.35069444444444464 - complexity: 18 +- comm_cost: 0.06927083333333361 + complexity: 16 expressions: - K+ - N+ - - R- + - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) name: explored-1251 type: explored -- comm_cost: 0.517013888888889 - complexity: 9 +- comm_cost: 0.4076388888888892 + complexity: 12 expressions: - - N+ - - R+ - R- - SE- - - SE- - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-1252 type: explored -- comm_cost: 0.5427025462962964 - complexity: 17 +- comm_cost: 0.5941666666666667 + complexity: 11 expressions: - - K+ - R+ - R- - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, N+) - - or(K+, S-) + - and(and(S-, N-), not(R-)) + - or(S+, SE+) name: explored-1253 type: explored -- comm_cost: 0.6197337962962964 - complexity: 13 +- comm_cost: 0.5442708333333335 + complexity: 6 expressions: + - N+ - R+ - R- - - and(K-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) name: explored-1254 type: explored -- comm_cost: 0.6081597222222224 - complexity: 11 +- comm_cost: 0.4229687500000001 + complexity: 22 expressions: - - R+ + - N+ - R- - - SE- - - and(N-, or(K+, S-)) - - or(K+, N+) + - S+ + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-1255 type: explored -- comm_cost: 0.5985416666666667 - complexity: 12 +- comm_cost: 0.43315972222222254 + complexity: 11 expressions: + - N+ - R- - - and(and(S-, N-), not(R-)) - - not(R-) - - or(K+, N+) + - S+ + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-1256 type: explored -- comm_cost: 0.6972256944444445 - complexity: 32 +- comm_cost: 0.45546875 + complexity: 10 expressions: - - N+ - - S+ - - and(K-, not(R-)) - - and(K-, or(S+, N+)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - not(R-) - - or(K+, K-) + - K+ + - R- + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-1257 type: explored -- comm_cost: 0.7248917824074075 - complexity: 26 +- comm_cost: 0.5748842592592593 + complexity: 11 expressions: - - N- - - and(K-, N-) - - and(N-, or(S+, SE+)) - - and(S-, N-) - - and(S-, not(R-)) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - R- + - SE- + - and(K-, or(S+, R+)) + - or(K+, R+) name: explored-1258 type: explored -- comm_cost: 0.6781637731481482 - complexity: 42 +- comm_cost: 0.5673611111111112 + complexity: 10 expressions: - - K- - - S+ - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - or(S+, R-) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - and(and(K-, N-), or(S+, SE+)) name: explored-1259 type: explored -- comm_cost: 0.269791666666667 - complexity: 7 +- comm_cost: 0.48789062500000036 + complexity: 12 expressions: - - N+ + - K+ + - K+ - R- - S+ - - SE- - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-1260 type: explored -- comm_cost: 0.6946180555555557 - complexity: 9 +- comm_cost: 0.4270370370370373 + complexity: 16 expressions: - - and(S-, not(R-)) - - or(S+, or(N+, R-)) + - N+ + - R- + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(N+, not(R+)) name: explored-1261 type: explored -- comm_cost: 0.5529513888888891 - complexity: 9 +- comm_cost: 0.5210069444444447 + complexity: 23 expressions: - - K+ - - N+ - R- - - SE- - - and(N-, or(S+, SE+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1262 type: explored -- comm_cost: 0.388541666666667 - complexity: 13 +- comm_cost: 0.39156250000000015 + complexity: 21 expressions: + - K+ - N+ + - R+ - R- - and(K-, S+) - - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, S-) name: explored-1263 type: explored -- comm_cost: 0.6480902777777778 - complexity: 10 +- comm_cost: 0.6424652777777778 + complexity: 5 expressions: - - N+ + - K- - R+ - R- + - R- - SE- - - or(K+, K-) - - or(S+, N+) name: explored-1264 type: explored -- comm_cost: 0.6591695601851852 - complexity: 13 +- comm_cost: 0.7388888888888889 + complexity: 9 expressions: - - N+ - - R+ - R+ - - R- - - SE- - - and(K-, or(S+, SE+)) - or(K+, K-) + - or(K+, or(N+, R-)) name: explored-1265 type: explored -- comm_cost: 0.4817708333333335 - complexity: 11 +- comm_cost: 0.48107638888888904 + complexity: 8 expressions: - - K+ - N+ + - R+ + - R- - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - SE- + - or(K+, N+) name: explored-1266 type: explored -- comm_cost: 0.5994791666666668 - complexity: 14 +- comm_cost: 0.4384548611111113 + complexity: 24 expressions: - N+ - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-1267 type: explored -- comm_cost: 0.5161458333333335 - complexity: 15 +- comm_cost: 0.6953645833333334 + complexity: 10 expressions: + - K- + - R+ - R- - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) - - or(K+, R-) + - SE- + - or(K+, S-) + - or(N+, R-) name: explored-1268 type: explored -- comm_cost: 0.49097222222222237 - complexity: 12 +- comm_cost: 0.46640625 + complexity: 8 expressions: - - K+ - N+ - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - S+ + - and(S-, SE-) + - or(K+, SE+) name: explored-1269 type: explored -- comm_cost: 0.6543692129629631 - complexity: 12 +- comm_cost: 0.72015625 + complexity: 24 expressions: - - R+ - - SE+ - - SE- - - and(or(K+, S-), not(R-)) - - or(N+, R-) + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - and(S-, or(SE-, N+)) + - not(R-) + - or(K+, N+) + - or(S+, R+) name: explored-1270 type: explored -- comm_cost: 0.5708333333333334 - complexity: 8 +- comm_cost: 0.44083912037037054 + complexity: 18 expressions: - - R+ - - SE- + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - or(K+, S-) name: explored-1271 type: explored -- comm_cost: 0.4851562500000003 - complexity: 7 +- comm_cost: 0.4527951388888891 + complexity: 17 expressions: + - N+ + - N- - R- - - S+ - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) - not(R+) name: explored-1272 type: explored -- comm_cost: 0.5383680555555557 - complexity: 11 +- comm_cost: 0.36041666666666683 + complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(K-, SE-) - - or(K+, or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, R+) name: explored-1273 type: explored -- comm_cost: 0.6679687500000001 - complexity: 10 +- comm_cost: 0.6922916666666667 + complexity: 9 expressions: - R+ - - and(K-, not(R-)) - - not(R+) - - or(K+, R-) + - and(and(S-, N-), not(R-)) + - not(R-) name: explored-1274 type: explored -- comm_cost: 0.6828993055555557 - complexity: 10 - expressions: - - R+ - - SE- - - SE- - - and(K-, N-) - - and(K-, not(R-)) - name: explored-1275 - type: explored -- comm_cost: 0.41124131944444464 - complexity: 21 +- comm_cost: 0.43111111111111133 + complexity: 26 expressions: - K+ + - K+ - N+ - R- - S+ - - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, R-) + - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) + - or(S+, or(N+, R-)) + name: explored-1275 + type: explored +- comm_cost: 0.6820312500000001 + complexity: 12 + expressions: + - R+ + - and(S-, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1276 type: explored -- comm_cost: 0.48055555555555574 - complexity: 18 +- comm_cost: 0.4335937500000002 + complexity: 15 expressions: - - K+ - N+ - - SE- - - and(K-, or(SE-, N+)) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, SE-) + - not(R+) name: explored-1277 type: explored -- comm_cost: 0.6930555555555556 - complexity: 13 +- comm_cost: 0.5530671296296298 + complexity: 18 expressions: + - N+ - R+ + - R- - SE- - - and(K-, or(S+, R+)) - - or(K+, K-) - - or(K+, R-) + - and(K-, not(R+)) + - and(N-, or(K+, SE+)) + - and(S-, or(SE-, N+)) name: explored-1278 type: explored -- comm_cost: 0.40875000000000017 - complexity: 22 +- comm_cost: 0.3738425925925928 + complexity: 16 expressions: - - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, N-) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) name: explored-1279 type: explored -- comm_cost: 0.4500000000000002 - complexity: 16 +- comm_cost: 0.49583333333333335 + complexity: 9 expressions: - N+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(N-, or(K+, R+)) - name: explored-1280 - type: explored -- comm_cost: 0.7812326388888889 - complexity: 7 - expressions: - SE- - - and(K-, not(R-)) - - not(R-) - name: explored-1281 + - and(K-, S+) + - and(S-, SE-) + name: explored-1280 type: explored -- comm_cost: 0.5567708333333334 +- comm_cost: 2.220446049250313e-16 complexity: 16 expressions: + - K+ - N+ + - R- + - R- + - and(K-, S+) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, R+) - name: explored-1282 + name: explored-1281 type: explored -- comm_cost: 0.35998263888888915 - complexity: 18 +- comm_cost: 0.2152777777777779 + complexity: 22 expressions: - - K+ - - K+ - - N+ - N+ - R- - - S+ - - SE- - - and(K-, or(S+, SE+)) + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-1283 + - and(and(S-, N-), not(R-)) + name: explored-1282 type: explored -- comm_cost: 0.24804687500000033 - complexity: 19 +- comm_cost: 0.2523437500000003 + complexity: 16 expressions: - K+ - K+ - N+ - R- - - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(SE-, N+) - name: explored-1284 + name: explored-1283 type: explored -- comm_cost: 0.4109375000000004 - complexity: 10 +- comm_cost: 0.2156250000000003 + complexity: 13 expressions: - N+ - - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) - name: explored-1285 + - and(S-, SE-) + - or(N+, R-) + - or(S+, N+) + name: explored-1284 type: explored -- comm_cost: 0.383072916666667 - complexity: 11 +- comm_cost: 0.5513888888888889 + complexity: 8 expressions: - N+ - R- - SE- - - and(N-, R+) - - or(S+, or(N+, R-)) + - and(K-, or(S+, R+)) + name: explored-1285 + type: explored +- comm_cost: 0.7631944444444444 + complexity: 4 + expressions: + - N+ + - or(S+, R-) name: explored-1286 type: explored -- comm_cost: 0.5604166666666668 +- comm_cost: 0.6451041666666667 complexity: 11 expressions: + - N+ - R+ - R- - SE- - - and(S-, N-) - - and(SE-, or(K+, S-)) + - and(K-, not(R-)) + - or(S+, SE+) name: explored-1287 type: explored -- comm_cost: 0.2250000000000003 - complexity: 15 +- comm_cost: 0.4051793981481484 + complexity: 18 expressions: - - K+ - N+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - and(or(K+, S-), not(R+)) + - or(K+, SE+) name: explored-1288 type: explored -- comm_cost: 0.4579861111111113 - complexity: 18 +- comm_cost: 0.38194444444444475 + complexity: 12 expressions: - N+ - - R- + - N+ - SE- - - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-1289 type: explored -- comm_cost: 0.6166449652777779 - complexity: 44 +- comm_cost: 0.5413888888888891 + complexity: 10 expressions: - - S+ - - and(K-, not(R+)) - - and(S-, N-) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - or(N+, R-) + - K- + - and(N-, R+) + - and(S-, SE-) - or(S+, R-) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) name: explored-1290 type: explored -- comm_cost: 0.6372395833333335 - complexity: 17 +- comm_cost: 0.5572916666666669 + complexity: 13 expressions: - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - or(N+, R-) + - N+ + - R+ + - R- + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) name: explored-1291 type: explored -- comm_cost: 0.479965277777778 +- comm_cost: 0.2069444444444447 complexity: 16 expressions: - N+ - - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, S-) + - and(or(K+, S-), not(R+)) name: explored-1292 type: explored -- comm_cost: 0.49932291666666684 - complexity: 19 +- comm_cost: 0.5959490740740743 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - S+ + - R+ + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, R+) name: explored-1293 type: explored -- comm_cost: 0.5595486111111113 - complexity: 10 +- comm_cost: 0.5666666666666668 + complexity: 13 expressions: - - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) + - N+ + - SE- + - and(N-, or(K+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-1294 type: explored -- comm_cost: 0.3367187500000002 - complexity: 11 +- comm_cost: 0.7220312500000001 + complexity: 36 expressions: - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - N- + - SE- + - and(K-, or(S+, N+)) + - and(S-, or(N+, not(R+))) + - or(K+, R-) + - or(K+, or(N+, R-)) + - or(S+, N+) + - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-1295 type: explored -- comm_cost: 0.3486111111111114 - complexity: 19 +- comm_cost: 0.14375000000000027 + complexity: 22 expressions: + - K+ - N+ - R- + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-1296 type: explored -- comm_cost: 0.6055555555555555 - complexity: 13 +- comm_cost: 0.22187500000000027 + complexity: 20 expressions: + - K+ - N+ - R- - - SE- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1297 type: explored -- comm_cost: 0.742810763888889 - complexity: 20 - expressions: - - K- - - SE+ - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - or(S+, or(N+, R-)) - - or(SE-, N+) - name: explored-1298 - type: explored -- comm_cost: 0.28333333333333366 - complexity: 10 +- comm_cost: 0.30729166666666696 + complexity: 12 expressions: - K+ - N+ - - SE- + - R- + - and(K-, S+) - and(N-, R+) - - and(S-, not(R+)) - name: explored-1299 + - or(K+, R-) + name: explored-1298 type: explored -- comm_cost: 0.6910617559523811 - complexity: 26 +- comm_cost: 0.7222035383597885 + complexity: 36 expressions: + - K- - R+ - R- - - and(K-, or(S+, R+)) - - and(N-, or(S+, R+)) - - and(SE+, N-) - - and(or(K+, S-), not(R-)) - - not(R-) + - and(K-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) + - or(K+, SE+) + - or(K+, or(N+, R-)) - or(S+, SE+) - name: explored-1300 + name: explored-1299 type: explored -- comm_cost: 0.6854166666666667 - complexity: 9 +- comm_cost: 0.39565972222222245 + complexity: 13 expressions: + - K+ + - N+ + - R- + - SE- + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(K+, N+) + - or(K+, SE+) + name: explored-1300 + type: explored +- comm_cost: 0.6701388888888891 + complexity: 12 + expressions: + - R+ + - and(K-, or(S+, N+)) + - or(S+, R-) + - or(S+, R-) name: explored-1301 type: explored -- comm_cost: 0.18802083333333364 - complexity: 16 +- comm_cost: 0.49427083333333355 + complexity: 8 expressions: - K+ - N+ + - R+ - R- - - S+ - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - SE- + - or(N+, R-) name: explored-1302 type: explored -- comm_cost: 0.5905324074074075 - complexity: 25 +- comm_cost: 0.7148437500000001 + complexity: 9 expressions: - - K+ - - R- - - and(K-, S+) - - and(and(K-, N-), or(S+, R+)) - - or(S+, R-) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(N-, or(S+, SE+)) + - or(K+, R-) name: explored-1303 type: explored -- comm_cost: 0.7171006944444445 - complexity: 11 +- comm_cost: 0.4965277777777779 + complexity: 17 expressions: - - SE- - - and(K-, not(R-)) - - and(or(K+, S-), not(R+)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-1304 type: explored -- comm_cost: 0.4286111111111113 - complexity: 16 +- comm_cost: 0.3108217592592595 + complexity: 19 expressions: - K+ - - K- - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(S-, N-) + - and(N-, or(K+, SE+)) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-1305 type: explored -- comm_cost: 0.7237847222222222 - complexity: 9 +- comm_cost: 0.5754224537037038 + complexity: 18 expressions: + - N+ + - R+ - R- - SE- - - and(N-, or(K+, S-)) - - not(R-) + - and(K-, or(N+, not(R+))) + - or(K+, N+) + - or(K+, or(N+, R-)) name: explored-1306 type: explored -- comm_cost: 0.3808738425925927 - complexity: 18 +- comm_cost: 0.44262152777777797 + complexity: 13 expressions: - K+ + - K+ - N+ - R- - - and(K-, N-) + - S+ - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(N-, or(S+, R+)) name: explored-1307 type: explored -- comm_cost: 0.4862037037037039 - complexity: 17 +- comm_cost: 0.29348958333333364 + complexity: 23 expressions: - K+ - N+ - - N- - R- - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-1308 type: explored -- comm_cost: 0.7133333333333334 - complexity: 4 +- comm_cost: 0.5466145833333336 + complexity: 6 expressions: - - K- - - R+ - - not(R+) + - N+ + - S- + - SE- + - and(N-, R+) name: explored-1309 type: explored -- comm_cost: 0.5062500000000002 - complexity: 13 +- comm_cost: 0.3201388888888892 + complexity: 20 expressions: - K+ - - K+ + - N+ - R- - SE- - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, or(SE-, N+)) + - and(S-, or(SE-, N+)) + - or(SE-, N+) name: explored-1310 type: explored -- comm_cost: 0.7482638888888891 - complexity: 14 +- comm_cost: 0.5457754629629631 + complexity: 13 expressions: - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - not(R+) + - R+ + - R- + - SE- + - and(K-, or(S+, R+)) + - and(N-, or(K+, R+)) name: explored-1311 type: explored -- comm_cost: 0.42833333333333345 - complexity: 13 +- comm_cost: 0.6695891203703703 + complexity: 9 expressions: - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(S+, N+) + - SE- + - and(K-, not(R+)) + - not(R+) name: explored-1312 type: explored -- comm_cost: 0.5087500000000001 - complexity: 11 +- comm_cost: 0.3456018518518522 + complexity: 20 expressions: - - K- + - N+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) name: explored-1313 type: explored -- comm_cost: 0.5979166666666668 - complexity: 9 +- comm_cost: 0.6104166666666668 + complexity: 10 expressions: - - K+ - N+ + - N- - R- - - SE- - - and(K-, or(S+, SE+)) + - S+ + - and(N-, R+) + - or(S+, SE+) name: explored-1314 type: explored -- comm_cost: 0.38003472222222245 - complexity: 18 +- comm_cost: 0.6549479166666669 + complexity: 6 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - N+ + - R+ + - SE- + - or(S+, R+) name: explored-1315 type: explored -- comm_cost: 0.7256944444444446 - complexity: 14 +- comm_cost: 0.3368055555555558 + complexity: 20 expressions: - - R+ - - and(K-, or(S+, N+)) - - or(K+, R+) - - or(S+, or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(S+, N+) name: explored-1316 type: explored -- comm_cost: 0.3504050925925928 - complexity: 21 +- comm_cost: 0.540277777777778 + complexity: 12 expressions: - K+ - N+ - - R- - - and(K-, N-) - - and(K-, S+) + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - not(R-) name: explored-1317 type: explored -- comm_cost: 0.5822916666666669 - complexity: 4 +- comm_cost: 0.6107407407407409 + complexity: 9 expressions: - N+ - - R+ - - SE- - - SE- + - N- + - and(N-, R+) + - and(S-, not(R-)) name: explored-1318 type: explored -- comm_cost: 0.4617187500000002 - complexity: 18 +- comm_cost: 0.2250000000000001 + complexity: 26 expressions: - K+ + - N+ - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-1319 type: explored -- comm_cost: 0.5610532407407409 - complexity: 11 +- comm_cost: 0.4803240740740743 + complexity: 23 expressions: - N+ - - R+ - SE- - - and(N-, or(K+, R+)) - - and(S-, N-) + - and(N-, R+) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-1320 type: explored -- comm_cost: 0.4377604166666669 - complexity: 17 +- comm_cost: 0.3171875000000002 + complexity: 12 expressions: - - N+ + - K+ - R- - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - and(SE+, N-) name: explored-1321 type: explored -- comm_cost: 0.24722222222222257 - complexity: 8 +- comm_cost: 0.6428819444444446 + complexity: 13 expressions: - - K+ - - K+ - N+ + - R+ - R- - SE- - - and(N-, R+) + - and(or(K+, S-), not(R+)) + - or(K+, K-) name: explored-1322 type: explored -- comm_cost: 0.45717592592592604 - complexity: 20 +- comm_cost: 0.4486111111111114 + complexity: 12 expressions: - - K+ - - K+ - - R- - - S+ - - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(N+, not(R+))) + - or(S+, R-) name: explored-1323 type: explored -- comm_cost: 0.5312500000000003 - complexity: 5 +- comm_cost: 0.7828125000000001 + complexity: 8 expressions: - - SE- - - SE- - - and(N-, R+) + - and(K-, or(S+, SE+)) + - and(SE+, N-) name: explored-1324 type: explored -- comm_cost: 0.45098379629629637 - complexity: 9 +- comm_cost: 0.5492187500000001 + complexity: 12 expressions: + - N+ - R+ - - R+ - - S+ - - and(S-, SE-) - - or(K+, R+) + - R- + - SE- + - and(N-, not(R-)) + - and(S-, not(R+)) name: explored-1325 type: explored -- comm_cost: 0.38880208333333344 - complexity: 9 +- comm_cost: 0.6181423611111112 + complexity: 18 expressions: - - N+ - - R+ - - R- + - and(K-, SE-) - and(S-, SE-) - - or(S+, R+) + - and(and(S-, N-), not(R-)) + - or(K+, R+) + - or(SE-, N+) name: explored-1326 type: explored -- comm_cost: 0.4666666666666668 - complexity: 10 +- comm_cost: 0.6408854166666668 + complexity: 7 expressions: + - N+ - R+ - - R- - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - SE- + - and(N-, not(R-)) name: explored-1327 type: explored -- comm_cost: 0.45902777777777803 - complexity: 14 +- comm_cost: 0.3275462962962965 + complexity: 15 expressions: + - K+ - N+ - R- - - SE- - - and(K-, or(S+, R+)) + - SE+ - and(N-, R+) - - or(S+, N+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-1328 type: explored -- comm_cost: 0.5406250000000001 - complexity: 10 +- comm_cost: 0.6706597222222224 + complexity: 5 expressions: - R+ - - and(K-, or(S+, N+)) - - and(S-, not(R+)) + - SE+ + - or(SE-, N+) name: explored-1329 type: explored -- comm_cost: 0.44739583333333355 - complexity: 24 +- comm_cost: 0.5881944444444446 + complexity: 11 expressions: - - K+ - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, or(S+, SE+)) + - and(SE+, N-) name: explored-1330 type: explored -- comm_cost: 0.7216145833333335 - complexity: 8 +- comm_cost: 0.5153211805555556 + complexity: 20 expressions: - - and(SE+, N-) - - or(S+, or(N+, R-)) + - K+ + - N+ + - N- + - R- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) name: explored-1331 type: explored -- comm_cost: 0.6460937500000001 +- comm_cost: 0.5725694444444446 complexity: 8 expressions: - R+ - - SE+ - - SE- - - or(S+, or(N+, R-)) + - S+ + - and(S-, or(N+, not(R+))) name: explored-1332 type: explored -- comm_cost: 0.3960648148148149 - complexity: 14 +- comm_cost: 0.5666666666666668 + complexity: 8 expressions: - N+ - - N+ - - SE+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(S-, N-) + - or(S+, R-) name: explored-1333 type: explored -- comm_cost: 0.41970486111111127 - complexity: 17 +- comm_cost: 0.6544270833333334 + complexity: 7 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - S- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - R+ + - and(N-, or(K+, S-)) name: explored-1334 type: explored -- comm_cost: 0.7396527777777778 - complexity: 8 +- comm_cost: 0.5189236111111113 + complexity: 14 expressions: - - K+ - - N- + - N+ - R- - SE- - - or(N+, not(R+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(SE-, N+) name: explored-1335 type: explored -- comm_cost: 0.6102430555555557 - complexity: 10 +- comm_cost: 0.27803819444444466 + complexity: 15 expressions: - - R+ - - R- - - SE- - - and(K-, not(R-)) - - or(SE-, N+) + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-1336 type: explored -- comm_cost: 0.7196875000000001 - complexity: 4 +- comm_cost: 0.31635416666666694 + complexity: 21 expressions: - - R+ - - SE- - - not(R-) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, R+) + - or(S+, R-) name: explored-1337 type: explored -- comm_cost: 0.6678819444444446 - complexity: 9 +- comm_cost: 0.08125000000000027 + complexity: 11 expressions: - - R+ - - and(N-, or(K+, R+)) - - or(S+, R-) + - K+ + - K+ + - N+ + - R- + - R- + - and(N-, R+) + - and(S-, SE-) name: explored-1338 type: explored -- comm_cost: 0.6069444444444446 - complexity: 9 +- comm_cost: 0.34878472222222245 + complexity: 21 expressions: + - N+ - R- - - and(K-, or(S+, R+)) + - and(K-, not(R+)) - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(K+, N+) name: explored-1339 type: explored -- comm_cost: 0.712326388888889 - complexity: 11 +- comm_cost: 0.31006944444444473 + complexity: 13 expressions: + - N+ + - R- + - R- - SE- - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) + - and(K-, S+) + - and(N-, R+) + - or(N+, R-) name: explored-1340 type: explored -- comm_cost: 0.7094924768518519 - complexity: 33 +- comm_cost: 0.6697916666666668 + complexity: 11 expressions: + - SE- - and(K-, or(S+, N+)) - - and(S-, not(R+)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - not(R+) - - not(R-) - - or(K+, R-) - - or(K+, S-) - - or(K+, SE+) + - and(N-, or(S+, R+)) name: explored-1341 type: explored -- comm_cost: 0.6223958333333335 - complexity: 11 +- comm_cost: 0.6047164351851853 + complexity: 16 expressions: - - N+ - R+ - R- - - and(or(K+, S-), not(R-)) - - not(R+) + - SE- + - and(K-, N-) + - and(K-, or(S+, R+)) + - and(SE-, or(K+, S-)) name: explored-1342 type: explored -- comm_cost: 0.5448055555555558 - complexity: 17 +- comm_cost: 0.5979629629629631 + complexity: 15 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - and(and(K-, N-), or(S+, SE+)) - or(K+, S-) name: explored-1343 type: explored -- comm_cost: 0.5906250000000002 - complexity: 14 +- comm_cost: 0.7164316302910054 + complexity: 42 expressions: - - R- - - and(N-, R+) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - N- + - S- + - and(K-, N-) + - and(K-, not(R-)) + - and(K-, or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) + - or(K+, R-) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-1344 type: explored -- comm_cost: 0.627951388888889 - complexity: 13 +- comm_cost: 0.6922453703703705 + complexity: 28 expressions: - - R+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) + - or(K+, or(N+, R-)) name: explored-1345 type: explored -- comm_cost: 0.2284722222222224 - complexity: 18 +- comm_cost: 0.6384375000000001 + complexity: 4 expressions: - - K+ - - N+ + - N- + - R+ - R- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE- name: explored-1346 type: explored -- comm_cost: 0.4336805555555556 - complexity: 12 +- comm_cost: 0.6566782407407409 + complexity: 14 expressions: - - K+ - R+ - R- - - and(S-, SE-) - - and(SE+, N-) - - or(S+, SE+) + - SE- + - and(S-, or(N+, not(R+))) + - not(R-) + - or(S+, R-) name: explored-1347 type: explored -- comm_cost: 0.6937500000000001 +- comm_cost: 0.6506944444444446 complexity: 7 expressions: - - N- - - R+ - - and(K-, or(S+, N+)) + - R- + - and(S-, N-) + - and(S-, SE-) name: explored-1348 type: explored -- comm_cost: 0.5620659722222223 - complexity: 17 +- comm_cost: 0.5276041666666669 + complexity: 10 expressions: - - R+ - - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(N+, R-) - - or(N+, R-) + - or(K+, S-) name: explored-1349 type: explored -- comm_cost: 0.6548668981481482 - complexity: 28 +- comm_cost: 0.5114583333333336 + complexity: 19 expressions: - - SE+ + - K+ + - R- - SE- - - and(K-, SE-) - - and(K-, or(S+, SE+)) - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - not(R+) - - or(K+, R-) - - or(S+, N+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, or(N+, R-)) name: explored-1350 type: explored -- comm_cost: 0.5680555555555555 - complexity: 10 +- comm_cost: 0.40619791666666694 + complexity: 16 expressions: - K+ + - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(S+, SE+) + - or(S+, SE+) name: explored-1351 type: explored -- comm_cost: 0.6782986111111112 - complexity: 11 +- comm_cost: 0.4797743055555558 + complexity: 20 expressions: + - N+ + - N+ + - R- + - SE- + - and(N-, R+) - and(N-, or(S+, R+)) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1352 type: explored -- comm_cost: 0.5103587962962964 - complexity: 18 +- comm_cost: 0.43965567129629646 + complexity: 21 expressions: + - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, R+)) + - and(S-, N-) + - and(S-, SE-) + - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-1353 type: explored -- comm_cost: 0.5466145833333336 - complexity: 6 +- comm_cost: 0.6583333333333334 + complexity: 8 expressions: - N+ + - R- - S- - SE- - - and(N-, R+) + - and(K-, not(R-)) name: explored-1354 type: explored -- comm_cost: 0.36041666666666683 - complexity: 12 +- comm_cost: 0.3213333333333337 + complexity: 15 expressions: - - R+ - - R- + - K+ + - K+ + - N+ + - S+ + - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(N+, not(R+)) name: explored-1355 type: explored -- comm_cost: 0.3177083333333337 - complexity: 18 +- comm_cost: 0.643420138888889 + complexity: 11 expressions: - - N+ - - R- + - K- + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) name: explored-1356 type: explored -- comm_cost: 0.40245949074074083 - complexity: 23 +- comm_cost: 0.21440972222222254 + complexity: 24 expressions: - - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, R-) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-1357 type: explored -- comm_cost: 0.5255208333333335 - complexity: 10 +- comm_cost: 0.6813657407407409 + complexity: 7 expressions: - - R- - - and(N-, R+) - - and(and(S-, N-), not(R-)) + - R+ + - S- + - and(N-, or(S+, R+)) name: explored-1358 type: explored -- comm_cost: 0.5704861111111112 - complexity: 10 +- comm_cost: 0.5913194444444446 + complexity: 11 expressions: - - N+ - R+ - SE- - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), not(R-)) + - or(K+, R-) name: explored-1359 type: explored -- comm_cost: 0.39861111111111147 - complexity: 11 +- comm_cost: 0.4072048611111113 + complexity: 24 expressions: + - K+ - N+ - - and(K-, not(R+)) + - R- + - S+ - and(N-, R+) - - or(S+, N+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1360 type: explored -- comm_cost: 0.7592592592592593 +- comm_cost: 0.2982638888888892 complexity: 10 expressions: - - and(K-, not(R+)) - - and(S-, N-) - - or(K+, K-) - name: explored-1361 - type: explored -- comm_cost: 0.5706597222222223 - complexity: 13 - expressions: - - R+ - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, or(N+, R-)) - name: explored-1362 - type: explored -- comm_cost: 0.6488888888888891 - complexity: 13 - expressions: - - K- - - R+ + - K+ + - N+ + - R- - SE- - - and(N-, or(K+, R+)) - - and(SE-, or(K+, S-)) - name: explored-1363 + - and(N-, R+) + - or(K+, N+) + name: explored-1361 type: explored - comm_cost: 0.46250000000000013 complexity: 12 @@ -14105,9007 +14206,8990 @@ - and(N-, R+) - and(N-, not(R-)) - and(S-, SE-) - name: explored-1364 + name: explored-1362 type: explored -- comm_cost: 0.4824652777777779 - complexity: 16 +- comm_cost: 0.48107638888888893 + complexity: 11 expressions: - N+ - R- + - S+ + - and(N-, and(or(K+, S-), not(R-))) + name: explored-1363 + type: explored +- comm_cost: 0.5911458333333335 + complexity: 10 + expressions: - SE- - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - and(and(S-, N-), not(R-)) + name: explored-1364 + type: explored +- comm_cost: 0.7055555555555557 + complexity: 5 + expressions: + - S+ + - SE- + - or(K+, SE+) name: explored-1365 type: explored -- comm_cost: 0.7859375000000001 - complexity: 7 +- comm_cost: 0.21232638888888922 + complexity: 18 expressions: - - K+ - - R- - - and(N-, or(S+, SE+)) + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-1366 type: explored -- comm_cost: 2.220446049250313e-16 - complexity: 15 +- comm_cost: 0.3973958333333335 + complexity: 6 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) + - R+ + - S+ - and(S-, SE-) name: explored-1367 type: explored -- comm_cost: 0.5406250000000001 +- comm_cost: 0.6891319444444446 complexity: 8 expressions: + - K- - R+ - - and(K-, SE-) - - and(S-, not(R+)) + - R- + - SE- + - or(N+, not(R+)) name: explored-1368 type: explored -- comm_cost: 0.4026041666666669 - complexity: 7 +- comm_cost: 0.6630208333333334 + complexity: 4 expressions: - N+ - R+ - R- - - SE- - - and(N-, R+) + - S- name: explored-1369 type: explored -- comm_cost: 0.5491666666666668 - complexity: 9 +- comm_cost: 0.2265625000000001 + complexity: 22 expressions: + - K+ - N+ - - N- - R- + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - - or(S+, N+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-1370 type: explored -- comm_cost: 0.5736805555555557 - complexity: 10 +- comm_cost: 0.1649016203703706 + complexity: 24 expressions: + - K+ + - K+ - N+ - - SE- - - and(K-, SE-) + - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - not(R-) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(N+, R-) name: explored-1371 type: explored -- comm_cost: 0.6190104166666668 - complexity: 16 +- comm_cost: 0.7095052083333334 + complexity: 27 expressions: - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(S-, SE-) - - not(R+) - - or(S+, R+) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) + - or(N+, R-) name: explored-1372 type: explored -- comm_cost: 0.38437500000000013 - complexity: 13 +- comm_cost: 0.6956909722222223 + complexity: 32 expressions: - - N+ - - R+ - - and(K-, or(S+, R-)) - - and(S-, SE-) - - or(N+, R-) + - K- + - and(K-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) + - and(S-, N-) + - and(SE+, N-) + - not(R-) + - or(and(K-, S+), or(N+, R-)) name: explored-1373 type: explored -- comm_cost: 0.36822916666666694 +- comm_cost: 0.8014583333333334 complexity: 11 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) name: explored-1374 type: explored -- comm_cost: 0.526215277777778 - complexity: 21 +- comm_cost: 0.4760416666666668 + complexity: 25 expressions: - - N+ - - R- - - SE- + - K+ + - and(K-, S+) + - and(K-, SE-) - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, not(R-)) + - and(S-, not(R+)) - and(or(K+, S-), not(R-)) name: explored-1375 type: explored -- comm_cost: 0.39921875000000007 - complexity: 12 +- comm_cost: 0.7359375000000001 + complexity: 8 + expressions: + - SE- + - and(K-, N-) + - and(S-, not(R+)) + name: explored-1376 + type: explored +- comm_cost: 0.43459201388888913 + complexity: 27 expressions: - - K+ - K+ - N+ - R- + - S+ - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - name: explored-1376 + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R+)) + name: explored-1377 type: explored -- comm_cost: 0.4922164351851853 - complexity: 16 +- comm_cost: 0.45318287037037064 + complexity: 14 expressions: - N+ - R- + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - name: explored-1377 + - and(SE+, N-) + - or(K+, or(N+, R-)) + name: explored-1378 type: explored -- comm_cost: 0.5408854166666667 - complexity: 14 +- comm_cost: 0.6092013888888891 + complexity: 11 expressions: + - K+ - R+ - - and(K-, not(R-)) - - and(S-, SE-) - - or(K+, N+) - - or(K+, R-) - name: explored-1378 + - SE- + - and(or(K+, S-), or(N+, not(R+))) + name: explored-1379 type: explored -- comm_cost: 0.45777777777777806 - complexity: 17 +- comm_cost: 0.6608506944444446 + complexity: 13 expressions: - - K+ - - N+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - name: explored-1379 + - R+ + - SE- + - and(K-, or(S+, R-)) + - or(S+, N+) + - or(S+, SE+) + name: explored-1380 type: explored -- comm_cost: 0.36585648148148164 - complexity: 25 +- comm_cost: 0.7382523148148149 + complexity: 19 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - name: explored-1380 + - and(N-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) + - or(S+, SE+) + name: explored-1381 type: explored -- comm_cost: 0.5859375000000001 - complexity: 11 +- comm_cost: 0.6963541666666667 + complexity: 9 expressions: - - R+ - - S+ - and(S-, SE-) - and(or(K+, S-), not(R-)) - name: explored-1381 + name: explored-1382 type: explored -- comm_cost: 0.6682812500000002 +- comm_cost: 0.618576388888889 complexity: 7 expressions: - - K- + - N- - R+ - - S+ + - R- - SE- - and(K-, S+) - name: explored-1382 + name: explored-1383 type: explored -- comm_cost: 0.7713020833333335 - complexity: 8 +- comm_cost: 0.7297430555555556 + complexity: 25 expressions: + - SE- - and(K-, not(R-)) - - or(N+, not(R+)) - name: explored-1383 + - and(K-, or(S+, N+)) + - and(or(K+, S-), not(R-)) + - not(R-) + - or(and(K-, S+), or(N+, R-)) + name: explored-1384 type: explored -- comm_cost: 0.4277430555555557 - complexity: 17 +- comm_cost: 0.3914930555555558 + complexity: 10 expressions: - K+ - N+ - - N- - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - name: explored-1384 - type: explored -- comm_cost: 0.6293836805555557 - complexity: 17 - expressions: - - R+ - - SE- - - and(K-, SE-) - - and(K-, or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - or(S+, N+) name: explored-1385 type: explored -- comm_cost: 0.27407407407407436 - complexity: 17 +- comm_cost: 0.7502025462962965 + complexity: 7 expressions: - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - R+ + - SE+ + - and(N-, or(S+, SE+)) name: explored-1386 type: explored -- comm_cost: 0.4184027777777781 - complexity: 12 +- comm_cost: 0.2147569444444447 + complexity: 20 expressions: - K+ - N+ - R- + - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, SE-) - or(K+, N+) - - or(S+, R-) name: explored-1387 type: explored -- comm_cost: 0.23842592592592626 - complexity: 20 +- comm_cost: 0.6381944444444444 + complexity: 10 expressions: - N+ - - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(K-, or(S+, R-)) - - and(N-, R+) + - SE- - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-1388 type: explored -- comm_cost: 0.6345486111111113 - complexity: 7 +- comm_cost: 0.25718750000000035 + complexity: 17 expressions: + - K+ - N+ + - R- + - S+ - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-1389 type: explored -- comm_cost: 0.48044270833333347 - complexity: 10 +- comm_cost: 0.5065740740740742 + complexity: 17 expressions: - - K+ + - K- - N+ - - N- - R- - - SE- - and(N-, R+) - - not(R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-1390 type: explored -- comm_cost: 0.42256944444444455 - complexity: 13 +- comm_cost: 0.154166666666667 + complexity: 15 expressions: + - K+ - R- - - SE+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - or(S+, N+) name: explored-1391 type: explored -- comm_cost: 0.3338541666666668 - complexity: 18 +- comm_cost: 0.5750000000000002 + complexity: 10 expressions: - - K+ - - N+ - R- - SE- - - and(K-, or(S+, R-)) - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(N-, or(K+, SE+)) name: explored-1392 type: explored -- comm_cost: 0.44835069444444464 - complexity: 12 +- comm_cost: 0.6930381944444445 + complexity: 10 expressions: - - K+ - N+ + - N- + - R+ - R- - - S+ - SE- - - and(K-, not(R-)) - - and(N-, R+) + - not(R-) + - or(K+, S-) name: explored-1393 type: explored -- comm_cost: 0.6475983796296299 - complexity: 10 +- comm_cost: 0.6326388888888891 + complexity: 19 expressions: + - R+ - SE- - - and(N-, R+) - - or(K+, R+) - - or(S+, R+) + - and(K-, or(N+, not(R+))) + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, R+)) name: explored-1394 type: explored -- comm_cost: 0.5145833333333335 +- comm_cost: 0.6160879629629632 complexity: 12 expressions: - - N+ - R+ - - R- - - SE- - - and(K-, or(S+, N+)) + - and(N-, and(or(K+, S-), not(R-))) - and(SE+, N-) name: explored-1395 type: explored -- comm_cost: 0.43958333333333366 +- comm_cost: 0.5766203703703705 complexity: 13 expressions: - - K+ - - R- - - S+ - - and(K-, S+) + - N+ - and(N-, R+) - - or(N+, not(R+)) + - and(and(K-, N-), not(R-)) + - or(K+, R+) name: explored-1396 type: explored -- comm_cost: 0.8059027777777779 - complexity: 8 - expressions: - - or(K+, K-) - - or(K+, or(N+, R-)) - name: explored-1397 - type: explored -- comm_cost: 0.3973958333333335 - complexity: 17 +- comm_cost: 0.22864583333333344 + complexity: 16 expressions: - - K+ - - K+ - N+ + - R- + - R- - S+ - - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - name: explored-1398 + - and(and(S-, N-), not(R-)) + name: explored-1397 type: explored -- comm_cost: 0.5145833333333335 - complexity: 7 +- comm_cost: 0.5798611111111113 + complexity: 8 expressions: - K+ - - R+ - R- - - S- + - and(N-, R+) + - or(K+, R+) + name: explored-1398 + type: explored +- comm_cost: 0.4701388888888891 + complexity: 12 + expressions: + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) + - or(S+, N+) name: explored-1399 type: explored -- comm_cost: 0.33894675925925943 - complexity: 29 +- comm_cost: 0.5758333333333334 + complexity: 9 expressions: - K+ - - N+ - R- - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, or(N+, R-)) + - or(K+, S-) name: explored-1400 type: explored -- comm_cost: 0.72125 - complexity: 8 +- comm_cost: 0.4182870370370372 + complexity: 19 expressions: + - N+ - R- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, R+) name: explored-1401 type: explored -- comm_cost: 0.37669270833333357 - complexity: 25 +- comm_cost: 0.617939814814815 + complexity: 13 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(SE-, N+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) name: explored-1402 type: explored -- comm_cost: 0.3276041666666669 - complexity: 21 +- comm_cost: 0.7357372685185186 + complexity: 23 expressions: - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) - - or(and(K-, S+), or(N+, R-)) + - N- + - and(K-, or(N+, not(R+))) + - and(N-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) name: explored-1403 type: explored -- comm_cost: 0.47711226851851873 - complexity: 18 +- comm_cost: 0.25208333333333366 + complexity: 14 expressions: + - K+ + - N+ - R- + - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-1404 type: explored -- comm_cost: 0.41388888888888886 - complexity: 12 +- comm_cost: 0.697123263888889 + complexity: 23 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(S-, SE-) - - or(S+, R-) + - K- + - and(N-, or(S+, R+)) + - and(S-, N-) + - and(and(K-, N-), not(R-)) + - not(R+) + - or(N+, R-) + - or(S+, N+) name: explored-1405 type: explored -- comm_cost: 0.3921875 - complexity: 7 +- comm_cost: 0.6158854166666669 + complexity: 10 expressions: - - R+ - - R- - - S+ - - SE+ - - and(S-, SE-) + - N+ + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-1406 type: explored -- comm_cost: 0.6947916666666667 - complexity: 3 +- comm_cost: 0.3647135416666669 + complexity: 25 expressions: + - K+ - N+ + - R- - S+ - - SE- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1407 type: explored -- comm_cost: 0.4472222222222223 - complexity: 16 +- comm_cost: 0.8031250000000001 + complexity: 6 + expressions: + - SE- + - or(S+, or(N+, R-)) + name: explored-1408 + type: explored +- comm_cost: 0.4228298611111113 + complexity: 21 expressions: + - K+ - N+ - - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) - name: explored-1408 + - and(S-, or(N+, not(R+))) + name: explored-1409 type: explored -- comm_cost: 0.4175000000000002 - complexity: 10 +- comm_cost: 0.08125000000000027 + complexity: 12 expressions: - N+ - - N- - R- - - SE- + - S+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - name: explored-1409 + name: explored-1410 type: explored -- comm_cost: 0.7280677910052911 - complexity: 26 +- comm_cost: 0.7269965277777779 + complexity: 8 expressions: - N- - - SE+ - - and(N-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) - - or(K+, R-) - - or(K+, S-) - - or(S+, R-) - name: explored-1410 + - R+ + - and(or(K+, S-), not(R-)) + name: explored-1411 type: explored -- comm_cost: 0.3440104166666669 - complexity: 19 +- comm_cost: 0.4847656250000002 + complexity: 15 expressions: - K+ - N+ - - R- - - and(K-, S+) + - SE- - and(N-, R+) - and(N-, not(R-)) - - and(S-, SE-) - - or(N+, R-) - name: explored-1411 + - and(SE-, or(K+, S-)) + name: explored-1412 type: explored -- comm_cost: 0.4650052083333335 - complexity: 19 +- comm_cost: 0.2522569444444446 + complexity: 17 expressions: - K+ - N+ - - N- - R- - - S+ - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, R+) - name: explored-1412 - type: explored -- comm_cost: 0.6539930555555558 - complexity: 6 - expressions: - - R+ - - SE+ - - and(K-, not(R+)) + - or(N+, R-) name: explored-1413 type: explored -- comm_cost: 0.7550000000000001 - complexity: 9 +- comm_cost: 0.66484375 + complexity: 5 expressions: - - N- - - or(K+, R+) - - or(S+, or(N+, R-)) + - N+ + - R- + - SE- + - not(R+) name: explored-1414 type: explored -- comm_cost: 0.6572048611111112 - complexity: 16 +- comm_cost: 0.7199652777777779 + complexity: 7 expressions: - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - or(S+, or(N+, R-)) + - R+ + - and(K-, S+) + - or(K+, K-) name: explored-1415 type: explored -- comm_cost: 0.46805555555555545 - complexity: 8 +- comm_cost: 0.4145833333333335 + complexity: 20 expressions: - N+ - R- + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, R-) + - and(or(K+, S-), or(SE-, N+)) name: explored-1416 type: explored -- comm_cost: 0.17916666666666692 - complexity: 13 +- comm_cost: 0.25208333333333366 + complexity: 16 expressions: + - K+ - N+ + - R- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-1417 type: explored -- comm_cost: 0.6590306712962963 - complexity: 14 +- comm_cost: 0.45625000000000027 + complexity: 13 expressions: - - R+ - - R- + - N+ + - N+ - SE- - - and(N-, not(R-)) - - or(K+, R+) - - or(N+, not(R+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-1418 type: explored -- comm_cost: 0.5861053240740742 - complexity: 37 +- comm_cost: 0.4258246527777779 + complexity: 15 expressions: - - K+ - - SE+ - - and(K-, or(S+, R+)) + - N+ + - R- + - S- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, R-) + - or(S+, R-) name: explored-1419 type: explored -- comm_cost: 0.35026041666666685 - complexity: 22 +- comm_cost: 0.5131365740740742 + complexity: 16 expressions: - - K+ - - K+ - - N+ - R- - - S+ + - and(K-, not(R-)) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, or(N+, R-)) name: explored-1420 type: explored -- comm_cost: 0.6281250000000002 - complexity: 10 +- comm_cost: 0.6403819444444445 + complexity: 9 expressions: - R+ - - R+ + - R- - SE- - - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) + - or(S+, SE+) name: explored-1421 type: explored -- comm_cost: 0.625138888888889 - complexity: 13 +- comm_cost: 0.36828703703703725 + complexity: 15 expressions: - - K- + - K+ + - R- + - R- + - and(K-, S+) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-1422 type: explored -- comm_cost: 0.6765625000000002 - complexity: 7 +- comm_cost: 0.4750000000000002 + complexity: 16 expressions: + - K+ + - N+ - R- - and(N-, R+) - - or(K+, SE+) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-1423 type: explored -- comm_cost: 0.1956597222222225 - complexity: 17 +- comm_cost: 0.19583333333333341 + complexity: 16 expressions: + - K+ - N+ - R- - - S+ - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-1424 type: explored -- comm_cost: 0.4905092592592595 - complexity: 21 +- comm_cost: 0.7052083333333333 + complexity: 7 expressions: - - R+ + - K+ - R- - - and(K-, not(R+)) - - and(K-, or(S+, R-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(K-, or(S+, N+)) name: explored-1425 type: explored -- comm_cost: 0.4126302083333335 - complexity: 20 +- comm_cost: 0.39861111111111147 + complexity: 17 expressions: - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(K+, N+) - - or(S+, N+) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) name: explored-1426 type: explored -- comm_cost: 0.46539351851851873 - complexity: 20 +- comm_cost: 0.5020833333333334 + complexity: 9 expressions: - - K+ - N+ + - R+ - R- - - SE+ - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(K-, or(S+, R-)) name: explored-1427 type: explored -- comm_cost: 0.23697916666666696 - complexity: 10 +- comm_cost: 0.6622106481481482 + complexity: 16 expressions: - - K+ - - N+ - R- - - and(N-, R+) - - and(S-, not(R+)) + - SE+ + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - or(K+, or(N+, R-)) name: explored-1428 type: explored -- comm_cost: 0.7003414351851853 - complexity: 13 +- comm_cost: 0.37656250000000013 + complexity: 17 expressions: - - K- - - R+ - - SE- - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(S+, N+) name: explored-1429 type: explored -- comm_cost: 0.6530071924603176 - complexity: 45 +- comm_cost: 0.3763888888888891 + complexity: 9 expressions: - K+ - - and(K-, not(R+)) - - and(N-, or(K+, SE+)) - - and(S-, N-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) + - N+ + - R- + - and(N-, R+) - or(S+, R-) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) name: explored-1430 type: explored -- comm_cost: 0.7178819444444445 - complexity: 7 +- comm_cost: 0.5967881944444446 + complexity: 26 expressions: - - R+ - - and(SE+, N-) - - or(S+, R+) + - R- + - SE+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-1431 type: explored -- comm_cost: 0.4932291666666667 +- comm_cost: 0.558420138888889 complexity: 9 expressions: - - R+ - - R+ - - R- - - SE- - - and(SE-, or(K+, S-)) + - N+ + - and(S-, SE-) + - not(R+) + - or(K+, R+) name: explored-1432 type: explored -- comm_cost: 0.32135416666666694 - complexity: 12 +- comm_cost: 0.2942708333333337 + complexity: 14 expressions: - K+ + - K+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - and(S-, not(R+)) name: explored-1433 type: explored -- comm_cost: 0.5927372685185186 - complexity: 19 +- comm_cost: 0.7159837962962963 + complexity: 42 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) + - N- + - and(K-, S+) + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) + - and(S-, N-) + - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) name: explored-1434 type: explored -- comm_cost: 0.4458333333333334 - complexity: 11 +- comm_cost: 0.54375 + complexity: 10 expressions: - N+ - - R+ - - R- - - and(K-, or(S+, SE+)) + - S+ + - and(K-, or(S+, N+)) - and(S-, SE-) name: explored-1435 type: explored -- comm_cost: 0.6623263888888891 - complexity: 11 +- comm_cost: 0.41287037037037055 + complexity: 21 expressions: - - S+ - - and(S-, N-) - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, S-) name: explored-1436 type: explored -- comm_cost: 0.5644097222222224 - complexity: 20 +- comm_cost: 0.4750000000000002 + complexity: 16 expressions: - N+ + - R- - SE- - - and(K-, not(R+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(S+, or(N+, R-)) + - and(N-, or(K+, SE+)) name: explored-1437 type: explored -- comm_cost: 0.5520833333333335 - complexity: 14 +- comm_cost: 0.5664409722222223 + complexity: 13 expressions: - - R- - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - N+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-1438 type: explored -- comm_cost: 0.5583333333333333 - complexity: 6 +- comm_cost: 0.4503067129629631 + complexity: 17 expressions: - K+ - - K+ + - N+ - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) + - not(R-) name: explored-1439 type: explored -- comm_cost: 0.5192708333333336 - complexity: 7 +- comm_cost: 0.7435590277777778 + complexity: 10 expressions: - - K+ - - R+ - - R- - - SE- - - and(SE+, N-) + - and(K-, N-) + - or(K+, R+) + - or(N+, not(R+)) name: explored-1440 type: explored -- comm_cost: 0.3225694444444447 - complexity: 17 +- comm_cost: 0.5546875 + complexity: 11 expressions: - N+ - R- - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(SE+, N-) + - and(K-, S+) + - and(SE-, or(K+, S-)) name: explored-1441 type: explored -- comm_cost: 0.4755208333333336 - complexity: 9 +- comm_cost: 0.6494791666666668 + complexity: 18 expressions: - - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) + - R+ + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-1442 type: explored -- comm_cost: 0.37864583333333357 - complexity: 12 +- comm_cost: 0.3875000000000002 + complexity: 19 expressions: - - SE- + - N+ + - R- - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(N+, R-) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-1443 type: explored -- comm_cost: 0.5960358796296297 - complexity: 13 +- comm_cost: 0.37187500000000007 + complexity: 12 expressions: - K+ - N+ - R- - - S- - and(K-, S+) - and(S-, SE-) - - or(K+, K-) + - or(K+, R-) name: explored-1444 type: explored -- comm_cost: 0.5276041666666668 - complexity: 17 +- comm_cost: 0.7414930555555557 + complexity: 15 expressions: - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-1445 type: explored -- comm_cost: 0.26516203703703733 - complexity: 19 +- comm_cost: 0.5713541666666668 + complexity: 13 expressions: - - K+ - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, not(R+)) + - and(and(K-, N-), not(R-)) name: explored-1446 type: explored -- comm_cost: 0.7388888888888889 - complexity: 11 +- comm_cost: 0.26805555555555594 + complexity: 14 expressions: - - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) + - R- + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-1447 type: explored -- comm_cost: 0.4496614583333335 - complexity: 16 +- comm_cost: 0.48993055555555565 + complexity: 14 expressions: - - K+ - N+ - - N- - - R- - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - or(K+, K-) + - or(S+, R-) name: explored-1448 type: explored -- comm_cost: 0.3494791666666668 - complexity: 17 +- comm_cost: 0.2805555555555559 + complexity: 20 expressions: + - K+ - N+ - R- - - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, SE+) + - and(or(K+, S-), or(SE-, N+)) name: explored-1449 type: explored -- comm_cost: 0.5800347222222222 - complexity: 10 +- comm_cost: 0.5081307870370372 + complexity: 17 expressions: + - K+ - N+ - R- - - SE- - and(K-, S+) - - and(K-, not(R-)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(S+, R-) name: explored-1450 type: explored -- comm_cost: 0.6330729166666669 - complexity: 13 +- comm_cost: 0.6802083333333335 + complexity: 9 expressions: - R+ - - not(R+) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(and(K-, N-), or(S+, R+)) name: explored-1451 type: explored -- comm_cost: 0.5192708333333335 - complexity: 11 +- comm_cost: 0.4882812500000002 + complexity: 8 expressions: - - N+ - - R+ - - R- - - and(N-, or(K+, S-)) + - K+ + - S- + - and(N-, R+) - and(S-, SE-) name: explored-1452 type: explored -- comm_cost: 0.35703125000000013 - complexity: 19 +- comm_cost: 0.2390335648148152 + complexity: 21 expressions: - K+ + - N+ - R- - and(K-, S+) + - and(K-, not(R+)) + - and(N-, R+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(SE-, N+) + - not(R+) name: explored-1453 type: explored -- comm_cost: 0.6249131944444446 - complexity: 12 +- comm_cost: 0.5708333333333333 + complexity: 13 expressions: - - R+ + - N+ - R- - - S- - - SE- - and(K-, or(SE-, N+)) - - or(K+, R-) + - and(S-, SE-) + - and(S-, SE-) name: explored-1454 type: explored -- comm_cost: 0.4993750000000001 - complexity: 10 +- comm_cost: 0.3518229166666669 + complexity: 19 expressions: + - K+ - N+ - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - not(R-) + - and(SE-, or(K+, S-)) + - or(K+, SE+) name: explored-1455 type: explored -- comm_cost: 0.4804687500000002 - complexity: 15 +- comm_cost: 0.7624305555555556 + complexity: 6 expressions: - - K+ - - N+ - - R- - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(K+, SE+) + - not(R-) + - or(K+, N+) name: explored-1456 type: explored -- comm_cost: 0.5573784722222224 - complexity: 9 +- comm_cost: 0.6363194444444445 + complexity: 8 expressions: - N+ - R+ - R- - - SE- - - not(R+) - - or(S+, N+) + - not(R-) + - or(S+, R+) name: explored-1457 type: explored -- comm_cost: 0.44763888888888914 - complexity: 13 +- comm_cost: 0.339814814814815 + complexity: 19 expressions: + - K+ - N+ - R- + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-1458 type: explored -- comm_cost: 0.37129629629629646 - complexity: 21 +- comm_cost: 0.37960069444444466 + complexity: 16 expressions: - N+ - R- - S+ - - and(K-, S+) + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - or(K+, R+) + - or(S+, R-) name: explored-1459 type: explored -- comm_cost: 0.14270833333333366 - complexity: 16 +- comm_cost: 0.3750000000000001 + complexity: 7 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) + - and(SE+, N-) name: explored-1460 type: explored -- comm_cost: 0.6543750000000002 - complexity: 7 +- comm_cost: 0.36750000000000016 + complexity: 15 expressions: - - N- - - R+ - - and(SE-, or(K+, S-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-1461 type: explored -- comm_cost: 0.7354166666666668 - complexity: 7 - expressions: - - and(K-, not(R-)) - - or(K+, N+) - name: explored-1462 - type: explored -- comm_cost: 0.22760416666666705 - complexity: 21 +- comm_cost: 0.2653645833333337 + complexity: 23 expressions: - K+ - - K+ - N+ - R- - S+ - - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, N+) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) + - or(S+, N+) + name: explored-1462 + type: explored +- comm_cost: 0.6828125 + complexity: 6 + expressions: + - K+ + - R- + - SE- + - or(N+, R-) name: explored-1463 type: explored -- comm_cost: 0.2777777777777779 - complexity: 14 +- comm_cost: 0.32031250000000033 + complexity: 22 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, or(K+, SE+)) + - and(N-, R+) - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1464 type: explored -- comm_cost: 0.36979166666666696 - complexity: 11 +- comm_cost: 0.5489583333333334 + complexity: 16 expressions: - - K+ - - N+ - - SE- - - and(N-, R+) + - R+ - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-1465 type: explored -- comm_cost: 0.18871527777777808 - complexity: 16 +- comm_cost: 0.33229166666666676 + complexity: 9 expressions: - K+ - - N+ + - R+ - R- - - S+ - - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - and(S-, SE-) + - or(S+, N+) name: explored-1466 type: explored -- comm_cost: 0.3322916666666671 - complexity: 13 +- comm_cost: 0.646383101851852 + complexity: 15 expressions: - - N+ + - R+ - SE- - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - or(N+, R-) name: explored-1467 type: explored -- comm_cost: 0.3617187500000003 - complexity: 20 +- comm_cost: 0.1765625000000004 + complexity: 11 expressions: - K+ - - N+ - - S+ + - R- - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, or(N+, R-)) + - or(K+, N+) name: explored-1468 type: explored -- comm_cost: 0.28194444444444466 - complexity: 19 +- comm_cost: 0.543576388888889 + complexity: 13 + expressions: + - R+ + - and(K-, not(R+)) + - and(SE-, or(K+, S-)) + - or(K+, R-) + name: explored-1469 + type: explored +- comm_cost: 0.44244791666666705 + complexity: 8 expressions: - K+ - N+ - - R- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, or(N+, R-)) - name: explored-1469 + - or(SE-, N+) + name: explored-1470 type: explored -- comm_cost: 0.6446180555555556 - complexity: 14 +- comm_cost: 0.6558159722222223 + complexity: 16 expressions: - R+ - - R- - - SE- - - and(K-, N-) - - and(N-, or(S+, SE+)) - - and(S-, N-) - name: explored-1470 + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R+)) + - or(S+, R+) + name: explored-1471 type: explored -- comm_cost: 0.4002314814814817 - complexity: 17 +- comm_cost: 0.42777777777777803 + complexity: 24 expressions: - K+ - N+ - - R- - - SE+ - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) - name: explored-1471 + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + name: explored-1472 type: explored -- comm_cost: 0.2284722222222224 - complexity: 16 +- comm_cost: 0.2739583333333335 + complexity: 13 expressions: - K+ - - K+ - N+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-1472 - type: explored -- comm_cost: 0.4859375 - complexity: 10 - expressions: - R- - S+ - - and(K-, or(S+, SE+)) - - and(S-, SE-) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-1473 type: explored -- comm_cost: 0.27789351851851896 - complexity: 21 +- comm_cost: 0.582855902777778 + complexity: 14 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, not(R+)) + - R+ + - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-1474 type: explored -- comm_cost: 0.5239583333333333 - complexity: 7 +- comm_cost: 0.5975983796296298 + complexity: 16 expressions: - - R- - - and(S-, SE-) - - or(K+, N+) + - N+ + - SE- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, R+) name: explored-1475 type: explored -- comm_cost: 0.10572916666666687 - complexity: 14 +- comm_cost: 0.37175925925925934 + complexity: 17 expressions: + - K+ - N+ - R- - S+ - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, R+) name: explored-1476 type: explored -- comm_cost: 0.5399305555555557 - complexity: 10 +- comm_cost: 0.5399305555555559 + complexity: 8 expressions: - - R+ - - SE- - - and(K-, SE-) - - and(K-, or(S+, R-)) + - R- + - S+ + - and(N-, R+) + - or(S+, R-) name: explored-1477 type: explored -- comm_cost: 0.36979166666666696 - complexity: 8 +- comm_cost: 0.5315104166666669 + complexity: 16 expressions: + - K+ - N+ - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - or(N+, R-) + - or(K+, or(N+, R-)) name: explored-1478 type: explored -- comm_cost: 0.2567708333333336 - complexity: 20 +- comm_cost: 0.255729166666667 + complexity: 11 expressions: - - N+ - R- - - and(K-, or(S+, R-)) + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-1479 type: explored -- comm_cost: 0.4720486111111112 - complexity: 9 +- comm_cost: 0.3031250000000003 + complexity: 17 expressions: - - R+ - - and(N-, or(S+, R+)) + - N+ + - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) name: explored-1480 type: explored -- comm_cost: 0.4114583333333336 - complexity: 13 +- comm_cost: 0.6130208333333335 + complexity: 6 expressions: - - K+ - N+ - - R- - - SE- + - R+ - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(K-, N-) name: explored-1481 type: explored -- comm_cost: 0.4286168981481484 +- comm_cost: 0.5711805555555557 complexity: 19 expressions: - - K+ - N+ - - R+ - - R- - - and(K-, not(R+)) + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, R+) name: explored-1482 type: explored -- comm_cost: 0.6097222222222223 - complexity: 14 +- comm_cost: 0.6229166666666668 + complexity: 5 expressions: - - K+ - - K- - - N+ + - R+ - R- - - and(K-, S+) - - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, N+) name: explored-1483 type: explored -- comm_cost: 0.7134774305555557 - complexity: 41 +- comm_cost: 0.34335937500000024 + complexity: 17 expressions: - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) - - and(N-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - not(R-) - - or(K+, R+) - - or(K+, SE+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-1484 type: explored -- comm_cost: 0.517013888888889 - complexity: 7 +- comm_cost: 0.28668981481481504 + complexity: 14 expressions: + - K+ + - K+ - N+ - - R+ - R- - - SE- - - or(S+, R-) + - SE+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-1485 type: explored -- comm_cost: 0.3708333333333337 - complexity: 12 +- comm_cost: 0.7541666666666668 + complexity: 8 expressions: - - N+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, or(S+, R+)) + - or(S+, R-) name: explored-1486 type: explored -- comm_cost: 0.6694444444444446 - complexity: 11 +- comm_cost: 0.55625 + complexity: 8 expressions: - - R+ - - and(K-, or(S+, N+)) - - or(K+, or(N+, R-)) + - K+ + - N+ + - and(S-, SE-) + - or(S+, N+) name: explored-1487 type: explored -- comm_cost: 0.7140850694444445 - complexity: 31 +- comm_cost: 0.2982638888888891 + complexity: 22 expressions: - - N- - - and(K-, N-) - - and(SE+, N-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - not(R-) - - or(K+, S-) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, N+) name: explored-1488 type: explored -- comm_cost: 0.19357638888888906 - complexity: 17 +- comm_cost: 0.4182725694444446 + complexity: 19 expressions: - K+ - - K+ + - N+ - R- - - S+ + - S- + - and(K-, S+) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(S+, SE+) name: explored-1489 type: explored -- comm_cost: 0.362152777777778 +- comm_cost: 0.651388888888889 complexity: 15 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - R- + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) name: explored-1490 type: explored -- comm_cost: 0.5755208333333333 - complexity: 10 +- comm_cost: 0.5065104166666669 + complexity: 13 expressions: - K+ - - K+ - N+ - - R- - - and(S-, SE-) - - or(K+, K-) + - SE- + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, R+) name: explored-1491 type: explored -- comm_cost: 0.32291666666666696 - complexity: 11 +- comm_cost: 0.8359375000000001 + complexity: 3 expressions: - - R- - - S+ - - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) + - or(K+, SE+) name: explored-1492 type: explored -- comm_cost: 0.5402199074074076 - complexity: 11 +- comm_cost: 0.44493634259259274 + complexity: 16 expressions: - N+ - R- + - S+ + - S- - and(N-, R+) - - and(S-, N-) - - or(S+, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-1493 type: explored -- comm_cost: 0.42552083333333357 - complexity: 11 +- comm_cost: 0.4618634259259261 + complexity: 19 expressions: - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, K-) name: explored-1494 type: explored -- comm_cost: 0.23242187500000033 - complexity: 17 +- comm_cost: 0.37868923611111127 + complexity: 20 expressions: - K+ - - K+ - N+ - R- + - S+ - and(N-, R+) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - not(R+) name: explored-1495 type: explored -- comm_cost: 0.3652777777777779 - complexity: 18 +- comm_cost: 0.6817708333333334 + complexity: 7 expressions: - - R+ - R- - - S+ - - and(K-, or(S+, N+)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(K-, S+) + - and(SE+, N-) name: explored-1496 type: explored -- comm_cost: 0.6028935185185185 - complexity: 16 +- comm_cost: 0.5324652777777779 + complexity: 7 expressions: - N+ + - R+ - R- - - S+ - - and(S-, SE-) - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - or(K+, R+) name: explored-1497 type: explored -- comm_cost: 0.6587094907407408 - complexity: 30 +- comm_cost: 0.4139322916666668 + complexity: 25 expressions: - - and(K-, SE-) - - and(N-, or(K+, R+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(S+, R+) name: explored-1498 type: explored -- comm_cost: 0.30815972222222254 - complexity: 18 +- comm_cost: 0.5076388888888889 + complexity: 17 expressions: + - K+ - N+ - - and(N-, R+) + - R- + - S+ - and(S-, SE-) - - and(S-, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-1499 type: explored -- comm_cost: 0.4760416666666669 - complexity: 17 +- comm_cost: 0.5539930555555556 + complexity: 9 expressions: + - K+ - N+ - - R- - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - S+ + - and(S-, SE-) + - or(S+, N+) name: explored-1500 type: explored -- comm_cost: 0.5723813657407408 - complexity: 16 +- comm_cost: 0.7302083333333333 + complexity: 8 expressions: - - K+ - - R+ - - R- - - SE- - - and(K-, N-) - - and(K-, S+) - - and(and(K-, N-), not(R-)) + - and(N-, not(R-)) + - and(S-, not(R+)) name: explored-1501 type: explored -- comm_cost: 0.6434317129629631 - complexity: 10 +- comm_cost: 0.5499131944444446 + complexity: 21 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - and(N-, or(S+, SE+)) - - and(S-, N-) + - and(K-, N-) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-1502 type: explored -- comm_cost: 0.5895833333333335 +- comm_cost: 0.6269097222222224 complexity: 13 expressions: - R+ - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-1503 type: explored -- comm_cost: 0.37250000000000005 - complexity: 11 +- comm_cost: 0.4867187500000002 + complexity: 12 expressions: - - K+ - - N+ - N+ - - N- - - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, not(R-)) + - or(S+, R-) name: explored-1504 type: explored -- comm_cost: 0.4291666666666669 - complexity: 13 +- comm_cost: 0.32343750000000027 + complexity: 9 expressions: - - K+ - N+ - - SE- + - R- + - S+ + - and(K-, S+) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) name: explored-1505 type: explored -- comm_cost: 0.19334490740740762 - complexity: 19 +- comm_cost: 0.5318576388888889 + complexity: 11 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, R+) + - K+ + - R+ + - and(K-, N-) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(S+, R-) name: explored-1506 type: explored -- comm_cost: 0.7103559027777779 - complexity: 11 +- comm_cost: 0.3817708333333336 + complexity: 10 expressions: - - R+ - - and(K-, not(R-)) - - and(S-, N-) - - or(S+, SE+) + - K+ + - K+ + - N+ + - R- + - and(N-, R+) + - or(K+, R-) name: explored-1507 type: explored -- comm_cost: 0.7758680555555557 - complexity: 9 +- comm_cost: 0.6798611111111112 + complexity: 22 expressions: - - R+ - - and(K-, or(S+, SE+)) - - or(S+, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, not(R-)) + - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-1508 type: explored -- comm_cost: 0.5958333333333334 - complexity: 6 +- comm_cost: 0.4467592592592595 + complexity: 22 expressions: - - R+ + - K+ + - N+ - R- - - S- - - and(S-, SE-) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1509 type: explored -- comm_cost: 0.6784950396825398 - complexity: 38 +- comm_cost: 0.6977719907407409 + complexity: 12 + expressions: + - R+ + - and(K-, or(S+, SE+)) + - or(K+, R+) + - or(SE-, N+) + name: explored-1510 + type: explored +- comm_cost: 0.6425000000000001 + complexity: 7 expressions: - - K+ - N- - - and(S-, N-) + - R+ + - SE- - and(S-, not(R+)) - - and(SE+, N-) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R-) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) - name: explored-1510 + name: explored-1511 type: explored -- comm_cost: 0.17013888888888906 - complexity: 19 +- comm_cost: 0.6453125000000001 + complexity: 5 + expressions: + - R+ + - R- + - S- + - SE+ + - SE- + name: explored-1512 + type: explored +- comm_cost: 0.5500000000000003 + complexity: 10 expressions: - K+ - N+ - - R- - - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-1511 + - and(N-, or(S+, SE+)) + name: explored-1513 type: explored -- comm_cost: 0.34832175925925957 - complexity: 26 +- comm_cost: 0.29600694444444464 + complexity: 18 expressions: - - K+ - N+ - R- - - and(K-, S+) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-1512 + name: explored-1514 type: explored -- comm_cost: 0.5058854166666666 - complexity: 11 +- comm_cost: 0.1585937500000003 + complexity: 13 expressions: - K+ - K+ - N+ - - R- + - N+ - R- - S+ + - SE- + - and(N-, R+) - and(S-, SE-) - - not(R-) - name: explored-1513 + name: explored-1515 type: explored -- comm_cost: 0.5923611111111111 - complexity: 5 +- comm_cost: 0.6805208333333335 + complexity: 11 expressions: - - K+ - - N+ - - R- - - SE- + - R+ - SE- - name: explored-1514 - type: explored -- comm_cost: 0.5393229166666669 - complexity: 8 - expressions: - - N+ - - and(N-, R+) - - and(N-, not(R-)) - name: explored-1515 + - and(or(K+, S-), not(R+)) + - or(K+, S-) + name: explored-1516 type: explored -- comm_cost: 0.49765625000000013 - complexity: 8 +- comm_cost: 0.5194444444444444 + complexity: 14 expressions: - K+ - N+ + - N+ - R- - S+ - - S- - and(S-, SE-) - name: explored-1516 - type: explored -- comm_cost: 0.6675347222222223 - complexity: 10 - expressions: - - SE- - - and(and(K-, N-), not(R-)) - - or(K+, N+) + - and(or(K+, S-), not(R+)) name: explored-1517 type: explored -- comm_cost: 0.7325520833333334 - complexity: 5 - expressions: - - S- - - SE- - - and(K-, N-) - name: explored-1518 - type: explored -- comm_cost: 0.6436921296296297 - complexity: 13 +- comm_cost: 0.34837962962962976 + complexity: 17 expressions: - - R+ + - N+ - R- - SE- - - and(K-, not(R-)) - - and(S-, not(R-)) - - not(R+) - name: explored-1519 + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(S+, R-) + name: explored-1518 type: explored -- comm_cost: 0.08125000000000027 - complexity: 13 +- comm_cost: 0.5390625000000002 + complexity: 11 expressions: - K+ - N+ - - N+ - R- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + name: explored-1519 + type: explored +- comm_cost: 0.6676504629629632 + complexity: 19 + expressions: + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-1520 type: explored -- comm_cost: 0.7078517691798942 - complexity: 23 +- comm_cost: 0.39718750000000014 + complexity: 15 expressions: - - K- - N+ - - SE+ - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) - - and(N-, or(S+, R+)) - - or(K+, R+) - - or(K+, SE+) + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-1521 type: explored -- comm_cost: 0.6289930555555556 - complexity: 19 +- comm_cost: 0.731640625 + complexity: 10 expressions: - - N+ - - R+ - R- - - SE- - - and(N-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) + - S- + - and(K-, or(N+, not(R+))) + - not(R+) name: explored-1522 type: explored -- comm_cost: 0.48836805555555585 - complexity: 13 +- comm_cost: 0.26093750000000027 + complexity: 16 expressions: + - K+ - N+ - - SE- - - and(K-, or(S+, N+)) + - R- + - S+ - and(N-, R+) - and(S-, N-) + - and(S-, SE-) + - and(S-, SE-) name: explored-1523 type: explored -- comm_cost: 0.3535011574074075 - complexity: 21 +- comm_cost: 0.5074074074074075 + complexity: 14 expressions: - K+ - N+ - R- - - and(K-, N-) - - and(K-, S+) - - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-1524 type: explored -- comm_cost: 0.7630208333333335 - complexity: 4 +- comm_cost: 0.6423611111111112 + complexity: 11 expressions: + - K+ + - N+ - R- - - and(SE+, N-) + - SE- + - and(or(K+, S-), or(SE-, N+)) name: explored-1525 type: explored -- comm_cost: 0.7463194444444445 - complexity: 8 +- comm_cost: 0.5671875000000002 + complexity: 12 expressions: - - K- - - R+ - - and(K-, N-) - - and(K-, N-) + - N+ + - R- + - S+ + - S- + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-1526 type: explored -- comm_cost: 0.40402199074074086 - complexity: 19 +- comm_cost: 0.4243055555555558 + complexity: 20 expressions: + - K+ - N+ - R- + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-1527 type: explored -- comm_cost: 0.3425347222222225 - complexity: 18 +- comm_cost: 0.4540798611111112 + complexity: 20 expressions: - N+ + - N- + - R- - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-1528 type: explored -- comm_cost: 0.49140625000000004 - complexity: 10 +- comm_cost: 0.33135416666666706 + complexity: 13 expressions: + - K+ - N+ - - R- - S+ - - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) + - or(N+, not(R+)) name: explored-1529 type: explored -- comm_cost: 0.7303125000000001 - complexity: 10 +- comm_cost: 0.5556423611111112 + complexity: 13 expressions: - - K- - R+ - - and(K-, or(S+, R-)) - - or(K+, S-) + - R- + - and(N-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-1530 type: explored -- comm_cost: 0.6023611111111113 - complexity: 11 +- comm_cost: 0.09166666666666679 + complexity: 16 expressions: - - K- + - K+ + - K+ + - N+ - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) name: explored-1531 type: explored -- comm_cost: 0.7625 - complexity: 8 +- comm_cost: 0.484201388888889 + complexity: 7 expressions: - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - R+ + - R- + - S+ + - SE- + - and(K-, SE-) name: explored-1532 type: explored -- comm_cost: 0.5625000000000001 - complexity: 16 +- comm_cost: 0.5143229166666669 + complexity: 13 expressions: + - K+ - N+ - - S+ - - and(K-, not(R-)) + - R- + - and(K-, N-) - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) name: explored-1533 type: explored -- comm_cost: 0.49965277777777795 - complexity: 16 +- comm_cost: 0.6781250000000001 + complexity: 7 expressions: - - K+ - - R- - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) + - or(N+, R-) + - or(S+, R+) name: explored-1534 type: explored -- comm_cost: 0.6993055555555556 - complexity: 9 - expressions: - - SE- - - and(K-, or(S+, R+)) - - or(S+, N+) - name: explored-1535 - type: explored -- comm_cost: 0.7484375000000001 - complexity: 5 +- comm_cost: 0.26927083333333346 + complexity: 16 expressions: - N+ - - R+ - - or(S+, SE+) - name: explored-1536 + - R- + - S+ + - and(S-, SE-) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) + name: explored-1535 type: explored -- comm_cost: 0.3099305555555558 - complexity: 16 +- comm_cost: 0.463324652777778 + complexity: 19 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(N+, R-) - or(N+, not(R+)) - name: explored-1537 + name: explored-1536 type: explored -- comm_cost: 0.7170833333333333 - complexity: 5 +- comm_cost: 0.4515625000000003 + complexity: 14 expressions: + - K+ - N+ - - R- - - or(K+, S-) - name: explored-1538 - type: explored -- comm_cost: 0.5640625000000001 - complexity: 10 - expressions: - R+ + - R- - SE- - - and(K-, or(S+, R-)) - - and(SE+, N-) - name: explored-1539 + - and(K-, or(N+, not(R+))) + - and(N-, R+) + name: explored-1537 type: explored -- comm_cost: 0.33796296296296313 +- comm_cost: 0.41521990740740744 complexity: 22 expressions: - N+ - R- + - S+ - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - or(K+, N+) + name: explored-1538 + type: explored +- comm_cost: 0.7532349537037037 + complexity: 23 + expressions: + - K- + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) - or(and(K-, S+), or(N+, R-)) + name: explored-1539 + type: explored +- comm_cost: 0.5406250000000001 + complexity: 10 + expressions: + - R+ + - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-1540 type: explored -- comm_cost: 0.5439814814814816 - complexity: 11 +- comm_cost: 0.3581134259259261 + complexity: 20 expressions: - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(S-, N-) - - or(K+, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, SE+) name: explored-1541 type: explored -- comm_cost: 0.6230208333333335 - complexity: 5 +- comm_cost: 0.5927083333333333 + complexity: 10 expressions: - - K- - N+ - - R+ - R- - - SE- + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-1542 type: explored -- comm_cost: 0.34531250000000024 +- comm_cost: 0.32786458333333357 complexity: 17 expressions: - K+ - N+ - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - not(R+) name: explored-1543 type: explored -- comm_cost: 0.5346354166666667 - complexity: 17 +- comm_cost: 0.7609375 + complexity: 11 expressions: - - R+ - - R- - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-1544 type: explored -- comm_cost: 0.48888888888888904 - complexity: 15 +- comm_cost: 0.4765625000000001 + complexity: 22 expressions: + - K+ - N+ - - N+ - - S- - - and(N-, R+) + - R- + - and(K-, S+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-1545 type: explored -- comm_cost: 0.6355902777777779 - complexity: 10 +- comm_cost: 0.7207638888888889 + complexity: 11 expressions: - - R+ + - N+ - R- - SE- - - and(K-, N-) - - and(N-, not(R-)) + - and(S-, not(R+)) + - or(N+, not(R+)) name: explored-1546 type: explored -- comm_cost: 0.46935763888888904 - complexity: 14 +- comm_cost: 0.28515625000000033 + complexity: 24 expressions: + - K+ + - N+ + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1547 type: explored -- comm_cost: 0.3440972222222225 - complexity: 20 +- comm_cost: 0.6227575231481483 + complexity: 13 expressions: - - N+ + - R+ - R- - - S+ - - and(K-, SE-) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - SE- + - and(K-, or(S+, R+)) + - not(R+) + - or(S+, R-) name: explored-1548 type: explored -- comm_cost: 0.3544270833333335 - complexity: 18 +- comm_cost: 0.3215277777777781 + complexity: 10 expressions: - K+ - N+ - - and(K-, S+) + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(S+, R+) name: explored-1549 type: explored -- comm_cost: 0.47135416666666685 - complexity: 6 +- comm_cost: 0.3415798611111114 + complexity: 20 expressions: + - K+ + - K+ - N+ - R- - - SE- + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) - and(SE+, N-) name: explored-1550 type: explored -- comm_cost: 0.396215277777778 - complexity: 17 +- comm_cost: 0.6399751157407408 + complexity: 44 + expressions: + - N+ + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) + - and(S-, N-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) + - or(N+, R-) + - or(S+, SE+) + name: explored-1551 + type: explored +- comm_cost: 0.4364583333333335 + complexity: 22 expressions: - K+ - N+ - R- - - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - not(R-) - name: explored-1551 + - and(or(K+, S-), or(N+, not(R+))) + name: explored-1552 type: explored -- comm_cost: 0.6638020833333335 +- comm_cost: 0.6941550925925927 complexity: 9 expressions: - R+ - - and(K-, or(SE-, N+)) - - or(K+, SE+) - name: explored-1552 + - S- + - SE+ + - and(or(K+, S-), not(R+)) + name: explored-1553 type: explored -- comm_cost: 0.6291666666666667 - complexity: 5 +- comm_cost: 0.40729166666666705 + complexity: 9 expressions: - - K+ - N+ - R- - - not(R-) - name: explored-1553 - type: explored -- comm_cost: 0.27690972222222254 - complexity: 11 - expressions: - - K+ - S+ - and(N-, R+) - - and(S-, SE-) - or(S+, N+) name: explored-1554 type: explored -- comm_cost: 0.510763888888889 - complexity: 14 +- comm_cost: 0.3900173611111113 + complexity: 17 expressions: - N+ - - R+ - R- - - SE- + - S+ + - S- - and(K-, S+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-1555 type: explored -- comm_cost: 0.43331886574074097 - complexity: 20 +- comm_cost: 0.1952256944444447 + complexity: 17 expressions: - - K+ - - K+ - N+ - R- - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-1556 type: explored -- comm_cost: 0.6783854166666667 - complexity: 7 +- comm_cost: 0.4916666666666666 + complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - - or(S+, or(N+, R-)) + - and(K-, S+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-1557 type: explored -- comm_cost: 0.5463541666666668 - complexity: 6 +- comm_cost: 0.6986979166666667 + complexity: 8 expressions: - - R+ - - R- - - SE- - - and(SE+, N-) + - and(SE-, or(K+, S-)) + - or(S+, R+) name: explored-1558 type: explored -- comm_cost: 0.6475694444444445 - complexity: 12 +- comm_cost: 0.24427083333333366 + complexity: 13 expressions: - - R+ + - N+ + - R- - S+ - - and(K-, not(R+)) - - and(or(K+, S-), not(R-)) + - SE- + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-1559 type: explored -- comm_cost: 0.5201215277777779 - complexity: 12 +- comm_cost: 0.06093750000000031 + complexity: 14 expressions: + - K+ + - N+ - N+ - - N- - R- - S+ - - and(N-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) - and(S-, SE-) name: explored-1560 type: explored -- comm_cost: 0.5562500000000002 - complexity: 12 +- comm_cost: 0.4275000000000002 + complexity: 17 expressions: - K+ + - R- + - and(K-, S+) + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - or(K+, S-) name: explored-1561 type: explored -- comm_cost: 0.7254687500000001 - complexity: 10 +- comm_cost: 0.6521180555555557 + complexity: 15 expressions: + - K- - R+ - - or(K+, S-) - - or(K+, SE+) - - or(S+, N+) + - SE- + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-1562 type: explored -- comm_cost: 0.6062500000000002 - complexity: 9 +- comm_cost: 0.6675896990740742 + complexity: 27 expressions: - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) + - K- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(SE+, N-) + - or(N+, not(R+)) name: explored-1563 type: explored -- comm_cost: 0.5700520833333335 - complexity: 12 +- comm_cost: 0.24149305555555578 + complexity: 14 expressions: - - K+ - - K- - N+ - R- - - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-1564 type: explored -- comm_cost: 0.21435185185185213 - complexity: 18 +- comm_cost: 0.3144097222222224 + complexity: 21 expressions: - K+ - N+ - - R- - - and(N-, R+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-1565 type: explored -- comm_cost: 0.5894675925925927 - complexity: 12 +- comm_cost: 0.47760416666666683 + complexity: 9 expressions: + - N+ - R+ - R- - - SE+ - SE- - - and(K-, S+) - - and(K-, or(S+, R+)) + - and(N-, or(K+, R+)) name: explored-1566 type: explored -- comm_cost: 0.7920138888888889 - complexity: 6 +- comm_cost: 0.5562500000000001 + complexity: 13 expressions: - - or(K+, K-) - - or(N+, R-) + - K+ + - N+ + - R- + - S+ + - S- + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-1567 type: explored -- comm_cost: 0.35998263888888904 - complexity: 13 +- comm_cost: 0.5189091435185187 + complexity: 15 expressions: + - K+ - N+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, R+)) - or(K+, SE+) - - or(S+, R-) name: explored-1568 type: explored -- comm_cost: 0.06510416666666696 - complexity: 17 +- comm_cost: 0.7159722222222222 + complexity: 6 expressions: - - K+ - - N+ - R- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(K-, or(S+, R+)) name: explored-1569 type: explored -- comm_cost: 0.32287326388888915 - complexity: 20 +- comm_cost: 0.6475983796296299 + complexity: 10 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, R-)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(S+, R-) + - or(K+, R+) + - or(S+, R+) name: explored-1570 type: explored -- comm_cost: 0.4755208333333335 - complexity: 7 +- comm_cost: 0.5199652777777779 + complexity: 13 expressions: - - R+ - - R- - - S+ - - and(S-, not(R+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-1571 type: explored -- comm_cost: 0.48611111111111127 - complexity: 11 +- comm_cost: 0.5087326388888891 + complexity: 15 expressions: - - R+ - - and(K-, not(R+)) - - and(S-, SE-) - - or(K+, N+) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - not(R-) name: explored-1572 type: explored -- comm_cost: 0.5849479166666669 - complexity: 12 +- comm_cost: 0.23877314814814832 + complexity: 20 expressions: + - K+ + - K+ + - N+ + - R- - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - - or(SE-, N+) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) name: explored-1573 type: explored -- comm_cost: 0.6937500000000001 - complexity: 10 +- comm_cost: 0.3185763888888893 + complexity: 13 expressions: - - and(S-, N-) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-1574 type: explored -- comm_cost: 0.5539583333333334 - complexity: 16 +- comm_cost: 0.776388888888889 + complexity: 6 expressions: - - R+ - - R- - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) + - and(and(K-, N-), not(R-)) name: explored-1575 type: explored -- comm_cost: 0.6248263888888891 - complexity: 10 +- comm_cost: 0.6651197916666668 + complexity: 33 expressions: - - N+ - - R+ - - and(K-, not(R+)) - - and(S-, not(R-)) + - S- + - and(K-, or(S+, SE+)) + - and(N-, or(K+, R+)) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) + - or(S+, SE+) name: explored-1576 type: explored -- comm_cost: 0.5567824074074075 +- comm_cost: 0.22552083333333361 complexity: 14 expressions: - - R+ + - N+ - R- - - SE- - - and(K-, or(S+, R+)) + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) name: explored-1577 type: explored -- comm_cost: 0.7538053764329806 - complexity: 44 - expressions: - - N- - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(K+, S-) - - or(K+, or(N+, R-)) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-1578 - type: explored -- comm_cost: 0.48897569444444466 - complexity: 11 +- comm_cost: 0.36302083333333357 + complexity: 19 expressions: + - K+ - N+ - - SE- + - R- - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - name: explored-1579 + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) + name: explored-1578 type: explored -- comm_cost: 0.5583333333333335 - complexity: 12 +- comm_cost: 0.5043518518518519 + complexity: 17 expressions: + - K+ + - K- - R+ - R- - - and(N-, or(K+, SE+)) - - and(SE-, or(K+, S-)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(S-, SE-) + name: explored-1579 + type: explored +- comm_cost: 0.6656828703703705 + complexity: 16 + expressions: + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, or(S+, R+)) + - or(K+, R+) name: explored-1580 type: explored -- comm_cost: 0.65625 - complexity: 4 +- comm_cost: 0.4305555555555558 + complexity: 13 expressions: - - K+ - - and(S-, SE-) + - N+ + - R+ + - R- + - SE- + - and(N-, R+) + - or(K+, N+) + - or(K+, R-) name: explored-1581 type: explored -- comm_cost: 0.5593750000000001 - complexity: 7 +- comm_cost: 0.5494791666666667 + complexity: 16 expressions: - N+ - - and(K-, N-) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) name: explored-1582 type: explored -- comm_cost: 0.815625 - complexity: 8 +- comm_cost: 0.754140625 + complexity: 24 expressions: - - or(K+, SE+) - - or(S+, or(N+, R-)) + - K- + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) + - or(K+, or(N+, R-)) name: explored-1583 type: explored -- comm_cost: 0.35555555555555585 - complexity: 20 +- comm_cost: 0.15677083333333353 + complexity: 12 expressions: - K+ - - N+ + - R+ - R- + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) name: explored-1584 type: explored -- comm_cost: 0.7294270833333334 - complexity: 9 +- comm_cost: 0.25232638888888914 + complexity: 17 expressions: - - R+ - - and(K-, or(S+, SE+)) - - or(K+, N+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) + - or(SE-, N+) name: explored-1585 type: explored -- comm_cost: 0.5900000000000001 - complexity: 12 +- comm_cost: 0.6791550925925927 + complexity: 33 expressions: - - N+ + - K- + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, S-) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - or(S+, R+) + - or(SE-, N+) name: explored-1586 type: explored -- comm_cost: 0.5518923611111113 - complexity: 13 +- comm_cost: 0.6448350694444446 + complexity: 19 expressions: - - N+ - - R- - - SE- + - S- + - and(K-, S+) - and(N-, R+) - - or(N+, not(R+)) + - and(and(K-, N-), not(R-)) - or(S+, R+) + - or(S+, R-) name: explored-1587 type: explored -- comm_cost: 0.23443287037037064 - complexity: 21 +- comm_cost: 0.27447916666666705 + complexity: 10 expressions: - K+ - - N+ - - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-1588 type: explored -- comm_cost: 0.5552083333333335 - complexity: 13 +- comm_cost: 0.29010416666666705 + complexity: 14 expressions: - K+ - - R- - - S+ + - N+ + - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(SE-, or(K+, S-)) + - or(K+, R-) name: explored-1589 type: explored -- comm_cost: 0.6234375000000001 - complexity: 11 +- comm_cost: 0.67634375 + complexity: 25 expressions: - - K+ - - R+ - - and(K-, S+) - - and(or(K+, S-), not(R-)) + - N- + - and(K-, or(S+, R-)) + - and(N-, or(K+, SE+)) + - and(S-, not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-1590 type: explored -- comm_cost: 0.6133680555555557 - complexity: 4 +- comm_cost: 0.5744212962962965 + complexity: 13 expressions: - - R+ - - S+ - - SE+ + - N+ - SE- + - and(K-, N-) + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-1591 type: explored -- comm_cost: 0.08125000000000027 - complexity: 11 +- comm_cost: 0.542476851851852 + complexity: 15 expressions: - N+ + - N- - R- - - and(K-, S+) + - S+ + - SE+ - and(N-, R+) - and(S-, SE-) + - or(N+, not(R+)) name: explored-1592 type: explored -- comm_cost: 0.3758333333333336 - complexity: 16 +- comm_cost: 0.75 + complexity: 10 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(K+, S-) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, S-)) name: explored-1593 type: explored -- comm_cost: 0.34644097222222237 - complexity: 20 +- comm_cost: 0.4368055555555558 + complexity: 16 expressions: - N+ - - R- - - and(N-, R+) + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, R+) + - and(and(K-, N-), not(R-)) name: explored-1594 type: explored -- comm_cost: 0.6823350694444446 - complexity: 16 +- comm_cost: 0.4505208333333335 + complexity: 14 expressions: + - N+ + - N- - R- - - and(K-, not(R+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, R-) - - or(S+, or(N+, R-)) name: explored-1595 type: explored -- comm_cost: 0.5453993055555557 - complexity: 19 +- comm_cost: 0.5048611111111113 + complexity: 11 expressions: - N+ - - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - and(S-, not(R-)) + - or(K+, R-) name: explored-1596 type: explored -- comm_cost: 0.6107638888888891 - complexity: 16 +- comm_cost: 0.5893229166666667 + complexity: 9 expressions: - - R+ - - SE- - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) + - N+ + - S+ + - and(K-, not(R-)) + - and(S-, SE-) name: explored-1597 type: explored -- comm_cost: 0.5713541666666666 - complexity: 8 +- comm_cost: 0.44791666666666685 + complexity: 20 expressions: - K+ - - K+ - - K- - N+ - - S+ - - and(S-, SE-) + - R- + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-1598 type: explored -- comm_cost: 0.5346875000000002 - complexity: 13 +- comm_cost: 0.5710937500000002 + complexity: 15 expressions: - N+ - - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(K+, S-) + - and(N-, or(S+, SE+)) name: explored-1599 type: explored -- comm_cost: 0.4100694444444448 +- comm_cost: 0.588888888888889 complexity: 10 expressions: - - and(K-, not(R+)) - - and(N-, R+) + - R+ + - SE- + - and(SE-, or(K+, S-)) - or(K+, N+) name: explored-1600 type: explored -- comm_cost: 0.5615162037037038 - complexity: 40 +- comm_cost: 0.4173032407407409 + complexity: 14 expressions: + - K+ + - N+ - R- - - S+ - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - or(N+, R-) - - or(S+, N+) + - SE+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-1601 type: explored -- comm_cost: 0.48611111111111127 - complexity: 18 +- comm_cost: 0.46250000000000013 + complexity: 17 expressions: - K+ - N+ - - N- - R- - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, SE+) + - and(S-, or(SE-, N+)) + - or(K+, S-) name: explored-1602 type: explored -- comm_cost: 0.6611979166666668 - complexity: 19 +- comm_cost: 0.5781828703703705 + complexity: 17 expressions: - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R+ + - R- + - SE- + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-1603 type: explored -- comm_cost: 0.3373263888888891 - complexity: 15 +- comm_cost: 0.36979166666666696 + complexity: 11 expressions: - K+ - N+ - - S+ - - and(K-, SE-) + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-1604 type: explored -- comm_cost: 0.43177083333333344 - complexity: 9 +- comm_cost: 0.40833333333333344 + complexity: 11 expressions: - - K+ - N+ - S+ - - and(S-, N-) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-1605 type: explored -- comm_cost: 0.37378472222222237 - complexity: 22 +- comm_cost: 0.36545138888888906 + complexity: 23 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-1606 type: explored -- comm_cost: 0.7100347222222223 - complexity: 31 +- comm_cost: 0.21255787037037055 + complexity: 22 expressions: - - N- - - and(K-, S+) + - K+ + - N+ + - R- + - S+ - and(K-, or(S+, R-)) - - and(S-, not(R+)) - - or(N+, R-) - - or(S+, N+) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-1607 type: explored -- comm_cost: 0.5059895833333335 - complexity: 14 +- comm_cost: 0.7239583333333335 + complexity: 9 + expressions: + - R+ + - and(K-, or(S+, R-)) + - or(K+, K-) + name: explored-1608 + type: explored +- comm_cost: 0.24978298611111127 + complexity: 19 expressions: - K+ + - N+ + - N+ + - R- - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - name: explored-1608 - type: explored -- comm_cost: 0.5895833333333335 - complexity: 11 - expressions: - - R+ - - and(K-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) name: explored-1609 type: explored -- comm_cost: 0.5926446759259261 - complexity: 15 +- comm_cost: 0.2558449074074076 + complexity: 17 expressions: + - K+ - N+ - - N- - - R+ - R- - - SE- - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-1610 type: explored -- comm_cost: 0.5934895833333335 - complexity: 11 +- comm_cost: 0.7527777777777779 + complexity: 6 expressions: - - R+ - - R- - - SE- - - and(S-, or(SE-, N+)) - - or(K+, SE+) + - N- + - and(K-, or(S+, R+)) name: explored-1611 type: explored -- comm_cost: 0.4843750000000002 - complexity: 10 +- comm_cost: 0.3312500000000004 + complexity: 21 expressions: - N+ - - S+ - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-1612 type: explored -- comm_cost: 0.91875 - complexity: 3 - expressions: - - and(K-, S+) - name: explored-1613 - type: explored -- comm_cost: 0.4926215277777779 - complexity: 22 +- comm_cost: 0.5434027777777778 + complexity: 17 expressions: - K+ - K+ - - K- - N+ - R- - S+ + - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(S-, SE-) + name: explored-1613 + type: explored +- comm_cost: 0.3322916666666669 + complexity: 21 + expressions: + - K+ + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, not(R+)) name: explored-1614 type: explored -- comm_cost: 0.269166666666667 - complexity: 16 +- comm_cost: 0.4813888888888891 + complexity: 13 expressions: - - K+ - N+ - - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, S-) + - or(S+, R-) name: explored-1615 type: explored -- comm_cost: 0.5063541666666668 - complexity: 9 +- comm_cost: 0.45763888888888915 + complexity: 16 expressions: - - K+ - - K+ - - K- - N+ - - R- - - S+ + - SE- + - and(K-, not(R+)) - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-1616 type: explored -- comm_cost: 0.33177083333333357 - complexity: 14 +- comm_cost: 0.5352430555555557 + complexity: 8 expressions: - - N+ - - SE- - - and(K-, S+) - - and(K-, SE-) - - and(K-, SE-) - - and(N-, R+) + - R+ + - and(S-, not(R+)) + - or(S+, R-) name: explored-1617 type: explored -- comm_cost: 0.14479166666666687 - complexity: 13 +- comm_cost: 0.3805497685185186 + complexity: 21 expressions: - N+ - - R- - - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - or(S+, R-) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-1618 type: explored -- comm_cost: 0.6398003472222225 - complexity: 17 +- comm_cost: 0.2283564814814817 + complexity: 22 expressions: + - K+ + - K+ - N+ - - SE- - - and(K-, or(S+, R+)) + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - not(R-) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, R-) + - or(S+, R-) name: explored-1619 type: explored -- comm_cost: 0.2078703703703706 - complexity: 20 +- comm_cost: 0.6509722222222224 + complexity: 6 expressions: - K+ - - N+ - - R- + - N- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(and(K-, S+), or(N+, R-)) name: explored-1620 type: explored -- comm_cost: 0.3888888888888892 - complexity: 11 +- comm_cost: 0.5811111111111114 + complexity: 15 expressions: - - K+ - - R- + - N+ - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, S-) name: explored-1621 type: explored -- comm_cost: 0.19583333333333341 - complexity: 17 +- comm_cost: 0.4390046296296297 + complexity: 20 expressions: - K+ - - K+ - N+ - R- + - SE+ + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - not(R-) name: explored-1622 type: explored -- comm_cost: 0.409027777777778 - complexity: 8 +- comm_cost: 0.504166666666667 + complexity: 7 expressions: - - K+ - - N+ + - SE- + - and(K-, S+) - and(N-, R+) - - or(S+, R-) name: explored-1623 type: explored -- comm_cost: 0.3847222222222224 - complexity: 19 +- comm_cost: 0.7741319444444446 + complexity: 6 expressions: - - K+ - - N+ - - S- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - R+ + - and(K-, or(S+, R+)) name: explored-1624 type: explored -- comm_cost: 0.3125000000000002 - complexity: 13 +- comm_cost: 0.4083333333333333 + complexity: 9 expressions: - - K+ - N+ - R- - - and(N-, R+) - - and(N-, not(R-)) + - S+ + - and(S-, SE-) - and(S-, SE-) name: explored-1625 type: explored -- comm_cost: 0.25000000000000033 - complexity: 11 +- comm_cost: 0.6434375000000001 + complexity: 6 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, or(SE-, N+)) + - SE- + - or(S+, SE+) name: explored-1626 type: explored -- comm_cost: 0.324479166666667 - complexity: 12 +- comm_cost: 0.4347916666666668 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(K-, S+) + - S+ - and(N-, R+) - - or(N+, R-) + - and(S-, SE-) + - or(S+, SE+) name: explored-1627 type: explored -- comm_cost: 0.19236111111111143 - complexity: 16 +- comm_cost: 0.6660590277777779 + complexity: 7 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - R+ + - and(K-, N-) + - and(SE+, N-) name: explored-1628 type: explored -- comm_cost: 0.23385416666666692 - complexity: 16 +- comm_cost: 0.44791666666666696 + complexity: 12 expressions: - - N+ - - N+ + - K+ - R- - - and(K-, SE-) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - and(or(K+, S-), not(R+)) name: explored-1629 type: explored -- comm_cost: 0.2513888888888891 - complexity: 18 +- comm_cost: 0.3304253472222224 + complexity: 27 expressions: + - K+ - N+ - R- - and(K-, S+) + - and(K-, SE-) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-1630 type: explored -- comm_cost: 0.6994444444444445 - complexity: 8 +- comm_cost: 0.604195601851852 + complexity: 13 expressions: - - R+ - - SE- - - or(S+, SE+) - - or(SE-, N+) + - K+ + - N+ + - R- + - S+ + - and(K-, N-) + - and(S-, SE-) + - or(K+, K-) name: explored-1631 type: explored -- comm_cost: 0.6234953703703705 - complexity: 12 +- comm_cost: 0.6913194444444446 + complexity: 13 expressions: - R+ - - SE- - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-1632 type: explored -- comm_cost: 0.51875 - complexity: 11 +- comm_cost: 0.3890625000000002 + complexity: 22 expressions: - K+ - N+ - R- - - and(K-, or(SE-, N+)) + - and(K-, SE-) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-1633 type: explored -- comm_cost: 0.5908854166666668 - complexity: 10 +- comm_cost: 0.6375000000000002 + complexity: 14 expressions: - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - R+ + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-1634 type: explored -- comm_cost: 0.49479166666666685 - complexity: 9 +- comm_cost: 0.6905381944444445 + complexity: 13 expressions: - - N+ - R+ - R- - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, SE+) name: explored-1635 type: explored -- comm_cost: 0.6937500000000001 - complexity: 9 +- comm_cost: 0.3638020833333335 + complexity: 16 expressions: - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - K+ + - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-1636 type: explored -- comm_cost: 0.2944444444444446 - complexity: 12 +- comm_cost: 0.6331597222222224 + complexity: 15 expressions: - N+ - - R- - - R- - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, K-) name: explored-1637 type: explored -- comm_cost: 0.32916666666666705 - complexity: 9 +- comm_cost: 0.3788194444444447 + complexity: 19 expressions: - - and(K-, S+) + - K+ + - N+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-1638 type: explored -- comm_cost: 0.6708333333333335 - complexity: 5 +- comm_cost: 0.7270833333333334 + complexity: 11 expressions: - - N- - - SE- - - and(N-, R+) + - K+ + - and(and(K-, N-), or(S+, SE+)) + - or(S+, N+) name: explored-1639 type: explored -- comm_cost: 0.5360243055555558 - complexity: 17 +- comm_cost: 0.5556423611111113 + complexity: 13 expressions: - - N+ + - R+ + - R- - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(SE-, N+) name: explored-1640 type: explored -- comm_cost: 0.1312500000000003 - complexity: 15 +- comm_cost: 0.45243055555555567 + complexity: 12 expressions: - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - and(S-, SE-) - - or(S+, N+) + - and(S-, or(N+, not(R+))) name: explored-1641 type: explored -- comm_cost: 0.5239583333333335 - complexity: 20 +- comm_cost: 0.24479166666666696 + complexity: 11 expressions: - - K+ - N+ - - R- - - and(K-, N-) + - S+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, K-) name: explored-1642 type: explored -- comm_cost: 0.255729166666667 - complexity: 18 +- comm_cost: 0.6679687500000001 + complexity: 6 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - S- + - SE- + - or(S+, N+) name: explored-1643 type: explored -- comm_cost: 0.7057291666666666 - complexity: 7 +- comm_cost: 0.7208333333333334 + complexity: 4 expressions: - - SE- - - and(K-, SE-) - - or(N+, R-) + - R+ + - or(K+, N+) name: explored-1644 type: explored -- comm_cost: 0.41770833333333357 - complexity: 21 +- comm_cost: 0.735590277777778 + complexity: 11 expressions: - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - R+ + - and(N-, or(S+, R+)) - or(S+, or(N+, R-)) name: explored-1645 type: explored -- comm_cost: 0.397777777777778 - complexity: 14 +- comm_cost: 0.40312500000000007 + complexity: 9 expressions: - - K+ - N+ - R- - - R- - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - or(S+, R+) name: explored-1646 type: explored -- comm_cost: 0.2567997685185186 - complexity: 22 +- comm_cost: 0.42604166666666676 + complexity: 11 expressions: - - K+ - - K+ - N+ - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - R+ + - R- + - and(K-, S+) + - and(S-, or(SE-, N+)) name: explored-1647 type: explored -- comm_cost: 0.5407118055555558 - complexity: 13 +- comm_cost: 0.216666666666667 + complexity: 11 expressions: + - K+ - N+ - R- - - SE- - - and(K-, not(R-)) + - S+ - and(N-, R+) - - or(S+, R+) + - and(S-, not(R+)) name: explored-1648 type: explored -- comm_cost: 0.5131944444444447 - complexity: 9 +- comm_cost: 0.7196875000000001 + complexity: 4 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, not(R-)) + - R+ + - SE- + - not(R-) name: explored-1649 type: explored -- comm_cost: 0.6427083333333335 - complexity: 5 +- comm_cost: 0.4296875 + complexity: 11 expressions: - N+ - - R+ - - and(K-, S+) + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-1650 type: explored -- comm_cost: 0.4276041666666668 - complexity: 13 +- comm_cost: 0.6536458333333335 + complexity: 10 expressions: - R+ - R- - - SE- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(N-, or(K+, S-)) + - or(SE-, N+) name: explored-1651 type: explored -- comm_cost: 0.32430555555555585 - complexity: 23 +- comm_cost: 0.5373842592592595 + complexity: 17 expressions: - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(K+, R+)) + - or(K+, K-) name: explored-1652 type: explored -- comm_cost: 0.3734375000000003 - complexity: 14 +- comm_cost: 0.6031250000000001 + complexity: 8 expressions: - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - N+ + - R+ + - SE- + - and(K-, or(SE-, N+)) name: explored-1653 type: explored -- comm_cost: 0.566840277777778 - complexity: 14 +- comm_cost: 0.5861979166666669 + complexity: 12 expressions: - - N+ + - R+ + - R- - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, not(R-)) + - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-1654 type: explored -- comm_cost: 0.6545138888888891 - complexity: 8 +- comm_cost: 0.596076388888889 + complexity: 23 expressions: - - K+ + - N+ - R+ - R- - - or(K+, or(N+, R-)) + - SE- + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-1655 type: explored -- comm_cost: 0.6395833333333335 - complexity: 9 +- comm_cost: 0.3289062500000002 + complexity: 13 expressions: + - K+ + - N+ + - R- + - S+ + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-1656 type: explored -- comm_cost: 0.5489583333333334 - complexity: 8 +- comm_cost: 0.6702256944444446 + complexity: 7 expressions: + - N+ - R+ - - S+ - - and(and(S-, N-), not(R-)) + - R- + - S- + - or(N+, R-) name: explored-1657 type: explored -- comm_cost: 0.3250000000000002 - complexity: 15 +- comm_cost: 0.6853240740740743 + complexity: 36 expressions: - - N+ - - R- - - S+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(and(K-, N-), not(R-)) + - or(S+, N+) + - or(S+, R-) name: explored-1658 type: explored -- comm_cost: 0.6095486111111112 - complexity: 8 +- comm_cost: 0.7458333333333335 + complexity: 6 expressions: - - N+ - - R+ - - SE- - - and(N-, or(S+, R+)) + - S- + - and(N-, or(K+, SE+)) name: explored-1659 type: explored -- comm_cost: 0.44201388888888915 - complexity: 12 +- comm_cost: 0.5755497685185187 + complexity: 15 expressions: - - R- + - N+ - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - or(K+, N+) - - or(N+, not(R+)) + - and(N-, or(K+, S-)) name: explored-1660 type: explored -- comm_cost: 0.42204861111111125 - complexity: 8 +- comm_cost: 0.5159722222222223 + complexity: 9 expressions: - K+ - - R+ + - N+ - R- - SE- - - SE- - - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-1661 type: explored -- comm_cost: 0.6656250000000001 - complexity: 13 +- comm_cost: 0.2674189814814818 + complexity: 18 expressions: - - and(N-, or(S+, SE+)) - - and(S-, or(SE-, N+)) - - or(S+, R+) + - K+ + - N+ + - R- + - R- + - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-1662 type: explored -- comm_cost: 0.6033564814814816 - complexity: 13 +- comm_cost: 0.43029513888888915 + complexity: 16 expressions: - - R+ - - R- + - N+ - SE- - - and(K-, or(S+, R+)) - - and(N-, or(K+, SE+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-1663 type: explored -- comm_cost: 0.7005208333333335 - complexity: 9 +- comm_cost: 0.4666666666666668 + complexity: 12 expressions: - - R+ - - and(K-, S+) - - and(K-, or(S+, N+)) + - N+ + - SE- + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) name: explored-1664 type: explored -- comm_cost: 0.38107638888888906 - complexity: 18 +- comm_cost: 0.33663194444444455 + complexity: 22 expressions: - N+ - - SE- - - and(K-, SE-) + - R- + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, or(SE-, N+)) name: explored-1665 type: explored -- comm_cost: 0.3911458333333333 - complexity: 15 +- comm_cost: 0.5245949074074077 + complexity: 16 expressions: - - K+ - - N+ - R- - - and(K-, S+) - - and(K-, SE-) - - and(S-, SE-) + - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) + - and(and(K-, N-), not(R-)) name: explored-1666 type: explored -- comm_cost: 0.5019097222222224 - complexity: 15 - expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - name: explored-1667 - type: explored -- comm_cost: 0.3085069444444446 - complexity: 19 +- comm_cost: 0.4417968750000002 + complexity: 14 expressions: - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, N+) - name: explored-1668 + - and(or(K+, S-), not(R-)) + name: explored-1667 type: explored -- comm_cost: 0.38489583333333355 - complexity: 13 +- comm_cost: 0.7159837962962964 + complexity: 14 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - N- + - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) + - or(K+, R+) + name: explored-1668 + type: explored +- comm_cost: 0.7167372685185186 + complexity: 31 + expressions: + - N- + - SE- + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - or(K+, N+) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-1669 type: explored -- comm_cost: 0.5006944444444446 +- comm_cost: 0.466666666666667 complexity: 8 expressions: - - N+ - - R- - - and(S-, N-) - - and(S-, SE-) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-1670 type: explored -- comm_cost: 0.5538194444444445 - complexity: 10 +- comm_cost: 0.8325520833333333 + complexity: 3 expressions: - - K+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - R- + - not(R+) name: explored-1671 type: explored -- comm_cost: 0.2723958333333335 - complexity: 15 +- comm_cost: 0.5722222222222222 + complexity: 13 expressions: - - K+ + - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(SE-, or(K+, S-)) + - and(SE-, or(K+, S-)) name: explored-1672 type: explored -- comm_cost: 0.5895833333333336 - complexity: 10 +- comm_cost: 0.32968750000000036 + complexity: 19 expressions: - - and(N-, or(K+, R+)) - - and(S-, or(SE-, N+)) + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-1673 type: explored -- comm_cost: 0.6583333333333334 - complexity: 7 +- comm_cost: 0.6111111111111112 + complexity: 11 expressions: - - SE- + - K+ + - N+ - and(S-, SE-) - - or(S+, R+) + - and(S-, or(N+, not(R+))) name: explored-1674 type: explored -- comm_cost: 0.5708333333333334 - complexity: 14 +- comm_cost: 0.29895833333333366 + complexity: 11 expressions: - N+ - - R+ - R- - SE- - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-1675 type: explored -- comm_cost: 0.47111111111111137 - complexity: 18 +- comm_cost: 0.17083333333333361 + complexity: 12 expressions: - N+ - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(K+, S-) name: explored-1676 type: explored -- comm_cost: 0.658087962962963 - complexity: 37 +- comm_cost: 0.29843750000000024 + complexity: 9 expressions: - - R- - - SE- - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) - - or(K+, S-) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R+ + - and(N-, R+) + - and(S-, SE-) name: explored-1677 type: explored -- comm_cost: 0.569965277777778 - complexity: 14 +- comm_cost: 0.5104166666666669 + complexity: 12 expressions: - - N+ - R+ - R- - SE- - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) name: explored-1678 type: explored -- comm_cost: 0.20364583333333375 - complexity: 16 +- comm_cost: 0.6666666666666667 + complexity: 15 expressions: - - K+ - - N+ - - R- - - SE- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - SE+ + - and(K-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) + - or(K+, R+) name: explored-1679 type: explored -- comm_cost: 0.5573784722222225 - complexity: 19 +- comm_cost: 0.8515625 + complexity: 3 expressions: - - K+ - - R- - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - not(R+) name: explored-1680 type: explored -- comm_cost: 0.5736111111111113 - complexity: 14 +- comm_cost: 0.5288252314814816 + complexity: 18 expressions: - - R+ - - SE- - - and(S-, or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) + - or(S+, R-) name: explored-1681 type: explored -- comm_cost: 0.5109722222222224 - complexity: 15 +- comm_cost: 0.6140625 + complexity: 9 expressions: + - K+ - N+ - - N- - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R- + - SE- + - and(K-, or(S+, N+)) name: explored-1682 type: explored -- comm_cost: 0.2147569444444446 - complexity: 17 +- comm_cost: 0.5907986111111111 + complexity: 12 expressions: + - K+ - N+ - - R- - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - and(SE+, N-) + - and(S-, or(N+, not(R+))) name: explored-1683 type: explored -- comm_cost: 0.6975963541666668 - complexity: 37 +- comm_cost: 0.5593750000000002 + complexity: 9 expressions: - - S+ - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) + - N+ - and(N-, or(K+, S-)) - - or(S+, R-) - - or(S+, SE+) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) name: explored-1684 type: explored -- comm_cost: 0.3600000000000002 - complexity: 11 +- comm_cost: 0.4721354166666668 + complexity: 13 expressions: - - N+ + - K+ + - K+ - R- + - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) name: explored-1685 type: explored -- comm_cost: 0.3958333333333335 - complexity: 16 +- comm_cost: 0.5979166666666668 + complexity: 8 expressions: - - K+ - - N+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - R+ + - R+ + - SE- + - and(S-, or(SE-, N+)) name: explored-1686 type: explored -- comm_cost: 0.6914184027777779 - complexity: 23 +- comm_cost: 0.6900173611111112 + complexity: 31 expressions: - - K+ - - K- - and(K-, N-) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) - - or(S+, R-) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) + - or(K+, or(N+, R-)) name: explored-1687 type: explored -- comm_cost: 0.2576388888888892 - complexity: 19 +- comm_cost: 0.37968749999999996 + complexity: 17 expressions: + - K+ - N+ - R- - - and(N-, R+) + - S+ - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, R-) - - or(N+, R-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R+) name: explored-1688 type: explored -- comm_cost: 0.4666666666666668 - complexity: 12 +- comm_cost: 0.7137500000000001 + complexity: 10 expressions: - N+ - SE- - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) + - and(K-, or(SE-, N+)) + - or(K+, S-) name: explored-1689 type: explored -- comm_cost: 0.4041666666666668 +- comm_cost: 0.2729166666666669 complexity: 16 expressions: - - K+ + - N+ - R- - - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) name: explored-1690 type: explored -- comm_cost: 0.29557291666666696 - complexity: 15 +- comm_cost: 0.6797569444444446 + complexity: 7 expressions: - - K+ + - K- + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - SE- + - and(K-, N-) name: explored-1691 type: explored -- comm_cost: 0.5081944444444446 - complexity: 7 +- comm_cost: 0.6192708333333333 + complexity: 11 expressions: + - K+ - N+ - - N- + - R- - S+ - - SE- - - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-1692 type: explored -- comm_cost: 0.2499131944444446 - complexity: 20 +- comm_cost: 0.3197916666666668 + complexity: 7 expressions: - K+ - - K+ - - K+ - - N+ + - R+ + - R- - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(S+, or(N+, R-)) name: explored-1693 type: explored -- comm_cost: 0.17135416666666692 - complexity: 13 +- comm_cost: 0.5616319444444445 + complexity: 8 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - SE- + - and(S-, not(R-)) name: explored-1694 type: explored -- comm_cost: 0.08541666666666692 - complexity: 14 +- comm_cost: 0.4779513888888891 + complexity: 24 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) name: explored-1695 type: explored -- comm_cost: 0.6671759259259261 - complexity: 10 +- comm_cost: 0.5437500000000002 + complexity: 16 expressions: - - N+ + - K+ + - R- - SE- + - and(K-, not(R-)) - and(N-, R+) - - not(R-) - - or(K+, K-) + - and(or(K+, S-), not(R+)) name: explored-1696 type: explored -- comm_cost: 0.22031250000000013 - complexity: 17 +- comm_cost: 0.3153125000000001 + complexity: 14 expressions: - K+ - N+ - R- - - and(K-, S+) + - S+ + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - or(S+, SE+) name: explored-1697 type: explored -- comm_cost: 0.41093750000000007 - complexity: 12 +- comm_cost: 0.3475694444444446 + complexity: 16 expressions: - - K+ - N+ - - R- - - and(K-, N-) - - and(K-, S+) + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) + - or(S+, R-) name: explored-1698 type: explored -- comm_cost: 0.48593750000000013 - complexity: 14 +- comm_cost: 0.28333333333333366 + complexity: 6 expressions: - - R+ + - N+ - R- - SE- - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) + - and(N-, R+) name: explored-1699 type: explored -- comm_cost: 0.620138888888889 - complexity: 21 +- comm_cost: 0.7159722222222222 + complexity: 10 expressions: - - R+ + - K+ - R- - - and(S-, SE-) - - or(K+, K-) - - or(K+, R+) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - or(and(K-, S+), or(N+, R-)) name: explored-1700 type: explored -- comm_cost: 0.7083333333333335 - complexity: 6 +- comm_cost: 0.6737847222222223 + complexity: 10 expressions: - - N+ - R+ - - R- - - or(K+, SE+) + - SE- + - and(K-, N-) + - or(S+, or(N+, R-)) name: explored-1701 type: explored -- comm_cost: 0.3943055555555558 - complexity: 16 +- comm_cost: 0.44826388888888913 + complexity: 17 expressions: - K+ - - K+ - - N+ - - R- - - and(N-, R+) + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - and(N-, or(K+, SE+)) name: explored-1702 type: explored -- comm_cost: 0.4817708333333335 - complexity: 8 +- comm_cost: 0.4340277777777779 + complexity: 15 expressions: - K+ - - N+ - R+ - - R- - - SE- - - and(SE+, N-) + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-1703 type: explored -- comm_cost: 0.7291001157407409 - complexity: 29 +- comm_cost: 0.611111111111111 + complexity: 11 expressions: - - K- - - and(K-, SE-) - - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) - - or(K+, S-) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - N+ + - S+ + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-1704 type: explored -- comm_cost: 0.7506134259259261 - complexity: 9 +- comm_cost: 0.2875000000000003 + complexity: 21 expressions: - - and(S-, N-) - - or(K+, R-) - - or(K+, S-) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-1705 type: explored -- comm_cost: 0.3621527777777781 - complexity: 12 +- comm_cost: 0.3469097222222226 + complexity: 20 expressions: - N+ - - N+ - - SE- - - SE- + - R- + - S+ - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-1706 type: explored -- comm_cost: 0.7270833333333334 - complexity: 11 +- comm_cost: 0.6923402777777778 + complexity: 28 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(N-, or(S+, SE+)) + - K- + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) + - and(S-, N-) + - and(S-, or(SE-, N+)) + - or(K+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-1707 type: explored -- comm_cost: 0.46840277777777795 - complexity: 18 +- comm_cost: 0.3856770833333336 + complexity: 14 expressions: - - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, S-) + - and(S-, not(R+)) + - or(S+, or(N+, R-)) name: explored-1708 type: explored -- comm_cost: 0.6360850694444447 - complexity: 13 +- comm_cost: 0.2500000000000002 + complexity: 14 expressions: - - R+ - - SE- + - K+ + - N+ + - R- - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(S+, SE+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-1709 type: explored -- comm_cost: 0.49930555555555567 - complexity: 12 +- comm_cost: 0.5600694444444446 + complexity: 7 expressions: - K+ - R+ - - R- - SE- - - SE- - - and(and(K-, N-), or(S+, R+)) + - and(K-, not(R+)) name: explored-1710 type: explored -- comm_cost: 0.6785104166666668 - complexity: 25 +- comm_cost: 0.5206944444444446 + complexity: 11 expressions: - - R+ + - N+ - R- - - SE- - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(N+, not(R+)) - - or(S+, R-) + - S+ + - and(N-, R+) + - not(R-) + - or(S+, N+) name: explored-1711 type: explored -- comm_cost: 0.5500000000000002 - complexity: 12 +- comm_cost: 0.7184895833333335 + complexity: 11 expressions: - - N+ - R+ - - R- - SE- - - and(K-, or(S+, N+)) - - and(S-, N-) + - and(K-, or(N+, not(R+))) + - or(K+, K-) name: explored-1712 type: explored -- comm_cost: 0.41398148148148173 - complexity: 20 +- comm_cost: 0.36822916666666694 + complexity: 11 expressions: - - K+ - N+ - R- + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(N+, not(R+)) name: explored-1713 type: explored -- comm_cost: 0.5734375 - complexity: 6 +- comm_cost: 0.35607638888888893 + complexity: 11 expressions: + - N+ + - R- + - S+ + - and(K-, or(S+, R+)) - and(S-, SE-) - - or(K+, SE+) name: explored-1714 type: explored -- comm_cost: 0.08125000000000027 - complexity: 9 +- comm_cost: 0.24075520833333353 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) + - and(N-, R+) - and(S-, SE-) + - or(K+, SE+) name: explored-1715 type: explored -- comm_cost: 0.7255208333333334 - complexity: 5 +- comm_cost: 0.294791666666667 + complexity: 9 expressions: - - R+ - - S+ - - or(K+, SE+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-1716 type: explored -- comm_cost: 0.5054687500000004 - complexity: 6 +- comm_cost: 0.7145833333333335 + complexity: 8 expressions: - - R- - - and(N-, R+) - - not(R+) + - K+ + - and(and(K-, N-), or(S+, R+)) name: explored-1717 type: explored -- comm_cost: 0.4320312500000002 - complexity: 14 +- comm_cost: 0.546527777777778 + complexity: 8 expressions: - - N+ - R- - - SE- - - and(K-, N-) - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, not(R-)) name: explored-1718 type: explored -- comm_cost: 0.34531250000000013 - complexity: 15 +- comm_cost: 0.33359375000000036 + complexity: 13 expressions: - R- + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, N+) + - or(SE-, N+) name: explored-1719 type: explored -- comm_cost: 0.2328125000000003 - complexity: 20 +- comm_cost: 0.684201388888889 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(SE-, N+) + - and(S-, not(R-)) + - or(K+, N+) + - or(S+, N+) name: explored-1720 type: explored -- comm_cost: 0.6161458333333335 - complexity: 9 +- comm_cost: 0.37031250000000016 + complexity: 16 expressions: + - K+ + - N+ + - N+ - R- - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-1721 type: explored -- comm_cost: 0.6197916666666669 - complexity: 4 +- comm_cost: 0.3430555555555558 + complexity: 11 expressions: - - R+ - - R+ - - SE- - - SE- + - N+ + - S+ + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-1722 type: explored -- comm_cost: 0.46996527777777786 - complexity: 13 +- comm_cost: 0.21840277777777806 + complexity: 17 expressions: - - R+ - - S+ - - and(K-, SE-) + - N+ + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - or(K+, or(N+, R-)) name: explored-1723 type: explored -- comm_cost: 0.5615798611111114 - complexity: 15 +- comm_cost: 0.5651041666666666 + complexity: 10 expressions: - - K+ - - K- - N+ - - R- - - and(N-, R+) + - SE- + - and(K-, or(S+, R-)) - and(S-, SE-) - - not(R-) - - or(SE-, N+) name: explored-1724 type: explored -- comm_cost: 0.548726851851852 +- comm_cost: 0.33888888888888924 complexity: 12 expressions: - N+ - - R+ - R- - - SE- - - or(K+, or(N+, R-)) - - or(S+, R-) + - S+ + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-1725 type: explored -- comm_cost: 0.5069444444444446 - complexity: 11 +- comm_cost: 0.6058159722222223 + complexity: 10 expressions: + - K+ - N+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - R- + - SE- + - SE- + - and(K-, or(S+, SE+)) name: explored-1726 type: explored -- comm_cost: 0.5384722222222225 - complexity: 22 +- comm_cost: 0.3529079861111115 + complexity: 19 expressions: - K+ - N+ - R- - - S+ - - and(K-, N-) + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, not(R+)) + - or(K+, N+) + - or(S+, or(N+, R-)) name: explored-1727 type: explored -- comm_cost: 0.6574652777777779 - complexity: 12 +- comm_cost: 0.4046875000000001 + complexity: 10 expressions: + - N+ - R+ + - R- - SE- - - and(K-, not(R+)) - - and(or(K+, S-), not(R-)) + - and(K-, SE-) + - and(S-, SE-) name: explored-1728 type: explored -- comm_cost: 0.606857638888889 - complexity: 12 +- comm_cost: 0.40989583333333346 + complexity: 10 expressions: - - N+ - - SE- - - and(N-, not(R-)) - - and(or(K+, S-), not(R+)) + - K+ + - R+ + - R- + - and(S-, SE-) + - and(S-, not(R+)) name: explored-1729 type: explored -- comm_cost: 0.35416666666666696 - complexity: 11 +- comm_cost: 0.3031250000000003 + complexity: 10 expressions: + - K+ - N+ + - R- - S+ + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) name: explored-1730 type: explored -- comm_cost: 0.6212847222222223 - complexity: 7 +- comm_cost: 0.5848958333333335 + complexity: 14 expressions: - - K- - N+ - - R- + - R+ - SE- - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1731 type: explored -- comm_cost: 0.4516782407407409 - complexity: 17 +- comm_cost: 0.4083333333333332 + complexity: 6 expressions: + - K+ + - N+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, R+) name: explored-1732 type: explored -- comm_cost: 0.7229450231481482 - complexity: 23 - expressions: - - K- - - SE+ - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, N+) - - or(K+, R+) - - or(K+, SE+) - name: explored-1733 - type: explored -- comm_cost: 0.5843750000000001 - complexity: 12 - expressions: - - R+ - - SE- - - and(K-, or(S+, N+)) - - and(SE-, or(K+, S-)) - name: explored-1734 - type: explored -- comm_cost: 0.28535879629629646 - complexity: 15 +- comm_cost: 0.27951388888888906 + complexity: 18 expressions: + - K+ - N+ - - R+ - R- - S+ + - and(K-, SE-) - and(N-, R+) - and(N-, or(K+, SE+)) - and(S-, SE-) - name: explored-1735 + name: explored-1733 type: explored -- comm_cost: 0.2826388888888892 - complexity: 13 +- comm_cost: 0.40600694444444474 + complexity: 19 expressions: - K+ - - K+ + - N+ - R- - - SE- - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - name: explored-1736 + - or(N+, not(R+)) + name: explored-1734 type: explored -- comm_cost: 0.3901041666666669 - complexity: 21 +- comm_cost: 0.28142361111111125 + complexity: 25 expressions: - K+ - N+ - R- - - and(K-, SE-) + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + name: explored-1735 + type: explored +- comm_cost: 0.8958333333333334 + complexity: 3 + expressions: + - or(S+, N+) + name: explored-1736 + type: explored +- comm_cost: 0.7416666666666667 + complexity: 7 + expressions: + - SE- + - and(S-, SE-) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(N+, R-) name: explored-1737 type: explored -- comm_cost: 0.5327256944444446 - complexity: 15 +- comm_cost: 0.5315538194444446 + complexity: 21 expressions: + - K+ + - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(S+, SE+)) + - and(S-, N-) + - and(S-, SE-) + - or(K+, K-) name: explored-1738 type: explored -- comm_cost: 0.6144097222222223 +- comm_cost: 0.6573784722222223 complexity: 7 expressions: - R+ - - SE- - - and(N-, or(K+, SE+)) + - and(K-, N-) + - or(S+, R-) name: explored-1739 type: explored -- comm_cost: 0.3437500000000002 - complexity: 6 +- comm_cost: 0.5892361111111113 + complexity: 14 expressions: - - N+ - - R- - - S+ - - and(N-, R+) + - R+ + - and(K-, SE-) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) name: explored-1740 type: explored -- comm_cost: 0.4443628472222223 - complexity: 18 +- comm_cost: 0.45416666666666683 + complexity: 20 expressions: - - K+ - - K+ - N+ - - N- - R- - - S+ - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1741 type: explored -- comm_cost: 0.3563946759259262 - complexity: 16 +- comm_cost: 0.6756944444444445 + complexity: 9 expressions: - - N+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - not(R+) + - SE- + - and(K-, or(SE-, N+)) + - not(R-) name: explored-1742 type: explored -- comm_cost: 0.4421006944444448 +- comm_cost: 0.1585937500000003 complexity: 12 expressions: - K+ - K+ - N+ + - R- - S+ + - SE- - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, SE-) name: explored-1743 type: explored -- comm_cost: 0.655 - complexity: 8 +- comm_cost: 0.7489583333333333 + complexity: 5 expressions: - - K- - N+ - - and(S-, SE-) - - or(S+, SE+) + - R- + - or(K+, N+) name: explored-1744 type: explored -- comm_cost: 0.5561342592592594 +- comm_cost: 0.687152777777778 complexity: 11 expressions: - R+ - - R- - - R- - - SE- - - or(and(S-, SE-), or(N+, R-)) + - and(K-, S+) + - or(and(K-, S+), or(N+, R-)) name: explored-1745 type: explored -- comm_cost: 0.30763888888888924 - complexity: 17 +- comm_cost: 0.43923611111111127 + complexity: 13 expressions: + - K+ - N+ - R- - - and(K-, not(R+)) + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(K+, K-) name: explored-1746 type: explored -- comm_cost: 0.20052083333333348 - complexity: 21 +- comm_cost: 0.5847222222222224 + complexity: 12 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - R+ + - SE- + - and(K-, or(S+, R-)) + - or(K+, or(N+, R-)) name: explored-1747 type: explored -- comm_cost: 0.2518518518518522 - complexity: 23 +- comm_cost: 0.7931250000000001 + complexity: 9 expressions: - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - or(S+, SE+) name: explored-1748 type: explored -- comm_cost: 0.6820312500000001 - complexity: 11 +- comm_cost: 0.5109375000000003 + complexity: 8 expressions: - R+ - - and(S-, N-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, S+) + - and(N-, R+) name: explored-1749 type: explored -- comm_cost: 0.4508854166666668 - complexity: 15 +- comm_cost: 0.2171875000000003 + complexity: 12 expressions: - K+ - N+ - - R- + - R+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) - - or(SE-, N+) name: explored-1750 type: explored -- comm_cost: 0.7312500000000001 - complexity: 4 +- comm_cost: 0.25260416666666685 + complexity: 11 expressions: + - K+ - N+ - - SE- - - not(R-) + - R- + - S+ + - SE+ + - and(N-, R+) + - and(S-, SE-) name: explored-1751 type: explored -- comm_cost: 0.47430555555555576 - complexity: 8 +- comm_cost: 0.5555989583333335 + complexity: 20 expressions: - - K+ - N+ - - and(S-, SE-) - - or(K+, R+) + - R- + - SE- + - and(K-, N-) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - or(N+, not(R+)) name: explored-1752 type: explored -- comm_cost: 0.5600694444444446 - complexity: 7 +- comm_cost: 0.6105902777777777 + complexity: 17 expressions: - - K+ - - R+ - - SE- - - and(K-, not(R+)) + - N+ + - R- + - S+ + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R-) name: explored-1753 type: explored -- comm_cost: 0.7159722222222222 - complexity: 9 +- comm_cost: 0.2791666666666668 + complexity: 13 expressions: + - K+ + - R+ - R- - - S+ - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-1754 type: explored -- comm_cost: 0.5508333333333333 - complexity: 7 +- comm_cost: 0.3671006944444448 + complexity: 15 expressions: - - R- + - K+ + - K+ + - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(or(K+, S-), not(R+)) name: explored-1755 type: explored -- comm_cost: 0.5770833333333333 - complexity: 8 +- comm_cost: 0.65546875 + complexity: 6 expressions: + - K+ - N+ - R- - - S+ - - and(S-, or(SE-, N+)) + - or(S+, R+) name: explored-1756 type: explored -- comm_cost: 0.6779513888888891 - complexity: 15 +- comm_cost: 0.1506944444444447 + complexity: 17 expressions: - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) + - K+ + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) - or(K+, or(N+, R-)) name: explored-1757 type: explored -- comm_cost: 0.7 - complexity: 4 +- comm_cost: 0.06562500000000027 + complexity: 15 expressions: - K+ - - K- + - N+ + - N+ - R- - - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-1758 type: explored -- comm_cost: 0.5635416666666668 - complexity: 14 +- comm_cost: 0.6411458333333333 + complexity: 9 expressions: - - K+ - - R+ + - N+ + - R- + - R- - SE- - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) + - and(K-, or(S+, N+)) name: explored-1759 type: explored -- comm_cost: 0.4861979166666669 - complexity: 11 +- comm_cost: 0.5546296296296298 + complexity: 14 expressions: - - N+ - - N+ - - SE- + - R- + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, N-) + - and(S-, SE-) name: explored-1760 type: explored -- comm_cost: 0.7352777777777778 - complexity: 9 +- comm_cost: 0.6912152777777778 + complexity: 7 expressions: + - K- - N+ + - R- - SE- - - or(N+, not(R+)) - - or(S+, SE+) + - or(K+, SE+) name: explored-1761 type: explored -- comm_cost: 0.4309895833333336 - complexity: 13 +- comm_cost: 0.4258333333333335 + complexity: 10 expressions: - - K+ + - N+ - R- - - S+ - - SE+ - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - not(R-) name: explored-1762 type: explored -- comm_cost: 0.5546875000000001 - complexity: 7 +- comm_cost: 0.6730208333333334 + complexity: 6 expressions: - - K+ + - N+ - R+ - R- - - SE- - - and(S-, N-) + - or(K+, S-) name: explored-1763 type: explored -- comm_cost: 0.3744791666666669 - complexity: 10 +- comm_cost: 0.5240451388888889 + complexity: 12 expressions: - - N+ - - and(N-, R+) + - K+ + - K+ + - R- + - S+ - and(S-, SE-) - - or(SE-, N+) + - or(K+, or(N+, R-)) name: explored-1764 type: explored -- comm_cost: 0.49375000000000024 - complexity: 10 +- comm_cost: 0.18750000000000022 + complexity: 13 expressions: + - K+ + - K+ - N+ - - SE- + - R- - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(SE+, N-) name: explored-1765 type: explored -- comm_cost: 0.6507812500000001 - complexity: 37 +- comm_cost: 0.4471006944444448 + complexity: 20 expressions: - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) - - and(S-, N-) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - N+ + - SE- + - and(K-, S+) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, not(R+)) name: explored-1766 type: explored -- comm_cost: 0.7050381944444446 - complexity: 25 +- comm_cost: 0.6176041666666667 + complexity: 5 expressions: + - N+ - R+ - - and(K-, N-) - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) - - not(R+) + - R- - not(R-) - - or(and(K-, S+), or(N+, R-)) name: explored-1767 type: explored -- comm_cost: 0.33854166666666696 - complexity: 10 +- comm_cost: 0.7958333333333334 + complexity: 7 expressions: - N+ - - N+ - - R- - - SE- - - and(N-, R+) - - or(SE-, N+) + - and(K-, or(N+, not(R+))) name: explored-1768 type: explored -- comm_cost: 0.5331597222222224 - complexity: 9 +- comm_cost: 0.5335937500000001 + complexity: 7 expressions: + - K+ - N+ - - R+ - - S- - - and(N-, R+) - - and(S-, SE-) + - R- + - and(N-, not(R-)) name: explored-1769 type: explored -- comm_cost: 0.79125 - complexity: 3 +- comm_cost: 0.5076562500000001 + complexity: 16 expressions: - - SE- - - not(R-) + - N+ + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-1770 type: explored -- comm_cost: 0.5231481481481484 - complexity: 26 +- comm_cost: 0.5220486111111112 + complexity: 15 expressions: - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - K+ + - R+ + - and(K-, S+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, not(R-)) + - or(S+, N+) name: explored-1771 type: explored -- comm_cost: 0.6244791666666667 - complexity: 11 +- comm_cost: 0.5482638888888891 + complexity: 6 expressions: - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, R+) + - K+ + - R+ + - SE- + - or(K+, R-) name: explored-1772 type: explored -- comm_cost: 0.4628182870370372 - complexity: 19 +- comm_cost: 0.6234953703703705 + complexity: 20 expressions: - - K+ - - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(S+, R-) + - R+ + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-1773 type: explored -- comm_cost: 0.710590277777778 - complexity: 11 +- comm_cost: 0.6802083333333335 + complexity: 2 expressions: - - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) + - K+ + - R+ name: explored-1774 type: explored -- comm_cost: 0.42256944444444455 - complexity: 15 +- comm_cost: 0.06093750000000031 + complexity: 13 expressions: - K+ - N+ - - R+ - - and(K-, S+) + - R- + - S+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) name: explored-1775 type: explored -- comm_cost: 0.4989583333333335 - complexity: 7 +- comm_cost: 0.592795138888889 + complexity: 18 expressions: - - R+ - - and(S-, SE-) - - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - not(R+) + - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-1776 type: explored -- comm_cost: 0.4437500000000003 - complexity: 7 +- comm_cost: 0.7468750000000002 + complexity: 10 expressions: - - SE- - - and(N-, R+) - - and(S-, SE-) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) name: explored-1777 type: explored -- comm_cost: 0.5854166666666669 - complexity: 16 +- comm_cost: 0.4265625000000002 + complexity: 25 expressions: + - K+ - N+ - - SE- - - and(K-, not(R-)) + - R- + - and(K-, S+) + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-1778 type: explored -- comm_cost: 0.5834375000000002 - complexity: 14 +- comm_cost: 0.4221469907407409 + complexity: 24 expressions: - K+ + - K+ - N+ - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - or(S+, SE+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(S+, R+) name: explored-1779 type: explored -- comm_cost: 0.3909722222222225 - complexity: 12 +- comm_cost: 0.4390046296296297 + complexity: 21 expressions: - N+ - - R- - SE- - and(N-, R+) - - and(SE+, N-) - - or(K+, R-) + - and(N-, or(K+, R+)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-1780 type: explored -- comm_cost: 0.40546875000000016 - complexity: 12 +- comm_cost: 0.5567708333333334 + complexity: 8 expressions: - R+ - R- - - R- - - S+ - - and(N-, or(S+, SE+)) + - and(K-, N-) - and(S-, SE-) name: explored-1781 type: explored -- comm_cost: 0.6847222222222222 - complexity: 12 +- comm_cost: 0.3088541666666669 + complexity: 10 expressions: - - R- - - SE- + - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-1782 type: explored -- comm_cost: 0.2875000000000003 - complexity: 19 +- comm_cost: 0.6228009259259261 + complexity: 15 expressions: - - K+ - N+ - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(S+, N+) + - R+ + - R- + - SE+ + - SE- + - and(and(K-, N-), or(S+, R+)) + - or(K+, S-) name: explored-1783 type: explored -- comm_cost: 0.8256944444444445 - complexity: 7 +- comm_cost: 0.3020833333333335 + complexity: 12 expressions: - - SE- - - and(or(K+, S-), not(R+)) + - K+ + - N+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-1784 type: explored -- comm_cost: 0.6322916666666668 - complexity: 7 +- comm_cost: 0.30729166666666696 + complexity: 17 expressions: - - R+ - - SE- - - and(K-, or(SE-, N+)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, R+) name: explored-1785 type: explored -- comm_cost: 0.6400173611111113 - complexity: 9 +- comm_cost: 0.4612847222222225 + complexity: 17 expressions: - - R+ - - or(K+, or(N+, R-)) - - or(SE-, N+) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-1786 type: explored -- comm_cost: 0.07812500000000022 - complexity: 14 +- comm_cost: 0.5394097222222224 + complexity: 18 expressions: - - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - R+ - and(S-, SE-) - - or(K+, N+) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-1787 type: explored -- comm_cost: 0.36540798611111136 - complexity: 19 +- comm_cost: 0.4419270833333335 + complexity: 18 expressions: - - K+ - - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - or(N+, R-) + - and(or(K+, S-), not(R-)) + - or(S+, R+) name: explored-1788 type: explored -- comm_cost: 0.4041666666666668 - complexity: 22 +- comm_cost: 0.5307870370370372 + complexity: 13 expressions: - - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(S-, not(R-)) - - or(and(K-, S+), or(N+, R-)) + - not(R+) name: explored-1789 type: explored -- comm_cost: 0.3117881944444447 - complexity: 26 +- comm_cost: 0.6492708333333335 + complexity: 9 expressions: - - K+ - N+ + - R+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - or(K+, S-) + - or(S+, N+) name: explored-1790 type: explored -- comm_cost: 0.7327256944444446 - complexity: 7 +- comm_cost: 0.2733506944444446 + complexity: 13 expressions: - - and(S-, not(R-)) - - or(S+, R+) + - K+ + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-1791 type: explored -- comm_cost: 0.7480902777777778 - complexity: 8 +- comm_cost: 0.310416666666667 + complexity: 9 expressions: - - and(N-, or(K+, SE+)) - - or(N+, R-) + - N+ + - SE- + - and(N-, R+) + - and(S-, not(R+)) name: explored-1792 type: explored -- comm_cost: 0.7236979166666668 - complexity: 16 +- comm_cost: 0.648611111111111 + complexity: 11 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(N-, or(S+, R+)) - - or(S+, or(N+, R-)) + - N+ + - SE- + - and(K-, S+) + - and(or(K+, S-), not(R+)) name: explored-1793 type: explored -- comm_cost: 0.3819444444444444 - complexity: 9 +- comm_cost: 0.7774479166666667 + complexity: 7 expressions: - - N+ - - R- - - SE+ - - and(K-, S+) - - and(S-, SE-) + - K- + - and(or(K+, S-), not(R-)) name: explored-1794 type: explored -- comm_cost: 0.5310416666666669 - complexity: 11 +- comm_cost: 0.6493055555555558 + complexity: 5 expressions: - N+ - - SE- + - SE+ - and(N-, R+) - - and(S-, not(R+)) - - not(R-) name: explored-1795 type: explored -- comm_cost: 0.4472222222222224 - complexity: 9 +- comm_cost: 0.37708333333333355 + complexity: 13 expressions: - K+ - N+ + - R+ - R- - - and(and(K-, N-), not(R-)) + - S+ + - and(K-, or(SE-, N+)) + - and(S-, SE-) name: explored-1796 type: explored -- comm_cost: 0.5402777777777781 - complexity: 9 +- comm_cost: 0.4965277777777779 + complexity: 15 expressions: + - K+ - N+ - - SE- - - and(N-, R+) - - and(S-, not(R-)) + - R- + - SE+ + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-1797 type: explored -- comm_cost: 0.4750347222222224 - complexity: 25 +- comm_cost: 0.4397395833333335 + complexity: 15 expressions: - K+ - - N+ + - K+ - R- - - and(K-, S+) + - S+ + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, SE+) + - not(R-) name: explored-1798 type: explored -- comm_cost: 0.34375000000000033 - complexity: 7 +- comm_cost: 0.7281249999999999 + complexity: 8 expressions: - - K+ - - N+ - - R- - - R- - - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-1799 type: explored -- comm_cost: 0.51171875 - complexity: 12 +- comm_cost: 0.4437500000000003 + complexity: 8 expressions: - - N+ - - R- - - and(K-, S+) - - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) + - not(R+) name: explored-1800 type: explored -- comm_cost: 0.40937500000000016 - complexity: 11 +- comm_cost: 0.5042187500000002 + complexity: 22 expressions: - - R+ - - R+ - - and(S-, SE-) - - and(SE+, N-) - - or(K+, R-) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) + - or(S+, or(N+, R-)) name: explored-1801 type: explored -- comm_cost: 0.6494791666666668 - complexity: 11 +- comm_cost: 0.5367187500000001 + complexity: 7 expressions: - - K+ - - S- - - and(K-, SE-) - - and(S-, N-) - - or(S+, N+) + - R- + - and(S-, SE-) + - or(K+, SE+) name: explored-1802 type: explored -- comm_cost: 0.7338657407407408 - complexity: 19 +- comm_cost: 0.6672743055555557 + complexity: 8 expressions: - - K- - - and(S-, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) - - or(S+, or(N+, R-)) + - R+ + - R- + - and(K-, N-) + - or(S+, R+) name: explored-1803 type: explored -- comm_cost: 0.6196875000000001 - complexity: 6 +- comm_cost: 0.7057291666666667 + complexity: 14 expressions: - - K+ - - N+ - - R- - - S+ - - not(R-) + - SE- + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) name: explored-1804 type: explored -- comm_cost: 0.39656250000000015 - complexity: 18 +- comm_cost: 0.4083333333333333 + complexity: 7 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, SE-) - - and(N-, R+) + - R- + - S+ - and(S-, SE-) - - or(K+, S-) name: explored-1805 type: explored -- comm_cost: 0.4690104166666669 - complexity: 9 +- comm_cost: 0.34401041666666676 + complexity: 19 expressions: - N+ - R- - - SE- + - SE+ - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) name: explored-1806 type: explored -- comm_cost: 0.5500000000000002 - complexity: 14 +- comm_cost: 0.45625000000000027 + complexity: 11 expressions: - - R+ - - R- + - N+ + - N+ - SE- - - and(K-, not(R+)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-1807 type: explored -- comm_cost: 0.2944444444444446 +- comm_cost: 0.5464583333333335 complexity: 13 expressions: - N+ - - R- - - and(K-, or(S+, R+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, SE+) name: explored-1808 type: explored -- comm_cost: 0.32378472222222254 - complexity: 16 +- comm_cost: 0.4271990740740742 + complexity: 19 expressions: + - N+ - R- - - and(K-, not(R+)) - - and(K-, or(S+, N+)) + - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-1809 type: explored -- comm_cost: 0.4702546296296297 - complexity: 13 +- comm_cost: 0.5895833333333335 + complexity: 14 expressions: - R+ - - R- - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(S+, SE+) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-1810 type: explored -- comm_cost: 0.16718750000000027 - complexity: 13 +- comm_cost: 0.6598272156084657 + complexity: 39 expressions: - - K+ - - N+ - - R- - - S+ + - K- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-1811 type: explored -- comm_cost: 0.45277777777777817 - complexity: 11 +- comm_cost: 0.3427083333333335 + complexity: 12 expressions: - N+ - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - S+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-1812 type: explored -- comm_cost: 0.6109375000000001 - complexity: 12 - expressions: - - R+ - - and(K-, S+) - - and(K-, or(S+, R-)) - - or(K+, R-) - name: explored-1813 - type: explored -- comm_cost: 0.4736111111111113 +- comm_cost: 0.4399305555555557 complexity: 17 expressions: + - K+ - N+ + - R- - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, N+) + name: explored-1813 + type: explored +- comm_cost: 0.4929687500000002 + complexity: 11 + expressions: + - R- + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-1814 type: explored -- comm_cost: 0.4248553240740742 - complexity: 16 +- comm_cost: 0.596875 + complexity: 4 expressions: - - K+ - N+ - R- - S+ - - S- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - SE- name: explored-1815 type: explored -- comm_cost: 0.40260416666666676 - complexity: 10 +- comm_cost: 0.47369791666666683 + complexity: 16 expressions: - N+ - - R+ - R- - SE- - - and(S-, SE-) - - or(K+, N+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-1816 type: explored -- comm_cost: 0.32777777777777795 - complexity: 18 +- comm_cost: 0.3015625000000002 + complexity: 17 expressions: - - K+ - N+ - - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, N+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-1817 type: explored -- comm_cost: 0.3460937500000002 - complexity: 18 +- comm_cost: 0.7113541666666667 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) + - or(K+, S-) name: explored-1818 type: explored -- comm_cost: 0.30729166666666696 - complexity: 19 +- comm_cost: 0.1472222222222226 + complexity: 17 expressions: + - K+ + - N+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-1819 type: explored -- comm_cost: 0.5929166666666668 - complexity: 9 +- comm_cost: 0.7052083333333334 + complexity: 6 expressions: - - K- - - N+ - - R- - - and(S-, SE-) - - or(S+, N+) + - and(and(S-, N-), not(R-)) name: explored-1820 type: explored -- comm_cost: 0.42586805555555585 - complexity: 16 +- comm_cost: 0.26328125000000036 + complexity: 12 expressions: - N+ - - SE- + - and(K-, S+) - and(N-, R+) - - and(S-, N-) - - and(SE-, or(K+, S-)) - - or(K+, R-) + - and(S-, SE-) + - not(R+) name: explored-1821 type: explored -- comm_cost: 0.3821759259259261 - complexity: 24 +- comm_cost: 0.338715277777778 + complexity: 11 expressions: - - K+ - N+ - R- - S+ - - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) name: explored-1822 type: explored -- comm_cost: 0.1468750000000003 - complexity: 13 +- comm_cost: 0.16458333333333353 + complexity: 21 expressions: - - N+ - - N+ - - R- - - S+ - - and(K-, SE-) + - K+ + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - or(K+, R-) + - or(N+, R-) name: explored-1823 type: explored -- comm_cost: 0.5781250000000002 - complexity: 12 +- comm_cost: 0.6734375000000001 + complexity: 9 expressions: - - N+ - - SE- - - SE- - - and(N-, R+) - - or(S+, N+) - - or(S+, R+) + - R+ + - S+ + - and(K-, or(S+, SE+)) + - not(R+) name: explored-1824 type: explored -- comm_cost: 0.49973958333333346 - complexity: 9 +- comm_cost: 0.2984259259259263 + complexity: 21 expressions: - - R+ + - K+ + - N+ - R- - - and(N-, not(R-)) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-1825 type: explored -- comm_cost: 0.5427372685185187 - complexity: 15 +- comm_cost: 0.637638888888889 + complexity: 10 expressions: + - K- - N+ - - R+ - - R- - R- - SE- - - and(N-, not(R-)) - and(and(K-, N-), not(R-)) name: explored-1826 type: explored -- comm_cost: 0.2167245370370373 - complexity: 20 +- comm_cost: 0.2312500000000003 + complexity: 8 expressions: - - N+ + - K+ - R- - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-1827 type: explored -- comm_cost: 0.5065277777777778 - complexity: 15 +- comm_cost: 0.5130208333333335 + complexity: 10 expressions: - K+ - - N+ + - N- - R- - - and(K-, S+) + - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - not(R-) name: explored-1828 type: explored -- comm_cost: 0.6782986111111112 - complexity: 7 +- comm_cost: 0.704295138888889 + complexity: 25 expressions: - - R+ - - R+ - - and(N-, or(K+, S-)) + - S- + - SE+ + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-1829 type: explored -- comm_cost: 0.49565972222222243 - complexity: 13 +- comm_cost: 0.7343472222222223 + complexity: 35 expressions: - N+ - R+ - - R- - - SE- - - and(K-, SE-) - - and(or(K+, S-), not(R+)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) + - or(K+, or(N+, R-)) + - or(N+, R-) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-1830 type: explored -- comm_cost: 0.2817708333333335 +- comm_cost: 0.46614583333333326 complexity: 9 expressions: + - K+ - N+ - - R+ - R- - - and(N-, R+) - and(S-, SE-) + - or(K+, N+) name: explored-1831 type: explored -- comm_cost: 0.8018749999999999 - complexity: 6 +- comm_cost: 0.7791666666666667 + complexity: 7 expressions: - - R- - - S+ - - or(N+, not(R+)) + - and(K-, SE-) + - and(S-, not(R+)) name: explored-1832 type: explored -- comm_cost: 0.47326388888888904 - complexity: 15 +- comm_cost: 0.42916666666666703 + complexity: 9 expressions: - - R+ - - S+ - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R-) + - N+ + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-1833 type: explored -- comm_cost: 0.6760127314814816 - complexity: 13 +- comm_cost: 0.2409722222222226 + complexity: 17 expressions: - - R+ - - and(K-, not(R+)) - - and(N-, or(S+, SE+)) - - or(K+, SE+) + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-1834 type: explored -- comm_cost: 0.7381944444444446 - complexity: 4 +- comm_cost: 0.7621215277777779 + complexity: 24 expressions: - - R- - - and(S-, N-) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, SE+)) + - and(S-, or(N+, not(R+))) + - not(R-) + - or(K+, K-) + - or(K+, S-) name: explored-1835 type: explored -- comm_cost: 0.4359375000000001 - complexity: 9 +- comm_cost: 0.42552083333333357 + complexity: 13 expressions: - - K+ - - K+ - N+ - - R+ - R- - S+ - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-1836 type: explored -- comm_cost: 0.6289062500000001 - complexity: 8 +- comm_cost: 0.6539930555555558 + complexity: 9 expressions: - R+ - - and(K-, or(SE-, N+)) - - not(R+) + - and(S-, N-) + - or(K+, or(N+, R-)) name: explored-1837 type: explored -- comm_cost: 0.6734722222222222 - complexity: 5 +- comm_cost: 0.4962500000000002 + complexity: 13 expressions: - - K+ + - N+ - R- - - SE- - - not(R-) + - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(S+, SE+) name: explored-1838 type: explored -- comm_cost: 0.268402777777778 +- comm_cost: 0.3655815972222224 complexity: 20 expressions: - - K+ - N+ - R- + - S+ + - and(K-, N-) - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(SE+, N-) name: explored-1839 type: explored -- comm_cost: 0.7544444444444445 - complexity: 7 +- comm_cost: 0.3715277777777779 + complexity: 20 expressions: - - SE- - - or(K+, S-) - - or(S+, N+) + - N+ + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-1840 type: explored -- comm_cost: 0.7100694444444446 - complexity: 7 +- comm_cost: 0.38437500000000013 + complexity: 18 expressions: - - R+ + - N+ + - R- - and(N-, R+) - - or(S+, SE+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-1841 type: explored -- comm_cost: 0.7325520833333334 - complexity: 13 - expressions: - - K+ - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) - name: explored-1842 - type: explored -- comm_cost: 0.5477777777777779 +- comm_cost: 0.5478298611111113 complexity: 11 expressions: - - K+ - N+ - - R- + - and(K-, or(S+, R+)) - and(N-, R+) - not(R+) - - or(K+, S-) + name: explored-1842 + type: explored +- comm_cost: 0.8583333333333334 + complexity: 1 + expressions: + - SE- name: explored-1843 type: explored -- comm_cost: 0.475607638888889 - complexity: 25 +- comm_cost: 0.36875000000000013 + complexity: 8 expressions: - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) + - R+ - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) + - or(N+, R-) name: explored-1844 type: explored -- comm_cost: 0.2395833333333337 - complexity: 16 +- comm_cost: 0.28535879629629646 + complexity: 17 expressions: - - K+ - N+ + - R+ - R- + - S+ - and(N-, R+) - - and(SE-, or(K+, S-)) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-1845 type: explored -- comm_cost: 0.44149305555555574 - complexity: 15 +- comm_cost: 0.5801504629629631 + complexity: 13 expressions: - - N+ - - R- - R- - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(S+, R+) + - and(N-, or(S+, SE+)) + - or(K+, R+) name: explored-1846 type: explored -- comm_cost: 0.5938368055555557 - complexity: 7 +- comm_cost: 0.14322916666666696 + complexity: 12 expressions: - - R+ - - SE- - - and(K-, S+) - - not(R+) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-1847 type: explored -- comm_cost: 0.5224537037037038 - complexity: 13 +- comm_cost: 0.5514814814814817 + complexity: 16 expressions: - N+ - - R+ - R- - - SE- - - and(SE+, N-) - - and(or(K+, S-), not(R+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, not(R+)) name: explored-1848 type: explored -- comm_cost: 0.2810185185185188 - complexity: 25 +- comm_cost: 0.5491319444444446 + complexity: 9 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(and(K-, N-), not(R-)) name: explored-1849 type: explored -- comm_cost: 0.3237268518518521 - complexity: 22 +- comm_cost: 0.2992187500000003 + complexity: 15 expressions: - K+ - N+ - - R- - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) name: explored-1850 type: explored -- comm_cost: 0.5784722222222222 - complexity: 13 +- comm_cost: 0.22916666666666696 + complexity: 17 expressions: + - K+ - N+ - R- - - S+ + - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) + - or(K+, R-) name: explored-1851 type: explored -- comm_cost: 0.5138888888888891 - complexity: 8 +- comm_cost: 0.72734375 + complexity: 9 expressions: - K+ - - R+ - - R- - - S+ - - and(K-, not(R+)) + - N+ + - SE- + - and(K-, or(N+, not(R+))) name: explored-1852 type: explored -- comm_cost: 0.84375 - complexity: 6 +- comm_cost: 0.6775271990740741 + complexity: 27 expressions: - - S+ - - and(K-, or(S+, N+)) + - N- + - and(K-, N-) + - and(K-, S+) + - and(K-, not(R+)) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, R-) + - or(S+, R-) + - or(SE-, N+) name: explored-1853 type: explored -- comm_cost: 0.23888888888888915 - complexity: 12 +- comm_cost: 0.2917968750000002 + complexity: 14 expressions: - K+ - N+ - R- - - SE- + - S+ + - S+ - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - or(K+, SE+) name: explored-1854 type: explored -- comm_cost: 0.7140834986772487 - complexity: 38 +- comm_cost: 0.6305266203703705 + complexity: 12 expressions: - - and(K-, N-) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - - or(K+, S-) - - or(K+, or(N+, R-)) - - or(S+, R+) + - R+ + - R- + - SE+ + - SE- + - and(or(K+, S-), or(N+, not(R+))) name: explored-1855 type: explored -- comm_cost: 0.5498842592592594 - complexity: 14 +- comm_cost: 0.35561342592592604 + complexity: 30 expressions: - K+ - - R+ + - N+ - R- - - SE- - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) name: explored-1856 type: explored -- comm_cost: 0.6802083333333335 - complexity: 11 +- comm_cost: 0.34777777777777796 + complexity: 19 expressions: - - R+ - - and(K-, or(S+, R-)) - - and(N-, or(K+, SE+)) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-1857 type: explored -- comm_cost: 0.6999131944444446 - complexity: 9 +- comm_cost: 0.7416377314814816 + complexity: 17 expressions: - - R+ - - and(K-, or(S+, R+)) - - or(SE-, N+) + - and(K-, N-) + - and(K-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - or(S+, R-) name: explored-1858 type: explored -- comm_cost: 0.7502604166666668 - complexity: 6 +- comm_cost: 0.6368055555555556 + complexity: 12 expressions: - - and(SE+, N-) - - or(S+, R+) + - K+ + - R+ + - R- + - and(K-, or(S+, SE+)) + - and(N-, not(R-)) name: explored-1859 type: explored -- comm_cost: 0.22065972222222252 - complexity: 13 +- comm_cost: 0.1097222222222225 + complexity: 17 expressions: + - K+ + - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - or(K+, or(N+, R-)) name: explored-1860 type: explored -- comm_cost: 0.1843750000000003 - complexity: 14 +- comm_cost: 0.5100000000000002 + complexity: 6 expressions: - - K+ - N+ + - N- - R- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-1861 type: explored -- comm_cost: 0.7446180555555555 +- comm_cost: 0.46805555555555545 complexity: 8 expressions: - N+ - - SE- - - SE- - - or(S+, or(N+, R-)) + - R- + - and(S-, SE-) + - or(S+, R-) name: explored-1862 type: explored -- comm_cost: 0.5817708333333335 - complexity: 6 +- comm_cost: 0.7350000000000001 + complexity: 2 expressions: - - R+ - - R- - - SE- - - and(S-, N-) + - K+ + - K- name: explored-1863 type: explored -- comm_cost: 0.4794270833333336 - complexity: 12 +- comm_cost: 0.15104166666666696 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- - S+ + - and(K-, SE-) - and(N-, R+) - - or(K+, R+) - - or(SE-, N+) + - and(S-, SE-) + - or(K+, R-) name: explored-1864 type: explored -- comm_cost: 0.3070312500000003 - complexity: 18 +- comm_cost: 0.48984375000000013 + complexity: 14 expressions: + - K+ - N+ - R- - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(S+, or(N+, R-)) + - SE- + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) name: explored-1865 type: explored -- comm_cost: 0.1052951388888892 - complexity: 17 +- comm_cost: 0.3138020833333335 + complexity: 16 expressions: - K+ - - K+ - N+ - R- - S+ - - and(K-, S+) + - SE- - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, N+) name: explored-1866 type: explored -- comm_cost: 0.26875000000000027 - complexity: 12 +- comm_cost: 0.4949218750000002 + complexity: 22 expressions: - - N+ - - N+ - - R- + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - and(N-, or(S+, R+)) + - or(S+, or(N+, R-)) name: explored-1867 type: explored -- comm_cost: 0.5076388888888891 - complexity: 11 +- comm_cost: 0.6071180555555556 + complexity: 12 expressions: - N+ + - R+ + - R- - SE- - - and(N-, R+) - - or(K+, R+) - - or(S+, R-) + - and(K-, or(S+, N+)) + - or(S+, SE+) name: explored-1868 type: explored -- comm_cost: 0.5384548611111113 - complexity: 11 +- comm_cost: 0.6566840277777779 + complexity: 20 expressions: - - N+ - - R- + - K+ - S- - and(K-, or(S+, R-)) - - and(N-, R+) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1869 type: explored -- comm_cost: 0.4822916666666669 - complexity: 19 +- comm_cost: 0.684375 + complexity: 6 expressions: - N+ - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - not(R-) + - SE- + - or(SE-, N+) name: explored-1870 type: explored -- comm_cost: 0.607465277777778 - complexity: 10 +- comm_cost: 0.4201388888888893 + complexity: 11 expressions: - - N+ - - S+ - - and(K-, or(S+, R+)) + - K+ + - R- + - SE- - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-1871 type: explored -- comm_cost: 0.5840277777777778 - complexity: 4 +- comm_cost: 0.40353009259259265 + complexity: 20 expressions: - N+ - R- - - SE+ - - SE- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-1872 type: explored -- comm_cost: 0.607465277777778 - complexity: 8 +- comm_cost: 0.5909722222222222 + complexity: 10 expressions: - - N+ - - S+ - - and(N-, R+) - - or(K+, R+) + - R- + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-1873 type: explored -- comm_cost: 0.5625000000000001 - complexity: 18 +- comm_cost: 0.4920138888888891 + complexity: 12 expressions: - - K+ - - R- + - N+ + - R+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) + - and(N-, not(R-)) - and(S-, SE-) name: explored-1874 type: explored -- comm_cost: 0.4505208333333335 - complexity: 13 +- comm_cost: 0.27204861111111145 + complexity: 14 expressions: - - R+ + - N+ - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R-) + - and(S-, not(R+)) + - not(R+) name: explored-1875 type: explored -- comm_cost: 0.36883680555555576 - complexity: 15 +- comm_cost: 0.3324652777777778 + complexity: 11 expressions: - - N+ + - K+ + - R+ - R- - - and(N-, R+) - - and(N-, not(R-)) + - and(K-, or(S+, R+)) - and(S-, SE-) - - or(S+, R-) name: explored-1876 type: explored -- comm_cost: 0.4890625000000002 - complexity: 8 +- comm_cost: 0.49861111111111145 + complexity: 10 expressions: - - R+ - SE- - and(N-, R+) - - or(N+, R-) + - and(or(K+, S-), not(R+)) name: explored-1877 type: explored -- comm_cost: 0.47191840277777797 - complexity: 22 +- comm_cost: 0.45434027777777797 + complexity: 16 expressions: - - K+ - N+ - R- - SE- - - and(K-, S+) - - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, S-)) name: explored-1878 type: explored -- comm_cost: 0.407074652777778 - complexity: 23 +- comm_cost: 0.36536458333333355 + complexity: 25 expressions: - K+ - N+ - R- - - and(K-, not(R+)) + - and(K-, S+) + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, or(N+, R-)) name: explored-1879 type: explored -- comm_cost: 0.7875868055555557 - complexity: 4 +- comm_cost: 0.602951388888889 + complexity: 14 expressions: - - SE+ - - or(S+, R+) + - N+ + - R+ + - R- + - SE- + - and(K-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-1880 type: explored -- comm_cost: 0.7064687500000001 - complexity: 28 +- comm_cost: 0.3524305555555558 + complexity: 18 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) - - and(SE+, N-) - - or(K+, S-) - - or(K+, SE+) - - or(SE-, N+) + - N+ + - R- + - SE- + - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-1881 type: explored -- comm_cost: 0.5942708333333334 - complexity: 4 +- comm_cost: 0.40043402777777803 + complexity: 21 expressions: - - R+ + - N+ - R- - - SE+ - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-1882 type: explored -- comm_cost: 0.5763020833333334 - complexity: 6 +- comm_cost: 0.6775173611111113 + complexity: 10 expressions: - R+ - - R+ - - R- - - SE- - - not(R+) + - and(K-, not(R-)) + - or(K+, or(N+, R-)) name: explored-1883 type: explored -- comm_cost: 0.2968750000000002 - complexity: 14 +- comm_cost: 0.08125000000000027 + complexity: 12 expressions: + - K+ - N+ - R- - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(S+, R+) + - and(S-, SE-) name: explored-1884 type: explored -- comm_cost: 0.38344907407407425 - complexity: 13 +- comm_cost: 0.5706307870370372 + complexity: 16 expressions: - - K+ + - N+ - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - SE- + - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-1885 type: explored -- comm_cost: 0.7584375000000001 - complexity: 7 +- comm_cost: 0.6852430555555556 + complexity: 9 expressions: - - and(K-, or(S+, R-)) - - not(R-) + - R+ + - and(K-, N-) + - and(N-, or(K+, S-)) name: explored-1886 type: explored -- comm_cost: 0.3867187500000002 - complexity: 14 +- comm_cost: 0.37031250000000016 + complexity: 15 expressions: - - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(N-, not(R-)) + - and(S-, SE-) + - or(K+, N+) name: explored-1887 type: explored -- comm_cost: 0.8388020833333333 - complexity: 5 +- comm_cost: 0.5078125 + complexity: 8 expressions: - - and(K-, S+) - - not(R+) + - R- + - S+ + - and(S-, SE-) + - or(N+, R-) name: explored-1888 type: explored -- comm_cost: 0.5955439814814816 - complexity: 7 +- comm_cost: 0.7765625 + complexity: 13 expressions: - - R+ - - R- - - SE+ - - SE- - - or(N+, R-) + - K+ + - and(S-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1889 type: explored -- comm_cost: 0.4192708333333337 - complexity: 11 +- comm_cost: 0.20381944444444466 + complexity: 15 expressions: + - N+ - R- - - SE- + - R- + - S+ - and(N-, R+) - - or(N+, R-) - - or(SE-, N+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-1890 type: explored -- comm_cost: 0.6176215277777779 - complexity: 13 +- comm_cost: 0.6302083333333334 + complexity: 7 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(N-, not(R-)) - - and(or(K+, S-), not(R-)) + - S+ + - and(K-, S+) name: explored-1891 type: explored -- comm_cost: 0.7872916666666667 - complexity: 7 +- comm_cost: 0.5324652777777781 + complexity: 8 expressions: - - not(R-) - - or(S+, or(N+, R-)) + - R+ + - and(K-, not(R+)) + - and(N-, R+) name: explored-1892 type: explored -- comm_cost: 0.5125000000000002 - complexity: 15 +- comm_cost: 0.5514756944444446 + complexity: 13 expressions: + - K- + - K- - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, SE-) + - or(K+, R-) name: explored-1893 type: explored -- comm_cost: 0.5057291666666668 - complexity: 10 +- comm_cost: 0.46692708333333355 + complexity: 21 expressions: - - K+ + - N+ - R- - - SE- - - and(K-, not(R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-1894 type: explored -- comm_cost: 0.5382812500000002 - complexity: 10 +- comm_cost: 0.699189814814815 + complexity: 9 expressions: - N+ - - S- - - and(N-, R+) - - and(SE-, or(K+, S-)) + - R+ + - R- + - SE+ + - and(K-, or(S+, R+)) name: explored-1895 type: explored -- comm_cost: 0.12239583333333348 +- comm_cost: 0.5640625000000001 + complexity: 5 + expressions: + - R+ + - SE- + - or(K+, R-) + name: explored-1896 + type: explored +- comm_cost: 0.5246111111111114 complexity: 16 expressions: - K+ - N+ - R- + - S+ + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-1896 - type: explored -- comm_cost: 0.7262152777777778 - complexity: 14 - expressions: - - and(K-, or(S+, SE+)) - - or(K+, N+) - - or(S+, N+) - - or(SE-, N+) + - not(R-) + - or(K+, S-) name: explored-1897 type: explored -- comm_cost: 0.534809027777778 - complexity: 20 +- comm_cost: 0.42500000000000016 + complexity: 12 expressions: - - N+ - R- - - SE- - - and(K-, or(S+, SE+)) + - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(N-, not(R-)) - - and(SE-, or(K+, S-)) + - and(S-, SE-) name: explored-1898 type: explored -- comm_cost: 0.6677083333333335 - complexity: 5 - expressions: - - R+ - - R+ - - or(SE-, N+) - name: explored-1899 - type: explored -- comm_cost: 0.5053819444444445 - complexity: 18 +- comm_cost: 0.36597222222222237 + complexity: 13 expressions: - K+ - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) + - SE+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + name: explored-1899 + type: explored +- comm_cost: 0.5640625000000001 + complexity: 10 + expressions: + - R+ + - SE- + - and(N-, or(K+, R+)) + - or(N+, R-) name: explored-1900 type: explored -- comm_cost: 0.7908333333333333 - complexity: 2 +- comm_cost: 0.5748611111111113 + complexity: 15 expressions: - - N- - - R- + - N+ + - SE- + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, SE+) name: explored-1901 type: explored -- comm_cost: 0.38993055555555567 - complexity: 11 +- comm_cost: 0.8300347222222222 + complexity: 6 expressions: - - N+ - - R+ - - R- - - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(N+, R-) + - or(S+, R-) name: explored-1902 type: explored -- comm_cost: 0.4984375000000002 - complexity: 10 +- comm_cost: 0.590277777777778 + complexity: 7 expressions: - - N+ - - R- + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) + - or(K+, R+) name: explored-1903 type: explored -- comm_cost: 0.5080439814814817 - complexity: 20 +- comm_cost: 0.7312500000000001 + complexity: 4 expressions: - N+ - - R- - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - not(R-) name: explored-1904 type: explored -- comm_cost: 0.6524305555555556 - complexity: 11 +- comm_cost: 0.6868055555555556 + complexity: 12 expressions: - - SE- - - and(N-, or(S+, R+)) + - K+ + - R- - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-1905 type: explored -- comm_cost: 0.4206597222222226 - complexity: 15 +- comm_cost: 0.3381076388888892 + complexity: 10 expressions: - - and(K-, not(R+)) + - K+ + - N+ + - R- + - SE- - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(N+, R-) + - or(SE-, N+) name: explored-1906 type: explored -- comm_cost: 0.4208333333333334 +- comm_cost: 0.6473958333333335 complexity: 12 expressions: - - K+ - - N+ - - R- - - and(S-, SE-) + - R+ + - and(or(K+, S-), or(N+, not(R+))) - or(K+, R-) - - or(S+, R+) name: explored-1907 type: explored -- comm_cost: 0.3230468750000002 - complexity: 20 +- comm_cost: 0.45078125000000024 + complexity: 12 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - or(K+, SE+) name: explored-1908 type: explored -- comm_cost: 0.4497569444444447 - complexity: 25 +- comm_cost: 0.5928819444444446 + complexity: 7 expressions: - - N+ - - R- - - S+ + - R+ - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(N+, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, R-) name: explored-1909 type: explored -- comm_cost: 0.4833333333333335 - complexity: 14 +- comm_cost: 0.2509548611111114 + complexity: 13 expressions: + - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(K+, K-) + - not(R+) + - or(K+, R-) name: explored-1910 type: explored -- comm_cost: 0.36093750000000013 - complexity: 18 +- comm_cost: 0.4071614583333336 + complexity: 20 expressions: - K+ + - K+ - N+ - - R- + - S+ - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-1911 type: explored -- comm_cost: 0.6036458333333335 - complexity: 11 - expressions: - - R+ - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) - name: explored-1912 - type: explored -- comm_cost: 0.42977083333333344 - complexity: 24 +- comm_cost: 0.27031250000000007 + complexity: 12 expressions: - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, SE+) + - or(S+, R+) + name: explored-1912 + type: explored +- comm_cost: 0.704982638888889 + complexity: 6 + expressions: + - K- + - R+ + - SE- + - or(SE-, N+) name: explored-1913 type: explored -- comm_cost: 0.4238715277777778 - complexity: 14 +- comm_cost: 0.4665972222222222 + complexity: 12 expressions: - K+ - N+ - R- - - and(K-, or(S+, R+)) - and(S-, SE-) - - or(K+, SE+) + - or(N+, R-) + - or(S+, SE+) name: explored-1914 type: explored -- comm_cost: 0.7766203703703703 - complexity: 9 +- comm_cost: 0.6539930555555558 + complexity: 13 expressions: - - R- - - SE- - - and(S-, not(R+)) - - or(S+, R-) + - R+ + - and(K-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-1915 type: explored -- comm_cost: 0.5843750000000001 - complexity: 11 +- comm_cost: 0.4434027777777779 + complexity: 17 expressions: - N+ - R- + - S+ + - S- - and(N-, R+) - - or(K+, K-) - - or(K+, N+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-1916 type: explored -- comm_cost: 0.39722222222222237 - complexity: 20 +- comm_cost: 0.5378472222222224 + complexity: 12 expressions: - K+ - - N+ - R- - - SE+ - - and(K-, S+) + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(S+, R-) + - or(S+, N+) name: explored-1917 type: explored -- comm_cost: 0.6928645833333335 - complexity: 4 +- comm_cost: 0.5398437500000002 + complexity: 6 expressions: - - N- - - R+ - - not(R+) + - K+ + - N+ + - R- + - and(K-, N-) name: explored-1918 type: explored -- comm_cost: 0.5280555555555557 - complexity: 10 +- comm_cost: 0.15729166666666683 + complexity: 16 expressions: + - K+ + - K+ - N+ - - N- - R- - - SE- + - S+ - and(N-, R+) - - or(S+, N+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-1919 type: explored -- comm_cost: 0.6572916666666667 - complexity: 7 +- comm_cost: 0.8298611111111112 + complexity: 6 expressions: - - K+ - - R+ - - R- - - SE- - - or(K+, K-) + - and(S-, or(N+, not(R+))) name: explored-1920 type: explored -- comm_cost: 0.2107638888888892 +- comm_cost: 0.4999479166666668 complexity: 20 expressions: - - K+ - N+ + - N- - R- - S+ - - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-1921 type: explored -- comm_cost: 0.4471354166666668 - complexity: 11 +- comm_cost: 0.20260416666666692 + complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - - and(K-, S+) + - S+ + - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - and(SE+, N-) + - and(SE+, N-) name: explored-1922 type: explored -- comm_cost: 0.42349537037037055 - complexity: 17 +- comm_cost: 0.5721354166666668 + complexity: 8 expressions: - - K+ - - R+ + - N+ - R- - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - or(S+, R-) + - SE- + - and(N-, or(S+, SE+)) name: explored-1923 type: explored -- comm_cost: 0.09218750000000031 - complexity: 14 +- comm_cost: 0.6512152777777779 + complexity: 8 + expressions: + - R+ + - and(N-, or(S+, R+)) + - not(R+) + name: explored-1924 + type: explored +- comm_cost: 0.3792534722222225 + complexity: 26 expressions: - K+ - N+ - - N+ - R- - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, R-) - name: explored-1924 - type: explored -- comm_cost: 0.612326388888889 - complexity: 9 - expressions: - - R+ - - and(or(K+, S-), not(R+)) - - not(R+) + - or(S+, N+) name: explored-1925 type: explored -- comm_cost: 0.4906250000000002 - complexity: 17 +- comm_cost: 0.6523437500000001 + complexity: 4 expressions: - - N+ - - R- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - R+ + - S+ + - S- + - SE- name: explored-1926 type: explored -- comm_cost: 0.32031250000000033 - complexity: 14 +- comm_cost: 0.17916666666666703 + complexity: 19 expressions: - K+ - N+ - - R- - and(K-, S+) - - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-1927 type: explored -- comm_cost: 0.33402777777777803 - complexity: 13 +- comm_cost: 0.7609375 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, not(R-)) + - and(N-, not(R-)) + - and(N-, or(K+, R+)) name: explored-1928 type: explored -- comm_cost: 0.4599131944444447 - complexity: 13 +- comm_cost: 0.49583333333333357 + complexity: 14 expressions: - K+ - N+ - - N- - R- - - SE- - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) - not(R+) + - or(K+, SE+) name: explored-1929 type: explored -- comm_cost: 0.6361689814814816 - complexity: 12 +- comm_cost: 0.7036458333333334 + complexity: 6 expressions: - - K+ - - K- - - R+ - - R- - - SE- - - or(and(K-, S+), or(N+, R-)) + - and(S-, N-) + - or(SE-, N+) name: explored-1930 type: explored -- comm_cost: 0.7854166666666667 - complexity: 8 +- comm_cost: 0.4712094907407409 + complexity: 25 expressions: + - K+ - N+ - - and(or(K+, S-), or(SE-, N+)) + - R- + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, SE+) name: explored-1931 type: explored -- comm_cost: 0.30769675925925943 - complexity: 23 +- comm_cost: 0.4378472222222224 + complexity: 15 expressions: - - N+ + - K+ + - R+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(SE-, or(K+, S-)) + - and(S-, SE-) - and(or(K+, S-), not(R+)) name: explored-1932 type: explored -- comm_cost: 0.636875 - complexity: 10 +- comm_cost: 0.3968750000000001 + complexity: 7 expressions: - N+ + - R+ - R- - - S+ + - SE- - and(S-, SE-) - - or(N+, not(R+)) name: explored-1933 type: explored -- comm_cost: 0.3656250000000002 - complexity: 14 +- comm_cost: 0.3270833333333333 + complexity: 10 expressions: + - K+ + - K+ - N+ - R- - - and(K-, SE-) - - and(N-, R+) - - and(S-, N-) + - and(K-, S+) - and(S-, SE-) name: explored-1934 type: explored -- comm_cost: 0.5486689814814816 - complexity: 16 +- comm_cost: 0.3479166666666669 + complexity: 12 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) - - or(S+, N+) + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-1935 type: explored -- comm_cost: 0.4881076388888892 - complexity: 16 +- comm_cost: 0.4543171296296298 + complexity: 17 expressions: - - SE- + - N+ + - R- + - S+ - and(N-, R+) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-1936 - type: explored -- comm_cost: 0.6691724537037038 - complexity: 30 - expressions: - - and(K-, or(SE-, N+)) - - and(S-, not(R-)) + - and(S-, SE-) - and(and(K-, N-), not(R-)) - - or(K+, or(N+, R-)) - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-1937 + - not(R-) + name: explored-1936 type: explored -- comm_cost: 0.496527777777778 - complexity: 9 +- comm_cost: 0.5522569444444446 + complexity: 16 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(S-, not(R-)) - name: explored-1938 + - SE- + - and(K-, not(R+)) + - and(N-, or(S+, R+)) + - or(K+, N+) + name: explored-1937 type: explored -- comm_cost: 0.29500000000000015 - complexity: 15 +- comm_cost: 0.09531250000000013 + complexity: 16 expressions: - K+ - - N+ - R- - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) - name: explored-1939 + name: explored-1938 type: explored -- comm_cost: 0.4671875000000002 - complexity: 9 +- comm_cost: 0.6454861111111112 + complexity: 10 expressions: - - K+ - R+ - - R- - - and(S-, N-) - - and(S-, SE-) - name: explored-1940 + - S- + - SE- + - and(and(K-, N-), or(S+, R+)) + name: explored-1939 type: explored -- comm_cost: 0.5267361111111113 - complexity: 8 +- comm_cost: 0.5640625000000001 + complexity: 11 expressions: - R+ - - and(K-, not(R+)) - - and(S-, SE-) - name: explored-1941 + - SE- + - or(K+, N+) + - or(N+, R-) + - or(N+, R-) + name: explored-1940 type: explored -- comm_cost: 0.49664930555555564 - complexity: 15 +- comm_cost: 0.35755208333333355 + complexity: 21 expressions: + - K+ - N+ - R- + - S+ + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - not(R-) + - and(SE+, N-) + - and(or(K+, S-), or(SE-, N+)) + name: explored-1941 + type: explored +- comm_cost: 0.6419270833333335 + complexity: 8 + expressions: + - N+ + - N+ + - R+ + - and(N-, or(K+, S-)) name: explored-1942 type: explored -- comm_cost: 0.5320312500000002 - complexity: 10 +- comm_cost: 0.41309027777777796 + complexity: 18 expressions: - N+ - - and(K-, N-) + - R+ + - R- + - S+ - and(N-, R+) - - or(K+, N+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(S+, SE+) name: explored-1943 type: explored -- comm_cost: 0.6997395833333334 - complexity: 3 +- comm_cost: 0.4167534722222226 + complexity: 13 expressions: - N+ - - R+ - - S- + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - not(R+) name: explored-1944 type: explored -- comm_cost: 0.6369270833333335 - complexity: 24 +- comm_cost: 0.6937500000000001 + complexity: 5 expressions: - - and(K-, S+) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, SE+) - - or(S+, SE+) + - SE+ + - and(K-, not(R+)) name: explored-1945 type: explored -- comm_cost: 0.6809375000000002 - complexity: 29 +- comm_cost: 0.6942708333333335 + complexity: 13 expressions: - - K- - - N+ - - S+ - - SE+ - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(K+, S-) - - or(SE-, N+) + - R+ + - and(K-, N-) + - and(K-, or(S+, N+)) + - or(N+, not(R+)) name: explored-1946 type: explored -- comm_cost: 0.5604166666666668 - complexity: 9 +- comm_cost: 0.4891493055555558 + complexity: 15 expressions: - N+ - - R+ - - SE- - - and(and(S-, N-), not(R-)) + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-1947 type: explored -- comm_cost: 0.7104166666666667 - complexity: 10 +- comm_cost: 0.6993055555555557 + complexity: 13 expressions: - - R- - - R- - - SE- - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(K-, or(S+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-1948 type: explored -- comm_cost: 0.6144097222222223 - complexity: 11 +- comm_cost: 0.713888888888889 + complexity: 10 expressions: - R+ - SE- - - and(S-, N-) - - and(or(K+, S-), not(R+)) + - and(N-, or(S+, R+)) + - or(K+, K-) name: explored-1949 type: explored -- comm_cost: 0.4364583333333335 - complexity: 13 +- comm_cost: 0.12109375000000022 + complexity: 17 expressions: - - N+ + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - or(S+, N+) name: explored-1950 type: explored -- comm_cost: 0.1048611111111113 - complexity: 13 +- comm_cost: 0.6226649305555557 + complexity: 17 expressions: - - K+ - - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(N-, not(R-)) + - and(N-, or(S+, R+)) + - or(S+, SE+) name: explored-1951 type: explored -- comm_cost: 0.6378125000000001 - complexity: 8 +- comm_cost: 0.47296875000000016 + complexity: 12 expressions: - - K- - - R+ - - and(K-, SE-) - - or(K+, R-) + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-1952 type: explored -- comm_cost: 0.8044270833333333 +- comm_cost: 0.5440972222222223 complexity: 7 expressions: - N+ + - R+ - R- - - or(S+, or(N+, R-)) + - and(K-, not(R+)) name: explored-1953 type: explored -- comm_cost: 0.4945833333333335 - complexity: 17 +- comm_cost: 0.5570312500000001 + complexity: 7 expressions: - N+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, SE+) + - R+ + - R- + - SE- + - or(S+, R+) name: explored-1954 type: explored -- comm_cost: 0.5946875000000001 - complexity: 8 +- comm_cost: 0.5018518518518518 + complexity: 16 expressions: + - K+ - N+ - - N+ - - R+ - R- - - SE- - - or(S+, SE+) + - and(S-, SE-) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-1955 type: explored -- comm_cost: 0.7431423611111112 - complexity: 7 +- comm_cost: 0.6449074074074075 + complexity: 6 expressions: + - R- + - SE+ - SE- - - or(S+, R+) - - or(S+, SE+) + - or(S+, R-) name: explored-1956 type: explored -- comm_cost: 0.5550347222222224 - complexity: 13 +- comm_cost: 0.43029513888888915 + complexity: 12 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - and(K-, or(S+, R-)) - - or(K+, N+) - - or(K+, R-) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-1957 type: explored -- comm_cost: 0.7361111111111112 - complexity: 10 +- comm_cost: 0.638396990740741 + complexity: 21 expressions: + - R+ - SE- - - and(K-, not(R+)) - - and(S-, or(SE-, N+)) + - and(K-, or(N+, not(R+))) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) name: explored-1958 type: explored -- comm_cost: 0.5022569444444446 - complexity: 17 +- comm_cost: 0.20920138888888928 + complexity: 21 expressions: + - K+ - N+ - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) name: explored-1959 type: explored -- comm_cost: 0.7500000000000001 - complexity: 5 +- comm_cost: 0.6764322916666667 + complexity: 15 expressions: - - K+ - R+ - - or(S+, R+) + - and(N-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-1960 type: explored -- comm_cost: 0.29270833333333357 +- comm_cost: 0.537465277777778 complexity: 16 expressions: - - K+ - - K+ - - R- + - N- - R- - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-1961 type: explored -- comm_cost: 0.29745370370370394 - complexity: 18 +- comm_cost: 0.6984375000000002 + complexity: 9 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(N-, or(K+, SE+)) + - or(S+, R+) name: explored-1962 type: explored -- comm_cost: 0.33379629629629637 - complexity: 22 +- comm_cost: 0.8385416666666666 + complexity: 4 expressions: - N+ - - R- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, R-) + - or(N+, R-) name: explored-1963 type: explored -- comm_cost: 0.437934027777778 - complexity: 14 +- comm_cost: 0.4750000000000002 + complexity: 13 expressions: - N+ + - R- - SE- - - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - or(K+, R-) + - or(K+, R+) name: explored-1964 type: explored -- comm_cost: 0.5409722222222224 - complexity: 8 +- comm_cost: 0.36822916666666683 + complexity: 12 expressions: - K+ - - K+ - N+ - - S+ - - SE+ - - and(N-, R+) + - R+ + - R- + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-1965 type: explored -- comm_cost: 0.3750000000000002 - complexity: 8 +- comm_cost: 0.6237847222222224 + complexity: 10 expressions: - - N+ - - R- - - and(N-, R+) - - or(SE-, N+) + - R+ + - SE- + - and(K-, S+) + - and(N-, or(S+, SE+)) name: explored-1966 type: explored -- comm_cost: 0.3818142361111112 - complexity: 24 +- comm_cost: 0.6317187500000001 + complexity: 12 expressions: - - K+ - N+ - - R+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) + - and(K-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, S-) name: explored-1967 type: explored -- comm_cost: 0.16822916666666687 - complexity: 18 +- comm_cost: 0.38749999999999996 + complexity: 8 expressions: - K+ + - K+ - N+ - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) + - S+ + - SE+ - and(S-, SE-) - - and(S-, not(R+)) name: explored-1968 type: explored -- comm_cost: 0.4666666666666669 - complexity: 12 +- comm_cost: 0.5312500000000003 + complexity: 4 expressions: - - N+ - - S+ - - and(K-, not(R-)) + - SE- - and(N-, R+) - - and(S-, SE-) name: explored-1969 type: explored -- comm_cost: 0.5817708333333335 - complexity: 9 +- comm_cost: 0.35815972222222237 + complexity: 24 expressions: + - K+ - N+ - - R+ - R- - - and(K-, S+) - - or(N+, R-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-1970 type: explored -- comm_cost: 0.48975694444444473 - complexity: 26 +- comm_cost: 0.34921875000000036 + complexity: 9 expressions: - - and(K-, or(S+, N+)) + - N+ + - and(K-, SE-) - and(N-, R+) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - not(R+) name: explored-1971 type: explored -- comm_cost: 0.7708333333333333 - complexity: 5 +- comm_cost: 0.7696180555555556 + complexity: 9 expressions: - - and(S-, SE-) - - not(R+) + - and(or(K+, S-), not(R+)) + - or(N+, R-) name: explored-1972 type: explored -- comm_cost: 0.27447916666666683 +- comm_cost: 0.38451388888888904 complexity: 16 expressions: - - K+ - N+ + - N- - R- - - R- - - S+ - - and(K-, or(S+, SE+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) name: explored-1973 type: explored -- comm_cost: 0.5890046296296299 - complexity: 10 +- comm_cost: 0.4197916666666668 + complexity: 9 expressions: - - R+ - - SE- - - and(N-, or(S+, R+)) - - and(SE+, N-) + - N+ + - N- + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-1974 type: explored -- comm_cost: 0.598263888888889 +- comm_cost: 0.7241319444444445 complexity: 15 expressions: - R+ - - and(K-, SE-) - - and(K-, or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(N-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + - or(K+, R+) name: explored-1975 type: explored -- comm_cost: 0.3659722222222226 - complexity: 16 +- comm_cost: 0.4828125000000002 + complexity: 8 expressions: + - K+ - N+ - R- + - S- - SE- - and(N-, R+) - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) name: explored-1976 type: explored -- comm_cost: 0.3715277777777781 - complexity: 16 +- comm_cost: 0.3828125000000002 + complexity: 10 expressions: - K+ - - N+ - - SE- - - and(N-, R+) + - R- - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-1977 type: explored -- comm_cost: 0.6516927083333335 - complexity: 19 +- comm_cost: 0.3440104166666671 + complexity: 11 expressions: - - R+ - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) + - N+ + - SE- + - and(N-, R+) + - and(S-, not(R+)) + - not(R+) name: explored-1978 type: explored -- comm_cost: 0.5330729166666668 - complexity: 14 +- comm_cost: 0.34375000000000033 + complexity: 7 expressions: - K+ - N+ + - N+ - R- - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(K+, N+) + - and(N-, R+) name: explored-1979 type: explored -- comm_cost: 0.5951388888888889 - complexity: 9 +- comm_cost: 0.4797222222222226 + complexity: 13 expressions: - - R- - - and(S-, SE-) + - N+ + - and(N-, R+) - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-1980 type: explored -- comm_cost: 0.4509982638888891 - complexity: 25 +- comm_cost: 0.3902083333333335 + complexity: 15 expressions: + - K+ - N+ - R- - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - not(R-) + - or(K+, N+) name: explored-1981 type: explored -- comm_cost: 0.7493055555555557 - complexity: 7 +- comm_cost: 0.4043518518518521 + complexity: 19 expressions: - - SE- - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - not(R-) name: explored-1982 type: explored -- comm_cost: 0.5914930555555558 - complexity: 10 +- comm_cost: 0.15104166666666696 + complexity: 19 expressions: - - R+ - - SE- - - and(SE+, N-) - - or(K+, or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-1983 type: explored -- comm_cost: 0.7221643518518519 - complexity: 13 +- comm_cost: 0.6202546296296299 + complexity: 11 expressions: - N+ + - N- + - R+ - R- - SE- + - and(N-, R+) - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) name: explored-1984 type: explored -- comm_cost: 0.41861111111111127 - complexity: 18 +- comm_cost: 0.5633333333333335 + complexity: 22 expressions: - - K+ - N+ - R- - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(N+, not(R+)) + - and(or(K+, S-), not(R-)) + - or(K+, S-) name: explored-1985 type: explored -- comm_cost: 0.7267361111111112 - complexity: 9 +- comm_cost: 0.5326388888888891 + complexity: 19 expressions: - - and(K-, N-) - - or(K+, R+) - - or(SE-, N+) + - N+ + - SE+ + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-1986 type: explored -- comm_cost: 0.7765625 - complexity: 8 +- comm_cost: 0.5187500000000003 + complexity: 11 expressions: - - and(K-, or(S+, SE+)) - - or(K+, N+) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(SE+, N-) name: explored-1987 type: explored -- comm_cost: 0.3270833333333333 - complexity: 9 +- comm_cost: 0.49435763888888906 + complexity: 17 expressions: - K+ - - N+ - R- - - and(K-, S+) - - and(S-, SE-) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(S+, N+) name: explored-1988 type: explored -- comm_cost: 0.7822916666666666 - complexity: 5 +- comm_cost: 0.5957465277777779 + complexity: 12 expressions: - N+ + - R- - SE- - - or(SE-, N+) + - and(N-, R+) + - or(K+, S-) + - or(S+, R+) name: explored-1989 type: explored -- comm_cost: 0.6310763888888891 - complexity: 12 +- comm_cost: 0.44305555555555565 + complexity: 10 expressions: - - R+ - - SE- - - or(K+, R+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(S-, not(R-)) name: explored-1990 type: explored -- comm_cost: 0.515133101851852 - complexity: 15 +- comm_cost: 0.6535590277777779 + complexity: 12 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(K+, R+) + - R+ + - R- + - SE- + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) name: explored-1991 type: explored -- comm_cost: 0.4794270833333336 - complexity: 11 +- comm_cost: 0.6322916666666668 + complexity: 9 expressions: - - N+ + - R+ - SE- - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-1992 type: explored -- comm_cost: 0.60625 - complexity: 8 +- comm_cost: 0.27994791666666685 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - - and(K-, or(SE-, N+)) + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) name: explored-1993 type: explored -- comm_cost: 0.40546875000000016 - complexity: 15 +- comm_cost: 0.5861111111111115 + complexity: 6 expressions: - - K+ - - K+ - - N+ - - R- - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(S+, R+) + - or(S+, R-) name: explored-1994 type: explored -- comm_cost: 0.48680555555555594 - complexity: 10 +- comm_cost: 0.3861111111111113 + complexity: 19 expressions: - - K+ - - SE- + - N+ + - N- + - R- + - and(K-, S+) - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-1995 type: explored -- comm_cost: 0.6059895833333333 - complexity: 13 +- comm_cost: 0.6838541666666669 + complexity: 7 expressions: - - and(K-, or(S+, N+)) - - and(S-, SE-) + - N+ + - R+ - or(S+, or(N+, R-)) name: explored-1996 type: explored -- comm_cost: 0.2745833333333336 - complexity: 17 +- comm_cost: 0.4911458333333335 + complexity: 10 expressions: - - K+ - - N+ + - R+ + - R+ - R- - - S+ - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - and(S-, not(R+)) name: explored-1997 type: explored -- comm_cost: 0.7796875000000001 - complexity: 6 +- comm_cost: 0.4486111111111113 + complexity: 14 expressions: - N+ - - and(K-, or(S+, SE+)) + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(SE+, N-) name: explored-1998 type: explored -- comm_cost: 0.6284722222222222 - complexity: 12 +- comm_cost: 0.7169270833333333 + complexity: 10 expressions: - R- - - S+ + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-1999 type: explored -- comm_cost: 0.537789351851852 - complexity: 16 +- comm_cost: 0.581076388888889 + complexity: 11 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(K+, K-) + - R+ + - and(or(K+, S-), not(R+)) + - or(N+, R-) name: explored-2000 type: explored -- comm_cost: 0.6439236111111113 - complexity: 13 +- comm_cost: 0.6721875 + complexity: 9 expressions: - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(K+, K-) + - and(and(S-, N-), not(R-)) + - or(S+, SE+) name: explored-2001 type: explored -- comm_cost: 0.7210937500000001 - complexity: 12 +- comm_cost: 0.6570601851851853 + complexity: 6 expressions: - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - R+ + - R- + - SE+ + - SE- + - not(R-) name: explored-2002 type: explored -- comm_cost: 0.3437500000000002 - complexity: 15 +- comm_cost: 0.5229166666666668 + complexity: 8 expressions: - K+ - - N+ + - K+ + - R- + - S+ + - S- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-2003 type: explored -- comm_cost: 0.33593750000000033 - complexity: 15 +- comm_cost: 0.6355902777777779 + complexity: 12 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(S+, or(N+, R-)) + - SE- + - and(N-, not(R-)) + - and(N-, or(K+, S-)) name: explored-2004 type: explored -- comm_cost: 0.5450520833333335 - complexity: 13 +- comm_cost: 0.31597222222222254 + complexity: 9 expressions: + - N+ - R- - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - or(S+, R-) name: explored-2005 type: explored -- comm_cost: 0.4458333333333332 - complexity: 9 +- comm_cost: 0.6248611111111111 + complexity: 12 expressions: + - K+ - N+ - R- - - S+ - - and(S-, SE-) - - or(K+, N+) + - SE- + - and(K-, or(S+, R+)) + - or(S+, SE+) name: explored-2006 type: explored -- comm_cost: 0.45972222222222237 - complexity: 13 +- comm_cost: 0.6046875000000002 + complexity: 14 expressions: - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) + - or(N+, not(R+)) name: explored-2007 type: explored -- comm_cost: 0.23697916666666696 - complexity: 21 +- comm_cost: 0.502777777777778 + complexity: 11 expressions: - - K+ - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) + - and(S-, N-) + - and(SE+, N-) name: explored-2008 type: explored -- comm_cost: 0.40937500000000016 - complexity: 10 +- comm_cost: 0.146354166666667 + complexity: 11 expressions: - - R+ + - N+ + - R- + - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - or(K+, R-) name: explored-2009 type: explored -- comm_cost: 0.687152777777778 - complexity: 11 +- comm_cost: 0.535763888888889 + complexity: 10 expressions: + - N+ - R+ - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - R- + - SE- + - or(N+, R-) + - or(N+, R-) name: explored-2010 type: explored -- comm_cost: 0.6270833333333334 +- comm_cost: 0.6098958333333335 complexity: 6 expressions: - N+ - R+ - - SE- - - or(K+, SE+) + - R- + - or(K+, R-) name: explored-2011 type: explored -- comm_cost: 0.25651041666666696 - complexity: 18 +- comm_cost: 0.49375000000000013 + complexity: 10 expressions: - K+ - N+ - R- - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(SE-, N+) + - or(K+, R+) name: explored-2012 type: explored -- comm_cost: 0.36354166666666676 - complexity: 7 +- comm_cost: 0.5429861111111113 + complexity: 18 expressions: + - K+ - N+ - - R+ - - R- - R- - - and(S-, SE-) + - SE- + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, SE+) name: explored-2013 type: explored -- comm_cost: 0.5881944444444445 - complexity: 8 +- comm_cost: 0.5708333333333334 + complexity: 6 expressions: + - K+ - N+ + - R+ + - R- + - S- - SE- - - and(S-, SE-) - - or(S+, R-) name: explored-2014 type: explored -- comm_cost: 0.32291666666666674 - complexity: 17 +- comm_cost: 0.4223958333333335 + complexity: 14 expressions: - N+ - R- - - and(K-, or(S+, N+)) + - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - not(R+) + - or(S+, R+) name: explored-2015 type: explored -- comm_cost: 0.24097222222222248 - complexity: 15 +- comm_cost: 0.40138888888888924 + complexity: 11 expressions: - - K+ - - K+ - N+ - R- + - SE- + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - or(N+, not(R+)) name: explored-2016 type: explored -- comm_cost: 0.4831597222222225 - complexity: 10 +- comm_cost: 0.7023871527777779 + complexity: 17 + expressions: + - R+ + - and(K-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R-)) + name: explored-2017 + type: explored +- comm_cost: 0.1956597222222225 + complexity: 20 expressions: - K+ - N+ - R- - - SE- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - or(K+, SE+) - name: explored-2017 - type: explored -- comm_cost: 0.7120659722222223 - complexity: 10 - expressions: - - SE- - - and(or(K+, S-), not(R+)) - - or(S+, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-2018 type: explored -- comm_cost: 0.7791666666666668 - complexity: 6 +- comm_cost: 0.37479166666666686 + complexity: 11 expressions: - - and(K-, N-) - - and(S-, N-) + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-2019 type: explored -- comm_cost: 0.6751041666666668 - complexity: 24 +- comm_cost: 0.5343750000000002 + complexity: 6 expressions: - - N- - - S+ - - SE+ - - and(K-, or(S+, R+)) - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - R- + - SE- + - or(S+, N+) name: explored-2020 type: explored -- comm_cost: 0.2952690972222223 - complexity: 21 +- comm_cost: 0.217592592592593 + complexity: 16 expressions: - - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-2021 type: explored -- comm_cost: 0.6403067129629632 - complexity: 24 +- comm_cost: 0.7160879629629631 + complexity: 7 expressions: - - N+ - - S+ - - S- - - and(N-, or(K+, SE+)) - - and(S-, N-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) - - or(SE-, N+) + - R+ + - and(SE+, N-) + - or(K+, R+) name: explored-2022 type: explored -- comm_cost: 0.5989583333333333 - complexity: 10 +- comm_cost: 0.5250000000000001 + complexity: 6 expressions: - - N+ - - R- - - SE- - - and(K-, SE-) - - and(S-, not(R+)) + - and(S-, SE-) + - and(SE+, N-) name: explored-2023 type: explored -- comm_cost: 0.6776041666666668 - complexity: 6 +- comm_cost: 0.29270833333333357 + complexity: 10 expressions: - - R+ - - R- - - SE- - - or(K+, K-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-2024 type: explored -- comm_cost: 0.24097222222222237 - complexity: 17 +- comm_cost: 0.5706452546296298 + complexity: 18 expressions: - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) name: explored-2025 type: explored -- comm_cost: 0.13680555555555585 - complexity: 20 +- comm_cost: 0.7577083333333334 + complexity: 7 + expressions: + - and(S-, or(SE-, N+)) + - not(R-) + name: explored-2026 + type: explored +- comm_cost: 0.15885416666666696 + complexity: 11 expressions: - K+ - K+ - N+ - - R- + - S+ + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-2026 + name: explored-2027 type: explored -- comm_cost: 0.5463020833333335 +- comm_cost: 0.20815972222222245 complexity: 14 expressions: - N+ + - N+ - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - - or(K+, SE+) - name: explored-2027 - type: explored -- comm_cost: 0.5744791666666669 - complexity: 8 - expressions: - - R+ - - SE- - - or(K+, R-) - - or(S+, R-) name: explored-2028 type: explored -- comm_cost: 0.7199074074074076 - complexity: 7 +- comm_cost: 0.28871527777777795 + complexity: 22 expressions: - - R+ - - R+ - - and(N-, or(K+, SE+)) + - K+ + - N+ + - R- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-2029 type: explored -- comm_cost: 0.3250000000000004 - complexity: 19 +- comm_cost: 0.5306250000000001 + complexity: 9 expressions: + - N- - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) name: explored-2030 type: explored -- comm_cost: 0.5402777777777781 - complexity: 8 +- comm_cost: 0.6604166666666668 + complexity: 14 expressions: - N+ - SE- - - and(N-, R+) - - or(K+, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(N+, not(R+)) name: explored-2031 type: explored -- comm_cost: 0.42343750000000013 - complexity: 17 +- comm_cost: 0.6534722222222223 + complexity: 13 expressions: - - K+ + - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - and(S-, or(N+, not(R+))) + - or(K+, K-) name: explored-2032 type: explored -- comm_cost: 0.2875000000000003 - complexity: 10 +- comm_cost: 0.4057291666666668 + complexity: 21 expressions: + - K+ + - N+ - R- - - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-2033 type: explored -- comm_cost: 0.3944444444444446 - complexity: 14 +- comm_cost: 0.5898437500000002 + complexity: 10 expressions: - - K+ - - and(K-, S+) + - N+ - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, SE+) + - or(SE-, N+) name: explored-2034 type: explored -- comm_cost: 0.6046412037037037 - complexity: 14 +- comm_cost: 0.5760416666666668 + complexity: 5 expressions: - - K- - - N+ + - R+ - R- - - S+ - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(SE-, N+) name: explored-2035 type: explored -- comm_cost: 0.5612847222222224 - complexity: 8 +- comm_cost: 0.20052083333333348 + complexity: 10 expressions: - - K+ + - N+ - R+ - R- - - SE- - - and(N-, not(R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-2036 type: explored -- comm_cost: 0.5572916666666669 - complexity: 16 +- comm_cost: 0.6380208333333335 + complexity: 8 expressions: - - N+ - - R- + - R+ - S+ - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, K-) + - SE- + - and(N-, or(S+, R+)) name: explored-2037 type: explored -- comm_cost: 0.4572916666666669 - complexity: 9 +- comm_cost: 0.269791666666667 + complexity: 14 expressions: - - R+ - - R- - - S+ + - K+ + - N+ + - N+ + - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - and(S-, or(SE-, N+)) name: explored-2038 type: explored -- comm_cost: 0.598582175925926 - complexity: 28 +- comm_cost: 0.6159722222222224 + complexity: 8 expressions: - - and(K-, or(S+, SE+)) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) - - or(K+, or(N+, R-)) + - R+ + - SE+ + - SE- + - and(K-, or(S+, N+)) name: explored-2039 type: explored -- comm_cost: 0.6546440972222224 +- comm_cost: 0.5202112268518521 complexity: 16 expressions: - - R+ + - N+ - SE- - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) name: explored-2040 type: explored -- comm_cost: 0.4921875000000002 - complexity: 18 +- comm_cost: 0.5628645833333336 + complexity: 13 expressions: + - N+ - R- - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - or(N+, not(R+)) name: explored-2041 type: explored -- comm_cost: 0.3275000000000001 - complexity: 14 +- comm_cost: 0.32430555555555585 + complexity: 22 expressions: + - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-2042 type: explored -- comm_cost: 0.5472858796296298 - complexity: 15 +- comm_cost: 0.6697916666666667 + complexity: 6 expressions: - K+ - - N- - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - N+ + - SE- + - or(N+, R-) name: explored-2043 type: explored -- comm_cost: 0.7083333333333335 - complexity: 8 +- comm_cost: 0.6341435185185187 + complexity: 11 expressions: + - R+ + - and(K-, not(R-)) - and(S-, N-) - - and(SE-, or(K+, S-)) + - and(S-, SE-) name: explored-2044 type: explored -- comm_cost: 0.5915798611111113 - complexity: 10 - expressions: - - N+ - - R+ - - SE- - - and(K-, or(SE-, N+)) - - not(R+) - name: explored-2045 - type: explored -- comm_cost: 0.4486400462962965 - complexity: 21 +- comm_cost: 0.490625 + complexity: 19 expressions: - K+ - N+ - R- - - and(K-, N-) - - and(N-, R+) + - and(K-, S+) + - and(K-, or(S+, N+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, N+) - name: explored-2046 + - or(S+, or(N+, R-)) + name: explored-2045 type: explored -- comm_cost: 0.3544444444444448 - complexity: 21 +- comm_cost: 0.6000000000000001 + complexity: 12 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-2047 + - SE- + - and(K-, not(R+)) + - and(K-, not(R-)) + name: explored-2046 type: explored -- comm_cost: 0.5177083333333334 - complexity: 12 +- comm_cost: 0.7177083333333334 + complexity: 11 expressions: - - R+ + - N+ - R- - SE- - - and(K-, or(S+, N+)) - - and(S-, not(R+)) - name: explored-2048 + - and(or(K+, S-), or(N+, not(R+))) + name: explored-2047 type: explored -- comm_cost: 0.4617187500000002 - complexity: 24 +- comm_cost: 0.5148437500000003 + complexity: 11 expressions: - - K+ - N+ - - R- - - S+ - and(N-, R+) - and(N-, or(S+, SE+)) - - and(S-, SE-) - not(R+) - - or(and(K-, SE-), or(N+, R-)) + name: explored-2048 + type: explored +- comm_cost: 0.7451562500000002 + complexity: 14 + expressions: + - N- + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) + - or(S+, R+) name: explored-2049 type: explored -- comm_cost: 0.4534722222222225 - complexity: 16 +- comm_cost: 0.6311284722222223 + complexity: 11 expressions: - - N+ - - R- + - K- - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, not(R+)) - - and(SE+, N-) - - or(SE-, N+) name: explored-2050 type: explored -- comm_cost: 0.71125 - complexity: 4 +- comm_cost: 0.4427083333333335 + complexity: 8 expressions: - - K- + - K+ + - R+ + - and(K-, SE-) - and(S-, SE-) name: explored-2051 type: explored -- comm_cost: 0.7067708333333335 - complexity: 4 +- comm_cost: 0.5081597222222222 + complexity: 12 expressions: + - K+ + - K+ - N+ - - R+ - R- - - SE+ + - S+ + - and(K-, not(R+)) + - and(S-, SE-) name: explored-2052 type: explored -- comm_cost: 0.527025462962963 - complexity: 13 +- comm_cost: 0.5115740740740742 + complexity: 15 expressions: - - N+ + - K+ - R+ - R- - - SE- - - and(SE+, N-) + - and(S-, SE-) - and(and(K-, N-), not(R-)) + - or(K+, SE+) name: explored-2053 type: explored -- comm_cost: 0.3423032407407409 - complexity: 17 - expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - name: explored-2054 - type: explored -- comm_cost: 0.4124421296296299 +- comm_cost: 0.2942708333333335 complexity: 16 expressions: + - K+ - N+ + - R- - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - or(N+, R-) - or(S+, R+) - name: explored-2055 + name: explored-2054 type: explored -- comm_cost: 0.41215277777777803 - complexity: 20 +- comm_cost: 0.7046874999999999 + complexity: 10 expressions: - - N+ - R- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, S+) + - and(SE-, or(K+, S-)) + name: explored-2055 + type: explored +- comm_cost: 0.815625 + complexity: 6 + expressions: + - or(K+, SE+) + - or(S+, R+) name: explored-2056 type: explored -- comm_cost: 0.524479166666667 - complexity: 9 +- comm_cost: 0.687633101851852 + complexity: 33 expressions: - - SE- - - and(N-, R+) - - and(N-, R+) - - not(R+) + - N+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) + - and(S-, or(N+, not(R+))) + - or(K+, K-) + - or(S+, N+) name: explored-2057 type: explored -- comm_cost: 0.7145833333333333 - complexity: 4 +- comm_cost: 0.5267361111111113 + complexity: 14 expressions: - - K- + - K+ - N+ - - S- - SE- + - and(N-, R+) + - and(N-, or(S+, R+)) + - or(S+, N+) name: explored-2058 type: explored -- comm_cost: 0.15208333333333357 - complexity: 13 +- comm_cost: 0.7676620370370371 + complexity: 5 expressions: - - K+ - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - K- + - R+ + - or(K+, K-) name: explored-2059 type: explored -- comm_cost: 0.5755208333333335 - complexity: 12 +- comm_cost: 0.5083333333333335 + complexity: 9 expressions: + - K+ + - K+ + - N+ - R- - S+ + - SE+ - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) name: explored-2060 type: explored -- comm_cost: 0.6873263888888891 - complexity: 3 +- comm_cost: 0.6157118055555557 + complexity: 14 expressions: - R+ - - S+ - - SE+ + - and(K-, S+) + - and(N-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-2061 type: explored -- comm_cost: 0.4065972222222225 - complexity: 12 +- comm_cost: 0.15208333333333357 + complexity: 13 expressions: - K+ + - K+ - N+ - - R+ - - and(K-, N-) + - S+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) name: explored-2062 type: explored -- comm_cost: 0.47482638888888906 - complexity: 22 +- comm_cost: 0.503888888888889 + complexity: 11 expressions: - - K+ - - N+ + - K- - R- - - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - or(K+, R-) name: explored-2063 type: explored -- comm_cost: 0.41885416666666686 - complexity: 17 +- comm_cost: 0.08541666666666692 + complexity: 18 expressions: + - K+ - N+ - - N- - R- - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, SE-) name: explored-2064 type: explored -- comm_cost: 0.08489583333333361 - complexity: 16 +- comm_cost: 0.3352430555555558 + complexity: 13 expressions: - K+ - N+ - R- - - S+ - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - and(N-, R+) + - and(SE+, N-) name: explored-2065 type: explored -- comm_cost: 0.3274450231481484 - complexity: 21 +- comm_cost: 0.6291666666666669 + complexity: 8 expressions: + - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - not(R+) - - or(S+, R-) + - or(S+, SE+) name: explored-2066 type: explored -- comm_cost: 0.2812500000000002 - complexity: 16 +- comm_cost: 0.48211805555555576 + complexity: 20 expressions: - - K+ - - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, N+) name: explored-2067 type: explored -- comm_cost: 0.46649305555555565 - complexity: 11 +- comm_cost: 0.18958333333333366 + complexity: 23 expressions: - - R+ + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) name: explored-2068 type: explored -- comm_cost: 0.6645833333333334 - complexity: 10 +- comm_cost: 0.18229166666666707 + complexity: 14 expressions: - - R+ - - S- - - and(SE-, or(K+, S-)) - - or(SE-, N+) + - K+ + - N+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-2069 type: explored -- comm_cost: 0.6076388888888891 - complexity: 11 +- comm_cost: 0.3412037037037039 + complexity: 21 expressions: - - SE- + - N+ + - R- - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-2070 type: explored -- comm_cost: 0.5085937500000002 - complexity: 10 +- comm_cost: 0.45572916666666674 + complexity: 9 expressions: - N+ - - S+ - - and(N-, or(K+, S-)) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(SE-, or(K+, S-)) name: explored-2071 type: explored -- comm_cost: 0.640625 - complexity: 11 +- comm_cost: 0.30486111111111136 + complexity: 17 expressions: - K+ - N+ - - and(K-, S+) + - R- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(SE-, N+) name: explored-2072 type: explored -- comm_cost: 0.6825520833333334 - complexity: 5 +- comm_cost: 0.4055844907407409 + complexity: 18 expressions: - - R+ + - N+ - R- - - or(S+, R+) + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-2073 type: explored -- comm_cost: 0.651388888888889 - complexity: 14 +- comm_cost: 0.5723958333333334 + complexity: 19 expressions: - R+ - SE- - - and(N-, or(S+, SE+)) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-2074 type: explored -- comm_cost: 0.4159722222222225 - complexity: 16 +- comm_cost: 0.5747395833333334 + complexity: 12 expressions: + - N+ + - R+ - R- - SE- - - and(K-, not(R+)) - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, S-)) + - or(K+, R-) name: explored-2075 type: explored -- comm_cost: 0.18567708333333355 - complexity: 19 +- comm_cost: 0.6243055555555554 + complexity: 14 expressions: - K+ - - K+ - - N+ - R- - - S+ - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-2076 type: explored -- comm_cost: 0.5005208333333336 - complexity: 18 +- comm_cost: 0.35509259259259296 + complexity: 13 expressions: + - N+ + - R- - R- + - SE- - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(N+, not(R+))) name: explored-2077 type: explored -- comm_cost: 0.5875868055555558 - complexity: 14 +- comm_cost: 0.3817708333333336 + complexity: 10 expressions: - - SE- + - K+ + - N+ + - R+ + - R- + - and(K-, S+) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(SE-, N+) name: explored-2078 type: explored -- comm_cost: 0.10625000000000018 - complexity: 16 +- comm_cost: 0.5179687500000002 + complexity: 11 expressions: - - K+ - - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-2079 type: explored -- comm_cost: 0.6948784722222222 - complexity: 12 +- comm_cost: 0.5749131944444446 + complexity: 33 expressions: - - K+ - - N+ - - R- - - SE- - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(K-, N-) + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) + - or(K+, N+) name: explored-2080 type: explored -- comm_cost: 0.4187500000000002 +- comm_cost: 0.648263888888889 complexity: 15 expressions: - - K+ - N+ - - N- - R- - - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) name: explored-2081 type: explored -- comm_cost: 0.40885416666666685 - complexity: 21 +- comm_cost: 0.3632812500000001 + complexity: 13 expressions: - - K+ - - N+ - R- - - and(K-, S+) - - and(K-, or(S+, N+)) + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) name: explored-2082 type: explored -- comm_cost: 0.6163020833333335 - complexity: 10 +- comm_cost: 0.7614583333333336 + complexity: 1 expressions: - - K+ - R+ - - R- - - SE- - - or(K+, N+) - - or(S+, SE+) name: explored-2083 type: explored -- comm_cost: 0.34531250000000036 - complexity: 14 +- comm_cost: 0.7005208333333334 + complexity: 7 expressions: - - N+ + - R+ - R- - - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(SE-, N+) + - and(N-, or(S+, SE+)) name: explored-2084 type: explored -- comm_cost: 0.34635416666666674 - complexity: 11 +- comm_cost: 0.6075086805555557 + complexity: 14 expressions: - - N+ + - R+ - R- - - and(S-, SE-) - - and(SE+, N-) - - or(S+, N+) + - S+ + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(SE-, N+) name: explored-2085 type: explored -- comm_cost: 0.4851562500000002 - complexity: 17 +- comm_cost: 0.7104166666666667 + complexity: 14 expressions: - - N+ + - R- + - SE- - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-2086 type: explored -- comm_cost: 0.19166666666666687 - complexity: 12 +- comm_cost: 0.4057291666666669 + complexity: 9 expressions: - K+ - N+ - - S+ + - R- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - or(N+, R-) name: explored-2087 type: explored -- comm_cost: 0.6314236111111112 - complexity: 14 +- comm_cost: 0.5313078703703705 + complexity: 21 expressions: - - R+ - - R- + - N+ - SE- - - and(K-, or(S+, N+)) - - or(K+, SE+) - - or(SE-, N+) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-2088 type: explored -- comm_cost: 0.47296875000000016 - complexity: 12 +- comm_cost: 0.7203645833333334 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - R+ + - and(K-, or(N+, not(R+))) + - or(K+, S-) name: explored-2089 type: explored -- comm_cost: 0.6939062500000002 - complexity: 10 +- comm_cost: 0.4678240740740742 + complexity: 14 expressions: - - N- - - R+ - - and(N-, or(S+, SE+)) - - or(K+, R-) + - K+ + - N+ + - R- + - SE+ + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-2090 type: explored -- comm_cost: 0.6646875000000001 - complexity: 19 +- comm_cost: 0.1706597222222226 + complexity: 16 expressions: + - N+ + - R- - S+ - - and(K-, SE-) - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-2091 type: explored -- comm_cost: 0.21093750000000022 - complexity: 11 +- comm_cost: 0.30138888888888915 + complexity: 17 expressions: - - K+ - - K+ - - R+ - R- - S+ - and(N-, R+) + - and(N-, R+) - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-2092 type: explored -- comm_cost: 0.5395833333333335 - complexity: 10 +- comm_cost: 0.3558159722222224 + complexity: 20 expressions: - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(K+, SE+) name: explored-2093 type: explored -- comm_cost: 0.33269675925925934 - complexity: 15 +- comm_cost: 0.12899305555555585 + complexity: 14 expressions: + - K+ - N+ - R- - S+ - - SE+ - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) - and(S-, SE-) + - or(S+, N+) name: explored-2094 type: explored -- comm_cost: 0.6395833333333333 - complexity: 5 +- comm_cost: 0.5531250000000002 + complexity: 11 expressions: + - N+ - R- - - R- - - and(S-, SE-) + - and(N-, R+) + - or(K+, SE+) + - or(SE-, N+) name: explored-2095 type: explored -- comm_cost: 0.7161458333333335 - complexity: 9 +- comm_cost: 0.22291666666666687 + complexity: 13 expressions: - - K- - - R+ - - and(and(K-, N-), or(S+, R+)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-2096 type: explored -- comm_cost: 0.5868055555555558 - complexity: 9 +- comm_cost: 0.3569184027777781 + complexity: 23 expressions: + - K+ - N+ - - R+ - - SE- + - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - or(N+, not(R+)) + - or(S+, or(N+, R-)) name: explored-2097 type: explored -- comm_cost: 0.6234375 - complexity: 8 +- comm_cost: 0.5062500000000001 + complexity: 6 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(K-, S+) + - N+ + - and(S-, SE-) name: explored-2098 type: explored -- comm_cost: 0.35509259259259296 - complexity: 12 +- comm_cost: 0.591232638888889 + complexity: 33 expressions: - - N+ - - R- - - R- - - SE- - - and(N-, R+) + - and(K-, or(S+, N+)) + - and(N-, or(S+, R+)) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) - or(K+, or(N+, R-)) name: explored-2099 type: explored -- comm_cost: 0.5099826388888891 - complexity: 16 +- comm_cost: 0.7887037037037037 + complexity: 5 expressions: - - K+ - - N+ - - R+ + - N- - R- - - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) - - not(R-) + - or(S+, R-) name: explored-2100 type: explored -- comm_cost: 0.7135416666666667 - complexity: 7 +- comm_cost: 0.6427083333333334 + complexity: 15 expressions: - - and(N-, not(R-)) - - and(S-, SE-) + - R+ + - R- + - S- + - SE- + - and(S-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-2101 type: explored -- comm_cost: 0.6226562500000001 - complexity: 19 +- comm_cost: 0.4597222222222226 + complexity: 17 expressions: - - R+ - - and(N-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2102 type: explored -- comm_cost: 0.7868055555555556 - complexity: 6 +- comm_cost: 0.7423611111111111 + complexity: 9 expressions: - - or(K+, K-) - - or(K+, R+) + - SE- + - and(K-, or(SE-, N+)) + - or(S+, SE+) name: explored-2103 type: explored -- comm_cost: 0.43671875000000016 - complexity: 14 +- comm_cost: 0.6513726851851853 + complexity: 16 expressions: - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - SE- + - and(K-, or(S+, R+)) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-2104 type: explored -- comm_cost: 0.7206597222222223 - complexity: 11 +- comm_cost: 0.285416666666667 + complexity: 13 expressions: - - and(K-, or(S+, R-)) - - and(and(K-, N-), not(R-)) + - N+ + - and(K-, SE-) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-2105 type: explored -- comm_cost: 0.4486111111111114 - complexity: 12 +- comm_cost: 0.1468750000000003 + complexity: 22 expressions: - - SE- + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - - or(K+, or(N+, R-)) - - or(S+, R-) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-2106 type: explored -- comm_cost: 0.5671296296296298 - complexity: 12 +- comm_cost: 0.5103240740740742 + complexity: 16 expressions: - - R+ - - R+ - - SE- - - and(N-, or(S+, R+)) - - and(S-, not(R+)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(S+, SE+) name: explored-2107 type: explored -- comm_cost: 0.5378472222222224 - complexity: 14 +- comm_cost: 0.35444444444444456 + complexity: 19 expressions: + - K+ - N+ - - S- + - R- + - R- + - and(K-, S+) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-2108 type: explored -- comm_cost: 0.6235243055555556 - complexity: 13 +- comm_cost: 0.6880208333333335 + complexity: 12 expressions: - K+ - R+ - - R- - - SE- - - and(N-, not(R-)) + - and(N-, or(K+, R+)) - or(S+, or(N+, R-)) name: explored-2109 type: explored -- comm_cost: 0.18385416666666698 - complexity: 15 +- comm_cost: 0.7755208333333334 + complexity: 6 expressions: - K+ - - N+ - - R- - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - and(N-, or(K+, R+)) name: explored-2110 type: explored -- comm_cost: 0.2562500000000003 - complexity: 10 +- comm_cost: 0.3875000000000002 + complexity: 18 expressions: - N+ - - N+ - R- - - SE- - - and(K-, S+) + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-2111 type: explored -- comm_cost: 0.6589149305555557 - complexity: 32 +- comm_cost: 0.5763020833333334 + complexity: 7 expressions: - - and(K-, or(S+, SE+)) - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) - - or(S+, R-) + - N+ + - R+ + - R- + - SE- + - and(K-, N-) name: explored-2112 type: explored -- comm_cost: 0.5666666666666668 - complexity: 7 +- comm_cost: 0.2729166666666669 + complexity: 15 expressions: - N+ - - SE- - - and(N-, or(K+, SE+)) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-2113 type: explored -- comm_cost: 0.3421875000000003 - complexity: 12 +- comm_cost: 0.47916666666666663 + complexity: 7 expressions: - K+ - K+ - - R- + - N+ - S+ - - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) name: explored-2114 type: explored -- comm_cost: 0.4687500000000002 - complexity: 13 +- comm_cost: 0.3148437500000003 + complexity: 15 expressions: - N+ - - SE- - - and(K-, N-) + - N+ + - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) name: explored-2115 type: explored -- comm_cost: 0.6048611111111111 - complexity: 8 +- comm_cost: 0.43917824074074074 + complexity: 15 expressions: + - K+ + - K+ - N+ - R- - - R- - - SE- - - and(S-, not(R+)) + - S+ + - and(K-, not(R+)) + - and(S-, N-) + - and(S-, SE-) name: explored-2116 type: explored -- comm_cost: 0.6321759259259259 - complexity: 8 +- comm_cost: 0.604976851851852 + complexity: 7 expressions: - - N+ - - R- - - R- - - SE- - - and(K-, not(R+)) + - R+ + - and(N-, R+) + - and(S-, N-) name: explored-2117 type: explored -- comm_cost: 0.44947916666666676 - complexity: 11 +- comm_cost: 0.5281250000000002 + complexity: 16 expressions: - K+ - - N+ - - R- - - SE- - - and(K-, not(R-)) + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, not(R-)) + - or(K+, R-) name: explored-2118 type: explored -- comm_cost: 0.5766666666666669 - complexity: 11 +- comm_cost: 0.42986111111111125 + complexity: 20 expressions: - - K- + - K+ - N+ - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - S+ + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-2119 type: explored -- comm_cost: 0.33802083333333355 - complexity: 23 +- comm_cost: 0.2504050925925927 + complexity: 19 expressions: - K+ + - N+ + - R- - R- - - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) + - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-2120 type: explored -- comm_cost: 0.3378906250000002 - complexity: 13 +- comm_cost: 0.5811631944444446 + complexity: 18 expressions: - - K+ - - K+ + - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - SE- + - and(K-, or(SE-, N+)) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-2121 type: explored -- comm_cost: 0.7596064814814816 - complexity: 7 +- comm_cost: 0.7376736111111113 + complexity: 6 expressions: - - R+ - - or(K+, K-) - - or(K+, SE+) + - and(SE+, N-) + - or(K+, R+) name: explored-2122 type: explored -- comm_cost: 0.14357638888888924 - complexity: 21 +- comm_cost: 0.26875000000000027 + complexity: 19 expressions: - K+ - - K+ + - N+ - N+ - R- - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-2123 type: explored -- comm_cost: 0.4822916666666668 - complexity: 14 +- comm_cost: 0.32968750000000024 + complexity: 26 expressions: + - K+ + - K+ - N+ - R- - - SE- + - S+ - and(K-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) name: explored-2124 type: explored -- comm_cost: 0.43671875000000016 - complexity: 11 +- comm_cost: 0.4583333333333335 + complexity: 8 expressions: - - K+ - - K+ + - N+ - N+ - R- - - and(K-, not(R-)) + - SE+ + - SE- - and(N-, R+) name: explored-2125 type: explored -- comm_cost: 0.3896122685185187 - complexity: 23 +- comm_cost: 0.5996527777777779 + complexity: 14 expressions: - - K+ - - N+ - R+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(SE-, N+) + - and(or(K+, S-), not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-2126 type: explored -- comm_cost: 0.3938368055555559 - complexity: 14 +- comm_cost: 0.47604166666666703 + complexity: 9 expressions: - - K+ - - N+ - - R- - SE- - and(N-, R+) - - not(R+) - or(S+, or(N+, R-)) name: explored-2127 type: explored -- comm_cost: 0.28971354166666685 - complexity: 16 +- comm_cost: 0.6646122685185186 + complexity: 12 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(S+, R+) + - R+ + - and(N-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-2128 type: explored -- comm_cost: 0.5630208333333334 - complexity: 21 +- comm_cost: 0.45763888888888915 + complexity: 12 expressions: - - R- - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-2129 type: explored -- comm_cost: 0.6229166666666668 - complexity: 5 +- comm_cost: 0.7488888888888889 + complexity: 14 expressions: - - R+ + - K+ + - N+ - R- - - or(K+, N+) + - SE- + - and(K-, or(N+, not(R+))) + - or(N+, not(R+)) name: explored-2130 type: explored -- comm_cost: 0.6549479166666667 - complexity: 12 +- comm_cost: 0.6120659722222224 + complexity: 13 expressions: - R+ - R- - SE- - - or(K+, K-) - - or(K+, N+) - - or(K+, N+) + - and(S-, N-) + - and(S-, not(R-)) + - or(K+, R+) name: explored-2131 type: explored -- comm_cost: 0.6109375000000001 - complexity: 12 +- comm_cost: 0.6205729166666668 + complexity: 8 expressions: - R+ - - SE- - - and(K-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, R+)) + - not(R+) name: explored-2132 type: explored -- comm_cost: 0.6509722222222224 - complexity: 8 +- comm_cost: 0.3440104166666669 + complexity: 19 expressions: - - N- - - SE- + - K+ + - N+ + - R- - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(N+, R-) name: explored-2133 type: explored -- comm_cost: 0.3979166666666668 +- comm_cost: 0.5416666666666667 complexity: 10 expressions: - - K+ - - N+ - R- - - SE- + - and(S-, SE-) - and(and(S-, N-), not(R-)) name: explored-2134 type: explored -- comm_cost: 0.5488078703703705 - complexity: 18 +- comm_cost: 0.5477430555555555 + complexity: 12 expressions: - - K+ - - R+ - R- + - S+ - and(S-, SE-) - - not(R-) - - or(K+, R-) - or(and(K-, S+), or(N+, R-)) name: explored-2135 type: explored -- comm_cost: 0.6349826388888891 - complexity: 15 +- comm_cost: 0.5775462962962964 + complexity: 31 expressions: - - and(K-, or(S+, R+)) + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) + - or(K+, K-) + - or(and(K-, S+), or(N+, R-)) name: explored-2136 type: explored -- comm_cost: 0.5572337962962964 - complexity: 14 +- comm_cost: 0.6506944444444445 + complexity: 6 expressions: - - R- - - SE- - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-2137 type: explored -- comm_cost: 0.5890625 - complexity: 7 +- comm_cost: 0.7583333333333333 + complexity: 4 expressions: - R- - - and(S-, SE-) - - or(N+, R-) + - or(SE-, N+) name: explored-2138 type: explored -- comm_cost: 0.5427083333333335 +- comm_cost: 0.5755555555555557 complexity: 10 expressions: - N+ - - R+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - R- + - SE- + - and(N-, R+) + - not(R-) + - not(R-) name: explored-2139 type: explored -- comm_cost: 0.6002777777777779 - complexity: 11 +- comm_cost: 0.16041666666666687 + complexity: 14 expressions: - K+ - - K- + - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - or(S+, SE+) + - and(S-, SE-) + - and(SE+, N-) name: explored-2140 type: explored -- comm_cost: 0.404027777777778 - complexity: 20 +- comm_cost: 0.6294270833333334 + complexity: 12 expressions: + - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, SE+) + - SE- + - and(or(K+, S-), not(R-)) + - not(R+) name: explored-2141 type: explored -- comm_cost: 0.35815972222222237 - complexity: 21 +- comm_cost: 0.6164351851851854 + complexity: 11 expressions: - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, or(N+, R-)) + - R+ + - SE- + - and(K-, N-) + - and(N-, or(S+, R+)) name: explored-2142 type: explored -- comm_cost: 0.40989583333333346 - complexity: 10 +- comm_cost: 0.41579861111111127 + complexity: 22 expressions: - - K+ - - R+ + - N+ - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) + - or(S+, N+) name: explored-2143 type: explored -- comm_cost: 0.4486111111111113 - complexity: 14 +- comm_cost: 0.6840277777777779 + complexity: 5 expressions: - - K+ - - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, R+) + - SE- + - and(S-, N-) name: explored-2144 type: explored -- comm_cost: 0.6473958333333335 - complexity: 7 +- comm_cost: 0.4685763888888892 + complexity: 8 expressions: - - R+ + - K+ - R- - - and(K-, or(S+, R-)) + - SE- + - and(N-, R+) + - not(R+) name: explored-2145 type: explored -- comm_cost: 0.6771649305555556 - complexity: 24 +- comm_cost: 0.40052083333333344 + complexity: 17 expressions: - K+ - - K- - - N+ - - and(S-, N-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(K+, R-) - - or(K+, S-) + - R- + - S+ + - and(K-, N-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-2146 type: explored -- comm_cost: 0.47395833333333326 - complexity: 10 +- comm_cost: 0.3756944444444448 + complexity: 8 expressions: - N+ - - R- - - S+ - - S+ - - and(K-, SE-) - - and(S-, SE-) + - and(K-, not(R+)) + - and(N-, R+) name: explored-2147 type: explored -- comm_cost: 0.4369791666666668 - complexity: 12 +- comm_cost: 0.5200000000000002 + complexity: 15 expressions: + - K+ - N+ - R- - - S- - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - or(K+, S-) + - or(S+, SE+) name: explored-2148 type: explored -- comm_cost: 0.43194444444444446 - complexity: 6 +- comm_cost: 0.46458333333333346 + complexity: 12 expressions: + - N+ - R- - S+ - - SE+ - - and(S-, SE-) + - and(N-, R+) + - and(N-, not(R-)) + - not(R+) name: explored-2149 type: explored -- comm_cost: 0.49140625000000016 - complexity: 13 +- comm_cost: 0.4415625000000002 + complexity: 17 expressions: - N+ + - N- - R- - - S+ - - S- - - and(K-, N-) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(SE-, or(K+, S-)) name: explored-2150 type: explored -- comm_cost: 0.23784722222222254 - complexity: 21 +- comm_cost: 0.17187500000000022 + complexity: 15 expressions: + - K+ + - N+ - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, or(SE-, N+)) name: explored-2151 type: explored -- comm_cost: 0.5763020833333334 - complexity: 10 +- comm_cost: 0.4539930555555556 + complexity: 8 expressions: - N+ - - R- - - S- - - SE- - - and(N-, R+) - - or(S+, R+) + - S+ + - and(S-, SE-) + - or(K+, R+) name: explored-2152 type: explored -- comm_cost: 0.6689236111111112 - complexity: 8 +- comm_cost: 0.6526041666666667 + complexity: 5 expressions: - - R+ - - and(S-, not(R-)) - - or(K+, N+) + - N+ + - SE- + - or(K+, R-) name: explored-2153 type: explored -- comm_cost: 0.16024305555555574 - complexity: 15 +- comm_cost: 0.350434027777778 + complexity: 14 expressions: - - K+ - N+ - R- + - S+ + - SE- - and(N-, R+) - - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(SE+, N-) name: explored-2154 type: explored -- comm_cost: 0.42152777777777795 - complexity: 15 +- comm_cost: 0.41223958333333355 + complexity: 16 expressions: - K+ - - N+ - R- - - and(S-, N-) + - S+ + - and(K-, SE-) + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) name: explored-2155 type: explored -- comm_cost: 0.47473958333333366 - complexity: 15 +- comm_cost: 0.6942910879629631 + complexity: 14 expressions: + - R+ - SE- - - and(K-, not(R+)) - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(S+, SE+)) + - or(K+, R+) + - or(N+, not(R+)) name: explored-2156 type: explored -- comm_cost: 0.5708333333333335 - complexity: 5 +- comm_cost: 0.39656250000000015 + complexity: 14 expressions: + - N+ - R+ - - SE- - - and(SE+, N-) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-2157 type: explored -- comm_cost: 0.4656250000000002 - complexity: 22 +- comm_cost: 0.5842013888888891 + complexity: 11 expressions: - - K+ - N+ - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(K+, R-) + - SE- + - and(K-, or(S+, R+)) + - or(N+, R-) name: explored-2158 type: explored -- comm_cost: 0.5153645833333336 - complexity: 17 +- comm_cost: 0.5093750000000001 + complexity: 22 expressions: + - K+ - N+ - R- - - SE- + - and(K-, or(S+, R+)) - and(K-, or(SE-, N+)) - and(N-, R+) - - or(K+, R-) - - or(K+, SE+) + - and(S-, SE-) + - or(K+, K-) name: explored-2159 type: explored -- comm_cost: 0.4974826388888891 - complexity: 20 +- comm_cost: 0.4143229166666669 + complexity: 11 expressions: - N+ + - R- + - S+ - S+ - - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, not(R-)) name: explored-2160 type: explored -- comm_cost: 0.6046875 - complexity: 15 +- comm_cost: 0.43611111111111134 + complexity: 7 expressions: - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, N+) - - or(S+, R+) + - N+ + - and(N-, R+) + - or(S+, R-) name: explored-2161 type: explored -- comm_cost: 0.3524305555555558 - complexity: 24 +- comm_cost: 0.6062500000000002 + complexity: 14 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) + - and(K-, or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-2162 type: explored -- comm_cost: 0.5609548611111111 - complexity: 11 +- comm_cost: 0.4788194444444448 + complexity: 9 expressions: - - K+ - N+ - - N- - R- - - S- - - and(K-, S+) - - and(S-, SE-) + - R- + - and(N-, R+) + - or(N+, R-) name: explored-2163 type: explored -- comm_cost: 0.4486979166666668 - complexity: 16 +- comm_cost: 0.7327000661375662 + complexity: 34 expressions: - - K+ - - N+ - - R- - - and(K-, N-) - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - not(R+) + - or(N+, not(R+)) + - or(S+, N+) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-2164 type: explored -- comm_cost: 0.3528125000000004 +- comm_cost: 0.6130208333333335 + complexity: 7 + expressions: + - R+ + - SE- + - and(K-, or(S+, N+)) + name: explored-2165 + type: explored +- comm_cost: 0.44149305555555574 complexity: 19 expressions: - N+ - R- + - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(N+, R-) - - or(N+, not(R+)) - name: explored-2165 - type: explored -- comm_cost: 0.615451388888889 - complexity: 10 - expressions: - - R+ - - SE- - - and(K-, SE-) - - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-2166 type: explored -- comm_cost: 0.6460069444444447 - complexity: 13 +- comm_cost: 0.4939236111111114 + complexity: 20 expressions: - - and(K-, or(S+, N+)) + - K+ + - R- - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-2167 type: explored -- comm_cost: 0.7583333333333333 - complexity: 7 +- comm_cost: 0.5449074074074075 + complexity: 11 expressions: - N+ + - R- - SE- - - and(K-, or(SE-, N+)) + - and(N-, or(K+, SE+)) + - and(S-, N-) name: explored-2168 type: explored -- comm_cost: 0.7005208333333335 - complexity: 5 +- comm_cost: 0.4057291666666669 + complexity: 17 expressions: - - S- - - SE- - - and(K-, SE-) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-2169 type: explored -- comm_cost: 0.4828125000000002 - complexity: 7 +- comm_cost: 0.5307291666666668 + complexity: 12 expressions: - K+ - - R+ - R- - - SE+ - - and(K-, SE-) + - S+ + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-2170 type: explored -- comm_cost: 0.29843750000000024 - complexity: 9 +- comm_cost: 0.6524305555555557 + complexity: 8 expressions: - - K+ - N+ - R+ - - and(N-, R+) - - and(S-, SE-) + - R- + - or(K+, or(N+, R-)) name: explored-2171 type: explored -- comm_cost: 0.5545138888888891 +- comm_cost: 0.6966145833333335 complexity: 9 expressions: - R+ - - R- - - and(K-, S+) - - and(K-, not(R+)) + - and(K-, or(S+, SE+)) + - or(SE-, N+) name: explored-2172 type: explored -- comm_cost: 0.2274305555555558 - complexity: 17 +- comm_cost: 0.5536458333333335 + complexity: 6 expressions: - N+ - - R- - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - SE- + - and(K-, SE-) name: explored-2173 type: explored -- comm_cost: 0.31114004629629655 - complexity: 20 +- comm_cost: 0.6630787037037038 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - R+ + - SE+ + - and(and(K-, N-), not(R-)) name: explored-2174 type: explored -- comm_cost: 0.6965972222222223 - complexity: 15 +- comm_cost: 0.7228298611111112 + complexity: 6 expressions: - - R+ - - SE- - - and(N-, or(S+, SE+)) - - or(S+, SE+) - - or(S+, or(N+, R-)) + - S- + - and(N-, or(S+, R+)) name: explored-2175 type: explored -- comm_cost: 0.5746527777777779 - complexity: 11 - expressions: - - R+ - - R+ - - SE- - - and(K-, or(S+, R-)) - - or(S+, N+) - name: explored-2176 - type: explored -- comm_cost: 0.4765625000000002 +- comm_cost: 0.5095486111111114 complexity: 9 expressions: - N+ - R- - - S- + - S+ + - and(N-, R+) + - or(K+, R+) + name: explored-2176 + type: explored +- comm_cost: 0.35546875000000044 + complexity: 14 + expressions: + - K+ + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) name: explored-2177 type: explored -- comm_cost: 0.6671440972222223 - complexity: 13 +- comm_cost: 0.5372395833333335 + complexity: 19 expressions: - - R+ - - R- - - S- + - K+ + - N+ - SE- - - not(R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-2178 type: explored -- comm_cost: 0.6860428240740741 - complexity: 32 +- comm_cost: 0.6092708333333334 + complexity: 7 expressions: - N+ - N- - - SE- - - and(N-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) - - not(R-) - - or(K+, R+) - - or(and(S-, SE-), or(N+, R-)) + - R- + - S- + - and(N-, R+) name: explored-2179 type: explored -- comm_cost: 0.4597800925925929 - complexity: 21 +- comm_cost: 0.81625 + complexity: 1 expressions: - - R- - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) + - K- name: explored-2180 type: explored -- comm_cost: 0.6075231481481482 - complexity: 8 +- comm_cost: 0.4590277777777779 + complexity: 11 expressions: - - R+ - R- - - SE+ - - SE- + - and(N-, R+) + - and(S-, SE-) - and(S-, not(R-)) name: explored-2181 type: explored -- comm_cost: 0.35416666666666696 - complexity: 8 +- comm_cost: 0.12916666666666687 + complexity: 17 expressions: + - K+ - N+ - - SE- - - and(K-, S+) + - R- + - S+ - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-2182 type: explored -- comm_cost: 0.32916666666666694 +- comm_cost: 0.6328125 complexity: 15 expressions: - - K+ + - N+ - R- - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-2183 type: explored -- comm_cost: 0.5131944444444447 - complexity: 17 +- comm_cost: 0.2805555555555559 + complexity: 20 expressions: - - and(K-, not(R+)) + - K+ + - N+ + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) name: explored-2184 type: explored -- comm_cost: 0.40260416666666676 - complexity: 16 +- comm_cost: 0.6217013888888889 + complexity: 12 expressions: - - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, SE-) + - SE- + - and(K-, SE-) + - and(or(K+, S-), not(R+)) name: explored-2185 type: explored -- comm_cost: 0.509027777777778 - complexity: 15 +- comm_cost: 0.3437500000000002 + complexity: 11 expressions: - N+ + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - not(R-) + - or(K+, SE+) name: explored-2186 type: explored -- comm_cost: 0.0789930555555558 - complexity: 18 +- comm_cost: 0.6453414351851853 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - R+ + - S+ + - and(S-, N-) + - and(or(K+, S-), not(R-)) name: explored-2187 type: explored -- comm_cost: 0.393967013888889 - complexity: 28 +- comm_cost: 0.81640625 + complexity: 6 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(N-, or(S+, SE+)) name: explored-2188 type: explored -- comm_cost: 0.8083333333333333 - complexity: 6 +- comm_cost: 0.7298356481481483 + complexity: 24 expressions: - - SE- - - and(K-, or(SE-, N+)) + - SE+ + - and(N-, or(S+, SE+)) + - and(S-, not(R-)) + - or(K+, R-) + - or(K+, S-) + - or(K+, or(N+, R-)) + - or(S+, SE+) name: explored-2189 type: explored -- comm_cost: 0.6009375000000001 - complexity: 9 +- comm_cost: 0.7963541666666667 + complexity: 8 expressions: - - K- - - N+ - - R+ - - R- - - SE- - - SE- - - and(K-, S+) + - and(N-, or(S+, SE+)) + - or(S+, N+) name: explored-2190 type: explored -- comm_cost: 0.6395833333333334 - complexity: 11 +- comm_cost: 0.22656250000000022 + complexity: 12 expressions: - N+ - R- - SE- - - and(K-, or(SE-, N+)) - - or(K+, SE+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-2191 type: explored -- comm_cost: 0.7243055555555555 - complexity: 8 +- comm_cost: 0.6191840277777779 + complexity: 16 expressions: - - R- - - SE- - - and(K-, S+) + - K+ - and(K-, S+) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) + - or(N+, R-) name: explored-2192 type: explored -- comm_cost: 0.4177951388888891 - complexity: 22 +- comm_cost: 0.2880208333333336 + complexity: 18 expressions: + - K+ + - K+ - N+ - - R- - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, SE+) + - and(S-, or(SE-, N+)) + - and(SE+, N-) name: explored-2193 type: explored -- comm_cost: 0.40729166666666705 - complexity: 9 +- comm_cost: 0.4945312500000002 + complexity: 13 expressions: - - N+ - - R- - - S+ + - K+ + - S- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - or(S+, N+) name: explored-2194 type: explored -- comm_cost: 0.6002604166666669 - complexity: 6 +- comm_cost: 0.5255787037037036 + complexity: 13 expressions: - - R+ - - and(K-, S+) - - not(R+) + - N+ + - R- + - S+ + - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, R-) name: explored-2195 type: explored -- comm_cost: 0.5330729166666669 - complexity: 7 +- comm_cost: 0.25109953703703736 + complexity: 16 expressions: - N+ + - R- - S+ - - S- - - SE- + - and(K-, not(R+)) - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-2196 type: explored -- comm_cost: 0.29609375000000016 - complexity: 14 +- comm_cost: 0.7818750000000001 + complexity: 4 expressions: - - K+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - N- + - or(SE-, N+) name: explored-2197 type: explored -- comm_cost: 0.5843750000000001 - complexity: 8 +- comm_cost: 0.5092013888888891 + complexity: 11 expressions: - - R- + - N+ + - SE+ - SE- - - or(K+, N+) - - or(K+, R+) + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-2198 type: explored -- comm_cost: 0.4565104166666668 - complexity: 18 +- comm_cost: 0.3583333333333336 + complexity: 14 expressions: - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) - name: explored-2199 - type: explored -- comm_cost: 0.627482638888889 - complexity: 16 - expressions: - - R+ - R- - SE- - - and(SE+, N-) + - and(N-, R+) - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) - name: explored-2200 + name: explored-2199 type: explored -- comm_cost: 0.7625 - complexity: 3 +- comm_cost: 0.3982638888888892 + complexity: 13 expressions: - - N- - - R- + - K+ - SE- - name: explored-2201 + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + name: explored-2200 type: explored -- comm_cost: 0.42291666666666683 - complexity: 11 +- comm_cost: 0.5078703703703704 + complexity: 21 expressions: - K+ - - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(SE+, N-) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, K-) + name: explored-2201 + type: explored +- comm_cost: 0.6739583333333334 + complexity: 4 + expressions: + - R+ + - or(SE-, N+) name: explored-2202 type: explored -- comm_cost: 0.44699074074074074 - complexity: 11 +- comm_cost: 0.3979166666666669 + complexity: 17 expressions: + - K+ - N+ - R- - - SE+ - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-2203 type: explored -- comm_cost: 0.7083333333333333 - complexity: 2 +- comm_cost: 0.7765625 + complexity: 8 expressions: - - N+ - - SE- + - and(K-, or(S+, N+)) + - or(K+, SE+) name: explored-2204 type: explored -- comm_cost: 0.6058159722222223 - complexity: 7 +- comm_cost: 0.6803819444444446 + complexity: 10 expressions: - K+ - - N+ - - R- - - SE- - - or(K+, SE+) + - R+ + - and(K-, S+) + - and(N-, or(S+, R+)) name: explored-2205 type: explored -- comm_cost: 0.42838541666666674 - complexity: 11 +- comm_cost: 0.6670833333333334 + complexity: 6 expressions: - - K+ - N+ - R- - - S+ - - and(N-, not(R-)) - - and(S-, SE-) + - SE- + - or(K+, S-) name: explored-2206 type: explored -- comm_cost: 0.41458333333333375 - complexity: 8 +- comm_cost: 0.5558159722222223 + complexity: 15 expressions: - - K+ - - K+ - - N+ - - N+ - - S+ - - and(N-, R+) + - R+ + - R- + - R- + - SE- + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-2207 type: explored -- comm_cost: 0.2805555555555559 - complexity: 20 +- comm_cost: 0.8402777777777778 + complexity: 8 expressions: - - K+ - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-2208 type: explored -- comm_cost: 0.8276909722222222 - complexity: 8 +- comm_cost: 0.635300925925926 + complexity: 26 expressions: - - SE- - - and(SE-, or(K+, S-)) - - not(R+) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, R+) + - or(K+, R-) name: explored-2209 type: explored -- comm_cost: 0.8041666666666667 - complexity: 12 +- comm_cost: 0.6468750000000001 + complexity: 8 expressions: - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - S- + - SE- + - and(K-, or(S+, R-)) name: explored-2210 type: explored -- comm_cost: 0.4125000000000003 - complexity: 9 +- comm_cost: 0.6778645833333334 + complexity: 7 expressions: - - K+ - - K+ - - R- - - and(K-, S+) - - and(N-, R+) + - S- + - SE- + - and(N-, or(K+, R+)) name: explored-2211 type: explored -- comm_cost: 0.3052083333333335 - complexity: 18 +- comm_cost: 0.567013888888889 + complexity: 9 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R+) + - SE- + - and(S-, or(N+, not(R+))) name: explored-2212 type: explored -- comm_cost: 0.3543692129629632 - complexity: 23 +- comm_cost: 0.8178125 + complexity: 6 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, N+) + - or(S+, SE+) name: explored-2213 type: explored -- comm_cost: 0.6425462962962964 - complexity: 12 +- comm_cost: 0.8144097222222222 + complexity: 8 expressions: - - K- - - N+ - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - S+ + - SE- + - and(or(K+, S-), not(R+)) name: explored-2214 type: explored -- comm_cost: 0.41458333333333364 +- comm_cost: 0.5713541666666668 complexity: 16 expressions: - N+ + - R+ + - R- - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(S+, or(N+, R-)) + - and(K-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, R+) name: explored-2215 type: explored -- comm_cost: 0.3881944444444446 - complexity: 28 +- comm_cost: 0.2930555555555556 + complexity: 17 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(K-, or(S+, R+)) + - SE+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-2216 type: explored -- comm_cost: 0.7559722222222223 - complexity: 8 - expressions: - - N- - - or(and(S-, SE-), or(N+, R-)) - name: explored-2217 - type: explored -- comm_cost: 0.34597222222222235 - complexity: 18 +- comm_cost: 0.46053240740740753 + complexity: 16 expressions: - K+ - N+ - - N- - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - name: explored-2218 + - and(S-, not(R+)) + - or(K+, K-) + name: explored-2217 type: explored -- comm_cost: 0.6308159722222223 - complexity: 10 +- comm_cost: 0.4858072916666668 + complexity: 16 expressions: - - R+ - - SE- - - and(K-, SE-) - - and(K-, or(S+, SE+)) - name: explored-2219 + - N+ + - S+ + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, R+) + - or(S+, R-) + name: explored-2218 type: explored -- comm_cost: 0.5368489583333335 - complexity: 17 +- comm_cost: 0.26979166666666676 + complexity: 14 expressions: - K+ - - R+ - R- - - SE- - - and(K-, S+) - - and(and(K-, N-), or(S+, R+)) - - or(S+, R+) + - SE+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + name: explored-2219 + type: explored +- comm_cost: 0.4381944444444448 + complexity: 10 + expressions: + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-2220 type: explored -- comm_cost: 0.10520833333333357 - complexity: 16 +- comm_cost: 0.22864583333333344 + complexity: 19 expressions: - - K+ - N+ - R- - S+ - - S+ - - and(K-, or(S+, N+)) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-2221 type: explored -- comm_cost: 0.7534722222222223 - complexity: 4 +- comm_cost: 0.48541666666666683 + complexity: 17 expressions: - - and(S-, not(R-)) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-2222 type: explored -- comm_cost: 0.3484375000000002 +- comm_cost: 0.664670138888889 complexity: 14 expressions: - - K+ + - R+ + - SE- + - and(or(K+, S-), not(R-)) + - or(K+, R-) + - or(S+, R+) + name: explored-2223 + type: explored +- comm_cost: 0.130729166666667 + complexity: 13 + expressions: + - N+ - N+ - R- - S+ - - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - name: explored-2223 - type: explored -- comm_cost: 0.6723090277777779 - complexity: 10 - expressions: - - R+ - - and(N-, not(R-)) - - and(N-, or(K+, R+)) + - or(N+, R-) name: explored-2224 type: explored -- comm_cost: 0.4979166666666668 - complexity: 14 +- comm_cost: 0.5385127314814817 + complexity: 19 expressions: - N+ + - R+ - R- - - S+ - - S- - - and(K-, not(R-)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-2225 type: explored -- comm_cost: 0.49322916666666683 - complexity: 13 +- comm_cost: 0.42500000000000027 + complexity: 9 expressions: - - R+ + - N+ - R- - SE- - - and(K-, or(S+, N+)) - - and(S-, or(SE-, N+)) + - and(N-, R+) + - and(S-, N-) name: explored-2226 type: explored -- comm_cost: 0.6895833333333335 - complexity: 11 +- comm_cost: 0.22361111111111132 + complexity: 19 expressions: + - K+ + - K+ + - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-2227 type: explored -- comm_cost: 0.3333333333333337 - complexity: 13 +- comm_cost: 0.41770833333333346 + complexity: 5 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - S+ + - and(S-, SE-) name: explored-2228 type: explored -- comm_cost: 0.2958333333333336 - complexity: 15 +- comm_cost: 0.5292708333333335 + complexity: 7 expressions: - K+ + - N- + - R+ - R- - - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-2229 type: explored -- comm_cost: 0.12256944444444473 - complexity: 20 +- comm_cost: 0.6635069444444446 + complexity: 12 + expressions: + - R+ + - R- + - SE- + - and(K-, N-) + - and(K-, S+) + - or(K+, S-) + name: explored-2230 + type: explored +- comm_cost: 0.29348958333333364 + complexity: 25 expressions: - K+ - N+ @@ -23113,270 +23197,249 @@ - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, or(N+, R-)) - name: explored-2230 - type: explored -- comm_cost: 0.692951388888889 - complexity: 9 - expressions: - - R+ - - SE- - - and(SE-, or(K+, S-)) - - not(R-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-2231 type: explored -- comm_cost: 0.6534375000000001 - complexity: 10 +- comm_cost: 0.38593750000000016 + complexity: 11 expressions: - - R+ - - R- - - SE- - - not(R-) - - or(K+, or(N+, R-)) + - N+ + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) name: explored-2232 type: explored -- comm_cost: 0.6616666666666668 - complexity: 7 +- comm_cost: 0.5778356481481484 + complexity: 14 expressions: - - N+ - - and(N-, R+) - - or(S+, SE+) + - K+ + - R+ + - R- + - and(or(K+, S-), not(R+)) + - or(S+, or(N+, R-)) name: explored-2233 type: explored -- comm_cost: 0.6037037037037039 - complexity: 21 +- comm_cost: 0.5510416666666669 + complexity: 19 expressions: - - N+ - - SE- + - K+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) + - or(N+, R-) name: explored-2234 type: explored -- comm_cost: 0.4813657407407409 - complexity: 22 +- comm_cost: 0.5988541666666667 + complexity: 5 expressions: + - K+ - N+ + - N- - R- - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - S+ name: explored-2235 type: explored -- comm_cost: 0.4045138888888893 - complexity: 14 +- comm_cost: 0.20416666666666683 + complexity: 13 expressions: - K+ - - N+ - - SE- - - SE- + - K+ + - R- + - S+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, SE-) name: explored-2236 type: explored -- comm_cost: 0.5234375000000002 - complexity: 9 +- comm_cost: 0.7696180555555556 + complexity: 11 expressions: - - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) + - R+ + - and(K-, or(S+, SE+)) + - and(N-, or(S+, SE+)) name: explored-2237 type: explored -- comm_cost: 0.4891493055555557 - complexity: 14 +- comm_cost: 0.2259837962962965 + complexity: 16 expressions: - N+ - - SE- - - and(K-, N-) + - S+ - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-2238 type: explored -- comm_cost: 0.5888020833333334 - complexity: 14 +- comm_cost: 0.7584375000000001 + complexity: 5 expressions: - - N+ - - R+ - - R- - - SE- - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) + - not(R-) + - or(K+, R-) name: explored-2239 type: explored -- comm_cost: 0.505902777777778 - complexity: 15 +- comm_cost: 0.504513888888889 + complexity: 9 expressions: - N+ + - N+ + - R+ + - R- - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) + - and(K-, not(R+)) name: explored-2240 type: explored -- comm_cost: 0.4671875000000002 - complexity: 12 +- comm_cost: 0.6955729166666669 + complexity: 7 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(N-, or(K+, R+)) + - not(R+) name: explored-2241 type: explored -- comm_cost: 0.4848958333333335 - complexity: 27 +- comm_cost: 0.39861111111111125 + complexity: 19 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R-) name: explored-2242 type: explored -- comm_cost: 0.32916666666666683 - complexity: 11 +- comm_cost: 0.23489583333333375 + complexity: 18 expressions: - K+ - N+ - S+ - - and(N-, or(K+, R+)) + - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) name: explored-2243 type: explored -- comm_cost: 0.6571238425925927 - complexity: 30 +- comm_cost: 0.21197916666666683 + complexity: 16 expressions: - - and(K-, N-) - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(S-, N-) - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) - - not(R-) - - or(N+, R-) + - N+ + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-2244 type: explored -- comm_cost: 0.62703125 - complexity: 12 +- comm_cost: 0.7097222222222221 + complexity: 10 expressions: - - K+ - - N+ - R- - - SE- - - and(SE-, or(K+, S-)) - - or(K+, S-) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-2245 type: explored -- comm_cost: 0.4055989583333336 - complexity: 19 +- comm_cost: 0.6147511574074075 + complexity: 32 expressions: - - N+ - - R- - - S+ + - K+ + - SE+ - SE- - - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) - or(K+, N+) name: explored-2246 type: explored -- comm_cost: 0.6176504629629631 - complexity: 12 +- comm_cost: 0.4984375 + complexity: 11 expressions: - - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(SE+, N-) + - K+ + - N+ + - N+ + - R- + - and(S-, SE-) + - and(S-, not(R+)) name: explored-2247 type: explored -- comm_cost: 0.4282407407407409 - complexity: 16 +- comm_cost: 0.3953125000000002 + complexity: 17 expressions: - K+ - N+ - R- - - and(K-, not(R-)) + - and(K-, S+) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) + - not(R+) + - or(S+, R+) name: explored-2248 type: explored -- comm_cost: 0.5680555555555558 - complexity: 13 +- comm_cost: 0.42552083333333357 + complexity: 11 expressions: - - R+ - - SE- - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-2249 type: explored -- comm_cost: 0.6124999999999999 - complexity: 9 +- comm_cost: 0.1921875000000003 + complexity: 20 expressions: + - K+ - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(K+, R-) name: explored-2250 type: explored -- comm_cost: 0.4427083333333335 - complexity: 8 +- comm_cost: 0.3821469907407409 + complexity: 19 expressions: - - K+ - N+ - - R+ - R- - - S+ + - and(K-, N-) + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-2251 type: explored -- comm_cost: 0.6186631944444446 - complexity: 12 +- comm_cost: 0.7000000000000001 + complexity: 8 expressions: - - K+ - - R- - - SE- - - and(N-, R+) - - or(K+, K-) - - or(K+, R+) + - and(K-, N-) + - and(S-, or(SE-, N+)) name: explored-2252 type: explored -- comm_cost: 0.7003761574074076 - complexity: 9 +- comm_cost: 0.4295717592592594 + complexity: 22 expressions: - - R+ - - SE- - - and(K-, not(R-)) - - or(K+, R+) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2253 type: explored -- comm_cost: 0.8360937500000001 +- comm_cost: 0.7286979166666667 complexity: 8 expressions: + - N- + - R- + - SE- - and(K-, or(S+, SE+)) - - or(S+, SE+) name: explored-2254 type: explored -- comm_cost: 0.5990972222222224 - complexity: 10 - expressions: - - N+ - - SE- - - and(N-, R+) - - not(R-) - - or(K+, N+) - name: explored-2255 - type: explored -- comm_cost: 0.28901041666666694 - complexity: 28 +- comm_cost: 0.2644531250000002 + complexity: 18 expressions: - K+ - K+ @@ -23384,4914 +23447,4966 @@ - R- - S+ - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, or(N+, R-)) - - or(S+, or(N+, R-)) - name: explored-2256 + - and(S-, SE-) + name: explored-2255 type: explored -- comm_cost: 0.42013888888888906 - complexity: 12 +- comm_cost: 0.6530381944444447 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(and(K-, N-), not(R-)) - name: explored-2257 + - SE- + - and(N-, R+) + - and(N-, not(R-)) + - not(R+) + name: explored-2256 type: explored -- comm_cost: 0.85625 - complexity: 3 +- comm_cost: 0.5549045138888891 + complexity: 16 expressions: - - or(SE-, N+) - name: explored-2258 + - K+ + - SE- + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(S+, R+) + name: explored-2257 type: explored -- comm_cost: 0.5562499999999999 - complexity: 12 +- comm_cost: 0.22083333333333344 + complexity: 18 expressions: + - K+ + - K+ - N+ - - and(K-, or(S+, N+)) + - R- + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - or(K+, N+) - name: explored-2259 + name: explored-2258 type: explored -- comm_cost: 0.7383912037037038 - complexity: 6 +- comm_cost: 0.7601562500000001 + complexity: 5 expressions: - - N- - R+ - - SE- - - or(K+, K-) + - S+ + - or(S+, R+) + name: explored-2259 + type: explored +- comm_cost: 0.5055468750000002 + complexity: 14 + expressions: + - K- + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - not(R+) + - or(N+, R-) name: explored-2260 type: explored -- comm_cost: 0.43825231481481486 - complexity: 9 +- comm_cost: 0.5250000000000001 + complexity: 7 expressions: - - R+ - R- - SE+ - - and(S-, SE-) - - or(K+, R-) + - SE- + - SE- + - and(N-, R+) name: explored-2261 type: explored -- comm_cost: 0.42500000000000016 - complexity: 22 +- comm_cost: 0.7409722222222224 + complexity: 7 expressions: - - K+ - - R+ - - R- - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) + - or(N+, not(R+)) name: explored-2262 type: explored -- comm_cost: 0.54609375 - complexity: 10 +- comm_cost: 0.32230902777777815 + complexity: 13 expressions: - K+ - - K+ - N+ - S+ + - SE- + - and(N-, R+) - and(S-, SE-) - or(S+, N+) name: explored-2263 type: explored -- comm_cost: 0.7092187500000001 - complexity: 8 - expressions: - - R+ - - and(K-, N-) - - or(N+, not(R+)) - name: explored-2264 - type: explored -- comm_cost: 0.4664583333333334 - complexity: 9 +- comm_cost: 0.10373263888888928 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) - name: explored-2265 + - or(S+, R-) + name: explored-2264 type: explored -- comm_cost: 0.45729166666666676 - complexity: 7 +- comm_cost: 0.5640625000000001 + complexity: 12 expressions: - R+ - - and(S-, SE-) - - or(S+, N+) - name: explored-2266 + - SE- + - and(and(K-, N-), or(S+, R+)) + - or(N+, R-) + name: explored-2265 type: explored -- comm_cost: 0.09531250000000036 - complexity: 14 +- comm_cost: 0.6840856481481482 + complexity: 17 expressions: - - K+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - or(K+, R-) + name: explored-2266 + type: explored +- comm_cost: 0.7372395833333334 + complexity: 6 + expressions: + - R+ + - and(N-, or(S+, SE+)) name: explored-2267 type: explored -- comm_cost: 0.5516319444444446 - complexity: 16 +- comm_cost: 0.6850694444444445 + complexity: 6 expressions: - N+ - - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) + - R+ + - SE- + - or(K+, K-) name: explored-2268 type: explored -- comm_cost: 0.67046875 +- comm_cost: 0.2562500000000003 complexity: 11 expressions: - K+ - - K+ - R- - - S+ + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) name: explored-2269 type: explored -- comm_cost: 0.4812500000000004 - complexity: 7 +- comm_cost: 0.6676041666666668 + complexity: 8 expressions: + - R+ - SE- - - and(N-, R+) - - or(S+, N+) + - and(K-, S+) + - or(K+, S-) name: explored-2270 type: explored -- comm_cost: 0.6833333333333333 - complexity: 8 +- comm_cost: 0.5029513888888891 + complexity: 13 expressions: - K+ - - R- + - N+ - SE- - - and(K-, or(SE-, N+)) + - and(K-, not(R-)) + - and(N-, R+) + - or(K+, R-) name: explored-2271 type: explored -- comm_cost: 0.6316840277777779 - complexity: 8 +- comm_cost: 0.4466145833333335 + complexity: 20 expressions: - - R+ - - S+ + - N+ + - R- - SE- - - and(N-, or(S+, SE+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-2272 type: explored -- comm_cost: 0.5816550925925927 - complexity: 12 +- comm_cost: 0.44985532407407425 + complexity: 22 expressions: + - K+ - N+ - - R+ - R- - - and(K-, not(R+)) - - and(N-, or(S+, SE+)) + - SE- + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-2273 type: explored -- comm_cost: 0.5199363425925927 - complexity: 23 +- comm_cost: 0.38246527777777795 + complexity: 14 expressions: - N+ - - R+ - - R- - - and(K-, or(S+, N+)) - - and(N-, or(K+, S-)) + - S+ + - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-2274 type: explored -- comm_cost: 0.556527777777778 - complexity: 15 +- comm_cost: 0.5671875000000002 + complexity: 12 expressions: - N+ - R- + - S+ + - and(K-, N-) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) + - or(K+, SE+) name: explored-2275 type: explored -- comm_cost: 0.4358796296296299 - complexity: 17 +- comm_cost: 0.514670138888889 + complexity: 14 expressions: - N+ - R- - SE- + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R+)) + - and(N-, or(S+, SE+)) name: explored-2276 type: explored -- comm_cost: 0.478125 - complexity: 11 +- comm_cost: 0.6055555555555556 + complexity: 14 expressions: - - K+ - N+ - R- - - S+ - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(K+, K-) name: explored-2277 type: explored -- comm_cost: 0.3930555555555557 - complexity: 13 +- comm_cost: 0.37517361111111147 + complexity: 14 expressions: - - K+ - N+ - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(S-, SE-) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-2278 type: explored -- comm_cost: 0.6171875000000001 - complexity: 10 +- comm_cost: 0.5328125000000002 + complexity: 11 expressions: + - R- - SE- - - and(and(S-, N-), not(R-)) - - or(K+, R-) + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-2279 type: explored -- comm_cost: 0.3222800925925927 - complexity: 20 +- comm_cost: 0.2806423611111112 + complexity: 21 expressions: - K+ + - K+ - N+ - R- - - and(K-, or(S+, R+)) + - S+ + - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(K+, R-) name: explored-2280 type: explored -- comm_cost: 0.29557291666666696 - complexity: 13 +- comm_cost: 0.20138888888888917 + complexity: 17 expressions: - K+ - N+ - R- - and(N-, R+) + - and(S-, SE-) - and(SE-, or(K+, S-)) - - not(R+) + - or(S+, N+) name: explored-2281 type: explored -- comm_cost: 0.7788483796296297 - complexity: 7 +- comm_cost: 0.7583333333333333 + complexity: 9 expressions: - - R+ - - SE+ - - and(K-, or(S+, SE+)) + - N+ + - SE- + - and(or(K+, S-), or(SE-, N+)) name: explored-2282 type: explored -- comm_cost: 0.3534722222222222 - complexity: 21 +- comm_cost: 0.6076388888888891 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(S+, R-) name: explored-2283 type: explored -- comm_cost: 0.5334375000000001 - complexity: 7 +- comm_cost: 0.7275260416666667 + complexity: 17 expressions: - - K- + - and(K-, N-) + - and(N-, or(K+, S-)) + - and(SE+, N-) + - or(K+, SE+) + - or(S+, R+) + name: explored-2284 + type: explored +- comm_cost: 0.421383101851852 + complexity: 17 + expressions: + - K+ + - K+ - N+ - R- - S+ + - S- + - and(K-, or(S+, R+)) - and(N-, R+) - name: explored-2284 + - and(S-, SE-) + name: explored-2285 type: explored -- comm_cost: 0.5755208333333335 - complexity: 5 +- comm_cost: 0.6189236111111113 + complexity: 11 expressions: - - N+ - R+ + - R- - SE- - - not(R+) - name: explored-2285 - type: explored -- comm_cost: 0.3500000000000003 - complexity: 15 - expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(S+, R-)) + - or(K+, SE+) name: explored-2286 type: explored -- comm_cost: 0.21197916666666683 - complexity: 13 +- comm_cost: 0.21828703703703722 + complexity: 17 expressions: + - K+ + - K+ - N+ + - R- + - R- - and(K-, S+) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(SE+, N-) name: explored-2287 type: explored -- comm_cost: 0.647476851851852 +- comm_cost: 0.530277777777778 complexity: 18 expressions: - - R+ + - K+ + - K- + - N+ - R- - SE- - - and(N-, or(K+, SE+)) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-2288 type: explored -- comm_cost: 0.5885416666666669 - complexity: 10 +- comm_cost: 0.6410590277777779 + complexity: 12 expressions: - R+ - - and(and(S-, N-), not(R-)) - - or(S+, N+) + - R+ + - and(K-, or(SE-, N+)) + - and(N-, or(S+, SE+)) name: explored-2289 type: explored -- comm_cost: 0.5755208333333335 - complexity: 8 +- comm_cost: 0.23385416666666692 + complexity: 17 expressions: - N+ - - R+ - - SE- - - and(N-, or(K+, R+)) + - R- + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-2290 type: explored -- comm_cost: 0.3185763888888893 - complexity: 9 +- comm_cost: 0.6401851851851853 + complexity: 13 expressions: - - K+ - - N+ + - R+ - R- - SE- - - and(N-, R+) - - not(R+) + - and(S-, not(R-)) + - or(K+, N+) + - or(K+, S-) name: explored-2291 type: explored -- comm_cost: 0.5773437500000002 - complexity: 9 +- comm_cost: 0.558420138888889 + complexity: 15 expressions: - K+ + - N+ - R- - - S+ - - and(K-, N-) + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) + - or(K+, SE+) name: explored-2292 type: explored -- comm_cost: 0.46310763888888906 - complexity: 18 +- comm_cost: 0.4612123842592595 + complexity: 15 expressions: - - K+ - - K+ - N+ - R- - - S+ + - SE- + - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) + - and(N-, or(K+, S-)) + - or(S+, R-) name: explored-2293 type: explored -- comm_cost: 0.22864583333333344 - complexity: 17 +- comm_cost: 0.3523437500000002 + complexity: 15 expressions: + - K+ - N+ - R- - - S+ - - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) + - and(SE+, N-) + - or(SE-, N+) name: explored-2294 type: explored -- comm_cost: 0.6016782407407409 - complexity: 14 +- comm_cost: 0.7088541666666668 + complexity: 13 expressions: + - R+ - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, K-) name: explored-2295 type: explored -- comm_cost: 0.5987500000000001 - complexity: 50 +- comm_cost: 0.4286944444444446 + complexity: 16 expressions: - - SE- - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) - - and(S-, N-) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R+) + - or(S+, SE+) name: explored-2296 type: explored -- comm_cost: 0.515277777777778 - complexity: 10 +- comm_cost: 0.3347222222222226 + complexity: 21 expressions: - - K+ - - R+ + - N+ - R- - - SE- - - and(K-, SE-) - - or(SE-, N+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2297 type: explored -- comm_cost: 0.7280381944444444 - complexity: 9 +- comm_cost: 0.5119791666666669 + complexity: 13 expressions: - R- + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - not(R+) - - or(K+, R-) name: explored-2298 type: explored -- comm_cost: 0.6718750000000002 - complexity: 9 +- comm_cost: 0.5932291666666668 + complexity: 4 expressions: + - N+ - R+ - - and(K-, or(S+, R-)) - - and(SE+, N-) + - not(R+) name: explored-2299 type: explored -- comm_cost: 0.3454166666666668 - complexity: 14 +- comm_cost: 0.30138888888888915 + complexity: 16 expressions: - K+ - - N+ - - N- - R- - S+ - - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - or(S+, N+) name: explored-2300 type: explored -- comm_cost: 0.31250000000000033 - complexity: 15 +- comm_cost: 0.23784722222222254 + complexity: 17 expressions: - K+ - - and(K-, S+) - - and(K-, or(SE-, N+)) + - N+ + - R- + - S+ + - S+ - and(N-, R+) - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-2301 type: explored -- comm_cost: 0.1472222222222226 - complexity: 16 +- comm_cost: 0.5808159722222224 + complexity: 15 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-2302 type: explored -- comm_cost: 0.5639322916666667 - complexity: 13 +- comm_cost: 0.4424479166666667 + complexity: 20 expressions: - K+ - - K+ - N+ + - R- - S+ + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - and(or(K+, S-), not(R-)) name: explored-2303 type: explored -- comm_cost: 0.4550925925925928 - complexity: 9 +- comm_cost: 0.574189814814815 + complexity: 10 expressions: - - R- + - N+ + - R+ - R- - SE- - - and(N-, R+) - - or(S+, R-) + - and(S-, N-) + - or(K+, R+) name: explored-2304 type: explored -- comm_cost: 0.6367187500000001 +- comm_cost: 0.6796875000000001 complexity: 10 expressions: - R+ - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - S+ + - and(K-, or(S+, SE+)) + - or(SE-, N+) name: explored-2305 type: explored -- comm_cost: 0.2410156250000003 - complexity: 21 +- comm_cost: 0.5421875000000002 + complexity: 11 + expressions: + - R+ + - SE- + - and(K-, or(S+, R-)) + - and(S-, not(R+)) + name: explored-2306 + type: explored +- comm_cost: 0.4671875000000003 + complexity: 17 expressions: - - K+ - K+ - N+ - R- - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, or(N+, R-)) - name: explored-2306 - type: explored -- comm_cost: 0.6307291666666669 - complexity: 10 - expressions: - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - or(N+, R-) name: explored-2307 type: explored -- comm_cost: 0.3328125000000002 - complexity: 13 +- comm_cost: 0.6248263888888891 + complexity: 12 expressions: - - K+ - - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - N+ + - R+ + - and(S-, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-2308 type: explored -- comm_cost: 0.4438541666666669 - complexity: 11 +- comm_cost: 0.5244791666666668 + complexity: 7 expressions: - - K+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - SE- + - and(S-, not(R+)) name: explored-2309 type: explored -- comm_cost: 0.28541666666666676 - complexity: 10 +- comm_cost: 0.5694444444444446 + complexity: 12 expressions: - - N+ - R- - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-2310 type: explored -- comm_cost: 0.4694907407407408 - complexity: 13 +- comm_cost: 0.34583333333333366 + complexity: 11 expressions: - - K+ - - K- - - N+ - - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(S-, not(R+)) name: explored-2311 type: explored -- comm_cost: 0.6377395833333335 - complexity: 35 +- comm_cost: 0.24088541666666696 + complexity: 16 expressions: - - N- - - R+ + - K+ + - N+ + - S+ - and(K-, or(S+, R-)) - - and(N-, or(K+, R+)) - - and(N-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) + - not(R+) name: explored-2312 type: explored -- comm_cost: 0.7643865740740741 - complexity: 8 +- comm_cost: 0.7020833333333333 + complexity: 5 expressions: + - N+ - R- - - SE- - - or(K+, K-) - - or(S+, SE+) + - or(SE-, N+) name: explored-2313 type: explored -- comm_cost: 0.25682870370370403 - complexity: 21 +- comm_cost: 0.6456250000000001 + complexity: 13 expressions: - N+ + - R+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(K-, or(N+, not(R+))) + - or(S+, SE+) name: explored-2314 type: explored -- comm_cost: 0.3578414351851853 - complexity: 22 +- comm_cost: 0.5828125000000001 + complexity: 14 expressions: - - N+ + - R+ - R- - - S+ + - SE- - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(or(K+, S-), not(R-)) name: explored-2315 type: explored -- comm_cost: 0.3373263888888891 - complexity: 16 +- comm_cost: 0.5029166666666668 + complexity: 18 expressions: - N+ - R- - - S+ - - SE- - - and(K-, S+) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) name: explored-2316 type: explored -- comm_cost: 0.6739583333333334 - complexity: 4 +- comm_cost: 0.7135416666666667 + complexity: 7 expressions: - - R+ - - or(SE-, N+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-2317 type: explored -- comm_cost: 0.6555208333333334 - complexity: 4 +- comm_cost: 0.2997395833333336 + complexity: 17 expressions: - - K- - - R+ - - R- - - SE- + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-2318 type: explored -- comm_cost: 0.6273437500000001 - complexity: 14 +- comm_cost: 0.6898061342592594 + complexity: 15 expressions: - R+ - - and(N-, not(R-)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) + - or(S+, SE+) name: explored-2319 type: explored -- comm_cost: 0.2937500000000003 - complexity: 16 +- comm_cost: 0.3146412037037041 + complexity: 17 expressions: - N+ - R- + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(SE-, N+) + - and(or(K+, S-), not(R+)) name: explored-2320 type: explored -- comm_cost: 0.5926504629629631 - complexity: 8 +- comm_cost: 0.45468750000000024 + complexity: 13 expressions: + - K+ - R+ - R- - - and(S-, N-) - - or(S+, R-) + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-2321 type: explored -- comm_cost: 0.2029513888888892 - complexity: 20 +- comm_cost: 0.15677083333333353 + complexity: 13 expressions: - K+ - - K+ - - N+ + - R+ - R- - - S+ - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) name: explored-2322 type: explored -- comm_cost: 0.6887152777777779 - complexity: 13 +- comm_cost: 0.5253125000000002 + complexity: 15 expressions: - - R+ - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) + - or(K+, SE+) name: explored-2323 type: explored -- comm_cost: 0.36539351851851865 - complexity: 13 +- comm_cost: 0.4382812500000002 + complexity: 14 expressions: - - N+ - - R+ + - K+ + - R- + - and(K-, N-) + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-2324 type: explored -- comm_cost: 0.43125000000000024 - complexity: 19 +- comm_cost: 0.621851851851852 + complexity: 15 expressions: - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) + - not(R-) name: explored-2325 type: explored -- comm_cost: 0.5399305555555557 - complexity: 11 +- comm_cost: 0.65625 + complexity: 4 expressions: - - K+ - - R+ - - R- - - SE- - - or(and(S-, SE-), or(N+, R-)) + - S+ + - and(S-, SE-) name: explored-2326 type: explored -- comm_cost: 0.7055555555555557 - complexity: 7 +- comm_cost: 0.74140625 + complexity: 9 expressions: - - R+ - - and(K-, N-) + - SE- - and(K-, N-) + - and(SE-, or(K+, S-)) name: explored-2327 type: explored -- comm_cost: 0.2953125000000001 - complexity: 20 +- comm_cost: 0.5300347222222223 + complexity: 14 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - S+ - and(S-, SE-) - - or(K+, SE+) + - and(S-, SE-) + - or(K+, K-) name: explored-2328 type: explored -- comm_cost: 0.3553819444444446 - complexity: 16 +- comm_cost: 0.4583333333333335 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - S+ - - and(N-, R+) + - R+ - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, N+) name: explored-2329 type: explored -- comm_cost: 0.49626736111111136 - complexity: 13 +- comm_cost: 0.6701649305555556 + complexity: 41 expressions: - R- - - S- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, SE-) + - and(K-, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - not(R+) + - or(K+, R-) name: explored-2330 type: explored -- comm_cost: 0.584965277777778 - complexity: 13 +- comm_cost: 0.432638888888889 + complexity: 16 expressions: - - N+ - R- - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, S-) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-2331 type: explored -- comm_cost: 0.2597222222222225 - complexity: 17 +- comm_cost: 0.5618055555555557 + complexity: 14 expressions: - - K+ - - R- - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - SE- + - and(K-, or(S+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-2332 type: explored -- comm_cost: 0.22274305555555585 - complexity: 19 +- comm_cost: 0.3084259259259262 + complexity: 22 expressions: + - K+ - N+ - R- - and(K-, S+) - - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(or(K+, S-), not(R+)) + - or(N+, not(R+)) name: explored-2333 type: explored -- comm_cost: 0.5753472222222222 - complexity: 12 +- comm_cost: 0.4013310185185187 + complexity: 18 expressions: - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R+) name: explored-2334 type: explored -- comm_cost: 0.3004166666666669 - complexity: 16 +- comm_cost: 0.5151041666666668 + complexity: 10 + expressions: + - R+ + - R- + - SE- + - and(and(K-, N-), or(S+, R+)) + name: explored-2335 + type: explored +- comm_cost: 0.37604166666666683 + complexity: 14 expressions: - K+ + - K+ - N+ + - R+ - R- - S+ - - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) - name: explored-2335 - type: explored -- comm_cost: 0.6965277777777779 - complexity: 19 - expressions: - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, K-) - - or(K+, N+) name: explored-2336 type: explored -- comm_cost: 0.3861111111111113 - complexity: 15 +- comm_cost: 0.5440104166666668 + complexity: 18 expressions: - K+ - N+ - - N- - R- + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-2337 type: explored -- comm_cost: 0.5591724537037039 - complexity: 13 +- comm_cost: 0.21736111111111123 + complexity: 16 expressions: + - N+ - R- - - SE+ - - SE- - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, SE-) name: explored-2338 type: explored -- comm_cost: 0.7071180555555555 - complexity: 15 +- comm_cost: 0.6455902777777779 + complexity: 12 expressions: - - and(K-, or(S+, N+)) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - N+ + - R+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - or(S+, SE+) name: explored-2339 type: explored -- comm_cost: 0.6152777777777778 - complexity: 8 +- comm_cost: 0.39861111111111147 + complexity: 14 expressions: - N+ - - and(K-, not(R+)) - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - or(S+, N+) name: explored-2340 type: explored -- comm_cost: 0.6903645833333334 - complexity: 6 +- comm_cost: 0.6245833333333335 + complexity: 23 expressions: - - R+ - - not(R+) + - S+ + - S- + - and(K-, N-) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) - or(K+, SE+) name: explored-2341 type: explored -- comm_cost: 0.6874094742063492 - complexity: 45 +- comm_cost: 0.8106770833333333 + complexity: 9 expressions: - SE- - - and(K-, not(R+)) - - and(K-, or(S+, R-)) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R+) - - or(K+, SE+) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2342 type: explored -- comm_cost: 0.38541666666666674 - complexity: 11 +- comm_cost: 0.7548611111111111 + complexity: 7 expressions: - - K+ - - R+ - - R- - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - SE- + - or(K+, R-) + - or(S+, N+) name: explored-2343 type: explored -- comm_cost: 0.34375000000000033 - complexity: 8 +- comm_cost: 0.6443055555555557 + complexity: 10 expressions: - N+ - - R- - - and(K-, S+) - and(N-, R+) + - or(S+, R-) + - or(S+, SE+) name: explored-2344 type: explored -- comm_cost: 0.6513020833333334 - complexity: 7 +- comm_cost: 0.46996527777777797 + complexity: 11 expressions: - - R+ - - and(K-, N-) - - or(K+, N+) + - N+ + - S+ + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-2345 type: explored -- comm_cost: 0.4289930555555559 - complexity: 12 +- comm_cost: 0.663715277777778 + complexity: 13 expressions: - - N+ + - R+ - SE- - - and(N-, R+) - - or(K+, R-) - - or(N+, not(R+)) + - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2346 type: explored -- comm_cost: 0.6442708333333332 - complexity: 10 +- comm_cost: 0.3826388888888891 + complexity: 20 expressions: - K+ + - N+ - R- + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-2347 type: explored -- comm_cost: 0.5286111111111114 - complexity: 8 +- comm_cost: 0.702396701388889 + complexity: 47 expressions: - - K- - - N+ - - R- - - SE- - - SE- + - and(K-, or(S+, R+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) + - or(K+, SE+) + - or(S+, R+) + - or(S+, SE+) name: explored-2348 type: explored -- comm_cost: 0.30763888888888924 - complexity: 19 +- comm_cost: 0.45572916666666685 + complexity: 13 expressions: - - N+ + - K+ - R- - - and(K-, not(R+)) + - S+ - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-2349 type: explored -- comm_cost: 0.16944444444444473 - complexity: 15 +- comm_cost: 0.5402777777777781 + complexity: 17 expressions: - - K+ - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2350 type: explored -- comm_cost: 0.3515625000000002 - complexity: 19 +- comm_cost: 0.7387552083333333 + complexity: 31 expressions: - - N+ + - S- + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) + - and(N-, not(R-)) + - or(K+, R-) + - or(K+, S-) + - or(S+, R+) + - or(S+, SE+) + name: explored-2351 + type: explored +- comm_cost: 0.2767361111111113 + complexity: 14 + expressions: + - K+ - R- - S+ - - and(K-, or(S+, SE+)) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - name: explored-2351 + name: explored-2352 type: explored -- comm_cost: 0.6107407407407409 - complexity: 9 - expressions: - - N+ - - N- - - and(N-, R+) - - and(S-, not(R-)) - name: explored-2352 - type: explored -- comm_cost: 0.3364872685185186 - complexity: 19 +- comm_cost: 0.43709490740740753 + complexity: 18 expressions: - K+ - - K+ - - N+ - R- - - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, or(S+, R+)) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, R+) name: explored-2353 type: explored -- comm_cost: 0.400462962962963 - complexity: 11 +- comm_cost: 0.6767939814814816 + complexity: 13 expressions: - - R+ + - N+ - R+ - R- - - and(K-, or(S+, R+)) - - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) name: explored-2354 type: explored -- comm_cost: 0.06197916666666692 - complexity: 15 +- comm_cost: 0.43125000000000013 + complexity: 16 expressions: - K+ - N+ - R- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - and(and(K-, N-), or(S+, SE+)) name: explored-2355 type: explored -- comm_cost: 0.24461805555555594 - complexity: 21 +- comm_cost: 0.4354166666666668 + complexity: 11 expressions: - - N+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-2356 type: explored -- comm_cost: 0.5947916666666668 - complexity: 4 +- comm_cost: 0.6509375000000002 + complexity: 9 expressions: - N+ + - N- - R+ - - R+ + - R- - SE- + - or(N+, not(R+)) name: explored-2357 type: explored -- comm_cost: 0.4739583333333335 - complexity: 13 +- comm_cost: 0.14322916666666696 + complexity: 14 expressions: - - R+ - - R- + - N+ - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-2358 type: explored -- comm_cost: 0.6147569444444445 - complexity: 6 +- comm_cost: 0.7138125000000001 + complexity: 40 expressions: - - R- - - SE+ - - SE- - - or(K+, N+) + - K- + - and(K-, N-) + - and(K-, SE-) + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - or(K+, SE+) + - or(N+, R-) + - or(S+, R+) name: explored-2359 type: explored -- comm_cost: 0.3236111111111114 - complexity: 9 +- comm_cost: 0.718576388888889 + complexity: 5 expressions: - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - R+ + - SE+ + - or(S+, N+) name: explored-2360 type: explored -- comm_cost: 0.6369357638888891 - complexity: 24 +- comm_cost: 0.6564236111111112 + complexity: 10 expressions: - - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) + - N+ + - R+ + - SE- + - and(K-, N-) + - and(K-, not(R-)) name: explored-2361 type: explored -- comm_cost: 0.4416666666666669 - complexity: 14 +- comm_cost: 0.6664062500000001 + complexity: 7 expressions: - N+ - - and(K-, SE-) - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - R- + - and(N-, or(S+, SE+)) name: explored-2362 type: explored -- comm_cost: 0.23802083333333357 - complexity: 16 +- comm_cost: 0.4769965277777779 + complexity: 14 expressions: + - N+ - R- - - S+ + - SE- - and(N-, R+) - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, N+) + - or(S+, R+) name: explored-2363 type: explored -- comm_cost: 0.49861111111111134 - complexity: 13 +- comm_cost: 0.33211805555555585 + complexity: 16 expressions: - - K+ - - R- - - S+ - - SE+ + - N+ + - SE- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - or(K+, R-) name: explored-2364 type: explored -- comm_cost: 0.4895833333333335 - complexity: 10 +- comm_cost: 0.4454565972222224 + complexity: 24 expressions: + - K+ - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(N+, not(R+)) + - or(S+, or(N+, R-)) name: explored-2365 type: explored -- comm_cost: 0.7652777777777777 - complexity: 7 +- comm_cost: 0.46187500000000015 + complexity: 14 expressions: - - and(K-, not(R+)) + - R- + - S+ + - and(N-, R+) - and(S-, SE-) + - or(K+, N+) + - or(K+, S-) name: explored-2366 type: explored -- comm_cost: 0.4208333333333335 - complexity: 7 +- comm_cost: 0.7343171296296297 + complexity: 13 expressions: - R+ - - R- - - S+ - - SE- - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-2367 type: explored -- comm_cost: 0.5204166666666669 - complexity: 10 +- comm_cost: 0.4290509259259263 + complexity: 16 expressions: - N+ + - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - or(K+, or(N+, R-)) name: explored-2368 type: explored -- comm_cost: 0.4014583333333335 - complexity: 11 +- comm_cost: 0.43524305555555576 + complexity: 13 expressions: + - K+ - N+ + - R+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - not(R-) + - and(or(K+, S-), not(R+)) name: explored-2369 type: explored -- comm_cost: 0.4373842592592594 - complexity: 9 +- comm_cost: 0.38833912037037055 + complexity: 13 expressions: + - K+ + - N+ - R- - S+ - SE+ + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - not(R+) name: explored-2370 type: explored -- comm_cost: 0.5140625000000001 - complexity: 10 +- comm_cost: 0.5244791666666668 + complexity: 5 expressions: + - K+ + - N+ - R+ - R- - S+ - - and(or(K+, S-), or(SE-, N+)) name: explored-2371 type: explored -- comm_cost: 0.34973958333333366 - complexity: 16 +- comm_cost: 0.4867708333333336 + complexity: 10 expressions: - - K+ - - K+ - - S+ + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-2372 type: explored -- comm_cost: 0.7253472222222221 - complexity: 11 +- comm_cost: 0.19097222222222254 + complexity: 15 expressions: - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) + - or(S+, N+) name: explored-2373 type: explored -- comm_cost: 0.4359375000000003 - complexity: 9 +- comm_cost: 0.585445601851852 + complexity: 14 expressions: - - R- + - N+ - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, not(R+)) + - and(S-, not(R-)) name: explored-2374 type: explored -- comm_cost: 0.507320601851852 - complexity: 17 +- comm_cost: 0.27708333333333357 + complexity: 14 expressions: + - K+ - N+ - R- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(S-, not(R-)) + - and(SE-, or(K+, S-)) + - or(K+, N+) name: explored-2375 type: explored -- comm_cost: 0.6367361111111113 - complexity: 11 +- comm_cost: 0.4609375 + complexity: 10 expressions: - K+ - N+ - - SE- - - and(N-, R+) - - not(R-) - - or(K+, S-) + - R- + - and(K-, not(R-)) + - and(S-, SE-) name: explored-2376 type: explored -- comm_cost: 0.33411458333333355 - complexity: 15 +- comm_cost: 0.4050347222222226 + complexity: 11 expressions: - N+ - - R+ - - R- - - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - or(N+, R-) name: explored-2377 type: explored -- comm_cost: 0.47282986111111125 - complexity: 16 +- comm_cost: 0.08541666666666692 + complexity: 15 expressions: - K+ - N+ - R- - - and(K-, N-) - - and(K-, S+) + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) name: explored-2378 type: explored -- comm_cost: 0.4717708333333336 - complexity: 18 +- comm_cost: 0.17604166666666698 + complexity: 13 expressions: - K+ - N+ - - S+ - - and(K-, or(S+, SE+)) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) name: explored-2379 type: explored -- comm_cost: 0.49322916666666683 - complexity: 16 +- comm_cost: 0.6449652777777779 + complexity: 11 expressions: - - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) + - and(K-, or(SE-, N+)) + - and(S-, N-) + - or(K+, R-) name: explored-2380 type: explored -- comm_cost: 0.47239583333333357 - complexity: 15 +- comm_cost: 0.2973958333333335 + complexity: 17 expressions: - K+ - - N+ - R- - - S+ - - S- + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-2381 type: explored -- comm_cost: 0.6085069444444446 - complexity: 9 +- comm_cost: 0.6449074074074075 + complexity: 8 expressions: - N+ - R+ - - R- - - not(R+) - - or(N+, not(R+)) + - S- + - SE- + - and(S-, not(R-)) name: explored-2382 type: explored -- comm_cost: 0.41093750000000007 - complexity: 14 +- comm_cost: 0.7074652777777779 + complexity: 7 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - R+ + - and(N-, or(S+, R+)) name: explored-2383 type: explored -- comm_cost: 0.5463541666666668 +- comm_cost: 0.5167534722222222 complexity: 16 expressions: - N+ - - and(K-, not(R-)) - - and(N-, R+) - - and(N-, or(K+, S-)) + - R- + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + - or(SE-, N+) name: explored-2384 type: explored -- comm_cost: 0.4365740740740742 - complexity: 24 +- comm_cost: 0.5489583333333334 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - R- + - R+ - S+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-2385 type: explored -- comm_cost: 0.3710937500000002 - complexity: 13 +- comm_cost: 0.32382812500000024 + complexity: 16 expressions: + - K+ + - K+ - N+ - - SE+ + - R- + - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-2386 type: explored -- comm_cost: 0.3659722222222226 - complexity: 11 +- comm_cost: 0.6580729166666668 + complexity: 10 expressions: - N+ - R- - SE- - - and(N-, R+) - - or(K+, or(N+, R-)) + - and(K-, not(R-)) + - or(K+, SE+) name: explored-2387 type: explored -- comm_cost: 0.5041666666666669 - complexity: 9 +- comm_cost: 0.813888888888889 + complexity: 3 expressions: - - K+ - - R- - - SE+ - - and(K-, S+) - - and(N-, R+) + - or(K+, R+) name: explored-2388 type: explored -- comm_cost: 0.2791666666666668 - complexity: 13 +- comm_cost: 0.31759259259259276 + complexity: 26 expressions: - K+ - - R+ + - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-2389 type: explored -- comm_cost: 0.20815972222222245 - complexity: 15 +- comm_cost: 0.5118055555555557 + complexity: 7 expressions: - N+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(S-, N-) name: explored-2390 type: explored -- comm_cost: 0.6312500000000002 +- comm_cost: 0.4168402777777781 complexity: 11 expressions: - - R+ - - and(and(K-, N-), or(S+, R+)) - - or(K+, R-) + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - or(K+, N+) name: explored-2391 type: explored -- comm_cost: 0.5500000000000002 +- comm_cost: 0.35416666666666696 complexity: 10 expressions: - - R- - - and(K-, N-) + - K+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) name: explored-2392 type: explored -- comm_cost: 0.6005208333333335 - complexity: 11 +- comm_cost: 0.683726851851852 + complexity: 5 expressions: - - R- - - SE- - - and(K-, S+) - - and(N-, R+) - - or(K+, K-) + - N- + - R+ + - and(S-, N-) name: explored-2393 type: explored -- comm_cost: 0.3576388888888893 - complexity: 22 +- comm_cost: 0.7158333333333334 + complexity: 10 expressions: - - K+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - and(K-, or(N+, not(R+))) + - or(S+, SE+) name: explored-2394 type: explored -- comm_cost: 0.4931423611111113 - complexity: 15 +- comm_cost: 0.2572916666666669 + complexity: 12 expressions: - - K+ - N+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(SE-, N+) name: explored-2395 type: explored -- comm_cost: 0.6756944444444446 - complexity: 35 +- comm_cost: 0.5289785879629632 + complexity: 18 expressions: - - and(K-, or(S+, R-)) - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) - - and(S-, N-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - SE- + - SE- + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-2396 type: explored -- comm_cost: 0.4175347222222223 - complexity: 15 +- comm_cost: 0.14652777777777803 + complexity: 12 expressions: - - R+ - - R- - - S+ - - and(S-, SE-) + - K+ + - N+ + - N+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(S+, R-) name: explored-2397 type: explored -- comm_cost: 0.338715277777778 - complexity: 24 +- comm_cost: 0.36250000000000016 + complexity: 13 expressions: - - K+ - N+ - R- - - and(K-, S+) + - S+ + - S- - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, N+) - - or(SE-, N+) + - and(S-, SE-) name: explored-2398 type: explored -- comm_cost: 0.509027777777778 - complexity: 23 +- comm_cost: 0.3222222222222225 + complexity: 20 expressions: - - K+ - - K+ - N+ - R- - - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(K+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-2399 type: explored -- comm_cost: 0.409027777777778 - complexity: 12 +- comm_cost: 0.42500000000000027 + complexity: 6 expressions: - N+ + - N+ - R- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) name: explored-2400 type: explored -- comm_cost: 0.5981770833333334 - complexity: 9 +- comm_cost: 0.7703125000000001 + complexity: 5 expressions: - - N+ - - R+ - - R- - - or(S+, R+) - - or(SE-, N+) + - S- + - and(K-, not(R-)) name: explored-2401 type: explored -- comm_cost: 0.35107638888888903 - complexity: 14 +- comm_cost: 0.35069444444444464 + complexity: 15 expressions: - N+ - R- + - S+ + - SE- - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, R-) - - or(S+, SE+) name: explored-2402 type: explored -- comm_cost: 0.695076884920635 - complexity: 39 +- comm_cost: 0.38593750000000016 + complexity: 19 expressions: + - K+ - R- - - and(K-, or(S+, R-)) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(K+, N+) - - or(K+, S-) - - or(S+, N+) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-2403 type: explored -- comm_cost: 0.5832175925925928 - complexity: 14 +- comm_cost: 0.5721354166666667 + complexity: 8 expressions: - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, K-) + - K+ + - N+ + - R- + - SE- + - and(K-, not(R-)) name: explored-2404 type: explored -- comm_cost: 0.83125 - complexity: 5 +- comm_cost: 0.7445023148148149 + complexity: 9 expressions: - - and(N-, or(K+, SE+)) + - R+ + - and(N-, or(K+, S-)) + - or(K+, K-) name: explored-2405 type: explored -- comm_cost: 0.33993055555555585 - complexity: 16 +- comm_cost: 0.6727430555555557 + complexity: 9 expressions: - - N+ - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - R+ + - SE- + - and(N-, not(R-)) + - or(K+, N+) name: explored-2406 type: explored -- comm_cost: 0.38255208333333357 - complexity: 22 +- comm_cost: 0.5731770833333333 + complexity: 9 expressions: - K+ - N+ - R- - - S+ - - SE+ - - and(K-, or(S+, R+)) - - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(SE-, N+) name: explored-2407 type: explored -- comm_cost: 0.2645833333333334 - complexity: 18 +- comm_cost: 0.2756944444444447 + complexity: 20 expressions: - K+ - - K+ - N+ - R- - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) - and(S-, SE-) - - and(SE+, N-) name: explored-2408 type: explored -- comm_cost: 0.5317708333333335 - complexity: 6 +- comm_cost: 0.6430555555555555 + complexity: 7 expressions: - - K+ - N+ - R- - - and(SE+, N-) + - SE- + - and(K-, not(R+)) name: explored-2409 type: explored -- comm_cost: 0.19947916666666687 - complexity: 15 +- comm_cost: 0.41062500000000024 + complexity: 19 expressions: - K+ - - K+ - - N+ - R- - - S+ - - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(S-, SE-) + - or(K+, S-) name: explored-2410 type: explored -- comm_cost: 0.619513888888889 - complexity: 8 +- comm_cost: 0.5441840277777779 + complexity: 13 expressions: - - K- - N+ - R+ - R- - SE- - - or(K+, R-) + - and(K-, not(R-)) + - and(N-, or(K+, R+)) name: explored-2411 type: explored -- comm_cost: 0.5687500000000002 - complexity: 11 +- comm_cost: 0.5914062500000001 + complexity: 8 expressions: - - R+ - - SE- - - and(K-, or(SE-, N+)) - - and(S-, not(R+)) + - K+ + - R- + - and(K-, N-) + - and(S-, SE-) name: explored-2412 type: explored -- comm_cost: 0.3723958333333335 - complexity: 11 +- comm_cost: 0.42578703703703713 + complexity: 17 expressions: - K+ - N+ - - R+ + - N- - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-2413 type: explored -- comm_cost: 0.8489583333333333 - complexity: 3 +- comm_cost: 0.5366666666666667 + complexity: 16 expressions: + - K+ + - K+ + - N+ + - R- - S+ - - not(R+) + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(S+, R+) name: explored-2414 type: explored -- comm_cost: 0.4687500000000002 - complexity: 16 +- comm_cost: 0.2576388888888892 + complexity: 13 expressions: - N+ - R- + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - or(SE-, N+) name: explored-2415 type: explored -- comm_cost: 0.6961144179894181 - complexity: 46 - expressions: - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) - - and(N-, not(R-)) - - and(N-, or(S+, R+)) - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) - - or(S+, or(N+, R-)) - name: explored-2416 - type: explored -- comm_cost: 0.48473090277777797 - complexity: 23 +- comm_cost: 0.276388888888889 + complexity: 21 expressions: - K+ - - K+ - N+ - R- - S+ - - S- - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(N+, not(R+)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-2417 + - and(or(K+, S-), not(R+)) + name: explored-2416 type: explored -- comm_cost: 0.640451388888889 - complexity: 12 +- comm_cost: 0.5778935185185187 + complexity: 14 expressions: - - N+ + - R+ - R- - SE- - - and(K-, not(R-)) - - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - or(K+, or(N+, R-)) + name: explored-2417 + type: explored +- comm_cost: 0.5455729166666669 + complexity: 10 + expressions: + - K+ + - and(K-, SE-) + - and(N-, R+) + - or(S+, R+) name: explored-2418 type: explored -- comm_cost: 0.6867968750000002 - complexity: 14 +- comm_cost: 0.6618981481481482 + complexity: 10 expressions: - - R+ - - and(N-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - not(R-) + - N+ + - R- + - SE- + - and(K-, not(R+)) + - or(S+, SE+) name: explored-2419 type: explored -- comm_cost: 0.7868055555555556 - complexity: 8 +- comm_cost: 0.61953125 + complexity: 13 expressions: - - and(N-, or(S+, R+)) - - or(S+, N+) + - K+ + - K+ + - N+ + - S+ + - and(K-, or(N+, not(R+))) + - and(S-, SE-) name: explored-2420 type: explored -- comm_cost: 0.7541666666666668 - complexity: 10 +- comm_cost: 0.6924652777777779 + complexity: 7 expressions: - - and(K-, or(S+, R+)) - - and(N-, or(K+, SE+)) + - R+ + - and(K-, not(R+)) + - not(R-) name: explored-2421 type: explored -- comm_cost: 0.38541666666666674 - complexity: 15 +- comm_cost: 0.7235503472222223 + complexity: 42 expressions: - - R+ - - R- - - and(K-, or(S+, N+)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(K-, S+) + - and(K-, not(R-)) + - and(K-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, not(R+)) + - or(S+, N+) + - or(S+, R-) name: explored-2422 type: explored -- comm_cost: 0.4326041666666669 - complexity: 18 +- comm_cost: 0.6010416666666668 + complexity: 9 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - and(and(S-, N-), not(R-)) + - or(S+, N+) name: explored-2423 type: explored -- comm_cost: 0.11967592592592635 - complexity: 20 +- comm_cost: 0.3974537037037038 + complexity: 24 expressions: - - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, R-) - - or(K+, or(N+, R-)) name: explored-2424 type: explored -- comm_cost: 0.47083333333333366 - complexity: 7 +- comm_cost: 0.09010416666666687 + complexity: 16 expressions: + - K+ + - N+ - R- + - and(K-, S+) - and(N-, R+) - - or(S+, N+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-2425 type: explored -- comm_cost: 0.49921875000000004 - complexity: 18 +- comm_cost: 0.7032118055555556 + complexity: 19 expressions: - - K+ - - R- - - S+ - and(K-, not(R-)) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, R+) + - or(K+, SE+) + - or(N+, R-) name: explored-2426 type: explored -- comm_cost: 0.5484953703703705 - complexity: 23 +- comm_cost: 0.6210069444444446 + complexity: 16 expressions: - R+ - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - R- + - SE- + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2427 type: explored -- comm_cost: 0.6834490740740742 - complexity: 8 +- comm_cost: 0.4455729166666669 + complexity: 15 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - or(K+, R+) - - or(S+, SE+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(K+, N+) name: explored-2428 type: explored -- comm_cost: 0.7091435185185186 - complexity: 6 +- comm_cost: 0.7089280753968255 + complexity: 38 expressions: - - R+ - - SE+ - - and(K-, not(R-)) + - N+ + - N- + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) + - or(K+, R-) + - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-2429 type: explored -- comm_cost: 0.6920138888888889 - complexity: 32 +- comm_cost: 0.7223606977513228 + complexity: 28 expressions: - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - K+ + - N+ + - and(N-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) - or(K+, K-) - - or(K+, S-) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - or(K+, N+) + - or(N+, R-) + - or(S+, R+) name: explored-2430 type: explored -- comm_cost: 0.4489351851851854 - complexity: 16 +- comm_cost: 0.53671875 + complexity: 9 expressions: - - K+ - - K- - - N+ - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) + - and(K-, or(S+, SE+)) - and(S-, SE-) name: explored-2431 type: explored -- comm_cost: 0.5171875000000001 - complexity: 7 +- comm_cost: 0.6913368055555557 + complexity: 26 expressions: - - N+ - - and(S-, SE-) - - or(K+, SE+) + - and(K-, not(R+)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) + - or(K+, R+) + - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-2432 type: explored -- comm_cost: 0.6354166666666667 - complexity: 12 +- comm_cost: 0.40976562500000024 + complexity: 16 expressions: - - N+ - - R+ - - SE- - - and(K-, S+) + - K+ + - R- + - S+ + - S+ + - and(N-, R+) + - and(S-, SE-) - and(or(K+, S-), not(R-)) name: explored-2433 type: explored -- comm_cost: 0.27656250000000027 - complexity: 11 +- comm_cost: 0.199088541666667 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - not(R+) name: explored-2434 type: explored -- comm_cost: 0.6716145833333335 - complexity: 11 +- comm_cost: 0.5955729166666668 + complexity: 12 expressions: - - R+ - - R+ - - and(N-, not(R-)) - - and(N-, or(K+, S-)) + - N+ + - R- + - and(K-, N-) + - and(K-, not(R-)) + - and(N-, R+) name: explored-2435 type: explored -- comm_cost: 0.32690972222222237 - complexity: 18 +- comm_cost: 0.33263888888888893 + complexity: 16 expressions: - K+ - - R+ + - N+ - R- - - and(K-, or(S+, N+)) + - R- + - and(K-, S+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-2436 type: explored -- comm_cost: 0.6395109953703705 - complexity: 17 +- comm_cost: 0.24270833333333364 + complexity: 11 expressions: - - R+ - - SE- - - and(K-, or(S+, SE+)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-2437 type: explored -- comm_cost: 0.5961284722222224 - complexity: 16 +- comm_cost: 0.7519756944444445 + complexity: 21 expressions: - - K- - - N+ - - R- - - SE- - - and(N-, R+) - - or(N+, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) + - or(K+, N+) + - or(K+, R-) - or(S+, or(N+, R-)) name: explored-2438 type: explored -- comm_cost: 0.6950335648148149 - complexity: 22 +- comm_cost: 0.7390625 + complexity: 7 expressions: - N+ - - S+ + - SE- - and(K-, or(S+, N+)) - - and(N-, or(S+, SE+)) - - or(K+, R+) - - or(N+, not(R+)) - - or(S+, R-) name: explored-2439 type: explored -- comm_cost: 0.5802083333333335 - complexity: 19 +- comm_cost: 0.5828125000000001 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - or(S+, or(N+, R-)) + - R+ + - S+ + - and(K-, SE-) + - and(K-, or(N+, not(R+))) name: explored-2440 type: explored -- comm_cost: 0.6513888888888888 - complexity: 9 +- comm_cost: 0.5869212962962964 + complexity: 12 expressions: - K+ - - R- - - and(K-, not(R+)) + - R+ + - and(N-, or(K+, SE+)) - and(S-, SE-) + - not(R-) name: explored-2441 type: explored -- comm_cost: 0.6908101851851853 - complexity: 4 +- comm_cost: 0.7958333333333335 + complexity: 5 expressions: - - K- - - R+ - - SE+ - - SE- + - and(N-, or(K+, R+)) name: explored-2442 type: explored -- comm_cost: 0.601215277777778 - complexity: 13 +- comm_cost: 0.658564814814815 + complexity: 10 expressions: - - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) + - N+ + - SE+ + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-2443 type: explored -- comm_cost: 0.5976562500000001 - complexity: 8 +- comm_cost: 0.3979166666666667 + complexity: 16 expressions: - - R+ - - and(N-, not(R-)) + - K+ + - N+ + - R- + - SE- + - and(K-, S+) - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-2444 type: explored -- comm_cost: 0.693576388888889 - complexity: 7 +- comm_cost: 0.3484375000000002 + complexity: 15 expressions: - - SE- - - or(K+, N+) - - or(K+, SE+) + - K+ + - N+ + - R- + - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-2445 type: explored -- comm_cost: 0.5795833333333336 - complexity: 15 +- comm_cost: 0.2942129629629632 + complexity: 21 expressions: + - K+ - N+ - - N- - R- + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - - and(S-, N-) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, S-) name: explored-2446 type: explored -- comm_cost: 0.3328993055555557 - complexity: 18 +- comm_cost: 0.6571180555555557 + complexity: 12 + expressions: + - N+ + - and(K-, or(S+, N+)) + - and(and(K-, N-), not(R-)) + name: explored-2447 + type: explored +- comm_cost: 0.2337962962962965 + complexity: 19 expressions: + - K+ - N+ - R- - - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-2447 + - and(and(K-, N-), or(S+, SE+)) + - or(S+, R-) + name: explored-2448 type: explored -- comm_cost: 0.6186631944444445 - complexity: 13 +- comm_cost: 0.7334461805555557 + complexity: 10 expressions: - R+ - SE- - - and(N-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - name: explored-2448 + - not(R-) + - or(K+, S-) + - or(SE-, N+) + name: explored-2449 type: explored -- comm_cost: 0.49583333333333357 - complexity: 13 +- comm_cost: 0.36623263888888924 + complexity: 11 expressions: - K+ + - K+ + - N+ - R- - S+ - - S- - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) - name: explored-2449 + - or(S+, R-) + name: explored-2450 type: explored -- comm_cost: 0.06510416666666696 - complexity: 14 +- comm_cost: 0.12800925925925966 + complexity: 24 expressions: - K+ - N+ - R- + - and(K-, S+) + - and(K-, not(R+)) - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - name: explored-2450 + - and(S-, SE-) + name: explored-2451 type: explored -- comm_cost: 0.47821180555555565 - complexity: 15 +- comm_cost: 0.29947916666666696 + complexity: 13 expressions: - K+ - - K+ - - N+ - - R- - S+ - - and(K-, not(R-)) - and(N-, R+) - - and(SE+, N-) - name: explored-2451 + - and(S-, SE-) + - and(S-, or(SE-, N+)) + name: explored-2452 type: explored -- comm_cost: 0.5052951388888892 - complexity: 7 +- comm_cost: 0.46944444444444444 + complexity: 15 expressions: - K+ - - SE- - - and(N-, R+) - - not(R+) - name: explored-2452 + - N+ + - and(K-, S+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) + name: explored-2453 type: explored -- comm_cost: 0.3875000000000002 - complexity: 10 +- comm_cost: 0.2781828703703706 + complexity: 20 expressions: + - K+ - N+ - R- - - SE+ - - SE- - and(N-, R+) - and(S-, SE-) - name: explored-2453 - type: explored -- comm_cost: 0.7289930555555557 - complexity: 6 - expressions: - - R+ - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(SE+, N-) + - or(K+, or(N+, R-)) name: explored-2454 type: explored -- comm_cost: 0.6390625000000001 - complexity: 11 +- comm_cost: 0.6831597222222223 + complexity: 10 expressions: - - R- - - SE- - - and(SE+, N-) - - and(or(K+, S-), not(R-)) + - K+ + - S+ + - S- + - and(or(K+, S-), or(SE-, N+)) name: explored-2455 type: explored -- comm_cost: 0.23877314814814832 - complexity: 19 +- comm_cost: 0.2712962962962966 + complexity: 20 expressions: - - K+ - N+ - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-2456 type: explored -- comm_cost: 0.5818055555555558 - complexity: 8 +- comm_cost: 0.5706886574074076 + complexity: 9 expressions: - - K- - N+ + - S- + - SE- - and(N-, R+) - - and(N-, R+) + - and(S-, N-) name: explored-2457 type: explored -- comm_cost: 0.21510416666666687 +- comm_cost: 0.19531250000000022 complexity: 18 expressions: - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(S-, or(SE-, N+)) - or(K+, R-) name: explored-2458 type: explored -- comm_cost: 0.5177777777777779 - complexity: 17 +- comm_cost: 0.4062500000000002 + complexity: 9 expressions: - - N+ + - K+ - R- - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(K+, S-) - - or(N+, R-) + - and(N-, R+) name: explored-2459 type: explored -- comm_cost: 0.5687789351851853 - complexity: 12 +- comm_cost: 0.7541666666666668 + complexity: 4 expressions: - - N+ - - R- - - S- - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - SE+ + - or(S+, N+) name: explored-2460 type: explored -- comm_cost: 0.20468750000000013 - complexity: 16 +- comm_cost: 0.23579282407407431 + complexity: 17 expressions: - K+ + - K+ - N+ - R+ - R- - S+ - - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-2461 type: explored -- comm_cost: 0.5777083333333335 - complexity: 9 +- comm_cost: 0.14270833333333366 + complexity: 12 expressions: - K+ - - K- - - N+ - R- - - S- - - SE- + - S+ - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-2462 type: explored -- comm_cost: 0.14322916666666696 - complexity: 14 +- comm_cost: 0.4500000000000003 + complexity: 9 expressions: - N+ - - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - or(N+, not(R+)) name: explored-2463 type: explored -- comm_cost: 0.4140625000000001 - complexity: 15 +- comm_cost: 0.45763888888888915 + complexity: 9 expressions: - - K+ - N+ - - R- + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(K+, K-) + - and(S-, N-) name: explored-2464 type: explored -- comm_cost: 0.4911458333333333 - complexity: 12 +- comm_cost: 0.48587962962962983 + complexity: 14 expressions: - - K+ - N+ - R- - - S+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - SE- + - and(N-, R+) + - and(S-, N-) + - or(K+, or(N+, R-)) name: explored-2465 type: explored -- comm_cost: 0.5274305555555557 - complexity: 18 +- comm_cost: 0.6302372685185186 + complexity: 17 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) + - R+ + - and(K-, not(R-)) + - and(SE-, or(K+, S-)) - and(and(K-, N-), or(S+, SE+)) name: explored-2466 type: explored -- comm_cost: 0.3767939814814817 - complexity: 18 +- comm_cost: 0.5557291666666668 + complexity: 6 expressions: - - N+ + - R+ - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, not(R+)) - - or(S+, R-) + - S+ + - or(SE-, N+) name: explored-2467 type: explored -- comm_cost: 0.5842013888888891 - complexity: 13 +- comm_cost: 0.5918055555555557 + complexity: 12 expressions: - - and(K-, SE-) - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - R+ + - SE- + - and(SE-, or(K+, S-)) + - or(N+, not(R+)) name: explored-2468 type: explored -- comm_cost: 0.6039641203703705 - complexity: 14 +- comm_cost: 0.6764930555555557 + complexity: 13 expressions: - N+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - R+ + - SE- + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) name: explored-2469 type: explored -- comm_cost: 0.30625000000000013 - complexity: 16 +- comm_cost: 0.6205439814814815 + complexity: 17 expressions: - - R+ + - K+ + - N+ - R- - - S+ - - and(K-, S+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-2470 type: explored -- comm_cost: 0.5631944444444447 +- comm_cost: 0.06093750000000031 complexity: 10 expressions: - K+ - - SE- - - and(K-, or(S+, R+)) + - N+ + - R- + - S+ - and(N-, R+) + - and(S-, SE-) name: explored-2471 type: explored -- comm_cost: 0.7202546296296297 - complexity: 9 - expressions: - - R+ - - and(K-, or(S+, R+)) - - or(K+, S-) - name: explored-2472 - type: explored -- comm_cost: 0.4447916666666667 - complexity: 11 +- comm_cost: 0.287369791666667 + complexity: 25 expressions: - K+ - - K+ - N+ - R- - S+ - - and(K-, N-) + - and(N-, R+) - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) + - or(SE-, N+) + name: explored-2472 + type: explored +- comm_cost: 0.7765625 + complexity: 8 + expressions: + - and(K-, or(S+, SE+)) + - or(K+, N+) name: explored-2473 type: explored -- comm_cost: 0.42453703703703716 - complexity: 15 +- comm_cost: 0.6162037037037039 + complexity: 10 expressions: - - R+ - - R- - - and(S-, SE-) - - and(SE+, N-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(N-, R+) + - and(N-, R+) + - or(K+, K-) name: explored-2474 type: explored -- comm_cost: 0.24583333333333357 - complexity: 16 +- comm_cost: 0.6152083333333335 + complexity: 8 expressions: - - K+ - - N+ + - N- + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(SE-, or(K+, S-)) name: explored-2475 type: explored -- comm_cost: 0.47586805555555567 - complexity: 16 +- comm_cost: 0.6156250000000001 + complexity: 12 expressions: - - R- - - SE- - - and(N-, R+) + - and(K-, SE-) + - and(SE+, N-) - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) name: explored-2476 type: explored -- comm_cost: 0.3690104166666669 - complexity: 14 +- comm_cost: 0.7333333333333333 + complexity: 5 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - R- + - SE- + - and(K-, S+) name: explored-2477 type: explored -- comm_cost: 0.5269097222222223 - complexity: 10 +- comm_cost: 0.5699942129629632 + complexity: 14 expressions: - - R+ + - N+ - SE- - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(N-, R+) + - and(S-, N-) + - and(or(K+, S-), not(R-)) name: explored-2478 type: explored -- comm_cost: 0.5182291666666667 - complexity: 12 +- comm_cost: 0.4930555555555558 + complexity: 10 expressions: - K+ - - R+ - - and(N-, not(R-)) + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(N+, R-) name: explored-2479 type: explored -- comm_cost: 0.2641203703703705 - complexity: 24 +- comm_cost: 0.6120833333333333 + complexity: 6 expressions: - - K+ + - K- - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) name: explored-2480 type: explored -- comm_cost: 0.5346354166666668 - complexity: 12 +- comm_cost: 0.5671875000000001 + complexity: 7 expressions: - R+ - R- + - S- + - SE- - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-2481 type: explored -- comm_cost: 0.21093750000000022 - complexity: 18 +- comm_cost: 0.44212962962962976 + complexity: 29 expressions: - K+ - N+ - R- - - S+ - and(K-, S+) - - and(K-, or(S+, R+)) + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) - and(S-, SE-) name: explored-2482 type: explored -- comm_cost: 0.5489583333333334 - complexity: 11 +- comm_cost: 0.7096354166666667 + complexity: 9 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(SE-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) name: explored-2483 type: explored -- comm_cost: 0.4432291666666669 - complexity: 16 +- comm_cost: 0.2972800925925928 + complexity: 22 expressions: + - K+ + - K+ - N+ - R- - - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-2484 type: explored -- comm_cost: 0.41281250000000014 +- comm_cost: 0.39218750000000024 complexity: 14 expressions: - K+ - - K- - - N+ - R- - - S+ - - and(K-, SE-) + - S- + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) name: explored-2485 type: explored -- comm_cost: 0.663715277777778 - complexity: 13 +- comm_cost: 0.48645833333333344 + complexity: 9 expressions: - R+ + - R- - SE- - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, SE-) + - or(K+, N+) name: explored-2486 type: explored -- comm_cost: 0.21319444444444458 - complexity: 15 +- comm_cost: 0.28663194444444473 + complexity: 20 expressions: - K+ - - K+ - N+ - - R- - - and(K-, or(S+, R+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - not(R+) + - or(and(K-, S+), or(N+, R-)) name: explored-2487 type: explored -- comm_cost: 0.39656250000000015 - complexity: 14 +- comm_cost: 0.5339583333333335 + complexity: 16 expressions: + - K+ - N+ - - R+ - R- - - S+ + - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - and(S-, or(SE-, N+)) + - or(S+, SE+) name: explored-2488 type: explored -- comm_cost: 0.6859375000000001 - complexity: 5 +- comm_cost: 0.2723524305555559 + complexity: 21 expressions: + - K+ + - K+ - N+ - R- - - or(S+, R+) + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-2489 type: explored -- comm_cost: 0.40395833333333364 - complexity: 14 +- comm_cost: 0.7770833333333333 + complexity: 4 expressions: - - N+ - - R- - R- - - SE- - - and(N-, R+) - - or(N+, not(R+)) - - or(S+, R-) + - or(K+, S-) name: explored-2490 type: explored -- comm_cost: 0.6432291666666669 - complexity: 12 +- comm_cost: 0.3803240740740743 + complexity: 23 expressions: - - and(K-, not(R-)) - - and(K-, or(S+, N+)) + - K+ + - N+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-2491 type: explored -- comm_cost: 0.2972222222222225 - complexity: 13 +- comm_cost: 0.3270833333333333 + complexity: 12 expressions: - K+ - - K+ - N+ - R- - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(K-, S+) + - and(K-, S+) + - and(S-, SE-) name: explored-2492 type: explored -- comm_cost: 0.6646701388888889 - complexity: 9 +- comm_cost: 0.4178385416666669 + complexity: 22 expressions: - - R+ + - K+ + - K+ + - N+ - R- + - S+ - S- - - SE- - - and(K-, or(S+, SE+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-2493 type: explored -- comm_cost: 0.5743055555555556 - complexity: 5 +- comm_cost: 0.7154311342592594 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - R- - - SE- + - K- + - R+ + - and(S-, N-) + - or(K+, SE+) name: explored-2494 type: explored -- comm_cost: 0.43385416666666676 - complexity: 10 +- comm_cost: 0.28906250000000033 + complexity: 18 expressions: - N+ - - R+ - - R- - - SE- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2495 type: explored -- comm_cost: 0.6456597222222222 - complexity: 6 +- comm_cost: 0.6065538194444445 + complexity: 12 expressions: - - K+ - - N+ + - R+ - R- - SE- - - not(R+) + - SE- + - and(K-, or(S+, R-)) + - or(S+, R+) name: explored-2496 type: explored -- comm_cost: 0.46597222222222257 - complexity: 14 +- comm_cost: 0.6105954861111111 + complexity: 35 expressions: - - K+ - N+ + - R+ - R- - - and(N-, R+) - - or(S+, N+) - - or(S+, or(N+, R-)) + - and(K-, or(S+, R-)) + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) + - not(R+) + - or(S+, SE+) name: explored-2497 type: explored -- comm_cost: 0.6269097222222224 - complexity: 3 +- comm_cost: 0.5260416666666669 + complexity: 10 expressions: - - R+ - - SE+ - - SE- + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - or(S+, R+) name: explored-2498 type: explored -- comm_cost: 0.6591695601851852 - complexity: 9 +- comm_cost: 0.7031423611111112 + complexity: 12 expressions: - - N+ - - R+ + - N- - R+ - R- - - S- - SE- + - and(K-, or(SE-, N+)) - or(K+, K-) name: explored-2499 type: explored -- comm_cost: 0.8262499999999999 - complexity: 5 +- comm_cost: 0.7517708333333334 + complexity: 8 expressions: - - R- + - R+ + - or(K+, K-) - or(N+, not(R+)) name: explored-2500 type: explored -- comm_cost: 0.5388310185185187 - complexity: 15 +- comm_cost: 0.4114583333333335 + complexity: 10 expressions: - - K+ - N+ - R- + - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, not(R-)) + - and(S-, N-) name: explored-2501 type: explored -- comm_cost: 0.4121527777777779 - complexity: 10 +- comm_cost: 0.3301215277777779 + complexity: 15 expressions: - - R+ + - K+ + - K+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, R-) - - or(S+, R-) name: explored-2502 type: explored -- comm_cost: 0.4085937500000002 - complexity: 18 +- comm_cost: 0.7815972222222223 + complexity: 10 expressions: - - N+ - - N+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(N-, or(S+, R+)) + - or(S+, or(N+, R-)) name: explored-2503 type: explored -- comm_cost: 0.2244791666666669 - complexity: 14 +- comm_cost: 0.50625 + complexity: 5 expressions: - - K+ - N+ - - R- - S+ - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) name: explored-2504 type: explored -- comm_cost: 0.35555555555555585 - complexity: 19 +- comm_cost: 0.79125 + complexity: 3 expressions: - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - not(R-) name: explored-2505 type: explored -- comm_cost: 0.26927083333333357 - complexity: 19 +- comm_cost: 0.4530671296296299 + complexity: 14 expressions: - - K+ - N+ - R- - S+ - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-2506 type: explored -- comm_cost: 0.5687500000000001 - complexity: 10 +- comm_cost: 0.49166666666666703 + complexity: 8 expressions: - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - N+ + - and(N-, R+) + - or(S+, N+) name: explored-2507 type: explored -- comm_cost: 0.7546875000000001 - complexity: 16 +- comm_cost: 0.5804166666666668 + complexity: 7 expressions: - - R+ - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) - - and(N-, or(S+, SE+)) + - K- + - and(N-, R+) + - and(S-, SE-) name: explored-2508 type: explored -- comm_cost: 0.5078125000000002 - complexity: 14 +- comm_cost: 0.33793402777777803 + complexity: 23 expressions: + - K+ + - N+ - R- - SE- - - and(K-, SE-) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-2509 type: explored -- comm_cost: 0.6815972222222224 - complexity: 9 +- comm_cost: 0.25913194444444476 + complexity: 17 expressions: - - R+ + - K+ + - K+ + - N+ - S+ - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-2510 type: explored -- comm_cost: 0.744965277777778 - complexity: 5 +- comm_cost: 0.5032118055555558 + complexity: 16 expressions: + - K+ - N+ - - R+ - - or(K+, R+) + - R- + - SE- + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-2511 type: explored -- comm_cost: 0.47524594907407425 - complexity: 18 +- comm_cost: 0.44635416666666683 + complexity: 13 expressions: - K+ - N+ - - R- - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(S+, or(N+, R-)) name: explored-2512 type: explored -- comm_cost: 0.6350115740740742 - complexity: 13 +- comm_cost: 0.6321180555555557 + complexity: 12 expressions: + - N+ - R+ - - and(and(K-, N-), not(R-)) - - or(K+, R-) - - or(S+, R+) + - R- + - SE- + - and(K-, or(S+, SE+)) + - or(K+, SE+) name: explored-2513 type: explored -- comm_cost: 0.38935185185185217 - complexity: 22 +- comm_cost: 0.65625 + complexity: 4 expressions: - - N+ - - R- - - and(N-, R+) + - K+ - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) name: explored-2514 type: explored -- comm_cost: 0.46736111111111134 - complexity: 13 +- comm_cost: 0.6296875000000002 + complexity: 10 expressions: - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, R-) + - N+ + - R+ + - SE+ + - SE- + - and(K-, or(N+, not(R+))) name: explored-2515 type: explored -- comm_cost: 0.744965277777778 - complexity: 7 +- comm_cost: 0.5948958333333335 + complexity: 18 expressions: - - N+ - - R+ - - and(K-, or(S+, R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, SE+) name: explored-2516 type: explored -- comm_cost: 0.3645978009259261 - complexity: 27 +- comm_cost: 0.27500000000000013 + complexity: 16 expressions: - K+ - N+ + - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, or(N+, R-)) + - or(S+, SE+) name: explored-2517 type: explored -- comm_cost: 0.3847222222222225 - complexity: 14 +- comm_cost: 0.51171875 + complexity: 12 expressions: - - K+ + - N+ - R- - and(K-, S+) - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(K-, not(R-)) + - and(S-, SE-) name: explored-2518 type: explored -- comm_cost: 0.5085937500000002 - complexity: 14 +- comm_cost: 0.554340277777778 + complexity: 11 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) + - SE- + - and(K-, or(S+, R-)) + - or(S+, N+) name: explored-2519 type: explored -- comm_cost: 0.37083333333333357 - complexity: 11 +- comm_cost: 0.5460937500000002 + complexity: 17 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, N-) + - and(K-, or(S+, R-)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(SE-, N+) name: explored-2520 type: explored -- comm_cost: 0.4955208333333335 - complexity: 13 +- comm_cost: 0.7237847222222223 + complexity: 10 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - or(K+, S-) + - R+ + - and(S-, or(N+, not(R+))) + - or(K+, K-) name: explored-2521 type: explored -- comm_cost: 0.4954861111111113 - complexity: 16 +- comm_cost: 0.5979166666666669 + complexity: 14 expressions: - - N+ - - R- - - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(S+, or(N+, R-)) + - R+ + - SE- + - and(S-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2522 type: explored -- comm_cost: 0.38544560185185206 - complexity: 22 +- comm_cost: 0.47039930555555576 + complexity: 24 expressions: - - K+ - - K+ - N+ - R- - - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) name: explored-2523 type: explored -- comm_cost: 0.6237847222222224 - complexity: 9 +- comm_cost: 0.18871527777777808 + complexity: 16 expressions: - - R+ + - K+ + - N+ + - R- + - S+ + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-2524 type: explored -- comm_cost: 0.6311747685185186 - complexity: 16 +- comm_cost: 0.6333333333333334 + complexity: 6 expressions: - N+ - - R+ - - R- + - SE+ - SE- - - and(N-, not(R-)) - - and(S-, not(R-)) - - or(N+, not(R+)) + - or(K+, R+) name: explored-2525 type: explored -- comm_cost: 0.5588368055555556 - complexity: 14 +- comm_cost: 0.6673611111111113 + complexity: 12 expressions: - - K+ - - K+ - - N+ - - N- - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, N+) name: explored-2526 type: explored -- comm_cost: 0.7379166666666667 - complexity: 7 +- comm_cost: 0.3265625000000002 + complexity: 14 expressions: - N+ - - R- - - SE- - - or(N+, not(R+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-2527 type: explored -- comm_cost: 0.14947916666666683 - complexity: 18 +- comm_cost: 0.43478009259259276 + complexity: 21 expressions: - K+ + - K+ - N+ - R- - S+ - - S+ - and(N-, R+) - and(S-, SE-) - and(and(K-, N-), or(S+, R+)) + - or(K+, K-) name: explored-2528 type: explored -- comm_cost: 0.47343749999999996 - complexity: 8 +- comm_cost: 0.6870613425925927 + complexity: 28 expressions: - - N+ - - R- - - and(S-, SE-) - - or(K+, R-) + - R+ + - SE+ + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) + - and(and(K-, N-), not(R-)) + - not(R-) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-2529 type: explored -- comm_cost: 0.6639756944444445 - complexity: 25 +- comm_cost: 0.4758159722222224 + complexity: 17 expressions: + - K+ + - N+ - R- - - and(K-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, N-) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-2530 type: explored -- comm_cost: 0.5809895833333336 - complexity: 12 +- comm_cost: 0.3796875000000002 + complexity: 15 expressions: - - SE- + - R- + - S+ - and(N-, R+) - - and(S-, N-) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-2531 type: explored -- comm_cost: 0.7027343750000001 - complexity: 29 +- comm_cost: 0.5075925925925927 + complexity: 22 expressions: - - and(K-, or(S+, R-)) - - and(or(K+, S-), not(R-)) - - or(K+, R-) - - or(S+, N+) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - not(R-) + - or(S+, SE+) name: explored-2532 type: explored -- comm_cost: 0.5486979166666668 - complexity: 11 +- comm_cost: 0.5036458333333335 + complexity: 12 expressions: - - and(K-, or(S+, N+)) - - and(S-, SE-) - - or(S+, R+) + - N+ + - R- + - S+ + - SE- + - and(N-, R+) + - not(R-) + - or(S+, N+) name: explored-2533 type: explored -- comm_cost: 0.411979166666667 +- comm_cost: 0.6440104166666668 complexity: 10 expressions: - - N+ + - R+ - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) + - and(K-, N-) + - and(K-, S+) + - not(R+) name: explored-2534 type: explored -- comm_cost: 0.38489583333333344 - complexity: 8 +- comm_cost: 0.8 + complexity: 4 expressions: - - R+ - - R- - - and(S-, SE-) - - or(K+, R-) + - N- + - or(K+, S-) name: explored-2535 type: explored -- comm_cost: 0.6118750000000002 - complexity: 7 +- comm_cost: 0.5043055555555558 + complexity: 10 expressions: - - R+ + - K+ + - N+ - R- - SE- - - or(N+, not(R+)) + - and(N-, R+) + - or(S+, SE+) name: explored-2536 type: explored -- comm_cost: 0.7121875000000001 - complexity: 3 +- comm_cost: 0.5710937500000002 + complexity: 12 expressions: - - K- - N+ - - R+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(SE-, N+) name: explored-2537 type: explored -- comm_cost: 0.394791666666667 - complexity: 10 +- comm_cost: 0.4592187500000001 + complexity: 9 expressions: + - K+ + - K+ + - N+ + - N- + - R- - S+ - - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) name: explored-2538 type: explored -- comm_cost: 0.6142361111111113 - complexity: 10 +- comm_cost: 0.3197916666666668 + complexity: 9 expressions: - K+ - R+ - - SE- - - and(or(K+, S-), or(SE-, N+)) - name: explored-2539 - type: explored -- comm_cost: 0.2635416666666668 - complexity: 16 - expressions: - - K+ - - N+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - and(S-, SE-) - - or(S+, R+) + name: explored-2539 + type: explored +- comm_cost: 0.7115625000000001 + complexity: 7 + expressions: + - R+ + - SE- + - not(R-) + - or(K+, SE+) name: explored-2540 type: explored -- comm_cost: 0.5916666666666668 - complexity: 6 +- comm_cost: 0.5833333333333335 + complexity: 9 expressions: - - N+ + - R+ - R- + - SE+ - SE- - - or(S+, R+) + - and(K-, or(S+, N+)) name: explored-2541 type: explored -- comm_cost: 0.35260416666666694 +- comm_cost: 0.6258912037037038 complexity: 11 expressions: + - K- - N+ - - N+ + - R+ + - R- - SE- - - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) name: explored-2542 type: explored -- comm_cost: 0.32968750000000036 - complexity: 23 +- comm_cost: 0.5515625 + complexity: 8 expressions: - N+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - or(N+, R-) name: explored-2543 type: explored -- comm_cost: 0.2625000000000004 - complexity: 16 +- comm_cost: 0.6852430555555558 + complexity: 8 expressions: - - K+ - - N+ - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE+ + - and(S-, or(N+, not(R+))) name: explored-2544 type: explored -- comm_cost: 0.7098379629629632 - complexity: 24 +- comm_cost: 0.5800347222222223 + complexity: 10 expressions: - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - or(S+, R-) + - K+ + - N+ + - R- + - SE- + - and(or(K+, S-), not(R-)) name: explored-2545 type: explored -- comm_cost: 0.4730092592592594 +- comm_cost: 0.7458333333333333 complexity: 20 expressions: - K+ - - N+ - - N- - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - or(S+, or(N+, R-)) name: explored-2546 type: explored -- comm_cost: 0.5663194444444446 - complexity: 12 +- comm_cost: 0.6279513888888889 + complexity: 14 expressions: - R+ - R- - - SE- - - and(S-, not(R+)) - - or(S+, or(N+, R-)) + - and(K-, N-) + - and(K-, S+) + - and(S-, SE-) + - or(K+, K-) name: explored-2547 type: explored -- comm_cost: 0.6617187500000001 +- comm_cost: 0.4423611111111113 complexity: 10 expressions: - - R+ - - and(K-, not(R-)) - - and(SE-, or(K+, S-)) + - N+ + - R- + - R- + - SE- + - and(N-, R+) + - or(K+, R+) name: explored-2548 type: explored -- comm_cost: 0.6479474206349207 - complexity: 41 +- comm_cost: 0.6656597222222222 + complexity: 13 expressions: - - S+ - - and(K-, or(S+, R-)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(S-, not(R+)) - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) - - or(K+, N+) + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, SE+)) - or(N+, not(R+)) - - or(S+, or(N+, R-)) name: explored-2549 type: explored -- comm_cost: 0.6868055555555557 - complexity: 6 +- comm_cost: 0.2673611111111114 + complexity: 17 expressions: - N+ - - and(N-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-2550 type: explored -- comm_cost: 0.5675347222222223 - complexity: 16 +- comm_cost: 0.23263888888888928 + complexity: 22 expressions: + - K+ - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2551 type: explored -- comm_cost: 0.3364583333333335 - complexity: 10 +- comm_cost: 0.07187500000000036 + complexity: 16 expressions: + - K+ + - N+ - R- - - SE- + - S+ + - and(K-, S+) - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - or(K+, R-) name: explored-2552 type: explored -- comm_cost: 0.6921875000000001 - complexity: 4 +- comm_cost: 0.4199074074074074 + complexity: 12 expressions: - - S- + - K+ + - N+ + - R- + - SE+ + - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-2553 type: explored -- comm_cost: 0.6912309027777779 - complexity: 36 +- comm_cost: 0.5784722222222222 + complexity: 13 expressions: - - N- - - and(K-, N-) - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - or(K+, or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, not(R+)) + - and(S-, SE-) - or(S+, N+) name: explored-2554 type: explored -- comm_cost: 0.6288194444444446 - complexity: 13 +- comm_cost: 0.43324652777777817 + complexity: 15 expressions: - - R+ - - and(K-, not(R+)) - - and(S-, or(SE-, N+)) - - or(S+, R+) + - N+ + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-2555 type: explored -- comm_cost: 0.5205486111111113 - complexity: 16 +- comm_cost: 0.6418981481481483 + complexity: 9 expressions: - - K+ - - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(K+, S-) + - SE- + - and(S-, N-) + - or(S+, SE+) name: explored-2556 type: explored -- comm_cost: 0.7489583333333333 - complexity: 5 +- comm_cost: 0.18750000000000033 + complexity: 22 expressions: + - K+ - N+ - R- - - or(K+, N+) + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-2557 type: explored -- comm_cost: 0.650115740740741 - complexity: 8 +- comm_cost: 0.4422222222222224 + complexity: 15 expressions: - - R+ + - K+ + - N+ + - R- - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) + - or(K+, S-) + - or(S+, N+) name: explored-2558 type: explored -- comm_cost: 0.6420486111111113 - complexity: 8 +- comm_cost: 0.3895833333333334 + complexity: 9 expressions: + - K+ - R+ - - and(N-, R+) - - not(R+) - - not(R-) + - R- + - and(S-, SE-) + - or(S+, R+) name: explored-2559 type: explored -- comm_cost: 0.7710937500000001 - complexity: 4 +- comm_cost: 0.6978442460317461 + complexity: 41 expressions: - - R- - - and(K-, N-) + - K+ + - N- + - and(K-, S+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) + - or(K+, S-) + - or(N+, not(R+)) + - or(S+, R-) name: explored-2560 type: explored -- comm_cost: 0.5681944444444446 - complexity: 12 +- comm_cost: 0.6307291666666668 + complexity: 9 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, N-) - - or(K+, S-) + - R+ + - and(K-, SE-) + - and(K-, or(SE-, N+)) name: explored-2561 type: explored -- comm_cost: 0.43125000000000036 - complexity: 10 +- comm_cost: 0.44201388888888904 + complexity: 16 expressions: + - K+ - N+ + - R- + - S- - SE- - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-2562 type: explored -- comm_cost: 0.31597222222222243 - complexity: 15 +- comm_cost: 0.36527777777777803 + complexity: 14 expressions: - - N+ + - K+ + - R- - R- - SE- - and(N-, R+) - - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2563 type: explored -- comm_cost: 0.4800347222222223 - complexity: 12 +- comm_cost: 0.3940104166666668 + complexity: 14 expressions: - K+ - - N+ + - R- - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, K-) name: explored-2564 type: explored -- comm_cost: 0.7139304315476191 - complexity: 38 +- comm_cost: 0.7772222222222223 + complexity: 4 expressions: - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, SE+)) - - and(S-, not(R-)) - - and(and(K-, N-), not(R-)) - - or(K+, S-) - - or(S+, N+) - - or(S+, R+) + - K- - or(S+, R-) - - or(S+, or(N+, R-)) name: explored-2565 type: explored -- comm_cost: 0.7359374999999999 - complexity: 7 +- comm_cost: 0.43046875000000007 + complexity: 15 expressions: + - K+ - N+ - R- - - and(K-, or(S+, R-)) + - and(K-, S+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-2566 type: explored -- comm_cost: 0.34236111111111145 - complexity: 15 +- comm_cost: 0.130729166666667 + complexity: 19 expressions: - - K+ + - N+ - R- - - SE- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - and(SE-, or(K+, S-)) + - or(K+, R-) name: explored-2567 type: explored -- comm_cost: 0.58984375 - complexity: 7 +- comm_cost: 0.5439814814814816 + complexity: 11 expressions: - N+ - - R- - - S+ - - and(K-, not(R-)) + - SE+ + - SE- + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-2568 type: explored -- comm_cost: 0.3993055555555558 - complexity: 13 +- comm_cost: 0.8221180555555556 + complexity: 7 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - or(K+, K-) + - or(N+, not(R+)) name: explored-2569 type: explored -- comm_cost: 0.3197916666666668 - complexity: 19 +- comm_cost: 0.7841145833333334 + complexity: 8 expressions: - N+ - R- - - and(K-, S+) - - and(K-, SE-) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - S+ + - or(S+, or(N+, R-)) name: explored-2570 type: explored -- comm_cost: 0.5221354166666667 - complexity: 15 +- comm_cost: 0.34386574074074094 + complexity: 17 expressions: - N+ - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - or(K+, R+) name: explored-2571 type: explored -- comm_cost: 0.1868055555555559 - complexity: 15 +- comm_cost: 0.5494791666666669 + complexity: 18 expressions: - K+ - - R- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-2572 type: explored -- comm_cost: 0.7864583333333333 - complexity: 4 +- comm_cost: 0.6665798611111112 + complexity: 14 expressions: - - R- - - or(K+, N+) + - R+ + - and(N-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2573 type: explored -- comm_cost: 0.7291637731481482 - complexity: 11 +- comm_cost: 0.584375 + complexity: 7 expressions: - - K- - - S+ - - SE+ - - and(K-, or(S+, SE+)) - - or(K+, R+) + - N+ + - and(S-, SE-) + - or(K+, N+) name: explored-2574 type: explored -- comm_cost: 0.5864583333333334 - complexity: 7 +- comm_cost: 0.3247395833333335 + complexity: 15 expressions: - - R+ + - N+ - R- - S+ - - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - or(K+, SE+) name: explored-2575 type: explored -- comm_cost: 0.3348958333333336 - complexity: 20 +- comm_cost: 0.42734375000000036 + complexity: 16 expressions: - - K+ - N+ - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2576 type: explored -- comm_cost: 0.7256944444444444 - complexity: 8 +- comm_cost: 0.547164351851852 + complexity: 18 expressions: - - N+ - - SE- - - or(S+, N+) - - or(S+, R-) + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-2577 type: explored -- comm_cost: 0.5966927083333335 - complexity: 42 +- comm_cost: 0.6551504629629632 + complexity: 13 expressions: - - N+ - - S+ - - and(K-, or(S+, R-)) + - SE- + - and(K-, not(R-)) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - not(R+) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-2578 type: explored -- comm_cost: 0.27951388888888906 - complexity: 18 +- comm_cost: 0.5491319444444446 + complexity: 11 expressions: - K+ - - N+ + - R+ - R- - - S+ - - and(K-, SE-) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) name: explored-2579 type: explored -- comm_cost: 0.7239583333333335 - complexity: 12 +- comm_cost: 0.5935763888888889 + complexity: 9 expressions: - - R+ - - and(N-, or(K+, SE+)) + - N+ + - R- + - S+ + - and(S-, SE-) - or(K+, K-) - - or(K+, R-) name: explored-2580 type: explored -- comm_cost: 0.4494791666666669 - complexity: 11 +- comm_cost: 0.5379861111111113 + complexity: 15 expressions: - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, K-) + - or(S+, SE+) name: explored-2581 type: explored -- comm_cost: 0.7703125000000001 - complexity: 7 +- comm_cost: 0.7112152777777779 + complexity: 9 expressions: - - R- - - or(K+, N+) - - or(K+, SE+) + - R+ + - SE- + - or(N+, not(R+)) + - or(S+, SE+) name: explored-2582 type: explored -- comm_cost: 0.5862500000000002 - complexity: 8 +- comm_cost: 0.6386284722222224 + complexity: 14 expressions: - N+ - - R- + - SE- - and(N-, R+) - - or(K+, S-) + - and(or(K+, S-), not(R-)) + - or(S+, R+) name: explored-2583 type: explored -- comm_cost: 0.3328125000000003 - complexity: 10 +- comm_cost: 0.2767361111111115 + complexity: 18 expressions: + - K+ + - N+ - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - or(K+, R-) name: explored-2584 type: explored -- comm_cost: 0.17916666666666703 - complexity: 9 +- comm_cost: 0.6359953703703705 + complexity: 12 expressions: - - K+ - - N+ - - N+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) name: explored-2585 type: explored -- comm_cost: 0.5796875000000001 - complexity: 6 +- comm_cost: 0.5618055555555557 + complexity: 12 expressions: - - N+ - - R- + - R+ - SE- - - and(K-, N-) + - and(K-, or(S+, R-)) + - and(K-, or(S+, R-)) name: explored-2586 type: explored -- comm_cost: 0.3750520833333335 - complexity: 13 +- comm_cost: 0.49088541666666674 + complexity: 8 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - not(R-) + - or(S+, R+) name: explored-2587 type: explored -- comm_cost: 0.6119791666666667 - complexity: 20 +- comm_cost: 0.7049479166666668 + complexity: 13 expressions: - - N+ - - and(N-, not(R-)) - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) + - R+ + - and(and(K-, N-), or(S+, R+)) + - or(S+, or(N+, R-)) name: explored-2588 type: explored -- comm_cost: 0.5776041666666669 - complexity: 9 +- comm_cost: 0.3631655092592595 + complexity: 24 expressions: - - R+ - - and(K-, or(SE-, N+)) + - K+ + - N+ + - R- + - and(K-, N-) + - and(K-, S+) + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-2589 type: explored -- comm_cost: 0.7423611111111112 - complexity: 13 - expressions: - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - name: explored-2590 - type: explored -- comm_cost: 0.22864583333333344 - complexity: 16 +- comm_cost: 0.2931250000000003 + complexity: 19 expressions: + - K+ - N+ - R- - - and(K-, SE-) + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-2591 + - or(N+, not(R+)) + name: explored-2590 type: explored -- comm_cost: 0.494965277777778 - complexity: 12 +- comm_cost: 0.43420138888888915 + complexity: 19 expressions: - N+ - - R+ - SE- - - and(K-, SE-) - and(N-, R+) - - or(S+, N+) - name: explored-2592 + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-2591 type: explored -- comm_cost: 0.5638888888888889 - complexity: 11 +- comm_cost: 0.3842592592592593 + complexity: 14 expressions: - K+ + - N+ - R- - - and(K-, S+) + - and(K-, or(S+, R-)) + - and(S-, N-) - and(S-, SE-) - - or(S+, R-) + name: explored-2592 + type: explored +- comm_cost: 0.48411458333333346 + complexity: 9 + expressions: + - K+ + - N+ + - S+ + - and(S-, SE-) + - or(S+, R+) name: explored-2593 type: explored -- comm_cost: 0.5895833333333335 - complexity: 12 +- comm_cost: 0.6488194444444446 + complexity: 7 expressions: - R+ - - and(K-, or(S+, N+)) - - and(and(S-, N-), not(R-)) + - SE- + - and(N-, R+) + - not(R-) name: explored-2594 type: explored -- comm_cost: 0.7729166666666667 - complexity: 10 +- comm_cost: 0.5804166666666668 + complexity: 9 expressions: - - and(K-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-2595 type: explored -- comm_cost: 0.6138020833333334 - complexity: 6 +- comm_cost: 0.6787615740740742 + complexity: 15 expressions: - - R+ - - R- - - SE- - - and(K-, N-) + - and(S-, N-) + - and(or(K+, S-), not(R+)) + - or(N+, R-) + - or(S+, R+) name: explored-2596 type: explored -- comm_cost: 0.3401041666666669 - complexity: 11 +- comm_cost: 0.6916666666666668 + complexity: 5 expressions: - K+ - - R+ - - R- - - and(N-, or(K+, R+)) - - and(S-, SE-) + - SE+ + - and(SE+, N-) name: explored-2597 type: explored -- comm_cost: 0.6562500000000001 - complexity: 11 +- comm_cost: 0.7261631944444445 + complexity: 12 expressions: - - and(N-, or(K+, SE+)) - - and(S-, N-) - - and(S-, SE-) + - N- + - R+ + - SE- + - and(and(K-, N-), not(R-)) + - or(K+, K-) name: explored-2598 type: explored -- comm_cost: 0.6458333333333335 - complexity: 4 +- comm_cost: 0.5536458333333335 + complexity: 16 expressions: + - N+ + - R+ - SE- - - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-2599 type: explored -- comm_cost: 0.2845486111111113 - complexity: 15 +- comm_cost: 0.3427083333333336 + complexity: 9 expressions: + - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(N+, R-) name: explored-2600 type: explored -- comm_cost: 0.5020833333333334 - complexity: 7 +- comm_cost: 0.4302083333333335 + complexity: 20 expressions: + - K+ + - K+ - N+ - - R+ - R- - - SE- - - or(K+, R-) + - S+ + - and(K-, or(N+, not(R+))) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-2601 type: explored -- comm_cost: 0.59375 - complexity: 6 +- comm_cost: 0.5239583333333335 + complexity: 16 expressions: - - K+ - - N+ - - SE- + - R+ - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-2602 type: explored -- comm_cost: 0.6801093750000001 - complexity: 37 +- comm_cost: 0.7580729166666668 + complexity: 7 expressions: - - SE- - and(K-, not(R-)) - - and(N-, or(S+, SE+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) - - or(K+, R-) - - or(K+, or(N+, R-)) - - or(N+, not(R+)) + - or(S+, N+) name: explored-2603 type: explored -- comm_cost: 0.532465277777778 - complexity: 12 +- comm_cost: 0.46291666666666687 + complexity: 15 expressions: - K+ - - K+ + - N+ - R- - - S+ - - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - or(K+, S-) name: explored-2604 type: explored -- comm_cost: 0.6411458333333333 - complexity: 6 +- comm_cost: 0.4461805555555557 + complexity: 10 expressions: - N+ + - R+ - R- - SE- - - or(K+, N+) + - and(K-, SE-) + - and(K-, SE-) name: explored-2605 type: explored -- comm_cost: 0.268402777777778 - complexity: 14 +- comm_cost: 0.5480555555555557 + complexity: 16 expressions: + - K+ - N+ - - R+ - - R- + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(S+, SE+) name: explored-2606 type: explored -- comm_cost: 0.7485243055555557 - complexity: 7 +- comm_cost: 0.23593750000000036 + complexity: 17 expressions: - - S- - - and(or(K+, S-), not(R+)) + - K+ + - R- + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-2607 type: explored -- comm_cost: 0.4320312500000002 - complexity: 11 +- comm_cost: 0.284027777777778 + complexity: 14 expressions: - N+ - - S- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-2608 type: explored -- comm_cost: 0.6333333333333335 - complexity: 11 +- comm_cost: 0.08125000000000027 + complexity: 9 expressions: - - R+ - - and(K-, or(SE-, N+)) - - and(S-, or(SE-, N+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-2609 type: explored -- comm_cost: 0.6950520833333335 - complexity: 7 +- comm_cost: 0.7098958333333334 + complexity: 5 expressions: - - R+ - - S- - - and(K-, or(SE-, N+)) + - R- + - SE- + - or(N+, R-) name: explored-2610 type: explored -- comm_cost: 0.7427951388888889 - complexity: 10 +- comm_cost: 0.3890625000000003 + complexity: 17 expressions: - - and(K-, N-) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-2611 type: explored -- comm_cost: 0.7516782407407407 - complexity: 10 +- comm_cost: 0.35416666666666696 + complexity: 8 expressions: - - and(S-, not(R-)) - - or(K+, K-) - - or(K+, R+) + - N+ + - SE- + - and(K-, S+) + - and(N-, R+) name: explored-2612 type: explored -- comm_cost: 0.6041753472222224 - complexity: 18 +- comm_cost: 0.5779513888888891 + complexity: 8 expressions: - N+ - R+ - R- + - S+ - SE- - - and(SE+, N-) - - or(N+, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, SE+) name: explored-2613 type: explored -- comm_cost: 0.5074652777777778 - complexity: 16 +- comm_cost: 0.501388888888889 + complexity: 10 expressions: - N+ - R- - - and(N-, or(K+, S-)) - - and(S-, SE-) + - SE- + - SE- - and(and(K-, N-), not(R-)) name: explored-2614 type: explored -- comm_cost: 0.5513020833333334 - complexity: 12 +- comm_cost: 0.74921875 + complexity: 14 expressions: - R+ - - R- - - and(N-, not(R-)) - - and(S-, SE-) - - or(SE-, N+) + - and(K-, or(S+, N+)) + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-2615 type: explored -- comm_cost: 0.30671296296296313 - complexity: 23 +- comm_cost: 0.6930555555555555 + complexity: 8 expressions: - - K+ + - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - or(K+, or(N+, R-)) name: explored-2616 type: explored -- comm_cost: 0.5151041666666668 - complexity: 6 +- comm_cost: 0.324652777777778 + complexity: 14 expressions: - - R+ - - R- - - SE- - - or(K+, N+) + - K+ + - N+ + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-2617 type: explored -- comm_cost: 0.1844618055555558 - complexity: 17 +- comm_cost: 0.3680555555555558 + complexity: 18 expressions: - K+ - - K+ - N+ - - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-2618 type: explored -- comm_cost: 0.7841145833333333 - complexity: 7 +- comm_cost: 0.4989583333333333 + complexity: 6 expressions: - - and(K-, or(S+, N+)) - - not(R+) + - K+ + - N+ + - R- + - and(K-, SE-) name: explored-2619 type: explored -- comm_cost: 0.628125 +- comm_cost: 0.6046875 complexity: 8 expressions: - - N+ - - R- - - SE- - - and(K-, or(S+, R-)) + - R+ + - S- + - and(K-, SE-) + - or(K+, R-) name: explored-2620 type: explored -- comm_cost: 0.46168981481481497 - complexity: 20 +- comm_cost: 0.44791666666666685 + complexity: 16 expressions: - K+ - N+ - R- - - S+ - - and(K-, not(R-)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(S+, R-) + - and(N-, or(K+, SE+)) name: explored-2621 type: explored -- comm_cost: 0.7426388888888888 - complexity: 4 +- comm_cost: 0.3943576388888892 + complexity: 9 expressions: - K+ - - N- - R- - SE- + - and(N-, R+) + - or(SE-, N+) name: explored-2622 type: explored -- comm_cost: 0.5609375000000003 - complexity: 14 +- comm_cost: 0.663744212962963 + complexity: 18 expressions: - - N+ - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) + - R+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(SE-, or(K+, S-)) + - or(S+, SE+) name: explored-2623 type: explored -- comm_cost: 0.7582457010582011 - complexity: 35 +- comm_cost: 0.48411458333333346 + complexity: 13 expressions: - - K- - - and(K-, or(SE-, N+)) + - N+ + - R- + - S+ + - and(N-, R+) - and(N-, not(R-)) - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - not(R-) - - or(K+, K-) - - or(S+, SE+) + - or(SE-, N+) name: explored-2624 type: explored -- comm_cost: 0.5000000000000001 - complexity: 11 +- comm_cost: 0.5669270833333335 + complexity: 8 expressions: - - K+ - - R+ - - and(and(S-, N-), not(R-)) - - or(N+, R-) + - N+ + - SE- + - and(N-, R+) + - or(S+, R+) name: explored-2625 type: explored -- comm_cost: 0.7117187500000001 - complexity: 8 +- comm_cost: 0.4175347222222223 + complexity: 19 expressions: - - and(K-, SE-) - - and(N-, or(S+, SE+)) + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-2626 type: explored -- comm_cost: 0.5207754629629632 - complexity: 15 +- comm_cost: 0.46597222222222245 + complexity: 9 expressions: - - N+ - - N+ + - R- - SE- - - and(K-, N-) + - and(K-, not(R+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) name: explored-2627 type: explored -- comm_cost: 0.46302083333333344 - complexity: 8 +- comm_cost: 0.4219039351851853 + complexity: 16 expressions: - N+ - - R+ - R- - S+ - - S+ + - and(K-, not(R-)) - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-2628 type: explored -- comm_cost: 0.27534722222222263 - complexity: 11 +- comm_cost: 0.18379629629629657 + complexity: 17 expressions: - K+ - N+ - R- - - S+ - - and(K-, not(R+)) - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-2629 type: explored -- comm_cost: 0.400260416666667 - complexity: 13 +- comm_cost: 0.43912615740740757 + complexity: 18 expressions: - K+ + - K+ - N+ - - SE- + - R- + - S+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, not(R-)) + - or(S+, SE+) name: explored-2630 type: explored -- comm_cost: 0.6296875000000002 - complexity: 13 +- comm_cost: 0.19895833333333357 + complexity: 18 expressions: + - K+ - N+ - - R+ - R- - - S- - - SE- - - and(K-, N-) - - and(N-, or(S+, R+)) + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-2631 type: explored -- comm_cost: 0.40000000000000024 - complexity: 10 +- comm_cost: 0.7520833333333333 + complexity: 2 expressions: - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - N+ + - R- name: explored-2632 type: explored -- comm_cost: 0.47135416666666685 - complexity: 8 +- comm_cost: 0.7097222222222224 + complexity: 9 expressions: - - K+ - R+ - - R- - - and(SE-, or(K+, S-)) + - and(N-, not(R-)) + - and(N-, not(R-)) name: explored-2633 type: explored -- comm_cost: 0.5330729166666668 - complexity: 14 +- comm_cost: 0.5216145833333335 + complexity: 9 expressions: - - R+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - not(R+) - - or(K+, N+) + - N+ + - SE- + - and(N-, R+) + - and(N-, not(R-)) name: explored-2634 type: explored -- comm_cost: 0.7614583333333333 - complexity: 7 +- comm_cost: 0.6379340277777779 + complexity: 12 expressions: - - and(S-, or(SE-, N+)) - - not(R+) + - R+ + - and(K-, or(SE-, N+)) + - and(SE+, N-) + - or(K+, SE+) name: explored-2635 type: explored -- comm_cost: 0.8208333333333333 - complexity: 2 +- comm_cost: 0.3875000000000002 + complexity: 11 expressions: + - K+ - R- - - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-2636 type: explored -- comm_cost: 0.3875000000000002 - complexity: 18 +- comm_cost: 0.7625 + complexity: 6 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(K-, SE-) - and(S-, SE-) - - or(N+, not(R+)) name: explored-2637 type: explored -- comm_cost: 0.2548611111111113 - complexity: 22 +- comm_cost: 0.5296875000000002 + complexity: 14 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(SE-, or(K+, S-)) + - or(K+, K-) name: explored-2638 type: explored -- comm_cost: 0.4050925925925928 - complexity: 15 +- comm_cost: 0.208854166666667 + complexity: 16 expressions: - K+ - N+ - - R- - - and(N-, R+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - or(K+, N+) name: explored-2639 type: explored -- comm_cost: 0.39470138888888906 - complexity: 21 +- comm_cost: 0.6320833333333336 + complexity: 9 + expressions: + - N+ + - N- + - SE- + - and(N-, R+) + - or(K+, S-) + name: explored-2640 + type: explored +- comm_cost: 0.4056423611111113 + complexity: 28 expressions: - K+ - K+ - N+ - R- - - R- - S+ - and(N-, R+) - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(N+, not(R+)) - name: explored-2640 - type: explored -- comm_cost: 0.605758101851852 - complexity: 18 - expressions: - - R+ - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) name: explored-2641 type: explored -- comm_cost: 0.79375 - complexity: 16 +- comm_cost: 0.5151041666666668 + complexity: 7 expressions: - - and(K-, not(R+)) - - not(R+) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - R+ + - R+ + - R- + - SE- + - or(K+, N+) name: explored-2642 type: explored -- comm_cost: 0.62578125 - complexity: 13 +- comm_cost: 0.8078125 + complexity: 6 expressions: - K+ - - N+ - - R- - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - not(R+) + - and(SE-, or(K+, S-)) name: explored-2643 type: explored -- comm_cost: 0.5423611111111113 +- comm_cost: 0.6469039351851853 complexity: 11 expressions: - - R- - - SE- + - K+ + - R+ - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - or(K+, R+) name: explored-2644 type: explored -- comm_cost: 0.45111111111111135 - complexity: 17 +- comm_cost: 0.3054687500000002 + complexity: 20 expressions: + - K+ + - K+ - N+ - R- - - and(K-, or(S+, R+)) + - S+ + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - or(S+, R+) name: explored-2645 type: explored -- comm_cost: 0.591666666666667 - complexity: 6 +- comm_cost: 0.7032309027777779 + complexity: 22 expressions: - - and(K-, S+) - - and(N-, R+) + - R- + - S- + - and(N-, not(R-)) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + - or(N+, not(R+)) + - or(S+, R-) name: explored-2646 type: explored -- comm_cost: 0.2699652777777779 - complexity: 15 +- comm_cost: 0.633420138888889 + complexity: 13 expressions: - - K+ - - K+ - - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(K-, or(S+, SE+)) + - and(SE+, N-) + - or(S+, N+) name: explored-2647 type: explored -- comm_cost: 0.7043038194444445 - complexity: 29 +- comm_cost: 0.85 + complexity: 2 expressions: - - K+ - - S+ - - and(K-, N-) - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - and(N-, or(S+, SE+)) - - and(SE-, or(K+, S-)) - - not(R-) - - or(K+, R+) + - N+ + - N+ name: explored-2648 type: explored -- comm_cost: 0.5359375000000002 - complexity: 15 +- comm_cost: 0.6503125000000001 + complexity: 8 + expressions: + - R+ + - SE- + - and(S-, not(R+)) + - not(R-) + name: explored-2649 + type: explored +- comm_cost: 0.47526041666666696 + complexity: 26 expressions: - - N+ - - R- - S+ - - and(K-, N-) + - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - name: explored-2649 + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) + - or(S+, R-) + name: explored-2650 type: explored -- comm_cost: 0.567013888888889 - complexity: 9 +- comm_cost: 0.7067708333333335 + complexity: 4 expressions: + - N+ - R+ - R- - - SE- - - SE- - - or(K+, or(N+, R-)) - name: explored-2650 + - SE+ + name: explored-2651 type: explored - comm_cost: 0.49623842592592615 - complexity: 16 + complexity: 17 expressions: - N+ - R- - S+ - - and(K-, N-) - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-2651 + - and(N-, or(K+, S-)) + - and(S-, or(N+, not(R+))) + name: explored-2652 type: explored -- comm_cost: 0.4203125000000002 - complexity: 14 +- comm_cost: 0.7128472222222224 + complexity: 10 expressions: - N+ - - R- - - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - or(N+, R-) - name: explored-2652 + - or(K+, SE+) + - or(S+, SE+) + name: explored-2653 type: explored -- comm_cost: 0.5477083333333335 - complexity: 9 +- comm_cost: 0.8201388888888889 + complexity: 5 expressions: - - R+ - R- - - S+ - - and(S-, SE-) - - or(K+, S-) - name: explored-2653 + - and(K-, not(R+)) + name: explored-2654 type: explored -- comm_cost: 0.7294270833333334 - complexity: 9 +- comm_cost: 0.7417708333333335 + complexity: 5 expressions: - R+ - - and(K-, or(S+, N+)) - - or(K+, SE+) - name: explored-2654 + - R- + - or(S+, SE+) + name: explored-2655 type: explored -- comm_cost: 0.2729166666666669 +- comm_cost: 0.374166666666667 complexity: 13 expressions: + - K+ - N+ - R- - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - name: explored-2655 + - or(N+, not(R+)) + name: explored-2656 type: explored -- comm_cost: 0.5679398148148149 - complexity: 19 +- comm_cost: 0.7552604166666668 + complexity: 5 + expressions: + - K- + - SE- + - or(K+, SE+) + name: explored-2657 + type: explored +- comm_cost: 0.5769097222222224 + complexity: 8 expressions: + - N+ - R+ - - R- - SE- - - and(K-, not(R+)) - - and(K-, or(S+, R-)) - - and(or(K+, S-), or(SE-, N+)) - name: explored-2656 + - and(N-, or(K+, SE+)) + name: explored-2658 type: explored -- comm_cost: 0.5317708333333335 - complexity: 12 +- comm_cost: 0.09010416666666687 + complexity: 17 expressions: - K+ + - K+ + - N+ - R- - - S- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) - name: explored-2657 + - and(S-, not(R+)) + name: explored-2659 type: explored -- comm_cost: 0.7127604166666668 +- comm_cost: 0.5725694444444446 complexity: 10 expressions: + - R+ - SE- - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - name: explored-2658 + - and(K-, S+) + - or(K+, or(N+, R-)) + name: explored-2660 type: explored -- comm_cost: 0.7854166666666668 +- comm_cost: 0.5616319444444445 complexity: 6 expressions: - - SE+ - - and(N-, or(S+, SE+)) - name: explored-2659 - type: explored -- comm_cost: 0.4944155092592595 - complexity: 14 - expressions: - - N+ + - R+ + - R- - SE- - - and(K-, N-) - - and(K-, not(R+)) - - and(N-, R+) - - not(R+) - name: explored-2660 - type: explored -- comm_cost: 0.7124999999999999 - complexity: 8 - expressions: - - and(K-, S+) - - and(S-, or(SE-, N+)) + - or(K+, R+) name: explored-2661 type: explored -- comm_cost: 0.5861979166666668 - complexity: 12 +- comm_cost: 0.15520833333333361 + complexity: 16 expressions: - - R+ - - R- - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-2662 type: explored -- comm_cost: 0.6815972222222224 - complexity: 7 +- comm_cost: 0.8256944444444445 + complexity: 5 expressions: - - R+ - - R- - - or(K+, or(N+, R-)) + - SE- + - and(K-, not(R+)) name: explored-2663 type: explored -- comm_cost: 0.536076388888889 - complexity: 10 +- comm_cost: 0.7484375 + complexity: 11 expressions: - - K+ - - R+ - - R- + - N+ - SE- - - and(S-, SE-) - - or(S+, SE+) + - and(K-, or(N+, not(R+))) + - or(N+, R-) name: explored-2664 type: explored -- comm_cost: 0.5679166666666668 - complexity: 12 +- comm_cost: 0.4183159722222225 + complexity: 18 expressions: - - K+ - N+ + - R+ - R- - and(N-, R+) - - and(SE+, N-) - - or(K+, S-) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, N+) name: explored-2665 type: explored -- comm_cost: 0.25781250000000033 - complexity: 15 +- comm_cost: 0.11475694444444473 + complexity: 14 expressions: + - K+ - N+ - R- + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - not(R+) + - or(N+, R-) name: explored-2666 type: explored -- comm_cost: 0.2465277777777779 - complexity: 16 +- comm_cost: 0.5402777777777781 + complexity: 20 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(SE-, N+)) name: explored-2667 type: explored -- comm_cost: 0.47593750000000024 - complexity: 14 +- comm_cost: 0.6099537037037038 + complexity: 19 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(K+, S-) + - R+ + - SE- + - and(K-, or(S+, R+)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-2668 type: explored -- comm_cost: 0.45095486111111127 - complexity: 18 +- comm_cost: 0.5427083333333337 + complexity: 11 expressions: - - K+ - - N+ - - R- - - S- - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - or(K+, R-) name: explored-2669 type: explored -- comm_cost: 0.69453125 - complexity: 8 +- comm_cost: 0.5489583333333337 + complexity: 6 expressions: - - and(K-, SE-) - - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(N+, R-) name: explored-2670 type: explored -- comm_cost: 0.5942708333333335 - complexity: 6 +- comm_cost: 0.5446180555555555 + complexity: 10 expressions: - - K+ + - N+ - R- + - S+ - SE- - - and(SE+, N-) + - and(S-, SE-) + - or(K+, N+) name: explored-2671 type: explored -- comm_cost: 0.6843750000000001 - complexity: 16 +- comm_cost: 0.4598958333333334 + complexity: 18 expressions: + - N+ + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-2672 type: explored -- comm_cost: 0.6350694444444447 - complexity: 5 +- comm_cost: 0.4930555555555556 + complexity: 10 expressions: - - N- - - R+ - - and(N-, R+) + - N+ + - R- + - SE- + - and(S-, SE-) + - and(S-, not(R-)) name: explored-2673 type: explored -- comm_cost: 0.5114583333333333 - complexity: 11 +- comm_cost: 0.46687500000000015 + complexity: 18 expressions: - K+ + - K+ - N+ - - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(or(K+, S-), not(R-)) + - not(R+) name: explored-2674 type: explored -- comm_cost: 0.5492187500000001 - complexity: 12 +- comm_cost: 0.6590277777777779 + complexity: 13 expressions: - - N+ - R+ - R- - - SE- - - and(K-, S+) - - and(N-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) name: explored-2675 type: explored -- comm_cost: 0.6513206845238096 - complexity: 35 - expressions: - - and(K-, S+) - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(N-, not(R-)) - - and(N-, or(S+, R+)) - - and(S-, not(R+)) - - or(N+, R-) - - or(S+, or(N+, R-)) - - or(SE-, N+) - name: explored-2676 - type: explored -- comm_cost: 0.30972222222222257 - complexity: 9 +- comm_cost: 0.24334490740740766 + complexity: 20 expressions: - K+ - N+ - - SE- + - N+ + - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - or(K+, R-) - name: explored-2677 + - and(S-, SE-) + - or(K+, or(N+, R-)) + name: explored-2676 type: explored -- comm_cost: 0.7437500000000001 - complexity: 11 +- comm_cost: 0.6428333333333335 + complexity: 41 expressions: - - and(K-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - name: explored-2678 + - R+ + - R- + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, not(R+)) + - or(S+, SE+) + name: explored-2677 type: explored -- comm_cost: 0.18802083333333353 - complexity: 18 +- comm_cost: 0.2729166666666668 + complexity: 13 expressions: - K+ - N+ - R- - - S+ + - SE+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - and(S-, SE-) + name: explored-2678 + type: explored +- comm_cost: 0.6858072916666667 + complexity: 24 + expressions: + - N+ + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, S-)) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-2679 type: explored -- comm_cost: 0.5395833333333335 - complexity: 11 +- comm_cost: 0.34531250000000036 + complexity: 9 expressions: - - K+ - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - or(K+, K-) + - or(N+, R-) name: explored-2680 type: explored -- comm_cost: 0.5378819444444446 - complexity: 11 +- comm_cost: 0.6800347222222223 + complexity: 8 expressions: - - N+ - - R- + - R+ - SE- - - and(N-, R+) - - and(SE+, N-) - - not(R-) + - or(K+, SE+) + - or(SE-, N+) name: explored-2681 type: explored -- comm_cost: 0.23125000000000018 - complexity: 9 +- comm_cost: 0.29892939814814834 + complexity: 26 expressions: + - K+ + - N+ - R- - - S+ - - S+ + - and(K-, S+) + - and(K-, not(R+)) + - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-2682 type: explored -- comm_cost: 0.4755208333333335 - complexity: 17 +- comm_cost: 0.57421875 + complexity: 16 expressions: + - K+ + - N+ + - N+ - R- - - and(K-, SE-) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - S+ + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2683 type: explored -- comm_cost: 0.4703124999999999 - complexity: 9 +- comm_cost: 0.4831597222222225 + complexity: 10 expressions: + - K+ - N+ - R- - - S+ - - and(S-, SE-) - - or(N+, R-) + - SE- + - and(N-, R+) + - or(K+, SE+) name: explored-2684 type: explored -- comm_cost: 0.614670138888889 - complexity: 15 +- comm_cost: 0.4534722222222223 + complexity: 7 expressions: - - R+ - - SE- - - and(K-, not(R-)) - - and(K-, or(S+, N+)) - - and(S-, not(R+)) + - R- + - and(S-, SE-) + - or(K+, R+) name: explored-2685 type: explored -- comm_cost: 0.37430555555555567 - complexity: 16 +- comm_cost: 0.6274247685185187 + complexity: 14 expressions: - N+ + - R+ - R- - SE+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(or(K+, S-), not(R-)) + - or(SE-, N+) name: explored-2686 type: explored -- comm_cost: 0.6726562500000001 - complexity: 7 +- comm_cost: 0.5926736111111113 + complexity: 11 expressions: - - R- - - and(K-, N-) - - and(S-, SE-) + - N+ + - SE- + - and(N-, R+) + - or(S+, SE+) + - or(SE-, N+) name: explored-2687 type: explored -- comm_cost: 0.03663194444444473 - complexity: 19 +- comm_cost: 0.6145688657407409 + complexity: 17 expressions: - K+ - - N+ - - N+ - - R- - - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) name: explored-2688 type: explored -- comm_cost: 0.2465277777777779 +- comm_cost: 0.37760416666666696 complexity: 14 expressions: - K+ - N+ - - S+ + - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - or(N+, R-) name: explored-2689 type: explored -- comm_cost: 0.5069444444444445 +- comm_cost: 0.6961805555555556 complexity: 6 expressions: - K+ - N+ - R- - - and(S-, N-) + - or(K+, K-) name: explored-2690 type: explored -- comm_cost: 0.24036458333333366 - complexity: 16 +- comm_cost: 0.6269097222222224 + complexity: 19 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - R+ + - SE- + - and(K-, not(R+)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-2691 type: explored -- comm_cost: 0.6863136574074076 - complexity: 11 +- comm_cost: 0.7091145833333334 + complexity: 6 expressions: + - K+ - R+ - - and(N-, not(R-)) - - and(and(K-, N-), not(R-)) + - R- + - or(K+, SE+) name: explored-2692 type: explored -- comm_cost: 0.6501736111111112 - complexity: 12 +- comm_cost: 0.3364583333333335 + complexity: 10 expressions: - - N+ - - R+ - R- - SE- - - and(N-, or(K+, SE+)) - - or(K+, K-) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-2693 type: explored -- comm_cost: 0.6208333333333333 - complexity: 6 +- comm_cost: 0.8092013888888889 + complexity: 9 expressions: - - N+ - - and(S-, SE-) - - not(R+) + - and(S-, or(N+, not(R+))) + - or(N+, R-) name: explored-2694 type: explored -- comm_cost: 0.7456597222222222 - complexity: 12 +- comm_cost: 0.5093402777777779 + complexity: 15 expressions: + - K+ + - N+ + - R- - SE- - - and(S-, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(K-, SE-) + - and(N-, R+) + - not(R+) + - or(S+, SE+) name: explored-2695 type: explored -- comm_cost: 0.4031828703703706 +- comm_cost: 0.5582175925925927 complexity: 15 expressions: - - N+ + - R+ - R- - - SE- - - and(N-, R+) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) name: explored-2696 type: explored -- comm_cost: 0.6507812500000002 - complexity: 14 +- comm_cost: 0.5769704861111112 + complexity: 13 expressions: + - N+ - R+ - - and(N-, or(K+, R+)) + - R- + - S- + - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(SE-, N+) + - or(K+, S-) name: explored-2697 type: explored -- comm_cost: 0.32685185185185217 +- comm_cost: 0.11875000000000013 complexity: 14 expressions: - N+ - R- - - SE- - - and(K-, not(R+)) - - and(K-, not(R+)) + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, SE-) name: explored-2698 type: explored -- comm_cost: 0.6071180555555556 +- comm_cost: 0.19583333333333353 complexity: 12 expressions: - N+ - - R+ - - R- - - SE- - - and(K-, or(S+, N+)) - - or(S+, SE+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-2699 type: explored -- comm_cost: 0.36041666666666683 - complexity: 10 +- comm_cost: 0.631232638888889 + complexity: 13 expressions: + - N- - R+ - - R- - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-2700 type: explored -- comm_cost: 0.4534722222222223 +- comm_cost: 0.5312500000000003 complexity: 7 expressions: - - R- - - and(S-, SE-) - - or(K+, R+) + - SE- + - and(N-, R+) + - and(N-, R+) name: explored-2701 type: explored -- comm_cost: 0.15000000000000036 - complexity: 14 +- comm_cost: 0.574189814814815 + complexity: 13 expressions: - - K+ + - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(N-, or(K+, SE+)) + - and(S-, not(R-)) name: explored-2702 type: explored -- comm_cost: 0.5300347222222224 - complexity: 16 +- comm_cost: 0.5792534722222223 + complexity: 14 expressions: - N+ + - R+ - SE- - - and(K-, N-) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R-) name: explored-2703 type: explored -- comm_cost: 0.5113425925925927 +- comm_cost: 0.5939814814814817 complexity: 13 expressions: - - N+ - - R- - SE+ - SE- - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-2704 type: explored -- comm_cost: 0.5074074074074076 +- comm_cost: 0.5686631944444446 complexity: 13 expressions: - N+ - - N- + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - SE- + - and(K-, or(N+, not(R+))) + - or(S+, N+) name: explored-2705 type: explored -- comm_cost: 0.49583333333333335 - complexity: 9 +- comm_cost: 0.13454861111111138 + complexity: 18 expressions: + - K+ - N+ - R- - - SE- + - S+ - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-2706 type: explored -- comm_cost: 0.48495370370370383 - complexity: 10 +- comm_cost: 0.5886574074074076 + complexity: 16 expressions: - - N+ - - R- - - SE- - - and(K-, not(R+)) + - K+ + - and(S-, or(N+, not(R+))) - and(SE+, N-) + - or(S+, N+) + - or(S+, R-) name: explored-2707 type: explored -- comm_cost: 0.64375 - complexity: 8 +- comm_cost: 0.5710937500000002 + complexity: 17 expressions: - - R+ - - SE- - - and(K-, N-) - - or(K+, N+) + - N+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2708 type: explored -- comm_cost: 0.6414930555555557 - complexity: 10 +- comm_cost: 0.4263020833333335 + complexity: 21 expressions: - - R+ - - and(S-, N-) - - and(or(K+, S-), not(R+)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, SE+) name: explored-2709 type: explored -- comm_cost: 0.41822916666666676 - complexity: 18 +- comm_cost: 0.24687500000000018 + complexity: 19 expressions: - K+ - - R+ + - N+ - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) name: explored-2710 type: explored -- comm_cost: 0.31562500000000016 - complexity: 17 +- comm_cost: 0.38307291666666676 + complexity: 20 expressions: - K+ - N+ - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, S+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-2711 type: explored -- comm_cost: 0.7120775462962964 - complexity: 14 +- comm_cost: 0.5757233796296297 + complexity: 21 expressions: - R+ - - and(K-, or(S+, R+)) - - and(N-, not(R-)) - - or(N+, not(R+)) + - and(K-, or(N+, not(R+))) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(SE+, N-) name: explored-2712 type: explored -- comm_cost: 0.5442708333333335 - complexity: 6 +- comm_cost: 0.4208333333333336 + complexity: 16 expressions: - - N+ - - R+ - - R- - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-2713 type: explored -- comm_cost: 0.6773958333333334 - complexity: 9 +- comm_cost: 0.45815972222222245 + complexity: 12 expressions: - - N- - - R+ - - and(and(K-, N-), or(S+, R+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(SE+, N-) + - or(K+, R-) name: explored-2714 type: explored -- comm_cost: 0.6859375000000001 - complexity: 9 +- comm_cost: 0.6187500000000001 + complexity: 19 expressions: - - R- - - and(N-, or(K+, S-)) - - or(K+, N+) + - R+ + - SE- + - and(K-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2715 type: explored -- comm_cost: 0.29010416666666705 - complexity: 12 +- comm_cost: 0.33993055555555585 + complexity: 16 expressions: - - K+ - - K+ - N+ - - S+ + - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) name: explored-2716 type: explored -- comm_cost: 0.637928240740741 - complexity: 12 +- comm_cost: 0.7140046296296297 + complexity: 9 expressions: - - R- - - SE- - - and(N-, R+) - - or(K+, K-) - - or(N+, not(R+)) + - R+ + - and(N-, or(S+, R+)) + - or(K+, S-) name: explored-2717 type: explored -- comm_cost: 0.16255787037037073 - complexity: 18 +- comm_cost: 0.5795833333333333 + complexity: 9 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(K+, or(N+, R-)) + - or(K+, S-) name: explored-2718 type: explored -- comm_cost: 0.5979166666666668 - complexity: 5 +- comm_cost: 0.5151041666666668 + complexity: 8 expressions: - - N+ - R+ - R- - - S- - SE- + - and(N-, or(K+, R+)) name: explored-2719 type: explored -- comm_cost: 0.7468750000000002 - complexity: 8 +- comm_cost: 0.31510416666666685 + complexity: 16 expressions: - - and(K-, or(S+, R-)) + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) - and(SE+, N-) name: explored-2720 type: explored -- comm_cost: 0.38443287037037055 - complexity: 27 +- comm_cost: 0.3980034722222223 + complexity: 20 expressions: - K+ - - N+ - R- - and(K-, S+) + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-2721 type: explored -- comm_cost: 0.7484375 - complexity: 3 +- comm_cost: 0.20833333333333348 + complexity: 19 expressions: - - K+ - N+ - - S+ + - R- + - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-2722 type: explored -- comm_cost: 0.42682291666666705 - complexity: 15 +- comm_cost: 0.7570833333333334 + complexity: 5 expressions: - - N+ - - SE- - - and(N-, R+) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - R+ + - or(S+, SE+) name: explored-2723 type: explored -- comm_cost: 0.6653935185185187 - complexity: 9 +- comm_cost: 0.26093750000000027 + complexity: 15 expressions: - - R+ + - N+ + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-2724 type: explored -- comm_cost: 0.6648437500000002 - complexity: 10 +- comm_cost: 0.14739583333333361 + complexity: 12 expressions: + - K+ + - N+ + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - not(R+) + - and(S-, SE-) + - or(N+, R-) name: explored-2725 type: explored -- comm_cost: 0.561701388888889 - complexity: 15 +- comm_cost: 0.7046875000000001 + complexity: 8 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, not(R-)) - - not(R-) - - or(SE-, N+) + - K+ + - R+ + - and(or(K+, S-), not(R-)) name: explored-2726 type: explored -- comm_cost: 0.18990162037037073 - complexity: 22 +- comm_cost: 0.668090277777778 + complexity: 16 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - R+ + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(N+, not(R+)) + - or(S+, N+) name: explored-2727 type: explored -- comm_cost: 0.3301215277777779 - complexity: 15 +- comm_cost: 0.42552083333333357 + complexity: 11 expressions: - - K+ - - K+ + - N+ + - R+ - R- - - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-2728 type: explored -- comm_cost: 0.5593750000000002 - complexity: 14 +- comm_cost: 0.46111111111111136 + complexity: 18 expressions: - N+ - - R+ - R- - - SE- - - and(N-, or(S+, SE+)) - - and(S-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(N+, not(R+)) name: explored-2729 type: explored -- comm_cost: 0.5969907407407409 +- comm_cost: 0.6760416666666668 complexity: 10 expressions: - - N+ - - R- - - SE+ + - R+ - and(K-, not(R-)) - - and(N-, R+) + - and(K-, or(S+, R-)) name: explored-2730 type: explored -- comm_cost: 0.377777777777778 - complexity: 13 +- comm_cost: 0.33802083333333355 + complexity: 18 expressions: - K+ - - K+ + - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, SE+) + - or(S+, or(N+, R-)) name: explored-2731 type: explored -- comm_cost: 0.5764496527777778 - complexity: 46 - expressions: - - K+ - - R+ - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-2732 - type: explored -- comm_cost: 0.3915364583333334 - complexity: 16 +- comm_cost: 0.17968750000000022 + complexity: 19 expressions: - K+ - N+ @@ -28299,24859 +28414,24860 @@ - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(S+, SE+) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + name: explored-2732 + type: explored +- comm_cost: 0.7447916666666666 + complexity: 7 + expressions: + - and(S-, not(R+)) + - or(N+, R-) name: explored-2733 type: explored -- comm_cost: 0.41770833333333357 - complexity: 12 +- comm_cost: 0.3851562500000002 + complexity: 13 expressions: + - R- - and(N-, R+) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - or(K+, N+) + - or(K+, SE+) name: explored-2734 type: explored -- comm_cost: 0.721232638888889 - complexity: 9 +- comm_cost: 0.8026041666666667 + complexity: 4 expressions: - - K- - - R+ - - and(N-, or(K+, S-)) - - not(R+) + - SE- + - or(K+, R-) name: explored-2735 type: explored -- comm_cost: 0.6088454861111112 - complexity: 30 +- comm_cost: 0.5335937500000001 + complexity: 10 expressions: - - N+ + - R- - S+ - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) - - or(SE-, N+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-2736 type: explored -- comm_cost: 0.5984375000000002 - complexity: 5 +- comm_cost: 0.3196180555555558 + complexity: 21 expressions: - - R+ - - S+ + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-2737 type: explored -- comm_cost: 0.6763078703703704 - complexity: 28 +- comm_cost: 0.6672106481481482 + complexity: 12 expressions: - - N- - - S- - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - or(K+, R+) + - K- + - R+ + - SE- + - and(or(K+, S-), not(R+)) + - or(N+, R-) name: explored-2738 type: explored -- comm_cost: 0.36241319444444475 - complexity: 15 +- comm_cost: 0.6001157407407408 + complexity: 18 expressions: - - K+ - - N+ - - R- - - S+ + - R+ - SE- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(and(S-, N-), not(R-)) + - or(K+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-2739 type: explored -- comm_cost: 0.5970833333333334 - complexity: 8 +- comm_cost: 0.4652488425925928 + complexity: 11 expressions: + - K+ - N+ - - R+ - - R+ - R- - - SE- - - or(S+, SE+) + - S- + - and(K-, not(R+)) + - and(N-, R+) name: explored-2740 type: explored -- comm_cost: 0.6859375000000001 - complexity: 15 +- comm_cost: 0.6109375000000001 + complexity: 12 expressions: - - and(K-, or(S+, R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) + - R+ + - SE- + - and(K-, or(SE-, N+)) + - and(SE-, or(K+, S-)) name: explored-2741 type: explored -- comm_cost: 0.6895833333333334 - complexity: 4 +- comm_cost: 0.3270833333333336 + complexity: 16 expressions: - - K+ - - and(S-, N-) + - N+ + - R- + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-2742 type: explored -- comm_cost: 0.6173263888888889 - complexity: 18 +- comm_cost: 0.7208333333333334 + complexity: 12 + expressions: + - and(K-, or(S+, N+)) + - and(and(K-, N-), or(S+, R+)) + name: explored-2743 + type: explored +- comm_cost: 0.46486111111111117 + complexity: 15 expressions: - K+ + - K- - N+ - R- - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, K-) - - or(K+, K-) - - or(S+, SE+) - name: explored-2743 - type: explored -- comm_cost: 0.7975000000000001 - complexity: 4 - expressions: - - N- - - and(K-, S+) name: explored-2744 type: explored -- comm_cost: 0.5182291666666669 - complexity: 18 +- comm_cost: 0.4588541666666668 + complexity: 22 expressions: + - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-2745 type: explored -- comm_cost: 0.7067708333333335 - complexity: 7 +- comm_cost: 0.45607638888888913 + complexity: 14 expressions: - - K+ + - N+ - R+ - - and(N-, or(S+, SE+)) + - R- + - SE- + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-2746 type: explored -- comm_cost: 0.3031250000000003 - complexity: 10 +- comm_cost: 0.16875000000000018 + complexity: 19 expressions: - K+ - N+ - R- - - S+ - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-2747 type: explored -- comm_cost: 0.5494791666666669 - complexity: 16 - expressions: - - R+ - - and(K-, S+) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) - name: explored-2748 - type: explored -- comm_cost: 0.21976273148148184 - complexity: 19 +- comm_cost: 0.385026041666667 + complexity: 12 expressions: - - N+ - - R- + - K+ + - K+ - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, or(N+, R-)) + - or(SE-, N+) + name: explored-2748 + type: explored +- comm_cost: 0.6714409722222223 + complexity: 10 + expressions: + - R+ + - S- + - SE- + - and(N-, not(R-)) + - or(N+, R-) name: explored-2749 type: explored -- comm_cost: 0.5006944444444446 +- comm_cost: 0.5145833333333333 complexity: 8 expressions: - N+ - - R+ - - R- - R- - - SE- - - and(SE+, N-) + - and(K-, SE-) + - and(S-, SE-) name: explored-2750 type: explored -- comm_cost: 0.5456684027777778 - complexity: 18 +- comm_cost: 0.2953125000000003 + complexity: 12 expressions: - - K+ - - K- - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - and(S-, SE-) - - not(R-) - or(SE-, N+) name: explored-2751 type: explored -- comm_cost: 0.5681423611111113 - complexity: 16 - expressions: - - R+ - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-2752 - type: explored -- comm_cost: 0.3210937500000002 - complexity: 25 +- comm_cost: 0.5049479166666668 + complexity: 21 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) + - SE- + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) + name: explored-2752 + type: explored +- comm_cost: 0.6513020833333334 + complexity: 7 + expressions: + - R+ + - and(K-, N-) - or(K+, N+) - - or(S+, or(N+, R-)) name: explored-2753 type: explored -- comm_cost: 0.4549479166666669 - complexity: 18 +- comm_cost: 0.1687500000000004 + complexity: 12 expressions: - N+ - R- + - SE- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) name: explored-2754 type: explored -- comm_cost: 0.31597222222222254 - complexity: 16 +- comm_cost: 0.6427083333333334 + complexity: 5 expressions: - N+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - or(SE-, N+) name: explored-2755 type: explored -- comm_cost: 0.6590798611111113 - complexity: 15 +- comm_cost: 0.4817997685185187 + complexity: 18 expressions: - - R+ - - SE- - - and(N-, or(K+, R+)) + - N+ + - R- + - and(N-, R+) - and(N-, or(K+, SE+)) - - or(S+, SE+) + - and(S-, SE-) + - not(R+) + - or(K+, SE+) name: explored-2756 type: explored -- comm_cost: 0.623576388888889 - complexity: 7 +- comm_cost: 0.4608854166666667 + complexity: 22 expressions: - K+ - - R+ + - K+ + - N+ - R- - - SE- - - or(S+, SE+) + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-2757 type: explored -- comm_cost: 0.5296875000000002 - complexity: 13 +- comm_cost: 0.6545138888888891 + complexity: 16 expressions: - R+ - - R- - - SE- - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-2758 type: explored -- comm_cost: 0.3547164351851855 - complexity: 23 +- comm_cost: 0.7534722222222223 + complexity: 7 expressions: - - K+ - - N+ - - R- - - SE- - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(S+, R+)) + - not(R+) name: explored-2759 type: explored -- comm_cost: 0.2619791666666669 - complexity: 12 +- comm_cost: 0.8133333333333334 + complexity: 4 expressions: - - N+ - - R+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - R- + - or(S+, SE+) name: explored-2760 type: explored -- comm_cost: 0.5417534722222224 - complexity: 22 +- comm_cost: 0.36527777777777803 + complexity: 13 expressions: - - and(S-, SE-) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) - - or(S+, R+) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-2761 type: explored -- comm_cost: 0.10260416666666705 - complexity: 16 +- comm_cost: 0.4002604166666669 + complexity: 11 expressions: - K+ - N+ - R- - - S+ + - R- + - S- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) name: explored-2762 type: explored -- comm_cost: 0.713888888888889 +- comm_cost: 0.582638888888889 complexity: 8 expressions: - R+ - SE- - - or(K+, K-) - - or(S+, N+) + - or(K+, N+) + - or(S+, R-) name: explored-2763 type: explored -- comm_cost: 0.5697916666666668 - complexity: 4 +- comm_cost: 0.32962962962962983 + complexity: 18 expressions: + - K+ + - K+ - N+ - - N+ - - R+ - - SE- + - R- + - S+ + - SE+ + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-2764 type: explored -- comm_cost: 0.6581597222222224 - complexity: 11 +- comm_cost: 0.4889583333333335 + complexity: 20 expressions: - - R+ - - or(K+, R+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(N+, not(R+)) name: explored-2765 type: explored -- comm_cost: 0.5669270833333334 - complexity: 9 +- comm_cost: 0.44542824074074105 + complexity: 25 expressions: - N+ - - R+ - - R- - S+ - - and(N-, or(K+, S-)) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(S-, not(R-)) + - and(S-, or(SE-, N+)) + - or(S+, R-) name: explored-2766 type: explored -- comm_cost: 0.3797164351851853 - complexity: 20 +- comm_cost: 0.5570370370370372 + complexity: 17 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, not(R-)) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - not(R-) + - or(S+, SE+) name: explored-2767 type: explored -- comm_cost: 0.5614149305555557 - complexity: 20 +- comm_cost: 0.21250000000000036 + complexity: 11 expressions: - - K+ - N+ - - N- - R- - - and(K-, S+) - - and(K-, not(R-)) + - S+ - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - and(SE-, or(K+, S-)) name: explored-2768 type: explored -- comm_cost: 0.7685416666666667 - complexity: 7 - expressions: - - R+ - - or(K+, S-) - - or(K+, S-) - name: explored-2769 - type: explored -- comm_cost: 0.2489583333333335 - complexity: 13 +- comm_cost: 0.19305555555555587 + complexity: 18 expressions: - K+ - N+ + - N+ - R- - S+ + - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + name: explored-2769 + type: explored +- comm_cost: 0.2942708333333337 + complexity: 11 + expressions: + - K+ + - S+ + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(S+, R-) name: explored-2770 type: explored -- comm_cost: 0.5927083333333335 - complexity: 8 +- comm_cost: 0.5067708333333334 + complexity: 16 expressions: + - R+ - R- - SE- - - and(K-, SE-) - - and(SE+, N-) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-2771 type: explored -- comm_cost: 0.5515625000000002 - complexity: 6 +- comm_cost: 0.5369791666666669 + complexity: 8 expressions: - - N+ + - K+ - R+ - - R- - - S+ - - SE+ - SE- + - and(K-, or(S+, R-)) name: explored-2772 type: explored -- comm_cost: 0.7095486111111112 - complexity: 7 +- comm_cost: 0.6240306712962964 + complexity: 14 expressions: - - N- - R+ + - R- - SE- - - or(N+, not(R+)) + - and(K-, N-) + - and(N-, or(K+, SE+)) + - or(K+, R-) name: explored-2773 type: explored -- comm_cost: 0.6385416666666667 - complexity: 13 +- comm_cost: 0.7192129629629631 + complexity: 15 expressions: - - and(K-, or(S+, R-)) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - R+ + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) + - or(K+, SE+) name: explored-2774 type: explored -- comm_cost: 0.35078125000000027 - complexity: 13 +- comm_cost: 0.5811458333333335 + complexity: 8 expressions: - - K+ - - N+ - - R- + - N- + - SE- - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - or(N+, R-) name: explored-2775 type: explored -- comm_cost: 0.5128472222222223 - complexity: 13 +- comm_cost: 0.5917534722222224 + complexity: 18 expressions: - - R+ - - R- - - SE- - - and(N-, or(K+, R+)) - - and(N-, or(K+, R+)) + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(S+, R-) name: explored-2776 type: explored -- comm_cost: 0.4281250000000001 - complexity: 16 +- comm_cost: 0.363541666666667 + complexity: 12 expressions: - N+ - - R+ - - R- + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, N+) + - and(S-, or(SE-, N+)) name: explored-2777 type: explored -- comm_cost: 0.40198206018518534 - complexity: 25 +- comm_cost: 0.42786458333333355 + complexity: 19 expressions: - K+ - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(SE-, N+) + - or(S+, or(N+, R-)) name: explored-2778 type: explored -- comm_cost: 0.6216435185185187 - complexity: 15 +- comm_cost: 0.48350694444444464 + complexity: 16 expressions: - - R+ + - K+ + - K+ + - N+ + - R- + - S+ - and(N-, R+) - - and(S-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(S+, R+)) + - or(K+, N+) name: explored-2779 type: explored -- comm_cost: 0.5850694444444446 - complexity: 15 - expressions: - - R+ - - SE- - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-2780 - type: explored -- comm_cost: 0.3461516203703706 - complexity: 15 +- comm_cost: 0.5248784722222224 + complexity: 16 expressions: - - K+ + - K- + - N+ - R- - S+ - - SE+ - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - name: explored-2781 + - and(or(K+, S-), not(R-)) + name: explored-2780 type: explored -- comm_cost: 0.20208333333333361 +- comm_cost: 0.6754340277777778 complexity: 14 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - - or(S+, N+) - name: explored-2782 + - R+ + - and(K-, N-) + - and(K-, or(S+, R-)) + - or(S+, or(N+, R-)) + name: explored-2781 type: explored -- comm_cost: 0.7709201388888889 - complexity: 6 +- comm_cost: 0.7080208333333334 + complexity: 7 expressions: + - R+ - SE- - - not(R+) - - or(K+, N+) - name: explored-2783 + - and(K-, N-) + - not(R-) + name: explored-2782 type: explored -- comm_cost: 0.25156250000000036 - complexity: 12 +- comm_cost: 0.3555555555555556 + complexity: 11 expressions: + - K+ - N+ - - and(N-, R+) + - S+ + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, or(N+, R-)) - name: explored-2784 + name: explored-2783 type: explored -- comm_cost: 0.4609375 +- comm_cost: 0.3109375000000001 complexity: 10 expressions: - K+ + - R+ + - R- + - SE+ + - and(K-, S+) + - and(S-, SE-) + name: explored-2784 + type: explored +- comm_cost: 0.5451388888888888 + complexity: 12 + expressions: - N+ - R- - - and(K-, not(R-)) - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-2785 type: explored -- comm_cost: 0.15972222222222254 - complexity: 16 +- comm_cost: 0.3319444444444446 + complexity: 19 expressions: - K+ + - N+ - R- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(N-, or(S+, R+)) + - and(S-, or(SE-, N+)) name: explored-2786 type: explored -- comm_cost: 0.6720833333333334 - complexity: 5 +- comm_cost: 0.22864583333333366 + complexity: 15 expressions: - - K- + - K+ + - K+ - R- + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) name: explored-2787 type: explored -- comm_cost: 0.4638888888888888 - complexity: 13 +- comm_cost: 0.30234375000000013 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- - - and(K-, S+) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(K+, or(N+, R-)) name: explored-2788 type: explored -- comm_cost: 0.29704861111111125 - complexity: 13 +- comm_cost: 0.4828125000000003 + complexity: 12 expressions: - - R- - - S+ - - and(K-, or(S+, R+)) + - K+ + - N+ - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-2789 type: explored -- comm_cost: 0.5122222222222225 - complexity: 16 +- comm_cost: 0.3988136574074076 + complexity: 22 expressions: + - K+ - N+ + - N- - R- - - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-2790 type: explored -- comm_cost: 0.5416666666666669 - complexity: 11 +- comm_cost: 0.5179687500000001 + complexity: 7 expressions: - - R+ - - SE- - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) + - N+ + - R- + - S+ + - S- + - and(S-, SE-) name: explored-2791 type: explored -- comm_cost: 0.5965277777777779 - complexity: 9 +- comm_cost: 0.6596354166666668 + complexity: 14 expressions: - R+ - - and(K-, SE-) - - and(N-, or(S+, R+)) + - and(N-, or(K+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2792 type: explored -- comm_cost: 0.6518807870370371 +- comm_cost: 0.40451388888888906 complexity: 13 expressions: - - R+ - - S- + - N+ + - R- - SE- - - or(N+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(N-, not(R-)) name: explored-2793 type: explored -- comm_cost: 0.2635416666666668 - complexity: 13 +- comm_cost: 0.30286458333333355 + complexity: 14 expressions: - - K+ - N+ + - R+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-2794 type: explored -- comm_cost: 0.7159722222222223 - complexity: 9 +- comm_cost: 0.5998263888888891 + complexity: 16 expressions: + - R+ - SE- - and(K-, not(R+)) - - and(K-, not(R-)) + - and(N-, or(K+, SE+)) + - and(S-, or(SE-, N+)) name: explored-2795 type: explored -- comm_cost: 0.7636284722222222 - complexity: 9 +- comm_cost: 0.6041666666666667 + complexity: 14 expressions: - - N- + - R+ + - R+ + - R- - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-2796 type: explored -- comm_cost: 0.40000000000000013 - complexity: 19 +- comm_cost: 0.7923611111111112 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - R+ + - and(K-, or(S+, SE+)) + - or(S+, SE+) name: explored-2797 type: explored -- comm_cost: 0.31903935185185206 - complexity: 23 +- comm_cost: 0.7449652777777779 + complexity: 10 + expressions: + - and(K-, not(R-)) + - and(S-, or(N+, not(R+))) + name: explored-2798 + type: explored +- comm_cost: 0.3806250000000002 + complexity: 10 expressions: - - K+ - N+ + - N- - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - name: explored-2798 - type: explored -- comm_cost: 0.7240277777777778 - complexity: 8 - expressions: - - R- - - SE- - - or(K+, R-) - - or(K+, S-) name: explored-2799 type: explored -- comm_cost: 0.3993055555555558 - complexity: 20 +- comm_cost: 0.5569444444444447 + complexity: 12 expressions: - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, not(R-)) + - or(S+, N+) name: explored-2800 type: explored -- comm_cost: 0.35746527777777803 - complexity: 25 +- comm_cost: 0.32473958333333364 + complexity: 13 expressions: - K+ - N+ - - R+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, N+) + - or(S+, N+) name: explored-2801 type: explored -- comm_cost: 0.2879629629629632 - complexity: 19 +- comm_cost: 0.5687789351851853 + complexity: 12 expressions: - - K+ - N+ - R- + - S- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), not(R-)) name: explored-2802 type: explored -- comm_cost: 0.4520833333333335 - complexity: 9 +- comm_cost: 0.613570601851852 + complexity: 12 expressions: - - R+ - - R- - - SE- - - and(S-, SE-) - - or(K+, R-) + - N+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(K+, R+) name: explored-2803 type: explored -- comm_cost: 0.5649305555555556 - complexity: 13 +- comm_cost: 0.42786458333333355 + complexity: 16 expressions: - N+ - R- - - SE- - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-2804 type: explored -- comm_cost: 0.7204456018518519 - complexity: 28 +- comm_cost: 0.6997395833333334 + complexity: 7 expressions: - - SE+ - - and(K-, or(S+, R-)) - - and(S-, not(R+)) - - or(K+, K-) - - or(S+, or(N+, R-)) - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R+ + - and(N-, or(S+, SE+)) name: explored-2805 type: explored -- comm_cost: 0.3137152777777781 - complexity: 15 +- comm_cost: 0.5852430555555558 + complexity: 16 expressions: - - K+ - - S+ + - K- + - N+ + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(K+, R+)) name: explored-2806 type: explored -- comm_cost: 0.3826388888888892 +- comm_cost: 0.4276909722222225 complexity: 14 expressions: - - N+ + - K+ - R- - SE- - and(N-, R+) - - or(K+, or(N+, R-)) - - or(S+, N+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2807 type: explored -- comm_cost: 0.2532118055555559 - complexity: 16 +- comm_cost: 0.7413194444444444 + complexity: 11 expressions: - - K+ - - N+ - - R- - - S+ - SE- - - and(K-, SE-) - - and(K-, or(S+, R-)) - - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-2808 type: explored -- comm_cost: 0.6857928240740742 - complexity: 10 +- comm_cost: 0.5069444444444446 + complexity: 8 expressions: - - R+ + - K+ + - N+ + - N+ - R- - - and(K-, or(S+, R+)) - - or(S+, R+) + - SE- + - and(S-, N-) name: explored-2809 type: explored -- comm_cost: 0.2171296296296299 - complexity: 23 +- comm_cost: 0.5755208333333333 + complexity: 10 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) + - S+ - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, or(N+, R-)) + - or(K+, K-) name: explored-2810 type: explored -- comm_cost: 0.19201388888888915 - complexity: 14 +- comm_cost: 0.6148524305555557 + complexity: 15 expressions: - - N+ + - R+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(N+, R-) + - and(or(K+, S-), not(R-)) + - or(S+, SE+) name: explored-2811 type: explored -- comm_cost: 0.5769097222222224 - complexity: 10 +- comm_cost: 0.3924189814814818 + complexity: 13 expressions: + - K+ - N+ - - R+ - - SE- - - and(and(K-, N-), or(S+, SE+)) + - R- + - and(N-, R+) + - not(R+) + - or(K+, or(N+, R-)) name: explored-2812 type: explored -- comm_cost: 0.13680555555555585 - complexity: 16 +- comm_cost: 0.43281250000000016 + complexity: 12 expressions: - - K+ - - N+ - R- + - S+ + - S- - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, N+) name: explored-2813 type: explored -- comm_cost: 0.7389756944444446 - complexity: 7 +- comm_cost: 0.5033333333333334 + complexity: 9 expressions: - - S- - - and(and(K-, N-), not(R-)) + - N+ + - N- + - R- + - and(K-, S+) + - and(S-, SE-) name: explored-2814 type: explored -- comm_cost: 0.5039062500000001 - complexity: 15 +- comm_cost: 0.48203125000000013 + complexity: 13 expressions: - K+ - - N+ - R- - - S+ + - and(K-, N-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(or(K+, S-), not(R-)) - - not(R+) name: explored-2815 type: explored -- comm_cost: 0.5464988425925928 - complexity: 13 +- comm_cost: 0.4994791666666668 + complexity: 12 expressions: + - K+ - N+ + - N- - R- + - S+ + - S- - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(S+, R-) + - and(S-, SE-) name: explored-2816 type: explored -- comm_cost: 0.5735532407407409 - complexity: 15 +- comm_cost: 0.6675983796296296 + complexity: 39 + expressions: + - N- + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) + - or(N+, R-) + name: explored-2817 + type: explored +- comm_cost: 0.4916666666666668 + complexity: 19 expressions: - - K+ - N+ - R- - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - - or(S+, R+) - name: explored-2817 - type: explored -- comm_cost: 0.6901114417989418 - complexity: 36 - expressions: - - K- - - and(K-, SE-) - - and(K-, not(R+)) - - and(K-, not(R-)) - and(S-, SE-) - - and(S-, or(SE-, N+)) - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) - - or(K+, S-) - - or(S+, N+) + - or(K+, K-) name: explored-2818 type: explored -- comm_cost: 0.4851562500000002 +- comm_cost: 0.5026041666666669 complexity: 12 expressions: - - N+ - - R- + - K+ - S+ - - and(K-, N-) + - and(K-, not(R-)) - and(N-, R+) - - or(K+, N+) + - and(S-, SE-) name: explored-2819 type: explored -- comm_cost: 0.5458333333333335 - complexity: 13 +- comm_cost: 0.5203125000000002 + complexity: 14 expressions: - - N+ - - SE- + - K+ + - R+ + - S+ - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(K+, K-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2820 type: explored -- comm_cost: 0.5531250000000001 - complexity: 11 - expressions: - - and(S-, SE-) - - or(S+, R+) - - or(S+, or(N+, R-)) - name: explored-2821 - type: explored -- comm_cost: 0.25746527777777795 - complexity: 17 +- comm_cost: 0.5371093750000002 + complexity: 20 expressions: - K+ - - K+ - N+ - R- - - S+ + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(SE-, or(K+, S-)) + - or(K+, SE+) + name: explored-2821 + type: explored +- comm_cost: 0.8 + complexity: 4 + expressions: + - N- + - or(S+, SE+) name: explored-2822 type: explored -- comm_cost: 0.6302546296296297 - complexity: 12 +- comm_cost: 0.45572916666666674 + complexity: 7 expressions: - N+ - R+ - R- - - and(and(K-, N-), not(R-)) - - or(K+, S-) + - SE- + - and(K-, SE-) name: explored-2823 type: explored -- comm_cost: 0.6796006944444445 - complexity: 16 +- comm_cost: 0.4451967592592596 + complexity: 17 expressions: + - N+ - R- - - and(K-, N-) - - and(and(S-, N-), not(R-)) - - or(K+, K-) - - or(K+, N+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-2824 type: explored -- comm_cost: 0.6803414351851853 - complexity: 34 +- comm_cost: 0.5366319444444447 + complexity: 12 expressions: - - K+ - - SE- - - and(K-, N-) - - and(K-, or(S+, SE+)) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R-) - - or(N+, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-2825 type: explored -- comm_cost: 0.6310763888888891 - complexity: 13 +- comm_cost: 0.4293750000000002 + complexity: 15 expressions: - - R+ - - SE- - - and(S-, not(R-)) - - or(and(K-, S+), or(N+, R-)) + - K- + - N+ + - R- + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-2826 type: explored -- comm_cost: 0.4881944444444446 - complexity: 11 +- comm_cost: 0.7809375000000001 + complexity: 4 expressions: - - K+ - - R- - - and(K-, S+) - - and(S-, N-) - - and(S-, SE-) + - R+ + - or(S+, SE+) name: explored-2827 type: explored -- comm_cost: 0.6185069444444447 +- comm_cost: 0.40347222222222245 complexity: 14 expressions: - - and(K-, or(S+, N+)) + - N+ + - SE- + - and(K-, SE-) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(SE+, N-) - - or(K+, S-) name: explored-2828 type: explored -- comm_cost: 0.2548611111111113 - complexity: 20 +- comm_cost: 0.6151041666666668 + complexity: 18 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - S- + - SE- + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2829 type: explored -- comm_cost: 0.3638541666666668 - complexity: 13 +- comm_cost: 0.5623263888888891 + complexity: 9 expressions: - - K+ - - N+ - N+ - - R- - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R-) + - or(K+, S-) name: explored-2830 type: explored -- comm_cost: 0.3427083333333336 - complexity: 12 +- comm_cost: 0.42445023148148175 + complexity: 18 expressions: - K+ + - K+ - N+ - - SE- - - and(N-, R+) + - R- + - S+ - and(N-, R+) - - or(N+, R-) + - and(S-, N-) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-2831 type: explored -- comm_cost: 0.5022569444444447 - complexity: 18 +- comm_cost: 0.6371527777777779 + complexity: 38 expressions: - - K+ - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - SE+ + - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) + - or(K+, or(N+, R-)) name: explored-2832 type: explored -- comm_cost: 0.49184027777777795 - complexity: 9 +- comm_cost: 0.632465277777778 + complexity: 11 expressions: - R+ - - R- - - SE- - and(N-, R+) - - and(SE+, N-) + - or(and(K-, S+), or(N+, R-)) name: explored-2833 type: explored -- comm_cost: 0.299166666666667 - complexity: 15 +- comm_cost: 0.6072916666666668 + complexity: 12 expressions: - - N+ - - R- + - K- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(N+, not(R+)) name: explored-2834 type: explored -- comm_cost: 0.8133333333333334 - complexity: 4 +- comm_cost: 0.13072916666666679 + complexity: 14 expressions: - - R- - - or(S+, SE+) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-2835 type: explored -- comm_cost: 0.604513888888889 - complexity: 6 +- comm_cost: 0.7861111111111112 + complexity: 8 expressions: - - N+ - - R+ - - R- - - or(S+, R-) + - and(N-, or(S+, SE+)) + - or(K+, R+) name: explored-2836 type: explored -- comm_cost: 0.5635416666666668 - complexity: 8 +- comm_cost: 0.500925925925926 + complexity: 16 expressions: - - N+ - - and(N-, not(R-)) + - R- + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(S-, not(R-)) name: explored-2837 type: explored -- comm_cost: 0.30046296296296315 - complexity: 22 +- comm_cost: 0.36041666666666705 + complexity: 8 expressions: + - K+ - N+ - - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) name: explored-2838 type: explored -- comm_cost: 0.5741030092592594 - complexity: 11 +- comm_cost: 0.36979166666666696 + complexity: 12 expressions: - - K- - - N+ - - R+ - R- - - SE- + - S+ - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-2839 type: explored -- comm_cost: 0.6854120370370371 - complexity: 35 +- comm_cost: 0.8083333333333333 + complexity: 8 expressions: - - K+ - - N- - - and(K-, or(S+, SE+)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(SE-, or(K+, S-)) + - SE- - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) - - or(S+, N+) name: explored-2840 type: explored -- comm_cost: 0.23645833333333366 - complexity: 17 +- comm_cost: 0.39218750000000013 + complexity: 16 expressions: - - K+ - N+ - - R- - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-2841 type: explored -- comm_cost: 0.7020486111111113 - complexity: 8 +- comm_cost: 0.6073784722222223 + complexity: 11 expressions: - - R+ + - N+ + - R- + - SE- + - and(N-, or(S+, SE+)) - or(K+, R+) - - or(N+, not(R+)) name: explored-2842 type: explored -- comm_cost: 0.45277777777777795 - complexity: 11 +- comm_cost: 0.43619791666666674 + complexity: 19 expressions: - K+ + - K+ - N+ - R- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-2843 type: explored -- comm_cost: 0.2405960648148151 - complexity: 14 +- comm_cost: 0.5512673611111113 + complexity: 15 expressions: - K+ - N+ - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(S+, R-) + - or(S+, SE+) name: explored-2844 type: explored -- comm_cost: 0.5125000000000002 - complexity: 14 +- comm_cost: 0.5114583333333337 + complexity: 7 expressions: - - K- - N+ - - R- - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) + - or(N+, R-) name: explored-2845 type: explored -- comm_cost: 0.404832175925926 +- comm_cost: 0.32777777777777795 complexity: 13 expressions: - - K+ - N+ - R- - - S- + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - and(S-, not(R-)) name: explored-2846 type: explored -- comm_cost: 0.40047743055555574 - complexity: 24 +- comm_cost: 0.3226562500000002 + complexity: 14 expressions: - - K+ + - N+ - N+ - R- - S+ - - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, N+) name: explored-2847 type: explored -- comm_cost: 0.5552083333333335 - complexity: 7 +- comm_cost: 0.7280381944444445 + complexity: 16 expressions: - - N+ - - and(and(S-, N-), not(R-)) + - R+ + - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) name: explored-2848 type: explored -- comm_cost: 0.6472685185185186 - complexity: 15 +- comm_cost: 0.6309027777777779 + complexity: 14 expressions: - R+ - - R- - - SE- - - and(and(K-, N-), not(R-)) - - or(K+, S-) - - or(N+, R-) + - and(S-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-2849 type: explored -- comm_cost: 0.24050925925925948 - complexity: 17 +- comm_cost: 0.42552083333333324 + complexity: 11 expressions: + - K+ + - K+ - N+ - R- - - R- - S+ - - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, N+) name: explored-2850 type: explored -- comm_cost: 0.23315972222222237 - complexity: 15 +- comm_cost: 0.39652777777777803 + complexity: 19 expressions: - N+ - R- - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(N+, R-) + - and(N-, and(or(K+, S-), not(R-))) name: explored-2851 type: explored -- comm_cost: 0.6506944444444445 - complexity: 6 +- comm_cost: 0.39262152777777803 + complexity: 20 expressions: + - N+ + - R- + - and(N-, R+) + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(S+, R-) + - and(and(S-, N-), not(R-)) name: explored-2852 type: explored -- comm_cost: 0.2707465277777781 - complexity: 22 +- comm_cost: 0.4505208333333335 + complexity: 12 expressions: - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - or(K+, K-) name: explored-2853 type: explored -- comm_cost: 0.3148437500000002 - complexity: 17 +- comm_cost: 0.2708333333333337 + complexity: 14 expressions: - K+ - N+ - - and(K-, N-) - - and(K-, S+) - - and(K-, S+) + - R- - and(N-, R+) - - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, N+) name: explored-2854 type: explored -- comm_cost: 0.6611111111111113 - complexity: 5 +- comm_cost: 0.4285156250000003 + complexity: 26 expressions: - - R+ - - S+ - - or(S+, R-) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-2855 type: explored -- comm_cost: 0.6574074074074074 +- comm_cost: 0.38046875000000024 complexity: 13 expressions: - - R+ - - S+ - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R-)) - name: explored-2856 - type: explored -- comm_cost: 0.507951388888889 - complexity: 17 - expressions: - K+ - - K- - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) + name: explored-2856 + type: explored +- comm_cost: 0.6340277777777779 + complexity: 14 + expressions: + - R+ + - and(K-, not(R-)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(and(S-, N-), not(R-)) name: explored-2857 type: explored -- comm_cost: 0.10520833333333357 +- comm_cost: 0.3715277777777781 complexity: 13 expressions: - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-2858 type: explored -- comm_cost: 0.7658854166666668 - complexity: 9 - expressions: - - and(K-, not(R-)) - - and(K-, or(S+, N+)) - name: explored-2859 - type: explored -- comm_cost: 0.4598958333333334 - complexity: 17 +- comm_cost: 0.6722337962962964 + complexity: 14 expressions: - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, R+) + - not(R-) + - or(K+, K-) + - or(K+, S-) + name: explored-2859 + type: explored +- comm_cost: 0.616840277777778 + complexity: 15 + expressions: + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) name: explored-2860 type: explored -- comm_cost: 0.4437500000000002 - complexity: 18 +- comm_cost: 0.6696875000000001 + complexity: 16 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) + - or(K+, S-) + - or(N+, R-) name: explored-2861 type: explored -- comm_cost: 0.39175347222222245 - complexity: 20 +- comm_cost: 0.5223958333333334 + complexity: 11 expressions: - - K+ - N+ - - R- - - and(N-, R+) - - and(N-, not(R-)) + - S+ - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, N+) + - or(S+, R-) name: explored-2862 type: explored -- comm_cost: 0.4812500000000002 - complexity: 13 +- comm_cost: 0.7430555555555556 + complexity: 9 expressions: - - K+ - R- - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-2863 type: explored -- comm_cost: 0.48572916666666677 - complexity: 20 +- comm_cost: 0.5768518518518521 + complexity: 13 expressions: - - K+ - N+ - R- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, S-) + - and(N-, or(K+, S-)) + - or(K+, R+) name: explored-2864 type: explored -- comm_cost: 0.5353732638888891 - complexity: 16 +- comm_cost: 0.45850694444444473 + complexity: 17 expressions: - - K+ - N+ - - S+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(K+, S-) + - and(and(S-, N-), not(R-)) + - or(S+, N+) + - or(S+, R-) name: explored-2865 type: explored -- comm_cost: 0.7005208333333334 - complexity: 7 +- comm_cost: 0.3562500000000002 + complexity: 16 expressions: - - R+ + - N+ - R- - - and(N-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-2866 type: explored -- comm_cost: 0.7468750000000002 - complexity: 8 - expressions: - - and(N-, or(K+, R+)) - - or(K+, R-) - name: explored-2867 - type: explored -- comm_cost: 0.7338368055555556 - complexity: 12 +- comm_cost: 0.5084635416666669 + complexity: 21 expressions: - - N- - - R+ + - K+ + - N+ + - R- + - S+ + - and(K-, not(R-)) - and(K-, or(S+, SE+)) - - or(S+, or(N+, R-)) - name: explored-2868 + - and(N-, R+) + - and(S-, SE-) + - not(R+) + name: explored-2867 type: explored -- comm_cost: 0.3471354166666668 - complexity: 16 +- comm_cost: 0.3218055555555559 + complexity: 17 expressions: - - K+ - - K+ - N+ - R- - - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - name: explored-2869 + - and(S-, not(R+)) + - or(N+, not(R+)) + name: explored-2868 type: explored -- comm_cost: 0.6667824074074076 +- comm_cost: 0.6141319444444445 complexity: 10 expressions: + - N+ + - N- - R+ - - and(N-, or(S+, SE+)) - - and(S-, not(R-)) + - R- + - SE- + - and(K-, or(SE-, N+)) + name: explored-2869 + type: explored +- comm_cost: 0.4006944444444447 + complexity: 14 + expressions: + - K+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-2870 type: explored -- comm_cost: 0.6434375000000001 - complexity: 6 +- comm_cost: 0.4388310185185187 + complexity: 19 expressions: - - R+ + - N+ - R- - - SE- - - or(S+, SE+) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-2871 type: explored -- comm_cost: 0.7214409722222221 - complexity: 8 +- comm_cost: 0.3241030092592596 + complexity: 17 expressions: + - N+ - R- - SE- - - and(K-, S+) - - or(SE-, N+) + - and(K-, not(R+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - not(R+) name: explored-2872 type: explored -- comm_cost: 0.24143518518518547 - complexity: 19 +- comm_cost: 0.36250000000000027 + complexity: 17 expressions: - K+ - N+ - R- - - and(K-, not(R+)) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(S-, or(SE-, N+)) name: explored-2873 type: explored -- comm_cost: 0.3212962962962965 - complexity: 15 +- comm_cost: 0.4568576388888892 + complexity: 10 expressions: - K+ - - N+ - - R- + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-2874 type: explored -- comm_cost: 0.3538194444444446 - complexity: 13 +- comm_cost: 0.36241319444444464 + complexity: 15 expressions: + - K+ + - N+ + - R+ - R- - - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - not(R+) + - or(N+, R-) name: explored-2875 type: explored -- comm_cost: 0.3581597222222225 - complexity: 17 +- comm_cost: 0.42437500000000017 + complexity: 13 expressions: - - K+ - N+ - R- - S+ - - and(K-, not(R+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - or(K+, S-) name: explored-2876 type: explored -- comm_cost: 0.20017361111111143 - complexity: 17 +- comm_cost: 0.4140625000000002 + complexity: 10 expressions: - - K+ - - N+ - R- - - S+ - - and(K-, SE-) - - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - or(K+, SE+) name: explored-2877 type: explored -- comm_cost: 0.4412326388888891 - complexity: 17 +- comm_cost: 0.5859375000000001 + complexity: 13 expressions: - N+ + - R+ - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, N+) name: explored-2878 type: explored -- comm_cost: 0.7930555555555555 - complexity: 8 +- comm_cost: 0.5755208333333335 + complexity: 7 expressions: - - R- - - SE- - - and(or(K+, S-), not(R+)) + - R+ + - and(S-, SE-) + - or(SE-, N+) name: explored-2879 type: explored -- comm_cost: 0.7990625 - complexity: 8 +- comm_cost: 0.8576388888888888 + complexity: 6 expressions: - - and(or(K+, S-), not(R-)) - - not(R-) + - R- + - or(K+, or(N+, R-)) name: explored-2880 type: explored -- comm_cost: 0.18506944444444473 +- comm_cost: 0.3472222222222223 complexity: 15 expressions: - K+ - N+ - R- - - R- - - S+ - - SE- + - SE+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, R-) name: explored-2881 type: explored -- comm_cost: 0.299826388888889 - complexity: 18 +- comm_cost: 0.3694444444444447 + complexity: 17 expressions: - K+ - N+ - - R+ - - R- - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(S+, SE+) name: explored-2882 type: explored -- comm_cost: 0.81625 - complexity: 3 +- comm_cost: 0.3071180555555558 + complexity: 15 expressions: - - or(K+, S-) + - N+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, R-) name: explored-2883 type: explored -- comm_cost: 0.5007089120370372 - complexity: 18 +- comm_cost: 0.13229166666666692 + complexity: 13 expressions: + - K+ + - K+ - N+ - R- - - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(S+, R+) + - or(K+, N+) name: explored-2884 type: explored -- comm_cost: 0.582777777777778 - complexity: 20 +- comm_cost: 0.48055555555555585 + complexity: 13 expressions: - - R- + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(and(K-, N-), not(R-)) - - or(K+, S-) + - and(S-, N-) + - and(S-, or(SE-, N+)) name: explored-2885 type: explored -- comm_cost: 0.5958159722222223 - complexity: 7 +- comm_cost: 0.5762152777777779 + complexity: 8 expressions: - - K+ - R+ - R- - - S+ - - SE- - - not(R-) + - and(and(K-, N-), not(R-)) name: explored-2886 type: explored -- comm_cost: 0.3115740740740742 - complexity: 24 +- comm_cost: 0.6289062500000001 + complexity: 18 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(K-, or(S+, N+)) + - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) + - or(N+, R-) name: explored-2887 type: explored -- comm_cost: 0.34644097222222237 - complexity: 15 +- comm_cost: 0.44296875000000013 + complexity: 16 expressions: - K+ - N+ + - R- - S+ - - SE- + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - or(S+, R+) name: explored-2888 type: explored -- comm_cost: 0.5616319444444445 - complexity: 8 +- comm_cost: 0.7504947916666668 + complexity: 6 expressions: + - K- + - N- - R+ - - R- - - R- - - SE- - - and(S-, not(R-)) + - or(S+, R+) name: explored-2889 type: explored -- comm_cost: 0.5440972222222222 - complexity: 14 +- comm_cost: 0.29745370370370394 + complexity: 17 expressions: - - R+ + - N+ - R- - - S+ - - and(K-, not(R-)) - - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, R-) name: explored-2890 type: explored -- comm_cost: 0.5162326388888892 - complexity: 16 +- comm_cost: 0.2972222222222225 + complexity: 17 expressions: - - N+ + - K+ - R- - - SE- + - and(K-, S+) - and(N-, R+) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-2891 type: explored -- comm_cost: 0.385763888888889 - complexity: 11 +- comm_cost: 0.5651041666666669 + complexity: 12 expressions: - - K+ + - N+ + - R+ - R- - - S+ - - and(K-, or(S+, R+)) - - and(S-, SE-) + - SE- + - and(K-, or(SE-, N+)) + - and(S-, N-) name: explored-2892 type: explored -- comm_cost: 0.741059027777778 - complexity: 11 +- comm_cost: 0.3875289351851854 + complexity: 16 expressions: - - R+ - - and(K-, or(S+, R+)) - - or(S+, or(N+, R-)) + - K+ + - N+ + - R- + - S- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-2893 type: explored -- comm_cost: 0.3652488425925928 - complexity: 19 +- comm_cost: 0.2263888888888892 + complexity: 18 expressions: + - K+ - N+ - R- - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-2894 type: explored -- comm_cost: 0.3679687500000002 - complexity: 18 +- comm_cost: 0.33750000000000013 + complexity: 17 expressions: + - K+ - N+ + - R- - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, SE+) - - or(S+, R-) + - and(SE-, or(K+, S-)) + - or(K+, R+) name: explored-2895 type: explored -- comm_cost: 0.43506944444444473 - complexity: 15 +- comm_cost: 0.6675347222222223 + complexity: 16 expressions: - - N+ - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) + - and(K-, not(R-)) - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) name: explored-2896 type: explored -- comm_cost: 0.7519965277777779 - complexity: 6 +- comm_cost: 0.6269097222222224 + complexity: 14 expressions: - - K- - R+ - - and(K-, not(R-)) + - SE- + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2897 type: explored -- comm_cost: 0.7395833333333334 - complexity: 32 +- comm_cost: 0.45687500000000025 + complexity: 19 expressions: - - N- - - and(K-, S+) - - and(or(K+, S-), not(R+)) - - or(K+, S-) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-2898 type: explored -- comm_cost: 0.7100260416666668 - complexity: 18 +- comm_cost: 0.6777864583333335 + complexity: 44 expressions: - - S- - - and(N-, or(K+, R+)) + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(S+, R+)) + - and(S-, N-) + - and(SE+, N-) - and(or(K+, S-), not(R-)) - - or(K+, N+) - - or(S+, R+) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) name: explored-2899 type: explored -- comm_cost: 0.7166666666666668 - complexity: 4 +- comm_cost: 0.6606192129629631 + complexity: 13 expressions: - - SE- + - S- - and(S-, N-) + - and(and(S-, N-), not(R-)) + - or(S+, N+) name: explored-2900 type: explored -- comm_cost: 0.6307465277777778 - complexity: 13 +- comm_cost: 0.42607060185185197 + complexity: 16 expressions: - - R+ + - K+ + - N+ + - R- + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, SE+) + - and(S-, not(R-)) name: explored-2901 type: explored -- comm_cost: 0.42343750000000036 - complexity: 9 +- comm_cost: 0.2171875000000003 + complexity: 15 expressions: - - S+ + - K+ + - N+ + - R+ + - and(K-, S+) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - not(R+) name: explored-2902 type: explored -- comm_cost: 0.5822916666666668 - complexity: 13 +- comm_cost: 0.3364583333333335 + complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - S+ - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) + - and(K-, N-) + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) name: explored-2903 type: explored -- comm_cost: 0.689976851851852 - complexity: 12 +- comm_cost: 0.6024305555555557 + complexity: 14 expressions: - - R+ + - R- - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) + - and(K-, N-) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-2904 type: explored -- comm_cost: 0.6601504629629631 - complexity: 15 +- comm_cost: 0.5298611111111112 + complexity: 12 expressions: + - N+ - R+ + - R- - SE- - - and(K-, not(R+)) - - and(N-, or(K+, SE+)) - - or(N+, not(R+)) + - and(K-, or(S+, N+)) + - or(K+, R+) name: explored-2905 type: explored -- comm_cost: 0.35312500000000013 - complexity: 12 +- comm_cost: 0.5067708333333335 + complexity: 16 expressions: - - K+ - R+ - - and(K-, S+) - - and(S-, SE-) - - and(S-, not(R+)) + - R- + - SE- + - and(K-, or(SE-, N+)) + - and(S-, or(SE-, N+)) + - or(K+, N+) name: explored-2906 type: explored -- comm_cost: 0.5317274305555557 - complexity: 17 +- comm_cost: 0.5145833333333335 + complexity: 15 expressions: - N+ - - R+ - - and(K-, or(S+, SE+)) + - R- + - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, K-) name: explored-2907 type: explored -- comm_cost: 0.5157986111111112 - complexity: 14 +- comm_cost: 0.5246238425925926 + complexity: 18 expressions: + - K+ - N+ - R- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - or(S+, N+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-2908 type: explored -- comm_cost: 0.18611111111111123 - complexity: 15 +- comm_cost: 0.3811631944444447 + complexity: 20 expressions: - K+ - - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, R+) + - or(S+, N+) name: explored-2909 type: explored -- comm_cost: 0.4328993055555559 - complexity: 11 +- comm_cost: 0.5340856481481482 + complexity: 16 expressions: - - and(N-, R+) + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - not(R+) - - or(S+, R-) name: explored-2910 type: explored -- comm_cost: 0.6023871527777779 - complexity: 12 +- comm_cost: 0.5657986111111112 + complexity: 15 expressions: - - K+ - R+ - R- - SE- - - and(N-, or(S+, SE+)) - - or(S+, N+) + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2911 type: explored -- comm_cost: 0.4138310185185188 - complexity: 22 +- comm_cost: 0.7533333333333334 + complexity: 5 expressions: - - K+ - N+ - R- - - S+ - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - or(S+, SE+) name: explored-2912 type: explored -- comm_cost: 0.33107638888888913 - complexity: 14 +- comm_cost: 0.39921875000000007 + complexity: 11 expressions: - N+ - R- - - SE- - - and(N-, R+) - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(K-, S+) + - and(S-, SE-) + - or(K+, SE+) name: explored-2913 type: explored -- comm_cost: 0.4816232638888891 - complexity: 21 +- comm_cost: 0.6470486111111113 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(K+, S-) - - or(K+, or(N+, R-)) + - R+ + - SE- + - SE- + - and(N-, and(or(K+, S-), not(R-))) name: explored-2914 type: explored -- comm_cost: 0.3368078703703705 - complexity: 19 +- comm_cost: 0.40844907407407416 + complexity: 18 expressions: - - K+ - - K+ - N+ - R- - S+ + - and(K-, not(R-)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, SE+) name: explored-2915 type: explored -- comm_cost: 0.6269097222222224 - complexity: 16 +- comm_cost: 0.5395833333333334 + complexity: 13 expressions: + - N+ - R+ + - R- - SE- - - and(K-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, N+) + - and(K-, not(R-)) + - and(SE-, or(K+, S-)) name: explored-2916 type: explored -- comm_cost: 0.574045138888889 - complexity: 15 +- comm_cost: 0.6407118055555556 + complexity: 9 expressions: - - K+ - - N+ + - R+ - R- - - SE+ - SE- - - and(K-, not(R-)) - - and(N-, R+) - - or(S+, R+) + - and(K-, N-) + - or(SE-, N+) name: explored-2917 type: explored -- comm_cost: 0.7796875000000001 - complexity: 4 +- comm_cost: 0.27743055555555585 + complexity: 19 expressions: + - K+ - N+ - - or(K+, SE+) + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) + - or(N+, not(R+)) name: explored-2918 type: explored -- comm_cost: 0.5467361111111113 - complexity: 24 +- comm_cost: 0.3659722222222226 + complexity: 13 expressions: - - and(K-, or(S+, N+)) + - N+ + - R- + - SE- - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(N+, R-) - - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-2919 type: explored -- comm_cost: 0.3197916666666668 - complexity: 14 +- comm_cost: 0.4349247685185187 + complexity: 18 expressions: - - R+ - - R+ + - N+ - R- - - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(SE+, N-) + - not(R+) name: explored-2920 type: explored -- comm_cost: 0.5704861111111112 - complexity: 11 +- comm_cost: 0.3152777777777781 + complexity: 10 expressions: + - K+ - N+ - - R+ + - R- - SE- - - and(K-, or(SE-, N+)) - - or(S+, R-) + - and(N-, R+) + - or(S+, N+) name: explored-2921 type: explored -- comm_cost: 0.4209722222222224 - complexity: 17 +- comm_cost: 0.4194444444444445 + complexity: 14 expressions: - K+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - SE- - and(S-, SE-) - - not(R-) + - and(and(K-, N-), or(S+, SE+)) name: explored-2922 type: explored -- comm_cost: 0.6666666666666667 - complexity: 2 +- comm_cost: 0.596527777777778 + complexity: 11 expressions: - - SE+ + - N+ - SE- + - and(N-, R+) + - or(K+, K-) + - or(K+, N+) name: explored-2923 type: explored -- comm_cost: 0.7119444444444445 - complexity: 12 +- comm_cost: 0.7161458333333335 + complexity: 9 expressions: - - N+ - - SE- - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(N-, or(K+, R+)) - or(K+, S-) name: explored-2924 type: explored -- comm_cost: 0.7756944444444445 - complexity: 12 +- comm_cost: 0.3373842592592594 + complexity: 21 expressions: - - SE- - - and(K-, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-2925 type: explored -- comm_cost: 0.7414253472222223 - complexity: 12 +- comm_cost: 0.3730324074074075 + complexity: 22 expressions: - - N- - - S+ - - and(N-, or(K+, R+)) - - not(R+) - - or(S+, SE+) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-2926 type: explored -- comm_cost: 0.5351562500000002 - complexity: 9 +- comm_cost: 0.7178125000000001 + complexity: 10 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, S-)) + - K- + - N- + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-2927 type: explored -- comm_cost: 0.5509548611111112 - complexity: 15 +- comm_cost: 0.38289930555555574 + complexity: 13 expressions: - - N+ - - SE- + - R- - and(N-, R+) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(S+, R+) + - or(S+, R-) name: explored-2928 type: explored -- comm_cost: 0.37712673611111136 - complexity: 22 +- comm_cost: 0.11944444444444469 + complexity: 14 expressions: - K+ - N+ - - R- - and(K-, S+) - - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(N+, R-) + - or(S+, R-) name: explored-2929 type: explored -- comm_cost: 0.4910648148148149 - complexity: 9 +- comm_cost: 0.8027777777777778 + complexity: 13 expressions: - - N+ - - R- - - SE+ - - and(S-, SE-) - - or(S+, SE+) + - and(S-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-2930 type: explored -- comm_cost: 0.6543402777777778 - complexity: 11 +- comm_cost: 0.5041666666666669 + complexity: 9 expressions: - - N+ - - SE- - - and(K-, SE-) - - and(or(K+, S-), not(R+)) + - K+ + - R- + - SE+ + - and(K-, S+) + - and(N-, R+) name: explored-2931 type: explored -- comm_cost: 0.3322916666666669 - complexity: 15 +- comm_cost: 0.41375868055555576 + complexity: 17 expressions: - K+ + - K+ - N+ - R- - - S+ + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(N-, not(R-)) name: explored-2932 type: explored -- comm_cost: 0.573263888888889 - complexity: 13 +- comm_cost: 0.5887152777777778 + complexity: 9 expressions: - - N+ - - R+ - - SE- - - and(K-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R- + - S+ + - and(S-, SE-) + - or(S+, R-) name: explored-2933 type: explored -- comm_cost: 0.5782638888888891 - complexity: 8 +- comm_cost: 0.6942013888888889 + complexity: 14 expressions: - K- - - N+ + - R+ + - R- - SE- - - and(N-, R+) - - not(R+) + - and(N-, or(S+, SE+)) + - and(N-, or(S+, SE+)) name: explored-2934 type: explored -- comm_cost: 0.44791666666666696 - complexity: 9 +- comm_cost: 0.5291666666666668 + complexity: 6 expressions: - - K+ - - R- + - N+ + - SE+ - SE- - - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) name: explored-2935 type: explored -- comm_cost: 0.23402777777777795 - complexity: 13 +- comm_cost: 0.7026041666666667 + complexity: 14 expressions: - - K+ - - R- - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - N+ + - SE- + - and(K-, or(S+, R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2936 type: explored -- comm_cost: 0.3265625000000002 - complexity: 14 +- comm_cost: 0.581076388888889 + complexity: 8 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - R- + - S+ + - SE- + - and(N-, or(K+, R+)) name: explored-2937 type: explored -- comm_cost: 0.6399884259259261 - complexity: 29 +- comm_cost: 0.7034722222222223 + complexity: 5 expressions: - - and(K-, or(S+, N+)) - - and(N-, or(S+, R+)) + - N+ - and(S-, not(R-)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) name: explored-2938 type: explored -- comm_cost: 0.6205729166666668 - complexity: 8 +- comm_cost: 0.5762152777777778 + complexity: 7 expressions: - - R+ - - and(K-, or(S+, N+)) - - not(R+) + - N+ + - N- + - R- + - R- + - and(K-, SE-) name: explored-2939 type: explored -- comm_cost: 0.6417245370370372 - complexity: 18 +- comm_cost: 0.5763888888888891 + complexity: 9 expressions: + - K+ + - R- + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - or(K+, S-) name: explored-2940 type: explored -- comm_cost: 0.7446875000000002 - complexity: 4 - expressions: - - R+ - - or(K+, S-) - name: explored-2941 - type: explored -- comm_cost: 0.28524305555555574 - complexity: 10 +- comm_cost: 0.0868055555555558 + complexity: 18 expressions: - K+ - N+ - - S+ - - SE+ + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(S-, SE-) + - or(S+, R-) + name: explored-2941 + type: explored +- comm_cost: 0.6650462962962964 + complexity: 8 + expressions: + - R+ + - R+ + - and(and(K-, N-), not(R-)) name: explored-2942 type: explored -- comm_cost: 0.46889467592592604 +- comm_cost: 0.38246527777777795 complexity: 16 expressions: - N+ - - R- - S+ - - and(K-, N-) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) name: explored-2943 type: explored -- comm_cost: 0.675607638888889 - complexity: 15 +- comm_cost: 0.23888888888888904 + complexity: 20 expressions: - - R+ - - SE- - - and(N-, not(R-)) - - and(or(K+, S-), not(R+)) - - or(S+, R+) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-2944 type: explored -- comm_cost: 0.38593750000000027 - complexity: 13 +- comm_cost: 0.3187500000000003 + complexity: 19 expressions: - - N+ - - SE- + - K+ + - R- + - and(K-, S+) - and(N-, R+) - - or(K+, R-) - - or(K+, or(N+, R-)) + - and(S-, N-) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-2945 type: explored -- comm_cost: 0.7088541666666668 - complexity: 7 +- comm_cost: 0.828125 + complexity: 5 expressions: - - R+ - - R+ - - or(S+, or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-2946 type: explored -- comm_cost: 0.6563802083333334 - complexity: 17 +- comm_cost: 0.5389756944444447 + complexity: 13 expressions: - - R- + - N+ - SE- - - and(N-, or(K+, SE+)) - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, N-) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-2947 type: explored -- comm_cost: 0.6989843750000001 - complexity: 25 +- comm_cost: 0.5054687500000002 + complexity: 10 expressions: - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) - - or(S+, R+) - - or(and(K-, S+), or(N+, R-)) + - K+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) name: explored-2948 type: explored -- comm_cost: 0.7018229166666667 - complexity: 8 +- comm_cost: 0.5703993055555557 + complexity: 9 expressions: + - K+ + - N+ - R+ - - and(N-, not(R-)) - - or(S+, N+) + - SE- + - or(S+, or(N+, R-)) name: explored-2949 type: explored -- comm_cost: 0.4950000000000002 +- comm_cost: 0.6832812500000001 + complexity: 35 + expressions: + - N+ + - and(K-, SE-) + - and(K-, or(S+, R+)) + - and(N-, or(S+, R+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) + - or(S+, R+) + - or(SE-, N+) + name: explored-2950 + type: explored +- comm_cost: 0.20876736111111138 complexity: 16 expressions: - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, S-) - name: explored-2950 - type: explored -- comm_cost: 0.7541666666666668 - complexity: 10 - expressions: - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R+) + - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-2951 type: explored -- comm_cost: 0.35815972222222237 +- comm_cost: 0.6539930555555558 complexity: 21 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, or(N+, not(R+))) - and(or(K+, S-), not(R+)) name: explored-2952 type: explored -- comm_cost: 0.22037037037037066 - complexity: 15 +- comm_cost: 0.057812500000000266 + complexity: 18 expressions: + - K+ - N+ - R- - - and(K-, not(R+)) + - R- + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) name: explored-2953 type: explored -- comm_cost: 0.35260416666666683 - complexity: 17 +- comm_cost: 0.656857638888889 + complexity: 13 expressions: - - K+ - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - and(K-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) name: explored-2954 type: explored -- comm_cost: 0.5203414351851854 +- comm_cost: 0.5401041666666668 complexity: 15 expressions: - N+ - SE- + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2955 type: explored -- comm_cost: 0.6141493055555557 - complexity: 16 +- comm_cost: 0.4125289351851853 + complexity: 15 expressions: - - R+ - R- - - SE- - - and(and(K-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-2956 type: explored -- comm_cost: 0.49427083333333355 - complexity: 11 +- comm_cost: 0.5694212962962963 + complexity: 12 expressions: - - SE+ - - and(N-, R+) + - R+ + - R- - and(S-, SE-) - - and(S-, not(R+)) + - and(S-, not(R-)) + - or(S+, SE+) name: explored-2957 type: explored -- comm_cost: 0.5468865740740743 - complexity: 15 +- comm_cost: 0.35421875000000014 + complexity: 12 expressions: + - K+ + - K+ - N+ + - N- - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(N+, not(R+)) name: explored-2958 type: explored -- comm_cost: 0.4818142361111112 - complexity: 16 +- comm_cost: 0.38125 + complexity: 8 expressions: - K+ - K+ - N+ - R- - S+ - - and(N-, not(R-)) - and(S-, SE-) - - and(S-, not(R-)) name: explored-2959 type: explored -- comm_cost: 0.5431481481481484 - complexity: 12 +- comm_cost: 0.5989583333333333 + complexity: 9 expressions: + - K+ - N+ - R- - SE- - - and(N-, R+) - - or(K+, S-) - - or(S+, R-) + - and(S-, or(SE-, N+)) name: explored-2960 type: explored -- comm_cost: 0.5385416666666668 - complexity: 13 +- comm_cost: 0.6993055555555556 + complexity: 11 expressions: - - R+ - - R- - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(S+, N+) + - and(K-, or(S+, R+)) + - and(N-, or(S+, R+)) name: explored-2961 type: explored -- comm_cost: 0.5078125 - complexity: 17 +- comm_cost: 0.3820625000000002 + complexity: 16 expressions: - K+ + - K+ - N+ + - N+ + - N- - R- - - and(K-, S+) - - and(N-, or(K+, S-)) + - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - or(K+, N+) name: explored-2962 type: explored -- comm_cost: 0.5774739583333335 - complexity: 17 +- comm_cost: 0.6788194444444445 + complexity: 9 expressions: - - K+ - R+ - - R- - - SE- - - or(K+, R-) + - and(N-, or(S+, R+)) - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) name: explored-2963 type: explored -- comm_cost: 0.4259375000000002 - complexity: 19 +- comm_cost: 0.5630208333333336 + complexity: 7 expressions: - K+ - - N+ - - R- - - S+ - - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, S-) + - or(K+, R-) name: explored-2964 type: explored -- comm_cost: 0.6585937500000001 - complexity: 12 +- comm_cost: 0.36250000000000027 + complexity: 11 expressions: - K+ - N+ + - N+ - R- - SE- - - and(N-, or(K+, SE+)) - - or(K+, K-) + - and(N-, R+) + - and(SE+, N-) name: explored-2965 type: explored -- comm_cost: 0.6109375000000001 - complexity: 5 +- comm_cost: 0.4788194444444447 + complexity: 9 expressions: - - S+ - - S- - - and(S-, SE-) + - N+ + - R+ + - SE- + - and(N-, R+) + - and(SE+, N-) name: explored-2966 type: explored -- comm_cost: 0.6595052083333335 - complexity: 18 +- comm_cost: 0.6753472222222223 + complexity: 14 expressions: - - R+ - - and(K-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) + - K+ + - N+ + - R- + - SE- + - and(S-, or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-2967 type: explored -- comm_cost: 0.3279513888888891 - complexity: 20 +- comm_cost: 0.21197916666666683 + complexity: 11 expressions: + - K+ - N+ - - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) + - and(SE+, N-) name: explored-2968 type: explored -- comm_cost: 0.37864583333333357 - complexity: 14 +- comm_cost: 0.6062500000000002 + complexity: 10 expressions: - - R- + - N+ - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-2969 type: explored -- comm_cost: 0.44687500000000013 - complexity: 13 +- comm_cost: 0.47430555555555554 + complexity: 18 expressions: - K+ - - R+ + - N+ - R- + - and(K-, S+) + - and(K-, S+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-2970 type: explored -- comm_cost: 0.4566666666666668 - complexity: 17 +- comm_cost: 0.1473958333333334 + complexity: 19 expressions: - K+ - N+ + - N+ + - R- - and(K-, S+) - - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - not(R-) + - and(and(S-, N-), not(R-)) name: explored-2971 type: explored -- comm_cost: 0.2762152777777781 - complexity: 13 +- comm_cost: 0.6427083333333334 + complexity: 12 expressions: - K+ - - N+ - - R- - - S+ - - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) + - K- + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) name: explored-2972 type: explored -- comm_cost: 0.407777777777778 - complexity: 13 +- comm_cost: 0.5511111111111112 + complexity: 16 expressions: - N+ - R- - - SE- - - and(N-, R+) - - or(K+, R-) - - or(N+, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(S+, SE+) name: explored-2973 type: explored -- comm_cost: 0.49320023148148173 - complexity: 20 +- comm_cost: 0.4833333333333333 + complexity: 10 expressions: - - K+ - - N+ - R- - - S- - - SE- - - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(and(K-, S+), or(N+, R-)) + - S+ + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-2974 type: explored -- comm_cost: 0.5944444444444447 - complexity: 8 +- comm_cost: 0.413888888888889 + complexity: 14 expressions: - N+ - - and(N-, R+) - - and(S-, not(R-)) + - R- + - and(K-, S+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-2975 type: explored -- comm_cost: 0.29409722222222257 - complexity: 20 +- comm_cost: 0.7336464120370372 + complexity: 28 expressions: - - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(K-, or(S+, R-)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) + - and(S-, N-) + - or(N+, not(R+)) + - or(S+, R-) + - or(S+, SE+) name: explored-2976 type: explored -- comm_cost: 0.3622685185185187 - complexity: 22 +- comm_cost: 0.43194444444444446 + complexity: 6 expressions: - - K+ - - N+ - R- - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) + - SE+ - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-2977 type: explored -- comm_cost: 0.5766059027777779 - complexity: 11 +- comm_cost: 0.4099826388888891 + complexity: 22 expressions: - - R+ + - N+ - R- - S+ - - SE- - - and(K-, not(R+)) - - or(SE-, N+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-2978 type: explored -- comm_cost: 0.47682291666666676 - complexity: 14 +- comm_cost: 0.7547453703703705 + complexity: 5 expressions: - - N+ - - R- - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - R+ + - SE+ + - or(K+, R+) name: explored-2979 type: explored -- comm_cost: 0.35145833333333354 - complexity: 18 +- comm_cost: 0.49861111111111134 + complexity: 13 expressions: - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-2980 type: explored -- comm_cost: 0.4763888888888891 - complexity: 20 +- comm_cost: 0.4989583333333335 + complexity: 10 expressions: - N+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - R- + - SE- + - and(K-, S+) + - or(S+, R-) name: explored-2981 type: explored -- comm_cost: 0.5984375000000002 - complexity: 7 +- comm_cost: 0.3421875000000002 + complexity: 21 expressions: - - R+ + - K+ + - R- - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-2982 type: explored -- comm_cost: 0.5287037037037039 - complexity: 14 +- comm_cost: 0.4158564814814817 + complexity: 13 expressions: + - N+ - R- - SE- - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(K+, R+) + - and(S-, N-) + - and(S-, not(R+)) name: explored-2983 type: explored -- comm_cost: 0.6423958333333335 +- comm_cost: 0.6985358796296297 + complexity: 15 + expressions: + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(S-, not(R-)) + - or(K+, S-) + name: explored-2984 + type: explored +- comm_cost: 0.6015625000000002 complexity: 14 expressions: + - N+ + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) + name: explored-2985 + type: explored +- comm_cost: 0.5780555555555558 + complexity: 9 + expressions: - N- - - R+ - R- - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(N+, R-) - name: explored-2984 + - and(N-, R+) + - or(S+, N+) + name: explored-2986 type: explored -- comm_cost: 0.41805555555555574 - complexity: 18 +- comm_cost: 0.46406250000000027 + complexity: 14 + expressions: + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(SE-, N+) + name: explored-2987 + type: explored +- comm_cost: 0.6950520833333335 + complexity: 7 expressions: + - K+ - R+ - - R- - - and(K-, or(S+, R-)) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R-) - name: explored-2985 + - and(K-, or(S+, SE+)) + name: explored-2988 type: explored -- comm_cost: 0.6156250000000001 - complexity: 12 +- comm_cost: 0.2932291666666669 + complexity: 10 expressions: - N+ - - and(K-, N-) - - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - name: explored-2986 + - and(SE+, N-) + name: explored-2989 type: explored -- comm_cost: 0.4388854166666668 - complexity: 18 +- comm_cost: 0.2406250000000002 + complexity: 15 expressions: - K+ - K+ - N+ - R- - - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - not(R-) - - or(S+, or(N+, R-)) - name: explored-2987 + name: explored-2990 type: explored -- comm_cost: 0.5388541666666667 - complexity: 10 +- comm_cost: 0.3490914351851854 + complexity: 21 expressions: - K+ - N+ - R- - - S+ - SE+ + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) - - not(R-) - name: explored-2988 - type: explored -- comm_cost: 0.599652777777778 - complexity: 8 - expressions: - - R+ - - SE- - - or(S+, N+) - - or(S+, R-) - name: explored-2989 - type: explored -- comm_cost: 0.7024479166666667 - complexity: 8 - expressions: - - R+ - - SE- - - and(K-, N-) - or(S+, SE+) - name: explored-2990 + name: explored-2991 type: explored -- comm_cost: 0.4343894675925928 - complexity: 18 +- comm_cost: 0.47760416666666683 + complexity: 14 expressions: - K+ - N+ - R- - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - name: explored-2991 - type: explored -- comm_cost: 0.5489583333333334 - complexity: 9 - expressions: - - R+ - - and(K-, S+) - - and(S-, or(SE-, N+)) + - or(N+, R-) name: explored-2992 type: explored -- comm_cost: 0.6468750000000001 - complexity: 6 +- comm_cost: 0.35416666666666685 + complexity: 15 expressions: - - R+ - - S- - - SE- - - or(K+, R-) + - K+ + - N+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-2993 type: explored -- comm_cost: 0.5421875000000002 - complexity: 10 +- comm_cost: 0.2546875000000003 + complexity: 9 expressions: - - R+ + - N+ + - R- - SE- - - and(SE+, N-) - - and(SE-, or(K+, S-)) + - and(K-, SE-) + - and(N-, R+) name: explored-2994 type: explored -- comm_cost: 0.6230902777777779 - complexity: 8 +- comm_cost: 0.7765625 + complexity: 6 expressions: - - R+ - - R- - - S+ - - and(N-, or(S+, R+)) + - SE- + - and(K-, or(S+, N+)) name: explored-2995 type: explored -- comm_cost: 0.20381944444444478 - complexity: 17 +- comm_cost: 0.29557291666666696 + complexity: 12 expressions: - K+ - - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, or(N+, R-)) + - or(SE-, N+) name: explored-2996 type: explored -- comm_cost: 0.5330729166666668 - complexity: 9 +- comm_cost: 0.4973668981481484 + complexity: 19 expressions: - K+ - N+ - - and(N-, not(R-)) - - and(S-, SE-) + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-2997 type: explored -- comm_cost: 0.32222222222222263 - complexity: 21 +- comm_cost: 0.27222222222222237 + complexity: 23 expressions: + - K+ - N+ - - S+ + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, or(N+, not(R+))) name: explored-2998 type: explored -- comm_cost: 0.7200434027777778 - complexity: 22 +- comm_cost: 0.5244791666666669 + complexity: 15 expressions: - - K+ - - S- - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) - - and(N-, or(S+, R+)) - - or(K+, SE+) - - or(S+, N+) + - N+ + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-2999 type: explored -- comm_cost: 0.5914930555555556 - complexity: 10 +- comm_cost: 0.8434722222222222 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, R+)) + - or(N+, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-3000 type: explored -- comm_cost: 0.6371990740740742 - complexity: 26 +- comm_cost: 0.34479166666666705 + complexity: 17 expressions: - K+ - - K- - - S+ - - SE+ - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, R-) - - or(N+, not(R+)) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-3001 type: explored -- comm_cost: 0.04479166666666701 - complexity: 21 +- comm_cost: 0.7558449074074075 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(S-, SE-) - - or(K+, R-) + - R+ + - and(K-, or(S+, R+)) + - or(K+, SE+) name: explored-3002 type: explored -- comm_cost: 0.5141782407407409 - complexity: 15 +- comm_cost: 0.5799479166666668 + complexity: 9 expressions: - K+ - - N+ - R- - - S+ + - SE- + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, R+) name: explored-3003 type: explored -- comm_cost: 0.3640625000000002 - complexity: 11 +- comm_cost: 0.45833333333333337 + complexity: 9 expressions: - K+ - N+ - - and(N-, R+) + - R- - and(S-, SE-) - - or(K+, SE+) + - or(S+, SE+) name: explored-3004 type: explored -- comm_cost: 0.6104166666666667 - complexity: 9 +- comm_cost: 0.7595486111111112 + complexity: 6 expressions: - - N+ - - R- - - SE- - - and(K-, N-) - - or(K+, N+) + - SE+ + - and(K-, or(S+, R-)) name: explored-3005 type: explored -- comm_cost: 0.7328472222222223 - complexity: 10 +- comm_cost: 0.5420833333333335 + complexity: 17 expressions: - - R+ - - R- - - and(K-, or(S+, R-)) - - or(S+, SE+) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) name: explored-3006 type: explored -- comm_cost: 0.472916666666667 - complexity: 7 +- comm_cost: 0.4208333333333334 + complexity: 14 expressions: + - K+ - N+ - - and(N-, R+) - - or(SE-, N+) + - R- + - and(K-, N-) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-3007 type: explored -- comm_cost: 0.7051215277777779 - complexity: 5 +- comm_cost: 0.5060185185185186 + complexity: 18 expressions: - - R+ - - S- - - and(SE+, N-) + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - not(R-) name: explored-3008 type: explored -- comm_cost: 0.4037905092592595 - complexity: 19 +- comm_cost: 0.3006944444444448 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-3009 type: explored -- comm_cost: 0.8208333333333333 - complexity: 2 +- comm_cost: 0.3427083333333335 + complexity: 15 expressions: - - K+ + - N+ - R- + - S+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-3010 type: explored -- comm_cost: 0.6031250000000001 - complexity: 6 +- comm_cost: 0.4891493055555558 + complexity: 16 expressions: - N+ - - R+ - SE- - - or(S+, N+) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(and(S-, N-), not(R-)) name: explored-3011 type: explored -- comm_cost: 0.6197627314814816 - complexity: 15 +- comm_cost: 0.31614583333333357 + complexity: 13 expressions: - - R+ + - K+ + - N+ - R- - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-3012 type: explored -- comm_cost: 0.6918402777777779 - complexity: 10 +- comm_cost: 0.48911458333333346 + complexity: 18 expressions: - K- - - R+ - - and(K-, or(S+, N+)) - - or(S+, R-) + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(SE+, N-) name: explored-3013 type: explored -- comm_cost: 0.7217881944444444 - complexity: 9 +- comm_cost: 0.4515625000000001 + complexity: 10 expressions: + - K+ - N+ - - SE- - - and(N-, not(R-)) - - or(K+, K-) + - R- + - S+ + - and(K-, N-) + - and(S-, SE-) name: explored-3014 type: explored -- comm_cost: 0.4260416666666669 - complexity: 17 +- comm_cost: 0.6156423611111113 + complexity: 13 expressions: - K+ - R- - - S+ - - and(K-, not(R+)) + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, S-) name: explored-3015 type: explored -- comm_cost: 0.43125000000000036 +- comm_cost: 0.6333333333333334 complexity: 11 expressions: - - N+ + - K+ + - R- - SE- - - and(N-, R+) - - and(N-, R+) - - or(S+, N+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-3016 type: explored -- comm_cost: 0.6302083333333335 - complexity: 12 +- comm_cost: 0.4338541666666669 + complexity: 15 expressions: - - R+ - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) + - N+ + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-3017 type: explored -- comm_cost: 0.5236111111111114 - complexity: 11 +- comm_cost: 0.4510416666666668 + complexity: 9 expressions: - - N+ - - N+ - - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) + - K+ + - R+ + - R- + - and(and(S-, N-), not(R-)) name: explored-3018 type: explored -- comm_cost: 0.4773437500000003 - complexity: 10 +- comm_cost: 0.5944155092592595 + complexity: 13 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) - - or(S+, or(N+, R-)) + - or(S+, R-) + - or(S+, SE+) name: explored-3019 type: explored -- comm_cost: 0.5927083333333335 - complexity: 3 +- comm_cost: 0.6937500000000001 + complexity: 8 expressions: - - K+ - R+ - SE- + - and(or(K+, S-), not(R-)) name: explored-3020 type: explored -- comm_cost: 0.45305555555555577 +- comm_cost: 0.17384259259259283 complexity: 17 expressions: - N+ - - N- - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - S+ - and(N-, R+) - and(S-, SE-) + - or(K+, R-) + - or(K+, or(N+, R-)) name: explored-3021 type: explored -- comm_cost: 0.21319444444444458 - complexity: 14 +- comm_cost: 0.46597222222222245 + complexity: 8 expressions: - - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - or(S+, R-) name: explored-3022 type: explored -- comm_cost: 0.5571180555555557 - complexity: 11 +- comm_cost: 0.5177083333333337 + complexity: 5 expressions: - - N+ - - S- + - S+ - SE- - and(N-, R+) - - or(K+, or(N+, R-)) name: explored-3023 type: explored -- comm_cost: 0.18993055555555594 - complexity: 18 +- comm_cost: 0.2581597222222225 + complexity: 15 expressions: - K+ - - K+ - N+ - R- - - S+ + - SE- + - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(N+, R-) name: explored-3024 type: explored -- comm_cost: 0.590277777777778 - complexity: 16 +- comm_cost: 0.7583333333333334 + complexity: 7 expressions: - - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, R+)) + - not(R-) name: explored-3025 type: explored -- comm_cost: 0.2523437500000003 +- comm_cost: 0.502633101851852 complexity: 16 expressions: - - K+ - N+ - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, not(R-)) + - and(or(K+, S-), not(R-)) name: explored-3026 type: explored -- comm_cost: 0.7005208333333335 - complexity: 11 +- comm_cost: 0.6144097222222223 + complexity: 10 expressions: - R+ - - and(K-, S+) - - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), not(R-)) + - or(S+, R-) name: explored-3027 type: explored -- comm_cost: 0.529166666666667 - complexity: 6 +- comm_cost: 0.3289351851851855 + complexity: 19 expressions: + - K+ + - K+ + - N+ + - R- + - SE- - and(N-, R+) - - or(SE-, N+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-3028 type: explored -- comm_cost: 0.5069444444444446 - complexity: 11 +- comm_cost: 0.37523148148148167 + complexity: 19 expressions: - K+ - N+ - - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-3029 type: explored -- comm_cost: 0.4716435185185186 - complexity: 24 +- comm_cost: 0.4374421296296298 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - S+ - - and(N-, or(S+, R+)) + - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - or(K+, K-) name: explored-3030 type: explored -- comm_cost: 0.6524479166666668 - complexity: 13 +- comm_cost: 0.18125000000000036 + complexity: 11 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - and(N-, or(K+, S-)) - - not(R+) - - not(R-) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-3031 type: explored -- comm_cost: 0.37031250000000016 - complexity: 16 +- comm_cost: 0.5230468750000002 + complexity: 23 expressions: - - K+ + - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(S-, N-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3032 type: explored -- comm_cost: 0.40208333333333346 - complexity: 14 +- comm_cost: 0.6826041666666668 + complexity: 8 expressions: - - N+ - R+ - - R- - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(K+, N+) + - and(S-, N-) + - or(N+, not(R+)) name: explored-3033 type: explored -- comm_cost: 0.4966435185185186 - complexity: 16 +- comm_cost: 0.42013888888888906 + complexity: 10 expressions: - - R- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) + - K+ + - N+ + - and(K-, or(S+, R+)) - and(S-, SE-) - - or(K+, R+) name: explored-3034 type: explored -- comm_cost: 0.3632812500000002 - complexity: 11 +- comm_cost: 0.7161458333333335 + complexity: 12 expressions: - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - R+ + - and(K-, or(SE-, N+)) + - or(K+, K-) + - or(S+, N+) name: explored-3035 type: explored -- comm_cost: 0.566869212962963 - complexity: 16 +- comm_cost: 0.6434375000000001 + complexity: 11 expressions: - R+ - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - S+ + - and(K-, or(S+, N+)) + - or(N+, not(R+)) name: explored-3036 type: explored -- comm_cost: 0.7132812500000001 - complexity: 12 +- comm_cost: 0.8534722222222222 + complexity: 5 expressions: + - K+ - R- - - and(N-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, R-) name: explored-3037 type: explored -- comm_cost: 0.1555555555555559 - complexity: 20 +- comm_cost: 0.7703125000000001 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, N-) + - and(K-, or(N+, not(R+))) name: explored-3038 type: explored -- comm_cost: 0.8078125 - complexity: 15 +- comm_cost: 0.6844618055555557 + complexity: 8 expressions: + - R+ - SE- - - and(K-, or(SE-, N+)) - - not(R+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-3039 + - or(K+, R+) + - or(SE-, N+) + name: explored-3039 type: explored -- comm_cost: 0.746875 - complexity: 7 +- comm_cost: 0.5981770833333334 + complexity: 17 expressions: - - N+ - - SE- - - or(S+, or(N+, R-)) + - K+ + - R+ + - R- + - and(K-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, S-) + - or(K+, SE+) name: explored-3040 type: explored -- comm_cost: 0.38055555555555576 - complexity: 19 +- comm_cost: 0.664592013888889 + complexity: 20 expressions: - - K+ - - N+ - - R- + - N- + - R+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - not(R-) + - or(K+, N+) name: explored-3041 type: explored -- comm_cost: 0.19496527777777795 - complexity: 23 +- comm_cost: 0.49479166666666685 + complexity: 4 expressions: - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- name: explored-3042 type: explored -- comm_cost: 0.294791666666667 - complexity: 11 +- comm_cost: 0.32916666666666705 + complexity: 10 expressions: - - and(K-, or(S+, N+)) + - K+ + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) name: explored-3043 type: explored -- comm_cost: 0.669357638888889 - complexity: 21 - expressions: - - K+ - - and(K-, or(S+, R+)) - - or(N+, R-) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-3044 - type: explored -- comm_cost: 0.7030671296296298 - complexity: 18 +- comm_cost: 0.6802083333333335 + complexity: 11 expressions: + - R+ + - and(K-, or(S+, N+)) - and(N-, or(K+, R+)) - - and(S-, not(R-)) - - and(or(K+, S-), not(R-)) - - or(S+, N+) - name: explored-3045 + name: explored-3044 type: explored -- comm_cost: 0.29062500000000024 - complexity: 17 +- comm_cost: 0.21145833333333353 + complexity: 16 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - and(SE+, N-) - name: explored-3046 + - or(K+, N+) + name: explored-3045 type: explored -- comm_cost: 0.7570099206349207 - complexity: 29 +- comm_cost: 0.44898148148148154 + complexity: 15 expressions: - - N- - - S+ - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - or(K+, K-) - - or(K+, SE+) - - or(S+, R+) - name: explored-3047 + - K+ + - N+ + - R- + - and(K-, S+) + - and(S-, SE-) + - or(S+, R-) + - or(S+, SE+) + name: explored-3046 type: explored -- comm_cost: 0.3850694444444447 - complexity: 16 +- comm_cost: 0.3320312500000002 + complexity: 18 expressions: - K+ + - K+ + - K+ - N+ + - R- - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - name: explored-3048 + - and(SE+, N-) + - or(SE-, N+) + name: explored-3047 type: explored -- comm_cost: 0.5813368055555557 - complexity: 14 +- comm_cost: 0.6617476851851853 + complexity: 12 expressions: - - N+ + - R+ - SE- - - and(K-, not(R-)) - - and(N-, R+) - - and(N-, or(K+, R+)) - name: explored-3049 + - and(K-, or(S+, SE+)) + - and(N-, or(S+, R+)) + name: explored-3048 type: explored -- comm_cost: 0.4812500000000002 - complexity: 11 +- comm_cost: 0.35555555555555585 + complexity: 8 expressions: - - N+ - - R- + - K+ + - SE+ - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - name: explored-3050 + name: explored-3049 type: explored -- comm_cost: 0.7272245370370372 - complexity: 26 +- comm_cost: 0.6741319444444446 + complexity: 7 expressions: - - and(K-, or(SE-, N+)) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) - - not(R-) - - or(S+, or(N+, R-)) - name: explored-3051 + - R+ + - and(and(K-, N-), not(R-)) + name: explored-3050 type: explored -- comm_cost: 0.7279166666666668 - complexity: 5 +- comm_cost: 0.7637152777777778 + complexity: 13 expressions: - - SE+ - - SE- - - or(K+, S-) - name: explored-3052 + - S+ + - and(or(K+, S-), not(R+)) + - or(K+, K-) + - or(S+, N+) + name: explored-3051 type: explored -- comm_cost: 0.17916666666666692 +- comm_cost: 0.4007812500000002 complexity: 11 expressions: + - K+ + - K+ - N+ - - S+ - - and(N-, R+) + - R- - and(N-, R+) - - and(S-, SE-) - name: explored-3053 + - and(N-, not(R-)) + name: explored-3052 type: explored -- comm_cost: 0.4925347222222225 - complexity: 22 +- comm_cost: 0.5625000000000002 + complexity: 11 expressions: - N+ + - N- - SE- - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - or(K+, or(N+, R-)) + name: explored-3053 + type: explored +- comm_cost: 0.6247395833333335 + complexity: 11 + expressions: + - R+ + - and(K-, or(N+, not(R+))) + - and(S-, not(R+)) name: explored-3054 type: explored -- comm_cost: 0.5667708333333334 - complexity: 15 +- comm_cost: 0.38333333333333364 + complexity: 12 expressions: + - K+ - R- - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - and(or(K+, S-), or(SE-, N+)) name: explored-3055 type: explored -- comm_cost: 0.5653472222222224 - complexity: 18 +- comm_cost: 0.5804166666666668 + complexity: 8 expressions: - - K+ - N+ - - R- + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(K+, N+) - - or(K+, S-) + - not(R-) name: explored-3056 type: explored -- comm_cost: 0.6850636574074075 - complexity: 15 +- comm_cost: 0.6346354166666668 + complexity: 4 expressions: - - K- - - S+ + - N+ + - R+ - S- - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(S-, not(R-)) + - SE- name: explored-3057 type: explored -- comm_cost: 0.5005208333333335 - complexity: 6 +- comm_cost: 0.6588541666666669 + complexity: 10 expressions: - N+ - R+ - - SE- - - and(N-, R+) + - R- + - and(and(K-, N-), or(S+, SE+)) name: explored-3058 type: explored -- comm_cost: 0.47621527777777783 +- comm_cost: 0.48359375000000027 complexity: 12 expressions: - - N+ - - R- - - S+ - - and(S-, N-) - - and(S-, SE-) - - or(K+, R+) + - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3059 type: explored -- comm_cost: 0.22847222222222263 - complexity: 15 +- comm_cost: 0.6908101851851853 + complexity: 4 expressions: - - N+ - - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) + - K- + - R+ + - SE+ + - SE- name: explored-3060 type: explored -- comm_cost: 0.6651909722222223 - complexity: 11 +- comm_cost: 0.20978009259259278 + complexity: 16 expressions: - - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(SE-, N+) + - R- + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-3061 type: explored -- comm_cost: 0.2562500000000003 - complexity: 10 +- comm_cost: 0.4998263888888891 + complexity: 8 expressions: - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, R+) + - R+ + - and(S-, N-) + - and(S-, SE-) name: explored-3062 type: explored -- comm_cost: 0.5364872685185187 +- comm_cost: 0.3250000000000002 complexity: 16 expressions: + - K+ - N+ - - R- - - S- + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(S-, not(R-)) - - or(SE-, N+) name: explored-3063 type: explored -- comm_cost: 0.46597222222222223 - complexity: 11 +- comm_cost: 0.4968750000000002 + complexity: 5 expressions: - - K+ - N+ + - R+ + - R+ - R- - SE- - - and(S-, SE-) - - and(S-, not(R-)) name: explored-3064 type: explored -- comm_cost: 0.4628125000000002 - complexity: 14 +- comm_cost: 0.5572916666666669 + complexity: 6 expressions: - - N+ - - R- + - R+ - S+ - - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(S+, SE+) + - SE- + - and(SE+, N-) name: explored-3065 type: explored -- comm_cost: 0.36333333333333373 - complexity: 14 +- comm_cost: 0.6218750000000002 + complexity: 5 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - or(N+, not(R+)) + - or(S+, N+) name: explored-3066 type: explored -- comm_cost: 0.46319444444444446 - complexity: 6 +- comm_cost: 0.47916666666666685 + complexity: 8 expressions: - N+ - R- - - SE+ - - and(S-, SE-) + - and(N-, R+) + - and(S-, N-) name: explored-3067 type: explored -- comm_cost: 0.6329861111111112 - complexity: 9 +- comm_cost: 0.269166666666667 + complexity: 16 expressions: - K+ - - R+ - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-3068 type: explored -- comm_cost: 0.7979166666666667 - complexity: 4 +- comm_cost: 0.4604166666666669 + complexity: 11 expressions: - - SE- - - or(K+, K-) + - K+ + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-3069 type: explored -- comm_cost: 0.8076388888888888 - complexity: 7 +- comm_cost: 0.3967881944444447 + complexity: 14 expressions: - N+ - R- - - or(K+, or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) + - or(SE-, N+) name: explored-3070 type: explored -- comm_cost: 0.4710937500000002 - complexity: 12 +- comm_cost: 0.09843750000000018 + complexity: 15 expressions: - - and(K-, N-) + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) name: explored-3071 type: explored -- comm_cost: 0.44296875000000024 - complexity: 15 +- comm_cost: 0.34496527777777797 + complexity: 11 expressions: - N+ - - R- - - SE- + - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - or(K+, R+) name: explored-3072 type: explored -- comm_cost: 0.2718750000000003 - complexity: 12 +- comm_cost: 0.8276909722222222 + complexity: 6 expressions: - - K+ - - N+ - - R- - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(K-, SE-) + - not(R+) name: explored-3073 type: explored -- comm_cost: 0.552777777777778 - complexity: 22 +- comm_cost: 0.5725115740740743 + complexity: 16 expressions: - N+ - SE- - - and(K-, not(R+)) + - and(K-, not(R-)) - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-3074 type: explored -- comm_cost: 0.33135416666666706 - complexity: 13 +- comm_cost: 0.3659722222222226 + complexity: 14 expressions: - - K+ - N+ - - S+ + - R- + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - or(S+, R-) name: explored-3075 type: explored -- comm_cost: 0.39557291666666683 - complexity: 11 +- comm_cost: 0.45486111111111127 + complexity: 17 expressions: - - R+ + - K+ - R- - - S+ + - R- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-3076 type: explored -- comm_cost: 0.6013020833333335 +- comm_cost: 0.6866145833333335 complexity: 10 expressions: - - K+ + - K- - R+ + - R- + - S- - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, SE+)) name: explored-3077 type: explored -- comm_cost: 0.45859375 - complexity: 13 +- comm_cost: 0.6414930555555557 + complexity: 16 expressions: - - N+ - - R- - - S+ - - and(K-, not(R-)) - - and(S-, SE-) - - and(S-, SE-) + - K+ + - R+ + - SE- + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-3078 type: explored -- comm_cost: 0.31796875000000024 - complexity: 15 +- comm_cost: 0.38246527777777806 + complexity: 14 expressions: - - N+ - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(S+, R-) name: explored-3079 type: explored -- comm_cost: 0.4945023148148151 - complexity: 13 +- comm_cost: 0.4212962962962965 + complexity: 19 expressions: + - N+ + - R- - SE- - and(N-, R+) - - and(SE+, N-) - - or(N+, R-) - - or(S+, R-) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-3080 type: explored -- comm_cost: 0.5868055555555557 - complexity: 13 +- comm_cost: 0.5840277777777778 + complexity: 11 expressions: - N+ - R- - - S+ - - and(N-, R+) - - or(N+, not(R+)) - - or(S+, SE+) + - SE- + - and(K-, or(SE-, N+)) + - and(S-, N-) name: explored-3081 type: explored -- comm_cost: 0.14166666666666705 - complexity: 13 +- comm_cost: 0.6000434027777779 + complexity: 20 expressions: - K+ - - N+ + - R+ - R- - SE- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3082 type: explored -- comm_cost: 0.47750000000000015 - complexity: 7 +- comm_cost: 0.5614583333333335 + complexity: 6 expressions: - K+ - N+ - - N- - - R- - - and(N-, R+) + - R+ + - and(K-, S+) name: explored-3083 type: explored -- comm_cost: 0.36736111111111147 - complexity: 16 +- comm_cost: 0.5269155092592595 + complexity: 13 expressions: - - N+ - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) + - K+ + - N- + - R- + - S+ - and(N-, R+) - and(S-, SE-) + - or(S+, R-) name: explored-3084 type: explored -- comm_cost: 0.6340625000000001 - complexity: 8 +- comm_cost: 0.25208333333333344 + complexity: 16 expressions: - K+ - - N- - - R+ - - and(S-, or(SE-, N+)) + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-3085 type: explored -- comm_cost: 0.8576388888888888 - complexity: 6 +- comm_cost: 0.6957175925925927 + complexity: 12 expressions: - - R- - - or(K+, or(N+, R-)) + - R+ + - and(K-, or(S+, R+)) + - and(and(K-, N-), not(R-)) name: explored-3086 type: explored -- comm_cost: 0.7242708333333334 +- comm_cost: 0.5979629629629631 complexity: 11 expressions: - - R- + - K- + - N+ - SE- - - and(K-, or(S+, SE+)) - - or(N+, not(R+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-3087 type: explored -- comm_cost: 0.31302083333333364 - complexity: 18 +- comm_cost: 0.550902777777778 + complexity: 8 expressions: + - R+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, or(N+, R-)) + - not(R-) name: explored-3088 type: explored -- comm_cost: 0.7107986111111112 - complexity: 10 +- comm_cost: 0.4720833333333334 + complexity: 12 expressions: - - R+ - - not(R-) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - SE- + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-3089 type: explored -- comm_cost: 0.775 - complexity: 9 +- comm_cost: 0.6596354166666668 + complexity: 14 expressions: - - SE- - - or(K+, K-) - - or(K+, or(N+, R-)) + - R+ + - and(K-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) name: explored-3090 type: explored -- comm_cost: 0.08125000000000027 - complexity: 14 +- comm_cost: 0.7429687500000001 + complexity: 5 expressions: - N+ - R- - - and(K-, S+) - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - or(K+, SE+) name: explored-3091 type: explored -- comm_cost: 0.5422743055555557 - complexity: 15 +- comm_cost: 0.4152777777777781 + complexity: 10 expressions: - - R+ + - K+ + - N+ - R- - - and(S-, SE-) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, not(R-)) name: explored-3092 type: explored -- comm_cost: 0.7993055555555555 - complexity: 9 +- comm_cost: 0.5673611111111112 + complexity: 15 expressions: + - N+ + - R+ + - R- - SE- - - and(SE-, or(K+, S-)) - - or(S+, R-) + - and(K-, or(S+, R+)) + - and(SE+, N-) + - or(K+, R+) name: explored-3093 type: explored -- comm_cost: 0.5566203703703704 - complexity: 14 +- comm_cost: 0.5131944444444447 + complexity: 11 expressions: - - K+ - N+ - - N- - - R- - - and(S-, SE-) + - and(N-, R+) - or(and(K-, S+), or(N+, R-)) name: explored-3094 type: explored -- comm_cost: 0.7218472222222223 - complexity: 26 +- comm_cost: 0.7121875000000001 + complexity: 5 expressions: - - S+ - - SE+ - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - or(K+, K-) - - or(N+, not(R+)) - - or(SE-, N+) + - N+ + - R+ + - or(K+, S-) name: explored-3095 type: explored -- comm_cost: 0.4770833333333335 - complexity: 25 +- comm_cost: 0.5265625 + complexity: 18 expressions: + - K+ - N+ - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(K-, S+) + - and(K-, not(R-)) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-3096 type: explored -- comm_cost: 0.4318402777777779 +- comm_cost: 0.32777777777777795 complexity: 22 expressions: - - K+ - N+ - R- - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, N+) name: explored-3097 type: explored -- comm_cost: 0.6151041666666669 - complexity: 14 +- comm_cost: 0.48946759259259276 + complexity: 19 expressions: - - K+ - - K+ + - N+ - R- - - S+ + - SE+ + - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-3098 type: explored -- comm_cost: 0.6632893518518519 - complexity: 38 +- comm_cost: 0.3748263888888892 + complexity: 13 expressions: + - N+ + - R+ + - R- - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, N-) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - - not(R-) - - or(K+, S-) - - or(S+, R-) + - and(S-, SE-) name: explored-3099 type: explored -- comm_cost: 0.6824305555555557 - complexity: 8 +- comm_cost: 0.7236458333333334 + complexity: 4 expressions: - - K+ - - N- - - N- - - R- - - SE- - - and(N-, R+) + - R+ + - S+ + - not(R-) name: explored-3100 type: explored -- comm_cost: 0.3456018518518522 - complexity: 21 +- comm_cost: 0.33402777777777803 + complexity: 15 expressions: + - K+ - N+ - R- - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(SE+, N-) name: explored-3101 type: explored -- comm_cost: 0.5925347222222224 - complexity: 14 +- comm_cost: 0.43368055555555585 + complexity: 15 expressions: - - R+ - SE- - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-3102 type: explored -- comm_cost: 0.5812500000000002 - complexity: 10 - expressions: - - R+ - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - name: explored-3103 - type: explored -- comm_cost: 0.6930555555555555 - complexity: 8 +- comm_cost: 0.4593750000000002 + complexity: 21 expressions: - N+ - R- - - SE- - - or(K+, or(N+, R-)) - name: explored-3104 + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + name: explored-3103 type: explored -- comm_cost: 0.35277777777777797 - complexity: 19 +- comm_cost: 0.37604166666666694 + complexity: 18 expressions: - K+ - - K+ + - N+ - R- - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) - name: explored-3105 + name: explored-3104 type: explored -- comm_cost: 0.693576388888889 +- comm_cost: 0.4868055555555557 complexity: 11 expressions: + - K+ + - N+ + - N- - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) + - and(K-, not(R+)) + - and(N-, R+) + name: explored-3105 + type: explored +- comm_cost: 0.7060185185185185 + complexity: 21 + expressions: + - R- + - and(K-, SE-) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-3106 type: explored -- comm_cost: 0.15677083333333375 - complexity: 20 +- comm_cost: 0.6301215277777779 + complexity: 14 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) + - R+ + - SE- + - and(N-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-3107 type: explored -- comm_cost: 0.2572916666666669 - complexity: 13 +- comm_cost: 0.47870370370370385 + complexity: 27 expressions: - N+ + - R- + - SE- - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-3108 type: explored -- comm_cost: 0.46753472222222237 - complexity: 11 +- comm_cost: 0.4343750000000002 + complexity: 6 expressions: - R+ - R- + - SE- - and(S-, SE-) - - and(SE+, N-) - - or(K+, SE+) name: explored-3109 type: explored -- comm_cost: 0.337760416666667 - complexity: 10 +- comm_cost: 0.6215277777777779 + complexity: 8 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) - - or(SE-, N+) + - and(N-, or(K+, SE+)) name: explored-3110 type: explored -- comm_cost: 0.5700086805555558 - complexity: 14 +- comm_cost: 0.6686342592592593 + complexity: 12 expressions: - R+ - - R- - - S+ - SE- - - and(N-, or(K+, R+)) - - or(S+, or(N+, R-)) + - and(K-, or(S+, R+)) + - and(N-, or(S+, R+)) name: explored-3111 type: explored -- comm_cost: 0.5177083333333333 - complexity: 13 +- comm_cost: 0.7523263888888889 + complexity: 7 expressions: - - K+ - - N+ - - and(K-, S+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - SE- + - or(K+, S-) + - or(K+, SE+) name: explored-3112 type: explored -- comm_cost: 0.5651041666666666 - complexity: 8 +- comm_cost: 0.5489583333333334 + complexity: 5 expressions: - - N+ - - SE- - - and(S-, SE-) - - or(K+, R-) + - R+ + - S+ + - and(K-, SE-) name: explored-3113 type: explored -- comm_cost: 0.42500000000000027 - complexity: 6 +- comm_cost: 0.17361111111111138 + complexity: 10 expressions: - N+ - - N+ - - R- - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-3114 type: explored -- comm_cost: 0.47569444444444464 - complexity: 11 +- comm_cost: 0.5554687500000001 + complexity: 9 expressions: - K+ - - N+ - - R- - - and(K-, or(S+, R+)) - - and(N-, R+) + - R+ + - and(K-, not(R-)) + - and(S-, SE-) name: explored-3115 type: explored -- comm_cost: 0.659375 - complexity: 6 +- comm_cost: 0.7791666666666668 + complexity: 8 expressions: + - K+ - R- - S+ - - SE- - - and(S-, SE-) + - and(N-, or(S+, SE+)) name: explored-3116 type: explored -- comm_cost: 0.283072916666667 - complexity: 18 +- comm_cost: 0.6626736111111113 + complexity: 16 expressions: - - K+ - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(S+, SE+)) + - or(K+, S-) + - or(S+, SE+) name: explored-3117 type: explored -- comm_cost: 0.4320312500000002 - complexity: 10 +- comm_cost: 0.4422222222222224 + complexity: 19 expressions: - K+ - - K+ - N+ - - S- + - R- + - S+ - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) + - or(K+, S-) + - or(S+, R-) name: explored-3118 type: explored -- comm_cost: 0.5514351851851853 - complexity: 15 +- comm_cost: 0.37864583333333357 + complexity: 18 expressions: - - N+ - - R- - - SE- + - K+ + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(S+, SE+) name: explored-3119 type: explored -- comm_cost: 0.17109375000000027 +- comm_cost: 0.6395399305555557 complexity: 13 expressions: - - K+ - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - R+ + - R+ + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-3120 type: explored -- comm_cost: 0.4682291666666668 - complexity: 8 +- comm_cost: 0.4597222222222226 + complexity: 12 expressions: - N+ - - R+ - - R+ - - R- - SE- - - and(K-, SE-) + - and(N-, R+) + - or(N+, not(R+)) + - or(S+, N+) name: explored-3121 type: explored -- comm_cost: 0.6430555555555555 - complexity: 10 +- comm_cost: 0.33888888888888924 + complexity: 13 expressions: - - N+ + - K+ - N+ - R- - SE- - - and(or(K+, S-), not(R+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-3122 type: explored -- comm_cost: 0.46805555555555567 - complexity: 10 +- comm_cost: 0.39385416666666684 + complexity: 14 expressions: + - K+ + - K+ + - N+ - R- - - and(S-, SE-) - - and(SE+, N-) - - or(K+, R-) + - S+ + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-3123 type: explored -- comm_cost: 0.6598958333333335 - complexity: 13 +- comm_cost: 0.5139930555555556 + complexity: 21 expressions: - - R+ + - N+ - R- - - and(or(K+, S-), not(R-)) - - or(S+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(K+, S-) name: explored-3124 type: explored -- comm_cost: 0.36041666666666683 - complexity: 21 +- comm_cost: 0.5322916666666668 + complexity: 12 expressions: - N+ - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - SE+ - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - or(K+, K-) name: explored-3125 type: explored -- comm_cost: 0.2430555555555557 - complexity: 24 +- comm_cost: 0.5072916666666669 + complexity: 17 expressions: - - K+ - - N+ - - R- - - and(K-, S+) + - R+ + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) name: explored-3126 type: explored -- comm_cost: 0.29699074074074083 - complexity: 20 +- comm_cost: 0.5989062500000002 + complexity: 10 expressions: - N+ - - R- - - and(K-, S+) + - N- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-3127 type: explored -- comm_cost: 0.6685763888888889 +- comm_cost: 0.6436805555555556 complexity: 7 expressions: + - N+ + - N- - R- - - S+ - - and(K-, or(S+, R+)) + - SE- + - or(K+, N+) name: explored-3128 type: explored -- comm_cost: 0.5308159722222223 - complexity: 17 +- comm_cost: 0.4114583333333335 + complexity: 10 expressions: - - and(S-, SE-) - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, R+) - - or(S+, R-) + - N+ + - R- + - S+ + - SE- + - and(and(S-, N-), not(R-)) name: explored-3129 type: explored -- comm_cost: 0.596701388888889 - complexity: 11 +- comm_cost: 0.6407118055555556 + complexity: 14 expressions: - - R+ - - R- - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(N-, or(S+, SE+)) - - and(SE+, N-) name: explored-3130 type: explored -- comm_cost: 0.4661458333333335 +- comm_cost: 0.6395833333333333 complexity: 7 expressions: - - K+ - - R+ - R- - - SE- - - and(K-, SE-) + - and(S-, SE-) + - and(S-, SE-) name: explored-3131 type: explored -- comm_cost: 0.5114004629629632 - complexity: 17 +- comm_cost: 0.6316666666666668 + complexity: 5 expressions: - - K+ - - N+ + - K- + - R+ + - R+ - R- - - SE+ - SE- - - and(K-, SE-) - - and(N-, R+) - - and(or(K+, S-), not(R-)) name: explored-3132 type: explored -- comm_cost: 0.441666666666667 - complexity: 5 +- comm_cost: 0.6368750000000002 + complexity: 12 expressions: - - N+ - - S+ - - and(N-, R+) + - R+ + - SE- + - and(or(K+, S-), not(R+)) + - or(N+, not(R+)) name: explored-3133 type: explored -- comm_cost: 0.44652777777777786 - complexity: 11 +- comm_cost: 0.5882812500000001 + complexity: 6 expressions: - - N+ + - R+ - R- - SE- - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - or(S+, R+) name: explored-3134 type: explored -- comm_cost: 0.4021701388888891 - complexity: 15 +- comm_cost: 0.37864583333333357 + complexity: 14 expressions: - - N+ + - K+ + - R- - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(S+, R+) + - and(and(S-, N-), not(R-)) name: explored-3135 type: explored -- comm_cost: 0.5506944444444446 - complexity: 11 +- comm_cost: 0.43463541666666694 + complexity: 10 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, R+)) - - or(K+, N+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-3136 type: explored -- comm_cost: 0.30166666666666697 - complexity: 16 +- comm_cost: 0.4593750000000002 + complexity: 12 expressions: - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(SE+, N-) name: explored-3137 type: explored -- comm_cost: 0.5488368055555557 - complexity: 15 +- comm_cost: 0.3645833333333336 + complexity: 21 expressions: + - K+ + - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - not(R-) + - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-3138 type: explored -- comm_cost: 0.6510416666666669 - complexity: 6 +- comm_cost: 0.6311805555555557 + complexity: 7 expressions: + - K+ - R+ - SE- - or(N+, not(R+)) name: explored-3139 type: explored -- comm_cost: 0.40642361111111136 - complexity: 20 +- comm_cost: 0.7343171296296298 + complexity: 11 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) name: explored-3140 type: explored -- comm_cost: 0.3171875000000002 - complexity: 12 +- comm_cost: 0.5651041666666669 + complexity: 15 expressions: - - K+ + - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - SE- + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) name: explored-3141 type: explored -- comm_cost: 0.7222222222222224 - complexity: 8 +- comm_cost: 0.38746527777777795 + complexity: 15 expressions: + - N+ + - N- + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-3142 type: explored -- comm_cost: 0.4536458333333333 - complexity: 13 +- comm_cost: 0.49869791666666685 + complexity: 12 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - N+ + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-3143 type: explored -- comm_cost: 0.697326388888889 - complexity: 15 +- comm_cost: 0.6593750000000002 + complexity: 12 expressions: - R+ - - and(K-, or(S+, R-)) - - and(N-, or(S+, SE+)) - - or(N+, not(R+)) + - SE- + - and(K-, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-3144 type: explored -- comm_cost: 0.5555208333333335 - complexity: 16 +- comm_cost: 0.4652777777777779 + complexity: 9 expressions: - - K+ - - K- - - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(S+, R+) + - and(S-, not(R-)) name: explored-3145 type: explored -- comm_cost: 0.44116898148148165 - complexity: 21 +- comm_cost: 0.5114583333333336 + complexity: 13 expressions: - - K+ - - K+ - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, K-) + - and(N-, or(S+, SE+)) + - or(N+, R-) name: explored-3146 type: explored -- comm_cost: 0.4868055555555556 - complexity: 9 +- comm_cost: 0.5840277777777779 + complexity: 10 expressions: + - R+ - R- - - S+ - - and(S-, SE-) - - and(S-, not(R-)) + - SE- + - and(K-, or(SE-, N+)) + - not(R+) name: explored-3147 type: explored -- comm_cost: 0.37864583333333357 - complexity: 14 +- comm_cost: 0.5180555555555555 + complexity: 11 expressions: - K+ + - N+ - R- - - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-3148 type: explored -- comm_cost: 0.6861979166666669 - complexity: 5 +- comm_cost: 0.6237847222222224 + complexity: 11 expressions: - R+ - SE- - - or(S+, R+) + - and(K-, or(S+, R-)) + - and(N-, not(R-)) name: explored-3149 type: explored -- comm_cost: 0.7278645833333335 - complexity: 8 +- comm_cost: 0.546527777777778 + complexity: 10 expressions: + - N+ + - R- - SE- - - and(K-, not(R-)) - - or(K+, N+) + - SE- + - and(N-, R+) + - or(K+, K-) name: explored-3150 type: explored -- comm_cost: 0.4847222222222223 - complexity: 10 +- comm_cost: 0.6935474537037039 + complexity: 25 expressions: - N+ - - N+ - - and(K-, or(S+, R+)) - - and(S-, SE-) + - S- + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-3151 type: explored -- comm_cost: 0.47222222222222243 +- comm_cost: 0.557349537037037 complexity: 18 expressions: + - K+ - R- - - and(N-, R+) - - and(N-, not(R-)) + - and(K-, or(S+, N+)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-3152 type: explored -- comm_cost: 0.591666666666667 - complexity: 4 +- comm_cost: 0.4760416666666669 + complexity: 11 expressions: - - S+ + - N+ + - R- - and(N-, R+) + - and(S-, N-) + - or(K+, N+) name: explored-3153 type: explored -- comm_cost: 0.39960937500000027 - complexity: 16 +- comm_cost: 0.5216145833333334 + complexity: 13 expressions: - K+ - - K+ + - N+ - R- - - S+ + - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(N-, or(S+, SE+)) name: explored-3154 type: explored -- comm_cost: 0.3489583333333337 - complexity: 15 +- comm_cost: 0.48944444444444457 + complexity: 17 expressions: + - K+ - N+ + - N- - R- - - SE- - - and(K-, not(R+)) - - and(K-, or(S+, N+)) + - R- + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-3155 type: explored -- comm_cost: 0.42109375000000027 - complexity: 10 +- comm_cost: 0.41953125000000013 + complexity: 14 expressions: - N+ - R- - - S+ - and(N-, R+) - - and(N-, not(R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-3156 type: explored -- comm_cost: 0.42436342592592613 - complexity: 16 +- comm_cost: 0.3437500000000002 + complexity: 6 expressions: - - SE+ + - N+ + - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(K+, SE+) - - or(S+, R-) name: explored-3157 type: explored -- comm_cost: 0.5792881944444446 - complexity: 13 +- comm_cost: 0.1687500000000004 + complexity: 17 expressions: - N+ - R- - - SE- + - S+ + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, S-)) - - not(R-) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-3158 type: explored -- comm_cost: 0.6330729166666669 - complexity: 10 +- comm_cost: 0.21015625000000027 + complexity: 16 expressions: + - K+ - R- - - SE- - - and(and(S-, N-), not(R-)) - - not(R+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-3159 type: explored -- comm_cost: 0.29791666666666705 - complexity: 10 +- comm_cost: 0.46252893518518534 + complexity: 17 expressions: - - K+ - N+ - R- - - SE- + - and(K-, not(R-)) + - and(K-, or(S+, R+)) - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) name: explored-3160 type: explored -- comm_cost: 0.33715277777777797 - complexity: 17 +- comm_cost: 0.3559895833333335 + complexity: 16 expressions: - - N+ - R- - - SE+ + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, R-) + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-3161 type: explored -- comm_cost: 0.2888888888888892 - complexity: 20 +- comm_cost: 0.5052951388888892 + complexity: 7 expressions: - K+ - - R- + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - not(R+) name: explored-3162 type: explored -- comm_cost: 0.5494791666666669 - complexity: 23 +- comm_cost: 0.5284722222222223 + complexity: 8 expressions: + - N+ - R- - - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-3163 type: explored -- comm_cost: 0.5192708333333336 - complexity: 7 - expressions: - - K+ - - R+ - - R- - - SE- - - or(N+, R-) - name: explored-3164 - type: explored -- comm_cost: 0.2891493055555556 +- comm_cost: 0.24609375000000022 complexity: 13 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(N-, or(S+, R+)) + - R- + - and(N-, R+) - and(S-, SE-) - name: explored-3165 + - or(SE-, N+) + name: explored-3164 type: explored -- comm_cost: 0.7504340277777779 +- comm_cost: 0.6965277777777779 complexity: 7 expressions: - R+ - - and(SE+, N-) - - or(K+, SE+) - name: explored-3166 + - and(K-, SE-) + - or(K+, K-) + name: explored-3165 type: explored -- comm_cost: 0.30000000000000016 - complexity: 18 +- comm_cost: 0.6401909722222224 + complexity: 11 expressions: - N+ + - R+ - R- + - and(K-, or(S+, SE+)) - and(N-, R+) + name: explored-3166 + type: explored +- comm_cost: 0.621875 + complexity: 6 + expressions: - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, N+) + - or(K+, N+) name: explored-3167 type: explored -- comm_cost: 0.5146990740740742 - complexity: 20 +- comm_cost: 0.5476562500000001 + complexity: 9 expressions: - - N+ - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - S+ + - and(K-, not(R-)) - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, K-) name: explored-3168 type: explored -- comm_cost: 0.45745370370370386 - complexity: 14 +- comm_cost: 0.48411458333333346 + complexity: 24 expressions: + - K+ - N+ - R- + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, S-) - - or(S+, R-) name: explored-3169 type: explored -- comm_cost: 0.3933159722222226 - complexity: 14 +- comm_cost: 0.304861111111111 + complexity: 16 expressions: + - K+ - N+ - R- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(SE-, N+) + - and(S-, SE-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-3170 type: explored -- comm_cost: 0.6483883101851853 - complexity: 27 +- comm_cost: 0.46562500000000007 + complexity: 9 expressions: - - K+ - - and(K-, N-) - - and(S-, not(R+)) - - and(SE+, N-) - - or(K+, R+) - - or(S+, R-) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - and(N-, not(R-)) + - and(S-, SE-) name: explored-3171 type: explored -- comm_cost: 0.25312500000000027 - complexity: 8 +- comm_cost: 0.4774305555555557 + complexity: 10 expressions: - - N+ + - R+ - R- + - R- + - SE- + - and(K-, S+) - and(K-, SE-) - - and(N-, R+) name: explored-3172 type: explored -- comm_cost: 0.4993634259259261 - complexity: 18 +- comm_cost: 0.3796875000000002 + complexity: 14 expressions: + - K+ - N+ - - R+ - - R- - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - and(SE+, N-) name: explored-3173 type: explored -- comm_cost: 0.5509375000000001 - complexity: 17 +- comm_cost: 0.6659722222222222 + complexity: 10 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, S-)) - - or(S+, SE+) + - SE- + - or(K+, or(N+, R-)) name: explored-3174 type: explored -- comm_cost: 0.4146122685185186 - complexity: 15 +- comm_cost: 0.7979166666666666 + complexity: 4 expressions: - - N+ - R- - - S- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - or(S+, N+) name: explored-3175 type: explored -- comm_cost: 0.3883854166666669 - complexity: 12 +- comm_cost: 0.5501736111111112 + complexity: 16 expressions: - K+ - - K+ - N+ - R- - S+ - - and(N-, R+) - - or(N+, not(R+)) + - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-3176 type: explored -- comm_cost: 0.48802083333333346 - complexity: 10 +- comm_cost: 0.6145254629629631 + complexity: 13 expressions: + - N+ - R+ - - R- - - S+ - - and(K-, not(R-)) - - and(S-, SE-) + - SE- + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) name: explored-3177 type: explored -- comm_cost: 0.5829861111111112 - complexity: 15 +- comm_cost: 0.5489583333333335 + complexity: 7 expressions: + - K+ - R+ - - R- - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) + - and(S-, or(SE-, N+)) name: explored-3178 type: explored -- comm_cost: 0.26145833333333357 - complexity: 9 +- comm_cost: 0.5941666666666668 + complexity: 7 expressions: - - N+ - - S+ + - N- - and(N-, R+) - - and(S-, not(R+)) + - and(S-, SE-) name: explored-3179 type: explored -- comm_cost: 0.27847222222222245 - complexity: 14 +- comm_cost: 0.6130208333333333 + complexity: 7 expressions: - N+ - R- - SE- - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(S-, not(R+)) name: explored-3180 type: explored -- comm_cost: 0.35807291666666685 - complexity: 24 +- comm_cost: 0.8097222222222223 + complexity: 8 expressions: - - K+ - - N+ - - R- - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - or(S+, R+) + - and(N-, or(S+, R+)) name: explored-3181 type: explored -- comm_cost: 0.31458333333333355 - complexity: 25 +- comm_cost: 0.6320891203703705 + complexity: 11 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - or(K+, SE+) + - or(K+, or(N+, R-)) name: explored-3182 type: explored -- comm_cost: 0.43020833333333375 - complexity: 8 +- comm_cost: 0.5298611111111112 + complexity: 12 expressions: - - S+ - - SE- - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(K-, SE-) + - and(N-, or(K+, R+)) + - or(S+, R-) name: explored-3183 type: explored -- comm_cost: 0.8034722222222223 - complexity: 8 +- comm_cost: 0.34913194444444473 + complexity: 34 expressions: - - and(K-, or(S+, R-)) - - or(K+, K-) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-3184 type: explored -- comm_cost: 0.603587962962963 +- comm_cost: 0.49149305555555567 complexity: 13 expressions: - N+ - - R- - S+ + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, K-) name: explored-3185 type: explored -- comm_cost: 0.2892187500000002 - complexity: 15 +- comm_cost: 0.5650000000000002 + complexity: 6 expressions: - K+ - - K+ - - N+ - - N+ + - K- - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) name: explored-3186 type: explored -- comm_cost: 0.3270833333333336 - complexity: 21 +- comm_cost: 0.47140625000000025 + complexity: 18 expressions: - K+ - N+ - - and(K-, S+) - - and(K-, not(R+)) + - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - not(R-) name: explored-3187 type: explored -- comm_cost: 0.4575520833333335 - complexity: 12 +- comm_cost: 0.15703125000000018 + complexity: 15 expressions: + - K+ + - K+ + - K+ - N+ + - R- + - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(S-, not(R+)) + - and(S-, SE-) + - and(SE+, N-) name: explored-3188 type: explored -- comm_cost: 0.6458333333333335 - complexity: 6 +- comm_cost: 0.5437500000000002 + complexity: 10 expressions: + - K+ - N+ + - and(N-, R+) - and(N-, or(K+, R+)) name: explored-3189 type: explored -- comm_cost: 0.5799479166666668 - complexity: 9 +- comm_cost: 0.18437500000000018 + complexity: 14 expressions: - - K+ + - N+ - R- - - SE- - - and(K-, N-) + - and(K-, SE-) - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-3190 type: explored -- comm_cost: 0.6364583333333335 - complexity: 14 +- comm_cost: 0.5135561342592595 + complexity: 19 expressions: - - R+ - - SE- - - and(K-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - or(K+, K-) + - or(S+, or(N+, R-)) name: explored-3191 type: explored -- comm_cost: 0.5076388888888891 - complexity: 17 +- comm_cost: 0.42291666666666683 + complexity: 19 expressions: + - K+ - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, not(R-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-3192 type: explored -- comm_cost: 0.5412500000000002 - complexity: 10 +- comm_cost: 0.6095486111111112 + complexity: 8 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - N+ + - R+ + - SE- + - and(N-, or(S+, R+)) name: explored-3193 type: explored -- comm_cost: 0.4741319444444446 - complexity: 19 +- comm_cost: 0.6133680555555556 + complexity: 10 expressions: - - R+ - R- - - and(K-, SE-) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R+) - - or(K+, R-) + - SE- + - and(K-, or(S+, R+)) + - or(N+, R-) name: explored-3194 type: explored -- comm_cost: 0.5062500000000002 - complexity: 8 +- comm_cost: 0.5881481481481483 + complexity: 14 expressions: - N+ - - R- - - S- - - SE- - SE- - and(N-, R+) + - and(S-, N-) + - or(K+, S-) + - or(S+, R-) name: explored-3195 type: explored -- comm_cost: 0.667013888888889 +- comm_cost: 0.2347222222222225 complexity: 13 expressions: - - R+ - - S- - - SE- - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, not(R+)) + - and(N-, R+) name: explored-3196 type: explored -- comm_cost: 0.18750000000000022 - complexity: 12 +- comm_cost: 0.7335069444444444 + complexity: 10 expressions: - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - and(K-, not(R+)) + - and(K-, or(S+, N+)) name: explored-3197 type: explored -- comm_cost: 0.6577430555555557 - complexity: 6 +- comm_cost: 0.7658854166666667 + complexity: 12 expressions: - - N- - - R+ + - R- - SE- - - and(K-, S+) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-3198 type: explored -- comm_cost: 0.6443750000000001 - complexity: 11 +- comm_cost: 0.6570601851851853 + complexity: 8 expressions: - R+ - - SE- - - and(and(S-, N-), not(R-)) - - or(S+, SE+) + - and(N-, not(R-)) + - and(S-, N-) name: explored-3199 type: explored -- comm_cost: 0.6735243055555556 +- comm_cost: 0.5098958333333335 complexity: 11 expressions: - - R+ - - and(K-, S+) - - and(N-, not(R-)) - - or(K+, SE+) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-3200 type: explored -- comm_cost: 0.6738194444444446 - complexity: 7 +- comm_cost: 0.2507812500000002 + complexity: 16 expressions: - - R+ + - N+ + - R- + - and(K-, S+) - and(N-, R+) - - or(K+, S-) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-3201 type: explored -- comm_cost: 0.8254861111111111 - complexity: 12 +- comm_cost: 0.3685763888888891 + complexity: 14 expressions: - - or(K+, N+) + - N+ + - SE- + - and(N-, R+) + - and(S-, not(R+)) - or(K+, or(N+, R-)) - - or(N+, not(R+)) name: explored-3202 type: explored -- comm_cost: 0.6883391203703705 - complexity: 14 - expressions: - - R+ - - S- - - and(K-, or(S+, R-)) - - or(and(K-, S+), or(N+, R-)) - name: explored-3203 - type: explored -- comm_cost: 0.24583333333333357 - complexity: 12 +- comm_cost: 0.25010127314814834 + complexity: 24 expressions: + - K+ + - N+ + - R- - and(N-, R+) + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, N+) - - or(N+, R-) - name: explored-3204 + - and(and(K-, N-), or(S+, SE+)) + name: explored-3203 type: explored -- comm_cost: 0.6505208333333334 - complexity: 5 +- comm_cost: 0.7479166666666668 + complexity: 9 expressions: - R+ - - SE- - - and(K-, N-) - name: explored-3205 + - and(K-, or(S+, SE+)) + - or(S+, N+) + name: explored-3204 type: explored -- comm_cost: 0.09531250000000036 - complexity: 17 +- comm_cost: 0.2546875000000002 + complexity: 11 expressions: - K+ - - R- + - R+ - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(K+, N+) + name: explored-3205 + type: explored +- comm_cost: 0.5934895833333335 + complexity: 13 + expressions: + - R+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(S-, or(SE-, N+)) name: explored-3206 type: explored -- comm_cost: 0.4568865740740742 - complexity: 21 +- comm_cost: 0.453715277777778 + complexity: 15 expressions: - N+ + - N- - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) + - or(S+, or(N+, R-)) name: explored-3207 type: explored -- comm_cost: 0.5091666666666668 - complexity: 8 +- comm_cost: 0.5421875 + complexity: 10 expressions: - K+ - - K- - - N+ - R- - - SE- - - and(N-, R+) + - and(K-, or(S+, R-)) + - and(S-, SE-) name: explored-3208 type: explored -- comm_cost: 0.7494444444444446 - complexity: 16 +- comm_cost: 0.5541666666666669 + complexity: 10 expressions: - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) - - not(R-) - - or(S+, SE+) + - K+ + - R- + - S+ + - and(N-, R+) + - and(N-, not(R-)) name: explored-3209 type: explored -- comm_cost: 0.2930555555555556 +- comm_cost: 0.6677372685185187 + complexity: 16 + expressions: + - R+ + - and(K-, not(R-)) + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) + name: explored-3210 + type: explored +- comm_cost: 0.3827604166666668 complexity: 17 expressions: - K+ + - K+ - N+ - R- - - SE+ + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-3210 - type: explored -- comm_cost: 0.6987847222222223 - complexity: 8 - expressions: - - and(K-, SE-) - - and(N-, or(S+, R+)) + - or(S+, R+) + - or(SE-, N+) name: explored-3211 type: explored -- comm_cost: 0.6124131944444446 - complexity: 17 +- comm_cost: 0.25885416666666705 + complexity: 11 expressions: - - R+ + - K+ + - N+ - R- - SE- - - and(N-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - and(N-, R+) + - and(S-, not(R+)) name: explored-3212 type: explored -- comm_cost: 0.6501157407407409 - complexity: 12 +- comm_cost: 0.26184895833333344 + complexity: 14 expressions: + - K+ - N+ - - R+ - - SE- - - and(and(K-, N-), not(R-)) - - or(S+, SE+) + - R- + - S+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-3213 type: explored -- comm_cost: 0.36545138888888906 - complexity: 21 +- comm_cost: 0.36388888888888915 + complexity: 17 expressions: - N+ - R- + - SE- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-3214 type: explored -- comm_cost: 0.5711805555555557 - complexity: 15 +- comm_cost: 0.4734629629629632 + complexity: 22 expressions: + - K+ - N+ - - R+ + - N- - R- - - SE- - - and(K-, N-) - - and(K-, S+) - - and(N-, or(K+, SE+)) + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(S+, N+) name: explored-3215 type: explored -- comm_cost: 0.08125000000000027 - complexity: 10 +- comm_cost: 0.509490740740741 + complexity: 12 expressions: - N+ - - N+ - - R- - - S+ + - SE+ + - SE- + - and(K-, N-) - and(N-, R+) - and(S-, SE-) name: explored-3216 type: explored -- comm_cost: 0.24045138888888906 - complexity: 18 +- comm_cost: 0.2338541666666667 + complexity: 15 expressions: - K+ - N+ - R+ - R- - - S+ - - and(N-, R+) + - and(K-, S+) + - and(K-, or(S+, N+)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-3217 type: explored -- comm_cost: 0.1390625000000003 - complexity: 15 +- comm_cost: 0.5155902777777779 + complexity: 16 expressions: - K+ - N+ + - N- - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) name: explored-3218 type: explored -- comm_cost: 0.7302083333333333 - complexity: 4 +- comm_cost: 0.5850694444444446 + complexity: 24 expressions: + - N+ + - R+ - R- - - and(K-, SE-) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-3219 type: explored -- comm_cost: 0.47187500000000004 - complexity: 9 +- comm_cost: 0.6604166666666669 + complexity: 6 expressions: - - N+ - - R- - - S+ - - and(K-, N-) - - and(S-, SE-) + - SE- + - and(N-, R+) + - not(R-) name: explored-3220 type: explored -- comm_cost: 0.7578182870370371 - complexity: 29 +- comm_cost: 0.5073495370370372 + complexity: 16 expressions: - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - R+ + - R- + - SE- + - and(K-, SE-) + - and(S-, not(R+)) + - or(K+, or(N+, R-)) name: explored-3221 type: explored -- comm_cost: 0.6130208333333335 - complexity: 5 +- comm_cost: 0.6062500000000002 + complexity: 8 expressions: - - R+ - - SE- - - or(K+, N+) + - K- + - N+ + - and(N-, R+) + - or(S+, N+) name: explored-3222 type: explored -- comm_cost: 0.6625000000000002 - complexity: 10 +- comm_cost: 0.37265625000000013 + complexity: 16 expressions: - - K+ + - N+ - R- - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, R+) name: explored-3223 type: explored -- comm_cost: 0.5424479166666668 - complexity: 18 +- comm_cost: 0.7786458333333334 + complexity: 9 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, not(R-)) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - and(K-, or(N+, not(R+))) + - or(S+, SE+) name: explored-3224 type: explored -- comm_cost: 0.6008333333333336 +- comm_cost: 0.565277777777778 complexity: 13 expressions: - - R- - - SE- + - N+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, S-) + - or(K+, R+) name: explored-3225 type: explored -- comm_cost: 0.3437500000000002 - complexity: 18 +- comm_cost: 0.4842592592592594 + complexity: 22 expressions: - K+ + - N+ - R- - - and(K-, or(SE-, N+)) + - SE- + - and(K-, not(R+)) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-3226 type: explored -- comm_cost: 0.5354166666666669 - complexity: 17 +- comm_cost: 0.468576388888889 + complexity: 12 expressions: - K+ + - N+ + - N- - R- - - and(K-, not(R-)) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) name: explored-3227 type: explored -- comm_cost: 0.5643055555555557 - complexity: 11 +- comm_cost: 0.6302083333333335 + complexity: 8 expressions: - - R- - - SE- - - and(K-, S+) - - and(N-, R+) - - or(S+, SE+) + - R+ + - R+ + - and(and(S-, N-), not(R-)) name: explored-3228 type: explored -- comm_cost: 0.20000000000000018 - complexity: 16 +- comm_cost: 0.6648726851851853 + complexity: 7 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R+ + - and(S-, N-) + - or(S+, R+) name: explored-3229 type: explored -- comm_cost: 0.21822916666666692 - complexity: 21 +- comm_cost: 0.4062500000000002 + complexity: 13 expressions: - K+ - N+ - - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) name: explored-3230 type: explored -- comm_cost: 0.41875000000000007 - complexity: 11 +- comm_cost: 0.3000000000000004 + complexity: 22 expressions: - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3231 type: explored -- comm_cost: 0.38975694444444464 +- comm_cost: 0.3456597222222224 complexity: 17 expressions: - N+ - R- - - S+ + - R- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, N-) + - and(N-, or(K+, R+)) - and(S-, SE-) + - or(S+, SE+) name: explored-3232 type: explored -- comm_cost: 0.7386458333333334 - complexity: 9 - expressions: - - K- - - R+ - - or(and(K-, SE-), or(N+, R-)) - name: explored-3233 - type: explored -- comm_cost: 0.609375 - complexity: 10 +- comm_cost: 0.09791666666666687 + complexity: 12 expressions: - K+ - N+ + - N+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - name: explored-3234 + name: explored-3233 type: explored -- comm_cost: 0.6716145833333336 - complexity: 8 +- comm_cost: 0.7197916666666668 + complexity: 4 expressions: - - SE- - - and(N-, R+) - - and(N-, not(R-)) - name: explored-3235 + - R+ + - or(S+, N+) + name: explored-3234 type: explored -- comm_cost: 0.3166666666666669 - complexity: 18 +- comm_cost: 0.30138888888888915 + complexity: 14 expressions: - - N+ + - K+ - R- - - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(S-, or(N+, not(R+))) + name: explored-3235 + type: explored +- comm_cost: 0.6802083333333335 + complexity: 10 + expressions: + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) name: explored-3236 type: explored -- comm_cost: 0.41458333333333375 - complexity: 14 +- comm_cost: 0.7404513888888891 + complexity: 8 expressions: - - N+ - - SE- - - and(K-, not(R+)) - - and(N-, R+) - - or(S+, or(N+, R-)) + - and(N-, or(S+, R+)) + - or(SE-, N+) name: explored-3237 type: explored -- comm_cost: 0.5037326388888891 - complexity: 14 +- comm_cost: 0.7438888888888889 + complexity: 10 expressions: - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(SE-, N+) + - SE- + - and(S-, or(N+, not(R+))) + - or(K+, S-) name: explored-3238 type: explored -- comm_cost: 0.5245138888888891 - complexity: 21 +- comm_cost: 0.33125000000000027 + complexity: 14 expressions: + - K+ - N+ - R- - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-3239 type: explored -- comm_cost: 0.6592380952380953 - complexity: 34 +- comm_cost: 0.643576388888889 + complexity: 8 expressions: - - K- - - S+ - - and(K-, S+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - not(R+) - - or(K+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(S-, not(R-)) + - or(K+, R-) name: explored-3240 type: explored -- comm_cost: 0.5640625000000001 - complexity: 7 +- comm_cost: 0.5059027777777779 + complexity: 12 expressions: - - R+ + - N+ + - R- - SE- - - and(K-, or(S+, R-)) + - and(K-, N-) + - and(N-, R+) + - or(S+, N+) name: explored-3241 type: explored -- comm_cost: 0.645920138888889 - complexity: 6 +- comm_cost: 0.37760416666666696 + complexity: 15 expressions: - - R+ - - S+ - - SE- - - or(K+, SE+) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(SE+, N-) name: explored-3242 type: explored -- comm_cost: 0.4734375000000003 - complexity: 6 +- comm_cost: 0.25555555555555576 + complexity: 15 expressions: - K+ + - K+ + - N+ - R- - S+ - and(N-, R+) + - and(S-, not(R+)) + - or(N+, R-) name: explored-3243 type: explored -- comm_cost: 0.2298611111111113 - complexity: 17 +- comm_cost: 0.43671875000000027 + complexity: 12 expressions: - - K+ - - N+ - N+ - - R- - - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(S-, not(R-)) name: explored-3244 type: explored -- comm_cost: 0.6616666666666667 - complexity: 9 +- comm_cost: 0.20138888888888917 + complexity: 16 expressions: - - N- - - R+ + - N+ + - N+ - R- - - SE- - - and(N-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-3245 type: explored -- comm_cost: 0.2810763888888892 - complexity: 19 +- comm_cost: 0.7790625 + complexity: 4 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R-) + - K- + - or(N+, R-) name: explored-3246 type: explored -- comm_cost: 0.35607638888888893 - complexity: 9 +- comm_cost: 0.6609375000000001 + complexity: 11 expressions: - N+ - - R- - - S+ - - and(S-, SE-) - - or(K+, R+) + - R+ + - and(K-, or(S+, N+)) + - and(N-, not(R-)) name: explored-3247 type: explored -- comm_cost: 0.6798958333333334 - complexity: 8 +- comm_cost: 0.7512442129629631 + complexity: 6 expressions: - - and(S-, SE-) + - S- + - and(S-, N-) - not(R-) - - or(K+, N+) name: explored-3248 type: explored -- comm_cost: 0.3333333333333337 - complexity: 11 +- comm_cost: 0.369010416666667 + complexity: 19 expressions: - N+ - - R- - - SE- - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3249 type: explored -- comm_cost: 0.5081597222222222 - complexity: 12 +- comm_cost: 0.6617881944444446 + complexity: 11 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(K-, not(R+)) - - and(S-, SE-) + - R+ + - SE- + - and(N-, not(R-)) + - or(N+, not(R+)) name: explored-3250 type: explored -- comm_cost: 0.518229166666667 - complexity: 8 +- comm_cost: 0.7216579861111112 + complexity: 11 expressions: - - R- - S+ - - and(N-, R+) - - or(K+, R-) + - SE- + - and(or(K+, S-), not(R-)) + - or(K+, R+) name: explored-3251 type: explored -- comm_cost: 0.7430555555555556 - complexity: 16 +- comm_cost: 0.6197916666666669 + complexity: 3 expressions: - - R- + - R+ + - R+ - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) name: explored-3252 type: explored -- comm_cost: 0.5817708333333333 - complexity: 6 +- comm_cost: 0.4102430555555556 + complexity: 13 expressions: - - N+ + - K+ - R- - - SE- - - and(K-, SE-) + - and(K-, or(S+, R-)) + - and(S-, SE-) + - or(K+, R+) name: explored-3253 type: explored -- comm_cost: 0.6840277777777779 - complexity: 7 +- comm_cost: 0.23984375000000013 + complexity: 15 expressions: + - K+ + - N+ - R- - - SE- - - and(N-, or(K+, SE+)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-3254 type: explored -- comm_cost: 0.38204571759259287 - complexity: 14 +- comm_cost: 0.49050925925925926 + complexity: 15 expressions: - K+ - N+ - R- - SE- - - and(N-, R+) - - not(R+) - - or(K+, or(N+, R-)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-3255 type: explored -- comm_cost: 0.7758680555555557 - complexity: 9 +- comm_cost: 0.3597222222222223 + complexity: 12 expressions: - - R+ - - and(K-, or(S+, SE+)) - - or(K+, SE+) + - K+ + - N+ + - R- + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-3256 type: explored -- comm_cost: 0.4478819444444446 - complexity: 16 +- comm_cost: 0.5462673611111113 + complexity: 10 expressions: - N+ - R- - - S+ + - S- - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(K+, or(N+, R-)) + - and(S-, not(R+)) name: explored-3257 type: explored -- comm_cost: 0.4763888888888891 - complexity: 12 +- comm_cost: 0.5522222222222222 + complexity: 10 expressions: - - K+ - N+ + - N- - R- - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(N+, R-) name: explored-3258 type: explored -- comm_cost: 0.5828125 - complexity: 10 +- comm_cost: 0.6146527777777779 + complexity: 14 expressions: - - R- - - S+ - - and(K-, or(S+, R-)) - - and(S-, SE-) + - N+ + - SE- + - and(K-, N-) + - and(N-, R+) + - or(K+, N+) + - or(K+, S-) name: explored-3259 type: explored -- comm_cost: 0.6648246527777779 - complexity: 44 +- comm_cost: 0.4682291666666667 + complexity: 9 expressions: - N+ - - SE- - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(N-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) + - R- + - R- + - and(S-, SE-) + - or(K+, SE+) name: explored-3260 type: explored -- comm_cost: 0.2562500000000003 - complexity: 7 +- comm_cost: 0.6958333333333334 + complexity: 9 expressions: - - K+ - - N+ - R- + - S- - SE- - - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-3261 type: explored -- comm_cost: 0.35671296296296306 - complexity: 18 +- comm_cost: 0.6211805555555557 + complexity: 8 expressions: - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-3262 type: explored -- comm_cost: 0.8515625 - complexity: 4 +- comm_cost: 0.7512152777777779 + complexity: 9 expressions: - - R- - - or(N+, R-) + - R+ + - and(K-, or(S+, R+)) + - or(S+, N+) name: explored-3263 type: explored -- comm_cost: 0.1810763888888891 - complexity: 19 +- comm_cost: 0.21250000000000036 + complexity: 9 expressions: - - K+ - N+ - R- - S+ + - and(K-, SE-) - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-3264 type: explored -- comm_cost: 0.49322916666666683 - complexity: 6 +- comm_cost: 0.5545138888888891 + complexity: 10 expressions: - R+ - R- - SE- - - and(K-, SE-) + - SE- + - and(or(K+, S-), not(R+)) name: explored-3265 type: explored -- comm_cost: 0.39212962962962983 - complexity: 12 +- comm_cost: 0.6162673611111111 + complexity: 9 expressions: - - N+ - - S+ - - SE+ - - and(N-, R+) + - K+ + - R- + - S- - and(S-, SE-) - - or(S+, R+) + - or(S+, SE+) name: explored-3266 type: explored -- comm_cost: 0.6072395833333335 - complexity: 28 +- comm_cost: 0.6569444444444446 + complexity: 5 expressions: - - R+ - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) - - or(S+, N+) - - or(and(K-, S+), or(N+, R-)) + - K+ + - R- + - and(S-, N-) name: explored-3267 type: explored -- comm_cost: 0.65546875 - complexity: 5 +- comm_cost: 0.4932291666666667 + complexity: 8 expressions: + - R+ - R- - - S- - - and(S-, SE-) + - SE- + - and(SE-, or(K+, S-)) name: explored-3268 type: explored -- comm_cost: 0.400260416666667 - complexity: 10 +- comm_cost: 0.43284143518518525 + complexity: 21 expressions: - - K+ + - N+ + - R- + - S+ + - and(K-, not(R-)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(SE-, N+) name: explored-3269 type: explored -- comm_cost: 0.47925347222222237 - complexity: 10 +- comm_cost: 0.5976822916666668 + complexity: 35 expressions: + - N+ - R+ - - and(S-, SE-) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(N-, or(K+, R+)) + - and(S-, N-) + - and(S-, not(R+)) - or(K+, SE+) + - or(K+, or(N+, R-)) - or(S+, R-) name: explored-3270 type: explored -- comm_cost: 0.34083333333333377 - complexity: 14 +- comm_cost: 0.35069444444444464 + complexity: 18 expressions: + - K+ - N+ - - and(K-, S+) + - R- - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - and(S-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-3271 type: explored -- comm_cost: 0.28333333333333344 - complexity: 14 +- comm_cost: 0.6052083333333333 + complexity: 16 expressions: - K+ - - K+ - - N+ - R- - - S+ + - and(K-, S+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3272 type: explored -- comm_cost: 0.3993055555555558 - complexity: 20 +- comm_cost: 0.507638888888889 + complexity: 12 expressions: - - K+ + - N+ + - R+ - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - SE- + - and(S-, or(SE-, N+)) + - or(S+, R-) name: explored-3273 type: explored -- comm_cost: 0.41082175925925946 - complexity: 16 +- comm_cost: 0.322800925925926 + complexity: 15 expressions: - N+ - R- - S+ - - and(K-, not(R+)) + - SE+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, SE+) name: explored-3274 type: explored -- comm_cost: 0.13020833333333348 - complexity: 13 +- comm_cost: 0.6750000000000002 + complexity: 11 expressions: - - N+ - - S+ - - and(K-, or(S+, R-)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - not(R-) name: explored-3275 type: explored -- comm_cost: 0.6726041666666668 - complexity: 11 +- comm_cost: 0.7906250000000001 + complexity: 1 expressions: - - R+ - - and(S-, N-) - - or(N+, not(R+)) - - or(S+, N+) + - S- name: explored-3276 type: explored -- comm_cost: 0.46614583333333326 - complexity: 9 +- comm_cost: 0.6230034722222224 + complexity: 14 expressions: - - K+ - N+ - - R- - - and(S-, SE-) - - or(K+, N+) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-3277 type: explored -- comm_cost: 0.6403819444444445 - complexity: 11 +- comm_cost: 0.4930555555555558 + complexity: 10 expressions: - - R+ - R- - - SE- - - and(K-, or(S+, R-)) - - or(S+, SE+) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-3278 type: explored -- comm_cost: 0.31171875000000016 - complexity: 20 +- comm_cost: 0.7383912037037038 + complexity: 6 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, R+) + - N- + - R+ + - SE- + - or(K+, K-) name: explored-3279 type: explored -- comm_cost: 0.4397569444444447 +- comm_cost: 0.21927083333333375 complexity: 13 expressions: - - N+ - - R- - - S+ + - K+ + - and(K-, S+) - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) - or(K+, R-) name: explored-3280 type: explored -- comm_cost: 0.3913194444444448 - complexity: 16 +- comm_cost: 0.46006944444444464 + complexity: 15 expressions: - - K+ - N+ - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, not(R-)) + - and(N-, or(K+, R+)) + - and(and(S-, N-), not(R-)) name: explored-3281 type: explored -- comm_cost: 0.3807291666666669 - complexity: 14 +- comm_cost: 0.36250000000000027 + complexity: 25 expressions: + - N+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(N+, R-) + - and(S-, or(N+, not(R+))) name: explored-3282 type: explored -- comm_cost: 0.717013888888889 - complexity: 8 +- comm_cost: 0.5767361111111113 + complexity: 6 expressions: + - N+ - R+ - and(K-, not(R+)) - - or(K+, K-) name: explored-3283 type: explored -- comm_cost: 0.4862847222222224 - complexity: 26 +- comm_cost: 0.673045138888889 + complexity: 24 expressions: - - K+ - - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) + - S- + - SE- + - and(K-, N-) + - and(N-, not(R-)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(and(S-, N-), not(R-)) + - or(N+, R-) + - or(S+, SE+) name: explored-3284 type: explored -- comm_cost: 0.6893750000000001 - complexity: 5 +- comm_cost: 0.6620515046296297 + complexity: 38 expressions: - - K- - - R+ - - or(K+, R-) + - and(K-, N-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) name: explored-3285 type: explored -- comm_cost: 0.6659722222222222 - complexity: 10 +- comm_cost: 0.1555555555555559 + complexity: 12 expressions: - - K+ - N+ - - R- - - or(and(S-, SE-), or(N+, R-)) + - S+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-3286 type: explored -- comm_cost: 0.8996527777777777 - complexity: 4 +- comm_cost: 0.7108854166666668 + complexity: 9 expressions: - - S+ - - or(S+, R-) + - R+ + - SE- + - and(N-, not(R-)) + - or(K+, S-) name: explored-3287 type: explored -- comm_cost: 0.5588541666666668 - complexity: 8 +- comm_cost: 0.22916666666666696 + complexity: 10 expressions: - - K- + - K+ - N+ - - R+ - R- - SE- - - and(S-, SE-) + - and(K-, S+) + - and(N-, R+) name: explored-3288 type: explored -- comm_cost: 0.7341087962962964 - complexity: 10 +- comm_cost: 0.6647569444444446 + complexity: 17 expressions: - R+ - - and(S-, not(R-)) - - not(R-) - - or(SE-, N+) + - SE- + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) name: explored-3289 type: explored -- comm_cost: 0.3783854166666669 - complexity: 11 +- comm_cost: 0.47916666666666663 + complexity: 8 expressions: + - K+ + - K+ + - N+ - N+ - S+ - - and(N-, R+) - and(S-, SE-) - - or(S+, R+) name: explored-3290 type: explored -- comm_cost: 0.7583333333333334 - complexity: 2 +- comm_cost: 0.6971354166666668 + complexity: 8 expressions: - N+ - - SE+ + - SE- + - and(or(K+, S-), not(R-)) name: explored-3291 type: explored -- comm_cost: 0.5938657407407409 - complexity: 21 +- comm_cost: 0.7468750000000002 + complexity: 8 expressions: - - R+ - - SE- - - and(K-, or(S+, R-)) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(K+, R+)) + - or(K+, R-) name: explored-3292 type: explored -- comm_cost: 0.17430555555555594 - complexity: 14 +- comm_cost: 0.46591435185185204 + complexity: 28 expressions: - K+ - - N+ - - N+ - R- - - and(K-, not(R+)) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-3293 type: explored -- comm_cost: 0.7213541666666667 - complexity: 9 - expressions: - - R+ - - and(K-, or(S+, R-)) - - or(S+, R+) - name: explored-3294 - type: explored -- comm_cost: 0.5463541666666668 - complexity: 6 +- comm_cost: 0.35115740740740764 + complexity: 26 expressions: - - R+ + - N+ - R- - - SE- - - or(N+, R-) - name: explored-3295 + - and(N-, R+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) + name: explored-3294 type: explored -- comm_cost: 0.23767361111111152 - complexity: 17 +- comm_cost: 0.4304687500000002 + complexity: 16 expressions: - K+ - N+ - R- + - S- + - and(K-, N-) - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - not(R+) - - or(N+, R-) + name: explored-3295 + type: explored +- comm_cost: 0.6993055555555556 + complexity: 10 + expressions: + - SE- + - and(N-, or(S+, R+)) + - and(S-, not(R-)) name: explored-3296 type: explored -- comm_cost: 0.6109953703703705 - complexity: 15 +- comm_cost: 0.40000000000000024 + complexity: 13 expressions: - - K+ - N+ - R- - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(K+, K-) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-3297 type: explored -- comm_cost: 0.5053819444444446 - complexity: 15 +- comm_cost: 0.3289062500000003 + complexity: 12 expressions: + - K+ + - K+ - N+ - SE- - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-3298 type: explored -- comm_cost: 0.25399305555555585 +- comm_cost: 0.30625000000000036 complexity: 9 expressions: - - K+ - - N+ - - N+ - - R- - - S+ - - SE- - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-3299 type: explored -- comm_cost: 0.39375000000000027 - complexity: 12 +- comm_cost: 0.5590104166666667 + complexity: 30 expressions: - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - or(K+, N+) + - SE- + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) - or(K+, N+) + - or(K+, R+) name: explored-3300 type: explored -- comm_cost: 0.7321180555555556 - complexity: 7 +- comm_cost: 0.31843171296296313 + complexity: 19 expressions: - - R+ - - or(K+, K-) - - or(S+, R-) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, SE+) name: explored-3301 type: explored -- comm_cost: 0.7690434027777778 - complexity: 19 +- comm_cost: 0.3353067129629631 + complexity: 21 expressions: - - K- - - and(K-, S+) - - and(N-, or(K+, S-)) - - or(N+, not(R+)) - - or(S+, SE+) - - or(SE-, N+) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, R+) + - or(K+, R-) name: explored-3302 type: explored -- comm_cost: 0.7199479166666668 - complexity: 10 +- comm_cost: 0.6462847222222223 + complexity: 9 expressions: + - N+ - R+ - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - or(K+, N+) + - or(S+, SE+) name: explored-3303 type: explored -- comm_cost: 0.34184027777777803 - complexity: 15 +- comm_cost: 0.4389756944444446 + complexity: 22 expressions: - - and(K-, S+) + - N+ + - R- - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, N+) - - or(K+, R+) + - and(S-, or(N+, not(R+))) + - or(S+, R+) name: explored-3304 type: explored -- comm_cost: 0.7963541666666667 - complexity: 8 +- comm_cost: 0.637890625 + complexity: 36 expressions: - - SE- - - not(R+) + - N+ + - N- + - S+ + - SE+ + - and(K-, or(S+, R+)) + - and(N-, or(K+, S-)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) - or(K+, or(N+, R-)) name: explored-3305 type: explored -- comm_cost: 0.4458333333333334 - complexity: 10 +- comm_cost: 0.15277777777777812 + complexity: 16 expressions: - K+ - N+ - - R- - - SE- + - N+ + - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-3306 type: explored -- comm_cost: 0.8973958333333334 - complexity: 5 +- comm_cost: 0.23750000000000027 + complexity: 15 expressions: - - or(S+, or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - or(S+, N+) name: explored-3307 type: explored -- comm_cost: 0.38671875000000033 - complexity: 10 +- comm_cost: 0.33802083333333366 + complexity: 19 expressions: + - N+ - R- - - S+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - not(R+) name: explored-3308 type: explored -- comm_cost: 0.3125000000000002 - complexity: 16 +- comm_cost: 0.5442708333333335 + complexity: 9 expressions: - - K+ - N+ + - R+ - R- - SE- - - and(K-, S+) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - and(N-, or(K+, SE+)) name: explored-3309 type: explored -- comm_cost: 0.7104166666666667 - complexity: 7 +- comm_cost: 0.5312499999999999 + complexity: 8 expressions: + - K+ + - K+ - R- - - SE- - - and(K-, or(SE-, N+)) + - R- + - S+ + - and(S-, SE-) name: explored-3310 type: explored -- comm_cost: 0.06093750000000031 - complexity: 13 +- comm_cost: 0.625 + complexity: 7 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - or(S+, R-) name: explored-3311 type: explored -- comm_cost: 0.42500000000000027 - complexity: 9 +- comm_cost: 0.22864583333333344 + complexity: 18 expressions: - N+ - R- - R- + - and(K-, S+) - and(N-, R+) - - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-3312 type: explored -- comm_cost: 0.3378472222222223 - complexity: 13 +- comm_cost: 0.698654513888889 + complexity: 11 expressions: - K+ - - R+ - - R- - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(or(K+, S-), not(R+)) + - or(K+, SE+) name: explored-3313 type: explored -- comm_cost: 0.35815972222222237 - complexity: 17 +- comm_cost: 0.4452777777777778 + complexity: 10 expressions: - K+ - N+ - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, or(SE-, N+)) + - R- + - and(S-, SE-) + - or(S+, SE+) name: explored-3314 type: explored -- comm_cost: 0.48078125000000016 - complexity: 28 +- comm_cost: 0.24565972222222254 + complexity: 23 expressions: - K+ - - N+ - R- - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(N+, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(SE-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-3315 type: explored -- comm_cost: 0.6234375 - complexity: 9 +- comm_cost: 0.166840277777778 + complexity: 18 expressions: + - K+ + - N+ + - R+ - R- - - and(K-, or(S+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-3316 type: explored -- comm_cost: 0.6509837962962964 - complexity: 14 +- comm_cost: 0.5663194444444446 + complexity: 17 expressions: - R+ + - R- - SE- - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-3317 type: explored -- comm_cost: 0.2109375000000001 - complexity: 16 +- comm_cost: 0.42592592592592604 + complexity: 17 expressions: - K+ + - K+ - N+ - R- - - S+ - - and(K-, S+) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, R+) + - and(S-, not(R-)) name: explored-3318 type: explored -- comm_cost: 0.6070312500000001 - complexity: 8 +- comm_cost: 0.659201388888889 + complexity: 7 expressions: - - R- + - K+ + - R+ - SE- - - and(K-, N-) - - and(N-, R+) + - and(N-, not(R-)) name: explored-3319 type: explored -- comm_cost: 0.5878472222222223 - complexity: 10 +- comm_cost: 0.2576388888888892 + complexity: 18 expressions: + - K+ - N+ - - SE- - - and(N-, or(S+, R+)) - - or(N+, R-) + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-3320 type: explored -- comm_cost: 0.3986979166666669 - complexity: 10 +- comm_cost: 0.7023148148148151 + complexity: 6 expressions: - N+ + - SE+ + - SE+ - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) name: explored-3321 type: explored -- comm_cost: 0.5736111111111113 - complexity: 14 +- comm_cost: 0.4901041666666668 + complexity: 9 expressions: + - N+ - R+ - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - R- + - SE- + - and(K-, or(S+, N+)) name: explored-3322 type: explored -- comm_cost: 0.39921875000000007 +- comm_cost: 0.5406250000000001 complexity: 11 expressions: - - K+ - - N+ - R- - - and(K-, or(S+, SE+)) - - and(S-, SE-) + - S- + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-3323 type: explored -- comm_cost: 0.6194444444444446 - complexity: 9 +- comm_cost: 0.7479166666666666 + complexity: 5 expressions: - N+ - - R+ - - SE- - - and(S-, SE-) - - or(K+, K-) + - R- + - or(S+, N+) name: explored-3324 type: explored -- comm_cost: 0.3189641203703707 - complexity: 19 +- comm_cost: 0.5411458333333334 + complexity: 14 expressions: - - K+ + - K- - N+ - R- - - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(N+, not(R+)) name: explored-3325 type: explored -- comm_cost: 0.216203703703704 - complexity: 21 +- comm_cost: 0.4638888888888888 + complexity: 14 expressions: - K+ + - K+ - N+ - R- - - and(K-, or(S+, R-)) - - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-3326 type: explored -- comm_cost: 0.5481365740740742 - complexity: 17 +- comm_cost: 0.6888020833333334 + complexity: 3 expressions: - - K+ - - N+ - - N- - R- + - S- - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(SE-, N+) name: explored-3327 type: explored -- comm_cost: 0.6848263888888889 - complexity: 11 +- comm_cost: 0.3087500000000002 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- - - SE- - - or(S+, SE+) - - or(S+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) + - or(S+, N+) name: explored-3328 type: explored -- comm_cost: 0.408402777777778 - complexity: 11 +- comm_cost: 0.5444444444444446 + complexity: 14 expressions: + - N+ - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - and(K-, or(S+, N+)) + - and(and(K-, N-), not(R-)) name: explored-3329 type: explored -- comm_cost: 0.138541666666667 - complexity: 12 +- comm_cost: 0.30833333333333357 + complexity: 21 expressions: - K+ - N+ - - S+ + - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(SE-, N+) name: explored-3330 type: explored -- comm_cost: 0.6203125000000002 - complexity: 12 +- comm_cost: 0.6490017361111112 + complexity: 13 expressions: + - K+ - N+ - R+ - R- - - and(or(K+, S-), not(R-)) - - or(K+, R-) + - SE- + - and(N-, or(S+, SE+)) + - or(K+, K-) name: explored-3331 type: explored -- comm_cost: 0.4564814814814816 - complexity: 17 +- comm_cost: 0.6419704861111112 + complexity: 24 expressions: - - K+ - - N+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, not(R-)) + - R- + - S- + - and(K-, S+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) + - or(K+, R+) + - or(S+, N+) name: explored-3332 type: explored -- comm_cost: 0.2592013888888891 - complexity: 20 +- comm_cost: 0.5567708333333335 + complexity: 6 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, not(R+)) name: explored-3333 type: explored -- comm_cost: 0.6428819444444446 - complexity: 14 - expressions: - - R+ - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(S+, or(N+, R-)) - name: explored-3334 - type: explored -- comm_cost: 0.404296875 - complexity: 11 +- comm_cost: 0.3798032407407409 + complexity: 18 expressions: - K+ - - K+ - N+ - - R- - - S+ + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - name: explored-3335 + - and(and(K-, N-), or(S+, SE+)) + name: explored-3334 type: explored -- comm_cost: 0.6367187500000001 - complexity: 11 +- comm_cost: 0.7308738425925927 + complexity: 15 expressions: - - N+ - - R- - - and(or(K+, S-), not(R-)) - - or(K+, N+) - name: explored-3336 + - R+ + - and(N-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) + name: explored-3335 type: explored -- comm_cost: 0.2975694444444448 - complexity: 21 +- comm_cost: 0.3457175925925928 + complexity: 24 expressions: - N+ - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(and(K-, S+), or(N+, R-)) - name: explored-3337 + - and(S-, not(R+)) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) + - or(S+, R-) + name: explored-3336 type: explored -- comm_cost: 0.5030092592592594 +- comm_cost: 0.2723958333333335 complexity: 15 expressions: - K+ - R- - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - not(R+) - name: explored-3338 + - and(and(K-, N-), or(S+, R+)) + name: explored-3337 type: explored -- comm_cost: 0.461527777777778 - complexity: 17 +- comm_cost: 0.32777777777777795 + complexity: 15 expressions: - N+ - - N+ - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - and(S-, not(R-)) - - or(N+, not(R+)) - name: explored-3339 + name: explored-3338 type: explored -- comm_cost: 0.21944444444444455 - complexity: 19 +- comm_cost: 0.30199652777777797 + complexity: 16 expressions: - K+ - N+ - R- + - SE+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-3340 + - or(K+, SE+) + name: explored-3339 type: explored -- comm_cost: 0.5529687500000002 - complexity: 9 +- comm_cost: 0.5205729166666668 + complexity: 10 expressions: - - K- + - K+ - N+ + - R+ - R- - - SE- - - and(N-, R+) - - not(R+) - name: explored-3341 + - and(K-, or(N+, not(R+))) + name: explored-3340 type: explored -- comm_cost: 0.18379629629629657 - complexity: 17 +- comm_cost: 0.20000000000000018 + complexity: 19 expressions: - K+ - N+ - - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, R-) - name: explored-3342 + - and(S-, SE-) + name: explored-3341 type: explored -- comm_cost: 0.7695486111111112 +- comm_cost: 0.6727719907407408 complexity: 12 expressions: - - N- - - and(K-, not(R-)) + - R+ + - S+ + - SE- + - and(N-, not(R-)) - and(N-, or(S+, R+)) - - not(R-) - name: explored-3343 + name: explored-3342 type: explored -- comm_cost: 0.5187500000000003 - complexity: 11 +- comm_cost: 0.3437500000000002 + complexity: 15 expressions: - K+ - - R- - - and(K-, S+) + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(SE+, N-) - name: explored-3344 + - or(S+, R-) + name: explored-3343 type: explored -- comm_cost: 0.6218750000000002 - complexity: 10 +- comm_cost: 0.6041666666666667 + complexity: 7 expressions: + - R+ + - R- + - S- - SE- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - name: explored-3345 + - and(K-, SE-) + name: explored-3344 type: explored -- comm_cost: 0.5710937500000002 - complexity: 12 +- comm_cost: 0.7972222222222223 + complexity: 7 expressions: - - N+ - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - not(R+) - name: explored-3346 + - R- + - and(S-, or(N+, not(R+))) + name: explored-3345 type: explored -- comm_cost: 0.6692708333333335 - complexity: 13 +- comm_cost: 0.6433593750000002 + complexity: 15 expressions: - R+ - - SE- - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) - name: explored-3347 + - SE+ + - and(K-, or(S+, R-)) + - and(S-, or(N+, not(R+))) + - not(R+) + name: explored-3346 type: explored -- comm_cost: 0.29231481481481514 - complexity: 19 +- comm_cost: 0.4121527777777779 + complexity: 18 expressions: - - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, R-) - name: explored-3348 + - and(and(S-, N-), not(R-)) + - or(S+, SE+) + name: explored-3347 type: explored -- comm_cost: 0.7095486111111111 - complexity: 16 +- comm_cost: 0.7070428240740743 + complexity: 8 expressions: + - N- + - R+ - SE+ - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) + - and(N-, or(K+, SE+)) + name: explored-3348 + type: explored +- comm_cost: 0.6473958333333335 + complexity: 12 + expressions: + - R+ + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) name: explored-3349 type: explored -- comm_cost: 0.466666666666667 - complexity: 10 +- comm_cost: 0.33402777777777803 + complexity: 13 expressions: - K+ - - K+ - - R- - - S+ - - and(N-, R+) - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-3350 type: explored -- comm_cost: 0.5845486111111112 - complexity: 10 - expressions: - - R+ - - and(and(K-, N-), not(R-)) - - or(K+, R-) - name: explored-3351 - type: explored -- comm_cost: 0.20329861111111125 - complexity: 17 +- comm_cost: 0.5000000000000001 + complexity: 15 expressions: - K+ - - K+ - - N+ - N+ - R- - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) + - and(K-, N-) - and(S-, SE-) - name: explored-3352 + - and(S-, or(SE-, N+)) + name: explored-3351 type: explored -- comm_cost: 0.5605034722222223 - complexity: 15 +- comm_cost: 0.6081886574074075 + complexity: 9 expressions: - N+ - R+ - R- + - S- - SE- - - and(S-, not(R+)) - - and(S-, not(R+)) - - or(S+, R+) - name: explored-3353 + - and(S-, not(R-)) + name: explored-3352 type: explored -- comm_cost: 0.404166666666667 - complexity: 11 +- comm_cost: 0.49878472222222237 + complexity: 15 expressions: - N+ - - SE- - - SE- + - R- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) + name: explored-3353 + type: explored +- comm_cost: 0.5203993055555556 + complexity: 15 + expressions: + - N+ + - R- + - and(N-, not(R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-3354 type: explored -- comm_cost: 0.310416666666667 - complexity: 9 +- comm_cost: 0.4776331018518519 + complexity: 17 expressions: - N+ - - SE- + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, not(R+)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-3355 type: explored -- comm_cost: 0.7608333333333335 - complexity: 10 +- comm_cost: 0.7870833333333334 + complexity: 3 expressions: - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) + - K+ + - not(R-) name: explored-3356 type: explored -- comm_cost: 0.4648437500000001 +- comm_cost: 0.6229166666666668 complexity: 9 expressions: - R+ - R- - - R- - - and(S-, SE-) - - or(K+, SE+) + - and(and(K-, N-), or(S+, R+)) name: explored-3357 type: explored -- comm_cost: 0.216666666666667 - complexity: 11 +- comm_cost: 0.502604166666667 + complexity: 7 expressions: - - N+ - - S+ + - SE- + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) name: explored-3358 type: explored -- comm_cost: 0.34722222222222243 - complexity: 16 +- comm_cost: 0.3979166666666669 + complexity: 11 expressions: - K+ - - N+ - R- - SE- - - and(K-, S+) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-3359 type: explored -- comm_cost: 0.6312500000000002 +- comm_cost: 0.6052083333333335 complexity: 9 expressions: - R+ - - and(K-, or(S+, R-)) - - or(K+, N+) + - SE- + - SE- + - and(and(S-, N-), not(R-)) name: explored-3360 type: explored -- comm_cost: 0.4966666666666668 - complexity: 17 +- comm_cost: 0.4808159722222224 + complexity: 27 expressions: - N+ - - SE- + - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, SE+) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-3361 type: explored -- comm_cost: 0.5776041666666667 - complexity: 9 +- comm_cost: 0.4152083333333335 + complexity: 16 expressions: + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - - or(S+, R+) + - and(S-, or(SE-, N+)) + - not(R-) name: explored-3362 type: explored -- comm_cost: 0.6316666666666668 - complexity: 6 +- comm_cost: 0.7213541666666667 + complexity: 11 expressions: - - N- - - R- - - SE- - - and(N-, R+) + - and(K-, or(SE-, N+)) + - and(SE+, N-) + - or(K+, K-) name: explored-3363 type: explored -- comm_cost: 0.7194791666666668 - complexity: 8 +- comm_cost: 0.5880208333333334 + complexity: 18 expressions: - - R+ - - and(N-, or(K+, R+)) - - not(R-) + - K+ + - and(N-, or(K+, S-)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-3364 type: explored -- comm_cost: 0.4302083333333335 - complexity: 13 +- comm_cost: 0.43625578703703727 + complexity: 28 expressions: - - K+ - N+ + - R- - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - not(R+) - - or(K+, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-3365 type: explored -- comm_cost: 0.7151041666666669 - complexity: 6 +- comm_cost: 0.7484375000000001 + complexity: 5 expressions: + - N+ - R+ - - or(S+, or(N+, R-)) + - or(S+, SE+) name: explored-3366 type: explored -- comm_cost: 0.5717592592592594 - complexity: 16 +- comm_cost: 0.3249131944444448 + complexity: 13 expressions: - K+ - N+ - - R- - - and(K-, or(S+, R+)) + - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-3367 type: explored -- comm_cost: 0.36001157407407414 - complexity: 14 +- comm_cost: 0.6439814814814815 + complexity: 12 expressions: - - K+ + - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(S+, R+) + - SE- + - and(K-, not(R+)) + - and(K-, or(S+, R-)) name: explored-3368 type: explored -- comm_cost: 0.688107638888889 - complexity: 14 +- comm_cost: 0.49375000000000036 + complexity: 10 expressions: - - R+ + - N+ + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(N-, or(K+, SE+)) + - or(S+, or(N+, R-)) name: explored-3369 type: explored -- comm_cost: 0.5303819444444445 - complexity: 12 +- comm_cost: 0.4057291666666669 + complexity: 15 expressions: - K+ - - R+ - - R- + - N+ + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - not(R+) name: explored-3370 type: explored -- comm_cost: 0.5545138888888891 - complexity: 12 +- comm_cost: 0.577777777777778 + complexity: 15 expressions: - - N+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - not(R+) + - R+ + - and(K-, or(S+, N+)) + - and(and(K-, N-), not(R-)) + - or(K+, R-) name: explored-3371 type: explored -- comm_cost: 0.28671875000000024 - complexity: 18 +- comm_cost: 0.2822916666666667 + complexity: 7 expressions: - N+ + - R+ - R- - - and(N-, R+) + - S+ - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, or(N+, R-)) name: explored-3372 type: explored -- comm_cost: 0.703125 - complexity: 28 +- comm_cost: 0.5541666666666669 + complexity: 14 expressions: - - and(K-, N-) - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(K+, N+) name: explored-3373 type: explored -- comm_cost: 0.48932291666666683 - complexity: 13 +- comm_cost: 0.4984953703703706 + complexity: 23 expressions: + - K+ - N+ + - R- - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(SE+, N-) - - or(S+, or(N+, R-)) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-3374 type: explored -- comm_cost: 0.6673032407407409 - complexity: 23 +- comm_cost: 0.6077083333333335 + complexity: 7 expressions: - - S- - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - or(S+, or(N+, R-)) + - N+ + - R+ + - R- + - or(N+, not(R+)) name: explored-3375 type: explored -- comm_cost: 0.6718750000000002 - complexity: 11 +- comm_cost: 0.40390625000000013 + complexity: 10 expressions: - - R+ - - and(K-, or(S+, R-)) - - and(K-, or(S+, R-)) + - N+ + - R- + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-3376 type: explored -- comm_cost: 0.3310619212962964 - complexity: 17 +- comm_cost: 0.6643923611111112 + complexity: 10 expressions: - - K+ - - N+ - - R- + - R+ - R- - - S+ - - SE+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - not(R-) + - or(S+, or(N+, R-)) name: explored-3377 type: explored -- comm_cost: 0.5566666666666669 - complexity: 12 +- comm_cost: 0.2161458333333336 + complexity: 16 expressions: + - K+ - N+ - - N- - R- + - S+ + - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, S-) name: explored-3378 type: explored -- comm_cost: 0.7367187500000001 - complexity: 10 +- comm_cost: 0.7868055555555555 + complexity: 9 expressions: - - R+ - - R+ - - and(N-, or(K+, R+)) - - or(S+, SE+) + - SE- + - and(K-, S+) + - and(K-, or(S+, R-)) name: explored-3379 type: explored -- comm_cost: 0.7337499999999999 - complexity: 7 +- comm_cost: 0.26087962962962985 + complexity: 18 expressions: - - K+ - N+ - R- - - or(N+, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, R-) name: explored-3380 type: explored -- comm_cost: 0.441666666666667 - complexity: 7 +- comm_cost: 0.5555034722222223 + complexity: 15 expressions: - - N+ - - and(K-, S+) + - K+ + - K- + - R- - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-3381 type: explored -- comm_cost: 0.625 - complexity: 7 +- comm_cost: 0.5588831018518521 + complexity: 16 expressions: - - K+ - N+ - - R- - - SE- - - or(S+, R-) - name: explored-3382 - type: explored -- comm_cost: 0.5410011574074076 - complexity: 19 - expressions: - N+ - - R- - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) - name: explored-3383 + - and(N-, or(K+, S-)) + name: explored-3382 type: explored -- comm_cost: 0.15486111111111134 - complexity: 15 +- comm_cost: 0.24311342592592622 + complexity: 20 expressions: - K+ - N+ - R- - S+ + - and(K-, SE-) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) - name: explored-3384 + - or(N+, R-) + name: explored-3383 type: explored -- comm_cost: 0.557291666666667 - complexity: 8 +- comm_cost: 0.6885416666666668 + complexity: 6 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - name: explored-3385 + - K+ + - R+ + - R+ + - or(S+, N+) + name: explored-3384 type: explored -- comm_cost: 0.49375000000000036 - complexity: 5 +- comm_cost: 0.2460069444444446 + complexity: 21 expressions: - K+ - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) + name: explored-3385 + type: explored +- comm_cost: 0.7367592592592593 + complexity: 13 + expressions: + - K- + - SE+ + - and(K-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) name: explored-3386 type: explored -- comm_cost: 0.2546875000000003 - complexity: 11 +- comm_cost: 0.5920659722222225 + complexity: 13 expressions: - N+ - - R- - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(SE-, or(K+, S-)) + - or(N+, not(R+)) name: explored-3387 type: explored -- comm_cost: 0.601388888888889 - complexity: 12 +- comm_cost: 0.5372395833333334 + complexity: 16 expressions: - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(S+, R+) + - K+ + - R+ + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-3388 type: explored -- comm_cost: 0.4418402777777779 - complexity: 16 +- comm_cost: 0.6625000000000001 + complexity: 7 expressions: - N+ - - R- - - and(K-, or(S+, R+)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - R+ + - SE- + - and(K-, not(R-)) name: explored-3389 type: explored -- comm_cost: 0.26319444444444473 - complexity: 22 +- comm_cost: 0.23888888888888915 + complexity: 12 expressions: - - K+ - N+ - R- - - S+ - - and(K-, or(S+, R-)) + - SE- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-3390 type: explored -- comm_cost: 0.688966765873016 - complexity: 30 +- comm_cost: 0.4846354166666669 + complexity: 12 expressions: - - N- - - S+ - - SE- - - and(K-, or(S+, R+)) - - and(N-, or(K+, R+)) - - and(S-, N-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) + - N+ + - R- + - and(N-, R+) + - and(N-, not(R-)) + - or(S+, N+) name: explored-3391 type: explored -- comm_cost: 0.2812500000000002 - complexity: 19 +- comm_cost: 0.21119791666666687 + complexity: 18 expressions: - K+ + - K+ - N+ + - R+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - not(R+) + - and(S-, SE-) + - or(S+, N+) name: explored-3392 type: explored -- comm_cost: 0.6194907407407408 - complexity: 14 +- comm_cost: 0.6509953703703706 + complexity: 16 expressions: - - R- + - N+ - SE- - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(N-, or(K+, SE+)) - or(K+, S-) + - or(S+, SE+) name: explored-3393 type: explored -- comm_cost: 0.6505208333333333 - complexity: 10 +- comm_cost: 0.3227864583333335 + complexity: 18 expressions: + - K+ - N+ + - R- - S+ - - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) + - or(SE-, N+) name: explored-3394 type: explored -- comm_cost: 0.7406944444444445 - complexity: 5 +- comm_cost: 0.6816550925925927 + complexity: 13 expressions: - - N- - - and(S-, not(R-)) + - R- + - SE- + - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-3395 type: explored -- comm_cost: 0.42586805555555574 - complexity: 19 +- comm_cost: 0.30429687500000036 + complexity: 24 expressions: + - K+ + - K+ - N+ - R- - - SE- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3396 type: explored -- comm_cost: 0.5296875000000002 +- comm_cost: 0.551388888888889 complexity: 13 expressions: - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - not(R+) + - R+ + - SE- + - and(N-, or(K+, R+)) + - and(SE-, or(K+, S-)) name: explored-3397 type: explored -- comm_cost: 0.5858333333333334 - complexity: 11 +- comm_cost: 0.6354166666666669 + complexity: 15 expressions: - - N+ - - R- - - S+ - - and(S-, SE-) - - not(R-) - - or(SE-, N+) + - R+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-3398 type: explored -- comm_cost: 0.39231770833333357 - complexity: 22 +- comm_cost: 0.16406250000000022 + complexity: 18 expressions: - K+ - N+ + - R+ - R- - - S+ - - and(K-, not(R+)) + - and(K-, S+) - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) name: explored-3399 type: explored -- comm_cost: 0.4979166666666668 - complexity: 12 +- comm_cost: 0.37170138888888915 + complexity: 17 expressions: - K+ - - K+ + - N+ + - R+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - and(or(K+, S-), not(R-)) name: explored-3400 type: explored -- comm_cost: 0.5630208333333334 - complexity: 11 +- comm_cost: 0.5439814814814816 + complexity: 16 expressions: - N+ - - R+ - - R- - SE- - - SE- - - or(S+, N+) - - or(S+, R+) + - and(N-, R+) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-3401 type: explored -- comm_cost: 0.5875 - complexity: 5 +- comm_cost: 0.28871527777777795 + complexity: 21 expressions: + - K+ - N+ - - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-3402 type: explored -- comm_cost: 0.6145833333333333 - complexity: 7 +- comm_cost: 0.5579427083333333 + complexity: 11 expressions: - K+ + - K+ + - N+ - R- - - and(S-, or(SE-, N+)) + - S+ + - and(S-, SE-) + - or(SE-, N+) name: explored-3403 type: explored -- comm_cost: 0.5250000000000001 - complexity: 19 +- comm_cost: 0.3166666666666669 + complexity: 12 expressions: - K+ - N+ - R- - and(K-, S+) - - and(K-, or(S+, R+)) - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, N-) name: explored-3404 type: explored -- comm_cost: 0.41666666666666685 +- comm_cost: 0.3119791666666669 complexity: 19 expressions: - - K+ - N+ - R- + - S+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) + - not(R+) + - or(S+, or(N+, R-)) name: explored-3405 type: explored -- comm_cost: 0.4991319444444444 - complexity: 16 +- comm_cost: 0.536979166666667 + complexity: 11 expressions: - - K+ - - N+ - - R- - - S+ - and(K-, S+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-3406 type: explored -- comm_cost: 0.8180208333333334 - complexity: 4 +- comm_cost: 0.6538194444444446 + complexity: 7 expressions: - - K- - - or(K+, K-) + - R+ + - and(S-, or(N+, not(R+))) name: explored-3407 type: explored -- comm_cost: 0.5176504629629631 - complexity: 13 +- comm_cost: 0.4498379629629632 + complexity: 17 expressions: + - K+ - N+ + - R+ - R- - and(N-, R+) - and(S-, SE-) - - not(R+) - - or(K+, K-) + - or(K+, R+) + - or(N+, not(R+)) name: explored-3408 type: explored -- comm_cost: 0.3423032407407409 - complexity: 19 +- comm_cost: 0.5583333333333333 + complexity: 11 expressions: - - N+ - - and(N-, R+) - - and(N-, or(S+, SE+)) + - K+ + - R- + - and(K-, S+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-3409 type: explored -- comm_cost: 0.3578125000000002 - complexity: 13 +- comm_cost: 0.6683283730158731 + complexity: 29 expressions: + - K- - N+ - - R- - - and(K-, or(S+, SE+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, K-) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-3410 type: explored -- comm_cost: 0.6815972222222223 - complexity: 8 +- comm_cost: 0.45833333333333326 + complexity: 9 expressions: + - K+ - N+ - - SE- - - or(K+, SE+) - - or(K+, SE+) + - R- + - and(S-, SE-) + - or(S+, N+) name: explored-3411 type: explored -- comm_cost: 0.6584201388888888 - complexity: 14 +- comm_cost: 0.4900000000000002 + complexity: 12 expressions: - - N+ + - K+ + - N- - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(SE-, N+) name: explored-3412 type: explored -- comm_cost: 0.42546296296296315 - complexity: 13 +- comm_cost: 0.5606770833333335 + complexity: 18 expressions: - - N+ - - R- - - SE+ - - and(K-, not(R+)) + - K+ + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) name: explored-3413 type: explored -- comm_cost: 0.2557291666666669 - complexity: 18 +- comm_cost: 0.3189641203703707 + complexity: 19 expressions: - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, SE+) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-3414 type: explored -- comm_cost: 0.406076388888889 - complexity: 8 +- comm_cost: 0.16875000000000018 + complexity: 17 expressions: + - K+ + - N+ - R- - - S+ + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, R+) name: explored-3415 type: explored -- comm_cost: 0.6858333333333333 - complexity: 5 +- comm_cost: 0.7083333333333333 + complexity: 3 expressions: - - N- - - R- - - and(S-, SE-) + - N+ + - N+ + - SE- name: explored-3416 type: explored -- comm_cost: 0.2841666666666668 - complexity: 16 +- comm_cost: 0.5434027777777779 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - R+ + - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-3417 type: explored -- comm_cost: 0.6491319444444446 - complexity: 9 +- comm_cost: 0.5060763888888891 + complexity: 5 expressions: - R+ - - and(K-, not(R+)) - - and(N-, not(R-)) + - SE+ + - and(S-, SE-) name: explored-3418 type: explored -- comm_cost: 0.6672743055555557 - complexity: 11 +- comm_cost: 0.5483506944444446 + complexity: 12 expressions: - - R+ + - N+ - R- - - and(K-, not(R-)) - - and(N-, or(S+, SE+)) + - SE+ + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-3419 type: explored -- comm_cost: 0.6646701388888889 - complexity: 7 +- comm_cost: 0.342621527777778 + complexity: 20 expressions: - - R+ - - R- - - S- - - SE- - - or(K+, SE+) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(S+, R-) name: explored-3420 type: explored -- comm_cost: 0.6150173611111113 - complexity: 9 +- comm_cost: 0.607465277777778 + complexity: 10 expressions: - - K+ - - R+ - - R- - - SE- - - and(K-, N-) - - not(R+) + - N+ + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-3421 type: explored -- comm_cost: 0.659717013888889 - complexity: 39 - expressions: - - SE- - - and(K-, N-) - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) - - or(K+, R-) - - or(K+, S-) - name: explored-3422 - type: explored -- comm_cost: 0.4710069444444446 - complexity: 13 +- comm_cost: 0.08593750000000022 + complexity: 20 expressions: - K+ - - K+ - N+ - - S+ + - R- + - and(K-, S+) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(SE-, or(K+, S-)) + name: explored-3422 + type: explored +- comm_cost: 0.7953125 + complexity: 5 + expressions: + - R- + - and(S-, not(R+)) name: explored-3423 type: explored -- comm_cost: 0.3571875000000002 - complexity: 12 +- comm_cost: 0.46848958333333357 + complexity: 17 expressions: - K+ - - N+ - - S+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) name: explored-3424 type: explored -- comm_cost: 0.3470486111111112 - complexity: 18 +- comm_cost: 0.4281250000000003 + complexity: 12 expressions: - K+ - N+ + - N+ - R- - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-3425 type: explored -- comm_cost: 0.7818750000000001 - complexity: 4 +- comm_cost: 0.708857638888889 + complexity: 40 expressions: - N- - - or(SE-, N+) + - and(K-, not(R-)) + - and(S-, N-) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-3426 type: explored -- comm_cost: 0.22968750000000027 - complexity: 14 +- comm_cost: 0.6665798611111112 + complexity: 13 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - R+ + - and(K-, or(S+, SE+)) + - and(N-, or(K+, R+)) + - not(R+) name: explored-3427 type: explored -- comm_cost: 0.40104166666666685 - complexity: 8 +- comm_cost: 0.5230034722222224 + complexity: 14 expressions: - - R+ + - N+ - R- - - and(S-, SE-) - - and(S-, SE-) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(S+, R+) name: explored-3428 type: explored -- comm_cost: 0.5427951388888891 - complexity: 15 +- comm_cost: 0.6140625000000002 + complexity: 8 expressions: - N+ + - R+ - and(N-, R+) - - and(N-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) name: explored-3429 type: explored -- comm_cost: 0.6194444444444446 - complexity: 11 +- comm_cost: 0.34427083333333364 + complexity: 21 expressions: - N+ - - R+ - R- - - SE- - - and(N-, not(R-)) - - or(K+, SE+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-3430 type: explored -- comm_cost: 0.374826388888889 +- comm_cost: 0.4945312500000002 complexity: 14 expressions: - - N+ + - K+ - R- - - S+ - - and(N-, or(S+, R+)) + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - or(SE-, N+) name: explored-3431 type: explored -- comm_cost: 0.5891493055555557 - complexity: 7 +- comm_cost: 0.34001736111111136 + complexity: 16 expressions: - - R+ - - SE- - - and(K-, SE-) - - not(R+) + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(N+, R-) name: explored-3432 type: explored -- comm_cost: 0.4868055555555555 - complexity: 8 +- comm_cost: 0.6119791666666669 + complexity: 9 expressions: - - K+ - - K+ - - N+ - - R- - - SE- - - and(S-, SE-) + - R+ + - S+ + - and(or(K+, S-), or(SE-, N+)) name: explored-3433 type: explored -- comm_cost: 0.5546875000000001 - complexity: 6 +- comm_cost: 0.36451388888888914 + complexity: 14 expressions: - K+ + - K- - N+ - - S- + - R- + - S+ + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) name: explored-3434 type: explored -- comm_cost: 0.6579861111111112 - complexity: 13 +- comm_cost: 0.43690972222222246 + complexity: 17 expressions: - N+ - - SE- - - and(N-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - R- + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-3435 type: explored -- comm_cost: 0.21354166666666696 - complexity: 12 +- comm_cost: 0.5333333333333334 + complexity: 7 expressions: - - and(K-, S+) - - and(N-, R+) + - N+ + - and(S-, N-) - and(S-, SE-) - - or(K+, N+) name: explored-3436 type: explored -- comm_cost: 0.4916666666666667 - complexity: 11 +- comm_cost: 0.28912037037037064 + complexity: 27 expressions: - K+ - N+ - R- - - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) - - not(R-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-3437 type: explored -- comm_cost: 0.4852430555555557 +- comm_cost: 0.4421875000000002 complexity: 14 expressions: - - N+ - - R+ - R- - SE- - - and(N-, or(S+, R+)) - - and(SE-, or(K+, S-)) - name: explored-3438 - type: explored -- comm_cost: 0.6105208333333334 - complexity: 7 - expressions: - - K+ - - R+ + - and(N-, R+) - and(S-, SE-) - - not(R-) - name: explored-3439 + - and(and(S-, N-), not(R-)) + name: explored-3438 type: explored -- comm_cost: 0.6695260416666667 - complexity: 33 +- comm_cost: 0.368012152777778 + complexity: 16 expressions: + - K+ + - N+ - R- - - SE+ - - SE- - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - S+ + - and(N-, R+) + - and(S-, SE-) - or(K+, R+) - - or(K+, S-) - or(SE-, N+) - name: explored-3440 + name: explored-3439 type: explored -- comm_cost: 0.4411197916666669 - complexity: 15 +- comm_cost: 0.251822916666667 + complexity: 17 expressions: - K+ - - N+ + - K+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(SE-, N+) + - and(or(K+, S-), or(SE-, N+)) + name: explored-3440 + type: explored +- comm_cost: 0.6671875 + complexity: 22 + expressions: + - and(K-, S+) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, N+) name: explored-3441 type: explored -- comm_cost: 0.69296875 - complexity: 13 +- comm_cost: 0.6979166666666667 + complexity: 8 expressions: - - N+ - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) + - R- + - and(and(K-, N-), or(S+, R+)) name: explored-3442 type: explored -- comm_cost: 0.7956597222222224 - complexity: 15 +- comm_cost: 0.41076388888888915 + complexity: 8 expressions: - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) - - or(S+, or(N+, R-)) + - K+ + - R+ + - R- + - S+ + - SE- + - and(N-, R+) name: explored-3443 type: explored -- comm_cost: 0.5492824074074076 - complexity: 18 +- comm_cost: 0.5979166666666668 + complexity: 7 expressions: - - N+ - - N- - - R- + - R+ - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, or(SE-, N+)) name: explored-3444 type: explored -- comm_cost: 0.35601851851851873 - complexity: 15 +- comm_cost: 0.628125 + complexity: 8 expressions: - N+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - R- + - SE- + - and(K-, or(S+, R-)) name: explored-3445 type: explored -- comm_cost: 0.16041666666666687 - complexity: 14 +- comm_cost: 0.4755208333333336 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - or(K+, R-) name: explored-3446 type: explored -- comm_cost: 0.409201388888889 - complexity: 24 +- comm_cost: 0.6302083333333334 + complexity: 7 expressions: - - K+ - N+ - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - S+ - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) + - not(R-) name: explored-3447 type: explored -- comm_cost: 0.6156250000000001 - complexity: 8 +- comm_cost: 0.5348958333333335 + complexity: 12 expressions: - - and(SE+, N-) - - and(SE-, or(K+, S-)) + - K+ + - R- + - SE- + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-3448 type: explored -- comm_cost: 0.5398437500000002 - complexity: 6 +- comm_cost: 0.7278298611111111 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(K-, N-) + - N- + - R+ + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-3449 type: explored -- comm_cost: 0.6630787037037038 - complexity: 20 +- comm_cost: 0.4611979166666669 + complexity: 10 expressions: - - R+ - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - K+ + - S+ + - S- + - and(N-, R+) + - and(S-, SE-) name: explored-3450 type: explored -- comm_cost: 0.22876157407407427 - complexity: 18 +- comm_cost: 0.5750000000000002 + complexity: 9 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - SE- + - and(S-, N-) + - or(K+, N+) name: explored-3451 type: explored -- comm_cost: 0.4139467592592595 - complexity: 24 +- comm_cost: 0.6328125000000001 + complexity: 10 expressions: - - N+ - - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - and(K-, or(S+, SE+)) + - and(S-, not(R+)) name: explored-3452 type: explored -- comm_cost: 0.36875000000000036 - complexity: 19 +- comm_cost: 0.6166666666666669 + complexity: 11 expressions: - - N+ + - N- + - R- - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, S-) name: explored-3453 type: explored -- comm_cost: 0.4726562500000002 - complexity: 12 +- comm_cost: 0.5744646990740743 + complexity: 14 expressions: + - K+ - R- - - S+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - and(N-, or(K+, SE+)) + - or(S+, R+) name: explored-3454 type: explored -- comm_cost: 0.5566666666666666 - complexity: 7 +- comm_cost: 0.6234375000000001 + complexity: 6 + expressions: + - K+ + - R+ + - SE- + - and(K-, N-) + name: explored-3455 + type: explored +- comm_cost: 0.5526041666666667 + complexity: 11 expressions: - N+ - R- + - S+ + - and(K-, or(SE-, N+)) - and(S-, SE-) - - not(R-) - name: explored-3455 + name: explored-3456 type: explored -- comm_cost: 0.4299479166666669 - complexity: 10 +- comm_cost: 0.7875000000000001 + complexity: 6 + expressions: + - N- + - SE- + - and(K-, not(R+)) + name: explored-3457 + type: explored +- comm_cost: 0.693888888888889 + complexity: 9 expressions: - - K+ - N+ - - R- - SE- - - and(K-, N-) - - and(N-, R+) - name: explored-3456 + - and(K-, not(R+)) + - or(K+, S-) + name: explored-3458 type: explored -- comm_cost: 0.47430555555555554 - complexity: 15 +- comm_cost: 0.5078125000000001 + complexity: 12 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - name: explored-3457 + - SE- + - and(K-, or(S+, R-)) + - or(K+, N+) + name: explored-3459 type: explored -- comm_cost: 0.15486111111111134 - complexity: 18 +- comm_cost: 0.1921875000000004 + complexity: 10 expressions: - K+ - N+ - R- - S+ - - S+ + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-3458 + name: explored-3460 type: explored -- comm_cost: 0.30859375000000033 - complexity: 11 +- comm_cost: 0.3481481481481483 + complexity: 23 expressions: - K+ - K+ + - N+ - R- - S+ - - SE- - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - name: explored-3459 - type: explored -- comm_cost: 0.5946180555555557 - complexity: 9 - expressions: - - K+ - - R+ - - R- - - SE- - - and(N-, or(K+, S-)) - name: explored-3460 - type: explored -- comm_cost: 0.7103587962962964 - complexity: 19 - expressions: - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) - - and(S-, N-) - - and(and(K-, N-), not(R-)) + - and(SE-, or(K+, S-)) + - not(R+) name: explored-3461 type: explored -- comm_cost: 0.5929687500000002 - complexity: 9 +- comm_cost: 0.73125 + complexity: 12 expressions: - N+ - - N+ - - R+ - SE- - - and(N-, or(S+, SE+)) + - and(K-, S+) + - and(or(K+, S-), or(SE-, N+)) name: explored-3462 type: explored -- comm_cost: 0.23697916666666674 - complexity: 19 +- comm_cost: 0.4152777777777781 + complexity: 12 expressions: - - K+ - - N+ - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(S-, or(N+, not(R+))) name: explored-3463 type: explored -- comm_cost: 0.3274131944444447 - complexity: 19 +- comm_cost: 0.7035590277777778 + complexity: 18 expressions: - - K+ - - K+ - - N+ - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(SE-, N+) + - and(K-, S+) + - and(K-, not(R+)) + - and(S-, not(R+)) + - or(K+, K-) + - or(N+, R-) name: explored-3464 type: explored -- comm_cost: 0.6698611111111112 - complexity: 10 - expressions: - - N+ - - R+ - - R- - - or(K+, SE+) - - or(N+, not(R+)) - name: explored-3465 - type: explored -- comm_cost: 0.684796626984127 - complexity: 32 - expressions: - - K- - - R+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - not(R+) - - or(K+, R+) - - or(S+, R+) - name: explored-3466 - type: explored -- comm_cost: 0.3670138888888891 - complexity: 15 +- comm_cost: 0.4356944444444446 + complexity: 13 expressions: - K+ - N+ - - S+ - - and(K-, N-) + - R- + - R- - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - name: explored-3467 + - or(K+, S-) + name: explored-3465 type: explored -- comm_cost: 0.4423611111111113 - complexity: 11 +- comm_cost: 0.659201388888889 + complexity: 12 expressions: - N+ - R- - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - name: explored-3468 + - and(K-, not(R-)) + - or(S+, or(N+, R-)) + name: explored-3466 type: explored -- comm_cost: 0.6773003472222223 - complexity: 16 +- comm_cost: 0.6291666666666669 + complexity: 12 expressions: - R+ - - SE- - - and(N-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) - name: explored-3469 + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, R+)) + name: explored-3467 type: explored -- comm_cost: 0.3206597222222224 - complexity: 19 +- comm_cost: 0.45788194444444463 + complexity: 17 expressions: - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) - name: explored-3470 + - and(or(K+, S-), not(R+)) + - not(R-) + name: explored-3468 type: explored -- comm_cost: 0.4065104166666669 - complexity: 23 +- comm_cost: 0.2729166666666669 + complexity: 24 expressions: - K+ - N+ - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - name: explored-3471 + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-3469 type: explored -- comm_cost: 0.5826388888888888 - complexity: 11 +- comm_cost: 0.6841145833333334 + complexity: 5 expressions: - - N+ - - R- - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - name: explored-3472 + - R+ + - S- + - or(K+, N+) + name: explored-3470 type: explored -- comm_cost: 0.33888888888888924 - complexity: 13 +- comm_cost: 0.5651041666666669 + complexity: 17 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-3473 + - SE- + - and(and(K-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) + name: explored-3471 type: explored -- comm_cost: 0.17604166666666687 - complexity: 16 +- comm_cost: 0.19583333333333375 + complexity: 19 expressions: + - K+ - N+ - R- - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(S+, N+) - name: explored-3474 + - and(SE-, or(K+, S-)) + - and(SE-, or(K+, S-)) + name: explored-3472 type: explored -- comm_cost: 0.21484375000000022 - complexity: 13 +- comm_cost: 0.7759375 + complexity: 5 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) - name: explored-3475 + - N- + - and(S-, not(R+)) + name: explored-3473 type: explored -- comm_cost: 0.7605902777777779 - complexity: 5 +- comm_cost: 0.7614583333333336 + complexity: 3 expressions: - R+ - R+ - - or(S+, R+) - name: explored-3476 + - R+ + name: explored-3474 type: explored -- comm_cost: 0.5812500000000003 - complexity: 16 +- comm_cost: 0.27395833333333375 + complexity: 12 expressions: - - K- + - K+ - N+ + - R- - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-3477 + name: explored-3475 type: explored -- comm_cost: 0.6072916666666668 - complexity: 6 +- comm_cost: 0.434027777777778 + complexity: 15 expressions: - N+ - - S- - - SE- - - and(S-, SE-) - name: explored-3478 + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, or(SE-, N+)) + name: explored-3476 type: explored -- comm_cost: 0.582777777777778 - complexity: 11 +- comm_cost: 0.6800636574074075 + complexity: 23 + expressions: + - K+ + - and(S-, N-) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) + name: explored-3477 + type: explored +- comm_cost: 0.13009259259259287 + complexity: 12 expressions: - N+ - - N- + - R- + - R- - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - name: explored-3479 + - or(S+, R-) + name: explored-3478 type: explored -- comm_cost: 0.6837673611111112 - complexity: 7 +- comm_cost: 0.6038541666666668 + complexity: 10 expressions: - - SE+ + - N+ + - R+ - SE- - - or(S+, or(N+, R-)) - name: explored-3480 + - and(SE+, N-) + - or(N+, not(R+)) + name: explored-3479 type: explored -- comm_cost: 0.4940972222222224 - complexity: 11 +- comm_cost: 0.5697916666666667 + complexity: 9 expressions: + - K+ - R+ - R- - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, K-) + name: explored-3480 + type: explored +- comm_cost: 0.5942708333333335 + complexity: 15 + expressions: + - N+ + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-3481 type: explored -- comm_cost: 0.6895833333333334 - complexity: 9 +- comm_cost: 0.6282986111111113 + complexity: 13 expressions: - - K+ - SE- + - and(N-, R+) - and(and(K-, N-), or(S+, SE+)) + - not(R+) name: explored-3482 type: explored -- comm_cost: 0.3888888888888893 - complexity: 12 +- comm_cost: 0.6269097222222224 + complexity: 15 expressions: - - K+ - - K+ - - R- + - R+ - SE- - - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) + - or(S+, R-) name: explored-3483 type: explored -- comm_cost: 0.3680000000000002 - complexity: 20 +- comm_cost: 0.20434027777777808 + complexity: 13 expressions: - - K+ - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, N+) + - or(S+, R-) name: explored-3484 type: explored -- comm_cost: 0.22187500000000027 +- comm_cost: 0.27847222222222245 complexity: 14 expressions: - - K+ - - R+ + - N+ - R- - - and(K-, or(S+, R-)) + - SE- - and(N-, R+) - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-3485 type: explored -- comm_cost: 0.06927083333333361 - complexity: 16 +- comm_cost: 0.41853298611111134 + complexity: 23 expressions: - K+ - N+ - - and(K-, S+) - - and(K-, or(S+, R-)) + - R- + - SE- - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-3486 type: explored -- comm_cost: 0.41527777777777797 - complexity: 10 +- comm_cost: 0.6475694444444446 + complexity: 5 expressions: - K+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - R+ + - or(S+, R-) name: explored-3487 type: explored -- comm_cost: 0.21062500000000028 - complexity: 21 +- comm_cost: 0.5812500000000002 + complexity: 5 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(S+, or(N+, R-)) + - R+ + - and(S-, not(R+)) name: explored-3488 type: explored -- comm_cost: 0.33506944444444486 - complexity: 13 +- comm_cost: 0.6850694444444446 + complexity: 7 expressions: - N+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) - - or(SE-, N+) + - R+ + - or(K+, or(N+, R-)) name: explored-3489 type: explored -- comm_cost: 0.8256944444444445 - complexity: 8 +- comm_cost: 0.5818576388888891 + complexity: 9 expressions: + - R+ + - R- - SE- - SE- - - and(or(K+, S-), not(R+)) + - or(S+, or(N+, R-)) name: explored-3490 type: explored -- comm_cost: 0.3250000000000003 +- comm_cost: 0.5286458333333335 complexity: 14 expressions: - - K+ - N+ - - and(K-, N-) - - and(K-, S+) + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) + - and(S-, N-) name: explored-3491 type: explored -- comm_cost: 0.6236979166666667 - complexity: 11 +- comm_cost: 0.5184375000000001 + complexity: 7 expressions: - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) - - or(K+, SE+) + - and(S-, SE-) + - or(S+, SE+) name: explored-3492 type: explored -- comm_cost: 0.6239583333333335 - complexity: 9 +- comm_cost: 0.6223958333333335 + complexity: 16 expressions: - - K+ - N+ - - S+ - - and(N-, R+) - - or(S+, R+) + - R+ + - R- + - SE- + - SE- + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, SE+) name: explored-3493 type: explored -- comm_cost: 0.657638888888889 - complexity: 18 +- comm_cost: 0.5193576388888891 + complexity: 17 expressions: - - R+ - - R- + - N+ - SE- - - and(S-, or(SE-, N+)) - - or(K+, K-) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(K+, N+) + - or(SE-, N+) name: explored-3494 type: explored -- comm_cost: 0.46223958333333337 - complexity: 10 +- comm_cost: 0.5308333333333334 + complexity: 7 expressions: + - K+ + - K- - N+ - - R+ - R- - - and(N-, not(R-)) - and(S-, SE-) name: explored-3495 type: explored -- comm_cost: 0.5472569444444445 - complexity: 14 +- comm_cost: 0.42447916666666685 + complexity: 19 expressions: - K+ - - K+ - N+ - - N- - R- - - S+ - - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) name: explored-3496 type: explored -- comm_cost: 0.5944444444444446 - complexity: 19 +- comm_cost: 0.5340277777777779 + complexity: 10 expressions: - N+ - R- - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(K+, S-)) - - or(SE-, N+) + - and(and(K-, N-), or(S+, SE+)) name: explored-3497 type: explored -- comm_cost: 0.15572916666666692 +- comm_cost: 0.4428819444444446 complexity: 13 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- + - and(K-, N-) - and(N-, R+) - and(S-, not(R+)) name: explored-3498 type: explored -- comm_cost: 0.4062500000000002 - complexity: 7 +- comm_cost: 0.17916666666666692 + complexity: 11 expressions: - - K+ - - R- - - R- - - SE- + - N+ + - S+ - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-3499 type: explored -- comm_cost: 0.7770833333333333 - complexity: 2 +- comm_cost: 0.47187500000000027 + complexity: 17 expressions: - - K- - - R- + - K+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-3500 type: explored -- comm_cost: 0.7002343750000002 - complexity: 10 +- comm_cost: 0.7472222222222222 + complexity: 8 expressions: - - K- - - R+ - - and(K-, or(S+, SE+)) - - and(N-, R+) + - N+ + - R- + - and(S-, or(N+, not(R+))) name: explored-3501 type: explored -- comm_cost: 0.7756944444444445 - complexity: 8 +- comm_cost: 0.6667708333333334 + complexity: 3 expressions: - - SE- - - or(and(S-, SE-), or(N+, R-)) + - N- + - R+ + - R- name: explored-3502 type: explored -- comm_cost: 0.3432291666666669 - complexity: 12 +- comm_cost: 0.4925636574074076 + complexity: 19 expressions: + - K+ + - K+ - N+ - R- - - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(S-, SE-) + - or(K+, K-) name: explored-3503 type: explored -- comm_cost: 0.3177083333333335 - complexity: 20 +- comm_cost: 0.7680208333333334 + complexity: 5 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(S+, or(N+, R-)) + - and(K-, SE-) + - not(R-) name: explored-3504 type: explored -- comm_cost: 0.5345486111111112 - complexity: 8 +- comm_cost: 0.33802083333333366 + complexity: 19 expressions: - K+ - - R+ + - N+ - R- - - SE- - - and(S-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) name: explored-3505 type: explored -- comm_cost: 0.6638310185185187 - complexity: 12 +- comm_cost: 0.769826388888889 + complexity: 11 expressions: - R+ - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, SE+)) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-3506 type: explored -- comm_cost: 0.5800347222222223 - complexity: 13 +- comm_cost: 0.6019618055555557 + complexity: 12 expressions: - - K- - N+ - - R+ - R- - - SE- - - and(K-, S+) - - and(N-, or(K+, R+)) + - S+ + - and(N-, R+) + - or(K+, S-) + - or(S+, R+) name: explored-3507 type: explored -- comm_cost: 0.6016203703703705 - complexity: 15 +- comm_cost: 0.5001736111111115 + complexity: 8 expressions: - - N+ + - S+ - SE- - and(N-, R+) - - and(S-, not(R-)) - - or(K+, R+) - - or(S+, N+) + - or(SE-, N+) name: explored-3508 type: explored -- comm_cost: 0.8314236111111111 - complexity: 8 +- comm_cost: 0.3592013888888892 + complexity: 18 expressions: - - and(K-, or(S+, N+)) - - or(S+, R-) + - K+ + - R- + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-3509 type: explored -- comm_cost: 0.6139178240740742 - complexity: 14 +- comm_cost: 0.33993055555555585 + complexity: 16 expressions: + - K+ - N+ - - R+ - - SE- - - and(N-, or(K+, S-)) - - and(and(K-, N-), not(R-)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-3510 type: explored -- comm_cost: 0.7057291666666667 - complexity: 15 +- comm_cost: 0.382638888888889 + complexity: 13 expressions: - - R+ - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) - - or(K+, R+) + - N+ + - S+ + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(S+, R-) name: explored-3511 type: explored -- comm_cost: 0.4956597222222223 - complexity: 13 +- comm_cost: 0.4222222222222225 + complexity: 9 expressions: - N+ - - R+ - - R- + - S+ - SE- - - and(K-, not(R+)) - - and(SE-, or(K+, S-)) + - and(N-, R+) + - or(S+, N+) name: explored-3512 type: explored -- comm_cost: 0.7175520833333334 - complexity: 5 +- comm_cost: 0.3671875000000002 + complexity: 14 expressions: - N+ - - S- - - SE- - - not(R-) + - R- + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-3513 type: explored -- comm_cost: 0.23072916666666698 - complexity: 19 +- comm_cost: 0.7017939814814816 + complexity: 12 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) name: explored-3514 type: explored -- comm_cost: 0.5643952546296298 - complexity: 19 +- comm_cost: 0.5287037037037039 + complexity: 13 expressions: - - N+ - R- - SE- - - and(K-, SE-) - and(N-, R+) - - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(S+, R+)) + - or(K+, R+) name: explored-3515 type: explored -- comm_cost: 0.6032291666666668 - complexity: 15 +- comm_cost: 0.5335937500000003 + complexity: 9 expressions: - R- - - SE- - and(N-, R+) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-3516 type: explored -- comm_cost: 0.35520833333333357 - complexity: 23 +- comm_cost: 0.6521412037037038 + complexity: 14 expressions: - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-3517 type: explored -- comm_cost: 0.6430121527777779 - complexity: 22 +- comm_cost: 0.621875 + complexity: 8 expressions: - - S+ - - and(K-, not(R-)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-3518 type: explored -- comm_cost: 0.4458333333333335 - complexity: 11 +- comm_cost: 0.5458333333333334 + complexity: 4 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, R+)) + - SE+ + - and(S-, SE-) name: explored-3519 type: explored -- comm_cost: 0.7284722222222223 - complexity: 15 +- comm_cost: 0.3458738425925928 + complexity: 19 expressions: - K+ + - K+ + - N+ - R- - - and(K-, not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(S+, R-) name: explored-3520 type: explored -- comm_cost: 0.517476851851852 - complexity: 16 +- comm_cost: 0.7208333333333334 + complexity: 8 expressions: - R+ - - R- - - and(K-, not(R+)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-3521 type: explored -- comm_cost: 0.7578125 - complexity: 8 +- comm_cost: 0.5180555555555557 + complexity: 9 expressions: - - and(SE-, or(K+, S-)) - - or(S+, N+) + - N+ + - R- + - and(S-, SE-) + - and(S-, not(R-)) name: explored-3522 type: explored -- comm_cost: 0.5196180555555556 - complexity: 15 +- comm_cost: 0.5092303240740742 + complexity: 16 expressions: - - N+ + - K+ - R- - - SE- - - and(K-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, R+) name: explored-3523 type: explored -- comm_cost: 0.6023611111111112 - complexity: 13 +- comm_cost: 0.47517361111111134 + complexity: 18 expressions: + - K+ - R- + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(K+, S-) + - and(N-, or(K+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-3524 type: explored -- comm_cost: 0.6505208333333333 - complexity: 4 +- comm_cost: 0.5281250000000002 + complexity: 12 expressions: - - K+ - N+ - R- - - S+ + - S- + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-3525 type: explored -- comm_cost: 0.46197916666666683 - complexity: 17 +- comm_cost: 0.5794791666666668 + complexity: 10 expressions: - K+ - - N+ - - R- + - N- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, K-) name: explored-3526 type: explored -- comm_cost: 0.6144097222222223 - complexity: 14 +- comm_cost: 0.48697916666666696 + complexity: 8 expressions: - - R+ - - SE- - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - N+ + - R- + - and(N-, R+) + - or(N+, R-) name: explored-3527 type: explored -- comm_cost: 0.5892708333333334 - complexity: 6 +- comm_cost: 0.6013888888888891 + complexity: 19 expressions: - N+ - R+ - R- - SE- - - not(R-) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) name: explored-3528 type: explored -- comm_cost: 0.5100868055555557 - complexity: 14 +- comm_cost: 0.29652777777777795 + complexity: 16 expressions: - - N+ - - R- - - and(K-, not(R-)) + - K+ + - R+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - not(R-) + - or(S+, R-) name: explored-3529 type: explored -- comm_cost: 0.21145833333333353 - complexity: 19 +- comm_cost: 0.4836805555555559 + complexity: 15 expressions: - - K+ - - N+ - - R- - - S+ + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, N+) + - and(or(K+, S-), not(R+)) name: explored-3530 type: explored -- comm_cost: 0.7791666666666667 - complexity: 5 +- comm_cost: 0.4833333333333334 + complexity: 8 expressions: - - K- - - and(N-, not(R-)) + - K+ + - R+ + - and(S-, SE-) + - or(K+, SE+) name: explored-3531 type: explored -- comm_cost: 0.4877604166666668 - complexity: 14 +- comm_cost: 0.6300057870370371 + complexity: 11 expressions: - R+ - R- - - S+ - - and(K-, or(S+, R+)) - - and(S-, SE-) - - or(SE-, N+) + - SE- + - and(K-, or(S+, SE+)) + - or(S+, R-) name: explored-3532 type: explored -- comm_cost: 0.5057002314814817 - complexity: 21 +- comm_cost: 0.557638888888889 + complexity: 5 expressions: - - K+ - - R+ - - R- + - SE+ + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-3533 type: explored -- comm_cost: 0.32916666666666705 - complexity: 8 - expressions: - - K+ - - K+ - - and(N-, R+) - - and(S-, SE-) - name: explored-3534 - type: explored -- comm_cost: 0.234172453703704 - complexity: 19 +- comm_cost: 0.4284201388888891 + complexity: 18 expressions: - K+ - K+ - N+ + - R+ - R- - S+ - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(SE+, N-) + - not(R+) + name: explored-3534 + type: explored +- comm_cost: 0.7756944444444445 + complexity: 15 + expressions: + - and(or(K+, S-), or(SE-, N+)) - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-3535 type: explored -- comm_cost: 0.5390625000000002 - complexity: 10 +- comm_cost: 0.626388888888889 + complexity: 9 expressions: - N+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-3536 type: explored -- comm_cost: 0.31367187500000016 - complexity: 18 +- comm_cost: 0.45000000000000007 + complexity: 13 expressions: - - K+ - - K+ - N+ - R- - - S+ - - S+ - - and(K-, N-) - and(K-, S+) - - and(N-, R+) + - and(K-, or(S+, SE+)) - and(S-, SE-) name: explored-3537 type: explored -- comm_cost: 0.7181423611111112 - complexity: 11 +- comm_cost: 0.4734375000000002 + complexity: 7 expressions: + - K+ + - N+ - R+ - SE- - - and(or(K+, S-), not(R-)) - - or(S+, R+) + - and(N-, R+) name: explored-3538 type: explored -- comm_cost: 0.2695312500000001 - complexity: 24 +- comm_cost: 0.4807725694444447 + complexity: 23 expressions: - K+ - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3539 type: explored -- comm_cost: 0.5717187500000002 - complexity: 11 +- comm_cost: 0.27505787037037055 + complexity: 19 expressions: - - K+ - - K+ - N+ - R- - S+ - and(N-, R+) - - or(S+, SE+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-3540 type: explored -- comm_cost: 0.17881944444444486 - complexity: 14 +- comm_cost: 0.7153501157407408 + complexity: 23 + expressions: + - and(K-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - not(R-) + - or(K+, SE+) + name: explored-3541 + type: explored +- comm_cost: 0.38055555555555576 + complexity: 20 expressions: - K+ - N+ - R- - - S+ - SE- - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - name: explored-3541 - type: explored -- comm_cost: 0.5901909722222225 - complexity: 10 - expressions: - - R+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) + - and(S-, not(R-)) + - or(S+, R-) name: explored-3542 type: explored -- comm_cost: 0.6284432870370371 - complexity: 9 +- comm_cost: 0.4218750000000002 + complexity: 13 expressions: - N+ - R- - - S- - - SE- - - and(N-, or(K+, SE+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, R+) name: explored-3543 type: explored -- comm_cost: 0.43333333333333357 - complexity: 13 +- comm_cost: 0.49097222222222237 + complexity: 17 expressions: - - K+ - - K+ - R- - - S+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - name: explored-3544 - type: explored -- comm_cost: 0.3968750000000003 - complexity: 10 - expressions: - - N+ - SE- - and(N-, R+) - - and(S-, or(SE-, N+)) - name: explored-3545 + - and(and(K-, N-), or(S+, R+)) + - or(K+, or(N+, R-)) + name: explored-3544 type: explored -- comm_cost: 0.37708333333333344 - complexity: 19 +- comm_cost: 0.2972656250000002 + complexity: 15 expressions: - K+ - K+ - N+ - R- - S+ - - and(K-, not(R-)) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(S-, not(R+)) - name: explored-3546 + name: explored-3545 type: explored -- comm_cost: 0.517013888888889 - complexity: 10 +- comm_cost: 0.20876736111111138 + complexity: 18 expressions: - N+ - - R+ - R- - - SE- - - and(or(K+, S-), not(R+)) - name: explored-3547 + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) + name: explored-3546 type: explored -- comm_cost: 0.4013541666666668 - complexity: 12 +- comm_cost: 0.44436342592592615 + complexity: 13 expressions: - - K+ - - K+ - K- - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - name: explored-3548 + - or(S+, R-) + name: explored-3547 type: explored -- comm_cost: 0.450607638888889 - complexity: 18 +- comm_cost: 0.19143518518518543 + complexity: 21 expressions: + - K+ - N+ - R- - - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) + name: explored-3548 + type: explored +- comm_cost: 0.8111979166666667 + complexity: 8 + expressions: + - and(K-, or(S+, N+)) + - or(S+, R+) name: explored-3549 type: explored -- comm_cost: 0.3759837962962965 - complexity: 20 +- comm_cost: 0.5338541666666667 + complexity: 14 expressions: - - K+ - - N+ + - R+ - R- - - SE- - - and(K-, not(R+)) - - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(S+, R-) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(K+, R+) name: explored-3550 type: explored -- comm_cost: 0.5824305555555558 - complexity: 16 +- comm_cost: 0.39722222222222237 + complexity: 19 expressions: - - N- + - K+ + - K+ + - N+ - R- - - SE- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-3551 type: explored -- comm_cost: 0.49578993055555565 - complexity: 28 +- comm_cost: 0.40671875000000013 + complexity: 20 expressions: - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, not(R-)) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-3552 type: explored -- comm_cost: 0.5632812500000002 - complexity: 8 +- comm_cost: 0.34921875000000024 + complexity: 14 expressions: - N+ - R- + - S+ - and(N-, R+) - - or(S+, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-3553 type: explored -- comm_cost: 0.6909652777777779 - complexity: 28 +- comm_cost: 0.448090277777778 + complexity: 15 expressions: - - S- - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, S-) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - or(N+, R-) name: explored-3554 type: explored -- comm_cost: 0.6640462962962964 - complexity: 29 +- comm_cost: 0.21996527777777797 + complexity: 16 expressions: - - N- + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, not(R-)) - - not(R+) - - or(K+, or(N+, R-)) - - or(N+, not(R+)) - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-3555 type: explored -- comm_cost: 0.549479166666667 - complexity: 11 +- comm_cost: 0.3812500000000003 + complexity: 10 expressions: - - and(K-, or(S+, N+)) + - N+ + - R- + - R- + - S+ - and(N-, R+) - - or(S+, N+) + - or(K+, N+) name: explored-3556 type: explored -- comm_cost: 0.27942708333333366 - complexity: 14 +- comm_cost: 0.4685763888888891 + complexity: 10 expressions: - - K+ - - K+ + - N+ + - R+ - R- - S+ - SE- - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(N-, or(K+, R+)) name: explored-3557 type: explored -- comm_cost: 0.6322916666666669 - complexity: 10 +- comm_cost: 0.23645833333333366 + complexity: 18 expressions: - - R+ - - SE- - - SE- - - and(or(K+, S-), or(SE-, N+)) + - N+ + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(SE-, N+) name: explored-3558 type: explored -- comm_cost: 0.7242708333333334 - complexity: 5 +- comm_cost: 0.5618055555555556 + complexity: 12 expressions: + - K+ + - N+ - R- - - S+ - - or(K+, S-) + - and(K-, S+) + - and(or(K+, S-), not(R+)) name: explored-3559 type: explored -- comm_cost: 0.5794270833333335 - complexity: 14 +- comm_cost: 0.6718750000000002 + complexity: 9 expressions: - - R- - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) - - and(N-, R+) + - R+ + - and(K-, or(S+, R-)) + - and(SE+, N-) name: explored-3560 type: explored -- comm_cost: 0.1784722222222226 - complexity: 21 +- comm_cost: 0.40833333333333366 + complexity: 18 expressions: - - K+ - N+ - - and(K-, S+) + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3561 type: explored -- comm_cost: 0.6038194444444446 - complexity: 14 +- comm_cost: 0.7619444444444445 + complexity: 8 expressions: - - R+ - - SE- - - and(K-, or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(S+, R+)) + - or(K+, S-) name: explored-3562 type: explored -- comm_cost: 0.5988136574074076 - complexity: 12 +- comm_cost: 0.5085416666666669 + complexity: 14 expressions: - - R+ + - K+ + - N+ - R- + - S+ - S- + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, S-) name: explored-3563 type: explored -- comm_cost: 0.14236111111111138 - complexity: 18 +- comm_cost: 0.17916666666666703 + complexity: 8 expressions: - K+ - N+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-3564 type: explored -- comm_cost: 0.27343750000000033 - complexity: 23 +- comm_cost: 0.47317708333333364 + complexity: 12 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - or(SE-, N+) name: explored-3565 type: explored -- comm_cost: 0.7962500000000001 - complexity: 6 +- comm_cost: 0.6425347222222223 + complexity: 14 expressions: - - N- - - and(N-, or(K+, SE+)) + - R+ + - R- + - SE- + - and(K-, N-) + - and(N-, or(K+, R+)) + - or(K+, SE+) name: explored-3566 type: explored -- comm_cost: 0.6716145833333335 +- comm_cost: 0.5991319444444446 complexity: 8 expressions: - - R+ - - and(N-, or(K+, S-)) - - not(R+) + - N+ + - SE- + - and(N-, R+) + - or(K+, K-) name: explored-3567 type: explored -- comm_cost: 0.5023437500000002 - complexity: 9 +- comm_cost: 0.48802083333333357 + complexity: 7 expressions: - N+ - - R- + - N+ + - R+ - SE- - and(N-, R+) - - or(K+, SE+) name: explored-3568 type: explored -- comm_cost: 0.7760995370370369 - complexity: 16 +- comm_cost: 0.7157118055555556 + complexity: 5 expressions: - - R- - - SE- - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - SE+ + - and(N-, not(R-)) name: explored-3569 type: explored -- comm_cost: 0.6229166666666668 - complexity: 7 +- comm_cost: 0.45607638888888913 + complexity: 18 expressions: - - R+ + - N+ - R- - - and(K-, or(S+, N+)) + - SE- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(SE-, N+) name: explored-3570 type: explored -- comm_cost: 0.3763020833333336 - complexity: 12 +- comm_cost: 0.7312847222222223 + complexity: 5 expressions: - - K+ - - N+ + - K- - R- - - and(K-, N-) - - and(N-, R+) - - and(N-, R+) + - and(SE+, N-) name: explored-3571 type: explored -- comm_cost: 0.5523726851851852 - complexity: 8 +- comm_cost: 0.7293402777777778 + complexity: 17 expressions: - - R+ - - R+ - - R- - - SE+ - - SE- - - and(K-, SE-) + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + - or(N+, R-) name: explored-3572 type: explored -- comm_cost: 0.49722222222222245 - complexity: 18 +- comm_cost: 0.5606770833333334 + complexity: 7 expressions: - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - R+ + - R- + - and(N-, not(R-)) name: explored-3573 type: explored -- comm_cost: 0.3645833333333335 - complexity: 9 +- comm_cost: 0.14027777777777817 + complexity: 13 expressions: - - K+ - - R+ + - N+ - R- + - S+ + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - or(S+, N+) name: explored-3574 type: explored -- comm_cost: 0.649826388888889 - complexity: 7 +- comm_cost: 0.600752314814815 + complexity: 10 expressions: - - SE+ - - and(and(S-, N-), not(R-)) + - R+ + - R- + - and(K-, or(S+, R-)) + - and(S-, N-) name: explored-3575 type: explored -- comm_cost: 0.26666666666666705 - complexity: 9 +- comm_cost: 0.4812500000000004 + complexity: 11 expressions: - - K+ - - N+ - SE- - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-3576 type: explored -- comm_cost: 0.6138020833333334 - complexity: 8 +- comm_cost: 0.4270833333333336 + complexity: 10 expressions: - - R+ - - R- - - SE- - - and(N-, or(K+, S-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-3577 type: explored -- comm_cost: 0.6319097222222223 - complexity: 8 +- comm_cost: 0.31458333333333366 + complexity: 15 expressions: - N+ - - R+ - SE- - - not(R-) + - and(K-, SE-) + - and(K-, not(R+)) + - and(N-, R+) - or(K+, R-) name: explored-3578 type: explored -- comm_cost: 0.6895833333333334 - complexity: 5 +- comm_cost: 0.7053472222222223 + complexity: 9 expressions: - - N+ + - R+ - SE- - - or(S+, R+) + - and(N-, not(R-)) + - or(S+, SE+) name: explored-3579 type: explored -- comm_cost: 0.2809895833333337 - complexity: 13 +- comm_cost: 0.650115740740741 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - SE- - - and(K-, not(R+)) + - R+ - and(N-, R+) + - and(S-, not(R-)) name: explored-3580 type: explored -- comm_cost: 0.5493055555555557 - complexity: 17 +- comm_cost: 0.2807291666666669 + complexity: 14 expressions: - K+ - - R+ - - and(N-, or(K+, R+)) + - N+ + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-3581 type: explored -- comm_cost: 0.5610312500000001 - complexity: 15 +- comm_cost: 0.5565972222222224 + complexity: 10 expressions: - - K+ - N+ - - N- - - N- + - R+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - and(or(K+, S-), not(R+)) name: explored-3582 type: explored -- comm_cost: 0.26423611111111145 - complexity: 18 +- comm_cost: 0.5763020833333334 + complexity: 13 expressions: - N+ - R- - - S+ + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(S+, or(N+, R-)) + - or(K+, SE+) name: explored-3583 type: explored -- comm_cost: 0.28379629629629644 - complexity: 13 +- comm_cost: 0.5131076388888891 + complexity: 15 expressions: - - K+ - N+ - R- - - SE+ - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-3584 type: explored -- comm_cost: 0.45625000000000027 - complexity: 12 +- comm_cost: 0.4243055555555557 + complexity: 10 expressions: + - K+ - N+ + - R- - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) name: explored-3585 type: explored -- comm_cost: 0.3134548611111112 - complexity: 18 +- comm_cost: 0.4275000000000002 + complexity: 12 expressions: - K+ - - K+ - - N+ + - K- - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, R+) name: explored-3586 type: explored -- comm_cost: 0.3015625000000003 - complexity: 13 +- comm_cost: 0.5666666666666669 + complexity: 9 expressions: - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(K+, K-) name: explored-3587 type: explored -- comm_cost: 0.5489583333333332 - complexity: 10 +- comm_cost: 0.5855815972222225 + complexity: 15 expressions: - - K+ - - R- - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - N+ + - SE- + - and(N-, R+) + - or(K+, N+) + - or(N+, not(R+)) + - or(S+, R+) name: explored-3588 type: explored -- comm_cost: 0.5039062500000002 - complexity: 21 +- comm_cost: 0.3333333333333335 + complexity: 14 expressions: + - K+ - N+ + - R- + - SE+ - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) name: explored-3589 type: explored -- comm_cost: 0.6452256944444446 - complexity: 25 +- comm_cost: 0.7059375000000001 + complexity: 2 expressions: - - R- - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) - - or(K+, or(N+, R-)) + - N- + - R+ name: explored-3590 type: explored -- comm_cost: 0.8370833333333333 - complexity: 5 +- comm_cost: 0.2656250000000002 + complexity: 13 expressions: - - SE- - - or(N+, not(R+)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-3591 type: explored -- comm_cost: 0.39363425925925966 - complexity: 15 +- comm_cost: 0.600607638888889 + complexity: 7 expressions: - N+ - - R- + - R+ + - S+ - SE- - - and(N-, R+) - - not(R+) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, N-) name: explored-3592 type: explored -- comm_cost: 0.333854166666667 - complexity: 17 +- comm_cost: 0.5527777777777778 + complexity: 19 expressions: - N+ - - SE- - - and(N-, R+) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - or(N+, R-) + - R- + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-3593 type: explored -- comm_cost: 0.45416666666666683 +- comm_cost: 0.3491030092592595 complexity: 19 expressions: - - N+ - R- - - SE- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-3594 type: explored -- comm_cost: 0.5006944444444443 +- comm_cost: 0.596701388888889 complexity: 7 expressions: - - N+ - - and(S-, SE-) - - or(S+, R-) + - R+ + - SE+ + - and(SE-, or(K+, S-)) name: explored-3595 type: explored -- comm_cost: 0.4495949074074075 - complexity: 11 +- comm_cost: 0.6363281250000001 + complexity: 16 expressions: - - R- - - S+ - - SE+ + - K+ + - R+ + - SE- - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3596 type: explored -- comm_cost: 0.5820601851851853 - complexity: 13 +- comm_cost: 0.34934895833333357 + complexity: 23 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - or(K+, or(N+, R-)) - - or(K+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3597 type: explored -- comm_cost: 0.5076388888888891 - complexity: 10 +- comm_cost: 0.1536458333333337 + complexity: 20 expressions: - - N+ - - SE+ - - SE- - - and(K-, not(R+)) + - K+ + - K+ + - R- + - S+ + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) - and(N-, R+) + - and(S-, SE-) name: explored-3598 type: explored -- comm_cost: 0.6640625000000001 - complexity: 6 +- comm_cost: 0.7614583333333336 + complexity: 2 expressions: - - and(K-, SE-) - - or(K+, SE+) + - R+ + - R+ name: explored-3599 type: explored -- comm_cost: 0.6366319444444446 - complexity: 13 +- comm_cost: 0.6718750000000002 + complexity: 7 expressions: - R+ - - and(S-, SE-) - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) + - and(SE+, N-) + - or(K+, R-) name: explored-3600 type: explored -- comm_cost: 0.332291666666667 - complexity: 9 +- comm_cost: 0.31493055555555594 + complexity: 17 expressions: + - K+ + - N+ - R- - S+ - - SE- + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) name: explored-3601 type: explored -- comm_cost: 0.5372685185185186 - complexity: 15 +- comm_cost: 0.5061631944444447 + complexity: 17 expressions: + - K+ + - N+ + - R+ + - R- + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(N-, or(K+, SE+)) - and(S-, not(R-)) name: explored-3602 type: explored -- comm_cost: 0.4533333333333336 - complexity: 12 +- comm_cost: 0.32790798611111127 + complexity: 16 expressions: + - K+ + - N+ + - R+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - not(R-) + - or(K+, R+) + - or(S+, R+) name: explored-3603 type: explored -- comm_cost: 0.28819444444444464 - complexity: 13 +- comm_cost: 0.5559317129629632 + complexity: 16 expressions: - K+ - - N+ + - R- + - SE- + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) name: explored-3604 type: explored -- comm_cost: 0.539814814814815 - complexity: 14 +- comm_cost: 0.25651041666666696 + complexity: 11 expressions: + - K+ + - K+ - N+ + - S+ + - SE- - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - and(S-, not(R-)) name: explored-3605 type: explored -- comm_cost: 0.6333333333333333 - complexity: 9 +- comm_cost: 0.5189814814814817 + complexity: 17 expressions: + - K+ - N+ - R- - - SE- - - SE- - - and(S-, or(SE-, N+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, not(R+)) name: explored-3606 type: explored -- comm_cost: 0.6331597222222224 - complexity: 15 - expressions: - - R+ - - and(S-, not(R-)) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-3607 - type: explored -- comm_cost: 0.32291666666666674 - complexity: 13 +- comm_cost: 0.2493923611111113 + complexity: 21 expressions: - K+ - N+ - - N+ - R- - S+ - - and(N-, or(K+, SE+)) + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) + - or(K+, N+) + - or(K+, N+) + name: explored-3607 + type: explored +- comm_cost: 0.531076388888889 + complexity: 12 + expressions: + - K+ + - R+ + - R- + - SE- + - and(N-, and(or(K+, S-), not(R-))) name: explored-3608 type: explored -- comm_cost: 0.6608796296296298 - complexity: 6 +- comm_cost: 0.5704861111111112 + complexity: 9 expressions: + - N+ - R+ - - SE+ - SE- - - or(K+, SE+) + - SE- + - or(K+, or(N+, R-)) name: explored-3609 type: explored -- comm_cost: 0.6403993055555557 - complexity: 35 +- comm_cost: 0.5937037037037037 + complexity: 9 expressions: - - S+ - - S- + - K+ + - N+ + - N- + - R- + - SE- - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, R-) - - or(S+, N+) - - or(S+, or(N+, R-)) name: explored-3610 type: explored -- comm_cost: 0.5791666666666668 - complexity: 8 +- comm_cost: 0.4614583333333334 + complexity: 16 expressions: - - R+ - - S+ - - and(S-, N-) - - or(N+, R-) + - K+ + - N+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-3611 type: explored -- comm_cost: 0.70625 - complexity: 3 +- comm_cost: 0.6937500000000001 + complexity: 6 expressions: - - K- - - N+ - - SE- + - and(S-, N-) + - or(K+, R+) name: explored-3612 type: explored -- comm_cost: 0.7210069444444446 - complexity: 7 +- comm_cost: 0.23125000000000018 + complexity: 11 expressions: - - R+ - - or(K+, R+) - - or(N+, R-) + - R- + - S+ + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-3613 type: explored -- comm_cost: 0.3997395833333335 - complexity: 9 +- comm_cost: 0.4515625000000002 + complexity: 13 expressions: - - R+ - - R- - - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-3614 type: explored -- comm_cost: 0.5898958333333334 - complexity: 11 +- comm_cost: 0.5067997685185186 + complexity: 15 expressions: - N+ - R- + - S- + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - not(R-) + - and(and(K-, N-), not(R-)) name: explored-3615 type: explored -- comm_cost: 0.35416666666666674 - complexity: 12 +- comm_cost: 0.6453125 + complexity: 6 expressions: - - K+ + - N+ - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, not(R+)) name: explored-3616 type: explored -- comm_cost: 0.2440104166666669 - complexity: 15 +- comm_cost: 0.6732986111111112 + complexity: 10 + expressions: + - R+ + - SE- + - and(S-, not(R-)) + - or(N+, not(R+)) + name: explored-3617 + type: explored +- comm_cost: 0.3926388888888891 + complexity: 21 expressions: - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, or(S+, R+)) - and(S-, SE-) - name: explored-3617 + - or(N+, not(R+)) + name: explored-3618 type: explored -- comm_cost: 0.33055555555555594 - complexity: 12 +- comm_cost: 0.5131944444444447 + complexity: 10 expressions: - K+ - N+ - SE- - and(N-, R+) - - and(or(K+, S-), not(R+)) - name: explored-3618 - type: explored -- comm_cost: 0.7260416666666668 - complexity: 12 - expressions: - - and(N-, not(R-)) - - and(N-, or(K+, R+)) - - or(S+, R-) + - and(S-, not(R-)) name: explored-3619 type: explored -- comm_cost: 0.3757118055555557 - complexity: 15 +- comm_cost: 0.6437500000000002 + complexity: 9 expressions: - - K+ - - N+ - - S+ + - R- + - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) - - or(S+, SE+) + - or(K+, K-) name: explored-3620 type: explored -- comm_cost: 0.38535879629629644 - complexity: 19 +- comm_cost: 0.5784722222222223 + complexity: 12 expressions: - K+ + - N+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) + - and(S-, or(N+, not(R+))) name: explored-3621 type: explored -- comm_cost: 0.6254166666666668 - complexity: 7 +- comm_cost: 0.4164930555555557 + complexity: 17 expressions: - N+ + - S+ - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, R+) name: explored-3622 type: explored -- comm_cost: 0.6312500000000002 - complexity: 14 +- comm_cost: 0.601388888888889 + complexity: 6 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - - or(K+, R-) + - R- + - SE- + - and(S-, not(R-)) name: explored-3623 type: explored -- comm_cost: 0.61640625 - complexity: 5 +- comm_cost: 0.614502314814815 + complexity: 19 expressions: - N+ + - R+ + - R- - SE- - - and(K-, N-) + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-3624 type: explored -- comm_cost: 0.6605581597222223 - complexity: 36 +- comm_cost: 0.3446180555555558 + complexity: 21 expressions: - - S+ - - and(K-, SE-) - - and(K-, or(S+, R-)) - - and(N-, or(S+, R+)) - - or(K+, N+) - - or(N+, not(R+)) - - or(S+, N+) - - or(S+, or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(S+, R+) - or(and(K-, S+), or(N+, R-)) name: explored-3625 type: explored -- comm_cost: 0.5967447916666667 - complexity: 13 +- comm_cost: 0.7229166666666668 + complexity: 10 expressions: - - N+ - - R- - - SE- - - SE- - - and(or(K+, S-), not(R-)) - - or(K+, N+) + - R+ + - and(K-, not(R-)) + - and(K-, or(SE-, N+)) name: explored-3626 type: explored -- comm_cost: 0.36001157407407425 - complexity: 21 +- comm_cost: 0.5723813657407408 + complexity: 23 expressions: - - K+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) + - SE+ + - and(K-, N-) + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-3627 type: explored -- comm_cost: 0.5576678240740742 - complexity: 20 +- comm_cost: 0.3065248842592596 + complexity: 26 expressions: + - K+ + - N+ - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-3628 - type: explored -- comm_cost: 0.29270833333333357 - complexity: 10 - expressions: - - S+ + - and(K-, S+) + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, N+) - name: explored-3629 + - or(S+, or(N+, R-)) + name: explored-3628 type: explored -- comm_cost: 0.298425925925926 - complexity: 19 +- comm_cost: 0.3689259259259261 + complexity: 15 expressions: - K+ - K+ - N+ + - N- - R- - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, R+) + - or(S+, R-) + name: explored-3629 + type: explored +- comm_cost: 0.6730381944444446 + complexity: 8 + expressions: + - K- + - SE- + - and(K-, N-) + - and(N-, R+) name: explored-3630 type: explored -- comm_cost: 0.7414409722222223 - complexity: 11 +- comm_cost: 0.2507812500000002 + complexity: 15 expressions: + - K+ + - N+ - N+ - - R+ - R- - - and(K-, or(S+, SE+)) - - or(S+, SE+) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-3631 type: explored -- comm_cost: 0.6092592592592594 - complexity: 16 +- comm_cost: 0.6918750000000001 + complexity: 3 expressions: - - N+ + - K- - R+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - or(and(S-, SE-), or(N+, R-)) + - S+ name: explored-3632 type: explored -- comm_cost: 0.3333333333333337 - complexity: 12 +- comm_cost: 0.8901041666666667 + complexity: 4 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, R+) - - or(S+, N+) + - K+ + - or(K+, R-) name: explored-3633 type: explored -- comm_cost: 0.27109375000000024 - complexity: 12 +- comm_cost: 0.8153645833333334 + complexity: 9 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(K-, or(N+, not(R+))) + - or(S+, N+) name: explored-3634 type: explored -- comm_cost: 0.5895833333333333 - complexity: 14 +- comm_cost: 0.5358333333333335 + complexity: 17 expressions: - - K+ - N+ - R- - - S+ + - S- + - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) + - or(S+, SE+) name: explored-3635 type: explored -- comm_cost: 0.7124999999999999 - complexity: 8 +- comm_cost: 0.5516666666666669 + complexity: 14 expressions: - - SE- - - and(S-, not(R+)) - - or(N+, R-) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(S+, SE+) name: explored-3636 type: explored -- comm_cost: 0.7390625 - complexity: 5 +- comm_cost: 0.42838541666666696 + complexity: 16 expressions: - - N+ - - SE- - - or(K+, N+) + - R- + - and(K-, S+) + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-3637 type: explored -- comm_cost: 0.21093750000000022 +- comm_cost: 0.5812500000000002 complexity: 9 expressions: - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(S-, or(SE-, N+)) + - and(SE+, N-) name: explored-3638 type: explored -- comm_cost: 0.5962500000000002 - complexity: 7 +- comm_cost: 0.5618055555555557 + complexity: 8 expressions: - K+ - N+ - - and(N-, R+) - - not(R-) + - R- + - and(N-, or(S+, R+)) name: explored-3639 type: explored -- comm_cost: 0.2565972222222226 - complexity: 12 +- comm_cost: 0.208854166666667 + complexity: 17 expressions: - - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - and(S-, SE-) - - not(R+) + - and(S-, or(SE-, N+)) + - or(K+, R-) name: explored-3640 type: explored -- comm_cost: 0.5250000000000001 - complexity: 21 +- comm_cost: 0.6486689814814817 + complexity: 8 expressions: + - R+ - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - SE+ + - SE- + - or(N+, not(R+)) name: explored-3641 type: explored -- comm_cost: 0.4110821759259262 - complexity: 20 +- comm_cost: 0.5479166666666668 + complexity: 9 expressions: - N+ - R- - - SE- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-3642 type: explored -- comm_cost: 0.355439814814815 - complexity: 18 +- comm_cost: 0.4398437500000002 + complexity: 15 expressions: - - N+ + - R- - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, not(R-)) + - and(S-, SE-) - and(S-, SE-) name: explored-3643 type: explored -- comm_cost: 0.42552083333333357 - complexity: 12 +- comm_cost: 0.5625000000000002 + complexity: 13 expressions: - - SE- - - and(K-, or(SE-, N+)) + - R- - and(N-, R+) - - or(K+, R-) + - and(N-, not(R-)) + - and(S-, SE-) + - not(R+) name: explored-3644 type: explored -- comm_cost: 0.6854166666666668 - complexity: 6 +- comm_cost: 0.58125 + complexity: 11 expressions: - - and(N-, R+) - - or(K+, S-) + - K+ + - N+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) name: explored-3645 type: explored -- comm_cost: 0.6073437500000002 - complexity: 10 +- comm_cost: 0.3780208333333335 + complexity: 12 expressions: - - N+ - - N- - - R+ - - SE- + - K+ + - R- + - S+ - and(N-, R+) - - or(K+, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-3646 type: explored -- comm_cost: 0.6295138888888889 - complexity: 17 +- comm_cost: 0.5427951388888891 + complexity: 15 expressions: - - R+ - - and(K-, or(S+, SE+)) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) + - N+ + - and(N-, R+) + - and(N-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-3647 type: explored -- comm_cost: 0.7664062500000001 - complexity: 4 +- comm_cost: 0.2656250000000002 + complexity: 16 expressions: - - SE- - - and(K-, N-) + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(N+, R-) name: explored-3648 type: explored -- comm_cost: 0.5692708333333335 - complexity: 7 +- comm_cost: 0.3425347222222225 + complexity: 12 expressions: - K+ - N+ - - R+ - R- - - and(SE+, N-) + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-3649 type: explored -- comm_cost: 0.6489583333333333 - complexity: 13 +- comm_cost: 0.728263888888889 + complexity: 14 expressions: - - K+ - - N+ - - R- - - SE- - - and(K-, not(R+)) - - and(K-, or(S+, N+)) + - R+ + - and(K-, or(N+, not(R+))) + - or(N+, not(R+)) + - or(S+, SE+) name: explored-3650 type: explored -- comm_cost: 0.3940104166666669 - complexity: 13 +- comm_cost: 0.3456597222222224 + complexity: 21 expressions: - K+ - - and(K-, S+) + - N+ + - R- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(and(K-, N-), not(R-)) name: explored-3651 type: explored -- comm_cost: 0.6526041666666667 - complexity: 7 +- comm_cost: 0.61875 + complexity: 9 expressions: - - N+ + - K+ + - R- - SE- - - and(K-, or(S+, R-)) + - and(K-, S+) + - and(S-, SE-) name: explored-3652 type: explored -- comm_cost: 0.4476128472222224 - complexity: 28 +- comm_cost: 0.5327430555555557 + complexity: 14 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, S-) name: explored-3653 type: explored -- comm_cost: 0.7186111111111112 - complexity: 5 +- comm_cost: 0.5311805555555557 + complexity: 15 expressions: - - N- - - SE+ - - and(SE+, N-) + - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-3654 type: explored -- comm_cost: 0.6243055555555557 +- comm_cost: 0.4276041666666668 complexity: 14 expressions: - - R+ - - S- - - and(K-, not(R-)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, not(R+)) name: explored-3655 type: explored -- comm_cost: 0.6531250000000001 - complexity: 10 +- comm_cost: 0.5572916666666669 + complexity: 17 expressions: - R+ - - SE- - - and(K-, or(S+, SE+)) - - or(S+, R-) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-3656 type: explored -- comm_cost: 0.7780555555555555 - complexity: 7 +- comm_cost: 0.7756944444444445 + complexity: 12 expressions: - - K+ - - R- - SE- - - or(N+, not(R+)) + - and(S-, or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-3657 type: explored -- comm_cost: 0.6166666666666667 - complexity: 3 +- comm_cost: 0.5553356481481483 + complexity: 14 expressions: - N+ - - SE+ + - N- + - R+ + - R- - SE- + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-3658 type: explored -- comm_cost: 0.371354166666667 - complexity: 15 +- comm_cost: 0.6177083333333335 + complexity: 12 expressions: - - N+ - - SE- - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-3659 type: explored -- comm_cost: 0.733420138888889 - complexity: 9 +- comm_cost: 0.6663917824074075 + complexity: 17 expressions: + - R+ - SE- - and(N-, or(K+, S-)) - - or(S+, R+) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-3660 type: explored -- comm_cost: 0.7765625 - complexity: 4 +- comm_cost: 0.6079427083333335 + complexity: 27 expressions: - - SE- - - or(K+, N+) + - SE+ + - and(K-, or(S+, N+)) + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-3661 type: explored -- comm_cost: 0.5239583333333335 - complexity: 7 +- comm_cost: 0.7796875000000001 + complexity: 4 expressions: - - R+ - - and(K-, SE-) - - and(S-, SE-) + - N+ + - or(K+, SE+) name: explored-3662 type: explored -- comm_cost: 0.5489583333333335 - complexity: 8 +- comm_cost: 0.3953125000000002 + complexity: 11 expressions: - - K+ - - R+ - - and(and(S-, N-), not(R-)) + - N+ + - R- + - S+ + - S+ + - S- + - and(N-, R+) + - and(S-, SE-) name: explored-3663 type: explored -- comm_cost: 0.3822048611111113 - complexity: 19 +- comm_cost: 0.37031250000000027 + complexity: 13 expressions: - N+ - - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-3664 type: explored -- comm_cost: 0.38333333333333364 - complexity: 19 +- comm_cost: 0.3969907407407409 + complexity: 18 expressions: + - K+ + - N+ - R- - SE- + - SE- - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) name: explored-3665 type: explored -- comm_cost: 0.2782986111111114 - complexity: 16 +- comm_cost: 0.5219444444444445 + complexity: 14 expressions: - N+ + - N- - R- - - S+ - - SE- - - and(K-, or(S+, R-)) + - and(K-, S+) - and(N-, R+) - - and(S-, not(R+)) + - and(S-, SE-) + - not(R-) name: explored-3666 type: explored -- comm_cost: 0.5551793981481483 - complexity: 14 +- comm_cost: 0.7038541666666668 + complexity: 10 expressions: - - K- - N+ + - R+ - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(S+, R-) + - or(K+, K-) + - or(N+, not(R+)) name: explored-3667 type: explored -- comm_cost: 0.5214409722222224 - complexity: 12 +- comm_cost: 0.5320833333333335 + complexity: 10 expressions: - N+ - R- - - SE- - - and(K-, not(R-)) - - and(N-, R+) - - not(R+) + - and(S-, SE-) + - and(SE+, N-) + - not(R-) name: explored-3668 type: explored -- comm_cost: 0.6794994212962964 - complexity: 33 +- comm_cost: 0.6989861111111112 + complexity: 20 expressions: + - K- - S- - - SE- - - and(K-, SE-) - - and(K-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, not(R+)) + - and(N-, or(K+, R+)) + - and(SE+, N-) + - or(K+, N+) + - or(S+, SE+) name: explored-3669 type: explored -- comm_cost: 0.5286458333333333 - complexity: 11 +- comm_cost: 0.585763888888889 + complexity: 16 expressions: - - K+ - R- - - S+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - or(K+, R+) + - or(K+, R-) name: explored-3670 type: explored -- comm_cost: 0.5803240740740743 - complexity: 9 +- comm_cost: 0.4387731481481484 + complexity: 20 expressions: + - K+ - N+ - R- - - SE+ - - and(N-, R+) + - SE- + - and(K-, not(R+)) + - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, not(R+)) name: explored-3671 type: explored -- comm_cost: 0.5097222222222224 - complexity: 16 +- comm_cost: 0.6518229166666668 + complexity: 14 expressions: - - K+ - - N+ + - R+ - R- - - S- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, S-)) name: explored-3672 type: explored -- comm_cost: 0.5905208333333335 - complexity: 28 +- comm_cost: 0.5138020833333334 + complexity: 7 expressions: - R+ - - R- - - SE+ - - SE- - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) - - or(K+, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, SE+) name: explored-3673 type: explored -- comm_cost: 0.6667731481481483 - complexity: 24 +- comm_cost: 0.7093489583333334 + complexity: 29 expressions: - - K+ - - and(N-, or(K+, SE+)) - - and(S-, or(SE-, N+)) + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, R+)) - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) - - or(S+, SE+) + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-3674 type: explored -- comm_cost: 0.6038194444444447 - complexity: 11 +- comm_cost: 0.4759895833333335 + complexity: 15 expressions: + - N+ + - R- - and(N-, R+) - - and(N-, or(S+, R+)) - - or(N+, R-) + - and(S-, SE-) + - not(R-) + - or(S+, or(N+, R-)) name: explored-3675 type: explored -- comm_cost: 0.4916666666666668 - complexity: 7 +- comm_cost: 0.5947916666666668 + complexity: 10 expressions: - R+ - - R- - - and(SE-, or(K+, S-)) + - SE- + - and(and(S-, N-), not(R-)) + - not(R+) name: explored-3676 type: explored -- comm_cost: 0.5752604166666668 - complexity: 10 +- comm_cost: 0.39236111111111127 + complexity: 14 expressions: + - K+ - N+ - R- - - S- - and(N-, R+) - - and(N-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-3677 type: explored -- comm_cost: 0.7913425925925927 - complexity: 10 +- comm_cost: 0.32291666666666696 + complexity: 9 expressions: - - N- - - and(K-, not(R+)) - - and(N-, or(S+, SE+)) + - K+ + - R- + - SE+ + - and(N-, R+) + - and(S-, SE-) name: explored-3678 type: explored -- comm_cost: 0.47296527777777797 - complexity: 14 +- comm_cost: 0.6765364583333334 + complexity: 9 expressions: - - K+ - - K+ - - N+ - N- - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - R+ + - and(N-, not(R-)) + - and(SE+, N-) name: explored-3679 type: explored -- comm_cost: 0.5697916666666667 - complexity: 18 +- comm_cost: 0.6444444444444447 + complexity: 7 expressions: - - R+ - - R- - - S+ - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - or(S+, R+) + - and(N-, R+) + - and(S-, not(R-)) name: explored-3680 type: explored -- comm_cost: 0.40000000000000013 +- comm_cost: 0.5245659722222223 complexity: 10 expressions: - - K+ - - K- - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) + - SE- + - or(K+, N+) + - or(SE-, N+) name: explored-3681 type: explored -- comm_cost: 0.4604166666666669 - complexity: 11 +- comm_cost: 0.4934895833333336 + complexity: 13 expressions: + - K+ + - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - or(K+, SE+) + - or(N+, R-) name: explored-3682 type: explored -- comm_cost: 0.4916666666666666 +- comm_cost: 0.5050347222222225 complexity: 14 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - R+ + - S- + - and(N-, R+) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-3683 type: explored -- comm_cost: 0.42826967592592613 - complexity: 20 +- comm_cost: 0.4421875000000002 + complexity: 10 expressions: - - N+ - - R- + - R+ + - and(K-, SE-) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-3684 type: explored -- comm_cost: 0.4906250000000002 - complexity: 10 +- comm_cost: 0.5480034722222223 + complexity: 11 expressions: - - K+ - - R+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - N+ + - R- + - S- + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-3685 type: explored -- comm_cost: 0.697013888888889 - complexity: 11 +- comm_cost: 0.6921875000000001 + complexity: 12 expressions: - R+ - - SE- - - and(and(K-, N-), or(S+, R+)) - - not(R-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) name: explored-3686 type: explored -- comm_cost: 0.3197916666666668 - complexity: 9 +- comm_cost: 0.6817407407407408 + complexity: 31 expressions: - - R+ - - R- - - S+ - - and(S-, SE-) - - or(K+, N+) + - K- + - N+ + - and(K-, N-) + - and(N-, or(K+, SE+)) + - and(S-, N-) + - and(S-, or(SE-, N+)) + - or(S+, R+) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-3687 type: explored -- comm_cost: 0.5822916666666669 - complexity: 5 +- comm_cost: 0.5606481481481483 + complexity: 7 expressions: - N+ - - R+ - - SE- - - SE- + - SE+ + - SE+ - SE- + - and(N-, R+) name: explored-3688 type: explored -- comm_cost: 0.4598958333333335 - complexity: 12 +- comm_cost: 0.4423611111111113 + complexity: 10 expressions: + - N+ - R- - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, R-) + - SE- + - and(N-, R+) + - and(S-, not(R-)) name: explored-3689 type: explored -- comm_cost: 0.45729166666666676 - complexity: 12 +- comm_cost: 0.36385995370370383 + complexity: 18 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(S-, not(R-)) + - or(K+, R+) name: explored-3690 type: explored -- comm_cost: 0.4409722222222223 - complexity: 11 +- comm_cost: 0.32291666666666674 + complexity: 16 expressions: - N+ - R- + - S+ + - and(K-, S+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-3691 type: explored -- comm_cost: 0.7144965277777778 - complexity: 10 +- comm_cost: 0.5361487268518521 + complexity: 23 expressions: - - SE- - - and(K-, not(R-)) - - or(K+, or(N+, R-)) + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, S-) + - or(S+, R-) + - or(SE-, N+) name: explored-3692 type: explored -- comm_cost: 0.5909722222222221 - complexity: 8 +- comm_cost: 0.5199652777777779 + complexity: 14 expressions: - K+ - - R- - - and(S-, SE-) - - or(S+, R-) + - N+ + - SE- + - and(K-, N-) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-3693 type: explored -- comm_cost: 0.41927083333333326 - complexity: 10 +- comm_cost: 0.2972222222222225 + complexity: 14 expressions: - K+ - N+ - R- - S+ - - and(S-, SE-) - - or(K+, R-) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-3694 type: explored -- comm_cost: 0.571527777777778 - complexity: 17 +- comm_cost: 0.11979166666666696 + complexity: 14 expressions: - - R+ + - K+ + - K+ + - N+ + - R- + - S+ - and(K-, SE-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-3695 type: explored -- comm_cost: 0.4212962962962965 - complexity: 11 +- comm_cost: 0.7243055555555556 + complexity: 12 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, R+) - - and(S-, N-) + - R+ + - and(N-, or(K+, S-)) + - and(or(K+, S-), not(R-)) name: explored-3696 type: explored -- comm_cost: 0.42986111111111147 - complexity: 12 +- comm_cost: 0.7762152777777778 + complexity: 10 expressions: - - K+ - - R- - S+ - - and(N-, R+) - and(or(K+, S-), not(R+)) + - or(K+, K-) name: explored-3697 type: explored -- comm_cost: 0.6506944444444445 - complexity: 12 +- comm_cost: 0.7623263888888889 + complexity: 9 expressions: - - R+ - - R- - - SE- - - and(K-, not(R-)) - - and(N-, or(S+, SE+)) + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) name: explored-3698 type: explored -- comm_cost: 0.5474537037037038 - complexity: 14 +- comm_cost: 0.8195833333333333 + complexity: 2 expressions: - - N+ - - R+ - - R- - - SE- - - or(N+, R-) - - or(and(K-, S+), or(N+, R-)) + - not(R-) name: explored-3699 type: explored -- comm_cost: 0.8414930555555555 - complexity: 10 +- comm_cost: 0.4672222222222224 + complexity: 13 expressions: - - or(K+, R-) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - N- + - R- + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-3700 type: explored -- comm_cost: 0.29166666666666685 - complexity: 21 +- comm_cost: 0.3173611111111113 + complexity: 11 expressions: - - N+ + - K+ - R- - - and(K-, S+) - - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - or(K+, R+) name: explored-3701 type: explored -- comm_cost: 0.4887152777777779 +- comm_cost: 0.6633680555555557 complexity: 11 expressions: - - R+ - - R- - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - N+ + - SE- + - and(or(K+, S-), not(R-)) + - or(S+, R-) name: explored-3702 type: explored -- comm_cost: 0.25312500000000027 - complexity: 17 +- comm_cost: 0.5166203703703706 + complexity: 16 expressions: + - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) + - or(S+, SE+) name: explored-3703 type: explored -- comm_cost: 0.6 - complexity: 10 +- comm_cost: 0.424826388888889 + complexity: 6 expressions: - - N+ - - R- - - and(K-, or(SE-, N+)) + - K+ + - R+ + - SE+ - and(S-, SE-) name: explored-3704 type: explored -- comm_cost: 0.36527777777777803 - complexity: 24 +- comm_cost: 0.367615740740741 + complexity: 20 expressions: + - K+ - N+ + - R- + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, N+) + - or(S+, SE+) name: explored-3705 type: explored -- comm_cost: 0.30529513888888915 - complexity: 17 +- comm_cost: 0.4984375 + complexity: 10 expressions: - K+ - N+ - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(S+, N+) + - and(S-, not(R+)) name: explored-3706 type: explored -- comm_cost: 0.4516782407407409 - complexity: 15 +- comm_cost: 0.6963541666666667 + complexity: 7 expressions: - - N+ - - R- - - and(N-, R+) + - and(K-, not(R-)) - and(S-, SE-) - - and(S-, not(R-)) - - and(SE+, N-) name: explored-3707 type: explored -- comm_cost: 0.47187500000000027 - complexity: 11 +- comm_cost: 0.6105208333333335 + complexity: 17 expressions: - N+ - - R+ - SE- + - and(K-, S+) - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + - or(S+, SE+) name: explored-3708 type: explored -- comm_cost: 0.5208333333333335 - complexity: 17 +- comm_cost: 0.16718750000000027 + complexity: 13 expressions: - - R+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - and(SE+, N-) name: explored-3709 type: explored -- comm_cost: 0.5358506944444443 - complexity: 15 +- comm_cost: 0.3730902777777779 + complexity: 20 expressions: - N+ - R- - - and(K-, or(S+, R-)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-3710 type: explored -- comm_cost: 0.5450520833333335 - complexity: 8 +- comm_cost: 0.5199942129629631 + complexity: 16 expressions: - K+ - - R+ - - and(S-, SE-) - - or(SE-, N+) + - N+ + - R- + - S- + - SE- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-3711 type: explored -- comm_cost: 0.5060763888888891 - complexity: 5 +- comm_cost: 0.6871875000000001 + complexity: 9 expressions: + - K- - R+ - - SE+ - - and(S-, SE-) + - and(K-, not(R+)) + - or(S+, N+) name: explored-3712 type: explored -- comm_cost: 0.3744791666666668 - complexity: 13 +- comm_cost: 0.6557465277777779 + complexity: 12 expressions: - - K+ - - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(S+, SE+) name: explored-3713 type: explored -- comm_cost: 0.2610677083333335 - complexity: 20 +- comm_cost: 0.3866319444444446 + complexity: 16 expressions: - K+ - N+ - R- - S+ + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-3714 type: explored -- comm_cost: 0.6924479166666668 - complexity: 9 +- comm_cost: 0.47118055555555594 + complexity: 13 expressions: + - S+ - SE- - - and(K-, or(S+, SE+)) - - or(K+, N+) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3715 type: explored -- comm_cost: 0.5677083333333334 - complexity: 15 +- comm_cost: 0.5322916666666667 + complexity: 12 expressions: - - R+ + - K+ + - N+ - R- - - and(N-, or(K+, S-)) + - S+ + - and(K-, or(SE-, N+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-3716 type: explored -- comm_cost: 0.6213541666666668 - complexity: 5 +- comm_cost: 0.5145833333333335 + complexity: 7 expressions: + - K+ + - R+ - R- - - SE- - - and(SE+, N-) + - S- + - and(S-, SE-) name: explored-3717 type: explored -- comm_cost: 0.6267361111111113 - complexity: 12 +- comm_cost: 0.22274305555555585 + complexity: 20 expressions: - - R+ - - and(K-, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-3718 type: explored -- comm_cost: 0.6105613425925928 - complexity: 12 +- comm_cost: 0.4207465277777779 + complexity: 25 expressions: - N+ - - N+ - - SE- - - and(K-, N-) + - R- + - and(K-, or(S+, SE+)) - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-3719 type: explored -- comm_cost: 0.5907609953703705 - complexity: 22 +- comm_cost: 0.43865740740740766 + complexity: 16 expressions: - - K+ - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(K+, S-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) name: explored-3720 type: explored -- comm_cost: 0.410416666666667 - complexity: 12 +- comm_cost: 0.38281250000000033 + complexity: 8 expressions: - R- - - R- + - SE- - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-3721 type: explored -- comm_cost: 0.7309895833333334 - complexity: 10 - expressions: - - and(K-, or(S+, R-)) - - not(R+) - - or(S+, R+) - name: explored-3722 - type: explored -- comm_cost: 0.19635416666666705 +- comm_cost: 0.5606770833333335 complexity: 14 expressions: - K+ - - N+ - - S+ - - and(K-, or(S+, N+)) + - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - or(K+, SE+) + - or(S+, or(N+, R-)) + name: explored-3722 + type: explored +- comm_cost: 0.7708101851851853 + complexity: 9 + expressions: + - R+ + - and(N-, or(K+, SE+)) + - or(S+, SE+) name: explored-3723 type: explored -- comm_cost: 0.504166666666667 +- comm_cost: 0.6762152777777779 complexity: 5 expressions: - - K+ - - SE- - - and(N-, R+) + - R+ + - R- + - or(K+, R+) name: explored-3724 type: explored -- comm_cost: 0.5291232638888891 - complexity: 20 +- comm_cost: 0.33359375000000036 + complexity: 14 expressions: + - N+ - R- - - SE- - - and(K-, or(S+, R-)) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-3725 type: explored -- comm_cost: 0.4687500000000002 - complexity: 12 +- comm_cost: 0.3671875000000002 + complexity: 15 expressions: - K+ - - K+ + - N+ - R- - - and(K-, N-) + - S+ - and(N-, R+) - - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - not(R+) name: explored-3726 type: explored -- comm_cost: 0.6069444444444446 - complexity: 18 +- comm_cost: 0.33072916666666696 + complexity: 10 expressions: + - K+ - N+ - - R+ - - R- - - SE- - - and(N-, not(R-)) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-3727 type: explored -- comm_cost: 0.39236111111111127 - complexity: 16 +- comm_cost: 0.84375 + complexity: 6 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(S+, SE+) + - S+ + - and(K-, or(S+, N+)) name: explored-3728 type: explored -- comm_cost: 0.6137500000000001 - complexity: 8 +- comm_cost: 0.20416666666666683 + complexity: 13 expressions: - K+ + - N+ - R- - - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-3729 type: explored -- comm_cost: 0.08125000000000027 - complexity: 9 +- comm_cost: 0.7703125 + complexity: 5 expressions: - K+ - - N+ - R- - - and(N-, R+) - - and(S-, SE-) + - or(N+, R-) name: explored-3730 type: explored -- comm_cost: 0.7208333333333333 - complexity: 6 +- comm_cost: 0.5678819444444446 + complexity: 14 expressions: - - K+ - N+ - - R- - - or(S+, SE+) + - R+ + - SE- + - and(K-, or(S+, N+)) + - and(S-, or(N+, not(R+))) name: explored-3731 type: explored -- comm_cost: 0.13819444444444473 - complexity: 14 +- comm_cost: 0.5730034722222224 + complexity: 26 expressions: - - N+ - - R- - R- - - and(K-, or(S+, R-)) + - SE+ + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(S+, or(N+, R-)) name: explored-3732 type: explored -- comm_cost: 0.34438657407407425 - complexity: 18 +- comm_cost: 0.5421875000000003 + complexity: 11 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(S-, not(R+)) + - and(SE+, N-) name: explored-3733 type: explored -- comm_cost: 0.7026041666666667 - complexity: 6 +- comm_cost: 0.8083333333333333 + complexity: 8 expressions: - K+ - - R- - - SE- - - and(K-, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-3734 type: explored -- comm_cost: 0.5349826388888891 - complexity: 21 +- comm_cost: 0.40538194444444464 + complexity: 13 expressions: - - and(K-, or(S+, N+)) + - K+ + - N+ + - S+ - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(S+, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-3735 type: explored -- comm_cost: 0.4600115740740742 - complexity: 20 +- comm_cost: 0.67578125 + complexity: 21 expressions: - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, R+) + - S+ + - and(N-, not(R-)) + - and(N-, or(S+, SE+)) + - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-3736 type: explored -- comm_cost: 0.44687500000000036 - complexity: 12 +- comm_cost: 0.44010416666666696 + complexity: 21 expressions: - - R- - - SE- + - K+ + - N+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-3737 type: explored -- comm_cost: 0.2312500000000003 - complexity: 11 +- comm_cost: 0.6004861111111113 + complexity: 15 expressions: - - K+ - - R- + - N+ + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) name: explored-3738 type: explored -- comm_cost: 0.4133680555555559 - complexity: 18 +- comm_cost: 0.5998263888888891 + complexity: 12 expressions: + - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) + - SE- + - and(or(K+, S-), not(R-)) + - or(K+, N+) name: explored-3739 type: explored -- comm_cost: 0.7458333333333335 - complexity: 5 +- comm_cost: 0.40347222222222245 + complexity: 16 expressions: - K+ - - R+ - - or(K+, SE+) - name: explored-3740 - type: explored -- comm_cost: 0.2715277777777779 - complexity: 17 - expressions: - N+ - R- - - S+ - - and(K-, or(S+, R-)) + - SE+ + - SE- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - name: explored-3741 + - and(SE-, or(K+, S-)) + name: explored-3740 type: explored -- comm_cost: 0.6353298611111112 +- comm_cost: 0.5885416666666667 complexity: 11 expressions: - N+ - R+ + - R- - SE- - - and(K-, or(S+, SE+)) - - or(S+, N+) - name: explored-3742 + - and(K-, not(R+)) + - or(S+, R+) + name: explored-3741 type: explored -- comm_cost: 0.26527777777777817 - complexity: 8 +- comm_cost: 0.8859375 + complexity: 6 expressions: - - N+ - R- - - S+ - - S+ - - SE- - - and(N-, R+) + - and(K-, or(S+, R-)) + name: explored-3742 + type: explored +- comm_cost: 0.5866319444444446 + complexity: 10 + expressions: + - R+ + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-3743 type: explored -- comm_cost: 0.6618663194444445 - complexity: 29 +- comm_cost: 0.5986111111111112 + complexity: 16 expressions: + - N+ - R+ - R- - - and(K-, or(S+, SE+)) - and(N-, or(S+, R+)) - - and(S-, N-) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3744 type: explored -- comm_cost: 0.5586805555555557 - complexity: 14 +- comm_cost: 0.6993055555555556 + complexity: 13 expressions: - - R+ - - R- - - and(SE-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-3745 type: explored -- comm_cost: 0.23611111111111127 - complexity: 16 +- comm_cost: 0.4140625000000002 + complexity: 13 expressions: - - K+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) + - and(S-, SE-) + - or(K+, SE+) name: explored-3746 type: explored -- comm_cost: 0.5802083333333333 - complexity: 11 +- comm_cost: 0.6631944444444445 + complexity: 15 expressions: - - N+ - - N+ - - R- - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - R+ + - SE- + - and(or(K+, S-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-3747 type: explored -- comm_cost: 0.49473958333333345 - complexity: 15 +- comm_cost: 0.6425347222222223 + complexity: 14 + expressions: + - N+ + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, or(S+, SE+)) + name: explored-3748 + type: explored +- comm_cost: 0.43529513888888904 + complexity: 13 expressions: - K+ + - K+ - K- - N+ - - and(K-, S+) + - R- + - S+ + - SE- - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) - name: explored-3748 - type: explored -- comm_cost: 0.7382465277777779 - complexity: 7 - expressions: - - R+ - - or(K+, S-) - - or(S+, R+) name: explored-3749 type: explored -- comm_cost: 0.6628472222222221 - complexity: 6 +- comm_cost: 0.6104166666666666 + complexity: 4 expressions: - - K+ + - N+ + - R- - R- - SE- - - or(K+, N+) name: explored-3750 type: explored -- comm_cost: 0.2732638888888891 - complexity: 14 +- comm_cost: 0.4569444444444448 + complexity: 15 expressions: - - N+ - - SE+ - - and(K-, S+) + - R- + - SE- + - and(K-, or(S+, R-)) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) name: explored-3751 type: explored -- comm_cost: 0.6812500000000001 - complexity: 8 +- comm_cost: 0.6144097222222223 + complexity: 14 expressions: - - N+ + - R+ - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-3752 type: explored -- comm_cost: 0.22459490740740762 - complexity: 22 +- comm_cost: 0.5328645833333333 + complexity: 11 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, or(K+, R+)) + - S+ - and(S-, SE-) + - or(K+, S-) name: explored-3753 type: explored -- comm_cost: 0.568546875 - complexity: 20 +- comm_cost: 0.511527777777778 + complexity: 17 expressions: - - K+ - - K+ - - N+ - - N- - R- - - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, S-) name: explored-3754 type: explored -- comm_cost: 0.7619791666666668 - complexity: 4 +- comm_cost: 0.4055555555555559 + complexity: 13 expressions: - - S- - - and(S-, N-) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-3755 type: explored -- comm_cost: 0.5517361111111112 - complexity: 13 +- comm_cost: 0.5387673611111112 + complexity: 15 expressions: - - and(K-, not(R+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - K- + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) name: explored-3756 type: explored -- comm_cost: 0.644363425925926 - complexity: 8 +- comm_cost: 0.46686921296296313 + complexity: 17 expressions: - K+ - - K- - - R+ + - N+ - R- - - SE- - - or(S+, R-) + - S+ + - SE+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - not(R+) name: explored-3757 type: explored -- comm_cost: 0.6795250496031747 - complexity: 39 +- comm_cost: 0.5062789351851853 + complexity: 19 expressions: - - S+ - - and(K-, N-) - - and(K-, not(R+)) - - and(and(S-, N-), not(R-)) - - not(R+) - - or(K+, R-) - - or(S+, R+) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-3758 type: explored -- comm_cost: 0.5635416666666668 - complexity: 28 +- comm_cost: 0.3031250000000003 + complexity: 13 expressions: - - and(K-, or(S+, N+)) + - N+ + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - and(S-, not(R+)) name: explored-3759 type: explored -- comm_cost: 0.543576388888889 - complexity: 7 +- comm_cost: 0.6031828703703705 + complexity: 9 expressions: - - K+ + - N+ - R+ - R- - - SE- - - or(K+, R+) + - or(K+, R-) + - or(S+, R-) name: explored-3760 type: explored -- comm_cost: 0.6213541666666668 - complexity: 9 - expressions: - - N+ - - N+ - - and(K-, not(R-)) - - and(S-, SE-) - name: explored-3761 - type: explored -- comm_cost: 0.5134548611111112 - complexity: 18 +- comm_cost: 0.357291666666667 + complexity: 12 expressions: - N+ - - R+ - R- - SE- - - and(N-, not(R-)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - name: explored-3762 + - and(N-, R+) + - and(N-, R+) + - or(SE-, N+) + name: explored-3761 type: explored -- comm_cost: 0.29852430555555587 - complexity: 21 +- comm_cost: 0.402314814814815 + complexity: 22 expressions: + - K+ - N+ - R- - - and(K-, S+) + - S+ + - and(K-, SE-) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-3763 + - and(S-, not(R-)) + name: explored-3762 type: explored -- comm_cost: 0.5345486111111112 - complexity: 9 +- comm_cost: 0.6802083333333335 + complexity: 4 expressions: - K+ - R+ + - R+ + - R+ + name: explored-3763 + type: explored +- comm_cost: 0.45277777777777783 + complexity: 17 + expressions: + - N+ - R- - - SE- - and(K-, or(S+, R+)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-3764 type: explored -- comm_cost: 0.85 - complexity: 1 +- comm_cost: 0.5006944444444446 + complexity: 8 expressions: - N+ + - R- + - and(S-, N-) + - and(S-, SE-) name: explored-3765 type: explored -- comm_cost: 0.5996527777777779 - complexity: 7 +- comm_cost: 0.762525462962963 + complexity: 30 expressions: - - R+ - - SE- - - or(K+, or(N+, R-)) + - and(N-, not(R-)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) + - or(K+, K-) + - or(K+, R+) + - or(N+, not(R+)) name: explored-3766 type: explored -- comm_cost: 0.6186805555555557 - complexity: 22 +- comm_cost: 0.43819444444444466 + complexity: 12 expressions: - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) - - or(S+, SE+) + - K+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-3767 type: explored -- comm_cost: 0.6309027777777778 - complexity: 39 +- comm_cost: 0.5813368055555557 + complexity: 16 expressions: - K+ - - N+ - - and(K-, N-) - - and(K-, SE-) + - R+ - and(K-, or(S+, SE+)) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - not(R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-3768 type: explored -- comm_cost: 0.5121527777777779 - complexity: 13 +- comm_cost: 0.53 + complexity: 7 expressions: - N+ - - R+ - - SE- - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, SE+) name: explored-3769 type: explored -- comm_cost: 0.4199218750000001 - complexity: 12 +- comm_cost: 0.6033564814814816 + complexity: 14 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, not(R-)) - - and(S-, SE-) + - SE- + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-3770 type: explored -- comm_cost: 0.4698958333333335 - complexity: 13 +- comm_cost: 0.5722800925925928 + complexity: 20 expressions: - N+ - - R- + - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(SE-, N+) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3771 type: explored -- comm_cost: 0.5071180555555557 - complexity: 17 +- comm_cost: 0.44747685185185204 + complexity: 20 expressions: - - and(K-, or(S+, SE+)) + - K+ + - N+ + - R- + - R- - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-3772 type: explored -- comm_cost: 0.6217881944444447 - complexity: 14 +- comm_cost: 0.5881944444444447 + complexity: 16 expressions: - - R+ - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) name: explored-3773 type: explored -- comm_cost: 0.5116319444444446 - complexity: 10 +- comm_cost: 0.6229166666666668 + complexity: 7 expressions: - - N+ - R+ - R- - - SE- - - and(and(K-, N-), not(R-)) + - and(N-, or(K+, R+)) name: explored-3774 type: explored -- comm_cost: 0.6256944444444447 - complexity: 14 +- comm_cost: 0.592638888888889 + complexity: 18 expressions: - - R+ - - SE- - - and(K-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R-) + - or(S+, SE+) name: explored-3775 type: explored -- comm_cost: 0.32673611111111145 - complexity: 12 +- comm_cost: 0.2552083333333337 + complexity: 15 expressions: - K+ - - R- + - K+ + - N+ - S+ - - SE- - - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-3776 type: explored -- comm_cost: 0.6023437500000002 - complexity: 19 +- comm_cost: 0.7518229166666668 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) name: explored-3777 type: explored -- comm_cost: 0.39748263888888924 - complexity: 18 +- comm_cost: 0.23554687500000016 + complexity: 16 expressions: + - K+ + - K+ + - N+ - R- - - SE- - - and(K-, SE-) + - S+ - and(N-, R+) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-3778 type: explored -- comm_cost: 0.31857638888888906 - complexity: 17 +- comm_cost: 0.30671296296296313 + complexity: 19 expressions: - K+ - N+ - R- - - and(K-, or(S+, R-)) + - SE+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(S-, or(N+, not(R+))) name: explored-3779 type: explored -- comm_cost: 0.3812500000000003 - complexity: 9 - expressions: - - N+ - - N+ - - SE- - - and(N-, R+) - - and(N-, R+) - name: explored-3780 - type: explored -- comm_cost: 0.5333333333333334 +- comm_cost: 0.7986111111111112 complexity: 8 expressions: - - and(N-, or(K+, R+)) - - and(S-, SE-) - name: explored-3781 - type: explored -- comm_cost: 0.6966145833333335 - complexity: 12 - expressions: - - R+ - - and(or(K+, S-), not(R-)) - - or(S+, or(N+, R-)) - name: explored-3782 + - R- + - and(and(K-, N-), or(S+, SE+)) + name: explored-3780 type: explored -- comm_cost: 0.5616319444444446 - complexity: 14 +- comm_cost: 0.5052083333333335 + complexity: 17 expressions: + - N+ + - R- - SE- - - and(K-, or(S+, R+)) - and(N-, R+) - - and(SE-, or(K+, S-)) - name: explored-3783 - type: explored -- comm_cost: 0.6858680555555556 - complexity: 7 - expressions: - - N- - - R+ - - R+ - - and(S-, not(R-)) - name: explored-3784 + - and(N-, not(R-)) + - or(and(K-, S+), or(N+, R-)) + name: explored-3781 type: explored -- comm_cost: 0.6692708333333335 - complexity: 11 +- comm_cost: 0.4334201388888891 + complexity: 15 expressions: - - R+ + - K+ + - R- + - S+ - SE- - - and(K-, not(R-)) - - and(S-, or(SE-, N+)) - name: explored-3785 + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + name: explored-3782 type: explored -- comm_cost: 0.5840277777777779 +- comm_cost: 0.5411458333333334 complexity: 10 expressions: - R+ - R- - - SE- - - and(K-, or(SE-, N+)) - - not(R+) - name: explored-3786 + - and(SE-, or(K+, S-)) + - or(S+, R+) + name: explored-3783 type: explored -- comm_cost: 0.4641840277777779 - complexity: 17 +- comm_cost: 0.5511111111111112 + complexity: 20 expressions: + - K+ + - K- - N+ - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(N+, not(R+)) - name: explored-3787 + - not(R-) + name: explored-3784 type: explored -- comm_cost: 0.5380208333333335 - complexity: 11 +- comm_cost: 0.4935329861111113 + complexity: 16 expressions: - K+ - - K+ - N+ + - R- - S+ - - and(K-, not(R-)) - and(N-, R+) - name: explored-3788 + - and(S-, SE-) + - or(K+, K-) + - or(SE-, N+) + name: explored-3785 type: explored -- comm_cost: 0.5558854166666669 +- comm_cost: 0.48055555555555585 complexity: 12 expressions: - N+ + - R- + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) + name: explored-3786 + type: explored +- comm_cost: 0.6906250000000002 + complexity: 5 + expressions: + - N+ + - R+ + - or(S+, N+) + name: explored-3787 + type: explored +- comm_cost: 0.6555208333333334 + complexity: 4 + expressions: + - K- - R+ + - R- - SE- - - and(N-, R+) - - and(N-, R+) - - or(K+, S-) - name: explored-3789 + name: explored-3788 type: explored -- comm_cost: 0.451041666666667 +- comm_cost: 0.7166666666666668 complexity: 8 expressions: - - R- - SE- + - and(and(K-, N-), or(S+, SE+)) + name: explored-3789 + type: explored +- comm_cost: 0.5260416666666669 + complexity: 12 + expressions: + - K+ + - N+ + - R- + - and(K-, S+) - and(N-, R+) - - or(K+, R-) + - or(K+, K-) name: explored-3790 type: explored -- comm_cost: 0.2826388888888891 - complexity: 17 +- comm_cost: 0.27809606481481497 + complexity: 24 expressions: + - K+ - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-3791 type: explored -- comm_cost: 0.6575520833333335 - complexity: 13 +- comm_cost: 0.5898437500000002 + complexity: 9 expressions: - - R+ - - and(K-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - or(K+, SE+) name: explored-3792 type: explored -- comm_cost: 0.42786458333333355 - complexity: 18 +- comm_cost: 0.4984375000000002 + complexity: 13 expressions: - N+ - - and(K-, or(S+, R-)) - - and(N-, R+) + - R+ + - R- + - SE- + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-3793 type: explored -- comm_cost: 0.6932291666666668 - complexity: 12 +- comm_cost: 0.2244791666666669 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- - - SE- - - and(or(K+, S-), not(R+)) - - or(K+, K-) + - S+ + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-3794 type: explored -- comm_cost: 0.19143518518518543 +- comm_cost: 0.3958333333333335 complexity: 23 expressions: + - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3795 type: explored -- comm_cost: 0.6960937500000001 +- comm_cost: 0.6906249999999999 complexity: 10 expressions: - - R+ - - and(K-, not(R-)) - - and(S-, or(SE-, N+)) + - K+ + - N+ + - R- + - SE- + - and(K-, or(N+, not(R+))) name: explored-3796 type: explored -- comm_cost: 0.42777777777777803 - complexity: 20 +- comm_cost: 0.6197916666666667 + complexity: 12 expressions: + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - SE- + - and(or(K+, S-), not(R+)) + - or(S+, R+) name: explored-3797 type: explored -- comm_cost: 0.6929542824074075 - complexity: 14 +- comm_cost: 0.5980034722222224 + complexity: 13 expressions: + - N+ - R+ - SE- - - SE- - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - not(R+) name: explored-3798 type: explored -- comm_cost: 0.4927083333333333 - complexity: 7 +- comm_cost: 0.7377777777777779 + complexity: 11 expressions: - - K+ - - N+ - - S+ - - S+ - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, SE+) name: explored-3799 type: explored -- comm_cost: 0.19333043981481512 - complexity: 18 +- comm_cost: 0.587152777777778 + complexity: 5 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- - or(S+, R-) - - or(S+, or(N+, R-)) name: explored-3800 type: explored -- comm_cost: 0.2661458333333335 - complexity: 19 +- comm_cost: 0.4666666666666669 + complexity: 18 expressions: - - N+ + - K+ - R- - - S+ - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, N-) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-3801 type: explored -- comm_cost: 0.412170138888889 - complexity: 18 +- comm_cost: 0.46458333333333357 + complexity: 19 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - not(R-) + - or(and(K-, S+), or(N+, R-)) name: explored-3802 type: explored -- comm_cost: 0.5619097222222225 - complexity: 16 +- comm_cost: 0.5054687500000004 + complexity: 6 expressions: - - K+ - - K+ - - N+ - R- - - SE- - - and(K-, or(S+, SE+)) - and(N-, R+) - - or(S+, SE+) + - not(R+) name: explored-3803 type: explored -- comm_cost: 0.6320891203703705 - complexity: 13 +- comm_cost: 0.5276186342592594 + complexity: 19 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(K-, not(R+)) - - or(K+, SE+) - - or(S+, N+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-3804 type: explored -- comm_cost: 0.7451967592592593 - complexity: 8 +- comm_cost: 0.5421875 + complexity: 9 expressions: - - R+ - - and(N-, not(R-)) - - or(K+, K-) + - N+ + - R- + - and(K-, not(R-)) + - and(S-, SE-) name: explored-3805 type: explored -- comm_cost: 0.23593750000000036 - complexity: 16 +- comm_cost: 0.11163194444444469 + complexity: 13 expressions: - K+ + - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(S+, R-) name: explored-3806 type: explored -- comm_cost: 0.5180555555555555 - complexity: 11 +- comm_cost: 0.6811631944444445 + complexity: 19 expressions: - - K+ - - N+ - - R- - - and(S-, SE-) + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(or(K+, S-), not(R-)) - or(K+, or(N+, R-)) name: explored-3807 type: explored -- comm_cost: 0.31006944444444473 +- comm_cost: 0.5046875000000003 complexity: 10 expressions: - - S+ - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - not(R+) + - or(S+, or(N+, R-)) name: explored-3808 type: explored -- comm_cost: 0.7301909722222223 - complexity: 14 +- comm_cost: 0.6479166666666668 + complexity: 8 expressions: - - N- - - S- - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - or(K+, N+) + - K+ + - R+ + - R- + - or(S+, or(N+, R-)) name: explored-3809 type: explored -- comm_cost: 0.369965277777778 - complexity: 13 +- comm_cost: 0.37413194444444464 + complexity: 26 expressions: - N+ - - SE- + - R- - and(K-, SE-) - and(N-, R+) - - or(K+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-3810 type: explored -- comm_cost: 0.413888888888889 - complexity: 18 +- comm_cost: 0.7434895833333333 + complexity: 11 expressions: - K+ + - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) + - and(K-, S+) + - or(S+, or(N+, R-)) name: explored-3811 type: explored -- comm_cost: 0.5029513888888891 - complexity: 12 +- comm_cost: 0.7159722222222222 + complexity: 4 expressions: - - N+ - R- - - SE- - - and(N-, R+) - - or(K+, N+) - - or(K+, SE+) + - or(K+, R+) name: explored-3812 type: explored -- comm_cost: 0.5515972222222223 - complexity: 16 +- comm_cost: 0.46440972222222254 + complexity: 13 expressions: - K+ - - R+ - - R- - - and(S-, SE-) - - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, S-) + - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3813 type: explored -- comm_cost: 0.6744791666666667 +- comm_cost: 0.7733796296296298 complexity: 13 expressions: - R+ - - SE- - - and(K-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-3814 type: explored -- comm_cost: 0.23194444444444462 - complexity: 17 +- comm_cost: 0.6622378472222223 + complexity: 14 expressions: - - K+ - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(S+, R-) + - S- + - SE- + - and(S-, or(N+, not(R+))) + - or(K+, S-) name: explored-3815 type: explored -- comm_cost: 0.6345503472222223 - complexity: 41 +- comm_cost: 0.6333333333333334 + complexity: 10 expressions: - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, not(R-)) - - and(SE+, N-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) - - or(S+, N+) + - R- + - SE- + - and(K-, S+) + - and(N-, or(S+, R+)) name: explored-3816 type: explored -- comm_cost: 0.5179687500000001 - complexity: 7 +- comm_cost: 0.38437500000000013 + complexity: 8 expressions: - N+ + - N+ + - R+ - R- - - S+ - - S- + - SE- - and(S-, SE-) name: explored-3817 type: explored -- comm_cost: 0.5765625000000002 - complexity: 10 +- comm_cost: 0.34900462962962986 + complexity: 22 expressions: - - R+ - - SE- - - and(K-, or(SE-, N+)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) - or(K+, R-) + - or(S+, SE+) name: explored-3818 type: explored -- comm_cost: 0.5156250000000002 - complexity: 11 +- comm_cost: 0.26232638888888915 + complexity: 15 expressions: - - K+ - S+ - - and(K-, N-) - and(N-, R+) - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-3819 type: explored -- comm_cost: 0.46354166666666685 - complexity: 12 +- comm_cost: 0.5484375000000001 + complexity: 19 expressions: - - K+ - - R+ + - N+ - R- - - and(S-, N-) + - and(K-, N-) + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(SE+, N-) + - or(K+, SE+) name: explored-3820 type: explored -- comm_cost: 0.589451388888889 - complexity: 36 +- comm_cost: 0.5544791666666669 + complexity: 17 expressions: - N+ - - and(K-, S+) - - and(K-, or(S+, N+)) + - R+ + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - not(R-) - - or(K+, R+) - - or(S+, SE+) + - or(K+, N+) + - or(N+, not(R+)) name: explored-3821 type: explored -- comm_cost: 0.2284722222222224 - complexity: 15 +- comm_cost: 0.5968750000000002 + complexity: 9 expressions: - - K+ - N+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(S+, R-)) + - and(SE+, N-) name: explored-3822 type: explored -- comm_cost: 0.682465277777778 - complexity: 11 +- comm_cost: 0.6364583333333335 + complexity: 14 expressions: - - and(N-, or(K+, R+)) - - and(or(K+, S-), not(R+)) + - R+ + - SE- + - and(K-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-3823 type: explored -- comm_cost: 0.7614583333333336 - complexity: 1 +- comm_cost: 0.6270833333333334 + complexity: 8 expressions: + - N+ - R+ + - SE- + - and(K-, or(S+, SE+)) name: explored-3824 type: explored -- comm_cost: 0.5197337962962965 - complexity: 28 +- comm_cost: 0.5895833333333333 + complexity: 7 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - K+ + - N+ + - R- + - R- + - and(K-, S+) name: explored-3825 type: explored -- comm_cost: 0.6879687500000001 - complexity: 8 +- comm_cost: 0.4006076388888893 + complexity: 11 expressions: - - N- - - R+ + - N+ - SE- - - and(N-, or(K+, S-)) + - and(N-, R+) + - or(K+, R-) + - or(SE-, N+) name: explored-3826 type: explored -- comm_cost: 0.3699074074074076 - complexity: 17 +- comm_cost: 0.7379166666666667 + complexity: 7 expressions: - N+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) + - R- + - SE- + - or(N+, not(R+)) name: explored-3827 type: explored -- comm_cost: 0.4313541666666669 - complexity: 21 +- comm_cost: 0.5969444444444446 + complexity: 13 expressions: - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(and(S-, N-), not(R-)) - or(K+, S-) - - or(N+, R-) name: explored-3828 type: explored -- comm_cost: 0.6955324074074075 +- comm_cost: 0.6515625000000002 complexity: 8 expressions: - R+ - SE- - - or(K+, R+) - - or(K+, S-) + - and(SE+, N-) + - or(S+, SE+) name: explored-3829 type: explored -- comm_cost: 0.5895833333333333 - complexity: 6 +- comm_cost: 0.6486892361111113 + complexity: 13 expressions: - - K+ - - N+ + - N- + - R+ - R- - - and(K-, S+) + - SE- + - and(S-, not(R+)) + - or(S+, or(N+, R-)) name: explored-3830 type: explored -- comm_cost: 0.5550000000000002 - complexity: 8 +- comm_cost: 0.5116319444444446 + complexity: 9 expressions: - - N- + - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(N-, or(S+, R+)) name: explored-3831 type: explored -- comm_cost: 0.3328125000000002 - complexity: 21 +- comm_cost: 0.5520833333333335 + complexity: 15 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - SE- + - and(K-, S+) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-3832 type: explored -- comm_cost: 0.7159722222222222 - complexity: 4 +- comm_cost: 0.6202430555555557 + complexity: 8 expressions: + - K+ + - R+ - R- - - or(K+, R+) + - not(R-) + - or(S+, N+) name: explored-3833 type: explored -- comm_cost: 0.554340277777778 - complexity: 9 +- comm_cost: 0.5593750000000001 + complexity: 7 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - or(K+, R-) - - or(S+, N+) + - and(K-, not(R-)) name: explored-3834 type: explored -- comm_cost: 0.3911458333333335 - complexity: 13 +- comm_cost: 0.3769097222222224 + complexity: 21 expressions: - - K+ - - R+ - - R- - - and(K-, SE-) + - N+ + - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R-) + - or(S+, SE+) name: explored-3835 type: explored -- comm_cost: 0.5301041666666668 - complexity: 10 +- comm_cost: 0.5944444444444447 + complexity: 8 expressions: - - R+ - - R- - - SE- + - N+ - and(N-, R+) - - or(N+, not(R+)) + - and(S-, not(R-)) name: explored-3836 type: explored -- comm_cost: 0.5843750000000001 - complexity: 12 +- comm_cost: 0.5857638888888891 + complexity: 15 expressions: - - R- + - N+ + - R+ - SE- - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-3837 type: explored -- comm_cost: 0.7046875000000001 - complexity: 8 +- comm_cost: 0.7027546296296298 + complexity: 6 expressions: + - N- - R+ - - and(K-, S+) - - and(K-, not(R-)) + - and(S-, not(R-)) name: explored-3838 type: explored -- comm_cost: 0.4847222222222224 - complexity: 16 +- comm_cost: 0.7166666666666668 + complexity: 13 expressions: - - R+ - - R- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-3839 type: explored -- comm_cost: 0.7159722222222222 - complexity: 6 +- comm_cost: 0.5178819444444446 + complexity: 16 expressions: + - K+ + - N+ - R- - - and(K-, or(S+, R+)) + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-3840 type: explored -- comm_cost: 0.6958333333333334 - complexity: 12 +- comm_cost: 0.43032407407407414 + complexity: 15 expressions: - - SE- - - and(K-, or(S+, R-)) - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - R- + - and(K-, not(R+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-3841 type: explored -- comm_cost: 0.5139467592592595 - complexity: 23 +- comm_cost: 0.6053819444444446 + complexity: 14 expressions: - - N+ - - R- + - K+ + - R+ - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) name: explored-3842 type: explored -- comm_cost: 0.5109375 - complexity: 16 +- comm_cost: 0.3373263888888891 + complexity: 17 expressions: - K+ - N+ - - S+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(S+, R+) + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-3843 type: explored -- comm_cost: 0.26041666666666696 - complexity: 10 +- comm_cost: 0.5099537037037036 + complexity: 15 expressions: - N+ - - and(N-, R+) - - and(N-, R+) + - R- - and(S-, SE-) + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-3844 type: explored -- comm_cost: 0.3826388888888892 - complexity: 16 +- comm_cost: 0.3998263888888891 + complexity: 19 expressions: - N+ - - R- - - SE- + - S+ - and(N-, R+) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-3845 type: explored -- comm_cost: 0.6844618055555557 - complexity: 18 +- comm_cost: 0.13593750000000027 + complexity: 22 expressions: - - R+ - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-3846 type: explored -- comm_cost: 0.5767361111111113 - complexity: 6 +- comm_cost: 0.7920138888888889 + complexity: 9 expressions: - - N+ - - R+ - - and(K-, not(R+)) + - and(N-, not(R-)) + - not(R+) + - or(K+, K-) name: explored-3847 type: explored -- comm_cost: 0.19103009259259296 - complexity: 19 +- comm_cost: 0.6227430555555555 + complexity: 7 expressions: - - K+ - N+ - R- - S+ - and(K-, not(R+)) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) name: explored-3848 type: explored -- comm_cost: 0.337760416666667 - complexity: 8 +- comm_cost: 0.3276041666666669 + complexity: 11 expressions: + - K+ - N+ - R- - - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - not(R+) name: explored-3849 type: explored -- comm_cost: 0.4631944444444447 - complexity: 12 +- comm_cost: 0.3105902777777779 + complexity: 22 expressions: - K+ - - N+ - - SE- + - R- + - R- + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - or(S+, R+) name: explored-3850 type: explored -- comm_cost: 0.3796875000000002 - complexity: 15 +- comm_cost: 0.4663194444444446 + complexity: 8 expressions: + - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - SE- + - and(K-, S+) name: explored-3851 type: explored -- comm_cost: 0.5818287037037039 - complexity: 29 +- comm_cost: 0.2802083333333335 + complexity: 21 expressions: - - and(K-, not(R-)) + - N+ + - R- + - and(K-, S+) - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) name: explored-3852 type: explored -- comm_cost: 0.25694444444444464 - complexity: 17 +- comm_cost: 0.49662905092592613 + complexity: 16 expressions: - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - or(K+, SE+) + name: explored-3853 + type: explored +- comm_cost: 0.18750000000000022 + complexity: 15 + expressions: - K+ - N+ - - S+ + - R- - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-3853 + - and(S-, SE-) + - and(SE+, N-) + name: explored-3854 type: explored -- comm_cost: 0.5691840277777779 - complexity: 8 +- comm_cost: 0.6345486111111112 + complexity: 14 expressions: - R+ - R- - - S+ - SE- - - and(N-, not(R-)) - name: explored-3854 + - and(K-, SE-) + - and(N-, or(K+, S-)) + - or(K+, SE+) + name: explored-3855 type: explored -- comm_cost: 0.14739583333333361 - complexity: 12 +- comm_cost: 0.29079861111111127 + complexity: 22 expressions: - K+ + - K+ - N+ + - R- - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - name: explored-3855 - type: explored -- comm_cost: 0.8401041666666668 - complexity: 3 - expressions: - - or(S+, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-3856 type: explored -- comm_cost: 0.7395833333333335 - complexity: 5 +- comm_cost: 0.2627314814814816 + complexity: 17 expressions: - - R+ + - K+ + - N+ - R- - - or(K+, SE+) + - SE+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-3857 type: explored -- comm_cost: 0.6451099537037038 - complexity: 6 +- comm_cost: 0.5011284722222223 + complexity: 15 expressions: + - N+ - R- - S- - - SE+ + - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-3858 type: explored -- comm_cost: 0.7065185185185185 - complexity: 22 +- comm_cost: 0.41423611111111125 + complexity: 15 expressions: - - SE+ - - and(K-, or(S+, R-)) - - and(S-, not(R-)) - - or(K+, R-) - - or(K+, S-) - - or(N+, R-) - - or(S+, SE+) + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-3859 type: explored -- comm_cost: 0.4083333333333333 - complexity: 6 +- comm_cost: 0.36250000000000027 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- - - S+ + - S- + - and(N-, R+) + - and(S-, SE-) - and(S-, SE-) name: explored-3860 type: explored -- comm_cost: 0.29166666666666696 - complexity: 12 +- comm_cost: 0.5274305555555555 + complexity: 13 expressions: - K+ - R- - - SE- - - and(K-, S+) - - and(N-, R+) + - S+ - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-3861 type: explored -- comm_cost: 0.7364583333333334 - complexity: 3 +- comm_cost: 0.6979166666666667 + complexity: 6 expressions: - - N+ - - R+ - - R+ + - R- + - and(N-, or(K+, R+)) name: explored-3862 type: explored -- comm_cost: 0.213715277777778 - complexity: 14 +- comm_cost: 0.5713541666666668 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - S+ - - and(K-, not(R+)) - - and(N-, R+) + - R+ + - and(K-, or(N+, not(R+))) - and(S-, SE-) name: explored-3863 type: explored -- comm_cost: 0.06093750000000031 - complexity: 15 +- comm_cost: 0.5915740740740741 + complexity: 27 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE+ - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) name: explored-3864 type: explored -- comm_cost: 0.24565972222222254 - complexity: 20 +- comm_cost: 0.44259259259259265 + complexity: 22 expressions: + - K+ - N+ - R- - - S+ - - and(K-, or(S+, N+)) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) - and(or(K+, S-), not(R+)) name: explored-3865 type: explored -- comm_cost: 0.20607638888888902 - complexity: 16 +- comm_cost: 0.6661805555555556 + complexity: 7 expressions: - - K+ + - K- - N+ - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - SE- + - not(R-) name: explored-3866 type: explored -- comm_cost: 0.7379722222222223 - complexity: 34 +- comm_cost: 0.6325954861111112 + complexity: 18 expressions: - - and(K-, not(R-)) - - and(K-, or(S+, N+)) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - R- + - SE- + - and(N-, or(K+, SE+)) + - and(S-, not(R-)) + - and(or(K+, S-), not(R-)) name: explored-3867 type: explored -- comm_cost: 0.3197916666666668 - complexity: 6 +- comm_cost: 0.23958333333333348 + complexity: 18 expressions: - - R+ - - R- + - N+ - S+ + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R-) name: explored-3868 type: explored -- comm_cost: 0.5616319444444445 - complexity: 6 +- comm_cost: 0.497152777777778 + complexity: 12 expressions: + - N+ - R+ - R- - - SE- - - or(K+, R+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-3869 type: explored -- comm_cost: 0.611545138888889 - complexity: 11 +- comm_cost: 0.7741319444444446 + complexity: 4 expressions: - R+ - - and(K-, N-) - - and(K-, not(R+)) - - and(S-, SE-) + - or(K+, R+) name: explored-3870 type: explored -- comm_cost: 0.8168402777777779 - complexity: 8 +- comm_cost: 0.4964409722222225 + complexity: 10 expressions: - - and(K-, or(S+, R+)) - - or(S+, R+) + - N+ + - R+ + - R- + - S- + - and(N-, R+) + - and(S-, SE-) name: explored-3871 type: explored -- comm_cost: 0.5616319444444445 - complexity: 8 +- comm_cost: 0.6074074074074075 + complexity: 13 expressions: - - R+ + - K+ - R- - - SE- - - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) + - and(S-, N-) + - and(S-, SE-) name: explored-3872 type: explored -- comm_cost: 0.6954282407407408 - complexity: 8 +- comm_cost: 0.324479166666667 + complexity: 12 expressions: - - R+ - - and(S-, not(R-)) - - or(K+, SE+) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - or(N+, R-) name: explored-3873 type: explored -- comm_cost: 0.6079166666666668 - complexity: 8 +- comm_cost: 0.2659722222222225 + complexity: 20 expressions: - N+ - - R+ - R- - - not(R-) - - or(K+, N+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) name: explored-3874 type: explored -- comm_cost: 0.5396875000000002 - complexity: 21 +- comm_cost: 0.3441840277777779 + complexity: 18 expressions: - N+ + - R+ - R- - - SE- + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(and(S-, N-), not(R-)) - - not(R-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(S+, N+) name: explored-3875 type: explored -- comm_cost: 0.8375 - complexity: 4 +- comm_cost: 0.5974074074074076 + complexity: 16 expressions: - - K+ - - and(K-, S+) + - N+ + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, N-) + - or(S+, SE+) name: explored-3876 type: explored -- comm_cost: 0.23125000000000018 - complexity: 12 +- comm_cost: 0.7241319444444445 + complexity: 10 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(K-, not(R+)) + - and(or(K+, S-), not(R-)) name: explored-3877 type: explored -- comm_cost: 0.6553819444444446 - complexity: 10 +- comm_cost: 0.5776041666666668 + complexity: 7 expressions: - - SE- - - and(K-, not(R+)) - - and(N-, or(K+, R+)) + - K+ + - N+ + - R+ + - R- + - or(K+, N+) name: explored-3878 type: explored -- comm_cost: 0.6212962962962965 - complexity: 16 +- comm_cost: 0.5989583333333335 + complexity: 6 expressions: + - K+ + - K+ - R+ - - R- - - SE- - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) - - or(N+, R-) + - and(K-, S+) name: explored-3879 type: explored -- comm_cost: 0.5177083333333334 - complexity: 11 +- comm_cost: 0.6533333333333333 + complexity: 6 expressions: - - R+ + - K+ + - N- - R- - - SE- - - and(S-, or(SE-, N+)) - - or(K+, R-) + - and(S-, SE-) name: explored-3880 type: explored -- comm_cost: 0.35509259259259274 - complexity: 10 +- comm_cost: 0.7121527777777779 + complexity: 11 expressions: + - K- - R+ - - R- - - R- - - S+ - - and(S-, SE-) - - or(S+, R-) + - and(or(K+, S-), not(R-)) + - or(N+, R-) name: explored-3881 type: explored -- comm_cost: 0.7053472222222223 - complexity: 9 +- comm_cost: 0.45225694444444464 + complexity: 14 expressions: - - R+ + - N+ + - R- - SE- - - and(N-, not(R-)) - - or(S+, SE+) + - and(N-, R+) + - and(S-, not(R+)) + - and(S-, not(R-)) name: explored-3882 type: explored -- comm_cost: 0.7614583333333336 - complexity: 2 +- comm_cost: 0.6737500000000001 + complexity: 9 expressions: - - R+ - - R+ + - K+ + - K- + - and(and(K-, N-), or(S+, R+)) name: explored-3883 type: explored -- comm_cost: 0.6618819444444445 - complexity: 38 +- comm_cost: 0.803125 + complexity: 6 expressions: - - N- - - SE+ - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - not(R+) + - K+ + - and(K-, or(S+, N+)) name: explored-3884 type: explored -- comm_cost: 0.39024884259259274 - complexity: 17 +- comm_cost: 0.6505787037037039 + complexity: 15 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(K-, not(R+)) + - and(S-, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-3885 type: explored -- comm_cost: 0.5822916666666668 - complexity: 4 +- comm_cost: 0.4046875000000001 + complexity: 13 expressions: - K+ - - K+ - - R+ + - N+ - R- + - and(K-, S+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-3886 type: explored -- comm_cost: 0.5239583333333335 - complexity: 12 +- comm_cost: 0.7904513888888889 + complexity: 10 expressions: - - N+ - - R+ - - SE- - - and(and(S-, N-), not(R-)) - - or(N+, R-) + - K+ + - and(K-, or(N+, not(R+))) + - or(S+, R-) name: explored-3887 type: explored -- comm_cost: 0.32621527777777803 - complexity: 18 +- comm_cost: 0.31406250000000036 + complexity: 11 expressions: - N+ - R- - - S+ - - and(K-, not(R+)) + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) name: explored-3888 type: explored -- comm_cost: 0.2943576388888892 +- comm_cost: 0.5989149305555557 complexity: 21 expressions: - - K+ - - N+ - - R- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, or(N+, R-)) + - and(S-, N-) + - and(and(K-, N-), or(S+, SE+)) + - not(R+) name: explored-3889 type: explored -- comm_cost: 0.20329861111111136 - complexity: 13 +- comm_cost: 0.6505787037037039 + complexity: 12 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - R+ + - and(N-, or(K+, S-)) + - or(N+, R-) + - or(S+, R-) name: explored-3890 type: explored -- comm_cost: 0.5711805555555557 - complexity: 13 +- comm_cost: 0.7603009259259261 + complexity: 9 expressions: - R+ - - R- - - SE- - - or(S+, N+) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(S+, R+)) + - or(K+, R+) name: explored-3891 type: explored -- comm_cost: 0.4370659722222223 - complexity: 17 +- comm_cost: 0.2781684027777781 + complexity: 16 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, SE+) + - or(S+, R-) + - or(SE-, N+) name: explored-3892 type: explored -- comm_cost: 0.7492187500000002 - complexity: 5 +- comm_cost: 0.40500000000000014 + complexity: 9 expressions: - N+ - - R+ - - or(S+, R+) + - N- + - R- + - and(N-, R+) + - and(S-, SE-) name: explored-3893 type: explored -- comm_cost: 0.6053819444444445 +- comm_cost: 0.5322916666666668 complexity: 8 expressions: + - N+ + - R+ - R- - - SE+ - - SE- - - and(SE-, or(K+, S-)) + - and(K-, or(SE-, N+)) name: explored-3894 type: explored -- comm_cost: 0.35421875000000014 - complexity: 12 +- comm_cost: 0.5890046296296299 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - N- - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(N-, or(S+, R+)) + - and(SE+, N-) name: explored-3895 type: explored -- comm_cost: 0.6055555555555555 - complexity: 12 +- comm_cost: 0.43072916666666683 + complexity: 13 expressions: - - N+ - - R- - - and(K-, not(R+)) + - K+ + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(S+, N+) name: explored-3896 type: explored -- comm_cost: 0.5586805555555556 - complexity: 15 +- comm_cost: 0.587152777777778 + complexity: 9 expressions: - - N+ - - R- + - R+ - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, not(R-)) + - SE- + - and(or(K+, S-), not(R+)) name: explored-3897 type: explored -- comm_cost: 0.5555555555555556 - complexity: 12 +- comm_cost: 0.41638888888888903 + complexity: 14 expressions: + - K+ + - K- - N+ - R- - - and(K-, S+) - - and(K-, not(R+)) + - S+ + - and(N-, R+) - and(S-, SE-) + - or(N+, R-) name: explored-3898 type: explored -- comm_cost: 0.5911458333333335 - complexity: 5 +- comm_cost: 0.40833333333333355 + complexity: 20 expressions: - - R+ + - N+ + - R- - SE- - - and(K-, SE-) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-3899 type: explored -- comm_cost: 0.6720486111111112 - complexity: 8 +- comm_cost: 0.3666666666666668 + complexity: 17 expressions: - - R+ - - and(K-, not(R-)) - - or(S+, R-) + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-3900 type: explored -- comm_cost: 0.5479166666666668 - complexity: 10 +- comm_cost: 0.45729166666666676 + complexity: 7 expressions: - - K+ - - and(N-, R+) + - R+ - and(S-, SE-) - - or(K+, S-) + - or(S+, N+) name: explored-3901 type: explored -- comm_cost: 0.6129918981481483 - complexity: 16 +- comm_cost: 0.5409722222222224 + complexity: 10 expressions: - - K+ - R+ - R- + - S+ - SE- - - and(N-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - and(SE+, N-) + - or(N+, R-) name: explored-3902 type: explored -- comm_cost: 0.5638020833333335 - complexity: 11 +- comm_cost: 0.45425347222222257 + complexity: 16 expressions: - N+ - - R+ - - R- - SE- - - and(N-, or(S+, R+)) - - not(R+) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(SE-, N+) name: explored-3903 type: explored -- comm_cost: 0.2761574074074076 - complexity: 23 +- comm_cost: 0.7770833333333333 + complexity: 2 + expressions: + - K- + - R- + name: explored-3904 + type: explored +- comm_cost: 0.47829861111111127 + complexity: 19 expressions: - K+ - N+ - R- - and(K-, S+) - - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-3904 - type: explored -- comm_cost: 0.6934895833333334 - complexity: 5 - expressions: - - and(SE+, N-) - - not(R+) + - and(S-, not(R-)) + - or(K+, K-) name: explored-3905 type: explored -- comm_cost: 0.7055555555555557 - complexity: 11 +- comm_cost: 0.21724537037037073 + complexity: 16 expressions: + - K+ - N+ - - R+ - - and(or(K+, S-), not(R-)) - - or(K+, SE+) + - R- + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-3906 type: explored -- comm_cost: 0.3835937500000002 - complexity: 19 +- comm_cost: 0.6047743055555557 + complexity: 15 expressions: - - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - and(SE-, or(K+, S-)) - - or(SE-, N+) + - SE- + - and(N-, or(K+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-3907 type: explored -- comm_cost: 0.6322916666666668 - complexity: 8 +- comm_cost: 0.5159143518518521 + complexity: 18 expressions: - N+ - - S- - - and(K-, N-) + - R- - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) name: explored-3908 type: explored -- comm_cost: 0.7484722222222222 - complexity: 10 +- comm_cost: 0.2112847222222225 + complexity: 20 expressions: - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-3909 type: explored -- comm_cost: 0.5859953703703705 - complexity: 11 +- comm_cost: 0.3440972222222224 + complexity: 16 expressions: - - N+ - - R+ - - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) - and(N-, or(K+, SE+)) - - and(S-, N-) + - and(S-, SE-) name: explored-3910 type: explored -- comm_cost: 0.5776909722222224 - complexity: 12 +- comm_cost: 0.5476041666666668 + complexity: 15 expressions: + - K+ - N+ - - SE- - - and(N-, or(K+, R+)) - - or(S+, or(N+, R-)) + - R- + - and(K-, S+) + - and(S-, SE-) + - or(K+, S-) + - or(S+, R+) name: explored-3911 type: explored -- comm_cost: 0.33302951388888913 - complexity: 23 +- comm_cost: 0.1409722222222225 + complexity: 11 expressions: - - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - or(S+, R-) name: explored-3912 type: explored -- comm_cost: 0.2783564814814816 +- comm_cost: 0.5956944444444446 + complexity: 10 + expressions: + - K- + - N+ + - and(N-, R+) + - and(N-, or(K+, R+)) + name: explored-3913 + type: explored +- comm_cost: 0.3006944444444446 complexity: 15 expressions: + - K+ + - K+ - N+ - R- - S+ - - SE+ - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - name: explored-3913 - type: explored -- comm_cost: 0.7802083333333334 - complexity: 7 - expressions: - - SE- - - and(K-, N-) - - or(K+, K-) + - and(S-, not(R-)) name: explored-3914 type: explored -- comm_cost: 0.33211805555555585 - complexity: 20 +- comm_cost: 0.20815972222222245 + complexity: 13 expressions: - - K+ + - N+ - R- - - and(K-, S+) - - and(K-, SE-) + - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-3915 type: explored -- comm_cost: 0.7804687500000002 - complexity: 4 +- comm_cost: 0.5031828703703706 + complexity: 14 expressions: - - R+ - - or(S+, R+) + - R- + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) name: explored-3916 type: explored -- comm_cost: 0.23697916666666696 - complexity: 15 +- comm_cost: 0.6717881944444446 + complexity: 11 expressions: - N+ - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - R- + - and(K-, or(S+, SE+)) + - or(K+, R-) name: explored-3917 type: explored -- comm_cost: 0.5416666666666669 - complexity: 10 +- comm_cost: 0.5838541666666668 + complexity: 14 expressions: - - K+ - R+ - - R- - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) name: explored-3918 type: explored -- comm_cost: 0.5898437500000002 - complexity: 10 +- comm_cost: 0.6783854166666669 + complexity: 13 expressions: - - N+ - - and(N-, R+) - - or(K+, SE+) - - or(SE-, N+) + - and(K-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) name: explored-3919 type: explored -- comm_cost: 0.2506944444444448 - complexity: 12 +- comm_cost: 0.6484375000000002 + complexity: 7 expressions: - - N+ + - R- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) name: explored-3920 type: explored -- comm_cost: 0.37265625000000013 - complexity: 16 +- comm_cost: 0.5171875000000001 + complexity: 7 expressions: - N+ - - R- - - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, R+) + - or(K+, SE+) name: explored-3921 type: explored -- comm_cost: 0.35145833333333343 - complexity: 16 +- comm_cost: 0.5742187500000001 + complexity: 11 expressions: - - K+ - N+ - - N- - R- - - and(K-, S+) - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, not(R+)) + - and(N-, not(R-)) name: explored-3922 type: explored -- comm_cost: 0.3061342592592594 - complexity: 20 +- comm_cost: 0.35364583333333344 + complexity: 12 expressions: - - N+ - - N+ - R- - - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-3923 type: explored -- comm_cost: 0.75 +- comm_cost: 0.5541666666666668 complexity: 10 expressions: - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R+ + - SE- + - and(S-, N-) + - and(S-, not(R+)) name: explored-3924 type: explored -- comm_cost: 0.5315972222222225 - complexity: 11 +- comm_cost: 0.42309027777777797 + complexity: 15 expressions: - N+ + - R- - SE- - and(N-, R+) - - and(SE+, N-) - - or(S+, R+) + - and(and(K-, N-), not(R-)) + - or(K+, N+) name: explored-3925 type: explored -- comm_cost: 0.21093750000000022 - complexity: 12 +- comm_cost: 0.5211111111111113 + complexity: 14 expressions: - - K+ + - N+ - R- - - S+ - - and(N-, R+) + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) + - or(S+, SE+) name: explored-3926 type: explored -- comm_cost: 0.4083333333333332 - complexity: 7 +- comm_cost: 0.7208333333333334 + complexity: 6 expressions: - - K+ - - N+ - - R- - - R- - - and(S-, SE-) + - R+ + - and(N-, or(K+, R+)) name: explored-3927 type: explored -- comm_cost: 0.42482638888888913 - complexity: 17 +- comm_cost: 0.3322916666666669 + complexity: 15 expressions: - K+ - N+ - R- - - R- - - SE- - - and(K-, or(S+, R-)) + - S+ - and(N-, R+) - - and(S-, not(R-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-3928 type: explored -- comm_cost: 0.5113425925925927 - complexity: 16 +- comm_cost: 0.256857638888889 + complexity: 20 expressions: + - K+ - N+ - R- - - SE- - - and(K-, or(S+, R+)) + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, R+) name: explored-3929 type: explored -- comm_cost: 0.4302083333333334 - complexity: 14 +- comm_cost: 0.6312500000000002 + complexity: 11 + expressions: + - R+ + - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) + name: explored-3930 + type: explored +- comm_cost: 0.298229166666667 + complexity: 20 expressions: - - K+ - - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - name: explored-3930 - type: explored -- comm_cost: 0.7061631944444445 - complexity: 3 - expressions: - - SE+ - - not(R+) + - and(SE-, or(K+, S-)) + - or(N+, not(R+)) name: explored-3931 type: explored -- comm_cost: 0.30729166666666674 - complexity: 18 +- comm_cost: 0.7562500000000001 + complexity: 2 expressions: - - K+ + - K- - N+ - - R- - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) name: explored-3932 type: explored -- comm_cost: 0.5840277777777778 - complexity: 9 +- comm_cost: 0.42881944444444464 + complexity: 11 expressions: - N+ - R- - - SE+ + - S+ - SE- - - and(N-, or(S+, R+)) + - and(N-, R+) + - and(S-, not(R-)) name: explored-3933 type: explored -- comm_cost: 0.5708333333333335 - complexity: 5 - expressions: - - R+ - - SE- - - or(N+, R-) - name: explored-3934 - type: explored -- comm_cost: 0.0677083333333337 - complexity: 11 +- comm_cost: 2.220446049250313e-16 + complexity: 13 expressions: - K+ - N+ - R- - - S+ - - S+ + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + name: explored-3934 + type: explored +- comm_cost: 0.3295138888888892 + complexity: 16 + expressions: + - N+ + - SE- + - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) name: explored-3935 type: explored -- comm_cost: 0.7400173611111112 - complexity: 11 +- comm_cost: 0.6645254629629631 + complexity: 13 expressions: + - R+ - SE- - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-3936 type: explored -- comm_cost: 0.4343750000000002 - complexity: 10 +- comm_cost: 0.44739583333333355 + complexity: 12 expressions: - - R+ - - and(K-, SE-) + - K+ + - K+ + - N+ + - S+ + - S- + - SE- + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) name: explored-3937 type: explored -- comm_cost: 0.9104166666666667 - complexity: 5 +- comm_cost: 0.5304687500000002 + complexity: 13 expressions: - - and(K-, or(S+, R-)) + - N+ + - S- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-3938 type: explored -- comm_cost: 0.7541666666666667 - complexity: 4 +- comm_cost: 0.6234953703703705 + complexity: 12 expressions: - - SE- - - or(S+, SE+) + - R+ + - and(N-, or(K+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-3939 type: explored -- comm_cost: 0.4252604166666668 - complexity: 15 +- comm_cost: 0.21197916666666683 + complexity: 12 expressions: - K+ + - K+ - N+ - - R- - - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, not(R-)) + - and(S-, SE-) + - and(SE+, N-) name: explored-3940 type: explored -- comm_cost: 0.47675057870370385 - complexity: 23 +- comm_cost: 0.9104166666666667 + complexity: 3 expressions: - - N+ - - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - or(K+, R-) name: explored-3941 type: explored -- comm_cost: 0.5653935185185187 - complexity: 13 +- comm_cost: 0.6671990740740741 + complexity: 7 expressions: + - K+ - R+ - - R- - - SE- - - and(K-, not(R+)) - - and(or(K+, S-), not(R+)) + - and(S-, N-) + - not(R-) name: explored-3942 type: explored -- comm_cost: 0.3419444444444446 - complexity: 15 +- comm_cost: 0.30196759259259265 + complexity: 27 expressions: - K+ + - N+ - R- - - R- - - and(K-, S+) + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(S+, SE+) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-3943 type: explored -- comm_cost: 0.4938541666666667 - complexity: 8 +- comm_cost: 0.3650462962962965 + complexity: 25 expressions: - K+ - N+ - - N- - R- - - S+ + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-3944 type: explored -- comm_cost: 0.5236284722222224 - complexity: 20 +- comm_cost: 0.34583333333333366 + complexity: 13 expressions: - N+ - - R- + - SE- - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-3945 type: explored -- comm_cost: 0.4179687500000002 - complexity: 14 +- comm_cost: 0.4423611111111113 + complexity: 9 expressions: - - N+ - - R- - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - - or(SE-, N+) + - or(K+, R+) name: explored-3946 type: explored -- comm_cost: 0.4190277777777779 - complexity: 19 +- comm_cost: 0.7413310185185186 + complexity: 20 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) + - S- + - and(N-, or(K+, S-)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) + - or(K+, K-) name: explored-3947 type: explored -- comm_cost: 0.40486111111111134 - complexity: 11 +- comm_cost: 0.20703125000000033 + complexity: 14 expressions: + - K+ + - N+ - R- + - S+ - SE- - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - or(S+, R-) name: explored-3948 type: explored -- comm_cost: 0.4583912037037039 +- comm_cost: 0.49965277777777795 complexity: 16 expressions: - K+ - N+ - - R- + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, N-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-3949 type: explored -- comm_cost: 0.3021412037037041 - complexity: 18 +- comm_cost: 0.7102430555555557 + complexity: 12 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) + - not(R+) name: explored-3950 type: explored -- comm_cost: 0.5137615740740742 - complexity: 13 +- comm_cost: 0.44010416666666685 + complexity: 7 expressions: - - K+ - - N+ + - R+ - R- - - S+ + - R- + - SE- - and(N-, R+) - - and(S-, not(R-)) - - not(R-) name: explored-3951 type: explored -- comm_cost: 0.4802083333333337 - complexity: 16 +- comm_cost: 0.3901041666666669 + complexity: 22 expressions: - - R- + - K+ + - N+ + - and(K-, S+) - and(N-, R+) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) name: explored-3952 type: explored -- comm_cost: 0.5166319444444446 - complexity: 11 +- comm_cost: 0.658564814814815 + complexity: 16 expressions: - - K- - N+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-3953 type: explored -- comm_cost: 0.5266145833333334 - complexity: 21 +- comm_cost: 0.441666666666667 + complexity: 8 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - S+ + - and(N-, R+) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - not(R-) - - or(K+, SE+) name: explored-3954 type: explored -- comm_cost: 0.6839409722222223 - complexity: 15 +- comm_cost: 0.413888888888889 + complexity: 14 expressions: - - and(K-, SE-) - - and(N-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-3955 type: explored -- comm_cost: 0.41458333333333375 - complexity: 10 +- comm_cost: 0.35918402777777814 + complexity: 19 expressions: - K+ - - K+ - N+ - - S+ - - and(N-, R+) + - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-3956 type: explored -- comm_cost: 0.4536458333333335 - complexity: 10 +- comm_cost: 0.7314236111111112 + complexity: 11 expressions: - - N+ - - R+ - - R- - - and(S-, SE-) - - and(S-, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, SE+) name: explored-3957 type: explored -- comm_cost: 0.6053819444444446 +- comm_cost: 0.41874999999999984 complexity: 13 expressions: - K+ - - R+ - - and(K-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-3958 type: explored -- comm_cost: 0.3479166666666669 +- comm_cost: 0.4036458333333335 complexity: 14 expressions: + - N+ - R- - - and(K-, SE-) + - SE- - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, N-) + - and(SE-, or(K+, S-)) name: explored-3959 type: explored -- comm_cost: 0.7151041666666667 - complexity: 6 +- comm_cost: 0.448385416666667 + complexity: 11 expressions: - K+ - - N+ - - SE- - - or(K+, K-) + - K+ + - R- + - S+ + - and(N-, R+) + - or(N+, not(R+)) name: explored-3960 type: explored -- comm_cost: 0.28333333333333355 - complexity: 24 +- comm_cost: 0.624652777777778 + complexity: 8 expressions: - - K+ - - K+ - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - R+ + - and(S-, or(N+, not(R+))) name: explored-3961 type: explored -- comm_cost: 0.41171875000000013 - complexity: 10 +- comm_cost: 0.6588541666666667 + complexity: 12 expressions: - - K+ - - N+ - - S+ - - S- - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(N-, or(S+, SE+)) + - and(N-, or(S+, SE+)) name: explored-3962 type: explored -- comm_cost: 0.78328125 - complexity: 8 +- comm_cost: 0.40633680555555585 + complexity: 12 expressions: - - and(N-, or(S+, SE+)) - - or(K+, S-) + - N+ + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - not(R+) name: explored-3963 type: explored -- comm_cost: 0.6343750000000001 - complexity: 7 +- comm_cost: 0.592795138888889 + complexity: 10 expressions: - - N+ - R+ - - and(K-, or(S+, R-)) + - R+ + - SE- + - and(S-, not(R-)) + - and(SE+, N-) name: explored-3964 type: explored -- comm_cost: 0.37864583333333357 - complexity: 11 +- comm_cost: 0.531678240740741 + complexity: 20 expressions: - - K+ - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - or(N+, R-) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) + - or(N+, not(R+)) name: explored-3965 type: explored -- comm_cost: 0.7385416666666668 - complexity: 7 +- comm_cost: 0.557638888888889 + complexity: 11 expressions: + - K+ - N+ - - and(or(K+, S-), not(R-)) + - R- + - and(K-, S+) + - and(K-, or(S+, R+)) name: explored-3966 type: explored -- comm_cost: 0.6098958333333335 - complexity: 6 +- comm_cost: 0.6659722222222223 + complexity: 5 expressions: - N+ - - R+ - R- - - or(K+, R-) + - or(K+, R+) name: explored-3967 type: explored -- comm_cost: 0.5972222222222223 - complexity: 17 +- comm_cost: 0.33619791666666676 + complexity: 15 expressions: - - N+ - - R+ + - K+ + - K+ - R- - - SE- - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(N-, or(K+, SE+)) + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) name: explored-3968 type: explored -- comm_cost: 0.45468750000000013 - complexity: 16 +- comm_cost: 0.4921006944444446 + complexity: 26 expressions: - - N+ + - K+ - R- - - and(K-, or(S+, SE+)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - or(K+, K-) name: explored-3969 type: explored -- comm_cost: 0.7489583333333333 - complexity: 7 +- comm_cost: 0.46291666666666687 + complexity: 15 expressions: + - K- - N+ - R- - - and(K-, or(S+, N+)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-3970 type: explored -- comm_cost: 0.5423611111111113 - complexity: 11 +- comm_cost: 0.5885416666666669 + complexity: 8 expressions: - - N+ - - N- - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) + - K+ + - R+ + - and(K-, or(N+, not(R+))) name: explored-3971 type: explored -- comm_cost: 0.7208333333333334 - complexity: 4 +- comm_cost: 0.6725503472222223 + complexity: 26 expressions: + - N+ + - N- - R+ - - or(K+, N+) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-3972 type: explored -- comm_cost: 0.08125000000000027 - complexity: 12 +- comm_cost: 0.45763888888888915 + complexity: 10 expressions: - - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(N-, or(K+, SE+)) name: explored-3973 type: explored -- comm_cost: 0.47135416666666685 - complexity: 7 +- comm_cost: 0.4939814814814816 + complexity: 17 expressions: - N+ - - N+ - - R- - SE- - - and(SE+, N-) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-3974 type: explored -- comm_cost: 0.5052083333333335 - complexity: 9 +- comm_cost: 0.5552083333333335 + complexity: 7 expressions: - N+ - - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) name: explored-3975 type: explored -- comm_cost: 0.4652777777777779 - complexity: 12 +- comm_cost: 0.5518055555555557 + complexity: 14 expressions: + - K+ + - N+ - R- - - SE- - - and(K-, S+) - - and(N-, R+) - - and(S-, not(R-)) + - S+ + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - not(R-) name: explored-3976 type: explored -- comm_cost: 0.4155092592592595 - complexity: 21 +- comm_cost: 0.3763888888888889 + complexity: 13 expressions: - N+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(K-, S+) + - and(K-, or(S+, R+)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-3977 type: explored -- comm_cost: 0.32144097222222245 - complexity: 17 +- comm_cost: 0.5088020833333335 + complexity: 14 expressions: - N+ + - N- + - R- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-3978 type: explored -- comm_cost: 0.7012013888888889 - complexity: 32 +- comm_cost: 0.4382349537037038 + complexity: 21 expressions: + - K+ + - K+ + - N+ + - R- - S+ - - and(K-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) + - SE+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) - or(S+, R+) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) name: explored-3979 type: explored -- comm_cost: 0.4956597222222223 - complexity: 9 +- comm_cost: 0.6453125 + complexity: 7 expressions: - - and(S-, SE-) - - or(K+, R+) - - or(K+, R-) + - K+ + - N+ + - R- + - SE- + - or(N+, R-) name: explored-3980 type: explored -- comm_cost: 0.45416666666666705 - complexity: 16 +- comm_cost: 0.5662326388888891 + complexity: 17 expressions: - - SE- + - K+ + - N+ + - R- + - S+ - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) name: explored-3981 type: explored -- comm_cost: 0.6156250000000001 - complexity: 8 - expressions: - - R- - - and(N-, not(R-)) - - and(S-, SE-) - name: explored-3982 - type: explored -- comm_cost: 0.38802083333333337 - complexity: 8 +- comm_cost: 0.4924913194444446 + complexity: 18 expressions: - K+ - - N+ + - K+ - N+ - R- - S+ - and(S-, SE-) + - and(S-, not(R-)) + - and(or(K+, S-), not(R-)) + name: explored-3982 + type: explored +- comm_cost: 0.7348958333333335 + complexity: 13 + expressions: + - R+ + - and(and(K-, N-), or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-3983 type: explored -- comm_cost: 0.38550347222222237 - complexity: 21 +- comm_cost: 0.3923611111111114 + complexity: 14 expressions: - - K+ - N+ - R- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(S+, R-) - - or(S+, SE+) + - and(and(K-, N-), not(R-)) name: explored-3984 type: explored -- comm_cost: 0.6707031250000002 - complexity: 25 +- comm_cost: 0.5796006944444446 + complexity: 18 expressions: - - R+ + - K+ + - N+ + - R- - S- - - and(K-, or(S+, N+)) - - and(N-, not(R-)) - - and(N-, or(K+, S-)) - - and(S-, not(R+)) - - or(K+, or(N+, R-)) + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-3985 type: explored -- comm_cost: 0.6718750000000002 - complexity: 6 +- comm_cost: 0.27109375000000024 + complexity: 12 expressions: - - R+ - - and(K-, or(S+, R-)) + - R- + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-3986 type: explored -- comm_cost: 0.7080729166666668 - complexity: 13 +- comm_cost: 0.538888888888889 + complexity: 10 expressions: - N+ - - SE- - - and(K-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-3987 type: explored -- comm_cost: 0.31898148148148153 - complexity: 17 +- comm_cost: 0.4921875000000002 + complexity: 11 expressions: - N+ + - R- + - S+ - and(N-, R+) - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(S-, SE-) name: explored-3988 type: explored -- comm_cost: 0.39236111111111116 - complexity: 11 +- comm_cost: 0.49322916666666683 + complexity: 6 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(S-, N-) - - and(S-, SE-) + - SE- + - and(K-, SE-) name: explored-3989 type: explored -- comm_cost: 0.47682291666666676 - complexity: 16 +- comm_cost: 0.5645833333333334 + complexity: 10 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) + - R+ - and(S-, SE-) - - or(S+, R+) + - and(and(S-, N-), not(R-)) name: explored-3990 type: explored -- comm_cost: 0.7864583333333333 - complexity: 6 +- comm_cost: 0.6952413194444444 + complexity: 39 expressions: - - R- - - and(K-, or(S+, N+)) + - K- + - S- + - and(K-, or(N+, not(R+))) + - and(N-, not(R-)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-3991 type: explored -- comm_cost: 0.40303819444444455 - complexity: 19 +- comm_cost: 0.4925462962962964 + complexity: 15 expressions: - K+ - - N+ + - N- - R- - S+ - - S- + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(N+, R-) name: explored-3992 type: explored -- comm_cost: 0.7162500000000002 - complexity: 6 - expressions: - - R+ - - S- - - or(N+, not(R+)) - name: explored-3993 - type: explored -- comm_cost: 0.6797569444444446 - complexity: 7 +- comm_cost: 0.5638020833333334 + complexity: 8 expressions: - - K- + - N+ + - N+ - R+ - R- - SE- - and(K-, N-) - name: explored-3994 + name: explored-3993 type: explored -- comm_cost: 0.146354166666667 - complexity: 13 +- comm_cost: 0.24930555555555567 + complexity: 25 expressions: + - K+ - N+ - R- - - and(K-, or(S+, R-)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - name: explored-3995 + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) + name: explored-3994 type: explored -- comm_cost: 0.7117476851851853 - complexity: 11 +- comm_cost: 0.5666666666666668 + complexity: 14 expressions: - - R+ - - and(SE+, N-) + - N+ - and(and(K-, N-), or(S+, SE+)) - name: explored-3996 + - and(or(K+, S-), not(R+)) + name: explored-3995 type: explored -- comm_cost: 0.4539930555555556 - complexity: 10 +- comm_cost: 0.5916666666666668 + complexity: 6 expressions: - N+ - - S+ - - and(K-, or(S+, R+)) - - and(S-, SE-) + - R- + - SE- + - or(S+, R+) + name: explored-3996 + type: explored +- comm_cost: 0.7749999999999999 + complexity: 9 + expressions: + - K+ + - R- + - SE- + - and(or(K+, S-), not(R+)) name: explored-3997 type: explored -- comm_cost: 0.6188802083333335 - complexity: 35 +- comm_cost: 0.3070312500000001 + complexity: 23 expressions: + - K+ + - N+ + - R- - and(K-, S+) - - and(K-, not(R-)) - - and(N-, or(S+, R+)) - - and(S-, not(R+)) + - and(K-, SE-) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) - and(SE+, N-) - - or(K+, R-) - - or(N+, R-) - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) name: explored-3998 type: explored -- comm_cost: 0.5444270833333335 - complexity: 16 +- comm_cost: 0.7083333333333333 + complexity: 2 expressions: - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - N+ + - SE- name: explored-3999 type: explored -- comm_cost: 0.2855034722222225 - complexity: 22 +- comm_cost: 0.7780381944444446 + complexity: 10 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-4000 type: explored -- comm_cost: 0.6036458333333334 - complexity: 14 +- comm_cost: 0.6406250000000002 + complexity: 8 expressions: - - R- - - SE- - - and(N-, or(K+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R+ + - or(K+, N+) + - or(SE-, N+) name: explored-4001 type: explored -- comm_cost: 0.23802083333333357 - complexity: 11 +- comm_cost: 0.3866666666666668 + complexity: 13 expressions: - - R+ + - K+ + - N+ + - N- - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) name: explored-4002 type: explored -- comm_cost: 0.4109375000000004 - complexity: 12 +- comm_cost: 0.4156944444444446 + complexity: 14 expressions: - N+ + - R- - S+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - not(R-) + - or(S+, N+) name: explored-4003 type: explored -- comm_cost: 0.419791666666667 - complexity: 13 +- comm_cost: 0.6144097222222223 + complexity: 5 expressions: - - K+ - - R- + - R+ - SE- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, N-) name: explored-4004 type: explored -- comm_cost: 0.22916666666666696 - complexity: 11 +- comm_cost: 0.3890625 + complexity: 12 expressions: - K+ - N+ - - and(N-, R+) + - R- + - and(K-, S+) - and(S-, SE-) - - or(S+, N+) + - or(N+, R-) name: explored-4005 type: explored -- comm_cost: 0.6002604166666669 - complexity: 4 +- comm_cost: 0.690601851851852 + complexity: 14 expressions: - K+ - R+ - - not(R+) + - SE- + - and(S-, not(R-)) + - or(N+, not(R+)) + - or(S+, SE+) name: explored-4006 type: explored -- comm_cost: 0.7022430555555557 - complexity: 36 +- comm_cost: 0.4327916666666669 + complexity: 16 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) + - K+ + - K+ + - N+ + - R- + - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) - not(R-) - - or(K+, K-) - - or(K+, S-) + - or(SE-, N+) name: explored-4007 type: explored - comm_cost: 0.1687500000000004 - complexity: 12 + complexity: 10 expressions: + - K+ - N+ - R- - SE- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) name: explored-4008 type: explored -- comm_cost: 0.8083333333333335 - complexity: 2 +- comm_cost: 0.5463541666666667 + complexity: 7 expressions: - - SE+ - - SE+ + - N+ + - R- + - SE- + - and(N-, not(R-)) name: explored-4009 type: explored -- comm_cost: 0.32875578703703734 - complexity: 22 +- comm_cost: 0.7941666666666667 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(S-, or(SE-, N+)) - or(N+, not(R+)) - - or(and(S-, SE-), or(N+, R-)) name: explored-4010 type: explored -- comm_cost: 0.3739583333333336 - complexity: 19 +- comm_cost: 0.5963541666666669 + complexity: 12 expressions: - - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - R+ + - and(K-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) name: explored-4011 type: explored -- comm_cost: 0.3298611111111114 - complexity: 20 +- comm_cost: 0.4602430555555558 + complexity: 15 expressions: - - K+ - N+ - - R- - - and(K-, or(SE-, N+)) + - S+ + - S- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-4012 type: explored -- comm_cost: 0.3007812500000001 - complexity: 11 +- comm_cost: 0.217621527777778 + complexity: 19 expressions: - - N+ + - K+ - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-4013 type: explored -- comm_cost: 0.21944444444444478 - complexity: 16 +- comm_cost: 0.7136458333333334 + complexity: 5 expressions: - - K+ - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - K- + - R+ + - and(SE+, N-) name: explored-4014 type: explored -- comm_cost: 0.6411458333333333 - complexity: 8 +- comm_cost: 0.1775462962962966 + complexity: 18 expressions: + - K+ - N+ - R- - - SE- - - and(K-, or(S+, N+)) + - S+ + - and(N-, R+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-4015 type: explored -- comm_cost: 0.43281250000000016 - complexity: 13 +- comm_cost: 0.8008680555555556 + complexity: 7 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) + - SE- + - SE- + - or(S+, or(N+, R-)) name: explored-4016 type: explored -- comm_cost: 0.34375000000000033 - complexity: 9 +- comm_cost: 0.08541666666666692 + complexity: 15 expressions: - N+ - - N+ - R- + - S+ - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-4017 type: explored -- comm_cost: 0.7736979166666667 - complexity: 13 +- comm_cost: 0.3856481481481482 + complexity: 18 expressions: - - SE- - - and(S-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-4018 type: explored -- comm_cost: 0.6508333333333334 - complexity: 11 +- comm_cost: 0.6247395833333336 + complexity: 10 expressions: - - N+ - - R- - - and(S-, SE-) - - not(R-) - - or(N+, not(R+)) + - SE- + - and(K-, N-) + - and(N-, R+) + - or(K+, R-) name: explored-4019 type: explored -- comm_cost: 0.5421875000000002 +- comm_cost: 0.6499305555555557 complexity: 9 expressions: - R+ - - SE- - - and(S-, not(R+)) - - or(K+, R-) + - and(K-, not(R+)) + - or(N+, not(R+)) name: explored-4020 type: explored -- comm_cost: 0.38333333333333364 - complexity: 9 +- comm_cost: 0.3842013888888891 + complexity: 14 expressions: + - N+ - R- - - SE- - - SE- + - and(K-, not(R+)) - and(N-, R+) - - or(S+, N+) + - and(N-, or(K+, R+)) name: explored-4021 type: explored -- comm_cost: 0.6494502314814816 - complexity: 9 - expressions: - - R+ - - SE+ - - and(K-, or(S+, R-)) - - not(R+) - name: explored-4022 - type: explored -- comm_cost: 0.5151041666666668 - complexity: 8 - expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, N+)) - name: explored-4023 - type: explored -- comm_cost: 0.7511226851851853 - complexity: 14 - expressions: - - R+ - - and(K-, or(S+, N+)) - - and(N-, or(K+, SE+)) - - or(S+, SE+) - name: explored-4024 - type: explored -- comm_cost: 0.5216145833333335 - complexity: 11 +- comm_cost: 0.4604166666666668 + complexity: 19 expressions: - N+ - - S- + - R- - SE- + - and(K-, N-) - and(N-, R+) + - and(S-, or(SE-, N+)) - and(SE-, or(K+, S-)) - name: explored-4025 + name: explored-4022 type: explored -- comm_cost: 0.3221354166666669 - complexity: 19 +- comm_cost: 0.3909722222222224 + complexity: 18 expressions: - K+ - N+ - R- - and(K-, S+) - - and(K-, SE-) - - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - name: explored-4026 + - and(and(S-, N-), not(R-)) + - or(K+, SE+) + name: explored-4023 type: explored -- comm_cost: 0.32777777777777795 - complexity: 17 +- comm_cost: 0.5479166666666668 + complexity: 7 expressions: - - K+ - N+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - name: explored-4027 + - R- + - and(N-, or(K+, R+)) + name: explored-4024 type: explored -- comm_cost: 0.47473958333333355 +- comm_cost: 0.4423611111111113 complexity: 14 expressions: - N+ - R- - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(SE+, N-) - name: explored-4028 + - and(N-, or(S+, R+)) + - or(S+, N+) + name: explored-4025 type: explored -- comm_cost: 0.6340277777777779 - complexity: 8 +- comm_cost: 0.501388888888889 + complexity: 17 expressions: + - N+ - R- - SE- - - or(K+, R+) - - or(S+, R-) - name: explored-4029 + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), not(R-)) + name: explored-4026 type: explored -- comm_cost: 0.6722222222222223 - complexity: 10 +- comm_cost: 0.5452546296296298 + complexity: 13 expressions: + - N+ + - R+ + - R- - SE- - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) - name: explored-4030 + - and(N-, not(R-)) + - and(N-, or(S+, R+)) + name: explored-4027 type: explored -- comm_cost: 0.5347222222222221 - complexity: 13 +- comm_cost: 0.44005208333333334 + complexity: 11 expressions: + - K+ + - K+ - N+ - R- + - S+ - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, N+) - name: explored-4031 + - or(S+, SE+) + name: explored-4028 type: explored -- comm_cost: 0.40538194444444453 - complexity: 14 +- comm_cost: 0.6833333333333335 + complexity: 6 expressions: - - R+ - - R- - - S+ + - and(S-, N-) - and(S-, SE-) - - or(K+, R+) - - or(K+, or(N+, R-)) - name: explored-4032 + name: explored-4029 type: explored -- comm_cost: 0.7130208333333334 +- comm_cost: 0.6187500000000001 + complexity: 15 + expressions: + - R+ + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) + name: explored-4030 + type: explored +- comm_cost: 0.5759722222222223 + complexity: 14 + expressions: + - N+ + - N+ + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - not(R-) + name: explored-4031 + type: explored +- comm_cost: 0.5645833333333334 complexity: 8 expressions: + - N+ + - R+ + - R- + - SE- - and(K-, not(R-)) - - and(S-, not(R+)) - name: explored-4033 + name: explored-4032 type: explored -- comm_cost: 0.2980902777777781 - complexity: 12 +- comm_cost: 0.3676504629629631 + complexity: 17 expressions: + - K+ - N+ + - R- + - S+ + - SE+ - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(S+, R-) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + name: explored-4033 + type: explored +- comm_cost: 0.753125 + complexity: 8 + expressions: + - and(K-, SE-) + - and(K-, or(S+, N+)) name: explored-4034 type: explored -- comm_cost: 0.315416666666667 - complexity: 18 +- comm_cost: 0.4177083333333337 + complexity: 10 expressions: - K+ - N+ - - R- + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, not(R+)) + - or(S+, N+) name: explored-4035 type: explored -- comm_cost: 0.3734375000000001 - complexity: 11 +- comm_cost: 0.44982638888888904 + complexity: 10 expressions: - K+ - N+ - R- - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - and(N-, R+) + - or(S+, R+) name: explored-4036 type: explored -- comm_cost: 0.31250000000000044 - complexity: 10 +- comm_cost: 0.44635416666666683 + complexity: 9 expressions: - N+ - - SE- - - and(N-, R+) + - R+ + - R- - and(S-, SE-) - - not(R+) + - or(SE-, N+) name: explored-4037 type: explored -- comm_cost: 0.7089409722222223 - complexity: 14 +- comm_cost: 0.6672743055555557 + complexity: 11 expressions: + - R+ - R- - - SE- - - and(N-, or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, N-) + - and(or(K+, S-), not(R-)) name: explored-4038 type: explored -- comm_cost: 0.16770833333333357 - complexity: 13 +- comm_cost: 0.502951388888889 + complexity: 14 expressions: - N+ - - and(K-, S+) - - and(N-, R+) + - R- - and(S-, SE-) + - and(and(K-, N-), not(R-)) - or(N+, R-) name: explored-4039 type: explored -- comm_cost: 0.41087962962962987 - complexity: 22 +- comm_cost: 0.8354166666666667 + complexity: 7 expressions: - - N+ - - and(N-, R+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - and(or(K+, S-), or(SE-, N+)) name: explored-4040 type: explored -- comm_cost: 0.6686342592592593 - complexity: 11 +- comm_cost: 0.4083333333333332 + complexity: 7 expressions: - - R+ - - SE- - - and(N-, or(S+, R+)) - - and(S-, not(R-)) + - K+ + - K+ + - N+ + - R- + - and(S-, SE-) name: explored-4041 type: explored -- comm_cost: 0.4583333333333335 - complexity: 13 +- comm_cost: 0.18611111111111123 + complexity: 20 expressions: - K+ - N+ - R- + - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, SE-) + - and(S-, SE-) name: explored-4042 type: explored -- comm_cost: 0.5165625000000003 - complexity: 14 +- comm_cost: 0.6824363425925927 + complexity: 18 expressions: - - N+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - R+ + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, S-)) + - and(S-, or(N+, not(R+))) name: explored-4043 type: explored -- comm_cost: 0.48697916666666685 - complexity: 14 +- comm_cost: 0.5579861111111112 + complexity: 13 expressions: - - K+ - N+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - R- + - and(K-, SE-) + - and(N-, or(S+, SE+)) + - or(K+, R+) name: explored-4044 type: explored -- comm_cost: 0.6427083333333334 - complexity: 18 +- comm_cost: 0.5508101851851852 + complexity: 10 expressions: - - and(S-, N-) + - K+ + - N- + - R+ + - R- - and(S-, SE-) - - and(S-, not(R+)) - - not(R-) - - or(N+, R-) - - or(S+, R-) + - or(K+, R+) name: explored-4045 type: explored -- comm_cost: 0.7296874999999999 - complexity: 8 +- comm_cost: 0.3039930555555559 + complexity: 20 expressions: + - N+ - R- + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) name: explored-4046 type: explored -- comm_cost: 0.4453611111111113 - complexity: 19 +- comm_cost: 0.6067708333333335 + complexity: 8 expressions: - - K+ - - K+ - - N+ + - R+ - R- - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(K+, S-) + - and(K-, or(S+, R-)) name: explored-4047 type: explored -- comm_cost: 0.5744791666666669 - complexity: 11 +- comm_cost: 0.6793576388888889 + complexity: 15 expressions: - - N+ - - and(N-, R+) - - and(S-, not(R+)) - - or(K+, K-) + - R+ + - R- + - SE- + - and(or(K+, S-), not(R-)) + - or(S+, R+) + - or(S+, SE+) name: explored-4048 type: explored -- comm_cost: 0.34583333333333344 - complexity: 15 +- comm_cost: 0.7276041666666666 + complexity: 7 expressions: - - K+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - or(K+, N+) + - or(N+, R-) name: explored-4049 type: explored -- comm_cost: 0.8 - complexity: 4 +- comm_cost: 0.5984375000000002 + complexity: 12 expressions: - - N- - - or(K+, S-) + - R+ + - R- + - SE- + - and(S-, or(N+, not(R+))) + - or(K+, R+) name: explored-4050 type: explored -- comm_cost: 0.3491319444444446 - complexity: 23 +- comm_cost: 0.18072916666666694 + complexity: 11 expressions: - - N+ - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) + - or(N+, R-) name: explored-4051 type: explored -- comm_cost: 0.341666666666667 - complexity: 16 +- comm_cost: 0.6563368055555556 + complexity: 18 expressions: - - K+ - - K+ - - N+ - - S+ - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R- + - and(K-, or(SE-, N+)) + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4052 type: explored -- comm_cost: 0.20598958333333361 - complexity: 16 +- comm_cost: 0.6666666666666667 + complexity: 12 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(S+, N+) + - or(S+, R-) name: explored-4053 type: explored -- comm_cost: 0.611701388888889 +- comm_cost: 0.5079861111111112 complexity: 9 expressions: - - N- - R+ - R- - SE- - - and(SE-, or(K+, S-)) + - and(K-, SE-) + - or(S+, N+) name: explored-4054 type: explored -- comm_cost: 0.2986111111111114 - complexity: 16 +- comm_cost: 0.5437500000000002 + complexity: 6 expressions: - - K+ - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(S-, not(R-)) + - R+ + - and(S-, not(R+)) name: explored-4055 type: explored -- comm_cost: 0.5140625000000003 - complexity: 9 +- comm_cost: 0.3812500000000003 + complexity: 7 expressions: - N+ + - N+ + - SE- + - SE- - and(N-, R+) - - or(S+, or(N+, R-)) name: explored-4056 type: explored -- comm_cost: 0.49629629629629646 - complexity: 17 +- comm_cost: 0.4765625000000002 + complexity: 9 expressions: - - K+ - N+ - R- - - S+ + - S- - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) + - and(S-, SE-) name: explored-4057 type: explored -- comm_cost: 0.45920138888888906 - complexity: 18 +- comm_cost: 0.5284722222222225 + complexity: 13 expressions: + - K+ - N+ - - SE+ + - R+ + - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) + - or(K+, SE+) name: explored-4058 type: explored -- comm_cost: 0.6686342592592593 +- comm_cost: 0.5593171296296298 complexity: 12 expressions: + - N+ - R+ + - R- - SE- - - and(K-, or(S+, R+)) - and(N-, or(S+, R+)) + - or(S+, R+) name: explored-4059 type: explored -- comm_cost: 0.495138888888889 - complexity: 15 +- comm_cost: 0.595601851851852 + complexity: 17 expressions: - - K+ - - N+ + - R+ - R- - - SE+ - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), not(R-)) name: explored-4060 type: explored -- comm_cost: 0.47758680555555566 - complexity: 15 +- comm_cost: 0.7690972222222223 + complexity: 4 expressions: - - K+ - - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - K- + - SE- + - not(R+) name: explored-4061 type: explored -- comm_cost: 0.28420138888888924 - complexity: 18 +- comm_cost: 0.5635416666666668 + complexity: 9 expressions: - - N+ - - S+ - - and(N-, R+) + - R+ + - SE+ - and(S-, SE-) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, not(R+)) name: explored-4062 type: explored -- comm_cost: 0.2175347222222226 - complexity: 15 +- comm_cost: 0.4765625000000001 + complexity: 10 expressions: - N+ - R- - - S+ - SE- - - and(K-, or(S+, N+)) + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) name: explored-4063 type: explored -- comm_cost: 0.2729166666666668 +- comm_cost: 0.5400462962962964 complexity: 10 expressions: - - N+ + - R+ + - R+ - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(and(K-, N-), not(R-)) name: explored-4064 type: explored -- comm_cost: 0.43524305555555587 - complexity: 9 +- comm_cost: 0.4588686342592595 + complexity: 21 expressions: - K+ + - K+ - R- - - SE- + - S+ - and(N-, R+) - - or(K+, R-) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-4065 type: explored -- comm_cost: 0.43524305555555576 - complexity: 19 +- comm_cost: 0.6557291666666667 + complexity: 25 expressions: - N+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(N+, R-) - - or(S+, R+) + - and(K-, SE-) + - and(K-, or(S+, R-)) + - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) + - or(K+, N+) + - or(S+, R-) name: explored-4066 type: explored -- comm_cost: 0.589351851851852 - complexity: 15 +- comm_cost: 0.659201388888889 + complexity: 9 expressions: - - N+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - R+ + - SE- + - and(K-, S+) + - and(N-, not(R-)) name: explored-4067 type: explored -- comm_cost: 0.2888888888888892 - complexity: 15 +- comm_cost: 0.3763888888888889 + complexity: 9 expressions: + - K+ - N+ - R- - - SE- - - and(K-, S+) - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - or(K+, R+) name: explored-4068 type: explored -- comm_cost: 0.5290798611111114 - complexity: 15 +- comm_cost: 0.6118055555555557 + complexity: 7 expressions: - K+ - - N+ + - N- - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(K+, S-) name: explored-4069 type: explored -- comm_cost: 0.5570312500000001 - complexity: 8 +- comm_cost: 0.5034722222222224 + complexity: 15 expressions: - N+ - R- - - S+ - - S- - SE- - - and(S-, SE-) + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(SE-, N+) name: explored-4070 type: explored -- comm_cost: 0.5076388888888891 - complexity: 15 +- comm_cost: 0.5905555555555557 + complexity: 29 expressions: - - N+ - - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(K+, or(N+, R-)) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) + - or(K+, S-) + - or(SE-, N+) name: explored-4071 type: explored -- comm_cost: 0.5573784722222224 - complexity: 17 +- comm_cost: 0.7096953125000001 + complexity: 35 expressions: - - N+ + - S- - SE- - - and(N-, R+) + - and(K-, SE-) + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) - and(N-, not(R-)) - - or(K+, N+) - - or(S+, or(N+, R-)) + - and(N-, or(S+, SE+)) + - and(S-, or(SE-, N+)) + - or(S+, N+) + - or(S+, SE+) name: explored-4072 type: explored -- comm_cost: 0.6841145833333334 - complexity: 5 +- comm_cost: 0.6516493055555557 + complexity: 13 expressions: - - R+ - - S- - - or(K+, N+) + - SE- + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-4073 type: explored -- comm_cost: 0.6125 - complexity: 7 +- comm_cost: 0.47916666666666685 + complexity: 16 expressions: + - K+ - N+ - - and(K-, SE-) - - and(S-, SE-) + - R- + - and(N-, R+) + - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) name: explored-4074 type: explored -- comm_cost: 0.5453125000000001 - complexity: 8 +- comm_cost: 0.6953125000000001 + complexity: 10 expressions: - - N+ + - R+ - SE- - - and(K-, SE-) - - and(S-, N-) + - and(K-, or(S+, R-)) + - or(K+, K-) name: explored-4075 type: explored -- comm_cost: 0.3197916666666668 - complexity: 20 +- comm_cost: 0.7602430555555555 + complexity: 8 expressions: - N+ - R- - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-4076 type: explored -- comm_cost: 0.2951388888888892 - complexity: 18 +- comm_cost: 0.666875 + complexity: 10 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N- + - and(K-, SE-) + - and(K-, or(S+, N+)) name: explored-4077 type: explored -- comm_cost: 0.6630555555555557 - complexity: 12 +- comm_cost: 0.5104166666666669 + complexity: 18 expressions: - - N+ - - and(N-, R+) - - or(K+, or(N+, R-)) - - or(S+, SE+) + - R+ + - R- + - SE- + - and(and(S-, N-), not(R-)) + - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-4078 type: explored -- comm_cost: 0.5703125000000003 - complexity: 8 +- comm_cost: 0.5893750000000001 + complexity: 10 expressions: - - and(N-, R+) - - or(S+, or(N+, R-)) + - K+ + - R+ + - and(S-, SE-) + - not(R+) + - or(S+, SE+) name: explored-4079 type: explored -- comm_cost: 0.6743055555555555 - complexity: 9 +- comm_cost: 0.41024305555555574 + complexity: 19 expressions: - N+ - R- - - SE- - - and(K-, S+) - - or(K+, K-) + - S+ + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-4080 type: explored -- comm_cost: 0.2171875000000003 - complexity: 21 +- comm_cost: 0.6739872685185185 + complexity: 14 expressions: - - K+ - - N+ - N+ - R- - - and(K-, S+) - - and(N-, R+) + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(SE-, N+) + - or(K+, K-) name: explored-4081 type: explored -- comm_cost: 0.5802083333333333 - complexity: 7 +- comm_cost: 0.5605902777777779 + complexity: 10 expressions: - - N+ - - R- - - and(SE-, or(K+, S-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-4082 type: explored -- comm_cost: 0.21597222222222245 - complexity: 21 +- comm_cost: 0.6159722222222224 + complexity: 15 expressions: - - K+ - N+ - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-4083 type: explored -- comm_cost: 0.6941371527777779 - complexity: 29 +- comm_cost: 0.582002314814815 + complexity: 13 expressions: - - N- - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) - - or(K+, N+) - - or(K+, SE+) - - or(K+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - R+ + - R- + - SE- + - and(K-, or(N+, not(R+))) + - or(S+, R-) name: explored-4084 type: explored -- comm_cost: 0.23333333333333361 - complexity: 19 +- comm_cost: 0.6168171296296299 + complexity: 16 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(K-, not(R+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - and(S-, not(R-)) + - and(SE-, or(K+, S-)) + - not(R-) name: explored-4085 type: explored -- comm_cost: 0.6161458333333335 - complexity: 13 +- comm_cost: 0.49583333333333346 + complexity: 9 expressions: + - K+ - N+ - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) - - and(N-, R+) + - SE- + - and(and(S-, N-), not(R-)) name: explored-4086 type: explored -- comm_cost: 0.426041666666667 - complexity: 11 +- comm_cost: 0.3166666666666669 + complexity: 13 expressions: + - K+ + - K+ + - N+ + - R- - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(K+, N+) + - and(S-, SE-) + - or(S+, SE+) name: explored-4087 type: explored -- comm_cost: 0.24369212962962972 +- comm_cost: 0.3651678240740742 complexity: 16 expressions: - K+ - N+ - - R+ - R- - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - or(K+, R+) + - or(S+, SE+) name: explored-4088 type: explored -- comm_cost: 0.316666666666667 - complexity: 14 +- comm_cost: 0.5697916666666668 + complexity: 8 expressions: - N+ - - N+ - - R- - SE- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(SE+, N-) + - or(SE-, N+) name: explored-4089 type: explored -- comm_cost: 0.20717592592592626 +- comm_cost: 0.2708333333333335 complexity: 16 expressions: - N+ - R- - - R- + - SE- - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-4090 type: explored -- comm_cost: 0.4130787037037038 - complexity: 19 +- comm_cost: 0.6498553240740742 + complexity: 12 expressions: - R+ - - R- - - S+ - - and(S-, SE-) - - or(K+, R+) - - or(K+, R-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(K-, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-4091 type: explored -- comm_cost: 0.6666666666666667 - complexity: 3 +- comm_cost: 0.21692708333333344 + complexity: 18 expressions: - - SE+ - - SE+ - - SE- + - K+ + - N+ + - N+ + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-4092 type: explored -- comm_cost: 0.6901157407407408 - complexity: 6 +- comm_cost: 0.6833333333333336 + complexity: 9 expressions: - - N- + - N+ - R+ - - SE- - - or(K+, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-4093 type: explored -- comm_cost: 0.5478009259259261 - complexity: 14 +- comm_cost: 0.37459490740740753 + complexity: 17 expressions: - N+ - - SE- + - R- - and(N-, R+) - - and(S-, N-) - - or(K+, N+) - - or(K+, R+) + - and(S-, SE-) + - and(SE+, N-) + - and(and(K-, N-), not(R-)) name: explored-4094 type: explored -- comm_cost: 0.5368055555555558 - complexity: 14 +- comm_cost: 0.2781250000000004 + complexity: 19 expressions: - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) + - K+ + - R- + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4095 type: explored -- comm_cost: 0.6269097222222224 - complexity: 10 +- comm_cost: 0.3447048611111114 + complexity: 15 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - and(K-, not(R+)) - - and(S-, not(R-)) + - and(K-, S+) + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-4096 type: explored -- comm_cost: 0.34982638888888906 - complexity: 20 +- comm_cost: 0.6289930555555555 + complexity: 10 expressions: - K+ - - N+ + - K+ - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, R+) + - S+ - and(S-, SE-) - - or(S+, R+) + - or(K+, K-) name: explored-4097 type: explored -- comm_cost: 0.6272569444444446 - complexity: 17 +- comm_cost: 0.4276041666666668 + complexity: 16 expressions: - N+ - - R+ - - R- - SE- - - and(K-, not(R-)) - - and(N-, not(R-)) - - or(K+, or(N+, R-)) + - and(N-, R+) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-4098 type: explored -- comm_cost: 0.5773437500000002 +- comm_cost: 0.5437500000000002 complexity: 11 expressions: - K+ - - R+ - R- - - and(N-, or(S+, R+)) - - or(SE-, N+) + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-4099 type: explored -- comm_cost: 0.44140625 - complexity: 9 +- comm_cost: 0.6216145833333333 + complexity: 8 expressions: - K+ - N+ - R- - - and(K-, N-) - - and(S-, SE-) + - and(K-, S+) + - not(R+) name: explored-4100 type: explored -- comm_cost: 0.4859375 - complexity: 9 +- comm_cost: 0.29560185185185217 + complexity: 17 expressions: - - K+ - N+ - - S+ - - and(S-, SE-) + - R- + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-4101 type: explored -- comm_cost: 0.40552083333333344 - complexity: 16 +- comm_cost: 0.3364583333333335 + complexity: 14 expressions: - - N+ + - K+ - R- + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(S+, SE+) name: explored-4102 type: explored -- comm_cost: 0.49263888888888907 +- comm_cost: 0.5663194444444446 complexity: 10 expressions: - - K- - - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, R+) + - R+ + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-4103 type: explored -- comm_cost: 0.29010416666666683 - complexity: 16 +- comm_cost: 0.2500000000000002 + complexity: 14 expressions: - N+ + - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, N+) - - or(K+, R-) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-4104 type: explored -- comm_cost: 0.38159722222222237 - complexity: 15 +- comm_cost: 0.46805555555555567 + complexity: 14 expressions: - K+ - N+ - - R+ - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(N-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-4105 type: explored -- comm_cost: 0.7115277777777779 - complexity: 6 +- comm_cost: 0.6711226851851853 + complexity: 19 expressions: - - K- - - R+ - - SE- - - or(K+, SE+) + - and(K-, not(R-)) + - and(N-, or(K+, R+)) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-4106 type: explored -- comm_cost: 0.519791666666667 - complexity: 9 +- comm_cost: 0.5750000000000003 + complexity: 7 expressions: - - N+ - - and(K-, or(S+, N+)) + - R- + - and(N-, R+) - and(N-, R+) name: explored-4107 type: explored -- comm_cost: 0.6456481481481482 - complexity: 10 +- comm_cost: 0.33888888888888913 + complexity: 15 expressions: - K+ + - K+ - N+ - R- - - SE- - - or(S+, R-) - - or(S+, SE+) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-4108 type: explored -- comm_cost: 0.48107638888888893 - complexity: 9 +- comm_cost: 0.5036458333333332 + complexity: 12 expressions: - - N+ - R- - - S+ - - and(and(K-, N-), not(R-)) + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-4109 type: explored -- comm_cost: 0.6960937500000001 - complexity: 12 +- comm_cost: 0.6220486111111112 + complexity: 16 expressions: - R+ + - R- + - SE- + - and(K-, or(SE-, N+)) - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) + - or(S+, SE+) name: explored-4110 type: explored -- comm_cost: 0.5817708333333333 - complexity: 8 +- comm_cost: 0.8370833333333333 + complexity: 5 expressions: - - N+ - - R- - SE- - - and(SE-, or(K+, S-)) + - or(N+, not(R+)) name: explored-4111 type: explored -- comm_cost: 0.5940104166666668 - complexity: 4 +- comm_cost: 0.7039930555555556 + complexity: 7 expressions: - R+ - - R- - - not(R+) + - S- + - and(N-, or(S+, SE+)) name: explored-4112 type: explored -- comm_cost: 0.36053240740740766 - complexity: 19 +- comm_cost: 0.32916666666666694 + complexity: 10 expressions: - - N+ - - R- - S+ - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) name: explored-4113 type: explored -- comm_cost: 0.40694444444444466 - complexity: 17 +- comm_cost: 0.3881944444444446 + complexity: 12 expressions: - K+ + - K+ - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(S-, not(R-)) name: explored-4114 type: explored -- comm_cost: 0.23802083333333357 - complexity: 9 +- comm_cost: 0.4539062500000003 + complexity: 8 expressions: - - R+ - - R- - - S+ + - K+ + - N+ + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) name: explored-4115 type: explored -- comm_cost: 0.22309027777777812 - complexity: 19 +- comm_cost: 0.13637152777777817 + complexity: 13 expressions: - K+ + - K+ - N+ - - R- - S+ - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - or(S+, R-) name: explored-4116 type: explored -- comm_cost: 0.5062500000000001 - complexity: 14 +- comm_cost: 0.46272569444444456 + complexity: 16 expressions: + - K+ - N+ - - and(S-, N-) + - R- + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-4117 type: explored -- comm_cost: 0.605150462962963 - complexity: 15 +- comm_cost: 0.5693576388888891 + complexity: 12 expressions: - - R+ - - R- + - N+ - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(K+, or(N+, R-)) + - and(N-, R+) + - and(N-, not(R-)) + - or(S+, N+) name: explored-4118 type: explored -- comm_cost: 0.5539062500000002 - complexity: 13 +- comm_cost: 0.12239583333333348 + complexity: 17 expressions: - - K+ + - N+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - or(K+, K-) - - or(K+, N+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-4119 type: explored -- comm_cost: 0.6818090277777779 - complexity: 29 +- comm_cost: 0.7144097222222223 + complexity: 9 expressions: - - N+ - - SE- - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - or(K+, SE+) - - or(N+, not(R+)) - - or(SE-, N+) + - R+ + - and(N-, or(K+, SE+)) + - or(S+, N+) name: explored-4120 type: explored -- comm_cost: 0.10625000000000018 - complexity: 12 +- comm_cost: 0.30109953703703707 + complexity: 15 expressions: - K+ - N+ - R- + - S+ + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(SE+, N-) + name: explored-4121 + type: explored +- comm_cost: 0.4877604166666669 + complexity: 16 + expressions: + - N+ - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - name: explored-4121 + - and(or(K+, S-), not(R-)) + name: explored-4122 type: explored -- comm_cost: 0.29947916666666685 - complexity: 7 +- comm_cost: 0.33567708333333357 + complexity: 17 expressions: - - K+ - - R+ - R- - S+ + - S+ + - and(N-, R+) - and(S-, SE-) - name: explored-4122 + - and(or(K+, S-), or(N+, not(R+))) + name: explored-4123 type: explored -- comm_cost: 0.6814930555555557 - complexity: 8 +- comm_cost: 0.5062500000000003 + complexity: 9 expressions: + - N+ - R+ + - SE- + - and(N-, R+) + - or(K+, N+) + name: explored-4124 + type: explored +- comm_cost: 0.7038404017857144 + complexity: 40 + expressions: + - SE+ - and(K-, not(R+)) - - or(S+, SE+) - name: explored-4123 + - and(K-, or(S+, R-)) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) + - not(R+) + - or(K+, S-) + - or(S+, or(N+, R-)) + name: explored-4125 type: explored -- comm_cost: 0.3521875000000003 - complexity: 13 +- comm_cost: 0.2942708333333336 + complexity: 12 expressions: - K+ + - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - name: explored-4124 + - and(and(S-, N-), not(R-)) + name: explored-4126 type: explored -- comm_cost: 0.81625 - complexity: 1 - expressions: - - K- - name: explored-4125 - type: explored -- comm_cost: 0.5930555555555557 - complexity: 20 +- comm_cost: 0.5404513888888891 + complexity: 11 expressions: + - N+ + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(SE-, N+) - name: explored-4126 - type: explored -- comm_cost: 0.7584104662698413 - complexity: 27 - expressions: - - K+ - - K- - - N- - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(N+, not(R+)) - - or(S+, N+) + - and(SE+, N-) + - or(K+, SE+) name: explored-4127 type: explored -- comm_cost: 0.23125000000000018 - complexity: 8 +- comm_cost: 0.5165798611111113 + complexity: 11 expressions: + - N+ - R- - - S+ + - S- + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) + - or(N+, R-) name: explored-4128 type: explored -- comm_cost: 0.24531250000000027 - complexity: 17 +- comm_cost: 0.23697916666666696 + complexity: 11 expressions: - K+ - N+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(K+, N+) name: explored-4129 type: explored -- comm_cost: 0.6034722222222222 - complexity: 12 +- comm_cost: 0.7989236111111111 + complexity: 7 expressions: - K+ - - N+ - - R- - - SE- - - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(K+, K-) + - or(S+, SE+) name: explored-4130 type: explored -- comm_cost: 0.5668750000000001 - complexity: 9 +- comm_cost: 0.6076388888888891 + complexity: 8 expressions: - R+ - - R+ - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(S-, N-) + - or(K+, N+) name: explored-4131 type: explored -- comm_cost: 0.31796875000000024 - complexity: 12 +- comm_cost: 0.6591145833333334 + complexity: 11 expressions: - - N+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - R+ + - and(N-, or(K+, S-)) + - and(S-, or(SE-, N+)) name: explored-4132 type: explored -- comm_cost: 0.6039930555555557 - complexity: 9 +- comm_cost: 0.562002314814815 + complexity: 13 expressions: - - SE- - - and(SE+, N-) - - or(K+, or(N+, R-)) + - K+ + - R+ + - R- + - and(S-, N-) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-4133 type: explored -- comm_cost: 0.6744502314814815 - complexity: 17 +- comm_cost: 0.37222222222222245 + complexity: 16 expressions: - K+ - - S- - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-4134 type: explored -- comm_cost: 0.6351128472222224 - complexity: 19 +- comm_cost: 0.2312500000000003 + complexity: 11 expressions: - - R+ + - K+ - R- - - SE- - - and(K-, not(R+)) - - and(N-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-4135 type: explored -- comm_cost: 0.6408854166666668 - complexity: 11 +- comm_cost: 0.5149479166666668 + complexity: 13 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(N-, or(S+, SE+)) - - or(S+, R+) + - and(K-, S+) + - and(N-, R+) + - not(R+) + - not(R-) name: explored-4136 type: explored -- comm_cost: 0.4138194444444445 - complexity: 18 +- comm_cost: 0.6973958333333333 + complexity: 10 expressions: - - K+ - N+ - - N- - - R- - - R- - - and(N-, R+) + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-4137 type: explored -- comm_cost: 0.38593750000000016 - complexity: 15 +- comm_cost: 0.5984375000000002 + complexity: 6 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - S- - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - and(S-, N-) name: explored-4138 type: explored -- comm_cost: 0.28379629629629655 - complexity: 23 +- comm_cost: 0.4843750000000002 + complexity: 8 expressions: - N+ - - R- - - and(K-, S+) + - S+ + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, or(N+, R-)) name: explored-4139 type: explored -- comm_cost: 0.29079861111111127 - complexity: 23 +- comm_cost: 0.3978125000000001 + complexity: 15 expressions: - K+ - - K+ - N+ - - R+ + - N- - R- - - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) name: explored-4140 type: explored -- comm_cost: 0.6356597222222223 - complexity: 7 +- comm_cost: 0.6553038194444446 + complexity: 44 expressions: - - K+ - - R+ - - R- - - SE- + - and(N-, R+) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) - or(K+, S-) + - or(S+, N+) + - or(SE-, N+) name: explored-4141 type: explored -- comm_cost: 0.39079861111111147 - complexity: 11 +- comm_cost: 0.39513888888888915 + complexity: 16 expressions: - - S+ - - and(K-, not(R+)) + - K+ + - N+ + - SE- + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) name: explored-4142 type: explored -- comm_cost: 0.3197916666666668 - complexity: 12 +- comm_cost: 0.2572916666666669 + complexity: 10 expressions: - - K+ - - R- - - S+ + - N+ - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - or(K+, N+) name: explored-4143 type: explored -- comm_cost: 0.7329861111111111 +- comm_cost: 0.6630208333333335 complexity: 13 expressions: + - N+ - R+ - - and(and(S-, N-), not(R-)) - - or(K+, K-) - - or(K+, K-) + - R- + - and(K-, or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-4144 type: explored -- comm_cost: 0.6461805555555558 - complexity: 9 +- comm_cost: 0.3979166666666669 + complexity: 14 expressions: - - SE+ - - and(K-, or(S+, N+)) + - N+ + - R- + - SE- + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-4145 type: explored -- comm_cost: 0.40538194444444464 - complexity: 13 +- comm_cost: 0.27737268518518543 + complexity: 25 expressions: - - K+ - N+ + - R- - S+ + - and(K-, not(R+)) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-4146 type: explored -- comm_cost: 0.7256944444444444 - complexity: 7 +- comm_cost: 0.38836805555555554 + complexity: 16 expressions: + - K+ - N+ - - SE- - - or(K+, or(N+, R-)) + - R- + - and(K-, S+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(N+, R-) name: explored-4147 type: explored -- comm_cost: 0.12500000000000022 - complexity: 15 +- comm_cost: 0.18078703703703713 + complexity: 14 expressions: + - K+ - N+ - R- - - S+ - - and(K-, SE-) + - R- + - SE+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) name: explored-4148 type: explored -- comm_cost: 0.5993923611111112 - complexity: 11 +- comm_cost: 0.6905034722222223 + complexity: 13 expressions: - R+ - - R- - - S+ - - S- - - and(and(K-, N-), or(S+, R+)) + - and(K-, or(N+, not(R+))) + - and(SE+, N-) + - or(S+, SE+) name: explored-4149 type: explored -- comm_cost: 0.3880208333333335 - complexity: 15 +- comm_cost: 0.6625954861111112 + complexity: 42 expressions: - K+ - - R- - - S- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) + - and(N-, or(K+, R+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, or(N+, R-)) + - or(SE-, N+) name: explored-4150 type: explored -- comm_cost: 0.7819791666666667 - complexity: 6 +- comm_cost: 0.3715277777777781 + complexity: 22 expressions: - - or(K+, S-) - - or(S+, R+) + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-4151 type: explored -- comm_cost: 0.5475694444444446 - complexity: 16 +- comm_cost: 0.19603587962962998 + complexity: 23 expressions: + - K+ + - K+ - N+ - R- - - S- - - SE- - - and(K-, not(R+)) + - S+ - and(N-, R+) - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-4152 type: explored -- comm_cost: 0.43125000000000036 - complexity: 12 +- comm_cost: 0.45763888888888915 + complexity: 13 expressions: - N+ - SE- - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(S+, R+)) + - or(S+, R-) name: explored-4153 type: explored -- comm_cost: 0.6537673611111112 - complexity: 28 +- comm_cost: 0.7364583333333334 + complexity: 3 expressions: - - R- - - and(K-, SE-) - - and(N-, or(K+, SE+)) - - and(S-, N-) - - and(or(K+, S-), not(R+)) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R+ + - R+ name: explored-4154 type: explored -- comm_cost: 0.5020833333333335 - complexity: 18 +- comm_cost: 0.41380208333333346 + complexity: 22 expressions: - N+ - R- - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-4155 type: explored -- comm_cost: 0.057812500000000266 - complexity: 17 +- comm_cost: 0.49826388888888906 + complexity: 16 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - or(K+, K-) + - or(K+, or(N+, R-)) name: explored-4156 type: explored -- comm_cost: 0.4579861111111113 - complexity: 14 +- comm_cost: 0.3450520833333335 + complexity: 25 expressions: - N+ - R- - - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(K+, N+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4157 type: explored -- comm_cost: 0.26093750000000016 - complexity: 17 +- comm_cost: 0.6473958333333334 + complexity: 19 expressions: - K+ + - N+ - R- - - S+ - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, R+) - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4158 type: explored -- comm_cost: 0.4862500000000002 - complexity: 13 +- comm_cost: 0.6641927083333334 + complexity: 22 expressions: - - K- - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, SE-) + - and(K-, N-) + - and(S-, not(R-)) - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) + - not(R+) + - or(S+, R-) name: explored-4159 type: explored -- comm_cost: 0.32291666666666674 - complexity: 13 +- comm_cost: 0.2729166666666668 + complexity: 20 expressions: + - K+ + - K+ - N+ - - R+ - R- + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-4160 type: explored -- comm_cost: 0.35703125000000013 - complexity: 10 +- comm_cost: 0.5664930555555557 + complexity: 17 expressions: - - R- - - and(N-, R+) + - R+ - and(S-, SE-) - - or(S+, R+) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-4161 type: explored -- comm_cost: 0.2956597222222226 - complexity: 10 +- comm_cost: 0.6546875000000002 + complexity: 9 expressions: - - N+ - - R- - - S+ - - and(K-, not(R+)) + - and(K-, N-) + - and(K-, S+) - and(N-, R+) name: explored-4162 type: explored -- comm_cost: 0.519027777777778 - complexity: 16 +- comm_cost: 0.28333333333333355 + complexity: 14 expressions: + - K+ + - K+ - N+ + - R- - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - not(R-) name: explored-4163 type: explored -- comm_cost: 0.3821759259259263 - complexity: 21 +- comm_cost: 0.40104166666666685 + complexity: 5 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) name: explored-4164 type: explored -- comm_cost: 0.44010416666666696 - complexity: 12 +- comm_cost: 0.5119791666666669 + complexity: 11 expressions: - - K+ - N+ - - R- - - S+ + - SE- + - and(K-, S+) - and(N-, R+) - - or(S+, or(N+, R-)) + - or(K+, SE+) name: explored-4165 type: explored -- comm_cost: 0.21093750000000022 - complexity: 15 +- comm_cost: 0.6177083333333333 + complexity: 10 expressions: - - K+ + - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(S-, SE-) + - and(K-, SE-) + - and(K-, or(S+, N+)) name: explored-4166 type: explored -- comm_cost: 0.7873842592592594 - complexity: 7 +- comm_cost: 0.6185763888888891 + complexity: 8 expressions: - R+ - - or(K+, R+) - - or(K+, R+) + - SE- + - SE- + - or(S+, or(N+, R-)) name: explored-4167 type: explored -- comm_cost: 0.7093750000000001 - complexity: 2 +- comm_cost: 0.706779513888889 + complexity: 26 expressions: - - K+ - - S- + - and(K-, N-) + - and(K-, or(SE-, N+)) + - and(SE+, N-) + - not(R+) + - or(K+, SE+) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-4168 type: explored -- comm_cost: 0.6396875000000001 - complexity: 5 +- comm_cost: 0.660763888888889 + complexity: 9 expressions: - - K- - - R+ - - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(K+, N+) name: explored-4169 type: explored -- comm_cost: 0.27847222222222234 - complexity: 11 +- comm_cost: 0.3500000000000001 + complexity: 17 expressions: - K+ - - K+ - N+ - - S+ - - SE+ + - R- + - and(K-, S+) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - not(R-) name: explored-4170 type: explored -- comm_cost: 0.6708333333333335 - complexity: 7 +- comm_cost: 0.4740451388888889 + complexity: 13 expressions: - - R+ - - and(SE+, N-) - - or(S+, N+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-4171 type: explored -- comm_cost: 0.5953559027777778 - complexity: 14 +- comm_cost: 0.49689236111111135 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - SE- - - and(SE-, or(K+, S-)) - - or(K+, R-) - - or(K+, SE+) + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, not(R+)) + - or(S+, SE+) name: explored-4172 type: explored -- comm_cost: 0.4572916666666669 - complexity: 8 +- comm_cost: 0.23784722222222254 + complexity: 17 expressions: - N+ - R- - - and(and(S-, N-), not(R-)) + - S+ + - and(K-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-4173 type: explored -- comm_cost: 0.6107060185185187 - complexity: 14 +- comm_cost: 0.5947916666666668 + complexity: 9 expressions: - - K+ - R+ - - R- - - SE- - - and(K-, or(S+, R+)) - - and(S-, N-) + - S+ + - and(K-, or(S+, R-)) - not(R+) name: explored-4174 type: explored -- comm_cost: 0.5856597222222224 - complexity: 20 +- comm_cost: 0.5467129629629631 + complexity: 14 expressions: - - N- + - K+ + - N+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - not(R+) - - or(K+, R-) - - or(K+, SE+) + - and(S-, not(R-)) + - or(S+, SE+) name: explored-4175 type: explored -- comm_cost: 0.663715277777778 - complexity: 13 +- comm_cost: 0.7237847222222222 + complexity: 7 expressions: - R+ - - and(K-, or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, N-) + - or(K+, K-) name: explored-4176 type: explored -- comm_cost: 0.40843750000000023 - complexity: 13 +- comm_cost: 0.5823784722222225 + complexity: 11 expressions: - - N+ - - N+ - - R- - - S+ + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - not(R+) name: explored-4177 type: explored -- comm_cost: 0.6817245370370372 - complexity: 6 +- comm_cost: 0.45920138888888906 + complexity: 21 expressions: - - K- - - R+ + - K+ + - N+ - R- - - or(S+, R-) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, K-) name: explored-4178 type: explored -- comm_cost: 0.5013165509259261 - complexity: 17 +- comm_cost: 0.29791666666666683 + complexity: 22 expressions: - K+ - N+ - - R- - - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - - or(K+, or(N+, R-)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-4179 type: explored -- comm_cost: 0.3097916666666669 - complexity: 13 +- comm_cost: 0.5796875000000001 + complexity: 6 expressions: - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(K-, N-) name: explored-4180 type: explored -- comm_cost: 0.7047083333333334 - complexity: 27 +- comm_cost: 0.6228153935185188 + complexity: 19 expressions: - - K- - - N- - - R+ - - and(K-, or(S+, R-)) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - SE- + - and(K-, not(R-)) + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-4181 type: explored -- comm_cost: 0.7343315972222224 - complexity: 16 +- comm_cost: 0.23888888888888915 + complexity: 12 expressions: - - R+ - - and(K-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-4182 type: explored -- comm_cost: 0.37523148148148155 - complexity: 20 +- comm_cost: 0.41666666666666685 + complexity: 11 expressions: - - K+ - N+ - - and(K-, S+) + - R- + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, not(R-)) + - and(S-, N-) name: explored-4183 type: explored -- comm_cost: 0.5822916666666668 - complexity: 15 +- comm_cost: 0.5833333333333333 + complexity: 7 expressions: - N+ - - R+ - - R- - - SE- - - and(K-, or(S+, R-)) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - or(S+, N+) name: explored-4184 type: explored -- comm_cost: 0.37170138888888893 - complexity: 11 +- comm_cost: 0.39218750000000013 + complexity: 12 expressions: - - R+ - - R- - - S+ - - and(S-, SE-) - - or(K+, or(N+, R-)) + - N+ + - and(K-, SE-) + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-4185 type: explored -- comm_cost: 0.46622048611111133 - complexity: 21 +- comm_cost: 0.6669618055555557 + complexity: 26 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - and(N-, or(K+, S-)) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) + - or(S+, R+) name: explored-4186 type: explored -- comm_cost: 0.587152777777778 - complexity: 8 +- comm_cost: 0.6661458333333333 + complexity: 11 expressions: - - R+ - - SE- - - or(S+, R-) - - or(S+, R-) + - R- + - S+ + - and(K-, or(N+, not(R+))) + - and(S-, SE-) name: explored-4187 type: explored -- comm_cost: 0.705457175925926 - complexity: 12 +- comm_cost: 0.42057291666666696 + complexity: 31 expressions: - - R+ - - R- - - SE- - - and(K-, not(R+)) - - not(R-) - - or(K+, K-) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-4188 type: explored -- comm_cost: 0.33706597222222245 - complexity: 15 +- comm_cost: 0.22083333333333366 + complexity: 13 expressions: - N+ - - SE- - - SE- - - and(K-, not(R+)) - - and(K-, or(S+, R-)) - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) + - or(N+, R-) name: explored-4189 type: explored -- comm_cost: 0.5313657407407408 - complexity: 12 +- comm_cost: 0.6825520833333334 + complexity: 5 expressions: - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, not(R-)) - - not(R-) + - or(S+, R+) name: explored-4190 type: explored -- comm_cost: 0.40885416666666685 - complexity: 14 +- comm_cost: 0.5620659722222223 + complexity: 13 expressions: - - K+ + - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - not(R-) + - SE- + - and(K-, not(R-)) + - and(K-, or(S+, N+)) name: explored-4191 type: explored -- comm_cost: 0.6736689814814816 - complexity: 18 +- comm_cost: 0.5640625000000001 + complexity: 6 expressions: + - K+ - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, SE-) name: explored-4192 type: explored -- comm_cost: 0.42078703703703735 +- comm_cost: 0.6925115740740742 complexity: 15 expressions: - - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - R+ + - SE- + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) + - not(R-) name: explored-4193 type: explored -- comm_cost: 0.6250520833333334 - complexity: 7 +- comm_cost: 0.5946180555555558 + complexity: 9 expressions: - - N- - - R+ - - and(S-, SE-) - - not(R+) + - R- + - S+ + - SE- + - and(K-, N-) + - and(N-, R+) name: explored-4194 type: explored -- comm_cost: 0.4965277777777777 +- comm_cost: 0.5238541666666668 complexity: 12 expressions: - - K+ - N+ - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - N- + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-4195 type: explored -- comm_cost: 0.5906250000000002 - complexity: 7 +- comm_cost: 0.5156250000000001 + complexity: 8 expressions: - R+ - - and(K-, S+) - - or(K+, R-) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-4196 type: explored -- comm_cost: 0.6650173611111112 - complexity: 12 +- comm_cost: 0.7069444444444444 + complexity: 8 expressions: - - R+ - - and(N-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) + - or(S+, R-) name: explored-4197 type: explored -- comm_cost: 0.4369791666666669 - complexity: 19 +- comm_cost: 0.47222222222222243 + complexity: 14 expressions: - - R- + - K+ + - N+ - SE- - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-4198 type: explored -- comm_cost: 0.3557870370370372 +- comm_cost: 0.41666666666666685 complexity: 15 expressions: - K+ + - N+ - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, K-) name: explored-4199 type: explored -- comm_cost: 0.665 - complexity: 10 +- comm_cost: 0.4153356481481483 + complexity: 23 expressions: - - K- + - K+ - N+ + - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(S-, not(R+)) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-4200 type: explored -- comm_cost: 0.5286458333333335 - complexity: 15 +- comm_cost: 0.5645833333333334 + complexity: 10 expressions: - N+ + - R+ + - R- - SE- - - and(N-, R+) - - and(S-, N-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-4201 type: explored -- comm_cost: 0.7359375000000001 - complexity: 3 +- comm_cost: 0.32523148148148173 + complexity: 23 expressions: - - R+ + - K+ + - N+ - R- - - SE+ + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-4202 type: explored -- comm_cost: 0.4765625000000002 - complexity: 18 +- comm_cost: 0.12109375000000022 + complexity: 16 expressions: + - K+ + - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - or(K+, N+) + - or(K+, N+) name: explored-4203 type: explored -- comm_cost: 0.14270833333333366 - complexity: 12 +- comm_cost: 0.38677662037037064 + complexity: 16 expressions: - - K+ - - R- - - S+ + - N+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(SE+, N-) + - not(R+) name: explored-4204 type: explored -- comm_cost: 0.6041666666666667 - complexity: 9 +- comm_cost: 0.6721064814814816 + complexity: 6 expressions: - - N+ - - R+ - - R+ - - R- - - and(K-, or(S+, N+)) + - SE+ + - and(SE+, N-) + - not(R+) name: explored-4205 type: explored -- comm_cost: 0.18750000000000022 - complexity: 16 +- comm_cost: 0.651388888888889 + complexity: 10 expressions: - - N+ - R- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - SE- + - and(N-, and(or(K+, S-), not(R-))) name: explored-4206 type: explored -- comm_cost: 0.42395833333333366 +- comm_cost: 0.5126736111111112 complexity: 11 expressions: - - K+ + - N+ - R- - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) + - and(S-, N-) + - and(SE-, or(K+, S-)) name: explored-4207 type: explored -- comm_cost: 0.6302083333333333 - complexity: 9 +- comm_cost: 0.2734375000000002 + complexity: 18 expressions: + - K+ + - N+ - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-4208 type: explored -- comm_cost: 0.7347858796296297 - complexity: 9 +- comm_cost: 0.7210937500000001 + complexity: 10 expressions: - - K+ - - K- - - and(N-, not(R-)) - - or(K+, R+) + - R+ + - and(or(K+, S-), not(R-)) + - or(SE-, N+) name: explored-4209 type: explored -- comm_cost: 0.2802083333333335 - complexity: 17 +- comm_cost: 0.27500000000000013 + complexity: 19 expressions: - K+ - N+ - - S+ - - and(K-, or(S+, R-)) + - R- + - and(K-, S+) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(S-, SE-) name: explored-4210 type: explored -- comm_cost: 0.4987847222222225 - complexity: 18 +- comm_cost: 0.6343026620370371 + complexity: 40 expressions: - - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - N+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, not(R-)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) + - or(K+, R+) + - or(N+, R-) name: explored-4211 type: explored -- comm_cost: 0.39375000000000027 - complexity: 9 +- comm_cost: 0.5520833333333335 + complexity: 11 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - or(S+, N+) + - SE- + - and(K-, or(SE-, N+)) + - or(K+, R-) name: explored-4212 type: explored -- comm_cost: 0.18125000000000036 - complexity: 11 +- comm_cost: 0.6911892361111112 + complexity: 14 expressions: - - K+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - S+ + - S- + - and(and(K-, N-), not(R-)) + - not(R+) + - or(S+, R-) name: explored-4213 type: explored -- comm_cost: 0.4222656250000002 - complexity: 13 +- comm_cost: 0.5569444444444447 + complexity: 11 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) + - or(K+, R+) + - or(S+, N+) name: explored-4214 type: explored -- comm_cost: 0.3959780092592595 - complexity: 16 +- comm_cost: 0.6942407407407407 + complexity: 28 expressions: - - N+ + - K- + - N- - R- - - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(S-, not(R-)) - and(or(K+, S-), not(R+)) - - or(S+, or(N+, R-)) + - or(K+, R-) name: explored-4215 type: explored -- comm_cost: 0.5026041666666667 - complexity: 17 +- comm_cost: 0.6504340277777778 + complexity: 14 expressions: - - K+ - - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, not(R-)) + - N+ + - S+ + - and(K-, or(N+, not(R+))) - and(S-, SE-) + - or(S+, R-) name: explored-4216 type: explored -- comm_cost: 0.456539351851852 - complexity: 16 +- comm_cost: 0.5333333333333334 + complexity: 6 expressions: - N+ - - R- - - S+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - R+ + - SE- + - and(SE+, N-) name: explored-4217 type: explored -- comm_cost: 0.6073072916666667 - complexity: 42 +- comm_cost: 0.3421875000000002 + complexity: 18 expressions: - K+ - - R+ - - and(K-, or(S+, R-)) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-4218 type: explored -- comm_cost: 0.7493055555555556 - complexity: 6 +- comm_cost: 0.884375 + complexity: 5 expressions: - - N+ - - S+ - - SE- - - or(S+, N+) + - and(K-, or(S+, N+)) name: explored-4219 type: explored -- comm_cost: 0.1810185185185187 - complexity: 16 +- comm_cost: 0.5304687500000002 + complexity: 12 expressions: - N+ - R- - - and(N-, R+) - - and(N-, R+) + - SE- + - and(N-, not(R-)) - and(N-, or(S+, R+)) - - and(S-, SE-) name: explored-4220 type: explored -- comm_cost: 0.09010416666666687 - complexity: 16 +- comm_cost: 0.2284722222222224 + complexity: 15 expressions: - - K+ - N+ - - R- - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) name: explored-4221 type: explored -- comm_cost: 0.43263888888888913 +- comm_cost: 0.43359375000000033 complexity: 20 expressions: - - N+ - - R- - - SE- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - not(R+) name: explored-4222 type: explored -- comm_cost: 0.4131250000000002 - complexity: 15 +- comm_cost: 0.4989583333333335 + complexity: 5 expressions: - - K+ - - K+ - - K- - - N+ - - R- - - S+ - - and(N-, R+) + - R+ + - R+ - and(S-, SE-) - - or(K+, N+) name: explored-4223 type: explored -- comm_cost: 0.8265972222222222 - complexity: 12 +- comm_cost: 0.47473958333333355 + complexity: 14 expressions: - - and(K-, or(S+, N+)) - - or(N+, not(R+)) - - or(S+, N+) + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(SE+, N-) name: explored-4224 type: explored -- comm_cost: 0.7202256944444445 - complexity: 15 +- comm_cost: 0.7107986111111112 + complexity: 10 expressions: - - K- - R+ - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - not(R-) + - or(and(K-, S+), or(N+, R-)) name: explored-4225 type: explored -- comm_cost: 0.37604166666666683 - complexity: 16 +- comm_cost: 0.6635416666666667 + complexity: 12 expressions: - - N+ - - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-4226 type: explored -- comm_cost: 0.1942129629629632 - complexity: 19 +- comm_cost: 0.4750000000000002 + complexity: 17 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, not(R+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) name: explored-4227 type: explored -- comm_cost: 0.6284432870370371 - complexity: 15 +- comm_cost: 0.410416666666667 + complexity: 9 expressions: - - R+ - R- - - SE- - - and(N-, or(K+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-4228 type: explored -- comm_cost: 0.5778645833333333 - complexity: 10 +- comm_cost: 0.4282407407407409 + complexity: 20 expressions: + - N+ - R- - - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-4229 type: explored -- comm_cost: 0.4296875 - complexity: 12 +- comm_cost: 0.5402777777777781 + complexity: 18 expressions: - N+ - - R- - - S+ - - and(S-, SE-) - - and(S-, SE-) - - or(K+, SE+) + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-4230 type: explored -- comm_cost: 0.3635416666666669 - complexity: 14 +- comm_cost: 0.823263888888889 + complexity: 6 + expressions: + - S+ + - and(N-, or(S+, R+)) + name: explored-4231 + type: explored +- comm_cost: 0.4310011574074075 + complexity: 15 expressions: - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-4231 + - and(S-, SE-) + - not(R-) + - or(K+, R+) + name: explored-4232 type: explored -- comm_cost: 0.3460937500000003 - complexity: 13 +- comm_cost: 2.220446049250313e-16 + complexity: 15 expressions: - K+ + - N+ - R- - and(K-, S+) - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - not(R+) - name: explored-4232 - type: explored -- comm_cost: 0.7132812500000001 - complexity: 13 - expressions: - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) name: explored-4233 type: explored -- comm_cost: 0.7437500000000001 - complexity: 11 +- comm_cost: 0.5144097222222224 + complexity: 18 expressions: - - and(K-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - R+ + - R- + - SE- + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-4234 type: explored -- comm_cost: 0.4789930555555557 - complexity: 18 +- comm_cost: 0.2810763888888892 + complexity: 15 expressions: - K+ - - N+ - R- - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(S-, or(N+, not(R+))) name: explored-4235 type: explored -- comm_cost: 0.34388888888888913 - complexity: 14 +- comm_cost: 0.7088541666666668 + complexity: 12 + expressions: + - R+ + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) + name: explored-4236 + type: explored +- comm_cost: 0.3694444444444447 + complexity: 15 expressions: - K+ + - K+ - R- - and(N-, R+) - - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) - name: explored-4236 + - and(or(K+, S-), not(R+)) + name: explored-4237 type: explored -- comm_cost: 0.6799652777777779 - complexity: 8 +- comm_cost: 0.4706597222222224 + complexity: 12 expressions: - K+ + - N+ - R+ - SE- - - and(K-, S+) - - not(R-) - name: explored-4237 + - and(N-, R+) + - or(K+, or(N+, R-)) + name: explored-4238 type: explored -- comm_cost: 0.4203125000000002 - complexity: 15 +- comm_cost: 0.3567708333333335 + complexity: 16 expressions: - N+ - R- - - and(K-, SE-) - - and(K-, not(R-)) + - S+ - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - name: explored-4238 - type: explored -- comm_cost: 0.725 - complexity: 8 - expressions: - - K+ - - R- - - SE- - - or(K+, or(N+, R-)) + - or(K+, N+) name: explored-4239 type: explored -- comm_cost: 0.6300057870370371 - complexity: 9 +- comm_cost: 0.587326388888889 + complexity: 10 expressions: - R+ - - R- - SE- - - or(K+, SE+) - - or(S+, R-) + - or(K+, or(N+, R-)) + - or(N+, R-) name: explored-4240 type: explored -- comm_cost: 0.7429687500000001 - complexity: 5 +- comm_cost: 0.4275000000000002 + complexity: 14 expressions: - - N+ + - K+ - R- - - or(K+, SE+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-4241 type: explored -- comm_cost: 0.23541666666666705 - complexity: 17 +- comm_cost: 0.7298611111111112 + complexity: 12 expressions: - - K+ - - N+ - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-4242 type: explored -- comm_cost: 0.37656250000000024 - complexity: 11 +- comm_cost: 0.5721180555555557 + complexity: 12 expressions: - - K+ - N+ - - N+ - - R- - - S- + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) + - or(N+, not(R+)) name: explored-4243 type: explored -- comm_cost: 0.5779687500000001 - complexity: 28 +- comm_cost: 0.6852430555555556 + complexity: 10 expressions: + - N+ - R+ - - R- - - and(K-, N-) - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, not(R-)) - - and(SE-, or(K+, S-)) - - or(S+, R+) + - and(N-, or(K+, SE+)) + - or(S+, N+) name: explored-4244 type: explored -- comm_cost: 0.7453125 - complexity: 6 - expressions: - - R- - - SE- - - SE- - - or(K+, K-) - name: explored-4245 - type: explored -- comm_cost: 0.3524305555555558 +- comm_cost: 0.3089930555555558 complexity: 16 expressions: - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - or(K+, R-) + - or(N+, not(R+)) + name: explored-4245 + type: explored +- comm_cost: 0.7332465277777779 + complexity: 7 + expressions: + - and(K-, N-) + - and(S-, not(R-)) name: explored-4246 type: explored -- comm_cost: 0.5338541666666669 - complexity: 13 +- comm_cost: 0.6214722222222224 + complexity: 20 expressions: + - K+ - N+ + - R- - SE- - - and(K-, or(S+, SE+)) - and(N-, R+) - - or(S+, R-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) + - or(K+, S-) name: explored-4247 type: explored -- comm_cost: 0.7154166666666667 - complexity: 22 +- comm_cost: 0.6792824074074075 + complexity: 13 expressions: - - S+ - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) - - not(R-) - - or(K+, N+) - - or(S+, R+) + - R+ + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-4248 type: explored -- comm_cost: 0.4354166666666668 - complexity: 11 +- comm_cost: 0.6948923611111112 + complexity: 18 expressions: - - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - N- + - SE+ + - and(K-, SE-) + - and(K-, or(S+, R+)) + - and(and(S-, N-), not(R-)) + - not(R-) name: explored-4249 type: explored -- comm_cost: 0.433101851851852 - complexity: 21 +- comm_cost: 0.45840277777777794 + complexity: 19 expressions: - N+ - - SE- + - N- + - R- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, SE-) - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) name: explored-4250 type: explored -- comm_cost: 0.5977430555555557 - complexity: 13 +- comm_cost: 0.44594907407407425 + complexity: 16 expressions: - N+ - - R+ + - R- - SE- + - and(N-, R+) - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) + - and(and(S-, N-), not(R-)) name: explored-4251 type: explored -- comm_cost: 0.48750000000000016 - complexity: 12 +- comm_cost: 0.47369444444444464 + complexity: 15 expressions: - K+ - - N+ + - K+ - R- + - S+ - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - not(R-) + - or(S+, R-) name: explored-4252 type: explored -- comm_cost: 0.5019097222222224 - complexity: 12 +- comm_cost: 0.6395833333333333 + complexity: 4 expressions: - - R+ - R- - - and(K-, SE-) - - and(K-, not(R+)) - and(S-, SE-) name: explored-4253 type: explored -- comm_cost: 0.07812500000000022 - complexity: 17 +- comm_cost: 0.6505208333333333 + complexity: 4 expressions: - K+ - N+ - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - S+ name: explored-4254 type: explored -- comm_cost: 0.4453125000000002 - complexity: 14 +- comm_cost: 0.3936053240740742 + complexity: 17 expressions: - K+ + - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) name: explored-4255 type: explored -- comm_cost: 0.4916666666666668 - complexity: 17 +- comm_cost: 0.7006944444444445 + complexity: 11 expressions: - - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(or(K+, S-), not(R+)) - or(K+, K-) name: explored-4256 type: explored -- comm_cost: 0.531076388888889 - complexity: 12 +- comm_cost: 0.7340625000000001 + complexity: 11 expressions: - - R+ - R- - SE- - - and(K-, S+) - - and(and(K-, N-), not(R-)) + - and(K-, or(N+, not(R+))) + - or(S+, SE+) name: explored-4257 type: explored -- comm_cost: 0.5428819444444446 +- comm_cost: 0.6394097222222224 complexity: 14 expressions: - - N+ - R+ - - R- - SE- - - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) + - and(K-, or(N+, not(R+))) + - and(K-, or(N+, not(R+))) name: explored-4258 type: explored -- comm_cost: 0.3881944444444446 - complexity: 12 +- comm_cost: 0.5330324074074075 + complexity: 14 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - N- + - SE- + - SE- - and(N-, R+) - - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-4259 type: explored -- comm_cost: 0.11875000000000013 - complexity: 12 +- comm_cost: 0.6980902777777779 + complexity: 6 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - K+ + - R+ + - SE- + - or(K+, K-) name: explored-4260 type: explored -- comm_cost: 0.6780555555555556 +- comm_cost: 0.7472222222222222 complexity: 8 expressions: - - N+ - - N- + - K+ + - R- - SE- - - and(K-, or(S+, R+)) + - or(S+, or(N+, R-)) name: explored-4261 type: explored -- comm_cost: 0.6947395833333334 - complexity: 12 - expressions: - - R+ - - SE- - - and(K-, SE-) - - and(K-, or(SE-, N+)) - - not(R-) - name: explored-4262 - type: explored -- comm_cost: 0.40104166666666674 - complexity: 18 +- comm_cost: 0.48479166666666684 + complexity: 15 expressions: - K+ - - R- - - and(K-, S+) - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - not(R-) - name: explored-4263 + - or(K+, S-) + name: explored-4262 type: explored -- comm_cost: 0.5432291666666669 - complexity: 11 +- comm_cost: 0.6959722222222222 + complexity: 8 expressions: - - K+ - N+ - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - name: explored-4264 + - SE- + - or(K+, R+) + - or(K+, S-) + name: explored-4263 type: explored -- comm_cost: 0.49036458333333355 +- comm_cost: 0.3245949074074075 complexity: 15 expressions: - K+ + - N+ - R- - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(K+, R-) + - or(K+, R+) + - or(S+, R+) + name: explored-4264 + type: explored +- comm_cost: 0.6673611111111113 + complexity: 11 + expressions: + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-4265 type: explored -- comm_cost: 0.20833333333333348 - complexity: 17 +- comm_cost: 0.4895833333333335 + complexity: 10 expressions: - - K+ - N+ - - R- - - R- - - S+ - - and(N-, R+) - and(S-, SE-) - and(and(S-, N-), not(R-)) name: explored-4266 type: explored -- comm_cost: 0.07187500000000036 - complexity: 18 +- comm_cost: 0.6234375 + complexity: 7 expressions: - - K+ - - N+ - R- - - S+ - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) - and(S-, SE-) + - or(K+, R-) name: explored-4267 type: explored -- comm_cost: 0.24583333333333346 - complexity: 12 +- comm_cost: 0.7868055555555556 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, R+)) + - or(S+, N+) name: explored-4268 type: explored -- comm_cost: 0.18802083333333353 +- comm_cost: 0.6930555555555555 complexity: 12 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(S-, SE-) - - and(SE+, N-) + - SE- + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) name: explored-4269 type: explored -- comm_cost: 0.19583333333333341 +- comm_cost: 0.43680555555555556 complexity: 16 expressions: - K+ - N+ - R- - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-4270 type: explored -- comm_cost: 0.6493055555555557 - complexity: 8 +- comm_cost: 0.5479166666666668 + complexity: 13 expressions: - - R+ + - K+ - R- - SE- - - not(R+) - - or(K+, SE+) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-4271 type: explored -- comm_cost: 0.5498842592592594 - complexity: 11 +- comm_cost: 0.6617187500000001 + complexity: 8 expressions: + - K+ - N+ - R- - - S+ - - SE+ - - and(S-, SE-) - - or(N+, not(R+)) + - and(K-, or(S+, SE+)) name: explored-4272 type: explored -- comm_cost: 0.4989583333333335 - complexity: 11 +- comm_cost: 0.3923611111111114 + complexity: 14 expressions: - N+ - - R+ - R- - SE- - - and(K-, S+) - - and(K-, not(R+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-4273 type: explored -- comm_cost: 0.479513888888889 - complexity: 18 +- comm_cost: 0.32864583333333364 + complexity: 15 expressions: + - N+ - R- - - S+ + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) name: explored-4274 type: explored -- comm_cost: 0.6144097222222223 - complexity: 13 +- comm_cost: 0.4203125000000003 + complexity: 12 expressions: - - R+ - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - SE- + - and(K-, SE-) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-4275 type: explored -- comm_cost: 0.767795138888889 - complexity: 7 +- comm_cost: 0.36649305555555567 + complexity: 14 expressions: - - SE- - - or(K+, S-) - - or(SE-, N+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-4276 type: explored -- comm_cost: 0.687152777777778 - complexity: 12 +- comm_cost: 0.706263888888889 + complexity: 25 expressions: - - R+ - - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - and(K-, S+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) + - or(S+, R-) name: explored-4277 type: explored -- comm_cost: 0.6398958333333333 - complexity: 9 +- comm_cost: 0.375434027777778 + complexity: 21 expressions: - - K- + - K+ - N+ - R- - - SE- - - and(SE-, or(K+, S-)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, R-) name: explored-4278 type: explored -- comm_cost: 0.7099276620370372 - complexity: 21 +- comm_cost: 0.7097222222222224 + complexity: 9 expressions: - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) - - and(SE+, N-) - - not(R-) - - or(K+, S-) + - and(K-, or(N+, not(R+))) + - or(K+, R+) name: explored-4279 type: explored -- comm_cost: 0.5942708333333334 - complexity: 15 +- comm_cost: 0.7282349537037038 + complexity: 22 expressions: - - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - N- + - and(K-, SE-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - not(R-) + - or(K+, S-) name: explored-4280 type: explored -- comm_cost: 0.25208333333333366 - complexity: 16 +- comm_cost: 0.5053819444444445 + complexity: 10 expressions: - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(K-, or(S+, R+)) name: explored-4281 type: explored -- comm_cost: 0.3505208333333335 +- comm_cost: 0.7599826388888888 complexity: 8 expressions: - - N+ - - R- - and(S-, SE-) - - and(SE+, N-) + - not(R+) + - or(S+, R-) name: explored-4282 type: explored -- comm_cost: 0.6359953703703705 - complexity: 13 +- comm_cost: 0.5666666666666668 + complexity: 5 expressions: - - R+ + - N+ - SE- - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, N-) name: explored-4283 type: explored -- comm_cost: 0.3421875000000001 - complexity: 19 +- comm_cost: 0.6998333333333334 + complexity: 25 expressions: - - K+ - - K+ - - N+ - - R- - - S+ + - K- + - and(K-, N-) - and(K-, SE-) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - and(N-, not(R-)) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) + - not(R+) + - or(SE-, N+) name: explored-4284 type: explored -- comm_cost: 0.28524305555555585 - complexity: 10 +- comm_cost: 0.6513020833333334 + complexity: 13 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - or(K+, R-) + - R+ + - S- + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4285 type: explored -- comm_cost: 0.45868055555555576 - complexity: 12 +- comm_cost: 0.31750578703703725 + complexity: 23 expressions: + - K+ + - N+ + - R- + - S+ - and(N-, R+) - - and(S-, N-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, N+) name: explored-4286 type: explored -- comm_cost: 0.7021898148148149 - complexity: 42 +- comm_cost: 0.4070312500000003 + complexity: 9 expressions: - - S+ - - and(S-, N-) - - and(or(K+, S-), not(R+)) - - or(K+, R-) - - or(K+, SE+) - - or(N+, R-) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - R- + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-4287 type: explored -- comm_cost: 0.40633680555555585 - complexity: 21 +- comm_cost: 0.43125000000000036 + complexity: 7 expressions: - - N+ + - R- - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - or(SE-, N+) name: explored-4288 type: explored -- comm_cost: 0.6580150462962964 - complexity: 10 +- comm_cost: 0.3171875000000002 + complexity: 13 expressions: - - N+ - - R+ - - and(K-, or(S+, SE+)) - - and(S-, N-) + - K+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-4289 type: explored -- comm_cost: 0.3987847222222225 - complexity: 13 +- comm_cost: 0.43619791666666685 + complexity: 12 expressions: + - K+ - N+ - - SE- + - and(K-, not(R-)) - and(N-, R+) - - or(K+, or(N+, R-)) - - or(N+, R-) + - and(S-, SE-) name: explored-4290 type: explored -- comm_cost: 0.6321469907407409 - complexity: 16 +- comm_cost: 0.8836805555555556 + complexity: 10 expressions: - - R+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-4291 type: explored -- comm_cost: 0.4708333333333333 - complexity: 14 +- comm_cost: 0.2611111111111114 + complexity: 11 expressions: - - K+ - N+ - - R- + - SE- + - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(S+, or(N+, R-)) + - or(S+, R-) name: explored-4292 type: explored -- comm_cost: 0.7869791666666667 - complexity: 11 +- comm_cost: 0.45130208333333355 + complexity: 26 expressions: - - SE- - - and(K-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4293 type: explored -- comm_cost: 0.5666666666666668 - complexity: 12 +- comm_cost: 0.4921875000000002 + complexity: 21 expressions: + - K+ + - N+ - R- - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4294 type: explored -- comm_cost: 0.36041666666666705 - complexity: 12 +- comm_cost: 0.3572337962962966 + complexity: 23 expressions: - - N+ + - K+ - R- + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-4295 type: explored -- comm_cost: 0.449016203703704 - complexity: 19 +- comm_cost: 0.5138020833333334 + complexity: 9 expressions: - - R- - - SE- - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-4296 type: explored -- comm_cost: 0.3046875000000002 - complexity: 17 +- comm_cost: 0.7205555555555556 + complexity: 7 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- + - or(K+, R+) + - or(S+, SE+) name: explored-4297 type: explored -- comm_cost: 0.5607638888888891 - complexity: 8 +- comm_cost: 0.7220833333333334 + complexity: 10 expressions: - R+ - - SE- - - and(K-, SE-) - - or(S+, R-) + - R- + - and(K-, or(S+, N+)) + - or(S+, SE+) name: explored-4298 type: explored -- comm_cost: 0.8296874999999999 - complexity: 4 +- comm_cost: 0.5363541666666669 + complexity: 13 expressions: - - SE- - - and(K-, SE-) + - N+ + - N- + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-4299 type: explored -- comm_cost: 0.2773437500000002 - complexity: 12 +- comm_cost: 0.6314236111111112 + complexity: 26 expressions: - - K+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - N+ + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - not(R+) + - or(K+, R-) name: explored-4300 type: explored -- comm_cost: 0.7086805555555556 - complexity: 11 +- comm_cost: 0.5843750000000001 + complexity: 8 expressions: + - R- - SE- - - and(K-, N-) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, N+) + - or(K+, R+) name: explored-4301 type: explored -- comm_cost: 0.5369791666666667 - complexity: 9 +- comm_cost: 0.5802372685185186 + complexity: 13 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(S-, not(R+)) + - SE- + - and(N-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-4302 type: explored -- comm_cost: 0.48307291666666674 - complexity: 17 +- comm_cost: 0.5697048611111113 + complexity: 10 expressions: - - K+ - N+ + - SE- + - SE- - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) name: explored-4303 type: explored -- comm_cost: 0.5956597222222222 - complexity: 9 +- comm_cost: 0.39498263888888907 + complexity: 15 expressions: - K+ - K+ - N+ + - N- - R- - S+ - - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-4304 type: explored -- comm_cost: 0.7191319444444445 - complexity: 8 +- comm_cost: 0.7942708333333335 + complexity: 5 expressions: - - N- - - R+ - - or(S+, R+) - - or(S+, R-) + - SE- + - and(N-, not(R-)) name: explored-4305 type: explored -- comm_cost: 0.5908564814814816 +- comm_cost: 0.5125694444444446 complexity: 13 expressions: - - R+ + - K+ + - N+ - R- - SE- - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) + - and(N-, R+) + - or(N+, R-) + - or(S+, SE+) name: explored-4306 type: explored -- comm_cost: 0.2864583333333335 - complexity: 15 +- comm_cost: 0.6586805555555557 + complexity: 10 expressions: - - K+ - - N+ - R+ - - R- - - and(N-, R+) - - and(S-, SE-) + - SE- - and(SE-, or(K+, S-)) + - or(S+, R+) name: explored-4307 type: explored -- comm_cost: 0.2781250000000002 - complexity: 20 +- comm_cost: 0.5204166666666669 + complexity: 8 expressions: - - K+ - - K+ + - K- - N+ - - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) name: explored-4308 type: explored -- comm_cost: 0.3910156250000002 - complexity: 27 +- comm_cost: 0.2206597222222224 + complexity: 15 expressions: - - K+ - - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) - or(and(K-, S+), or(N+, R-)) name: explored-4309 type: explored -- comm_cost: 0.6239756944444446 - complexity: 14 +- comm_cost: 0.26371527777777803 + complexity: 15 expressions: - - K- - - R+ + - N+ - R- - S+ - - and(N-, or(S+, SE+)) + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - not(R+) name: explored-4310 type: explored -- comm_cost: 0.6024305555555556 - complexity: 15 +- comm_cost: 0.2307291666666671 + complexity: 20 expressions: - - K+ + - N+ - R- - - and(K-, SE-) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) name: explored-4311 type: explored -- comm_cost: 0.5713541666666667 +- comm_cost: 0.5243055555555558 complexity: 16 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-4312 type: explored -- comm_cost: 0.4947048611111112 - complexity: 14 +- comm_cost: 0.5198784722222224 + complexity: 9 expressions: + - K+ - N+ - - R- - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, N-) + - or(K+, SE+) name: explored-4313 type: explored -- comm_cost: 0.515596064814815 - complexity: 17 +- comm_cost: 0.4916666666666668 + complexity: 7 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(S-, N-) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-4314 type: explored -- comm_cost: 0.5266666666666668 - complexity: 21 +- comm_cost: 0.7250000000000001 + complexity: 4 expressions: - - N+ - - R- - - and(N-, R+) + - N- - and(S-, SE-) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) name: explored-4315 type: explored -- comm_cost: 0.7125000000000001 - complexity: 9 +- comm_cost: 0.46006944444444464 + complexity: 17 expressions: - - S- - - and(N-, or(K+, SE+)) - - or(S+, N+) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, K-) name: explored-4316 type: explored -- comm_cost: 0.3769965277777779 - complexity: 17 +- comm_cost: 0.40347222222222245 + complexity: 12 expressions: - K+ - N+ - R- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - or(K+, R-) - or(K+, R-) name: explored-4317 type: explored -- comm_cost: 0.22430555555555576 - complexity: 18 +- comm_cost: 0.5259259259259261 + complexity: 15 expressions: - K+ - - K+ - N+ - - R- - - S+ + - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-4318 type: explored -- comm_cost: 0.5409953703703705 - complexity: 17 +- comm_cost: 0.25069444444444466 + complexity: 16 expressions: - K+ + - K+ - N+ - - N- - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(N+, R-) + - and(and(K-, N-), not(R-)) name: explored-4319 type: explored -- comm_cost: 0.5611111111111112 - complexity: 11 +- comm_cost: 0.4671875000000001 + complexity: 10 expressions: - N+ - - R+ - R- - - SE- - - and(S-, not(R-)) - - or(N+, R-) + - S+ + - and(K-, not(R-)) + - and(N-, R+) name: explored-4320 type: explored -- comm_cost: 0.6778645833333334 - complexity: 10 +- comm_cost: 0.3010416666666669 + complexity: 13 expressions: - - R+ - - or(N+, not(R+)) - - or(S+, or(N+, R-)) - name: explored-4321 - type: explored -- comm_cost: 0.5437500000000002 - complexity: 10 - expressions: - - N+ + - K+ - R- + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - name: explored-4322 + - and(S-, SE-) + - and(S-, not(R+)) + name: explored-4321 type: explored -- comm_cost: 0.14843750000000044 - complexity: 18 +- comm_cost: 0.7045017361111112 + complexity: 19 expressions: - - K+ - - K+ - - N+ - - R- - - S+ + - K- - S+ - - and(K-, SE-) - - and(K-, SE-) - - and(N-, R+) + - and(K-, N-) + - and(K-, not(R-)) + - and(SE+, N-) + - or(and(K-, S+), or(N+, R-)) + name: explored-4322 + type: explored +- comm_cost: 0.4989583333333335 + complexity: 4 + expressions: + - R+ - and(S-, SE-) name: explored-4323 type: explored -- comm_cost: 0.5660879629629632 - complexity: 13 +- comm_cost: 0.5794270833333335 + complexity: 14 expressions: + - N+ - R+ - R- - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(and(K-, N-), not(R-)) + - not(R+) + - not(R+) name: explored-4324 type: explored -- comm_cost: 0.2083333333333337 - complexity: 17 +- comm_cost: 0.4877314814814816 + complexity: 18 expressions: - K+ - N+ - R- - - SE- - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - or(K+, K-) + - or(S+, R+) name: explored-4325 type: explored -- comm_cost: 0.4134259259259261 - complexity: 21 +- comm_cost: 0.6059027777777779 + complexity: 8 expressions: - - K+ - - N+ - - R- - - S+ - - SE+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - R+ + - SE- + - and(K-, SE-) + - or(S+, N+) name: explored-4326 type: explored -- comm_cost: 0.24583333333333357 - complexity: 23 +- comm_cost: 0.41796875000000033 + complexity: 13 expressions: - - K+ - - N+ - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4327 type: explored -- comm_cost: 0.6526620370370371 - complexity: 11 +- comm_cost: 0.5927083333333335 + complexity: 5 expressions: - R+ - - R- - SE- - - and(N-, or(K+, R+)) - - or(K+, K-) + - and(K-, S+) name: explored-4328 type: explored -- comm_cost: 0.34921875000000024 - complexity: 14 +- comm_cost: 0.32343750000000027 + complexity: 19 expressions: + - K+ - N+ - - R- - - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-4329 type: explored -- comm_cost: 0.6020833333333334 - complexity: 15 +- comm_cost: 0.5244791666666668 + complexity: 14 expressions: - - R+ - - R- - - S+ - - and(K-, SE-) - - and(S-, N-) - - and(S-, SE-) - - or(K+, K-) + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-4330 type: explored -- comm_cost: 0.5320833333333335 - complexity: 11 +- comm_cost: 0.2903645833333337 + complexity: 22 expressions: + - N+ - R- - - SE- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4331 type: explored -- comm_cost: 0.587326388888889 - complexity: 10 +- comm_cost: 0.6479166666666668 + complexity: 11 expressions: - - K+ - - R+ - - SE- - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, R+)) name: explored-4332 type: explored -- comm_cost: 0.277777777777778 - complexity: 21 +- comm_cost: 0.5104166666666669 + complexity: 10 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - SE- + - and(K-, SE-) + - and(S-, not(R+)) name: explored-4333 type: explored -- comm_cost: 0.4114583333333335 - complexity: 10 +- comm_cost: 0.3250578703703706 + complexity: 19 expressions: - N+ - R- - - S+ - - SE- + - R- + - and(K-, SE-) - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-4334 type: explored -- comm_cost: 0.17135416666666692 +- comm_cost: 0.2523437500000003 complexity: 15 expressions: + - K+ - N+ - R- - - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) name: explored-4335 type: explored -- comm_cost: 0.734375 - complexity: 4 +- comm_cost: 0.5390625000000001 + complexity: 12 expressions: + - R+ - SE- - - or(N+, R-) + - and(K-, S+) + - and(S-, not(R+)) + - or(S+, R-) name: explored-4336 type: explored -- comm_cost: 0.6937500000000001 - complexity: 11 +- comm_cost: 0.6843750000000002 + complexity: 6 expressions: - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - S+ + - and(K-, not(R-)) name: explored-4337 type: explored -- comm_cost: 0.4256944444444446 - complexity: 14 +- comm_cost: 0.5005208333333335 + complexity: 18 expressions: + - K+ - N+ - - and(K-, S+) + - N+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, S-) name: explored-4338 type: explored -- comm_cost: 0.4657986111111114 - complexity: 12 +- comm_cost: 0.7804687500000002 + complexity: 4 expressions: - - N+ - - S+ - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - or(S+, R+) name: explored-4339 type: explored -- comm_cost: 0.6269097222222224 - complexity: 9 +- comm_cost: 0.5585069444444447 + complexity: 14 expressions: - - R+ - SE- - - and(K-, not(R+)) - - or(K+, R+) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - or(S+, N+) name: explored-4340 type: explored -- comm_cost: 0.1921875000000004 - complexity: 10 +- comm_cost: 0.5116319444444446 + complexity: 9 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, SE-) - - and(N-, R+) + - R+ + - and(K-, or(S+, R+)) + - and(S-, SE-) name: explored-4341 type: explored -- comm_cost: 0.38593750000000027 +- comm_cost: 0.5343750000000002 complexity: 10 expressions: - - K+ - - N+ - R+ + - R- - SE- - - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-4342 type: explored -- comm_cost: 0.7221064814814815 - complexity: 6 - expressions: - - R- - - and(S-, N-) - - not(R+) - name: explored-4343 - type: explored -- comm_cost: 0.46378472222222233 - complexity: 23 +- comm_cost: 0.29270833333333357 + complexity: 16 expressions: - K+ - - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - not(R-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-4344 + - and(and(K-, N-), or(S+, R+)) + name: explored-4343 type: explored -- comm_cost: 0.6928750000000001 - complexity: 32 +- comm_cost: 0.7633680555555558 + complexity: 12 expressions: - - R- - - SE+ - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - and(N-, or(K+, R+)) - - and(S-, N-) - - not(R-) - - or(K+, or(N+, R-)) - - or(S+, R+) - - or(SE-, N+) - name: explored-4345 + - and(and(K-, N-), or(S+, SE+)) + name: explored-4344 type: explored -- comm_cost: 0.5538541666666669 - complexity: 12 +- comm_cost: 0.6194010416666667 + complexity: 18 expressions: - K+ - N+ - R- - - and(N-, R+) - - or(K+, S-) - - or(SE-, N+) - name: explored-4346 + - S+ + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, N+) + name: explored-4345 type: explored -- comm_cost: 0.5830729166666667 - complexity: 10 +- comm_cost: 0.6539062500000001 + complexity: 23 expressions: - - N+ - - S- + - and(K-, or(S+, N+)) - and(K-, or(S+, R-)) - - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) + - or(S+, N+) + name: explored-4346 + type: explored +- comm_cost: 0.4152777777777781 + complexity: 7 + expressions: + - K+ + - R- + - SE- + - SE- + - and(N-, R+) name: explored-4347 type: explored -- comm_cost: 0.5176215277777779 - complexity: 15 +- comm_cost: 0.6078125000000001 + complexity: 11 expressions: - - N+ - - R+ - R- - SE- - - and(SE-, or(K+, S-)) - - or(K+, R+) - - or(S+, N+) + - and(K-, not(R-)) + - and(N-, or(K+, R+)) name: explored-4348 type: explored -- comm_cost: 0.6285879629629632 - complexity: 13 +- comm_cost: 0.7436458333333335 + complexity: 12 expressions: - R+ - - SE- - - and(K-, or(S+, R+)) - - and(and(S-, N-), not(R-)) + - and(K-, S+) + - and(K-, or(S+, N+)) + - or(S+, SE+) name: explored-4349 type: explored -- comm_cost: 0.7049305555555556 - complexity: 8 +- comm_cost: 0.5641319444444447 + complexity: 19 expressions: - N+ - SE- - - or(K+, N+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) - or(K+, S-) name: explored-4350 type: explored -- comm_cost: 0.6858796296296298 - complexity: 16 +- comm_cost: 0.7756944444444445 + complexity: 13 expressions: - - R+ - - and(SE+, N-) + - SE- - or(K+, or(N+, R-)) - or(and(K-, S+), or(N+, R-)) name: explored-4351 type: explored -- comm_cost: 0.7149479166666667 +- comm_cost: 0.4935763888888889 complexity: 8 expressions: + - K+ + - N+ - R- + - S+ - SE- - - or(K+, SE+) - - or(S+, SE+) + - and(S-, SE-) name: explored-4352 type: explored -- comm_cost: 0.6088541666666668 - complexity: 7 +- comm_cost: 0.6604166666666667 + complexity: 8 expressions: - N+ + - R- - SE- - - and(N-, or(S+, SE+)) + - and(K-, or(SE-, N+)) name: explored-4353 type: explored -- comm_cost: 0.30581597222222245 - complexity: 19 +- comm_cost: 0.2625000000000004 + complexity: 16 expressions: + - K+ - N+ - R- - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-4354 type: explored -- comm_cost: 0.504166666666667 - complexity: 7 +- comm_cost: 0.33906250000000016 + complexity: 21 expressions: - - SE- + - K+ + - N+ + - R- - and(K-, S+) + - and(K-, not(R-)) - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-4355 type: explored -- comm_cost: 0.6294270833333334 - complexity: 7 +- comm_cost: 0.5222222222222224 + complexity: 15 expressions: - - K+ - - R+ + - N+ - R- - - S- - - or(SE-, N+) + - S+ + - and(K-, or(N+, not(R+))) + - and(S-, SE-) + - or(K+, R+) name: explored-4356 type: explored -- comm_cost: 0.22777777777777808 - complexity: 13 +- comm_cost: 0.6343750000000001 + complexity: 7 expressions: - - K+ - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - R+ + - and(K-, or(S+, R-)) name: explored-4357 type: explored -- comm_cost: 0.42500000000000027 - complexity: 13 +- comm_cost: 0.6354166666666669 + complexity: 5 expressions: - - N+ - - R- + - K- - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) name: explored-4358 type: explored -- comm_cost: 0.5088541666666668 - complexity: 7 +- comm_cost: 0.4939814814814816 + complexity: 13 expressions: - N+ - - R+ - - R- - SE- - - and(SE+, N-) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, N-) name: explored-4359 type: explored -- comm_cost: 0.40442708333333344 - complexity: 21 +- comm_cost: 0.41953125000000013 + complexity: 12 expressions: - - K+ - N+ - R- + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - not(R+) name: explored-4360 type: explored -- comm_cost: 0.45763888888888904 - complexity: 15 +- comm_cost: 0.6923611111111111 + complexity: 10 expressions: - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(S-, or(N+, not(R+))) name: explored-4361 type: explored -- comm_cost: 0.6005787037037038 - complexity: 16 +- comm_cost: 0.674670138888889 + complexity: 11 expressions: - - R+ - - R- - SE- - - and(K-, S+) - - and(N-, or(K+, SE+)) - - or(S+, or(N+, R-)) + - and(K-, not(R-)) + - and(N-, R+) + - or(K+, S-) name: explored-4362 type: explored -- comm_cost: 0.648611111111111 - complexity: 11 +- comm_cost: 0.5053819444444447 + complexity: 9 expressions: - - N+ + - R+ - SE- - - and(K-, S+) - - and(or(K+, S-), not(R+)) + - and(K-, not(R+)) + - and(N-, R+) name: explored-4363 type: explored -- comm_cost: 0.6275000000000002 - complexity: 6 +- comm_cost: 0.5118055555555556 + complexity: 13 expressions: - - K+ - - N- - - R- - - and(N-, R+) + - N+ + - and(K-, S+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-4364 type: explored -- comm_cost: 0.6986111111111111 - complexity: 10 +- comm_cost: 0.6499999999999999 + complexity: 11 expressions: - - K+ - - N+ - - SE- - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-4365 type: explored -- comm_cost: 0.5339988425925928 - complexity: 17 +- comm_cost: 0.6337094907407408 + complexity: 9 expressions: - - N+ + - R+ - R- + - S- - SE- - - and(N-, R+) - - or(S+, R+) - - or(S+, R-) - - or(S+, or(N+, R-)) + - and(N-, or(S+, R+)) name: explored-4366 type: explored -- comm_cost: 0.5839409722222223 - complexity: 12 +- comm_cost: 0.38350694444444466 + complexity: 26 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(K-, not(R-)) - - and(K-, or(S+, N+)) + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-4367 type: explored -- comm_cost: 0.26197916666666676 - complexity: 8 +- comm_cost: 0.29939236111111145 + complexity: 12 expressions: - K+ - N+ - - R+ - R- - - S+ - - and(S-, SE-) + - SE- + - and(K-, S+) + - and(N-, R+) + - not(R+) name: explored-4368 type: explored -- comm_cost: 0.3479166666666669 - complexity: 12 +- comm_cost: 0.3861111111111113 + complexity: 20 expressions: + - K+ - N+ + - R- - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, not(R+)) - - or(N+, R-) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-4369 type: explored -- comm_cost: 0.7747974537037037 - complexity: 13 +- comm_cost: 0.7527777777777779 + complexity: 9 expressions: - - R- - - SE- - - and(or(K+, S-), not(R+)) - - or(S+, or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) + - not(R+) name: explored-4370 type: explored -- comm_cost: 0.4506076388888891 - complexity: 18 +- comm_cost: 0.6456597222222223 + complexity: 15 expressions: - - N+ - - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - K+ + - R+ + - SE- + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-4371 type: explored -- comm_cost: 0.4320312500000002 +- comm_cost: 0.5088541666666668 complexity: 15 expressions: - - K+ - - R- - - and(K-, S+) + - N+ + - and(K-, N-) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) name: explored-4372 type: explored -- comm_cost: 0.5805555555555557 - complexity: 14 - expressions: - - R+ - - and(K-, SE-) - - and(K-, or(S+, R+)) - - or(K+, or(N+, R-)) - name: explored-4373 - type: explored -- comm_cost: 0.13333333333333353 - complexity: 15 +- comm_cost: 0.24557291666666692 + complexity: 22 expressions: - K+ - N+ - R- - S+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + name: explored-4373 + type: explored +- comm_cost: 0.7726041666666668 + complexity: 9 + expressions: + - and(N-, or(K+, S-)) + - or(N+, not(R+)) name: explored-4374 type: explored -- comm_cost: 0.4672222222222224 - complexity: 23 +- comm_cost: 0.7132812500000002 + complexity: 6 expressions: - - K+ - - K- - - N+ - - R- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - or(K+, SE+) name: explored-4375 type: explored -- comm_cost: 0.4598958333333335 - complexity: 15 +- comm_cost: 0.4456886574074075 + complexity: 12 expressions: - - N+ - - R- - - S- + - SE+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(SE+, N-) - - or(K+, N+) name: explored-4376 type: explored -- comm_cost: 0.5111111111111113 - complexity: 12 +- comm_cost: 0.3939236111111113 + complexity: 16 expressions: - N+ + - R- + - and(K-, N-) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(S+, R-) + - and(S-, SE-) name: explored-4377 type: explored -- comm_cost: 0.6975347222222223 - complexity: 5 +- comm_cost: 0.32916666666666705 + complexity: 8 expressions: - - K- - - R+ - - SE- - - not(R+) + - K+ + - K+ + - and(N-, R+) + - and(S-, SE-) name: explored-4378 type: explored -- comm_cost: 0.34640625000000025 - complexity: 18 +- comm_cost: 0.3675057870370372 + complexity: 23 expressions: - K+ - - K+ - N+ - R- - - S+ - - S+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-4379 type: explored -- comm_cost: 0.5414930555555557 - complexity: 13 +- comm_cost: 0.7525000000000002 + complexity: 18 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(S+, R-) + - and(K-, or(N+, not(R+))) + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) + - or(K+, S-) name: explored-4380 type: explored -- comm_cost: 0.5837500000000002 - complexity: 8 +- comm_cost: 0.3281250000000002 + complexity: 21 expressions: + - K+ + - N+ + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - not(R-) + - and(S-, SE-) + - or(K+, SE+) + - or(K+, SE+) name: explored-4381 type: explored -- comm_cost: 0.32916666666666683 +- comm_cost: 0.48055555555555585 complexity: 12 expressions: - - K+ - N+ - - S+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(N-, R+) + - or(S+, SE+) name: explored-4382 type: explored -- comm_cost: 0.6451371527777778 - complexity: 29 +- comm_cost: 0.698654513888889 + complexity: 16 expressions: - - and(K-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) - - or(K+, SE+) - - or(S+, R+) - - or(S+, SE+) + - K- + - R+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) name: explored-4383 type: explored -- comm_cost: 0.4678240740740742 - complexity: 11 +- comm_cost: 0.3402777777777779 + complexity: 13 expressions: - K+ - - N+ - R- - - SE+ - - SE- - and(N-, R+) - - or(S+, R-) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-4384 type: explored -- comm_cost: 0.6932291666666668 - complexity: 10 +- comm_cost: 0.48782986111111126 + complexity: 16 expressions: - - and(K-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) + - or(S+, or(N+, R-)) name: explored-4385 type: explored -- comm_cost: 0.8697916666666666 - complexity: 4 +- comm_cost: 0.44791666666666696 + complexity: 15 expressions: - - S+ - - or(K+, R-) + - N+ + - SE- + - and(K-, or(SE-, N+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-4386 type: explored -- comm_cost: 0.4218750000000002 - complexity: 16 +- comm_cost: 0.1486979166666671 + complexity: 11 expressions: - K+ + - K+ + - K+ - N+ - - R- - S+ - - S- - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) name: explored-4387 type: explored -- comm_cost: 0.7208333333333333 - complexity: 7 +- comm_cost: 0.5784722222222223 + complexity: 16 expressions: - - SE- + - K+ + - R- + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(S+, N+) + - or(S+, R-) name: explored-4388 type: explored -- comm_cost: 0.5781250000000002 - complexity: 6 +- comm_cost: 0.6478327546296297 + complexity: 14 expressions: + - N- - R+ - - S+ + - R- - SE- - - or(S+, R-) + - and(N-, and(or(K+, S-), not(R-))) + - not(R+) name: explored-4389 type: explored -- comm_cost: 0.5220486111111113 - complexity: 11 +- comm_cost: 0.6690972222222223 + complexity: 16 expressions: + - K- + - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - SE- + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-4390 type: explored -- comm_cost: 0.3216145833333335 - complexity: 23 +- comm_cost: 0.410416666666667 + complexity: 9 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, R-) + - and(S-, SE-) name: explored-4391 type: explored -- comm_cost: 0.6686342592592593 - complexity: 10 - expressions: - - R+ - - and(N-, or(S+, R+)) - - and(S-, not(R-)) - name: explored-4392 - type: explored -- comm_cost: 0.6044270833333335 - complexity: 10 +- comm_cost: 0.5985243055555556 + complexity: 14 expressions: + - K+ - N+ - - R+ - R- - SE- - - and(S-, N-) - - or(K+, SE+) - name: explored-4393 + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) + name: explored-4392 type: explored -- comm_cost: 0.3329861111111113 - complexity: 18 +- comm_cost: 0.2625000000000004 + complexity: 9 expressions: - K+ - - K+ - N+ - - S+ - - and(K-, or(S+, R+)) + - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - name: explored-4394 + name: explored-4393 type: explored -- comm_cost: 0.427633101851852 - complexity: 15 +- comm_cost: 0.46319444444444446 + complexity: 6 expressions: - - K+ - N+ - R- - - and(K-, N-) - - and(N-, R+) + - SE+ - and(S-, SE-) - - or(K+, R+) + name: explored-4394 + type: explored +- comm_cost: 0.6793692129629632 + complexity: 17 + expressions: + - R+ + - and(S-, N-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-4395 type: explored -- comm_cost: 0.4381944444444448 - complexity: 12 +- comm_cost: 0.5406249999999999 + complexity: 14 expressions: - - and(N-, R+) + - K+ + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-4396 type: explored -- comm_cost: 0.6828125 - complexity: 6 +- comm_cost: 0.4993750000000001 + complexity: 10 expressions: - - K+ - - R- - - SE- - - or(N+, R-) + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-4397 type: explored -- comm_cost: 0.4467013888888891 - complexity: 20 +- comm_cost: 0.5005208333333335 + complexity: 6 expressions: + - K+ + - R+ - R- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) name: explored-4398 type: explored -- comm_cost: 0.6649594907407409 - complexity: 10 - expressions: - - R+ - - SE- - - and(K-, or(S+, R+)) - - or(K+, SE+) - name: explored-4399 - type: explored -- comm_cost: 0.28338541666666694 - complexity: 15 +- comm_cost: 0.3774305555555557 + complexity: 21 expressions: - K+ - - K+ - N+ - R- - S+ + - and(K-, SE-) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - and(S-, not(R-)) + name: explored-4399 + type: explored +- comm_cost: 0.6085069444444446 + complexity: 12 + expressions: + - N+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - or(K+, N+) name: explored-4400 type: explored -- comm_cost: 0.3425347222222226 - complexity: 15 +- comm_cost: 0.16458333333333353 + complexity: 17 expressions: - K+ - N+ - R- - - S+ + - and(K-, S+) - and(K-, or(SE-, N+)) - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) name: explored-4401 type: explored -- comm_cost: 0.8902777777777777 - complexity: 5 +- comm_cost: 0.715914351851852 + complexity: 19 expressions: - - or(K+, or(N+, R-)) + - and(N-, or(K+, SE+)) + - and(S-, N-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) name: explored-4402 type: explored -- comm_cost: 0.471527777777778 - complexity: 15 +- comm_cost: 0.39270833333333344 + complexity: 11 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - or(K+, R+) + - K+ + - R+ + - R- + - and(K-, or(SE-, N+)) + - and(S-, SE-) name: explored-4403 type: explored -- comm_cost: 0.5868750000000001 - complexity: 8 +- comm_cost: 0.13547453703703738 + complexity: 22 expressions: - - R+ - - S+ + - K+ + - K+ + - N+ + - R- + - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) name: explored-4404 type: explored -- comm_cost: 0.5805555555555557 - complexity: 16 +- comm_cost: 0.8208333333333333 + complexity: 3 expressions: - - R+ + - K+ + - R- - R- - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) name: explored-4405 type: explored -- comm_cost: 0.4765625000000001 - complexity: 10 +- comm_cost: 0.46069444444444474 + complexity: 13 expressions: + - K+ - N+ - R- - SE- - - and(K-, not(R-)) - and(N-, R+) + - and(N-, R+) + - or(S+, SE+) name: explored-4406 type: explored -- comm_cost: 0.6803819444444446 - complexity: 9 +- comm_cost: 0.3367187500000004 + complexity: 19 expressions: + - K+ - N+ - - R+ - - SE- - - or(K+, K-) - - or(K+, N+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, N+) name: explored-4407 type: explored -- comm_cost: 0.45318287037037064 +- comm_cost: 0.3735243055555557 complexity: 16 expressions: - - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(SE+, N-) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, SE+) name: explored-4408 type: explored -- comm_cost: 0.6302083333333335 - complexity: 8 +- comm_cost: 0.7302083333333333 + complexity: 6 expressions: - - N+ - - R+ - R- - - SE+ - - SE- - - or(S+, SE+) + - and(SE-, or(K+, S-)) name: explored-4409 type: explored -- comm_cost: 0.5088541666666668 - complexity: 14 +- comm_cost: 0.37615740740740744 + complexity: 17 expressions: - K+ - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(N+, R-) + - N+ + - R- + - and(K-, S+) + - and(N-, or(K+, SE+)) + - and(S-, N-) + - and(S-, SE-) name: explored-4410 type: explored -- comm_cost: 0.16562500000000036 - complexity: 16 +- comm_cost: 0.5600000000000002 + complexity: 11 expressions: + - K- - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(S-, or(SE-, N+)) name: explored-4411 type: explored -- comm_cost: 0.3725694444444446 - complexity: 23 +- comm_cost: 0.43333333333333324 + complexity: 13 expressions: - - K+ - N+ - R- - and(K-, S+) - - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-4412 type: explored -- comm_cost: 0.594357638888889 - complexity: 15 +- comm_cost: 0.691388888888889 + complexity: 9 expressions: - - K+ - R+ - - R- - SE- - - and(K-, or(S+, R-)) - - and(or(K+, S-), not(R-)) + - and(K-, N-) + - or(N+, not(R+)) name: explored-4413 type: explored -- comm_cost: 0.41770833333333346 - complexity: 11 +- comm_cost: 0.7848958333333333 + complexity: 7 expressions: - - R+ - - R- - - S+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(K-, or(S+, N+)) + - not(R-) name: explored-4414 type: explored -- comm_cost: 0.22806712962962994 - complexity: 16 +- comm_cost: 0.3308449074074076 + complexity: 18 expressions: - N+ - R- - S+ - - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - and(and(S-, N-), not(R-)) + - or(K+, R+) name: explored-4415 type: explored -- comm_cost: 0.7426041666666667 - complexity: 28 +- comm_cost: 0.5672916666666667 + complexity: 10 expressions: - - R- - - and(K-, or(S+, N+)) - - or(K+, or(N+, R-)) - - or(N+, R-) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - N- + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-4416 type: explored -- comm_cost: 0.41383101851851867 - complexity: 15 +- comm_cost: 0.41510416666666705 + complexity: 12 expressions: - - N+ - - and(K-, or(S+, SE+)) + - K+ - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(SE-, or(K+, S-)) name: explored-4417 type: explored -- comm_cost: 0.6573784722222223 +- comm_cost: 0.4549479166666669 complexity: 9 expressions: - - R+ - - and(N-, or(K+, S-)) - - or(S+, R-) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-4418 type: explored -- comm_cost: 0.5177083333333334 - complexity: 13 +- comm_cost: 0.5368055555555558 + complexity: 10 expressions: - - K+ - - N+ - - R- - SE- - - and(K-, S+) - and(N-, R+) - - or(K+, K-) + - and(N-, R+) + - and(SE+, N-) name: explored-4419 type: explored -- comm_cost: 0.3187500000000002 - complexity: 13 +- comm_cost: 0.48958333333333326 + complexity: 5 expressions: - - K+ - - K+ - N+ - R- - - and(K-, N-) - - and(N-, R+) - and(S-, SE-) name: explored-4420 type: explored -- comm_cost: 0.4637500000000002 - complexity: 17 +- comm_cost: 0.46197916666666694 + complexity: 16 expressions: - K+ - - K- - - N+ - - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), not(R-)) name: explored-4421 type: explored -- comm_cost: 0.7235879629629631 - complexity: 8 +- comm_cost: 0.6660937500000002 + complexity: 45 expressions: - - K- - - R+ - - and(and(K-, N-), not(R-)) - name: explored-4422 - type: explored -- comm_cost: 0.45092592592592606 - complexity: 17 + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) + - and(S-, N-) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) + name: explored-4422 + type: explored +- comm_cost: 0.308420138888889 + complexity: 15 expressions: + - K+ - N+ - R- - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, not(R-)) + - and(SE+, N-) + - or(S+, R+) name: explored-4423 type: explored -- comm_cost: 0.6376157407407409 - complexity: 10 +- comm_cost: 0.24421296296296324 + complexity: 26 expressions: - - R+ - - R+ - - and(S-, N-) - - and(S-, or(SE-, N+)) + - K+ + - N+ + - R- + - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-4424 type: explored -- comm_cost: 0.41770833333333357 - complexity: 17 +- comm_cost: 0.6792824074074075 + complexity: 13 expressions: - - R- - - and(N-, R+) + - R+ - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-4425 type: explored -- comm_cost: 0.5083333333333335 +- comm_cost: 0.6726041666666668 complexity: 10 expressions: - - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) + - R+ + - and(K-, S+) + - and(K-, not(R+)) + - not(R-) name: explored-4426 type: explored -- comm_cost: 0.5243055555555557 - complexity: 7 +- comm_cost: 0.4408854166666669 + complexity: 11 expressions: - - K+ - N+ - - R- - - and(S-, not(R-)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-4427 type: explored -- comm_cost: 0.4744212962962966 - complexity: 9 +- comm_cost: 0.34479166666666705 + complexity: 13 expressions: - K+ - - N+ - - R+ - - R- - - SE+ - - SE- + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) name: explored-4428 type: explored -- comm_cost: 0.3197916666666668 - complexity: 9 +- comm_cost: 0.6682291666666667 + complexity: 12 expressions: - - K+ - - R+ - - R- - - and(S-, SE-) - - and(S-, SE-) + - N+ + - SE- + - and(K-, or(S+, R-)) + - and(S-, or(SE-, N+)) name: explored-4429 type: explored -- comm_cost: 0.6783680555555557 - complexity: 11 +- comm_cost: 0.5539351851851854 + complexity: 17 expressions: - - R- + - N+ - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - or(K+, K-) - - or(K+, S-) + - and(and(K-, N-), or(S+, R+)) name: explored-4430 type: explored -- comm_cost: 0.35558449074074083 - complexity: 14 +- comm_cost: 0.44887152777777795 + complexity: 30 expressions: - K+ - N+ - - SE+ + - R- + - and(K-, S+) - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-4431 type: explored -- comm_cost: 0.39765625000000016 - complexity: 15 +- comm_cost: 0.2517361111111114 + complexity: 19 expressions: - K+ - N+ - - R- + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - - or(SE-, N+) + - and(S-, or(N+, not(R+))) name: explored-4432 type: explored -- comm_cost: 0.7675347222222222 - complexity: 5 +- comm_cost: 0.4566666666666668 + complexity: 9 expressions: - - S+ + - N+ + - N- - SE- - - or(K+, N+) + - and(N-, R+) + - and(S-, SE-) name: explored-4433 type: explored -- comm_cost: 0.10208333333333353 - complexity: 19 +- comm_cost: 0.28328993055555585 + complexity: 21 expressions: - K+ - N+ - R- - - and(K-, S+) + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) + - or(SE-, N+) name: explored-4434 type: explored -- comm_cost: 0.5255208333333334 +- comm_cost: 0.5173611111111114 complexity: 12 expressions: - N+ - - and(N-, not(R-)) - - and(S-, SE-) - - and(S-, not(R+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-4435 type: explored -- comm_cost: 0.27395833333333375 +- comm_cost: 0.5815972222222224 complexity: 12 expressions: - - K+ - - N+ - - R- + - R+ - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(SE-, or(K+, S-)) name: explored-4436 type: explored -- comm_cost: 0.30677083333333344 - complexity: 12 +- comm_cost: 0.7986111111111112 + complexity: 6 + expressions: + - K+ + - SE- + - and(K-, not(R+)) + name: explored-4437 + type: explored +- comm_cost: 0.4905381944444447 + complexity: 18 expressions: - N+ - - R- - - S+ + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(K+, N+) - name: explored-4437 + name: explored-4438 type: explored -- comm_cost: 0.607482638888889 - complexity: 15 +- comm_cost: 0.44010416666666685 + complexity: 20 expressions: - K+ - - K- - - R+ + - N+ - R- - - and(K-, or(S+, SE+)) + - S+ + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) - name: explored-4438 + name: explored-4439 type: explored -- comm_cost: 0.6571875000000001 - complexity: 8 +- comm_cost: 0.679279513888889 + complexity: 13 expressions: - R+ - - or(N+, R-) + - SE- + - and(K-, S+) + - and(N-, not(R-)) - or(N+, not(R+)) - name: explored-4439 - type: explored -- comm_cost: 0.7859895833333335 - complexity: 6 - expressions: - - N- - - or(S+, or(N+, R-)) name: explored-4440 type: explored -- comm_cost: 0.39861111111111136 - complexity: 19 +- comm_cost: 0.36822916666666683 + complexity: 13 expressions: - - K+ - N+ - - R- - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, R+) name: explored-4441 type: explored -- comm_cost: 0.4083333333333333 - complexity: 8 +- comm_cost: 0.5161458333333335 + complexity: 10 expressions: - - N+ - - R- - - and(K-, S+) - - and(S-, SE-) + - R+ + - SE- + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-4442 type: explored -- comm_cost: 0.6687152777777778 - complexity: 13 +- comm_cost: 0.6848668981481483 + complexity: 25 expressions: - - N- - - R- - - S+ - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - S- + - and(K-, SE-) + - and(K-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-4443 type: explored -- comm_cost: 0.3333333333333335 - complexity: 14 +- comm_cost: 0.4228298611111114 + complexity: 15 expressions: - K+ + - N+ - R- - - R- + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - not(R+) name: explored-4444 type: explored -- comm_cost: 0.3949074074074077 - complexity: 17 +- comm_cost: 0.6071180555555558 + complexity: 5 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - R+ + - SE- + - SE- + - not(R+) name: explored-4445 type: explored -- comm_cost: 0.41765046296296304 - complexity: 15 +- comm_cost: 0.7710937500000001 + complexity: 4 expressions: - - R+ - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) + - and(K-, N-) name: explored-4446 type: explored -- comm_cost: 0.36054687500000027 +- comm_cost: 0.5610677083333335 complexity: 15 expressions: - - K+ - - K+ - N+ - - S+ + - R- + - S- + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - or(S+, R+) name: explored-4447 type: explored -- comm_cost: 0.5312499999999999 - complexity: 7 +- comm_cost: 0.6859375000000001 + complexity: 5 expressions: - - K+ - - K+ + - N+ - R- - - S+ - - and(S-, SE-) + - or(S+, R+) name: explored-4448 type: explored -- comm_cost: 0.1312500000000003 - complexity: 12 +- comm_cost: 0.5069444444444446 + complexity: 16 expressions: - K+ - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - SE- + - and(N-, or(K+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-4449 type: explored -- comm_cost: 0.5288194444444446 - complexity: 11 +- comm_cost: 0.6024305555555557 + complexity: 14 expressions: + - N+ - R+ - SE- - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(K-, or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-4450 type: explored -- comm_cost: 0.7940625000000001 - complexity: 5 +- comm_cost: 0.5642361111111113 + complexity: 17 expressions: - - K- + - N+ - SE- - - or(K+, K-) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(K+, N+) + - or(S+, SE+) name: explored-4451 type: explored -- comm_cost: 0.5577256944444445 - complexity: 13 +- comm_cost: 0.4743923611111114 + complexity: 25 expressions: - - K+ - N+ - R- - - SE- - - and(and(K-, N-), not(R-)) - - or(S+, R+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4452 type: explored -- comm_cost: 0.3114004629629632 +- comm_cost: 0.48302083333333345 complexity: 15 expressions: - K+ - - N+ + - R+ - R- - - SE+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(K-, or(S+, N+)) - and(S-, SE-) + - or(N+, not(R+)) name: explored-4453 type: explored -- comm_cost: 0.3197916666666668 - complexity: 8 +- comm_cost: 0.4558159722222226 + complexity: 13 expressions: - - R+ - - R- - - and(K-, S+) - - and(S-, SE-) + - N+ + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(SE-, N+) name: explored-4454 type: explored -- comm_cost: 0.7252604166666667 - complexity: 7 +- comm_cost: 0.6041666666666666 + complexity: 8 expressions: - - R+ - - or(N+, R-) - - or(S+, R+) + - N+ + - and(S-, SE-) + - and(S-, not(R+)) name: explored-4455 type: explored -- comm_cost: 0.6531250000000002 - complexity: 3 - expressions: - - S+ - - SE+ - - SE- - name: explored-4456 - type: explored -- comm_cost: 0.7317708333333335 - complexity: 9 +- comm_cost: 0.3674479166666671 + complexity: 16 expressions: - N+ - - R+ - R- - - SE+ - - and(K-, or(S+, SE+)) - name: explored-4457 + - SE- + - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(S+, or(N+, R-)) + name: explored-4456 type: explored -- comm_cost: 0.2962962962962965 - complexity: 19 +- comm_cost: 0.5962500000000002 + complexity: 7 expressions: - K+ - N+ - - R- - - and(K-, S+) - - and(K-, not(R+)) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - name: explored-4458 + - not(R-) + name: explored-4457 type: explored -- comm_cost: 0.5330150462962965 +- comm_cost: 0.6856770833333334 complexity: 14 expressions: - - N+ - - R- + - R+ + - SE+ - SE- - - and(N-, R+) + - and(N-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + name: explored-4458 + type: explored +- comm_cost: 0.6666666666666667 + complexity: 11 + expressions: - and(N-, or(S+, R+)) - - or(K+, SE+) + - and(S-, or(N+, not(R+))) name: explored-4459 type: explored -- comm_cost: 0.7142361111111113 - complexity: 6 +- comm_cost: 0.3163194444444448 + complexity: 12 expressions: - - R+ - - or(K+, or(N+, R-)) + - N+ + - R- + - SE- + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-4460 type: explored -- comm_cost: 0.6852430555555556 - complexity: 12 +- comm_cost: 0.6852430555555555 + complexity: 11 expressions: - - N+ - - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(S+, N+) + - R- + - S+ + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-4461 type: explored -- comm_cost: 0.678125 - complexity: 11 +- comm_cost: 0.40931712962962985 + complexity: 19 expressions: - N+ - R- - - SE- - - and(K-, or(SE-, N+)) - - or(K+, R-) + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - not(R-) name: explored-4462 type: explored -- comm_cost: 0.738984375 - complexity: 27 - expressions: - - and(N-, or(S+, R+)) - - and(S-, not(R-)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(S+, R+) - - or(SE-, N+) - name: explored-4463 - type: explored -- comm_cost: 0.4217013888888891 - complexity: 22 +- comm_cost: 0.4588888888888891 + complexity: 17 expressions: - - K+ - N+ - - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(SE+, N-) - name: explored-4464 + - or(N+, not(R+)) + name: explored-4463 type: explored -- comm_cost: 0.5708333333333334 - complexity: 12 +- comm_cost: 0.5366319444444446 + complexity: 9 expressions: - R+ - - R- - - SE- - - and(K-, not(R-)) - and(SE-, or(K+, S-)) - name: explored-4465 + - or(S+, R-) + name: explored-4464 type: explored -- comm_cost: 0.41592592592592625 - complexity: 13 +- comm_cost: 0.5557291666666669 + complexity: 12 expressions: - N+ - - R- + - N+ - SE- - and(N-, R+) - - or(N+, not(R+)) - - or(S+, R-) - name: explored-4466 + - and(or(K+, S-), not(R-)) + name: explored-4465 type: explored -- comm_cost: 0.6255208333333335 - complexity: 12 +- comm_cost: 0.7024785879629631 + complexity: 25 expressions: - - R+ - - SE- - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) - name: explored-4467 + - SE+ + - and(K-, not(R+)) + - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) + - not(R-) + - or(S+, R+) + - or(S+, or(N+, R-)) + name: explored-4466 type: explored -- comm_cost: 0.32144097222222245 - complexity: 16 +- comm_cost: 0.5288472222222222 + complexity: 20 expressions: + - K+ + - K+ - N+ - - R+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(S+, R+) - name: explored-4468 + - and(S-, not(R-)) + - not(R-) + - or(S+, SE+) + name: explored-4467 type: explored -- comm_cost: 0.478414351851852 - complexity: 16 +- comm_cost: 0.487326388888889 + complexity: 18 expressions: + - K+ - N+ - R- - - and(K-, N-) - - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - name: explored-4469 + - and(or(K+, S-), not(R+)) + - or(K+, K-) + name: explored-4468 type: explored -- comm_cost: 0.28828125000000016 - complexity: 15 +- comm_cost: 0.5241666666666669 + complexity: 14 expressions: - - K+ - N+ - - R- - - and(K-, N-) - - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - or(N+, not(R+)) + - or(S+, SE+) + name: explored-4469 + type: explored +- comm_cost: 0.6573784722222223 + complexity: 9 + expressions: + - R+ + - and(N-, or(K+, S-)) + - or(S+, R-) name: explored-4470 type: explored -- comm_cost: 0.41180555555555576 - complexity: 13 +- comm_cost: 0.7350694444444446 + complexity: 9 expressions: - - N+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) + - or(K+, K-) name: explored-4471 type: explored -- comm_cost: 0.43081597222222223 - complexity: 11 +- comm_cost: 0.3773437500000002 + complexity: 17 expressions: - K+ - - K+ - - N+ - R- - - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(S+, R-) name: explored-4472 type: explored -- comm_cost: 0.28871527777777795 - complexity: 22 +- comm_cost: 0.4882812500000002 + complexity: 12 expressions: - - K+ - - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4473 type: explored -- comm_cost: 0.688570601851852 - complexity: 14 +- comm_cost: 0.5262152777777779 + complexity: 18 expressions: - - R+ - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R-)) - - not(R+) + - N+ + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-4474 type: explored -- comm_cost: 0.6722222222222223 - complexity: 5 +- comm_cost: 0.5903645833333334 + complexity: 9 expressions: - - K+ - - and(S-, not(R-)) + - N+ + - R+ + - R- + - SE- + - and(K-, or(S+, SE+)) name: explored-4475 type: explored -- comm_cost: 0.3104166666666669 - complexity: 19 +- comm_cost: 0.5895833333333336 + complexity: 6 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, R-) + - R+ + - and(SE-, or(K+, S-)) name: explored-4476 type: explored -- comm_cost: 0.38237847222222243 - complexity: 22 +- comm_cost: 0.5526041666666669 + complexity: 10 expressions: - N+ - - R- - - S+ + - R+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) name: explored-4477 type: explored -- comm_cost: 0.5358796296296298 - complexity: 13 +- comm_cost: 0.37708333333333344 + complexity: 12 expressions: - R+ - - R- - - and(K-, or(S+, R+)) - - and(and(S-, N-), not(R-)) + - and(K-, S+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-4478 type: explored -- comm_cost: 0.4375000000000001 - complexity: 14 +- comm_cost: 0.6217708333333334 + complexity: 6 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - or(S+, N+) + - R- + - SE- + - not(R-) name: explored-4479 type: explored -- comm_cost: 0.39861111111111147 - complexity: 12 +- comm_cost: 0.6456597222222225 + complexity: 10 expressions: - - N+ - - SE- - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(S-, or(N+, not(R+))) + - and(SE+, N-) name: explored-4480 type: explored -- comm_cost: 0.3890625000000002 - complexity: 15 +- comm_cost: 0.7470486111111112 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - R+ + - and(K-, S+) + - and(K-, or(S+, R+)) name: explored-4481 type: explored -- comm_cost: 0.21145833333333353 - complexity: 16 +- comm_cost: 0.3919415509259263 + complexity: 17 expressions: - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, N+) + - or(K+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-4482 type: explored -- comm_cost: 0.5059895833333334 - complexity: 9 +- comm_cost: 0.575 + complexity: 5 expressions: - - R+ - - R- - - S+ - - and(K-, N-) + - N+ + - N- - and(S-, SE-) name: explored-4483 type: explored -- comm_cost: 0.48585069444444473 - complexity: 11 +- comm_cost: 0.6043750000000001 + complexity: 7 expressions: - - K+ - - K+ - N+ - - R- - S+ - and(N-, R+) - - or(K+, R+) + - not(R-) name: explored-4484 type: explored -- comm_cost: 0.1625000000000003 - complexity: 11 +- comm_cost: 0.6539814814814815 + complexity: 9 expressions: + - K- - N+ - R- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(N-, or(K+, SE+)) name: explored-4485 type: explored -- comm_cost: 0.4958680555555557 - complexity: 13 +- comm_cost: 0.3125000000000002 + complexity: 18 expressions: + - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(SE+, N-) - - or(N+, not(R+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - not(R+) name: explored-4486 type: explored -- comm_cost: 0.8361458333333334 - complexity: 8 +- comm_cost: 0.49674479166666685 + complexity: 16 expressions: - - S+ - - or(N+, not(R+)) - - or(SE-, N+) + - N+ + - R+ + - R- + - SE- + - and(K-, N-) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-4487 type: explored -- comm_cost: 0.6661458333333334 - complexity: 8 +- comm_cost: 0.3833333333333335 + complexity: 11 expressions: - N+ - - SE+ - - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-4488 type: explored -- comm_cost: 0.6197916666666669 - complexity: 3 +- comm_cost: 0.3921006944444446 + complexity: 14 expressions: - - R+ - - R+ - - SE- + - K+ + - R- + - SE+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-4489 type: explored -- comm_cost: 0.20694444444444482 - complexity: 12 +- comm_cost: 0.6130208333333335 + complexity: 8 expressions: - - K+ - N+ - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(N-, or(K+, S-)) name: explored-4490 type: explored -- comm_cost: 0.1390625000000003 - complexity: 16 +- comm_cost: 0.586539351851852 + complexity: 18 expressions: + - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, N+)) + - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) + - not(R-) + - or(K+, K-) name: explored-4491 type: explored -- comm_cost: 0.3406250000000002 - complexity: 14 +- comm_cost: 0.34296875000000016 + complexity: 12 expressions: - - K+ - N+ - - SE+ + - R- - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-4492 type: explored -- comm_cost: 0.40218750000000014 - complexity: 10 +- comm_cost: 0.5708333333333335 + complexity: 5 expressions: - - K+ - - N+ - - N- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - or(N+, R-) name: explored-4493 type: explored -- comm_cost: 0.1843750000000003 - complexity: 16 +- comm_cost: 0.4197916666666668 + complexity: 14 expressions: - - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(K+, SE+) + - or(K+, SE+) name: explored-4494 type: explored -- comm_cost: 0.6825520833333334 - complexity: 4 +- comm_cost: 0.46388888888888924 + complexity: 11 expressions: - N+ + - N+ - R- - - not(R+) + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-4495 type: explored -- comm_cost: 0.39486111111111133 - complexity: 16 +- comm_cost: 0.5943055555555558 + complexity: 13 expressions: - N+ - - R- - - S+ - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(S+, SE+) + - or(K+, S-) + - or(S+, or(N+, R-)) name: explored-4496 type: explored -- comm_cost: 0.5380208333333335 - complexity: 8 +- comm_cost: 0.269791666666667 + complexity: 7 expressions: - N+ - - R+ - R- - - SE+ + - S+ - SE- - - and(K-, S+) + - and(N-, R+) name: explored-4497 type: explored -- comm_cost: 0.557638888888889 - complexity: 16 +- comm_cost: 0.6130208333333335 + complexity: 4 expressions: + - K+ - R+ - - SE- - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - - or(K+, R-) + - R- + - S- name: explored-4498 type: explored -- comm_cost: 0.6142361111111113 - complexity: 6 +- comm_cost: 0.6833333333333336 + complexity: 7 expressions: - - K+ + - N+ - R+ - - SE- - - or(S+, N+) + - and(N-, or(K+, R+)) name: explored-4499 type: explored -- comm_cost: 0.6477430555555557 - complexity: 9 +- comm_cost: 0.7532118055555557 + complexity: 14 expressions: - - K+ - R+ - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(S+, N+)) + - and(N-, or(S+, SE+)) + - or(K+, SE+) name: explored-4500 type: explored -- comm_cost: 0.29284722222222226 - complexity: 24 +- comm_cost: 0.5817708333333335 + complexity: 8 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(S+, R+) + - SE- + - and(N-, or(K+, SE+)) name: explored-4501 type: explored -- comm_cost: 0.3356250000000002 - complexity: 12 +- comm_cost: 0.39960937500000027 + complexity: 16 expressions: - - N+ + - K+ + - K+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(or(K+, S-), not(R-)) name: explored-4502 type: explored -- comm_cost: 0.6739149305555556 - complexity: 25 +- comm_cost: 0.19479166666666692 + complexity: 14 expressions: + - K+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, R+)) - - or(K+, K-) - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, R-) name: explored-4503 type: explored -- comm_cost: 0.31510416666666685 - complexity: 10 +- comm_cost: 0.6022569444444446 + complexity: 11 expressions: - - N+ - R+ - - R- - - SE- - - and(N-, R+) - - and(S-, SE-) + - and(K-, or(S+, R+)) + - and(SE-, or(K+, S-)) name: explored-4504 type: explored -- comm_cost: 0.3695312500000002 - complexity: 19 +- comm_cost: 0.81078125 + complexity: 4 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, not(R-)) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - N- + - and(K-, N-) name: explored-4505 type: explored -- comm_cost: 0.6551313657407408 - complexity: 15 +- comm_cost: 0.62265625 + complexity: 11 expressions: - - K- - N+ - - R+ - R- - SE- - - and(K-, or(S+, R+)) + - and(S-, SE-) - or(S+, or(N+, R-)) name: explored-4506 type: explored -- comm_cost: 0.42164351851851867 - complexity: 20 +- comm_cost: 0.4930555555555558 + complexity: 13 expressions: - - R+ - - R- - - and(N-, or(K+, R+)) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - N+ + - and(K-, not(R+)) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-4507 type: explored -- comm_cost: 0.5904861111111112 - complexity: 13 +- comm_cost: 0.6509837962962964 + complexity: 15 expressions: - - N+ - - R- + - R+ + - and(K-, not(R+)) - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, SE+) + - and(N-, or(S+, R+)) name: explored-4508 type: explored -- comm_cost: 0.6307291666666668 - complexity: 10 +- comm_cost: 0.5062847222222224 + complexity: 22 expressions: + - K+ - N+ - R- - SE- - - and(K-, not(R-)) - - or(S+, R-) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) name: explored-4509 type: explored -- comm_cost: 0.4006944444444447 - complexity: 9 +- comm_cost: 0.46154513888888915 + complexity: 15 expressions: - N+ - R- - - R- + - SE- - and(N-, R+) - - or(K+, R-) + - and(and(K-, N-), not(R-)) + - or(SE-, N+) name: explored-4510 type: explored -- comm_cost: 0.6113425925925927 - complexity: 17 +- comm_cost: 0.6919270833333334 + complexity: 4 expressions: - - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - and(K-, N-) name: explored-4511 type: explored -- comm_cost: 0.03663194444444473 - complexity: 18 +- comm_cost: 0.7515000000000001 + complexity: 20 expressions: - - K+ - - N+ - - R- - - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - S- + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - or(K+, S-) name: explored-4512 type: explored -- comm_cost: 0.5687500000000001 - complexity: 12 +- comm_cost: 0.7031018518518519 + complexity: 26 expressions: - - R+ - - R- - - SE- - - and(K-, S+) + - S- + - and(S-, not(R+)) + - and(S-, not(R-)) - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-4513 type: explored -- comm_cost: 0.28828125000000016 +- comm_cost: 0.4838541666666668 complexity: 15 expressions: - - N+ - - N+ + - K+ + - R+ - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-4514 type: explored -- comm_cost: 0.7386284722222223 - complexity: 12 +- comm_cost: 0.39311342592592613 + complexity: 20 expressions: - - SE- - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R-)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, SE+) name: explored-4515 type: explored -- comm_cost: 0.6426041666666669 - complexity: 15 +- comm_cost: 0.6796875 + complexity: 6 expressions: + - N+ - R+ - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) + - R- + - or(K+, K-) name: explored-4516 type: explored -- comm_cost: 0.3694444444444447 - complexity: 19 +- comm_cost: 0.500902777777778 + complexity: 17 expressions: - - K+ - N+ - R- - - S+ - - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, N+) + - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-4517 type: explored -- comm_cost: 0.7875000000000001 +- comm_cost: 0.49027777777777803 complexity: 10 expressions: - - and(K-, N-) - - and(N-, or(S+, SE+)) - - not(R+) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-4518 type: explored -- comm_cost: 0.33618344907407427 - complexity: 25 +- comm_cost: 0.4083333333333332 + complexity: 9 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, SE+) - - or(S+, R-) + - and(S-, SE-) name: explored-4519 type: explored -- comm_cost: 0.4111111111111112 - complexity: 13 +- comm_cost: 0.4539351851851855 + complexity: 18 expressions: + - K+ - N+ - - and(K-, not(R+)) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R- + - and(N-, R+) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-4520 type: explored -- comm_cost: 0.4809895833333335 - complexity: 14 +- comm_cost: 0.48501157407407425 + complexity: 16 expressions: + - K+ - N+ - - SE- - - and(K-, not(R+)) + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - or(K+, K-) name: explored-4521 type: explored -- comm_cost: 0.595138888888889 - complexity: 9 +- comm_cost: 0.7737847222222224 + complexity: 12 expressions: - R+ - - SE- - - and(K-, or(S+, R-)) - - not(R+) + - and(N-, or(K+, R+)) + - or(K+, R+) + - or(K+, R+) name: explored-4522 type: explored -- comm_cost: 0.2693865740740743 - complexity: 24 +- comm_cost: 0.5734375 + complexity: 6 expressions: - - K+ - - N+ - - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R-) + - or(K+, SE+) name: explored-4523 type: explored -- comm_cost: 0.043229166666666874 - complexity: 17 +- comm_cost: 0.5151041666666668 + complexity: 8 expressions: - - K+ - - N+ - - N+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - SE- + - and(K-, or(S+, N+)) name: explored-4524 type: explored -- comm_cost: 0.5447800925925927 - complexity: 17 +- comm_cost: 0.28153935185185197 + complexity: 22 expressions: - - R+ - - R+ + - K+ + - N+ - R- - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) name: explored-4525 type: explored -- comm_cost: 0.18333333333333357 - complexity: 18 +- comm_cost: 0.6230034722222223 + complexity: 12 expressions: - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(S-, or(N+, not(R+))) + - or(S+, R+) name: explored-4526 type: explored -- comm_cost: 0.6621527777777779 +- comm_cost: 0.5262731481481483 complexity: 15 expressions: - R+ - - and(K-, or(S+, N+)) - - and(N-, not(R-)) - - and(N-, or(K+, R+)) + - R- + - SE- + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + - or(S+, R-) name: explored-4527 type: explored -- comm_cost: 0.7165509259259261 - complexity: 16 +- comm_cost: 0.3006944444444444 + complexity: 10 expressions: - - and(K-, or(S+, SE+)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - N+ + - R- + - SE+ + - and(K-, S+) + - and(S-, SE-) name: explored-4528 type: explored -- comm_cost: 0.6745659722222224 - complexity: 9 +- comm_cost: 0.4663194444444446 + complexity: 11 expressions: - - K+ - - R+ - - SE- - - and(or(K+, S-), not(R-)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-4529 type: explored -- comm_cost: 0.32382812500000024 - complexity: 16 +- comm_cost: 0.5851562500000002 + complexity: 12 expressions: - - K+ - - K+ - N+ - R- - - S+ + - S- + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) name: explored-4530 type: explored -- comm_cost: 0.23229166666666679 - complexity: 14 +- comm_cost: 0.4152777777777781 + complexity: 16 expressions: - - K+ - N+ - - R- - - S+ - - SE+ - - and(K-, S+) + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-4531 type: explored -- comm_cost: 0.24479166666666685 - complexity: 20 +- comm_cost: 0.7027777777777777 + complexity: 7 expressions: - N+ - - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) name: explored-4532 type: explored -- comm_cost: 0.15885416666666696 - complexity: 10 +- comm_cost: 0.6856875 + complexity: 33 expressions: - - K+ - - N+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) + - N- + - SE+ + - and(K-, SE-) + - and(N-, or(K+, S-)) + - and(S-, N-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) + - or(K+, N+) + - or(N+, R-) + - or(SE-, N+) name: explored-4533 type: explored -- comm_cost: 0.3460358796296299 - complexity: 19 +- comm_cost: 0.38107638888888906 + complexity: 15 expressions: - N+ - R- - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-4534 type: explored -- comm_cost: 0.6986111111111112 - complexity: 21 - expressions: - - SE+ - - and(N-, not(R-)) - - and(S-, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, N+) - - or(S+, R+) - name: explored-4535 - type: explored -- comm_cost: 0.40707754629629644 - complexity: 18 +- comm_cost: 0.45167824074074103 + complexity: 19 expressions: - K+ - - K+ - N+ - - N- - R- - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) + name: explored-4535 + type: explored +- comm_cost: 0.7142708333333334 + complexity: 19 + expressions: + - R+ + - S- + - and(K-, N-) + - and(K-, SE-) + - and(S-, N-) + - or(K+, K-) + - or(S+, or(N+, R-)) name: explored-4536 type: explored -- comm_cost: 0.4984375 +- comm_cost: 0.2875000000000003 complexity: 10 expressions: - - N+ + - K+ - R- - - S+ - - and(S-, SE-) - - and(S-, not(R+)) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-4537 type: explored -- comm_cost: 0.66484375 - complexity: 5 +- comm_cost: 0.39296875 + complexity: 9 expressions: + - K+ - N+ - R- - - SE- - - not(R+) + - and(S-, SE-) + - or(S+, R+) name: explored-4538 type: explored -- comm_cost: 0.7590920138888889 - complexity: 21 +- comm_cost: 0.5838541666666669 + complexity: 16 expressions: - - K- - - and(K-, not(R-)) - - and(S-, N-) - - and(or(K+, S-), not(R+)) - - or(K+, S-) - - or(N+, not(R+)) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, N+) + - or(K+, SE+) name: explored-4539 type: explored -- comm_cost: 0.5649305555555557 - complexity: 9 +- comm_cost: 0.5989409722222223 + complexity: 18 expressions: - - K+ - R+ - R- - SE- - - or(S+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) + - not(R-) name: explored-4540 type: explored -- comm_cost: 0.7294878472222224 - complexity: 11 +- comm_cost: 0.496527777777778 + complexity: 9 expressions: - - R+ - - SE- - - SE- - - and(or(K+, S-), not(R-)) - - not(R-) + - N+ + - R- + - and(N-, R+) + - and(S-, not(R-)) name: explored-4541 type: explored -- comm_cost: 0.5225694444444446 - complexity: 16 +- comm_cost: 0.5013888888888891 + complexity: 23 expressions: - N+ - SE- - and(N-, R+) - - and(N-, R+) - - or(S+, R+) - - or(S+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-4542 type: explored -- comm_cost: 0.7289930555555557 - complexity: 10 +- comm_cost: 0.3164062500000002 + complexity: 19 expressions: - - SE- - - and(K-, not(R-)) - - and(K-, or(S+, N+)) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-4543 type: explored -- comm_cost: 0.5055555555555558 - complexity: 13 +- comm_cost: 0.42500000000000027 + complexity: 17 expressions: - N+ - - R- - SE- - and(N-, R+) - - and(S-, not(R+)) - - or(S+, SE+) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-4544 type: explored -- comm_cost: 0.6614583333333335 - complexity: 10 - expressions: - - and(N-, or(K+, R+)) - - not(R+) - - or(SE-, N+) - name: explored-4545 - type: explored -- comm_cost: 0.28880208333333357 - complexity: 17 +- comm_cost: 0.44640625 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - S+ - - and(K-, S+) - - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - name: explored-4546 + - and(SE-, or(K+, S-)) + - or(S+, R+) + name: explored-4545 type: explored -- comm_cost: 0.7019097222222224 - complexity: 7 +- comm_cost: 0.5786458333333334 + complexity: 12 expressions: - R+ - - S- - - or(K+, or(N+, R-)) - name: explored-4547 + - R- + - SE- + - and(K-, or(N+, not(R+))) + - or(K+, N+) + name: explored-4546 type: explored -- comm_cost: 0.6789930555555556 - complexity: 4 +- comm_cost: 0.5897743055555558 + complexity: 16 expressions: - - K+ - N+ - - S+ - SE- - name: explored-4548 + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, SE+) + name: explored-4547 type: explored -- comm_cost: 0.37365451388888915 - complexity: 21 +- comm_cost: 0.3640625000000002 + complexity: 15 expressions: - K+ + - R- + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + name: explored-4548 + type: explored +- comm_cost: 0.39704861111111134 + complexity: 22 + expressions: - K+ - N+ - R- - - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(SE-, N+) + - or(K+, SE+) name: explored-4549 type: explored -- comm_cost: 0.6611979166666668 - complexity: 7 +- comm_cost: 0.5341145833333335 + complexity: 17 expressions: - N+ + - R- - and(N-, R+) - - or(S+, R+) + - and(N-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-4550 type: explored -- comm_cost: 0.319652777777778 - complexity: 22 +- comm_cost: 0.5926649305555557 + complexity: 18 expressions: - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(N+, R-) - - or(N+, not(R+)) + - SE- + - and(K-, or(S+, R-)) + - and(or(K+, S-), not(R+)) + - or(K+, SE+) name: explored-4551 type: explored -- comm_cost: 0.3247395833333334 - complexity: 18 +- comm_cost: 0.7956597222222221 + complexity: 5 expressions: - K+ - - K+ - - N+ - R- - - S+ - - and(K-, S+) - - and(K-, not(R-)) + - SE- + - not(R+) + name: explored-4552 + type: explored +- comm_cost: 0.435416666666667 + complexity: 11 + expressions: - and(N-, R+) - and(S-, SE-) - name: explored-4552 + - and(SE-, or(K+, S-)) + name: explored-4553 type: explored -- comm_cost: 0.7419212962962964 - complexity: 7 +- comm_cost: 0.6310763888888891 + complexity: 15 expressions: - R+ - - or(K+, R+) - - or(K+, S-) - name: explored-4553 + - and(K-, not(R+)) + - and(K-, or(S+, R+)) + - or(K+, or(N+, R-)) + name: explored-4554 type: explored -- comm_cost: 0.3142361111111114 - complexity: 18 +- comm_cost: 0.44687500000000013 + complexity: 11 expressions: + - K+ - N+ - R- - - SE- + - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) - name: explored-4554 + name: explored-4555 type: explored -- comm_cost: 0.21458333333333368 - complexity: 16 +- comm_cost: 0.2699074074074076 + complexity: 24 expressions: - K+ + - N+ + - R- - R- - and(K-, S+) - - and(K-, or(SE-, N+)) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - name: explored-4555 - type: explored -- comm_cost: 0.712326388888889 - complexity: 15 - expressions: - - and(N-, or(K+, S-)) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(and(S-, N-), not(R-)) name: explored-4556 type: explored -- comm_cost: 0.5765625000000002 - complexity: 18 +- comm_cost: 0.26927083333333346 + complexity: 9 expressions: + - N+ - R- - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(S-, SE-) + - and(SE+, N-) name: explored-4557 type: explored -- comm_cost: 0.721875 - complexity: 9 +- comm_cost: 0.2273437500000003 + complexity: 15 expressions: - - and(N-, not(R-)) + - N+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - not(R+) + - or(SE-, N+) name: explored-4558 type: explored -- comm_cost: 0.7045425347222223 - complexity: 37 +- comm_cost: 0.4807291666666669 + complexity: 12 expressions: - - R- - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) + - N+ + - SE- + - and(N-, R+) + - and(N-, R+) - and(N-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) - - or(S+, SE+) name: explored-4559 type: explored -- comm_cost: 0.4721354166666669 - complexity: 18 +- comm_cost: 0.5830555555555557 + complexity: 10 expressions: + - N+ + - N- + - R- - SE- - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-4560 type: explored -- comm_cost: 0.7417534722222223 - complexity: 7 +- comm_cost: 0.3677083333333335 + complexity: 18 expressions: - - R+ - - or(K+, SE+) - - or(S+, R-) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-4561 type: explored -- comm_cost: 0.2059027777777781 +- comm_cost: 0.31903935185185206 complexity: 16 expressions: + - K+ - N+ - R- - S+ - - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(S+, R-) name: explored-4562 type: explored -- comm_cost: 0.3270833333333333 - complexity: 10 +- comm_cost: 0.47864583333333355 + complexity: 13 expressions: - K+ - - N+ - - N+ + - R+ - R- - - and(K-, S+) - - and(S-, SE-) + - and(K-, or(SE-, N+)) + - and(SE-, or(K+, S-)) name: explored-4563 type: explored -- comm_cost: 0.0677083333333337 +- comm_cost: 0.548871527777778 complexity: 14 expressions: - - K+ - N+ - - R- - - S+ - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(S+, R+) name: explored-4564 type: explored -- comm_cost: 0.718402777777778 +- comm_cost: 0.285416666666667 complexity: 10 expressions: - - R+ - - SE- - - and(K-, not(R-)) - - and(K-, not(R-)) + - N+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) name: explored-4565 type: explored -- comm_cost: 0.25607638888888906 - complexity: 16 +- comm_cost: 0.6765416666666667 + complexity: 15 expressions: - - K+ + - N+ - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(or(K+, S-), not(R-)) + - not(R-) + - or(K+, S-) name: explored-4566 type: explored -- comm_cost: 0.2864583333333335 - complexity: 15 +- comm_cost: 0.4818142361111112 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - S+ - - and(K-, or(S+, N+)) + - and(N-, not(R-)) - and(S-, SE-) - - and(SE+, N-) + - and(S-, not(R-)) name: explored-4567 type: explored -- comm_cost: 0.28333333333333366 - complexity: 9 +- comm_cost: 0.21880787037037053 + complexity: 17 expressions: - N+ - R- - - SE- - - and(N-, R+) + - R- + - S+ - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-4568 type: explored -- comm_cost: 0.7174479166666669 - complexity: 6 +- comm_cost: 0.8027777777777779 + complexity: 12 expressions: - - and(N-, R+) - - or(S+, R+) + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-4569 type: explored -- comm_cost: 0.6579166666666668 - complexity: 11 +- comm_cost: 0.2553819444444446 + complexity: 18 expressions: - - R+ - - SE- - - and(and(S-, N-), not(R-)) - - or(K+, S-) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) name: explored-4570 type: explored -- comm_cost: 0.758125 - complexity: 7 +- comm_cost: 0.6312500000000002 + complexity: 9 expressions: - - N- + - R+ + - and(K-, or(S+, N+)) - or(K+, R-) - - or(S+, R+) name: explored-4571 type: explored -- comm_cost: 0.1687500000000004 - complexity: 15 +- comm_cost: 0.6671875000000002 + complexity: 10 expressions: - - N+ - - R- - - SE- - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(N-, or(K+, R+)) + - or(N+, not(R+)) name: explored-4572 type: explored -- comm_cost: 0.4706018518518521 - complexity: 14 +- comm_cost: 0.5802083333333333 + complexity: 7 expressions: - N+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - R- + - and(SE-, or(K+, S-)) name: explored-4573 type: explored -- comm_cost: 0.3061776620370372 - complexity: 25 +- comm_cost: 0.3437500000000002 + complexity: 20 expressions: - - K+ - N+ - R- - - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(K+, or(N+, R-)) - - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-4574 type: explored -- comm_cost: 0.6394097222222224 - complexity: 16 +- comm_cost: 0.5682291666666669 + complexity: 10 expressions: - - R+ - SE- - - or(and(K-, SE-), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - or(K+, SE+) name: explored-4575 type: explored -- comm_cost: 0.7869444444444444 - complexity: 7 +- comm_cost: 0.6429687500000001 + complexity: 8 expressions: - - and(N-, or(S+, R+)) - - not(R-) + - N+ + - N+ + - SE- + - and(K-, or(S+, SE+)) name: explored-4576 type: explored -- comm_cost: 0.635763888888889 - complexity: 13 +- comm_cost: 0.6605468750000001 + complexity: 14 expressions: - - R+ - - and(K-, S+) - - or(K+, or(N+, R-)) + - K+ + - N+ + - R- + - SE- + - and(or(K+, S-), not(R-)) - or(N+, not(R+)) name: explored-4577 type: explored -- comm_cost: 0.6859201388888889 - complexity: 24 +- comm_cost: 0.3435763888888891 + complexity: 14 expressions: - - SE+ - - and(K-, N-) - - and(K-, or(S+, R-)) - - and(S-, N-) - - and(S-, not(R-)) - - or(K+, R+) - - or(S+, or(N+, R-)) + - N+ + - R- + - S+ + - SE- + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-4578 type: explored -- comm_cost: 0.6471354166666669 - complexity: 10 +- comm_cost: 0.5808333333333335 + complexity: 11 expressions: - - S- + - N+ + - N- + - SE- - SE- - - and(K-, or(S+, SE+)) - and(N-, R+) + - or(N+, not(R+)) name: explored-4579 type: explored -- comm_cost: 0.7166666666666668 - complexity: 5 +- comm_cost: 0.6407696759259259 + complexity: 21 expressions: - - SE- - - SE- - - and(S-, N-) + - N+ + - R- + - S+ + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-4580 type: explored -- comm_cost: 0.5942708333333333 - complexity: 10 +- comm_cost: 0.68125 + complexity: 5 expressions: - - and(S-, SE-) - - and(S-, not(R+)) - - or(S+, R+) + - N+ + - SE- + - and(K-, S+) name: explored-4581 type: explored -- comm_cost: 0.4194444444444445 - complexity: 11 +- comm_cost: 0.6235243055555557 + complexity: 10 expressions: - - N+ - R- - - and(K-, S+) - - and(S-, N-) - - and(S-, SE-) + - SE- + - and(K-, or(S+, N+)) + - or(S+, R+) name: explored-4582 type: explored -- comm_cost: 0.30390625000000027 - complexity: 20 +- comm_cost: 0.1843750000000003 + complexity: 14 expressions: + - K+ - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-4583 type: explored -- comm_cost: 0.7130729166666667 - complexity: 20 +- comm_cost: 0.5083680555555556 + complexity: 14 expressions: - - and(K-, S+) - - and(N-, or(K+, R+)) - - and(or(K+, S-), not(R-)) - - or(K+, S-) - - or(S+, R+) + - N+ + - N- + - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-4584 type: explored -- comm_cost: 0.7664062500000001 - complexity: 6 +- comm_cost: 0.4960937500000002 + complexity: 12 expressions: + - N+ - SE- - - and(N-, or(K+, S-)) + - and(N-, R+) + - and(S-, not(R+)) + - or(S+, R+) name: explored-4585 type: explored -- comm_cost: 0.7256944444444445 - complexity: 3 +- comm_cost: 0.4963541666666669 + complexity: 11 expressions: - N+ - - R- - - SE+ + - and(K-, SE-) + - and(N-, R+) + - and(N-, not(R-)) name: explored-4586 type: explored -- comm_cost: 0.5908333333333335 - complexity: 6 +- comm_cost: 0.45972222222222237 + complexity: 11 expressions: - - R- - and(N-, R+) - - not(R-) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-4587 type: explored -- comm_cost: 0.4472222222222224 - complexity: 12 +- comm_cost: 0.6478819444444446 + complexity: 7 expressions: - - N+ + - R+ - R- - SE- - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) + - or(K+, S-) name: explored-4588 type: explored -- comm_cost: 0.6083333333333335 - complexity: 6 +- comm_cost: 0.3197916666666668 + complexity: 7 expressions: + - K+ - R+ - - not(R+) - - or(K+, R-) + - R+ + - R- + - and(S-, SE-) name: explored-4589 type: explored -- comm_cost: 0.6054687500000001 - complexity: 5 +- comm_cost: 0.5151041666666668 + complexity: 13 expressions: - - K+ - - N+ - - R- - - S- + - R+ - SE- + - and(K-, S+) + - and(SE+, N-) + - and(SE-, or(K+, S-)) name: explored-4590 type: explored -- comm_cost: 0.5194444444444444 - complexity: 13 +- comm_cost: 0.224479166666667 + complexity: 11 expressions: - - K+ - N+ - R- - - S+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(N+, R-) name: explored-4591 type: explored -- comm_cost: 0.5642361111111114 - complexity: 10 - expressions: - - N+ - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - name: explored-4592 - type: explored -- comm_cost: 0.5652199074074076 - complexity: 12 +- comm_cost: 0.5945891203703705 + complexity: 16 expressions: - N+ + - R+ + - R- - R- - SE- - - and(N-, R+) - - or(K+, K-) - - or(N+, R-) - name: explored-4593 + - and(or(K+, S-), not(R-)) + - or(K+, or(N+, R-)) + name: explored-4592 type: explored -- comm_cost: 0.8531250000000001 - complexity: 5 +- comm_cost: 0.5536458333333334 + complexity: 10 expressions: - - and(N-, or(S+, SE+)) - name: explored-4594 + - K+ + - R+ + - and(K-, SE-) + - and(K-, or(S+, SE+)) + name: explored-4593 type: explored -- comm_cost: 0.5274305555555555 - complexity: 13 +- comm_cost: 0.49375000000000013 + complexity: 16 expressions: - K+ - - R- + - N+ - S+ + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, K-) + name: explored-4594 + type: explored +- comm_cost: 0.5312500000000003 + complexity: 5 + expressions: + - SE- + - SE- + - and(N-, R+) name: explored-4595 type: explored -- comm_cost: 0.4604166666666669 +- comm_cost: 0.36302083333333357 complexity: 11 expressions: - K+ + - N+ + - N- - R- + - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) name: explored-4596 type: explored -- comm_cost: 0.7213541666666667 - complexity: 9 +- comm_cost: 0.592476851851852 + complexity: 10 expressions: - - and(K-, SE-) - - and(or(K+, S-), not(R-)) + - R+ + - R- + - R- + - SE- + - and(S-, N-) + - or(K+, R+) name: explored-4597 type: explored -- comm_cost: 0.6269097222222224 +- comm_cost: 0.605150462962963 complexity: 16 expressions: - R+ + - R- - SE- - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - or(S+, N+) + - or(S+, R-) name: explored-4598 type: explored -- comm_cost: 0.5100000000000002 - complexity: 11 +- comm_cost: 0.2776041666666669 + complexity: 27 expressions: - K+ - - S+ + - N+ + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, S-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-4599 type: explored -- comm_cost: 0.45868055555555576 - complexity: 16 +- comm_cost: 0.5891203703703705 + complexity: 13 expressions: - N+ + - N- - R- - - SE- - - and(K-, N-) - - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-4600 type: explored -- comm_cost: 0.41527777777777797 - complexity: 10 +- comm_cost: 0.30329861111111134 + complexity: 18 expressions: + - K+ - N+ - R- - - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-4601 type: explored -- comm_cost: 0.5798611111111114 - complexity: 12 +- comm_cost: 0.4707638888888891 + complexity: 17 expressions: + - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(S-, or(N+, not(R+))) + - not(R-) name: explored-4602 type: explored -- comm_cost: 0.7643923611111112 +- comm_cost: 0.3166666666666669 complexity: 21 expressions: - - and(or(K+, S-), not(R-)) - - or(S+, SE+) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, N+) name: explored-4603 type: explored -- comm_cost: 0.681154265873016 - complexity: 34 +- comm_cost: 0.2802083333333336 + complexity: 9 expressions: - - N- - - R+ - - and(K-, S+) - - and(N-, not(R-)) - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) - - and(SE+, N-) - - and(SE-, or(K+, S-)) - - not(R+) - - or(S+, or(N+, R-)) + - N+ + - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) name: explored-4604 type: explored -- comm_cost: 0.6302083333333335 - complexity: 9 +- comm_cost: 0.39375000000000027 + complexity: 13 expressions: - - N+ - - R+ - - and(or(K+, S-), or(SE-, N+)) + - R- + - and(K-, SE-) + - and(N-, R+) + - and(SE+, N-) + - or(K+, N+) name: explored-4605 type: explored -- comm_cost: 0.6130208333333335 - complexity: 7 +- comm_cost: 0.36770833333333375 + complexity: 14 expressions: - - R+ + - N+ - SE- - - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, not(R+)) name: explored-4606 type: explored -- comm_cost: 0.5618055555555558 - complexity: 15 +- comm_cost: 0.7016416997354498 + complexity: 39 expressions: - - R- - - SE- - - and(N-, R+) - - and(S-, N-) - - and(S-, not(R+)) - - or(K+, R-) + - K- + - R+ + - and(K-, not(R-)) + - and(K-, or(S+, R-)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, SE+) name: explored-4607 type: explored -- comm_cost: 0.5409722222222224 - complexity: 16 +- comm_cost: 0.6180555555555557 + complexity: 11 expressions: - - N+ + - K+ + - R+ - R- - - S- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(S+, R+) + - and(N-, or(K+, S-)) + - or(S+, N+) name: explored-4608 type: explored -- comm_cost: 0.588715277777778 - complexity: 18 +- comm_cost: 0.2873263888888892 + complexity: 15 expressions: - - R+ + - N+ + - R- - SE- - - and(K-, or(S+, N+)) - - and(or(K+, S-), not(R+)) - - or(K+, or(N+, R-)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, not(R+)) name: explored-4609 type: explored -- comm_cost: 0.4657118055555559 - complexity: 16 +- comm_cost: 0.3639756944444448 + complexity: 14 expressions: - - SE- + - N+ + - and(K-, not(R+)) - and(N-, R+) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(SE-, N+) name: explored-4610 type: explored -- comm_cost: 0.4930555555555558 - complexity: 10 +- comm_cost: 0.5294270833333335 + complexity: 21 expressions: - - R- + - N+ - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - not(R+) + - or(and(K-, S+), or(N+, R-)) name: explored-4611 type: explored -- comm_cost: 0.6993055555555556 - complexity: 12 +- comm_cost: 0.39716435185185195 + complexity: 19 expressions: - - SE- - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-4612 type: explored -- comm_cost: 0.7861111111111112 - complexity: 10 +- comm_cost: 0.7375 + complexity: 6 expressions: - - and(K-, or(S+, R+)) - - and(N-, or(S+, SE+)) + - R- + - and(K-, or(SE-, N+)) name: explored-4613 type: explored -- comm_cost: 0.5578993055555557 - complexity: 12 +- comm_cost: 0.4755208333333334 + complexity: 16 expressions: - R+ - R- - - S+ - SE- - - and(K-, or(S+, R+)) - - or(S+, N+) + - and(K-, SE-) + - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) name: explored-4614 type: explored -- comm_cost: 0.6696469907407409 - complexity: 15 +- comm_cost: 0.651550925925926 + complexity: 31 expressions: - - SE- - - and(N-, R+) + - K+ + - and(K-, or(SE-, N+)) - and(N-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, not(R+)) + - and(SE+, N-) + - and(SE-, or(K+, S-)) + - or(K+, K-) + - or(K+, N+) + - or(N+, R-) name: explored-4615 type: explored -- comm_cost: 0.567013888888889 - complexity: 11 +- comm_cost: 0.2816406250000001 + complexity: 14 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - SE- - - and(K-, or(SE-, N+)) - - or(S+, R-) - name: explored-4616 - type: explored -- comm_cost: 0.6424652777777778 - complexity: 13 + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) + name: explored-4616 + type: explored +- comm_cost: 0.47708333333333364 + complexity: 8 expressions: - - R+ - - R- + - K+ - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(S+, SE+) + - and(K-, S+) + - and(N-, R+) name: explored-4617 type: explored -- comm_cost: 0.5180555555555557 - complexity: 15 +- comm_cost: 0.5627604166666668 + complexity: 20 expressions: - R+ - - S+ - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) + - R- + - SE- + - and(N-, or(S+, R+)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), not(R-)) name: explored-4618 type: explored -- comm_cost: 0.5893229166666669 - complexity: 6 +- comm_cost: 0.5116666666666668 + complexity: 9 expressions: - - S+ - - S- - - SE- + - K+ + - K- + - N+ + - and(K-, S+) - and(N-, R+) name: explored-4619 type: explored -- comm_cost: 0.5222222222222224 - complexity: 12 +- comm_cost: 0.6704282407407408 + complexity: 8 expressions: + - R+ + - S- - SE- - - and(N-, R+) - - and(SE+, N-) - - or(K+, or(N+, R-)) + - and(N-, or(S+, R+)) name: explored-4620 type: explored -- comm_cost: 0.4886284722222224 - complexity: 11 +- comm_cost: 0.3421875000000002 + complexity: 22 expressions: - - R+ + - K+ + - N+ - R- - - and(K-, N-) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-4621 type: explored -- comm_cost: 0.483246527777778 - complexity: 17 +- comm_cost: 0.5411111111111112 + complexity: 11 expressions: + - K+ + - K- - N+ - - and(K-, not(R+)) + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, N-) name: explored-4622 type: explored -- comm_cost: 0.6243055555555554 - complexity: 14 +- comm_cost: 0.8083333333333333 + complexity: 6 + expressions: + - SE- + - and(K-, or(SE-, N+)) + name: explored-4623 + type: explored +- comm_cost: 0.2712962962962966 + complexity: 30 expressions: - K+ + - N+ - R- - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - name: explored-4623 - type: explored -- comm_cost: 0.6572916666666668 - complexity: 12 - expressions: - - R+ - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) + - and(S-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-4624 type: explored -- comm_cost: 0.48055555555555585 - complexity: 12 +- comm_cost: 0.5940104166666668 + complexity: 13 expressions: - N+ - - R- - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - SE- + - and(K-, or(S+, R-)) + - and(N-, or(K+, S-)) name: explored-4625 type: explored -- comm_cost: 0.2409722222222226 - complexity: 22 +- comm_cost: 0.4750000000000001 + complexity: 9 expressions: - - K+ - - K+ - N+ + - R+ - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(S-, or(SE-, N+)) name: explored-4626 type: explored -- comm_cost: 0.41944444444444473 - complexity: 15 +- comm_cost: 0.6831597222222223 + complexity: 9 expressions: - - K+ - - K+ - - N+ + - N- - R- - - S+ + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, not(R-)) - - or(K+, R-) name: explored-4627 type: explored -- comm_cost: 0.5633101851851854 - complexity: 6 +- comm_cost: 0.6186921296296297 + complexity: 8 expressions: + - N+ - R+ + - R- - SE+ - - SE- - - and(N-, R+) + - and(N-, not(R-)) name: explored-4628 type: explored -- comm_cost: 0.7629774305555557 - complexity: 15 +- comm_cost: 0.3865740740740742 + complexity: 17 expressions: - - K- + - N+ + - R- + - and(N-, R+) - and(N-, or(K+, R+)) - - or(K+, K-) - - or(S+, R+) - - or(SE-, N+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-4629 type: explored -- comm_cost: 0.34583333333333366 - complexity: 8 +- comm_cost: 0.5548958333333335 + complexity: 17 expressions: + - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(K+, R+) + - or(K+, or(N+, R-)) name: explored-4630 type: explored -- comm_cost: 0.6110300925925927 - complexity: 18 +- comm_cost: 0.492013888888889 + complexity: 12 expressions: - - K- + - N+ - R- - - SE+ - - and(and(S-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(K-, SE-) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-4631 type: explored -- comm_cost: 0.5614004629629631 - complexity: 15 +- comm_cost: 0.6197916666666667 + complexity: 11 expressions: - - N+ - - N+ - - R+ - - R- - SE- - - and(S-, N-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(K+, SE+)) + - and(S-, or(SE-, N+)) name: explored-4632 type: explored -- comm_cost: 0.652013888888889 - complexity: 11 +- comm_cost: 0.4140625000000002 + complexity: 12 expressions: - - R+ - - R- + - K+ + - N+ - SE- - - and(K-, or(S+, R-)) - - or(K+, S-) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-4633 type: explored -- comm_cost: 0.557291666666667 - complexity: 6 +- comm_cost: 0.4997656250000001 + complexity: 22 expressions: + - K+ + - K+ + - K- + - N+ + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - or(K+, N+) + - and(S-, SE-) name: explored-4634 type: explored -- comm_cost: 0.35468750000000027 - complexity: 9 +- comm_cost: 0.39565972222222245 + complexity: 19 expressions: + - K+ - N+ - R- - S+ + - and(K-, not(R+)) - and(N-, R+) - - or(SE-, N+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-4635 type: explored -- comm_cost: 0.5666666666666668 - complexity: 12 - expressions: - - R- - - and(N-, or(K+, R+)) - - and(and(S-, N-), not(R-)) - name: explored-4636 - type: explored -- comm_cost: 0.4423611111111113 - complexity: 21 +- comm_cost: 0.13020833333333348 + complexity: 11 expressions: - N+ - - R- - - and(K-, or(SE-, N+)) + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - or(K+, R-) - name: explored-4637 + name: explored-4636 type: explored -- comm_cost: 0.5442708333333335 - complexity: 7 +- comm_cost: 0.6691319444444446 + complexity: 11 expressions: - - N+ - - R+ - - R- - SE- - - and(S-, N-) - name: explored-4638 + - and(K-, not(R-)) + - and(N-, R+) + - or(S+, SE+) + name: explored-4637 type: explored -- comm_cost: 0.4036458333333335 - complexity: 12 +- comm_cost: 0.44791666666666685 + complexity: 19 expressions: + - K+ - N+ - R- - SE- - - and(K-, SE-) - and(N-, R+) - - and(S-, N-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + name: explored-4638 + type: explored +- comm_cost: 0.6681423611111112 + complexity: 11 + expressions: + - R+ + - and(K-, N-) + - and(and(K-, N-), or(S+, R+)) name: explored-4639 type: explored -- comm_cost: 0.10208333333333353 - complexity: 17 +- comm_cost: 0.15972222222222254 + complexity: 16 expressions: - K+ - - N+ - R- - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-4640 type: explored -- comm_cost: 0.4583333333333335 - complexity: 13 +- comm_cost: 0.5317708333333335 + complexity: 6 expressions: + - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(SE+, N-) name: explored-4641 type: explored -- comm_cost: 0.6993055555555557 - complexity: 4 - expressions: - - SE+ - - and(N-, R+) - name: explored-4642 - type: explored -- comm_cost: 0.3065104166666669 - complexity: 17 +- comm_cost: 0.4545138888888889 + complexity: 9 expressions: - N+ - R- - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, S-)) + - S+ - and(S-, SE-) - name: explored-4643 + - or(S+, R-) + name: explored-4642 type: explored -- comm_cost: 0.35774305555555574 - complexity: 15 +- comm_cost: 0.31597222222222254 + complexity: 12 expressions: - K+ - - K+ - - K- - N+ - R- - - S+ - - and(N-, R+) - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), not(R+)) + name: explored-4643 + type: explored +- comm_cost: 0.6335069444444446 + complexity: 11 + expressions: + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) name: explored-4644 type: explored -- comm_cost: 0.7372395833333334 - complexity: 6 +- comm_cost: 0.6875000000000001 + complexity: 11 expressions: - R+ - - and(N-, or(S+, SE+)) + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) name: explored-4645 type: explored -- comm_cost: 0.5323784722222225 - complexity: 14 +- comm_cost: 0.6966145833333335 + complexity: 9 expressions: - - R+ - - R- - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(SE-, N+) + - N+ + - SE- + - and(K-, not(R-)) + - or(K+, N+) name: explored-4646 type: explored -- comm_cost: 0.6976562500000001 - complexity: 12 +- comm_cost: 0.4942708333333333 + complexity: 11 expressions: - - SE- - - and(K-, or(S+, R-)) - - and(or(K+, S-), not(R-)) + - K+ + - N+ + - R- + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-4647 type: explored -- comm_cost: 0.3109895833333335 - complexity: 14 +- comm_cost: 0.4833333333333334 + complexity: 11 expressions: - K+ - - K+ + - N+ - R- - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - SE- + - SE- + - and(and(K-, N-), not(R-)) name: explored-4648 type: explored -- comm_cost: 0.46605902777777786 - complexity: 16 +- comm_cost: 0.36041666666666683 + complexity: 8 expressions: - - K+ - - N+ + - R+ - R- - - S+ - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - or(K+, N+) name: explored-4649 type: explored -- comm_cost: 0.7979166666666666 - complexity: 6 +- comm_cost: 0.5274305555555558 + complexity: 14 expressions: + - N+ - R- - - SE- - - or(N+, not(R+)) + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(K+, N+) name: explored-4650 type: explored -- comm_cost: 0.14062500000000022 - complexity: 13 +- comm_cost: 0.18854166666666705 + complexity: 19 expressions: - K+ - K+ - N+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - and(S-, or(SE-, N+)) + - or(K+, R-) name: explored-4651 type: explored -- comm_cost: 0.6797164351851853 +- comm_cost: 0.4774305555555557 complexity: 9 expressions: - R+ - - SE+ - - and(K-, not(R-)) - - or(S+, N+) + - R- + - SE- + - and(K-, S+) + - and(K-, SE-) name: explored-4652 type: explored -- comm_cost: 0.5651041666666669 - complexity: 5 +- comm_cost: 0.4736111111111112 + complexity: 13 expressions: - - N+ + - K+ - R+ - R- - - SE+ - - SE- + - and(K-, S+) + - and(S-, not(R-)) + - or(N+, R-) name: explored-4653 type: explored -- comm_cost: 0.6575520833333335 - complexity: 10 +- comm_cost: 0.4008333333333336 + complexity: 13 expressions: - - S- - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-4654 type: explored -- comm_cost: 0.24849537037037062 - complexity: 23 +- comm_cost: 0.5396064814814816 + complexity: 16 expressions: + - K- - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-4655 type: explored -- comm_cost: 0.45572916666666685 +- comm_cost: 0.6145833333333335 complexity: 13 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(K+, SE+) + - R+ + - and(K-, or(S+, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-4656 type: explored -- comm_cost: 0.5645833333333334 - complexity: 9 +- comm_cost: 0.6480902777777778 + complexity: 15 expressions: - - and(S-, SE-) - - or(S+, N+) - - or(S+, R+) + - N+ + - SE- + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-4657 type: explored -- comm_cost: 0.590277777777778 - complexity: 8 +- comm_cost: 0.3026041666666669 + complexity: 10 expressions: - - SE- + - K+ + - R- + - S+ + - SE+ - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) name: explored-4658 type: explored -- comm_cost: 0.660908564814815 - complexity: 11 +- comm_cost: 0.6078819444444445 + complexity: 12 expressions: + - N+ - R+ - - SE+ + - R- - SE- - - and(N-, or(K+, SE+)) - - or(SE-, N+) + - and(K-, or(S+, R-)) + - or(S+, SE+) name: explored-4659 type: explored -- comm_cost: 0.4137500000000002 - complexity: 15 +- comm_cost: 0.2513888888888892 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(K+, S-) + - and(S-, or(N+, not(R+))) name: explored-4660 type: explored -- comm_cost: 0.7044270833333335 - complexity: 8 +- comm_cost: 0.31707175925925934 + complexity: 19 expressions: - - SE- - - and(N-, not(R-)) - - and(SE+, N-) + - K+ + - R- + - SE+ + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-4661 type: explored -- comm_cost: 0.6507291666666668 - complexity: 9 +- comm_cost: 0.7516521990740741 + complexity: 22 expressions: - - and(N-, R+) - - or(K+, N+) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) name: explored-4662 type: explored -- comm_cost: 0.5847222222222224 - complexity: 8 +- comm_cost: 0.7630208333333333 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(K-, or(S+, R+)) + - SE- + - and(K-, or(S+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-4663 type: explored -- comm_cost: 0.5197222222222224 - complexity: 11 +- comm_cost: 0.5284432870370371 + complexity: 8 expressions: + - K+ - N+ - - SE- - - and(N-, R+) - - and(N-, R+) - - or(S+, SE+) + - R- + - S- + - SE+ + - and(S-, SE-) name: explored-4664 type: explored -- comm_cost: 0.5260416666666669 - complexity: 10 +- comm_cost: 0.19166666666666676 + complexity: 16 expressions: - K+ - N+ - R- - - S+ + - SE+ + - and(K-, S+) - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-4665 type: explored -- comm_cost: 0.4986111111111112 - complexity: 12 +- comm_cost: 0.47274305555555574 + complexity: 11 expressions: - - N+ - - R- - - and(N-, not(R-)) + - K+ + - S+ + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, R+) name: explored-4666 type: explored -- comm_cost: 0.7106579861111112 - complexity: 37 +- comm_cost: 0.634519675925926 + complexity: 14 expressions: - - and(K-, S+) - - and(K-, or(S+, R+)) - - or(K+, S-) - - or(K+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-4667 type: explored -- comm_cost: 0.42734375000000036 - complexity: 12 +- comm_cost: 0.5204861111111113 + complexity: 14 expressions: - - N+ - - SE- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, R+) name: explored-4668 type: explored -- comm_cost: 0.424262152777778 - complexity: 17 +- comm_cost: 0.35069444444444486 + complexity: 16 expressions: - K+ - N+ - - R- - - S- - - and(K-, not(R+)) + - SE- + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) name: explored-4669 type: explored -- comm_cost: 0.7000694444444445 - complexity: 9 +- comm_cost: 0.6428819444444446 + complexity: 11 expressions: + - N+ - R+ - R- - SE- - - or(K+, S-) - - or(K+, S-) + - and(K-, not(R+)) + - or(K+, K-) name: explored-4670 type: explored -- comm_cost: 0.32986111111111127 - complexity: 25 +- comm_cost: 0.7287673611111112 + complexity: 5 + expressions: + - R+ + - S- + - or(S+, SE+) + name: explored-4671 + type: explored +- comm_cost: 0.4159432870370372 + complexity: 16 expressions: - - K+ - N+ - R- - - and(K-, S+) + - S+ + - SE+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - name: explored-4671 - type: explored -- comm_cost: 0.7713020833333334 - complexity: 10 - expressions: - - and(or(K+, S-), not(R-)) - - or(N+, not(R+)) name: explored-4672 type: explored -- comm_cost: 0.6570312500000002 - complexity: 9 +- comm_cost: 0.4754629629629632 + complexity: 12 expressions: - - N+ - - and(K-, or(S+, SE+)) + - R- + - SE+ + - and(K-, not(R+)) - and(N-, R+) + - and(S-, SE-) name: explored-4673 type: explored -- comm_cost: 0.6544965277777779 - complexity: 11 +- comm_cost: 0.5121093750000002 + complexity: 21 expressions: + - N+ - R+ + - R- - SE- - - or(N+, not(R+)) - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), not(R-)) name: explored-4674 type: explored -- comm_cost: 0.7450520833333334 - complexity: 7 +- comm_cost: 0.5679976851851853 + complexity: 13 expressions: - N+ - R+ - - and(K-, or(S+, SE+)) + - R- + - SE- + - and(K-, not(R-)) + - and(N-, or(S+, R+)) name: explored-4675 type: explored -- comm_cost: 0.6575520833333335 - complexity: 5 +- comm_cost: 0.5098958333333334 + complexity: 11 expressions: - - R+ + - K+ + - N+ + - R- + - S+ - S- - - and(K-, SE-) + - and(S-, SE-) + - or(K+, R+) name: explored-4676 type: explored -- comm_cost: 0.2409722222222226 - complexity: 16 +- comm_cost: 0.6730381944444446 + complexity: 12 expressions: - - K+ + - K- + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - SE- + - and(K-, or(S+, N+)) + - or(K+, SE+) name: explored-4677 type: explored -- comm_cost: 0.5208333333333333 - complexity: 11 +- comm_cost: 0.7549103009259259 + complexity: 12 expressions: - - K+ - - N+ - - R- - - and(S-, SE-) - - and(S-, SE-) + - SE- + - and(or(K+, S-), not(R+)) - not(R+) + - or(S+, SE+) name: explored-4678 type: explored -- comm_cost: 0.5139756944444446 - complexity: 16 +- comm_cost: 0.6591145833333334 + complexity: 11 expressions: - R+ - - R- - - and(S-, SE-) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - not(R+) + - SE- + - and(N-, not(R-)) + - and(N-, or(K+, R+)) name: explored-4679 type: explored -- comm_cost: 0.43680555555555567 - complexity: 14 +- comm_cost: 0.2812500000000001 + complexity: 12 expressions: - K+ - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - or(K+, R+) name: explored-4680 type: explored -- comm_cost: 0.31597222222222254 - complexity: 9 +- comm_cost: 0.1839120370370373 + complexity: 14 expressions: - N+ - R- - - SE- - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) - or(S+, R-) name: explored-4681 type: explored -- comm_cost: 0.3652777777777779 - complexity: 15 +- comm_cost: 0.2625000000000004 + complexity: 10 expressions: + - K+ + - N+ - R- - - S+ + - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, N+) name: explored-4682 type: explored -- comm_cost: 0.5304687500000002 - complexity: 6 +- comm_cost: 0.440277777777778 + complexity: 20 expressions: - N+ - - S+ - - S- + - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - and(S-, not(R-)) name: explored-4683 type: explored -- comm_cost: 0.6749746197089947 - complexity: 36 +- comm_cost: 0.4721354166666669 + complexity: 16 expressions: - - SE- - - and(K-, or(S+, R+)) - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, N+) - - or(S+, SE+) + - N+ + - R- + - and(K-, N-) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-4684 type: explored -- comm_cost: 0.6816840277777779 - complexity: 9 +- comm_cost: 0.7574825562169313 + complexity: 31 expressions: - K- - - R+ - - R- - - SE- - - and(N-, or(S+, SE+)) + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) + - or(K+, S-) + - or(N+, R-) + - or(N+, not(R+)) name: explored-4685 type: explored -- comm_cost: 0.6900578703703705 - complexity: 31 +- comm_cost: 0.25746527777777795 + complexity: 17 expressions: - - and(K-, N-) - - and(K-, or(S+, R+)) - - and(S-, N-) - - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) - - not(R+) - - or(N+, R-) - - or(S+, or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-4686 type: explored -- comm_cost: 0.7744791666666667 - complexity: 9 +- comm_cost: 0.34835069444444466 + complexity: 16 expressions: - - and(or(K+, S-), not(R-)) - - or(S+, R+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-4687 type: explored -- comm_cost: 0.671875 - complexity: 9 +- comm_cost: 0.6259548611111112 + complexity: 11 expressions: - - S- + - N+ + - R- + - SE- - and(K-, or(S+, SE+)) - - and(S-, SE-) + - or(K+, R+) name: explored-4688 type: explored -- comm_cost: 0.4729166666666669 - complexity: 13 +- comm_cost: 0.2725115740740742 + complexity: 24 expressions: + - K+ - N+ - - N- - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - and(and(K-, N-), or(S+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-4689 type: explored -- comm_cost: 0.4890625000000002 - complexity: 14 +- comm_cost: 0.5531250000000002 + complexity: 13 expressions: - N+ - R- - - and(K-, N-) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - or(SE-, N+) name: explored-4690 type: explored -- comm_cost: 0.4812500000000004 - complexity: 9 +- comm_cost: 0.6152777777777778 + complexity: 10 expressions: + - N+ + - R- + - S- - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-4691 type: explored -- comm_cost: 0.5361111111111113 - complexity: 18 +- comm_cost: 0.29201388888888924 + complexity: 12 expressions: - N+ + - R- + - S+ - SE- - - and(K-, not(R-)) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(S+, R-) name: explored-4692 type: explored -- comm_cost: 0.655859375 - complexity: 10 +- comm_cost: 0.7165798611111112 + complexity: 13 expressions: - - K+ - - K+ - - N+ - - S+ - - and(S-, SE-) - - or(SE-, N+) + - S- + - and(S-, not(R+)) + - and(or(K+, S-), not(R+)) + - not(R+) name: explored-4693 type: explored -- comm_cost: 0.5755208333333335 - complexity: 7 +- comm_cost: 0.49236111111111125 + complexity: 9 expressions: - - R+ - - and(S-, SE-) - - or(SE-, N+) + - R- + - SE- + - and(N-, R+) + - and(S-, not(R-)) name: explored-4694 type: explored -- comm_cost: 0.5114004629629632 - complexity: 16 +- comm_cost: 0.6234375000000002 + complexity: 9 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-4695 type: explored -- comm_cost: 0.5114583333333337 - complexity: 7 +- comm_cost: 0.3588541666666668 + complexity: 13 expressions: - - SE- + - K+ + - K+ + - N+ + - S+ + - and(K-, N-) - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) name: explored-4696 type: explored -- comm_cost: 0.6666666666666667 - complexity: 18 +- comm_cost: 0.7105034722222223 + complexity: 10 expressions: - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R+)) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(N-, not(R-)) + - or(K+, or(N+, R-)) name: explored-4697 type: explored -- comm_cost: 0.7478703703703704 - complexity: 14 +- comm_cost: 0.5794270833333335 + complexity: 18 expressions: + - R+ - R- - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(N+, not(R+)) + - SE- + - and(K-, or(S+, R+)) + - and(S-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-4698 type: explored -- comm_cost: 0.38836805555555576 - complexity: 19 +- comm_cost: 0.6151909722222224 + complexity: 12 expressions: - - K+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) + - R+ + - SE- + - and(N-, or(K+, R+)) + - or(S+, or(N+, R-)) name: explored-4699 type: explored -- comm_cost: 0.42407407407407416 - complexity: 16 +- comm_cost: 0.29991319444444475 + complexity: 25 expressions: - K+ - - R+ - R- - - and(K-, or(S+, SE+)) - - and(N-, or(S+, R+)) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, or(N+, R-)) name: explored-4700 type: explored -- comm_cost: 0.33854166666666696 - complexity: 13 +- comm_cost: 0.47135416666666663 + complexity: 12 expressions: + - K+ + - K+ - N+ - R- - - SE- - - SE- - - and(N-, R+) - - or(K+, N+) - - or(K+, R-) + - S+ + - and(S-, SE-) + - and(S-, not(R+)) name: explored-4701 type: explored -- comm_cost: 0.4616666666666668 - complexity: 19 +- comm_cost: 0.3849652777777779 + complexity: 18 expressions: - K+ - - N+ - - and(K-, S+) + - K+ + - R- + - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, S-) - - or(S+, or(N+, R-)) + - or(K+, SE+) name: explored-4702 type: explored -- comm_cost: 0.22187500000000027 - complexity: 16 +- comm_cost: 0.3437500000000002 + complexity: 17 expressions: - - K+ - N+ - R- - - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, or(SE-, N+)) - name: explored-4703 - type: explored -- comm_cost: 0.6218489583333334 - complexity: 14 - expressions: - - N+ - - N- - - R+ - - R- - - SE- - - and(K-, or(S+, N+)) - and(N-, not(R-)) - name: explored-4704 + - and(S-, SE-) + - and(SE-, or(K+, S-)) + name: explored-4703 type: explored -- comm_cost: 0.507013888888889 - complexity: 16 +- comm_cost: 0.45026041666666683 + complexity: 13 expressions: - K+ - N+ - - N- - R- + - S+ - and(N-, R+) - - and(S-, SE-) - and(or(K+, S-), not(R-)) + name: explored-4704 + type: explored +- comm_cost: 0.7156539351851853 + complexity: 21 + expressions: + - and(N-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-4705 type: explored -- comm_cost: 0.7256944444444444 - complexity: 13 +- comm_cost: 0.8182986111111111 + complexity: 5 expressions: - - N+ - - SE- - - and(K-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) + - not(R-) + - or(K+, K-) name: explored-4706 type: explored -- comm_cost: 0.6975347222222222 - complexity: 6 +- comm_cost: 0.5817129629629632 + complexity: 14 expressions: - - K- + - K+ - N+ - SE- - - and(K-, N-) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(K+, S-) name: explored-4707 type: explored -- comm_cost: 0.5680555555555558 - complexity: 15 +- comm_cost: 0.4859635416666668 + complexity: 16 expressions: - - R+ - - and(N-, or(K+, R+)) - - and(S-, not(R+)) - - or(K+, or(N+, R-)) + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(S+, or(N+, R-)) name: explored-4708 type: explored -- comm_cost: 0.5828125000000002 - complexity: 9 +- comm_cost: 0.5372395833333335 + complexity: 10 expressions: - - N+ - - R+ - - SE+ - - SE- - - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, not(R+)) + - or(S+, R+) name: explored-4709 type: explored -- comm_cost: 0.6186631944444445 +- comm_cost: 0.7111111111111112 complexity: 9 expressions: - R+ - - R- - SE- - - or(S+, R+) - - or(S+, R-) + - and(S-, not(R-)) + - or(K+, K-) name: explored-4710 type: explored -- comm_cost: 0.7125000000000001 - complexity: 5 - expressions: - - R+ - - S- - - or(N+, R-) - name: explored-4711 - type: explored -- comm_cost: 0.26805555555555594 - complexity: 12 +- comm_cost: 0.4321469907407409 + complexity: 17 expressions: + - N+ - R- + - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, or(N+, R-)) - name: explored-4712 + - or(K+, R+) + name: explored-4711 type: explored -- comm_cost: 0.5911458333333335 - complexity: 7 +- comm_cost: 0.6724125330687831 + complexity: 39 expressions: - - R+ - - SE- - - and(SE-, or(K+, S-)) - name: explored-4713 - type: explored -- comm_cost: 0.4252604166666668 - complexity: 16 + - N+ + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + - or(K+, N+) + - or(K+, S-) + - or(SE-, N+) + name: explored-4712 + type: explored +- comm_cost: 0.5715856481481483 + complexity: 12 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(K-, N-) + - SE- - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(SE+, N-) + - or(K+, K-) + name: explored-4713 + type: explored +- comm_cost: 0.6725694444444446 + complexity: 10 + expressions: + - R+ + - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-4714 type: explored -- comm_cost: 0.5055989583333333 - complexity: 13 +- comm_cost: 0.5996527777777779 + complexity: 9 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - and(S-, SE-) - - not(R+) + - R+ + - SE- + - or(and(K-, S+), or(N+, R-)) name: explored-4715 type: explored -- comm_cost: 0.38071180555555584 - complexity: 14 +- comm_cost: 0.6399305555555557 + complexity: 8 expressions: - - K+ + - R+ - R- - - S+ - SE- - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - not(R-) + - or(K+, R-) name: explored-4716 type: explored -- comm_cost: 0.37673611111111127 - complexity: 15 +- comm_cost: 0.5380208333333336 + complexity: 6 expressions: - - N+ - - R- + - R+ + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, N+) name: explored-4717 type: explored -- comm_cost: 0.7296875 - complexity: 5 +- comm_cost: 0.5285416666666668 + complexity: 14 expressions: + - R+ - R- - - SE- - - and(K-, N-) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(S+, SE+) name: explored-4718 type: explored -- comm_cost: 0.5763888888888891 - complexity: 16 +- comm_cost: 0.5987847222222225 + complexity: 12 expressions: - - R+ - - and(K-, SE-) - - and(N-, or(K+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(S+, R+) name: explored-4719 type: explored -- comm_cost: 0.5157118055555556 - complexity: 19 +- comm_cost: 0.7114583333333333 + complexity: 8 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(K-, not(R-)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - N+ + - SE- + - and(S-, or(SE-, N+)) name: explored-4720 type: explored -- comm_cost: 0.3695312500000002 - complexity: 14 +- comm_cost: 0.75 + complexity: 9 expressions: - - N+ - - R- - - and(K-, N-) - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - and(K-, or(N+, not(R+))) + - or(S+, R+) name: explored-4721 type: explored -- comm_cost: 0.4305555555555558 - complexity: 9 +- comm_cost: 0.3226562500000002 + complexity: 13 expressions: - - K+ - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(S-, N-) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-4722 type: explored -- comm_cost: 0.5114583333333332 - complexity: 11 +- comm_cost: 0.30572916666666705 + complexity: 18 expressions: - N+ - R- - - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-4723 type: explored -- comm_cost: 0.38289930555555585 - complexity: 16 +- comm_cost: 0.6968749999999999 + complexity: 5 expressions: - - K+ - - K+ - N+ - - S+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(S+, N+) + - SE- + - or(N+, R-) name: explored-4724 type: explored -- comm_cost: 0.6842013888888889 - complexity: 18 +- comm_cost: 0.5842013888888891 + complexity: 13 expressions: - - and(K-, or(SE-, N+)) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(S+, R+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(SE-, or(K+, S-)) name: explored-4725 type: explored -- comm_cost: 0.3092187500000001 - complexity: 14 +- comm_cost: 0.5933796296296298 + complexity: 7 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - N- + - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) name: explored-4726 type: explored -- comm_cost: 0.4669618055555558 - complexity: 24 +- comm_cost: 0.5826388888888889 + complexity: 9 expressions: - - K+ - - K+ - - K- - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(K-, not(R+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-4727 type: explored -- comm_cost: 0.441666666666667 - complexity: 6 +- comm_cost: 0.7296875 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - and(N-, R+) + - R- + - SE- + - and(N-, or(K+, S-)) name: explored-4728 type: explored -- comm_cost: 0.2729166666666669 +- comm_cost: 0.32343750000000027 complexity: 15 expressions: - N+ - - R- + - S+ - and(N-, R+) - and(S-, SE-) - and(or(K+, S-), or(SE-, N+)) name: explored-4729 type: explored -- comm_cost: 0.6786458333333333 - complexity: 5 +- comm_cost: 0.6651909722222223 + complexity: 11 expressions: - - R- - - SE- - - or(K+, N+) + - R+ + - and(and(K-, N-), or(S+, SE+)) + - or(SE-, N+) name: explored-4730 type: explored -- comm_cost: 0.6206597222222222 - complexity: 8 +- comm_cost: 0.4120370370370372 + complexity: 23 expressions: - N+ - - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, K-) name: explored-4731 type: explored -- comm_cost: 0.7166319444444446 - complexity: 7 +- comm_cost: 0.5130208333333334 + complexity: 14 expressions: - - R+ - - S- - - SE+ - - or(N+, not(R+)) + - K+ + - N+ + - R- + - SE- + - and(K-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-4732 type: explored -- comm_cost: 0.30190972222222245 - complexity: 17 +- comm_cost: 0.6026041666666668 + complexity: 11 expressions: - - N+ + - K+ - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4733 type: explored -- comm_cost: 0.3677083333333335 - complexity: 10 +- comm_cost: 0.46562499999999996 + complexity: 9 expressions: - K+ - N+ - - R- - S+ - - and(N-, R+) - - or(K+, N+) + - and(K-, S+) + - and(S-, SE-) name: explored-4734 type: explored -- comm_cost: 0.5600694444444446 - complexity: 11 +- comm_cost: 0.2546875000000002 + complexity: 26 expressions: - - R+ - - SE- - - and(K-, S+) - - and(or(K+, S-), not(R+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-4735 type: explored -- comm_cost: 0.277777777777778 - complexity: 14 +- comm_cost: 0.4218750000000002 + complexity: 10 expressions: - N+ - - N+ - R- - - and(K-, or(S+, R+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) name: explored-4736 type: explored -- comm_cost: 0.08125000000000027 - complexity: 13 +- comm_cost: 0.45473090277777783 + complexity: 26 expressions: - K+ - N+ - R- - - R- - - and(N-, R+) + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-4737 type: explored -- comm_cost: 0.6036458333333334 - complexity: 8 +- comm_cost: 0.4313449074074076 + complexity: 22 expressions: - - R+ + - K+ + - K+ + - N+ - R- + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, K-) + - or(S+, SE+) name: explored-4738 type: explored -- comm_cost: 0.3611111111111114 - complexity: 13 +- comm_cost: 0.6842476851851853 + complexity: 17 expressions: - - and(K-, not(R+)) + - K+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - and(N-, or(K+, SE+)) + - or(S+, SE+) name: explored-4739 type: explored -- comm_cost: 0.316666666666667 - complexity: 12 +- comm_cost: 0.5488281250000001 + complexity: 27 expressions: - - N+ - - N+ + - K+ - R- - - SE- - - and(K-, or(SE-, N+)) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-4740 type: explored -- comm_cost: 0.5151041666666669 - complexity: 8 +- comm_cost: 0.3686631944444446 + complexity: 24 expressions: - K+ - N+ - R- - S+ - - SE+ - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(K+, R+) name: explored-4741 type: explored -- comm_cost: 0.6764791666666667 - complexity: 28 +- comm_cost: 0.34745370370370376 + complexity: 14 expressions: - N+ - - R+ - - and(K-, or(SE-, N+)) - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - and(S-, not(R-)) - - not(R-) - - or(K+, R-) - - or(K+, S-) + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) + - or(K+, R+) name: explored-4742 type: explored -- comm_cost: 0.7848958333333335 +- comm_cost: 0.6957175925925927 complexity: 12 expressions: - - and(K-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, R+) name: explored-4743 type: explored -- comm_cost: 0.5862847222222224 - complexity: 17 +- comm_cost: 0.5069444444444444 + complexity: 14 expressions: - - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - and(K-, S+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-4744 type: explored -- comm_cost: 0.663888888888889 - complexity: 9 +- comm_cost: 0.7026765046296297 + complexity: 33 expressions: - and(K-, or(S+, R-)) - - and(S-, not(R-)) + - and(K-, or(S+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) + - or(K+, SE+) + - or(N+, R-) + - or(SE-, N+) name: explored-4745 type: explored -- comm_cost: 0.49027777777777803 - complexity: 10 +- comm_cost: 0.3956423611111113 + complexity: 21 expressions: + - K+ + - K+ - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, R+) + - or(SE-, N+) name: explored-4746 type: explored -- comm_cost: 0.6138020833333335 - complexity: 11 +- comm_cost: 0.27604166666666685 + complexity: 22 expressions: - N+ - - N- - R- - - and(K-, or(S+, SE+)) + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(N+, R-) name: explored-4747 type: explored -- comm_cost: 0.1706597222222226 +- comm_cost: 0.17135416666666692 complexity: 14 expressions: + - K+ + - K+ - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(S-, not(R+)) name: explored-4748 type: explored -- comm_cost: 0.632638888888889 - complexity: 10 +- comm_cost: 0.7643229166666667 + complexity: 7 expressions: - - R+ - - SE- - - and(N-, or(K+, S-)) - - or(K+, R-) + - K+ + - and(or(K+, S-), not(R-)) name: explored-4749 type: explored -- comm_cost: 0.31753472222222245 - complexity: 16 +- comm_cost: 0.36640625000000027 + complexity: 11 expressions: - - N+ + - K+ + - K+ + - R- - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(N+, R-) + - not(R+) name: explored-4750 type: explored -- comm_cost: 0.5006944444444446 - complexity: 20 +- comm_cost: 0.48645833333333344 + complexity: 11 expressions: - - N+ + - R+ - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) + - SE- + - and(K-, SE-) + - and(N-, or(K+, R+)) name: explored-4751 type: explored -- comm_cost: 0.5913194444444445 - complexity: 13 +- comm_cost: 0.5895833333333336 + complexity: 9 expressions: - - N+ - R+ - - R- - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, or(SE-, N+)) + - or(K+, N+) name: explored-4752 type: explored -- comm_cost: 0.6104166666666666 - complexity: 4 +- comm_cost: 0.40248842592592615 + complexity: 22 expressions: - N+ - R- - - R- - - SE- + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4753 type: explored -- comm_cost: 0.7658854166666668 - complexity: 9 +- comm_cost: 0.7034722222222222 + complexity: 6 expressions: - - and(or(K+, S-), not(R-)) - - or(K+, N+) + - K+ + - N+ + - R- + - or(S+, R-) name: explored-4754 type: explored -- comm_cost: 0.5442708333333335 - complexity: 14 +- comm_cost: 0.522916666666667 + complexity: 5 expressions: - N+ - - R+ - - R- - - SE- - - SE- - - and(and(K-, N-), not(R-)) - - or(S+, R-) + - N+ + - and(N-, R+) name: explored-4755 type: explored -- comm_cost: 0.8086805555555556 - complexity: 10 +- comm_cost: 0.6114583333333334 + complexity: 9 expressions: - - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R+ + - R- + - S+ + - and(N-, or(K+, SE+)) name: explored-4756 type: explored -- comm_cost: 0.6417881944444446 - complexity: 21 +- comm_cost: 0.06093750000000031 + complexity: 12 expressions: - - N- + - N+ - R- - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-4757 type: explored -- comm_cost: 0.4135416666666668 - complexity: 11 +- comm_cost: 0.5913194444444444 + complexity: 7 expressions: - N+ - - R+ - R- + - SE- + - SE- - and(K-, SE-) - - and(SE-, or(K+, S-)) name: explored-4758 type: explored -- comm_cost: 0.4942708333333333 - complexity: 11 +- comm_cost: 0.33645833333333364 + complexity: 26 expressions: - K+ - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4759 type: explored -- comm_cost: 0.24479166666666685 - complexity: 13 +- comm_cost: 0.6423958333333335 + complexity: 12 expressions: + - K+ - N+ - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(N-, R+) + - or(K+, K-) + - or(S+, SE+) name: explored-4760 type: explored -- comm_cost: 0.7541666666666668 - complexity: 4 +- comm_cost: 0.6443750000000001 + complexity: 11 expressions: - - SE+ - - or(S+, R-) + - R+ + - SE- + - and(and(S-, N-), not(R-)) + - or(S+, SE+) name: explored-4761 type: explored -- comm_cost: 0.6350000000000001 - complexity: 34 +- comm_cost: 0.60375 + complexity: 11 expressions: - N+ - - S+ - - S- - - SE- - - and(K-, or(S+, R-)) + - N- + - R- - and(K-, or(SE-, N+)) - - and(N-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - and(S-, SE-) name: explored-4762 type: explored -- comm_cost: 0.6009375000000001 - complexity: 5 +- comm_cost: 0.6888368055555556 + complexity: 21 expressions: - - N- - - R+ - - and(S-, SE-) + - K+ + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) + - not(R-) + - or(S+, SE+) name: explored-4763 type: explored -- comm_cost: 0.38732638888888904 - complexity: 14 +- comm_cost: 0.2489583333333335 + complexity: 10 expressions: - K+ - N+ - R- - S+ - - SE+ - - and(N-, R+) - - and(S-, N-) - and(S-, SE-) + - and(SE+, N-) name: explored-4764 type: explored -- comm_cost: 0.6879166666666667 - complexity: 8 +- comm_cost: 0.8411458333333333 + complexity: 6 expressions: - - N- - - N- - - R+ - - and(SE-, or(K+, S-)) + - N+ + - or(S+, or(N+, R-)) name: explored-4765 type: explored -- comm_cost: 0.1717013888888892 - complexity: 14 +- comm_cost: 0.37674479166666686 + complexity: 18 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, N+) - - or(S+, R-) + - or(S+, SE+) name: explored-4766 type: explored -- comm_cost: 0.4990740740740742 - complexity: 21 +- comm_cost: 0.5835937500000001 + complexity: 13 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, N-) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - R+ + - SE- + - and(K-, SE-) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-4767 type: explored -- comm_cost: 0.46097222222222256 - complexity: 11 +- comm_cost: 0.6619791666666666 + complexity: 15 expressions: - N+ - - and(N-, R+) - - or(N+, not(R+)) - - or(S+, R-) + - R- + - SE- + - and(K-, or(S+, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-4768 type: explored -- comm_cost: 0.4921875000000002 - complexity: 11 +- comm_cost: 0.409027777777778 + complexity: 16 expressions: + - K+ - N+ - - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-4769 type: explored -- comm_cost: 0.603125 - complexity: 8 +- comm_cost: 0.5480034722222223 + complexity: 9 expressions: - - K+ - - R- - - and(S-, SE-) - - or(K+, R-) + - N+ + - S- + - SE- + - and(N-, R+) + - and(SE+, N-) name: explored-4770 type: explored -- comm_cost: 0.5953125000000001 - complexity: 10 +- comm_cost: 0.46692708333333355 + complexity: 17 expressions: - - K+ + - N+ - R- - - and(K-, or(S+, SE+)) + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-4771 type: explored -- comm_cost: 0.4864583333333332 - complexity: 10 +- comm_cost: 0.6708333333333334 + complexity: 3 expressions: + - K+ - N+ - R- - - and(K-, or(S+, N+)) - - and(S-, SE-) name: explored-4772 type: explored -- comm_cost: 0.4500000000000002 - complexity: 12 +- comm_cost: 0.5657986111111113 + complexity: 22 expressions: - - K+ - - N+ - - S+ + - R+ - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, N-) - and(S-, SE-) - - or(K+, S-) + - and(S-, not(R-)) + - or(K+, R+) name: explored-4773 type: explored -- comm_cost: 0.680763888888889 - complexity: 9 +- comm_cost: 0.4359375000000002 + complexity: 17 expressions: - - K+ + - N+ - N+ - R- - - SE- - - not(R-) - - or(S+, SE+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-4774 type: explored -- comm_cost: 0.5077256944444446 - complexity: 19 +- comm_cost: 0.44690972222222236 + complexity: 21 expressions: + - K+ + - N+ + - R+ + - R- + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - not(R-) name: explored-4775 type: explored -- comm_cost: 0.5984375000000002 +- comm_cost: 0.646383101851852 complexity: 13 expressions: - - R- - - S- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - R+ + - SE- + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-4776 type: explored -- comm_cost: 0.4845601851851853 - complexity: 19 +- comm_cost: 0.47187500000000004 + complexity: 11 expressions: - - K- - N+ - R- - S+ - - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, R-) name: explored-4777 type: explored -- comm_cost: 0.36041666666666683 - complexity: 10 +- comm_cost: 0.2171875000000003 + complexity: 14 expressions: - - R+ + - N+ - R- - - and(K-, or(S+, N+)) + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) + - or(S+, N+) name: explored-4778 type: explored -- comm_cost: 0.6071180555555558 - complexity: 13 +- comm_cost: 0.6821180555555557 + complexity: 18 expressions: - - N+ - - R- - - and(N-, R+) - - or(K+, or(N+, R-)) - - or(S+, R+) + - and(N-, or(S+, R+)) + - and(S-, N-) + - and(S-, not(R+)) + - or(K+, R-) + - or(S+, R-) name: explored-4779 type: explored -- comm_cost: 0.7088541666666668 +- comm_cost: 0.5703125000000003 complexity: 11 expressions: - - R+ - - SE- - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - and(N-, R+) + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-4780 type: explored -- comm_cost: 0.4890625000000002 - complexity: 10 +- comm_cost: 0.426041666666667 + complexity: 11 expressions: - - SE- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(SE+, N-) - - or(N+, R-) name: explored-4781 type: explored -- comm_cost: 0.63421875 - complexity: 24 +- comm_cost: 0.6050781250000001 + complexity: 13 expressions: - - N+ + - R+ + - R- - S+ - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) - - or(K+, N+) - - or(K+, R+) + - SE- + - and(or(K+, S-), not(R-)) + - or(K+, R-) name: explored-4782 type: explored -- comm_cost: 0.23888888888888915 - complexity: 20 +- comm_cost: 0.37031250000000027 + complexity: 12 expressions: - K+ - - N+ - R- - - S+ + - S- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, or(N+, R-)) name: explored-4783 type: explored -- comm_cost: 0.5364583333333335 - complexity: 8 +- comm_cost: 0.14062500000000022 + complexity: 13 expressions: + - K+ + - K+ - N+ - - R+ - - R- - - SE+ - - SE- - - and(K-, SE-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-4784 type: explored -- comm_cost: 0.5105694444444446 - complexity: 16 +- comm_cost: 0.12239583333333348 + complexity: 17 expressions: - K+ + - K+ - N+ - - N- - R- - - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, N+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-4785 type: explored -- comm_cost: 0.49823495370370385 - complexity: 19 +- comm_cost: 0.6704687500000002 + complexity: 10 expressions: - - K+ - - N+ + - R+ - R- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - and(N-, not(R-)) + - or(N+, not(R+)) name: explored-4786 type: explored -- comm_cost: 0.6610648148148149 - complexity: 26 +- comm_cost: 0.42239583333333364 + complexity: 11 expressions: - - K- - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - N+ + - R- + - and(N-, R+) + - or(K+, N+) + - or(S+, N+) name: explored-4787 type: explored -- comm_cost: 0.5421875000000002 - complexity: 10 +- comm_cost: 0.26180555555555585 + complexity: 14 expressions: - - R+ - - SE- - - and(SE-, or(K+, S-)) - - or(N+, R-) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-4788 type: explored -- comm_cost: 0.3010416666666669 - complexity: 17 +- comm_cost: 0.32094907407407414 + complexity: 14 expressions: - - K+ + - N+ + - R+ - R- - - S+ - - and(K-, SE-) - - and(K-, or(S+, R-)) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) name: explored-4789 type: explored -- comm_cost: 0.4916666666666668 - complexity: 16 +- comm_cost: 0.6153645833333334 + complexity: 11 expressions: - - R- - - and(and(S-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - R+ + - SE- + - and(K-, or(N+, not(R+))) - or(K+, N+) name: explored-4790 type: explored -- comm_cost: 0.6278125000000001 - complexity: 10 +- comm_cost: 0.4184895833333335 + complexity: 16 expressions: - - R+ - - and(SE-, or(K+, S-)) - - or(N+, not(R+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(SE-, N+) name: explored-4791 type: explored -- comm_cost: 0.649826388888889 - complexity: 10 +- comm_cost: 0.20434027777777808 + complexity: 16 expressions: - - R+ - - and(K-, not(R+)) - - and(N-, or(K+, S-)) + - N+ + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) + - or(S+, R-) name: explored-4792 type: explored -- comm_cost: 0.7520833333333333 - complexity: 3 +- comm_cost: 0.6931736111111113 + complexity: 24 expressions: - N+ - - N+ - - R- + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) + - or(S+, R-) name: explored-4793 type: explored -- comm_cost: 0.21979166666666705 - complexity: 12 +- comm_cost: 0.7054687500000001 + complexity: 19 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), not(R-)) - not(R+) + - or(K+, N+) + - or(S+, N+) name: explored-4794 type: explored -- comm_cost: 0.5529513888888891 - complexity: 10 +- comm_cost: 0.5971354166666668 + complexity: 9 expressions: + - N+ - R+ - - R+ - - R- - SE- - - or(S+, N+) - - or(SE-, N+) + - and(K-, or(N+, not(R+))) name: explored-4795 type: explored -- comm_cost: 0.3826388888888891 - complexity: 20 +- comm_cost: 0.43125000000000036 + complexity: 12 expressions: - K+ - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-4796 type: explored -- comm_cost: 0.6442708333333333 - complexity: 7 +- comm_cost: 0.4724826388888892 + complexity: 14 expressions: - - N+ - - R+ - - R- - - SE- - - or(K+, K-) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-4797 type: explored -- comm_cost: 0.6764756944444446 - complexity: 13 +- comm_cost: 0.6256944444444446 + complexity: 37 expressions: - - R+ - - R+ - - and(N-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(K-, S+) + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, R+)) + - and(SE-, or(K+, S-)) + - or(K+, SE+) + - or(N+, R-) + - or(S+, N+) name: explored-4798 type: explored -- comm_cost: 0.2729166666666669 - complexity: 16 +- comm_cost: 0.29865740740740754 + complexity: 24 expressions: + - K+ + - K+ - N+ - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-4799 type: explored -- comm_cost: 0.6499999999999999 - complexity: 11 +- comm_cost: 0.3152777777777781 + complexity: 13 expressions: + - K+ + - N+ - R- - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(N-, R+) + - and(N-, R+) + - or(S+, N+) name: explored-4800 type: explored -- comm_cost: 0.6712962962962964 - complexity: 14 +- comm_cost: 0.21906250000000038 + complexity: 19 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - SE- - - and(K-, or(S+, R-)) - - or(K+, K-) - - or(K+, R+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - not(R+) + - or(K+, N+) name: explored-4801 type: explored -- comm_cost: 0.37326388888888906 - complexity: 13 +- comm_cost: 0.39062500000000044 + complexity: 11 expressions: - K+ - N+ - - R- - S+ - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-4802 type: explored -- comm_cost: 0.4505497685185186 - complexity: 17 +- comm_cost: 0.34293981481481517 + complexity: 27 expressions: - - N+ + - K+ - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4803 type: explored -- comm_cost: 0.4984375 - complexity: 12 +- comm_cost: 0.533385416666667 + complexity: 29 expressions: - - N+ - - R- + - S+ - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - not(R+) name: explored-4804 type: explored -- comm_cost: 0.3923611111111114 +- comm_cost: 0.4730902777777779 complexity: 12 expressions: - - N+ - - and(K-, or(S+, R+)) + - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, N+) name: explored-4805 type: explored -- comm_cost: 0.6727777777777779 - complexity: 9 +- comm_cost: 0.1468750000000003 + complexity: 15 expressions: - N+ + - R- + - S+ + - S+ - and(N-, R+) - - not(R-) - - or(K+, S-) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-4806 type: explored -- comm_cost: 0.441666666666667 - complexity: 6 +- comm_cost: 0.37413194444444475 + complexity: 13 expressions: - K+ - N+ - - N+ + - R- + - S+ - and(N-, R+) + - and(N-, R+) + - or(S+, R-) name: explored-4807 type: explored -- comm_cost: 0.18009259259259291 - complexity: 15 +- comm_cost: 0.6090972222222224 + complexity: 8 expressions: - - K+ - N+ - - R- - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - R+ + - SE- + - SE- + - or(N+, not(R+)) name: explored-4808 type: explored -- comm_cost: 0.6764930555555556 - complexity: 8 +- comm_cost: 0.36302083333333357 + complexity: 14 expressions: - - N- - - R+ - - and(or(K+, S-), not(R+)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-4809 type: explored -- comm_cost: 0.37118055555555574 - complexity: 14 +- comm_cost: 0.39513888888888926 + complexity: 13 expressions: + - K+ - N+ - S+ - - SE+ - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-4810 type: explored -- comm_cost: 0.3138020833333335 - complexity: 16 +- comm_cost: 0.18750000000000022 + complexity: 12 expressions: - K+ - N+ - R- - - S+ - - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(SE+, N-) name: explored-4811 type: explored -- comm_cost: 0.7093750000000001 - complexity: 4 +- comm_cost: 0.5069386574074076 + complexity: 17 expressions: - - S- - - and(K-, S+) + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, S-) name: explored-4812 type: explored -- comm_cost: 0.4364351851851853 - complexity: 19 +- comm_cost: 0.19843750000000027 + complexity: 16 expressions: - K+ + - K+ - N+ - - and(K-, S+) + - R- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, S-) name: explored-4813 type: explored -- comm_cost: 0.7001465773809525 - complexity: 31 +- comm_cost: 0.545060763888889 + complexity: 15 expressions: - - K- - - N- - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - or(K+, S-) - - or(N+, R-) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - not(R-) name: explored-4814 type: explored -- comm_cost: 0.761545138888889 +- comm_cost: 0.6081597222222224 complexity: 10 expressions: + - N+ + - R+ + - SE+ - SE- - - and(or(K+, S-), not(R-)) - - or(SE-, N+) + - and(S-, or(N+, not(R+))) name: explored-4815 type: explored -- comm_cost: 0.43046875000000007 - complexity: 13 +- comm_cost: 0.501388888888889 + complexity: 7 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(K-, not(R-)) - and(S-, SE-) + - or(K+, R+) name: explored-4816 type: explored -- comm_cost: 0.5114583333333336 - complexity: 18 +- comm_cost: 0.4109375000000004 + complexity: 10 expressions: - N+ - - SE- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) name: explored-4817 type: explored -- comm_cost: 0.40104166666666685 - complexity: 6 +- comm_cost: 0.41516203703703725 + complexity: 21 expressions: - - R+ - - R+ + - K+ + - N+ - R- - - and(S-, SE-) + - R- + - SE- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) name: explored-4818 type: explored -- comm_cost: 0.4736111111111113 - complexity: 17 +- comm_cost: 0.27349537037037064 + complexity: 22 expressions: - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - or(K+, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, R-) + - or(S+, N+) name: explored-4819 type: explored -- comm_cost: 0.5554687500000001 - complexity: 9 +- comm_cost: 0.7291840277777779 + complexity: 10 expressions: - - K+ - R+ - - and(K-, not(R-)) - - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, SE+) name: explored-4820 type: explored -- comm_cost: 0.7520833333333333 - complexity: 2 +- comm_cost: 0.2619791666666671 + complexity: 18 expressions: + - K+ - N+ - - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-4821 type: explored -- comm_cost: 0.7254629629629631 - complexity: 7 +- comm_cost: 0.5506851851851853 + complexity: 21 expressions: - - R+ - - R+ - - and(N-, or(S+, R+)) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, N+) + - or(S+, SE+) name: explored-4822 type: explored -- comm_cost: 0.6861111111111112 - complexity: 8 +- comm_cost: 0.6606770833333333 + complexity: 11 expressions: - - R+ - - S- - - SE+ - - and(K-, or(S+, R-)) + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(S-, SE-) name: explored-4823 type: explored -- comm_cost: 0.5429108796296298 - complexity: 17 +- comm_cost: 0.7049479166666668 + complexity: 9 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(K+, or(N+, R-)) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-4824 type: explored -- comm_cost: 0.12916666666666687 - complexity: 20 +- comm_cost: 0.5221527777777779 + complexity: 21 expressions: - - K+ - N+ - R- - S+ - - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, not(R-)) + - or(K+, S-) name: explored-4825 type: explored -- comm_cost: 0.6369212962962965 - complexity: 10 +- comm_cost: 0.5343750000000002 + complexity: 11 expressions: - - K- - R+ - - and(K-, or(S+, R+)) - - and(S-, SE-) + - R- + - R- + - SE- + - and(or(K+, S-), or(SE-, N+)) name: explored-4826 type: explored -- comm_cost: 0.6310763888888891 - complexity: 21 +- comm_cost: 0.6827256944444445 + complexity: 8 expressions: - R+ - SE- - - and(N-, or(K+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, SE+) + - or(S+, R+) name: explored-4827 type: explored -- comm_cost: 0.6076388888888891 - complexity: 9 +- comm_cost: 0.130729166666667 + complexity: 18 expressions: - - SE- + - N+ + - N+ + - R- + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, N+) name: explored-4828 type: explored -- comm_cost: 0.5421875 - complexity: 9 +- comm_cost: 0.7052083333333334 + complexity: 7 expressions: - - N+ - - R- - and(K-, not(R-)) - - and(S-, SE-) + - or(K+, R-) name: explored-4829 type: explored -- comm_cost: 0.6887268518518519 - complexity: 7 +- comm_cost: 0.4109375000000004 + complexity: 12 expressions: - - R+ - - and(S-, N-) - - or(S+, SE+) + - N+ + - S+ + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-4830 type: explored -- comm_cost: 0.28177083333333364 - complexity: 15 +- comm_cost: 0.7063446593915345 + complexity: 47 expressions: - - K+ - - N+ - - R- - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) + - or(N+, R-) + - or(SE-, N+) name: explored-4831 type: explored -- comm_cost: 0.5755208333333335 - complexity: 10 +- comm_cost: 0.5649305555555557 + complexity: 9 expressions: - - N+ + - K+ - R+ - R- - - and(K-, S+) - - and(K-, not(R-)) + - SE- + - or(S+, or(N+, R-)) name: explored-4832 type: explored -- comm_cost: 0.24479166666666696 - complexity: 13 +- comm_cost: 0.26197916666666676 + complexity: 16 expressions: + - K+ - N+ - - S+ - - and(N-, R+) + - R- + - and(K-, or(S+, N+)) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-4833 type: explored -- comm_cost: 0.5908564814814816 - complexity: 12 +- comm_cost: 0.8354166666666667 + complexity: 6 expressions: - - R+ - - R- - - SE- - - and(S-, N-) - - and(and(K-, N-), not(R-)) + - or(K+, N+) + - or(K+, R-) name: explored-4834 type: explored -- comm_cost: 0.528559027777778 - complexity: 16 +- comm_cost: 0.41669560185185195 + complexity: 18 expressions: - - N+ - - SE- + - K+ + - R- - and(K-, S+) + - and(K-, not(R-)) - and(N-, R+) - - or(K+, or(N+, R-)) - - or(S+, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-4835 type: explored -- comm_cost: 0.40636574074074094 - complexity: 20 +- comm_cost: 0.6628182870370372 + complexity: 16 expressions: - - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, R+) + - S- + - and(S-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-4836 type: explored -- comm_cost: 0.44155092592592604 - complexity: 19 +- comm_cost: 0.4062500000000002 + complexity: 6 expressions: - - R+ - - R- + - K+ - R- - - S+ - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(N-, R+) name: explored-4837 type: explored -- comm_cost: 0.6176041666666667 - complexity: 5 +- comm_cost: 0.3246527777777779 + complexity: 17 expressions: - - N+ - - R+ + - K+ - R- - - not(R-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-4838 type: explored -- comm_cost: 0.5528790509259262 - complexity: 15 +- comm_cost: 0.7625 + complexity: 3 expressions: - - K+ + - N- - R- - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(K+, SE+) name: explored-4839 type: explored -- comm_cost: 0.4495659722222225 - complexity: 20 +- comm_cost: 0.6096354166666668 + complexity: 11 expressions: - - R- - - S+ - - and(N-, R+) + - K+ + - N+ - and(S-, SE-) - - and(and(S-, N-), not(R-)) - and(or(K+, S-), not(R-)) name: explored-4840 type: explored -- comm_cost: 0.5804166666666668 - complexity: 7 +- comm_cost: 0.10520833333333357 + complexity: 13 expressions: - - K- + - K+ + - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) + - or(K+, N+) name: explored-4841 type: explored -- comm_cost: 0.5828125000000001 - complexity: 14 +- comm_cost: 0.596875 + complexity: 5 expressions: - - R+ + - N+ + - N+ - R- + - S+ - SE- - - and(K-, or(S+, N+)) - - and(or(K+, S-), not(R-)) name: explored-4842 type: explored -- comm_cost: 0.34440104166666685 - complexity: 24 +- comm_cost: 0.3757812500000003 + complexity: 14 expressions: - - K+ - N+ - R- - - and(K-, S+) + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, SE+) - - or(K+, or(N+, R-)) + - or(SE-, N+) name: explored-4843 type: explored -- comm_cost: 0.6479166666666667 - complexity: 11 +- comm_cost: 0.6257609953703706 + complexity: 33 expressions: - - and(K-, or(S+, R-)) - - and(S-, SE-) - - and(S-, SE-) + - S+ + - S- + - and(K-, SE-) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - or(S+, or(N+, R-)) name: explored-4844 type: explored -- comm_cost: 0.6911458333333333 - complexity: 10 +- comm_cost: 0.6461024305555556 + complexity: 25 expressions: - - R- - - SE- - - and(K-, or(SE-, N+)) + - N+ + - SE+ + - and(K-, SE-) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) + - and(N-, or(S+, SE+)) + - not(R+) - or(K+, N+) name: explored-4845 type: explored -- comm_cost: 0.5817708333333336 - complexity: 5 +- comm_cost: 0.7395833333333335 + complexity: 10 expressions: - R+ - - R- - - and(N-, R+) + - and(K-, or(N+, not(R+))) + - or(K+, K-) name: explored-4846 type: explored -- comm_cost: 0.5814322916666668 +- comm_cost: 0.3425057870370374 complexity: 14 expressions: - N+ + - R- - SE- - - and(K-, not(R+)) - and(N-, R+) - - not(R-) - - or(SE-, N+) + - and(or(K+, S-), not(R+)) + - not(R+) name: explored-4847 type: explored -- comm_cost: 0.2737847222222225 - complexity: 19 +- comm_cost: 0.5100000000000003 + complexity: 8 expressions: - - K+ - - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, R+) + - or(N+, not(R+)) name: explored-4848 type: explored -- comm_cost: 0.6075520833333334 - complexity: 9 +- comm_cost: 0.6757812500000001 + complexity: 11 expressions: - - N+ + - R+ + - R- - SE- - - and(K-, N-) - - and(K-, not(R+)) + - or(K+, S-) + - or(S+, or(N+, R-)) name: explored-4849 type: explored -- comm_cost: 0.6991319444444446 - complexity: 9 +- comm_cost: 0.552777777777778 + complexity: 15 expressions: - - SE- - - and(N-, or(K+, SE+)) - - or(K+, SE+) + - K+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-4850 type: explored -- comm_cost: 0.8282291666666667 - complexity: 7 +- comm_cost: 0.5151851851851853 + complexity: 20 expressions: - - or(N+, R-) - - or(N+, not(R+)) + - N+ + - R- + - R- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, S-) name: explored-4851 type: explored -- comm_cost: 0.4427083333333335 - complexity: 14 +- comm_cost: 0.5779513888888891 + complexity: 17 expressions: - - N+ - - R- + - R+ - SE- - - and(K-, or(S+, R-)) + - and(N-, R+) + - and(and(K-, N-), not(R-)) - and(and(S-, N-), not(R-)) name: explored-4852 type: explored -- comm_cost: 0.7145833333333333 - complexity: 5 +- comm_cost: 0.5723958333333334 + complexity: 12 expressions: + - K+ + - N+ + - S+ - and(S-, SE-) - - not(R-) + - and(or(K+, S-), not(R-)) name: explored-4853 type: explored -- comm_cost: 0.5440972222222223 - complexity: 9 +- comm_cost: 0.7305555555555556 + complexity: 5 expressions: - - N+ - R+ - - R- - - and(or(K+, S-), not(R+)) + - S- + - or(K+, SE+) name: explored-4854 type: explored -- comm_cost: 0.5322916666666668 - complexity: 7 +- comm_cost: 0.2180555555555559 + complexity: 15 expressions: - - R+ + - N+ - R- - - and(S-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-4855 type: explored -- comm_cost: 0.6993055555555556 - complexity: 4 +- comm_cost: 0.6479745370370372 + complexity: 11 expressions: - - SE- - - or(K+, R+) + - N+ + - R+ + - R- + - R- + - and(and(K-, N-), or(S+, SE+)) name: explored-4856 type: explored -- comm_cost: 0.6890277777777779 - complexity: 28 +- comm_cost: 0.26180555555555574 + complexity: 14 expressions: - - K- - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-4857 type: explored -- comm_cost: 0.1428240740740745 - complexity: 15 +- comm_cost: 0.6524305555555557 + complexity: 10 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) - - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-4858 type: explored -- comm_cost: 0.16041666666666687 - complexity: 12 +- comm_cost: 0.30772569444444464 + complexity: 23 expressions: - K+ + - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4859 type: explored -- comm_cost: 0.38786168981481506 - complexity: 24 +- comm_cost: 0.726388888888889 + complexity: 11 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, SE+) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, R+) name: explored-4860 type: explored -- comm_cost: 0.7703125000000001 +- comm_cost: 0.41180555555555587 complexity: 9 expressions: - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) + - K+ + - R- + - and(K-, not(R+)) + - and(N-, R+) name: explored-4861 type: explored -- comm_cost: 0.562152777777778 - complexity: 20 +- comm_cost: 0.5822916666666668 + complexity: 3 expressions: - - N+ - - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - R+ + - R- name: explored-4862 type: explored -- comm_cost: 0.2854166666666669 - complexity: 12 +- comm_cost: 0.5382031250000001 + complexity: 19 expressions: + - K- - N+ + - R- + - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(S-, or(N+, not(R+))) name: explored-4863 type: explored -- comm_cost: 0.6993055555555556 - complexity: 6 +- comm_cost: 0.5620312500000002 + complexity: 15 expressions: - - SE- - - and(K-, or(S+, R+)) + - K+ + - K- + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-4864 type: explored -- comm_cost: 0.43385416666666676 - complexity: 10 +- comm_cost: 0.47222222222222243 + complexity: 16 expressions: - - R+ - R- - - and(N-, or(K+, SE+)) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-4865 type: explored -- comm_cost: 0.5895833333333336 - complexity: 9 +- comm_cost: 0.5753472222222223 + complexity: 15 expressions: + - N+ - R+ - - and(SE-, or(K+, S-)) - - or(K+, N+) + - R- + - and(K-, or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-4866 type: explored -- comm_cost: 0.39800347222222243 - complexity: 15 +- comm_cost: 0.5609375 + complexity: 10 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - K+ + - S+ + - and(K-, or(S+, N+)) - and(S-, SE-) - - or(K+, SE+) name: explored-4867 type: explored -- comm_cost: 0.3685763888888891 - complexity: 18 +- comm_cost: 0.7325520833333334 + complexity: 8 expressions: - - K+ - - N+ - - R- + - S- - SE- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-4868 type: explored -- comm_cost: 0.6269965277777779 - complexity: 8 +- comm_cost: 0.7166666666666668 + complexity: 4 expressions: - - R+ - - and(K-, not(R+)) - - or(SE-, N+) + - SE- + - and(S-, N-) name: explored-4869 type: explored -- comm_cost: 0.7000347222222223 - complexity: 17 +- comm_cost: 0.78515625 + complexity: 6 expressions: - - N- - - and(K-, or(S+, N+)) - - and(S-, SE-) - - or(K+, S-) - - or(S+, or(N+, R-)) + - S+ + - and(K-, or(S+, SE+)) name: explored-4870 type: explored -- comm_cost: 0.14010416666666692 - complexity: 17 +- comm_cost: 0.3601562500000002 + complexity: 22 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - and(SE+, N-) name: explored-4871 type: explored -- comm_cost: 0.7748263888888889 - complexity: 9 - expressions: - - SE- - - and(K-, or(S+, R-)) - - or(K+, K-) - name: explored-4872 - type: explored -- comm_cost: 0.6348958333333334 - complexity: 12 +- comm_cost: 0.5100868055555556 + complexity: 14 expressions: + - K- - N+ - - R+ - R- - - and(K-, not(R-)) - - or(S+, or(N+, R-)) - name: explored-4873 + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + name: explored-4872 type: explored -- comm_cost: 0.47837962962962977 - complexity: 14 +- comm_cost: 0.31351273148148173 + complexity: 23 expressions: - K+ - - N+ - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - not(R-) + - or(and(K-, S+), or(N+, R-)) + name: explored-4873 + type: explored +- comm_cost: 0.8147222222222222 + complexity: 11 + expressions: + - SE- + - and(S-, or(N+, not(R+))) + - or(N+, not(R+)) name: explored-4874 type: explored -- comm_cost: 0.6468750000000001 - complexity: 8 +- comm_cost: 0.5893229166666667 + complexity: 11 expressions: - - R+ - - and(K-, N-) - - and(S-, not(R+)) + - N+ + - S+ + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-4875 type: explored -- comm_cost: 0.6735243055555556 - complexity: 8 +- comm_cost: 0.5394097222222224 + complexity: 13 expressions: - - R+ - - and(K-, N-) + - K+ + - N+ + - R- - and(K-, not(R+)) + - and(N-, R+) + - or(K+, K-) name: explored-4876 type: explored -- comm_cost: 0.6688107638888889 - complexity: 28 +- comm_cost: 0.5534722222222221 + complexity: 14 expressions: - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) - - not(R+) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - and(S-, SE-) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-4877 type: explored -- comm_cost: 0.815625 +- comm_cost: 0.7276909722222222 complexity: 8 expressions: - - and(N-, or(S+, SE+)) - - or(S+, R+) + - K+ + - N+ + - SE- + - or(S+, or(N+, R-)) name: explored-4878 type: explored -- comm_cost: 0.7652777777777777 - complexity: 9 +- comm_cost: 0.5263888888888892 + complexity: 8 expressions: - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - K+ + - R- + - and(N-, R+) + - or(S+, R-) name: explored-4879 type: explored -- comm_cost: 0.5210648148148149 - complexity: 16 +- comm_cost: 0.6731770833333335 + complexity: 9 expressions: - - N+ - - R- - SE- - - and(K-, S+) - - and(K-, not(R+)) - - and(N-, R+) - - or(K+, S-) + - and(K-, N-) + - and(S-, or(SE-, N+)) name: explored-4880 type: explored -- comm_cost: 0.4960937500000001 - complexity: 15 +- comm_cost: 0.4614583333333335 + complexity: 5 expressions: - - K+ - N+ - - R- - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(SE-, N+) + - R+ + - and(S-, SE-) name: explored-4881 type: explored -- comm_cost: 0.5668402777777779 - complexity: 8 +- comm_cost: 0.3875000000000004 + complexity: 13 expressions: - - R+ - - S+ - - and(or(K+, S-), not(R+)) + - N+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, not(R+)) name: explored-4882 type: explored -- comm_cost: 0.6876736111111112 +- comm_cost: 0.6558159722222223 complexity: 10 expressions: - R+ - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) + - R- + - SE- + - and(K-, not(R-)) + - or(K+, SE+) name: explored-4883 type: explored -- comm_cost: 0.5788194444444446 +- comm_cost: 0.682326388888889 complexity: 9 expressions: - - K+ - - N+ + - R+ - SE- - - and(N-, R+) - - or(K+, K-) + - and(K-, not(R+)) + - or(K+, S-) name: explored-4884 type: explored -- comm_cost: 0.6553935185185187 - complexity: 13 +- comm_cost: 0.31597222222222243 + complexity: 15 expressions: - - N- - - R+ + - N+ + - R- - SE- - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) + - and(N-, R+) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-4885 type: explored -- comm_cost: 0.4256944444444446 - complexity: 14 +- comm_cost: 0.20052083333333348 + complexity: 11 expressions: - K+ + - K+ - N+ + - R+ - R- - - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-4886 type: explored -- comm_cost: 0.37372685185185195 - complexity: 16 +- comm_cost: 0.3437500000000002 + complexity: 13 expressions: - N+ - - R+ - - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) name: explored-4887 type: explored -- comm_cost: 0.5138425925925927 - complexity: 10 +- comm_cost: 0.6409722222222224 + complexity: 9 expressions: - - K+ - N+ - N- - R- - - and(S-, SE-) - - or(S+, R-) + - and(N-, R+) + - or(K+, K-) name: explored-4888 type: explored -- comm_cost: 0.43125000000000024 - complexity: 16 +- comm_cost: 0.7437500000000001 + complexity: 7 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - and(K-, not(R+)) + - and(S-, N-) name: explored-4889 type: explored -- comm_cost: 0.36251446759259287 - complexity: 24 +- comm_cost: 0.5817708333333333 + complexity: 6 expressions: - - K+ - N+ - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R+) + - SE- + - and(K-, SE-) name: explored-4890 type: explored -- comm_cost: 0.5952546296296298 - complexity: 11 +- comm_cost: 0.4858217592592594 + complexity: 16 expressions: + - K+ - N+ - - R+ - R- + - SE- + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-4891 type: explored -- comm_cost: 0.6730208333333334 - complexity: 4 +- comm_cost: 0.380555555555556 + complexity: 19 expressions: - - K- - N+ - - R+ - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) + - or(N+, not(R+)) name: explored-4892 type: explored -- comm_cost: 0.5330729166666668 - complexity: 10 +- comm_cost: 0.33402777777777803 + complexity: 15 expressions: - - R+ + - N+ - R- - - and(SE-, or(K+, S-)) - - or(SE-, N+) + - S+ + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - and(SE+, N-) name: explored-4893 type: explored -- comm_cost: 0.5766203703703706 - complexity: 16 +- comm_cost: 0.4671875000000002 + complexity: 12 expressions: - N+ - - SE- - - and(K-, or(S+, R+)) + - R- + - S+ - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-4894 type: explored -- comm_cost: 0.5822916666666669 - complexity: 3 +- comm_cost: 0.36050347222222234 + complexity: 19 expressions: - N+ - - R+ - - SE- + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-4895 type: explored -- comm_cost: 0.5423611111111113 - complexity: 11 +- comm_cost: 0.639826388888889 + complexity: 7 expressions: + - R+ - R- - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - SE- + - or(S+, SE+) name: explored-4896 type: explored -- comm_cost: 0.315277777777778 - complexity: 12 +- comm_cost: 0.5422222222222223 + complexity: 14 expressions: + - K+ - N+ - - and(N-, R+) - - and(N-, or(S+, R+)) + - R- + - and(K-, or(S+, R-)) - and(S-, SE-) + - or(K+, S-) name: explored-4897 type: explored -- comm_cost: 0.45026041666666683 - complexity: 17 +- comm_cost: 0.5505208333333335 + complexity: 12 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - S- - - and(K-, or(S+, SE+)) + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) + - or(K+, R-) name: explored-4898 type: explored -- comm_cost: 0.776388888888889 - complexity: 12 +- comm_cost: 0.5653645833333335 + complexity: 18 expressions: - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), not(R-)) + - N+ + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-4899 type: explored -- comm_cost: 0.6798854166666668 - complexity: 21 +- comm_cost: 0.675434027777778 + complexity: 14 expressions: - - K- - - and(S-, not(R+)) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) - - or(SE-, N+) + - N+ + - SE- + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) name: explored-4900 type: explored -- comm_cost: 0.5951967592592594 - complexity: 13 +- comm_cost: 0.5156250000000001 + complexity: 15 expressions: + - R+ - R- - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - and(N-, R+) + - SE- + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-4901 type: explored -- comm_cost: 0.680295138888889 - complexity: 13 +- comm_cost: 0.5954861111111112 + complexity: 12 expressions: + - N+ - R+ + - R- - SE- - and(K-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, not(R-)) name: explored-4902 type: explored -- comm_cost: 0.37754629629629655 - complexity: 18 +- comm_cost: 0.6597222222222224 + complexity: 9 expressions: - - K+ - - N+ - - R- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(SE+, N-) + - or(S+, R-) name: explored-4903 type: explored -- comm_cost: 0.5078703703703706 - complexity: 17 +- comm_cost: 0.18917824074074097 + complexity: 22 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, S-) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-4904 type: explored -- comm_cost: 0.39218750000000013 - complexity: 11 +- comm_cost: 0.38151041666666685 + complexity: 12 expressions: - N+ - - S+ + - R- + - SE- - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(S-, SE-) + - or(S+, R+) name: explored-4905 type: explored -- comm_cost: 0.3010416666666669 - complexity: 18 +- comm_cost: 0.5354166666666669 + complexity: 7 expressions: - - K+ - - K+ + - N+ - R- - S+ + - SE+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(SE+, N-) name: explored-4906 type: explored -- comm_cost: 0.6491319444444446 - complexity: 10 - expressions: - - R+ - - R- - - and(N-, or(K+, S-)) - - or(K+, R-) - name: explored-4907 - type: explored -- comm_cost: 0.5776041666666669 - complexity: 11 - expressions: - - R+ - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - name: explored-4908 - type: explored -- comm_cost: 0.3261718750000002 - complexity: 20 +- comm_cost: 0.23402777777777817 + complexity: 19 expressions: - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(S+, R+) - - or(S+, R-) - name: explored-4909 + - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) + name: explored-4907 type: explored -- comm_cost: 0.17916666666666703 - complexity: 9 +- comm_cost: 0.37031250000000027 + complexity: 23 expressions: - - K+ - - K+ - N+ + - R- - and(N-, R+) - and(S-, SE-) - name: explored-4910 + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + name: explored-4908 type: explored -- comm_cost: 0.22916666666666696 +- comm_cost: 0.38437500000000036 complexity: 11 expressions: - - K+ - N+ - N+ - - R- - SE- - - and(K-, S+) - and(N-, R+) - name: explored-4911 - type: explored -- comm_cost: 0.40156250000000016 - complexity: 19 - expressions: - - R- - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(S-, SE-) - and(S-, or(SE-, N+)) - name: explored-4912 + name: explored-4909 type: explored -- comm_cost: 0.6681770833333335 - complexity: 14 +- comm_cost: 0.5908564814814816 + complexity: 12 expressions: - R+ - R- - SE- - - and(K-, not(R-)) - and(S-, N-) - - or(N+, not(R+)) - name: explored-4913 + - and(and(K-, N-), not(R-)) + name: explored-4910 type: explored -- comm_cost: 0.5851851851851854 - complexity: 14 +- comm_cost: 0.7492187500000002 + complexity: 5 + expressions: + - N+ + - R+ + - or(S+, R+) + name: explored-4911 + type: explored +- comm_cost: 0.48263888888888906 + complexity: 9 expressions: + - K+ + - N+ - R- - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, not(R-)) - name: explored-4914 + - not(R-) + name: explored-4912 type: explored -- comm_cost: 0.3187500000000003 - complexity: 9 +- comm_cost: 0.5063223379629631 + complexity: 22 expressions: - K+ + - N+ - R- - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - name: explored-4915 + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) + name: explored-4913 type: explored -- comm_cost: 0.6577719907407409 - complexity: 27 +- comm_cost: 0.7435185185185187 + complexity: 16 expressions: - - S- - - and(K-, SE-) - - and(and(S-, N-), not(R-)) - - or(SE-, N+) + - R+ + - or(K+, SE+) + - or(K+, or(N+, R-)) - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-4916 + name: explored-4914 type: explored -- comm_cost: 0.40494791666666685 - complexity: 18 +- comm_cost: 0.6176041666666667 + complexity: 5 expressions: - K+ - - N+ + - R+ - R- - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - not(R-) + name: explored-4915 + type: explored +- comm_cost: 0.610590277777778 + complexity: 11 + expressions: + - R+ + - S+ + - and(S-, not(R-)) + - and(SE-, or(K+, S-)) + name: explored-4916 + type: explored +- comm_cost: 0.6894143518518518 + complexity: 29 + expressions: + - S- + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(S+, R+) + - and(S-, not(R-)) + - or(K+, R+) + - or(K+, S-) + - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-4917 type: explored -- comm_cost: 0.22578125000000027 - complexity: 15 +- comm_cost: 0.44687500000000036 + complexity: 11 expressions: - K+ - - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - or(S+, or(N+, R-)) name: explored-4918 type: explored -- comm_cost: 0.6901949404761906 - complexity: 42 +- comm_cost: 0.6150052083333334 + complexity: 25 expressions: - - S+ + - K+ + - R- + - and(K-, SE-) - and(N-, or(K+, R+)) - - and(S-, N-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) - - or(N+, not(R+)) - - or(S+, R-) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - and(S-, not(R+)) + - or(K+, N+) + - or(K+, S-) + - or(S+, or(N+, R-)) name: explored-4919 type: explored -- comm_cost: 0.5982638888888889 - complexity: 9 +- comm_cost: 0.4109375000000002 + complexity: 13 expressions: - - K+ - - N+ - R- - S+ - - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-4920 type: explored -- comm_cost: 0.6837673611111112 - complexity: 18 +- comm_cost: 0.6585937500000001 + complexity: 6 expressions: - - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) - - and(N-, or(K+, S-)) - - or(K+, R-) + - N+ + - R+ + - and(N-, not(R-)) name: explored-4921 type: explored -- comm_cost: 0.5651041666666669 - complexity: 20 +- comm_cost: 0.7433700396825398 + complexity: 35 expressions: - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - K- + - N- + - S- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - or(K+, K-) + - or(S+, R+) name: explored-4922 type: explored -- comm_cost: 0.14322916666666696 - complexity: 12 +- comm_cost: 0.4423611111111113 + complexity: 16 expressions: + - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - and(and(K-, N-), not(R-)) + - or(SE-, N+) name: explored-4923 type: explored -- comm_cost: 0.617121527777778 - complexity: 37 +- comm_cost: 0.28078703703703733 + complexity: 15 expressions: - - and(K-, S+) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - or(K+, R-) name: explored-4924 type: explored -- comm_cost: 0.24479166666666696 - complexity: 11 +- comm_cost: 0.501215277777778 + complexity: 12 expressions: - N+ - - S+ - - and(K-, SE-) + - R- + - SE- + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) name: explored-4925 type: explored -- comm_cost: 0.6223090277777779 +- comm_cost: 0.6539930555555558 complexity: 11 expressions: - - N+ - - R- - - SE- - - and(K-, or(S+, R-)) - - or(K+, SE+) + - R+ + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-4926 type: explored -- comm_cost: 0.4544097222222224 - complexity: 15 +- comm_cost: 0.43880208333333337 + complexity: 13 expressions: - - N+ - - N- + - K+ + - R+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(K-, S+) + - and(N-, not(R-)) - and(S-, SE-) name: explored-4927 type: explored -- comm_cost: 0.32916666666666705 - complexity: 10 +- comm_cost: 0.7729166666666667 + complexity: 9 expressions: - - K+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, SE+) name: explored-4928 type: explored -- comm_cost: 0.33229166666666676 - complexity: 9 +- comm_cost: 0.19166666666666698 + complexity: 15 expressions: - K+ - - R+ + - K+ + - N+ - R- + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, N+) name: explored-4929 type: explored -- comm_cost: 0.7071903935185186 - complexity: 36 - expressions: - - and(S-, not(R-)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) - name: explored-4930 - type: explored -- comm_cost: 0.7313368055555557 - complexity: 10 - expressions: - - R+ - - S+ - - or(K+, K-) - - or(S+, or(N+, R-)) - name: explored-4931 - type: explored -- comm_cost: 0.3973958333333336 - complexity: 17 +- comm_cost: 0.11388888888888915 + complexity: 12 expressions: - K+ - N+ - R- - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(S+, or(N+, R-)) - name: explored-4932 - type: explored -- comm_cost: 0.6760416666666667 - complexity: 9 - expressions: - - N+ - - S+ - and(S-, SE-) - - or(N+, not(R+)) - name: explored-4933 + - or(S+, R-) + name: explored-4930 type: explored -- comm_cost: 0.3940104166666668 - complexity: 14 +- comm_cost: 0.4460937500000002 + complexity: 17 expressions: - - K+ - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - name: explored-4934 + - and(or(K+, S-), not(R-)) + - or(K+, R-) + name: explored-4931 type: explored -- comm_cost: 0.7059375000000001 - complexity: 2 +- comm_cost: 0.6742187500000001 + complexity: 15 expressions: - - N- - - R+ - name: explored-4935 + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) + - not(R+) + - or(N+, R-) + name: explored-4932 type: explored -- comm_cost: 0.5387731481481484 - complexity: 12 +- comm_cost: 0.6037905092592594 + complexity: 11 expressions: - N+ - R+ - R- + - S- - SE- - - or(K+, R-) - - or(K+, or(N+, R-)) - name: explored-4936 + - and(or(K+, S-), not(R+)) + name: explored-4933 type: explored -- comm_cost: 0.4468749999999999 - complexity: 11 +- comm_cost: 0.6331163194444446 + complexity: 33 + expressions: + - SE+ + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R+)) + - and(SE+, N-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - not(R+) + - or(S+, R-) + name: explored-4934 + type: explored +- comm_cost: 0.4176909722222226 + complexity: 18 + expressions: + - N+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - not(R+) + - or(N+, not(R+)) + name: explored-4935 + type: explored +- comm_cost: 0.3792534722222225 + complexity: 26 expressions: - - K+ - K+ - N+ - R- - - S+ - - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - name: explored-4937 + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + name: explored-4936 type: explored -- comm_cost: 0.5426388888888891 - complexity: 8 +- comm_cost: 0.7902777777777777 + complexity: 5 expressions: - K+ - - R- - SE- - - and(N-, R+) - - not(R-) + - or(S+, N+) + name: explored-4937 + type: explored +- comm_cost: 0.7505208333333334 + complexity: 11 + expressions: + - and(K-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-4938 type: explored -- comm_cost: 0.38333333333333364 - complexity: 12 +- comm_cost: 0.46625000000000016 + complexity: 10 expressions: - - SE- - - and(N-, R+) + - N+ - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(SE+, N-) + - or(S+, SE+) name: explored-4939 type: explored -- comm_cost: 0.4275000000000002 - complexity: 12 +- comm_cost: 0.6398726851851854 + complexity: 14 expressions: - K+ - - K- - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(K-, not(R+)) + - and(S-, not(R-)) + - or(S+, R+) name: explored-4940 type: explored -- comm_cost: 0.5833333333333335 - complexity: 6 +- comm_cost: 0.4084635416666669 + complexity: 18 expressions: - - K+ + - N+ - R- + - S+ - SE- + - and(N-, R+) + - and(S-, SE-) - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-4941 type: explored -- comm_cost: 0.6269097222222224 - complexity: 16 - expressions: - - R+ - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) - name: explored-4942 - type: explored -- comm_cost: 0.27361111111111136 - complexity: 16 +- comm_cost: 0.4339409722222224 + complexity: 19 expressions: - N+ - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, R-) - name: explored-4943 + - and(or(K+, S-), not(R+)) + name: explored-4942 type: explored -- comm_cost: 0.26979166666666676 - complexity: 8 +- comm_cost: 0.16822916666666687 + complexity: 15 expressions: - K+ - N+ - - N+ - - R+ - R- + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - name: explored-4944 + - or(N+, R-) + name: explored-4943 type: explored -- comm_cost: 0.3768518518518522 +- comm_cost: 0.38984375000000027 complexity: 15 expressions: - - N+ - R- - - SE- - - and(K-, not(R+)) - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-4944 + type: explored +- comm_cost: 0.7638888888888891 + complexity: 6 + expressions: + - N+ + - and(K-, or(S+, R+)) name: explored-4945 type: explored -- comm_cost: 0.36744791666666676 - complexity: 21 +- comm_cost: 0.4506944444444446 + complexity: 18 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(K+, K-) name: explored-4946 type: explored -- comm_cost: 0.6866319444444446 +- comm_cost: 0.7110532407407408 complexity: 12 expressions: - - R+ - - and(K-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) + - and(S-, N-) + - and(SE+, N-) + - and(or(K+, S-), not(R+)) name: explored-4947 type: explored -- comm_cost: 0.4916666666666668 - complexity: 13 +- comm_cost: 0.7815625 + complexity: 4 expressions: - - R- - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(K+, N+) + - K- + - or(K+, SE+) name: explored-4948 type: explored -- comm_cost: 0.6850694444444446 - complexity: 9 +- comm_cost: 0.2367187500000003 + complexity: 11 expressions: - N+ - - R+ - - or(and(K-, S+), or(N+, R-)) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-4949 type: explored -- comm_cost: 0.5401909722222222 - complexity: 14 +- comm_cost: 0.595601851851852 + complexity: 13 expressions: - - N+ + - R+ - R- - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, R+) + - SE- + - and(K-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-4950 type: explored -- comm_cost: 0.3269444444444447 - complexity: 15 +- comm_cost: 0.44140625 + complexity: 9 expressions: - K+ - N+ - - N+ - - N- - - R- - R- - - and(K-, S+) - - and(N-, R+) + - and(K-, N-) - and(S-, SE-) name: explored-4951 type: explored -- comm_cost: 0.6666666666666667 - complexity: 12 - expressions: - - SE- - - and(S-, not(R-)) - - or(and(K-, S+), or(N+, R-)) - name: explored-4952 - type: explored -- comm_cost: 0.17552083333333357 - complexity: 16 +- comm_cost: 0.5755208333333334 + complexity: 18 expressions: - K+ - - K+ - N+ - - S+ - - and(K-, SE-) - - and(N-, R+) + - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - or(K+, R-) + - or(K+, N+) + name: explored-4952 + type: explored +- comm_cost: 0.676299189814815 + complexity: 40 + expressions: + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) + - or(K+, or(N+, R-)) + - or(SE-, N+) name: explored-4953 type: explored -- comm_cost: 0.5149305555555558 - complexity: 11 +- comm_cost: 0.3495370370370372 + complexity: 19 expressions: - N+ - - R+ - R- - - SE- - - and(SE-, or(K+, S-)) - - not(R+) + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(S+, R-) name: explored-4954 type: explored -- comm_cost: 0.8027777777777778 - complexity: 14 +- comm_cost: 0.75 + complexity: 6 expressions: - - and(or(K+, S-), or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, N-) + - or(K+, SE+) name: explored-4955 type: explored -- comm_cost: 0.5225954861111113 - complexity: 21 +- comm_cost: 0.32343750000000016 + complexity: 14 expressions: - K+ - N+ - - R- - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, K-) - - or(S+, R+) name: explored-4956 type: explored -- comm_cost: 0.7228125000000001 - complexity: 8 +- comm_cost: 0.4166666666666665 + complexity: 10 expressions: - - K- + - K+ - N+ - - or(N+, R-) - - or(S+, N+) + - and(K-, or(S+, R-)) + - and(S-, SE-) name: explored-4957 type: explored -- comm_cost: 0.6572916666666668 - complexity: 13 +- comm_cost: 0.7012152777777779 + complexity: 12 expressions: - R+ - - SE- - - and(SE-, or(K+, S-)) - - or(K+, N+) - - or(K+, S-) + - and(or(K+, S-), not(R-)) + - or(K+, or(N+, R-)) name: explored-4958 type: explored -- comm_cost: 0.6386284722222223 - complexity: 15 +- comm_cost: 0.6946180555555556 + complexity: 6 expressions: - - and(K-, not(R-)) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(S+, R+) + - N+ + - R- + - SE- + - or(K+, K-) name: explored-4959 type: explored -- comm_cost: 0.5083333333333334 - complexity: 12 +- comm_cost: 0.5451388888888891 + complexity: 10 expressions: - K+ - - R+ - - R- - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - N+ + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-4960 type: explored -- comm_cost: 0.6934606481481482 - complexity: 12 +- comm_cost: 0.5740277777777779 + complexity: 16 expressions: - - R+ + - N+ + - R- - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-4961 type: explored -- comm_cost: 0.4391666666666668 - complexity: 13 +- comm_cost: 0.699971064814815 + complexity: 14 expressions: - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - R+ + - S- + - and(N-, or(S+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-4962 type: explored -- comm_cost: 0.7802604166666667 - complexity: 4 +- comm_cost: 0.6532118055555557 + complexity: 10 expressions: - - N- - - or(S+, R+) + - R+ + - SE- + - and(N-, or(S+, SE+)) + - or(S+, N+) name: explored-4963 type: explored -- comm_cost: 0.48479166666666684 - complexity: 11 +- comm_cost: 0.25989583333333366 + complexity: 15 expressions: - - K- - - N+ + - K+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - or(S+, N+) name: explored-4964 type: explored -- comm_cost: 0.39861111111111136 - complexity: 14 +- comm_cost: 0.2015625000000001 + complexity: 17 expressions: - K+ - K+ - N+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-4965 type: explored -- comm_cost: 0.5743344907407408 - complexity: 13 +- comm_cost: 0.5427430555555557 + complexity: 19 expressions: - N+ - - S- + - R+ + - R- - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(SE-, N+)) + - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-4966 type: explored -- comm_cost: 0.39479166666666665 - complexity: 8 +- comm_cost: 0.3596354166666669 + complexity: 17 expressions: - K+ - N+ - R- - - S+ - - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) + - or(SE-, N+) name: explored-4967 type: explored -- comm_cost: 0.5839236111111112 - complexity: 18 +- comm_cost: 0.4675347222222225 + complexity: 21 expressions: - - K+ - - K- - N+ - - R- - - and(K-, or(S+, SE+)) + - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R-) name: explored-4968 type: explored -- comm_cost: 0.642013888888889 - complexity: 5 +- comm_cost: 0.8059027777777779 + complexity: 10 expressions: - - R+ - - R- - - or(S+, R-) + - SE- + - SE- + - and(or(K+, S-), or(N+, not(R+))) name: explored-4969 type: explored -- comm_cost: 0.31649305555555585 - complexity: 19 +- comm_cost: 0.6675925925925927 + complexity: 22 expressions: - - N+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - SE+ + - SE- + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, or(K+, SE+)) + - or(K+, R-) + - or(K+, or(N+, R-)) name: explored-4970 type: explored -- comm_cost: 0.6359953703703705 - complexity: 19 +- comm_cost: 0.32430555555555585 + complexity: 12 expressions: - - R+ - - SE- - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - R- + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-4971 type: explored -- comm_cost: 0.2782986111111114 - complexity: 21 +- comm_cost: 0.359479166666667 + complexity: 16 expressions: - - K+ - - N+ - R- - - S+ - - and(K-, not(R+)) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-4972 type: explored -- comm_cost: 0.741059027777778 - complexity: 9 +- comm_cost: 0.517013888888889 + complexity: 7 expressions: + - N+ - R+ - - or(K+, R+) - - or(S+, or(N+, R-)) + - R- + - SE- + - or(S+, R-) name: explored-4973 type: explored -- comm_cost: 0.45572916666666674 - complexity: 15 +- comm_cost: 0.30659722222222263 + complexity: 17 expressions: - N+ - - R+ - R- - - SE- - - and(N-, or(K+, R+)) - - and(and(S-, N-), not(R-)) + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-4974 type: explored -- comm_cost: 0.697164351851852 - complexity: 11 +- comm_cost: 0.3382812500000002 + complexity: 13 expressions: - - R+ - - SE- + - K+ + - N+ + - R- - and(K-, not(R-)) - - and(N-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-4975 type: explored -- comm_cost: 0.7324218750000001 - complexity: 14 +- comm_cost: 0.45729166666666654 + complexity: 10 expressions: - - and(K-, not(R-)) - - and(K-, or(S+, N+)) - - not(R+) - - or(SE-, N+) + - N+ + - S+ + - and(K-, or(S+, R-)) + - and(S-, SE-) name: explored-4976 type: explored -- comm_cost: 0.3359375000000002 - complexity: 16 +- comm_cost: 0.31111111111111134 + complexity: 14 expressions: + - K+ + - K+ + - N+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) name: explored-4977 type: explored -- comm_cost: 0.7118923611111112 - complexity: 12 +- comm_cost: 0.5041666666666668 + complexity: 19 expressions: - - and(N-, or(K+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(K+, SE+) name: explored-4978 type: explored -- comm_cost: 0.20138888888888906 - complexity: 18 +- comm_cost: 0.7057986111111112 + complexity: 7 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - N- + - R+ + - and(N-, or(K+, S-)) name: explored-4979 type: explored -- comm_cost: 0.40781250000000013 - complexity: 13 +- comm_cost: 0.6486458333333335 + complexity: 24 expressions: - - N+ + - and(K-, N-) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(S-, N-) + - and(S-, or(SE-, N+)) + - and(SE+, N-) + - not(R-) name: explored-4980 type: explored -- comm_cost: 0.6895833333333335 - complexity: 9 +- comm_cost: 0.7138020833333334 + complexity: 7 expressions: - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) + - S+ + - and(S-, SE-) + - not(R+) name: explored-4981 type: explored -- comm_cost: 0.5553819444444446 - complexity: 16 +- comm_cost: 0.2932870370370372 + complexity: 17 expressions: + - K+ - N+ - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-4982 type: explored -- comm_cost: 0.677170138888889 - complexity: 14 +- comm_cost: 0.465104166666667 + complexity: 11 expressions: - N+ - - SE- - - and(N-, or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - R- + - R- + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-4983 type: explored -- comm_cost: 0.3800000000000001 - complexity: 11 +- comm_cost: 0.5347656250000001 + complexity: 18 expressions: - - K+ - - K- - - N+ - N+ - R- + - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-4984 type: explored -- comm_cost: 0.40994791666666697 - complexity: 15 +- comm_cost: 0.3182291666666669 + complexity: 14 expressions: - K+ - N+ - - SE- + - R- + - S+ + - SE+ + - and(K-, SE-) - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(N+, not(R+)) + - and(S-, SE-) name: explored-4985 type: explored -- comm_cost: 0.604340277777778 +- comm_cost: 0.5471354166666668 complexity: 11 expressions: - R+ - - S+ - - and(K-, not(R+)) - - or(S+, or(N+, R-)) + - and(K-, not(R-)) + - and(S-, SE-) + - or(K+, R-) name: explored-4986 type: explored -- comm_cost: 0.14062500000000022 - complexity: 16 +- comm_cost: 0.6642708333333334 + complexity: 4 expressions: - - K+ + - K- + - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - S+ name: explored-4987 type: explored -- comm_cost: 0.4467013888888891 +- comm_cost: 0.4604166666666668 complexity: 10 expressions: - N+ - R+ - - R- - - S+ - SE- - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-4988 type: explored -- comm_cost: 0.42300347222222245 - complexity: 19 +- comm_cost: 0.5755208333333333 + complexity: 12 expressions: - - N+ + - K+ + - K+ - R- - - and(N-, R+) - - and(N-, or(K+, R+)) + - S+ + - and(K-, or(SE-, N+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-4989 type: explored -- comm_cost: 0.6269097222222224 - complexity: 8 - expressions: - - R+ - - and(S-, not(R-)) - - or(S+, R-) - name: explored-4990 - type: explored -- comm_cost: 0.43833333333333335 - complexity: 14 +- comm_cost: 0.4911458333333333 + complexity: 12 expressions: - K+ - N+ - R- - - and(N-, or(S+, R+)) + - and(K-, SE-) - and(S-, SE-) - - or(S+, SE+) - name: explored-4991 + - or(K+, N+) + name: explored-4990 type: explored -- comm_cost: 0.5989583333333335 - complexity: 13 +- comm_cost: 0.7131365740740743 + complexity: 15 expressions: - R+ - - SE- - - and(and(S-, N-), not(R-)) - - or(S+, or(N+, R-)) - name: explored-4992 + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + name: explored-4991 type: explored -- comm_cost: 0.49916666666666676 +- comm_cost: 0.5243055555555556 complexity: 8 expressions: - K+ - - K- - - and(N-, R+) - - and(S-, SE-) - name: explored-4993 + - N+ + - R- + - SE- + - and(S-, not(R-)) + name: explored-4992 type: explored -- comm_cost: 0.44696180555555576 - complexity: 17 +- comm_cost: 0.549351851851852 + complexity: 14 expressions: + - K+ - N+ - R- - - S+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(K+, SE+) - - or(S+, N+) + - or(K+, R+) + - or(K+, S-) + name: explored-4993 + type: explored +- comm_cost: 0.692795138888889 + complexity: 9 + expressions: + - R+ + - S- + - SE- + - and(or(K+, S-), not(R-)) name: explored-4994 type: explored -- comm_cost: 0.46788194444444464 +- comm_cost: 0.7256944444444444 complexity: 9 expressions: - N+ - - R+ - SE- - - and(N-, R+) - - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-4995 type: explored -- comm_cost: 0.4817534722222223 - complexity: 16 +- comm_cost: 0.6647569444444446 + complexity: 13 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - not(R-) + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) name: explored-4996 type: explored -- comm_cost: 0.7327256944444445 - complexity: 14 +- comm_cost: 0.40847222222222235 + complexity: 15 expressions: - - and(K-, SE-) - - and(K-, or(S+, N+)) - - or(K+, K-) - - or(S+, R-) + - K+ + - N+ + - R- + - R- + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(S+, N+) name: explored-4997 type: explored -- comm_cost: 0.6833188657407407 - complexity: 42 +- comm_cost: 0.6644097222222223 + complexity: 7 expressions: - - K+ - - and(K-, or(S+, R+)) - - and(N-, not(R-)) - - and(N-, or(K+, S-)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) - - or(N+, R-) - - or(S+, N+) + - R+ + - SE- + - not(R-) + - or(K+, R-) name: explored-4998 type: explored -- comm_cost: 0.6660590277777779 - complexity: 11 +- comm_cost: 0.6827517361111112 + complexity: 14 expressions: + - N+ + - N- - R+ - - not(R+) - - or(K+, R+) - - or(K+, or(N+, R-)) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - or(K+, S-) name: explored-4999 type: explored -- comm_cost: 0.16458333333333353 - complexity: 19 +- comm_cost: 0.7374131944444445 + complexity: 8 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) + - or(N+, R-) name: explored-5000 type: explored -- comm_cost: 0.7390625 - complexity: 7 +- comm_cost: 0.5953472222222222 + complexity: 8 expressions: - N+ + - N- + - R- - SE- - - and(K-, or(S+, N+)) + - and(S-, not(R+)) name: explored-5001 type: explored -- comm_cost: 0.6131944444444446 - complexity: 15 +- comm_cost: 0.6818865740740742 + complexity: 7 expressions: - R+ - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, N-) + - or(K+, R+) name: explored-5002 type: explored -- comm_cost: 0.5024305555555558 - complexity: 10 +- comm_cost: 0.8006944444444445 + complexity: 5 expressions: - - K+ - - N+ - SE- - - and(N-, R+) - - and(N-, not(R-)) + - not(R-) + - not(R-) name: explored-5003 type: explored -- comm_cost: 0.3564236111111113 - complexity: 19 +- comm_cost: 0.735347800925926 + complexity: 18 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - and(K-, N-) + - and(N-, not(R-)) + - and(S-, N-) + - not(R-) + - or(K+, R-) + - or(SE-, N+) name: explored-5004 type: explored -- comm_cost: 0.54375 - complexity: 8 +- comm_cost: 0.4989583333333335 + complexity: 7 expressions: - - N+ - - S+ + - R+ + - and(S-, SE-) - and(S-, SE-) - - or(K+, N+) name: explored-5005 type: explored -- comm_cost: 0.6453177083333335 - complexity: 27 +- comm_cost: 0.3895833333333336 + complexity: 11 expressions: - - N+ + - K+ - SE- - - and(K-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - not(R+) - - not(R-) - - or(N+, R-) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-5006 type: explored -- comm_cost: 0.38107638888888895 - complexity: 14 +- comm_cost: 0.764670138888889 + complexity: 11 expressions: - - R+ - - R- - - and(S-, SE-) - - or(K+, R-) - - or(N+, R-) - - or(S+, N+) + - and(K-, or(S+, SE+)) + - and(SE+, N-) + - or(K+, K-) name: explored-5007 type: explored -- comm_cost: 0.47812500000000013 - complexity: 14 +- comm_cost: 0.5493344907407409 + complexity: 20 expressions: - N+ - R- - - and(K-, SE-) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - and(N-, not(R-)) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-5008 type: explored -- comm_cost: 0.41215277777777815 - complexity: 13 +- comm_cost: 0.6491344246031747 + complexity: 35 expressions: - - N+ - - SE- - - and(K-, SE-) - - and(K-, or(SE-, N+)) + - K+ + - and(K-, not(R-)) - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(K+, N+) + - or(K+, SE+) + - or(S+, SE+) name: explored-5009 type: explored -- comm_cost: 0.5838368055555556 - complexity: 15 +- comm_cost: 0.3430555555555558 + complexity: 11 expressions: + - K+ - N+ - - S- - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - not(R-) name: explored-5010 type: explored -- comm_cost: 0.5895833333333336 - complexity: 7 +- comm_cost: 0.5177083333333333 + complexity: 13 expressions: - - R+ - - R+ - - and(SE-, or(K+, S-)) + - K+ + - N+ + - and(K-, S+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-5011 type: explored -- comm_cost: 0.27057291666666705 - complexity: 13 +- comm_cost: 0.4533333333333335 + complexity: 10 expressions: - K+ - - S+ + - R- - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - not(R-) name: explored-5012 type: explored -- comm_cost: 0.25933159722222254 - complexity: 20 +- comm_cost: 0.2926793981481485 + complexity: 18 expressions: - - K+ - N+ - R- - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-5013 type: explored -- comm_cost: 0.38344907407407414 - complexity: 13 +- comm_cost: 0.15520833333333361 + complexity: 21 expressions: - - R+ - - R- - - S+ + - K+ + - N+ + - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - and(SE-, or(K+, S-)) name: explored-5014 type: explored -- comm_cost: 0.4976273148148149 +- comm_cost: 0.4549479166666668 complexity: 12 expressions: + - K+ - N+ - - R+ - R- - - and(N-, R+) + - S+ + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, K-) name: explored-5015 type: explored -- comm_cost: 0.17864583333333361 - complexity: 15 +- comm_cost: 0.5730902777777779 + complexity: 10 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - and(SE-, or(K+, S-)) + - SE- + - and(K-, or(S+, R+)) + - and(SE+, N-) name: explored-5016 type: explored -- comm_cost: 0.7131986607142857 - complexity: 32 - expressions: - - N- - - and(K-, not(R-)) - - and(N-, or(K+, R+)) - - and(S-, N-) - - and(SE-, or(K+, S-)) - - not(R-) - - or(K+, N+) - - or(K+, or(N+, R-)) - - or(N+, not(R+)) - name: explored-5017 - type: explored -- comm_cost: 0.43125000000000013 - complexity: 15 +- comm_cost: 0.5431481481481484 + complexity: 12 expressions: - N+ + - R- - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(SE-, or(K+, S-)) - name: explored-5018 + - or(K+, S-) + - or(S+, R-) + name: explored-5017 type: explored -- comm_cost: 0.2651041666666668 - complexity: 15 +- comm_cost: 0.3555555555555556 + complexity: 13 expressions: + - K+ - N+ - R- - and(K-, S+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-5019 + - and(S-, not(R-)) + name: explored-5018 type: explored -- comm_cost: 0.6848379629629631 +- comm_cost: 0.5491319444444446 complexity: 8 expressions: - - N- - R+ - - and(and(K-, N-), not(R-)) + - R- + - SE- + - and(N-, or(S+, R+)) + name: explored-5019 + type: explored +- comm_cost: 0.44687500000000013 + complexity: 14 + expressions: + - N+ + - R- + - S- + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-5020 type: explored -- comm_cost: 0.4973958333333335 - complexity: 8 +- comm_cost: 0.5377604166666667 + complexity: 14 expressions: - - K+ + - N+ - R+ - R- - SE- - - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R+) name: explored-5021 type: explored -- comm_cost: 0.4520833333333336 - complexity: 17 +- comm_cost: 0.5312500000000001 + complexity: 14 expressions: - N+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-5022 type: explored -- comm_cost: 0.5274305555555557 - complexity: 8 +- comm_cost: 0.3177083333333337 + complexity: 17 expressions: - - K+ - - R+ + - N+ - R- - - SE- - - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-5023 type: explored -- comm_cost: 0.7765625 - complexity: 6 +- comm_cost: 0.5179687500000001 + complexity: 7 expressions: - - SE- - - and(K-, or(S+, N+)) + - R+ + - and(S-, SE-) + - or(S+, R+) name: explored-5024 type: explored -- comm_cost: 0.6205729166666668 - complexity: 18 +- comm_cost: 0.11875000000000013 + complexity: 15 expressions: - - and(K-, or(S+, N+)) + - N+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-5025 type: explored -- comm_cost: 0.6872829861111112 - complexity: 34 +- comm_cost: 0.45413773148148173 + complexity: 19 expressions: - K+ + - N+ - R- - - S- - - and(K-, or(S+, R+)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, K-) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-5026 type: explored -- comm_cost: 0.5071093750000002 - complexity: 27 +- comm_cost: 0.5145833333333336 + complexity: 15 expressions: - K+ - - K+ - - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-5027 type: explored -- comm_cost: 0.36541666666666694 - complexity: 17 +- comm_cost: 0.5031018518518521 + complexity: 13 expressions: - N+ + - N- - R- - - and(K-, or(SE-, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - and(and(K-, N-), not(R-)) name: explored-5028 type: explored -- comm_cost: 0.6330729166666668 - complexity: 9 +- comm_cost: 0.6222222222222223 + complexity: 8 expressions: - - and(K-, SE-) - - and(S-, SE-) - - or(S+, R+) + - K+ + - N+ + - SE- + - and(K-, or(S+, R+)) name: explored-5029 type: explored -- comm_cost: 0.3055555555555557 +- comm_cost: 0.5305555555555559 complexity: 9 expressions: - - N+ - - S+ - - SE+ + - R- - and(N-, R+) - - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-5030 type: explored -- comm_cost: 0.5624131944444446 - complexity: 10 +- comm_cost: 0.6716145833333336 + complexity: 8 expressions: - - R- - - S+ - SE- - and(N-, R+) - and(N-, not(R-)) name: explored-5031 type: explored -- comm_cost: 0.6666666666666667 - complexity: 14 +- comm_cost: 0.6396556712962964 + complexity: 15 expressions: - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - N+ + - R+ + - R- + - SE- + - and(K-, SE-) + - or(K+, K-) + - or(S+, or(N+, R-)) name: explored-5032 type: explored -- comm_cost: 0.7127294146825398 - complexity: 29 +- comm_cost: 0.32048611111111125 + complexity: 18 expressions: - - K- - - SE+ - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(K-, or(S+, SE+)) - - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-5033 type: explored -- comm_cost: 0.6946614583333335 - complexity: 24 +- comm_cost: 0.46250000000000036 + complexity: 9 expressions: - - S- - - and(N-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-5034 type: explored -- comm_cost: 0.5948611111111113 - complexity: 17 +- comm_cost: 0.6501041666666667 + complexity: 4 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - not(R-) + - R+ + - R- - not(R-) name: explored-5035 type: explored -- comm_cost: 0.6359953703703705 - complexity: 8 +- comm_cost: 0.6949652777777778 + complexity: 15 expressions: - - R+ - - SE- - - and(S-, N-) - - or(K+, R+) + - and(N-, or(K+, S-)) + - and(S-, not(R-)) + - or(K+, N+) + - or(K+, R-) name: explored-5036 type: explored -- comm_cost: 0.3945312500000002 - complexity: 10 +- comm_cost: 0.3826967592592594 + complexity: 20 expressions: - N+ + - R- + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) - and(S-, SE-) - - or(K+, SE+) name: explored-5037 type: explored -- comm_cost: 0.573263888888889 - complexity: 21 +- comm_cost: 0.72540625 + complexity: 19 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - N- + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) + - and(SE+, N-) + - and(and(K-, N-), not(R-)) name: explored-5038 type: explored -- comm_cost: 0.662499503968254 - complexity: 49 +- comm_cost: 0.3997685185185189 + complexity: 17 expressions: - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) - - and(S-, N-) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) + - K+ + - R- + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-5039 type: explored -- comm_cost: 0.6730011574074075 - complexity: 39 +- comm_cost: 0.29939236111111134 + complexity: 19 expressions: - - N- - - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) - - not(R-) - - or(K+, N+) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - or(N+, R-) name: explored-5040 type: explored -- comm_cost: 0.7744791666666667 - complexity: 7 +- comm_cost: 0.6088541666666669 + complexity: 8 expressions: - - and(N-, not(R-)) - - or(SE-, N+) + - N+ + - R+ + - and(N-, R+) + - or(S+, N+) name: explored-5041 type: explored -- comm_cost: 0.23854166666666676 - complexity: 15 +- comm_cost: 0.6074652777777779 + complexity: 13 expressions: - - K+ - - N+ - - R- - - R- - - and(N-, R+) + - R+ + - SE- - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-5042 type: explored -- comm_cost: 0.48359375000000027 - complexity: 10 +- comm_cost: 0.48897569444444466 + complexity: 11 expressions: - N+ - - N+ - - R- + - SE- - SE- - and(N-, R+) - - or(K+, SE+) + - and(N-, or(K+, S-)) name: explored-5043 type: explored -- comm_cost: 0.598263888888889 - complexity: 11 +- comm_cost: 0.718402777777778 + complexity: 15 expressions: - - K+ - - R- - - S- - - SE- - - and(N-, R+) - - and(N-, not(R-)) + - R+ + - or(and(K-, S+), or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-5044 type: explored -- comm_cost: 0.43699074074074096 - complexity: 16 +- comm_cost: 0.4916666666666668 + complexity: 5 expressions: - - K+ - - K+ - - K- - - N+ + - R+ - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, SE-) name: explored-5045 type: explored -- comm_cost: 0.7541319444444445 +- comm_cost: 0.22760416666666705 complexity: 10 expressions: - - R+ + - K+ + - N+ - R- - - or(S+, SE+) - - or(S+, or(N+, R-)) + - SE- + - and(K-, SE-) + - and(N-, R+) name: explored-5046 type: explored -- comm_cost: 0.6470341435185186 - complexity: 30 +- comm_cost: 0.7192708333333333 + complexity: 3 expressions: - - and(K-, N-) - - and(K-, S+) - - and(N-, or(K+, SE+)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, N+) + - N+ + - not(R+) name: explored-5047 type: explored -- comm_cost: 0.47812500000000013 - complexity: 17 +- comm_cost: 0.6148148148148148 + complexity: 20 expressions: - K+ - N+ - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - S+ + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - or(K+, K-) + - or(and(K-, S+), or(N+, R-)) name: explored-5048 type: explored -- comm_cost: 0.6078125000000001 - complexity: 11 +- comm_cost: 0.6376736111111112 + complexity: 9 expressions: - - N+ - - R- - - S- - - and(N-, R+) - - and(N-, or(K+, S-)) + - R+ + - and(K-, N-) + - and(N-, or(K+, R+)) name: explored-5049 type: explored -- comm_cost: 0.8027777777777778 +- comm_cost: 0.7958622685185186 complexity: 14 expressions: - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) + - not(R+) name: explored-5050 type: explored -- comm_cost: 0.449479166666667 - complexity: 9 +- comm_cost: 0.2859375000000003 + complexity: 13 expressions: + - N+ + - R- - SE- - - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, R+) + - and(S-, not(R+)) name: explored-5051 type: explored -- comm_cost: 0.27291666666666703 - complexity: 26 +- comm_cost: 0.6544270833333334 + complexity: 5 expressions: - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(K-, N-) name: explored-5052 type: explored -- comm_cost: 0.5825520833333335 - complexity: 13 +- comm_cost: 0.43602430555555594 + complexity: 15 expressions: - - R+ - - R- + - N+ - SE- - - and(K-, or(S+, R-)) - - or(S+, or(N+, R-)) + - and(N-, R+) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-5053 type: explored -- comm_cost: 0.2791666666666668 - complexity: 11 +- comm_cost: 0.7520833333333334 + complexity: 6 expressions: - - K+ - - R+ - - R- - - and(K-, or(S+, N+)) - - and(S-, SE-) + - K- + - SE- + - and(K-, not(R+)) name: explored-5054 type: explored -- comm_cost: 0.6225694444444446 - complexity: 19 +- comm_cost: 0.4050347222222225 + complexity: 15 expressions: - N+ - - R- - SE- - and(N-, R+) - - or(K+, S-) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, not(R-)) + - and(S-, SE-) + - or(K+, R-) name: explored-5055 type: explored -- comm_cost: 0.24594907407407418 - complexity: 15 +- comm_cost: 0.3539641203703706 + complexity: 24 expressions: - K+ + - K+ - N+ - - R+ - R- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) name: explored-5056 type: explored -- comm_cost: 0.7267708333333334 - complexity: 12 +- comm_cost: 0.665451388888889 + complexity: 7 expressions: - - S- - - and(K-, N-) - - and(K-, S+) - - not(R-) - - or(N+, R-) + - N+ + - SE+ + - SE- + - and(K-, not(R-)) name: explored-5057 type: explored -- comm_cost: 0.4193055555555558 - complexity: 18 +- comm_cost: 0.4837152777777779 + complexity: 15 expressions: - - K+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-5058 type: explored -- comm_cost: 0.41770833333333346 - complexity: 7 +- comm_cost: 0.43524305555555576 + complexity: 13 expressions: + - N+ - R+ - - and(K-, S+) - - and(S-, SE-) + - R- + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-5059 type: explored -- comm_cost: 0.3380092592592594 - complexity: 15 +- comm_cost: 0.32638888888888884 + complexity: 10 expressions: - - K+ - N+ - R- - - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, R-) - - or(S+, SE+) name: explored-5060 type: explored -- comm_cost: 0.6591145833333334 - complexity: 9 +- comm_cost: 0.6146412037037038 + complexity: 12 expressions: - R+ - - and(K-, N-) - - and(S-, or(SE-, N+)) + - R- + - SE- + - and(K-, not(R+)) + - and(N-, or(S+, SE+)) name: explored-5061 type: explored -- comm_cost: 0.4776331018518519 - complexity: 17 +- comm_cost: 0.2284722222222224 + complexity: 18 expressions: + - K+ - N+ - - S+ - - and(K-, or(S+, SE+)) + - R- + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-5062 type: explored -- comm_cost: 0.5250000000000001 - complexity: 6 +- comm_cost: 0.5491319444444446 + complexity: 14 expressions: - - R- - - SE+ - - SE- + - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-5063 type: explored -- comm_cost: 0.5922743055555557 - complexity: 9 +- comm_cost: 0.15457175925925948 + complexity: 16 expressions: + - K+ - N+ - R- - S+ - - S- - and(N-, R+) - - not(R-) + - and(S-, SE-) + - or(N+, R-) + - or(S+, R-) name: explored-5064 type: explored -- comm_cost: 0.6354600694444446 - complexity: 26 +- comm_cost: 0.5479166666666668 + complexity: 8 expressions: - - and(K-, SE-) - - and(K-, or(S+, R-)) - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) + - K+ + - R- + - and(N-, R+) + - and(S-, N-) name: explored-5065 type: explored -- comm_cost: 0.5421874999999999 - complexity: 13 +- comm_cost: 0.23559027777777797 + complexity: 23 expressions: + - K+ + - N+ - R- - - and(K-, S+) - - and(K-, S+) + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-5066 type: explored -- comm_cost: 0.4681250000000001 - complexity: 10 +- comm_cost: 0.6897048611111112 + complexity: 14 expressions: - - K+ - K- - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(K-, or(S+, R+)) + - and(and(K-, N-), not(R-)) name: explored-5067 type: explored -- comm_cost: 0.25295138888888913 - complexity: 15 +- comm_cost: 0.7947916666666668 + complexity: 6 expressions: - - K+ - - N+ - - SE+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - and(or(K+, S-), not(R-)) name: explored-5068 type: explored -- comm_cost: 0.5534114583333334 - complexity: 14 +- comm_cost: 0.3906250000000002 + complexity: 12 expressions: - - R+ + - N+ - R- - - S+ - - and(S-, SE-) - - and(SE+, N-) - - not(R+) - - or(S+, SE+) + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-5069 type: explored -- comm_cost: 0.6953125 - complexity: 7 +- comm_cost: 0.4262152777777779 + complexity: 16 expressions: + - N+ - R- - SE- - - not(R-) - - or(N+, R-) + - SE- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-5070 type: explored -- comm_cost: 0.34635416666666696 - complexity: 18 +- comm_cost: 0.42500000000000027 + complexity: 6 expressions: - - K+ - N+ - R- - - SE- + - R- - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) name: explored-5071 type: explored -- comm_cost: 0.49236111111111125 - complexity: 18 +- comm_cost: 0.49088541666666674 + complexity: 15 expressions: + - K- + - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-5072 type: explored -- comm_cost: 0.6697048611111113 +- comm_cost: 0.6486111111111112 complexity: 13 expressions: - - N+ + - N- - R+ - - and(K-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(K-, or(S+, N+)) + - and(N-, or(K+, R+)) name: explored-5073 type: explored -- comm_cost: 0.4882812500000002 +- comm_cost: 0.6214699074074075 complexity: 8 expressions: - - S+ - - S- + - SE+ + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) name: explored-5074 type: explored -- comm_cost: 0.12899305555555585 - complexity: 14 +- comm_cost: 0.47717013888888915 + complexity: 11 + expressions: + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - not(R+) + name: explored-5075 + type: explored +- comm_cost: 0.5412500000000002 + complexity: 10 expressions: - - K+ - - N+ - R- - - S+ - - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, N+) - name: explored-5075 + - or(K+, S-) + name: explored-5076 type: explored -- comm_cost: 0.6170138888888891 - complexity: 8 +- comm_cost: 0.33107638888888913 + complexity: 16 expressions: - N+ - - SE+ + - R- + - SE- - and(N-, R+) - - or(K+, N+) - name: explored-5076 + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + name: explored-5077 type: explored -- comm_cost: 0.6880208333333333 - complexity: 9 +- comm_cost: 0.1844328703703706 + complexity: 17 expressions: - - K+ - N+ - R- - S+ - - and(K-, or(S+, N+)) - name: explored-5077 + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(N+, R-) + name: explored-5078 type: explored -- comm_cost: 0.765277777777778 - complexity: 8 +- comm_cost: 0.6221932870370372 + complexity: 41 expressions: + - SE+ + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) - and(N-, or(K+, R+)) - - or(K+, K-) - name: explored-5078 + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) + name: explored-5079 type: explored -- comm_cost: 0.2180555555555559 - complexity: 15 +- comm_cost: 0.5328125000000001 + complexity: 8 expressions: - - N+ - R- + - S- - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-5079 + name: explored-5080 type: explored -- comm_cost: 0.538715277777778 - complexity: 9 +- comm_cost: 0.5600694444444446 + complexity: 12 expressions: - N+ - R+ - R- - - and(and(K-, N-), not(R-)) - name: explored-5080 + - SE- + - or(N+, R-) + - or(S+, or(N+, R-)) + name: explored-5081 type: explored -- comm_cost: 0.2333333333333335 - complexity: 20 +- comm_cost: 0.09479166666666705 + complexity: 21 expressions: - K+ - N+ - R- - and(K-, S+) - - and(K-, SE-) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - name: explored-5081 + - and(S-, SE-) + - or(K+, N+) + - or(N+, R-) + name: explored-5082 type: explored -- comm_cost: 0.36594328703703727 - complexity: 22 +- comm_cost: 0.33710937500000027 + complexity: 17 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-5082 - type: explored -- comm_cost: 0.7328993055555557 - complexity: 10 - expressions: - - R+ - - and(N-, or(K+, SE+)) - - not(R-) - - not(R-) + - and(SE+, N-) + - or(SE-, N+) name: explored-5083 type: explored -- comm_cost: 0.4744791666666668 - complexity: 13 +- comm_cost: 0.6598958333333335 + complexity: 10 expressions: - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - R+ + - and(K-, N-) + - or(S+, or(N+, R-)) name: explored-5084 type: explored -- comm_cost: 0.3460937500000002 - complexity: 22 +- comm_cost: 0.5003472222222224 + complexity: 7 expressions: - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(K-, not(R+)) name: explored-5085 type: explored -- comm_cost: 0.4076388888888891 - complexity: 14 +- comm_cost: 0.3323784722222223 + complexity: 11 expressions: - K+ - K+ - N+ - R- - - SE+ - - and(N-, R+) - - and(S-, N-) + - S+ - and(S-, SE-) + - or(K+, R+) name: explored-5086 type: explored -- comm_cost: 0.3921874999999999 - complexity: 11 +- comm_cost: 0.33518518518518536 + complexity: 28 expressions: - K+ - N+ - R- - - and(K-, or(S+, R-)) + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-5087 type: explored -- comm_cost: 0.6337962962962964 - complexity: 12 +- comm_cost: 0.584809027777778 + complexity: 7 expressions: - - R+ - - and(K-, or(S+, R+)) - - and(and(S-, N-), not(R-)) + - N+ + - SE- + - and(S-, N-) + - not(R+) name: explored-5088 type: explored -- comm_cost: 0.47083333333333344 - complexity: 12 +- comm_cost: 0.4793402777777779 + complexity: 19 expressions: - N+ - R+ - R- - - and(K-, SE-) - - and(S-, SE-) - - or(K+, SE+) + - SE- + - and(K-, or(S+, R-)) + - and(K-, or(S+, R-)) + - and(SE-, or(K+, S-)) name: explored-5089 type: explored -- comm_cost: 0.3656250000000002 - complexity: 12 +- comm_cost: 0.7130208333333334 + complexity: 9 expressions: - - K+ - - N+ - - S+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(N-, not(R-)) + - or(S+, R+) name: explored-5090 type: explored -- comm_cost: 0.1843750000000003 - complexity: 17 +- comm_cost: 0.7241666666666668 + complexity: 4 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R+ + - R+ + - not(R-) name: explored-5091 type: explored -- comm_cost: 0.42554976851851867 - complexity: 16 +- comm_cost: 0.5691666666666668 + complexity: 7 expressions: - K+ - - N+ + - K- - R- - - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) name: explored-5092 type: explored -- comm_cost: 0.25312500000000027 - complexity: 10 +- comm_cost: 0.3569444444444446 + complexity: 22 expressions: + - K+ - N+ - R- - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-5093 type: explored -- comm_cost: 0.3925347222222224 - complexity: 17 +- comm_cost: 0.2802083333333335 + complexity: 15 expressions: + - K+ - N+ - - R+ + - R- - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, R-) + - or(K+, N+) + - or(K+, R+) name: explored-5094 type: explored -- comm_cost: 0.32291666666666685 +- comm_cost: 0.6990017361111113 complexity: 11 expressions: - - N+ - R+ - - R- - - and(N-, or(K+, R+)) - - and(S-, SE-) + - SE- + - and(K-, not(R-)) + - not(R+) + - or(S+, R+) name: explored-5095 type: explored -- comm_cost: 0.3750000000000002 - complexity: 16 +- comm_cost: 0.32031250000000033 + complexity: 14 expressions: + - K+ - N+ - R- - - S+ - - and(K-, not(R-)) + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) name: explored-5096 type: explored -- comm_cost: 0.29062500000000013 - complexity: 14 +- comm_cost: 0.5826388888888888 + complexity: 11 expressions: - N+ - - R+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(or(K+, S-), not(R+)) name: explored-5097 type: explored -- comm_cost: 0.3197916666666668 - complexity: 7 +- comm_cost: 0.6302083333333335 + complexity: 14 expressions: - - K+ - - R+ - - R+ - - R- - - and(S-, SE-) + - SE- + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-5098 type: explored -- comm_cost: 0.30243055555555587 +- comm_cost: 0.6811342592592594 complexity: 14 expressions: - - N+ + - R+ - R- - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(K+, R-) + - and(N-, or(K+, SE+)) + - or(K+, S-) + - or(S+, R+) name: explored-5099 type: explored -- comm_cost: 0.5152256944444445 - complexity: 17 +- comm_cost: 0.39123263888888915 + complexity: 24 expressions: - K+ - - K+ - - N+ - R- - - S+ - - and(K-, or(S+, R+)) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-5100 type: explored -- comm_cost: 0.2644531250000002 - complexity: 18 +- comm_cost: 0.5131250000000002 + complexity: 15 + expressions: + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) + - or(S+, or(N+, R-)) + name: explored-5101 + type: explored +- comm_cost: 0.30243055555555576 + complexity: 19 expressions: - K+ - K+ - - N+ - R- - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - and(S-, SE-) - name: explored-5101 + - and(S-, not(R+)) + name: explored-5102 type: explored -- comm_cost: 0.6661458333333334 - complexity: 17 +- comm_cost: 0.33272569444444466 + complexity: 14 expressions: - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-5102 + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) + - or(S+, R+) + name: explored-5103 type: explored -- comm_cost: 0.6515624999999999 - complexity: 8 +- comm_cost: 0.3039930555555558 + complexity: 17 expressions: - K+ + - N+ - R- - SE- - - and(K-, or(S+, N+)) - name: explored-5103 - type: explored -- comm_cost: 0.7479166666666667 - complexity: 8 - expressions: - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - and(N-, R+) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-5104 type: explored -- comm_cost: 0.3535156250000002 - complexity: 17 +- comm_cost: 0.3508680555555558 + complexity: 26 expressions: - - K+ - N+ - R- - S+ - - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) name: explored-5105 type: explored -- comm_cost: 0.3398437500000001 - complexity: 19 +- comm_cost: 0.5839409722222224 + complexity: 10 expressions: - - N+ + - R+ - R- - - and(K-, N-) - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - SE- + - SE- + - or(S+, R-) + - or(SE-, N+) name: explored-5106 type: explored -- comm_cost: 0.6467534722222223 - complexity: 35 +- comm_cost: 0.4080295138888892 + complexity: 17 expressions: - - and(K-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) - - or(K+, R-) - - or(K+, or(N+, R-)) - - or(N+, R-) + - K+ + - N+ + - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) - or(S+, R-) name: explored-5107 type: explored -- comm_cost: 0.7953125 - complexity: 5 +- comm_cost: 0.7286979166666667 + complexity: 6 expressions: + - N- - R- - - and(S-, not(R+)) + - SE- + - or(K+, SE+) name: explored-5108 type: explored -- comm_cost: 0.8201388888888889 - complexity: 5 +- comm_cost: 0.567013888888889 + complexity: 10 expressions: + - R+ - R- - - and(K-, not(R+)) + - and(K-, or(SE-, N+)) + - or(S+, R-) name: explored-5109 type: explored -- comm_cost: 0.19166666666666687 - complexity: 18 +- comm_cost: 0.29253472222222254 + complexity: 16 expressions: + - K+ - N+ - R- - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) name: explored-5110 type: explored -- comm_cost: 0.587152777777778 +- comm_cost: 0.2729166666666668 complexity: 11 expressions: - K+ + - K+ - N+ - - S+ - - and(K-, or(S+, R+)) + - R- + - SE+ - and(N-, R+) + - and(S-, SE-) name: explored-5111 type: explored -- comm_cost: 0.401388888888889 - complexity: 17 +- comm_cost: 0.312196180555556 + complexity: 27 expressions: - K+ - N+ - R- - - SE- - - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-5112 type: explored -- comm_cost: 0.448090277777778 - complexity: 16 +- comm_cost: 0.5182146990740742 + complexity: 15 expressions: + - K+ - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, not(R-)) + - and(N-, or(K+, SE+)) + - or(S+, R+) name: explored-5113 type: explored -- comm_cost: 0.5908101851851852 - complexity: 10 +- comm_cost: 0.36041666666666705 + complexity: 14 expressions: - - N- - - R+ - - and(N-, or(K+, SE+)) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) name: explored-5114 type: explored -- comm_cost: 0.4569444444444446 - complexity: 17 +- comm_cost: 0.4194444444444446 + complexity: 13 expressions: - N+ - R- - - S+ - - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - and(N-, and(or(K+, S-), not(R-))) name: explored-5115 type: explored -- comm_cost: 0.3993055555555558 - complexity: 11 +- comm_cost: 0.44192708333333364 + complexity: 17 expressions: - N+ - - SE- + - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, R-) name: explored-5116 type: explored -- comm_cost: 0.6796875 - complexity: 7 +- comm_cost: 0.30486111111111125 + complexity: 14 expressions: - N+ + - R- - SE- - - and(SE-, or(K+, S-)) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-5117 type: explored -- comm_cost: 0.365104166666667 - complexity: 22 +- comm_cost: 0.5151041666666669 + complexity: 8 expressions: + - K+ + - N+ - R- - S+ + - SE+ - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) name: explored-5118 type: explored -- comm_cost: 0.6238194444444446 - complexity: 6 +- comm_cost: 0.21093750000000022 + complexity: 12 expressions: - - K- - - R+ - - SE- + - K+ + - R- + - S+ - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-5119 type: explored -- comm_cost: 0.5272569444444446 - complexity: 16 +- comm_cost: 0.46253472222222236 + complexity: 14 expressions: - - R+ + - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, or(N+, R-)) + - not(R-) + - or(S+, R+) name: explored-5120 type: explored -- comm_cost: 0.4822916666666669 - complexity: 8 +- comm_cost: 0.7958333333333335 + complexity: 14 expressions: - - R+ - - SE- - - and(N-, R+) - - or(K+, R-) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-5121 type: explored -- comm_cost: 0.5711805555555556 - complexity: 12 +- comm_cost: 0.5197916666666669 + complexity: 13 expressions: + - K+ - N+ - - R+ - - R- + - SE+ - SE- - - and(K-, S+) - - and(K-, or(S+, SE+)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-5122 type: explored -- comm_cost: 0.5050000000000001 - complexity: 11 +- comm_cost: 0.30486111111111147 + complexity: 10 expressions: + - K+ - N+ - - R- - - and(K-, S+) + - SE- + - SE- - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) name: explored-5123 type: explored -- comm_cost: 0.4188657407407409 - complexity: 22 +- comm_cost: 0.5734375 + complexity: 8 expressions: - - N+ - - R- - - and(N-, R+) + - and(K-, or(S+, SE+)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, R+) - - or(S+, or(N+, R-)) name: explored-5124 type: explored -- comm_cost: 0.6512731481481482 - complexity: 16 +- comm_cost: 0.5363281250000002 + complexity: 18 expressions: - - S- - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) + - N+ + - SE- + - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(S+, N+) name: explored-5125 type: explored -- comm_cost: 0.7326388888888888 - complexity: 13 +- comm_cost: 0.5406250000000001 + complexity: 9 expressions: - - K+ - - R- - - SE- - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(SE-, or(K+, S-)) + - or(N+, R-) name: explored-5126 type: explored -- comm_cost: 0.5255208333333334 - complexity: 21 +- comm_cost: 0.5241666666666667 + complexity: 10 expressions: - - K+ - - R+ + - N+ - R- - - SE- - - and(S-, or(SE-, N+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, S+) + - and(S-, SE-) + - not(R-) name: explored-5127 type: explored -- comm_cost: 0.5213541666666668 - complexity: 15 +- comm_cost: 0.5131163194444446 + complexity: 22 expressions: + - K+ + - N+ + - R- + - S+ + - and(K-, not(R-)) - and(N-, R+) - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) + - or(S+, SE+) name: explored-5128 type: explored -- comm_cost: 0.38333333333333364 - complexity: 8 +- comm_cost: 0.5100868055555556 + complexity: 16 expressions: + - N+ - R- - - SE- + - S+ - and(N-, R+) - - or(S+, N+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(K+, S-) name: explored-5129 type: explored -- comm_cost: 0.5078125 - complexity: 10 +- comm_cost: 0.5783420138888891 + complexity: 19 expressions: + - K+ + - N+ - R- - - and(S-, SE-) - - or(K+, N+) - - or(K+, SE+) + - S- + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-5130 type: explored -- comm_cost: 0.4539351851851854 - complexity: 16 +- comm_cost: 0.7617476851851852 + complexity: 13 expressions: - - N+ + - R- - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) name: explored-5131 type: explored -- comm_cost: 0.5835069444444446 - complexity: 12 +- comm_cost: 0.5512500000000002 + complexity: 9 expressions: - - R+ - - SE- - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) + - K+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-5132 type: explored -- comm_cost: 0.1789930555555559 - complexity: 18 +- comm_cost: 0.2899016203703705 + complexity: 16 expressions: + - K+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, R+) + - or(K+, R+) name: explored-5133 type: explored -- comm_cost: 0.7525173611111111 - complexity: 11 +- comm_cost: 0.5093750000000002 + complexity: 18 expressions: - - and(K-, not(R-)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, N+) name: explored-5134 type: explored -- comm_cost: 0.7596354166666668 - complexity: 4 +- comm_cost: 0.37708333333333344 + complexity: 14 expressions: - - S- - - or(N+, R-) + - K+ + - R+ + - R- + - and(K-, S+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-5135 type: explored -- comm_cost: 0.3982638888888891 - complexity: 18 +- comm_cost: 0.6381944444444444 + complexity: 14 expressions: - - K+ - N+ - - R- - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R-) name: explored-5136 type: explored -- comm_cost: 0.5716145833333334 - complexity: 15 +- comm_cost: 0.3365625000000001 + complexity: 17 expressions: - - K+ - - R+ - - and(N-, or(K+, S-)) + - N+ + - R- + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(S+, SE+) name: explored-5137 type: explored -- comm_cost: 0.5927083333333335 - complexity: 11 +- comm_cost: 0.28090277777777817 + complexity: 18 expressions: - - R- - - SE- - - and(and(S-, N-), not(R-)) - - or(K+, R-) + - K+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-5138 type: explored -- comm_cost: 0.5244791666666668 - complexity: 7 +- comm_cost: 0.5606481481481483 + complexity: 10 expressions: - - R+ - - R- - - SE- - - and(S-, not(R+)) + - SE+ + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-5139 type: explored -- comm_cost: 0.20026041666666705 - complexity: 18 +- comm_cost: 0.37269965277777806 + complexity: 26 expressions: - K+ - - K+ - N+ - R- - - and(K-, S+) - - and(K-, SE-) + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - not(R+) + - and(or(K+, S-), not(R+)) + - or(N+, not(R+)) name: explored-5140 type: explored -- comm_cost: 0.5545138888888891 - complexity: 7 +- comm_cost: 0.7302083333333333 + complexity: 4 expressions: - - R+ - R- - - SE- - - and(K-, not(R+)) + - and(K-, SE-) name: explored-5141 type: explored -- comm_cost: 0.557638888888889 +- comm_cost: 0.3830729166666669 complexity: 11 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-5142 type: explored -- comm_cost: 0.7475694444444445 - complexity: 7 +- comm_cost: 0.5188368055555558 + complexity: 20 expressions: - - S+ - - SE- - - and(N-, or(S+, SE+)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - not(R+) + - or(K+, K-) name: explored-5143 type: explored -- comm_cost: 0.6156250000000002 - complexity: 11 +- comm_cost: 0.2796296296296297 + complexity: 22 expressions: - - R+ - - SE- - - and(K-, not(R+)) - - or(S+, or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-5144 type: explored -- comm_cost: 0.6223958333333335 - complexity: 9 +- comm_cost: 0.7179976851851853 + complexity: 33 expressions: - - N+ - - R+ - - R- - - and(K-, N-) - - or(SE-, N+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) + - or(K+, N+) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-5145 type: explored -- comm_cost: 0.5597685185185186 - complexity: 22 +- comm_cost: 0.26718750000000013 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) - - or(K+, S-) + - and(and(S-, N-), not(R-)) name: explored-5146 type: explored -- comm_cost: 0.11614583333333361 +- comm_cost: 0.5828125 complexity: 14 expressions: - K+ @@ -53159,29320 +53275,29386 @@ - N+ - R- - S+ - - and(N-, R+) + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - or(N+, R-) name: explored-5147 type: explored -- comm_cost: 0.5631944444444448 - complexity: 8 +- comm_cost: 0.5364872685185187 + complexity: 14 expressions: + - N+ - and(N-, R+) - - or(K+, or(N+, R-)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) name: explored-5148 type: explored -- comm_cost: 0.45572916666666685 - complexity: 23 +- comm_cost: 0.4203703703703705 + complexity: 15 expressions: - K+ - N+ - - R- - - SE- + - S+ - and(N-, R+) - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, N-) + - and(S-, SE-) + - or(K+, R+) name: explored-5149 type: explored -- comm_cost: 0.5951388888888889 - complexity: 11 +- comm_cost: 0.30234375000000036 + complexity: 13 expressions: - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(SE-, N+) name: explored-5150 type: explored -- comm_cost: 0.36536458333333355 - complexity: 14 +- comm_cost: 0.6198784722222225 + complexity: 13 expressions: - N+ - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - not(R+) + - or(N+, R-) + - or(S+, R+) + - or(S+, R-) name: explored-5151 type: explored -- comm_cost: 0.4067708333333334 - complexity: 11 +- comm_cost: 0.5239583333333334 + complexity: 9 expressions: - - K+ - R+ - - R- - - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-5152 type: explored -- comm_cost: 0.5834490740740743 - complexity: 10 +- comm_cost: 0.3197916666666668 + complexity: 12 expressions: - - R+ - - SE- + - K+ + - R- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(S+, R+) name: explored-5153 type: explored -- comm_cost: 0.330902777777778 - complexity: 15 +- comm_cost: 0.539652777777778 + complexity: 10 expressions: - - K+ + - N+ - R+ - - R- - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - not(R-) name: explored-5154 type: explored -- comm_cost: 0.4828125000000003 - complexity: 16 +- comm_cost: 0.545 + complexity: 9 expressions: - N+ - - R+ - - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) + - N- + - S+ + - and(S-, SE-) + - or(S+, R-) name: explored-5155 type: explored -- comm_cost: 0.5942708333333334 - complexity: 18 +- comm_cost: 0.22968750000000027 + complexity: 12 expressions: - - R+ + - K+ + - N+ - R- - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-5156 type: explored -- comm_cost: 0.08125000000000027 - complexity: 10 +- comm_cost: 0.1843750000000003 + complexity: 16 expressions: - - K+ - - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-5157 type: explored -- comm_cost: 0.33275462962962976 - complexity: 14 +- comm_cost: 0.83125 + complexity: 4 expressions: - - N+ - - R+ - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - SE- + - and(K-, S+) name: explored-5158 type: explored -- comm_cost: 0.5732060185185187 - complexity: 24 +- comm_cost: 0.6765162037037038 + complexity: 13 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - K+ + - and(SE+, N-) + - and(or(K+, S-), not(R+)) + - or(S+, SE+) name: explored-5159 type: explored -- comm_cost: 0.3812500000000003 - complexity: 6 +- comm_cost: 0.5911458333333335 + complexity: 12 expressions: - - N+ - - SE- - SE- - - and(N-, R+) + - and(K-, or(S+, N+)) + - and(and(S-, N-), not(R-)) name: explored-5160 type: explored -- comm_cost: 0.4109375000000002 - complexity: 10 +- comm_cost: 0.4779513888888891 + complexity: 16 expressions: - - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(N-, not(R-)) + - and(N-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-5161 type: explored -- comm_cost: 0.5336805555555557 - complexity: 12 +- comm_cost: 0.409027777777778 + complexity: 13 expressions: - - R+ + - N+ - R- + - R- + - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, not(R-)) name: explored-5162 type: explored -- comm_cost: 0.6651041666666667 - complexity: 10 +- comm_cost: 0.6223958333333335 + complexity: 7 expressions: - - K+ - - K+ - N+ + - R+ + - R+ - R- - - S+ - - and(K-, or(S+, SE+)) + - or(K+, R-) name: explored-5163 type: explored -- comm_cost: 0.48116319444444455 - complexity: 10 +- comm_cost: 0.7079861111111112 + complexity: 11 expressions: - - K+ - - N+ - - R- - - S- - - and(S-, SE-) - - and(SE+, N-) + - SE- + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-5164 type: explored -- comm_cost: 0.4744791666666668 - complexity: 14 +- comm_cost: 0.48930555555555566 + complexity: 13 expressions: + - K+ - N+ - - R+ - R- - SE- - - and(K-, or(S+, N+)) - - and(S-, or(SE-, N+)) + - and(K-, S+) + - and(N-, R+) + - or(K+, S-) name: explored-5165 type: explored -- comm_cost: 0.5954861111111113 - complexity: 16 +- comm_cost: 0.7930555555555555 + complexity: 8 expressions: - - N+ - - R+ - R- - SE- - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-5166 type: explored -- comm_cost: 0.6470486111111112 - complexity: 9 +- comm_cost: 0.5380208333333333 + complexity: 6 expressions: - - N+ - - R+ - - R- + - K+ - R- - - and(K-, or(S+, R+)) + - S+ + - and(S-, SE-) name: explored-5167 type: explored -- comm_cost: 0.38541666666666674 - complexity: 11 +- comm_cost: 0.7258333333333334 + complexity: 7 expressions: - - R+ - - R- - - S+ - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - SE- + - and(S-, N-) + - or(S+, SE+) name: explored-5168 type: explored -- comm_cost: 0.2996093750000003 - complexity: 23 +- comm_cost: 0.4765625000000002 + complexity: 14 expressions: - N+ - - R- - - S+ + - and(K-, not(R-)) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(N+, R-) - - or(S+, or(N+, R-)) name: explored-5169 type: explored -- comm_cost: 0.6142361111111113 - complexity: 10 - expressions: - - R+ - - SE- - - and(K-, S+) - - and(K-, or(SE-, N+)) - name: explored-5170 - type: explored -- comm_cost: 0.3628645833333335 - complexity: 21 +- comm_cost: 0.3250000000000004 + complexity: 8 expressions: - K+ - N+ - R- - - S+ - - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(S+, SE+) + - not(R+) + name: explored-5170 + type: explored +- comm_cost: 0.6235416666666669 + complexity: 9 + expressions: + - K- + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-5171 type: explored -- comm_cost: 0.3750000000000002 - complexity: 11 +- comm_cost: 0.3206597222222224 + complexity: 19 expressions: - - K+ - N+ - R- - S+ - - S- + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-5172 type: explored -- comm_cost: 0.6946701388888891 - complexity: 10 +- comm_cost: 0.3905381944444446 + complexity: 23 expressions: + - N+ + - R- + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, not(R-)) - - or(K+, S-) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-5173 type: explored -- comm_cost: 0.6130208333333335 - complexity: 4 +- comm_cost: 0.4510127314814816 + complexity: 24 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - not(R+) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-5174 type: explored -- comm_cost: 0.5284722222222222 - complexity: 11 +- comm_cost: 0.22864583333333344 + complexity: 16 expressions: + - K+ - N+ - - SE- - - and(N-, or(S+, R+)) - - and(S-, not(R+)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-5175 type: explored -- comm_cost: 0.5328125000000002 +- comm_cost: 0.6449652777777779 complexity: 11 expressions: - - R- + - R+ - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, N-) + - or(S+, R-) + - or(SE-, N+) name: explored-5176 type: explored -- comm_cost: 0.20208333333333361 - complexity: 14 +- comm_cost: 0.6403211805555556 + complexity: 10 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - R+ + - R- + - SE- + - and(K-, SE-) + - not(R+) + - not(R-) name: explored-5177 type: explored -- comm_cost: 0.5759548611111112 - complexity: 7 +- comm_cost: 0.6769976851851853 + complexity: 40 expressions: - R+ - - R+ - - R- - - S- - - and(S-, SE-) + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - not(R+) + - or(S+, SE+) name: explored-5178 type: explored -- comm_cost: 0.5708333333333335 +- comm_cost: 0.6289930555555557 complexity: 8 expressions: + - K+ - R+ - SE- - - or(N+, R-) - - or(N+, R-) + - and(N-, or(S+, R+)) name: explored-5179 type: explored -- comm_cost: 0.6871875000000001 - complexity: 5 +- comm_cost: 0.2147569444444446 + complexity: 17 expressions: - N+ - - R+ - - SE- - - not(R-) + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(SE+, N-) name: explored-5180 type: explored -- comm_cost: 0.49427083333333344 - complexity: 12 +- comm_cost: 0.4866319444444446 + complexity: 19 expressions: - N+ - R- - - S- + - S+ + - and(K-, N-) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(K+, R-) name: explored-5181 type: explored -- comm_cost: 0.6284375000000001 - complexity: 5 +- comm_cost: 0.7547743055555556 + complexity: 11 expressions: - K+ - - K- - - R+ - R- - SE- + - and(or(K+, S-), or(N+, not(R+))) name: explored-5182 type: explored -- comm_cost: 0.5931423611111112 - complexity: 17 +- comm_cost: 0.545138888888889 + complexity: 13 expressions: - - R+ - - R- + - N+ - R- - SE- - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R+) name: explored-5183 type: explored -- comm_cost: 0.5569444444444447 - complexity: 10 +- comm_cost: 0.5454629629629631 + complexity: 17 expressions: - N+ - R- - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, S-) name: explored-5184 type: explored -- comm_cost: 0.42552083333333324 - complexity: 12 +- comm_cost: 0.46802083333333355 + complexity: 8 expressions: - K+ - N+ + - N- - R- - S+ - - and(K-, or(S+, N+)) - - and(S-, SE-) + - and(N-, R+) name: explored-5185 type: explored -- comm_cost: 0.292838541666667 - complexity: 13 +- comm_cost: 0.6658854166666668 + complexity: 3 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - not(R+) + - R+ + - S- + - SE- name: explored-5186 type: explored -- comm_cost: 0.23506944444444466 - complexity: 19 +- comm_cost: 0.46649305555555565 + complexity: 9 expressions: - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, R+) + - R+ + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, N+) name: explored-5187 type: explored -- comm_cost: 0.6549968584656085 - complexity: 36 +- comm_cost: 0.6542245370370372 + complexity: 22 expressions: - R+ - R- - - and(K-, or(S+, SE+)) - - and(N-, not(R-)) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) - - or(S+, R-) + - SE- + - and(K-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-5188 type: explored -- comm_cost: 0.5033333333333333 - complexity: 7 +- comm_cost: 0.7604166666666666 + complexity: 6 expressions: - K+ - - N+ - - N- - - R- - - and(S-, SE-) + - SE- + - and(S-, not(R+)) name: explored-5189 type: explored -- comm_cost: 0.56875 - complexity: 10 +- comm_cost: 0.6196180555555557 + complexity: 14 expressions: - - K+ - R- - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - SE- + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-5190 type: explored -- comm_cost: 0.48263888888888906 - complexity: 9 +- comm_cost: 0.6830439814814816 + complexity: 11 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - not(R-) + - R+ + - SE+ + - and(K-, or(N+, not(R+))) + - or(N+, R-) name: explored-5191 type: explored -- comm_cost: 0.7298125 - complexity: 24 +- comm_cost: 0.6133680555555555 + complexity: 14 expressions: - N+ - - S- - - and(K-, or(SE-, N+)) - - and(N-, or(S+, SE+)) + - R- + - and(S-, SE-) - and(or(K+, S-), not(R+)) - - not(R-) - - or(N+, not(R+)) + - or(K+, N+) name: explored-5192 type: explored -- comm_cost: 0.6588020833333335 - complexity: 8 +- comm_cost: 0.5849537037037038 + complexity: 11 expressions: - - R+ - - R+ - - not(R+) - - or(N+, not(R+)) + - R- + - SE- + - and(S-, or(N+, not(R+))) + - and(SE+, N-) name: explored-5193 type: explored -- comm_cost: 0.7958506944444446 - complexity: 6 +- comm_cost: 0.3632378472222224 + complexity: 18 expressions: - - N- - - SE- - - and(N-, not(R-)) + - K+ + - K+ + - N+ + - R+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-5194 type: explored -- comm_cost: 0.6474826388888888 - complexity: 15 +- comm_cost: 0.45277777777777795 + complexity: 13 expressions: - N+ - - R- + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) name: explored-5195 type: explored -- comm_cost: 0.4232638888888891 - complexity: 20 +- comm_cost: 0.4772569444444448 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(K-, S+) + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(or(K+, S-), not(R-)) + - and(SE-, or(K+, S-)) name: explored-5196 type: explored -- comm_cost: 0.49765625 - complexity: 20 +- comm_cost: 0.5895833333333335 + complexity: 4 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - R+ + - and(K-, SE-) name: explored-5197 type: explored -- comm_cost: 0.38891782407407427 - complexity: 19 +- comm_cost: 0.5395833333333335 + complexity: 10 expressions: - - N+ + - K+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - R- + - and(K-, or(N+, not(R+))) name: explored-5198 type: explored -- comm_cost: 0.6205729166666668 - complexity: 7 +- comm_cost: 0.19739583333333344 + complexity: 14 expressions: - - N+ + - K+ - R+ - R- - - S- - - SE- - - not(R+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-5199 type: explored -- comm_cost: 0.6253472222222224 - complexity: 9 +- comm_cost: 0.6347511574074075 + complexity: 10 expressions: - - K+ - N+ - R+ - R- - - or(K+, or(N+, R-)) + - and(S-, not(R-)) + - or(K+, SE+) name: explored-5200 type: explored -- comm_cost: 0.21070601851851878 - complexity: 17 +- comm_cost: 0.35448495370370403 + complexity: 15 expressions: + - K+ - N+ - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) + - SE- - and(N-, R+) - - and(S-, SE-) + - or(K+, R-) + - or(K+, or(N+, R-)) name: explored-5201 type: explored -- comm_cost: 0.5078993055555557 - complexity: 17 +- comm_cost: 0.6129629629629632 + complexity: 9 expressions: - N+ - - S+ - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - R+ + - SE- + - and(N-, or(S+, R+)) name: explored-5202 type: explored -- comm_cost: 0.421383101851852 - complexity: 17 +- comm_cost: 0.5133680555555558 + complexity: 10 expressions: + - K+ - N+ - R- - - and(K-, or(S+, R+)) + - S- + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - not(R+) name: explored-5203 type: explored -- comm_cost: 0.7378993055555556 +- comm_cost: 0.6453125000000001 complexity: 10 expressions: - R+ - SE- - - not(R-) - - or(K+, S-) - - or(S+, R+) + - and(K-, or(S+, SE+)) + - or(K+, N+) name: explored-5204 type: explored -- comm_cost: 0.5132812500000002 - complexity: 8 +- comm_cost: 0.46662037037037063 + complexity: 22 expressions: - N+ - - S- + - R- + - S+ - and(N-, R+) - and(S-, SE-) + - or(K+, S-) + - or(S+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-5205 type: explored -- comm_cost: 0.48125000000000007 +- comm_cost: 0.6203125000000002 complexity: 10 expressions: - N+ - - R+ - - R+ - R- - - SE- - - and(S-, or(SE-, N+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-5206 type: explored -- comm_cost: 0.29791666666666705 - complexity: 13 +- comm_cost: 0.23645833333333355 + complexity: 15 expressions: - K+ - N+ - - R- - - SE- + - SE+ + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - or(K+, R-) name: explored-5207 type: explored -- comm_cost: 0.6921875000000002 - complexity: 13 - expressions: - - R+ - - SE- - - and(K-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) - name: explored-5208 - type: explored -- comm_cost: 0.5057291666666669 +- comm_cost: 0.7653125000000001 complexity: 9 expressions: - - N+ - - S- - - SE- - - and(N-, R+) - - and(N-, R+) - name: explored-5209 + - N- + - and(K-, or(S+, N+)) + - or(K+, S-) + name: explored-5208 type: explored -- comm_cost: 0.3755208333333335 - complexity: 11 +- comm_cost: 0.15625000000000022 + complexity: 19 expressions: + - K+ - N+ - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(S-, N-), not(R-)) - name: explored-5210 + - and(S-, SE-) + - and(S-, or(SE-, N+)) + name: explored-5209 type: explored -- comm_cost: 0.4057291666666669 +- comm_cost: 0.18125000000000036 complexity: 17 expressions: - K+ - - N+ + - R- - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(K+, N+) + name: explored-5210 + type: explored +- comm_cost: 0.5522569444444445 + complexity: 13 + expressions: + - R- + - SE- + - and(K-, or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-5211 type: explored -- comm_cost: 0.3467303240740742 - complexity: 19 +- comm_cost: 0.47731481481481497 + complexity: 14 expressions: + - K+ - N+ - R- - - S+ - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, R+) name: explored-5212 type: explored -- comm_cost: 0.6017795138888891 - complexity: 49 +- comm_cost: 0.7925347222222222 + complexity: 4 expressions: - - N+ - - and(K-, or(S+, N+)) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - R- + - or(K+, K-) name: explored-5213 type: explored -- comm_cost: 0.7213252314814815 - complexity: 10 +- comm_cost: 0.44791666666666685 + complexity: 8 expressions: - - R+ - - and(SE+, N-) - - or(K+, SE+) - - or(S+, R-) + - K+ + - N+ + - R- + - SE+ + - SE- + - and(N-, R+) name: explored-5214 type: explored -- comm_cost: 0.4432291666666669 - complexity: 9 +- comm_cost: 0.26041666666666685 + complexity: 16 expressions: + - N+ + - R+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - and(SE+, N-) + - or(K+, R-) name: explored-5215 type: explored -- comm_cost: 0.4301388888888892 - complexity: 12 +- comm_cost: 0.6961805555555556 + complexity: 10 expressions: - - N+ + - R- - SE- - - and(K-, S+) - - and(N-, R+) - - or(N+, not(R+)) + - and(S-, or(SE-, N+)) + - or(S+, R-) name: explored-5216 type: explored -- comm_cost: 0.29652777777777795 - complexity: 13 +- comm_cost: 0.23394097222222232 + complexity: 26 expressions: + - K+ + - K+ - N+ - R- - S+ - - SE+ + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) name: explored-5217 type: explored -- comm_cost: 0.5536458333333333 - complexity: 8 +- comm_cost: 0.5958333333333334 + complexity: 7 expressions: - - K+ - - N+ + - R+ - R- - - and(S-, SE-) - - not(R+) + - SE- + - and(K-, not(R-)) name: explored-5218 type: explored -- comm_cost: 0.3212673611111113 - complexity: 13 +- comm_cost: 0.7265625000000001 + complexity: 12 expressions: - - K+ - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - R+ + - R- + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) name: explored-5219 type: explored -- comm_cost: 0.3236111111111112 - complexity: 13 +- comm_cost: 0.4535590277777779 + complexity: 14 expressions: - - N+ + - K+ - R- - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(SE+, N-) + - SE- + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(K+, R+) name: explored-5220 type: explored -- comm_cost: 0.41628472222222246 - complexity: 21 +- comm_cost: 0.3486111111111114 + complexity: 9 expressions: - - K+ - - K+ - - R- - - S+ + - N+ + - N+ + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(S+, R-) name: explored-5221 type: explored -- comm_cost: 0.23489583333333364 - complexity: 13 +- comm_cost: 0.7979166666666667 + complexity: 4 expressions: - - N+ - - R- - SE- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - or(K+, K-) name: explored-5222 type: explored -- comm_cost: 0.4747534722222224 - complexity: 17 +- comm_cost: 0.06093750000000031 + complexity: 11 expressions: - K+ - - K+ + - N+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - - or(S+, R+) name: explored-5223 type: explored -- comm_cost: 0.5659722222222224 - complexity: 14 +- comm_cost: 0.7067708333333335 + complexity: 10 expressions: - - K+ - - N+ - - SE- - - and(N-, R+) - - or(K+, S-) - - or(K+, or(N+, R-)) + - R+ + - and(or(K+, S-), not(R-)) + - or(S+, N+) name: explored-5224 type: explored -- comm_cost: 0.6239583333333335 - complexity: 10 +- comm_cost: 0.7536284722222223 + complexity: 8 expressions: - SE- - - and(SE+, N-) - - and(and(S-, N-), not(R-)) + - and(K-, not(R-)) + - or(S+, SE+) name: explored-5225 type: explored -- comm_cost: 0.40729166666666705 - complexity: 12 +- comm_cost: 0.2967013888888891 + complexity: 21 expressions: - - SE- - - and(K-, S+) + - N+ + - R- - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) name: explored-5226 type: explored -- comm_cost: 0.45850694444444473 - complexity: 11 +- comm_cost: 0.3932638888888891 + complexity: 21 expressions: + - K+ - N+ - - SE- - - SE- + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(K+, R-) + - or(S+, SE+) name: explored-5227 type: explored -- comm_cost: 0.7108854166666668 - complexity: 9 +- comm_cost: 0.7221354166666667 + complexity: 7 expressions: - - R+ - - SE- - and(N-, not(R-)) - - or(K+, S-) + - and(SE+, N-) name: explored-5228 type: explored -- comm_cost: 0.5378472222222224 +- comm_cost: 0.38541666666666674 complexity: 11 expressions: - - N+ + - K+ - R+ - R- - - SE- - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-5229 type: explored -- comm_cost: 0.3098958333333337 - complexity: 17 +- comm_cost: 0.4851562500000003 + complexity: 7 expressions: - - N+ - - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - not(R+) name: explored-5230 type: explored -- comm_cost: 0.605295138888889 - complexity: 18 +- comm_cost: 0.23556134259259287 + complexity: 20 expressions: - - and(K-, or(SE-, N+)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-5231 type: explored -- comm_cost: 0.617543402777778 - complexity: 32 +- comm_cost: 0.4035590277777781 + complexity: 24 expressions: + - K+ + - R- - S+ - - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - or(SE-, N+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-5232 type: explored -- comm_cost: 0.5138888888888891 - complexity: 13 +- comm_cost: 0.6302083333333335 + complexity: 7 expressions: - N+ - - SE- - - and(K-, SE-) - - and(K-, or(S+, R+)) - - and(N-, R+) + - R+ + - and(K-, or(SE-, N+)) name: explored-5233 type: explored -- comm_cost: 0.3671875000000002 - complexity: 22 +- comm_cost: 0.6465625000000002 + complexity: 6 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, N+) - - or(S+, R-) + - N- + - R+ + - SE- + - and(SE+, N-) name: explored-5234 type: explored -- comm_cost: 0.4270833333333335 +- comm_cost: 0.39713541666666674 complexity: 14 expressions: - N+ - R- - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - and(S-, SE-) + - or(K+, SE+) + - or(S+, R+) name: explored-5235 type: explored -- comm_cost: 0.7508680555555557 - complexity: 11 +- comm_cost: 0.5256944444444448 + complexity: 9 expressions: - - R+ - - and(N-, or(S+, SE+)) - - and(N-, or(S+, SE+)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-5236 type: explored -- comm_cost: 0.39861111111111136 - complexity: 12 +- comm_cost: 0.6870486111111113 + complexity: 6 expressions: - - K+ - - N+ - - N+ - - R- + - R+ - SE- - - and(N-, R+) - - and(S-, not(R-)) + - SE- + - or(K+, S-) name: explored-5237 type: explored -- comm_cost: 0.66125 - complexity: 9 +- comm_cost: 0.5569444444444447 + complexity: 12 expressions: - N+ - - R- - - and(S-, SE-) - - or(N+, not(R+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(K+, R+) name: explored-5238 type: explored -- comm_cost: 0.25208333333333344 - complexity: 16 +- comm_cost: 0.606076388888889 + complexity: 8 expressions: - - K+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R+ + - and(K-, not(R+)) + - or(N+, R-) name: explored-5239 type: explored -- comm_cost: 0.29201388888888924 - complexity: 18 +- comm_cost: 0.38438946759259285 + complexity: 24 expressions: - - K+ - N+ - R- - S+ - - and(K-, S+) - - and(K-, or(SE-, N+)) - and(N-, R+) - - or(K+, N+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-5240 type: explored -- comm_cost: 0.3598379629629631 - complexity: 23 +- comm_cost: 0.7102430555555557 + complexity: 5 expressions: - - K+ - - N+ - - R- - - SE+ - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R+ + - SE- + - SE- + - not(R-) name: explored-5241 type: explored -- comm_cost: 0.628125 - complexity: 16 - expressions: - - N+ - - and(N-, not(R-)) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, R+) - name: explored-5242 - type: explored -- comm_cost: 0.20416666666666683 +- comm_cost: 0.2312500000000003 complexity: 13 expressions: - - N+ - R- - and(K-, S+) - - and(N-, or(K+, R+)) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - name: explored-5243 + name: explored-5242 type: explored -- comm_cost: 0.45703125 - complexity: 9 +- comm_cost: 0.31597222222222254 + complexity: 12 expressions: - N+ - R- - - SE+ - - and(S-, SE-) - - or(S+, R+) - name: explored-5244 + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R+)) + name: explored-5243 type: explored -- comm_cost: 0.5597222222222223 - complexity: 13 +- comm_cost: 0.5815972222222224 + complexity: 9 expressions: - R+ + - R+ - R- - - and(S-, or(SE-, N+)) - and(or(K+, S-), not(R+)) - name: explored-5245 + name: explored-5244 type: explored -- comm_cost: 0.26770833333333366 - complexity: 21 +- comm_cost: 0.2956597222222226 + complexity: 10 expressions: - - K+ - N+ - R- - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) + name: explored-5245 + type: explored +- comm_cost: 0.706857638888889 + complexity: 7 + expressions: + - and(K-, or(S+, R+)) + - not(R+) name: explored-5246 type: explored -- comm_cost: 0.8654166666666667 - complexity: 8 +- comm_cost: 0.38680555555555585 + complexity: 12 expressions: - - or(N+, not(R+)) - - or(N+, not(R+)) + - K+ + - N+ + - SE- + - and(K-, SE-) + - and(N-, R+) + - or(S+, N+) name: explored-5247 type: explored -- comm_cost: 0.7430555555555556 - complexity: 7 +- comm_cost: 0.4115017361111113 + complexity: 22 expressions: + - N+ - R- - - SE- - - or(K+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) + - or(K+, SE+) name: explored-5248 type: explored -- comm_cost: 0.5352083333333335 - complexity: 9 +- comm_cost: 0.3152777777777781 + complexity: 14 expressions: - - R+ + - K+ + - N+ - R- - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-5249 type: explored -- comm_cost: 0.3065248842592596 - complexity: 26 +- comm_cost: 0.2953125000000002 + complexity: 19 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-5250 type: explored -- comm_cost: 0.6566261574074075 - complexity: 19 +- comm_cost: 0.7596064814814816 + complexity: 9 expressions: - R+ - - and(N-, not(R-)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - not(R+) + - and(K-, or(S+, SE+)) + - or(K+, K-) name: explored-5251 type: explored -- comm_cost: 0.4173611111111114 - complexity: 12 +- comm_cost: 0.5875 + complexity: 7 expressions: - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(S-, SE-) name: explored-5252 type: explored -- comm_cost: 0.5334375000000002 - complexity: 9 +- comm_cost: 0.49402777777777795 + complexity: 16 expressions: + - K+ - N+ - - R- - S+ - and(N-, R+) - - or(K+, S-) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - not(R-) name: explored-5253 type: explored -- comm_cost: 0.5940104166666668 - complexity: 9 +- comm_cost: 0.33745659722222243 + complexity: 15 expressions: - - R+ - - R- + - K+ + - N+ - R- + - S+ - SE- - - and(N-, or(S+, SE+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-5254 type: explored -- comm_cost: 0.5209490740740742 - complexity: 20 +- comm_cost: 0.5343750000000002 + complexity: 10 expressions: + - K+ - R+ - R- - - SE- - - and(K-, or(S+, N+)) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-5255 type: explored -- comm_cost: 0.4289930555555559 - complexity: 18 +- comm_cost: 0.27604166666666696 + complexity: 11 expressions: - - N+ - - SE- - - and(N-, R+) + - K+ + - R- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - or(K+, R-) name: explored-5256 type: explored -- comm_cost: 0.5085937500000002 - complexity: 12 +- comm_cost: 0.3877314814814816 + complexity: 19 expressions: - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - or(K+, SE+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-5257 type: explored -- comm_cost: 0.6604166666666669 - complexity: 7 +- comm_cost: 0.6611111111111113 + complexity: 5 expressions: - R+ - - and(S-, N-) - - or(N+, R-) + - S+ + - or(S+, R-) name: explored-5258 type: explored -- comm_cost: 0.42500000000000027 - complexity: 5 +- comm_cost: 0.7270833333333334 + complexity: 9 expressions: - - N+ - - R- - - and(N-, R+) + - SE- + - and(N-, not(R-)) + - and(S-, not(R+)) name: explored-5259 type: explored -- comm_cost: 0.65625 - complexity: 4 +- comm_cost: 0.617361111111111 + complexity: 9 expressions: - - S+ + - N+ + - SE- + - and(K-, not(R+)) - and(S-, SE-) name: explored-5260 type: explored -- comm_cost: 0.4614583333333334 - complexity: 15 +- comm_cost: 0.640601851851852 + complexity: 12 expressions: - - K+ - - R+ - - R- - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, N+) + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - or(S+, SE+) name: explored-5261 type: explored -- comm_cost: 0.36822916666666683 - complexity: 12 +- comm_cost: 0.7007523148148149 + complexity: 8 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - S- - - and(N-, R+) - - and(S-, SE-) + - SE+ + - and(K-, or(S+, R-)) name: explored-5262 type: explored -- comm_cost: 0.4534722222222223 - complexity: 10 +- comm_cost: 0.6148437500000001 + complexity: 9 expressions: - - R- - - and(S-, SE-) - - and(S-, SE-) - - or(K+, R+) + - R+ + - and(K-, or(S+, R-)) + - or(SE-, N+) name: explored-5263 type: explored -- comm_cost: 0.4666666666666669 - complexity: 18 +- comm_cost: 0.27795138888888915 + complexity: 16 expressions: - - K+ - - R- + - N+ + - R+ + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) + - or(S+, R-) name: explored-5264 type: explored -- comm_cost: 0.4833333333333335 - complexity: 8 +- comm_cost: 0.3752604166666669 + complexity: 20 expressions: - - R+ - - SE- + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(K+, SE+) name: explored-5265 type: explored -- comm_cost: 0.7027199074074075 - complexity: 18 +- comm_cost: 0.2537326388888892 + complexity: 13 expressions: - - R+ - - and(K-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) + - K+ + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-5266 type: explored -- comm_cost: 0.5556423611111113 - complexity: 9 +- comm_cost: 0.323263888888889 + complexity: 21 expressions: + - K+ - N+ + - R- - S+ - - SE- - and(N-, R+) - - or(S+, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-5267 type: explored -- comm_cost: 0.6203125000000002 - complexity: 8 +- comm_cost: 0.344184027777778 + complexity: 22 expressions: + - K+ - N+ - R- - and(N-, R+) - - or(K+, SE+) + - and(S-, SE-) + - or(K+, R+) + - or(S+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-5268 type: explored -- comm_cost: 0.7105324074074075 - complexity: 5 +- comm_cost: 0.2899305555555558 + complexity: 14 expressions: - - R+ - - S- - - or(K+, R+) + - N+ + - R- + - SE- + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-5269 type: explored -- comm_cost: 0.12430555555555589 - complexity: 19 +- comm_cost: 0.4006076388888893 + complexity: 13 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, R-)) + - SE- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - or(S+, or(N+, R-)) name: explored-5270 type: explored -- comm_cost: 0.6583333333333333 - complexity: 7 +- comm_cost: 0.609375 + complexity: 10 expressions: + - K+ - N+ - - R- + - and(S-, SE-) - and(S-, or(SE-, N+)) name: explored-5271 type: explored -- comm_cost: 0.28958333333333375 - complexity: 13 +- comm_cost: 0.692123263888889 + complexity: 24 expressions: - - K+ - - N+ - - N+ + - K- - R- - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - S- + - and(K-, or(S+, R+)) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) + - or(K+, R-) + - or(S+, N+) name: explored-5272 type: explored -- comm_cost: 0.6956491402116403 - complexity: 40 +- comm_cost: 0.3352430555555558 + complexity: 9 expressions: - - K- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, not(R-)) - - and(N-, or(K+, R+)) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) - - or(K+, N+) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - S+ + - SE+ + - and(N-, R+) + - and(S-, SE-) name: explored-5273 type: explored -- comm_cost: 0.48993055555555576 - complexity: 9 +- comm_cost: 0.33211805555555585 + complexity: 18 expressions: - - K+ - N+ - - R+ - - R- - SE- - - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(K+, R-) name: explored-5274 type: explored -- comm_cost: 0.3802083333333337 - complexity: 11 +- comm_cost: 0.6514380787037037 + complexity: 15 expressions: - N+ - - and(N-, R+) - - and(S-, not(R+)) - - or(N+, R-) + - R+ + - R- + - SE- + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) + - not(R-) name: explored-5275 type: explored -- comm_cost: 0.04479166666666701 - complexity: 17 +- comm_cost: 0.2697916666666669 + complexity: 13 expressions: - K+ - - N+ + - K+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) + - S+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) name: explored-5276 type: explored -- comm_cost: 0.516215277777778 - complexity: 12 +- comm_cost: 0.2713541666666669 + complexity: 18 expressions: - - R- + - N+ - S+ - - SE+ - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, R-) name: explored-5277 type: explored -- comm_cost: 0.4422222222222224 - complexity: 15 +- comm_cost: 0.28333333333333366 + complexity: 14 expressions: - K+ - - N+ - - and(K-, not(R+)) + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(SE-, or(K+, S-)) name: explored-5278 type: explored -- comm_cost: 0.4766493055555556 +- comm_cost: 0.5391203703703705 complexity: 13 expressions: - - R+ + - K- + - N+ - R- - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - or(S+, R+) + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-5279 type: explored -- comm_cost: 0.3255208333333337 - complexity: 10 +- comm_cost: 0.5427083333333336 + complexity: 8 expressions: - - N+ + - SE+ - SE- - - and(K-, or(S+, R-)) - and(N-, R+) + - or(K+, R-) name: explored-5280 type: explored -- comm_cost: 0.5437500000000002 - complexity: 7 +- comm_cost: 0.3366319444444448 + complexity: 21 expressions: - N+ - - R- - S+ - - and(N-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-5281 type: explored -- comm_cost: 0.6356770833333335 - complexity: 17 +- comm_cost: 0.5213541666666668 + complexity: 7 expressions: - - R+ - - SE- - - and(N-, or(K+, SE+)) - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - and(S-, SE-) + - or(S+, R+) name: explored-5282 type: explored -- comm_cost: 0.15057870370370408 - complexity: 19 +- comm_cost: 0.3861111111111113 + complexity: 15 expressions: - K+ - N+ + - N- - R- - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(N+, R-) - - or(and(K-, S+), or(N+, R-)) name: explored-5283 type: explored -- comm_cost: 0.08125000000000027 - complexity: 10 +- comm_cost: 0.49322916666666683 + complexity: 17 expressions: - - N+ + - K+ - R- - S+ - - S+ + - and(K-, SE-) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) name: explored-5284 type: explored -- comm_cost: 0.5479166666666668 +- comm_cost: 0.712777777777778 complexity: 8 expressions: - - R- - - S+ - and(N-, R+) - - and(S-, N-) + - not(R-) + - or(S+, SE+) name: explored-5285 type: explored -- comm_cost: 0.6425347222222224 - complexity: 13 +- comm_cost: 0.741875 + complexity: 7 expressions: - - R+ - - SE- - - and(K-, or(S+, N+)) - - and(and(K-, N-), not(R-)) + - N+ + - R- + - S+ + - or(N+, not(R+)) name: explored-5286 type: explored -- comm_cost: 0.6296180555555556 - complexity: 9 +- comm_cost: 0.688888888888889 + complexity: 11 expressions: - - R+ - - R- - - SE- - - or(K+, N+) - - or(S+, SE+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-5287 type: explored -- comm_cost: 0.5322916666666668 - complexity: 8 +- comm_cost: 0.5859375000000001 + complexity: 18 expressions: - - N+ - R+ - - R- - - and(K-, or(SE-, N+)) + - and(K-, or(S+, N+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-5288 type: explored -- comm_cost: 0.6958333333333333 - complexity: 6 +- comm_cost: 0.48976851851851866 + complexity: 20 expressions: + - K+ - R- - - and(S-, or(SE-, N+)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - not(R-) name: explored-5289 type: explored -- comm_cost: 0.6844531250000001 - complexity: 16 +- comm_cost: 0.5423611111111113 + complexity: 13 expressions: + - R- - SE- - and(N-, R+) - - not(R-) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-5290 type: explored -- comm_cost: 0.4822916666666669 - complexity: 10 +- comm_cost: 0.6616666666666666 + complexity: 4 expressions: - - R+ - - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) + - N+ + - R- + - not(R-) name: explored-5291 type: explored -- comm_cost: 0.4270833333333336 - complexity: 12 +- comm_cost: 0.2250000000000003 + complexity: 15 expressions: + - K+ - N+ - - R- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - - not(R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-5292 type: explored -- comm_cost: 0.40980902777777795 - complexity: 13 +- comm_cost: 0.6128472222222223 + complexity: 14 expressions: + - K+ - R+ - - R- - - and(S-, SE-) - - or(K+, R-) - - or(S+, or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-5293 type: explored -- comm_cost: 0.6935185185185184 - complexity: 15 +- comm_cost: 0.7662500000000001 + complexity: 2 expressions: - - R- - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, or(N+, R-)) + - K- + - SE- name: explored-5294 type: explored -- comm_cost: 0.4512152777777779 - complexity: 11 +- comm_cost: 0.4579629629629631 + complexity: 17 expressions: + - K+ - N+ - R- - - S+ - - S- - - SE+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) + - or(K+, S-) name: explored-5295 type: explored -- comm_cost: 0.3958333333333335 - complexity: 12 +- comm_cost: 0.5730902777777779 + complexity: 9 expressions: - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(S+, R+) + - N+ + - SE- + - and(S-, not(R-)) + - and(SE+, N-) name: explored-5296 type: explored -- comm_cost: 0.40000000000000013 - complexity: 19 +- comm_cost: 0.6861979166666667 + complexity: 11 expressions: - - N+ + - R+ - R- - and(K-, N-) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, SE-) + - and(K-, or(N+, not(R+))) name: explored-5297 type: explored -- comm_cost: 0.5470486111111112 - complexity: 7 +- comm_cost: 0.6269097222222223 + complexity: 13 expressions: - R+ - R- - - S+ - SE- - - or(SE-, N+) + - and(K-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-5298 type: explored -- comm_cost: 0.5427777777777778 - complexity: 10 +- comm_cost: 0.724262152777778 + complexity: 13 expressions: - - N+ - - R- - - and(S-, SE-) - - not(R-) + - R+ + - and(or(K+, S-), not(R-)) - or(K+, R+) + - or(S+, SE+) name: explored-5299 type: explored -- comm_cost: 0.3886284722222224 - complexity: 14 +- comm_cost: 0.5583333333333333 + complexity: 7 expressions: - - K+ - - K+ - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) + - R- + - and(K-, S+) - and(S-, SE-) name: explored-5300 type: explored -- comm_cost: 0.6235243055555556 - complexity: 9 +- comm_cost: 0.7190046296296297 + complexity: 12 expressions: - - K+ - R+ - - R- - - SE- - - not(R+) - - or(S+, R+) + - and(S-, not(R-)) + - or(N+, not(R+)) + - or(S+, SE+) name: explored-5301 type: explored -- comm_cost: 0.6188368055555558 - complexity: 17 +- comm_cost: 0.5802083333333333 + complexity: 5 expressions: - - R+ - - and(N-, or(K+, R+)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - N+ + - R- + - and(K-, SE-) name: explored-5302 type: explored -- comm_cost: 0.5991319444444446 - complexity: 11 +- comm_cost: 0.5792361111111113 + complexity: 9 expressions: - N+ - R+ - SE- - - and(N-, or(S+, SE+)) - - or(S+, R-) + - and(N-, R+) + - or(S+, SE+) name: explored-5303 type: explored -- comm_cost: 0.4555208333333335 - complexity: 20 +- comm_cost: 0.6087673611111113 + complexity: 14 expressions: - - K+ - - N+ - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(N-, or(K+, R+)) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-5304 type: explored -- comm_cost: 0.4380208333333335 - complexity: 8 +- comm_cost: 0.5260416666666669 + complexity: 13 expressions: - K+ - - R+ - - and(S-, SE-) - - or(K+, N+) + - K- + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-5305 type: explored -- comm_cost: 0.4583333333333337 - complexity: 11 +- comm_cost: 0.6465277777777779 + complexity: 10 expressions: - - N+ - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - R+ + - S+ + - or(and(K-, S+), or(N+, R-)) name: explored-5306 type: explored -- comm_cost: 0.28333333333333366 - complexity: 6 +- comm_cost: 0.6778935185185186 + complexity: 8 expressions: - - N+ - - R- + - R+ - SE- - - and(N-, R+) + - and(S-, N-) + - or(S+, SE+) name: explored-5307 type: explored -- comm_cost: 0.44609375000000007 - complexity: 11 +- comm_cost: 0.4710937500000003 + complexity: 12 expressions: - - K+ - N+ - - S+ - - and(K-, or(S+, SE+)) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-5308 type: explored -- comm_cost: 0.5338541666666669 - complexity: 10 +- comm_cost: 0.4198784722222224 + complexity: 16 expressions: + - K+ - N+ - - R+ - R- - - SE- - - or(N+, R-) - - or(S+, N+) + - S- + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-5309 type: explored -- comm_cost: 0.3715277777777781 - complexity: 13 +- comm_cost: 0.5359375000000002 + complexity: 15 expressions: - - K+ - N+ - - SE- + - R- + - S+ + - and(K-, N-) - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, K-) name: explored-5310 type: explored -- comm_cost: 0.5741435185185186 - complexity: 12 +- comm_cost: 0.28281250000000024 + complexity: 14 expressions: - - R+ - - R- - - and(N-, or(K+, SE+)) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - not(R-) + - or(K+, SE+) name: explored-5311 type: explored -- comm_cost: 0.24780092592592617 - complexity: 21 +- comm_cost: 0.49684027777777795 + complexity: 17 expressions: - N+ - R- - - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, N+) - - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-5312 type: explored -- comm_cost: 0.34282407407407445 - complexity: 17 +- comm_cost: 0.2500000000000002 + complexity: 11 expressions: - - K+ + - N+ - R- - - and(K-, S+) - - and(N-, R+) + - S+ - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-5313 type: explored -- comm_cost: 0.5789351851851852 - complexity: 21 +- comm_cost: 0.5861574074074076 + complexity: 12 expressions: + - K- + - N+ + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, not(R-)) name: explored-5314 type: explored -- comm_cost: 0.5793750000000002 - complexity: 8 +- comm_cost: 0.4187500000000002 + complexity: 17 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - or(N+, not(R+)) + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-5315 type: explored -- comm_cost: 0.57203125 - complexity: 10 +- comm_cost: 0.5111689814814816 + complexity: 14 expressions: - - K+ - - K+ - N+ + - R+ + - R- - S+ - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(SE+, N-) + - and(or(K+, S-), not(R+)) name: explored-5316 type: explored -- comm_cost: 0.6396875000000001 - complexity: 7 +- comm_cost: 0.3475115740740742 + complexity: 20 expressions: - - R+ + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, S-) + - and(SE+, N-) name: explored-5317 type: explored -- comm_cost: 0.7038194444444446 - complexity: 12 +- comm_cost: 0.3250000000000003 + complexity: 10 expressions: - - R+ - - and(K-, N-) - - and(K-, or(S+, R+)) - - or(S+, R+) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - not(R+) name: explored-5318 type: explored -- comm_cost: 0.6958333333333334 - complexity: 9 +- comm_cost: 0.734375 + complexity: 4 expressions: - - R- - - S- - SE- - - and(or(K+, S-), not(R-)) + - or(N+, R-) name: explored-5319 type: explored -- comm_cost: 0.4864583333333333 - complexity: 8 +- comm_cost: 0.6315104166666667 + complexity: 18 expressions: - - N+ + - R+ - R- - - and(S-, SE-) - - or(K+, N+) + - SE- + - and(N-, not(R-)) + - and(N-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-5320 type: explored -- comm_cost: 0.22777777777777786 - complexity: 17 +- comm_cost: 0.5937789351851853 + complexity: 21 expressions: - - N+ - R+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE+ + - and(K-, or(S+, N+)) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - or(S+, or(N+, R-)) name: explored-5321 type: explored -- comm_cost: 0.6354166666666669 - complexity: 7 +- comm_cost: 0.48945312500000016 + complexity: 14 expressions: + - K+ + - N+ + - R- + - R- - SE- - and(N-, R+) - - or(K+, S-) + - or(K+, SE+) + - or(S+, N+) name: explored-5322 type: explored -- comm_cost: 0.10989583333333353 +- comm_cost: 0.6323784722222223 complexity: 14 expressions: - - K+ - N+ - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(K-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-5323 type: explored -- comm_cost: 0.6260416666666666 - complexity: 8 +- comm_cost: 0.5178819444444445 + complexity: 14 expressions: - N+ - R- - - SE- - - and(S-, or(SE-, N+)) + - S+ + - and(K-, not(R-)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-5324 type: explored -- comm_cost: 0.3270833333333335 - complexity: 14 +- comm_cost: 0.6348958333333334 + complexity: 9 expressions: - - K+ - - N+ - - and(K-, S+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - R+ + - and(S-, or(SE-, N+)) + - or(SE-, N+) name: explored-5325 type: explored -- comm_cost: 0.7661458333333334 - complexity: 9 +- comm_cost: 0.5932291666666667 + complexity: 12 expressions: - - SE- - - and(N-, or(S+, R+)) + - K+ + - N+ + - R- + - and(S-, SE-) - or(K+, K-) + - or(K+, N+) name: explored-5326 type: explored -- comm_cost: 0.2563078703703706 - complexity: 24 +- comm_cost: 0.7604166666666666 + complexity: 4 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - R- + - SE- + - SE- name: explored-5327 type: explored -- comm_cost: 0.2937500000000003 - complexity: 9 +- comm_cost: 0.803125 + complexity: 6 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - and(K-, S+) + - or(K+, N+) name: explored-5328 type: explored -- comm_cost: 0.5000000000000001 - complexity: 8 +- comm_cost: 0.30859375000000033 + complexity: 18 expressions: - - R+ - R- - - SE- - - and(S-, or(SE-, N+)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5329 type: explored -- comm_cost: 0.6470486111111112 - complexity: 10 +- comm_cost: 0.6049479166666668 + complexity: 11 expressions: - - R+ - - and(K-, S+) - - and(and(K-, N-), not(R-)) + - K+ + - R- + - S+ + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-5330 type: explored -- comm_cost: 0.660763888888889 - complexity: 11 +- comm_cost: 0.5097511574074076 + complexity: 13 expressions: - - R+ - - R- - - SE- - - or(S+, SE+) - - or(S+, or(N+, R-)) + - N+ + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - or(K+, SE+) name: explored-5331 type: explored -- comm_cost: 0.7279166666666668 - complexity: 12 +- comm_cost: 0.5423611111111112 + complexity: 16 expressions: - R+ - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) - - not(R-) + - R- + - SE- + - and(K-, or(S+, N+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-5332 type: explored -- comm_cost: 0.5557291666666668 - complexity: 14 +- comm_cost: 0.7058622685185186 + complexity: 16 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - not(R-) + - or(S+, or(N+, R-)) name: explored-5333 type: explored -- comm_cost: 0.6979166666666667 - complexity: 8 +- comm_cost: 0.6386892361111112 + complexity: 11 expressions: + - K- + - N+ + - R+ - R- - - and(and(K-, N-), or(S+, R+)) + - S+ + - SE- + - and(N-, or(S+, SE+)) name: explored-5334 type: explored -- comm_cost: 0.40295138888888926 - complexity: 9 +- comm_cost: 0.7011024305555557 + complexity: 14 expressions: - - N+ - - S+ - - SE- - - and(N-, R+) - - or(K+, N+) + - N- + - R+ + - and(S-, or(N+, not(R+))) + - or(K+, SE+) + - or(N+, R-) name: explored-5335 type: explored -- comm_cost: 0.5804687500000002 - complexity: 9 +- comm_cost: 0.4423611111111113 + complexity: 19 expressions: - N+ + - R- + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-5336 type: explored -- comm_cost: 0.6254166666666668 - complexity: 5 +- comm_cost: 0.6221643518518519 + complexity: 11 expressions: - - K- - - N+ - - and(N-, R+) + - R+ + - R- + - SE- + - and(N-, or(S+, SE+)) + - or(K+, R+) name: explored-5337 type: explored -- comm_cost: 0.5096180555555557 - complexity: 19 +- comm_cost: 0.41853298611111145 + complexity: 24 expressions: - K+ - - K- - N+ - R- - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, N+) name: explored-5338 type: explored -- comm_cost: 0.7208333333333334 - complexity: 6 +- comm_cost: 0.5359953703703705 + complexity: 19 expressions: - R+ - - and(K-, or(S+, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-5339 type: explored -- comm_cost: 0.7021990740740742 - complexity: 9 +- comm_cost: 0.2963541666666669 + complexity: 10 expressions: - - R+ - - and(N-, not(R-)) - - and(S-, not(R-)) + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-5340 type: explored -- comm_cost: 0.4263020833333334 - complexity: 9 +- comm_cost: 0.6239583333333334 + complexity: 14 expressions: - - R+ + - N+ - R- - - S+ + - and(K-, N-) + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - or(K+, SE+) name: explored-5341 type: explored -- comm_cost: 0.252314814814815 - complexity: 20 +- comm_cost: 0.6331365740740742 + complexity: 44 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(K-, or(S+, R+)) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - and(SE+, N-) + - and(SE-, or(K+, S-)) - and(and(K-, N-), or(S+, SE+)) - - or(N+, R-) + - or(S+, N+) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-5342 type: explored -- comm_cost: 0.7703125000000001 - complexity: 11 +- comm_cost: 0.7144097222222223 + complexity: 7 expressions: - - and(K-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - or(K+, R+) + - or(S+, R-) name: explored-5343 type: explored -- comm_cost: 0.4979166666666669 - complexity: 7 +- comm_cost: 0.7072222222222222 + complexity: 6 expressions: - K+ - R- - - SE+ - SE- - - and(N-, R+) + - or(K+, S-) name: explored-5344 type: explored -- comm_cost: 0.36736111111111125 - complexity: 12 +- comm_cost: 0.6454861111111112 + complexity: 14 expressions: - - R- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(SE-, or(K+, S-)) name: explored-5345 type: explored -- comm_cost: 0.4750000000000001 - complexity: 12 +- comm_cost: 0.5880208333333335 + complexity: 6 expressions: - - K+ - N+ - - R- - - and(K-, SE-) - - and(S-, SE-) - - or(K+, SE+) + - R+ + - SE- + - or(K+, N+) name: explored-5346 type: explored -- comm_cost: 0.5973958333333333 - complexity: 13 +- comm_cost: 0.5743055555555556 + complexity: 8 expressions: - - N+ - - R- - - and(K-, SE-) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-5347 type: explored -- comm_cost: 0.6796875 - complexity: 8 +- comm_cost: 0.39947916666666683 + complexity: 17 expressions: + - K+ + - N+ - R- - - and(S-, not(R+)) - - or(K+, N+) + - S+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-5348 type: explored -- comm_cost: 0.5855555555555557 - complexity: 10 +- comm_cost: 0.522916666666667 + complexity: 4 expressions: - N+ - - S- - and(N-, R+) - - and(S-, SE-) - - not(R-) name: explored-5349 type: explored -- comm_cost: 0.75 - complexity: 6 +- comm_cost: 0.4536458333333335 + complexity: 10 expressions: - - and(K-, N-) - - or(S+, R+) + - N+ + - R+ + - R- + - and(S-, SE-) + - and(S-, not(R+)) name: explored-5350 type: explored -- comm_cost: 0.4911458333333335 - complexity: 13 +- comm_cost: 0.5419270833333333 + complexity: 10 expressions: - - R+ + - N+ - R- - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, R-) + - or(S+, or(N+, R-)) name: explored-5351 type: explored -- comm_cost: 0.6075520833333335 - complexity: 12 +- comm_cost: 0.4676041666666668 + complexity: 9 expressions: - - K+ + - K- - N+ - - R- + - S+ - and(N-, R+) - - and(SE+, N-) - - or(K+, SE+) + - and(S-, SE-) name: explored-5352 type: explored -- comm_cost: 0.4644328703703704 - complexity: 27 +- comm_cost: 0.42047164351851873 + complexity: 29 expressions: - K+ - - K+ - N+ - R- - S+ + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) + - and(or(K+, S-), not(R-)) name: explored-5353 type: explored -- comm_cost: 0.5631944444444447 - complexity: 13 +- comm_cost: 0.7725694444444445 + complexity: 7 expressions: - - N+ - - R- - - and(N-, R+) - - and(SE+, N-) - - or(S+, or(N+, R-)) + - and(N-, not(R-)) + - or(S+, R-) name: explored-5354 type: explored -- comm_cost: 0.6277199074074076 - complexity: 19 +- comm_cost: 0.68125 + complexity: 10 expressions: + - K- - N+ - R- - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(K+, K-) + - and(or(K+, S-), not(R-)) name: explored-5355 type: explored -- comm_cost: 0.5833333333333333 - complexity: 7 +- comm_cost: 0.48836805555555574 + complexity: 13 expressions: - N+ - - N+ + - R+ - R- - SE- - - and(K-, S+) + - and(K-, or(S+, R-)) + - and(S-, not(R+)) name: explored-5356 type: explored -- comm_cost: 0.6088541666666668 - complexity: 9 +- comm_cost: 0.2560763888888893 + complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - - and(K-, not(R-)) - - or(S+, N+) + - SE- + - and(N-, R+) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) name: explored-5357 type: explored -- comm_cost: 0.1097222222222225 - complexity: 19 +- comm_cost: 0.5052372685185185 + complexity: 15 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) + - S+ - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-5358 type: explored -- comm_cost: 0.7304687500000002 - complexity: 8 +- comm_cost: 0.5909722222222223 + complexity: 11 expressions: - - and(N-, R+) - - and(N-, or(S+, SE+)) + - R+ + - and(N-, or(K+, SE+)) + - and(SE-, or(K+, S-)) name: explored-5359 type: explored -- comm_cost: 0.6223958333333333 +- comm_cost: 0.5876736111111113 complexity: 9 expressions: - - N+ - - R- - - SE- + - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - or(K+, K-) name: explored-5360 type: explored -- comm_cost: 0.7169270833333333 - complexity: 11 +- comm_cost: 0.5216724537037039 + complexity: 16 expressions: + - K+ + - N+ - R- + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, K-) name: explored-5361 type: explored -- comm_cost: 0.5408854166666669 - complexity: 17 +- comm_cost: 0.7539062500000001 + complexity: 7 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, not(R+)) + - R+ + - or(K+, R-) + - or(K+, SE+) name: explored-5362 type: explored -- comm_cost: 0.3916840277777781 - complexity: 19 +- comm_cost: 0.6491319444444444 + complexity: 11 expressions: - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - SE- + - and(or(K+, S-), or(SE-, N+)) name: explored-5363 type: explored -- comm_cost: 0.44010416666666685 - complexity: 10 +- comm_cost: 0.6401620370370371 + complexity: 7 expressions: - - N+ - - R- + - R+ + - SE+ - SE- - - and(and(K-, N-), or(S+, R+)) + - and(S-, not(R-)) name: explored-5364 type: explored -- comm_cost: 0.6161458333333335 - complexity: 12 +- comm_cost: 0.34118055555555593 + complexity: 19 expressions: - - R+ - - SE- - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(N+, not(R+)) name: explored-5365 type: explored -- comm_cost: 0.3975486111111113 - complexity: 17 +- comm_cost: 0.2958333333333336 + complexity: 15 expressions: - K+ - - K+ - - N+ - - N- - R- - - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-5366 type: explored -- comm_cost: 0.6578009259259261 - complexity: 11 +- comm_cost: 0.49861111111111145 + complexity: 8 expressions: + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(K+, K-) name: explored-5367 type: explored -- comm_cost: 0.602397486772487 - complexity: 36 +- comm_cost: 0.5340277777777779 + complexity: 8 expressions: - - S+ + - N+ + - R- - SE- - - and(K-, SE-) - - and(K-, or(S+, R+)) - - and(N-, or(K+, R+)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, SE+)) name: explored-5368 type: explored -- comm_cost: 0.36200810185185195 - complexity: 21 +- comm_cost: 0.48587962962962983 + complexity: 18 expressions: - - K+ - - N+ - N+ - R- - - and(K-, S+) - - and(K-, not(R-)) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-5369 type: explored -- comm_cost: 0.5305555555555558 - complexity: 18 +- comm_cost: 0.8048611111111111 + complexity: 5 expressions: - - N+ - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(S+, N+) + - SE- + - or(K+, R-) name: explored-5370 type: explored -- comm_cost: 0.6269097222222224 - complexity: 15 +- comm_cost: 0.26579861111111147 + complexity: 24 expressions: - - R+ - - and(and(K-, N-), or(S+, SE+)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) - and(or(K+, S-), or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-5371 type: explored -- comm_cost: 0.5151041666666668 - complexity: 10 +- comm_cost: 0.6998697916666667 + complexity: 21 expressions: - - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) + - S- + - and(N-, or(K+, R+)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-5372 type: explored -- comm_cost: 0.3739004629629632 - complexity: 16 +- comm_cost: 0.49131944444444464 + complexity: 13 expressions: - - K+ - N+ - - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(S-, N-) - - and(and(S-, N-), not(R-)) + - and(S-, SE-) + - or(K+, K-) name: explored-5373 type: explored -- comm_cost: 0.45286458333333357 - complexity: 13 +- comm_cost: 0.6597222222222223 + complexity: 10 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, R+) - - and(N-, or(K+, S-)) + - R+ + - or(K+, N+) + - or(N+, R-) + - or(S+, R-) name: explored-5374 type: explored -- comm_cost: 0.5016927083333335 - complexity: 26 +- comm_cost: 0.5958333333333334 + complexity: 9 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(K-, not(R-)) - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(or(K+, S-), not(R-)) name: explored-5375 type: explored -- comm_cost: 0.4935185185185188 - complexity: 12 +- comm_cost: 0.7652777777777777 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, R+) - - or(K+, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-5376 type: explored -- comm_cost: 0.33906250000000016 +- comm_cost: 0.5423611111111113 complexity: 13 expressions: - - K+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - R+ + - and(SE-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-5377 type: explored -- comm_cost: 0.48046875 - complexity: 10 +- comm_cost: 0.4343750000000002 + complexity: 20 expressions: + - K+ - N+ - R- - - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, or(N+, R-)) name: explored-5378 type: explored -- comm_cost: 0.6135416666666669 - complexity: 4 +- comm_cost: 0.5395833333333335 + complexity: 13 expressions: - N+ - N+ - - R+ - R- + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-5379 type: explored -- comm_cost: 0.6260416666666668 - complexity: 17 +- comm_cost: 0.746875 + complexity: 3 expressions: - - R+ - R- + - S+ - SE- - - and(K-, S+) - - and(N-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-5380 type: explored -- comm_cost: 0.3615740740740744 - complexity: 16 +- comm_cost: 0.33802083333333344 + complexity: 14 expressions: - K+ - - K+ - - N+ - R- - - SE- - - and(N-, R+) + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-5381 type: explored -- comm_cost: 0.4304687500000003 - complexity: 13 +- comm_cost: 0.4998263888888891 + complexity: 16 expressions: - N+ + - R+ - R- - - and(N-, R+) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - SE- + - and(K-, or(S+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-5382 type: explored -- comm_cost: 0.6493055555555558 - complexity: 5 +- comm_cost: 0.3808159722222224 + complexity: 15 expressions: + - K+ - N+ - - SE+ + - R- + - SE- - and(N-, R+) + - and(N-, or(K+, R+)) + - or(S+, R-) name: explored-5383 type: explored -- comm_cost: 0.15290798611111134 - complexity: 21 +- comm_cost: 0.5450868055555557 + complexity: 15 expressions: - - K+ - - K+ - N+ - R- - - and(K-, S+) + - S+ + - S- - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(S+, or(N+, R-)) + - not(R+) + - or(S+, SE+) name: explored-5384 type: explored -- comm_cost: 0.5731770833333334 - complexity: 6 +- comm_cost: 0.3215277777777781 + complexity: 17 expressions: - K+ - - K+ - N+ - - R- - - S+ - - SE- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-5385 type: explored -- comm_cost: 0.3601562500000003 - complexity: 17 +- comm_cost: 0.30052083333333357 + complexity: 10 expressions: - - N+ - - R- - - S+ - - and(K-, SE-) + - K+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - or(K+, R-) name: explored-5386 type: explored -- comm_cost: 0.5763020833333334 - complexity: 7 +- comm_cost: 0.3472222222222223 + complexity: 13 expressions: + - K+ - N+ - R+ - R- - - SE- - - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-5387 type: explored -- comm_cost: 0.7305555555555555 - complexity: 5 +- comm_cost: 0.5614583333333335 + complexity: 9 expressions: - - N+ + - R+ - R- - - or(S+, R-) + - and(or(K+, S-), or(SE-, N+)) name: explored-5388 type: explored -- comm_cost: 0.516388888888889 - complexity: 11 +- comm_cost: 0.6767361111111112 + complexity: 9 expressions: - - K+ - - N+ - - SE- - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - R+ + - S- + - and(and(K-, N-), or(S+, R+)) name: explored-5389 type: explored -- comm_cost: 0.4653645833333335 - complexity: 19 +- comm_cost: 0.29791666666666705 + complexity: 13 expressions: - N+ + - R- - SE- - - and(K-, SE-) + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(or(K+, S-), not(R+)) name: explored-5390 type: explored -- comm_cost: 0.6134722222222222 - complexity: 6 +- comm_cost: 0.6062500000000002 + complexity: 10 expressions: - - K+ - - N+ - - R- + - R+ - SE- - - not(R-) + - and(N-, or(K+, SE+)) + - or(N+, R-) name: explored-5391 type: explored -- comm_cost: 0.5483333333333336 - complexity: 7 +- comm_cost: 0.34884259259259265 + complexity: 18 expressions: - K+ - - K- - N+ - - SE- - - and(N-, R+) + - R- + - and(K-, S+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-5392 type: explored -- comm_cost: 0.6098263888888891 - complexity: 8 +- comm_cost: 0.5234375 + complexity: 10 expressions: - - N- - - N- - - R+ - - R+ + - K+ - R- + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-5393 type: explored -- comm_cost: 0.2873263888888893 - complexity: 19 +- comm_cost: 0.5760127314814816 + complexity: 12 expressions: - - K+ - N+ - - S+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - R- + - SE- + - and(N-, or(S+, SE+)) + - or(S+, R-) name: explored-5394 type: explored -- comm_cost: 0.4950462962962965 - complexity: 18 +- comm_cost: 0.48263888888888906 + complexity: 16 expressions: - K+ - R- - - S+ - - and(N-, R+) + - and(K-, S+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, SE+) name: explored-5395 type: explored -- comm_cost: 0.7317708333333333 - complexity: 5 +- comm_cost: 0.6107638888888891 + complexity: 22 expressions: - - R- - - SE- - - and(K-, SE-) + - R+ + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5396 type: explored -- comm_cost: 0.5928819444444446 - complexity: 16 +- comm_cost: 0.5822916666666668 + complexity: 12 expressions: - R+ - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(K-, or(S+, N+)) + - and(N-, or(K+, R+)) name: explored-5397 type: explored -- comm_cost: 0.40546875000000016 - complexity: 11 +- comm_cost: 0.2938802083333336 + complexity: 21 expressions: - K+ + - K+ - N+ - - and(K-, S+) + - R- + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - or(S+, or(N+, R-)) name: explored-5398 type: explored -- comm_cost: 0.6425000000000001 - complexity: 7 +- comm_cost: 0.5513888888888889 + complexity: 6 expressions: - - N- - - R+ - - SE- - - and(S-, not(R+)) + - and(S-, SE-) + - or(K+, R+) name: explored-5399 type: explored -- comm_cost: 0.18750000000000022 - complexity: 13 +- comm_cost: 0.6019675925925927 + complexity: 11 expressions: - - N+ + - R+ - R- - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - and(K-, or(S+, R+)) + - and(S-, not(R-)) name: explored-5400 type: explored -- comm_cost: 0.52265625 - complexity: 10 +- comm_cost: 0.45086805555555576 + complexity: 14 expressions: - N+ - - R- - - and(N-, or(K+, S-)) + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) + - or(K+, SE+) name: explored-5401 type: explored -- comm_cost: 0.37517361111111136 - complexity: 16 +- comm_cost: 0.7333622685185186 + complexity: 10 expressions: - - K+ - - N+ - - R- - - SE- - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(K-, not(R-)) + - or(K+, R+) + - or(K+, SE+) name: explored-5402 type: explored -- comm_cost: 0.828125 - complexity: 5 +- comm_cost: 0.40694444444444466 + complexity: 12 expressions: - - and(SE-, or(K+, S-)) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-5403 type: explored -- comm_cost: 0.2659722222222225 - complexity: 21 +- comm_cost: 0.541695601851852 + complexity: 15 expressions: + - K+ - N+ - R- - - S+ + - S- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-5404 type: explored -- comm_cost: 0.4901041666666668 - complexity: 7 +- comm_cost: 0.3756944444444448 + complexity: 10 expressions: - N+ - - R+ - - R- - - SE- - - or(K+, N+) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-5405 type: explored -- comm_cost: 0.5762152777777779 - complexity: 11 +- comm_cost: 0.5585937500000002 + complexity: 8 expressions: - - R+ - - and(SE-, or(K+, S-)) - - or(K+, or(N+, R-)) + - R- + - SE- + - and(N-, R+) + - or(K+, SE+) name: explored-5406 type: explored -- comm_cost: 0.343576388888889 - complexity: 18 +- comm_cost: 0.6899768518518519 + complexity: 8 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, N+) + - K- + - R+ + - SE- + - and(N-, or(K+, SE+)) name: explored-5407 type: explored -- comm_cost: 0.5785590277777779 - complexity: 12 +- comm_cost: 0.4125000000000003 + complexity: 9 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - or(S+, or(N+, R-)) - - or(SE-, N+) + - R- + - and(K-, S+) + - and(N-, R+) name: explored-5408 type: explored -- comm_cost: 0.5749479166666667 - complexity: 14 +- comm_cost: 0.4987847222222225 + complexity: 18 expressions: - - N+ - R- - - S+ + - and(N-, R+) - and(S-, SE-) - and(or(K+, S-), not(R-)) - - not(R-) + - or(K+, or(N+, R-)) name: explored-5409 type: explored -- comm_cost: 0.4867187500000002 - complexity: 14 +- comm_cost: 0.6764930555555556 + complexity: 8 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(K+, SE+) + - N- + - R+ + - and(or(K+, S-), not(R+)) name: explored-5410 type: explored -- comm_cost: 0.20138888888888906 - complexity: 16 +- comm_cost: 0.6124999999999999 + complexity: 9 expressions: - - K+ - N+ - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-5411 type: explored -- comm_cost: 0.20416666666666705 - complexity: 12 +- comm_cost: 0.2963541666666669 + complexity: 11 expressions: - K+ - K+ - N+ - - and(K-, SE-) + - R- + - S+ + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) name: explored-5412 type: explored -- comm_cost: 0.6488888888888891 - complexity: 10 +- comm_cost: 0.702951388888889 + complexity: 8 expressions: - - R- - - SE- - - and(N-, R+) - - not(R-) - - or(S+, SE+) + - and(N-, or(K+, R+)) + - and(S-, N-) name: explored-5413 type: explored -- comm_cost: 0.5466145833333333 - complexity: 18 +- comm_cost: 0.2562500000000003 + complexity: 12 expressions: - - R+ + - N+ - R- - S+ - - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(SE-, N+) name: explored-5414 type: explored -- comm_cost: 0.16322916666666698 - complexity: 19 +- comm_cost: 0.247916666666667 + complexity: 13 expressions: - K+ - - N+ - - R- - - S+ - - S+ + - and(K-, S+) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, R-) name: explored-5415 type: explored -- comm_cost: 0.6896701388888891 - complexity: 10 +- comm_cost: 0.39518229166666696 + complexity: 14 expressions: - - S- - - and(K-, SE-) - - and(or(K+, S-), not(R+)) + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-5416 type: explored -- comm_cost: 0.4364872685185187 - complexity: 22 +- comm_cost: 0.48657407407407427 + complexity: 19 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - not(R+) + - and(and(K-, N-), or(S+, R+)) - or(K+, R+) + - or(N+, R-) name: explored-5417 type: explored -- comm_cost: 0.625 - complexity: 10 +- comm_cost: 0.7156250000000001 + complexity: 16 expressions: - - K+ - - N+ - - R- - - SE- - - and(or(K+, S-), not(R+)) + - and(K-, N-) + - and(S-, or(SE-, N+)) + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-5418 type: explored -- comm_cost: 0.25740740740740753 - complexity: 16 +- comm_cost: 0.39221643518518534 + complexity: 25 expressions: - K+ - N+ + - R- + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - and(SE+, N-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-5419 type: explored -- comm_cost: 0.441840277777778 +- comm_cost: 0.36047453703703725 complexity: 15 expressions: + - K+ + - K+ - N+ - R- - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(S-, not(R-)) - - or(N+, R-) + - not(R+) name: explored-5420 type: explored -- comm_cost: 0.45625000000000027 - complexity: 10 +- comm_cost: 0.27306134259259296 + complexity: 22 expressions: + - K+ - N+ - - SE- + - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-5421 type: explored -- comm_cost: 0.6438368055555557 - complexity: 18 +- comm_cost: 0.6617187500000001 + complexity: 11 expressions: - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) + - R+ + - and(or(K+, S-), or(SE-, N+)) + - or(SE-, N+) name: explored-5422 type: explored -- comm_cost: 0.34444444444444466 - complexity: 21 +- comm_cost: 0.4006076388888893 + complexity: 11 expressions: - K+ - N+ - - R- - - and(K-, or(S+, R+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-5423 type: explored -- comm_cost: 0.6234375 - complexity: 7 +- comm_cost: 0.6844444444444445 + complexity: 10 expressions: - - R- - - and(S-, SE-) - - or(K+, R-) + - N+ + - SE- + - and(N-, or(S+, SE+)) + - or(S+, SE+) name: explored-5424 type: explored -- comm_cost: 0.5162615740740742 - complexity: 19 +- comm_cost: 0.5456597222222221 + complexity: 8 expressions: + - K+ + - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, SE-) name: explored-5425 type: explored -- comm_cost: 0.34184027777777803 - complexity: 18 +- comm_cost: 0.4108506944444448 + complexity: 23 expressions: - K+ + - K+ - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) - - and(S-, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-5426 type: explored -- comm_cost: 0.4768055555555558 - complexity: 11 +- comm_cost: 0.5665798611111112 + complexity: 17 expressions: - - K- - - N+ - - and(N-, R+) + - R- + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-5427 type: explored -- comm_cost: 0.7127604166666668 - complexity: 13 +- comm_cost: 0.26197916666666676 + complexity: 8 expressions: + - K+ - N+ - R+ - R- - - and(K-, or(S+, SE+)) - - or(S+, or(N+, R-)) + - S+ + - and(S-, SE-) name: explored-5428 type: explored -- comm_cost: 0.2500000000000002 - complexity: 14 +- comm_cost: 0.5798177083333335 + complexity: 23 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - S+ + - and(K-, or(SE-, N+)) + - and(S-, or(SE-, N+)) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) + - not(R+) name: explored-5429 type: explored -- comm_cost: 0.6387847222222224 - complexity: 12 +- comm_cost: 0.76640625 + complexity: 7 expressions: - - N+ + - R- - SE- - - and(and(K-, N-), or(S+, R+)) - - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-5430 type: explored -- comm_cost: 0.41770833333333346 - complexity: 8 +- comm_cost: 0.5145833333333335 + complexity: 13 expressions: - - R+ - - S+ - - and(S-, SE-) - - or(K+, N+) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-5431 type: explored -- comm_cost: 0.46701388888888906 - complexity: 18 +- comm_cost: 0.6586805555555557 + complexity: 8 expressions: - - K+ - R+ - - R- - - and(S-, SE-) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - or(K+, R-) + - SE- + - and(K-, SE-) + - or(S+, R+) name: explored-5432 type: explored -- comm_cost: 0.21724537037037073 +- comm_cost: 0.6907986111111113 complexity: 16 expressions: - - K+ - - N+ - - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, not(R-)) + - or(K+, SE+) name: explored-5433 type: explored -- comm_cost: 0.6208333333333335 - complexity: 10 +- comm_cost: 0.4060185185185188 + complexity: 12 expressions: - - R+ - - R- + - N+ - R- - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(N-, R+) + - and(N-, R+) + - or(K+, R+) name: explored-5434 type: explored -- comm_cost: 0.7655381944444445 - complexity: 21 +- comm_cost: 0.5421875000000002 + complexity: 12 expressions: - - and(K-, or(S+, R-)) - - and(N-, or(S+, R+)) - - or(K+, N+) - - or(K+, SE+) - - or(S+, or(N+, R-)) + - N+ + - R+ + - R- + - SE- + - and(S-, N-) + - and(S-, or(SE-, N+)) name: explored-5435 type: explored -- comm_cost: 0.3551620370370374 +- comm_cost: 0.31944444444444464 complexity: 20 expressions: + - K+ - N+ - R- - - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(N+, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, R-) name: explored-5436 type: explored -- comm_cost: 0.4265625000000002 - complexity: 15 +- comm_cost: 0.6930885416666668 + complexity: 22 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - not(R-) + - S+ + - SE- + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + - and(SE+, N-) + - or(K+, S-) name: explored-5437 type: explored -- comm_cost: 0.7432858796296297 - complexity: 15 +- comm_cost: 0.6557291666666667 + complexity: 14 expressions: - - K- - - S+ - - and(K-, or(S+, R-)) - - not(R+) - - or(K+, R+) - - or(S+, SE+) + - N+ + - R- + - SE- + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5438 type: explored -- comm_cost: 0.7098958333333334 - complexity: 5 +- comm_cost: 0.6752256944444446 + complexity: 19 expressions: - R- - - SE- - - or(N+, R-) + - and(N-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(N+, not(R+)) + - or(SE-, N+) name: explored-5439 type: explored -- comm_cost: 0.3494791666666668 - complexity: 21 +- comm_cost: 0.7541666666666668 + complexity: 6 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE+ + - and(N-, or(S+, R+)) name: explored-5440 type: explored -- comm_cost: 0.7703125000000001 - complexity: 6 +- comm_cost: 0.6831597222222223 + complexity: 23 expressions: - - S- - - and(N-, or(K+, S-)) + - and(K-, not(R+)) + - and(K-, or(S+, R+)) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R+) name: explored-5441 type: explored -- comm_cost: 0.36527777777777803 - complexity: 13 +- comm_cost: 0.5109722222222224 + complexity: 14 expressions: - - K+ - N+ - - R- - - SE- + - N- - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-5442 type: explored -- comm_cost: 0.5918402777777778 - complexity: 19 +- comm_cost: 0.7416666666666667 + complexity: 4 expressions: - - SE+ - - SE- - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) - - and(S-, not(R+)) + - K+ + - K+ + - N+ + - S+ name: explored-5443 type: explored -- comm_cost: 0.5321180555555557 - complexity: 14 +- comm_cost: 0.35416666666666696 + complexity: 6 expressions: + - K+ - N+ - - and(K-, not(R+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) name: explored-5444 type: explored -- comm_cost: 0.4293750000000002 +- comm_cost: 0.2175347222222226 complexity: 15 expressions: - N+ - R- - S+ + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, S-) name: explored-5445 type: explored -- comm_cost: 0.6205208333333334 - complexity: 9 +- comm_cost: 0.5645833333333337 + complexity: 6 expressions: - - R+ - - R- - - or(K+, N+) - - or(N+, not(R+)) + - K+ + - K+ + - S+ + - and(N-, R+) name: explored-5446 type: explored -- comm_cost: 0.5682291666666668 - complexity: 19 +- comm_cost: 0.32685185185185217 + complexity: 13 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) + - or(S+, R-) name: explored-5447 type: explored -- comm_cost: 0.24001736111111138 - complexity: 17 +- comm_cost: 0.6401909722222224 + complexity: 9 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - SE- - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) + - or(K+, SE+) name: explored-5448 type: explored -- comm_cost: 0.6632812500000002 - complexity: 10 +- comm_cost: 0.22656250000000033 + complexity: 13 expressions: - - K+ + - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, SE-) + - not(R+) name: explored-5449 type: explored -- comm_cost: 0.44791666666666696 - complexity: 17 +- comm_cost: 0.4890625000000002 + complexity: 8 expressions: - - N+ + - R+ - SE- - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-5450 type: explored -- comm_cost: 0.6671006944444446 - complexity: 8 +- comm_cost: 0.35966435185185197 + complexity: 16 expressions: - - R+ - - and(K-, or(S+, R+)) - - not(R+) + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, R+) name: explored-5451 type: explored -- comm_cost: 0.3879629629629633 - complexity: 13 +- comm_cost: 0.5604166666666668 + complexity: 10 expressions: - N+ - - and(N-, R+) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(K-, or(N+, not(R+))) name: explored-5452 type: explored -- comm_cost: 0.6812500000000002 - complexity: 7 +- comm_cost: 0.5803819444444447 + complexity: 13 expressions: - - R- + - N+ + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(SE+, N-) + - or(S+, R+) name: explored-5453 type: explored -- comm_cost: 0.25167824074074097 - complexity: 19 +- comm_cost: 0.48921006944444456 + complexity: 26 expressions: - - K+ - N+ - R- - - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-5454 type: explored -- comm_cost: 0.47083333333333344 - complexity: 5 +- comm_cost: 0.2812500000000002 + complexity: 13 expressions: - N+ - - R+ - R- - - S+ - - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-5455 type: explored -- comm_cost: 0.15885416666666696 - complexity: 11 +- comm_cost: 0.5067997685185187 + complexity: 17 expressions: - N+ - - S+ - - and(K-, S+) + - R- + - S- - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) name: explored-5456 type: explored -- comm_cost: 0.4157986111111114 - complexity: 15 +- comm_cost: 0.734375 + complexity: 2 expressions: - N+ - - SE- - - and(K-, not(R+)) - - and(N-, R+) - - and(and(S-, N-), not(R-)) + - S- name: explored-5457 type: explored -- comm_cost: 0.44583333333333364 - complexity: 9 +- comm_cost: 0.7273467261904762 + complexity: 36 expressions: - - K+ - - N+ - - and(N-, R+) - - or(N+, not(R+)) + - K- + - and(K-, SE-) + - and(K-, not(R-)) + - and(K-, or(S+, R+)) + - and(N-, not(R-)) + - or(K+, K-) + - or(K+, R-) + - or(K+, or(N+, R-)) + - or(N+, R-) + - or(S+, or(N+, R-)) name: explored-5458 type: explored -- comm_cost: 0.694207175925926 - complexity: 34 +- comm_cost: 0.3519097222222225 + complexity: 7 expressions: + - K+ + - N+ - S+ - SE- - - and(K-, N-) - - and(K-, or(S+, R+)) - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) - - or(K+, N+) - - or(K+, or(N+, R-)) - - or(N+, R-) + - and(N-, R+) name: explored-5459 type: explored -- comm_cost: 0.6682291666666668 - complexity: 10 +- comm_cost: 0.6552083333333335 + complexity: 9 expressions: - - and(K-, not(R-)) - - and(N-, R+) - - or(K+, SE+) + - R+ + - R+ + - and(or(K+, S-), or(SE-, N+)) name: explored-5460 type: explored -- comm_cost: 0.5086805555555557 - complexity: 13 +- comm_cost: 0.180121527777778 + complexity: 16 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - SE- + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-5461 type: explored -- comm_cost: 0.23211805555555576 - complexity: 21 +- comm_cost: 0.3442708333333335 + complexity: 9 expressions: - K+ - - N+ + - R+ - R- - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) + - and(SE+, N-) name: explored-5462 type: explored -- comm_cost: 0.17592592592592626 - complexity: 17 +- comm_cost: 0.43671875000000027 + complexity: 19 expressions: - - K+ - - K+ - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(S+, R-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) name: explored-5463 type: explored -- comm_cost: 0.7562326388888889 - complexity: 10 +- comm_cost: 0.587326388888889 + complexity: 11 expressions: + - R+ - SE- - - and(or(K+, S-), not(R-)) - - or(K+, S-) + - and(S-, or(N+, not(R+))) + - or(N+, R-) name: explored-5464 type: explored -- comm_cost: 0.43583333333333374 - complexity: 15 +- comm_cost: 0.41875000000000007 + complexity: 9 expressions: - - K+ - N+ - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - or(N+, not(R+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-5465 type: explored -- comm_cost: 0.6841145833333334 - complexity: 7 +- comm_cost: 0.6692708333333335 + complexity: 3 expressions: - - R+ + - N+ - S- - - and(K-, or(S+, N+)) + - SE- name: explored-5466 type: explored -- comm_cost: 0.5612847222222224 - complexity: 10 +- comm_cost: 0.5153125000000001 + complexity: 12 expressions: - - R+ - - R- - - SE- - - and(K-, S+) - - and(N-, not(R-)) + - N+ + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-5467 type: explored -- comm_cost: 0.5302662037037039 - complexity: 21 +- comm_cost: 0.6313368055555556 + complexity: 8 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(K+, SE+) + - R+ + - SE- + - and(K-, N-) + - and(K-, S+) name: explored-5468 type: explored -- comm_cost: 0.27552083333333366 - complexity: 13 +- comm_cost: 0.24774305555555576 + complexity: 19 expressions: + - N+ - R- - S+ + - and(K-, or(S+, R-)) - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) name: explored-5469 type: explored -- comm_cost: 0.3919560185185189 - complexity: 25 +- comm_cost: 0.3215277777777781 + complexity: 28 expressions: + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - not(R+) - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(SE-, N+) name: explored-5470 type: explored -- comm_cost: 0.25885416666666683 +- comm_cost: 0.44704861111111116 complexity: 12 expressions: - - K+ - - K+ - - N+ - - N+ - R+ - - S+ - - and(N-, R+) + - R- + - and(K-, S+) - and(S-, SE-) + - and(S-, not(R-)) name: explored-5471 type: explored -- comm_cost: 0.6000000000000001 - complexity: 14 +- comm_cost: 0.5978298611111112 + complexity: 15 expressions: - N+ - - R- + - R+ - SE- - - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) - or(S+, or(N+, R-)) name: explored-5472 type: explored -- comm_cost: 0.5077546296296298 +- comm_cost: 0.6141782407407409 complexity: 15 expressions: - - N+ - R+ - R- - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) name: explored-5473 type: explored -- comm_cost: 0.40451388888888906 - complexity: 13 +- comm_cost: 0.6845486111111112 + complexity: 9 expressions: - - N+ - - R- - - SE- - - and(K-, S+) - - and(N-, R+) - - and(N-, not(R-)) + - R+ + - and(K-, or(S+, R+)) + - or(K+, R-) name: explored-5474 type: explored -- comm_cost: 0.5895833333333336 - complexity: 6 +- comm_cost: 0.5506944444444447 + complexity: 10 expressions: - - R+ - - and(SE-, or(K+, S-)) + - K+ + - N+ + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-5475 type: explored -- comm_cost: 0.5119791666666669 - complexity: 16 +- comm_cost: 0.6408854166666668 + complexity: 13 expressions: - N+ - R- - - and(K-, not(R-)) - - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - or(S+, R+) name: explored-5476 type: explored -- comm_cost: 0.6678819444444446 - complexity: 7 +- comm_cost: 0.3640625000000002 + complexity: 11 expressions: - K+ - - R+ - - R- - - S+ - - or(K+, K-) + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-5477 type: explored -- comm_cost: 0.244965277777778 - complexity: 16 +- comm_cost: 0.43506944444444473 + complexity: 13 expressions: - N+ - - R- - - R- - - S+ - - and(K-, SE-) + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - or(S+, N+) name: explored-5478 type: explored -- comm_cost: 0.91875 - complexity: 1 +- comm_cost: 0.5421875000000002 + complexity: 10 expressions: - - K+ + - R+ + - SE- + - and(SE+, N-) + - and(SE-, or(K+, S-)) name: explored-5479 type: explored -- comm_cost: 0.19010416666666696 - complexity: 15 +- comm_cost: 0.6466666666666667 + complexity: 5 expressions: - - K+ - - N+ - - R- - - and(K-, SE-) - - and(N-, R+) + - N- + - SE+ - and(S-, SE-) - - or(S+, N+) name: explored-5480 type: explored -- comm_cost: 0.3206018518518521 - complexity: 17 +- comm_cost: 0.385127314814815 + complexity: 18 expressions: - - K+ - - N+ - R- - - SE- - - and(N-, R+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-5481 type: explored -- comm_cost: 0.41041666666666676 - complexity: 14 +- comm_cost: 0.5131944444444447 + complexity: 11 expressions: + - K+ - N+ - - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-5482 type: explored -- comm_cost: 0.3997685185185187 - complexity: 20 +- comm_cost: 0.45625000000000027 + complexity: 14 expressions: - K+ - - N+ - - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(and(S-, N-), not(R-)) name: explored-5483 type: explored -- comm_cost: 0.5172916666666668 - complexity: 10 +- comm_cost: 0.4141666666666668 + complexity: 13 expressions: + - K+ - K- + - N+ + - R- - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(SE+, N-) name: explored-5484 type: explored -- comm_cost: 0.2532986111111113 - complexity: 17 +- comm_cost: 0.27534722222222263 + complexity: 11 expressions: + - K+ - N+ - R- - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(SE+, N-) name: explored-5485 type: explored -- comm_cost: 0.6505787037037039 - complexity: 16 +- comm_cost: 0.6595486111111113 + complexity: 6 expressions: - R+ - - R- - SE- - - or(S+, R+) - - or(S+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, not(R-)) name: explored-5486 type: explored -- comm_cost: 0.35231481481481497 - complexity: 18 +- comm_cost: 0.6140190972222224 + complexity: 17 expressions: - - K+ - - N+ + - R+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-5487 type: explored -- comm_cost: 0.6885416666666668 - complexity: 8 +- comm_cost: 0.6644097222222222 + complexity: 15 expressions: - - S- - - and(K-, not(R-)) - - and(N-, R+) + - N+ + - R- + - SE- + - and(SE-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-5488 type: explored -- comm_cost: 0.5065104166666669 - complexity: 12 +- comm_cost: 0.34375000000000033 + complexity: 9 expressions: - K+ - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, R+) name: explored-5489 type: explored -- comm_cost: 0.5161458333333335 - complexity: 12 +- comm_cost: 0.5494791666666667 + complexity: 13 expressions: + - N+ - R+ - R- - - and(K-, or(S+, R-)) + - SE- + - and(K-, not(R-)) - and(S-, or(SE-, N+)) name: explored-5490 type: explored -- comm_cost: 0.5641203703703705 - complexity: 9 +- comm_cost: 0.5187326388888891 + complexity: 15 expressions: - - R- - - R- - - SE- + - K+ + - N+ + - and(K-, not(R-)) - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - or(S+, SE+) name: explored-5491 type: explored -- comm_cost: 0.38483796296296313 - complexity: 18 +- comm_cost: 0.5320312500000002 + complexity: 16 expressions: - K+ - N+ - R- - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(N-, or(K+, R+)) + - or(S+, or(N+, R-)) name: explored-5492 type: explored -- comm_cost: 0.3006944444444446 - complexity: 15 +- comm_cost: 0.5677951388888891 + complexity: 16 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - SE- + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5493 type: explored -- comm_cost: 0.6267071759259261 - complexity: 19 +- comm_cost: 0.5421875000000002 + complexity: 11 expressions: - R+ - - R- - SE- - - and(or(K+, S-), not(R-)) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, N+)) + - and(S-, not(R+)) name: explored-5494 type: explored -- comm_cost: 0.7956597222222224 - complexity: 10 +- comm_cost: 0.6832175925925927 + complexity: 13 expressions: - - and(N-, or(S+, SE+)) - - or(K+, or(N+, R-)) + - R+ + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), not(R-)) name: explored-5495 type: explored -- comm_cost: 0.4408854166666669 - complexity: 11 +- comm_cost: 0.21210937500000027 + complexity: 15 expressions: + - K+ + - K+ - N+ + - N+ + - R- + - S+ - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - or(SE-, N+) name: explored-5496 type: explored -- comm_cost: 0.3359375000000001 - complexity: 17 +- comm_cost: 0.670920138888889 + complexity: 14 expressions: - - K+ - - N+ - - R- - - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(S+, R+) - - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-5497 type: explored -- comm_cost: 0.50625 - complexity: 7 +- comm_cost: 0.12239583333333348 + complexity: 16 expressions: - N+ + - R- - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-5498 type: explored -- comm_cost: 0.4696180555555558 - complexity: 14 +- comm_cost: 0.719039351851852 + complexity: 10 expressions: - - N+ - - R- - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(S+, R+) + - K- + - R+ + - and(K-, or(S+, R+)) + - or(SE-, N+) name: explored-5499 type: explored -- comm_cost: 0.5076388888888891 - complexity: 17 +- comm_cost: 0.7366418650793651 + complexity: 40 expressions: - - N+ - SE- - - and(N-, R+) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) - and(and(K-, N-), not(R-)) - - or(S+, N+) - - or(S+, R-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) name: explored-5500 type: explored -- comm_cost: 0.5583333333333333 - complexity: 5 +- comm_cost: 0.5187499999999999 + complexity: 15 expressions: - - K+ + - N+ - R- + - and(K-, S+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-5501 type: explored -- comm_cost: 0.32638888888888906 - complexity: 21 +- comm_cost: 0.665842013888889 + complexity: 13 + expressions: + - R+ + - SE+ + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, R+) + name: explored-5502 + type: explored +- comm_cost: 0.45840277777777794 + complexity: 10 expressions: - K+ - - K+ - - N+ + - N- + - R+ - R- - - S+ - - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - name: explored-5502 + name: explored-5503 type: explored -- comm_cost: 0.6307291666666668 - complexity: 4 - expressions: - - R+ - - R+ - - not(R+) - name: explored-5503 - type: explored -- comm_cost: 0.5436631944444446 - complexity: 16 +- comm_cost: 0.3945312500000002 + complexity: 10 expressions: - N+ - - R- - - SE- - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, SE+) name: explored-5504 type: explored -- comm_cost: 0.6312500000000001 - complexity: 12 - expressions: - - R+ - - SE- - - and(K-, N-) - - and(and(K-, N-), or(S+, R+)) - name: explored-5505 - type: explored -- comm_cost: 0.4220370370370372 - complexity: 20 +- comm_cost: 0.1844618055555558 + complexity: 17 expressions: - K+ + - K+ - N+ - - N- - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-5506 + - and(or(K+, S-), not(R+)) + name: explored-5505 type: explored -- comm_cost: 0.3144097222222224 - complexity: 14 +- comm_cost: 0.5612500000000001 + complexity: 17 expressions: - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, SE+)) - and(SE+, N-) - - or(N+, R-) + - or(N+, not(R+)) + name: explored-5506 + type: explored +- comm_cost: 0.5703125000000003 + complexity: 8 + expressions: + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-5507 type: explored -- comm_cost: 0.24704861111111132 - complexity: 12 +- comm_cost: 0.6752777777777778 + complexity: 10 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - R- + - and(K-, S+) + - or(S+, SE+) name: explored-5508 type: explored -- comm_cost: 0.39184027777777786 - complexity: 13 +- comm_cost: 0.37413194444444475 + complexity: 10 expressions: - - R+ + - K+ + - N+ - R- - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, R-) + - S+ + - and(N-, R+) + - or(S+, R-) name: explored-5509 type: explored -- comm_cost: 0.6403819444444445 - complexity: 9 +- comm_cost: 0.40183449074074085 + complexity: 15 expressions: - - R+ + - K+ - R- - - SE- - - or(K+, R-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) - or(S+, SE+) name: explored-5510 type: explored -- comm_cost: 0.3783854166666669 - complexity: 14 +- comm_cost: 0.6267361111111113 + complexity: 12 expressions: - - N+ - - R- - - R- - - SE- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(K-, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-5511 type: explored -- comm_cost: 0.17430555555555594 - complexity: 18 +- comm_cost: 0.39375000000000027 + complexity: 14 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), or(SE-, N+)) name: explored-5512 type: explored -- comm_cost: 0.3432870370370372 - complexity: 10 +- comm_cost: 0.5690972222222224 + complexity: 13 expressions: - - N+ - - R- + - R+ - R- - - SE+ - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, or(S+, R-)) + - and(N-, or(S+, R+)) name: explored-5513 type: explored -- comm_cost: 0.5539930555555557 - complexity: 14 +- comm_cost: 0.383072916666667 + complexity: 11 expressions: - - R+ - - and(K-, not(R+)) - - and(S-, N-) - - and(S-, SE-) - - and(S-, SE-) + - N+ + - R- + - SE- + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-5514 type: explored -- comm_cost: 0.3593750000000002 - complexity: 18 +- comm_cost: 0.5023437500000002 + complexity: 11 expressions: - - K+ - N+ - R- - - and(K-, SE-) + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-5515 type: explored -- comm_cost: 0.5624131944444445 +- comm_cost: 0.7144097222222223 complexity: 13 expressions: - - K+ - - N+ - - R- - - SE- - - and(K-, or(S+, R+)) - - and(N-, not(R-)) + - R+ + - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-5516 type: explored -- comm_cost: 0.5556423611111112 - complexity: 13 +- comm_cost: 0.39270833333333344 + complexity: 16 expressions: + - K+ - N+ - R- - - and(N-, or(K+, S-)) + - S+ + - S- + - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(SE-, or(K+, S-)) name: explored-5517 type: explored -- comm_cost: 0.4197916666666668 - complexity: 19 +- comm_cost: 0.26805555555555594 + complexity: 12 expressions: - - K+ - - N+ - - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, R+) + - or(K+, or(N+, R-)) name: explored-5518 type: explored -- comm_cost: 0.7214236111111112 - complexity: 19 +- comm_cost: 0.1336805555555558 + complexity: 18 expressions: + - K+ - N+ - - S- - - and(or(K+, S-), not(R+)) - - or(N+, not(R+)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-5519 - type: explored -- comm_cost: 0.5765625 - complexity: 12 - expressions: - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) + name: explored-5519 + type: explored +- comm_cost: 0.6664930555555557 + complexity: 7 + expressions: + - R+ + - and(SE+, N-) + - or(S+, R-) name: explored-5520 type: explored -- comm_cost: 0.5340277777777778 - complexity: 9 +- comm_cost: 0.38483796296296324 + complexity: 24 expressions: - K+ - N+ - - and(K-, not(R+)) + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-5521 type: explored -- comm_cost: 0.6660416666666668 - complexity: 9 +- comm_cost: 0.6122395833333335 + complexity: 11 expressions: - - K+ - R+ - R- - - and(S-, N-) - - or(K+, S-) + - SE- + - and(N-, or(K+, S-)) + - or(K+, R-) name: explored-5522 type: explored -- comm_cost: 0.3773437500000002 - complexity: 13 +- comm_cost: 0.6131944444444446 + complexity: 14 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(S+, N+) + - R+ + - SE- + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-5523 type: explored -- comm_cost: 0.7118923611111112 - complexity: 7 +- comm_cost: 0.46889467592592604 + complexity: 16 expressions: - - S- - - SE- - - and(N-, or(S+, R+)) + - N+ + - R- + - S+ + - and(K-, N-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-5524 type: explored -- comm_cost: 0.693576388888889 - complexity: 8 +- comm_cost: 0.7480034722222223 + complexity: 14 expressions: - - R+ - - and(K-, not(R+)) - - or(K+, S-) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) name: explored-5525 type: explored -- comm_cost: 0.3442708333333334 - complexity: 11 +- comm_cost: 0.6080729166666667 + complexity: 9 expressions: + - N+ - R+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(S-, SE-) + - and(K-, N-) + - or(S+, N+) name: explored-5526 type: explored -- comm_cost: 0.3309895833333336 - complexity: 24 +- comm_cost: 0.6107638888888891 + complexity: 14 + expressions: + - R+ + - SE- + - and(K-, or(S+, N+)) + - and(and(K-, N-), or(S+, R+)) + name: explored-5527 + type: explored +- comm_cost: 0.3816406250000002 + complexity: 19 expressions: - K+ - N+ - - R- - - and(K-, S+) - - and(K-, SE-) - - and(K-, not(R+)) - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - name: explored-5527 - type: explored -- comm_cost: 0.6366319444444446 - complexity: 8 - expressions: - - R+ - - R- - - R- - - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) name: explored-5528 type: explored -- comm_cost: 0.7676620370370371 - complexity: 5 +- comm_cost: 0.41521990740740766 + complexity: 32 expressions: - - K- - - R+ - - or(K+, K-) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-5529 type: explored -- comm_cost: 0.4715277777777781 - complexity: 9 +- comm_cost: 0.4860416666666668 + complexity: 15 expressions: - K+ - - SE- - - and(K-, not(R+)) + - N+ + - R- - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) + - or(SE-, N+) name: explored-5530 type: explored -- comm_cost: 0.3505208333333336 - complexity: 13 +- comm_cost: 0.5759837962962965 + complexity: 9 expressions: - N+ + - R+ - R- + - SE+ - SE- - - SE- - - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(K-, not(R+)) name: explored-5531 type: explored -- comm_cost: 0.5755208333333335 - complexity: 25 +- comm_cost: 0.4427951388888891 + complexity: 20 expressions: - - and(K-, SE-) + - N+ + - and(K-, or(S+, R-)) - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, R+) name: explored-5532 type: explored -- comm_cost: 0.7848958333333333 - complexity: 7 +- comm_cost: 0.5835648148148149 + complexity: 11 expressions: - - and(K-, or(S+, N+)) - - not(R-) + - R+ + - R+ + - R- + - SE- + - and(K-, not(R+)) + - and(S-, N-) name: explored-5533 type: explored -- comm_cost: 0.7052083333333334 - complexity: 6 +- comm_cost: 0.3052083333333335 + complexity: 15 expressions: - - and(and(S-, N-), not(R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(SE+, N-) + - and(SE-, or(K+, S-)) name: explored-5534 type: explored -- comm_cost: 0.48016493055555576 - complexity: 15 +- comm_cost: 0.38125 + complexity: 11 expressions: - K+ - - R+ + - K+ + - N+ - R- - S+ - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(SE-, N+) + - and(S-, SE-) name: explored-5535 type: explored -- comm_cost: 0.6505989583333335 - complexity: 25 +- comm_cost: 0.6158333333333335 + complexity: 10 expressions: - - R+ - - and(K-, not(R-)) - - and(N-, or(S+, R+)) - - and(S-, not(R+)) - - not(R+) - - or(K+, R+) - - or(K+, R-) - - or(S+, N+) + - K- + - N+ + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-5536 type: explored -- comm_cost: 0.6480324074074075 - complexity: 16 +- comm_cost: 0.4140625000000002 + complexity: 8 expressions: - - R+ - - R- + - N+ - SE- - - and(K-, or(S+, R+)) - - or(K+, SE+) - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(SE+, N-) name: explored-5537 type: explored -- comm_cost: 0.6026041666666666 - complexity: 12 +- comm_cost: 0.08593750000000022 + complexity: 16 expressions: + - K+ + - N+ - R- - - S+ + - R- + - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-5538 type: explored -- comm_cost: 0.6236111111111112 - complexity: 12 +- comm_cost: 0.057812500000000266 + complexity: 17 expressions: - - R+ - - SE- + - K+ + - N+ + - R- + - and(K-, S+) - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-5539 type: explored -- comm_cost: 0.4379340277777779 - complexity: 18 +- comm_cost: 0.49375000000000036 + complexity: 8 expressions: - - N+ - R- - - and(K-, N-) + - S+ + - and(N-, R+) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) name: explored-5540 type: explored -- comm_cost: 0.7234375000000002 - complexity: 9 +- comm_cost: 0.5931712962962964 + complexity: 14 expressions: - R+ - - and(K-, or(S+, SE+)) - - or(K+, R-) + - and(N-, or(K+, R+)) + - and(S-, not(R+)) + - and(S-, not(R-)) name: explored-5541 type: explored -- comm_cost: 0.6017650462962965 - complexity: 17 +- comm_cost: 0.25300925925925943 + complexity: 12 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) + - R- + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-5542 type: explored -- comm_cost: 0.6342447916666668 - complexity: 35 +- comm_cost: 0.43871527777777797 + complexity: 29 expressions: - N+ - - and(K-, not(R+)) - - and(N-, or(S+, R+)) - - and(S-, N-) - - and(SE+, N-) - - or(K+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5543 type: explored -- comm_cost: 0.7756944444444445 - complexity: 19 +- comm_cost: 0.6322222222222224 + complexity: 13 expressions: + - R- - SE- - - and(K-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(K+, S-) name: explored-5544 type: explored -- comm_cost: 0.3055555555555558 - complexity: 10 +- comm_cost: 0.6139178240740742 + complexity: 14 expressions: - - K+ - - K+ - N+ - - SE+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(K-, N-) + - and(N-, and(or(K+, S-), not(R-))) name: explored-5545 type: explored -- comm_cost: 0.49947916666666703 - complexity: 8 +- comm_cost: 0.5306134259259261 + complexity: 14 expressions: - - K+ - N+ + - R- - and(N-, R+) - - or(K+, N+) + - and(S-, SE-) + - or(K+, K-) + - or(S+, R+) name: explored-5546 type: explored -- comm_cost: 0.557638888888889 - complexity: 10 +- comm_cost: 0.6963541666666668 + complexity: 7 expressions: - - N+ - R+ - - SE- - - and(K-, or(S+, R-)) - - not(R+) + - R- + - and(N-, or(K+, SE+)) name: explored-5547 type: explored -- comm_cost: 0.6539583333333334 - complexity: 10 +- comm_cost: 0.5459490740740742 + complexity: 12 expressions: + - N+ - R+ - - R- - - and(SE-, or(K+, S-)) - - or(K+, S-) + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-5548 type: explored -- comm_cost: 0.5302517361111113 - complexity: 32 +- comm_cost: 0.29861111111111127 + complexity: 20 expressions: + - K+ + - K+ + - N+ + - S+ - and(K-, SE-) - - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-5549 type: explored -- comm_cost: 0.7303819444444446 - complexity: 15 +- comm_cost: 0.21432291666666692 + complexity: 14 expressions: - - and(N-, not(R-)) - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-5550 type: explored -- comm_cost: 0.3250000000000002 - complexity: 17 +- comm_cost: 0.5500000000000002 + complexity: 10 expressions: - - N+ - R- - - S+ + - and(K-, N-) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-5551 type: explored -- comm_cost: 0.2363281250000001 - complexity: 15 +- comm_cost: 0.3486111111111114 + complexity: 14 expressions: - K+ - - K+ - - N+ - N+ - - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(and(K-, N-), not(R-)) name: explored-5552 type: explored -- comm_cost: 0.40442708333333355 - complexity: 12 +- comm_cost: 0.3187500000000003 + complexity: 18 expressions: - K+ - - N+ - R- - - SE- + - and(K-, S+) - and(N-, R+) - - and(SE+, N-) - - not(R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-5553 type: explored -- comm_cost: 0.7399409722222223 - complexity: 33 +- comm_cost: 0.6234953703703705 + complexity: 11 expressions: - - and(K-, S+) - - and(N-, not(R-)) + - R+ + - SE- + - and(S-, N-) - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(K+, S-) - - or(K+, or(N+, R-)) - - or(S+, R+) name: explored-5554 type: explored -- comm_cost: 0.7371527777777778 - complexity: 11 +- comm_cost: 0.4500000000000002 + complexity: 9 expressions: - - and(K-, or(S+, N+)) - - and(or(K+, S-), not(R+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(SE+, N-) name: explored-5555 type: explored -- comm_cost: 0.7930555555555555 +- comm_cost: 0.7048611111111114 complexity: 8 expressions: - - K+ - - R- - - and(or(K+, S-), not(R+)) + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-5556 type: explored -- comm_cost: 0.5680555555555558 - complexity: 6 +- comm_cost: 0.4314525462962965 + complexity: 19 expressions: - K+ - N+ + - R- - SE+ - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(SE-, N+) name: explored-5557 type: explored -- comm_cost: 0.7133680555555555 - complexity: 12 +- comm_cost: 0.6593750000000002 + complexity: 8 expressions: - - and(S-, SE-) - - not(R+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(or(K+, S-), or(SE-, N+)) name: explored-5558 type: explored -- comm_cost: 0.725 - complexity: 12 +- comm_cost: 0.4423611111111113 + complexity: 11 expressions: + - N+ - R- - SE- - - and(K-, S+) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-5559 type: explored -- comm_cost: 0.3676793981481483 - complexity: 16 +- comm_cost: 0.4904861111111114 + complexity: 18 expressions: + - K+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(K+, or(N+, R-)) + - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-5560 type: explored -- comm_cost: 0.7117824074074075 - complexity: 8 +- comm_cost: 0.4208333333333336 + complexity: 11 expressions: - - R+ - - and(N-, or(K+, SE+)) - - not(R-) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-5561 type: explored -- comm_cost: 0.5365885416666668 - complexity: 25 +- comm_cost: 0.6588454861111113 + complexity: 15 expressions: - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) + - SE- + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) name: explored-5562 type: explored -- comm_cost: 0.45266203703703733 - complexity: 11 +- comm_cost: 0.5770833333333335 + complexity: 10 expressions: - - N+ - - R- + - R+ - SE- - - and(N-, R+) - - and(S-, N-) - - not(R+) + - and(K-, SE-) + - and(SE-, or(K+, S-)) name: explored-5563 type: explored -- comm_cost: 0.746875 - complexity: 3 +- comm_cost: 0.6229166666666668 + complexity: 7 expressions: + - R+ - R- - - S+ - - SE- + - and(K-, or(S+, N+)) name: explored-5564 type: explored -- comm_cost: 0.4168402777777781 - complexity: 17 +- comm_cost: 0.6907407407407409 + complexity: 24 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) + - and(K-, not(R+)) + - and(and(K-, N-), not(R-)) - and(or(K+, S-), not(R+)) - - or(S+, R-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5565 type: explored -- comm_cost: 0.5151041666666668 - complexity: 9 +- comm_cost: 0.42986111111111136 + complexity: 13 expressions: - - R+ - - R- - - and(S-, not(R+)) - - or(S+, N+) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-5566 type: explored -- comm_cost: 0.6774305555555556 - complexity: 10 +- comm_cost: 0.5559895833333335 + complexity: 8 expressions: + - N+ - R+ - - SE- - - and(or(K+, S-), not(R-)) - - not(R+) + - and(K-, N-) + - and(S-, SE-) name: explored-5567 type: explored -- comm_cost: 0.5303819444444444 - complexity: 10 +- comm_cost: 0.3935185185185188 + complexity: 16 expressions: - N+ - - S+ - - and(S-, SE-) + - R- + - SE- + - and(N-, R+) + - or(K+, or(N+, R-)) - or(K+, or(N+, R-)) name: explored-5568 type: explored -- comm_cost: 0.6506944444444446 - complexity: 11 +- comm_cost: 0.40260416666666676 + complexity: 13 expressions: - - R+ - - SE- - - and(and(S-, N-), not(R-)) - - or(S+, R+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-5569 type: explored -- comm_cost: 0.5655208333333335 - complexity: 9 +- comm_cost: 0.5473090277777779 + complexity: 15 expressions: - - K- - - R+ - - R- - - and(S-, SE-) - - and(S-, SE-) + - N+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-5570 type: explored -- comm_cost: 0.21770833333333361 - complexity: 10 +- comm_cost: 0.39363425925925966 + complexity: 14 expressions: - - K+ + - N+ - R- - - S+ - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - not(R+) name: explored-5571 type: explored -- comm_cost: 0.2928819444444448 - complexity: 10 +- comm_cost: 0.5430121527777779 + complexity: 23 expressions: - N+ - R- - - R- - SE- - and(N-, R+) - - or(K+, R-) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-5572 type: explored -- comm_cost: 0.7631076388888889 - complexity: 6 +- comm_cost: 0.4979166666666668 + complexity: 12 expressions: - K+ - - N+ - - SE- - - or(SE-, N+) + - K+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-5573 type: explored -- comm_cost: 0.5727256944444445 - complexity: 18 +- comm_cost: 0.4515625000000002 + complexity: 10 expressions: - K+ - - R+ + - K+ - R- + - S- + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - not(R+) - - or(K+, S-) name: explored-5574 type: explored -- comm_cost: 0.5927083333333335 +- comm_cost: 0.7756944444444445 complexity: 8 expressions: - - N+ - - R+ - - and(and(S-, N-), not(R-)) + - SE- + - or(and(K-, S+), or(N+, R-)) name: explored-5575 type: explored -- comm_cost: 0.5844328703703705 - complexity: 10 +- comm_cost: 0.571354166666667 + complexity: 5 expressions: - - N+ - - R- - - SE- - - and(K-, N-) - - and(K-, not(R+)) + - K+ + - S+ + - and(N-, R+) name: explored-5576 type: explored -- comm_cost: 0.3679687500000002 +- comm_cost: 0.08125000000000027 complexity: 13 expressions: - K+ + - K+ - N+ - R- - - SE- - - and(K-, N-) - and(N-, R+) - and(S-, SE-) + - and(S-, SE-) name: explored-5577 type: explored -- comm_cost: 0.6983561507936509 - complexity: 44 +- comm_cost: 0.3524305555555557 + complexity: 9 expressions: - - N+ - - and(N-, or(K+, SE+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - or(K+, K-) - - or(K+, SE+) - - or(N+, not(R+)) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - R+ + - R- + - and(S-, SE-) + - or(S+, R-) name: explored-5578 type: explored -- comm_cost: 0.5950231481481483 - complexity: 13 +- comm_cost: 0.34375000000000033 + complexity: 15 expressions: - N+ - - R+ - - R- - - SE- - - or(K+, or(N+, R-)) - - or(N+, not(R+)) + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-5579 type: explored -- comm_cost: 0.47465277777777803 - complexity: 14 +- comm_cost: 0.40729166666666683 + complexity: 16 expressions: - N+ + - R- + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, N+) + - not(R+) + - or(K+, SE+) name: explored-5580 type: explored -- comm_cost: 0.6859085648148149 +- comm_cost: 0.4833333333333334 complexity: 12 expressions: + - K+ - N+ - - R+ - R- - - and(or(K+, S-), not(R-)) - - or(K+, K-) + - SE- + - and(N-, and(or(K+, S-), not(R-))) name: explored-5581 type: explored -- comm_cost: 0.3645833333333335 - complexity: 14 +- comm_cost: 0.663715277777778 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, R+)) + - R+ + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-5582 type: explored -- comm_cost: 0.4687500000000002 - complexity: 15 +- comm_cost: 0.27508680555555587 + complexity: 22 expressions: + - K+ + - N+ - R- - - and(K-, S+) + - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-5583 type: explored -- comm_cost: 0.43125000000000013 - complexity: 14 +- comm_cost: 0.4666666666666668 + complexity: 15 expressions: - N+ - R- - - SE+ - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) + - and(SE+, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-5584 type: explored -- comm_cost: 0.5033333333333334 - complexity: 9 +- comm_cost: 0.5546875000000001 + complexity: 10 expressions: - N+ - - N- + - R+ - R- - - and(K-, S+) - - and(S-, SE-) + - SE- + - or(N+, R-) + - or(SE-, N+) name: explored-5585 type: explored -- comm_cost: 0.4823495370370372 - complexity: 18 +- comm_cost: 0.34479166666666683 + complexity: 10 expressions: + - K+ - R+ - R- - R- - - S+ + - and(K-, SE-) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, or(N+, R-)) name: explored-5586 type: explored -- comm_cost: 0.6119502314814816 - complexity: 12 +- comm_cost: 0.7666666666666666 + complexity: 10 expressions: - - R+ - R- - SE- - - and(and(K-, N-), or(S+, SE+)) - - not(R+) + - and(SE-, or(K+, S-)) + - or(S+, R-) name: explored-5587 type: explored -- comm_cost: 0.4642361111111113 - complexity: 15 +- comm_cost: 0.4682291666666669 + complexity: 8 expressions: + - R- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, N+) + - and(S-, not(R+)) name: explored-5588 type: explored -- comm_cost: 0.576070601851852 - complexity: 13 +- comm_cost: 0.5937500000000001 + complexity: 10 expressions: - N+ - R+ - R- - - SE- - - and(K-, N-) - - and(and(K-, N-), not(R-)) + - not(R+) + - or(S+, or(N+, R-)) name: explored-5589 type: explored -- comm_cost: 0.6033333333333333 - complexity: 9 +- comm_cost: 0.45616319444444464 + complexity: 15 expressions: - K+ - N+ - R- - - and(K-, S+) - - or(K+, S-) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - or(K+, SE+) name: explored-5590 type: explored -- comm_cost: 0.35546875000000033 - complexity: 7 +- comm_cost: 0.4303703703703705 + complexity: 13 expressions: + - K+ + - K- - N+ - R- - and(N-, R+) - - not(R+) + - and(S-, SE-) + - or(S+, R-) name: explored-5591 type: explored -- comm_cost: 0.39866898148148155 +- comm_cost: 0.7701388888888889 complexity: 15 expressions: - - R+ - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R-) + - and(K-, or(N+, not(R+))) + - and(N-, or(S+, SE+)) + - or(K+, K-) name: explored-5592 type: explored -- comm_cost: 0.7251736111111112 - complexity: 10 +- comm_cost: 0.6773437500000001 + complexity: 17 expressions: - R+ - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - and(N-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(SE-, N+) name: explored-5593 type: explored -- comm_cost: 0.4526041666666667 - complexity: 19 +- comm_cost: 0.363541666666667 + complexity: 11 expressions: - - N+ - R- - - and(K-, S+) - - and(K-, not(R-)) + - SE- - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - or(K+, R-) name: explored-5594 type: explored -- comm_cost: 0.08125000000000027 - complexity: 13 +- comm_cost: 0.6666666666666667 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(S-, N-) + - or(S+, N+) name: explored-5595 type: explored -- comm_cost: 0.41770833333333357 - complexity: 11 +- comm_cost: 0.4915740740740743 + complexity: 20 expressions: - K+ - - S+ + - K- + - N+ + - R- - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, R+) + - or(K+, or(N+, R-)) name: explored-5596 type: explored -- comm_cost: 0.3333333333333335 - complexity: 21 +- comm_cost: 0.41666666666666685 + complexity: 12 expressions: - K+ - - N+ + - R+ - R- - - S+ - - SE+ - - and(K-, or(S+, N+)) - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(SE-, N+) name: explored-5597 type: explored -- comm_cost: 0.7422743055555556 - complexity: 13 +- comm_cost: 0.6667152777777778 + complexity: 35 expressions: - - R+ - - and(N-, or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - K- + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, N-) + - and(and(K-, N-), not(R-)) + - or(S+, R-) + - or(SE-, N+) name: explored-5598 type: explored -- comm_cost: 0.6104166666666668 - complexity: 9 +- comm_cost: 0.7094328703703705 + complexity: 15 expressions: - - R+ - - and(K-, or(SE-, N+)) - - and(SE+, N-) + - and(K-, or(S+, SE+)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) name: explored-5599 type: explored -- comm_cost: 0.7079861111111112 - complexity: 12 +- comm_cost: 0.5875578703703705 + complexity: 20 expressions: + - N+ + - S- - SE- - - and(N-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-5600 type: explored -- comm_cost: 0.4770833333333333 - complexity: 8 +- comm_cost: 0.6076388888888891 + complexity: 7 expressions: - - K+ - - R- - - and(K-, S+) - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(S-, N-) name: explored-5601 type: explored -- comm_cost: 0.45763888888888915 - complexity: 21 +- comm_cost: 0.601388888888889 + complexity: 7 expressions: - - N+ - R- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, S-) - name: explored-5602 + - SE- + - and(K-, or(S+, R+)) + name: explored-5602 type: explored -- comm_cost: 0.28710937500000033 - complexity: 13 +- comm_cost: 0.49013888888888923 + complexity: 9 expressions: - K+ + - SE- + - and(N-, R+) + - or(N+, not(R+)) + name: explored-5603 + type: explored +- comm_cost: 0.5034722222222223 + complexity: 18 + expressions: - K+ - R- - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) - name: explored-5603 - type: explored -- comm_cost: 0.8359375000000001 - complexity: 3 - expressions: - - or(K+, SE+) + - and(and(S-, N-), not(R-)) name: explored-5604 type: explored -- comm_cost: 0.7553240740740742 - complexity: 3 +- comm_cost: 0.6076967592592594 + complexity: 14 expressions: - - R+ - - R+ - - SE+ + - N+ + - R- + - and(K-, N-) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-5605 type: explored -- comm_cost: 0.45277777777777817 - complexity: 14 +- comm_cost: 0.409027777777778 + complexity: 12 expressions: - N+ + - R- - and(N-, R+) - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-5606 - type: explored -- comm_cost: 0.6901620370370372 - complexity: 8 - expressions: - - R+ - - and(S-, N-) + - and(S-, SE-) - and(S-, not(R-)) - name: explored-5607 + name: explored-5606 type: explored -- comm_cost: 0.6563975694444446 - complexity: 17 +- comm_cost: 0.5380208333333336 + complexity: 19 expressions: - - R+ + - N+ - R- - SE- - - and(S-, N-) - - or(N+, not(R+)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-5608 + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(SE-, N+) + name: explored-5607 type: explored -- comm_cost: 0.39375000000000027 - complexity: 14 +- comm_cost: 0.3666666666666669 + complexity: 17 expressions: - K+ + - N+ + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - name: explored-5609 + name: explored-5608 type: explored -- comm_cost: 0.5992129629629632 - complexity: 9 +- comm_cost: 0.6116319444444446 + complexity: 13 expressions: - - N+ + - R+ - SE+ - SE- - - and(N-, R+) - - or(S+, SE+) + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) + name: explored-5609 + type: explored +- comm_cost: 0.7725150462962964 + complexity: 21 + expressions: + - S- + - and(N-, or(K+, SE+)) + - not(R-) + - or(K+, K-) + - or(K+, SE+) + - or(N+, not(R+)) + - or(S+, R-) name: explored-5610 type: explored -- comm_cost: 0.3456018518518522 - complexity: 19 +- comm_cost: 0.4814236111111113 + complexity: 14 expressions: - N+ - R- - - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) + - or(N+, R-) name: explored-5611 type: explored -- comm_cost: 0.7015625000000001 - complexity: 4 +- comm_cost: 0.4572916666666669 + complexity: 5 expressions: + - K+ - N+ + - R+ + - R- - SE- - - not(R+) name: explored-5612 type: explored -- comm_cost: 0.49902777777777807 - complexity: 18 +- comm_cost: 0.761545138888889 + complexity: 25 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, R+) - - not(R-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, N+)) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-5613 type: explored -- comm_cost: 0.25312500000000027 - complexity: 9 +- comm_cost: 0.279166666666667 + complexity: 11 expressions: - - N+ + - K+ - N+ - R- - - and(K-, SE-) + - and(K-, or(SE-, N+)) - and(N-, R+) name: explored-5614 type: explored -- comm_cost: 0.35468750000000027 - complexity: 12 +- comm_cost: 0.658883101851852 + complexity: 10 expressions: - - N+ - - R- - - S+ + - R+ - SE- - - and(N-, R+) - - or(K+, or(N+, R-)) + - and(N-, or(S+, SE+)) + - or(K+, R+) name: explored-5615 type: explored -- comm_cost: 0.4125 - complexity: 11 +- comm_cost: 0.7389409722222223 + complexity: 13 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - or(K+, R-) + - R+ + - and(K-, or(S+, R+)) + - and(N-, or(S+, R+)) + - not(R-) name: explored-5616 type: explored -- comm_cost: 0.32050347222222253 - complexity: 20 +- comm_cost: 0.362152777777778 + complexity: 15 expressions: - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, R+) name: explored-5617 type: explored -- comm_cost: 0.16406250000000022 - complexity: 15 +- comm_cost: 0.4401909722222225 + complexity: 21 expressions: - K+ - N+ - R- - - S+ + - SE- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) + - not(R+) name: explored-5618 type: explored -- comm_cost: 0.41189236111111127 - complexity: 15 +- comm_cost: 0.5889062500000002 + complexity: 16 expressions: - - K+ + - K- - N+ - - R- - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) - - and(S-, not(R+)) + - and(N-, or(S+, SE+)) + - and(SE-, or(K+, S-)) name: explored-5619 type: explored -- comm_cost: 0.36186342592592613 - complexity: 19 +- comm_cost: 0.7128761574074075 + complexity: 23 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(S-, not(R-)) + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), not(R-)) + - not(R+) name: explored-5620 type: explored -- comm_cost: 0.64 - complexity: 5 +- comm_cost: 0.35570023148148167 + complexity: 22 expressions: - K+ - - K- - N+ - R- - - SE- + - and(K-, N-) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-5621 type: explored -- comm_cost: 0.49083333333333345 +- comm_cost: 0.4736111111111111 complexity: 8 expressions: + - K+ - N+ - - R- - and(S-, SE-) - - or(S+, SE+) + - or(S+, R-) name: explored-5622 type: explored -- comm_cost: 0.3510416666666668 - complexity: 22 +- comm_cost: 0.41215277777777803 + complexity: 19 expressions: - - K+ - N+ - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, R+) name: explored-5623 type: explored -- comm_cost: 0.614664351851852 - complexity: 22 +- comm_cost: 0.7868055555555555 + complexity: 14 expressions: - - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - not(R-) + - SE- + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5624 type: explored -- comm_cost: 0.6515891203703705 - complexity: 34 +- comm_cost: 0.4086805555555557 + complexity: 21 expressions: - - K- + - N+ - R- - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) - - and(N-, or(S+, R+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R-) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, N+) name: explored-5625 type: explored -- comm_cost: 0.5424479166666668 - complexity: 13 +- comm_cost: 0.49722222222222245 + complexity: 18 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) + - SE- + - and(K-, S+) - and(N-, R+) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-5626 type: explored -- comm_cost: 0.6708043981481482 - complexity: 12 +- comm_cost: 0.39166666666666683 + complexity: 21 expressions: - - R- - - SE- - - and(S-, N-) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-5627 type: explored -- comm_cost: 0.13547453703703738 - complexity: 22 +- comm_cost: 0.5079861111111112 + complexity: 11 expressions: - K+ - N+ - R- + - SE- - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, not(R-)) name: explored-5628 type: explored -- comm_cost: 0.4944444444444447 - complexity: 18 +- comm_cost: 0.18269675925925966 + complexity: 17 expressions: + - K+ - N+ + - R- - S+ - - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, R-) name: explored-5629 type: explored -- comm_cost: 0.3808159722222225 - complexity: 16 +- comm_cost: 0.08854166666666696 + complexity: 19 expressions: - K+ - - N+ - R- + - and(K-, S+) + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-5630 type: explored -- comm_cost: 0.8 - complexity: 7 +- comm_cost: 0.5609375000000001 + complexity: 15 expressions: - - or(N+, not(R+)) - - or(S+, SE+) + - N+ + - R+ + - R- + - SE- + - and(K-, or(S+, N+)) + - and(or(K+, S-), not(R-)) name: explored-5631 type: explored -- comm_cost: 0.3460358796296298 - complexity: 22 +- comm_cost: 0.7196180555555556 + complexity: 30 expressions: - - K+ - - K+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(K-, S+) + - and(K-, not(R-)) + - and(K-, or(S+, R-)) + - and(N-, or(S+, SE+)) + - or(K+, or(N+, R-)) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-5632 type: explored -- comm_cost: 0.4792708333333334 +- comm_cost: 0.6382812500000001 complexity: 8 expressions: - R+ - - R- - - and(S-, SE-) - - or(S+, SE+) + - SE- + - and(K-, N-) + - or(N+, R-) name: explored-5633 type: explored -- comm_cost: 0.6545833333333333 - complexity: 6 +- comm_cost: 0.7208333333333334 + complexity: 7 expressions: - - N+ - - and(S-, SE-) - - not(R-) + - R+ + - R+ + - and(K-, or(S+, N+)) name: explored-5634 type: explored -- comm_cost: 0.32569444444444473 - complexity: 19 +- comm_cost: 0.5032552083333335 + complexity: 14 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(N-, R+) + - or(K+, SE+) name: explored-5635 type: explored -- comm_cost: 0.4710069444444447 - complexity: 15 +- comm_cost: 0.510590277777778 + complexity: 16 expressions: + - N+ + - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, R-) + - and(N-, or(S+, R+)) name: explored-5636 type: explored -- comm_cost: 0.3975312500000001 - complexity: 18 +- comm_cost: 0.5100000000000002 + complexity: 7 expressions: - - K+ - - K+ - N+ + - N+ + - N- - R- - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(K+, S-) name: explored-5637 type: explored -- comm_cost: 0.161979166666667 - complexity: 16 +- comm_cost: 0.5703125 + complexity: 6 expressions: - - K+ - - K+ - N+ - R- - - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - S+ + - and(K-, N-) name: explored-5638 type: explored -- comm_cost: 0.49626736111111125 - complexity: 18 +- comm_cost: 0.5841145833333332 + complexity: 7 expressions: - - K+ - N+ - R- - - S+ - - S- - - and(K-, not(R-)) - - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - not(R+) name: explored-5639 type: explored -- comm_cost: 0.5712094907407409 - complexity: 31 +- comm_cost: 0.44696180555555576 + complexity: 25 expressions: - - and(K-, SE-) + - N+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, N+) name: explored-5640 type: explored -- comm_cost: 0.7450520833333334 - complexity: 5 +- comm_cost: 0.6356770833333334 + complexity: 8 expressions: - - N+ - - R+ - - or(K+, SE+) + - K+ + - K+ + - R- + - S+ + - SE- + - and(S-, SE-) name: explored-5641 type: explored -- comm_cost: 0.5161458333333334 - complexity: 17 +- comm_cost: 0.22135416666666674 + complexity: 13 expressions: + - K+ + - N+ + - R+ - R- - - S+ - - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - or(S+, N+) name: explored-5642 type: explored -- comm_cost: 0.4565104166666668 - complexity: 12 +- comm_cost: 0.5950347222222223 + complexity: 10 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, not(R+)) - - or(S+, R+) + - SE- + - and(SE-, or(K+, S-)) + - not(R-) name: explored-5643 type: explored -- comm_cost: 0.5243055555555558 - complexity: 15 +- comm_cost: 0.5390625000000002 + complexity: 18 expressions: - N+ + - R- - SE- + - and(K-, not(R-)) - and(N-, R+) - - or(K+, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5644 type: explored -- comm_cost: 0.5057002314814816 - complexity: 25 +- comm_cost: 0.434027777777778 + complexity: 12 expressions: - N+ - R- - - S+ + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, not(R-)) name: explored-5645 type: explored -- comm_cost: 0.5993923611111112 - complexity: 21 +- comm_cost: 0.7986111111111112 + complexity: 6 expressions: - - R+ - R- - - S+ - - and(K-, N-) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, SE+)) name: explored-5646 type: explored -- comm_cost: 0.6340277777777779 - complexity: 14 +- comm_cost: 0.6642245370370372 + complexity: 15 expressions: - - R- - - SE- - - and(N-, or(K+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - N- + - R+ + - S+ + - and(K-, not(R+)) + - and(S-, or(SE-, N+)) + - or(K+, SE+) name: explored-5647 type: explored -- comm_cost: 0.5778935185185187 - complexity: 14 +- comm_cost: 0.7460069444444446 + complexity: 8 expressions: - - R+ - - R- - SE- - - and(K-, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, not(R-)) + - or(S+, N+) name: explored-5648 type: explored -- comm_cost: 0.6458333333333335 - complexity: 11 +- comm_cost: 0.2722656250000002 + complexity: 15 expressions: - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-5649 type: explored -- comm_cost: 0.5653356481481483 - complexity: 14 +- comm_cost: 0.5213541666666668 + complexity: 7 expressions: + - N+ - R+ - R- - SE- - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) name: explored-5650 type: explored -- comm_cost: 0.2937500000000004 - complexity: 8 +- comm_cost: 0.6503356481481483 + complexity: 10 expressions: - - N+ + - R+ + - R- - SE- - - and(N-, R+) - - and(S-, SE-) + - and(K-, not(R+)) + - or(S+, SE+) name: explored-5651 type: explored -- comm_cost: 0.32578125000000013 +- comm_cost: 0.3659722222222226 complexity: 16 expressions: - - K+ - N+ - R- - - S+ - - and(K-, SE-) + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-5652 type: explored -- comm_cost: 0.42499999999999993 - complexity: 8 +- comm_cost: 0.733420138888889 + complexity: 9 expressions: - - K+ - - N+ - - and(K-, S+) - - and(S-, SE-) + - SE- + - and(K-, or(S+, SE+)) + - or(SE-, N+) name: explored-5653 type: explored -- comm_cost: 0.5949074074074074 - complexity: 17 +- comm_cost: 0.6270011574074075 + complexity: 28 expressions: + - K- - N+ + - SE+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(and(S-, N-), not(R-)) + - or(S+, N+) + - or(S+, SE+) + name: explored-5654 + type: explored +- comm_cost: 0.6216145833333334 + complexity: 8 + expressions: + - R+ - R- - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) - name: explored-5654 + - and(K-, or(S+, SE+)) + name: explored-5655 type: explored -- comm_cost: 0.5150000000000001 - complexity: 18 +- comm_cost: 0.24531250000000027 + complexity: 17 expressions: - - K- + - K+ - N+ - - R- - - S+ - - and(K-, not(R+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - name: explored-5655 + - and(and(S-, N-), not(R-)) + name: explored-5656 type: explored -- comm_cost: 0.23564814814814827 +- comm_cost: 0.5090902777777779 complexity: 22 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - - and(N-, or(S+, R+)) - - and(S-, SE-) - and(S-, SE-) - name: explored-5656 - type: explored -- comm_cost: 0.7276620370370371 - complexity: 14 - expressions: - - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R+) - - or(S+, N+) + - or(K+, S-) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-5657 type: explored -- comm_cost: 0.47526041666666685 - complexity: 8 +- comm_cost: 0.5584490740740742 + complexity: 11 expressions: - R+ - R- - - S+ + - SE- - and(S-, SE-) - - not(R+) + - not(R-) + - or(K+, R+) name: explored-5658 type: explored -- comm_cost: 0.14270833333333366 - complexity: 17 +- comm_cost: 0.6875 + complexity: 9 expressions: - - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-5659 type: explored -- comm_cost: 0.6347222222222224 - complexity: 13 +- comm_cost: 0.04479166666666701 + complexity: 20 expressions: + - K+ + - N+ - R- - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-5660 type: explored -- comm_cost: 0.4682291666666668 - complexity: 16 +- comm_cost: 0.4277430555555557 + complexity: 17 expressions: + - K+ - N+ - - R+ + - N- - R- - - SE- - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) + - and(K-, S+) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-5661 type: explored -- comm_cost: 0.25195312500000033 - complexity: 19 +- comm_cost: 0.5140625000000003 + complexity: 9 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - or(S+, or(N+, R-)) name: explored-5662 type: explored -- comm_cost: 0.7266840277777779 - complexity: 6 +- comm_cost: 0.3899305555555559 + complexity: 9 expressions: - - K- - - R+ - - and(N-, not(R-)) + - N+ + - R- + - S+ + - and(N-, R+) + - or(S+, R-) name: explored-5663 type: explored -- comm_cost: 0.5243055555555556 +- comm_cost: 0.6178240740740742 complexity: 10 expressions: - - N+ - - R- + - R+ + - R+ + - SE+ - SE- - - and(K-, S+) - - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-5664 type: explored -- comm_cost: 0.7763020833333334 - complexity: 4 - expressions: - - R+ - - or(K+, SE+) - name: explored-5665 - type: explored -- comm_cost: 0.44119791666666686 - complexity: 13 +- comm_cost: 0.224479166666667 + complexity: 18 expressions: - K+ - K+ - N+ - S+ - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - and(SE-, or(K+, S-)) + name: explored-5665 + type: explored +- comm_cost: 0.6595486111111113 + complexity: 10 + expressions: + - R+ + - and(and(K-, N-), not(R-)) + - or(S+, N+) name: explored-5666 type: explored -- comm_cost: 0.6031250000000001 - complexity: 8 +- comm_cost: 0.5127430555555558 + complexity: 16 expressions: - N+ - - R+ - - SE- - - and(K-, or(SE-, N+)) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) + - or(N+, not(R+)) name: explored-5667 type: explored -- comm_cost: 0.571527777777778 - complexity: 21 +- comm_cost: 0.6300347222222223 + complexity: 9 expressions: - R+ - SE- - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, R-) + - or(N+, not(R+)) name: explored-5668 type: explored -- comm_cost: 0.23315972222222237 - complexity: 13 +- comm_cost: 0.4536458333333333 + complexity: 12 expressions: - K+ + - K+ - N+ - - R+ - R- - - and(N-, R+) + - S+ + - S+ + - and(K-, SE-) - and(S-, SE-) - - or(S+, R-) name: explored-5669 type: explored -- comm_cost: 0.4600115740740742 - complexity: 24 +- comm_cost: 0.6009722222222224 + complexity: 8 expressions: - K+ - - N+ + - N- + - R+ - R- - - and(K-, or(S+, R+)) - - and(N-, R+) + - S- - and(S-, SE-) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) name: explored-5670 type: explored -- comm_cost: 0.27031250000000007 - complexity: 15 +- comm_cost: 0.39236111111111127 + complexity: 17 expressions: - - K+ - - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(S+, R+) + - and(S-, not(R-)) + - and(SE-, or(K+, S-)) name: explored-5671 type: explored -- comm_cost: 0.5137586805555557 - complexity: 17 +- comm_cost: 0.7559027777777778 + complexity: 7 expressions: - - N+ - SE- - - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - and(SE+, N-) + - or(K+, K-) + - or(K+, R+) name: explored-5672 type: explored -- comm_cost: 0.5942708333333334 - complexity: 16 +- comm_cost: 0.6642274305555557 + complexity: 17 expressions: - - R+ - R- - - SE- - - and(and(K-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - SE+ + - and(and(S-, N-), not(R-)) + - not(R+) + - or(N+, not(R+)) + - or(SE-, N+) name: explored-5673 type: explored -- comm_cost: 0.6781250000000001 - complexity: 30 +- comm_cost: 0.7580729166666667 + complexity: 9 expressions: - - SE- - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, S+) + - or(N+, R-) + - or(SE-, N+) name: explored-5674 type: explored -- comm_cost: 0.21319444444444458 +- comm_cost: 0.5695659722222224 complexity: 17 expressions: - N+ - - R- - - and(K-, S+) - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - not(R-) name: explored-5675 type: explored -- comm_cost: 0.47129629629629655 - complexity: 21 +- comm_cost: 0.5576388888888891 + complexity: 19 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, or(N+, R-)) + - or(S+, N+) name: explored-5676 type: explored -- comm_cost: 0.6826157407407408 - complexity: 11 +- comm_cost: 0.3979166666666669 + complexity: 13 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - and(and(K-, N-), not(R-)) - - or(S+, SE+) + - and(N-, R+) + - and(SE+, N-) + - and(SE+, N-) name: explored-5677 type: explored -- comm_cost: 0.2767361111111113 - complexity: 14 +- comm_cost: 0.4565104166666667 + complexity: 17 expressions: - K+ + - N+ - R- - - S+ - - and(K-, or(S+, R+)) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) + - or(S+, R+) name: explored-5678 type: explored -- comm_cost: 0.6348958333333334 - complexity: 12 +- comm_cost: 0.4939814814814816 + complexity: 14 expressions: - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(K+, SE+) + - N+ + - SE- + - and(N-, R+) + - and(S-, N-) + - and(and(K-, N-), not(R-)) name: explored-5679 type: explored -- comm_cost: 0.6696527777777779 - complexity: 17 +- comm_cost: 0.5050000000000001 + complexity: 8 expressions: - - and(K-, or(S+, SE+)) + - K+ + - K+ + - K- + - N+ + - R- - and(N-, R+) - - not(R-) - - or(and(S-, SE-), or(N+, R-)) name: explored-5680 type: explored -- comm_cost: 0.6794988425925927 - complexity: 29 +- comm_cost: 0.5489583333333335 + complexity: 6 expressions: - - N+ - - N- - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) - - and(N-, or(S+, R+)) - - and(S-, N-) - - and(or(K+, S-), not(R-)) - - or(S+, N+) + - R+ + - and(N-, R+) + - not(R+) name: explored-5681 type: explored -- comm_cost: 0.425752314814815 +- comm_cost: 0.6924768518518519 complexity: 15 expressions: - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(K+, R-) + - and(K-, or(S+, R-)) + - and(S-, not(R-)) + - or(K+, SE+) + - or(S+, R+) name: explored-5682 type: explored -- comm_cost: 0.5549074074074075 - complexity: 13 +- comm_cost: 0.4458333333333332 + complexity: 9 expressions: + - N+ - R- - - and(N-, R+) + - S+ - and(S-, SE-) - - or(K+, R+) - - or(K+, S-) + - or(K+, N+) name: explored-5683 type: explored -- comm_cost: 0.3486111111111114 - complexity: 14 +- comm_cost: 0.7484375000000001 + complexity: 7 expressions: - - N+ - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(S+, R-) + - R+ + - and(K-, S+) + - or(S+, SE+) name: explored-5684 type: explored -- comm_cost: 0.5551504629629631 - complexity: 12 +- comm_cost: 0.4536458333333333 + complexity: 13 expressions: + - K+ + - K+ - N+ - - R+ - R- - - SE- - - SE- - - and(K-, not(R+)) - - and(S-, N-) + - S+ + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-5685 type: explored -- comm_cost: 0.38281250000000033 - complexity: 12 +- comm_cost: 0.5209027777777779 + complexity: 8 expressions: - K+ - - and(K-, S+) + - K- + - N+ + - R+ + - R- - and(N-, R+) - - and(S-, SE-) - - not(R+) name: explored-5686 type: explored -- comm_cost: 0.1994791666666671 - complexity: 22 +- comm_cost: 0.3708333333333337 + complexity: 12 expressions: - - K+ - N+ - - R- - - and(K-, S+) - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-5687 type: explored -- comm_cost: 0.08906250000000027 - complexity: 18 +- comm_cost: 0.5179687500000001 + complexity: 7 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) + - S- - and(S-, SE-) - - or(K+, N+) - - or(K+, R-) name: explored-5688 type: explored -- comm_cost: 0.5131944444444447 - complexity: 11 +- comm_cost: 0.7039351851851852 + complexity: 13 expressions: - N+ - - and(N-, R+) + - R- + - SE- + - or(S+, R-) - or(and(K-, S+), or(N+, R-)) name: explored-5689 type: explored -- comm_cost: 0.6109375000000001 - complexity: 7 +- comm_cost: 0.5630555555555558 + complexity: 14 expressions: + - K+ - N+ - - R+ - - R- - SE- - - or(S+, SE+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(K+, S-) name: explored-5690 type: explored -- comm_cost: 0.5156250000000001 - complexity: 16 +- comm_cost: 0.18958333333333366 + complexity: 24 expressions: - K+ + - N+ + - N+ - R- - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) name: explored-5691 type: explored -- comm_cost: 0.5583333333333333 - complexity: 8 +- comm_cost: 0.3817187500000001 + complexity: 17 expressions: - K+ + - K+ + - N+ - R- + - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) + - or(K+, S-) name: explored-5692 type: explored -- comm_cost: 0.21354166666666696 - complexity: 19 +- comm_cost: 0.30043402777777795 + complexity: 20 expressions: - - K+ - - K+ - N+ - R- - S+ - - and(K-, or(SE-, N+)) + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - or(N+, R-) name: explored-5693 type: explored -- comm_cost: 0.4666666666666668 - complexity: 17 +- comm_cost: 0.6058159722222223 + complexity: 7 expressions: - - K- + - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - or(K+, SE+) name: explored-5694 type: explored -- comm_cost: 0.3958333333333335 +- comm_cost: 0.718402777777778 complexity: 11 expressions: - - K+ - R+ - - R- - - and(K-, or(S+, SE+)) - - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-5695 type: explored -- comm_cost: 0.3598958333333334 - complexity: 12 - expressions: - - R+ - - R- - - S+ - - and(S-, SE-) - - or(K+, N+) - - or(K+, R+) - name: explored-5696 - type: explored -- comm_cost: 0.5083333333333335 +- comm_cost: 0.49674479166666685 complexity: 15 expressions: - K+ - - R+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - or(S+, or(N+, R-)) - name: explored-5697 - type: explored -- comm_cost: 0.5699942129629632 - complexity: 14 - expressions: - N+ + - R+ + - R- - SE- - and(N-, R+) - - and(S-, N-) - - and(or(K+, S-), not(R-)) - name: explored-5698 + - and(N-, or(K+, SE+)) + - not(R+) + name: explored-5696 type: explored -- comm_cost: 0.5138194444444446 - complexity: 13 +- comm_cost: 0.5553240740740742 + complexity: 20 expressions: - - K+ + - N+ - R- - SE- - - and(K-, or(S+, N+)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) - and(N-, R+) - - not(R-) - name: explored-5699 + - and(S-, N-) + name: explored-5697 type: explored -- comm_cost: 0.5608796296296298 +- comm_cost: 0.22239583333333357 complexity: 17 expressions: + - K+ - R+ - R- - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, R+) - - or(K+, R-) - name: explored-5700 + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + name: explored-5698 type: explored -- comm_cost: 0.6579409722222224 - complexity: 38 +- comm_cost: 0.7970486111111111 + complexity: 7 expressions: - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) - name: explored-5701 + - S+ + - SE- + - and(K-, or(SE-, N+)) + name: explored-5699 type: explored -- comm_cost: 0.3430555555555558 - complexity: 11 +- comm_cost: 0.4253125000000002 + complexity: 14 expressions: - - N+ - - S+ + - K+ + - K- + - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - name: explored-5702 + name: explored-5700 type: explored -- comm_cost: 0.3098958333333335 - complexity: 14 +- comm_cost: 0.5263020833333334 + complexity: 11 expressions: - - N+ + - K+ + - R+ - R- - - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - name: explored-5703 + name: explored-5701 type: explored -- comm_cost: 0.4750000000000002 - complexity: 13 +- comm_cost: 0.586545138888889 + complexity: 15 expressions: - N+ + - R+ - R- - SE- - - and(K-, not(R+)) - - and(N-, R+) - - or(K+, R+) + - and(K-, or(N+, not(R+))) + - and(N-, or(S+, R+)) + name: explored-5702 + type: explored +- comm_cost: 0.7703993055555556 + complexity: 8 + expressions: + - SE- + - and(K-, SE-) + - and(N-, not(R-)) + name: explored-5703 + type: explored +- comm_cost: 0.7289930555555557 + complexity: 6 + expressions: + - R+ + - and(N-, or(K+, SE+)) name: explored-5704 type: explored -- comm_cost: 0.4158854166666669 - complexity: 18 +- comm_cost: 0.6376388888888891 + complexity: 9 expressions: - - K+ - - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(K+, N+) + - SE- + - and(SE+, N-) + - or(N+, not(R+)) name: explored-5705 type: explored -- comm_cost: 0.24088541666666696 - complexity: 22 +- comm_cost: 0.7077777777777778 + complexity: 5 expressions: - - K+ - - K+ + - K- + - K- - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - SE- name: explored-5706 type: explored -- comm_cost: 0.644184027777778 - complexity: 18 +- comm_cost: 0.3552951388888892 + complexity: 8 expressions: + - K+ - N+ - - R+ - - R- - SE- - - and(K-, not(R+)) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - not(R+) name: explored-5707 type: explored -- comm_cost: 0.5263020833333334 - complexity: 11 +- comm_cost: 0.6005208333333335 + complexity: 9 expressions: - K+ - - R+ - R- - - and(N-, or(K+, S-)) - - and(S-, SE-) + - SE- + - and(N-, R+) + - or(K+, K-) name: explored-5708 type: explored -- comm_cost: 0.281510416666667 - complexity: 16 +- comm_cost: 0.4983506944444446 + complexity: 14 expressions: - - K+ - N+ - R- + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(SE-, N+) + - and(N-, or(K+, SE+)) name: explored-5709 type: explored -- comm_cost: 0.587152777777778 - complexity: 6 +- comm_cost: 0.81484375 + complexity: 4 expressions: - - R+ - - SE- + - R- - SE- - - or(S+, R-) + - not(R+) name: explored-5710 type: explored -- comm_cost: 0.588012152777778 - complexity: 12 +- comm_cost: 0.5587239583333334 + complexity: 20 expressions: - - K+ + - N+ - R- - - SE- + - and(K-, N-) + - and(K-, not(R-)) - and(N-, R+) - - and(N-, not(R-)) - - not(R-) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-5711 type: explored -- comm_cost: 0.3250000000000004 - complexity: 9 +- comm_cost: 0.6038194444444446 + complexity: 15 expressions: - - K+ - - N+ - - N+ - - R- - - and(N-, R+) - - not(R+) + - R+ + - SE- + - and(S-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-5712 type: explored -- comm_cost: 0.45703125000000033 - complexity: 11 +- comm_cost: 0.4780555555555557 + complexity: 22 expressions: + - K+ + - K- - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(K+, R+) name: explored-5713 type: explored -- comm_cost: 0.4296875000000002 - complexity: 16 +- comm_cost: 0.6548611111111113 + complexity: 9 expressions: - - K+ - N+ - - R- - - S+ - - S- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-5714 type: explored -- comm_cost: 0.37743055555555594 - complexity: 21 +- comm_cost: 0.7958333333333333 + complexity: 9 expressions: - N+ - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5715 type: explored -- comm_cost: 0.4121527777777779 - complexity: 18 +- comm_cost: 0.2611979166666668 + complexity: 22 expressions: - K+ - - K+ - - N+ - N+ - R- - - S+ - - and(K-, SE-) + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, K-) name: explored-5716 type: explored -- comm_cost: 0.493576388888889 - complexity: 12 +- comm_cost: 0.46805555555555567 + complexity: 25 expressions: - N+ - - R+ - R- - - SE- - - and(K-, S+) - - and(N-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) name: explored-5717 type: explored -- comm_cost: 0.3182870370370373 - complexity: 20 +- comm_cost: 0.5809895833333334 + complexity: 10 expressions: - - K+ - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(K-, N-) + - and(SE-, or(K+, S-)) name: explored-5718 type: explored -- comm_cost: 0.7022569444444445 - complexity: 9 +- comm_cost: 0.29010416666666694 + complexity: 13 expressions: + - K+ - N+ - - R+ - R- - - or(K+, R-) - - or(K+, SE+) + - S+ + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-5719 type: explored -- comm_cost: 0.5876736111111113 - complexity: 9 +- comm_cost: 0.30572916666666683 + complexity: 23 expressions: + - K+ + - K+ + - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-5720 type: explored -- comm_cost: 0.5424189814814816 - complexity: 17 +- comm_cost: 0.6939583333333335 + complexity: 7 expressions: + - N- + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) + - SE- + - or(S+, SE+) name: explored-5721 type: explored -- comm_cost: 0.3876736111111114 +- comm_cost: 0.5095486111111113 complexity: 15 expressions: - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(N-, R+) - - or(S+, R-) - - or(SE-, N+) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) name: explored-5722 type: explored -- comm_cost: 0.3616666666666668 - complexity: 11 +- comm_cost: 0.5977430555555557 + complexity: 13 expressions: - - K+ - - K+ - N+ - - N- - - R- - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-5723 type: explored -- comm_cost: 0.504976851851852 - complexity: 18 +- comm_cost: 0.22916666666666696 + complexity: 11 expressions: + - K+ - N+ - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - and(N-, R+) - - and(SE+, N-) + - and(S-, SE-) + - or(S+, N+) name: explored-5724 type: explored -- comm_cost: 0.5935937500000001 - complexity: 21 +- comm_cost: 0.45677083333333357 + complexity: 19 expressions: - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(or(K+, S-), not(R-)) - - not(R-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - not(R+) + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-5725 type: explored -- comm_cost: 0.6069791666666666 - complexity: 15 +- comm_cost: 0.5899305555555555 + complexity: 16 expressions: - K+ - - N+ - R- + - and(K-, or(S+, N+)) - and(S-, SE-) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R+)) name: explored-5726 type: explored -- comm_cost: 0.46892361111111125 - complexity: 16 +- comm_cost: 0.7208333333333334 + complexity: 6 expressions: - - N+ - - SE- - - and(N-, R+) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) + - R+ + - and(K-, or(S+, N+)) name: explored-5727 type: explored -- comm_cost: 0.49774305555555554 - complexity: 13 +- comm_cost: 0.6083715277777779 + complexity: 33 expressions: - - N+ - - R- - - S+ - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(N-, or(K+, R+)) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) + - or(K+, N+) + - or(N+, not(R+)) name: explored-5728 type: explored -- comm_cost: 0.4125000000000001 - complexity: 17 +- comm_cost: 0.16041666666666687 + complexity: 15 expressions: - K+ - - R+ - - R- + - K+ + - N+ - R- + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) + - and(SE-, or(K+, S-)) name: explored-5729 type: explored -- comm_cost: 0.6505208333333334 - complexity: 6 +- comm_cost: 0.31111111111111134 + complexity: 20 expressions: - N+ - - R+ - - R- - - and(SE+, N-) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-5730 type: explored -- comm_cost: 0.7005063657407409 - complexity: 20 +- comm_cost: 0.5649305555555557 + complexity: 10 expressions: - - K- - - and(K-, not(R+)) - - and(K-, not(R-)) - - and(N-, or(K+, SE+)) - - and(and(S-, N-), not(R-)) + - K+ + - SE+ + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-5731 type: explored -- comm_cost: 0.7296006944444445 - complexity: 12 +- comm_cost: 0.28379629629629644 + complexity: 13 expressions: - - R+ - - and(N-, or(K+, S-)) - - or(K+, N+) - - or(K+, S-) + - K+ + - N+ + - R- + - SE+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-5732 type: explored -- comm_cost: 0.32777777777777795 +- comm_cost: 0.4211111111111113 complexity: 17 expressions: - - K+ - - N+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(S+, N+) + - and(and(S-, N-), not(R-)) + - not(R-) name: explored-5733 type: explored -- comm_cost: 0.6750347222222223 - complexity: 29 +- comm_cost: 0.6273437500000002 + complexity: 9 expressions: - - N+ - - SE+ - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(N-, or(K+, SE+)) - - or(N+, R-) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(SE+, N-) + - or(S+, or(N+, R-)) name: explored-5734 type: explored -- comm_cost: 0.5970486111111113 - complexity: 22 +- comm_cost: 0.24652777777777812 + complexity: 21 expressions: - - R+ - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, or(SE-, N+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-5735 type: explored -- comm_cost: 0.4984375000000002 - complexity: 14 +- comm_cost: 0.23880208333333353 + complexity: 20 expressions: + - K+ + - K+ - N+ - - R+ - R- - - SE- + - S+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-5736 type: explored -- comm_cost: 0.4243055555555557 - complexity: 10 +- comm_cost: 0.4873437500000002 + complexity: 25 expressions: + - K+ - N+ + - R- - and(N-, R+) - - and(S-, N-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) - and(S-, SE-) + - or(S+, SE+) name: explored-5737 type: explored -- comm_cost: 0.5256076388888891 - complexity: 16 +- comm_cost: 0.2597222222222225 + complexity: 20 expressions: - N+ - R- - - SE- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, not(R-)) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-5738 type: explored -- comm_cost: 0.34192708333333355 - complexity: 20 +- comm_cost: 0.4838541666666668 + complexity: 17 expressions: - N+ - - R- - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-5739 type: explored -- comm_cost: 0.49479166666666663 - complexity: 8 +- comm_cost: 0.31501736111111134 + complexity: 13 expressions: + - K+ + - K+ - N+ + - R- - S+ + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(N+, R-) name: explored-5740 type: explored -- comm_cost: 0.5822916666666669 - complexity: 14 +- comm_cost: 0.6059317129629631 + complexity: 12 expressions: - R+ - - and(K-, or(SE-, N+)) + - S- - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-5741 type: explored -- comm_cost: 0.28333333333333366 - complexity: 14 +- comm_cost: 0.4134259259259261 + complexity: 19 expressions: - - K+ - R- - - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-5742 type: explored -- comm_cost: 0.7436631944444445 - complexity: 4 +- comm_cost: 0.7283854166666668 + complexity: 16 expressions: - - S- - - or(K+, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) + - or(SE-, N+) name: explored-5743 type: explored -- comm_cost: 0.584513888888889 - complexity: 11 +- comm_cost: 0.6493055555555557 + complexity: 6 expressions: - N+ - - R+ - - R- - SE- - - or(N+, not(R+)) - - or(S+, N+) + - and(S-, not(R-)) name: explored-5744 type: explored -- comm_cost: 0.5207754629629632 - complexity: 14 +- comm_cost: 0.16914062500000027 + complexity: 16 expressions: + - K+ + - K+ - N+ - - SE- - - and(K-, N-) + - R- + - S+ - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-5745 type: explored -- comm_cost: 0.4986111111111111 - complexity: 15 +- comm_cost: 0.32621527777777803 + complexity: 20 expressions: + - N+ - R- + - S+ + - and(N-, R+) - and(N-, or(S+, R+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-5746 type: explored -- comm_cost: 0.5239583333333334 - complexity: 10 +- comm_cost: 0.600607638888889 + complexity: 11 expressions: + - N+ - R+ - - R+ - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - SE- + - or(K+, or(N+, R-)) + - or(SE-, N+) name: explored-5747 type: explored -- comm_cost: 0.33376736111111127 - complexity: 16 +- comm_cost: 0.5736111111111113 + complexity: 15 expressions: - - K+ - - N+ - R- - - and(K-, N-) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) + - or(K+, S-) name: explored-5748 type: explored -- comm_cost: 0.4833854166666668 - complexity: 16 +- comm_cost: 0.5472222222222224 + complexity: 17 expressions: - N+ - - R- + - S+ - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(N+, not(R+)) + - and(and(K-, N-), not(R-)) + - or(K+, K-) name: explored-5749 type: explored -- comm_cost: 0.22335069444444466 - complexity: 14 +- comm_cost: 0.25407986111111136 + complexity: 18 expressions: - K+ - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(and(K-, N-), not(R-)) name: explored-5750 type: explored -- comm_cost: 0.7055555555555555 - complexity: 11 +- comm_cost: 0.5083333333333334 + complexity: 12 expressions: - - K+ + - R+ - R- + - and(K-, S+) + - and(K-, not(R-)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-5751 type: explored -- comm_cost: 0.324652777777778 - complexity: 16 +- comm_cost: 0.6895833333333334 + complexity: 4 expressions: - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(S+, R-) + - and(S-, N-) name: explored-5752 type: explored -- comm_cost: 0.5093750000000001 - complexity: 16 +- comm_cost: 0.45474537037037055 + complexity: 22 expressions: + - K+ - N+ - R- + - S+ + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, SE+) + - and(and(S-, N-), not(R-)) + - or(K+, K-) name: explored-5753 type: explored -- comm_cost: 0.4364583333333335 - complexity: 16 +- comm_cost: 0.3284722222222225 + complexity: 13 expressions: - - N+ - R- - - S+ - - and(K-, N-) + - SE- - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-5754 type: explored -- comm_cost: 0.39281250000000023 - complexity: 16 +- comm_cost: 0.6431712962962964 + complexity: 13 expressions: - - K+ - - K- - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - R+ + - and(and(K-, N-), not(R-)) + - and(and(S-, N-), not(R-)) name: explored-5755 type: explored -- comm_cost: 0.5250000000000001 - complexity: 6 +- comm_cost: 0.42843750000000014 + complexity: 12 expressions: + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(K+, S-) name: explored-5756 type: explored -- comm_cost: 0.17430555555555594 - complexity: 13 +- comm_cost: 0.571175925925926 + complexity: 34 expressions: - - K+ - N+ - - R- + - R+ - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) + - and(S-, not(R+)) + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) + - or(K+, R-) + - or(N+, not(R+)) name: explored-5757 type: explored -- comm_cost: 0.5446180555555556 - complexity: 11 +- comm_cost: 0.42942708333333357 + complexity: 18 expressions: - - R+ - - R- - - SE- - - and(N-, or(S+, R+)) - - or(K+, N+) + - K+ + - N+ + - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-5758 type: explored -- comm_cost: 0.6643981481481482 - complexity: 30 +- comm_cost: 0.537008101851852 + complexity: 22 expressions: - - S- - - and(S-, N-) - - and(S-, not(R+)) - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) - - or(N+, R-) - - or(S+, N+) + - N+ + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-5759 type: explored -- comm_cost: 0.7057743055555556 - complexity: 27 +- comm_cost: 0.713888888888889 + complexity: 12 expressions: - - K+ - - N- - - and(K-, N-) - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(N-, or(K+, S-)) - - and(SE-, or(K+, S-)) - - or(N+, not(R+)) + - R+ + - R- + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-5760 type: explored -- comm_cost: 0.4691840277777779 - complexity: 18 +- comm_cost: 0.29947916666666685 + complexity: 7 expressions: + - K+ - R+ - R- + - S+ - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R-) - - or(S+, or(N+, R-)) name: explored-5761 type: explored -- comm_cost: 0.5591666666666668 - complexity: 13 +- comm_cost: 0.5197916666666669 + complexity: 11 expressions: - - N+ - - and(N-, R+) + - K+ + - R+ + - SE- - and(S-, SE-) - - not(R-) - - or(N+, not(R+)) + - and(S-, or(SE-, N+)) name: explored-5762 type: explored -- comm_cost: 0.1326967592592596 - complexity: 19 +- comm_cost: 0.3604166666666667 + complexity: 14 expressions: - - K+ - - K+ - N+ - R- - - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(S+, R+) + - or(S+, R+) name: explored-5763 type: explored -- comm_cost: 0.7290625 - complexity: 5 +- comm_cost: 0.596875 + complexity: 11 expressions: - - K- + - K+ + - N+ + - R- - SE- - - or(N+, R-) + - and(K-, SE-) + - and(K-, not(R+)) name: explored-5764 type: explored -- comm_cost: 0.5776041666666667 - complexity: 9 +- comm_cost: 0.7389756944444446 + complexity: 7 expressions: - - and(S-, SE-) - - or(K+, R-) - - or(S+, N+) + - S- + - and(and(K-, N-), not(R-)) name: explored-5765 type: explored -- comm_cost: 0.25399305555555585 - complexity: 8 +- comm_cost: 0.06510416666666696 + complexity: 19 expressions: - K+ - N+ - R- - S+ - - SE- + - and(K-, S+) + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-5766 type: explored -- comm_cost: 0.5536458333333335 - complexity: 20 +- comm_cost: 0.3286458333333335 + complexity: 17 expressions: - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, K-) - - or(K+, or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) + - not(R+) name: explored-5767 type: explored -- comm_cost: 0.33750000000000024 - complexity: 12 +- comm_cost: 0.7008101851851853 + complexity: 18 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(S-, N-) + - or(S+, or(N+, R-)) name: explored-5768 type: explored -- comm_cost: 0.6831336805555557 - complexity: 34 +- comm_cost: 0.5520833333333335 + complexity: 5 expressions: - - S+ - - SE+ - - and(K-, not(R-)) - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - - or(K+, SE+) - - or(S+, R+) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R+ + - and(K-, SE-) name: explored-5769 type: explored -- comm_cost: 0.658492476851852 - complexity: 14 +- comm_cost: 0.33958333333333357 + complexity: 17 expressions: - - R+ - - SE- + - R- + - S+ - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - or(S+, R+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-5770 type: explored -- comm_cost: 0.27118055555555576 - complexity: 19 +- comm_cost: 0.6325520833333333 + complexity: 4 expressions: - N+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - S- + - SE- name: explored-5771 type: explored -- comm_cost: 0.26336805555555576 - complexity: 23 +- comm_cost: 0.3752314814814819 + complexity: 22 expressions: - - K+ - - N+ - - R+ - R- - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) + - S+ - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5772 type: explored -- comm_cost: 0.30329861111111134 - complexity: 19 +- comm_cost: 0.5371527777777779 + complexity: 16 expressions: - K+ - - N+ - R- - and(K-, N-) - - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) name: explored-5773 type: explored -- comm_cost: 0.33802083333333344 +- comm_cost: 0.34930555555555587 complexity: 14 expressions: - - K+ + - N+ + - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-5774 type: explored -- comm_cost: 0.419791666666667 - complexity: 10 +- comm_cost: 0.6039930555555558 + complexity: 8 expressions: + - K+ - SE- - and(N-, R+) - - or(N+, R-) - - or(S+, N+) + - or(S+, R+) name: explored-5775 type: explored -- comm_cost: 0.43616898148148153 - complexity: 17 +- comm_cost: 0.5551504629629631 + complexity: 10 expressions: - N+ - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, not(R-)) + - R+ + - R- + - SE- + - and(S-, N-) + - or(S+, R-) name: explored-5776 type: explored -- comm_cost: 0.6331770833333334 - complexity: 13 +- comm_cost: 0.33029513888888906 + complexity: 20 expressions: - - N- + - K+ + - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) + - and(N-, not(R-)) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-5777 type: explored -- comm_cost: 0.7354861111111113 - complexity: 11 +- comm_cost: 0.6982638888888889 + complexity: 9 expressions: - - N- - - R+ - - not(R-) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - SE- + - or(K+, K-) + - or(S+, R-) name: explored-5778 type: explored -- comm_cost: 0.6816319444444446 - complexity: 7 +- comm_cost: 0.5778935185185187 + complexity: 12 expressions: - - K- - - and(N-, R+) - - and(SE+, N-) + - R+ + - R- + - SE- + - and(K-, not(R+)) + - or(K+, or(N+, R-)) name: explored-5779 type: explored -- comm_cost: 0.3681423611111113 - complexity: 14 +- comm_cost: 0.7605034722222223 + complexity: 8 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(N+, R-) + - SE- + - and(N-, or(K+, S-)) + - not(R-) name: explored-5780 type: explored -- comm_cost: 0.5078125000000002 - complexity: 9 +- comm_cost: 0.5421875000000003 + complexity: 5 expressions: - - R+ - and(N-, R+) - - and(SE-, or(K+, S-)) + - not(R+) name: explored-5781 type: explored -- comm_cost: 0.7331597222222223 - complexity: 9 +- comm_cost: 0.5415798611111113 + complexity: 10 expressions: + - N+ + - R- - SE- - - and(K-, or(S+, R-)) - - or(S+, SE+) + - and(N-, R+) + - not(R+) + - not(R-) name: explored-5782 type: explored -- comm_cost: 0.3578125000000002 - complexity: 11 +- comm_cost: 0.6148437500000001 + complexity: 14 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - SE- + - and(N-, or(S+, R+)) + - or(S+, R-) + - or(SE-, N+) name: explored-5783 type: explored -- comm_cost: 0.5567997685185186 - complexity: 14 +- comm_cost: 0.5152256944444445 + complexity: 25 expressions: + - K+ - N+ + - R- + - and(K-, S+) + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, not(R-)) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-5784 type: explored -- comm_cost: 0.5434722222222224 - complexity: 9 +- comm_cost: 0.7152430555555557 + complexity: 10 expressions: - - K+ - - N+ - - SE- - - and(N-, R+) - - or(S+, SE+) + - R+ + - and(or(K+, S-), not(R+)) + - or(K+, S-) name: explored-5785 type: explored -- comm_cost: 0.5113541666666669 - complexity: 15 +- comm_cost: 0.337760416666667 + complexity: 8 expressions: - N+ + - R- - SE- - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) + - not(R+) name: explored-5786 type: explored -- comm_cost: 0.5399305555555557 - complexity: 13 +- comm_cost: 0.6524305555555557 + complexity: 9 expressions: - - R+ - - R- + - K+ - SE- - - and(K-, S+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(N-, not(R-)) name: explored-5787 type: explored -- comm_cost: 0.5859953703703705 - complexity: 15 +- comm_cost: 0.515277777777778 + complexity: 16 expressions: + - K+ - N+ - - R+ + - R- - SE- - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, S+) + - and(N-, R+) + - or(K+, S-) + - or(S+, N+) name: explored-5788 type: explored -- comm_cost: 0.3437500000000002 - complexity: 20 +- comm_cost: 0.5657986111111113 + complexity: 11 expressions: - K+ - - N+ - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - R+ + - and(K-, S+) + - and(and(K-, N-), not(R-)) name: explored-5789 type: explored -- comm_cost: 0.42994791666666676 - complexity: 18 +- comm_cost: 0.5100925925925927 + complexity: 16 expressions: + - K+ + - N+ + - N- - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(K-, S+) - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-5790 type: explored -- comm_cost: 0.4526041666666668 - complexity: 9 +- comm_cost: 0.49531250000000016 + complexity: 14 expressions: + - N+ - R+ - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R- + - SE- + - and(K-, or(S+, R-)) + - and(N-, or(K+, R+)) name: explored-5791 type: explored -- comm_cost: 0.5305555555555558 - complexity: 6 +- comm_cost: 0.49322916666666683 + complexity: 14 expressions: - - K+ - - SE+ + - R+ + - R- - SE- - - and(N-, R+) + - and(K-, or(S+, N+)) + - and(and(S-, N-), not(R-)) name: explored-5792 type: explored -- comm_cost: 0.7478298611111112 +- comm_cost: 0.5600694444444445 complexity: 12 expressions: - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) + - N+ + - R- + - SE- + - and(K-, not(R-)) + - and(N-, R+) + - not(R-) name: explored-5793 type: explored -- comm_cost: 0.626154513888889 - complexity: 32 +- comm_cost: 0.5591145833333335 + complexity: 16 expressions: - - and(N-, not(R-)) - - and(N-, or(K+, S-)) + - N+ + - R- + - S+ + - S+ + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, or(N+, R-)) + - or(K+, K-) + - or(K+, S-) name: explored-5794 type: explored -- comm_cost: 0.47604166666666703 - complexity: 9 +- comm_cost: 0.7305555555555556 + complexity: 10 expressions: - - SE- - - and(N-, R+) - - or(S+, or(N+, R-)) + - R+ + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) name: explored-5795 type: explored -- comm_cost: 0.5984375000000002 - complexity: 11 +- comm_cost: 0.7286458333333333 + complexity: 6 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - or(K+, R+) - - or(K+, or(N+, R-)) + - or(K+, N+) name: explored-5796 type: explored -- comm_cost: 0.5784722222222222 - complexity: 14 +- comm_cost: 0.6993055555555556 + complexity: 10 expressions: - - K+ - - N+ - - R- - SE- - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(S+, R+)) + - and(S-, not(R-)) name: explored-5797 type: explored -- comm_cost: 0.6636574074074075 - complexity: 16 +- comm_cost: 0.4289930555555559 + complexity: 12 expressions: - - K+ - - SE+ - - and(N-, or(K+, S-)) - - and(and(K-, N-), not(R-)) + - N+ + - SE- + - and(N-, R+) - or(K+, R-) + - or(N+, not(R+)) name: explored-5798 type: explored -- comm_cost: 0.3359375000000002 - complexity: 8 +- comm_cost: 0.4125000000000001 + complexity: 16 expressions: - K+ - R+ - - and(N-, R+) + - R- + - and(N-, or(K+, R+)) - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-5799 type: explored -- comm_cost: 0.8153125000000001 - complexity: 6 +- comm_cost: 0.3352430555555559 + complexity: 15 expressions: - - N- - - and(N-, or(S+, SE+)) + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) + - or(S+, N+) name: explored-5800 type: explored -- comm_cost: 0.7074652777777779 - complexity: 11 +- comm_cost: 0.44930555555555585 + complexity: 12 expressions: - - R+ - - and(N-, or(K+, R+)) - - or(K+, or(N+, R-)) + - K+ + - R- + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-5801 type: explored -- comm_cost: 0.35416666666666685 - complexity: 9 +- comm_cost: 0.28281250000000036 + complexity: 15 expressions: - N+ - R- - - SE+ + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) name: explored-5802 type: explored -- comm_cost: 0.6133680555555556 - complexity: 10 +- comm_cost: 0.5370833333333334 + complexity: 14 expressions: + - N+ - R- - - SE- - - and(K-, or(S+, R+)) - - or(N+, R-) + - S+ + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, SE+) name: explored-5803 type: explored -- comm_cost: 0.5881944444444447 - complexity: 12 - expressions: - - R+ - - and(SE-, or(K+, S-)) - - or(S+, N+) - - or(S+, N+) - name: explored-5804 - type: explored -- comm_cost: 0.4638888888888888 - complexity: 14 +- comm_cost: 0.48020833333333357 + complexity: 18 expressions: - K+ - - K+ - - N+ - - R- - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-5805 + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(and(K-, N-), not(R-)) + name: explored-5804 type: explored -- comm_cost: 0.4794270833333335 +- comm_cost: 0.6852430555555556 complexity: 10 expressions: - R+ - - R- - - S+ - and(N-, not(R-)) - - and(S-, SE-) - name: explored-5806 + - and(N-, or(K+, S-)) + name: explored-5805 type: explored -- comm_cost: 0.5100868055555556 - complexity: 16 +- comm_cost: 0.49375000000000024 + complexity: 10 expressions: - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - not(R-) - name: explored-5807 + - and(N-, or(K+, S-)) + name: explored-5806 type: explored -- comm_cost: 0.4110243055555558 - complexity: 20 +- comm_cost: 0.4208622685185186 + complexity: 17 expressions: - - K+ - N+ - R- - and(K-, not(R-)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + name: explored-5807 + type: explored +- comm_cost: 0.6232638888888891 + complexity: 6 + expressions: + - R+ + - S+ + - SE- + - or(S+, N+) name: explored-5808 type: explored -- comm_cost: 0.6186296296296298 - complexity: 21 +- comm_cost: 0.5394965277777779 + complexity: 13 expressions: - - N- + - K+ + - N+ - R- - SE- + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, R+) name: explored-5809 type: explored -- comm_cost: 0.6234953703703705 - complexity: 12 +- comm_cost: 0.6486111111111112 + complexity: 7 expressions: - - R+ + - N+ + - R- - and(N-, or(K+, SE+)) - - and(and(K-, N-), not(R-)) name: explored-5810 type: explored -- comm_cost: 0.5923611111111112 +- comm_cost: 0.5340277777777779 complexity: 12 expressions: - N+ - - R+ - R- - SE- - - and(K-, N-) - - and(K-, or(SE-, N+)) + - and(K-, not(R+)) + - and(N-, or(S+, R+)) name: explored-5811 type: explored -- comm_cost: 0.5838541666666668 - complexity: 12 +- comm_cost: 0.4466145833333336 + complexity: 22 expressions: - - R+ - - and(and(S-, N-), not(R-)) - - or(S+, or(N+, R-)) + - N+ + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5812 type: explored -- comm_cost: 0.686545138888889 - complexity: 6 +- comm_cost: 0.6329861111111112 + complexity: 9 expressions: - R+ - - S- - - SE- - - and(K-, N-) + - and(K-, S+) + - or(K+, or(N+, R-)) name: explored-5813 type: explored -- comm_cost: 0.4675925925925929 - complexity: 18 +- comm_cost: 0.7272569444444444 + complexity: 12 expressions: - - K+ - N+ - - R- - - and(N-, R+) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(K-, or(S+, N+)) + - or(K+, or(N+, R-)) name: explored-5814 type: explored -- comm_cost: 0.4203125000000001 - complexity: 10 +- comm_cost: 0.3265625000000002 + complexity: 14 expressions: + - K+ - N+ - - S+ - - and(N-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-5815 type: explored -- comm_cost: 0.717488425925926 - complexity: 28 +- comm_cost: 0.39479166666666665 + complexity: 8 expressions: + - K+ - N+ - - and(K-, not(R+)) - - and(N-, or(K+, SE+)) - - or(K+, K-) - - or(K+, SE+) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - R- + - S+ + - S+ + - and(S-, SE-) name: explored-5816 type: explored -- comm_cost: 0.49326388888888917 - complexity: 15 +- comm_cost: 0.15000000000000036 + complexity: 11 expressions: - - N+ + - K+ - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, S-) name: explored-5817 type: explored -- comm_cost: 0.6322337962962964 - complexity: 9 +- comm_cost: 0.6473923611111112 + complexity: 37 expressions: - - R+ - - R- - - SE+ - - and(or(K+, S-), not(R+)) + - N+ + - and(K-, or(N+, not(R+))) + - and(S-, not(R-)) + - and(SE+, N-) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - or(S+, R-) + - or(S+, SE+) name: explored-5818 type: explored -- comm_cost: 0.3656250000000003 - complexity: 11 +- comm_cost: 0.5000000000000001 + complexity: 8 expressions: - - N+ + - R+ + - R- - SE- - - and(K-, not(R+)) - - and(N-, R+) - - not(R+) + - and(S-, or(SE-, N+)) name: explored-5819 type: explored -- comm_cost: 0.40937500000000004 - complexity: 12 +- comm_cost: 0.721388888888889 + complexity: 16 expressions: - - K+ - - N+ - - R- - - S+ + - R+ + - SE- - and(K-, or(S+, SE+)) - - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, S-) name: explored-5820 type: explored -- comm_cost: 0.663888888888889 - complexity: 7 +- comm_cost: 0.6738136574074075 + complexity: 8 expressions: - - and(S-, not(R-)) - - or(K+, R-) + - R+ + - R- + - S- + - and(K-, or(S+, R+)) name: explored-5821 type: explored -- comm_cost: 0.47293402777777793 - complexity: 20 +- comm_cost: 0.4968055555555557 + complexity: 14 expressions: - K+ - - K+ + - N+ - R- - - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) + - not(R-) name: explored-5822 type: explored -- comm_cost: 0.5125000000000002 - complexity: 9 +- comm_cost: 0.34149305555555576 + complexity: 16 expressions: - K+ + - N+ + - R+ - R- - - SE- - and(N-, R+) - - and(SE+, N-) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-5823 type: explored -- comm_cost: 0.5299479166666669 - complexity: 14 +- comm_cost: 0.7489583333333333 + complexity: 7 expressions: - - K+ - - and(K-, S+) - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - N+ + - R- + - and(K-, or(S+, N+)) name: explored-5824 type: explored -- comm_cost: 0.5807378472222223 - complexity: 13 +- comm_cost: 0.5836805555555555 + complexity: 10 expressions: - K+ - N+ - R- - SE- - - and(N-, R+) - - or(K+, S-) - - or(S+, R+) + - and(K-, SE-) + - or(K+, R-) name: explored-5825 type: explored -- comm_cost: 0.5179687500000001 - complexity: 7 +- comm_cost: 0.5754340277777779 + complexity: 12 expressions: - - K+ - - N+ + - R+ - R- - - S- - - and(S-, SE-) + - SE- + - and(K-, not(R-)) + - and(N-, or(K+, R+)) name: explored-5826 type: explored -- comm_cost: 0.7684027777777779 - complexity: 14 +- comm_cost: 0.40781250000000013 + complexity: 13 expressions: - - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(K+, SE+) - - or(S+, R+) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-5827 type: explored -- comm_cost: 0.5567708333333334 - complexity: 10 +- comm_cost: 0.4963541666666669 + complexity: 11 expressions: - - R+ + - K+ + - K+ - R- - - and(N-, or(K+, S-)) - - and(S-, SE-) + - S+ + - and(K-, not(R-)) + - and(N-, R+) name: explored-5828 type: explored -- comm_cost: 0.09010416666666687 - complexity: 19 +- comm_cost: 0.25651041666666696 + complexity: 11 expressions: - K+ - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - not(R+) name: explored-5829 type: explored -- comm_cost: 0.4500289351851854 - complexity: 17 +- comm_cost: 0.7148379629629631 + complexity: 7 expressions: - - N+ - - R- - - S+ - - SE+ - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - N- + - R+ + - and(K-, or(S+, R+)) name: explored-5830 type: explored -- comm_cost: 0.641623263888889 +- comm_cost: 0.3867881944444447 complexity: 22 expressions: - - and(K-, or(S+, SE+)) - - and(N-, not(R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) name: explored-5831 type: explored -- comm_cost: 0.49479166666666685 - complexity: 5 +- comm_cost: 0.6378472222222222 + complexity: 8 expressions: - - K+ - - R+ - - R- - - R- - SE- + - and(S-, not(R-)) + - or(N+, R-) name: explored-5832 type: explored -- comm_cost: 0.2484375000000003 - complexity: 15 +- comm_cost: 0.3308883101851854 + complexity: 18 expressions: - K+ - - K+ + - N+ - R- - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) + - or(K+, R+) name: explored-5833 type: explored -- comm_cost: 0.3672453703703705 - complexity: 19 +- comm_cost: 0.5491666666666668 + complexity: 17 expressions: - - K+ - - N+ - R- - - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, S-) name: explored-5834 type: explored -- comm_cost: 0.5254166666666669 - complexity: 13 +- comm_cost: 0.82421875 + complexity: 6 expressions: - - N+ - - N- - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(S-, not(R+)) + - not(R+) name: explored-5835 type: explored -- comm_cost: 0.4027777777777781 - complexity: 10 +- comm_cost: 0.4453125000000002 + complexity: 27 expressions: + - K+ - N+ - R- - - S+ - - S+ + - and(K-, S+) - and(N-, R+) - - or(S+, N+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) name: explored-5836 type: explored -- comm_cost: 0.5076388888888891 - complexity: 14 +- comm_cost: 0.4407407407407409 + complexity: 23 expressions: + - K+ - N+ + - R- - SE- - - and(K-, not(R+)) - - and(K-, or(S+, R+)) + - and(K-, S+) - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-5837 type: explored -- comm_cost: 0.30572916666666705 - complexity: 16 +- comm_cost: 0.6661458333333334 + complexity: 8 expressions: - - N+ - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - K+ + - R+ + - S- + - or(S+, or(N+, R-)) name: explored-5838 type: explored -- comm_cost: 0.4422222222222224 - complexity: 15 +- comm_cost: 0.4060185185185188 + complexity: 19 expressions: - - K+ - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(S+, N+) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-5839 type: explored -- comm_cost: 0.301041666666667 - complexity: 9 +- comm_cost: 0.5791666666666668 + complexity: 5 expressions: - - N+ - - R- + - SE+ - SE- - - and(N-, R+) - - or(K+, R-) + - and(S-, SE-) name: explored-5840 type: explored -- comm_cost: 0.3715277777777781 - complexity: 13 +- comm_cost: 0.621064814814815 + complexity: 12 expressions: - - N+ - - SE- - - and(K-, S+) + - SE+ - and(N-, R+) - - or(K+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-5841 type: explored -- comm_cost: 0.6763020833333335 - complexity: 10 +- comm_cost: 0.443229166666667 + complexity: 12 expressions: - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, R-) name: explored-5842 type: explored -- comm_cost: 0.4242129629629632 - complexity: 16 +- comm_cost: 0.6649305555555556 + complexity: 10 expressions: - K+ - - N+ - R- - - and(N-, R+) - - and(N-, or(S+, R+)) + - S+ + - and(K-, not(R+)) - and(S-, SE-) - - not(R-) name: explored-5843 type: explored -- comm_cost: 0.549652777777778 - complexity: 15 +- comm_cost: 0.6198784722222224 + complexity: 19 expressions: + - R+ - R- - SE- - - and(N-, R+) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, R-) name: explored-5844 type: explored -- comm_cost: 0.20989583333333361 - complexity: 12 +- comm_cost: 0.5851562500000002 + complexity: 22 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, not(R+)) + - SE- + - and(N-, or(K+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-5845 type: explored -- comm_cost: 0.5026041666666667 - complexity: 12 +- comm_cost: 0.6302083333333333 + complexity: 9 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, not(R-)) + - R- - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-5846 type: explored -- comm_cost: 0.49930555555555567 - complexity: 12 +- comm_cost: 0.35954861111111125 + complexity: 15 expressions: - - R+ + - N+ - R- - - SE- - - and(K-, SE-) - - or(K+, N+) - - or(S+, N+) + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) name: explored-5847 type: explored -- comm_cost: 0.7437037037037038 - complexity: 8 +- comm_cost: 0.8013020833333333 + complexity: 7 expressions: - - R+ - - SE- - - or(K+, K-) - - or(K+, S-) + - S+ + - and(K-, or(N+, not(R+))) name: explored-5848 type: explored -- comm_cost: 0.24270833333333353 - complexity: 21 +- comm_cost: 0.4969618055555557 + complexity: 15 expressions: - - K+ + - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(K+, S-) + - or(S+, R+) name: explored-5849 type: explored -- comm_cost: 0.5581597222222223 +- comm_cost: 0.4989583333333334 complexity: 13 expressions: - - N+ - - and(N-, R+) + - K+ + - R+ + - R- + - S- + - and(K-, SE-) - and(S-, SE-) - - or(K+, K-) - - or(K+, R+) + - or(K+, N+) name: explored-5850 type: explored -- comm_cost: 0.5750000000000002 - complexity: 8 +- comm_cost: 0.6501909722222223 + complexity: 10 expressions: + - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(S-, N-) + - and(K-, N-) + - or(K+, S-) name: explored-5851 type: explored -- comm_cost: 0.5165943287037039 - complexity: 17 +- comm_cost: 0.3125000000000002 + complexity: 13 expressions: + - K+ - N+ - R- - - SE- - and(N-, R+) - - or(K+, R-) - - or(K+, or(N+, R-)) - - or(S+, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-5852 type: explored -- comm_cost: 0.49432870370370385 - complexity: 12 +- comm_cost: 0.7204861111111112 + complexity: 5 expressions: - - K+ - N+ - R+ - - R- - - SE+ - - SE- - - and(N-, R+) - - or(S+, R-) + - or(K+, K-) name: explored-5853 type: explored -- comm_cost: 0.216666666666667 - complexity: 13 +- comm_cost: 0.3167534722222224 + complexity: 20 expressions: + - K+ - N+ - - S+ - - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-5854 type: explored -- comm_cost: 0.16718750000000027 - complexity: 15 +- comm_cost: 0.5024074074074076 + complexity: 13 expressions: - K+ - - N+ - - R- + - K- - R- - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(S-, not(R-)) name: explored-5855 type: explored -- comm_cost: 0.5935329861111113 - complexity: 20 +- comm_cost: 0.06093750000000031 + complexity: 12 expressions: + - K+ + - N+ + - N+ + - N+ - R- - - SE- + - S+ - and(N-, R+) - - or(K+, SE+) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-5856 type: explored -- comm_cost: 0.3803819444444446 +- comm_cost: 0.42847222222222237 complexity: 18 expressions: + - K+ - N+ - R- - - S+ + - and(K-, S+) - and(K-, or(SE-, N+)) - - and(N-, R+) - and(S-, SE-) - and(S-, not(R-)) name: explored-5857 type: explored -- comm_cost: 0.6994097222222223 - complexity: 8 +- comm_cost: 0.6066840277777779 + complexity: 13 expressions: + - N+ - R+ - SE- - - or(S+, R+) - - or(S+, SE+) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, R+)) name: explored-5858 type: explored -- comm_cost: 0.2500000000000002 - complexity: 21 +- comm_cost: 0.40156250000000027 + complexity: 14 expressions: + - K+ - N+ - R- - - S+ - - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5859 type: explored -- comm_cost: 0.5513888888888889 - complexity: 14 +- comm_cost: 0.5638020833333335 + complexity: 12 expressions: - - N+ - - R- - - SE- - - and(K-, or(S+, R+)) - - and(and(K-, N-), not(R-)) + - R+ + - and(K-, SE-) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-5860 type: explored -- comm_cost: 0.2972800925925927 - complexity: 22 +- comm_cost: 0.538888888888889 + complexity: 12 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, or(N+, R-)) name: explored-5861 type: explored -- comm_cost: 0.3979166666666668 - complexity: 14 +- comm_cost: 0.35416666666666696 + complexity: 11 expressions: - - K+ - - K+ - - R- - - S+ - - and(K-, not(R-)) + - N+ + - SE- + - and(K-, S+) + - and(N-, R+) - and(N-, R+) - - and(S-, SE-) name: explored-5862 type: explored -- comm_cost: 0.7119791666666666 - complexity: 12 +- comm_cost: 0.659375 + complexity: 10 expressions: - - R- - - SE- - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(N-, not(R-)) + - not(R+) + - or(N+, R-) name: explored-5863 type: explored -- comm_cost: 0.43680555555555545 - complexity: 14 +- comm_cost: 0.5308159722222224 + complexity: 17 expressions: - K+ - - N+ - R- - - and(K-, S+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(or(K+, S-), not(R+)) name: explored-5864 type: explored -- comm_cost: 0.6522916666666668 - complexity: 17 +- comm_cost: 0.1625000000000003 + complexity: 9 expressions: - - R+ - - and(and(S-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - not(R+) - - not(R-) + - N+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) name: explored-5865 type: explored -- comm_cost: 0.47968750000000016 - complexity: 15 +- comm_cost: 0.4187500000000002 + complexity: 19 expressions: - K+ - - R+ - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-5866 type: explored -- comm_cost: 0.42057291666666696 - complexity: 12 +- comm_cost: 0.7004050925925926 + complexity: 14 expressions: - - N+ - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - R+ + - and(K-, or(S+, R+)) + - and(N-, or(S+, R+)) + - or(K+, R-) name: explored-5867 type: explored -- comm_cost: 0.4598958333333335 - complexity: 13 +- comm_cost: 0.759357638888889 + complexity: 10 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- + - and(K-, or(N+, not(R+))) + - or(S+, SE+) name: explored-5868 type: explored -- comm_cost: 0.7843055555555556 - complexity: 9 +- comm_cost: 0.45816840277777793 + complexity: 27 expressions: + - K+ + - N+ - R- - - SE- + - and(K-, S+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) - or(N+, not(R+)) - - or(S+, N+) + - or(SE-, N+) name: explored-5869 type: explored -- comm_cost: 0.5212962962962963 - complexity: 16 +- comm_cost: 0.6135416666666668 + complexity: 14 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(S-, SE-) - - or(S+, R-) + - SE- + - and(K-, or(S+, R-)) + - and(or(K+, S-), not(R-)) name: explored-5870 type: explored -- comm_cost: 0.27161458333333366 - complexity: 13 +- comm_cost: 0.2498263888888892 + complexity: 12 expressions: + - K+ + - K+ - N+ - - S+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(S+, R-) + - and(S-, not(R+)) name: explored-5871 type: explored -- comm_cost: 0.538888888888889 - complexity: 10 +- comm_cost: 0.7562500000000001 + complexity: 4 expressions: - N+ - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, S-) name: explored-5872 type: explored -- comm_cost: 0.6333333333333333 +- comm_cost: 0.6731770833333334 complexity: 9 expressions: - - K+ - - N+ - R- - SE- - - and(K-, or(SE-, N+)) + - and(K-, not(R-)) + - or(K+, R-) name: explored-5873 type: explored -- comm_cost: 0.4373553240740742 - complexity: 15 +- comm_cost: 0.6746093750000002 + complexity: 16 expressions: - - N+ - - and(K-, N-) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - N- + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) name: explored-5874 type: explored -- comm_cost: 0.6186053240740742 - complexity: 41 +- comm_cost: 0.32916666666666694 + complexity: 15 expressions: - - and(K-, not(R-)) - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - or(S+, or(N+, R-)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-5875 type: explored -- comm_cost: 0.5372685185185186 - complexity: 12 +- comm_cost: 0.4682291666666668 + complexity: 18 expressions: - N+ + - R+ + - R+ - R- - - and(K-, not(R-)) - - and(N-, R+) - - or(K+, R+) + - SE- + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-5876 type: explored -- comm_cost: 0.37673611111111127 - complexity: 16 +- comm_cost: 0.32769097222222243 + complexity: 19 expressions: + - K+ - N+ + - R+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, SE+) + - and(or(K+, S-), not(R-)) name: explored-5877 type: explored -- comm_cost: 0.5163194444444446 - complexity: 11 +- comm_cost: 0.6578038194444445 + complexity: 15 expressions: - - K+ + - N+ - R+ - R- + - S- - SE- - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-5878 type: explored -- comm_cost: 0.532465277777778 - complexity: 16 +- comm_cost: 0.6736111111111113 + complexity: 11 expressions: - N+ - - S+ - - and(K-, or(SE-, N+)) + - R- - and(N-, R+) - - and(S-, SE-) + - or(K+, K-) - or(K+, K-) name: explored-5879 type: explored -- comm_cost: 0.19027777777777788 - complexity: 15 +- comm_cost: 0.6430208333333335 + complexity: 6 expressions: - - K+ - - N+ - - R- - - R- - - and(N-, R+) - - and(N-, or(S+, R+)) + - R+ - and(S-, SE-) + - not(R-) name: explored-5880 type: explored -- comm_cost: 0.6979166666666667 - complexity: 9 +- comm_cost: 0.3906250000000002 + complexity: 13 expressions: - N+ - - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) + - or(K+, N+) + - or(K+, SE+) name: explored-5881 type: explored -- comm_cost: 0.6893055555555556 - complexity: 11 +- comm_cost: 0.6490740740740741 + complexity: 10 expressions: - - K- - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R+ + - R- + - SE- + - or(K+, K-) + - or(N+, R-) name: explored-5882 type: explored -- comm_cost: 0.3768518518518522 - complexity: 18 +- comm_cost: 0.7458333333333335 + complexity: 5 expressions: - - N+ - - R- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - R+ + - or(K+, SE+) name: explored-5883 type: explored -- comm_cost: 0.5952256944444445 - complexity: 11 +- comm_cost: 0.31319444444444466 + complexity: 16 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - and(K-, not(R-)) - - or(S+, R+) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-5884 type: explored -- comm_cost: 0.4897800925925928 - complexity: 14 +- comm_cost: 0.46615740740740763 + complexity: 21 expressions: - - N- + - N+ - R- - S+ + - and(K-, not(R+)) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(S+, SE+) name: explored-5885 type: explored -- comm_cost: 0.6196180555555557 - complexity: 14 +- comm_cost: 0.41885416666666686 + complexity: 15 expressions: - N+ - - R+ + - N- - R- - - SE- - - and(K-, or(S+, SE+)) - - or(S+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-5886 type: explored -- comm_cost: 0.363541666666667 - complexity: 15 +- comm_cost: 0.5843750000000002 + complexity: 9 expressions: - - N+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - R+ + - S+ + - SE- + - and(and(S-, N-), not(R-)) name: explored-5887 type: explored -- comm_cost: 0.6863888888888889 - complexity: 27 +- comm_cost: 0.7540625000000001 + complexity: 9 expressions: - - SE- - - and(K-, not(R-)) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - and(SE-, or(K+, S-)) - - not(R+) - - or(N+, R-) - - or(S+, N+) + - R+ + - and(K-, or(S+, R-)) + - or(S+, SE+) name: explored-5888 type: explored -- comm_cost: 0.6310763888888891 - complexity: 12 +- comm_cost: 0.5422598379629631 + complexity: 29 expressions: - - R+ - - SE- - - or(K+, R+) + - N+ + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) + - or(K+, SE+) - or(and(K-, S+), or(N+, R-)) name: explored-5889 type: explored -- comm_cost: 0.8692708333333333 - complexity: 2 +- comm_cost: 0.6356770833333335 + complexity: 33 expressions: - - not(R+) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-5890 type: explored -- comm_cost: 0.4083333333333332 - complexity: 7 +- comm_cost: 0.6202604166666668 + complexity: 10 expressions: - - K+ - - K+ + - K- - N+ - R- + - S+ - and(S-, SE-) + - or(SE-, N+) name: explored-5891 type: explored -- comm_cost: 0.5736111111111113 - complexity: 12 +- comm_cost: 0.453125 + complexity: 13 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(or(K+, S-), not(R+)) + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(S-, SE-) name: explored-5892 type: explored -- comm_cost: 0.4704166666666669 - complexity: 17 +- comm_cost: 0.501388888888889 + complexity: 8 expressions: - - K+ - N+ - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(N-, or(S+, R+)) name: explored-5893 type: explored -- comm_cost: 0.4647569444444446 - complexity: 21 +- comm_cost: 0.5733333333333335 + complexity: 11 expressions: - - N+ + - K+ + - K- + - R+ - R- - - and(N-, R+) + - SE+ + - and(K-, N-) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-5894 type: explored -- comm_cost: 0.4489930555555557 - complexity: 13 +- comm_cost: 0.3753472222222225 + complexity: 10 expressions: - - K- - N+ + - R+ - R- - - S+ + - SE- + - and(N-, R+) - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) name: explored-5895 type: explored -- comm_cost: 0.5477430555555555 - complexity: 12 +- comm_cost: 0.419791666666667 + complexity: 7 expressions: - - R- - - S+ - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - K+ + - and(K-, SE-) + - and(N-, R+) name: explored-5896 type: explored -- comm_cost: 0.7451374007936509 - complexity: 30 +- comm_cost: 0.5126736111111112 + complexity: 9 expressions: - - N- - - S- - - SE+ - - and(K-, or(S+, N+)) - - or(K+, K-) - - or(K+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - SE- + - and(K-, SE-) + - and(S-, N-) name: explored-5897 type: explored -- comm_cost: 0.2892939814814818 - complexity: 20 +- comm_cost: 0.5970833333333334 + complexity: 8 expressions: - - K+ - N+ + - R+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, or(N+, R-)) + - SE- + - or(S+, SE+) name: explored-5898 type: explored -- comm_cost: 0.41038773148148167 - complexity: 19 +- comm_cost: 0.5178240740740743 + complexity: 11 expressions: - - K+ - N+ - - R- - - S+ - - S+ - - S- + - N- - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, R+) name: explored-5899 type: explored -- comm_cost: 0.5125000000000002 - complexity: 18 +- comm_cost: 0.488715277777778 + complexity: 12 expressions: - N+ - R+ - - R- - - SE- - SE- - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-5900 type: explored -- comm_cost: 0.5609722222222224 - complexity: 11 +- comm_cost: 0.3343315972222224 + complexity: 20 expressions: + - K+ + - K+ + - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(N+, not(R+)) + - and(and(S-, N-), not(R-)) + - or(S+, R+) name: explored-5901 type: explored -- comm_cost: 0.3871093750000003 - complexity: 15 +- comm_cost: 0.2840277777777781 + complexity: 14 expressions: - K+ - - K+ - N+ - - R- - - S+ - - SE+ - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - and(S-, or(N+, not(R+))) name: explored-5902 type: explored -- comm_cost: 0.30972222222222245 +- comm_cost: 0.6410850694444445 complexity: 14 expressions: - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, not(R-)) + - not(R-) + - or(K+, N+) name: explored-5903 type: explored -- comm_cost: 0.6119791666666669 - complexity: 6 +- comm_cost: 0.4322916666666665 + complexity: 10 expressions: - - R+ - - SE+ - - SE- - - or(K+, R-) + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - or(K+, N+) name: explored-5904 type: explored -- comm_cost: 0.7383333333333334 - complexity: 7 +- comm_cost: 0.6269097222222224 + complexity: 11 expressions: - - N- - R+ - - S- - - or(N+, not(R+)) + - SE- + - and(S-, N-) + - and(S-, or(N+, not(R+))) name: explored-5905 type: explored -- comm_cost: 0.553096064814815 - complexity: 17 +- comm_cost: 0.7097222222222224 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - or(S+, R-) + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5906 type: explored -- comm_cost: 0.3359375000000002 - complexity: 8 +- comm_cost: 0.487152777777778 + complexity: 14 expressions: - - R+ + - K+ + - N+ + - R- - S+ + - SE+ - and(N-, R+) - and(S-, SE-) + - or(K+, K-) name: explored-5907 type: explored -- comm_cost: 0.66378125 - complexity: 36 +- comm_cost: 0.6978993055555556 + complexity: 34 expressions: - - R- - - and(K-, or(SE-, N+)) + - and(K-, not(R+)) + - and(K-, not(R-)) - and(N-, or(K+, R+)) - - and(S-, N-) - - and(SE-, or(K+, S-)) - - or(K+, N+) - - or(K+, SE+) - - or(S+, R+) - - or(S+, SE+) - - or(S+, or(N+, R-)) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-5908 type: explored -- comm_cost: 0.47031250000000013 - complexity: 16 +- comm_cost: 0.18333333333333357 + complexity: 15 expressions: - K+ - N+ + - N+ - R- - - S+ - - and(K-, N-) - - and(K-, N-) - - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-5909 type: explored -- comm_cost: 0.6096354166666668 - complexity: 11 +- comm_cost: 0.6596354166666668 + complexity: 18 expressions: - - K+ - - N+ - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - R+ + - R- + - SE- + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-5910 type: explored -- comm_cost: 0.6367187500000001 - complexity: 8 +- comm_cost: 0.6571180555555557 + complexity: 11 expressions: - R+ - - and(K-, not(R-)) - - and(S-, SE-) + - R- + - SE- + - and(K-, or(S+, SE+)) + - or(K+, SE+) name: explored-5911 type: explored -- comm_cost: 0.6603587962962965 - complexity: 10 +- comm_cost: 0.6232638888888891 + complexity: 16 expressions: - - R+ + - N+ - R- - - and(N-, or(K+, R+)) - - or(K+, R+) + - SE- + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5912 type: explored -- comm_cost: 0.4861689814814817 - complexity: 14 +- comm_cost: 0.41423611111111147 + complexity: 9 expressions: - - K+ - - R- + - N+ + - SE- + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(K+, R-) + - or(K+, N+) name: explored-5913 type: explored -- comm_cost: 0.3328125000000002 - complexity: 16 +- comm_cost: 0.6827256944444446 + complexity: 17 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(SE-, or(K+, S-)) + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5914 type: explored -- comm_cost: 0.553486689814815 - complexity: 32 +- comm_cost: 0.36527777777777803 + complexity: 13 expressions: - - and(K-, S+) - - and(K-, or(S+, N+)) + - N+ - and(N-, R+) - - and(N-, not(R-)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-5915 type: explored -- comm_cost: 0.20052083333333348 - complexity: 11 +- comm_cost: 0.4616666666666669 + complexity: 13 expressions: - K+ - - K+ - N+ - - R+ - R- - and(N-, R+) - - and(S-, SE-) + - and(SE-, or(K+, S-)) + - not(R-) name: explored-5916 type: explored -- comm_cost: 0.546875 - complexity: 16 +- comm_cost: 0.6895833333333335 + complexity: 11 expressions: - - K+ - - N+ - R- - - and(S-, SE-) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-5917 type: explored -- comm_cost: 0.4134375000000001 - complexity: 14 +- comm_cost: 0.6311053240740742 + complexity: 25 expressions: - - N+ - - R- - - and(K-, SE-) - - and(N-, R+) + - and(K-, or(S+, R-)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(S+, SE+) + - and(or(K+, S-), not(R-)) + - or(S+, R+) name: explored-5918 type: explored -- comm_cost: 0.6539930555555558 - complexity: 9 +- comm_cost: 0.6936921296296297 + complexity: 20 expressions: - - R+ - - and(K-, or(SE-, N+)) + - N+ - and(S-, N-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) + - or(S+, N+) + - or(S+, R-) name: explored-5919 type: explored -- comm_cost: 0.5463541666666667 - complexity: 8 +- comm_cost: 0.5378472222222224 + complexity: 12 expressions: - - N+ - - R- + - R+ - R- + - S+ - SE- - - and(N-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-5920 type: explored -- comm_cost: 0.2406250000000002 - complexity: 15 +- comm_cost: 0.43758680555555585 + complexity: 14 expressions: - - K+ - - K+ - N+ - - R- + - SE- + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - not(R+) name: explored-5921 type: explored -- comm_cost: 0.1399305555555559 - complexity: 18 +- comm_cost: 0.6923611111111112 + complexity: 14 expressions: - K+ - - K+ - - N+ + - R+ - R- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) name: explored-5922 type: explored -- comm_cost: 0.4833333333333335 - complexity: 13 +- comm_cost: 0.33750000000000013 + complexity: 17 expressions: - - R+ - - and(K-, S+) + - N+ + - R- + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(and(K-, N-), not(R-)) + - or(S+, R-) name: explored-5923 type: explored -- comm_cost: 0.44065393518518525 +- comm_cost: 0.6425000000000001 complexity: 15 expressions: + - K+ - N+ - R- - - S+ - - S- - - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(N+, not(R+)) name: explored-5924 type: explored -- comm_cost: 0.6505208333333333 - complexity: 5 +- comm_cost: 0.4293750000000002 + complexity: 15 expressions: - - K+ - N+ - R- - - R- - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) + - or(K+, S-) name: explored-5925 type: explored -- comm_cost: 0.5616666666666668 - complexity: 8 +- comm_cost: 0.5100115740740742 + complexity: 23 expressions: - - K+ - - N- + - N+ + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-5926 type: explored -- comm_cost: 0.2406250000000003 - complexity: 18 +- comm_cost: 0.5056770833333335 + complexity: 13 expressions: - - K+ - - K+ + - K- - N+ + - R- - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - and(S-, SE-) + - or(K+, SE+) name: explored-5927 type: explored -- comm_cost: 0.3466145833333335 - complexity: 18 +- comm_cost: 0.7000694444444445 + complexity: 9 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - SE- + - or(K+, S-) + - or(K+, S-) name: explored-5928 type: explored -- comm_cost: 0.3888888888888893 - complexity: 12 +- comm_cost: 0.6946990740740742 + complexity: 8 + expressions: + - K- + - R+ + - SE- + - and(N-, or(S+, R+)) + name: explored-5929 + type: explored +- comm_cost: 0.6184027777777779 + complexity: 14 expressions: + - N+ - R- - S+ - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-5929 + - and(N-, or(S+, SE+)) + - or(K+, K-) + name: explored-5930 type: explored -- comm_cost: 0.19479166666666692 - complexity: 16 +- comm_cost: 0.3468287037037039 + complexity: 18 expressions: - K+ + - K+ + - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - name: explored-5930 + - or(K+, or(N+, R-)) + - or(S+, SE+) + name: explored-5931 type: explored -- comm_cost: 0.6369791666666668 +- comm_cost: 0.7890625000000001 complexity: 10 expressions: - - and(K-, not(R-)) - - and(S-, SE-) - - or(K+, N+) - name: explored-5931 + - and(and(K-, N-), or(S+, R+)) + - or(S+, R+) + name: explored-5932 type: explored -- comm_cost: 0.5932291666666668 - complexity: 4 +- comm_cost: 0.39218750000000036 + complexity: 6 expressions: - N+ - - R+ + - and(N-, R+) - not(R+) - name: explored-5932 + name: explored-5933 type: explored -- comm_cost: 0.7703125000000001 - complexity: 12 +- comm_cost: 0.6312500000000002 + complexity: 5 expressions: - - and(K-, or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-5933 + - R+ + - S+ + - or(N+, R-) + name: explored-5934 type: explored -- comm_cost: 0.08125000000000027 - complexity: 12 +- comm_cost: 0.39418402777777806 + complexity: 27 expressions: + - K+ - N+ - R- - - R- - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - name: explored-5934 - type: explored -- comm_cost: 0.5388888888888891 - complexity: 16 - expressions: - - N+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) name: explored-5935 type: explored -- comm_cost: 0.18385416666666687 - complexity: 14 +- comm_cost: 0.16753472222222254 + complexity: 19 expressions: + - K+ - N+ - R- + - S+ + - SE- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, R-) + - and(SE-, or(K+, S-)) name: explored-5936 type: explored -- comm_cost: 0.6833333333333336 - complexity: 7 +- comm_cost: 0.2406250000000002 + complexity: 19 expressions: + - K+ - N+ - - R+ - - and(N-, or(K+, R+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-5937 type: explored -- comm_cost: 0.7164062500000001 - complexity: 10 +- comm_cost: 0.6486400462962965 + complexity: 18 expressions: - - SE- - and(K-, not(R-)) - - and(S-, or(SE-, N+)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-5938 type: explored -- comm_cost: 0.4924479166666669 - complexity: 18 +- comm_cost: 0.43038194444444444 + complexity: 12 expressions: - - K+ - - K+ - N+ - R- - S+ - - and(K-, N-) - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, R-) + - or(K+, SE+) name: explored-5939 type: explored -- comm_cost: 0.5457754629629631 - complexity: 12 +- comm_cost: 0.6359953703703705 + complexity: 11 expressions: - R+ - - R- + - SE+ - SE- - - and(N-, or(K+, R+)) - - and(S-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-5940 type: explored -- comm_cost: 0.4140625000000002 - complexity: 10 +- comm_cost: 0.6427083333333334 + complexity: 15 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - R+ + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) + - or(SE-, N+) name: explored-5941 type: explored -- comm_cost: 0.12239583333333348 - complexity: 16 +- comm_cost: 0.19843750000000027 + complexity: 19 expressions: + - K+ + - K+ - N+ - R- - - and(K-, S+) + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-5942 type: explored -- comm_cost: 0.5755208333333333 - complexity: 10 +- comm_cost: 0.5928819444444446 + complexity: 8 expressions: - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - or(K+, K-) + - R+ + - and(and(K-, N-), not(R-)) name: explored-5943 type: explored -- comm_cost: 0.3940104166666668 - complexity: 16 +- comm_cost: 0.1390625000000003 + complexity: 12 expressions: + - K+ + - N+ - R- - - S+ - - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - or(K+, N+) name: explored-5944 type: explored -- comm_cost: 0.6098958333333333 - complexity: 13 +- comm_cost: 0.5080439814814817 + complexity: 16 expressions: + - K+ - N+ - R- - S+ + - SE+ - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5945 type: explored -- comm_cost: 0.5406250000000001 - complexity: 10 +- comm_cost: 0.24791666666666679 + complexity: 16 expressions: - - R+ - - and(K-, or(S+, R-)) - - and(S-, not(R+)) + - K+ + - N+ + - R- + - SE- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-5946 type: explored -- comm_cost: 0.5781250000000001 - complexity: 13 +- comm_cost: 0.5365740740740743 + complexity: 14 expressions: - - R+ - - R- + - N+ - SE- - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(K+, R+) name: explored-5947 type: explored -- comm_cost: 0.5353298611111112 +- comm_cost: 0.32685185185185217 complexity: 16 expressions: - - K+ - - R+ + - N+ - R- - - and(N-, not(R-)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - and(N-, R+) + - or(S+, R-) name: explored-5948 type: explored -- comm_cost: 0.7243055555555556 - complexity: 8 +- comm_cost: 0.5851851851851854 + complexity: 12 expressions: - - R+ - - and(K-, N-) - - and(K-, not(R-)) + - N+ + - S- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-5949 type: explored -- comm_cost: 0.43576388888888906 - complexity: 17 +- comm_cost: 0.5447048611111114 + complexity: 15 expressions: - - K+ - - R- + - N+ - SE- - - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(N-, or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-5950 type: explored -- comm_cost: 0.6976644345238097 - complexity: 39 +- comm_cost: 0.711388888888889 + complexity: 5 expressions: - - N- - - S- - - and(K-, not(R-)) - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - N+ + - SE- - not(R-) name: explored-5951 type: explored -- comm_cost: 0.45520833333333344 - complexity: 16 +- comm_cost: 0.21588541666666705 + complexity: 20 expressions: + - K+ - N+ - - R+ - R- - - and(K-, SE-) + - S+ + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) + - or(S+, R-) name: explored-5952 type: explored -- comm_cost: 0.7081597222222225 - complexity: 7 +- comm_cost: 0.6141493055555557 + complexity: 15 expressions: - R+ - - and(N-, R+) - - or(K+, SE+) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) name: explored-5953 type: explored -- comm_cost: 0.6307291666666668 - complexity: 3 - expressions: - - R+ - - not(R+) - name: explored-5954 - type: explored -- comm_cost: 0.555902777777778 - complexity: 20 +- comm_cost: 0.36684027777777795 + complexity: 17 expressions: + - K+ - N+ - R- - - and(K-, N-) - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - name: explored-5955 + - and(S-, not(R+)) + - and(S-, not(R-)) + name: explored-5954 type: explored -- comm_cost: 0.33072916666666696 - complexity: 13 +- comm_cost: 0.48194444444444473 + complexity: 12 expressions: - N+ + - SE- - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(N+, R-) + - and(S-, not(R-)) + name: explored-5955 + type: explored +- comm_cost: 0.587326388888889 + complexity: 11 + expressions: + - K+ + - R+ + - and(K-, not(R+)) + - and(N-, or(S+, R+)) name: explored-5956 type: explored -- comm_cost: 0.3054687500000003 - complexity: 15 +- comm_cost: 0.6250000000000001 + complexity: 11 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - not(R+) + - and(K-, not(R-)) + - and(K-, or(SE-, N+)) name: explored-5957 type: explored -- comm_cost: 0.09791666666666687 - complexity: 12 +- comm_cost: 0.34450231481481497 + complexity: 21 expressions: - K+ - - K+ - - N+ + - R- - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-5958 type: explored -- comm_cost: 0.6032986111111113 - complexity: 11 +- comm_cost: 0.3270833333333333 + complexity: 10 expressions: - - R+ - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - N+ + - R- + - and(K-, S+) + - and(S-, SE-) name: explored-5959 type: explored -- comm_cost: 0.5945312500000001 - complexity: 9 +- comm_cost: 0.33784722222222263 + complexity: 13 expressions: - K+ - - R+ - R- - - SE- - - and(K-, or(S+, SE+)) + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-5960 type: explored -- comm_cost: 0.6712094907407409 - complexity: 36 +- comm_cost: 0.33072916666666685 + complexity: 19 expressions: + - K+ - N+ - - and(K-, SE-) - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-5961 type: explored -- comm_cost: 0.4553819444444446 - complexity: 14 +- comm_cost: 0.6913194444444446 + complexity: 9 expressions: - - K+ - R+ - - and(K-, or(S+, R-)) - - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, or(N+, R-)) + - or(S+, N+) name: explored-5962 type: explored -- comm_cost: 0.6192708333333333 - complexity: 6 +- comm_cost: 0.510590277777778 + complexity: 18 expressions: - - K- + - N+ - R- - - S+ - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5963 type: explored -- comm_cost: 0.7375 - complexity: 8 +- comm_cost: 0.7622395833333335 + complexity: 9 expressions: - - R- - - and(or(K+, S-), or(SE-, N+)) + - R+ + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-5964 type: explored -- comm_cost: 0.2434895833333337 - complexity: 19 +- comm_cost: 0.5674074074074076 + complexity: 18 expressions: - - K+ - - K+ - N+ - - R- - - R- - - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, S-) name: explored-5965 type: explored -- comm_cost: 0.6269791666666668 - complexity: 15 +- comm_cost: 0.7788483796296297 + complexity: 7 expressions: - - N+ - R+ - - R- - - S- - - SE- - - and(K-, or(S+, R+)) - - or(K+, or(N+, R-)) + - SE+ + - and(K-, or(S+, SE+)) name: explored-5966 type: explored -- comm_cost: 0.7651388888888889 - complexity: 7 - expressions: - - and(K-, not(R+)) - - or(K+, S-) - name: explored-5967 - type: explored -- comm_cost: 0.43699074074074096 - complexity: 15 +- comm_cost: 0.33755787037037077 + complexity: 18 expressions: - K+ - - K- - N+ - R- - - and(K-, or(S+, R+)) + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) + name: explored-5967 + type: explored +- comm_cost: 0.6902777777777778 + complexity: 4 + expressions: + - N+ + - S+ + - S+ + - SE- name: explored-5968 type: explored -- comm_cost: 0.5687500000000001 - complexity: 8 +- comm_cost: 0.6468750000000001 + complexity: 10 expressions: - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - and(S-, or(SE-, N+)) name: explored-5969 type: explored -- comm_cost: 0.6050520833333335 - complexity: 31 +- comm_cost: 0.7473611111111111 + complexity: 6 expressions: - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, N-) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - or(S+, R+) + - K- + - R- + - SE- + - or(S+, SE+) name: explored-5970 type: explored -- comm_cost: 0.6036458333333335 - complexity: 13 +- comm_cost: 0.35078125000000027 + complexity: 16 expressions: - N+ - - R+ - - SE- + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - - or(SE-, N+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-5971 type: explored -- comm_cost: 0.3930555555555557 - complexity: 13 - expressions: - - R+ - - R- - - and(K-, or(S+, R-)) - - and(S-, SE-) - - and(SE+, N-) - name: explored-5972 - type: explored -- comm_cost: 0.4486111111111114 - complexity: 17 +- comm_cost: 0.7699652777777778 + complexity: 10 expressions: - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) - name: explored-5973 + - and(S-, or(N+, not(R+))) + - or(K+, K-) + name: explored-5972 type: explored -- comm_cost: 0.4128906250000003 - complexity: 22 +- comm_cost: 0.48246527777777803 + complexity: 13 expressions: - K+ + - K+ - N+ - R- - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - name: explored-5974 + name: explored-5973 type: explored -- comm_cost: 0.24578993055555565 - complexity: 23 +- comm_cost: 0.5811631944444446 + complexity: 12 expressions: - - K+ - - K+ - N+ + - R+ + - SE- + - and(K-, N-) + - and(and(S-, N-), not(R-)) + name: explored-5974 + type: explored +- comm_cost: 0.3569444444444446 + complexity: 18 + expressions: - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - and(and(K-, N-), or(S+, R+)) + - or(S+, R-) name: explored-5975 type: explored -- comm_cost: 0.6188888888888889 - complexity: 9 +- comm_cost: 0.696545138888889 + complexity: 11 expressions: - - K+ - R+ - - R- - SE- - - not(R-) - - or(N+, R-) + - and(K-, or(N+, not(R+))) + - or(S+, SE+) name: explored-5976 type: explored -- comm_cost: 0.45763888888888915 - complexity: 12 +- comm_cost: 0.7744444444444445 + complexity: 9 expressions: - - N+ - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - or(K+, S-) + - or(K+, or(N+, R-)) name: explored-5977 type: explored -- comm_cost: 0.7830729166666668 - complexity: 8 +- comm_cost: 0.3923611111111114 + complexity: 15 expressions: - - and(K-, or(S+, SE+)) - - or(K+, R-) + - N+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-5978 type: explored -- comm_cost: 0.6676504629629632 - complexity: 13 +- comm_cost: 0.5570312500000001 + complexity: 19 expressions: + - N+ - R+ + - R- - SE- - - and(K-, N-) - - or(K+, R+) - - or(K+, or(N+, R-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - or(SE-, N+) name: explored-5979 type: explored -- comm_cost: 0.38125 - complexity: 9 +- comm_cost: 0.650076388888889 + complexity: 21 expressions: - - K+ - - K+ - - N+ - N+ + - R+ - R- - - S+ - - and(S-, SE-) + - SE- + - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-5980 type: explored -- comm_cost: 0.577777777777778 - complexity: 9 +- comm_cost: 0.6068055555555556 + complexity: 19 expressions: - N+ - - and(N-, R+) - - and(N-, or(S+, R+)) + - R+ + - R- + - SE- + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-5981 type: explored -- comm_cost: 0.6833333333333333 - complexity: 14 +- comm_cost: 0.7625 + complexity: 8 expressions: - - R- - - SE- - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-5982 type: explored -- comm_cost: 0.07812500000000022 - complexity: 17 +- comm_cost: 0.19583333333333364 + complexity: 12 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(S-, not(R+)) name: explored-5983 type: explored -- comm_cost: 0.8168402777777779 - complexity: 6 +- comm_cost: 0.6469525462962964 + complexity: 35 expressions: - - or(K+, R+) - - or(S+, R+) + - S+ + - SE+ + - and(K-, or(S+, R-)) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) name: explored-5984 type: explored -- comm_cost: 0.8083333333333335 - complexity: 1 +- comm_cost: 0.4441666666666668 + complexity: 8 expressions: - - SE+ + - N+ + - N- + - and(N-, R+) + - and(S-, SE-) name: explored-5985 type: explored -- comm_cost: 0.4588541666666669 - complexity: 19 +- comm_cost: 0.4400173611111112 + complexity: 12 expressions: - - and(K-, or(S+, N+)) + - N+ + - R- + - S- - and(N-, R+) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) + - or(K+, R-) name: explored-5986 type: explored -- comm_cost: 0.5380208333333336 - complexity: 5 +- comm_cost: 0.4983333333333335 + complexity: 8 expressions: - - R+ - - SE- + - K+ + - N+ + - R- - and(N-, R+) + - not(R-) name: explored-5987 type: explored -- comm_cost: 0.11875000000000036 - complexity: 19 +- comm_cost: 0.3085069444444446 + complexity: 18 expressions: - K+ + - N+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) + - or(K+, N+) name: explored-5988 type: explored -- comm_cost: 0.36059027777777786 - complexity: 11 +- comm_cost: 0.44149305555555585 + complexity: 21 expressions: - - R+ + - N+ - R- - S+ - - and(N-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) name: explored-5989 type: explored -- comm_cost: 0.66328125 - complexity: 17 +- comm_cost: 0.6032407407407409 + complexity: 12 expressions: - - R+ - R- - SE- - - and(K-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - and(N-, R+) + - and(S-, not(R-)) + - or(S+, SE+) name: explored-5990 type: explored -- comm_cost: 0.4236689814814816 - complexity: 17 +- comm_cost: 0.3890625000000002 + complexity: 8 expressions: - K+ - R+ - - R- - and(S-, SE-) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-5991 type: explored -- comm_cost: 0.32734375000000016 - complexity: 16 +- comm_cost: 0.6041666666666667 + complexity: 13 expressions: - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) name: explored-5992 type: explored -- comm_cost: 0.5913194444444447 +- comm_cost: 0.34444444444444455 complexity: 12 expressions: - - and(K-, or(S+, N+)) + - R- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) name: explored-5993 type: explored -- comm_cost: 0.3197916666666668 - complexity: 6 - expressions: - - K+ - - R+ +- comm_cost: 0.43333333333333357 + complexity: 5 + expressions: - R- - - and(S-, SE-) + - SE- + - and(N-, R+) name: explored-5994 type: explored -- comm_cost: 0.4763888888888891 - complexity: 17 +- comm_cost: 0.7811458333333334 + complexity: 7 expressions: - - N+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(S+, SE+)) + - not(R-) name: explored-5995 type: explored -- comm_cost: 0.1473958333333334 - complexity: 18 +- comm_cost: 0.36857638888888933 + complexity: 8 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - not(R+) name: explored-5996 type: explored -- comm_cost: 0.634476851851852 - complexity: 30 +- comm_cost: 0.5822048611111112 + complexity: 14 expressions: - - K+ - - N+ - - SE+ - - and(K-, not(R-)) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) - - and(S-, not(R+)) - - or(K+, S-) - - or(S+, R-) + - R+ + - R- + - SE- + - and(K-, N-) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-5997 type: explored -- comm_cost: 0.5343750000000002 - complexity: 10 +- comm_cost: 0.42164351851851867 + complexity: 20 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(or(K+, S-), or(SE-, N+)) + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-5998 type: explored -- comm_cost: 0.5979166666666668 - complexity: 7 +- comm_cost: 0.22132523148148175 + complexity: 23 expressions: - - R+ - - SE- - - and(S-, or(SE-, N+)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-5999 type: explored -- comm_cost: 0.7854166666666668 - complexity: 8 +- comm_cost: 0.39270833333333355 + complexity: 19 expressions: - - and(N-, or(K+, S-)) - - or(K+, R-) + - N+ + - N+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-6000 type: explored -- comm_cost: 0.65625 - complexity: 7 +- comm_cost: 0.37500000000000033 + complexity: 14 expressions: - K+ - - R- - - and(K-, or(SE-, N+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-6001 type: explored -- comm_cost: 0.35135416666666697 - complexity: 18 +- comm_cost: 0.3479166666666669 + complexity: 15 expressions: - - K+ - - K+ - N+ + - R- - S+ - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, N-) - and(S-, SE-) - - or(K+, R-) + - or(K+, N+) name: explored-6002 type: explored -- comm_cost: 0.6099537037037038 - complexity: 10 +- comm_cost: 0.6219351851851853 + complexity: 42 expressions: - - R+ - - and(S-, SE-) + - R- + - S+ + - and(K-, not(R-)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(SE+, N-) - - or(K+, K-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-6003 type: explored -- comm_cost: 0.501388888888889 - complexity: 10 +- comm_cost: 0.3867187500000002 + complexity: 14 expressions: + - K+ - N+ - R- - - SE- - - SE- - - and(and(K-, N-), not(R-)) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-6004 type: explored -- comm_cost: 0.21458333333333346 - complexity: 14 +- comm_cost: 0.74375 + complexity: 5 expressions: - K+ - - N+ - - N+ - - R- - - S+ - - and(N-, R+) + - SE- - and(S-, SE-) - - or(K+, R+) name: explored-6005 type: explored -- comm_cost: 0.48958333333333326 - complexity: 6 +- comm_cost: 0.2460937500000001 + complexity: 17 expressions: + - K+ - N+ - R- - - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) name: explored-6006 type: explored -- comm_cost: 0.5974537037037038 - complexity: 25 +- comm_cost: 0.4879050925925926 + complexity: 15 expressions: - K+ - - R+ + - N+ - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - not(R+) - - or(K+, N+) + - S- + - and(K-, S+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-6007 type: explored -- comm_cost: 0.5020833333333335 - complexity: 11 +- comm_cost: 0.2625578703703707 + complexity: 16 expressions: - - N+ - - R+ - - SE- + - R- + - S+ + - and(N-, R+) - and(S-, SE-) + - or(S+, R-) - or(S+, or(N+, R-)) name: explored-6008 type: explored -- comm_cost: 0.5477083333333334 - complexity: 7 +- comm_cost: 0.5250000000000001 + complexity: 6 expressions: - - K- - - R+ - R- - - S+ - - and(S-, SE-) + - SE+ + - SE- + - and(N-, R+) name: explored-6009 type: explored -- comm_cost: 0.6067187500000002 - complexity: 14 +- comm_cost: 0.22031250000000013 + complexity: 15 expressions: + - K+ - N+ - - R- - - SE- - - and(K-, or(S+, SE+)) - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-6010 type: explored -- comm_cost: 0.562152777777778 - complexity: 7 +- comm_cost: 0.2113281250000003 + complexity: 13 expressions: + - K+ + - K+ - N+ - - R+ - - R+ - - SE- - - or(S+, R-) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-6011 type: explored -- comm_cost: 0.410416666666667 - complexity: 9 +- comm_cost: 0.6332291666666667 + complexity: 14 expressions: + - N+ + - N- + - SE- - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - or(S+, R+) name: explored-6012 type: explored -- comm_cost: 0.6599421296296297 - complexity: 14 +- comm_cost: 0.3979166666666668 + complexity: 10 expressions: - - R+ - - and(SE+, N-) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) + - K+ + - N+ + - R- + - SE- + - and(and(S-, N-), not(R-)) name: explored-6013 type: explored -- comm_cost: 0.30542534722222237 - complexity: 18 +- comm_cost: 0.4930555555555558 + complexity: 8 expressions: - - K+ - - N+ - R- - - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, SE+) name: explored-6014 type: explored -- comm_cost: 0.24557291666666692 - complexity: 20 +- comm_cost: 0.31802083333333353 + complexity: 13 expressions: - K+ - N+ - R- - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, SE+) name: explored-6015 type: explored -- comm_cost: 0.26718750000000036 - complexity: 18 +- comm_cost: 0.5985532407407409 + complexity: 12 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, N+) + - R+ + - SE- + - and(S-, N-) + - and(and(K-, N-), or(S+, R+)) name: explored-6016 type: explored -- comm_cost: 0.5515625 - complexity: 9 +- comm_cost: 0.2728298611111115 + complexity: 19 expressions: - K+ - N+ + - R- - S+ - - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) + - or(N+, R-) name: explored-6017 type: explored -- comm_cost: 0.47479166666666694 - complexity: 9 +- comm_cost: 0.3972222222222226 + complexity: 7 expressions: + - K+ + - K+ - R- - - S+ + - SE- - and(N-, R+) - - or(N+, not(R+)) name: explored-6018 type: explored -- comm_cost: 0.44635416666666705 - complexity: 11 +- comm_cost: 0.6047743055555558 + complexity: 15 expressions: + - K+ + - R- - SE- - - and(K-, SE-) - and(N-, R+) - - and(S-, not(R+)) + - and(or(K+, S-), not(R+)) + - or(K+, K-) name: explored-6019 type: explored -- comm_cost: 0.5441493055555557 - complexity: 14 +- comm_cost: 0.6712268518518519 + complexity: 20 expressions: - - N+ - - N- + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - not(R-) + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) name: explored-6020 type: explored -- comm_cost: 0.301041666666667 - complexity: 11 +- comm_cost: 0.18608217592592624 + complexity: 16 expressions: - - N+ + - K+ + - K+ - R- - - SE- - - and(K-, or(S+, R-)) + - R- + - S+ - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-6021 type: explored -- comm_cost: 0.697722800925926 - complexity: 31 +- comm_cost: 0.36545138888888906 + complexity: 27 expressions: - - K- + - K+ + - K+ + - N+ + - R- - S+ - - SE+ - - and(K-, or(S+, N+)) - - and(N-, or(K+, R+)) - - and(S-, or(SE-, N+)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) - - or(S+, R+) name: explored-6022 type: explored -- comm_cost: 0.5313541666666668 - complexity: 12 +- comm_cost: 0.6572450396825398 + complexity: 36 expressions: - - K- - R+ - - R- - - S+ - - and(N-, or(K+, R+)) + - and(K-, or(SE-, N+)) + - and(N-, or(S+, R+)) - and(S-, SE-) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - not(R-) + - or(S+, N+) + - or(S+, R+) + - or(S+, SE+) name: explored-6023 type: explored -- comm_cost: 0.4890625000000004 - complexity: 13 +- comm_cost: 0.7947916666666667 + complexity: 4 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(N-, R+) + - S+ + - or(N+, R-) name: explored-6024 type: explored -- comm_cost: 0.4223379629629632 - complexity: 15 +- comm_cost: 0.3356250000000002 + complexity: 12 expressions: - - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(S+, R-) + - and(S-, SE-) + - or(S+, SE+) name: explored-6025 type: explored -- comm_cost: 0.6053240740740742 - complexity: 8 +- comm_cost: 0.40086805555555594 + complexity: 15 expressions: - - R+ - - R+ + - N+ + - R- - SE- - - and(N-, or(K+, SE+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(SE-, N+) name: explored-6026 type: explored -- comm_cost: 0.5065972222222226 - complexity: 11 +- comm_cost: 0.4356423611111113 + complexity: 20 expressions: - - SE- - - and(K-, or(S+, R-)) + - N+ + - R- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - not(R+) + - and(S-, SE-) + - or(S+, SE+) + - or(S+, SE+) name: explored-6027 type: explored -- comm_cost: 0.601388888888889 - complexity: 5 +- comm_cost: 0.6885416666666668 + complexity: 16 expressions: - - R- - - SE- + - S- + - SE+ + - and(K-, or(S+, SE+)) + - and(SE+, N-) + - or(K+, N+) - or(K+, R+) name: explored-6028 type: explored -- comm_cost: 0.500260416666667 +- comm_cost: 0.6031250000000001 complexity: 11 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(SE-, N+) + - R- + - SE- + - and(N-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-6029 type: explored -- comm_cost: 0.6208333333333335 - complexity: 8 +- comm_cost: 0.23888888888888915 + complexity: 15 expressions: + - K+ + - N+ - R- - SE- - and(N-, R+) - - or(K+, K-) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-6030 type: explored -- comm_cost: 0.5769097222222224 - complexity: 12 +- comm_cost: 0.7255208333333334 + complexity: 2 expressions: - - N+ - - R- + - S- - SE- - - and(and(K-, N-), not(R-)) - - or(S+, R+) name: explored-6031 type: explored -- comm_cost: 0.0951388888888891 - complexity: 19 +- comm_cost: 0.23125000000000018 + complexity: 12 expressions: - K+ - N+ - R- - - and(N-, R+) - - and(N-, R+) + - S+ + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) name: explored-6032 type: explored -- comm_cost: 0.29357638888888915 - complexity: 14 +- comm_cost: 0.5923611111111111 + complexity: 5 expressions: - K+ - N+ - - R+ - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - SE- name: explored-6033 type: explored -- comm_cost: 0.5640625000000002 - complexity: 14 +- comm_cost: 0.5638020833333333 + complexity: 9 expressions: - N+ + - N+ - R- - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - not(R+) name: explored-6034 type: explored -- comm_cost: 0.6166666666666667 - complexity: 10 +- comm_cost: 0.5664583333333335 + complexity: 7 expressions: - - K+ - - N+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - R- + - S+ + - and(N-, R+) + - not(R-) name: explored-6035 type: explored -- comm_cost: 0.5862847222222225 - complexity: 15 +- comm_cost: 0.5350000000000001 + complexity: 13 expressions: + - K+ + - N+ + - N- - R- - - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - or(K+, S-) name: explored-6036 type: explored -- comm_cost: 0.6130208333333335 - complexity: 9 +- comm_cost: 0.6411024305555557 + complexity: 21 expressions: - - R+ - - SE- - - and(and(K-, N-), or(S+, R+)) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) + - not(R+) + - or(N+, R-) + - or(S+, N+) name: explored-6037 type: explored -- comm_cost: 0.3481481481481483 - complexity: 17 +- comm_cost: 0.7027777777777777 + complexity: 5 expressions: - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, not(R+)) + - and(K-, not(R+)) name: explored-6038 type: explored -- comm_cost: 0.5877604166666668 - complexity: 11 +- comm_cost: 0.39218750000000013 + complexity: 10 expressions: - - and(and(S-, N-), not(R-)) - - not(R+) - - or(K+, N+) + - K+ + - K+ + - R- + - S+ + - and(S-, SE-) + - and(SE+, N-) name: explored-6039 type: explored -- comm_cost: 0.22291666666666687 - complexity: 13 +- comm_cost: 0.46740972222222243 + complexity: 24 expressions: - K+ - - K+ - N+ - R- - S+ - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) + - or(K+, or(N+, R-)) name: explored-6040 type: explored -- comm_cost: 0.16953125000000036 - complexity: 16 +- comm_cost: 0.3773003472222225 + complexity: 21 expressions: - - K+ - N+ - R- - S+ + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(S+, N+) - - or(S+, R-) + - and(or(K+, S-), not(R-)) name: explored-6041 type: explored -- comm_cost: 0.27118055555555576 - complexity: 15 +- comm_cost: 0.6332899305555557 + complexity: 40 expressions: - - K+ - - N+ - - R- - - SE- - - and(K-, S+) + - SE+ + - and(K-, SE-) + - and(K-, or(N+, not(R+))) - and(K-, or(S+, N+)) - - and(N-, R+) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, SE+)) + - and(S-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-6042 type: explored -- comm_cost: 0.5888888888888889 - complexity: 7 +- comm_cost: 0.7423611111111112 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(K-, not(R+)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-6043 type: explored -- comm_cost: 0.7782407407407409 - complexity: 9 +- comm_cost: 0.7877083333333333 + complexity: 6 expressions: - - R+ - - and(N-, or(S+, R+)) - - or(S+, R+) + - K- + - or(S+, or(N+, R-)) name: explored-6044 type: explored -- comm_cost: 0.5114583333333333 - complexity: 11 +- comm_cost: 0.40729166666666705 + complexity: 7 + expressions: + - SE- + - and(N-, R+) + - or(N+, R-) + name: explored-6045 + type: explored +- comm_cost: 0.3303819444444447 + complexity: 22 expressions: - K+ - N+ - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - and(S-, or(SE-, N+)) - name: explored-6045 + - and(SE+, N-) + - not(R+) + name: explored-6046 type: explored -- comm_cost: 0.3890625 - complexity: 12 +- comm_cost: 0.4673611111111111 + complexity: 20 expressions: - K+ - N+ - R- - and(K-, S+) - and(S-, SE-) - - or(N+, R-) - name: explored-6046 - type: explored -- comm_cost: 0.7266840277777779 - complexity: 8 - expressions: - - R+ - - and(N-, not(R-)) - - or(K+, S-) + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-6047 type: explored -- comm_cost: 0.6417534722222223 +- comm_cost: 0.4824074074074076 complexity: 23 expressions: - - and(K-, SE-) - - and(N-, or(K+, SE+)) - - and(S-, or(SE-, N+)) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) name: explored-6048 type: explored -- comm_cost: 0.768576388888889 - complexity: 2 +- comm_cost: 0.5789930555555557 + complexity: 15 expressions: + - N+ - R+ - - SE+ + - R- + - SE- + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-6049 type: explored -- comm_cost: 0.5090277777777779 - complexity: 10 +- comm_cost: 0.6366319444444446 + complexity: 7 expressions: - - K+ + - R+ - R- - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(N-, or(S+, R+)) name: explored-6050 type: explored -- comm_cost: 0.571064814814815 - complexity: 12 +- comm_cost: 0.2507812500000002 + complexity: 14 expressions: + - K+ - N+ - - and(K-, or(S+, R+)) + - R- - and(N-, R+) - - and(S-, N-) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-6051 type: explored -- comm_cost: 0.6643084490740742 - complexity: 17 - expressions: - - R+ - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) - name: explored-6052 - type: explored -- comm_cost: 0.5984375000000002 - complexity: 6 +- comm_cost: 0.19849537037037068 + complexity: 16 expressions: - N+ - - R+ - R- - - and(S-, N-) - name: explored-6053 + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, R-) + name: explored-6052 type: explored -- comm_cost: 0.4130208333333336 - complexity: 20 +- comm_cost: 0.39557291666666683 + complexity: 15 expressions: - K+ - - N+ - - R- - - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - name: explored-6054 + - and(S-, SE-) + - or(S+, R+) + name: explored-6053 type: explored -- comm_cost: 0.31614583333333357 - complexity: 14 +- comm_cost: 0.6470486111111112 + complexity: 10 expressions: - - K+ - - N+ - - R- - - R- + - R+ - SE- - - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + name: explored-6054 + type: explored +- comm_cost: 0.7708333333333335 + complexity: 3 + expressions: + - and(S-, N-) name: explored-6055 type: explored -- comm_cost: 0.4323611111111113 - complexity: 22 +- comm_cost: 0.5593750000000001 + complexity: 11 expressions: - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) + - and(N-, not(R-)) + - and(S-, not(R+)) name: explored-6056 type: explored -- comm_cost: 0.34010416666666665 - complexity: 15 +- comm_cost: 0.5447916666666668 + complexity: 4 expressions: - - K+ - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) - - or(S+, R+) + - S+ name: explored-6057 type: explored -- comm_cost: 0.7046874999999999 +- comm_cost: 0.6814930555555556 complexity: 10 expressions: - - R- - - SE- - - and(K-, S+) - - and(SE-, or(K+, S-)) + - R+ + - and(or(K+, S-), not(R+)) + - or(S+, SE+) name: explored-6058 type: explored -- comm_cost: 0.6487152777777778 - complexity: 13 +- comm_cost: 0.672916666666667 + complexity: 6 expressions: - - R+ - - R- - - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) + - and(N-, R+) + - and(N-, R+) name: explored-6059 type: explored -- comm_cost: 0.43537037037037063 - complexity: 22 +- comm_cost: 0.6107638888888891 + complexity: 15 expressions: - - K+ - - K- - - N+ - - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, or(N+, R-)) name: explored-6060 type: explored -- comm_cost: 0.7199074074074076 - complexity: 9 +- comm_cost: 0.6666666666666667 + complexity: 12 expressions: - - R+ - - R+ - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(S-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-6061 type: explored -- comm_cost: 0.5515625 - complexity: 8 +- comm_cost: 0.579267939814815 + complexity: 17 expressions: - N+ - R- + - S- + - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - or(K+, K-) + - or(K+, or(N+, R-)) name: explored-6062 type: explored -- comm_cost: 0.6053530092592593 - complexity: 19 +- comm_cost: 0.28333333333333366 + complexity: 9 expressions: + - N+ - R- - - S- - - and(N-, or(K+, R+)) - - and(S-, or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(N-, R+) + - and(N-, R+) name: explored-6063 type: explored -- comm_cost: 0.5345486111111113 - complexity: 10 +- comm_cost: 0.7322916666666668 + complexity: 8 expressions: - - K+ - - R+ - - R- - - S+ - SE- - - and(K-, or(S+, R+)) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-6064 type: explored -- comm_cost: 0.5873611111111112 - complexity: 10 +- comm_cost: 0.4060763888888891 + complexity: 17 expressions: - - N+ + - K+ + - R+ - R- - - SE+ - - SE- - - and(N-, R+) - - or(K+, S-) + - and(K-, not(R+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-6065 type: explored -- comm_cost: 0.500607638888889 - complexity: 15 +- comm_cost: 0.565277777777778 + complexity: 6 expressions: - - K+ - - R- + - R+ + - R+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(SE+, N-) name: explored-6066 type: explored -- comm_cost: 0.25703125000000027 - complexity: 10 +- comm_cost: 0.47750000000000015 + complexity: 8 expressions: + - K+ - N+ + - N+ + - N- - R- - and(N-, R+) - - and(S-, SE-) - - not(R+) name: explored-6067 type: explored -- comm_cost: 0.5280092592592595 - complexity: 19 +- comm_cost: 0.5025462962962965 + complexity: 13 expressions: - N+ - R- - SE+ - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, or(N+, not(R+))) name: explored-6068 type: explored -- comm_cost: 0.42552083333333346 - complexity: 8 +- comm_cost: 0.2869791666666669 + complexity: 20 expressions: - - R+ + - K+ + - N+ - R- + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(N+, R-) name: explored-6069 type: explored -- comm_cost: 0.36250000000000027 - complexity: 8 +- comm_cost: 0.7295312500000002 + complexity: 11 expressions: - - R- - - S+ - - and(K-, SE-) - - and(N-, R+) + - R+ + - S- + - and(K-, or(S+, SE+)) + - or(N+, not(R+)) name: explored-6070 type: explored -- comm_cost: 0.8016666666666667 - complexity: 2 +- comm_cost: 0.6736111111111112 + complexity: 12 expressions: - - N- - - SE- + - R+ + - and(K-, SE-) + - and(S-, or(SE-, N+)) + - or(K+, K-) name: explored-6071 type: explored -- comm_cost: 0.5046875000000001 - complexity: 16 - expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, not(R-)) - - and(N-, or(K+, S-)) - - and(S-, SE-) - name: explored-6072 - type: explored -- comm_cost: 0.214641203703704 +- comm_cost: 0.45217013888888913 complexity: 22 expressions: - - K+ - - K+ - N+ - R- - - S+ + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(and(K-, S+), or(N+, R-)) - name: explored-6073 + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + name: explored-6072 type: explored -- comm_cost: 0.4505208333333335 - complexity: 8 +- comm_cost: 0.4427083333333335 + complexity: 13 expressions: - - R+ + - N+ - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - name: explored-6074 - type: explored -- comm_cost: 0.6351851851851854 - complexity: 15 - expressions: - - R+ - - not(R+) - - or(K+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) - name: explored-6075 + - and(S-, N-) + name: explored-6073 type: explored -- comm_cost: 0.41180555555555576 +- comm_cost: 0.515625 complexity: 13 expressions: - K+ - - and(K-, S+) - - and(N-, R+) - - and(S-, N-) + - N+ + - N+ + - R- + - S+ + - and(K-, or(SE-, N+)) - and(S-, SE-) - name: explored-6076 + name: explored-6074 type: explored -- comm_cost: 0.29704861111111147 - complexity: 18 +- comm_cost: 0.5213541666666668 + complexity: 11 expressions: - N+ - R- - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(N-, or(S+, R+)) - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-6077 - type: explored -- comm_cost: 0.7305555555555556 - complexity: 10 - expressions: - - R+ - - and(or(K+, S-), not(R-)) - - or(K+, SE+) - name: explored-6078 + name: explored-6075 type: explored -- comm_cost: 0.5164062500000002 - complexity: 10 +- comm_cost: 0.5988194444444446 + complexity: 8 expressions: - R+ - - and(S-, SE-) - - or(K+, R-) - - or(SE-, N+) - name: explored-6079 + - R- + - R- + - SE- + - or(N+, not(R+)) + name: explored-6076 type: explored -- comm_cost: 0.445138888888889 - complexity: 12 +- comm_cost: 0.6294791666666668 + complexity: 37 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, N-) - - and(S-, N-) - name: explored-6080 + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) + name: explored-6077 type: explored -- comm_cost: 0.4676041666666668 - complexity: 9 +- comm_cost: 0.27161458333333366 + complexity: 13 expressions: - - K- - N+ - S+ - and(N-, R+) - and(S-, SE-) - name: explored-6081 + - not(R+) + - or(S+, R-) + name: explored-6078 type: explored -- comm_cost: 0.5333333333333334 - complexity: 6 +- comm_cost: 0.5736111111111112 + complexity: 10 expressions: - N+ - R+ + - R- - SE- - - and(SE+, N-) - name: explored-6082 + - and(K-, N-) + - or(K+, R-) + name: explored-6079 type: explored -- comm_cost: 0.5374855324074076 - complexity: 25 +- comm_cost: 0.7118923611111112 + complexity: 11 expressions: - - N+ - - SE+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - name: explored-6083 + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, SE+)) + name: explored-6080 type: explored -- comm_cost: 0.3718750000000002 - complexity: 10 +- comm_cost: 0.49375000000000013 + complexity: 13 expressions: - N+ - - R+ - - and(K-, or(S+, R-)) - - and(S-, SE-) - name: explored-6084 - type: explored -- comm_cost: 0.3250000000000003 - complexity: 15 - expressions: - - R- - - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - name: explored-6085 + - and(and(K-, N-), or(S+, SE+)) + - not(R+) + name: explored-6081 type: explored -- comm_cost: 0.32291666666666674 - complexity: 12 +- comm_cost: 0.5418981481481482 + complexity: 11 expressions: - K+ - N+ - R- - S+ - - and(N-, or(K+, SE+)) + - SE+ - and(S-, SE-) - name: explored-6086 + - or(K+, S-) + name: explored-6082 type: explored -- comm_cost: 0.5067708333333334 +- comm_cost: 0.59921875 complexity: 7 expressions: - - R+ + - N+ - R- - - SE+ - SE- - - and(S-, SE-) - name: explored-6087 + - and(K-, not(R-)) + name: explored-6083 type: explored -- comm_cost: 0.3984375000000002 - complexity: 15 +- comm_cost: 0.4753819444444446 + complexity: 20 expressions: - K+ - K+ + - K- - N+ - R- - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - name: explored-6088 + - and(S-, SE-) + - or(K+, R+) + - or(K+, or(N+, R-)) + name: explored-6084 type: explored -- comm_cost: 0.43125000000000013 - complexity: 10 +- comm_cost: 0.1350694444444447 + complexity: 13 expressions: - - K+ + - N+ + - R- - R- - S+ - - S- - and(N-, R+) - and(S-, SE-) - name: explored-6089 + - or(N+, R-) + name: explored-6085 type: explored -- comm_cost: 0.36250000000000027 - complexity: 10 +- comm_cost: 0.5024739583333335 + complexity: 16 expressions: - K+ - - N+ - R- - SE- - and(N-, R+) - - and(SE+, N-) - name: explored-6090 + - and(N-, or(K+, R+)) + - or(S+, or(N+, R-)) + name: explored-6086 type: explored -- comm_cost: 0.7099253472222222 - complexity: 33 +- comm_cost: 0.3430555555555559 + complexity: 11 expressions: - - K- - - S+ - - and(K-, not(R-)) - - and(S-, not(R-)) - - and(SE+, N-) + - N+ + - R- + - and(N-, R+) - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - - or(S+, or(N+, R-)) - - or(SE-, N+) - name: explored-6091 + name: explored-6087 type: explored -- comm_cost: 0.4861111111111114 - complexity: 10 +- comm_cost: 0.5747395833333335 + complexity: 11 expressions: - - K+ - N+ - - and(N-, R+) - - or(K+, or(N+, R-)) - name: explored-6092 + - SE- + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + name: explored-6088 type: explored -- comm_cost: 0.20416666666666683 - complexity: 13 +- comm_cost: 0.3772569444444447 + complexity: 16 expressions: - K+ + - R- + - SE- + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) + name: explored-6089 + type: explored +- comm_cost: 0.5834201388888891 + complexity: 11 + expressions: - N+ + - R+ - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-6093 + - or(K+, or(N+, R-)) + - or(SE-, N+) + name: explored-6090 type: explored -- comm_cost: 0.7877083333333333 - complexity: 6 +- comm_cost: 0.4013541666666668 + complexity: 12 expressions: + - K+ + - K+ - K- - - or(S+, or(N+, R-)) - name: explored-6094 + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + name: explored-6091 type: explored -- comm_cost: 0.13888888888888906 - complexity: 18 +- comm_cost: 0.37019675925925943 + complexity: 23 expressions: - K+ - N+ - R- - - and(K-, or(S+, R-)) + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - name: explored-6095 + - and(or(K+, S-), not(R+)) + name: explored-6092 type: explored -- comm_cost: 0.6942563657407409 - complexity: 16 +- comm_cost: 0.5274305555555557 + complexity: 8 expressions: + - K+ - R+ + - R- - SE- - - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) - - and(N-, not(R-)) - name: explored-6096 + - and(K-, not(R+)) + name: explored-6093 type: explored -- comm_cost: 0.6881712962962964 - complexity: 10 +- comm_cost: 0.44947916666666676 + complexity: 11 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - and(N-, or(K+, SE+)) - - or(K+, S-) - name: explored-6097 + - and(K-, not(R-)) + - and(N-, R+) + name: explored-6094 type: explored -- comm_cost: 0.4364583333333336 - complexity: 17 +- comm_cost: 0.4526041666666669 + complexity: 16 expressions: - - K+ - N+ - - R- - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R-) - name: explored-6098 + - and(S-, SE-) + - or(K+, SE+) + name: explored-6095 type: explored -- comm_cost: 0.5206597222222221 - complexity: 14 +- comm_cost: 0.48799189814814836 + complexity: 19 expressions: - K+ - - K+ + - N+ - R- - S+ + - SE+ + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-6099 + - or(K+, S-) + name: explored-6096 type: explored -- comm_cost: 2.220446049250313e-16 - complexity: 15 +- comm_cost: 0.580439814814815 + complexity: 14 expressions: - K+ - N+ + - N- - R- - - and(K-, S+) - - and(K-, S+) + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - not(R-) + name: explored-6097 + type: explored +- comm_cost: 0.17916666666666703 + complexity: 9 + expressions: + - K+ + - N+ + - N+ - and(N-, R+) - and(S-, SE-) + name: explored-6098 + type: explored +- comm_cost: 0.5926504629629631 + complexity: 13 + expressions: + - R+ + - R- + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(S+, R-) + name: explored-6099 + type: explored +- comm_cost: 0.7604166666666666 + complexity: 4 + expressions: + - N+ + - or(K+, R-) name: explored-6100 type: explored -- comm_cost: 0.3666666666666667 - complexity: 17 +- comm_cost: 0.40843750000000023 + complexity: 13 expressions: - - K+ + - N+ - N+ - R- - - and(K-, or(S+, SE+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - or(K+, S-) name: explored-6101 type: explored -- comm_cost: 0.7275462962962962 - complexity: 22 +- comm_cost: 0.6109375000000001 + complexity: 12 expressions: - - SE- - - and(K-, or(S+, N+)) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R+)) + - K+ + - R+ + - and(K-, or(S+, R-)) + - and(N-, or(K+, R+)) name: explored-6102 type: explored -- comm_cost: 0.6557291666666667 - complexity: 13 +- comm_cost: 0.4994212962962965 + complexity: 17 expressions: + - K+ + - N+ + - N+ - R- - - and(and(S-, N-), not(R-)) - - or(K+, K-) - - or(K+, N+) + - SE- + - and(N-, R+) + - and(S-, N-) + - and(or(K+, S-), not(R-)) name: explored-6103 type: explored -- comm_cost: 0.4748697916666669 - complexity: 12 +- comm_cost: 0.7218055555555556 + complexity: 5 expressions: - - K+ - N+ - SE- - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) + - not(R-) name: explored-6104 type: explored -- comm_cost: 0.6330729166666669 - complexity: 9 +- comm_cost: 0.6240972222222223 + complexity: 12 expressions: - - R+ + - N+ - R- - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, S-) name: explored-6105 type: explored -- comm_cost: 0.5703993055555557 +- comm_cost: 0.4866608796296298 complexity: 15 expressions: - - K+ - - R+ + - N+ - R- - - and(or(K+, S-), or(SE-, N+)) - - or(S+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) name: explored-6106 type: explored -- comm_cost: 0.5109375000000003 +- comm_cost: 0.5299479166666669 complexity: 15 expressions: - N+ + - R- + - and(K-, N-) + - and(K-, not(R-)) - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) + - and(S-, SE-) name: explored-6107 type: explored -- comm_cost: 0.7911458333333334 - complexity: 10 +- comm_cost: 0.37760416666666696 + complexity: 9 expressions: - - and(and(K-, N-), or(S+, SE+)) - - or(K+, SE+) + - K+ + - R- + - SE- + - and(K-, SE-) + - and(N-, R+) name: explored-6108 type: explored -- comm_cost: 0.5466666666666669 - complexity: 13 +- comm_cost: 0.3796875000000002 + complexity: 8 expressions: - N+ - - R- - - SE- + - R+ - and(N-, R+) - - not(R-) - - or(K+, or(N+, R-)) + - and(S-, SE-) name: explored-6109 type: explored -- comm_cost: 0.17916666666666692 - complexity: 13 +- comm_cost: 0.35271990740740766 + complexity: 25 expressions: - N+ - - and(K-, S+) - - and(N-, R+) + - R- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) name: explored-6110 type: explored -- comm_cost: 0.6503356481481483 - complexity: 10 +- comm_cost: 0.42595486111111114 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(K-, not(R+)) - - or(S+, SE+) + - and(K-, S+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-6111 type: explored -- comm_cost: 0.3421875000000002 - complexity: 18 +- comm_cost: 0.3667245370370372 + complexity: 24 expressions: - K+ - N+ - R- - S+ - - and(K-, or(SE-, N+)) + - and(K-, or(S+, R+)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, R+) + - and(S-, not(R+)) name: explored-6112 type: explored -- comm_cost: 0.2498842592592596 - complexity: 21 +- comm_cost: 0.6033564814814816 + complexity: 12 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - not(R+) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(N-, or(K+, SE+)) + - and(S-, not(R-)) name: explored-6113 type: explored -- comm_cost: 0.6113194444444446 - complexity: 10 +- comm_cost: 0.25347222222222254 + complexity: 23 expressions: - K+ - - R+ - - SE- + - N+ + - R- - and(K-, S+) - - or(N+, not(R+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-6114 type: explored -- comm_cost: 0.6440104166666668 - complexity: 12 +- comm_cost: 0.5356770833333334 + complexity: 17 expressions: - N+ - - SE- + - R- + - and(K-, SE-) - and(K-, or(S+, SE+)) - - and(N-, or(K+, SE+)) + - and(N-, R+) + - and(N-, not(R-)) name: explored-6115 type: explored -- comm_cost: 0.672482638888889 - complexity: 16 +- comm_cost: 0.5585937500000002 + complexity: 10 expressions: - - R+ + - R- + - SE- - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) - - or(S+, or(N+, R-)) + - and(N-, R+) name: explored-6116 type: explored -- comm_cost: 0.4925347222222223 - complexity: 15 +- comm_cost: 0.3581597222222226 + complexity: 12 expressions: - - N+ - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(S+, SE+) name: explored-6117 type: explored -- comm_cost: 0.45572916666666674 - complexity: 7 +- comm_cost: 0.6545833333333333 + complexity: 6 expressions: - N+ - - R+ - - R- - - SE- - - and(K-, SE-) + - and(S-, SE-) + - not(R-) name: explored-6118 type: explored -- comm_cost: 0.6802083333333335 - complexity: 2 - expressions: - - K+ - - R+ - name: explored-6119 - type: explored -- comm_cost: 0.49730902777777797 - complexity: 18 +- comm_cost: 0.5840277777777778 + complexity: 13 expressions: - - K+ + - N+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(S-, not(R+)) - name: explored-6120 + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R+) + name: explored-6119 type: explored -- comm_cost: 0.6881944444444446 - complexity: 12 +- comm_cost: 0.6331597222222224 + complexity: 7 expressions: - R+ - - and(S-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-6121 + - SE+ + - and(S-, or(SE-, N+)) + name: explored-6120 type: explored -- comm_cost: 0.5839583333333335 - complexity: 22 +- comm_cost: 0.5145399305555558 + complexity: 25 expressions: - N+ - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) - name: explored-6122 + - and(and(K-, N-), or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) + name: explored-6121 type: explored -- comm_cost: 0.4891493055555558 - complexity: 16 +- comm_cost: 0.21093750000000022 + complexity: 11 expressions: - - N+ - - SE- + - K+ + - K+ + - R+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - name: explored-6123 + - and(S-, SE-) + name: explored-6122 type: explored -- comm_cost: 0.5980902777777779 +- comm_cost: 0.5744791666666669 complexity: 11 expressions: - R+ - SE- - - and(and(K-, N-), not(R-)) - - or(N+, R-) + - and(K-, not(R+)) + - and(K-, or(S+, R-)) + name: explored-6123 + type: explored +- comm_cost: 0.7297968750000001 + complexity: 26 + expressions: + - K- + - S- + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, SE+) name: explored-6124 type: explored -- comm_cost: 0.7236111111111112 - complexity: 11 +- comm_cost: 0.3359375000000002 + complexity: 15 expressions: - - SE- - - and(N-, or(S+, SE+)) - - or(S+, or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, or(SE-, N+)) + - and(SE+, N-) name: explored-6125 type: explored -- comm_cost: 0.5741898148148149 - complexity: 10 +- comm_cost: 0.3793402777777781 + complexity: 12 expressions: - - R+ - - R- - - SE+ - - and(S-, SE-) - - and(S-, not(R-)) + - N+ + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - or(K+, N+) name: explored-6126 type: explored -- comm_cost: 0.5026620370370372 - complexity: 16 +- comm_cost: 0.5921875000000002 + complexity: 7 expressions: - - N+ - - S+ + - R+ - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, K-) + - or(SE-, N+) name: explored-6127 type: explored -- comm_cost: 0.23651620370370408 - complexity: 22 +- comm_cost: 0.5545138888888891 + complexity: 6 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - or(S+, R-) name: explored-6128 type: explored -- comm_cost: 0.26027777777777794 - complexity: 24 +- comm_cost: 0.31006944444444473 + complexity: 10 expressions: - - K+ - - K+ - - K+ - - N+ - - R- - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(S+, R-) name: explored-6129 type: explored -- comm_cost: 0.34296875000000004 - complexity: 14 +- comm_cost: 0.6953414351851852 + complexity: 27 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R-)) + - or(K+, SE+) + - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-6130 type: explored -- comm_cost: 0.20520833333333366 - complexity: 16 +- comm_cost: 0.6272858796296298 + complexity: 17 expressions: - - K+ - - N+ - - R- + - R+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, N-) + - and(K-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-6131 type: explored -- comm_cost: 0.5868055555555557 - complexity: 21 +- comm_cost: 0.6894097222222223 + complexity: 10 expressions: - R+ - - R- - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - and(K-, N-) + - and(S-, or(N+, not(R+))) name: explored-6132 type: explored -- comm_cost: 0.4497974537037037 +- comm_cost: 0.6676215277777778 complexity: 11 expressions: - - N+ - R- - - SE+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - and(and(K-, N-), not(R-)) + - or(K+, SE+) name: explored-6133 type: explored -- comm_cost: 0.177604166666667 - complexity: 18 +- comm_cost: 0.17430555555555594 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- - - S+ - - and(N-, R+) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - - or(S+, N+) name: explored-6134 type: explored -- comm_cost: 0.7445486111111113 - complexity: 5 +- comm_cost: 0.20651041666666692 + complexity: 16 expressions: - - K- - - R+ - - and(K-, N-) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(SE-, N+) name: explored-6135 type: explored -- comm_cost: 0.6858020833333334 - complexity: 22 - expressions: - - S- - - and(N-, not(R-)) - - and(SE+, N-) - - and(SE-, or(K+, S-)) - - or(K+, N+) - - or(K+, R+) - - or(S+, SE+) - name: explored-6136 - type: explored -- comm_cost: 0.2768229166666668 - complexity: 19 +- comm_cost: 0.10625000000000018 + complexity: 15 expressions: - K+ - N+ + - R- - and(K-, S+) - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) + name: explored-6136 + type: explored +- comm_cost: 0.8111458333333333 + complexity: 10 + expressions: + - or(K+, R-) - or(N+, R-) + - or(N+, not(R+)) name: explored-6137 type: explored -- comm_cost: 0.09843750000000018 - complexity: 15 +- comm_cost: 0.556996527777778 + complexity: 20 expressions: - - K+ - N+ - R- - - S+ - - and(K-, or(S+, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, R+)) + - not(R-) name: explored-6138 type: explored -- comm_cost: 0.4031250000000003 - complexity: 7 +- comm_cost: 0.7388888888888889 + complexity: 6 expressions: - R- - - and(K-, SE-) - - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-6139 type: explored -- comm_cost: 0.47517361111111134 - complexity: 14 +- comm_cost: 0.68125 + complexity: 3 expressions: + - K+ - N+ - - R- - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - or(N+, R-) name: explored-6140 type: explored -- comm_cost: 0.28229166666666705 - complexity: 13 +- comm_cost: 0.8091145833333333 + complexity: 9 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(K-, SE-) + - and(K-, or(N+, not(R+))) name: explored-6141 type: explored -- comm_cost: 0.5447916666666669 - complexity: 10 +- comm_cost: 0.7502604166666668 + complexity: 14 expressions: - - K+ - - N+ - - S+ - - and(K-, not(R-)) - - and(N-, R+) + - R+ + - R- + - and(K-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-6142 type: explored -- comm_cost: 0.5453125000000002 - complexity: 14 +- comm_cost: 0.4403263888888891 + complexity: 16 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - and(K-, or(S+, R-)) - - and(or(K+, S-), or(SE-, N+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(S+, R+) name: explored-6143 type: explored -- comm_cost: 0.6913194444444446 - complexity: 9 +- comm_cost: 0.3347656250000003 + complexity: 19 expressions: - - R+ - - or(K+, or(N+, R-)) - - or(S+, N+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-6144 type: explored -- comm_cost: 0.5661458333333335 - complexity: 13 +- comm_cost: 0.36354166666666676 + complexity: 9 expressions: - - K+ - N+ + - R+ - R- - - SE- - - and(N-, R+) - - and(S-, N-) - - or(K+, K-) + - and(S-, SE-) + - and(S-, SE-) name: explored-6145 type: explored -- comm_cost: 0.5213541666666668 - complexity: 7 +- comm_cost: 0.391684027777778 + complexity: 20 expressions: - N+ - - R+ - R- - - SE- - - or(N+, R-) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, not(R+)) name: explored-6146 type: explored -- comm_cost: 0.17916666666666692 - complexity: 9 +- comm_cost: 0.3762297453703707 + complexity: 15 expressions: + - K+ - N+ - - N+ - - S+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-6147 type: explored -- comm_cost: 0.5395833333333335 - complexity: 12 +- comm_cost: 0.1706597222222226 + complexity: 14 expressions: - N+ - R- + - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-6148 type: explored -- comm_cost: 0.1350694444444447 - complexity: 18 +- comm_cost: 0.3601562500000003 + complexity: 17 expressions: - - K+ - N+ - R- - S+ - - and(K-, or(S+, N+)) + - and(K-, SE-) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(S+, N+) name: explored-6149 type: explored -- comm_cost: 0.37250000000000016 +- comm_cost: 0.5953125000000002 complexity: 12 expressions: - - N+ - - N- - - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-6150 type: explored -- comm_cost: 0.6149305555555558 - complexity: 14 +- comm_cost: 0.6890624999999999 + complexity: 9 expressions: - - R- - SE- - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-6151 type: explored -- comm_cost: 0.42958333333333343 - complexity: 20 +- comm_cost: 0.6154513888888888 + complexity: 11 expressions: - - N+ - - N- + - K+ - R- - - S+ - - and(K-, not(R+)) - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, K-) name: explored-6152 type: explored -- comm_cost: 0.45243055555555567 - complexity: 14 +- comm_cost: 0.632465277777778 + complexity: 10 expressions: - - K+ - R+ - - R- - - SE- - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, or(N+, not(R+))) + - or(SE-, N+) name: explored-6153 type: explored -- comm_cost: 0.45625000000000016 - complexity: 15 +- comm_cost: 0.38541666666666696 + complexity: 10 expressions: + - K+ - N+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, N+) + - or(N+, R-) name: explored-6154 type: explored -- comm_cost: 0.6473958333333335 - complexity: 5 +- comm_cost: 0.6180555555555555 + complexity: 7 expressions: - - R+ - R- - - or(K+, R-) + - and(S-, SE-) + - or(S+, R-) name: explored-6155 type: explored -- comm_cost: 0.5328125000000001 - complexity: 11 +- comm_cost: 0.6600000000000001 + complexity: 5 expressions: - - N+ + - N- - R- - - and(K-, S+) - and(N-, R+) - - or(S+, R+) name: explored-6156 type: explored -- comm_cost: 0.3635416666666669 - complexity: 23 +- comm_cost: 0.3437500000000002 + complexity: 7 expressions: - - K+ - - K+ + - N+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) name: explored-6157 type: explored -- comm_cost: 0.47711226851851873 - complexity: 14 +- comm_cost: 0.6325520833333335 + complexity: 5 expressions: - - and(K-, or(S+, R+)) - - and(N-, R+) + - R+ + - S- - and(S-, SE-) - - or(S+, R+) name: explored-6158 type: explored -- comm_cost: 0.5479166666666668 - complexity: 9 +- comm_cost: 0.5237847222222224 + complexity: 7 expressions: - K+ + - R+ - R- - SE- - - and(N-, R+) - - and(S-, N-) + - or(K+, R-) name: explored-6159 type: explored -- comm_cost: 0.4638194444444447 - complexity: 14 +- comm_cost: 0.4852430555555558 + complexity: 13 expressions: - - N+ - - N- + - R+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-6160 type: explored -- comm_cost: 0.6559375000000001 - complexity: 7 +- comm_cost: 0.5754166666666669 + complexity: 6 expressions: - K- - - and(S-, SE-) - - or(K+, R-) + - N+ + - SE- + - and(N-, R+) name: explored-6161 type: explored -- comm_cost: 0.688816550925926 - complexity: 27 +- comm_cost: 0.4213541666666668 + complexity: 19 expressions: - - S- - - SE- - - and(K-, S+) - - and(N-, not(R-)) + - K+ + - N+ + - R- + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-6162 type: explored -- comm_cost: 0.6941261574074076 - complexity: 14 +- comm_cost: 0.6725694444444446 + complexity: 8 expressions: - R+ - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) + - and(K-, not(R-)) + - and(SE+, N-) name: explored-6163 type: explored -- comm_cost: 0.4409722222222221 +- comm_cost: 0.7361111111111112 complexity: 9 expressions: - - K+ - - N+ - - R- - - and(S-, SE-) - - or(S+, R-) + - K- + - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-6164 type: explored -- comm_cost: 0.5133101851851853 - complexity: 17 +- comm_cost: 0.32482638888888915 + complexity: 23 expressions: + - K+ - N+ - - R+ - - SE- + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R+)) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-6165 type: explored -- comm_cost: 0.6303211805555556 - complexity: 15 +- comm_cost: 0.3993055555555558 + complexity: 19 expressions: - N+ - - R+ - - R- - - SE- - - and(N-, or(S+, R+)) - - or(S+, R+) - - or(S+, SE+) + - and(K-, not(R+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-6166 type: explored -- comm_cost: 0.8422395833333334 - complexity: 8 +- comm_cost: 0.7125000000000001 + complexity: 7 expressions: - - or(S+, SE+) - - or(S+, or(N+, R-)) + - R+ + - and(SE+, N-) + - or(N+, R-) name: explored-6167 type: explored -- comm_cost: 0.34774305555555574 - complexity: 24 +- comm_cost: 0.740625 + complexity: 5 + expressions: + - R- + - SE- + - or(SE-, N+) + name: explored-6168 + type: explored +- comm_cost: 0.10312500000000036 + complexity: 18 expressions: - K+ + - K+ - N+ - R- - - S+ - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(and(K-, S+), or(N+, R-)) - name: explored-6168 - type: explored -- comm_cost: 0.7268229166666668 - complexity: 25 - expressions: - - SE- - - and(K-, N-) - - and(K-, or(SE-, N+)) - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) - - or(S+, N+) - - or(SE-, N+) + - and(S-, or(SE-, N+)) name: explored-6169 type: explored -- comm_cost: 0.5736979166666668 - complexity: 9 +- comm_cost: 0.7500000000000001 + complexity: 14 expressions: - - R- - - SE- - - and(N-, R+) - and(N-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) name: explored-6170 type: explored -- comm_cost: 0.6592881944444445 - complexity: 12 - expressions: - - R+ - - SE- - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) - name: explored-6171 - type: explored -- comm_cost: 0.5694212962962963 - complexity: 12 - expressions: - - R+ - - R- - - and(S-, SE-) - - and(S-, not(R-)) - - or(S+, SE+) - name: explored-6172 - type: explored -- comm_cost: 0.4413194444444445 +- comm_cost: 0.29010416666666683 complexity: 13 expressions: - - R+ - - R- + - K+ + - N+ - R- - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - name: explored-6173 + - or(K+, SE+) + name: explored-6171 type: explored -- comm_cost: 0.4965277777777779 +- comm_cost: 0.17986111111111147 complexity: 17 expressions: + - K+ - N+ - - R- - - and(N-, or(S+, R+)) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-6174 + - and(or(K+, S-), not(R+)) + name: explored-6172 type: explored -- comm_cost: 0.45720486111111147 +- comm_cost: 0.08125000000000027 complexity: 14 expressions: - K+ + - K+ + - K+ - N+ - R- - and(N-, R+) - - or(N+, R-) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(S-, SE-) + name: explored-6173 + type: explored +- comm_cost: 0.666840277777778 + complexity: 9 + expressions: + - R+ + - S+ + - or(and(K-, S+), or(N+, R-)) + name: explored-6174 + type: explored +- comm_cost: 0.6596875000000001 + complexity: 7 + expressions: + - R+ + - and(S-, not(R+)) + - not(R-) name: explored-6175 type: explored -- comm_cost: 0.4745659722222224 - complexity: 13 +- comm_cost: 0.7212413194444445 + complexity: 7 expressions: - - K+ - - N+ - - R- - - S- - - and(N-, R+) - - and(and(S-, N-), not(R-)) + - R+ + - SE+ + - and(K-, N-) + - not(R-) name: explored-6176 type: explored -- comm_cost: 0.6211805555555556 - complexity: 12 +- comm_cost: 0.7377314814814815 + complexity: 18 expressions: - - N+ - - R+ - - SE- + - and(K-, N-) - and(or(K+, S-), not(R+)) - - or(S+, R+) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) name: explored-6177 type: explored -- comm_cost: 0.6065972222222225 - complexity: 13 +- comm_cost: 0.3324652777777779 + complexity: 16 expressions: - - and(K-, or(S+, N+)) + - N+ + - R- + - SE- + - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-6178 type: explored -- comm_cost: 0.2517361111111114 - complexity: 15 +- comm_cost: 0.19357638888888906 + complexity: 17 expressions: - - N+ + - K+ + - K+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - not(R+) + - or(and(K-, S+), or(N+, R-)) name: explored-6179 type: explored -- comm_cost: 0.26093750000000027 - complexity: 15 +- comm_cost: 0.7503761574074075 + complexity: 11 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - R+ + - and(K-, or(S+, SE+)) + - and(N-, or(S+, R+)) name: explored-6180 type: explored -- comm_cost: 0.48011805555555576 - complexity: 20 +- comm_cost: 0.7143518518518519 + complexity: 11 + expressions: + - SE- + - and(K-, N-) + - and(N-, not(R-)) + - or(K+, R+) + name: explored-6181 + type: explored +- comm_cost: 0.17256944444444478 + complexity: 21 expressions: - - K+ - K+ - N+ - - R- - S+ - - and(K-, SE-) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - - or(S+, R+) - name: explored-6181 - type: explored -- comm_cost: 0.6453414351851853 - complexity: 9 - expressions: - - R+ - - S+ - - and(K-, not(R-)) - - and(S-, N-) + - or(and(K-, S+), or(N+, R-)) name: explored-6182 type: explored -- comm_cost: 0.7596412037037038 - complexity: 5 +- comm_cost: 0.41278935185185195 + complexity: 22 expressions: - - N- - - R+ - - or(K+, K-) + - K+ + - N+ + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-6183 type: explored -- comm_cost: 0.6718750000000002 - complexity: 13 +- comm_cost: 0.6256076388888892 + complexity: 9 expressions: - R+ - - and(K-, or(S+, R-)) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(K-, not(R-)) + - and(N-, R+) name: explored-6184 type: explored -- comm_cost: 0.5985243055555556 - complexity: 14 +- comm_cost: 0.421701388888889 + complexity: 16 expressions: - - K+ - N+ - R- - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) + - S+ + - and(K-, or(S+, R+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-6185 type: explored -- comm_cost: 0.6361111111111113 - complexity: 9 +- comm_cost: 0.5381944444444446 + complexity: 22 expressions: - - R+ - - and(SE-, or(K+, S-)) - - or(K+, R+) + - N+ + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-6186 type: explored -- comm_cost: 0.5619791666666668 - complexity: 6 +- comm_cost: 0.5410937500000002 + complexity: 12 expressions: - - R+ - - R- - - S+ - - and(K-, S+) + - K+ + - N+ + - SE- + - and(N-, R+) + - or(K+, R-) + - or(K+, S-) name: explored-6187 type: explored -- comm_cost: 0.3071180555555557 - complexity: 15 +- comm_cost: 0.7625000000000001 + complexity: 6 expressions: - K+ - - N+ - - R+ - - R- - - S+ - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) + - not(R-) + - or(K+, R+) name: explored-6188 type: explored -- comm_cost: 0.5182291666666667 - complexity: 13 +- comm_cost: 0.29444444444444473 + complexity: 9 expressions: - K+ - N+ - - R- + - and(K-, not(R+)) - and(N-, R+) - - and(N-, not(R-)) - - or(S+, R+) name: explored-6189 type: explored -- comm_cost: 0.5666666666666668 - complexity: 18 +- comm_cost: 0.6364583333333335 + complexity: 6 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - R+ + - not(R+) + - or(S+, N+) name: explored-6190 type: explored -- comm_cost: 0.43125000000000036 - complexity: 8 +- comm_cost: 0.7393229166666667 + complexity: 5 expressions: - - N+ + - K+ - SE- - - and(N-, R+) - - or(S+, N+) + - and(K-, N-) name: explored-6191 type: explored -- comm_cost: 0.5038194444444446 - complexity: 5 +- comm_cost: 0.7159895833333334 + complexity: 29 expressions: - K+ - - R+ - - R- - - SE- - - SE- + - N- + - and(N-, not(R-)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) + - or(S+, SE+) name: explored-6192 type: explored -- comm_cost: 0.3166666666666669 - complexity: 13 +- comm_cost: 0.30976562500000027 + complexity: 10 expressions: - K+ - K+ - N+ - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - not(R+) name: explored-6193 type: explored -- comm_cost: 0.4921875000000002 - complexity: 14 +- comm_cost: 0.6987847222222223 + complexity: 10 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(SE-, or(K+, S-)) + - SE- + - and(K-, not(R-)) + - and(K-, or(S+, R-)) name: explored-6194 type: explored -- comm_cost: 0.5364583333333336 +- comm_cost: 0.5407118055555558 complexity: 15 expressions: - N+ - R- + - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, N+) + - and(or(K+, S-), not(R-)) + - or(S+, R+) name: explored-6195 type: explored -- comm_cost: 0.6968750000000001 - complexity: 5 +- comm_cost: 0.7947916666666667 + complexity: 4 expressions: - - R- - - and(K-, not(R-)) + - K+ + - or(N+, R-) name: explored-6196 type: explored -- comm_cost: 0.5692881944444446 - complexity: 17 +- comm_cost: 0.29201388888888913 + complexity: 15 expressions: - - K+ - N+ - R- - - S- - - and(K-, not(R-)) + - S+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - or(S+, SE+) name: explored-6197 type: explored -- comm_cost: 0.8114583333333333 +- comm_cost: 0.41319444444444486 complexity: 12 expressions: - - and(K-, S+) - - not(R+) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - SE- + - and(N-, R+) + - and(N-, R+) + - or(S+, N+) name: explored-6198 type: explored -- comm_cost: 0.6840277777777779 - complexity: 10 +- comm_cost: 0.4715567129629631 + complexity: 20 expressions: - - R+ - - SE- - - and(K-, N-) - - and(K-, or(S+, SE+)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - or(K+, SE+) + - or(S+, or(N+, R-)) name: explored-6199 type: explored -- comm_cost: 0.5769097222222224 +- comm_cost: 0.41427083333333337 complexity: 12 expressions: - - N+ + - K+ + - R+ - R- - - S+ - - and(N-, R+) - - or(K+, K-) - - or(SE-, N+) + - and(K-, S+) + - and(S-, SE-) + - or(S+, SE+) name: explored-6200 type: explored -- comm_cost: 0.5040798611111112 +- comm_cost: 0.37361111111111134 complexity: 19 expressions: - K+ - - K+ - - N+ - R- - - S+ - - SE+ - - and(K-, not(R+)) + - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, K-) name: explored-6201 type: explored -- comm_cost: 0.45777777777777806 - complexity: 10 +- comm_cost: 0.38541666666666685 + complexity: 16 expressions: + - K+ + - N+ - R- - - R- - - SE- - and(N-, R+) - - or(N+, not(R+)) + - and(N-, or(S+, SE+)) + - and(SE-, or(K+, S-)) name: explored-6202 type: explored -- comm_cost: 0.6335069444444446 - complexity: 10 +- comm_cost: 0.3182291666666668 + complexity: 15 expressions: - - R+ - - and(and(K-, N-), not(R-)) - - or(K+, N+) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - and(SE-, or(K+, S-)) name: explored-6203 type: explored -- comm_cost: 0.6786458333333333 +- comm_cost: 0.6966145833333335 complexity: 7 expressions: - - R- - - SE- - - and(K-, or(S+, N+)) + - R+ + - or(K+, SE+) + - or(SE-, N+) name: explored-6204 type: explored -- comm_cost: 0.501701388888889 - complexity: 16 +- comm_cost: 0.5366898148148149 + complexity: 12 expressions: - K+ - - N+ + - R+ - R- - - S+ - - S- - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - and(S-, N-) + - and(and(K-, N-), not(R-)) name: explored-6205 type: explored -- comm_cost: 0.3559895833333335 - complexity: 18 +- comm_cost: 0.6508680555555557 + complexity: 14 expressions: - - N+ - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) name: explored-6206 type: explored -- comm_cost: 0.5220486111111113 - complexity: 17 +- comm_cost: 0.28229166666666705 + complexity: 13 expressions: - - R+ - - SE- + - N+ + - S+ - and(N-, R+) - - or(K+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-6207 type: explored -- comm_cost: 0.37187499999999996 - complexity: 15 +- comm_cost: 0.5437500000000002 + complexity: 6 expressions: - K+ - - N+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(S-, SE-) + - R+ + - SE- + - and(SE+, N-) name: explored-6208 type: explored -- comm_cost: 0.6918750000000001 - complexity: 3 +- comm_cost: 0.23385416666666692 + complexity: 13 expressions: - - K- - - R+ + - K+ - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-6209 type: explored -- comm_cost: 0.4843750000000001 - complexity: 12 +- comm_cost: 0.349479166666667 + complexity: 17 expressions: - K+ - - K+ - N+ - R- - - S+ - - S- + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(SE+, N-) + - or(K+, or(N+, R-)) name: explored-6210 type: explored -- comm_cost: 0.37604166666666683 - complexity: 18 +- comm_cost: 0.7345486111111112 + complexity: 6 expressions: - - N+ - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R+ + - and(N-, or(S+, R+)) name: explored-6211 type: explored -- comm_cost: 0.33857060185185206 - complexity: 19 +- comm_cost: 0.6651041666666666 + complexity: 16 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - and(SE+, N-) - - or(S+, R-) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) name: explored-6212 type: explored -- comm_cost: 0.5416666666666669 - complexity: 10 +- comm_cost: 0.06093750000000031 + complexity: 11 expressions: + - K+ + - N+ - R- + - R- + - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) name: explored-6213 type: explored -- comm_cost: 0.6050000000000002 - complexity: 14 +- comm_cost: 0.6700954861111112 + complexity: 10 expressions: - - N+ - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - not(R-) + - R+ + - R+ + - and(N-, or(K+, S-)) + - and(S-, N-) name: explored-6214 type: explored -- comm_cost: 0.7288194444444446 - complexity: 8 +- comm_cost: 0.7221354166666667 + complexity: 7 expressions: - - R+ - R- - - SE+ - - and(N-, or(K+, SE+)) + - SE- + - and(N-, or(S+, SE+)) name: explored-6215 type: explored -- comm_cost: 0.5395833333333335 - complexity: 8 +- comm_cost: 0.4152777777777781 + complexity: 11 expressions: - - R+ - - and(S-, not(R+)) - - or(S+, N+) + - K+ + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - or(K+, R+) name: explored-6216 type: explored -- comm_cost: 0.501041666666667 - complexity: 8 +- comm_cost: 0.8289930555555556 + complexity: 5 expressions: - - and(N-, R+) - - and(SE-, or(K+, S-)) + - S+ + - SE- + - and(K-, S+) name: explored-6217 type: explored -- comm_cost: 0.36979166666666696 - complexity: 11 +- comm_cost: 0.522916666666667 + complexity: 7 expressions: - - K+ - - R- - - S+ + - N+ + - and(N-, R+) - and(N-, R+) - - and(S-, SE-) - - not(R+) name: explored-6218 type: explored -- comm_cost: 0.26180555555555585 - complexity: 10 +- comm_cost: 0.5718750000000001 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, not(R+)) - - and(N-, R+) + - R+ + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-6219 type: explored -- comm_cost: 0.4345486111111113 - complexity: 19 +- comm_cost: 0.5927083333333335 + complexity: 3 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) + - K+ + - R+ + - SE- name: explored-6220 type: explored -- comm_cost: 0.5382060185185187 - complexity: 16 +- comm_cost: 0.6350694444444447 + complexity: 5 expressions: - - N+ - - R- - - SE- + - N- + - R+ - and(N-, R+) - - and(S-, N-) - - and(SE-, or(K+, S-)) - - not(R-) name: explored-6221 type: explored -- comm_cost: 0.15989583333333357 - complexity: 14 +- comm_cost: 0.43715277777777806 + complexity: 20 expressions: - K+ - - N+ - - R+ - - R- - - S+ - - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) name: explored-6222 type: explored -- comm_cost: 0.59921875 +- comm_cost: 0.6666666666666667 complexity: 7 expressions: - - N+ - - R- - SE- - - and(K-, not(R-)) + - and(S-, N-) + - or(K+, R+) name: explored-6223 type: explored -- comm_cost: 0.8291666666666666 - complexity: 6 +- comm_cost: 0.6374305555555557 + complexity: 29 expressions: - - K+ - - and(K-, or(S+, R-)) + - and(K-, N-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) + - and(S-, or(SE-, N+)) + - and(SE+, N-) + - and(SE-, or(K+, S-)) name: explored-6224 type: explored -- comm_cost: 0.6624131944444446 - complexity: 11 +- comm_cost: 0.4496614583333335 + complexity: 16 expressions: - - R+ - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - N- + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-6225 type: explored -- comm_cost: 0.5744791666666669 - complexity: 11 +- comm_cost: 0.08125000000000027 + complexity: 10 expressions: - N+ - - SE- + - R- + - R- + - S+ - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) name: explored-6226 type: explored -- comm_cost: 0.41475694444444466 - complexity: 24 +- comm_cost: 0.7039781746031747 + complexity: 36 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(K-, N-) + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, SE+)) + - and(S-, or(SE-, N+)) + - and(SE+, N-) + - and(SE-, or(K+, S-)) + - or(K+, K-) + - or(K+, SE+) name: explored-6227 type: explored -- comm_cost: 0.2781250000000003 - complexity: 18 +- comm_cost: 0.499166666666667 + complexity: 8 expressions: - - K+ - R- - - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(N+, not(R+)) name: explored-6228 type: explored -- comm_cost: 0.516371527777778 - complexity: 13 +- comm_cost: 0.38454861111111127 + complexity: 19 expressions: + - K+ - N+ - R- - - S- + - S+ - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, K-) name: explored-6229 type: explored -- comm_cost: 0.4813078703703706 - complexity: 19 +- comm_cost: 0.6140625000000001 + complexity: 12 expressions: - - K+ - - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, or(N+, R-)) + - and(or(K+, S-), not(R-)) + - or(N+, R-) name: explored-6230 type: explored -- comm_cost: 0.545138888888889 - complexity: 13 +- comm_cost: 0.8320312500000001 + complexity: 10 expressions: - - N+ - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(S+, R+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) name: explored-6231 type: explored -- comm_cost: 0.6796875 - complexity: 6 +- comm_cost: 0.23168402777777808 + complexity: 22 expressions: + - K+ + - K+ - N+ - - R+ - R- - - or(K+, K-) + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(S-, SE-) name: explored-6232 type: explored -- comm_cost: 0.5958333333333334 - complexity: 7 +- comm_cost: 0.5315972222222224 + complexity: 15 expressions: + - N+ - R+ - R- - SE- - - and(K-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, R-) name: explored-6233 type: explored -- comm_cost: 0.4587962962962965 - complexity: 12 +- comm_cost: 0.45853587962962983 + complexity: 19 expressions: - - K+ - N+ - - R- - - SE+ - SE- - - and(K-, not(R+)) - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-6234 type: explored -- comm_cost: 0.5335937500000001 +- comm_cost: 0.40000000000000013 complexity: 14 expressions: - N+ - - and(N-, not(R-)) + - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-6235 type: explored -- comm_cost: 0.4949508101851854 - complexity: 19 +- comm_cost: 0.388541666666667 + complexity: 9 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - or(K+, R-) name: explored-6236 type: explored -- comm_cost: 0.4912500000000002 - complexity: 10 +- comm_cost: 0.45121527777777803 + complexity: 11 expressions: - K+ - N+ + - R- + - S- + - SE+ - and(N-, R+) - and(S-, SE-) - - not(R-) name: explored-6237 type: explored -- comm_cost: 0.6841145833333334 - complexity: 11 +- comm_cost: 0.357291666666667 + complexity: 9 expressions: - - K+ - - R+ + - N+ - R- - - and(K-, or(S+, SE+)) - - or(S+, N+) + - SE- + - and(N-, R+) + - or(SE-, N+) name: explored-6238 type: explored -- comm_cost: 0.4544270833333335 - complexity: 10 +- comm_cost: 0.6536458333333335 + complexity: 12 expressions: - R+ - - S+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - R- + - and(K-, or(N+, not(R+))) + - and(N-, not(R-)) name: explored-6239 type: explored -- comm_cost: 0.5808333333333334 - complexity: 11 +- comm_cost: 0.26423611111111134 + complexity: 16 expressions: - - K- - - R+ + - K+ + - N+ - R- - - and(K-, or(S+, N+)) + - S+ + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-6240 type: explored -- comm_cost: 0.5043055555555558 - complexity: 12 +- comm_cost: 0.30390625000000027 + complexity: 19 expressions: - N+ - R- - - SE- - - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(S+, SE+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-6241 type: explored -- comm_cost: 0.6322337962962964 - complexity: 8 +- comm_cost: 0.22656250000000022 + complexity: 12 expressions: - - R+ + - K+ + - N+ + - N+ - R- - - and(S-, N-) - - or(S+, R+) + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-6242 type: explored -- comm_cost: 0.6847857142857143 - complexity: 36 +- comm_cost: 0.3554687500000002 + complexity: 11 expressions: - - SE- - - and(K-, S+) - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) + - K+ + - N+ + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(N+, not(R+)) - - or(S+, SE+) - - or(S+, or(N+, R-)) name: explored-6243 type: explored -- comm_cost: 0.4070312500000003 - complexity: 9 +- comm_cost: 0.3031250000000003 + complexity: 20 expressions: + - K+ + - N+ - R- - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - not(R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6244 type: explored -- comm_cost: 0.5048611111111113 - complexity: 10 +- comm_cost: 0.27057291666666705 + complexity: 13 expressions: - - N+ - - R+ - - R- - - SE- - - or(K+, N+) - - or(S+, N+) + - K+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-6245 type: explored -- comm_cost: 0.53828125 - complexity: 14 +- comm_cost: 0.5470486111111112 + complexity: 17 expressions: - N+ - - R- - - and(K-, not(R-)) - - and(K-, or(S+, N+)) - - and(S-, SE-) + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-6246 type: explored -- comm_cost: 0.6120659722222224 +- comm_cost: 0.5130555555555558 complexity: 13 expressions: - - R+ + - N+ + - N- - R- - - SE- - - and(S-, N-) - - and(S-, not(R-)) - - or(K+, R+) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-6247 type: explored -- comm_cost: 0.3930555555555556 - complexity: 11 +- comm_cost: 0.6713082837301588 + complexity: 28 expressions: - - N+ - - R- - - and(S-, SE-) - - or(K+, R+) - - or(S+, N+) + - R+ + - S+ + - SE+ + - and(K-, not(R+)) + - and(S-, N-) + - and(S-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) + - or(K+, R-) name: explored-6248 type: explored -- comm_cost: 0.348480902777778 - complexity: 17 +- comm_cost: 0.7203356481481482 + complexity: 11 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, R+) + - SE+ + - and(K-, S+) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-6249 type: explored -- comm_cost: 0.3979166666666669 - complexity: 18 +- comm_cost: 0.5743055555555557 + complexity: 11 expressions: - - R- - - SE- - - and(K-, S+) + - N+ + - and(K-, not(R+)) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R-) + - or(K+, S-) name: explored-6250 type: explored -- comm_cost: 0.4461342592592594 - complexity: 19 +- comm_cost: 0.6372395833333334 + complexity: 6 expressions: - - K+ - - K- - - N+ + - R+ - R- - - S+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(K-, not(R-)) name: explored-6251 type: explored -- comm_cost: 0.5489583333333335 +- comm_cost: 0.8402777777777778 complexity: 6 expressions: - - R+ - - and(N-, R+) - - not(R+) + - N+ + - or(K+, or(N+, R-)) name: explored-6252 type: explored -- comm_cost: 0.5399305555555557 +- comm_cost: 0.46597222222222245 complexity: 11 expressions: - - K+ - - R+ - R- - SE- - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-6253 type: explored -- comm_cost: 0.16006944444444482 - complexity: 11 +- comm_cost: 0.3395833333333337 + complexity: 21 expressions: - - N+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-6254 type: explored -- comm_cost: 0.6349131944444446 - complexity: 11 +- comm_cost: 0.5020833333333334 + complexity: 13 expressions: - N+ - - SE- + - R- + - S+ + - and(K-, N-) - and(N-, R+) - - or(K+, S-) - - or(S+, R+) + - and(N-, not(R-)) name: explored-6255 type: explored -- comm_cost: 0.6247395833333335 - complexity: 15 +- comm_cost: 0.7609953703703703 + complexity: 16 expressions: - - R+ - - and(N-, not(R-)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - R- + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) name: explored-6256 type: explored -- comm_cost: 0.5913194444444446 - complexity: 18 - expressions: - - and(K-, or(S+, N+)) - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-6257 - type: explored -- comm_cost: 0.4795659722222223 - complexity: 16 +- comm_cost: 0.32031250000000033 + complexity: 15 expressions: - K+ - N+ - R- - - and(K-, not(R-)) + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + name: explored-6257 + type: explored +- comm_cost: 0.6927430555555557 + complexity: 11 + expressions: + - R+ + - and(K-, N-) + - or(N+, R-) + - or(N+, not(R+)) name: explored-6258 type: explored -- comm_cost: 0.283998842592593 - complexity: 25 +- comm_cost: 0.2312500000000003 + complexity: 10 expressions: - - K+ - - N+ - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(and(K-, SE-), or(N+, R-)) name: explored-6259 type: explored -- comm_cost: 0.6269097222222224 - complexity: 19 +- comm_cost: 0.4265625000000003 + complexity: 23 expressions: - - R+ - - and(K-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) name: explored-6260 type: explored -- comm_cost: 0.7146990740740742 - complexity: 12 +- comm_cost: 0.290885416666667 + complexity: 11 expressions: - - R+ - - and(K-, or(S+, R+)) - - and(or(K+, S-), not(R-)) + - K+ + - N+ + - R- + - SE- + - SE- + - and(N-, R+) + - or(K+, R-) name: explored-6261 type: explored -- comm_cost: 0.4345486111111113 - complexity: 14 +- comm_cost: 0.5006076388888892 + complexity: 12 expressions: - N+ - - SE- - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(K+, R-) + - and(N-, or(K+, S-)) + - or(S+, R-) name: explored-6262 type: explored -- comm_cost: 0.3510416666666669 - complexity: 18 +- comm_cost: 0.4412905092592595 + complexity: 17 expressions: - K+ - - N+ - R- - - and(K-, or(SE-, N+)) + - S+ + - S- - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-6263 type: explored -- comm_cost: 0.38203125000000004 - complexity: 20 +- comm_cost: 0.3574652777777779 + complexity: 14 expressions: - K+ - - N+ - R- - - and(K-, N-) - - and(K-, S+) + - R- + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(S-, not(R-)) name: explored-6264 type: explored -- comm_cost: 0.46744791666666685 - complexity: 17 +- comm_cost: 0.5190104166666669 + complexity: 9 expressions: - - K+ - N+ - - and(K-, not(R-)) + - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(N-, not(R-)) name: explored-6265 type: explored -- comm_cost: 0.43333333333333357 - complexity: 10 +- comm_cost: 0.4573784722222224 + complexity: 13 expressions: + - K+ + - N+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - and(or(K+, S-), not(R-)) name: explored-6266 type: explored -- comm_cost: 0.7875 - complexity: 5 +- comm_cost: 0.6606770833333333 + complexity: 13 expressions: - - SE- - - and(S-, not(R+)) + - N+ + - R- + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6267 type: explored -- comm_cost: 0.48358506944444457 - complexity: 16 +- comm_cost: 0.6638020833333333 + complexity: 17 expressions: - K+ - - K+ - - K- - - R- - - S+ - - and(N-, R+) + - and(K-, or(S+, N+)) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6268 type: explored -- comm_cost: 0.8256944444444445 - complexity: 5 +- comm_cost: 0.5708333333333334 + complexity: 10 expressions: - - SE- - - and(K-, not(R+)) + - N+ + - R- + - and(S-, SE-) + - not(R+) + - or(K+, SE+) name: explored-6269 type: explored -- comm_cost: 0.4614583333333335 - complexity: 10 +- comm_cost: 0.6789351851851853 + complexity: 14 expressions: - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - not(R-) + - and(N-, or(K+, S-)) + - and(and(K-, N-), not(R-)) name: explored-6270 type: explored -- comm_cost: 0.3279803240740742 - complexity: 15 +- comm_cost: 0.3372395833333337 + complexity: 12 expressions: + - K+ - N+ - - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(S+, R+) + - or(SE-, N+) name: explored-6271 type: explored -- comm_cost: 0.2845486111111114 - complexity: 17 +- comm_cost: 0.4744791666666667 + complexity: 9 expressions: + - K+ - N+ - - R- - - and(N-, R+) + - S+ - and(S-, SE-) - - and(S-, not(R+)) - - or(S+, or(N+, R-)) + - or(N+, R-) name: explored-6272 type: explored -- comm_cost: 0.6681423611111112 - complexity: 11 - expressions: - - R+ - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - name: explored-6273 - type: explored -- comm_cost: 0.3104166666666668 - complexity: 15 +- comm_cost: 0.23750000000000027 + complexity: 12 expressions: - K+ - N+ - - and(K-, S+) + - SE- + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-6274 + - and(S-, SE-) + name: explored-6273 type: explored -- comm_cost: 0.5078125000000001 - complexity: 15 +- comm_cost: 0.42437500000000017 + complexity: 11 expressions: - - K+ + - K- - N+ - R- + - S+ + - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - or(K+, K-) + name: explored-6274 + type: explored +- comm_cost: 0.788425925925926 + complexity: 8 + expressions: + - N- + - or(N+, not(R+)) + - or(S+, R-) name: explored-6275 type: explored -- comm_cost: 0.3899884259259261 - complexity: 25 +- comm_cost: 0.36187500000000017 + complexity: 17 expressions: - K+ + - K+ - N+ - R- - S+ - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, or(N+, R-)) name: explored-6276 type: explored -- comm_cost: 0.5466145833333336 +- comm_cost: 0.3279513888888892 complexity: 17 expressions: - K+ - N+ - - R- - - SE- + - S+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, K-) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - not(R+) name: explored-6277 type: explored -- comm_cost: 0.5919270833333334 - complexity: 15 +- comm_cost: 0.4494791666666669 + complexity: 11 expressions: - - R+ + - N+ + - R- - SE- - - and(N-, not(R-)) - - and(and(S-, N-), not(R-)) - - or(K+, R-) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-6278 type: explored -- comm_cost: 0.595138888888889 +- comm_cost: 0.541550925925926 complexity: 14 expressions: + - N+ - R+ + - R- - SE- - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - and(S-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-6279 type: explored -- comm_cost: 0.304322916666667 - complexity: 19 +- comm_cost: 0.5200000000000002 + complexity: 15 expressions: - - K+ - - K+ + - K- - N+ - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(N+, not(R+)) + - or(S+, SE+) name: explored-6280 type: explored -- comm_cost: 0.6667708333333334 - complexity: 3 +- comm_cost: 0.4486111111111114 + complexity: 11 expressions: - - N- - - R+ - - R- + - SE- + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-6281 type: explored -- comm_cost: 0.36354166666666676 - complexity: 9 +- comm_cost: 0.5778935185185187 + complexity: 11 expressions: - - N+ - R+ - R- - - and(S-, SE-) - - and(S-, SE-) - name: explored-6282 - type: explored -- comm_cost: 0.7061776620370371 - complexity: 16 - expressions: - SE- - - and(K-, or(S+, R+)) - - and(N-, or(S+, R+)) - - not(R+) - - or(K+, SE+) - name: explored-6283 + - or(K+, or(N+, R-)) + - or(S+, R-) + name: explored-6282 type: explored -- comm_cost: 0.33072916666666696 +- comm_cost: 0.2903645833333335 complexity: 23 expressions: + - K+ - N+ - R- - - and(K-, or(SE-, N+)) + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + name: explored-6283 + type: explored +- comm_cost: 0.4623263888888891 + complexity: 12 + expressions: + - N+ + - R+ + - R- + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-6284 type: explored -- comm_cost: 0.4749189814814817 - complexity: 23 +- comm_cost: 0.36053240740740766 + complexity: 19 expressions: + - K+ - N+ - R- - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, S-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-6285 type: explored -- comm_cost: 0.4949652777777779 - complexity: 9 +- comm_cost: 0.5208333333333335 + complexity: 14 expressions: - - K+ - - R+ - - R- - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-6286 type: explored -- comm_cost: 0.4666666666666668 - complexity: 10 +- comm_cost: 0.49479166666666663 + complexity: 8 expressions: - - K+ - N+ - - R- - - and(and(K-, N-), or(S+, R+)) + - S+ + - and(S-, SE-) + - or(N+, R-) name: explored-6287 type: explored -- comm_cost: 0.17361111111111138 - complexity: 10 +- comm_cost: 0.6024305555555557 + complexity: 11 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - R+ + - R- + - SE- + - and(K-, S+) + - and(K-, or(S+, SE+)) name: explored-6288 type: explored -- comm_cost: 0.3890625000000002 - complexity: 8 +- comm_cost: 0.5477430555555557 + complexity: 14 expressions: - - N+ - R+ - R- - - S+ - SE- - - and(N-, R+) + - and(K-, or(S+, N+)) + - and(or(K+, S-), not(R+)) name: explored-6289 type: explored -- comm_cost: 0.10520833333333357 - complexity: 16 +- comm_cost: 0.6616944444444446 + complexity: 24 expressions: + - K- - N+ - - R- - S+ - - S+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - and(SE+, N-) + - and(SE-, or(K+, S-)) + - or(K+, S-) + - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-6290 type: explored -- comm_cost: 0.4828125000000002 - complexity: 8 +- comm_cost: 0.588888888888889 + complexity: 7 expressions: - - K+ - N+ - R- - - S- - - SE- - - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-6291 type: explored -- comm_cost: 0.19479166666666692 - complexity: 14 +- comm_cost: 0.5058159722222224 + complexity: 15 expressions: - - K+ - R- - - and(K-, S+) + - S- - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - and(and(K-, N-), or(S+, R+)) name: explored-6292 type: explored -- comm_cost: 0.5739583333333336 - complexity: 16 +- comm_cost: 0.44409722222222237 + complexity: 15 expressions: - N+ - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - R- + - and(K-, or(S+, R+)) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-6293 type: explored -- comm_cost: 0.5429687500000002 - complexity: 9 +- comm_cost: 0.3979166666666668 + complexity: 11 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) - - or(S+, R+) + - R- + - SE- + - and(and(S-, N-), not(R-)) name: explored-6294 type: explored -- comm_cost: 0.7815104166666668 - complexity: 7 +- comm_cost: 0.4911458333333335 + complexity: 17 expressions: - - and(K-, S+) + - K+ + - R- + - S+ + - and(N-, R+) - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-6295 type: explored -- comm_cost: 0.24756944444444473 - complexity: 16 +- comm_cost: 0.5993055555555556 + complexity: 10 expressions: - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) + - N+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) name: explored-6296 type: explored -- comm_cost: 0.3581597222222225 - complexity: 14 +- comm_cost: 0.5942708333333334 + complexity: 11 expressions: + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE- + - and(K-, or(SE-, N+)) + - and(S-, N-) name: explored-6297 type: explored -- comm_cost: 0.3755208333333333 - complexity: 19 +- comm_cost: 0.6575520833333335 + complexity: 7 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, or(S+, SE+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - R+ + - S- + - and(SE-, or(K+, S-)) name: explored-6298 type: explored -- comm_cost: 0.5645833333333337 - complexity: 6 +- comm_cost: 0.07777777777777817 + complexity: 18 expressions: - K+ - - K+ - - S+ + - N+ + - R- + - and(K-, S+) + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-6299 type: explored -- comm_cost: 0.4247106481481484 - complexity: 26 +- comm_cost: 0.4554166666666668 + complexity: 16 expressions: - - K+ - N+ - R- - - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, R-) - - or(S+, or(N+, R-)) + - or(S+, SE+) name: explored-6300 type: explored -- comm_cost: 0.31793981481481504 - complexity: 18 +- comm_cost: 0.5462962962962964 + complexity: 11 expressions: - N+ - - R- - - R- - - S+ + - N- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, R+) + - and(N-, or(S+, R+)) name: explored-6301 type: explored -- comm_cost: 0.6153645833333334 - complexity: 8 +- comm_cost: 0.40842013888888906 + complexity: 16 expressions: + - K+ - N+ - R- - - SE+ - - SE- - - and(N-, not(R-)) + - S+ + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(S+, R+) name: explored-6302 type: explored -- comm_cost: 0.42500000000000016 - complexity: 12 +- comm_cost: 0.406076388888889 + complexity: 20 expressions: + - N+ - R- - S+ - - and(K-, not(R-)) + - SE+ - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, SE+) name: explored-6303 type: explored -- comm_cost: 0.5445312500000001 - complexity: 10 +- comm_cost: 0.627170138888889 + complexity: 15 expressions: - - K+ - N+ + - R+ - R- - - S- - - and(S-, SE-) - - or(K+, N+) + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) name: explored-6304 type: explored -- comm_cost: 0.5694010416666668 - complexity: 16 +- comm_cost: 0.7140625000000002 + complexity: 9 expressions: - - N+ - R+ - - R- - - S+ - - SE- - - and(and(K-, N-), not(R-)) - - or(S+, or(N+, R-)) + - and(N-, or(K+, SE+)) + - or(K+, R-) name: explored-6305 type: explored -- comm_cost: 0.3734375000000001 - complexity: 16 +- comm_cost: 0.5745370370370373 + complexity: 19 expressions: - - K+ - - R- + - N+ + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) - - or(S+, or(N+, R-)) + - or(K+, SE+) + - or(K+, or(N+, R-)) name: explored-6306 type: explored -- comm_cost: 0.722476851851852 - complexity: 7 +- comm_cost: 0.5880208333333335 + complexity: 12 expressions: - R+ - - and(S-, N-) - - or(K+, S-) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6307 type: explored -- comm_cost: 0.3554687500000002 - complexity: 11 +- comm_cost: 0.6937500000000001 + complexity: 8 expressions: - - K+ - - N+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) + - and(K-, not(R+)) + - and(S-, not(R-)) name: explored-6308 type: explored -- comm_cost: 0.4442708333333335 - complexity: 7 +- comm_cost: 0.616059027777778 + complexity: 13 expressions: - K+ - - N+ - - R- - - SE- - - and(SE+, N-) + - R+ + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-6309 type: explored -- comm_cost: 0.47791666666666677 - complexity: 16 +- comm_cost: 0.3642361111111114 + complexity: 13 expressions: - - K+ - - K- - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, R-) name: explored-6310 type: explored -- comm_cost: 0.3134837962962964 - complexity: 22 +- comm_cost: 0.46597222222222234 + complexity: 25 expressions: + - K+ - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-6311 type: explored -- comm_cost: 0.7106770833333335 - complexity: 11 +- comm_cost: 0.7347222222222223 + complexity: 10 expressions: - R+ - - and(K-, N-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R-)) + - or(S+, R+) name: explored-6312 type: explored -- comm_cost: 0.3719184027777779 - complexity: 23 +- comm_cost: 0.6292708333333334 + complexity: 4 expressions: - - K+ - - K+ - N+ + - N- + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) name: explored-6313 type: explored -- comm_cost: 0.6390625 - complexity: 14 +- comm_cost: 0.3006944444444448 + complexity: 13 expressions: - K+ - - K+ - R- - S+ + - SE- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-6314 type: explored -- comm_cost: 0.5085937500000001 - complexity: 8 +- comm_cost: 0.4885561342592595 + complexity: 20 expressions: + - K+ + - K+ - N+ + - R- - S+ - - and(K-, N-) - - and(S-, SE-) + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-6315 type: explored -- comm_cost: 0.7062152777777779 - complexity: 6 +- comm_cost: 0.5612847222222224 + complexity: 12 expressions: - - N- + - N+ - R+ - - and(N-, not(R-)) + - R- + - SE- + - and(and(K-, N-), not(R-)) + - not(R+) name: explored-6316 type: explored -- comm_cost: 0.40694444444444466 - complexity: 16 +- comm_cost: 0.43767361111111125 + complexity: 19 expressions: - - K+ - N+ - - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - not(R-) + - and(S-, or(N+, not(R+))) + - or(S+, R+) name: explored-6317 type: explored -- comm_cost: 0.5678240740740741 - complexity: 18 +- comm_cost: 0.29843750000000024 + complexity: 11 expressions: - - K+ - N+ - - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-6318 type: explored -- comm_cost: 0.687152777777778 - complexity: 9 +- comm_cost: 0.6664351851851853 + complexity: 18 expressions: - - R+ + - SE+ + - SE- + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - or(K+, S-) - or(K+, or(N+, R-)) - - or(S+, R-) name: explored-6319 type: explored -- comm_cost: 0.7069444444444446 - complexity: 5 +- comm_cost: 0.34398148148148167 + complexity: 15 expressions: - - R+ - - R+ + - K+ + - K+ + - N+ + - R- + - SE+ - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-6320 type: explored -- comm_cost: 0.4734375000000002 - complexity: 10 +- comm_cost: 0.6350694444444446 + complexity: 16 expressions: - N+ - - and(N-, R+) - - and(and(S-, N-), not(R-)) + - N- + - R+ + - R- + - SE- + - and(K-, or(S+, R+)) + - and(S-, or(N+, not(R+))) name: explored-6321 type: explored -- comm_cost: 0.5427083333333335 - complexity: 8 +- comm_cost: 0.4612847222222223 + complexity: 13 expressions: - - R+ + - N+ + - R- - S+ - - and(K-, N-) - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, R-) name: explored-6322 type: explored -- comm_cost: 0.587326388888889 - complexity: 7 +- comm_cost: 0.3963541666666667 + complexity: 11 expressions: - - R+ + - K+ + - N+ - and(K-, S+) - - and(S-, N-) + - and(S-, SE-) + - or(K+, R-) name: explored-6323 type: explored -- comm_cost: 0.5868750000000001 - complexity: 9 +- comm_cost: 0.5073495370370372 + complexity: 14 expressions: - - R+ - - SE- - - and(S-, SE-) - - or(N+, not(R+)) + - N+ + - R- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) name: explored-6324 type: explored -- comm_cost: 0.5060763888888888 - complexity: 9 +- comm_cost: 0.5746527777777779 + complexity: 15 expressions: - K+ + - N+ - R- - - S+ - and(S-, SE-) - - or(S+, N+) + - and(and(K-, N-), not(R-)) + - or(K+, K-) name: explored-6325 type: explored -- comm_cost: 0.3031250000000003 - complexity: 13 +- comm_cost: 0.4773437500000003 + complexity: 10 expressions: - - K+ - N+ - R- - - S+ - - and(K-, S+) - - and(N-, R+) - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-6326 type: explored -- comm_cost: 0.4884375000000001 - complexity: 9 +- comm_cost: 0.3816550925925928 + complexity: 24 expressions: - - K- + - N+ - R- - - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) name: explored-6327 type: explored -- comm_cost: 0.377777777777778 - complexity: 15 +- comm_cost: 0.5109375000000003 + complexity: 14 expressions: - K+ - - R- - - S+ - - SE- - - and(K-, or(S+, R+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-6328 type: explored -- comm_cost: 0.5887847222222223 - complexity: 17 +- comm_cost: 0.5226562500000002 + complexity: 18 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(N-, or(K+, SE+)) - - and(and(S-, N-), not(R-)) - - not(R-) + - S+ + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(S+, or(N+, R-)) name: explored-6329 type: explored -- comm_cost: 0.5975983796296298 - complexity: 19 +- comm_cost: 0.5708333333333334 + complexity: 12 expressions: - - N+ + - R+ + - R- - SE- - and(K-, not(R-)) - - and(N-, R+) - - and(S-, N-) - - or(and(K-, SE-), or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-6330 type: explored -- comm_cost: 0.33767361111111127 - complexity: 15 +- comm_cost: 0.306712962962963 + complexity: 21 expressions: - K+ - N+ - R- - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, SE+) - - or(N+, R-) + - and(S-, not(R+)) + - and(SE+, N-) name: explored-6331 type: explored -- comm_cost: 0.19895833333333357 - complexity: 12 +- comm_cost: 0.3333333333333337 + complexity: 13 expressions: - K+ - N+ - R- - - S+ - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-6332 type: explored -- comm_cost: 0.4565972222222223 - complexity: 12 +- comm_cost: 0.5475983796296298 + complexity: 16 expressions: - N+ - - R+ - R- - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE- + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-6333 type: explored -- comm_cost: 0.3666666666666669 - complexity: 12 +- comm_cost: 0.4512152777777779 + complexity: 14 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - or(S+, N+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-6334 type: explored -- comm_cost: 0.5712673611111112 - complexity: 19 +- comm_cost: 0.8002604166666667 + complexity: 10 expressions: - - R+ - - R- - - SE- - - and(N-, not(R-)) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-6335 type: explored -- comm_cost: 0.6005208333333335 - complexity: 9 +- comm_cost: 0.4588541666666668 + complexity: 12 expressions: - K+ + - N+ - R- - - SE- - - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - or(K+, R+) + - or(K+, SE+) name: explored-6336 type: explored -- comm_cost: 0.41232638888888906 - complexity: 17 +- comm_cost: 0.5843750000000002 + complexity: 9 expressions: - - N+ - - R- - - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - R+ + - and(S-, or(SE-, N+)) + - or(S+, N+) name: explored-6337 type: explored -- comm_cost: 0.8576388888888888 - complexity: 8 +- comm_cost: 0.3983506944444448 + complexity: 16 expressions: + - K+ + - N+ - R- - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - or(SE-, N+) name: explored-6338 type: explored -- comm_cost: 0.5503472222222223 - complexity: 13 +- comm_cost: 0.6966106150793652 + complexity: 36 expressions: - - R+ - - R- - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) + - K- + - SE- + - and(K-, not(R+)) + - and(K-, or(S+, R-)) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + - and(S-, N-) + - and(SE-, or(K+, S-)) + - not(R-) + - or(S+, or(N+, R-)) name: explored-6339 type: explored -- comm_cost: 0.6072916666666668 - complexity: 12 +- comm_cost: 0.41307870370370403 + complexity: 16 expressions: - - R+ - - SE- - - and(K-, SE-) - - and(K-, not(R-)) - - and(SE+, N-) + - K+ + - N+ + - R- + - and(N-, R+) + - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-6340 type: explored -- comm_cost: 0.40358796296296306 - complexity: 18 +- comm_cost: 0.2835069444444447 + complexity: 20 expressions: - - K+ - - R+ - - R- + - N+ - R- - - and(N-, or(S+, R+)) + - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R-) name: explored-6341 type: explored -- comm_cost: 0.6162037037037039 - complexity: 10 +- comm_cost: 0.2597222222222225 + complexity: 16 expressions: - - SE- - - and(N-, R+) + - K+ + - R- + - S+ - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-6342 type: explored -- comm_cost: 0.6307870370370372 - complexity: 12 +- comm_cost: 0.5667824074074076 + complexity: 9 expressions: + - N+ + - R+ - SE- - - and(N-, or(K+, SE+)) - - or(N+, R-) - - or(N+, R-) + - and(N-, R+) + - or(K+, R+) name: explored-6343 type: explored -- comm_cost: 0.7359374999999999 - complexity: 7 +- comm_cost: 0.3276041666666669 + complexity: 16 expressions: - K+ + - K+ + - N+ - R- - - SE- - - and(S-, not(R+)) + - S+ + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-6344 type: explored -- comm_cost: 0.5250000000000001 +- comm_cost: 0.5687500000000001 complexity: 10 expressions: - K+ - - R+ - - and(K-, or(SE-, N+)) - - or(N+, R-) + - K+ + - N+ + - R- + - and(S-, SE-) + - or(K+, S-) name: explored-6345 type: explored -- comm_cost: 0.294791666666667 - complexity: 9 +- comm_cost: 0.7010209986772488 + complexity: 44 expressions: - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - S- + - and(K-, or(N+, not(R+))) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R-) + - or(N+, R-) + - or(S+, or(N+, R-)) name: explored-6346 type: explored -- comm_cost: 0.40925925925925954 - complexity: 20 +- comm_cost: 0.6968750000000001 + complexity: 5 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - and(K-, not(R-)) name: explored-6347 type: explored -- comm_cost: 0.4461226851851854 - complexity: 16 +- comm_cost: 0.7739583333333333 + complexity: 10 expressions: - - K+ - - K+ - - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(N+, R-) + - SE- + - and(or(K+, S-), or(N+, not(R+))) name: explored-6348 type: explored -- comm_cost: 0.48135416666666686 - complexity: 14 +- comm_cost: 0.3081018518518521 + complexity: 18 expressions: - - K- + - K+ - N+ - - S+ + - and(K-, S+) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(S-, not(R-)) name: explored-6349 type: explored -- comm_cost: 0.4486111111111114 - complexity: 16 +- comm_cost: 0.36527777777777803 + complexity: 11 expressions: - - SE- - - and(K-, or(SE-, N+)) + - K+ + - N+ - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, R+) name: explored-6350 type: explored -- comm_cost: 0.5819444444444446 - complexity: 12 +- comm_cost: 0.4671875000000002 + complexity: 14 expressions: - - R+ + - N+ - R- - SE- - - and(K-, N-) - - and(and(S-, N-), not(R-)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(SE+, N-) name: explored-6351 type: explored -- comm_cost: 0.3744444444444447 - complexity: 19 +- comm_cost: 0.245963541666667 + complexity: 14 expressions: - K+ - N+ - - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - not(R-) + - not(R+) + - or(K+, R-) name: explored-6352 type: explored -- comm_cost: 0.46796875000000016 - complexity: 11 +- comm_cost: 0.91875 + complexity: 3 expressions: - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(K-, S+) name: explored-6353 type: explored -- comm_cost: 0.6876736111111112 - complexity: 9 +- comm_cost: 0.32870370370370394 + complexity: 21 expressions: - - R+ + - N+ - SE- - - and(K-, N-) - - and(K-, not(R-)) + - and(K-, or(S+, R-)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-6354 type: explored -- comm_cost: 0.4588541666666667 - complexity: 16 +- comm_cost: 0.4524652777777779 + complexity: 13 expressions: + - K+ + - K+ + - K- - N+ - R- - S+ - - and(N-, or(S+, SE+)) + - SE+ + - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-6355 type: explored -- comm_cost: 0.6357233796296298 - complexity: 34 +- comm_cost: 0.6993055555555556 + complexity: 14 expressions: - - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(K-, not(R-)) - - and(SE+, N-) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R-) - - or(S+, R-) + - SE- + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-6356 type: explored -- comm_cost: 0.5179687500000001 - complexity: 7 +- comm_cost: 0.6016782407407409 + complexity: 14 expressions: - - R+ - - and(S-, SE-) - - or(S+, R+) + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-6357 type: explored -- comm_cost: 0.5406250000000001 - complexity: 15 +- comm_cost: 0.46354166666666685 + complexity: 7 expressions: - R+ - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - or(N+, R-) + - R- + - SE- + - SE- + - and(S-, SE-) name: explored-6358 type: explored -- comm_cost: 0.3400000000000001 - complexity: 13 +- comm_cost: 0.48101851851851873 + complexity: 15 expressions: - - K+ - N+ - - N- - - R- - - and(K-, S+) - and(N-, R+) - - and(S-, SE-) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-6359 type: explored -- comm_cost: 0.6231770833333335 - complexity: 7 +- comm_cost: 0.3923611111111114 + complexity: 10 expressions: - - SE- + - N+ - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-6360 type: explored -- comm_cost: 0.21163194444444478 - complexity: 18 +- comm_cost: 0.6682002314814816 + complexity: 11 expressions: - - N+ - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - R- + - SE+ + - SE- + - and(or(K+, S-), or(N+, not(R+))) name: explored-6361 type: explored -- comm_cost: 0.05416666666666692 - complexity: 12 +- comm_cost: 0.5159895833333334 + complexity: 15 expressions: - - K+ - - K+ - - N+ + - K- - N+ - - R- - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) name: explored-6362 type: explored -- comm_cost: 0.5440972222222223 - complexity: 11 +- comm_cost: 0.5828125000000002 + complexity: 12 expressions: - K+ - - N+ - R+ - - R- - SE- - - and(K-, S+) - - or(K+, SE+) + - and(K-, or(N+, not(R+))) + - or(N+, R-) name: explored-6363 type: explored -- comm_cost: 0.6963541666666667 - complexity: 7 +- comm_cost: 0.4755208333333336 + complexity: 8 expressions: - - and(K-, not(R-)) - - and(S-, SE-) + - K+ + - SE- + - and(K-, SE-) + - and(N-, R+) name: explored-6364 type: explored -- comm_cost: 0.6523437500000001 - complexity: 13 +- comm_cost: 0.6190972222222224 + complexity: 18 expressions: - - R+ - - and(S-, SE-) - - or(K+, K-) - - or(K+, SE+) - - or(S+, R+) + - N+ + - SE- + - and(K-, N-) + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-6365 type: explored -- comm_cost: 0.24947916666666692 - complexity: 14 +- comm_cost: 0.3276041666666669 + complexity: 11 expressions: - N+ - R- - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - or(K+, R-) name: explored-6366 type: explored -- comm_cost: 0.31744791666666683 - complexity: 21 +- comm_cost: 0.4979166666666667 + complexity: 7 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, N+) + - or(K+, R-) name: explored-6367 type: explored -- comm_cost: 0.6177083333333335 - complexity: 15 +- comm_cost: 0.6020833333333335 + complexity: 13 expressions: - - R+ + - N+ - SE- - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(K+, K-) name: explored-6368 type: explored -- comm_cost: 0.38180555555555595 - complexity: 16 +- comm_cost: 0.28828125000000016 + complexity: 17 expressions: + - K+ + - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(S-, not(R+)) - - or(N+, not(R+)) name: explored-6369 type: explored -- comm_cost: 0.45572916666666685 - complexity: 13 +- comm_cost: 0.4270833333333335 + complexity: 14 expressions: - - K+ - R- - - S+ - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-6370 type: explored -- comm_cost: 0.5450520833333334 - complexity: 12 +- comm_cost: 0.505295138888889 + complexity: 13 expressions: - - R+ + - N+ - R- + - S- - SE- - - and(K-, N-) - - and(S-, SE-) - - or(K+, N+) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-6371 type: explored -- comm_cost: 0.3217592592592595 - complexity: 21 +- comm_cost: 0.4620833333333335 + complexity: 13 expressions: - - K+ - N+ - R- - - and(K-, S+) + - and(K-, SE-) + - and(K-, SE-) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - not(R-) name: explored-6372 type: explored -- comm_cost: 0.5578125000000002 - complexity: 11 +- comm_cost: 0.2796875000000002 + complexity: 20 expressions: - N+ - - R+ - - SE- + - R- + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) - or(K+, R-) - - or(K+, or(N+, R-)) name: explored-6373 type: explored -- comm_cost: 0.19062500000000027 - complexity: 12 +- comm_cost: 0.5542824074074075 + complexity: 14 expressions: - - K+ + - N+ - R- - - S+ - - and(K-, S+) + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) + - or(K+, K-) name: explored-6374 type: explored -- comm_cost: 0.567013888888889 - complexity: 10 +- comm_cost: 0.39716435185185206 + complexity: 21 expressions: - - R+ + - N+ - R- - - SE- - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-6375 type: explored -- comm_cost: 0.68125 - complexity: 3 +- comm_cost: 0.6212847222222223 + complexity: 8 expressions: - - K+ - - N+ + - N- + - R+ + - R- - SE- + - and(S-, not(R+)) name: explored-6376 type: explored -- comm_cost: 0.6455729166666666 - complexity: 11 +- comm_cost: 0.6096354166666668 + complexity: 14 expressions: - - R- - - and(S-, SE-) - - not(R-) - - or(S+, or(N+, R-)) + - R+ + - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-6377 type: explored -- comm_cost: 0.6395833333333333 - complexity: 7 +- comm_cost: 0.4453125000000002 + complexity: 14 expressions: + - K+ - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - name: explored-6378 - type: explored -- comm_cost: 0.6903645833333334 - complexity: 9 - expressions: - - R+ - and(or(K+, S-), not(R-)) - - not(R+) - name: explored-6379 + name: explored-6378 type: explored -- comm_cost: 0.4222222222222224 +- comm_cost: 0.3069444444444447 complexity: 17 expressions: + - K+ - N+ - R- + - S+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(and(K-, N-), not(R-)) + name: explored-6379 + type: explored +- comm_cost: 0.42586805555555585 + complexity: 21 + expressions: + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-6380 type: explored -- comm_cost: 0.5845486111111111 - complexity: 7 +- comm_cost: 0.49708333333333343 + complexity: 15 expressions: - - R+ - - R+ + - K+ + - K- + - N+ - R- - - and(N-, not(R-)) + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(S-, SE-) name: explored-6381 type: explored -- comm_cost: 0.6355902777777779 - complexity: 10 +- comm_cost: 0.717140128968254 + complexity: 34 expressions: - - R+ - - and(and(S-, N-), not(R-)) - - or(S+, R+) + - N- + - and(K-, N-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) + - or(N+, R-) + - or(S+, SE+) + - or(SE-, N+) name: explored-6382 type: explored -- comm_cost: 0.5627517361111112 - complexity: 17 +- comm_cost: 0.7432291666666668 + complexity: 9 expressions: - - K- - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, R+) + - and(K-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-6383 type: explored -- comm_cost: 0.6934027777777778 - complexity: 8 +- comm_cost: 0.26284722222222245 + complexity: 19 expressions: + - K+ - R- - - SE- - - or(K+, N+) - - or(S+, N+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-6384 type: explored -- comm_cost: 0.3690972222222225 - complexity: 20 +- comm_cost: 0.5521527777777779 + complexity: 10 expressions: - N+ + - R+ - R- - - S+ + - SE- - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - or(K+, S-) name: explored-6385 type: explored -- comm_cost: 0.7063446593915345 - complexity: 36 +- comm_cost: 0.344010416666667 + complexity: 8 expressions: - - and(K-, N-) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) - - or(K+, N+) - - or(K+, R+) - - or(S+, N+) + - K+ + - K+ + - N+ + - S+ + - SE- + - and(N-, R+) name: explored-6386 type: explored -- comm_cost: 0.4929687500000002 - complexity: 11 +- comm_cost: 0.604340277777778 + complexity: 14 expressions: - - R- + - K+ + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) name: explored-6387 type: explored -- comm_cost: 0.7333333333333334 - complexity: 14 +- comm_cost: 0.7764351851851852 + complexity: 10 expressions: - - and(K-, S+) - - and(K-, not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(S+, R+)) + - not(R-) + - or(K+, S-) name: explored-6388 type: explored -- comm_cost: 0.16996527777777803 - complexity: 23 +- comm_cost: 0.7355208333333334 + complexity: 6 expressions: - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(K-, SE-) + - not(R-) name: explored-6389 type: explored -- comm_cost: 0.3890625000000001 - complexity: 14 +- comm_cost: 0.40513888888888916 + complexity: 15 expressions: - K+ - N+ - R- - - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - or(K+, S-) name: explored-6390 type: explored -- comm_cost: 0.3562500000000003 - complexity: 15 +- comm_cost: 0.702951388888889 + complexity: 6 expressions: + - N+ - R- - - SE- - - and(K-, S+) - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - S+ + - or(K+, K-) name: explored-6391 type: explored -- comm_cost: 0.6660011574074075 - complexity: 9 +- comm_cost: 0.472916666666667 + complexity: 7 expressions: - - R+ - - and(K-, N-) - - and(N-, or(S+, R+)) + - N+ + - and(N-, R+) + - or(SE-, N+) name: explored-6392 type: explored -- comm_cost: 0.45763888888888915 +- comm_cost: 0.44911458333333354 complexity: 16 expressions: + - K+ - N+ - - SE- - - and(K-, not(R+)) + - and(K-, S+) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, SE-) + - not(R+) + - or(S+, SE+) name: explored-6393 type: explored -- comm_cost: 0.5130208333333334 - complexity: 14 +- comm_cost: 0.3948263888888891 + complexity: 16 expressions: - - R+ + - N+ - R- - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, SE+) + - and(SE+, N-) + - or(N+, not(R+)) name: explored-6394 type: explored -- comm_cost: 0.5581597222222222 +- comm_cost: 0.5442708333333335 complexity: 14 expressions: - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, SE-) + - and(N-, R+) + - and(N-, not(R-)) + - or(K+, N+) name: explored-6395 type: explored -- comm_cost: 0.3250000000000002 - complexity: 16 +- comm_cost: 0.7436342592592594 + complexity: 11 + expressions: + - R+ + - and(N-, or(S+, R+)) + - and(N-, or(S+, R+)) + name: explored-6396 + type: explored +- comm_cost: 0.7270833333333333 + complexity: 3 + expressions: + - K- + - R- + - SE- + name: explored-6397 + type: explored +- comm_cost: 0.1473958333333334 + complexity: 19 expressions: - K+ - N+ + - R- + - R- - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - name: explored-6396 + - and(and(S-, N-), not(R-)) + name: explored-6398 type: explored -- comm_cost: 0.26828125000000025 - complexity: 23 +- comm_cost: 0.565277777777778 + complexity: 8 expressions: - K+ - - K+ - N+ + - N- - R- - - S+ + - SE+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) - - not(R+) - name: explored-6397 + name: explored-6399 type: explored -- comm_cost: 0.6635416666666668 - complexity: 11 +- comm_cost: 0.7140625 + complexity: 5 expressions: - - N+ - - SE- - - and(N-, not(R-)) - - and(S-, or(SE-, N+)) - name: explored-6398 + - N- + - R+ + - or(SE-, N+) + name: explored-6400 type: explored -- comm_cost: 0.48469618055555563 - complexity: 16 +- comm_cost: 0.5124045138888891 + complexity: 22 expressions: - - K+ - - K+ - - K- - N+ - R- - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, not(R-)) + - and(N-, or(K+, S-)) - and(S-, SE-) - name: explored-6399 + - or(S+, SE+) + name: explored-6401 type: explored -- comm_cost: 0.42500000000000027 - complexity: 8 +- comm_cost: 0.3425347222222225 + complexity: 13 expressions: + - K+ + - N+ - N+ - R- + - SE- - and(N-, R+) - - and(N-, R+) - name: explored-6400 - type: explored -- comm_cost: 0.8710069444444445 - complexity: 8 - expressions: - - or(K+, N+) - - or(K+, or(N+, R-)) - name: explored-6401 + - and(N-, or(K+, R+)) + name: explored-6402 type: explored -- comm_cost: 0.34479166666666683 - complexity: 9 +- comm_cost: 0.6269097222222224 + complexity: 4 expressions: - - K+ - R+ - - R- - - and(K-, SE-) - - and(S-, SE-) - name: explored-6402 + - SE+ + - SE- + - SE- + name: explored-6403 type: explored -- comm_cost: 0.38125 - complexity: 9 +- comm_cost: 0.4128472222222226 + complexity: 14 expressions: - K+ - - K+ - N+ - R- - - R- - S+ - - and(S-, SE-) - name: explored-6403 + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) + name: explored-6404 type: explored -- comm_cost: 0.17604166666666687 - complexity: 18 +- comm_cost: 0.3795833333333335 + complexity: 16 expressions: - K+ - N+ - R- - - and(K-, S+) + - S+ + - and(K-, SE-) - and(N-, R+) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - name: explored-6404 - type: explored -- comm_cost: 0.7144097222222223 - complexity: 9 - expressions: - - R+ - - and(K-, or(S+, R+)) - - or(S+, R-) + - and(S-, SE-) + - or(S+, SE+) name: explored-6405 type: explored -- comm_cost: 0.6256944444444446 - complexity: 18 +- comm_cost: 0.5342708333333335 + complexity: 16 expressions: - K+ - - N+ - - and(S-, N-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-6406 type: explored -- comm_cost: 0.5732638888888891 - complexity: 15 +- comm_cost: 0.6195312500000002 + complexity: 7 expressions: - - N+ - - SE- + - R- - and(N-, R+) - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) name: explored-6407 type: explored -- comm_cost: 0.3906250000000001 - complexity: 18 +- comm_cost: 0.615763888888889 + complexity: 11 expressions: - - N+ + - N- + - R+ - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - and(and(K-, N-), or(S+, R+)) name: explored-6408 type: explored -- comm_cost: 0.5282986111111112 - complexity: 9 +- comm_cost: 0.46458333333333346 + complexity: 5 expressions: - - R+ - - R- + - K+ + - SE+ - and(S-, SE-) - - and(S-, not(R-)) name: explored-6409 type: explored -- comm_cost: 0.26093750000000027 - complexity: 13 +- comm_cost: 0.6372395833333334 + complexity: 8 expressions: - - N+ - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R+ + - R- + - and(or(K+, S-), not(R-)) name: explored-6410 type: explored -- comm_cost: 0.4812500000000002 - complexity: 9 +- comm_cost: 0.682638888888889 + complexity: 8 expressions: - - K- - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) + - K+ + - SE- + - and(SE+, N-) + - or(K+, S-) name: explored-6411 type: explored -- comm_cost: 0.4481770833333335 - complexity: 19 +- comm_cost: 0.5885416666666669 + complexity: 12 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R+ + - R- + - and(K-, or(N+, not(R+))) + - or(SE-, N+) name: explored-6412 type: explored -- comm_cost: 0.21736111111111123 - complexity: 13 +- comm_cost: 0.33750000000000036 + complexity: 20 expressions: - - N+ + - K+ - R- - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-6413 type: explored -- comm_cost: 0.3695312500000002 - complexity: 14 +- comm_cost: 0.5322916666666668 + complexity: 11 expressions: - K+ - N+ + - R+ - R- + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - or(K+, S-) name: explored-6414 type: explored -- comm_cost: 0.4125000000000002 +- comm_cost: 0.26145833333333357 complexity: 15 expressions: - - N+ - R- - - S+ - - S- - and(N-, R+) - and(S-, SE-) - and(S-, or(SE-, N+)) + - or(S+, N+) name: explored-6415 type: explored -- comm_cost: 0.3979166666666669 - complexity: 10 +- comm_cost: 0.12899305555555585 + complexity: 13 expressions: - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - or(S+, N+) name: explored-6416 type: explored -- comm_cost: 0.5221932870370372 - complexity: 19 +- comm_cost: 0.5085937500000001 + complexity: 8 expressions: - - R+ - - R- + - N+ - S+ + - and(K-, N-) - and(S-, SE-) - - or(N+, R-) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) name: explored-6417 type: explored -- comm_cost: 0.4442708333333336 +- comm_cost: 0.5250000000000004 complexity: 11 expressions: - - K+ - - R- - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6418 type: explored -- comm_cost: 0.18645833333333361 - complexity: 15 +- comm_cost: 0.7351562500000002 + complexity: 5 + expressions: + - R+ + - and(K-, not(R-)) + name: explored-6419 + type: explored +- comm_cost: 0.33703703703703736 + complexity: 13 expressions: - - K+ - K+ - N+ - R- - - S+ + - R- - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - name: explored-6419 - type: explored -- comm_cost: 0.6924479166666668 - complexity: 15 - expressions: - - S+ - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-6420 type: explored -- comm_cost: 0.46250000000000013 - complexity: 12 +- comm_cost: 0.5942129629629631 + complexity: 11 expressions: - - R+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(N+, R-) + - N+ + - R- + - SE+ + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-6421 type: explored -- comm_cost: 0.4140625000000002 - complexity: 13 +- comm_cost: 0.6359375 + complexity: 5 expressions: - N+ - - N- - - R- - - S+ - - and(N-, R+) + - S- - and(S-, SE-) - - or(K+, N+) name: explored-6422 type: explored -- comm_cost: 0.36041666666666705 - complexity: 11 +- comm_cost: 0.19062500000000027 + complexity: 16 expressions: - K+ - N+ - and(K-, S+) - - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-6423 type: explored -- comm_cost: 0.5243055555555558 - complexity: 11 - expressions: - - N+ - - SE+ - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - name: explored-6424 - type: explored -- comm_cost: 0.45720486111111136 +- comm_cost: 0.3945312500000002 complexity: 12 expressions: - K+ - - N+ - R- - - S- - - and(K-, or(S+, R-)) + - and(K-, not(R-)) - and(N-, R+) + - and(S-, SE-) + name: explored-6424 + type: explored +- comm_cost: 0.7150173611111112 + complexity: 20 + expressions: + - SE- + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6425 type: explored -- comm_cost: 0.5234375 - complexity: 10 +- comm_cost: 0.39062500000000033 + complexity: 14 expressions: - - K+ - - K+ - N+ - - S+ - - and(S-, SE-) - - or(K+, N+) + - R- + - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6426 type: explored -- comm_cost: 0.5472222222222223 - complexity: 15 +- comm_cost: 0.7367424768518519 + complexity: 34 expressions: - - K+ - - R- - - and(K-, S+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, N-) + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) + - and(S-, N-) + - or(K+, K-) + - or(K+, R+) + - or(N+, not(R+)) name: explored-6427 type: explored -- comm_cost: 0.3812500000000003 - complexity: 5 +- comm_cost: 0.5972656250000001 + complexity: 16 expressions: - N+ - SE- + - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, N-) + - or(K+, SE+) name: explored-6428 type: explored -- comm_cost: 0.6142361111111112 - complexity: 11 +- comm_cost: 0.4038194444444446 + complexity: 16 expressions: - - R+ + - N+ - R- - - SE+ - - SE- - - and(and(K-, N-), or(S+, SE+)) + - and(K-, SE-) + - and(N-, R+) + - and(N-, or(S+, R+)) + - or(N+, R-) name: explored-6429 type: explored -- comm_cost: 0.4583333333333335 - complexity: 7 +- comm_cost: 0.6120833333333333 + complexity: 8 expressions: - - R+ + - N+ + - R- - and(S-, SE-) - - or(K+, N+) + - or(K+, S-) name: explored-6430 type: explored -- comm_cost: 0.4219039351851853 - complexity: 16 +- comm_cost: 0.7744791666666667 + complexity: 9 expressions: - - N+ - - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(or(K+, S-), not(R-)) + - or(S+, R+) name: explored-6431 type: explored -- comm_cost: 0.42945601851851867 - complexity: 18 +- comm_cost: 0.5817708333333335 + complexity: 10 expressions: - K+ + - R+ + - R- + - and(K-, not(R-)) + - or(S+, N+) + name: explored-6432 + type: explored +- comm_cost: 0.19166666666666698 + complexity: 15 + expressions: - K+ - N+ - R- - - S+ - - and(K-, N-) + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - name: explored-6432 + name: explored-6433 type: explored -- comm_cost: 0.5728298611111112 - complexity: 9 +- comm_cost: 0.3593750000000002 + complexity: 16 expressions: - - R+ + - N+ - R- - - S+ - - SE- - - or(S+, or(N+, R-)) - name: explored-6433 + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) + name: explored-6434 type: explored -- comm_cost: 0.33281250000000007 - complexity: 17 +- comm_cost: 0.5033333333333333 + complexity: 7 expressions: - K+ - N+ + - N- - R- - - and(K-, S+) - - and(K-, S+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - name: explored-6434 - type: explored -- comm_cost: 0.6718750000000002 - complexity: 8 - expressions: - - and(K-, or(S+, N+)) - - and(SE+, N-) name: explored-6435 type: explored -- comm_cost: 0.6718750000000002 - complexity: 8 +- comm_cost: 0.41857638888888904 + complexity: 20 expressions: - - and(N-, or(K+, R+)) - - or(N+, R-) + - K+ + - K+ + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-6436 type: explored -- comm_cost: 0.5789930555555557 - complexity: 11 +- comm_cost: 0.6869247685185187 + complexity: 25 expressions: - - R+ - - SE- - - and(SE+, N-) - - and(or(K+, S-), not(R+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - or(K+, S-) + - or(K+, or(N+, R-)) name: explored-6437 type: explored -- comm_cost: 0.8 - complexity: 4 +- comm_cost: 0.5406250000000001 + complexity: 8 expressions: - - N+ - - or(SE-, N+) + - R+ + - and(S-, not(R+)) + - or(K+, R-) name: explored-6438 type: explored -- comm_cost: 0.5105902777777779 - complexity: 14 +- comm_cost: 0.2541666666666671 + complexity: 18 expressions: - - R+ + - K+ + - K+ + - N+ + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, or(N+, R-)) + - or(K+, R-) name: explored-6439 type: explored -- comm_cost: 0.5763020833333334 - complexity: 9 +- comm_cost: 0.14479166666666687 + complexity: 12 expressions: - N+ - - R+ - R- - - SE- - - and(N-, or(K+, S-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-6440 type: explored -- comm_cost: 0.47812500000000013 +- comm_cost: 0.5959490740740743 complexity: 9 expressions: - - N+ - R+ - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - and(N-, R+) + - and(S-, not(R-)) name: explored-6441 type: explored -- comm_cost: 0.5520833333333335 - complexity: 15 +- comm_cost: 0.5609375000000003 + complexity: 6 expressions: + - N+ - R+ - - R- - - SE- - - and(K-, or(S+, R-)) - - and(or(K+, S-), or(SE-, N+)) + - S+ + - and(N-, R+) name: explored-6442 type: explored -- comm_cost: 0.7421875 - complexity: 9 +- comm_cost: 0.6482638888888891 + complexity: 6 expressions: - - K+ - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - R+ + - S+ + - SE- + - or(K+, R+) name: explored-6443 type: explored -- comm_cost: 0.5273003472222224 - complexity: 19 +- comm_cost: 0.5839756944444446 + complexity: 17 expressions: - N+ - - R+ + - R- - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(K+, R-) + - or(K+, S-) + - or(K+, S-) name: explored-6444 type: explored -- comm_cost: 0.7239583333333333 - complexity: 7 +- comm_cost: 0.4904427083333335 + complexity: 19 expressions: - N+ - - SE- - - and(S-, or(SE-, N+)) + - R+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, SE+) name: explored-6445 type: explored -- comm_cost: 0.4320312500000002 - complexity: 14 +- comm_cost: 0.41657986111111134 + complexity: 18 expressions: - N+ - R- - - SE- - - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, N+) + - or(SE-, N+) name: explored-6446 type: explored -- comm_cost: 0.6743750000000002 - complexity: 8 +- comm_cost: 0.3533767361111113 + complexity: 18 expressions: + - K+ + - K+ + - N+ + - R- - and(N-, R+) - - not(R-) - - or(SE-, N+) + - and(S-, SE-) + - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-6447 type: explored -- comm_cost: 0.6732291666666668 - complexity: 6 +- comm_cost: 0.7715277777777778 + complexity: 7 expressions: - - K- - - R+ + - N- - SE- - - or(K+, R-) + - and(N-, or(K+, SE+)) name: explored-6448 type: explored -- comm_cost: 0.6736979166666668 - complexity: 14 +- comm_cost: 0.8130208333333333 + complexity: 7 expressions: - SE- - - and(N-, not(R-)) - - and(or(K+, S-), not(R+)) - - or(N+, R-) + - or(K+, R-) + - or(S+, R-) name: explored-6449 type: explored -- comm_cost: 0.40104166666666685 - complexity: 6 +- comm_cost: 0.3080729166666668 + complexity: 13 expressions: - - R+ - - R- - - R- + - K+ + - N+ + - N+ + - S+ + - and(N-, R+) - and(S-, SE-) + - or(K+, SE+) name: explored-6450 type: explored -- comm_cost: 0.39218750000000013 - complexity: 7 +- comm_cost: 0.5548611111111112 + complexity: 11 expressions: - - K+ + - N+ - R+ - R- - - SE+ - - and(S-, SE-) + - SE- + - and(K-, or(SE-, N+)) + - not(R+) name: explored-6451 type: explored -- comm_cost: 0.39774305555555567 - complexity: 12 +- comm_cost: 0.6442708333333335 + complexity: 11 expressions: - - K+ - - K+ + - N+ - R+ - - R- - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - SE- + - and(S-, or(SE-, N+)) + - or(K+, S-) name: explored-6452 type: explored -- comm_cost: 0.3715277777777779 - complexity: 16 +- comm_cost: 0.495138888888889 + complexity: 12 expressions: - - N+ + - R+ - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - SE- + - and(K-, S+) + - and(K-, SE-) + - or(K+, R-) name: explored-6453 type: explored -- comm_cost: 0.6767361111111112 - complexity: 8 +- comm_cost: 0.24461805555555594 + complexity: 21 expressions: - - K- - - R+ - - and(K-, N-) + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-6454 type: explored -- comm_cost: 0.6746527777777779 - complexity: 5 +- comm_cost: 0.41970486111111127 + complexity: 17 expressions: - - R+ - - R+ - - or(S+, R-) + - N+ + - R- + - S- + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-6455 type: explored -- comm_cost: 0.5592881944444446 - complexity: 12 +- comm_cost: 0.6505208333333334 + complexity: 6 expressions: - - K+ - N+ + - R+ - R- - - SE+ - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(SE+, N-) name: explored-6456 type: explored -- comm_cost: 0.43234953703703716 - complexity: 15 +- comm_cost: 0.56640625 + complexity: 10 expressions: - K+ - N+ - R- - - and(K-, N-) - - and(K-, S+) - - and(S-, N-) + - S+ - and(S-, SE-) + - or(SE-, N+) name: explored-6457 type: explored -- comm_cost: 0.44291666666666685 - complexity: 14 +- comm_cost: 0.6725000000000001 + complexity: 19 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) + - SE- - and(N-, not(R-)) - - not(R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, not(R+)) name: explored-6458 type: explored -- comm_cost: 0.5430173611111113 - complexity: 18 +- comm_cost: 0.2665798611111114 + complexity: 20 expressions: - K+ + - K+ - N+ - R- - - SE- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(S+, R-) - - or(S+, SE+) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - or(K+, R-) name: explored-6459 type: explored -- comm_cost: 0.5507812500000002 - complexity: 17 +- comm_cost: 0.5428819444444446 + complexity: 11 expressions: + - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - SE- + - and(S-, not(R-)) + - or(S+, N+) name: explored-6460 type: explored -- comm_cost: 0.45763888888888915 - complexity: 13 +- comm_cost: 0.7144097222222223 + complexity: 5 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) + - R+ + - SE+ - or(S+, R-) name: explored-6461 type: explored -- comm_cost: 0.5515046296296298 - complexity: 13 +- comm_cost: 0.6587934027777779 + complexity: 26 expressions: - - K+ - - R+ - R- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(K-, not(R+)) + - and(K-, or(S+, R-)) + - and(S-, N-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-6462 type: explored -- comm_cost: 0.606076388888889 - complexity: 10 +- comm_cost: 0.44846643518518536 + complexity: 29 expressions: - - R+ - - and(SE+, N-) - - and(or(K+, S-), not(R+)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-6463 type: explored -- comm_cost: 0.6667621527777778 - complexity: 15 +- comm_cost: 0.6092187500000001 + complexity: 8 expressions: + - K+ + - K+ - N- - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, R+) - - or(S+, R-) + - R- + - S+ + - and(N-, R+) name: explored-6464 type: explored -- comm_cost: 0.46092592592592607 - complexity: 14 +- comm_cost: 0.36238425925925943 + complexity: 27 expressions: - - K- + - K+ - N+ - R- - - S+ + - and(K-, S+) - and(K-, not(R+)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-6465 type: explored -- comm_cost: 0.7117476851851854 - complexity: 9 +- comm_cost: 0.46406250000000004 + complexity: 14 expressions: - - R+ - - and(N-, or(K+, SE+)) - - and(SE+, N-) + - K+ + - N+ + - R- + - SE+ + - and(K-, S+) + - and(K-, not(R-)) + - and(S-, SE-) name: explored-6466 type: explored -- comm_cost: 0.32769097222222243 +- comm_cost: 0.1956597222222225 complexity: 17 expressions: - - K+ - N+ - - R+ - R- - - and(K-, S+) - - and(K-, not(R-)) + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) name: explored-6467 type: explored -- comm_cost: 0.83125 - complexity: 7 +- comm_cost: 0.3333333333333337 + complexity: 13 expressions: - - and(and(K-, N-), or(S+, SE+)) + - N+ + - R- + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-6468 type: explored -- comm_cost: 0.7382118055555555 - complexity: 10 +- comm_cost: 0.5129166666666668 + complexity: 22 expressions: - - not(R+) + - K+ + - N+ + - R- + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) - not(R-) - - or(K+, R-) - - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-6469 type: explored -- comm_cost: 0.7614583333333333 - complexity: 6 +- comm_cost: 0.6043402777777779 + complexity: 21 expressions: - - SE- - - and(S-, or(SE-, N+)) + - and(K-, S+) + - and(N-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-6470 type: explored -- comm_cost: 0.5472222222222223 - complexity: 9 +- comm_cost: 0.7389583333333334 + complexity: 11 expressions: - - K+ - - and(N-, or(S+, R+)) - - and(S-, SE-) + - K- + - R+ + - and(K-, not(R-)) + - and(K-, or(SE-, N+)) name: explored-6471 type: explored -- comm_cost: 0.5878472222222223 - complexity: 13 +- comm_cost: 0.3798611111111113 + complexity: 17 expressions: - - R+ - - and(K-, N-) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - K+ + - N+ + - R- + - SE- + - and(K-, S+) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-6472 type: explored -- comm_cost: 0.4630208333333333 - complexity: 11 +- comm_cost: 0.3183593750000002 + complexity: 13 expressions: - K+ - - R- + - K+ + - N+ - S+ - - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) + - or(K+, SE+) name: explored-6473 type: explored -- comm_cost: 0.1819444444444447 - complexity: 15 +- comm_cost: 0.6313368055555557 + complexity: 8 expressions: - K+ - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - R+ + - SE- + - and(N-, or(K+, S-)) name: explored-6474 type: explored -- comm_cost: 0.4330729166666667 - complexity: 18 +- comm_cost: 0.32152777777777797 + complexity: 19 expressions: - K+ - N+ - - R- + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, S-)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) name: explored-6475 type: explored -- comm_cost: 0.5187500000000002 - complexity: 19 +- comm_cost: 0.7140277777777778 + complexity: 4 expressions: - - N+ - - N+ - - R+ + - K- + - R- - R- - SE- - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, S+), or(N+, R-)) name: explored-6476 type: explored -- comm_cost: 0.6506944444444445 - complexity: 12 +- comm_cost: 0.279166666666667 + complexity: 15 expressions: - - R+ + - N+ - R- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, not(R-)) + - and(K-, S+) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-6477 type: explored -- comm_cost: 0.7169278273809525 - complexity: 37 +- comm_cost: 0.5135416666666669 + complexity: 16 expressions: - - R- - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - - not(R+) - - not(R-) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - N+ + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-6478 type: explored -- comm_cost: 0.6918402777777779 +- comm_cost: 0.6979166666666666 complexity: 11 expressions: - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-6479 type: explored -- comm_cost: 0.28333333333333355 - complexity: 15 +- comm_cost: 0.45040509259259265 + complexity: 16 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) + - and(K-, or(S+, SE+)) - and(S-, SE-) - - or(K+, N+) - - or(S+, R+) + - or(K+, or(N+, R-)) name: explored-6480 type: explored -- comm_cost: 0.7612500000000001 - complexity: 7 +- comm_cost: 0.2644097222222226 + complexity: 10 expressions: - - R+ - - or(K+, N+) - - or(S+, SE+) + - K+ + - N+ + - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) name: explored-6481 type: explored -- comm_cost: 0.42500000000000027 - complexity: 14 +- comm_cost: 0.53125 + complexity: 8 expressions: + - K+ - N+ - - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(S+, R+)) + - and(K-, SE-) + - and(S-, SE-) name: explored-6482 type: explored -- comm_cost: 0.7364149305555556 - complexity: 8 +- comm_cost: 0.7214930555555557 + complexity: 10 expressions: - R+ - - R+ - - or(K+, K-) - - or(K+, SE+) + - and(S-, or(N+, not(R+))) + - or(K+, S-) name: explored-6483 type: explored -- comm_cost: 0.18750000000000022 - complexity: 11 +- comm_cost: 0.3281250000000001 + complexity: 10 expressions: - - N+ - - R- - - and(K-, SE-) - - and(N-, R+) + - K+ + - R+ + - and(K-, or(S+, R-)) - and(S-, SE-) name: explored-6484 type: explored -- comm_cost: 0.5750173611111113 - complexity: 13 +- comm_cost: 0.3166666666666669 + complexity: 11 expressions: + - K+ + - K+ - N+ - - SE- + - R- + - S+ + - and(N-, R+) - and(N-, R+) - - and(N-, not(R-)) - - or(N+, not(R+)) name: explored-6485 type: explored -- comm_cost: 0.5380208333333335 - complexity: 9 +- comm_cost: 0.47534722222222237 + complexity: 16 expressions: - - N+ - - SE- - - and(and(K-, N-), or(S+, R+)) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-6486 type: explored -- comm_cost: 0.6612500000000001 - complexity: 4 +- comm_cost: 0.7711979166666667 + complexity: 12 expressions: - - N- - R+ - - R+ - - SE- + - and(K-, or(S+, SE+)) + - or(K+, R-) + - or(S+, SE+) name: explored-6487 type: explored -- comm_cost: 0.6152777777777779 - complexity: 12 +- comm_cost: 0.5347222222222224 + complexity: 18 expressions: - N+ - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, or(N+, not(R+))) name: explored-6488 type: explored -- comm_cost: 0.6194444444444446 +- comm_cost: 0.5171875000000001 complexity: 12 expressions: + - K+ - N+ - R+ - R- - SE- - - and(N-, or(K+, S-)) - - or(S+, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-6489 type: explored -- comm_cost: 0.6871354166666668 - complexity: 15 +- comm_cost: 0.46944444444444444 + complexity: 13 expressions: - - K- - - R+ - - SE- - - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - and(K-, S+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-6490 type: explored -- comm_cost: 0.38541666666666674 - complexity: 11 +- comm_cost: 0.7542534722222223 + complexity: 26 expressions: - - R+ - - R- - - S+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) + - or(K+, K-) + - or(S+, R+) name: explored-6491 type: explored -- comm_cost: 0.4159722222222225 +- comm_cost: 0.5243055555555558 complexity: 12 expressions: - - R- + - N+ + - SE+ - SE- - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(N+, not(R+))) name: explored-6492 type: explored -- comm_cost: 0.6460937500000001 - complexity: 8 +- comm_cost: 0.4304687500000002 + complexity: 18 expressions: - K+ + - N+ - R- + - S- + - and(K-, S+) - and(N-, R+) - - or(K+, SE+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-6493 type: explored -- comm_cost: 0.36302083333333357 - complexity: 11 +- comm_cost: 0.5555555555555558 + complexity: 9 expressions: - K+ - N+ - - N- - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) + - or(K+, S-) name: explored-6494 type: explored -- comm_cost: 0.3437500000000002 - complexity: 20 +- comm_cost: 0.15925925925925943 + complexity: 19 expressions: + - K+ - N+ - R- - - and(K-, or(S+, R+)) + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, or(N+, not(R+))) name: explored-6495 type: explored -- comm_cost: 0.5953125000000002 +- comm_cost: 0.23125000000000018 complexity: 9 expressions: - - SE- - - and(K-, or(S+, SE+)) + - R- + - S+ + - S+ - and(N-, R+) + - and(S-, SE-) name: explored-6496 type: explored -- comm_cost: 0.5967847222222223 - complexity: 14 +- comm_cost: 0.7911458333333334 + complexity: 10 expressions: - - K+ - - N+ - - N- - - R- - - SE- - - and(N-, R+) - - or(K+, SE+) - - or(SE-, N+) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, SE+)) name: explored-6497 type: explored -- comm_cost: 0.6914930555555557 - complexity: 9 +- comm_cost: 0.7270833333333333 + complexity: 5 expressions: - - N+ - - R+ - - and(and(K-, N-), or(S+, SE+)) + - R- + - SE- + - or(K+, S-) name: explored-6498 type: explored -- comm_cost: 0.659982638888889 - complexity: 11 +- comm_cost: 0.20833333333333348 + complexity: 16 expressions: - - R+ - - SE- - - and(or(K+, S-), not(R-)) - - or(S+, R-) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-6499 type: explored -- comm_cost: 0.6703125000000001 - complexity: 8 +- comm_cost: 0.5781250000000002 + complexity: 19 expressions: - - SE- - - and(N-, not(R-)) - - or(N+, R-) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, K-) + - or(K+, or(N+, R-)) name: explored-6500 type: explored -- comm_cost: 0.6880208333333335 - complexity: 8 +- comm_cost: 0.6968750000000001 + complexity: 7 expressions: - - SE- - - and(and(K-, N-), or(S+, R+)) + - R- + - and(or(K+, S-), not(R-)) name: explored-6501 type: explored -- comm_cost: 0.2727430555555559 - complexity: 20 +- comm_cost: 0.6224826388888891 + complexity: 16 expressions: - K+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, not(R-)) name: explored-6502 type: explored -- comm_cost: 0.5827430555555557 - complexity: 13 +- comm_cost: 0.4609375 + complexity: 14 expressions: - N+ - - R+ - R- - - SE- - - and(K-, SE-) - - and(SE+, N-) - - or(K+, S-) + - and(K-, S+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-6503 type: explored -- comm_cost: 0.7479166666666667 - complexity: 9 +- comm_cost: 0.6718750000000002 + complexity: 11 expressions: - - SE- - - or(K+, S-) - - or(K+, or(N+, R-)) + - R+ + - and(and(K-, N-), or(S+, R+)) + - or(N+, R-) name: explored-6504 type: explored -- comm_cost: 0.499166666666667 - complexity: 8 +- comm_cost: 0.5432291666666669 + complexity: 13 expressions: - - R- + - K+ - and(N-, R+) - - or(N+, not(R+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-6505 type: explored -- comm_cost: 0.4816666666666669 - complexity: 7 +- comm_cost: 0.439322916666667 + complexity: 10 expressions: - - N+ - - N- - R- - SE- - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-6506 type: explored -- comm_cost: 0.4641927083333336 - complexity: 16 +- comm_cost: 0.625 + complexity: 8 expressions: - - K+ - N+ - R- - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(K+, N+) + - and(K-, or(S+, SE+)) name: explored-6507 type: explored -- comm_cost: 0.3671875000000002 - complexity: 16 +- comm_cost: 0.2533564814814817 + complexity: 23 expressions: + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, not(R+)) + - or(S+, N+) name: explored-6508 type: explored -- comm_cost: 0.7244212962962965 - complexity: 11 +- comm_cost: 0.2864583333333335 + complexity: 21 expressions: - - R+ - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-6509 type: explored -- comm_cost: 0.5567708333333333 - complexity: 9 +- comm_cost: 0.7012499999999999 + complexity: 10 expressions: - K+ - N+ - R- - - S+ - - and(S-, or(SE-, N+)) + - and(K-, S+) + - or(N+, not(R+)) name: explored-6510 type: explored -- comm_cost: 0.6270833333333334 - complexity: 10 +- comm_cost: 0.6649652777777779 + complexity: 4 expressions: - - K+ - - R- - - and(N-, or(K+, R+)) - - or(N+, R-) + - N- + - R+ + - S+ + - SE- name: explored-6511 type: explored -- comm_cost: 0.5875868055555556 - complexity: 11 +- comm_cost: 0.640625 + complexity: 6 expressions: - N+ - - R+ - - SE- - - and(N-, or(S+, SE+)) - - or(K+, R-) + - R- + - and(K-, not(R-)) name: explored-6512 type: explored -- comm_cost: 0.3402199074074077 - complexity: 20 +- comm_cost: 0.8760416666666666 + complexity: 3 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) + - or(N+, R-) name: explored-6513 type: explored -- comm_cost: 0.45763888888888904 - complexity: 10 +- comm_cost: 0.15399305555555576 + complexity: 15 expressions: - N+ + - N+ - R- - - SE- - - and(S-, not(R+)) - - and(SE+, N-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-6514 type: explored -- comm_cost: 0.5961805555555557 - complexity: 19 +- comm_cost: 0.7802083333333334 + complexity: 11 expressions: - - R+ - SE- - - and(N-, or(S+, SE+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) + - and(K-, or(N+, not(R+))) + - and(S-, not(R+)) name: explored-6515 type: explored -- comm_cost: 0.5526041666666669 - complexity: 10 +- comm_cost: 0.5147569444444445 + complexity: 12 expressions: - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - or(K+, SE+) + - SE- + - and(S-, or(SE-, N+)) + - or(K+, R+) name: explored-6516 type: explored -- comm_cost: 0.344010416666667 - complexity: 11 +- comm_cost: 0.6501041666666668 + complexity: 6 expressions: - - K+ - N+ - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - R+ + - SE- + - or(S+, SE+) name: explored-6517 type: explored -- comm_cost: 0.4456597222222225 +- comm_cost: 0.6116319444444446 complexity: 13 expressions: - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, N-) - - or(S+, N+) + - R+ + - SE- + - and(N-, or(K+, SE+)) + - or(S+, or(N+, R-)) name: explored-6518 type: explored -- comm_cost: 0.6844212962962963 - complexity: 9 +- comm_cost: 0.6194791666666668 + complexity: 33 expressions: - - K- - R+ - - R- - - and(and(K-, N-), not(R-)) + - SE+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) + - and(S-, N-) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) + - or(N+, R-) name: explored-6519 type: explored -- comm_cost: 0.4345486111111112 - complexity: 14 +- comm_cost: 0.6727864583333334 + complexity: 22 + expressions: + - and(K-, not(R-)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, N+) + - or(S+, R-) + name: explored-6520 + type: explored +- comm_cost: 0.26085069444444475 + complexity: 19 expressions: + - K+ + - K+ + - N+ - R- - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - name: explored-6520 + name: explored-6521 type: explored -- comm_cost: 0.5926504629629631 - complexity: 13 +- comm_cost: 0.6289062500000001 + complexity: 8 expressions: - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) - name: explored-6521 + - and(K-, or(SE-, N+)) + - not(R+) + name: explored-6522 type: explored -- comm_cost: 0.5162037037037039 - complexity: 12 +- comm_cost: 0.6553819444444446 + complexity: 16 expressions: - - N+ - - R- - - SE+ - - SE- - - and(N-, R+) - - or(S+, or(N+, R-)) - name: explored-6522 + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) + - or(S+, R-) + name: explored-6523 type: explored -- comm_cost: 0.5651388888888891 - complexity: 13 +- comm_cost: 0.18923611111111138 + complexity: 21 expressions: - K+ - N+ - - SE- + - R- + - and(K-, S+) - and(N-, R+) - - and(S-, or(SE-, N+)) - - not(R-) - name: explored-6523 + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(K+, N+) + name: explored-6524 type: explored -- comm_cost: 0.6038194444444446 - complexity: 14 +- comm_cost: 0.6698784722222224 + complexity: 13 expressions: - R+ - SE- - - and(K-, or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-6524 - type: explored -- comm_cost: 0.40347222222222245 - complexity: 8 - expressions: - - N+ - - R- - - and(N-, R+) - - or(S+, R-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) name: explored-6525 type: explored -- comm_cost: 0.7328125 - complexity: 6 +- comm_cost: 0.3572916666666669 + complexity: 19 expressions: + - K+ - N+ - R- - - S+ - - or(N+, R-) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(SE-, or(K+, S-)) name: explored-6526 type: explored -- comm_cost: 0.5381597222222223 - complexity: 17 +- comm_cost: 0.5348958333333336 + complexity: 14 expressions: - - R+ - - R- - - and(S-, SE-) - - and(S-, SE-) - - not(R-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(N-, R+) + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) name: explored-6527 type: explored -- comm_cost: 0.4682812500000002 - complexity: 10 +- comm_cost: 0.7166666666666668 + complexity: 19 expressions: - - N+ - - N- - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-6528 type: explored -- comm_cost: 0.4208333333333335 - complexity: 15 +- comm_cost: 0.5367187500000001 + complexity: 12 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - K+ + - R+ + - and(K-, S+) + - and(N-, not(R-)) - and(S-, SE-) - - or(K+, K-) name: explored-6529 type: explored -- comm_cost: 0.3750000000000001 - complexity: 7 +- comm_cost: 0.40208333333333357 + complexity: 17 expressions: - N+ - - and(S-, SE-) - - and(SE+, N-) + - R+ + - R- + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-6530 type: explored -- comm_cost: 0.5950810185185187 - complexity: 18 +- comm_cost: 0.38038194444444473 + complexity: 10 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(K-, or(S+, R-)) - - and(or(K+, S-), not(R-)) - - or(K+, R+) + - R- + - and(N-, R+) + - or(K+, R-) name: explored-6531 type: explored -- comm_cost: 0.5996527777777779 - complexity: 13 +- comm_cost: 0.5651041666666669 + complexity: 16 expressions: + - N+ - R+ + - R- - SE- - - and(K-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) name: explored-6532 type: explored -- comm_cost: 0.5312615740740741 - complexity: 13 +- comm_cost: 0.16006944444444482 + complexity: 11 expressions: - - K+ - - K+ - - K- - N+ - - R- - S+ - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) + - or(S+, R-) name: explored-6533 type: explored -- comm_cost: 0.7258506944444445 - complexity: 8 +- comm_cost: 0.6038194444444446 + complexity: 14 expressions: - R+ - - and(N-, or(K+, S-)) - - not(R-) + - SE- + - and(K-, or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-6534 type: explored -- comm_cost: 0.41757812500000024 - complexity: 17 +- comm_cost: 0.7102430555555557 + complexity: 12 + expressions: + - R+ + - and(K-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) + name: explored-6535 + type: explored +- comm_cost: 0.625 + complexity: 10 expressions: - K+ - N+ - R- - - S- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - name: explored-6535 + - SE- + - and(or(K+, S-), not(R+)) + name: explored-6536 type: explored -- comm_cost: 0.6895833333333334 - complexity: 4 +- comm_cost: 0.4194444444444445 + complexity: 9 expressions: + - N+ + - R- - S+ - and(S-, N-) - name: explored-6536 - type: explored -- comm_cost: 0.657638888888889 - complexity: 12 - expressions: - - R+ - - and(K-, or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) name: explored-6537 type: explored -- comm_cost: 0.6309027777777779 - complexity: 13 +- comm_cost: 0.46164641203703716 + complexity: 25 expressions: - - R+ - - and(K-, or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-6538 type: explored -- comm_cost: 0.5869791666666668 - complexity: 10 +- comm_cost: 0.1800347222222225 + complexity: 19 expressions: - - R+ - - SE- - - or(K+, R-) - - or(K+, or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - and(SE+, N-) name: explored-6539 type: explored -- comm_cost: 0.39218750000000024 - complexity: 17 +- comm_cost: 0.2578125000000002 + complexity: 12 expressions: - - K+ - N+ - - S+ + - N+ + - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - not(R+) + - or(SE-, N+) name: explored-6540 type: explored -- comm_cost: 0.4616753472222225 - complexity: 18 +- comm_cost: 0.2763020833333335 + complexity: 20 expressions: - K+ - - K+ - N+ - R- - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-6541 type: explored -- comm_cost: 0.5817187500000001 - complexity: 11 +- comm_cost: 0.3187500000000002 + complexity: 12 expressions: - K+ - - K- - N+ - R- - - and(N-, not(R-)) + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) name: explored-6542 type: explored -- comm_cost: 0.7503472222222223 - complexity: 10 +- comm_cost: 0.7536458333333333 + complexity: 11 expressions: - - and(K-, N-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6543 type: explored -- comm_cost: 0.6708333333333334 - complexity: 6 +- comm_cost: 0.6815972222222224 + complexity: 10 expressions: - R+ - - R+ - SE- - - or(K+, S-) + - and(K-, or(S+, SE+)) + - or(K+, SE+) name: explored-6544 type: explored -- comm_cost: 0.6756944444444444 - complexity: 5 +- comm_cost: 0.6390625000000001 + complexity: 7 expressions: - - N+ - - SE- - - or(S+, R-) + - R+ + - and(K-, N-) + - or(K+, R-) name: explored-6545 type: explored -- comm_cost: 0.7921875 - complexity: 8 +- comm_cost: 0.44010416666666685 + complexity: 16 expressions: - - and(K-, or(SE-, N+)) - - or(K+, K-) + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, R+) name: explored-6546 type: explored -- comm_cost: 0.4375000000000002 - complexity: 21 +- comm_cost: 0.5406250000000001 + complexity: 10 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(K-, or(S+, R-)) + - and(S-, not(R+)) name: explored-6547 type: explored -- comm_cost: 0.5383680555555558 - complexity: 15 +- comm_cost: 0.5441666666666669 + complexity: 6 expressions: + - K+ + - K- - N+ - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(or(K+, S-), not(R+)) name: explored-6548 type: explored -- comm_cost: 0.531076388888889 - complexity: 9 +- comm_cost: 0.6748842592592594 + complexity: 16 expressions: - - K+ - R+ - - R- - - SE- - - and(N-, or(S+, R+)) + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-6549 type: explored -- comm_cost: 0.15868055555555594 - complexity: 17 +- comm_cost: 0.7395543981481483 + complexity: 14 expressions: - - K+ - - N+ - - R- - - S+ - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(N-, not(R-)) + - and(SE+, N-) + - or(K+, K-) name: explored-6550 type: explored -- comm_cost: 0.8153645833333333 +- comm_cost: 0.8314236111111111 complexity: 8 expressions: - - R- - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, N+)) + - or(S+, R-) name: explored-6551 type: explored -- comm_cost: 0.4941840277777778 - complexity: 14 +- comm_cost: 0.4634548611111111 + complexity: 10 expressions: - - R+ + - K+ + - K+ + - N+ + - S+ - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, R+) + - or(S+, R-) name: explored-6552 type: explored -- comm_cost: 0.5618055555555556 - complexity: 10 +- comm_cost: 0.5282118055555557 + complexity: 16 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, not(R+)) + - S- + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(S+, N+) name: explored-6553 type: explored -- comm_cost: 0.6751331018518519 - complexity: 39 +- comm_cost: 0.38541666666666696 + complexity: 9 expressions: - - R+ - - R- - - and(K-, N-) - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(K-, SE-) + - and(N-, R+) + - or(K+, N+) name: explored-6554 type: explored -- comm_cost: 0.5269097222222223 - complexity: 13 +- comm_cost: 0.397777777777778 + complexity: 14 expressions: - - R+ - - SE- - - and(N-, or(S+, R+)) + - K+ + - N+ + - R- + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - or(K+, S-) name: explored-6555 type: explored -- comm_cost: 0.5131944444444447 - complexity: 10 +- comm_cost: 0.5988136574074076 + complexity: 16 expressions: - K+ - - N+ - - SE- + - and(K-, SE-) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, not(R-)) + - and(N-, not(R-)) name: explored-6556 type: explored -- comm_cost: 0.4333333333333337 - complexity: 9 +- comm_cost: 0.4985243055555556 + complexity: 12 expressions: + - K+ - N+ - - and(K-, or(S+, R-)) - - and(N-, R+) + - R- + - SE- + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-6557 type: explored -- comm_cost: 0.41953125000000013 +- comm_cost: 0.4510416666666668 complexity: 17 expressions: - K+ - - N+ + - R+ - R- - - S+ - - and(K-, N-) - - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-6558 type: explored -- comm_cost: 0.47187500000000016 - complexity: 17 +- comm_cost: 0.3006076388888892 + complexity: 20 expressions: - N+ - R- - - S+ - - and(K-, or(SE-, N+)) + - and(K-, not(R+)) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - and(S-, not(R+)) name: explored-6559 type: explored -- comm_cost: 0.7321412037037038 - complexity: 11 - expressions: - - K- - - R+ - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - name: explored-6560 - type: explored -- comm_cost: 0.18298611111111152 - complexity: 19 +- comm_cost: 0.6437499999999999 + complexity: 5 expressions: - K+ + - K+ - N+ + - R- - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-6561 + name: explored-6560 type: explored -- comm_cost: 0.48119212962962976 - complexity: 20 +- comm_cost: 0.6227430555555558 + complexity: 14 expressions: - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) + name: explored-6561 + type: explored +- comm_cost: 0.49236111111111125 + complexity: 10 + expressions: - R- - - S+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) - - or(S+, R-) + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-6562 type: explored -- comm_cost: 0.34826388888888915 - complexity: 25 +- comm_cost: 0.38890335648148155 + complexity: 27 expressions: + - K+ + - K+ - N+ - R- - S+ - - and(N-, R+) + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-6563 type: explored -- comm_cost: 0.510763888888889 - complexity: 11 +- comm_cost: 0.6887500000000002 + complexity: 5 expressions: - - N+ - - R+ - - SE- - - and(K-, S+) - - and(K-, or(S+, R-)) + - and(N-, R+) + - not(R-) name: explored-6564 type: explored -- comm_cost: 0.7582754629629631 - complexity: 9 +- comm_cost: 0.7235879629629631 + complexity: 8 expressions: + - K- - R+ - - and(N-, or(K+, R+)) - - or(K+, R+) + - and(and(K-, N-), not(R-)) name: explored-6565 type: explored -- comm_cost: 0.6574218750000002 - complexity: 8 +- comm_cost: 0.7351562500000002 + complexity: 7 expressions: - R+ - - S- - - and(N-, R+) - - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-6566 type: explored -- comm_cost: 0.4876736111111113 +- comm_cost: 0.6208333333333335 complexity: 13 expressions: - - N+ - - R+ - R+ - R- - - and(K-, N-) - - and(K-, S+) - - and(S-, SE-) + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) name: explored-6567 type: explored -- comm_cost: 0.40590277777777795 - complexity: 18 +- comm_cost: 0.4682986111111114 + complexity: 12 expressions: - - and(K-, or(S+, R+)) + - K- + - N+ + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, N+) + - or(S+, R-) name: explored-6568 type: explored -- comm_cost: 0.44986979166666674 - complexity: 22 +- comm_cost: 0.742361111111111 + complexity: 15 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - SE- + - and(S-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-6569 type: explored -- comm_cost: 0.4885416666666669 - complexity: 13 +- comm_cost: 0.5362500000000001 + complexity: 9 expressions: - - K- - N+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(K+, S-) name: explored-6570 type: explored -- comm_cost: 0.45368055555555586 - complexity: 13 +- comm_cost: 0.20277777777777817 + complexity: 14 expressions: + - K+ + - K+ + - N+ - R- - SE- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(S-, not(R+)) - - or(N+, not(R+)) name: explored-6571 type: explored -- comm_cost: 0.7177083333333333 - complexity: 10 +- comm_cost: 0.44305555555555576 + complexity: 21 expressions: + - K+ - N+ - R- - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-6572 type: explored -- comm_cost: 0.6932881944444446 - complexity: 31 - expressions: - - and(K-, SE-) - - and(S-, N-) +- comm_cost: 0.5842013888888891 + complexity: 12 + expressions: + - and(K-, not(R+)) - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) - - or(K+, SE+) - - or(N+, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(SE+, N-) name: explored-6573 type: explored -- comm_cost: 0.7447511574074075 - complexity: 18 +- comm_cost: 0.5055555555555558 + complexity: 17 expressions: - - S+ - - and(K-, or(S+, N+)) - - and(S-, not(R-)) - - not(R+) - - or(K+, K-) - - or(K+, S-) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-6574 type: explored -- comm_cost: 0.6716145833333335 - complexity: 8 +- comm_cost: 0.5250000000000001 + complexity: 15 expressions: - - R+ - - and(N-, or(S+, SE+)) - - not(R+) + - R- + - SE- + - and(N-, R+) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-6575 type: explored -- comm_cost: 0.4199537037037038 - complexity: 19 +- comm_cost: 0.5157638888888891 + complexity: 16 expressions: - K+ - N+ + - N- - R- - - and(K-, S+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, SE+) + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(N+, R-) name: explored-6576 type: explored -- comm_cost: 0.5697337962962964 - complexity: 16 +- comm_cost: 0.459519675925926 + complexity: 13 expressions: - N+ - - SE- + - R- - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - or(S+, R-) name: explored-6577 type: explored -- comm_cost: 0.30763888888888924 - complexity: 16 +- comm_cost: 0.5229166666666669 + complexity: 19 expressions: - K+ - - N+ - - S+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) name: explored-6578 type: explored -- comm_cost: 0.7359374999999999 - complexity: 5 +- comm_cost: 0.46875000000000033 + complexity: 12 expressions: - N+ - - R- - - or(K+, R-) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6579 type: explored -- comm_cost: 0.6381944444444444 - complexity: 11 +- comm_cost: 0.6718750000000002 + complexity: 13 expressions: - - N+ - - and(K-, not(R+)) - - and(S-, SE-) - - or(S+, N+) + - R+ + - and(K-, or(S+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-6580 type: explored -- comm_cost: 0.4593750000000003 - complexity: 7 +- comm_cost: 0.3401041666666669 + complexity: 9 expressions: + - K+ + - R+ - R- - - and(N-, R+) + - and(S-, SE-) - or(K+, N+) name: explored-6581 type: explored -- comm_cost: 0.2552083333333337 - complexity: 14 +- comm_cost: 0.4618055555555557 + complexity: 10 expressions: - K+ + - N+ + - R+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(N-, or(K+, R+)) name: explored-6582 type: explored -- comm_cost: 0.4765625000000002 - complexity: 12 +- comm_cost: 0.35364583333333355 + complexity: 15 expressions: - - N+ + - K+ - R- - - SE+ - - SE- - - and(K-, or(S+, N+)) + - and(K-, not(R-)) + - and(N-, R+) - and(N-, R+) + - and(S-, SE-) name: explored-6583 type: explored -- comm_cost: 0.5916666666666668 - complexity: 10 +- comm_cost: 0.4748697916666669 + complexity: 13 expressions: - - R+ + - K+ + - N+ - R- - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - or(K+, R-) + - or(S+, R+) name: explored-6584 type: explored -- comm_cost: 0.4296875000000002 - complexity: 14 +- comm_cost: 0.6908767361111112 + complexity: 44 expressions: - - N+ - - SE- - - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(N+, R-) + - R- + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(S-, N-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6585 type: explored -- comm_cost: 2.220446049250313e-16 - complexity: 15 +- comm_cost: 0.31903935185185206 + complexity: 19 expressions: - K+ - N+ - R- - - and(K-, S+) + - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-6586 type: explored -- comm_cost: 0.3320312500000002 - complexity: 16 +- comm_cost: 0.22239583333333368 + complexity: 18 expressions: - - N+ + - K+ - R- + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(SE-, N+) name: explored-6587 type: explored -- comm_cost: 0.5058854166666666 - complexity: 10 +- comm_cost: 0.5500000000000002 + complexity: 12 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - and(S-, SE-) - - not(R-) + - SE- + - and(K-, or(S+, N+)) + - and(S-, N-) name: explored-6588 type: explored -- comm_cost: 0.5380208333333335 +- comm_cost: 0.5338541666666669 complexity: 10 expressions: - - K+ - N+ + - R+ - R- - SE- - - and(N-, R+) - - or(K+, K-) + - or(N+, R-) + - or(S+, N+) name: explored-6589 type: explored -- comm_cost: 0.3809027777777779 - complexity: 29 +- comm_cost: 0.409027777777778 + complexity: 8 expressions: - K+ - N+ - - R- - - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - or(S+, R-) name: explored-6590 type: explored -- comm_cost: 0.36597222222222237 - complexity: 9 +- comm_cost: 0.4851562500000004 + complexity: 13 expressions: - - R+ + - N+ - R- - - S+ - - and(S-, SE-) - - or(S+, R-) + - and(N-, R+) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-6591 type: explored -- comm_cost: 0.6666666666666669 - complexity: 5 +- comm_cost: 0.5081250000000002 + complexity: 11 expressions: + - N+ + - N- - R- - - SE+ - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-6592 type: explored -- comm_cost: 0.42890625000000016 - complexity: 18 +- comm_cost: 0.6687500000000001 + complexity: 11 expressions: - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(K-, not(R-)) - and(SE-, or(K+, S-)) name: explored-6593 type: explored -- comm_cost: 0.6167245370370371 - complexity: 12 +- comm_cost: 0.23107638888888915 + complexity: 16 expressions: - - R+ - - and(N-, or(S+, R+)) - - and(S-, N-) - - or(K+, N+) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-6594 type: explored -- comm_cost: 0.4765625000000002 - complexity: 13 +- comm_cost: 0.5330729166666668 + complexity: 14 expressions: - - K+ + - R- + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(K+, SE+) name: explored-6595 type: explored -- comm_cost: 0.49337384259259276 - complexity: 15 +- comm_cost: 0.515998263888889 + complexity: 21 expressions: - - K+ - - K+ - N+ - R- - S+ - and(K-, not(R+)) - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) - or(S+, SE+) name: explored-6596 type: explored -- comm_cost: 0.5740162037037039 - complexity: 23 +- comm_cost: 0.3896412037037039 + complexity: 18 expressions: + - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, not(R-)) + - and(S-, not(R-)) name: explored-6597 type: explored -- comm_cost: 0.34635416666666696 - complexity: 13 +- comm_cost: 0.2859375000000002 + complexity: 18 expressions: - - N+ + - K+ + - K+ + - R- - R- - S+ - and(N-, R+) - - and(S-, not(R+)) - - or(SE-, N+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-6598 type: explored -- comm_cost: 0.43602430555555594 - complexity: 9 +- comm_cost: 0.6241666666666669 + complexity: 10 expressions: - - K+ + - K- - N+ + - R- - SE- - and(N-, R+) - - or(SE-, N+) + - or(K+, S-) name: explored-6599 type: explored -- comm_cost: 0.7486111111111111 - complexity: 10 - expressions: - - and(K-, S+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-6600 - type: explored -- comm_cost: 0.6910011574074075 - complexity: 14 +- comm_cost: 0.7125868055555556 + complexity: 11 expressions: - - R+ - - S- + - and(K-, or(N+, not(R+))) - and(N-, or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-6601 + name: explored-6600 type: explored -- comm_cost: 0.4083333333333333 - complexity: 7 +- comm_cost: 0.14479166666666687 + complexity: 15 expressions: - N+ - R- - S+ - - S+ + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) + - or(S+, N+) + name: explored-6601 + type: explored +- comm_cost: 0.6649594907407409 + complexity: 10 + expressions: + - R+ + - SE- + - and(K-, or(S+, R+)) + - or(K+, SE+) name: explored-6602 type: explored -- comm_cost: 0.5401041666666668 - complexity: 7 +- comm_cost: 0.3052083333333335 + complexity: 12 expressions: - - N+ + - K+ + - R+ - R- - - S+ - - SE- - - or(K+, R+) + - and(K-, S+) + - and(S-, SE-) + - or(S+, N+) name: explored-6603 type: explored -- comm_cost: 0.8859375 - complexity: 4 +- comm_cost: 0.5399305555555557 + complexity: 12 expressions: + - R+ - R- - - or(K+, R-) + - SE- + - and(K-, not(R+)) + - and(S-, or(SE-, N+)) name: explored-6604 type: explored -- comm_cost: 0.49003472222222233 - complexity: 9 +- comm_cost: 0.5358796296296298 + complexity: 15 expressions: - - N+ - - N- - R- - - and(S-, SE-) - - and(SE+, N-) + - SE- + - and(N-, R+) + - and(S-, N-) + - or(and(K-, S+), or(N+, R-)) name: explored-6605 type: explored -- comm_cost: 0.1473958333333334 - complexity: 19 +- comm_cost: 0.555439814814815 + complexity: 12 expressions: - - K+ - - N+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- + - and(K-, not(R+)) + - and(K-, or(S+, R-)) name: explored-6606 type: explored -- comm_cost: 0.7594328703703704 +- comm_cost: 0.5085069444444447 complexity: 13 expressions: - - and(N-, or(K+, SE+)) - - or(K+, S-) - - or(S+, or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) + - or(S+, N+) name: explored-6607 type: explored -- comm_cost: 0.44652777777777797 - complexity: 18 +- comm_cost: 0.10208333333333353 + complexity: 20 expressions: + - K+ - N+ - R- - - SE- + - R- + - and(K-, S+) - and(N-, R+) - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) - - or(S+, N+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-6608 type: explored -- comm_cost: 0.6853108465608466 - complexity: 36 +- comm_cost: 0.4976273148148149 + complexity: 12 expressions: + - N+ - R+ - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) - - and(N-, or(K+, S-)) - - and(S-, not(R+)) - - and(SE+, N-) - - or(K+, N+) - - or(K+, R+) - - or(K+, S-) - - or(N+, not(R+)) + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-6609 type: explored -- comm_cost: 0.5115451388888889 - complexity: 14 +- comm_cost: 0.5916666666666668 + complexity: 9 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE- + - and(K-, or(N+, not(R+))) name: explored-6610 type: explored -- comm_cost: 0.7748263888888889 - complexity: 7 +- comm_cost: 0.2513888888888891 + complexity: 15 expressions: - - SE- - - or(K+, K-) - - or(K+, R-) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-6611 type: explored -- comm_cost: 0.44010416666666685 +- comm_cost: 0.4500000000000002 complexity: 12 expressions: - K+ - - R- + - N+ - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) + - or(K+, S-) name: explored-6612 type: explored -- comm_cost: 0.5505208333333336 - complexity: 8 +- comm_cost: 0.35546875000000033 + complexity: 7 expressions: - - R+ - - SE- + - N+ + - R- - and(N-, R+) - - or(S+, N+) + - not(R+) name: explored-6613 type: explored -- comm_cost: 0.37812500000000027 - complexity: 15 +- comm_cost: 0.5062500000000001 + complexity: 8 expressions: - - N+ + - K+ - R- - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-6614 type: explored -- comm_cost: 0.5901909722222223 - complexity: 18 +- comm_cost: 0.6854166666666668 + complexity: 4 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - K- + - and(N-, R+) name: explored-6615 type: explored -- comm_cost: 0.41847222222222236 - complexity: 12 +- comm_cost: 0.5581597222222223 + complexity: 14 expressions: - K+ - N+ - R- - SE- - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) name: explored-6616 type: explored -- comm_cost: 0.6749131944444445 - complexity: 14 +- comm_cost: 0.49565972222222243 + complexity: 13 expressions: + - N+ - R- - SE- - - and(N-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - not(R+) name: explored-6617 type: explored -- comm_cost: 0.4837528935185187 - complexity: 21 +- comm_cost: 0.39375000000000016 + complexity: 13 expressions: - K+ - - K+ - N+ - R- - - S+ + - and(K-, SE-) - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - not(R+) name: explored-6618 type: explored -- comm_cost: 0.6714409722222223 - complexity: 12 +- comm_cost: 0.8049479166666667 + complexity: 7 expressions: - - R+ - - S- - - SE- - - and(K-, not(R-)) - - and(SE-, or(K+, S-)) + - and(K-, or(SE-, N+)) + - not(R+) name: explored-6619 type: explored -- comm_cost: 0.45916666666666683 - complexity: 9 +- comm_cost: 0.6851562500000001 + complexity: 6 expressions: + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) name: explored-6620 type: explored -- comm_cost: 0.6389756944444447 - complexity: 8 +- comm_cost: 0.059722222222222454 + complexity: 22 expressions: - - SE- - - SE- - - and(K-, N-) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(K-, or(S+, R-)) - and(N-, R+) + - and(S-, SE-) name: explored-6621 type: explored -- comm_cost: 0.2694444444444448 - complexity: 13 +- comm_cost: 0.4929542824074076 + complexity: 19 expressions: - K+ - - and(K-, S+) + - N+ + - R- + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(N-, not(R-)) + - or(K+, R+) name: explored-6622 type: explored -- comm_cost: 0.4192708333333335 +- comm_cost: 0.5324652777777779 complexity: 8 expressions: - - K+ + - N+ + - R+ - R- - - and(S-, SE-) - - and(SE+, N-) + - SE- + - and(S-, not(R-)) name: explored-6623 type: explored -- comm_cost: 0.6944097222222223 - complexity: 9 +- comm_cost: 0.5243055555555558 + complexity: 11 expressions: - - N- - - R+ - - or(and(S-, SE-), or(N+, R-)) + - K+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-6624 type: explored -- comm_cost: 0.771875 - complexity: 19 +- comm_cost: 0.649670138888889 + complexity: 13 expressions: - - R- - - SE- - - and(K-, SE-) - - or(and(K-, SE-), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(S+, SE+) name: explored-6625 type: explored -- comm_cost: 0.7446875000000002 - complexity: 2 +- comm_cost: 0.6200520833333335 + complexity: 11 expressions: - - K- + - N+ - R+ + - R- + - and(N-, or(K+, S-)) + - or(K+, N+) name: explored-6626 type: explored -- comm_cost: 0.6817708333333334 - complexity: 10 +- comm_cost: 0.46506076388888906 + complexity: 20 expressions: - - N- - - R+ - - SE- - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-6627 type: explored -- comm_cost: 0.247916666666667 - complexity: 16 +- comm_cost: 0.332291666666667 + complexity: 9 expressions: - - K+ - - N+ - R- - S+ - SE- - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) name: explored-6628 type: explored -- comm_cost: 0.7044687500000001 - complexity: 29 +- comm_cost: 0.5630208333333333 + complexity: 10 expressions: - - N- - - SE- - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) + - K+ + - K+ + - N+ + - R- - and(S-, SE-) - - and(SE-, or(K+, S-)) - - not(R-) - - or(K+, N+) - - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-6629 type: explored -- comm_cost: 0.7815682870370371 - complexity: 9 +- comm_cost: 0.38593750000000016 + complexity: 12 expressions: - K+ + - R+ - R- - - SE- - - or(K+, R-) - - or(S+, R-) + - and(K-, S+) + - and(S-, N-) + - and(S-, SE-) name: explored-6630 type: explored -- comm_cost: 0.7854166666666667 - complexity: 6 - expressions: - - N+ - - and(K-, or(SE-, N+)) - name: explored-6631 - type: explored -- comm_cost: 0.5328125000000001 - complexity: 8 +- comm_cost: 0.2117187500000004 + complexity: 18 expressions: + - K+ - R- - - S- + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - name: explored-6632 + - or(S+, or(N+, R-)) + name: explored-6631 type: explored -- comm_cost: 0.33619791666666676 - complexity: 15 +- comm_cost: 0.5594270833333335 + complexity: 12 expressions: - K+ - - K+ + - N+ - R- - - S+ - - and(K-, or(S+, SE+)) + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) + - not(R-) + name: explored-6632 + type: explored +- comm_cost: 0.6993055555555556 + complexity: 7 + expressions: + - and(S-, not(R-)) + - or(S+, N+) name: explored-6633 type: explored -- comm_cost: 0.27708333333333346 - complexity: 15 +- comm_cost: 0.4906250000000002 + complexity: 17 expressions: - N+ - R- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) name: explored-6634 type: explored -- comm_cost: 0.5718750000000001 - complexity: 12 +- comm_cost: 0.6569444444444446 + complexity: 10 expressions: + - K+ - R- - SE- - - and(K-, or(S+, N+)) - - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-6635 type: explored -- comm_cost: 0.628125 - complexity: 6 +- comm_cost: 0.35703125000000036 + complexity: 14 expressions: - N+ - - R- - - SE- - - or(K+, R-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) + - or(SE-, N+) name: explored-6636 type: explored -- comm_cost: 0.7388888888888889 - complexity: 6 +- comm_cost: 0.5736979166666669 + complexity: 12 expressions: - - R- - - and(N-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-6637 type: explored -- comm_cost: 0.3677083333333335 - complexity: 17 +- comm_cost: 0.34444444444444466 + complexity: 21 expressions: - K+ - N+ - R- - - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(N+, R-) + - and(or(K+, S-), or(SE-, N+)) name: explored-6638 type: explored -- comm_cost: 0.6572916666666668 - complexity: 10 +- comm_cost: 0.3970486111111112 + complexity: 16 expressions: - - R+ - - and(K-, or(SE-, N+)) - - or(N+, not(R+)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, SE+) name: explored-6639 type: explored -- comm_cost: 0.44687500000000013 - complexity: 11 +- comm_cost: 0.1903935185185187 + complexity: 18 expressions: - K+ - N+ - R- - S+ - - and(K-, not(R-)) + - and(K-, or(S+, R+)) - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-6640 type: explored -- comm_cost: 0.14322916666666696 - complexity: 13 +- comm_cost: 0.6044184027777779 + complexity: 14 expressions: - - K+ - - K+ - N+ - - R- + - N- + - SE- + - and(K-, not(R+)) + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) name: explored-6641 type: explored -- comm_cost: 0.6311805555555557 - complexity: 9 +- comm_cost: 0.6854166666666667 + complexity: 11 expressions: - - R+ - - SE- - - and(K-, S+) - - or(N+, not(R+)) + - and(K-, or(S+, N+)) + - and(S-, SE-) + - or(K+, K-) name: explored-6642 type: explored -- comm_cost: 0.5395833333333335 - complexity: 6 +- comm_cost: 0.4967708333333335 + complexity: 10 expressions: + - K+ + - N- - R+ - R- - - SE- - - or(K+, R-) + - and(K-, S+) + - and(S-, SE-) name: explored-6643 type: explored -- comm_cost: 0.5325000000000002 - complexity: 9 +- comm_cost: 0.5755208333333335 + complexity: 14 expressions: - - K+ - - K- + - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) + - SE- + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-6644 type: explored -- comm_cost: 0.7784375 - complexity: 6 +- comm_cost: 0.6348958333333335 + complexity: 12 expressions: - - N- - - and(SE-, or(K+, S-)) + - SE- + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6645 type: explored -- comm_cost: 0.7204861111111113 +- comm_cost: 0.3921874999999999 complexity: 14 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) - - or(K+, N+) - name: explored-6646 - type: explored -- comm_cost: 0.6725405092592593 - complexity: 8 - expressions: + - K+ - N+ - - S- - - and(N-, R+) - - or(K+, K-) - name: explored-6647 + - R- + - and(K-, or(S+, R-)) + - and(S-, SE-) + - and(S-, SE-) + name: explored-6646 type: explored -- comm_cost: 0.4316406250000002 - complexity: 13 +- comm_cost: 0.13680555555555585 + complexity: 16 expressions: - - K+ - N+ - R- - - S+ - - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - name: explored-6648 + - and(S-, SE-) + - or(K+, or(N+, R-)) + name: explored-6647 type: explored -- comm_cost: 0.5889756944444445 - complexity: 11 +- comm_cost: 0.6859375000000001 + complexity: 8 expressions: - R+ - - R- - - and(and(K-, N-), not(R-)) - - or(SE-, N+) - name: explored-6649 + - and(N-, not(R-)) + - or(K+, N+) + name: explored-6648 type: explored -- comm_cost: 0.3817708333333335 - complexity: 12 +- comm_cost: 0.411979166666667 + complexity: 8 expressions: - - K+ - N+ - - R- - - S+ - - S+ - - S- + - SE- - and(N-, R+) - - and(S-, SE-) - name: explored-6650 + - or(K+, N+) + name: explored-6649 type: explored -- comm_cost: 0.6983333333333335 +- comm_cost: 0.64375 complexity: 7 expressions: + - N+ + - N+ - R- - SE- - - and(S-, N-) - - not(R-) - name: explored-6651 + - or(S+, N+) + name: explored-6650 type: explored -- comm_cost: 0.3426504629629632 - complexity: 17 +- comm_cost: 0.15972222222222254 + complexity: 11 expressions: - K+ + - K+ - N+ - R- + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, R+) + name: explored-6651 + type: explored +- comm_cost: 0.5638888888888891 + complexity: 11 + expressions: + - N+ + - R+ + - SE- + - and(SE-, or(K+, S-)) + - or(K+, N+) name: explored-6652 type: explored -- comm_cost: 0.6732928240740742 +- comm_cost: 0.44548611111111125 complexity: 15 expressions: - - K+ - - R+ - R- - SE- - - and(K-, N-) - - and(K-, or(S+, R+)) - - or(K+, K-) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, or(SE-, N+)) name: explored-6653 type: explored -- comm_cost: 0.6256076388888892 - complexity: 11 +- comm_cost: 0.5568229166666668 + complexity: 14 expressions: - - R+ - - SE- + - N+ + - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - not(R-) name: explored-6654 type: explored -- comm_cost: 0.40347222222222223 - complexity: 8 +- comm_cost: 0.16041666666666687 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-6655 type: explored -- comm_cost: 0.485763888888889 - complexity: 5 +- comm_cost: 0.5885416666666669 + complexity: 11 expressions: - - K+ - - K+ + - N+ + - N+ - R+ - - R- - SE- + - and(or(K+, S-), or(SE-, N+)) name: explored-6656 type: explored -- comm_cost: 0.3763888888888891 - complexity: 10 +- comm_cost: 0.5076388888888891 + complexity: 15 expressions: - - K+ - - N+ - N+ - - R- + - SE- + - and(K-, not(R+)) - and(N-, R+) - - or(S+, R-) + - and(S-, N-) + - or(S+, N+) name: explored-6657 type: explored -- comm_cost: 0.24583333333333357 - complexity: 19 +- comm_cost: 0.5874421296296297 + complexity: 18 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-6658 type: explored -- comm_cost: 0.7819791666666667 +- comm_cost: 0.6164583333333333 complexity: 4 expressions: - - K- - - or(S+, R+) + - N+ + - N- + - R- + - S+ name: explored-6659 type: explored -- comm_cost: 0.6926074735449737 - complexity: 41 +- comm_cost: 0.25742187500000036 + complexity: 19 expressions: - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) - - and(N-, or(S+, R+)) - - and(S-, N-) - - and(SE+, N-) - - or(K+, N+) - - or(K+, S-) - - or(K+, or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6660 type: explored -- comm_cost: 0.3427083333333336 - complexity: 11 +- comm_cost: 0.20677083333333357 + complexity: 18 expressions: - K+ + - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-6661 type: explored -- comm_cost: 0.41371527777777783 - complexity: 8 +- comm_cost: 0.31002604166666703 + complexity: 14 expressions: - - R+ - - R- + - K+ + - K+ + - N+ + - N+ + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - or(SE-, N+) name: explored-6662 type: explored -- comm_cost: 0.7144097222222223 - complexity: 11 +- comm_cost: 0.3270833333333333 + complexity: 9 expressions: - - R+ - - and(N-, or(S+, R+)) - - or(K+, or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(S-, SE-) name: explored-6663 type: explored -- comm_cost: 0.437934027777778 - complexity: 24 +- comm_cost: 0.610763888888889 + complexity: 14 expressions: - - K+ - N+ - - R- - - and(K-, or(SE-, N+)) + - SE- + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-6664 type: explored -- comm_cost: 0.6323784722222223 - complexity: 15 +- comm_cost: 0.640625 + complexity: 8 expressions: - - R+ - - and(S-, not(R+)) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - and(or(K+, S-), not(R-)) name: explored-6665 type: explored -- comm_cost: 0.42060185185185206 - complexity: 15 +- comm_cost: 0.7375 + complexity: 6 expressions: - - K+ + - K- - N+ - - R- - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, N-) + - or(K+, S-) name: explored-6666 type: explored -- comm_cost: 0.7540625000000001 - complexity: 7 +- comm_cost: 0.48415798611111127 + complexity: 18 expressions: - - R+ - - or(K+, R-) - - or(S+, SE+) + - K+ + - K- + - N+ + - R- + - S- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-6667 type: explored -- comm_cost: 0.6251736111111112 - complexity: 11 +- comm_cost: 0.5889756944444446 + complexity: 18 expressions: - - R+ - - R- - SE- - - and(N-, or(K+, S-)) - - or(S+, N+) + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6668 type: explored -- comm_cost: 0.5491319444444446 - complexity: 8 - expressions: - - R+ - - R- - - SE- - - and(N-, or(S+, R+)) - name: explored-6669 - type: explored -- comm_cost: 0.44247685185185204 - complexity: 17 +- comm_cost: 0.6815694444444447 + complexity: 21 expressions: - - K+ - - R- + - SE+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, R+) - name: explored-6670 + - and(N-, or(K+, SE+)) + - or(K+, SE+) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) + name: explored-6669 type: explored -- comm_cost: 0.6305324074074075 - complexity: 11 +- comm_cost: 0.7319444444444445 + complexity: 7 expressions: - R+ - - R- - - SE- - - and(K-, S+) - - and(S-, N-) - - not(R-) - name: explored-6671 + - or(K+, K-) + - or(K+, N+) + name: explored-6670 type: explored -- comm_cost: 0.4315104166666669 - complexity: 19 +- comm_cost: 0.47343749999999996 + complexity: 8 expressions: - N+ - R- - - S+ - - and(K-, N-) - - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) + name: explored-6671 + type: explored +- comm_cost: 0.6227430555555556 + complexity: 15 + expressions: + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) name: explored-6672 type: explored -- comm_cost: 0.49722222222222234 - complexity: 14 +- comm_cost: 0.5119791666666667 + complexity: 12 expressions: - K+ - - K- - - N+ - - R- - - and(N-, R+) - - and(N-, not(R-)) + - and(K-, or(S+, N+)) - and(S-, SE-) + - or(K+, R-) name: explored-6673 type: explored -- comm_cost: 0.6993055555555556 - complexity: 5 +- comm_cost: 0.294791666666667 + complexity: 11 expressions: - - SE- - - SE- - - or(K+, R+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-6674 type: explored -- comm_cost: 0.3940104166666669 +- comm_cost: 0.4320312500000002 complexity: 9 expressions: - - K+ - - R- + - N+ - S+ + - S- - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) name: explored-6675 type: explored -- comm_cost: 0.7312500000000001 - complexity: 8 +- comm_cost: 0.5085937500000002 + complexity: 14 expressions: - - R+ - - SE+ - - or(K+, K-) - - or(N+, R-) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-6676 type: explored -- comm_cost: 0.45269097222222243 - complexity: 17 +- comm_cost: 0.09062500000000018 + complexity: 18 expressions: + - K+ + - N+ - N+ - R- - - SE- + - and(K-, S+) - and(N-, R+) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-6677 type: explored -- comm_cost: 0.4663194444444446 - complexity: 12 +- comm_cost: 0.6680555555555556 + complexity: 11 expressions: - - K+ - R+ - R- - - and(K-, SE-) - - and(and(K-, N-), not(R-)) + - SE- + - and(K-, or(SE-, N+)) + - or(K+, K-) name: explored-6678 type: explored -- comm_cost: 0.39218750000000036 - complexity: 6 +- comm_cost: 0.7395833333333335 + complexity: 7 expressions: - - N+ - - and(N-, R+) - - not(R+) + - R+ + - R- + - and(K-, or(S+, SE+)) name: explored-6679 type: explored -- comm_cost: 0.5920138888888891 - complexity: 10 +- comm_cost: 0.6270833333333334 + complexity: 6 expressions: - N+ - R+ - - R- - - or(and(S-, SE-), or(N+, R-)) + - SE- + - or(K+, SE+) name: explored-6680 type: explored -- comm_cost: 0.14947916666666683 - complexity: 15 +- comm_cost: 0.6180555555555557 + complexity: 19 expressions: - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-6681 type: explored -- comm_cost: 0.6818813657407408 - complexity: 31 +- comm_cost: 0.08125000000000027 + complexity: 14 expressions: - N+ - - SE- - - and(K-, or(S+, R-)) - - and(S-, not(R-)) - - and(or(K+, S-), not(R-)) - - or(K+, R-) - - or(N+, R-) - - or(S+, SE+) - - or(S+, or(N+, R-)) + - R- + - and(K-, S+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-6682 type: explored -- comm_cost: 0.4140914351851853 - complexity: 17 +- comm_cost: 0.5757812500000002 + complexity: 10 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(K-, N-) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) name: explored-6683 type: explored -- comm_cost: 0.7927777777777778 - complexity: 7 - expressions: - - R+ - - or(S+, R+) - - or(S+, SE+) - name: explored-6684 - type: explored -- comm_cost: 0.5640625000000002 - complexity: 9 +- comm_cost: 0.45468750000000013 + complexity: 23 expressions: - N+ + - R- + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, R+)) - name: explored-6685 + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(K+, SE+) + name: explored-6684 type: explored -- comm_cost: 0.6343749999999999 +- comm_cost: 0.5097222222222223 complexity: 11 expressions: - K+ + - R- + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + name: explored-6685 + type: explored +- comm_cost: 0.5750462962962964 + complexity: 10 + expressions: - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, N-) + - not(R-) name: explored-6686 type: explored -- comm_cost: 0.5088541666666668 +- comm_cost: 0.7802372685185186 complexity: 12 expressions: - - K+ - - K+ - - S+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(K-, or(S+, R+)) + - or(S+, N+) + - or(S+, R+) name: explored-6687 type: explored -- comm_cost: 0.4666666666666668 - complexity: 18 +- comm_cost: 0.5911458333333333 + complexity: 15 expressions: - - K+ - - K+ - N+ + - N+ + - R- - S+ - - S- - - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6688 type: explored -- comm_cost: 0.6979166666666667 - complexity: 8 +- comm_cost: 0.49088541666666674 + complexity: 9 expressions: + - K+ + - K+ - N+ - - SE- - - or(K+, S-) - - or(S+, R-) + - R- + - S+ + - S- + - and(S-, SE-) name: explored-6689 type: explored -- comm_cost: 0.3088541666666669 - complexity: 10 +- comm_cost: 0.625 + complexity: 9 expressions: - K+ - - K+ - - R+ - - S+ - - and(N-, R+) - - and(S-, SE-) + - N+ + - R- + - and(K-, S+) + - or(S+, R+) name: explored-6690 type: explored -- comm_cost: 0.5985532407407409 - complexity: 12 +- comm_cost: 0.5724537037037039 + complexity: 11 expressions: - R+ + - R- - SE- - - and(S-, N-) - - and(and(K-, N-), or(S+, R+)) + - and(SE+, N-) + - or(K+, or(N+, R-)) name: explored-6691 type: explored -- comm_cost: 0.23489583333333353 - complexity: 21 +- comm_cost: 0.7930555555555555 + complexity: 6 expressions: - - N+ - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(S+, N+) + - SE- + - and(K-, not(R+)) name: explored-6692 type: explored -- comm_cost: 0.6883391203703705 - complexity: 21 - expressions: - - and(K-, not(R-)) - - and(K-, or(S+, N+)) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - not(R+) - name: explored-6693 - type: explored -- comm_cost: 0.22083333333333366 - complexity: 15 +- comm_cost: 0.4788194444444447 + complexity: 14 expressions: - N+ - - and(K-, or(S+, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), not(R-)) - or(N+, R-) - name: explored-6694 + name: explored-6693 type: explored -- comm_cost: 0.6309895833333334 +- comm_cost: 0.7213541666666667 complexity: 7 expressions: - R+ - - and(K-, SE-) - - or(SE-, N+) - name: explored-6695 + - or(K+, R-) + - or(S+, R+) + name: explored-6694 type: explored -- comm_cost: 0.6285156250000001 - complexity: 17 +- comm_cost: 0.6946875000000001 + complexity: 12 expressions: - R+ - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - name: explored-6696 + - and(and(K-, N-), or(S+, SE+)) + - or(N+, not(R+)) + name: explored-6695 type: explored -- comm_cost: 0.6222916666666669 - complexity: 11 +- comm_cost: 0.23697916666666696 + complexity: 15 expressions: + - N+ + - and(K-, S+) - and(K-, or(S+, N+)) - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) + name: explored-6696 + type: explored +- comm_cost: 0.5720486111111114 + complexity: 25 + expressions: + - N+ + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6697 type: explored -- comm_cost: 0.5583333333333333 - complexity: 7 +- comm_cost: 0.394166666666667 + complexity: 11 expressions: - R- - - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - or(N+, not(R+)) name: explored-6698 type: explored -- comm_cost: 0.5546585648148149 +- comm_cost: 0.46728009259259273 complexity: 17 expressions: - - N+ - - R+ + - K+ + - K- - R- - - SE- - - and(K-, N-) - - and(K-, not(R+)) - - and(and(S-, N-), not(R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-6699 type: explored -- comm_cost: 0.8329166666666666 - complexity: 7 +- comm_cost: 0.6695486111111112 + complexity: 11 expressions: - - and(K-, S+) + - K+ + - R+ + - and(K-, or(S+, R+)) - or(N+, not(R+)) name: explored-6700 type: explored -- comm_cost: 0.28472222222222243 - complexity: 20 +- comm_cost: 0.44848090277777797 + complexity: 18 expressions: - N+ - R- + - S+ + - S- - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) name: explored-6701 type: explored -- comm_cost: 0.6906250000000002 - complexity: 5 - expressions: - - N+ - - R+ - - or(S+, N+) - name: explored-6702 - type: explored -- comm_cost: 0.43663194444444464 - complexity: 16 +- comm_cost: 0.509027777777778 + complexity: 12 expressions: - K+ - - N+ - R- - - S+ - - and(K-, not(R+)) - - and(K-, or(S+, R+)) + - SE- + - and(K-, N-) - and(N-, R+) - name: explored-6703 + - or(N+, R-) + name: explored-6702 type: explored -- comm_cost: 0.4125000000000003 - complexity: 11 +- comm_cost: 0.41041666666666676 + complexity: 14 expressions: - K+ - - N+ - R+ - R- - - SE- - - and(N-, R+) - - or(N+, R-) + - and(K-, or(S+, N+)) + - and(and(S-, N-), not(R-)) + name: explored-6703 + type: explored +- comm_cost: 0.7145833333333333 + complexity: 5 + expressions: + - and(S-, SE-) + - not(R-) name: explored-6704 type: explored -- comm_cost: 0.6944444444444445 - complexity: 3 +- comm_cost: 0.5677083333333334 + complexity: 7 expressions: + - K+ + - R+ - R- - - S+ - - SE+ + - and(N-, not(R-)) name: explored-6705 type: explored -- comm_cost: 0.5421875000000003 - complexity: 5 +- comm_cost: 0.17135416666666692 + complexity: 13 expressions: + - N+ + - R- + - S+ - and(N-, R+) - - not(R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-6706 type: explored -- comm_cost: 0.3895254629629632 - complexity: 21 +- comm_cost: 0.3532986111111114 + complexity: 19 expressions: - - and(K-, or(S+, N+)) + - N+ + - R- + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(S+, R-) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-6707 type: explored -- comm_cost: 0.289322916666667 - complexity: 15 +- comm_cost: 0.696875 + complexity: 8 expressions: - K+ - - K+ - - N+ - R- - S+ - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - not(R+) name: explored-6708 type: explored -- comm_cost: 0.4355324074074076 - complexity: 13 +- comm_cost: 0.5373784722222223 + complexity: 12 expressions: + - K+ - N+ - - R+ - R- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(N-, not(R-)) + - not(R-) name: explored-6709 type: explored -- comm_cost: 0.672916666666667 - complexity: 3 +- comm_cost: 0.3591145833333337 + complexity: 23 expressions: + - K+ + - N+ + - S+ - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-6710 type: explored -- comm_cost: 0.7130208333333334 +- comm_cost: 0.503125 complexity: 10 expressions: - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, not(R-)) name: explored-6711 type: explored -- comm_cost: 0.7544270833333334 - complexity: 10 +- comm_cost: 0.20052083333333348 + complexity: 13 expressions: - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) + - K+ + - N+ + - R+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-6712 type: explored -- comm_cost: 0.718576388888889 - complexity: 11 +- comm_cost: 0.5644965277777779 + complexity: 13 expressions: + - N+ - R+ - - or(K+, R+) - - or(and(K-, S+), or(N+, R-)) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(SE+, N-) name: explored-6713 type: explored -- comm_cost: 0.35889756944444473 - complexity: 21 +- comm_cost: 0.4526041666666669 + complexity: 15 expressions: - - K+ - - N+ - - R- - - S- - - and(K-, S+) + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, R-) name: explored-6714 type: explored -- comm_cost: 0.29062500000000013 - complexity: 20 +- comm_cost: 0.2718750000000003 + complexity: 12 expressions: + - K+ - N+ - - R+ - R- - - S+ - - and(K-, or(S+, R-)) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(S-, or(SE-, N+)) name: explored-6715 type: explored -- comm_cost: 0.4152777777777781 - complexity: 10 +- comm_cost: 0.28975694444444466 + complexity: 19 expressions: - K+ - N+ - R- - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) name: explored-6716 type: explored -- comm_cost: 0.21354166666666696 - complexity: 12 +- comm_cost: 0.47760416666666683 + complexity: 16 expressions: - - N+ - R- - - SE- + - S+ + - S- - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - and(or(K+, S-), or(SE-, N+)) name: explored-6717 type: explored -- comm_cost: 0.5569444444444446 - complexity: 13 +- comm_cost: 0.14270833333333366 + complexity: 17 expressions: - - R+ - - SE- - - and(SE+, N-) - - and(SE-, or(K+, S-)) - - or(S+, N+) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-6718 type: explored -- comm_cost: 0.7803240740740741 - complexity: 7 +- comm_cost: 0.7953125000000001 + complexity: 2 expressions: - - R+ - - or(K+, K-) - - or(K+, K-) + - K- + - S- name: explored-6719 type: explored -- comm_cost: 0.6917245370370372 - complexity: 11 +- comm_cost: 0.5194444444444444 + complexity: 13 expressions: + - K+ + - N+ + - R- - SE- - - and(K-, not(R-)) - - and(N-, R+) - - or(K+, K-) + - and(K-, S+) + - and(S-, SE-) + - or(S+, R-) name: explored-6720 type: explored -- comm_cost: 0.6962905092592594 - complexity: 27 +- comm_cost: 0.6177083333333334 + complexity: 8 expressions: - - K- - - and(K-, or(S+, R+)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - N+ + - R+ + - R- + - and(N-, or(K+, S-)) name: explored-6721 type: explored -- comm_cost: 0.7048611111111114 - complexity: 8 +- comm_cost: 0.6197337962962965 + complexity: 14 expressions: + - N+ + - SE- + - and(K-, not(R-)) - and(K-, or(S+, R+)) - and(N-, R+) name: explored-6722 type: explored -- comm_cost: 0.5651041666666669 - complexity: 16 +- comm_cost: 0.5705439814814816 + complexity: 11 expressions: - - N+ - R+ - R- - - SE- - and(N-, or(K+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, not(R+)) name: explored-6723 type: explored -- comm_cost: 0.5491319444444446 - complexity: 10 +- comm_cost: 0.45477430555555576 + complexity: 14 expressions: - - R+ - - and(K-, SE-) - - or(K+, R+) - - or(N+, R-) + - N+ + - and(K-, N-) + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-6724 type: explored -- comm_cost: 0.46597222222222234 - complexity: 18 +- comm_cost: 0.7316840277777779 + complexity: 7 + expressions: + - and(K-, not(R-)) + - or(S+, R-) + name: explored-6725 + type: explored +- comm_cost: 0.24467592592592613 + complexity: 15 expressions: - N+ - R- - - S- - - and(K-, SE-) + - R- - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - name: explored-6725 - type: explored -- comm_cost: 0.6499305555555557 - complexity: 11 - expressions: - - R+ - and(or(K+, S-), not(R+)) - - or(N+, not(R+)) name: explored-6726 type: explored -- comm_cost: 0.2822916666666667 - complexity: 7 +- comm_cost: 0.21296296296296302 + complexity: 19 expressions: + - K+ - N+ - - R+ - R- - - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-6727 type: explored -- comm_cost: 0.5324652777777779 - complexity: 7 +- comm_cost: 0.7310763888888889 + complexity: 12 expressions: - N+ - - R+ - - R- - - SE- - - or(K+, R+) + - and(K-, or(S+, R-)) + - and(S-, or(N+, not(R+))) name: explored-6728 type: explored -- comm_cost: 0.24583333333333346 - complexity: 23 +- comm_cost: 0.3782986111111113 + complexity: 12 expressions: - - K+ - - K+ - N+ - R- - - and(K-, S+) + - S+ + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, N+) + - or(K+, R+) name: explored-6729 type: explored -- comm_cost: 0.7435648148148148 - complexity: 6 +- comm_cost: 0.5328125000000004 + complexity: 14 expressions: - - N- - - R- - - SE- - - and(S-, N-) + - N+ + - and(N-, R+) + - or(S+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-6730 type: explored -- comm_cost: 0.24895833333333361 +- comm_cost: 0.32621527777777803 complexity: 17 expressions: - - K+ + - N+ - R- - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(N+, R-) + - and(and(K-, N-), or(S+, SE+)) name: explored-6731 type: explored -- comm_cost: 0.4963541666666669 - complexity: 9 +- comm_cost: 0.7336111111111112 + complexity: 33 expressions: - - R+ - - R- - - SE- - - and(S-, SE-) - - or(SE-, N+) + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-6732 type: explored -- comm_cost: 0.6825520833333335 - complexity: 10 +- comm_cost: 0.6254166666666668 + complexity: 7 expressions: - - and(and(K-, N-), or(S+, R+)) - - or(SE-, N+) + - N+ + - and(N-, R+) + - or(K+, S-) name: explored-6733 type: explored -- comm_cost: 0.6734722222222222 - complexity: 12 +- comm_cost: 0.570625 + complexity: 16 expressions: - N+ - - R- - - SE- - - not(R-) - - or(and(S-, SE-), or(N+, R-)) + - S+ + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, R-) + - or(S+, SE+) name: explored-6734 type: explored -- comm_cost: 0.4388310185185186 - complexity: 15 +- comm_cost: 0.56125 + complexity: 13 expressions: + - K- - N+ - R- - - and(K-, not(R-)) - - and(N-, R+) + - S+ - and(S-, SE-) - - or(K+, R+) + - and(and(K-, N-), not(R-)) name: explored-6735 type: explored -- comm_cost: 0.3471354166666668 - complexity: 20 +- comm_cost: 0.6739583333333334 + complexity: 8 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(S-, N-) - and(S-, or(SE-, N+)) name: explored-6736 type: explored -- comm_cost: 0.5405092592592593 - complexity: 20 +- comm_cost: 0.16302083333333361 + complexity: 16 expressions: + - N+ - R- - - and(K-, or(S+, R-)) - - and(S-, N-) + - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-6737 type: explored -- comm_cost: 0.5324652777777779 - complexity: 9 +- comm_cost: 0.587152777777778 + complexity: 8 expressions: - - N+ + - K+ - R+ - - R- - - SE- - - and(K-, or(S+, R+)) + - and(or(K+, S-), not(R+)) name: explored-6738 type: explored -- comm_cost: 0.5218171296296298 - complexity: 26 +- comm_cost: 0.7447916666666667 + complexity: 5 expressions: + - N- - R+ - - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - or(K+, S-) name: explored-6739 type: explored -- comm_cost: 0.6330729166666668 - complexity: 12 +- comm_cost: 0.3734375000000002 + complexity: 17 expressions: - - R+ - - R- - - SE- - - and(N-, not(R-)) + - N+ + - and(N-, R+) - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-6740 type: explored -- comm_cost: 0.5769097222222224 - complexity: 13 +- comm_cost: 0.48454861111111125 + complexity: 12 expressions: - R+ - - SE- - - and(S-, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(S-, SE-) name: explored-6741 type: explored -- comm_cost: 0.7428240740740741 - complexity: 8 +- comm_cost: 0.5095486111111112 + complexity: 13 expressions: - - R+ + - N+ - R- - - or(K+, R+) - - or(K+, SE+) + - SE- + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-6742 type: explored -- comm_cost: 0.48930555555555566 - complexity: 13 +- comm_cost: 0.7037152777777779 + complexity: 8 expressions: - - K+ - - N+ - - R- + - N- + - R+ - SE- - - and(K-, S+) - - and(N-, R+) - - or(K+, S-) + - not(R-) + - or(N+, R-) name: explored-6743 type: explored -- comm_cost: 0.6421875000000002 - complexity: 5 +- comm_cost: 0.3755208333333334 + complexity: 16 expressions: - N+ - - R+ + - R- + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-6744 type: explored -- comm_cost: 0.5576388888888891 - complexity: 16 +- comm_cost: 0.4340277777777779 + complexity: 13 expressions: - - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - R- + - and(K-, or(S+, R+)) + - and(S-, SE-) + - or(N+, R-) name: explored-6745 type: explored -- comm_cost: 0.48220486111111127 - complexity: 18 +- comm_cost: 0.7493055555555557 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, S+) + - and(and(K-, N-), not(R-)) name: explored-6746 type: explored -- comm_cost: 0.3445312500000003 - complexity: 9 +- comm_cost: 0.4501736111111113 + complexity: 14 expressions: - - K+ - N+ - - R- + - and(K-, not(R+)) - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) + - or(S+, R+) name: explored-6747 type: explored -- comm_cost: 0.6569444444444446 +- comm_cost: 0.7130208333333334 complexity: 5 expressions: - - K+ - - R- - - and(S-, N-) + - K- + - R+ + - or(S+, N+) name: explored-6748 type: explored -- comm_cost: 0.3227430555555557 - complexity: 16 +- comm_cost: 0.5477430555555557 + complexity: 12 expressions: - - N+ + - R+ - R- - - S+ - SE- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(K-, not(R+)) + - and(N-, or(K+, R+)) name: explored-6749 type: explored -- comm_cost: 0.30234375000000036 - complexity: 11 +- comm_cost: 0.534039351851852 + complexity: 16 expressions: - - K+ - - R- + - K- + - N+ + - S+ - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - and(S-, not(R-)) + - or(S+, R-) name: explored-6750 type: explored -- comm_cost: 0.5962500000000002 - complexity: 6 +- comm_cost: 0.541064814814815 + complexity: 12 expressions: - - K- - - R- - - SE- + - N- + - S+ + - SE+ - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-6751 type: explored -- comm_cost: 0.593431712962963 - complexity: 17 +- comm_cost: 0.411979166666667 + complexity: 11 expressions: - K+ - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) + - or(SE-, N+) name: explored-6752 type: explored -- comm_cost: 0.6584375 - complexity: 5 +- comm_cost: 0.37812500000000027 + complexity: 10 expressions: - - K- - - S+ - - and(S-, SE-) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-6753 type: explored -- comm_cost: 0.6899594907407409 - complexity: 12 +- comm_cost: 0.4110821759259262 + complexity: 14 expressions: - - R+ - - and(K-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - or(S+, R-) name: explored-6754 type: explored -- comm_cost: 0.6855902777777779 - complexity: 9 +- comm_cost: 0.4189236111111113 + complexity: 13 expressions: - - and(N-, or(K+, R+)) - - and(S-, not(R-)) + - N+ + - R- + - and(K-, SE-) + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-6755 type: explored -- comm_cost: 0.5746701388888891 - complexity: 16 +- comm_cost: 0.7583333333333334 + complexity: 2 expressions: - - K+ - - R+ - - R- - - SE- - - and(N-, R+) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - SE+ name: explored-6756 type: explored -- comm_cost: 0.3486111111111114 - complexity: 12 +- comm_cost: 0.6085648148148148 + complexity: 11 expressions: + - K+ - N+ + - R- - SE- - - and(K-, not(R+)) - - and(N-, R+) + - and(S-, not(R+)) - or(S+, R-) name: explored-6757 type: explored -- comm_cost: 0.6425925925925927 - complexity: 15 +- comm_cost: 0.15000000000000036 + complexity: 12 expressions: - - R+ - - SE- + - K+ + - K+ + - R- - and(K-, S+) - - and(N-, or(S+, R+)) - - and(N-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-6758 type: explored -- comm_cost: 0.6523437500000001 - complexity: 28 +- comm_cost: 0.30370370370370403 + complexity: 17 expressions: - - and(K-, SE-) - - and(K-, not(R+)) - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, N+) + - K+ + - N+ + - R- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-6759 type: explored -- comm_cost: 0.7163715277777778 - complexity: 10 +- comm_cost: 0.5436631944444447 + complexity: 15 expressions: - - N- - - R+ + - N+ - SE- - - and(S-, not(R-)) - - or(K+, S-) + - and(N-, R+) + - and(S-, or(SE-, N+)) + - not(R+) + - or(S+, R+) name: explored-6760 type: explored -- comm_cost: 0.6111111111111112 - complexity: 27 +- comm_cost: 0.439027777777778 + complexity: 12 expressions: - K+ + - N+ - R- - - and(K-, or(S+, R-)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - not(R+) - - or(K+, or(N+, R-)) + - SE- + - and(N-, R+) + - and(N-, R+) + - not(R-) name: explored-6761 type: explored -- comm_cost: 0.1698350694444446 - complexity: 21 +- comm_cost: 0.6095486111111112 + complexity: 9 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R+ + - SE- + - and(and(K-, N-), not(R-)) name: explored-6762 type: explored -- comm_cost: 0.3953125000000002 - complexity: 10 +- comm_cost: 0.4632870370370372 + complexity: 11 expressions: - K+ - N+ + - N- - R- - - S- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) name: explored-6763 type: explored -- comm_cost: 0.5076388888888891 - complexity: 16 +- comm_cost: 0.7074652777777779 + complexity: 15 expressions: - - N+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - and(and(K-, N-), or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-6764 type: explored -- comm_cost: 0.4442708333333335 +- comm_cost: 0.44415798611111135 complexity: 18 expressions: - K+ + - K+ + - K- - N+ - R- - S+ - - and(K-, not(R-)) - - and(K-, not(R-)) + - S+ - and(N-, R+) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-6765 type: explored -- comm_cost: 0.5716319444444447 - complexity: 9 +- comm_cost: 0.42500000000000016 + complexity: 13 expressions: - - K- - N+ - - SE- + - R- + - and(K-, SE-) - and(N-, R+) - - and(SE+, N-) + - and(N-, or(K+, S-)) name: explored-6766 type: explored -- comm_cost: 0.6796875000000002 - complexity: 4 +- comm_cost: 0.5881250000000002 + complexity: 20 expressions: - - R+ + - K+ + - N+ + - R- - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, S-) + - or(K+, S-) name: explored-6767 type: explored -- comm_cost: 0.6325520833333333 - complexity: 4 +- comm_cost: 0.2962094907407409 + complexity: 23 expressions: + - K+ + - K+ - N+ + - R+ - R- - - S- - - SE- + - S+ + - and(K-, S+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-6768 type: explored -- comm_cost: 0.3993055555555558 +- comm_cost: 0.4336111111111113 complexity: 13 expressions: + - K+ - N+ + - N- - R- - - and(K-, S+) - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, N-) + - and(S-, SE-) name: explored-6769 type: explored -- comm_cost: 0.6325868055555557 - complexity: 13 +- comm_cost: 0.33793402777777815 + complexity: 16 expressions: + - K+ + - K+ - N+ - - R+ - - R- + - S+ - SE- - - and(N-, or(S+, SE+)) - - or(N+, not(R+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-6770 type: explored -- comm_cost: 0.6800347222222223 - complexity: 8 +- comm_cost: 0.5986111111111112 + complexity: 10 expressions: - - K+ - - and(S-, not(R-)) - - or(K+, N+) + - N+ + - R+ + - R- + - SE- + - or(K+, SE+) + - or(S+, N+) name: explored-6771 type: explored -- comm_cost: 0.4760416666666668 - complexity: 17 +- comm_cost: 0.11875000000000013 + complexity: 15 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, not(R-)) - - and(K-, not(R-)) + - S+ - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, N+) name: explored-6772 type: explored -- comm_cost: 0.6111111111111112 - complexity: 20 +- comm_cost: 0.43125000000000013 + complexity: 9 expressions: - - and(K-, not(R-)) + - K+ + - K+ + - R+ - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - or(K+, N+) - - or(S+, SE+) name: explored-6773 type: explored -- comm_cost: 0.6688368055555557 - complexity: 17 +- comm_cost: 0.7025462962962963 + complexity: 16 expressions: - - and(K-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - or(N+, R-) - - or(S+, R+) + - K+ + - N+ + - R- + - SE- + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-6774 type: explored -- comm_cost: 0.6505787037037039 - complexity: 9 +- comm_cost: 0.6970486111111113 + complexity: 7 expressions: + - N+ - R+ - - and(N-, or(K+, SE+)) - - and(S-, N-) + - and(N-, or(S+, R+)) name: explored-6775 type: explored -- comm_cost: 0.6584490740740742 - complexity: 12 +- comm_cost: 0.8902777777777777 + complexity: 7 expressions: - - R+ - - and(N-, or(K+, S-)) - - and(and(K-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-6776 type: explored -- comm_cost: 0.7654976851851854 +- comm_cost: 0.37065972222222254 complexity: 17 expressions: - - K- - - and(K-, or(S+, SE+)) - - and(S-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(S+, R-) name: explored-6777 type: explored -- comm_cost: 0.4750000000000003 - complexity: 7 +- comm_cost: 0.8208333333333333 + complexity: 2 expressions: - - K+ - R- - - and(N-, R+) - - not(R+) + - S+ name: explored-6778 type: explored -- comm_cost: 0.4218750000000002 +- comm_cost: 0.6311342592592594 complexity: 14 expressions: + - R+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) + name: explored-6779 + type: explored +- comm_cost: 0.3261718750000002 + complexity: 21 + expressions: + - K+ + - K+ - N+ - R- - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(K+, R-) - name: explored-6779 - type: explored -- comm_cost: 0.6302083333333335 - complexity: 6 - expressions: - - R+ - - and(S-, or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-6780 type: explored -- comm_cost: 0.5666666666666667 - complexity: 9 +- comm_cost: 0.2752314814814817 + complexity: 17 expressions: - K+ + - N+ + - R- - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) name: explored-6781 type: explored -- comm_cost: 0.3040798611111115 - complexity: 24 +- comm_cost: 0.6157986111111113 + complexity: 14 expressions: - - K+ - - K+ - - N+ - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) name: explored-6782 type: explored -- comm_cost: 0.4993634259259261 - complexity: 21 +- comm_cost: 0.4760416666666669 + complexity: 9 expressions: - K+ - - R+ - - R- - - and(K-, SE-) - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-6783 type: explored -- comm_cost: 0.6539351851851853 - complexity: 10 +- comm_cost: 0.6764236111111113 + complexity: 49 expressions: - - R+ - - SE- - - and(K-, N-) - - and(N-, or(S+, R+)) + - S- + - and(K-, not(R+)) + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) + - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-6784 type: explored -- comm_cost: 0.4368055555555558 - complexity: 16 +- comm_cost: 0.7244791666666668 + complexity: 8 expressions: - - N+ - - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - R+ + - not(R-) + - or(S+, or(N+, R-)) name: explored-6785 type: explored -- comm_cost: 0.43619791666666685 - complexity: 12 - expressions: - - K+ - - N+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - name: explored-6786 - type: explored -- comm_cost: 0.7091145833333333 - complexity: 18 +- comm_cost: 0.5928819444444445 + complexity: 11 expressions: + - R+ - R- - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-6787 + - and(K-, or(SE-, N+)) + - and(S-, not(R-)) + name: explored-6786 type: explored -- comm_cost: 0.38593750000000016 - complexity: 17 +- comm_cost: 0.4631944444444447 + complexity: 12 expressions: - - K+ - - K+ - N+ - - R- - S+ - - S- + - SE- - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(S+, SE+) + name: explored-6787 + type: explored +- comm_cost: 0.585763888888889 + complexity: 10 + expressions: + - R+ + - SE- + - and(K-, SE-) + - and(N-, or(K+, SE+)) name: explored-6788 type: explored -- comm_cost: 0.6255208333333334 - complexity: 11 +- comm_cost: 0.6763020833333334 + complexity: 8 expressions: - - K- - - R- - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - N+ + - S- + - SE- + - and(N-, or(K+, S-)) name: explored-6789 type: explored -- comm_cost: 0.7604166666666666 - complexity: 7 +- comm_cost: 0.7992187500000001 + complexity: 6 expressions: - - and(S-, SE-) - - or(N+, not(R+)) + - R- + - and(K-, or(S+, SE+)) name: explored-6790 type: explored -- comm_cost: 0.45868055555555576 - complexity: 19 +- comm_cost: 0.5362500000000001 + complexity: 11 expressions: - - N+ - - R+ + - N- - R- - SE- - - and(K-, SE-) + - and(N-, R+) - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) name: explored-6791 type: explored -- comm_cost: 0.5256944444444447 - complexity: 10 +- comm_cost: 0.5239583333333335 + complexity: 16 expressions: - - K+ - - R- - - and(K-, or(S+, R+)) + - N+ - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(S+, R-) + - or(S+, SE+) name: explored-6792 type: explored -- comm_cost: 0.7702777777777778 - complexity: 6 +- comm_cost: 0.40920138888888913 + complexity: 19 expressions: - - and(S-, not(R-)) - - not(R-) + - K+ + - K+ + - N+ + - R- + - S+ + - SE- + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-6793 type: explored -- comm_cost: 0.5400694444444446 - complexity: 10 +- comm_cost: 0.6505208333333333 + complexity: 5 expressions: + - K+ + - N+ - N+ - - R+ - R- - - SE- - - and(N-, R+) - - or(S+, SE+) + - S+ name: explored-6794 type: explored -- comm_cost: 0.6951388888888891 - complexity: 13 +- comm_cost: 0.6515625 + complexity: 8 expressions: - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) + - N+ + - SE- + - and(S-, SE-) + - or(K+, N+) name: explored-6795 type: explored -- comm_cost: 0.4984375000000002 - complexity: 8 +- comm_cost: 0.262644675925926 + complexity: 20 expressions: + - K+ - N+ - R- - - and(K-, N-) + - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-6796 type: explored -- comm_cost: 0.4332407407407409 - complexity: 17 +- comm_cost: 0.6479629629629631 + complexity: 6 expressions: - - K+ - K- - - N+ - - R- - - and(K-, S+) + - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) name: explored-6797 type: explored -- comm_cost: 0.493576388888889 - complexity: 10 +- comm_cost: 0.3476562500000002 + complexity: 25 expressions: - K+ - N+ - - R+ - R- - - SE- - - and(N-, or(S+, R+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6798 type: explored -- comm_cost: 0.6669270833333334 - complexity: 7 +- comm_cost: 0.6566695601851853 + complexity: 45 expressions: - N+ - - R- - - S- - - SE- - - or(K+, SE+) + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, N+) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-6799 type: explored -- comm_cost: 0.18940972222222252 - complexity: 20 +- comm_cost: 0.5351562500000002 + complexity: 7 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, S+) + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-6800 type: explored -- comm_cost: 0.643576388888889 - complexity: 9 - expressions: - - SE- - - and(K-, or(S+, R-)) - - or(K+, R+) - name: explored-6801 - type: explored -- comm_cost: 0.2678819444444446 - complexity: 23 +- comm_cost: 0.17916666666666703 + complexity: 11 expressions: - K+ - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) + - and(S-, SE-) + name: explored-6801 + type: explored +- comm_cost: 0.726388888888889 + complexity: 10 + expressions: + - and(or(K+, S-), or(SE-, N+)) - or(K+, R+) - - or(S+, N+) name: explored-6802 type: explored -- comm_cost: 0.4182118055555557 - complexity: 14 +- comm_cost: 0.4877604166666669 + complexity: 7 expressions: - - K+ - - N+ - - N- - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - not(R+) name: explored-6803 type: explored -- comm_cost: 0.6653935185185187 - complexity: 11 +- comm_cost: 0.500144675925926 + complexity: 15 expressions: - - R+ - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - N+ + - R- + - and(K-, not(R+)) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-6804 type: explored -- comm_cost: 0.6074652777777779 - complexity: 10 +- comm_cost: 0.7150000000000001 + complexity: 5 expressions: - - R+ - - and(or(K+, S-), not(R+)) - - or(K+, N+) + - R- + - SE- + - or(S+, SE+) name: explored-6805 type: explored -- comm_cost: 0.585763888888889 - complexity: 10 +- comm_cost: 0.19062500000000027 + complexity: 12 expressions: - - R+ - - SE- - - and(K-, SE-) - - and(N-, or(K+, SE+)) + - K+ + - R- + - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-6806 type: explored -- comm_cost: 0.4169560185185186 - complexity: 17 +- comm_cost: 0.6909722222222222 + complexity: 9 expressions: - K+ - - K+ - N+ - R- - - S+ - - S- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - SE- + - or(S+, or(N+, R-)) name: explored-6807 type: explored -- comm_cost: 0.5093750000000001 - complexity: 13 +- comm_cost: 0.5398611111111113 + complexity: 15 expressions: - - K- + - N+ - R- + - SE- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(K+, S-) + - or(SE-, N+) name: explored-6808 type: explored -- comm_cost: 0.4279513888888893 - complexity: 12 +- comm_cost: 0.7444444444444445 + complexity: 11 expressions: - - SE- - - and(N-, R+) - - or(K+, or(N+, R-)) - - or(N+, R-) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, not(R+)) name: explored-6809 type: explored -- comm_cost: 0.5025000000000002 - complexity: 8 +- comm_cost: 0.23680555555555594 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- - - SE- - and(N-, R+) - - not(R-) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-6810 type: explored -- comm_cost: 0.5903645833333335 - complexity: 8 +- comm_cost: 0.588888888888889 + complexity: 10 expressions: - R+ - - R- - - or(K+, R-) - - or(SE-, N+) + - SE- + - and(K-, SE-) + - and(K-, or(S+, N+)) name: explored-6811 type: explored -- comm_cost: 0.4450000000000002 - complexity: 11 +- comm_cost: 0.38536458333333345 + complexity: 20 expressions: - K+ - - K- + - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-6812 type: explored -- comm_cost: 0.4140625000000002 - complexity: 9 +- comm_cost: 0.4087557870370372 + complexity: 21 expressions: + - K+ + - K+ - N+ - - N+ - - SE- + - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(SE+, N-) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, S-) name: explored-6813 type: explored -- comm_cost: 0.8336805555555555 - complexity: 6 +- comm_cost: 0.22430555555555576 + complexity: 17 expressions: - - SE- - - not(R+) - - or(K+, R-) + - K+ + - R- + - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-6814 type: explored -- comm_cost: 0.7697627314814816 - complexity: 18 +- comm_cost: 0.549652777777778 + complexity: 13 expressions: - - and(K-, not(R-)) - - and(N-, not(R-)) - - or(K+, K-) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R+ + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-6815 type: explored -- comm_cost: 0.9131944444444444 - complexity: 3 +- comm_cost: 0.4897569444444445 + complexity: 22 expressions: + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) - or(S+, R-) name: explored-6816 type: explored -- comm_cost: 0.4892361111111113 - complexity: 12 +- comm_cost: 0.35416666666666685 + complexity: 9 expressions: - - K+ - N+ - R- - - S+ - - and(K-, or(S+, R+)) + - SE+ - and(N-, R+) + - and(S-, SE-) name: explored-6817 type: explored -- comm_cost: 0.5571180555555557 - complexity: 9 +- comm_cost: 0.4083333333333333 + complexity: 11 expressions: - - R+ - - and(K-, SE-) - - and(N-, or(K+, SE+)) + - N+ + - R- + - and(K-, S+) + - and(K-, S+) + - and(S-, SE-) name: explored-6818 type: explored -- comm_cost: 0.6048611111111113 - complexity: 13 +- comm_cost: 0.5755208333333333 + complexity: 12 expressions: - N+ - - R+ - R- - - and(K-, or(S+, N+)) - - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, N+) name: explored-6819 type: explored -- comm_cost: 0.44854166666666684 - complexity: 14 +- comm_cost: 0.29947916666666696 + complexity: 16 expressions: - K+ - - R- + - K+ + - N+ - S+ - - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - not(R-) + - and(and(S-, N-), not(R-)) name: explored-6820 type: explored -- comm_cost: 0.6951678240740742 - complexity: 14 +- comm_cost: 0.6309895833333334 + complexity: 7 expressions: - R+ - - and(S-, not(R+)) - - and(S-, not(R-)) - - not(R+) - - or(K+, K-) + - and(K-, SE-) + - or(SE-, N+) name: explored-6821 type: explored -- comm_cost: 0.6725694444444446 - complexity: 8 - expressions: - - R+ - - and(K-, not(R-)) - - and(SE+, N-) - name: explored-6822 - type: explored -- comm_cost: 0.36649305555555567 - complexity: 14 +- comm_cost: 0.3953125000000002 + complexity: 22 expressions: - - K+ - - K+ - N+ - R- - - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, R-) + - or(N+, R-) + name: explored-6822 + type: explored +- comm_cost: 0.6501736111111112 + complexity: 12 + expressions: + - SE- + - and(K-, or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-6823 type: explored -- comm_cost: 0.6177083333333334 - complexity: 6 +- comm_cost: 0.4310763888888891 + complexity: 11 expressions: + - K+ + - N+ - N+ - - R+ - R- - - and(K-, N-) + - SE- + - and(N-, R+) + - or(S+, R+) name: explored-6824 type: explored -- comm_cost: 0.6305555555555558 - complexity: 11 +- comm_cost: 0.6269097222222224 + complexity: 13 expressions: - - N+ + - R+ - SE- - - and(N-, R+) - - or(S+, SE+) - - or(S+, SE+) + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) name: explored-6825 type: explored -- comm_cost: 0.42164351851851867 - complexity: 18 +- comm_cost: 0.615763888888889 + complexity: 9 expressions: - - K+ - - N+ + - N- + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(K+, R-) + - SE- + - and(N-, or(K+, R+)) name: explored-6826 type: explored -- comm_cost: 0.23802083333333346 - complexity: 20 +- comm_cost: 0.5281250000000001 + complexity: 14 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, SE+)) + - S+ + - and(N-, not(R-)) - and(S-, SE-) - - and(SE+, N-) + - or(K+, SE+) name: explored-6827 type: explored -- comm_cost: 0.5149305555555557 +- comm_cost: 0.48495370370370383 complexity: 10 expressions: - - K+ - - R+ + - N+ - R- - SE- - - and(S-, SE-) - - or(K+, SE+) + - and(K-, not(R+)) + - and(SE+, N-) name: explored-6828 type: explored -- comm_cost: 0.6650578703703705 - complexity: 13 - expressions: - - R+ - - R- - - SE- - - or(K+, S-) - - or(and(K-, S+), or(N+, R-)) - name: explored-6829 - type: explored -- comm_cost: 0.7257233796296297 - complexity: 17 +- comm_cost: 0.6950195932539683 + complexity: 40 expressions: - - S- - - and(N-, or(K+, S-)) - - and(S-, N-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) - or(K+, or(N+, R-)) - - or(N+, R-) - name: explored-6830 + - or(S+, SE+) + - or(S+, or(N+, R-)) + name: explored-6829 type: explored -- comm_cost: 0.4488541666666668 - complexity: 10 +- comm_cost: 0.5606770833333334 + complexity: 23 expressions: - - K+ - N+ - R- - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, SE+) - name: explored-6831 + - and(or(K+, S-), not(R-)) + - or(K+, K-) + name: explored-6830 type: explored -- comm_cost: 0.7206076388888889 - complexity: 12 +- comm_cost: 0.5463541666666668 + complexity: 6 expressions: - - N+ + - R+ + - R- - SE- - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-6832 + - or(N+, R-) + name: explored-6831 type: explored -- comm_cost: 0.31597222222222254 - complexity: 12 +- comm_cost: 0.2812500000000001 + complexity: 19 expressions: - - N+ + - K+ - R- - - SE- + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(S+, N+) + name: explored-6832 + type: explored +- comm_cost: 0.6144097222222223 + complexity: 13 + expressions: + - R+ + - and(K-, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-6833 type: explored -- comm_cost: 0.5243055555555556 - complexity: 7 +- comm_cost: 0.3104166666666669 + complexity: 12 expressions: + - K+ - N+ - R- - - S+ - - and(S-, not(R-)) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-6834 type: explored -- comm_cost: 0.38381076388888924 - complexity: 18 +- comm_cost: 0.3750520833333335 + complexity: 13 expressions: + - K+ + - K+ - N+ - R- - - R- - - SE- - - and(K-, not(R+)) + - S+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - not(R-) name: explored-6835 type: explored -- comm_cost: 0.4901041666666668 - complexity: 15 +- comm_cost: 0.5187500000000002 + complexity: 12 expressions: + - K+ + - K- - N+ - - and(K-, N-) + - N- + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) name: explored-6836 type: explored -- comm_cost: 0.43315625000000024 - complexity: 18 +- comm_cost: 0.36822916666666683 + complexity: 12 expressions: - K+ - K+ - N+ - R- - S+ + - S- - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, R+) name: explored-6837 type: explored -- comm_cost: 0.6213541666666668 - complexity: 11 +- comm_cost: 0.6984375 + complexity: 15 expressions: - R+ - - R- - - and(K-, not(R+)) - - and(K-, or(S+, R+)) + - and(N-, or(K+, S-)) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-6838 type: explored -- comm_cost: 0.5979166666666669 - complexity: 6 +- comm_cost: 0.6187500000000001 + complexity: 7 expressions: - - N+ - - R+ - - R- - - or(K+, N+) + - SE- + - and(K-, S+) + - and(SE+, N-) name: explored-6839 type: explored -- comm_cost: 0.2625000000000004 - complexity: 17 +- comm_cost: 0.4809895833333333 + complexity: 14 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-6840 type: explored -- comm_cost: 0.6967013888888889 - complexity: 11 +- comm_cost: 0.30677083333333355 + complexity: 20 expressions: + - N+ - R- - - SE- - - and(K-, not(R-)) - - and(N-, or(S+, SE+)) + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, R-) name: explored-6841 type: explored -- comm_cost: 0.5533564814814815 - complexity: 17 +- comm_cost: 0.5688078703703705 + complexity: 13 expressions: - N+ - R+ - R- - SE- - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(N+, not(R+))) + - or(S+, R-) name: explored-6842 type: explored -- comm_cost: 0.7515798611111112 - complexity: 3 +- comm_cost: 0.6074652777777779 + complexity: 11 expressions: - - K- - - R+ + - R- - S- + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-6843 type: explored -- comm_cost: 0.627777777777778 - complexity: 8 +- comm_cost: 0.22187500000000027 + complexity: 13 expressions: - K+ - - N+ + - R- - and(N-, R+) - - or(K+, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-6844 type: explored -- comm_cost: 0.7334635416666668 - complexity: 8 +- comm_cost: 0.5833333333333337 + complexity: 6 expressions: - - R+ - - R+ - - and(K-, not(R-)) - - not(R-) + - and(N-, R+) + - or(K+, R-) name: explored-6845 type: explored -- comm_cost: 0.6393750000000001 - complexity: 12 +- comm_cost: 0.805625 + complexity: 2 expressions: - - N+ - - R- + - N- - S+ - - and(N-, R+) - - or(K+, K-) - - or(K+, S-) name: explored-6846 type: explored -- comm_cost: 0.6683167989417991 - complexity: 41 +- comm_cost: 0.7243055555555556 + complexity: 9 expressions: - - and(K-, not(R+)) - - and(K-, not(R-)) - - and(K-, or(S+, R-)) - - and(S-, N-) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - not(R-) - - or(S+, N+) - - or(S+, R+) + - R+ + - and(N-, or(K+, S-)) + - or(K+, SE+) name: explored-6847 type: explored -- comm_cost: 0.4486111111111113 - complexity: 13 +- comm_cost: 0.4780381944444445 + complexity: 12 expressions: - - K+ - - K+ + - N+ + - R- - S+ + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(S-, N-) name: explored-6848 type: explored -- comm_cost: 0.6144097222222223 - complexity: 12 +- comm_cost: 0.6817708333333334 + complexity: 9 expressions: - R+ - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) + - and(K-, N-) + - and(K-, or(S+, N+)) name: explored-6849 type: explored -- comm_cost: 0.6730902777777779 - complexity: 12 +- comm_cost: 0.6423032407407409 + complexity: 9 expressions: - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, R+) + - N+ + - R- + - SE+ + - and(N-, R+) + - or(S+, R+) name: explored-6850 type: explored -- comm_cost: 0.28476562500000036 - complexity: 22 +- comm_cost: 0.44062500000000016 + complexity: 18 expressions: - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, or(N+, R-)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-6851 type: explored -- comm_cost: 0.5131250000000002 - complexity: 8 +- comm_cost: 0.36675347222222254 + complexity: 15 expressions: - - K+ - - K- - N+ - R- - - S+ + - SE- + - and(K-, SE-) + - and(K-, or(N+, not(R+))) - and(N-, R+) name: explored-6852 type: explored -- comm_cost: 0.28145254629629657 - complexity: 20 +- comm_cost: 0.6649739583333334 + complexity: 32 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(K+, N+) - - or(S+, R-) + - R+ + - SE+ + - and(K-, not(R+)) + - and(K-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) name: explored-6853 type: explored -- comm_cost: 0.6132812500000002 - complexity: 13 +- comm_cost: 0.6207754629629632 + complexity: 9 expressions: + - SE+ - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, not(R+)) + - and(N-, not(R-)) name: explored-6854 type: explored -- comm_cost: 0.6815625000000001 - complexity: 3 +- comm_cost: 0.7923611111111112 + complexity: 7 expressions: - - N- - R+ - - S+ + - or(K+, SE+) + - or(S+, SE+) name: explored-6855 type: explored -- comm_cost: 0.6371527777777779 - complexity: 5 +- comm_cost: 0.48220486111111127 + complexity: 18 expressions: + - K+ - N+ - - R+ - - or(S+, R-) + - R- + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-6856 type: explored -- comm_cost: 0.5358333333333334 - complexity: 6 +- comm_cost: 0.5231597222222224 + complexity: 10 expressions: - N+ - - N- - R- - - and(S-, SE-) + - S+ + - SE- + - and(N-, R+) + - or(K+, S-) name: explored-6857 type: explored -- comm_cost: 0.47291666666666676 - complexity: 10 +- comm_cost: 0.7315943287037038 + complexity: 13 expressions: - - K+ - - R+ - - R- - - SE- - - and(and(S-, N-), not(R-)) + - K- + - SE+ + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-6858 type: explored -- comm_cost: 0.45097222222222255 - complexity: 10 +- comm_cost: 0.7334910714285715 + complexity: 39 expressions: - - K+ - - R- - - SE- - - and(N-, R+) - - or(N+, not(R+)) + - K- + - R+ + - and(K-, N-) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) + - not(R+) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-6859 type: explored -- comm_cost: 0.621875 - complexity: 6 +- comm_cost: 0.4305555555555558 + complexity: 8 expressions: - - and(S-, SE-) - - or(K+, N+) + - N+ + - S+ + - and(N-, R+) + - and(S-, N-) name: explored-6860 type: explored -- comm_cost: 0.6258159722222223 - complexity: 11 +- comm_cost: 0.5890625 + complexity: 7 expressions: - - K- - - R+ - R- - - and(K-, or(S+, SE+)) - and(S-, SE-) + - or(N+, R-) name: explored-6861 type: explored -- comm_cost: 0.5704861111111112 - complexity: 13 +- comm_cost: 0.7798437500000001 + complexity: 6 expressions: - - N+ - - SE- - - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(K+, K-) + - N- + - and(K-, or(S+, SE+)) name: explored-6862 type: explored -- comm_cost: 0.5724537037037039 - complexity: 20 +- comm_cost: 0.5421875 + complexity: 12 expressions: + - N+ - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) + - R- + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-6863 type: explored -- comm_cost: 0.4158564814814817 - complexity: 16 +- comm_cost: 0.5451388888888888 + complexity: 10 expressions: - - K+ - N+ - - S+ - - SE+ - - and(N-, R+) + - R- - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-6864 type: explored -- comm_cost: 0.5260416666666669 - complexity: 17 +- comm_cost: 0.6671006944444446 + complexity: 6 expressions: - - N+ - - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - not(R+) + - or(K+, R+) name: explored-6865 type: explored -- comm_cost: 0.5874768518518519 - complexity: 11 +- comm_cost: 0.39635416666666656 + complexity: 13 expressions: + - K+ - N+ - - R+ - - R- - - SE- - - and(N-, or(S+, R+)) - - not(R-) + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(S-, SE-) name: explored-6866 type: explored -- comm_cost: 0.7215625000000001 - complexity: 5 +- comm_cost: 0.5640625000000001 + complexity: 6 expressions: - - and(SE+, N-) - - not(R-) + - R+ + - R+ + - SE- + - or(K+, R-) name: explored-6867 type: explored -- comm_cost: 0.3436631944444446 - complexity: 21 +- comm_cost: 0.7763020833333334 + complexity: 6 expressions: - - N+ - - R- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - not(R+) + - R+ + - and(K-, or(S+, SE+)) name: explored-6868 type: explored -- comm_cost: 0.4861111111111114 - complexity: 10 +- comm_cost: 0.36848958333333337 + complexity: 16 expressions: + - K+ - N+ - - and(N-, R+) - - or(S+, N+) - - or(S+, R-) + - R- + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) name: explored-6869 type: explored -- comm_cost: 0.5951388888888891 - complexity: 12 +- comm_cost: 0.38645833333333357 + complexity: 16 expressions: + - K+ + - K+ - N+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(S+, N+) + - and(S-, N-) + - and(S-, or(SE-, N+)) name: explored-6870 type: explored -- comm_cost: 0.15677083333333353 +- comm_cost: 0.5987557870370371 complexity: 12 expressions: - - K+ + - N+ - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, or(S+, SE+)) + - or(S+, R-) name: explored-6871 type: explored -- comm_cost: 0.3659722222222226 - complexity: 19 +- comm_cost: 0.8006944444444444 + complexity: 8 expressions: - - N+ - R- - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, not(R+)) + - not(R+) name: explored-6872 type: explored -- comm_cost: 0.557638888888889 - complexity: 5 +- comm_cost: 0.5322916666666668 + complexity: 7 expressions: - - SE+ - - SE- - - and(N-, R+) + - R+ + - R- + - and(S-, or(SE-, N+)) name: explored-6873 type: explored -- comm_cost: 0.7138020833333334 - complexity: 7 +- comm_cost: 0.15486111111111134 + complexity: 19 expressions: + - N+ - R- - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - not(R+) + - or(and(K-, S+), or(N+, R-)) name: explored-6874 type: explored -- comm_cost: 0.6817708333333332 - complexity: 6 +- comm_cost: 0.3944444444444446 + complexity: 19 expressions: - N+ + - R+ - R- - - S+ - - or(SE-, N+) + - SE- + - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-6875 type: explored -- comm_cost: 0.5808159722222223 - complexity: 13 +- comm_cost: 0.404166666666667 + complexity: 11 expressions: + - K+ - N+ - - R- - SE- - - and(K-, not(R-)) - - and(and(K-, N-), not(R-)) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-6876 type: explored -- comm_cost: 0.6957401620370371 - complexity: 36 +- comm_cost: 0.42881944444444464 + complexity: 19 expressions: + - N+ + - R- - S+ - - SE- - - and(K-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - not(R+) - - not(R-) - - or(N+, not(R+)) - - or(S+, SE+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-6877 type: explored -- comm_cost: 0.6916666666666668 - complexity: 7 +- comm_cost: 0.5840567129629631 + complexity: 16 expressions: - - SE+ - - and(K-, S+) - - and(SE+, N-) + - N+ + - R+ + - R- + - SE- + - and(S-, not(R-)) + - and(SE-, or(K+, S-)) + - or(K+, SE+) name: explored-6878 type: explored -- comm_cost: 0.6937500000000001 - complexity: 6 +- comm_cost: 0.7355902777777779 + complexity: 9 expressions: - - R+ - - SE- - - and(K-, not(R-)) + - and(and(K-, N-), not(R-)) + - or(S+, R+) name: explored-6879 type: explored -- comm_cost: 0.6746527777777779 - complexity: 4 +- comm_cost: 0.4664583333333334 + complexity: 9 expressions: - - R+ - - or(S+, R-) + - N+ + - R- + - S+ + - and(S-, SE-) + - or(S+, SE+) name: explored-6880 type: explored -- comm_cost: 0.15885416666666696 - complexity: 14 +- comm_cost: 0.6417708333333334 + complexity: 12 expressions: - N+ - - S+ - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(or(K+, S-), not(R+)) + - or(S+, SE+) name: explored-6881 type: explored -- comm_cost: 0.3006944444444448 - complexity: 11 +- comm_cost: 0.4607638888888891 + complexity: 14 expressions: + - K+ + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(N-, or(S+, R+)) + - or(N+, R-) name: explored-6882 type: explored -- comm_cost: 0.6482407407407408 - complexity: 28 +- comm_cost: 0.6143229166666668 + complexity: 14 expressions: + - N+ - R- - - S- - - and(K-, or(S+, R-)) - - and(N-, or(S+, SE+)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) name: explored-6883 type: explored -- comm_cost: 0.7366319444444445 - complexity: 9 +- comm_cost: 0.1921875000000004 + complexity: 11 expressions: - - SE- - - and(N-, or(K+, R+)) - - or(K+, K-) + - K+ + - N+ + - R- + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) name: explored-6884 type: explored -- comm_cost: 0.6725520833333335 - complexity: 11 +- comm_cost: 0.42442129629629655 + complexity: 17 expressions: - N+ - - R+ - - SE- - - and(N-, or(K+, S-)) - - or(K+, S-) + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-6885 type: explored -- comm_cost: 0.5125000000000002 - complexity: 11 +- comm_cost: 0.3012152777777781 + complexity: 17 expressions: - K+ - N+ - R- - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(SE-, N+) name: explored-6886 type: explored -- comm_cost: 0.4145833333333335 - complexity: 20 +- comm_cost: 0.5647916666666668 + complexity: 19 expressions: - - N+ + - K+ + - K+ - R- + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, not(R-)) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-6887 type: explored -- comm_cost: 0.3406250000000003 - complexity: 12 +- comm_cost: 0.32875578703703734 + complexity: 21 expressions: - K+ + - K+ - N+ - R- - - R- - - and(K-, or(S+, N+)) + - S+ - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(N+, not(R+)) name: explored-6888 type: explored -- comm_cost: 0.385026041666667 - complexity: 12 +- comm_cost: 0.4143229166666669 + complexity: 21 expressions: - K+ - - K+ + - N+ + - R- - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(SE-, N+) name: explored-6889 type: explored -- comm_cost: 0.7580729166666668 - complexity: 7 +- comm_cost: 0.34583333333333344 + complexity: 16 expressions: - - and(K-, not(R-)) - - or(S+, N+) + - K+ + - K+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-6890 type: explored -- comm_cost: 0.43315972222222254 - complexity: 11 +- comm_cost: 0.45775462962962976 + complexity: 20 expressions: - N+ - - R- - S+ + - and(K-, SE-) - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - or(K+, R+) + - or(S+, R+) + - or(S+, R-) name: explored-6891 type: explored -- comm_cost: 0.5447048611111114 - complexity: 15 +- comm_cost: 0.61640625 + complexity: 7 expressions: - N+ - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(S+, or(N+, R-)) + - and(N-, or(K+, S-)) name: explored-6892 type: explored -- comm_cost: 0.5843750000000001 - complexity: 15 +- comm_cost: 0.5620659722222224 + complexity: 12 expressions: - - and(K-, or(S+, N+)) - - and(N-, or(K+, SE+)) - - and(S-, or(SE-, N+)) + - N+ + - S+ + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-6893 type: explored -- comm_cost: 0.39166666666666683 - complexity: 10 +- comm_cost: 0.28281250000000013 + complexity: 16 expressions: - K+ - N+ - - and(N-, or(K+, SE+)) + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) name: explored-6894 type: explored -- comm_cost: 0.5515625000000002 - complexity: 16 +- comm_cost: 0.7265104166666667 + complexity: 30 expressions: - - R+ - - R- + - N- - S+ - - SE- - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - S- + - and(K-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) + - or(K+, N+) + - or(K+, R+) name: explored-6895 type: explored -- comm_cost: 0.6565538194444445 - complexity: 23 +- comm_cost: 0.5527777777777779 + complexity: 13 expressions: - N+ - - N- - R+ - SE- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(S-, not(R+)) - - or(K+, N+) - - or(N+, not(R+)) + - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-6896 type: explored -- comm_cost: 0.4901041666666668 - complexity: 9 +- comm_cost: 0.7041666666666666 + complexity: 22 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(K-, or(S+, N+)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6897 type: explored -- comm_cost: 0.3288194444444448 - complexity: 19 +- comm_cost: 0.5381944444444446 + complexity: 15 expressions: - - K+ - - N+ - R- - - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - not(R+) name: explored-6898 type: explored -- comm_cost: 0.6682291666666667 - complexity: 9 +- comm_cost: 0.6346180555555556 + complexity: 10 expressions: - N+ + - R+ + - R- - SE- - - and(S-, not(R+)) - - or(K+, N+) + - or(S+, R+) + - or(S+, SE+) name: explored-6899 type: explored -- comm_cost: 0.09218750000000031 - complexity: 13 +- comm_cost: 0.8208333333333333 + complexity: 2 expressions: - K+ - - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) name: explored-6900 type: explored -- comm_cost: 0.41770833333333357 - complexity: 21 +- comm_cost: 0.34826388888888915 + complexity: 14 expressions: - - K+ - N+ - R- - - S+ - - SE+ - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-6901 type: explored -- comm_cost: 0.4040798611111114 - complexity: 16 +- comm_cost: 0.3203125000000002 + complexity: 12 expressions: + - K+ - N+ - R- - - SE- + - and(K-, S+) - and(N-, R+) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, N+) name: explored-6902 type: explored -- comm_cost: 0.17135416666666692 - complexity: 13 +- comm_cost: 0.6767910879629631 + complexity: 37 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - and(K-, N-) + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, not(R-)) + - and(S-, N-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) + - or(S+, R+) name: explored-6903 type: explored -- comm_cost: 0.5354166666666667 - complexity: 7 +- comm_cost: 0.3875000000000002 + complexity: 19 expressions: + - N+ - R- + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), not(R+)) name: explored-6904 type: explored -- comm_cost: 0.45416666666666683 - complexity: 10 +- comm_cost: 0.2880208333333336 + complexity: 17 expressions: - - K+ - N+ - R- - - SE+ - - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-6905 type: explored -- comm_cost: 0.2506944444444448 - complexity: 17 +- comm_cost: 0.2562500000000003 + complexity: 9 expressions: + - K+ - N+ + - R- + - R- + - R- + - SE- - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-6906 type: explored -- comm_cost: 0.5546875 - complexity: 6 +- comm_cost: 0.7489872685185186 + complexity: 11 expressions: - - N+ - - S+ - - S- - - and(S-, SE-) + - R+ + - and(and(K-, N-), or(S+, SE+)) + - or(S+, R+) name: explored-6907 type: explored -- comm_cost: 0.45736111111111133 - complexity: 23 +- comm_cost: 0.3363715277777781 + complexity: 15 expressions: + - K+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) + - SE- + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - not(R-) + - or(S+, or(N+, R-)) name: explored-6908 type: explored -- comm_cost: 0.40065104166666676 - complexity: 23 +- comm_cost: 0.6669560185185186 + complexity: 17 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, N-) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) + - SE+ + - SE- + - and(K-, or(S+, N+)) - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, K-) name: explored-6909 type: explored -- comm_cost: 0.16875000000000018 - complexity: 19 +- comm_cost: 0.3250000000000002 + complexity: 21 expressions: - - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(N+, R-) + - or(S+, N+) name: explored-6910 type: explored -- comm_cost: 0.07812500000000022 - complexity: 14 +- comm_cost: 0.3286458333333335 + complexity: 13 expressions: - K+ - - N+ + - R+ - R- - - and(K-, or(S+, N+)) - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) + - and(S-, not(R+)) name: explored-6911 type: explored -- comm_cost: 0.6334531250000001 - complexity: 37 +- comm_cost: 0.338888888888889 + complexity: 22 expressions: - - S- - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) + - K+ + - N+ + - R- + - and(K-, S+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R+) - - or(N+, R-) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - and(and(S-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-6912 type: explored -- comm_cost: 0.6583333333333334 - complexity: 30 +- comm_cost: 0.38680555555555574 + complexity: 15 expressions: - - and(K-, not(R-)) - - and(K-, or(S+, N+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, N-) + - and(S-, N-) - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - or(N+, R-) - - or(S+, SE+) - - or(SE-, N+) name: explored-6913 type: explored -- comm_cost: 0.6390017361111112 +- comm_cost: 0.47971643518518536 complexity: 18 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(K-, or(S+, R-)) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - S- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-6914 type: explored -- comm_cost: 0.5151041666666669 +- comm_cost: 0.19201388888888915 complexity: 14 expressions: - N+ - R- - - SE- - and(N-, R+) - - or(K+, or(N+, R-)) - - or(S+, R+) + - and(S-, SE-) + - or(K+, R-) + - or(N+, R-) name: explored-6915 type: explored -- comm_cost: 0.6767361111111112 - complexity: 9 +- comm_cost: 0.45182291666666663 + complexity: 13 expressions: - - R+ - - S- - - and(and(K-, N-), or(S+, R+)) + - K+ + - R- + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, N+) name: explored-6916 type: explored -- comm_cost: 0.43177083333333344 - complexity: 15 +- comm_cost: 0.4829861111111112 + complexity: 21 expressions: - K+ - R+ - R- - - and(K-, or(SE-, N+)) + - and(K-, SE-) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-6917 type: explored -- comm_cost: 0.5822916666666668 - complexity: 4 +- comm_cost: 0.3597656250000002 + complexity: 19 expressions: - - R+ - - R+ + - K+ + - N+ - R- - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, N+) name: explored-6918 type: explored -- comm_cost: 0.7586805555555556 - complexity: 5 +- comm_cost: 0.5694444444444445 + complexity: 8 expressions: - K+ - R- - - or(K+, K-) + - and(S-, N-) + - and(S-, SE-) name: explored-6919 type: explored -- comm_cost: 0.5734375 - complexity: 8 +- comm_cost: 0.6584490740740742 + complexity: 12 expressions: - - and(K-, or(S+, SE+)) - - and(S-, SE-) + - R+ + - and(N-, or(K+, S-)) + - and(and(K-, N-), not(R-)) name: explored-6920 type: explored -- comm_cost: 0.4964699074074076 - complexity: 22 +- comm_cost: 0.5432291666666669 + complexity: 10 expressions: - - N+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - R- + - S+ + - SE- + - and(or(K+, S-), not(R+)) name: explored-6921 type: explored -- comm_cost: 0.5656250000000002 - complexity: 12 +- comm_cost: 0.76875 + complexity: 2 expressions: - - R+ - - R- - - and(K-, or(SE-, N+)) - - and(K-, or(SE-, N+)) + - K+ + - N+ name: explored-6922 type: explored -- comm_cost: 0.6251736111111112 +- comm_cost: 0.5739583333333333 complexity: 10 expressions: - - R+ - - and(and(K-, N-), not(R-)) - - or(N+, R-) + - K+ + - R- + - and(K-, SE-) + - and(K-, or(S+, N+)) name: explored-6923 type: explored -- comm_cost: 0.3221354166666668 - complexity: 14 +- comm_cost: 0.8026041666666667 + complexity: 5 expressions: - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, SE-) name: explored-6924 type: explored -- comm_cost: 0.6270833333333334 - complexity: 11 +- comm_cost: 0.4638020833333334 + complexity: 13 expressions: - - K+ - - R+ - R- - - and(S-, or(SE-, N+)) - - or(K+, K-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) + - or(S+, SE+) name: explored-6925 type: explored -- comm_cost: 0.5841666666666668 - complexity: 8 +- comm_cost: 0.41232638888888906 + complexity: 12 expressions: + - R+ - R- - - SE- + - and(K-, not(R+)) - and(N-, R+) - - or(S+, SE+) + - and(S-, SE-) name: explored-6926 type: explored -- comm_cost: 0.6039351851851854 - complexity: 13 +- comm_cost: 0.47135416666666685 + complexity: 6 expressions: - N+ + - R- - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - or(S+, SE+) + - and(SE+, N-) name: explored-6927 type: explored -- comm_cost: 0.5608217592592595 - complexity: 18 +- comm_cost: 0.39218750000000036 + complexity: 8 expressions: - - SE- + - N+ - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), not(R-)) - - or(N+, R-) + - not(R+) + - not(R+) name: explored-6928 type: explored -- comm_cost: 0.44928819444444457 - complexity: 18 +- comm_cost: 0.39019097222222243 + complexity: 22 expressions: + - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, not(R-)) - and(S-, SE-) - - or(N+, not(R+)) + - and(S-, or(N+, not(R+))) name: explored-6929 type: explored -- comm_cost: 0.6272395833333335 - complexity: 12 +- comm_cost: 0.6517187500000001 + complexity: 42 expressions: - - R+ - - R- - - SE- - - SE- - - and(N-, or(K+, R+)) - - or(K+, S-) + - K+ + - and(K-, SE-) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-6930 type: explored -- comm_cost: 0.6024305555555557 - complexity: 7 +- comm_cost: 0.7070138888888889 + complexity: 9 expressions: - - K+ - R+ - - R- - SE- - - or(K+, SE+) + - and(N-, or(S+, SE+)) + - not(R-) name: explored-6931 type: explored -- comm_cost: 0.22968750000000027 - complexity: 21 +- comm_cost: 0.28437500000000027 + complexity: 18 expressions: - K+ - N+ + - N+ - R- - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6932 type: explored -- comm_cost: 0.4083333333333333 - complexity: 9 +- comm_cost: 0.54375 + complexity: 8 expressions: + - K+ - N+ - R- - S+ - - and(S-, SE-) - - and(S-, SE-) + - and(S-, not(R+)) name: explored-6933 type: explored -- comm_cost: 0.7655092592592593 +- comm_cost: 0.3571875000000002 complexity: 12 expressions: - - N- - - and(K-, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-6934 type: explored -- comm_cost: 0.48359375000000016 - complexity: 15 +- comm_cost: 0.36750000000000016 + complexity: 13 expressions: - K+ + - K- - N+ - R- - and(K-, S+) - - and(K-, not(R-)) - and(N-, R+) - - not(R+) + - and(S-, SE-) name: explored-6935 type: explored -- comm_cost: 0.7802083333333334 - complexity: 12 +- comm_cost: 0.556076388888889 + complexity: 14 expressions: + - N+ + - R+ - SE- - - and(S-, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - and(and(K-, N-), not(R-)) name: explored-6936 type: explored -- comm_cost: 0.7093750000000001 - complexity: 8 +- comm_cost: 0.5887847222222224 + complexity: 13 expressions: - - and(N-, or(K+, S-)) - - and(S-, SE-) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - or(N+, R-) + - or(S+, SE+) name: explored-6937 type: explored -- comm_cost: 0.8083333333333333 - complexity: 8 +- comm_cost: 0.5365451388888891 + complexity: 24 expressions: - K+ - - and(or(K+, S-), or(SE-, N+)) - name: explored-6938 - type: explored -- comm_cost: 0.3666666666666669 - complexity: 20 - expressions: + - K- - N+ - R- + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-6938 + type: explored +- comm_cost: 0.69453125 + complexity: 8 + expressions: + - and(SE-, or(K+, S-)) + - or(K+, SE+) name: explored-6939 type: explored -- comm_cost: 0.5984375000000001 - complexity: 10 +- comm_cost: 0.4859375 + complexity: 6 expressions: - - R- + - K+ + - N+ + - S+ - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-6940 type: explored -- comm_cost: 0.7388888888888889 - complexity: 9 +- comm_cost: 0.5100694444444447 + complexity: 12 expressions: + - N+ - R+ - - and(N-, or(K+, SE+)) - - or(K+, K-) + - S+ + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-6941 type: explored -- comm_cost: 0.4687500000000002 - complexity: 11 +- comm_cost: 0.4929687500000002 + complexity: 9 expressions: - K+ - R- - - and(K-, N-) + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) name: explored-6942 type: explored -- comm_cost: 0.312326388888889 - complexity: 20 +- comm_cost: 0.42500000000000027 + complexity: 8 expressions: - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(SE+, N-) - - or(S+, N+) + - and(N-, R+) name: explored-6943 type: explored -- comm_cost: 0.41328125000000027 - complexity: 9 +- comm_cost: 0.38055555555555587 + complexity: 11 expressions: - K+ + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R+) + - or(K+, or(N+, R-)) name: explored-6944 type: explored -- comm_cost: 0.45611979166666694 - complexity: 20 +- comm_cost: 0.5941840277777778 + complexity: 16 expressions: - K+ - - K+ + - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(K-, S+) + - and(K-, not(R-)) - and(S-, SE-) + - or(K+, K-) name: explored-6945 type: explored -- comm_cost: 0.599652777777778 - complexity: 13 +- comm_cost: 0.7430555555555556 + complexity: 7 expressions: - - R+ + - R- - SE- - - and(or(K+, S-), not(R+)) - or(K+, or(N+, R-)) name: explored-6946 type: explored -- comm_cost: 0.5318055555555558 - complexity: 8 +- comm_cost: 0.3275000000000001 + complexity: 17 expressions: - N+ - - N- + - R- + - and(K-, S+) - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) + - and(S-, SE-) + - or(S+, SE+) name: explored-6947 type: explored -- comm_cost: 0.5062500000000001 - complexity: 6 +- comm_cost: 0.5842592592592594 + complexity: 13 expressions: - - K+ - - K+ - - N+ - - and(S-, SE-) + - R+ + - R- + - SE+ + - SE- + - and(K-, SE-) + - and(and(K-, N-), not(R-)) name: explored-6948 type: explored -- comm_cost: 0.5892361111111112 - complexity: 11 +- comm_cost: 0.5083333333333336 + complexity: 8 expressions: - - K+ - - K- - - R+ - - R- - - and(N-, not(R-)) - - and(S-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-6949 type: explored -- comm_cost: 0.777638888888889 - complexity: 6 +- comm_cost: 0.42070312499999996 + complexity: 13 expressions: - - SE- - - not(R-) - - or(S+, N+) + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - or(K+, N+) + - or(K+, SE+) name: explored-6950 type: explored -- comm_cost: 0.6484375000000002 - complexity: 14 +- comm_cost: 0.3953125000000002 + complexity: 12 expressions: - - SE+ - - and(K-, or(S+, N+)) + - N+ + - R- + - S- + - and(K-, S+) - and(N-, R+) - - or(S+, or(N+, R-)) + - and(S-, SE-) name: explored-6951 type: explored -- comm_cost: 0.43978009259259276 - complexity: 15 +- comm_cost: 0.6539351851851851 + complexity: 10 expressions: - N+ - - N- - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - SE- + - and(K-, not(R+)) + - or(S+, R-) name: explored-6952 type: explored -- comm_cost: 0.45729166666666654 - complexity: 10 +- comm_cost: 0.46302083333333355 + complexity: 7 expressions: + - K+ - N+ - - S+ - - and(K-, or(S+, R-)) - - and(S-, SE-) + - R+ + - R- + - and(N-, R+) name: explored-6953 type: explored -- comm_cost: 0.4517361111111112 - complexity: 9 +- comm_cost: 0.632465277777778 + complexity: 6 expressions: - R+ - - and(S-, SE-) - - or(K+, or(N+, R-)) + - S+ + - and(S-, not(R-)) name: explored-6954 type: explored -- comm_cost: 0.2255208333333334 - complexity: 21 +- comm_cost: 0.6764930555555556 + complexity: 6 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) + - N- + - R+ + - and(K-, not(R+)) name: explored-6955 type: explored -- comm_cost: 0.6210069444444446 - complexity: 8 +- comm_cost: 0.5432291666666669 + complexity: 9 expressions: - - R+ + - N+ - S+ - - SE- - - and(K-, or(SE-, N+)) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-6956 type: explored -- comm_cost: 0.4486111111111114 - complexity: 9 +- comm_cost: 0.6031250000000001 + complexity: 6 expressions: + - N+ + - R+ - SE- - - and(N-, R+) - - or(K+, or(N+, R-)) + - or(S+, N+) name: explored-6957 type: explored -- comm_cost: 0.5025694444444446 - complexity: 11 +- comm_cost: 0.7331597222222221 + complexity: 12 expressions: - K+ + - K+ - N+ - - N- - R- - - SE- - - and(N-, R+) - - or(N+, R-) + - S+ + - or(and(K-, S+), or(N+, R-)) name: explored-6958 type: explored -- comm_cost: 0.5100260416666668 - complexity: 17 +- comm_cost: 0.35703125000000036 + complexity: 16 expressions: - K+ - - K+ - - R- - - S+ - - S- + - N+ + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-6959 type: explored -- comm_cost: 0.32777777777777795 +- comm_cost: 0.6111400462962964 complexity: 13 expressions: - - K+ - N+ - R- - - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, K-) name: explored-6960 type: explored -- comm_cost: 0.7019444444444445 - complexity: 5 +- comm_cost: 0.1312500000000003 + complexity: 14 expressions: - - K+ - - K- - N+ - - N- - - SE+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-6961 type: explored -- comm_cost: 0.5958333333333334 +- comm_cost: 0.3954861111111113 complexity: 19 expressions: - - and(K-, N-) + - N+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - and(S-, not(R+)) - - or(K+, K-) - - or(K+, N+) name: explored-6962 type: explored -- comm_cost: 0.6524652777777779 - complexity: 9 +- comm_cost: 0.6239583333333334 + complexity: 7 expressions: - - R+ - - R- + - N+ + - S+ - SE- - - or(K+, R-) - - or(K+, S-) + - and(S-, not(R+)) name: explored-6963 type: explored -- comm_cost: 0.7269047619047619 - complexity: 41 +- comm_cost: 0.3681134259259261 + complexity: 25 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - - or(K+, K-) - - or(N+, R-) - - or(S+, or(N+, R-)) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-6964 type: explored -- comm_cost: 0.8027777777777778 - complexity: 12 +- comm_cost: 0.1869791666666667 + complexity: 20 expressions: - - and(K-, or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-6965 type: explored -- comm_cost: 0.3270833333333336 - complexity: 9 +- comm_cost: 0.5908854166666668 + complexity: 8 expressions: - K+ - - N+ - - SE- - - and(K-, S+) + - and(K-, not(R-)) - and(N-, R+) name: explored-6966 type: explored -- comm_cost: 0.6081597222222224 - complexity: 15 +- comm_cost: 0.5151041666666669 + complexity: 14 expressions: - N+ - - R+ + - R- - SE- - - and(K-, or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-6967 type: explored -- comm_cost: 0.548726851851852 - complexity: 14 +- comm_cost: 0.6855902777777779 + complexity: 11 expressions: - - N+ - - R+ - - R- - - SE- - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-6968 type: explored -- comm_cost: 0.5422453703703706 - complexity: 12 +- comm_cost: 0.6636458333333335 + complexity: 6 expressions: - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - K- + - R+ + - SE- + - and(SE+, N-) name: explored-6969 type: explored -- comm_cost: 0.6372222222222224 - complexity: 11 +- comm_cost: 0.8 + complexity: 7 expressions: - - R+ - - SE- - - and(K-, or(S+, N+)) - or(N+, not(R+)) + - or(S+, SE+) name: explored-6970 type: explored -- comm_cost: 0.5616319444444445 - complexity: 14 +- comm_cost: 0.5701302083333335 + complexity: 15 expressions: - - R+ + - K+ + - N+ - R- - SE- - - and(K-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(S+, SE+) name: explored-6971 type: explored -- comm_cost: 0.6886342592592594 - complexity: 14 +- comm_cost: 0.44114583333333346 + complexity: 17 expressions: - - N- - - R+ - - and(N-, or(K+, SE+)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-6972 type: explored -- comm_cost: 0.4159722222222225 - complexity: 19 +- comm_cost: 0.2651041666666669 + complexity: 13 expressions: - - R- - - SE- + - K+ + - N+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-6973 type: explored -- comm_cost: 0.7155208333333335 - complexity: 4 +- comm_cost: 0.6958333333333333 + complexity: 6 expressions: - - K+ - - R+ - - not(R-) + - R- + - and(S-, or(SE-, N+)) name: explored-6974 type: explored -- comm_cost: 0.3425347222222226 - complexity: 11 +- comm_cost: 0.6281250000000002 + complexity: 10 expressions: - - R- - - S+ + - R+ + - R+ - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-6975 type: explored -- comm_cost: 0.6925636574074076 - complexity: 13 - expressions: - - R+ - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - or(K+, N+) - name: explored-6976 - type: explored -- comm_cost: 0.36979166666666685 - complexity: 18 +- comm_cost: 0.3633333333333336 + complexity: 16 expressions: - K+ - N+ + - R- - and(K-, S+) - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) + - or(N+, not(R+)) + name: explored-6976 + type: explored +- comm_cost: 0.5413194444444446 + complexity: 11 + expressions: + - R+ + - SE- - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-6977 type: explored -- comm_cost: 0.5741319444444446 - complexity: 12 +- comm_cost: 0.7196609623015874 + complexity: 43 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(and(K-, N-), or(S+, SE+)) + - S- + - SE+ + - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R+) + - or(S+, SE+) name: explored-6978 type: explored -- comm_cost: 0.1409722222222225 +- comm_cost: 0.4604166666666668 complexity: 11 expressions: - - N+ + - K+ - R- - - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - and(and(S-, N-), not(R-)) name: explored-6979 type: explored -- comm_cost: 0.560925925925926 - complexity: 14 +- comm_cost: 0.770920138888889 + complexity: 9 expressions: - - K+ - - N+ - - R- - - SE+ - - SE- - - and(K-, not(R+)) - - and(N-, R+) - - not(R-) + - R+ + - or(K+, SE+) + - or(K+, or(N+, R-)) name: explored-6980 type: explored -- comm_cost: 0.45546875 - complexity: 10 +- comm_cost: 0.601388888888889 + complexity: 12 expressions: - - K+ - R- - - and(K-, or(S+, SE+)) - - and(S-, SE-) - name: explored-6981 - type: explored -- comm_cost: 0.5843750000000001 - complexity: 14 - expressions: - - R+ - SE- - - and(SE-, or(K+, S-)) - and(and(K-, N-), or(S+, R+)) - name: explored-6982 + - or(S+, R+) + name: explored-6981 type: explored -- comm_cost: 0.28784722222222237 - complexity: 20 +- comm_cost: 2.220446049250313e-16 + complexity: 14 expressions: - K+ - - K+ - - K+ + - N+ - N+ - R- - - S+ + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, R+) + name: explored-6982 + type: explored +- comm_cost: 0.6479166666666667 + complexity: 6 + expressions: + - and(S-, SE-) + - or(K+, R-) name: explored-6983 type: explored -- comm_cost: 0.6225983796296297 - complexity: 11 +- comm_cost: 0.2854166666666669 + complexity: 12 expressions: - - R+ - - R- - - S+ - - and(N-, or(K+, S-)) - - or(K+, R+) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-6984 type: explored -- comm_cost: 0.44995659722222237 - complexity: 15 +- comm_cost: 0.5243055555555556 + complexity: 9 expressions: - K+ - N+ - R- - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - or(SE-, N+) + - and(K-, or(S+, R+)) name: explored-6985 type: explored -- comm_cost: 0.7325520833333334 - complexity: 8 +- comm_cost: 0.5623611111111113 + complexity: 16 expressions: - - S- + - K+ + - N+ - SE- - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) name: explored-6986 type: explored -- comm_cost: 0.5597222222222223 - complexity: 9 +- comm_cost: 0.3689814814814816 + complexity: 22 expressions: - K+ - - K+ - - R+ - R- - - SE- - - and(K-, not(R-)) + - and(K-, S+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, R+) name: explored-6987 type: explored -- comm_cost: 0.18385416666666698 +- comm_cost: 0.7640625 complexity: 15 expressions: - - K+ - - K+ - - N+ - - and(K-, S+) - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-6988 type: explored -- comm_cost: 0.24609375000000022 +- comm_cost: 0.75 complexity: 12 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - and(K-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) name: explored-6989 type: explored -- comm_cost: 0.6356250000000001 - complexity: 6 +- comm_cost: 0.2826388888888891 + complexity: 14 expressions: - - N- + - K+ + - N+ - R- - - S+ - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(S+, R-) name: explored-6990 type: explored -- comm_cost: 0.7303819444444444 - complexity: 12 +- comm_cost: 0.5424334490740742 + complexity: 16 expressions: + - K+ + - N+ - R- + - S- - SE- - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(S+, R-) name: explored-6991 type: explored -- comm_cost: 0.36968750000000017 - complexity: 23 +- comm_cost: 0.3270833333333333 + complexity: 10 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) + - R- + - and(K-, S+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, N+) name: explored-6992 type: explored -- comm_cost: 0.6515625 - complexity: 17 +- comm_cost: 0.596701388888889 + complexity: 13 expressions: - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, R+) + - N+ + - R- + - SE- + - and(N-, or(K+, S-)) + - and(N-, or(K+, S-)) name: explored-6993 type: explored -- comm_cost: 0.7798611111111113 - complexity: 8 +- comm_cost: 0.6496990740740742 + complexity: 10 expressions: - - and(N-, or(K+, R+)) - - or(K+, R+) + - K- + - R+ + - R- + - SE- + - and(and(K-, N-), not(R-)) name: explored-6994 type: explored -- comm_cost: 0.08541666666666692 - complexity: 16 +- comm_cost: 0.5682870370370372 + complexity: 11 expressions: - - K+ - - N+ - - N+ + - R+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - or(K+, or(N+, R-)) + - or(N+, R-) name: explored-6995 type: explored -- comm_cost: 0.44638310185185204 - complexity: 16 +- comm_cost: 0.3034722222222226 + complexity: 17 expressions: - - and(K-, or(S+, R+)) + - N+ + - R- - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-6996 type: explored -- comm_cost: 0.44635416666666683 - complexity: 10 +- comm_cost: 0.7039062500000002 + complexity: 6 expressions: - - K+ - N+ - R+ - - SE- - - and(K-, S+) - - and(N-, R+) + - and(K-, not(R-)) name: explored-6997 type: explored -- comm_cost: 0.44739583333333355 +- comm_cost: 0.3875000000000002 complexity: 10 expressions: - - K+ - - K+ - N+ - - S+ + - R- + - SE+ + - SE- - and(N-, R+) - - and(SE+, N-) - name: explored-6998 - type: explored -- comm_cost: 0.6614583333333333 - complexity: 7 - expressions: - - N+ - and(S-, SE-) - - or(K+, K-) - name: explored-6999 + name: explored-6998 type: explored -- comm_cost: 0.419820601851852 - complexity: 17 +- comm_cost: 0.2506944444444448 + complexity: 12 expressions: - K+ - N+ - R- + - R- + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(S-, not(R-)) - name: explored-7000 + - and(S-, not(R+)) + name: explored-6999 type: explored -- comm_cost: 0.6489583333333334 - complexity: 9 +- comm_cost: 0.6077835648148149 + complexity: 10 expressions: - R+ - R- + - R- - SE- - - and(K-, SE-) - - or(K+, K-) + - or(S+, R+) + - or(S+, R-) + name: explored-7000 + type: explored +- comm_cost: 0.20260416666666692 + complexity: 14 + expressions: + - N+ + - R- + - R- + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-7001 type: explored -- comm_cost: 0.7875000000000001 - complexity: 7 +- comm_cost: 0.25642361111111145 + complexity: 14 expressions: - - and(N-, or(S+, SE+)) - - not(R+) + - N+ + - R- + - S+ + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(S+, R-) name: explored-7002 type: explored -- comm_cost: 0.4461516203703707 - complexity: 12 +- comm_cost: 0.5707175925925927 + complexity: 16 expressions: + - R+ - R- - SE- - - and(N-, R+) - - not(R+) - - or(K+, or(N+, R-)) + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-7003 type: explored -- comm_cost: 0.4101851851851853 - complexity: 17 +- comm_cost: 0.6643923611111112 + complexity: 38 expressions: - - K+ - - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) + - or(K+, SE+) + - or(S+, R+) name: explored-7004 type: explored -- comm_cost: 0.2500000000000002 - complexity: 18 +- comm_cost: 0.3843171296296297 + complexity: 20 expressions: - - N+ + - K+ - R- - - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - and(and(K-, N-), or(S+, SE+)) name: explored-7005 type: explored -- comm_cost: 0.5664930555555556 - complexity: 14 +- comm_cost: 0.44939236111111125 + complexity: 28 expressions: + - K+ - N+ - R- - - SE- - - and(K-, or(S+, SE+)) + - and(K-, S+) - and(N-, R+) - - or(S+, R+) + - and(N-, or(K+, S-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-7006 type: explored -- comm_cost: 0.33888888888888924 - complexity: 14 +- comm_cost: 0.5930844907407409 + complexity: 19 expressions: - - K+ - N+ + - R+ - R- - SE- - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - or(N+, R-) name: explored-7007 type: explored -- comm_cost: 0.6489583333333335 - complexity: 8 +- comm_cost: 0.3694444444444447 + complexity: 22 expressions: - - R+ + - N+ - R- - S+ - - and(N-, or(K+, SE+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-7008 type: explored -- comm_cost: 0.6140625000000001 - complexity: 11 +- comm_cost: 0.4832899305555558 + complexity: 16 expressions: - - R+ + - K+ + - N+ + - N+ - R- - SE- - - and(S-, or(SE-, N+)) - - or(S+, SE+) + - and(N-, R+) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-7009 type: explored -- comm_cost: 0.6126736111111112 - complexity: 12 +- comm_cost: 0.7440972222222223 + complexity: 14 expressions: - - N+ - - R- - SE- - - and(or(K+, S-), not(R-)) - - or(S+, N+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) name: explored-7010 type: explored -- comm_cost: 0.21927083333333364 - complexity: 15 +- comm_cost: 0.38532986111111134 + complexity: 14 expressions: - K+ + - N+ + - R- + - SE- - and(K-, S+) - - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) + - and(N-, not(R-)) name: explored-7011 type: explored -- comm_cost: 0.3739583333333336 - complexity: 17 +- comm_cost: 0.5781250000000002 + complexity: 15 expressions: - - K+ - N+ - - R- - - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, R-) name: explored-7012 type: explored -- comm_cost: 0.5383449074074076 - complexity: 19 +- comm_cost: 0.6137152777777779 + complexity: 11 expressions: - N+ - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(SE-, N+) + - SE- + - and(N-, or(S+, SE+)) + - or(N+, R-) name: explored-7013 type: explored -- comm_cost: 0.5832175925925928 - complexity: 15 +- comm_cost: 0.5642708333333334 + complexity: 8 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, S-)) + - K+ + - K- + - R+ + - R- + - SE- - and(S-, SE-) - - or(K+, K-) name: explored-7014 type: explored -- comm_cost: 0.5657291666666668 - complexity: 11 +- comm_cost: 0.3577083333333335 + complexity: 24 expressions: + - K+ - N+ - - SE- + - R- + - S+ + - S+ - and(N-, R+) - - or(K+, S-) - - or(N+, R-) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-7015 type: explored -- comm_cost: 0.5466145833333336 - complexity: 17 +- comm_cost: 0.44791666666666685 + complexity: 10 expressions: - N+ - R- + - SE+ + - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-7016 type: explored -- comm_cost: 0.5266203703703706 - complexity: 18 +- comm_cost: 0.4326041666666669 + complexity: 16 expressions: - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, R+) + - or(N+, not(R+)) name: explored-7017 type: explored -- comm_cost: 0.2015625000000003 - complexity: 14 +- comm_cost: 0.3659722222222226 + complexity: 11 expressions: - - K+ + - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-7018 type: explored -- comm_cost: 0.44453125000000016 - complexity: 14 +- comm_cost: 0.6640625 + complexity: 26 expressions: - - N+ - - R- - - and(K-, SE-) - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - SE- + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - not(R-) + - or(S+, or(N+, R-)) name: explored-7019 type: explored -- comm_cost: 0.734375 - complexity: 8 +- comm_cost: 0.6319212962962963 + complexity: 16 expressions: - - and(K-, N-) - - and(SE-, or(K+, S-)) + - R+ + - R- + - SE- + - and(K-, or(S+, R+)) + - and(S-, or(SE-, N+)) + - or(K+, S-) name: explored-7020 type: explored -- comm_cost: 0.6855034722222223 - complexity: 13 +- comm_cost: 0.3398437500000001 + complexity: 25 expressions: - - R+ - - and(K-, N-) - - and(or(K+, S-), not(R-)) - - or(N+, R-) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, SE+) name: explored-7021 type: explored -- comm_cost: 0.4021701388888891 - complexity: 16 +- comm_cost: 0.644652777777778 + complexity: 7 expressions: - N+ - - R- - - S+ - - SE- + - R+ - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - not(R-) name: explored-7022 type: explored -- comm_cost: 0.532465277777778 - complexity: 19 +- comm_cost: 0.5220486111111112 + complexity: 17 expressions: + - N+ - R+ - - and(K-, not(R+)) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) + - R- + - SE- + - and(K-, or(S+, R-)) + - and(SE-, or(K+, S-)) + - or(SE-, N+) name: explored-7023 type: explored -- comm_cost: 0.644652777777778 - complexity: 7 +- comm_cost: 0.5378472222222224 + complexity: 8 expressions: + - K+ - N+ - R+ - - and(N-, R+) - - not(R-) + - R- + - SE- + - or(S+, R+) name: explored-7024 type: explored -- comm_cost: 0.5239583333333333 - complexity: 9 +- comm_cost: 0.515277777777778 + complexity: 15 expressions: - - R- + - K+ - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) + - or(K+, K-) name: explored-7025 type: explored -- comm_cost: 0.8200000000000001 - complexity: 6 +- comm_cost: 0.2826388888888891 + complexity: 13 expressions: - - and(K-, S+) - - or(S+, SE+) + - K+ + - N+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-7026 type: explored -- comm_cost: 0.42895833333333355 - complexity: 17 +- comm_cost: 0.48125000000000007 + complexity: 11 expressions: - - K+ - N+ - - N- + - R+ + - R+ - R- - - SE+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - R- + - SE- + - and(S-, or(SE-, N+)) name: explored-7027 type: explored -- comm_cost: 0.5013888888888889 - complexity: 16 +- comm_cost: 0.4853298611111113 + complexity: 17 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, not(R+)) + - SE- + - and(K-, N-) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-7028 type: explored -- comm_cost: 0.726701388888889 - complexity: 8 +- comm_cost: 0.3324652777777778 + complexity: 12 expressions: - - N- - - and(N-, R+) - - and(N-, not(R-)) + - K+ + - K+ + - R+ + - R- + - and(K-, or(S+, R+)) + - and(S-, SE-) name: explored-7029 type: explored -- comm_cost: 0.6524305555555558 - complexity: 7 +- comm_cost: 0.6617187500000001 + complexity: 9 expressions: - R+ - - and(N-, R+) - - and(N-, R+) + - and(K-, or(SE-, N+)) + - or(SE-, N+) name: explored-7030 type: explored -- comm_cost: 0.6520833333333335 - complexity: 13 +- comm_cost: 0.5782291666666668 + complexity: 15 expressions: - - N- - - SE+ + - N+ + - R- - SE- + - and(K-, not(R-)) - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - not(R-) + - or(K+, R-) name: explored-7031 type: explored -- comm_cost: 0.43851273148148173 - complexity: 18 +- comm_cost: 0.49236111111111125 + complexity: 8 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - and(N-, R+) + - SE- + - SE- + - or(K+, N+) name: explored-7032 type: explored -- comm_cost: 0.5025486111111113 - complexity: 14 +- comm_cost: 0.4789930555555557 + complexity: 18 expressions: - K+ - - K+ - N+ - - N- - R- - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, K-) name: explored-7033 type: explored -- comm_cost: 0.16319444444444464 - complexity: 20 +- comm_cost: 0.6970052083333335 + complexity: 19 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(S-, SE-) + - and(N-, or(K+, S-)) + - and(SE+, N-) + - or(S+, R-) + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-7034 type: explored -- comm_cost: 0.3375 - complexity: 13 +- comm_cost: 0.4800520833333335 + complexity: 10 expressions: - K+ + - K+ - N+ - R- - S+ - - and(S-, SE-) - - and(SE+, N-) - - or(K+, R+) + - and(N-, R+) + - not(R-) name: explored-7035 type: explored -- comm_cost: 0.72503125 - complexity: 22 +- comm_cost: 0.6840277777777779 + complexity: 14 expressions: - - K+ - - K- + - R- - SE- - - and(N-, not(R-)) - - or(K+, or(N+, R-)) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-7036 type: explored -- comm_cost: 0.2866898148148149 - complexity: 13 +- comm_cost: 0.4116319444444446 + complexity: 20 expressions: + - K+ - N+ - R- - S+ - - SE+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - and(S-, not(R-)) name: explored-7037 type: explored -- comm_cost: 0.37902199074074083 - complexity: 27 +- comm_cost: 0.6302083333333335 + complexity: 6 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - R+ + - and(S-, or(SE-, N+)) name: explored-7038 type: explored -- comm_cost: 0.2864583333333337 - complexity: 9 +- comm_cost: 0.3979166666666668 + complexity: 12 expressions: - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - N+ + - R- + - SE- + - and(K-, S+) + - and(and(S-, N-), not(R-)) name: explored-7039 type: explored -- comm_cost: 0.6020833333333334 - complexity: 5 +- comm_cost: 0.42552083333333324 + complexity: 12 expressions: - K+ - - R+ + - N+ - R- - - S- - - SE- + - S+ + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-7040 type: explored -- comm_cost: 0.691695601851852 - complexity: 16 +- comm_cost: 0.5996527777777779 + complexity: 11 expressions: - R+ - - and(N-, or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - SE- + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) name: explored-7041 type: explored -- comm_cost: 0.6330208333333335 - complexity: 13 +- comm_cost: 0.5578993055555558 + complexity: 15 expressions: - N+ + - R+ - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - or(K+, S-) + - SE- + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) name: explored-7042 type: explored -- comm_cost: 0.3923611111111114 - complexity: 12 +- comm_cost: 0.5287615740740743 + complexity: 17 expressions: - N+ - - R- - - SE- - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) name: explored-7043 type: explored -- comm_cost: 0.4280381944444446 - complexity: 17 +- comm_cost: 0.601545138888889 + complexity: 16 expressions: - N+ + - R+ - R- - - S+ - - and(K-, not(R+)) - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, or(N+, not(R+))) + - or(K+, R+) + - or(S+, N+) name: explored-7044 type: explored -- comm_cost: 0.6370659722222224 - complexity: 6 +- comm_cost: 0.225572916666667 + complexity: 20 expressions: - K+ - - R+ - - SE- + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, R-) - or(SE-, N+) name: explored-7045 type: explored -- comm_cost: 0.18020833333333353 - complexity: 25 +- comm_cost: 0.2786458333333335 + complexity: 16 expressions: - K+ + - K+ - N+ + - R+ - R- - - S+ - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, or(SE-, N+)) name: explored-7046 type: explored -- comm_cost: 0.426041666666667 - complexity: 22 +- comm_cost: 0.4296875 + complexity: 9 expressions: - N+ - R- - - SE- - - and(N-, R+) - - not(R+) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - S+ + - and(S-, SE-) + - or(K+, SE+) name: explored-7047 type: explored -- comm_cost: 0.08125000000000027 - complexity: 12 +- comm_cost: 0.35807291666666685 + complexity: 17 expressions: - - N+ + - K+ - R- - - S+ - - and(N-, R+) + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-7048 type: explored -- comm_cost: 0.33025173611111147 - complexity: 19 +- comm_cost: 0.37230902777777797 + complexity: 24 expressions: - - K+ - N+ - R- - - S+ + - and(K-, not(R+)) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-7049 type: explored -- comm_cost: 0.7367621527777779 - complexity: 25 +- comm_cost: 0.5152083333333335 + complexity: 11 expressions: - - S- - - and(K-, or(S+, R+)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - or(K+, K-) - - or(K+, R+) - - or(SE-, N+) + - N+ + - R+ + - R- + - SE- + - and(S-, SE-) + - or(N+, not(R+)) name: explored-7050 type: explored -- comm_cost: 0.7447916666666667 - complexity: 5 +- comm_cost: 0.5604166666666668 + complexity: 9 expressions: - - N- + - N+ - R+ - - or(S+, SE+) + - SE- + - and(and(S-, N-), not(R-)) name: explored-7051 type: explored -- comm_cost: 0.5919675925925927 +- comm_cost: 0.6184895833333333 complexity: 16 expressions: + - K+ - N+ - R- - - and(N-, R+) - - and(S-, N-) - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) - not(R-) - - or(K+, S-) name: explored-7052 type: explored -- comm_cost: 0.16840277777777812 - complexity: 15 +- comm_cost: 0.5447916666666668 + complexity: 13 expressions: - N+ - - R- - - S+ - - S+ - - and(N-, R+) + - R+ + - SE- - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-7053 type: explored -- comm_cost: 0.6175 - complexity: 8 +- comm_cost: 0.7076388888888889 + complexity: 14 expressions: - - K- - - R+ - - and(S-, SE-) - - or(N+, R-) + - and(and(S-, N-), not(R-)) + - or(K+, K-) + - or(K+, or(N+, R-)) name: explored-7054 type: explored -- comm_cost: 0.4612962962962964 - complexity: 15 +- comm_cost: 0.2905960648148149 + complexity: 18 expressions: + - K+ - N+ - - N- + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) + - or(S+, R-) name: explored-7055 type: explored -- comm_cost: 0.49565972222222254 - complexity: 10 +- comm_cost: 0.3479166666666669 + complexity: 20 expressions: - - K+ - N+ - - R+ - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-7056 type: explored -- comm_cost: 0.4634288194444447 - complexity: 18 +- comm_cost: 0.4031250000000003 + complexity: 7 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - SE- + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) - - or(SE-, N+) name: explored-7057 type: explored -- comm_cost: 0.5024594907407409 - complexity: 14 +- comm_cost: 0.4524305555555558 + complexity: 17 expressions: - N+ - R- + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) + - and(N-, or(K+, S-)) + - and(and(S-, N-), not(R-)) name: explored-7058 type: explored -- comm_cost: 0.29270833333333357 - complexity: 16 +- comm_cost: 0.6577256944444446 + complexity: 11 expressions: - - K+ + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - or(K+, R+) + name: explored-7059 + type: explored +- comm_cost: 0.5523611111111113 + complexity: 13 + expressions: + - N+ + - N- - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-7059 + - or(K+, K-) + name: explored-7060 type: explored -- comm_cost: 0.6814930555555556 - complexity: 10 +- comm_cost: 0.7121875000000001 + complexity: 3 expressions: + - K- + - N+ - R+ - - and(or(K+, S-), not(R+)) - - or(S+, SE+) - name: explored-7060 - type: explored -- comm_cost: 0.3562500000000002 - complexity: 12 - expressions: - - K+ - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) name: explored-7061 type: explored -- comm_cost: 0.6666666666666667 - complexity: 9 +- comm_cost: 0.710505787037037 + complexity: 32 expressions: - - SE- - - and(K-, not(R+)) - - and(S-, not(R-)) + - K- + - R- + - SE+ + - and(K-, S+) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-7062 type: explored -- comm_cost: 0.5299479166666669 - complexity: 15 +- comm_cost: 0.3958333333333335 + complexity: 16 expressions: + - K+ + - N+ + - R+ - R- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(K-, S+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-7063 type: explored -- comm_cost: 0.409027777777778 - complexity: 16 +- comm_cost: 0.18750000000000022 + complexity: 14 expressions: - K+ - N+ - - R- - - SE- + - S+ - and(N-, R+) - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-7064 type: explored -- comm_cost: 0.627951388888889 - complexity: 9 +- comm_cost: 0.4702256944444446 + complexity: 15 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(S-, N-) + - K- + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-7065 type: explored -- comm_cost: 0.5189814814814815 - complexity: 13 +- comm_cost: 0.587152777777778 + complexity: 8 expressions: - - K+ - - R- - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(K+, R-) + - R+ + - SE- + - and(or(K+, S-), not(R+)) name: explored-7066 type: explored -- comm_cost: 0.765625 - complexity: 7 +- comm_cost: 0.2888888888888892 + complexity: 11 expressions: + - K+ - N+ - - or(K+, R-) - - or(S+, SE+) + - R- + - SE- + - and(K-, not(R+)) + - and(N-, R+) name: explored-7067 type: explored -- comm_cost: 0.5338541666666669 - complexity: 12 +- comm_cost: 0.4979166666666668 + complexity: 9 expressions: - - and(N-, R+) - - and(N-, or(K+, R+)) + - R+ + - SE- + - and(S-, SE-) - and(S-, not(R+)) name: explored-7068 type: explored -- comm_cost: 0.6005208333333334 - complexity: 8 +- comm_cost: 0.6177083333333335 + complexity: 12 expressions: - R+ - - R- - - and(S-, SE-) - - or(K+, S-) + - SE- + - or(K+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-7069 type: explored -- comm_cost: 0.24467592592592624 - complexity: 13 +- comm_cost: 0.3852430555555557 + complexity: 12 expressions: - - N+ - - R- - - R- - - and(K-, not(R+)) - - and(N-, R+) + - K+ + - R+ - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7070 type: explored -- comm_cost: 0.5690972222222224 +- comm_cost: 0.6000000000000002 complexity: 13 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, R-)) - - and(N-, or(S+, R+)) + - N+ + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(S+, N+) name: explored-7071 type: explored -- comm_cost: 0.6552083333333334 - complexity: 6 +- comm_cost: 0.7038622685185186 + complexity: 37 expressions: - - N+ - - R- - - S- - - SE- - - not(R+) + - K- + - SE+ + - and(K-, or(S+, R+)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) name: explored-7072 type: explored -- comm_cost: 0.18437500000000018 - complexity: 14 +- comm_cost: 0.7328819444444445 + complexity: 4 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - R+ + - S- + - not(R-) name: explored-7073 type: explored -- comm_cost: 0.5190972222222223 - complexity: 14 +- comm_cost: 0.7508680555555556 + complexity: 9 expressions: - - R- - - and(K-, not(R+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(S-, not(R+)) + - or(K+, or(N+, R-)) name: explored-7074 type: explored -- comm_cost: 0.535763888888889 +- comm_cost: 0.368420138888889 complexity: 18 expressions: - - R+ + - K+ + - K+ + - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(SE+, N-) + - or(N+, not(R+)) name: explored-7075 type: explored -- comm_cost: 0.47482638888888906 - complexity: 14 +- comm_cost: 0.5822916666666669 + complexity: 4 expressions: - N+ - - R- + - R+ + - SE- - SE- - - and(K-, SE-) - - and(K-, or(S+, SE+)) - - and(N-, R+) name: explored-7076 type: explored -- comm_cost: 0.44635416666666683 - complexity: 13 +- comm_cost: 0.590277777777778 + complexity: 8 expressions: - - K+ - - N+ - - S+ - - and(K-, not(R-)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(S-, not(R-)) name: explored-7077 type: explored -- comm_cost: 0.2651041666666668 - complexity: 11 +- comm_cost: 0.22968750000000016 + complexity: 16 expressions: - - K+ - N+ - R- - - and(N-, or(K+, R+)) + - S+ + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7078 type: explored -- comm_cost: 0.8083333333333333 - complexity: 8 +- comm_cost: 0.7161458333333335 + complexity: 9 expressions: - - SE- - - and(or(K+, S-), or(SE-, N+)) + - K- + - R+ + - and(and(K-, N-), or(S+, R+)) name: explored-7079 type: explored -- comm_cost: 0.618576388888889 - complexity: 8 +- comm_cost: 0.6284722222222222 + complexity: 11 expressions: - - N+ + - K+ - R- - - S+ - - and(K-, or(S+, R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-7080 type: explored -- comm_cost: 0.19849537037037068 - complexity: 16 +- comm_cost: 0.4819444444444446 + complexity: 15 expressions: - - N+ - R- - - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(S-, not(R+)) - - or(S+, R-) name: explored-7081 type: explored -- comm_cost: 0.4285416666666668 - complexity: 15 +- comm_cost: 0.29791666666666705 + complexity: 10 expressions: - K+ - - K- - N+ - - S+ - - and(K-, or(S+, R-)) + - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - or(S+, R-) name: explored-7082 type: explored -- comm_cost: 0.37000000000000033 - complexity: 15 +- comm_cost: 0.33402777777777815 + complexity: 14 expressions: - - K+ - N+ - R- + - S+ + - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) - or(N+, not(R+)) name: explored-7083 type: explored -- comm_cost: 0.5234375000000002 - complexity: 11 +- comm_cost: 0.42499999999999993 + complexity: 9 expressions: + - K+ + - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(K-, S+) + - and(S-, SE-) name: explored-7084 type: explored -- comm_cost: 0.5669270833333335 - complexity: 15 +- comm_cost: 0.6334201388888889 + complexity: 10 expressions: - - N+ - - R- - - and(K-, N-) - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - S- + - and(K-, or(S+, R-)) + - or(K+, R-) name: explored-7085 type: explored -- comm_cost: 0.37187500000000007 - complexity: 17 +- comm_cost: 0.33020833333333355 + complexity: 18 expressions: - - K+ - N+ - R- - S+ + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) + - and(SE-, or(K+, S-)) name: explored-7086 type: explored -- comm_cost: 0.8169270833333333 - complexity: 3 +- comm_cost: 0.2967013888888891 + complexity: 17 expressions: - - N- - - not(R+) + - N+ + - R- + - and(K-, not(R+)) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-7087 type: explored -- comm_cost: 0.6185416666666668 - complexity: 7 +- comm_cost: 0.33715277777777797 + complexity: 18 expressions: - N+ - - R+ - - SE- - - or(N+, not(R+)) + - R- + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-7088 type: explored -- comm_cost: 0.2807291666666669 - complexity: 21 +- comm_cost: 0.38978587962962985 + complexity: 25 expressions: + - K+ - N+ - R- - - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - or(K+, R+) name: explored-7089 type: explored -- comm_cost: 0.4111111111111114 - complexity: 13 +- comm_cost: 0.6135156250000001 + complexity: 19 expressions: - - and(K-, S+) - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) + - N+ + - R+ + - R- + - SE- + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) name: explored-7090 type: explored -- comm_cost: 0.10416666666666696 - complexity: 15 +- comm_cost: 0.315277777777778 + complexity: 12 expressions: - - K+ - N+ - - R- - - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, N+) name: explored-7091 type: explored -- comm_cost: 0.6501041666666667 - complexity: 4 +- comm_cost: 0.4046875000000001 + complexity: 20 expressions: - - R+ + - K+ + - N+ - R- - - not(R-) + - and(K-, N-) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-7092 type: explored -- comm_cost: 0.5523437500000001 - complexity: 18 +- comm_cost: 0.45052083333333337 + complexity: 15 expressions: + - N+ - R- - - S- - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - S+ + - and(K-, not(R-)) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-7093 type: explored -- comm_cost: 0.4083333333333333 +- comm_cost: 0.42057291666666685 complexity: 11 expressions: + - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(K-, S+) - - and(S-, SE-) + - S+ + - and(K-, N-) + - and(N-, R+) name: explored-7094 type: explored -- comm_cost: 0.5593750000000001 - complexity: 7 +- comm_cost: 0.7479166666666667 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(K-, not(R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-7095 type: explored -- comm_cost: 0.6419270833333335 - complexity: 15 +- comm_cost: 0.23125000000000018 + complexity: 13 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(K-, N-) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-7096 type: explored -- comm_cost: 0.3909722222222225 - complexity: 11 +- comm_cost: 0.432638888888889 + complexity: 14 expressions: - - K+ - N+ - - R- - - SE- + - SE+ - and(N-, R+) - - or(N+, not(R+)) + - and(S-, SE-) + - and(S-, SE-) + - or(SE-, N+) name: explored-7097 type: explored -- comm_cost: 0.20833333333333348 - complexity: 21 +- comm_cost: 0.6005208333333335 + complexity: 14 expressions: - K+ - N+ - R- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) + - or(K+, S-) name: explored-7098 type: explored -- comm_cost: 0.6341666666666668 - complexity: 12 +- comm_cost: 0.7465277777777779 + complexity: 9 expressions: - - N+ - R+ - - R- - - SE- - - and(N-, or(S+, SE+)) - - or(S+, SE+) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-7099 type: explored -- comm_cost: 0.7092708333333334 +- comm_cost: 0.7166666666666668 complexity: 6 expressions: - - N+ - - R+ - - R- - - or(S+, SE+) + - and(S-, N-) + - or(S+, R-) name: explored-7100 type: explored -- comm_cost: 0.7575520833333335 - complexity: 8 +- comm_cost: 0.47239583333333346 + complexity: 16 expressions: - - SE- - - and(K-, N-) - - and(K-, not(R+)) + - R+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-7101 type: explored -- comm_cost: 0.5369791666666668 - complexity: 10 +- comm_cost: 0.6479166666666667 + complexity: 8 expressions: - - R+ - - R- - - and(K-, SE-) - - or(S+, or(N+, R-)) + - and(K-, or(S+, R-)) + - and(S-, SE-) name: explored-7102 type: explored -- comm_cost: 0.526041666666667 - complexity: 11 +- comm_cost: 0.08541666666666692 + complexity: 14 expressions: + - K+ + - K+ - N+ - - SE- - - and(N-, R+) + - R- + - S+ - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-7103 type: explored -- comm_cost: 0.7343171296296297 - complexity: 13 +- comm_cost: 0.5430671296296297 + complexity: 17 expressions: + - K+ - R+ - - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, SE+)) + - R- + - and(K-, or(S+, R+)) + - and(S-, SE-) + - and(S-, not(R+)) + - not(R-) name: explored-7104 type: explored -- comm_cost: 0.5414062500000003 - complexity: 13 +- comm_cost: 0.43084490740740755 + complexity: 18 expressions: - - and(K-, or(S+, N+)) + - N+ + - R- - and(N-, R+) - - or(S+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) name: explored-7105 type: explored -- comm_cost: 0.41857638888888915 - complexity: 26 +- comm_cost: 0.294791666666667 + complexity: 22 expressions: - N+ + - R- - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R+)) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-7106 type: explored -- comm_cost: 0.16302083333333361 - complexity: 16 +- comm_cost: 0.6456597222222222 + complexity: 6 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - not(R+) name: explored-7107 type: explored -- comm_cost: 0.31171875000000027 +- comm_cost: 0.2975694444444448 complexity: 17 expressions: - - K+ - N+ - - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - and(S-, or(N+, not(R+))) + - or(S+, R-) name: explored-7108 type: explored -- comm_cost: 0.5815972222222224 - complexity: 8 +- comm_cost: 0.6529600694444445 + complexity: 31 expressions: - - R+ - - R- - - and(or(K+, S-), not(R+)) + - N+ + - and(K-, or(S+, SE+)) + - and(N-, or(K+, SE+)) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) name: explored-7109 type: explored -- comm_cost: 0.5936631944444445 +- comm_cost: 0.44843750000000004 complexity: 18 expressions: - K+ - - K+ - N+ - R- - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, SE+) name: explored-7110 type: explored -- comm_cost: 0.449479166666667 +- comm_cost: 0.24704861111111132 complexity: 12 expressions: - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) + - N+ + - R- + - S+ - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-7111 type: explored -- comm_cost: 0.6516666666666667 - complexity: 11 +- comm_cost: 0.5443576388888891 + complexity: 16 expressions: - N+ - - R- - SE- - - and(S-, or(SE-, N+)) - - or(K+, S-) + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, not(R-)) name: explored-7112 type: explored -- comm_cost: 0.4655555555555557 - complexity: 19 +- comm_cost: 0.5135127314814816 + complexity: 22 expressions: - N+ - R- - - S+ + - and(K-, N-) + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) + - and(N-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-7113 type: explored -- comm_cost: 0.14427083333333357 - complexity: 15 +- comm_cost: 0.5116666666666668 + complexity: 11 expressions: - K+ - - K+ - N+ - - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - or(K+, S-) name: explored-7114 type: explored -- comm_cost: 0.5234490740740743 - complexity: 13 +- comm_cost: 0.5006944444444447 + complexity: 11 expressions: - - R+ - - R- - - S+ - - and(N-, or(S+, R+)) - - and(S-, SE-) - - not(R-) + - K+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, not(R-)) name: explored-7115 type: explored -- comm_cost: 0.5900000000000001 - complexity: 6 +- comm_cost: 0.4488541666666668 + complexity: 10 expressions: + - K+ + - N+ + - R- + - S+ - and(S-, SE-) - or(S+, SE+) name: explored-7116 type: explored -- comm_cost: 0.6163194444444446 - complexity: 8 +- comm_cost: 0.5951388888888889 + complexity: 11 expressions: - - N+ - - R+ - - SE- - - and(N-, R+) - - not(R-) + - R- + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-7117 type: explored -- comm_cost: 0.22361111111111143 - complexity: 17 +- comm_cost: 0.5727430555555557 + complexity: 14 expressions: - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-7118 type: explored -- comm_cost: 0.2703125000000002 - complexity: 19 +- comm_cost: 0.393576388888889 + complexity: 12 expressions: - - K+ - N+ - R- - S+ - - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(N+, R-) + - and(and(K-, N-), not(R-)) name: explored-7119 type: explored -- comm_cost: 0.6198784722222224 - complexity: 15 +- comm_cost: 0.43333333333333357 + complexity: 8 expressions: - - R+ - R- - SE- - - and(K-, or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(N-, R+) name: explored-7120 type: explored -- comm_cost: 0.540277777777778 - complexity: 12 +- comm_cost: 0.4903472222222224 + complexity: 19 expressions: - K+ - N+ - - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, N-) - - or(S+, SE+) + - and(S-, SE-) + - or(K+, S-) name: explored-7121 type: explored -- comm_cost: 0.4666666666666668 - complexity: 14 +- comm_cost: 0.4394097222222224 + complexity: 16 expressions: - N+ - - R+ - R- - - and(K-, or(S+, N+)) - - and(and(S-, N-), not(R-)) + - S+ + - SE+ + - SE+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-7122 type: explored -- comm_cost: 0.513888888888889 - complexity: 15 +- comm_cost: 0.5750000000000002 + complexity: 6 expressions: - N+ - - and(N-, not(R-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R- + - S- + - and(N-, R+) name: explored-7123 type: explored -- comm_cost: 0.6291666666666668 - complexity: 19 +- comm_cost: 0.24675925925925934 + complexity: 21 expressions: - - and(K-, or(S+, N+)) + - K+ + - N+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - and(N-, or(K+, SE+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-7124 type: explored -- comm_cost: 0.3465856481481484 - complexity: 17 +- comm_cost: 0.45416666666666683 + complexity: 13 expressions: - K+ - - N+ + - R+ - R- - - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(K+, or(N+, R-)) + - and(K-, or(SE-, N+)) + - and(S-, or(SE-, N+)) name: explored-7125 type: explored -- comm_cost: 0.6643229166666667 - complexity: 9 +- comm_cost: 0.5197916666666668 + complexity: 11 expressions: - - K+ - N+ - - S+ - - and(S-, SE-) - - or(SE-, N+) + - R+ + - SE- + - and(K-, or(S+, R-)) + - or(K+, R-) name: explored-7126 type: explored -- comm_cost: 0.6961226851851853 - complexity: 8 +- comm_cost: 0.6668981481481481 + complexity: 16 expressions: - - R+ - - and(K-, not(R-)) - - and(S-, N-) + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-7127 type: explored -- comm_cost: 0.33750000000000013 - complexity: 11 +- comm_cost: 0.3750000000000002 + complexity: 8 expressions: + - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - or(SE-, N+) name: explored-7128 type: explored -- comm_cost: 0.30781250000000016 - complexity: 18 +- comm_cost: 0.5489583333333334 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - SE- + - and(S-, or(SE-, N+)) + - and(SE+, N-) name: explored-7129 type: explored -- comm_cost: 0.3450520833333335 - complexity: 16 +- comm_cost: 0.38385416666666683 + complexity: 19 expressions: - K+ - - K+ - N+ - R- - - S+ - - S+ - - and(K-, not(R-)) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-7130 type: explored -- comm_cost: 0.7341145833333335 - complexity: 9 +- comm_cost: 0.7119791666666668 + complexity: 3 expressions: - - and(K-, N-) - - and(and(S-, N-), not(R-)) + - S+ + - S- + - SE- name: explored-7131 type: explored -- comm_cost: 0.7237847222222223 - complexity: 11 +- comm_cost: 0.8356770833333333 + complexity: 8 expressions: - - R+ - - or(K+, K-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(SE-, N+)) + - or(SE-, N+) name: explored-7132 type: explored -- comm_cost: 0.6447916666666668 - complexity: 12 +- comm_cost: 0.6106770833333335 + complexity: 14 expressions: + - N+ - R- - - and(K-, N-) - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(K+, S-) name: explored-7133 type: explored -- comm_cost: 0.6539930555555558 +- comm_cost: 0.5231770833333333 complexity: 11 expressions: - - R+ - - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(S-, SE-) + - not(R+) name: explored-7134 type: explored -- comm_cost: 0.7084062500000001 - complexity: 23 +- comm_cost: 0.456666666666667 + complexity: 22 expressions: - - SE- - - and(K-, SE-) - - and(K-, not(R-)) + - K+ - and(K-, or(S+, N+)) - - and(SE+, N-) - - or(K+, K-) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) - or(N+, not(R+)) name: explored-7135 type: explored -- comm_cost: 0.5881944444444447 - complexity: 15 +- comm_cost: 0.6390625000000001 + complexity: 14 expressions: + - R+ - SE- - - and(K-, not(R-)) - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) name: explored-7136 type: explored -- comm_cost: 0.502951388888889 - complexity: 16 +- comm_cost: 0.361666666666667 + complexity: 14 expressions: - - K+ - - N+ - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - or(N+, not(R+)) name: explored-7137 type: explored -- comm_cost: 0.22682291666666687 - complexity: 20 +- comm_cost: 0.43090277777777797 + complexity: 19 expressions: - K+ - - K+ - N+ - - S+ - - and(K-, or(S+, R-)) + - R- + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7138 type: explored -- comm_cost: 0.8333333333333334 - complexity: 6 +- comm_cost: 0.49375000000000036 + complexity: 5 expressions: - - or(K+, K-) - - or(K+, K-) + - K+ + - R- + - and(N-, R+) name: explored-7139 type: explored -- comm_cost: 0.3098958333333335 - complexity: 17 +- comm_cost: 0.6941840277777778 + complexity: 11 expressions: - N+ - R- - - and(K-, or(S+, R-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(K-, or(SE-, N+)) + - or(SE-, N+) name: explored-7140 type: explored -- comm_cost: 0.2909722222222224 +- comm_cost: 0.6822337962962963 complexity: 10 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - N- + - R+ + - and(N-, or(S+, R+)) + - or(N+, R-) name: explored-7141 type: explored -- comm_cost: 0.43865740740740766 - complexity: 20 +- comm_cost: 0.5583333333333333 + complexity: 6 expressions: - - N+ + - K+ - R- - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - R- + - and(S-, SE-) name: explored-7142 type: explored -- comm_cost: 0.4441666666666668 - complexity: 12 +- comm_cost: 0.590451388888889 + complexity: 4 expressions: - - N+ - - N- - - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - K+ + - R+ + - S+ + - SE- name: explored-7143 type: explored -- comm_cost: 0.5165798611111112 - complexity: 13 +- comm_cost: 0.4496961805555557 + complexity: 19 expressions: + - K+ - N+ - R- - - and(K-, N-) - - and(K-, or(S+, R-)) + - S- + - and(N-, R+) - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(S+, R-) name: explored-7144 type: explored -- comm_cost: 0.5305844907407409 - complexity: 14 +- comm_cost: 0.7102430555555557 + complexity: 9 expressions: - - N+ - - R- - - S+ - - and(K-, N-) - - and(K-, or(S+, R+)) - - and(N-, R+) + - R+ + - not(R+) + - or(S+, R+) + - or(S+, R+) name: explored-7145 type: explored -- comm_cost: 0.46105324074074094 - complexity: 17 +- comm_cost: 0.4711805555555557 + complexity: 14 expressions: + - K+ - N+ + - R- + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(N-, not(R-)) + - or(SE-, N+) name: explored-7146 type: explored -- comm_cost: 0.6663020833333335 - complexity: 13 +- comm_cost: 0.6583333333333333 + complexity: 7 expressions: - - R+ - - and(N-, or(K+, R+)) - - or(N+, not(R+)) - - or(SE-, N+) + - N+ + - R- + - and(S-, or(SE-, N+)) name: explored-7147 type: explored -- comm_cost: 0.4158101851851853 - complexity: 15 +- comm_cost: 0.35668402777777797 + complexity: 19 expressions: - K+ - N+ - - N- - - R- - R- - - SE+ - - and(K-, S+) + - and(K-, N-) - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7148 type: explored -- comm_cost: 0.37421875000000016 - complexity: 17 +- comm_cost: 0.7056944444444445 + complexity: 12 expressions: - N+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(S+, SE+) name: explored-7149 type: explored -- comm_cost: 0.6361979166666669 - complexity: 9 +- comm_cost: 0.7604166666666666 + complexity: 6 expressions: - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) + - N+ + - and(K-, or(S+, R-)) name: explored-7150 type: explored -- comm_cost: 0.30229166666666707 - complexity: 19 +- comm_cost: 0.5704861111111112 + complexity: 9 expressions: - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(N+, not(R+)) + - R+ + - SE- + - and(S-, or(N+, not(R+))) name: explored-7151 type: explored -- comm_cost: 0.6130208333333335 - complexity: 6 +- comm_cost: 0.7061168154761905 + complexity: 42 expressions: - - N+ - - R+ - - SE- - - and(K-, N-) + - K- + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(N-, or(S+, SE+)) + - and(S-, N-) + - and(S-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, R-) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-7152 type: explored -- comm_cost: 0.6923611111111111 - complexity: 10 +- comm_cost: 0.2513888888888891 + complexity: 17 expressions: - - K+ + - N+ - R- - - SE- - - and(or(K+, S-), or(SE-, N+)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-7153 type: explored -- comm_cost: 0.6291666666666668 - complexity: 4 +- comm_cost: 0.6282986111111112 + complexity: 8 expressions: + - N+ + - N- - R+ - R- - - S- - SE- + - or(SE-, N+) name: explored-7154 type: explored -- comm_cost: 0.418229166666667 +- comm_cost: 0.21736111111111123 complexity: 13 expressions: - - K+ - N+ - - and(K-, S+) - - and(K-, or(S+, N+)) + - R- - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-7155 type: explored -- comm_cost: 0.71796875 - complexity: 6 - expressions: - - SE- - - and(K-, or(S+, SE+)) - name: explored-7156 - type: explored -- comm_cost: 0.3948784722222225 - complexity: 12 +- comm_cost: 0.3953125000000002 + complexity: 15 expressions: - K+ - - N+ - - R+ - R- - - S+ - - S- + - and(K-, SE-) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - name: explored-7157 + name: explored-7156 type: explored -- comm_cost: 0.6617187500000001 - complexity: 6 +- comm_cost: 0.56171875 + complexity: 10 expressions: + - N+ + - R+ - R- - - S- - SE- - - and(K-, S+) - name: explored-7158 + - and(K-, SE-) + - or(K+, SE+) + name: explored-7157 type: explored -- comm_cost: 0.27708333333333357 - complexity: 14 +- comm_cost: 0.44635416666666683 + complexity: 12 expressions: - - K+ - N+ - R- + - SE+ + - SE- - and(N-, R+) - and(SE-, or(K+, S-)) - - or(K+, N+) - name: explored-7159 + name: explored-7158 type: explored -- comm_cost: 0.42152777777777817 - complexity: 12 +- comm_cost: 0.7222881944444445 + complexity: 25 expressions: - - K+ - SE- - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, SE-) + - and(N-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) + - or(K+, or(N+, R-)) + - or(SE-, N+) + name: explored-7159 + type: explored +- comm_cost: 0.7039062500000001 + complexity: 8 + expressions: + - N+ + - R+ + - and(or(K+, S-), not(R-)) name: explored-7160 type: explored -- comm_cost: 0.18402777777777812 - complexity: 17 +- comm_cost: 0.36059027777777797 + complexity: 19 expressions: - K+ + - K+ - N+ - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, R-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) name: explored-7161 type: explored -- comm_cost: 0.547482638888889 - complexity: 17 +- comm_cost: 0.7125000000000001 + complexity: 6 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(N-, not(R-)) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) + - or(K+, SE+) name: explored-7162 type: explored -- comm_cost: 0.5880208333333335 - complexity: 6 +- comm_cost: 0.3876157407407409 + complexity: 18 expressions: - - N+ - - R+ - - SE- - - or(K+, N+) + - K+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, R+) name: explored-7163 type: explored -- comm_cost: 0.5833333333333334 - complexity: 4 +- comm_cost: 0.4926359953703705 + complexity: 18 expressions: - - K+ - N+ - R- - - SE- + - SE+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-7164 type: explored -- comm_cost: 0.7106770833333333 - complexity: 8 +- comm_cost: 0.38671875000000033 + complexity: 10 expressions: - - K+ - - K+ - - N+ - R- - S+ - - or(S+, N+) + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-7165 type: explored -- comm_cost: 0.34930555555555576 - complexity: 18 +- comm_cost: 0.7096221064814816 + complexity: 34 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(K-, or(S+, R-)) - - and(N-, R+) + - K- + - N- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(N-, or(S+, SE+)) + - and(S-, N-) + - and(SE+, N-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-7166 type: explored -- comm_cost: 0.6111111111111112 - complexity: 12 +- comm_cost: 0.5437500000000002 + complexity: 10 expressions: - - K+ - N+ - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-7167 - type: explored -- comm_cost: 0.587326388888889 - complexity: 15 - expressions: - R- - and(N-, R+) - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(K+, K-) + name: explored-7167 + type: explored +- comm_cost: 0.6718750000000002 + complexity: 9 + expressions: + - R+ + - and(K-, or(S+, N+)) + - or(N+, R-) name: explored-7168 type: explored -- comm_cost: 0.18917824074074097 - complexity: 22 +- comm_cost: 0.35203125000000013 + complexity: 19 expressions: - K+ + - K+ - N+ - R- - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - or(K+, SE+) name: explored-7169 type: explored -- comm_cost: 0.5216145833333335 - complexity: 9 +- comm_cost: 0.6959490740740741 + complexity: 10 expressions: - N+ + - R+ - SE- - - and(N-, R+) - - and(N-, not(R-)) + - and(K-, or(S+, R+)) + - not(R-) name: explored-7170 type: explored -- comm_cost: 0.4256944444444448 - complexity: 17 +- comm_cost: 0.6260329861111112 + complexity: 13 expressions: - N+ - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - R- + - SE- + - SE- + - and(K-, not(R-)) + - or(N+, not(R+)) name: explored-7171 type: explored -- comm_cost: 0.5408854166666669 - complexity: 8 +- comm_cost: 0.26822916666666696 + complexity: 17 expressions: - - S- - - SE- + - K+ + - R- - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) name: explored-7172 type: explored -- comm_cost: 0.3011284722222225 - complexity: 17 +- comm_cost: 0.5131944444444447 + complexity: 9 expressions: - - K+ - N+ - - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-7173 type: explored -- comm_cost: 0.324479166666667 - complexity: 13 +- comm_cost: 0.7064930555555556 + complexity: 7 expressions: - - N+ - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - N- + - R+ + - or(K+, or(N+, R-)) name: explored-7174 type: explored -- comm_cost: 0.5690104166666667 - complexity: 15 +- comm_cost: 0.25555555555555576 + complexity: 14 expressions: - - R+ + - N+ - R- - - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(K+, SE+) + - and(or(K+, S-), not(R+)) name: explored-7175 type: explored -- comm_cost: 0.6525179398148149 - complexity: 42 +- comm_cost: 0.5986111111111112 + complexity: 17 expressions: - - R+ - - S- - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(K+, N+) - - or(K+, R-) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - R- + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-7176 type: explored -- comm_cost: 0.47490740740740756 - complexity: 14 +- comm_cost: 0.4545138888888891 + complexity: 16 expressions: - - K+ - N+ - - N- - R- + - SE+ + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(S-, not(R+)) name: explored-7177 type: explored -- comm_cost: 0.15000000000000036 - complexity: 14 +- comm_cost: 0.26736111111111127 + complexity: 16 expressions: - - K+ + - N+ - R- - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) name: explored-7178 type: explored -- comm_cost: 0.4083333333333333 - complexity: 11 +- comm_cost: 0.605763888888889 + complexity: 17 expressions: - N+ + - R+ - R- - - and(K-, S+) - - and(S-, SE-) - - and(S-, SE-) + - SE- + - and(K-, or(SE-, N+)) + - and(SE-, or(K+, S-)) + - or(K+, S-) name: explored-7179 type: explored -- comm_cost: 0.2583333333333335 - complexity: 13 +- comm_cost: 0.6812500000000001 + complexity: 8 expressions: - - K+ - - K+ - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-7180 type: explored -- comm_cost: 0.5513020833333334 - complexity: 6 +- comm_cost: 0.394965277777778 + complexity: 11 expressions: - K+ - - R+ - - S- - - and(S-, SE-) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, not(R-)) name: explored-7181 type: explored -- comm_cost: 0.7755671296296297 - complexity: 10 +- comm_cost: 0.49432291666666683 + complexity: 15 expressions: + - K+ - K- - - and(K-, not(R-)) - - and(K-, or(S+, R+)) + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-7182 type: explored -- comm_cost: 0.6976562500000001 - complexity: 8 +- comm_cost: 0.5222222222222224 + complexity: 12 expressions: + - N+ - SE- - - and(K-, not(R-)) - - or(K+, R-) + - SE- + - and(K-, S+) + - and(N-, R+) + - or(K+, R+) name: explored-7183 type: explored -- comm_cost: 0.6599479166666667 - complexity: 34 +- comm_cost: 0.5572916666666669 + complexity: 10 expressions: - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(K+, SE+) - - or(S+, R+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - SE- + - and(K-, or(S+, R-)) + - or(K+, N+) name: explored-7184 type: explored -- comm_cost: 0.1185763888888891 - complexity: 19 +- comm_cost: 0.5071180555555557 + complexity: 8 expressions: - K+ - N+ + - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, R-) + - SE- + - not(R+) name: explored-7185 type: explored -- comm_cost: 0.4668402777777779 - complexity: 16 +- comm_cost: 0.41770833333333346 + complexity: 7 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, N-) + - R+ + - and(K-, S+) - and(S-, SE-) name: explored-7186 type: explored -- comm_cost: 0.1312500000000003 - complexity: 14 +- comm_cost: 0.6515625 + complexity: 10 expressions: - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - SE- + - and(K-, or(S+, N+)) - and(S-, SE-) - - or(S+, N+) name: explored-7187 type: explored -- comm_cost: 0.601388888888889 - complexity: 13 +- comm_cost: 0.26388888888888906 + complexity: 11 expressions: + - K+ - R- - - SE- - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-7188 type: explored -- comm_cost: 0.4348668981481483 - complexity: 20 +- comm_cost: 0.5770254629629631 + complexity: 10 expressions: - - K+ - - N+ - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, SE+) + - SE- + - and(S-, not(R-)) + - and(SE+, N-) name: explored-7189 type: explored -- comm_cost: 0.4041232638888891 - complexity: 21 +- comm_cost: 0.6377430555555557 + complexity: 18 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, or(N+, R-)) + - R+ + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) + - or(N+, not(R+)) name: explored-7190 type: explored -- comm_cost: 0.2523437500000003 - complexity: 19 +- comm_cost: 0.2541666666666669 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(N-, R+) + - S+ - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, N+) name: explored-7191 type: explored -- comm_cost: 0.49930555555555567 - complexity: 9 +- comm_cost: 0.6244270833333335 + complexity: 14 expressions: - - K+ + - N+ - R+ - R- - SE- - - and(N-, or(K+, R+)) + - and(S-, not(R-)) + - not(R+) + - or(N+, not(R+)) name: explored-7192 type: explored -- comm_cost: 0.3513888888888892 - complexity: 22 +- comm_cost: 0.6321469907407409 + complexity: 8 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - S- + - SE- + - and(S-, not(R-)) name: explored-7193 type: explored -- comm_cost: 0.5722222222222224 - complexity: 11 +- comm_cost: 0.35416666666666674 + complexity: 12 expressions: - - N+ - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - R- + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-7194 type: explored -- comm_cost: 0.40156250000000027 +- comm_cost: 0.6016493055555556 complexity: 17 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - R- + - SE- + - and(K-, or(S+, R-)) + - and(or(K+, S-), not(R-)) + - or(K+, N+) name: explored-7195 type: explored -- comm_cost: 0.15381944444444473 - complexity: 20 +- comm_cost: 0.45078125000000013 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - and(SE+, N-) name: explored-7196 type: explored -- comm_cost: 0.7072453703703705 - complexity: 9 +- comm_cost: 0.35520833333333357 + complexity: 18 expressions: - - K- - - R+ - - not(R+) - - or(K+, or(N+, R-)) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) name: explored-7197 type: explored -- comm_cost: 0.6283854166666668 - complexity: 9 +- comm_cost: 0.5796875000000001 + complexity: 8 expressions: - - R+ + - N+ + - R- - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, S-)) name: explored-7198 type: explored -- comm_cost: 0.564453125 - complexity: 11 +- comm_cost: 0.37555555555555586 + complexity: 16 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(or(K+, S-), not(R-)) + - SE- + - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(N+, not(R+)) name: explored-7199 type: explored -- comm_cost: 0.6285156250000001 - complexity: 10 +- comm_cost: 0.7630208333333335 + complexity: 4 expressions: - - R+ - R- - - S- - - SE- - and(SE+, N-) - - or(K+, R+) name: explored-7200 type: explored -- comm_cost: 0.5847222222222224 - complexity: 13 +- comm_cost: 0.4166203703703707 + complexity: 16 expressions: + - K+ + - N+ + - R- + - SE- - and(N-, R+) - - and(S-, N-) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-7201 type: explored -- comm_cost: 0.419791666666667 +- comm_cost: 0.3400000000000002 complexity: 12 expressions: - - SE- - - and(K-, or(SE-, N+)) + - N+ + - N+ + - R- - and(N-, R+) - - or(N+, R-) + - and(S-, SE-) + - or(S+, SE+) name: explored-7202 type: explored -- comm_cost: 0.5872395833333335 - complexity: 14 +- comm_cost: 0.4458333333333332 + complexity: 11 expressions: - N+ - R- - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(SE+, N-) + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-7203 type: explored -- comm_cost: 0.4525000000000001 - complexity: 20 +- comm_cost: 0.6802083333333335 + complexity: 4 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, SE+) + - K+ + - K+ + - R+ name: explored-7204 type: explored -- comm_cost: 0.5555555555555558 - complexity: 9 +- comm_cost: 0.5117187500000002 + complexity: 13 expressions: - K+ - N+ - - SE- + - R- + - S+ - and(N-, R+) - - or(K+, S-) + - and(N-, R+) + - or(K+, SE+) name: explored-7205 type: explored -- comm_cost: 0.7458333333333333 - complexity: 12 - expressions: - - and(K-, or(S+, R-)) - - and(or(K+, S-), or(SE-, N+)) - name: explored-7206 - type: explored -- comm_cost: 0.48451967592592615 - complexity: 13 +- comm_cost: 0.20182291666666696 + complexity: 18 expressions: + - K+ + - K+ - N+ - R- - - S- - - and(K-, not(R+)) + - S+ - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + name: explored-7206 + type: explored +- comm_cost: 0.6458333333333335 + complexity: 4 + expressions: + - SE- + - and(SE+, N-) name: explored-7207 type: explored -- comm_cost: 0.410416666666667 - complexity: 9 +- comm_cost: 0.3130208333333335 + complexity: 13 expressions: - R- - - and(K-, or(SE-, N+)) + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-7208 type: explored -- comm_cost: 0.83125 - complexity: 2 +- comm_cost: 0.19947916666666687 + complexity: 15 expressions: - K+ - - SE- - name: explored-7209 - type: explored -- comm_cost: 0.2503472222222225 - complexity: 25 - expressions: - K+ - N+ - R- - S+ - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) + - SE- - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - name: explored-7210 + - or(K+, N+) + name: explored-7209 type: explored -- comm_cost: 0.5440416666666666 - complexity: 15 +- comm_cost: 0.6901909722222224 + complexity: 10 expressions: - - K+ - - K+ - N+ + - SE- + - and(K-, or(S+, N+)) + - or(S+, R+) + name: explored-7210 + type: explored +- comm_cost: 0.642013888888889 + complexity: 5 + expressions: + - R+ - R- - - S+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - not(R-) + - or(S+, R-) name: explored-7211 type: explored -- comm_cost: 0.19166666666666698 - complexity: 14 +- comm_cost: 0.7500000000000001 + complexity: 7 + expressions: + - R+ + - and(K-, S+) + - or(S+, R+) + name: explored-7212 + type: explored +- comm_cost: 0.5666666666666667 + complexity: 9 expressions: - K+ - N+ - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - SE- + - and(K-, S+) - and(S-, SE-) - name: explored-7212 + name: explored-7213 type: explored -- comm_cost: 0.4429629629629631 +- comm_cost: 0.29791666666666683 complexity: 14 expressions: - K+ + - K+ - N+ - R- + - SE+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(K+, R+) - name: explored-7213 - type: explored -- comm_cost: 0.6538483796296297 - complexity: 18 - expressions: - - R+ - - SE- - - and(or(K+, S-), not(R+)) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) name: explored-7214 type: explored -- comm_cost: 0.38802083333333326 - complexity: 9 +- comm_cost: 0.5847222222222224 + complexity: 16 expressions: - - N+ - - R- - - S+ - - and(K-, S+) - - and(S-, SE-) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-7215 type: explored -- comm_cost: 0.12013888888888924 - complexity: 17 +- comm_cost: 0.48359375000000016 + complexity: 12 expressions: - - K+ - N+ - N+ - R- + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-7216 type: explored -- comm_cost: 0.17986111111111147 - complexity: 15 +- comm_cost: 0.3588541666666669 + complexity: 16 expressions: - K+ - - N+ - - and(K-, S+) - - and(K-, not(R+)) + - S+ - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7217 type: explored -- comm_cost: 0.5513310185185186 - complexity: 17 +- comm_cost: 0.5979166666666668 + complexity: 9 expressions: - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - R+ + - and(and(S-, N-), not(R-)) + - not(R+) name: explored-7218 type: explored -- comm_cost: 0.6516666666666667 - complexity: 3 +- comm_cost: 0.9020833333333333 + complexity: 1 expressions: - - N+ - - N- - - SE- + - R- name: explored-7219 type: explored -- comm_cost: 0.3113281250000002 - complexity: 13 +- comm_cost: 0.37656250000000024 + complexity: 14 expressions: - K+ - - K+ - - R- - - S+ + - N+ + - R+ - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(S-, or(SE-, N+)) name: explored-7220 type: explored -- comm_cost: 0.37213541666666683 - complexity: 17 +- comm_cost: 0.6312500000000002 + complexity: 14 expressions: - - N+ - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) + - or(K+, R-) name: explored-7221 type: explored -- comm_cost: 0.3826967592592595 - complexity: 22 +- comm_cost: 0.6345775462962965 + complexity: 12 expressions: - - K+ - - N+ - - R- - - S+ - - SE+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - R+ + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - not(R+) name: explored-7222 type: explored -- comm_cost: 0.6053819444444446 - complexity: 15 +- comm_cost: 0.4472222222222224 + complexity: 9 expressions: - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(and(K-, N-), not(R-)) name: explored-7223 type: explored -- comm_cost: 0.33871527777777777 +- comm_cost: 0.6243055555555557 complexity: 13 expressions: - - N+ - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(K-, S+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-7224 type: explored -- comm_cost: 0.5831597222222225 - complexity: 9 +- comm_cost: 0.377777777777778 + complexity: 13 expressions: + - K+ + - R- - R- - - S+ - - SE- - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-7225 type: explored -- comm_cost: 0.5101562500000002 - complexity: 12 +- comm_cost: 0.7104166666666667 + complexity: 5 expressions: - - N+ + - R- - SE- - - and(N-, R+) - - and(N-, not(R-)) - - or(N+, R-) + - or(S+, N+) name: explored-7226 type: explored -- comm_cost: 0.3281250000000001 - complexity: 10 +- comm_cost: 0.588715277777778 + complexity: 16 expressions: - K+ - - R+ - - and(K-, or(S+, R-)) - - and(S-, SE-) + - N+ + - R- + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - or(S+, SE+) name: explored-7227 type: explored -- comm_cost: 0.25260416666666696 - complexity: 15 +- comm_cost: 0.5114583333333333 + complexity: 11 expressions: + - K+ - N+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - R- - and(S-, SE-) - - or(K+, R-) + - and(S-, or(SE-, N+)) name: explored-7228 type: explored -- comm_cost: 0.4245486111111113 - complexity: 15 +- comm_cost: 0.6909722222222223 + complexity: 10 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, R+)) + - SE- - and(S-, SE-) - - not(R-) + - and(and(K-, N-), not(R-)) name: explored-7229 type: explored -- comm_cost: 0.5013888888888889 - complexity: 14 +- comm_cost: 0.6323784722222223 + complexity: 17 expressions: - - N+ - - R- - - and(K-, S+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - or(N+, R-) name: explored-7230 type: explored -- comm_cost: 0.6747881944444445 - complexity: 25 +- comm_cost: 0.5114583333333335 + complexity: 7 expressions: - - K+ - - N- + - N+ + - R+ - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, not(R+)) name: explored-7231 type: explored -- comm_cost: 0.673726851851852 - complexity: 17 - expressions: - - R+ - - and(N-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, or(N+, R-)) - name: explored-7232 - type: explored -- comm_cost: 0.40491898148148175 +- comm_cost: 0.46779513888888913 complexity: 19 expressions: + - K+ - N+ + - R- - SE- - - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-7233 + - and(and(K-, N-), not(R-)) + name: explored-7232 type: explored -- comm_cost: 0.46990740740740744 - complexity: 12 +- comm_cost: 0.36536458333333355 + complexity: 16 expressions: - N+ - - R- - - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, R-) - - or(S+, R-) - name: explored-7234 + - and(and(K-, N-), or(S+, R+)) + - not(R+) + name: explored-7233 type: explored -- comm_cost: 0.35416666666666696 - complexity: 15 +- comm_cost: 0.6255208333333333 + complexity: 8 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, or(S+, R-)) + name: explored-7234 + type: explored +- comm_cost: 0.697633101851852 + complexity: 21 + expressions: + - SE- + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - not(R-) name: explored-7235 type: explored -- comm_cost: 0.5041377314814817 - complexity: 18 +- comm_cost: 0.5483333333333336 + complexity: 7 expressions: + - K+ + - K- - N+ - SE- - and(N-, R+) - - and(SE+, N-) - - or(K+, or(N+, R-)) - - or(S+, or(N+, R-)) name: explored-7236 type: explored -- comm_cost: 0.5794270833333333 - complexity: 13 +- comm_cost: 0.5116319444444446 + complexity: 12 expressions: - - K+ - N+ + - R+ - R- - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(N-, and(or(K+, S-), not(R-))) name: explored-7237 type: explored -- comm_cost: 0.298697916666667 - complexity: 10 +- comm_cost: 0.21345486111111145 + complexity: 23 expressions: - K+ - - K+ - - K+ - - S+ + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) + - and(S-, SE-) name: explored-7238 type: explored -- comm_cost: 0.6203125000000002 - complexity: 9 +- comm_cost: 0.6689930555555557 + complexity: 7 expressions: + - N- - R+ + - R- - SE- - - not(R+) - - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-7239 type: explored -- comm_cost: 0.5020833333333334 - complexity: 10 +- comm_cost: 0.39861111111111147 + complexity: 11 expressions: - - K+ - - R+ - - R- - - SE+ - - and(K-, N-) - - and(S-, SE-) + - N+ + - SE- + - SE- + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-7240 type: explored -- comm_cost: 0.5680555555555558 - complexity: 17 +- comm_cost: 0.16770833333333357 + complexity: 11 expressions: - N+ - - SE- + - S+ - and(N-, R+) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - - not(R-) + - and(S-, SE-) + - or(N+, R-) name: explored-7241 type: explored -- comm_cost: 0.5177083333333337 - complexity: 5 +- comm_cost: 0.4896990740740742 + complexity: 25 expressions: + - N+ + - R- - S+ - - SE- - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-7242 type: explored -- comm_cost: 0.6952430555555557 - complexity: 11 +- comm_cost: 0.4052083333333336 + complexity: 9 expressions: - - R+ - - or(K+, R+) - - or(N+, not(R+)) - - or(S+, N+) + - K+ + - R- + - S+ + - and(N-, R+) + - or(K+, N+) name: explored-7243 type: explored -- comm_cost: 0.2661458333333335 - complexity: 13 +- comm_cost: 0.29704861111111147 + complexity: 17 expressions: - N+ - - R+ - R- - - S+ - - and(K-, SE-) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) + - or(K+, R-) name: explored-7244 type: explored -- comm_cost: 0.45969328703703716 +- comm_cost: 0.4690393518518521 complexity: 17 expressions: - - K+ - N+ - - R- - - S- - - and(K-, S+) - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) - and(and(K-, N-), or(S+, SE+)) name: explored-7245 type: explored -- comm_cost: 0.5640625000000001 - complexity: 5 +- comm_cost: 0.4682291666666669 + complexity: 14 + expressions: + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - and(SE-, or(K+, S-)) + name: explored-7246 + type: explored +- comm_cost: 0.5755208333333335 + complexity: 10 expressions: + - N+ - R+ - SE- - - or(K+, R-) - name: explored-7246 + - and(and(K-, N-), or(S+, R+)) + name: explored-7247 type: explored -- comm_cost: 0.57125 - complexity: 12 +- comm_cost: 0.4099826388888891 + complexity: 18 expressions: - - K+ - N+ - - N- - R- + - S+ + - and(K-, not(R-)) - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - name: explored-7247 + name: explored-7248 type: explored -- comm_cost: 0.45416666666666683 - complexity: 17 +- comm_cost: 0.35911458333333346 + complexity: 23 expressions: - K+ - N+ + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - name: explored-7248 - type: explored -- comm_cost: 0.7138449074074075 - complexity: 25 - expressions: - - SE+ - - and(K-, not(R-)) - - and(K-, or(S+, R-)) - - or(K+, or(N+, R-)) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, N+) + - or(S+, R+) name: explored-7249 type: explored -- comm_cost: 0.6667557870370371 - complexity: 38 +- comm_cost: 0.18333333333333357 + complexity: 18 expressions: - - SE+ - - and(K-, not(R+)) - - and(K-, not(R-)) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, S-) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-7250 type: explored -- comm_cost: 0.5934895833333335 - complexity: 7 +- comm_cost: 0.40112847222222237 + complexity: 13 expressions: + - K+ - R+ - - and(K-, N-) + - R- + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) name: explored-7251 type: explored -- comm_cost: 0.6269097222222224 - complexity: 12 - expressions: - - R+ - - SE- - - and(S-, N-) - - and(or(K+, S-), or(SE-, N+)) - name: explored-7252 - type: explored -- comm_cost: 0.5312499999999999 - complexity: 10 +- comm_cost: 0.26093750000000016 + complexity: 16 expressions: - K+ - - K+ + - N+ - R- - S+ + - SE+ + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) + name: explored-7252 + type: explored +- comm_cost: 0.5739583333333336 + complexity: 17 + expressions: + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7253 type: explored -- comm_cost: 0.13547453703703738 - complexity: 21 +- comm_cost: 0.18402777777777812 + complexity: 15 expressions: - K+ - N+ - - R- - - and(K-, or(S+, R-)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, N+) + - or(S+, R-) name: explored-7254 type: explored -- comm_cost: 0.524479166666667 - complexity: 7 +- comm_cost: 0.6374149305555556 + complexity: 16 expressions: + - K+ + - N+ - R- + - SE- - and(N-, R+) - - or(N+, R-) + - or(K+, S-) + - or(K+, S-) + - or(S+, R+) name: explored-7255 type: explored -- comm_cost: 0.5988541666666667 - complexity: 5 +- comm_cost: 2.220446049250313e-16 + complexity: 13 expressions: - K+ + - K+ - N+ - - N- - R- - - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-7256 type: explored -- comm_cost: 0.6250868055555556 - complexity: 13 +- comm_cost: 0.7481493055555556 + complexity: 27 expressions: - - K+ - - N+ - - R+ - - R- - - SE- - - and(N-, or(S+, R+)) - - or(K+, K-) + - and(K-, or(N+, not(R+))) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) name: explored-7257 type: explored -- comm_cost: 0.7423958333333335 - complexity: 6 - expressions: - - R+ - - not(R-) - - or(SE-, N+) - name: explored-7258 - type: explored -- comm_cost: 0.68 - complexity: 2 - expressions: - - N+ - - N- - name: explored-7259 - type: explored -- comm_cost: 0.5315682870370372 +- comm_cost: 0.10069444444444464 complexity: 22 expressions: + - K+ - N+ - R- - - and(K-, not(R-)) + - and(K-, S+) + - and(K-, S+) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - or(and(K-, S+), or(N+, R-)) - name: explored-7260 + name: explored-7258 type: explored -- comm_cost: 0.6720486111111112 - complexity: 10 +- comm_cost: 0.29079861111111127 + complexity: 17 expressions: - - R+ - - and(or(K+, S-), not(R-)) - - or(S+, R-) - name: explored-7261 + - K+ + - N+ + - R- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) + name: explored-7259 type: explored -- comm_cost: 0.5161458333333335 +- comm_cost: 0.7703125000000001 complexity: 11 expressions: - - R+ - - R- - - and(N-, or(K+, R+)) - - and(S-, not(R+)) - name: explored-7262 + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + name: explored-7260 type: explored -- comm_cost: 0.8090277777777778 - complexity: 8 +- comm_cost: 0.3886574074074076 + complexity: 14 expressions: - - K+ - - or(and(K-, S+), or(N+, R-)) - name: explored-7263 + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + name: explored-7261 type: explored -- comm_cost: 0.5328125 +- comm_cost: 0.32285879629629655 complexity: 19 expressions: - K+ - N+ - R- - S+ + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), not(R-)) - name: explored-7264 + - and(and(S-, N-), not(R-)) + name: explored-7262 type: explored -- comm_cost: 0.29947916666666674 - complexity: 14 +- comm_cost: 0.42527777777777787 + complexity: 16 expressions: - K+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-7265 + - not(R-) + - or(S+, N+) + name: explored-7263 type: explored -- comm_cost: 0.43068576388888913 - complexity: 16 +- comm_cost: 0.41276041666666674 + complexity: 10 expressions: - K+ - - K+ - N+ + - R- - S+ - - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - or(SE-, N+) - name: explored-7266 + - or(K+, SE+) + name: explored-7264 type: explored -- comm_cost: 0.7052604166666667 - complexity: 6 +- comm_cost: 0.5851388888888891 + complexity: 12 expressions: - - N- - R+ + - R- - SE- - - or(K+, SE+) - name: explored-7267 + - and(SE-, or(K+, S-)) + - or(N+, not(R+)) + name: explored-7265 type: explored -- comm_cost: 0.479809027777778 - complexity: 24 +- comm_cost: 0.6085474537037039 + complexity: 19 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) + - SE- + - and(K-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) + - or(K+, R+) + name: explored-7266 + type: explored +- comm_cost: 0.43715277777777817 + complexity: 20 + expressions: + - N+ + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(N+, not(R+)) - - or(SE-, N+) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + name: explored-7267 + type: explored +- comm_cost: 0.627951388888889 + complexity: 7 + expressions: + - R+ + - and(S-, N-) + - or(K+, N+) name: explored-7268 type: explored -- comm_cost: 0.6971354166666668 - complexity: 6 +- comm_cost: 0.3850694444444447 + complexity: 17 expressions: - N+ - SE- - - and(K-, not(R-)) + - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-7269 type: explored -- comm_cost: 0.6231770833333334 - complexity: 11 +- comm_cost: 0.5114583333333333 + complexity: 7 expressions: + - N+ + - N- - R- - - and(K-, not(R-)) - - and(and(S-, N-), not(R-)) + - S+ + - and(S-, SE-) name: explored-7270 type: explored -- comm_cost: 0.5758333333333334 +- comm_cost: 0.6986458333333334 complexity: 9 expressions: - K+ - - R- - - S+ - - and(N-, R+) - - or(K+, S-) + - and(and(S-, N-), not(R-)) + - not(R-) name: explored-7271 type: explored -- comm_cost: 0.5455729166666669 - complexity: 18 +- comm_cost: 0.6367187500000001 + complexity: 10 expressions: - R+ - - R- - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-7272 type: explored -- comm_cost: 0.6979166666666667 - complexity: 6 +- comm_cost: 0.2972800925925928 + complexity: 22 expressions: + - K+ + - N+ - R- - - and(N-, or(K+, R+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-7273 type: explored -- comm_cost: 0.3098958333333335 - complexity: 15 +- comm_cost: 0.24479166666666696 + complexity: 11 expressions: - N+ - - N+ + - R- - R- - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - not(R+) name: explored-7274 type: explored -- comm_cost: 0.7684606481481482 - complexity: 17 +- comm_cost: 0.6470775462962964 + complexity: 12 expressions: - - and(K-, or(S+, R-)) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, or(N+, R-)) + - R+ + - SE- + - and(S-, not(R-)) + - or(K+, R-) + - or(K+, SE+) name: explored-7275 type: explored -- comm_cost: 0.5814236111111113 - complexity: 19 +- comm_cost: 0.6946759259259261 + complexity: 9 expressions: - - N+ - - R+ - R- + - S- - SE- - - and(N-, or(K+, SE+)) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R+)) name: explored-7276 type: explored -- comm_cost: 0.4370659722222223 - complexity: 19 +- comm_cost: 0.347916666666667 + complexity: 11 expressions: + - K+ + - K+ - N+ - R- - - and(K-, or(S+, SE+)) + - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-7277 type: explored -- comm_cost: 0.4428819444444446 - complexity: 14 +- comm_cost: 0.3979166666666669 + complexity: 10 expressions: + - K+ + - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, R-) + - and(S-, N-) name: explored-7278 type: explored -- comm_cost: 0.24218750000000033 - complexity: 17 +- comm_cost: 0.6543402777777779 + complexity: 14 expressions: - - K+ - - N+ - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - R+ + - SE- + - and(N-, or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-7279 type: explored -- comm_cost: 0.3264756944444447 - complexity: 18 +- comm_cost: 0.47187499999999993 + complexity: 9 expressions: - - K+ - - K+ + - N+ - R- - S+ - - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R+) + - or(S+, N+) name: explored-7280 type: explored -- comm_cost: 0.6016203703703705 - complexity: 25 +- comm_cost: 0.6002604166666669 + complexity: 4 expressions: - - SE- - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) + - K+ + - R+ + - not(R+) name: explored-7281 type: explored -- comm_cost: 0.39427083333333346 - complexity: 17 +- comm_cost: 0.5201388888888892 + complexity: 15 expressions: - - K+ - - N+ - - R- - - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - not(R+) + - and(and(K-, N-), not(R-)) + - or(S+, R-) name: explored-7282 type: explored -- comm_cost: 0.6255208333333334 - complexity: 16 +- comm_cost: 0.3968750000000002 + complexity: 20 expressions: - - R+ + - K+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - or(K+, K-) + - and(S-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-7283 type: explored -- comm_cost: 0.4296875000000002 - complexity: 18 +- comm_cost: 0.42239583333333375 + complexity: 10 expressions: - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, R-)) + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) name: explored-7284 type: explored -- comm_cost: 0.41270833333333345 - complexity: 23 +- comm_cost: 0.5546875000000001 + complexity: 6 expressions: - K+ - - N+ + - R+ - R- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - and(S-, N-) name: explored-7285 type: explored -- comm_cost: 0.5015625000000001 - complexity: 14 +- comm_cost: 0.6852430555555556 + complexity: 10 expressions: - - N+ - - SE- - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(N+, R-) + - R+ + - and(N-, not(R-)) + - and(N-, or(S+, SE+)) name: explored-7286 type: explored -- comm_cost: 0.6468750000000001 - complexity: 10 +- comm_cost: 0.526851851851852 + complexity: 28 expressions: - N+ - - R+ - - SE- - - and(S-, not(R+)) - - or(K+, K-) + - R- + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7287 type: explored -- comm_cost: 0.5125000000000002 - complexity: 6 +- comm_cost: 0.4687500000000002 + complexity: 11 expressions: - - N+ - - SE+ - - SE+ + - K+ + - R- + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) name: explored-7288 type: explored -- comm_cost: 0.34140625000000036 - complexity: 17 +- comm_cost: 0.5753472222222223 + complexity: 12 expressions: - N+ - - R- - - SE- - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(SE-, N+) + - not(R-) + - or(S+, R+) name: explored-7289 type: explored -- comm_cost: 0.31510416666666696 - complexity: 15 +- comm_cost: 0.18567708333333355 + complexity: 19 expressions: + - K+ + - K+ - N+ + - R- + - S+ + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, N+) name: explored-7290 type: explored -- comm_cost: 0.7319444444444445 - complexity: 7 +- comm_cost: 0.4514467592592595 + complexity: 17 expressions: - - R+ - - or(K+, K-) - - or(K+, N+) + - N+ + - R- + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) name: explored-7291 type: explored -- comm_cost: 0.7180555555555554 - complexity: 8 +- comm_cost: 0.3995833333333336 + complexity: 22 expressions: - K+ - - N+ + - K+ - R- - - SE- - - or(N+, not(R+)) + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-7292 type: explored -- comm_cost: 0.6750520833333334 - complexity: 44 +- comm_cost: 0.34184027777777803 + complexity: 15 expressions: - N+ - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(K-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) name: explored-7293 type: explored -- comm_cost: 0.7533854166666667 - complexity: 5 +- comm_cost: 0.5927083333333333 + complexity: 11 expressions: - - SE- - - and(K-, not(R-)) + - N+ + - R- + - R- + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-7294 type: explored -- comm_cost: 0.282175925925926 - complexity: 21 +- comm_cost: 0.5195312500000002 + complexity: 7 expressions: - K+ - N+ - - R- - - and(K-, or(S+, R+)) + - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) name: explored-7295 type: explored -- comm_cost: 0.35208333333333364 +- comm_cost: 0.057812500000000266 complexity: 15 expressions: - K+ - N+ - - S+ + - R- + - and(K-, S+) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - or(N+, R-) + - or(K+, N+) name: explored-7296 type: explored -- comm_cost: 0.47187500000000016 - complexity: 14 +- comm_cost: 0.4320312500000003 + complexity: 13 expressions: - N+ - R- - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) - - or(SE-, N+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7297 type: explored -- comm_cost: 0.5701388888888891 - complexity: 16 +- comm_cost: 0.43515625000000036 + complexity: 17 + expressions: + - K+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-7298 + type: explored +- comm_cost: 0.5039062500000001 + complexity: 23 expressions: + - N+ - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - or(K+, K-) - name: explored-7298 + - or(and(K-, S+), or(N+, R-)) + name: explored-7299 type: explored -- comm_cost: 0.5300347222222224 - complexity: 10 +- comm_cost: 0.49664351851851873 + complexity: 22 expressions: - N+ - - R- - - SE- - - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) - and(S-, not(R-)) - name: explored-7299 + - and(and(S-, N-), not(R-)) + - or(K+, or(N+, R-)) + name: explored-7300 type: explored -- comm_cost: 0.5911458333333335 +- comm_cost: 0.5724826388888891 complexity: 12 expressions: - R+ + - R- - SE- - - and(N-, or(K+, R+)) - - and(S-, or(SE-, N+)) - name: explored-7300 + - and(K-, S+) + - and(K-, or(N+, not(R+))) + name: explored-7301 type: explored -- comm_cost: 0.20503472222222252 - complexity: 18 +- comm_cost: 0.4187500000000002 + complexity: 12 expressions: - K+ - - N+ - R- - - and(K-, not(R+)) - - and(K-, or(S+, N+)) + - S- - and(N-, R+) - and(S-, SE-) - name: explored-7301 - type: explored -- comm_cost: 0.2767361111111114 - complexity: 15 - expressions: - - N+ - - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, R-) name: explored-7302 type: explored -- comm_cost: 0.08541666666666692 - complexity: 15 +- comm_cost: 0.46835937500000013 + complexity: 18 expressions: - K+ - - N+ - R- - S+ - - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-7303 type: explored -- comm_cost: 0.4062500000000002 - complexity: 8 +- comm_cost: 0.8805555555555555 + complexity: 4 expressions: - R- - - SE- - - and(K-, S+) - - and(N-, R+) + - or(S+, R-) name: explored-7304 type: explored -- comm_cost: 0.4722222222222223 - complexity: 15 +- comm_cost: 0.6587962962962964 + complexity: 12 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(K+, SE+) + - R+ + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(S-, N-) name: explored-7305 type: explored -- comm_cost: 0.6310763888888891 - complexity: 8 +- comm_cost: 0.6027777777777779 + complexity: 7 expressions: - - R+ - - SE+ - - SE- - - and(K-, or(SE-, N+)) + - K+ + - N+ + - R- + - S+ + - or(K+, R+) name: explored-7306 type: explored -- comm_cost: 0.4187500000000002 - complexity: 12 +- comm_cost: 0.4357696759259261 + complexity: 24 expressions: - K+ + - N+ - R- - - S- + - and(K-, S+) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(S+, SE+) name: explored-7307 type: explored -- comm_cost: 0.6046875000000002 - complexity: 17 +- comm_cost: 0.6917513227513228 + complexity: 30 expressions: - - R+ - - SE- - - and(SE-, or(K+, S-)) - - or(K+, R+) - - or(and(K-, S+), or(N+, R-)) + - N- + - R- + - S- + - and(K-, or(S+, SE+)) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - not(R+) + - or(K+, S-) + - or(S+, R-) name: explored-7308 type: explored -- comm_cost: 0.5123003472222224 - complexity: 18 +- comm_cost: 0.601851851851852 + complexity: 7 expressions: - - K+ - - K- - N+ + - R+ + - R+ - R- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, SE+) + - and(S-, N-) name: explored-7309 type: explored -- comm_cost: 0.43652777777777807 - complexity: 18 +- comm_cost: 0.6678009259259261 + complexity: 41 expressions: - - K+ - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + - and(S-, N-) - and(S-, not(R-)) - - or(N+, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) + - or(S+, or(N+, R-)) name: explored-7310 type: explored -- comm_cost: 0.5151041666666668 - complexity: 8 +- comm_cost: 0.6208333333333335 + complexity: 7 expressions: - R+ - - R- - SE- - - and(N-, or(K+, R+)) + - or(S+, or(N+, R-)) name: explored-7311 type: explored -- comm_cost: 0.16875000000000018 - complexity: 17 +- comm_cost: 0.7206250000000001 + complexity: 9 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(K-, or(S+, N+)) + - or(K+, S-) name: explored-7312 type: explored -- comm_cost: 0.612471064814815 - complexity: 16 +- comm_cost: 0.47734375000000007 + complexity: 11 expressions: - K+ - N+ - R- - - SE- - - and(N-, or(S+, SE+)) - - or(and(S-, SE-), or(N+, R-)) + - S+ + - S- + - and(K-, S+) + - and(S-, SE-) name: explored-7313 type: explored -- comm_cost: 0.6707465277777779 - complexity: 12 +- comm_cost: 0.5202430555555557 + complexity: 15 expressions: + - K+ + - K- - N+ - - R+ - - SE- - - and(or(K+, S-), not(R-)) - - or(S+, N+) + - R- + - S+ + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-7314 type: explored -- comm_cost: 0.4184895833333335 - complexity: 16 +- comm_cost: 0.32734375000000016 + complexity: 12 expressions: + - K+ - N+ - R- - - S+ - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(SE-, N+) + - or(K+, SE+) name: explored-7315 type: explored -- comm_cost: 0.34296875000000016 - complexity: 14 +- comm_cost: 0.4583333333333335 + complexity: 13 expressions: - K+ + - N+ - R- - - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7316 type: explored -- comm_cost: 0.3026041666666668 - complexity: 12 +- comm_cost: 0.5477430555555557 + complexity: 11 expressions: + - R+ - R- - - S+ - - SE+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, or(S+, R-)) + - or(N+, R-) name: explored-7317 type: explored -- comm_cost: 0.4079166666666669 - complexity: 17 +- comm_cost: 0.6756944444444444 + complexity: 8 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(S+, R-) + - SE- + - and(or(K+, S-), not(R+)) name: explored-7318 type: explored -- comm_cost: 0.2548611111111114 - complexity: 12 +- comm_cost: 0.5347222222222223 + complexity: 9 expressions: - - K+ - - K+ - - R- - - and(N-, R+) + - N+ + - S+ - and(S-, SE-) - - or(S+, R-) + - and(S-, not(R-)) name: explored-7319 type: explored -- comm_cost: 0.5404947916666669 - complexity: 24 +- comm_cost: 0.4661458333333335 + complexity: 13 expressions: - - and(K-, or(S+, N+)) + - K+ + - N+ + - N- + - R- + - S+ - and(N-, R+) - - and(S-, not(R+)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) - - or(K+, SE+) + - and(S-, or(SE-, N+)) name: explored-7320 type: explored -- comm_cost: 0.8410590277777777 - complexity: 12 +- comm_cost: 0.2914930555555557 + complexity: 24 expressions: + - K+ + - N+ - R- - S+ - - and(K-, or(S+, R-)) - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-7321 type: explored -- comm_cost: 0.31953125000000027 - complexity: 15 +- comm_cost: 0.3885416666666669 + complexity: 16 expressions: - N+ - - S+ + - R- + - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-7322 type: explored -- comm_cost: 0.5182291666666669 - complexity: 18 +- comm_cost: 0.6882812500000002 + complexity: 8 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - R+ + - and(K-, not(R-)) + - or(K+, N+) name: explored-7323 type: explored -- comm_cost: 0.5762152777777779 - complexity: 8 +- comm_cost: 0.6995523313492065 + complexity: 46 expressions: - - R+ - - R- - - and(and(K-, N-), not(R-)) + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, SE+)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - or(N+, not(R+)) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-7324 type: explored -- comm_cost: 0.22916666666666685 - complexity: 18 +- comm_cost: 0.2185763888888892 + complexity: 11 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(K-, S+) + - SE- + - and(K-, SE-) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) name: explored-7325 type: explored -- comm_cost: 0.15000000000000036 - complexity: 12 +- comm_cost: 0.3171875000000003 + complexity: 18 expressions: - - K+ - - K+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R-) name: explored-7326 type: explored -- comm_cost: 0.5019965277777779 - complexity: 15 +- comm_cost: 0.7604166666666666 + complexity: 3 expressions: - - N+ - - R+ + - R- - R- - SE- - - and(N-, R+) - - and(S-, not(R-)) - - and(S-, not(R-)) name: explored-7327 type: explored -- comm_cost: 0.4197916666666668 - complexity: 15 +- comm_cost: 0.5347222222222223 + complexity: 7 expressions: - - K+ + - N+ + - N+ - R- - - and(K-, SE-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - or(K+, R+) name: explored-7328 type: explored -- comm_cost: 0.6703125000000001 - complexity: 10 +- comm_cost: 0.604195601851852 + complexity: 19 expressions: - R+ - R- - SE- - - and(S-, not(R-)) - - or(K+, K-) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, or(SE-, N+)) + - or(K+, SE+) name: explored-7329 type: explored -- comm_cost: 0.46929629629629643 - complexity: 18 +- comm_cost: 0.6903645833333334 + complexity: 6 expressions: - - K+ - - K+ - - N+ - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(K+, S-) + - R+ + - not(R+) + - or(S+, R+) name: explored-7330 type: explored -- comm_cost: 0.44583333333333375 - complexity: 18 +- comm_cost: 0.4432291666666669 + complexity: 9 expressions: - - N+ - - SE- - - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(SE-, N+) + - and(S-, SE-) + - and(SE+, N-) name: explored-7331 type: explored -- comm_cost: 0.6153935185185186 - complexity: 15 +- comm_cost: 0.6231481481481482 + complexity: 22 expressions: - - R+ - - S+ - - and(and(K-, N-), not(R-)) + - and(K-, or(S+, R-)) + - and(S-, not(R-)) - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) + - or(S+, N+) name: explored-7332 type: explored -- comm_cost: 0.25555555555555587 - complexity: 12 +- comm_cost: 0.5226128472222223 + complexity: 18 expressions: - N+ - - R- - - and(K-, not(R+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, SE+) + - or(K+, or(N+, R-)) name: explored-7333 type: explored -- comm_cost: 0.571354166666667 - complexity: 5 +- comm_cost: 0.6718750000000002 + complexity: 7 expressions: - - K+ - - S+ - - and(N-, R+) + - R+ + - or(K+, N+) + - or(N+, R-) name: explored-7334 type: explored -- comm_cost: 0.13593750000000027 - complexity: 18 +- comm_cost: 0.495138888888889 + complexity: 11 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(SE+, N-) name: explored-7335 type: explored -- comm_cost: 0.4133680555555559 - complexity: 14 +- comm_cost: 0.5083333333333334 + complexity: 9 expressions: - - K+ - - N+ - - SE- + - R+ - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(SE-, or(K+, S-)) name: explored-7336 type: explored -- comm_cost: 0.7408101851851854 - complexity: 5 +- comm_cost: 0.3933159722222226 + complexity: 14 expressions: - - R+ - - SE+ - - or(K+, S-) + - N+ + - R- + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-7337 type: explored -- comm_cost: 0.45625000000000027 - complexity: 14 +- comm_cost: 0.6980902777777779 + complexity: 9 expressions: - - K+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- + - and(K-, or(S+, SE+)) + - or(K+, R+) name: explored-7338 type: explored -- comm_cost: 0.47296875000000016 - complexity: 16 +- comm_cost: 0.2269097222222225 + complexity: 12 expressions: - K+ - N+ - - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - - or(N+, not(R+)) + - and(S-, SE-) + - or(S+, N+) name: explored-7339 type: explored -- comm_cost: 0.6262152777777779 - complexity: 15 +- comm_cost: 0.37326388888888906 + complexity: 13 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(N-, not(R-)) - - and(S-, or(SE-, N+)) - - or(K+, SE+) + - S+ + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-7340 type: explored -- comm_cost: 0.6062500000000002 - complexity: 14 +- comm_cost: 0.5241319444444446 + complexity: 15 expressions: - - R+ + - K+ + - N+ + - R- + - S- - SE- - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-7341 type: explored -- comm_cost: 0.5913541666666667 - complexity: 9 +- comm_cost: 0.7178125000000001 + complexity: 7 expressions: + - K- - R+ - - R- - - SE- - - and(S-, SE-) - - or(K+, S-) + - and(K-, or(S+, R-)) name: explored-7342 type: explored -- comm_cost: 0.7484375000000001 - complexity: 7 +- comm_cost: 0.4812500000000002 + complexity: 15 expressions: - - R+ - - and(K-, S+) - - or(S+, SE+) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(K+, R+)) name: explored-7343 type: explored -- comm_cost: 0.497152777777778 - complexity: 12 +- comm_cost: 0.40208333333333357 + complexity: 17 expressions: - N+ - - R+ - - R- + - S+ + - and(K-, not(R+)) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) name: explored-7344 type: explored -- comm_cost: 0.5717447916666668 - complexity: 15 +- comm_cost: 0.41527777777777797 + complexity: 10 expressions: - - K+ - - N- + - N+ - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(S-, not(R-)) name: explored-7345 type: explored -- comm_cost: 0.3271990740740742 - complexity: 18 +- comm_cost: 0.5747685185185186 + complexity: 12 expressions: - N+ - - R- - - S+ + - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - and(and(K-, N-), not(R-)) name: explored-7346 type: explored -- comm_cost: 0.5791666666666666 - complexity: 13 +- comm_cost: 0.5347222222222224 + complexity: 11 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(or(K+, S-), or(SE-, N+)) + - SE+ + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-7347 type: explored -- comm_cost: 0.6460937500000001 - complexity: 8 +- comm_cost: 0.5175781250000002 + complexity: 24 expressions: + - K+ - R- - - S+ - - and(or(K+, S-), not(R-)) + - and(K-, not(R-)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) + - or(S+, R-) name: explored-7348 type: explored -- comm_cost: 0.6501562500000001 - complexity: 10 +- comm_cost: 0.411805555555556 + complexity: 21 expressions: - - K- - N+ - - R+ - R- - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(S+, or(N+, R-)) - or(S+, or(N+, R-)) name: explored-7349 type: explored -- comm_cost: 0.5726041666666668 - complexity: 6 - expressions: - - K- +- comm_cost: 0.5550000000000002 + complexity: 12 + expressions: - N+ - - S+ + - SE- + - and(K-, not(R+)) - and(N-, R+) + - or(S+, SE+) name: explored-7350 type: explored -- comm_cost: 0.44010416666666685 - complexity: 7 +- comm_cost: 0.6039930555555556 + complexity: 9 expressions: - - R+ - - R- + - N+ - R- - SE- - - and(N-, R+) + - or(S+, N+) + - or(S+, R+) name: explored-7351 type: explored -- comm_cost: 0.5537500000000002 - complexity: 9 +- comm_cost: 0.3026041666666669 + complexity: 26 expressions: - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - - or(K+, S-) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, N+) + - or(N+, R-) name: explored-7352 type: explored -- comm_cost: 0.5526041666666668 +- comm_cost: 0.7625868055555556 complexity: 7 expressions: - - K+ - - N+ - R- - SE- - - and(K-, N-) + - not(R+) + - or(S+, N+) name: explored-7353 type: explored -- comm_cost: 0.5087500000000001 - complexity: 11 +- comm_cost: 0.7357638888888889 + complexity: 6 expressions: - - K+ + - N- - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(K-, SE-) name: explored-7354 type: explored -- comm_cost: 0.5477430555555557 - complexity: 13 +- comm_cost: 0.6655208333333335 + complexity: 16 expressions: - R+ - - R+ - R- - SE- - - and(K-, not(R+)) - - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + - or(N+, not(R+)) + - or(N+, not(R+)) name: explored-7355 type: explored -- comm_cost: 0.3866319444444446 - complexity: 16 +- comm_cost: 0.40300925925925946 + complexity: 20 expressions: - K+ - N+ - R- - - S+ - - SE- - - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) - and(S-, SE-) name: explored-7356 type: explored -- comm_cost: 0.30313888888888907 - complexity: 20 +- comm_cost: 0.6340277777777779 + complexity: 3 expressions: - - K+ - - K+ - - K+ - - N+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - SE+ + - SE- name: explored-7357 type: explored -- comm_cost: 0.4885416666666669 - complexity: 13 +- comm_cost: 0.2234375000000003 + complexity: 15 expressions: - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - or(S+, R-) + - and(S-, SE-) + - and(S-, SE-) + - or(SE-, N+) name: explored-7358 type: explored -- comm_cost: 0.33888888888888924 - complexity: 13 +- comm_cost: 0.7894097222222223 + complexity: 7 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - or(N+, R-) - - or(N+, R-) + - and(K-, N-) + - and(K-, not(R+)) name: explored-7359 type: explored -- comm_cost: 0.6283854166666667 +- comm_cost: 0.5903645833333334 complexity: 7 expressions: - - K+ + - N+ + - R+ - R- - SE- - - and(K-, not(R-)) + - or(K+, SE+) name: explored-7360 type: explored -- comm_cost: 0.6227430555555558 - complexity: 16 +- comm_cost: 0.5448784722222224 + complexity: 9 expressions: + - N+ - R+ - SE- - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, N-) + - and(N-, R+) name: explored-7361 type: explored -- comm_cost: 0.22384259259259287 - complexity: 18 +- comm_cost: 0.40000000000000013 + complexity: 13 expressions: - K+ - - N+ - - N+ - - R- - R- - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-7362 type: explored -- comm_cost: 0.8583333333333334 - complexity: 2 +- comm_cost: 0.8126388888888889 + complexity: 4 expressions: - - SE- - - SE- + - N- + - or(S+, R-) name: explored-7363 type: explored -- comm_cost: 0.6277777777777778 - complexity: 8 +- comm_cost: 0.5643518518518519 + complexity: 21 expressions: + - K+ + - N+ + - R- + - and(K-, S+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) name: explored-7364 type: explored -- comm_cost: 0.666840277777778 - complexity: 7 +- comm_cost: 0.4403645833333335 + complexity: 19 expressions: + - K+ - R+ - - S+ - - or(K+, or(N+, R-)) + - R- + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, R-) name: explored-7365 type: explored -- comm_cost: 0.7238570601851853 - complexity: 34 +- comm_cost: 0.5417708333333335 + complexity: 10 expressions: - - N- - - SE+ - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(N+, not(R+)) - - or(S+, N+) - - or(SE-, N+) + - K+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-7366 type: explored -- comm_cost: 0.6253472222222223 +- comm_cost: 0.7927777777777778 complexity: 7 expressions: - - K+ - - N+ - - R- - - SE- - - or(K+, N+) + - R+ + - or(S+, R+) + - or(S+, SE+) name: explored-7367 type: explored -- comm_cost: 0.6660590277777778 - complexity: 9 +- comm_cost: 0.2171006944444447 + complexity: 16 expressions: - - R+ - - and(N-, or(K+, S-)) - - and(SE+, N-) + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-7368 type: explored -- comm_cost: 0.6349074074074076 - complexity: 12 +- comm_cost: 0.5972222222222224 + complexity: 6 expressions: - - N+ - - and(N-, R+) - - and(and(K-, N-), not(R-)) - - not(R-) + - K+ + - R+ + - SE- + - or(K+, N+) name: explored-7369 type: explored -- comm_cost: 0.4486111111111114 - complexity: 14 +- comm_cost: 0.597945601851852 + complexity: 11 expressions: + - R- + - S- - SE- - and(N-, R+) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(S+, R+)) name: explored-7370 type: explored -- comm_cost: 0.6054687500000001 - complexity: 11 +- comm_cost: 0.6746527777777779 + complexity: 4 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, or(S+, SE+)) + - R+ + - or(S+, R-) name: explored-7371 type: explored -- comm_cost: 0.13020833333333348 - complexity: 11 - expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - name: explored-7372 - type: explored -- comm_cost: 0.682326388888889 +- comm_cost: 0.611701388888889 complexity: 9 expressions: - - K- + - N- - R+ + - R- - SE- - - and(or(K+, S-), not(R+)) - name: explored-7373 + - and(SE-, or(K+, S-)) + name: explored-7372 type: explored -- comm_cost: 0.5147685185185187 - complexity: 14 +- comm_cost: 0.346527777777778 + complexity: 18 expressions: + - K+ - N+ + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - not(R-) - name: explored-7374 + - and(S-, not(R-)) + name: explored-7373 type: explored -- comm_cost: 0.7630208333333333 - complexity: 6 +- comm_cost: 0.5300347222222224 + complexity: 10 expressions: + - N+ - R- - SE- - - and(S-, not(R+)) - name: explored-7375 + - and(K-, SE-) + - and(S-, not(R-)) + name: explored-7374 type: explored -- comm_cost: 0.7930555555555555 - complexity: 6 +- comm_cost: 0.3104166666666668 + complexity: 12 expressions: + - N+ - R- - - SE- - - and(K-, not(R+)) - name: explored-7376 + - S+ + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + name: explored-7375 type: explored -- comm_cost: 0.16747685185185213 - complexity: 17 +- comm_cost: 0.2587962962962965 + complexity: 22 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) + - SE+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + name: explored-7376 + type: explored +- comm_cost: 0.6562500000000001 + complexity: 7 + expressions: + - R- + - and(N-, R+) + - or(K+, K-) name: explored-7377 type: explored -- comm_cost: 0.6062500000000002 - complexity: 9 +- comm_cost: 0.4046875000000002 + complexity: 18 expressions: - - R+ - - and(K-, or(SE-, N+)) - - or(N+, R-) + - K+ + - R- + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7378 type: explored -- comm_cost: 0.5187500000000003 - complexity: 7 +- comm_cost: 0.4554687500000002 + complexity: 11 expressions: - N+ + - R- + - and(K-, N-) + - and(K-, SE-) - and(N-, R+) - - or(S+, N+) name: explored-7379 type: explored -- comm_cost: 0.6209780092592594 - complexity: 11 +- comm_cost: 0.5666666666666668 + complexity: 14 expressions: - - N+ - R+ - R- - - and(K-, N-) - - or(K+, or(N+, R-)) + - SE- + - and(K-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) name: explored-7380 type: explored -- comm_cost: 0.7234375000000002 - complexity: 12 +- comm_cost: 0.25069444444444466 + complexity: 15 expressions: - K+ - - R+ - - and(N-, or(K+, SE+)) - - or(K+, or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-7381 type: explored -- comm_cost: 0.5586805555555557 - complexity: 13 +- comm_cost: 0.2585937500000004 + complexity: 19 expressions: - - R+ - - S+ - - and(K-, or(S+, R-)) - - and(or(K+, S-), not(R+)) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7382 type: explored -- comm_cost: 0.45763888888888915 +- comm_cost: 0.48567708333333337 complexity: 16 expressions: - - N+ - - and(N-, R+) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - K+ + - R+ + - R- + - and(K-, or(S+, N+)) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-7383 type: explored -- comm_cost: 0.6515625 +- comm_cost: 0.4768055555555557 complexity: 13 expressions: + - K+ + - N+ + - N- + - R- + - and(K-, S+) - and(S-, SE-) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, R-) name: explored-7384 type: explored -- comm_cost: 0.5819444444444446 - complexity: 13 +- comm_cost: 0.54296875 + complexity: 16 expressions: - - SE- - - and(N-, R+) + - K+ + - N+ + - R- + - and(K-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-7385 type: explored -- comm_cost: 0.7550000000000001 - complexity: 8 +- comm_cost: 0.5287037037037039 + complexity: 13 expressions: - - and(N-, or(K+, R+)) - - or(K+, S-) + - N+ + - R- + - R- + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-7386 type: explored -- comm_cost: 0.6458333333333333 - complexity: 15 +- comm_cost: 0.35468750000000027 + complexity: 19 expressions: - N+ - R- + - SE- + - and(K-, or(S+, R-)) - and(K-, or(SE-, N+)) - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - and(N-, R+) + - or(K+, R-) name: explored-7387 type: explored -- comm_cost: 0.6514409722222223 - complexity: 14 +- comm_cost: 0.3670138888888892 + complexity: 16 expressions: - - K- - - R+ - - R- - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(SE-, N+) + - K+ + - N+ + - SE- + - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-7388 type: explored -- comm_cost: 0.40499131944444455 - complexity: 25 +- comm_cost: 0.34392361111111147 + complexity: 19 expressions: - - K+ - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - or(K+, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, R-) name: explored-7389 type: explored -- comm_cost: 0.4935474537037038 - complexity: 16 +- comm_cost: 0.6679687500000002 + complexity: 4 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - S- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) name: explored-7390 type: explored -- comm_cost: 0.3679976851851854 - complexity: 17 +- comm_cost: 0.40937500000000016 + complexity: 9 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(S+, R+)) + - R+ + - and(K-, or(S+, R-)) - and(S-, SE-) name: explored-7391 type: explored -- comm_cost: 0.5346354166666669 - complexity: 9 +- comm_cost: 0.24218750000000022 + complexity: 18 expressions: - K+ - N+ - - and(K-, not(R-)) + - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-7392 type: explored -- comm_cost: 0.6006944444444445 - complexity: 15 +- comm_cost: 0.5733796296296299 + complexity: 17 expressions: - N+ - R- - - SE- - - and(K-, or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-7393 type: explored -- comm_cost: 0.7202546296296297 - complexity: 5 +- comm_cost: 0.5157291666666669 + complexity: 17 expressions: - - K- - - R+ - - or(K+, R+) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - not(R-) + - not(R-) name: explored-7394 type: explored -- comm_cost: 0.426041666666667 - complexity: 11 +- comm_cost: 0.649826388888889 + complexity: 10 expressions: - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(K+, N+) + - R+ + - and(K-, not(R+)) + - and(N-, or(K+, S-)) name: explored-7395 type: explored -- comm_cost: 0.5423611111111113 - complexity: 12 +- comm_cost: 0.2562500000000003 + complexity: 7 expressions: - - K- + - K+ - N+ - R- + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) name: explored-7396 type: explored -- comm_cost: 0.17083333333333361 - complexity: 10 +- comm_cost: 0.6044270833333333 + complexity: 9 expressions: - - N+ - - and(N-, R+) + - K+ - and(S-, SE-) - - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-7397 type: explored -- comm_cost: 0.3484375000000002 +- comm_cost: 0.5966666666666669 complexity: 11 expressions: - K+ - N+ - - R+ - - R- - - SE- - and(K-, S+) - and(N-, R+) + - or(S+, SE+) name: explored-7398 type: explored -- comm_cost: 0.3964988425925928 - complexity: 19 +- comm_cost: 0.6720833333333334 + complexity: 5 expressions: - - N+ + - K- - R- - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-7399 type: explored -- comm_cost: 0.7992187500000001 - complexity: 8 +- comm_cost: 0.7590277777777779 + complexity: 12 expressions: - - and(K-, or(S+, SE+)) - - or(S+, N+) + - R- + - SE- + - and(K-, or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-7400 type: explored -- comm_cost: 0.7419212962962964 - complexity: 7 +- comm_cost: 0.5942708333333334 + complexity: 13 expressions: - - K- - R+ - - and(K-, or(S+, R+)) + - R- + - SE- + - and(S-, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-7401 type: explored -- comm_cost: 0.79375 - complexity: 6 +- comm_cost: 0.402777777777778 + complexity: 16 expressions: - K+ - - R- - - or(N+, not(R+)) + - N+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-7402 type: explored -- comm_cost: 0.6278935185185187 - complexity: 10 +- comm_cost: 0.4587962962962965 + complexity: 13 expressions: + - K+ - N+ - - R+ + - N- + - R- - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, R+) name: explored-7403 type: explored -- comm_cost: 0.13993055555555578 - complexity: 16 +- comm_cost: 0.4080729166666669 + complexity: 15 expressions: - K+ - - N+ - R- - S+ - and(N-, R+) - - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-7404 type: explored -- comm_cost: 0.30772569444444464 - complexity: 22 +- comm_cost: 0.7125000000000001 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - SE- + - and(or(K+, S-), not(R-)) + - or(K+, S-) name: explored-7405 type: explored -- comm_cost: 0.27317708333333357 - complexity: 16 +- comm_cost: 0.30416666666666714 + complexity: 13 expressions: - K+ - N+ - - R- - - S- - - and(K-, S+) - - and(N-, R+) + - S+ + - SE- - and(N-, R+) - and(S-, SE-) + - or(K+, N+) name: explored-7406 type: explored -- comm_cost: 0.49140625000000016 - complexity: 14 +- comm_cost: 0.75 + complexity: 11 expressions: - - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(K-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-7407 type: explored -- comm_cost: 0.2885416666666669 - complexity: 11 +- comm_cost: 0.6089583333333335 + complexity: 10 expressions: - - K+ - - S+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - N+ + - R+ + - R- + - or(N+, not(R+)) + - or(SE-, N+) name: explored-7408 type: explored -- comm_cost: 0.47187499999999993 - complexity: 9 +- comm_cost: 0.7957465277777778 + complexity: 13 expressions: - - N+ - - R- - - S+ - - and(S-, SE-) - - or(S+, N+) + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-7409 type: explored -- comm_cost: 0.7756944444444445 - complexity: 8 +- comm_cost: 0.6427083333333335 + complexity: 3 expressions: - - SE- - - or(and(K-, S+), or(N+, R-)) + - N+ + - R+ + - S+ name: explored-7410 type: explored -- comm_cost: 0.5542824074074075 - complexity: 14 +- comm_cost: 0.7609375 + complexity: 4 expressions: - - N+ - - R- - - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(K+, K-) + - K- + - or(K+, R-) name: explored-7411 type: explored -- comm_cost: 0.36451388888888914 - complexity: 14 +- comm_cost: 0.33032407407407427 + complexity: 20 expressions: - - K+ - - K- - N+ - R- - S+ - - and(N-, R+) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7412 type: explored -- comm_cost: 0.428732638888889 - complexity: 20 +- comm_cost: 0.7202546296296297 + complexity: 5 expressions: - - K+ - - N+ + - K- - R+ - - R- - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(K+, R+) name: explored-7413 type: explored -- comm_cost: 0.4587962962962965 - complexity: 13 +- comm_cost: 0.7213541666666667 + complexity: 9 expressions: - - K+ - - N+ - - N- - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - R+ + - and(K-, or(S+, R-)) + - or(S+, R+) name: explored-7414 type: explored -- comm_cost: 0.6148437500000001 - complexity: 7 +- comm_cost: 0.42986111111111136 + complexity: 15 expressions: - - R+ - - or(K+, R-) - - or(SE-, N+) + - N+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-7415 type: explored -- comm_cost: 0.8195833333333333 - complexity: 4 +- comm_cost: 0.3656250000000003 + complexity: 20 expressions: - - not(R-) - - not(R-) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) name: explored-7416 type: explored -- comm_cost: 0.6220833333333334 - complexity: 9 +- comm_cost: 0.2034722222222225 + complexity: 17 expressions: - K+ - - N- - - R+ + - N+ - R- - - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-7417 type: explored -- comm_cost: 0.5081597222222224 - complexity: 19 +- comm_cost: 2.220446049250313e-16 + complexity: 16 expressions: + - K+ - N+ + - R- + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-7418 type: explored -- comm_cost: 0.78328125 - complexity: 6 +- comm_cost: 0.6950520833333335 + complexity: 9 expressions: - - K- - - and(N-, or(S+, SE+)) + - R+ + - S- + - and(or(K+, S-), or(SE-, N+)) name: explored-7419 type: explored -- comm_cost: 0.5043055555555558 - complexity: 10 +- comm_cost: 0.3203125000000002 + complexity: 19 expressions: - - K+ - N+ - - R- - - SE- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - or(S+, SE+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-7420 type: explored -- comm_cost: 0.522916666666667 - complexity: 7 +- comm_cost: 0.7043981481481482 + complexity: 16 expressions: + - K+ - N+ - - and(N-, R+) - - and(N-, R+) + - R- + - SE- + - and(K-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7421 type: explored -- comm_cost: 0.22916666666666696 - complexity: 10 +- comm_cost: 0.21484375000000022 + complexity: 13 expressions: - - K+ - N+ - R- - - SE- - - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-7422 type: explored -- comm_cost: 0.2362268518518521 - complexity: 26 +- comm_cost: 0.5528993055555558 + complexity: 14 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, N+)) + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, R-) + - or(N+, not(R+)) name: explored-7423 type: explored -- comm_cost: 0.4003472222222225 - complexity: 20 +- comm_cost: 0.7450520833333334 + complexity: 7 expressions: - N+ - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - or(K+, R-) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(K-, or(S+, SE+)) name: explored-7424 type: explored -- comm_cost: 0.8035416666666666 - complexity: 9 +- comm_cost: 0.6477430555555557 + complexity: 17 expressions: - - and(S-, or(SE-, N+)) - - or(N+, not(R+)) + - S+ + - and(K-, N-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) name: explored-7425 type: explored -- comm_cost: 0.4520833333333334 - complexity: 8 +- comm_cost: 0.34479166666666705 + complexity: 15 expressions: - - N+ - - S+ - - and(S-, N-) - - and(S-, SE-) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, R+) name: explored-7426 type: explored -- comm_cost: 0.3012152777777779 - complexity: 16 +- comm_cost: 0.3362847222222224 + complexity: 20 expressions: - K+ - - K+ - R- - - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(K+, R-) + - and(and(K-, N-), or(S+, R+)) name: explored-7427 type: explored -- comm_cost: 0.44704861111111127 - complexity: 10 +- comm_cost: 0.5031510416666668 + complexity: 19 expressions: - K+ - - R+ + - N+ + - N- - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, R+) name: explored-7428 type: explored -- comm_cost: 0.5463541666666668 - complexity: 7 +- comm_cost: 0.7127604166666668 + complexity: 10 expressions: - R+ - R+ - - R- - - SE- - - or(N+, R-) + - and(N-, or(S+, SE+)) + - or(S+, R-) name: explored-7429 type: explored -- comm_cost: 0.7947916666666667 - complexity: 6 +- comm_cost: 0.22968750000000016 + complexity: 17 expressions: - - and(K-, S+) - - or(N+, R-) + - N+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7430 type: explored -- comm_cost: 0.7434895833333335 - complexity: 12 +- comm_cost: 0.4421875000000002 + complexity: 13 expressions: + - N+ + - R- - SE- - - and(K-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) name: explored-7431 type: explored -- comm_cost: 0.3190972222222226 - complexity: 16 +- comm_cost: 0.7232638888888889 + complexity: 8 expressions: - N+ - - R- - - S+ - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(N-, R+) + - SE- + - or(K+, K-) + - or(N+, R-) name: explored-7432 type: explored -- comm_cost: 0.5675347222222223 - complexity: 13 +- comm_cost: 0.3236111111111114 + complexity: 9 expressions: - - N+ - - R+ - - SE- - - and(N-, or(K+, SE+)) - - and(S-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-7433 type: explored -- comm_cost: 0.6328356481481483 - complexity: 15 +- comm_cost: 0.7105849041005292 + complexity: 32 expressions: - - N+ - - R+ - - R- - - SE- - - SE- + - K+ + - SE+ + - and(K-, N-) + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) + - or(K+, N+) + - or(K+, R+) - or(K+, S-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, SE+) + - or(S+, or(N+, R-)) name: explored-7434 type: explored -- comm_cost: 0.24135416666666698 - complexity: 10 +- comm_cost: 0.4388888888888891 + complexity: 17 expressions: - K+ - - K+ - - K+ - N+ - R- - S+ - - SE- - and(N-, R+) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-7435 type: explored -- comm_cost: 0.5695312500000003 +- comm_cost: 0.50625 complexity: 7 expressions: - - S- - - and(N-, R+) + - N+ + - and(K-, S+) - and(S-, SE-) name: explored-7436 type: explored -- comm_cost: 0.7631944444444446 - complexity: 7 +- comm_cost: 0.6383680555555556 + complexity: 8 expressions: + - K- - R+ - - or(K+, N+) - - or(K+, R+) + - R- + - SE- + - and(S-, not(R+)) name: explored-7437 type: explored -- comm_cost: 0.37361111111111134 - complexity: 17 +- comm_cost: 0.7559027777777778 + complexity: 11 expressions: - - K+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-7438 type: explored -- comm_cost: 0.413888888888889 - complexity: 14 +- comm_cost: 0.6059895833333334 + complexity: 8 expressions: - N+ + - R+ - R- - - and(K-, S+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - R- + - and(K-, not(R-)) name: explored-7439 type: explored -- comm_cost: 0.4173611111111113 - complexity: 9 +- comm_cost: 0.5201388888888892 + complexity: 12 expressions: - - R+ - - R- - - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(SE+, N-) name: explored-7440 type: explored -- comm_cost: 0.2396267361111114 - complexity: 17 +- comm_cost: 0.4046875000000002 + complexity: 13 expressions: - K+ - R- - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(S+, or(N+, R-)) name: explored-7441 type: explored -- comm_cost: 0.7209114583333334 - complexity: 43 - expressions: - - and(K-, SE-) - - and(N-, or(S+, R+)) - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - not(R-) - - or(K+, S-) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-7442 - type: explored -- comm_cost: 0.4587500000000002 +- comm_cost: 0.5797048611111113 complexity: 13 expressions: - - K+ - N+ - - and(K-, S+) + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R-) - name: explored-7443 + - and(N-, not(R-)) + - or(K+, S-) + name: explored-7442 type: explored -- comm_cost: 0.3557291666666669 - complexity: 16 +- comm_cost: 0.3826967592592594 + complexity: 18 expressions: - - K+ - N+ - R- - S+ - - and(K-, SE-) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, SE+) + - and(and(K-, N-), not(R-)) + name: explored-7443 + type: explored +- comm_cost: 0.6688657407407409 + complexity: 7 + expressions: + - R+ + - S- + - SE- + - and(S-, not(R-)) name: explored-7444 type: explored -- comm_cost: 0.672916666666667 - complexity: 6 +- comm_cost: 0.146354166666667 + complexity: 13 expressions: + - N+ + - R- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, R+) + - and(S-, SE-) name: explored-7445 type: explored -- comm_cost: 0.7265798611111112 - complexity: 3 +- comm_cost: 0.5125000000000002 + complexity: 15 expressions: - - N- - - R+ - - S- + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-7446 type: explored -- comm_cost: 0.5725694444444446 - complexity: 12 +- comm_cost: 0.5862500000000002 + complexity: 8 expressions: - - R+ - - SE- - - and(K-, not(R+)) - - and(and(S-, N-), not(R-)) + - N+ + - R- + - and(N-, R+) + - or(K+, S-) name: explored-7447 type: explored -- comm_cost: 0.49140625000000004 +- comm_cost: 0.5897916666666668 complexity: 12 expressions: - - N+ - - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - K+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, S-) name: explored-7448 type: explored -- comm_cost: 0.5007812500000002 - complexity: 12 +- comm_cost: 0.38680555555555585 + complexity: 11 expressions: - N+ - - R- - SE- - and(N-, R+) - - or(K+, R-) - - or(K+, SE+) + - and(N-, R+) + - and(SE+, N-) name: explored-7449 type: explored -- comm_cost: 0.5911458333333335 - complexity: 10 +- comm_cost: 0.2171875000000003 + complexity: 17 expressions: - - R+ - - SE- + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) - and(S-, or(SE-, N+)) - or(K+, N+) name: explored-7450 type: explored -- comm_cost: 0.31689814814814854 - complexity: 15 +- comm_cost: 0.28333333333333366 + complexity: 10 expressions: + - K+ + - K+ - N+ - - R- - - SE- + - S+ + - and(K-, SE-) - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(K+, R-) name: explored-7451 type: explored -- comm_cost: 0.5681944444444446 - complexity: 10 +- comm_cost: 0.479965277777778 + complexity: 14 expressions: - - K- + - K+ - N+ - R- - - SE- - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - not(R+) + - or(K+, S-) name: explored-7452 type: explored -- comm_cost: 0.5456597222222224 - complexity: 9 +- comm_cost: 0.5926388888888889 + complexity: 10 expressions: - - R+ + - N+ + - N- - R- - - SE- - - and(K-, N-) - - and(N-, R+) + - S+ + - and(S-, SE-) + - or(S+, SE+) name: explored-7453 type: explored -- comm_cost: 0.6108217592592593 - complexity: 27 +- comm_cost: 0.4650520833333335 + complexity: 20 expressions: - K+ - - S- + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, SE+) - - or(N+, R-) - - or(S+, or(N+, R-)) + - or(K+, S-) name: explored-7454 type: explored -- comm_cost: 0.5147569444444446 - complexity: 15 +- comm_cost: 0.6036458333333335 + complexity: 9 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, S+) + - SE- + - and(K-, not(R-)) - and(N-, R+) - - or(K+, K-) name: explored-7455 type: explored -- comm_cost: 0.5583333333333336 +- comm_cost: 0.7616666666666667 complexity: 8 expressions: - - K+ - - K+ - - R- - - S+ - - SE+ - - and(N-, R+) + - and(K-, or(SE-, N+)) + - or(K+, S-) name: explored-7456 type: explored -- comm_cost: 0.2620370370370372 - complexity: 11 +- comm_cost: 0.6375000000000001 + complexity: 7 expressions: - - N+ - - R- - - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(K-, SE-) + - or(S+, SE+) name: explored-7457 type: explored -- comm_cost: 0.5822916666666668 - complexity: 4 +- comm_cost: 0.29270833333333346 + complexity: 22 expressions: - K+ - - R+ - - R- + - K+ + - N+ - R- + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-7458 type: explored -- comm_cost: 0.466666666666667 - complexity: 8 +- comm_cost: 0.7339554398148149 + complexity: 15 expressions: - - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(K-, or(S+, R+)) + - and(N-, or(S+, R+)) + - not(R+) + - or(S+, SE+) name: explored-7459 type: explored -- comm_cost: 0.7399305555555555 - complexity: 11 +- comm_cost: 0.31406250000000036 + complexity: 12 expressions: - K+ - N+ - R- - - S+ - - or(and(K-, S+), or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - or(SE-, N+) name: explored-7460 type: explored -- comm_cost: 0.4850000000000001 - complexity: 17 +- comm_cost: 0.2743055555555559 + complexity: 11 expressions: - - K+ - N+ - R- + - S+ + - SE- + - SE- + - and(N-, R+) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, SE+) name: explored-7461 type: explored -- comm_cost: 0.5544270833333335 - complexity: 19 +- comm_cost: 0.653347800925926 + complexity: 41 expressions: - - N+ - - R- - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(K+, K-) + - S- + - and(K-, not(R-)) + - and(N-, or(K+, R+)) + - and(S-, not(R+)) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-7462 type: explored -- comm_cost: 0.5436342592592595 - complexity: 7 +- comm_cost: 0.315842013888889 + complexity: 18 expressions: - - R+ - - R- + - K+ + - K+ + - N+ - R- - - SE- - - or(S+, R-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-7463 type: explored -- comm_cost: 0.37031250000000016 - complexity: 17 +- comm_cost: 0.3359375000000002 + complexity: 13 expressions: - N+ - R- - - and(K-, or(S+, N+)) + - and(K-, SE-) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-7464 type: explored -- comm_cost: 0.5199652777777779 - complexity: 16 +- comm_cost: 0.6903645833333334 + complexity: 9 expressions: - R+ - - R- - - S+ - - and(S-, SE-) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(S+, SE+)) + - or(SE-, N+) name: explored-7465 type: explored -- comm_cost: 0.7072337962962965 - complexity: 11 +- comm_cost: 0.7539351851851852 + complexity: 12 expressions: - - SE+ - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) + - R- + - SE- + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-7466 type: explored -- comm_cost: 0.8411458333333333 - complexity: 6 +- comm_cost: 0.301041666666667 + complexity: 11 expressions: - N+ - - or(S+, or(N+, R-)) + - R- + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-7467 type: explored -- comm_cost: 0.4203703703703705 - complexity: 23 +- comm_cost: 0.5005208333333335 + complexity: 15 expressions: - N+ - R- + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R-) + - and(or(K+, S-), not(R+)) + - or(S+, R+) name: explored-7468 type: explored -- comm_cost: 0.3211226851851854 - complexity: 22 +- comm_cost: 0.4148437500000004 + complexity: 15 expressions: - K+ - - N+ - - R- - - S+ - - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-7469 type: explored -- comm_cost: 0.6950520833333335 - complexity: 9 +- comm_cost: 0.7546875000000002 + complexity: 8 expressions: - - R+ - - S- - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, S-)) + - and(SE+, N-) name: explored-7470 type: explored -- comm_cost: 0.4859375 - complexity: 7 +- comm_cost: 0.6838541666666668 + complexity: 8 expressions: - - K+ - - N+ - - N+ - - S+ - - and(S-, SE-) + - SE- + - and(S-, not(R+)) + - or(K+, SE+) name: explored-7471 type: explored -- comm_cost: 0.5821180555555556 - complexity: 11 +- comm_cost: 0.7664062500000001 + complexity: 6 expressions: - - K+ - - N+ - - R- - SE- - - and(K-, not(R-)) - - or(K+, R+) + - and(N-, or(K+, S-)) name: explored-7472 type: explored -- comm_cost: 0.18125000000000013 - complexity: 15 +- comm_cost: 0.7305555555555555 + complexity: 5 expressions: - - K+ - - K+ - N+ - R- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - or(S+, R-) name: explored-7473 type: explored -- comm_cost: 0.3197916666666668 - complexity: 11 +- comm_cost: 0.28333333333333366 + complexity: 7 expressions: - - R+ + - N+ - R- - - S+ - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R- + - SE- + - and(N-, R+) name: explored-7474 type: explored -- comm_cost: 0.45416666666666683 - complexity: 6 +- comm_cost: 0.34670138888888924 + complexity: 17 expressions: - N+ - - R+ - R- - - and(K-, SE-) + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-7475 type: explored -- comm_cost: 0.5039375000000001 - complexity: 16 +- comm_cost: 0.5784722222222222 + complexity: 12 expressions: - - K+ - - K+ - N+ - R- - S+ - - SE+ - - and(N-, R+) - and(S-, SE-) - - not(R+) - - not(R-) + - and(S-, or(N+, not(R+))) name: explored-7476 type: explored -- comm_cost: 0.6395833333333333 - complexity: 4 +- comm_cost: 0.5661458333333335 + complexity: 15 expressions: - - R- - - and(S-, SE-) + - N+ + - R+ + - SE- + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-7477 type: explored -- comm_cost: 0.4158854166666668 - complexity: 10 +- comm_cost: 0.6328472222222223 + complexity: 11 expressions: + - K- - R+ - R- - - and(S-, SE-) - - or(S+, or(N+, R-)) + - SE- + - and(and(K-, N-), or(S+, R+)) name: explored-7478 type: explored -- comm_cost: 0.5057378472222224 - complexity: 13 +- comm_cost: 0.7003472222222222 + complexity: 8 expressions: - - K+ - - N+ - - N- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - R- + - SE- + - and(K-, N-) + - or(SE-, N+) name: explored-7479 type: explored -- comm_cost: 0.2970833333333336 - complexity: 21 +- comm_cost: 0.6595486111111113 + complexity: 7 expressions: - - K+ - - N+ - - R- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(N+, not(R+)) + - R+ + - SE- + - and(K-, or(S+, R+)) name: explored-7480 type: explored -- comm_cost: 0.2718750000000002 - complexity: 19 +- comm_cost: 0.5587962962962965 + complexity: 15 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, S+) + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - or(K+, S-) name: explored-7481 type: explored -- comm_cost: 0.6527083333333334 - complexity: 6 +- comm_cost: 0.44687500000000036 + complexity: 13 expressions: - - R+ - R- - - S+ - - or(K+, S-) + - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7482 type: explored -- comm_cost: 0.46302083333333355 - complexity: 7 +- comm_cost: 0.5895833333333333 + complexity: 13 expressions: - K+ - N+ - - R+ - R- - - and(N-, R+) + - S+ + - and(K-, or(N+, not(R+))) + - and(S-, SE-) name: explored-7483 type: explored -- comm_cost: 0.3328125000000002 - complexity: 12 +- comm_cost: 0.3319444444444446 + complexity: 16 expressions: - N+ - - R+ - - S+ + - R- - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(S+, N+) name: explored-7484 type: explored -- comm_cost: 0.6616666666666666 - complexity: 4 +- comm_cost: 0.5106944444444446 + complexity: 9 expressions: - N+ - - R- - - not(R-) + - N- + - SE- + - and(N-, R+) + - or(S+, R-) name: explored-7485 type: explored -- comm_cost: 0.5839409722222224 - complexity: 15 +- comm_cost: 0.36302083333333357 + complexity: 9 expressions: + - K+ + - N+ - N+ - R+ - R- - SE- - - and(K-, N-) - - and(K-, SE-) - - and(N-, or(S+, SE+)) + - and(N-, R+) name: explored-7486 type: explored -- comm_cost: 0.7159722222222222 - complexity: 10 +- comm_cost: 0.6252777777777778 + complexity: 12 expressions: - - K+ + - N+ - R- - SE- - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(S+, R+)) + - or(N+, not(R+)) name: explored-7487 type: explored -- comm_cost: 0.6604467592592593 - complexity: 29 +- comm_cost: 0.18750000000000022 + complexity: 18 expressions: - - and(K-, or(SE-, N+)) - - and(S-, not(R+)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R-) - - or(N+, R-) - - or(S+, SE+) + - N+ + - R- + - R- + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-7488 type: explored -- comm_cost: 0.6230902777777778 - complexity: 10 +- comm_cost: 0.71796875 + complexity: 17 expressions: - - K+ - - R+ - - R- - - S- - - and(S-, SE-) - - or(K+, K-) + - and(K-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) name: explored-7489 type: explored -- comm_cost: 0.6288194444444446 - complexity: 16 +- comm_cost: 0.6429687500000001 + complexity: 9 expressions: - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R-) - - or(K+, S-) + - R+ + - and(S-, or(SE-, N+)) + - or(S+, R+) name: explored-7490 type: explored -- comm_cost: 0.6949074074074075 - complexity: 14 +- comm_cost: 0.7086516203703704 + complexity: 10 expressions: - - R- - - SE- - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - and(K-, SE-) + - or(K+, K-) + - or(S+, R+) name: explored-7491 type: explored -- comm_cost: 0.37708333333333366 - complexity: 9 +- comm_cost: 0.5776909722222223 + complexity: 8 expressions: - - and(K-, SE-) - - and(N-, R+) - - or(N+, R-) + - N+ + - S- + - and(S-, SE-) + - or(S+, R-) name: explored-7492 type: explored -- comm_cost: 0.5677083333333334 - complexity: 7 +- comm_cost: 0.7036747685185186 + complexity: 12 expressions: - - K+ - R+ - - R- - - and(N-, not(R-)) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-7493 type: explored -- comm_cost: 0.4765625000000001 - complexity: 10 +- comm_cost: 0.5333680555555557 + complexity: 14 expressions: - - R+ - - SE- - - and(K-, or(S+, R-)) + - N+ + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) + - not(R-) name: explored-7494 type: explored -- comm_cost: 0.5911458333333333 - complexity: 14 +- comm_cost: 0.7253472222222224 + complexity: 15 expressions: - - N+ - - N+ - - R- - - S+ - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) + - or(S+, R-) name: explored-7495 type: explored -- comm_cost: 0.7004166666666667 - complexity: 8 +- comm_cost: 0.2968750000000002 + complexity: 16 expressions: + - K+ - N+ + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, R+) name: explored-7496 type: explored -- comm_cost: 0.6630208333333334 - complexity: 4 +- comm_cost: 0.5378472222222221 + complexity: 10 expressions: + - K+ - N+ - - R+ - R- - - S- + - SE- + - and(S-, SE-) + - or(K+, N+) name: explored-7497 type: explored -- comm_cost: 0.7140625000000003 - complexity: 10 +- comm_cost: 0.5136574074074076 + complexity: 18 expressions: + - R+ + - R- + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-7498 type: explored -- comm_cost: 0.6848906250000001 - complexity: 33 +- comm_cost: 0.3125000000000002 + complexity: 10 expressions: - - and(N-, or(K+, S-)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - not(R+) - - or(N+, not(R+)) + - R- + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-7499 type: explored -- comm_cost: 0.24583333333333346 - complexity: 15 +- comm_cost: 0.4671875000000002 + complexity: 9 expressions: - K+ - - N+ - R+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) + - and(S-, N-) - and(S-, SE-) name: explored-7500 type: explored -- comm_cost: 0.27505787037037055 - complexity: 21 +- comm_cost: 0.5035156250000001 + complexity: 23 expressions: + - K+ + - K+ - N+ - R- - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-7501 type: explored -- comm_cost: 0.30625000000000013 - complexity: 15 +- comm_cost: 0.4593750000000001 + complexity: 13 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - R+ + - and(K-, S+) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) name: explored-7502 type: explored -- comm_cost: 0.441666666666667 - complexity: 6 +- comm_cost: 0.33953993055555576 + complexity: 24 expressions: + - K+ - N+ - - S+ - - S+ + - R- + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(SE+, N-) name: explored-7503 type: explored -- comm_cost: 0.5229166666666667 - complexity: 6 +- comm_cost: 0.524826388888889 + complexity: 18 expressions: + - K+ - N+ - R- - - SE- - - and(S-, SE-) + - and(K-, S+) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(K+, K-) name: explored-7504 type: explored -- comm_cost: 0.5068750000000002 - complexity: 16 +- comm_cost: 0.20329861111111147 + complexity: 15 expressions: - - K+ - N+ - - R- - - SE- + - S+ - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(K+, S-) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-7505 type: explored -- comm_cost: 0.7859548611111112 - complexity: 7 +- comm_cost: 0.6027777777777779 + complexity: 17 expressions: - - N- - - and(K-, N-) - - and(S-, N-) + - N+ + - R+ + - R- + - SE- + - and(K-, or(SE-, N+)) + - and(N-, or(K+, S-)) + - or(S+, N+) name: explored-7506 type: explored -- comm_cost: 0.6701388888888888 - complexity: 8 +- comm_cost: 0.466666666666667 + complexity: 7 expressions: - - N+ + - K+ + - K+ - R- - - and(or(K+, S-), not(R+)) + - S+ + - and(N-, R+) name: explored-7507 type: explored -- comm_cost: 0.6630208333333335 - complexity: 6 +- comm_cost: 0.6180555555555557 + complexity: 14 expressions: - N+ - R+ - R- - - or(N+, R-) + - SE- + - and(N-, or(K+, S-)) + - or(S+, or(N+, R-)) name: explored-7508 type: explored -- comm_cost: 0.4901041666666668 - complexity: 14 +- comm_cost: 0.7630208333333333 + complexity: 6 + expressions: + - R- + - SE- + - and(S-, not(R+)) + name: explored-7509 + type: explored +- comm_cost: 0.30086805555555585 + complexity: 16 expressions: - K+ - N+ - R- + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, N+) - name: explored-7509 + - and(S-, SE-) + - or(SE-, N+) + name: explored-7510 type: explored -- comm_cost: 0.4343750000000002 - complexity: 6 +- comm_cost: 0.7466898148148149 + complexity: 7 expressions: - R+ - - R- - SE- - - and(S-, SE-) - name: explored-7510 + - not(R-) + - or(K+, K-) + name: explored-7511 type: explored -- comm_cost: 0.4083333333333333 - complexity: 9 +- comm_cost: 0.3148003472222224 + complexity: 22 expressions: + - K+ + - K+ - N+ - R- - - R- - - and(K-, S+) + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - name: explored-7511 - type: explored -- comm_cost: 0.6464409722222224 - complexity: 8 - expressions: - - R+ - - SE- - - or(K+, N+) - - or(K+, SE+) + - and(and(S-, N-), not(R-)) name: explored-7512 type: explored -- comm_cost: 0.5690104166666667 - complexity: 13 +- comm_cost: 0.663515625 + complexity: 14 expressions: + - N- - R+ - R- - SE- - - and(and(K-, N-), or(S+, R+)) - - or(S+, R+) + - and(K-, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7513 type: explored -- comm_cost: 0.43576388888888906 - complexity: 11 +- comm_cost: 0.4583333333333337 + complexity: 9 expressions: - N+ - - R- - - and(and(S-, N-), not(R-)) - - or(S+, R-) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-7514 type: explored -- comm_cost: 0.6515046296296297 - complexity: 12 +- comm_cost: 0.8054166666666667 + complexity: 5 expressions: - - R+ - - R- - - SE- - - and(and(K-, N-), not(R-)) - - or(K+, S-) + - N+ + - or(N+, not(R+)) name: explored-7515 type: explored -- comm_cost: 0.41478587962962976 - complexity: 18 +- comm_cost: 0.5443402777777779 + complexity: 12 expressions: + - K- - N+ + - R- - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(N-, or(K+, R+)) name: explored-7516 type: explored -- comm_cost: 0.5829282407407408 - complexity: 10 +- comm_cost: 0.5913194444444446 + complexity: 7 expressions: + - K- + - N+ - R+ - - S- - - and(N-, or(S+, R+)) - - and(S-, SE-) + - SE- + - and(N-, R+) name: explored-7517 type: explored -- comm_cost: 0.2817708333333335 - complexity: 13 +- comm_cost: 0.682170138888889 + complexity: 20 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - K- + - and(K-, or(S+, N+)) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) name: explored-7518 type: explored -- comm_cost: 0.5854166666666668 - complexity: 17 +- comm_cost: 0.441666666666667 + complexity: 5 expressions: + - K+ - N+ - - R- - - S- - - SE- - - and(K-, not(R-)) - and(N-, R+) - - and(and(K-, N-), not(R-)) name: explored-7519 type: explored -- comm_cost: 0.513888888888889 - complexity: 13 +- comm_cost: 0.42604166666666676 + complexity: 10 expressions: - - N+ - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) + - R+ + - R- - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-7520 type: explored -- comm_cost: 0.537013888888889 - complexity: 15 +- comm_cost: 0.6833333333333333 + complexity: 8 expressions: - K+ - - N+ - R- - SE- - - and(N-, R+) - - not(R+) - - or(N+, R-) - - or(S+, SE+) + - and(K-, or(SE-, N+)) name: explored-7521 type: explored -- comm_cost: 0.6135416666666667 - complexity: 6 +- comm_cost: 0.5833333333333334 + complexity: 4 expressions: - - and(S-, SE-) - - or(N+, R-) + - K+ + - N+ + - R- + - SE- name: explored-7522 type: explored -- comm_cost: 0.5614583333333335 - complexity: 7 +- comm_cost: 0.7657864583333334 + complexity: 18 expressions: - - R+ - - R- - - and(K-, or(SE-, N+)) + - and(K-, or(N+, not(R+))) + - and(N-, or(S+, SE+)) + - not(R+) + - not(R-) + - or(SE-, N+) name: explored-7523 type: explored -- comm_cost: 0.6312500000000002 - complexity: 5 +- comm_cost: 0.526857638888889 + complexity: 18 expressions: - - R+ - - S+ - - or(N+, R-) + - N+ + - R- + - and(K-, N-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-7524 type: explored -- comm_cost: 0.5250000000000001 +- comm_cost: 0.28437500000000027 complexity: 13 expressions: + - N+ - R- - - S- - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - not(R+) + - or(K+, N+) name: explored-7525 type: explored -- comm_cost: 0.5130787037037039 - complexity: 20 +- comm_cost: 0.8710069444444445 + complexity: 12 expressions: - - K+ - - R+ - - R- - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, R-) - - or(S+, or(N+, R-)) + - and(K-, or(S+, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-7526 type: explored -- comm_cost: 0.7045515046296298 - complexity: 14 +- comm_cost: 0.6711284722222224 + complexity: 15 expressions: - - SE+ - - and(SE-, or(K+, S-)) - - not(R-) - - or(K+, SE+) - - or(S+, N+) + - K+ + - R+ + - R- + - and(N-, or(K+, R+)) + - or(N+, not(R+)) + - or(S+, SE+) name: explored-7527 type: explored -- comm_cost: 0.47927083333333353 +- comm_cost: 0.6503472222222223 complexity: 12 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(SE-, or(K+, S-)) - - not(R-) + - SE- + - and(K-, or(S+, R+)) + - or(K+, K-) name: explored-7528 type: explored -- comm_cost: 0.2395833333333337 - complexity: 12 +- comm_cost: 0.6918402777777779 + complexity: 9 expressions: - - K+ - - N+ - - SE- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, SE+)) + - and(S-, not(R+)) name: explored-7529 type: explored -- comm_cost: 0.6946180555555556 - complexity: 13 +- comm_cost: 0.4871238425925928 + complexity: 25 expressions: - N+ - R- - - SE- - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) + - S+ + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-7530 type: explored -- comm_cost: 0.5165509259259261 - complexity: 14 +- comm_cost: 0.4560763888888888 + complexity: 10 expressions: + - K+ - N+ - R- - - SE- - - and(K-, N-) - - and(N-, R+) - - or(K+, or(N+, R-)) + - S+ + - and(S-, SE-) + - or(S+, N+) name: explored-7531 type: explored -- comm_cost: 0.42343750000000013 - complexity: 12 +- comm_cost: 0.5032986111111111 + complexity: 14 expressions: + - K+ + - K+ - N+ - - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - S+ + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-7532 type: explored -- comm_cost: 0.7340856481481481 - complexity: 11 +- comm_cost: 0.4828125000000002 + complexity: 14 expressions: - - and(or(K+, S-), not(R+)) - - not(R+) - - or(K+, SE+) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-7533 type: explored -- comm_cost: 0.2997685185185188 - complexity: 14 +- comm_cost: 0.4433593750000002 + complexity: 17 expressions: - K+ + - K+ - N+ - R- - S+ - - and(K-, not(R+)) + - and(K-, N-) - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) + - or(K+, SE+) name: explored-7534 type: explored -- comm_cost: 0.609201388888889 - complexity: 9 +- comm_cost: 0.696875 + complexity: 15 expressions: - N+ - - R+ + - R- - SE- - - or(K+, R-) - - or(K+, SE+) + - and(K-, or(S+, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-7535 type: explored -- comm_cost: 0.28281250000000013 - complexity: 16 +- comm_cost: 0.6767737268518519 + complexity: 39 expressions: - - K+ - - N+ - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - S+ + - and(N-, and(or(K+, S-), not(R-))) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-7536 type: explored -- comm_cost: 0.43611111111111134 - complexity: 7 +- comm_cost: 0.7177083333333333 + complexity: 9 expressions: - N+ - - and(N-, R+) - - or(S+, R-) + - R- + - SE- + - and(K-, or(N+, not(R+))) name: explored-7537 type: explored -- comm_cost: 0.294791666666667 - complexity: 12 +- comm_cost: 0.4550347222222223 + complexity: 8 expressions: - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - N+ + - R+ + - R- + - S+ + - SE- + - and(K-, S+) name: explored-7538 type: explored -- comm_cost: 0.8005208333333333 - complexity: 3 +- comm_cost: 0.8229166666666667 + complexity: 9 expressions: - - K+ - - R- - - S+ + - SE- + - and(K-, not(R+)) + - or(N+, not(R+)) name: explored-7539 type: explored -- comm_cost: 0.543402777777778 - complexity: 15 +- comm_cost: 0.47424768518518534 + complexity: 14 expressions: - - N+ + - R- + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - not(R-) + - or(K+, R+) name: explored-7540 type: explored -- comm_cost: 0.4453125000000002 - complexity: 10 +- comm_cost: 0.3428993055555558 + complexity: 18 expressions: + - K+ - N+ - - R+ - - R- - - SE- + - S+ - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-7541 type: explored -- comm_cost: 0.4458333333333332 - complexity: 11 +- comm_cost: 0.7166666666666668 + complexity: 13 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, N+)) - - and(S-, SE-) + - SE- + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-7542 type: explored -- comm_cost: 0.44999999999999996 - complexity: 17 +- comm_cost: 0.38611111111111107 + complexity: 15 expressions: - - K+ - N+ - R- - - S+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - and(S-, SE-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7543 type: explored -- comm_cost: 0.7706828703703704 - complexity: 7 +- comm_cost: 0.42734375000000036 + complexity: 19 expressions: - - R+ - - or(K+, K-) - - or(S+, SE+) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7544 type: explored -- comm_cost: 0.2210937500000003 - complexity: 13 +- comm_cost: 0.5901041666666668 + complexity: 9 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R- + - SE- + - and(and(K-, N-), or(S+, R+)) name: explored-7545 type: explored -- comm_cost: 0.32343750000000027 - complexity: 10 +- comm_cost: 0.6379340277777779 + complexity: 12 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, R+) + - R+ + - SE- + - and(K-, or(S+, SE+)) + - and(N-, or(K+, R+)) name: explored-7546 type: explored -- comm_cost: 0.6088703703703705 - complexity: 17 +- comm_cost: 0.06093750000000031 + complexity: 13 expressions: - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - not(R-) - - or(K+, or(N+, R-)) - - or(S+, SE+) + - and(S-, SE-) + - and(S-, SE-) name: explored-7547 type: explored -- comm_cost: 0.16432291666666687 - complexity: 19 +- comm_cost: 0.524027777777778 + complexity: 12 expressions: - - K+ - - K+ - N+ + - N- - R- - - S+ - - and(K-, S+) + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) name: explored-7548 type: explored -- comm_cost: 0.16319444444444486 - complexity: 19 +- comm_cost: 0.6303240740740742 + complexity: 23 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE- + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-7549 type: explored -- comm_cost: 0.4164930555555557 - complexity: 11 +- comm_cost: 0.35500578703703733 + complexity: 19 expressions: - K+ - N+ - R- - - S+ + - SE+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) name: explored-7550 type: explored -- comm_cost: 0.6005931712962964 - complexity: 16 +- comm_cost: 0.247916666666667 + complexity: 11 expressions: - - R+ - - R- - - and(N-, or(K+, R+)) + - K+ + - K+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(K+, SE+) name: explored-7551 type: explored -- comm_cost: 0.6430555555555555 - complexity: 9 +- comm_cost: 0.587152777777778 + complexity: 8 expressions: - - N+ - - R- + - R+ - SE- - - and(or(K+, S-), not(R+)) + - or(S+, R-) + - or(S+, R-) name: explored-7552 type: explored -- comm_cost: 0.35555555555555574 - complexity: 8 +- comm_cost: 0.7998263888888889 + complexity: 10 expressions: - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) name: explored-7553 type: explored -- comm_cost: 0.6130208333333335 - complexity: 6 +- comm_cost: 0.4173321759259261 + complexity: 21 expressions: - - R+ - - R+ - - SE- - - or(K+, N+) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-7554 type: explored -- comm_cost: 0.6635416666666666 - complexity: 7 +- comm_cost: 0.24670138888888915 + complexity: 16 expressions: + - K+ + - N+ - R- - - SE- - - and(S-, or(SE-, N+)) + - S+ + - and(N-, R+) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-7555 type: explored -- comm_cost: 0.23593750000000013 - complexity: 16 +- comm_cost: 0.5750000000000002 + complexity: 12 expressions: - - K+ - - K+ - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - or(K+, K-) + - or(SE-, N+) name: explored-7556 type: explored -- comm_cost: 0.64375 - complexity: 10 +- comm_cost: 0.5076388888888891 + complexity: 14 expressions: - N+ - - R- - - SE- - - and(S-, not(R+)) - - or(K+, N+) + - S- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-7557 type: explored -- comm_cost: 0.4487500000000002 - complexity: 12 +- comm_cost: 0.42638888888888893 + complexity: 8 expressions: - - K- - - N+ + - K+ - R- - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) + - or(K+, R+) name: explored-7558 type: explored -- comm_cost: 0.22968750000000027 - complexity: 12 +- comm_cost: 0.43177083333333344 + complexity: 9 expressions: - K+ - N+ - - R- - S+ - - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(S-, N-) + - and(S-, SE-) name: explored-7559 type: explored -- comm_cost: 0.5838541666666668 +- comm_cost: 0.4575520833333334 complexity: 10 expressions: + - K+ - R+ - - and(K-, SE-) - - or(N+, R-) - - or(S+, R+) + - R- + - and(K-, not(R-)) + - and(S-, SE-) name: explored-7560 type: explored -- comm_cost: 0.5692708333333334 - complexity: 15 +- comm_cost: 0.4587500000000002 + complexity: 13 expressions: - - R+ - - SE- - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - not(R-) name: explored-7561 type: explored -- comm_cost: 0.5861111111111115 - complexity: 6 +- comm_cost: 0.47867476851851865 + complexity: 19 expressions: + - K+ + - N+ + - R- + - SE- - and(N-, R+) - - or(S+, R-) + - and(N-, not(R-)) + - and(and(K-, N-), not(R-)) + - not(R+) name: explored-7562 type: explored -- comm_cost: 0.6724537037037038 - complexity: 16 +- comm_cost: 0.6401041666666667 + complexity: 10 expressions: - - R+ - - and(N-, or(K+, S-)) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-7563 type: explored -- comm_cost: 0.32682291666666685 +- comm_cost: 0.08125000000000027 complexity: 12 expressions: - - K+ - N+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - and(S-, SE-) name: explored-7564 type: explored -- comm_cost: 0.4716145833333336 - complexity: 17 +- comm_cost: 0.7534722222222223 + complexity: 4 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, not(R-)) name: explored-7565 type: explored -- comm_cost: 0.37459490740740753 - complexity: 23 +- comm_cost: 0.5217592592592594 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, R+)) + - S+ + - S- - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-7566 type: explored -- comm_cost: 0.548726851851852 - complexity: 10 +- comm_cost: 0.48935185185185204 + complexity: 12 expressions: - - K+ - N+ - - R+ - - SE- - and(N-, R+) - - or(K+, R+) + - and(N-, or(K+, R+)) + - and(S-, N-) name: explored-7567 type: explored -- comm_cost: 0.6038194444444446 - complexity: 11 +- comm_cost: 0.470769675925926 + complexity: 16 expressions: + - K+ + - K- + - N+ - R+ - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-7568 type: explored -- comm_cost: 0.5062500000000001 - complexity: 5 +- comm_cost: 0.566059027777778 + complexity: 14 expressions: - - K+ - - N+ + - R- + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) name: explored-7569 type: explored -- comm_cost: 0.46163194444444455 - complexity: 14 +- comm_cost: 0.4887152777777779 + complexity: 13 expressions: - - K+ - - K+ + - R+ - R- - - S+ + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) name: explored-7570 type: explored -- comm_cost: 0.6096064814814817 - complexity: 14 +- comm_cost: 0.479965277777778 + complexity: 16 expressions: - - K+ + - N+ - R- - - SE- - and(N-, R+) - and(N-, or(K+, R+)) - - or(K+, K-) + - and(S-, SE-) + - or(K+, S-) name: explored-7571 type: explored -- comm_cost: 0.25218750000000023 - complexity: 22 +- comm_cost: 0.4999131944444446 + complexity: 14 expressions: - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(K-, SE-) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(N+, not(R+)) + - or(S+, R+) + - or(SE-, N+) name: explored-7572 type: explored -- comm_cost: 0.691388888888889 - complexity: 11 +- comm_cost: 0.45243055555555567 + complexity: 14 expressions: + - K+ - R+ - - SE- - - and(N-, or(K+, S-)) - - or(N+, not(R+)) + - R- + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - or(S+, R-) name: explored-7573 type: explored -- comm_cost: 0.5736111111111113 - complexity: 10 +- comm_cost: 0.4447916666666668 + complexity: 23 expressions: - K+ - N+ - - and(K-, or(S+, R+)) + - R- + - and(K-, or(S+, R-)) - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(SE-, N+) name: explored-7574 type: explored -- comm_cost: 0.4916666666666668 - complexity: 10 +- comm_cost: 0.7423958333333335 + complexity: 6 expressions: - - R- - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - R+ + - not(R-) + - or(SE-, N+) name: explored-7575 type: explored -- comm_cost: 0.3865740740740742 - complexity: 19 +- comm_cost: 0.6312500000000002 + complexity: 10 expressions: - - N+ - - R- + - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, or(S+, R+)) name: explored-7576 type: explored -- comm_cost: 0.16666666666666696 - complexity: 12 +- comm_cost: 0.525462962962963 + complexity: 17 expressions: - - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(S-, N-), not(R-)) name: explored-7577 type: explored -- comm_cost: 0.5321527777777779 - complexity: 13 +- comm_cost: 0.4022800925925929 + complexity: 18 expressions: - - K+ - - N+ - R- - - and(K-, N-) + - S+ - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) - or(N+, not(R+)) name: explored-7578 type: explored -- comm_cost: 0.6875 - complexity: 8 +- comm_cost: 0.37031250000000027 + complexity: 15 expressions: - - K+ - - K- - N+ - - R- - - SE- - - or(S+, SE+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7579 type: explored -- comm_cost: 0.6081597222222223 - complexity: 13 +- comm_cost: 0.28828125000000016 + complexity: 18 expressions: - K+ + - N+ - R- - - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, R+) + - or(S+, R-) name: explored-7580 type: explored -- comm_cost: 0.33269675925925934 - complexity: 13 +- comm_cost: 0.5429398148148149 + complexity: 14 expressions: - N+ + - R+ - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - SE- + - and(K-, or(S+, R-)) + - and(N-, or(K+, SE+)) name: explored-7581 type: explored -- comm_cost: 0.56640625 - complexity: 10 +- comm_cost: 0.5961805555555556 + complexity: 9 expressions: - K+ - N+ - R- - - S+ - - and(S-, SE-) - - or(SE-, N+) + - SE+ + - SE- + - and(N-, not(R-)) name: explored-7582 type: explored -- comm_cost: 0.4423611111111113 - complexity: 9 +- comm_cost: 0.7229166666666668 + complexity: 14 expressions: - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - R+ + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-7583 type: explored -- comm_cost: 0.32581018518518534 - complexity: 16 +- comm_cost: 0.4409722222222221 + complexity: 9 expressions: + - K+ - N+ - R- - - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, R+) + - or(S+, R-) name: explored-7584 type: explored -- comm_cost: 0.577777777777778 - complexity: 13 +- comm_cost: 0.47187500000000016 + complexity: 20 expressions: - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, not(R-)) - - or(K+, K-) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) + - or(S+, N+) name: explored-7585 type: explored -- comm_cost: 0.48246527777777803 - complexity: 13 +- comm_cost: 0.6092013888888891 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) + - R+ + - SE- + - and(K-, S+) + - and(K-, or(N+, not(R+))) name: explored-7586 type: explored -- comm_cost: 0.5882233796296298 - complexity: 10 +- comm_cost: 0.6468750000000001 + complexity: 8 expressions: - N+ - - SE+ + - N+ + - R+ - SE- - and(K-, not(R-)) - - and(N-, R+) name: explored-7587 type: explored -- comm_cost: 0.7166666666666667 +- comm_cost: 0.28046875000000016 complexity: 12 expressions: + - N+ - R- - - SE- - - and(K-, SE-) - - or(and(K-, S+), or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-7588 type: explored -- comm_cost: 0.5197916666666668 +- comm_cost: 0.5867187500000002 complexity: 11 expressions: - - R- - - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, K-) name: explored-7589 type: explored -- comm_cost: 0.68875 - complexity: 9 - expressions: - - K+ - - R- - - and(S-, SE-) - - or(N+, not(R+)) - name: explored-7590 - type: explored -- comm_cost: 0.28333333333333366 - complexity: 8 +- comm_cost: 0.2859375000000003 + complexity: 10 expressions: - N+ - - N+ - - R- - R- - SE- - and(N-, R+) - name: explored-7591 + - and(S-, not(R+)) + name: explored-7590 type: explored -- comm_cost: 0.4487500000000002 - complexity: 12 +- comm_cost: 0.5722656250000001 + complexity: 17 expressions: - K+ + - K- - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - or(K+, S-) - name: explored-7592 + - or(K+, SE+) + name: explored-7591 type: explored -- comm_cost: 0.6986979166666667 - complexity: 8 +- comm_cost: 0.7364459325396826 + complexity: 32 expressions: - - and(SE-, or(K+, S-)) - - or(S+, R+) - name: explored-7593 + - S- + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, or(S+, R+)) + - and(or(K+, S-), not(R-)) + - or(K+, K-) + - or(K+, SE+) + - or(N+, R-) + - or(SE-, N+) + name: explored-7592 type: explored -- comm_cost: 0.5144097222222225 - complexity: 15 +- comm_cost: 0.6318055555555556 + complexity: 4 expressions: - K+ - N+ + - N- - SE- + name: explored-7593 + type: explored +- comm_cost: 0.2500000000000002 + complexity: 18 + expressions: + - N+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7594 type: explored -- comm_cost: 0.6642534722222223 - complexity: 30 +- comm_cost: 0.746875 + complexity: 7 expressions: - - SE+ - - and(K-, not(R+)) - - and(N-, or(S+, SE+)) - - and(S-, N-) - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - SE- + - or(S+, or(N+, R-)) name: explored-7595 type: explored -- comm_cost: 0.4133159722222224 - complexity: 23 +- comm_cost: 0.7668402777777779 + complexity: 14 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - not(R-) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), not(R-)) name: explored-7596 type: explored -- comm_cost: 0.5901041666666668 - complexity: 9 +- comm_cost: 0.6630787037037038 + complexity: 12 expressions: - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) + - R+ + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-7597 type: explored -- comm_cost: 0.28671875000000013 - complexity: 15 +- comm_cost: 0.7726388888888889 + complexity: 6 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - K- + - or(K+, or(N+, R-)) name: explored-7598 type: explored -- comm_cost: 0.42893518518518536 - complexity: 19 +- comm_cost: 0.5588541666666668 + complexity: 9 expressions: - K+ - N+ - - R- - - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(K-, not(R-)) + - and(S-, SE-) name: explored-7599 type: explored -- comm_cost: 0.6070312500000002 - complexity: 10 +- comm_cost: 0.3734375000000003 + complexity: 22 expressions: - - R- - - SE- + - K+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(SE+, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-7600 type: explored -- comm_cost: 0.7544270833333333 - complexity: 9 +- comm_cost: 0.6703726851851852 + complexity: 40 expressions: - - N+ - - SE- - - or(and(K-, SE-), or(N+, R-)) + - R- + - and(K-, SE-) + - and(N-, or(S+, SE+)) + - and(S-, N-) + - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, S-) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-7601 type: explored -- comm_cost: 0.7019097222222224 - complexity: 11 +- comm_cost: 0.4986284722222224 + complexity: 18 expressions: - - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) + - N+ + - N- + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-7602 type: explored -- comm_cost: 0.3373842592592595 +- comm_cost: 0.19982638888888915 complexity: 20 expressions: + - K+ - N+ + - R+ - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - or(and(K-, S+), or(N+, R-)) name: explored-7603 type: explored -- comm_cost: 0.6509537037037038 - complexity: 37 +- comm_cost: 0.49823495370370385 + complexity: 19 expressions: - - N- - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) - - or(S+, SE+) + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) - or(and(K-, S+), or(N+, R-)) name: explored-7604 type: explored -- comm_cost: 0.5537037037037038 - complexity: 16 +- comm_cost: 0.38342013888888904 + complexity: 19 expressions: + - K+ - N+ + - R- + - SE- + - and(K-, N-) - and(N-, R+) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-7605 type: explored -- comm_cost: 0.5858854166666668 - complexity: 16 +- comm_cost: 0.6534375000000001 + complexity: 12 expressions: - - N+ + - R+ + - R- - SE- - - and(K-, SE-) - - and(N-, R+) - - and(N-, or(K+, S-)) - - or(S+, SE+) + - not(R-) + - or(and(K-, S+), or(N+, R-)) name: explored-7606 type: explored -- comm_cost: 0.3557291666666671 +- comm_cost: 0.5423611111111113 complexity: 9 expressions: - - K+ - - R- - - SE- - - and(N-, R+) - - or(N+, R-) + - R+ + - and(K-, SE-) + - or(K+, or(N+, R-)) name: explored-7607 type: explored -- comm_cost: 0.7097222222222223 - complexity: 8 +- comm_cost: 0.7743055555555556 + complexity: 11 expressions: - - K- - - R- - - or(K+, N+) - - or(N+, R-) + - SE- + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) name: explored-7608 type: explored -- comm_cost: 0.5088888888888891 - complexity: 17 +- comm_cost: 0.39861111111111147 + complexity: 14 expressions: - - K+ - N+ - - R- - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(S+, SE+) + - and(S-, or(N+, not(R+))) + - or(S+, R-) name: explored-7609 type: explored -- comm_cost: 0.5327256944444445 - complexity: 14 +- comm_cost: 0.6050000000000001 + complexity: 8 expressions: - N+ - R+ - - R- - - SE- - - and(K-, not(R-)) - - and(and(S-, N-), not(R-)) + - and(K-, SE-) + - or(S+, SE+) name: explored-7610 type: explored -- comm_cost: 0.5915798611111112 - complexity: 18 +- comm_cost: 0.6076388888888891 + complexity: 11 expressions: - - R+ - R- - SE- - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(S+, R+) + - or(S+, R-) name: explored-7611 type: explored -- comm_cost: 0.53671875 - complexity: 9 +- comm_cost: 0.5984375000000002 + complexity: 5 expressions: - - R- - - and(K-, or(S+, SE+)) - - and(S-, SE-) + - K+ + - R+ + - and(N-, R+) name: explored-7612 type: explored -- comm_cost: 0.40729166666666705 - complexity: 10 +- comm_cost: 0.433564814814815 + complexity: 20 expressions: - - SE- - - and(N-, R+) + - N+ - and(N-, R+) - - or(N+, R-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-7613 type: explored -- comm_cost: 0.6159722222222224 - complexity: 8 +- comm_cost: 0.6540625000000002 + complexity: 10 expressions: - - R+ - - S- + - and(K-, or(S+, N+)) - and(N-, R+) - - or(K+, N+) + - not(R-) name: explored-7614 type: explored -- comm_cost: 0.48935185185185204 - complexity: 12 +- comm_cost: 0.17777777777777803 + complexity: 11 expressions: - N+ + - R- + - S+ + - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, N-) + - and(S-, SE-) name: explored-7615 type: explored -- comm_cost: 0.8106770833333333 - complexity: 8 +- comm_cost: 0.6053819444444446 + complexity: 13 expressions: - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-7616 type: explored -- comm_cost: 0.5697916666666668 - complexity: 14 +- comm_cost: 0.4786458333333333 + complexity: 9 expressions: - K+ - N+ - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(K+, SE+) + - R- + - and(K-, S+) + - and(K-, SE-) name: explored-7617 type: explored -- comm_cost: 0.22812500000000036 - complexity: 20 +- comm_cost: 0.5690104166666667 + complexity: 10 expressions: - K+ - N+ - - R- - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(K-, not(R-)) - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-7618 type: explored -- comm_cost: 0.4006076388888893 - complexity: 11 +- comm_cost: 0.3646990740740743 + complexity: 22 expressions: - - K+ - N+ - - SE- + - R- - and(N-, R+) - - or(S+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-7619 type: explored -- comm_cost: 0.5776041666666668 - complexity: 11 +- comm_cost: 0.24479166666666685 + complexity: 13 expressions: - - R+ - - and(S-, or(SE-, N+)) - - or(S+, or(N+, R-)) + - N+ + - R- + - S+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-7620 type: explored -- comm_cost: 0.6726562500000001 - complexity: 9 +- comm_cost: 0.7326388888888891 + complexity: 6 expressions: - - R- - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(K-, S+) + - or(K+, R+) name: explored-7621 type: explored -- comm_cost: 0.3690104166666668 - complexity: 16 +- comm_cost: 0.6052083333333335 + complexity: 7 expressions: - - K+ + - N+ - R+ - - R- - - and(K-, or(S+, N+)) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-7622 type: explored -- comm_cost: 0.5703125 - complexity: 9 +- comm_cost: 0.5109895833333336 + complexity: 21 expressions: + - K+ - N+ - - R+ - R- + - S+ + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - or(K+, S-) + - or(N+, not(R+)) name: explored-7623 type: explored -- comm_cost: 0.6885416666666668 - complexity: 11 +- comm_cost: 0.6130208333333335 + complexity: 4 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(S+, R+) + - R+ + - SE- + - not(R+) name: explored-7624 type: explored -- comm_cost: 0.4900462962962965 - complexity: 11 +- comm_cost: 0.27609953703703727 + complexity: 21 expressions: + - K+ - N+ - - N- + - R- + - R- + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, N-) - and(S-, SE-) name: explored-7625 type: explored -- comm_cost: 0.6508680555555557 - complexity: 11 +- comm_cost: 0.6470486111111112 + complexity: 8 expressions: - N+ - - SE- - - and(K-, or(S+, N+)) - - and(S-, not(R-)) + - R+ + - R- + - and(K-, or(S+, R+)) name: explored-7626 type: explored -- comm_cost: 0.5223958333333335 - complexity: 11 +- comm_cost: 0.3510416666666668 + complexity: 16 expressions: + - N+ + - R- - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, SE+) + - and(and(S-, N-), not(R-)) name: explored-7627 type: explored -- comm_cost: 0.8984375 - complexity: 4 +- comm_cost: 0.45627893518518536 + complexity: 17 expressions: - - S+ - - and(K-, S+) + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-7628 type: explored -- comm_cost: 0.630078125 - complexity: 32 +- comm_cost: 0.5427083333333333 + complexity: 12 expressions: + - K+ + - N+ - R- - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - and(S-, or(SE-, N+)) + - and(K-, S+) + - and(S-, SE-) + - or(SE-, N+) name: explored-7629 type: explored -- comm_cost: 0.7315183531746032 - complexity: 35 +- comm_cost: 0.5489583333333334 + complexity: 10 expressions: - - S+ - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - - and(N-, or(K+, SE+)) - - or(K+, K-) - - or(N+, not(R+)) - - or(S+, R+) - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(and(S-, N-), not(R-)) + - or(N+, R-) name: explored-7630 type: explored -- comm_cost: 0.5506944444444445 - complexity: 19 +- comm_cost: 0.5131250000000002 + complexity: 8 expressions: - - R+ + - K+ + - K- + - N+ - R- - - SE- - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - S+ + - and(N-, R+) name: explored-7631 type: explored -- comm_cost: 0.5763888888888891 - complexity: 13 +- comm_cost: 0.5010416666666668 + complexity: 6 expressions: - - K- - - N+ - - SE- - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - R+ + - R- + - and(K-, S+) name: explored-7632 type: explored -- comm_cost: 0.742638888888889 - complexity: 9 +- comm_cost: 0.21250000000000013 + complexity: 20 expressions: - - SE- - - and(N-, or(S+, R+)) - - or(K+, S-) + - K+ + - N+ + - R- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-7633 type: explored -- comm_cost: 0.49236111111111125 - complexity: 9 +- comm_cost: 0.6303819444444446 + complexity: 6 expressions: - - R- + - N+ + - R+ - SE- - - and(N-, R+) - - and(S-, not(R-)) + - or(K+, R+) name: explored-7634 type: explored -- comm_cost: 0.4975405092592593 +- comm_cost: 0.5402777777777781 complexity: 14 expressions: - N+ - - R- - - and(K-, not(R+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-7635 type: explored -- comm_cost: 0.6513078703703705 - complexity: 16 +- comm_cost: 0.30000000000000027 + complexity: 21 expressions: - - N- - - R+ + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7636 type: explored -- comm_cost: 0.338715277777778 - complexity: 11 +- comm_cost: 0.21250000000000036 + complexity: 17 expressions: + - K+ - N+ - R- - - S+ - - and(N-, or(K+, SE+)) + - SE- + - and(K-, S+) + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) name: explored-7637 type: explored -- comm_cost: 0.5720486111111113 - complexity: 8 +- comm_cost: 0.6630787037037038 + complexity: 9 expressions: - R+ - - SE- - - and(S-, SE-) - - or(K+, R+) + - and(K-, or(S+, R+)) + - and(S-, N-) name: explored-7638 type: explored -- comm_cost: 0.38489583333333344 +- comm_cost: 0.2980902777777781 complexity: 10 expressions: - - R+ - - R- - - and(K-, or(S+, R-)) - - and(S-, SE-) + - N+ + - and(K-, SE-) + - and(N-, R+) + - or(S+, R-) name: explored-7639 type: explored -- comm_cost: 0.6917534722222223 - complexity: 14 +- comm_cost: 0.5618055555555558 + complexity: 8 expressions: - R+ - - and(K-, or(SE-, N+)) - - and(N-, or(K+, S-)) - - or(S+, R+) + - SE- + - or(K+, N+) + - or(K+, R-) name: explored-7640 type: explored -- comm_cost: 0.4838541666666668 +- comm_cost: 0.17552083333333357 complexity: 13 expressions: - - R+ - - R- + - K+ + - N+ - S+ + - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, not(R+)) name: explored-7641 type: explored -- comm_cost: 0.3895833333333336 - complexity: 9 +- comm_cost: 0.5256076388888891 + complexity: 14 expressions: - N+ - R- - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(SE+, N-) + - and(N-, not(R-)) name: explored-7642 type: explored -- comm_cost: 0.43194444444444435 - complexity: 10 +- comm_cost: 0.2562500000000003 + complexity: 22 expressions: - K+ - - K+ - N+ - R- + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - and(S-, or(SE-, N+)) + - or(SE-, N+) name: explored-7643 type: explored -- comm_cost: 0.214814814814815 - complexity: 21 +- comm_cost: 0.624027777777778 + complexity: 9 expressions: - - N+ - R- - - and(K-, S+) + - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R-) + - or(K+, S-) name: explored-7644 type: explored -- comm_cost: 0.6269097222222224 - complexity: 12 +- comm_cost: 0.5979166666666669 + complexity: 6 expressions: + - N+ - R+ - - SE- - - and(N-, or(K+, SE+)) - - or(K+, or(N+, R-)) + - R- + - or(K+, N+) name: explored-7645 type: explored -- comm_cost: 0.41956018518518534 - complexity: 18 +- comm_cost: 0.4624421296296297 + complexity: 13 expressions: - K+ - - N+ + - R+ - R- - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, SE+) + - and(S-, not(R-)) + - and(SE+, N-) name: explored-7646 type: explored -- comm_cost: 0.6526041666666667 - complexity: 5 +- comm_cost: 0.6284722222222224 + complexity: 6 expressions: - - N+ - - SE- - - or(K+, R-) + - R+ + - R- + - S+ + - or(S+, R-) name: explored-7647 type: explored -- comm_cost: 0.6430555555555555 - complexity: 13 +- comm_cost: 0.4285300925925929 + complexity: 15 expressions: - - N+ - - N+ + - K+ - R- - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-7648 type: explored -- comm_cost: 0.4280381944444447 - complexity: 11 +- comm_cost: 0.5903645833333335 + complexity: 10 expressions: + - R+ - R- - - S+ - - SE- - - and(N-, R+) - - or(S+, or(N+, R-)) + - and(K-, or(S+, R-)) + - or(SE-, N+) name: explored-7649 type: explored -- comm_cost: 0.4843750000000001 - complexity: 5 +- comm_cost: 0.6379166666666668 + complexity: 20 expressions: - - N+ - R+ - - R- - - R- - SE- + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-7650 type: explored -- comm_cost: 0.5150462962962964 - complexity: 11 +- comm_cost: 0.4722222222222223 + complexity: 17 expressions: - N+ - - R+ - - R+ + - N+ - R- - SE- - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(N-, or(K+, SE+)) name: explored-7651 type: explored -- comm_cost: 0.6039351851851853 - complexity: 15 +- comm_cost: 0.5962500000000002 + complexity: 8 expressions: + - R- - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-7652 type: explored -- comm_cost: 0.5229166666666666 - complexity: 9 +- comm_cost: 0.6196180555555557 + complexity: 11 expressions: - - N+ - - S+ + - R+ + - and(K-, N-) + - and(N-, not(R-)) - and(S-, SE-) - - and(S-, not(R+)) name: explored-7653 type: explored -- comm_cost: 0.7915625 - complexity: 8 +- comm_cost: 0.5227430555555557 + complexity: 13 expressions: + - R+ - R- - - or(K+, N+) - - or(N+, not(R+)) + - SE- + - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) name: explored-7654 type: explored -- comm_cost: 0.6888020833333335 - complexity: 7 +- comm_cost: 0.48910011574074086 + complexity: 22 expressions: - - K- + - K+ - N+ - - R+ - - SE- - - or(S+, R+) + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - not(R+) + - not(R-) name: explored-7655 type: explored -- comm_cost: 0.6320312500000002 - complexity: 16 +- comm_cost: 0.662025462962963 + complexity: 29 expressions: - - R+ + - SE- - and(K-, not(R-)) - - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-7656 type: explored -- comm_cost: 0.753125 - complexity: 8 +- comm_cost: 0.41770833333333357 + complexity: 16 expressions: - - and(SE-, or(K+, S-)) - - or(K+, N+) + - K+ + - N+ + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-7657 type: explored -- comm_cost: 0.5545023148148149 - complexity: 19 +- comm_cost: 0.19479166666666692 + complexity: 16 expressions: - - N- - - and(K-, or(S+, N+)) + - K+ + - R- + - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) name: explored-7658 type: explored -- comm_cost: 0.43041087962962976 - complexity: 18 +- comm_cost: 0.45763888888888904 + complexity: 17 expressions: - - K+ - N+ - - and(K-, S+) - - and(K-, not(R-)) + - R- - and(N-, R+) - - and(S-, N-) - and(S-, SE-) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-7659 type: explored -- comm_cost: 0.5456250000000002 - complexity: 18 +- comm_cost: 0.36484375000000013 + complexity: 16 expressions: - K+ - N+ - R- - - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(K+, K-) - - or(N+, R-) + - or(K+, N+) name: explored-7660 type: explored -- comm_cost: 0.646875 - complexity: 9 +- comm_cost: 0.5625000000000002 + complexity: 7 expressions: - - K+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - R- + - SE- + - and(N-, R+) + - not(R-) name: explored-7661 type: explored -- comm_cost: 0.5564583333333335 - complexity: 12 +- comm_cost: 0.15787037037037055 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - S+ - - and(K-, SE-) + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, S-) name: explored-7662 type: explored -- comm_cost: 0.475 - complexity: 19 +- comm_cost: 0.4809895833333335 + complexity: 17 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) + - S+ + - S- + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) name: explored-7663 type: explored -- comm_cost: 0.3324652777777778 - complexity: 11 +- comm_cost: 0.7289930555555557 + complexity: 9 expressions: - - K+ - - R+ - - R- - - and(K-, or(S+, R+)) - - and(S-, SE-) + - S+ + - and(N-, and(or(K+, S-), not(R-))) name: explored-7664 type: explored -- comm_cost: 0.10520833333333357 - complexity: 17 +- comm_cost: 0.5409722222222223 + complexity: 15 expressions: - - N+ + - R+ - R- - - S+ - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(S-, or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-7665 type: explored -- comm_cost: 0.4676215277777779 - complexity: 16 +- comm_cost: 0.31218171296296315 + complexity: 25 expressions: - K+ - N+ - R- - - SE- - - and(K-, not(R-)) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-7666 type: explored -- comm_cost: 0.6891493055555556 - complexity: 12 +- comm_cost: 0.40666666666666695 + complexity: 10 expressions: + - K+ + - N+ - R- - - and(S-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - or(N+, not(R+)) name: explored-7667 type: explored -- comm_cost: 0.25260416666666685 - complexity: 13 +- comm_cost: 0.31250000000000033 + complexity: 11 expressions: - - N+ - R- - S+ - - SE+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - or(SE-, N+) name: explored-7668 type: explored -- comm_cost: 0.7244305555555557 - complexity: 21 +- comm_cost: 0.6545138888888891 + complexity: 16 expressions: - - and(K-, N-) - - and(K-, S+) - - and(K-, not(R-)) - - and(and(K-, N-), not(R-)) - - not(R-) - - or(K+, R+) + - R+ + - S+ + - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, N+) name: explored-7669 type: explored -- comm_cost: 0.4319444444444446 - complexity: 6 +- comm_cost: 0.6076388888888891 + complexity: 14 expressions: - - K+ - - R- - - SE+ - - and(S-, SE-) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, R-) name: explored-7670 type: explored -- comm_cost: 0.37413194444444475 - complexity: 10 +- comm_cost: 0.5390625000000001 + complexity: 7 expressions: - K+ - - N+ - R- - - S+ + - S- + - SE- - and(N-, R+) - - or(S+, R-) name: explored-7671 type: explored -- comm_cost: 0.7520833333333334 - complexity: 6 +- comm_cost: 0.5229166666666669 + complexity: 11 expressions: - - K- - - SE- - - and(K-, not(R+)) + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-7672 type: explored -- comm_cost: 0.38333333333333364 - complexity: 10 +- comm_cost: 0.5362326388888891 + complexity: 18 expressions: + - K+ - R- - - SE- - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(K+, S-) name: explored-7673 type: explored -- comm_cost: 0.4083333333333332 - complexity: 8 +- comm_cost: 0.2406250000000003 + complexity: 16 expressions: - K+ - - K+ - - N+ - N+ - - R- + - S+ + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-7674 type: explored -- comm_cost: 0.6814525462962964 - complexity: 9 - expressions: - - R+ - - and(N-, or(K+, S-)) - - and(S-, N-) - name: explored-7675 - type: explored -- comm_cost: 0.4065104166666671 - complexity: 10 +- comm_cost: 0.2796875000000001 + complexity: 20 expressions: - K+ - - S+ + - K+ + - N+ + - R- - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - not(R+) - name: explored-7676 + - and(S-, or(SE-, N+)) + name: explored-7675 type: explored -- comm_cost: 0.4135416666666669 +- comm_cost: 0.7145833333333335 complexity: 8 expressions: + - and(K-, S+) + - and(N-, or(K+, R+)) + name: explored-7676 + type: explored +- comm_cost: 0.22864583333333344 + complexity: 15 + expressions: + - K+ + - N+ - R- - - SE- - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-7677 type: explored -- comm_cost: 0.5704861111111112 - complexity: 8 +- comm_cost: 0.4487557870370372 + complexity: 21 expressions: - N+ - - R+ - - SE- - - or(K+, or(N+, R-)) + - R- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7678 type: explored -- comm_cost: 0.5138078703703705 - complexity: 40 +- comm_cost: 0.4676504629629632 + complexity: 15 expressions: - - K+ - N+ - - R- - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - - and(S-, not(R-)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) + - SE- + - and(N-, R+) + - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7679 type: explored -- comm_cost: 0.6315972222222221 - complexity: 10 +- comm_cost: 0.45815972222222223 + complexity: 15 expressions: + - K+ - R- + - and(K-, or(S+, R+)) - and(S-, SE-) - - or(K+, R-) - - or(K+, R-) + - and(SE-, or(K+, S-)) name: explored-7680 type: explored -- comm_cost: 0.5966145833333335 - complexity: 8 +- comm_cost: 0.45092592592592606 + complexity: 15 expressions: - - S- - - SE- + - N+ + - R- + - SE+ - and(N-, R+) - - or(S+, N+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-7681 type: explored -- comm_cost: 0.6580729166666667 - complexity: 17 +- comm_cost: 0.49791666666666656 + complexity: 9 expressions: - - K+ - N+ - - R- - - S+ + - and(K-, or(S+, R-)) - and(S-, SE-) - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) name: explored-7682 type: explored -- comm_cost: 0.6372251157407409 - complexity: 16 +- comm_cost: 0.4932812500000001 + complexity: 17 expressions: - - K- - N+ - - and(K-, or(S+, SE+)) + - R- - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(S-, not(R+)) + - not(R-) + - or(SE-, N+) name: explored-7683 type: explored -- comm_cost: 0.4704166666666669 - complexity: 18 +- comm_cost: 0.5614583333333335 + complexity: 14 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(N+, not(R+)) + - R+ + - SE- + - and(SE+, N-) + - and(and(S-, N-), not(R-)) + - or(S+, N+) name: explored-7684 type: explored -- comm_cost: 0.22552083333333361 - complexity: 16 +- comm_cost: 0.5755208333333335 + complexity: 8 expressions: - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - SE- + - and(N-, or(K+, R+)) name: explored-7685 type: explored -- comm_cost: 0.6348958333333334 - complexity: 11 +- comm_cost: 0.4822916666666669 + complexity: 18 expressions: - - SE- - - and(K-, or(S+, N+)) - - and(N-, or(K+, SE+)) + - K+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, N+) name: explored-7686 type: explored -- comm_cost: 0.42786458333333344 - complexity: 13 +- comm_cost: 0.3265625000000002 + complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - - and(N-, or(S+, SE+)) + - S+ + - SE+ + - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(S-, or(SE-, N+)) name: explored-7687 type: explored -- comm_cost: 0.5543402777777778 - complexity: 11 +- comm_cost: 0.6242303240740742 + complexity: 32 expressions: - - and(K-, or(S+, R+)) - - and(S-, SE-) - - or(S+, R+) + - R- + - and(K-, not(R-)) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-7688 type: explored -- comm_cost: 0.20089699074074108 - complexity: 27 +- comm_cost: 0.5467361111111113 + complexity: 8 expressions: - - K+ - N+ + - R+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - not(R-) name: explored-7689 type: explored -- comm_cost: 0.7662500000000001 - complexity: 2 +- comm_cost: 0.6791666666666667 + complexity: 6 expressions: - - K- - - SE- + - K+ + - R+ + - R- + - or(K+, K-) name: explored-7690 type: explored -- comm_cost: 0.6506944444444446 - complexity: 10 +- comm_cost: 0.713726851851852 + complexity: 3 expressions: + - N- - R+ - - R- - - SE- - - and(N-, not(R-)) - - or(K+, SE+) + - SE+ name: explored-7691 type: explored -- comm_cost: 0.746875 - complexity: 10 +- comm_cost: 0.3395833333333337 + complexity: 9 expressions: - - K+ - - R- + - N+ + - S+ - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - or(S+, R-) name: explored-7692 type: explored -- comm_cost: 0.3442708333333334 - complexity: 9 +- comm_cost: 0.3839583333333335 + complexity: 15 expressions: - - R+ + - N+ + - N- - R- - - S+ + - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) name: explored-7693 type: explored -- comm_cost: 0.37769097222222237 - complexity: 14 +- comm_cost: 0.3138888888888891 + complexity: 19 expressions: + - K+ - N+ - - R+ - R- - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-7694 type: explored -- comm_cost: 0.3265625000000003 - complexity: 16 +- comm_cost: 0.6039149305555557 + complexity: 10 expressions: - N+ - - and(K-, S+) + - N- + - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(SE+, N-) name: explored-7695 type: explored -- comm_cost: 0.5847222222222224 - complexity: 14 +- comm_cost: 0.625607638888889 + complexity: 13 expressions: - R+ - - R- - - S+ - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(K+, K-) + - SE- + - and(K-, S+) + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-7696 type: explored -- comm_cost: 0.6026041666666667 - complexity: 11 +- comm_cost: 0.4208912037037038 + complexity: 16 expressions: - - R+ - - and(K-, SE-) - - and(K-, not(R-)) - - or(K+, R-) + - N+ + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-7697 type: explored -- comm_cost: 0.535138888888889 - complexity: 13 +- comm_cost: 0.4257812500000001 + complexity: 27 expressions: + - K+ - N+ - - SE- + - R- + - and(K-, S+) - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(S+, SE+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-7698 type: explored -- comm_cost: 0.5175925925925926 - complexity: 12 +- comm_cost: 0.5354166666666668 + complexity: 15 expressions: - - N+ - - R- + - R+ - SE- - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) + - and(K-, or(S+, R-)) + - and(SE+, N-) + - and(SE-, or(K+, S-)) name: explored-7699 type: explored -- comm_cost: 0.11562500000000031 - complexity: 14 +- comm_cost: 0.5081944444444446 + complexity: 13 expressions: - - K+ - - K+ + - N+ - R- - - and(K-, or(S+, N+)) + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) + - not(R-) name: explored-7700 type: explored -- comm_cost: 0.7493055555555557 - complexity: 6 +- comm_cost: 0.4354021990740742 + complexity: 23 expressions: - - SE- + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, not(R-)) - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-7701 type: explored -- comm_cost: 0.5320312500000001 - complexity: 11 +- comm_cost: 0.5227083333333336 + complexity: 15 expressions: + - K+ + - K- - N+ - R- - SE- - - and(K-, N-) - - and(N-, or(K+, R+)) + - and(K-, not(R+)) + - and(N-, R+) + - or(S+, R-) name: explored-7702 type: explored -- comm_cost: 0.2328703703703705 - complexity: 21 +- comm_cost: 0.8418402777777778 + complexity: 13 expressions: - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(S+, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-7703 type: explored -- comm_cost: 0.41458333333333375 - complexity: 7 +- comm_cost: 0.7525173611111111 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - S+ - - and(N-, R+) + - and(K-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-7704 type: explored -- comm_cost: 0.39409722222222254 - complexity: 19 +- comm_cost: 0.06510416666666696 + complexity: 14 expressions: - - SE- - - and(K-, or(S+, N+)) + - K+ + - N+ + - R- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) name: explored-7705 type: explored -- comm_cost: 0.6113136574074075 - complexity: 13 +- comm_cost: 0.13333333333333353 + complexity: 15 expressions: - - R+ - - and(K-, or(S+, R+)) - - and(N-, not(R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-7706 type: explored -- comm_cost: 0.6423611111111113 - complexity: 19 +- comm_cost: 0.8371527777777777 + complexity: 10 expressions: - - R- - - and(K-, or(S+, R-)) - - and(N-, or(K+, R+)) - - or(K+, or(N+, R-)) - - or(N+, R-) + - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-7707 type: explored -- comm_cost: 0.1717013888888892 - complexity: 17 +- comm_cost: 0.5125000000000002 + complexity: 9 expressions: - - N+ + - K+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(K+, N+) - - or(S+, R-) + - and(SE+, N-) name: explored-7708 type: explored -- comm_cost: 0.6415509259259261 - complexity: 11 +- comm_cost: 0.40976562500000024 + complexity: 20 expressions: - - N+ - - R+ - - R- + - K+ + - K+ - R- - - or(and(K-, S+), or(N+, R-)) + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-7709 type: explored -- comm_cost: 0.6702256944444446 - complexity: 10 +- comm_cost: 0.6497395833333335 + complexity: 3 expressions: + - K+ - R+ - - SE- - - or(S+, R+) - - or(S+, or(N+, R-)) + - S- name: explored-7710 type: explored -- comm_cost: 0.7386574074074075 - complexity: 13 - expressions: - - N- - - and(and(K-, N-), or(S+, SE+)) - - or(K+, or(N+, R-)) - name: explored-7711 - type: explored -- comm_cost: 0.5328125000000001 - complexity: 13 +- comm_cost: 0.46250000000000013 + complexity: 10 expressions: + - N+ - R+ - R- - SE- - - and(K-, or(S+, R-)) - - and(N-, or(K+, R+)) - name: explored-7712 + - and(and(S-, N-), not(R-)) + name: explored-7711 type: explored -- comm_cost: 0.7265625 +- comm_cost: 0.6330729166666669 complexity: 8 expressions: - - and(K-, S+) - - and(N-, or(K+, S-)) - name: explored-7713 + - R+ + - R- + - and(K-, or(N+, not(R+))) + name: explored-7712 type: explored -- comm_cost: 0.45234375000000016 - complexity: 13 +- comm_cost: 0.2656250000000002 + complexity: 16 expressions: - K+ - - K+ + - N+ + - R+ - R- + - S+ - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - or(S+, or(N+, R-)) + name: explored-7713 + type: explored +- comm_cost: 0.6619791666666668 + complexity: 5 + expressions: + - N+ + - and(N-, not(R-)) name: explored-7714 type: explored -- comm_cost: 0.5513020833333335 - complexity: 14 +- comm_cost: 0.18020833333333353 + complexity: 11 expressions: + - K+ - N+ - R+ - R- - - SE- - - and(K-, or(S+, R-)) - - or(S+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-7715 type: explored -- comm_cost: 0.7038355654761905 - complexity: 38 +- comm_cost: 0.29014756944444475 + complexity: 18 expressions: + - K+ + - K+ + - N+ + - R- - S+ - - and(K-, S+) - - and(K-, SE-) - - and(K-, or(S+, SE+)) - - and(N-, or(K+, S-)) - - and(S-, N-) - - or(K+, K-) - - or(K+, or(N+, R-)) - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-7716 type: explored -- comm_cost: 0.2567708333333336 - complexity: 19 +- comm_cost: 0.5046875000000002 + complexity: 23 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - SE- - and(SE-, or(K+, S-)) - - or(S+, or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-7717 type: explored -- comm_cost: 0.6605034722222223 - complexity: 13 +- comm_cost: 0.5989583333333335 + complexity: 14 expressions: - - N+ - - R- - SE- - - and(K-, or(S+, SE+)) - - or(S+, or(N+, R-)) + - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) + - or(N+, R-) name: explored-7718 type: explored -- comm_cost: 0.5755208333333335 - complexity: 14 +- comm_cost: 0.48587962962962983 + complexity: 19 expressions: - N+ - - R+ - R- - SE- - - or(K+, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-7719 type: explored -- comm_cost: 0.6848784722222223 - complexity: 14 +- comm_cost: 0.4912500000000002 + complexity: 10 expressions: - - R+ - - R- - - SE- - - or(K+, S-) - - or(K+, SE+) - - or(K+, or(N+, R-)) + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-7720 type: explored -- comm_cost: 0.5736979166666668 - complexity: 9 +- comm_cost: 0.6561776620370372 + complexity: 18 expressions: + - K- + - N+ - R+ - - and(K-, SE-) - - or(S+, or(N+, R-)) + - R- + - SE- + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-7721 type: explored -- comm_cost: 0.5546875000000001 - complexity: 11 +- comm_cost: 0.1468750000000003 + complexity: 14 expressions: - - K+ - - R+ + - N+ - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-7722 type: explored -- comm_cost: 0.5098958333333335 - complexity: 9 +- comm_cost: 0.49184027777777795 + complexity: 13 expressions: - - N+ - - SE+ + - R- + - SE- - and(N-, R+) - - and(S-, not(R+)) + - and(N-, or(S+, R+)) + - or(N+, R-) name: explored-7723 type: explored -- comm_cost: 0.6817708333333333 - complexity: 7 +- comm_cost: 0.601388888888889 + complexity: 9 expressions: - - K+ - - N+ - R- - - S+ - - or(K+, R-) + - SE- + - and(S-, not(R-)) + - or(S+, N+) name: explored-7724 type: explored -- comm_cost: 0.6570659722222223 - complexity: 13 +- comm_cost: 0.2562500000000003 + complexity: 8 expressions: - - N- - - R+ + - K+ + - N+ + - R- + - R- - SE- - - and(K-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) name: explored-7725 type: explored -- comm_cost: 0.24609375000000033 - complexity: 9 +- comm_cost: 0.5581597222222222 + complexity: 13 expressions: - K+ - - K+ - N+ - R- - S+ - - SE- - - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-7726 type: explored -- comm_cost: 0.6989583333333333 - complexity: 9 +- comm_cost: 0.5820312500000002 + complexity: 13 expressions: + - R- - SE- - - and(K-, or(S+, SE+)) - - or(K+, R-) + - and(K-, N-) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-7727 type: explored -- comm_cost: 0.35763888888888906 - complexity: 25 +- comm_cost: 0.5473090277777779 + complexity: 17 expressions: - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) + - and(K-, N-) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) - - or(N+, R-) + - or(SE-, N+) name: explored-7728 type: explored -- comm_cost: 0.5557291666666668 - complexity: 16 +- comm_cost: 0.5534722222222225 + complexity: 12 expressions: - - K+ - N+ - - R- + - S- - SE- - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - and(S-, or(N+, not(R+))) name: explored-7729 type: explored -- comm_cost: 0.4995370370370372 - complexity: 22 +- comm_cost: 0.25703125000000027 + complexity: 10 expressions: - - S- - - and(K-, or(S+, N+)) + - N+ + - R- - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - not(R+) name: explored-7730 type: explored -- comm_cost: 0.4609375 - complexity: 14 +- comm_cost: 0.1692708333333337 + complexity: 16 expressions: + - K+ + - K+ - N+ - R- - - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(K+, N+) + - or(N+, R-) name: explored-7731 type: explored -- comm_cost: 0.34921875000000013 - complexity: 12 +- comm_cost: 0.14791666666666692 + complexity: 19 expressions: + - K+ - N+ - R- - - S+ - - and(K-, N-) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, N+) name: explored-7732 type: explored -- comm_cost: 0.33819444444444446 - complexity: 12 +- comm_cost: 0.5237500000000002 + complexity: 9 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(S-, N-) + - and(N-, R+) - and(S-, SE-) + - not(R-) name: explored-7733 type: explored -- comm_cost: 0.5640625000000001 - complexity: 10 +- comm_cost: 0.39861111111111147 + complexity: 12 expressions: - - R+ + - N+ - SE- - - and(K-, or(S+, N+)) - - or(N+, R-) + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-7734 type: explored -- comm_cost: 0.6839120370370372 - complexity: 8 +- comm_cost: 0.6167361111111113 + complexity: 10 expressions: - - R+ + - K+ + - N+ + - N- - SE- - - and(SE+, N-) - - or(K+, K-) + - and(N-, R+) + - or(K+, S-) name: explored-7735 type: explored -- comm_cost: 0.7234375000000001 - complexity: 14 +- comm_cost: 0.4843750000000001 + complexity: 5 expressions: - - S- - - and(N-, or(S+, SE+)) - - and(SE+, N-) - - not(R+) - - or(S+, R+) + - N+ + - R+ + - R- + - SE- + - SE- name: explored-7736 type: explored -- comm_cost: 0.4486111111111113 - complexity: 13 +- comm_cost: 0.5031250000000002 + complexity: 12 expressions: - K+ + - K+ - N+ - R- - - R- - - and(K-, S+) - and(N-, R+) - - or(K+, R+) + - and(N-, or(S+, SE+)) name: explored-7737 type: explored -- comm_cost: 0.7164930555555555 +- comm_cost: 0.7039930555555556 complexity: 10 expressions: - - and(K-, not(R+)) - - and(S-, SE-) - - or(K+, R-) + - R+ + - and(K-, N-) + - and(or(K+, S-), not(R-)) name: explored-7738 type: explored -- comm_cost: 0.5697916666666668 - complexity: 18 +- comm_cost: 0.3609374999999999 + complexity: 11 expressions: - K+ - - R+ + - K+ + - N+ - R- - - and(N-, or(K+, S-)) + - S+ + - and(K-, S+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-7739 type: explored -- comm_cost: 0.49626736111111125 +- comm_cost: 0.43281250000000004 complexity: 16 expressions: - - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(S+, SE+)) + - and(K-, N-) - and(N-, R+) - - and(S-, N-) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-7740 type: explored -- comm_cost: 0.6526909722222223 - complexity: 13 +- comm_cost: 0.5834490740740742 + complexity: 14 expressions: - - N+ + - R+ - R- - - SE- - - and(N-, or(K+, S-)) - - or(S+, or(N+, R-)) + - and(K-, N-) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-7741 type: explored -- comm_cost: 0.4900000000000002 - complexity: 12 +- comm_cost: 0.36875000000000024 + complexity: 13 expressions: - - K+ - - N- - - R- - - and(K-, S+) + - N+ + - SE- - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-7742 type: explored -- comm_cost: 0.2234953703703706 - complexity: 16 +- comm_cost: 0.2564236111111112 + complexity: 18 expressions: - K+ - N+ - R- - and(K-, S+) - and(N-, R+) - - and(S-, not(R+)) - - or(S+, R-) + - and(S-, SE-) + - or(K+, SE+) + - or(N+, R-) name: explored-7743 type: explored -- comm_cost: 0.5604861111111112 - complexity: 18 +- comm_cost: 0.42288773148148184 + complexity: 14 expressions: - - N+ - - N- - - SE- - - and(K-, or(S+, N+)) + - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - not(R+) name: explored-7744 type: explored -- comm_cost: 0.1937500000000003 - complexity: 14 +- comm_cost: 0.5752604166666668 + complexity: 16 expressions: - - K+ - N+ - R- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - not(R+) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-7745 type: explored -- comm_cost: 0.675607638888889 - complexity: 7 +- comm_cost: 0.43515625 + complexity: 10 expressions: - K+ - - R+ + - N+ - R- - - S- - - or(K+, SE+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-7746 type: explored -- comm_cost: 0.31302083333333364 - complexity: 11 +- comm_cost: 0.5846354166666667 + complexity: 10 expressions: - N+ + - R+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - SE- + - or(N+, R-) + - or(S+, R+) name: explored-7747 type: explored -- comm_cost: 0.6045138888888888 - complexity: 8 +- comm_cost: 0.3685185185185187 + complexity: 21 expressions: + - N+ - R- - - S+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - and(and(K-, N-), or(S+, R+)) name: explored-7748 type: explored -- comm_cost: 0.5949652777777779 - complexity: 9 +- comm_cost: 0.75 + complexity: 7 expressions: - - R+ - - R- - - S+ - - SE- - - and(N-, or(S+, SE+)) + - and(N-, not(R-)) + - or(K+, SE+) name: explored-7749 type: explored -- comm_cost: 0.6628472222222224 - complexity: 14 +- comm_cost: 0.6493055555555557 + complexity: 7 expressions: - - R+ - - and(N-, not(R-)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - N+ + - SE- + - and(K-, or(S+, R+)) name: explored-7750 type: explored -- comm_cost: 0.5595486111111112 - complexity: 9 +- comm_cost: 0.3323784722222224 + complexity: 24 expressions: - K+ - N+ - R- - - S+ - - and(N-, or(S+, R+)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-7751 type: explored -- comm_cost: 0.7171875 - complexity: 13 +- comm_cost: 0.7055844907407409 + complexity: 9 expressions: - - N+ - - R- - - SE- - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(N-, or(K+, S-)) + - or(K+, R+) name: explored-7752 type: explored -- comm_cost: 0.7052083333333334 - complexity: 12 +- comm_cost: 0.38802083333333337 + complexity: 7 expressions: - - and(and(S-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) name: explored-7753 type: explored -- comm_cost: 0.7943055555555556 - complexity: 8 +- comm_cost: 0.2513888888888892 + complexity: 15 expressions: - - K- - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-7754 type: explored -- comm_cost: 0.7604166666666666 - complexity: 3 +- comm_cost: 0.35911458333333335 + complexity: 12 expressions: + - K+ + - R+ - R- - - R- - - SE- + - and(K-, S+) + - and(S-, SE-) + - or(S+, R+) name: explored-7755 type: explored -- comm_cost: 0.8178125 - complexity: 8 +- comm_cost: 0.444809027777778 + complexity: 14 expressions: - - and(K-, or(S+, N+)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - not(R+) - or(S+, SE+) name: explored-7756 type: explored -- comm_cost: 0.17187500000000022 - complexity: 13 +- comm_cost: 0.17916666666666692 + complexity: 11 expressions: - N+ - - R- + - N+ - and(K-, S+) - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) name: explored-7757 type: explored -- comm_cost: 0.6722222222222223 - complexity: 7 +- comm_cost: 0.2953125000000003 + complexity: 17 expressions: + - K+ + - N+ + - R+ - and(K-, S+) - - and(S-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-7758 type: explored -- comm_cost: 0.18020833333333353 - complexity: 13 +- comm_cost: 0.6291666666666667 + complexity: 6 expressions: - - N+ - - R+ - - R- + - K+ + - K+ - S+ - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) name: explored-7759 type: explored -- comm_cost: 0.6622395833333334 - complexity: 30 +- comm_cost: 0.43813657407407425 + complexity: 20 expressions: - - K+ - - SE+ + - N+ - SE- - - and(K-, or(SE-, N+)) + - and(N-, R+) - and(N-, or(K+, R+)) - - and(S-, or(SE-, N+)) - - or(K+, K-) - - or(K+, R-) - - or(N+, R-) - - or(S+, R+) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) name: explored-7760 type: explored -- comm_cost: 0.7088020833333335 - complexity: 6 +- comm_cost: 0.318229166666667 + complexity: 10 expressions: - - R+ - - not(R+) - - or(S+, SE+) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - or(N+, R-) name: explored-7761 type: explored -- comm_cost: 0.35014467592592613 - complexity: 21 +- comm_cost: 0.44562500000000016 + complexity: 16 expressions: - - N+ + - K+ - R- - - S+ - - and(K-, N-) - - and(N-, R+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, S-) name: explored-7762 type: explored -- comm_cost: 0.4380208333333335 +- comm_cost: 0.6665277777777778 complexity: 11 expressions: - - K+ + - N+ - R- - - S+ - - S+ - - S- - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, or(SE-, N+)) + - or(S+, SE+) name: explored-7763 type: explored -- comm_cost: 0.6739583333333334 - complexity: 7 +- comm_cost: 0.3653645833333333 + complexity: 14 expressions: + - K+ - R+ - - and(K-, N-) - - or(S+, N+) + - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-7764 type: explored -- comm_cost: 0.34774305555555585 - complexity: 16 +- comm_cost: 0.6486979166666668 + complexity: 17 expressions: - - K+ - - N+ - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE- + - and(N-, not(R-)) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-7765 type: explored -- comm_cost: 0.4768055555555556 - complexity: 15 +- comm_cost: 0.6773958333333334 + complexity: 9 expressions: - - K+ - - N+ - N- - - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(S-, SE-) + - R+ + - and(and(K-, N-), or(S+, R+)) name: explored-7766 type: explored -- comm_cost: 0.3132812500000002 - complexity: 13 +- comm_cost: 0.38611111111111107 + complexity: 12 expressions: - N+ - - and(K-, S+) - - and(N-, R+) + - R- - and(S-, SE-) - - or(K+, SE+) + - and(and(K-, N-), or(S+, SE+)) name: explored-7767 type: explored -- comm_cost: 0.5942129629629631 - complexity: 12 +- comm_cost: 0.42552083333333357 + complexity: 16 expressions: - - R+ - - and(N-, or(S+, R+)) + - R- + - and(N-, R+) + - and(S-, SE-) - and(and(S-, N-), not(R-)) + - or(SE-, N+) name: explored-7768 type: explored -- comm_cost: 0.4981770833333333 - complexity: 10 +- comm_cost: 0.6985243055555556 + complexity: 12 expressions: - K+ - - K+ + - N+ - R- - - S+ - - and(S-, SE-) - - or(S+, N+) + - SE- + - and(or(K+, S-), or(N+, not(R+))) name: explored-7769 type: explored -- comm_cost: 0.6312500000000002 - complexity: 7 +- comm_cost: 0.19027777777777788 + complexity: 14 expressions: - - R+ - - and(K-, S+) - - or(N+, R-) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-7770 type: explored -- comm_cost: 0.5935763888888891 - complexity: 13 +- comm_cost: 0.6475694444444446 + complexity: 21 expressions: - - R+ - - SE- - - and(K-, or(S+, R-)) + - K- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, or(K+, R+)) - and(and(K-, N-), not(R-)) name: explored-7771 type: explored -- comm_cost: 0.5224537037037038 - complexity: 11 +- comm_cost: 0.4779513888888889 + complexity: 14 expressions: - N+ - - R+ - R- - - SE- - - and(K-, not(R+)) - - and(SE+, N-) + - S+ + - and(K-, or(S+, N+)) + - and(S-, SE-) + - or(S+, N+) name: explored-7772 type: explored -- comm_cost: 0.06093750000000031 - complexity: 13 +- comm_cost: 0.27847222222222234 + complexity: 11 expressions: - K+ + - K+ - N+ - - R- - S+ + - SE+ - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) name: explored-7773 type: explored -- comm_cost: 0.22916666666666696 - complexity: 17 +- comm_cost: 0.5633101851851854 + complexity: 6 expressions: - - K+ - - R- - - and(K-, S+) - - and(K-, S+) - - and(K-, SE-) + - R+ + - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) name: explored-7774 type: explored -- comm_cost: 0.6016493055555556 - complexity: 10 +- comm_cost: 0.3562500000000002 + complexity: 15 expressions: - - R+ + - K+ + - N+ - R- - - S- - - and(N-, not(R-)) - - and(S-, SE-) - name: explored-7775 - type: explored -- comm_cost: 0.6905173611111112 - complexity: 32 - expressions: - - K- - S+ - - and(K-, not(R+)) - - and(K-, not(R-)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R-) - - or(S+, R-) - name: explored-7776 + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + name: explored-7775 type: explored -- comm_cost: 0.23506944444444466 - complexity: 19 +- comm_cost: 0.2958333333333336 + complexity: 24 expressions: - K+ - N+ - R- - - S+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - name: explored-7777 + name: explored-7776 type: explored -- comm_cost: 0.7708101851851853 - complexity: 9 +- comm_cost: 0.6711805555555557 + complexity: 10 expressions: - R+ - - and(N-, or(K+, SE+)) - - or(S+, SE+) + - SE- + - and(K-, N-) + - and(N-, or(K+, S-)) + name: explored-7777 + type: explored +- comm_cost: 0.6115740740740742 + complexity: 5 + expressions: + - N+ + - R- + - SE+ + - SE+ + - SE- name: explored-7778 type: explored -- comm_cost: 0.347916666666667 - complexity: 15 +- comm_cost: 0.2859375000000004 + complexity: 13 expressions: - K+ + - K+ - N+ - R- - - SE- + - S+ - and(K-, or(SE-, N+)) - and(N-, R+) - - or(S+, R-) name: explored-7779 type: explored -- comm_cost: 0.510763888888889 - complexity: 11 +- comm_cost: 0.6876736111111112 + complexity: 6 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, not(R-)) - - and(SE+, N-) + - and(S-, N-) + - or(N+, R-) name: explored-7780 type: explored -- comm_cost: 0.5164062500000001 - complexity: 11 +- comm_cost: 0.5817708333333335 + complexity: 9 expressions: - - K+ - - N+ + - R+ - R- - - S- - SE- - - and(K-, S+) - - and(S-, SE-) + - SE- + - and(N-, or(K+, SE+)) name: explored-7781 type: explored -- comm_cost: 0.501388888888889 - complexity: 9 +- comm_cost: 0.6072916666666667 + complexity: 6 expressions: - N+ - - R- + - S+ - SE- - - and(and(K-, N-), not(R-)) + - and(S-, SE-) name: explored-7782 type: explored -- comm_cost: 0.44687500000000036 - complexity: 11 +- comm_cost: 0.5609664351851853 + complexity: 14 expressions: - - K+ - N+ - R- - and(N-, R+) - - or(S+, or(N+, R-)) + - and(or(K+, S-), not(R-)) + - or(K+, R+) name: explored-7783 type: explored -- comm_cost: 0.7027546296296298 - complexity: 6 - expressions: - - N- - - R+ - - and(S-, not(R-)) - name: explored-7784 - type: explored -- comm_cost: 0.6276909722222221 - complexity: 11 +- comm_cost: 0.3127604166666669 + complexity: 19 expressions: - K+ + - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - and(S-, SE-) + - and(SE+, N-) - or(SE-, N+) - name: explored-7785 + name: explored-7784 type: explored -- comm_cost: 0.582638888888889 - complexity: 15 +- comm_cost: 0.17916666666666703 + complexity: 12 expressions: + - K+ + - K+ - N+ - - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(K+, K-) - name: explored-7786 + - and(S-, SE-) + name: explored-7785 type: explored -- comm_cost: 0.5727430555555557 - complexity: 8 +- comm_cost: 0.5850694444444446 + complexity: 11 expressions: - R+ - R- - - S+ + - SE+ - SE- + - and(N-, R+) + - or(N+, not(R+)) + name: explored-7786 + type: explored +- comm_cost: 0.4152777777777781 + complexity: 20 + expressions: + - N+ - SE- - - and(S-, N-) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-7787 type: explored -- comm_cost: 0.2541666666666669 - complexity: 10 +- comm_cost: 0.4817708333333335 + complexity: 11 expressions: - - S+ - - and(N-, R+) + - K+ + - R+ + - and(K-, N-) + - and(K-, S+) - and(S-, SE-) - - or(K+, N+) name: explored-7788 type: explored -- comm_cost: 0.2406250000000003 - complexity: 13 +- comm_cost: 0.18802083333333353 + complexity: 15 expressions: - K+ + - N+ - R- + - S+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-7789 type: explored -- comm_cost: 0.45000000000000007 - complexity: 10 +- comm_cost: 0.27699652777777817 + complexity: 28 expressions: + - K+ - N+ - R- - - S+ - - S+ + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, N+) name: explored-7790 type: explored -- comm_cost: 0.5544704861111113 - complexity: 14 +- comm_cost: 0.660908564814815 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - or(K+, SE+) - - or(N+, R-) + - R+ + - and(S-, N-) + - and(S-, not(R-)) + - not(R+) name: explored-7791 type: explored -- comm_cost: 0.18611111111111123 - complexity: 17 +- comm_cost: 0.512543402777778 + complexity: 21 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) name: explored-7792 type: explored -- comm_cost: 0.4476562500000002 - complexity: 12 +- comm_cost: 0.8153645833333333 + complexity: 7 expressions: - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - R- + - and(K-, or(N+, not(R+))) name: explored-7793 type: explored -- comm_cost: 0.3925057870370372 - complexity: 20 +- comm_cost: 0.478125 + complexity: 11 expressions: - K+ - N+ - R- - S+ - - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, R+) - - or(S+, N+) + - and(S-, not(R+)) name: explored-7794 type: explored -- comm_cost: 0.5561111111111113 - complexity: 12 +- comm_cost: 0.48359375000000027 + complexity: 13 expressions: - - N+ - - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(N-, R+) - - or(K+, R+) - - or(N+, not(R+)) name: explored-7795 type: explored -- comm_cost: 0.40260416666666676 - complexity: 13 +- comm_cost: 0.6628472222222221 + complexity: 15 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-7796 type: explored -- comm_cost: 0.6666666666666667 - complexity: 8 +- comm_cost: 0.70625 + complexity: 7 expressions: + - N- - SE- - - and(S-, N-) - - and(S-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-7797 type: explored -- comm_cost: 0.6177083333333334 - complexity: 8 +- comm_cost: 0.4065104166666671 + complexity: 10 expressions: - - N+ - - R+ - - R- - - and(N-, or(K+, S-)) + - K+ + - K+ + - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) name: explored-7798 type: explored -- comm_cost: 0.41319444444444464 - complexity: 19 +- comm_cost: 0.06927083333333361 + complexity: 14 expressions: - K+ - - K+ - N+ - - R- - and(K-, S+) - - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - not(R-) + - or(K+, R-) name: explored-7799 type: explored -- comm_cost: 0.6942708333333335 - complexity: 12 +- comm_cost: 0.42499999999999993 + complexity: 11 expressions: - - R+ - - and(N-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - and(K-, S+) + - and(K-, S+) + - and(S-, SE-) name: explored-7800 type: explored -- comm_cost: 0.36875000000000013 - complexity: 13 +- comm_cost: 0.5562962962962964 + complexity: 18 expressions: - - N+ - - R- - - S+ - - and(K-, not(R-)) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) + - or(K+, R+) + - or(S+, SE+) name: explored-7801 type: explored -- comm_cost: 0.3211226851851854 - complexity: 21 +- comm_cost: 0.47250000000000014 + complexity: 12 expressions: + - K+ - N+ + - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-7802 type: explored -- comm_cost: 0.624189814814815 - complexity: 12 +- comm_cost: 0.778125 + complexity: 7 expressions: - - N+ - R- - - S+ - - and(N-, R+) - - or(K+, K-) - - or(S+, R+) + - SE- + - and(K-, or(S+, R-)) name: explored-7803 type: explored -- comm_cost: 0.549117476851852 - complexity: 21 +- comm_cost: 0.7173177083333334 + complexity: 27 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, not(R-)) + - S- + - and(N-, and(or(K+, S-), not(R-))) + - and(SE-, or(K+, S-)) - or(K+, K-) + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-7804 type: explored -- comm_cost: 0.3709490740740742 - complexity: 13 +- comm_cost: 0.5464409722222224 + complexity: 17 expressions: + - K- - N+ - - R+ - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, or(K+, R+)) - and(S-, SE-) + - and(S-, not(R-)) name: explored-7805 type: explored -- comm_cost: 0.6041666666666669 - complexity: 8 +- comm_cost: 0.5997395833333334 + complexity: 12 expressions: - R+ - - SE- - - and(K-, not(R+)) - - not(R+) + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - or(SE-, N+) name: explored-7806 type: explored -- comm_cost: 0.3402777777777779 - complexity: 10 +- comm_cost: 0.722482638888889 + complexity: 9 expressions: - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - or(K+, R+) + - SE- + - and(K-, or(S+, SE+)) + - or(S+, R+) name: explored-7807 type: explored -- comm_cost: 0.5222656250000002 - complexity: 13 +- comm_cost: 0.6228298611111113 + complexity: 8 expressions: - - K+ - - K+ + - R+ - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, not(R-)) + - not(R+) name: explored-7808 type: explored -- comm_cost: 0.30625000000000036 - complexity: 12 +- comm_cost: 0.4645833333333337 + complexity: 11 expressions: - K+ - N+ - - R- - - SE- - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) + - or(S+, N+) name: explored-7809 type: explored -- comm_cost: 0.31614583333333357 - complexity: 14 +- comm_cost: 0.6957031250000001 + complexity: 15 expressions: - - K+ - - R- - - SE- - - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(K+, N+) + - R+ + - S- + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) name: explored-7810 type: explored -- comm_cost: 0.25598958333333344 - complexity: 22 +- comm_cost: 0.2729629629629631 + complexity: 21 expressions: + - K+ + - K+ - N+ - R- - S+ - - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-7811 type: explored -- comm_cost: 0.4134375000000001 - complexity: 16 +- comm_cost: 0.7840277777777779 + complexity: 10 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, SE+) + - and(N-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-7812 type: explored -- comm_cost: 0.7393229166666667 - complexity: 5 - expressions: - - K+ - - SE- - - and(K-, N-) - name: explored-7813 - type: explored -- comm_cost: 0.19696180555555587 - complexity: 15 +- comm_cost: 0.34143518518518545 + complexity: 19 expressions: - K+ - - K+ + - N+ - R- - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, or(N+, R-)) - name: explored-7814 + - and(or(K+, S-), not(R+)) + name: explored-7813 type: explored -- comm_cost: 0.28483796296296315 +- comm_cost: 0.40781250000000036 complexity: 14 expressions: - K+ - - K+ - - N+ - - R+ - - R- + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + name: explored-7814 + type: explored +- comm_cost: 0.6998842592592593 + complexity: 16 + expressions: + - R+ + - and(N-, or(K+, SE+)) + - and(SE+, N-) + - or(and(K-, S+), or(N+, R-)) name: explored-7815 type: explored -- comm_cost: 0.4301649305555557 - complexity: 23 +- comm_cost: 0.3562500000000002 + complexity: 21 expressions: - K+ - - K+ - N+ - R- - - S+ - - S- + - and(K-, SE-) - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, not(R-)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(S-, or(SE-, N+)) name: explored-7816 type: explored -- comm_cost: 0.06093750000000031 - complexity: 15 +- comm_cost: 0.40046296296296313 + complexity: 18 expressions: - - K+ - - K+ - N+ - R- - S+ - - S+ - - and(N-, R+) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-7817 type: explored -- comm_cost: 0.6638020833333335 - complexity: 9 +- comm_cost: 0.22812500000000013 + complexity: 16 expressions: - - and(and(S-, N-), not(R-)) - - or(K+, SE+) + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, R-) name: explored-7818 type: explored -- comm_cost: 0.7140625 - complexity: 5 +- comm_cost: 0.46601562500000004 + complexity: 14 expressions: - - N- - - R+ - - or(SE-, N+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-7819 type: explored -- comm_cost: 0.7259548611111112 +- comm_cost: 0.1687500000000004 complexity: 11 expressions: - - and(N-, not(R-)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - R- + - SE- + - and(N-, R+) + - and(S-, SE-) name: explored-7820 type: explored -- comm_cost: 0.6056712962962965 - complexity: 22 +- comm_cost: 0.5133796296296298 + complexity: 21 expressions: - - and(K-, or(S+, N+)) + - N+ + - R- - and(N-, R+) - - and(N-, not(R-)) - - or(K+, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - not(R-) name: explored-7821 type: explored -- comm_cost: 0.2367187500000003 - complexity: 14 +- comm_cost: 0.5450520833333335 + complexity: 25 expressions: - N+ - R- - - S+ - - and(N-, R+) + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R+) + - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7822 type: explored -- comm_cost: 0.6312500000000002 - complexity: 5 +- comm_cost: 0.6704687500000001 + complexity: 14 expressions: - - K+ - - R+ + - K- + - N+ + - S+ + - SE+ + - and(N-, not(R-)) - and(SE+, N-) + - or(S+, R-) name: explored-7823 type: explored -- comm_cost: 0.6069444444444446 - complexity: 7 +- comm_cost: 0.4437500000000002 + complexity: 18 expressions: + - N+ - R- - and(N-, R+) - - or(K+, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-7824 type: explored -- comm_cost: 0.5536458333333335 - complexity: 6 +- comm_cost: 0.2244791666666669 + complexity: 14 expressions: + - K+ - N+ - - R+ - - SE- - - and(K-, SE-) + - R- + - S+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-7825 type: explored -- comm_cost: 0.6819444444444445 - complexity: 27 +- comm_cost: 0.510127314814815 + complexity: 20 expressions: - - and(N-, or(K+, SE+)) - - and(S-, N-) - - and(and(K-, N-), not(R-)) - - or(K+, SE+) - - or(S+, N+) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - SE+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-7826 type: explored -- comm_cost: 0.47916666666666685 - complexity: 13 +- comm_cost: 0.5035503472222225 + complexity: 19 expressions: + - K+ - N+ - R- - S+ - - SE- - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(or(K+, S-), not(R-)) + - or(K+, S-) name: explored-7827 type: explored -- comm_cost: 0.4734375000000002 - complexity: 7 +- comm_cost: 0.4553819444444447 + complexity: 22 expressions: - K+ - N+ - - R+ + - R- - SE- - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) name: explored-7828 type: explored -- comm_cost: 0.19236111111111143 - complexity: 16 +- comm_cost: 0.6909722222222222 + complexity: 11 + expressions: + - N+ + - R- + - SE- + - and(K-, S+) + - or(S+, or(N+, R-)) + name: explored-7829 + type: explored +- comm_cost: 0.4310908564814816 + complexity: 25 expressions: - K+ + - K+ - N+ - R- - S+ + - SE+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - name: explored-7829 - type: explored -- comm_cost: 0.7596064814814816 - complexity: 9 - expressions: - - R+ - - and(K-, or(S+, SE+)) - - or(K+, K-) + - and(and(K-, N-), or(S+, SE+)) name: explored-7830 type: explored -- comm_cost: 0.2440104166666669 - complexity: 16 +- comm_cost: 0.4545428240740743 + complexity: 20 expressions: - K+ - N+ - - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + - or(K+, SE+) name: explored-7831 type: explored -- comm_cost: 0.4140625000000001 - complexity: 12 +- comm_cost: 0.4109375000000002 + complexity: 10 expressions: + - K+ + - N+ - R- - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) + - and(N-, not(R-)) name: explored-7832 type: explored -- comm_cost: 0.4154513888888891 - complexity: 20 +- comm_cost: 0.20078125000000024 + complexity: 11 expressions: + - K+ + - K+ + - K+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) name: explored-7833 type: explored -- comm_cost: 0.5742476851851853 +- comm_cost: 0.45850694444444473 complexity: 13 expressions: - - K+ - - R+ - - R- + - N+ - SE- - - and(K-, not(R-)) - - and(K-, or(S+, R+)) + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-7834 type: explored -- comm_cost: 0.6067708333333335 - complexity: 15 +- comm_cost: 0.4916666666666667 + complexity: 18 expressions: + - N+ - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, or(K+, S-)) + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-7835 type: explored -- comm_cost: 0.49774305555555576 - complexity: 24 +- comm_cost: 0.4320312500000001 + complexity: 16 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, R+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-7836 type: explored -- comm_cost: 0.7503761574074075 +- comm_cost: 0.3845486111111114 complexity: 9 expressions: - - R+ - - and(N-, or(S+, R+)) - - or(K+, SE+) - name: explored-7837 - type: explored -- comm_cost: 0.5866319444444446 - complexity: 7 - expressions: + - K+ - N+ - R+ - R- - - and(S-, not(R-)) - name: explored-7838 + - SE- + - SE- + - and(N-, R+) + name: explored-7837 type: explored -- comm_cost: 0.3803038194444446 - complexity: 16 +- comm_cost: 0.24921875000000016 + complexity: 19 expressions: - K+ - N+ - - N- - R- - - S+ + - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - and(S-, SE-) - - not(R+) - name: explored-7839 + name: explored-7838 type: explored -- comm_cost: 0.5098958333333335 - complexity: 7 +- comm_cost: 0.5426128472222224 + complexity: 14 expressions: + - K+ - N+ - R- - - S- - SE- - and(N-, R+) - name: explored-7840 + - not(R-) + - or(S+, or(N+, R-)) + name: explored-7839 type: explored -- comm_cost: 0.6683159722222223 - complexity: 8 +- comm_cost: 0.6046296296296297 + complexity: 15 expressions: - - K+ - - N+ + - R+ - R- + - SE+ - SE- - - not(R+) - - not(R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(N+, R-) + name: explored-7840 + type: explored +- comm_cost: 0.8126736111111112 + complexity: 6 + expressions: + - or(K+, R+) + - or(K+, SE+) name: explored-7841 type: explored -- comm_cost: 0.6447222222222222 - complexity: 11 +- comm_cost: 0.5118634259259262 + complexity: 13 expressions: - N+ - R- - SE- - - and(K-, or(S+, R+)) - - or(S+, SE+) + - and(K-, not(R+)) + - and(N-, R+) + - or(K+, SE+) name: explored-7842 type: explored -- comm_cost: 0.6832465277777778 +- comm_cost: 0.4305555555555558 complexity: 13 expressions: - - and(K-, S+) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-7843 type: explored -- comm_cost: 0.499826388888889 - complexity: 8 +- comm_cost: 0.47424768518518534 + complexity: 20 expressions: - - R+ - - S+ - - and(S-, N-) - - and(S-, SE-) + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(S+, R+) name: explored-7844 type: explored -- comm_cost: 0.6025462962962964 - complexity: 7 +- comm_cost: 0.5647685185185187 + complexity: 12 expressions: - - R+ - - R+ + - N+ - R- - - and(S-, not(R-)) + - SE- + - and(N-, R+) + - or(K+, R+) + - or(S+, SE+) name: explored-7845 type: explored -- comm_cost: 0.6969861111111112 - complexity: 28 - expressions: - - R+ - - SE+ - - and(K-, S+) - - and(K-, or(S+, R-)) - - or(K+, S-) - - or(K+, or(N+, R-)) - - or(S+, R+) - - or(and(K-, S+), or(N+, R-)) - name: explored-7846 - type: explored -- comm_cost: 0.07777777777777817 - complexity: 18 +- comm_cost: 0.216666666666667 + complexity: 16 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(SE-, or(K+, S-)) + name: explored-7846 + type: explored +- comm_cost: 0.6486111111111112 + complexity: 9 + expressions: + - R+ + - SE- + - and(S-, not(R-)) + - or(K+, N+) name: explored-7847 type: explored -- comm_cost: 0.2509837962962964 - complexity: 25 +- comm_cost: 0.538888888888889 + complexity: 14 expressions: + - K+ - N+ - R- - - and(K-, or(S+, R-)) + - S- + - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) name: explored-7848 type: explored -- comm_cost: 0.5828125000000002 - complexity: 15 +- comm_cost: 0.40937500000000016 + complexity: 10 expressions: - - R- - - and(K-, N-) - - and(N-, R+) - - and(N-, or(S+, SE+)) + - R+ - and(S-, SE-) + - or(K+, N+) + - or(K+, R-) name: explored-7849 type: explored -- comm_cost: 0.53 +- comm_cost: 0.5616319444444445 complexity: 7 expressions: - - N+ - - and(S-, SE-) - - or(S+, SE+) + - R+ + - R- + - SE- + - and(S-, not(R-)) name: explored-7850 type: explored -- comm_cost: 0.38880208333333344 - complexity: 18 +- comm_cost: 0.6840277777777779 + complexity: 9 + expressions: + - R- + - SE- + - and(and(K-, N-), or(S+, SE+)) + name: explored-7851 + type: explored +- comm_cost: 0.5282916666666668 + complexity: 19 expressions: - - K+ - K+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - not(R-) - name: explored-7851 + - or(K+, N+) + - or(K+, S-) + - or(K+, S-) + name: explored-7852 type: explored -- comm_cost: 0.6152430555555557 +- comm_cost: 0.6075231481481482 complexity: 9 expressions: - R+ - R- + - SE+ - SE- - - and(K-, SE-) - - or(S+, SE+) - name: explored-7852 - type: explored -- comm_cost: 0.609375 - complexity: 10 - expressions: - - N+ - - S+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(K-, or(S+, R+)) name: explored-7853 type: explored -- comm_cost: 0.6340277777777779 - complexity: 12 +- comm_cost: 0.6578125000000001 + complexity: 4 expressions: - - R- - - SE- - - or(K+, R+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - and(K-, N-) name: explored-7854 type: explored -- comm_cost: 0.29166666666666685 - complexity: 17 +- comm_cost: 0.6267071759259261 + complexity: 23 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(K+, N+) + - and(K-, or(S+, R+)) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) + - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-7855 type: explored -- comm_cost: 0.5458333333333335 - complexity: 6 +- comm_cost: 0.40636574074074083 + complexity: 18 expressions: - N+ - - R+ - - SE- - - or(N+, R-) + - R- + - S+ + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-7856 type: explored -- comm_cost: 0.674207175925926 - complexity: 22 +- comm_cost: 0.23125000000000018 + complexity: 16 expressions: - - and(K-, not(R-)) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) - - or(S+, SE+) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, R+) name: explored-7857 type: explored -- comm_cost: 0.6490711805555557 - complexity: 27 +- comm_cost: 0.2015625000000003 + complexity: 14 expressions: + - K+ - R- - - SE+ - - and(K-, S+) - - and(K-, SE-) - - and(K-, not(R+)) - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) - - or(S+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-7858 type: explored -- comm_cost: 0.7395833333333333 - complexity: 5 +- comm_cost: 0.7388888888888889 + complexity: 11 expressions: - - K+ - - R- - - and(K-, S+) + - R+ + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-7859 type: explored -- comm_cost: 0.5760416666666668 - complexity: 13 +- comm_cost: 0.6932418981481483 + complexity: 41 expressions: - - N+ + - K- - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(K+, K-) + - and(K-, not(R-)) + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - not(R+) + - or(K+, or(N+, R-)) name: explored-7860 type: explored -- comm_cost: 0.6991666666666668 - complexity: 4 +- comm_cost: 0.5468750000000001 + complexity: 10 expressions: - - N- + - R- - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-7861 type: explored -- comm_cost: 0.680295138888889 - complexity: 15 - expressions: - - R+ - - and(K-, not(R-)) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-7862 - type: explored -- comm_cost: 0.3108796296296298 - complexity: 20 +- comm_cost: 0.4633680555555557 + complexity: 19 expressions: - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) - or(K+, or(N+, R-)) + name: explored-7862 + type: explored +- comm_cost: 0.6697916666666668 + complexity: 7 + expressions: + - R+ + - and(K-, or(N+, not(R+))) name: explored-7863 type: explored -- comm_cost: 0.318229166666667 - complexity: 10 +- comm_cost: 0.2572916666666669 + complexity: 23 expressions: - K+ - - N+ - R- - - SE- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - or(N+, R-) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-7864 type: explored -- comm_cost: 0.6439236111111113 - complexity: 8 +- comm_cost: 0.8041666666666667 + complexity: 12 expressions: - - K+ - - R+ - - or(K+, R-) - - or(S+, R-) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-7865 type: explored -- comm_cost: 0.3364583333333335 - complexity: 21 +- comm_cost: 0.7015625000000001 + complexity: 4 expressions: - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - SE- + - not(R+) name: explored-7866 type: explored -- comm_cost: 0.5361111111111112 - complexity: 9 +- comm_cost: 0.5818865740740742 + complexity: 20 expressions: - - R- - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - R+ + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-7867 type: explored -- comm_cost: 0.581221064814815 - complexity: 27 +- comm_cost: 0.44149305555555585 + complexity: 12 expressions: - - and(K-, SE-) - - and(K-, or(S+, N+)) + - N+ + - S+ + - SE- - and(N-, R+) - - and(S-, not(R+)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) - - or(K+, K-) + - and(S-, SE-) + - or(K+, R+) name: explored-7868 type: explored -- comm_cost: 0.6204861111111113 - complexity: 8 +- comm_cost: 0.6396875000000001 + complexity: 5 expressions: - - N+ + - K- - R+ - - and(N-, R+) - - and(SE+, N-) + - and(S-, SE-) name: explored-7869 type: explored -- comm_cost: 0.5098958333333335 - complexity: 13 +- comm_cost: 0.39947916666666683 + complexity: 16 expressions: - - R+ + - N+ - R- - - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(S+, R+) name: explored-7870 type: explored -- comm_cost: 0.489513888888889 - complexity: 14 +- comm_cost: 0.6839451058201058 + complexity: 37 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(N+, R-) + - K+ + - SE+ + - SE- + - and(K-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) + - or(S+, N+) name: explored-7871 type: explored -- comm_cost: 0.4655555555555557 - complexity: 18 +- comm_cost: 0.6811805555555556 + complexity: 8 expressions: - - N+ + - N- - R- - - S+ - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(K-, or(S+, N+)) name: explored-7872 type: explored -- comm_cost: 0.6475868055555556 - complexity: 17 +- comm_cost: 0.5619791666666669 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - or(N+, not(R+)) + - S- + - SE- + - and(N-, R+) + - and(N-, R+) name: explored-7873 type: explored -- comm_cost: 0.23125000000000018 - complexity: 11 +- comm_cost: 0.4423611111111113 + complexity: 19 expressions: + - N+ - R- - - S+ - - and(N-, R+) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-7874 type: explored -- comm_cost: 0.38274305555555577 - complexity: 20 +- comm_cost: 0.18072916666666705 + complexity: 11 expressions: - K+ - - K+ - - N+ - R- - - S+ - - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, N-) - and(S-, SE-) + - or(N+, R-) name: explored-7875 type: explored -- comm_cost: 0.21250000000000036 - complexity: 11 +- comm_cost: 0.700451388888889 + complexity: 22 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(SE-, or(K+, S-)) + - S- + - SE+ + - and(K-, S+) + - and(N-, not(R-)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - or(K+, N+) name: explored-7876 type: explored -- comm_cost: 0.46897569444444465 - complexity: 20 +- comm_cost: 0.24531250000000027 + complexity: 13 expressions: - K+ + - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, R-) name: explored-7877 type: explored -- comm_cost: 0.21435185185185213 - complexity: 19 +- comm_cost: 0.39214409722222254 + complexity: 12 expressions: - - K+ - - K+ - N+ - - R- - - and(N-, R+) + - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, R-) + - or(SE-, N+) name: explored-7878 type: explored -- comm_cost: 0.6937500000000001 - complexity: 8 +- comm_cost: 0.4384837962962964 + complexity: 20 expressions: - - and(S-, N-) - - or(K+, or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) name: explored-7879 type: explored -- comm_cost: 0.6431678240740741 - complexity: 31 +- comm_cost: 0.48055555555555585 + complexity: 10 expressions: - N+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-7880 type: explored -- comm_cost: 0.3427083333333335 - complexity: 12 +- comm_cost: 0.7221527777777779 + complexity: 8 expressions: - - N+ - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - R+ + - and(N-, not(R-)) + - or(S+, SE+) name: explored-7881 type: explored -- comm_cost: 0.6735243055555556 - complexity: 14 +- comm_cost: 0.5633333333333335 + complexity: 8 expressions: - - R+ - - S- + - N+ - SE- - - and(K-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, R+) + - or(S+, SE+) name: explored-7882 type: explored -- comm_cost: 0.5757812500000001 - complexity: 6 +- comm_cost: 0.6611111111111112 + complexity: 7 expressions: - - K+ + - K- + - R+ - S- - SE- - - and(N-, R+) + - and(S-, SE-) name: explored-7883 type: explored -- comm_cost: 0.6412305720899472 - complexity: 32 +- comm_cost: 0.6589409722222224 + complexity: 14 expressions: - - S- - - and(K-, N-) - - and(K-, or(S+, R-)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, or(N+, R-)) - - or(S+, N+) - - or(S+, R-) + - R+ + - SE- + - and(N-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-7884 type: explored -- comm_cost: 0.38538773148148175 - complexity: 20 +- comm_cost: 0.2972800925925927 + complexity: 22 expressions: + - K+ - N+ - R- - - S+ + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, or(N+, R-)) name: explored-7885 type: explored -- comm_cost: 0.4046875000000001 - complexity: 13 +- comm_cost: 0.42057291666666696 + complexity: 12 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - S+ + - and(N-, R+) - and(N-, not(R-)) - and(S-, SE-) name: explored-7886 type: explored -- comm_cost: 0.4652777777777779 - complexity: 11 +- comm_cost: 0.5195312500000002 + complexity: 9 expressions: + - N+ + - S- + - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) name: explored-7887 type: explored -- comm_cost: 0.5671875000000001 - complexity: 9 +- comm_cost: 0.4321180555555557 + complexity: 15 expressions: - - K+ - - R+ - - and(N-, not(R-)) - - and(S-, SE-) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(SE-, or(K+, S-)) name: explored-7888 type: explored -- comm_cost: 0.285416666666667 - complexity: 12 +- comm_cost: 0.25260416666666696 + complexity: 13 expressions: - N+ + - N+ - R- - - S+ - - SE- - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-7889 type: explored -- comm_cost: 0.34375000000000033 - complexity: 7 +- comm_cost: 0.5751736111111113 + complexity: 13 expressions: - K+ - N+ - - N+ - - R- + - R+ + - SE- - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-7890 type: explored -- comm_cost: 0.5732465277777778 - complexity: 11 +- comm_cost: 0.6673900462962964 + complexity: 18 expressions: - - K+ - - K- - - N+ - - R- - - S+ - - and(S-, SE-) - - or(K+, SE+) + - R+ + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-7891 type: explored -- comm_cost: 0.4178819444444448 - complexity: 11 +- comm_cost: 0.451041666666667 + complexity: 8 expressions: - - N+ - - N+ + - R- - SE- - and(N-, R+) - - not(R+) - - or(SE-, N+) + - or(K+, R-) name: explored-7892 type: explored -- comm_cost: 0.22604166666666692 - complexity: 17 +- comm_cost: 0.42843750000000014 + complexity: 10 expressions: - - K+ + - K- + - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, R-) name: explored-7893 type: explored -- comm_cost: 0.3084780092592596 - complexity: 17 +- comm_cost: 0.6435329861111112 + complexity: 30 expressions: - - N+ - - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(K-, or(S+, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, not(R-)) + - and(S-, not(R-)) + - and(SE+, N-) + - and(or(K+, S-), not(R+)) name: explored-7894 type: explored -- comm_cost: 0.050781250000000444 - complexity: 12 +- comm_cost: 0.535277777777778 + complexity: 16 expressions: - K+ - - K+ - - K+ - N+ - R- - S+ - and(N-, R+) - - and(S-, SE-) + - not(R-) + - or(and(K-, S+), or(N+, R-)) name: explored-7895 type: explored -- comm_cost: 0.6265625000000002 - complexity: 12 +- comm_cost: 0.5380208333333336 + complexity: 5 expressions: - - N+ - - and(K-, S+) - - and(K-, or(S+, SE+)) + - R+ + - SE- - and(N-, R+) name: explored-7896 type: explored -- comm_cost: 0.5664930555555555 - complexity: 11 +- comm_cost: 0.2312500000000003 + complexity: 13 expressions: - - K+ - - K+ - - N+ - R- - - S+ + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) name: explored-7897 type: explored -- comm_cost: 0.36302083333333357 - complexity: 10 +- comm_cost: 0.6880208333333335 + complexity: 5 expressions: + - R+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - or(N+, R-) name: explored-7898 type: explored -- comm_cost: 0.7841145833333334 - complexity: 8 +- comm_cost: 0.676232638888889 + complexity: 13 expressions: - - N+ - - R- + - K- - S+ - - or(S+, or(N+, R-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, R-) name: explored-7899 type: explored -- comm_cost: 0.7463541666666668 - complexity: 8 +- comm_cost: 0.5845486111111112 + complexity: 10 expressions: - - S- - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(and(K-, N-), not(R-)) + - or(K+, R-) name: explored-7900 type: explored -- comm_cost: 0.6071180555555556 - complexity: 9 +- comm_cost: 0.40937500000000004 + complexity: 12 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - or(K+, R-) - - or(S+, R+) + - S+ + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-7901 type: explored -- comm_cost: 0.3931250000000003 - complexity: 24 +- comm_cost: 0.5066666666666668 + complexity: 13 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, R+)) + - S+ + - and(S-, SE-) - and(S-, SE-) - - and(S-, not(R+)) - or(K+, S-) name: explored-7902 type: explored -- comm_cost: 0.5163194444444446 - complexity: 7 +- comm_cost: 0.4736111111111113 + complexity: 17 expressions: - K+ - - R+ + - N+ - R- - SE- - - or(S+, N+) + - and(K-, or(S+, R+)) + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-7903 type: explored -- comm_cost: 0.85 - complexity: 2 +- comm_cost: 0.1789930555555559 + complexity: 16 expressions: - N+ - - N+ + - R- + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-7904 type: explored -- comm_cost: 0.6580729166666668 - complexity: 8 +- comm_cost: 0.2118055555555558 + complexity: 24 expressions: - - R+ + - K+ + - N+ - R- - - S+ - - or(S+, or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-7905 type: explored -- comm_cost: 0.6882812500000001 +- comm_cost: 0.5939814814814817 complexity: 11 expressions: - - R+ - - SE+ - - and(and(S-, N-), not(R-)) - - or(K+, K-) + - SE- + - and(N-, R+) + - and(S-, N-) + - and(S-, not(R-)) name: explored-7906 type: explored -- comm_cost: 0.20182291666666696 - complexity: 18 +- comm_cost: 0.3352430555555559 + complexity: 23 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-7907 type: explored -- comm_cost: 0.4578125000000002 - complexity: 9 +- comm_cost: 0.4809837962962964 + complexity: 15 expressions: - - R+ - R- - - SE- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - or(K+, R-) + - and(S-, SE-) + - not(R-) name: explored-7908 type: explored -- comm_cost: 0.2566984953703705 - complexity: 23 +- comm_cost: 0.406180555555556 + complexity: 15 expressions: - - K+ - - N+ - R- - - and(K-, S+) - - and(N-, R+) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, SE+) + - and(S-, not(R+)) + - or(N+, not(R+)) name: explored-7909 type: explored -- comm_cost: 0.5739583333333336 - complexity: 12 +- comm_cost: 0.32916666666666705 + complexity: 9 expressions: - - N+ - - SE- - - and(K-, not(R-)) + - and(K-, S+) - and(N-, R+) - - or(K+, N+) + - and(S-, SE-) name: explored-7910 type: explored -- comm_cost: 0.5994791666666666 - complexity: 8 +- comm_cost: 0.2625000000000004 + complexity: 18 expressions: + - K+ - N+ - - R- - - S+ - - SE- - - and(S-, not(R+)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-7911 type: explored -- comm_cost: 0.4935763888888889 - complexity: 8 +- comm_cost: 0.330439814814815 + complexity: 16 expressions: - - K+ - N+ - R- - S+ - - SE- + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) + - and(S-, not(R+)) name: explored-7912 type: explored -- comm_cost: 0.5655671296296297 - complexity: 11 +- comm_cost: 0.5260416666666666 + complexity: 9 expressions: - K+ - - R+ + - N+ - R- - - SE- - - and(K-, not(R+)) - - and(S-, N-) + - S+ + - and(SE-, or(K+, S-)) name: explored-7913 type: explored -- comm_cost: 0.515133101851852 - complexity: 15 +- comm_cost: 0.5281770833333335 + complexity: 13 expressions: - N+ - - and(K-, N-) - - and(K-, or(S+, R+)) + - N- + - R- + - S- + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) name: explored-7914 type: explored -- comm_cost: 0.463888888888889 - complexity: 18 +- comm_cost: 0.7222222222222224 + complexity: 10 expressions: - - N+ - - R- - - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-7915 type: explored -- comm_cost: 0.5188281250000001 - complexity: 14 +- comm_cost: 0.36284722222222254 + complexity: 18 expressions: - - K+ - - R+ - - R- + - N+ + - and(K-, S+) + - and(K-, SE-) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(K+, SE+) name: explored-7916 type: explored -- comm_cost: 0.3244791666666669 - complexity: 11 +- comm_cost: 0.6703993055555557 + complexity: 12 expressions: - - K+ - - R- + - N+ - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-7917 type: explored -- comm_cost: 0.5673611111111112 - complexity: 11 +- comm_cost: 0.6450173611111112 + complexity: 9 expressions: + - N+ + - R+ - R- + - S- - SE- - - and(N-, or(K+, R+)) - - and(S-, not(R-)) + - or(N+, not(R+)) name: explored-7918 type: explored -- comm_cost: 0.690472800925926 - complexity: 25 +- comm_cost: 0.42500000000000027 + complexity: 13 expressions: - - K- - N+ - - S- + - R- - SE- - - and(K-, or(S+, SE+)) - - and(N-, not(R-)) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(S-, not(R-)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-7919 type: explored -- comm_cost: 0.43958333333333355 - complexity: 14 +- comm_cost: 0.5877604166666668 + complexity: 10 expressions: - - K+ - - K+ - N+ - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(and(K-, N-), not(R-)) + - not(R+) name: explored-7920 type: explored -- comm_cost: 0.2185763888888892 - complexity: 11 +- comm_cost: 0.6765046296296298 + complexity: 7 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - SE- - - and(K-, SE-) - - and(N-, R+) + - SE+ + - and(K-, not(R-)) name: explored-7921 type: explored -- comm_cost: 0.6437499999999999 - complexity: 5 +- comm_cost: 0.46388888888888913 + complexity: 8 expressions: - K+ - - K+ - N+ - - R- - - S+ + - N+ + - SE+ + - SE- + - and(N-, R+) name: explored-7922 type: explored -- comm_cost: 0.4682291666666668 - complexity: 13 +- comm_cost: 0.5300347222222224 + complexity: 12 expressions: - N+ - - R+ - R- - SE- - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(S-, not(R-)) + - and(SE-, or(K+, S-)) name: explored-7923 type: explored -- comm_cost: 0.9104166666666667 - complexity: 3 +- comm_cost: 0.6472222222222223 + complexity: 7 expressions: - - or(K+, R-) + - K+ + - N+ + - R- + - SE- + - or(K+, S-) name: explored-7924 type: explored -- comm_cost: 0.5390625000000002 - complexity: 11 +- comm_cost: 0.7085127314814815 + complexity: 21 expressions: - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - or(K+, SE+) + - N- + - SE+ + - and(K-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-7925 type: explored -- comm_cost: 0.5875 - complexity: 6 +- comm_cost: 0.3470486111111112 + complexity: 12 expressions: - - N+ - - N- - - SE- + - K+ + - R+ + - R- + - R- + - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-7926 type: explored -- comm_cost: 0.6697916666666668 - complexity: 8 +- comm_cost: 0.4706307870370372 + complexity: 12 expressions: - - R+ - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - not(R+) name: explored-7927 type: explored -- comm_cost: 0.39322916666666685 - complexity: 20 +- comm_cost: 0.46250000000000024 + complexity: 12 expressions: - - N+ + - K+ - R- - - S+ - - and(K-, or(S+, R-)) + - and(K-, S+) + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-7928 type: explored -- comm_cost: 0.24375000000000036 - complexity: 17 +- comm_cost: 0.4017361111111113 + complexity: 16 expressions: - N+ - R- - - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(S+, R+) name: explored-7929 type: explored -- comm_cost: 0.7215682870370371 - complexity: 33 +- comm_cost: 0.3279803240740742 + complexity: 17 expressions: - - and(K-, not(R+)) - - and(K-, or(S+, R-)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - or(K+, K-) - - or(S+, R-) - - or(S+, or(N+, R-)) + - N+ + - R- + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-7930 type: explored -- comm_cost: 0.6880208333333335 - complexity: 5 +- comm_cost: 0.3958333333333335 + complexity: 15 expressions: - - R+ + - N+ - R- - - and(SE+, N-) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-7931 type: explored -- comm_cost: 0.5183333333333333 - complexity: 8 +- comm_cost: 0.4104166666666669 + complexity: 15 expressions: - K+ - R- + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - or(K+, R+) name: explored-7932 type: explored -- comm_cost: 0.38531250000000017 - complexity: 15 +- comm_cost: 0.6937500000000001 + complexity: 13 expressions: - - N+ - - N- - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-7933 type: explored -- comm_cost: 0.40399305555555587 - complexity: 20 +- comm_cost: 0.3007812500000001 + complexity: 14 expressions: - N+ - - S+ - - SE- + - R- - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, SE-) + - or(S+, R+) name: explored-7934 type: explored -- comm_cost: 0.6287615740740742 - complexity: 30 +- comm_cost: 0.40218750000000014 + complexity: 10 expressions: + - K+ + - N+ - N- - - R- - - and(K-, N-) - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) name: explored-7935 type: explored -- comm_cost: 0.7026041666666668 - complexity: 20 - expressions: - - and(K-, N-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R+) - - or(and(K-, S+), or(N+, R-)) - name: explored-7936 - type: explored -- comm_cost: 0.5109375000000002 - complexity: 12 +- comm_cost: 0.28342013888888906 + complexity: 16 expressions: + - K+ - N+ + - R- - S+ + - SE- - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) + name: explored-7936 + type: explored +- comm_cost: 0.5874710648148149 + complexity: 16 + expressions: + - N+ + - R+ + - R- + - SE- - not(R+) - - not(R-) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-7937 type: explored -- comm_cost: 0.6875 - complexity: 7 +- comm_cost: 0.5356597222222224 + complexity: 15 expressions: - - N+ + - K+ - R- - - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - not(R-) name: explored-7938 type: explored -- comm_cost: 0.502604166666667 - complexity: 9 +- comm_cost: 0.2583333333333335 + complexity: 14 expressions: - - SE- + - K+ + - K+ + - N+ - and(N-, R+) + - and(S-, SE-) - and(SE-, or(K+, S-)) name: explored-7939 type: explored -- comm_cost: 0.29412615740740755 - complexity: 18 +- comm_cost: 0.6371527777777779 + complexity: 5 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(S+, R+) + - R+ + - or(S+, R-) name: explored-7940 type: explored -- comm_cost: 0.49531250000000004 - complexity: 10 +- comm_cost: 0.48784722222222243 + complexity: 11 expressions: + - N+ - R+ + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(N+, R-) name: explored-7941 type: explored -- comm_cost: 0.3079861111111113 - complexity: 18 +- comm_cost: 0.3510416666666669 + complexity: 14 expressions: - - K+ - - N+ - N+ - R- - - S+ + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, N+) + - or(K+, R-) name: explored-7942 type: explored -- comm_cost: 0.5076388888888891 - complexity: 12 +- comm_cost: 0.8525 + complexity: 6 expressions: - - N+ - - SE- - - and(N-, R+) - - and(S-, not(R-)) - - or(S+, R-) + - or(S+, SE+) + - or(S+, SE+) name: explored-7943 type: explored -- comm_cost: 0.5766493055555557 - complexity: 10 +- comm_cost: 0.6100694444444447 + complexity: 13 expressions: - - K+ - - R+ - - R- - - SE- - - and(or(K+, S-), not(R-)) + - N+ + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(S+, R-) name: explored-7944 type: explored -- comm_cost: 0.6567708333333334 - complexity: 8 +- comm_cost: 0.6827256944444446 + complexity: 10 expressions: - R+ - - R- - - S+ - SE- - - SE- - - or(K+, K-) + - and(K-, or(S+, SE+)) + - or(S+, R+) name: explored-7945 type: explored -- comm_cost: 0.23579282407407431 - complexity: 17 +- comm_cost: 0.35607638888888893 + complexity: 9 expressions: - - K+ - - K+ - N+ - - R+ - R- - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - or(K+, R+) name: explored-7946 type: explored -- comm_cost: 0.2937500000000002 - complexity: 25 +- comm_cost: 0.3504050925925928 + complexity: 21 expressions: + - K+ - N+ - R- + - and(K-, N-) - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-7947 type: explored -- comm_cost: 0.32486111111111127 - complexity: 23 +- comm_cost: 0.39861111111111147 + complexity: 15 expressions: - - K+ - N+ - - R- - - S+ + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, SE+) + - and(S-, or(N+, not(R+))) name: explored-7948 type: explored -- comm_cost: 0.4566666666666668 - complexity: 9 +- comm_cost: 0.4945312500000003 + complexity: 15 expressions: - - N+ - - N- - - SE- + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(N-, R+) - - and(S-, SE-) name: explored-7949 type: explored -- comm_cost: 0.40000000000000024 - complexity: 13 +- comm_cost: 0.7911458333333334 + complexity: 10 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-7950 type: explored -- comm_cost: 0.41718749999999993 - complexity: 13 +- comm_cost: 0.5900173611111112 + complexity: 15 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - and(K-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-7951 type: explored -- comm_cost: 0.27656250000000016 - complexity: 14 +- comm_cost: 0.4593750000000003 + complexity: 9 expressions: - - K+ - - N+ - R- - - and(K-, or(S+, SE+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) name: explored-7952 type: explored -- comm_cost: 0.17187500000000022 - complexity: 9 +- comm_cost: 0.5812326388888891 + complexity: 14 expressions: - K+ - N+ + - N- - R- + - SE- - and(K-, SE-) - and(N-, R+) + - or(K+, K-) name: explored-7953 type: explored -- comm_cost: 0.42500000000000027 - complexity: 9 - expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, N-) - name: explored-7954 - type: explored -- comm_cost: 0.41409722222222245 - complexity: 18 +- comm_cost: 0.7236979166666667 + complexity: 22 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) - or(K+, S-) - name: explored-7955 + name: explored-7954 type: explored -- comm_cost: 0.41715277777777793 - complexity: 24 +- comm_cost: 0.5781250000000002 + complexity: 14 expressions: - K+ - - N+ - - R- - - and(K-, S+) + - and(K-, SE-) - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - not(R-) - - or(K+, or(N+, R-)) - name: explored-7956 + name: explored-7955 type: explored -- comm_cost: 0.7114583333333335 - complexity: 3 +- comm_cost: 0.6393229166666669 + complexity: 10 expressions: - - N+ - - N+ + - K+ - R+ - name: explored-7957 + - and(or(K+, S-), or(N+, not(R+))) + name: explored-7956 type: explored -- comm_cost: 0.41060185185185205 +- comm_cost: 0.5066261574074076 complexity: 15 expressions: - - N+ + - K+ + - K+ - N- - R- - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - name: explored-7958 + - and(S-, not(R-)) + name: explored-7957 type: explored -- comm_cost: 0.48399884259259274 - complexity: 21 +- comm_cost: 0.5878472222222224 + complexity: 11 expressions: - K+ - - N+ - R- + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(K+, SE+) - - or(K+, or(N+, R-)) - name: explored-7959 + - and(N-, or(K+, S-)) + name: explored-7958 type: explored -- comm_cost: 0.4144097222222225 - complexity: 9 +- comm_cost: 0.11927083333333366 + complexity: 17 expressions: - K+ - - S+ - - SE- + - N+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - name: explored-7960 + - or(K+, N+) + - or(N+, R-) + name: explored-7959 type: explored -- comm_cost: 0.3870659722222223 - complexity: 12 +- comm_cost: 0.7591145833333333 + complexity: 8 expressions: - - K+ - - K+ - N+ - - S+ - - and(N-, or(S+, R+)) - - and(S-, SE-) + - R- + - and(K-, or(N+, not(R+))) + name: explored-7960 + type: explored +- comm_cost: 0.6229166666666668 + complexity: 10 + expressions: + - R+ + - and(K-, or(N+, not(R+))) + - or(K+, N+) name: explored-7961 type: explored -- comm_cost: 0.7947916666666667 - complexity: 4 +- comm_cost: 0.5159722222222224 + complexity: 21 expressions: - - S+ - - or(N+, R-) + - N+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-7962 type: explored -- comm_cost: 0.47049479166666686 - complexity: 22 +- comm_cost: 0.24201388888888908 + complexity: 16 expressions: - K+ - - K- - N+ - - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-7963 type: explored -- comm_cost: 0.24583333333333357 - complexity: 20 +- comm_cost: 0.556527777777778 + complexity: 11 expressions: - - K+ - - K+ + - K- - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(N-, or(K+, R+)) name: explored-7964 type: explored -- comm_cost: 0.5796874999999999 - complexity: 9 +- comm_cost: 0.7125000000000001 + complexity: 5 expressions: - - N+ - - R- - - and(S-, SE-) - - and(S-, not(R+)) + - R+ + - R+ + - or(N+, R-) name: explored-7965 type: explored -- comm_cost: 0.6516493055555557 - complexity: 7 +- comm_cost: 0.44687500000000013 + complexity: 18 expressions: - - R+ - - SE- - - not(R+) - - or(K+, R+) + - K+ + - N+ + - R- + - S- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-7966 type: explored -- comm_cost: 0.6738541666666668 - complexity: 11 +- comm_cost: 0.6750868055555557 + complexity: 15 expressions: - - K- - R+ - - R- - - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(K-, N-) + - and(K-, or(S+, N+)) + - and(S-, or(N+, not(R+))) name: explored-7967 type: explored -- comm_cost: 0.4052083333333336 - complexity: 13 +- comm_cost: 0.713888888888889 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(K-, SE-) + - and(N-, and(or(K+, S-), not(R-))) name: explored-7968 type: explored -- comm_cost: 0.8015625 - complexity: 9 +- comm_cost: 0.6681597222222223 + complexity: 10 expressions: - - SE- - - and(S-, or(SE-, N+)) - - or(SE-, N+) + - R+ + - R- + - and(K-, or(S+, R-)) + - or(K+, S-) name: explored-7969 type: explored -- comm_cost: 0.7058912037037037 - complexity: 8 +- comm_cost: 0.4916666666666666 + complexity: 14 expressions: - - R+ - - R- - - SE- - - not(R-) - - or(K+, K-) + - K+ + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) + - and(S-, SE-) name: explored-7970 type: explored -- comm_cost: 0.7270286458333335 - complexity: 28 +- comm_cost: 0.6322569444444446 + complexity: 14 expressions: - - K- - - S+ - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(N-, or(S+, R+)) - - and(S-, N-) - - or(K+, K-) - - or(S+, N+) - - or(SE-, N+) + - R+ + - and(K-, SE-) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-7971 type: explored -- comm_cost: 0.4275520833333336 +- comm_cost: 0.5736979166666668 complexity: 11 expressions: - - K+ - - K+ - - N+ - - S+ - - and(N-, R+) - - or(N+, not(R+)) + - R+ + - and(SE-, or(K+, S-)) + - or(S+, or(N+, R-)) name: explored-7972 type: explored -- comm_cost: 0.6139583333333335 - complexity: 12 +- comm_cost: 0.48836805555555585 + complexity: 15 expressions: - - R- + - N+ - SE- - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-7973 type: explored -- comm_cost: 0.5293055555555557 - complexity: 13 +- comm_cost: 0.4109375000000002 + complexity: 12 expressions: - N+ - R- - - and(K-, N-) + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - not(R-) + - and(N-, not(R-)) name: explored-7974 type: explored -- comm_cost: 0.6354861111111113 - complexity: 13 +- comm_cost: 0.5942708333333334 + complexity: 10 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - not(R+) - - not(R-) - - or(K+, K-) + - R+ + - and(K-, N-) + - and(K-, SE-) + - and(S-, SE-) name: explored-7975 type: explored -- comm_cost: 0.4911458333333335 +- comm_cost: 0.44661458333333337 complexity: 9 expressions: + - K+ - R+ - R- - and(S-, SE-) - - and(S-, not(R+)) + - or(K+, SE+) name: explored-7976 type: explored -- comm_cost: 0.7120833333333334 - complexity: 7 +- comm_cost: 0.5812037037037039 + complexity: 15 expressions: - - R+ - - S+ - - not(R-) - - or(K+, N+) + - N+ + - R- + - and(N-, R+) + - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) name: explored-7977 type: explored -- comm_cost: 0.5630208333333335 - complexity: 11 +- comm_cost: 0.35546875000000033 + complexity: 10 expressions: - - SE- - - and(K-, not(R-)) + - N+ + - R- - and(N-, R+) - - or(N+, R-) + - and(N-, R+) + - not(R+) name: explored-7978 type: explored -- comm_cost: 0.6705212466931217 - complexity: 24 +- comm_cost: 0.541840277777778 + complexity: 12 expressions: - - and(K-, N-) - - and(K-, not(R+)) - - and(N-, or(S+, SE+)) - - and(S-, N-) - - and(S-, not(R+)) - - not(R+) - - or(N+, R-) + - N+ + - SE- + - and(N-, R+) + - and(S-, not(R-)) + - or(K+, N+) name: explored-7979 type: explored -- comm_cost: 0.7239583333333335 - complexity: 2 +- comm_cost: 0.17083333333333361 + complexity: 10 expressions: - N+ - - R+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-7980 type: explored -- comm_cost: 0.32263888888888914 - complexity: 18 +- comm_cost: 0.5797743055555556 + complexity: 11 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - not(R-) + - or(S+, R-) name: explored-7981 type: explored -- comm_cost: 0.3850694444444447 - complexity: 15 +- comm_cost: 0.6903645833333334 + complexity: 11 expressions: - - N+ - - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(SE-, or(K+, S-)) + - R+ + - and(N-, or(K+, S-)) + - or(S+, or(N+, R-)) name: explored-7982 type: explored -- comm_cost: 0.6718750000000002 - complexity: 4 +- comm_cost: 0.5701388888888889 + complexity: 13 expressions: - - R+ - - or(K+, R-) + - N+ + - R- + - and(K-, SE-) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-7983 type: explored -- comm_cost: 0.44895833333333346 - complexity: 10 +- comm_cost: 0.29305555555555574 + complexity: 18 expressions: - - K+ - - R+ + - N+ - R- - - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(S+, R-) + - or(K+, or(N+, R-)) name: explored-7984 type: explored -- comm_cost: 0.667002314814815 - complexity: 24 +- comm_cost: 0.7648437499999999 + complexity: 10 expressions: - - N- - - and(N-, or(K+, SE+)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - not(R+) - - or(K+, N+) + - R- + - SE- + - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-7985 type: explored -- comm_cost: 0.6458333333333335 - complexity: 16 +- comm_cost: 0.4884375000000002 + complexity: 11 expressions: - - R+ - R- - - SE- - - and(or(K+, S-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-7986 type: explored -- comm_cost: 0.33125000000000027 - complexity: 17 +- comm_cost: 0.7162615740740743 + complexity: 15 expressions: - - N+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) name: explored-7987 type: explored -- comm_cost: 0.7165659722222223 - complexity: 31 - expressions: - - and(K-, not(R+)) - - and(N-, not(R-)) - - and(N-, or(S+, R+)) - - and(S-, N-) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) - name: explored-7988 - type: explored -- comm_cost: 0.2942708333333335 - complexity: 12 +- comm_cost: 0.4373842592592595 + complexity: 20 expressions: + - K+ - N+ - R- - S+ + - SE+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(and(S-, N-), not(R-)) - name: explored-7989 + - and(S-, SE-) + - and(S-, not(R-)) + name: explored-7988 type: explored -- comm_cost: 0.5171875000000001 - complexity: 14 +- comm_cost: 0.6421875000000001 + complexity: 11 expressions: - N+ - R- + - S- + - SE+ - SE- - - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, S-)) - name: explored-7990 + - or(K+, K-) + name: explored-7989 type: explored -- comm_cost: 0.09166666666666679 - complexity: 19 +- comm_cost: 0.4259375000000002 + complexity: 23 expressions: - K+ - - K+ - N+ - R- - S+ - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, R+) - and(S-, SE-) - name: explored-7991 + - and(SE-, or(K+, S-)) + - or(K+, S-) + name: explored-7990 type: explored -- comm_cost: 0.6616898148148149 - complexity: 30 +- comm_cost: 0.6634647817460317 + complexity: 39 expressions: - - and(K-, S+) - - and(S-, N-) + - and(K-, N-) + - and(K-, SE-) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) + - and(S-, or(SE-, N+)) - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(K+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-7992 + - or(S+, N+) + name: explored-7991 type: explored -- comm_cost: 0.3734722222222224 - complexity: 18 +- comm_cost: 0.5583333333333333 + complexity: 8 expressions: - K+ - - K- - - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) - and(S-, SE-) - name: explored-7993 + - and(S-, SE-) + name: explored-7992 type: explored -- comm_cost: 0.26560763888888905 - complexity: 17 +- comm_cost: 0.43223958333333357 + complexity: 24 expressions: - K+ - K+ @@ -82480,4934 +82662,5030 @@ - R- - S+ - and(N-, R+) - - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(S+, SE+) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-7993 + type: explored +- comm_cost: 0.7614583333333333 + complexity: 7 + expressions: + - and(S-, or(SE-, N+)) + - not(R+) name: explored-7994 type: explored -- comm_cost: 0.4773177083333334 - complexity: 14 +- comm_cost: 0.690625 + complexity: 9 expressions: - - K+ - - K+ - N+ - - N- - - R- - - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - and(S-, or(SE-, N+)) name: explored-7995 type: explored -- comm_cost: 0.7979166666666666 - complexity: 4 +- comm_cost: 0.38333333333333364 + complexity: 10 expressions: - R- - - or(S+, N+) + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-7996 type: explored -- comm_cost: 0.3197916666666668 - complexity: 7 +- comm_cost: 0.5164930555555557 + complexity: 15 expressions: - - R+ + - N+ - R+ - R- - - S+ - - and(S-, SE-) + - SE- + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) name: explored-7997 type: explored -- comm_cost: 0.6315972222222221 - complexity: 10 +- comm_cost: 0.6269097222222224 + complexity: 14 expressions: - - N+ - - and(S-, SE-) - - or(K+, K-) - - or(K+, R-) + - R+ + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-7998 type: explored -- comm_cost: 0.7326388888888891 - complexity: 6 +- comm_cost: 0.41770833333333346 + complexity: 12 expressions: - - and(K-, S+) - - or(K+, R+) + - R+ + - and(K-, or(S+, N+)) + - and(S-, SE-) + - or(K+, N+) name: explored-7999 type: explored -- comm_cost: 0.534375 - complexity: 7 +- comm_cost: 0.6145543981481483 + complexity: 12 expressions: - - K+ - N+ - - S+ - - S- - - and(S-, SE-) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(S-, N-) name: explored-8000 type: explored -- comm_cost: 0.8371527777777779 - complexity: 10 +- comm_cost: 0.5276909722222225 + complexity: 18 expressions: - - and(K-, or(S+, N+)) - - or(K+, or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, or(N+, R-)) name: explored-8001 type: explored -- comm_cost: 0.32829861111111147 - complexity: 9 +- comm_cost: 0.5513888888888889 + complexity: 14 expressions: - N+ - - S+ - - and(K-, not(R+)) - - and(N-, R+) + - R- + - SE- + - and(K-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) name: explored-8002 type: explored -- comm_cost: 0.5120659722222224 - complexity: 17 +- comm_cost: 0.6487471064814816 + complexity: 30 expressions: - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, SE+) + - S+ + - and(K-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-8003 type: explored -- comm_cost: 0.2888888888888891 - complexity: 16 +- comm_cost: 0.23489583333333353 + complexity: 13 expressions: - - K+ - N+ + - R+ - R- - - SE- - - and(N-, R+) + - S+ - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(S-, SE-) + - or(S+, N+) name: explored-8004 type: explored -- comm_cost: 0.6597279265873017 - complexity: 45 +- comm_cost: 0.3581134259259261 + complexity: 19 expressions: - - and(K-, S+) - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - and(S-, N-) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-8005 type: explored -- comm_cost: 0.3802083333333337 - complexity: 8 +- comm_cost: 0.18020833333333353 + complexity: 13 expressions: - K+ - - SE- + - K+ + - N+ + - R+ + - R- + - S+ + - S+ - and(N-, R+) - - or(N+, R-) + - and(S-, SE-) name: explored-8006 type: explored -- comm_cost: 0.7838541666666667 - complexity: 4 +- comm_cost: 0.5383333333333336 + complexity: 12 expressions: - N+ - - or(S+, R+) + - R- + - SE- + - and(N-, R+) + - and(SE+, N-) + - or(S+, SE+) name: explored-8007 type: explored -- comm_cost: 0.3744357638888891 - complexity: 19 +- comm_cost: 0.7950086805555556 + complexity: 18 expressions: - - K+ - - N+ - - R+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(SE-, N+) + - SE- + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, N+) name: explored-8008 type: explored -- comm_cost: 0.5450434027777779 - complexity: 10 +- comm_cost: 0.3617187500000003 + complexity: 14 expressions: - - K+ - N+ - - N- - - R- - S+ + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - - not(R+) + - or(SE-, N+) name: explored-8009 type: explored -- comm_cost: 0.5609375000000001 - complexity: 15 +- comm_cost: 0.6879207175925928 + complexity: 25 expressions: - - K+ - - N+ - - R- - - and(K-, N-) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(K-, S+) + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) + - and(S-, not(R-)) + - or(K+, N+) + - or(K+, R+) + - or(K+, S-) name: explored-8010 type: explored -- comm_cost: 0.5858506944444446 - complexity: 14 +- comm_cost: 0.7772569444444446 + complexity: 7 expressions: - N+ - - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(SE-, N+) + - or(K+, R+) + - or(K+, SE+) name: explored-8011 type: explored -- comm_cost: 0.5782986111111112 - complexity: 16 +- comm_cost: 0.6258969907407408 + complexity: 42 expressions: - - N+ - - S+ - - SE- - - and(N-, or(K+, SE+)) - - and(S-, N-) + - R+ + - and(K-, not(R-)) + - and(K-, or(S+, R+)) + - and(S-, not(R+)) - and(S-, or(SE-, N+)) - name: explored-8012 - type: explored -- comm_cost: 0.44305555555555587 - complexity: 17 - expressions: - - R- - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) - and(or(K+, S-), or(SE-, N+)) - name: explored-8013 + - or(K+, R-) + - or(S+, R+) + name: explored-8012 type: explored -- comm_cost: 0.32916666666666683 +- comm_cost: 0.19166666666666698 complexity: 14 expressions: - K+ - - K+ - N+ - - N- - R- - - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - name: explored-8014 + name: explored-8013 type: explored -- comm_cost: 0.4655208333333334 - complexity: 15 +- comm_cost: 0.6708333333333334 + complexity: 9 expressions: - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) + - SE- + - and(K-, not(R-)) + - and(S-, N-) + name: explored-8014 + type: explored +- comm_cost: 0.4867187500000001 + complexity: 8 + expressions: + - K+ + - N+ - and(S-, SE-) - - or(S+, SE+) + - or(K+, SE+) name: explored-8015 type: explored -- comm_cost: 0.5546875 - complexity: 7 +- comm_cost: 0.5037615740740743 + complexity: 16 expressions: - K+ - N+ - R- - - SE- - - and(K-, SE-) + - S+ + - and(N-, R+) + - and(S-, N-) + - and(or(K+, S-), not(R-)) name: explored-8016 type: explored -- comm_cost: 0.40000000000000013 - complexity: 11 +- comm_cost: 0.20416666666666683 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- - - and(K-, N-) - - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-8017 type: explored -- comm_cost: 0.5619791666666668 - complexity: 4 +- comm_cost: 0.5434027777777779 + complexity: 16 expressions: - - K+ - - R+ + - N+ - R- - - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, K-) name: explored-8018 type: explored -- comm_cost: 0.4299768518518521 - complexity: 15 +- comm_cost: 0.4527916666666669 + complexity: 18 expressions: + - K+ + - K+ - N+ - - R+ - - R- - - SE- - - and(K-, S+) + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, S-) name: explored-8019 type: explored -- comm_cost: 0.7148379629629631 - complexity: 5 +- comm_cost: 0.33888888888888924 + complexity: 14 expressions: - - N- - - R+ - - or(K+, R+) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-8020 type: explored -- comm_cost: 0.5388020833333335 - complexity: 10 +- comm_cost: 0.3587962962962965 + complexity: 18 expressions: - - R+ - - R- + - N+ - R- - - and(K-, not(R-)) - - and(S-, SE-) + - SE- + - and(K-, S+) + - and(K-, not(R+)) + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-8021 type: explored -- comm_cost: 0.1843750000000003 - complexity: 14 +- comm_cost: 0.3645833333333336 + complexity: 24 expressions: - - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8022 type: explored -- comm_cost: 0.5343750000000002 - complexity: 6 +- comm_cost: 0.7008101851851853 + complexity: 12 expressions: - R+ - - R- - - SE- - - or(S+, N+) + - and(N-, or(K+, R+)) + - or(K+, R+) + - or(S+, R-) name: explored-8023 type: explored -- comm_cost: 0.6252604166666669 - complexity: 16 +- comm_cost: 0.6250000000000002 + complexity: 11 expressions: - - R+ - - SE- - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - or(S+, N+) + - or(S+, SE+) name: explored-8024 type: explored -- comm_cost: 0.7205324074074075 - complexity: 13 +- comm_cost: 0.7019965277777779 + complexity: 9 expressions: - - R+ - - and(K-, or(SE-, N+)) - - and(N-, or(S+, R+)) - - not(R-) + - and(N-, or(S+, SE+)) + - and(S-, not(R-)) name: explored-8025 type: explored -- comm_cost: 0.6968750000000001 - complexity: 7 +- comm_cost: 0.5458333333333335 + complexity: 17 expressions: + - K- + - N+ - R- - - and(or(K+, S-), not(R-)) + - SE+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-8026 type: explored -- comm_cost: 0.7148379629629631 - complexity: 7 +- comm_cost: 0.3715277777777781 + complexity: 13 expressions: - - N- - - R+ - - and(K-, or(S+, R+)) + - N+ + - and(K-, S+) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-8027 type: explored -- comm_cost: 0.7169270833333334 - complexity: 9 +- comm_cost: 0.5421875000000002 + complexity: 10 expressions: - R+ - - S- - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(SE-, or(K+, S-)) + - or(N+, R-) name: explored-8028 type: explored -- comm_cost: 0.49545138888888907 - complexity: 9 +- comm_cost: 0.4421875000000002 + complexity: 15 expressions: - N+ - - N- - R- - - SE- + - S+ + - S- + - and(K-, or(SE-, N+)) - and(N-, R+) - - not(R+) + - and(S-, SE-) name: explored-8029 type: explored -- comm_cost: 0.6539930555555558 - complexity: 10 +- comm_cost: 0.6062500000000002 + complexity: 3 expressions: - R+ - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - S+ + - SE- name: explored-8030 type: explored -- comm_cost: 0.7208333333333334 - complexity: 4 +- comm_cost: 0.618576388888889 + complexity: 5 expressions: - - SE+ - - and(S-, N-) + - K+ + - N- + - R+ + - R- + - SE- name: explored-8031 type: explored -- comm_cost: 0.1706597222222226 - complexity: 16 +- comm_cost: 0.4765625000000002 + complexity: 10 expressions: - - N+ + - R+ - R- - - S+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(SE-, N+) name: explored-8032 type: explored -- comm_cost: 0.26041666666666696 +- comm_cost: 0.530746527777778 complexity: 13 expressions: - - N+ - - and(N-, R+) + - R- + - S+ + - S- - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) + - or(N+, not(R+)) name: explored-8033 type: explored -- comm_cost: 0.6245833333333334 - complexity: 13 +- comm_cost: 0.48055555555555574 + complexity: 9 expressions: - K+ - N+ - R- + - S+ + - S- - SE- - - and(or(K+, S-), or(SE-, N+)) - - not(R-) + - and(N-, R+) name: explored-8034 type: explored -- comm_cost: 0.22630208333333357 - complexity: 23 +- comm_cost: 0.4692129629629631 + complexity: 15 expressions: - - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(S+, R-)) + - SE+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, or(N+, not(R+))) name: explored-8035 type: explored -- comm_cost: 0.26423611111111134 - complexity: 16 +- comm_cost: 0.40355902777777797 + complexity: 15 expressions: - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(SE-, or(K+, S-)) + - or(K+, R+) name: explored-8036 type: explored -- comm_cost: 0.6785879629629631 - complexity: 16 +- comm_cost: 0.5616666666666668 + complexity: 8 expressions: - - R+ - - and(N-, or(K+, S-)) - - or(K+, R+) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N- + - and(N-, R+) + - and(S-, SE-) name: explored-8037 type: explored -- comm_cost: 0.5095486111111113 - complexity: 15 +- comm_cost: 0.33906250000000027 + complexity: 14 expressions: - - N+ - - R+ - R- - - SE- - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) name: explored-8038 type: explored -- comm_cost: 0.5083333333333334 - complexity: 12 +- comm_cost: 0.5136111111111114 + complexity: 20 expressions: - - and(K-, S+) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - N+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - not(R-) name: explored-8039 type: explored -- comm_cost: 0.48697916666666685 +- comm_cost: 0.6218750000000001 complexity: 8 expressions: - - N+ - - R+ - R- - - SE- - - and(S-, not(R+)) + - S+ + - and(K-, N-) + - and(S-, SE-) name: explored-8040 type: explored -- comm_cost: 0.517013888888889 - complexity: 8 +- comm_cost: 0.6430555555555555 + complexity: 9 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(K-, not(R+)) + - and(or(K+, S-), not(R+)) name: explored-8041 type: explored -- comm_cost: 0.35621527777777806 - complexity: 19 +- comm_cost: 0.5053819444444447 + complexity: 11 expressions: - - N+ - - S+ + - R+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R+)) name: explored-8042 type: explored -- comm_cost: 0.4549479166666668 - complexity: 16 +- comm_cost: 0.7854166666666667 + complexity: 6 expressions: - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - and(K-, or(SE-, N+)) name: explored-8043 type: explored -- comm_cost: 0.3855468750000002 - complexity: 15 +- comm_cost: 0.21093750000000022 + complexity: 11 expressions: - K+ - K+ - R- - S+ + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-8044 type: explored -- comm_cost: 0.32285879629629655 - complexity: 19 +- comm_cost: 0.5895312500000002 + complexity: 9 expressions: - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - not(R+) + - or(S+, SE+) name: explored-8045 type: explored -- comm_cost: 0.7314641203703705 - complexity: 26 +- comm_cost: 0.3210069444444448 + complexity: 19 expressions: - - and(K-, N-) - - and(K-, not(R+)) - - or(K+, K-) - - or(K+, N+) - - or(K+, R-) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - N+ + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-8046 type: explored -- comm_cost: 0.30195312500000027 - complexity: 23 +- comm_cost: 0.65625 + complexity: 6 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-8047 type: explored -- comm_cost: 0.4096064814814817 - complexity: 11 +- comm_cost: 0.32673611111111145 + complexity: 12 expressions: - K+ - - N+ - R- - - SE+ + - S+ + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, not(R+)) name: explored-8048 type: explored -- comm_cost: 0.597800925925926 - complexity: 13 +- comm_cost: 0.5234375000000001 + complexity: 15 expressions: - R+ - R- - - and(K-, or(S+, R+)) - - and(and(K-, N-), not(R-)) + - SE- + - and(K-, or(S+, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8049 type: explored -- comm_cost: 0.18802083333333353 - complexity: 11 +- comm_cost: 0.23841145833333366 + complexity: 17 expressions: + - K+ + - K+ - N+ - - N+ - - R+ - R- - S+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) + - or(SE-, N+) name: explored-8050 type: explored -- comm_cost: 0.6876736111111112 - complexity: 6 - expressions: - - and(S-, N-) - - or(N+, R-) - name: explored-8051 - type: explored -- comm_cost: 0.5695312500000002 - complexity: 9 +- comm_cost: 0.5390625000000002 + complexity: 8 expressions: - N+ - - R- - - S+ + - SE- - and(N-, R+) - or(K+, SE+) - name: explored-8052 + name: explored-8051 type: explored -- comm_cost: 0.4450578703703706 - complexity: 18 +- comm_cost: 0.40746527777777797 + complexity: 12 expressions: - K+ - - N+ - - N- + - R+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-8053 + - and(and(K-, N-), not(R-)) + name: explored-8052 type: explored -- comm_cost: 0.03385416666666696 +- comm_cost: 0.24947916666666692 complexity: 16 expressions: - - K+ - N+ - R- - - S+ - - and(K-, S+) - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - name: explored-8054 + - and(SE-, or(K+, S-)) + - or(N+, R-) + name: explored-8053 type: explored -- comm_cost: 0.5911458333333335 - complexity: 10 +- comm_cost: 0.6015798611111113 + complexity: 9 expressions: + - R- - SE- - and(N-, R+) - - and(and(S-, N-), not(R-)) - name: explored-8055 + - not(R+) + - not(R-) + name: explored-8054 type: explored -- comm_cost: 0.3114728009259261 - complexity: 16 +- comm_cost: 0.618732638888889 + complexity: 36 expressions: - K+ + - and(K-, or(S+, R-)) + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) + - or(N+, R-) + - or(S+, or(N+, R-)) + name: explored-8055 + type: explored +- comm_cost: 0.5692997685185187 + complexity: 14 + expressions: - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(S+, R-) + - and(N-, or(K+, S-)) + - and(S-, not(R-)) name: explored-8056 type: explored -- comm_cost: 0.6655648148148149 - complexity: 34 +- comm_cost: 0.17916666666666692 + complexity: 14 expressions: - - K- - - SE+ - - SE- - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) - - and(SE+, N-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - or(K+, R+) + - N+ + - S+ + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-8057 type: explored -- comm_cost: 0.6882812500000001 - complexity: 17 +- comm_cost: 0.20520833333333344 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - or(S+, SE+) + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-8058 type: explored -- comm_cost: 0.6453125 - complexity: 7 +- comm_cost: 0.3875000000000002 + complexity: 18 expressions: - - K+ - N+ - R- - - SE- - - or(N+, R-) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-8059 type: explored -- comm_cost: 0.6862398313492064 - complexity: 22 +- comm_cost: 0.346701388888889 + complexity: 13 expressions: - - K- + - K+ - N+ - - N- - R+ - - and(K-, or(S+, N+)) + - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, S-) - - or(SE-, N+) + - or(K+, SE+) name: explored-8060 type: explored -- comm_cost: 0.34247685185185217 - complexity: 26 +- comm_cost: 0.6691197916666668 + complexity: 29 expressions: - - N+ + - N- + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, not(R+)) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-8061 type: explored -- comm_cost: 0.504513888888889 - complexity: 13 +- comm_cost: 0.6132812500000002 + complexity: 8 expressions: - - N+ - - R+ - - R- - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - S- + - SE- + - and(N-, R+) + - or(SE-, N+) name: explored-8062 type: explored -- comm_cost: 0.4364004629629632 - complexity: 14 +- comm_cost: 0.4159722222222225 + complexity: 10 expressions: - - N+ - R- - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, N-) + - or(K+, or(N+, R-)) name: explored-8063 type: explored -- comm_cost: 0.3704861111111113 - complexity: 19 +- comm_cost: 0.5213541666666669 + complexity: 11 expressions: - - K+ - N+ - - R- - - S+ - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - R+ + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-8064 type: explored -- comm_cost: 0.6578125000000001 - complexity: 4 +- comm_cost: 0.5720196759259262 + complexity: 13 expressions: - N+ - - and(K-, N-) + - R- + - S- + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-8065 type: explored -- comm_cost: 0.5958333333333334 - complexity: 9 +- comm_cost: 0.25312500000000027 + complexity: 11 expressions: - - R+ + - N+ - R- - - SE- - - and(or(K+, S-), not(R-)) + - and(K-, SE-) + - and(N-, R+) + - and(N-, R+) name: explored-8066 type: explored -- comm_cost: 0.41562500000000013 - complexity: 19 +- comm_cost: 0.7756944444444445 + complexity: 10 expressions: - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(SE-, N+) + - SE- + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) name: explored-8067 type: explored -- comm_cost: 0.6918402777777779 - complexity: 11 +- comm_cost: 0.5912326388888891 + complexity: 16 expressions: + - R- - SE- - - and(N-, or(S+, R+)) - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-8068 type: explored -- comm_cost: 0.20185185185185217 - complexity: 18 +- comm_cost: 0.6169270833333335 + complexity: 5 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - R- + - S- + - SE- name: explored-8069 type: explored -- comm_cost: 0.3646701388888892 - complexity: 20 +- comm_cost: 0.2273437500000004 + complexity: 14 expressions: + - K+ - N+ + - R- + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - not(R+) name: explored-8070 type: explored -- comm_cost: 0.38628472222222243 - complexity: 18 +- comm_cost: 0.5695312500000002 + complexity: 9 expressions: - N+ - R- - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - or(K+, SE+) name: explored-8071 type: explored -- comm_cost: 0.3836805555555557 - complexity: 19 +- comm_cost: 0.6388888888888891 + complexity: 6 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - or(K+, R+) name: explored-8072 type: explored -- comm_cost: 0.6332175925925927 - complexity: 13 +- comm_cost: 0.5125000000000002 + complexity: 14 expressions: + - N+ - R+ - R- - SE- - - or(K+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R-) name: explored-8073 type: explored -- comm_cost: 0.6470486111111112 +- comm_cost: 0.7062499999999999 complexity: 6 expressions: - - N+ - - R+ + - K+ - R- - - or(K+, R+) + - SE- + - and(K-, S+) name: explored-8074 type: explored -- comm_cost: 0.5539930555555557 - complexity: 10 +- comm_cost: 0.38802083333333337 + complexity: 8 expressions: + - K+ - N+ - - SE- - - and(SE+, N-) - - or(K+, or(N+, R-)) + - R- + - R- + - S+ + - and(S-, SE-) name: explored-8075 type: explored -- comm_cost: 0.846875 - complexity: 4 +- comm_cost: 0.5732204861111112 + complexity: 13 expressions: + - K+ - N+ - - or(K+, N+) + - R+ + - R- + - SE- + - and(N-, or(S+, SE+)) + - or(S+, N+) name: explored-8076 type: explored -- comm_cost: 0.7503385416666668 - complexity: 9 +- comm_cost: 0.334809027777778 + complexity: 15 expressions: - - K- - - R+ - - and(K-, not(R-)) - - or(S+, SE+) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) + - or(K+, SE+) name: explored-8077 type: explored -- comm_cost: 0.6470486111111112 - complexity: 8 +- comm_cost: 0.6792187500000001 + complexity: 32 expressions: - - N+ - R+ - - R- - and(K-, or(S+, R+)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-8078 type: explored -- comm_cost: 0.5954861111111113 - complexity: 8 +- comm_cost: 0.7125000000000001 + complexity: 4 expressions: - R+ - - R+ - - SE- - - or(K+, or(N+, R-)) + - or(N+, R-) name: explored-8079 type: explored -- comm_cost: 0.6781250000000001 - complexity: 5 +- comm_cost: 0.6118055555555557 + complexity: 7 expressions: - - R+ - - S- - - or(K+, R-) + - SE- + - and(S-, SE-) + - or(K+, R+) name: explored-8080 type: explored -- comm_cost: 0.6258333333333335 - complexity: 9 +- comm_cost: 0.3950520833333335 + complexity: 14 expressions: - - R+ + - N+ - R- - SE- - - and(S-, not(R+)) - - not(R-) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-8081 type: explored -- comm_cost: 0.6485734953703705 - complexity: 25 +- comm_cost: 0.6233680555555556 + complexity: 16 expressions: - K- - N+ - - and(K-, or(SE-, N+)) - - and(N-, not(R-)) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) + - R- + - S- + - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8082 type: explored -- comm_cost: 0.7604166666666666 - complexity: 6 +- comm_cost: 0.275752314814815 + complexity: 16 expressions: - N+ - - and(K-, or(S+, R-)) + - R- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, R-) name: explored-8083 type: explored -- comm_cost: 0.36822916666666683 - complexity: 11 +- comm_cost: 0.4121527777777779 + complexity: 7 expressions: - - K+ - - N+ - - and(N-, R+) + - R+ - and(S-, SE-) - - or(S+, R+) + - or(S+, R-) name: explored-8084 type: explored -- comm_cost: 0.5680208333333334 - complexity: 9 +- comm_cost: 0.3437500000000002 + complexity: 15 expressions: - K+ - - R+ - - R- + - N+ + - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - and(or(K+, S-), or(SE-, N+)) name: explored-8085 type: explored -- comm_cost: 0.4031250000000003 - complexity: 9 +- comm_cost: 0.6961805555555557 + complexity: 19 expressions: - - R- - - and(N-, R+) - - and(SE-, or(K+, S-)) + - R+ + - and(N-, or(K+, SE+)) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8086 type: explored -- comm_cost: 0.6729166666666668 - complexity: 8 +- comm_cost: 0.542013888888889 + complexity: 16 expressions: - - and(and(S-, N-), not(R-)) - - not(R+) + - K+ + - N+ + - R- + - SE- + - and(K-, N-) + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-8087 type: explored -- comm_cost: 0.5513888888888889 - complexity: 6 +- comm_cost: 0.42395833333333366 + complexity: 11 expressions: - - and(S-, SE-) - - or(K+, R+) + - R- + - SE- + - and(K-, S+) + - and(N-, R+) + - or(K+, R-) name: explored-8088 type: explored -- comm_cost: 0.65 - complexity: 14 +- comm_cost: 0.5173090277777779 + complexity: 20 expressions: - N+ - R- + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - or(K+, S-) + - or(S+, N+) name: explored-8089 type: explored -- comm_cost: 0.7267361111111112 - complexity: 5 +- comm_cost: 0.28819444444444475 + complexity: 11 expressions: - - R+ - - S+ - - or(K+, R+) + - N+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-8090 type: explored -- comm_cost: 0.40451388888888906 - complexity: 15 +- comm_cost: 0.6296875000000001 + complexity: 12 expressions: - - K+ - - N+ - - R- + - R+ - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - or(N+, R-) + - and(K-, or(S+, SE+)) + - and(SE-, or(K+, S-)) name: explored-8091 type: explored -- comm_cost: 0.7915798611111112 - complexity: 9 +- comm_cost: 0.4081597222222224 + complexity: 20 expressions: - - and(N-, not(R-)) + - K+ + - R- + - S+ + - and(N-, R+) - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-8092 type: explored -- comm_cost: 0.5777777777777777 - complexity: 9 +- comm_cost: 0.6411458333333333 + complexity: 6 expressions: - N+ - - and(S-, SE-) - - or(K+, or(N+, R-)) + - R- + - SE- + - or(K+, N+) name: explored-8093 type: explored -- comm_cost: 0.7267361111111112 - complexity: 7 +- comm_cost: 0.6562500000000002 + complexity: 5 expressions: - R+ - - S+ - - and(K-, or(S+, R+)) - name: explored-8094 - type: explored -- comm_cost: 0.5531250000000002 - complexity: 14 - expressions: - SE- - - and(N-, R+) - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-8095 + - or(SE-, N+) + name: explored-8094 type: explored -- comm_cost: 0.2958333333333336 +- comm_cost: 0.5808333333333334 complexity: 11 expressions: + - R+ - R- - - SE- - - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - or(K+, N+) + - or(K+, S-) + name: explored-8095 + type: explored +- comm_cost: 0.671013888888889 + complexity: 32 + expressions: + - N- + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + - and(S-, N-) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) + - or(S+, SE+) name: explored-8096 type: explored -- comm_cost: 0.5628472222222224 - complexity: 12 +- comm_cost: 0.7107060185185186 + complexity: 29 expressions: - - R- - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) + - R+ + - and(K-, not(R-)) + - and(N-, or(S+, SE+)) + - not(R+) + - or(K+, N+) + - or(K+, S-) + - or(N+, R-) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-8097 type: explored -- comm_cost: 0.7791666666666668 - complexity: 8 +- comm_cost: 0.5722222222222224 + complexity: 11 expressions: - - and(N-, or(K+, S-)) - - and(S-, N-) + - N+ + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-8098 type: explored -- comm_cost: 0.36979166666666696 - complexity: 12 +- comm_cost: 0.43333333333333324 + complexity: 9 expressions: + - K+ + - N+ - R- - - S+ - - and(N-, R+) + - and(K-, SE-) - and(S-, SE-) - - or(N+, not(R+)) name: explored-8099 type: explored -- comm_cost: 0.6802083333333335 - complexity: 13 - expressions: - - R+ - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, R+)) - name: explored-8100 - type: explored -- comm_cost: 0.4817129629629632 - complexity: 18 +- comm_cost: 0.4987326388888891 + complexity: 22 expressions: - N+ - R- + - S+ - and(N-, R+) - - and(S-, N-) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, SE+) + name: explored-8100 + type: explored +- comm_cost: 0.6552951388888891 + complexity: 12 + expressions: + - R+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(K+, R-) name: explored-8101 type: explored -- comm_cost: 0.6512152777777779 - complexity: 8 +- comm_cost: 0.5663194444444446 + complexity: 12 expressions: - R+ - - and(N-, or(S+, R+)) - - not(R+) + - R- + - SE- + - and(S-, not(R+)) + - or(S+, or(N+, R-)) name: explored-8102 type: explored -- comm_cost: 0.6813657407407409 - complexity: 7 +- comm_cost: 0.4930555555555558 + complexity: 10 expressions: - - R+ - - S- - - and(N-, or(S+, R+)) + - S+ + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-8103 type: explored -- comm_cost: 0.7511111111111112 - complexity: 16 +- comm_cost: 0.37083333333333357 + complexity: 14 expressions: + - N+ + - and(N-, R+) + - and(S-, SE-) - and(or(K+, S-), or(SE-, N+)) - - not(R-) - - or(K+, R+) - - or(N+, not(R+)) name: explored-8104 type: explored -- comm_cost: 0.4223379629629632 - complexity: 18 +- comm_cost: 0.6958101851851852 + complexity: 9 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R+)) + - N- + - R+ + - and(and(K-, N-), or(S+, SE+)) name: explored-8105 type: explored -- comm_cost: 0.48916666666666675 - complexity: 13 +- comm_cost: 0.45763888888888904 + complexity: 11 expressions: + - K+ - N+ - - N- - - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - and(and(K-, N-), not(R-)) name: explored-8106 type: explored -- comm_cost: 0.6799479166666668 - complexity: 15 +- comm_cost: 0.4432870370370372 + complexity: 19 expressions: - - R+ - - SE- - - and(K-, N-) - - and(K-, not(R-)) - - and(or(K+, S-), not(R+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-8107 type: explored -- comm_cost: 0.4364583333333335 - complexity: 14 +- comm_cost: 0.46302083333333344 + complexity: 11 expressions: - - K+ - - K+ - N+ + - R- - S+ - - S- + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - not(R-) name: explored-8108 type: explored -- comm_cost: 0.6769994212962964 - complexity: 27 +- comm_cost: 0.5579861111111113 + complexity: 10 expressions: - K+ + - N+ + - N+ - SE- - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) - - and(S-, not(R+)) - - not(R-) - - or(K+, R+) - - or(K+, R-) - - or(K+, SE+) + - and(N-, R+) + - or(K+, K-) name: explored-8109 type: explored -- comm_cost: 0.5138020833333334 - complexity: 7 +- comm_cost: 0.7655092592592593 + complexity: 19 expressions: - - R+ - - and(S-, SE-) - - or(K+, SE+) + - and(S-, not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) + - or(K+, or(N+, R-)) name: explored-8110 type: explored -- comm_cost: 0.5517361111111112 +- comm_cost: 0.31250000000000044 complexity: 10 expressions: - - R+ - - and(K-, not(R+)) - - and(SE-, or(K+, S-)) - name: explored-8111 - type: explored -- comm_cost: 0.30532407407407425 - complexity: 20 - expressions: - - K+ - N+ - - R- + - SE- - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - not(R+) + name: explored-8111 + type: explored +- comm_cost: 0.7257523148148148 + complexity: 34 + expressions: + - N- + - and(K-, or(S+, N+)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - or(K+, K-) + - or(K+, R-) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-8112 type: explored -- comm_cost: 0.5390046296296297 - complexity: 20 +- comm_cost: 0.36875000000000013 + complexity: 12 expressions: - R+ - - R- - - S+ - - and(K-, N-) + - and(K-, or(S+, R-)) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) + - or(K+, R-) name: explored-8113 type: explored -- comm_cost: 0.5953125000000002 - complexity: 7 +- comm_cost: 0.6150119047619049 + complexity: 36 expressions: - - SE- - - and(N-, R+) - - or(K+, SE+) + - R- + - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(SE+, N-) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R+) + - or(K+, S-) name: explored-8114 type: explored -- comm_cost: 0.12743055555555594 - complexity: 13 +- comm_cost: 0.6267071759259261 + complexity: 11 expressions: - - N+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(K-, N-) + - and(or(K+, S-), not(R+)) name: explored-8115 type: explored -- comm_cost: 0.36979166666666696 - complexity: 13 +- comm_cost: 0.6652760416666668 + complexity: 30 expressions: - N+ - - SE- - - and(K-, S+) - - and(N-, R+) - - and(S-, or(SE-, N+)) + - N- + - R- + - and(K-, or(S+, N+)) + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - and(S-, not(R+)) + - not(R+) + - not(R-) + - or(K+, or(N+, R-)) name: explored-8116 type: explored -- comm_cost: 0.4505208333333335 - complexity: 13 +- comm_cost: 0.5402777777777779 + complexity: 11 expressions: - - R+ + - K+ + - N+ - R- - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, R-) + - and(K-, S+) + - and(N-, or(K+, SE+)) name: explored-8117 type: explored -- comm_cost: 0.2732638888888892 - complexity: 16 +- comm_cost: 0.5276041666666669 + complexity: 11 expressions: - N+ + - S- + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, R-) name: explored-8118 type: explored -- comm_cost: 0.32135416666666705 - complexity: 14 +- comm_cost: 0.3505208333333336 + complexity: 18 expressions: - - R- - - and(K-, S+) + - K+ + - N+ + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) + - or(K+, N+) name: explored-8119 type: explored -- comm_cost: 0.5583333333333335 - complexity: 9 +- comm_cost: 0.4345486111111113 + complexity: 28 expressions: + - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - or(K+, K-) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-8120 type: explored -- comm_cost: 0.726388888888889 - complexity: 9 +- comm_cost: 0.16718750000000027 + complexity: 14 expressions: - - and(K-, or(SE-, N+)) - - and(S-, not(R-)) + - N+ + - R- + - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) name: explored-8121 type: explored -- comm_cost: 0.5488368055555557 - complexity: 13 +- comm_cost: 0.3826388888888892 + complexity: 16 expressions: + - N+ - R- - - and(K-, not(R-)) + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - not(R-) + - or(K+, or(N+, R-)) name: explored-8122 type: explored -- comm_cost: 0.5784722222222223 - complexity: 9 +- comm_cost: 0.5575000000000001 + complexity: 12 expressions: + - K+ - N+ - - SE- - - and(S-, not(R+)) - - or(K+, R+) + - R- + - and(K-, S+) + - and(N-, R+) + - or(S+, SE+) name: explored-8123 type: explored -- comm_cost: 0.6361111111111112 - complexity: 7 - expressions: - - R+ - - R+ - - S- - - SE- - - or(K+, N+) - name: explored-8124 - type: explored -- comm_cost: 0.3108796296296299 - complexity: 18 +- comm_cost: 0.4604166666666667 + complexity: 16 expressions: - K+ - N+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(S+, R+)) + - R- + - S+ + - SE+ + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + name: explored-8124 + type: explored +- comm_cost: 0.6993055555555556 + complexity: 13 + expressions: + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8125 type: explored -- comm_cost: 0.4378472222222224 - complexity: 12 +- comm_cost: 0.7980324074074074 + complexity: 13 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(K-, or(S+, SE+)) + - or(K+, K-) + - or(S+, or(N+, R-)) name: explored-8126 type: explored -- comm_cost: 0.45434027777777797 - complexity: 13 +- comm_cost: 0.5029427083333335 + complexity: 17 expressions: + - K+ - N+ - - N+ + - N- - R- - - SE- - - and(K-, N-) + - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(K+, R-) name: explored-8127 type: explored -- comm_cost: 0.4213541666666669 - complexity: 8 +- comm_cost: 0.5817708333333335 + complexity: 17 expressions: - - N+ - - S+ - - and(K-, S+) - - and(N-, R+) + - R+ + - R- + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), not(R+)) name: explored-8128 type: explored -- comm_cost: 0.3826388888888892 - complexity: 20 +- comm_cost: 0.5654803240740742 + complexity: 16 expressions: - - K+ - N+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - R- + - SE- + - and(K-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-8129 type: explored -- comm_cost: 0.2248148148148149 - complexity: 21 +- comm_cost: 0.22916666666666674 + complexity: 16 expressions: - K+ - - K+ + - N+ - N+ - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(N-, or(S+, R+)) + - and(K-, S+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-8130 type: explored -- comm_cost: 0.6468750000000001 - complexity: 21 +- comm_cost: 0.3348379629629632 + complexity: 18 expressions: - - and(K-, not(R-)) + - N+ + - R- + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) name: explored-8131 type: explored -- comm_cost: 0.6650173611111112 - complexity: 16 +- comm_cost: 0.6159722222222223 + complexity: 8 expressions: - - R+ - - and(S-, SE-) - - not(R+) - - or(K+, S-) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - SE- + - and(K-, not(R+)) name: explored-8132 type: explored -- comm_cost: 0.46840277777777795 - complexity: 11 +- comm_cost: 0.7155208333333335 + complexity: 4 expressions: - - N+ - - N- - - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) + - K+ + - R+ + - not(R-) name: explored-8133 type: explored -- comm_cost: 0.21510416666666698 - complexity: 16 +- comm_cost: 0.4252314814814817 + complexity: 13 expressions: - - K+ - N+ + - R- + - SE+ - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - - or(S+, or(N+, R-)) + - and(S-, not(R+)) name: explored-8134 type: explored -- comm_cost: 0.7449652777777779 +- comm_cost: 0.49027777777777803 complexity: 11 expressions: - - and(K-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-8135 type: explored -- comm_cost: 0.4302083333333333 - complexity: 14 +- comm_cost: 0.8447916666666667 + complexity: 2 + expressions: + - S+ + - SE- + name: explored-8136 + type: explored +- comm_cost: 0.20798611111111132 + complexity: 19 expressions: - K+ - N+ - R- - - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) - name: explored-8136 - type: explored -- comm_cost: 0.6314236111111112 - complexity: 10 - expressions: - - R+ - - and(and(S-, N-), not(R-)) - - or(K+, SE+) name: explored-8137 type: explored -- comm_cost: 0.4578125000000002 - complexity: 12 +- comm_cost: 0.4270312500000002 + complexity: 18 expressions: - K+ - - K+ - N+ - R- + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) + - and(N-, or(K+, R+)) + - or(K+, N+) + - or(SE-, N+) name: explored-8138 type: explored -- comm_cost: 0.7142361111111111 - complexity: 10 +- comm_cost: 0.4587962962962965 + complexity: 20 expressions: - - and(S-, or(SE-, N+)) - - not(R-) - - or(S+, R-) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-8139 type: explored -- comm_cost: 0.4833333333333335 - complexity: 10 +- comm_cost: 0.6178819444444446 + complexity: 11 expressions: - - K+ - R+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - R- + - SE- + - and(N-, or(K+, S-)) + - or(N+, R-) name: explored-8140 type: explored -- comm_cost: 0.7291840277777779 - complexity: 8 +- comm_cost: 0.43234953703703705 + complexity: 16 expressions: - - R+ - - and(K-, not(R-)) - - or(S+, SE+) + - N+ + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-8141 type: explored -- comm_cost: 0.5322916666666668 - complexity: 5 +- comm_cost: 0.5661458333333335 + complexity: 6 expressions: - - R+ + - R- + - S- - SE- - - and(S-, SE-) + - and(N-, R+) name: explored-8142 type: explored -- comm_cost: 0.41614583333333366 - complexity: 10 +- comm_cost: 0.5742187500000002 + complexity: 8 expressions: - - K+ - - K+ - R- - - S+ + - and(K-, not(R-)) - and(N-, R+) - - or(N+, R-) name: explored-8143 type: explored -- comm_cost: 0.5190104166666668 - complexity: 11 +- comm_cost: 0.1868055555555559 + complexity: 15 expressions: - - N+ - - SE- - - and(K-, N-) + - K+ + - R- - and(N-, R+) - - or(N+, R-) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-8144 type: explored -- comm_cost: 0.6098958333333335 - complexity: 14 +- comm_cost: 0.19843750000000027 + complexity: 17 expressions: + - K+ + - K+ - N+ + - R- + - R- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(N+, not(R+)) + - and(S-, SE-) name: explored-8145 type: explored -- comm_cost: 0.5577690972222225 - complexity: 18 +- comm_cost: 0.49861111111111145 + complexity: 11 + expressions: + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - or(S+, R-) + name: explored-8146 + type: explored +- comm_cost: 0.5594618055555557 + complexity: 19 expressions: - - K+ - K+ - N+ - R- - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) - name: explored-8146 + name: explored-8147 type: explored -- comm_cost: 0.31851851851851887 - complexity: 22 +- comm_cost: 0.34375000000000033 + complexity: 8 expressions: - N+ - R- - and(K-, S+) - - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-8147 + name: explored-8148 type: explored -- comm_cost: 0.6598958333333333 +- comm_cost: 0.6429687500000001 complexity: 7 expressions: - - R- - - S- - - and(S-, SE-) - - not(R+) - name: explored-8148 + - R+ + - SE- + - and(N-, or(S+, SE+)) + name: explored-8149 type: explored -- comm_cost: 0.22656250000000022 - complexity: 12 +- comm_cost: 0.4260995370370373 + complexity: 15 expressions: - K+ - N+ - - N+ - R- - and(N-, R+) - - and(S-, SE-) - - not(R+) - name: explored-8149 + - and(S-, or(N+, not(R+))) + - and(SE+, N-) + name: explored-8150 type: explored -- comm_cost: 0.2513888888888891 - complexity: 16 +- comm_cost: 0.26875000000000027 + complexity: 18 expressions: - K+ + - N+ - R- + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, N+) - name: explored-8150 - type: explored -- comm_cost: 0.7097222222222221 - complexity: 11 - expressions: - - R- - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-8151 type: explored -- comm_cost: 0.37953703703703745 - complexity: 19 +- comm_cost: 0.3720486111111113 + complexity: 12 expressions: - N+ - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-8152 type: explored -- comm_cost: 0.5927083333333333 - complexity: 10 +- comm_cost: 0.31883680555555594 + complexity: 18 expressions: + - K+ - N+ - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(S-, or(N+, not(R+))) + - or(SE-, N+) name: explored-8153 type: explored -- comm_cost: 0.4296875 - complexity: 11 +- comm_cost: 0.39218750000000013 + complexity: 7 expressions: - - N+ + - K+ + - R+ - R- - - S+ - - and(K-, or(S+, SE+)) + - SE+ - and(S-, SE-) name: explored-8154 type: explored -- comm_cost: 0.5816608796296296 - complexity: 17 +- comm_cost: 0.7227430555555556 + complexity: 32 expressions: - - N+ - - R+ - - R- + - S- - SE- - - and(K-, or(S+, N+)) - - and(and(K-, N-), not(R-)) + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) + - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) - not(R-) + - or(K+, S-) + - or(S+, R+) name: explored-8155 type: explored -- comm_cost: 0.5276041666666669 - complexity: 8 +- comm_cost: 0.6421440972222223 + complexity: 23 expressions: - - K+ - N+ + - R+ - R- - - and(N-, or(K+, R+)) + - SE- + - and(K-, N-) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8156 type: explored -- comm_cost: 0.65546875 +- comm_cost: 0.293229166666667 complexity: 11 expressions: - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - or(S+, R+) + - N+ + - R- + - SE- + - SE- + - and(N-, R+) + - and(S-, not(R+)) name: explored-8157 type: explored -- comm_cost: 0.23697916666666696 - complexity: 11 +- comm_cost: 0.5819010416666666 + complexity: 19 expressions: - K+ - N+ - - and(N-, R+) + - R- + - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - or(K+, N+) + - or(S+, R-) name: explored-8158 type: explored -- comm_cost: 0.5524739583333336 +- comm_cost: 0.47430555555555576 complexity: 12 expressions: - - R+ + - N+ - R+ - R- - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(K-, S+) + - and(K-, or(S+, N+)) name: explored-8159 type: explored -- comm_cost: 0.6407986111111112 - complexity: 11 +- comm_cost: 0.3276041666666669 + complexity: 12 expressions: + - K+ + - K+ - N+ - - R+ - - SE- - - and(K-, or(SE-, N+)) - - or(K+, R+) + - R- + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-8160 type: explored -- comm_cost: 0.6837673611111112 - complexity: 6 +- comm_cost: 0.5678240740740741 + complexity: 8 expressions: - - K- - - R+ - - S- - - and(S-, SE-) + - K+ + - N+ + - R- + - SE+ + - SE- + - and(S-, N-) name: explored-8161 type: explored -- comm_cost: 0.5475347222222224 - complexity: 13 +- comm_cost: 0.5976041666666669 + complexity: 8 expressions: - - N+ - - N- - - S+ - - and(K-, not(R-)) + - R+ - and(N-, R+) - - and(S-, SE-) + - or(N+, not(R+)) name: explored-8162 type: explored -- comm_cost: 0.4875868055555558 - complexity: 20 +- comm_cost: 0.776388888888889 + complexity: 8 expressions: - - N+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-8163 type: explored -- comm_cost: 0.4626736111111114 - complexity: 18 +- comm_cost: 0.5728587962962965 + complexity: 17 expressions: - - K+ - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(SE-, N+) + - R+ + - R- + - SE- + - and(N-, or(S+, R+)) + - and(SE+, N-) + - or(S+, or(N+, R-)) name: explored-8164 type: explored -- comm_cost: 0.3486111111111114 - complexity: 9 +- comm_cost: 0.6536458333333335 + complexity: 11 expressions: - - N+ + - R+ + - SE+ - SE- - - and(K-, not(R+)) - - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8165 type: explored -- comm_cost: 0.286979166666667 - complexity: 12 +- comm_cost: 0.418229166666667 + complexity: 13 expressions: - K+ - N+ - R- - - SE- - - and(K-, or(S+, N+)) + - S+ - and(N-, R+) + - or(K+, R-) + - or(S+, N+) name: explored-8166 type: explored -- comm_cost: 0.6141319444444445 - complexity: 10 +- comm_cost: 0.6668055555555557 + complexity: 33 expressions: - - N+ - - N- - - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, not(R-)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) name: explored-8167 type: explored -- comm_cost: 0.41527777777777797 - complexity: 11 +- comm_cost: 0.6838541666666667 + complexity: 9 expressions: - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, not(R-)) + - and(SE-, or(K+, S-)) + - or(N+, R-) name: explored-8168 type: explored -- comm_cost: 0.5230034722222224 +- comm_cost: 0.15868055555555594 complexity: 19 expressions: - - R- - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-8169 - type: explored -- comm_cost: 0.3694155092592596 - complexity: 16 - expressions: - K+ - K+ - N+ - R- - S+ - - and(K-, or(S+, R-)) - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) + - or(K+, N+) + - or(K+, or(N+, R-)) + name: explored-8169 + type: explored +- comm_cost: 0.41371527777777783 + complexity: 13 + expressions: + - R+ + - R- + - and(S-, SE-) + - or(N+, R-) + - or(S+, or(N+, R-)) name: explored-8170 type: explored -- comm_cost: 0.4152777777777781 - complexity: 17 +- comm_cost: 0.4032986111111112 + complexity: 18 expressions: - - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-8171 type: explored -- comm_cost: 0.6268055555555557 - complexity: 12 +- comm_cost: 0.3812500000000003 + complexity: 5 expressions: - N+ + - SE- - and(N-, R+) - - or(K+, S-) - - or(K+, or(N+, R-)) name: explored-8172 type: explored -- comm_cost: 0.2859375000000002 - complexity: 14 +- comm_cost: 0.4198784722222223 + complexity: 16 expressions: - - K+ - N+ + - R- - S+ + - S- - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-8173 type: explored -- comm_cost: 0.5521527777777779 - complexity: 10 +- comm_cost: 0.5925347222222224 + complexity: 15 expressions: - - N+ - R+ - - R- - - SE- - - and(N-, R+) - - or(K+, S-) + - and(K-, N-) + - and(K-, or(S+, N+)) + - and(S-, SE-) + - or(S+, R+) name: explored-8174 type: explored -- comm_cost: 0.6397569444444445 - complexity: 12 +- comm_cost: 0.3359375000000002 + complexity: 8 expressions: - - N+ + - K+ - R+ - - R- - - SE- - - and(N-, or(S+, R+)) - - or(K+, K-) + - and(N-, R+) + - and(S-, SE-) name: explored-8175 type: explored -- comm_cost: 0.6493055555555557 - complexity: 15 +- comm_cost: 0.8140625 + complexity: 5 expressions: - - R+ + - N+ - R- - - SE- - - and(N-, or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - or(N+, R-) name: explored-8176 type: explored -- comm_cost: 0.37708333333333344 - complexity: 12 +- comm_cost: 0.5468750000000002 + complexity: 14 expressions: - - K+ - - R+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - N+ + - SE+ + - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8177 type: explored -- comm_cost: 0.3362847222222225 +- comm_cost: 0.2776041666666669 complexity: 16 expressions: + - K+ - N+ + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(and(K-, S+), or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-8178 type: explored -- comm_cost: 0.5527777777777778 - complexity: 13 +- comm_cost: 0.2562500000000003 + complexity: 12 expressions: - - N+ + - K+ + - K+ - R- - - and(S-, N-) + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-8179 type: explored -- comm_cost: 0.6958333333333334 - complexity: 16 +- comm_cost: 0.2026041666666668 + complexity: 18 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - SE- - - or(K+, S-) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-8180 type: explored -- comm_cost: 0.05416666666666692 +- comm_cost: 0.4320312500000002 complexity: 11 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - S- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) name: explored-8181 type: explored -- comm_cost: 0.6422453703703705 - complexity: 14 +- comm_cost: 0.5392708333333335 + complexity: 9 expressions: - - R+ - - SE+ - - SE- - - and(S-, not(R-)) - - or(and(K-, S+), or(N+, R-)) + - R- + - and(K-, SE-) + - and(N-, R+) + - not(R-) name: explored-8182 type: explored -- comm_cost: 0.5855902777777778 - complexity: 10 +- comm_cost: 0.4906250000000003 + complexity: 18 expressions: - - N+ - - R+ - - R- - - S- - - SE- - SE- - - and(S-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8183 type: explored -- comm_cost: 0.5703125000000001 - complexity: 14 +- comm_cost: 0.503125 + complexity: 10 expressions: - K+ - - R- - - and(N-, R+) - - and(S-, N-) + - N+ + - and(K-, or(S+, N+)) - and(S-, SE-) - - or(K+, K-) name: explored-8184 type: explored -- comm_cost: 0.7222916666666668 - complexity: 3 +- comm_cost: 0.4711574074074075 + complexity: 17 expressions: - - N- - - N- - - R+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(S+, SE+) name: explored-8185 type: explored -- comm_cost: 0.3984375000000001 - complexity: 18 +- comm_cost: 0.4350000000000003 + complexity: 14 expressions: - - K+ + - N+ - R- - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - not(R-) + - or(S+, R-) name: explored-8186 type: explored -- comm_cost: 0.3187500000000003 - complexity: 16 +- comm_cost: 0.7979166666666666 + complexity: 6 expressions: - - K+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - or(N+, not(R+)) name: explored-8187 type: explored -- comm_cost: 0.27407407407407436 - complexity: 15 +- comm_cost: 0.49083333333333345 + complexity: 16 expressions: + - K- - N+ - R- - - S+ - - and(N-, R+) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-8188 type: explored -- comm_cost: 0.5711805555555557 - complexity: 12 +- comm_cost: 0.5794560185185187 + complexity: 11 expressions: - R+ - - R- - - SE- - - or(S+, N+) - - or(S+, N+) - - or(S+, R-) + - SE+ + - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-8189 type: explored -- comm_cost: 0.74140625 - complexity: 11 +- comm_cost: 0.3402777777777779 + complexity: 10 expressions: - - S- - - and(N-, not(R-)) - - or(S+, R+) - - or(S+, R-) + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - or(K+, R+) name: explored-8190 type: explored -- comm_cost: 0.5859953703703705 +- comm_cost: 0.4811111111111114 complexity: 16 expressions: - - N+ - - R+ - - SE- - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - not(R-) name: explored-8191 type: explored -- comm_cost: 0.4109375000000002 - complexity: 13 +- comm_cost: 0.4573350694444446 + complexity: 14 expressions: + - K+ + - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(N-, not(R-)) + - or(S+, N+) name: explored-8192 type: explored -- comm_cost: 0.7803645833333335 - complexity: 5 +- comm_cost: 0.5947048611111112 + complexity: 11 expressions: - - not(R+) - - or(S+, SE+) + - R+ + - R- + - and(and(S-, N-), not(R-)) + - or(K+, SE+) name: explored-8193 type: explored -- comm_cost: 0.47630208333333346 - complexity: 15 +- comm_cost: 0.5895833333333335 + complexity: 11 expressions: - - K+ - - N+ - - N- - - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(K-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-8194 type: explored -- comm_cost: 0.2854166666666669 - complexity: 12 +- comm_cost: 0.6123263888888889 + complexity: 7 expressions: + - K+ - N+ - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - or(K+, R-) name: explored-8195 type: explored -- comm_cost: 0.5907407407407409 - complexity: 11 +- comm_cost: 0.1878472222222225 + complexity: 18 expressions: - - R+ - - SE- - - and(S-, N-) - - and(and(S-, N-), not(R-)) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-8196 type: explored -- comm_cost: 0.587152777777778 - complexity: 8 +- comm_cost: 0.3534722222222224 + complexity: 19 expressions: - - R+ - - SE- - - and(or(K+, S-), not(R+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-8197 type: explored -- comm_cost: 0.35902777777777795 - complexity: 14 +- comm_cost: 0.3714265046296298 + complexity: 20 expressions: - K+ - N+ - R- - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - SE+ + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-8198 type: explored -- comm_cost: 0.5493055555555557 - complexity: 17 +- comm_cost: 0.8024305555555555 + complexity: 9 expressions: - - R+ - - S+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, not(R+)) + - or(S+, or(N+, R-)) name: explored-8199 type: explored -- comm_cost: 0.6814814814814816 - complexity: 12 +- comm_cost: 0.7290625 + complexity: 7 expressions: - - R+ - - S- - - and(SE+, N-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - or(K+, S-) + - or(N+, R-) name: explored-8200 type: explored -- comm_cost: 0.48567708333333337 - complexity: 17 +- comm_cost: 0.37083333333333357 + complexity: 14 + expressions: + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(S+, R-) + name: explored-8201 + type: explored +- comm_cost: 0.5470486111111112 + complexity: 15 + expressions: + - R+ + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, R+) + name: explored-8202 + type: explored +- comm_cost: 0.5826099537037038 + complexity: 18 expressions: - N+ + - R+ - R- - - S+ - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - name: explored-8201 + - SE- + - and(K-, N-) + - and(N-, or(K+, R+)) + - and(S-, or(N+, not(R+))) + name: explored-8203 type: explored -- comm_cost: 0.4914930555555559 +- comm_cost: 0.5373553240740742 complexity: 13 expressions: - N+ + - R- - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, N+) - name: explored-8202 + - and(S-, N-) + name: explored-8204 type: explored -- comm_cost: 0.7028472222222223 - complexity: 21 +- comm_cost: 0.34282407407407434 + complexity: 20 expressions: - - S- + - K+ + - K+ + - N+ + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - not(R-) - - or(K+, or(N+, R-)) - - or(S+, R-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-8203 + name: explored-8205 type: explored -- comm_cost: 0.8388020833333334 - complexity: 3 +- comm_cost: 0.66171875 + complexity: 4 expressions: - K+ - - not(R+) - name: explored-8204 - type: explored -- comm_cost: 0.7255208333333334 - complexity: 2 - expressions: + - R- - S- - SE- - name: explored-8205 + name: explored-8206 type: explored -- comm_cost: 0.31406250000000013 - complexity: 18 +- comm_cost: 0.27656250000000027 + complexity: 11 expressions: - N+ - R- - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-8206 + - or(SE-, N+) + name: explored-8207 type: explored -- comm_cost: 0.4038773148148149 - complexity: 22 +- comm_cost: 0.45335069444444465 + complexity: 18 expressions: + - K+ - N+ - R- - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, not(R-)) - - or(K+, or(N+, R-)) - name: explored-8207 + - or(K+, S-) + name: explored-8208 type: explored -- comm_cost: 0.3013020833333335 - complexity: 23 +- comm_cost: 0.3536111111111113 + complexity: 18 expressions: - K+ - N+ + - N- - R- - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, or(N+, R-)) - name: explored-8208 + name: explored-8209 type: explored -- comm_cost: 0.2406250000000003 +- comm_cost: 0.2284722222222224 complexity: 15 expressions: - K+ - - K+ - N+ - - S+ + - R- - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-8209 - type: explored -- comm_cost: 0.6315972222222224 - complexity: 13 - expressions: - - R- - - SE- - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-8210 type: explored -- comm_cost: 0.3437500000000002 - complexity: 7 +- comm_cost: 0.5447916666666668 + complexity: 6 expressions: - N+ + - R+ - R- - - R- - - S+ - - and(N-, R+) + - or(SE-, N+) name: explored-8211 type: explored -- comm_cost: 0.5934027777777778 - complexity: 14 +- comm_cost: 0.26484375000000027 + complexity: 17 expressions: + - K+ - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) name: explored-8212 type: explored -- comm_cost: 0.3250000000000003 - complexity: 10 +- comm_cost: 0.22916666666666685 + complexity: 15 expressions: + - K+ - N+ - R- - and(K-, S+) - and(N-, R+) - - not(R+) + - and(S-, N-) + - and(S-, SE-) name: explored-8213 type: explored -- comm_cost: 0.5875868055555556 - complexity: 17 +- comm_cost: 0.8013888888888889 + complexity: 8 expressions: - - K+ - - R+ - - R- - - R- - - and(S-, SE-) - - or(K+, K-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, SE+)) + - or(S+, R-) name: explored-8214 type: explored -- comm_cost: 0.4636111111111113 - complexity: 19 +- comm_cost: 0.6202199074074075 + complexity: 41 expressions: - - K+ - - K+ - - K- - - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, N-) + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) + - or(S+, R-) name: explored-8215 type: explored -- comm_cost: 0.5416666666666667 - complexity: 10 +- comm_cost: 0.5825086805555557 + complexity: 16 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(K-, or(N+, not(R+))) + - and(S-, not(R+)) + - or(S+, R-) name: explored-8216 type: explored -- comm_cost: 0.46884259259259264 - complexity: 12 +- comm_cost: 0.5536458333333335 + complexity: 8 expressions: - - K+ - N+ - - R- - - and(S-, SE-) - - or(S+, R-) - - or(S+, SE+) + - R+ + - SE- + - and(SE-, or(K+, S-)) name: explored-8217 type: explored -- comm_cost: 0.696779265873016 - complexity: 26 +- comm_cost: 0.6659722222222224 + complexity: 12 expressions: - - SE+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R-)) - - not(R-) - - or(K+, K-) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - N+ + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-8218 type: explored -- comm_cost: 0.5241666666666667 - complexity: 8 +- comm_cost: 0.590277777777778 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(S-, SE-) - - not(R-) + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-8219 type: explored -- comm_cost: 0.41620370370370385 - complexity: 18 +- comm_cost: 0.22517361111111134 + complexity: 16 expressions: - - K+ - - K+ + - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - and(S-, not(R-)) + - or(N+, R-) + - or(S+, or(N+, R-)) name: explored-8220 type: explored -- comm_cost: 0.5005208333333335 - complexity: 10 +- comm_cost: 0.33463541666666685 + complexity: 20 expressions: - K+ - - K+ - - K- + - N+ + - R- - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-8221 type: explored -- comm_cost: 0.6431250000000002 - complexity: 10 +- comm_cost: 0.5603153935185187 + complexity: 21 expressions: - - R+ - - R- - - and(S-, SE-) - - not(R-) - - or(K+, S-) + - N+ + - S+ + - S- + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, N-) + - or(N+, R-) name: explored-8222 type: explored -- comm_cost: 0.1717013888888892 - complexity: 16 +- comm_cost: 0.5281250000000002 + complexity: 9 expressions: - - N+ + - R+ - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, SE-) - or(S+, R-) name: explored-8223 type: explored -- comm_cost: 0.6691319444444446 - complexity: 11 +- comm_cost: 0.3945312500000002 + complexity: 12 expressions: - - K- - - R+ - - SE- - - and(K-, S+) - - or(K+, or(N+, R-)) + - N+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) name: explored-8224 type: explored -- comm_cost: 0.43281250000000016 +- comm_cost: 0.6501041666666668 complexity: 15 expressions: - - N+ - - R- - - and(S-, N-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - R+ + - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) + - or(N+, not(R+)) name: explored-8225 type: explored -- comm_cost: 0.5644097222222224 - complexity: 17 +- comm_cost: 0.4942708333333333 + complexity: 11 expressions: + - N+ - R- - - and(N-, R+) + - and(K-, S+) + - and(K-, SE-) - and(S-, SE-) - - or(K+, K-) - - or(and(S-, SE-), or(N+, R-)) name: explored-8226 type: explored -- comm_cost: 0.7215277777777778 - complexity: 16 - expressions: - - and(K-, S+) - - and(or(K+, S-), not(R+)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-8227 - type: explored -- comm_cost: 0.3201388888888891 - complexity: 19 +- comm_cost: 0.26736111111111127 + complexity: 12 expressions: - K+ - N+ - R- - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(SE-, or(K+, S-)) - name: explored-8228 + - or(K+, R+) + name: explored-8227 type: explored -- comm_cost: 0.4750000000000001 +- comm_cost: 0.6437500000000002 complexity: 9 expressions: - - N+ - - R+ - - R- - SE- - - and(S-, or(SE-, N+)) - name: explored-8229 + - and(N-, R+) + - and(N-, or(K+, S-)) + name: explored-8228 type: explored -- comm_cost: 0.3098958333333335 - complexity: 15 +- comm_cost: 0.3544560185185188 + complexity: 20 expressions: + - K+ - N+ + - R+ - R- - - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, SE+) + - and(S-, or(N+, not(R+))) + name: explored-8229 + type: explored +- comm_cost: 0.8365104166666667 + complexity: 6 + expressions: + - or(S+, R+) + - or(S+, SE+) name: explored-8230 type: explored -- comm_cost: 0.5968750000000002 - complexity: 7 +- comm_cost: 0.6644097222222223 + complexity: 11 expressions: - N+ - - R+ - - R+ - - R- - - or(S+, N+) + - S+ + - and(or(K+, S-), not(R+)) + - or(S+, R-) name: explored-8231 type: explored -- comm_cost: 0.5923611111111112 - complexity: 11 +- comm_cost: 0.5112847222222225 + complexity: 16 expressions: - - R+ - - and(K-, not(R+)) - - and(and(S-, N-), not(R-)) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-8232 type: explored -- comm_cost: 0.37868923611111127 - complexity: 20 +- comm_cost: 0.419791666666667 + complexity: 12 expressions: - K+ - - N+ - R- - - S+ + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) name: explored-8233 type: explored -- comm_cost: 0.31712962962962976 - complexity: 17 +- comm_cost: 0.37222222222222245 + complexity: 14 expressions: - K+ - N+ - R- - - SE+ - and(K-, S+) - - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-8234 type: explored -- comm_cost: 0.5982291666666668 - complexity: 8 +- comm_cost: 0.5427083333333333 + complexity: 20 expressions: - - K- - - SE- - - and(N-, R+) - - or(N+, R-) + - K+ + - and(K-, or(S+, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) + - and(S-, SE-) name: explored-8235 type: explored -- comm_cost: 0.6666666666666667 - complexity: 10 +- comm_cost: 0.27913194444444467 + complexity: 15 expressions: - - and(S-, N-) - - and(S-, not(R-)) - - or(S+, R-) + - K+ + - N+ + - R- + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-8236 type: explored -- comm_cost: 0.5243055555555558 - complexity: 20 +- comm_cost: 0.48645833333333344 + complexity: 16 expressions: - N+ - - SE- + - S+ + - and(K-, N-) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-8237 type: explored -- comm_cost: 0.6851562500000001 - complexity: 6 +- comm_cost: 0.2778645833333335 + complexity: 15 expressions: + - K+ + - N+ + - R- - and(K-, N-) - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-8238 type: explored -- comm_cost: 0.24218750000000022 - complexity: 12 +- comm_cost: 0.6612847222222223 + complexity: 16 expressions: - - K+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - SE- + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8239 type: explored -- comm_cost: 0.41218750000000015 - complexity: 14 +- comm_cost: 0.5383333333333337 + complexity: 7 + expressions: + - and(N-, R+) + - or(N+, not(R+)) + name: explored-8240 + type: explored +- comm_cost: 0.4258333333333334 + complexity: 12 expressions: - K+ - N+ - R- - - S+ - - S+ - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - or(K+, S-) - name: explored-8240 + - or(S+, SE+) + name: explored-8241 type: explored -- comm_cost: 0.4090277777777781 +- comm_cost: 0.5454861111111112 complexity: 15 expressions: - - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) + - R+ + - and(K-, S+) - and(or(K+, S-), not(R+)) - name: explored-8241 - type: explored -- comm_cost: 0.28281250000000036 - complexity: 16 - expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-8242 type: explored -- comm_cost: 0.3842013888888892 - complexity: 12 +- comm_cost: 0.517013888888889 + complexity: 10 expressions: + - N+ + - R+ - R- - SE- - - and(K-, not(R+)) - - and(N-, R+) - - or(K+, N+) + - and(or(K+, S-), not(R+)) name: explored-8243 type: explored -- comm_cost: 0.6428819444444446 - complexity: 11 +- comm_cost: 0.6963541666666668 + complexity: 12 expressions: - N+ - - R+ - - R- - - SE- - - and(K-, not(R+)) - - or(K+, K-) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(S+, R+) name: explored-8244 type: explored -- comm_cost: 0.6359375000000002 - complexity: 5 +- comm_cost: 0.4888020833333335 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - and(S-, N-) + - S- + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-8245 type: explored -- comm_cost: 0.29409722222222257 - complexity: 17 +- comm_cost: 0.7253472222222223 + complexity: 7 expressions: - - N+ - - R- - - S+ - SE- - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, N+) + - or(K+, R-) name: explored-8246 type: explored -- comm_cost: 0.669607638888889 - complexity: 36 +- comm_cost: 0.29162326388888926 + complexity: 18 expressions: - - R+ + - K+ + - N+ + - R- - S+ - - and(K-, SE-) - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) - - and(S-, N-) - - and(S-, or(SE-, N+)) - - not(R-) - - or(N+, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(SE-, N+) name: explored-8247 type: explored -- comm_cost: 0.3791666666666669 - complexity: 18 +- comm_cost: 0.4493055555555556 + complexity: 10 expressions: - - N+ + - K+ - R- - - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) name: explored-8248 type: explored -- comm_cost: 0.4833333333333335 +- comm_cost: 0.4108333333333336 complexity: 10 expressions: - - R+ - - S+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - N+ + - R- + - SE- + - and(N-, R+) + - or(N+, not(R+)) name: explored-8249 type: explored -- comm_cost: 0.5970196759259261 - complexity: 13 +- comm_cost: 0.6882465277777778 + complexity: 18 expressions: - - R+ - - R- - - and(or(K+, S-), not(R+)) - - or(S+, or(N+, R-)) + - N+ + - S+ + - and(K-, S+) + - and(N-, or(S+, SE+)) + - not(R+) + - or(S+, N+) + - or(S+, R+) name: explored-8250 type: explored -- comm_cost: 0.5983506944444446 - complexity: 23 +- comm_cost: 0.45850694444444473 + complexity: 11 expressions: - - R+ - - SE+ + - N+ - SE- - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(or(K+, S-), not(R+)) - - or(K+, R-) - - or(S+, R-) + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-8251 type: explored -- comm_cost: 0.559809027777778 - complexity: 12 +- comm_cost: 0.42688078703703725 + complexity: 18 expressions: - N+ - R- - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(S+, N+) - - or(S+, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-8252 type: explored -- comm_cost: 0.3079861111111115 - complexity: 10 +- comm_cost: 0.6630208333333334 + complexity: 8 expressions: - - K+ - N+ - - S+ - - and(K-, not(R+)) - - and(N-, R+) + - R+ + - R- + - and(N-, or(S+, SE+)) name: explored-8253 type: explored -- comm_cost: 0.3427083333333335 - complexity: 17 +- comm_cost: 0.49378472222222236 + complexity: 18 expressions: - - N+ + - K+ + - K+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, R+) + - or(K+, K-) + - or(K+, or(N+, R-)) name: explored-8254 type: explored -- comm_cost: 0.2963541666666669 - complexity: 10 +- comm_cost: 0.5180555555555555 + complexity: 15 expressions: + - N+ - R- - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-8255 type: explored -- comm_cost: 0.6586805555555555 - complexity: 10 +- comm_cost: 0.5808159722222224 + complexity: 18 expressions: - N+ - - R- - SE- - - and(S-, not(R+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(or(K+, S-), not(R-)) - or(N+, R-) name: explored-8256 type: explored -- comm_cost: 0.5150173611111113 - complexity: 15 +- comm_cost: 0.45338541666666676 + complexity: 16 expressions: - - N+ - R+ - R- - - SE- - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(N-, R+) + - and(K-, S+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8257 type: explored -- comm_cost: 0.6390625000000001 - complexity: 7 +- comm_cost: 0.5035011574074076 + complexity: 15 expressions: - - R+ - - and(K-, SE-) - - or(S+, R+) + - N+ + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(K+, R+) name: explored-8258 type: explored -- comm_cost: 0.6646875000000002 - complexity: 8 +- comm_cost: 0.4965740740740743 + complexity: 16 expressions: - - R+ - - and(SE+, N-) - - or(N+, not(R+)) + - N+ + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-8259 type: explored -- comm_cost: 0.44762152777777797 - complexity: 15 +- comm_cost: 0.21944444444444478 + complexity: 14 expressions: - K+ - - N+ - - N- - - R- - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-8260 type: explored -- comm_cost: 0.6802083333333335 - complexity: 7 +- comm_cost: 0.40781250000000013 + complexity: 17 expressions: + - N+ - R+ - - S+ - - and(K-, or(S+, N+)) + - R- + - SE- + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) name: explored-8261 type: explored -- comm_cost: 0.47569444444444475 - complexity: 14 +- comm_cost: 0.6539930555555558 + complexity: 10 expressions: + - R+ - and(K-, not(R+)) - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, R+)) name: explored-8262 type: explored -- comm_cost: 0.14357638888888924 - complexity: 18 +- comm_cost: 0.44144675925925947 + complexity: 16 expressions: - K+ - - K+ + - K- - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-8263 type: explored -- comm_cost: 0.47760416666666683 - complexity: 11 +- comm_cost: 0.6878819444444446 + complexity: 12 expressions: - - N+ - R+ - - R- - SE- - - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, S-) name: explored-8264 type: explored -- comm_cost: 0.2727430555555558 - complexity: 20 +- comm_cost: 0.45902777777777803 + complexity: 12 expressions: - - K+ - N+ - R- - - S+ - - and(K-, SE-) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, R+) + - or(S+, N+) name: explored-8265 type: explored -- comm_cost: 0.5954861111111112 - complexity: 10 +- comm_cost: 0.4256944444444446 + complexity: 12 expressions: - N+ - - R+ - - R+ - - R- - - and(or(K+, S-), not(R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-8266 type: explored -- comm_cost: 0.48388888888888903 - complexity: 26 +- comm_cost: 0.30390625000000027 + complexity: 18 expressions: - K+ - - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, S-) name: explored-8267 type: explored -- comm_cost: 0.4437500000000003 - complexity: 10 +- comm_cost: 0.6670833333333334 + complexity: 4 expressions: + - K- + - N+ + - R- - SE- - - and(N-, R+) - - or(N+, R-) - - or(SE-, N+) name: explored-8268 type: explored -- comm_cost: 0.5133101851851853 - complexity: 9 +- comm_cost: 0.30000000000000016 + complexity: 14 expressions: - N+ - - R+ - - SE- + - R- - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - or(K+, R+) + - or(S+, R-) name: explored-8269 type: explored -- comm_cost: 0.5760416666666667 - complexity: 7 +- comm_cost: 0.5130208333333335 + complexity: 13 expressions: - - N+ + - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - or(K+, K-) name: explored-8270 type: explored -- comm_cost: 0.17916666666666692 - complexity: 11 +- comm_cost: 0.7265625000000001 + complexity: 16 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(K-, S+) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-8271 type: explored -- comm_cost: 0.4187500000000003 +- comm_cost: 0.6283854166666668 complexity: 10 expressions: - - R- - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) + - R+ + - SE- + - and(or(K+, S-), or(N+, not(R+))) name: explored-8272 type: explored -- comm_cost: 0.40937500000000016 - complexity: 9 +- comm_cost: 0.4833333333333335 + complexity: 13 expressions: + - N+ - R+ - - and(K-, or(S+, R-)) - - and(S-, SE-) + - R- + - SE- + - and(and(S-, N-), not(R-)) + - or(S+, N+) name: explored-8273 type: explored -- comm_cost: 0.8013020833333334 - complexity: 8 +- comm_cost: 0.5622829861111112 + complexity: 21 expressions: + - K+ + - N+ + - R- + - S+ + - and(K-, N-) + - and(N-, R+) - and(N-, or(K+, S-)) + - and(S-, SE-) - or(K+, K-) name: explored-8274 type: explored -- comm_cost: 0.4943315972222223 - complexity: 19 +- comm_cost: 0.4843749999999999 + complexity: 13 expressions: + - K+ + - K+ - N+ - R- - S+ - - and(K-, not(R-)) - - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(S+, SE+) + - and(S-, or(SE-, N+)) name: explored-8275 type: explored -- comm_cost: 0.565625 - complexity: 7 +- comm_cost: 0.5211805555555558 + complexity: 15 expressions: - - S+ - - and(S-, SE-) - - or(S+, SE+) + - N+ + - SE- + - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-8276 type: explored -- comm_cost: 0.5140625000000001 - complexity: 12 +- comm_cost: 0.6208333333333333 + complexity: 4 expressions: - - R+ - - R- - - and(N-, not(R-)) - - and(S-, SE-) - - or(K+, R-) + - N+ + - and(S-, N-) name: explored-8277 type: explored -- comm_cost: 0.2781250000000003 - complexity: 21 +- comm_cost: 0.6755451388888889 + complexity: 24 expressions: - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - N- + - and(or(K+, S-), not(R+)) + - or(K+, R+) + - or(K+, R-) + - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-8278 type: explored -- comm_cost: 0.5227430555555558 - complexity: 18 +- comm_cost: 0.5151041666666668 + complexity: 13 expressions: - - K+ - N+ + - R+ + - R- - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(SE-, N+)) + - and(S-, not(R+)) name: explored-8279 type: explored -- comm_cost: 0.19583333333333341 - complexity: 19 +- comm_cost: 0.5583333333333335 + complexity: 11 + expressions: + - R+ + - R- + - SE- + - or(K+, N+) + - or(K+, or(N+, R-)) + name: explored-8280 + type: explored +- comm_cost: 0.30442708333333346 + complexity: 21 expressions: - K+ - N+ - R- + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-8280 - type: explored -- comm_cost: 0.6844543650793652 - complexity: 42 - expressions: - - N+ - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) - - or(N+, not(R+)) - - or(S+, N+) - - or(S+, or(N+, R-)) + - and(SE+, N-) name: explored-8281 type: explored -- comm_cost: 0.6645833333333333 - complexity: 7 +- comm_cost: 0.4939236111111114 + complexity: 18 expressions: + - N+ - R- - - and(K-, SE-) - - and(S-, SE-) + - S+ + - and(N-, R+) + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8282 type: explored -- comm_cost: 0.6469097222222223 - complexity: 9 +- comm_cost: 0.5543402777777781 + complexity: 16 expressions: - N+ - - R+ - - SE- - - and(K-, not(R+)) - - not(R-) + - and(N-, R+) + - and(N-, or(K+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-8283 type: explored -- comm_cost: 0.22777777777777808 - complexity: 17 +- comm_cost: 0.3956250000000001 + complexity: 11 expressions: - - K+ - R- - - and(K-, S+) - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - or(S+, SE+) name: explored-8284 type: explored -- comm_cost: 0.3704282407407409 - complexity: 16 +- comm_cost: 0.5215277777777779 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- - S+ + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(SE+, N-) + - or(K+, K-) name: explored-8285 type: explored -- comm_cost: 0.49565972222222243 - complexity: 12 +- comm_cost: 0.7286458333333333 + complexity: 16 expressions: - - N+ - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - and(S-, not(R+)) + - and(or(K+, S-), not(R+)) + - or(K+, N+) + - or(S+, N+) name: explored-8286 type: explored -- comm_cost: 0.7204166666666668 - complexity: 11 +- comm_cost: 0.557638888888889 + complexity: 9 expressions: - - SE- - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) + - and(N-, R+) + - and(S-, N-) + - or(S+, N+) name: explored-8287 type: explored -- comm_cost: 0.4700231481481483 - complexity: 27 +- comm_cost: 0.48307291666666685 + complexity: 14 expressions: - - K+ - N+ - - R- + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, N+) name: explored-8288 type: explored -- comm_cost: 0.2947916666666668 - complexity: 12 +- comm_cost: 0.48815972222222237 + complexity: 19 expressions: - K+ + - K- - N+ - R- - - and(K-, S+) - - and(and(S-, N-), not(R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, R+) name: explored-8289 type: explored -- comm_cost: 0.3104166666666669 - complexity: 13 +- comm_cost: 0.30468750000000033 + complexity: 11 expressions: - - K+ - - K+ - N+ - R- + - S+ + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) name: explored-8290 type: explored -- comm_cost: 0.3745833333333335 - complexity: 19 +- comm_cost: 0.4678240740740742 + complexity: 11 expressions: - K+ - N+ - R- - - and(K-, S+) + - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - not(R-) + - or(S+, R-) name: explored-8291 type: explored -- comm_cost: 0.6486111111111112 - complexity: 10 +- comm_cost: 0.45711805555555574 + complexity: 14 expressions: - - R+ - - SE- - - and(K-, or(S+, N+)) - - or(K+, R+) + - R- + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-8292 type: explored -- comm_cost: 0.6449652777777779 - complexity: 11 +- comm_cost: 0.5550347222222224 + complexity: 18 expressions: - - R+ - - SE+ - - SE- - - and(N-, or(S+, SE+)) - - or(N+, R-) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, S-) + - or(S+, R+) name: explored-8293 type: explored -- comm_cost: 0.7286458333333334 - complexity: 12 +- comm_cost: 0.6947916666666667 + complexity: 3 expressions: - - R+ - - and(N-, or(K+, R+)) - - or(K+, SE+) - - or(S+, N+) + - N+ + - S+ + - SE- name: explored-8294 type: explored -- comm_cost: 0.437638888888889 - complexity: 19 +- comm_cost: 0.3137152777777781 + complexity: 16 expressions: - - K+ - - N+ - - N- - R- - S+ + - SE- - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(K+, or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8295 type: explored -- comm_cost: 0.10572916666666687 - complexity: 12 +- comm_cost: 0.5390625000000002 + complexity: 10 expressions: - - N+ - - R- - - S+ + - R+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-8296 type: explored -- comm_cost: 0.7622829861111112 - complexity: 6 +- comm_cost: 0.589670138888889 + complexity: 18 expressions: - - R+ - - R+ - - SE+ - - or(K+, SE+) + - N+ + - SE- + - and(N-, R+) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, K-) name: explored-8297 type: explored -- comm_cost: 0.5979166666666669 - complexity: 11 +- comm_cost: 0.31032986111111127 + complexity: 19 expressions: + - K+ + - K+ + - N+ + - R- - and(N-, R+) - - and(N-, or(K+, S-)) - - or(N+, R-) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-8298 type: explored -- comm_cost: 0.6508680555555557 - complexity: 12 +- comm_cost: 0.7018229166666667 + complexity: 8 expressions: - R+ - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) + - and(N-, not(R-)) + - or(S+, N+) name: explored-8299 type: explored -- comm_cost: 0.75 +- comm_cost: 0.5622395833333335 complexity: 12 expressions: - - and(K-, or(S+, SE+)) + - R+ + - R- + - SE- - and(N-, not(R-)) - - or(K+, SE+) + - and(S-, or(SE-, N+)) name: explored-8300 type: explored -- comm_cost: 0.5962500000000002 +- comm_cost: 0.43125000000000036 complexity: 8 expressions: - - R- + - N+ - SE- - and(N-, R+) - - or(K+, S-) + - or(S+, N+) name: explored-8301 type: explored -- comm_cost: 0.2532986111111114 - complexity: 12 +- comm_cost: 0.42348090277777795 + complexity: 22 expressions: + - K+ + - N+ - S+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8302 type: explored -- comm_cost: 0.13072916666666679 - complexity: 14 +- comm_cost: 0.6269097222222224 + complexity: 12 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - R+ + - and(K-, not(R+)) + - and(K-, not(R+)) + - or(K+, R+) name: explored-8303 type: explored -- comm_cost: 0.5281250000000001 - complexity: 15 +- comm_cost: 0.30329861111111134 + complexity: 21 expressions: - K+ - N+ - R- - - and(K-, not(R-)) - - and(N-, or(S+, SE+)) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) + - and(S-, not(R+)) name: explored-8304 type: explored -- comm_cost: 0.6986111111111111 - complexity: 10 +- comm_cost: 0.6359953703703706 + complexity: 14 expressions: - - K+ - - N+ + - R+ - SE- - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), not(R-)) + - or(K+, R+) + - or(S+, R-) name: explored-8305 type: explored -- comm_cost: 0.5306423611111113 - complexity: 15 +- comm_cost: 0.6908101851851853 + complexity: 6 expressions: - - N+ - - R- - - SE- + - R+ + - SE+ - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - or(SE-, N+) + - or(K+, S-) name: explored-8306 type: explored -- comm_cost: 0.5820601851851853 - complexity: 18 +- comm_cost: 0.20355902777777812 + complexity: 12 expressions: - - R+ + - K+ + - N+ + - R- + - S+ - SE- - - and(N-, or(K+, SE+)) + - SE- + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - - or(S+, or(N+, R-)) name: explored-8307 type: explored -- comm_cost: 0.6591145833333334 - complexity: 11 +- comm_cost: 0.2430555555555558 + complexity: 20 expressions: - - R+ - - SE- - - and(N-, not(R-)) - - and(N-, or(K+, R+)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-8308 type: explored -- comm_cost: 0.7244791666666668 - complexity: 8 +- comm_cost: 0.83125 + complexity: 2 expressions: - - R+ - - not(R-) - - or(S+, or(N+, R-)) + - K+ + - SE- name: explored-8309 type: explored -- comm_cost: 0.5860243055555558 - complexity: 13 +- comm_cost: 0.5006944444444446 + complexity: 16 expressions: + - N+ - R+ + - R- - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(K+, R+) + - and(K-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-8310 type: explored -- comm_cost: 0.74421875 - complexity: 8 +- comm_cost: 0.7094097222222223 + complexity: 10 expressions: - - N- - - and(K-, SE-) - - and(K-, not(R-)) + - R+ + - SE- + - not(R-) + - or(K+, S-) + - or(N+, R-) name: explored-8311 type: explored -- comm_cost: 0.5877199074074075 - complexity: 14 +- comm_cost: 0.6031250000000001 + complexity: 8 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(N+, not(R+)) + - R+ + - S+ + - SE- + - and(N-, or(K+, SE+)) name: explored-8312 type: explored -- comm_cost: 0.7126666666666668 - complexity: 27 +- comm_cost: 0.39751157407407434 + complexity: 18 expressions: - - and(K-, SE-) - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(N-, or(S+, SE+)) - - and(S-, or(SE-, N+)) - - not(R-) - - or(SE-, N+) + - K+ + - N+ + - R- + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-8313 type: explored -- comm_cost: 0.6156250000000001 - complexity: 9 +- comm_cost: 0.6297743055555557 + complexity: 11 expressions: - - and(N-, or(K+, R+)) - - and(S-, not(R+)) + - N+ + - R+ + - SE- + - and(K-, N-) + - or(K+, or(N+, R-)) name: explored-8314 type: explored -- comm_cost: 0.3430555555555559 - complexity: 9 +- comm_cost: 0.6752604166666668 + complexity: 7 expressions: - - N+ + - K- + - R+ - R- - - and(K-, not(R+)) - - and(N-, R+) + - SE- + - or(S+, R+) name: explored-8315 type: explored -- comm_cost: 0.5328125000000001 - complexity: 9 +- comm_cost: 0.7494791666666667 + complexity: 12 expressions: - - K+ - - N+ - R- - - and(N-, R+) - - or(S+, R+) + - SE- + - and(K-, or(S+, R-)) + - and(SE-, or(K+, S-)) name: explored-8316 type: explored -- comm_cost: 0.6129629629629632 - complexity: 10 +- comm_cost: 0.43854166666666683 + complexity: 18 expressions: + - K+ - N+ - - R+ - - R+ - - SE- - - and(and(K-, N-), not(R-)) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, R+) name: explored-8317 type: explored -- comm_cost: 0.24079861111111134 +- comm_cost: 0.5236979166666669 complexity: 14 expressions: + - K+ - N+ - - S+ + - R+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, R-) + - or(S+, SE+) name: explored-8318 type: explored -- comm_cost: 0.3265625000000002 - complexity: 11 +- comm_cost: 0.7001041666666667 + complexity: 13 + expressions: + - N- + - S- + - and(K-, or(S+, R-)) + - and(and(S-, N-), not(R-)) + name: explored-8319 + type: explored +- comm_cost: 0.39694444444444454 + complexity: 16 expressions: - K+ + - N+ - R- + - SE- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - name: explored-8319 - type: explored -- comm_cost: 0.6754450231481482 - complexity: 28 - expressions: - - R+ - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - not(R-) - - or(K+, S-) - - or(SE-, N+) + - or(S+, SE+) name: explored-8320 type: explored -- comm_cost: 0.5335069444444446 - complexity: 11 +- comm_cost: 0.5562500000000002 + complexity: 13 expressions: - - N+ + - R+ - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - and(N-, or(K+, R+)) + - or(K+, N+) name: explored-8321 type: explored -- comm_cost: 0.6142361111111113 - complexity: 15 +- comm_cost: 0.5170717592592595 + complexity: 20 expressions: - N+ - R- - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(K+, SE+) + - or(K+, or(N+, R-)) name: explored-8322 type: explored -- comm_cost: 0.6993055555555556 - complexity: 12 +- comm_cost: 0.4335937500000002 + complexity: 19 expressions: - - R+ - - R+ - - or(K+, S-) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) name: explored-8323 type: explored -- comm_cost: 0.6557291666666667 - complexity: 10 +- comm_cost: 0.28919270833333344 + complexity: 18 expressions: - - N+ - - SE- - - and(K-, or(S+, SE+)) - - or(N+, R-) + - K+ + - K+ + - R- + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-8324 type: explored -- comm_cost: 0.3581597222222226 +- comm_cost: 0.15885416666666696 complexity: 12 expressions: - - R- + - K+ + - N+ - S+ - - and(K-, not(R+)) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) name: explored-8325 type: explored -- comm_cost: 0.7410069444444445 - complexity: 8 +- comm_cost: 0.6628761574074076 + complexity: 11 expressions: - R+ - - R- - - or(K+, K-) - - or(K+, S-) + - SE- + - and(and(K-, N-), not(R-)) + - or(K+, SE+) name: explored-8326 type: explored -- comm_cost: 0.31788194444444473 - complexity: 14 +- comm_cost: 0.1843750000000003 + complexity: 15 expressions: - K+ + - K+ - N+ - R- - - SE- - and(N-, R+) - - and(S-, not(R+)) - - or(S+, N+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-8327 type: explored -- comm_cost: 0.6928819444444446 - complexity: 7 - expressions: - - R+ - - and(K-, S+) - - or(K+, R+) - name: explored-8328 - type: explored -- comm_cost: 0.4446469907407409 - complexity: 21 +- comm_cost: 0.48482638888888907 + complexity: 12 expressions: - - K+ - N+ + - N- - R- - - SE- + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) - - not(R+) + name: explored-8328 + type: explored +- comm_cost: 0.7245659722222223 + complexity: 17 + expressions: + - and(K-, SE-) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) name: explored-8329 type: explored -- comm_cost: 0.5513888888888888 +- comm_cost: 0.3197337962962965 complexity: 15 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(SE+, N-) name: explored-8330 type: explored -- comm_cost: 0.4687500000000002 - complexity: 14 +- comm_cost: 0.23802083333333357 + complexity: 10 expressions: - K+ - - N+ - - SE- - - and(K-, or(S+, R+)) + - K+ + - R+ + - R- - and(N-, R+) - - or(K+, R-) + - and(S-, SE-) name: explored-8331 type: explored -- comm_cost: 0.5010416666666668 - complexity: 6 +- comm_cost: 0.38541666666666674 + complexity: 12 expressions: - K+ - R+ - R- - - and(K-, S+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-8332 type: explored -- comm_cost: 0.5631944444444447 - complexity: 9 +- comm_cost: 0.34236111111111134 + complexity: 23 expressions: - K+ + - N+ + - R- - SE- - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8333 type: explored -- comm_cost: 0.6782986111111111 - complexity: 6 +- comm_cost: 0.4819444444444445 + complexity: 20 expressions: + - K+ - N+ - - S+ - - SE- - - or(S+, R+) + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, K-) name: explored-8334 type: explored -- comm_cost: 0.5475694444444446 - complexity: 10 +- comm_cost: 0.201041666666667 + complexity: 14 expressions: - N+ - - R- - - S- - - SE- + - S+ + - S+ - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-8335 type: explored -- comm_cost: 0.6307291666666668 - complexity: 13 +- comm_cost: 0.8359375 + complexity: 9 expressions: - - R+ - - and(SE-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - or(N+, R-) + - or(S+, or(N+, R-)) name: explored-8336 type: explored -- comm_cost: 0.4169270833333334 - complexity: 15 +- comm_cost: 0.5258912037037039 + complexity: 34 expressions: - - K+ - - R+ - - R- - - SE+ - - and(K-, or(S+, N+)) + - SE- + - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(K+, SE+) + - or(K+, N+) + - or(K+, R-) + - or(N+, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-8337 type: explored -- comm_cost: 0.5237500000000002 - complexity: 9 +- comm_cost: 0.6395833333333333 + complexity: 5 expressions: - - N+ - - and(N-, R+) + - R- + - R- - and(S-, SE-) - - not(R-) name: explored-8338 type: explored -- comm_cost: 0.5605034722222223 - complexity: 9 +- comm_cost: 0.6444444444444446 + complexity: 15 expressions: - - K+ - - N+ - R- - SE- - - and(N-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8339 type: explored -- comm_cost: 0.33515625000000027 - complexity: 8 +- comm_cost: 0.4104166666666669 + complexity: 19 expressions: - - N+ + - K+ - R- - - S+ - and(N-, R+) - - not(R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-8340 type: explored -- comm_cost: 0.5347222222222223 - complexity: 9 +- comm_cost: 0.40625000000000033 + complexity: 19 expressions: - K+ - - N+ - - and(S-, SE-) - - and(S-, not(R-)) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-8341 type: explored -- comm_cost: 0.6638194444444445 - complexity: 12 +- comm_cost: 0.7075231481481481 + complexity: 14 expressions: - - R+ - - and(N-, or(K+, R+)) - - and(S-, N-) - - or(S+, SE+) + - and(S-, not(R+)) + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-8342 type: explored -- comm_cost: 0.6368055555555557 - complexity: 13 +- comm_cost: 0.7107986111111112 + complexity: 8 expressions: - - SE- - - and(K-, or(S+, R-)) - - and(and(K-, N-), or(S+, R+)) + - R+ + - not(R-) + - or(K+, or(N+, R-)) name: explored-8343 type: explored -- comm_cost: 0.6017361111111112 - complexity: 13 +- comm_cost: 0.2958333333333336 + complexity: 23 expressions: - - R+ + - N+ - R- - - SE- - - and(N-, or(K+, SE+)) - - and(N-, or(K+, SE+)) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8344 type: explored -- comm_cost: 0.6718750000000002 - complexity: 7 +- comm_cost: 0.4208333333333336 + complexity: 15 expressions: - - R+ - - and(SE+, N-) - - or(K+, N+) + - N+ + - R- + - SE- + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(SE-, N+) name: explored-8345 type: explored -- comm_cost: 0.4533680555555557 - complexity: 16 +- comm_cost: 0.18385416666666676 + complexity: 17 expressions: - K+ - N+ - - N- + - N+ - R- - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-8346 type: explored -- comm_cost: 0.7207812500000002 - complexity: 10 - expressions: - - R+ - - and(K-, or(S+, SE+)) - - or(N+, not(R+)) - name: explored-8347 - type: explored -- comm_cost: 0.42734375000000013 +- comm_cost: 0.49288194444444466 complexity: 10 expressions: - K+ - N+ - - R- - S+ - - and(K-, N-) - and(N-, R+) + - and(S-, not(R-)) + name: explored-8347 + type: explored +- comm_cost: 0.6729166666666666 + complexity: 5 + expressions: + - R- + - SE- + - and(S-, SE-) name: explored-8348 type: explored -- comm_cost: 0.3690104166666669 - complexity: 17 +- comm_cost: 0.45468750000000013 + complexity: 23 expressions: - - K+ - N+ - R- - - and(K-, or(SE-, N+)) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-8349 type: explored -- comm_cost: 0.3632812500000001 - complexity: 26 +- comm_cost: 0.5006944444444443 + complexity: 7 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - or(SE-, N+) + - or(S+, R-) name: explored-8350 type: explored -- comm_cost: 0.5125000000000002 - complexity: 15 +- comm_cost: 0.4003472222222222 + complexity: 16 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(N-, or(K+, R+)) - - and(or(K+, S-), not(R+)) + - and(K-, S+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, R-) name: explored-8351 type: explored -- comm_cost: 0.5247395833333335 - complexity: 8 +- comm_cost: 0.6993055555555556 + complexity: 6 expressions: - - K+ - - N+ - - R+ - - R- - - and(K-, not(R-)) + - SE- + - and(K-, or(S+, R+)) name: explored-8352 type: explored -- comm_cost: 0.6130208333333335 - complexity: 5 +- comm_cost: 0.6298611111111113 + complexity: 9 expressions: - - N+ - R- - - and(SE+, N-) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-8353 type: explored -- comm_cost: 0.21093750000000022 - complexity: 11 +- comm_cost: 0.5217013888888891 + complexity: 17 expressions: - - K+ - - K+ + - N+ - R- - - S+ - - S+ - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-8354 type: explored -- comm_cost: 0.28819444444444464 - complexity: 13 +- comm_cost: 0.6022569444444447 + complexity: 9 expressions: - - N+ + - R- + - SE- + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-8355 type: explored -- comm_cost: 0.6199074074074076 - complexity: 12 - expressions: - - R+ - - R+ - - SE- - - and(K-, S+) - - and(and(K-, N-), not(R-)) - name: explored-8356 - type: explored -- comm_cost: 0.3979166666666669 - complexity: 16 +- comm_cost: 0.5203125000000002 + complexity: 15 expressions: - K+ - N+ + - R- - SE- - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, or(SE-, N+)) - name: explored-8357 + - or(K+, K-) + name: explored-8356 type: explored -- comm_cost: 0.48750000000000004 - complexity: 11 +- comm_cost: 0.5506944444444446 + complexity: 10 expressions: - - K+ - R+ - - and(S-, SE-) - - and(S-, SE-) - - or(S+, R+) - name: explored-8358 + - R- + - SE- + - and(S-, not(R-)) + - or(K+, N+) + name: explored-8357 type: explored -- comm_cost: 0.47135416666666685 - complexity: 17 +- comm_cost: 0.40885416666666696 + complexity: 10 expressions: + - N+ - R- - - S+ + - and(K-, or(S+, R-)) - and(N-, R+) + name: explored-8358 + type: explored +- comm_cost: 0.40347222222222223 + complexity: 10 + expressions: + - N+ + - R- + - and(K-, or(S+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(SE-, N+) name: explored-8359 type: explored -- comm_cost: 0.773263888888889 - complexity: 6 +- comm_cost: 0.6562500000000001 + complexity: 9 expressions: - - and(K-, N-) - - or(S+, R-) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) name: explored-8360 type: explored -- comm_cost: 0.6196064814814817 - complexity: 14 +- comm_cost: 0.6519444444444444 + complexity: 9 expressions: - - R+ + - N+ - R- - SE- - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - or(K+, R-) + - or(S+, SE+) name: explored-8361 type: explored -- comm_cost: 0.45416666666666705 - complexity: 10 +- comm_cost: 0.4838541666666669 + complexity: 18 expressions: - K+ - - SE- - - and(K-, or(SE-, N+)) + - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-8362 type: explored -- comm_cost: 0.7092187500000001 - complexity: 10 - expressions: - - R+ - - and(N-, or(K+, S-)) - - or(N+, not(R+)) - name: explored-8363 - type: explored -- comm_cost: 0.4455729166666669 - complexity: 17 +- comm_cost: 0.3132812500000004 + complexity: 18 expressions: - - K+ - N+ - R- - - SE- - - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) - - not(R+) - name: explored-8364 + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(SE-, N+) + name: explored-8363 type: explored -- comm_cost: 0.5174479166666669 - complexity: 11 +- comm_cost: 0.5687500000000001 + complexity: 8 expressions: - - N+ - - and(K-, not(R-)) - - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) + name: explored-8364 + type: explored +- comm_cost: 0.6993055555555556 + complexity: 10 + expressions: + - SE- + - and(K-, or(SE-, N+)) + - and(S-, not(R-)) name: explored-8365 type: explored -- comm_cost: 0.31406250000000036 - complexity: 14 +- comm_cost: 0.7822916666666666 + complexity: 5 expressions: - N+ - - R- - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, R+) + - or(SE-, N+) name: explored-8366 type: explored -- comm_cost: 0.3104166666666669 - complexity: 13 +- comm_cost: 0.675 + complexity: 9 expressions: - - N+ + - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - SE- + - or(K+, or(N+, R-)) name: explored-8367 type: explored -- comm_cost: 0.6850543981481483 - complexity: 25 +- comm_cost: 0.7478009259259261 + complexity: 14 expressions: - - K+ - - K- - - S- - - and(N-, or(S+, R+)) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) - - or(S+, SE+) + - R+ + - and(K-, or(S+, R+)) + - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-8368 type: explored -- comm_cost: 0.4885416666666669 - complexity: 13 +- comm_cost: 0.6508969907407408 + complexity: 12 expressions: - - N+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - R+ + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-8369 type: explored -- comm_cost: 0.29947916666666696 - complexity: 16 +- comm_cost: 0.33263888888888904 + complexity: 11 expressions: - - K+ - - K+ - N+ - - S+ + - SE+ - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-8370 type: explored -- comm_cost: 0.6880208333333335 - complexity: 6 +- comm_cost: 0.6756944444444444 + complexity: 9 expressions: + - N+ + - N+ - SE- - - and(N-, or(K+, R+)) + - and(or(K+, S-), not(R+)) name: explored-8371 type: explored -- comm_cost: 0.6062500000000002 - complexity: 4 +- comm_cost: 0.6259027777777779 + complexity: 13 expressions: + - N+ - R+ - - R+ - - S+ + - R- - SE- + - or(K+, R-) + - or(K+, S-) + - or(S+, R-) name: explored-8372 type: explored -- comm_cost: 0.6690972222222223 - complexity: 10 +- comm_cost: 0.7864583333333333 + complexity: 4 expressions: - - R+ - - SE- - - or(K+, SE+) - - or(S+, or(N+, R-)) + - R- + - or(K+, N+) name: explored-8373 type: explored -- comm_cost: 0.21093750000000022 - complexity: 11 +- comm_cost: 0.5189236111111113 + complexity: 14 expressions: - R- - - S+ - - and(K-, S+) + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) + - and(N-, not(R-)) name: explored-8374 type: explored -- comm_cost: 0.5078125 - complexity: 8 +- comm_cost: 0.3784722222222223 + complexity: 12 expressions: - K+ + - R+ - R- + - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - or(K+, SE+) name: explored-8375 type: explored -- comm_cost: 0.5945138888888891 - complexity: 10 +- comm_cost: 0.4812500000000002 + complexity: 9 expressions: - - SE- + - K- + - N+ + - R- - and(N-, R+) - - or(K+, N+) - - or(S+, SE+) + - and(S-, SE-) name: explored-8376 type: explored -- comm_cost: 0.4083333333333332 - complexity: 6 +- comm_cost: 0.6937500000000001 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(S-, SE-) + - and(K-, not(R+)) + - and(K-, or(S+, R+)) name: explored-8377 type: explored -- comm_cost: 0.36093750000000036 - complexity: 13 +- comm_cost: 0.6479166666666667 + complexity: 5 expressions: - - K+ - - N+ - - R- - R- - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) + - SE- + - or(S+, R+) name: explored-8378 type: explored -- comm_cost: 0.5227430555555557 - complexity: 17 +- comm_cost: 0.36385995370370394 + complexity: 15 expressions: + - K+ - N+ + - R- + - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, K-) - - or(and(K-, S+), or(N+, R-)) + - not(R+) name: explored-8379 type: explored -- comm_cost: 0.67109375 - complexity: 8 +- comm_cost: 0.4916666666666669 + complexity: 17 expressions: - - K+ - N+ - - and(S-, SE-) - - or(SE-, N+) + - R- + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-8380 type: explored -- comm_cost: 0.4920138888888891 - complexity: 12 +- comm_cost: 0.5528645833333335 + complexity: 14 expressions: - - N+ - R+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(S-, or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-8381 type: explored -- comm_cost: 0.7557291666666667 - complexity: 9 +- comm_cost: 0.5378472222222224 + complexity: 17 expressions: + - N+ + - R+ - R- - SE- - - and(K-, not(R+)) - - or(K+, K-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8382 type: explored -- comm_cost: 0.5786111111111113 - complexity: 17 +- comm_cost: 0.678125 + complexity: 15 expressions: - N+ - R- - SE- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, not(R-)) - - or(K+, S-) + - and(K-, or(S+, R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8383 type: explored -- comm_cost: 0.3486111111111114 - complexity: 11 +- comm_cost: 0.7765625 + complexity: 4 expressions: - - N+ - - and(K-, not(R+)) - - and(N-, R+) - - or(S+, R-) + - SE- + - or(K+, N+) name: explored-8384 type: explored -- comm_cost: 0.4549479166666668 - complexity: 19 +- comm_cost: 0.6102430555555557 + complexity: 16 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, or(N+, R-)) name: explored-8385 type: explored -- comm_cost: 0.37656250000000036 - complexity: 15 +- comm_cost: 0.36736111111111125 + complexity: 10 expressions: - K+ + - K+ + - N+ - R- - - and(K-, S+) - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, R+) name: explored-8386 type: explored -- comm_cost: 0.46504629629629646 - complexity: 17 +- comm_cost: 0.39409722222222243 + complexity: 20 expressions: - K+ + - N+ - R- - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, N-) - and(S-, SE-) + - or(K+, R-) + - or(N+, R-) name: explored-8387 type: explored -- comm_cost: 0.7197916666666668 - complexity: 7 +- comm_cost: 0.682465277777778 + complexity: 12 expressions: - R+ - - SE+ - - and(K-, or(S+, R-)) + - R+ + - and(S-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-8388 type: explored -- comm_cost: 0.43281250000000004 - complexity: 12 +- comm_cost: 0.3562500000000003 + complexity: 9 expressions: - N+ - - R- - - and(N-, not(R-)) - - and(S-, SE-) - - and(S-, SE-) + - S+ + - SE- + - and(N-, R+) + - or(N+, R-) name: explored-8389 type: explored -- comm_cost: 0.16875000000000018 - complexity: 20 +- comm_cost: 0.48211805555555576 + complexity: 16 expressions: - - K+ - - K+ - N+ - - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-8390 type: explored -- comm_cost: 0.479340277777778 - complexity: 16 +- comm_cost: 0.6717447916666668 + complexity: 26 expressions: - - N+ - - R- - - S+ - - S- - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - - or(S+, R+) + - and(K-, SE-) + - and(K-, not(R+)) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) name: explored-8391 type: explored -- comm_cost: 0.3608217592592593 - complexity: 12 +- comm_cost: 0.6963541666666667 + complexity: 6 expressions: - - R+ - R- - - R- - - S+ - - and(S-, SE-) - - or(K+, or(N+, R-)) + - SE- + - and(N-, not(R-)) name: explored-8392 type: explored -- comm_cost: 0.7763263888888889 - complexity: 28 +- comm_cost: 0.562152777777778 + complexity: 9 expressions: - - and(K-, or(S+, R-)) + - R+ + - R- + - SE- - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, R-) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) + - not(R+) name: explored-8393 type: explored -- comm_cost: 0.30239583333333364 - complexity: 19 +- comm_cost: 0.5240972222222224 + complexity: 13 expressions: - K+ - N+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(N+, not(R+)) + - or(K+, S-) + - or(N+, R-) name: explored-8394 type: explored -- comm_cost: 0.5619791666666668 - complexity: 13 +- comm_cost: 0.29062500000000036 + complexity: 18 expressions: - - R+ - - S+ - - and(and(S-, N-), not(R-)) - - not(R+) - - or(K+, R-) + - N+ + - R- + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-8395 type: explored -- comm_cost: 0.7270833333333334 - complexity: 9 +- comm_cost: 0.6199768518518519 + complexity: 10 expressions: + - R+ + - R- - SE- - - and(N-, not(R-)) - - and(S-, not(R+)) + - and(N-, or(S+, R+)) + - not(R-) name: explored-8396 type: explored -- comm_cost: 0.6667534722222224 - complexity: 10 +- comm_cost: 0.6515625000000002 + complexity: 5 expressions: - - R- - - SE- - - and(K-, or(S+, R-)) - - or(S+, R+) + - K+ + - R+ + - or(K+, R-) name: explored-8397 type: explored -- comm_cost: 0.6708333333333334 - complexity: 4 +- comm_cost: 0.612326388888889 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - R- + - R+ + - and(K-, not(R+)) + - not(R+) name: explored-8398 type: explored -- comm_cost: 0.37031250000000027 - complexity: 12 +- comm_cost: 0.3919270833333335 + complexity: 18 expressions: - - K+ + - N+ - R- - - S- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(SE-, N+) name: explored-8399 type: explored -- comm_cost: 0.37999131944444453 - complexity: 24 +- comm_cost: 0.36388888888888904 + complexity: 14 expressions: - K+ - - K+ - - N+ - - R- - R- - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-8400 type: explored -- comm_cost: 0.24201388888888908 - complexity: 16 +- comm_cost: 0.7604166666666666 + complexity: 7 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(N+, not(R+)) name: explored-8401 type: explored -- comm_cost: 0.4574652777777779 - complexity: 20 +- comm_cost: 0.6195659722222224 + complexity: 9 expressions: - - K+ + - K- - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, K-) + - or(S+, R+) name: explored-8402 type: explored -- comm_cost: 0.6891493055555558 - complexity: 15 +- comm_cost: 0.46777777777777807 + complexity: 18 expressions: - - S- - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - or(K+, SE+) + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(N+, not(R+)) name: explored-8403 type: explored -- comm_cost: 0.4828125000000003 - complexity: 12 +- comm_cost: 0.21354166666666696 + complexity: 17 expressions: - K+ - - N+ + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) name: explored-8404 type: explored -- comm_cost: 0.1765625000000004 +- comm_cost: 0.6496527777777779 complexity: 11 expressions: - - K+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - R+ + - and(N-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-8405 type: explored -- comm_cost: 0.14675925925925948 - complexity: 23 +- comm_cost: 0.6342708333333335 + complexity: 4 expressions: - K+ - - K+ - - N+ + - N- + - R+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-8406 type: explored -- comm_cost: 0.38194444444444475 +- comm_cost: 0.44114583333333357 complexity: 11 expressions: - N+ - - N+ - SE- - and(N-, R+) - - or(K+, or(N+, R-)) + - and(and(S-, N-), not(R-)) name: explored-8407 type: explored -- comm_cost: 0.5742187500000002 - complexity: 8 +- comm_cost: 0.6097222222222223 + complexity: 10 expressions: + - K+ + - N+ + - N- - R- - - and(K-, not(R-)) - - and(N-, R+) + - SE- + - and(S-, or(SE-, N+)) name: explored-8408 type: explored -- comm_cost: 0.36041666666666683 - complexity: 19 +- comm_cost: 0.2312500000000003 + complexity: 12 expressions: - - R+ + - K+ + - K+ - R- + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) name: explored-8409 type: explored -- comm_cost: 0.5453125000000001 - complexity: 15 +- comm_cost: 0.33359375000000036 + complexity: 16 expressions: - - K+ - N+ - R- - - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(K+, SE+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8410 type: explored -- comm_cost: 0.5241666666666667 - complexity: 9 +- comm_cost: 0.18333333333333357 + complexity: 14 expressions: - K+ - N+ - R- - - R- + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - not(R-) name: explored-8411 type: explored -- comm_cost: 0.5098958333333334 - complexity: 9 +- comm_cost: 0.5463541666666668 + complexity: 14 expressions: - - and(S-, SE-) - - or(N+, R-) - - or(S+, R+) + - N+ + - R+ + - SE- + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) name: explored-8412 type: explored -- comm_cost: 0.23645833333333344 - complexity: 17 +- comm_cost: 0.4593750000000001 + complexity: 14 expressions: - K+ - N+ - - SE+ - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) + - R- + - and(N-, or(K+, S-)) + - and(S-, SE-) - and(S-, SE-) name: explored-8413 type: explored -- comm_cost: 0.5506944444444446 - complexity: 11 +- comm_cost: 0.4715277777777779 + complexity: 14 expressions: + - K+ - N+ - R- - - SE- - - and(SE+, N-) - - or(S+, or(N+, R-)) + - and(K-, not(R+)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-8414 type: explored -- comm_cost: 0.3396701388888891 - complexity: 21 +- comm_cost: 0.7021180555555556 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - not(R-) name: explored-8415 type: explored -- comm_cost: 0.6494097222222224 +- comm_cost: 0.5928819444444445 complexity: 12 expressions: - R+ - - R- - SE- - - not(R-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, not(R+)) + - or(K+, R+) + - or(S+, N+) name: explored-8416 type: explored -- comm_cost: 0.5322916666666668 - complexity: 6 +- comm_cost: 0.7758680555555557 + complexity: 7 expressions: - R+ - - and(S-, SE-) - - not(R+) + - or(K+, SE+) + - or(S+, R+) name: explored-8417 type: explored -- comm_cost: 0.6657986111111112 - complexity: 7 +- comm_cost: 0.2661024305555557 + complexity: 20 expressions: - - R+ + - N+ - R- - - SE- - - SE- - - or(K+, K-) + - S+ + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-8418 type: explored -- comm_cost: 0.524479166666667 - complexity: 6 +- comm_cost: 0.6501736111111112 + complexity: 12 expressions: + - N+ + - R+ + - R- - SE- - - and(N-, R+) - - not(R+) + - and(N-, or(K+, SE+)) + - or(K+, K-) name: explored-8419 type: explored -- comm_cost: 0.5640624999999999 - complexity: 7 +- comm_cost: 0.4079861111111114 + complexity: 21 expressions: - N+ - R- - - S+ - - and(S-, not(R+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-8420 type: explored -- comm_cost: 0.6039930555555557 - complexity: 6 +- comm_cost: 0.5953125000000001 + complexity: 10 expressions: - - R+ - - S+ - - SE- - - or(K+, N+) + - K+ + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-8421 type: explored -- comm_cost: 0.6227430555555555 +- comm_cost: 0.6088541666666668 complexity: 7 expressions: - N+ - - R- - - S+ - - and(K-, not(R+)) + - SE- + - and(N-, or(S+, SE+)) name: explored-8422 type: explored -- comm_cost: 0.3815972222222226 - complexity: 19 +- comm_cost: 0.5031250000000003 + complexity: 10 expressions: - - N+ - - SE- - - and(K-, or(S+, N+)) + - K+ + - R- - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-8423 type: explored -- comm_cost: 0.65546875 - complexity: 6 +- comm_cost: 0.4222222222222225 + complexity: 13 expressions: + - K+ - R- - SE- - - and(K-, not(R-)) + - and(K-, not(R+)) + - and(N-, R+) + - or(SE-, N+) name: explored-8424 type: explored -- comm_cost: 0.15451388888888928 - complexity: 21 +- comm_cost: 0.2817708333333335 + complexity: 12 expressions: - K+ - - N+ - - R- - - SE- + - K+ + - S+ - and(K-, S+) - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) name: explored-8425 type: explored -- comm_cost: 0.7382812500000001 - complexity: 10 +- comm_cost: 0.2942708333333335 + complexity: 12 expressions: - - and(N-, not(R-)) + - N+ + - R- + - S+ + - and(N-, R+) - and(and(S-, N-), not(R-)) name: explored-8426 type: explored -- comm_cost: 0.6861979166666667 - complexity: 11 +- comm_cost: 0.31218171296296304 + complexity: 20 expressions: - - SE- - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(S+, R+) name: explored-8427 type: explored -- comm_cost: 0.7815625 - complexity: 4 +- comm_cost: 0.5892361111111112 + complexity: 8 expressions: - - K- + - N+ + - R+ + - R- + - SE- + - SE- - or(K+, SE+) name: explored-8428 type: explored -- comm_cost: 0.3802083333333335 - complexity: 6 +- comm_cost: 0.3875000000000004 + complexity: 15 expressions: - N+ - - R+ - - S+ - - and(S-, SE-) + - and(N-, R+) + - and(S-, not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8429 type: explored -- comm_cost: 0.6302777777777778 - complexity: 10 +- comm_cost: 0.7640625000000001 + complexity: 13 expressions: - - K+ - - N+ - - R- - - SE- - - or(K+, R+) - - or(S+, SE+) + - SE+ + - and(K-, N-) + - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-8430 type: explored -- comm_cost: 0.6470486111111112 - complexity: 8 +- comm_cost: 0.6098958333333333 + complexity: 12 expressions: - - R+ - - SE- - - and(and(K-, N-), not(R-)) + - N+ + - R- + - S+ + - and(K-, or(N+, not(R+))) + - and(S-, SE-) name: explored-8431 type: explored -- comm_cost: 0.6214583333333334 - complexity: 11 +- comm_cost: 0.440451388888889 + complexity: 12 expressions: + - K+ + - K+ - N+ - - R+ - R- - - and(SE-, or(K+, S-)) - - or(K+, S-) + - SE- + - and(K-, not(R-)) + - and(N-, R+) name: explored-8432 type: explored -- comm_cost: 0.7130208333333334 - complexity: 5 +- comm_cost: 0.496527777777778 + complexity: 16 expressions: - - R+ - R- - - or(K+, K-) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(S+, SE+) name: explored-8433 type: explored -- comm_cost: 0.24947916666666703 - complexity: 11 +- comm_cost: 0.5317708333333334 + complexity: 6 expressions: - - K+ - N+ - - and(K-, S+) - - and(K-, SE-) - - and(N-, R+) + - R- + - S+ + - and(SE+, N-) name: explored-8434 type: explored -- comm_cost: 0.4243055555555557 - complexity: 10 +- comm_cost: 0.3979166666666669 + complexity: 9 expressions: - K+ - N+ - R- - - SE- - and(N-, R+) - - or(K+, R+) + - and(S-, N-) name: explored-8435 type: explored -- comm_cost: 0.6349421296296297 - complexity: 14 +- comm_cost: 0.4783333333333337 + complexity: 8 expressions: - - K- - - R- - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(K+, R+) + - N+ + - and(N-, R+) + - or(N+, not(R+)) name: explored-8436 type: explored -- comm_cost: 0.6670486111111112 - complexity: 8 +- comm_cost: 0.22065972222222252 + complexity: 13 expressions: - - K+ - - R+ - R- - - not(R+) - - or(K+, S-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-8437 type: explored -- comm_cost: 0.496527777777778 - complexity: 10 +- comm_cost: 0.4276041666666669 + complexity: 16 expressions: - N+ - - R- - - R- + - S- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) + - and(S-, SE-) name: explored-8438 type: explored -- comm_cost: 0.3416666666666668 - complexity: 15 +- comm_cost: 0.4363194444444447 + complexity: 21 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, not(R-)) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) + - not(R-) + - or(and(K-, S+), or(N+, R-)) name: explored-8439 type: explored -- comm_cost: 0.5979166666666668 - complexity: 9 - expressions: - - R+ - - and(and(S-, N-), not(R-)) - - not(R+) - name: explored-8440 - type: explored -- comm_cost: 0.590277777777778 - complexity: 9 +- comm_cost: 0.19583333333333341 + complexity: 17 expressions: - - SE- - - and(K-, or(S+, R+)) + - K+ + - N+ + - N+ + - R- - and(N-, R+) - name: explored-8441 + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + name: explored-8440 type: explored -- comm_cost: 0.4878125000000002 - complexity: 20 +- comm_cost: 0.21631944444444473 + complexity: 25 expressions: - K+ - - K+ + - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - and(S-, or(SE-, N+)) - and(SE-, or(K+, S-)) - name: explored-8442 + - or(S+, R-) + name: explored-8441 type: explored -- comm_cost: 0.7233333333333334 - complexity: 3 +- comm_cost: 0.5814236111111113 + complexity: 14 expressions: - - N- - - SE+ - - SE- - name: explored-8443 + - N+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, not(R-)) + name: explored-8442 type: explored -- comm_cost: 0.575 - complexity: 5 +- comm_cost: 0.07812500000000022 + complexity: 14 expressions: + - K+ - N+ - - N- + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - name: explored-8444 + name: explored-8443 type: explored -- comm_cost: 0.45000000000000007 +- comm_cost: 0.41953125000000013 complexity: 13 expressions: - N+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) + - R- + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - name: explored-8445 + name: explored-8444 type: explored -- comm_cost: 0.4433593750000002 - complexity: 21 +- comm_cost: 0.5067708333333335 + complexity: 16 expressions: - - K+ - - K+ - N+ - R- - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - name: explored-8446 + - and(and(K-, N-), not(R-)) + - or(N+, not(R+)) + name: explored-8445 type: explored -- comm_cost: 0.5577256944444445 - complexity: 14 +- comm_cost: 0.6046527777777779 + complexity: 15 expressions: - N+ - - R+ + - N- - R- - SE- - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-8447 + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, S-) + name: explored-8446 type: explored -- comm_cost: 0.3183593750000002 - complexity: 13 +- comm_cost: 0.41333333333333355 + complexity: 15 expressions: - K+ - - K+ - N+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - not(R-) + - or(N+, R-) + name: explored-8447 + type: explored +- comm_cost: 0.7211111111111111 + complexity: 5 + expressions: + - N+ + - N- + - SE- + - not(R-) name: explored-8448 type: explored -- comm_cost: 0.524045138888889 - complexity: 17 +- comm_cost: 0.545818865740741 + complexity: 26 expressions: - - K+ - N+ - - R- - SE- - - and(K-, not(R-)) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8449 type: explored -- comm_cost: 0.6453125000000002 - complexity: 13 +- comm_cost: 0.2562500000000003 + complexity: 9 expressions: - - and(K-, or(S+, N+)) + - N+ + - R- + - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) name: explored-8450 type: explored -- comm_cost: 0.2625000000000004 - complexity: 12 +- comm_cost: 0.8076388888888888 + complexity: 9 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, S+) - - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-8451 type: explored -- comm_cost: 0.3611111111111114 - complexity: 16 +- comm_cost: 0.6946875000000001 + complexity: 5 expressions: - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - R+ + - SE- + - or(K+, S-) name: explored-8452 type: explored -- comm_cost: 0.7319444444444445 - complexity: 8 +- comm_cost: 0.31406250000000024 + complexity: 13 expressions: - - R+ - - and(S-, not(R-)) - - or(K+, K-) + - K+ + - N+ + - R- + - S- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-8453 type: explored -- comm_cost: 0.5278645833333335 - complexity: 7 +- comm_cost: 0.7492517361111112 + complexity: 18 expressions: - - N+ - - N+ - S- - - SE- - - and(N-, R+) + - and(K-, N-) + - and(K-, SE-) + - not(R-) + - or(K+, K-) + - or(K+, R-) + - or(S+, R+) name: explored-8454 type: explored -- comm_cost: 0.45026041666666683 - complexity: 17 +- comm_cost: 0.5039496527777779 + complexity: 22 expressions: - N+ - - R- + - and(K-, or(S+, R+)) - and(N-, R+) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(N+, R-) name: explored-8455 type: explored -- comm_cost: 0.2756944444444447 - complexity: 18 +- comm_cost: 0.3108796296296298 + complexity: 20 expressions: - - K+ - - K+ - N+ - - S+ - - and(K-, or(S+, R+)) + - R- - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-8456 type: explored -- comm_cost: 0.2806134259259263 - complexity: 14 +- comm_cost: 0.6394444444444445 + complexity: 12 expressions: + - K- + - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(S+, R-) + - SE- + - and(N-, and(or(K+, S-), not(R-))) name: explored-8457 type: explored -- comm_cost: 0.45043402777777797 - complexity: 16 +- comm_cost: 0.6819444444444446 + complexity: 9 expressions: - - N+ - - R- - - S+ - - and(S-, SE-) - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - SE- + - and(S-, not(R-)) + - or(SE-, N+) name: explored-8458 type: explored -- comm_cost: 0.5564236111111113 - complexity: 14 +- comm_cost: 0.4755208333333335 + complexity: 12 expressions: - - N+ - - SE- - - and(K-, not(R-)) - - and(N-, R+) - - or(K+, or(N+, R-)) + - K+ + - R+ + - R- + - and(and(S-, N-), not(R-)) + - or(N+, R-) name: explored-8459 type: explored -- comm_cost: 0.7447916666666667 - complexity: 5 +- comm_cost: 0.7786458333333334 + complexity: 11 expressions: - - N- - - R+ - - or(K+, S-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, SE+) name: explored-8460 type: explored -- comm_cost: 0.7452546296296297 - complexity: 8 - expressions: - - R+ - - and(K-, or(S+, R+)) - - not(R-) - name: explored-8461 - type: explored -- comm_cost: 0.4382812500000002 - complexity: 16 +- comm_cost: 0.4002604166666668 + complexity: 18 expressions: - K+ + - K+ + - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, S-)) + - S+ + - and(K-, or(S+, SE+)) + - and(N-, or(S+, R+)) - and(S-, SE-) + name: explored-8461 + type: explored +- comm_cost: 0.8041666666666667 + complexity: 8 + expressions: + - and(N-, or(S+, R+)) + - or(S+, R-) name: explored-8462 type: explored -- comm_cost: 0.7270833333333333 - complexity: 3 +- comm_cost: 0.6500578703703705 + complexity: 16 expressions: - - K- - - R- - - SE- + - R+ + - and(K-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) name: explored-8463 type: explored -- comm_cost: 0.6930555555555555 - complexity: 20 +- comm_cost: 0.23072916666666698 + complexity: 19 expressions: - - and(K-, or(S+, N+)) + - K+ + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) + - and(S-, or(SE-, N+)) name: explored-8464 type: explored -- comm_cost: 0.3268055555555559 - complexity: 14 +- comm_cost: 0.363576388888889 + complexity: 15 expressions: - K+ - N+ + - N- - R- - - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) name: explored-8465 type: explored -- comm_cost: 0.5854166666666667 - complexity: 16 +- comm_cost: 0.6385416666666668 + complexity: 8 expressions: - N+ - - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, R-) + - R+ + - and(K-, or(N+, not(R+))) name: explored-8466 type: explored -- comm_cost: 0.3296006944444446 - complexity: 18 +- comm_cost: 0.4690104166666669 + complexity: 9 expressions: - - K+ - N+ - R- - - S+ - - and(K-, N-) - - and(K-, or(S+, R-)) + - SE- - and(N-, R+) - - and(S-, SE-) + - or(S+, R+) name: explored-8467 type: explored -- comm_cost: 0.5116753472222224 - complexity: 22 +- comm_cost: 0.38385416666666683 + complexity: 12 expressions: - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(SE+, N-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - not(R-) name: explored-8468 type: explored -- comm_cost: 0.3956250000000001 - complexity: 11 +- comm_cost: 0.7386458333333334 + complexity: 12 expressions: - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - R+ + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) name: explored-8469 type: explored -- comm_cost: 0.30234375000000013 - complexity: 14 +- comm_cost: 0.7169236111111112 + complexity: 36 expressions: - - K+ - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - S+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, S-) + - or(K+, SE+) + - or(S+, SE+) name: explored-8470 type: explored -- comm_cost: 0.5402777777777781 - complexity: 10 +- comm_cost: 0.3480034722222225 + complexity: 14 expressions: - N+ - - SE- - - SE- + - S+ - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) + - or(S+, R+) + - or(S+, R-) name: explored-8471 type: explored -- comm_cost: 0.5555555555555557 - complexity: 14 +- comm_cost: 0.563252314814815 + complexity: 11 expressions: + - N+ - R+ - R- - - SE- - - and(K-, S+) - - and(N-, or(S+, R+)) - - or(N+, R-) + - and(K-, or(S+, R-)) + - and(S-, N-) name: explored-8472 type: explored -- comm_cost: 0.6921875000000001 - complexity: 10 +- comm_cost: 0.8053819444444444 + complexity: 11 expressions: - - and(K-, or(S+, N+)) - - and(N-, or(K+, S-)) + - SE- + - or(S+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-8473 type: explored -- comm_cost: 0.6898437500000001 - complexity: 19 +- comm_cost: 0.3851562500000003 + complexity: 18 expressions: + - K+ - R+ - - SE- - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8474 type: explored -- comm_cost: 0.3597222222222223 - complexity: 12 +- comm_cost: 0.6893229166666669 + complexity: 7 expressions: - - K+ - - N+ - - R- - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - and(N-, not(R-)) name: explored-8475 type: explored -- comm_cost: 0.4711805555555558 - complexity: 14 +- comm_cost: 0.3354166666666669 + complexity: 18 expressions: - N+ - - SE- - - and(K-, SE-) + - N+ + - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, N-) + - and(S-, SE-) name: explored-8476 type: explored -- comm_cost: 0.40924479166666694 - complexity: 12 +- comm_cost: 0.4104600694444447 + complexity: 17 expressions: - K+ - K+ + - N+ + - R- - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(S+, R+) + - or(K+, SE+) name: explored-8477 type: explored -- comm_cost: 0.4729166666666669 +- comm_cost: 0.4693229166666669 complexity: 17 expressions: - K+ @@ -87415,11672 +87693,11546 @@ - N+ - R- - S+ - - S- - - S- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) + - or(K+, R-) name: explored-8478 type: explored -- comm_cost: 0.6429687500000001 - complexity: 12 +- comm_cost: 0.16406250000000022 + complexity: 18 expressions: + - K+ - N+ - R- - - SE- - - and(K-, N-) - - and(or(K+, S-), not(R-)) + - S+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-8479 type: explored -- comm_cost: 0.630439814814815 - complexity: 9 +- comm_cost: 0.4236979166666669 + complexity: 10 expressions: - N+ - R- - - SE+ + - SE- - and(N-, R+) - - or(N+, R-) + - and(N-, not(R-)) name: explored-8480 type: explored -- comm_cost: 0.5913020833333336 - complexity: 15 +- comm_cost: 0.24609375000000033 + complexity: 9 expressions: + - K+ + - K+ + - N+ - R- + - S+ - SE- - and(N-, R+) - - or(N+, not(R+)) - - or(S+, R+) - - or(SE-, N+) name: explored-8481 type: explored -- comm_cost: 0.642795138888889 - complexity: 19 +- comm_cost: 0.629195601851852 + complexity: 32 expressions: - - R+ - - S- - - and(S-, SE-) + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(and(K-, N-), or(S+, SE+)) - and(or(K+, S-), or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-8482 type: explored -- comm_cost: 0.7295572916666668 +- comm_cost: 0.5781250000000001 complexity: 11 expressions: - R+ - - R+ - - and(or(K+, S-), not(R-)) - - or(K+, K-) + - and(K-, S+) + - and(or(K+, S-), or(SE-, N+)) name: explored-8483 type: explored -- comm_cost: 0.19027777777777788 - complexity: 15 +- comm_cost: 0.318229166666667 + complexity: 9 expressions: - - K+ - - N+ - N+ - R- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(S-, not(R+)) name: explored-8484 type: explored -- comm_cost: 0.19357638888888906 - complexity: 18 +- comm_cost: 0.5291666666666668 + complexity: 13 expressions: - K+ - N+ - R- - - S+ - - and(K-, S+) + - SE+ + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(N-, or(K+, S-)) name: explored-8485 type: explored -- comm_cost: 0.6781250000000001 - complexity: 11 +- comm_cost: 0.480439814814815 + complexity: 16 expressions: - - R+ - - and(K-, or(SE-, N+)) - - not(R+) - - or(K+, SE+) + - K+ + - N+ + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) name: explored-8486 type: explored -- comm_cost: 0.8026041666666667 - complexity: 5 +- comm_cost: 0.5491319444444446 + complexity: 11 expressions: - - K+ + - R+ + - R- - SE- - - and(K-, SE-) + - and(N-, and(or(K+, S-), not(R-))) name: explored-8487 type: explored -- comm_cost: 0.5015625000000002 - complexity: 14 +- comm_cost: 0.15885416666666696 + complexity: 12 expressions: + - K+ - N+ - - and(K-, not(R-)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - and(S-, SE-) name: explored-8488 type: explored -- comm_cost: 0.3266493055555557 - complexity: 14 +- comm_cost: 0.43671875000000004 + complexity: 10 expressions: + - K+ - N+ - R- - - and(N-, R+) + - S- + - and(K-, S+) - and(S-, SE-) - - or(S+, R+) - - or(S+, R-) name: explored-8489 type: explored -- comm_cost: 0.7504166666666667 - complexity: 9 +- comm_cost: 0.6617586805555556 + complexity: 26 expressions: - - K- + - K+ + - R+ - SE- - - and(or(K+, S-), or(SE-, N+)) + - and(K-, N-) + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, or(S+, R+)) + - or(K+, R+) + - or(N+, not(R+)) name: explored-8490 type: explored -- comm_cost: 0.3890625000000001 +- comm_cost: 0.29947916666666685 complexity: 18 expressions: - K+ - N+ - R- - S+ - - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) - and(S-, SE-) - - not(R-) - - or(S+, N+) name: explored-8491 type: explored -- comm_cost: 0.3146412037037041 - complexity: 13 +- comm_cost: 0.5910416666666669 + complexity: 10 expressions: - - N+ - - R- - SE- - - and(K-, not(R+)) - and(N-, R+) - - or(K+, R-) + - and(S-, not(R+)) + - not(R-) name: explored-8492 type: explored -- comm_cost: 0.6407407407407409 - complexity: 12 +- comm_cost: 0.513107638888889 + complexity: 16 expressions: - - N+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - or(K+, S-) + - K+ + - R+ + - R- + - SE- + - and(K-, not(R-)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-8493 type: explored -- comm_cost: 0.4911979166666669 - complexity: 14 +- comm_cost: 0.7071412037037038 + complexity: 9 expressions: - - K+ - N+ - - N- + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - or(S+, R-) - or(S+, SE+) name: explored-8494 type: explored -- comm_cost: 0.6585937500000001 - complexity: 7 +- comm_cost: 0.20416666666666683 + complexity: 12 expressions: + - K+ + - K+ + - R- + - R- + - R- - S+ - - and(K-, N-) + - and(N-, R+) - and(S-, SE-) name: explored-8495 type: explored -- comm_cost: 0.5042534722222224 - complexity: 14 +- comm_cost: 0.5144097222222224 + complexity: 10 expressions: - K+ - N+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - or(K+, R-) + - S+ + - and(S-, SE-) + - and(S-, not(R-)) name: explored-8496 type: explored -- comm_cost: 0.5389756944444447 - complexity: 13 +- comm_cost: 0.703707175925926 + complexity: 33 expressions: - - N+ - - SE- - - and(K-, N-) - - and(K-, or(SE-, N+)) + - K- + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - or(S+, R-) + - or(SE-, N+) name: explored-8497 type: explored -- comm_cost: 0.3635416666666669 - complexity: 10 +- comm_cost: 0.2416087962962965 + complexity: 21 expressions: - K+ - N+ - R- - - SE+ - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - or(K+, N+) + - or(K+, R+) name: explored-8498 type: explored -- comm_cost: 0.42552083333333324 - complexity: 11 +- comm_cost: 0.6751041666666668 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - or(K+, N+) + - R+ + - SE- + - or(K+, or(N+, R-)) + - or(S+, SE+) name: explored-8499 type: explored -- comm_cost: 0.3132812500000002 - complexity: 22 +- comm_cost: 0.29201388888888913 + complexity: 23 expressions: - - K+ - N+ - R- - - SE+ - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-8500 type: explored -- comm_cost: 0.5062500000000002 - complexity: 12 +- comm_cost: 0.6666493055555557 + complexity: 8 expressions: - - and(K-, N-) + - K- + - R+ - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - or(K+, R+) name: explored-8501 type: explored -- comm_cost: 0.35820312500000007 - complexity: 13 +- comm_cost: 0.6938368055555557 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(N-, R+) + - and(N-, or(K+, S-)) + - not(R-) name: explored-8502 type: explored -- comm_cost: 0.4682291666666669 +- comm_cost: 0.3298611111111114 complexity: 16 expressions: - - N+ - - and(K-, or(S+, N+)) + - K+ + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-8503 type: explored -- comm_cost: 0.19166666666666676 - complexity: 13 +- comm_cost: 0.7533333333333334 + complexity: 3 expressions: - - K+ - - N+ - - R- - - SE+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - K- + - S- + - SE- name: explored-8504 type: explored -- comm_cost: 0.21354166666666696 - complexity: 12 +- comm_cost: 0.5447048611111114 + complexity: 15 expressions: - - K+ - - and(K-, or(S+, N+)) + - N+ + - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) + - and(S-, not(R-)) name: explored-8505 type: explored -- comm_cost: 0.4295138888888892 - complexity: 20 +- comm_cost: 0.4661458333333335 + complexity: 12 expressions: + - N+ - R- - - SE- - - and(K-, or(SE-, N+)) - and(N-, R+) - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-8506 type: explored -- comm_cost: 0.4741319444444445 - complexity: 14 +- comm_cost: 0.22838541666666679 + complexity: 16 expressions: - - R+ + - K+ + - K+ + - N+ - R- + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, N+) name: explored-8507 type: explored -- comm_cost: 0.2190972222222225 - complexity: 17 +- comm_cost: 0.36145833333333355 + complexity: 12 expressions: - K+ - N+ - - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(S+, N+) + - or(S+, R+) name: explored-8508 type: explored -- comm_cost: 0.5022569444444447 - complexity: 18 +- comm_cost: 0.3557291666666669 + complexity: 15 expressions: + - K+ - N+ - R- - - SE- + - S+ + - and(K-, SE-) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) name: explored-8509 type: explored -- comm_cost: 0.3562500000000002 - complexity: 18 +- comm_cost: 0.13194444444444464 + complexity: 19 expressions: - - N+ + - K+ + - R- - R- + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) name: explored-8510 type: explored -- comm_cost: 0.5750000000000002 - complexity: 6 +- comm_cost: 0.4621961805555558 + complexity: 22 expressions: + - K+ - N+ - R- - - S- + - SE- - and(N-, R+) + - and(N-, not(R-)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-8511 type: explored -- comm_cost: 0.4584548611111112 - complexity: 20 +- comm_cost: 0.5289062500000002 + complexity: 12 expressions: - - N+ - - N- - - R- - - S+ + - S- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-8512 type: explored -- comm_cost: 0.7207812500000002 - complexity: 8 +- comm_cost: 0.4789930555555557 + complexity: 9 expressions: - - R+ - - or(K+, SE+) - - or(N+, not(R+)) + - N+ + - SE+ + - SE- + - and(K-, SE-) + - and(N-, R+) name: explored-8513 type: explored -- comm_cost: 0.4526041666666669 - complexity: 8 +- comm_cost: 0.5119791666666669 + complexity: 15 expressions: - N+ - S+ + - and(K-, not(R-)) - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) + - or(K+, SE+) name: explored-8514 type: explored -- comm_cost: 0.4988136574074076 - complexity: 17 +- comm_cost: 0.6650173611111112 + complexity: 11 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, R+) + - R+ + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-8515 type: explored -- comm_cost: 0.6630787037037038 - complexity: 10 +- comm_cost: 0.39861111111111147 + complexity: 11 expressions: - - R+ - - and(N-, or(K+, SE+)) - - and(S-, not(R-)) + - N+ + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-8516 type: explored -- comm_cost: 0.10250000000000026 - complexity: 15 +- comm_cost: 0.6611979166666667 + complexity: 9 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - SE- + - and(K-, not(R-)) + - or(N+, R-) name: explored-8517 type: explored -- comm_cost: 0.28958333333333375 - complexity: 14 +- comm_cost: 0.5870659722222223 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(K-, S+) + - and(N-, or(S+, SE+)) name: explored-8518 type: explored -- comm_cost: 0.5629918981481483 - complexity: 19 +- comm_cost: 0.224479166666667 + complexity: 12 expressions: - - SE- + - K+ + - N+ + - S+ + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-8519 type: explored -- comm_cost: 0.38541666666666685 - complexity: 11 +- comm_cost: 0.31898148148148153 + complexity: 22 expressions: - - K+ - - R+ - - R- + - N+ + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-8520 type: explored -- comm_cost: 0.4135416666666668 - complexity: 16 +- comm_cost: 0.28338541666666694 + complexity: 15 expressions: + - K+ + - K+ - N+ + - R- - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - or(N+, not(R+)) name: explored-8521 type: explored -- comm_cost: 0.7758680555555557 - complexity: 7 +- comm_cost: 0.6505787037037039 + complexity: 9 expressions: - R+ - - or(K+, SE+) - - or(S+, R+) + - and(N-, or(K+, SE+)) + - and(S-, N-) name: explored-8522 type: explored -- comm_cost: 0.10373263888888928 - complexity: 15 +- comm_cost: 0.6373263888888889 + complexity: 23 expressions: - - K+ - - K+ - - N+ - - N+ - - R- - - S+ - - and(N-, R+) + - R+ + - and(K-, N-) - and(S-, SE-) - - or(S+, R-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) name: explored-8523 type: explored -- comm_cost: 0.5341435185185186 - complexity: 11 +- comm_cost: 0.20677083333333357 + complexity: 18 expressions: - N+ - - R+ - R- - - SE+ - - SE- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) - and(and(S-, N-), not(R-)) name: explored-8524 type: explored -- comm_cost: 0.23888888888888915 - complexity: 13 +- comm_cost: 0.5528645833333335 + complexity: 9 expressions: - - K+ - - N+ - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(SE-, or(K+, S-)) + - or(S+, or(N+, R-)) name: explored-8525 type: explored -- comm_cost: 0.5745659722222223 - complexity: 8 +- comm_cost: 0.45651041666666703 + complexity: 11 expressions: - - R+ - - R- - - SE- + - K+ - SE- - - and(N-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-8526 type: explored -- comm_cost: 0.4600000000000002 - complexity: 10 +- comm_cost: 0.2978298611111114 + complexity: 19 expressions: - - K+ - - K+ - - K- + - N+ - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) name: explored-8527 type: explored -- comm_cost: 0.19050925925925954 - complexity: 15 +- comm_cost: 0.5656250000000002 + complexity: 16 expressions: - - N+ - - N+ - - R- + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8528 type: explored -- comm_cost: 0.4412037037037039 - complexity: 16 +- comm_cost: 0.6924276620370371 + complexity: 46 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, not(R-)) - - and(S-, not(R-)) + - and(K-, or(SE-, N+)) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) + - or(K+, K-) + - or(K+, or(N+, R-)) + - or(S+, SE+) name: explored-8529 type: explored -- comm_cost: 0.6656250000000001 - complexity: 13 +- comm_cost: 0.7223958333333335 + complexity: 17 expressions: - - R+ - - and(K-, S+) - - and(K-, not(R-)) - - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, N+) name: explored-8530 type: explored -- comm_cost: 0.4949652777777779 - complexity: 17 +- comm_cost: 0.688888888888889 + complexity: 11 expressions: - - K+ - - R+ - - R- - - SE+ - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, N+) + - SE- + - and(N-, or(K+, SE+)) + - or(S+, or(N+, R-)) name: explored-8531 type: explored -- comm_cost: 0.27795138888888915 - complexity: 23 +- comm_cost: 0.4229629629629632 + complexity: 20 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) + - or(K+, S-) name: explored-8532 type: explored -- comm_cost: 0.7516493055555556 - complexity: 9 +- comm_cost: 0.3923611111111114 + complexity: 13 expressions: + - N+ + - R- + - R- - SE- - - and(K-, N-) - - and(N-, or(S+, R+)) + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-8533 type: explored -- comm_cost: 0.7375000000000002 - complexity: 10 - expressions: - - R+ - - SE- - - and(or(K+, S-), not(R-)) - - not(R-) - name: explored-8534 - type: explored -- comm_cost: 0.46640625 - complexity: 12 +- comm_cost: 0.389670138888889 + complexity: 22 expressions: + - K+ - N+ - R- - - and(K-, SE-) + - and(N-, R+) - and(N-, not(R-)) - and(S-, SE-) - name: explored-8535 + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + name: explored-8534 type: explored -- comm_cost: 0.47916666666666685 - complexity: 14 +- comm_cost: 0.44649884259259287 + complexity: 19 expressions: - - K+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - name: explored-8536 + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-8535 type: explored -- comm_cost: 0.5652777777777779 - complexity: 11 +- comm_cost: 0.6340277777777779 + complexity: 9 expressions: - R+ + - S- - SE- - and(and(S-, N-), not(R-)) - - or(S+, R-) + name: explored-8536 + type: explored +- comm_cost: 0.7758333333333334 + complexity: 7 + expressions: + - or(N+, not(R+)) + - or(S+, R+) name: explored-8537 type: explored -- comm_cost: 0.38246527777777795 - complexity: 14 +- comm_cost: 0.46402777777777793 + complexity: 17 expressions: + - K+ - N+ + - N- + - R- - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) name: explored-8538 type: explored -- comm_cost: 0.384664351851852 - complexity: 18 +- comm_cost: 0.5689062500000002 + complexity: 27 expressions: - - N+ - - and(K-, or(S+, R-)) + - K+ + - and(K-, SE-) + - and(K-, not(R-)) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(K+, SE+) + - and(and(K-, N-), or(S+, SE+)) name: explored-8539 type: explored -- comm_cost: 0.7906249999999999 - complexity: 9 +- comm_cost: 0.6236979166666667 + complexity: 15 expressions: - - and(S-, SE-) - - or(SE-, N+) - - or(SE-, N+) + - R+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8540 type: explored -- comm_cost: 0.5981770833333334 - complexity: 6 +- comm_cost: 0.7348090277777779 + complexity: 16 expressions: - - R+ - - R- - - and(N-, not(R-)) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(S-, not(R+)) + - or(K+, K-) name: explored-8541 type: explored -- comm_cost: 0.6264583333333335 - complexity: 13 +- comm_cost: 0.6223958333333335 + complexity: 8 expressions: + - N+ - R+ - - SE- - - and(and(S-, N-), not(R-)) - - not(R-) - - or(N+, R-) + - R- + - not(R+) + - or(S+, R+) name: explored-8542 type: explored -- comm_cost: 0.7228298611111112 - complexity: 6 +- comm_cost: 0.29500000000000015 + complexity: 15 expressions: - - S- - - and(N-, or(S+, R+)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-8543 type: explored -- comm_cost: 0.540798611111111 - complexity: 17 +- comm_cost: 0.5730034722222224 + complexity: 16 expressions: - K+ - N+ - R- - - S+ - - and(K-, SE-) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-8544 type: explored -- comm_cost: 0.6439814814814817 - complexity: 16 +- comm_cost: 0.3666666666666669 + complexity: 12 expressions: - - SE- + - K+ + - N+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, SE+)) + - or(S+, N+) name: explored-8545 type: explored -- comm_cost: 0.41432291666666665 - complexity: 16 +- comm_cost: 0.6677083333333333 + complexity: 8 expressions: - K+ + - N+ - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(S+, R+) + - SE+ + - SE- + - or(K+, K-) name: explored-8546 type: explored -- comm_cost: 0.5888020833333334 - complexity: 11 +- comm_cost: 0.47526041666666674 + complexity: 16 expressions: - - R+ + - N+ - R- - - SE- - - and(K-, SE-) - - and(N-, or(K+, S-)) + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-8547 type: explored -- comm_cost: 0.7902777777777777 - complexity: 9 +- comm_cost: 0.6341145833333336 + complexity: 11 expressions: - - and(K-, not(R+)) - - and(SE-, or(K+, S-)) + - R+ + - SE- + - and(N-, R+) + - or(K+, S-) + - or(SE-, N+) name: explored-8548 type: explored -- comm_cost: 0.6016782407407408 - complexity: 10 +- comm_cost: 0.7296875 + complexity: 5 expressions: - - N+ - - R+ - R- - SE- - and(K-, N-) - - or(K+, R+) name: explored-8549 type: explored -- comm_cost: 0.40833333333333344 - complexity: 16 +- comm_cost: 0.5682291666666669 + complexity: 10 expressions: - - N+ - - S+ - - and(K-, SE-) - - and(K-, or(S+, R+)) + - K+ + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) name: explored-8550 type: explored -- comm_cost: 0.5272569444444445 - complexity: 13 +- comm_cost: 0.6286458333333335 + complexity: 9 expressions: + - N+ - R+ - R- - - SE- - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) + - or(K+, N+) + - or(N+, R-) name: explored-8551 type: explored -- comm_cost: 0.5146180555555557 - complexity: 15 +- comm_cost: 0.6576967592592592 + complexity: 16 expressions: - - K+ - N+ - R- - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(K+, S-) + - and(K-, or(N+, not(R+))) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-8552 type: explored -- comm_cost: 0.6208333333333333 - complexity: 5 +- comm_cost: 0.7736111111111112 + complexity: 10 expressions: - - N+ - SE- - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) name: explored-8553 type: explored -- comm_cost: 0.6265625000000001 - complexity: 9 +- comm_cost: 0.6979166666666667 + complexity: 8 expressions: - N+ - - R- - - S- - - and(N-, R+) - - or(K+, SE+) + - SE- + - or(K+, S-) + - or(S+, R-) name: explored-8554 type: explored -- comm_cost: 0.5352980324074075 - complexity: 29 +- comm_cost: 0.49809027777777803 + complexity: 19 expressions: + - K+ + - N+ - R- - - and(K-, N-) - - and(K-, not(R+)) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - or(K+, N+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8555 type: explored -- comm_cost: 0.6362500000000001 - complexity: 8 +- comm_cost: 0.33594907407407415 + complexity: 20 expressions: + - K+ + - K+ - N+ - - SE+ + - R- + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, S-) name: explored-8556 type: explored -- comm_cost: 0.46707175925925926 - complexity: 13 +- comm_cost: 0.7190625 + complexity: 8 expressions: - - R+ - - R- - - S+ + - N- - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, R+) + - and(S-, not(R+)) name: explored-8557 type: explored -- comm_cost: 0.5409722222222224 +- comm_cost: 0.45034722222222234 complexity: 14 expressions: + - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(SE-, N+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-8558 type: explored -- comm_cost: 0.18020833333333353 - complexity: 12 +- comm_cost: 0.7544270833333333 + complexity: 10 expressions: - - K+ - N+ - - R+ - - R- - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(or(K+, S-), or(N+, not(R+))) name: explored-8559 type: explored -- comm_cost: 0.4960937500000001 - complexity: 16 +- comm_cost: 0.29548611111111134 + complexity: 23 expressions: - N+ - - and(K-, or(S+, SE+)) + - R- + - S+ + - and(K-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-8560 type: explored -- comm_cost: 0.20520833333333366 - complexity: 19 +- comm_cost: 0.6199479166666666 + complexity: 9 expressions: - N+ - R- - - S+ - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - not(R+) + - not(R-) name: explored-8561 type: explored -- comm_cost: 0.5308333333333335 - complexity: 7 +- comm_cost: 0.45729166666666676 + complexity: 12 expressions: - N+ - R- + - S+ - and(N-, R+) - - not(R-) + - and(S-, SE-) + - or(K+, K-) name: explored-8562 type: explored -- comm_cost: 0.26770833333333355 - complexity: 14 +- comm_cost: 0.4812500000000002 + complexity: 11 expressions: - - K+ - N+ - R- - - S+ - - SE+ - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - or(K+, S-) name: explored-8563 type: explored -- comm_cost: 0.568107638888889 - complexity: 15 +- comm_cost: 0.7291840277777779 + complexity: 8 + expressions: + - R+ + - and(K-, not(R-)) + - or(S+, SE+) + name: explored-8564 + type: explored +- comm_cost: 0.49245659722222235 + complexity: 26 expressions: - K+ - N+ - R- - and(K-, S+) - and(N-, R+) - - or(K+, S-) - - or(S+, R+) - name: explored-8564 + - and(N-, not(R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, SE+) + name: explored-8565 type: explored -- comm_cost: 0.6005497685185186 - complexity: 12 +- comm_cost: 0.5421875000000002 + complexity: 9 expressions: - - N+ - R+ - - R- - SE- - - and(K-, N-) - - and(K-, or(S+, R+)) - name: explored-8565 - type: explored -- comm_cost: 0.4168402777777779 - complexity: 15 - expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(S-, SE-) - - or(K+, SE+) + - and(S-, not(R+)) + - or(K+, N+) name: explored-8566 type: explored -- comm_cost: 0.6620659722222224 - complexity: 7 +- comm_cost: 0.5668402777777779 + complexity: 8 expressions: - R+ - - R- - - S- - - SE- - - and(K-, N-) + - S+ + - and(or(K+, S-), not(R+)) name: explored-8567 type: explored -- comm_cost: 0.26724537037037077 - complexity: 26 +- comm_cost: 0.5447916666666668 + complexity: 5 expressions: - K+ + - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(N+, R-) name: explored-8568 type: explored -- comm_cost: 0.46983506944444464 - complexity: 12 +- comm_cost: 0.7251736111111112 + complexity: 11 expressions: - - K+ - - N+ - - SE- - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) + - R+ + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) name: explored-8569 type: explored -- comm_cost: 0.07708333333333361 - complexity: 18 +- comm_cost: 0.5154513888888891 + complexity: 10 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(K+, N+) + - and(K-, SE-) + - and(K-, not(R+)) name: explored-8570 type: explored -- comm_cost: 0.27031250000000007 - complexity: 12 +- comm_cost: 0.5475694444444444 + complexity: 10 expressions: - K+ - N+ - - R- - - and(N-, R+) + - S+ + - and(K-, not(R+)) - and(S-, SE-) - - or(S+, R+) name: explored-8571 type: explored -- comm_cost: 0.426041666666667 - complexity: 11 +- comm_cost: 0.3344618055555558 + complexity: 16 expressions: - - and(K-, SE-) - - and(K-, or(S+, N+)) + - K+ + - K+ + - R- + - S+ - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-8572 type: explored -- comm_cost: 0.432638888888889 - complexity: 17 +- comm_cost: 0.3255208333333335 + complexity: 16 expressions: - K+ - - K+ - - N+ + - R+ - R- - - S+ - and(S-, SE-) - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, N+) name: explored-8573 type: explored -- comm_cost: 0.28229166666666705 - complexity: 14 +- comm_cost: 0.6970575810185187 + complexity: 45 expressions: - - K+ - - K+ - - N+ - - and(N-, R+) + - N- + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(S-, or(N+, not(R+))) - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) + - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-8574 type: explored -- comm_cost: 0.3576388888888893 - complexity: 13 +- comm_cost: 0.47395833333333326 + complexity: 11 expressions: - - K+ - - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - or(S+, N+) + - S+ + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-8575 type: explored -- comm_cost: 0.5942361111111112 - complexity: 13 +- comm_cost: 0.6659722222222223 + complexity: 8 expressions: + - K+ - R- - - S+ - - and(K-, or(S+, R+)) - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(N-, or(K+, SE+)) name: explored-8576 type: explored -- comm_cost: 0.42986111111111136 - complexity: 13 +- comm_cost: 0.3322222222222224 + complexity: 21 expressions: + - K+ + - K+ - N+ + - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-8577 type: explored -- comm_cost: 0.30199652777777786 - complexity: 18 +- comm_cost: 0.7183449074074075 + complexity: 23 expressions: - - K+ - - N+ - - R- - - SE+ - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, N-) + - and(K-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) + - or(S+, R-) name: explored-8578 type: explored -- comm_cost: 0.42751736111111127 - complexity: 15 +- comm_cost: 0.41562500000000013 + complexity: 17 expressions: + - K+ - N+ - R- - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, SE+) + - or(SE-, N+) name: explored-8579 type: explored -- comm_cost: 0.7708333333333333 - complexity: 4 +- comm_cost: 0.4465856481481483 + complexity: 21 expressions: - - SE- + - N+ + - R- + - S- + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-8580 type: explored -- comm_cost: 0.6464207175925927 - complexity: 46 +- comm_cost: 0.4179687500000002 + complexity: 22 expressions: - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(N-, or(K+, SE+)) - - and(S-, N-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(S+, R+) - - or(S+, R-) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-8581 type: explored -- comm_cost: 0.3720486111111112 - complexity: 18 +- comm_cost: 0.5958333333333334 + complexity: 6 expressions: - - N+ + - R+ - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - S- - and(S-, SE-) name: explored-8582 type: explored -- comm_cost: 0.5880208333333335 - complexity: 8 +- comm_cost: 0.6595486111111113 + complexity: 11 expressions: - - N+ - R+ - SE- - - and(K-, or(S+, N+)) + - and(and(K-, N-), not(R-)) + - or(S+, N+) name: explored-8583 type: explored -- comm_cost: 0.567951388888889 - complexity: 16 +- comm_cost: 0.7159548611111113 + complexity: 12 expressions: - - K- - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- - and(S-, not(R-)) - - not(R-) + - or(K+, S-) + - or(S+, SE+) name: explored-8584 type: explored -- comm_cost: 0.37369791666666685 - complexity: 17 +- comm_cost: 0.6398437500000002 + complexity: 8 expressions: - - K+ - - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - R+ + - SE- + - or(K+, SE+) + - or(N+, R-) name: explored-8585 type: explored -- comm_cost: 0.2269097222222225 - complexity: 12 +- comm_cost: 0.5678819444444444 + complexity: 9 expressions: - - K+ - N+ - S+ - - and(N-, R+) + - and(K-, not(R+)) - and(S-, SE-) - - or(S+, N+) name: explored-8586 type: explored -- comm_cost: 0.3430555555555559 - complexity: 11 +- comm_cost: 0.7539930555555556 + complexity: 7 expressions: - - N+ - - R- - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - S+ + - SE- + - and(N-, or(K+, S-)) name: explored-8587 type: explored -- comm_cost: 0.2521412037037041 - complexity: 28 +- comm_cost: 0.6216145833333334 + complexity: 6 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - or(K+, SE+) name: explored-8588 type: explored -- comm_cost: 0.7154238591269843 - complexity: 36 +- comm_cost: 0.678732638888889 + complexity: 12 expressions: - - K- - - and(K-, SE-) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - or(K+, R+) - - or(K+, S-) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, not(R-)) + - and(S-, N-) + - and(SE-, or(K+, S-)) name: explored-8589 type: explored -- comm_cost: 0.5325810185185187 - complexity: 11 +- comm_cost: 0.4966145833333335 + complexity: 19 expressions: - - N+ - - S- + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(N-, R+) + - and(N-, not(R-)) name: explored-8590 type: explored -- comm_cost: 0.33402777777777803 - complexity: 21 +- comm_cost: 0.6196064814814817 + complexity: 14 expressions: - - N+ + - R+ - R- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, N-) - - and(S-, SE-) + - SE- + - or(N+, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-8591 type: explored -- comm_cost: 0.5355324074074075 - complexity: 15 +- comm_cost: 0.35312500000000013 + complexity: 12 expressions: + - K+ - R+ - - R- - - SE- - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) + - and(K-, S+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-8592 type: explored -- comm_cost: 0.5763078703703705 - complexity: 13 +- comm_cost: 0.40000000000000024 + complexity: 10 expressions: - - K- - - N+ - - R+ - - R- - - SE- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(K+, SE+) name: explored-8593 type: explored -- comm_cost: 0.6338252314814816 - complexity: 12 +- comm_cost: 0.717013888888889 + complexity: 10 expressions: - R+ - - SE- - - and(K-, not(R+)) - - and(SE+, N-) - - or(K+, SE+) + - and(or(K+, S-), not(R+)) + - or(K+, K-) name: explored-8594 type: explored -- comm_cost: 0.6119791666666667 - complexity: 10 +- comm_cost: 0.3387152777777782 + complexity: 15 expressions: - - N+ - - R+ + - K+ - R- - - S- + - S+ - SE- - - and(N-, or(K+, SE+)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-8595 type: explored -- comm_cost: 0.6024479166666667 - complexity: 19 +- comm_cost: 0.6352083333333335 + complexity: 8 expressions: - R+ - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(K+, S-) - name: explored-8596 - type: explored -- comm_cost: 0.6883391203703704 - complexity: 20 - expressions: - - K- - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) - - or(K+, N+) - - or(K+, R+) - - or(SE-, N+) - name: explored-8597 + - not(R-) + name: explored-8596 type: explored -- comm_cost: 0.5398437500000003 - complexity: 18 +- comm_cost: 0.2532552083333337 + complexity: 23 expressions: + - K+ - N+ - R- - - SE- + - R- + - and(K-, S+) + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) - - or(K+, SE+) - name: explored-8598 + - and(S-, SE-) + name: explored-8597 type: explored -- comm_cost: 0.2522569444444446 - complexity: 13 +- comm_cost: 0.5591145833333335 + complexity: 12 expressions: - - K+ - - N+ - R+ + - and(K-, or(S+, N+)) + - and(S-, SE-) + - or(SE-, N+) + name: explored-8598 + type: explored +- comm_cost: 0.6560763888888889 + complexity: 8 + expressions: - R- - - and(N-, R+) + - S+ - and(S-, SE-) - - and(SE+, N-) + - or(K+, K-) name: explored-8599 type: explored -- comm_cost: 0.2812500000000002 +- comm_cost: 0.3333333333333335 complexity: 19 expressions: + - K+ - N+ - - and(K-, or(S+, R-)) + - R- + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-8600 type: explored -- comm_cost: 0.47282986111111125 - complexity: 18 +- comm_cost: 0.5312500000000002 + complexity: 7 expressions: - - K+ - - K+ - - R- - - S+ - - and(K-, N-) - - and(K-, or(S+, R-)) + - R+ + - SE- - and(N-, R+) - - and(S-, SE-) + - not(R+) name: explored-8601 type: explored -- comm_cost: 0.48984375000000013 - complexity: 13 +- comm_cost: 0.23802083333333357 + complexity: 10 expressions: - - N+ + - R+ + - R- - R- - S+ - - and(N-, not(R-)) - - and(S-, N-) + - and(N-, R+) - and(S-, SE-) name: explored-8602 type: explored -- comm_cost: 0.8402777777777778 - complexity: 6 - expressions: - - N+ - - or(K+, or(N+, R-)) - name: explored-8603 - type: explored -- comm_cost: 0.3368055555555557 - complexity: 20 +- comm_cost: 0.47078125000000015 + complexity: 16 expressions: - K+ - K+ - R- - S+ - - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) + name: explored-8603 + type: explored +- comm_cost: 0.6310763888888891 + complexity: 13 + expressions: + - R+ + - and(S-, not(R-)) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-8604 type: explored -- comm_cost: 0.3470486111111113 - complexity: 19 +- comm_cost: 0.4006944444444447 + complexity: 20 expressions: + - K+ - N+ - R- - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - - or(S+, N+) + - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8605 type: explored -- comm_cost: 0.45717592592592604 - complexity: 22 +- comm_cost: 0.6627430555555557 + complexity: 6 expressions: - K+ - - K- - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) + - R+ + - SE- + - or(S+, SE+) name: explored-8606 type: explored -- comm_cost: 0.3914062500000002 - complexity: 19 +- comm_cost: 0.6953993055555556 + complexity: 14 + expressions: + - SE- + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-8607 + type: explored +- comm_cost: 0.5021990740740742 + complexity: 16 expressions: - K+ - - N+ - R- - - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(SE-, N+) - name: explored-8607 - type: explored -- comm_cost: 0.46059027777777795 - complexity: 11 - expressions: - - R+ - - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) + - or(K+, K-) name: explored-8608 type: explored -- comm_cost: 0.4481770833333335 - complexity: 15 +- comm_cost: 0.76875 + complexity: 4 expressions: - N+ - - N+ - - R- - - S- - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(K-, S+) name: explored-8609 type: explored -- comm_cost: 0.6756944444444444 - complexity: 8 - expressions: - - N+ - - SE- - - and(or(K+, S-), not(R+)) - name: explored-8610 - type: explored -- comm_cost: 0.39760416666666687 - complexity: 17 +- comm_cost: 0.41562500000000013 + complexity: 15 expressions: - K+ - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) + - and(N-, not(R-)) - and(S-, or(SE-, N+)) - - not(R-) - name: explored-8611 + name: explored-8610 type: explored -- comm_cost: 0.6310763888888891 - complexity: 10 +- comm_cost: 0.6635416666666668 + complexity: 3 expressions: - R+ - - SE+ - - SE- - - or(and(S-, SE-), or(N+, R-)) + - R- + - R- + name: explored-8611 + type: explored +- comm_cost: 0.3679976851851854 + complexity: 25 + expressions: + - N+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-8612 type: explored -- comm_cost: 0.4799768518518521 - complexity: 11 +- comm_cost: 0.3515625000000002 + complexity: 9 expressions: + - K+ - N+ - R+ - - and(N-, R+) - - and(S-, N-) - and(S-, SE-) + - or(K+, R-) name: explored-8613 type: explored -- comm_cost: 0.5633101851851854 - complexity: 14 +- comm_cost: 0.3548611111111113 + complexity: 17 expressions: - - R+ - - SE- - - and(K-, not(R+)) - - and(K-, or(S+, R+)) + - N+ + - R- - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(S+, N+) name: explored-8614 type: explored -- comm_cost: 0.4662500000000003 - complexity: 15 +- comm_cost: 0.2937500000000004 + complexity: 18 expressions: - - R- + - K+ + - N+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-8615 type: explored -- comm_cost: 0.4460243055555557 - complexity: 22 +- comm_cost: 0.6611979166666668 + complexity: 7 expressions: - - K+ - N+ - - N- - - R- - - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(S-, not(R-)) + - or(S+, R+) name: explored-8616 type: explored -- comm_cost: 0.37326388888888906 - complexity: 18 +- comm_cost: 0.5675347222222223 + complexity: 15 expressions: - - K+ - N+ - - R- - - and(K-, N-) - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) name: explored-8617 type: explored -- comm_cost: 0.37250000000000005 - complexity: 10 +- comm_cost: 0.6532928240740742 + complexity: 31 expressions: - - K+ - - N+ - - N- - - R- - - and(N-, R+) - - and(S-, SE-) + - S- + - and(K-, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-8618 type: explored -- comm_cost: 0.2776620370370373 - complexity: 12 +- comm_cost: 0.6216666666666667 + complexity: 13 expressions: + - K- - N+ - R- - - and(N-, R+) - - and(S-, not(R+)) - - or(S+, R-) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-8619 type: explored -- comm_cost: 0.3132812500000003 - complexity: 10 +- comm_cost: 0.5489583333333334 + complexity: 9 expressions: - - K+ - - K+ - - K+ - - N+ - - R- - - R- - - S+ - - and(N-, R+) + - R+ + - and(K-, SE-) + - and(N-, or(K+, R+)) name: explored-8620 type: explored -- comm_cost: 0.4497395833333335 - complexity: 15 +- comm_cost: 0.08125000000000027 + complexity: 11 expressions: - - K+ - N+ + - R- + - R- + - S+ - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-8621 type: explored -- comm_cost: 0.3447048611111114 - complexity: 19 +- comm_cost: 0.6477430555555557 + complexity: 9 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - and(K-, S+) + - and(N-, or(K+, SE+)) name: explored-8622 type: explored -- comm_cost: 0.5570312500000001 - complexity: 17 +- comm_cost: 0.6860590277777779 + complexity: 10 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - R+ + - SE- + - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-8623 type: explored -- comm_cost: 0.3368055555555558 - complexity: 21 +- comm_cost: 0.5007812500000002 + complexity: 16 expressions: - N+ - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - SE- + - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) name: explored-8624 type: explored -- comm_cost: 0.38802083333333337 - complexity: 7 +- comm_cost: 0.7379166666666668 + complexity: 11 expressions: - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-8625 type: explored -- comm_cost: 0.7083072916666668 - complexity: 10 +- comm_cost: 0.5393229166666669 + complexity: 8 expressions: - - R+ - - R+ - - and(N-, or(S+, SE+)) - - or(K+, S-) + - N+ + - and(N-, R+) + - and(N-, not(R-)) name: explored-8626 type: explored -- comm_cost: 0.36357060185185197 - complexity: 20 +- comm_cost: 0.45625000000000027 + complexity: 12 expressions: - - K+ - - K+ - N+ - - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(S+, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-8627 type: explored -- comm_cost: 0.37899305555555574 - complexity: 23 +- comm_cost: 0.48506944444444455 + complexity: 20 expressions: - N+ - - R- - - S+ - - S+ + - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) + - or(K+, SE+) name: explored-8628 type: explored -- comm_cost: 0.4091145833333335 - complexity: 11 +- comm_cost: 0.6495659722222223 + complexity: 12 expressions: - - K+ - - N+ - R+ - R- - - S+ - - and(S-, SE-) - - or(SE-, N+) + - SE- + - and(K-, N-) + - and(K-, or(N+, not(R+))) name: explored-8629 type: explored -- comm_cost: 0.7510347222222222 - complexity: 25 +- comm_cost: 0.5479166666666667 + complexity: 17 expressions: - - K+ - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) - - not(R-) - - or(K+, K-) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - N+ + - R+ + - R- + - SE- + - and(K-, or(SE-, N+)) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-8630 type: explored -- comm_cost: 0.27708333333333357 - complexity: 21 +- comm_cost: 0.3958333333333335 + complexity: 11 expressions: - - N+ + - K+ + - R+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(K-, or(S+, SE+)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-8631 type: explored -- comm_cost: 0.5815104166666668 - complexity: 12 +- comm_cost: 0.46848958333333357 + complexity: 19 expressions: - - R+ + - N+ - R- - - SE- - - or(K+, R+) - - or(K+, R+) - - or(K+, R+) + - and(K-, N-) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-8632 type: explored -- comm_cost: 0.5207291666666667 - complexity: 8 +- comm_cost: 0.6579861111111112 + complexity: 7 expressions: + - N- - R+ - - R- - S+ - - and(S-, SE-) - - not(R-) + - and(K-, not(R+)) name: explored-8633 type: explored -- comm_cost: 0.413888888888889 - complexity: 11 +- comm_cost: 0.40937500000000016 + complexity: 15 expressions: + - K+ + - K+ + - N+ - N+ - R- - - SE- - - and(N-, or(S+, R+)) + - S+ + - and(N-, R+) - and(S-, SE-) + - or(K+, K-) name: explored-8634 type: explored -- comm_cost: 0.7305555555555556 - complexity: 10 +- comm_cost: 0.43081597222222223 + complexity: 11 expressions: - - SE- - - and(and(K-, N-), not(R-)) - - or(S+, SE+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - or(S+, R-) name: explored-8635 type: explored -- comm_cost: 0.7904918981481482 - complexity: 12 +- comm_cost: 0.580830439814815 + complexity: 20 expressions: - - SE+ - - and(K-, S+) - - or(S+, SE+) - - or(S+, or(N+, R-)) + - N+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(SE-, N+) name: explored-8636 type: explored -- comm_cost: 0.4425462962962965 +- comm_cost: 0.2468750000000004 complexity: 16 expressions: - - K+ - N+ - - N- - R- - - S+ - - and(K-, or(S+, R+)) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-8637 type: explored -- comm_cost: 0.4242476851851853 - complexity: 19 +- comm_cost: 0.7690104166666667 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - SE- + - and(S-, not(R+)) + - or(S+, or(N+, R-)) name: explored-8638 type: explored -- comm_cost: 0.26626157407407414 - complexity: 21 +- comm_cost: 0.411979166666667 + complexity: 11 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - or(K+, N+) name: explored-8639 type: explored -- comm_cost: 0.44791666666666685 - complexity: 23 +- comm_cost: 0.41770833333333346 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(N-, R+) + - R+ + - S+ + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(S-, not(R-)) - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) name: explored-8640 type: explored -- comm_cost: 0.3209745370370374 - complexity: 21 +- comm_cost: 0.587152777777778 + complexity: 6 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(N+, not(R+)) + - R+ + - SE- + - and(K-, not(R+)) name: explored-8641 type: explored -- comm_cost: 0.432465277777778 - complexity: 23 +- comm_cost: 0.692623263888889 + complexity: 26 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, K-) - - or(K+, N+) + - S+ + - and(K-, N-) + - and(K-, SE-) + - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) + - or(K+, R-) + - or(S+, N+) + - or(S+, SE+) name: explored-8642 type: explored -- comm_cost: 0.5763020833333334 - complexity: 10 +- comm_cost: 0.7005208333333335 + complexity: 9 expressions: - R+ - - R+ - - R- - - SE- - - and(K-, N-) - - and(K-, SE-) + - and(K-, S+) + - and(K-, or(S+, N+)) name: explored-8643 type: explored -- comm_cost: 0.5043402777777781 - complexity: 9 +- comm_cost: 0.6773437500000001 + complexity: 17 expressions: - - and(N-, R+) + - R+ + - and(N-, or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) - or(K+, N+) - - or(S+, R-) name: explored-8644 type: explored -- comm_cost: 0.44635416666666683 - complexity: 11 +- comm_cost: 0.5949450231481483 + complexity: 19 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(N-, or(K+, R+)) + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - or(S+, SE+) name: explored-8645 type: explored -- comm_cost: 0.6130208333333335 - complexity: 4 +- comm_cost: 0.28587962962962987 + complexity: 21 expressions: - K+ - - R+ - - R- - - S- - name: explored-8646 - type: explored -- comm_cost: 0.4108333333333336 - complexity: 10 - expressions: - N+ - R- - - SE- + - S+ + - SE+ - and(N-, R+) - - or(N+, not(R+)) - name: explored-8647 + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) + name: explored-8646 type: explored -- comm_cost: 0.46348379629629644 - complexity: 16 +- comm_cost: 0.6967013888888891 + complexity: 18 expressions: - - K+ - R+ - - R- - - and(S-, N-) - - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, N+) - or(and(K-, S+), or(N+, R-)) + name: explored-8647 + type: explored +- comm_cost: 0.739670138888889 + complexity: 9 + expressions: + - SE- + - and(K-, S+) + - and(N-, or(S+, SE+)) name: explored-8648 type: explored -- comm_cost: 0.6062500000000002 - complexity: 21 +- comm_cost: 0.6467013888888891 + complexity: 6 expressions: - N+ - - SE- - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - R+ + - SE+ + - or(SE-, N+) name: explored-8649 type: explored -- comm_cost: 0.5250000000000004 - complexity: 10 +- comm_cost: 0.35998263888888904 + complexity: 13 expressions: + - N+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, SE+) + - or(S+, R-) name: explored-8650 type: explored -- comm_cost: 0.7287152777777779 - complexity: 6 +- comm_cost: 0.2875000000000002 + complexity: 15 expressions: - - R+ - - R- - - R- - - or(S+, SE+) + - N+ + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-8651 type: explored -- comm_cost: 0.446701388888889 - complexity: 12 +- comm_cost: 0.6302083333333335 + complexity: 10 expressions: - R+ - - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE- + - and(S-, or(SE-, N+)) + - or(K+, SE+) name: explored-8652 type: explored -- comm_cost: 0.6458333333333333 - complexity: 6 +- comm_cost: 0.38802083333333337 + complexity: 10 expressions: - K+ + - N+ - R- - - SE- + - S+ + - and(S-, SE-) - and(S-, SE-) name: explored-8653 type: explored -- comm_cost: 0.5629861111111112 - complexity: 11 +- comm_cost: 0.6654149305555557 + complexity: 34 expressions: - - N+ - - N- - - R- - - S+ - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R+)) - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) + - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-8654 type: explored -- comm_cost: 0.5737847222222223 - complexity: 10 +- comm_cost: 0.5347222222222223 + complexity: 11 expressions: - - N- - - R+ + - K+ + - N+ - R- - - and(S-, SE-) - - and(S-, not(R+)) + - and(K-, S+) + - and(N-, or(S+, R+)) name: explored-8655 type: explored -- comm_cost: 0.1312500000000003 - complexity: 15 +- comm_cost: 0.6430787037037038 + complexity: 20 expressions: - - K+ - N+ + - R+ - R- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - SE- + - and(or(K+, S-), not(R-)) + - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-8656 type: explored -- comm_cost: 0.5881944444444445 - complexity: 5 +- comm_cost: 0.5972511574074075 + complexity: 18 expressions: - - N+ - R- - - and(S-, N-) + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-8657 type: explored -- comm_cost: 0.75234375 - complexity: 14 +- comm_cost: 0.7226562500000001 + complexity: 8 expressions: - - and(S-, SE-) - - and(S-, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, S-)) + - or(K+, N+) name: explored-8658 type: explored -- comm_cost: 0.727327380952381 - complexity: 29 +- comm_cost: 0.44392361111111134 + complexity: 13 expressions: - - SE+ - - and(K-, SE-) - - and(S-, not(R+)) - - or(K+, K-) - - or(K+, S-) - - or(K+, or(N+, R-)) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, not(R-)) + - or(K+, N+) name: explored-8659 type: explored -- comm_cost: 0.5702256944444446 - complexity: 12 +- comm_cost: 0.5513888888888889 + complexity: 8 expressions: - N+ - R- - - S+ - - and(N-, R+) - - or(K+, R-) - - or(K+, SE+) + - SE- + - SE- + - and(S-, not(R-)) name: explored-8660 type: explored -- comm_cost: 0.6505208333333334 - complexity: 17 - expressions: - - R+ - - and(K-, N-) - - and(and(S-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) - name: explored-8661 - type: explored -- comm_cost: 0.3704861111111115 - complexity: 19 +- comm_cost: 0.1871643518518522 + complexity: 21 expressions: + - K+ + - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - name: explored-8662 + - or(K+, N+) + - or(K+, or(N+, R-)) + - or(S+, R-) + name: explored-8661 type: explored -- comm_cost: 0.5268055555555557 - complexity: 15 +- comm_cost: 0.6170833333333334 + complexity: 18 expressions: - - K+ - N+ - - R- + - SE- - and(N-, R+) - - not(R-) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(S+, SE+)) + - or(S+, SE+) + - or(S+, or(N+, R-)) + name: explored-8662 + type: explored +- comm_cost: 0.532465277777778 + complexity: 13 + expressions: + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-8663 type: explored -- comm_cost: 0.6754340277777778 - complexity: 28 +- comm_cost: 0.32291666666666696 + complexity: 9 expressions: - - and(K-, or(S+, SE+)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - SE- + - SE- + - and(N-, R+) + - and(S-, SE-) name: explored-8664 type: explored -- comm_cost: 0.6751093750000001 - complexity: 25 +- comm_cost: 0.47766203703703725 + complexity: 19 expressions: - - and(K-, N-) - - and(N-, or(K+, R+)) - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - or(K+, R-) - - or(K+, S-) - - or(K+, SE+) + - N+ + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8665 type: explored -- comm_cost: 0.4208333333333336 - complexity: 11 +- comm_cost: 0.5409722222222224 + complexity: 15 expressions: - - and(K-, or(SE-, N+)) + - R- + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-8666 type: explored -- comm_cost: 0.292604166666667 - complexity: 20 +- comm_cost: 0.6970486111111112 + complexity: 16 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) + - R+ + - R+ + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8667 type: explored -- comm_cost: 0.45520833333333366 +- comm_cost: 0.6352546296296298 complexity: 8 expressions: - - N+ - - SE- - - and(N-, R+) - - or(SE-, N+) + - R+ + - R- + - and(S-, not(R-)) + - not(R-) name: explored-8668 type: explored -- comm_cost: 0.22361111111111143 - complexity: 13 +- comm_cost: 0.5205439814814816 + complexity: 20 expressions: - K+ - - N+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-8669 type: explored -- comm_cost: 0.4868055555555556 - complexity: 9 +- comm_cost: 0.6134114583333334 + complexity: 12 expressions: - - K+ + - R+ - R- - - and(S-, SE-) - - and(S-, not(R-)) + - SE- + - or(K+, N+) + - or(K+, SE+) + - or(S+, N+) name: explored-8670 type: explored -- comm_cost: 0.286979166666667 - complexity: 20 +- comm_cost: 0.6185850694444446 + complexity: 15 expressions: - K+ - - K+ - N+ + - R- - S+ - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-8671 type: explored -- comm_cost: 0.3744791666666669 +- comm_cost: 0.05416666666666692 complexity: 15 expressions: - K+ + - K+ + - N+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, N-) - - or(K+, N+) + - and(N-, R+) + - and(S-, SE-) name: explored-8672 type: explored -- comm_cost: 0.3953125000000002 - complexity: 11 +- comm_cost: 0.6664351851851853 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - S- - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(K-, N-) + - and(K-, or(S+, R+)) name: explored-8673 type: explored -- comm_cost: 0.3530092592592595 - complexity: 16 +- comm_cost: 0.523090277777778 + complexity: 11 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - not(R+) + - S+ + - SE- + - and(or(K+, S-), or(SE-, N+)) name: explored-8674 type: explored -- comm_cost: 0.6084837962962963 - complexity: 32 +- comm_cost: 0.7365451388888888 + complexity: 20 expressions: - - N+ - - SE- + - K+ - and(K-, S+) - - and(K-, not(R+)) - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) - - and(S-, N-) - - and(S-, not(R+)) - - or(K+, N+) - - or(S+, R-) + - and(K-, SE-) + - and(K-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8675 type: explored -- comm_cost: 0.4632812500000002 - complexity: 19 +- comm_cost: 0.567170138888889 + complexity: 14 expressions: - - K+ - N+ - - and(K-, not(R-)) + - N- - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-8676 type: explored -- comm_cost: 0.48708333333333353 - complexity: 13 +- comm_cost: 0.5663541666666668 + complexity: 8 expressions: - - N+ + - K+ + - K+ + - K- - R- - - SE- + - S+ - and(N-, R+) - - and(S-, or(SE-, N+)) - - not(R-) name: explored-8677 type: explored -- comm_cost: 0.5321180555555555 - complexity: 20 +- comm_cost: 0.5987847222222223 + complexity: 13 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - not(R+) name: explored-8678 type: explored -- comm_cost: 0.34703703703703737 - complexity: 20 +- comm_cost: 0.6233796296296298 + complexity: 14 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - SE- + - and(and(K-, N-), not(R-)) + - and(and(S-, N-), not(R-)) name: explored-8679 type: explored -- comm_cost: 0.3481770833333335 - complexity: 18 +- comm_cost: 0.7708333333333334 + complexity: 4 expressions: - - K+ - N+ - - R- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-8680 type: explored -- comm_cost: 0.7594618055555556 - complexity: 14 +- comm_cost: 0.6526041666666668 + complexity: 13 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) - - or(K+, SE+) + - and(K-, SE-) + - and(N-, or(K+, SE+)) + - and(SE-, or(K+, S-)) name: explored-8681 type: explored -- comm_cost: 0.510763888888889 - complexity: 11 +- comm_cost: 0.6635416666666668 + complexity: 3 expressions: - R+ + - R+ - R- - - and(and(S-, N-), not(R-)) - - or(S+, R-) name: explored-8682 type: explored -- comm_cost: 0.5536458333333335 - complexity: 8 +- comm_cost: 0.48368055555555556 + complexity: 18 expressions: + - K+ - N+ - - R+ - - SE- - - and(SE-, or(K+, S-)) + - R- + - R- + - and(K-, S+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(S+, N+) name: explored-8683 type: explored -- comm_cost: 0.2713541666666668 - complexity: 14 +- comm_cost: 0.3128472222222223 + complexity: 11 expressions: - - K+ - - K+ - N+ - - R+ + - R- - S+ - - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-8684 type: explored -- comm_cost: 0.35260416666666694 - complexity: 13 +- comm_cost: 0.3861979166666667 + complexity: 10 expressions: + - K+ - N+ - - SE- - - and(N-, R+) - - and(N-, R+) - - and(SE-, or(K+, S-)) + - R- + - S+ + - and(S-, SE-) + - or(S+, R+) name: explored-8685 type: explored -- comm_cost: 0.6871875000000002 - complexity: 7 - expressions: - - and(SE+, N-) - - or(N+, not(R+)) - name: explored-8686 - type: explored -- comm_cost: 0.6723090277777779 +- comm_cost: 0.33750000000000013 complexity: 19 expressions: - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) - and(or(K+, S-), not(R+)) - - or(SE-, N+) - name: explored-8687 + name: explored-8686 type: explored -- comm_cost: 0.5833333333333337 - complexity: 6 +- comm_cost: 0.4911458333333336 + complexity: 12 expressions: + - N+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - or(K+, R-) - name: explored-8688 + - and(SE+, N-) + name: explored-8687 type: explored -- comm_cost: 0.3835937500000004 - complexity: 11 +- comm_cost: 0.1048611111111113 + complexity: 13 expressions: - K+ - K+ - N+ - R- - - S+ - and(N-, R+) - - or(S+, N+) + - and(S-, SE-) + - or(S+, R-) + name: explored-8688 + type: explored +- comm_cost: 0.5697916666666668 + complexity: 13 + expressions: + - R+ + - and(K-, or(S+, R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8689 type: explored -- comm_cost: 0.41320891203703713 - complexity: 28 +- comm_cost: 0.5315104166666669 + complexity: 11 expressions: - K+ - - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, or(N+, R-)) name: explored-8690 type: explored -- comm_cost: 0.5069444444444444 - complexity: 14 +- comm_cost: 0.6892650462962964 + complexity: 7 expressions: - - K+ - - N+ - - and(K-, S+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - R+ + - and(S-, N-) + - or(K+, SE+) name: explored-8691 type: explored -- comm_cost: 0.5847222222222221 - complexity: 10 +- comm_cost: 0.6782552083333335 + complexity: 13 expressions: - - N+ - - R- - - SE- - - and(K-, not(R+)) - - and(S-, SE-) + - R+ + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) + - or(K+, R+) name: explored-8692 type: explored -- comm_cost: 0.2328125000000001 - complexity: 16 +- comm_cost: 0.2465277777777779 + complexity: 14 expressions: - K+ - N+ + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, R-) name: explored-8693 type: explored -- comm_cost: 0.5743055555555558 - complexity: 9 +- comm_cost: 0.44166666666666676 + complexity: 12 expressions: - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - N+ + - R+ + - R- + - SE- + - and(K-, SE-) + - and(SE-, or(K+, S-)) name: explored-8694 type: explored -- comm_cost: 0.2586371527777781 - complexity: 14 +- comm_cost: 0.7331597222222223 + complexity: 9 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(S+, R-) + - SE- + - and(K-, or(S+, R-)) + - or(S+, SE+) name: explored-8695 type: explored -- comm_cost: 0.1843750000000003 - complexity: 15 +- comm_cost: 0.4777777777777781 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - R- + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(K+, R-) name: explored-8696 type: explored -- comm_cost: 0.5340277777777779 - complexity: 6 +- comm_cost: 0.5598958333333334 + complexity: 8 expressions: + - K+ - N+ - R- - - SE- - - and(S-, N-) + - and(SE-, or(K+, S-)) name: explored-8697 type: explored -- comm_cost: 0.34670138888888924 - complexity: 14 +- comm_cost: 0.7712413194444445 + complexity: 16 expressions: - - N+ - - R- - - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(N+, R-) + - K- + - and(K-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) + - or(S+, SE+) name: explored-8698 type: explored -- comm_cost: 0.7987673611111111 - complexity: 13 +- comm_cost: 0.3833333333333335 + complexity: 18 expressions: - - SE- - - and(SE-, or(K+, S-)) - - or(N+, not(R+)) - - or(S+, N+) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(S+, R-) name: explored-8699 type: explored -- comm_cost: 0.6479166666666667 - complexity: 8 +- comm_cost: 0.25212673611111147 + complexity: 23 expressions: - - and(K-, or(S+, R-)) + - K+ + - K+ + - N+ + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, R-) name: explored-8700 type: explored -- comm_cost: 0.6675347222222223 - complexity: 9 +- comm_cost: 0.22187500000000027 + complexity: 18 expressions: - - SE- - - and(N-, or(K+, R+)) - - or(K+, R+) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) name: explored-8701 type: explored -- comm_cost: 0.5513888888888889 - complexity: 8 +- comm_cost: 0.7022569444444444 + complexity: 9 expressions: - - N+ - - R- - - SE- - - SE- - - and(S-, not(R-)) + - and(S-, SE-) + - or(K+, K-) + - or(S+, R-) name: explored-8702 type: explored -- comm_cost: 0.6382899305555556 - complexity: 14 +- comm_cost: 0.644826388888889 + complexity: 15 expressions: - - N+ + - K- - R+ - - R- - - S- - SE- - - and(K-, or(S+, R-)) - - or(N+, not(R+)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-8703 type: explored -- comm_cost: 0.5755497685185187 - complexity: 11 +- comm_cost: 0.4276041666666668 + complexity: 9 expressions: + - K+ - N+ - - SE- - - and(K-, N-) - - and(N-, R+) - - or(K+, R+) + - R+ + - R- + - and(S-, SE-) + - not(R+) name: explored-8704 type: explored -- comm_cost: 0.12743055555555594 - complexity: 15 +- comm_cost: 0.5009548611111112 + complexity: 17 expressions: - N+ - R- - S+ - - and(N-, R+) - - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(S+, R-) + - or(SE-, N+) name: explored-8705 type: explored -- comm_cost: 0.3940104166666669 - complexity: 20 +- comm_cost: 0.3313368055555559 + complexity: 15 expressions: - - K+ - - K+ - N+ - R- + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) + - or(SE-, N+) name: explored-8706 type: explored -- comm_cost: 0.3909722222222223 +- comm_cost: 0.40833333333333366 complexity: 14 expressions: - - K+ - N+ - - R- - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(S+, N+) + - R+ + - S+ + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(S+, R-) name: explored-8707 type: explored -- comm_cost: 0.48411458333333346 - complexity: 9 +- comm_cost: 0.4299479166666669 + complexity: 18 expressions: - K+ - N+ - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(and(S-, N-), not(R-)) + - or(SE-, N+) name: explored-8708 type: explored -- comm_cost: 0.5123842592592595 - complexity: 21 +- comm_cost: 0.7573029513888889 + complexity: 30 expressions: - - N+ - - R+ - - R- + - K+ + - N- - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, SE-) + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) + - or(K+, K-) + - or(K+, S-) + - or(N+, not(R+)) name: explored-8709 type: explored -- comm_cost: 0.5499768518518521 - complexity: 13 +- comm_cost: 0.5334375000000001 + complexity: 7 expressions: + - K- - N+ - R- - - R- - - SE- + - S+ - and(N-, R+) - - and(S-, N-) - - or(S+, SE+) name: explored-8710 type: explored -- comm_cost: 0.465842013888889 - complexity: 23 +- comm_cost: 0.4750000000000003 + complexity: 7 expressions: - - N+ + - K+ - R- - - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, SE+) + - not(R+) name: explored-8711 type: explored -- comm_cost: 0.6157118055555557 - complexity: 9 +- comm_cost: 0.6832725694444446 + complexity: 28 expressions: - - R- - - SE- - - and(N-, not(R-)) - - or(K+, N+) + - K+ + - R+ + - and(K-, not(R-)) + - and(N-, or(S+, SE+)) + - and(SE-, or(K+, S-)) + - or(K+, K-) + - or(K+, R+) + - or(N+, R-) + - or(S+, R-) name: explored-8712 type: explored -- comm_cost: 0.41180555555555576 - complexity: 11 +- comm_cost: 0.2460937500000001 + complexity: 15 expressions: + - K+ - N+ - - SE+ - - and(K-, SE-) + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - or(K+, SE+) name: explored-8713 type: explored -- comm_cost: 0.31406250000000036 - complexity: 9 +- comm_cost: 0.7552951388888889 + complexity: 8 expressions: - - N+ - - R- - SE- - - and(N-, R+) - - or(K+, N+) + - and(K-, or(S+, SE+)) + - not(R-) name: explored-8714 type: explored -- comm_cost: 0.4758680555555558 - complexity: 15 +- comm_cost: 0.70625 + complexity: 5 expressions: - N+ - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, or(N+, R-)) + - or(K+, S-) name: explored-8715 type: explored -- comm_cost: 0.25507812500000027 - complexity: 25 +- comm_cost: 0.09218750000000031 + complexity: 13 expressions: - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - or(K+, R-) - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) name: explored-8716 type: explored -- comm_cost: 0.6765277777777778 - complexity: 43 +- comm_cost: 0.7227905092592593 + complexity: 30 expressions: - S+ - - and(N-, or(K+, S-)) + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) - and(N-, or(S+, R+)) - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) - - or(N+, R-) - - or(S+, N+) + - or(K+, S-) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-8717 type: explored -- comm_cost: 0.7024594907407409 - complexity: 14 +- comm_cost: 0.7240972222222224 + complexity: 4 expressions: - - and(K-, or(S+, R+)) - - and(N-, R+) - - or(S+, R+) - - or(S+, R-) + - K- + - N- + - R+ + - SE- name: explored-8718 type: explored -- comm_cost: 0.7172743055555557 - complexity: 7 +- comm_cost: 0.19479166666666692 + complexity: 11 expressions: - - and(K-, not(R+)) - - or(K+, SE+) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-8719 type: explored -- comm_cost: 0.2859375000000002 - complexity: 16 +- comm_cost: 0.6586805555555555 + complexity: 15 expressions: - N+ - - S+ - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(S+, or(N+, R-)) name: explored-8720 type: explored -- comm_cost: 0.5442708333333335 - complexity: 14 +- comm_cost: 0.44348958333333355 + complexity: 23 expressions: - K+ - N+ - R- - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-8721 type: explored -- comm_cost: 0.3968750000000001 - complexity: 8 +- comm_cost: 0.6102777777777779 + complexity: 19 expressions: + - K+ - N+ - - R+ - - R- - R- - SE- - - and(S-, SE-) + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(K+, S-) + - or(K+, S-) name: explored-8722 type: explored -- comm_cost: 0.5751736111111112 - complexity: 14 +- comm_cost: 0.5531828703703705 + complexity: 13 expressions: + - N+ - R+ - - and(K-, S+) - - and(K-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R- + - SE- + - and(S-, N-) + - or(K+, N+) + - or(K+, R-) name: explored-8723 type: explored -- comm_cost: 0.439322916666667 - complexity: 10 +- comm_cost: 0.24392361111111127 + complexity: 18 expressions: + - K+ - R- - - SE- + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) - and(N-, R+) - - or(S+, or(N+, R-)) + - and(S-, SE-) name: explored-8724 type: explored -- comm_cost: 0.4417968750000002 - complexity: 14 +- comm_cost: 0.5698784722222224 + complexity: 17 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) + - and(and(S-, N-), not(R-)) - and(or(K+, S-), not(R-)) name: explored-8725 type: explored -- comm_cost: 0.5048611111111113 - complexity: 17 +- comm_cost: 0.34826388888888904 + complexity: 18 expressions: + - N+ + - R- - and(N-, R+) - and(N-, not(R-)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - and(SE+, N-) name: explored-8726 type: explored -- comm_cost: 0.6705671296296298 - complexity: 29 +- comm_cost: 0.6061631944444446 + complexity: 15 expressions: - - SE+ - - and(K-, N-) - - and(K-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, S+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, R-) name: explored-8727 type: explored -- comm_cost: 0.5162760416666667 +- comm_cost: 0.4598958333333336 complexity: 17 expressions: - K+ - - K+ - - N+ - R- - - S+ - - and(K-, not(R-)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-8728 type: explored -- comm_cost: 0.5166666666666668 - complexity: 6 +- comm_cost: 0.2576388888888892 + complexity: 15 expressions: - K+ - N+ - - N- + - R- + - and(K-, S+) - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-8729 type: explored -- comm_cost: 0.6852430555555556 - complexity: 8 +- comm_cost: 0.37256944444444473 + complexity: 15 expressions: - - R+ - - and(K-, N-) - - and(N-, not(R-)) + - N+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-8730 type: explored -- comm_cost: 0.3714988425925929 - complexity: 21 +- comm_cost: 0.8078125 + complexity: 5 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - or(K+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, S-)) name: explored-8731 type: explored -- comm_cost: 0.6634375000000001 +- comm_cost: 0.7104166666666667 complexity: 7 expressions: - - R+ - - and(K-, S+) - - or(K+, S-) + - R- + - SE- + - and(K-, or(SE-, N+)) name: explored-8732 type: explored -- comm_cost: 0.3070312500000003 - complexity: 27 +- comm_cost: 0.5190972222222224 + complexity: 12 expressions: - K+ - N+ + - R+ - R- - - S+ - - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, S-)) name: explored-8733 type: explored -- comm_cost: 0.7739583333333333 - complexity: 9 +- comm_cost: 0.43712384259259274 + complexity: 16 expressions: + - N+ - R- - - SE- - - or(and(K-, SE-), or(N+, R-)) + - S+ + - S- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-8734 type: explored -- comm_cost: 0.5494791666666667 - complexity: 13 +- comm_cost: 0.6611458333333334 + complexity: 14 expressions: - N+ + - N- - R+ - R- - SE- - - and(K-, not(R-)) - - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-8735 type: explored -- comm_cost: 0.6347222222222223 - complexity: 7 +- comm_cost: 0.16302083333333361 + complexity: 19 expressions: - - K+ + - N+ - R- - - and(K-, or(S+, R+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-8736 type: explored -- comm_cost: 0.6671006944444446 - complexity: 6 +- comm_cost: 0.6385185185185187 + complexity: 7 expressions: - - R+ - - not(R+) - - or(K+, R+) + - N+ + - SE+ + - and(N-, R+) + - not(R-) name: explored-8737 type: explored -- comm_cost: 0.5097222222222224 - complexity: 17 +- comm_cost: 0.6666666666666669 + complexity: 5 expressions: - R- - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) + - SE+ + - and(N-, R+) name: explored-8738 type: explored -- comm_cost: 0.6036458333333334 - complexity: 11 +- comm_cost: 0.4382812500000002 + complexity: 19 expressions: - - R+ - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R-) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) name: explored-8739 type: explored -- comm_cost: 0.44005208333333334 - complexity: 11 +- comm_cost: 0.26371527777777803 + complexity: 25 expressions: - K+ - - K+ - N+ - R- - S+ + - and(K-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(or(K+, S-), or(SE-, N+)) name: explored-8740 type: explored -- comm_cost: 0.33900462962962985 - complexity: 15 +- comm_cost: 0.5436197916666667 + complexity: 17 expressions: - K+ - - K+ - N+ - - R+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) name: explored-8741 type: explored -- comm_cost: 0.7317708333333333 - complexity: 6 - expressions: - - R- - - R- - - SE- - - and(K-, SE-) - name: explored-8742 - type: explored -- comm_cost: 0.43504629629629643 - complexity: 19 +- comm_cost: 0.4890625000000002 + complexity: 18 expressions: - K+ - - N+ - R- - - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - and(and(K-, N-), not(R-)) - - or(S+, SE+) + - not(R+) + name: explored-8742 + type: explored +- comm_cost: 0.8383680555555555 + complexity: 13 + expressions: + - and(K-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-8743 type: explored -- comm_cost: 0.41805555555555574 - complexity: 10 +- comm_cost: 0.7175347222222224 + complexity: 14 expressions: - - N+ - - R- - - SE+ - - SE+ - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) name: explored-8744 type: explored -- comm_cost: 0.6984861111111111 - complexity: 19 +- comm_cost: 0.3569444444444446 + complexity: 14 expressions: - K+ - - K- - - SE+ - - and(K-, N-) - - and(K-, or(S+, R+)) - - and(N-, or(S+, SE+)) - - or(N+, R-) + - R+ + - R- + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, R-) name: explored-8745 type: explored -- comm_cost: 0.7505787037037038 - complexity: 9 +- comm_cost: 0.3847222222222225 + complexity: 10 expressions: - - R+ - - and(N-, or(K+, SE+)) - - or(K+, R+) + - K+ + - K+ + - N+ + - R- + - and(N-, R+) + - or(S+, N+) name: explored-8746 type: explored -- comm_cost: 0.6701388888888891 - complexity: 8 +- comm_cost: 0.23489583333333364 + complexity: 16 expressions: - - and(S-, or(SE-, N+)) - - or(K+, R+) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, N+) name: explored-8747 type: explored -- comm_cost: 0.43159722222222263 - complexity: 15 +- comm_cost: 0.7158333333333334 + complexity: 12 expressions: - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(S+, N+) + - R+ + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, SE+) name: explored-8748 type: explored -- comm_cost: 0.6480613425925927 - complexity: 9 +- comm_cost: 0.6505787037037039 + complexity: 10 expressions: - - N+ - - S- - - SE- - - and(N-, R+) - - or(K+, K-) + - R+ + - and(S-, N-) + - and(and(K-, N-), not(R-)) name: explored-8749 type: explored -- comm_cost: 0.3846354166666669 - complexity: 19 +- comm_cost: 0.7406828703703703 + complexity: 16 expressions: - N+ - R- - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - SE- + - and(K-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-8750 type: explored -- comm_cost: 0.6767361111111112 - complexity: 7 - expressions: - - R+ - - S- - - and(N-, or(K+, R+)) - name: explored-8751 - type: explored -- comm_cost: 0.3187500000000003 - complexity: 20 +- comm_cost: 0.3734375000000001 + complexity: 11 expressions: + - K+ - N+ - R- - - and(K-, or(S+, R-)) - - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - not(R+) - - or(S+, or(N+, R-)) - name: explored-8752 + name: explored-8751 type: explored -- comm_cost: 0.47526041666666685 - complexity: 12 +- comm_cost: 0.6621875000000002 + complexity: 4 expressions: - - K+ + - K- - N+ - - R- + - R+ - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) + name: explored-8752 + type: explored +- comm_cost: 0.815625 + complexity: 8 + expressions: + - and(N-, or(S+, SE+)) + - or(K+, SE+) name: explored-8753 type: explored -- comm_cost: 0.4427083333333335 - complexity: 17 +- comm_cost: 0.5510416666666668 + complexity: 7 expressions: - R+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - R- + - and(K-, SE-) + - not(R+) name: explored-8754 type: explored -- comm_cost: 0.7586111111111111 - complexity: 3 +- comm_cost: 0.28166666666666695 + complexity: 14 expressions: - - K- - - SE- - - SE- + - K+ + - N+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-8755 type: explored -- comm_cost: 0.13697916666666687 - complexity: 19 +- comm_cost: 0.5055555555555558 + complexity: 14 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(K-, S+) + - N- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-8756 type: explored -- comm_cost: 0.7863425925925926 - complexity: 19 +- comm_cost: 0.6807291666666667 + complexity: 13 expressions: - R- - SE- - - or(SE-, N+) + - and(K-, not(R-)) - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-8757 type: explored -- comm_cost: 0.6513020833333334 - complexity: 11 +- comm_cost: 0.47288773148148167 + complexity: 22 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(N-, or(K+, S-)) + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, SE+) name: explored-8758 type: explored -- comm_cost: 0.6 - complexity: 12 +- comm_cost: 0.44648437500000004 + complexity: 13 expressions: + - K+ + - K+ - N+ - R- + - S+ + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-8759 type: explored -- comm_cost: 0.5390625000000002 +- comm_cost: 0.4505208333333335 complexity: 12 expressions: - - K+ - - K+ - N+ - - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) + - SE- + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-8760 type: explored -- comm_cost: 0.4046875000000003 - complexity: 11 +- comm_cost: 0.5616319444444445 + complexity: 15 expressions: + - R+ - R- - - S+ - SE- - - and(N-, R+) - - or(K+, or(N+, R-)) + - and(N-, or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8761 type: explored -- comm_cost: 0.3665364583333335 - complexity: 20 +- comm_cost: 0.6171006944444446 + complexity: 11 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - SE- + - and(N-, or(K+, SE+)) - or(SE-, N+) name: explored-8762 type: explored -- comm_cost: 0.22864583333333344 - complexity: 20 +- comm_cost: 0.7908333333333333 + complexity: 2 expressions: - - N+ + - N- - R- - - and(K-, S+) - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-8763 type: explored -- comm_cost: 0.6141348379629631 - complexity: 14 +- comm_cost: 0.24166666666666692 + complexity: 13 expressions: - - R+ + - K+ - R- - - SE- - - and(N-, or(K+, SE+)) - - or(K+, N+) - - or(S+, R+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-8764 type: explored -- comm_cost: 0.700451388888889 - complexity: 9 +- comm_cost: 0.6650231481481482 + complexity: 39 expressions: - N+ - - R+ - - SE- - - and(N-, not(R-)) - - not(R-) + - and(K-, N-) + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) + - and(S-, N-) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) + - or(SE-, N+) name: explored-8765 type: explored -- comm_cost: 0.5601388888888891 - complexity: 11 +- comm_cost: 0.7151041666666667 + complexity: 6 expressions: + - K+ - N+ - SE- - - and(K-, not(R+)) - - and(N-, R+) - - not(R-) + - or(K+, K-) name: explored-8766 type: explored -- comm_cost: 0.7044126157407409 - complexity: 23 +- comm_cost: 0.5234375000000001 + complexity: 17 expressions: - - SE- - - and(K-, or(SE-, N+)) - - and(N-, not(R-)) - - or(K+, R+) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-8767 type: explored -- comm_cost: 0.4739583333333335 +- comm_cost: 0.2820312500000002 complexity: 12 expressions: - - R+ + - N+ + - N+ - R- + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) name: explored-8768 type: explored -- comm_cost: 0.5229166666666668 - complexity: 12 +- comm_cost: 0.41972222222222244 + complexity: 18 expressions: - N+ - - R+ - R- - - SE- - - and(K-, or(SE-, N+)) - - or(K+, R-) + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-8769 type: explored -- comm_cost: 0.40052083333333366 - complexity: 10 +- comm_cost: 0.6831944444444447 + complexity: 12 expressions: - - SE- + - R+ + - and(K-, or(S+, R-)) - and(N-, R+) - - or(K+, N+) - - or(N+, R-) + - or(S+, SE+) name: explored-8770 type: explored -- comm_cost: 0.4178240740740743 - complexity: 16 +- comm_cost: 0.6391493055555557 + complexity: 6 expressions: - K+ - - N+ - - R- + - R+ - SE- - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - or(K+, SE+) name: explored-8771 type: explored -- comm_cost: 0.610300925925926 - complexity: 12 +- comm_cost: 0.433101851851852 + complexity: 18 expressions: + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(K+, SE+) + - and(N-, or(S+, R+)) + - and(SE+, N-) + - and(SE-, or(K+, S-)) name: explored-8772 type: explored -- comm_cost: 0.778125 - complexity: 5 +- comm_cost: 0.6635416666666668 + complexity: 2 expressions: + - R+ - R- - - SE- - - or(K+, R-) name: explored-8773 type: explored -- comm_cost: 0.7552083333333335 - complexity: 4 +- comm_cost: 0.48784722222222243 + complexity: 12 expressions: - - SE+ + - N+ + - R+ + - R- + - SE- + - and(N-, or(K+, R+)) - or(K+, N+) name: explored-8774 type: explored -- comm_cost: 0.35468750000000027 - complexity: 10 +- comm_cost: 0.5730555555555558 + complexity: 11 expressions: - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - or(K+, R-) + - or(S+, N+) + - or(S+, SE+) name: explored-8775 type: explored -- comm_cost: 0.5713541666666668 - complexity: 16 +- comm_cost: 0.21927083333333364 + complexity: 15 expressions: - - R- - - S+ + - K+ + - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, S-) name: explored-8776 type: explored -- comm_cost: 0.4505208333333335 - complexity: 12 +- comm_cost: 0.7322916666666668 + complexity: 6 expressions: - - N+ - - SE- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - R+ + - R- + - SE+ + - and(SE+, N-) name: explored-8777 type: explored -- comm_cost: 0.7025659722222224 - complexity: 19 +- comm_cost: 0.5445312500000002 + complexity: 16 expressions: - - K- - - R+ - - R- - - and(K-, N-) - - and(K-, S+) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - S- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8778 type: explored -- comm_cost: 0.6004774305555557 - complexity: 31 +- comm_cost: 0.5161458333333335 + complexity: 28 expressions: - - N+ - - and(SE+, N-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) name: explored-8779 type: explored -- comm_cost: 0.6429353505291007 - complexity: 37 +- comm_cost: 0.22361111111111132 + complexity: 18 expressions: - - K- - - R+ - - and(K-, not(R-)) + - K+ + - N+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) - - or(K+, N+) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-8780 type: explored -- comm_cost: 0.4060185185185188 - complexity: 12 +- comm_cost: 0.7187326388888889 + complexity: 9 expressions: - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - N- + - R- + - SE- + - and(or(K+, S-), not(R-)) name: explored-8781 type: explored -- comm_cost: 0.44791666666666696 - complexity: 11 +- comm_cost: 0.6803819444444444 + complexity: 9 expressions: - N+ + - R- - SE- - - and(N-, R+) - - or(S+, N+) + - or(K+, R-) - or(S+, N+) name: explored-8782 type: explored -- comm_cost: 0.703125 - complexity: 6 - expressions: - - N+ - - and(N-, or(S+, SE+)) - name: explored-8783 - type: explored -- comm_cost: 0.41770833333333335 - complexity: 15 +- comm_cost: 0.40434027777777803 + complexity: 16 expressions: - K+ - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, R+) - name: explored-8784 + - and(S-, not(R-)) + - not(R+) + name: explored-8783 type: explored -- comm_cost: 0.4125 - complexity: 12 +- comm_cost: 0.5345486111111113 + complexity: 13 expressions: - - K+ - - N+ - - R- - - S+ + - SE- - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, not(R-)) + name: explored-8784 + type: explored +- comm_cost: 0.4500000000000002 + complexity: 7 + expressions: + - R+ - and(S-, SE-) + - or(N+, R-) name: explored-8785 type: explored -- comm_cost: 0.6468750000000002 - complexity: 6 +- comm_cost: 0.40104166666666696 + complexity: 11 expressions: - - K+ - - R+ - - or(N+, not(R+)) + - N+ + - N+ + - SE- + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-8786 type: explored -- comm_cost: 0.45763888888888915 - complexity: 10 +- comm_cost: 0.6121093750000002 + complexity: 21 expressions: - N+ + - R+ + - R- - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(K-, or(S+, SE+)) + - and(N-, or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-8787 type: explored -- comm_cost: 0.31406250000000036 +- comm_cost: 0.2416666666666668 complexity: 12 expressions: - K+ - - N+ - R- + - SE+ - and(K-, S+) - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) name: explored-8788 type: explored -- comm_cost: 0.47685185185185197 - complexity: 19 +- comm_cost: 0.5328472222222224 + complexity: 12 expressions: + - K+ + - K- + - N+ - R+ - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(N-, R+) + - or(K+, R-) name: explored-8789 type: explored -- comm_cost: 0.3528645833333335 - complexity: 17 +- comm_cost: 0.39861111111111147 + complexity: 12 expressions: - N+ - - R- - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(S+, R-) name: explored-8790 type: explored -- comm_cost: 0.7258593750000001 - complexity: 12 +- comm_cost: 0.5675347222222223 + complexity: 18 expressions: - - R+ - - and(N-, not(R-)) - - and(N-, or(K+, R+)) - - not(R-) + - N+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, K-) name: explored-8791 type: explored -- comm_cost: 0.27656250000000027 - complexity: 15 +- comm_cost: 0.5256944444444448 + complexity: 7 expressions: - - K+ - - K+ - - R- - - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-8792 type: explored -- comm_cost: 0.5539930555555557 - complexity: 10 +- comm_cost: 0.7253761574074076 + complexity: 11 expressions: - - N+ - - R- - - SE- - - and(S-, not(R+)) - - or(K+, R+) + - R+ + - and(K-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-8793 type: explored -- comm_cost: 0.7170486111111112 - complexity: 8 +- comm_cost: 0.42300347222222257 + complexity: 18 expressions: - - R+ + - R- - SE- - - not(R-) - - or(N+, not(R+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8794 type: explored -- comm_cost: 0.32986111111111127 - complexity: 17 +- comm_cost: 0.5908854166666668 + complexity: 10 expressions: - - K+ - - N+ - - R- - - SE- - - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(S-, not(R-)) name: explored-8795 type: explored -- comm_cost: 0.5192708333333336 - complexity: 8 +- comm_cost: 0.6931250000000001 + complexity: 5 expressions: - - K+ + - K- - R+ - - R- - - S+ - - SE- - - or(K+, R-) + - and(K-, SE-) name: explored-8796 type: explored -- comm_cost: 0.47395833333333326 +- comm_cost: 0.4515625000000002 complexity: 9 expressions: - - N+ - R- - S+ - - and(K-, SE-) + - S- + - and(N-, R+) - and(S-, SE-) name: explored-8797 type: explored -- comm_cost: 0.6455729166666667 - complexity: 12 +- comm_cost: 0.22274305555555574 + complexity: 20 expressions: - - R+ + - K+ + - N+ + - R- + - R- + - and(K-, or(S+, R+)) - and(K-, or(S+, R-)) - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-8798 type: explored -- comm_cost: 0.5993055555555556 - complexity: 8 +- comm_cost: 0.27986111111111145 + complexity: 13 expressions: + - K+ - N+ - - SE- - - and(and(K-, N-), not(R-)) + - R- + - S+ + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-8799 type: explored -- comm_cost: 0.25451388888888915 - complexity: 12 +- comm_cost: 0.40182291666666703 + complexity: 14 expressions: - - N+ - - R+ - - R- - - and(N-, R+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - or(SE-, N+) name: explored-8800 type: explored -- comm_cost: 0.6111458333333335 - complexity: 12 +- comm_cost: 0.41527777777777797 + complexity: 11 expressions: - - R+ - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, S-) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(S-, not(R-)) name: explored-8801 type: explored -- comm_cost: 0.7300347222222222 - complexity: 5 +- comm_cost: 0.4604166666666666 + complexity: 12 expressions: + - K+ - N+ - R- - - or(K+, K-) + - S+ + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-8802 type: explored -- comm_cost: 0.6698350694444446 - complexity: 13 +- comm_cost: 0.5388020833333335 + complexity: 6 expressions: + - N+ - R+ - - and(N-, or(S+, SE+)) - - and(S-, not(R-)) - - or(K+, R+) + - R- + - SE- + - not(R+) name: explored-8803 type: explored -- comm_cost: 0.651996527777778 - complexity: 9 +- comm_cost: 0.4423611111111113 + complexity: 11 expressions: - - R+ - - SE- - - SE- - - or(K+, N+) - - or(K+, R+) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-8804 type: explored -- comm_cost: 0.27447916666666683 - complexity: 14 +- comm_cost: 0.5192129629629632 + complexity: 17 expressions: - - K+ - - K+ - - N+ + - R- - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, N-) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-8805 type: explored -- comm_cost: 0.2817708333333335 - complexity: 13 +- comm_cost: 0.5598958333333335 + complexity: 9 expressions: - K+ - N+ - R- - and(N-, R+) - - and(S-, SE-) - - not(R+) - - not(R+) + - or(K+, K-) name: explored-8806 type: explored -- comm_cost: 0.6052083333333335 - complexity: 18 +- comm_cost: 0.7548611111111111 + complexity: 11 expressions: - - R+ - - and(K-, or(S+, R-)) - - and(N-, or(K+, SE+)) + - SE- - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-8807 type: explored -- comm_cost: 0.6642361111111112 - complexity: 11 +- comm_cost: 0.5635416666666668 + complexity: 18 expressions: - - R+ - - R- - - SE- - - and(N-, or(K+, SE+)) - - or(K+, S-) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) name: explored-8808 type: explored -- comm_cost: 0.5598958333333335 - complexity: 23 +- comm_cost: 0.6350405092592594 + complexity: 10 expressions: - - N+ + - R+ - R- + - S- - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-8809 type: explored -- comm_cost: 0.6875 - complexity: 11 +- comm_cost: 0.5086458333333335 + complexity: 12 expressions: + - R- + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, N+) + - not(R-) + - or(SE-, N+) name: explored-8810 type: explored -- comm_cost: 0.501388888888889 - complexity: 7 +- comm_cost: 0.7288174603174604 + complexity: 31 expressions: - - N+ + - and(K-, N-) - and(S-, SE-) - - or(K+, R+) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) + - not(R+) + - not(R-) + - or(K+, K-) + - or(K+, N+) + - or(S+, R+) name: explored-8811 type: explored -- comm_cost: 0.5329861111111112 - complexity: 9 +- comm_cost: 0.279166666666667 + complexity: 17 expressions: - - R+ - - R- - - SE- - - and(K-, SE-) - - or(K+, R+) + - K+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-8812 type: explored -- comm_cost: 0.2312500000000003 - complexity: 11 +- comm_cost: 0.3295138888888892 + complexity: 12 expressions: - - K+ - - R- - - and(N-, R+) + - N+ + - SE- + - and(K-, SE-) + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) name: explored-8813 type: explored -- comm_cost: 0.4757638888888891 - complexity: 13 +- comm_cost: 0.6081973379629632 + complexity: 22 expressions: - - N+ - - R- - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) - not(R-) + - or(S+, or(N+, R-)) name: explored-8814 type: explored -- comm_cost: 0.5574652777777779 - complexity: 10 +- comm_cost: 0.5395833333333335 + complexity: 12 expressions: + - N+ - R- - - and(and(S-, N-), not(R-)) - - or(K+, R+) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-8815 type: explored -- comm_cost: 0.6211805555555557 - complexity: 9 +- comm_cost: 0.5620833333333334 + complexity: 17 expressions: - - R+ + - K+ + - N+ - R- - - or(and(S-, SE-), or(N+, R-)) + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - or(K+, S-) name: explored-8816 type: explored -- comm_cost: 0.6576678240740742 - complexity: 10 +- comm_cost: 0.5208333333333335 + complexity: 13 expressions: - - R+ - - SE- - - and(N-, or(K+, SE+)) - - or(K+, SE+) + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) + - or(S+, N+) name: explored-8817 type: explored -- comm_cost: 0.7234953703703705 - complexity: 11 +- comm_cost: 0.2097222222222226 + complexity: 17 expressions: - - R+ - - and(K-, or(S+, R+)) - - and(N-, or(K+, SE+)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-8818 type: explored -- comm_cost: 0.6538773148148149 +- comm_cost: 0.7396701388888889 complexity: 13 expressions: - - R- - - and(S-, N-) - - and(and(S-, N-), not(R-)) - - or(K+, R-) + - S+ + - and(K-, or(SE-, N+)) + - and(N-, or(K+, S-)) + - not(R-) name: explored-8819 type: explored -- comm_cost: 0.5365162037037039 - complexity: 14 +- comm_cost: 0.6947916666666668 + complexity: 7 expressions: - - N+ - R+ - - R- - - SE- - - and(K-, or(S+, R-)) - - or(K+, or(N+, R-)) + - S+ + - or(S+, or(N+, R-)) name: explored-8820 type: explored -- comm_cost: 0.37818287037037046 - complexity: 11 +- comm_cost: 0.6788541666666668 + complexity: 13 expressions: - R+ - - R- - - and(S-, SE-) - - or(K+, R-) - - or(S+, R-) + - SE- + - and(S-, or(N+, not(R+))) + - not(R-) + - or(S+, N+) name: explored-8821 type: explored -- comm_cost: 0.4085937500000002 - complexity: 20 +- comm_cost: 0.6382233796296297 + complexity: 14 expressions: - - K+ - - K+ + - N+ + - R+ - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - SE- + - and(N-, or(K+, SE+)) + - not(R+) + - or(S+, SE+) name: explored-8822 type: explored -- comm_cost: 0.6538483796296297 - complexity: 15 +- comm_cost: 0.7073958333333334 + complexity: 18 expressions: - - R+ - - SE- - - or(K+, SE+) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - N- + - and(K-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(S+, N+) + - or(SE-, N+) name: explored-8823 type: explored -- comm_cost: 0.6539583333333334 - complexity: 6 +- comm_cost: 0.6924479166666668 + complexity: 13 expressions: - - K- - R+ - R- - - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) name: explored-8824 type: explored -- comm_cost: 0.7925347222222222 - complexity: 4 +- comm_cost: 0.5506076388888891 + complexity: 19 expressions: + - N+ - R- + - SE- + - and(N-, R+) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) - or(K+, K-) name: explored-8825 type: explored -- comm_cost: 0.49375000000000036 - complexity: 6 +- comm_cost: 0.2253906250000003 + complexity: 15 expressions: - K+ - K+ - R- + - S+ - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-8826 type: explored -- comm_cost: 0.4940972222222224 - complexity: 21 +- comm_cost: 0.6001736111111112 + complexity: 13 expressions: - N+ - R+ - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(N-, or(S+, R+)) + - and(S-, or(SE-, N+)) name: explored-8827 type: explored -- comm_cost: 0.6723958333333333 - complexity: 11 +- comm_cost: 0.412404513888889 + complexity: 17 expressions: - - K+ + - N+ + - R- + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, SE+) name: explored-8828 type: explored -- comm_cost: 0.45677083333333346 - complexity: 22 +- comm_cost: 0.5695312500000003 + complexity: 11 expressions: - - K+ - - K+ - N+ - R- - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, K-) - - or(S+, N+) name: explored-8829 type: explored -- comm_cost: 0.42135416666666703 - complexity: 8 +- comm_cost: 0.5365017361111113 + complexity: 13 expressions: - - K+ - - K+ - N+ - - S+ - - S+ - - and(N-, R+) + - R+ + - R- + - SE- + - SE- + - and(K-, S+) + - or(S+, or(N+, R-)) name: explored-8830 type: explored -- comm_cost: 0.6071759259259261 - complexity: 15 +- comm_cost: 0.608246527777778 + complexity: 22 expressions: - - R+ - - and(N-, or(S+, R+)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(and(K-, N-), not(R-)) - - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-8831 type: explored -- comm_cost: 0.7598611111111112 - complexity: 6 +- comm_cost: 0.3588541666666669 + complexity: 13 expressions: + - K+ + - N+ - R+ - - not(R-) - - or(S+, R+) + - SE- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-8832 type: explored -- comm_cost: 0.5960937500000001 - complexity: 11 +- comm_cost: 0.3908333333333336 + complexity: 13 expressions: - N+ - - R+ - R- - - SE- - - and(K-, not(R-)) - - or(S+, R-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - not(R-) name: explored-8833 type: explored -- comm_cost: 0.10260416666666683 - complexity: 19 +- comm_cost: 0.5788194444444446 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(K-, or(S+, N+)) + - R+ + - SE- - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - or(S+, N+) name: explored-8834 type: explored -- comm_cost: 0.8097222222222222 - complexity: 7 +- comm_cost: 0.6543402777777778 + complexity: 13 expressions: + - N+ + - R+ - SE- - - or(K+, K-) - - or(K+, K-) + - and(K-, or(S+, SE+)) + - and(K-, or(S+, SE+)) name: explored-8835 type: explored -- comm_cost: 0.5052083333333335 - complexity: 11 +- comm_cost: 0.37945601851851873 + complexity: 18 expressions: - N+ - R+ - R- - - SE- - - and(or(K+, S-), or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(S+, R-) name: explored-8836 type: explored -- comm_cost: 0.35769675925925937 - complexity: 25 +- comm_cost: 0.43906250000000024 + complexity: 29 expressions: - K+ - N+ - R- - and(K-, S+) - - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(and(S-, SE-), or(N+, R-)) name: explored-8837 type: explored -- comm_cost: 0.8195833333333333 - complexity: 2 +- comm_cost: 0.4842592592592594 + complexity: 19 expressions: - - not(R-) + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-8838 type: explored -- comm_cost: 0.6852430555555558 - complexity: 12 +- comm_cost: 0.754375 + complexity: 8 expressions: - - R+ - - and(S-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) + - or(K+, S-) name: explored-8839 type: explored -- comm_cost: 0.5372395833333335 - complexity: 19 +- comm_cost: 0.4911458333333335 + complexity: 8 expressions: + - N+ + - N+ - R- + - S- + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-8840 type: explored -- comm_cost: 0.48697916666666685 - complexity: 15 +- comm_cost: 0.7115625000000001 + complexity: 9 expressions: - - N+ - - R- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - R+ + - SE- + - and(K-, or(S+, SE+)) + - not(R-) name: explored-8841 type: explored -- comm_cost: 0.3427083333333335 - complexity: 10 +- comm_cost: 0.7502939814814815 + complexity: 17 expressions: - - N+ - - S+ - - and(N-, or(K+, R+)) - - and(S-, SE-) + - S- + - SE- + - and(N-, not(R-)) + - and(S-, N-) + - not(R-) + - or(K+, S-) + - or(K+, SE+) name: explored-8842 type: explored -- comm_cost: 0.5328125000000001 - complexity: 9 +- comm_cost: 0.347916666666667 + complexity: 15 expressions: + - K+ + - N+ - R- - SE- - - and(K-, not(R-)) + - and(K-, or(SE-, N+)) - and(N-, R+) + - or(SE-, N+) name: explored-8843 type: explored -- comm_cost: 0.2015625000000001 - complexity: 17 +- comm_cost: 0.19884259259259274 + complexity: 16 expressions: - K+ - - K+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(SE+, N-) + - or(S+, R-) name: explored-8844 type: explored -- comm_cost: 0.29636863425925963 - complexity: 20 +- comm_cost: 0.610445601851852 + complexity: 10 expressions: - - K+ - - K+ - N+ - R- - - S+ + - S- - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, not(R-)) name: explored-8845 type: explored -- comm_cost: 0.45072337962962983 - complexity: 17 +- comm_cost: 0.3744791666666669 + complexity: 11 expressions: + - K+ + - S+ + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, N+) - - or(K+, SE+) name: explored-8846 type: explored -- comm_cost: 0.44999999999999996 - complexity: 14 +- comm_cost: 0.4110763888888892 + complexity: 17 expressions: - - K+ - N+ - R- - - and(K-, or(S+, R-)) - - and(S-, SE-) - - or(K+, N+) + - S+ + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-8847 type: explored -- comm_cost: 0.3046875000000002 +- comm_cost: 0.6303819444444446 complexity: 16 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - R+ + - SE- + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8848 type: explored -- comm_cost: 0.6193315972222223 - complexity: 17 +- comm_cost: 0.3645833333333336 + complexity: 16 expressions: - - K- - - R+ + - K+ + - N+ - R- - - and(K-, or(S+, R+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(K-, S+) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-8849 type: explored -- comm_cost: 0.41609375000000015 - complexity: 17 +- comm_cost: 0.16718750000000027 + complexity: 14 expressions: - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(SE-, N+) + - and(SE-, or(K+, S-)) name: explored-8850 type: explored -- comm_cost: 0.5848958333333333 - complexity: 9 +- comm_cost: 0.7134548611111112 + complexity: 13 expressions: - - N+ - - N+ - - R- - - and(S-, SE-) - - or(SE-, N+) + - R+ + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) name: explored-8851 type: explored -- comm_cost: 0.7213628472222223 - complexity: 8 +- comm_cost: 0.3470486111111112 + complexity: 11 expressions: + - K+ - R+ - - S- - - or(K+, R+) - - or(S+, SE+) + - R- + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-8852 type: explored -- comm_cost: 0.4413194444444445 - complexity: 12 +- comm_cost: 0.7147858796296297 + complexity: 19 expressions: - - R+ - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) name: explored-8853 type: explored -- comm_cost: 0.4428240740740741 - complexity: 15 +- comm_cost: 0.236197916666667 + complexity: 21 expressions: - K+ - N+ - R- - and(K-, S+) + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - or(S+, R-) - - or(S+, R-) name: explored-8854 type: explored -- comm_cost: 0.7181770833333334 - complexity: 7 +- comm_cost: 0.5641666666666669 + complexity: 11 expressions: + - N+ - N- - - R+ - - or(S+, or(N+, R-)) + - R- + - SE- + - and(N-, R+) + - or(N+, not(R+)) name: explored-8855 type: explored -- comm_cost: 0.41319444444444464 +- comm_cost: 0.5210648148148149 complexity: 17 expressions: - - K+ - - K+ - N+ - - S+ - - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) name: explored-8856 type: explored -- comm_cost: 0.4921875000000002 - complexity: 13 +- comm_cost: 0.32291666666666674 + complexity: 12 expressions: + - K+ - N+ - R- - S+ - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-8857 type: explored -- comm_cost: 0.6946180555555556 +- comm_cost: 0.7092708333333334 complexity: 6 expressions: - N+ + - R+ - R- - - SE- - - or(K+, K-) + - or(S+, SE+) name: explored-8858 type: explored -- comm_cost: 0.6106770833333335 - complexity: 5 +- comm_cost: 0.5696180555555556 + complexity: 14 expressions: - K+ - - R+ - - and(K-, N-) + - R- + - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-8859 type: explored -- comm_cost: 0.2742187500000002 - complexity: 16 +- comm_cost: 0.5925000000000002 + complexity: 10 expressions: - - K+ - - N+ - - R- - - R- - - and(N-, R+) + - K- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - and(S-, or(SE-, N+)) name: explored-8860 type: explored -- comm_cost: 0.42248263888888915 - complexity: 23 +- comm_cost: 0.5275000000000002 + complexity: 15 expressions: - - K+ - - N+ - R- - - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(SE-, N+) + - or(K+, S-) name: explored-8861 type: explored -- comm_cost: 0.5064236111111113 - complexity: 13 +- comm_cost: 0.4382812500000002 + complexity: 16 expressions: - - and(K-, not(R+)) + - K+ + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(S+, R+) name: explored-8862 type: explored -- comm_cost: 0.4745659722222224 - complexity: 20 +- comm_cost: 0.7520833333333333 + complexity: 3 expressions: - - K+ + - N+ - N+ - R- - - S+ - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(K+, N+) name: explored-8863 type: explored -- comm_cost: 0.4265625000000002 - complexity: 11 +- comm_cost: 0.5289062500000001 + complexity: 10 expressions: - - R+ + - K+ + - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - and(K-, S+) + - and(K-, not(R-)) name: explored-8864 type: explored -- comm_cost: 0.4267361111111113 - complexity: 15 +- comm_cost: 0.5544270833333333 + complexity: 12 expressions: + - K+ - N+ - - SE- - - and(N-, R+) - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) + - R- + - S+ + - and(K-, SE-) + - and(S-, SE-) + - not(R+) name: explored-8865 type: explored -- comm_cost: 0.5792534722222222 - complexity: 22 +- comm_cost: 0.6291232638888891 + complexity: 30 expressions: - - and(S-, N-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(N+, R-) + - R- + - and(K-, N-) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-8866 type: explored -- comm_cost: 0.8527777777777777 - complexity: 6 +- comm_cost: 0.5996527777777779 + complexity: 7 expressions: - - and(or(K+, S-), not(R+)) + - R+ + - SE- + - or(K+, or(N+, R-)) name: explored-8867 type: explored -- comm_cost: 0.6257812500000002 - complexity: 10 +- comm_cost: 0.6575520833333335 + complexity: 7 expressions: + - N+ + - R+ - R- - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) + - or(K+, SE+) name: explored-8868 type: explored -- comm_cost: 0.18072916666666694 - complexity: 11 +- comm_cost: 0.3161458333333338 + complexity: 22 expressions: - - R- + - K+ - S+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) name: explored-8869 type: explored -- comm_cost: 0.3337789351851853 - complexity: 17 +- comm_cost: 0.3357638888888892 + complexity: 9 expressions: - K+ - - K+ - - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(K+, SE+) + - or(K+, N+) name: explored-8870 type: explored -- comm_cost: 0.7868055555555555 - complexity: 9 +- comm_cost: 0.6303819444444446 + complexity: 12 expressions: - - and(or(K+, S-), not(R+)) - - or(K+, S-) + - N+ + - SE- + - and(K-, not(R-)) + - and(N-, R+) + - or(S+, SE+) name: explored-8871 type: explored -- comm_cost: 0.4210156250000001 - complexity: 20 +- comm_cost: 0.33482638888888905 + complexity: 17 expressions: - N+ - R- - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, SE+) - or(S+, SE+) name: explored-8872 type: explored -- comm_cost: 0.7208333333333333 - complexity: 6 +- comm_cost: 0.12604166666666705 + complexity: 15 expressions: - K+ - N+ - R- - - or(S+, N+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, R-) name: explored-8873 type: explored -- comm_cost: 0.5902777777777779 - complexity: 14 +- comm_cost: 0.3752604166666669 + complexity: 19 expressions: - - SE- - - and(and(S-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, SE-) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(N+, R-) name: explored-8874 type: explored -- comm_cost: 0.27986111111111134 +- comm_cost: 0.7520833333333333 + complexity: 3 + expressions: + - N+ + - R- + - R- + name: explored-8875 + type: explored +- comm_cost: 0.34392361111111125 complexity: 17 expressions: - K+ + - N+ - R- - - SE- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - name: explored-8875 - type: explored -- comm_cost: 0.7039699074074075 - complexity: 18 - expressions: - - K- - - and(N-, or(K+, SE+)) - - and(SE-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, not(R+)) name: explored-8876 type: explored -- comm_cost: 0.574189814814815 - complexity: 15 +- comm_cost: 0.6644097222222224 + complexity: 14 expressions: - - N+ - R+ - - R- - - SE- - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-8877 type: explored -- comm_cost: 0.7308449074074075 - complexity: 9 +- comm_cost: 0.41496527777777803 + complexity: 18 expressions: - - R+ - - and(K-, not(R-)) - - and(S-, not(R-)) + - K+ + - K- + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-8878 type: explored -- comm_cost: 0.42196180555555574 - complexity: 14 +- comm_cost: 0.5318055555555559 + complexity: 9 expressions: + - K- - N+ - - R- - SE- - - and(K-, SE-) - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, R+) name: explored-8879 type: explored -- comm_cost: 0.7456597222222223 - complexity: 7 - expressions: - - R+ - - SE+ - - or(K+, or(N+, R-)) - name: explored-8880 - type: explored -- comm_cost: 0.5525173611111113 +- comm_cost: 0.5525173611111114 complexity: 15 expressions: - N+ - SE- - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) - and(N-, R+) - name: explored-8881 + - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) + name: explored-8880 type: explored -- comm_cost: 0.5383680555555557 - complexity: 15 +- comm_cost: 0.5645833333333335 + complexity: 10 expressions: - - K+ - - K+ - R+ - R- - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, R+) + - SE- + - and(S-, not(R+)) + - or(SE-, N+) + name: explored-8881 + type: explored +- comm_cost: 0.7055555555555557 + complexity: 7 + expressions: + - N+ + - R+ + - S- + - and(K-, not(R-)) name: explored-8882 type: explored -- comm_cost: 0.6861111111111112 - complexity: 12 +- comm_cost: 0.5095486111111114 + complexity: 11 expressions: - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) + - N+ + - R- + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-8883 type: explored -- comm_cost: 0.7032118055555556 - complexity: 12 +- comm_cost: 0.4886574074074075 + complexity: 14 expressions: + - R- - SE- - - and(K-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(K+, R+) name: explored-8884 type: explored -- comm_cost: 0.7155208333333335 - complexity: 4 +- comm_cost: 0.5501388888888891 + complexity: 12 expressions: - N+ - - R+ - - not(R-) + - R- + - and(N-, R+) + - and(S-, not(R+)) + - or(K+, S-) name: explored-8885 type: explored -- comm_cost: 0.7166666666666668 - complexity: 8 +- comm_cost: 0.16024305555555574 + complexity: 16 expressions: - - SE- - - and(and(K-, N-), or(S+, SE+)) + - K+ + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-8886 type: explored -- comm_cost: 0.471527777777778 - complexity: 16 +- comm_cost: 0.4497569444444447 + complexity: 24 expressions: - - K+ - - and(K-, S+) + - N+ + - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(N+, not(R+)) name: explored-8887 type: explored -- comm_cost: 0.5636284722222223 - complexity: 15 +- comm_cost: 0.46701388888888906 + complexity: 12 expressions: - K+ - R+ - R- - - SE- - - and(K-, or(S+, N+)) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-8888 type: explored -- comm_cost: 0.6507812500000001 - complexity: 16 +- comm_cost: 0.6421875000000001 + complexity: 10 expressions: - R+ - - and(K-, SE-) - - and(N-, or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - S- + - and(K-, or(SE-, N+)) + - or(K+, R-) name: explored-8889 type: explored -- comm_cost: 0.7139583333333335 - complexity: 10 +- comm_cost: 0.6587094907407409 + complexity: 13 expressions: - - N- - R+ - SE- - - or(N+, not(R+)) - - or(SE-, N+) + - and(N-, or(K+, S-)) + - and(S-, N-) + - or(S+, N+) name: explored-8890 type: explored -- comm_cost: 0.2644097222222226 - complexity: 10 +- comm_cost: 0.6135127314814816 + complexity: 11 expressions: - - K+ - - N+ - - S+ + - R+ + - R- - SE- - - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - or(S+, R-) name: explored-8891 type: explored -- comm_cost: 0.4534722222222225 - complexity: 11 +- comm_cost: 0.37410300925925943 + complexity: 19 expressions: - K+ - N+ - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - or(K+, or(N+, R-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-8892 type: explored -- comm_cost: 0.5123437500000001 +- comm_cost: 0.6012557870370372 complexity: 16 expressions: - - K+ - - K+ - K- - N+ - - R- - - S+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-8893 type: explored -- comm_cost: 0.4373263888888892 - complexity: 12 +- comm_cost: 0.6334490740740742 + complexity: 15 expressions: - - S+ + - R+ - SE- - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-8894 type: explored -- comm_cost: 0.7260416666666667 - complexity: 9 +- comm_cost: 0.5508101851851853 + complexity: 16 expressions: - - N+ - R+ - R- - - or(K+, K-) - - or(K+, K-) + - SE- + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-8895 type: explored -- comm_cost: 0.2409722222222226 - complexity: 13 +- comm_cost: 0.28103298611111127 + complexity: 24 expressions: - K+ + - K+ + - N+ + - R+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, or(N+, R-)) name: explored-8896 type: explored -- comm_cost: 0.7336863425925926 - complexity: 24 +- comm_cost: 0.3255208333333337 + complexity: 10 expressions: - - and(K-, S+) - - and(K-, SE-) - - not(R+) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-8897 type: explored -- comm_cost: 0.42343750000000024 - complexity: 11 +- comm_cost: 0.697337962962963 + complexity: 10 expressions: - - K+ - - N+ - - and(K-, N-) - - and(K-, S+) - - and(N-, R+) + - R+ + - SE- + - and(K-, or(S+, R+)) + - or(K+, S-) name: explored-8898 type: explored -- comm_cost: 0.7480208333333335 - complexity: 3 +- comm_cost: 0.5789930555555558 + complexity: 10 expressions: - - R+ - - not(R-) + - S+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-8899 type: explored -- comm_cost: 0.48058449074074094 - complexity: 19 +- comm_cost: 0.4375000000000002 + complexity: 12 expressions: - - N+ - - R- + - K+ - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-8900 type: explored -- comm_cost: 0.34592013888888906 - complexity: 21 +- comm_cost: 0.4666666666666669 + complexity: 22 expressions: - K+ - - N+ - R- - - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(SE+, N-) - - and(or(K+, S-), not(R-)) + - and(S-, or(N+, not(R+))) name: explored-8901 type: explored -- comm_cost: 0.4256365740740742 - complexity: 14 +- comm_cost: 0.3510416666666668 + complexity: 7 expressions: - - K+ - N+ + - N+ + - R+ - R- - - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, K-) name: explored-8902 type: explored -- comm_cost: 0.6243055555555557 - complexity: 9 +- comm_cost: 0.47906250000000017 + complexity: 11 expressions: - - K+ + - N+ - R- - - SE- - - and(and(K-, N-), not(R-)) + - and(K-, SE-) + - and(N-, R+) + - or(S+, SE+) name: explored-8903 type: explored -- comm_cost: 0.20185185185185217 - complexity: 16 +- comm_cost: 0.46840277777777795 + complexity: 13 expressions: - - N+ + - K+ - R- - - and(N-, R+) + - S+ - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, R-) + - and(and(K-, N-), or(S+, SE+)) name: explored-8904 type: explored -- comm_cost: 0.5130208333333335 - complexity: 10 +- comm_cost: 0.4536458333333333 + complexity: 14 expressions: - K+ - - N- + - K+ + - N+ + - N+ - R- - S+ - - and(N-, R+) - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-8905 type: explored -- comm_cost: 0.45180844907407425 - complexity: 21 +- comm_cost: 0.34085648148148184 + complexity: 13 expressions: - K+ - - K+ - N+ - R- + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(N+, R-) + - or(S+, R-) name: explored-8906 type: explored -- comm_cost: 0.2875000000000002 - complexity: 13 +- comm_cost: 0.34375000000000033 + complexity: 6 expressions: - K+ - N+ + - R- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) name: explored-8907 type: explored -- comm_cost: 0.5913541666666667 - complexity: 7 +- comm_cost: 0.41319444444444464 + complexity: 18 expressions: - - K- - - R+ + - N+ - R- - - SE- + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) + - or(K+, R+) name: explored-8908 type: explored -- comm_cost: 0.48449074074074094 +- comm_cost: 0.6607638888888889 complexity: 13 expressions: - - K+ - - N+ - - R- - - SE+ - - SE- - - and(N-, R+) - - or(K+, or(N+, R-)) + - and(K-, or(S+, N+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-8909 type: explored -- comm_cost: 0.24531250000000027 - complexity: 17 +- comm_cost: 0.6313368055555557 + complexity: 10 expressions: - - K+ - - N+ - - R- + - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(N+, R-) + - and(N-, or(K+, S-)) name: explored-8910 type: explored -- comm_cost: 0.4657407407407409 - complexity: 14 +- comm_cost: 0.7197647569444445 + complexity: 30 expressions: - - K+ - - K- - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - R+ + - S+ + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) + - or(K+, SE+) + - or(S+, R-) + - or(S+, SE+) + - or(SE-, N+) name: explored-8911 type: explored -- comm_cost: 0.42638888888888893 - complexity: 8 +- comm_cost: 0.6756944444444444 + complexity: 6 expressions: - - K+ - - R- - - and(S-, SE-) - - or(K+, R+) + - N+ + - SE- + - and(K-, not(R+)) name: explored-8912 type: explored -- comm_cost: 0.6982916666666668 - complexity: 27 +- comm_cost: 0.5180555555555557 + complexity: 11 expressions: - - K- - N+ - - and(K-, or(S+, SE+)) - - and(N-, or(K+, S-)) + - and(S-, SE-) - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - or(S+, N+) - - or(S+, SE+) + - or(K+, R+) name: explored-8913 type: explored -- comm_cost: 0.4270833333333336 - complexity: 10 +- comm_cost: 0.741059027777778 + complexity: 9 expressions: - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - R+ + - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-8914 type: explored -- comm_cost: 0.6402083333333335 - complexity: 6 +- comm_cost: 0.3847222222222225 + complexity: 12 expressions: - - R+ + - K+ - R- - - or(N+, not(R+)) + - and(K-, S+) + - and(K-, not(R+)) + - and(N-, R+) name: explored-8915 type: explored -- comm_cost: 0.3440972222222224 - complexity: 20 +- comm_cost: 0.5841666666666667 + complexity: 7 expressions: - K+ - - N+ - R- - - S+ - - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - not(R-) name: explored-8916 type: explored -- comm_cost: 0.6247395833333335 - complexity: 8 +- comm_cost: 0.32774884259259274 + complexity: 19 expressions: - K+ - - R+ + - N+ - R- - - and(N-, or(K+, S-)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-8917 type: explored -- comm_cost: 0.666420634920635 - complexity: 25 +- comm_cost: 0.30138888888888915 + complexity: 14 expressions: - R- - - S- - - SE+ - - and(K-, SE-) + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - not(R-) - - or(K+, S-) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-8918 type: explored -- comm_cost: 0.4671875000000001 - complexity: 10 +- comm_cost: 0.5937500000000002 + complexity: 13 expressions: - - N+ - - R- - - S+ + - SE- - and(K-, not(R-)) - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-8919 type: explored -- comm_cost: 0.5903645833333334 - complexity: 9 +- comm_cost: 0.377777777777778 + complexity: 12 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-8920 type: explored -- comm_cost: 0.3559895833333335 - complexity: 13 +- comm_cost: 0.16041666666666687 + complexity: 12 expressions: - K+ - - K+ - - N+ - - R- - R- - S+ - - S- - and(N-, R+) - and(S-, SE-) + - or(N+, R-) name: explored-8921 type: explored -- comm_cost: 0.6386111111111112 - complexity: 13 +- comm_cost: 0.8049479166666668 + complexity: 8 expressions: - - N- - - R+ - - R- - - SE- - - and(and(K-, N-), not(R-)) - - or(S+, R-) + - and(K-, or(S+, SE+)) + - or(N+, R-) name: explored-8922 type: explored -- comm_cost: 0.6142361111111113 - complexity: 7 +- comm_cost: 0.7240277777777779 + complexity: 11 expressions: - - R+ - - and(or(K+, S-), not(R+)) + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(S+, SE+) name: explored-8923 type: explored -- comm_cost: 0.6140625000000002 - complexity: 8 +- comm_cost: 0.4694907407407408 + complexity: 13 expressions: + - K+ + - K- - N+ - - R+ + - R- - and(N-, R+) - - or(K+, N+) + - and(S-, SE-) + - or(K+, R+) name: explored-8924 type: explored -- comm_cost: 0.6194444444444446 - complexity: 9 +- comm_cost: 0.5421875000000002 + complexity: 13 expressions: - R+ - - R- - SE- - - or(K+, SE+) - - or(N+, R-) + - and(K-, or(S+, R-)) + - and(and(S-, N-), not(R-)) name: explored-8925 type: explored -- comm_cost: 0.41319444444444486 - complexity: 13 +- comm_cost: 0.6353298611111111 + complexity: 11 expressions: - - K+ - N+ + - R- - SE- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(S+, SE+)) + - or(N+, R-) name: explored-8926 type: explored -- comm_cost: 0.5458333333333335 - complexity: 7 +- comm_cost: 0.5000000000000001 + complexity: 9 expressions: - - N+ - - R+ - R+ + - R- - SE- - - and(SE+, N-) + - and(and(S-, N-), not(R-)) name: explored-8927 type: explored -- comm_cost: 0.9020833333333333 - complexity: 2 +- comm_cost: 0.45920138888888906 + complexity: 16 expressions: + - N+ - R- - - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) + - or(S+, or(N+, R-)) name: explored-8928 type: explored -- comm_cost: 0.6531145833333334 - complexity: 37 +- comm_cost: 0.46684027777777815 + complexity: 10 expressions: - - K- - - R- - - and(K-, S+) - - and(K-, not(R-)) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - and(N-, R+) + - or(K+, N+) + - or(S+, R-) name: explored-8929 type: explored -- comm_cost: 0.3484375000000002 - complexity: 19 +- comm_cost: 0.4765625000000002 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(K-, or(S+, SE+)) + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) name: explored-8930 type: explored -- comm_cost: 0.4673553240740742 - complexity: 24 +- comm_cost: 0.27656250000000016 + complexity: 14 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, not(R+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(and(S-, SE-), or(N+, R-)) name: explored-8931 type: explored -- comm_cost: 0.7634375 - complexity: 4 +- comm_cost: 0.5622685185185187 + complexity: 19 expressions: - - S+ - - or(K+, S-) + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, N-) + - or(S+, or(N+, R-)) name: explored-8932 type: explored -- comm_cost: 0.4222222222222225 - complexity: 14 +- comm_cost: 0.5520833333333333 + complexity: 12 expressions: + - K+ - N+ - - SE- - - and(N-, R+) - - and(SE+, N-) + - S+ + - and(S-, SE-) - and(or(K+, S-), not(R+)) name: explored-8933 type: explored -- comm_cost: 0.26328125000000036 - complexity: 21 +- comm_cost: 0.2923611111111113 + complexity: 23 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, R-) name: explored-8934 type: explored -- comm_cost: 0.4813368055555558 - complexity: 9 +- comm_cost: 0.39615162037037077 + complexity: 15 expressions: - N+ - - S+ + - R- - SE- - - and(K-, N-) - and(N-, R+) + - not(R+) + - or(and(K-, S+), or(N+, R-)) name: explored-8935 type: explored -- comm_cost: 0.43125000000000024 - complexity: 14 +- comm_cost: 0.6408333333333334 + complexity: 3 expressions: - - K+ - N+ + - N- - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) name: explored-8936 type: explored -- comm_cost: 0.7416666666666667 - complexity: 4 +- comm_cost: 0.5362500000000002 + complexity: 10 expressions: - - K+ - - K+ - N+ - - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-8937 type: explored -- comm_cost: 0.4441406250000003 - complexity: 17 +- comm_cost: 0.3558159722222223 + complexity: 16 expressions: - K+ + - K+ + - N+ - R- - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(K-, or(S+, R+)) - and(S-, SE-) - - or(S+, N+) + - or(K+, R+) name: explored-8938 type: explored -- comm_cost: 0.6671875000000002 - complexity: 27 +- comm_cost: 0.4364583333333335 + complexity: 13 expressions: - - SE+ - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(N-, or(S+, R+)) - - and(S-, N-) - - and(SE+, N-) - - or(K+, SE+) - - or(S+, R-) + - N+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-8939 type: explored -- comm_cost: 0.6899652777777779 - complexity: 9 +- comm_cost: 0.49027777777777803 + complexity: 13 expressions: - - R+ - - and(S-, not(R-)) - - or(N+, not(R+)) + - K+ + - N+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-8940 type: explored -- comm_cost: 0.82109375 - complexity: 10 +- comm_cost: 0.5822916666666668 + complexity: 4 expressions: - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R+ + - R+ + - R- name: explored-8941 type: explored -- comm_cost: 0.2357638888888891 - complexity: 19 +- comm_cost: 0.6157986111111112 + complexity: 6 expressions: - - N+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - R+ + - R- + - and(S-, not(R-)) name: explored-8942 type: explored -- comm_cost: 0.31440972222222263 - complexity: 12 +- comm_cost: 0.521527777777778 + complexity: 15 expressions: - N+ - R- - - and(K-, SE-) - - and(K-, not(R+)) + - SE- - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(N+, not(R+)) name: explored-8943 type: explored -- comm_cost: 0.4927083333333335 - complexity: 12 +- comm_cost: 0.08125000000000027 + complexity: 10 expressions: - N+ - R- - - SE- + - S+ + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, K-) name: explored-8944 type: explored -- comm_cost: 0.5795833333333336 - complexity: 14 +- comm_cost: 0.09791666666666687 + complexity: 11 expressions: - - R- + - K+ + - N+ + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, SE+) + - and(S-, SE-) name: explored-8945 type: explored -- comm_cost: 0.3694270833333335 - complexity: 16 +- comm_cost: 0.4169270833333335 + complexity: 17 expressions: - K+ - - K+ - N+ - R- - - R- - S+ - - SE- + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - or(SE-, N+) name: explored-8946 type: explored -- comm_cost: 0.35546875000000033 - complexity: 15 +- comm_cost: 0.5218750000000001 + complexity: 4 expressions: - - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(S-, not(R+)) - - not(R+) - - or(K+, N+) + - SE- name: explored-8947 type: explored -- comm_cost: 0.6880208333333334 - complexity: 9 +- comm_cost: 0.7208333333333334 + complexity: 8 expressions: - - SE- - - and(K-, SE-) - - and(N-, or(K+, SE+)) + - and(N-, or(K+, R+)) + - or(K+, N+) name: explored-8948 type: explored -- comm_cost: 0.596875 - complexity: 15 +- comm_cost: 0.4521267361111114 + complexity: 17 expressions: - - K+ - - R- + - N+ - SE- - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) + - or(K+, R-) + - or(N+, not(R+)) + - or(S+, or(N+, R-)) name: explored-8949 type: explored -- comm_cost: 0.25989583333333366 - complexity: 13 +- comm_cost: 0.28671875000000013 + complexity: 15 expressions: - K+ + - N+ + - R- - S+ - - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) name: explored-8950 type: explored -- comm_cost: 0.7146354166666669 - complexity: 16 +- comm_cost: 0.39079861111111136 + complexity: 17 expressions: - - R+ - - and(K-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(N+, R-) name: explored-8951 type: explored -- comm_cost: 0.22013888888888922 - complexity: 18 +- comm_cost: 0.3480902777777781 + complexity: 17 expressions: - K+ + - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-8952 type: explored -- comm_cost: 0.6334375000000001 - complexity: 10 +- comm_cost: 0.4819618055555557 + complexity: 16 expressions: - - R+ - - and(K-, SE-) - - and(K-, SE-) - - or(S+, SE+) + - K+ + - K+ + - N+ + - N- + - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-8953 type: explored -- comm_cost: 0.5037905092592595 - complexity: 23 +- comm_cost: 0.10416666666666696 + complexity: 15 expressions: + - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - not(R+) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, N+) name: explored-8954 type: explored -- comm_cost: 0.4812500000000004 - complexity: 10 +- comm_cost: 0.3450520833333335 + complexity: 16 expressions: - - SE- + - K+ + - K+ + - N+ + - R- + - S+ + - S+ + - and(K-, not(R-)) - and(N-, R+) - - or(S+, N+) - - or(S+, N+) + - and(S-, SE-) name: explored-8955 type: explored -- comm_cost: 0.5345486111111113 - complexity: 7 +- comm_cost: 0.6594097222222224 + complexity: 10 expressions: - - K+ - R+ - - R- - - and(S-, not(R-)) + - SE- + - SE- + - and(S-, N-) + - or(N+, not(R+)) name: explored-8956 type: explored -- comm_cost: 0.7383887235449735 - complexity: 33 +- comm_cost: 0.49479166666666685 + complexity: 7 expressions: - - K- - - and(K-, not(R+)) - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - - not(R+) - - or(K+, R-) - - or(S+, R+) - - or(S+, SE+) + - R+ + - R+ + - R- + - SE- + - and(K-, S+) name: explored-8957 type: explored -- comm_cost: 0.7140625 - complexity: 5 +- comm_cost: 0.627314814814815 + complexity: 16 expressions: + - R+ - R- - - and(N-, not(R-)) + - SE- + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-8958 type: explored -- comm_cost: 0.7069444444444445 - complexity: 27 - expressions: - - S+ - - and(K-, N-) - - and(K-, or(SE-, N+)) - - and(S-, N-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) - name: explored-8959 - type: explored -- comm_cost: 0.5389583333333334 - complexity: 8 +- comm_cost: 0.41718749999999993 + complexity: 13 expressions: - K+ - - K- - N+ - R- - - S+ + - and(K-, S+) - and(S-, SE-) + - and(S-, not(R+)) + name: explored-8959 + type: explored +- comm_cost: 0.7213541666666667 + complexity: 17 + expressions: + - and(K-, not(R-)) + - and(N-, or(S+, SE+)) + - and(SE-, or(K+, S-)) + - or(SE-, N+) name: explored-8960 type: explored -- comm_cost: 0.591666666666667 - complexity: 4 +- comm_cost: 0.43072916666666683 + complexity: 12 expressions: - K+ + - N+ + - N+ + - R- + - SE- + - and(K-, not(R-)) - and(N-, R+) name: explored-8961 type: explored -- comm_cost: 0.5351562500000002 - complexity: 7 +- comm_cost: 0.5346180555555557 + complexity: 22 expressions: + - K+ - N+ - - and(K-, N-) + - R- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-8962 type: explored -- comm_cost: 0.696701388888889 - complexity: 11 +- comm_cost: 0.5166666666666668 + complexity: 6 expressions: - - and(K-, not(R+)) - - and(S-, not(R-)) - - or(S+, R+) + - K+ + - N+ + - N- + - and(N-, R+) name: explored-8963 type: explored -- comm_cost: 0.6304398148148149 +- comm_cost: 0.17916666666666692 complexity: 10 expressions: - - R+ - - R- - - and(K-, or(S+, R+)) - - and(S-, N-) - name: explored-8964 - type: explored -- comm_cost: 0.28003472222222237 - complexity: 21 - expressions: - - K+ - N+ - - R- - - and(K-, or(S+, SE+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + name: explored-8964 + type: explored +- comm_cost: 0.7870833333333334 + complexity: 5 + expressions: + - and(K-, S+) + - not(R-) name: explored-8965 type: explored -- comm_cost: 0.43015625000000013 - complexity: 19 +- comm_cost: 0.8385416666666667 + complexity: 4 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - SE- - or(SE-, N+) name: explored-8966 type: explored -- comm_cost: 0.45434027777777797 - complexity: 16 +- comm_cost: 0.3070312500000002 + complexity: 14 expressions: - N+ - R- - - SE- - - and(K-, or(S+, R-)) + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-8967 type: explored -- comm_cost: 0.6672015542328043 - complexity: 33 +- comm_cost: 0.8046875 + complexity: 7 expressions: - - N+ - - and(K-, not(R-)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - not(R-) - - or(K+, R-) - - or(S+, N+) - - or(S+, R+) - - or(SE-, N+) + - K+ + - R- + - and(K-, or(S+, R-)) name: explored-8968 type: explored -- comm_cost: 0.6325520833333335 - complexity: 5 +- comm_cost: 0.7563541666666668 + complexity: 7 expressions: - - R+ - S- - - and(S-, SE-) + - and(SE+, N-) + - or(K+, S-) name: explored-8969 type: explored -- comm_cost: 0.649045138888889 +- comm_cost: 0.5204861111111113 + complexity: 14 + expressions: + - K+ + - N+ + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) + - or(K+, R-) + name: explored-8970 + type: explored +- comm_cost: 0.6359953703703705 complexity: 12 expressions: - R+ - SE- - - and(K-, or(S+, R+)) - - or(S+, or(N+, R-)) - name: explored-8970 + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R+) + name: explored-8971 type: explored -- comm_cost: 0.3227430555555558 +- comm_cost: 0.2956597222222226 complexity: 12 expressions: - - K+ - N+ + - R- - S+ - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - name: explored-8971 - type: explored -- comm_cost: 0.4979166666666668 - complexity: 9 - expressions: - - R+ - - SE- - - and(S-, SE-) - - and(S-, not(R+)) + - and(or(K+, S-), not(R+)) name: explored-8972 type: explored -- comm_cost: 0.5241666666666669 - complexity: 9 +- comm_cost: 0.3065104166666668 + complexity: 15 expressions: + - K+ - N+ - - R- - - SE- + - S+ + - and(K-, S+) - and(N-, R+) - - or(S+, SE+) + - and(S-, SE-) + - or(K+, SE+) name: explored-8973 type: explored -- comm_cost: 0.4927083333333334 - complexity: 19 +- comm_cost: 0.6002604166666669 + complexity: 11 expressions: + - K+ - N+ - - R+ - - R- - - SE- - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) + - and(K-, S+) + - and(N-, R+) + - or(S+, R+) name: explored-8974 type: explored -- comm_cost: 0.7074652777777779 - complexity: 15 +- comm_cost: 0.6871875000000001 + complexity: 5 expressions: + - N+ - R+ - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, S+), or(N+, R-)) + - SE- + - not(R-) name: explored-8975 type: explored -- comm_cost: 0.6237847222222224 - complexity: 11 +- comm_cost: 0.6704340277777779 + complexity: 12 expressions: - - R+ - SE- - - and(K-, or(S+, R-)) - - and(N-, not(R-)) + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(S+, SE+) name: explored-8976 type: explored -- comm_cost: 0.5841493055555557 - complexity: 19 +- comm_cost: 0.7346875 + complexity: 13 expressions: - R+ - - R- - - S+ + - and(K-, not(R-)) - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - or(K+, S-) name: explored-8977 type: explored -- comm_cost: 0.6288339120370372 - complexity: 20 - expressions: - - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-8978 - type: explored -- comm_cost: 0.618402777777778 - complexity: 9 - expressions: - - and(and(S-, N-), not(R-)) - - or(S+, R-) - name: explored-8979 - type: explored -- comm_cost: 0.2968055555555559 - complexity: 17 +- comm_cost: 0.3748842592592595 + complexity: 19 expressions: - K+ - N+ - R- - - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(N+, not(R+)) - name: explored-8980 + - or(and(K-, S+), or(N+, R-)) + name: explored-8978 type: explored -- comm_cost: 0.5838541666666668 +- comm_cost: 0.7097511574074076 + complexity: 8 + expressions: + - R+ + - and(N-, not(R-)) + - or(K+, R+) + name: explored-8979 + type: explored +- comm_cost: 0.5713541666666667 complexity: 12 expressions: - R+ + - R- - SE- + - and(K-, not(R-)) - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) - name: explored-8981 + name: explored-8980 type: explored -- comm_cost: 0.409027777777778 - complexity: 23 +- comm_cost: 0.5402777777777781 + complexity: 8 expressions: - N+ - - R- - - and(K-, or(SE-, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - or(K+, R+) - name: explored-8982 + name: explored-8981 type: explored -- comm_cost: 0.6103298611111112 - complexity: 12 +- comm_cost: 0.19982638888888915 + complexity: 14 expressions: - - K+ - N+ - R- + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - or(S+, R-) - - or(SE-, N+) - name: explored-8983 + name: explored-8982 type: explored -- comm_cost: 0.6552083333333334 - complexity: 5 +- comm_cost: 0.6913194444444446 + complexity: 11 expressions: - R+ - - R- - - and(K-, N-) - name: explored-8984 + - or(S+, N+) + - or(and(K-, S+), or(N+, R-)) + name: explored-8983 type: explored -- comm_cost: 0.18385416666666687 - complexity: 15 +- comm_cost: 0.22291666666666687 + complexity: 23 expressions: - K+ + - N+ - R- - - S+ - - and(K-, S+) - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) + - or(S+, or(N+, R-)) + name: explored-8984 + type: explored +- comm_cost: 0.3984375000000002 + complexity: 12 + expressions: + - K+ + - and(K-, SE-) + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-8985 type: explored -- comm_cost: 0.5340277777777779 +- comm_cost: 0.4798611111111113 complexity: 12 expressions: - N+ + - R+ - R- - SE- - - and(and(K-, N-), not(R-)) - - or(S+, R-) + - SE- + - and(and(K-, N-), or(S+, R+)) name: explored-8986 type: explored -- comm_cost: 0.2651041666666669 - complexity: 16 +- comm_cost: 0.6638020833333335 + complexity: 9 expressions: - - K+ - - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, N+) + - and(and(S-, N-), not(R-)) + - or(K+, SE+) name: explored-8987 type: explored -- comm_cost: 0.46252893518518534 - complexity: 17 +- comm_cost: 0.6251736111111112 + complexity: 12 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, R+) + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - or(N+, R-) name: explored-8988 type: explored -- comm_cost: 0.5463541666666667 +- comm_cost: 0.3437500000000002 complexity: 7 expressions: - N+ - R- - - SE- - - and(N-, not(R-)) + - R- + - S+ + - and(N-, R+) name: explored-8989 type: explored -- comm_cost: 0.6211458333333335 - complexity: 16 +- comm_cost: 0.2180555555555559 + complexity: 13 expressions: - - R+ - - SE- - - and(N-, or(K+, R+)) - - and(SE-, or(K+, S-)) - - or(N+, not(R+)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-8990 type: explored -- comm_cost: 0.12384259259259278 - complexity: 15 +- comm_cost: 0.4853298611111112 + complexity: 24 expressions: - - K+ - N+ - R- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(K+, R-) - - or(S+, R-) + - and(or(K+, S-), not(R-)) name: explored-8991 type: explored -- comm_cost: 0.13107638888888928 - complexity: 17 +- comm_cost: 0.27708333333333357 + complexity: 21 expressions: - - K+ - - K+ - N+ - R- - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-8992 type: explored -- comm_cost: 0.4520833333333335 - complexity: 16 +- comm_cost: 0.5291666666666669 + complexity: 15 expressions: - - K+ - - K+ - N+ - R- - - R- - - S+ - S- - - and(K-, N-) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-8993 type: explored -- comm_cost: 0.5491319444444446 - complexity: 11 +- comm_cost: 0.18385416666666676 + complexity: 16 expressions: + - K+ - N+ - - R+ + - R- + - and(K-, S+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-8994 type: explored -- comm_cost: 0.5804687500000001 - complexity: 7 +- comm_cost: 0.5101562500000002 + complexity: 12 expressions: - - R+ - - R- + - N+ - SE- + - and(N-, R+) - and(N-, not(R-)) + - or(N+, R-) name: explored-8995 type: explored -- comm_cost: 0.5855555555555557 - complexity: 21 +- comm_cost: 0.5750000000000002 + complexity: 12 expressions: - - N+ - R- - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - or(K+, S-) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-8996 type: explored -- comm_cost: 0.8508680555555556 - complexity: 6 +- comm_cost: 0.4927083333333335 + complexity: 13 expressions: - - and(K-, not(R+)) - - not(R+) + - K+ + - N+ + - R- + - S+ + - and(S-, N-) + - and(S-, SE-) + - or(S+, R+) name: explored-8997 type: explored -- comm_cost: 0.8307291666666667 - complexity: 8 +- comm_cost: 0.8011284722222223 + complexity: 10 expressions: - - and(N-, or(S+, SE+)) - - or(K+, R-) + - SE- + - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-8998 type: explored -- comm_cost: 0.6446180555555556 - complexity: 13 +- comm_cost: 0.6956597222222223 + complexity: 31 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - or(S+, or(N+, R-)) + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(SE-, N+) name: explored-8999 type: explored -- comm_cost: 0.5768229166666667 - complexity: 10 +- comm_cost: 0.25112847222222245 + complexity: 20 expressions: + - K+ + - K+ - N+ - - and(K-, SE-) + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-9000 type: explored -- comm_cost: 0.307465277777778 - complexity: 15 +- comm_cost: 0.49978298611111127 + complexity: 20 expressions: - K+ - N+ - R- + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) - - or(S+, R-) + - and(S-, N-) + - and(and(S-, N-), not(R-)) name: explored-9001 type: explored -- comm_cost: 0.7213541666666667 - complexity: 7 +- comm_cost: 0.48015046296296315 + complexity: 17 expressions: - - R+ - - or(K+, R-) - - or(S+, R+) + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-9002 type: explored -- comm_cost: 0.7486111111111112 +- comm_cost: 0.3802083333333335 complexity: 6 expressions: - - SE- - - SE- - - and(K-, not(R-)) + - K+ + - N+ + - R+ + - and(S-, SE-) name: explored-9003 type: explored -- comm_cost: 0.2958333333333335 - complexity: 11 +- comm_cost: 0.32135416666666694 + complexity: 12 expressions: - - K+ - - K+ - R- - S+ - - SE+ - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) name: explored-9004 type: explored -- comm_cost: 0.6210937500000001 - complexity: 5 +- comm_cost: 0.6624421296296298 + complexity: 16 expressions: - - N+ - R+ - - S+ - - S- - - SE- + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) name: explored-9005 type: explored -- comm_cost: 0.6219965277777779 - complexity: 15 +- comm_cost: 0.37795138888888913 + complexity: 16 expressions: - N+ - - N- - - R+ - - R- - - SE- - - and(N-, or(K+, S-)) - - and(S-, or(SE-, N+)) + - and(K-, SE-) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - or(S+, R-) name: explored-9006 type: explored -- comm_cost: 0.7284722222222222 - complexity: 10 +- comm_cost: 0.5947916666666668 + complexity: 13 expressions: + - R+ + - R+ - R- - SE- - - and(SE-, or(K+, S-)) - - or(K+, K-) + - and(or(K+, S-), not(R-)) + - or(K+, R-) name: explored-9007 type: explored -- comm_cost: 0.6582754629629631 - complexity: 14 +- comm_cost: 0.5631944444444447 + complexity: 10 expressions: - - R+ - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) + - K+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-9008 type: explored -- comm_cost: 0.4258333333333335 - complexity: 10 +- comm_cost: 0.5421296296296299 + complexity: 16 expressions: - N+ - - R- - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - not(R-) + - and(or(K+, S-), not(R-)) name: explored-9009 type: explored -- comm_cost: 0.4589843750000002 - complexity: 12 +- comm_cost: 0.61640625 + complexity: 4 expressions: - K+ - - K+ - N+ - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) + - R- + - S- name: explored-9010 type: explored -- comm_cost: 0.4671875000000002 - complexity: 22 +- comm_cost: 0.5239583333333335 + complexity: 7 expressions: - - N+ - - R- - - S+ - - and(N-, R+) + - R+ + - and(K-, SE-) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-9011 type: explored -- comm_cost: 0.3891493055555557 - complexity: 21 +- comm_cost: 0.6941666666666667 + complexity: 5 expressions: - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(K+, SE+) + - SE- + - or(S+, SE+) name: explored-9012 type: explored -- comm_cost: 0.5703993055555556 +- comm_cost: 0.47907986111111134 complexity: 15 expressions: - - N+ - - R+ - R- + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) + - or(N+, R-) name: explored-9013 type: explored -- comm_cost: 0.5522916666666668 - complexity: 13 +- comm_cost: 0.05416666666666692 + complexity: 12 expressions: - - K- + - K+ + - K+ + - N+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, S-) name: explored-9014 type: explored -- comm_cost: 0.6466145833333333 - complexity: 12 +- comm_cost: 0.4477864583333335 + complexity: 14 expressions: + - K+ + - K+ - N+ - - S+ - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - R- + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-9015 type: explored -- comm_cost: 0.5748784722222224 +- comm_cost: 0.22552083333333361 complexity: 19 expressions: - N+ - - R+ - R- - - SE- - - and(S-, not(R+)) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - S+ + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-9016 type: explored -- comm_cost: 0.5772569444444445 - complexity: 21 +- comm_cost: 0.7588541666666668 + complexity: 6 expressions: - - R- - - and(N-, or(K+, R+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(K+, N+) + - SE- + - and(N-, or(S+, SE+)) name: explored-9017 type: explored -- comm_cost: 0.45763888888888915 - complexity: 15 +- comm_cost: 0.6245659722222224 + complexity: 10 expressions: - - N+ + - K+ - SE- - - and(K-, not(R+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(N-, or(K+, S-)) name: explored-9018 type: explored -- comm_cost: 0.23151041666666705 - complexity: 24 +- comm_cost: 0.5347222222222224 + complexity: 13 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R+)) + - or(K+, R+) name: explored-9019 type: explored -- comm_cost: 0.4994791666666668 - complexity: 12 +- comm_cost: 0.585590277777778 + complexity: 10 expressions: - - K+ - N+ - - N- + - R+ - R- - - S+ - - S- - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(N-, not(R-)) + - not(R+) name: explored-9020 type: explored -- comm_cost: 0.6708333333333334 - complexity: 3 +- comm_cost: 0.6740740740740742 + complexity: 6 expressions: - - K+ - - N+ - - R- + - R+ + - R+ + - SE+ + - and(K-, S+) name: explored-9021 type: explored -- comm_cost: 0.49449652777777797 - complexity: 16 +- comm_cost: 0.40520833333333317 + complexity: 11 expressions: - K+ - - K+ + - N+ - R- - - S+ - - and(N-, R+) - - and(S-, N-) + - and(K-, or(S+, N+)) - and(S-, SE-) - - or(S+, SE+) name: explored-9022 type: explored -- comm_cost: 0.3166666666666669 - complexity: 17 +- comm_cost: 0.599652777777778 + complexity: 11 expressions: - - K+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - R+ + - SE- + - and(or(K+, S-), not(R+)) + - or(S+, N+) name: explored-9023 type: explored -- comm_cost: 0.48911458333333346 - complexity: 20 +- comm_cost: 0.393576388888889 + complexity: 14 expressions: - N+ - R- - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(SE+, N-) - - or(K+, S-) name: explored-9024 type: explored -- comm_cost: 0.6565104166666669 - complexity: 11 +- comm_cost: 0.3819444444444444 + complexity: 7 expressions: - K+ + - N+ - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) + - SE+ + - and(S-, SE-) name: explored-9025 type: explored -- comm_cost: 0.27803819444444466 - complexity: 15 +- comm_cost: 0.4389467592592594 + complexity: 16 expressions: - - K+ - - K+ - N+ + - R- + - S+ - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - or(K+, S-) + - or(S+, R-) name: explored-9026 type: explored -- comm_cost: 0.6892650462962964 - complexity: 7 +- comm_cost: 0.7089988425925926 + complexity: 23 expressions: - - R+ - - and(S-, N-) - - or(K+, SE+) + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(N-, or(S+, R+)) + - and(S-, or(SE-, N+)) + - or(K+, S-) name: explored-9027 type: explored -- comm_cost: 0.6640121527777778 - complexity: 36 +- comm_cost: 0.6909890046296298 + complexity: 23 expressions: - - K- - - R+ - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(N+, not(R+)) - - or(S+, R-) + - N- + - and(K-, SE-) + - and(N-, not(R-)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, N+) name: explored-9028 type: explored -- comm_cost: 0.21197916666666705 - complexity: 16 +- comm_cost: 0.6187500000000001 + complexity: 5 expressions: - - N+ - - R- - - and(K-, SE-) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - K+ + - SE- + - and(SE+, N-) name: explored-9029 type: explored -- comm_cost: 0.39904513888888915 - complexity: 18 +- comm_cost: 0.33263888888888904 + complexity: 13 expressions: - - K+ - N+ - - R+ - - R- - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - and(S-, not(R+)) + - or(K+, R+) + - or(S+, R-) name: explored-9030 type: explored -- comm_cost: 0.11388888888888915 - complexity: 13 +- comm_cost: 0.493185763888889 + complexity: 18 expressions: - K+ - N+ - - N+ - R- + - S+ + - S- - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(S+, R-) + - or(S+, N+) name: explored-9031 type: explored -- comm_cost: 0.25555555555555576 - complexity: 14 +- comm_cost: 0.10989583333333353 + complexity: 13 expressions: + - K+ + - K+ - N+ - - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, R-) name: explored-9032 type: explored -- comm_cost: 0.3158854166666668 - complexity: 14 +- comm_cost: 0.2664930555555558 + complexity: 24 expressions: + - K+ - N+ - R- - - S+ - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) name: explored-9033 type: explored -- comm_cost: 0.5959490740740743 - complexity: 9 +- comm_cost: 0.5847222222222224 + complexity: 13 expressions: - R+ - SE- - - and(N-, R+) - - and(S-, not(R-)) + - and(K-, or(S+, R-)) + - and(S-, or(N+, not(R+))) name: explored-9034 type: explored -- comm_cost: 0.6736111111111113 - complexity: 13 +- comm_cost: 0.4333333333333337 + complexity: 10 expressions: - - R+ - - and(N-, or(K+, R+)) - - or(and(K-, S+), or(N+, R-)) + - N+ + - and(N-, R+) + - and(N-, R+) + - or(K+, R-) name: explored-9035 type: explored -- comm_cost: 0.30978009259259276 - complexity: 17 +- comm_cost: 0.3130208333333335 + complexity: 15 expressions: - - K+ - - N+ - R- - - and(K-, or(S+, SE+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - and(and(K-, N-), or(S+, R+)) name: explored-9036 type: explored -- comm_cost: 0.4152777777777781 - complexity: 13 +- comm_cost: 0.43708043981481504 + complexity: 22 expressions: - N+ - - SE- + - R+ + - R- + - S+ - and(N-, R+) - - or(K+, or(N+, R-)) - - or(S+, N+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-9037 type: explored -- comm_cost: 0.6784027777777779 - complexity: 8 +- comm_cost: 0.6618055555555558 + complexity: 6 expressions: - - N+ - - N- - - R+ - - R- - - SE- - - or(K+, K-) + - and(N-, R+) + - and(S-, N-) name: explored-9038 type: explored -- comm_cost: 0.2699942129629631 - complexity: 25 +- comm_cost: 0.6595486111111113 + complexity: 14 expressions: - - K+ - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) + - R+ + - SE- + - and(N-, or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-9039 type: explored -- comm_cost: 0.7083333333333333 - complexity: 3 +- comm_cost: 0.5815104166666668 + complexity: 10 expressions: - N+ - N+ + - R+ - SE- + - and(K-, or(N+, not(R+))) name: explored-9040 type: explored -- comm_cost: 0.5958333333333334 - complexity: 9 +- comm_cost: 0.2250520833333336 + complexity: 16 expressions: - - R+ - - and(K-, SE-) - - and(N-, or(S+, SE+)) + - K+ + - K+ + - R- + - S+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-9041 type: explored -- comm_cost: 0.42413194444444446 - complexity: 14 +- comm_cost: 0.5875 + complexity: 10 expressions: - - R+ - - R- - - S+ - - and(K-, or(S+, SE+)) + - N+ + - and(S-, SE-) + - and(S-, SE-) - and(S-, SE-) - - or(N+, R-) name: explored-9042 type: explored -- comm_cost: 0.45902777777777803 +- comm_cost: 0.5309722222222224 complexity: 12 expressions: + - K- - N+ - - R- + - S+ - and(N-, R+) - - and(S-, not(R-)) - - or(S+, N+) + - and(S-, SE-) + - or(K+, SE+) name: explored-9043 type: explored -- comm_cost: 0.6253472222222223 - complexity: 10 +- comm_cost: 0.38281250000000033 + complexity: 12 expressions: - - SE- - - and(and(K-, N-), not(R-)) - - or(N+, R-) + - K+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-9044 type: explored -- comm_cost: 0.2180555555555559 - complexity: 21 +- comm_cost: 0.050781250000000444 + complexity: 12 expressions: + - K+ + - K+ + - K+ - N+ - R- - - and(K-, or(S+, N+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, N+) - - or(S+, or(N+, R-)) name: explored-9045 type: explored -- comm_cost: 0.7104166666666668 - complexity: 11 +- comm_cost: 0.18804976851851873 + complexity: 20 expressions: - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-9046 type: explored -- comm_cost: 0.5325520833333336 - complexity: 18 +- comm_cost: 0.45625000000000027 + complexity: 10 expressions: - N+ - - R- - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, R+)) name: explored-9047 type: explored -- comm_cost: 0.2625000000000002 - complexity: 22 +- comm_cost: 0.4517361111111112 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - R+ - and(S-, SE-) - - or(K+, R+) - or(and(K-, S+), or(N+, R-)) name: explored-9048 type: explored -- comm_cost: 0.3895833333333334 - complexity: 9 +- comm_cost: 0.6130208333333335 + complexity: 12 expressions: - - K+ - - R+ - - R- - - and(S-, SE-) - - or(S+, R+) + - N+ + - SE- + - and(K-, not(R-)) + - and(N-, R+) + - or(K+, SE+) name: explored-9049 type: explored -- comm_cost: 0.09791666666666687 - complexity: 14 +- comm_cost: 0.6243055555555556 + complexity: 11 expressions: - K+ - N+ - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - R- + - S+ + - and(or(K+, S-), or(SE-, N+)) name: explored-9050 type: explored -- comm_cost: 0.3857204861111113 - complexity: 23 +- comm_cost: 0.3966493055555558 + complexity: 15 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) + - or(N+, R-) + - or(N+, not(R+)) name: explored-9051 type: explored -- comm_cost: 0.4641782407407409 - complexity: 15 +- comm_cost: 0.41857638888888915 + complexity: 20 expressions: + - K+ - N+ - R- - - S+ + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(N+, R-) + - and(S-, N-) + - and(SE-, or(K+, S-)) name: explored-9052 type: explored -- comm_cost: 0.6291666666666669 - complexity: 11 +- comm_cost: 0.31111111111111134 + complexity: 17 expressions: - N+ + - R- + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - or(N+, not(R+)) - - or(S+, SE+) + - and(S-, SE-) + - or(K+, SE+) name: explored-9053 type: explored -- comm_cost: 0.49267939814814843 - complexity: 15 +- comm_cost: 0.2593055555555557 + complexity: 21 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(K+, SE+) + - and(N-, or(K+, SE+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-9054 type: explored -- comm_cost: 0.5822916666666668 - complexity: 3 +- comm_cost: 0.3500000000000001 + complexity: 12 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - S+ + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-9055 type: explored -- comm_cost: 0.5645833333333334 - complexity: 8 +- comm_cost: 0.37282986111111116 + complexity: 19 expressions: - - N+ + - K+ - R+ - R- - - SE- - - and(K-, not(R-)) + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-9056 type: explored -- comm_cost: 0.5522685185185185 - complexity: 16 +- comm_cost: 0.6724074074074076 + complexity: 11 expressions: - - K+ - - N- + - K- - R+ - - R- - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(N+, R-) + - SE- + - and(SE-, or(K+, S-)) + - or(K+, R+) name: explored-9057 type: explored -- comm_cost: 0.26927083333333346 - complexity: 9 +- comm_cost: 0.5664930555555556 + complexity: 12 expressions: - - K+ - N+ - R- - - and(S-, SE-) - - and(SE+, N-) + - SE- + - and(N-, R+) + - or(K+, SE+) + - or(S+, R+) name: explored-9058 type: explored -- comm_cost: 0.08125000000000027 - complexity: 11 +- comm_cost: 0.1473958333333334 + complexity: 18 expressions: - - N+ + - K+ - N+ - R- - - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-9059 type: explored -- comm_cost: 0.6587673611111112 - complexity: 38 +- comm_cost: 0.40797453703703723 + complexity: 23 expressions: - - SE- - - and(K-, or(SE-, N+)) - - and(N-, not(R-)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) - - or(K+, SE+) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-9060 type: explored -- comm_cost: 0.5428819444444446 - complexity: 11 +- comm_cost: 0.6666666666666667 + complexity: 13 expressions: - - N+ - - R+ - - R- - SE- - - and(S-, not(R-)) - - or(S+, N+) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-9061 type: explored -- comm_cost: 0.38984375000000016 - complexity: 18 +- comm_cost: 0.5312500000000002 + complexity: 19 expressions: - N+ - R- - - S+ + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, R-) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) name: explored-9062 type: explored -- comm_cost: 0.36302083333333357 - complexity: 16 +- comm_cost: 0.593576388888889 + complexity: 7 expressions: - - N+ + - K+ + - N- - R+ - - R- - - and(N-, R+) + - SE- - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-9063 type: explored -- comm_cost: 0.3782118055555559 - complexity: 14 +- comm_cost: 0.5844907407407409 + complexity: 15 expressions: - - N+ - - R- - - S+ + - R+ - SE- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, N+)) + - and(N-, or(S+, R+)) + - and(SE+, N-) name: explored-9064 type: explored -- comm_cost: 0.49375000000000013 - complexity: 14 +- comm_cost: 0.4696180555555559 + complexity: 18 expressions: - - N+ - - R- - - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9065 type: explored -- comm_cost: 0.5744791666666669 - complexity: 8 +- comm_cost: 0.5859375000000002 + complexity: 11 expressions: - - R+ - - SE- + - K+ + - N+ + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - or(SE-, N+) name: explored-9066 type: explored -- comm_cost: 0.08125000000000027 - complexity: 12 +- comm_cost: 0.5760416666666667 + complexity: 7 expressions: - - K+ - N+ - - R- - - and(N-, R+) - - and(N-, R+) - and(S-, SE-) + - or(N+, R-) name: explored-9067 type: explored -- comm_cost: 0.10260416666666705 - complexity: 20 +- comm_cost: 0.7745659722222222 + complexity: 6 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - SE- + - and(K-, N-) + - not(R+) name: explored-9068 type: explored -- comm_cost: 0.4711574074074075 - complexity: 17 +- comm_cost: 0.2703993055555559 + complexity: 18 expressions: + - K+ + - K+ - N+ - R- + - S+ + - SE- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, SE+) + - and(S-, or(N+, not(R+))) name: explored-9069 type: explored -- comm_cost: 0.319184027777778 - complexity: 20 +- comm_cost: 0.409953703703704 + complexity: 21 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, N-) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9070 type: explored -- comm_cost: 0.6716145833333335 - complexity: 7 +- comm_cost: 0.4368055555555558 + complexity: 13 expressions: - - R+ - - and(N-, not(R-)) - - not(R+) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(S+, R+)) + - or(K+, R-) name: explored-9071 type: explored -- comm_cost: 0.5151562500000002 - complexity: 19 +- comm_cost: 0.5280381944444446 + complexity: 11 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) + - K+ + - R+ + - SE- + - and(K-, SE-) - and(S-, SE-) - not(R+) - - or(N+, not(R+)) name: explored-9072 type: explored -- comm_cost: 0.22291666666666687 - complexity: 20 +- comm_cost: 0.6265625000000002 + complexity: 8 expressions: - K+ - N+ - - R- - - and(K-, S+) - - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(K+, SE+) name: explored-9073 type: explored -- comm_cost: 0.6871990740740742 +- comm_cost: 0.44010416666666696 complexity: 12 expressions: - - K- - - R+ - - SE- - - and(K-, or(SE-, N+)) - - and(S-, not(R-)) - name: explored-9074 - type: explored -- comm_cost: 0.19282407407407431 - complexity: 18 - expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) + - S+ - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - or(S+, or(N+, R-)) + name: explored-9074 + type: explored +- comm_cost: 0.6873263888888891 + complexity: 3 + expressions: + - K+ + - R+ + - SE+ name: explored-9075 type: explored -- comm_cost: 0.8083333333333333 - complexity: 4 +- comm_cost: 0.6055266203703705 + complexity: 14 expressions: + - N+ + - R+ + - R- - SE- - - or(S+, N+) + - and(N-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-9076 type: explored -- comm_cost: 0.3867187500000002 +- comm_cost: 0.6974537037037039 complexity: 12 expressions: - - K+ - - N+ - - R- - - and(K-, N-) - - and(K-, S+) - - and(N-, R+) + - R+ + - and(N-, or(K+, R+)) + - or(K+, K-) + - or(N+, R-) name: explored-9077 type: explored -- comm_cost: 0.4752222222222223 - complexity: 23 +- comm_cost: 0.7251041666666668 + complexity: 9 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - not(R-) + - R+ + - or(K+, K-) + - or(N+, not(R+)) name: explored-9078 type: explored -- comm_cost: 0.5287500000000002 +- comm_cost: 0.5202690972222224 complexity: 14 expressions: - - N+ + - K+ - R- - SE- - and(N-, R+) - and(N-, or(K+, R+)) - - or(S+, SE+) + - or(S+, R+) name: explored-9079 type: explored -- comm_cost: 0.21770833333333361 - complexity: 13 +- comm_cost: 0.7028645833333335 + complexity: 9 expressions: - - K+ - - K+ - - N+ - - S+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(SE+, N-) + - or(S+, or(N+, R-)) name: explored-9080 type: explored -- comm_cost: 0.776388888888889 - complexity: 6 +- comm_cost: 0.7207812500000002 + complexity: 7 expressions: - - and(and(K-, N-), not(R-)) + - R+ + - or(K+, S-) + - or(SE-, N+) name: explored-9081 type: explored -- comm_cost: 0.5911458333333335 - complexity: 8 +- comm_cost: 0.671064814814815 + complexity: 27 expressions: - - R+ - - R+ - - SE- - - and(SE-, or(K+, S-)) + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9082 type: explored -- comm_cost: 0.5987500000000001 - complexity: 14 +- comm_cost: 0.25954861111111127 + complexity: 15 expressions: - - K+ - N+ - - R- - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(K+, S-) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, R-) name: explored-9083 type: explored -- comm_cost: 0.3442708333333334 - complexity: 10 +- comm_cost: 0.4505208333333335 + complexity: 14 expressions: - - R+ + - N+ - R- - - S+ - - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - or(K+, K-) name: explored-9084 type: explored -- comm_cost: 0.3187500000000002 - complexity: 16 +- comm_cost: 0.3652777777777778 + complexity: 17 expressions: + - K+ - N+ - R- - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(K-, SE-) + - and(K-, or(S+, R+)) - and(S-, SE-) name: explored-9085 type: explored -- comm_cost: 0.608420138888889 - complexity: 9 +- comm_cost: 0.7319444444444445 + complexity: 8 expressions: - - N+ - - SE+ - - and(K-, not(R-)) - - and(S-, SE-) + - R+ + - and(S-, not(R-)) + - or(K+, K-) name: explored-9086 type: explored -- comm_cost: 0.6851562500000001 - complexity: 7 +- comm_cost: 0.6495081018518519 + complexity: 15 expressions: - - S+ - - and(K-, SE-) - - or(S+, R+) + - K+ + - R+ + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-9087 type: explored -- comm_cost: 0.5486805555555557 - complexity: 13 +- comm_cost: 0.4066689814814817 + complexity: 20 expressions: + - K+ + - K+ - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(K+, S-) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-9088 type: explored -- comm_cost: 0.6153645833333334 - complexity: 13 +- comm_cost: 0.6581597222222223 + complexity: 9 expressions: - - N+ - R+ - - R- - S- - SE- - - and(N-, or(K+, SE+)) - - and(S-, N-) + - and(or(K+, S-), not(R+)) name: explored-9089 type: explored -- comm_cost: 0.7479166666666668 - complexity: 7 +- comm_cost: 0.3875833333333336 + complexity: 23 expressions: + - K+ + - K+ + - N+ - R- - - or(N+, R-) - - or(S+, R+) + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - not(R-) name: explored-9090 type: explored -- comm_cost: 0.7200173611111111 - complexity: 14 +- comm_cost: 0.6524305555555556 + complexity: 11 expressions: - - K- + - and(N-, and(or(K+, S-), not(R-))) + - or(N+, R-) + name: explored-9091 + type: explored +- comm_cost: 0.713888888888889 + complexity: 11 + expressions: + - N+ - R+ - - SE- + - R- - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R-)) - name: explored-9091 + - or(K+, SE+) + name: explored-9092 type: explored -- comm_cost: 0.22048611111111138 +- comm_cost: 0.7016782407407408 complexity: 13 expressions: - - K+ + - R+ + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + name: explored-9093 + type: explored +- comm_cost: 0.24479166666666685 + complexity: 15 + expressions: - N+ + - R- - S+ - - and(K-, not(R+)) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - name: explored-9092 + name: explored-9094 type: explored -- comm_cost: 0.5765156250000001 - complexity: 33 - expressions: - - N+ - - and(K-, or(S+, R-)) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - or(S+, SE+) - - or(S+, or(N+, R-)) - name: explored-9093 - type: explored -- comm_cost: 0.5694965277777778 - complexity: 14 - expressions: - - K+ - - N+ - - R- - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, SE+) - name: explored-9094 - type: explored -- comm_cost: 0.7738888888888888 - complexity: 3 +- comm_cost: 0.5020833333333337 + complexity: 9 expressions: - - K- - - K- - - SE- + - and(K-, S+) + - and(N-, R+) + - or(K+, R-) name: explored-9095 type: explored -- comm_cost: 0.3437500000000002 - complexity: 9 +- comm_cost: 0.3685763888888892 + complexity: 12 expressions: - - N+ + - K+ - R- - S+ - and(N-, R+) - - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-9096 type: explored -- comm_cost: 0.41215277777777803 - complexity: 14 +- comm_cost: 0.6937500000000001 + complexity: 7 expressions: - - N+ - - SE- - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(N+, R-) + - SE+ + - and(and(K-, N-), not(R-)) name: explored-9097 type: explored -- comm_cost: 0.5132812500000001 - complexity: 11 +- comm_cost: 0.4062500000000002 + complexity: 8 expressions: - - K+ - - N+ - R- + - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) name: explored-9098 type: explored -- comm_cost: 0.2658854166666669 - complexity: 19 +- comm_cost: 0.5861979166666669 + complexity: 13 expressions: - - N+ - - R- - - S+ - - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(SE-, N+) name: explored-9099 type: explored -- comm_cost: 0.5080034722222224 - complexity: 20 +- comm_cost: 0.5403645833333335 + complexity: 10 expressions: - - N+ - - R- - - S+ - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - K+ + - K+ + - R+ + - SE- + - or(K+, R-) + - or(N+, R-) name: explored-9100 type: explored -- comm_cost: 0.40104166666666696 - complexity: 11 +- comm_cost: 0.13333333333333353 + complexity: 18 expressions: + - N+ + - R- + - S+ + - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) name: explored-9101 type: explored -- comm_cost: 0.4604166666666668 - complexity: 20 +- comm_cost: 0.5513888888888892 + complexity: 10 expressions: - N+ - - R- - - S+ - - and(K-, not(R-)) + - SE+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-9102 type: explored -- comm_cost: 0.34010416666666676 - complexity: 13 +- comm_cost: 0.5988628472222224 + complexity: 16 expressions: - - R+ + - N+ - R- - - and(K-, S+) - - and(K-, or(S+, N+)) + - S- + - and(N-, R+) - and(S-, SE-) + - or(K+, S-) + - or(N+, not(R+)) name: explored-9103 type: explored -- comm_cost: 0.4779513888888891 - complexity: 16 +- comm_cost: 0.538715277777778 + complexity: 9 expressions: - N+ - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) + - R+ + - R- + - and(and(K-, N-), not(R-)) name: explored-9104 type: explored -- comm_cost: 0.4916666666666668 - complexity: 10 +- comm_cost: 0.7406944444444445 + complexity: 5 expressions: - - R+ - - R- - - and(K-, SE-) - - and(K-, or(S+, N+)) + - N- + - and(S-, not(R-)) name: explored-9105 type: explored -- comm_cost: 0.30677083333333366 - complexity: 19 +- comm_cost: 0.6931944444444444 + complexity: 5 expressions: - - K+ + - K- + - N+ + - N- - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - SE- name: explored-9106 type: explored -- comm_cost: 0.6350694444444446 - complexity: 9 +- comm_cost: 0.8669270833333333 + complexity: 6 expressions: - - R+ - - SE- - - and(N-, or(K+, SE+)) - - not(R+) + - K+ + - or(S+, or(N+, R-)) name: explored-9107 type: explored -- comm_cost: 0.2893518518518522 - complexity: 21 +- comm_cost: 0.5812500000000002 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, or(N+, R-)) + - R+ + - and(S-, not(R+)) + - or(N+, R-) name: explored-9108 type: explored -- comm_cost: 0.7533854166666667 - complexity: 7 +- comm_cost: 0.33263888888888904 + complexity: 15 expressions: - - SE- - - and(or(K+, S-), not(R-)) + - N+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-9109 type: explored -- comm_cost: 0.7562152777777779 - complexity: 18 +- comm_cost: 0.08125000000000027 + complexity: 14 expressions: - - SE- - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(K+, N+) - - or(S+, or(N+, R-)) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-9110 type: explored -- comm_cost: 0.4539062500000003 - complexity: 8 +- comm_cost: 0.7868055555555556 + complexity: 6 expressions: - - K+ - - N+ - - and(K-, N-) - - and(N-, R+) + - or(K+, K-) + - or(K+, R+) name: explored-9111 type: explored -- comm_cost: 0.4346875000000002 - complexity: 15 +- comm_cost: 0.713715277777778 + complexity: 5 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - not(R-) + - R+ + - and(S-, not(R-)) name: explored-9112 type: explored -- comm_cost: 0.6796875000000001 +- comm_cost: 0.6931250000000001 complexity: 9 expressions: - R+ - - and(N-, or(K+, S-)) - - or(N+, R-) + - and(SE-, or(K+, S-)) + - or(K+, S-) name: explored-9113 type: explored -- comm_cost: 0.5695312500000003 - complexity: 9 +- comm_cost: 0.6333333333333334 + complexity: 8 expressions: - - and(K-, N-) - - and(N-, R+) - - or(K+, N+) + - K+ + - R- + - SE- + - and(N-, or(S+, R+)) name: explored-9114 type: explored -- comm_cost: 0.5187500000000002 - complexity: 11 +- comm_cost: 0.6505266203703705 + complexity: 22 expressions: - - R+ - - R- - - SE- - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - N+ + - and(K-, SE-) + - and(S-, N-) + - and(and(S-, N-), not(R-)) + - or(K+, N+) + - or(K+, S-) + - or(S+, SE+) name: explored-9115 type: explored -- comm_cost: 0.5451388888888888 - complexity: 12 +- comm_cost: 0.6104166666666668 + complexity: 4 expressions: - - N+ - - R- - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - R+ + - S+ + - not(R+) name: explored-9116 type: explored -- comm_cost: 0.5595486111111112 - complexity: 10 +- comm_cost: 0.4026041666666669 + complexity: 7 expressions: - N+ - R+ + - R- - SE- - - and(S-, not(R+)) - - or(K+, R+) + - and(N-, R+) name: explored-9117 type: explored -- comm_cost: 0.6407118055555556 - complexity: 11 +- comm_cost: 0.6053385416666668 + complexity: 15 expressions: - - R+ - - R- - - SE- - - and(N-, or(K+, S-)) - - or(SE-, N+) + - S+ + - and(K-, or(S+, N+)) + - and(and(K-, N-), or(S+, R+)) + - not(R+) name: explored-9118 type: explored -- comm_cost: 0.7899450231481482 - complexity: 14 +- comm_cost: 0.6015046296296298 + complexity: 15 expressions: - - or(K+, K-) - - or(K+, S-) - - or(K+, or(N+, R-)) - - or(S+, R+) + - N+ + - SE- + - and(K-, not(R-)) + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-9119 type: explored -- comm_cost: 0.7742187500000001 - complexity: 8 +- comm_cost: 0.3903125000000002 + complexity: 17 expressions: - - and(N-, or(K+, S-)) - - or(S+, SE+) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(N+, R-) name: explored-9120 type: explored -- comm_cost: 0.8138888888888889 - complexity: 7 +- comm_cost: 0.6868750000000001 + complexity: 8 expressions: - - SE- - - and(K-, S+) - - and(K-, SE-) + - N+ + - R+ + - R- + - not(R-) + - or(K+, S-) name: explored-9121 type: explored -- comm_cost: 0.4243055555555557 - complexity: 9 +- comm_cost: 0.2625000000000004 + complexity: 10 expressions: + - K+ + - K+ - N+ - - and(N-, or(S+, R+)) - - and(S-, SE-) + - R- + - and(K-, S+) + - and(N-, R+) name: explored-9122 type: explored -- comm_cost: 0.4788194444444446 - complexity: 10 +- comm_cost: 0.5708333333333335 + complexity: 9 expressions: - - N+ + - K+ - R+ - - R- - SE- - - and(K-, SE-) - - or(S+, N+) + - and(and(S-, N-), not(R-)) name: explored-9123 type: explored -- comm_cost: 0.43923611111111127 - complexity: 13 +- comm_cost: 0.3144965277777779 + complexity: 22 expressions: - K+ - N+ - R- - - S+ + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, K-) name: explored-9124 type: explored -- comm_cost: 0.49036458333333355 - complexity: 24 +- comm_cost: 0.4892361111111113 + complexity: 12 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, not(R+)) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(S+, or(N+, R-)) name: explored-9125 type: explored -- comm_cost: 0.8434722222222222 - complexity: 11 +- comm_cost: 0.5351851851851853 + complexity: 13 expressions: - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - SE- + - and(K-, N-) + - and(N-, R+) + - and(S-, not(R-)) name: explored-9126 type: explored -- comm_cost: 0.21093750000000022 +- comm_cost: 0.4916666666666669 complexity: 12 expressions: - - K+ - - R- - - S+ + - N+ - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-9127 type: explored -- comm_cost: 0.41909722222222234 - complexity: 12 +- comm_cost: 0.4125000000000003 + complexity: 11 expressions: - - R+ - - R- - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - or(N+, R-) + - or(SE-, N+) name: explored-9128 type: explored -- comm_cost: 0.5066226851851854 - complexity: 18 +- comm_cost: 0.5783807870370371 + complexity: 24 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) + - R+ + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, K-) - - or(N+, not(R+)) + - and(S-, not(R-)) + - or(K+, or(N+, R-)) + - or(N+, R-) + - or(S+, SE+) name: explored-9129 type: explored -- comm_cost: 0.7967013888888889 - complexity: 15 +- comm_cost: 0.33906250000000027 + complexity: 19 expressions: - - SE- - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-9130 type: explored -- comm_cost: 0.5884027777777779 - complexity: 18 +- comm_cost: 0.6696354166666667 + complexity: 11 expressions: - - R+ + - N+ - R- - SE- - - and(K-, or(S+, R-)) - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) + - and(N-, or(K+, S-)) + - or(S+, SE+) name: explored-9131 type: explored -- comm_cost: 0.6693472222222223 - complexity: 33 +- comm_cost: 0.29513888888888884 + complexity: 14 expressions: - - SE+ - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, R+)) - and(S-, SE-) - - and(S-, not(R+)) - - not(R-) - - or(S+, R+) - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) name: explored-9132 type: explored -- comm_cost: 0.6621875000000002 - complexity: 4 +- comm_cost: 0.213715277777778 + complexity: 14 expressions: - - K- + - K+ + - K+ - N+ - - R+ - - SE- + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-9133 type: explored -- comm_cost: 0.5760416666666668 - complexity: 15 +- comm_cost: 0.6692708333333335 + complexity: 12 expressions: - - N+ + - R+ - R- - - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - and(K-, S+) + - and(and(K-, N-), or(S+, SE+)) name: explored-9134 type: explored -- comm_cost: 0.29062500000000024 - complexity: 15 +- comm_cost: 0.6986111111111111 + complexity: 10 expressions: - K+ - - K+ - N+ - - R+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - or(and(K-, S+), or(N+, R-)) name: explored-9135 type: explored -- comm_cost: 0.5333333333333334 - complexity: 18 +- comm_cost: 0.4789930555555557 + complexity: 25 expressions: - - S+ - - and(K-, SE-) - - and(N-, or(K+, SE+)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(S+, N+) + - or(K+, K-) + - or(K+, or(N+, R-)) name: explored-9136 type: explored -- comm_cost: 0.4843750000000001 - complexity: 5 +- comm_cost: 0.6810763888888891 + complexity: 10 expressions: - - N+ - R+ - - R- - - SE- - - SE- + - and(S-, N-) + - and(S-, or(N+, not(R+))) name: explored-9137 type: explored -- comm_cost: 0.8006944444444445 - complexity: 5 +- comm_cost: 0.5462962962962964 + complexity: 10 expressions: - - SE- - - not(R-) - - not(R-) + - K+ + - N+ + - R- + - R- + - and(N-, R+) + - or(K+, K-) name: explored-9138 type: explored -- comm_cost: 0.6473900462962964 - complexity: 32 +- comm_cost: 0.1844618055555558 + complexity: 17 expressions: + - K+ + - K+ + - N+ - R- + - S+ - and(K-, SE-) - - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, not(R-)) - - not(R+) - - or(S+, R-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, N+) name: explored-9139 type: explored -- comm_cost: 0.4007812500000002 - complexity: 13 +- comm_cost: 0.4222656250000002 + complexity: 14 expressions: - K+ - - R- + - K+ + - S+ - and(N-, R+) - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-9140 type: explored -- comm_cost: 0.6741319444444446 - complexity: 7 +- comm_cost: 0.2640625000000002 + complexity: 20 expressions: - - R+ - - and(and(K-, N-), not(R-)) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-9141 type: explored -- comm_cost: 0.4515625000000002 - complexity: 13 +- comm_cost: 0.740546875 + complexity: 11 expressions: - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - R+ + - and(N-, not(R-)) + - or(S+, SE+) + - or(S+, SE+) name: explored-9142 type: explored -- comm_cost: 0.28003472222222237 - complexity: 22 +- comm_cost: 0.44687500000000013 + complexity: 12 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(K+, R+)) + - SE- + - and(K-, or(SE-, N+)) - and(S-, SE-) name: explored-9143 type: explored -- comm_cost: 0.7445833333333334 - complexity: 5 +- comm_cost: 0.3925781250000002 + complexity: 21 expressions: - K+ + - N+ - R- - - or(K+, S-) + - S+ + - and(K-, N-) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-9144 type: explored -- comm_cost: 0.19097222222222254 +- comm_cost: 0.3791666666666669 complexity: 14 expressions: - - K+ - N+ - R- + - SE+ - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-9145 type: explored -- comm_cost: 0.3881076388888891 +- comm_cost: 0.6993055555555556 complexity: 13 expressions: - - K+ - - K+ - - N+ - - R+ - - R- - - S+ - - S- - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-9146 type: explored -- comm_cost: 0.21197916666666683 - complexity: 11 +- comm_cost: 0.33392361111111135 + complexity: 14 expressions: + - K+ - N+ + - R+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(S+, SE+) name: explored-9147 type: explored -- comm_cost: 0.4380208333333335 - complexity: 10 +- comm_cost: 0.5946180555555557 + complexity: 17 expressions: - - K+ + - N+ - R+ - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R- + - SE- + - and(N-, not(R-)) + - and(or(K+, S-), not(R-)) + - or(K+, R+) name: explored-9148 type: explored -- comm_cost: 0.7120881283068784 - complexity: 33 - expressions: - - K+ - - N- - - S- - - and(K-, or(S+, R-)) - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) - - or(S+, R-) - name: explored-9149 - type: explored -- comm_cost: 0.17135416666666692 - complexity: 18 +- comm_cost: 0.29166666666666696 + complexity: 20 expressions: - N+ - R- - - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) + name: explored-9149 + type: explored +- comm_cost: 0.6581597222222224 + complexity: 19 + expressions: + - R+ + - and(S-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) name: explored-9150 type: explored -- comm_cost: 0.361197916666667 +- comm_cost: 0.5512152777777779 complexity: 15 expressions: - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(S+, or(N+, R-)) + - R+ + - SE- + - and(SE-, or(K+, S-)) + - and(SE-, or(K+, S-)) + - or(S+, R-) name: explored-9151 type: explored -- comm_cost: 0.7376736111111112 - complexity: 13 +- comm_cost: 0.3055555555555557 + complexity: 9 expressions: - - R+ - - and(or(K+, S-), not(R-)) - - or(K+, N+) - - or(K+, S-) + - N+ + - S+ + - SE+ + - and(N-, R+) + - and(S-, SE-) name: explored-9152 type: explored -- comm_cost: 0.708425925925926 - complexity: 8 +- comm_cost: 0.5722222222222224 + complexity: 12 expressions: - - R- - - and(S-, N-) - - or(N+, not(R+)) + - N+ + - N+ + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-9153 type: explored -- comm_cost: 0.5529513888888891 - complexity: 21 +- comm_cost: 0.3222222222222224 + complexity: 20 expressions: + - N+ - R- - - SE- - - and(K-, not(R-)) - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-9154 type: explored -- comm_cost: 0.39921875000000007 - complexity: 12 +- comm_cost: 0.7256944444444444 + complexity: 7 expressions: - - K+ - - K+ - - K+ - N+ - - R- - - S+ - - and(S-, SE-) - - or(K+, SE+) + - SE- + - or(K+, or(N+, R-)) name: explored-9155 type: explored -- comm_cost: 0.7275694444444445 - complexity: 7 +- comm_cost: 0.46935763888888904 + complexity: 17 expressions: - - R+ - - SE- - - not(R-) - - or(S+, SE+) + - K+ + - K- + - N+ + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) name: explored-9156 type: explored -- comm_cost: 0.08541666666666692 - complexity: 15 +- comm_cost: 0.5293402777777779 + complexity: 16 expressions: - N+ + - R+ - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, or(SE-, N+)) name: explored-9157 type: explored -- comm_cost: 0.7072916666666667 - complexity: 7 +- comm_cost: 0.43862847222222245 + complexity: 14 expressions: + - K+ + - N+ + - N+ + - R- - SE- - - and(K-, S+) - - or(N+, R-) + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-9158 type: explored -- comm_cost: 0.5838541666666668 - complexity: 7 +- comm_cost: 0.4391666666666669 + complexity: 9 expressions: - - R+ + - N+ - R- - - not(R+) - - or(K+, N+) + - and(N-, R+) + - or(N+, not(R+)) name: explored-9159 type: explored -- comm_cost: 0.25156250000000013 - complexity: 17 +- comm_cost: 0.6345486111111112 + complexity: 9 expressions: - - K+ - - K+ - - N+ - - R+ - - R- - - S+ - - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(K+, R-) name: explored-9160 type: explored -- comm_cost: 0.5312500000000003 - complexity: 7 +- comm_cost: 0.17013888888888906 + complexity: 18 expressions: - - SE- - - and(N-, R+) + - K+ + - N+ + - R- + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-9161 type: explored -- comm_cost: 0.6007465277777779 - complexity: 21 +- comm_cost: 0.48697916666666685 + complexity: 18 expressions: + - N+ - R- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(N+, not(R+))) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-9162 type: explored -- comm_cost: 0.213715277777778 +- comm_cost: 0.4370225694444446 complexity: 15 expressions: - K+ - - K+ - - N+ - N+ + - R- - S+ - - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - not(R+) + - or(S+, SE+) name: explored-9163 type: explored -- comm_cost: 0.47583333333333355 - complexity: 11 +- comm_cost: 0.48697916666666685 + complexity: 14 expressions: + - K+ - N+ - - SE- - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(or(K+, S-), not(R-)) name: explored-9164 type: explored -- comm_cost: 0.5925347222222224 - complexity: 12 +- comm_cost: 0.43854166666666683 + complexity: 18 expressions: + - K+ + - K+ - N+ - - SE- - - and(N-, or(K+, S-)) - - and(SE-, or(K+, S-)) + - R- + - S- + - and(K-, S+) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-9165 type: explored -- comm_cost: 0.48583333333333356 - complexity: 9 +- comm_cost: 0.47870370370370385 + complexity: 17 expressions: + - N+ - R- + - SE- + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - not(R-) + - and(N-, or(S+, R+)) name: explored-9166 type: explored -- comm_cost: 0.44322916666666656 - complexity: 11 +- comm_cost: 0.48798611111111123 + complexity: 18 expressions: - K+ - - K+ - N+ - R- - - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - or(K+, S-) name: explored-9167 type: explored -- comm_cost: 0.5269386574074075 - complexity: 14 +- comm_cost: 0.5898437500000002 + complexity: 13 expressions: - N+ - - SE+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - not(R+) + - or(K+, SE+) name: explored-9168 type: explored -- comm_cost: 0.2932291666666669 - complexity: 10 +- comm_cost: 0.30486111111111125 + complexity: 19 expressions: - - N+ + - K+ + - R- + - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(S+, R-) name: explored-9169 type: explored -- comm_cost: 0.34236111111111134 - complexity: 15 +- comm_cost: 0.7009375000000001 + complexity: 9 expressions: - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - K- + - R+ + - and(or(K+, S-), or(SE-, N+)) name: explored-9170 type: explored -- comm_cost: 0.5906770833333335 - complexity: 12 +- comm_cost: 0.7402777777777778 + complexity: 13 expressions: - - K- - - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(S-, not(R+)) name: explored-9171 type: explored -- comm_cost: 0.6795138888888889 - complexity: 15 +- comm_cost: 0.7074652777777779 + complexity: 9 expressions: - - N+ - - R- - - SE- - - and(S-, or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(K-, S+) + - and(N-, or(S+, R+)) name: explored-9172 type: explored -- comm_cost: 0.4984375000000002 +- comm_cost: 0.5072916666666668 complexity: 9 expressions: - - K+ - - N+ - - N+ + - R+ - R- - - S+ - - SE+ - - and(N-, R+) + - SE- + - SE- + - and(S-, or(SE-, N+)) name: explored-9173 type: explored -- comm_cost: 0.08125000000000027 - complexity: 12 +- comm_cost: 0.6123553240740742 + complexity: 10 expressions: - N+ - - R- - - S+ + - S- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(N-, or(K+, SE+)) name: explored-9174 type: explored -- comm_cost: 0.4565104166666668 - complexity: 20 +- comm_cost: 0.47471064814814823 + complexity: 9 expressions: - - N+ + - R+ - R- - - S+ - - and(K-, N-) - - and(N-, R+) - - and(N-, or(K+, R+)) + - SE+ - and(S-, SE-) - - or(S+, R+) + - or(N+, R-) name: explored-9175 type: explored -- comm_cost: 0.6771527777777779 - complexity: 6 +- comm_cost: 0.6366319444444446 + complexity: 10 expressions: - R+ - - and(N-, R+) - - not(R-) + - SE- + - and(N-, or(S+, SE+)) + - or(S+, R-) name: explored-9176 type: explored -- comm_cost: 0.5354166666666669 - complexity: 9 +- comm_cost: 0.487152777777778 + complexity: 18 expressions: - - N+ - - R- - - SE+ - - and(K-, S+) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, N-) + - or(S+, N+) name: explored-9177 type: explored -- comm_cost: 0.3968750000000002 - complexity: 21 +- comm_cost: 0.5257812500000002 + complexity: 20 expressions: - - K+ - - R+ - - R- + - N+ - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9178 type: explored -- comm_cost: 0.6434895833333334 - complexity: 9 +- comm_cost: 0.3993055555555558 + complexity: 13 expressions: - - R+ - - SE- - - and(N-, not(R-)) - - or(S+, R-) + - K+ + - N+ + - R- + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-9179 type: explored -- comm_cost: 0.7091145833333334 - complexity: 6 - expressions: - - S- - - and(N-, or(K+, R+)) - name: explored-9180 - type: explored -- comm_cost: 0.5378472222222224 - complexity: 11 +- comm_cost: 0.5489583333333334 + complexity: 9 expressions: - - N+ - R+ - - R- - - SE- - - or(and(K-, S+), or(N+, R-)) - name: explored-9181 + - and(K-, SE-) + - and(SE-, or(K+, S-)) + name: explored-9180 type: explored -- comm_cost: 0.15937500000000027 +- comm_cost: 0.5174479166666669 complexity: 13 expressions: - N+ - - R- - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - name: explored-9182 + - and(or(K+, S-), not(R-)) + name: explored-9181 type: explored -- comm_cost: 0.4640798611111113 - complexity: 16 +- comm_cost: 0.6651041666666668 + complexity: 17 expressions: - - N+ - - R- - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(N+, not(R+)) - name: explored-9183 + - and(K-, or(N+, not(R+))) + - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) + name: explored-9182 type: explored -- comm_cost: 0.48750000000000016 +- comm_cost: 0.6414062500000002 complexity: 12 expressions: + - R+ + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, N+) + name: explored-9183 + type: explored +- comm_cost: 0.3739583333333335 + complexity: 20 + expressions: - N+ - R- - - and(K-, S+) - - and(K-, not(R-)) + - S+ - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-9184 type: explored -- comm_cost: 0.4055555555555559 - complexity: 13 +- comm_cost: 0.35130208333333357 + complexity: 16 expressions: + - K+ - R- - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-9185 type: explored -- comm_cost: 0.4983333333333334 - complexity: 10 +- comm_cost: 0.3119791666666669 + complexity: 15 expressions: - - K+ - - K- - N+ - R- - - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) + - or(SE-, N+) name: explored-9186 type: explored -- comm_cost: 0.5255208333333334 +- comm_cost: 0.5739583333333335 complexity: 12 expressions: - R+ - SE- - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-9187 type: explored -- comm_cost: 0.6371875 - complexity: 6 +- comm_cost: 0.47129629629629655 + complexity: 15 expressions: - - K+ - - K+ - - K- - N+ - - R- - - S+ + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) name: explored-9188 type: explored -- comm_cost: 0.5872685185185187 - complexity: 18 +- comm_cost: 0.5305266203703706 + complexity: 15 expressions: - N+ + - R- + - S- + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(S-, not(R-)) - - or(SE-, N+) + - or(K+, N+) + - or(K+, or(N+, R-)) name: explored-9189 type: explored -- comm_cost: 0.39861111111111147 - complexity: 13 +- comm_cost: 0.4232638888888892 + complexity: 15 expressions: - - N+ - - SE- + - and(K-, not(R+)) + - and(K-, or(S+, R-)) - and(N-, R+) - - or(K+, or(N+, R-)) - - or(S+, R-) + - and(S-, SE-) name: explored-9190 type: explored -- comm_cost: 0.557638888888889 - complexity: 9 +- comm_cost: 0.8527777777777777 + complexity: 6 expressions: - - and(N-, R+) - - and(S-, N-) - - or(S+, N+) + - and(or(K+, S-), not(R+)) name: explored-9191 type: explored -- comm_cost: 0.6107638888888891 - complexity: 12 +- comm_cost: 0.5481770833333333 + complexity: 10 expressions: - - R+ - - SE- - - and(N-, or(K+, R+)) - - and(N-, or(K+, R+)) + - K+ + - N+ + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-9192 type: explored -- comm_cost: 0.5906250000000002 - complexity: 39 +- comm_cost: 0.42604166666666676 + complexity: 20 expressions: - - SE- - - and(K-, or(S+, N+)) + - K+ + - N+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(S+, R+) name: explored-9193 type: explored -- comm_cost: 0.5508101851851854 - complexity: 10 +- comm_cost: 0.5013310185185187 + complexity: 15 expressions: + - K+ + - N+ - R+ + - R- - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, N-) + - and(and(K-, N-), or(S+, R+)) name: explored-9194 type: explored -- comm_cost: 0.7353981481481482 - complexity: 26 - expressions: - - S- - - and(N-, or(S+, SE+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - or(K+, S-) - - or(S+, R+) - - or(S+, SE+) - name: explored-9195 - type: explored -- comm_cost: 0.5223668981481482 +- comm_cost: 0.11875000000000013 complexity: 13 expressions: - - K+ - - R+ + - N+ - R- - - S- + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - or(K+, N+) - - or(S+, R-) - name: explored-9196 - type: explored -- comm_cost: 0.594965277777778 - complexity: 8 - expressions: - - K+ - - R+ - - R- - - and(K-, or(S+, R+)) - name: explored-9197 + name: explored-9195 type: explored -- comm_cost: 0.28819444444444475 +- comm_cost: 0.37430555555555567 complexity: 14 expressions: - N+ - - and(K-, not(R+)) - - and(N-, R+) + - R- + - SE+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - name: explored-9198 + name: explored-9196 type: explored -- comm_cost: 0.600217013888889 - complexity: 15 +- comm_cost: 0.3666666666666669 + complexity: 10 expressions: - K+ - - R+ - R- - S+ - - SE- - - and(K-, N-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-9199 + - and(N-, R+) + - and(S-, not(R+)) + name: explored-9197 type: explored -- comm_cost: 0.33255208333333364 +- comm_cost: 0.5360416666666667 complexity: 14 expressions: + - K- - N+ - R- - S+ - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) + name: explored-9198 + type: explored +- comm_cost: 0.393842592592593 + complexity: 19 + expressions: + - N+ + - R- + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - not(R+) + - or(N+, not(R+)) - or(SE-, N+) - name: explored-9200 + name: explored-9199 type: explored -- comm_cost: 0.3899305555555559 - complexity: 9 +- comm_cost: 0.4130208333333336 + complexity: 17 expressions: - N+ + - R+ - R- - - S+ + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - or(S+, R-) - name: explored-9201 + - and(S-, or(SE-, N+)) + name: explored-9200 type: explored -- comm_cost: 0.35807291666666685 +- comm_cost: 0.718842013888889 complexity: 21 expressions: + - and(K-, SE-) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) + - or(S+, R+) + - or(S+, SE+) + - or(SE-, N+) + name: explored-9201 + type: explored +- comm_cost: 0.5238888888888891 + complexity: 15 + expressions: - K+ - N+ - R- - - and(K-, S+) + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(SE-, N+) + - or(K+, S-) name: explored-9202 type: explored -- comm_cost: 0.551388888888889 - complexity: 17 +- comm_cost: 0.4007812500000003 + complexity: 8 expressions: - K+ - - N+ - R- - - SE- - and(N-, R+) - - or(K+, K-) - - or(and(S-, SE-), or(N+, R-)) + - or(SE-, N+) name: explored-9203 type: explored -- comm_cost: 0.24756944444444473 - complexity: 20 +- comm_cost: 0.48828125000000033 + complexity: 10 expressions: - - K+ - - N+ - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) name: explored-9204 type: explored -- comm_cost: 0.3510937500000002 - complexity: 23 +- comm_cost: 0.7500000000000001 + complexity: 12 + expressions: + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - not(R+) + name: explored-9205 + type: explored +- comm_cost: 0.24730902777777808 + complexity: 19 expressions: - - K+ - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - and(S-, not(R+)) - - or(SE-, N+) - name: explored-9205 - type: explored -- comm_cost: 0.38541666666666696 - complexity: 13 - expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(SE-, or(K+, S-)) + - or(S+, or(N+, R-)) name: explored-9206 type: explored -- comm_cost: 0.2514351851851855 - complexity: 22 +- comm_cost: 0.2817708333333334 + complexity: 18 expressions: - K+ - K+ - N+ - R- + - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, or(N+, R-)) + - or(K+, SE+) + - or(N+, R-) name: explored-9207 type: explored -- comm_cost: 0.7213344080687831 - complexity: 31 +- comm_cost: 0.6166666666666667 + complexity: 13 expressions: - - N- - - R+ + - N+ - SE- - - and(K-, or(S+, R+)) - - and(N-, or(S+, R+)) - - and(SE-, or(K+, S-)) - - or(K+, K-) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-9208 type: explored -- comm_cost: 0.5598090277777779 +- comm_cost: 0.3148437500000002 complexity: 17 expressions: + - K+ + - N+ - R- - - and(K-, or(S+, R-)) - - and(and(S-, N-), not(R-)) - - or(S+, or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-9209 type: explored -- comm_cost: 0.3554687500000002 - complexity: 12 +- comm_cost: 0.3244791666666671 + complexity: 18 expressions: - K+ - - K+ - N+ - - and(K-, N-) + - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) + - not(R+) name: explored-9210 type: explored -- comm_cost: 0.5072916666666668 - complexity: 13 +- comm_cost: 0.464641203703704 + complexity: 12 expressions: - - N+ - R- - SE- - - and(K-, not(R-)) + - and(K-, not(R+)) - and(N-, R+) - - or(N+, R-) + - or(K+, R-) name: explored-9211 type: explored -- comm_cost: 0.5237847222222224 +- comm_cost: 0.5717013888888891 complexity: 15 expressions: - N+ - R- - - SE+ - SE- - - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, N-) + - and(S-, or(N+, not(R+))) + - or(K+, K-) name: explored-9212 type: explored -- comm_cost: 0.6586111111111111 - complexity: 11 +- comm_cost: 0.5389583333333334 + complexity: 12 expressions: - N+ - R- - - SE- - - and(K-, or(S+, R+)) + - S+ + - and(K-, S+) + - and(S-, SE-) - or(K+, S-) name: explored-9213 type: explored -- comm_cost: 0.4307291666666667 - complexity: 18 +- comm_cost: 0.35416666666666696 + complexity: 7 expressions: - K+ - N+ - - R- - - and(K-, N-) - - and(K-, S+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - N+ + - SE- + - and(N-, R+) name: explored-9214 type: explored -- comm_cost: 0.5216666666666667 - complexity: 10 +- comm_cost: 0.5889756944444445 + complexity: 9 expressions: - N+ - R- - - and(S-, SE-) - - and(S-, SE-) - - not(R-) + - SE- + - and(N-, not(R-)) + - not(R+) name: explored-9215 type: explored -- comm_cost: 0.6013020833333335 - complexity: 20 +- comm_cost: 0.5760416666666668 + complexity: 15 expressions: - - R- - - and(K-, or(SE-, N+)) - - and(N-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - R+ + - SE- + - and(K-, or(S+, N+)) + - or(K+, R-) + - or(K+, or(N+, R-)) name: explored-9216 type: explored -- comm_cost: 0.5052083333333335 - complexity: 8 +- comm_cost: 0.6303819444444445 + complexity: 9 expressions: - N+ - R+ - R- - - R- - - SE- + - or(K+, R+) - or(S+, N+) name: explored-9217 type: explored -- comm_cost: 0.27942708333333366 - complexity: 27 +- comm_cost: 0.4486111111111113 + complexity: 12 expressions: - K+ - N+ - R- - - S+ - - and(K-, or(S+, N+)) + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, R+) name: explored-9218 type: explored -- comm_cost: 0.39375000000000027 - complexity: 19 +- comm_cost: 0.18211805555555594 + complexity: 21 expressions: + - K+ - N+ - R- - - S+ + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - not(R+) - - or(S+, or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-9219 type: explored -- comm_cost: 0.6146423611111111 - complexity: 12 +- comm_cost: 0.5718750000000001 + complexity: 9 expressions: - - N+ - R+ - - R- - - SE- - - not(R-) - - or(S+, N+) - - or(S+, R+) + - and(K-, or(SE-, N+)) + - and(S-, SE-) name: explored-9220 type: explored -- comm_cost: 0.5870428240740742 - complexity: 41 +- comm_cost: 0.4394097222222224 + complexity: 20 expressions: - K+ - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R+ + - R- + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-9221 type: explored -- comm_cost: 0.7052083333333333 - complexity: 18 +- comm_cost: 0.7508969907407409 + complexity: 9 expressions: - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(N-, or(S+, SE+)) + - or(K+, R+) name: explored-9222 type: explored -- comm_cost: 0.2748263888888891 - complexity: 18 +- comm_cost: 0.7715277777777778 + complexity: 7 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, R-) + - not(R-) + - or(K+, or(N+, R-)) name: explored-9223 type: explored -- comm_cost: 0.25121527777777797 - complexity: 19 +- comm_cost: 0.7080434027777779 + complexity: 35 expressions: - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - N- + - SE- + - and(K-, or(SE-, N+)) + - and(N-, or(K+, R+)) + - and(S-, N-) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) + - or(S+, N+) name: explored-9224 type: explored -- comm_cost: 0.4281250000000001 - complexity: 8 +- comm_cost: 0.6055555555555556 + complexity: 6 expressions: - N+ - - R+ - - and(S-, SE-) - - or(S+, N+) + - R- + - and(S-, not(R-)) name: explored-9225 type: explored -- comm_cost: 0.47703125000000024 - complexity: 21 +- comm_cost: 0.7680208333333334 + complexity: 7 expressions: - - K+ - - K- - - N+ - - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(SE-, or(K+, S-)) + - not(R-) name: explored-9226 type: explored -- comm_cost: 0.7472222222222222 +- comm_cost: 0.6880208333333333 complexity: 9 expressions: + - K+ - N+ - R- - - or(and(S-, SE-), or(N+, R-)) + - S+ + - and(K-, or(S+, N+)) name: explored-9227 type: explored -- comm_cost: 0.5222222222222224 - complexity: 8 +- comm_cost: 0.6403472222222223 + complexity: 11 expressions: - - K+ - N+ + - R- - SE- - - and(N-, or(K+, R+)) + - and(SE-, or(K+, S-)) + - or(K+, S-) name: explored-9228 type: explored -- comm_cost: 0.3949652777777779 +- comm_cost: 0.4831597222222226 complexity: 12 expressions: + - R- - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-9229 type: explored -- comm_cost: 0.6291666666666669 +- comm_cost: 0.663715277777778 complexity: 13 expressions: + - K+ - R+ - - and(N-, or(K+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-9230 type: explored -- comm_cost: 0.7052083333333334 - complexity: 11 +- comm_cost: 0.66328125 + complexity: 8 expressions: - - and(K-, or(S+, R-)) - - and(or(K+, S-), not(R-)) + - R- + - S- + - SE- + - and(K-, or(S+, N+)) name: explored-9231 type: explored -- comm_cost: 0.4955208333333335 +- comm_cost: 0.6310763888888891 complexity: 11 expressions: - - K+ - - K- - - N+ - - R- - - S+ - - and(K-, S+) - - and(N-, R+) + - R+ + - SE- + - and(S-, not(R-)) + - or(K+, or(N+, R-)) name: explored-9232 type: explored -- comm_cost: 0.25260416666666674 - complexity: 24 +- comm_cost: 0.4494791666666669 + complexity: 12 expressions: - - K+ + - N+ - N+ - R- - - and(K-, or(S+, N+)) + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(N-, or(S+, SE+)) name: explored-9233 type: explored -- comm_cost: 0.5442708333333335 - complexity: 16 +- comm_cost: 0.524363425925926 + complexity: 24 expressions: - N+ - - R+ - R- - - SE- - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, K-) + - or(and(K-, S+), or(N+, R-)) name: explored-9234 type: explored -- comm_cost: 0.3819444444444444 - complexity: 7 +- comm_cost: 0.6054861111111113 + complexity: 11 expressions: - - N+ + - K+ + - K- - R- - - S+ - - SE+ - - and(S-, SE-) + - SE- + - and(K-, not(R-)) + - and(N-, R+) name: explored-9235 type: explored -- comm_cost: 0.6197627314814816 - complexity: 13 +- comm_cost: 0.3812500000000003 + complexity: 6 expressions: - - R+ - - R- + - N+ + - N+ - SE- - - and(N-, or(K+, SE+)) - - or(S+, or(N+, R-)) + - and(N-, R+) name: explored-9236 type: explored -- comm_cost: 0.6455381944444446 - complexity: 13 +- comm_cost: 0.6559010416666669 + complexity: 31 expressions: - - K+ - - R+ - - R- - - SE- - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - N- + - S- + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R-)) name: explored-9237 type: explored -- comm_cost: 0.7356342592592593 - complexity: 29 +- comm_cost: 0.375763888888889 + complexity: 16 expressions: + - K+ + - K- + - N+ - R- - - and(K-, SE-) - - and(N-, or(S+, SE+)) - - not(R-) - - or(K+, K-) - - or(K+, or(N+, R-)) - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-9238 type: explored -- comm_cost: 0.5581597222222224 - complexity: 15 +- comm_cost: 0.45677083333333346 + complexity: 19 expressions: - K+ + - K+ - N+ - - R- - - and(K-, S+) + - S+ + - and(K-, not(R-)) - and(N-, R+) - - or(K+, SE+) - - or(S+, N+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-9239 type: explored -- comm_cost: 0.205902777777778 - complexity: 20 +- comm_cost: 0.8291666666666666 + complexity: 6 + expressions: + - and(K-, S+) + - or(K+, R-) + name: explored-9240 + type: explored +- comm_cost: 0.45703125000000033 + complexity: 11 expressions: + - N+ - R- - S+ - - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-9240 + - or(S+, or(N+, R-)) + name: explored-9241 type: explored -- comm_cost: 0.40147569444444464 - complexity: 20 +- comm_cost: 0.4032841435185186 + complexity: 19 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-9241 - type: explored -- comm_cost: 0.7050520833333335 - complexity: 6 - expressions: - - K- - - R+ - - SE- - - and(K-, N-) + - and(or(K+, S-), not(R-)) + - or(K+, R+) name: explored-9242 type: explored -- comm_cost: 0.46006944444444464 - complexity: 14 +- comm_cost: 0.3083333333333337 + complexity: 15 expressions: + - K+ - N+ - - R- - - SE- - - and(K-, or(S+, R-)) + - and(K-, S+) - and(N-, R+) - - or(K+, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-9243 type: explored -- comm_cost: 0.2934027777777779 - complexity: 24 +- comm_cost: 0.5974247685185187 + complexity: 15 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, or(S+, R-)) - - and(N-, R+) + - SE- - and(S-, N-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) name: explored-9244 type: explored -- comm_cost: 0.21388888888888913 - complexity: 15 +- comm_cost: 0.6792708333333333 + complexity: 10 expressions: - K+ - - N+ - R- - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - or(N+, not(R+)) name: explored-9245 type: explored -- comm_cost: 0.5581597222222224 - complexity: 13 +- comm_cost: 0.7627604166666668 + complexity: 9 expressions: - - N+ - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - not(R+) + - K+ + - and(K-, or(S+, SE+)) + - or(K+, R-) name: explored-9246 type: explored -- comm_cost: 0.7972222222222223 - complexity: 8 +- comm_cost: 0.524479166666667 + complexity: 6 expressions: - - R- - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(N-, R+) + - not(R+) name: explored-9247 type: explored -- comm_cost: 0.2972222222222225 - complexity: 15 +- comm_cost: 0.46181712962962973 + complexity: 14 expressions: - K+ + - K- + - N+ - R- - - and(K-, S+) - - and(K-, not(R+)) + - S+ - and(N-, R+) - and(S-, SE-) + - or(K+, R+) name: explored-9248 type: explored -- comm_cost: 0.6706597222222224 - complexity: 14 +- comm_cost: 0.5715856481481483 + complexity: 10 expressions: - - and(K-, N-) - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(SE-, N+) + - N+ + - R+ + - R- + - SE- + - and(N-, R+) + - or(K+, K-) name: explored-9249 type: explored -- comm_cost: 0.5252604166666669 - complexity: 8 +- comm_cost: 0.35750868055555585 + complexity: 27 expressions: + - N+ - R- - - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-9250 type: explored -- comm_cost: 0.7417708333333335 +- comm_cost: 0.47083333333333344 complexity: 5 expressions: + - N+ - R+ - R- - - or(S+, SE+) + - S+ + - SE- name: explored-9251 type: explored -- comm_cost: 0.525115740740741 - complexity: 16 +- comm_cost: 0.75 + complexity: 8 + expressions: + - and(N-, or(K+, S-)) + - or(SE-, N+) + name: explored-9252 + type: explored +- comm_cost: 0.40925925925925943 + complexity: 20 expressions: - - K+ - K+ - N+ - R- - S+ - - and(K-, or(S+, R+)) + - and(K-, SE-) - and(N-, R+) - - and(SE+, N-) - name: explored-9252 - type: explored -- comm_cost: 0.7355902777777779 - complexity: 9 - expressions: - - and(and(K-, N-), not(R-)) - - or(S+, R+) + - and(S-, N-) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-9253 type: explored -- comm_cost: 0.41953125000000013 - complexity: 13 +- comm_cost: 0.5073437500000002 + complexity: 12 expressions: + - K+ - N+ - R- - - R- - - and(K-, not(R-)) + - SE- - and(N-, R+) - - and(S-, SE-) + - not(R-) + - or(K+, R-) name: explored-9254 type: explored -- comm_cost: 0.3244791666666669 - complexity: 16 +- comm_cost: 0.538715277777778 + complexity: 17 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(S+, N+) + - SE- + - and(K-, SE-) + - and(N-, or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-9255 type: explored -- comm_cost: 0.6372569444444445 - complexity: 45 +- comm_cost: 0.5265625000000002 + complexity: 6 expressions: - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(SE-, N+) + - N+ + - R+ + - SE- + - or(K+, R-) name: explored-9256 type: explored -- comm_cost: 0.7372569444444446 - complexity: 17 +- comm_cost: 0.44968750000000024 + complexity: 15 expressions: - - N- - - S- - - and(K-, S+) - - or(K+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) + - or(K+, S-) name: explored-9257 type: explored -- comm_cost: 0.6381076388888891 - complexity: 21 +- comm_cost: 0.5457754629629632 + complexity: 18 expressions: - N+ - - R+ - - SE+ + - SE- - and(K-, or(S+, N+)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, N-) name: explored-9258 type: explored -- comm_cost: 0.45548611111111126 - complexity: 17 +- comm_cost: 0.6632812500000002 + complexity: 10 expressions: - - N+ + - K+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(N+, not(R+)) + - and(N-, or(S+, SE+)) name: explored-9259 type: explored -- comm_cost: 0.35902777777777795 - complexity: 15 +- comm_cost: 0.6010416666666667 + complexity: 9 expressions: - K+ - N+ - R- - - S+ - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(N+, R-) + - SE- + - and(K-, or(S+, R-)) name: explored-9260 type: explored -- comm_cost: 0.2253472222222226 - complexity: 18 +- comm_cost: 0.5115451388888891 + complexity: 14 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, not(R+)) + - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - or(N+, R-) + - or(S+, N+) name: explored-9261 type: explored -- comm_cost: 0.39871527777777793 - complexity: 22 +- comm_cost: 0.2338541666666668 + complexity: 18 expressions: - K+ - N+ - R- + - R- - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) name: explored-9262 type: explored -- comm_cost: 0.3104166666666669 - complexity: 13 +- comm_cost: 0.4265625000000002 + complexity: 8 expressions: - K+ - - N+ - - N+ - - R- + - R+ + - and(K-, SE-) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) name: explored-9263 type: explored -- comm_cost: 0.6892361111111112 - complexity: 22 +- comm_cost: 0.15390625000000036 + complexity: 17 expressions: - - and(K-, not(R+)) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) + - or(S+, N+) name: explored-9264 type: explored -- comm_cost: 0.5247395833333334 - complexity: 16 +- comm_cost: 0.26857638888888924 + complexity: 12 expressions: - K+ + - K+ - N+ - R- - S+ - - and(K-, or(S+, SE+)) - - and(N-, not(R-)) - - and(S-, SE-) + - and(K-, not(R+)) + - and(N-, R+) name: explored-9265 type: explored -- comm_cost: 0.3715277777777781 +- comm_cost: 0.4417824074074075 complexity: 13 expressions: - - K+ - N+ + - R+ + - R- - SE- + - and(K-, S+) - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - or(K+, R+) name: explored-9266 type: explored -- comm_cost: 0.5891666666666668 - complexity: 10 +- comm_cost: 0.3509548611111113 + complexity: 17 expressions: - N+ - - S- - - SE- + - R- + - R- - and(N-, R+) - - or(N+, not(R+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(S+, R+) name: explored-9267 type: explored -- comm_cost: 0.5824218750000001 - complexity: 14 +- comm_cost: 0.48055555555555585 + complexity: 13 expressions: - - R+ + - N+ - R- - - SE- - - and(SE-, or(K+, S-)) - - or(K+, R-) - - or(S+, R+) + - and(N-, R+) + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-9268 type: explored -- comm_cost: 0.8360937500000001 - complexity: 6 +- comm_cost: 0.38189236111111124 + complexity: 20 expressions: - - or(K+, SE+) - - or(S+, SE+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - not(R-) name: explored-9269 type: explored -- comm_cost: 0.6187268518518519 - complexity: 13 +- comm_cost: 0.6055266203703705 + complexity: 10 expressions: - - N+ - - N- - R+ - - R- - - SE- - - and(K-, or(S+, R-)) - - or(K+, R+) + - and(K-, not(R+)) + - not(R+) + - or(N+, R-) name: explored-9270 type: explored -- comm_cost: 0.6921875000000001 - complexity: 8 +- comm_cost: 0.377777777777778 + complexity: 15 expressions: + - K+ - N+ - R- - S+ - - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-9271 type: explored -- comm_cost: 0.4515625000000002 - complexity: 9 +- comm_cost: 0.7217013888888889 + complexity: 13 expressions: - R- - - S+ - - S- - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) name: explored-9272 type: explored -- comm_cost: 0.4121527777777779 - complexity: 7 +- comm_cost: 0.7183333333333334 + complexity: 10 expressions: - - R+ - - and(S-, SE-) - - or(S+, R-) + - R- + - SE- + - and(or(K+, S-), not(R+)) + - not(R-) name: explored-9273 type: explored -- comm_cost: 0.18437500000000018 - complexity: 15 +- comm_cost: 0.3968750000000001 + complexity: 8 expressions: - N+ + - R+ - R- - - S+ - - S+ - - and(N-, R+) + - R- + - SE- - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-9274 type: explored -- comm_cost: 0.4286944444444446 - complexity: 16 +- comm_cost: 0.5466666666666669 + complexity: 14 expressions: - K+ - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(S+, SE+) + - and(S-, not(R-)) + - or(N+, not(R+)) name: explored-9275 type: explored -- comm_cost: 0.7145833333333333 - complexity: 8 +- comm_cost: 0.7164930555555556 + complexity: 7 expressions: - - K- - - R+ - - R- - - S- - - SE- - - or(K+, S-) + - N+ + - S+ + - and(K-, or(S+, R+)) name: explored-9276 type: explored -- comm_cost: 0.49861111111111145 - complexity: 7 +- comm_cost: 0.5059317129629631 + complexity: 18 expressions: + - K+ + - N+ + - R- - SE- - and(N-, R+) - - or(S+, R-) + - and(S-, N-) + - and(S-, or(SE-, N+)) + - or(S+, R+) name: explored-9277 type: explored -- comm_cost: 0.6930555555555555 - complexity: 10 +- comm_cost: 0.3839236111111113 + complexity: 19 expressions: + - K+ + - K+ + - K+ - N+ - R- - - SE- - - or(and(S-, SE-), or(N+, R-)) + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - not(R-) name: explored-9278 type: explored -- comm_cost: 0.6966780753968255 - complexity: 26 +- comm_cost: 0.6533854166666667 + complexity: 9 expressions: - - K- - - N- - - R- - - SE+ - - and(K-, S+) + - R+ - and(K-, not(R-)) - - and(N-, or(S+, R+)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, not(R+)) name: explored-9279 type: explored -- comm_cost: 0.47173611111111124 - complexity: 21 +- comm_cost: 0.17656250000000018 + complexity: 15 expressions: - - K+ - - K+ - - N+ - R- - - S+ + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - - or(and(K-, SE-), or(N+, R-)) name: explored-9280 type: explored -- comm_cost: 0.5754166666666669 - complexity: 8 +- comm_cost: 0.42199074074074094 + complexity: 16 expressions: + - K+ - N+ - - SE- - - and(N-, R+) - - or(K+, S-) - name: explored-9281 - type: explored -- comm_cost: 0.6056423611111112 - complexity: 18 - expressions: - - N- - - R+ - R- + - S+ - and(K-, N-) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, R-) - name: explored-9282 + - or(K+, R+) + name: explored-9281 type: explored -- comm_cost: 0.21759259259259278 - complexity: 16 +- comm_cost: 0.3645833333333335 + complexity: 14 expressions: - K+ - N+ - R- - - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - name: explored-9283 + - and(N-, or(K+, R+)) + name: explored-9282 type: explored -- comm_cost: 0.6718750000000002 +- comm_cost: 0.6776851851851854 complexity: 9 expressions: - - R+ - - and(N-, or(K+, R+)) - - or(K+, R-) - name: explored-9284 + - SE- + - and(N-, R+) + - not(R-) + - or(K+, R+) + name: explored-9283 type: explored -- comm_cost: 0.567013888888889 - complexity: 10 +- comm_cost: 0.45312500000000033 + complexity: 9 expressions: - - R+ + - K+ - R- - - SE- - - or(and(S-, SE-), or(N+, R-)) - name: explored-9285 + - S+ + - and(K-, S+) + - and(N-, R+) + name: explored-9284 type: explored -- comm_cost: 0.6231180555555557 - complexity: 38 +- comm_cost: 0.10208333333333353 + complexity: 19 expressions: - K+ - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) + - N+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - not(R-) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + name: explored-9285 + type: explored +- comm_cost: 0.6206597222222222 + complexity: 8 + expressions: + - N+ + - R- + - and(S-, SE-) + - or(K+, K-) name: explored-9286 type: explored -- comm_cost: 0.7128819444444445 +- comm_cost: 0.6957870370370371 complexity: 11 expressions: - - R+ + - R- - SE- - - and(or(K+, S-), or(SE-, N+)) - - not(R-) + - and(N-, or(K+, SE+)) + - or(N+, not(R+)) name: explored-9287 type: explored -- comm_cost: 0.3377604166666669 - complexity: 14 +- comm_cost: 0.45777777777777795 + complexity: 13 expressions: - K+ - - N+ - - and(K-, S+) + - R- + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - or(K+, S-) name: explored-9288 type: explored -- comm_cost: 0.8354166666666667 +- comm_cost: 0.7317708333333333 complexity: 5 expressions: - - and(K-, or(SE-, N+)) + - R- + - SE- + - and(K-, SE-) name: explored-9289 type: explored -- comm_cost: 0.505121527777778 - complexity: 19 +- comm_cost: 0.4453125000000002 + complexity: 13 expressions: - N+ - - R- - - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-9290 type: explored -- comm_cost: 0.7639756944444446 - complexity: 8 +- comm_cost: 0.5354166666666669 + complexity: 15 expressions: - - and(K-, not(R-)) - - and(S-, not(R-)) + - N+ + - R+ + - R- + - SE- + - and(K-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9291 type: explored -- comm_cost: 0.6368055555555556 - complexity: 12 +- comm_cost: 0.7326388888888891 + complexity: 6 expressions: - - R+ - - R- - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) + - K+ + - and(K-, or(S+, R+)) name: explored-9292 type: explored -- comm_cost: 0.5434027777777779 +- comm_cost: 0.6820312500000001 complexity: 10 expressions: - - R+ - - and(and(S-, N-), not(R-)) - - or(S+, R-) + - R- + - SE- + - and(K-, N-) + - and(N-, or(K+, R+)) name: explored-9293 type: explored -- comm_cost: 0.315277777777778 - complexity: 17 +- comm_cost: 0.5019965277777779 + complexity: 15 expressions: - K+ - - K+ + - N+ - R- - - S+ - - and(K-, S+) - - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - or(K+, K-) + - or(SE-, N+) name: explored-9294 type: explored -- comm_cost: 0.32829861111111125 - complexity: 15 +- comm_cost: 0.49921875000000016 + complexity: 11 expressions: - R- - - and(K-, or(S+, R-)) + - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) name: explored-9295 type: explored -- comm_cost: 0.5489583333333333 - complexity: 16 +- comm_cost: 0.40303819444444455 + complexity: 13 expressions: - - K+ - N+ - R- - - and(K-, S+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, R+) name: explored-9296 type: explored -- comm_cost: 0.6591145833333334 +- comm_cost: 0.6125 complexity: 7 expressions: - N+ - - R+ - - not(R+) - - or(K+, SE+) + - and(K-, SE-) + - and(S-, SE-) name: explored-9297 type: explored -- comm_cost: 0.32968750000000013 - complexity: 17 +- comm_cost: 0.7286458333333333 + complexity: 11 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, N-) - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9298 type: explored -- comm_cost: 0.6488425925925927 - complexity: 17 +- comm_cost: 0.6336111111111113 + complexity: 8 expressions: - K- - N+ - R- - - SE- - and(N-, R+) - - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) + - not(R-) name: explored-9299 type: explored -- comm_cost: 0.15000000000000036 - complexity: 11 +- comm_cost: 0.5927083333333335 + complexity: 6 expressions: - - K+ + - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - or(S+, N+) name: explored-9300 type: explored -- comm_cost: 0.4526041666666669 - complexity: 9 +- comm_cost: 0.24583333333333357 + complexity: 16 expressions: - - R+ + - N+ - R- - - SE- + - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - - or(S+, N+) + - and(S-, SE-) name: explored-9301 type: explored -- comm_cost: 0.5680555555555555 - complexity: 8 +- comm_cost: 0.6614583333333335 + complexity: 12 expressions: - - R- - - and(S-, SE-) - - and(S-, not(R-)) + - K- + - R+ + - SE- + - and(SE+, N-) + - and(and(K-, N-), not(R-)) name: explored-9302 type: explored -- comm_cost: 0.6256944444444446 - complexity: 13 +- comm_cost: 0.510763888888889 + complexity: 16 expressions: - - R+ - SE- - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-9303 type: explored -- comm_cost: 0.6239496527777779 - complexity: 35 +- comm_cost: 0.5069444444444446 + complexity: 11 expressions: + - K+ + - N+ + - R- - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - - and(N-, or(S+, R+)) - - and(S-, not(R+)) - - and(SE+, N-) - - and(or(K+, S-), not(R-)) - - or(K+, R+) - - or(K+, R-) + - and(and(K-, N-), or(S+, SE+)) name: explored-9304 type: explored -- comm_cost: 0.7186921296296298 - complexity: 11 +- comm_cost: 0.6575 + complexity: 6 expressions: - - R+ - - and(N-, or(K+, R+)) - - and(N-, or(S+, R+)) + - N+ + - R- + - SE+ + - SE- + - not(R-) name: explored-9305 type: explored -- comm_cost: 0.5748842592592593 - complexity: 18 +- comm_cost: 0.34201388888888906 + complexity: 9 expressions: + - N+ - R+ - R- - - SE- - - and(K-, or(S+, SE+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, R-) name: explored-9306 type: explored -- comm_cost: 0.6018749999999999 - complexity: 13 +- comm_cost: 0.5301562500000001 + complexity: 17 expressions: - N+ - - R- - - S+ - - and(S-, SE-) + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - and(S-, or(SE-, N+)) + - not(R+) + - or(K+, S-) name: explored-9307 type: explored -- comm_cost: 0.6606770833333333 - complexity: 12 +- comm_cost: 0.2670138888888892 + complexity: 19 expressions: + - K+ - N+ - - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-9308 type: explored -- comm_cost: 0.45173611111111134 - complexity: 12 +- comm_cost: 0.547855902777778 + complexity: 14 expressions: - - S+ + - K+ + - N+ + - R- + - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-9309 type: explored -- comm_cost: 0.5546875000000001 - complexity: 11 +- comm_cost: 0.6269097222222224 + complexity: 3 expressions: - R+ - - R- + - SE+ - SE- - - and(K-, or(SE-, N+)) - - or(N+, R-) name: explored-9310 type: explored -- comm_cost: 0.6144097222222223 - complexity: 5 +- comm_cost: 0.45920138888888906 + complexity: 18 expressions: - - R+ + - N+ + - R- - SE- - - and(S-, N-) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - or(S+, or(N+, R-)) name: explored-9311 type: explored -- comm_cost: 0.76625 - complexity: 6 +- comm_cost: 0.7113715277777779 + complexity: 12 expressions: - - N+ - - R- - - or(N+, not(R+)) + - R+ + - and(K-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-9312 type: explored -- comm_cost: 0.7385416666666667 - complexity: 7 +- comm_cost: 0.3230324074074076 + complexity: 12 expressions: - - and(K-, S+) - - and(S-, not(R+)) + - K+ + - R+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-9313 type: explored -- comm_cost: 0.8256944444444445 - complexity: 7 +- comm_cost: 0.6294270833333334 + complexity: 13 expressions: - - and(K-, S+) - - and(K-, not(R+)) + - N+ + - R+ + - R- + - SE- + - and(K-, or(N+, not(R+))) + - or(K+, SE+) name: explored-9314 type: explored -- comm_cost: 0.7766493055555557 - complexity: 11 +- comm_cost: 0.6559201388888891 + complexity: 20 expressions: - - and(N-, or(K+, SE+)) - - or(K+, R-) - - or(S+, R+) + - N- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-9315 type: explored -- comm_cost: 0.6302083333333335 - complexity: 7 +- comm_cost: 0.2781250000000003 + complexity: 17 expressions: - - N+ - - R+ - - and(K-, or(SE-, N+)) + - K+ + - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) name: explored-9316 type: explored -- comm_cost: 0.5078125000000002 - complexity: 14 +- comm_cost: 0.6756597222222223 + complexity: 7 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(and(S-, N-), not(R-)) + - K+ + - K- + - R+ + - SE- + - or(S+, N+) name: explored-9317 type: explored -- comm_cost: 0.4677083333333333 +- comm_cost: 0.3617187500000002 complexity: 13 expressions: - - K+ + - N+ - R- - - and(K-, S+) + - SE- + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-9318 type: explored -- comm_cost: 0.6421875000000001 - complexity: 8 +- comm_cost: 0.5417245370370372 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - or(N+, R-) - - or(S+, N+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-9319 type: explored -- comm_cost: 0.45416666666666683 - complexity: 9 +- comm_cost: 0.32291666666666696 + complexity: 18 expressions: - K+ - N+ - - S+ + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(SE+, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-9320 type: explored -- comm_cost: 0.5436111111111113 - complexity: 11 +- comm_cost: 0.5601851851851853 + complexity: 27 expressions: - N+ - - N- - - R- - and(N-, R+) - and(S-, SE-) - - not(R-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9321 type: explored -- comm_cost: 0.619201388888889 - complexity: 10 +- comm_cost: 0.1868055555555559 + complexity: 18 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - or(K+, N+) - - or(K+, S-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-9322 type: explored -- comm_cost: 0.5899537037037037 - complexity: 13 +- comm_cost: 0.1625000000000003 + complexity: 8 expressions: - - K+ - - K- - N+ - R- + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-9323 type: explored -- comm_cost: 0.36440972222222234 - complexity: 26 +- comm_cost: 0.6111400462962964 + complexity: 9 expressions: - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE+ + - SE- + - and(K-, not(R-)) name: explored-9324 type: explored -- comm_cost: 0.7166666666666668 - complexity: 13 - expressions: - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - name: explored-9325 - type: explored -- comm_cost: 0.3095775462962965 - complexity: 21 +- comm_cost: 0.19687500000000036 + complexity: 17 expressions: - - K+ - N+ + - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, or(SE-, N+)) + - or(K+, N+) + name: explored-9325 + type: explored +- comm_cost: 0.5218750000000002 + complexity: 7 + expressions: + - K+ + - R+ + - SE- + - and(S-, not(R+)) name: explored-9326 type: explored -- comm_cost: 0.49027777777777803 - complexity: 14 +- comm_cost: 0.43680555555555567 + complexity: 10 expressions: + - K+ - N+ - - and(N-, R+) + - R- - and(S-, SE-) - - or(K+, R+) - - or(N+, not(R+)) + - and(S-, not(R-)) name: explored-9327 type: explored -- comm_cost: 0.4125000000000002 - complexity: 10 +- comm_cost: 0.41458333333333375 + complexity: 7 expressions: - K+ + - K+ - N+ - - R- - - S- - - and(K-, S+) + - S+ - and(N-, R+) name: explored-9328 type: explored -- comm_cost: 0.7596180555555556 +- comm_cost: 0.5777777777777777 complexity: 11 expressions: - - N- - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-9329 type: explored -- comm_cost: 0.5969097222222224 - complexity: 12 +- comm_cost: 0.7662500000000001 + complexity: 4 expressions: - - K- - - N+ - - R+ - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE- + - or(K+, S-) name: explored-9330 type: explored -- comm_cost: 0.5671875000000002 - complexity: 11 +- comm_cost: 0.2777777777777779 + complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(S-, N-) - - and(S-, or(SE-, N+)) + - and(K-, S+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-9331 type: explored -- comm_cost: 0.27024305555555594 - complexity: 25 +- comm_cost: 0.5080729166666669 + complexity: 15 expressions: - - K+ - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) - - or(S+, N+) + - and(or(K+, S-), not(R-)) + - or(S+, R-) name: explored-9332 type: explored -- comm_cost: 0.47870370370370385 - complexity: 14 +- comm_cost: 0.5195312500000002 + complexity: 13 expressions: - - N+ - R- + - and(K-, N-) + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, not(R-)) + - and(S-, SE-) name: explored-9333 type: explored -- comm_cost: 0.7005208333333335 - complexity: 6 +- comm_cost: 0.6738454861111112 + complexity: 32 expressions: - - K+ - - R+ - - R+ - - or(K+, N+) + - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) + - or(K+, K-) + - or(S+, R+) name: explored-9334 type: explored -- comm_cost: 0.6598958333333333 - complexity: 7 +- comm_cost: 0.44409722222222237 + complexity: 24 expressions: + - K+ + - N+ - R- + - S- + - and(K-, S+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(SE-, N+) + - or(S+, R-) name: explored-9335 type: explored -- comm_cost: 0.6518750000000001 - complexity: 6 +- comm_cost: 0.6811342592592594 + complexity: 7 expressions: - - N- - R+ - - and(S-, not(R+)) + - and(N-, R+) + - or(K+, K-) name: explored-9336 type: explored -- comm_cost: 0.6764930555555556 - complexity: 6 +- comm_cost: 0.3828125000000002 + complexity: 20 expressions: - - N- - - R+ - - and(K-, not(R+)) + - K+ + - R- + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-9337 type: explored -- comm_cost: 0.4046875000000001 - complexity: 20 +- comm_cost: 0.3425347222222225 + complexity: 14 expressions: - K+ - N+ - R- - - and(K-, N-) - - and(K-, S+) + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) + - and(N-, not(R-)) - and(S-, SE-) name: explored-9338 type: explored -- comm_cost: 0.6593750000000002 - complexity: 6 +- comm_cost: 0.5322916666666666 + complexity: 8 expressions: - - R+ - - and(K-, or(SE-, N+)) + - N+ + - R- + - S+ + - and(S-, SE-) + - not(R-) name: explored-9339 type: explored -- comm_cost: 0.48111111111111127 - complexity: 16 +- comm_cost: 0.655 + complexity: 6 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - not(R-) - - not(R-) + - SE- + - or(S+, SE+) name: explored-9340 type: explored -- comm_cost: 0.4515625000000002 - complexity: 11 +- comm_cost: 0.47083333333333366 + complexity: 9 expressions: + - R- + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - or(N+, not(R+)) name: explored-9341 type: explored -- comm_cost: 0.5822916666666668 - complexity: 5 +- comm_cost: 0.4500000000000002 + complexity: 10 expressions: - - R+ + - K+ + - N+ + - N+ - R- - - and(K-, S+) + - and(N-, R+) + - and(SE+, N-) name: explored-9342 type: explored -- comm_cost: 0.41614583333333366 - complexity: 15 +- comm_cost: 0.6283854166666667 + complexity: 7 expressions: - - N+ + - K+ - R- - - and(N-, R+) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, not(R-)) name: explored-9343 type: explored -- comm_cost: 0.37187500000000007 - complexity: 12 +- comm_cost: 0.5632812500000002 + complexity: 8 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(S-, SE-) - - or(K+, R-) + - and(N-, R+) + - or(S+, R+) name: explored-9344 type: explored -- comm_cost: 0.15572916666666692 +- comm_cost: 0.5142650462962964 complexity: 14 expressions: - - K+ - N+ - - and(K-, S+) + - R- + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - or(S+, R+) name: explored-9345 type: explored -- comm_cost: 0.6300347222222223 - complexity: 11 +- comm_cost: 0.31747685185185204 + complexity: 16 expressions: - - R+ - - SE- - - and(K-, or(S+, R-)) - - or(N+, not(R+)) + - R- + - S+ + - and(N-, R+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-9346 type: explored -- comm_cost: 0.3890625000000002 - complexity: 8 +- comm_cost: 0.6443287037037039 + complexity: 11 expressions: - - K+ - R+ - - and(S-, SE-) - - or(K+, R-) + - R- + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-9347 type: explored -- comm_cost: 0.2019097222222226 - complexity: 27 +- comm_cost: 0.41562500000000013 + complexity: 14 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) + - not(R+) + - or(S+, R+) name: explored-9348 type: explored -- comm_cost: 0.25703125000000016 - complexity: 16 +- comm_cost: 0.5960069444444446 + complexity: 19 expressions: - - K+ - - N+ - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE+, N-) name: explored-9349 type: explored -- comm_cost: 0.6161458333333335 - complexity: 11 +- comm_cost: 0.4504918981481484 + complexity: 29 expressions: + - N+ - R- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9350 type: explored -- comm_cost: 0.5357118055555556 - complexity: 14 +- comm_cost: 0.44322916666666656 + complexity: 11 expressions: + - K+ + - K+ + - N+ - R- - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - - or(S+, R+) + - or(N+, R-) name: explored-9351 type: explored -- comm_cost: 0.6304629629629631 - complexity: 10 +- comm_cost: 0.7240682043650795 + complexity: 32 expressions: - - N+ - - and(N-, R+) + - N- + - and(K-, or(S+, R+)) + - and(N-, or(K+, R+)) - and(S-, N-) + - not(R+) + - or(K+, N+) + - or(K+, R+) - or(K+, S-) + - or(N+, not(R+)) + - or(S+, R+) name: explored-9352 type: explored -- comm_cost: 0.25718750000000035 +- comm_cost: 0.26718750000000024 complexity: 17 expressions: - - K+ - N+ - R- - S+ + - and(K-, SE-) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(S-, SE-) - - or(N+, not(R+)) name: explored-9353 type: explored -- comm_cost: 0.4282986111111111 - complexity: 23 +- comm_cost: 0.5505208333333335 + complexity: 6 expressions: - - K+ + - N+ + - N+ - R+ - R- - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, or(N+, R-)) + - SE+ + - SE- name: explored-9354 type: explored -- comm_cost: 0.43628472222222237 - complexity: 11 +- comm_cost: 0.5412326388888891 + complexity: 14 expressions: - N+ + - R+ + - R- - SE- - - and(K-, SE-) - - and(N-, R+) - - and(S-, N-) + - and(N-, or(S+, SE+)) + - and(SE-, or(K+, S-)) name: explored-9355 type: explored -- comm_cost: 0.49826388888888906 +- comm_cost: 0.6236979166666667 complexity: 11 expressions: - R+ - R- - - S+ - - and(K-, S+) - - and(K-, or(SE-, N+)) + - SE- + - and(K-, not(R+)) + - and(K-, not(R-)) name: explored-9356 type: explored -- comm_cost: 0.2576388888888892 - complexity: 13 +- comm_cost: 0.435416666666667 + complexity: 9 expressions: - - N+ - - R- - - SE- - - and(K-, not(R+)) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) name: explored-9357 type: explored -- comm_cost: 0.8180208333333334 - complexity: 6 +- comm_cost: 0.6333333333333333 + complexity: 13 expressions: - - or(K+, K-) - - or(K+, S-) + - N+ + - R- + - SE- + - and(K-, S+) + - and(or(K+, S-), or(SE-, N+)) name: explored-9358 type: explored -- comm_cost: 0.40546875000000016 - complexity: 20 +- comm_cost: 0.4414062500000002 + complexity: 9 expressions: - - K+ - N+ - R- - - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, not(R-)) name: explored-9359 type: explored -- comm_cost: 0.3192708333333336 - complexity: 20 +- comm_cost: 0.47656250000000033 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - S+ - - and(K-, or(SE-, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(S+, R-) + - or(SE-, N+) name: explored-9360 type: explored -- comm_cost: 0.6920138888888889 - complexity: 7 +- comm_cost: 0.3759548611111112 + complexity: 12 expressions: - - and(S-, not(R-)) - - or(N+, R-) + - K+ + - R+ + - R+ + - R- + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-9361 type: explored -- comm_cost: 0.3080439814814817 - complexity: 23 +- comm_cost: 0.5788194444444446 + complexity: 9 expressions: - K+ - N+ - - R+ - - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, K-) name: explored-9362 type: explored -- comm_cost: 0.43906250000000036 - complexity: 18 +- comm_cost: 0.6477430555555557 + complexity: 10 expressions: - - R- - - SE- - - and(N-, R+) - - or(K+, R-) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - K+ + - R+ + - and(and(K-, N-), or(S+, SE+)) name: explored-9363 type: explored -- comm_cost: 0.6359375 - complexity: 5 +- comm_cost: 0.5700520833333335 + complexity: 12 expressions: + - K+ + - K- - N+ - - S- - - and(S-, SE-) + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-9364 type: explored -- comm_cost: 0.45607638888888913 - complexity: 13 +- comm_cost: 0.6031250000000001 + complexity: 10 expressions: - - K+ - N+ - R+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(or(K+, S-), or(SE-, N+)) name: explored-9365 type: explored -- comm_cost: 0.35763888888888906 - complexity: 18 +- comm_cost: 0.24166666666666692 + complexity: 14 expressions: - K+ - - N+ - - and(K-, S+) + - K+ + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - not(R+) name: explored-9366 type: explored -- comm_cost: 0.22864583333333344 - complexity: 20 +- comm_cost: 0.7571180555555556 + complexity: 5 expressions: - - N+ - - R- - R- - - S+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - or(K+, K-) name: explored-9367 type: explored -- comm_cost: 0.2507812500000002 - complexity: 14 +- comm_cost: 0.6629861111111113 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - R+ + - S+ + - SE- + - and(and(K-, N-), or(S+, R+)) + - or(K+, S-) name: explored-9368 type: explored -- comm_cost: 0.2890625000000002 - complexity: 16 +- comm_cost: 0.3382812500000002 + complexity: 18 expressions: - K+ + - K+ + - K+ - N+ - R- - - SE- - - and(K-, S+) + - S+ - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-9369 type: explored -- comm_cost: 0.5748437500000001 - complexity: 9 +- comm_cost: 0.08125000000000027 + complexity: 12 expressions: - - K- - N+ - R- + - R- + - and(K-, S+) - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) name: explored-9370 type: explored -- comm_cost: 0.48187500000000016 - complexity: 13 +- comm_cost: 0.2500000000000002 + complexity: 18 expressions: + - N+ - R- - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(K+, R-) + - and(S-, SE-) name: explored-9371 type: explored -- comm_cost: 0.45833333333333337 - complexity: 11 +- comm_cost: 0.6437500000000002 + complexity: 7 expressions: - - N+ - - R- - - and(K-, S+) - - and(S-, SE-) - - or(S+, SE+) + - SE- + - and(K-, N-) + - and(N-, R+) name: explored-9372 type: explored -- comm_cost: 0.6119791666666667 - complexity: 14 +- comm_cost: 0.34921875000000013 + complexity: 13 expressions: - N+ - - and(K-, or(S+, SE+)) + - N+ + - R- + - S+ + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-9373 type: explored -- comm_cost: 0.6210937500000001 - complexity: 5 +- comm_cost: 0.3718750000000004 + complexity: 15 expressions: - N+ + - N+ - R- - - and(K-, N-) + - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9374 type: explored -- comm_cost: 0.6618634259259261 - complexity: 9 +- comm_cost: 0.574826388888889 + complexity: 12 expressions: - - K+ - R+ - - R- - - or(K+, S-) - - or(S+, R-) + - and(S-, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-9375 type: explored -- comm_cost: 0.24583333333333357 - complexity: 16 +- comm_cost: 0.5583333333333333 + complexity: 6 expressions: - - N+ + - K+ + - K+ - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, R+) - and(S-, SE-) name: explored-9376 type: explored -- comm_cost: 0.2625000000000004 - complexity: 9 +- comm_cost: 0.5883680555555557 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - R+ + - S+ + - and(K-, or(SE-, N+)) + - or(S+, R-) name: explored-9377 type: explored -- comm_cost: 0.5604166666666668 - complexity: 11 +- comm_cost: 0.4349826388888891 + complexity: 21 expressions: + - K+ - N+ - - R+ - R- - - SE- - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(SE-, N+) name: explored-9378 type: explored -- comm_cost: 0.34531250000000036 - complexity: 9 +- comm_cost: 0.64 + complexity: 5 expressions: + - K+ + - K- - N+ - R- - SE- - - and(N-, R+) - - or(N+, R-) name: explored-9379 type: explored -- comm_cost: 0.5759837962962965 - complexity: 14 +- comm_cost: 0.4736834490740742 + complexity: 23 expressions: - N+ - - R+ - R- - - SE- + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, N-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-9380 type: explored -- comm_cost: 0.5312500000000002 - complexity: 8 +- comm_cost: 0.3850694444444447 + complexity: 12 expressions: + - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(SE+, N-) + - or(S+, N+) + - or(S+, R-) name: explored-9381 type: explored -- comm_cost: 0.4472656250000002 - complexity: 14 +- comm_cost: 0.14377893518518547 + complexity: 19 expressions: - K+ - K+ + - N+ - R- - S+ - and(N-, R+) - - and(N-, not(R-)) + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-9382 type: explored -- comm_cost: 0.5192708333333335 - complexity: 7 +- comm_cost: 0.4674218750000001 + complexity: 25 expressions: + - K+ - N+ - - R+ - R- - - and(S-, not(R+)) + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-9383 type: explored -- comm_cost: 0.4447916666666669 - complexity: 12 +- comm_cost: 0.23645833333333366 + complexity: 20 expressions: + - K+ - N+ - R- - - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-9384 type: explored -- comm_cost: 0.5657986111111113 - complexity: 14 +- comm_cost: 0.6085937500000002 + complexity: 18 expressions: - - SE- - - and(K-, not(R+)) - - and(N-, R+) + - R+ - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, N+) name: explored-9385 type: explored -- comm_cost: 0.5440972222222223 - complexity: 7 +- comm_cost: 0.6627430555555557 + complexity: 8 expressions: - - N+ - R+ - - R- - - and(K-, not(R+)) + - SE- + - and(K-, S+) + - or(S+, SE+) name: explored-9386 type: explored -- comm_cost: 0.5825520833333335 - complexity: 12 +- comm_cost: 0.6966145833333335 + complexity: 10 expressions: - - K+ - - N+ - - S- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) + - R+ + - and(K-, or(N+, not(R+))) + - or(K+, SE+) name: explored-9387 type: explored -- comm_cost: 0.6121875000000001 - complexity: 13 +- comm_cost: 0.17100694444444464 + complexity: 20 expressions: - K+ - N+ - - SE- - - and(K-, or(S+, SE+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - not(R-) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-9388 type: explored -- comm_cost: 0.686076388888889 - complexity: 9 +- comm_cost: 0.7284548611111112 + complexity: 8 expressions: + - N- + - N- - R+ - - SE- - - not(R-) - - or(K+, or(N+, R-)) + - and(K-, or(S+, R+)) name: explored-9389 type: explored -- comm_cost: 0.45078125000000013 - complexity: 11 - expressions: - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - name: explored-9390 - type: explored -- comm_cost: 0.5136284722222224 +- comm_cost: 0.6298958333333334 complexity: 8 expressions: - N+ - R+ - R- - - S+ - - S- - - and(N-, R+) - name: explored-9391 + - not(R-) + - or(K+, R-) + name: explored-9390 type: explored -- comm_cost: 0.05416666666666692 - complexity: 14 +- comm_cost: 0.6042361111111113 + complexity: 24 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, SE+) + name: explored-9391 + type: explored +- comm_cost: 0.7833333333333334 + complexity: 6 + expressions: + - K- + - and(K-, or(SE-, N+)) name: explored-9392 type: explored -- comm_cost: 0.7359375000000001 - complexity: 5 +- comm_cost: 0.5062500000000003 + complexity: 19 expressions: - - S- + - N+ - SE- - - or(SE-, N+) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-9393 type: explored -- comm_cost: 0.22864583333333366 - complexity: 21 +- comm_cost: 0.3993055555555558 + complexity: 18 expressions: - - K+ - N+ - - and(K-, S+) + - R- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, not(R-)) - and(S-, SE-) - - or(K+, or(N+, R-)) name: explored-9394 type: explored -- comm_cost: 0.4819444444444446 - complexity: 13 +- comm_cost: 0.6439236111111113 + complexity: 19 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - SE+ + - and(K-, N-) + - and(K-, or(S+, R-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) name: explored-9395 type: explored -- comm_cost: 0.4950520833333334 - complexity: 15 +- comm_cost: 0.4578125000000003 + complexity: 13 expressions: - K+ - - K+ - - N+ - R- - - S+ - - and(K-, not(R-)) - - and(S-, SE-) - - or(N+, R-) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9396 type: explored -- comm_cost: 0.30815972222222243 - complexity: 16 +- comm_cost: 0.17916666666666692 + complexity: 9 expressions: - N+ - - R+ - - R- + - S+ + - S+ - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-9397 type: explored -- comm_cost: 0.6954282407407408 +- comm_cost: 0.5150462962962964 complexity: 10 expressions: + - N+ - R+ - - and(K-, or(S+, SE+)) - - and(S-, not(R-)) + - R+ + - R- + - SE- + - and(N-, or(S+, R+)) name: explored-9398 type: explored -- comm_cost: 0.6546875000000001 - complexity: 14 +- comm_cost: 0.41623263888888906 + complexity: 23 expressions: - - R+ - - SE- - - and(or(K+, S-), not(R-)) - - or(K+, R-) - - or(SE-, N+) + - K+ + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) name: explored-9399 type: explored -- comm_cost: 0.5481770833333333 - complexity: 10 +- comm_cost: 0.6267361111111112 + complexity: 18 expressions: - - K+ - N+ - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R+ + - R- + - SE- + - and(N-, or(K+, SE+)) + - and(or(K+, S-), not(R-)) + - or(S+, R+) name: explored-9400 type: explored -- comm_cost: 0.30039062500000036 - complexity: 19 +- comm_cost: 0.29704861111111125 + complexity: 11 expressions: - - K+ - - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) + - or(K+, R+) name: explored-9401 type: explored -- comm_cost: 0.679369212962963 - complexity: 10 +- comm_cost: 0.20000000000000018 + complexity: 18 expressions: - - R+ - - S- - - and(N-, or(K+, SE+)) - - or(S+, N+) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - and(S-, SE-) name: explored-9402 type: explored -- comm_cost: 0.27913194444444467 - complexity: 15 +- comm_cost: 0.19079861111111152 + complexity: 17 expressions: - - K+ - N+ - R- - - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - and(SE-, or(K+, S-)) + - or(S+, R-) name: explored-9403 type: explored -- comm_cost: 0.48055555555555574 - complexity: 7 +- comm_cost: 0.595295138888889 + complexity: 13 expressions: - K+ + - K+ - N+ - - SE+ - - SE- - - and(N-, R+) + - R- + - S+ + - and(S-, SE-) + - not(R+) + - or(S+, N+) name: explored-9404 type: explored -- comm_cost: 0.4542129629629631 +- comm_cost: 0.6323813657407409 complexity: 18 expressions: - - K+ - - K+ - - K- - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, not(R-)) - and(and(K-, N-), not(R-)) + - or(N+, not(R+)) name: explored-9405 type: explored -- comm_cost: 0.5205729166666668 - complexity: 12 +- comm_cost: 0.5652777777777779 + complexity: 11 expressions: - R+ - - S+ - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-9406 type: explored -- comm_cost: 0.4381250000000001 - complexity: 13 +- comm_cost: 0.6666666666666667 + complexity: 2 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(K+, R-) + - SE+ + - SE- name: explored-9407 type: explored -- comm_cost: 0.7541666666666667 - complexity: 7 +- comm_cost: 0.6708333333333334 + complexity: 10 expressions: - - and(S-, SE-) - - and(S-, not(R+)) + - N+ + - and(S-, N-) + - and(S-, or(N+, not(R+))) name: explored-9408 type: explored -- comm_cost: 0.48841145833333355 - complexity: 23 +- comm_cost: 0.22673611111111125 + complexity: 16 expressions: - K+ - N+ - - SE+ - - and(K-, S+) + - R- + - R- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - or(S+, R+) + - and(S-, SE-) name: explored-9409 type: explored -- comm_cost: 0.14270833333333366 - complexity: 17 +- comm_cost: 0.6581712962962964 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - SE- + - and(K-, or(S+, R+)) + - or(K+, S-) name: explored-9410 type: explored -- comm_cost: 0.5596759259259261 - complexity: 14 +- comm_cost: 0.4244027777777779 + complexity: 19 expressions: - K+ - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - or(K+, R+) + - or(S+, SE+) - or(S+, SE+) name: explored-9411 type: explored -- comm_cost: 0.4829861111111111 - complexity: 18 +- comm_cost: 0.6183159722222223 + complexity: 13 expressions: - N+ + - R+ - R- - - S+ - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(K-, not(R-)) + - or(S+, or(N+, R-)) name: explored-9412 type: explored -- comm_cost: 0.21901041666666698 - complexity: 13 +- comm_cost: 0.6994444444444445 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - R+ + - SE- + - or(S+, SE+) + - or(SE-, N+) name: explored-9413 type: explored -- comm_cost: 0.7107986111111112 - complexity: 8 +- comm_cost: 0.7478009259259261 + complexity: 10 expressions: - R+ - - not(R-) + - R- + - or(K+, SE+) - or(K+, or(N+, R-)) name: explored-9414 type: explored -- comm_cost: 0.5668402777777779 - complexity: 6 +- comm_cost: 0.34375000000000033 + complexity: 8 expressions: - - R+ - - S+ - - and(K-, not(R+)) + - K+ + - N+ + - N+ + - R- + - R- + - and(N-, R+) name: explored-9415 type: explored -- comm_cost: 0.6705902777777779 - complexity: 17 +- comm_cost: 0.23819444444444482 + complexity: 11 expressions: + - K+ - N+ - - and(K-, SE-) - - and(K-, not(R-)) - - and(N-, or(K+, R+)) - - not(R+) - - not(R-) + - R- + - S+ + - SE- + - and(K-, S+) + - and(N-, R+) name: explored-9416 type: explored -- comm_cost: 0.49583333333333346 - complexity: 5 +- comm_cost: 0.5117129629629631 + complexity: 14 expressions: - N+ + - R- - SE- - - and(SE+, N-) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - not(R-) name: explored-9417 type: explored -- comm_cost: 0.29704861111111125 - complexity: 11 +- comm_cost: 0.5541666666666668 + complexity: 9 expressions: - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - N+ + - R+ + - SE- + - and(SE+, N-) + - or(S+, N+) name: explored-9418 type: explored -- comm_cost: 0.406047453703704 - complexity: 18 +- comm_cost: 0.40319444444444463 + complexity: 16 expressions: + - K+ - N+ - - R- - - SE- + - N- + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) name: explored-9419 type: explored -- comm_cost: 0.29472222222222255 - complexity: 24 +- comm_cost: 0.39218750000000024 + complexity: 11 expressions: - K+ - N+ - - N+ - - R- - - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) + - and(and(S-, N-), not(R-)) name: explored-9420 type: explored -- comm_cost: 0.44001736111111134 - complexity: 19 +- comm_cost: 0.5115162037037037 + complexity: 16 expressions: - - K+ - N+ - R- - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(S+, or(N+, R-)) + - S+ + - and(S-, SE-) + - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-9421 type: explored -- comm_cost: 0.5406250000000001 - complexity: 18 +- comm_cost: 0.5334027777777779 + complexity: 11 expressions: + - K+ + - K- - N+ - R- - - S- + - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(S-, N-) name: explored-9422 type: explored -- comm_cost: 0.5534722222222224 - complexity: 18 +- comm_cost: 0.523090277777778 + complexity: 24 expressions: - K+ - - K- - N+ - - N- - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-9423 type: explored -- comm_cost: 0.557800925925926 - complexity: 13 +- comm_cost: 0.16614583333333366 + complexity: 18 expressions: + - K+ + - K+ - N+ - - N- - - R+ - R- - - SE- + - S+ + - and(K-, SE-) - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-9424 type: explored -- comm_cost: 0.7809895833333333 - complexity: 6 +- comm_cost: 0.650277777777778 + complexity: 9 expressions: - - or(K+, R-) - - or(S+, R+) + - K- + - N+ + - SE- + - and(N-, R+) + - or(K+, S-) name: explored-9425 type: explored -- comm_cost: 0.5846354166666667 - complexity: 10 +- comm_cost: 0.3743055555555558 + complexity: 15 expressions: + - K+ - N+ - - R+ - R- - SE- - - or(N+, R-) - - or(S+, R+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-9426 type: explored -- comm_cost: 0.5947916666666668 - complexity: 9 +- comm_cost: 0.4939236111111114 + complexity: 17 expressions: - - R+ - - SE- - - and(S-, or(SE-, N+)) - - not(R+) + - N+ + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) name: explored-9427 type: explored -- comm_cost: 0.7041666666666666 - complexity: 6 +- comm_cost: 0.37333333333333374 + complexity: 11 expressions: - - and(K-, SE-) - - or(N+, R-) + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-9428 type: explored -- comm_cost: 0.48454861111111125 - complexity: 14 +- comm_cost: 0.6634548611111113 + complexity: 15 expressions: - - N+ + - R+ - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) + - or(S+, R+) name: explored-9429 type: explored -- comm_cost: 0.6793125000000001 - complexity: 14 +- comm_cost: 0.6812500000000002 + complexity: 7 expressions: - R- - - S- - - and(K-, SE-) + - and(N-, R+) - and(SE+, N-) - - or(K+, S-) - - or(S+, R-) name: explored-9430 type: explored -- comm_cost: 0.5984375000000002 +- comm_cost: 0.4104166666666669 complexity: 15 expressions: - - and(K-, or(S+, N+)) + - K+ + - N+ + - R- + - SE+ + - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, not(R+)) - - or(K+, K-) name: explored-9431 type: explored -- comm_cost: 0.40017361111111116 - complexity: 15 +- comm_cost: 0.30972222222222245 + complexity: 16 expressions: - - R+ - - S+ - - and(K-, or(S+, N+)) + - K+ + - N+ + - R- + - SE- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(K+, R+) name: explored-9432 type: explored -- comm_cost: 0.511851851851852 - complexity: 22 +- comm_cost: 0.2631076388888891 + complexity: 20 expressions: + - K+ - N+ - R- - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, SE+) + - or(K+, SE+) name: explored-9433 type: explored -- comm_cost: 0.7157777777777778 - complexity: 27 +- comm_cost: 0.6970486111111113 + complexity: 6 expressions: - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) - - and(S-, not(R-)) - - and(SE+, N-) - - or(K+, R-) - - or(K+, S-) - - or(N+, not(R+)) + - and(N-, R+) + - or(K+, K-) name: explored-9434 type: explored -- comm_cost: 0.6854166666666668 - complexity: 4 +- comm_cost: 0.5984375000000002 + complexity: 5 expressions: - - K- + - R+ + - S+ - and(N-, R+) name: explored-9435 type: explored -- comm_cost: 0.5394097222222224 - complexity: 19 +- comm_cost: 0.45572916666666674 + complexity: 10 expressions: - N+ - R+ - R- + - R- - SE- - - and(N-, or(K+, S-)) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) + - and(SE-, or(K+, S-)) name: explored-9436 type: explored -- comm_cost: 0.4056423611111113 - complexity: 17 +- comm_cost: 0.5743055555555558 + complexity: 9 expressions: - - N+ - - R- - - S- - - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, R-) name: explored-9437 type: explored -- comm_cost: 0.6197916666666669 - complexity: 9 +- comm_cost: 0.47187500000000016 + complexity: 14 expressions: - - R+ - - and(K-, or(S+, R-)) - - and(S-, N-) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) + - or(SE-, N+) name: explored-9438 type: explored -- comm_cost: 0.5928819444444446 - complexity: 19 +- comm_cost: 0.6847916666666667 + complexity: 10 expressions: - - R+ - - and(K-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - N+ + - SE- + - and(K-, or(S+, R-)) + - or(K+, S-) name: explored-9439 type: explored -- comm_cost: 0.23211805555555598 - complexity: 19 +- comm_cost: 0.5583333333333335 + complexity: 9 expressions: - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, N+) + - or(K+, K-) name: explored-9440 type: explored -- comm_cost: 0.48750000000000004 - complexity: 14 +- comm_cost: 0.46562500000000007 + complexity: 11 expressions: - K+ - - N+ - R- - S+ - - and(N-, or(S+, SE+)) + - and(K-, or(S+, SE+)) - and(S-, SE-) - - not(R+) name: explored-9441 type: explored -- comm_cost: 0.4412760416666669 - complexity: 16 +- comm_cost: 0.6991666666666668 + complexity: 11 expressions: - - K+ - - K+ - N+ - - S+ + - R- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(S+, SE+) + - or(S+, SE+) name: explored-9442 type: explored -- comm_cost: 0.5786574074074076 - complexity: 10 +- comm_cost: 0.5976562500000001 + complexity: 8 expressions: - - K- - - N+ - - R- - - SE- - - and(N-, R+) - - or(K+, R+) + - R+ + - and(N-, not(R-)) + - and(S-, SE-) name: explored-9443 type: explored -- comm_cost: 0.47239583333333346 - complexity: 24 +- comm_cost: 0.2937500000000004 + complexity: 8 expressions: - - K+ - N+ - - R- - - and(K-, or(S+, R-)) + - SE- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) name: explored-9444 type: explored -- comm_cost: 0.39947916666666683 - complexity: 16 +- comm_cost: 0.8973958333333334 + complexity: 5 expressions: - - K+ - - N+ - - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(SE-, N+) + - or(S+, or(N+, R-)) name: explored-9445 type: explored -- comm_cost: 0.5892361111111113 - complexity: 10 +- comm_cost: 0.4203125000000002 + complexity: 15 expressions: - - R+ - - and(K-, N-) + - N+ + - R- + - and(K-, SE-) + - and(K-, not(R-)) - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) name: explored-9446 type: explored -- comm_cost: 0.6861111111111112 - complexity: 12 +- comm_cost: 0.6291666666666667 + complexity: 5 expressions: - - and(N-, or(K+, R+)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - not(R-) name: explored-9447 type: explored -- comm_cost: 0.6997395833333334 - complexity: 17 - expressions: - - R+ - - and(K-, not(R-)) - - and(N-, or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) - name: explored-9448 - type: explored -- comm_cost: 0.6708333333333333 - complexity: 3 +- comm_cost: 0.2015625000000001 + complexity: 21 expressions: + - K+ + - K+ - N+ - R- - S+ - name: explored-9449 - type: explored -- comm_cost: 0.3402777777777781 - complexity: 18 - expressions: - - N+ - - and(K-, not(R+)) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - name: explored-9450 + - and(and(K-, N-), or(S+, R+)) + name: explored-9448 type: explored -- comm_cost: 0.5009548611111113 - complexity: 15 +- comm_cost: 0.17447916666666674 + complexity: 22 expressions: - K+ - N+ - R- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(S+, R-) - name: explored-9451 + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + name: explored-9449 type: explored -- comm_cost: 0.5236979166666668 - complexity: 11 +- comm_cost: 0.6638020833333335 + complexity: 9 expressions: - - N+ - R+ - - R- - - and(and(S-, N-), not(R-)) - - not(R+) - name: explored-9452 + - and(N-, or(K+, R+)) + - or(SE-, N+) + name: explored-9450 type: explored -- comm_cost: 0.3442708333333334 - complexity: 9 +- comm_cost: 0.47925347222222237 + complexity: 12 expressions: - R+ - - R- - - S+ + - and(K-, or(S+, SE+)) - and(S-, SE-) - - and(SE+, N-) - name: explored-9453 + - or(S+, R-) + name: explored-9451 type: explored -- comm_cost: 0.36979166666666696 - complexity: 14 +- comm_cost: 0.3430555555555558 + complexity: 13 expressions: - N+ - - R- - - SE- + - and(K-, S+) - and(N-, R+) - - or(K+, N+) - - or(K+, or(N+, R-)) - name: explored-9454 + - and(S-, N-) + - and(S-, SE-) + name: explored-9452 type: explored -- comm_cost: 0.40538194444444453 - complexity: 14 +- comm_cost: 0.7270833333333334 + complexity: 6 expressions: - - R+ + - SE- - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, R-) - name: explored-9455 + - not(R-) + name: explored-9453 type: explored -- comm_cost: 0.5958333333333334 - complexity: 10 +- comm_cost: 0.7052083333333334 + complexity: 11 + expressions: + - and(K-, or(S+, R-)) + - and(or(K+, S-), not(R-)) + name: explored-9454 + type: explored +- comm_cost: 0.5489583333333334 + complexity: 6 expressions: - - K- - - N+ - R+ - - R- - SE- - - and(SE-, or(K+, S-)) - name: explored-9456 + - and(S-, not(R+)) + name: explored-9455 type: explored -- comm_cost: 0.2729166666666668 - complexity: 12 +- comm_cost: 0.3031250000000003 + complexity: 17 expressions: + - K+ - N+ - R- - - SE+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-9456 + type: explored +- comm_cost: 0.5744791666666669 + complexity: 14 + expressions: + - R+ + - SE- + - SE- + - and(K-, or(S+, R-)) + - and(or(K+, S-), not(R+)) name: explored-9457 type: explored -- comm_cost: 0.48015046296296315 - complexity: 13 +- comm_cost: 0.2932291666666669 + complexity: 19 expressions: - K+ - - R+ - R- - - and(K-, not(R+)) - - and(S-, N-) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) + - or(K+, R+) + - or(K+, R-) name: explored-9458 type: explored -- comm_cost: 0.5116319444444446 - complexity: 9 +- comm_cost: 0.27847222222222245 + complexity: 17 expressions: - N+ - - R+ - R- - - SE- - - and(N-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(S+, N+) name: explored-9459 type: explored -- comm_cost: 0.6786689814814816 - complexity: 14 +- comm_cost: 0.4462615740740742 + complexity: 24 expressions: - K+ - - R+ + - N+ - R- - - SE- - - and(N-, not(R-)) - - or(K+, K-) - - or(SE-, N+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, R+) + - or(K+, or(N+, R-)) name: explored-9460 type: explored -- comm_cost: 0.7876736111111112 - complexity: 4 +- comm_cost: 0.6831597222222223 + complexity: 11 expressions: - - SE+ - - or(N+, R-) + - R+ + - SE- + - and(S-, or(N+, not(R+))) + - or(K+, S-) name: explored-9461 type: explored -- comm_cost: 0.57421875 - complexity: 6 +- comm_cost: 0.6980434027777779 + complexity: 35 expressions: - - K+ - - R- - S- - - and(S-, SE-) + - SE- + - and(K-, SE-) + - and(S-, not(R-)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) + - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-9462 type: explored -- comm_cost: 0.4382812500000003 - complexity: 14 +- comm_cost: 0.5820746527777779 + complexity: 10 expressions: - N+ - - and(K-, S+) + - R+ + - SE+ + - SE- + - and(K-, N-) - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) name: explored-9463 type: explored -- comm_cost: 0.4742013888888892 - complexity: 18 +- comm_cost: 0.32697916666666693 + complexity: 17 expressions: + - K+ + - R- - and(K-, or(S+, N+)) - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) - or(N+, not(R+)) name: explored-9464 type: explored -- comm_cost: 0.3755208333333335 - complexity: 17 +- comm_cost: 0.4588541666666667 + complexity: 16 expressions: - - K+ + - N+ - R- - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-9465 type: explored -- comm_cost: 0.5266666666666668 - complexity: 13 +- comm_cost: 0.6940625000000001 + complexity: 12 expressions: - - K+ - - K- - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - N- + - and(K-, SE-) + - and(K-, or(S+, SE+)) + - and(SE+, N-) name: explored-9466 type: explored -- comm_cost: 0.5717592592592594 - complexity: 12 +- comm_cost: 0.7284722222222223 + complexity: 8 expressions: - - K+ - - N+ - - R- - - SE+ - - and(N-, R+) - - and(N-, or(S+, R+)) + - R+ + - and(N-, not(R-)) + - or(S+, R+) name: explored-9467 type: explored -- comm_cost: 0.5494791666666669 - complexity: 12 +- comm_cost: 0.5086805555555558 + complexity: 17 expressions: - K+ - - N+ - - R- - - S- - - SE- - - and(K-, not(R-)) + - SE+ + - and(K-, or(S+, N+)) - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-9468 type: explored -- comm_cost: 0.5850694444444446 - complexity: 15 +- comm_cost: 0.6934895833333334 + complexity: 5 expressions: - - and(K-, not(R+)) - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) + - and(SE+, N-) + - not(R+) name: explored-9469 type: explored -- comm_cost: 0.4368055555555558 - complexity: 16 +- comm_cost: 0.6930659722222223 + complexity: 17 expressions: - K+ - - N+ - - N- - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - and(S-, SE-) + - not(R+) + - not(R-) + - or(S+, N+) + - or(S+, R+) + - or(S+, SE+) name: explored-9470 type: explored -- comm_cost: 0.846875 - complexity: 6 +- comm_cost: 0.5815972222222224 + complexity: 12 expressions: - - N+ - - and(K-, or(S+, N+)) + - K+ + - R+ + - SE- + - and(S-, or(N+, not(R+))) + - or(S+, R-) name: explored-9471 type: explored -- comm_cost: 0.4097222222222223 - complexity: 12 +- comm_cost: 0.448090277777778 + complexity: 14 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(S-, SE-) + - SE- + - and(N-, R+) - and(S-, not(R-)) + - or(N+, R-) name: explored-9472 type: explored -- comm_cost: 0.609502314814815 - complexity: 11 +- comm_cost: 0.43813657407407425 + complexity: 26 expressions: - N+ - - R+ - R- - - SE- - - and(S-, N-) - - or(N+, not(R+)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9473 type: explored -- comm_cost: 0.6667708333333334 - complexity: 10 +- comm_cost: 0.8865451388888889 + complexity: 8 expressions: - - R+ - - SE- - - and(S-, or(SE-, N+)) - - or(K+, S-) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-9474 type: explored -- comm_cost: 0.38003472222222245 - complexity: 17 +- comm_cost: 0.4800347222222223 + complexity: 12 expressions: - K+ - N+ - - and(K-, N-) + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(K+, K-) name: explored-9475 type: explored -- comm_cost: 0.6526041666666669 - complexity: 13 +- comm_cost: 0.4468344907407409 + complexity: 14 expressions: - - R+ - - and(K-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - N- + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-9476 type: explored -- comm_cost: 0.3100115740740743 - complexity: 22 +- comm_cost: 0.5174305555555557 + complexity: 18 expressions: - - K+ + - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R-)) + - or(K+, S-) name: explored-9477 type: explored -- comm_cost: 0.7184027777777778 - complexity: 5 +- comm_cost: 0.4501736111111113 + complexity: 14 expressions: - - R+ - - SE- - - or(K+, K-) + - N+ + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, not(R+)) name: explored-9478 type: explored -- comm_cost: 0.596875 - complexity: 4 +- comm_cost: 0.476388888888889 + complexity: 9 expressions: - - N+ - R- - - S+ - - SE- + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-9479 type: explored -- comm_cost: 0.44207175925925946 - complexity: 22 +- comm_cost: 0.5920138888888891 + complexity: 9 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - S- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(S-, or(N+, not(R+))) name: explored-9480 type: explored -- comm_cost: 0.4197916666666669 - complexity: 21 +- comm_cost: 0.7791666666666667 + complexity: 8 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(SE-, or(K+, S-)) + - or(K+, R-) name: explored-9481 type: explored -- comm_cost: 0.5862500000000002 - complexity: 6 +- comm_cost: 0.773263888888889 + complexity: 7 expressions: - - K- - - N+ - - R- - - and(N-, R+) + - and(S-, not(R+)) + - or(K+, K-) name: explored-9482 type: explored -- comm_cost: 0.3847222222222225 - complexity: 12 +- comm_cost: 0.7285590277777778 + complexity: 9 expressions: - - K+ - - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(N-, R+) + - R+ + - not(R+) + - or(K+, S-) + - or(S+, R+) name: explored-9483 type: explored -- comm_cost: 0.5083333333333334 - complexity: 4 +- comm_cost: 0.49583333333333324 + complexity: 11 expressions: - - R+ + - K+ + - N+ - R- - - S+ - - SE- + - and(K-, S+) + - and(S-, or(SE-, N+)) name: explored-9484 type: explored -- comm_cost: 0.49276620370370383 - complexity: 15 +- comm_cost: 0.6432291666666669 + complexity: 7 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(S-, N-) - - and(S-, SE-) + - R+ + - R+ + - not(R+) + - or(SE-, N+) name: explored-9485 type: explored -- comm_cost: 0.6153645833333334 +- comm_cost: 0.6477430555555557 complexity: 9 expressions: + - K+ - R+ - - SE- - - and(S-, not(R+)) - - or(S+, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-9486 type: explored -- comm_cost: 0.7491145833333335 - complexity: 7 +- comm_cost: 0.5545138888888891 + complexity: 9 expressions: - - and(S-, N-) - - not(R+) - - not(R-) + - R+ + - R- + - SE- + - and(or(K+, S-), not(R+)) name: explored-9487 type: explored -- comm_cost: 0.6856944444444445 - complexity: 7 +- comm_cost: 0.7196180555555557 + complexity: 8 expressions: - - N- - - R- - - S+ - SE- - - and(S-, SE-) + - and(S-, not(R-)) + - or(SE-, N+) name: explored-9488 type: explored -- comm_cost: 0.5750000000000003 - complexity: 5 +- comm_cost: 0.497916666666667 + complexity: 11 expressions: + - K+ - R- - - R- + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) name: explored-9489 type: explored -- comm_cost: 0.7697916666666668 - complexity: 17 +- comm_cost: 0.385763888888889 + complexity: 11 expressions: - K+ - - and(K-, or(S+, N+)) - - or(K+, N+) - - or(S+, R+) - - or(S+, or(N+, R-)) + - R- + - S+ + - and(K-, or(S+, R+)) + - and(S-, SE-) name: explored-9490 type: explored -- comm_cost: 0.29010416666666683 - complexity: 13 +- comm_cost: 0.3979166666666669 + complexity: 17 expressions: + - K+ - N+ - - R+ - - and(K-, or(S+, R-)) + - R- + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-9491 type: explored -- comm_cost: 0.6217708333333334 - complexity: 6 +- comm_cost: 0.5604166666666668 + complexity: 12 expressions: + - N+ - R+ - R- - - R- - SE- - - not(R-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9492 type: explored -- comm_cost: 0.3193287037037038 - complexity: 17 +- comm_cost: 0.7378096064814815 + complexity: 38 expressions: - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - and(SE+, N-) - - or(and(K-, S+), or(N+, R-)) + - K- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(N-, not(R-)) + - and(N-, or(K+, S-)) + - and(and(K-, N-), not(R-)) + - not(R-) + - or(K+, R-) + - or(S+, R+) + - or(SE-, N+) name: explored-9493 type: explored -- comm_cost: 0.5733217592592594 +- comm_cost: 0.4921006944444446 complexity: 16 expressions: - - K+ - - N+ - R- + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(S+, or(N+, R-)) + - and(S-, N-) + - and(S-, SE-) name: explored-9494 type: explored -- comm_cost: 0.285416666666667 - complexity: 10 +- comm_cost: 0.7134548611111112 + complexity: 11 expressions: - - N+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) name: explored-9495 type: explored -- comm_cost: 0.4526041666666668 - complexity: 18 +- comm_cost: 0.6250000000000001 + complexity: 6 expressions: - - K+ - - R+ + - N+ - R- - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - or(K+, SE+) name: explored-9496 type: explored -- comm_cost: 0.4198784722222224 - complexity: 15 +- comm_cost: 0.52265625 + complexity: 8 expressions: - - R+ + - N+ - R- - - S+ - - and(N-, R+) + - and(K-, N-) - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-9497 type: explored -- comm_cost: 0.363151041666667 - complexity: 13 +- comm_cost: 0.6369791666666668 + complexity: 14 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - or(K+, R-) - - or(SE-, N+) + - R+ + - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) + - or(K+, N+) name: explored-9498 type: explored -- comm_cost: 0.5337673611111112 +- comm_cost: 0.4927083333333335 complexity: 14 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(N+, R-) + - SE- + - and(S-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) name: explored-9499 type: explored -- comm_cost: 0.7438472222222223 - complexity: 25 - expressions: - - K+ - - S- - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R-)) - - or(K+, or(N+, R-)) - - or(N+, not(R+)) - - or(S+, SE+) - name: explored-9500 - type: explored -- comm_cost: 0.45884259259259275 - complexity: 26 +- comm_cost: 0.4297685185185187 + complexity: 21 expressions: - K+ - N+ - R- - and(K-, S+) - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, S-) + - and(and(K-, N-), or(S+, SE+)) + - not(R-) + name: explored-9500 + type: explored +- comm_cost: 0.6005208333333334 + complexity: 7 + expressions: + - N+ + - S+ + - and(S-, SE-) + - not(R+) name: explored-9501 type: explored -- comm_cost: 0.20520833333333366 - complexity: 17 +- comm_cost: 0.2656250000000002 + complexity: 18 expressions: - - K+ - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, N+) + - and(and(K-, N-), or(S+, R+)) + - or(N+, R-) name: explored-9502 type: explored -- comm_cost: 0.6622395833333334 - complexity: 4 +- comm_cost: 0.6440653935185187 + complexity: 36 expressions: - R+ - - S- - - SE- - - SE- + - and(K-, S+) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-9503 type: explored -- comm_cost: 0.4052083333333336 - complexity: 14 +- comm_cost: 0.7550347222222223 + complexity: 8 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(SE+, N-) + - and(N-, or(S+, R+)) + - or(K+, N+) name: explored-9504 type: explored -- comm_cost: 0.5214554398148148 - complexity: 20 +- comm_cost: 0.7326388888888888 + complexity: 10 expressions: - - K+ - - K+ - - N+ - R- - - S+ - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R+)) name: explored-9505 type: explored -- comm_cost: 0.3059027777777781 - complexity: 25 +- comm_cost: 0.5471354166666669 + complexity: 19 expressions: + - N+ + - R+ - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(K+, R-) + - SE- + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - not(R+) name: explored-9506 type: explored -- comm_cost: 0.5436342592592595 - complexity: 10 +- comm_cost: 0.49930555555555567 + complexity: 16 expressions: - - R+ - - R- + - K+ - R- - - SE- - - and(or(K+, S-), not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - not(R-) name: explored-9507 type: explored -- comm_cost: 0.7337152777777779 - complexity: 8 +- comm_cost: 0.520601851851852 + complexity: 16 expressions: - - R+ - - and(K-, not(R-)) - - or(K+, S-) + - N+ + - SE+ + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) name: explored-9508 type: explored -- comm_cost: 0.5083333333333335 - complexity: 5 +- comm_cost: 0.6067708333333334 + complexity: 6 expressions: - - K+ + - K- + - N+ + - N+ - R+ - - and(K-, SE-) + - R- + - SE- name: explored-9509 type: explored -- comm_cost: 0.6036458333333335 - complexity: 9 +- comm_cost: 0.5439814814814816 + complexity: 15 expressions: - - K+ + - N+ - SE- - - and(K-, not(R-)) - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R+) name: explored-9510 type: explored -- comm_cost: 0.41953125000000013 - complexity: 12 +- comm_cost: 0.8640625 + complexity: 8 expressions: - - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, S+) + - and(K-, or(S+, N+)) name: explored-9511 type: explored -- comm_cost: 0.5868055555555556 - complexity: 9 +- comm_cost: 0.6159490740740742 + complexity: 13 expressions: - - K+ - - N+ + - R+ - R- - - and(S-, SE-) - - or(K+, K-) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - not(R-) name: explored-9512 type: explored -- comm_cost: 0.6223958333333335 - complexity: 9 +- comm_cost: 0.2312500000000003 + complexity: 20 expressions: + - K+ - N+ - - R+ - R- - - and(K-, SE-) - - or(K+, K-) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(S+, N+) name: explored-9513 type: explored -- comm_cost: 0.5704861111111112 - complexity: 11 +- comm_cost: 0.6884548611111112 + complexity: 10 expressions: - - N+ + - R+ + - SE+ - SE- - - and(K-, SE-) - - and(N-, R+) - - or(K+, K-) + - and(K-, not(R-)) + - or(K+, SE+) name: explored-9514 type: explored -- comm_cost: 0.596383101851852 - complexity: 12 +- comm_cost: 0.625217013888889 + complexity: 15 expressions: - R+ - R- - SE- - - and(K-, or(S+, R+)) - - and(N-, not(R-)) + - SE- + - and(or(K+, S-), not(R-)) + - or(K+, or(N+, R-)) name: explored-9515 type: explored -- comm_cost: 0.6130208333333335 - complexity: 5 +- comm_cost: 0.5162500000000001 + complexity: 10 expressions: - - R+ - - R+ + - N+ + - N+ + - R- - SE- - - not(R+) + - and(N-, R+) + - or(K+, S-) name: explored-9516 type: explored -- comm_cost: 0.43376736111111125 - complexity: 13 +- comm_cost: 0.591666666666667 + complexity: 4 expressions: - - K+ - - N+ - - R- - - SE- + - S+ - and(N-, R+) - - or(K+, N+) - - or(K+, R+) name: explored-9517 type: explored -- comm_cost: 0.7078125000000001 - complexity: 7 +- comm_cost: 0.713888888888889 + complexity: 10 expressions: - - S- - - SE- - - and(N-, or(K+, SE+)) + - R+ + - R- + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-9518 type: explored -- comm_cost: 0.5901909722222225 - complexity: 16 +- comm_cost: 0.5134548611111113 + complexity: 13 expressions: + - R- + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - and(S-, SE-) + - or(K+, R-) name: explored-9519 type: explored -- comm_cost: 0.5940972222222224 - complexity: 15 +- comm_cost: 0.16718750000000027 + complexity: 21 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) name: explored-9520 type: explored -- comm_cost: 0.23107638888888915 - complexity: 17 +- comm_cost: 0.5069444444444446 + complexity: 16 expressions: - K+ - - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-9521 type: explored -- comm_cost: 0.7755208333333334 - complexity: 10 +- comm_cost: 0.5825520833333335 + complexity: 11 expressions: - - and(K-, S+) - - and(and(K-, N-), or(S+, R+)) + - R+ + - R- + - SE- + - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-9522 type: explored -- comm_cost: 0.44263599537037057 - complexity: 15 +- comm_cost: 0.5736979166666668 + complexity: 9 expressions: - - K+ - - N+ - R- - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(S+, R-) + - and(N-, not(R-)) name: explored-9523 type: explored -- comm_cost: 0.310416666666667 - complexity: 22 +- comm_cost: 0.43333333333333346 + complexity: 10 expressions: - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) + - S- + - and(K-, S+) - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-9524 type: explored -- comm_cost: 0.7069487433862435 - complexity: 26 +- comm_cost: 0.26371527777777815 + complexity: 13 expressions: + - K+ - N+ - - R+ - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) - - or(K+, K-) - - or(K+, N+) - - or(N+, not(R+)) - - or(SE-, N+) + - and(N-, R+) + - and(S-, SE-) + - not(R+) + - or(S+, R-) name: explored-9525 type: explored -- comm_cost: 0.7602430555555555 - complexity: 10 +- comm_cost: 0.5996527777777779 + complexity: 16 expressions: - - N+ - - R- - - S+ - - or(and(K-, S+), or(N+, R-)) + - K+ + - R+ + - SE- + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-9526 type: explored -- comm_cost: 0.43234953703703705 - complexity: 16 +- comm_cost: 0.5880208333333335 + complexity: 8 expressions: - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - R+ + - SE- + - and(K-, or(S+, N+)) name: explored-9527 type: explored -- comm_cost: 0.36545138888888906 - complexity: 19 +- comm_cost: 0.5182291666666669 + complexity: 18 expressions: - N+ - R- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-9528 type: explored -- comm_cost: 0.2156250000000003 - complexity: 15 +- comm_cost: 0.46744791666666685 + complexity: 11 expressions: - K+ - N+ - - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - and(N-, or(K+, S-)) name: explored-9529 type: explored -- comm_cost: 0.6614583333333335 - complexity: 7 +- comm_cost: 0.36979166666666696 + complexity: 13 expressions: - - R+ - - and(K-, N-) + - K+ - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-9530 type: explored -- comm_cost: 0.38339120370370394 - complexity: 13 +- comm_cost: 0.693900462962963 + complexity: 23 expressions: - - R- - - SE+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - N- + - and(K-, or(S+, R-)) + - and(S-, not(R+)) + - and(SE+, N-) + - and(or(K+, S-), not(R+)) + - or(N+, not(R+)) name: explored-9531 type: explored -- comm_cost: 0.1878472222222225 - complexity: 14 +- comm_cost: 0.09791666666666687 + complexity: 12 expressions: - K+ + - K+ - N+ - - R- - - S+ - - and(K-, not(R+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) name: explored-9532 type: explored -- comm_cost: 0.3695312500000002 - complexity: 12 +- comm_cost: 0.5217881944444447 + complexity: 13 expressions: - K+ - - and(K-, or(S+, SE+)) + - R- + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) + - or(SE-, N+) name: explored-9533 type: explored -- comm_cost: 0.24282407407407425 - complexity: 17 +- comm_cost: 0.5308796296296298 + complexity: 20 expressions: - - K+ - N+ - - R- - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + - not(R-) - or(S+, R-) name: explored-9534 type: explored -- comm_cost: 0.3436631944444448 - complexity: 18 +- comm_cost: 0.6015625000000001 + complexity: 9 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(SE-, N+) + - R- + - SE- + - and(N-, or(K+, S-)) name: explored-9535 type: explored -- comm_cost: 0.50625 - complexity: 6 +- comm_cost: 0.3282870370370373 + complexity: 17 expressions: + - K+ - N+ - - N+ - - S+ + - R- + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) + - or(N+, not(R+)) name: explored-9536 type: explored -- comm_cost: 0.3973958333333336 - complexity: 20 +- comm_cost: 0.11562500000000031 + complexity: 13 expressions: - K+ - - N+ - R- - - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) name: explored-9537 type: explored -- comm_cost: 0.5895833333333335 - complexity: 14 - expressions: - - R+ - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - name: explored-9538 - type: explored -- comm_cost: 0.5441666666666669 - complexity: 13 +- comm_cost: 0.3196759259259261 + complexity: 20 expressions: - K+ - - K- - N+ - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, N-) - and(S-, SE-) - - or(K+, S-) - name: explored-9539 + name: explored-9538 type: explored -- comm_cost: 0.6653993055555556 - complexity: 14 +- comm_cost: 0.3427083333333335 + complexity: 10 expressions: - - R+ - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - or(N+, not(R+)) - name: explored-9540 + - N+ + - S+ + - and(N-, or(K+, R+)) + - and(S-, SE-) + name: explored-9539 type: explored -- comm_cost: 0.4364583333333335 - complexity: 19 +- comm_cost: 0.2128472222222224 + complexity: 16 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - and(SE+, N-) + - or(N+, R-) + name: explored-9540 + type: explored +- comm_cost: 0.39568865740740755 + complexity: 13 + expressions: + - N+ + - SE+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-9541 type: explored -- comm_cost: 0.40520833333333317 - complexity: 11 +- comm_cost: 0.48656250000000023 + complexity: 14 expressions: - K+ - - N+ - R- - - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) + - not(R-) name: explored-9542 type: explored -- comm_cost: 0.48194444444444473 - complexity: 18 +- comm_cost: 0.4194444444444445 + complexity: 9 expressions: + - K+ - N+ - - and(N-, R+) + - R- + - and(S-, N-) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) name: explored-9543 type: explored -- comm_cost: 0.11979166666666696 - complexity: 14 +- comm_cost: 0.5980555555555557 + complexity: 10 + expressions: + - R+ + - R- + - SE- + - or(K+, N+) + - or(N+, not(R+)) + name: explored-9544 + type: explored +- comm_cost: 0.32968750000000013 + complexity: 15 expressions: - K+ - - K+ + - N+ - N+ - R- - S+ - - and(K-, SE-) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - name: explored-9544 - type: explored -- comm_cost: 0.7848958333333333 - complexity: 5 - expressions: - - not(R+) - - or(K+, S-) name: explored-9545 type: explored -- comm_cost: 0.46362268518518535 - complexity: 18 +- comm_cost: 0.5133101851851853 + complexity: 14 expressions: - N+ - - R- - - S+ + - R+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - not(R-) + - and(N-, or(S+, R+)) + - or(S+, R-) name: explored-9546 type: explored -- comm_cost: 0.5778935185185187 - complexity: 14 +- comm_cost: 0.5762152777777779 + complexity: 10 expressions: - R+ - R- - - SE- - - and(K-, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-9547 type: explored -- comm_cost: 0.410416666666667 - complexity: 6 +- comm_cost: 0.298697916666667 + complexity: 16 expressions: + - K+ + - N+ + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) + - not(R+) name: explored-9548 type: explored -- comm_cost: 0.5390625000000002 - complexity: 13 +- comm_cost: 0.34279513888888913 + complexity: 15 expressions: + - K+ + - N+ - R- - SE- - - and(K-, not(R-)) - and(N-, R+) - - and(S-, not(R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-9549 type: explored -- comm_cost: 0.39375000000000027 - complexity: 12 +- comm_cost: 0.6391782407407409 + complexity: 15 expressions: - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, R+) - - or(S+, N+) + - R+ + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-9550 type: explored -- comm_cost: 0.5605902777777779 - complexity: 20 +- comm_cost: 0.5024305555555557 + complexity: 14 expressions: - N+ - R+ - R- - SE- - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(S+, R-) + - and(K-, not(R+)) + - and(and(S-, N-), not(R-)) name: explored-9551 type: explored -- comm_cost: 0.23559027777777808 - complexity: 20 +- comm_cost: 0.5722685185185187 + complexity: 12 expressions: - K+ - N+ - - R- - - S+ - SE- - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(S-, N-) + - or(K+, S-) name: explored-9552 type: explored -- comm_cost: 0.4057291666666666 - complexity: 13 +- comm_cost: 0.6286747685185187 + complexity: 24 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(S-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) + - and(SE+, N-) + - or(SE-, N+) name: explored-9553 type: explored -- comm_cost: 0.5072916666666668 - complexity: 8 +- comm_cost: 0.5146875 + complexity: 9 expressions: + - K+ - N+ - - R+ - R- - - and(S-, or(SE-, N+)) + - S+ + - and(S-, SE-) + - not(R-) name: explored-9554 type: explored -- comm_cost: 0.6338368055555557 - complexity: 11 +- comm_cost: 0.25888310185185215 + complexity: 21 expressions: + - K+ - N+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - not(R-) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(K+, or(N+, R-)) name: explored-9555 type: explored -- comm_cost: 0.6287500000000001 - complexity: 6 +- comm_cost: 0.3796875000000002 + complexity: 17 expressions: + - K+ - N+ + - R- + - S+ + - and(K-, not(R-)) - and(N-, R+) - - not(R-) + - and(S-, SE-) + - or(K+, R-) name: explored-9556 type: explored -- comm_cost: 0.3445312500000003 - complexity: 16 +- comm_cost: 0.1946180555555559 + complexity: 17 expressions: - K+ - N+ - R- - S+ - - SE- - - and(K-, or(SE-, N+)) + - S+ - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-9557 type: explored -- comm_cost: 0.11718750000000022 - complexity: 20 +- comm_cost: 0.7140914351851853 + complexity: 42 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, SE-) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, N-) + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) + - or(K+, N+) + - or(S+, or(N+, R-)) name: explored-9558 type: explored -- comm_cost: 0.549826388888889 - complexity: 6 +- comm_cost: 0.25260416666666696 + complexity: 12 expressions: - N+ - - R+ - - S+ - - and(S-, N-) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-9559 type: explored -- comm_cost: 0.6858333333333334 - complexity: 8 +- comm_cost: 0.501388888888889 + complexity: 9 expressions: - - K- - - R+ + - N+ - R- - - and(K-, or(S+, N+)) + - SE- + - and(and(K-, N-), not(R-)) name: explored-9560 type: explored -- comm_cost: 0.6796006944444446 - complexity: 13 +- comm_cost: 0.2571614583333336 + complexity: 17 expressions: + - K+ + - K+ + - N+ - R+ - - and(K-, N-) - - and(N-, not(R-)) - - and(N-, or(S+, R+)) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-9561 type: explored -- comm_cost: 0.5506944444444447 - complexity: 10 +- comm_cost: 0.5192708333333335 + complexity: 7 expressions: - - K+ - N+ - - and(N-, R+) - - and(N-, or(S+, R+)) + - R+ + - R- + - and(S-, not(R+)) name: explored-9562 type: explored -- comm_cost: 0.4173611111111113 - complexity: 14 +- comm_cost: 0.3666666666666667 + complexity: 16 expressions: + - K+ + - K+ - N+ + - R- - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, R-) + - or(K+, SE+) + - or(S+, R+) name: explored-9563 type: explored -- comm_cost: 0.5595486111111113 - complexity: 20 +- comm_cost: 0.4859375 + complexity: 7 expressions: - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - N+ + - S+ + - and(S-, SE-) name: explored-9564 type: explored -- comm_cost: 0.678125 - complexity: 6 +- comm_cost: 0.6401620370370372 + complexity: 17 expressions: - - N+ - - and(SE-, or(K+, S-)) + - R+ + - SE- + - and(N-, or(S+, R+)) + - or(K+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-9565 type: explored -- comm_cost: 0.6145833333333335 - complexity: 19 +- comm_cost: 0.5318055555555559 + complexity: 11 expressions: - - R+ - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - and(N-, R+) + - or(K+, S-) name: explored-9566 type: explored -- comm_cost: 0.5930844907407409 - complexity: 14 +- comm_cost: 0.7019097222222224 + complexity: 11 expressions: - - N+ - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) + - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-9567 type: explored -- comm_cost: 0.7533333333333334 - complexity: 3 - expressions: - - K- - - S- - - SE- - name: explored-9568 - type: explored -- comm_cost: 0.4638020833333335 - complexity: 17 +- comm_cost: 0.4081307870370372 + complexity: 20 expressions: - N+ - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, N+) - - or(S+, SE+) - - or(SE-, N+) - name: explored-9569 + name: explored-9568 type: explored -- comm_cost: 0.6646122685185186 - complexity: 12 +- comm_cost: 0.6335069444444446 + complexity: 10 expressions: - R+ - - and(N-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) - name: explored-9570 + - SE- + - and(S-, or(SE-, N+)) + - or(K+, R+) + name: explored-9569 type: explored -- comm_cost: 0.4887152777777779 - complexity: 13 +- comm_cost: 0.5437500000000002 + complexity: 9 expressions: - - N+ + - K+ + - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(K+, K-) - name: explored-9571 + - or(K+, R+) + name: explored-9570 type: explored -- comm_cost: 0.7281249999999999 +- comm_cost: 0.6527777777777779 complexity: 8 expressions: - - and(S-, SE-) - - and(S-, or(SE-, N+)) - name: explored-9572 - type: explored -- comm_cost: 0.4956597222222223 - complexity: 13 - expressions: - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - - and(S-, SE-) - name: explored-9573 - type: explored -- comm_cost: 0.35815972222222237 - complexity: 18 - expressions: - - K+ - - R+ - - R- - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-9574 + - N+ + - SE- + - and(K-, N-) + - or(K+, R+) + name: explored-9571 type: explored -- comm_cost: 0.41903935185185204 - complexity: 20 +- comm_cost: 0.28046875000000016 + complexity: 15 expressions: - N+ - R- - S+ - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - and(S-, SE-) - - or(K+, K-) - name: explored-9575 + - or(S+, R+) + name: explored-9572 type: explored -- comm_cost: 0.5167534722222225 - complexity: 15 +- comm_cost: 0.394791666666667 + complexity: 11 expressions: - N+ + - N+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - name: explored-9576 + - or(N+, not(R+)) + name: explored-9573 type: explored -- comm_cost: 0.6471354166666667 - complexity: 8 +- comm_cost: 0.658888888888889 + complexity: 10 + expressions: + - N+ + - R+ + - SE- + - and(K-, N-) + - or(N+, not(R+)) + name: explored-9574 + type: explored +- comm_cost: 0.6458333333333335 + complexity: 15 expressions: - - K+ - - K+ - R+ - R- - SE- - - or(K+, K-) + - and(K-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) + name: explored-9575 + type: explored +- comm_cost: 0.2888165509259262 + complexity: 23 + expressions: + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, or(N+, R-)) + name: explored-9576 + type: explored +- comm_cost: 0.24756944444444473 + complexity: 16 + expressions: + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-9577 type: explored -- comm_cost: 0.3756944444444448 - complexity: 10 +- comm_cost: 0.43281250000000027 + complexity: 13 expressions: - N+ + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-9578 type: explored -- comm_cost: 0.3211226851851854 - complexity: 17 +- comm_cost: 0.5957465277777778 + complexity: 15 expressions: - - N+ + - K+ + - R- + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(N-, or(S+, SE+)) name: explored-9579 type: explored -- comm_cost: 0.6887500000000002 - complexity: 5 +- comm_cost: 0.2585937500000004 + complexity: 17 expressions: + - K+ + - N+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - not(R-) + - and(S-, SE-) name: explored-9580 type: explored -- comm_cost: 0.4623263888888891 - complexity: 16 +- comm_cost: 0.4143229166666669 + complexity: 15 expressions: - N+ - - R- - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, R-) name: explored-9581 type: explored -- comm_cost: 0.46533564814814843 - complexity: 19 +- comm_cost: 0.3771296296296298 + complexity: 15 expressions: - K+ - N+ - R- - - S+ - and(N-, R+) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - or(K+, R+) + - or(S+, SE+) name: explored-9582 type: explored -- comm_cost: 0.5492187500000002 - complexity: 18 +- comm_cost: 0.43281249999999993 + complexity: 9 expressions: - - and(K-, or(S+, SE+)) - - and(N-, R+) + - N+ + - R- + - S+ - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, R-) name: explored-9583 type: explored -- comm_cost: 0.6057291666666669 - complexity: 8 +- comm_cost: 0.4447916666666669 + complexity: 13 expressions: - N+ - - R+ + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - or(N+, R-) + - and(SE+, N-) name: explored-9584 type: explored -- comm_cost: 0.4970486111111112 - complexity: 15 +- comm_cost: 0.6345486111111113 + complexity: 7 expressions: - N+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - or(K+, K-) - - or(K+, R+) name: explored-9585 type: explored -- comm_cost: 0.45850694444444473 - complexity: 18 +- comm_cost: 0.471527777777778 + complexity: 13 expressions: + - K+ - N+ + - R- - SE- + - and(K-, N-) - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - or(N+, R-) name: explored-9586 type: explored -- comm_cost: 0.31111111111111134 - complexity: 13 +- comm_cost: 0.09843750000000018 + complexity: 18 expressions: - K+ - N+ - - and(K-, or(S+, R+)) + - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - and(S-, SE-) name: explored-9587 type: explored -- comm_cost: 0.28229166666666683 +- comm_cost: 0.5380208333333333 complexity: 7 expressions: - K+ - - N+ - - R+ - R- + - R- + - S+ - and(S-, SE-) name: explored-9588 type: explored -- comm_cost: 0.6783854166666667 - complexity: 6 +- comm_cost: 0.6103298611111112 + complexity: 11 expressions: - R+ + - R- - SE- - - and(N-, not(R-)) + - and(N-, or(S+, SE+)) + - or(N+, R-) name: explored-9589 type: explored -- comm_cost: 0.6713020833333334 - complexity: 8 +- comm_cost: 0.6523726851851853 + complexity: 11 expressions: - R+ - - R- - - SE- - - and(K-, N-) - - not(R-) + - and(N-, or(K+, R+)) + - not(R+) + - or(K+, R+) name: explored-9590 type: explored -- comm_cost: 0.48793402777777795 - complexity: 21 +- comm_cost: 0.7596412037037038 + complexity: 5 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(K+, S-) - - or(N+, R-) + - N- + - R+ + - or(K+, K-) name: explored-9591 type: explored -- comm_cost: 0.32777777777777795 - complexity: 15 +- comm_cost: 0.35260416666666694 + complexity: 10 expressions: - N+ - - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(SE-, or(K+, S-)) name: explored-9592 type: explored -- comm_cost: 0.7239583333333335 - complexity: 9 - expressions: - - R+ - - and(K-, or(S+, R-)) - - or(K+, K-) - name: explored-9593 - type: explored - comm_cost: 0.5854166666666668 complexity: 10 expressions: @@ -99088,11342 +99240,11382 @@ - R+ - R- - and(and(K-, N-), or(S+, R+)) - name: explored-9594 + name: explored-9593 type: explored -- comm_cost: 0.5706597222222224 - complexity: 10 +- comm_cost: 0.581521990740741 + complexity: 14 expressions: - - R+ + - K+ + - N+ - R- - SE- - - and(N-, or(K+, R+)) - - not(R+) + - and(N-, R+) + - or(K+, K-) + - or(N+, not(R+)) + name: explored-9594 + type: explored +- comm_cost: 0.7356770833333334 + complexity: 11 + expressions: + - N+ + - N+ + - SE- + - and(or(K+, S-), or(N+, not(R+))) name: explored-9595 type: explored -- comm_cost: 0.46258680555555576 +- comm_cost: 0.2937500000000002 complexity: 19 expressions: + - K+ - N+ - R- - - S+ - - and(K-, not(R+)) + - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(S+, R+) - - or(SE-, N+) name: explored-9596 type: explored -- comm_cost: 0.31848958333333355 - complexity: 19 +- comm_cost: 0.5084722222222223 + complexity: 13 expressions: - - K+ - - K+ - - R- - - S+ + - N+ + - N- - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, N+) name: explored-9597 type: explored -- comm_cost: 0.3925347222222223 - complexity: 17 +- comm_cost: 0.5671875000000002 + complexity: 8 expressions: - - N+ + - K+ - R- - - and(K-, not(R-)) + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) name: explored-9598 type: explored -- comm_cost: 0.41328125000000016 - complexity: 16 +- comm_cost: 0.6630787037037038 + complexity: 7 + expressions: + - R+ + - and(S-, N-) + - or(K+, R+) + name: explored-9599 + type: explored +- comm_cost: 0.39333333333333353 + complexity: 11 expressions: + - K+ - N+ - R- - - and(K-, SE-) - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - name: explored-9599 - type: explored -- comm_cost: 0.6415972222222224 - complexity: 7 - expressions: - - R+ - - SE- - - SE- - - or(N+, not(R+)) + - not(R-) name: explored-9600 type: explored -- comm_cost: 0.40598958333333357 - complexity: 14 +- comm_cost: 0.42106481481481506 + complexity: 21 expressions: - K+ - N+ - - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-9601 type: explored -- comm_cost: 0.5256944444444448 - complexity: 9 +- comm_cost: 0.277604166666667 + complexity: 12 expressions: + - N+ + - R- + - and(K-, SE-) - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(S-, not(R+)) name: explored-9602 type: explored -- comm_cost: 0.5664930555555556 - complexity: 11 +- comm_cost: 0.28229166666666705 + complexity: 13 expressions: - - R+ - - SE+ + - K+ + - N+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(S-, or(SE-, N+)) name: explored-9603 type: explored -- comm_cost: 0.49083333333333345 - complexity: 19 +- comm_cost: 0.31614583333333357 + complexity: 17 expressions: - K+ - - N+ + - K+ - R- - - SE- - - and(K-, S+) + - S+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(N+, not(R+)) + - and(S-, not(R+)) name: explored-9604 type: explored -- comm_cost: 0.18611111111111123 - complexity: 18 +- comm_cost: 0.31597222222222254 + complexity: 13 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- + - and(K-, not(R+)) + - and(N-, R+) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(K+, R+) name: explored-9605 type: explored -- comm_cost: 0.6144097222222222 - complexity: 14 +- comm_cost: 0.813888888888889 + complexity: 5 expressions: - - K+ - - N+ - - R+ - - R- - - SE- - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - and(K-, or(S+, R+)) name: explored-9606 type: explored -- comm_cost: 0.45766782407407425 - complexity: 14 +- comm_cost: 0.28710937500000033 + complexity: 13 expressions: - K+ - - N+ + - K+ - R- - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(S-, N-) + - and(S-, SE-) + - or(SE-, N+) name: explored-9607 type: explored -- comm_cost: 0.29218750000000027 - complexity: 14 +- comm_cost: 0.7591574074074074 + complexity: 19 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - K- + - and(N-, or(K+, SE+)) + - or(K+, R-) + - or(K+, S-) - or(N+, not(R+)) + - or(S+, N+) name: explored-9608 type: explored -- comm_cost: 0.5779947916666668 - complexity: 21 +- comm_cost: 0.48055555555555574 + complexity: 17 expressions: + - K+ + - N+ - R- - - S- - SE- - - and(N-, R+) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) + - and(and(S-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-9609 type: explored -- comm_cost: 0.5953125000000001 - complexity: 21 +- comm_cost: 0.4866319444444446 + complexity: 16 expressions: - - and(N-, or(K+, S-)) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) + - N+ + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-9610 type: explored -- comm_cost: 0.5664930555555557 +- comm_cost: 0.3908854166666669 complexity: 13 expressions: - - R+ - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(S-, SE-) - name: explored-9611 - type: explored -- comm_cost: 0.48861111111111133 - complexity: 18 - expressions: + - K+ - K+ - N+ - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) + name: explored-9611 + type: explored +- comm_cost: 0.44357638888888906 + complexity: 14 + expressions: + - R+ - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - not(R-) + - and(SE+, N-) + - or(and(K-, S+), or(N+, R-)) name: explored-9612 type: explored -- comm_cost: 0.8263020833333333 - complexity: 7 +- comm_cost: 0.3197916666666668 + complexity: 8 expressions: - - and(SE-, or(K+, S-)) - - not(R+) + - R+ + - R- + - and(K-, S+) + - and(S-, SE-) name: explored-9613 type: explored -- comm_cost: 0.5333333333333334 - complexity: 10 +- comm_cost: 0.7541666666666667 + complexity: 4 expressions: - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - or(S+, SE+) name: explored-9614 type: explored -- comm_cost: 0.5413194444444446 - complexity: 13 +- comm_cost: 0.5223784722222222 + complexity: 9 expressions: - - R+ + - K+ + - N+ + - N- - R- - - and(N-, or(K+, SE+)) - - and(S-, N-) + - S+ + - SE- - and(S-, SE-) name: explored-9615 type: explored -- comm_cost: 0.6802083333333335 - complexity: 9 +- comm_cost: 0.4124421296296299 + complexity: 17 expressions: - - R+ - - S+ - - and(and(K-, N-), or(S+, R+)) + - N+ + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - not(R+) name: explored-9616 type: explored -- comm_cost: 0.6492476851851853 - complexity: 19 +- comm_cost: 0.5236111111111114 + complexity: 14 expressions: - - R+ - - R- - - SE- - - and(or(K+, S-), not(R-)) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(SE-, N+) name: explored-9617 type: explored -- comm_cost: 0.660607638888889 - complexity: 8 +- comm_cost: 0.6089409722222223 + complexity: 11 expressions: - - K- - N+ - R+ + - R+ - R- - SE- - - or(K+, SE+) + - and(K-, N-) + - or(S+, R+) name: explored-9618 type: explored -- comm_cost: 0.592621527777778 - complexity: 12 +- comm_cost: 0.7708854166666668 + complexity: 5 expressions: - - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) - - or(S+, N+) + - S- + - or(N+, not(R+)) name: explored-9619 type: explored -- comm_cost: 0.5701678240740742 - complexity: 17 +- comm_cost: 0.49375000000000024 + complexity: 11 expressions: - - R+ - - SE- - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - R- + - SE+ + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-9620 type: explored -- comm_cost: 0.6482638888888891 - complexity: 8 +- comm_cost: 0.08593750000000022 + complexity: 15 expressions: - - R+ - - S+ - - SE- - - and(K-, or(S+, R+)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) name: explored-9621 type: explored -- comm_cost: 0.5251736111111113 - complexity: 10 +- comm_cost: 0.7180555555555554 + complexity: 8 expressions: + - K+ - N+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - R- + - SE- + - or(N+, not(R+)) name: explored-9622 type: explored -- comm_cost: 0.6145833333333335 - complexity: 13 +- comm_cost: 0.6244791666666668 + complexity: 14 expressions: - - N+ + - R+ - R- - SE- - - and(K-, or(S+, R+)) - - or(S+, or(N+, R-)) + - and(N-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-9623 type: explored -- comm_cost: 0.4916666666666668 - complexity: 5 +- comm_cost: 0.47657407407407426 + complexity: 17 expressions: - - R+ + - K+ + - N+ - R- - - and(K-, SE-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, S-) name: explored-9624 type: explored -- comm_cost: 0.23333333333333361 - complexity: 13 +- comm_cost: 0.33906250000000016 + complexity: 16 expressions: - K+ - N+ - - R+ - R- + - and(K-, SE-) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) name: explored-9625 type: explored -- comm_cost: 0.573972800925926 - complexity: 12 +- comm_cost: 0.5125000000000002 + complexity: 13 expressions: - - K+ - - N+ - R- - - SE- - - and(N-, or(K+, S-)) - - or(S+, R-) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - and(S-, SE-) name: explored-9626 type: explored -- comm_cost: 0.528732638888889 - complexity: 15 +- comm_cost: 0.3997395833333335 + complexity: 20 expressions: - N+ - - N+ - - R+ - R- - - SE- - - and(N-, or(S+, SE+)) - - and(SE-, or(K+, S-)) + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-9627 type: explored -- comm_cost: 0.729513888888889 - complexity: 14 +- comm_cost: 0.7093750000000001 + complexity: 2 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(N-, not(R-)) + - S+ + - S- name: explored-9628 type: explored -- comm_cost: 0.7020833333333333 - complexity: 14 +- comm_cost: 0.6765625000000002 + complexity: 9 expressions: - R- - - and(S-, SE-) - - not(R+) - - or(K+, R-) - - or(S+, or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-9629 type: explored -- comm_cost: 0.24609375000000022 - complexity: 14 +- comm_cost: 0.6400173611111113 + complexity: 6 expressions: - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - N- + - R+ + - SE- + - not(R+) name: explored-9630 type: explored -- comm_cost: 0.7558449074074075 - complexity: 9 +- comm_cost: 0.2567708333333336 + complexity: 17 expressions: - - R+ - - and(K-, or(S+, SE+)) - - or(K+, R+) + - N+ + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-9631 type: explored -- comm_cost: 0.39570312500000027 - complexity: 12 +- comm_cost: 0.5635416666666668 + complexity: 10 expressions: - K+ - - K+ - N+ - R- - - S+ + - S- - and(N-, R+) - - and(N-, not(R-)) + - or(S+, R+) name: explored-9632 type: explored -- comm_cost: 0.6397424768518519 - complexity: 17 +- comm_cost: 0.6991030092592594 + complexity: 32 expressions: - - R+ - - R- - - SE- - - and(K-, not(R-)) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - S+ + - SE+ + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9633 type: explored -- comm_cost: 0.5565972222222224 - complexity: 11 +- comm_cost: 0.18611111111111123 + complexity: 15 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(K-, SE-) - - or(S+, or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-9634 type: explored -- comm_cost: 0.5458767361111113 - complexity: 16 +- comm_cost: 0.5375462962962965 + complexity: 15 expressions: + - K- - N+ - - R+ - - R- - - SE- - and(N-, R+) - - and(S-, N-) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-9635 type: explored -- comm_cost: 0.42986111111111125 - complexity: 23 +- comm_cost: 0.43553819444444464 + complexity: 17 expressions: + - K+ - N+ + - N- + - R+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - and(SE+, N-) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, R+) name: explored-9636 type: explored -- comm_cost: 0.35902777777777795 - complexity: 11 +- comm_cost: 0.4833333333333336 + complexity: 10 expressions: - - K+ - N+ - - R- - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(N-, R+) + - or(K+, N+) + - or(N+, R-) name: explored-9637 type: explored -- comm_cost: 0.6905319940476191 - complexity: 42 +- comm_cost: 0.41510416666666683 + complexity: 17 expressions: - - and(K-, not(R+)) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - - or(S+, N+) - - or(S+, or(N+, R-)) + - K+ + - K+ + - K- + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-9638 type: explored -- comm_cost: 0.6942708333333334 - complexity: 3 +- comm_cost: 0.78359375 + complexity: 8 expressions: - - R+ - - R- - - S- + - K+ + - SE- + - and(K-, or(N+, not(R+))) name: explored-9639 type: explored -- comm_cost: 0.4570312500000002 - complexity: 11 +- comm_cost: 0.42734375000000024 + complexity: 16 expressions: - N+ - R- - - SE- - and(N-, R+) - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, N+) name: explored-9640 type: explored -- comm_cost: 0.4032986111111114 - complexity: 16 +- comm_cost: 0.5719328703703705 + complexity: 9 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(S-, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(S-, N-) + - not(R+) name: explored-9641 type: explored -- comm_cost: 0.44982638888888904 +- comm_cost: 0.7293072916666667 complexity: 26 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) + - K- + - SE+ + - SE- + - and(N-, not(R-)) + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) + - or(S+, or(N+, R-)) name: explored-9642 type: explored -- comm_cost: 0.6543547453703704 - complexity: 17 +- comm_cost: 0.6143750000000001 + complexity: 9 expressions: - - N+ + - K+ - R+ - - R- - - SE- - - and(N-, not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) + - and(K-, S+) + - or(N+, not(R+)) name: explored-9643 type: explored -- comm_cost: 0.2651041666666669 +- comm_cost: 0.5991319444444445 complexity: 13 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - R+ + - and(K-, SE-) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-9644 type: explored -- comm_cost: 0.29409722222222257 - complexity: 19 +- comm_cost: 0.30529513888888915 + complexity: 17 expressions: - K+ - N+ - R- - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(SE-, N+) + - or(S+, N+) name: explored-9645 type: explored -- comm_cost: 0.45703125000000033 - complexity: 10 +- comm_cost: 0.5892708333333334 + complexity: 6 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - not(R+) + - N+ + - R+ + - R- + - SE- + - not(R-) name: explored-9646 type: explored -- comm_cost: 0.14947916666666705 - complexity: 16 +- comm_cost: 0.5928125000000002 + complexity: 10 expressions: + - K+ - N+ + - N- - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(S-, not(R+)) + - or(K+, SE+) name: explored-9647 type: explored -- comm_cost: 0.6729166666666666 - complexity: 5 +- comm_cost: 0.5123263888888889 + complexity: 16 expressions: + - K+ + - N+ - R- - - SE- + - S+ + - and(K-, not(R-)) + - and(K-, or(SE-, N+)) - and(S-, SE-) name: explored-9648 type: explored -- comm_cost: 0.5881944444444446 - complexity: 11 +- comm_cost: 0.39208333333333356 + complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(SE+, N-) - - or(S+, or(N+, R-)) + - R- + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-9649 type: explored -- comm_cost: 0.297135416666667 - complexity: 20 +- comm_cost: 0.5550000000000002 + complexity: 13 expressions: - - K+ - - K+ + - K- - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-9650 type: explored -- comm_cost: 0.5583333333333336 - complexity: 7 +- comm_cost: 0.7350000000000001 + complexity: 8 expressions: - - K+ - - R- - - and(N-, R+) + - SE- + - and(N-, or(K+, SE+)) - not(R-) name: explored-9651 type: explored -- comm_cost: 0.20625000000000027 - complexity: 19 +- comm_cost: 0.7581597222222223 + complexity: 11 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-9652 type: explored -- comm_cost: 0.6880208333333335 - complexity: 5 +- comm_cost: 0.6126446759259261 + complexity: 29 expressions: - - R+ - - R- + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) + - and(and(S-, N-), not(R-)) + - not(R+) - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-9653 type: explored -- comm_cost: 0.575 - complexity: 7 +- comm_cost: 0.4316203703703706 + complexity: 13 expressions: - - K+ - - and(K-, S+) + - N+ + - N- + - R- + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) name: explored-9654 type: explored -- comm_cost: 0.30688657407407427 - complexity: 19 +- comm_cost: 0.6135416666666667 + complexity: 6 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(and(K-, N-), not(R-)) + - or(N+, R-) name: explored-9655 type: explored -- comm_cost: 0.14479166666666687 - complexity: 12 +- comm_cost: 0.3987413194444447 + complexity: 25 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9656 type: explored -- comm_cost: 0.5133333333333334 - complexity: 9 +- comm_cost: 0.32343750000000027 + complexity: 10 expressions: - K+ - - K+ - N+ - R- - - and(S-, SE-) - - not(R-) + - S+ + - and(N-, R+) + - and(N-, R+) name: explored-9657 type: explored -- comm_cost: 0.4651041666666669 - complexity: 10 +- comm_cost: 0.4744791666666669 + complexity: 17 expressions: - N+ - - R+ - - R- - - SE- + - S+ + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - or(S+, or(N+, R-)) name: explored-9658 type: explored -- comm_cost: 0.6645833333333335 - complexity: 12 +- comm_cost: 0.37806712962962985 + complexity: 14 expressions: - - R+ + - N+ + - R- + - S+ - SE+ - - and(K-, S+) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-9659 type: explored -- comm_cost: 0.47578125000000016 - complexity: 11 +- comm_cost: 0.5195312500000002 + complexity: 13 expressions: + - K+ - R- - - and(K-, not(R-)) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) name: explored-9660 type: explored -- comm_cost: 0.6731597222222223 - complexity: 10 +- comm_cost: 0.3955555555555559 + complexity: 12 expressions: + - K+ + - K- - N+ - - SE- - - and(K-, or(S+, R-)) - - or(S+, SE+) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-9661 type: explored -- comm_cost: 0.7875000000000001 - complexity: 3 - expressions: - - and(SE+, N-) - name: explored-9662 - type: explored -- comm_cost: 0.4286111111111113 - complexity: 18 +- comm_cost: 0.5198958333333334 + complexity: 14 expressions: - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, N-) + - and(K-, or(S+, N+)) - and(S-, SE-) - or(K+, S-) + name: explored-9662 + type: explored +- comm_cost: 0.5996527777777779 + complexity: 10 + expressions: + - R+ + - and(K-, not(R+)) + - or(K+, or(N+, R-)) name: explored-9663 type: explored -- comm_cost: 0.685590277777778 - complexity: 13 +- comm_cost: 0.5457291666666668 + complexity: 12 expressions: + - K- - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, SE-) name: explored-9664 type: explored -- comm_cost: 0.8049479166666668 - complexity: 6 +- comm_cost: 2.220446049250313e-16 + complexity: 12 expressions: - - or(K+, SE+) - - or(N+, R-) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-9665 type: explored -- comm_cost: 0.6605902777777779 - complexity: 8 +- comm_cost: 0.5342303240740742 + complexity: 21 expressions: - - R+ - - and(S-, not(R-)) - - or(N+, R-) + - N+ + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) + - or(S+, or(N+, R-)) name: explored-9666 type: explored -- comm_cost: 0.6271875000000001 - complexity: 10 +- comm_cost: 0.5921875000000001 + complexity: 13 expressions: + - N+ - R+ - - and(K-, S+) - - and(S-, not(R+)) - - not(R-) + - R- + - SE- + - and(or(K+, S-), not(R-)) + - or(N+, R-) name: explored-9667 type: explored -- comm_cost: 0.46597222222222257 - complexity: 11 +- comm_cost: 0.5862500000000002 + complexity: 6 expressions: - - K+ + - K- + - N+ - R- - and(N-, R+) - - and(or(K+, S-), not(R+)) name: explored-9668 type: explored -- comm_cost: 0.500925925925926 - complexity: 14 +- comm_cost: 0.47473958333333344 + complexity: 9 expressions: - - R- - - and(K-, or(S+, R-)) - - and(N-, or(K+, SE+)) + - R+ + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-9669 type: explored -- comm_cost: 0.4652777777777779 - complexity: 10 +- comm_cost: 0.5357407407407409 + complexity: 11 expressions: + - K- - N+ - - R+ - - R- - - SE- - - SE- - - and(SE-, or(K+, S-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-9670 type: explored -- comm_cost: 0.4888541666666668 - complexity: 9 +- comm_cost: 0.35364583333333355 + complexity: 13 expressions: - - K+ - N+ - - R- - - S+ - and(N-, R+) - - not(R-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-9671 type: explored -- comm_cost: 0.419791666666667 - complexity: 10 +- comm_cost: 0.6312847222222224 + complexity: 11 expressions: - - N+ - - SE- - - and(N-, R+) - - or(S+, or(N+, R-)) + - R+ + - R- + - and(K-, or(S+, R-)) + - or(N+, not(R+)) name: explored-9672 type: explored -- comm_cost: 0.6493055555555557 - complexity: 16 - expressions: - - SE- +- comm_cost: 0.4497395833333335 + complexity: 14 + expressions: + - K+ + - R- + - S- - and(K-, or(S+, N+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) + - and(N-, R+) + - and(N-, R+) name: explored-9673 type: explored -- comm_cost: 0.655 - complexity: 6 +- comm_cost: 0.7395833333333335 + complexity: 5 expressions: - - N+ + - R+ - R- - - SE- - - or(S+, SE+) + - or(K+, SE+) name: explored-9674 type: explored -- comm_cost: 0.5604890046296298 - complexity: 18 +- comm_cost: 0.5660416666666669 + complexity: 16 expressions: - N+ - R+ - R- - SE- - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) + - and(K-, S+) + - and(K-, or(SE-, N+)) + - or(N+, not(R+)) name: explored-9675 type: explored -- comm_cost: 0.47430555555555576 - complexity: 16 +- comm_cost: 0.7086904761904763 + complexity: 29 expressions: - - K+ - - N+ - - R- - - SE- - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), not(R-)) + - SE+ + - and(K-, or(S+, SE+)) + - and(N-, or(K+, S-)) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) + - or(K+, R+) + - or(K+, R-) + - or(S+, R+) name: explored-9676 type: explored -- comm_cost: 0.4666666666666668 - complexity: 11 +- comm_cost: 0.6196180555555557 + complexity: 15 expressions: - - R+ - - R- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - N+ + - S- + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) name: explored-9677 type: explored -- comm_cost: 0.5617708333333334 - complexity: 6 +- comm_cost: 0.5484664351851853 + complexity: 13 expressions: - - N- - - R+ + - N+ - R- + - S- + - and(N-, R+) - and(S-, SE-) + - and(S-, not(R-)) name: explored-9678 type: explored -- comm_cost: 0.34869791666666683 - complexity: 15 +- comm_cost: 0.4750000000000001 + complexity: 14 expressions: - - K+ - N+ - - S+ - - and(K-, N-) - - and(K-, S+) + - R- - and(N-, R+) - and(S-, SE-) + - or(K+, K-) + - or(K+, N+) name: explored-9679 type: explored -- comm_cost: 0.527951388888889 - complexity: 11 +- comm_cost: 0.2625000000000004 + complexity: 12 expressions: - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(S+, R+) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, S+) + - and(N-, R+) name: explored-9680 type: explored -- comm_cost: 0.5800925925925927 - complexity: 16 +- comm_cost: 0.3031250000000003 + complexity: 14 expressions: - - R- + - K+ + - N+ + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - and(and(K-, N-), not(R-)) name: explored-9681 type: explored -- comm_cost: 0.6531250000000002 - complexity: 14 +- comm_cost: 0.6069444444444446 + complexity: 9 expressions: - - N+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) + - R- + - and(K-, or(S+, R+)) - and(N-, R+) name: explored-9682 type: explored -- comm_cost: 0.6314236111111112 - complexity: 10 +- comm_cost: 0.6851128472222223 + complexity: 32 expressions: - - R+ - - R- - - and(K-, or(S+, R+)) - - or(K+, N+) + - SE+ + - and(N-, and(or(K+, S-), not(R-))) + - and(SE-, or(K+, S-)) + - or(S+, R+) + - or(S+, or(N+, R-)) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-9683 type: explored -- comm_cost: 0.473090277777778 - complexity: 15 +- comm_cost: 0.38402777777777797 + complexity: 13 expressions: - - K+ - N+ + - R- - SE- - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(S+, N+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-9684 type: explored -- comm_cost: 0.4208333333333336 +- comm_cost: 0.040625000000000355 complexity: 13 expressions: + - K+ + - N+ + - R- + - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-9685 type: explored -- comm_cost: 0.36875000000000024 - complexity: 15 +- comm_cost: 0.5445312500000002 + complexity: 17 expressions: - N+ - - R- - - S+ + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-9686 type: explored -- comm_cost: 0.2026041666666668 - complexity: 18 +- comm_cost: 0.6479166666666667 + complexity: 9 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - not(R-) + - or(S+, R-) name: explored-9687 type: explored -- comm_cost: 0.6634837962962964 - complexity: 8 +- comm_cost: 0.589670138888889 + complexity: 10 expressions: - - R+ - - SE+ + - N+ - SE- - - and(N-, or(K+, S-)) + - and(K-, S+) + - and(N-, or(S+, SE+)) name: explored-9688 type: explored -- comm_cost: 0.6603819444444446 - complexity: 14 +- comm_cost: 0.2581597222222225 + complexity: 18 expressions: + - K+ - N+ + - R- + - and(K-, SE-) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(S+, SE+) + - and(S-, SE-) + - and(SE+, N-) + - or(N+, R-) name: explored-9689 type: explored -- comm_cost: 0.5171875000000001 +- comm_cost: 0.5023437500000002 complexity: 12 expressions: + - K+ - N+ - - R+ - R- - - SE- - and(K-, S+) - - and(N-, or(K+, SE+)) + - and(N-, R+) + - or(S+, R+) name: explored-9690 type: explored -- comm_cost: 0.6750000000000002 +- comm_cost: 0.441666666666667 complexity: 5 expressions: - N+ - - R+ - - and(SE+, N-) + - S+ + - and(N-, R+) name: explored-9691 type: explored -- comm_cost: 0.5666666666666668 - complexity: 5 +- comm_cost: 0.3309895833333336 + complexity: 19 expressions: + - K+ - N+ - - SE- - - and(S-, N-) + - R- + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-9692 type: explored -- comm_cost: 0.27986111111111145 - complexity: 13 +- comm_cost: 0.37312500000000015 + complexity: 14 expressions: - K+ + - K- - N+ - R- - S+ - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - and(S-, SE-) name: explored-9693 type: explored -- comm_cost: 0.6793721064814815 - complexity: 32 +- comm_cost: 0.2751736111111114 + complexity: 16 expressions: - - S+ - - S- - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - K+ + - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-9694 type: explored -- comm_cost: 0.3323784722222223 - complexity: 11 +- comm_cost: 0.6484375000000002 + complexity: 9 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - and(S-, SE-) - - or(K+, R+) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-9695 type: explored -- comm_cost: 0.310416666666667 - complexity: 8 +- comm_cost: 0.7696180555555556 + complexity: 9 expressions: - - N+ - - S+ - - and(K-, SE-) - - and(N-, R+) + - R+ + - and(N-, or(S+, SE+)) + - or(S+, R+) name: explored-9696 type: explored -- comm_cost: 0.5114583333333335 - complexity: 7 +- comm_cost: 0.5526041666666666 + complexity: 13 expressions: - N+ - - R+ - - SE- - - and(S-, not(R+)) + - R- + - S+ + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-9697 type: explored -- comm_cost: 0.5176504629629631 - complexity: 12 +- comm_cost: 0.6898437500000001 + complexity: 5 expressions: - K+ - - N+ - - R- - R- - - S+ - - SE- - - and(N-, R+) - - or(K+, K-) + - and(K-, N-) name: explored-9698 type: explored -- comm_cost: 0.15781250000000036 - complexity: 16 +- comm_cost: 0.6414930555555557 + complexity: 6 expressions: - K+ - - N+ - - R- - - S+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - R+ + - SE- + - or(K+, R+) name: explored-9699 type: explored -- comm_cost: 0.28906250000000033 - complexity: 16 +- comm_cost: 0.4354166666666668 + complexity: 9 expressions: - - K+ - - K+ - - N+ - - and(N-, R+) + - R- + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-9700 type: explored -- comm_cost: 0.5721354166666667 - complexity: 11 +- comm_cost: 0.20390625000000018 + complexity: 25 expressions: - - K+ - N+ - R- - - S+ - - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, K-) + - and(and(K-, N-), or(S+, R+)) name: explored-9701 type: explored -- comm_cost: 0.25885416666666705 - complexity: 11 +- comm_cost: 0.6769097222222222 + complexity: 19 expressions: - - K+ - - N+ - R- - - SE- - - and(N-, R+) - - and(S-, not(R+)) + - and(K-, or(S+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) + - or(SE-, N+) name: explored-9702 type: explored -- comm_cost: 0.659670138888889 - complexity: 11 +- comm_cost: 0.591666666666667 + complexity: 4 expressions: - - R+ - - R- - - SE- - - and(K-, not(R-)) - - or(N+, not(R+)) + - K+ + - and(N-, R+) name: explored-9703 type: explored -- comm_cost: 0.7144965277777778 - complexity: 15 +- comm_cost: 0.6473958333333334 + complexity: 16 expressions: - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) + - R+ + - R- + - SE+ + - SE- + - and(N-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-9704 type: explored -- comm_cost: 0.7621875 - complexity: 7 +- comm_cost: 0.5635416666666668 + complexity: 8 expressions: - - and(S-, not(R+)) - - or(K+, S-) + - N+ + - and(N-, not(R-)) + - and(S-, SE-) name: explored-9705 type: explored -- comm_cost: 0.6698263888888889 - complexity: 29 +- comm_cost: 0.3642361111111114 + complexity: 14 expressions: - K+ - - R+ - - and(K-, N-) - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) - - or(K+, N+) - - or(N+, R-) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - N+ + - R- + - SE- + - and(K-, SE-) + - and(N-, R+) + - or(N+, not(R+)) name: explored-9706 type: explored -- comm_cost: 0.3640625000000002 - complexity: 19 +- comm_cost: 0.12500000000000022 + complexity: 17 expressions: - N+ - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-9707 type: explored -- comm_cost: 0.44348958333333355 - complexity: 21 +- comm_cost: 0.6809027777777779 + complexity: 10 expressions: - - K+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(K-, not(R-)) + - and(N-, or(K+, R+)) name: explored-9708 type: explored -- comm_cost: 0.13784722222222245 - complexity: 16 +- comm_cost: 0.6991319444444446 + complexity: 10 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(N+, R-) + - SE- + - and(N-, or(K+, S-)) + - and(S-, not(R-)) name: explored-9709 type: explored -- comm_cost: 0.23854166666666687 - complexity: 16 +- comm_cost: 0.7227604166666668 + complexity: 42 expressions: - - K+ - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) - or(K+, N+) + - or(S+, N+) + - or(SE-, N+) name: explored-9710 type: explored -- comm_cost: 0.5491319444444446 - complexity: 10 +- comm_cost: 0.4998842592592594 + complexity: 21 expressions: - - R+ - - R- + - K+ + - N+ - R- - - SE- - - and(and(K-, N-), not(R-)) + - and(K-, N-) + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-9711 type: explored -- comm_cost: 0.4501446759259262 - complexity: 17 +- comm_cost: 0.6375 + complexity: 6 expressions: - - R- + - N+ - SE- - - and(N-, R+) - - or(K+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, not(R+)) name: explored-9712 type: explored -- comm_cost: 0.5178819444444447 - complexity: 15 +- comm_cost: 0.2426736111111112 + complexity: 19 expressions: + - K+ + - K+ + - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, R-) name: explored-9713 type: explored -- comm_cost: 0.57734375 - complexity: 14 +- comm_cost: 0.7359375000000001 + complexity: 13 expressions: - - K+ - - N+ - - R- - SE- - - and(S-, not(R-)) + - and(K-, or(N+, not(R+))) - and(or(K+, S-), not(R-)) name: explored-9714 type: explored -- comm_cost: 0.6779166666666667 - complexity: 12 - expressions: - - N+ - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) - name: explored-9715 - type: explored -- comm_cost: 0.28133680555555585 +- comm_cost: 0.3125000000000002 complexity: 14 expressions: - K+ - N+ - - and(K-, not(R+)) + - R- + - R- - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - not(R+) - name: explored-9716 + name: explored-9715 type: explored -- comm_cost: 0.7125000000000001 - complexity: 4 +- comm_cost: 0.6741319444444446 + complexity: 9 expressions: - R+ - - and(SE+, N-) + - and(N-, and(or(K+, S-), not(R-))) + name: explored-9716 + type: explored +- comm_cost: 0.3802083333333337 + complexity: 10 + expressions: + - SE- + - and(K-, S+) + - and(N-, R+) + - or(N+, R-) name: explored-9717 type: explored -- comm_cost: 0.3802083333333335 - complexity: 6 +- comm_cost: 0.6369791666666669 + complexity: 13 expressions: - - K+ - - N+ - R+ - - and(S-, SE-) + - and(K-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) name: explored-9718 type: explored -- comm_cost: 0.1765625000000004 - complexity: 19 +- comm_cost: 0.6746527777777779 + complexity: 27 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, N+) + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) + - and(S-, N-) + - and(and(K-, N-), not(R-)) + - or(K+, R+) name: explored-9719 type: explored -- comm_cost: 0.29244791666666703 - complexity: 21 +- comm_cost: 0.4055555555555559 + complexity: 11 expressions: - - K+ - R- - - and(K-, S+) - - and(K-, SE-) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-9720 type: explored -- comm_cost: 0.5447916666666667 - complexity: 10 +- comm_cost: 0.5114583333333337 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - S+ - - and(K-, SE-) - - and(S-, SE-) + - SE- + - and(N-, R+) + - or(SE-, N+) name: explored-9721 type: explored -- comm_cost: 0.6708333333333334 - complexity: 5 +- comm_cost: 0.4851851851851853 + complexity: 17 expressions: - N+ - R- - - and(K-, S+) + - SE- + - and(K-, N-) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-9722 type: explored -- comm_cost: 0.5256944444444448 - complexity: 7 +- comm_cost: 0.8692708333333333 + complexity: 2 expressions: - - and(K-, not(R+)) - - and(N-, R+) + - not(R+) name: explored-9723 type: explored -- comm_cost: 0.5503472222222224 - complexity: 12 +- comm_cost: 0.704601851851852 + complexity: 35 expressions: - - N+ - - R+ - - R- - - SE- + - K+ + - and(K-, S+) + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), not(R-)) - or(K+, N+) - - or(S+, or(N+, R-)) + - or(N+, not(R+)) name: explored-9724 type: explored -- comm_cost: 0.7217043650793651 - complexity: 28 +- comm_cost: 0.5209027777777779 + complexity: 14 expressions: - - N- - R- - S+ - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(N+, R-) - - or(N+, not(R+)) - - or(S+, R+) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - or(S+, SE+) name: explored-9725 type: explored -- comm_cost: 0.4819618055555557 - complexity: 16 +- comm_cost: 0.6660416666666668 + complexity: 9 expressions: - - K+ - - K+ - - N+ - - N- + - K- + - R+ - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(N-, or(K+, SE+)) name: explored-9726 type: explored -- comm_cost: 0.7286111111111112 - complexity: 8 +- comm_cost: 0.5105034722222224 + complexity: 15 expressions: + - K+ + - R+ + - R- - SE- - - and(S-, not(R-)) - - or(K+, S-) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9727 type: explored -- comm_cost: 0.45145833333333363 - complexity: 11 +- comm_cost: 0.3841145833333336 + complexity: 17 expressions: - N+ + - R- + - S+ - and(N-, R+) - - or(K+, R-) - - or(N+, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) name: explored-9728 type: explored -- comm_cost: 0.6134722222222223 - complexity: 11 +- comm_cost: 0.543865740740741 + complexity: 15 expressions: - N+ - - R+ - - R- - SE- - - and(K-, S+) - - not(R-) - - not(R-) + - and(N-, R+) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-9729 type: explored -- comm_cost: 0.6532986111111112 - complexity: 18 +- comm_cost: 0.81875 + complexity: 10 expressions: - - R+ - - R- - SE- - - and(K-, or(SE-, N+)) - - and(N-, or(K+, S-)) - - and(N-, or(K+, S-)) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-9730 type: explored -- comm_cost: 0.46501736111111125 - complexity: 16 +- comm_cost: 0.7039930555555556 + complexity: 13 expressions: - - N+ - - R- - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) + - and(K-, or(S+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-9731 type: explored -- comm_cost: 0.43232060185185195 - complexity: 18 +- comm_cost: 0.5595486111111112 + complexity: 9 expressions: - K+ - N+ - - and(K-, N-) - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - R- + - S+ + - and(N-, or(S+, R+)) name: explored-9732 type: explored -- comm_cost: 0.5102488425925928 - complexity: 17 +- comm_cost: 0.680601851851852 + complexity: 15 expressions: - - N+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, R-) + - K+ + - R+ + - and(K-, or(S+, N+)) + - and(and(K-, N-), not(R-)) + - not(R-) name: explored-9733 type: explored -- comm_cost: 0.1571180555555558 - complexity: 16 +- comm_cost: 0.5227430555555557 + complexity: 15 expressions: - - K+ - N+ + - R+ - R- - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - SE- + - and(K-, or(S+, N+)) + - and(or(K+, S-), not(R+)) name: explored-9734 type: explored -- comm_cost: 0.4699652777777781 - complexity: 25 +- comm_cost: 0.8385416666666666 + complexity: 7 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - or(K+, R-) + - or(N+, not(R+)) name: explored-9735 type: explored -- comm_cost: 0.5428819444444446 - complexity: 10 +- comm_cost: 0.7756944444444445 + complexity: 6 expressions: - - N+ - - R+ - - R- - - and(S-, not(R-)) - - or(S+, N+) + - SE- + - or(K+, or(N+, R-)) name: explored-9736 type: explored -- comm_cost: 0.4770833333333334 +- comm_cost: 0.5841145833333335 complexity: 8 expressions: - R+ - R- - - and(S-, SE-) - - or(K+, SE+) + - SE- + - or(S+, or(N+, R-)) name: explored-9737 type: explored -- comm_cost: 0.27118055555555565 - complexity: 21 +- comm_cost: 0.5380208333333335 + complexity: 9 expressions: - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- - and(and(K-, N-), or(S+, R+)) name: explored-9738 type: explored -- comm_cost: 0.4925347222222224 - complexity: 5 +- comm_cost: 0.46493055555555574 + complexity: 13 expressions: - - K+ - - R+ + - N+ - R- - - S+ - SE- + - and(K-, not(R+)) + - and(and(S-, N-), not(R-)) name: explored-9739 type: explored -- comm_cost: 0.599045138888889 - complexity: 12 +- comm_cost: 0.6604166666666667 + complexity: 6 expressions: - N+ - R- - SE- - - and(K-, not(R-)) - - and(K-, or(S+, R+)) + - or(S+, N+) name: explored-9740 type: explored -- comm_cost: 0.32916666666666683 - complexity: 15 +- comm_cost: 0.3333333333333337 + complexity: 16 expressions: - N+ - - R- - SE- - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(S-, or(SE-, N+)) + - or(N+, R-) name: explored-9741 type: explored -- comm_cost: 0.16458333333333353 - complexity: 17 +- comm_cost: 0.3402199074074076 + complexity: 18 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) name: explored-9742 type: explored -- comm_cost: 0.21319444444444458 - complexity: 14 +- comm_cost: 0.5276041666666668 + complexity: 17 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-9743 type: explored -- comm_cost: 0.3114583333333335 - complexity: 17 +- comm_cost: 0.5640625000000001 + complexity: 7 expressions: - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - R+ + - SE- + - and(K-, or(S+, R-)) name: explored-9744 type: explored -- comm_cost: 0.6424305555555556 - complexity: 7 +- comm_cost: 0.6061631944444446 + complexity: 12 expressions: - - K- - R+ - - R- - - SE- - - and(SE+, N-) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - not(R+) name: explored-9745 type: explored -- comm_cost: 0.5775578703703704 - complexity: 13 +- comm_cost: 0.6796875000000001 + complexity: 11 expressions: - - N- - - R+ - - R- - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(K-, N-) + - and(N-, or(K+, R+)) + - or(S+, N+) name: explored-9746 type: explored -- comm_cost: 0.20052083333333348 - complexity: 12 +- comm_cost: 0.3142361111111114 + complexity: 18 expressions: - N+ - - R+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-9747 type: explored -- comm_cost: 0.24635416666666687 - complexity: 18 +- comm_cost: 0.47973090277777797 + complexity: 20 expressions: + - N+ - R- - - S+ - - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(S-, not(R-)) + - or(K+, R+) name: explored-9748 type: explored -- comm_cost: 0.7033333333333336 - complexity: 12 +- comm_cost: 0.671875 + complexity: 14 expressions: - - R+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - or(S+, SE+) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(S-, or(SE-, N+)) name: explored-9749 type: explored -- comm_cost: 0.34930555555555576 - complexity: 12 +- comm_cost: 0.5062500000000001 + complexity: 6 expressions: + - K+ + - K+ - N+ - - R- - - S+ - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-9750 type: explored -- comm_cost: 0.5253472222222224 - complexity: 13 +- comm_cost: 0.5485821759259261 + complexity: 22 expressions: - N+ - - R+ - - R- - - and(S-, or(SE-, N+)) - - or(K+, or(N+, R-)) + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-9751 type: explored -- comm_cost: 0.4520833333333336 - complexity: 12 +- comm_cost: 0.5765625000000001 + complexity: 13 expressions: - - K+ - - K+ - N+ - - S+ - - and(K-, or(S+, N+)) + - R- + - S- + - SE- - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-9752 type: explored -- comm_cost: 0.75 - complexity: 10 +- comm_cost: 0.5540798611111113 + complexity: 11 expressions: - - and(K-, or(S+, SE+)) - - and(N-, or(K+, S-)) + - N+ + - R+ + - R+ + - R- + - SE- + - and(or(K+, S-), not(R-)) name: explored-9753 type: explored -- comm_cost: 0.057812500000000266 - complexity: 18 +- comm_cost: 0.4085937500000003 + complexity: 14 expressions: - - K+ - - K+ - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, N+)) + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9754 type: explored -- comm_cost: 0.5986979166666668 - complexity: 12 +- comm_cost: 0.7756944444444445 + complexity: 9 expressions: - - K+ - - K+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) + - and(K-, not(R+)) + - or(K+, or(N+, R-)) name: explored-9755 type: explored -- comm_cost: 0.5417708333333334 - complexity: 10 +- comm_cost: 0.5516493055555558 + complexity: 16 expressions: - - K+ - - K- - - R+ - - R- - - and(S-, SE-) - - or(S+, N+) + - N+ + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(S+, R-) + - or(S+, R-) name: explored-9756 type: explored -- comm_cost: 0.5020833333333334 - complexity: 16 +- comm_cost: 0.2659722222222224 + complexity: 21 expressions: + - K+ + - K+ + - N+ - R- - S+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, K-) + - and(and(K-, N-), or(S+, SE+)) name: explored-9757 type: explored -- comm_cost: 0.6708333333333334 - complexity: 4 +- comm_cost: 0.6454687500000001 + complexity: 9 expressions: - - K+ - - N+ - - R- + - K- - R- + - SE- + - and(N-, R+) + - or(K+, SE+) name: explored-9758 type: explored -- comm_cost: 0.6268518518518521 - complexity: 10 +- comm_cost: 0.4881076388888891 + complexity: 19 expressions: - N+ - - SE+ + - R- + - S+ + - S- + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9759 type: explored -- comm_cost: 0.5066840277777779 - complexity: 14 +- comm_cost: 0.5981770833333333 + complexity: 9 expressions: - - R+ - R- - - S+ - - and(K-, N-) - - and(K-, or(S+, R-)) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-9760 type: explored -- comm_cost: 0.3601851851851855 +- comm_cost: 0.4012152777777779 complexity: 17 expressions: - N+ - - N+ - R- - - SE- - and(N-, R+) - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(SE+, N-) + - or(K+, SE+) + - or(S+, R+) name: explored-9761 type: explored -- comm_cost: 0.6918402777777779 - complexity: 43 +- comm_cost: 0.6631018518518519 + complexity: 22 expressions: - - and(K-, or(SE-, N+)) + - K+ + - and(K-, SE-) + - and(N-, not(R-)) - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) - or(N+, R-) - or(S+, R+) - - or(S+, R-) - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) name: explored-9762 type: explored -- comm_cost: 0.5833333333333333 - complexity: 6 +- comm_cost: 0.42567708333333354 + complexity: 19 expressions: + - K+ + - K- - N+ - R- - - SE- - - and(K-, S+) + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-9763 type: explored -- comm_cost: 0.27305555555555583 - complexity: 16 +- comm_cost: 0.4083333333333332 + complexity: 7 expressions: - K+ - - K+ - N+ - R- - - and(N-, R+) - - and(N-, R+) + - R- - and(S-, SE-) - - or(S+, SE+) name: explored-9764 type: explored -- comm_cost: 0.7450520833333334 - complexity: 9 +- comm_cost: 0.6896990740740742 + complexity: 16 expressions: - - SE- + - R+ + - and(K-, or(N+, not(R+))) - and(N-, or(K+, S-)) - - and(S-, N-) + - and(S-, not(R-)) name: explored-9765 type: explored -- comm_cost: 0.5353240740740742 - complexity: 13 +- comm_cost: 0.7426388888888888 + complexity: 4 expressions: - K+ - - N+ + - N- - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - not(R-) + - SE- name: explored-9766 type: explored -- comm_cost: 0.49479166666666685 - complexity: 6 +- comm_cost: 0.7992187500000001 + complexity: 4 expressions: - - R+ - R- - - SE- - - and(K-, S+) + - or(K+, SE+) name: explored-9767 type: explored -- comm_cost: 0.570992476851852 - complexity: 32 +- comm_cost: 0.5631944444444448 + complexity: 10 expressions: - - K+ - - S+ - - SE+ - - and(K-, SE-) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(K+, R-) - - or(N+, R-) - - or(S+, or(N+, R-)) + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-9768 type: explored -- comm_cost: 0.5893055555555557 +- comm_cost: 0.11614583333333361 complexity: 14 expressions: + - K+ + - K+ + - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - not(R-) + - or(N+, R-) name: explored-9769 type: explored -- comm_cost: 0.4486111111111113 - complexity: 16 +- comm_cost: 0.6333622685185187 + complexity: 18 expressions: - N+ - - R- - - SE- - and(N-, R+) - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), not(R-)) name: explored-9770 type: explored -- comm_cost: 0.31597222222222243 - complexity: 13 +- comm_cost: 0.6361979166666669 + complexity: 9 expressions: - - K+ - - K+ - - N+ - - S+ + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - and(N-, or(S+, SE+)) name: explored-9771 type: explored -- comm_cost: 0.7202546296296297 - complexity: 12 +- comm_cost: 0.6825752314814816 + complexity: 37 expressions: - - R+ - - R+ - - and(N-, or(S+, R+)) - - or(S+, or(N+, R-)) + - S- + - and(K-, or(N+, not(R+))) + - and(S-, not(R-)) + - and(SE+, N-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - not(R+) + - or(K+, R+) + - or(S+, N+) + - or(S+, R-) name: explored-9772 type: explored -- comm_cost: 0.354513888888889 - complexity: 11 +- comm_cost: 0.3548177083333335 + complexity: 19 expressions: + - K+ + - K+ - N+ - - SE+ + - R- + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - or(S+, R+) name: explored-9773 type: explored -- comm_cost: 0.6946875000000001 - complexity: 3 +- comm_cost: 0.5961082175925927 + complexity: 13 expressions: - - K- - - R+ + - K+ + - N+ + - R- - SE- + - and(N-, R+) + - or(K+, K-) + - or(S+, R+) name: explored-9774 type: explored -- comm_cost: 0.6046701388888891 - complexity: 16 +- comm_cost: 0.7598611111111112 + complexity: 6 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, S-) + - R+ + - not(R-) + - or(S+, R+) name: explored-9775 type: explored -- comm_cost: 0.6545138888888891 - complexity: 10 +- comm_cost: 0.6428819444444445 + complexity: 7 expressions: - - R+ + - N+ + - R- + - S- - SE- - - or(K+, or(N+, R-)) - - or(S+, R+) + - or(N+, R-) name: explored-9776 type: explored -- comm_cost: 0.5651041666666669 - complexity: 12 +- comm_cost: 0.2532407407407409 + complexity: 16 expressions: + - K+ - N+ - R+ - R- - - SE- - - and(K-, not(R+)) - - and(S-, not(R-)) + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-9777 type: explored -- comm_cost: 0.53 - complexity: 10 +- comm_cost: 0.6840277777777779 + complexity: 7 expressions: - - N+ - - and(S-, SE-) - - and(S-, SE-) - - or(S+, SE+) + - R- + - SE- + - and(N-, or(K+, SE+)) name: explored-9778 type: explored -- comm_cost: 0.4263020833333334 - complexity: 11 +- comm_cost: 0.6907407407407409 + complexity: 9 expressions: + - N+ - R+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(S-, SE-) + - and(K-, not(R-)) + - or(K+, R+) name: explored-9779 type: explored -- comm_cost: 0.5753472222222222 - complexity: 8 +- comm_cost: 0.6754745370370372 + complexity: 10 expressions: - - N+ - - R- - - S+ - - and(N-, or(S+, R+)) + - N- + - R+ + - and(N-, or(K+, SE+)) + - and(SE+, N-) name: explored-9780 type: explored -- comm_cost: 0.7020833333333334 - complexity: 11 +- comm_cost: 0.5163194444444447 + complexity: 13 expressions: - - R+ - - SE+ - - and(or(K+, S-), not(R-)) - - or(S+, R+) + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(N+, R-) name: explored-9781 type: explored -- comm_cost: 0.27013888888888915 - complexity: 17 +- comm_cost: 0.5452083333333335 + complexity: 13 expressions: - N+ - - S+ + - R+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(N+, R-) + - or(S+, N+) + - or(S+, SE+) name: explored-9782 type: explored -- comm_cost: 0.47916666666666663 - complexity: 7 +- comm_cost: 0.6153240740740742 + complexity: 13 expressions: - - K+ - - K+ - - N+ - - S+ - - and(S-, SE-) + - R- + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - or(K+, S-) name: explored-9783 type: explored -- comm_cost: 0.7076388888888889 - complexity: 18 - expressions: - - K+ - - and(K-, or(SE-, N+)) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - or(S+, N+) - name: explored-9784 - type: explored -- comm_cost: 0.3007812500000001 - complexity: 12 +- comm_cost: 0.4028645833333335 + complexity: 15 expressions: - N+ - - R- - - R- - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(S+, R+) - name: explored-9785 + - and(S-, not(R+)) + name: explored-9784 type: explored -- comm_cost: 0.6505787037037039 - complexity: 11 +- comm_cost: 0.6752314814814816 + complexity: 12 expressions: - R+ + - and(K-, N-) + - and(N-, or(K+, S-)) - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-9786 + name: explored-9785 type: explored -- comm_cost: 0.3777488425925928 - complexity: 16 +- comm_cost: 0.377777777777778 + complexity: 15 expressions: - K+ - N+ + - N+ + - N- - R- - - S- + - SE- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, R-) - name: explored-9787 + name: explored-9786 type: explored -- comm_cost: 0.5609375 - complexity: 11 +- comm_cost: 0.4614583333333335 + complexity: 12 expressions: - - K+ + - N+ - R- - - S+ - - and(S-, SE-) - - or(S+, or(N+, R-)) + - SE+ + - SE- + - and(N-, R+) + - and(S-, or(SE-, N+)) + name: explored-9787 + type: explored +- comm_cost: 0.6308159722222223 + complexity: 10 + expressions: + - R+ + - SE- + - and(SE-, or(K+, S-)) + - or(K+, SE+) name: explored-9788 type: explored -- comm_cost: 0.3572916666666669 - complexity: 15 +- comm_cost: 0.6144097222222223 + complexity: 9 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(K+, R-) + - R+ + - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-9789 type: explored -- comm_cost: 0.41180555555555587 - complexity: 9 +- comm_cost: 0.2532986111111113 + complexity: 21 expressions: - K+ + - N+ - R- - - and(K-, not(R+)) + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-9790 type: explored -- comm_cost: 0.7285590277777779 - complexity: 9 +- comm_cost: 0.6142361111111113 + complexity: 8 expressions: - - and(K-, or(S+, SE+)) - - and(S-, not(R-)) + - R+ + - SE- + - and(K-, S+) + - or(S+, N+) name: explored-9791 type: explored -- comm_cost: 0.6071469907407409 - complexity: 22 - expressions: - - R- - - and(K-, or(S+, R+)) - - and(N-, or(K+, SE+)) - - and(and(S-, N-), not(R-)) - - not(R+) - - or(K+, N+) - name: explored-9792 - type: explored -- comm_cost: 0.55859375 - complexity: 14 +- comm_cost: 0.5264467592592594 + complexity: 16 expressions: - N+ - R- - - and(K-, not(R-)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - name: explored-9793 + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(K+, or(N+, R-)) + name: explored-9792 type: explored -- comm_cost: 0.6673611111111113 - complexity: 9 +- comm_cost: 0.35703125000000036 + complexity: 19 expressions: + - K+ + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) - name: explored-9794 + - and(S-, not(R+)) + - not(R+) + name: explored-9793 type: explored -- comm_cost: 0.4164062500000003 - complexity: 14 +- comm_cost: 0.36163194444444446 + complexity: 20 expressions: - K+ - N+ - R- - and(K-, S+) + - and(K-, or(S+, R-)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + name: explored-9794 + type: explored +- comm_cost: 0.6028645833333335 + complexity: 5 + expressions: + - S- + - SE- - and(N-, R+) - - or(S+, or(N+, R-)) name: explored-9795 type: explored -- comm_cost: 2.220446049250313e-16 - complexity: 18 +- comm_cost: 0.3270833333333333 + complexity: 12 expressions: - K+ - N+ - R- - and(K-, S+) - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - and(S-, SE-) name: explored-9796 type: explored -- comm_cost: 0.43680555555555567 - complexity: 10 +- comm_cost: 0.32881944444444466 + complexity: 21 expressions: - N+ - R- - - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(S-, not(R-)) name: explored-9797 type: explored -- comm_cost: 0.663961226851852 - complexity: 16 +- comm_cost: 0.5195312500000002 + complexity: 15 + expressions: + - N+ + - R- + - S+ + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + name: explored-9798 + type: explored +- comm_cost: 0.6287615740740742 + complexity: 15 expressions: - - R+ - SE- + - and(N-, R+) - and(N-, or(K+, SE+)) - and(or(K+, S-), not(R-)) - - or(S+, R-) - name: explored-9798 + name: explored-9799 type: explored -- comm_cost: 0.5558159722222223 - complexity: 13 +- comm_cost: 0.4959490740740742 + complexity: 15 expressions: - N+ - - R- + - R+ - SE- - - and(N-, or(K+, S-)) - - and(SE-, or(K+, S-)) - name: explored-9799 + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, not(R+)) + name: explored-9800 type: explored -- comm_cost: 0.7088975694444446 - complexity: 24 +- comm_cost: 0.7093750000000001 + complexity: 2 expressions: + - K+ - S- - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - or(K+, N+) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-9800 + name: explored-9801 type: explored -- comm_cost: 0.26875000000000027 - complexity: 11 +- comm_cost: 0.5194444444444446 + complexity: 19 expressions: - N+ - - R- - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - name: explored-9801 - type: explored -- comm_cost: 0.7756076388888888 - complexity: 9 - expressions: - - SE- - - and(K-, SE-) - - or(S+, or(N+, R-)) + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9802 type: explored -- comm_cost: 0.419618055555556 - complexity: 19 +- comm_cost: 0.32111111111111135 + complexity: 13 expressions: - - and(K-, or(S+, N+)) + - N+ + - R- + - R- - and(N-, R+) - - and(S-, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-9803 type: explored -- comm_cost: 0.34996527777777797 - complexity: 12 +- comm_cost: 0.5601388888888891 + complexity: 11 expressions: - - K+ - N+ - - N- - - R- - - R- - - S+ + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) + - not(R-) name: explored-9804 type: explored -- comm_cost: 0.6408333333333334 - complexity: 3 +- comm_cost: 0.7758680555555557 + complexity: 9 expressions: - - N+ - - N- - - R- + - R+ + - and(K-, or(S+, SE+)) + - or(K+, SE+) name: explored-9805 type: explored -- comm_cost: 0.557465277777778 - complexity: 9 +- comm_cost: 0.4973958333333335 + complexity: 10 expressions: + - R+ - R- - SE- - - SE- - - and(N-, R+) - - or(K+, SE+) + - and(K-, S+) + - and(S-, not(R+)) name: explored-9806 type: explored -- comm_cost: 0.5993055555555558 - complexity: 15 +- comm_cost: 0.3743055555555558 + complexity: 13 expressions: - - R+ - - and(N-, or(K+, R+)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) + - K+ + - N+ + - R- + - R- + - SE- + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-9807 type: explored -- comm_cost: 0.6465277777777779 - complexity: 12 +- comm_cost: 0.15390625000000036 + complexity: 17 expressions: - - and(K-, or(S+, R+)) - - and(N-, not(R-)) + - K+ + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-9808 type: explored -- comm_cost: 0.7065046296296298 - complexity: 11 +- comm_cost: 0.3835069444444448 + complexity: 20 expressions: - K+ - - R+ + - N+ - R- - - and(K-, or(S+, R+)) - - or(S+, SE+) + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-9809 type: explored -- comm_cost: 0.3250000000000002 - complexity: 20 +- comm_cost: 0.6269097222222224 + complexity: 12 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, R-) + - R+ + - SE- + - and(N-, or(K+, SE+)) + - or(K+, or(N+, R-)) name: explored-9810 type: explored -- comm_cost: 0.4111111111111114 - complexity: 13 +- comm_cost: 0.6468750000000002 + complexity: 6 expressions: - K+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - R+ + - or(N+, not(R+)) name: explored-9811 type: explored -- comm_cost: 0.40755208333333337 - complexity: 11 +- comm_cost: 0.3918981481481485 + complexity: 17 expressions: - K+ - - R+ + - N+ - R- - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-9812 type: explored -- comm_cost: 0.5449074074074075 - complexity: 10 +- comm_cost: 0.527170138888889 + complexity: 8 expressions: + - K+ - N+ - R- - SE- - - and(K-, not(R+)) - - and(S-, N-) + - and(N-, not(R-)) name: explored-9813 type: explored -- comm_cost: 0.42057291666666685 - complexity: 11 +- comm_cost: 0.5840740740740742 + complexity: 13 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(K-, N-) + - SE- - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(S+, SE+) name: explored-9814 type: explored -- comm_cost: 0.6875 - complexity: 5 +- comm_cost: 0.6262152777777779 + complexity: 8 expressions: - - K+ - - N+ - - and(K-, S+) + - R+ + - and(S-, SE-) + - and(S-, not(R-)) name: explored-9815 type: explored -- comm_cost: 0.5503472222222223 - complexity: 13 +- comm_cost: 0.42500000000000027 + complexity: 17 expressions: - N+ - R- - - S+ - - S- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - and(N-, and(or(K+, S-), not(R-))) name: explored-9816 type: explored -- comm_cost: 0.596701388888889 - complexity: 7 +- comm_cost: 0.17591145833333366 + complexity: 16 expressions: - - R+ - - SE+ - - and(SE-, or(K+, S-)) + - K+ + - N+ + - R- + - S+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-9817 type: explored -- comm_cost: 0.733576388888889 - complexity: 9 +- comm_cost: 0.8 + complexity: 6 expressions: - - K- - - R+ - - or(and(K-, S+), or(N+, R-)) + - or(K+, S-) + - or(S+, SE+) name: explored-9818 type: explored -- comm_cost: 0.6358333333333334 - complexity: 4 +- comm_cost: 0.21119791666666698 + complexity: 18 expressions: - K+ - - K- + - K+ - N+ - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, N+) name: explored-9819 type: explored -- comm_cost: 0.3968750000000002 - complexity: 14 +- comm_cost: 0.5778356481481483 + complexity: 8 expressions: - - N+ + - R+ - R- - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - SE+ + - SE- + - and(S-, not(R+)) name: explored-9820 type: explored -- comm_cost: 0.5489583333333334 - complexity: 14 +- comm_cost: 0.5284722222222222 + complexity: 10 expressions: - - R+ - - and(K-, SE-) - - and(N-, or(K+, R+)) - - and(SE-, or(K+, S-)) + - N+ + - R- + - and(N-, and(or(K+, S-), not(R-))) name: explored-9821 type: explored -- comm_cost: 0.27656250000000016 - complexity: 15 +- comm_cost: 0.23211805555555598 + complexity: 17 expressions: - K+ - - K+ - N+ - R- - - and(K-, or(S+, SE+)) + - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - or(K+, N+) name: explored-9822 type: explored -- comm_cost: 0.44791666666666685 - complexity: 8 +- comm_cost: 0.34479166666666705 + complexity: 15 expressions: - K+ - - N+ - - R- - - SE+ - - SE- + - and(K-, SE-) + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) name: explored-9823 type: explored -- comm_cost: 0.42245370370370394 - complexity: 24 +- comm_cost: 0.6763888888888888 + complexity: 9 expressions: - K+ - N+ - R- - - SE- - - and(N-, R+) - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, S+) + - or(S+, R-) name: explored-9824 type: explored -- comm_cost: 0.75 - complexity: 8 - expressions: - - and(N-, or(K+, S-)) - - or(SE-, N+) - name: explored-9825 - type: explored -- comm_cost: 0.5579166666666668 +- comm_cost: 0.5984375000000002 complexity: 13 expressions: - - N- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - name: explored-9826 + - R+ + - R- + - SE- + - and(K-, or(S+, R+)) + - or(K+, or(N+, R-)) + name: explored-9825 type: explored -- comm_cost: 0.4123697916666669 - complexity: 20 +- comm_cost: 0.36250000000000004 + complexity: 12 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - or(S+, or(N+, R-)) - name: explored-9827 + - or(S+, R+) + name: explored-9826 type: explored -- comm_cost: 0.4489930555555557 - complexity: 15 +- comm_cost: 0.25364583333333357 + complexity: 12 expressions: - N+ + - R+ - R- - - S+ - and(N-, R+) - and(S-, SE-) + - or(K+, N+) + name: explored-9827 + type: explored +- comm_cost: 0.7286111111111112 + complexity: 8 + expressions: + - SE- + - and(S-, not(R-)) - or(K+, S-) - - or(S+, N+) name: explored-9828 type: explored -- comm_cost: 0.5107638888888891 +- comm_cost: 0.5940625000000002 complexity: 18 expressions: - K+ - - N+ - - R- - - SE- - - and(K-, N-) - - and(K-, N-) + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, or(SE-, N+)) + - not(R-) + - or(N+, not(R+)) name: explored-9829 type: explored -- comm_cost: 0.15937500000000027 - complexity: 12 +- comm_cost: 0.5707175925925927 + complexity: 13 expressions: - - N+ - - R- + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - SE- + - and(S-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-9830 type: explored -- comm_cost: 0.2328125000000003 - complexity: 11 +- comm_cost: 0.6597222222222223 + complexity: 7 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(SE-, or(K+, S-)) + - R+ + - or(K+, R-) + - or(S+, R-) name: explored-9831 type: explored -- comm_cost: 0.7354166666666666 - complexity: 5 +- comm_cost: 0.6322916666666668 + complexity: 11 expressions: - - N+ - SE- - - or(K+, K-) + - and(K-, or(S+, R-)) + - and(N-, or(K+, R+)) name: explored-9832 type: explored -- comm_cost: 0.6410648148148148 - complexity: 9 +- comm_cost: 0.39814814814814836 + complexity: 22 expressions: - - K+ - - K- - N+ - R- - - SE- - - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-9833 type: explored -- comm_cost: 0.6066666666666669 - complexity: 11 +- comm_cost: 0.42500000000000016 + complexity: 9 expressions: + - N+ + - R- - SE- - - and(N-, R+) - - and(S-, N-) - - or(N+, not(R+)) + - and(and(S-, N-), not(R-)) name: explored-9834 type: explored -- comm_cost: 0.4314351851851854 - complexity: 16 +- comm_cost: 0.7763020833333334 + complexity: 4 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - not(R-) + - R+ + - or(K+, SE+) name: explored-9835 type: explored -- comm_cost: 0.3171875000000002 - complexity: 13 +- comm_cost: 0.41770833333333346 + complexity: 6 expressions: - K+ - - R- - - and(N-, R+) + - K+ + - R+ - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-9836 type: explored -- comm_cost: 0.4492621527777779 - complexity: 21 +- comm_cost: 0.2703125000000002 + complexity: 15 expressions: + - K+ - N+ + - R+ - R- - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, R+) + - and(S-, not(R+)) name: explored-9837 type: explored -- comm_cost: 0.2015625000000003 +- comm_cost: 0.5824074074074076 complexity: 16 expressions: - K+ - N+ - R- - - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(N+, R-) + - and(N-, or(K+, SE+)) + - or(K+, or(N+, R-)) name: explored-9838 type: explored -- comm_cost: 0.5996527777777779 - complexity: 9 +- comm_cost: 0.49288194444444466 + complexity: 12 expressions: - - R+ - - SE- - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - not(R+) name: explored-9839 type: explored -- comm_cost: 0.5055555555555558 - complexity: 16 +- comm_cost: 0.4549479166666668 + complexity: 25 expressions: + - K+ - N+ - R- - - SE- - - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(S-, SE-) - and(or(K+, S-), not(R-)) name: explored-9840 type: explored -- comm_cost: 0.4101562500000002 - complexity: 15 +- comm_cost: 0.23125000000000018 + complexity: 11 expressions: - - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) - - or(S+, or(N+, R-)) + - and(S-, SE-) name: explored-9841 type: explored -- comm_cost: 0.12109375000000022 - complexity: 14 +- comm_cost: 0.517013888888889 + complexity: 8 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - SE- + - and(K-, not(R+)) name: explored-9842 type: explored -- comm_cost: 0.4300781250000002 - complexity: 24 +- comm_cost: 0.6784722222222224 + complexity: 7 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-9843 type: explored -- comm_cost: 0.4881944444444446 - complexity: 11 +- comm_cost: 0.5895833333333333 + complexity: 13 expressions: - K+ - - R- - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - N+ + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(S-, SE-) name: explored-9844 type: explored -- comm_cost: 0.6441550925925927 - complexity: 33 +- comm_cost: 0.734375 + complexity: 10 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) + - N+ + - SE- + - and(K-, or(S+, SE+)) + - or(K+, K-) name: explored-9845 type: explored -- comm_cost: 0.6167824074074075 - complexity: 15 +- comm_cost: 0.5881076388888891 + complexity: 18 expressions: - - N+ - R+ - SE- - - and(K-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-9846 type: explored -- comm_cost: 0.44644097222222234 - complexity: 17 +- comm_cost: 0.3812500000000003 + complexity: 13 expressions: - K+ - N+ + - R+ - R- - - S- - - and(K-, S+) + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) name: explored-9847 type: explored -- comm_cost: 0.4612847222222224 - complexity: 26 +- comm_cost: 0.5655092592592594 + complexity: 16 expressions: - - K+ - N+ + - N- - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) + - and(S-, not(R+)) + - or(K+, K-) name: explored-9848 type: explored -- comm_cost: 0.25885416666666683 - complexity: 24 +- comm_cost: 0.6196990740740742 + complexity: 10 expressions: - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - or(K+, R+) + - or(S+, SE+) name: explored-9849 type: explored -- comm_cost: 0.2958333333333336 - complexity: 16 +- comm_cost: 0.6706597222222224 + complexity: 14 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, or(SE-, N+)) - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(K-, or(S+, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-9850 type: explored -- comm_cost: 0.4515625000000003 - complexity: 15 +- comm_cost: 0.733576388888889 + complexity: 9 + expressions: + - R+ + - or(K+, S-) + - or(K+, or(N+, R-)) + name: explored-9851 + type: explored +- comm_cost: 0.6696354166666668 + complexity: 12 expressions: - - K+ - - N+ - R+ - R- - SE- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-9851 + - and(K-, or(S+, SE+)) + - or(N+, not(R+)) + name: explored-9852 type: explored -- comm_cost: 0.26753472222222263 - complexity: 18 +- comm_cost: 0.4980555555555557 + complexity: 15 expressions: - - K+ - N+ + - R- - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - name: explored-9852 - type: explored -- comm_cost: 0.6694444444444446 - complexity: 11 - expressions: - - R+ - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) + - or(N+, not(R+)) + - or(S+, SE+) name: explored-9853 type: explored -- comm_cost: 0.5333333333333334 +- comm_cost: 0.7493055555555557 complexity: 7 expressions: - - N+ - - and(S-, N-) - - and(S-, SE-) + - SE- + - and(and(K-, N-), not(R-)) name: explored-9854 type: explored -- comm_cost: 0.5194444444444446 - complexity: 14 +- comm_cost: 0.6991302083333334 + complexity: 30 expressions: - - R- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) + - N+ + - S- + - SE+ + - and(K-, N-) + - and(S-, N-) + - and(or(K+, S-), not(R+)) + - or(K+, or(N+, R-)) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-9855 type: explored -- comm_cost: 0.5198784722222224 - complexity: 9 +- comm_cost: 0.501041666666667 + complexity: 6 expressions: - - K+ - - N+ - - SE- + - and(K-, SE-) - and(N-, R+) - - or(K+, SE+) name: explored-9856 type: explored -- comm_cost: 0.6527777777777779 - complexity: 13 +- comm_cost: 0.3305989583333335 + complexity: 14 expressions: + - K+ + - K+ + - N+ - R+ - - and(K-, or(S+, N+)) - - and(S-, not(R-)) - - or(S+, N+) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-9857 type: explored -- comm_cost: 0.5423611111111113 - complexity: 14 +- comm_cost: 0.42500000000000027 + complexity: 11 expressions: - N+ - R- + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(K+, S-) + - and(N-, or(K+, SE+)) name: explored-9858 type: explored -- comm_cost: 0.7060762235449736 - complexity: 40 +- comm_cost: 0.4070167824074076 + complexity: 17 expressions: + - K+ + - K+ + - N+ - R- - - and(K-, or(S+, R+)) - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) - - or(K+, R+) - - or(K+, R-) - - or(K+, or(N+, R-)) - - or(N+, not(R+)) + - S+ + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) name: explored-9859 type: explored -- comm_cost: 0.7358333333333333 - complexity: 11 +- comm_cost: 0.6369791666666669 + complexity: 21 expressions: - - SE- - - or(S+, SE+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-9860 type: explored -- comm_cost: 0.7176359953703705 - complexity: 15 +- comm_cost: 0.6104166666666666 + complexity: 4 expressions: - - S+ - - SE+ - - and(N-, or(K+, S-)) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - N+ + - R- + - SE- + - SE- name: explored-9861 type: explored -- comm_cost: 0.44745370370370385 - complexity: 18 +- comm_cost: 0.7385186838624339 + complexity: 36 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(and(K-, N-), not(R-)) + - S+ + - and(K-, S+) + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - or(K+, K-) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-9862 type: explored -- comm_cost: 0.5566666666666666 - complexity: 8 +- comm_cost: 0.6307291666666668 + complexity: 10 expressions: - - N+ - - R- - - R- - - and(S-, SE-) - - not(R-) + - R+ + - SE- + - and(N-, or(S+, SE+)) + - or(N+, R-) name: explored-9863 type: explored -- comm_cost: 0.5550000000000002 - complexity: 14 +- comm_cost: 0.5178819444444447 + complexity: 10 expressions: - - N+ + - R+ - SE- - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(S+, SE+) + - or(K+, or(N+, R-)) name: explored-9864 type: explored -- comm_cost: 0.5368055555555555 - complexity: 14 - expressions: +- comm_cost: 0.12604166666666705 + complexity: 12 + expressions: - K+ - N+ - R- - - S+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-9865 type: explored -- comm_cost: 0.574027777777778 - complexity: 13 +- comm_cost: 0.7719212962962965 + complexity: 9 expressions: - - N- - - R- - - SE- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(N-, or(S+, R+)) + - or(S+, SE+) name: explored-9866 type: explored -- comm_cost: 0.5274305555555557 - complexity: 12 +- comm_cost: 0.5127430555555557 + complexity: 14 expressions: - - R+ + - K- + - N+ - R- - - SE- - - and(K-, S+) - - or(N+, R-) - - or(N+, R-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-9867 type: explored -- comm_cost: 0.5859375 +- comm_cost: 0.49765625000000013 complexity: 8 expressions: - K+ - N+ - R- - - SE- - - and(S-, not(R+)) + - S+ + - S- + - and(S-, SE-) name: explored-9868 type: explored -- comm_cost: 0.6093750000000001 - complexity: 12 +- comm_cost: 0.5197222222222224 + complexity: 11 expressions: - - R+ + - N+ - SE- - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(N-, R+) + - or(S+, SE+) name: explored-9869 type: explored -- comm_cost: 0.6539930555555558 - complexity: 14 +- comm_cost: 0.33372395833333346 + complexity: 23 expressions: - - R+ - - and(and(K-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(S+, R+) name: explored-9870 type: explored -- comm_cost: 0.6248263888888891 - complexity: 15 +- comm_cost: 0.5395833333333335 + complexity: 11 expressions: + - K+ + - K+ - N+ - - R+ - - and(and(K-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - R- + - S+ + - and(N-, R+) + - or(K+, K-) name: explored-9871 type: explored -- comm_cost: 0.8300000000000001 - complexity: 1 +- comm_cost: 0.11250000000000027 + complexity: 16 expressions: - - N- + - K+ + - N+ + - R- + - SE- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-9872 type: explored -- comm_cost: 0.5765625000000001 - complexity: 9 +- comm_cost: 0.4667534722222223 + complexity: 19 expressions: - - R+ + - N+ - R- - - S+ + - S- + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, K-) + - and(S-, or(SE-, N+)) name: explored-9873 type: explored -- comm_cost: 0.6090277777777778 - complexity: 9 +- comm_cost: 0.3017361111111112 + complexity: 13 expressions: - - R+ - - R- - - SE- - - SE- - - and(N-, or(K+, S-)) + - N+ + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-9874 type: explored -- comm_cost: 0.4516203703703705 - complexity: 18 +- comm_cost: 0.08125000000000027 + complexity: 10 expressions: - K+ + - K+ - N+ - R- - - SE- - - and(K-, or(S+, R+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) name: explored-9875 type: explored -- comm_cost: 0.651388888888889 +- comm_cost: 0.6098958333333335 complexity: 8 expressions: + - N+ + - R+ - R- - - SE- - - and(and(K-, N-), not(R-)) + - and(K-, or(S+, R-)) name: explored-9876 type: explored -- comm_cost: 0.2275462962962964 - complexity: 21 +- comm_cost: 0.5914641203703704 + complexity: 19 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - SE- + - and(N-, or(K+, S-)) + - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-9877 type: explored -- comm_cost: 0.27604166666666696 - complexity: 15 +- comm_cost: 0.3495949074074076 + complexity: 24 expressions: + - K+ + - N+ - R- - and(K-, S+) - - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), or(S+, R+)) name: explored-9878 type: explored -- comm_cost: 0.35173611111111136 - complexity: 13 +- comm_cost: 0.3548611111111114 + complexity: 19 expressions: - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-9879 type: explored -- comm_cost: 0.4755208333333334 - complexity: 9 +- comm_cost: 0.539670138888889 + complexity: 13 expressions: - - K+ - - R+ - - R- + - N+ + - SE- - and(K-, N-) - - and(S-, SE-) + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-9880 type: explored -- comm_cost: 0.3495833333333336 - complexity: 20 +- comm_cost: 0.5710937500000002 + complexity: 14 expressions: - - K+ - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - and(N-, or(K+, S-)) + - or(S+, or(N+, R-)) name: explored-9881 type: explored -- comm_cost: 0.34335937500000024 - complexity: 17 +- comm_cost: 0.5916666666666668 + complexity: 7 expressions: - - K+ - - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - R- + - SE- + - or(S+, R+) name: explored-9882 type: explored -- comm_cost: 0.5971932870370372 - complexity: 10 +- comm_cost: 0.4222222222222225 + complexity: 15 expressions: - - R+ + - K+ - R- - - SE- - - not(R+) - - or(K+, or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-9883 type: explored -- comm_cost: 0.5755208333333335 - complexity: 10 +- comm_cost: 0.6231018518518519 + complexity: 15 expressions: + - K+ - N+ - - R+ - - SE- - - and(and(K-, N-), or(S+, R+)) + - R- + - and(K-, S+) + - and(S-, SE-) + - or(K+, K-) + - or(K+, S-) name: explored-9884 type: explored -- comm_cost: 0.4423611111111113 - complexity: 9 +- comm_cost: 0.338715277777778 + complexity: 17 expressions: + - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - or(K+, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, R-) name: explored-9885 type: explored -- comm_cost: 0.5784722222222223 - complexity: 13 +- comm_cost: 0.82578125 + complexity: 4 expressions: - K+ - - N+ - - R- - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(SE-, N+) name: explored-9886 type: explored -- comm_cost: 0.6552083333333334 - complexity: 7 +- comm_cost: 0.2791666666666668 + complexity: 16 expressions: + - K+ - R+ - R- - - and(N-, or(K+, S-)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-9887 type: explored -- comm_cost: 0.33125000000000027 - complexity: 14 +- comm_cost: 0.3518229166666669 + complexity: 16 expressions: - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-9888 type: explored -- comm_cost: 0.3631944444444448 - complexity: 7 +- comm_cost: 0.6958159722222224 + complexity: 11 expressions: - - K+ - - N+ - - SE- + - N- + - R+ - SE- - - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9889 type: explored -- comm_cost: 0.5101388888888891 +- comm_cost: 0.4809027777777781 complexity: 14 expressions: - - K- - N+ - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-9890 type: explored -- comm_cost: 0.24505208333333361 - complexity: 16 +- comm_cost: 0.2934027777777779 + complexity: 19 expressions: - K+ - - K+ - - K+ + - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-9891 type: explored -- comm_cost: 0.6901041666666666 - complexity: 7 +- comm_cost: 0.7302083333333335 + complexity: 14 expressions: - - R- - - S+ - - and(K-, or(SE-, N+)) + - R+ + - and(and(K-, N-), or(S+, R+)) + - or(N+, R-) + - or(S+, SE+) name: explored-9892 type: explored -- comm_cost: 0.5762152777777779 - complexity: 19 +- comm_cost: 0.3870659722222223 + complexity: 12 expressions: - - R+ - - R- - - SE- - - and(K-, S+) - - and(and(K-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - K+ + - N+ + - S+ + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-9893 type: explored -- comm_cost: 0.5583333333333333 - complexity: 8 +- comm_cost: 0.3612847222222224 + complexity: 20 expressions: + - N+ - R- - - R- - - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-9894 type: explored -- comm_cost: 0.3089843750000002 - complexity: 14 +- comm_cost: 0.47181712962962974 + complexity: 19 expressions: - K+ + - K- - N+ - R- - - R- - - R- + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, SE+) name: explored-9895 type: explored -- comm_cost: 0.7197222222222224 - complexity: 10 +- comm_cost: 0.5635850694444446 + complexity: 20 expressions: - - SE- - - and(N-, or(K+, SE+)) - - or(N+, not(R+)) + - N+ + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(K+, K-) name: explored-9896 type: explored -- comm_cost: 0.48916666666666675 - complexity: 15 +- comm_cost: 0.35815972222222237 + complexity: 18 expressions: + - K+ - N+ - - N- - R- - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-9897 type: explored -- comm_cost: 0.2244791666666669 - complexity: 17 +- comm_cost: 0.6313946759259261 + complexity: 13 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - S+ - - and(K-, or(S+, R+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - or(K+, K-) name: explored-9898 type: explored -- comm_cost: 0.37111111111111117 - complexity: 16 +- comm_cost: 0.3914062500000002 + complexity: 22 expressions: - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, or(K+, SE+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, R+) + - or(K+, SE+) name: explored-9899 type: explored -- comm_cost: 0.6720833333333334 - complexity: 7 +- comm_cost: 0.5226562500000002 + complexity: 10 expressions: + - K+ + - K+ + - N+ - R- - - and(S-, SE-) - - or(K+, S-) + - and(N-, R+) + - or(S+, R+) name: explored-9900 type: explored -- comm_cost: 0.6765914351851853 - complexity: 16 +- comm_cost: 0.6109375000000001 + complexity: 15 expressions: - R+ - - R- - SE- - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - - or(K+, K-) + - and(K-, or(SE-, N+)) + - or(K+, N+) + - or(S+, or(N+, R-)) name: explored-9901 type: explored -- comm_cost: 0.4969618055555558 - complexity: 13 +- comm_cost: 0.414658564814815 + complexity: 19 expressions: - - K- + - K+ - N+ - R- - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, R+) + - or(N+, not(R+)) name: explored-9902 type: explored -- comm_cost: 0.31802083333333353 - complexity: 13 +- comm_cost: 0.3255208333333337 + complexity: 9 expressions: - - K+ - N+ - R- - - S+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - not(R+) name: explored-9903 type: explored -- comm_cost: 0.3791666666666669 - complexity: 19 +- comm_cost: 0.7852777777777779 + complexity: 7 expressions: - - K+ - - N+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - N- + - and(and(K-, N-), not(R-)) name: explored-9904 type: explored -- comm_cost: 0.5258680555555557 +- comm_cost: 0.4187500000000002 complexity: 10 expressions: - - SE- + - R- - and(N-, R+) - - and(S-, N-) - - or(K+, N+) + - and(S-, SE-) + - and(SE+, N-) name: explored-9905 type: explored -- comm_cost: 0.39809027777777795 - complexity: 18 +- comm_cost: 0.6639351851851852 + complexity: 36 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - and(SE+, N-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) + - or(K+, R+) name: explored-9906 type: explored -- comm_cost: 0.3451388888888891 - complexity: 16 +- comm_cost: 0.36875000000000024 + complexity: 15 expressions: - - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, not(R+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-9907 type: explored -- comm_cost: 0.32395833333333357 - complexity: 18 +- comm_cost: 0.6870486111111113 + complexity: 4 expressions: - - K+ - - N+ - - R- + - K- + - R+ + - SE- - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(S+, R-) name: explored-9908 type: explored -- comm_cost: 0.5575520833333335 - complexity: 11 +- comm_cost: 0.24079861111111134 + complexity: 14 expressions: - N+ - - S- - - SE- - - and(K-, or(SE-, N+)) + - S+ - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-9909 type: explored -- comm_cost: 0.5722222222222224 - complexity: 9 +- comm_cost: 0.4667534722222224 + complexity: 19 expressions: - N+ + - R- + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, or(K+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9910 type: explored -- comm_cost: 0.581076388888889 - complexity: 8 +- comm_cost: 0.33125000000000027 + complexity: 10 expressions: - - N+ - - N- - - R+ + - K+ - R- + - S+ - SE- - - and(K-, S+) + - and(N-, R+) + - or(K+, N+) name: explored-9911 type: explored -- comm_cost: 0.6989756944444445 - complexity: 12 +- comm_cost: 0.4623263888888891 + complexity: 10 expressions: - - N- + - N+ - R+ - - and(S-, N-) - - and(SE-, or(K+, S-)) - - not(R-) + - R- + - and(K-, not(R+)) + - and(N-, R+) name: explored-9912 type: explored -- comm_cost: 0.08125000000000027 - complexity: 10 +- comm_cost: 0.29942129629629655 + complexity: 20 expressions: - - K+ - N+ - R- - - R- + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, N-) + - and(S-, SE-) - and(S-, SE-) name: explored-9913 type: explored -- comm_cost: 0.6920717592592593 - complexity: 8 +- comm_cost: 0.5020833333333334 + complexity: 7 expressions: + - N+ + - R+ - R- - - S- - SE- - - or(K+, or(N+, R-)) + - or(K+, R-) name: explored-9914 type: explored -- comm_cost: 0.6645833333333335 - complexity: 13 +- comm_cost: 0.45078125000000024 + complexity: 9 expressions: - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-9915 type: explored -- comm_cost: 0.5998177083333335 - complexity: 27 +- comm_cost: 0.5932291666666667 + complexity: 14 expressions: + - N+ - R- - - S- - - SE- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(K-, or(S+, N+)) + - and(S-, SE-) + - or(K+, K-) name: explored-9916 type: explored -- comm_cost: 0.32083333333333364 - complexity: 11 +- comm_cost: 0.24791666666666679 + complexity: 21 expressions: - - and(K-, or(S+, R-)) + - K+ + - K+ + - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) name: explored-9917 type: explored -- comm_cost: 0.5301041666666668 - complexity: 10 +- comm_cost: 0.5256944444444446 + complexity: 13 expressions: - - K+ - R+ - R- - - S+ - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) name: explored-9918 type: explored -- comm_cost: 0.6089120370370371 - complexity: 15 +- comm_cost: 0.6277777777777778 + complexity: 10 expressions: - - R+ - - SE- - - and(N-, or(K+, SE+)) - - and(S-, N-) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-9919 type: explored -- comm_cost: 0.6157986111111112 - complexity: 6 +- comm_cost: 0.6107638888888889 + complexity: 13 expressions: - - R+ + - K+ - R- - - and(S-, not(R-)) + - and(K-, or(S+, N+)) + - and(S-, SE-) + - or(K+, K-) name: explored-9920 type: explored -- comm_cost: 0.7368055555555556 - complexity: 6 +- comm_cost: 0.5616319444444445 + complexity: 8 expressions: - - K+ + - R+ - R- - SE- - - or(K+, K-) + - and(K-, or(S+, R+)) name: explored-9921 type: explored -- comm_cost: 0.6740416666666668 - complexity: 13 +- comm_cost: 0.27708333333333346 + complexity: 15 expressions: - - K- - N+ - - R+ - R- - - SE- - - and(K-, or(SE-, N+)) - - or(K+, S-) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-9922 type: explored -- comm_cost: 0.6500000000000001 - complexity: 16 +- comm_cost: 0.42934027777777795 + complexity: 15 expressions: - - R+ + - N+ + - N+ - R- - - and(K-, not(R-)) - - and(K-, not(R-)) - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, R+) name: explored-9923 type: explored -- comm_cost: 0.7708333333333335 - complexity: 3 +- comm_cost: 0.6415682870370372 + complexity: 30 expressions: - - and(S-, N-) + - SE+ + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - or(K+, N+) + - or(K+, R+) + - or(S+, R+) name: explored-9924 type: explored -- comm_cost: 0.4320312500000002 - complexity: 9 +- comm_cost: 0.4125 + complexity: 12 expressions: - K+ + - K+ - N+ - - S- - - and(N-, R+) + - N+ + - R- + - S+ - and(S-, SE-) + - or(K+, R-) name: explored-9925 type: explored -- comm_cost: 0.35771122685185197 - complexity: 20 +- comm_cost: 0.39806134259259274 + complexity: 24 expressions: - - K+ - N+ - R- - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, R+) - - or(S+, N+) + - and(S-, or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-9926 type: explored -- comm_cost: 0.40663773148148163 - complexity: 24 +- comm_cost: 0.6857261904761905 + complexity: 40 expressions: - - K+ - - N+ - - N- - - R- - - S+ - - and(N-, R+) + - and(K-, N-) + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) + - and(N-, not(R-)) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) + - or(S+, N+) + - or(S+, SE+) name: explored-9927 type: explored -- comm_cost: 0.7285300925925927 - complexity: 17 +- comm_cost: 0.6355902777777779 + complexity: 10 expressions: - - and(K-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) - - or(N+, R-) + - R+ + - and(and(S-, N-), not(R-)) + - or(S+, R+) name: explored-9928 type: explored -- comm_cost: 0.6090972222222224 - complexity: 10 +- comm_cost: 0.24088541666666696 + complexity: 16 expressions: - - R+ + - N+ - R- - - SE- - - or(N+, not(R+)) - - or(S+, N+) + - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-9929 type: explored -- comm_cost: 0.18229166666666696 - complexity: 10 +- comm_cost: 0.32802083333333354 + complexity: 14 expressions: + - K+ - N+ + - N- - R- - S+ - - SE- - and(N-, R+) - and(S-, SE-) + - and(S-, SE-) name: explored-9930 type: explored -- comm_cost: 0.5130208333333335 - complexity: 19 +- comm_cost: 0.44687500000000013 + complexity: 18 expressions: - - R+ + - K+ + - K+ + - K+ + - N+ - R- - - SE- - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) - - and(and(S-, N-), not(R-)) + - S+ + - S- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) name: explored-9931 type: explored -- comm_cost: 0.2942708333333336 - complexity: 12 +- comm_cost: 0.5575520833333335 + complexity: 11 expressions: - - K+ - N+ - - R- + - S- + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(and(S-, N-), not(R-)) name: explored-9932 type: explored -- comm_cost: 0.6523148148148149 - complexity: 8 +- comm_cost: 0.32048611111111125 + complexity: 18 expressions: - - R+ - - S- - - and(SE+, N-) - - or(S+, R-) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-9933 type: explored -- comm_cost: 0.6993055555555556 - complexity: 11 - expressions: - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(S+, R+) - name: explored-9934 - type: explored -- comm_cost: 0.4434027777777779 - complexity: 15 +- comm_cost: 0.5368055555555555 + complexity: 14 expressions: + - K+ - N+ - R- - S+ - - S- - - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - name: explored-9935 + - and(or(K+, S-), or(SE-, N+)) + name: explored-9934 type: explored -- comm_cost: 0.3845920138888891 - complexity: 20 +- comm_cost: 0.5743055555555556 + complexity: 5 expressions: - K+ + - K+ - N+ - - R+ - R- - - and(K-, S+) - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - SE- + name: explored-9935 + type: explored +- comm_cost: 0.6119502314814815 + complexity: 19 + expressions: + - R+ + - SE- + - and(K-, or(S+, R-)) + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-9936 type: explored -- comm_cost: 0.7180729166666667 - complexity: 40 +- comm_cost: 0.4781192129629631 + complexity: 16 expressions: - - N- + - K+ - R- - - and(K-, N-) - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) - not(R-) - - or(K+, N+) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) name: explored-9937 type: explored -- comm_cost: 0.7598958333333333 - complexity: 14 +- comm_cost: 0.7665798611111111 + complexity: 13 expressions: - - N+ + - R- - SE- - - and(K-, or(S+, N+)) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, N+) name: explored-9938 type: explored -- comm_cost: 0.8753472222222223 - complexity: 8 +- comm_cost: 0.44062500000000004 + complexity: 9 expressions: - - or(K+, R-) - - or(K+, or(N+, R-)) + - N+ + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-9939 type: explored -- comm_cost: 0.5524305555555558 - complexity: 7 +- comm_cost: 0.5977430555555557 + complexity: 6 expressions: - R+ - - R- - - SE- + - S- - SE- - - or(SE-, N+) + - and(N-, R+) name: explored-9940 type: explored -- comm_cost: 0.6202256944444445 - complexity: 19 +- comm_cost: 0.5846527777777779 + complexity: 9 expressions: - - K+ - - N+ - - and(K-, N-) - - and(K-, SE-) - - and(N-, or(K+, S-)) - - or(K+, N+) - - or(N+, R-) + - R+ + - R- + - SE- + - and(N-, R+) + - or(K+, S-) name: explored-9941 type: explored -- comm_cost: 0.21510416666666687 - complexity: 22 +- comm_cost: 0.6930555555555555 + complexity: 9 expressions: - - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(S-, or(N+, not(R+))) name: explored-9942 type: explored -- comm_cost: 0.38680555555555574 - complexity: 8 +- comm_cost: 0.06510416666666696 + complexity: 18 expressions: + - K+ + - K+ - N+ - - SE+ + - R- + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) + - and(S-, SE-) name: explored-9943 type: explored -- comm_cost: 0.38333333333333364 - complexity: 12 +- comm_cost: 0.77734375 + complexity: 6 expressions: - - R- - - SE- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, N-) + - and(K-, S+) name: explored-9944 type: explored -- comm_cost: 0.4187500000000002 - complexity: 10 +- comm_cost: 0.3641493055555558 + complexity: 20 expressions: + - N+ - R- + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(S+, or(N+, R-)) name: explored-9945 type: explored -- comm_cost: 0.33369502314814836 - complexity: 20 +- comm_cost: 0.6918750000000001 + complexity: 5 expressions: - - K+ - - K+ - - N+ - - R- + - R+ - S+ - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - or(K+, S-) name: explored-9946 type: explored -- comm_cost: 0.4083333333333332 - complexity: 7 +- comm_cost: 0.46788194444444464 + complexity: 9 expressions: - - K+ - - N+ - N+ - - R- - - and(S-, SE-) + - R+ + - SE- + - and(N-, R+) + - or(S+, R-) name: explored-9947 type: explored -- comm_cost: 0.3486111111111114 - complexity: 11 +- comm_cost: 0.4665711805555557 + complexity: 14 expressions: + - K+ - N+ - - SE- - - and(N-, R+) + - N- + - R- + - S+ - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) + - or(S+, R+) name: explored-9948 type: explored -- comm_cost: 0.15156250000000027 - complexity: 12 +- comm_cost: 0.3574652777777779 + complexity: 13 expressions: - K+ - - N+ - R- - - and(K-, S+) - - and(K-, SE-) + - S+ - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-9949 type: explored -- comm_cost: 0.6442708333333335 - complexity: 6 +- comm_cost: 0.650232638888889 + complexity: 38 expressions: - - N+ - - SE- - - and(N-, not(R-)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, not(R-)) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) + - or(K+, R-) + - or(K+, S-) + - or(S+, N+) + - or(S+, R+) name: explored-9950 type: explored -- comm_cost: 0.6269097222222224 - complexity: 7 +- comm_cost: 0.4130208333333336 + complexity: 14 expressions: - - R+ - - and(S-, N-) - - or(S+, N+) + - K+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) + - or(SE-, N+) name: explored-9951 type: explored -- comm_cost: 0.6026041666666666 - complexity: 10 +- comm_cost: 0.15057870370370408 + complexity: 20 expressions: + - K+ + - K+ + - N+ - R- - - S+ - - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) + - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-9952 type: explored -- comm_cost: 0.40399305555555587 - complexity: 7 +- comm_cost: 0.56953125 + complexity: 8 expressions: - K+ + - N+ - R- - S+ - - SE- - - and(N-, R+) + - and(K-, not(R-)) name: explored-9953 type: explored -- comm_cost: 0.47867476851851876 - complexity: 25 +- comm_cost: 0.14652777777777803 + complexity: 11 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - or(S+, R-) name: explored-9954 type: explored -- comm_cost: 0.2660590277777781 - complexity: 21 +- comm_cost: 0.6470486111111112 + complexity: 6 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, R+) name: explored-9955 type: explored -- comm_cost: 0.4408854166666668 - complexity: 15 +- comm_cost: 0.726388888888889 + complexity: 12 expressions: - - K+ - - N+ - - S- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - R+ + - R- + - and(N-, or(S+, SE+)) + - and(N-, or(S+, SE+)) name: explored-9956 type: explored -- comm_cost: 0.26885416666666684 - complexity: 17 +- comm_cost: 0.2542534722222224 + complexity: 21 expressions: - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, R+) - - or(S+, R-) + - and(and(K-, N-), or(S+, R+)) name: explored-9957 type: explored -- comm_cost: 0.5744791666666667 - complexity: 14 +- comm_cost: 0.5996527777777779 + complexity: 8 expressions: - - N+ - - R- - - S+ - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(SE-, N+) + - R+ + - and(K-, not(R+)) + - or(S+, N+) name: explored-9958 type: explored -- comm_cost: 0.29600694444444464 - complexity: 14 +- comm_cost: 0.3354166666666668 + complexity: 18 expressions: + - K+ - N+ - R- - - and(N-, R+) + - S+ + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, N+) - - or(K+, R+) + - and(and(S-, N-), not(R-)) name: explored-9959 type: explored -- comm_cost: 0.558246527777778 +- comm_cost: 0.494212962962963 complexity: 13 expressions: - - N+ + - K+ + - R+ - R- - - SE- - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, not(R-)) + - and(S-, SE-) + - or(K+, R+) name: explored-9960 type: explored -- comm_cost: 0.19791666666666674 - complexity: 19 +- comm_cost: 0.4620312500000001 + complexity: 13 expressions: - K+ - K+ - - N+ - R- - S+ - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(K+, S-) name: explored-9961 type: explored -- comm_cost: 0.3802083333333337 - complexity: 10 +- comm_cost: 0.7596354166666668 + complexity: 14 expressions: - - SE- - - and(K-, S+) - - and(N-, R+) - - or(N+, R-) + - and(K-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(SE-, N+) name: explored-9962 type: explored -- comm_cost: 0.284027777777778 - complexity: 15 +- comm_cost: 0.3486111111111114 + complexity: 11 expressions: + - K+ - N+ - - S+ - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R+)) name: explored-9963 type: explored -- comm_cost: 0.6479166666666668 - complexity: 8 +- comm_cost: 0.5283680555555558 + complexity: 14 expressions: - - K+ - - R+ - - R- - - or(S+, or(N+, R-)) + - K- + - N+ + - SE- + - and(K-, S+) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-9964 type: explored -- comm_cost: 0.6844618055555557 - complexity: 8 +- comm_cost: 0.6725839120370372 + complexity: 35 expressions: - - R+ - - SE- - - or(K+, R+) + - R- + - and(K-, N-) + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) - or(SE-, N+) name: explored-9965 type: explored -- comm_cost: 0.2743055555555559 - complexity: 20 +- comm_cost: 0.7673611111111112 + complexity: 12 expressions: - - K+ - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(K+, S-)) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-9966 type: explored -- comm_cost: 0.19479166666666692 - complexity: 15 +- comm_cost: 0.4241319444444447 + complexity: 23 expressions: - - K+ - - K+ + - N+ - R- - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-9967 type: explored -- comm_cost: 0.06093750000000031 - complexity: 15 +- comm_cost: 0.5701967592592594 + complexity: 13 expressions: - - N+ - R- - - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) + - or(K+, K-) + - or(S+, R+) name: explored-9968 type: explored -- comm_cost: 0.6287499999999999 - complexity: 10 +- comm_cost: 0.41174768518518534 + complexity: 16 expressions: - K+ - N+ - R- + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, R+) name: explored-9969 type: explored -- comm_cost: 0.7942708333333335 - complexity: 5 +- comm_cost: 0.25312500000000027 + complexity: 8 expressions: - - SE- - - and(N-, not(R-)) + - N+ + - R- + - and(K-, SE-) + - and(N-, R+) name: explored-9970 type: explored -- comm_cost: 0.5994791666666669 - complexity: 10 +- comm_cost: 0.4925347222222223 + complexity: 11 expressions: - - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, N+) name: explored-9971 type: explored -- comm_cost: 0.6906712962962964 - complexity: 9 +- comm_cost: 0.5526041666666668 + complexity: 7 expressions: - - R+ + - K+ + - N+ - R- - - and(S-, not(R-)) - - or(K+, S-) + - SE- + - and(K-, N-) name: explored-9972 type: explored -- comm_cost: 0.7192708333333333 - complexity: 3 +- comm_cost: 0.46163194444444455 + complexity: 14 expressions: - - N+ - - not(R+) + - K+ + - R+ + - R- + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-9973 type: explored -- comm_cost: 0.1821180555555557 - complexity: 19 +- comm_cost: 0.24583333333333357 + complexity: 16 expressions: - K+ - N+ - R- - - S+ - - S+ - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-9974 type: explored -- comm_cost: 0.5351562500000001 - complexity: 13 +- comm_cost: 0.4583333333333335 + complexity: 16 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) + - R+ + - and(K-, or(S+, N+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-9975 type: explored -- comm_cost: 0.4994791666666668 - complexity: 15 +- comm_cost: 0.5312499999999999 + complexity: 10 expressions: - - R+ + - K+ + - K+ - R- - - and(N-, or(K+, SE+)) + - S+ + - and(S-, SE-) - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-9976 type: explored -- comm_cost: 0.11562500000000031 - complexity: 14 +- comm_cost: 0.5755208333333335 + complexity: 12 expressions: - - K+ - - R- + - N+ + - R+ - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - or(K+, R+) + - or(K+, or(N+, R-)) name: explored-9977 type: explored -- comm_cost: 0.6852314814814815 - complexity: 20 +- comm_cost: 0.6831597222222223 + complexity: 9 expressions: - - N+ - - R- + - K- + - R+ - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(N+, not(R+))) name: explored-9978 type: explored -- comm_cost: 0.40885416666666696 - complexity: 9 +- comm_cost: 0.34774305555555585 + complexity: 20 expressions: - N+ - - N+ - - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(K+, R-) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-9979 type: explored -- comm_cost: 0.6666666666666667 - complexity: 9 +- comm_cost: 0.39027777777777795 + complexity: 17 expressions: - K+ - - and(K-, or(SE-, N+)) + - N+ + - R- + - and(K-, S+) + - and(S-, N-) - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-9980 type: explored -- comm_cost: 0.5802083333333333 - complexity: 5 +- comm_cost: 0.6677083333333333 + complexity: 8 expressions: + - K+ - N+ - R- - - and(K-, SE-) + - and(K-, or(S+, N+)) name: explored-9981 type: explored -- comm_cost: 0.5802372685185186 - complexity: 18 +- comm_cost: 0.6365017361111112 + complexity: 25 expressions: - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - N+ + - S- + - SE+ + - SE- + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) + - and(SE+, N-) name: explored-9982 type: explored -- comm_cost: 0.7581597222222223 - complexity: 6 +- comm_cost: 0.27265625000000016 + complexity: 19 expressions: - - or(K+, R+) - - or(K+, R-) + - K+ + - N+ + - R- + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) name: explored-9983 type: explored -- comm_cost: 0.6733767361111113 - complexity: 14 +- comm_cost: 0.36643518518518536 + complexity: 19 expressions: - - N- - - R+ - - and(and(S-, N-), not(R-)) - - or(S+, N+) - - or(S+, R+) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-9984 type: explored -- comm_cost: 0.668576388888889 - complexity: 4 +- comm_cost: 0.47949074074074083 + complexity: 18 expressions: - - R+ - - and(S-, N-) + - K+ + - K- + - N+ + - R- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-9985 type: explored -- comm_cost: 0.7041666666666666 - complexity: 9 +- comm_cost: 0.4397569444444446 + complexity: 18 expressions: - - and(K-, or(S+, N+)) - - and(S-, not(R+)) + - K+ + - N+ + - R- + - S+ + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(N+, R-) name: explored-9986 type: explored -- comm_cost: 0.7140625 - complexity: 6 +- comm_cost: 0.6135416666666669 + complexity: 4 expressions: - - K+ + - N+ + - N+ + - R+ - R- - - and(S-, not(R+)) name: explored-9987 type: explored -- comm_cost: 0.2767361111111115 - complexity: 19 +- comm_cost: 0.6247395833333335 + complexity: 8 expressions: - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, S-)) name: explored-9988 type: explored -- comm_cost: 0.6961226851851853 - complexity: 10 +- comm_cost: 0.5903645833333334 + complexity: 16 expressions: + - N+ - R+ - - and(S-, N-) - - and(or(K+, S-), not(R-)) + - R- + - SE- + - and(N-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-9989 type: explored -- comm_cost: 0.6238136574074075 - complexity: 28 +- comm_cost: 0.41620370370370385 + complexity: 21 expressions: - - and(K-, or(S+, SE+)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(and(K-, N-), not(R-)) - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) name: explored-9990 type: explored -- comm_cost: 0.6851215277777779 - complexity: 14 +- comm_cost: 0.4145833333333335 + complexity: 17 expressions: - - S- - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - not(R-) - - or(S+, N+) + - N+ + - R- + - and(K-, not(R+)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-9991 type: explored -- comm_cost: 0.5704861111111112 - complexity: 9 +- comm_cost: 0.49774305555555576 + complexity: 25 expressions: - N+ - - R+ + - R- - SE- - - or(S+, N+) - - or(S+, R-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-9992 type: explored -- comm_cost: 0.46388888888888924 - complexity: 19 +- comm_cost: 0.7276041666666666 + complexity: 9 expressions: - - R- - SE- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, N+)) + - or(N+, R-) name: explored-9993 type: explored -- comm_cost: 0.6459201388888889 - complexity: 15 +- comm_cost: 0.4569444444444446 + complexity: 13 expressions: - - R+ - - S- - - and(N-, not(R-)) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(S-, N-) + - or(S+, N+) name: explored-9994 type: explored -- comm_cost: 0.6151041666666668 - complexity: 10 +- comm_cost: 0.4964409722222224 + complexity: 11 expressions: + - N+ - R+ - R- - - and(N-, or(K+, R+)) - - or(S+, N+) + - SE- + - and(K-, not(R-)) + - and(N-, R+) name: explored-9995 type: explored -- comm_cost: 0.3006944444444448 - complexity: 13 +- comm_cost: 0.4082986111111113 + complexity: 16 expressions: + - N+ + - R- + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - not(R-) name: explored-9996 type: explored -- comm_cost: 0.34305555555555567 - complexity: 21 +- comm_cost: 0.526388888888889 + complexity: 16 expressions: - - R- - - and(N-, R+) + - R+ + - SE- + - and(K-, or(S+, R-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, or(N+, not(R+))) name: explored-9997 type: explored -- comm_cost: 0.5892361111111112 - complexity: 10 +- comm_cost: 0.2968750000000002 + complexity: 13 expressions: - - K+ - R- - - S- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(SE-, or(K+, S-)) name: explored-9998 type: explored -- comm_cost: 0.5898437500000002 - complexity: 9 +- comm_cost: 0.5263888888888889 + complexity: 18 expressions: - K+ - N+ - R- - - and(N-, R+) - - or(K+, SE+) + - and(K-, S+) + - and(K-, not(R+)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-9999 type: explored -- comm_cost: 0.38645833333333346 - complexity: 11 +- comm_cost: 0.7125000000000001 + complexity: 5 expressions: - R+ - - R- - - S+ - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - S- + - or(N+, R-) name: explored-10000 type: explored -- comm_cost: 0.6259432870370372 - complexity: 17 +- comm_cost: 0.5034866898148149 + complexity: 20 expressions: - N+ - R- - - SE- - and(N-, R+) - - and(or(K+, S-), not(R+)) - - not(R-) - - or(K+, K-) + - and(S-, N-) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(K+, SE+) name: explored-10001 type: explored -- comm_cost: 0.6976562500000001 - complexity: 3 +- comm_cost: 0.5868923611111113 + complexity: 10 expressions: - - N+ + - R+ - R- - - S- + - SE- + - SE- + - and(K-, or(N+, not(R+))) name: explored-10002 type: explored -- comm_cost: 0.4593750000000002 - complexity: 12 +- comm_cost: 0.5118055555555556 + complexity: 13 expressions: - K+ - N+ - - R- - - S- - - and(K-, or(S+, N+)) - - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-10003 type: explored -- comm_cost: 0.6927083333333335 - complexity: 10 +- comm_cost: 0.3167187500000004 + complexity: 19 expressions: - - R+ + - K+ + - K+ - R- - - and(K-, or(S+, SE+)) - - or(K+, N+) + - S+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10004 type: explored -- comm_cost: 0.3293142361111113 - complexity: 23 +- comm_cost: 0.6656250000000001 + complexity: 6 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - R+ + - and(N-, not(R-)) name: explored-10005 type: explored -- comm_cost: 0.5071875000000001 - complexity: 7 +- comm_cost: 0.36197916666666696 + complexity: 20 expressions: - K+ - N+ - - N- - - S+ + - R- - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(N+, R-) + - or(SE-, N+) name: explored-10006 type: explored -- comm_cost: 0.6151041666666668 - complexity: 13 +- comm_cost: 0.5854166666666668 + complexity: 8 expressions: + - N+ - R+ - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - or(SE-, N+) + - R- + - and(N-, or(K+, R+)) name: explored-10007 type: explored -- comm_cost: 0.5644097222222224 - complexity: 22 +- comm_cost: 0.4476562500000002 + complexity: 9 expressions: - - R+ + - N+ - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) + - S+ + - and(K-, N-) + - and(N-, R+) name: explored-10008 type: explored -- comm_cost: 0.2859375000000002 - complexity: 17 +- comm_cost: 0.34072916666666686 + complexity: 19 expressions: - K+ - - K+ + - N+ + - R+ - R- - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(S+, SE+) name: explored-10009 type: explored -- comm_cost: 0.299826388888889 - complexity: 19 +- comm_cost: 0.5322916666666668 + complexity: 8 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-10010 type: explored -- comm_cost: 0.4286458333333336 - complexity: 18 +- comm_cost: 0.42155671296296315 + complexity: 21 expressions: - K+ - - K+ - N+ - R- - - SE- - - and(K-, or(S+, N+)) + - SE+ + - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(S+, R+) name: explored-10011 type: explored -- comm_cost: 0.4600000000000002 - complexity: 9 +- comm_cost: 0.2777777777777779 + complexity: 14 expressions: - K+ - - K- + - N+ - R- - - and(N-, R+) + - and(K-, S+) + - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-10012 type: explored -- comm_cost: 0.7135127314814815 - complexity: 18 +- comm_cost: 0.5052083333333335 + complexity: 11 expressions: - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) + - N+ + - R+ + - R- + - SE- + - and(or(K+, S-), or(SE-, N+)) name: explored-10013 type: explored -- comm_cost: 0.8140625 - complexity: 5 +- comm_cost: 0.5722222222222224 + complexity: 9 expressions: - N+ - - R- - - or(N+, R-) + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-10014 type: explored -- comm_cost: 0.29843750000000036 - complexity: 11 +- comm_cost: 0.6957175925925927 + complexity: 13 expressions: - - K+ - - N+ - - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R-)) name: explored-10015 type: explored -- comm_cost: 0.6310763888888891 - complexity: 12 +- comm_cost: 0.4437500000000002 + complexity: 20 expressions: - - R+ - - SE- - - and(K-, or(S+, R+)) - - or(K+, or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) name: explored-10016 type: explored -- comm_cost: 0.5283854166666668 - complexity: 12 +- comm_cost: 0.6526041666666667 + complexity: 7 expressions: - - K+ - N+ - - and(K-, S+) - - and(K-, not(R-)) - - and(S-, SE-) + - SE- + - and(K-, or(S+, R-)) name: explored-10017 type: explored -- comm_cost: 0.7142418154761906 - complexity: 43 +- comm_cost: 0.622265625 + complexity: 10 expressions: - - and(N-, R+) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - not(R-) - - or(K+, K-) - - or(K+, S-) - - or(K+, SE+) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - R- + - S- + - SE- + - or(K+, R-) + - or(N+, R-) name: explored-10018 type: explored -- comm_cost: 0.6768229166666668 +- comm_cost: 0.6037037037037039 complexity: 15 expressions: - - R+ - - and(SE-, or(K+, S-)) - - or(K+, K-) - - or(K+, R+) - - or(K+, R-) + - N+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-10019 type: explored -- comm_cost: 0.6430555555555557 - complexity: 15 +- comm_cost: 0.49375000000000013 + complexity: 11 expressions: - - R+ + - K+ + - N+ + - N- - R- - - S- - SE- - - and(K-, or(S+, N+)) - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - and(S-, N-) name: explored-10020 type: explored -- comm_cost: 0.5859375000000002 - complexity: 8 +- comm_cost: 0.21093750000000022 + complexity: 9 expressions: - K+ - - R+ - - SE- - - and(K-, or(S+, N+)) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-10021 type: explored -- comm_cost: 0.4023437500000002 - complexity: 17 +- comm_cost: 0.6846932870370371 + complexity: 10 expressions: - - K+ - - N+ - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - S- + - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-10022 type: explored -- comm_cost: 0.6484375000000002 - complexity: 7 +- comm_cost: 0.5091145833333334 + complexity: 14 expressions: + - K+ + - R+ - R- - - and(K-, N-) - - and(N-, R+) + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - or(K+, SE+) name: explored-10023 type: explored -- comm_cost: 0.5583333333333332 - complexity: 6 +- comm_cost: 0.4833043981481484 + complexity: 24 expressions: + - N+ - R- - - R- - - S+ - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) + - or(S+, or(N+, R-)) name: explored-10024 type: explored -- comm_cost: 0.4553125000000001 - complexity: 16 +- comm_cost: 0.14357638888888924 + complexity: 18 expressions: - K+ + - K+ - N+ - - N- - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-10025 type: explored -- comm_cost: 0.75390625 - complexity: 2 +- comm_cost: 0.4637152777777779 + complexity: 15 expressions: + - K+ + - N+ - R- - S- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-10026 type: explored -- comm_cost: 0.4788194444444446 - complexity: 19 +- comm_cost: 0.22604166666666692 + complexity: 12 expressions: - K+ + - K+ - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) + - and(SE-, or(K+, S-)) name: explored-10027 type: explored -- comm_cost: 0.7021848958333334 - complexity: 33 +- comm_cost: 0.8083333333333333 + complexity: 4 expressions: - - K+ - - N- - - R+ - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) - - and(S-, not(R-)) - - and(and(K-, N-), not(R-)) - - or(K+, S-) + - SE- + - or(S+, N+) name: explored-10028 type: explored -- comm_cost: 0.35055555555555595 - complexity: 15 +- comm_cost: 0.5763020833333334 + complexity: 5 expressions: + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - - or(N+, not(R+)) + - SE- + - not(R+) name: explored-10029 type: explored -- comm_cost: 0.6893402777777778 - complexity: 10 +- comm_cost: 0.672916666666667 + complexity: 3 expressions: - - N- - - R+ - - and(K-, S+) - - and(N-, or(S+, SE+)) + - and(N-, R+) name: explored-10030 type: explored -- comm_cost: 0.7026475694444445 +- comm_cost: 0.5671875000000002 complexity: 14 expressions: - R+ - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - or(K+, R+) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) name: explored-10031 type: explored -- comm_cost: 0.6134548611111112 - complexity: 13 +- comm_cost: 0.36432291666666705 + complexity: 15 expressions: - - R+ + - K+ + - N+ - R- - - and(N-, or(K+, R+)) - - and(or(K+, S-), not(R-)) + - S+ + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10032 type: explored -- comm_cost: 0.7175925925925928 - complexity: 12 +- comm_cost: 0.3800000000000001 + complexity: 11 expressions: - - R+ - - S- - - and(S-, N-) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - K- + - N+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) name: explored-10033 type: explored -- comm_cost: 0.5076388888888891 - complexity: 15 +- comm_cost: 0.45000000000000007 + complexity: 9 expressions: + - K+ - N+ - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - R- + - and(S-, SE-) + - or(K+, SE+) name: explored-10034 type: explored -- comm_cost: 0.6620370370370372 - complexity: 13 +- comm_cost: 0.6543402777777779 + complexity: 12 expressions: - - N+ - R+ - - R- - - or(N+, R-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(K-, or(SE-, N+)) + - and(N-, or(S+, SE+)) name: explored-10035 type: explored -- comm_cost: 0.6798738425925926 - complexity: 36 +- comm_cost: 0.6139756944444447 + complexity: 22 expressions: - - N- - - S+ - - SE+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) - - or(K+, or(N+, R-)) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - R- + - SE- + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-10036 type: explored -- comm_cost: 0.6788194444444445 - complexity: 9 +- comm_cost: 0.6289062500000001 + complexity: 12 expressions: - R+ - - and(N-, or(S+, R+)) - - or(K+, R-) + - R- + - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) name: explored-10037 type: explored -- comm_cost: 0.6654513888888891 - complexity: 11 +- comm_cost: 0.6856481481481482 + complexity: 12 expressions: - R+ - - or(K+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(S-, N-) + - or(K+, SE+) name: explored-10038 type: explored -- comm_cost: 0.6019097222222223 - complexity: 6 +- comm_cost: 0.12413194444444464 + complexity: 20 expressions: - K+ - - R+ + - N+ - R- - - SE- - - not(R-) + - R- + - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-10039 type: explored -- comm_cost: 0.34496527777777797 - complexity: 18 +- comm_cost: 0.4621527777777781 + complexity: 12 expressions: - - K+ - - R- - - S+ - - and(K-, or(S+, N+)) + - SE- + - and(K-, SE-) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) name: explored-10040 type: explored -- comm_cost: 0.28291666666666704 - complexity: 21 +- comm_cost: 0.5218750000000001 + complexity: 3 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, not(R+)) + - SE- name: explored-10041 type: explored -- comm_cost: 0.28972800925925957 - complexity: 20 +- comm_cost: 0.24583333333333357 + complexity: 22 expressions: - - N+ + - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, or(N+, R-)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-10042 type: explored -- comm_cost: 0.577951388888889 - complexity: 10 +- comm_cost: 0.4368055555555558 + complexity: 7 expressions: - - N+ - - R- - - SE- - - and(N-, or(K+, R+)) - - not(R-) + - SE+ + - and(N-, R+) + - and(S-, SE-) name: explored-10043 type: explored -- comm_cost: 0.6771701388888889 - complexity: 7 +- comm_cost: 0.5798611111111112 + complexity: 10 expressions: - - K+ + - N+ + - R+ + - R+ - R- - SE- - - and(N-, not(R-)) + - and(K-, or(S+, SE+)) name: explored-10044 type: explored -- comm_cost: 0.6332175925925927 +- comm_cost: 0.3328125000000002 complexity: 13 expressions: - - R+ + - K+ - R- - - SE- - and(K-, or(S+, SE+)) - - or(K+, or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-10045 type: explored -- comm_cost: 0.6533854166666667 - complexity: 20 +- comm_cost: 0.34438657407407436 + complexity: 27 expressions: - - SE- - - and(K-, not(R-)) - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) - - or(K+, R-) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) + - and(S-, SE-) - or(N+, R-) name: explored-10046 type: explored -- comm_cost: 0.5022569444444446 - complexity: 14 +- comm_cost: 0.6083333333333335 + complexity: 6 expressions: - - R+ - - R- - - and(S-, SE-) - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) + - K+ + - K- + - SE- + - and(N-, R+) name: explored-10047 type: explored -- comm_cost: 0.29652777777777795 - complexity: 15 +- comm_cost: 0.6506944444444445 + complexity: 12 expressions: - - K+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - SE- + - and(K-, or(S+, SE+)) + - and(N-, not(R-)) name: explored-10048 type: explored -- comm_cost: 0.2562500000000003 - complexity: 9 +- comm_cost: 0.6635995370370371 + complexity: 13 expressions: - - N+ + - K+ - R- - - SE- - - and(K-, S+) - - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, N-) + - and(S-, SE-) name: explored-10049 type: explored -- comm_cost: 0.5989583333333333 - complexity: 9 +- comm_cost: 0.3802662037037039 + complexity: 21 expressions: - - K+ - N+ - - R- - - SE- - - and(S-, or(SE-, N+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) + - or(S+, R-) name: explored-10050 type: explored -- comm_cost: 0.6229745370370372 - complexity: 9 +- comm_cost: 0.3796875000000002 + complexity: 13 expressions: - - R+ - R- - - SE+ - - SE- - - or(S+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-10051 type: explored -- comm_cost: 0.6718750000000001 - complexity: 16 +- comm_cost: 0.27986111111111134 + complexity: 21 expressions: - K+ - - and(K-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - or(SE-, N+) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) name: explored-10052 type: explored -- comm_cost: 0.7465277777777779 - complexity: 11 +- comm_cost: 0.7341145833333333 + complexity: 6 expressions: - - R+ - - or(S+, R+) - - or(and(K-, S+), or(N+, R-)) + - R- + - and(S-, SE-) + - not(R+) name: explored-10053 type: explored -- comm_cost: 0.4930555555555558 - complexity: 10 +- comm_cost: 0.581076388888889 + complexity: 7 expressions: - - S+ - - and(N-, R+) + - R+ - and(S-, N-) - and(S-, SE-) name: explored-10054 type: explored -- comm_cost: 0.4614583333333335 - complexity: 16 +- comm_cost: 0.6849826388888889 + complexity: 10 expressions: - - K+ - N+ - - R- - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - or(K+, SE+) + - or(S+, or(N+, R-)) name: explored-10055 type: explored -- comm_cost: 0.47760416666666683 - complexity: 9 +- comm_cost: 0.44010416666666685 + complexity: 10 expressions: - N+ - - R+ - R- - SE- - - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-10056 type: explored -- comm_cost: 0.5868923611111113 - complexity: 15 +- comm_cost: 0.47782407407407423 + complexity: 16 expressions: - N+ - - and(K-, not(R-)) + - R- - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, S-) name: explored-10057 type: explored -- comm_cost: 0.5302083333333335 - complexity: 11 +- comm_cost: 0.5962239583333334 + complexity: 8 expressions: - - R+ - - R+ + - K+ + - K+ + - N+ - R- - SE- - - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) name: explored-10058 type: explored -- comm_cost: 0.26328125000000036 +- comm_cost: 0.7593518518518519 complexity: 10 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - K- + - SE- + - and(N-, or(S+, R+)) + - or(K+, S-) name: explored-10059 type: explored -- comm_cost: 0.3489583333333337 - complexity: 12 +- comm_cost: 0.4520399305555557 + complexity: 22 expressions: + - K+ + - K+ - N+ + - R- - S+ + - S- - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-10060 type: explored -- comm_cost: 0.4862847222222224 - complexity: 15 +- comm_cost: 0.5666666666666668 + complexity: 9 expressions: - N+ - - S- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-10061 type: explored -- comm_cost: 0.12291666666666701 - complexity: 16 +- comm_cost: 0.6760069444444445 + complexity: 13 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ - and(S-, SE-) - - or(N+, R-) + - not(R-) + - or(N+, not(R+)) + - or(S+, R+) name: explored-10062 type: explored -- comm_cost: 0.25651041666666696 - complexity: 11 +- comm_cost: 0.5270833333333335 + complexity: 17 expressions: - - K+ - - K+ - N+ - - S+ + - R+ + - R- - SE- - - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) + - or(K+, R-) name: explored-10063 type: explored -- comm_cost: 0.6723958333333333 - complexity: 6 +- comm_cost: 0.3544791666666668 + complexity: 13 expressions: + - K+ - N+ - - R- - - SE- - - or(N+, R-) + - S+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-10064 type: explored -- comm_cost: 0.35555555555555585 - complexity: 16 +- comm_cost: 0.5171875000000001 + complexity: 10 expressions: - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(S+, or(N+, R-)) + - and(K-, S+) + - and(S-, N-) name: explored-10065 type: explored -- comm_cost: 0.2864583333333335 - complexity: 15 +- comm_cost: 0.6244212962962965 + complexity: 12 expressions: - - N+ - - R+ - - R- - - and(K-, S+) - - and(K-, SE-) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, S-)) + - or(K+, R+) name: explored-10066 type: explored -- comm_cost: 0.5667534722222224 - complexity: 13 +- comm_cost: 0.6354166666666669 + complexity: 7 expressions: - - N+ - - R- + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - or(S+, R+) + - or(K+, S-) name: explored-10067 type: explored -- comm_cost: 0.2592013888888891 - complexity: 20 +- comm_cost: 0.4334201388888891 + complexity: 16 expressions: - - K+ - N+ - - and(K-, or(S+, N+)) + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-10068 type: explored -- comm_cost: 0.3798611111111113 - complexity: 14 +- comm_cost: 0.6493055555555557 + complexity: 7 expressions: - - K+ - N+ - - R- - - S+ - SE- - - and(K-, S+) - - and(N-, R+) - - and(S-, N-) + - SE- + - and(S-, not(R-)) name: explored-10069 type: explored -- comm_cost: 0.6827256944444446 - complexity: 14 +- comm_cost: 0.3471354166666669 + complexity: 17 expressions: - - R+ - - and(and(K-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R- + - R- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10070 type: explored -- comm_cost: 0.16718750000000027 +- comm_cost: 0.3768518518518522 complexity: 14 expressions: - - K+ - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-10071 type: explored -- comm_cost: 0.3963541666666668 - complexity: 16 +- comm_cost: 0.5406828703703703 + complexity: 17 expressions: - N+ - - and(N-, R+) + - R- + - S+ + - and(K-, or(S+, R-)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(N+, R-) + - and(or(K+, S-), not(R+)) name: explored-10072 type: explored -- comm_cost: 0.2537326388888892 - complexity: 13 +- comm_cost: 0.3446180555555557 + complexity: 16 expressions: - - K+ - - K+ + - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-10073 type: explored -- comm_cost: 0.6425347222222223 - complexity: 11 +- comm_cost: 2.220446049250313e-16 + complexity: 15 expressions: + - K+ - N+ - - SE- - - and(K-, not(R-)) - - and(K-, or(S+, R-)) + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-10074 type: explored -- comm_cost: 0.46302083333333344 - complexity: 15 +- comm_cost: 0.6159722222222224 + complexity: 8 expressions: - N+ - - R- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-10075 type: explored -- comm_cost: 0.3197048611111113 - complexity: 17 +- comm_cost: 0.4320312500000002 + complexity: 15 expressions: - K+ - R- - - S+ + - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(SE+, N-) - - or(S+, or(N+, R-)) name: explored-10076 type: explored -- comm_cost: 0.6041666666666666 +- comm_cost: 0.7575520833333335 complexity: 8 expressions: - - N+ - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - and(K-, N-) + - and(K-, not(R+)) name: explored-10077 type: explored -- comm_cost: 0.4558159722222226 +- comm_cost: 0.540451388888889 complexity: 13 expressions: - N+ - SE- - - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - or(SE-, N+) + - and(SE+, N-) name: explored-10078 type: explored -- comm_cost: 0.6176215277777779 - complexity: 17 - expressions: - - R+ - - SE- - - or(S+, N+) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-10079 - type: explored -- comm_cost: 0.30095486111111125 - complexity: 17 +- comm_cost: 0.26093750000000027 + complexity: 13 expressions: - - K+ - N+ - - R- - - and(K-, or(S+, SE+)) + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, R-) + name: explored-10079 + type: explored +- comm_cost: 0.7241319444444445 + complexity: 10 + expressions: + - and(K-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-10080 type: explored -- comm_cost: 0.47916666666666696 - complexity: 8 +- comm_cost: 0.26875000000000027 + complexity: 22 expressions: + - K+ - N+ - - S+ + - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - or(K+, N+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10081 type: explored -- comm_cost: 0.45968750000000025 - complexity: 20 +- comm_cost: 0.285590277777778 + complexity: 18 expressions: - K+ - - K+ - - K- - N+ - R- - S+ - - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(SE-, N+) + - or(N+, R-) name: explored-10082 type: explored -- comm_cost: 0.702951388888889 - complexity: 10 +- comm_cost: 0.3745833333333335 + complexity: 19 expressions: - - and(S-, N-) - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - not(R-) name: explored-10083 type: explored -- comm_cost: 0.7486111111111112 - complexity: 11 +- comm_cost: 0.5803819444444447 + complexity: 12 expressions: - - and(N-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) + - K+ + - K+ + - N+ + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-10084 type: explored -- comm_cost: 0.6909166666666668 - complexity: 23 +- comm_cost: 0.672013888888889 + complexity: 10 expressions: - - R- - - and(K-, or(S+, R-)) - - and(SE+, N-) + - K- + - R+ + - SE- - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) - - or(N+, not(R+)) name: explored-10085 type: explored -- comm_cost: 0.4599189814814817 - complexity: 14 +- comm_cost: 0.5783420138888891 + complexity: 15 expressions: - K+ + - N+ - R- - S+ - - SE+ - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-10086 type: explored -- comm_cost: 0.6705208333333335 - complexity: 27 +- comm_cost: 0.5750000000000002 + complexity: 8 expressions: - - S- - - and(K-, or(S+, SE+)) + - R- + - SE- - and(N-, R+) - - and(S-, not(R+)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) - - not(R-) - - or(S+, R+) + - and(S-, N-) name: explored-10087 type: explored -- comm_cost: 0.37333333333333374 - complexity: 11 +- comm_cost: 0.6269097222222224 + complexity: 10 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - R+ + - SE- + - and(N-, or(K+, SE+)) + - or(S+, N+) name: explored-10088 type: explored -- comm_cost: 0.48984375 - complexity: 11 +- comm_cost: 0.5473958333333335 + complexity: 10 expressions: + - K+ - N+ - - R- - - and(K-, N-) - - and(S-, SE-) - - and(S-, SE-) + - SE- + - and(K-, not(R-)) + - and(N-, R+) name: explored-10089 type: explored -- comm_cost: 0.5704861111111111 - complexity: 15 +- comm_cost: 0.6367187500000001 + complexity: 8 expressions: - - N+ - - R- - - S+ + - R+ + - and(K-, not(R-)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, N+) name: explored-10090 type: explored -- comm_cost: 0.39959490740740766 - complexity: 18 +- comm_cost: 0.5236458333333335 + complexity: 10 expressions: + - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) + - not(R-) + - or(K+, N+) name: explored-10091 type: explored -- comm_cost: 0.4437500000000001 - complexity: 17 +- comm_cost: 0.6561342592592594 + complexity: 12 expressions: - - N+ - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(N-, or(S+, R+)) + - and(and(K-, N-), not(R-)) name: explored-10092 type: explored -- comm_cost: 0.5680555555555558 - complexity: 6 +- comm_cost: 0.5643055555555557 + complexity: 9 expressions: - - N+ - - S+ - - SE+ + - K+ + - R- + - SE- - and(N-, R+) + - or(S+, SE+) name: explored-10093 type: explored -- comm_cost: 0.6493055555555557 - complexity: 13 +- comm_cost: 0.4750000000000002 + complexity: 8 expressions: - - R+ + - N+ - R- + - SE+ - SE- - - and(N-, or(K+, S-)) - - or(S+, or(N+, R-)) - name: explored-10094 - type: explored -- comm_cost: 0.6666666666666667 - complexity: 11 - expressions: - SE- - - and(S-, N-) - - and(or(K+, S-), or(SE-, N+)) - name: explored-10095 + - and(N-, R+) + name: explored-10094 type: explored -- comm_cost: 0.8333333333333334 - complexity: 3 +- comm_cost: 0.4639178240740742 + complexity: 20 expressions: + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) - or(K+, K-) - name: explored-10096 + - or(K+, R-) + name: explored-10095 type: explored -- comm_cost: 0.3715277777777779 - complexity: 15 +- comm_cost: 0.4262442129629631 + complexity: 20 expressions: + - K+ + - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(S+, N+) + - and(and(K-, N-), not(R-)) + - or(S+, SE+) + name: explored-10096 + type: explored +- comm_cost: 0.585590277777778 + complexity: 11 + expressions: + - N+ + - R+ + - SE- + - and(K-, or(S+, R+)) + - or(N+, R-) name: explored-10097 type: explored -- comm_cost: 0.5852430555555557 - complexity: 14 +- comm_cost: 0.2352430555555557 + complexity: 17 expressions: - - R- + - K+ + - K+ + - N+ - S+ - - and(K-, not(R+)) - - and(N-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-10098 type: explored -- comm_cost: 0.36750000000000016 - complexity: 15 +- comm_cost: 0.5953414351851853 + complexity: 14 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - and(N-, or(S+, R+)) + - or(S+, R+) name: explored-10099 type: explored -- comm_cost: 0.3890625000000002 - complexity: 15 +- comm_cost: 0.32239583333333355 + complexity: 12 expressions: + - K+ + - K+ - N+ - - R- - - and(K-, S+) - - and(K-, not(R-)) - - and(N-, R+) + - S+ + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-10100 type: explored -- comm_cost: 0.632638888888889 - complexity: 14 +- comm_cost: 0.6072916666666668 + complexity: 7 expressions: - - N+ - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(S+, or(N+, R-)) + - R- + - and(and(S-, N-), not(R-)) name: explored-10101 type: explored -- comm_cost: 0.11979166666666696 - complexity: 17 +- comm_cost: 0.6046875000000002 + complexity: 9 expressions: - K+ - - R- - - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(N+, R-) + - not(R-) name: explored-10102 type: explored -- comm_cost: 0.6718750000000002 - complexity: 7 +- comm_cost: 0.5041666666666669 + complexity: 14 expressions: + - K+ - R+ - - or(K+, N+) - - or(K+, R-) + - R- + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10103 type: explored -- comm_cost: 0.6364583333333333 - complexity: 10 +- comm_cost: 0.4199074074074076 + complexity: 16 expressions: - - R- - - SE- - - and(K-, N-) - - and(S-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) name: explored-10104 type: explored -- comm_cost: 0.4583333333333335 - complexity: 9 +- comm_cost: 0.3718750000000002 + complexity: 17 expressions: - - R+ - - and(N-, or(K+, R+)) + - N+ + - R- + - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(N+, R-) name: explored-10105 type: explored -- comm_cost: 0.5114583333333335 +- comm_cost: 0.6929687500000001 complexity: 12 expressions: - - N+ - - R+ - SE- - - and(SE+, N-) - - and(and(S-, N-), not(R-)) + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-10106 type: explored -- comm_cost: 0.7103298611111112 - complexity: 7 +- comm_cost: 0.5666666666666668 + complexity: 15 expressions: - - N- - - R+ - - and(N-, or(S+, SE+)) + - N+ + - SE- + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-10107 type: explored -- comm_cost: 0.616840277777778 - complexity: 13 +- comm_cost: 0.4071180555555558 + complexity: 15 expressions: + - N+ - R- + - S+ - and(K-, N-) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) + - or(S+, N+) name: explored-10108 type: explored -- comm_cost: 0.3466145833333335 - complexity: 16 +- comm_cost: 0.14375000000000027 + complexity: 18 expressions: - K+ + - K+ - N+ - R- - - S+ - - and(K-, N-) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(S+, or(N+, R-)) name: explored-10109 type: explored -- comm_cost: 0.40937500000000016 - complexity: 16 +- comm_cost: 0.6510416666666669 + complexity: 6 expressions: - R+ - - and(K-, or(S+, R-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - or(N+, not(R+)) name: explored-10110 type: explored -- comm_cost: 0.7452430555555556 - complexity: 7 +- comm_cost: 0.5640625000000001 + complexity: 10 expressions: + - R+ - SE- - - or(K+, R-) - - or(K+, S-) + - and(K-, or(S+, N+)) + - or(N+, R-) name: explored-10111 type: explored -- comm_cost: 0.7868055555555556 +- comm_cost: 0.7347222222222223 complexity: 8 expressions: - - and(K-, or(S+, R+)) - - or(K+, K-) + - R+ + - and(K-, not(R-)) + - or(S+, R+) name: explored-10112 type: explored -- comm_cost: 0.7104166666666667 - complexity: 5 +- comm_cost: 0.7821180555555556 + complexity: 18 expressions: + - K+ - R- - - SE- - - or(S+, N+) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) + - or(K+, R-) + - or(S+, R-) name: explored-10113 type: explored -- comm_cost: 0.3566666666666669 +- comm_cost: 0.6050347222222223 + complexity: 17 + expressions: + - N+ + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, and(or(K+, S-), not(R-))) + name: explored-10114 + type: explored +- comm_cost: 0.48126736111111135 complexity: 16 expressions: - K+ - K- - - N+ - R- - - and(K-, S+) + - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - name: explored-10114 - type: explored -- comm_cost: 0.6877314814814817 - complexity: 16 - expressions: - - R+ - - and(K-, N-) - - and(N-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - or(SE-, N+) name: explored-10115 type: explored -- comm_cost: 0.5866608796296298 - complexity: 17 +- comm_cost: 0.5651041666666669 + complexity: 11 expressions: - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - R+ + - R- + - SE- + - and(K-, not(R+)) + - or(K+, R+) name: explored-10116 type: explored -- comm_cost: 0.668263888888889 - complexity: 10 +- comm_cost: 0.6036458333333333 + complexity: 12 expressions: - - R+ - - or(K+, or(N+, R-)) - - or(N+, not(R+)) + - K+ + - K+ + - R- + - S+ + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-10117 type: explored -- comm_cost: 0.518576388888889 - complexity: 20 +- comm_cost: 0.4989583333333335 + complexity: 8 expressions: + - K+ - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(N-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - or(S+, R+) + - or(S+, R-) name: explored-10118 type: explored -- comm_cost: 0.4921875000000001 +- comm_cost: 0.6258333333333335 complexity: 11 expressions: - - K+ + - K- - N+ - R- - - and(N-, or(K+, S-)) - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-10119 type: explored -- comm_cost: 0.6462500000000002 - complexity: 5 +- comm_cost: 0.5348379629629632 + complexity: 9 expressions: - - K- + - N+ + - R+ - R- - and(N-, R+) + - and(S-, N-) name: explored-10120 type: explored -- comm_cost: 0.4277488425925928 - complexity: 15 +- comm_cost: 0.7604166666666666 + complexity: 2 expressions: - - N+ - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - SE- name: explored-10121 type: explored -- comm_cost: 0.35078125000000027 - complexity: 12 +- comm_cost: 0.4768229166666669 + complexity: 15 expressions: - K+ + - K+ - N+ - - S- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-10122 type: explored -- comm_cost: 0.26087962962962985 - complexity: 18 +- comm_cost: 0.6428819444444446 + complexity: 9 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) + - R+ + - and(S-, not(R+)) + - and(S-, not(R-)) name: explored-10123 type: explored -- comm_cost: 0.6235243055555557 +- comm_cost: 0.45482638888888904 complexity: 14 expressions: - - R+ + - N+ + - N- - R- - - SE- - - and(N-, or(K+, SE+)) - - or(N+, R-) - - or(S+, R+) + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-10124 type: explored -- comm_cost: 0.21597222222222245 - complexity: 23 +- comm_cost: 0.39060763888888894 + complexity: 15 expressions: - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(and(K-, S+), or(N+, R-)) + - or(S+, R+) + - or(S+, SE+) name: explored-10125 type: explored -- comm_cost: 0.6948871527777778 - complexity: 12 +- comm_cost: 0.6267361111111113 + complexity: 11 expressions: - - K+ - R+ - - SE- - - and(or(K+, S-), not(R-)) - - or(S+, SE+) - name: explored-10126 - type: explored -- comm_cost: 0.6340277777777779 - complexity: 9 - expressions: - - R- - - SE- - and(K-, not(R+)) - - or(K+, R+) - name: explored-10127 + - and(S-, or(N+, not(R+))) + name: explored-10126 type: explored -- comm_cost: 0.3900752314814817 - complexity: 19 +- comm_cost: 0.5249131944444446 + complexity: 17 expressions: - - K+ - N+ - - R- - - S+ - - S- - - and(K-, S+) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(S-, or(N+, not(R+))) + name: explored-10127 + type: explored +- comm_cost: 0.687152777777778 + complexity: 12 + expressions: + - R+ + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) name: explored-10128 type: explored -- comm_cost: 0.33750000000000024 +- comm_cost: 0.5500000000000002 complexity: 12 expressions: - - K+ - - K+ - R- - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(SE+, N-) name: explored-10129 type: explored -- comm_cost: 0.36861111111111133 - complexity: 19 +- comm_cost: 0.6669270833333334 + complexity: 13 expressions: - K+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, R+)) + - N+ - and(S-, SE-) - - or(S+, SE+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10130 type: explored -- comm_cost: 0.5322916666666668 - complexity: 10 +- comm_cost: 0.16649305555555594 + complexity: 11 expressions: + - K+ - N+ - - R+ - R- - - and(or(K+, S-), or(SE-, N+)) + - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) name: explored-10131 type: explored -- comm_cost: 0.38454861111111116 - complexity: 11 +- comm_cost: 0.5483796296296297 + complexity: 8 expressions: - - N+ + - R+ - R+ - R- - - and(K-, or(S+, R+)) - - and(S-, SE-) + - SE- + - and(S-, not(R-)) name: explored-10132 type: explored -- comm_cost: 0.7047916666666667 - complexity: 12 +- comm_cost: 0.09899305555555582 + complexity: 15 expressions: - - and(N-, or(K+, S-)) + - K+ + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - or(S+, R-) name: explored-10133 type: explored -- comm_cost: 0.49578993055555576 - complexity: 17 +- comm_cost: 0.5020833333333334 + complexity: 20 expressions: - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(N-, or(K+, S-)) - and(S-, SE-) - - not(R-) + - or(K+, K-) name: explored-10134 type: explored -- comm_cost: 0.5651186342592593 - complexity: 20 +- comm_cost: 0.38055555555555587 + complexity: 11 expressions: + - K+ - N+ - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - or(SE-, N+) + - not(R+) + - or(N+, R-) name: explored-10135 type: explored -- comm_cost: 0.2976562500000003 - complexity: 13 +- comm_cost: 0.2673611111111114 + complexity: 19 expressions: + - K+ - N+ - - S+ + - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(S-, not(R+)) name: explored-10136 type: explored -- comm_cost: 0.3276041666666669 - complexity: 11 +- comm_cost: 0.5833333333333334 + complexity: 5 expressions: + - K+ + - N+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - or(K+, R-) + - SE- name: explored-10137 type: explored -- comm_cost: 0.41519097222222245 - complexity: 11 +- comm_cost: 0.2312500000000004 + complexity: 13 expressions: - N+ - - R+ - - R- - S+ - - S- - and(N-, R+) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-10138 type: explored -- comm_cost: 0.25856481481481497 - complexity: 20 +- comm_cost: 0.5562789351851853 + complexity: 12 expressions: - K+ - N+ - - R- - - and(K-, S+) + - S- + - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, R+) + - and(N-, or(K+, SE+)) name: explored-10139 type: explored -- comm_cost: 0.5093749999999999 - complexity: 7 +- comm_cost: 0.4111631944444447 + complexity: 14 expressions: - - N+ + - K+ - R- - - S+ - - SE- + - and(N-, R+) - and(S-, SE-) + - not(R+) + - or(N+, not(R+)) name: explored-10140 type: explored -- comm_cost: 0.30763888888888924 - complexity: 16 +- comm_cost: 0.6926736111111111 + complexity: 24 expressions: - N+ - - R- - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(K-, not(R+)) - not(R+) + - or(K+, K-) + - or(K+, R+) + - or(K+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-10141 type: explored -- comm_cost: 0.5203125000000002 - complexity: 11 +- comm_cost: 0.28090277777777817 + complexity: 22 expressions: + - K+ - N+ - - N+ - - SE- - - and(K-, or(S+, SE+)) + - R- + - S+ - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10142 type: explored -- comm_cost: 0.6427951388888891 - complexity: 12 +- comm_cost: 0.41666666666666685 + complexity: 16 expressions: - - R+ + - N+ + - R- - SE- - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(S+, R-) name: explored-10143 type: explored -- comm_cost: 0.42013888888888906 - complexity: 19 +- comm_cost: 0.542621527777778 + complexity: 11 expressions: - - K+ - N+ - - R- - - and(K-, not(R+)) + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(S+, N+) name: explored-10144 type: explored -- comm_cost: 0.6452256944444446 +- comm_cost: 0.6524305555555556 complexity: 11 expressions: - R+ - - not(R+) - - or(K+, or(N+, R-)) - - or(SE-, N+) + - SE- + - and(or(K+, S-), not(R+)) + - or(S+, R+) name: explored-10145 type: explored -- comm_cost: 0.3920370370370374 - complexity: 15 +- comm_cost: 0.7415625000000001 + complexity: 7 expressions: - - K+ - - N+ - - R- - - SE- - - and(K-, not(R+)) - - and(N-, R+) - - or(N+, not(R+)) + - N- + - and(and(S-, N-), not(R-)) name: explored-10146 type: explored -- comm_cost: 0.65546875 - complexity: 8 +- comm_cost: 0.5942708333333335 + complexity: 6 expressions: + - K+ - R- - SE- - - and(or(K+, S-), not(R-)) + - and(SE+, N-) name: explored-10147 type: explored -- comm_cost: 0.6670833333333334 - complexity: 8 +- comm_cost: 0.5076388888888891 + complexity: 6 expressions: - - N- - - R- + - N+ + - SE+ - SE- - - and(S-, or(SE-, N+)) + - and(N-, R+) name: explored-10148 type: explored -- comm_cost: 0.6684375000000001 - complexity: 6 +- comm_cost: 0.16701388888888924 + complexity: 15 expressions: - - N- - - R+ + - N+ - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) - or(S+, N+) name: explored-10149 type: explored -- comm_cost: 0.7479166666666667 - complexity: 10 +- comm_cost: 0.4119212962962966 + complexity: 27 expressions: + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) name: explored-10150 type: explored -- comm_cost: 0.7538194444444446 - complexity: 4 +- comm_cost: 0.667013888888889 + complexity: 6 expressions: + - K+ - R+ - - or(K+, K-) + - SE- + - or(S+, R+) name: explored-10151 type: explored -- comm_cost: 0.5776041666666667 - complexity: 9 +- comm_cost: 0.34703703703703737 + complexity: 19 expressions: + - K+ + - N+ + - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(S+, R+) + - and(S-, or(N+, not(R+))) + - or(N+, not(R+)) name: explored-10152 type: explored -- comm_cost: 0.3832986111111114 - complexity: 16 +- comm_cost: 0.3255208333333337 + complexity: 9 expressions: - - K+ - N+ - - R- - - S+ + - N+ - SE- - and(N-, R+) - - or(K+, or(N+, R-)) - - or(SE-, N+) + - or(K+, R-) name: explored-10153 type: explored -- comm_cost: 0.7311111111111113 - complexity: 7 - expressions: - - N- - - R+ - - and(K-, or(S+, SE+)) - name: explored-10154 - type: explored -- comm_cost: 0.46529513888888907 - complexity: 11 +- comm_cost: 0.44690393518518534 + complexity: 15 expressions: - K+ - N+ - - N- - R- - - SE- + - S+ + - S- - and(N-, R+) - - or(K+, R-) - name: explored-10155 + - and(S-, SE-) + - and(S-, not(R-)) + name: explored-10154 type: explored -- comm_cost: 0.1585937500000003 - complexity: 12 +- comm_cost: 0.6466145833333333 + complexity: 13 expressions: - - K+ - - K+ - N+ - - R- - S+ - - SE- - - and(N-, R+) - and(S-, SE-) - name: explored-10156 + - and(or(K+, S-), or(N+, not(R+))) + name: explored-10155 type: explored -- comm_cost: 0.7391493055555556 +- comm_cost: 0.6302083333333335 complexity: 7 expressions: - - S- - - or(S+, R+) - - or(S+, R-) - name: explored-10157 + - R+ + - and(and(S-, N-), not(R-)) + name: explored-10156 type: explored -- comm_cost: 0.2572916666666669 - complexity: 10 +- comm_cost: 0.5814091435185187 + complexity: 14 expressions: - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - or(K+, N+) - name: explored-10158 + - or(K+, R+) + - or(K+, SE+) + name: explored-10157 type: explored -- comm_cost: 0.5084461805555558 - complexity: 19 - expressions: - - K+ +- comm_cost: 0.22916666666666696 + complexity: 13 + expressions: + - N+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) + name: explored-10158 + type: explored +- comm_cost: 0.15179398148148193 + complexity: 18 + expressions: - N+ - R- + - R- - S+ - - SE+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(N+, not(R+)) + - or(S+, R-) name: explored-10159 type: explored -- comm_cost: 0.6764322916666667 - complexity: 18 +- comm_cost: 0.6817708333333332 + complexity: 6 expressions: - - R+ + - N+ - R- - - SE- - - and(N-, or(S+, SE+)) - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - or(SE-, N+) name: explored-10160 type: explored -- comm_cost: 0.3357928240740742 - complexity: 17 +- comm_cost: 0.6990449735449736 + complexity: 42 expressions: - - K+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(K+, SE+) + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) + - not(R+) + - not(R-) + - or(S+, N+) + - or(S+, R-) name: explored-10161 type: explored -- comm_cost: 0.6762152777777779 - complexity: 5 +- comm_cost: 0.13020833333333348 + complexity: 13 expressions: - - R+ - - R- - - or(K+, R+) + - N+ + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-10162 type: explored -- comm_cost: 0.3934895833333335 - complexity: 17 +- comm_cost: 0.5158333333333335 + complexity: 10 expressions: - K+ - N+ - R- - S+ - - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - or(K+, S-) name: explored-10163 type: explored -- comm_cost: 0.6591840277777778 +- comm_cost: 0.479513888888889 complexity: 11 expressions: - - N- - - R+ + - N+ + - R- + - S+ - SE- - - and(N-, or(K+, SE+)) - - or(K+, R-) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-10164 type: explored -- comm_cost: 0.406076388888889 - complexity: 10 +- comm_cost: 0.2891493055555556 + complexity: 14 expressions: + - K+ + - K+ + - N+ + - R- - R- - S+ - - and(K-, or(S+, R+)) + - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-10165 type: explored -- comm_cost: 0.5850000000000002 - complexity: 11 +- comm_cost: 0.400260416666667 + complexity: 12 expressions: - - R+ - - R- + - K+ + - N+ - SE- - - and(and(S-, N-), not(R-)) - - not(R-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-10166 type: explored -- comm_cost: 0.6484375 - complexity: 9 +- comm_cost: 0.30625000000000024 + complexity: 23 expressions: - K+ + - N+ - R- + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(S-, not(R+)) name: explored-10167 type: explored -- comm_cost: 0.5893750000000002 - complexity: 17 +- comm_cost: 0.8016666666666667 + complexity: 2 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, S-) - - or(K+, S-) + - N- + - SE- name: explored-10168 type: explored -- comm_cost: 0.6762152777777779 - complexity: 7 +- comm_cost: 0.6758506944444446 + complexity: 6 expressions: - R+ - R- - - and(K-, or(S+, R+)) + - S- + - SE- + - not(R-) name: explored-10169 type: explored -- comm_cost: 0.6812500000000001 - complexity: 13 +- comm_cost: 0.48750000000000016 + complexity: 17 expressions: + - K+ + - N+ + - R- - SE- - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, R+)) + - and(K-, not(R-)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-10170 type: explored -- comm_cost: 0.5669270833333335 - complexity: 8 +- comm_cost: 0.6 + complexity: 10 expressions: - N+ - - SE- - - and(N-, R+) - - or(S+, R+) + - R- + - and(K-, or(SE-, N+)) + - and(S-, SE-) name: explored-10171 type: explored -- comm_cost: 0.5437500000000002 - complexity: 10 +- comm_cost: 0.09531250000000036 + complexity: 14 expressions: - K+ - - N+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, N+) name: explored-10172 type: explored -- comm_cost: 0.6127025462962965 - complexity: 23 +- comm_cost: 0.5406250000000001 + complexity: 11 expressions: - - N+ - - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(K-, or(S+, R-)) + - and(S-, or(SE-, N+)) name: explored-10173 type: explored -- comm_cost: 0.3270833333333333 - complexity: 12 +- comm_cost: 0.20355902777777812 + complexity: 17 expressions: - K+ - N+ - R- - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) + - not(R+) + - or(K+, R-) name: explored-10174 type: explored -- comm_cost: 0.49321180555555566 - complexity: 21 +- comm_cost: 0.637465277777778 + complexity: 11 expressions: - - K+ - - N+ + - N- + - R+ - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, SE+) + - SE- + - and(S-, not(R-)) + - and(SE+, N-) name: explored-10175 type: explored -- comm_cost: 0.49140625000000016 - complexity: 18 +- comm_cost: 0.6782708333333334 + complexity: 20 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, or(N+, R-)) + - R+ + - S+ + - and(K-, N-) + - and(N-, or(K+, S-)) + - and(S-, N-) + - and(SE+, N-) + - or(N+, not(R+)) name: explored-10176 type: explored -- comm_cost: 0.41770833333333346 +- comm_cost: 0.3166666666666669 complexity: 8 expressions: - K+ - - R+ - - and(S-, SE-) - - and(S-, SE-) - name: explored-10177 - type: explored -- comm_cost: 0.42057291666666685 - complexity: 18 - expressions: - K+ - N+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + name: explored-10177 + type: explored +- comm_cost: 0.6197916666666669 + complexity: 2 + expressions: + - R+ + - SE- name: explored-10178 type: explored -- comm_cost: 0.22864583333333344 - complexity: 15 +- comm_cost: 0.28333333333333366 + complexity: 10 expressions: - - K+ - N+ - R- + - R- + - SE- + - and(N-, R+) - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-10179 type: explored -- comm_cost: 0.6843750000000001 - complexity: 8 +- comm_cost: 0.7612847222222222 + complexity: 16 expressions: - - S- - - and(N-, not(R-)) - - and(S-, SE-) + - N+ + - SE- + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10180 type: explored -- comm_cost: 0.7087644675925926 - complexity: 32 +- comm_cost: 0.6633969907407409 + complexity: 15 expressions: - N+ - - and(K-, N-) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - not(R+) - - not(R-) - - or(K+, R-) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - SE- + - and(K-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-10181 type: explored -- comm_cost: 0.7170486111111112 - complexity: 7 +- comm_cost: 0.606076388888889 + complexity: 9 expressions: - - K- - R+ - - R- - - SE- - - or(K+, K-) + - and(S-, N-) + - and(SE-, or(K+, S-)) name: explored-10182 type: explored -- comm_cost: 0.631148726851852 - complexity: 15 +- comm_cost: 0.687152777777778 + complexity: 9 expressions: - R+ - - SE- - - and(K-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-10183 type: explored -- comm_cost: 0.28969907407407414 - complexity: 15 +- comm_cost: 0.4240277777777779 + complexity: 20 expressions: + - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(K+, R+) + - and(or(K+, S-), not(R+)) + - not(R-) name: explored-10184 type: explored -- comm_cost: 0.5687500000000002 - complexity: 13 +- comm_cost: 0.85625 + complexity: 3 expressions: - - R+ - - SE- - - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - or(SE-, N+) name: explored-10185 type: explored -- comm_cost: 0.5667824074074076 - complexity: 9 +- comm_cost: 0.35820312500000007 + complexity: 13 expressions: + - K+ + - K+ - N+ - - R+ - - SE- - - and(N-, R+) - - or(K+, R+) + - R- + - S+ + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-10186 type: explored -- comm_cost: 0.3973958333333334 - complexity: 8 +- comm_cost: 0.7564814814814815 + complexity: 15 expressions: - - R+ - - S+ - - and(K-, S+) - - and(S-, SE-) + - and(K-, or(S+, R-)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) name: explored-10187 type: explored -- comm_cost: 0.79375 - complexity: 10 +- comm_cost: 0.4687500000000002 + complexity: 16 expressions: - - and(S-, or(SE-, N+)) - - and(S-, or(SE-, N+)) + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(SE-, N+) name: explored-10188 type: explored -- comm_cost: 0.4104166666666669 - complexity: 12 +- comm_cost: 0.5750000000000002 + complexity: 15 expressions: - - K+ - - N+ + - R- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, R-) name: explored-10189 type: explored -- comm_cost: 0.45944444444444466 - complexity: 19 +- comm_cost: 0.32476851851851873 + complexity: 15 expressions: - K+ - - N+ - R- + - S+ + - SE+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) + - or(K+, or(N+, R-)) name: explored-10190 type: explored -- comm_cost: 0.6905671296296297 +- comm_cost: 0.6258680555555556 complexity: 17 expressions: - - N+ - - R+ - - R- - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - S+ + - and(K-, or(S+, N+)) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-10191 type: explored -- comm_cost: 0.4159432870370372 - complexity: 17 +- comm_cost: 0.7756944444444445 + complexity: 7 expressions: - - N+ - - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(S-, or(N+, not(R+))) name: explored-10192 type: explored -- comm_cost: 0.4265625000000003 - complexity: 13 +- comm_cost: 0.24583333333333357 + complexity: 12 expressions: - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, N+) + - or(K+, R-) name: explored-10193 type: explored -- comm_cost: 0.6002604166666667 - complexity: 8 +- comm_cost: 0.4296875000000002 + complexity: 14 expressions: - - R+ - - and(S-, not(R+)) - - or(S+, R+) + - N+ + - SE- + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(N+, R-) name: explored-10194 type: explored -- comm_cost: 0.38107638888888906 - complexity: 13 +- comm_cost: 0.5562500000000001 + complexity: 11 expressions: - - N+ - - R- - - S+ + - K+ + - R+ - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(K-, or(SE-, N+)) + - and(SE+, N-) name: explored-10195 type: explored -- comm_cost: 0.3104166666666668 +- comm_cost: 0.5329861111111114 complexity: 17 expressions: - N+ - - R- - - S+ - - and(K-, SE-) - - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, or(SE-, N+)) name: explored-10196 type: explored -- comm_cost: 0.40000000000000013 +- comm_cost: 0.5305555555555556 complexity: 14 expressions: + - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-10197 type: explored -- comm_cost: 0.20723379629629646 - complexity: 24 +- comm_cost: 0.42161458333333357 + complexity: 15 expressions: - K+ - - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) name: explored-10198 type: explored -- comm_cost: 0.5619791666666669 - complexity: 11 +- comm_cost: 0.5622106481481483 + complexity: 14 expressions: - - K+ + - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) name: explored-10199 type: explored -- comm_cost: 0.47743055555555547 - complexity: 14 +- comm_cost: 0.7837500000000001 + complexity: 4 expressions: - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, S-) name: explored-10200 type: explored -- comm_cost: 0.7536284722222223 - complexity: 8 +- comm_cost: 0.47682291666666676 + complexity: 17 expressions: - - SE- + - N+ + - R- - and(K-, not(R-)) - - or(S+, SE+) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-10201 type: explored -- comm_cost: 0.6734375000000001 - complexity: 3 +- comm_cost: 0.6803819444444444 + complexity: 13 expressions: - - K+ - - N- - - R+ + - N+ + - R- + - SE- + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) name: explored-10202 type: explored -- comm_cost: 0.7837094907407409 +- comm_cost: 0.5842013888888891 complexity: 9 expressions: - R+ - - and(K-, or(S+, R+)) - - or(S+, R+) + - and(K-, not(R+)) + - and(S-, not(R+)) name: explored-10203 type: explored -- comm_cost: 0.45763888888888904 - complexity: 17 +- comm_cost: 0.3085937500000002 + complexity: 14 expressions: - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(or(K+, S-), not(R-)) + - or(S+, N+) + - or(S+, R+) name: explored-10204 type: explored -- comm_cost: 0.7083333333333335 - complexity: 8 +- comm_cost: 0.5102343750000002 + complexity: 25 expressions: + - K+ - N+ - - R+ + - N- - R- - - and(K-, or(S+, SE+)) + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10205 type: explored -- comm_cost: 0.3215277777777781 - complexity: 14 +- comm_cost: 0.43914930555555554 + complexity: 12 expressions: - - N+ - - SE- - - and(K-, S+) - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - K+ + - K+ + - R- + - S+ + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-10206 type: explored -- comm_cost: 0.6964409722222223 - complexity: 15 - expressions: - - and(N-, or(K+, R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) - name: explored-10207 - type: explored -- comm_cost: 0.5583333333333333 - complexity: 11 +- comm_cost: 0.08593750000000022 + complexity: 17 expressions: - K+ - N+ - - S+ + - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - and(SE-, or(K+, S-)) - name: explored-10208 + name: explored-10207 type: explored -- comm_cost: 0.49088541666666674 - complexity: 9 +- comm_cost: 0.41808449074074083 + complexity: 16 expressions: - K+ - K+ - N+ - R- - - S+ - S- + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) + name: explored-10208 + type: explored +- comm_cost: 0.7286284722222223 + complexity: 8 + expressions: + - R- + - SE- + - or(K+, S-) + - or(SE-, N+) name: explored-10209 type: explored -- comm_cost: 0.3381944444444447 - complexity: 22 +- comm_cost: 0.5101562500000002 + complexity: 18 expressions: - K+ - N+ - R- + - SE- + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(SE+, N-) + - not(R+) name: explored-10210 type: explored -- comm_cost: 0.5177372685185186 - complexity: 15 +- comm_cost: 0.5794270833333333 + complexity: 12 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(S-, SE-) name: explored-10211 type: explored -- comm_cost: 0.40986689814814836 - complexity: 19 +- comm_cost: 0.5368923611111112 + complexity: 12 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(N-, not(R-)) + - and(N-, or(K+, R+)) name: explored-10212 type: explored -- comm_cost: 0.658883101851852 - complexity: 12 +- comm_cost: 0.49577546296296304 + complexity: 15 expressions: + - N+ - R+ + - R- - SE- - - and(K-, or(S+, R+)) - - and(N-, or(S+, SE+)) + - and(N-, or(K+, R+)) + - and(and(K-, N-), not(R-)) name: explored-10213 type: explored -- comm_cost: 0.46614583333333326 - complexity: 10 +- comm_cost: 0.33416666666666694 + complexity: 12 expressions: - - K+ - N+ - R- - - R- + - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - or(N+, not(R+)) name: explored-10214 type: explored -- comm_cost: 0.25232638888888914 - complexity: 17 +- comm_cost: 0.5985416666666669 + complexity: 10 expressions: - - K+ - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) - - or(SE-, N+) + - or(K+, R-) + - or(K+, S-) name: explored-10215 type: explored -- comm_cost: 0.4426504629629632 - complexity: 27 +- comm_cost: 0.5617766203703706 + complexity: 16 expressions: - - N+ - R- - - and(K-, or(S+, R+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10216 type: explored -- comm_cost: 0.4534722222222223 - complexity: 9 +- comm_cost: 0.15625000000000044 + complexity: 26 expressions: + - K+ + - K+ + - N+ - R- - - and(K-, or(S+, R+)) + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-10217 type: explored -- comm_cost: 0.4398350694444446 - complexity: 16 +- comm_cost: 0.4070312500000003 + complexity: 12 expressions: - - K+ - - N+ - - N- - R- - - S+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - not(R+) name: explored-10218 type: explored -- comm_cost: 0.5925000000000002 - complexity: 10 +- comm_cost: 0.37711226851851865 + complexity: 16 expressions: - - K- - - SE- + - N+ + - R- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - or(K+, R+) name: explored-10219 type: explored -- comm_cost: 0.36527777777777803 - complexity: 13 +- comm_cost: 0.42734375000000013 + complexity: 10 expressions: - K+ + - N+ - R- - - SE- + - S+ + - and(K-, N-) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) name: explored-10220 type: explored -- comm_cost: 0.5890625000000002 - complexity: 13 +- comm_cost: 0.24192708333333357 + complexity: 18 expressions: + - K+ + - N+ + - R+ - R- - - SE- - - and(K-, or(S+, N+)) + - and(K-, S+) - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-10221 type: explored -- comm_cost: 0.32586805555555576 - complexity: 21 +- comm_cost: 0.46354166666666685 + complexity: 7 expressions: - K+ - N+ + - R+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - and(K-, S+) name: explored-10222 type: explored -- comm_cost: 0.43333333333333357 - complexity: 6 +- comm_cost: 0.4770833333333333 + complexity: 8 expressions: + - K+ - R- - - SE- - - SE- - - and(N-, R+) + - and(K-, S+) + - and(S-, SE-) name: explored-10223 type: explored -- comm_cost: 0.3846354166666668 - complexity: 11 +- comm_cost: 0.527025462962963 + complexity: 13 expressions: - N+ - R+ - R- - - and(S-, SE-) - - or(S+, or(N+, R-)) + - SE- + - and(SE+, N-) + - and(and(K-, N-), not(R-)) name: explored-10224 type: explored -- comm_cost: 0.33706597222222234 - complexity: 19 +- comm_cost: 0.5578125000000003 + complexity: 12 expressions: - - K+ - - N+ - - R- - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - and(and(S-, N-), not(R-)) name: explored-10225 type: explored -- comm_cost: 0.3933159722222226 - complexity: 12 - expressions: - - N+ - - R- - - and(K-, not(R+)) - - and(N-, R+) - - or(SE-, N+) - name: explored-10226 - type: explored -- comm_cost: 0.3197916666666668 - complexity: 16 +- comm_cost: 0.48802083333333346 + complexity: 11 expressions: - R+ - R- - - S+ - - and(K-, or(S+, N+)) + - SE- + - and(K-, S+) - and(N-, or(K+, R+)) - - and(S-, SE-) - name: explored-10227 + name: explored-10226 type: explored -- comm_cost: 0.6652465277777779 - complexity: 35 +- comm_cost: 0.5857638888888891 + complexity: 15 expressions: - - N+ + - R+ - SE- - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) - - or(S+, SE+) - name: explored-10228 + - and(K-, S+) + - and(K-, or(SE-, N+)) + - or(K+, or(N+, R-)) + name: explored-10227 type: explored -- comm_cost: 0.41562500000000024 - complexity: 20 +- comm_cost: 0.6573350694444444 + complexity: 16 expressions: + - K+ - N+ - R- - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) + - or(S+, or(N+, R-)) + name: explored-10228 + type: explored +- comm_cost: 0.7019097222222224 + complexity: 9 + expressions: + - R+ + - S- + - or(and(K-, S+), or(N+, R-)) name: explored-10229 type: explored -- comm_cost: 0.3812500000000003 - complexity: 6 +- comm_cost: 0.3328125000000002 + complexity: 14 expressions: - - N+ - - N+ - - SE- + - K+ + - K+ + - R- + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(S-, SE-) name: explored-10230 type: explored -- comm_cost: 0.25399305555555585 - complexity: 9 +- comm_cost: 0.46897569444444465 + complexity: 20 expressions: - K+ - - N+ - R- - - S+ - - S+ - - SE- + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-10231 type: explored -- comm_cost: 0.3894531250000003 - complexity: 23 +- comm_cost: 0.4812500000000002 + complexity: 7 expressions: - N+ - - R- + - R+ - S+ - - and(K-, not(R+)) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(N-, or(K+, S-)) + - SE- - and(S-, SE-) name: explored-10232 type: explored -- comm_cost: 0.18802083333333353 +- comm_cost: 0.6074652777777779 complexity: 12 expressions: - - K+ - - K+ - - N+ - - N+ - R+ - - R- - - and(N-, R+) - - and(S-, SE-) + - and(K-, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-10233 type: explored -- comm_cost: 0.27737268518518543 - complexity: 23 +- comm_cost: 0.3421875000000002 + complexity: 17 expressions: - K+ - N+ - R- - - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(S+, N+) + - and(S-, or(SE-, N+)) + - or(S+, R+) name: explored-10234 type: explored -- comm_cost: 0.5506944444444446 - complexity: 14 +- comm_cost: 0.39722222222222237 + complexity: 15 expressions: + - K+ - N+ + - R- - SE- + - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(N+, not(R+)) name: explored-10235 type: explored -- comm_cost: 0.34768518518518543 - complexity: 17 +- comm_cost: 0.18125000000000036 + complexity: 16 expressions: - K+ - - N+ - - S+ + - R- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, N-) - and(S-, SE-) name: explored-10236 type: explored -- comm_cost: 0.3379050925925928 - complexity: 19 +- comm_cost: 0.578414351851852 + complexity: 9 expressions: - - N+ + - R+ - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - SE+ + - SE- + - and(N-, or(K+, R+)) name: explored-10237 type: explored -- comm_cost: 0.28333333333333355 - complexity: 14 +- comm_cost: 0.6799450231481482 + complexity: 15 expressions: - - K+ - - K+ - - N+ + - K- + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - SE- + - and(K-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-10238 type: explored -- comm_cost: 0.5979166666666668 - complexity: 8 +- comm_cost: 0.8531250000000001 + complexity: 5 + expressions: + - and(N-, or(S+, SE+)) + name: explored-10239 + type: explored +- comm_cost: 0.6302083333333335 + complexity: 11 expressions: - R+ - - R+ - - SE- - and(S-, or(SE-, N+)) - name: explored-10239 + - and(S-, or(SE-, N+)) + name: explored-10240 type: explored -- comm_cost: 0.49532696759259276 - complexity: 20 +- comm_cost: 0.4685300925925926 + complexity: 16 expressions: + - K+ + - K+ - N+ - R- - - SE- - - and(N-, R+) + - S+ - and(N-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - - or(K+, N+) - name: explored-10240 + - and(S-, SE-) + - or(S+, R-) + name: explored-10241 type: explored -- comm_cost: 0.7256944444444444 - complexity: 9 +- comm_cost: 0.5428819444444446 + complexity: 10 expressions: - N+ + - R+ + - R- - SE- - - or(and(S-, SE-), or(N+, R-)) - name: explored-10241 + - or(K+, R+) + - or(S+, N+) + name: explored-10242 type: explored -- comm_cost: 0.32734375000000016 - complexity: 12 +- comm_cost: 0.42190393518518543 + complexity: 20 expressions: - - K+ - N+ - R- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - name: explored-10242 - type: explored -- comm_cost: 0.7148096064814815 - complexity: 22 - expressions: - - N- - - R+ - - SE+ - - and(K-, S+) - - and(K-, SE-) - - and(S-, not(R-)) - - or(K+, K-) - - or(S+, SE+) - - or(SE-, N+) + - and(or(K+, S-), not(R-)) name: explored-10243 type: explored -- comm_cost: 0.42060185185185195 - complexity: 19 +- comm_cost: 0.3333333333333337 + complexity: 14 expressions: - - K+ - N+ - R- - - S+ - - and(K-, or(S+, SE+)) + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-10244 type: explored -- comm_cost: 0.6375289351851853 - complexity: 30 +- comm_cost: 0.3867187500000002 + complexity: 17 expressions: - - and(K-, SE-) - - and(K-, or(S+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(S+, N+) - - or(SE-, N+) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-10245 type: explored -- comm_cost: 0.5984375000000002 - complexity: 21 +- comm_cost: 0.5126041666666667 + complexity: 8 expressions: + - K+ - R+ - R- - - SE- - - and(K-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - not(R-) name: explored-10246 type: explored -- comm_cost: 0.32083333333333364 +- comm_cost: 0.5394097222222224 complexity: 9 expressions: + - K+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - or(K+, SE+) name: explored-10247 type: explored -- comm_cost: 0.33802083333333366 - complexity: 13 +- comm_cost: 0.5736111111111113 + complexity: 10 expressions: - K+ - N+ - - R- - - S+ - - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, R+)) name: explored-10248 type: explored -- comm_cost: 0.6085098379629631 - complexity: 33 +- comm_cost: 0.41076388888888915 + complexity: 15 expressions: + - K+ + - N+ - R- - SE- - - and(K-, not(R-)) + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) - - or(N+, R-) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(K+, S-)) name: explored-10249 type: explored -- comm_cost: 0.5275462962962965 - complexity: 9 +- comm_cost: 0.30885416666666676 + complexity: 18 expressions: + - K+ - N+ - - R+ - - R+ - R- - - SE- - - and(S-, not(R-)) + - and(K-, S+) + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-10250 type: explored -- comm_cost: 0.4739583333333335 - complexity: 18 +- comm_cost: 0.575 + complexity: 7 expressions: - K+ - - R- - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) name: explored-10251 type: explored -- comm_cost: 0.4159722222222225 - complexity: 17 +- comm_cost: 0.5069791666666669 + complexity: 12 expressions: - - R- - - SE- + - N- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) + - and(S-, SE-) name: explored-10252 type: explored -- comm_cost: 0.3548611111111113 - complexity: 14 +- comm_cost: 0.6275462962962964 + complexity: 9 expressions: - N+ - - R- + - R+ - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - and(S-, N-) + - or(K+, SE+) name: explored-10253 type: explored -- comm_cost: 0.3484375000000003 - complexity: 13 +- comm_cost: 0.690763888888889 + complexity: 6 expressions: - - N+ + - N- - R- - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(SE-, N+) + - SE- + - or(N+, R-) name: explored-10254 type: explored -- comm_cost: 0.5815104166666668 - complexity: 8 +- comm_cost: 0.5840277777777778 + complexity: 4 expressions: - N+ - - R+ - R- - - not(R+) - - or(SE-, N+) + - SE+ + - SE- name: explored-10255 type: explored -- comm_cost: 0.690625 - complexity: 9 +- comm_cost: 0.6033564814814816 + complexity: 20 expressions: - - N+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - R+ + - R- + - SE- + - and(K-, not(R+)) + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-10256 type: explored -- comm_cost: 0.5076388888888891 - complexity: 13 +- comm_cost: 0.6706597222222224 + complexity: 14 expressions: - - N+ - - SE- - - and(N-, R+) - - and(S-, N-) - - or(K+, or(N+, R-)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) + - or(S+, N+) name: explored-10257 type: explored -- comm_cost: 0.6266203703703705 - complexity: 12 +- comm_cost: 0.4572916666666669 + complexity: 8 expressions: - - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - or(K+, R+) + - N+ + - R- + - and(and(S-, N-), not(R-)) name: explored-10258 type: explored -- comm_cost: 0.36822916666666694 - complexity: 9 +- comm_cost: 0.5139178240740742 + complexity: 15 expressions: - N+ - - R- - - S+ + - S- - and(N-, R+) - - or(K+, R-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-10259 type: explored -- comm_cost: 0.43862847222222245 - complexity: 26 +- comm_cost: 0.587152777777778 + complexity: 11 expressions: - K+ - N+ - - R- - - and(K-, or(SE-, N+)) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-10260 type: explored -- comm_cost: 0.6634722222222225 - complexity: 11 +- comm_cost: 0.5311111111111113 + complexity: 12 expressions: + - K+ + - K- + - N+ + - R- - and(N-, R+) - - or(K+, S-) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - not(R-) name: explored-10261 type: explored -- comm_cost: 0.3968750000000001 - complexity: 7 +- comm_cost: 0.76875 + complexity: 2 expressions: - N+ - - R+ - - R- - - SE- - - and(S-, SE-) + - S+ name: explored-10262 type: explored -- comm_cost: 0.6955729166666669 - complexity: 9 +- comm_cost: 0.43125000000000036 + complexity: 11 expressions: - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - N+ + - SE- + - and(N-, R+) + - and(N-, R+) + - or(S+, N+) name: explored-10263 type: explored -- comm_cost: 0.6206597222222224 +- comm_cost: 0.5076388888888891 complexity: 15 expressions: - - R+ + - N+ - SE- + - and(N-, R+) + - and(S-, not(R-)) - and(or(K+, S-), not(R+)) - - or(and(K-, SE-), or(N+, R-)) name: explored-10264 type: explored -- comm_cost: 0.5677083333333335 - complexity: 9 +- comm_cost: 0.370138888888889 + complexity: 15 expressions: - - and(S-, N-) + - N+ + - SE- + - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(and(K-, N-), or(S+, SE+)) name: explored-10265 type: explored -- comm_cost: 0.27656250000000027 - complexity: 12 +- comm_cost: 0.3657407407407409 + complexity: 21 expressions: - K+ + - N+ - R- - - S+ - - and(K-, SE-) - - and(N-, R+) + - and(K-, S+) + - and(N-, or(K+, SE+)) - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-10266 type: explored -- comm_cost: 0.3124131944444448 - complexity: 19 +- comm_cost: 0.32916666666666694 + complexity: 7 expressions: - - K+ - - N+ + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, or(N+, R-)) name: explored-10267 type: explored -- comm_cost: 0.43281249999999993 - complexity: 11 +- comm_cost: 0.6587500000000001 + complexity: 8 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(S-, SE-) + - N- + - R+ + - and(K-, S+) + - or(N+, R-) name: explored-10268 type: explored -- comm_cost: 0.6826041666666668 - complexity: 5 +- comm_cost: 0.4461805555555558 + complexity: 12 expressions: - - R+ + - N+ + - R- - SE- - - or(S+, SE+) + - and(N-, R+) + - or(K+, N+) + - or(K+, R+) name: explored-10269 type: explored -- comm_cost: 0.729340277777778 +- comm_cost: 0.6709490740740742 complexity: 9 expressions: - R+ - - and(K-, or(S+, R+)) - - or(K+, N+) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-10270 type: explored -- comm_cost: 0.2729166666666668 - complexity: 10 +- comm_cost: 0.6195312500000002 + complexity: 12 expressions: - - K+ - - N+ - - R- - - SE+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) name: explored-10271 type: explored -- comm_cost: 0.4745659722222224 - complexity: 13 +- comm_cost: 0.4668402777777779 + complexity: 17 expressions: - K+ - N+ - R- - - and(K-, not(R+)) - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - or(K+, S-) + - or(S+, or(N+, R-)) name: explored-10272 type: explored -- comm_cost: 0.1625000000000003 - complexity: 12 +- comm_cost: 0.46831597222222243 + complexity: 15 expressions: - N+ - - R- - - R- - - and(N-, R+) + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, SE+)) name: explored-10273 type: explored -- comm_cost: 0.5713541666666668 - complexity: 11 +- comm_cost: 0.6269097222222224 + complexity: 13 expressions: - R+ - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(N-, or(K+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-10274 type: explored -- comm_cost: 0.6960937500000001 - complexity: 5 +- comm_cost: 0.32906250000000026 + complexity: 26 expressions: - - R+ - - and(N-, not(R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) name: explored-10275 type: explored -- comm_cost: 0.17390046296296324 - complexity: 23 +- comm_cost: 0.494574652777778 + complexity: 16 expressions: - K+ - - N+ - R- - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, not(R-)) - and(S-, SE-) + - or(S+, R-) name: explored-10276 type: explored -- comm_cost: 0.3250000000000004 - complexity: 8 +- comm_cost: 0.3450520833333335 + complexity: 26 expressions: - K+ + - K+ + - K+ - N+ - R- + - S+ - and(N-, R+) - - not(R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10277 type: explored -- comm_cost: 0.7181423611111112 - complexity: 25 +- comm_cost: 0.7528645833333334 + complexity: 7 expressions: - - N- - - R- - - and(K-, not(R+)) - - and(K-, not(R-)) - - and(N-, or(K+, SE+)) - - or(K+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, not(R-)) + - or(K+, R-) name: explored-10278 type: explored -- comm_cost: 0.4673611111111112 +- comm_cost: 0.5365162037037039 complexity: 14 expressions: - N+ + - R+ - R- - SE- - - and(N-, or(K+, R+)) - - and(and(K-, N-), not(R-)) + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-10279 type: explored -- comm_cost: 0.6130208333333335 - complexity: 10 +- comm_cost: 0.5555555555555556 + complexity: 12 expressions: - - R+ - - R+ - - SE- - - and(and(K-, N-), or(S+, R+)) + - N+ + - R- + - and(K-, S+) + - and(K-, not(R+)) + - and(S-, SE-) name: explored-10280 type: explored -- comm_cost: 0.5642361111111113 +- comm_cost: 0.19236111111111143 complexity: 15 expressions: - - R+ - - and(K-, SE-) - - and(or(K+, S-), not(R+)) + - K+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) - or(K+, or(N+, R-)) name: explored-10281 type: explored -- comm_cost: 0.5945312500000001 - complexity: 9 +- comm_cost: 0.5937500000000001 + complexity: 8 expressions: - - R+ + - N+ - R- - - SE- - - and(K-, S+) - - or(K+, SE+) + - and(N-, R+) + - or(K+, K-) name: explored-10282 type: explored -- comm_cost: 0.37656250000000036 - complexity: 10 +- comm_cost: 0.5893229166666667 + complexity: 6 expressions: - K+ + - K+ + - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - S+ + - S- name: explored-10283 type: explored -- comm_cost: 0.47526041666666685 - complexity: 12 +- comm_cost: 0.6104166666666666 + complexity: 3 expressions: - N+ - R- - SE- - - and(K-, S+) - - and(N-, R+) - - or(K+, SE+) name: explored-10284 type: explored -- comm_cost: 0.5642361111111114 - complexity: 27 +- comm_cost: 0.6792395833333333 + complexity: 26 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - - or(SE-, N+) + - R- + - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) + - or(K+, R-) + - or(K+, SE+) + - or(N+, not(R+)) + - or(S+, or(N+, R-)) name: explored-10285 type: explored -- comm_cost: 0.23611111111111127 - complexity: 14 +- comm_cost: 0.40156250000000027 + complexity: 13 expressions: - - K+ + - N+ - R- - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) name: explored-10286 type: explored -- comm_cost: 0.45243055555555567 - complexity: 13 +- comm_cost: 0.6861979166666669 + complexity: 5 expressions: - R+ - - R- - - S+ - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - or(S+, R+) name: explored-10287 type: explored -- comm_cost: 0.62109375 - complexity: 7 +- comm_cost: 0.7276562500000001 + complexity: 16 expressions: - N+ - - R- - - and(N-, or(K+, S-)) + - N- + - and(or(K+, S-), not(R-)) + - or(K+, N+) + - or(S+, or(N+, R-)) name: explored-10288 type: explored -- comm_cost: 0.7032118055555556 - complexity: 9 +- comm_cost: 0.5019097222222224 + complexity: 15 expressions: - - SE- - - and(N-, or(S+, R+)) - - or(K+, SE+) + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) name: explored-10289 type: explored -- comm_cost: 0.4159722222222225 - complexity: 12 +- comm_cost: 0.5362500000000001 + complexity: 7 expressions: + - K- + - N+ - R- - SE- - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) name: explored-10290 type: explored -- comm_cost: 0.6475694444444446 - complexity: 11 +- comm_cost: 0.34048032407407425 + complexity: 17 expressions: - - SE- - - and(K-, not(R+)) - - and(and(S-, N-), not(R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, R+) name: explored-10291 type: explored -- comm_cost: 0.40604166666666686 - complexity: 15 +- comm_cost: 0.43376736111111125 + complexity: 13 expressions: - K+ - - K+ - - K- - N+ - R- - - S+ - - and(K-, SE-) + - SE- - and(N-, R+) - - and(S-, SE-) + - or(K+, N+) + - or(K+, R+) name: explored-10292 type: explored -- comm_cost: 0.7103530092592594 - complexity: 28 +- comm_cost: 0.8631944444444444 + complexity: 8 expressions: - - S+ - - and(N-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) - or(K+, or(N+, R-)) - - or(N+, not(R+)) + - or(S+, R-) name: explored-10293 type: explored -- comm_cost: 0.5755208333333335 - complexity: 20 +- comm_cost: 0.4486111111111114 + complexity: 14 expressions: - - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, not(R+)) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-10294 type: explored -- comm_cost: 0.2796006944444447 - complexity: 18 +- comm_cost: 0.7875 + complexity: 5 expressions: - - K+ - - K+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(N+, R-) + - SE- + - and(S-, not(R+)) name: explored-10295 type: explored -- comm_cost: 0.4565104166666667 - complexity: 16 +- comm_cost: 0.6536458333333335 + complexity: 19 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(K+, SE+) + - R+ + - and(K-, or(S+, SE+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10296 type: explored -- comm_cost: 0.569965277777778 +- comm_cost: 0.6322916666666667 complexity: 13 expressions: - - R+ - - SE- - - and(K-, or(S+, R-)) - - or(K+, N+) - - or(S+, R-) + - K+ + - N+ + - R- + - and(S-, SE-) + - not(R+) + - or(S+, or(N+, R-)) name: explored-10297 type: explored -- comm_cost: 0.3833333333333335 - complexity: 11 +- comm_cost: 0.2772569444444446 + complexity: 25 expressions: - N+ + - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - and(and(K-, N-), or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-10298 type: explored -- comm_cost: 0.6782986111111112 - complexity: 5 +- comm_cost: 0.5808333333333333 + complexity: 9 expressions: - - R+ - - R+ - - and(K-, N-) + - K+ + - N+ + - S+ + - and(S-, SE-) + - or(K+, S-) name: explored-10299 type: explored -- comm_cost: 0.6469212962962965 +- comm_cost: 0.6149305555555556 complexity: 8 expressions: - - N- - R+ - R- - SE- - - and(S-, not(R-)) + - not(R+) + - or(K+, R+) name: explored-10300 type: explored -- comm_cost: 0.5475694444444444 - complexity: 10 +- comm_cost: 0.5525000000000002 + complexity: 12 expressions: - - K+ - N+ - - S+ - - and(K-, not(R+)) - - and(S-, SE-) - name: explored-10301 - type: explored -- comm_cost: 0.5391493055555557 - complexity: 7 - expressions: - - K+ - R+ - R- - SE- - - or(SE-, N+) + - and(and(S-, N-), not(R-)) + - not(R-) + name: explored-10301 + type: explored +- comm_cost: 0.7624253472222222 + complexity: 23 + expressions: + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - or(K+, K-) + - or(K+, N+) + - or(S+, R-) + - or(S+, SE+) name: explored-10302 type: explored -- comm_cost: 0.6765104166666668 - complexity: 10 +- comm_cost: 0.6473958333333334 + complexity: 12 expressions: - - N- - - R+ + - K+ + - N+ - R- - - S- - - SE- - - and(K-, or(SE-, N+)) + - and(K-, S+) + - and(K-, or(N+, not(R+))) name: explored-10303 type: explored -- comm_cost: 0.37413194444444453 - complexity: 10 +- comm_cost: 0.6783854166666667 + complexity: 6 expressions: - R+ - - R- - - and(N-, or(S+, R+)) - - and(S-, SE-) + - SE- + - and(N-, not(R-)) name: explored-10304 type: explored -- comm_cost: 0.6391493055555557 - complexity: 6 +- comm_cost: 0.5840277777777778 + complexity: 10 expressions: - - K+ - - R+ + - N+ + - R- - SE- - - or(K+, SE+) + - and(K-, not(R+)) + - or(K+, R+) name: explored-10305 type: explored -- comm_cost: 0.6552083333333335 - complexity: 17 +- comm_cost: 0.651388888888889 + complexity: 7 expressions: - - R+ - - and(and(K-, N-), not(R-)) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - R- + - SE- + - and(N-, or(S+, R+)) name: explored-10306 type: explored -- comm_cost: 0.5023437500000002 - complexity: 12 +- comm_cost: 0.7590277777777779 + complexity: 7 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - SE- - or(S+, R+) + - or(SE-, N+) name: explored-10307 type: explored -- comm_cost: 0.5229166666666668 +- comm_cost: 0.07864583333333353 complexity: 16 expressions: + - K+ + - K+ + - N+ - R- - - SE- - - and(K-, not(R-)) + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) name: explored-10308 type: explored -- comm_cost: 0.5378125000000001 - complexity: 18 +- comm_cost: 0.8227430555555555 + complexity: 8 expressions: - - K+ - - R+ - - R- - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, not(R+)) - - or(SE-, N+) + - and(K-, not(R+)) + - and(S-, not(R+)) name: explored-10309 type: explored -- comm_cost: 0.4822916666666669 - complexity: 14 +- comm_cost: 0.5984375 + complexity: 8 expressions: - - K+ - - R- + - N+ - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - or(K+, S-) name: explored-10310 type: explored -- comm_cost: 0.4391666666666669 - complexity: 9 +- comm_cost: 0.6475694444444446 + complexity: 7 expressions: - - N+ - - R- - - and(N-, R+) - - or(N+, not(R+)) + - R+ + - and(K-, S+) + - or(S+, R-) name: explored-10311 type: explored -- comm_cost: 0.75 - complexity: 9 +- comm_cost: 0.6222222222222223 + complexity: 14 expressions: - - and(K-, not(R-)) - - or(S+, or(N+, R-)) + - N+ + - R+ + - SE- + - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-10312 type: explored -- comm_cost: 0.40500000000000014 - complexity: 9 +- comm_cost: 0.44010416666666685 + complexity: 6 expressions: - - N+ - - N- + - R+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) name: explored-10313 type: explored -- comm_cost: 0.7043402777777777 - complexity: 13 +- comm_cost: 0.33593750000000033 + complexity: 15 expressions: - - K+ + - N+ - R- - - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(N+, R-) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(S+, or(N+, R-)) name: explored-10314 type: explored -- comm_cost: 0.45833333333333337 - complexity: 9 +- comm_cost: 0.36348379629629657 + complexity: 20 expressions: - K+ - N+ + - N+ - R- + - S+ + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(S+, SE+) + - and(S-, or(N+, not(R+))) name: explored-10315 type: explored -- comm_cost: 0.7710937500000001 - complexity: 6 +- comm_cost: 0.669247271825397 + complexity: 44 expressions: - - R- - - and(N-, or(K+, S-)) + - N- + - SE+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) name: explored-10316 type: explored -- comm_cost: 0.3744791666666669 - complexity: 15 +- comm_cost: 0.6062789351851854 + complexity: 13 expressions: + - N+ - R- - - S+ - - and(K-, SE-) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - or(S+, R+) name: explored-10317 type: explored -- comm_cost: 0.3767361111111114 - complexity: 21 +- comm_cost: 0.6095920138888891 + complexity: 15 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) + - SE- + - and(K-, or(SE-, N+)) + - and(N-, or(S+, R+)) + - not(R+) name: explored-10318 type: explored -- comm_cost: 0.6425347222222224 - complexity: 11 +- comm_cost: 0.16406250000000022 + complexity: 15 expressions: - - K- + - K+ + - N+ - R- - - SE- - - and(K-, or(S+, SE+)) + - S+ - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-10319 type: explored -- comm_cost: 0.3944444444444445 - complexity: 17 +- comm_cost: 0.7437500000000001 + complexity: 16 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, R+)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - R+ + - and(K-, or(S+, SE+)) + - or(S+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-10320 type: explored -- comm_cost: 0.5744791666666669 - complexity: 11 +- comm_cost: 0.6365740740740742 + complexity: 15 expressions: - - R+ - SE- - - and(or(K+, S-), not(R+)) - - or(K+, R-) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-10321 type: explored -- comm_cost: 0.7604166666666666 - complexity: 6 +- comm_cost: 0.24936342592592609 + complexity: 20 expressions: - K+ - - SE- - - and(S-, not(R+)) + - N+ + - R+ + - R- + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-10322 type: explored -- comm_cost: 0.6186458333333335 - complexity: 7 +- comm_cost: 0.6880208333333335 + complexity: 8 expressions: - - R+ - - S+ - - and(S-, SE-) - - not(R-) + - SE- + - and(and(K-, N-), or(S+, R+)) name: explored-10323 type: explored -- comm_cost: 0.34739583333333357 - complexity: 13 +- comm_cost: 0.6004166666666668 + complexity: 7 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, S+) + - SE- - and(N-, R+) - - or(K+, N+) + - not(R-) name: explored-10324 type: explored -- comm_cost: 0.5374565972222224 - complexity: 13 +- comm_cost: 0.5314062500000002 + complexity: 19 expressions: + - K+ + - K- - N+ - - R+ - R- - S+ - - SE- - - and(K-, or(S+, R-)) - - or(SE-, N+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-10325 type: explored -- comm_cost: 0.663570601851852 - complexity: 18 +- comm_cost: 0.515277777777778 + complexity: 12 expressions: - - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - R- + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-10326 type: explored -- comm_cost: 0.6653703703703704 - complexity: 11 +- comm_cost: 0.22384259259259287 + complexity: 16 expressions: + - K+ - N+ - - N- - R- - - SE- - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(K-, S+) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-10327 type: explored -- comm_cost: 0.6373964120370371 - complexity: 46 +- comm_cost: 0.33159722222222254 + complexity: 17 expressions: - - R+ - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) - - or(N+, R-) - - or(S+, SE+) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-10328 type: explored -- comm_cost: 0.5981770833333333 - complexity: 9 +- comm_cost: 0.6355902777777779 + complexity: 19 expressions: + - R+ - R- - - and(S-, SE-) - - or(S+, or(N+, R-)) + - SE- + - and(N-, or(K+, S-)) + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-10329 type: explored -- comm_cost: 0.13864583333333358 - complexity: 17 +- comm_cost: 0.5842881944444445 + complexity: 15 expressions: - K+ - - K+ - - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - SE- + - and(K-, S+) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-10330 type: explored -- comm_cost: 0.35902777777777817 - complexity: 17 +- comm_cost: 0.6858333333333334 + complexity: 8 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) + - or(K+, N+) + - or(K+, S-) name: explored-10331 type: explored -- comm_cost: 0.4656250000000004 - complexity: 9 +- comm_cost: 0.4310763888888891 + complexity: 16 expressions: - - K+ - - N+ - - S+ + - R+ + - R- + - SE- + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - or(K+, N+) name: explored-10332 type: explored -- comm_cost: 0.40937500000000016 - complexity: 7 +- comm_cost: 0.5679687500000001 + complexity: 11 expressions: - - R+ + - K+ + - R- - and(S-, SE-) - - or(K+, R-) + - and(or(K+, S-), not(R-)) name: explored-10333 type: explored -- comm_cost: 0.12291666666666701 - complexity: 13 +- comm_cost: 0.30329861111111134 + complexity: 19 expressions: - K+ - N+ - R- - - S+ + - and(K-, N-) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - and(S-, not(R+)) name: explored-10334 type: explored -- comm_cost: 0.48211805555555587 - complexity: 13 +- comm_cost: 0.7382089120370372 + complexity: 18 expressions: - - and(N-, R+) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - or(S+, R+) name: explored-10335 type: explored -- comm_cost: 0.6315104166666667 - complexity: 12 +- comm_cost: 0.35509259259259274 + complexity: 19 expressions: - - R+ - - SE- - - and(K-, or(S+, R-)) - - and(N-, or(K+, S-)) + - K+ + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-10336 type: explored -- comm_cost: 0.39959490740740766 - complexity: 17 +- comm_cost: 0.18437500000000018 + complexity: 14 expressions: - - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - and(SE+, N-) + - and(S-, or(SE-, N+)) name: explored-10337 type: explored -- comm_cost: 0.4755208333333336 - complexity: 7 +- comm_cost: 0.6219618055555557 + complexity: 12 expressions: + - K+ + - N+ - SE- - and(N-, R+) - - or(K+, R-) + - or(K+, K-) + - or(K+, R+) name: explored-10338 type: explored -- comm_cost: 0.5057291666666668 - complexity: 12 +- comm_cost: 0.3998553240740742 + complexity: 20 expressions: - N+ - - R+ - R- - - SE- - - and(S-, or(SE-, N+)) - - or(N+, R-) + - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, N+) name: explored-10339 type: explored -- comm_cost: 0.4324363425925928 - complexity: 16 +- comm_cost: 0.21770833333333361 + complexity: 17 expressions: - N+ - - R- - - and(K-, N-) + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) name: explored-10340 type: explored -- comm_cost: 0.6055555555555556 - complexity: 6 +- comm_cost: 0.5064583333333335 + complexity: 8 expressions: - N+ - R- - - and(S-, not(R-)) + - S+ + - and(N-, R+) + - not(R-) name: explored-10341 type: explored -- comm_cost: 0.3168402777777781 +- comm_cost: 0.5784722222222224 + complexity: 11 + expressions: + - N+ + - R- + - SE- + - and(N-, or(K+, R+)) + - or(K+, SE+) + name: explored-10342 + type: explored +- comm_cost: 0.3564236111111113 complexity: 19 expressions: - K+ - N+ + - R- - S+ - - and(K-, not(R+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - name: explored-10342 - type: explored -- comm_cost: 0.7770833333333333 - complexity: 6 - expressions: - - N+ - - SE- - - or(N+, not(R+)) + - and(S-, not(R+)) name: explored-10343 type: explored -- comm_cost: 0.4044444444444446 - complexity: 16 +- comm_cost: 0.3690972222222225 + complexity: 20 expressions: - - K+ - N+ - - N- - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-10344 type: explored -- comm_cost: 0.4793402777777779 - complexity: 11 +- comm_cost: 0.4052083333333336 + complexity: 14 expressions: - - R+ - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - N+ + - R- + - SE- + - and(N-, R+) + - and(S-, or(SE-, N+)) + - and(SE+, N-) name: explored-10345 type: explored -- comm_cost: 0.5796875000000001 - complexity: 8 +- comm_cost: 0.6516666666666667 + complexity: 3 expressions: - N+ - - R- + - N- - SE- - - and(N-, or(K+, S-)) name: explored-10346 type: explored -- comm_cost: 0.5990625000000002 +- comm_cost: 0.4097222222222223 complexity: 12 expressions: + - K+ + - K+ - N+ - R- - S+ - - and(N-, R+) - - or(K+, N+) - - or(S+, SE+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-10347 type: explored -- comm_cost: 0.33125000000000027 - complexity: 10 +- comm_cost: 0.4105578703703705 + complexity: 23 expressions: - K+ - N+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) - - not(R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) + - or(S+, SE+) name: explored-10348 type: explored -- comm_cost: 0.6322916666666668 - complexity: 12 - expressions: - - R+ - - SE- - - and(N-, or(K+, S-)) - - and(S-, or(SE-, N+)) - name: explored-10349 - type: explored -- comm_cost: 0.17916666666666692 - complexity: 10 +- comm_cost: 0.3050347222222225 + complexity: 21 expressions: - N+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-10350 + - and(or(K+, S-), or(SE-, N+)) + name: explored-10349 type: explored -- comm_cost: 0.6213541666666669 - complexity: 14 +- comm_cost: 0.6664062500000001 + complexity: 4 expressions: - R+ + - SE+ + - not(R+) + name: explored-10350 + type: explored +- comm_cost: 0.6233333333333335 + complexity: 7 + expressions: - SE- - - and(K-, or(S+, N+)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, R+) + - or(S+, SE+) name: explored-10351 type: explored -- comm_cost: 0.261064814814815 - complexity: 21 +- comm_cost: 0.21163194444444466 + complexity: 25 expressions: - K+ - N+ - R- - - S+ - - S+ + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) + - and(N-, or(K+, R+)) - and(S-, SE-) + - and(SE+, N-) name: explored-10352 type: explored -- comm_cost: 0.2312500000000003 - complexity: 13 +- comm_cost: 0.6401041666666667 + complexity: 8 expressions: - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - N+ + - and(K-, not(R-)) - and(S-, SE-) name: explored-10353 type: explored -- comm_cost: 0.36222222222222245 - complexity: 16 +- comm_cost: 0.684670138888889 + complexity: 37 expressions: - - K+ - - N+ - - N- - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - name: explored-10354 - type: explored -- comm_cost: 0.6059895833333334 - complexity: 7 + - S- + - SE+ + - and(K-, not(R-)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) + name: explored-10354 + type: explored +- comm_cost: 0.3104166666666668 + complexity: 12 expressions: + - K+ - N+ - - R+ - R- - - and(K-, not(R-)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-10355 type: explored -- comm_cost: 0.587152777777778 - complexity: 6 +- comm_cost: 0.4754629629629632 + complexity: 16 expressions: - - R+ - - R+ - - SE- - - or(S+, R-) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) name: explored-10356 type: explored -- comm_cost: 0.6555555555555557 - complexity: 5 +- comm_cost: 0.48993055555555576 + complexity: 12 expressions: + - N+ - R- - - and(S-, not(R-)) + - S+ + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-10357 type: explored -- comm_cost: 0.4792824074074076 - complexity: 16 +- comm_cost: 0.30529513888888904 + complexity: 22 expressions: - K+ - N+ - R- - - SE- + - and(K-, N-) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(N+, R-) + - and(and(K-, N-), or(S+, R+)) name: explored-10358 type: explored -- comm_cost: 0.43072916666666683 - complexity: 10 - expressions: - - K+ - - R+ - - R- - - S+ - - and(and(S-, N-), not(R-)) - name: explored-10359 - type: explored -- comm_cost: 0.7389409722222223 - complexity: 24 - expressions: - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R+) - - or(K+, S-) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-10360 - type: explored -- comm_cost: 0.3486111111111114 - complexity: 14 +- comm_cost: 0.43020833333333364 + complexity: 12 expressions: - N+ - - and(K-, not(R+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(or(K+, S-), not(R+)) - name: explored-10361 + - or(K+, R-) + name: explored-10359 type: explored -- comm_cost: 0.28932291666666676 - complexity: 20 +- comm_cost: 0.19696180555555587 + complexity: 15 expressions: - K+ - - N+ + - K+ - R- - - and(K-, S+) - - and(K-, SE-) + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - name: explored-10362 + - or(K+, or(N+, R-)) + name: explored-10360 type: explored -- comm_cost: 0.5760416666666669 - complexity: 9 +- comm_cost: 0.702013888888889 + complexity: 14 expressions: - - K+ - - N+ - R+ - - SE- - - and(K-, or(SE-, N+)) - name: explored-10363 + - and(N-, or(K+, R+)) + - and(and(K-, N-), not(R-)) + - not(R-) + name: explored-10361 type: explored -- comm_cost: 0.4017361111111113 - complexity: 11 +- comm_cost: 0.6225694444444445 + complexity: 13 expressions: - R+ - R- + - SE- + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) + name: explored-10362 + type: explored +- comm_cost: 0.5234375000000002 + complexity: 9 + expressions: - R- - S+ - - and(S-, SE-) - - and(S-, not(R+)) - name: explored-10364 + - and(K-, not(R-)) + - and(N-, R+) + name: explored-10363 type: explored -- comm_cost: 0.4165364583333334 - complexity: 18 +- comm_cost: 0.3338541666666669 + complexity: 20 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, not(R-)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(S+, R+) + - or(K+, R-) + name: explored-10364 + type: explored +- comm_cost: 0.7588541666666667 + complexity: 13 + expressions: + - and(K-, SE-) + - and(K-, or(SE-, N+)) + - and(SE-, or(K+, S-)) name: explored-10365 type: explored -- comm_cost: 0.26527777777777817 - complexity: 8 +- comm_cost: 0.5069444444444446 + complexity: 7 expressions: - K+ - N+ - R- - SE- - - SE- - - and(N-, R+) + - and(S-, N-) name: explored-10366 type: explored -- comm_cost: 0.377777777777778 - complexity: 14 +- comm_cost: 0.48547453703703713 + complexity: 16 expressions: - - K+ - - R- - - SE- - - and(K-, or(S+, R+)) + - N+ + - S- - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) + - or(S+, R-) name: explored-10367 type: explored -- comm_cost: 0.4442708333333335 - complexity: 11 +- comm_cost: 0.7770833333333333 + complexity: 6 expressions: - - R- - - S+ - - and(N-, R+) - - and(and(S-, N-), not(R-)) + - N+ + - SE- + - or(N+, not(R+)) name: explored-10368 type: explored -- comm_cost: 0.4330729166666669 - complexity: 16 +- comm_cost: 0.671875 + complexity: 9 expressions: - K+ - N+ - - N+ - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(K+, N+) + - S+ + - and(K-, or(S+, SE+)) name: explored-10369 type: explored -- comm_cost: 0.5557291666666668 - complexity: 7 +- comm_cost: 0.6751041666666667 + complexity: 29 expressions: - - N+ - - and(N-, R+) - - and(SE+, N-) + - S- + - SE- + - and(K-, N-) + - and(K-, not(R+)) + - and(K-, or(S+, R+)) + - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - not(R+) name: explored-10370 type: explored -- comm_cost: 0.5015625000000002 - complexity: 14 +- comm_cost: 0.3923611111111114 + complexity: 11 expressions: + - N+ + - R- + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(K+, N+) + - and(N-, or(S+, R+)) name: explored-10371 type: explored -- comm_cost: 0.19687500000000013 - complexity: 22 +- comm_cost: 0.6252604166666669 + complexity: 13 expressions: - K+ - - N+ - - R- - - and(K-, or(S+, N+)) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - R+ + - and(K-, or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-10372 type: explored -- comm_cost: 0.5826388888888889 - complexity: 9 +- comm_cost: 0.48466435185185197 + complexity: 18 expressions: + - K+ - N+ - R- - - and(K-, not(R+)) - - and(S-, SE-) + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-10373 type: explored -- comm_cost: 0.6818576388888891 - complexity: 11 +- comm_cost: 0.41562500000000013 + complexity: 10 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - and(or(K+, S-), not(R-)) - - or(K+, N+) + - and(K-, SE-) + - and(SE+, N-) name: explored-10374 type: explored -- comm_cost: 0.44751157407407427 - complexity: 25 +- comm_cost: 0.49097222222222237 + complexity: 12 expressions: - - K+ - N+ - - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) + - and(N-, or(K+, SE+)) name: explored-10375 type: explored -- comm_cost: 0.6316840277777779 - complexity: 15 +- comm_cost: 0.3052083333333335 + complexity: 18 expressions: - - R+ - - and(K-, not(R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) + - or(K+, R+) name: explored-10376 type: explored -- comm_cost: 0.5927083333333335 - complexity: 5 +- comm_cost: 0.6281944444444446 + complexity: 11 expressions: - - R+ + - R- - SE- - - and(K-, S+) + - and(N-, R+) + - and(S-, N-) + - or(K+, S-) name: explored-10377 type: explored -- comm_cost: 0.6576736111111112 - complexity: 10 +- comm_cost: 0.5450520833333335 + complexity: 13 expressions: - - N+ - - R+ - R- - SE- - - or(K+, S-) - - or(K+, SE+) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-10378 type: explored -- comm_cost: 0.479513888888889 - complexity: 14 +- comm_cost: 0.6875173611111112 + complexity: 12 expressions: - - R- - - and(K-, or(S+, R+)) + - R+ - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(or(K+, S-), not(R-)) + - not(R-) name: explored-10379 type: explored -- comm_cost: 0.6776041666666668 - complexity: 3 +- comm_cost: 0.48350694444444464 + complexity: 16 expressions: - - N- - - R+ - - SE- + - K+ + - N+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-10380 type: explored -- comm_cost: 0.6533854166666667 - complexity: 9 +- comm_cost: 0.36354166666666676 + complexity: 6 expressions: + - N+ - R+ - - and(K-, not(R-)) - - and(S-, not(R+)) + - R- + - and(S-, SE-) name: explored-10381 type: explored -- comm_cost: 0.4940972222222224 - complexity: 9 +- comm_cost: 0.3642361111111113 + complexity: 16 expressions: - - R+ + - N+ - R- - - and(K-, not(R+)) + - S+ + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) name: explored-10382 type: explored -- comm_cost: 0.6802083333333335 - complexity: 3 +- comm_cost: 0.6692129629629631 + complexity: 28 expressions: - - R+ - - R+ - - S+ + - N+ + - and(N-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - or(K+, N+) + - or(K+, R+) + - or(S+, R+) name: explored-10383 type: explored -- comm_cost: 0.2900173611111113 - complexity: 21 +- comm_cost: 0.8520833333333333 + complexity: 8 + expressions: + - and(or(K+, S-), or(N+, not(R+))) + name: explored-10384 + type: explored +- comm_cost: 0.12812500000000027 + complexity: 20 expressions: - K+ - N+ - R- - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) - name: explored-10384 - type: explored -- comm_cost: 0.5513888888888889 - complexity: 7 - expressions: - - N+ - - R- - - SE- - - and(S-, not(R-)) + - and(SE-, or(K+, S-)) name: explored-10385 type: explored -- comm_cost: 0.3442708333333335 - complexity: 13 +- comm_cost: 0.3802083333333335 + complexity: 18 expressions: + - K+ - N+ - - R+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - and(S-, SE-) + - or(K+, K-) name: explored-10386 type: explored -- comm_cost: 0.7461805555555556 - complexity: 7 +- comm_cost: 0.7450520833333334 + complexity: 5 expressions: - - SE- - - or(K+, N+) - - or(S+, R-) + - N+ + - R+ + - or(K+, SE+) name: explored-10387 type: explored -- comm_cost: 0.3362847222222223 - complexity: 16 +- comm_cost: 0.32777777777777795 + complexity: 14 expressions: - K+ + - K+ - N+ - R- - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) + - and(N-, R+) - and(S-, SE-) + - and(S-, not(R-)) name: explored-10388 type: explored -- comm_cost: 0.6033738425925927 - complexity: 17 +- comm_cost: 0.5616319444444445 + complexity: 9 expressions: - - K+ - - N+ + - R+ + - R- - R- - SE- - - and(N-, R+) - - and(S-, not(R+)) - - or(K+, K-) - - or(K+, S-) + - and(K-, or(S+, R+)) name: explored-10389 type: explored -- comm_cost: 0.5108333333333335 - complexity: 10 +- comm_cost: 0.5513888888888889 + complexity: 6 expressions: - - R+ + - N+ - R- - - S+ - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - or(K+, R+) name: explored-10390 type: explored -- comm_cost: 0.6301215277777779 - complexity: 14 +- comm_cost: 0.6415798611111112 + complexity: 11 expressions: - - R+ + - R- - SE- - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) + - and(K-, or(SE-, N+)) + - and(N-, not(R-)) name: explored-10391 type: explored -- comm_cost: 0.6340277777777779 - complexity: 8 +- comm_cost: 0.5820023148148149 + complexity: 10 expressions: + - N+ + - R+ - R- - - SE+ - - SE- - - and(K-, or(S+, R+)) + - and(S-, N-) + - and(S-, not(R+)) name: explored-10392 type: explored -- comm_cost: 0.705729166666667 - complexity: 6 +- comm_cost: 0.6625000000000001 + complexity: 9 expressions: - - and(N-, R+) - - and(SE+, N-) + - N+ + - R+ + - SE- + - and(or(K+, S-), not(R-)) name: explored-10393 type: explored -- comm_cost: 0.5616319444444445 - complexity: 7 +- comm_cost: 0.6993055555555556 + complexity: 16 expressions: - - R+ - - R- - SE- - - and(S-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(SE-, N+)) name: explored-10394 type: explored -- comm_cost: 0.7583333333333333 - complexity: 4 +- comm_cost: 0.4223958333333335 + complexity: 17 expressions: + - N+ - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) - or(SE-, N+) name: explored-10395 type: explored -- comm_cost: 0.17916666666666703 - complexity: 8 +- comm_cost: 0.31562500000000016 + complexity: 17 expressions: - - K+ - N+ + - R+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-10396 type: explored -- comm_cost: 0.6101562500000001 - complexity: 9 +- comm_cost: 0.44677083333333345 + complexity: 12 expressions: - K+ - R+ - R- - - and(K-, N-) - - or(S+, N+) + - and(S-, SE-) + - and(S-, SE-) + - or(S+, SE+) name: explored-10397 type: explored -- comm_cost: 0.5750000000000002 - complexity: 13 +- comm_cost: 0.5075520833333335 + complexity: 19 expressions: + - N+ - R+ - R- - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(K+, N+) + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) name: explored-10398 type: explored -- comm_cost: 0.31406250000000036 - complexity: 11 +- comm_cost: 0.42118055555555567 + complexity: 18 expressions: - - N+ - R- - - SE- - - and(K-, or(S+, N+)) + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-10399 type: explored -- comm_cost: 0.4218750000000002 - complexity: 8 +- comm_cost: 0.38022569444444476 + complexity: 22 expressions: - N+ - - R- + - S+ - and(N-, R+) - - or(K+, N+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) + - or(S+, R-) name: explored-10400 type: explored -- comm_cost: 0.5065740740740742 - complexity: 17 +- comm_cost: 0.6442708333333335 + complexity: 16 expressions: - - N+ + - K+ - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, S-) + - or(K+, K-) + - or(K+, SE+) name: explored-10401 type: explored -- comm_cost: 0.5124305555555557 - complexity: 17 +- comm_cost: 0.3289930555555558 + complexity: 15 expressions: - - N+ - R- - - SE- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(S+, N+) - - or(S+, SE+) + - and(S-, SE-) + - and(S-, SE-) name: explored-10402 type: explored -- comm_cost: 0.3904947916666669 - complexity: 17 +- comm_cost: 0.5545717592592595 + complexity: 15 expressions: - - K+ - N+ - R- - - S+ - - S- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-10403 type: explored -- comm_cost: 0.4587962962962965 - complexity: 17 +- comm_cost: 0.2903125000000003 + complexity: 18 expressions: - K+ + - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(S-, N-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - not(R+) + - or(S+, or(N+, R-)) name: explored-10404 type: explored -- comm_cost: 0.37479166666666686 - complexity: 11 +- comm_cost: 0.29791666666666705 + complexity: 13 expressions: + - K+ - N+ - - S+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - and(or(K+, S-), not(R+)) name: explored-10405 type: explored -- comm_cost: 0.3818142361111113 - complexity: 25 +- comm_cost: 0.5006944444444446 + complexity: 12 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) + - SE- + - and(N-, or(K+, R+)) + - or(S+, N+) name: explored-10406 type: explored -- comm_cost: 0.28958333333333375 - complexity: 13 +- comm_cost: 0.4910300925925928 + complexity: 14 expressions: - - K+ - N+ - - and(K-, or(SE-, N+)) + - R- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) + - and(S-, N-) name: explored-10407 type: explored -- comm_cost: 0.4450868055555557 - complexity: 22 +- comm_cost: 0.4851562500000002 + complexity: 12 expressions: - - K+ - N+ - - N- - R- - S+ + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) name: explored-10408 type: explored -- comm_cost: 0.5408333333333335 - complexity: 14 +- comm_cost: 0.3007812500000001 + complexity: 11 expressions: - N+ - R- - - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, S-) + - and(S-, SE-) + - or(S+, R+) name: explored-10409 type: explored -- comm_cost: 0.6229166666666668 +- comm_cost: 0.6236979166666669 complexity: 12 expressions: - - R+ - - R+ - - R- - - SE- - - and(or(K+, S-), not(R+)) - - not(R-) + - N+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(S+, N+) name: explored-10410 type: explored -- comm_cost: 0.6166666666666669 - complexity: 6 +- comm_cost: 0.46837962962962976 + complexity: 12 expressions: + - K+ - N+ - R- - SE+ - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-10411 type: explored -- comm_cost: 0.7540625000000001 - complexity: 9 +- comm_cost: 0.6513020833333334 + complexity: 6 expressions: + - N+ - R+ - - and(K-, or(S+, R-)) - - or(S+, SE+) + - R- + - or(S+, R+) name: explored-10412 type: explored -- comm_cost: 0.8317708333333333 - complexity: 8 +- comm_cost: 0.35266203703703736 + complexity: 18 expressions: - - or(S+, or(N+, R-)) - - or(SE-, N+) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) name: explored-10413 type: explored -- comm_cost: 0.1741319444444447 - complexity: 19 +- comm_cost: 0.5158854166666669 + complexity: 14 expressions: - N+ - - R- - - and(K-, S+) + - S+ + - S- - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(SE+, N-) name: explored-10414 type: explored -- comm_cost: 0.5017361111111113 - complexity: 12 +- comm_cost: 0.6644097222222224 + complexity: 8 expressions: - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - N+ + - R+ + - and(N-, or(K+, SE+)) name: explored-10415 type: explored -- comm_cost: 0.4861111111111114 - complexity: 13 +- comm_cost: 0.709869212962963 + complexity: 10 expressions: - - K+ + - K- - N+ + - R+ + - R- - SE- - - and(K-, S+) - - and(N-, R+) - - and(S-, not(R-)) + - not(R-) + - or(K+, K-) name: explored-10416 type: explored -- comm_cost: 0.6294907407407409 - complexity: 23 +- comm_cost: 0.6939236111111112 + complexity: 16 expressions: - - K+ - - R+ - - S+ - - and(K-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-10417 type: explored -- comm_cost: 0.19635416666666694 +- comm_cost: 0.3594618055555556 complexity: 19 expressions: - N+ - R- - S+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-10418 type: explored -- comm_cost: 0.3848263888888891 - complexity: 13 +- comm_cost: 0.7395833333333333 + complexity: 5 expressions: - - K- - - N+ + - K+ - R- - - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - and(K-, S+) name: explored-10419 type: explored -- comm_cost: 0.33849826388888915 - complexity: 19 +- comm_cost: 0.06510416666666696 + complexity: 15 expressions: + - K+ + - K+ - N+ - R- - - SE+ - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-10420 type: explored -- comm_cost: 0.5786458333333334 - complexity: 15 +- comm_cost: 0.6416203703703703 + complexity: 19 expressions: + - K+ + - N+ - R- - - and(N-, or(S+, SE+)) + - and(K-, S+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(S-, or(N+, not(R+))) + - or(N+, not(R+)) name: explored-10421 type: explored -- comm_cost: 0.5250000000000001 - complexity: 19 +- comm_cost: 0.47916666666666696 + complexity: 8 expressions: - - R- - - SE- + - N+ + - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) name: explored-10422 type: explored -- comm_cost: 0.684375 - complexity: 6 +- comm_cost: 0.6342881944444445 + complexity: 9 expressions: - N+ + - R+ - R- - - SE- - - or(SE-, N+) + - and(K-, N-) + - or(N+, R-) name: explored-10423 type: explored -- comm_cost: 0.2817708333333335 - complexity: 10 +- comm_cost: 0.5137152777777779 + complexity: 16 expressions: - - N+ - - R+ - - R- - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, R+)) + - and(and(S-, N-), not(R-)) name: explored-10424 type: explored -- comm_cost: 0.6258912037037038 - complexity: 11 +- comm_cost: 0.32255208333333363 + complexity: 14 expressions: + - K+ + - K+ - N+ - - R+ - - R- - - SE- - - and(K-, not(R+)) - - or(K+, S-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-10425 type: explored -- comm_cost: 0.5736979166666668 - complexity: 5 +- comm_cost: 0.3953125000000002 + complexity: 10 expressions: - - R+ + - N+ - R- - S+ - - not(R+) + - S- + - and(N-, R+) + - and(S-, SE-) name: explored-10426 type: explored -- comm_cost: 0.6318750000000002 - complexity: 12 +- comm_cost: 0.18750000000000022 + complexity: 11 expressions: - - K- - N+ + - R- + - and(K-, SE-) - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-10427 type: explored -- comm_cost: 0.5181250000000002 - complexity: 14 +- comm_cost: 0.48602430555555576 + complexity: 15 expressions: - K+ - N+ - R- - - and(K-, or(S+, N+)) + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - or(K+, S-) + - or(K+, N+) name: explored-10428 type: explored -- comm_cost: 0.3921527777777779 - complexity: 16 +- comm_cost: 0.5897569444444445 + complexity: 18 expressions: - K+ - N+ - - N- - R- - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - or(K+, K-) name: explored-10429 type: explored -- comm_cost: 0.4901961805555557 - complexity: 24 +- comm_cost: 0.4002604166666668 + complexity: 21 expressions: - K+ - K+ - - N+ - R- - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, SE+) + - and(S-, or(N+, not(R+))) name: explored-10430 type: explored -- comm_cost: 0.5583333333333335 - complexity: 6 +- comm_cost: 0.6399305555555557 + complexity: 11 expressions: - R+ - R- - - SE- - - or(SE-, N+) + - and(N-, not(R-)) + - or(K+, or(N+, R-)) name: explored-10431 type: explored -- comm_cost: 0.34192708333333355 - complexity: 14 +- comm_cost: 0.33741319444444473 + complexity: 17 expressions: + - K+ - N+ - R- + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(S+, N+) + - and(SE+, N-) + - or(SE-, N+) name: explored-10432 type: explored -- comm_cost: 0.39797453703703733 - complexity: 19 +- comm_cost: 0.46414930555555567 + complexity: 11 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) + - S+ + - SE- + - and(K-, not(R-)) - and(N-, R+) - - or(K+, or(N+, R-)) name: explored-10433 type: explored -- comm_cost: 0.5468750000000001 - complexity: 10 +- comm_cost: 0.5911458333333335 + complexity: 11 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - R+ + - SE- + - and(and(S-, N-), not(R-)) + - or(K+, N+) name: explored-10434 type: explored -- comm_cost: 0.41953125 - complexity: 11 +- comm_cost: 0.3850000000000001 + complexity: 18 expressions: + - K+ - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(S+, R+) + - and(SE-, or(K+, S-)) + - or(S+, SE+) name: explored-10435 type: explored -- comm_cost: 0.32534722222222245 - complexity: 21 +- comm_cost: 0.5813368055555558 + complexity: 18 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, SE+) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) name: explored-10436 type: explored -- comm_cost: 0.4843750000000001 - complexity: 4 +- comm_cost: 0.6914062500000001 + complexity: 6 expressions: - - N+ - - R+ - - R- - SE- + - not(R+) + - or(K+, R+) name: explored-10437 type: explored -- comm_cost: 0.4008680555555557 - complexity: 15 +- comm_cost: 0.36645833333333355 + complexity: 14 expressions: - - K+ - N+ - - and(K-, not(R-)) + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(S-, SE-) + - not(R-) name: explored-10438 type: explored -- comm_cost: 0.4666666666666668 - complexity: 11 +- comm_cost: 0.45434027777777797 + complexity: 15 expressions: - - K+ + - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, N-) + - and(and(K-, N-), not(R-)) + - or(N+, R-) name: explored-10439 type: explored -- comm_cost: 0.48828125000000033 - complexity: 11 - expressions: - - R- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-10440 - type: explored -- comm_cost: 0.6136805555555557 - complexity: 23 +- comm_cost: 0.5704745370370371 + complexity: 17 expressions: - K+ + - N+ - R- - - SE- - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - or(K+, N+) - - or(S+, N+) - name: explored-10441 + - S+ + - and(S-, SE-) + - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) + name: explored-10440 type: explored -- comm_cost: 0.3430555555555558 - complexity: 11 +- comm_cost: 0.5192997685185188 + complexity: 16 expressions: - - K+ - N+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, N-) + - and(N-, not(R-)) - and(S-, SE-) - name: explored-10442 + name: explored-10441 type: explored -- comm_cost: 0.6783449074074075 - complexity: 15 +- comm_cost: 0.7056423611111112 + complexity: 8 expressions: - R+ - - and(or(K+, S-), not(R+)) - - or(K+, or(N+, R-)) - - or(S+, SE+) + - SE- + - or(S+, R+) + - or(SE-, N+) + name: explored-10442 + type: explored +- comm_cost: 0.35026041666666696 + complexity: 17 + expressions: + - N+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-10443 type: explored -- comm_cost: 0.3991666666666669 - complexity: 10 +- comm_cost: 0.20694444444444482 + complexity: 12 expressions: + - K+ - N+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) name: explored-10444 type: explored -- comm_cost: 0.49375000000000013 - complexity: 16 +- comm_cost: 0.5083333333333334 + complexity: 4 expressions: + - R+ - R- - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - S+ + - SE- name: explored-10445 type: explored -- comm_cost: 0.7064930555555556 - complexity: 9 +- comm_cost: 0.1390625000000003 + complexity: 16 expressions: - - N- - - R+ - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-10446 type: explored -- comm_cost: 0.4940104166666668 - complexity: 21 +- comm_cost: 0.5893229166666669 + complexity: 6 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) + - S+ + - S- + - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(N+, R-) name: explored-10447 type: explored -- comm_cost: 0.5218750000000001 - complexity: 4 +- comm_cost: 0.632465277777778 + complexity: 8 expressions: - R+ - - R+ - - R- - SE- + - and(K-, S+) + - or(K+, R+) name: explored-10448 type: explored -- comm_cost: 0.6930555555555555 - complexity: 9 +- comm_cost: 0.22135416666666696 + complexity: 20 expressions: - N+ - R- - - SE- - - or(S+, N+) - - or(S+, R-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, N+) + - or(N+, R-) name: explored-10449 type: explored -- comm_cost: 0.5592708333333334 - complexity: 9 +- comm_cost: 0.6017361111111112 + complexity: 15 expressions: - - N+ + - R+ - R- - - S+ - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-10450 type: explored -- comm_cost: 0.5011805555555557 - complexity: 13 +- comm_cost: 0.39895833333333375 + complexity: 17 expressions: + - K+ - N+ - - R- - - SE- - and(K-, or(S+, N+)) - and(N-, R+) - - not(R-) + - and(or(K+, S-), or(SE-, N+)) name: explored-10451 type: explored -- comm_cost: 0.563715277777778 - complexity: 9 +- comm_cost: 0.44010416666666685 + complexity: 8 expressions: - - K+ - - R+ + - N+ - R- - SE- - - and(N-, or(K+, SE+)) + - and(N-, or(K+, R+)) name: explored-10452 type: explored -- comm_cost: 0.5505787037037039 - complexity: 12 +- comm_cost: 0.2972800925925928 + complexity: 21 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(S-, not(R+)) - - or(K+, or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-10453 type: explored -- comm_cost: 0.3869791666666669 - complexity: 11 +- comm_cost: 0.6967013888888889 + complexity: 10 expressions: - N+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - R- + - SE- + - and(K-, or(S+, N+)) + - not(R+) name: explored-10454 type: explored -- comm_cost: 0.5734375000000002 - complexity: 14 +- comm_cost: 0.23593750000000036 + complexity: 19 expressions: - - R+ - - R- + - K+ - R- - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-10455 type: explored -- comm_cost: 0.5477430555555557 - complexity: 12 +- comm_cost: 0.4533854166666669 + complexity: 15 expressions: - - R+ + - K+ + - N+ - R- - SE- - - and(K-, not(R+)) - - and(N-, or(K+, R+)) + - and(N-, R+) + - and(S-, SE-) + - not(R+) + - or(K+, SE+) name: explored-10456 type: explored -- comm_cost: 0.5931597222222224 - complexity: 8 +- comm_cost: 0.6505208333333334 + complexity: 5 expressions: - - N+ - - N- - R+ - - R- - - and(S-, not(R+)) + - SE- + - and(K-, N-) name: explored-10457 type: explored -- comm_cost: 0.4128472222222226 - complexity: 22 +- comm_cost: 0.6269097222222224 + complexity: 12 expressions: - - N+ - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) name: explored-10458 type: explored -- comm_cost: 0.659201388888889 +- comm_cost: 0.4598958333333336 complexity: 14 expressions: - N+ - - R- - - SE- - - and(or(K+, S-), not(R-)) - - or(S+, or(N+, R-)) + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-10459 type: explored -- comm_cost: 0.409201388888889 - complexity: 24 +- comm_cost: 0.5017361111111113 + complexity: 15 expressions: - - K+ - N+ - - R- - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) + - SE- + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-10460 type: explored -- comm_cost: 0.40190972222222254 - complexity: 15 +- comm_cost: 0.3984375000000002 + complexity: 12 expressions: - N+ - - SE- - - and(K-, or(S+, R-)) + - R- + - and(K-, SE-) - and(N-, R+) - - or(S+, or(N+, R-)) + - and(N-, not(R-)) name: explored-10461 type: explored -- comm_cost: 0.2782986111111114 - complexity: 22 +- comm_cost: 0.7459375 + complexity: 5 expressions: - K+ - - N+ - - R- - - S+ - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - N- + - and(K-, SE-) name: explored-10462 type: explored -- comm_cost: 0.5590711805555557 - complexity: 21 +- comm_cost: 0.6366319444444446 + complexity: 8 expressions: - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, K-) + - R+ + - and(and(K-, N-), not(R-)) name: explored-10463 type: explored -- comm_cost: 0.4081307870370372 - complexity: 21 +- comm_cost: 0.5139322916666669 + complexity: 19 expressions: - - N+ - - R- - - S+ + - K+ + - and(K-, S+) + - and(K-, SE-) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-10464 type: explored -- comm_cost: 0.601388888888889 - complexity: 10 +- comm_cost: 0.5556423611111113 + complexity: 11 expressions: + - R+ - R- - SE- - - and(K-, or(S+, R+)) - - or(S+, N+) + - and(K-, or(SE-, N+)) + - or(SE-, N+) name: explored-10465 type: explored -- comm_cost: 0.4480324074074076 - complexity: 12 +- comm_cost: 0.6003819444444445 + complexity: 33 expressions: - - N+ - - R+ - - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) + - K+ + - S- + - and(K-, N-) + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) name: explored-10466 type: explored -- comm_cost: 0.5628472222222224 - complexity: 20 +- comm_cost: 0.6670833333333335 + complexity: 7 expressions: - N+ - SE- - - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(S+, R+)) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - not(R-) name: explored-10467 type: explored -- comm_cost: 0.6777777777777779 - complexity: 10 +- comm_cost: 0.711701388888889 + complexity: 12 expressions: - R+ - - S+ - - and(K-, or(S+, R-)) - - or(K+, R+) + - S- + - SE- + - and(K-, or(S+, SE+)) + - or(N+, not(R+)) name: explored-10468 type: explored -- comm_cost: 0.6462500000000001 - complexity: 39 - expressions: - - K+ - - and(K-, SE-) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, or(N+, R-)) - - or(N+, R-) - - or(S+, N+) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-10469 - type: explored -- comm_cost: 0.38402777777777797 - complexity: 13 +- comm_cost: 0.6208333333333335 + complexity: 8 expressions: - - N+ - R- - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - name: explored-10470 + - or(K+, K-) + name: explored-10469 type: explored -- comm_cost: 0.5987847222222223 - complexity: 11 +- comm_cost: 0.5928819444444446 + complexity: 15 expressions: - R+ - - R- - SE- - - and(and(K-, N-), not(R-)) - - not(R+) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) + name: explored-10470 + type: explored +- comm_cost: 0.08645833333333353 + complexity: 14 + expressions: + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-10471 type: explored -- comm_cost: 0.45763888888888904 - complexity: 21 +- comm_cost: 0.4286111111111113 + complexity: 16 expressions: - K+ + - K- - N+ - R- - - S- - and(K-, S+) - - and(K-, or(S+, SE+)) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(S+, N+) name: explored-10472 type: explored -- comm_cost: 0.7458333333333335 - complexity: 9 +- comm_cost: 0.57734375 + complexity: 15 expressions: - - R+ - - and(K-, S+) - - and(K-, or(S+, SE+)) + - K+ + - N+ + - R- + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) name: explored-10473 type: explored -- comm_cost: 0.5998842592592595 - complexity: 17 +- comm_cost: 0.541550925925926 + complexity: 14 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - SE- + - SE- + - and(and(K-, N-), not(R-)) + - or(K+, R+) name: explored-10474 type: explored -- comm_cost: 0.5003472222222224 - complexity: 7 +- comm_cost: 0.5651041666666669 + complexity: 5 expressions: - - K+ + - N+ - R+ - R- - - and(K-, not(R+)) + - SE+ + - SE- name: explored-10475 type: explored -- comm_cost: 0.5210069444444445 - complexity: 13 +- comm_cost: 0.765306712962963 + complexity: 17 expressions: - - R+ - - R- - - S+ - - and(K-, N-) - - and(S-, SE-) - - and(S-, not(R+)) + - and(K-, or(S+, R-)) + - or(K+, R+) + - or(K+, SE+) + - or(N+, R-) + - or(S+, R+) name: explored-10476 type: explored -- comm_cost: 0.7378298611111112 - complexity: 5 +- comm_cost: 0.6843055555555557 + complexity: 29 expressions: - - K- - - R+ - - or(K+, SE+) + - S+ + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) + - or(S+, R+) name: explored-10477 type: explored -- comm_cost: 0.419791666666667 - complexity: 6 +- comm_cost: 0.46458333333333357 + complexity: 16 expressions: + - K+ + - N+ - R- - - S+ - - SE- - and(N-, R+) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-10478 type: explored -- comm_cost: 0.6150000000000001 - complexity: 11 +- comm_cost: 0.5661458333333335 + complexity: 14 expressions: - N+ - - S+ + - R+ + - SE- + - and(K-, or(S+, N+)) - and(and(S-, N-), not(R-)) - - or(K+, S-) name: explored-10479 type: explored -- comm_cost: 0.16649305555555594 - complexity: 11 +- comm_cost: 0.4486111111111114 + complexity: 9 expressions: - - K+ - - N+ - - R- - - S+ - SE- - and(N-, R+) - - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-10480 type: explored -- comm_cost: 0.6216435185185186 - complexity: 13 +- comm_cost: 0.7152418981481483 + complexity: 21 expressions: - - R+ - - R- - S- - SE- - - and(K-, or(S+, R+)) - - and(S-, not(R+)) + - and(K-, S+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - not(R+) + - or(N+, not(R+)) name: explored-10481 type: explored -- comm_cost: 0.29895833333333366 - complexity: 14 +- comm_cost: 0.4831134259259262 + complexity: 22 expressions: - - N+ - - R- - - SE- - - and(N-, R+) + - and(K-, SE-) + - and(K-, not(R+)) - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, not(R+)) name: explored-10482 type: explored -- comm_cost: 0.5078125000000002 - complexity: 12 +- comm_cost: 0.3617187500000003 + complexity: 7 expressions: - K+ - N+ - - R- - and(N-, R+) - - and(SE+, N-) - - or(K+, N+) + - not(R+) name: explored-10483 type: explored -- comm_cost: 0.46892361111111136 - complexity: 17 +- comm_cost: 0.48846354166666683 + complexity: 16 expressions: - N+ + - R+ - R- - - SE- + - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(N-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - not(R-) name: explored-10484 type: explored -- comm_cost: 0.3152777777777781 - complexity: 14 +- comm_cost: 0.7561111111111112 + complexity: 7 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - K- + - R+ + - and(K-, or(S+, SE+)) name: explored-10485 type: explored -- comm_cost: 0.2010995370370372 - complexity: 15 +- comm_cost: 0.37951388888888904 + complexity: 8 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - or(S+, R-) name: explored-10486 type: explored -- comm_cost: 0.42666666666666686 - complexity: 12 +- comm_cost: 0.11967592592592635 + complexity: 20 expressions: + - K+ + - N+ + - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - or(K+, R-) + - or(K+, or(N+, R-)) name: explored-10487 type: explored -- comm_cost: 0.5375 +- comm_cost: 0.47526041666666685 complexity: 16 expressions: - K+ - - N+ - - R- - - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) name: explored-10488 type: explored -- comm_cost: 0.4848958333333335 - complexity: 16 +- comm_cost: 0.3958043981481485 + complexity: 15 expressions: - N+ - R- - S+ - - S- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(SE-, N+) + - not(R+) + - or(and(K-, S+), or(N+, R-)) name: explored-10489 type: explored -- comm_cost: 0.3613888888888891 - complexity: 12 +- comm_cost: 0.5048611111111113 + complexity: 14 expressions: - N+ - - N- + - R+ - R- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) name: explored-10490 type: explored -- comm_cost: 0.558854166666667 - complexity: 7 +- comm_cost: 0.7101793981481482 + complexity: 26 expressions: - - R- - - and(N-, R+) - - or(K+, R-) + - K- + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) + - and(N-, not(R-)) + - and(N-, or(S+, R+)) + - or(K+, R+) + - or(S+, R-) name: explored-10491 type: explored -- comm_cost: 0.32430555555555585 - complexity: 14 +- comm_cost: 0.6578599537037039 + complexity: 33 expressions: - - K+ - - K+ - - N+ - - R- + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) - and(or(K+, S-), or(SE-, N+)) + - or(K+, S-) + - or(S+, N+) name: explored-10492 type: explored -- comm_cost: 0.6152343750000001 - complexity: 15 +- comm_cost: 0.3549479166666669 + complexity: 8 expressions: - - R+ + - K+ + - N+ - S+ - - SE- - - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, R+) + - not(R+) name: explored-10493 type: explored -- comm_cost: 0.6654117063492064 - complexity: 40 +- comm_cost: 0.47569444444444464 + complexity: 18 expressions: - - and(K-, N-) - - and(K-, S+) - - and(K-, not(R-)) - - and(K-, or(S+, N+)) - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) - - not(R+) - - or(K+, R+) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10494 type: explored -- comm_cost: 0.6524305555555557 - complexity: 10 +- comm_cost: 0.4934722222222224 + complexity: 16 expressions: - N+ - - R+ - - R- - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(S+, SE+) name: explored-10495 type: explored -- comm_cost: 0.3270833333333333 - complexity: 12 +- comm_cost: 0.4628472222222224 + complexity: 15 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(K-, S+) - - and(S-, SE-) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-10496 type: explored -- comm_cost: 0.6022222222222222 - complexity: 16 +- comm_cost: 0.8035416666666666 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(S-, SE-) - - or(K+, R-) + - and(S-, or(SE-, N+)) - or(N+, not(R+)) name: explored-10497 type: explored -- comm_cost: 0.6355902777777779 - complexity: 13 +- comm_cost: 0.36527777777777803 + complexity: 9 expressions: + - K+ - R- - SE- - - and(K-, or(S+, R+)) - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - or(S+, N+) name: explored-10498 type: explored -- comm_cost: 0.649670138888889 - complexity: 11 +- comm_cost: 0.6076388888888888 + complexity: 15 expressions: + - K+ - N+ - - and(K-, not(R-)) - - and(N-, R+) - - or(S+, SE+) + - R- + - S+ + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - or(SE-, N+) name: explored-10499 type: explored -- comm_cost: 0.3550520833333335 - complexity: 14 +- comm_cost: 0.5005208333333335 + complexity: 11 expressions: - K+ - - K+ - - N+ - - N+ - - R- - - S+ - - and(N-, R+) + - R+ - and(S-, SE-) - - not(R-) + - and(S-, not(R+)) + - not(R+) name: explored-10500 type: explored -- comm_cost: 0.4296875000000002 - complexity: 10 +- comm_cost: 0.6678819444444446 + complexity: 39 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(SE+, N-) + - and(K-, N-) + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, R+)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) + - or(N+, R-) + - or(S+, N+) name: explored-10501 type: explored -- comm_cost: 0.193229166666667 - complexity: 13 +- comm_cost: 0.5755208333333333 + complexity: 16 expressions: - - K+ - - and(K-, S+) - - and(N-, R+) + - N+ + - R- + - S+ + - and(K-, or(SE-, N+)) - and(S-, SE-) - - or(K+, N+) + - and(S-, or(SE-, N+)) name: explored-10502 type: explored -- comm_cost: 0.5043402777777781 - complexity: 11 +- comm_cost: 0.3125000000000002 + complexity: 8 expressions: - - and(K-, or(S+, N+)) + - R- + - R- - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) name: explored-10503 type: explored -- comm_cost: 0.5684027777777779 - complexity: 17 +- comm_cost: 0.6625000000000001 + complexity: 11 expressions: - - N+ - R+ - R- - SE- - - and(K-, or(S+, R-)) - - and(N-, or(K+, R+)) - - or(K+, SE+) + - and(K-, or(S+, N+)) + - or(K+, K-) name: explored-10504 type: explored -- comm_cost: 0.6571296296296297 - complexity: 11 +- comm_cost: 0.6718750000000002 + complexity: 7 expressions: - - N- - - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) + - R+ + - or(K+, R-) + - or(N+, R-) name: explored-10505 type: explored -- comm_cost: 0.3685329861111115 - complexity: 15 +- comm_cost: 0.37847222222222254 + complexity: 14 expressions: - - K+ - - N+ - R- - - SE- + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - - or(K+, R-) - - or(S+, or(N+, R-)) + - and(S-, SE-) name: explored-10506 type: explored -- comm_cost: 0.6739583333333334 - complexity: 8 +- comm_cost: 0.3645833333333335 + complexity: 9 expressions: + - K+ - R+ - - S+ - - and(K-, not(R+)) - - not(R-) + - R- + - and(S-, SE-) + - or(K+, R-) name: explored-10507 type: explored -- comm_cost: 0.5072916666666668 - complexity: 9 +- comm_cost: 0.418229166666667 + complexity: 13 expressions: - K+ - - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) + - N+ + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-10508 type: explored -- comm_cost: 0.44945023148148167 - complexity: 18 +- comm_cost: 0.38929398148148164 + complexity: 22 expressions: - K+ - N+ - R- - S+ + - SE+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, K-) + - and(and(K-, N-), not(R-)) name: explored-10509 type: explored -- comm_cost: 0.5895833333333335 - complexity: 11 - expressions: - - R+ - - and(K-, or(S+, N+)) - - and(S-, or(SE-, N+)) - name: explored-10510 - type: explored -- comm_cost: 0.5321875 - complexity: 9 +- comm_cost: 0.17187500000000022 + complexity: 10 expressions: - K+ - K+ - - K- - N+ - R- - - S+ - - and(S-, SE-) + - and(K-, SE-) + - and(N-, R+) + name: explored-10510 + type: explored +- comm_cost: 0.65546875 + complexity: 6 + expressions: + - R- + - SE- + - and(K-, not(R-)) name: explored-10511 type: explored -- comm_cost: 0.2625000000000003 - complexity: 16 +- comm_cost: 0.37847222222222254 + complexity: 14 expressions: - - N+ + - K+ - R- - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), not(R+)) name: explored-10512 type: explored -- comm_cost: 0.322337962962963 - complexity: 24 +- comm_cost: 0.6743055555555557 + complexity: 12 expressions: - N+ + - R+ - R- - - S+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - and(S-, or(N+, not(R+))) + - or(K+, K-) name: explored-10513 type: explored -- comm_cost: 0.4232638888888891 - complexity: 15 +- comm_cost: 0.386979166666667 + complexity: 9 expressions: + - K+ + - R- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, R-) + - and(S-, not(R+)) name: explored-10514 type: explored -- comm_cost: 0.503559027777778 - complexity: 15 +- comm_cost: 0.5885763888888891 + complexity: 13 expressions: - - N+ + - R+ - R- + - S+ - SE- - - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) + - and(K-, or(S+, N+)) + - or(N+, not(R+)) name: explored-10515 type: explored -- comm_cost: 0.7359375000000001 - complexity: 8 +- comm_cost: 0.6839583333333334 + complexity: 9 expressions: - R+ - - or(K+, S-) - - or(N+, not(R+)) + - R- + - SE- + - or(S+, SE+) + - or(S+, SE+) name: explored-10516 type: explored -- comm_cost: 0.6277777777777778 - complexity: 10 +- comm_cost: 0.5973611111111112 + complexity: 9 expressions: - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - N+ + - N- + - R- + - S+ + - and(N-, R+) + - not(R-) name: explored-10517 type: explored -- comm_cost: 0.44157986111111125 - complexity: 14 +- comm_cost: 0.466666666666667 + complexity: 8 expressions: - - N+ + - K+ + - K+ - R- - - and(K-, N-) + - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) name: explored-10518 type: explored -- comm_cost: 0.34890046296296306 - complexity: 17 +- comm_cost: 0.6170138888888891 + complexity: 10 expressions: - K+ - - N+ - - R- + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, N-) - - and(S-, SE-) + - and(N-, or(S+, SE+)) name: explored-10519 type: explored -- comm_cost: 0.3979166666666669 +- comm_cost: 0.2937500000000002 complexity: 19 expressions: - - K+ - N+ - R- - - SE- - and(N-, R+) - - and(N-, R+) - - and(S-, N-) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-10520 type: explored -- comm_cost: 0.734375 - complexity: 7 +- comm_cost: 0.6208333333333333 + complexity: 5 expressions: - - K+ + - N+ - SE- - - and(S-, or(SE-, N+)) + - and(S-, SE-) name: explored-10521 type: explored -- comm_cost: 0.4109375000000002 - complexity: 14 +- comm_cost: 0.495138888888889 + complexity: 11 expressions: - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - N+ + - R+ + - R- + - SE- + - and(S-, not(R+)) + - and(SE+, N-) name: explored-10522 type: explored -- comm_cost: 0.4828125 - complexity: 11 +- comm_cost: 0.3832175925925927 + complexity: 17 expressions: - K+ - N+ - - and(K-, S+) + - R- + - S+ + - SE+ + - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(and(K-, N-), not(R-)) name: explored-10523 type: explored -- comm_cost: 0.7823611111111112 +- comm_cost: 0.8584201388888889 complexity: 5 expressions: - - not(R-) - - or(K+, R+) + - not(R+) + - or(S+, R-) name: explored-10524 type: explored -- comm_cost: 0.1844618055555558 - complexity: 18 +- comm_cost: 0.5671875 + complexity: 13 expressions: - K+ - - K+ - - N+ - N+ - R- - - S+ - - and(N-, R+) + - R- + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-10525 type: explored -- comm_cost: 0.5473958333333335 - complexity: 9 +- comm_cost: 0.4916666666666666 + complexity: 14 expressions: + - K+ - N+ - - R+ - R- - - or(S+, N+) - - or(SE-, N+) + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(S-, SE-) name: explored-10526 type: explored -- comm_cost: 0.6847222222222222 - complexity: 8 +- comm_cost: 0.6247251157407409 + complexity: 18 expressions: - - K- - - K- - R+ - R- - SE- - - and(K-, S+) + - and(N-, or(S+, R+)) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-10527 type: explored -- comm_cost: 0.40729166666666705 - complexity: 8 +- comm_cost: 0.5194155092592594 + complexity: 10 expressions: - - SE- + - N+ + - R- + - S- - SE- - and(N-, R+) - - or(N+, R-) + - or(S+, R-) name: explored-10528 type: explored -- comm_cost: 0.6660185185185186 - complexity: 13 +- comm_cost: 0.577777777777778 + complexity: 9 expressions: - N+ - - R- - - S+ - - and(S-, SE-) - - or(K+, K-) - - or(N+, not(R+)) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-10529 type: explored -- comm_cost: 0.3875578703703705 - complexity: 16 +- comm_cost: 0.517303240740741 + complexity: 18 expressions: - N+ - - R- - - S+ - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, N-) - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, R+) + - or(K+, N+) name: explored-10530 type: explored -- comm_cost: 0.5043402777777779 - complexity: 17 +- comm_cost: 0.3088541666666669 + complexity: 8 expressions: - K+ - - K- - - N+ - - R- - - and(K-, S+) + - S+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-10531 type: explored -- comm_cost: 0.723900462962963 - complexity: 19 +- comm_cost: 0.6642708333333335 + complexity: 16 expressions: - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - R+ + - SE- + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) + - or(N+, not(R+)) name: explored-10532 type: explored -- comm_cost: 0.3442129629629631 - complexity: 19 +- comm_cost: 0.81625 + complexity: 3 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, S-) name: explored-10533 type: explored -- comm_cost: 0.5461805555555557 - complexity: 18 +- comm_cost: 0.27800925925925957 + complexity: 12 expressions: + - K+ - N+ - R- - - S+ + - R- + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, SE+)) name: explored-10534 type: explored -- comm_cost: 0.3833333333333335 - complexity: 9 +- comm_cost: 0.6721064814814814 + complexity: 8 expressions: - N+ - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R- + - SE- + - not(R+) + - or(S+, R-) name: explored-10535 type: explored -- comm_cost: 0.5402083333333334 - complexity: 13 +- comm_cost: 0.2575520833333337 + complexity: 21 expressions: - - K+ - N+ - R- - - SE- - - and(K-, not(R-)) + - S+ - and(N-, R+) - - not(R-) + - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-10536 type: explored -- comm_cost: 0.5065972222222224 - complexity: 17 +- comm_cost: 0.45416666666666683 + complexity: 8 expressions: - N+ + - R+ - R- - - SE- - - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) + - and(SE-, or(K+, S-)) name: explored-10537 type: explored -- comm_cost: 0.6729166666666666 - complexity: 10 +- comm_cost: 0.45625000000000016 + complexity: 21 expressions: - - and(K-, S+) + - N+ + - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-10538 type: explored -- comm_cost: 0.43385416666666676 - complexity: 12 +- comm_cost: 0.5198784722222224 + complexity: 14 expressions: - - R+ - - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(K+, R-) name: explored-10539 type: explored -- comm_cost: 0.6066203703703704 - complexity: 13 +- comm_cost: 0.6142361111111112 + complexity: 16 expressions: + - R+ - R- - - S+ + - SE- + - and(K-, not(R+)) - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(K+, S-) + - and(S-, not(R-)) name: explored-10540 type: explored -- comm_cost: 0.5354166666666668 - complexity: 14 +- comm_cost: 0.23750000000000027 + complexity: 13 expressions: + - K+ + - N+ - R+ - R- - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-10541 type: explored -- comm_cost: 0.7986111111111112 - complexity: 6 +- comm_cost: 0.5815972222222224 + complexity: 8 expressions: + - R+ - R- - - and(N-, or(K+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-10542 type: explored -- comm_cost: 0.32530381944444464 +- comm_cost: 0.23298611111111134 complexity: 15 expressions: - - N+ - - R- - - R- + - K+ + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-10543 type: explored -- comm_cost: 0.15390625000000036 - complexity: 17 +- comm_cost: 0.554340277777778 + complexity: 10 + expressions: + - R+ + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + name: explored-10544 + type: explored +- comm_cost: 0.5637962962962965 + complexity: 10 expressions: - K+ - N+ + - N- - R- - - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) - name: explored-10544 + - or(K+, R+) + name: explored-10545 type: explored -- comm_cost: 0.4505208333333335 - complexity: 13 +- comm_cost: 0.7190972222222223 + complexity: 9 expressions: - - R+ - - R- - - and(K-, SE-) - - and(K-, or(S+, R-)) - - and(S-, SE-) - name: explored-10545 + - and(S-, not(R-)) + - and(S-, or(SE-, N+)) + name: explored-10546 type: explored -- comm_cost: 0.33463541666666685 - complexity: 17 +- comm_cost: 0.419791666666667 + complexity: 6 expressions: - - N+ - R- - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(SE-, N+) - name: explored-10546 + name: explored-10547 type: explored -- comm_cost: 0.5059895833333334 - complexity: 11 +- comm_cost: 0.6405671296296298 + complexity: 10 expressions: + - N+ - R+ - R- - - S+ - - and(N-, or(K+, S-)) - - and(S-, SE-) - name: explored-10547 + - SE+ + - and(S-, or(N+, not(R+))) + name: explored-10548 type: explored -- comm_cost: 0.22656250000000022 - complexity: 11 +- comm_cost: 0.23906250000000018 + complexity: 22 expressions: - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - not(R+) - name: explored-10548 - type: explored -- comm_cost: 0.3987847222222224 - complexity: 19 - expressions: - - R+ - and(N-, or(K+, R+)) - and(S-, SE-) - - or(N+, R-) - - or(and(K-, S+), or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-10549 type: explored -- comm_cost: 0.6834490740740742 - complexity: 15 - expressions: - - R+ - - SE- - - or(K+, R+) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-10550 - type: explored -- comm_cost: 0.3539062500000002 - complexity: 19 +- comm_cost: 0.5053269675925928 + complexity: 23 expressions: - K+ + - K+ + - K- - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, not(R-)) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + name: explored-10550 + type: explored +- comm_cost: 0.7473767361111112 + complexity: 44 + expressions: + - SE+ + - and(K-, or(S+, SE+)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) + - or(K+, S-) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) + - or(S+, or(N+, R-)) name: explored-10551 type: explored -- comm_cost: 0.7374131944444445 - complexity: 6 +- comm_cost: 0.6829427083333333 + complexity: 13 expressions: - - R+ - - not(R-) - - or(K+, SE+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(or(K+, S-), or(N+, not(R+))) name: explored-10552 type: explored -- comm_cost: 0.6774305555555556 - complexity: 8 +- comm_cost: 0.6569733796296298 + complexity: 12 expressions: - - R+ - - SE- - - and(K-, N-) - - or(SE-, N+) + - N+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(S+, R+) name: explored-10553 type: explored -- comm_cost: 0.5346875000000002 - complexity: 9 +- comm_cost: 0.6895833333333334 + complexity: 5 expressions: - - K- - N+ - - R- - - and(K-, SE-) - - and(N-, R+) + - SE- + - or(S+, R+) name: explored-10554 type: explored -- comm_cost: 0.7208333333333334 - complexity: 13 - expressions: - - R+ - - and(K-, or(S+, N+)) - - and(and(K-, N-), or(S+, R+)) - name: explored-10555 - type: explored -- comm_cost: 0.3967881944444447 +- comm_cost: 0.07592592592592617 complexity: 16 expressions: + - K+ - N+ - R- - - and(K-, or(S+, R+)) + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) - name: explored-10556 + - or(S+, R-) + name: explored-10555 type: explored -- comm_cost: 0.7146527777777779 +- comm_cost: 0.677326388888889 complexity: 11 expressions: - - K- - R+ - - not(R+) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, or(S+, R+)) + - or(N+, not(R+)) + name: explored-10556 + type: explored +- comm_cost: 0.6414930555555557 + complexity: 12 + expressions: + - R+ + - and(K-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-10557 type: explored -- comm_cost: 0.3534722222222224 - complexity: 19 +- comm_cost: 0.23541666666666705 + complexity: 25 expressions: + - K+ - N+ - R- - - S+ - - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-10558 type: explored -- comm_cost: 0.5682870370370372 - complexity: 11 +- comm_cost: 0.6861111111111111 + complexity: 10 expressions: - - R+ - - R- + - N+ - SE- - - or(K+, or(N+, R-)) - - or(N+, R-) + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-10559 type: explored -- comm_cost: 0.5696180555555557 - complexity: 13 +- comm_cost: 0.30859375000000033 + complexity: 11 expressions: - - R+ + - K+ + - K+ + - R- + - S+ - SE- - - and(S-, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-10560 type: explored -- comm_cost: 0.27986111111111145 - complexity: 13 +- comm_cost: 0.47569444444444453 + complexity: 21 expressions: - K+ + - K- - N+ - R- - - SE- + - SE+ - and(K-, S+) - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-10561 type: explored -- comm_cost: 0.44729166666666687 - complexity: 10 +- comm_cost: 0.6906423611111112 + complexity: 40 expressions: - - K+ - - K- - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) + - S- + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) + - and(N-, or(S+, R+)) + - and(and(K-, N-), not(R-)) + - or(K+, R-) + - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-10562 type: explored -- comm_cost: 0.6249710648148149 - complexity: 22 +- comm_cost: 0.18750000000000022 + complexity: 12 expressions: - N+ - - S- - - and(N-, or(K+, SE+)) + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, or(N+, R-)) + - and(SE+, N-) name: explored-10563 type: explored -- comm_cost: 0.6491319444444447 - complexity: 8 +- comm_cost: 0.7627604166666667 + complexity: 9 expressions: - - R+ - - SE- - - and(S-, not(R-)) - - not(R+) + - and(N-, or(K+, S-)) + - and(S-, not(R+)) name: explored-10564 type: explored -- comm_cost: 0.2626157407407409 - complexity: 22 +- comm_cost: 0.587326388888889 + complexity: 5 expressions: - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(SE+, N-) + - R+ + - and(S-, N-) name: explored-10565 type: explored -- comm_cost: 0.3846354166666668 - complexity: 14 +- comm_cost: 0.4593750000000003 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - S+ - - S- - - and(K-, S+) + - R- - and(N-, R+) - - and(S-, SE-) + - or(K+, N+) name: explored-10566 type: explored -- comm_cost: 0.2328125000000003 - complexity: 21 +- comm_cost: 0.6442708333333335 + complexity: 6 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- + - and(N-, not(R-)) name: explored-10567 type: explored -- comm_cost: 0.3114583333333336 - complexity: 16 +- comm_cost: 0.6889392361111112 + complexity: 28 expressions: - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, N+) - - or(K+, N+) + - R- + - SE+ + - and(K-, or(S+, R-)) + - and(N-, not(R-)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - not(R+) + - not(R-) name: explored-10568 type: explored -- comm_cost: 0.6168113425925927 +- comm_cost: 0.6251736111111112 complexity: 10 expressions: - - N+ - R+ - - R- - - S- - - SE- - - or(K+, or(N+, R-)) + - and(and(K-, N-), not(R-)) + - or(N+, R-) name: explored-10569 type: explored -- comm_cost: 0.5373958333333334 - complexity: 7 +- comm_cost: 0.2562500000000003 + complexity: 9 expressions: - - N- - - R+ + - K+ + - N+ + - N+ - R- - - S+ - - and(S-, SE-) + - R- + - SE- + - and(N-, R+) name: explored-10570 type: explored -- comm_cost: 0.37500000000000033 - complexity: 14 +- comm_cost: 0.3921151620370372 + complexity: 26 expressions: - K+ + - N+ + - R- - S+ + - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-10571 type: explored -- comm_cost: 0.8434722222222222 - complexity: 9 +- comm_cost: 0.6328125000000002 + complexity: 11 expressions: - - or(K+, or(N+, R-)) - - or(N+, not(R+)) + - K+ + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-10572 type: explored -- comm_cost: 0.5589409722222225 - complexity: 11 +- comm_cost: 0.6177083333333334 + complexity: 6 expressions: - N+ - R+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) + - R- + - and(K-, N-) name: explored-10573 type: explored -- comm_cost: 0.45799768518518524 - complexity: 12 +- comm_cost: 0.41753472222222243 + complexity: 17 expressions: - - R+ + - N+ - R- - - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(S+, SE+) + - and(or(K+, S-), not(R+)) + - or(S+, R+) name: explored-10574 type: explored -- comm_cost: 0.38437500000000036 - complexity: 11 +- comm_cost: 0.42505208333333344 + complexity: 14 expressions: - N+ - - N+ - - SE- + - R- - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - or(K+, SE+) + - or(S+, SE+) name: explored-10575 type: explored -- comm_cost: 0.7527488425925927 - complexity: 10 +- comm_cost: 0.44843750000000027 + complexity: 12 expressions: - - R+ - - and(or(K+, S-), not(R-)) - - or(K+, K-) + - N+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - not(R+) name: explored-10576 type: explored -- comm_cost: 0.6177546296296297 +- comm_cost: 0.7658854166666668 complexity: 9 expressions: - - N+ - - N- - - R+ - - R- - - SE- - - and(S-, not(R-)) + - and(or(K+, S-), not(R-)) + - or(K+, N+) name: explored-10577 type: explored -- comm_cost: 0.23437500000000022 - complexity: 11 +- comm_cost: 0.3255208333333337 + complexity: 8 expressions: - - K+ - - K+ - N+ - - S+ + - SE- - and(N-, R+) - - and(S-, not(R+)) + - or(K+, R-) name: explored-10578 type: explored -- comm_cost: 0.5817708333333335 - complexity: 8 +- comm_cost: 0.4279513888888893 + complexity: 17 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(N-, or(K+, SE+)) + - S+ + - and(N-, R+) + - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-10579 type: explored -- comm_cost: 0.48506944444444455 - complexity: 14 +- comm_cost: 0.7190972222222223 + complexity: 7 expressions: - - K+ - - N+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - SE- + - or(K+, SE+) + - or(K+, SE+) name: explored-10580 type: explored -- comm_cost: 0.5451822916666669 - complexity: 13 +- comm_cost: 0.7142731481481482 + complexity: 26 expressions: - - K+ - - K+ - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - K- + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) + - and(S-, not(R-)) + - or(S+, R+) name: explored-10581 type: explored -- comm_cost: 0.43878703703703725 - complexity: 24 +- comm_cost: 0.5981481481481483 + complexity: 11 expressions: - - K+ - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, S-) - - or(K+, or(N+, R-)) + - and(S-, N-) + - and(S-, not(R-)) name: explored-10582 type: explored -- comm_cost: 0.3466666666666669 - complexity: 12 +- comm_cost: 0.4008969907407409 + complexity: 18 expressions: - - K+ - - N+ - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(and(K-, N-), not(R-)) + - or(S+, R+) name: explored-10583 type: explored -- comm_cost: 0.7130208333333334 - complexity: 11 +- comm_cost: 0.4925347222222224 + complexity: 18 expressions: - - R+ - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) + - N+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-10584 type: explored -- comm_cost: 0.4476562500000002 - complexity: 9 +- comm_cost: 0.27708333333333357 + complexity: 13 expressions: - N+ - R- - - S+ - - and(K-, N-) - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-10585 type: explored -- comm_cost: 0.5099826388888891 - complexity: 20 +- comm_cost: 0.4661458333333335 + complexity: 12 expressions: - - N+ + - K+ + - R- - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(and(S-, N-), not(R-)) name: explored-10586 type: explored -- comm_cost: 0.4057291666666668 - complexity: 11 +- comm_cost: 0.4173611111111114 + complexity: 12 expressions: - K+ - - R+ + - N+ - R- - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - S+ + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-10587 type: explored -- comm_cost: 0.4540798611111112 +- comm_cost: 0.5552083333333335 complexity: 12 expressions: - K+ - K+ - - N+ - R- - S+ - - S- - - and(S-, SE-) - - and(SE+, N-) + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-10588 type: explored -- comm_cost: 0.35416666666666696 - complexity: 10 +- comm_cost: 0.7539930555555556 + complexity: 5 expressions: - - K+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) + - N- + - SE- + - or(K+, SE+) name: explored-10589 type: explored -- comm_cost: 0.4912037037037038 - complexity: 18 +- comm_cost: 0.4744791666666668 + complexity: 16 expressions: + - K+ - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, K-) name: explored-10590 type: explored -- comm_cost: 0.4836111111111112 +- comm_cost: 0.44583333333333375 complexity: 13 expressions: - - K- - - N+ - - R- - - SE- + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), or(SE-, N+)) name: explored-10591 type: explored -- comm_cost: 0.6538194444444446 - complexity: 8 +- comm_cost: 0.5310763888888891 + complexity: 15 expressions: + - N+ - R+ - - or(and(S-, SE-), or(N+, R-)) + - R- + - SE- + - and(N-, or(K+, R+)) + - and(S-, or(N+, not(R+))) name: explored-10592 type: explored -- comm_cost: 0.17604166666666698 - complexity: 13 +- comm_cost: 0.46302083333333344 + complexity: 7 expressions: - - K+ - N+ - - and(K-, or(S+, N+)) + - R+ + - R- + - S+ - and(N-, R+) - - and(S-, SE-) name: explored-10593 type: explored -- comm_cost: 0.5423611111111113 - complexity: 10 +- comm_cost: 0.8026041666666667 + complexity: 6 expressions: - - R- - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) + - and(K-, or(S+, R-)) name: explored-10594 type: explored -- comm_cost: 0.6659722222222223 - complexity: 5 +- comm_cost: 0.35520833333333357 + complexity: 22 expressions: + - K+ - N+ + - R+ - R- - - or(K+, R+) + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-10595 type: explored -- comm_cost: 0.6365451388888891 - complexity: 11 +- comm_cost: 0.25746527777777795 + complexity: 18 expressions: - - R+ - - SE- - - not(R+) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-10596 type: explored -- comm_cost: 0.5853009259259261 - complexity: 10 +- comm_cost: 0.6271122685185186 + complexity: 17 expressions: - - K+ - - R+ - - R- - SE- - - and(S-, N-) - - or(K+, R+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-10597 type: explored -- comm_cost: 0.26857638888888924 - complexity: 12 +- comm_cost: 0.706076388888889 + complexity: 9 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, not(R+)) - - and(N-, R+) + - R+ + - and(SE+, N-) + - or(K+, or(N+, R-)) name: explored-10598 type: explored -- comm_cost: 0.6659722222222223 - complexity: 7 +- comm_cost: 0.31250000000000033 + complexity: 12 expressions: - N+ - R- - - and(K-, or(S+, R+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - not(R+) name: explored-10599 type: explored -- comm_cost: 0.47777777777777797 - complexity: 15 +- comm_cost: 0.17343750000000013 + complexity: 12 expressions: + - K+ + - K+ - N+ + - R+ - R- - S+ - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(S+, SE+) + - and(S-, SE-) name: explored-10600 type: explored -- comm_cost: 0.5442708333333335 - complexity: 11 +- comm_cost: 0.37074652777777795 + complexity: 21 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-10601 type: explored -- comm_cost: 0.46163194444444455 - complexity: 11 +- comm_cost: 0.42980324074074083 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(N-, or(S+, R+)) + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-10602 type: explored -- comm_cost: 0.5905092592592593 - complexity: 19 +- comm_cost: 0.4824074074074076 + complexity: 18 expressions: + - K+ - N+ - - R+ + - R- - R- - SE- - - and(S-, N-) + - and(N-, R+) - and(and(K-, N-), or(S+, SE+)) - - or(K+, or(N+, R-)) + - or(K+, R+) name: explored-10603 type: explored -- comm_cost: 0.5366319444444446 +- comm_cost: 0.6090625000000002 complexity: 15 expressions: - N+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, K-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, SE+) name: explored-10604 type: explored -- comm_cost: 0.4125000000000003 - complexity: 15 +- comm_cost: 0.4440972222222226 + complexity: 14 expressions: - - K+ - - N+ - R- - SE- - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(SE+, N-) + - and(SE-, or(K+, S-)) + - or(N+, not(R+)) name: explored-10605 type: explored -- comm_cost: 0.6269097222222224 - complexity: 17 +- comm_cost: 0.729513888888889 + complexity: 10 expressions: - - R+ - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R-) + - SE- + - and(K-, or(S+, R+)) + - and(N-, not(R-)) name: explored-10606 type: explored -- comm_cost: 0.5244791666666668 - complexity: 10 +- comm_cost: 0.44687500000000013 + complexity: 13 expressions: - - SE- - - and(N-, R+) - - and(S-, N-) - - or(N+, R-) + - K+ + - R+ + - R- + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-10607 type: explored -- comm_cost: 0.48949652777777797 +- comm_cost: 0.5640625000000001 complexity: 10 expressions: - R+ - - R- - - and(S-, SE-) - - not(R+) - - or(K+, R-) + - SE- + - and(N-, or(K+, R+)) + - and(SE+, N-) name: explored-10608 type: explored -- comm_cost: 0.5227719907407409 - complexity: 16 +- comm_cost: 0.6395833333333334 + complexity: 14 expressions: - - N+ - - R- - - S+ - - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, not(R-)) + - K+ + - SE+ + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-10609 type: explored -- comm_cost: 0.47458333333333336 - complexity: 11 +- comm_cost: 0.6524652777777779 + complexity: 9 expressions: - - N+ - - N- + - R+ - R- - - and(N-, or(K+, R+)) - - and(S-, SE-) + - SE- + - or(K+, R-) + - or(K+, S-) name: explored-10610 type: explored -- comm_cost: 0.4456886574074075 - complexity: 12 +- comm_cost: 0.40729166666666683 + complexity: 9 expressions: - - SE+ - - and(N-, R+) - - and(N-, or(S+, SE+)) + - R+ + - R- + - SE- + - and(K-, S+) - and(S-, SE-) name: explored-10611 type: explored -- comm_cost: 0.3583333333333335 - complexity: 14 +- comm_cost: 0.3992500000000001 + complexity: 18 expressions: - K+ + - K+ - N+ + - N- - R- + - S+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - not(R-) + - or(K+, N+) name: explored-10612 type: explored -- comm_cost: 0.7167025462962964 - complexity: 29 +- comm_cost: 0.30572916666666705 + complexity: 11 expressions: - - K- - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) - - and(S-, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R-) - - or(K+, SE+) + - K+ + - N+ + - N+ + - R- + - SE- + - and(N-, R+) - or(N+, R-) name: explored-10613 type: explored -- comm_cost: 0.6274074074074076 - complexity: 13 +- comm_cost: 0.3808593750000002 + complexity: 21 expressions: - - K- + - K+ + - K+ + - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-10614 type: explored -- comm_cost: 0.4687500000000002 - complexity: 14 +- comm_cost: 0.6337673611111112 + complexity: 18 expressions: - - N+ - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, not(R-)) + - S+ + - and(K-, not(R+)) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - or(S+, N+) name: explored-10615 type: explored -- comm_cost: 0.6312500000000002 - complexity: 5 +- comm_cost: 0.6954861111111112 + complexity: 9 expressions: + - R+ - R- - - S- - - and(N-, R+) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-10616 type: explored -- comm_cost: 0.4657986111111114 - complexity: 10 +- comm_cost: 0.16770833333333357 + complexity: 11 expressions: + - K+ - N+ - - S+ - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - or(N+, R-) name: explored-10617 type: explored -- comm_cost: 0.5151620370370371 - complexity: 15 +- comm_cost: 0.5008680555555556 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) + - S+ + - and(N-, R+) - and(S-, SE-) + - or(K+, K-) + - or(K+, SE+) name: explored-10618 type: explored -- comm_cost: 0.5926215277777779 - complexity: 17 +- comm_cost: 0.6062500000000002 + complexity: 8 expressions: - R+ - - and(K-, or(S+, R-)) - - and(N-, or(K+, S-)) - - and(and(S-, N-), not(R-)) + - SE- + - and(S-, N-) + - or(N+, R-) name: explored-10619 type: explored -- comm_cost: 0.4426041666666669 - complexity: 15 +- comm_cost: 0.4526041666666669 + complexity: 9 expressions: - - N+ + - R+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, S-) + - or(S+, N+) name: explored-10620 type: explored -- comm_cost: 0.20694444444444482 +- comm_cost: 0.5079861111111114 complexity: 19 expressions: - K+ - - N+ - - R- - - S+ - - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(S-, not(R-)) + - or(SE-, N+) name: explored-10621 type: explored -- comm_cost: 0.3402777777777779 - complexity: 13 +- comm_cost: 0.38402777777777797 + complexity: 12 expressions: - K+ - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(S-, not(R-)) name: explored-10622 type: explored -- comm_cost: 0.8654166666666667 - complexity: 4 +- comm_cost: 0.7046875000000001 + complexity: 15 expressions: - - or(N+, not(R+)) + - S- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-10623 type: explored -- comm_cost: 0.33802083333333355 - complexity: 30 +- comm_cost: 0.675607638888889 + complexity: 12 expressions: - - K+ - - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) name: explored-10624 type: explored -- comm_cost: 0.528877314814815 - complexity: 11 +- comm_cost: 0.6928240740740742 + complexity: 9 + expressions: + - R+ + - SE- + - and(S-, not(R-)) + - or(S+, R+) + name: explored-10625 + type: explored +- comm_cost: 0.2874421296296298 + complexity: 20 expressions: - K+ - N+ - R- - - S+ - - SE+ + - and(K-, S+) - and(N-, R+) - - or(N+, R-) - name: explored-10625 + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(S+, R+) + name: explored-10626 type: explored -- comm_cost: 0.532638888888889 - complexity: 10 +- comm_cost: 0.613570601851852 + complexity: 12 expressions: - R+ - R- - SE- - - and(S-, not(R+)) - - or(N+, R-) - name: explored-10626 - type: explored -- comm_cost: 0.3973958333333335 - complexity: 6 - expressions: - - K+ - - R+ - - S+ - - and(S-, SE-) + - and(K-, N-) + - and(and(K-, N-), not(R-)) name: explored-10627 type: explored -- comm_cost: 0.41510416666666683 - complexity: 10 +- comm_cost: 0.5809606481481483 + complexity: 8 expressions: - - K+ + - N+ + - R+ - R- - - and(N-, or(K+, R+)) - - and(S-, SE-) + - SE+ + - and(S-, not(R+)) name: explored-10628 type: explored -- comm_cost: 0.6592245370370371 - complexity: 11 +- comm_cost: 0.16041666666666687 + complexity: 15 expressions: - - K- - - R+ + - K+ + - K+ + - N+ + - N+ - R- - - SE- - - or(and(S-, SE-), or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-10629 type: explored -- comm_cost: 0.3890625000000003 - complexity: 14 +- comm_cost: 0.38802083333333326 + complexity: 9 expressions: - N+ - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(S+, or(N+, R-)) + - R- + - S+ + - and(K-, S+) + - and(S-, SE-) name: explored-10630 type: explored -- comm_cost: 0.5513888888888889 - complexity: 6 +- comm_cost: 0.22974537037037068 + complexity: 22 expressions: + - K+ + - K+ - N+ - R- - - SE- - - or(K+, R+) + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-10631 type: explored -- comm_cost: 0.4189236111111112 +- comm_cost: 0.41680555555555565 complexity: 13 expressions: + - K+ - N+ - R- + - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(K+, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-10632 type: explored -- comm_cost: 0.2343171296296298 - complexity: 20 +- comm_cost: 0.6322916666666668 + complexity: 7 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - R+ + - SE- + - and(K-, or(SE-, N+)) name: explored-10633 type: explored -- comm_cost: 0.3954861111111113 - complexity: 18 +- comm_cost: 0.33912037037037057 + complexity: 24 expressions: - K+ - N+ - R- - - S+ - - S- - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(S-, not(R+)) + - and(S-, not(R-)) name: explored-10634 type: explored -- comm_cost: 0.6332465277777779 - complexity: 11 +- comm_cost: 0.46695601851851865 + complexity: 18 expressions: - - R+ - - and(S-, not(R-)) - - or(K+, R-) - - or(SE-, N+) + - N+ + - and(K-, N-) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-10635 type: explored -- comm_cost: 0.5552083333333334 - complexity: 16 +- comm_cost: 0.5226562500000002 + complexity: 14 expressions: - - R- - - S+ - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, SE+) name: explored-10636 type: explored -- comm_cost: 0.5513888888888889 - complexity: 8 +- comm_cost: 0.5422453703703705 + complexity: 24 expressions: - N+ - - R- - - SE- - - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(S-, not(R-)) + - and(SE-, or(K+, S-)) name: explored-10637 type: explored -- comm_cost: 0.5619444444444446 - complexity: 12 +- comm_cost: 0.8201388888888889 + complexity: 7 expressions: - - N+ - R- - - SE- - - and(N-, R+) - - and(S-, N-) - - or(S+, SE+) + - and(or(K+, S-), not(R+)) name: explored-10638 type: explored -- comm_cost: 0.6395138888888889 - complexity: 10 +- comm_cost: 0.45392361111111124 + complexity: 23 expressions: - - K- + - K+ - N+ - R- - - S+ + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - or(K+, S-) name: explored-10639 type: explored -- comm_cost: 0.5951388888888891 - complexity: 7 +- comm_cost: 0.604513888888889 + complexity: 20 expressions: - R+ - - SE- - - not(R+) - - or(K+, R-) + - and(K-, or(S+, N+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10640 type: explored -- comm_cost: 0.1843750000000003 - complexity: 16 +- comm_cost: 0.24895833333333361 + complexity: 10 expressions: - N+ - - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(N+, R-) name: explored-10641 type: explored -- comm_cost: 0.5332523148148149 - complexity: 17 +- comm_cost: 0.5013888888888889 + complexity: 14 expressions: - - K+ - - R+ + - N+ - R- + - and(K-, S+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(N+, not(R+)) + - and(or(K+, S-), not(R+)) name: explored-10642 type: explored -- comm_cost: 0.4311458333333337 - complexity: 13 +- comm_cost: 0.5553819444444447 + complexity: 9 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - or(N+, not(R+)) - - or(SE-, N+) + - SE- + - not(R+) + - or(N+, R-) name: explored-10643 type: explored -- comm_cost: 0.3215856481481484 - complexity: 21 +- comm_cost: 0.5981770833333334 + complexity: 12 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(K-, SE-) + - and(S-, or(SE-, N+)) + - or(K+, SE+) name: explored-10644 type: explored -- comm_cost: 0.307465277777778 - complexity: 14 +- comm_cost: 0.39921875000000007 + complexity: 11 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) + - and(K-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R-)) name: explored-10645 type: explored -- comm_cost: 0.4398611111111115 - complexity: 12 +- comm_cost: 0.6390625000000002 + complexity: 9 + expressions: + - R+ + - and(K-, or(S+, N+)) + - and(N-, R+) + name: explored-10646 + type: explored +- comm_cost: 0.6101562500000002 + complexity: 17 expressions: - N+ - SE- - and(N-, R+) + - and(N-, or(K+, R+)) - or(N+, not(R+)) - - or(S+, R-) - name: explored-10646 + - or(S+, SE+) + name: explored-10647 type: explored -- comm_cost: 0.6171006944444446 - complexity: 10 +- comm_cost: 0.5106250000000002 + complexity: 16 expressions: - - R+ - - SE- - - and(N-, or(S+, SE+)) - - and(SE+, N-) - name: explored-10647 + - N+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) + name: explored-10648 type: explored -- comm_cost: 0.558854166666667 - complexity: 9 +- comm_cost: 0.08125000000000027 + complexity: 11 expressions: + - K+ + - K+ + - N+ + - N+ - R- - - and(K-, or(S+, R-)) - and(N-, R+) - name: explored-10648 + - and(S-, SE-) + name: explored-10649 type: explored -- comm_cost: 0.7024739583333335 - complexity: 33 +- comm_cost: 0.6978125000000001 + complexity: 7 expressions: - K- - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) - - or(K+, S-) - - or(S+, N+) - name: explored-10649 + - R+ + - and(S-, or(SE-, N+)) + name: explored-10650 type: explored -- comm_cost: 0.477488425925926 - complexity: 15 +- comm_cost: 0.6708333333333333 + complexity: 12 expressions: + - K+ - N+ - - R- - - and(K-, or(S+, SE+)) - and(S-, SE-) - - or(K+, or(N+, R-)) - name: explored-10650 + - and(or(K+, S-), or(SE-, N+)) + name: explored-10651 type: explored -- comm_cost: 0.5214120370370372 - complexity: 20 +- comm_cost: 0.6257812500000002 + complexity: 22 expressions: - N+ - R+ - R- - SE- - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) - name: explored-10651 + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) + name: explored-10652 type: explored -- comm_cost: 0.4496527777777779 - complexity: 19 +- comm_cost: 0.40961805555555575 + complexity: 15 expressions: - K+ + - K+ + - K- - N+ - R- - - S- - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - or(S+, N+) - name: explored-10652 + - or(N+, R-) + name: explored-10653 type: explored -- comm_cost: 0.37508680555555574 - complexity: 14 +- comm_cost: 0.4765625000000002 + complexity: 10 expressions: - - K+ - - N+ - - and(K-, N-) + - SE- - and(N-, R+) - and(S-, SE-) - - or(S+, R-) - name: explored-10653 + - and(SE+, N-) + name: explored-10654 type: explored -- comm_cost: 0.3950694444444446 - complexity: 12 +- comm_cost: 0.3212962962962965 + complexity: 18 expressions: - K+ - - K- - N+ - R- - - R- - - S+ + - and(K-, not(R+)) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - name: explored-10654 - type: explored -- comm_cost: 0.8263020833333333 - complexity: 5 - expressions: - - and(K-, SE-) - - not(R+) name: explored-10655 type: explored -- comm_cost: 0.6794097222222224 - complexity: 8 +- comm_cost: 0.3632812500000002 + complexity: 14 expressions: - - R+ - - SE- - - and(K-, not(R+)) - - not(R-) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, SE+) name: explored-10656 type: explored -- comm_cost: 0.76953125 - complexity: 7 +- comm_cost: 0.36388888888888915 + complexity: 12 expressions: - - S- - - or(K+, S-) - - or(SE-, N+) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - or(S+, or(N+, R-)) name: explored-10657 type: explored -- comm_cost: 0.2391203703703706 - complexity: 15 +- comm_cost: 0.3964988425925928 + complexity: 18 expressions: - - K+ - N+ - R- - - R- + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-10658 type: explored -- comm_cost: 0.6039062500000001 - complexity: 6 +- comm_cost: 0.6275462962962964 + complexity: 7 expressions: - R+ - - S- + - R- + - SE+ - SE- - - and(S-, SE-) + - or(S+, R+) name: explored-10659 type: explored -- comm_cost: 0.7113715277777779 - complexity: 12 +- comm_cost: 0.2815972222222225 + complexity: 15 expressions: - - R+ - - and(N-, or(K+, R+)) - - and(or(K+, S-), not(R-)) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, R-) name: explored-10660 type: explored -- comm_cost: 0.4148437500000002 - complexity: 17 +- comm_cost: 0.6659722222222223 + complexity: 7 expressions: - - K+ - - R- - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - - or(SE-, N+) + - and(S-, not(R-)) name: explored-10661 type: explored -- comm_cost: 0.31015625000000024 - complexity: 15 +- comm_cost: 0.6597222222222223 + complexity: 16 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(S-, SE-) + - K+ + - R+ + - SE- + - and(K-, or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10662 type: explored -- comm_cost: 0.4970572916666669 - complexity: 13 +- comm_cost: 0.22361111111111132 + complexity: 20 expressions: - K+ - N+ - - S+ + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - not(R+) - - not(R-) name: explored-10663 type: explored -- comm_cost: 0.6071481481481482 - complexity: 21 +- comm_cost: 0.6268055555555556 + complexity: 9 expressions: - - K+ - - K- - N+ - - R+ - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - or(K+, N+) - - or(K+, or(N+, R-)) + - R- + - SE- + - and(K-, SE-) + - or(S+, SE+) name: explored-10664 type: explored -- comm_cost: 0.6793750000000002 - complexity: 5 +- comm_cost: 0.2791666666666668 + complexity: 18 expressions: + - K+ - R+ - - or(N+, not(R+)) + - R- + - and(K-, or(S+, N+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-10665 type: explored -- comm_cost: 0.7235069444444444 - complexity: 8 +- comm_cost: 0.5498611111111114 + complexity: 14 expressions: + - K+ + - K- - N+ - - SE- - - or(S+, SE+) - - or(SE-, N+) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-10666 type: explored -- comm_cost: 0.4663194444444445 - complexity: 11 +- comm_cost: 0.34837962962962976 + complexity: 17 expressions: - - R+ + - N+ - R- - - SE+ + - and(K-, not(R+)) + - and(N-, R+) - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-10667 type: explored -- comm_cost: 0.4257986111111113 - complexity: 16 +- comm_cost: 0.4525000000000001 + complexity: 13 expressions: - K+ - - K- + - N+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - or(K+, S-) name: explored-10668 type: explored -- comm_cost: 0.43524305555555576 - complexity: 18 +- comm_cost: 0.5333912037037039 + complexity: 10 expressions: - - K+ - N+ + - R+ - R- - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R- + - SE- + - and(N-, or(K+, SE+)) name: explored-10669 type: explored -- comm_cost: 0.7040972222222224 +- comm_cost: 0.31979166666666703 complexity: 18 expressions: - - R+ - - and(or(K+, S-), not(R-)) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-10670 type: explored -- comm_cost: 0.6756944444444446 - complexity: 12 - expressions: - - R+ - - SE- - - and(S-, not(R+)) - - or(K+, K-) - - or(S+, N+) - name: explored-10671 - type: explored -- comm_cost: 0.3479166666666671 +- comm_cost: 0.5073495370370372 complexity: 17 expressions: - - N+ - R- + - and(K-, SE-) - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(S+, or(N+, R-)) + name: explored-10671 + type: explored +- comm_cost: 0.5468750000000001 + complexity: 10 + expressions: + - R+ + - SE- - and(S-, SE-) - and(S-, or(SE-, N+)) - - or(N+, not(R+)) name: explored-10672 type: explored -- comm_cost: 0.8078125 - complexity: 3 +- comm_cost: 0.6993055555555556 + complexity: 4 expressions: - - and(K-, N-) + - SE- + - or(K+, R+) name: explored-10673 type: explored -- comm_cost: 0.40151909722222245 - complexity: 19 +- comm_cost: 0.33750000000000013 + complexity: 22 expressions: - K+ - N+ - - R+ - R- - - and(K-, or(S+, R+)) + - and(K-, N-) + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-10674 type: explored -- comm_cost: 0.5170833333333336 +- comm_cost: 0.12743055555555594 complexity: 12 expressions: - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(SE+, N-) - - or(N+, not(R+)) + - and(S-, SE-) + - or(S+, R-) name: explored-10675 type: explored -- comm_cost: 0.7180555555555557 - complexity: 9 +- comm_cost: 0.6375000000000002 + complexity: 4 expressions: - - R+ - - S- - - or(and(S-, SE-), or(N+, R-)) + - N+ + - and(SE+, N-) name: explored-10676 type: explored -- comm_cost: 0.5159722222222223 +- comm_cost: 0.6611979166666667 complexity: 10 expressions: - K+ - - N+ + - K- - N+ - R- - SE- - - and(N-, or(K+, SE+)) + - and(K-, or(S+, SE+)) name: explored-10677 type: explored -- comm_cost: 0.3533854166666669 - complexity: 24 +- comm_cost: 0.4849247685185186 + complexity: 14 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, not(R-)) + - or(S+, R+) name: explored-10678 type: explored -- comm_cost: 0.38541666666666674 - complexity: 12 +- comm_cost: 0.579826388888889 + complexity: 7 expressions: - - K+ + - N+ - R+ - R- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- + - SE- + - not(R-) name: explored-10679 type: explored -- comm_cost: 0.6941666666666667 - complexity: 5 +- comm_cost: 0.43125000000000036 + complexity: 10 expressions: - N+ - SE- - - or(S+, SE+) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-10680 type: explored -- comm_cost: 0.48750000000000016 - complexity: 13 +- comm_cost: 0.2937500000000003 + complexity: 15 expressions: - - K+ - - N+ - - R+ - R- - - SE- - - and(K-, or(S+, N+)) - - and(SE+, N-) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-10681 type: explored -- comm_cost: 0.2776041666666669 - complexity: 15 +- comm_cost: 0.6967881944444445 + complexity: 8 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(SE+, N-) + - and(S-, N-) + - or(S+, or(N+, R-)) name: explored-10682 type: explored -- comm_cost: 0.19398148148148175 - complexity: 17 +- comm_cost: 0.55625 + complexity: 7 expressions: + - K+ - N+ - R- - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(S+, R-) + - SE- + - and(K-, S+) name: explored-10683 type: explored -- comm_cost: 0.32135416666666694 - complexity: 12 +- comm_cost: 0.5916666666666668 + complexity: 11 + expressions: + - R+ + - R- + - SE- + - and(or(K+, S-), or(N+, not(R+))) + name: explored-10684 + type: explored +- comm_cost: 0.38680555555555574 + complexity: 18 expressions: - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - name: explored-10684 + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) + name: explored-10685 type: explored -- comm_cost: 0.6625000000000001 - complexity: 7 +- comm_cost: 0.43125000000000036 + complexity: 12 expressions: - N+ - - R+ - SE- - - and(K-, not(R-)) - name: explored-10685 - type: explored -- comm_cost: 0.884375 - complexity: 3 - expressions: - - or(K+, N+) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-10686 type: explored -- comm_cost: 0.6738715277777778 - complexity: 12 +- comm_cost: 0.7415277777777778 + complexity: 5 expressions: - - R- + - S+ - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) + - or(S+, SE+) name: explored-10687 type: explored -- comm_cost: 0.6018229166666669 - complexity: 10 +- comm_cost: 0.7058680555555557 + complexity: 7 expressions: - - N+ - R+ - - R- - - or(and(K-, SE-), or(N+, R-)) - name: explored-10688 - type: explored -- comm_cost: 0.5746527777777777 - complexity: 13 - expressions: - - and(S-, SE-) + - SE- + - not(R-) - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) - name: explored-10689 + name: explored-10688 type: explored -- comm_cost: 0.4455729166666669 - complexity: 17 +- comm_cost: 0.2854166666666669 + complexity: 22 expressions: - K+ - N+ @@ -110431,9475 +110623,9553 @@ - and(K-, S+) - and(K-, or(S+, R+)) - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) + - or(S+, or(N+, R-)) + name: explored-10689 + type: explored +- comm_cost: 0.5810474537037039 + complexity: 11 + expressions: + - R+ + - R- + - SE- + - and(or(K+, S-), not(R+)) + - not(R+) name: explored-10690 type: explored -- comm_cost: 0.48402777777777795 - complexity: 16 +- comm_cost: 0.4276909722222225 + complexity: 17 expressions: - K+ - - N+ - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(SE-, N+) + - SE- + - and(N-, R+) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10691 type: explored -- comm_cost: 0.4312499999999999 - complexity: 12 +- comm_cost: 0.6638310185185187 + complexity: 8 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(S-, SE-) - - or(S+, N+) + - R+ + - SE- + - or(K+, R+) + - or(K+, SE+) name: explored-10692 type: explored -- comm_cost: 0.34930555555555587 +- comm_cost: 0.3888888888888893 complexity: 12 expressions: - - N+ - - N+ + - K+ - R- - SE- - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, or(N+, not(R+))) name: explored-10693 type: explored -- comm_cost: 0.6618055555555558 - complexity: 6 +- comm_cost: 0.4588252314814817 + complexity: 23 expressions: + - N+ + - R- + - and(K-, N-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-10694 type: explored -- comm_cost: 0.7041666666666666 - complexity: 7 +- comm_cost: 0.6957465277777779 + complexity: 13 expressions: - - and(S-, not(R+)) + - and(K-, not(R-)) - or(K+, N+) + - or(K+, R-) + - or(S+, R-) name: explored-10695 type: explored -- comm_cost: 0.3806250000000002 - complexity: 10 +- comm_cost: 0.6515625000000002 + complexity: 18 expressions: - - N+ - - N- + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10696 type: explored -- comm_cost: 0.2820312500000004 - complexity: 11 +- comm_cost: 0.6801504629629631 + complexity: 10 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, SE-) - - and(N-, R+) - - not(R+) + - and(N-, or(K+, SE+)) + - or(S+, R-) name: explored-10697 type: explored -- comm_cost: 0.4101562500000001 - complexity: 10 +- comm_cost: 0.40680555555555575 + complexity: 23 expressions: - K+ - N+ - - and(N-, or(S+, SE+)) + - R- + - S+ + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-10698 type: explored -- comm_cost: 0.6425347222222224 - complexity: 16 +- comm_cost: 0.31302083333333364 + complexity: 11 expressions: - - and(K-, N-) + - N+ + - R- + - S+ - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, SE+)) name: explored-10699 type: explored -- comm_cost: 0.6380208333333335 - complexity: 15 +- comm_cost: 0.6328125000000001 + complexity: 10 expressions: + - N+ + - R- + - SE+ - SE- - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), not(R-)) name: explored-10700 type: explored -- comm_cost: 0.760763888888889 - complexity: 8 +- comm_cost: 0.31302083333333364 + complexity: 13 expressions: - - and(K-, or(S+, R+)) - - or(K+, N+) + - N+ + - R- + - S+ + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-10701 type: explored -- comm_cost: 0.591840277777778 - complexity: 17 +- comm_cost: 0.3333333333333335 + complexity: 13 expressions: - - SE- + - K+ + - R- - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-10702 type: explored -- comm_cost: 0.6811921296296297 - complexity: 36 +- comm_cost: 0.6142361111111113 + complexity: 7 expressions: - - N+ - - S- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - or(K+, R-) - - or(K+, S-) + - R+ + - and(or(K+, S-), not(R+)) name: explored-10703 type: explored -- comm_cost: 0.4854166666666666 - complexity: 8 +- comm_cost: 0.7169270833333332 + complexity: 12 expressions: - - N+ - R- - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10704 type: explored -- comm_cost: 0.4275000000000002 - complexity: 14 +- comm_cost: 0.2513888888888891 + complexity: 21 expressions: - - K+ + - N+ - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R-) name: explored-10705 type: explored -- comm_cost: 0.6242187500000002 - complexity: 9 +- comm_cost: 0.3594328703703705 + complexity: 18 expressions: - - R+ - - R- - - SE- - - and(K-, N-) - - and(S-, N-) + - N+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) + - or(S+, R-) name: explored-10706 type: explored -- comm_cost: 0.7536458333333333 +- comm_cost: 0.5395833333333335 complexity: 10 expressions: - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-10707 type: explored -- comm_cost: 0.642867476851852 - complexity: 15 +- comm_cost: 0.21770833333333361 + complexity: 10 expressions: + - K+ - R+ - - SE- - - and(K-, S+) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-10708 type: explored -- comm_cost: 0.3456597222222224 - complexity: 16 +- comm_cost: 0.5429398148148149 + complexity: 10 expressions: - - K+ + - N+ - R+ - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, R-) + - SE- + - and(S-, N-) + - or(K+, R-) name: explored-10709 type: explored -- comm_cost: 0.5473958333333335 - complexity: 14 +- comm_cost: 0.5113425925925927 + complexity: 16 expressions: - N+ + - R- - SE- - - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(N-, or(K+, SE+)) name: explored-10710 type: explored -- comm_cost: 0.6190104166666668 - complexity: 9 +- comm_cost: 0.41527777777777797 + complexity: 12 expressions: - - R+ - - S+ - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-10711 type: explored -- comm_cost: 0.6544270833333334 - complexity: 5 +- comm_cost: 0.4629050925925928 + complexity: 15 expressions: - N+ - - R+ + - R- + - SE- - and(K-, N-) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-10712 type: explored -- comm_cost: 0.3593750000000001 - complexity: 8 +- comm_cost: 0.33315972222222245 + complexity: 17 expressions: + - N+ - R+ - R- + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - or(K+, or(N+, R-)) name: explored-10713 type: explored -- comm_cost: 0.6773148148148149 +- comm_cost: 0.45954861111111134 complexity: 19 expressions: - - S- - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - - and(S-, N-) - - and(SE-, or(K+, S-)) + - K+ + - N+ + - R- + - R- + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-10714 type: explored -- comm_cost: 0.5755208333333335 - complexity: 10 +- comm_cost: 0.6381944444444446 + complexity: 15 expressions: - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - R+ + - and(K-, SE-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) name: explored-10715 type: explored -- comm_cost: 0.4737268518518519 - complexity: 19 +- comm_cost: 0.61640625 + complexity: 5 expressions: - N+ - - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - SE- + - and(K-, N-) name: explored-10716 type: explored -- comm_cost: 0.6969212962962964 - complexity: 7 +- comm_cost: 0.5145833333333333 + complexity: 11 expressions: - - N- - - R+ - - and(N-, or(S+, R+)) + - K+ + - N+ + - S+ + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-10717 type: explored -- comm_cost: 0.6076388888888891 - complexity: 12 +- comm_cost: 0.44482638888888915 + complexity: 14 expressions: - - R+ - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(K+, N+) + - R- + - S+ + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-10718 type: explored -- comm_cost: 0.49479166666666685 - complexity: 5 +- comm_cost: 0.14236111111111138 + complexity: 18 expressions: - K+ - - R+ - - R+ - - R- - - SE- + - N+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-10719 type: explored -- comm_cost: 0.1526041666666671 - complexity: 20 +- comm_cost: 0.5631944444444447 + complexity: 11 expressions: - - N+ - - R- + - SE- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) + - and(S-, not(R-)) name: explored-10720 type: explored -- comm_cost: 0.6051215277777778 - complexity: 8 +- comm_cost: 0.4494791666666669 + complexity: 15 expressions: - - N+ - - R+ - - R- - - S- - - SE- - - or(N+, R-) + - K+ + - K+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-10721 type: explored -- comm_cost: 0.4805381944444447 - complexity: 20 +- comm_cost: 0.1859375000000003 + complexity: 18 expressions: - K+ - N+ - R- - S+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-10722 type: explored -- comm_cost: 0.4109375000000002 - complexity: 12 +- comm_cost: 0.36875000000000013 + complexity: 13 expressions: + - N+ + - R- - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-10723 type: explored -- comm_cost: 0.2581018518518521 - complexity: 14 +- comm_cost: 0.5050000000000001 + complexity: 7 expressions: + - K+ + - K- - N+ - R- - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) name: explored-10724 type: explored -- comm_cost: 0.6958333333333335 - complexity: 5 +- comm_cost: 0.5927083333333335 + complexity: 8 expressions: - N+ - R+ - - or(K+, N+) + - and(and(S-, N-), not(R-)) name: explored-10725 type: explored -- comm_cost: 0.5523437500000001 - complexity: 13 +- comm_cost: 0.5682291666666668 + complexity: 7 expressions: - R+ - R- - S+ - - and(and(K-, N-), or(S+, R+)) - - or(SE-, N+) + - SE- + - and(S-, N-) name: explored-10726 type: explored -- comm_cost: 0.4706597222222224 - complexity: 10 +- comm_cost: 0.8527777777777777 + complexity: 4 expressions: - - K+ - - R+ - - R- - - SE- - - and(K-, SE-) - - or(K+, N+) + - and(K-, not(R+)) name: explored-10727 type: explored -- comm_cost: 0.5628472222222223 - complexity: 10 +- comm_cost: 0.6880208333333335 + complexity: 6 expressions: - - R- - - and(and(K-, N-), not(R-)) - - or(K+, N+) + - SE- + - and(N-, or(K+, R+)) name: explored-10728 type: explored -- comm_cost: 0.4548958333333334 - complexity: 9 +- comm_cost: 0.4177083333333337 + complexity: 13 expressions: - - R+ - - R- - - S+ - - and(S-, SE-) - - or(S+, SE+) + - N+ + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, N+) name: explored-10729 type: explored -- comm_cost: 0.33750000000000013 - complexity: 17 +- comm_cost: 0.49140625000000004 + complexity: 12 expressions: - N+ - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(S+, R+)) + - S+ - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-10730 type: explored -- comm_cost: 0.43046875000000007 +- comm_cost: 0.5686631944444445 complexity: 15 expressions: - - K+ - N+ - R- - - and(K-, S+) - and(S-, SE-) + - and(S-, not(R-)) - and(or(K+, S-), not(R-)) name: explored-10731 type: explored -- comm_cost: 0.45486111111111127 - complexity: 22 +- comm_cost: 0.49328703703703725 + complexity: 17 expressions: + - K+ - N+ - R- + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(SE+, N-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(K+, SE+)) name: explored-10732 type: explored -- comm_cost: 0.32326388888888913 - complexity: 11 +- comm_cost: 0.5400462962962964 + complexity: 12 expressions: - - K+ + - R+ - R+ - R- - - S+ - SE- - - and(N-, R+) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) name: explored-10733 type: explored -- comm_cost: 0.522916666666667 - complexity: 5 +- comm_cost: 0.5303819444444444 + complexity: 10 expressions: - N+ - - N+ - - and(N-, R+) + - S+ + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-10734 type: explored -- comm_cost: 0.39513888888888915 - complexity: 16 +- comm_cost: 0.4848379629629631 + complexity: 21 expressions: - - N+ + - R- - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-10735 type: explored -- comm_cost: 0.5940104166666668 - complexity: 16 +- comm_cost: 0.5192708333333336 + complexity: 7 expressions: - - N+ + - K+ + - R+ - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - SE- + - and(SE+, N-) name: explored-10736 type: explored -- comm_cost: 0.25520833333333337 - complexity: 9 +- comm_cost: 0.6444791666666667 + complexity: 7 expressions: - - K+ - - K+ - - N+ - R+ - R- - - S+ - - and(S-, SE-) + - not(R-) + - or(SE-, N+) name: explored-10737 type: explored -- comm_cost: 0.635763888888889 - complexity: 9 +- comm_cost: 0.2507812500000002 + complexity: 17 expressions: - - SE- - - and(S-, not(R+)) - - and(S-, not(R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(S-, SE-) name: explored-10738 type: explored -- comm_cost: 0.5192708333333335 - complexity: 16 +- comm_cost: 0.49088541666666674 + complexity: 17 expressions: - - R+ + - N+ - R- - - SE- - - SE- - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, S-) name: explored-10739 type: explored -- comm_cost: 0.745138888888889 +- comm_cost: 0.5114583333333332 complexity: 12 expressions: - - R+ + - N+ - R- - - and(K-, or(S+, SE+)) - - and(N-, or(S+, SE+)) + - S+ + - and(K-, SE-) + - and(S-, SE-) + - or(K+, N+) name: explored-10740 type: explored -- comm_cost: 0.6919270833333334 - complexity: 4 +- comm_cost: 0.5007812500000002 + complexity: 9 expressions: - R+ - - and(K-, N-) + - R- + - SE- + - and(S-, SE-) + - or(S+, R+) name: explored-10741 type: explored -- comm_cost: 0.687152777777778 - complexity: 11 +- comm_cost: 0.3533564814814818 + complexity: 15 expressions: - - R+ - - and(K-, S+) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - or(N+, R-) name: explored-10742 type: explored -- comm_cost: 0.6122974537037038 - complexity: 17 +- comm_cost: 0.38289930555555574 + complexity: 19 expressions: - N+ - R+ - R- - - SE- + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) - and(N-, not(R-)) - - not(R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-10743 type: explored -- comm_cost: 0.3954282407407409 - complexity: 22 +- comm_cost: 0.6855381944444445 + complexity: 28 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, R-) + - SE+ + - and(K-, N-) + - and(K-, not(R-)) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-10744 type: explored -- comm_cost: 0.630738425925926 - complexity: 29 +- comm_cost: 0.557291666666667 + complexity: 8 expressions: - - R+ - - R- - - S+ - - SE+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(K+, or(N+, R-)) - - or(S+, SE+) name: explored-10745 type: explored -- comm_cost: 0.486527777777778 - complexity: 16 +- comm_cost: 0.17430555555555594 + complexity: 13 expressions: - K+ - N+ + - R- + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(N+, not(R+)) name: explored-10746 type: explored -- comm_cost: 0.5399305555555557 - complexity: 18 +- comm_cost: 0.4652777777777779 + complexity: 11 expressions: - - N+ - - SE- - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(N+, R-) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-10747 type: explored -- comm_cost: 0.7159583333333335 - complexity: 25 +- comm_cost: 0.6942997685185186 + complexity: 11 expressions: - - N- - - and(K-, not(R+)) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - not(R-) - - or(K+, R+) - - or(N+, R-) + - R+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, not(R-)) name: explored-10748 type: explored -- comm_cost: 0.08125000000000027 - complexity: 13 +- comm_cost: 0.3744791666666669 + complexity: 18 expressions: - - K+ - - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(S-, SE-) + - or(N+, R-) name: explored-10749 type: explored -- comm_cost: 0.6130208333333333 - complexity: 12 +- comm_cost: 0.44653645833333344 + complexity: 21 expressions: + - K+ + - K- - N+ - R- - - and(N-, or(K+, S-)) + - and(K-, S+) + - and(K-, S+) + - and(N-, R+) - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-10750 type: explored -- comm_cost: 0.5421875 - complexity: 11 +- comm_cost: 0.6743055555555555 + complexity: 7 expressions: + - K+ - N+ - R- - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - SE- + - or(K+, K-) name: explored-10751 type: explored -- comm_cost: 0.4703124999999999 - complexity: 9 +- comm_cost: 0.5822916666666669 + complexity: 3 expressions: - - K+ - N+ - - R- - - and(S-, SE-) - - or(N+, R-) + - R+ + - SE- name: explored-10752 type: explored -- comm_cost: 0.6299189814814816 - complexity: 8 +- comm_cost: 0.6481336805555558 + complexity: 23 expressions: - - K- - - N+ - - R+ - R- - SE- - - or(S+, R-) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) + - or(S+, R+) name: explored-10753 type: explored -- comm_cost: 0.44661458333333337 - complexity: 9 +- comm_cost: 0.7141203703703706 + complexity: 13 expressions: - - K+ - - R+ - - R- - - and(S-, SE-) - - or(K+, SE+) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-10754 type: explored -- comm_cost: 0.6600000000000001 - complexity: 5 +- comm_cost: 0.746875 + complexity: 9 expressions: - - N- + - K+ - R- - - and(N-, R+) + - SE- + - and(K-, or(N+, not(R+))) name: explored-10755 type: explored -- comm_cost: 0.5057291666666668 - complexity: 18 +- comm_cost: 0.17916666666666692 + complexity: 12 expressions: - - K+ - N+ - - R- - S+ - - and(K-, not(R-)) + - S+ + - and(N-, R+) - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-10756 type: explored -- comm_cost: 0.3587962962962966 - complexity: 16 +- comm_cost: 0.3284722222222225 + complexity: 17 expressions: - - K+ - - N+ - R- - - SE- - - and(K-, not(R+)) - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R-) name: explored-10757 type: explored -- comm_cost: 0.5049479166666668 - complexity: 14 +- comm_cost: 0.6654513888888891 + complexity: 11 expressions: - - N+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, not(R+)) + - R+ + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-10758 type: explored -- comm_cost: 0.4228530092592594 - complexity: 18 +- comm_cost: 0.7639236111111112 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - N- - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) - - or(S+, R-) + - SE- + - not(R-) + - or(S+, or(N+, R-)) name: explored-10759 type: explored -- comm_cost: 0.7402430555555556 - complexity: 9 +- comm_cost: 0.4812500000000004 + complexity: 7 expressions: - SE- - - and(K-, or(S+, SE+)) - - or(S+, SE+) + - and(N-, R+) + - or(S+, N+) name: explored-10760 type: explored -- comm_cost: 0.5388020833333335 - complexity: 11 +- comm_cost: 0.4208333333333336 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) name: explored-10761 type: explored -- comm_cost: 0.522916666666667 - complexity: 4 +- comm_cost: 0.35807291666666674 + complexity: 17 expressions: + - K+ - N+ + - R- - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, R+) name: explored-10762 type: explored -- comm_cost: 0.91875 - complexity: 1 +- comm_cost: 0.6278125000000001 + complexity: 10 expressions: - - S+ + - R+ + - and(SE-, or(K+, S-)) + - or(N+, not(R+)) name: explored-10763 type: explored -- comm_cost: 0.4750000000000001 - complexity: 12 +- comm_cost: 0.6658072916666667 + complexity: 29 expressions: - - R+ - - and(S-, SE-) + - R- + - and(K-, S+) + - and(K-, not(R+)) + - and(N-, not(R-)) - and(SE+, N-) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) + - or(K+, SE+) name: explored-10764 type: explored -- comm_cost: 0.6877083333333335 - complexity: 7 +- comm_cost: 0.6934722222222223 + complexity: 8 expressions: - - K- - - R+ - - and(N-, or(K+, R+)) + - R- + - SE- + - or(K+, R+) + - or(K+, S-) name: explored-10765 type: explored -- comm_cost: 0.41970486111111127 +- comm_cost: 0.2406250000000003 complexity: 13 expressions: - K+ - - N+ - R- - - S- - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-10766 type: explored -- comm_cost: 0.49684027777777795 - complexity: 17 +- comm_cost: 0.4687500000000002 + complexity: 6 expressions: + - K+ - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(SE+, N-) name: explored-10767 type: explored -- comm_cost: 0.4250868055555559 - complexity: 23 +- comm_cost: 0.5489583333333332 + complexity: 10 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(S+, or(N+, R-)) + - K+ + - R- + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-10768 type: explored -- comm_cost: 0.3430555555555558 +- comm_cost: 0.7812326388888889 + complexity: 9 + expressions: + - SE- + - and(or(K+, S-), not(R-)) + - not(R-) + name: explored-10769 + type: explored +- comm_cost: 0.3417534722222223 complexity: 21 expressions: - K+ - N+ - R- - - SE- - and(K-, S+) + - and(K-, not(R-)) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(SE+, N-) - - or(S+, or(N+, R-)) - name: explored-10769 + name: explored-10770 type: explored -- comm_cost: 0.5062500000000002 - complexity: 7 +- comm_cost: 0.5779427083333335 + complexity: 17 expressions: - - K+ - N+ - - R+ + - N- - SE- - - and(SE+, N-) - name: explored-10770 + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) + name: explored-10771 type: explored -- comm_cost: 0.6479166666666667 - complexity: 6 +- comm_cost: 0.4381944444444448 + complexity: 12 expressions: + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - name: explored-10771 + - and(or(K+, S-), not(R+)) + name: explored-10772 type: explored -- comm_cost: 0.6005208333333335 - complexity: 11 +- comm_cost: 0.6269097222222224 + complexity: 15 expressions: - - N+ + - R+ - SE- - - and(and(S-, N-), not(R-)) - - or(SE-, N+) - name: explored-10772 + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) + name: explored-10773 type: explored -- comm_cost: 0.39861111111111147 +- comm_cost: 0.40885416666666696 complexity: 10 expressions: - - N+ + - K+ + - R- - SE- - and(N-, R+) - - or(K+, or(N+, R-)) - name: explored-10773 - type: explored -- comm_cost: 0.75625 - complexity: 6 - expressions: - - N+ - - and(S-, or(SE-, N+)) + - and(S-, not(R+)) name: explored-10774 type: explored -- comm_cost: 0.6640046296296297 - complexity: 7 +- comm_cost: 0.4481770833333335 + complexity: 19 expressions: - - R+ - - R- + - N+ - R- - - SE- - - or(K+, K-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-10775 type: explored -- comm_cost: 0.7713541666666667 +- comm_cost: 0.7184027777777777 complexity: 8 expressions: - - SE- - - and(S-, not(R+)) - - or(SE-, N+) + - and(K-, SE-) + - or(K+, or(N+, R-)) name: explored-10776 type: explored -- comm_cost: 0.512152777777778 - complexity: 14 +- comm_cost: 0.40046296296296313 + complexity: 20 expressions: - K+ - - S+ + - N+ + - R- + - SE- - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-10777 type: explored -- comm_cost: 0.5991319444444445 - complexity: 8 +- comm_cost: 0.32187500000000013 + complexity: 14 expressions: + - K+ - N+ - - R+ - R- - - and(N-, or(S+, R+)) + - R- + - R- + - and(K-, S+) + - and(S-, N-) + - and(S-, SE-) name: explored-10778 type: explored -- comm_cost: 0.6217592592592593 - complexity: 17 +- comm_cost: 0.441666666666667 + complexity: 8 expressions: - - R+ - - R- - - SE- - - and(N-, not(R-)) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - and(N-, R+) + - and(N-, R+) name: explored-10779 type: explored -- comm_cost: 0.3837962962962964 - complexity: 17 +- comm_cost: 0.5853298611111113 + complexity: 14 expressions: - - K+ - - N+ - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(S+, SE+) + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-10780 type: explored -- comm_cost: 0.42591145833333355 - complexity: 18 +- comm_cost: 0.4025000000000002 + complexity: 19 expressions: - K+ - - K+ - - R- - - S+ - - and(K-, or(SE-, N+)) + - N+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - and(SE-, or(K+, S-)) + - or(S+, SE+) name: explored-10781 type: explored -- comm_cost: 0.7434895833333335 - complexity: 8 +- comm_cost: 0.6802083333333335 + complexity: 13 expressions: - - and(K-, N-) - - and(K-, or(SE-, N+)) + - R+ + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-10782 type: explored -- comm_cost: 0.3343750000000003 - complexity: 17 +- comm_cost: 0.6498739252645503 + complexity: 36 expressions: - K+ - - N+ - - R- - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(K+, or(N+, R-)) + - and(K-, SE-) + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) + - or(S+, N+) + - or(S+, R-) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-10783 type: explored -- comm_cost: 0.43333333333333357 - complexity: 6 +- comm_cost: 0.509027777777778 + complexity: 17 expressions: - - R- + - N+ - R- - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) + - or(K+, N+) + - or(N+, R-) name: explored-10784 type: explored -- comm_cost: 0.37773148148148183 - complexity: 15 +- comm_cost: 0.27795138888888915 + complexity: 23 expressions: - K+ - - K+ + - N+ - R- - S+ + - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - not(R+) - - or(S+, R-) name: explored-10785 type: explored -- comm_cost: 0.43709490740740753 - complexity: 14 +- comm_cost: 0.5513888888888892 + complexity: 17 expressions: - N+ - - R- - - S+ - - and(N-, or(K+, SE+)) - - and(S-, N-) - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(N+, not(R+)) name: explored-10786 type: explored -- comm_cost: 0.33416666666666694 - complexity: 12 +- comm_cost: 0.6524305555555556 + complexity: 11 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(N-, or(S+, R+)) + - and(S-, or(SE-, N+)) name: explored-10787 type: explored -- comm_cost: 0.4046875000000003 +- comm_cost: 0.36979166666666696 complexity: 10 expressions: + - K+ - R- - SE- + - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) + - or(S+, N+) name: explored-10788 type: explored -- comm_cost: 0.5811631944444445 - complexity: 9 +- comm_cost: 0.6783854166666667 + complexity: 7 expressions: - - N+ - R+ - R- - - and(K-, N-) - - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-10789 type: explored -- comm_cost: 0.49921875000000016 - complexity: 11 +- comm_cost: 0.34583333333333366 + complexity: 12 expressions: - - R- - - S+ - - and(K-, N-) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) + - or(K+, R-) name: explored-10790 type: explored -- comm_cost: 0.5052083333333335 - complexity: 7 +- comm_cost: 0.49045138888888906 + complexity: 15 expressions: - N+ - - R+ - R- - - SE- - - or(S+, N+) + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-10791 type: explored -- comm_cost: 0.7262673611111112 - complexity: 7 +- comm_cost: 0.48522569444444463 + complexity: 19 expressions: - - R+ - - and(K-, N-) - - or(K+, S-) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) name: explored-10792 type: explored -- comm_cost: 0.4614583333333335 - complexity: 15 +- comm_cost: 0.6875 + complexity: 5 expressions: - - R+ - - R- - - SE- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, N+) + - K+ + - N+ + - and(K-, S+) name: explored-10793 type: explored -- comm_cost: 0.68125 - complexity: 5 +- comm_cost: 0.6393229166666669 + complexity: 10 expressions: - - N+ - - SE- + - R+ - and(K-, S+) + - and(K-, or(N+, not(R+))) name: explored-10794 type: explored -- comm_cost: 0.6166666666666669 - complexity: 8 +- comm_cost: 0.7021990740740742 + complexity: 10 expressions: - - K+ - - SE- - - and(K-, N-) - - and(N-, R+) + - R+ + - R- + - and(K-, or(S+, R-)) + - or(K+, K-) name: explored-10795 type: explored -- comm_cost: 0.6953298611111112 - complexity: 4 +- comm_cost: 0.4308796296296298 + complexity: 24 expressions: + - K+ - N+ - - N- - - R+ - - S- + - R- + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(S+, SE+) name: explored-10796 type: explored -- comm_cost: 0.6697048611111113 - complexity: 14 +- comm_cost: 0.5808680555555557 + complexity: 13 expressions: + - N+ - R+ - - or(K+, R+) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - R- + - SE- + - or(K+, N+) + - or(N+, R-) + - or(S+, R+) name: explored-10797 type: explored -- comm_cost: 0.48394097222222243 - complexity: 11 +- comm_cost: 0.5072916666666668 + complexity: 9 expressions: - - N+ - - SE- - - SE- + - K+ + - K- + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-10798 type: explored -- comm_cost: 0.7210069444444446 - complexity: 7 +- comm_cost: 0.4141145833333335 + complexity: 16 expressions: - - R+ + - K+ + - K+ + - N+ + - R- - S+ - - and(N-, or(S+, R+)) + - and(N-, R+) + - and(N-, or(K+, R+)) + - or(SE-, N+) name: explored-10799 type: explored -- comm_cost: 0.5397916666666669 - complexity: 13 +- comm_cost: 0.482783564814815 + complexity: 17 expressions: + - K+ - R- - - SE- + - and(K-, N-) + - and(K-, S+) - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(S+, SE+) + - and(S-, SE-) + - or(S+, R-) name: explored-10800 type: explored -- comm_cost: 0.7662500000000001 - complexity: 4 - expressions: - - N- - - and(SE+, N-) - name: explored-10801 - type: explored -- comm_cost: 0.48359375000000027 - complexity: 14 +- comm_cost: 0.4812500000000002 + complexity: 13 expressions: + - K+ + - R- - SE- - and(N-, R+) - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-10802 + - and(and(K-, N-), or(S+, R+)) + name: explored-10801 type: explored -- comm_cost: 0.29010416666666694 - complexity: 15 +- comm_cost: 0.6701388888888888 + complexity: 8 expressions: - - K+ - - K+ - N+ - R- - - S+ - - S+ + - and(or(K+, S-), not(R+)) + name: explored-10802 + type: explored +- comm_cost: 0.4812500000000004 + complexity: 9 + expressions: + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) name: explored-10803 type: explored -- comm_cost: 0.5869791666666668 - complexity: 11 +- comm_cost: 0.4159722222222225 + complexity: 12 expressions: - - N+ + - R- - SE- - and(N-, R+) - - or(K+, K-) - - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-10804 type: explored -- comm_cost: 0.3939236111111113 - complexity: 13 +- comm_cost: 0.4500000000000002 + complexity: 9 expressions: + - K+ - N+ + - R- - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(K+, R+) + - and(SE+, N-) name: explored-10805 type: explored -- comm_cost: 0.5425 - complexity: 6 +- comm_cost: 0.5197916666666668 + complexity: 11 expressions: - - K+ - - N+ - - N- + - R- + - S+ + - and(N-, R+) - and(S-, SE-) + - or(K+, K-) name: explored-10806 type: explored -- comm_cost: 0.315277777777778 - complexity: 24 +- comm_cost: 0.5677777777777779 + complexity: 7 expressions: - - K+ + - K- - N+ - - R- - - and(K-, S+) + - SE- + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-10807 type: explored -- comm_cost: 0.718576388888889 - complexity: 11 +- comm_cost: 0.4852430555555558 + complexity: 12 expressions: - R+ - - and(K-, or(S+, R+)) - - or(K+, or(N+, R-)) + - R- + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-10808 type: explored -- comm_cost: 0.6840277777777779 - complexity: 5 +- comm_cost: 0.5908564814814816 + complexity: 11 expressions: + - R+ - R- - SE- + - and(N-, or(S+, R+)) - and(S-, N-) name: explored-10809 type: explored -- comm_cost: 0.49527777777777804 - complexity: 16 +- comm_cost: 0.7523958333333335 + complexity: 11 expressions: - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, S-) + - R+ + - and(and(K-, N-), or(S+, R+)) + - or(S+, SE+) name: explored-10810 type: explored -- comm_cost: 0.7822916666666666 - complexity: 12 +- comm_cost: 0.13964120370370403 + complexity: 19 expressions: - - and(K-, or(S+, N+)) - - and(or(K+, S-), or(SE-, N+)) + - N+ + - R- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-10811 type: explored -- comm_cost: 0.5772569444444446 - complexity: 10 +- comm_cost: 0.6403645833333335 + complexity: 7 expressions: - - N+ - - and(K-, SE-) - - and(N-, R+) - - or(K+, K-) + - R+ + - R- + - SE+ + - SE- + - and(K-, N-) name: explored-10812 type: explored -- comm_cost: 0.37760416666666685 - complexity: 10 +- comm_cost: 0.4506944444444446 + complexity: 14 expressions: - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, N-) + - R+ + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-10813 type: explored -- comm_cost: 0.3054687500000002 - complexity: 16 +- comm_cost: 0.19635416666666705 + complexity: 14 expressions: - K+ - N+ - - R- - - and(K-, not(R-)) + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) name: explored-10814 type: explored -- comm_cost: 0.83125 - complexity: 4 - expressions: - - SE- - - and(K-, S+) - name: explored-10815 - type: explored -- comm_cost: 0.4417534722222224 - complexity: 19 +- comm_cost: 0.4624131944444445 + complexity: 20 expressions: - K+ + - N+ - R- + - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-10816 + - or(K+, SE+) + - or(N+, R-) + name: explored-10815 type: explored -- comm_cost: 0.6458333333333335 +- comm_cost: 0.7124999999999999 complexity: 8 expressions: + - and(K-, S+) + - and(S-, or(SE-, N+)) + name: explored-10816 + type: explored +- comm_cost: 0.6319328703703705 + complexity: 13 + expressions: + - K- - N+ - - and(and(K-, N-), or(S+, R+)) + - R+ + - R- + - SE- + - and(K-, or(SE-, N+)) + - or(S+, R-) name: explored-10817 type: explored -- comm_cost: 0.7112997685185186 - complexity: 29 +- comm_cost: 0.6575520833333335 + complexity: 9 expressions: - - K- - - and(K-, N-) - - and(K-, or(S+, R-)) - - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) - - or(S+, N+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(K-, or(S+, N+)) + - or(SE-, N+) name: explored-10818 type: explored -- comm_cost: 0.33275462962962976 - complexity: 16 +- comm_cost: 0.5241666666666668 + complexity: 11 expressions: + - K+ + - K- - N+ - - R+ + - N- - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) name: explored-10819 type: explored -- comm_cost: 0.6802083333333335 - complexity: 2 +- comm_cost: 0.594965277777778 + complexity: 8 expressions: + - K+ - R+ - - S+ + - R- + - and(K-, or(S+, R+)) name: explored-10820 type: explored -- comm_cost: 0.5601562500000002 - complexity: 10 +- comm_cost: 0.8525 + complexity: 3 expressions: - - N+ - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) + - or(S+, SE+) name: explored-10821 type: explored -- comm_cost: 0.6844791666666667 - complexity: 8 +- comm_cost: 0.5059895833333334 + complexity: 16 expressions: - N+ - - SE- - - or(N+, R-) + - R- + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) - or(S+, SE+) name: explored-10822 type: explored -- comm_cost: 0.6788194444444446 - complexity: 13 +- comm_cost: 0.5753819444444446 + complexity: 43 expressions: - - N+ - - R+ - - R- - - and(N-, or(K+, SE+)) + - S+ + - SE+ + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) name: explored-10823 type: explored -- comm_cost: 0.6866493055555556 - complexity: 11 +- comm_cost: 0.6555208333333334 + complexity: 6 expressions: - - K- - R+ - R- - SE- - - and(K-, or(S+, R+)) - - not(R-) + - or(K+, S-) name: explored-10824 type: explored -- comm_cost: 0.47870370370370385 - complexity: 14 +- comm_cost: 0.5229166666666667 + complexity: 6 expressions: - N+ - R- - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - or(K+, R+) + - and(S-, SE-) name: explored-10825 type: explored -- comm_cost: 0.1838541666666671 - complexity: 16 +- comm_cost: 0.39194444444444465 + complexity: 10 expressions: - - K+ - N+ - - and(K-, S+) + - N- + - R- + - R- - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-10826 type: explored -- comm_cost: 0.5645833333333334 +- comm_cost: 0.6646122685185186 complexity: 10 expressions: - - N+ - R+ - - R- - - SE- - - and(or(K+, S-), not(R-)) + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) name: explored-10827 type: explored -- comm_cost: 0.6785486111111112 - complexity: 37 +- comm_cost: 0.6217708333333334 + complexity: 5 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) - - and(S-, not(R-)) + - R+ + - R- + - SE- - not(R-) - - or(K+, K-) - - or(S+, R-) - - or(S+, SE+) name: explored-10828 type: explored -- comm_cost: 0.5292708333333335 - complexity: 7 +- comm_cost: 0.5005208333333334 + complexity: 11 expressions: - K+ - - N- - - R+ + - N+ - R- - - and(S-, SE-) + - S- + - SE- + - and(N-, R+) + - and(SE+, N-) name: explored-10829 type: explored -- comm_cost: 0.43854166666666683 - complexity: 18 +- comm_cost: 0.5851041666666668 + complexity: 15 expressions: - K+ - N+ - R- - - and(N-, R+) + - S+ + - and(K-, or(SE-, N+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, R+) + - or(K+, S-) name: explored-10830 type: explored -- comm_cost: 0.33888888888888924 - complexity: 14 +- comm_cost: 0.5729166666666669 + complexity: 8 expressions: - - K+ - N+ - - R- + - R+ - SE- - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-10831 type: explored -- comm_cost: 0.38046875000000013 - complexity: 23 +- comm_cost: 0.19687500000000036 + complexity: 18 expressions: - K+ - - K+ - N+ - R- - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(SE-, or(K+, S-)) + - or(S+, N+) name: explored-10832 type: explored -- comm_cost: 0.8010416666666667 - complexity: 12 +- comm_cost: 0.389496527777778 + complexity: 21 expressions: - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-10833 type: explored -- comm_cost: 0.6197048611111112 - complexity: 11 +- comm_cost: 0.6218750000000002 + complexity: 10 expressions: - - N+ - - R+ - R- - - SE- - - and(K-, N-) - - and(K-, not(R-)) + - S+ + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-10834 type: explored -- comm_cost: 0.44149305555555574 - complexity: 28 +- comm_cost: 0.1843750000000003 + complexity: 16 expressions: - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-10835 type: explored -- comm_cost: 0.16770833333333357 - complexity: 11 +- comm_cost: 0.6101562500000001 + complexity: 9 expressions: + - K+ - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - R- + - and(or(K+, S-), not(R-)) name: explored-10836 type: explored -- comm_cost: 0.6282696759259261 - complexity: 15 +- comm_cost: 0.8234722222222222 + complexity: 8 expressions: - - R+ - - R- - SE- - - and(N-, or(S+, SE+)) - - or(and(S-, SE-), or(N+, R-)) + - or(N+, not(R+)) + - or(S+, N+) name: explored-10837 type: explored -- comm_cost: 0.6217129629629631 - complexity: 6 +- comm_cost: 0.760445601851852 + complexity: 14 expressions: - - N+ - - N- - - SE+ - - and(N-, R+) + - R+ + - and(N-, or(K+, SE+)) + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-10838 type: explored -- comm_cost: 0.5821180555555557 - complexity: 13 +- comm_cost: 0.6076388888888891 + complexity: 8 expressions: - - R+ - SE- - - and(K-, SE-) - - and(N-, or(K+, R+)) - - or(K+, N+) - name: explored-10839 - type: explored -- comm_cost: 0.5580439814814817 - complexity: 21 - expressions: - - and(K-, or(S+, N+)) + - SE- - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(S+, SE+) - name: explored-10840 + - and(S-, N-) + name: explored-10839 type: explored -- comm_cost: 0.25390625000000033 - complexity: 16 +- comm_cost: 0.42005208333333355 + complexity: 20 expressions: - K+ - N+ + - N- - R- - - and(K-, or(S+, N+)) + - S+ - and(N-, R+) - and(S-, SE-) - - not(R+) + - and(SE+, N-) + - and(and(K-, N-), not(R-)) + name: explored-10840 + type: explored +- comm_cost: 0.7406828703703705 + complexity: 8 + expressions: + - R+ + - SE- + - or(K+, K-) + - or(S+, SE+) name: explored-10841 type: explored -- comm_cost: 0.27118055555555576 - complexity: 12 +- comm_cost: 0.5887152777777779 + complexity: 9 expressions: - - N+ - R+ - - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(S-, not(R+)) + - or(K+, R+) name: explored-10842 type: explored -- comm_cost: 0.5361979166666668 - complexity: 16 +- comm_cost: 0.3578125000000003 + complexity: 13 expressions: - - N+ + - K+ - R- - - S+ + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) name: explored-10843 type: explored -- comm_cost: 0.593576388888889 - complexity: 14 +- comm_cost: 0.6326388888888891 + complexity: 12 expressions: - - N+ - R+ - - R- + - S+ - SE- - - and(K-, not(R-)) - - and(or(K+, S-), not(R+)) + - and(K-, or(N+, not(R+))) + - or(SE-, N+) name: explored-10844 type: explored -- comm_cost: 0.7039583333333335 - complexity: 26 +- comm_cost: 0.2263888888888892 + complexity: 15 expressions: - - SE+ - - and(K-, S+) + - N+ + - R- - and(K-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(K+, R+) - - or(K+, R-) - - or(S+, R+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-10845 type: explored -- comm_cost: 0.49236111111111125 +- comm_cost: 0.32534722222222245 complexity: 12 expressions: - - N+ + - K+ - R+ - R- - - and(N-, or(S+, R+)) - - and(S-, not(R+)) + - and(K-, S+) + - and(S-, SE-) + - or(S+, R-) name: explored-10846 type: explored -- comm_cost: 0.6104166666666666 - complexity: 4 +- comm_cost: 0.4709259259259262 + complexity: 18 expressions: - - N+ + - K+ - N+ - R- - - SE- - name: explored-10847 - type: explored -- comm_cost: 0.2611111111111113 - complexity: 16 - expressions: - - K+ - - N+ - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - name: explored-10848 + - and(or(K+, S-), not(R+)) + - or(K+, S-) + name: explored-10847 type: explored -- comm_cost: 0.7100694444444446 - complexity: 7 +- comm_cost: 0.5423263888888891 + complexity: 13 expressions: - - R+ - - R+ - - or(K+, or(N+, R-)) - name: explored-10849 + - N+ + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) + - or(S+, SE+) + name: explored-10848 type: explored -- comm_cost: 0.38884548611111136 - complexity: 17 +- comm_cost: 0.4382291666666668 + complexity: 22 expressions: - K+ + - K+ - N+ - - R+ - R- - S+ - - SE- - and(N-, R+) - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(or(K+, S-), not(R-)) + name: explored-10849 + type: explored +- comm_cost: 0.6720833333333334 + complexity: 7 + expressions: + - R- + - and(S-, SE-) + - or(K+, S-) name: explored-10850 type: explored -- comm_cost: 0.46744791666666685 - complexity: 13 +- comm_cost: 0.3738425925925928 + complexity: 23 expressions: - - R+ + - N+ - R- - - and(N-, or(K+, R+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(SE-, N+) + - and(and(K-, N-), or(S+, SE+)) name: explored-10851 type: explored -- comm_cost: 0.7822222222222223 - complexity: 10 +- comm_cost: 0.6000000000000002 + complexity: 8 expressions: - - or(K+, S-) - - or(and(S-, SE-), or(N+, R-)) + - R- + - S+ + - and(N-, R+) + - and(SE+, N-) name: explored-10852 type: explored -- comm_cost: 0.4687789351851853 - complexity: 21 +- comm_cost: 0.7045572916666668 + complexity: 13 expressions: - - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, N+) + - N- + - R+ + - and(K-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-10853 type: explored -- comm_cost: 0.28229166666666705 - complexity: 13 +- comm_cost: 0.22968750000000027 + complexity: 21 expressions: - K+ + - K+ - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-10854 type: explored -- comm_cost: 0.732482638888889 - complexity: 12 +- comm_cost: 0.25069444444444466 + complexity: 16 expressions: - - R+ + - K+ + - N+ + - R- + - R- + - and(N-, R+) + - and(S-, SE-) - and(and(K-, N-), not(R-)) - - not(R-) - - or(K+, S-) name: explored-10855 type: explored -- comm_cost: 0.6419097222222223 - complexity: 14 +- comm_cost: 0.5464062500000002 + complexity: 26 expressions: - - K+ + - N- - R+ + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - not(R-) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-10856 type: explored -- comm_cost: 0.43263888888888913 - complexity: 12 +- comm_cost: 0.5240451388888889 + complexity: 19 expressions: - K+ - - and(N-, R+) - - and(N-, or(K+, SE+)) + - N+ + - R- + - S+ - and(S-, SE-) + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10857 type: explored -- comm_cost: 0.5234375000000002 - complexity: 14 +- comm_cost: 0.3677083333333333 + complexity: 10 expressions: + - K+ - N+ - R- - - and(N-, R+) + - S+ + - and(K-, S+) - and(S-, SE-) - - or(K+, K-) - - or(SE-, N+) name: explored-10858 type: explored -- comm_cost: 0.47293402777777793 - complexity: 13 +- comm_cost: 0.2993055555555555 + complexity: 11 expressions: - K+ - N+ - - N- - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-10859 type: explored -- comm_cost: 0.3826388888888892 - complexity: 14 +- comm_cost: 0.5975694444444446 + complexity: 13 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(S-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) name: explored-10860 type: explored -- comm_cost: 0.4500000000000004 - complexity: 11 +- comm_cost: 0.43781250000000016 + complexity: 13 expressions: - - K+ - N+ + - R- - S+ + - SE- + - SE- - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - not(R-) name: explored-10861 type: explored -- comm_cost: 0.44296875000000036 - complexity: 16 +- comm_cost: 0.5080729166666668 + complexity: 24 expressions: - K+ - N+ - R- - - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-10862 type: explored -- comm_cost: 0.32916666666666683 - complexity: 21 +- comm_cost: 0.3500000000000002 + complexity: 17 expressions: - K+ - - N+ - - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(S+, R+) - - or(S+, or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-10863 type: explored -- comm_cost: 0.4901041666666669 - complexity: 15 +- comm_cost: 0.488715277777778 + complexity: 13 expressions: - - K+ - - R- + - N+ + - R+ + - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - not(R+) + - or(and(K-, S+), or(N+, R-)) name: explored-10864 type: explored -- comm_cost: 0.5731770833333335 - complexity: 19 +- comm_cost: 0.46875000000000033 + complexity: 13 expressions: - - K+ - - R+ - - R- - - SE- - - and(N-, or(S+, R+)) - - or(K+, N+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, R+) name: explored-10865 type: explored -- comm_cost: 0.19027777777777788 - complexity: 14 +- comm_cost: 0.5989583333333335 + complexity: 5 expressions: - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - R+ + - and(K-, S+) name: explored-10866 type: explored -- comm_cost: 0.15937500000000027 - complexity: 11 +- comm_cost: 0.32382812500000024 + complexity: 17 expressions: + - K+ + - K+ + - N+ - N+ - R- + - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, N+) name: explored-10867 type: explored -- comm_cost: 0.4309895833333335 - complexity: 19 +- comm_cost: 0.7270833333333334 + complexity: 11 expressions: - - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(K-, or(S+, N+)) + - and(N-, or(S+, SE+)) name: explored-10868 type: explored -- comm_cost: 0.4710069444444447 - complexity: 19 +- comm_cost: 0.16944444444444473 + complexity: 15 expressions: - K+ - N+ - - R- - - and(K-, S+) - and(N-, R+) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-10869 type: explored -- comm_cost: 0.24895833333333361 - complexity: 10 +- comm_cost: 0.4932291666666667 + complexity: 13 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - R+ + - R- + - SE- + - and(N-, or(K+, R+)) + - and(S-, or(SE-, N+)) name: explored-10870 type: explored -- comm_cost: 0.5503703703703706 - complexity: 12 +- comm_cost: 0.7012152777777778 + complexity: 7 expressions: + - K+ - N+ - R- - - and(K-, not(R+)) - - and(N-, R+) - - or(K+, S-) + - S+ + - or(S+, R-) name: explored-10871 type: explored -- comm_cost: 0.40196759259259274 - complexity: 21 +- comm_cost: 0.6718750000000001 + complexity: 5 expressions: - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - N- + - R+ + - not(R+) name: explored-10872 type: explored -- comm_cost: 0.4491319444444446 - complexity: 13 +- comm_cost: 0.2958333333333336 + complexity: 15 expressions: - - R- - - SE+ - - and(K-, or(S+, SE+)) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) + - or(N+, R-) name: explored-10873 type: explored -- comm_cost: 0.46015625000000016 - complexity: 18 +- comm_cost: 0.33654513888888915 + complexity: 25 expressions: - K+ - N+ - R- + - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) - and(S-, SE-) - - or(K+, K-) - - or(K+, N+) - - or(K+, N+) name: explored-10874 type: explored -- comm_cost: 0.3328125000000004 - complexity: 10 +- comm_cost: 0.4603732638888891 + complexity: 14 expressions: - - N+ + - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - or(N+, R-) + - and(N-, not(R-)) + - or(S+, N+) name: explored-10875 type: explored -- comm_cost: 0.5243055555555558 - complexity: 11 +- comm_cost: 0.7552083333333335 + complexity: 12 expressions: - - K+ - - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-10876 type: explored -- comm_cost: 0.6618923611111113 - complexity: 8 +- comm_cost: 0.7322337962962965 + complexity: 13 expressions: - - R+ - - SE- - - and(K-, N-) - - or(S+, N+) + - and(N-, R+) + - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-10877 type: explored -- comm_cost: 0.7793055555555556 - complexity: 3 +- comm_cost: 0.4046875000000003 + complexity: 8 expressions: - - K- - - N- + - R- - SE- + - and(K-, SE-) + - and(N-, R+) name: explored-10878 type: explored -- comm_cost: 0.49140625000000016 - complexity: 15 +- comm_cost: 0.5236111111111114 + complexity: 13 expressions: + - K+ - N+ - - R- - - S+ - - S- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(N-, or(S+, R+)) name: explored-10879 type: explored -- comm_cost: 0.3983506944444447 - complexity: 18 +- comm_cost: 0.27218750000000025 + complexity: 15 expressions: + - K+ + - N+ - N+ - R- - - and(K-, S+) - - and(K-, not(R+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - or(N+, not(R+)) name: explored-10880 type: explored -- comm_cost: 0.6970486111111113 - complexity: 6 +- comm_cost: 0.6339409722222223 + complexity: 14 expressions: - - and(N-, R+) - - or(K+, K-) + - R+ + - and(K-, not(R+)) + - and(K-, not(R-)) + - and(N-, or(K+, R+)) name: explored-10881 type: explored -- comm_cost: 0.47968750000000004 - complexity: 7 +- comm_cost: 0.4685763888888891 + complexity: 17 expressions: + - K+ + - N+ - R- - - and(S-, SE-) - - or(S+, R+) + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-10882 type: explored -- comm_cost: 0.36822916666666683 - complexity: 10 +- comm_cost: 0.8606770833333333 + complexity: 6 expressions: - - R+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - R- + - or(S+, or(N+, R-)) name: explored-10883 type: explored -- comm_cost: 0.5216145833333333 - complexity: 11 +- comm_cost: 0.43333333333333346 + complexity: 15 expressions: - N+ - R- - - S+ - - and(S-, SE-) - - or(S+, or(N+, R-)) + - SE- + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-10884 type: explored -- comm_cost: 0.21215277777777808 - complexity: 22 +- comm_cost: 0.4901562500000002 + complexity: 21 expressions: - N+ + - N- - R- - - S+ - - and(K-, SE-) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(S-, N-), not(R-)) name: explored-10885 type: explored -- comm_cost: 0.38194444444444464 - complexity: 17 +- comm_cost: 0.2506944444444448 + complexity: 14 expressions: - N+ - - R- - - S+ - - and(K-, not(R+)) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-10886 type: explored -- comm_cost: 0.7631944444444444 - complexity: 4 +- comm_cost: 0.6087094907407409 + complexity: 17 expressions: - N+ - - or(S+, R-) + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, not(R-)) + - or(S+, R+) name: explored-10887 type: explored -- comm_cost: 0.3989583333333335 - complexity: 15 +- comm_cost: 0.6329166666666668 + complexity: 13 expressions: + - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - not(R+) + - or(K+, K-) + - or(S+, SE+) name: explored-10888 type: explored -- comm_cost: 0.4592708333333334 - complexity: 11 +- comm_cost: 0.2773437500000002 + complexity: 12 expressions: - K+ - - N+ - - N- - - R+ - - R- - - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - name: explored-10889 - type: explored -- comm_cost: 0.75 - complexity: 10 - expressions: - - and(N-, or(K+, S-)) - or(S+, or(N+, R-)) - name: explored-10890 + name: explored-10889 type: explored -- comm_cost: 0.5009548611111113 +- comm_cost: 0.5555555555555555 complexity: 12 expressions: + - K+ - N+ - R- - - SE- - - and(N-, R+) - - or(S+, R+) - - or(SE-, N+) - name: explored-10891 + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + name: explored-10890 type: explored -- comm_cost: 0.12291666666666701 - complexity: 20 +- comm_cost: 0.34662037037037063 + complexity: 16 expressions: - - K+ - N+ + - N- - R- - S+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) + - or(S+, R-) + name: explored-10891 + type: explored +- comm_cost: 0.5647569444444446 + complexity: 11 + expressions: + - N+ + - R+ + - and(K-, or(S+, R+)) + - and(S-, not(R+)) name: explored-10892 type: explored -- comm_cost: 0.3007812500000002 - complexity: 18 +- comm_cost: 0.7583333333333333 + complexity: 7 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, or(SE-, N+)) name: explored-10893 type: explored -- comm_cost: 0.37951388888888904 - complexity: 8 +- comm_cost: 0.7111556712962963 + complexity: 31 expressions: - - R+ - R- - - and(S-, SE-) + - S- + - and(K-, or(S+, R-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - or(K+, S-) - or(S+, R-) + - or(S+, SE+) + - or(SE-, N+) name: explored-10894 type: explored -- comm_cost: 0.8447916666666667 - complexity: 2 +- comm_cost: 0.5506944444444446 + complexity: 12 expressions: - - S+ - - SE- + - N+ + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-10895 type: explored -- comm_cost: 0.1625000000000003 - complexity: 9 +- comm_cost: 0.35416666666666696 + complexity: 11 expressions: - N+ - - N+ - - R- + - S+ - and(N-, R+) - and(S-, SE-) + - or(SE-, N+) name: explored-10896 type: explored -- comm_cost: 0.302430555555556 - complexity: 13 +- comm_cost: 0.73540625 + complexity: 31 expressions: - - K+ - - N+ + - S- - SE- - - and(K-, SE-) - and(K-, not(R+)) - - and(N-, R+) + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - and(N-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, S-) name: explored-10897 type: explored -- comm_cost: 0.22031250000000013 - complexity: 15 +- comm_cost: 0.3688946759259262 + complexity: 16 expressions: - - K+ - - N+ + - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(S+, R-) name: explored-10898 type: explored -- comm_cost: 0.30772569444444453 - complexity: 19 +- comm_cost: 0.519791666666667 + complexity: 9 expressions: - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) name: explored-10899 type: explored -- comm_cost: 0.6187500000000001 - complexity: 12 +- comm_cost: 0.6515625 + complexity: 11 expressions: - - N+ - - R+ - - R- - - SE- - - and(K-, or(S+, N+)) - - or(K+, S-) + - and(K-, N-) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-10900 type: explored -- comm_cost: 0.2651041666666669 - complexity: 16 +- comm_cost: 0.4833333333333335 + complexity: 14 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - R+ + - and(K-, or(S+, N+)) + - and(S-, SE-) - and(SE-, or(K+, S-)) - - not(R+) name: explored-10901 type: explored -- comm_cost: 0.4279513888888893 - complexity: 14 +- comm_cost: 0.5583333333333335 + complexity: 12 expressions: - - SE- - - and(N-, R+) - - or(N+, R-) - - or(and(K-, S+), or(N+, R-)) + - R+ + - R- + - and(K-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-10902 type: explored -- comm_cost: 0.2513888888888891 - complexity: 16 +- comm_cost: 0.6721354166666669 + complexity: 7 expressions: - - N+ - - R- - - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-10903 type: explored -- comm_cost: 0.5811458333333335 - complexity: 8 +- comm_cost: 0.31802083333333353 + complexity: 15 expressions: - - N- - - SE- + - N+ + - R- + - S+ + - and(K-, S+) - and(N-, R+) - - or(N+, R-) + - and(S-, SE-) + - or(S+, SE+) name: explored-10904 type: explored -- comm_cost: 0.08125000000000027 - complexity: 10 +- comm_cost: 0.2953703703703705 + complexity: 16 expressions: - N+ - R- - - R- - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) name: explored-10905 type: explored -- comm_cost: 0.49322916666666683 - complexity: 11 +- comm_cost: 0.36684027777777795 + complexity: 14 expressions: + - K+ + - N+ - R- + - S+ - SE- + - and(K-, N-) - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(S-, SE-) name: explored-10906 type: explored -- comm_cost: 0.6979166666666666 - complexity: 11 +- comm_cost: 0.7029698247354499 + complexity: 38 expressions: - - N+ - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - not(R-) + - or(K+, or(N+, R-)) + - or(S+, N+) name: explored-10907 type: explored -- comm_cost: 0.23125000000000018 - complexity: 13 +- comm_cost: 0.38802083333333337 + complexity: 9 expressions: - K+ - N+ + - N+ + - R- - R- - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, R+) name: explored-10908 type: explored -- comm_cost: 0.2661458333333335 - complexity: 21 +- comm_cost: 0.7561342592592595 + complexity: 9 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) + - R+ + - and(N-, or(S+, R+)) + - or(K+, R+) name: explored-10909 type: explored -- comm_cost: 0.06822916666666701 - complexity: 19 +- comm_cost: 0.31744791666666705 + complexity: 22 expressions: - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-10910 type: explored -- comm_cost: 0.7355902777777777 - complexity: 10 +- comm_cost: 0.29270833333333357 + complexity: 12 expressions: + - K+ + - N+ + - R- - S+ - - SE- - and(K-, or(SE-, N+)) - - or(N+, R-) + - and(N-, R+) name: explored-10911 type: explored -- comm_cost: 0.5919270833333334 - complexity: 11 +- comm_cost: 0.6684317129629631 + complexity: 8 expressions: - R+ - - R- - - SE- - - or(K+, or(N+, R-)) - - or(SE-, N+) + - S- + - and(S-, N-) + - or(S+, N+) name: explored-10912 type: explored -- comm_cost: 0.22048611111111138 - complexity: 17 +- comm_cost: 0.3357638888888892 + complexity: 18 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - not(R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-10913 type: explored -- comm_cost: 0.8305555555555556 - complexity: 8 +- comm_cost: 0.609201388888889 + complexity: 12 expressions: - - or(K+, or(N+, R-)) - - or(S+, SE+) + - N+ + - R+ + - R- + - SE- + - and(K-, N-) + - and(N-, or(K+, S-)) name: explored-10914 type: explored -- comm_cost: 0.5346354166666669 - complexity: 13 +- comm_cost: 0.21875000000000022 + complexity: 17 expressions: - N+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, N+) name: explored-10915 type: explored -- comm_cost: 0.45772569444444455 - complexity: 19 +- comm_cost: 0.040625000000000355 + complexity: 16 expressions: + - K+ - N+ - R- - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) + - S+ + - and(K-, S+) - and(N-, R+) - - or(S+, N+) + - and(S-, SE-) + - and(S-, SE-) name: explored-10916 type: explored -- comm_cost: 0.5721354166666667 - complexity: 8 +- comm_cost: 0.5528819444444446 + complexity: 13 expressions: - - K+ - N+ - R- - - SE- - - and(K-, not(R-)) + - S+ + - and(N-, R+) + - not(R-) + - or(K+, or(N+, R-)) name: explored-10917 type: explored -- comm_cost: 0.4617187500000002 - complexity: 15 +- comm_cost: 0.7321875000000001 + complexity: 8 expressions: - - K+ - - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - not(R+) + - N- + - SE- + - and(and(S-, N-), not(R-)) name: explored-10918 type: explored -- comm_cost: 0.5552951388888892 - complexity: 12 +- comm_cost: 0.04479166666666701 + complexity: 17 expressions: - K+ - N+ - - SE- + - R- + - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) name: explored-10919 type: explored -- comm_cost: 0.20815972222222245 - complexity: 13 +- comm_cost: 0.23697916666666696 + complexity: 21 expressions: + - K+ - N+ - R- - S+ - - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) name: explored-10920 type: explored -- comm_cost: 0.6763715277777779 - complexity: 12 +- comm_cost: 0.6996990740740742 + complexity: 6 expressions: - - N- - R+ - - R- - - SE- - - and(and(K-, N-), not(R-)) + - and(S-, N-) - not(R-) name: explored-10921 type: explored -- comm_cost: 0.6195659722222224 - complexity: 9 +- comm_cost: 0.43013888888888907 + complexity: 20 expressions: - - K- + - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - - or(S+, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - not(R-) name: explored-10922 type: explored -- comm_cost: 0.5883101851851853 - complexity: 13 +- comm_cost: 0.6897031250000001 + complexity: 36 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, or(S+, R+)) - - or(S+, R+) + - and(K-, not(R-)) + - and(K-, or(S+, R+)) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-10923 type: explored -- comm_cost: 0.5587962962962965 - complexity: 9 +- comm_cost: 0.7637152777777778 + complexity: 10 expressions: - - R+ - - R+ - - SE- - - and(S-, SE-) - - or(K+, R+) + - and(N-, not(R-)) + - or(S+, N+) + - or(SE-, N+) name: explored-10924 type: explored -- comm_cost: 0.3945312500000002 - complexity: 16 +- comm_cost: 0.49583333333333335 + complexity: 5 expressions: - - R- - - and(K-, S+) - - and(N-, R+) + - N+ + - SE+ - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-10925 type: explored -- comm_cost: 0.2649305555555558 - complexity: 21 +- comm_cost: 0.6727777777777779 + complexity: 9 expressions: - N+ - - R- - - S+ - - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - not(R-) + - or(K+, S-) name: explored-10926 type: explored -- comm_cost: 0.49166666666666703 - complexity: 8 +- comm_cost: 0.3185763888888893 + complexity: 9 expressions: - K+ - N+ + - R- + - SE- - and(N-, R+) - - or(S+, N+) + - not(R+) name: explored-10927 type: explored -- comm_cost: 0.20520833333333366 - complexity: 12 +- comm_cost: 0.3466435185185186 + complexity: 17 expressions: - - and(K-, S+) + - K+ + - N+ + - R- + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - or(K+, SE+) name: explored-10928 type: explored -- comm_cost: 0.42994791666666676 - complexity: 17 +- comm_cost: 0.5522569444444445 + complexity: 11 expressions: - - K+ - - N+ - - R- - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - SE- + - and(and(S-, N-), not(R-)) + - or(K+, R+) name: explored-10929 type: explored -- comm_cost: 0.3460937500000002 - complexity: 17 +- comm_cost: 0.6578125000000001 + complexity: 6 expressions: - - K+ - N+ - - R- - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, S-)) name: explored-10930 type: explored -- comm_cost: 0.5758680555555558 +- comm_cost: 0.6812500000000001 complexity: 7 expressions: - - R+ - - S+ + - R- - SE- - - and(K-, not(R+)) + - and(K-, or(S+, SE+)) name: explored-10931 type: explored -- comm_cost: 0.4128761574074076 - complexity: 16 +- comm_cost: 0.4486111111111114 + complexity: 10 expressions: - - N+ - - S+ + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, N-) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-10932 type: explored -- comm_cost: 0.5088541666666668 - complexity: 19 +- comm_cost: 0.5965277777777779 + complexity: 9 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(K-, SE-) + - and(N-, or(S+, R+)) name: explored-10933 type: explored -- comm_cost: 0.3130208333333335 - complexity: 15 +- comm_cost: 0.6316550925925928 + complexity: 19 expressions: - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) + - or(S+, or(N+, R-)) name: explored-10934 type: explored -- comm_cost: 0.5705729166666669 - complexity: 10 +- comm_cost: 0.16406250000000022 + complexity: 18 expressions: - K+ - - K+ + - N+ - R- - - S+ - - and(K-, N-) + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - or(K+, N+) name: explored-10935 type: explored -- comm_cost: 0.20520833333333366 - complexity: 15 +- comm_cost: 0.6935474537037039 + complexity: 12 + expressions: + - and(N-, or(S+, R+)) + - and(S-, not(R-)) + - or(K+, SE+) + name: explored-10936 + type: explored +- comm_cost: 0.36083333333333356 + complexity: 14 expressions: - K+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - name: explored-10936 - type: explored -- comm_cost: 0.7470486111111111 - complexity: 9 - expressions: - - SE- - - and(K-, SE-) - - or(K+, or(N+, R-)) + - not(R-) name: explored-10937 type: explored -- comm_cost: 0.48055555555555585 - complexity: 10 +- comm_cost: 0.4857638888888889 + complexity: 12 expressions: - N+ - - R- - - and(N-, R+) - - or(K+, or(N+, R-)) + - and(K-, or(S+, R-)) + - and(S-, SE-) + - or(S+, R-) name: explored-10938 type: explored -- comm_cost: 0.4100694444444446 - complexity: 13 +- comm_cost: 0.8902777777777777 + complexity: 5 expressions: - - K+ - - N+ - - R- - - SE+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-10939 type: explored -- comm_cost: 0.35711805555555576 - complexity: 17 +- comm_cost: 0.7151041666666669 + complexity: 6 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(K+, R+)) + - R+ + - or(S+, or(N+, R-)) name: explored-10940 type: explored -- comm_cost: 0.6328125000000001 - complexity: 10 +- comm_cost: 0.5559895833333335 + complexity: 11 expressions: + - K+ - R+ - - and(K-, or(S+, SE+)) - - and(S-, not(R+)) + - S- + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-10941 type: explored -- comm_cost: 0.40555555555555567 - complexity: 14 +- comm_cost: 0.5883680555555557 + complexity: 10 expressions: - - N+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(SE+, N-) + - R+ + - S+ + - SE- + - or(and(K-, S+), or(N+, R-)) name: explored-10942 type: explored -- comm_cost: 0.2631944444444446 - complexity: 13 +- comm_cost: 0.5734664351851854 + complexity: 15 expressions: - - K+ + - N+ - R- - - and(K-, or(S+, R+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - or(K+, R+) + - or(K+, SE+) + - or(SE-, N+) name: explored-10943 type: explored -- comm_cost: 0.6840451388888891 - complexity: 11 +- comm_cost: 0.5438281250000001 + complexity: 23 expressions: + - K+ - N+ - - N- - - SE+ - - and(K-, not(R-)) - - and(S-, not(R+)) + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - not(R-) name: explored-10944 type: explored -- comm_cost: 0.6090972222222223 - complexity: 8 +- comm_cost: 0.407638888888889 + complexity: 17 expressions: - - N- - - R+ + - K+ - R- - - S+ - - S- + - and(K-, S+) - and(S-, SE-) + - and(S-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-10945 type: explored -- comm_cost: 0.47673611111111125 - complexity: 17 +- comm_cost: 0.2799305555555558 + complexity: 27 expressions: + - K+ - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-10946 type: explored -- comm_cost: 0.2893518518518521 - complexity: 18 +- comm_cost: 0.6762152777777779 + complexity: 7 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, R+)) name: explored-10947 type: explored -- comm_cost: 0.6290798611111112 - complexity: 12 +- comm_cost: 0.4515625000000002 + complexity: 11 expressions: + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, R+) name: explored-10948 type: explored -- comm_cost: 0.5341145833333335 - complexity: 13 +- comm_cost: 0.5442708333333335 + complexity: 11 expressions: - N+ + - R+ - R- - - and(K-, N-) - - and(K-, or(SE-, N+)) - - and(N-, R+) + - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-10949 type: explored -- comm_cost: 0.631857638888889 - complexity: 12 +- comm_cost: 0.4744791666666668 + complexity: 13 expressions: - - R+ + - K+ + - N+ - R- - - and(K-, not(R+)) + - S+ + - and(S-, SE-) - and(or(K+, S-), not(R-)) name: explored-10950 type: explored -- comm_cost: 0.7251736111111112 - complexity: 11 +- comm_cost: 0.21342592592592613 + complexity: 18 expressions: - - R+ - - and(or(K+, S-), or(SE-, N+)) - - or(K+, K-) + - K+ + - K+ + - N+ + - R- + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-10951 type: explored -- comm_cost: 0.47731481481481497 - complexity: 26 +- comm_cost: 0.43098958333333337 + complexity: 16 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(K-, not(R-)) - and(S-, SE-) - - not(R-) - - or(and(S-, SE-), or(N+, R-)) + - and(and(S-, N-), not(R-)) name: explored-10952 type: explored -- comm_cost: 0.4521875000000002 - complexity: 18 +- comm_cost: 0.35668402777777797 + complexity: 20 expressions: - K+ + - N+ - R- + - and(K-, N-) + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) name: explored-10953 type: explored -- comm_cost: 0.3969039351851853 +- comm_cost: 0.20798611111111143 complexity: 18 expressions: + - K+ + - K+ - N+ - R- - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(S-, or(SE-, N+)) + - or(S+, R-) name: explored-10954 type: explored -- comm_cost: 0.26718750000000036 - complexity: 19 +- comm_cost: 0.6921875000000001 + complexity: 6 expressions: - N+ - R- - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R-) + - or(K+, SE+) name: explored-10955 type: explored -- comm_cost: 0.5597222222222223 - complexity: 12 +- comm_cost: 0.48124999999999996 + complexity: 11 expressions: - - K- - - R+ + - K+ - R- - - and(K-, SE-) + - and(K-, S+) - and(S-, SE-) - - or(K+, R-) + - or(S+, N+) name: explored-10956 type: explored -- comm_cost: 0.2973090277777779 - complexity: 19 +- comm_cost: 0.49670138888888893 + complexity: 15 expressions: - - K+ - - K+ - N+ - R- - - S+ + - SE- + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R+) + - or(S+, R+) name: explored-10957 type: explored -- comm_cost: 0.49565972222222254 - complexity: 11 +- comm_cost: 0.5101562500000002 + complexity: 7 expressions: - - and(K-, not(R+)) + - K+ + - N+ + - S+ + - S- - and(N-, R+) - - and(S-, not(R+)) name: explored-10958 type: explored -- comm_cost: 0.3754629629629631 - complexity: 19 +- comm_cost: 0.458854166666667 + complexity: 10 expressions: + - K+ + - K+ - N+ - - R- - - and(K-, not(R+)) + - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, N+) name: explored-10959 type: explored -- comm_cost: 0.394166666666667 - complexity: 11 +- comm_cost: 0.4833333333333334 + complexity: 10 expressions: + - K+ + - N+ + - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(N-, or(S+, R+)) name: explored-10960 type: explored -- comm_cost: 0.5491319444444445 - complexity: 11 +- comm_cost: 0.5519097222222225 + complexity: 12 expressions: + - K+ + - N+ - R- - - S+ - - and(K-, S+) - - and(S-, N-) - - and(S-, SE-) + - and(N-, R+) + - or(S+, N+) + - or(S+, R+) name: explored-10961 type: explored -- comm_cost: 0.5205555555555557 - complexity: 10 +- comm_cost: 0.38402777777777797 + complexity: 21 expressions: - N+ - R- - - SE- - - SE- - and(N-, R+) - - or(S+, SE+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-10962 type: explored -- comm_cost: 0.14652777777777803 - complexity: 11 +- comm_cost: 0.6675636574074075 + complexity: 8 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - R+ + - SE- + - and(K-, N-) + - or(K+, R+) name: explored-10963 type: explored -- comm_cost: 0.39904513888888915 - complexity: 20 +- comm_cost: 0.20416666666666683 + complexity: 10 expressions: - K+ - K+ - - N+ - R- - S+ - - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) name: explored-10964 type: explored -- comm_cost: 0.6891863425925926 - complexity: 33 +- comm_cost: 0.7553298611111112 + complexity: 7 expressions: - - K- - - N- - R+ - - S+ - - SE- - and(K-, not(R-)) - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - not(R-) name: explored-10965 type: explored -- comm_cost: 0.31149884259259275 - complexity: 19 +- comm_cost: 0.38300925925925944 + complexity: 13 expressions: - K+ - - K+ - N+ + - N- - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-10966 type: explored -- comm_cost: 0.7108194444444446 - complexity: 33 +- comm_cost: 0.26770833333333366 + complexity: 21 expressions: - K+ - - N- - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) - - or(N+, R-) - - or(S+, N+) - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(K+, N+) name: explored-10967 type: explored -- comm_cost: 0.8525 - complexity: 3 +- comm_cost: 0.3583333333333336 + complexity: 15 expressions: - - or(S+, SE+) + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-10968 type: explored -- comm_cost: 0.5585937500000002 - complexity: 8 +- comm_cost: 0.3836805555555558 + complexity: 15 expressions: - - R- + - N+ - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - or(K+, SE+) + - or(K+, or(N+, R-)) name: explored-10969 type: explored -- comm_cost: 0.6489583333333335 +- comm_cost: 0.6583101851851854 complexity: 10 expressions: + - N+ + - N- - R+ - - R- - - S+ - and(and(K-, N-), or(S+, SE+)) name: explored-10970 type: explored -- comm_cost: 0.4048466435185186 - complexity: 20 +- comm_cost: 0.5304687500000002 + complexity: 6 expressions: - - K+ - - K+ - N+ - - R- - S+ + - S- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, not(R-)) name: explored-10971 type: explored -- comm_cost: 0.2288194444444447 - complexity: 20 +- comm_cost: 0.5546875000000001 + complexity: 6 expressions: - K+ - N+ - - R- - - S+ - - and(N-, R+) + - S- - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, or(N+, R-)) name: explored-10972 type: explored -- comm_cost: 0.3736111111111112 - complexity: 19 +- comm_cost: 0.37250000000000005 + complexity: 10 expressions: - K+ - - K+ - N+ + - N- - R- - - S+ - - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-10973 type: explored -- comm_cost: 0.6928802083333334 - complexity: 30 +- comm_cost: 0.5817708333333333 + complexity: 8 expressions: - - SE+ - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) - - and(N-, or(S+, R+)) - - or(N+, not(R+)) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - SE- + - and(SE-, or(K+, S-)) name: explored-10974 type: explored -- comm_cost: 0.71015625 - complexity: 11 +- comm_cost: 0.7458217592592593 + complexity: 7 expressions: + - K+ - R+ - not(R-) - - or(K+, N+) - - or(S+, or(N+, R-)) + - or(K+, K-) name: explored-10975 type: explored -- comm_cost: 0.47378472222222234 - complexity: 16 +- comm_cost: 0.3567708333333335 + complexity: 17 expressions: - - K+ - - N+ - R- - - and(K-, not(R+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-10976 type: explored -- comm_cost: 0.5751736111111112 - complexity: 10 +- comm_cost: 0.48802083333333335 + complexity: 13 expressions: - - SE- - - and(S-, N-) + - N+ + - R- + - S+ + - S+ - and(S-, SE-) - - or(N+, R-) + - and(or(K+, S-), not(R-)) name: explored-10977 type: explored -- comm_cost: 0.4309895833333336 - complexity: 16 +- comm_cost: 0.5593229166666668 + complexity: 27 expressions: - K+ - N+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - R- + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(SE+, N-) + - and(SE-, or(K+, S-)) + - or(N+, not(R+)) + - or(S+, N+) name: explored-10978 type: explored -- comm_cost: 0.27690972222222254 - complexity: 15 +- comm_cost: 0.44335069444444464 + complexity: 19 expressions: - K+ - N+ - R- - - S+ + - and(K-, N-) - and(K-, S+) - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-10979 type: explored -- comm_cost: 0.46979166666666683 - complexity: 6 +- comm_cost: 0.5238715277777779 + complexity: 13 expressions: - - K+ - N+ - - R+ - - R+ - R- - - SE- + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(SE-, N+) name: explored-10980 type: explored -- comm_cost: 0.7571180555555556 - complexity: 5 +- comm_cost: 0.7266782407407408 + complexity: 6 expressions: - - R- - - SE- - - or(K+, K-) + - R+ + - S- + - and(S-, not(R-)) name: explored-10981 type: explored -- comm_cost: 0.5798697916666667 - complexity: 14 +- comm_cost: 0.6312500000000002 + complexity: 7 expressions: - - K- - - N+ - R+ - - R- - - and(K-, or(S+, R-)) - - and(S-, SE-) - - not(R+) + - and(K-, S+) + - or(N+, R-) name: explored-10982 type: explored -- comm_cost: 0.4877025462962964 - complexity: 14 +- comm_cost: 0.4173177083333335 + complexity: 16 expressions: - N+ - R- - - SE- - - and(K-, N-) + - R- - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, SE+) name: explored-10983 type: explored -- comm_cost: 0.5065104166666669 - complexity: 12 +- comm_cost: 0.4703124999999999 + complexity: 13 expressions: - - K+ + - N+ - R- - - S+ - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(K-, or(S+, R-)) + - and(S-, SE-) + - or(K+, N+) name: explored-10984 type: explored -- comm_cost: 0.7210069444444446 - complexity: 9 +- comm_cost: 0.6925347222222222 + complexity: 13 expressions: - - R+ - - and(K-, or(S+, R+)) - - or(N+, R-) + - N+ + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) name: explored-10985 type: explored -- comm_cost: 0.08125000000000027 - complexity: 11 +- comm_cost: 0.6493055555555557 + complexity: 16 expressions: - - K+ - - K+ - - N+ - - R- - - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) + - or(K+, K-) + - or(and(K-, S+), or(N+, R-)) name: explored-10986 type: explored -- comm_cost: 0.2054687500000003 - complexity: 16 +- comm_cost: 0.5358333333333334 + complexity: 6 expressions: - - K+ - - K+ - N+ + - N- - R- - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) name: explored-10987 type: explored -- comm_cost: 0.2802083333333336 - complexity: 12 +- comm_cost: 0.3890625000000002 + complexity: 15 expressions: - - S+ - - and(K-, or(S+, R-)) + - K+ + - N+ + - R- - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-10988 type: explored -- comm_cost: 0.5486111111111113 - complexity: 10 +- comm_cost: 0.47963541666666676 + complexity: 19 expressions: - K+ - N+ + - N- - R- - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - or(S+, R-) name: explored-10989 type: explored -- comm_cost: 0.7390046296296298 - complexity: 8 +- comm_cost: 0.4920138888888891 + complexity: 17 expressions: + - N+ - R+ - - and(N-, or(S+, R+)) - - not(R-) + - R- + - SE- + - and(K-, SE-) + - and(K-, or(S+, R+)) + - and(SE-, or(K+, S-)) name: explored-10990 type: explored -- comm_cost: 0.5642939814814817 - complexity: 19 +- comm_cost: 0.6364583333333335 + complexity: 10 expressions: - - R- + - R+ - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(SE-, N+)) + - or(S+, N+) name: explored-10991 type: explored -- comm_cost: 0.5885416666666669 - complexity: 12 +- comm_cost: 0.6794097222222223 + complexity: 10 expressions: - R+ - - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(or(K+, S-), not(R+)) + - not(R-) name: explored-10992 type: explored -- comm_cost: 0.4861979166666669 - complexity: 10 +- comm_cost: 0.5430208333333333 + complexity: 11 expressions: + - K+ - N+ - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) + - R- + - S+ + - S+ + - and(S-, SE-) + - or(K+, S-) name: explored-10993 type: explored -- comm_cost: 0.38593750000000016 - complexity: 11 +- comm_cost: 0.21770833333333361 + complexity: 10 expressions: - - N+ + - K+ + - R- + - S+ - S+ - - and(K-, N-) - and(N-, R+) - and(S-, SE-) name: explored-10994 type: explored -- comm_cost: 0.8152777777777779 - complexity: 8 +- comm_cost: 0.3036458333333335 + complexity: 11 expressions: - - and(K-, or(S+, R+)) - - or(S+, SE+) + - K+ + - R+ + - R- + - and(K-, or(S+, R-)) + - and(S-, SE-) name: explored-10995 type: explored -- comm_cost: 0.5470486111111112 - complexity: 17 +- comm_cost: 0.7073784722222223 + complexity: 11 expressions: - - N+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(K-, N-) + - or(K+, N+) + - or(K+, or(N+, R-)) name: explored-10996 type: explored -- comm_cost: 0.6996961805555557 - complexity: 12 +- comm_cost: 0.5977430555555557 + complexity: 11 expressions: + - N+ - R+ - SE- - - and(K-, N-) - - and(K-, not(R-)) - - or(SE-, N+) + - and(K-, or(SE-, N+)) + - and(S-, N-) name: explored-10997 type: explored -- comm_cost: 0.2815972222222225 - complexity: 15 +- comm_cost: 0.5179687500000002 + complexity: 9 expressions: + - N+ - R- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, R-) name: explored-10998 type: explored -- comm_cost: 0.67890625 - complexity: 9 +- comm_cost: 0.5545138888888891 + complexity: 7 expressions: - - K+ - - and(N-, or(K+, S-)) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(K-, not(R+)) name: explored-10999 type: explored -- comm_cost: 0.3372395833333337 - complexity: 12 +- comm_cost: 0.30781250000000027 + complexity: 11 expressions: - - K+ - - N+ - - S+ - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - or(S+, or(N+, R-)) name: explored-11000 type: explored -- comm_cost: 0.7604166666666666 - complexity: 8 +- comm_cost: 0.3906250000000001 + complexity: 17 expressions: - - SE- - - and(K-, S+) - - and(S-, not(R+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-11001 type: explored -- comm_cost: 0.6505208333333334 - complexity: 7 +- comm_cost: 0.3255208333333335 + complexity: 14 expressions: + - K+ - R+ - - SE- - - and(N-, or(K+, S-)) + - R- + - and(K-, S+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-11002 type: explored -- comm_cost: 0.3524305555555557 - complexity: 13 +- comm_cost: 0.453125 + complexity: 10 expressions: - - R+ + - K+ + - N+ + - N+ - R- - - and(K-, or(S+, R-)) - and(S-, SE-) - or(K+, R-) name: explored-11003 type: explored -- comm_cost: 0.5093750000000001 - complexity: 8 +- comm_cost: 0.641701388888889 + complexity: 7 expressions: + - N- - R+ + - R- - SE- - - and(K-, SE-) - - and(N-, R+) + - or(N+, R-) name: explored-11004 type: explored -- comm_cost: 0.6312500000000001 - complexity: 12 +- comm_cost: 0.18802083333333364 + complexity: 17 expressions: - - S- + - K+ + - N+ + - R- + - R- + - S+ + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(SE+, N-) name: explored-11005 type: explored -- comm_cost: 0.5942129629629631 - complexity: 17 +- comm_cost: 0.48107638888888893 + complexity: 9 expressions: - - R+ - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) + - N+ + - R- + - S+ + - and(and(K-, N-), not(R-)) name: explored-11006 type: explored -- comm_cost: 0.26093750000000016 - complexity: 16 +- comm_cost: 0.6312500000000002 + complexity: 5 expressions: - K+ - - N+ - - R- - - S+ - - SE+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - or(N+, R-) name: explored-11007 type: explored -- comm_cost: 0.35703125000000036 - complexity: 17 +- comm_cost: 0.5222222222222224 + complexity: 12 expressions: + - N+ + - R+ - R- + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-11008 type: explored -- comm_cost: 0.29270833333333357 - complexity: 15 +- comm_cost: 0.5940104166666668 + complexity: 9 expressions: - - K+ - - K+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R- + - SE- + - and(N-, or(S+, SE+)) name: explored-11009 type: explored -- comm_cost: 0.6229166666666666 - complexity: 12 +- comm_cost: 0.5267361111111113 + complexity: 8 expressions: - - K+ - - R- + - R+ + - and(K-, not(R+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-11010 type: explored -- comm_cost: 0.6796875000000001 - complexity: 13 +- comm_cost: 0.4604166666666669 + complexity: 8 expressions: - - R+ - - and(K-, S+) - - and(or(K+, S-), not(R-)) - - or(S+, N+) + - SE- + - and(N-, R+) + - and(S-, not(R+)) name: explored-11011 type: explored -- comm_cost: 0.6144097222222223 - complexity: 12 - expressions: - - R+ - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R+)) - name: explored-11012 - type: explored -- comm_cost: 0.4636111111111113 - complexity: 23 +- comm_cost: 0.55390625 + complexity: 18 expressions: - - K+ - N+ - - R- - S+ - - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(K+, S-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R-)) + name: explored-11012 + type: explored +- comm_cost: 0.6883680555555557 + complexity: 11 + expressions: + - R+ + - and(and(K-, N-), or(S+, SE+)) + - or(K+, N+) name: explored-11013 type: explored -- comm_cost: 0.40150462962962985 - complexity: 16 +- comm_cost: 0.6717881944444446 + complexity: 12 expressions: - - K+ - N+ - - R- - - SE- - - and(N-, R+) - and(S-, N-) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11014 type: explored -- comm_cost: 0.6893229166666669 - complexity: 7 - expressions: - - and(N-, R+) - - and(N-, not(R-)) - name: explored-11015 - type: explored -- comm_cost: 0.3500000000000002 - complexity: 18 +- comm_cost: 0.32361111111111107 + complexity: 11 expressions: - K+ - N+ + - N+ - R- - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - and(SE+, N-) - name: explored-11016 + - or(K+, R+) + name: explored-11015 type: explored -- comm_cost: 0.4203125000000002 - complexity: 12 +- comm_cost: 0.19687500000000036 + complexity: 10 expressions: - - N+ - - R+ - R- - - SE- - - and(K-, or(S+, R-)) - and(N-, R+) - name: explored-11017 + - and(S-, SE-) + - or(K+, N+) + name: explored-11016 type: explored -- comm_cost: 0.47135416666666663 - complexity: 12 +- comm_cost: 0.5592708333333334 + complexity: 7 expressions: - - K+ - - K+ + - K- - N+ - R- - S+ - and(S-, SE-) - - and(S-, not(R+)) + name: explored-11017 + type: explored +- comm_cost: 0.7252858796296298 + complexity: 21 + expressions: + - R+ + - SE- + - and(K-, N-) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - or(K+, K-) + - or(S+, SE+) name: explored-11018 type: explored -- comm_cost: 0.536371527777778 - complexity: 15 +- comm_cost: 0.3958767361111113 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, not(R-)) + - not(R+) name: explored-11019 type: explored -- comm_cost: 0.5023437500000002 - complexity: 11 +- comm_cost: 0.6876736111111112 + complexity: 9 expressions: - N+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) + - and(K-, or(S+, R+)) + - and(SE+, N-) name: explored-11020 type: explored -- comm_cost: 0.6515625000000002 - complexity: 14 +- comm_cost: 0.10625000000000018 + complexity: 12 expressions: - - R+ - - SE- - - and(N-, or(K+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) name: explored-11021 type: explored -- comm_cost: 0.5944444444444446 - complexity: 11 +- comm_cost: 0.5407986111111113 + complexity: 17 expressions: - - R+ + - K+ + - N+ - R- - - S- - - and(S-, SE-) - - and(S-, SE-) - - not(R-) + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-11022 type: explored -- comm_cost: 0.6024594907407408 +- comm_cost: 0.6531250000000001 complexity: 10 expressions: - R+ - - R- - SE- - - and(K-, not(R-)) - - or(K+, R+) + - and(K-, or(S+, SE+)) + - or(S+, R-) name: explored-11023 type: explored -- comm_cost: 0.44434027777777796 - complexity: 13 +- comm_cost: 0.6993055555555556 + complexity: 7 + expressions: + - SE- + - SE- + - and(K-, or(S+, R+)) + name: explored-11024 + type: explored +- comm_cost: 0.4520833333333334 + complexity: 8 expressions: - N+ - - R+ - - R- - S+ - - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, S-) - name: explored-11024 + name: explored-11025 type: explored -- comm_cost: 0.3010416666666669 - complexity: 15 +- comm_cost: 0.22777777777777808 + complexity: 13 expressions: - K+ - N+ - R- + - SE- - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - - or(S+, R+) - name: explored-11025 - type: explored -- comm_cost: 0.6392361111111113 - complexity: 8 - expressions: - - R+ - - R- - - R- - - and(K-, or(S+, R-)) + - or(S+, N+) name: explored-11026 type: explored -- comm_cost: 0.7015625000000001 - complexity: 3 +- comm_cost: 0.37031250000000016 + complexity: 16 expressions: - - S- - - SE+ - - SE- + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-11027 type: explored -- comm_cost: 0.43431712962962976 - complexity: 13 +- comm_cost: 0.20920138888888928 + complexity: 20 expressions: + - K+ + - N+ - N+ + - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - and(SE+, N-) + - and(SE-, or(K+, S-)) name: explored-11028 type: explored -- comm_cost: 0.47222222222222243 +- comm_cost: 0.691059027777778 + complexity: 32 + expressions: + - K+ + - S- + - and(K-, not(R+)) + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) + name: explored-11029 + type: explored +- comm_cost: 0.39322916666666685 complexity: 16 expressions: - N+ - R- - - and(N-, R+) + - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - not(R+) - - or(K+, K-) - name: explored-11029 + - or(K+, R-) + name: explored-11030 type: explored -- comm_cost: 0.2914351851851855 +- comm_cost: 0.1361111111111113 complexity: 16 expressions: - K+ + - K+ - N+ - R- - - and(N-, R+) + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - name: explored-11030 + - and(S-, not(R+)) + name: explored-11031 type: explored -- comm_cost: 0.6889409722222223 - complexity: 24 +- comm_cost: 0.5518750000000001 + complexity: 13 expressions: + - N+ - R- - - or(K+, R+) - - or(K+, R-) - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-11031 + - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(K+, S-) + name: explored-11032 type: explored -- comm_cost: 0.6666666666666667 - complexity: 15 +- comm_cost: 0.32083333333333364 + complexity: 11 expressions: + - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, R+) - - or(SE-, N+) - name: explored-11032 + name: explored-11033 type: explored -- comm_cost: 0.25069444444444466 - complexity: 16 +- comm_cost: 0.5338368055555558 + complexity: 13 expressions: - K+ - - K+ - N+ - - R- + - S+ + - S- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - name: explored-11033 + - or(K+, S-) + name: explored-11034 type: explored -- comm_cost: 0.6604166666666667 - complexity: 11 +- comm_cost: 0.5372222222222224 + complexity: 20 expressions: - N+ - R- - - SE- - - SE- - - and(or(K+, S-), or(SE-, N+)) - name: explored-11034 - type: explored -- comm_cost: 0.7809375000000001 - complexity: 4 - expressions: - - R+ - - or(S+, SE+) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) + - or(N+, not(R+)) name: explored-11035 type: explored -- comm_cost: 0.47586805555555567 - complexity: 14 +- comm_cost: 0.24531250000000027 + complexity: 20 expressions: - K+ - - N+ - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, not(R-)) name: explored-11036 type: explored -- comm_cost: 0.7770833333333333 - complexity: 4 +- comm_cost: 0.404296875 + complexity: 11 expressions: + - K+ + - K+ + - N+ - R- - - or(K+, S-) + - S+ + - and(S-, SE-) + - or(K+, SE+) name: explored-11037 type: explored -- comm_cost: 0.5004340277777779 - complexity: 15 +- comm_cost: 0.8044270833333333 + complexity: 7 expressions: - - R+ + - N+ - R- - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - not(R+) - - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-11038 type: explored -- comm_cost: 0.6595486111111113 - complexity: 6 - expressions: - - R+ - - SE- - - and(S-, not(R-)) - name: explored-11039 - type: explored -- comm_cost: 0.25208333333333366 +- comm_cost: 0.43125000000000024 complexity: 14 expressions: - K+ - N+ - R- - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, R+) - name: explored-11040 - type: explored -- comm_cost: 0.19687500000000036 - complexity: 10 - expressions: - - R- - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - name: explored-11041 + - and(N-, or(K+, SE+)) + name: explored-11039 type: explored -- comm_cost: 0.6920833333333335 - complexity: 6 +- comm_cost: 0.6276041666666667 + complexity: 9 expressions: - K- - - N- + - R+ + - R- - SE- - - and(N-, R+) - name: explored-11042 + - and(S-, or(SE-, N+)) + name: explored-11040 type: explored -- comm_cost: 0.40989583333333357 - complexity: 9 +- comm_cost: 0.3333333333333335 + complexity: 17 expressions: - K+ - N+ - - S+ - - and(N-, R+) - - or(N+, R-) - name: explored-11043 - type: explored -- comm_cost: 0.6266203703703705 - complexity: 14 - expressions: + - R- - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, R+)) - and(N-, R+) - name: explored-11044 + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) + name: explored-11041 type: explored -- comm_cost: 0.284027777777778 - complexity: 16 +- comm_cost: 0.2117187500000004 + complexity: 21 expressions: - K+ + - K+ - N+ - - SE- + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-11045 + - and(or(K+, S-), or(N+, not(R+))) + name: explored-11042 type: explored -- comm_cost: 0.5971354166666668 - complexity: 10 +- comm_cost: 0.5188657407407409 + complexity: 12 expressions: - N+ - R+ + - R- - SE- - - or(and(K-, SE-), or(N+, R-)) - name: explored-11046 + - and(N-, or(K+, R+)) + - or(K+, R+) + name: explored-11043 type: explored -- comm_cost: 0.4990162037037039 - complexity: 22 +- comm_cost: 0.6569444444444446 + complexity: 8 expressions: - - N+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(K+, SE+) - name: explored-11047 + - R+ + - and(K-, not(R+)) + - or(S+, R+) + name: explored-11044 type: explored -- comm_cost: 0.33055555555555594 - complexity: 9 +- comm_cost: 0.43234953703703716 + complexity: 15 expressions: - K+ - N+ - - SE- + - R- + - and(K-, N-) + - and(K-, S+) + - and(S-, N-) + - and(S-, SE-) + name: explored-11045 + type: explored +- comm_cost: 0.5567708333333334 + complexity: 14 + expressions: + - N+ + - and(K-, not(R-)) - and(N-, R+) - - or(S+, R-) - name: explored-11048 + - and(S-, SE-) + - or(S+, R+) + name: explored-11046 type: explored -- comm_cost: 0.6659722222222222 +- comm_cost: 0.6062500000000002 complexity: 11 expressions: - - K+ - - N+ - - R- - SE- - - or(and(K-, S+), or(N+, R-)) - name: explored-11049 + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + name: explored-11047 type: explored -- comm_cost: 0.6502083333333335 - complexity: 8 +- comm_cost: 0.17395833333333344 + complexity: 23 expressions: - - N- - - R+ - - and(and(S-, N-), not(R-)) - name: explored-11050 + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) + name: explored-11048 type: explored -- comm_cost: 0.6390625000000002 - complexity: 7 +- comm_cost: 0.7596267361111111 + complexity: 21 expressions: - - R+ - - and(N-, R+) - - or(K+, N+) - name: explored-11051 + - K- + - and(K-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) + - or(S+, R-) + - or(SE-, N+) + name: explored-11049 type: explored -- comm_cost: 0.46510416666666676 - complexity: 8 +- comm_cost: 0.31712962962962976 + complexity: 19 expressions: - K+ - - R+ + - N+ - R- + - SE+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - not(R+) - name: explored-11052 + - and(or(K+, S-), not(R+)) + name: explored-11050 type: explored -- comm_cost: 0.6375000000000001 - complexity: 12 +- comm_cost: 0.47569444444444464 + complexity: 11 expressions: - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(S+, SE+) - name: explored-11053 + - K+ + - N+ + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) + name: explored-11051 type: explored -- comm_cost: 0.5225925925925927 - complexity: 22 +- comm_cost: 0.18750000000000022 + complexity: 14 expressions: - - K+ - N+ - - N- - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - not(R-) - name: explored-11054 + - and(SE+, N-) + name: explored-11052 type: explored -- comm_cost: 0.20416666666666683 - complexity: 11 +- comm_cost: 0.37265625000000013 + complexity: 21 expressions: - K+ - K+ - - R- + - N+ - R- - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - name: explored-11055 + - and(or(K+, S-), or(SE-, N+)) + name: explored-11053 type: explored -- comm_cost: 0.7213541666666669 - complexity: 11 +- comm_cost: 0.6556712962962965 + complexity: 8 expressions: - R+ - - or(S+, or(N+, R-)) - - or(S+, or(N+, R-)) - name: explored-11056 + - and(S-, not(R-)) + - and(SE+, N-) + name: explored-11054 type: explored -- comm_cost: 0.36041666666666705 - complexity: 10 +- comm_cost: 0.5447916666666668 + complexity: 5 expressions: + - K+ - N+ + - R+ - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - name: explored-11057 + - R- + name: explored-11055 type: explored -- comm_cost: 0.7682291666666667 - complexity: 11 +- comm_cost: 0.4125 + complexity: 12 expressions: - - and(N-, or(S+, SE+)) - - or(K+, R+) - - or(K+, R-) - name: explored-11058 + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, R-)) + - and(S-, SE-) + name: explored-11056 type: explored -- comm_cost: 0.28038194444444464 +- comm_cost: 0.576070601851852 complexity: 17 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(S+, or(N+, R-)) - name: explored-11059 + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) + name: explored-11057 type: explored -- comm_cost: 0.5060416666666667 - complexity: 21 +- comm_cost: 0.4497395833333335 + complexity: 16 expressions: - K+ - - K+ - - K- - N+ - R- - S+ - - and(K-, N-) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + name: explored-11058 + type: explored +- comm_cost: 0.6866319444444445 + complexity: 12 + expressions: + - SE- + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) + name: explored-11059 + type: explored +- comm_cost: 0.5940104166666668 + complexity: 4 + expressions: + - R+ + - R- + - not(R+) name: explored-11060 type: explored -- comm_cost: 0.704976851851852 - complexity: 5 +- comm_cost: 0.6078703703703705 + complexity: 14 expressions: - R+ - - SE+ - - and(N-, R+) + - SE- + - and(K-, or(S+, R-)) + - not(R+) + - or(K+, or(N+, R-)) name: explored-11061 type: explored -- comm_cost: 0.2886111111111114 - complexity: 14 +- comm_cost: 0.46796875000000016 + complexity: 11 expressions: - K+ - N+ - R- - - R- - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - and(N-, or(K+, S-)) name: explored-11062 type: explored -- comm_cost: 0.677951388888889 - complexity: 35 +- comm_cost: 0.16319444444444464 + complexity: 14 expressions: - - R+ + - N+ + - R- + - R- - S+ - - SE+ - - and(K-, or(S+, N+)) - - and(and(S-, N-), not(R-)) - - not(R-) - - or(K+, SE+) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-11063 type: explored -- comm_cost: 0.3979166666666669 - complexity: 19 +- comm_cost: 0.3671296296296298 + complexity: 21 expressions: + - K+ - R- - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-11064 type: explored -- comm_cost: 0.6670833333333334 - complexity: 6 +- comm_cost: 0.11302083333333357 + complexity: 18 expressions: + - K+ - N+ - R- - - SE- - - or(K+, S-) + - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-11065 type: explored -- comm_cost: 0.60546875 - complexity: 11 +- comm_cost: 0.7337499999999999 + complexity: 7 expressions: + - K+ - N+ - R- - - SE- - - and(K-, not(R-)) - - and(S-, not(R+)) + - or(N+, not(R+)) name: explored-11066 type: explored -- comm_cost: 0.24609375000000022 - complexity: 15 +- comm_cost: 0.616689814814815 + complexity: 11 expressions: - - K+ + - K- - N+ - - R- - - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - or(K+, K-) name: explored-11067 type: explored -- comm_cost: 0.39561631944444464 - complexity: 13 +- comm_cost: 0.5514236111111113 + complexity: 15 expressions: - K+ - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(SE+, N-) - - not(R+) + - and(S-, SE-) + - or(K+, K-) + - or(N+, not(R+)) name: explored-11068 type: explored -- comm_cost: 0.6555208333333334 - complexity: 6 +- comm_cost: 0.2651041666666668 + complexity: 11 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - or(K+, S-) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-11069 type: explored -- comm_cost: 0.6152777777777779 - complexity: 8 +- comm_cost: 0.6187500000000001 + complexity: 12 expressions: + - N+ - R+ - - SE- + - R- - SE- - and(K-, or(S+, N+)) + - or(K+, S-) name: explored-11070 type: explored -- comm_cost: 0.4609375 - complexity: 11 +- comm_cost: 0.6053819444444446 + complexity: 14 expressions: - - K+ - - K+ - - N+ - - R- - - and(K-, not(R-)) - - and(S-, SE-) + - SE- + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) name: explored-11071 type: explored -- comm_cost: 0.6331597222222224 - complexity: 7 +- comm_cost: 0.7417708333333334 + complexity: 15 expressions: - - R+ - - SE+ - - and(S-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - or(N+, not(R+)) + - or(S+, R+) name: explored-11072 type: explored -- comm_cost: 0.6562500000000002 - complexity: 5 +- comm_cost: 0.6351851851851853 + complexity: 31 expressions: - - R+ - - SE- - - or(SE-, N+) + - N- + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - or(K+, R-) name: explored-11073 type: explored -- comm_cost: 0.7112847222222224 - complexity: 14 +- comm_cost: 0.5880208333333335 + complexity: 10 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(S-, not(R-)) + - R+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-11074 type: explored -- comm_cost: 0.5354166666666668 - complexity: 12 +- comm_cost: 0.2250000000000001 + complexity: 19 expressions: - - R+ + - N+ - R- - - and(K-, or(SE-, N+)) - - and(S-, or(SE-, N+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(N+, R-) name: explored-11075 type: explored -- comm_cost: 0.3286458333333335 - complexity: 15 +- comm_cost: 0.6424652777777778 + complexity: 11 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - not(R+) + - SE- + - and(K-, or(SE-, N+)) + - or(S+, SE+) name: explored-11076 type: explored -- comm_cost: 0.485439814814815 - complexity: 23 +- comm_cost: 0.31953125000000027 + complexity: 16 expressions: - - K- - N+ - - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11077 type: explored -- comm_cost: 0.5648350694444446 - complexity: 17 +- comm_cost: 0.5395833333333335 + complexity: 6 expressions: - - N+ + - R+ - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - not(R-) + - SE- + - or(K+, R-) name: explored-11078 type: explored -- comm_cost: 0.4261284722222224 - complexity: 16 +- comm_cost: 0.28333333333333366 + complexity: 7 expressions: - N+ - R- + - SE- + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) name: explored-11079 type: explored -- comm_cost: 0.39129050925925934 - complexity: 22 +- comm_cost: 0.44843750000000016 + complexity: 18 expressions: - N+ - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(N-, or(K+, SE+)) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(S-, not(R+)) name: explored-11080 type: explored -- comm_cost: 0.34375000000000033 - complexity: 9 +- comm_cost: 0.6859953703703703 + complexity: 12 expressions: - - K+ - N+ - R- - - and(N-, R+) - - and(N-, R+) + - SE- + - and(or(K+, S-), not(R+)) + - or(N+, R-) name: explored-11081 type: explored -- comm_cost: 0.43680555555555567 - complexity: 10 +- comm_cost: 0.29166666666666685 + complexity: 20 expressions: - K+ - N+ - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R-)) + - and(S-, SE-) + - or(K+, N+) name: explored-11082 type: explored -- comm_cost: 0.7870833333333334 - complexity: 3 +- comm_cost: 0.5132812500000001 + complexity: 12 expressions: - K+ - - not(R-) + - N+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-11083 type: explored -- comm_cost: 0.5189236111111113 - complexity: 12 +- comm_cost: 0.4890625000000004 + complexity: 13 expressions: - - N+ - - SE- - - and(K-, SE-) - and(N-, R+) - - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) name: explored-11084 type: explored -- comm_cost: 0.61640625 - complexity: 15 +- comm_cost: 0.607795138888889 + complexity: 30 expressions: - - R+ - - SE- - - and(K-, N-) + - and(K-, S+) + - and(K-, not(R+)) + - and(N-, or(K+, S-)) - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-11085 type: explored -- comm_cost: 0.6385416666666668 - complexity: 11 +- comm_cost: 0.24635416666666687 + complexity: 20 expressions: - - R+ - - SE- - - and(or(K+, S-), not(R-)) - - or(N+, R-) + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(K+, R-) name: explored-11086 type: explored -- comm_cost: 0.6718750000000002 - complexity: 11 +- comm_cost: 0.36493055555555576 + complexity: 17 expressions: - - R+ - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - R- + - S+ + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-11087 type: explored -- comm_cost: 0.48064236111111125 - complexity: 14 +- comm_cost: 0.4809895833333335 + complexity: 19 expressions: - N+ - - SE- + - R- - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11088 type: explored -- comm_cost: 0.504340277777778 - complexity: 13 +- comm_cost: 0.33888888888888924 + complexity: 15 expressions: - K+ - N+ - R- - - S+ - and(N-, R+) - - or(K+, N+) - - or(K+, R+) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-11089 type: explored -- comm_cost: 0.6950775462962964 - complexity: 31 +- comm_cost: 0.6034722222222224 + complexity: 8 expressions: - K+ - - K- - SE- - - and(K-, or(S+, R+)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - not(R-) - - or(K+, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - or(S+, SE+) name: explored-11090 type: explored -- comm_cost: 0.7166666666666668 - complexity: 11 +- comm_cost: 0.40708333333333346 + complexity: 16 expressions: - - R+ - - and(or(K+, S-), not(R-)) - - or(N+, not(R+)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - not(R-) name: explored-11091 type: explored -- comm_cost: 0.23984375000000013 - complexity: 15 +- comm_cost: 0.5909722222222221 + complexity: 8 expressions: - K+ - - N+ - R- - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - or(S+, R-) name: explored-11092 type: explored -- comm_cost: 0.36770833333333364 - complexity: 6 +- comm_cost: 0.6635416666666666 + complexity: 7 expressions: - - N+ - - S+ + - R- - SE- - - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-11093 type: explored -- comm_cost: 0.22187500000000027 +- comm_cost: 0.7927083333333333 complexity: 13 expressions: - - K+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(K-, or(S+, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11094 type: explored -- comm_cost: 0.5265625000000002 - complexity: 6 +- comm_cost: 0.31597222222222254 + complexity: 10 expressions: - N+ - - R+ + - R- - SE- - - or(K+, R-) + - and(K-, not(R+)) + - and(N-, R+) name: explored-11095 type: explored -- comm_cost: 0.4701967592592594 - complexity: 22 +- comm_cost: 0.5101562500000001 + complexity: 16 expressions: + - K+ - N+ - R- - - and(N-, R+) - - and(N-, not(R-)) + - and(K-, N-) + - and(K-, S+) + - and(K-, not(R-)) - and(S-, SE-) - - and(SE+, N-) - - or(and(S-, SE-), or(N+, R-)) name: explored-11096 type: explored -- comm_cost: 0.6796875 - complexity: 5 +- comm_cost: 0.39016203703703733 + complexity: 18 expressions: - N+ + - R- - SE- - - and(K-, SE-) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(N+, R-) + - or(S+, N+) name: explored-11097 type: explored -- comm_cost: 0.6536458333333335 - complexity: 12 +- comm_cost: 0.6212239583333333 + complexity: 15 expressions: + - K+ + - K+ - N+ - - SE- - - and(N-, or(S+, SE+)) - - or(K+, or(N+, R-)) + - S+ + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11098 type: explored -- comm_cost: 0.5872106481481483 - complexity: 13 +- comm_cost: 0.3978298611111112 + complexity: 15 expressions: - - R+ + - N+ - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(N+, R-) + - and(K-, or(S+, R-)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-11099 type: explored -- comm_cost: 0.723654513888889 - complexity: 12 +- comm_cost: 0.7708333333333333 + complexity: 4 expressions: - - R+ - - R+ - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) + - SE- + - and(S-, SE-) name: explored-11100 type: explored -- comm_cost: 0.48697916666666696 - complexity: 8 +- comm_cost: 0.614496527777778 + complexity: 10 expressions: - - N+ - - R- - - and(N-, R+) - - or(N+, R-) + - R+ + - SE- + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-11101 type: explored -- comm_cost: 0.3768518518518522 +- comm_cost: 0.30671296296296324 complexity: 16 expressions: - - N+ + - K+ - R- - - SE- + - SE+ - and(N-, R+) - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-11102 type: explored -- comm_cost: 0.2416666666666668 +- comm_cost: 0.2835937500000003 complexity: 20 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(SE-, or(K+, S-)) name: explored-11103 type: explored -- comm_cost: 0.39525462962963 - complexity: 23 - expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(K+, or(N+, R-)) - name: explored-11104 - type: explored -- comm_cost: 0.4542962962962964 - complexity: 24 +- comm_cost: 0.4832812500000002 + complexity: 19 expressions: - - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - and(S-, SE-) + - and(or(K+, S-), not(R-)) - or(N+, not(R+)) + name: explored-11104 + type: explored +- comm_cost: 0.6082146990740742 + complexity: 17 + expressions: + - N+ + - R+ + - R- + - SE- + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - or(S+, N+) name: explored-11105 type: explored -- comm_cost: 0.7437500000000001 - complexity: 11 +- comm_cost: 0.6451041666666668 + complexity: 14 expressions: - - and(N-, or(K+, R+)) - - and(or(K+, S-), not(R-)) + - N+ + - R+ + - R- + - S- + - SE- + - and(S-, or(N+, not(R+))) + - or(K+, SE+) name: explored-11106 type: explored -- comm_cost: 0.32929687500000027 - complexity: 11 +- comm_cost: 0.4600115740740742 + complexity: 18 expressions: - K+ - - K+ - N+ - R- - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) + - or(K+, S-) name: explored-11107 type: explored -- comm_cost: 0.7333333333333333 - complexity: 3 +- comm_cost: 0.4179687500000002 + complexity: 18 expressions: - K+ + - N+ - R- - - SE- + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-11108 type: explored -- comm_cost: 0.6963541666666667 - complexity: 6 +- comm_cost: 0.7270833333333334 + complexity: 2 expressions: - - R- - - SE- - - and(N-, not(R-)) + - K+ + - SE+ name: explored-11109 type: explored -- comm_cost: 0.3537326388888892 - complexity: 19 +- comm_cost: 0.4417361111111112 + complexity: 13 expressions: - N+ + - N- + - R- + - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-11110 type: explored -- comm_cost: 0.2538773148148151 - complexity: 26 +- comm_cost: 0.5546875000000002 + complexity: 14 expressions: - K+ - - N+ - R- - - and(K-, S+) + - and(K-, N-) + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-11111 type: explored -- comm_cost: 0.7480902777777778 +- comm_cost: 0.6395833333333335 complexity: 7 expressions: - - SE- - - or(S+, R+) - - or(S+, R+) + - K+ + - R+ + - and(K-, or(S+, N+)) name: explored-11112 type: explored -- comm_cost: 0.4041666666666669 - complexity: 11 +- comm_cost: 0.22864583333333344 + complexity: 16 expressions: - K+ - N+ - R- - - S+ + - R- - and(N-, R+) - - and(N-, not(R-)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-11113 type: explored -- comm_cost: 0.23211805555555598 - complexity: 17 +- comm_cost: 0.32916666666666705 + complexity: 19 expressions: - K+ - - N+ - - R- - - S+ - - and(K-, not(R+)) + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-11114 type: explored -- comm_cost: 0.5708333333333335 - complexity: 7 +- comm_cost: 0.7632074652777778 + complexity: 25 expressions: - - SE- - - and(SE+, N-) - - or(N+, R-) + - S+ + - and(K-, N-) + - and(K-, not(R-)) + - and(N-, or(S+, SE+)) + - not(R-) + - or(N+, not(R+)) + - or(S+, N+) + - or(S+, SE+) name: explored-11115 type: explored -- comm_cost: 0.5616319444444445 - complexity: 11 +- comm_cost: 0.6653414351851852 + complexity: 36 expressions: - - R+ - - R- - - SE- - - and(N-, or(S+, R+)) - - or(S+, N+) + - K+ + - and(K-, N-) + - and(K-, SE-) + - and(K-, or(S+, SE+)) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) + - not(R+) + - or(N+, R-) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-11116 type: explored -- comm_cost: 0.4861979166666668 +- comm_cost: 0.33888888888888924 complexity: 14 expressions: + - K+ + - N+ - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(SE-, N+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(S+, R-) name: explored-11117 type: explored -- comm_cost: 0.6556423611111113 - complexity: 17 +- comm_cost: 0.5076388888888891 + complexity: 16 expressions: - - R+ + - N+ - SE- - - and(N-, or(K+, SE+)) - - and(S-, N-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-11118 type: explored -- comm_cost: 0.7547164351851853 - complexity: 16 +- comm_cost: 0.7423611111111112 + complexity: 14 expressions: - - and(K-, not(R-)) - - and(and(K-, N-), not(R-)) + - SE- - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-11119 type: explored -- comm_cost: 0.3020833333333337 +- comm_cost: 0.6839236111111112 complexity: 9 expressions: - - K+ - - K+ - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - R- + - and(K-, N-) + - or(N+, not(R+)) name: explored-11120 type: explored -- comm_cost: 0.4828125000000002 - complexity: 14 +- comm_cost: 0.6252604166666669 + complexity: 11 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, SE+)) + - R+ + - and(K-, or(N+, not(R+))) + - or(SE-, N+) name: explored-11121 type: explored -- comm_cost: 0.3743055555555558 - complexity: 12 +- comm_cost: 0.7582754629629631 + complexity: 9 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) + - R+ + - and(N-, or(K+, R+)) + - or(K+, R+) name: explored-11122 type: explored -- comm_cost: 0.6965277777777779 - complexity: 9 +- comm_cost: 0.5331597222222224 + complexity: 10 expressions: + - N+ + - N+ - R+ - - and(SE-, or(K+, S-)) - - or(K+, K-) + - R- + - SE- + - not(R+) + - or(K+, N+) name: explored-11123 type: explored -- comm_cost: 0.5996527777777779 - complexity: 11 +- comm_cost: 0.5555729166666669 + complexity: 19 expressions: - - R+ + - N+ + - R- - SE- - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(SE+, N-) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-11124 type: explored -- comm_cost: 0.6399305555555557 - complexity: 8 +- comm_cost: 0.7458333333333335 + complexity: 4 expressions: - - R- - - and(S-, not(R+)) - - and(SE+, N-) + - SE- + - or(S+, R+) name: explored-11125 type: explored -- comm_cost: 0.5677083333333334 - complexity: 15 +- comm_cost: 0.2875000000000001 + complexity: 14 expressions: + - K+ - R- - - and(K-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - or(S+, N+) name: explored-11126 type: explored -- comm_cost: 0.6968749999999999 - complexity: 5 +- comm_cost: 0.75 + complexity: 9 expressions: - - N+ - - SE- - - or(N+, R-) + - and(K-, not(R-)) + - and(N-, or(S+, SE+)) name: explored-11127 type: explored -- comm_cost: 0.6802083333333335 - complexity: 4 +- comm_cost: 0.5119791666666669 + complexity: 11 expressions: - - R+ - - and(K-, S+) + - K+ + - N+ + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-11128 type: explored -- comm_cost: 0.42309027777777797 - complexity: 12 +- comm_cost: 0.6510416666666667 + complexity: 7 expressions: - - N+ + - K+ - R+ - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) + - SE+ + - and(SE+, N-) name: explored-11129 type: explored -- comm_cost: 0.3167534722222224 - complexity: 21 +- comm_cost: 0.21510416666666687 + complexity: 22 expressions: - K+ - N+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) - and(S-, SE-) + - and(SE-, or(K+, S-)) - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) name: explored-11130 type: explored -- comm_cost: 0.5858506944444446 - complexity: 12 +- comm_cost: 0.24490740740740757 + complexity: 19 expressions: + - K+ + - K+ - N+ - - R+ - R- - - SE- - - and(N-, or(K+, SE+)) - - or(SE-, N+) + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, R+) name: explored-11131 type: explored -- comm_cost: 0.5378472222222224 - complexity: 10 +- comm_cost: 0.4413194444444446 + complexity: 11 expressions: - N+ - - R+ - - R- - SE- - - and(K-, S+) - - or(S+, R+) + - and(N-, R+) + - and(SE+, N-) + - and(SE+, N-) name: explored-11132 type: explored -- comm_cost: 0.5366319444444446 - complexity: 7 +- comm_cost: 0.31562500000000016 + complexity: 20 expressions: - - R+ - - and(K-, SE-) - - or(S+, R-) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-11133 type: explored -- comm_cost: 0.5081018518518521 - complexity: 16 +- comm_cost: 0.22274305555555585 + complexity: 19 expressions: - N+ - R- - - S+ + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-11134 type: explored -- comm_cost: 0.539496527777778 - complexity: 14 +- comm_cost: 0.5114583333333333 + complexity: 11 expressions: - K+ - N+ - - S- - - SE- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - R- + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-11135 type: explored -- comm_cost: 0.36041666666666705 +- comm_cost: 0.7873842592592594 complexity: 11 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) + - R+ + - and(K-, or(S+, R+)) + - and(K-, or(S+, R+)) name: explored-11136 type: explored -- comm_cost: 0.5484375000000001 - complexity: 8 +- comm_cost: 0.4476562500000001 + complexity: 13 expressions: - - R+ - - R- - - and(S-, N-) + - K+ + - N+ + - and(K-, S+) + - and(N-, or(K+, S-)) - and(S-, SE-) name: explored-11137 type: explored -- comm_cost: 0.7206597222222223 - complexity: 17 +- comm_cost: 0.25546875000000013 + complexity: 18 expressions: + - K+ + - N+ + - R- - and(K-, N-) - - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, SE+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-11138 type: explored -- comm_cost: 0.5785011574074075 - complexity: 15 +- comm_cost: 0.5729166666666669 + complexity: 10 expressions: - - N+ - R+ - - R- - - SE- - - and(K-, or(S+, R+)) - - and(or(K+, S-), not(R-)) + - and(S-, N-) + - and(S-, SE-) + - or(N+, R-) name: explored-11139 type: explored -- comm_cost: 0.5320312500000002 - complexity: 14 +- comm_cost: 0.47430555555555576 + complexity: 9 expressions: - - N+ - - and(K-, or(S+, SE+)) + - K+ + - R- + - SE- - and(N-, R+) - - and(S-, or(SE-, N+)) + - or(K+, R+) name: explored-11140 type: explored -- comm_cost: 0.451041666666667 - complexity: 10 +- comm_cost: 0.47430555555555576 + complexity: 8 expressions: + - K+ + - N+ + - R+ - R- - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) + - or(K+, N+) name: explored-11141 type: explored -- comm_cost: 0.22013888888888922 - complexity: 12 +- comm_cost: 0.5421875000000002 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - R+ + - SE- + - and(S-, or(SE-, N+)) + - or(K+, R-) name: explored-11142 type: explored -- comm_cost: 0.47916666666666674 - complexity: 12 +- comm_cost: 0.5046875000000003 + complexity: 9 expressions: - - N+ - - SE- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - R- + - S+ + - and(N-, R+) + - or(K+, R-) name: explored-11143 type: explored -- comm_cost: 0.4281250000000003 - complexity: 7 +- comm_cost: 0.5981481481481483 + complexity: 8 expressions: - - K+ - N+ - - S+ - - S+ + - SE+ - and(N-, R+) + - and(S-, N-) name: explored-11144 type: explored -- comm_cost: 0.3993344907407409 - complexity: 20 +- comm_cost: 0.7165798611111112 + complexity: 7 expressions: - - K+ - - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, not(R+)) + - or(S+, R+) name: explored-11145 type: explored -- comm_cost: 0.2298611111111114 - complexity: 20 +- comm_cost: 0.3908333333333336 + complexity: 11 expressions: - - K+ + - N+ - N+ - R- - SE- - - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-11146 type: explored -- comm_cost: 0.1810763888888891 - complexity: 15 +- comm_cost: 0.40104166666666696 + complexity: 14 expressions: - K+ - - K+ - N+ - - R- - S+ - - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11147 type: explored -- comm_cost: 0.3130208333333335 - complexity: 13 +- comm_cost: 0.4492708333333335 + complexity: 16 expressions: + - K+ + - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) + - or(N+, not(R+)) + - or(S+, R+) name: explored-11148 type: explored -- comm_cost: 0.5778935185185187 - complexity: 13 +- comm_cost: 0.6965625000000001 + complexity: 9 expressions: - R+ - - R- - - SE- - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(S+, N+)) + - or(K+, S-) name: explored-11149 type: explored -- comm_cost: 0.6039930555555557 - complexity: 10 +- comm_cost: 0.40295138888888904 + complexity: 19 expressions: - - R+ - - S+ - - SE- - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - R- + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - or(K+, N+) name: explored-11150 type: explored -- comm_cost: 0.6333333333333334 - complexity: 7 +- comm_cost: 0.5505208333333335 + complexity: 16 expressions: - N+ - - SE+ - - SE- - - and(S-, not(R-)) + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-11151 type: explored -- comm_cost: 0.5140937500000001 - complexity: 16 +- comm_cost: 0.4754629629629632 + complexity: 14 expressions: - K+ - - K+ - N+ - R- - - S+ + - SE+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - - or(N+, not(R+)) + - and(S-, or(N+, not(R+))) name: explored-11152 type: explored -- comm_cost: 0.5112123842592594 - complexity: 15 +- comm_cost: 0.5911458333333335 + complexity: 5 expressions: - - K+ - - N+ - - R- + - R+ - SE- - - and(N-, R+) - - or(K+, SE+) - - or(K+, or(N+, R-)) + - and(K-, SE-) name: explored-11153 type: explored -- comm_cost: 0.44062500000000016 - complexity: 27 +- comm_cost: 0.3812500000000003 + complexity: 22 expressions: - - K+ - N+ - - R- - S+ - - and(K-, or(S+, R+)) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11154 type: explored -- comm_cost: 0.651840277777778 - complexity: 14 - expressions: - - N- - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(N-, R+) - - not(R-) - name: explored-11155 - type: explored -- comm_cost: 0.5447916666666668 - complexity: 4 +- comm_cost: 0.47020833333333345 + complexity: 11 expressions: - K+ - N+ - R+ - R- - name: explored-11156 + - and(S-, SE-) + - or(N+, not(R+)) + name: explored-11155 type: explored -- comm_cost: 0.5624537037037038 +- comm_cost: 0.5114583333333332 complexity: 11 expressions: - N+ - R- - - and(N-, R+) - - or(K+, S-) - - or(S+, R-) - name: explored-11157 + - S+ + - and(S-, SE-) + - and(S-, or(SE-, N+)) + name: explored-11156 type: explored -- comm_cost: 0.46640625 - complexity: 10 +- comm_cost: 0.5213541666666668 + complexity: 15 expressions: - N+ + - R- - S+ - - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - name: explored-11158 + - or(K+, S-) + - or(S+, SE+) + name: explored-11157 type: explored -- comm_cost: 0.6586458333333335 - complexity: 10 +- comm_cost: 0.6615972222222224 + complexity: 8 expressions: - - N- - R+ - - and(N-, or(K+, R+)) + - SE- - or(K+, R-) - name: explored-11159 + - or(S+, SE+) + name: explored-11158 type: explored -- comm_cost: 0.057812500000000266 +- comm_cost: 0.2522569444444447 complexity: 15 expressions: - - K+ - N+ + - R+ - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(SE+, N-) + name: explored-11159 + type: explored +- comm_cost: 0.6595486111111113 + complexity: 8 + expressions: + - R+ + - SE- + - SE- + - and(K-, or(S+, R+)) name: explored-11160 type: explored -- comm_cost: 0.43763888888888913 - complexity: 14 +- comm_cost: 0.549652777777778 + complexity: 6 expressions: - N+ - - R- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - R+ + - SE- + - or(S+, R-) name: explored-11161 type: explored -- comm_cost: 0.5572048611111112 - complexity: 11 +- comm_cost: 0.7311111111111113 + complexity: 7 expressions: - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(S+, R+) + - N- + - R+ + - and(K-, or(S+, SE+)) name: explored-11162 type: explored -- comm_cost: 0.5296006944444447 - complexity: 14 +- comm_cost: 0.41328125000000027 + complexity: 9 expressions: - - N+ - - SE- + - K+ - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - not(R+) name: explored-11163 type: explored -- comm_cost: 0.33784722222222263 - complexity: 13 +- comm_cost: 0.11388888888888915 + complexity: 14 expressions: - - K+ + - N+ - R- - - S+ - - and(K-, not(R+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - or(S+, R-) name: explored-11164 type: explored -- comm_cost: 0.4256944444444446 - complexity: 12 +- comm_cost: 0.5659722222222223 + complexity: 14 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - R+ + - R- + - SE- + - and(N-, or(K+, R+)) + - or(SE-, N+) + - or(SE-, N+) name: explored-11165 type: explored -- comm_cost: 0.48579861111111133 - complexity: 18 +- comm_cost: 0.5269097222222223 + complexity: 10 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) + - R+ + - SE- + - and(N-, or(K+, SE+)) - and(S-, SE-) - - not(R-) - - or(and(S-, SE-), or(N+, R-)) name: explored-11166 type: explored -- comm_cost: 0.465277777777778 - complexity: 11 +- comm_cost: 0.6197916666666669 + complexity: 7 expressions: - - K+ - - R- - - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) + - R+ + - and(S-, N-) + - or(K+, R-) name: explored-11167 type: explored -- comm_cost: 0.49375000000000013 - complexity: 7 +- comm_cost: 0.37769097222222237 + complexity: 12 expressions: - N+ + - R+ - R- - - S+ - - S- - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-11168 type: explored -- comm_cost: 0.7525173611111112 - complexity: 13 +- comm_cost: 0.5517361111111112 + complexity: 10 expressions: - R+ - - and(K-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) + - and(K-, not(R+)) + - and(SE-, or(K+, S-)) name: explored-11169 type: explored -- comm_cost: 0.34722222222222254 - complexity: 12 +- comm_cost: 0.28333333333333366 + complexity: 15 expressions: - - K+ + - N+ + - R- - R- - SE- - - and(K-, S+) - and(N-, R+) - - or(S+, N+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-11170 type: explored -- comm_cost: 0.5476562500000001 - complexity: 9 +- comm_cost: 0.19479166666666692 + complexity: 21 expressions: + - K+ - R- - - S+ - - and(K-, not(R-)) + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-11171 type: explored -- comm_cost: 0.4266493055555556 - complexity: 17 +- comm_cost: 0.6486979166666668 + complexity: 14 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(S-, not(R-)) + - SE- + - or(S+, R+) + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-11172 type: explored -- comm_cost: 0.546875 - complexity: 9 +- comm_cost: 0.715914351851852 + complexity: 22 expressions: - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - not(R+) + - SE+ + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11173 type: explored -- comm_cost: 0.6356597222222223 - complexity: 7 +- comm_cost: 0.3486111111111114 + complexity: 11 expressions: - - K- - - R+ - - R- - - SE- - - and(K-, S+) + - N+ + - and(K-, not(R+)) + - and(N-, R+) + - or(S+, R-) name: explored-11174 type: explored -- comm_cost: 0.4681278935185187 - complexity: 27 +- comm_cost: 0.5076388888888891 + complexity: 19 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, R+)) + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) - and(or(K+, S-), or(SE-, N+)) name: explored-11175 type: explored -- comm_cost: 0.7129890873015874 - complexity: 37 +- comm_cost: 0.4638020833333336 + complexity: 11 expressions: - - K- - - SE- - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - or(K+, K-) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - N+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - not(R+) name: explored-11176 type: explored -- comm_cost: 0.3132812500000002 - complexity: 13 +- comm_cost: 0.4843750000000001 + complexity: 5 expressions: - - K+ - N+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - R- + - R- + - SE- name: explored-11177 type: explored -- comm_cost: 0.3119791666666669 - complexity: 17 +- comm_cost: 0.47578125000000016 + complexity: 11 expressions: - - K+ - - K+ - R- - - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-11178 type: explored -- comm_cost: 0.7206018518518518 - complexity: 15 +- comm_cost: 0.6777777777777779 + complexity: 20 expressions: - - N+ - - R- - - SE- - - or(K+, or(N+, R-)) + - R+ + - and(N-, or(K+, R+)) + - or(and(K-, S+), or(N+, R-)) - or(and(K-, S+), or(N+, R-)) name: explored-11179 type: explored -- comm_cost: 0.7395833333333335 - complexity: 11 +- comm_cost: 0.4851562500000002 + complexity: 14 expressions: - - R+ - - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(K-, N-) + - and(N-, R+) + - and(N-, not(R-)) name: explored-11180 type: explored -- comm_cost: 0.410416666666667 - complexity: 9 +- comm_cost: 0.6292013888888891 + complexity: 12 expressions: - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - R+ + - R- + - SE- + - or(N+, not(R+)) + - or(S+, or(N+, R-)) name: explored-11181 type: explored -- comm_cost: 0.3442708333333334 - complexity: 9 +- comm_cost: 0.4061342592592594 + complexity: 24 expressions: - - R+ + - K+ + - K+ + - N+ - R- - S+ + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-11182 type: explored -- comm_cost: 0.635763888888889 - complexity: 10 +- comm_cost: 0.6645833333333335 + complexity: 11 expressions: - - R+ - - not(R+) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(N-, R+) + - or(K+, K-) + - or(N+, not(R+)) name: explored-11183 type: explored -- comm_cost: 0.44606481481481497 - complexity: 19 +- comm_cost: 0.635763888888889 + complexity: 10 expressions: - - K+ - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) + - SE- + - and(S-, or(SE-, N+)) + - or(K+, R+) name: explored-11184 type: explored -- comm_cost: 0.317303240740741 - complexity: 21 +- comm_cost: 0.5298611111111113 + complexity: 13 expressions: - N+ - R- - - S+ + - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) name: explored-11185 type: explored -- comm_cost: 0.435277777777778 - complexity: 17 +- comm_cost: 0.6718750000000002 + complexity: 9 + expressions: + - R+ + - and(K-, or(S+, R-)) + - or(N+, R-) + name: explored-11186 + type: explored +- comm_cost: 0.3130208333333335 + complexity: 18 expressions: - - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, S-) - name: explored-11186 + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + name: explored-11187 type: explored -- comm_cost: 0.6822048611111112 - complexity: 16 +- comm_cost: 0.49236111111111125 + complexity: 10 expressions: + - N+ - R+ + - R- - SE- - - and(K-, not(R-)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - name: explored-11187 + - SE- + - and(K-, or(S+, N+)) + name: explored-11188 type: explored -- comm_cost: 0.28767361111111134 +- comm_cost: 0.45962094907407425 complexity: 20 expressions: + - K+ - N+ - R- - S+ - and(K-, not(R+)) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-11188 + - or(K+, SE+) + name: explored-11189 type: explored -- comm_cost: 0.4768229166666669 - complexity: 15 +- comm_cost: 0.6144097222222225 + complexity: 13 expressions: - - K+ - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - name: explored-11189 + - R+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, R-) + name: explored-11190 type: explored -- comm_cost: 0.33611111111111125 - complexity: 26 +- comm_cost: 0.3566666666666668 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(N+, R-) - name: explored-11190 - type: explored -- comm_cost: 0.7466666666666667 - complexity: 19 - expressions: - - K+ - - K- - - S- - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) - - or(S+, SE+) + - or(K+, S-) name: explored-11191 type: explored -- comm_cost: 0.5250694444444446 - complexity: 9 +- comm_cost: 0.04479166666666701 + complexity: 15 expressions: - K+ - - K- - N+ - - R+ - R- - - SE- + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-11192 type: explored -- comm_cost: 0.64765625 - complexity: 10 +- comm_cost: 0.35486111111111107 + complexity: 9 expressions: + - K+ + - K+ + - N+ - R- - - and(K-, not(R-)) + - S+ + - SE+ - and(S-, SE-) - - not(R+) name: explored-11193 type: explored -- comm_cost: 0.5919270833333334 - complexity: 13 +- comm_cost: 0.4925347222222225 + complexity: 11 expressions: - - R+ - - and(N-, not(R-)) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - K+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-11194 type: explored -- comm_cost: 0.5317129629629632 - complexity: 17 +- comm_cost: 0.57890625 + complexity: 14 expressions: + - K+ + - K+ - R- - - and(N-, R+) - - and(S-, N-) + - S+ - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-11195 type: explored -- comm_cost: 0.5507291666666669 - complexity: 13 +- comm_cost: 0.6943229166666668 + complexity: 10 expressions: + - N+ - R+ - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(N+, not(R+)) + - and(K-, or(N+, not(R+))) + - not(R-) name: explored-11196 type: explored -- comm_cost: 0.6575810185185186 - complexity: 29 +- comm_cost: 0.701076388888889 + complexity: 10 expressions: - R+ - - R- - - S- - - and(K-, or(S+, R-)) - - and(N-, or(S+, R+)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - - not(R+) - - or(S+, R+) + - SE- + - or(K+, S-) + - or(S+, or(N+, R-)) name: explored-11197 type: explored -- comm_cost: 0.3421875000000002 +- comm_cost: 0.6631944444444445 complexity: 14 expressions: - - K+ - - N+ - - R- - - S+ - - S- - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - R+ + - and(K-, S+) + - and(K-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-11198 type: explored -- comm_cost: 0.18958333333333366 - complexity: 23 +- comm_cost: 0.4819444444444446 + complexity: 13 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) + - and(N-, not(R-)) + - or(S+, R-) name: explored-11199 type: explored -- comm_cost: 0.732951388888889 +- comm_cost: 0.5276041666666668 complexity: 8 expressions: + - N+ + - R+ - R+ + - R- - SE- - - and(N-, not(R-)) - - not(R-) + - or(N+, R-) name: explored-11200 type: explored -- comm_cost: 0.5569444444444447 +- comm_cost: 0.5140625000000001 complexity: 11 expressions: - - N+ - - SE- - - and(N-, R+) - - or(K+, R+) - - or(S+, N+) + - and(K-, or(S+, N+)) + - and(S-, SE-) + - or(K+, SE+) name: explored-11201 type: explored -- comm_cost: 0.45387731481481497 - complexity: 16 +- comm_cost: 0.20416666666666683 + complexity: 13 expressions: - - K+ - - R+ + - N+ - R- - - S+ + - and(K-, S+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, R+) name: explored-11202 type: explored -- comm_cost: 0.47274305555555574 - complexity: 16 +- comm_cost: 0.7688628472222223 + complexity: 9 expressions: - - N+ - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) + - K- + - N- + - S- - and(or(K+, S-), not(R+)) name: explored-11203 type: explored -- comm_cost: 0.4692708333333334 - complexity: 10 +- comm_cost: 0.6659722222222223 + complexity: 7 expressions: - - K+ - - R+ + - N+ - R- - - and(N-, not(R-)) - - and(S-, SE-) + - and(K-, or(S+, R+)) name: explored-11204 type: explored -- comm_cost: 0.7283072916666667 +- comm_cost: 0.43125000000000013 complexity: 12 expressions: - - N- - - and(and(K-, N-), not(R-)) - - not(R+) - - or(S+, N+) + - K+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-11205 type: explored -- comm_cost: 0.8244444444444444 - complexity: 6 +- comm_cost: 0.49574652777777795 + complexity: 17 expressions: + - K+ + - N+ + - R- - S+ - - SE- - - or(N+, not(R+)) + - SE+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) + - or(S+, R-) name: explored-11206 type: explored -- comm_cost: 0.46250000000000024 - complexity: 15 +- comm_cost: 0.45434027777777797 + complexity: 10 expressions: - - K+ - N+ - - and(K-, S+) + - R+ + - R- + - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(SE+, N-) name: explored-11207 type: explored -- comm_cost: 0.27806712962962976 - complexity: 18 +- comm_cost: 0.2619791666666671 + complexity: 14 expressions: - K+ - N+ - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(K+, R+) + - and(S-, or(SE-, N+)) name: explored-11208 type: explored -- comm_cost: 0.2703125000000002 - complexity: 14 +- comm_cost: 0.2661458333333335 + complexity: 21 expressions: - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-11209 type: explored -- comm_cost: 0.3763888888888891 - complexity: 9 +- comm_cost: 0.647092013888889 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - or(S+, R-) + - R+ + - R+ + - and(N-, or(K+, S-)) + - and(and(K-, N-), not(R-)) name: explored-11210 type: explored -- comm_cost: 0.36875000000000013 - complexity: 8 +- comm_cost: 0.358810763888889 + complexity: 20 expressions: - - R+ + - K+ + - N+ + - R- - S+ + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(S-, not(R-)) + - or(S+, R+) name: explored-11211 type: explored -- comm_cost: 0.58984375 - complexity: 9 +- comm_cost: 0.20104166666666679 + complexity: 10 expressions: + - K+ - N+ + - R+ - R- - - S+ - - and(or(K+, S-), not(R-)) + - and(K-, S+) + - and(S-, SE-) name: explored-11212 type: explored -- comm_cost: 0.3632812500000001 - complexity: 13 +- comm_cost: 0.3144097222222224 + complexity: 15 expressions: - - R- + - N+ - S+ - - and(K-, or(S+, SE+)) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) name: explored-11213 type: explored -- comm_cost: 0.6405555555555557 - complexity: 10 +- comm_cost: 0.585763888888889 + complexity: 15 expressions: - - R+ - - R+ + - N+ + - R- + - S- - SE- - - and(K-, or(S+, R-)) - - not(R-) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, not(R-)) name: explored-11214 type: explored -- comm_cost: 0.4843749999999999 - complexity: 13 +- comm_cost: 0.505902777777778 + complexity: 15 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(N+, R-) name: explored-11215 type: explored -- comm_cost: 0.49780092592592606 - complexity: 15 +- comm_cost: 0.5433159722222223 + complexity: 16 expressions: - K+ - N+ - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(K+, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-11216 type: explored -- comm_cost: 0.37317708333333355 - complexity: 16 +- comm_cost: 0.4798611111111113 + complexity: 10 expressions: - - K+ - N+ - R- - - S+ - - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - and(N-, or(S+, R+)) name: explored-11217 type: explored -- comm_cost: 0.5886574074074076 - complexity: 8 +- comm_cost: 0.5078125000000002 + complexity: 9 expressions: - - R+ - - S+ + - N+ - SE+ - - and(S-, SE-) - - not(R-) + - SE- + - and(N-, R+) + - or(N+, R-) name: explored-11218 type: explored -- comm_cost: 0.6992187500000001 - complexity: 12 +- comm_cost: 0.2562500000000003 + complexity: 10 expressions: - - R+ - - and(K-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, R+) name: explored-11219 type: explored -- comm_cost: 0.2434895833333337 - complexity: 20 +- comm_cost: 0.05381944444444464 + complexity: 16 expressions: - K+ - N+ - R- + - R- - and(K-, S+) - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - or(N+, R-) name: explored-11220 type: explored -- comm_cost: 0.7003472222222222 - complexity: 10 +- comm_cost: 0.6767361111111112 + complexity: 14 expressions: + - R+ - R- - - SE- - - and(SE-, or(K+, S-)) - - or(K+, S-) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) name: explored-11221 type: explored -- comm_cost: 0.6143229166666668 - complexity: 10 +- comm_cost: 0.6307291666666668 + complexity: 3 expressions: - - N+ - - and(N-, R+) - - or(S+, R+) - - or(SE-, N+) + - R+ + - not(R+) name: explored-11222 type: explored -- comm_cost: 0.8765625 - complexity: 6 +- comm_cost: 0.263541666666667 + complexity: 17 expressions: - - or(K+, N+) - - or(S+, N+) + - N+ + - R- + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-11223 type: explored -- comm_cost: 0.6230034722222224 +- comm_cost: 0.3045138888888891 complexity: 21 expressions: - N+ - - and(K-, or(S+, SE+)) + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, K-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-11224 type: explored -- comm_cost: 0.5064583333333335 - complexity: 8 +- comm_cost: 0.6502314814814816 + complexity: 10 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - not(R-) + - R+ + - and(S-, SE-) + - or(K+, K-) + - or(K+, SE+) name: explored-11225 type: explored -- comm_cost: 0.5005208333333335 - complexity: 6 +- comm_cost: 0.30166666666666697 + complexity: 13 expressions: - - R+ + - K+ + - N+ - R- - - S+ - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-11226 type: explored -- comm_cost: 0.3802951388888891 - complexity: 19 +- comm_cost: 0.5671875 + complexity: 12 expressions: - K+ - - N+ - R- - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - and(S-, not(R+)) name: explored-11227 type: explored -- comm_cost: 0.38472222222222263 - complexity: 20 +- comm_cost: 0.4676041666666668 + complexity: 11 expressions: - - R- + - N+ + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, S-) name: explored-11228 type: explored -- comm_cost: 0.5592708333333334 - complexity: 7 +- comm_cost: 0.7184027777777778 + complexity: 5 expressions: - - K- - - N+ - - R- - - S+ - - and(S-, SE-) + - R+ + - SE- + - or(K+, K-) name: explored-11229 type: explored -- comm_cost: 0.4675347222222226 - complexity: 11 +- comm_cost: 0.6009375000000001 + complexity: 5 expressions: - N+ + - N- + - R+ + - R- - SE- - - and(N-, R+) - - or(S+, N+) - - or(SE-, N+) name: explored-11230 type: explored -- comm_cost: 0.5432291666666668 - complexity: 8 +- comm_cost: 0.7097800925925927 + complexity: 13 expressions: - - K+ - - K+ - - N+ - - R- - S+ - - and(K-, N-) + - S- + - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-11231 type: explored -- comm_cost: 0.6259837962962964 - complexity: 14 +- comm_cost: 0.30234375000000036 + complexity: 18 expressions: + - K+ + - N+ + - R- - SE- - - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(SE-, N+) name: explored-11232 type: explored -- comm_cost: 0.5000000000000002 - complexity: 11 +- comm_cost: 0.49829282407407416 + complexity: 16 expressions: - N+ - - R- - - S+ - - S- - - S- + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) + - and(S-, N-) + - and(SE-, or(K+, S-)) name: explored-11233 type: explored -- comm_cost: 0.169791666666667 - complexity: 12 +- comm_cost: 0.2899305555555558 + complexity: 19 expressions: - K+ - - K+ + - N+ - R- - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-11234 type: explored -- comm_cost: 0.23541666666666705 - complexity: 13 +- comm_cost: 0.40740740740740766 + complexity: 17 expressions: - - K+ - - K+ + - N+ - R- - - S+ - and(N-, R+) + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, R-) + - or(SE-, N+) name: explored-11235 type: explored -- comm_cost: 0.6346354166666668 - complexity: 4 - expressions: - - N+ - - R+ - - S- - - SE- - name: explored-11236 - type: explored -- comm_cost: 0.6593750000000002 - complexity: 13 - expressions: - - R- - - SE- - - and(N-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) - name: explored-11237 - type: explored -- comm_cost: 0.4208906250000002 - complexity: 20 +- comm_cost: 0.48094328703703715 + complexity: 16 expressions: - - K+ - - K+ - N+ + - N- - R- - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - or(S+, R-) - or(SE-, N+) - name: explored-11238 + name: explored-11236 type: explored -- comm_cost: 0.5391666666666668 - complexity: 12 +- comm_cost: 0.2796875000000002 + complexity: 16 expressions: + - K+ - N+ - - N- + - R- - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(N+, not(R+)) - name: explored-11239 + - and(S-, SE-) + name: explored-11237 type: explored -- comm_cost: 0.47291666666666676 - complexity: 18 +- comm_cost: 0.5231481481481483 + complexity: 9 expressions: - N+ - R- - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - name: explored-11240 + - R- + - SE- + - and(N-, or(K+, SE+)) + name: explored-11238 type: explored -- comm_cost: 0.6903645833333334 +- comm_cost: 0.540277777777778 + complexity: 12 + expressions: + - R+ + - R- + - SE- + - and(S-, not(R-)) + - and(SE-, or(K+, S-)) + name: explored-11239 + type: explored +- comm_cost: 0.43854166666666683 complexity: 9 expressions: + - N+ + - N+ + - N+ - R+ - - and(K-, N-) - - or(S+, or(N+, R-)) - name: explored-11241 + - R- + - SE- + - and(K-, S+) + name: explored-11240 type: explored -- comm_cost: 0.3510416666666667 - complexity: 13 +- comm_cost: 0.11180555555555594 + complexity: 20 expressions: - K+ + - K+ - N+ - - S+ + - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, not(R+)) + - or(K+, R-) + name: explored-11241 + type: explored +- comm_cost: 0.567013888888889 + complexity: 8 + expressions: + - R+ + - R- + - SE- + - or(K+, or(N+, R-)) name: explored-11242 type: explored -- comm_cost: 0.2956597222222226 - complexity: 12 +- comm_cost: 0.6065104166666668 + complexity: 9 expressions: - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - SE- + - or(N+, R-) + - or(S+, R+) name: explored-11243 type: explored -- comm_cost: 0.5832175925925928 - complexity: 16 +- comm_cost: 0.6236979166666667 + complexity: 11 expressions: - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) + - R+ + - R- + - SE- + - and(K-, or(SE-, N+)) + - or(K+, SE+) name: explored-11244 type: explored -- comm_cost: 0.5101562500000001 - complexity: 16 +- comm_cost: 0.6587962962962964 + complexity: 10 expressions: - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, R+) + - R+ + - SE- + - and(K-, or(S+, SE+)) + - and(S-, N-) name: explored-11245 type: explored -- comm_cost: 0.7026041666666667 - complexity: 10 +- comm_cost: 0.3505208333333335 + complexity: 8 expressions: + - N+ - R- - - SE- - - and(N-, not(R-)) - - and(S-, not(R+)) + - and(S-, SE-) + - and(SE+, N-) name: explored-11246 type: explored -- comm_cost: 0.21024305555555578 - complexity: 20 +- comm_cost: 0.42800347222222235 + complexity: 17 expressions: - K+ + - K+ - N+ + - N- - R- - S+ - - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-11247 type: explored -- comm_cost: 0.4954861111111113 - complexity: 19 +- comm_cost: 0.7357986111111112 + complexity: 21 expressions: - K+ - - N+ - - R- - - SE- - - and(N-, R+) - and(N-, not(R-)) - - and(N-, or(K+, S-)) - - and(SE+, N-) + - and(N-, or(S+, R+)) + - and(S-, N-) + - and(or(K+, S-), not(R+)) + - not(R+) name: explored-11248 type: explored -- comm_cost: 0.6675 - complexity: 26 +- comm_cost: 0.713888888888889 + complexity: 8 expressions: - - N+ - - and(K-, not(R-)) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - SE- + - or(K+, K-) + - or(S+, N+) name: explored-11249 type: explored -- comm_cost: 0.2177083333333335 - complexity: 15 +- comm_cost: 0.34722222222222254 + complexity: 13 expressions: - K+ - - K+ - - N+ - R- - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-11250 type: explored -- comm_cost: 0.3088541666666669 - complexity: 8 +- comm_cost: 0.4104166666666669 + complexity: 12 expressions: - K+ - - S+ + - N+ - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) name: explored-11251 type: explored -- comm_cost: 0.24513888888888924 - complexity: 22 +- comm_cost: 0.6262500000000002 + complexity: 11 expressions: - - K+ - - N+ - - R- - - S+ + - N- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, or(N+, R-)) - - or(S+, R-) + - and(or(K+, S-), or(SE-, N+)) name: explored-11252 type: explored -- comm_cost: 0.2859375000000003 - complexity: 10 +- comm_cost: 0.4237557870370372 + complexity: 22 expressions: - - N+ + - K+ - R- - - SE- + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, not(R+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-11253 type: explored -- comm_cost: 0.560763888888889 +- comm_cost: 0.2576388888888892 complexity: 15 expressions: - - K+ - N+ - R- - - S+ - - and(K-, or(S+, R+)) + - SE- + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(or(K+, S-), not(R+)) name: explored-11254 type: explored -- comm_cost: 0.48151041666666683 - complexity: 16 +- comm_cost: 0.5244791666666668 + complexity: 12 expressions: - - K+ - - R+ - - R- - - and(K-, not(R+)) - - and(S-, N-) - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) - or(N+, R-) name: explored-11255 type: explored -- comm_cost: 0.5131712962962964 - complexity: 11 +- comm_cost: 0.7152777777777778 + complexity: 8 expressions: - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - SE- + - or(K+, S-) + - or(S+, N+) name: explored-11256 type: explored -- comm_cost: 0.31597222222222254 - complexity: 12 +- comm_cost: 0.3613425925925928 + complexity: 17 expressions: - - N+ - R- - - and(K-, S+) + - S+ - and(K-, not(R+)) + - and(K-, or(S+, R-)) - and(N-, R+) + - and(S-, SE-) name: explored-11257 type: explored -- comm_cost: 0.6427083333333334 - complexity: 20 +- comm_cost: 0.35260416666666683 + complexity: 17 expressions: - - and(K-, N-) - - and(N-, or(S+, SE+)) - - and(S-, N-) + - K+ + - K+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, SE+) + - and(and(K-, N-), or(S+, SE+)) name: explored-11258 type: explored -- comm_cost: 0.46848958333333357 - complexity: 13 +- comm_cost: 0.6203125000000002 + complexity: 14 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(SE+, N-) + - or(K+, K-) + - or(K+, R+) name: explored-11259 type: explored -- comm_cost: 0.3205729166666669 - complexity: 15 +- comm_cost: 0.5767361111111113 + complexity: 8 expressions: - - K+ - N+ - - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - R+ + - and(or(K+, S-), not(R+)) name: explored-11260 type: explored -- comm_cost: 0.5343750000000002 - complexity: 19 +- comm_cost: 0.3777777777777781 + complexity: 13 expressions: - N+ - - R- - - and(K-, or(SE-, N+)) + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(SE-, N+) + - or(S+, N+) name: explored-11261 type: explored -- comm_cost: 0.49097222222222237 - complexity: 24 +- comm_cost: 0.44505208333333357 + complexity: 23 expressions: - - R- - - SE- + - K+ + - N+ + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-11262 type: explored -- comm_cost: 0.5133101851851853 - complexity: 17 +- comm_cost: 0.6618923611111112 + complexity: 13 expressions: - - N+ - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - or(K+, R-) name: explored-11263 type: explored -- comm_cost: 0.3045138888888891 - complexity: 21 +- comm_cost: 0.31111111111111134 + complexity: 13 expressions: + - K+ - N+ - - R- - - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) name: explored-11264 type: explored -- comm_cost: 0.3289062500000002 - complexity: 13 +- comm_cost: 0.34375000000000033 + complexity: 7 expressions: - K+ + - K+ - N+ - R- - - S+ - - and(K-, N-) - and(N-, R+) - - and(S-, SE-) name: explored-11265 type: explored -- comm_cost: 0.6906249999999999 - complexity: 11 +- comm_cost: 0.8296874999999999 + complexity: 6 expressions: - - K+ - - N+ - - R- - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-11266 type: explored -- comm_cost: 0.29791666666666705 - complexity: 16 +- comm_cost: 0.5761284722222224 + complexity: 8 expressions: - K+ - - N+ - - R- - SE- - and(N-, R+) - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - or(K+, SE+) name: explored-11267 type: explored -- comm_cost: 0.3916377314814816 - complexity: 28 +- comm_cost: 0.5897569444444446 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, or(S+, SE+)) + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(S+, R+)) name: explored-11268 type: explored -- comm_cost: 0.4877604166666669 - complexity: 7 +- comm_cost: 0.4105034722222224 + complexity: 17 expressions: - - R- - - SE- + - N+ + - S+ + - and(K-, N-) - and(N-, R+) - - not(R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-11269 type: explored -- comm_cost: 0.6778009259259261 - complexity: 31 +- comm_cost: 0.4973958333333335 + complexity: 17 expressions: - - and(K-, SE-) - - and(K-, not(R-)) - - and(N-, or(S+, R+)) - - and(S-, not(R+)) - - or(K+, R+) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) name: explored-11270 type: explored -- comm_cost: 0.5394097222222224 +- comm_cost: 0.5812500000000002 complexity: 9 expressions: - - K+ - - R- - - SE- - - and(N-, R+) - - or(K+, SE+) + - R+ + - and(S-, or(SE-, N+)) + - or(N+, R-) name: explored-11271 type: explored -- comm_cost: 0.5777777777777777 - complexity: 11 - expressions: - - N+ - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-11272 - type: explored -- comm_cost: 0.5340625000000001 +- comm_cost: 0.46753472222222237 complexity: 18 expressions: - K+ - N+ - R- - - and(K-, S+) + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) + - or(N+, R-) + - or(S+, N+) + name: explored-11272 + type: explored +- comm_cost: 0.5951388888888889 + complexity: 9 + expressions: + - R- - and(S-, SE-) - - or(K+, K-) - - or(K+, S-) + - or(K+, or(N+, R-)) name: explored-11273 type: explored -- comm_cost: 0.6276041666666667 - complexity: 13 +- comm_cost: 0.30092592592592604 + complexity: 22 expressions: - - and(N-, or(K+, SE+)) + - N+ + - S+ + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-11274 type: explored -- comm_cost: 0.5797164351851853 - complexity: 12 +- comm_cost: 0.20717592592592626 + complexity: 16 expressions: - N+ - - R+ - R- - - SE- - - and(K-, N-) - - and(N-, or(S+, R+)) + - R- + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-11275 type: explored -- comm_cost: 0.5335937500000001 - complexity: 10 +- comm_cost: 0.29699074074074094 + complexity: 20 expressions: + - K+ + - N+ - R- - - S+ - - and(N-, or(S+, SE+)) + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-11276 type: explored -- comm_cost: 0.44125000000000036 +- comm_cost: 0.12239583333333348 complexity: 17 expressions: + - N+ + - R- + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) name: explored-11277 type: explored -- comm_cost: 0.5834664351851853 - complexity: 18 +- comm_cost: 0.36588541666666685 + complexity: 23 expressions: + - K+ - N+ - - N- - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, K-) name: explored-11278 type: explored -- comm_cost: 0.6421875000000002 +- comm_cost: 0.3923611111111114 complexity: 12 expressions: - - R- - - S+ + - N+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, SE-) name: explored-11279 type: explored -- comm_cost: 0.44010416666666685 - complexity: 21 +- comm_cost: 0.37126736111111125 + complexity: 12 expressions: - K+ - - N+ - - R- + - K+ - S+ - - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, R+) name: explored-11280 type: explored -- comm_cost: 0.6850694444444446 - complexity: 7 +- comm_cost: 0.6329861111111112 + complexity: 9 expressions: - - N+ + - K+ - R+ - - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-11281 type: explored -- comm_cost: 0.500138888888889 - complexity: 9 +- comm_cost: 0.5793750000000002 + complexity: 8 expressions: - - K+ - - K+ - - K- - N+ + - R+ - R- - SE- - - and(N-, R+) + - or(N+, not(R+)) name: explored-11282 type: explored -- comm_cost: 0.5780381944444445 - complexity: 9 +- comm_cost: 0.5090277777777779 + complexity: 10 expressions: - K+ - - N+ - - R+ - R- - - S- - - SE- - - or(N+, R-) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-11283 type: explored -- comm_cost: 0.6937500000000001 - complexity: 12 +- comm_cost: 0.2958333333333336 + complexity: 20 expressions: - - and(N-, or(K+, SE+)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) - and(or(K+, S-), or(SE-, N+)) name: explored-11284 type: explored -- comm_cost: 0.6354166666666667 - complexity: 11 +- comm_cost: 0.45572916666666685 + complexity: 14 expressions: - - and(K-, or(SE-, N+)) + - N+ + - R- + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, N-) - - and(S-, SE-) name: explored-11285 type: explored -- comm_cost: 0.5214409722222224 - complexity: 9 +- comm_cost: 0.6575086805555557 + complexity: 22 expressions: - - R+ - - and(S-, SE-) - - not(R+) - - or(S+, R-) + - R- + - and(K-, N-) + - and(K-, or(S+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) + - or(K+, R-) name: explored-11286 type: explored -- comm_cost: 0.2739583333333335 - complexity: 18 +- comm_cost: 0.552777777777778 + complexity: 13 expressions: - N+ - - R- - - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, R-) name: explored-11287 type: explored -- comm_cost: 0.40937500000000016 - complexity: 15 +- comm_cost: 0.744965277777778 + complexity: 5 expressions: + - N+ - R+ - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(SE+, N-) - - or(N+, R-) + - or(K+, R+) name: explored-11288 type: explored -- comm_cost: 0.6037847222222223 - complexity: 12 +- comm_cost: 0.31953125000000027 + complexity: 14 expressions: - N+ - - R- - - SE- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(K+, S-) - - or(K+, SE+) + - and(S-, SE-) name: explored-11289 type: explored -- comm_cost: 0.6430208333333335 - complexity: 6 +- comm_cost: 0.5827170138888891 + complexity: 17 expressions: - - R+ + - K- + - N+ + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - not(R-) + - and(S-, not(R-)) name: explored-11290 type: explored -- comm_cost: 0.5705729166666668 +- comm_cost: 0.5337094907407407 complexity: 12 expressions: - - K+ - - R+ - - and(N-, not(R-)) + - SE+ + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, N+) + - or(S+, R+) name: explored-11291 type: explored -- comm_cost: 0.3773148148148151 - complexity: 21 +- comm_cost: 0.4378472222222224 + complexity: 13 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(N+, R-) + - N+ + - R- + - SE- + - and(N-, or(K+, R+)) + - and(N-, or(K+, R+)) name: explored-11292 type: explored -- comm_cost: 0.3583043981481483 - complexity: 18 +- comm_cost: 0.16562500000000036 + complexity: 10 expressions: - K+ - - K+ - N+ - - R- - S+ - - and(K-, N-) - - and(K-, not(R+)) + - S+ - and(N-, R+) - and(S-, SE-) name: explored-11293 type: explored -- comm_cost: 0.502789351851852 - complexity: 25 +- comm_cost: 0.5128472222222223 + complexity: 16 expressions: - - K+ - - K- - - N+ + - R+ - R- - - S+ - - and(N-, R+) + - SE- + - and(K-, or(SE-, N+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-11294 type: explored -- comm_cost: 0.6604166666666669 - complexity: 6 +- comm_cost: 0.6152777777777778 + complexity: 8 expressions: - - SE- - - and(N-, R+) - - not(R-) + - N+ + - and(K-, not(R+)) + - and(S-, SE-) name: explored-11295 type: explored -- comm_cost: 0.5866145833333335 - complexity: 12 +- comm_cost: 0.6509548611111112 + complexity: 15 expressions: - - N+ - - R- - - S+ - - and(K-, N-) + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - or(K+, S-) + - or(K+, K-) name: explored-11296 type: explored -- comm_cost: 0.6595486111111113 - complexity: 5 +- comm_cost: 0.6628472222222221 + complexity: 6 expressions: - - R+ + - K+ + - R- - SE- - - or(K+, R+) + - or(K+, N+) name: explored-11297 type: explored -- comm_cost: 0.7729166666666667 - complexity: 10 +- comm_cost: 0.4472135416666668 + complexity: 17 expressions: - - and(K-, or(SE-, N+)) - - and(SE-, or(K+, S-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(S+, or(N+, R-)) name: explored-11298 type: explored -- comm_cost: 0.5724826388888891 - complexity: 19 +- comm_cost: 0.7664062500000001 + complexity: 4 expressions: - - S- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(K-, N-) name: explored-11299 type: explored -- comm_cost: 0.8191666666666667 - complexity: 4 +- comm_cost: 0.3070023148148149 + complexity: 16 expressions: - - N- - - or(K+, K-) + - K+ + - N+ + - R- + - S+ + - SE+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-11300 type: explored -- comm_cost: 0.6705882936507938 - complexity: 38 +- comm_cost: 0.5601273148148149 + complexity: 9 expressions: - - K- - - S- - - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), not(R-)) - - or(K+, R-) - - or(N+, not(R+)) + - K+ + - R+ + - R- + - and(S-, N-) + - or(N+, R-) name: explored-11301 type: explored -- comm_cost: 0.6595486111111113 - complexity: 7 +- comm_cost: 0.3187500000000002 + complexity: 16 expressions: - - R+ - - SE- - - and(K-, or(S+, R+)) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-11302 type: explored -- comm_cost: 0.48454861111111125 - complexity: 17 +- comm_cost: 0.5776909722222224 + complexity: 11 expressions: - - N+ - R- - SE- - - and(K-, not(R-)) + - and(K-, N-) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-11303 type: explored -- comm_cost: 0.6296440972222221 - complexity: 16 +- comm_cost: 0.6221875000000001 + complexity: 27 expressions: - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(SE-, N+) + - SE+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) + - or(K+, S-) + - or(N+, not(R+)) name: explored-11304 type: explored -- comm_cost: 0.3451388888888892 - complexity: 7 +- comm_cost: 0.7091319444444445 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - SE- - - and(N-, R+) + - and(K-, or(S+, R-)) + - and(S-, not(R-)) + - not(R-) name: explored-11305 type: explored -- comm_cost: 0.46802083333333355 - complexity: 8 +- comm_cost: 0.4261284722222224 + complexity: 16 expressions: - - K+ - N+ - - N- - R- - - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-11306 type: explored -- comm_cost: 0.5142361111111112 - complexity: 13 +- comm_cost: 0.557638888888889 + complexity: 12 expressions: - - N+ - - R+ - - R- - SE- - - and(N-, or(S+, R+)) - - and(S-, not(R+)) + - and(N-, R+) + - and(S-, N-) + - or(K+, or(N+, R-)) name: explored-11307 type: explored -- comm_cost: 0.624537037037037 - complexity: 15 +- comm_cost: 0.5928645833333334 + complexity: 13 expressions: - N+ + - N- - R- + - S+ - and(S-, SE-) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-11308 type: explored -- comm_cost: 0.5372395833333334 - complexity: 13 +- comm_cost: 0.6359953703703705 + complexity: 10 expressions: - - N+ - R+ - - R- - SE- - - and(N-, not(R-)) - - and(S-, or(SE-, N+)) + - and(K-, or(S+, R+)) + - and(S-, N-) name: explored-11309 type: explored -- comm_cost: 0.2328125000000003 +- comm_cost: 0.31510416666666696 complexity: 13 expressions: - - K+ - N+ - - and(K-, S+) + - R- - and(N-, R+) - - and(S-, SE-) - - not(R+) + - and(S-, or(SE-, N+)) + - or(K+, R-) name: explored-11310 type: explored -- comm_cost: 0.45416666666666683 - complexity: 15 +- comm_cost: 0.3324363425925929 + complexity: 23 expressions: - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, R+) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11311 type: explored -- comm_cost: 0.41311342592592615 - complexity: 16 +- comm_cost: 0.3435763888888891 + complexity: 19 expressions: - N+ - - N- - R- - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-11312 type: explored -- comm_cost: 0.40421875000000007 +- comm_cost: 0.364930555555556 complexity: 24 expressions: - K+ - - K+ - - N+ - - R- - - S+ + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(S-, or(SE-, N+)) - - or(S+, SE+) + - and(or(K+, S-), not(R+)) name: explored-11313 type: explored -- comm_cost: 0.8 - complexity: 6 +- comm_cost: 0.6310763888888891 + complexity: 11 expressions: - - or(K+, S-) - - or(S+, SE+) + - R+ + - SE+ + - and(S-, or(N+, not(R+))) + - or(S+, R-) name: explored-11314 type: explored -- comm_cost: 0.6716145833333333 - complexity: 6 +- comm_cost: 0.16458333333333353 + complexity: 19 expressions: - K+ - N+ - R- - - or(SE-, N+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-11315 type: explored -- comm_cost: 0.4218888888888892 - complexity: 21 +- comm_cost: 0.6189236111111113 + complexity: 22 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, N+) - - or(K+, S-) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-11316 type: explored -- comm_cost: 0.3593750000000002 - complexity: 19 +- comm_cost: 0.5330729166666668 + complexity: 11 expressions: - K+ + - N+ - R- - - S+ + - S- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) name: explored-11317 type: explored -- comm_cost: 0.5267361111111113 - complexity: 10 +- comm_cost: 0.3695312500000002 + complexity: 14 expressions: - - R+ + - N+ + - R- + - and(K-, N-) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-11318 type: explored -- comm_cost: 0.7220486111111112 - complexity: 6 +- comm_cost: 0.6320891203703705 + complexity: 15 expressions: - - and(S-, N-) - - or(K+, R-) + - R+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-11319 type: explored -- comm_cost: 0.8320312500000001 - complexity: 10 +- comm_cost: 0.5311631944444446 + complexity: 14 expressions: - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) + - N+ + - R- + - and(K-, N-) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-11320 type: explored -- comm_cost: 0.46006944444444464 - complexity: 23 +- comm_cost: 0.12899305555555585 + complexity: 15 expressions: - - K+ - N+ - R- - - S- - - and(K-, N-) + - S+ - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, N+) name: explored-11321 type: explored -- comm_cost: 0.49861111111111145 - complexity: 10 +- comm_cost: 0.7690972222222222 + complexity: 6 expressions: + - R- + - S+ - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - or(K+, R-) name: explored-11322 type: explored -- comm_cost: 0.5445717592592594 - complexity: 15 +- comm_cost: 0.5369791666666669 + complexity: 12 expressions: - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(K+, K-) + - R+ + - SE- + - and(K-, not(R+)) + - and(K-, or(S+, R-)) name: explored-11323 type: explored -- comm_cost: 0.7345601851851853 - complexity: 9 +- comm_cost: 0.7513246527777779 + complexity: 25 expressions: - - K- - - R+ - - and(and(K-, N-), or(S+, SE+)) + - N- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, S-) + - or(S+, SE+) name: explored-11324 type: explored -- comm_cost: 0.42000000000000015 +- comm_cost: 0.6785590277777779 complexity: 10 expressions: - R- - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - SE- + - and(N-, or(K+, S-)) + - or(S+, N+) name: explored-11325 type: explored -- comm_cost: 0.6123263888888889 - complexity: 7 +- comm_cost: 0.1571180555555558 + complexity: 16 expressions: - K+ - N+ - R- - - SE- - - or(K+, R-) + - S+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-11326 type: explored -- comm_cost: 0.6524305555555557 - complexity: 15 +- comm_cost: 0.6924305555555557 + complexity: 8 expressions: - - and(N-, or(K+, R+)) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - R+ + - R- + - SE- + - not(R-) + - or(K+, S-) name: explored-11327 type: explored -- comm_cost: 0.723389384920635 - complexity: 32 +- comm_cost: 0.47578125000000016 + complexity: 21 expressions: - - N+ - - S- - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) - and(N-, or(K+, S-)) - - and(S-, not(R+)) - - not(R-) - - or(K+, K-) - - or(S+, R-) - - or(S+, SE+) + - and(S-, SE-) + - or(SE-, N+) name: explored-11328 type: explored -- comm_cost: 0.3789062500000001 - complexity: 16 +- comm_cost: 0.5128472222222225 + complexity: 12 expressions: - - K+ - - K+ - N+ + - N- - R- + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-11329 type: explored -- comm_cost: 0.5027777777777781 - complexity: 10 +- comm_cost: 0.3869791666666669 + complexity: 9 expressions: + - K+ + - N+ + - SE- - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(SE+, N-) name: explored-11330 type: explored -- comm_cost: 0.3421875000000002 - complexity: 15 +- comm_cost: 0.3618055555555557 + complexity: 17 expressions: - - K+ - N+ - R+ + - R+ - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - S+ - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-11331 type: explored -- comm_cost: 0.5258680555555557 - complexity: 17 +- comm_cost: 0.6552083333333334 + complexity: 8 expressions: - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - R+ + - R- + - S- + - and(S-, or(SE-, N+)) name: explored-11332 type: explored -- comm_cost: 2.220446049250313e-16 - complexity: 13 +- comm_cost: 0.6213541666666668 + complexity: 5 expressions: - - K+ - - N+ - - R- - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(SE+, N-) name: explored-11333 type: explored -- comm_cost: 0.5125000000000001 - complexity: 15 +- comm_cost: 0.6992187500000001 + complexity: 12 + expressions: + - R+ + - and(K-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) + name: explored-11334 + type: explored +- comm_cost: 0.25017361111111125 + complexity: 23 expressions: - N+ - R- - S+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, R-) - name: explored-11334 - type: explored -- comm_cost: 0.6689236111111112 - complexity: 5 - expressions: - - SE+ - - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-11335 type: explored -- comm_cost: 0.5447916666666668 - complexity: 10 +- comm_cost: 0.6825520833333334 + complexity: 4 expressions: - N+ - R- - - S+ - - SE- - - and(N-, R+) - - or(K+, K-) + - not(R+) name: explored-11336 type: explored -- comm_cost: 0.5678240740740743 - complexity: 12 +- comm_cost: 0.6131944444444446 + complexity: 11 expressions: - - N+ - - R- - - and(K-, or(S+, R+)) + - K+ + - SE- - and(N-, R+) - - not(R-) + - and(and(K-, N-), not(R-)) name: explored-11337 type: explored -- comm_cost: 0.4872106481481483 - complexity: 26 +- comm_cost: 0.6644097222222223 + complexity: 47 expressions: - - K+ - - N+ - - R- - - S- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) + - or(K+, or(N+, R-)) + - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-11338 type: explored -- comm_cost: 0.4890625000000002 - complexity: 15 +- comm_cost: 0.12291666666666701 + complexity: 13 expressions: - K+ - N+ - - SE+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - or(N+, R-) name: explored-11339 type: explored -- comm_cost: 0.32187500000000013 - complexity: 14 +- comm_cost: 0.2498263888888892 + complexity: 15 expressions: - N+ - - R- - - SE+ - - and(K-, or(S+, N+)) + - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - or(S+, R-) name: explored-11340 type: explored -- comm_cost: 0.6700520833333334 - complexity: 8 +- comm_cost: 0.46875000000000033 + complexity: 10 expressions: - - K+ - - R+ - - R- - - and(N-, or(S+, SE+)) + - N+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-11341 type: explored -- comm_cost: 0.5634548611111113 - complexity: 13 +- comm_cost: 0.24375000000000013 + complexity: 17 expressions: + - K+ - N+ + - R- - SE- - and(N-, R+) - - or(S+, R+) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-11342 type: explored -- comm_cost: 0.6552083333333335 - complexity: 14 - expressions: - - R+ - - SE- - - and(K-, or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) - name: explored-11343 - type: explored -- comm_cost: 0.4108333333333335 - complexity: 13 +- comm_cost: 0.5134548611111113 + complexity: 23 expressions: - K+ - N+ - R- - S+ + - S- + - and(K-, not(R-)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, S-) - name: explored-11344 + name: explored-11343 type: explored -- comm_cost: 0.3763888888888889 - complexity: 9 +- comm_cost: 0.7 + complexity: 4 expressions: - K+ - - N+ + - K- - R- - - and(S-, SE-) - - or(K+, R+) + - SE- + name: explored-11344 + type: explored +- comm_cost: 0.7838541666666667 + complexity: 8 + expressions: + - S+ + - and(and(K-, N-), or(S+, SE+)) name: explored-11345 type: explored -- comm_cost: 0.4751736111111112 - complexity: 9 +- comm_cost: 0.8317708333333333 + complexity: 11 expressions: - - N+ - - R+ - - R- - - and(K-, SE-) - - or(K+, R+) + - and(K-, or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-11346 type: explored -- comm_cost: 0.4833333333333334 - complexity: 9 +- comm_cost: 0.6040277777777779 + complexity: 11 expressions: - - K+ - N+ - - R- - - SE- - - and(N-, or(S+, R+)) + - and(N-, R+) + - not(R-) + - or(K+, or(N+, R-)) name: explored-11347 type: explored -- comm_cost: 0.6787413194444445 - complexity: 35 +- comm_cost: 0.35001157407407424 + complexity: 18 expressions: - - SE+ - - and(K-, or(S+, R+)) - - and(N-, or(K+, S-)) + - K+ + - K+ + - R- + - S+ + - and(N-, R+) - and(N-, or(S+, R+)) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(S+, R+) name: explored-11348 type: explored -- comm_cost: 0.5236979166666668 - complexity: 15 +- comm_cost: 0.4843750000000001 + complexity: 11 expressions: - N+ - - R+ - R- - - SE- - - and(N-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-11349 type: explored -- comm_cost: 0.3040364583333335 - complexity: 15 +- comm_cost: 0.6880208333333333 + complexity: 10 expressions: - K+ - N+ - R- - S+ - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - and(K-, or(N+, not(R+))) name: explored-11350 type: explored -- comm_cost: 0.5594907407407409 - complexity: 15 +- comm_cost: 0.6088541666666668 + complexity: 9 expressions: - - N+ + - R+ - R- - - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(K+, S-) + - and(K-, not(R-)) + - or(S+, N+) name: explored-11351 type: explored -- comm_cost: 0.37656250000000013 - complexity: 16 +- comm_cost: 0.6118344907407408 + complexity: 9 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - and(N-, not(R-)) + - or(K+, R+) name: explored-11352 type: explored -- comm_cost: 0.32343750000000027 - complexity: 8 +- comm_cost: 0.4720486111111112 + complexity: 9 expressions: - - K+ - - N+ - - N+ - - R- - - S+ - - and(N-, R+) + - R+ + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-11353 type: explored -- comm_cost: 0.4104166666666669 - complexity: 14 +- comm_cost: 0.32916666666666705 + complexity: 7 expressions: - K+ - - K+ - - R- - - S+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-11354 type: explored -- comm_cost: 0.5547743055555557 - complexity: 15 +- comm_cost: 0.2722222222222225 + complexity: 19 expressions: + - K+ + - K+ - N+ - - SE- - - and(K-, N-) + - S+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-11355 type: explored -- comm_cost: 0.40156250000000027 - complexity: 16 +- comm_cost: 0.2937500000000004 + complexity: 11 expressions: + - N+ + - SE- + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) name: explored-11356 type: explored -- comm_cost: 0.6253627645502646 - complexity: 35 +- comm_cost: 0.21770833333333361 + complexity: 13 expressions: - - N- + - K+ + - K+ + - N+ - S+ - and(K-, SE-) - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R+)) - - or(N+, not(R+)) - - or(S+, N+) + - and(S-, SE-) name: explored-11357 type: explored -- comm_cost: 0.6555125661375663 - complexity: 37 +- comm_cost: 0.5972800925925927 + complexity: 19 expressions: - N+ - - SE- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) - - and(N-, or(S+, R+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) - - not(R-) - - or(S+, R+) + - and(K-, not(R+)) + - and(K-, or(S+, R+)) + - and(SE+, N-) + - or(N+, R-) + - or(S+, N+) name: explored-11358 type: explored -- comm_cost: 0.8696180555555555 - complexity: 8 +- comm_cost: 0.5697916666666668 + complexity: 4 expressions: - - or(K+, or(N+, R-)) - - or(N+, R-) + - N+ + - N+ + - R+ + - SE- name: explored-11359 type: explored -- comm_cost: 0.6589409722222224 - complexity: 14 +- comm_cost: 0.569820601851852 + complexity: 10 expressions: + - N+ - R+ + - R- - SE- - - and(N-, or(K+, S-)) - - or(and(K-, S+), or(N+, R-)) + - or(K+, R+) + - or(S+, R+) name: explored-11360 type: explored -- comm_cost: 0.33854166666666685 - complexity: 13 +- comm_cost: 0.91875 + complexity: 1 expressions: - - N+ - - R- - - S+ - - SE+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) + - K+ name: explored-11361 type: explored -- comm_cost: 0.6003472222222224 - complexity: 8 +- comm_cost: 0.5712500000000003 + complexity: 15 expressions: - K+ - - R+ + - N+ - R- - - S- - - SE- - - or(K+, N+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) + - or(K+, S-) name: explored-11362 type: explored -- comm_cost: 0.5704224537037038 - complexity: 17 +- comm_cost: 0.5576041666666669 + complexity: 16 expressions: - - K- - N+ - R- - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) + - or(K+, R-) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-11363 type: explored -- comm_cost: 0.3611111111111114 - complexity: 12 +- comm_cost: 0.5609375000000002 + complexity: 9 expressions: - K+ - - and(K-, or(S+, R+)) + - R- - and(N-, R+) - - and(S-, SE-) + - and(N-, not(R-)) name: explored-11364 type: explored -- comm_cost: 0.7613715277777777 - complexity: 15 +- comm_cost: 0.5817708333333336 + complexity: 5 expressions: - - S+ - - and(K-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, or(N+, R-)) + - R+ + - R- + - and(N-, R+) name: explored-11365 type: explored -- comm_cost: 0.6021701388888889 - complexity: 16 +- comm_cost: 0.7017939814814816 + complexity: 10 expressions: + - R+ - R- - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, R-) + - and(N-, or(K+, SE+)) - or(N+, R-) name: explored-11366 type: explored -- comm_cost: 0.36944444444444446 - complexity: 17 +- comm_cost: 0.6076388888888891 + complexity: 11 expressions: - - N+ - - R- - - and(K-, or(S+, R+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-11367 type: explored -- comm_cost: 0.4040625000000002 +- comm_cost: 0.30625000000000036 complexity: 13 expressions: - K+ - - K+ - - K- - N+ - R- - S+ - - S+ + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) name: explored-11368 type: explored -- comm_cost: 0.7383333333333333 - complexity: 10 - expressions: - - N- - - R- - - SE- - - or(and(K-, SE-), or(N+, R-)) - name: explored-11369 - type: explored -- comm_cost: 0.3755208333333334 - complexity: 16 +- comm_cost: 0.3973958333333336 + complexity: 19 expressions: + - K+ - N+ - R- - - and(K-, or(S+, SE+)) + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(K+, R+) + name: explored-11369 + type: explored +- comm_cost: 0.6142361111111113 + complexity: 10 + expressions: + - K+ + - R+ + - SE- + - and(or(K+, S-), or(SE-, N+)) name: explored-11370 type: explored -- comm_cost: 0.37806712962962985 - complexity: 17 +- comm_cost: 0.7093750000000001 + complexity: 8 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, N-) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, or(N+, R-)) name: explored-11371 type: explored -- comm_cost: 0.42841435185185195 - complexity: 16 +- comm_cost: 0.3550000000000002 + complexity: 14 expressions: - K+ - - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - or(S+, SE+) name: explored-11372 type: explored -- comm_cost: 0.4702546296296297 - complexity: 14 +- comm_cost: 0.6822569444444446 + complexity: 36 expressions: - - R+ - - R- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(K-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - not(R-) - or(K+, R+) + - or(K+, S-) name: explored-11373 type: explored -- comm_cost: 0.5313541666666668 - complexity: 16 +- comm_cost: 0.509027777777778 + complexity: 19 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(S+, N+) + - SE- + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-11374 type: explored -- comm_cost: 0.19401041666666696 - complexity: 17 +- comm_cost: 0.42604166666666676 + complexity: 8 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) + - and(K-, SE-) - and(S-, SE-) - - or(K+, N+) - - or(S+, or(N+, R-)) name: explored-11375 type: explored -- comm_cost: 0.24490740740740757 - complexity: 15 +- comm_cost: 0.3373263888888891 + complexity: 18 expressions: - - K+ - - R- + - N+ - S+ - and(N-, R+) - - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-11376 type: explored -- comm_cost: 0.49539930555555567 - complexity: 17 +- comm_cost: 0.37899305555555574 + complexity: 20 expressions: - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, S-)) + - and(N-, or(K+, R+)) - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-11377 type: explored -- comm_cost: 0.08958333333333357 - complexity: 13 +- comm_cost: 0.7570833333333333 + complexity: 7 expressions: - - K+ - N+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - N+ + - SE- + - or(N+, not(R+)) name: explored-11378 type: explored -- comm_cost: 0.23385416666666703 - complexity: 15 +- comm_cost: 0.689273726851852 + complexity: 27 expressions: - - K+ - - N+ - - R- + - R+ - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) + - and(N-, not(R-)) + - and(and(K-, N-), not(R-)) + - or(K+, S-) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-11379 type: explored -- comm_cost: 0.828125 - complexity: 3 +- comm_cost: 0.5769097222222224 + complexity: 6 expressions: - - and(K-, SE-) + - N+ + - R+ + - SE- + - and(S-, N-) name: explored-11380 type: explored -- comm_cost: 0.42797453703703725 - complexity: 20 +- comm_cost: 0.7420138888888889 + complexity: 9 expressions: - N+ - - R- - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(N+, not(R+)) - name: explored-11381 - type: explored -- comm_cost: 0.6869791666666667 - complexity: 7 - expressions: - SE- - - or(K+, SE+) - - or(N+, R-) - name: explored-11382 + - and(K-, or(N+, not(R+))) + name: explored-11381 type: explored -- comm_cost: 0.3069444444444447 - complexity: 17 +- comm_cost: 0.4577083333333333 + complexity: 14 expressions: - K+ - K+ - N+ - R- - S+ - - and(N-, R+) - - and(S-, N-) + - S+ - and(S-, SE-) - - and(SE+, N-) + - and(SE-, or(K+, S-)) + name: explored-11382 + type: explored +- comm_cost: 0.5267361111111113 + complexity: 10 + expressions: + - R+ + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-11383 type: explored -- comm_cost: 0.6583333333333334 - complexity: 8 +- comm_cost: 0.5574652777777779 + complexity: 10 expressions: - - K+ + - N+ - R+ - R- - - and(K-, or(S+, SE+)) + - S+ + - SE- + - and(N-, or(S+, SE+)) name: explored-11384 type: explored -- comm_cost: 0.46119791666666676 - complexity: 19 +- comm_cost: 0.5686631944444446 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, not(R-)) - - and(N-, R+) + - R+ + - and(K-, or(S+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - not(R+) name: explored-11385 type: explored -- comm_cost: 0.49036458333333355 - complexity: 12 +- comm_cost: 0.6530532407407408 + complexity: 30 expressions: - - R+ - - R+ - - R- - - SE- - - and(S-, SE-) - - or(S+, or(N+, R-)) + - K- + - N+ + - SE+ + - and(K-, N-) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, N-) + - and(S-, or(SE-, N+)) + - not(R+) + - or(and(K-, S+), or(N+, R-)) name: explored-11386 type: explored -- comm_cost: 0.7145833333333335 - complexity: 8 +- comm_cost: 0.7754166666666668 + complexity: 7 expressions: - - and(K-, S+) - - and(N-, or(K+, R+)) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-11387 type: explored -- comm_cost: 0.8231770833333334 - complexity: 12 +- comm_cost: 0.43750000000000033 + complexity: 11 expressions: - - and(K-, or(S+, N+)) - - or(and(K-, SE-), or(N+, R-)) + - R- + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-11388 type: explored -- comm_cost: 0.6147280092592594 - complexity: 19 +- comm_cost: 0.5971209490740742 + complexity: 25 expressions: - - R+ - - and(K-, SE-) - - and(or(K+, S-), not(R+)) - - not(R+) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - S- + - and(K-, or(S+, N+)) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - and(SE+, N-) + - or(K+, N+) + - or(S+, R-) name: explored-11389 type: explored -- comm_cost: 0.6366319444444446 - complexity: 11 +- comm_cost: 0.6659722222222222 + complexity: 9 expressions: - N+ - - SE- - - and(N-, R+) - - or(K+, K-) - - or(K+, R+) + - R- + - S+ + - and(S-, or(N+, not(R+))) name: explored-11390 type: explored -- comm_cost: 0.5817708333333335 - complexity: 12 +- comm_cost: 0.4947048611111112 + complexity: 14 expressions: - - R+ + - N+ - R- - SE- - - and(and(K-, N-), not(R-)) - - or(S+, R-) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, N-) name: explored-11391 type: explored -- comm_cost: 0.330277777777778 - complexity: 18 +- comm_cost: 0.6789930555555557 + complexity: 9 expressions: - - K+ - - N+ - - R- - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(S+, SE+) + - SE- + - and(and(K-, N-), or(S+, R+)) name: explored-11392 type: explored -- comm_cost: 0.20677083333333357 - complexity: 18 +- comm_cost: 0.6294270833333334 + complexity: 17 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- + - and(K-, or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11393 type: explored -- comm_cost: 0.45613425925925943 - complexity: 18 +- comm_cost: 0.705729166666667 + complexity: 6 expressions: - - N+ - - R- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(SE+, N-) name: explored-11394 type: explored -- comm_cost: 0.42152777777777795 - complexity: 20 +- comm_cost: 0.5659722222222224 + complexity: 13 + expressions: + - N+ + - R+ + - SE- + - and(N-, or(K+, R+)) + - or(K+, or(N+, R-)) + name: explored-11395 + type: explored +- comm_cost: 0.4911458333333333 + complexity: 12 expressions: - - K+ - K+ - N+ - R- - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(K+, SE+) - - or(SE-, N+) - name: explored-11395 + - and(S-, or(SE-, N+)) + name: explored-11396 type: explored -- comm_cost: 0.5859375000000001 - complexity: 19 +- comm_cost: 0.6377565310846561 + complexity: 39 expressions: - R+ - - R- + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-11396 + - and(S-, not(R-)) + - or(S+, N+) + - or(S+, SE+) + name: explored-11397 type: explored -- comm_cost: 0.46883680555555574 - complexity: 20 +- comm_cost: 0.41166666666666685 + complexity: 9 expressions: - K+ - N+ - - R- - - S+ - - and(K-, S+) + - N- - and(N-, R+) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-11397 + - and(S-, SE-) + name: explored-11398 type: explored -- comm_cost: 0.4783333333333337 - complexity: 8 +- comm_cost: 0.3895833333333336 + complexity: 9 expressions: - N+ + - R- + - SE- - and(N-, R+) - - or(N+, not(R+)) - name: explored-11398 - type: explored -- comm_cost: 0.6494791666666668 - complexity: 10 - expressions: - - R+ - - not(R+) - - or(and(K-, SE-), or(N+, R-)) + - and(SE+, N-) name: explored-11399 type: explored -- comm_cost: 0.41669560185185195 - complexity: 17 +- comm_cost: 0.43518518518518534 + complexity: 18 expressions: + - K+ - N+ - - R- + - S- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - and(and(K-, N-), not(R-)) - - or(S+, R+) name: explored-11400 type: explored -- comm_cost: 0.6083333333333335 - complexity: 6 +- comm_cost: 0.6267361111111113 + complexity: 10 expressions: - - K+ - - K- - - SE- - - and(N-, R+) + - R+ + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) name: explored-11401 type: explored -- comm_cost: 0.22552083333333361 - complexity: 20 +- comm_cost: 0.47239583333333346 + complexity: 14 expressions: - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) name: explored-11402 type: explored -- comm_cost: 0.3888888888888893 +- comm_cost: 0.5236111111111112 complexity: 12 expressions: - - K+ + - N+ - R- - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - SE+ + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-11403 type: explored -- comm_cost: 0.5616030092592594 - complexity: 15 +- comm_cost: 0.404166666666667 + complexity: 11 expressions: - - R- - - S- + - N+ + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-11404 type: explored -- comm_cost: 0.4013310185185187 - complexity: 16 +- comm_cost: 0.4852777777777778 + complexity: 13 expressions: + - K+ - N+ - R- - - and(K-, N-) - - and(N-, R+) - - and(N-, or(S+, R+)) + - R- + - and(K-, S+) - and(S-, SE-) + - or(K+, S-) name: explored-11405 type: explored -- comm_cost: 0.554513888888889 +- comm_cost: 0.5581597222222224 complexity: 13 expressions: - - R+ - - R- - - and(K-, not(R+)) - - and(N-, not(R-)) - - and(S-, SE-) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(SE-, N+) name: explored-11406 type: explored -- comm_cost: 0.7906250000000001 - complexity: 1 - expressions: - - S- - name: explored-11407 - type: explored -- comm_cost: 0.5743055555555556 - complexity: 8 +- comm_cost: 0.5085416666666669 + complexity: 19 expressions: - - and(N-, or(S+, R+)) + - K- + - N+ + - R- + - and(N-, R+) - and(S-, SE-) - name: explored-11408 + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) + name: explored-11407 type: explored -- comm_cost: 0.5870659722222225 - complexity: 10 +- comm_cost: 0.4422743055555558 + complexity: 13 expressions: - - R+ + - K+ + - N+ - R- + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - name: explored-11409 + - and(N-, R+) + - or(K+, SE+) + name: explored-11408 type: explored -- comm_cost: 0.456527777777778 - complexity: 17 +- comm_cost: 0.15000000000000036 + complexity: 12 expressions: - K+ - - N+ - R- + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - not(R-) + name: explored-11409 + type: explored +- comm_cost: 0.7273611111111112 + complexity: 8 + expressions: + - R+ + - SE+ + - or(K+, S-) + - or(N+, R-) name: explored-11410 type: explored -- comm_cost: 0.5204166666666669 +- comm_cost: 0.6955729166666668 complexity: 8 expressions: - - K- - N+ - - and(N-, R+) - - and(S-, SE-) + - and(K-, SE-) + - and(K-, not(R-)) name: explored-11411 type: explored -- comm_cost: 0.5298611111111112 - complexity: 15 +- comm_cost: 0.5455729166666669 + complexity: 6 expressions: + - K+ - R+ - R- - - SE- - - and(K-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-11412 type: explored -- comm_cost: 0.32531828703703725 - complexity: 25 +- comm_cost: 0.7197916666666668 + complexity: 5 expressions: - - K+ - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - SE+ + - or(K+, R-) name: explored-11413 type: explored -- comm_cost: 0.6127604166666668 - complexity: 19 +- comm_cost: 0.4036458333333335 + complexity: 15 expressions: - - and(K-, or(S+, R-)) - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - and(or(K+, S-), not(R-)) + - K+ + - R+ + - R- + - SE+ + - and(K-, S+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-11414 type: explored -- comm_cost: 0.6388020833333334 - complexity: 11 +- comm_cost: 0.3817129629629632 + complexity: 24 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(N-, or(K+, S-)) - - not(R-) + - SE+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-11415 type: explored -- comm_cost: 0.6222222222222223 - complexity: 15 +- comm_cost: 0.79921875 + complexity: 14 expressions: - - R- - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(N-, or(K+, SE+)) + - and(K-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-11416 type: explored -- comm_cost: 0.34592013888888906 - complexity: 28 +- comm_cost: 0.3734953703703705 + complexity: 18 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) + - and(K-, not(R+)) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-11417 type: explored -- comm_cost: 0.4813888888888891 - complexity: 14 +- comm_cost: 0.7083101851851853 + complexity: 6 expressions: - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE+ - or(K+, S-) - - or(S+, N+) name: explored-11418 type: explored -- comm_cost: 0.6773958333333334 - complexity: 7 +- comm_cost: 0.6796875 + complexity: 5 expressions: - - N- - - R+ - - and(N-, or(K+, R+)) + - N+ + - SE- + - and(K-, SE-) name: explored-11419 type: explored -- comm_cost: 0.2180555555555559 - complexity: 13 +- comm_cost: 0.1097222222222225 + complexity: 20 expressions: + - K+ - N+ - R- + - and(K-, S+) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - or(K+, or(N+, R-)) name: explored-11420 type: explored -- comm_cost: 0.6333333333333334 - complexity: 11 +- comm_cost: 0.37868923611111127 + complexity: 23 expressions: + - K+ - N+ - R- - - SE- - - and(N-, or(K+, R+)) - - or(K+, K-) + - S- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - and(or(K+, S-), not(R+)) name: explored-11421 type: explored -- comm_cost: 0.3125000000000002 - complexity: 7 +- comm_cost: 0.5536458333333333 + complexity: 8 expressions: + - K+ + - N+ - R- - - and(N-, R+) - and(S-, SE-) + - not(R+) name: explored-11422 type: explored -- comm_cost: 0.5708333333333335 - complexity: 8 +- comm_cost: 0.7395399305555557 + complexity: 10 expressions: - - K+ - R+ - - SE- - - and(S-, or(SE-, N+)) + - and(SE+, N-) + - and(SE+, N-) + - or(K+, SE+) name: explored-11423 type: explored -- comm_cost: 0.5383333333333337 +- comm_cost: 0.7819444444444444 complexity: 7 expressions: - - and(N-, R+) - - or(N+, not(R+)) + - SE- + - and(K-, SE-) + - or(S+, N+) name: explored-11424 type: explored -- comm_cost: 0.20506365740740762 - complexity: 20 +- comm_cost: 0.6627893518518521 + complexity: 16 expressions: - - K+ - - K+ - - N+ - - R- + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-11425 type: explored -- comm_cost: 0.8760416666666666 - complexity: 3 +- comm_cost: 0.558324652777778 + complexity: 23 expressions: - - or(N+, R-) + - K+ + - N+ + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) name: explored-11426 type: explored -- comm_cost: 0.3730902777777778 - complexity: 17 +- comm_cost: 0.41399305555555577 + complexity: 13 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(S-, N-) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - S+ + - and(N-, R+) + - or(K+, R-) + - or(N+, not(R+)) name: explored-11427 type: explored -- comm_cost: 0.5520833333333335 - complexity: 5 +- comm_cost: 0.6377604166666668 + complexity: 11 expressions: - - N+ - R+ - - and(K-, SE-) + - SE- + - and(K-, not(R+)) + - and(N-, or(S+, SE+)) name: explored-11428 type: explored -- comm_cost: 0.61640625 - complexity: 7 +- comm_cost: 0.5348958333333335 + complexity: 11 expressions: - - N+ + - R+ - SE- - - and(N-, or(K+, S-)) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) name: explored-11429 type: explored -- comm_cost: 0.7114583333333335 - complexity: 5 - expressions: - - R- - - S- - - SE- - - not(R+) - name: explored-11430 - type: explored -- comm_cost: 0.41527777777777797 - complexity: 12 +- comm_cost: 0.3471354166666669 + complexity: 20 expressions: - K+ - N+ - R- - - SE- + - and(K-, S+) - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) + name: explored-11430 + type: explored +- comm_cost: 0.8083333333333335 + complexity: 1 + expressions: + - SE+ name: explored-11431 type: explored -- comm_cost: 0.6368923611111112 - complexity: 13 +- comm_cost: 0.7930555555555555 + complexity: 5 expressions: - - R+ - R- - - R- - - or(K+, R-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - or(S+, R-) name: explored-11432 type: explored -- comm_cost: 0.34496527777777797 - complexity: 11 +- comm_cost: 0.19166666666666687 + complexity: 12 expressions: + - K+ - N+ - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(SE+, N-) name: explored-11433 type: explored -- comm_cost: 0.7430555555555556 - complexity: 9 - expressions: - - R- - - SE- - - or(and(S-, SE-), or(N+, R-)) - name: explored-11434 - type: explored -- comm_cost: 0.2122685185185189 - complexity: 19 +- comm_cost: 0.15156250000000027 + complexity: 12 expressions: - K+ - - K+ - N+ - R- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, R-) + name: explored-11434 + type: explored +- comm_cost: 0.6783420138888889 + complexity: 25 + expressions: + - and(K-, S+) + - and(K-, SE-) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) + - and(S-, N-) + - and(and(S-, N-), not(R-)) name: explored-11435 type: explored -- comm_cost: 0.5383680555555557 - complexity: 12 +- comm_cost: 0.7612500000000001 + complexity: 9 expressions: - R+ - - R- - - and(K-, not(R-)) - - and(S-, SE-) - - or(S+, R+) + - and(K-, or(S+, N+)) + - or(S+, SE+) name: explored-11436 type: explored -- comm_cost: 0.6845486111111112 - complexity: 9 +- comm_cost: 0.6467447916666668 + complexity: 32 expressions: - - R+ - - and(K-, or(S+, R-)) - - or(K+, R+) + - R- + - S+ + - SE- + - and(K-, not(R-)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) + - or(K+, K-) + - or(K+, SE+) name: explored-11437 type: explored -- comm_cost: 0.6950520833333335 - complexity: 7 +- comm_cost: 0.8041666666666667 + complexity: 8 expressions: - - R+ - - and(K-, S+) - - or(K+, SE+) + - and(N-, or(K+, SE+)) + - or(S+, R-) name: explored-11438 type: explored -- comm_cost: 0.3185763888888893 - complexity: 14 +- comm_cost: 0.6308449074074075 + complexity: 9 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(K-, N-) + - or(K+, R+) name: explored-11439 type: explored -- comm_cost: 0.4304687500000004 - complexity: 19 +- comm_cost: 0.7368750000000001 + complexity: 8 expressions: - - N+ - - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - not(R+) - - or(and(S-, SE-), or(N+, R-)) + - K- + - and(K-, SE-) + - and(S-, not(R+)) name: explored-11440 type: explored -- comm_cost: 0.815625 +- comm_cost: 0.7875000000000001 complexity: 8 expressions: - - and(K-, or(S+, SE+)) - - or(S+, R+) + - N- + - SE- + - and(or(K+, S-), not(R+)) name: explored-11441 type: explored -- comm_cost: 0.7050659722222223 - complexity: 29 +- comm_cost: 0.6310763888888891 + complexity: 10 expressions: - - N- - R+ - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - not(R+) - - or(S+, SE+) + - SE+ + - SE- + - or(and(K-, S+), or(N+, R-)) name: explored-11442 type: explored -- comm_cost: 0.6812500000000001 - complexity: 16 +- comm_cost: 0.4531250000000002 + complexity: 12 expressions: - - R+ + - K+ - R- - - SE- - - and(K-, or(S+, R+)) - - or(K+, K-) - - or(K+, or(N+, R-)) - name: explored-11443 - type: explored -- comm_cost: 0.27890625000000036 - complexity: 14 - expressions: + - S- - and(N-, R+) - and(S-, SE-) - or(K+, N+) - - or(S+, or(N+, R-)) - name: explored-11444 + name: explored-11443 type: explored -- comm_cost: 0.27809606481481497 - complexity: 20 +- comm_cost: 0.5982986111111113 + complexity: 18 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(K+, or(N+, R-)) - name: explored-11445 + - and(N-, not(R-)) + - or(S+, SE+) + name: explored-11444 type: explored -- comm_cost: 0.48413194444444463 - complexity: 14 +- comm_cost: 0.6062500000000002 + complexity: 9 expressions: - - K+ - - N+ + - SE- - and(N-, R+) + - and(N-, or(K+, R+)) + name: explored-11445 + type: explored +- comm_cost: 0.5671875000000001 + complexity: 11 + expressions: + - R+ + - and(K-, S+) + - and(N-, not(R-)) - and(S-, SE-) - - and(SE+, N-) - - or(K+, S-) name: explored-11446 type: explored -- comm_cost: 0.4148148148148151 - complexity: 16 +- comm_cost: 0.7232349537037037 + complexity: 12 expressions: - - K+ + - N+ - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(S+, R-) + - SE- + - not(R+) + - or(and(K-, S+), or(N+, R-)) name: explored-11447 type: explored -- comm_cost: 0.21770833333333361 - complexity: 10 +- comm_cost: 0.5750000000000003 + complexity: 4 expressions: - - K+ - - R+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) name: explored-11448 type: explored -- comm_cost: 0.5250000000000001 - complexity: 20 +- comm_cost: 0.6700520833333334 + complexity: 8 expressions: + - K+ + - R+ - R- - - SE- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(S+, SE+)) name: explored-11449 type: explored -- comm_cost: 0.29895833333333366 - complexity: 11 - expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) - name: explored-11450 - type: explored -- comm_cost: 0.5895833333333335 - complexity: 4 +- comm_cost: 0.7386458333333334 + complexity: 8 expressions: + - K- - R+ - - and(K-, SE-) - name: explored-11451 + - and(K-, or(N+, not(R+))) + name: explored-11450 type: explored -- comm_cost: 0.523263888888889 - complexity: 15 +- comm_cost: 0.464340277777778 + complexity: 20 expressions: - K+ - - K+ - N+ - R- - - S+ - - S- - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - name: explored-11452 + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, SE+) + name: explored-11451 type: explored -- comm_cost: 0.3510416666666669 - complexity: 7 +- comm_cost: 0.5861979166666669 + complexity: 20 expressions: - N+ - - and(K-, SE-) - - and(N-, R+) - name: explored-11453 + - R+ + - R- + - SE- + - and(N-, or(K+, S-)) + - and(and(S-, N-), not(R-)) + - or(S+, or(N+, R-)) + name: explored-11452 type: explored -- comm_cost: 0.40312500000000007 - complexity: 9 +- comm_cost: 0.23385416666666692 + complexity: 17 expressions: - N+ - R- - - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - name: explored-11454 + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + name: explored-11453 type: explored -- comm_cost: 0.40906250000000033 - complexity: 20 +- comm_cost: 0.6277719907407409 + complexity: 37 expressions: - - K+ - N+ - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(N+, not(R+)) - name: explored-11455 + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE+, N-) + - and(SE-, or(K+, S-)) + - or(N+, R-) + - or(S+, or(N+, R-)) + name: explored-11454 type: explored -- comm_cost: 0.6062500000000002 - complexity: 12 +- comm_cost: 0.5429687500000001 + complexity: 8 expressions: + - N+ - R+ + - R- - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(N+, R-) - name: explored-11456 + - and(N-, not(R-)) + name: explored-11455 type: explored -- comm_cost: 0.6215277777777779 - complexity: 8 +- comm_cost: 0.34444444444444466 + complexity: 15 expressions: - K+ - N+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + name: explored-11456 + type: explored +- comm_cost: 0.6942708333333334 + complexity: 3 + expressions: + - R+ - R- - - and(N-, or(K+, SE+)) + - S- name: explored-11457 type: explored -- comm_cost: 0.75 - complexity: 8 +- comm_cost: 0.6149652777777779 + complexity: 12 expressions: - - and(N-, or(K+, S-)) - - or(S+, R+) + - R+ + - R- + - SE- + - and(or(K+, S-), or(SE-, N+)) + - not(R-) name: explored-11458 type: explored -- comm_cost: 0.45416666666666683 - complexity: 11 +- comm_cost: 0.5682291666666668 + complexity: 18 expressions: - - N+ - - R- - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-11459 type: explored -- comm_cost: 0.49861111111111145 - complexity: 8 +- comm_cost: 0.6880497685185186 + complexity: 22 expressions: - SE- - - and(K-, not(R+)) - - and(N-, R+) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) name: explored-11460 type: explored -- comm_cost: 0.5037760416666669 - complexity: 23 +- comm_cost: 0.3752604166666669 + complexity: 19 expressions: + - K+ - N+ + - R- + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) name: explored-11461 type: explored -- comm_cost: 0.6875000000000002 - complexity: 5 +- comm_cost: 0.7417534722222223 + complexity: 7 expressions: - - N+ - R+ - - or(N+, R-) + - or(K+, SE+) + - or(S+, R-) name: explored-11462 type: explored -- comm_cost: 0.31614583333333357 +- comm_cost: 0.2875000000000002 complexity: 13 expressions: - K+ - N+ - - R- - - SE- - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-11463 type: explored -- comm_cost: 0.7166666666666668 - complexity: 11 +- comm_cost: 0.6156250000000001 + complexity: 9 expressions: - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-11464 type: explored -- comm_cost: 0.3923611111111114 +- comm_cost: 0.679976851851852 complexity: 10 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - R+ + - and(K-, not(R-)) + - and(N-, or(K+, SE+)) name: explored-11465 type: explored -- comm_cost: 0.6855902777777779 - complexity: 11 - expressions: - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - name: explored-11466 - type: explored -- comm_cost: 0.06093750000000031 - complexity: 11 +- comm_cost: 0.3851562500000002 + complexity: 19 expressions: - - K+ - N+ - R- - - R- - - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R-)) + name: explored-11466 + type: explored +- comm_cost: 0.7280555555555557 + complexity: 5 + expressions: + - N- + - SE- + - or(K+, R+) name: explored-11467 type: explored -- comm_cost: 0.11388888888888915 - complexity: 12 +- comm_cost: 0.47187500000000027 + complexity: 14 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(and(K-, N-), or(S+, SE+)) name: explored-11468 type: explored -- comm_cost: 0.6493055555555557 - complexity: 6 +- comm_cost: 0.4569444444444446 + complexity: 18 expressions: + - K+ - N+ + - R- - SE- - - and(S-, not(R-)) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) name: explored-11469 type: explored -- comm_cost: 0.664236111111111 - complexity: 13 +- comm_cost: 0.4427083333333335 + complexity: 12 expressions: - N+ - R- - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) + - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-11470 type: explored -- comm_cost: 0.7309895833333334 - complexity: 2 +- comm_cost: 0.5088541666666668 + complexity: 14 expressions: - - R+ - - S- + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(K+, N+) name: explored-11471 type: explored -- comm_cost: 0.5854166666666668 - complexity: 8 +- comm_cost: 0.25312500000000027 + complexity: 14 expressions: - N+ - - R+ + - N+ - R- - - and(N-, or(K+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-11472 type: explored -- comm_cost: 0.7041666666666666 - complexity: 8 +- comm_cost: 0.52265625 + complexity: 10 expressions: - - and(S-, or(SE-, N+)) - - or(K+, R-) + - N+ + - R- + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-11473 type: explored -- comm_cost: 0.501041666666667 - complexity: 6 +- comm_cost: 0.6432291666666667 + complexity: 11 expressions: - - and(K-, SE-) - - and(N-, R+) + - R+ + - R- + - S- + - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-11474 type: explored -- comm_cost: 0.36875 - complexity: 14 +- comm_cost: 0.49531249999999993 + complexity: 12 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) + - and(K-, SE-) - and(S-, SE-) + - or(N+, R-) name: explored-11475 type: explored -- comm_cost: 0.34444444444444455 - complexity: 12 +- comm_cost: 0.6515939153439154 + complexity: 38 expressions: - - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - N+ + - N- + - and(K-, not(R+)) + - and(K-, or(S+, R-)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) + - or(N+, not(R+)) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-11476 type: explored -- comm_cost: 0.3720486111111113 +- comm_cost: 0.31796875000000024 complexity: 12 expressions: - N+ - - R- - - S+ - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-11477 type: explored -- comm_cost: 0.6345601851851852 - complexity: 8 +- comm_cost: 0.4611423611111112 + complexity: 16 expressions: - K+ - - R+ + - K+ + - N+ - R- - - and(S-, N-) - - not(R-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R+) + - or(K+, S-) name: explored-11478 type: explored -- comm_cost: 0.2244791666666669 - complexity: 13 +- comm_cost: 0.17430555555555582 + complexity: 20 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(N-, or(K+, R+)) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(S+, N+) name: explored-11479 type: explored -- comm_cost: 0.519791666666667 - complexity: 7 +- comm_cost: 0.662013888888889 + complexity: 8 expressions: - - N+ - - and(N-, R+) - - or(K+, N+) + - R+ + - or(N+, not(R+)) + - or(S+, R-) name: explored-11480 type: explored -- comm_cost: 0.4373263888888891 - complexity: 11 +- comm_cost: 0.41944444444444473 + complexity: 20 expressions: - - R+ + - R- - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, N+) - - or(S+, N+) + - and(or(K+, S-), or(SE-, N+)) name: explored-11481 type: explored -- comm_cost: 0.6269097222222224 +- comm_cost: 0.8027777777777778 complexity: 9 expressions: - - R+ - - SE- - - and(S-, not(R-)) - - or(S+, R-) + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) name: explored-11482 type: explored -- comm_cost: 0.7131076388888891 - complexity: 10 +- comm_cost: 0.7119994212962963 + complexity: 38 expressions: - - R+ - - SE- + - and(K-, N-) + - and(K-, or(S+, R+)) + - and(S-, N-) + - and(S-, not(R-)) + - and(S-, or(SE-, N+)) - and(SE+, N-) - - not(R-) + - and(or(K+, S-), not(R-)) - or(K+, K-) + - or(K+, S-) + - or(S+, R-) name: explored-11483 type: explored -- comm_cost: 0.4595486111111112 - complexity: 14 +- comm_cost: 0.74921875 + complexity: 11 expressions: - - R+ - - R- - - and(S-, SE-) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - N+ + - SE- + - and(K-, or(N+, not(R+))) + - or(S+, R-) name: explored-11484 type: explored -- comm_cost: 0.7125000000000001 - complexity: 4 +- comm_cost: 0.7354166666666666 + complexity: 5 expressions: - - R+ - - or(N+, R-) + - N+ + - SE- + - or(K+, K-) name: explored-11485 type: explored -- comm_cost: 0.751171875 - complexity: 7 +- comm_cost: 0.671310763888889 + complexity: 38 expressions: - - N- - - R+ - - not(R-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) - or(S+, R+) name: explored-11486 type: explored -- comm_cost: 0.737326388888889 - complexity: 16 +- comm_cost: 0.7130208333333334 + complexity: 14 expressions: + - R+ + - R- - and(K-, or(S+, R+)) - - and(N-, or(K+, R+)) - - or(K+, K-) - - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-11487 type: explored -- comm_cost: 0.3583333333333336 - complexity: 13 +- comm_cost: 0.5442708333333335 + complexity: 18 expressions: - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), not(R+)) name: explored-11488 type: explored -- comm_cost: 0.23460648148148167 - complexity: 18 +- comm_cost: 0.4555555555555557 + complexity: 20 expressions: - K+ - - K+ - - N+ - N+ - R- - - S+ - - SE+ - - and(K-, or(S+, R-)) + - R- + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-11489 type: explored -- comm_cost: 0.8606770833333333 - complexity: 6 +- comm_cost: 0.4636574074074076 + complexity: 16 expressions: + - K+ + - K+ + - N+ - R- - - or(S+, or(N+, R-)) + - S+ + - and(K-, N-) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-11490 type: explored -- comm_cost: 0.6973958333333333 - complexity: 11 +- comm_cost: 0.36345486111111125 + complexity: 14 expressions: - N+ + - R- + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, R-) name: explored-11491 type: explored -- comm_cost: 0.5300000000000001 - complexity: 12 +- comm_cost: 0.8197916666666667 + complexity: 4 + expressions: + - and(S-, not(R+)) + name: explored-11492 + type: explored +- comm_cost: 0.48897569444444466 + complexity: 13 expressions: - K+ - N+ - - N- + - R+ - R- + - SE- - and(N-, R+) - and(N-, or(K+, S-)) - name: explored-11492 - type: explored -- comm_cost: 0.6993055555555556 - complexity: 5 - expressions: - - SE- - - and(S-, not(R-)) name: explored-11493 type: explored -- comm_cost: 0.41718750000000027 - complexity: 9 +- comm_cost: 0.4631944444444448 + complexity: 8 expressions: - K+ - - N+ - - R- - - and(K-, N-) + - SE- - and(N-, R+) + - or(S+, N+) name: explored-11494 type: explored -- comm_cost: 0.6802083333333335 - complexity: 7 +- comm_cost: 0.5965277777777779 + complexity: 11 expressions: - R+ - - S+ - - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) name: explored-11495 type: explored -- comm_cost: 0.4198495370370372 - complexity: 18 +- comm_cost: 0.480729166666667 + complexity: 9 expressions: - - N+ - - R- + - K+ - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(and(S-, SE-), or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-11496 type: explored -- comm_cost: 0.3933854166666668 - complexity: 11 +- comm_cost: 0.5936921296296298 + complexity: 17 expressions: - - K+ - - K+ - N+ - - N- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(K-, not(R-)) + - and(K-, or(S+, R-)) + - and(S-, not(R-)) name: explored-11497 type: explored -- comm_cost: 0.587152777777778 - complexity: 11 +- comm_cost: 0.15057870370370408 + complexity: 19 expressions: - - R+ - - and(K-, not(R+)) - - and(or(K+, S-), not(R+)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-11498 type: explored -- comm_cost: 0.71625 - complexity: 7 +- comm_cost: 0.6267650462962964 + complexity: 14 expressions: - R+ - - or(S+, SE+) - - or(SE-, N+) + - and(K-, or(S+, SE+)) + - and(S-, N-) + - and(SE-, or(K+, S-)) name: explored-11499 type: explored -- comm_cost: 0.5513020833333334 - complexity: 12 +- comm_cost: 0.34236111111111134 + complexity: 15 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - and(K-, SE-) - - and(N-, or(K+, S-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-11500 type: explored -- comm_cost: 0.47083333333333366 - complexity: 15 +- comm_cost: 0.5818055555555558 + complexity: 8 expressions: - - SE- + - K- + - N+ + - and(N-, R+) - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(S+, or(N+, R-)) name: explored-11501 type: explored -- comm_cost: 0.5762500000000002 - complexity: 10 +- comm_cost: 0.7172743055555557 + complexity: 11 expressions: - - N+ - - N- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(K-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-11502 type: explored -- comm_cost: 0.5113425925925927 - complexity: 14 +- comm_cost: 0.628342013888889 + complexity: 17 expressions: - - N+ + - R+ - R- - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, N-) + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) + - and(S-, not(R-)) name: explored-11503 type: explored -- comm_cost: 0.466666666666667 - complexity: 9 +- comm_cost: 0.6312500000000002 + complexity: 5 expressions: - - K+ - R- + - S- - and(N-, R+) - - or(N+, not(R+)) name: explored-11504 type: explored -- comm_cost: 0.5104166666666669 - complexity: 12 +- comm_cost: 0.6581597222222224 + complexity: 9 expressions: - R+ - - R- - - SE- - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) + - SE+ + - and(or(K+, S-), or(SE-, N+)) name: explored-11505 type: explored -- comm_cost: 0.5322222222222224 - complexity: 14 +- comm_cost: 0.30234375000000036 + complexity: 11 expressions: - K+ - - N+ - R- - - SE- - and(N-, R+) - - not(R-) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - or(SE-, N+) name: explored-11506 type: explored -- comm_cost: 0.8973958333333334 - complexity: 10 +- comm_cost: 0.6991666666666668 + complexity: 4 expressions: - - or(S+, or(N+, R-)) - - or(S+, or(N+, R-)) + - N- + - and(N-, R+) name: explored-11507 type: explored -- comm_cost: 0.4939814814814816 - complexity: 17 +- comm_cost: 0.5053819444444445 + complexity: 11 expressions: - N+ + - R+ + - R- - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, S+) + - and(S-, not(R-)) name: explored-11508 type: explored -- comm_cost: 0.16649305555555594 - complexity: 12 +- comm_cost: 0.46135416666666684 + complexity: 11 expressions: - K+ - - N+ + - K+ + - K- - R- - S+ - - S+ - - SE- - and(N-, R+) - and(S-, SE-) name: explored-11509 type: explored -- comm_cost: 0.572326388888889 - complexity: 16 +- comm_cost: 0.36692708333333357 + complexity: 19 expressions: - - R+ + - N+ - R- - S+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) + - not(R+) + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-11510 type: explored -- comm_cost: 0.5399305555555558 - complexity: 31 +- comm_cost: 0.7096354166666667 + complexity: 8 expressions: - - R- + - K- + - R+ - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, SE-) + - not(R-) name: explored-11511 type: explored -- comm_cost: 0.5719791666666667 - complexity: 13 +- comm_cost: 0.5963541666666669 + complexity: 8 expressions: + - K+ - R+ - - R- - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(N-, or(K+, SE+)) name: explored-11512 type: explored -- comm_cost: 0.36750000000000016 - complexity: 13 +- comm_cost: 0.565625 + complexity: 7 expressions: - - K+ - - K- - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - SE+ + - SE- + - and(K-, SE-) name: explored-11513 type: explored -- comm_cost: 0.6085937500000002 - complexity: 9 +- comm_cost: 0.48958333333333326 + complexity: 6 expressions: - - S- - - and(K-, or(S+, N+)) - - and(N-, R+) + - N+ + - N+ + - R- + - and(S-, SE-) name: explored-11514 type: explored -- comm_cost: 0.7407291666666668 - complexity: 10 +- comm_cost: 0.34644097222222237 + complexity: 17 expressions: - - N- - - R+ - - and(K-, or(S+, R-)) - - or(K+, K-) + - N+ + - R- + - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-11515 type: explored -- comm_cost: 0.44704861111111116 - complexity: 10 +- comm_cost: 0.6796875000000002 + complexity: 4 expressions: - R+ - - R- - - S+ - - and(S-, SE-) - - and(S-, not(R-)) + - and(N-, R+) name: explored-11516 type: explored -- comm_cost: 0.60703125 - complexity: 9 +- comm_cost: 0.2630208333333335 + complexity: 12 expressions: + - K+ - R+ - R- - - SE- - - and(K-, N-) - - or(K+, N+) + - and(K-, S+) + - and(S-, SE-) + - or(N+, R-) name: explored-11517 type: explored -- comm_cost: 0.38375000000000015 - complexity: 19 +- comm_cost: 0.2913194444444446 + complexity: 15 expressions: - - K+ - - N+ - R- - - S+ - - and(K-, S+) - - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - or(K+, R+) name: explored-11518 type: explored -- comm_cost: 0.713726851851852 - complexity: 3 +- comm_cost: 0.5223958333333334 + complexity: 14 expressions: - - N- - R+ - - SE+ + - R- + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-11519 type: explored -- comm_cost: 0.71015625 - complexity: 8 +- comm_cost: 0.3036458333333336 + complexity: 14 expressions: - N+ - - R- - SE- - - or(S+, or(N+, R-)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, not(R+)) name: explored-11520 type: explored -- comm_cost: 0.2890625000000001 - complexity: 17 +- comm_cost: 0.07864583333333353 + complexity: 19 expressions: - K+ - - N+ + - K+ - N+ - R- - - and(K-, S+) - - and(K-, not(R-)) + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) + - and(S-, SE-) name: explored-11521 type: explored -- comm_cost: 0.29704861111111125 - complexity: 12 +- comm_cost: 0.7958333333333335 + complexity: 7 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-11522 type: explored -- comm_cost: 0.6966145833333335 - complexity: 17 +- comm_cost: 0.6987847222222223 + complexity: 5 expressions: - - R+ - - and(N-, not(R-)) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - SE- + - or(K+, SE+) name: explored-11523 type: explored -- comm_cost: 0.3133101851851853 - complexity: 17 +- comm_cost: 0.5478472222222224 + complexity: 23 expressions: - K+ - N+ - R- - - and(K-, or(S+, R+)) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(or(K+, S-), not(R-)) + - not(R-) name: explored-11524 type: explored -- comm_cost: 0.5804166666666668 - complexity: 13 +- comm_cost: 0.30234375000000013 + complexity: 14 expressions: - - K- - - N+ - - SE- + - K+ + - R- + - and(K-, S+) - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - or(K+, SE+) name: explored-11525 type: explored -- comm_cost: 0.7221064814814816 - complexity: 9 +- comm_cost: 0.5583796296296298 + complexity: 11 expressions: - - R+ - - and(N-, or(K+, R+)) - - or(K+, K-) + - N+ + - R- + - SE- + - and(N-, R+) + - and(S-, N-) + - not(R-) name: explored-11526 type: explored -- comm_cost: 0.29843750000000013 - complexity: 9 +- comm_cost: 0.6044270833333335 + complexity: 17 expressions: - - N+ - R+ - - S+ - - and(N-, R+) - - and(S-, SE-) + - and(K-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-11527 type: explored -- comm_cost: 0.4890625000000002 +- comm_cost: 0.5859375000000002 complexity: 8 expressions: - - N+ + - K+ + - R+ - SE- - - and(SE+, N-) - - or(K+, R-) + - and(K-, or(S+, N+)) name: explored-11528 type: explored -- comm_cost: 0.48020833333333357 - complexity: 7 +- comm_cost: 0.4710069444444446 + complexity: 13 expressions: - K+ - - R+ - - R- + - K+ + - N+ - S+ - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-11529 type: explored -- comm_cost: 0.5841145833333335 - complexity: 8 - expressions: - - R+ - - R- - - SE- - - or(S+, or(N+, R-)) - name: explored-11530 - type: explored -- comm_cost: 0.24661458333333341 - complexity: 16 +- comm_cost: 0.4164930555555557 + complexity: 17 expressions: - - K+ - N+ - - R- - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - name: explored-11531 + - and(S-, not(R-)) + - or(K+, or(N+, R-)) + name: explored-11530 type: explored -- comm_cost: 0.5317708333333335 - complexity: 12 +- comm_cost: 0.5980902777777779 + complexity: 10 expressions: - - K+ - R+ - - R- - SE- - - and(K-, or(SE-, N+)) - - and(SE+, N-) - name: explored-11532 + - and(N-, or(S+, R+)) + - or(N+, R-) + name: explored-11531 type: explored -- comm_cost: 0.4867476851851853 - complexity: 12 +- comm_cost: 0.38593750000000027 + complexity: 10 expressions: + - K+ - R+ - R- - - S+ - SE- - - and(K-, or(S+, R+)) + - and(K-, S+) - and(N-, R+) - name: explored-11533 + name: explored-11532 type: explored -- comm_cost: 0.8385416666666667 - complexity: 4 +- comm_cost: 0.4130208333333336 + complexity: 8 expressions: - - SE- - - or(SE-, N+) + - K+ + - N+ + - and(N-, R+) + - or(K+, R-) + name: explored-11533 + type: explored +- comm_cost: 0.5934548611111111 + complexity: 8 + expressions: + - K+ + - N+ + - N- + - R- + - S- + - and(S-, SE-) name: explored-11534 type: explored -- comm_cost: 0.5586805555555556 +- comm_cost: 0.2729166666666669 complexity: 13 expressions: - N+ - R- - - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, not(R-)) - - or(K+, SE+) + - and(S-, SE-) name: explored-11535 type: explored -- comm_cost: 0.5825520833333335 - complexity: 8 +- comm_cost: 0.23854166666666676 + complexity: 9 expressions: + - K+ - R+ - - SE- - - and(S-, not(R+)) - - not(R+) + - R- + - and(K-, S+) + - and(S-, SE-) name: explored-11536 type: explored -- comm_cost: 0.39718750000000025 - complexity: 11 +- comm_cost: 0.5048611111111113 + complexity: 10 expressions: - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - or(N+, not(R+)) + - SE- + - or(K+, N+) + - or(S+, N+) name: explored-11537 type: explored -- comm_cost: 0.726232638888889 - complexity: 14 +- comm_cost: 0.4631192129629631 + complexity: 25 expressions: + - K+ + - K+ - K- - - R+ - - and(N-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-11538 type: explored -- comm_cost: 0.40729166666666683 - complexity: 16 +- comm_cost: 0.14427083333333357 + complexity: 12 expressions: - K+ - - R- + - N+ + - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-11539 type: explored -- comm_cost: 0.5672743055555558 - complexity: 18 +- comm_cost: 0.5522569444444446 + complexity: 12 expressions: + - N+ + - R+ - R- - - S- - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, SE+)) + - or(K+, N+) name: explored-11540 type: explored -- comm_cost: 0.5690972222222224 - complexity: 6 +- comm_cost: 0.6993055555555556 + complexity: 14 expressions: - - K+ - - R+ - SE- - - or(S+, R-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-11541 type: explored -- comm_cost: 0.5569444444444446 - complexity: 11 +- comm_cost: 0.5557291666666668 + complexity: 7 expressions: - N+ - - R+ - - S+ - - SE- - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(SE+, N-) name: explored-11542 type: explored -- comm_cost: 0.36238425925925943 - complexity: 19 +- comm_cost: 0.5250000000000001 + complexity: 16 expressions: - - K+ - - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(S-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-11543 type: explored -- comm_cost: 0.5039930555555556 - complexity: 8 +- comm_cost: 0.45381944444444455 + complexity: 23 expressions: - K+ - N+ - R- - - S+ - - and(S-, not(R-)) + - SE+ + - and(K-, S+) + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) name: explored-11544 type: explored -- comm_cost: 0.6524305555555556 - complexity: 24 +- comm_cost: 0.6054687500000001 + complexity: 5 expressions: - - S+ - - and(K-, SE-) - - and(K-, or(SE-, N+)) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) + - K+ + - N+ + - R- + - S- + - SE- name: explored-11545 type: explored -- comm_cost: 0.7468750000000002 +- comm_cost: 0.5005208333333335 complexity: 10 expressions: - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) + - K+ + - K+ + - K- + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-11546 type: explored -- comm_cost: 0.5866319444444446 - complexity: 10 +- comm_cost: 0.35366030092592615 + complexity: 18 expressions: - - R+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(S+, R-) name: explored-11547 type: explored -- comm_cost: 0.4979166666666667 - complexity: 7 +- comm_cost: 0.28958333333333364 + complexity: 14 expressions: - N+ - - and(S-, SE-) - - or(K+, R-) + - R- + - SE- + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(S+, R-) name: explored-11548 type: explored -- comm_cost: 0.3723958333333335 - complexity: 17 +- comm_cost: 0.446371527777778 + complexity: 19 expressions: - N+ + - N- - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - not(R+) + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-11549 type: explored -- comm_cost: 0.611053240740741 - complexity: 10 +- comm_cost: 0.25399305555555585 + complexity: 8 expressions: - - R+ - - SE+ + - K+ + - N+ + - R- + - S+ - SE- - - and(and(K-, N-), or(S+, R+)) + - and(N-, R+) name: explored-11550 type: explored -- comm_cost: 0.640277777777778 - complexity: 10 +- comm_cost: 0.75390625 + complexity: 2 expressions: - - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - R- + - S- name: explored-11551 type: explored -- comm_cost: 0.27552083333333366 - complexity: 15 +- comm_cost: 0.6237847222222224 + complexity: 9 expressions: - - R- - - S+ + - R+ - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, S-)) name: explored-11552 type: explored -- comm_cost: 0.32187500000000036 - complexity: 8 +- comm_cost: 0.4824074074074076 + complexity: 20 expressions: - K+ + - N+ - R- - - and(K-, SE-) + - and(K-, not(R-)) + - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-11553 type: explored -- comm_cost: 0.6100694444444444 - complexity: 13 +- comm_cost: 0.4583333333333335 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(K-, not(R+)) + - R+ + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, K-) name: explored-11554 type: explored -- comm_cost: 0.6078935185185186 - complexity: 10 +- comm_cost: 0.5409722222222224 + complexity: 11 expressions: - - K- - R+ - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - R- + - SE- + - and(K-, or(S+, R-)) + - or(K+, R-) name: explored-11555 type: explored -- comm_cost: 0.5718750000000001 - complexity: 9 +- comm_cost: 0.4770833333333335 + complexity: 12 expressions: - - R+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - N+ + - R- + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, R+) name: explored-11556 type: explored -- comm_cost: 0.6994791666666668 - complexity: 12 +- comm_cost: 0.43291666666666684 + complexity: 15 expressions: - - S- - - SE- - - and(K-, or(S+, R+)) - - or(K+, or(N+, R-)) + - K+ + - N+ + - N- + - R+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-11557 type: explored -- comm_cost: 0.4554687500000002 - complexity: 14 +- comm_cost: 0.6933333333333334 + complexity: 10 expressions: - N+ - - R- + - N- - SE- - - and(K-, N-) - - and(K-, or(S+, R-)) - - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-11558 type: explored -- comm_cost: 0.6448061342592594 - complexity: 13 +- comm_cost: 0.4256944444444446 + complexity: 14 expressions: + - K+ + - N+ - R- - - SE- - - and(N-, or(K+, R+)) - - or(K+, SE+) - - or(S+, R-) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-11559 type: explored -- comm_cost: 0.5567708333333335 - complexity: 6 +- comm_cost: 0.6465711805555557 + complexity: 16 expressions: - - R+ - - R- - - and(S-, not(R+)) + - N+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - or(K+, K-) + - or(SE-, N+) name: explored-11560 type: explored -- comm_cost: 0.49623842592592604 - complexity: 25 +- comm_cost: 0.5114583333333333 + complexity: 12 expressions: - K+ + - K+ - N+ - R- - - S+ - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, or(SE-, N+)) name: explored-11561 type: explored -- comm_cost: 0.5815972222222224 - complexity: 6 +- comm_cost: 0.5743055555555556 + complexity: 11 expressions: - - R+ - R- - - and(K-, not(R+)) + - SE- + - and(S-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-11562 type: explored -- comm_cost: 0.5625578703703706 - complexity: 20 +- comm_cost: 0.6038194444444446 + complexity: 17 expressions: - - R- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R-) name: explored-11563 type: explored -- comm_cost: 0.3533564814814817 - complexity: 15 +- comm_cost: 0.6460937500000001 + complexity: 12 expressions: - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(N+, R-) + - SE- + - and(K-, or(S+, SE+)) + - and(S-, or(SE-, N+)) name: explored-11564 type: explored -- comm_cost: 0.5085069444444447 - complexity: 17 +- comm_cost: 0.6500000000000001 + complexity: 13 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(and(S-, N-), not(R-)) - and(or(K+, S-), or(SE-, N+)) name: explored-11565 type: explored -- comm_cost: 0.7541666666666667 - complexity: 6 +- comm_cost: 0.1503472222222224 + complexity: 17 expressions: - K+ - - and(K-, or(SE-, N+)) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-11566 type: explored -- comm_cost: 0.5789930555555557 - complexity: 9 +- comm_cost: 0.5132812500000002 + complexity: 8 expressions: - - R+ - - SE- - - and(K-, not(R+)) - - and(SE+, N-) + - K+ + - S- + - and(K-, SE-) + - and(N-, R+) name: explored-11567 type: explored -- comm_cost: 0.7151909722222223 - complexity: 7 +- comm_cost: 0.48266782407407427 + complexity: 17 expressions: - - S- + - N+ + - R- - SE- - - or(K+, or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, not(R-)) name: explored-11568 type: explored -- comm_cost: 0.7337152777777779 - complexity: 8 +- comm_cost: 0.2977430555555559 + complexity: 19 expressions: - - K- - - R+ - - and(or(K+, S-), not(R-)) + - N+ + - R- + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-11569 type: explored -- comm_cost: 0.18281250000000027 - complexity: 15 +- comm_cost: 0.5389004629629632 + complexity: 34 expressions: - - K+ - N+ - - S+ - - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, N+) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, not(R+)) name: explored-11570 type: explored -- comm_cost: 0.6493055555555557 - complexity: 10 +- comm_cost: 0.3187500000000003 + complexity: 9 expressions: - - R+ + - K+ - R- - SE- - - and(K-, or(S+, SE+)) - - not(R+) + - and(N-, R+) + - and(S-, SE-) name: explored-11571 type: explored -- comm_cost: 0.6472378472222223 - complexity: 26 +- comm_cost: 0.4070312500000002 + complexity: 18 expressions: - - R+ - - and(K-, N-) - - and(K-, S+) - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-11572 type: explored -- comm_cost: 0.5292592592592594 - complexity: 12 +- comm_cost: 0.537465277777778 + complexity: 19 expressions: - N+ - R- - SE- - and(N-, R+) - - or(S+, R-) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) - or(S+, SE+) name: explored-11573 type: explored -- comm_cost: 0.7088541666666668 - complexity: 7 +- comm_cost: 0.15104166666666696 + complexity: 16 expressions: - - R+ - - or(K+, N+) - - or(S+, N+) + - N+ + - R- + - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-11574 type: explored -- comm_cost: 0.5743055555555556 - complexity: 7 +- comm_cost: 0.38585069444444464 + complexity: 24 expressions: - K+ + - N+ - R- - - SE- - - and(S-, not(R-)) + - and(K-, or(S+, SE+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-11575 type: explored -- comm_cost: 0.6616666666666668 - complexity: 9 +- comm_cost: 0.7440462962962964 + complexity: 20 expressions: - K- - - N+ - - N- - - R+ - - R- - - SE- - - or(K+, N+) + - and(S-, N-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, S-) name: explored-11576 type: explored -- comm_cost: 0.6346180555555556 - complexity: 10 +- comm_cost: 0.4617187500000002 + complexity: 9 expressions: - N+ - - R+ - - R- - - SE- - - or(S+, R+) - - or(S+, SE+) + - and(N-, R+) + - and(SE+, N-) + - not(R+) name: explored-11577 type: explored -- comm_cost: 0.4535300925925928 - complexity: 15 +- comm_cost: 0.8480555555555556 + complexity: 7 expressions: - - K+ - - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - or(N+, not(R+)) + - or(S+, R-) name: explored-11578 type: explored -- comm_cost: 0.4925347222222225 +- comm_cost: 0.4745659722222224 complexity: 11 expressions: - K+ - - R- + - N+ - SE- - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) name: explored-11579 type: explored -- comm_cost: 0.719573578042328 - complexity: 34 +- comm_cost: 0.4462812500000002 + complexity: 19 expressions: + - K+ + - K+ - N+ - - SE+ - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) + - R- + - S+ + - and(N-, R+) - and(N-, not(R-)) - - or(K+, K-) - - or(K+, R+) - - or(S+, SE+) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-11580 type: explored -- comm_cost: 0.44157986111111136 - complexity: 16 +- comm_cost: 0.522945601851852 + complexity: 17 expressions: - N+ - R- + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(N+, R-) + - and(or(K+, S-), not(R-)) name: explored-11581 type: explored -- comm_cost: 0.2874421296296298 - complexity: 20 +- comm_cost: 0.7566840277777779 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - R+ + - and(N-, or(K+, R+)) - or(S+, R+) name: explored-11582 type: explored -- comm_cost: 0.5854565972222224 - complexity: 27 +- comm_cost: 0.3714409722222225 + complexity: 15 expressions: - K+ - N+ - - S+ - - and(K-, or(S+, R-)) + - R- + - SE- - and(N-, R+) - - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) - - or(S+, SE+) - - or(SE-, N+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11583 type: explored -- comm_cost: 0.5632725694444445 - complexity: 14 +- comm_cost: 0.6908854166666669 + complexity: 9 expressions: - - K+ - - N+ - - R- - - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - not(R-) + - or(K+, R-) + - or(K+, SE+) name: explored-11584 type: explored -- comm_cost: 0.733420138888889 +- comm_cost: 0.31562500000000027 complexity: 9 expressions: - - SE- - - and(K-, or(S+, SE+)) - - or(SE-, N+) + - K+ + - R+ + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-11585 type: explored -- comm_cost: 0.404166666666667 - complexity: 18 +- comm_cost: 0.5640625000000002 + complexity: 11 expressions: - - and(K-, or(S+, R-)) + - K+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(and(S-, N-), not(R-)) name: explored-11586 type: explored -- comm_cost: 0.5666666666666668 - complexity: 7 +- comm_cost: 0.5043402777777779 + complexity: 22 expressions: + - K+ - N+ - - N- - - N- - R- + - SE+ - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11587 type: explored -- comm_cost: 0.38298611111111136 - complexity: 16 +- comm_cost: 0.5683449074074076 + complexity: 19 expressions: - K+ - - N+ + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, R-) + - and(and(K-, N-), not(R-)) + - and(and(S-, N-), not(R-)) name: explored-11588 type: explored -- comm_cost: 0.5913194444444446 - complexity: 13 +- comm_cost: 0.3328125000000003 + complexity: 10 expressions: - - R+ - - and(SE-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-11589 type: explored -- comm_cost: 0.3455729166666669 - complexity: 12 +- comm_cost: 0.5850694444444446 + complexity: 7 expressions: + - K+ - N+ - - R- - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - R+ + - SE- + - or(S+, N+) name: explored-11590 type: explored -- comm_cost: 0.6595486111111113 - complexity: 10 +- comm_cost: 0.602013888888889 + complexity: 11 expressions: + - N+ + - N- - R+ - - and(and(K-, N-), not(R-)) - - or(S+, N+) + - R- + - SE- + - or(K+, R-) + - or(S+, R-) name: explored-11591 type: explored -- comm_cost: 0.31992187500000036 - complexity: 19 +- comm_cost: 0.6166666666666669 + complexity: 6 expressions: - - K+ + - N+ - R- - - S+ + - SE+ - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(SE-, N+) name: explored-11592 type: explored -- comm_cost: 0.3055555555555557 - complexity: 18 +- comm_cost: 0.17604166666666687 + complexity: 14 expressions: - - K+ - N+ + - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) - or(S+, N+) name: explored-11593 type: explored -- comm_cost: 0.7012152777777779 - complexity: 12 +- comm_cost: 0.6773125000000001 + complexity: 23 expressions: - - R+ - - and(K-, not(R-)) - - or(and(K-, S+), or(N+, R-)) + - N- + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(N+, R-) + - or(S+, R+) name: explored-11594 type: explored -- comm_cost: 0.459375 - complexity: 10 +- comm_cost: 0.19166666666666676 + complexity: 13 expressions: - K+ - - K+ - N+ - R- + - SE+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, N+) name: explored-11595 type: explored -- comm_cost: 0.5149305555555556 - complexity: 11 +- comm_cost: 0.5274305555555557 + complexity: 28 expressions: - K+ - - N+ - - R- - - S+ - - and(K-, not(R+)) + - R+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, N-) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-11596 type: explored -- comm_cost: 0.46302083333333344 - complexity: 10 +- comm_cost: 0.3651041666666669 + complexity: 18 expressions: - - R+ + - N+ - S+ - - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-11597 type: explored -- comm_cost: 0.4622685185185187 - complexity: 16 +- comm_cost: 0.42239583333333364 + complexity: 13 expressions: - - K+ - N+ - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - not(R-) + - or(S+, N+) name: explored-11598 type: explored -- comm_cost: 0.5529513888888888 - complexity: 12 +- comm_cost: 0.6723177083333334 + complexity: 31 expressions: - K+ - - N+ - - R- + - K- - and(K-, S+) - - and(S-, SE-) - - or(K+, K-) + - and(K-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) + - or(K+, R-) name: explored-11599 type: explored -- comm_cost: 0.6105902777777779 +- comm_cost: 0.6372916666666668 complexity: 8 expressions: - - K+ - - R+ - - and(S-, SE-) - - or(K+, K-) + - N+ + - S+ + - and(N-, R+) + - or(S+, SE+) name: explored-11600 type: explored -- comm_cost: 0.8 - complexity: 3 +- comm_cost: 0.5942708333333334 + complexity: 17 expressions: - - K- - - not(R-) + - R+ + - R- + - and(N-, and(or(K+, S-), not(R-))) + - or(and(K-, S+), or(N+, R-)) name: explored-11601 type: explored -- comm_cost: 0.3380555555555559 +- comm_cost: 0.37361111111111134 complexity: 17 expressions: - K+ - - N+ - R- - and(K-, S+) - and(N-, R+) - - and(S-, not(R+)) - - or(N+, not(R+)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-11602 type: explored -- comm_cost: 0.224479166666667 - complexity: 11 +- comm_cost: 0.5325000000000002 + complexity: 9 expressions: - - N+ + - K+ + - K- - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) name: explored-11603 type: explored -- comm_cost: 0.632465277777778 - complexity: 9 +- comm_cost: 0.3510416666666667 + complexity: 13 expressions: - - R+ - - and(N-, R+) - - or(K+, or(N+, R-)) + - K+ + - N+ + - S+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-11604 type: explored -- comm_cost: 0.6009375000000001 - complexity: 5 +- comm_cost: 0.3451388888888889 + complexity: 11 expressions: - - N+ - - N- - - R+ + - K+ - R- - - SE- + - and(K-, S+) + - and(S-, SE-) + - or(K+, R+) name: explored-11605 type: explored -- comm_cost: 0.5523437500000001 - complexity: 20 +- comm_cost: 0.7050520833333335 + complexity: 10 expressions: - - K+ - - N+ - - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, K-) + - R+ + - SE- + - and(N-, or(K+, S-)) + - or(K+, S-) name: explored-11606 type: explored -- comm_cost: 0.6544618055555557 - complexity: 15 +- comm_cost: 0.5903935185185186 + complexity: 18 expressions: - - R+ + - R- - SE- - - and(N-, or(K+, R+)) - - or(K+, or(N+, R-)) - - or(S+, SE+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-11607 type: explored -- comm_cost: 0.5026041666666669 - complexity: 12 +- comm_cost: 0.3364583333333335 + complexity: 11 expressions: - - N+ + - K+ - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) - - or(K+, N+) + - and(K-, S+) + - and(K-, S+) + - and(S-, SE-) name: explored-11608 type: explored -- comm_cost: 0.46597222222222245 - complexity: 12 +- comm_cost: 0.4243055555555557 + complexity: 9 expressions: - - K+ - - K+ - - S+ - - and(N-, R+) - - and(S-, N-) + - N+ + - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-11609 type: explored -- comm_cost: 0.5676504629629632 - complexity: 8 +- comm_cost: 0.4079571759259262 + complexity: 20 expressions: - - SE+ - - SE- + - N+ + - R- + - S+ - and(N-, R+) - - and(SE+, N-) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-11610 type: explored -- comm_cost: 0.3895833333333335 - complexity: 23 +- comm_cost: 0.33269675925925957 + complexity: 17 expressions: - K+ - - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - or(S+, R-) + - not(R+) + - or(and(K-, S+), or(N+, R-)) name: explored-11611 type: explored -- comm_cost: 0.7214409722222221 - complexity: 6 +- comm_cost: 0.4340277777777779 + complexity: 12 expressions: - - K+ + - N+ - R- - - SE- - - or(SE-, N+) + - S+ + - and(K-, SE-) + - and(S-, N-) + - and(S-, SE-) name: explored-11612 type: explored -- comm_cost: 0.4751157407407409 - complexity: 12 +- comm_cost: 0.14947916666666683 + complexity: 19 expressions: - N+ - - R+ - R- + - S+ + - and(K-, S+) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-11613 type: explored -- comm_cost: 0.2250000000000001 +- comm_cost: 0.427638888888889 complexity: 15 expressions: + - K- - N+ - - R+ - R- - S+ - and(K-, or(S+, R-)) @@ -119907,25001 +120177,25325 @@ - and(S-, SE-) name: explored-11614 type: explored -- comm_cost: 0.7004687500000002 - complexity: 10 +- comm_cost: 0.6234375 + complexity: 9 expressions: - - R+ - - R+ - - and(N-, or(K+, R+)) - - or(K+, S-) + - R- + - and(K-, or(S+, R-)) + - and(S-, SE-) name: explored-11615 type: explored -- comm_cost: 0.6561805555555558 - complexity: 12 +- comm_cost: 0.5667824074074076 + complexity: 10 expressions: + - N+ - R+ - - or(N+, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(N-, R+) + - and(S-, not(R-)) name: explored-11616 type: explored -- comm_cost: 0.6769791666666667 - complexity: 7 +- comm_cost: 0.6269097222222224 + complexity: 14 expressions: - - K- - - and(S-, SE-) - - or(S+, R+) + - R+ + - SE- + - and(K-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-11617 type: explored -- comm_cost: 0.5427083333333335 - complexity: 10 +- comm_cost: 0.7753125000000001 + complexity: 2 expressions: - - R+ - - S+ - - and(N-, or(K+, S-)) - - and(S-, SE-) + - N- + - S- name: explored-11618 type: explored -- comm_cost: 0.5244791666666668 - complexity: 5 +- comm_cost: 0.5322916666666668 + complexity: 10 expressions: - - K+ - N+ - R+ - R- - - S+ + - and(or(K+, S-), or(SE-, N+)) name: explored-11619 type: explored -- comm_cost: 0.4343750000000002 - complexity: 7 +- comm_cost: 0.4256944444444446 + complexity: 12 expressions: - - R+ - - R+ - - R- - - SE- + - K+ + - N+ + - and(N-, R+) - and(S-, SE-) + - and(S-, not(R-)) name: explored-11620 type: explored -- comm_cost: 0.5525347222222223 - complexity: 24 +- comm_cost: 0.6125000000000002 + complexity: 14 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, R+) + - R+ - and(S-, SE-) - - or(K+, K-) + - and(S-, not(R+)) + - and(SE+, N-) - or(K+, S-) name: explored-11621 type: explored -- comm_cost: 0.3526041666666667 - complexity: 13 +- comm_cost: 0.3725694444444446 + complexity: 25 expressions: - K+ - - R+ + - N+ - R- + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11622 type: explored -- comm_cost: 0.65625 - complexity: 6 +- comm_cost: 0.37135416666666665 + complexity: 12 expressions: - - and(K-, S+) + - N+ + - S+ - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-11623 type: explored -- comm_cost: 0.39033564814814836 - complexity: 19 +- comm_cost: 0.32005208333333357 + complexity: 16 expressions: - K+ - N+ - R- - - SE+ - - SE- - - and(K-, S+) + - R- + - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-11624 type: explored -- comm_cost: 0.4794270833333336 - complexity: 22 +- comm_cost: 0.25195023148148166 + complexity: 19 expressions: - K+ - K+ + - N+ - R- - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - or(S+, R-) name: explored-11625 type: explored -- comm_cost: 0.47135416666666663 - complexity: 9 +- comm_cost: 0.42500000000000027 + complexity: 5 expressions: - - K+ - N+ - - S+ - - and(S-, SE-) - - or(S+, R-) + - R- + - and(N-, R+) name: explored-11626 type: explored -- comm_cost: 0.37656250000000036 +- comm_cost: 0.5813657407407409 complexity: 13 expressions: + - K+ + - N+ - R- - - SE- + - SE+ + - and(K-, S+) - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(SE-, N+) + - or(S+, R+) name: explored-11627 type: explored -- comm_cost: 0.49479166666666685 - complexity: 4 +- comm_cost: 0.4080439814814818 + complexity: 20 expressions: - K+ - - R+ + - N+ - R- - - SE- + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11628 type: explored -- comm_cost: 0.7651388888888889 - complexity: 7 +- comm_cost: 0.6305844907407409 + complexity: 10 expressions: - - K- - - and(or(K+, S-), not(R+)) + - S- + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-11629 type: explored -- comm_cost: 0.4961516203703705 - complexity: 13 +- comm_cost: 0.7309895833333334 + complexity: 2 expressions: - - K+ - - N+ - - R- - - S+ - - and(S-, N-) - - and(S-, SE-) - - or(K+, SE+) + - R+ + - S- name: explored-11630 type: explored -- comm_cost: 0.2564236111111112 - complexity: 18 +- comm_cost: 0.4848379629629631 + complexity: 14 expressions: - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(N+, R-) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-11631 type: explored -- comm_cost: 0.5499999999999999 - complexity: 19 +- comm_cost: 0.416840277777778 + complexity: 18 expressions: - K+ - - N+ - - R- - - and(K-, S+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, or(N+, R-)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-11632 type: explored -- comm_cost: 0.7554855324074075 - complexity: 17 +- comm_cost: 0.4426041666666669 + complexity: 15 expressions: - - N- - - and(K-, N-) - - and(K-, SE-) - - and(N-, or(S+, R+)) - - not(R+) - - or(K+, R-) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - or(K+, S-) name: explored-11633 type: explored -- comm_cost: 0.585590277777778 - complexity: 9 +- comm_cost: 0.5854166666666669 + complexity: 16 expressions: - N+ - - S+ - SE- + - and(K-, not(R-)) - and(N-, R+) - - or(K+, K-) + - and(or(K+, S-), or(SE-, N+)) name: explored-11634 type: explored -- comm_cost: 0.5489583333333335 - complexity: 7 +- comm_cost: 0.7152549603174604 + complexity: 38 expressions: - - K+ - - R+ - - and(S-, or(SE-, N+)) + - R- + - and(K-, N-) + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) + - not(R-) + - or(K+, SE+) + - or(S+, N+) name: explored-11635 type: explored -- comm_cost: 0.6130208333333335 - complexity: 5 +- comm_cost: 0.648726851851852 + complexity: 20 expressions: - - R+ - - R- - - S+ - - S+ - - S- + - and(K-, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, or(N+, R-)) + - or(N+, R-) name: explored-11636 type: explored -- comm_cost: 0.4762037037037039 - complexity: 14 +- comm_cost: 0.4526041666666668 + complexity: 9 expressions: - - K- - - N+ - - R- - - and(N-, R+) + - R+ - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-11637 type: explored -- comm_cost: 0.5994791666666666 - complexity: 13 +- comm_cost: 0.7259548611111112 + complexity: 8 expressions: - - N+ - - R- - SE- - - and(K-, or(S+, R-)) - - and(SE-, or(K+, S-)) + - and(S-, not(R-)) + - or(S+, R+) name: explored-11638 type: explored -- comm_cost: 0.65546875 - complexity: 11 +- comm_cost: 0.8188368055555556 + complexity: 12 expressions: - - R+ - - and(K-, not(R-)) - - and(S-, SE-) + - SE- + - and(or(K+, S-), or(N+, not(R+))) - or(SE-, N+) name: explored-11639 type: explored -- comm_cost: 0.44548611111111125 - complexity: 15 +- comm_cost: 0.6921192129629631 + complexity: 10 expressions: - - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) + - K- + - N+ + - R+ + - and(S-, not(R-)) + - or(SE-, N+) name: explored-11640 type: explored -- comm_cost: 0.40833333333333344 +- comm_cost: 0.5069444444444446 complexity: 11 expressions: - - K+ - N+ + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(S-, not(R-)) name: explored-11641 type: explored -- comm_cost: 0.38880208333333366 - complexity: 29 +- comm_cost: 0.30572916666666705 + complexity: 16 expressions: - - K+ - N+ - R- - - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - or(N+, R-) name: explored-11642 type: explored -- comm_cost: 0.602951388888889 - complexity: 12 +- comm_cost: 0.4671875000000002 + complexity: 21 expressions: - - K+ - - R+ + - N+ - R- + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(K+, SE+) + - and(or(K+, S-), not(R-)) name: explored-11643 type: explored -- comm_cost: 0.6617476851851853 - complexity: 12 +- comm_cost: 0.4534722222222224 + complexity: 14 expressions: + - N+ - R+ + - R- - SE- - - and(K-, or(S+, SE+)) - - and(N-, or(S+, R+)) + - and(N-, or(K+, R+)) + - and(SE-, or(K+, S-)) name: explored-11644 type: explored -- comm_cost: 0.43090277777777786 - complexity: 11 +- comm_cost: 0.37708333333333366 + complexity: 10 expressions: + - K+ - N+ - - R- - - SE+ - - and(K-, or(S+, N+)) - - and(S-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-11645 type: explored -- comm_cost: 0.5390625000000002 - complexity: 22 +- comm_cost: 0.6152777777777777 + complexity: 10 expressions: - - and(N-, R+) + - N+ - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R+)) name: explored-11646 type: explored -- comm_cost: 0.49140625000000016 - complexity: 11 +- comm_cost: 0.4921875000000002 + complexity: 13 expressions: - - K+ - N+ - R- - - S- - - SE- + - S+ - and(N-, R+) - - or(K+, R-) + - and(and(K-, N-), or(S+, SE+)) name: explored-11647 type: explored -- comm_cost: 0.6348090277777779 - complexity: 12 +- comm_cost: 0.4842592592592594 + complexity: 13 expressions: + - K+ - N+ - - R+ - - SE- - - and(N-, not(R-)) - - and(N-, or(K+, S-)) + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, not(R-)) name: explored-11648 type: explored -- comm_cost: 0.48602430555555576 - complexity: 14 +- comm_cost: 0.4096064814814817 + complexity: 11 expressions: + - K+ - N+ - - SE- - - and(K-, not(R+)) + - R- + - SE+ - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, not(R+)) name: explored-11649 type: explored -- comm_cost: 0.6740885416666668 - complexity: 27 +- comm_cost: 0.5093750000000001 + complexity: 12 expressions: - - S+ + - N+ + - R+ - SE- - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(N-, or(S+, SE+)) - - and(S-, N-) - - and(S-, or(SE-, N+)) - - or(S+, N+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-11650 type: explored -- comm_cost: 0.33506944444444464 - complexity: 18 +- comm_cost: 0.4609375000000002 + complexity: 20 expressions: + - K+ - N+ - - R- - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R+) name: explored-11651 type: explored -- comm_cost: 0.8092013888888889 - complexity: 10 +- comm_cost: 0.20329861111111136 + complexity: 13 expressions: - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-11652 type: explored -- comm_cost: 0.48315972222222237 - complexity: 12 +- comm_cost: 0.247916666666667 + complexity: 13 expressions: - - R+ + - K+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) - and(S-, SE-) - - or(K+, R+) - - or(K+, or(N+, R-)) name: explored-11653 type: explored -- comm_cost: 0.6536979166666668 - complexity: 49 +- comm_cost: 0.6144097222222223 + complexity: 7 expressions: - - K+ - - and(S-, not(R-)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - - not(R+) - - or(N+, R-) - - or(and(K-, S+), or(N+, R-)) + - R+ + - SE- + - and(N-, or(K+, SE+)) name: explored-11654 type: explored -- comm_cost: 0.5761689814814817 - complexity: 13 +- comm_cost: 0.3265625000000001 + complexity: 14 expressions: - - N+ + - K+ + - K+ - R- - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - not(R-) - - or(K+, K-) name: explored-11655 type: explored -- comm_cost: 0.33663194444444466 - complexity: 20 +- comm_cost: 0.5942708333333334 + complexity: 4 expressions: - - K+ - - N+ + - R+ - R- + - SE+ - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) name: explored-11656 type: explored -- comm_cost: 0.21597222222222245 - complexity: 15 +- comm_cost: 0.6134548611111112 + complexity: 13 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, R-) + - and(K-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-11657 type: explored -- comm_cost: 0.28229166666666683 - complexity: 16 +- comm_cost: 0.40247395833333355 + complexity: 23 expressions: + - K+ + - K+ - N+ - R- - S+ - - S+ + - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - not(R+) name: explored-11658 type: explored -- comm_cost: 0.3758680555555558 - complexity: 21 +- comm_cost: 0.22048611111111138 + complexity: 13 expressions: - K+ - N+ - - R- - - SE- - - and(K-, or(S+, R-)) + - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(S-, SE-) name: explored-11659 type: explored -- comm_cost: 0.395920138888889 - complexity: 15 +- comm_cost: 0.21759259259259278 + complexity: 16 expressions: + - K+ - N+ - - and(K-, or(S+, SE+)) + - R- + - R- - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(or(K+, S-), not(R+)) name: explored-11660 type: explored -- comm_cost: 0.47569444444444475 - complexity: 15 +- comm_cost: 0.6748263888888891 + complexity: 9 expressions: + - S+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) + - and(N-, or(K+, SE+)) name: explored-11661 type: explored -- comm_cost: 0.5586805555555557 - complexity: 17 +- comm_cost: 0.6851562500000001 + complexity: 8 expressions: - - R- - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-11662 type: explored -- comm_cost: 0.43729166666666697 - complexity: 13 +- comm_cost: 0.39716435185185206 + complexity: 17 expressions: + - K+ + - N+ - R- + - and(K-, N-) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(N+, not(R+)) + - and(S-, SE-) name: explored-11663 type: explored -- comm_cost: 0.5746527777777779 - complexity: 11 +- comm_cost: 0.5193750000000001 + complexity: 14 expressions: + - K+ - N+ - - R+ - - SE- - - and(K-, or(S+, R-)) - - or(K+, R+) + - R- + - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(K+, S-) name: explored-11664 type: explored -- comm_cost: 0.6414062500000002 - complexity: 11 +- comm_cost: 0.6496238425925926 + complexity: 6 expressions: - R+ - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - R- + - S- + - or(S+, R-) name: explored-11665 type: explored -- comm_cost: 0.47444444444444467 - complexity: 18 +- comm_cost: 0.5788107638888891 + complexity: 16 expressions: + - K+ - N+ - R- - SE- - - and(K-, or(S+, N+)) - and(N-, R+) - - and(SE-, or(K+, S-)) - - not(R-) + - and(or(K+, S-), not(R-)) + - or(K+, S-) name: explored-11666 type: explored -- comm_cost: 0.6505208333333334 - complexity: 11 +- comm_cost: 0.5333333333333334 + complexity: 8 expressions: - - SE- - - and(K-, not(R-)) - - and(N-, R+) - - or(K+, SE+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-11667 type: explored -- comm_cost: 0.7385416666666668 - complexity: 5 +- comm_cost: 0.5760879629629629 + complexity: 12 expressions: - - N+ - - and(K-, not(R-)) + - K+ + - R+ + - and(S-, SE-) + - and(S-, not(R-)) + - or(S+, SE+) name: explored-11668 type: explored -- comm_cost: 0.5585937500000001 - complexity: 13 +- comm_cost: 0.22847222222222263 + complexity: 15 expressions: - N+ - - and(K-, not(R-)) - - and(N-, or(K+, R+)) + - R- + - and(K-, S+) + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) name: explored-11669 type: explored -- comm_cost: 0.80078125 - complexity: 6 +- comm_cost: 0.4570312500000002 + complexity: 11 expressions: - - and(N-, not(R-)) - - not(R-) + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-11670 type: explored -- comm_cost: 0.6187499999999999 - complexity: 13 +- comm_cost: 0.4850520833333334 + complexity: 9 expressions: + - K+ + - K+ - N+ + - N- - R- - S+ - and(S-, SE-) - - and(S-, not(R+)) - - or(SE-, N+) name: explored-11671 type: explored -- comm_cost: 0.8289930555555556 - complexity: 5 +- comm_cost: 0.8371527777777779 + complexity: 10 expressions: - - S+ - - SE- - - and(K-, S+) + - and(K-, or(S+, N+)) + - or(K+, or(N+, R-)) name: explored-11672 type: explored -- comm_cost: 0.46695601851851865 - complexity: 13 +- comm_cost: 0.41180555555555565 + complexity: 17 expressions: - K+ - N+ - R- - - SE- - - and(N-, R+) - - and(SE+, N-) - - or(K+, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) name: explored-11673 type: explored -- comm_cost: 0.310416666666667 +- comm_cost: 0.6932291666666668 complexity: 10 expressions: - - N+ - - S+ - - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(K-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-11674 type: explored -- comm_cost: 0.7166666666666668 - complexity: 6 +- comm_cost: 0.35260416666666683 + complexity: 11 expressions: + - N+ + - R- - SE- - - and(N-, or(K+, SE+)) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-11675 type: explored -- comm_cost: 0.11875000000000013 - complexity: 14 +- comm_cost: 0.688576388888889 + complexity: 5 + expressions: + - N- + - R+ + - or(S+, R-) + name: explored-11676 + type: explored +- comm_cost: 0.4715625000000001 + complexity: 16 expressions: + - K+ - N+ + - N- - R- - S+ - - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - name: explored-11676 - type: explored -- comm_cost: 0.6678819444444446 - complexity: 19 - expressions: - - R+ - - SE- - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) name: explored-11677 type: explored -- comm_cost: 0.2812500000000002 - complexity: 13 +- comm_cost: 0.6065277777777779 + complexity: 9 expressions: + - K- - N+ - R- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(S-, N-) name: explored-11678 type: explored -- comm_cost: 0.541840277777778 - complexity: 9 +- comm_cost: 0.693326388888889 + complexity: 35 expressions: - - R+ - - R- - - SE- - - SE- + - S+ + - and(K-, not(R+)) - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) + - or(N+, not(R+)) name: explored-11679 type: explored -- comm_cost: 0.4120370370370372 - complexity: 19 +- comm_cost: 0.7437500000000001 + complexity: 14 expressions: - - K+ - - N+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), not(R+)) name: explored-11680 type: explored -- comm_cost: 0.435416666666667 - complexity: 9 +- comm_cost: 0.4843171296296298 + complexity: 13 expressions: + - N+ + - R- + - SE+ - and(K-, SE-) + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) name: explored-11681 type: explored -- comm_cost: 0.6003472222222224 - complexity: 10 +- comm_cost: 0.5095312500000002 + complexity: 20 expressions: - K+ - - R+ - - R- - - or(and(K-, S+), or(N+, R-)) - name: explored-11682 - type: explored -- comm_cost: 0.3841579861111113 - complexity: 27 - expressions: - K+ + - K- - N+ - R- - - and(K-, S+) + - S+ + - and(K-, N-) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) - - or(S+, or(N+, R-)) - name: explored-11683 + name: explored-11682 type: explored -- comm_cost: 0.5826678240740741 - complexity: 12 +- comm_cost: 0.5711805555555557 + complexity: 14 expressions: - - N+ - R+ - R- - - and(K-, or(S+, R+)) - - and(N-, not(R-)) - name: explored-11684 + - SE- + - and(K-, or(SE-, N+)) + - and(S-, or(N+, not(R+))) + name: explored-11683 type: explored -- comm_cost: 0.6388281250000001 - complexity: 36 +- comm_cost: 0.3690104166666669 + complexity: 14 expressions: - - N- - - R+ + - K+ + - N+ + - S+ + - and(N-, R+) - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - and(S-, SE-) + name: explored-11684 + type: explored +- comm_cost: 0.6479745370370371 + complexity: 15 + expressions: + - R+ - and(and(K-, N-), not(R-)) - - or(K+, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) + - not(R+) name: explored-11685 type: explored -- comm_cost: 0.5121180555555558 - complexity: 12 +- comm_cost: 0.6394675925925928 + complexity: 16 expressions: - - K+ - N+ - - R- + - R+ - SE- - - and(N-, R+) - - not(R-) - - or(N+, R-) + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-11686 type: explored -- comm_cost: 0.3555555555555556 - complexity: 11 +- comm_cost: 0.39375000000000027 + complexity: 17 expressions: - K+ - - N+ - - S+ - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - not(R+) + - or(K+, N+) name: explored-11687 type: explored -- comm_cost: 0.401215277777778 - complexity: 16 +- comm_cost: 0.6175347222222223 + complexity: 8 expressions: - - K+ - - K+ - - R- - - S+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - SE+ + - SE- + - and(and(S-, N-), not(R-)) name: explored-11688 type: explored -- comm_cost: 0.6401041666666668 - complexity: 14 +- comm_cost: 0.5491666666666668 + complexity: 5 expressions: - - R+ - - R- - - SE- - - or(K+, R-) - - or(K+, SE+) - - or(S+, or(N+, R-)) + - N+ + - N- + - and(N-, R+) name: explored-11689 type: explored -- comm_cost: 0.5282118055555557 - complexity: 13 +- comm_cost: 0.6030555555555557 + complexity: 5 expressions: - - K+ - N+ + - N- + - R- + - SE- - SE- - - and(K-, S+) - - and(K-, not(R-)) - - and(N-, R+) name: explored-11690 type: explored -- comm_cost: 0.240104166666667 - complexity: 15 +- comm_cost: 0.318229166666667 + complexity: 11 expressions: - - K+ + - N+ - R- + - S+ - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - not(R+) name: explored-11691 type: explored -- comm_cost: 0.5350694444444446 - complexity: 8 +- comm_cost: 0.7502526041666667 + complexity: 35 expressions: - - N+ - - R- - - S+ - - SE- - - and(N-, not(R-)) + - SE+ + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) + - or(K+, K-) + - or(K+, S-) name: explored-11692 type: explored -- comm_cost: 0.4833333333333333 - complexity: 8 +- comm_cost: 0.15885416666666696 + complexity: 11 expressions: - - R- + - N+ - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, N+) name: explored-11693 type: explored -- comm_cost: 0.5833333333333335 - complexity: 12 +- comm_cost: 0.26666666666666705 + complexity: 13 expressions: - - R+ - - SE- - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-11694 type: explored -- comm_cost: 0.5270833333333335 - complexity: 8 +- comm_cost: 0.7237847222222223 + complexity: 7 expressions: - - N+ - R+ - - R- - - R- - - SE- - - or(SE-, N+) + - SE+ + - and(K-, or(S+, N+)) name: explored-11695 type: explored -- comm_cost: 0.7493055555555557 - complexity: 11 +- comm_cost: 0.4442708333333335 + complexity: 15 expressions: - - and(N-, or(S+, R+)) - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - R- + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-11696 type: explored -- comm_cost: 0.5569444444444447 - complexity: 11 +- comm_cost: 0.6326678240740742 + complexity: 23 + expressions: + - K+ + - SE+ + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - not(R+) + - or(SE-, N+) + name: explored-11697 + type: explored +- comm_cost: 0.3368055555555558 + complexity: 13 expressions: + - K+ - N+ - R- - - R- - - and(K-, or(S+, R+)) + - SE- - and(N-, R+) - name: explored-11697 + - and(S-, SE-) + - or(K+, R+) + name: explored-11698 type: explored -- comm_cost: 0.7560694444444445 - complexity: 14 +- comm_cost: 0.7890625000000001 + complexity: 8 expressions: - - N- - - and(K-, S+) - - and(K-, or(S+, R-)) - - not(R-) + - and(N-, or(K+, R+)) - or(S+, R+) - name: explored-11698 + name: explored-11699 type: explored -- comm_cost: 0.36354166666666676 +- comm_cost: 0.5552083333333335 complexity: 6 expressions: - N+ - R+ - - R- - - and(S-, SE-) - name: explored-11699 - type: explored -- comm_cost: 0.4564236111111113 - complexity: 20 - expressions: - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(K-, S+) name: explored-11700 type: explored -- comm_cost: 0.373871527777778 - complexity: 25 +- comm_cost: 0.20787037037037082 + complexity: 18 expressions: - K+ - - K+ - N+ - R- - S+ - - and(K-, or(S+, R+)) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) + - and(S-, not(R+)) name: explored-11701 type: explored -- comm_cost: 0.6062500000000002 - complexity: 12 +- comm_cost: 0.31892361111111134 + complexity: 13 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - and(K-, or(S+, N+)) - - and(N-, or(K+, R+)) + - and(K-, S+) + - and(N-, R+) + - or(SE-, N+) name: explored-11702 type: explored -- comm_cost: 0.6809895833333334 - complexity: 9 +- comm_cost: 0.5140625000000001 + complexity: 14 expressions: - - N- - - and(S-, SE-) - - or(S+, or(N+, R-)) + - N+ + - R- + - S+ + - SE- + - and(N-, R+) + - and(N-, not(R-)) + - or(S+, R+) name: explored-11703 type: explored -- comm_cost: 0.5569444444444447 - complexity: 8 +- comm_cost: 0.42152777777777817 + complexity: 11 expressions: - - N+ - - R- + - K+ + - SE- - and(N-, R+) - - or(K+, R+) + - and(S-, or(N+, not(R+))) name: explored-11704 type: explored -- comm_cost: 0.08541666666666692 - complexity: 17 +- comm_cost: 0.5880787037037037 + complexity: 9 expressions: - - K+ - - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - SE- + - and(K-, N-) + - or(S+, R-) name: explored-11705 type: explored -- comm_cost: 0.5456597222222224 - complexity: 11 +- comm_cost: 0.41953125000000024 + complexity: 16 expressions: - - R+ + - N+ - R- - - SE- - and(N-, R+) - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(S+, N+) name: explored-11706 type: explored -- comm_cost: 0.31805555555555576 - complexity: 20 +- comm_cost: 0.660300925925926 + complexity: 21 expressions: - - K+ - - N+ - R- - - and(K-, SE-) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - and(S-, N-) + - or(K+, R+) - or(S+, N+) name: explored-11707 type: explored -- comm_cost: 0.5694444444444446 - complexity: 10 +- comm_cost: 0.4329861111111113 + complexity: 16 expressions: + - K+ + - N+ - R- + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, not(R-)) name: explored-11708 type: explored -- comm_cost: 0.5565972222222224 - complexity: 11 +- comm_cost: 0.41171875000000013 + complexity: 10 expressions: - K+ - - R+ - - R- + - N+ + - S+ + - S- - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-11709 type: explored -- comm_cost: 0.36250000000000027 +- comm_cost: 0.3718750000000002 complexity: 13 expressions: - - K+ - N+ + - R+ - R- - - S- - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) + - and(S-, not(R+)) name: explored-11710 type: explored -- comm_cost: 0.5157986111111112 - complexity: 18 +- comm_cost: 0.11875000000000013 + complexity: 12 expressions: - - K+ + - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, K-) + - or(K+, N+) name: explored-11711 type: explored -- comm_cost: 0.1097222222222225 - complexity: 17 +- comm_cost: 0.5842013888888891 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - R+ + - and(S-, not(R+)) + - and(or(K+, S-), not(R+)) name: explored-11712 type: explored -- comm_cost: 0.3710937500000002 - complexity: 18 +- comm_cost: 0.29947916666666674 + complexity: 14 expressions: - - N+ + - K+ - R- - S+ - and(N-, R+) - - and(N-, not(R-)) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-11713 type: explored -- comm_cost: 0.8078125 - complexity: 5 +- comm_cost: 0.47803819444444473 + complexity: 24 expressions: - - and(N-, or(K+, S-)) + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-11714 type: explored -- comm_cost: 0.7375 - complexity: 6 +- comm_cost: 0.5225000000000002 + complexity: 9 expressions: - - and(S-, SE-) + - K+ + - N- + - R- + - and(N-, R+) - and(S-, SE-) name: explored-11715 type: explored -- comm_cost: 0.6423958333333334 - complexity: 4 +- comm_cost: 0.46684027777777803 + complexity: 16 expressions: - - N- - - R+ - - R- - - S+ + - N+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-11716 type: explored -- comm_cost: 0.41770833333333346 - complexity: 5 +- comm_cost: 0.3988194444444446 + complexity: 25 expressions: - - R+ - - S+ + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(N+, not(R+)) name: explored-11717 type: explored -- comm_cost: 0.5182291666666669 - complexity: 10 +- comm_cost: 0.3593750000000002 + complexity: 16 expressions: - - N+ - - and(K-, SE-) + - K+ + - R- - and(N-, R+) - - or(S+, SE+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11718 type: explored -- comm_cost: 0.2546875000000003 - complexity: 9 +- comm_cost: 0.6484375000000001 + complexity: 11 expressions: - - N+ - - R- - - SE- - - and(K-, SE-) - - and(N-, R+) + - R+ + - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) name: explored-11719 type: explored -- comm_cost: 0.6472222222222224 - complexity: 8 +- comm_cost: 0.4281250000000002 + complexity: 14 expressions: - - R+ - - SE- - - and(S-, N-) - - or(SE-, N+) + - N+ + - R- + - SE+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-11720 type: explored -- comm_cost: 0.50546875 - complexity: 15 +- comm_cost: 0.224479166666667 + complexity: 14 expressions: - N+ - R- - - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - or(N+, R-) name: explored-11721 type: explored -- comm_cost: 0.3104166666666669 - complexity: 12 +- comm_cost: 0.48793402777777795 + complexity: 23 expressions: - - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-11722 type: explored -- comm_cost: 0.4192708333333336 - complexity: 18 +- comm_cost: 0.5300347222222225 + complexity: 17 expressions: - - K+ - - K+ + - N+ - R- - - S+ - - and(K-, not(R+)) + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(N-, or(S+, SE+)) name: explored-11723 type: explored -- comm_cost: 0.30625000000000036 - complexity: 9 +- comm_cost: 0.4465711805555558 + complexity: 21 expressions: + - K+ + - N+ + - R- + - SE- - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), not(R-)) + - or(K+, or(N+, R-)) name: explored-11724 type: explored -- comm_cost: 0.3677083333333333 - complexity: 10 +- comm_cost: 0.6333333333333333 + complexity: 5 expressions: - - K+ - N+ - R- - - S+ - - and(K-, S+) - - and(S-, SE-) + - SE- + - not(R-) name: explored-11725 type: explored -- comm_cost: 0.3171875000000003 - complexity: 16 +- comm_cost: 0.5789930555555557 + complexity: 11 expressions: - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - R+ + - SE- + - and(SE+, N-) + - and(or(K+, S-), not(R+)) name: explored-11726 type: explored -- comm_cost: 0.5583333333333335 - complexity: 19 +- comm_cost: 0.25682870370370403 + complexity: 18 expressions: - N+ - - R+ - R- - - SE- - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, R-) name: explored-11727 type: explored -- comm_cost: 0.6493055555555557 - complexity: 5 +- comm_cost: 0.6032696759259261 + complexity: 11 expressions: - N+ - - SE- - - or(K+, R+) + - S- + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-11728 type: explored -- comm_cost: 0.4788541666666668 - complexity: 16 +- comm_cost: 0.3166666666666669 + complexity: 9 expressions: - - K- - - N+ + - K+ + - K+ + - N+ + - N+ + - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(N+, R-) name: explored-11729 type: explored -- comm_cost: 0.5675347222222225 - complexity: 13 +- comm_cost: 0.37722222222222257 + complexity: 20 expressions: + - K+ - N+ - - SE- - - and(K-, or(S+, N+)) + - R- + - and(K-, S+) - and(N-, R+) - - or(S+, R+) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-11730 type: explored -- comm_cost: 0.6340277777777779 +- comm_cost: 0.2723958333333336 complexity: 12 expressions: + - N+ - R- - SE- - - or(K+, R+) - - or(and(K-, S+), or(N+, R-)) + - and(K-, SE-) + - and(N-, R+) + - or(K+, R-) name: explored-11731 type: explored -- comm_cost: 0.6946875000000001 - complexity: 5 - expressions: - - R+ - - SE- - - or(K+, S-) - name: explored-11732 - type: explored -- comm_cost: 0.5192708333333335 - complexity: 9 +- comm_cost: 0.5151041666666668 + complexity: 12 expressions: + - K+ - N+ - - R+ - R- - and(K-, N-) - and(S-, SE-) + - or(S+, N+) + name: explored-11732 + type: explored +- comm_cost: 0.7284722222222223 + complexity: 11 + expressions: + - R+ + - and(N-, not(R-)) + - and(or(K+, S-), not(R-)) name: explored-11733 type: explored -- comm_cost: 0.6493055555555557 - complexity: 7 +- comm_cost: 0.6202401620370371 + complexity: 13 expressions: + - K+ - N+ - SE- - - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, not(R-)) + - or(K+, K-) name: explored-11734 type: explored -- comm_cost: 0.4394097222222223 - complexity: 10 +- comm_cost: 0.5744791666666669 + complexity: 11 expressions: - - K+ - - R+ - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - N+ + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-11735 type: explored -- comm_cost: 0.6533854166666668 - complexity: 13 +- comm_cost: 0.44649884259259287 + complexity: 17 expressions: - - R+ - - and(K-, or(S+, N+)) - - or(and(K-, SE-), or(N+, R-)) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-11736 type: explored -- comm_cost: 0.26093750000000016 - complexity: 17 +- comm_cost: 0.5342274305555558 + complexity: 13 expressions: + - K+ - N+ + - R- + - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R-) + - and(N-, R+) + - not(R-) name: explored-11737 type: explored -- comm_cost: 0.5089756944444446 - complexity: 17 +- comm_cost: 0.3020833333333337 + complexity: 9 expressions: - - K- - - N+ - - R- + - K+ + - K+ - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(S+, R+) name: explored-11738 type: explored -- comm_cost: 0.3184027777777778 - complexity: 14 +- comm_cost: 0.624971064814815 + complexity: 20 expressions: - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(K+, K-) name: explored-11739 type: explored -- comm_cost: 0.3573784722222224 - complexity: 21 +- comm_cost: 0.37031250000000027 + complexity: 18 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, N+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11740 type: explored -- comm_cost: 0.5910879629629631 - complexity: 12 +- comm_cost: 0.5048177083333335 + complexity: 13 expressions: - K+ - - K+ - - R+ + - N+ - R- - - SE- - - and(K-, N-) - - and(S-, not(R-)) + - S+ + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-11741 type: explored -- comm_cost: 0.4980324074074076 +- comm_cost: 0.6074652777777779 complexity: 10 expressions: - R+ - - R- - - SE- - - and(N-, R+) - - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-11742 type: explored -- comm_cost: 0.78359375 - complexity: 9 +- comm_cost: 0.6976562500000001 + complexity: 3 expressions: - - K+ - - SE- - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - S- name: explored-11743 type: explored -- comm_cost: 0.08125000000000027 - complexity: 14 +- comm_cost: 0.6769212962962963 + complexity: 26 expressions: - - N+ - R- - and(K-, S+) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - and(K-, not(R-)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) + - not(R-) + - or(K+, or(N+, R-)) name: explored-11744 type: explored -- comm_cost: 0.5913194444444445 +- comm_cost: 0.6330729166666668 complexity: 10 expressions: - R+ - R- - - SE- - - and(N-, not(R-)) - - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11745 type: explored -- comm_cost: 0.3861111111111113 +- comm_cost: 0.43871527777777775 complexity: 10 expressions: + - K+ - N+ - R- - - and(N-, or(K+, SE+)) + - S+ - and(S-, SE-) + - or(S+, R-) name: explored-11746 type: explored -- comm_cost: 0.5687789351851853 - complexity: 15 +- comm_cost: 0.45416666666666683 + complexity: 10 expressions: + - K+ - N+ - R- + - SE+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) name: explored-11747 type: explored -- comm_cost: 0.55390625 - complexity: 9 +- comm_cost: 0.42152777777777795 + complexity: 19 expressions: + - K+ + - N+ - R- - - and(N-, or(S+, SE+)) + - S+ - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-11748 type: explored -- comm_cost: 0.3132812500000002 - complexity: 16 +- comm_cost: 0.5564236111111113 + complexity: 17 expressions: - K+ - N+ - R- - - and(K-, SE-) + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - or(K+, K-) + - or(and(K-, S+), or(N+, R-)) name: explored-11749 type: explored -- comm_cost: 0.7771354166666667 +- comm_cost: 0.6067708333333335 complexity: 9 expressions: - - and(N-, or(S+, SE+)) - - or(N+, not(R+)) + - R+ + - R- + - and(K-, S+) + - and(K-, not(R-)) name: explored-11750 type: explored -- comm_cost: 0.5333333333333335 - complexity: 16 +- comm_cost: 0.4213252314814817 + complexity: 17 expressions: + - K+ - N+ + - R- + - S+ + - S- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-11751 type: explored -- comm_cost: 0.4158854166666668 - complexity: 20 +- comm_cost: 0.4833333333333333 + complexity: 8 expressions: - - N+ - R- - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, R+) - - or(S+, SE+) + - or(K+, N+) name: explored-11752 type: explored -- comm_cost: 0.5756365740740742 - complexity: 15 +- comm_cost: 0.19982638888888915 + complexity: 18 expressions: + - K+ - N+ - R+ - R- - - SE- - - and(S-, N-) - - or(K+, N+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) - or(K+, or(N+, R-)) name: explored-11753 type: explored -- comm_cost: 0.5188368055555557 - complexity: 22 +- comm_cost: 0.6534375000000001 + complexity: 10 expressions: - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(K+, S-) - - or(S+, or(N+, R-)) + - SE- + - not(R-) + - or(K+, or(N+, R-)) name: explored-11754 type: explored -- comm_cost: 0.3328993055555557 - complexity: 20 +- comm_cost: 0.3888888888888892 + complexity: 11 expressions: - - N+ + - K+ - R- - - S+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(SE-, or(K+, S-)) name: explored-11755 type: explored -- comm_cost: 0.47954861111111124 - complexity: 11 +- comm_cost: 0.5083912037037039 + complexity: 17 expressions: - - K- + - K+ - N+ - R- - - S+ - - SE+ + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-11756 type: explored -- comm_cost: 0.7883680555555557 - complexity: 6 +- comm_cost: 0.41475694444444466 + complexity: 24 expressions: - - SE- - - SE- - - and(N-, not(R-)) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-11757 type: explored -- comm_cost: 0.5736979166666669 +- comm_cost: 0.3914930555555558 complexity: 12 expressions: + - K+ + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(SE+, N-) + - or(K+, R-) name: explored-11758 type: explored -- comm_cost: 0.6321180555555558 - complexity: 11 +- comm_cost: 0.6973379629629631 + complexity: 12 expressions: - - SE- - - and(K-, N-) - - and(N-, R+) - - or(N+, not(R+)) + - K+ + - R+ + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) name: explored-11759 type: explored -- comm_cost: 0.27447916666666705 - complexity: 10 +- comm_cost: 0.2888888888888891 + complexity: 16 expressions: - K+ + - N+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-11760 type: explored -- comm_cost: 0.3997106481481484 - complexity: 18 +- comm_cost: 0.5721354166666668 + complexity: 21 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, N-) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(and(K-, N-), not(R-)) + - or(K+, K-) name: explored-11761 type: explored -- comm_cost: 0.39995659722222243 - complexity: 25 +- comm_cost: 0.5655526620370372 + complexity: 16 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- + - and(SE-, or(K+, S-)) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-11762 type: explored -- comm_cost: 0.31712962962962976 - complexity: 22 +- comm_cost: 0.516388888888889 + complexity: 10 expressions: - K+ - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, S-) name: explored-11763 type: explored -- comm_cost: 0.6640625000000002 - complexity: 7 - expressions: - - R+ - - or(K+, R-) - - or(S+, N+) - name: explored-11764 - type: explored -- comm_cost: 0.261979166666667 - complexity: 10 +- comm_cost: 0.24722222222222257 + complexity: 8 expressions: + - K+ + - K+ + - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - name: explored-11765 + name: explored-11764 type: explored -- comm_cost: 0.6017187500000001 - complexity: 26 +- comm_cost: 0.5895833333333335 + complexity: 9 expressions: - R+ - - SE+ - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(N-, or(S+, R+)) - - or(K+, R+) - - or(K+, R-) - name: explored-11766 - type: explored -- comm_cost: 0.7057291666666666 - complexity: 10 - expressions: - - SE- - - and(K-, or(S+, N+)) - - and(S-, not(R+)) - name: explored-11767 + - and(S-, or(SE-, N+)) + name: explored-11765 type: explored -- comm_cost: 0.3631944444444448 +- comm_cost: 0.4667824074074075 complexity: 19 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(K-, S+) + - S+ - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) - name: explored-11768 + - and(S-, SE-) + - or(K+, K-) + - or(S+, or(N+, R-)) + name: explored-11766 type: explored -- comm_cost: 0.6919270833333334 - complexity: 6 +- comm_cost: 0.39552951388888913 + complexity: 20 expressions: - - R+ + - K+ + - N+ + - S+ + - and(N-, R+) - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + name: explored-11767 + type: explored +- comm_cost: 0.7046770833333335 + complexity: 41 + expressions: + - K- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R-)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) + - or(N+, R-) + - or(S+, N+) + name: explored-11768 + type: explored +- comm_cost: 0.7300196759259261 + complexity: 32 + expressions: + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) + - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-11769 type: explored -- comm_cost: 0.5070312500000002 - complexity: 11 +- comm_cost: 0.5125000000000002 + complexity: 9 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - or(K+, S-) + - SE- + - and(K-, S+) + - or(K+, R-) name: explored-11770 type: explored -- comm_cost: 0.5591666666666668 - complexity: 12 +- comm_cost: 0.4118981481481485 + complexity: 14 expressions: - - K- - N+ + - R- + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - or(N+, not(R+)) name: explored-11771 type: explored -- comm_cost: 0.46203703703703725 - complexity: 25 +- comm_cost: 0.6825000000000001 + complexity: 7 expressions: - - N+ - R- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, SE+) name: explored-11772 type: explored -- comm_cost: 0.5795833333333333 - complexity: 9 +- comm_cost: 0.4380208333333334 + complexity: 10 expressions: - K+ - N+ + - R+ - R- + - and(K-, N-) - and(S-, SE-) - - or(K+, S-) name: explored-11773 type: explored -- comm_cost: 0.6948090277777779 - complexity: 8 +- comm_cost: 0.3113281250000002 + complexity: 13 expressions: - - N- - - R+ - - SE- - - or(S+, or(N+, R-)) + - K+ + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-11774 type: explored -- comm_cost: 0.7216666666666669 - complexity: 6 +- comm_cost: 0.6570312500000002 + complexity: 9 expressions: + - N+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - or(S+, SE+) name: explored-11775 type: explored -- comm_cost: 0.7689814814814816 - complexity: 10 +- comm_cost: 0.6757812500000001 + complexity: 6 expressions: - R+ - - SE+ - - and(N-, or(S+, SE+)) - - or(K+, SE+) + - S+ + - and(N-, not(R-)) name: explored-11776 type: explored -- comm_cost: 0.4173611111111113 - complexity: 17 +- comm_cost: 0.23385416666666692 + complexity: 14 expressions: - K+ - - N+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - not(R+) + - or(S+, or(N+, R-)) name: explored-11777 type: explored -- comm_cost: 0.26371527777777815 - complexity: 17 +- comm_cost: 0.6407118055555556 + complexity: 11 expressions: - - N+ + - R+ - R- - - S+ - SE- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, S-)) + - or(SE-, N+) name: explored-11778 type: explored -- comm_cost: 0.4418923611111113 - complexity: 19 +- comm_cost: 0.5101504629629631 + complexity: 14 expressions: - - K+ - - K+ + - N- - R- - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - not(R-) name: explored-11779 type: explored -- comm_cost: 0.4329861111111115 - complexity: 14 +- comm_cost: 0.18750000000000022 + complexity: 18 expressions: + - N+ - R- - - SE- + - S+ + - S+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, R-) name: explored-11780 type: explored -- comm_cost: 0.5637962962962965 - complexity: 10 +- comm_cost: 0.5972222222222223 + complexity: 13 expressions: - K+ - - N+ - - N- - - R- - - and(N-, R+) - - or(K+, R+) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(S-, not(R-)) name: explored-11781 type: explored -- comm_cost: 0.6229166666666668 - complexity: 9 +- comm_cost: 0.6535416666666667 + complexity: 36 expressions: - - R+ - - R- - - and(and(K-, N-), or(S+, R+)) + - K+ + - S+ + - and(K-, N-) + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - not(R+) + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-11782 type: explored -- comm_cost: 0.5578125000000002 - complexity: 15 +- comm_cost: 0.37812500000000027 + complexity: 14 expressions: - - R- - - S+ + - K+ + - N+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - not(R+) + - or(K+, N+) + - or(K+, R+) name: explored-11783 type: explored -- comm_cost: 0.5550347222222223 - complexity: 10 +- comm_cost: 0.4114583333333335 + complexity: 11 expressions: - N+ - - R+ - R- - - S- - - and(S-, SE-) - - and(SE+, N-) + - SE- + - and(K-, SE-) + - and(N-, or(K+, R+)) name: explored-11784 type: explored -- comm_cost: 0.177604166666667 - complexity: 15 +- comm_cost: 0.6605034722222223 + complexity: 13 expressions: - - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, or(S+, SE+)) - or(S+, or(N+, R-)) name: explored-11785 type: explored -- comm_cost: 0.7365451388888888 - complexity: 10 +- comm_cost: 0.6588541666666669 + complexity: 8 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - or(K+, or(N+, R-)) + - and(N-, or(K+, SE+)) name: explored-11786 type: explored -- comm_cost: 0.2592013888888891 - complexity: 20 +- comm_cost: 0.3515625000000002 + complexity: 10 expressions: - - N+ - R- + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) name: explored-11787 type: explored -- comm_cost: 0.7208333333333334 - complexity: 7 +- comm_cost: 0.6834004629629631 + complexity: 40 expressions: - R+ - - R+ - - and(K-, or(S+, N+)) + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-11788 type: explored -- comm_cost: 0.7868055555555555 - complexity: 5 +- comm_cost: 0.4265625000000002 + complexity: 24 expressions: - K+ - - SE- - - or(K+, R-) + - N+ + - R- + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11789 type: explored -- comm_cost: 0.6382638888888891 +- comm_cost: 0.43333333333333357 complexity: 9 expressions: + - K+ - SE- - and(N-, R+) - - not(R+) - - or(K+, S-) + - and(S-, not(R+)) name: explored-11790 type: explored -- comm_cost: 0.48537037037037056 - complexity: 19 +- comm_cost: 0.5550000000000002 + complexity: 8 expressions: - - K- - - N+ + - N- - R- - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, or(N+, R-)) name: explored-11791 type: explored -- comm_cost: 0.6414930555555557 - complexity: 10 +- comm_cost: 0.7508969907407409 + complexity: 11 expressions: - R+ - - R+ - - and(N-, or(K+, SE+)) - - and(S-, N-) + - and(K-, or(S+, R+)) + - and(N-, or(S+, SE+)) name: explored-11792 type: explored -- comm_cost: 0.41770833333333346 - complexity: 12 +- comm_cost: 0.6015625000000001 + complexity: 19 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(S-, SE-) - - or(K+, N+) + - N+ + - and(N-, or(K+, R+)) + - and(S-, N-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, N+) name: explored-11793 type: explored -- comm_cost: 0.5942708333333335 - complexity: 8 +- comm_cost: 0.3694444444444447 + complexity: 17 expressions: - - R+ + - K+ + - N+ - R- - - or(N+, R-) - - or(SE-, N+) + - S- + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-11794 type: explored -- comm_cost: 0.3973958333333335 - complexity: 24 +- comm_cost: 0.6923611111111111 + complexity: 10 expressions: - - K+ - - N+ - R- + - SE- - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(SE-, N+)) name: explored-11795 type: explored -- comm_cost: 0.7824652777777779 - complexity: 10 +- comm_cost: 0.6882812500000001 + complexity: 14 expressions: - - and(K-, or(S+, R-)) - - and(N-, or(K+, SE+)) + - R+ + - and(K-, not(R-)) + - and(and(S-, N-), not(R-)) + - or(S+, R+) name: explored-11796 type: explored -- comm_cost: 0.33402777777777803 - complexity: 13 +- comm_cost: 0.154166666666667 + complexity: 14 expressions: - K+ + - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - or(S+, N+) name: explored-11797 type: explored -- comm_cost: 0.687326388888889 - complexity: 12 +- comm_cost: 0.4480868055555558 + complexity: 16 expressions: + - K+ - N+ - - R+ - - or(K+, S-) - - or(and(K-, S+), or(N+, R-)) + - R- + - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(S+, R-) name: explored-11798 type: explored -- comm_cost: 0.489513888888889 - complexity: 12 +- comm_cost: 0.5979166666666669 + complexity: 8 expressions: - - K- - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - and(K-, or(S+, N+)) name: explored-11799 type: explored -- comm_cost: 0.41623263888888906 - complexity: 23 +- comm_cost: 0.6269097222222224 + complexity: 14 expressions: - - K+ - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - R+ + - SE- + - and(N-, or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-11800 type: explored -- comm_cost: 0.6640046296296298 - complexity: 12 +- comm_cost: 0.38784722222222257 + complexity: 16 expressions: - - R+ - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - N+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-11801 type: explored -- comm_cost: 0.5994791666666668 +- comm_cost: 0.5409722222222223 complexity: 13 expressions: - R+ + - R- - SE- - - and(K-, or(S+, N+)) - - and(S-, N-) - - or(N+, R-) + - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-11802 type: explored -- comm_cost: 0.7166666666666668 - complexity: 14 +- comm_cost: 0.5378472222222224 + complexity: 15 expressions: + - N+ + - R+ + - R- - SE- - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - and(K-, not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-11803 type: explored -- comm_cost: 0.18958333333333366 - complexity: 15 +- comm_cost: 0.47890625 + complexity: 11 expressions: - - K+ - - K+ - N+ - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) + - R- - and(S-, SE-) + - or(K+, SE+) + - or(S+, R+) name: explored-11804 type: explored -- comm_cost: 0.6006944444444446 - complexity: 8 +- comm_cost: 0.354311342592593 + complexity: 21 expressions: - - K+ - N+ + - R- - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-11805 type: explored -- comm_cost: 0.713715277777778 - complexity: 5 +- comm_cost: 0.6355324074074075 + complexity: 11 expressions: - R+ - - and(S-, not(R-)) + - S- + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-11806 type: explored -- comm_cost: 0.49361111111111133 - complexity: 18 +- comm_cost: 0.27708333333333346 + complexity: 19 expressions: - K+ - N+ - - R- - - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, S-) + - or(K+, R+) + - or(K+, or(N+, R-)) name: explored-11807 type: explored -- comm_cost: 0.41223958333333344 +- comm_cost: 0.41414930555555574 complexity: 17 expressions: - - K+ - N+ - - R- - S+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-11808 type: explored -- comm_cost: 0.34924768518518534 - complexity: 18 +- comm_cost: 0.5052083333333335 + complexity: 9 expressions: + - N+ - R+ - R- - - S+ - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(K-, or(SE-, N+)) name: explored-11809 type: explored -- comm_cost: 0.675607638888889 - complexity: 14 +- comm_cost: 0.38402777777777786 + complexity: 27 expressions: - - R+ - - and(K-, not(R-)) - - and(or(K+, S-), not(R-)) - - or(K+, R-) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(SE+, N-) + - or(and(K-, S+), or(N+, R-)) name: explored-11810 type: explored -- comm_cost: 0.5115451388888891 - complexity: 13 +- comm_cost: 0.3662500000000002 + complexity: 15 expressions: + - K+ - N+ - - SE- + - R- + - S+ + - and(K-, S+) - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(K+, SE+) + - and(S-, SE-) + - not(R-) name: explored-11811 type: explored -- comm_cost: 0.5429687500000001 - complexity: 8 +- comm_cost: 0.26927083333333346 + complexity: 10 expressions: + - K+ + - K+ - N+ - - R+ - R- - - SE- - - and(N-, not(R-)) + - and(S-, SE-) + - and(SE+, N-) name: explored-11812 type: explored -- comm_cost: 0.6880555555555558 - complexity: 9 +- comm_cost: 0.4299479166666669 + complexity: 10 expressions: + - K+ + - N+ + - R- - SE- + - and(K-, N-) - and(N-, R+) - - not(R-) - - or(S+, SE+) name: explored-11813 type: explored -- comm_cost: 0.2131944444444447 - complexity: 18 +- comm_cost: 0.39718750000000025 + complexity: 11 expressions: + - K+ - N+ - R- - - R- - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, R-) + - or(N+, not(R+)) name: explored-11814 type: explored -- comm_cost: 0.33033854166666676 - complexity: 18 +- comm_cost: 0.9104166666666667 + complexity: 5 expressions: - - N+ - - R+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, SE+) + - and(K-, or(S+, R-)) name: explored-11815 type: explored -- comm_cost: 0.6029687500000002 - complexity: 38 +- comm_cost: 0.8276909722222222 + complexity: 8 expressions: - - N+ - - SE+ - - and(K-, SE-) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, N-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, or(N+, R-)) + - SE- + - and(SE-, or(K+, S-)) + - not(R+) name: explored-11816 type: explored -- comm_cost: 0.13680555555555585 - complexity: 16 +- comm_cost: 0.5329166666666668 + complexity: 9 expressions: - N+ + - N- + - R+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) + - SE- - and(S-, SE-) - - or(K+, or(N+, R-)) name: explored-11817 type: explored -- comm_cost: 0.2781250000000002 - complexity: 10 +- comm_cost: 0.5617708333333334 + complexity: 6 expressions: - - K+ - - N+ + - N- - R+ - - S+ - - and(N-, R+) + - R- - and(S-, SE-) name: explored-11818 type: explored -- comm_cost: 0.5267447916666668 - complexity: 13 +- comm_cost: 0.4370659722222223 + complexity: 17 expressions: - - K+ - N+ - - N- - R- - - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(K+, SE+) name: explored-11819 type: explored -- comm_cost: 0.3425347222222225 - complexity: 12 +- comm_cost: 0.5409722222222224 + complexity: 15 expressions: - - K+ - N+ - R- - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, or(N+, R-)) name: explored-11820 type: explored -- comm_cost: 0.5750000000000002 +- comm_cost: 0.5791666666666668 complexity: 12 expressions: - - N+ - - R- + - K+ - SE- - and(N-, R+) - - or(K+, K-) - - or(SE-, N+) + - and(and(K-, N-), or(S+, R+)) name: explored-11821 type: explored -- comm_cost: 0.28333333333333366 - complexity: 7 +- comm_cost: 0.846875 + complexity: 4 expressions: - N+ - - R- - - R- - - SE- - - and(N-, R+) + - or(K+, N+) name: explored-11822 type: explored -- comm_cost: 0.255729166666667 +- comm_cost: 0.7101736111111112 complexity: 13 expressions: - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, or(S+, N+)) + - and(S-, not(R-)) + - or(K+, S-) name: explored-11823 type: explored -- comm_cost: 0.5750000000000002 - complexity: 12 +- comm_cost: 0.5161458333333335 + complexity: 11 expressions: + - N+ + - R+ - R- - - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) name: explored-11824 type: explored -- comm_cost: 0.5333912037037039 - complexity: 10 +- comm_cost: 0.26093750000000016 + complexity: 14 expressions: - N+ - - R+ - - R- - R- - - SE- - - and(N-, or(K+, SE+)) + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-11825 type: explored -- comm_cost: 0.6238281250000002 +- comm_cost: 0.42685185185185215 complexity: 18 expressions: - R- - - SE+ - - and(and(S-, N-), not(R-)) - - or(S+, R-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-11826 type: explored -- comm_cost: 0.7679687500000001 - complexity: 8 +- comm_cost: 0.3791666666666669 + complexity: 14 expressions: - - and(N-, or(S+, SE+)) - - or(K+, N+) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-11827 type: explored -- comm_cost: 0.6534375000000001 - complexity: 14 - expressions: - - R+ - - and(K-, or(S+, N+)) - - and(S-, or(SE-, N+)) - - or(K+, S-) - name: explored-11828 - type: explored -- comm_cost: 0.34143518518518534 - complexity: 15 +- comm_cost: 0.4007812500000002 + complexity: 13 expressions: - K+ - R- - and(N-, R+) - - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R-)) - name: explored-11829 + name: explored-11828 type: explored -- comm_cost: 0.35260416666666694 - complexity: 10 +- comm_cost: 0.6304976851851853 + complexity: 14 expressions: - N+ + - R+ - SE- + - and(K-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) + name: explored-11829 + type: explored +- comm_cost: 0.21458333333333357 + complexity: 23 + expressions: + - N+ + - R- + - and(K-, S+) - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-11830 type: explored -- comm_cost: 0.5345486111111113 - complexity: 11 +- comm_cost: 0.5354166666666669 + complexity: 18 expressions: - - R+ - - and(K-, SE-) - - and(K-, not(R+)) - - and(S-, SE-) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-11831 type: explored -- comm_cost: 0.4911458333333336 - complexity: 12 +- comm_cost: 0.7599305555555557 + complexity: 15 expressions: - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(N+, R-) + - N- + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, S-)) + - or(S+, R-) name: explored-11832 type: explored -- comm_cost: 0.5834201388888891 - complexity: 13 +- comm_cost: 0.6552083333333333 + complexity: 11 expressions: - N+ - - R+ - R- + - and(S-, SE-) + - or(SE-, N+) - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) name: explored-11833 type: explored -- comm_cost: 0.43906250000000013 - complexity: 12 +- comm_cost: 0.34523148148148164 + complexity: 15 expressions: - - K+ - - K+ - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, R-) + - or(S+, SE+) name: explored-11834 type: explored -- comm_cost: 0.6289930555555557 - complexity: 11 +- comm_cost: 0.7186979166666667 + complexity: 16 expressions: - - R+ - - SE- - - and(K-, S+) - - and(and(K-, N-), not(R-)) + - S+ + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(N-, not(R-)) + - not(R+) name: explored-11835 type: explored -- comm_cost: 0.8 - complexity: 5 +- comm_cost: 0.7710069444444445 + complexity: 9 expressions: - - N- - - or(N+, not(R+)) + - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-11836 type: explored -- comm_cost: 0.3041666666666669 - complexity: 21 +- comm_cost: 0.4296875000000002 + complexity: 15 expressions: - K+ - - N+ - R- - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) name: explored-11837 type: explored -- comm_cost: 0.48541666666666683 - complexity: 13 +- comm_cost: 0.5351562500000002 + complexity: 9 expressions: - N+ - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(K+, S-) + - and(N-, or(K+, S-)) name: explored-11838 type: explored -- comm_cost: 0.35069444444444464 - complexity: 15 +- comm_cost: 0.5069444444444445 + complexity: 6 expressions: + - K+ - N+ - R- - - S+ - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(S-, N-) name: explored-11839 type: explored -- comm_cost: 0.22361111111111143 - complexity: 16 +- comm_cost: 0.3359375000000002 + complexity: 18 expressions: - - K+ - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-11840 type: explored -- comm_cost: 0.37312500000000015 - complexity: 14 +- comm_cost: 0.8153645833333333 + complexity: 9 expressions: - - K+ - - K- - - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11841 type: explored -- comm_cost: 0.5803819444444446 - complexity: 14 +- comm_cost: 0.5794270833333333 + complexity: 16 expressions: - - R+ - - and(K-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(K+, N+) + - N+ + - R- + - and(K-, S+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11842 type: explored -- comm_cost: 0.29114583333333355 - complexity: 19 +- comm_cost: 0.3833333333333335 + complexity: 9 expressions: - N+ - - R- - - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) name: explored-11843 type: explored -- comm_cost: 0.6500000000000001 - complexity: 8 +- comm_cost: 0.7159722222222222 + complexity: 13 expressions: - - K+ - R- - - and(N-, R+) - - or(S+, SE+) + - SE- + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) name: explored-11844 type: explored -- comm_cost: 0.4378761574074076 - complexity: 19 +- comm_cost: 0.42291666666666683 + complexity: 11 expressions: - K+ + - K+ - N+ - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - and(SE+, N-) - - or(SE-, N+) name: explored-11845 type: explored -- comm_cost: 0.22430555555555576 - complexity: 12 +- comm_cost: 0.6029224537037039 + complexity: 20 expressions: - - K+ - N+ - - SE+ - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) name: explored-11846 type: explored -- comm_cost: 0.3041666666666669 - complexity: 25 +- comm_cost: 0.36302083333333357 + complexity: 20 expressions: - K+ - N+ + - N+ - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, SE-) + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-11847 type: explored -- comm_cost: 0.3006944444444448 - complexity: 13 +- comm_cost: 0.7208723958333334 + complexity: 33 expressions: - - K+ - R- - - S+ - - SE- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - S- + - and(K-, or(SE-, N+)) + - and(N-, or(K+, S-)) + - and(S-, N-) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - or(K+, K-) + - or(S+, or(N+, R-)) name: explored-11848 type: explored -- comm_cost: 0.5406250000000001 - complexity: 10 +- comm_cost: 0.5569444444444447 + complexity: 13 expressions: - - R+ - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) + - N+ + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(K+, R+) name: explored-11849 type: explored -- comm_cost: 0.4676041666666668 - complexity: 11 +- comm_cost: 0.4208333333333335 + complexity: 19 expressions: + - K+ - N+ + - R- - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - or(S+, R+) name: explored-11850 type: explored -- comm_cost: 0.6893750000000001 - complexity: 9 +- comm_cost: 0.7305555555555556 + complexity: 10 expressions: - R+ - - and(K-, or(S+, R-)) - - or(K+, S-) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) name: explored-11851 type: explored -- comm_cost: 0.5289062499999999 - complexity: 15 +- comm_cost: 0.5556423611111113 + complexity: 14 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(N-, R+) + - and(N-, not(R-)) + - or(S+, or(N+, R-)) name: explored-11852 type: explored -- comm_cost: 0.6022569444444446 - complexity: 11 - expressions: - - R+ - - and(K-, or(S+, R+)) - - and(SE-, or(K+, S-)) - name: explored-11853 - type: explored -- comm_cost: 0.44843750000000027 +- comm_cost: 0.5102777777777779 complexity: 10 expressions: - K+ - - SE- - - and(K-, or(S+, R-)) + - N- + - R- + - SE+ - and(N-, R+) - name: explored-11854 + - and(S-, SE-) + name: explored-11853 type: explored -- comm_cost: 0.31510416666666674 - complexity: 14 +- comm_cost: 0.5206018518518519 + complexity: 13 expressions: - K+ - N+ - R+ + - R+ - R- - - and(S-, SE-) + - SE- - and(and(K-, N-), or(S+, SE+)) - name: explored-11855 + name: explored-11854 type: explored -- comm_cost: 0.37994791666666683 - complexity: 15 +- comm_cost: 0.3725000000000003 + complexity: 17 expressions: - - K+ - N+ - - and(K-, S+) + - R- + - S+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - name: explored-11856 + - or(N+, not(R+)) + - or(SE-, N+) + name: explored-11855 type: explored -- comm_cost: 0.49027777777777803 - complexity: 11 +- comm_cost: 0.8710069444444445 + complexity: 8 expressions: - - N+ - - N+ - - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - name: explored-11857 + - or(K+, N+) + - or(K+, or(N+, R-)) + name: explored-11856 type: explored -- comm_cost: 0.34236111111111134 - complexity: 20 +- comm_cost: 0.4281250000000002 + complexity: 22 expressions: - K+ - K+ - N+ - - R- - S+ - - and(K-, not(R+)) - - and(K-, or(S+, R+)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + name: explored-11857 + type: explored +- comm_cost: 0.4437500000000003 + complexity: 7 + expressions: + - SE- - and(N-, R+) - and(S-, SE-) name: explored-11858 type: explored -- comm_cost: 0.8508680555555556 - complexity: 8 +- comm_cost: 0.4540364583333335 + complexity: 16 expressions: - - and(or(K+, S-), not(R+)) - - not(R+) + - N+ + - SE- + - and(K-, SE-) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(S+, R-) name: explored-11859 type: explored -- comm_cost: 0.466666666666667 +- comm_cost: 0.83125 complexity: 7 expressions: - - K+ - - K+ - - R- - - S+ - - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-11860 type: explored -- comm_cost: 0.6043923611111112 - complexity: 13 +- comm_cost: 0.3362847222222225 + complexity: 12 expressions: - - R+ + - N+ - R- - - S+ - - and(K-, not(R-)) - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(N-, R+) + - or(K+, N+) + - or(K+, R-) name: explored-11861 type: explored -- comm_cost: 0.5015625000000002 - complexity: 21 +- comm_cost: 0.678898974867725 + complexity: 40 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(K+, R+) + - K- + - and(K-, N-) + - and(K-, SE-) + - and(N-, or(S+, R+)) + - and(SE+, N-) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-11862 type: explored -- comm_cost: 0.6915364583333334 - complexity: 21 +- comm_cost: 0.5298611111111112 + complexity: 12 expressions: + - N+ + - R+ + - R- + - R- - SE- - - and(N-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(S+, N+) + - and(S-, not(R-)) + - or(K+, N+) name: explored-11863 type: explored -- comm_cost: 0.7150000000000001 +- comm_cost: 0.635 complexity: 5 expressions: + - N+ + - N- + - N- - R- - SE- - - or(S+, SE+) name: explored-11864 type: explored -- comm_cost: 0.6539930555555558 - complexity: 13 +- comm_cost: 0.5458333333333335 + complexity: 6 expressions: + - N+ - R+ - - and(K-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - or(N+, R-) name: explored-11865 type: explored -- comm_cost: 0.5805208333333335 - complexity: 10 +- comm_cost: 0.5768229166666669 + complexity: 13 expressions: - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - or(S+, SE+) + - R+ + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(SE-, N+) name: explored-11866 type: explored -- comm_cost: 0.6447048611111112 - complexity: 16 +- comm_cost: 0.4921875000000002 + complexity: 10 expressions: - N+ - - R+ - - R- - - SE- - - and(K-, not(R+)) - - and(N-, or(K+, SE+)) - - or(K+, K-) + - and(K-, N-) + - and(K-, SE-) + - and(N-, R+) name: explored-11867 type: explored -- comm_cost: 0.7340625000000001 - complexity: 12 +- comm_cost: 0.6169270833333336 + complexity: 10 expressions: - - R- - - SE- - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(K-, or(N+, not(R+))) + - or(K+, R-) name: explored-11868 type: explored -- comm_cost: 0.45625000000000016 - complexity: 15 +- comm_cost: 0.5087500000000001 + complexity: 11 expressions: - - R+ - - S+ + - K+ + - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-11869 type: explored -- comm_cost: 0.6400173611111113 - complexity: 13 +- comm_cost: 0.4515625000000002 + complexity: 9 expressions: - - R+ - - R+ - - SE- - - and(N-, or(K+, S-)) - - or(K+, or(N+, R-)) + - K+ + - R- + - S- + - and(N-, R+) + - and(S-, SE-) name: explored-11870 type: explored -- comm_cost: 0.8631944444444444 - complexity: 10 +- comm_cost: 0.5106192129629631 + complexity: 17 expressions: - - or(S+, N+) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, not(R+)) + - or(K+, R+) name: explored-11871 type: explored -- comm_cost: 0.48593750000000013 - complexity: 12 +- comm_cost: 0.5848958333333336 + complexity: 11 expressions: - - R+ - - R- - SE- - - and(K-, SE-) - - and(and(S-, N-), not(R-)) + - and(N-, R+) + - and(S-, N-) + - and(S-, not(R+)) name: explored-11872 type: explored -- comm_cost: 0.3831597222222224 - complexity: 20 +- comm_cost: 0.7916666666666667 + complexity: 5 expressions: - - N+ - - R+ - - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, S+), or(N+, R-)) + - S+ + - and(N-, not(R-)) name: explored-11873 type: explored -- comm_cost: 0.5187500000000002 - complexity: 12 +- comm_cost: 0.3513888888888891 + complexity: 15 expressions: - - N+ - - SE- - - and(K-, not(R-)) + - K+ + - and(K-, S+) - and(N-, R+) - - or(K+, R-) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-11874 type: explored -- comm_cost: 0.6197916666666669 - complexity: 4 +- comm_cost: 0.32734375000000027 + complexity: 22 expressions: - - R+ - - R+ - - R+ - - SE- + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-11875 type: explored -- comm_cost: 0.29791666666666683 - complexity: 17 +- comm_cost: 0.49149594907407423 + complexity: 27 expressions: - K+ - N+ + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, R-) + - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) name: explored-11876 type: explored -- comm_cost: 0.4789062500000002 - complexity: 12 +- comm_cost: 0.49930555555555567 + complexity: 7 expressions: - K+ + - R+ - R- - - S+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) + - SE- + - or(K+, N+) name: explored-11877 type: explored -- comm_cost: 0.4399305555555557 - complexity: 10 +- comm_cost: 0.6946469907407409 + complexity: 14 expressions: - - N+ - R+ - - R- - SE- - - and(K-, S+) - - and(K-, SE-) + - and(K-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-11878 type: explored -- comm_cost: 0.6705468750000001 - complexity: 20 +- comm_cost: 0.5107349537037039 + complexity: 14 expressions: - - SE+ - - and(K-, N-) - - and(N-, not(R-)) - - and(S-, N-) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) + - N+ + - R- + - SE- + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - or(K+, SE+) name: explored-11879 type: explored -- comm_cost: 0.5688194444444447 - complexity: 10 +- comm_cost: 0.6231770833333335 + complexity: 7 expressions: - - R+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - or(S+, R+) name: explored-11880 type: explored -- comm_cost: 0.6102430555555557 - complexity: 12 +- comm_cost: 0.6694444444444445 + complexity: 46 expressions: - - R+ - R- - - SE- - - and(or(K+, S-), not(R-)) - - or(SE-, N+) + - and(K-, N-) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-11881 type: explored -- comm_cost: 0.58125 - complexity: 11 +- comm_cost: 0.29852430555555587 + complexity: 20 expressions: - - N- - - R+ - - S+ + - K+ + - N+ + - R- + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, N+) name: explored-11882 type: explored -- comm_cost: 0.2625000000000002 - complexity: 19 +- comm_cost: 0.5253472222222224 + complexity: 12 expressions: - - N+ - - R- - - and(K-, S+) + - R+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, R+) - - or(K+, or(N+, R-)) name: explored-11883 type: explored -- comm_cost: 0.8092881944444444 - complexity: 13 +- comm_cost: 0.5278645833333333 + complexity: 8 expressions: + - K+ + - K+ + - K+ - R- - - and(K-, or(S+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(S-, SE-) name: explored-11884 type: explored -- comm_cost: 0.81078125 - complexity: 4 +- comm_cost: 0.632638888888889 + complexity: 10 expressions: - - N- - - and(K-, N-) + - R+ + - SE- + - and(N-, or(K+, S-)) + - or(K+, R-) name: explored-11885 type: explored -- comm_cost: 0.14027777777777817 - complexity: 13 +- comm_cost: 0.4494791666666669 + complexity: 15 expressions: - N+ - R- - - S+ - - S+ + - SE- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), not(R-)) name: explored-11886 type: explored -- comm_cost: 0.2206597222222224 - complexity: 15 +- comm_cost: 0.44748263888888906 + complexity: 12 expressions: - - R- - - S+ + - K+ + - N+ + - SE- + - and(K-, N-) + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-11887 type: explored -- comm_cost: 0.5526851851851854 - complexity: 16 +- comm_cost: 0.5520833333333335 + complexity: 7 expressions: - N+ - - N- - - SE- - - and(N-, R+) - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - and(SE-, or(K+, S-)) name: explored-11888 type: explored -- comm_cost: 0.641232638888889 +- comm_cost: 0.44496527777777795 complexity: 17 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - N+ + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-11889 type: explored -- comm_cost: 0.34583333333333355 - complexity: 15 +- comm_cost: 0.5980902777777779 + complexity: 13 expressions: - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - R+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - or(N+, R-) name: explored-11890 type: explored -- comm_cost: 0.2150000000000003 - complexity: 12 +- comm_cost: 0.47812500000000013 + complexity: 20 expressions: - K+ - - K+ + - N+ - R- - S+ - - S+ - - S+ - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) name: explored-11891 type: explored -- comm_cost: 0.4612847222222224 - complexity: 18 +- comm_cost: 0.31510416666666696 + complexity: 14 expressions: - N+ + - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(S-, not(R+)) name: explored-11892 type: explored -- comm_cost: 0.19869791666666692 - complexity: 19 +- comm_cost: 0.7055208333333335 + complexity: 5 expressions: - - K+ - - N+ - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R+ + - R- + - or(K+, S-) name: explored-11893 type: explored -- comm_cost: 0.5255208333333334 - complexity: 10 +- comm_cost: 0.5518518518518518 + complexity: 22 expressions: - - R+ - - SE- - - and(K-, or(S+, N+)) + - K+ + - N+ + - R- + - and(K-, S+) - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-11894 type: explored -- comm_cost: 0.2625000000000002 - complexity: 18 +- comm_cost: 0.6985271990740742 + complexity: 40 expressions: - - K+ - - N+ - - R- - SE+ + - and(K-, N-) + - and(K-, or(S+, N+)) - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-11895 type: explored -- comm_cost: 0.7266782407407408 - complexity: 6 +- comm_cost: 0.4728125000000002 + complexity: 18 expressions: - - R+ - - S- - - and(S-, not(R-)) + - K+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) + - or(K+, S-) name: explored-11896 type: explored -- comm_cost: 0.4125000000000003 - complexity: 11 +- comm_cost: 0.5027083333333334 + complexity: 10 expressions: - K+ + - R+ - R- - - and(K-, S+) - - and(K-, S+) - - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-11897 type: explored -- comm_cost: 0.5632870370370373 +- comm_cost: 0.41770833333333324 complexity: 15 expressions: - - K- + - K+ + - N+ + - N+ - R- - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-11898 type: explored -- comm_cost: 0.6223958333333335 - complexity: 8 +- comm_cost: 0.17621527777777812 + complexity: 17 expressions: + - K+ + - K+ - N+ - - R+ - - R- - - not(R+) - - or(S+, R+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-11899 type: explored -- comm_cost: 0.6885561342592593 - complexity: 30 +- comm_cost: 0.23593750000000013 + complexity: 20 expressions: - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - - or(K+, N+) - - or(K+, SE+) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) name: explored-11900 type: explored -- comm_cost: 0.2812500000000002 - complexity: 13 +- comm_cost: 0.3796875000000002 + complexity: 20 expressions: - K+ - - N+ + - R- + - and(K-, not(R-)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) + - or(K+, N+) name: explored-11901 type: explored -- comm_cost: 0.6965277777777779 - complexity: 12 +- comm_cost: 0.6697916666666668 + complexity: 9 expressions: - - and(and(S-, N-), not(R-)) - - or(K+, K-) - - or(K+, N+) + - R+ + - and(or(K+, S-), or(N+, not(R+))) name: explored-11902 type: explored -- comm_cost: 0.46354166666666685 - complexity: 7 +- comm_cost: 0.36093750000000024 + complexity: 18 expressions: - K+ - - N+ - - R+ - - R- - - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-11903 type: explored -- comm_cost: 0.717800925925926 - complexity: 14 +- comm_cost: 0.39709201388888904 + complexity: 22 expressions: - - K- - - R+ - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(K-, not(R-)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-11904 type: explored -- comm_cost: 0.6186631944444445 - complexity: 8 +- comm_cost: 0.43125000000000013 + complexity: 12 expressions: - R- - - S- + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(SE+, N-) name: explored-11905 type: explored -- comm_cost: 0.3953125000000002 - complexity: 10 +- comm_cost: 0.5786458333333333 + complexity: 9 expressions: - N+ - - R- - - S+ - - S- - - and(N-, R+) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-11906 type: explored -- comm_cost: 0.4863425925925928 - complexity: 22 +- comm_cost: 0.665066550925926 + complexity: 24 expressions: - R+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) + - SE+ + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) + - and(and(S-, N-), not(R-)) + - or(K+, S-) + - or(SE-, N+) name: explored-11907 type: explored -- comm_cost: 0.5264467592592594 - complexity: 16 +- comm_cost: 0.4582870370370372 + complexity: 14 expressions: - N+ + - N- - R- - - SE- - and(N-, R+) - - or(K+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-11908 type: explored -- comm_cost: 0.45019965277777796 - complexity: 17 +- comm_cost: 0.6192708333333334 + complexity: 14 expressions: - - K+ - N+ - - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(N+, not(R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-11909 type: explored -- comm_cost: 0.6597222222222223 - complexity: 7 +- comm_cost: 0.6802239583333334 + complexity: 21 expressions: - - R+ - - or(K+, R-) - - or(S+, R-) + - N+ + - S- + - and(K-, SE-) + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) + - or(N+, R-) + - or(S+, SE+) name: explored-11910 type: explored -- comm_cost: 0.38489583333333344 - complexity: 13 +- comm_cost: 0.30859375000000033 + complexity: 14 expressions: - - R+ + - K+ - R- - - and(K-, or(S+, R-)) - - and(S-, SE-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) name: explored-11911 type: explored -- comm_cost: 0.21692708333333366 - complexity: 17 +- comm_cost: 0.4466145833333335 + complexity: 12 expressions: - K+ - - R- - - S+ - - and(K-, S+) + - N+ + - S- - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(S+, N+) name: explored-11912 type: explored -- comm_cost: 0.33802083333333355 - complexity: 15 +- comm_cost: 0.5286111111111114 + complexity: 13 expressions: - - K+ + - N+ - R- - - S+ - - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - not(R-) + - or(S+, SE+) name: explored-11913 type: explored -- comm_cost: 0.2289062500000003 - complexity: 22 +- comm_cost: 0.7232638888888889 + complexity: 6 expressions: + - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - SE- - or(K+, N+) - - or(S+, or(N+, R-)) - - or(S+, or(N+, R-)) name: explored-11914 type: explored -- comm_cost: 0.5088541666666668 - complexity: 9 +- comm_cost: 0.3132812500000002 + complexity: 17 expressions: - - K+ - N+ + - R- + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, not(R-)) + - and(S-, SE-) + - or(K+, N+) name: explored-11915 type: explored -- comm_cost: 0.4925347222222225 - complexity: 16 +- comm_cost: 0.663888888888889 + complexity: 9 expressions: - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) - - or(SE-, N+) + - and(K-, or(S+, R-)) + - and(S-, not(R-)) name: explored-11916 type: explored -- comm_cost: 0.47231481481481485 - complexity: 13 +- comm_cost: 0.3752893518518521 + complexity: 16 expressions: + - K+ - N+ - - R- + - and(N-, R+) - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, SE+) + - or(S+, R+) name: explored-11917 type: explored -- comm_cost: 0.479976851851852 - complexity: 18 +- comm_cost: 0.7003472222222223 + complexity: 7 + expressions: + - and(S-, not(R-)) + - or(K+, N+) + name: explored-11918 + type: explored +- comm_cost: 0.41423611111111147 + complexity: 9 expressions: - - K+ - - N+ - R- - - and(K-, S+) + - SE- + - SE- + - and(K-, SE-) - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(K+, SE+) - name: explored-11918 + name: explored-11919 type: explored -- comm_cost: 0.4221759259259261 +- comm_cost: 0.2766030092592596 complexity: 18 expressions: - K+ + - K+ - N+ - - N- - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-11919 + - not(R+) + - or(K+, or(N+, R-)) + name: explored-11920 type: explored -- comm_cost: 0.8041666666666667 - complexity: 10 +- comm_cost: 0.7102430555555557 + complexity: 12 expressions: - - and(K-, S+) - - and(and(K-, N-), or(S+, SE+)) - name: explored-11920 + - R+ + - and(or(K+, S-), not(R-)) + - not(R+) + - or(S+, R+) + name: explored-11921 type: explored -- comm_cost: 0.5157986111111111 - complexity: 13 +- comm_cost: 0.43194444444444435 + complexity: 10 expressions: - K+ + - K+ - N+ - R- - - S+ - - SE- - - and(K-, or(S+, R-)) - and(S-, SE-) - name: explored-11921 + - or(S+, R-) + name: explored-11922 type: explored -- comm_cost: 0.6221354166666667 - complexity: 9 +- comm_cost: 0.6080034722222224 + complexity: 13 expressions: - - and(K-, N-) + - N+ + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - name: explored-11922 + - not(R-) + name: explored-11923 type: explored -- comm_cost: 0.6449074074074076 - complexity: 8 +- comm_cost: 0.6411458333333334 + complexity: 5 expressions: - R+ - - R+ - - SE+ - - and(K-, or(SE-, N+)) - name: explored-11923 + - S+ + - and(K-, N-) + name: explored-11924 type: explored -- comm_cost: 0.44114583333333357 - complexity: 11 - expressions: - - N+ - - SE- - - and(N-, R+) - - and(and(S-, N-), not(R-)) - name: explored-11924 - type: explored -- comm_cost: 0.5562500000000001 - complexity: 10 +- comm_cost: 0.5666666666666668 + complexity: 7 expressions: - N+ - - N+ - - R+ - - R- - SE- - - and(N-, or(S+, SE+)) + - and(N-, or(K+, SE+)) name: explored-11925 type: explored -- comm_cost: 0.4382812500000002 - complexity: 14 +- comm_cost: 0.5322916666666668 + complexity: 6 expressions: - - K+ - - R- - - and(K-, N-) - - and(K-, S+) - - and(N-, R+) + - R+ - and(S-, SE-) + - not(R+) name: explored-11926 type: explored -- comm_cost: 0.38993055555555567 - complexity: 13 +- comm_cost: 0.6765625000000002 + complexity: 7 expressions: - - N+ - - R+ - R- - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - or(K+, SE+) name: explored-11927 type: explored -- comm_cost: 0.45972222222222237 - complexity: 11 +- comm_cost: 0.5115451388888889 + complexity: 14 expressions: - - and(N-, R+) - - and(N-, or(K+, SE+)) + - K+ + - K+ + - N+ + - R- + - S+ - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-11928 type: explored -- comm_cost: 0.4168981481481484 +- comm_cost: 0.6666666666666667 complexity: 13 expressions: - - R- - - SE- - - and(N-, R+) - - or(K+, R-) - - or(K+, or(N+, R-)) + - R+ + - and(or(K+, S-), not(R-)) + - or(K+, N+) + - or(N+, R-) name: explored-11929 type: explored -- comm_cost: 0.5676793981481483 - complexity: 14 +- comm_cost: 0.6912453703703705 + complexity: 21 expressions: - - R+ - - R- - - SE- - - and(K-, N-) - - and(N-, R+) - - or(K+, or(N+, R-)) + - K- + - and(K-, not(R+)) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, SE+)) + - and(S-, N-) + - or(N+, R-) name: explored-11930 type: explored -- comm_cost: 0.32291666666666696 - complexity: 12 +- comm_cost: 0.6679166666666667 + complexity: 9 expressions: - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) + - K+ + - N+ - and(S-, SE-) + - or(N+, not(R+)) name: explored-11931 type: explored -- comm_cost: 0.44500000000000006 - complexity: 10 +- comm_cost: 0.43024305555555586 + complexity: 12 expressions: - - K+ - N+ - - N- - R- - - and(K-, S+) - and(N-, R+) + - or(K+, R-) + - or(N+, not(R+)) name: explored-11932 type: explored -- comm_cost: 0.2782986111111112 - complexity: 27 +- comm_cost: 0.7739583333333333 + complexity: 8 expressions: - - K+ - - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(K-, or(N+, not(R+))) name: explored-11933 type: explored -- comm_cost: 0.2473524305555559 - complexity: 19 +- comm_cost: 0.3187500000000002 + complexity: 18 expressions: - K+ - N+ - R- - - SE- - - and(K-, S+) - - and(K-, S+) - - and(N-, R+) + - S+ - and(S-, SE-) - - or(SE-, N+) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) name: explored-11934 type: explored -- comm_cost: 0.6104166666666666 - complexity: 11 +- comm_cost: 0.3826388888888892 + complexity: 16 expressions: - - K+ - R- - - S+ + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(S-, or(N+, not(R+))) name: explored-11935 type: explored -- comm_cost: 0.6235243055555557 - complexity: 15 +- comm_cost: 0.4666666666666669 + complexity: 12 expressions: - N+ - - SE- + - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(N-, not(R-)) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) name: explored-11936 type: explored -- comm_cost: 0.6845833333333333 - complexity: 6 +- comm_cost: 0.449479166666667 + complexity: 12 expressions: - - K+ - - N+ - - R- - - or(K+, S-) + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, R+) name: explored-11937 type: explored -- comm_cost: 0.48124999999999996 +- comm_cost: 0.6430555555555557 complexity: 11 expressions: - - K+ - - R- - - and(K-, S+) - - and(S-, SE-) - - or(S+, N+) + - N+ + - SE- + - and(S-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-11938 type: explored -- comm_cost: 0.6160879629629631 - complexity: 16 +- comm_cost: 0.41770833333333357 + complexity: 12 expressions: + - K+ - N+ - R+ - - R- - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-11939 type: explored -- comm_cost: 0.8631944444444444 - complexity: 10 +- comm_cost: 0.5250000000000004 + complexity: 9 expressions: - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-11940 type: explored -- comm_cost: 0.5953298611111113 - complexity: 13 +- comm_cost: 0.585590277777778 + complexity: 16 expressions: - - N+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - not(R-) + - R+ + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-11941 type: explored -- comm_cost: 0.6095486111111112 - complexity: 8 +- comm_cost: 0.6515625 + complexity: 11 expressions: - - K+ - R+ - R- - - and(N-, or(S+, R+)) + - and(K-, not(R-)) + - and(K-, or(S+, R-)) name: explored-11942 type: explored -- comm_cost: 0.6958101851851852 - complexity: 9 +- comm_cost: 0.6609722222222223 + complexity: 26 expressions: - - N- - - R+ - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(SE-, N+)) + - and(N-, or(S+, R+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - or(N+, not(R+)) name: explored-11943 type: explored -- comm_cost: 0.5484375000000002 - complexity: 17 - expressions: - - N+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) - name: explored-11944 - type: explored -- comm_cost: 0.2963541666666668 +- comm_cost: 0.41085069444444466 complexity: 18 expressions: - K+ - - N+ + - K+ - R- - S+ - - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, SE+) + name: explored-11944 + type: explored +- comm_cost: 0.6418402777777779 + complexity: 12 + expressions: + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(S+, R+) name: explored-11945 type: explored -- comm_cost: 0.6178356481481483 - complexity: 13 +- comm_cost: 0.3262152777777779 + complexity: 18 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - and(or(K+, S-), not(R+)) - - or(S+, SE+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, R+) name: explored-11946 type: explored -- comm_cost: 0.5378472222222221 - complexity: 17 +- comm_cost: 0.6584375 + complexity: 10 expressions: - K+ - N+ - - R- - S+ - - and(K-, S+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(N+, not(R+)) name: explored-11947 type: explored -- comm_cost: 0.5466145833333336 - complexity: 15 +- comm_cost: 0.37656250000000013 + complexity: 11 expressions: - N+ + - N+ - R- + - S+ + - S- - and(N-, R+) - - and(N-, or(K+, S-)) - - or(S+, or(N+, R-)) + - and(S-, SE-) name: explored-11948 type: explored -- comm_cost: 0.7506944444444446 - complexity: 11 +- comm_cost: 0.3435763888888891 + complexity: 12 expressions: - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R-)) + - N+ + - R- + - S+ + - SE- + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-11949 type: explored -- comm_cost: 0.6453125 - complexity: 6 +- comm_cost: 0.25167824074074097 + complexity: 18 expressions: + - K+ - N+ - R- - - and(S-, not(R+)) + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, R+) name: explored-11950 type: explored -- comm_cost: 0.6701388888888888 - complexity: 6 +- comm_cost: 0.7703125000000001 + complexity: 9 expressions: - - N+ - - R- - - and(K-, not(R+)) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) name: explored-11951 type: explored -- comm_cost: 0.7166666666666668 - complexity: 11 +- comm_cost: 0.37250000000000016 + complexity: 12 expressions: - - SE- - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - N- + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-11952 type: explored -- comm_cost: 0.5633333333333335 - complexity: 10 +- comm_cost: 0.4062500000000001 + complexity: 15 expressions: - K+ + - N+ - R- - - R- - - SE- + - and(K-, S+) - and(N-, R+) - - or(K+, S-) + - and(or(K+, S-), not(R-)) name: explored-11953 type: explored -- comm_cost: 0.3524305555555557 - complexity: 9 +- comm_cost: 0.44638888888888906 + complexity: 15 expressions: - - K+ - - R+ + - N+ - R- + - SE- + - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - or(S+, N+) + - or(S+, SE+) name: explored-11954 type: explored -- comm_cost: 0.3908854166666669 - complexity: 14 +- comm_cost: 0.7039930555555556 + complexity: 12 expressions: - - K+ - - K+ - - N+ - - S+ - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-11955 type: explored -- comm_cost: 0.3352430555555559 - complexity: 15 +- comm_cost: 0.6442361111111112 + complexity: 11 expressions: - - K+ - - N+ - - R- + - R+ - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(S+, N+) + - and(K-, or(SE-, N+)) + - or(N+, not(R+)) name: explored-11956 type: explored -- comm_cost: 0.7333333333333333 - complexity: 5 +- comm_cost: 0.5720486111111113 + complexity: 15 expressions: - - R- - - SE- - - and(K-, S+) + - R+ + - and(and(S-, N-), not(R-)) + - or(K+, N+) + - or(K+, or(N+, R-)) name: explored-11957 type: explored -- comm_cost: 0.6555555555555556 - complexity: 10 +- comm_cost: 0.25651041666666696 + complexity: 19 expressions: + - K+ - R- - - SE- + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(SE-, N+) name: explored-11958 type: explored -- comm_cost: 0.688888888888889 +- comm_cost: 0.40156250000000027 complexity: 9 expressions: - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - or(K+, N+) name: explored-11959 type: explored -- comm_cost: 0.4604166666666668 - complexity: 11 +- comm_cost: 0.5328125000000001 + complexity: 9 expressions: - - K+ - R- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- + - and(K-, not(R-)) + - and(N-, R+) name: explored-11960 type: explored -- comm_cost: 0.6251157407407408 - complexity: 11 +- comm_cost: 0.36640625000000027 + complexity: 18 expressions: - N+ - - R+ - - R- - - SE- - - and(S-, not(R+)) - - or(K+, K-) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) name: explored-11961 type: explored -- comm_cost: 0.5977430555555556 - complexity: 20 +- comm_cost: 0.7208333333333334 + complexity: 5 expressions: - - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) + - R+ + - R+ + - or(K+, S-) name: explored-11962 type: explored -- comm_cost: 0.5903645833333333 - complexity: 7 +- comm_cost: 0.6507812500000002 + complexity: 9 expressions: - - K+ - - N+ - - and(S-, SE-) - - not(R+) + - S- + - SE- + - and(K-, not(R-)) + - and(N-, R+) name: explored-11963 type: explored -- comm_cost: 0.512326388888889 - complexity: 14 +- comm_cost: 0.6581597222222224 + complexity: 17 expressions: - - N+ - R+ - - R- - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) + - and(S-, N-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-11964 type: explored -- comm_cost: 0.6813368055555556 - complexity: 7 +- comm_cost: 0.3383333333333336 + complexity: 14 expressions: - - R+ - - S+ - - SE- - - and(K-, not(R-)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-11965 type: explored -- comm_cost: 0.5659895833333335 +- comm_cost: 0.6601851851851853 complexity: 15 expressions: - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, SE+) + - R+ + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-11966 type: explored -- comm_cost: 0.7470833333333333 - complexity: 15 +- comm_cost: 0.4168981481481483 + complexity: 22 expressions: - - and(K-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) + - K+ + - N+ + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-11967 type: explored -- comm_cost: 0.639513888888889 - complexity: 13 +- comm_cost: 0.4320312500000002 + complexity: 15 expressions: - - R+ - - SE- - - or(N+, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(SE-, N+) name: explored-11968 type: explored -- comm_cost: 0.409201388888889 - complexity: 22 +- comm_cost: 0.4129340277777779 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - - and(N-, R+) + - S+ + - and(K-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - or(N+, R-) name: explored-11969 type: explored -- comm_cost: 0.3826388888888892 - complexity: 20 +- comm_cost: 0.6092592592592594 + complexity: 14 expressions: - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-11970 type: explored -- comm_cost: 0.7482986111111112 - complexity: 7 +- comm_cost: 0.3876157407407409 + complexity: 17 expressions: + - N+ - R+ - - and(N-, not(R-)) - - not(R-) + - R- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-11971 type: explored -- comm_cost: 0.31406250000000024 - complexity: 13 +- comm_cost: 0.2171875000000003 + complexity: 18 expressions: - K+ - N+ - - R- - - S- - - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-11972 type: explored -- comm_cost: 0.581684027777778 - complexity: 17 +- comm_cost: 0.3430555555555559 + complexity: 9 expressions: - N+ - R- + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, SE+)) name: explored-11973 type: explored -- comm_cost: 0.3660879629629632 - complexity: 13 +- comm_cost: 0.6085937500000002 + complexity: 10 expressions: - - K+ - - N+ - R+ - - R- - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - SE- + - and(SE+, N-) + - or(S+, or(N+, R-)) name: explored-11974 type: explored -- comm_cost: 0.4534432870370373 - complexity: 14 +- comm_cost: 0.21944444444444478 + complexity: 16 expressions: - K+ - K+ - N+ - R- - - S+ - and(N-, R+) - - and(SE+, N-) - - or(S+, R-) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-11975 type: explored -- comm_cost: 0.33411458333333355 - complexity: 13 +- comm_cost: 0.5243055555555557 + complexity: 16 expressions: - - R+ - - R- + - K+ + - N+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(K+, K-) name: explored-11976 type: explored -- comm_cost: 0.813888888888889 - complexity: 3 +- comm_cost: 0.4265625000000003 + complexity: 14 expressions: - - or(K+, R+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-11977 type: explored -- comm_cost: 0.2625000000000004 - complexity: 10 +- comm_cost: 0.22673611111111125 + complexity: 15 expressions: - - K+ - - N+ - N+ - R- + - S+ - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-11978 type: explored -- comm_cost: 0.42300347222222245 - complexity: 18 +- comm_cost: 0.30572916666666683 + complexity: 14 expressions: + - K+ - N+ - - and(K-, SE-) + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, not(R-)) - and(S-, SE-) - - or(K+, SE+) name: explored-11979 type: explored -- comm_cost: 0.7958333333333334 - complexity: 8 +- comm_cost: 0.628125 + complexity: 6 expressions: - N+ - - or(and(K-, SE-), or(N+, R-)) + - R- + - SE- + - or(K+, R-) name: explored-11980 type: explored -- comm_cost: 0.5450086805555557 - complexity: 24 +- comm_cost: 0.38880208333333355 + complexity: 16 expressions: - - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(S+, SE+)) + - and(SE-, or(K+, S-)) name: explored-11981 type: explored -- comm_cost: 0.5945891203703705 +- comm_cost: 0.523090277777778 complexity: 13 expressions: - - R+ - - R- + - N+ - SE- - - or(K+, or(N+, R-)) - - or(S+, or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE+, N-) name: explored-11982 type: explored -- comm_cost: 0.5972222222222223 - complexity: 11 +- comm_cost: 0.4147916666666669 + complexity: 10 expressions: - N+ - - R+ - R- - - R- - - SE- - - and(K-, not(R-)) - - not(R+) + - S+ + - and(N-, R+) + - or(N+, not(R+)) name: explored-11983 type: explored -- comm_cost: 0.4297685185185187 - complexity: 21 +- comm_cost: 0.2961805555555559 + complexity: 22 expressions: - K+ - N+ - - R- - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - not(R-) + - or(K+, or(N+, R-)) name: explored-11984 type: explored -- comm_cost: 0.813888888888889 - complexity: 5 - expressions: - - and(K-, or(S+, R+)) - name: explored-11985 - type: explored -- comm_cost: 0.5390625000000002 +- comm_cost: 0.59921875 complexity: 8 expressions: - N+ + - R- + - R- - SE- + - and(K-, not(R-)) + name: explored-11985 + type: explored +- comm_cost: 0.19687500000000036 + complexity: 15 + expressions: + - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - or(K+, SE+) + - and(S-, SE-) + - and(S-, SE-) name: explored-11986 type: explored -- comm_cost: 0.587152777777778 - complexity: 16 +- comm_cost: 0.22013888888888922 + complexity: 17 expressions: - - R+ - - and(SE-, or(K+, S-)) - - or(K+, N+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-11987 type: explored -- comm_cost: 0.3710069444444446 +- comm_cost: 0.4145833333333335 complexity: 18 expressions: - N+ - R- + - SE+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - and(and(K-, N-), not(R-)) name: explored-11988 type: explored -- comm_cost: 0.3817708333333336 - complexity: 10 +- comm_cost: 0.22673611111111125 + complexity: 15 expressions: - K+ - N+ - - R+ - R- - - and(K-, S+) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, SE-) name: explored-11989 type: explored -- comm_cost: 0.5867187500000001 - complexity: 7 +- comm_cost: 0.24739583333333348 + complexity: 14 expressions: - K+ - - R+ - - R- - - SE- - - and(K-, N-) + - N+ + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-11990 type: explored -- comm_cost: 0.16076388888888915 - complexity: 18 +- comm_cost: 0.4681250000000001 + complexity: 10 expressions: - K+ - - N+ + - K- - R- - - SE- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-11991 type: explored -- comm_cost: 0.32343750000000016 - complexity: 14 +- comm_cost: 0.7216666666666667 + complexity: 3 expressions: - - K+ - - N+ - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - R- + - not(R-) name: explored-11992 type: explored -- comm_cost: 0.5131944444444447 +- comm_cost: 0.4534722222222223 complexity: 9 expressions: - - N+ - - and(N-, R+) - - or(K+, or(N+, R-)) + - R- + - and(K-, or(S+, R+)) + - and(S-, SE-) name: explored-11993 type: explored -- comm_cost: 0.6588541666666669 - complexity: 10 +- comm_cost: 0.44053819444444464 + complexity: 13 expressions: - N+ - - R+ - R- - - and(and(K-, N-), or(S+, SE+)) + - S+ + - SE+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) name: explored-11994 type: explored -- comm_cost: 0.7868055555555556 +- comm_cost: 0.42499999999999993 complexity: 8 expressions: - - and(K-, or(S+, R+)) - - or(K+, R+) + - K+ + - N+ + - and(K-, S+) + - and(S-, SE-) name: explored-11995 type: explored -- comm_cost: 0.6491319444444446 - complexity: 11 +- comm_cost: 0.4208622685185187 + complexity: 17 expressions: - - R+ + - N+ + - S+ + - and(N-, R+) - and(N-, not(R-)) - - and(or(K+, S-), not(R+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-11996 type: explored -- comm_cost: 0.46916666666666684 - complexity: 16 +- comm_cost: 0.5377604166666667 + complexity: 15 expressions: - - K+ - N+ + - R+ + - R- - R- - SE- - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(S+, N+) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R+) name: explored-11997 type: explored -- comm_cost: 0.138541666666667 - complexity: 15 +- comm_cost: 0.5694444444444446 + complexity: 10 expressions: - - K+ - - N+ - - S+ - - and(K-, S+) - - and(N-, R+) + - R- - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-11998 type: explored -- comm_cost: 0.5967592592592594 - complexity: 7 +- comm_cost: 0.43234953703703716 + complexity: 17 expressions: - - R+ + - K+ + - N+ - R- - - not(R+) - - or(S+, R-) + - and(K-, S+) + - and(N-, or(K+, S-)) + - and(S-, N-) + - and(S-, SE-) name: explored-11999 type: explored -- comm_cost: 0.6130208333333333 - complexity: 7 +- comm_cost: 0.47239583333333335 + complexity: 19 expressions: + - K+ - N+ - R- - - SE- - - and(S-, not(R+)) + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-12000 type: explored -- comm_cost: 0.7520833333333334 - complexity: 16 +- comm_cost: 0.5370833333333336 + complexity: 13 expressions: - - and(K-, N-) - - or(K+, S-) - - or(K+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - N- + - R- + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-12001 type: explored -- comm_cost: 0.6430555555555555 - complexity: 7 +- comm_cost: 0.7591145833333333 + complexity: 10 expressions: - N+ - R- - - SE- - - and(K-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12002 type: explored -- comm_cost: 0.6505208333333333 - complexity: 5 +- comm_cost: 0.8138541666666667 + complexity: 7 + expressions: + - and(K-, SE-) + - or(N+, not(R+)) + name: explored-12003 + type: explored +- comm_cost: 0.4041666666666669 + complexity: 11 expressions: - K+ - N+ - - N+ - R- - S+ - name: explored-12003 + - and(N-, R+) + - and(N-, not(R-)) + name: explored-12004 type: explored -- comm_cost: 0.49930555555555567 - complexity: 7 +- comm_cost: 0.46886574074074083 + complexity: 16 expressions: - - K+ + - N+ - R+ - R- - SE- - - or(K+, N+) - name: explored-12004 - type: explored -- comm_cost: 0.7270833333333334 - complexity: 2 - expressions: - - S+ - - SE+ + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(S+, N+) name: explored-12005 type: explored -- comm_cost: 0.76171875 - complexity: 10 +- comm_cost: 0.502604166666667 + complexity: 9 expressions: - - R- - - R- - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-12006 type: explored -- comm_cost: 0.3003472222222223 - complexity: 13 +- comm_cost: 0.5914062500000001 + complexity: 15 expressions: - - N+ - R+ - - R- - - S+ + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - and(S-, or(N+, not(R+))) name: explored-12007 type: explored -- comm_cost: 0.4468460648148149 - complexity: 22 +- comm_cost: 0.5598611111111113 + complexity: 17 expressions: - K+ + - K- - N+ - R- - - and(K-, S+) + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(K+, SE+) - - or(S+, R-) + - or(N+, not(R+)) name: explored-12008 type: explored -- comm_cost: 0.49479166666666685 - complexity: 6 +- comm_cost: 0.3881510416666669 + complexity: 17 expressions: + - K+ + - K+ - N+ - - R+ - - SE- - - and(S-, SE-) + - R- + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - or(SE-, N+) name: explored-12009 type: explored -- comm_cost: 0.517326388888889 - complexity: 16 +- comm_cost: 0.08125000000000027 + complexity: 12 expressions: - K+ - N+ - R- - - S+ - and(N-, R+) - - not(R-) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-12010 type: explored -- comm_cost: 0.7065046296296298 +- comm_cost: 0.28524305555555585 complexity: 10 expressions: - - R+ - - and(S-, not(R-)) - - not(R+) - - or(K+, S-) - name: explored-12011 - type: explored -- comm_cost: 0.5799479166666669 - complexity: 13 - expressions: + - K+ + - N+ - R- - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, not(R+)) + - or(K+, R-) + name: explored-12011 + type: explored +- comm_cost: 0.717013888888889 + complexity: 8 + expressions: + - R+ + - and(K-, not(R+)) + - or(K+, K-) name: explored-12012 type: explored -- comm_cost: 0.3020833333333335 - complexity: 16 +- comm_cost: 0.8296874999999999 + complexity: 4 + expressions: + - SE- + - and(K-, SE-) + name: explored-12013 + type: explored +- comm_cost: 0.5070833333333336 + complexity: 18 expressions: + - K+ + - K- - N+ - R- - - and(K-, SE-) - and(N-, R+) - and(N-, or(K+, SE+)) + - and(S-, N-) - and(S-, SE-) - name: explored-12013 + name: explored-12014 type: explored -- comm_cost: 0.3392847222222224 - complexity: 19 +- comm_cost: 0.3764467592592594 + complexity: 18 expressions: - K+ - K+ - N+ - R- - S+ - - and(N-, R+) + - SE+ - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(K+, N+) - name: explored-12014 - type: explored -- comm_cost: 0.6870601851851853 - complexity: 9 - expressions: - - R+ - - SE- - - and(N-, or(K+, SE+)) - - not(R-) + - and(and(K-, N-), not(R-)) name: explored-12015 type: explored -- comm_cost: 0.34537037037037055 - complexity: 19 +- comm_cost: 0.4859374999999999 + complexity: 8 expressions: - N+ - - R+ - - R- - S+ - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(N+, R-) name: explored-12016 type: explored -- comm_cost: 0.1687500000000004 - complexity: 10 +- comm_cost: 0.5300057870370373 + complexity: 21 expressions: - K+ - N+ - R- - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) + - and(S-, not(R-)) + - or(S+, or(N+, R-)) name: explored-12017 type: explored -- comm_cost: 0.6617187500000001 - complexity: 13 +- comm_cost: 0.7419791666666666 + complexity: 10 expressions: - - and(K-, not(R-)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - N+ + - SE- + - and(S-, not(R+)) + - or(N+, not(R+)) name: explored-12018 type: explored -- comm_cost: 0.43327546296296315 - complexity: 25 +- comm_cost: 0.6255208333333335 + complexity: 5 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - S+ + - SE+ name: explored-12019 type: explored -- comm_cost: 0.5605324074074075 - complexity: 24 +- comm_cost: 0.5741319444444446 + complexity: 12 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(K-, not(R-)) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(K+, K-) + - S+ + - and(and(K-, N-), or(S+, SE+)) name: explored-12020 type: explored -- comm_cost: 0.5125000000000002 - complexity: 9 +- comm_cost: 0.5343750000000002 + complexity: 7 expressions: - - K+ - R+ - R- + - R- - SE- - - and(K-, or(S+, R-)) + - or(S+, N+) name: explored-12021 type: explored -- comm_cost: 0.6597222222222222 - complexity: 12 +- comm_cost: 0.4614872685185186 + complexity: 14 expressions: + - K+ + - K+ - N+ - - R- + - S+ + - S- + - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, R+) name: explored-12022 type: explored -- comm_cost: 0.3507870370370374 - complexity: 19 +- comm_cost: 0.41412037037037064 + complexity: 14 expressions: - N+ - R- + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-12023 type: explored -- comm_cost: 0.7358796296296296 +- comm_cost: 0.7543402777777778 complexity: 12 expressions: - - K+ - - R- - SE- - - and(K-, not(R+)) - - or(K+, or(N+, R-)) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) name: explored-12024 type: explored -- comm_cost: 0.7421875 - complexity: 4 +- comm_cost: 0.4380208333333334 + complexity: 10 expressions: + - R+ - R- - - or(S+, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-12025 type: explored -- comm_cost: 0.5914930555555558 - complexity: 12 +- comm_cost: 0.6166666666666667 + complexity: 16 expressions: - - R+ + - N+ - SE- - - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) - or(and(K-, S+), or(N+, R-)) name: explored-12026 type: explored -- comm_cost: 0.463324652777778 - complexity: 19 +- comm_cost: 0.48020833333333346 + complexity: 15 expressions: - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(K-, or(S+, R-)) + - and(and(S-, N-), not(R-)) name: explored-12027 type: explored -- comm_cost: 0.5218750000000001 - complexity: 4 +- comm_cost: 0.7465885416666667 + complexity: 20 expressions: - - R+ - - R- - - R- - - SE- + - K- + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, SE+) + - or(SE-, N+) name: explored-12028 type: explored -- comm_cost: 0.5671875000000001 - complexity: 5 +- comm_cost: 0.6992057291666667 + complexity: 32 expressions: - K+ - R+ - - R- - - SE+ - - SE- + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) + - and(N-, or(S+, SE+)) + - and(SE-, or(K+, S-)) + - not(R+) + - or(K+, K-) + - or(K+, or(N+, R-)) name: explored-12029 type: explored -- comm_cost: 0.040625000000000355 +- comm_cost: 0.613498263888889 complexity: 16 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, not(R+)) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) name: explored-12030 type: explored -- comm_cost: 0.40494791666666685 - complexity: 11 +- comm_cost: 0.39861111111111125 + complexity: 18 expressions: - - K+ - - K+ - N+ - - S+ - - S- + - R- + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) name: explored-12031 type: explored -- comm_cost: 0.5062500000000001 - complexity: 8 +- comm_cost: 0.20815972222222245 + complexity: 17 expressions: - - K+ + - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - and(SE-, or(K+, S-)) + - or(S+, N+) name: explored-12032 type: explored -- comm_cost: 0.49774305555555554 - complexity: 11 +- comm_cost: 0.6315972222222224 + complexity: 14 expressions: - - N+ - - R- - - S+ - - and(S-, SE-) - - or(K+, or(N+, R-)) + - R+ + - and(N-, or(S+, SE+)) + - and(SE-, or(K+, S-)) + - or(S+, R+) name: explored-12033 type: explored -- comm_cost: 0.2841666666666669 - complexity: 18 +- comm_cost: 0.467621527777778 + complexity: 21 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, SE+) + - and(S-, or(SE-, N+)) + - or(K+, SE+) name: explored-12034 type: explored -- comm_cost: 0.7604166666666666 - complexity: 4 +- comm_cost: 0.34531250000000036 + complexity: 13 expressions: - - N+ - - or(K+, R-) + - K+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) name: explored-12035 type: explored -- comm_cost: 0.2888888888888892 - complexity: 12 +- comm_cost: 0.5442708333333335 + complexity: 7 expressions: - - K+ - - N+ - N+ + - R+ - R- - SE- - - and(K-, not(R+)) - - and(N-, R+) + - and(S-, N-) name: explored-12036 type: explored -- comm_cost: 0.7833333333333334 - complexity: 6 +- comm_cost: 0.33125000000000027 + complexity: 10 expressions: - - K- - - and(K-, or(SE-, N+)) + - N+ + - R- + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-12037 type: explored -- comm_cost: 0.7741319444444446 - complexity: 4 +- comm_cost: 0.6317361111111113 + complexity: 12 expressions: + - K- + - N+ - R+ - - or(K+, R+) + - R- + - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-12038 type: explored -- comm_cost: 0.2507812500000002 - complexity: 16 +- comm_cost: 0.5612847222222224 + complexity: 14 expressions: - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - not(R+) name: explored-12039 type: explored -- comm_cost: 0.5661284722222223 - complexity: 10 +- comm_cost: 0.7815104166666668 + complexity: 5 expressions: - K+ - - K+ - - K- - - N+ - - R- - - S+ - - SE- - - and(S-, SE-) + - and(N-, not(R-)) name: explored-12040 type: explored -- comm_cost: 0.4981597222222225 - complexity: 12 +- comm_cost: 0.7166666666666668 + complexity: 9 + expressions: + - SE- + - and(N-, or(K+, SE+)) + - and(S-, N-) + name: explored-12041 + type: explored +- comm_cost: 0.44360532407407427 + complexity: 19 expressions: + - K+ - N+ + - R- - S+ - - SE- + - S- - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, S-) - name: explored-12041 + name: explored-12042 type: explored -- comm_cost: 0.4780381944444445 +- comm_cost: 0.4320312500000003 complexity: 11 expressions: - N+ - R- - - and(S-, SE-) - - or(K+, R+) - - or(K+, SE+) - name: explored-12042 + - and(K-, or(N+, not(R+))) + - and(N-, R+) + name: explored-12043 type: explored -- comm_cost: 0.7741319444444446 +- comm_cost: 0.7092708333333334 complexity: 6 expressions: + - K+ - R+ - - and(K-, or(S+, R+)) - name: explored-12043 + - R- + - or(S+, SE+) + name: explored-12044 type: explored -- comm_cost: 0.48802083333333357 - complexity: 12 +- comm_cost: 0.7446875000000002 + complexity: 4 expressions: - R+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - or(K+, R-) - name: explored-12044 + - or(K+, S-) + name: explored-12045 type: explored -- comm_cost: 0.3574652777777779 - complexity: 13 +- comm_cost: 0.8005208333333333 + complexity: 3 expressions: - K+ - R- - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - name: explored-12045 + name: explored-12046 type: explored -- comm_cost: 0.509490740740741 - complexity: 11 +- comm_cost: 0.35607638888888893 + complexity: 10 expressions: - N+ - - SE- - - and(N-, R+) - - and(SE+, N-) + - R- + - R- + - S+ + - and(S-, SE-) - or(K+, R+) - name: explored-12046 + name: explored-12047 type: explored -- comm_cost: 0.4398582175925928 - complexity: 26 +- comm_cost: 0.30338541666666685 + complexity: 21 expressions: - - K+ - N+ - R- - S+ - and(N-, R+) - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R-)) - and(and(K-, N-), or(S+, SE+)) - name: explored-12047 + name: explored-12048 type: explored -- comm_cost: 0.43333333333333357 - complexity: 8 +- comm_cost: 0.7480208333333335 + complexity: 3 expressions: - - R- - - SE- - - and(N-, R+) - - and(N-, R+) - name: explored-12048 + - R+ + - not(R-) + name: explored-12049 type: explored -- comm_cost: 0.44010416666666685 - complexity: 12 +- comm_cost: 0.36979166666666696 + complexity: 11 expressions: - K+ - R- - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - name: explored-12049 - type: explored -- comm_cost: 0.7623263888888889 - complexity: 9 - expressions: - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) + - not(R+) name: explored-12050 type: explored -- comm_cost: 0.35117187500000013 - complexity: 17 +- comm_cost: 0.3891203703703705 + complexity: 22 expressions: + - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, SE+) - - or(S+, R-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) name: explored-12051 type: explored -- comm_cost: 0.65546875 - complexity: 6 +- comm_cost: 0.24565972222222254 + complexity: 16 expressions: - - K+ - N+ - R- - - or(S+, R+) + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-12052 type: explored -- comm_cost: 0.365601851851852 - complexity: 17 +- comm_cost: 0.4927083333333334 + complexity: 13 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(S+, SE+) + - SE- + - and(K-, or(S+, N+)) + - and(S-, not(R+)) name: explored-12053 type: explored -- comm_cost: 0.7144097222222223 - complexity: 13 +- comm_cost: 0.7031423611111112 + complexity: 6 expressions: + - N+ - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(K+, or(N+, R-)) + - S- + - or(S+, SE+) name: explored-12054 type: explored -- comm_cost: 0.5882812500000001 - complexity: 6 +- comm_cost: 0.3738541666666668 + complexity: 17 expressions: - - R+ + - N+ - R- - - SE- - - or(S+, R+) + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-12055 type: explored -- comm_cost: 0.4661458333333335 - complexity: 11 +- comm_cost: 0.4993750000000001 + complexity: 23 expressions: + - K+ - N+ - R- - - R- + - SE+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) name: explored-12056 type: explored -- comm_cost: 0.3991203703703705 +- comm_cost: 0.5080729166666669 complexity: 14 expressions: - - K+ - - N+ - - N- - R- - - and(K-, not(R+)) + - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) + - not(R+) name: explored-12057 type: explored -- comm_cost: 0.612326388888889 - complexity: 13 +- comm_cost: 0.4277633101851853 + complexity: 23 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(K-, or(S+, R+)) - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-12058 type: explored -- comm_cost: 0.549652777777778 - complexity: 9 +- comm_cost: 0.38180555555555573 + complexity: 14 expressions: + - K+ - N+ - - R+ - - SE- - - and(or(K+, S-), not(R+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) + - or(S+, SE+) name: explored-12059 type: explored -- comm_cost: 0.7043692129629631 - complexity: 7 +- comm_cost: 0.240104166666667 + complexity: 15 expressions: - - R+ - - S- - - and(N-, or(K+, SE+)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-12060 type: explored -- comm_cost: 0.4590277777777779 - complexity: 11 +- comm_cost: 0.5070312500000002 + complexity: 26 expressions: + - K+ - R- + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, SE+) name: explored-12061 type: explored -- comm_cost: 0.28906250000000033 - complexity: 15 +- comm_cost: 0.5195601851851853 + complexity: 18 expressions: - K+ + - R+ + - R- + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) + name: explored-12062 + type: explored +- comm_cost: 0.6268055555555557 + complexity: 12 + expressions: - N+ - and(N-, R+) + - or(K+, S-) + - or(K+, or(N+, R-)) + name: explored-12063 + type: explored +- comm_cost: 0.5412500000000001 + complexity: 8 + expressions: + - K- + - R- + - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-12062 + name: explored-12064 type: explored -- comm_cost: 0.5791666666666668 +- comm_cost: 0.7202546296296297 complexity: 9 expressions: - R+ - - SE- - - SE- - - or(N+, R-) - - or(S+, N+) - name: explored-12063 + - and(K-, or(S+, R+)) + - or(K+, S-) + name: explored-12065 type: explored -- comm_cost: 0.21432291666666692 - complexity: 14 +- comm_cost: 0.48541666666666683 + complexity: 22 expressions: - K+ - - N+ - - S+ + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(S+, or(N+, R-)) - name: explored-12064 + name: explored-12066 type: explored -- comm_cost: 0.3333333333333337 - complexity: 13 +- comm_cost: 0.6604166666666667 + complexity: 10 expressions: - N+ - R- - SE- - - and(N-, R+) - and(or(K+, S-), or(SE-, N+)) - name: explored-12065 + name: explored-12067 type: explored -- comm_cost: 0.3720486111111112 - complexity: 18 +- comm_cost: 0.23946759259259287 + complexity: 20 expressions: - K+ - - R+ + - K+ + - N+ - R- - - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-12066 + - and(S-, not(R+)) + - and(or(K+, S-), not(R+)) + name: explored-12068 type: explored -- comm_cost: 0.3557870370370372 - complexity: 22 +- comm_cost: 0.36302083333333346 + complexity: 21 expressions: + - K+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) - name: explored-12067 - type: explored -- comm_cost: 0.5511718750000001 - complexity: 15 - expressions: - - N+ - - R+ - - R- - - SE- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - and(S-, or(SE-, N+)) + - or(N+, R-) - or(S+, R+) - name: explored-12068 - type: explored -- comm_cost: 0.6269097222222224 - complexity: 15 - expressions: - - R+ - - SE- - - and(and(K-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) name: explored-12069 type: explored -- comm_cost: 0.6355468750000001 - complexity: 15 +- comm_cost: 0.5996238425925927 + complexity: 17 expressions: - R+ - - and(N-, not(R-)) - - and(S-, N-) - - and(and(K-, N-), or(S+, R+)) + - R- + - SE- + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12070 type: explored -- comm_cost: 0.6581712962962964 - complexity: 7 +- comm_cost: 0.5815972222222224 + complexity: 6 expressions: - - K- - R+ - R- - - SE- - - or(K+, R+) + - and(K-, not(R+)) name: explored-12071 type: explored -- comm_cost: 0.4885416666666669 - complexity: 17 +- comm_cost: 0.48072916666666676 + complexity: 15 expressions: + - K+ - N+ - - SE- - - and(N-, R+) - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) - - or(S+, R-) + - R- + - S+ + - and(K-, N-) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-12072 type: explored -- comm_cost: 0.5814814814814816 - complexity: 16 +- comm_cost: 0.6959375000000001 + complexity: 7 expressions: - - N+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - S- + - SE- + - or(N+, not(R+)) name: explored-12073 type: explored -- comm_cost: 0.43871527777777775 - complexity: 10 +- comm_cost: 0.6477152777777779 + complexity: 36 expressions: - - K+ - - N+ - R- - - S+ - - and(S-, SE-) - - or(S+, R-) + - and(K-, SE-) + - and(SE+, N-) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) + - or(K+, K-) + - or(N+, R-) + - or(N+, not(R+)) name: explored-12074 type: explored -- comm_cost: 0.10625000000000018 - complexity: 17 +- comm_cost: 0.7749305555555557 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, S+) - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) + - N- + - SE- + - and(SE-, or(K+, S-)) name: explored-12075 type: explored -- comm_cost: 0.4379918981481483 - complexity: 27 +- comm_cost: 0.5611979166666669 + complexity: 18 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R- + - SE- + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12076 type: explored -- comm_cost: 0.29557291666666696 - complexity: 12 +- comm_cost: 0.21093750000000022 + complexity: 13 expressions: - K+ - R- + - R- - S+ - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) name: explored-12077 type: explored -- comm_cost: 0.5124131944444446 - complexity: 15 +- comm_cost: 0.23237847222222252 + complexity: 19 expressions: - - K+ - N+ - - R- - - SE+ - - SE- + - S+ - and(N-, R+) - - and(S-, not(R+)) - - or(S+, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, N+) + - or(S+, R-) name: explored-12078 type: explored -- comm_cost: 0.6427083333333335 - complexity: 3 +- comm_cost: 0.609502314814815 + complexity: 11 expressions: - - K+ - N+ - R+ - name: explored-12079 - type: explored -- comm_cost: 0.5505208333333336 - complexity: 10 - expressions: - - R+ + - R- - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - name: explored-12080 + - and(S-, N-) + - or(N+, not(R+)) + name: explored-12079 type: explored -- comm_cost: 0.37331597222222257 - complexity: 21 +- comm_cost: 0.6302083333333333 + complexity: 14 expressions: - K+ - N+ - R- - - SE- - - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-12080 + type: explored +- comm_cost: 0.8631944444444444 + complexity: 10 + expressions: + - and(K-, S+) + - or(and(K-, S+), or(N+, R-)) name: explored-12081 type: explored -- comm_cost: 0.6333912037037037 - complexity: 9 +- comm_cost: 0.6421875000000002 + complexity: 5 expressions: - N+ - - R- - - SE- - - or(K+, SE+) - - or(S+, R-) + - R+ + - and(N-, R+) name: explored-12082 type: explored -- comm_cost: 0.4065972222222225 +- comm_cost: 0.25208333333333344 complexity: 18 expressions: - - N+ - - S+ - - and(K-, or(SE-, N+)) + - K+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-12083 type: explored -- comm_cost: 0.6704340277777779 - complexity: 10 +- comm_cost: 0.3506944444444444 + complexity: 9 expressions: - - SE- - - and(K-, N-) - - and(N-, R+) - - or(S+, SE+) + - K+ + - R- + - SE+ + - and(K-, S+) + - and(S-, SE-) name: explored-12084 type: explored -- comm_cost: 0.4587673611111114 - complexity: 17 +- comm_cost: 0.6651331018518519 + complexity: 14 expressions: - - R- + - R+ + - SE+ - SE- - - and(N-, R+) - - not(R+) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-12085 type: explored -- comm_cost: 0.48958333333333326 - complexity: 6 +- comm_cost: 0.5471354166666669 + complexity: 17 expressions: - N+ - - N+ - - R- - - and(S-, SE-) + - SE- + - and(K-, N-) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) + - not(R+) name: explored-12086 type: explored -- comm_cost: 0.5381944444444446 - complexity: 7 +- comm_cost: 0.34479166666666705 + complexity: 17 expressions: - - R+ - - R- - - R- - - SE- - - or(N+, R-) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-12087 type: explored -- comm_cost: 0.4500000000000002 - complexity: 9 +- comm_cost: 0.16255787037037073 + complexity: 18 expressions: + - K+ - N+ - R- - S+ - and(N-, R+) - - and(SE+, N-) + - and(S-, SE-) + - or(K+, R-) + - or(K+, or(N+, R-)) name: explored-12088 type: explored -- comm_cost: 0.3222222222222222 - complexity: 11 +- comm_cost: 0.22777777777777797 + complexity: 18 expressions: - K+ - N+ - R- - - and(K-, or(S+, R+)) + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) + - or(K+, N+) name: explored-12089 type: explored -- comm_cost: 0.33906250000000027 - complexity: 15 +- comm_cost: 0.4222656250000002 + complexity: 13 expressions: + - K+ + - K+ + - N+ - R- - S+ - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, S-)) name: explored-12090 type: explored -- comm_cost: 0.3979166666666669 - complexity: 17 +- comm_cost: 0.5704861111111112 + complexity: 10 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - or(S+, or(N+, R-)) + - N+ + - R+ + - SE- + - or(and(K-, S+), or(N+, R-)) name: explored-12091 type: explored -- comm_cost: 0.11927083333333344 - complexity: 14 +- comm_cost: 0.50625 + complexity: 8 expressions: - - K+ - - K+ - N+ - - R+ - - R- - - and(K-, S+) - - and(N-, R+) + - S+ + - and(S-, SE-) - and(S-, SE-) name: explored-12092 type: explored -- comm_cost: 0.7766145833333334 - complexity: 3 +- comm_cost: 0.12656250000000036 + complexity: 13 expressions: - - S- - - not(R-) + - K+ + - N+ + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) name: explored-12093 type: explored -- comm_cost: 0.6857638888888891 - complexity: 11 +- comm_cost: 0.5568576388888891 + complexity: 19 expressions: + - N+ - SE- + - and(N-, R+) - and(N-, or(K+, R+)) - - and(N-, or(K+, R+)) + - and(S-, or(N+, not(R+))) + - or(S+, R+) name: explored-12094 type: explored -- comm_cost: 0.2895833333333335 - complexity: 19 +- comm_cost: 0.5395833333333335 + complexity: 8 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - SE- + - and(K-, or(S+, R-)) name: explored-12095 type: explored -- comm_cost: 0.201041666666667 - complexity: 16 +- comm_cost: 0.3319444444444446 + complexity: 18 expressions: - K+ + - K+ - N+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(S-, not(R-)) + - or(K+, R-) name: explored-12096 type: explored -- comm_cost: 0.5090277777777777 - complexity: 12 +- comm_cost: 0.2244791666666669 + complexity: 13 expressions: - K+ - K+ - N+ - R- + - S+ + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, or(N+, R-)) name: explored-12097 type: explored -- comm_cost: 0.8859375 - complexity: 6 +- comm_cost: 0.6062500000000002 + complexity: 12 expressions: - - R- - - and(K-, or(S+, R-)) + - R+ + - SE- + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) name: explored-12098 type: explored -- comm_cost: 0.32777777777777795 - complexity: 13 +- comm_cost: 0.7359722222222222 + complexity: 6 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - SE- + - not(R-) + - or(K+, R-) name: explored-12099 type: explored -- comm_cost: 0.5742592592592594 +- comm_cost: 0.6414930555555557 complexity: 10 expressions: - - N+ - - R- - - SE+ - - and(S-, SE-) - - or(N+, not(R+)) + - R+ + - and(S-, or(N+, not(R+))) + - or(N+, R-) name: explored-12100 type: explored -- comm_cost: 0.2963541666666669 - complexity: 15 +- comm_cost: 0.5200000000000002 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - S+ - - and(K-, or(SE-, N+)) + - N- + - R- - and(N-, R+) - and(S-, SE-) + - and(S-, SE-) name: explored-12101 type: explored -- comm_cost: 0.11163194444444491 - complexity: 14 +- comm_cost: 0.48454861111111125 + complexity: 15 expressions: - - K+ - N+ + - R+ - R- - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - SE- + - and(K-, S+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-12102 type: explored -- comm_cost: 0.5023437500000002 - complexity: 17 +- comm_cost: 0.3659722222222225 + complexity: 13 expressions: + - K+ - N+ + - SE+ - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-12103 type: explored -- comm_cost: 0.35894097222222243 +- comm_cost: 0.42500000000000027 complexity: 14 expressions: - - K+ - - K+ - - N+ - R- - - SE- - - and(K-, N-) + - S+ - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-12104 type: explored -- comm_cost: 0.6197916666666667 - complexity: 13 +- comm_cost: 0.37326388888888906 + complexity: 16 expressions: - - SE- - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - K- + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(N+, R-) name: explored-12105 type: explored -- comm_cost: 0.50625 - complexity: 5 +- comm_cost: 0.5493923611111113 + complexity: 22 expressions: - N+ - - S+ - - and(S-, SE-) + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-12106 type: explored -- comm_cost: 0.4856597222222223 - complexity: 12 +- comm_cost: 0.5837500000000002 + complexity: 8 expressions: - - K- - - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - not(R-) name: explored-12107 type: explored -- comm_cost: 0.40353009259259265 - complexity: 15 +- comm_cost: 0.43333333333333357 + complexity: 6 expressions: - - N+ - R- - - S+ + - SE- + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(K+, R+) name: explored-12108 type: explored -- comm_cost: 0.5750000000000002 - complexity: 10 - expressions: - - N+ - - R+ - - R- - - and(N-, not(R-)) - - or(K+, R-) - name: explored-12109 - type: explored -- comm_cost: 0.366232638888889 - complexity: 21 +- comm_cost: 0.2166666666666669 + complexity: 22 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, not(R-)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(S-, SE-) + - and(S-, SE-) + - or(N+, not(R+)) + name: explored-12109 + type: explored +- comm_cost: 0.6052083333333335 + complexity: 12 + expressions: + - R+ + - SE- + - and(K-, S+) + - and(or(K+, S-), or(SE-, N+)) name: explored-12110 type: explored -- comm_cost: 0.3718750000000004 - complexity: 7 +- comm_cost: 0.34988425925925937 + complexity: 24 expressions: + - K+ - N+ - - S+ + - R- + - and(K-, S+) - and(N-, R+) - - not(R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(K+, N+) + - or(K+, R+) name: explored-12111 type: explored -- comm_cost: 0.5908854166666666 - complexity: 12 +- comm_cost: 0.28567708333333375 + complexity: 15 expressions: - - N+ - - R- - S+ - - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-12112 type: explored -- comm_cost: 0.4642361111111113 +- comm_cost: 0.534375 complexity: 14 expressions: - N+ - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R-)) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, N+) name: explored-12113 type: explored -- comm_cost: 0.6574074074074076 - complexity: 13 +- comm_cost: 0.5010416666666668 + complexity: 8 expressions: - - R+ + - N+ - S+ - - and(K-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, SE-) + - or(S+, R+) name: explored-12114 type: explored -- comm_cost: 0.15052083333333366 - complexity: 11 +- comm_cost: 0.5323784722222225 + complexity: 12 expressions: - - K+ - N+ + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - not(R+) name: explored-12115 type: explored -- comm_cost: 0.34594907407407427 - complexity: 20 +- comm_cost: 0.6937500000000001 + complexity: 10 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(S-, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-12116 type: explored -- comm_cost: 0.770920138888889 - complexity: 13 +- comm_cost: 0.4750000000000002 + complexity: 12 expressions: - - R+ - - and(K-, or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - and(K-, SE-) + - and(K-, not(R-)) + - and(N-, R+) name: explored-12117 type: explored -- comm_cost: 0.3119502314814817 - complexity: 23 +- comm_cost: 0.5068055555555557 + complexity: 15 expressions: - K+ - N+ - - R+ - R- - - and(K-, S+) + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - or(S+, SE+) name: explored-12118 type: explored -- comm_cost: 0.3840277777777781 - complexity: 19 +- comm_cost: 0.5406250000000001 + complexity: 10 expressions: - - N+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - and(K-, or(S+, N+)) + - and(S-, not(R+)) name: explored-12119 type: explored -- comm_cost: 0.6229166666666668 - complexity: 10 +- comm_cost: 0.4857638888888891 + complexity: 13 expressions: - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - SE- + - and(N-, R+) + - and(S-, not(R+)) + - or(K+, SE+) name: explored-12120 type: explored -- comm_cost: 0.208854166666667 - complexity: 17 +- comm_cost: 0.4758680555555558 + complexity: 19 expressions: - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R-) + - and(and(K-, N-), or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-12121 type: explored -- comm_cost: 0.70625 - complexity: 5 +- comm_cost: 0.4912500000000002 + complexity: 12 expressions: - N+ - - SE- - - or(K+, S-) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-12122 type: explored -- comm_cost: 0.45807291666666683 - complexity: 14 +- comm_cost: 0.5895833333333333 + complexity: 6 expressions: - K+ - N+ - R- - - SE- - - and(N-, R+) - - and(S-, not(R-)) - - or(SE-, N+) + - and(K-, S+) name: explored-12123 type: explored -- comm_cost: 0.4877604166666667 - complexity: 9 +- comm_cost: 0.6142361111111113 + complexity: 6 expressions: - - and(S-, SE-) - - and(SE+, N-) - - or(S+, R+) + - R+ + - R+ + - and(K-, not(R+)) name: explored-12124 type: explored -- comm_cost: 0.3333333333333335 - complexity: 13 +- comm_cost: 0.6473958333333335 + complexity: 5 expressions: - - K+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - or(K+, R-) name: explored-12125 type: explored -- comm_cost: 0.38151041666666685 - complexity: 12 +- comm_cost: 0.6423611111111112 + complexity: 7 expressions: - N+ - R- + - S+ - SE- - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - or(S+, SE+) name: explored-12126 type: explored -- comm_cost: 0.7592708333333333 - complexity: 7 +- comm_cost: 0.35902777777777795 + complexity: 20 expressions: - - N- - - and(K-, S+) - - or(S+, R+) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - and(and(S-, N-), not(R-)) name: explored-12127 type: explored -- comm_cost: 0.47439236111111127 - complexity: 15 +- comm_cost: 0.5817708333333335 + complexity: 10 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, N-) - - and(K-, S+) - - and(S-, SE-) - - or(K+, R+) + - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-12128 type: explored -- comm_cost: 0.7277858796296297 - complexity: 40 +- comm_cost: 0.7170833333333333 + complexity: 5 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) - - and(N-, or(K+, SE+)) - - and(S-, N-) - - and(or(K+, S-), not(R-)) - - or(K+, K-) - - or(S+, R-) - - or(S+, SE+) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - or(K+, S-) name: explored-12129 type: explored -- comm_cost: 0.173263888888889 - complexity: 13 +- comm_cost: 0.3671006944444448 + complexity: 16 expressions: - N+ - - R+ - R- - - S+ - - and(N-, R+) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(SE-, N+) name: explored-12130 type: explored -- comm_cost: 0.33706597222222257 - complexity: 15 +- comm_cost: 0.6779513888888891 + complexity: 18 expressions: - - N+ - - SE- - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(K+, R-) + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE-, or(K+, S-)) name: explored-12131 type: explored -- comm_cost: 0.3169270833333335 - complexity: 16 +- comm_cost: 0.17656250000000018 + complexity: 15 expressions: + - K+ + - K+ - N+ - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-12132 type: explored -- comm_cost: 0.4940972222222224 - complexity: 9 +- comm_cost: 0.26284722222222245 + complexity: 15 expressions: + - K+ - N+ - - N- + - R- - SE- - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) name: explored-12133 type: explored -- comm_cost: 0.5100868055555556 - complexity: 14 +- comm_cost: 0.523420138888889 + complexity: 13 expressions: + - K+ - K- - N+ - - R- - - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) name: explored-12134 type: explored -- comm_cost: 0.5015625000000001 - complexity: 14 +- comm_cost: 0.318229166666667 + complexity: 10 expressions: + - K+ + - N+ - N+ - R- - S+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, SE+) + - and(N-, R+) + - not(R+) name: explored-12135 type: explored -- comm_cost: 0.4375000000000002 - complexity: 19 +- comm_cost: 0.15625000000000022 + complexity: 13 expressions: - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-12136 type: explored -- comm_cost: 0.5395833333333335 - complexity: 8 +- comm_cost: 0.670138888888889 + complexity: 12 expressions: - - R+ - - R- + - N+ - SE- - - and(K-, or(S+, R-)) + - and(SE-, or(K+, S-)) + - and(SE-, or(K+, S-)) name: explored-12137 type: explored -- comm_cost: 0.563570601851852 - complexity: 18 +- comm_cost: 0.24626736111111147 + complexity: 21 expressions: + - K+ - N+ - R- - - SE- + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(K+, SE+) - - or(SE-, N+) + - and(S-, SE-) + - or(K+, R-) name: explored-12138 type: explored -- comm_cost: 0.20000000000000018 - complexity: 18 +- comm_cost: 0.36232638888888913 + complexity: 13 expressions: - K+ - N+ - - and(K-, S+) + - R- + - SE- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(S+, R+) name: explored-12139 type: explored -- comm_cost: 0.2562500000000003 - complexity: 12 +- comm_cost: 0.4164062500000001 + complexity: 17 expressions: - - N+ + - K+ - R- - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(SE-, N+) + - or(K+, SE+) name: explored-12140 type: explored -- comm_cost: 0.5493055555555557 - complexity: 14 +- comm_cost: 0.3968750000000003 + complexity: 10 expressions: - - K+ - - K- - N+ - SE- - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-12141 type: explored -- comm_cost: 0.7076041666666668 - complexity: 5 +- comm_cost: 0.6543981481481483 + complexity: 10 expressions: - - N- - - R+ - - or(S+, N+) + - SE- + - and(N-, R+) + - and(SE+, N-) + - or(K+, K-) name: explored-12142 type: explored -- comm_cost: 0.6307291666666668 - complexity: 13 +- comm_cost: 0.41718750000000027 + complexity: 9 expressions: - - R+ - - and(S-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, N-) + - and(N-, R+) name: explored-12143 type: explored -- comm_cost: 0.33958333333333357 - complexity: 22 +- comm_cost: 0.42109375000000027 + complexity: 10 expressions: - - K+ + - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) + - and(N-, not(R-)) name: explored-12144 type: explored -- comm_cost: 0.6435763888888889 - complexity: 7 +- comm_cost: 0.7208333333333334 + complexity: 13 expressions: - - K+ - - R- - - S+ - - SE- - - and(S-, SE-) + - R+ + - and(K-, or(S+, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-12145 type: explored -- comm_cost: 0.20416666666666683 - complexity: 13 +- comm_cost: 0.5722222222222224 + complexity: 8 expressions: - K+ - - K+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - or(K+, R+) name: explored-12146 type: explored -- comm_cost: 0.6057407407407409 - complexity: 12 +- comm_cost: 0.44114583333333346 + complexity: 23 expressions: + - K+ - N+ - - SE- + - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, not(R-)) - - or(S+, SE+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - not(R+) name: explored-12147 type: explored -- comm_cost: 0.3523437500000002 - complexity: 21 +- comm_cost: 0.18940972222222252 + complexity: 20 expressions: - K+ - - K+ - N+ - R- - S+ - - and(K-, or(S+, SE+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-12148 type: explored -- comm_cost: 0.6208333333333335 - complexity: 7 +- comm_cost: 0.347916666666667 + complexity: 12 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - or(S+, or(N+, R-)) + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-12149 type: explored -- comm_cost: 0.41093750000000007 - complexity: 15 +- comm_cost: 0.47083333333333366 + complexity: 7 expressions: - - R+ - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(N+, R-) + - R- + - and(N-, R+) + - or(S+, N+) name: explored-12150 type: explored -- comm_cost: 0.43923611111111127 - complexity: 13 +- comm_cost: 0.5361111111111112 + complexity: 11 expressions: - - K+ - - K+ - - N+ - R- - - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(and(K-, N-), or(S+, SE+)) name: explored-12151 type: explored -- comm_cost: 0.505625 - complexity: 8 +- comm_cost: 0.7381863425925926 + complexity: 25 expressions: - - N+ - - S+ - - and(S-, SE-) - - or(S+, SE+) + - and(K-, or(SE-, N+)) + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + - or(K+, K-) + - or(K+, S-) name: explored-12152 type: explored -- comm_cost: 0.7662500000000001 - complexity: 4 +- comm_cost: 0.2861111111111114 + complexity: 18 expressions: - - SE- - - or(K+, S-) + - K+ + - N+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-12153 type: explored -- comm_cost: 0.62109375 - complexity: 14 +- comm_cost: 0.8654166666666667 + complexity: 4 expressions: - - R- - - and(K-, N-) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-12154 type: explored -- comm_cost: 0.5145833333333333 - complexity: 8 +- comm_cost: 0.3382812500000002 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- - - and(K-, SE-) + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) name: explored-12155 type: explored -- comm_cost: 0.884375 - complexity: 5 +- comm_cost: 0.4962239583333333 + complexity: 13 expressions: - - and(K-, or(S+, N+)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-12156 type: explored -- comm_cost: 0.2944444444444446 - complexity: 11 +- comm_cost: 0.07812500000000022 + complexity: 15 expressions: + - K+ + - K+ - N+ - R- + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) name: explored-12157 type: explored -- comm_cost: 0.4656250000000002 - complexity: 19 +- comm_cost: 0.6407841435185186 + complexity: 12 expressions: - - K+ - - K- - - N+ + - R+ - R- - - SE+ - - and(K-, S+) - - and(K-, or(S+, SE+)) + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) + - or(K+, K-) name: explored-12158 type: explored -- comm_cost: 0.4500000000000002 - complexity: 7 +- comm_cost: 0.39322916666666674 + complexity: 15 expressions: - - R+ + - K+ + - K+ + - N+ + - R- + - S+ + - SE+ - and(S-, SE-) - - and(SE+, N-) + - and(and(S-, N-), not(R-)) name: explored-12159 type: explored -- comm_cost: 0.2888888888888892 - complexity: 20 +- comm_cost: 0.40755208333333337 + complexity: 13 expressions: + - R+ - R- - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) + - and(K-, S+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-12160 type: explored -- comm_cost: 0.6631597222222223 - complexity: 10 +- comm_cost: 0.3690104166666669 + complexity: 17 expressions: + - K+ + - N+ - R- + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(K+, S-) + - or(S+, R+) name: explored-12161 type: explored -- comm_cost: 0.47187500000000016 - complexity: 5 +- comm_cost: 0.17708333333333348 + complexity: 19 expressions: + - K+ - N+ - - N+ - - R+ - R- - - SE- + - and(K-, S+) + - and(K-, S+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-12162 type: explored -- comm_cost: 0.5640625000000002 +- comm_cost: 0.6470486111111112 complexity: 7 expressions: + - R+ - SE- - - and(N-, R+) - - and(SE+, N-) + - and(N-, or(S+, R+)) name: explored-12163 type: explored -- comm_cost: 0.45092592592592606 - complexity: 15 +- comm_cost: 0.6208333333333333 + complexity: 6 expressions: - N+ - - R- - - SE+ - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - not(R+) name: explored-12164 type: explored -- comm_cost: 0.5698784722222224 - complexity: 17 +- comm_cost: 0.4441666666666668 + complexity: 12 expressions: - N+ - - SE- - - and(K-, or(S+, SE+)) + - N- + - R- - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(S+, N+) name: explored-12165 type: explored -- comm_cost: 0.42843750000000014 - complexity: 10 +- comm_cost: 0.27942708333333355 + complexity: 15 expressions: - - K- + - K+ + - K+ - N+ - R- - S+ + - SE+ - and(N-, R+) - and(S-, SE-) + - or(S+, N+) name: explored-12166 type: explored -- comm_cost: 0.6666666666666667 - complexity: 7 +- comm_cost: 0.45468750000000013 + complexity: 17 expressions: - - SE+ - - SE- - - and(K-, or(S+, R+)) + - N+ + - R- + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-12167 type: explored -- comm_cost: 0.47615740740740764 - complexity: 14 +- comm_cost: 0.4703124999999999 + complexity: 9 expressions: - - K+ - N+ - R- - - and(N-, R+) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - S+ + - and(S-, SE-) + - or(N+, R-) name: explored-12168 type: explored -- comm_cost: 0.730920138888889 - complexity: 8 - expressions: - - K- - - R+ - - S- - - or(S+, or(N+, R-)) - name: explored-12169 - type: explored -- comm_cost: 0.3182870370370374 - complexity: 14 +- comm_cost: 0.29506655092592626 + complexity: 23 expressions: - K+ - N+ - R- - S+ - - and(K-, not(R+)) - and(N-, R+) - - or(N+, R-) - name: explored-12170 + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) + name: explored-12169 type: explored -- comm_cost: 0.6579861111111113 - complexity: 13 +- comm_cost: 0.7151568287037038 + complexity: 21 expressions: - - N+ - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - not(R-) - name: explored-12171 + - N- + - and(S-, N-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) + - or(SE-, N+) + name: explored-12170 type: explored -- comm_cost: 0.4064409722222224 - complexity: 25 +- comm_cost: 0.47089120370370385 + complexity: 20 expressions: - K+ - K+ - N+ - - R- - S+ - - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, N+) - name: explored-12172 + - and(S-, not(R-)) + - and(and(K-, N-), not(R-)) + name: explored-12171 type: explored -- comm_cost: 0.4750000000000002 - complexity: 7 +- comm_cost: 0.6824652777777779 + complexity: 8 expressions: - - N+ - - R- - - SE+ + - N- + - R+ - SE- - - and(N-, R+) + - and(K-, or(SE-, N+)) + name: explored-12172 + type: explored +- comm_cost: 0.7265625 + complexity: 4 + expressions: + - K+ + - and(K-, N-) name: explored-12173 type: explored -- comm_cost: 0.5076388888888891 - complexity: 13 +- comm_cost: 0.39270833333333366 + complexity: 10 expressions: - N+ - - SE- - - and(K-, or(S+, R+)) + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - or(S+, R-) name: explored-12174 type: explored -- comm_cost: 0.5114583333333337 - complexity: 7 +- comm_cost: 0.2440104166666669 + complexity: 15 expressions: + - K+ - N+ + - R- + - S+ - and(N-, R+) - - or(N+, R-) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-12175 type: explored -- comm_cost: 0.6234953703703705 - complexity: 9 - expressions: - - R+ - - and(N-, or(S+, R+)) - - and(S-, N-) - name: explored-12176 - type: explored -- comm_cost: 0.5540509259259261 - complexity: 14 +- comm_cost: 0.4735677083333335 + complexity: 11 expressions: - K+ + - K+ - N+ - R- + - SE- - and(N-, R+) + - or(K+, SE+) + name: explored-12176 + type: explored +- comm_cost: 0.6663194444444446 + complexity: 11 + expressions: + - R+ - and(S-, SE-) - - not(R-) + - and(S-, not(R-)) - or(K+, K-) name: explored-12177 type: explored -- comm_cost: 0.5677083333333335 - complexity: 13 +- comm_cost: 0.4289930555555559 + complexity: 14 expressions: - - R+ - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, SE+) + - N+ + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) + - or(N+, not(R+)) name: explored-12178 type: explored -- comm_cost: 0.7576388888888889 - complexity: 11 +- comm_cost: 0.32039930555555585 + complexity: 18 expressions: - - SE- - - and(K-, S+) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) - or(and(K-, S+), or(N+, R-)) name: explored-12179 type: explored -- comm_cost: 0.3094270833333337 - complexity: 11 +- comm_cost: 0.3764467592592595 + complexity: 19 expressions: - K+ - K+ - N+ - R- - - S+ - - S+ + - SE- - and(N-, R+) - - not(R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-12180 type: explored -- comm_cost: 0.4320312500000002 - complexity: 9 +- comm_cost: 0.2812500000000002 + complexity: 17 expressions: + - K+ + - K+ - N+ + - R- - S+ - - S- + - and(K-, N-) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) name: explored-12181 type: explored -- comm_cost: 0.4837384259259261 - complexity: 24 +- comm_cost: 0.3715277777777781 + complexity: 11 expressions: - - K+ - N+ - - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) + - and(S-, or(N+, not(R+))) name: explored-12182 type: explored -- comm_cost: 0.7269965277777779 - complexity: 8 +- comm_cost: 0.5630208333333333 + complexity: 13 expressions: - - N- - - R+ - - and(or(K+, S-), not(R-)) + - K+ + - R- + - and(K-, S+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-12183 type: explored -- comm_cost: 0.6927517361111112 - complexity: 15 +- comm_cost: 0.7345486111111112 + complexity: 5 expressions: - - R+ + - S+ - SE- - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) - - or(SE-, N+) + - or(S+, R+) name: explored-12184 type: explored -- comm_cost: 0.3680555555555558 - complexity: 19 +- comm_cost: 0.5662037037037039 + complexity: 15 expressions: - - K+ - N+ - R- - - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, or(N+, R-)) + - and(N-, or(S+, R+)) name: explored-12185 type: explored -- comm_cost: 0.4721354166666669 +- comm_cost: 0.4769965277777779 complexity: 16 expressions: - N+ - R- - - and(K-, N-) - - and(K-, or(SE-, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R+) name: explored-12186 type: explored -- comm_cost: 0.43164062500000033 - complexity: 13 +- comm_cost: 0.3642013888888893 + complexity: 17 expressions: - K+ - - K+ - - N+ - R- - S+ - and(N-, R+) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(S-, not(R+)) + - or(N+, not(R+)) name: explored-12187 type: explored -- comm_cost: 0.5114583333333333 - complexity: 7 +- comm_cost: 0.29444444444444473 + complexity: 26 expressions: + - K+ - N+ - - N- - R- - - S+ + - and(K-, S+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-12188 type: explored -- comm_cost: 0.6881944444444446 - complexity: 13 +- comm_cost: 0.23645833333333366 + complexity: 15 expressions: - - R+ - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) + - N+ + - and(K-, SE-) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-12189 type: explored -- comm_cost: 0.5330150462962965 - complexity: 17 +- comm_cost: 0.1742187500000003 + complexity: 15 expressions: + - K+ + - K+ - N+ - R- - - SE- - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-12190 type: explored -- comm_cost: 0.5136863425925926 - complexity: 15 +- comm_cost: 0.7271753472222222 + complexity: 29 expressions: - - N+ - - R- - - S+ - - and(K-, N-) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - N- + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, SE+) + - or(SE-, N+) name: explored-12191 type: explored -- comm_cost: 0.6444444444444446 - complexity: 12 +- comm_cost: 0.3582899305555558 + complexity: 19 expressions: + - K+ + - K+ - N+ - - and(K-, or(S+, R+)) + - R- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - or(S+, N+) + - and(S-, SE-) + - or(S+, R+) name: explored-12192 type: explored -- comm_cost: 0.39227430555555587 - complexity: 13 +- comm_cost: 0.31805555555555587 + complexity: 18 expressions: - N+ + - R- - SE- - - and(K-, SE-) + - and(K-, or(S+, R-)) - and(N-, R+) - - or(S+, or(N+, R-)) + - and(S-, not(R+)) + - or(K+, N+) name: explored-12193 type: explored -- comm_cost: 0.4330381944444447 - complexity: 20 +- comm_cost: 0.3782407407407409 + complexity: 15 expressions: - K+ - - K- - N+ - - R+ - R- - and(K-, S+) - - and(N-, R+) + - and(S-, N-) + - and(S-, N-) - and(S-, SE-) - - and(and(K-, N-), not(R-)) name: explored-12194 type: explored -- comm_cost: 0.5489583333333337 - complexity: 6 +- comm_cost: 0.4266493055555558 + complexity: 17 expressions: + - R- + - S+ - and(N-, R+) - - or(N+, R-) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, N+) name: explored-12195 type: explored -- comm_cost: 0.5927083333333335 - complexity: 6 +- comm_cost: 0.6592245370370371 + complexity: 12 expressions: - - N+ - R+ - R- - - or(S+, N+) + - SE- + - and(S-, or(N+, not(R+))) + - or(K+, S-) name: explored-12196 type: explored -- comm_cost: 0.3949652777777779 - complexity: 15 +- comm_cost: 0.3197916666666668 + complexity: 20 expressions: - N+ - R- - - SE- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, not(R+)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-12197 type: explored -- comm_cost: 0.7301221064814816 - complexity: 28 +- comm_cost: 0.6532407407407409 + complexity: 13 expressions: - - S- - - and(N-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - - or(K+, N+) - - or(K+, S-) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - R- + - and(K-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-12198 type: explored -- comm_cost: 0.3344618055555558 - complexity: 16 +- comm_cost: 0.3359375000000002 + complexity: 8 expressions: - - K+ - - K+ - - R- + - R+ - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-12199 type: explored -- comm_cost: 0.48611111111111116 - complexity: 11 +- comm_cost: 0.42000000000000015 + complexity: 10 expressions: - - N+ - R- - - S+ - - SE+ + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - or(S+, SE+) name: explored-12200 type: explored -- comm_cost: 0.5958333333333334 - complexity: 10 +- comm_cost: 0.3869791666666669 + complexity: 17 expressions: - N+ - - R+ - R- - - SE- - and(K-, SE-) - - or(K+, S-) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) + - or(S+, R+) name: explored-12201 type: explored -- comm_cost: 0.5878819444444445 +- comm_cost: 0.77875 complexity: 6 expressions: - - N+ - - N- - - R+ - - R- - - R- - - SE- + - K- + - and(N-, or(K+, S-)) name: explored-12202 type: explored -- comm_cost: 0.6466666666666667 - complexity: 7 +- comm_cost: 0.6129947916666668 + complexity: 15 expressions: - - K+ - N+ + - N- - R- - - S+ - - or(K+, S-) + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(K+, R+) name: explored-12203 type: explored -- comm_cost: 0.4218750000000002 - complexity: 10 +- comm_cost: 0.27038194444444474 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- - - and(K-, or(S+, N+)) + - S+ - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) + - or(SE-, N+) name: explored-12204 type: explored -- comm_cost: 0.5477430555555556 - complexity: 10 +- comm_cost: 0.34187500000000015 + complexity: 17 expressions: - - R- - - S+ + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(K+, N+) + - or(S+, SE+) name: explored-12205 type: explored -- comm_cost: 0.37317708333333366 - complexity: 20 +- comm_cost: 0.6142361111111113 + complexity: 5 expressions: - - N+ - - and(K-, SE-) - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(K-, not(R+)) name: explored-12206 type: explored -- comm_cost: 0.5734375 - complexity: 15 +- comm_cost: 0.06093750000000031 + complexity: 12 expressions: + - K+ + - K+ - N+ - R- - - and(K-, not(R-)) + - S+ + - S+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-12207 type: explored -- comm_cost: 0.6177083333333334 - complexity: 6 +- comm_cost: 0.7390046296296298 + complexity: 8 expressions: - R+ - - R+ - - R- - - or(S+, N+) + - and(N-, or(S+, R+)) + - not(R-) name: explored-12208 type: explored -- comm_cost: 0.5661458333333335 - complexity: 6 - expressions: - - R- - - S- - - SE- - - and(N-, R+) - name: explored-12209 - type: explored -- comm_cost: 0.3320312500000002 - complexity: 21 +- comm_cost: 0.5241666666666667 + complexity: 8 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - not(R-) + name: explored-12209 + type: explored +- comm_cost: 0.673263888888889 + complexity: 13 + expressions: + - R+ + - and(N-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-12210 type: explored -- comm_cost: 0.6608796296296298 - complexity: 8 +- comm_cost: 0.7055844907407409 + complexity: 9 expressions: - R+ - - SE+ - - SE- - - and(K-, or(S+, SE+)) + - and(K-, N-) + - and(K-, or(S+, R+)) name: explored-12211 type: explored -- comm_cost: 0.3921296296296297 - complexity: 22 +- comm_cost: 0.6411458333333333 + complexity: 8 expressions: - N+ - R- - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - and(K-, or(S+, N+)) name: explored-12212 type: explored -- comm_cost: 0.7151041666666668 +- comm_cost: 0.5310763888888891 complexity: 12 expressions: - - and(K-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - R- + - S+ + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-12213 type: explored -- comm_cost: 0.5212500000000002 - complexity: 12 +- comm_cost: 0.6142534722222224 + complexity: 7 expressions: - N+ - - R- - - and(K-, or(SE-, N+)) + - N- + - S- + - SE- - and(N-, R+) - - not(R-) name: explored-12214 type: explored -- comm_cost: 0.28914930555555585 - complexity: 16 +- comm_cost: 0.5506944444444446 + complexity: 23 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, not(R+)) - - or(K+, R-) - - or(K+, R-) + - and(K-, or(S+, N+)) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-12215 type: explored -- comm_cost: 0.5996527777777779 +- comm_cost: 0.23854166666666676 complexity: 10 expressions: + - K+ - R+ - - SE- - - and(K-, or(SE-, N+)) - - or(S+, R-) + - R+ + - R- + - and(K-, S+) + - and(S-, SE-) name: explored-12216 type: explored -- comm_cost: 0.5243055555555556 - complexity: 9 +- comm_cost: 0.2864583333333335 + complexity: 15 expressions: + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, N+)) - and(S-, SE-) - - or(K+, R+) - - or(S+, N+) + - and(SE+, N-) name: explored-12217 type: explored -- comm_cost: 0.5380208333333333 - complexity: 6 +- comm_cost: 0.39237847222222233 + complexity: 14 expressions: - K+ + - N+ + - N+ - R- - S+ + - SE- + - and(N-, R+) - and(S-, SE-) + - not(R-) name: explored-12218 type: explored -- comm_cost: 0.5200520833333335 - complexity: 13 +- comm_cost: 0.7529878472222222 + complexity: 27 expressions: - - N+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - or(K+, R-) + - N- + - and(K-, or(S+, N+)) + - and(N-, or(K+, S-)) + - or(K+, S-) + - or(K+, SE+) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-12219 type: explored -- comm_cost: 0.5500000000000002 - complexity: 9 +- comm_cost: 0.7057291666666667 + complexity: 12 expressions: - - R+ - - S+ - - and(S-, SE-) - - or(N+, not(R+)) + - and(K-, N-) + - and(K-, or(S+, N+)) + - and(N-, not(R-)) name: explored-12220 type: explored -- comm_cost: 0.6378472222222223 - complexity: 11 +- comm_cost: 0.5255208333333335 + complexity: 10 expressions: - - N+ - - N+ - - R+ - R- - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-12221 type: explored -- comm_cost: 0.6333333333333333 - complexity: 6 +- comm_cost: 0.47250000000000014 + complexity: 10 expressions: - - and(S-, SE-) - - or(S+, N+) + - K+ + - K- + - N+ + - R- + - and(K-, S+) + - and(N-, R+) name: explored-12222 type: explored -- comm_cost: 0.5244791666666668 - complexity: 17 +- comm_cost: 0.5588541666666668 + complexity: 10 expressions: + - N+ + - R+ - R- - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - SE- + - and(S-, SE-) + - or(K+, S-) name: explored-12223 type: explored -- comm_cost: 0.7062500000000002 - complexity: 5 - expressions: - - R+ - - S+ - - or(S+, N+) - name: explored-12224 - type: explored -- comm_cost: 0.40458333333333374 - complexity: 16 +- comm_cost: 0.5080729166666668 + complexity: 22 expressions: - N+ - - and(K-, or(SE-, N+)) + - R- + - S- - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) - name: explored-12225 + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) + name: explored-12224 type: explored -- comm_cost: 0.5379629629629632 +- comm_cost: 0.4277777777777778 complexity: 13 expressions: - - R+ + - K+ - R- - - SE- - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) - name: explored-12226 + - and(K-, S+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + name: explored-12225 type: explored -- comm_cost: 0.2947916666666668 +- comm_cost: 0.5312500000000002 complexity: 8 expressions: - - K+ - N+ - - R+ - - R+ - R- - - and(S-, SE-) + - and(N-, R+) + - and(SE+, N-) + name: explored-12226 + type: explored +- comm_cost: 0.524652777777778 + complexity: 13 + expressions: + - N+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, R+) name: explored-12227 type: explored -- comm_cost: 0.36875000000000024 - complexity: 17 +- comm_cost: 0.575277777777778 + complexity: 13 expressions: - - K+ - N+ - - and(K-, S+) - - and(K-, SE-) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - and(S-, or(N+, not(R+))) + - not(R-) name: explored-12228 type: explored -- comm_cost: 0.5505208333333335 - complexity: 12 +- comm_cost: 0.5399305555555557 + complexity: 10 expressions: - - N+ - - R- - - S+ - - S- - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - R+ + - SE- + - and(SE-, or(K+, S-)) + - or(K+, R-) name: explored-12229 type: explored -- comm_cost: 0.6833333333333335 - complexity: 6 +- comm_cost: 0.5450520833333335 + complexity: 8 expressions: - - and(S-, N-) + - K+ + - R+ - and(S-, SE-) + - or(SE-, N+) name: explored-12230 type: explored -- comm_cost: 0.16180555555555576 - complexity: 16 +- comm_cost: 0.7170833333333333 + complexity: 3 + expressions: + - K- + - N+ + - R- + name: explored-12231 + type: explored +- comm_cost: 0.31601562500000036 + complexity: 19 expressions: - K+ + - K+ - N+ - R- - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - - or(S+, N+) - name: explored-12231 - type: explored -- comm_cost: 0.7434895833333335 - complexity: 12 - expressions: - - and(N-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) + - not(R+) name: explored-12232 type: explored -- comm_cost: 0.5452546296296298 - complexity: 11 +- comm_cost: 0.4037615740740743 + complexity: 15 expressions: - - K+ - - K- - - R+ - - R- + - N+ + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, R+) name: explored-12233 type: explored -- comm_cost: 0.4359375000000003 - complexity: 12 +- comm_cost: 0.1625000000000003 + complexity: 17 expressions: - - SE- + - N+ + - R- + - S+ - and(N-, R+) - - or(K+, R-) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-12234 type: explored -- comm_cost: 0.5524305555555558 - complexity: 8 +- comm_cost: 0.49079861111111134 + complexity: 12 expressions: + - K+ - R+ - - R- - SE- - - and(K-, SE-) - - not(R+) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-12235 type: explored -- comm_cost: 0.49583333333333335 - complexity: 7 +- comm_cost: 0.45833333333333337 + complexity: 11 expressions: - - K+ - N+ - R- - - SE- + - and(K-, S+) - and(S-, SE-) + - or(S+, SE+) name: explored-12236 type: explored -- comm_cost: 0.2572916666666669 - complexity: 12 +- comm_cost: 0.49861111111111145 + complexity: 11 expressions: - - N+ - - and(K-, or(S+, N+)) + - SE- + - and(K-, not(R+)) + - and(N-, R+) - and(N-, R+) - - and(S-, SE-) name: explored-12237 type: explored -- comm_cost: 0.6741388888888891 - complexity: 40 +- comm_cost: 0.7234375000000002 + complexity: 9 expressions: - - and(K-, not(R+)) - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) - - not(R+) - - or(K+, S-) - - or(K+, SE+) + - R+ + - and(K-, or(S+, SE+)) + - or(K+, R-) name: explored-12238 type: explored -- comm_cost: 0.4121527777777779 - complexity: 17 +- comm_cost: 0.2409722222222226 + complexity: 13 expressions: - K+ - - K+ - - N+ - R- - - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - or(K+, or(N+, R-)) name: explored-12239 type: explored -- comm_cost: 0.6802430555555556 - complexity: 7 +- comm_cost: 0.13541666666666696 + complexity: 21 expressions: - - K- + - K+ - N+ - R- - - SE- - - or(S+, R+) + - R- + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-12240 type: explored -- comm_cost: 0.6752604166666667 - complexity: 7 +- comm_cost: 0.4949652777777779 + complexity: 9 expressions: - - N- - - and(S-, SE-) - - or(S+, R+) + - K+ + - R+ + - R- + - and(and(K-, N-), not(R-)) name: explored-12241 type: explored -- comm_cost: 0.521672453703704 - complexity: 23 +- comm_cost: 0.6182725694444446 + complexity: 26 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(K-, or(N+, not(R+))) - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) + - or(N+, R-) name: explored-12242 type: explored -- comm_cost: 0.5889583333333335 +- comm_cost: 0.5996527777777779 complexity: 9 expressions: - - SE- - - and(N-, R+) - - not(R-) - - or(N+, R-) + - R+ + - and(K-, or(SE-, N+)) + - or(S+, R-) name: explored-12243 type: explored -- comm_cost: 0.48263888888888895 - complexity: 15 +- comm_cost: 0.5188657407407409 + complexity: 23 expressions: + - N+ - R+ - R- - - and(K-, or(S+, SE+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-12244 type: explored -- comm_cost: 0.6059895833333334 - complexity: 9 +- comm_cost: 0.5313194444444447 + complexity: 20 expressions: - N+ - - R+ - R- - - and(or(K+, S-), not(R-)) + - SE- + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - or(N+, not(R+)) name: explored-12245 type: explored -- comm_cost: 0.815625 - complexity: 10 - expressions: - - and(K-, or(S+, SE+)) - - and(N-, or(S+, SE+)) - name: explored-12246 - type: explored -- comm_cost: 0.5198350694444447 - complexity: 16 +- comm_cost: 0.1878472222222225 + complexity: 15 expressions: + - K+ - N+ + - R- - SE- - - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(S+, N+) - name: explored-12247 + - and(S-, SE-) + - and(SE-, or(K+, S-)) + name: explored-12246 type: explored -- comm_cost: 0.16406250000000022 - complexity: 16 +- comm_cost: 0.360300925925926 + complexity: 20 expressions: - - K+ - N+ - R- - - R- - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) - name: explored-12248 + - and(and(K-, N-), not(R-)) + name: explored-12247 type: explored -- comm_cost: 0.38104166666666694 - complexity: 15 +- comm_cost: 0.6708333333333335 + complexity: 5 expressions: - - N+ - - R- - - S+ + - N- - SE- - and(N-, R+) - - and(S-, not(R+)) - - or(N+, not(R+)) - name: explored-12249 + name: explored-12248 type: explored -- comm_cost: 0.3758680555555558 - complexity: 17 +- comm_cost: 0.5240451388888892 + complexity: 18 expressions: - N+ - SE- - - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(N+, R-) - name: explored-12250 + - or(K+, SE+) + name: explored-12249 type: explored -- comm_cost: 0.6457465277777779 - complexity: 31 +- comm_cost: 0.7156539351851853 + complexity: 16 expressions: - - and(K-, SE-) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) - or(K+, SE+) + name: explored-12250 + type: explored +- comm_cost: 0.4707118055555557 + complexity: 13 + expressions: + - K+ + - R- + - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-12251 type: explored -- comm_cost: 0.5803819444444446 - complexity: 8 +- comm_cost: 0.5972222222222224 + complexity: 10 expressions: - R+ - - R- - SE- - - and(SE+, N-) - - not(R+) + - and(K-, S+) + - and(K-, or(S+, N+)) name: explored-12252 type: explored -- comm_cost: 0.43628472222222237 +- comm_cost: 0.5065104166666669 complexity: 12 expressions: - - R+ + - K+ - R- - S+ - - and(S-, SE-) - - or(K+, SE+) - - or(S+, N+) + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-12253 type: explored -- comm_cost: 0.6553559027777779 - complexity: 43 +- comm_cost: 0.39991319444444473 + complexity: 11 expressions: - - and(K-, or(S+, N+)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) - - or(S+, or(N+, R-)) + - N+ + - R- + - SE- + - and(N-, R+) + - not(R+) - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) name: explored-12254 type: explored -- comm_cost: 0.5600694444444445 +- comm_cost: 0.39071180555555574 complexity: 17 expressions: + - N+ + - and(K-, N-) + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) - - or(S+, R+) + - and(S-, not(R+)) + - or(K+, R-) name: explored-12255 type: explored -- comm_cost: 0.4193750000000003 - complexity: 15 +- comm_cost: 0.4083333333333333 + complexity: 6 expressions: - - K+ - N+ - - N- - - and(K-, S+) - - and(N-, R+) + - R- + - S+ - and(S-, SE-) - - or(K+, N+) name: explored-12256 type: explored -- comm_cost: 0.5276041666666669 - complexity: 8 +- comm_cost: 0.635763888888889 + complexity: 11 expressions: - - K- + - R+ - S+ - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(N-, and(or(K+, S-), not(R-))) name: explored-12257 type: explored -- comm_cost: 0.29270833333333357 - complexity: 12 +- comm_cost: 0.8031250000000001 + complexity: 4 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - N- + - or(K+, R-) name: explored-12258 type: explored -- comm_cost: 0.24479166666666685 - complexity: 11 +- comm_cost: 0.5276909722222223 + complexity: 15 expressions: - N+ - R- - - S+ - - and(N-, or(K+, R+)) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) + - or(K+, S-) name: explored-12259 type: explored -- comm_cost: 0.3930555555555557 - complexity: 11 +- comm_cost: 0.4863425925925925 + complexity: 16 expressions: - - R+ + - K+ + - N+ + - R- - R- + - and(K-, S+) - and(S-, SE-) - - and(SE+, N-) - - or(K+, R-) + - and(S-, or(N+, not(R+))) name: explored-12260 type: explored -- comm_cost: 0.676388888888889 - complexity: 27 +- comm_cost: 0.5312500000000001 + complexity: 13 expressions: - - R+ - - and(K-, or(S+, SE+)) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, SE+) + - N+ + - R- + - and(K-, N-) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-12261 type: explored -- comm_cost: 0.5562500000000001 - complexity: 13 +- comm_cost: 0.7328125 + complexity: 6 expressions: - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, SE+) + - K+ + - N+ + - R- + - or(N+, R-) name: explored-12262 type: explored -- comm_cost: 0.35078125000000027 - complexity: 14 +- comm_cost: 0.2093750000000001 + complexity: 17 expressions: + - K+ - N+ - - S+ - - SE+ + - R+ + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(S-, not(R+)) name: explored-12263 type: explored -- comm_cost: 0.5201388888888892 - complexity: 18 +- comm_cost: 0.4554745370370372 + complexity: 17 expressions: + - K- - N+ + - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, or(N+, not(R+))) name: explored-12264 type: explored -- comm_cost: 0.4062500000000002 - complexity: 13 +- comm_cost: 0.5991319444444445 + complexity: 8 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(K-, not(R-)) - - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-12265 type: explored -- comm_cost: 0.3173611111111113 - complexity: 20 +- comm_cost: 0.3025462962962966 + complexity: 25 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) + - S+ - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(and(K-, N-), not(R-)) name: explored-12266 type: explored -- comm_cost: 0.6963541666666667 - complexity: 9 +- comm_cost: 0.6815972222222224 + complexity: 7 expressions: - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - R+ + - R- + - or(K+, or(N+, R-)) name: explored-12267 type: explored -- comm_cost: 0.6143229166666667 - complexity: 17 +- comm_cost: 0.3872395833333335 + complexity: 16 expressions: - - R- + - K+ + - N+ + - R+ + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) name: explored-12268 type: explored -- comm_cost: 0.6073958333333334 - complexity: 10 +- comm_cost: 0.6397569444444445 + complexity: 14 expressions: - - K+ - - K- - - N+ - - R- - - and(S-, SE-) - - or(SE-, N+) + - R+ + - and(S-, not(R+)) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-12269 type: explored -- comm_cost: 0.6843750000000001 - complexity: 8 +- comm_cost: 0.6718750000000002 + complexity: 4 expressions: - R+ - - S+ - - and(or(K+, S-), not(R-)) + - or(K+, R-) name: explored-12270 type: explored -- comm_cost: 0.6575520833333335 - complexity: 11 +- comm_cost: 0.47187500000000004 + complexity: 9 expressions: - - R+ - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - S+ + - and(K-, N-) + - and(S-, SE-) name: explored-12271 type: explored -- comm_cost: 0.6062500000000001 - complexity: 11 +- comm_cost: 0.45434027777777797 + complexity: 12 expressions: - - R+ + - N+ + - R- + - SE- - and(K-, N-) - - and(S-, not(R+)) - - or(K+, N+) + - and(N-, R+) + - or(K+, R-) name: explored-12272 type: explored -- comm_cost: 0.359201388888889 - complexity: 22 +- comm_cost: 0.6831712962962964 + complexity: 12 expressions: - - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(K+, K-) + - or(N+, not(R+)) name: explored-12273 type: explored -- comm_cost: 0.20017361111111143 - complexity: 21 +- comm_cost: 0.38489583333333366 + complexity: 11 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - SE- - and(K-, S+) - - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - not(R+) + - or(K+, N+) name: explored-12274 type: explored -- comm_cost: 0.6234953703703705 - complexity: 13 +- comm_cost: 0.48350694444444453 + complexity: 16 expressions: - - R+ - - SE- - - and(N-, or(K+, SE+)) - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) + - or(K+, R+) name: explored-12275 type: explored -- comm_cost: 0.4510416666666668 - complexity: 9 +- comm_cost: 0.663252314814815 + complexity: 11 expressions: - - K+ + - K- - R+ - R- - - and(and(S-, N-), not(R-)) + - SE- + - or(and(K-, S+), or(N+, R-)) name: explored-12276 type: explored -- comm_cost: 0.36041666666666683 - complexity: 11 +- comm_cost: 0.5234375000000002 + complexity: 12 expressions: - - R+ - - R- - - R- - - and(N-, or(K+, R+)) - - and(S-, SE-) + - N+ + - S+ + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-12277 type: explored -- comm_cost: 0.5179687500000002 - complexity: 9 +- comm_cost: 0.382682291666667 + complexity: 17 expressions: + - K+ - N+ - R- - - and(K-, not(R-)) + - SE- + - SE- - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(SE-, N+) name: explored-12278 type: explored -- comm_cost: 0.4524884259259261 - complexity: 20 +- comm_cost: 0.6198437500000001 + complexity: 16 expressions: + - K- - N+ + - R+ - R- - - SE+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - SE- + - and(K-, or(S+, R-)) + - and(or(K+, S-), not(R+)) name: explored-12279 type: explored -- comm_cost: 0.5182407407407409 - complexity: 14 +- comm_cost: 0.5926388888888889 + complexity: 5 expressions: - - K- + - K+ - N+ + - N- - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - SE- name: explored-12280 type: explored -- comm_cost: 0.5354166666666668 - complexity: 8 +- comm_cost: 0.5863715277777779 + complexity: 12 expressions: + - N+ - R+ + - R- - SE- - - and(K-, SE-) - - or(K+, R-) + - and(K-, not(R-)) + - and(N-, not(R-)) name: explored-12281 type: explored -- comm_cost: 0.3935185185185186 - complexity: 18 +- comm_cost: 0.7375 + complexity: 3 expressions: - - R+ - - R- - - S+ - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) name: explored-12282 type: explored -- comm_cost: 0.34700520833333337 - complexity: 15 +- comm_cost: 0.5572916666666667 + complexity: 18 expressions: - K+ - N+ - R- - - S+ - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(S+, R+) + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-12283 type: explored -- comm_cost: 0.3020833333333337 - complexity: 13 +- comm_cost: 0.466695601851852 + complexity: 26 expressions: - K+ + - N+ - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - S+ + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-12284 type: explored -- comm_cost: 0.13836805555555598 - complexity: 22 +- comm_cost: 0.20052083333333348 + complexity: 10 expressions: - K+ - N+ + - R+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) name: explored-12285 type: explored -- comm_cost: 0.4750000000000002 - complexity: 10 +- comm_cost: 0.48194444444444473 + complexity: 16 expressions: - K+ - - N+ - - R+ - - R- - SE- - - and(K-, or(S+, R-)) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, N-) name: explored-12286 type: explored -- comm_cost: 0.15104166666666696 - complexity: 14 +- comm_cost: 0.7057291666666667 + complexity: 11 expressions: - - K+ - - N+ - - R- - - S+ + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - and(N-, or(S+, SE+)) name: explored-12287 type: explored -- comm_cost: 0.5583333333333335 - complexity: 12 +- comm_cost: 0.3675347222222225 + complexity: 15 expressions: - N+ - R- - - S+ - - and(K-, N-) + - SE- - and(N-, R+) - - or(S+, R+) + - and(S-, or(N+, not(R+))) + - or(K+, N+) name: explored-12288 type: explored -- comm_cost: 0.1625000000000003 - complexity: 9 - expressions: - - N+ - - R- - - R- - - and(N-, R+) - - and(S-, SE-) - name: explored-12289 - type: explored -- comm_cost: 0.6950520833333335 - complexity: 9 +- comm_cost: 0.587326388888889 + complexity: 5 expressions: - R+ - - SE+ - - or(and(K-, SE-), or(N+, R-)) - name: explored-12290 + - S+ + - and(S-, N-) + name: explored-12289 type: explored -- comm_cost: 0.2312500000000004 - complexity: 13 +- comm_cost: 0.3577546296296299 + complexity: 20 expressions: + - K+ - N+ + - R- - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) + name: explored-12290 + type: explored +- comm_cost: 0.7184027777777777 + complexity: 12 + expressions: + - and(SE-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-12291 type: explored -- comm_cost: 0.37447916666666703 - complexity: 7 +- comm_cost: 0.6748237433862434 + complexity: 32 expressions: - - N+ - - SE- - - and(N-, R+) - - not(R+) + - K+ + - N- + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, SE+)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - or(K+, R+) + - or(K+, R-) + - or(N+, R-) name: explored-12292 type: explored -- comm_cost: 0.5416666666666667 - complexity: 15 +- comm_cost: 0.6587962962962964 + complexity: 8 expressions: - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - SE- + - and(S-, N-) + - or(K+, SE+) name: explored-12293 type: explored -- comm_cost: 0.37256944444444473 - complexity: 15 +- comm_cost: 0.38148148148148164 + complexity: 17 expressions: + - K+ - N+ - - and(K-, or(S+, N+)) - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(S-, N-) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-12294 type: explored -- comm_cost: 0.5704861111111112 - complexity: 12 +- comm_cost: 0.6701388888888888 + complexity: 6 expressions: - N+ - - R+ - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(K-, not(R+)) name: explored-12295 type: explored -- comm_cost: 0.8083333333333333 - complexity: 11 - expressions: - - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(S+, N+) - name: explored-12296 - type: explored -- comm_cost: 0.37369791666666685 - complexity: 20 +- comm_cost: 0.247916666666667 + complexity: 16 expressions: - K+ - - K+ - - K+ - N+ - R- - S+ - - and(K-, not(R-)) + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + name: explored-12296 + type: explored +- comm_cost: 0.626678240740741 + complexity: 20 + expressions: + - R+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) name: explored-12297 type: explored -- comm_cost: 0.68953125 - complexity: 15 +- comm_cost: 0.47430555555555554 + complexity: 13 expressions: - K+ - - N- - - and(K-, N-) - - and(N-, or(K+, S-)) - - and(S-, or(SE-, N+)) + - N+ + - R- + - and(K-, S+) + - and(K-, not(R+)) + - and(S-, SE-) name: explored-12298 type: explored -- comm_cost: 0.6282407407407409 - complexity: 10 +- comm_cost: 0.5472569444444446 + complexity: 36 expressions: - R+ - - R- - - SE- - - and(S-, not(R-)) - - or(K+, SE+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-12299 type: explored -- comm_cost: 0.634375 +- comm_cost: 0.307465277777778 complexity: 14 expressions: + - K+ - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(SE-, or(K+, S-)) + - and(S-, not(R-)) name: explored-12300 type: explored -- comm_cost: 0.6095486111111112 - complexity: 9 +- comm_cost: 0.7566840277777779 + complexity: 11 expressions: - - N+ - R+ - - SE- - - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R+) name: explored-12301 type: explored -- comm_cost: 0.4261718750000001 - complexity: 16 +- comm_cost: 0.7055208333333334 + complexity: 3 expressions: - - K+ - - K+ - - N+ + - K- + - R+ - R- - - S+ - - and(K-, S+) - - and(N-, or(K+, S-)) - - and(S-, SE-) name: explored-12302 type: explored -- comm_cost: 0.5338541666666669 - complexity: 12 +- comm_cost: 0.45729166666666676 + complexity: 7 expressions: - N+ - R+ - R- - SE- - - and(K-, or(SE-, N+)) - - or(N+, R-) + - and(K-, S+) name: explored-12303 type: explored -- comm_cost: 0.09166666666666679 - complexity: 16 +- comm_cost: 0.7375 + complexity: 8 + expressions: + - R- + - and(or(K+, S-), or(SE-, N+)) + name: explored-12304 + type: explored +- comm_cost: 0.3149016203703707 + complexity: 17 expressions: - K+ - K+ - N+ - R- - S+ - - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - name: explored-12304 + - and(or(K+, S-), not(R+)) + - or(N+, R-) + name: explored-12305 type: explored -- comm_cost: 0.5729166666666669 - complexity: 9 +- comm_cost: 0.3822048611111113 + complexity: 16 expressions: - - N+ + - K+ - N+ - R- + - and(K-, or(S+, R+)) - and(N-, R+) - - or(K+, K-) - name: explored-12305 - type: explored -- comm_cost: 0.75 - complexity: 5 - expressions: + - and(S-, SE-) - not(R+) - - or(K+, SE+) name: explored-12306 type: explored -- comm_cost: 0.36527777777777803 - complexity: 9 +- comm_cost: 0.5018229166666668 + complexity: 12 expressions: - - K+ + - N+ - R- - - SE- + - and(K-, not(R-)) - and(N-, R+) - - or(S+, N+) + - or(K+, R-) name: explored-12307 type: explored -- comm_cost: 0.42152777777777817 - complexity: 12 +- comm_cost: 0.30781250000000016 + complexity: 18 expressions: - K+ + - N+ - R- - - SE- - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-12308 type: explored -- comm_cost: 0.6919444444444445 - complexity: 7 +- comm_cost: 0.7132812500000002 + complexity: 8 expressions: - - R- - - SE- - - not(R-) - - or(SE-, N+) + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-12309 type: explored -- comm_cost: 0.6221643518518519 - complexity: 11 +- comm_cost: 0.8401041666666668 + complexity: 3 expressions: - - R+ - - R- - - SE- - - and(N-, or(S+, SE+)) - - or(K+, R+) + - or(S+, R+) name: explored-12310 type: explored -- comm_cost: 0.5447569444444446 - complexity: 16 +- comm_cost: 0.38880208333333355 + complexity: 24 expressions: - - R+ - - R- + - K+ + - N+ - R- - - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - not(R-) + - and(and(K-, N-), not(R-)) + - or(N+, R-) + - or(SE-, N+) name: explored-12311 type: explored -- comm_cost: 0.4387847222222224 - complexity: 18 +- comm_cost: 0.36397569444444455 + complexity: 14 expressions: - - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - not(R-) - or(K+, R-) + - or(K+, SE+) name: explored-12312 type: explored -- comm_cost: 0.5694444444444445 - complexity: 8 +- comm_cost: 0.4701388888888892 + complexity: 10 expressions: - - K+ - R- - - and(S-, N-) - - and(S-, SE-) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-12313 type: explored -- comm_cost: 0.7756944444444445 - complexity: 14 +- comm_cost: 0.4439236111111111 + complexity: 13 expressions: - - SE- - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - N+ + - R- + - and(K-, or(S+, R-)) + - and(S-, SE-) + - or(K+, SE+) name: explored-12314 type: explored -- comm_cost: 0.39021990740740753 - complexity: 19 +- comm_cost: 0.47728587962962976 + complexity: 17 expressions: - K+ - - R- + - N+ - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-12315 type: explored -- comm_cost: 0.6627083333333335 - complexity: 8 +- comm_cost: 0.6987847222222223 + complexity: 10 expressions: - - N- - - R+ - - R+ - - and(K-, or(S+, R-)) + - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) name: explored-12316 type: explored -- comm_cost: 0.5402777777777781 - complexity: 10 +- comm_cost: 0.6540277777777779 + complexity: 5 expressions: + - K- - N+ + - R- + - R- - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) name: explored-12317 type: explored -- comm_cost: 0.3607638888888892 - complexity: 11 +- comm_cost: 0.39166666666666683 + complexity: 18 expressions: + - K+ - N+ - - SE- - - and(N-, R+) - - or(K+, N+) - - or(K+, R-) + - R+ + - R- + - and(K-, S+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12318 type: explored -- comm_cost: 0.30859375000000033 - complexity: 15 +- comm_cost: 0.40833333333333355 + complexity: 10 expressions: - - K+ + - N+ + - R+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, N+) name: explored-12319 type: explored -- comm_cost: 0.2812500000000001 - complexity: 12 +- comm_cost: 0.8119791666666667 + complexity: 4 expressions: - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(N-, not(R-)) name: explored-12320 type: explored -- comm_cost: 0.6850347222222223 - complexity: 27 +- comm_cost: 0.6094618055555556 + complexity: 10 expressions: - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - - not(R-) - - or(K+, N+) + - N+ + - R+ + - R- + - SE- + - and(K-, N-) - or(SE-, N+) name: explored-12321 type: explored -- comm_cost: 0.5520833333333335 - complexity: 7 +- comm_cost: 0.5987847222222225 + complexity: 10 expressions: - - N+ - - R+ - - and(SE-, or(K+, S-)) + - SE- + - and(N-, R+) + - or(K+, N+) + - or(S+, R+) name: explored-12322 type: explored -- comm_cost: 0.6718750000000002 - complexity: 7 - expressions: - - R+ - - and(SE+, N-) - - or(K+, R-) - name: explored-12323 - type: explored -- comm_cost: 0.27754629629629646 - complexity: 16 +- comm_cost: 0.5164930555555556 + complexity: 17 expressions: - K+ - N+ - R- - S+ - - SE+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(K-, S+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + name: explored-12323 + type: explored +- comm_cost: 0.574513888888889 + complexity: 17 + expressions: + - K- + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-12324 type: explored -- comm_cost: 0.5354166666666669 - complexity: 13 +- comm_cost: 0.3828125000000002 + complexity: 19 expressions: + - K+ + - N+ + - R- - SE- - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(K+, R-) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, not(R+)) name: explored-12325 type: explored -- comm_cost: 0.510590277777778 - complexity: 13 +- comm_cost: 0.40347222222222245 + complexity: 8 expressions: - N+ - - N+ - - R+ - R- - - SE- - - and(K-, or(S+, R-)) - - or(S+, N+) + - and(N-, R+) + - or(S+, R-) name: explored-12326 type: explored -- comm_cost: 0.7102430555555557 - complexity: 16 +- comm_cost: 0.15885416666666696 + complexity: 10 expressions: - - R+ - - and(N-, or(S+, SE+)) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-12327 type: explored -- comm_cost: 0.688576388888889 - complexity: 5 +- comm_cost: 0.5347222222222223 + complexity: 16 expressions: - - N- - - R+ - - or(S+, R-) + - K+ + - R- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, N-) + - and(S-, SE-) name: explored-12328 type: explored -- comm_cost: 0.5463541666666668 - complexity: 12 +- comm_cost: 0.4750000000000002 + complexity: 14 expressions: - - R+ + - N+ - R- - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - not(R-) + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - or(S+, R-) name: explored-12329 type: explored -- comm_cost: 0.20416666666666683 - complexity: 10 +- comm_cost: 0.7541666666666667 + complexity: 6 expressions: - K+ - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - and(K-, or(SE-, N+)) name: explored-12330 type: explored -- comm_cost: 0.4939814814814816 - complexity: 15 +- comm_cost: 0.32083333333333364 + complexity: 9 expressions: - - N+ - - SE- - and(N-, R+) - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, SE-) + - or(K+, R-) name: explored-12331 type: explored -- comm_cost: 0.6831712962962964 - complexity: 12 +- comm_cost: 0.49583333333333335 + complexity: 10 expressions: + - K+ + - K- - N+ - R- - and(S-, SE-) - - or(K+, K-) - - or(N+, not(R+)) + - and(S-, SE-) name: explored-12332 type: explored -- comm_cost: 0.43177083333333355 - complexity: 11 +- comm_cost: 0.6178125000000001 + complexity: 18 expressions: - N+ - - SE- - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(N+, not(R+)) name: explored-12333 type: explored -- comm_cost: 0.5259259259259261 - complexity: 16 +- comm_cost: 0.16875000000000018 + complexity: 14 expressions: - K+ - N+ - - SE- - - and(K-, or(S+, R+)) + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, or(SE-, N+)) name: explored-12334 type: explored -- comm_cost: 0.5396412037037039 +- comm_cost: 0.21597222222222245 complexity: 15 expressions: + - K+ - N+ - R- - and(N-, R+) - - and(S-, N-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(SE+, N-) + - or(K+, R-) name: explored-12335 type: explored -- comm_cost: 0.6159722222222224 - complexity: 10 - expressions: - - R+ - - S+ - - SE- - - or(and(K-, SE-), or(N+, R-)) - name: explored-12336 - type: explored -- comm_cost: 0.34444444444444455 - complexity: 10 +- comm_cost: 0.38246527777777795 + complexity: 20 expressions: + - K+ + - N+ - R- + - S- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - name: explored-12337 + - and(and(K-, N-), or(S+, SE+)) + name: explored-12336 type: explored -- comm_cost: 0.5711111111111113 - complexity: 12 +- comm_cost: 0.8 + complexity: 4 expressions: - N+ + - or(SE-, N+) + name: explored-12337 + type: explored +- comm_cost: 0.5218750000000001 + complexity: 4 + expressions: + - R+ + - R- - R- - SE- - - and(N-, R+) - - not(R-) - - or(N+, not(R+)) name: explored-12338 type: explored -- comm_cost: 0.7383333333333334 - complexity: 10 +- comm_cost: 0.38489583333333355 + complexity: 14 expressions: - - and(S-, or(SE-, N+)) - - not(R+) - - or(K+, S-) + - K+ + - N+ + - N+ + - R- + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-12339 type: explored -- comm_cost: 0.39913194444444455 - complexity: 10 +- comm_cost: 0.6463541666666668 + complexity: 14 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(S-, N-) - - and(S-, SE-) + - S- + - SE- + - and(K-, or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-12340 type: explored -- comm_cost: 0.20678530092592629 - complexity: 20 +- comm_cost: 0.5367997685185186 + complexity: 31 expressions: - - K+ - N+ - - R- - - S+ + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, or(N+, R-)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) + - or(S+, N+) name: explored-12341 type: explored -- comm_cost: 0.7091145833333334 - complexity: 6 +- comm_cost: 0.5315740740740742 + complexity: 16 expressions: - K+ - - R+ + - N+ - R- - - or(K+, SE+) + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(S+, SE+) name: explored-12342 type: explored -- comm_cost: 0.7197916666666668 - complexity: 5 +- comm_cost: 0.6937500000000001 + complexity: 6 expressions: - R+ - - SE+ - - or(K+, R-) + - SE- + - and(K-, not(R-)) name: explored-12343 type: explored -- comm_cost: 0.4252604166666668 - complexity: 19 +- comm_cost: 0.6789930555555557 + complexity: 6 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - not(R-) + - R+ + - SE- + - SE- + - or(S+, SE+) name: explored-12344 type: explored -- comm_cost: 0.2567129629629631 - complexity: 23 +- comm_cost: 0.4864583333333333 + complexity: 8 expressions: - - K+ - N+ - R- - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - or(K+, N+) name: explored-12345 type: explored -- comm_cost: 0.7360503472222223 - complexity: 17 +- comm_cost: 0.6561631944444445 + complexity: 11 expressions: - - and(N-, not(R-)) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) - - or(S+, R-) + - K+ + - R+ + - R- + - and(K-, or(S+, SE+)) + - or(N+, R-) name: explored-12346 type: explored -- comm_cost: 0.7518229166666668 - complexity: 7 +- comm_cost: 0.7130208333333334 + complexity: 8 expressions: - - and(K-, SE-) - and(K-, not(R-)) + - and(S-, not(R+)) name: explored-12347 type: explored -- comm_cost: 0.6783854166666667 - complexity: 10 +- comm_cost: 0.4734375000000003 + complexity: 6 expressions: - - N+ - - R+ - - SE- - - and(N-, not(R-)) - - or(K+, S-) + - K+ + - R- + - S+ + - and(N-, R+) name: explored-12348 type: explored -- comm_cost: 0.5263020833333334 - complexity: 15 +- comm_cost: 0.27361111111111147 + complexity: 12 expressions: - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) - - not(R-) + - or(K+, or(N+, R-)) name: explored-12349 type: explored -- comm_cost: 0.5975694444444446 - complexity: 10 +- comm_cost: 0.7359374999999999 + complexity: 5 expressions: - - R+ - - and(S-, SE-) - - and(S-, not(R-)) - - not(R+) + - N+ + - R- + - or(K+, R-) name: explored-12350 type: explored -- comm_cost: 0.6578125000000001 - complexity: 12 +- comm_cost: 0.5679976851851853 + complexity: 13 expressions: - - N+ - - R- - - SE- - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(S+, R+) name: explored-12351 type: explored -- comm_cost: 0.5534722222222224 - complexity: 11 +- comm_cost: 0.3564236111111113 + complexity: 17 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, SE+)) + - K+ + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-12352 type: explored -- comm_cost: 0.5293402777777779 - complexity: 11 +- comm_cost: 0.47395833333333326 + complexity: 9 expressions: - - K+ - N+ - - R+ - R- - - SE- - - or(K+, R+) - - or(S+, N+) + - S+ + - and(K-, SE-) + - and(S-, SE-) name: explored-12353 type: explored -- comm_cost: 0.5190277777777781 - complexity: 15 +- comm_cost: 0.6442708333333333 + complexity: 7 expressions: - N+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(N+, not(R+)) + - R+ + - R- + - SE- + - or(K+, K-) name: explored-12354 type: explored -- comm_cost: 0.3642361111111113 - complexity: 18 +- comm_cost: 0.3006944444444446 + complexity: 20 expressions: + - K+ - N+ - - R- - - S+ + - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - and(S-, not(R+)) name: explored-12355 type: explored -- comm_cost: 0.42838541666666674 - complexity: 23 +- comm_cost: 0.06093750000000031 + complexity: 15 expressions: - - K+ - N+ - R- + - S+ - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) name: explored-12356 type: explored -- comm_cost: 0.33750000000000013 +- comm_cost: 0.6597222222222223 complexity: 17 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, R+) + - R+ + - and(K-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) name: explored-12357 type: explored -- comm_cost: 0.3979166666666669 - complexity: 14 +- comm_cost: 0.3440104166666669 + complexity: 16 expressions: - K+ - N+ - R- - - SE- + - S+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) name: explored-12358 type: explored -- comm_cost: 0.5031250000000002 - complexity: 13 +- comm_cost: 0.6745659722222224 + complexity: 9 expressions: - - N+ + - K+ - R+ - - and(K-, or(S+, R-)) - - and(and(S-, N-), not(R-)) + - SE- + - and(or(K+, S-), not(R-)) name: explored-12359 type: explored -- comm_cost: 0.16875000000000018 - complexity: 20 +- comm_cost: 0.6813715277777779 + complexity: 7 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, SE-) + - R+ + - S- + - SE- + - or(S+, SE+) name: explored-12360 type: explored -- comm_cost: 0.7402777777777778 - complexity: 9 +- comm_cost: 0.44999999999999996 + complexity: 10 expressions: - - R+ - - and(N-, or(S+, R+)) - - or(K+, K-) + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - or(N+, R-) name: explored-12361 type: explored -- comm_cost: 0.5771990740740742 - complexity: 13 +- comm_cost: 0.3510416666666669 + complexity: 17 expressions: - K+ - - R+ + - N+ - R- - - SE- - - and(K-, or(S+, R+)) - - and(N-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-12362 type: explored -- comm_cost: 0.46744791666666685 - complexity: 15 +- comm_cost: 0.34236111111111145 + complexity: 12 expressions: - - K+ - - K+ - N+ - - R- - - S- - - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, R-) name: explored-12363 type: explored -- comm_cost: 0.621875 - complexity: 8 +- comm_cost: 0.5218315972222224 + complexity: 17 expressions: - - and(K-, or(S+, N+)) - - and(S-, SE-) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) name: explored-12364 type: explored -- comm_cost: 0.6903645833333334 - complexity: 13 +- comm_cost: 0.5019097222222226 + complexity: 6 expressions: - - R+ - - and(N-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - S+ + - SE- + - and(N-, R+) name: explored-12365 type: explored -- comm_cost: 0.388541666666667 - complexity: 9 +- comm_cost: 0.3986979166666669 + complexity: 18 expressions: - K+ - N+ - R- - and(N-, R+) - - or(K+, R-) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, N+) name: explored-12366 type: explored -- comm_cost: 0.6874218750000001 - complexity: 15 +- comm_cost: 0.68671875 + complexity: 9 expressions: - - K- - - R+ - SE- - - and(K-, or(S+, N+)) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-12367 type: explored -- comm_cost: 0.27604166666666696 - complexity: 11 +- comm_cost: 0.585138888888889 + complexity: 18 expressions: - K+ + - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - and(N-, or(K+, S-)) + - and(S-, not(R-)) + - not(R-) name: explored-12368 type: explored -- comm_cost: 0.49657407407407417 - complexity: 12 +- comm_cost: 0.535138888888889 + complexity: 13 expressions: - - K- - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(SE-, or(K+, S-)) + - or(S+, SE+) name: explored-12369 type: explored -- comm_cost: 0.5711805555555557 - complexity: 15 +- comm_cost: 0.6144097222222223 + complexity: 10 expressions: - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - and(K-, not(R+)) + - and(N-, or(K+, SE+)) name: explored-12370 type: explored -- comm_cost: 0.5380208333333335 - complexity: 13 +- comm_cost: 0.6322337962962964 + complexity: 8 expressions: - - K+ - R+ - R- - - and(S-, SE-) - - or(K+, R+) - - or(N+, not(R+)) + - and(S-, N-) + - or(S+, R+) name: explored-12371 type: explored -- comm_cost: 0.35703125000000036 - complexity: 15 +- comm_cost: 0.3320601851851853 + complexity: 20 expressions: - - K+ - N+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, R+) + - or(N+, R-) name: explored-12372 type: explored -- comm_cost: 0.7024739583333334 - complexity: 32 +- comm_cost: 0.49429976851851865 + complexity: 15 expressions: - - and(K-, or(S+, R+)) - - and(K-, or(S+, SE+)) - - and(N-, or(K+, S-)) - - and(S-, N-) - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - S- + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-12373 type: explored -- comm_cost: 0.6459490740740743 - complexity: 14 +- comm_cost: 0.7484375 + complexity: 3 expressions: - - R+ - - SE- - - and(K-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - S+ name: explored-12374 type: explored -- comm_cost: 0.7347569444444445 - complexity: 14 +- comm_cost: 0.5367187500000001 + complexity: 26 expressions: - - R+ - - and(N-, or(S+, SE+)) - - and(N-, or(S+, SE+)) - - or(K+, S-) + - K+ + - N+ + - R- + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12375 type: explored -- comm_cost: 0.6472222222222224 - complexity: 12 - expressions: - - and(K-, or(S+, N+)) - - and(S-, not(R-)) - - or(N+, R-) - name: explored-12376 - type: explored -- comm_cost: 0.28489583333333346 - complexity: 24 +- comm_cost: 0.3833333333333335 + complexity: 22 expressions: - K+ - - K+ - - N+ - R- - - S+ + - and(K-, S+) - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, or(N+, R-)) + - and(or(K+, S-), not(R+)) + name: explored-12376 + type: explored +- comm_cost: 0.651996527777778 + complexity: 10 + expressions: + - N+ + - R+ + - R+ + - SE- + - and(or(K+, S-), not(R-)) name: explored-12377 type: explored -- comm_cost: 0.8006944444444446 +- comm_cost: 0.703125 complexity: 6 expressions: - - or(S+, R+) - - or(S+, R-) + - N+ + - and(N-, or(S+, SE+)) name: explored-12378 type: explored -- comm_cost: 0.5618315972222223 - complexity: 15 +- comm_cost: 0.37541666666666695 + complexity: 18 expressions: - K+ - N+ - - N- - - N- - - R- - - and(K-, not(R-)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) + - or(N+, not(R+)) name: explored-12379 type: explored -- comm_cost: 0.5614583333333335 +- comm_cost: 0.6071180555555556 complexity: 9 expressions: - R+ - R- - - and(or(K+, S-), or(SE-, N+)) + - SE- + - or(K+, R-) + - or(S+, R+) name: explored-12380 type: explored -- comm_cost: 0.7015004960317461 - complexity: 26 +- comm_cost: 0.37421875000000027 + complexity: 15 expressions: - - K- + - K+ + - N+ - R- - - S+ - - SE+ - - and(K-, N-) - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(S-, not(R+)) - - or(K+, K-) - - or(K+, R+) + - SE- + - and(N-, R+) + - or(N+, R-) + - or(S+, or(N+, R-)) name: explored-12381 type: explored -- comm_cost: 0.5182291666666667 - complexity: 15 +- comm_cost: 0.5395833333333335 + complexity: 8 expressions: - - N+ - R- - - S+ - - and(N-, not(R-)) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(SE+, N-) name: explored-12382 type: explored -- comm_cost: 0.609201388888889 - complexity: 14 +- comm_cost: 0.692332175925926 + complexity: 20 expressions: - - R+ - - and(S-, N-) - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(S+, R+)) + - and(N-, not(R-)) + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) name: explored-12383 type: explored -- comm_cost: 0.185416666666667 - complexity: 11 +- comm_cost: 0.29548611111111134 + complexity: 18 expressions: - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-12384 type: explored -- comm_cost: 0.34835069444444466 - complexity: 22 +- comm_cost: 0.49774305555555554 + complexity: 13 expressions: - - K+ - N+ - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, SE+)) + - R- + - S+ - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-12385 type: explored -- comm_cost: 0.6015625000000001 +- comm_cost: 0.6829687500000001 complexity: 9 expressions: + - K- + - N+ - R+ - - R- - - R- - SE- - - and(N-, or(K+, S-)) + - and(K-, or(S+, SE+)) name: explored-12386 type: explored -- comm_cost: 0.5618778935185186 - complexity: 34 +- comm_cost: 0.23611111111111127 + complexity: 14 expressions: - - R+ - - S+ - - and(K-, not(R-)) - - and(N-, or(K+, R+)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, R+) name: explored-12387 type: explored -- comm_cost: 0.46649305555555565 - complexity: 9 +- comm_cost: 0.247916666666667 + complexity: 10 expressions: - - R+ - - and(N-, or(K+, SE+)) + - K+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) name: explored-12388 type: explored -- comm_cost: 0.5078125 - complexity: 8 +- comm_cost: 0.46875 + complexity: 10 expressions: + - K+ + - N+ - R- - - S+ + - SE- + - and(K-, S+) - and(S-, SE-) - - or(N+, R-) name: explored-12389 type: explored -- comm_cost: 0.2308593750000003 +- comm_cost: 0.47750231481481487 complexity: 14 expressions: - K+ - K+ - N+ + - N- - R- - S+ - - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(SE-, N+) name: explored-12390 type: explored -- comm_cost: 0.6766493055555556 - complexity: 16 +- comm_cost: 0.6967013888888889 + complexity: 10 expressions: - - N+ - - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - R- + - SE- + - and(N-, or(K+, S-)) + - or(S+, R+) name: explored-12391 type: explored -- comm_cost: 0.6039930555555556 - complexity: 9 +- comm_cost: 0.330512152777778 + complexity: 17 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - SE- - - SE- - - and(N-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - not(R+) name: explored-12392 type: explored -- comm_cost: 0.6506076388888891 - complexity: 10 +- comm_cost: 0.45529513888888906 + complexity: 18 expressions: - - R+ - - SE- - - and(N-, or(K+, R+)) - - or(SE-, N+) + - K+ + - N+ + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-12393 type: explored -- comm_cost: 0.18333333333333357 +- comm_cost: 0.17604166666666698 complexity: 14 expressions: - K+ + - K+ - N+ - - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-12394 type: explored -- comm_cost: 0.6614583333333335 - complexity: 21 +- comm_cost: 0.4315104166666669 + complexity: 19 expressions: - - and(K-, or(SE-, N+)) - - and(S-, N-) - - and(SE-, or(K+, S-)) - - or(K+, R+) - - or(S+, or(N+, R-)) + - N+ + - R- + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-12395 type: explored -- comm_cost: 0.5822916666666668 - complexity: 12 +- comm_cost: 0.6390625000000002 + complexity: 7 expressions: - R+ - - S+ - - and(N-, or(S+, SE+)) - - and(SE-, or(K+, S-)) + - and(N-, R+) + - or(K+, N+) name: explored-12396 type: explored -- comm_cost: 0.4282407407407409 - complexity: 18 +- comm_cost: 0.5993055555555556 + complexity: 7 expressions: - - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - N+ + - SE- + - and(N-, or(S+, R+)) name: explored-12397 type: explored -- comm_cost: 0.3837673611111112 - complexity: 21 +- comm_cost: 0.5521701388888891 + complexity: 17 expressions: - - K+ - N+ + - R+ - R- + - SE- - and(N-, R+) - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, or(S+, SE+)) name: explored-12398 type: explored -- comm_cost: 0.2633854166666669 - complexity: 16 +- comm_cost: 0.3837673611111112 + complexity: 19 expressions: - - K+ - - K+ - - N+ - N+ - R- - - S+ + - and(K-, N-) + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(N+, not(R+)) name: explored-12399 type: explored -- comm_cost: 0.5531250000000001 - complexity: 9 +- comm_cost: 0.5260416666666667 + complexity: 16 expressions: - - and(S-, SE-) - - or(K+, SE+) - - or(S+, R+) + - R- + - and(K-, SE-) + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-12400 type: explored -- comm_cost: 0.533564814814815 +- comm_cost: 0.7177083333333334 complexity: 12 expressions: - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(K+, R+) + - N+ + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-12401 type: explored -- comm_cost: 0.39051215277777795 +- comm_cost: 0.42718750000000016 complexity: 18 expressions: - - K+ - N+ - N- - R- - - and(K-, S+) - - and(K-, S+) + - S+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - not(R+) + - and(S-, or(SE-, N+)) name: explored-12402 type: explored -- comm_cost: 0.6565972222222223 - complexity: 8 +- comm_cost: 0.7536458333333335 + complexity: 10 expressions: - - N- - - R+ - SE- - - and(K-, or(S+, R-)) + - and(K-, not(R+)) + - and(N-, or(S+, SE+)) name: explored-12403 type: explored -- comm_cost: 0.1947048611111114 - complexity: 19 +- comm_cost: 0.5395833333333333 + complexity: 8 expressions: - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - - or(S+, or(N+, R-)) + - S+ + - and(SE-, or(K+, S-)) name: explored-12404 type: explored -- comm_cost: 0.5479166666666668 - complexity: 17 +- comm_cost: 2.220446049250313e-16 + complexity: 13 expressions: - - R+ - - and(K-, or(S+, R-)) - - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-12405 type: explored -- comm_cost: 0.6748611111111112 - complexity: 11 +- comm_cost: 0.6385416666666668 + complexity: 10 expressions: - N+ - - and(S-, N-) - - or(N+, not(R+)) - - or(S+, N+) + - R+ + - and(or(K+, S-), or(N+, not(R+))) name: explored-12406 type: explored -- comm_cost: 0.6256944444444446 - complexity: 13 +- comm_cost: 0.6707899305555557 + complexity: 25 expressions: - - R+ - - and(K-, N-) - - and(N-, or(K+, SE+)) + - and(N-, or(K+, S-)) - and(S-, not(R+)) + - and(SE+, N-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-12407 type: explored -- comm_cost: 0.5442708333333335 - complexity: 12 +- comm_cost: 0.7194791666666668 + complexity: 8 expressions: - - N+ - R+ - - R- - - and(K-, not(R+)) - - and(N-, or(S+, R+)) + - and(N-, or(K+, R+)) + - not(R-) name: explored-12408 type: explored -- comm_cost: 0.5277199074074075 - complexity: 14 +- comm_cost: 0.5384114583333333 + complexity: 10 expressions: - K+ - - R+ + - K+ + - N+ - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) + - S+ + - and(S-, SE-) + - not(R+) name: explored-12409 type: explored -- comm_cost: 0.4197916666666668 - complexity: 9 +- comm_cost: 0.2942129629629632 + complexity: 18 expressions: + - K+ - N+ - - N- - - S+ + - R- + - and(K-, S+) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) + - or(S+, R-) name: explored-12410 type: explored -- comm_cost: 0.6253298611111113 - complexity: 12 +- comm_cost: 0.5361111111111112 + complexity: 9 expressions: - - N- - R- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-12411 type: explored -- comm_cost: 0.5322916666666666 - complexity: 7 +- comm_cost: 0.5606770833333335 + complexity: 13 expressions: - - K+ - - and(S-, SE-) - - or(N+, R-) + - R- + - SE- + - and(K-, not(R+)) + - and(K-, not(R-)) + - and(N-, R+) name: explored-12412 type: explored -- comm_cost: 0.6946278935185186 - complexity: 26 - expressions: - - K- - - and(K-, or(S+, R+)) - - and(S-, N-) - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) - name: explored-12413 - type: explored -- comm_cost: 0.33020833333333366 - complexity: 8 +- comm_cost: 0.09791666666666687 + complexity: 17 expressions: - K+ - N+ - - R- - - S+ - - S+ + - and(K-, S+) + - and(K-, S+) - and(N-, R+) - name: explored-12414 + - and(S-, SE-) + - and(S-, SE-) + name: explored-12413 type: explored -- comm_cost: 0.3568576388888891 - complexity: 24 +- comm_cost: 0.2821180555555557 + complexity: 23 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) + - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(N+, R-) + - or(S+, R+) + name: explored-12414 + type: explored +- comm_cost: 0.7298611111111112 + complexity: 11 + expressions: + - K- + - R+ + - and(K-, not(R-)) + - and(K-, or(S+, R-)) name: explored-12415 type: explored -- comm_cost: 0.3979166666666669 - complexity: 9 +- comm_cost: 0.3706018518518521 + complexity: 19 expressions: - N+ - R- - - S+ + - SE- + - and(K-, S+) - and(N-, R+) - - and(S-, N-) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-12416 type: explored -- comm_cost: 0.5707754629629631 - complexity: 18 +- comm_cost: 0.14322916666666696 + complexity: 12 expressions: + - K+ + - N+ - R- - - SE+ - - and(K-, or(S+, R-)) - - and(N-, or(S+, R+)) - - and(and(S-, N-), not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-12417 type: explored -- comm_cost: 0.6423611111111113 - complexity: 7 +- comm_cost: 0.5611111111111113 + complexity: 13 expressions: - - N+ - R+ - - R- - - R- + - and(S-, N-) + - and(S-, SE-) - and(SE+, N-) + - or(N+, R-) name: explored-12418 type: explored -- comm_cost: 0.29453125000000036 - complexity: 11 +- comm_cost: 0.7734722222222223 + complexity: 7 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - not(R+) + - SE- + - or(K+, S-) + - or(S+, SE+) name: explored-12419 type: explored -- comm_cost: 0.40746527777777797 - complexity: 16 +- comm_cost: 0.7142361111111113 + complexity: 6 + expressions: + - R+ + - or(K+, or(N+, R-)) + name: explored-12420 + type: explored +- comm_cost: 0.3583333333333336 + complexity: 25 expressions: - K+ - - K+ + - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - name: explored-12420 + - or(S+, or(N+, R-)) + name: explored-12421 type: explored -- comm_cost: 0.35451388888888924 - complexity: 12 +- comm_cost: 0.34383680555555574 + complexity: 17 expressions: + - K+ + - N+ - R- - S+ - - SE- - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(K+, R-) - name: explored-12421 - type: explored -- comm_cost: 0.6187500000000001 - complexity: 7 - expressions: - - R+ - - or(N+, R-) - - or(SE-, N+) + - and(SE+, N-) name: explored-12422 type: explored -- comm_cost: 0.5078125000000002 - complexity: 12 +- comm_cost: 0.4819444444444446 + complexity: 13 expressions: + - R- - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-12423 type: explored -- comm_cost: 0.4060185185185188 - complexity: 18 +- comm_cost: 0.5171875000000001 + complexity: 15 expressions: - - N+ + - K+ + - K- - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-12424 type: explored -- comm_cost: 0.6801504629629631 - complexity: 10 +- comm_cost: 0.3812500000000003 + complexity: 6 expressions: - - R+ - - R- - - and(N-, or(K+, SE+)) - - or(S+, R-) + - N+ + - SE- + - SE- + - and(N-, R+) name: explored-12425 type: explored -- comm_cost: 0.3528125000000002 - complexity: 16 +- comm_cost: 0.5350983796296298 + complexity: 18 expressions: - N+ - - R- - - and(K-, or(S+, N+)) + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - and(N-, not(R-)) + - and(S-, not(R+)) name: explored-12426 type: explored -- comm_cost: 0.3659722222222226 - complexity: 13 +- comm_cost: 0.6118750000000002 + complexity: 7 expressions: - - N+ + - R+ - R- - SE- - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - or(N+, not(R+)) name: explored-12427 type: explored -- comm_cost: 0.6660011574074075 - complexity: 11 +- comm_cost: 0.2729166666666668 + complexity: 10 expressions: - - R+ - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) + - K+ + - N+ + - R- + - SE+ + - and(N-, R+) + - and(S-, SE-) name: explored-12428 type: explored -- comm_cost: 0.5415798611111112 - complexity: 10 +- comm_cost: 0.45572916666666685 + complexity: 12 expressions: - N+ - - R+ - R- - - S+ - - SE- - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(N-, not(R-)) + - or(K+, R-) name: explored-12429 type: explored -- comm_cost: 0.4159722222222225 - complexity: 21 +- comm_cost: 0.47175925925925943 + complexity: 22 expressions: + - K+ - R- - - SE- - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) + - and(S-, SE-) name: explored-12430 type: explored -- comm_cost: 0.5174594907407408 - complexity: 19 +- comm_cost: 0.5319444444444446 + complexity: 15 expressions: - - K+ - - K+ + - N+ - R- - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) + - and(K-, or(S+, R+)) + - and(N-, or(K+, S-)) - and(S-, SE-) name: explored-12431 type: explored -- comm_cost: 0.47187500000000016 +- comm_cost: 0.4687500000000002 complexity: 14 expressions: - N+ - R- - - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(S+, SE+) + - and(S-, SE-) + - not(R+) name: explored-12432 type: explored -- comm_cost: 0.4368055555555558 - complexity: 15 +- comm_cost: 0.5426388888888891 + complexity: 8 expressions: - - N+ + - K+ + - R- - SE- - - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(S+, R+)) + - not(R-) name: explored-12433 type: explored -- comm_cost: 0.18750000000000022 - complexity: 13 +- comm_cost: 0.231828703703704 + complexity: 18 expressions: - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-12434 type: explored -- comm_cost: 0.39375000000000016 - complexity: 14 +- comm_cost: 0.6786458333333333 + complexity: 5 expressions: - - K+ - - R+ - R- - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, N+) + - SE- + - or(K+, N+) name: explored-12435 type: explored -- comm_cost: 0.5875 - complexity: 7 +- comm_cost: 0.3852430555555557 + complexity: 18 expressions: + - K+ - N+ - - and(S-, SE-) - - and(S-, SE-) + - R- + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-12436 type: explored -- comm_cost: 0.5569444444444447 - complexity: 15 +- comm_cost: 0.4208333333333336 + complexity: 13 expressions: - - N+ - - SE- - and(N-, R+) - - and(N-, R+) - - and(S-, not(R-)) - - or(K+, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-12437 type: explored -- comm_cost: 0.7395833333333335 - complexity: 7 +- comm_cost: 0.20000000000000018 + complexity: 16 expressions: - - R+ - - R- - - and(K-, or(S+, SE+)) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-12438 type: explored -- comm_cost: 0.20520833333333366 - complexity: 10 +- comm_cost: 0.4007812500000002 + complexity: 18 expressions: - - K+ + - N+ + - R- - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(N+, R-) + - and(SE-, or(K+, S-)) name: explored-12439 type: explored -- comm_cost: 0.2840277777777781 - complexity: 16 +- comm_cost: 0.3486111111111114 + complexity: 9 expressions: - - K+ - - K+ - N+ + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-12440 type: explored -- comm_cost: 0.388541666666667 - complexity: 12 +- comm_cost: 0.6997395833333334 + complexity: 18 expressions: - - N+ - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(N-, R+) + - R+ + - and(K-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, SE+) name: explored-12441 type: explored -- comm_cost: 0.1468750000000003 - complexity: 12 +- comm_cost: 0.7494791666666667 + complexity: 8 expressions: - - N+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, SE+)) - or(K+, N+) name: explored-12442 type: explored -- comm_cost: 0.5319444444444447 - complexity: 11 +- comm_cost: 0.49974826388888904 + complexity: 24 expressions: + - K+ - N+ - - and(K-, SE-) + - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, not(R-)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-12443 type: explored -- comm_cost: 0.5598958333333335 - complexity: 11 +- comm_cost: 0.6144097222222223 + complexity: 12 expressions: - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - or(K+, K-) + - R+ + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(S+, R-) name: explored-12444 type: explored -- comm_cost: 0.6125 - complexity: 4 +- comm_cost: 0.3125000000000002 + complexity: 15 expressions: - N+ - - N- - R- - - SE- + - and(K-, S+) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-12445 type: explored -- comm_cost: 0.5315972222222225 - complexity: 15 +- comm_cost: 0.6287847222222224 + complexity: 11 expressions: - - SE+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - R+ + - R- + - SE- + - and(SE-, or(K+, S-)) + - or(K+, S-) name: explored-12446 type: explored -- comm_cost: 0.5815104166666668 - complexity: 12 +- comm_cost: 0.72125 + complexity: 8 expressions: - - R+ - R- - - and(N-, or(K+, S-)) - and(S-, SE-) - - not(R+) + - or(N+, not(R+)) name: explored-12447 type: explored -- comm_cost: 0.4258333333333334 - complexity: 12 +- comm_cost: 0.5870659722222223 + complexity: 9 expressions: - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(S-, SE-) - - or(S+, SE+) + - SE- + - and(N-, or(S+, SE+)) name: explored-12448 type: explored -- comm_cost: 0.09218750000000031 - complexity: 16 +- comm_cost: 0.3086111111111114 + complexity: 22 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - and(and(K-, N-), or(S+, R+)) + - or(S+, SE+) name: explored-12449 type: explored -- comm_cost: 0.4267129629629631 - complexity: 17 +- comm_cost: 0.43020833333333375 + complexity: 8 expressions: - - K+ - - N+ - - R- - S+ - - and(K-, or(S+, R+)) + - SE- - and(N-, R+) - and(S-, SE-) - - not(R-) name: explored-12450 type: explored -- comm_cost: 0.15694444444444478 - complexity: 20 +- comm_cost: 0.695138888888889 + complexity: 6 expressions: - K+ - - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, R-) + - SE- + - or(S+, SE+) name: explored-12451 type: explored -- comm_cost: 0.7370659722222224 - complexity: 12 +- comm_cost: 0.39913194444444466 + complexity: 15 expressions: - - and(K-, or(S+, N+)) - - and(N-, not(R-)) - - or(S+, N+) + - K+ + - N+ + - R- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, not(R-)) name: explored-12452 type: explored -- comm_cost: 0.6428125000000001 - complexity: 11 +- comm_cost: 0.5440972222222225 + complexity: 23 expressions: - - R+ - - R- - - S+ + - N+ + - SE- + - and(K-, or(S+, N+)) - and(K-, or(SE-, N+)) - - or(K+, S-) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-12453 type: explored -- comm_cost: 0.3032407407407409 - complexity: 27 +- comm_cost: 0.30625000000000036 + complexity: 12 expressions: - K+ - N+ - R- - - S+ - - and(K-, or(S+, R+)) + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) name: explored-12454 type: explored -- comm_cost: 0.6958333333333335 - complexity: 5 +- comm_cost: 0.453125 + complexity: 9 expressions: - - R+ - - R+ - - SE- - - not(R-) + - K+ + - N+ + - R- + - and(S-, SE-) + - or(K+, R-) name: explored-12455 type: explored -- comm_cost: 0.5297708333333335 - complexity: 18 +- comm_cost: 0.2963541666666669 + complexity: 15 expressions: - K+ + - K+ - N+ - - N- - - R- - - SE- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-12456 type: explored -- comm_cost: 0.42685185185185215 - complexity: 17 +- comm_cost: 0.21640625000000036 + complexity: 12 expressions: + - K+ + - K+ + - N+ - R- - - SE- - and(N-, R+) - - or(K+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - not(R+) name: explored-12457 type: explored -- comm_cost: 0.2507812500000002 - complexity: 15 +- comm_cost: 0.5718750000000001 + complexity: 11 expressions: - - K+ - - N+ - - S+ - - S+ + - and(K-, SE-) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) name: explored-12458 type: explored -- comm_cost: 0.6595486111111112 - complexity: 11 +- comm_cost: 0.6868055555555557 + complexity: 13 expressions: - - R+ - - R- - - SE- - - and(N-, or(K+, S-)) - - or(K+, SE+) + - and(K-, or(S+, R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-12459 type: explored -- comm_cost: 0.6088194444444446 - complexity: 12 +- comm_cost: 0.3486111111111114 + complexity: 8 expressions: - - R+ - - R- + - N+ - SE- - - and(K-, or(S+, R-)) - - or(N+, not(R+)) + - and(N-, R+) + - or(S+, R-) name: explored-12460 type: explored -- comm_cost: 0.6539062500000001 - complexity: 6 +- comm_cost: 0.3235243055555559 + complexity: 23 expressions: - K+ - - R+ - - and(K-, not(R-)) + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-12461 type: explored -- comm_cost: 0.5549189814814817 - complexity: 14 +- comm_cost: 0.4153645833333336 + complexity: 18 expressions: - N+ - R- - - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - or(K+, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-12462 type: explored -- comm_cost: 0.7055208333333334 - complexity: 3 +- comm_cost: 0.4281250000000001 + complexity: 22 expressions: - - K- - - R+ + - K+ + - N+ - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-12463 type: explored -- comm_cost: 0.7312500000000002 - complexity: 9 +- comm_cost: 0.7166666666666668 + complexity: 6 expressions: - SE- - - and(K-, S+) - - and(N-, or(S+, R+)) + - and(N-, or(K+, SE+)) name: explored-12464 type: explored -- comm_cost: 0.5867187500000002 - complexity: 11 +- comm_cost: 0.34531250000000024 + complexity: 16 expressions: + - K+ + - N+ + - R- + - S- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) name: explored-12465 type: explored -- comm_cost: 0.3656250000000002 - complexity: 16 +- comm_cost: 0.3945312500000002 + complexity: 21 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, N-) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(K+, R+) name: explored-12466 type: explored -- comm_cost: 0.6957864583333334 +- comm_cost: 0.49861111111111134 complexity: 13 expressions: - - N+ - - S+ - - not(R+) - - or(K+, R-) - - or(K+, S-) - - or(S+, R-) + - K+ + - R- + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-12467 type: explored -- comm_cost: 0.5384259259259261 - complexity: 11 +- comm_cost: 0.7087951388888889 + complexity: 19 expressions: - N+ - - R+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - N- + - R- + - and(N-, or(S+, R+)) + - and(N-, or(S+, SE+)) + - or(K+, S-) + - or(SE-, N+) name: explored-12468 type: explored -- comm_cost: 0.7017361111111111 - complexity: 12 +- comm_cost: 0.6059895833333334 + complexity: 7 expressions: - - S- - - SE- - - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, R+) + - N+ + - R+ + - R- + - and(K-, not(R-)) name: explored-12469 type: explored -- comm_cost: 0.6076388888888891 - complexity: 7 +- comm_cost: 0.2703125000000003 + complexity: 16 expressions: - - SE- + - N+ + - R- + - and(K-, SE-) - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-12470 type: explored -- comm_cost: 0.6851562500000001 - complexity: 8 +- comm_cost: 0.4062500000000002 + complexity: 13 expressions: + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, S-)) name: explored-12471 type: explored -- comm_cost: 0.4681944444444446 +- comm_cost: 0.558246527777778 complexity: 10 expressions: - - K- - N+ - R- - - R- + - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) + - or(K+, SE+) name: explored-12472 type: explored -- comm_cost: 0.14479166666666687 - complexity: 15 +- comm_cost: 0.7864583333333333 + complexity: 6 expressions: - - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(S+, N+) + - and(K-, or(S+, N+)) name: explored-12473 type: explored -- comm_cost: 0.7057291666666667 - complexity: 9 +- comm_cost: 0.8078125 + complexity: 3 expressions: - - SE- - - and(N-, or(S+, SE+)) - - and(SE+, N-) + - and(K-, N-) name: explored-12474 type: explored -- comm_cost: 0.6619702380952381 - complexity: 38 +- comm_cost: 0.6440972222222223 + complexity: 13 expressions: - - SE+ - - and(K-, N-) - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - - and(S-, not(R+)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) - - not(R-) - - or(K+, R-) + - R+ + - and(K-, or(N+, not(R+))) + - or(N+, R-) + - or(N+, R-) name: explored-12475 type: explored -- comm_cost: 0.5172453703703703 - complexity: 20 +- comm_cost: 0.3445312500000003 + complexity: 9 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - or(SE-, N+) name: explored-12476 type: explored -- comm_cost: 0.6756944444444444 - complexity: 9 +- comm_cost: 0.4302083333333333 + complexity: 14 expressions: + - K+ - N+ - - N+ - - SE- - - and(or(K+, S-), not(R+)) + - R- + - and(K-, S+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-12477 type: explored -- comm_cost: 0.4698611111111113 - complexity: 16 +- comm_cost: 0.27986111111111145 + complexity: 19 expressions: - K+ - - N+ - - R+ - R- + - SE- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, S-) + - and(or(K+, S-), or(SE-, N+)) name: explored-12478 type: explored -- comm_cost: 0.7486979166666667 - complexity: 11 +- comm_cost: 0.26093750000000016 + complexity: 17 expressions: - - SE- + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-12479 type: explored -- comm_cost: 0.6031481481481483 - complexity: 11 +- comm_cost: 0.49375000000000036 + complexity: 7 expressions: - R- - - SE- + - and(K-, S+) - and(N-, R+) - - or(K+, S-) - - or(S+, R-) name: explored-12480 type: explored -- comm_cost: 0.2953125000000003 - complexity: 16 +- comm_cost: 0.6066666666666669 + complexity: 11 expressions: - - K+ - - N+ - - R+ - - R- - - S+ - - and(K-, or(SE-, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(S-, N-) + - or(N+, not(R+)) name: explored-12481 type: explored -- comm_cost: 0.4656250000000002 - complexity: 21 +- comm_cost: 0.589670138888889 + complexity: 8 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) + - SE- + - and(N-, or(S+, SE+)) name: explored-12482 type: explored -- comm_cost: 0.6980902777777779 - complexity: 8 +- comm_cost: 0.6902356150793652 + complexity: 27 expressions: - - SE- - - and(S-, not(R-)) - - or(K+, SE+) + - R+ + - R- + - S- + - and(K-, N-) + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, R+)) + - or(K+, S-) + - or(N+, R-) name: explored-12483 type: explored -- comm_cost: 0.657638888888889 - complexity: 7 +- comm_cost: 0.6912743055555557 + complexity: 39 expressions: + - K- - R+ - - and(S-, N-) - - or(SE-, N+) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) + - and(N-, or(K+, S-)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) name: explored-12484 type: explored -- comm_cost: 0.4343750000000002 - complexity: 15 +- comm_cost: 0.5584490740740742 + complexity: 12 expressions: - - K+ - N+ + - R+ - R- - - S+ - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, not(R-)) + - and(N-, not(R-)) + - and(N-, or(S+, R+)) name: explored-12485 type: explored -- comm_cost: 0.25989583333333366 - complexity: 12 +- comm_cost: 0.5629050925925928 + complexity: 14 expressions: - - K+ - - K+ - - S+ + - R- + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - and(S-, or(N+, not(R+))) name: explored-12486 type: explored -- comm_cost: 0.6858333333333334 - complexity: 9 +- comm_cost: 0.39901620370370394 + complexity: 19 expressions: + - K+ - N+ - - SE- - - and(K-, not(R+)) - - or(S+, SE+) + - R- + - S+ + - SE+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12487 type: explored -- comm_cost: 0.21458333333333357 - complexity: 18 +- comm_cost: 0.4984375000000002 + complexity: 10 expressions: - - K+ + - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, S-)) name: explored-12488 type: explored -- comm_cost: 0.6675781250000001 - complexity: 19 +- comm_cost: 0.5380208333333335 + complexity: 6 expressions: + - K+ + - N+ - R+ + - R- + - SE+ - SE- - - and(N-, or(S+, R+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) name: explored-12489 type: explored -- comm_cost: 0.3467592592592592 - complexity: 12 +- comm_cost: 0.47378472222222245 + complexity: 16 expressions: - - K+ - N+ - - R- - - SE+ - - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(K+, SE+) name: explored-12490 type: explored -- comm_cost: 0.75140625 +- comm_cost: 0.6049479166666667 complexity: 10 expressions: - K+ - - N- - - and(SE-, or(K+, S-)) - - or(K+, S-) + - N+ + - R- + - S- + - SE- + - and(K-, or(S+, N+)) name: explored-12491 type: explored -- comm_cost: 0.7486979166666667 - complexity: 9 +- comm_cost: 0.28541666666666676 + complexity: 10 expressions: - - SE- - - and(K-, N-) - - and(N-, or(K+, SE+)) + - N+ + - R- + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-12492 type: explored -- comm_cost: 0.6884837962962964 - complexity: 10 +- comm_cost: 0.6462962962962965 + complexity: 8 expressions: - R+ + - R+ - SE- - - and(N-, or(S+, R+)) - - or(S+, R+) + - and(K-, or(S+, R+)) name: explored-12493 type: explored -- comm_cost: 0.7213541666666667 - complexity: 9 +- comm_cost: 0.3657986111111112 + complexity: 13 expressions: - - and(K-, not(R-)) - - and(SE-, or(K+, S-)) + - K+ + - R+ + - R- + - and(K-, S+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-12494 type: explored -- comm_cost: 0.729513888888889 - complexity: 12 +- comm_cost: 0.7197916666666667 + complexity: 10 expressions: - - SE- - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, S-)) name: explored-12495 type: explored -- comm_cost: 0.7057291666666666 - complexity: 13 +- comm_cost: 0.52265625 + complexity: 9 expressions: - - K+ + - N+ + - N+ - R- - - SE- - - and(K-, or(S+, N+)) - - or(K+, or(N+, R-)) + - and(K-, N-) + - and(S-, SE-) name: explored-12496 type: explored -- comm_cost: 0.5480902777777781 - complexity: 15 +- comm_cost: 0.6269097222222224 + complexity: 12 expressions: - - N+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - R+ + - and(S-, N-) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-12497 type: explored -- comm_cost: 0.35329861111111127 - complexity: 16 +- comm_cost: 0.3848090277777779 + complexity: 17 expressions: + - K+ - N+ - R- - - and(K-, SE-) - - and(K-, or(S+, R+)) + - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) + - or(S+, R+) name: explored-12498 type: explored -- comm_cost: 0.5175347222222223 - complexity: 15 +- comm_cost: 0.3714843750000003 + complexity: 18 expressions: + - K+ + - K+ - N+ - R- + - S+ - and(K-, or(S+, R+)) - - and(SE-, or(K+, S-)) - - or(S+, N+) + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-12499 type: explored -- comm_cost: 0.6161458333333335 - complexity: 9 +- comm_cost: 0.557291666666667 + complexity: 6 expressions: - - N+ - - N- - - SE- - and(N-, R+) - - or(S+, R+) + - or(K+, N+) name: explored-12500 type: explored -- comm_cost: 0.48784722222222243 - complexity: 12 +- comm_cost: 0.3393229166666668 + complexity: 17 expressions: - N+ - R- - - SE- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - or(K+, R-) + - and(S-, SE-) - or(S+, R+) name: explored-12501 type: explored -- comm_cost: 0.6891319444444446 - complexity: 10 +- comm_cost: 0.4126388888888892 + complexity: 13 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - or(K+, S-) + - and(N-, R+) + - or(K+, R-) - or(N+, not(R+)) name: explored-12502 type: explored -- comm_cost: 0.33420138888888906 - complexity: 20 +- comm_cost: 0.6583333333333333 + complexity: 11 expressions: - - N+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(K-, or(SE-, N+)) - and(S-, SE-) - - or(S+, N+) + - or(K+, R-) name: explored-12503 type: explored -- comm_cost: 0.6515972222222224 - complexity: 37 +- comm_cost: 0.31406250000000036 + complexity: 9 expressions: - - S+ + - N+ + - R- - SE- - and(N-, R+) - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(K+, R+) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, N+) name: explored-12504 type: explored -- comm_cost: 0.30833333333333357 - complexity: 12 +- comm_cost: 0.5440972222222225 + complexity: 13 expressions: - K+ - - K+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(K-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-12505 type: explored -- comm_cost: 0.37656250000000013 - complexity: 14 +- comm_cost: 0.4793171296296298 + complexity: 19 expressions: + - K+ + - N+ + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, N+) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-12506 type: explored -- comm_cost: 0.545920138888889 - complexity: 15 +- comm_cost: 0.7263888888888889 + complexity: 10 expressions: + - K+ - N+ - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) + - R- + - or(and(K-, S+), or(N+, R-)) name: explored-12507 type: explored -- comm_cost: 0.5805555555555557 - complexity: 12 +- comm_cost: 0.36484375000000013 + complexity: 17 expressions: - - K+ - - SE- + - N+ + - R- + - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, R+) name: explored-12508 type: explored -- comm_cost: 0.6966145833333335 - complexity: 11 +- comm_cost: 0.21093750000000022 + complexity: 14 expressions: - - R+ - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - K+ + - R- + - S+ + - S+ + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-12509 type: explored -- comm_cost: 0.36631944444444453 - complexity: 11 +- comm_cost: 0.21041666666666692 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - S+ - - and(K-, or(S+, R+)) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) + - or(S+, N+) name: explored-12510 type: explored -- comm_cost: 0.6653587962962965 - complexity: 24 +- comm_cost: 0.4129340277777779 + complexity: 21 expressions: - - S- - - and(K-, S+) - - and(N-, or(S+, R+)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) - and(and(K-, N-), or(S+, R+)) - - not(R+) - - or(N+, R-) - - or(S+, N+) + - or(K+, S-) name: explored-12511 type: explored -- comm_cost: 0.6645833333333333 - complexity: 9 +- comm_cost: 0.22187500000000027 + complexity: 13 expressions: - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(S-, or(SE-, N+)) name: explored-12512 type: explored -- comm_cost: 0.6444444444444447 - complexity: 7 +- comm_cost: 0.48026041666666686 + complexity: 17 expressions: + - K+ + - N+ + - N- + - S+ - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-12513 type: explored -- comm_cost: 0.5442013888888888 - complexity: 13 +- comm_cost: 0.34722222222222243 + complexity: 16 expressions: - K+ - - K+ - - K- - N+ - R- - - S+ - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - and(K-, S+) + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-12514 type: explored -- comm_cost: 0.6860156250000001 - complexity: 12 +- comm_cost: 0.6067708333333335 + complexity: 8 expressions: - - N- - R+ - - SE- - - and(K-, or(S+, N+)) - - and(N-, not(R-)) + - R- + - and(K-, S+) + - and(SE+, N-) name: explored-12515 type: explored -- comm_cost: 0.3934895833333335 +- comm_cost: 0.4999131944444446 complexity: 18 expressions: - - K+ - - K+ + - N+ - R- - - S+ - - and(K-, SE-) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, K-) + - or(N+, R-) name: explored-12516 type: explored -- comm_cost: 0.3276041666666669 - complexity: 11 +- comm_cost: 0.22187500000000027 + complexity: 16 expressions: - K+ - - N+ - R- - - and(K-, or(S+, R-)) + - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-12517 type: explored -- comm_cost: 0.32083333333333364 - complexity: 14 +- comm_cost: 0.37760416666666685 + complexity: 10 expressions: - - and(K-, or(S+, R-)) + - K+ + - N+ + - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(S-, N-) name: explored-12518 type: explored -- comm_cost: 0.272280092592593 - complexity: 25 +- comm_cost: 0.8076388888888888 + complexity: 7 expressions: - - K+ - N+ - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-12519 type: explored -- comm_cost: 0.6809027777777779 - complexity: 10 +- comm_cost: 0.5586805555555556 + complexity: 17 expressions: - - R+ - - and(K-, not(R-)) - - and(N-, or(K+, R+)) + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-12520 type: explored -- comm_cost: 0.3187500000000002 - complexity: 12 +- comm_cost: 0.5132812500000001 + complexity: 11 expressions: - K+ - N+ - R- - - and(K-, N-) - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, SE+)) name: explored-12521 type: explored -- comm_cost: 0.4291666666666668 - complexity: 12 +- comm_cost: 0.46895254629629646 + complexity: 21 expressions: - N+ - - R+ - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(S-, not(R-)) + - or(N+, R-) name: explored-12522 type: explored -- comm_cost: 0.6630815972222224 - complexity: 23 +- comm_cost: 0.31149884259259275 + complexity: 19 expressions: + - K+ + - K+ + - N+ + - R- - S+ - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) - - and(SE+, N-) - - not(R-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) + - or(K+, or(N+, R-)) name: explored-12523 type: explored -- comm_cost: 0.39913194444444466 - complexity: 16 +- comm_cost: 0.5021990740740742 + complexity: 15 expressions: - K+ + - R+ - R- - - and(K-, SE-) - - and(N-, R+) - - and(N-, or(S+, R+)) + - and(K-, N-) - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-12524 type: explored -- comm_cost: 0.5697916666666668 - complexity: 12 +- comm_cost: 0.4055381944444446 + complexity: 20 expressions: - - and(K-, N-) + - N+ + - N- + - R- + - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-12525 type: explored -- comm_cost: 0.33750000000000013 - complexity: 22 +- comm_cost: 0.32338541666666676 + complexity: 17 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(SE+, N-) + - or(S+, SE+) name: explored-12526 type: explored -- comm_cost: 0.6722222222222223 - complexity: 4 +- comm_cost: 0.6340277777777779 + complexity: 9 expressions: - K+ - - K+ - - N+ + - R+ + - R- + - S- - SE- + - and(N-, not(R-)) name: explored-12527 type: explored -- comm_cost: 0.3031250000000001 - complexity: 19 +- comm_cost: 0.6234953703703705 + complexity: 12 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - R+ + - SE- + - and(N-, or(K+, SE+)) + - and(N-, or(K+, SE+)) name: explored-12528 type: explored -- comm_cost: 0.3812789351851853 - complexity: 19 +- comm_cost: 0.329947916666667 + complexity: 20 expressions: - K+ - N+ - R- - and(K-, S+) - - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) name: explored-12529 type: explored -- comm_cost: 0.5489583333333334 - complexity: 9 +- comm_cost: 0.6953385416666668 + complexity: 33 expressions: - - K+ - - R+ - - R- + - S- - SE- - - or(K+, or(N+, R-)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-12530 type: explored -- comm_cost: 0.26284722222222245 - complexity: 27 +- comm_cost: 0.40538194444444464 + complexity: 13 expressions: - K+ - - N+ - R- + - S- + - SE+ - and(K-, S+) - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, N+) - - or(and(K-, S+), or(N+, R-)) name: explored-12531 type: explored -- comm_cost: 0.3152777777777781 - complexity: 10 +- comm_cost: 0.5713541666666668 + complexity: 12 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - or(S+, N+) + - R+ + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12532 type: explored -- comm_cost: 0.6364583333333335 - complexity: 9 +- comm_cost: 0.4041666666666669 + complexity: 21 expressions: - - K+ - - R+ + - N+ - R- - - or(S+, N+) - - or(S+, R-) + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-12533 type: explored -- comm_cost: 0.3611979166666668 - complexity: 23 +- comm_cost: 0.6751736111111113 + complexity: 11 expressions: - - N+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-12534 type: explored -- comm_cost: 0.5250000000000001 - complexity: 13 +- comm_cost: 0.3710503472222225 + complexity: 16 expressions: + - K+ - N+ - R- - SE- - - and(N-, or(K+, R+)) - - or(K+, or(N+, R-)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-12535 type: explored -- comm_cost: 0.5083333333333336 - complexity: 8 +- comm_cost: 0.6033564814814816 + complexity: 13 expressions: - - and(K-, or(SE-, N+)) - - and(N-, R+) + - R+ + - R- + - SE- + - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) name: explored-12536 type: explored -- comm_cost: 0.7128559027777779 - complexity: 20 +- comm_cost: 0.3104166666666669 + complexity: 12 expressions: - - and(K-, or(SE-, N+)) - - and(S-, not(R-)) - - not(R+) - - or(K+, SE+) - - or(S+, N+) - - or(SE-, N+) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-12537 type: explored -- comm_cost: 0.6013020833333335 +- comm_cost: 0.7508680555555556 complexity: 8 expressions: - - R+ - - S+ - - or(K+, R-) - - or(SE-, N+) + - SE- + - and(S-, not(R-)) + - or(K+, K-) name: explored-12538 type: explored -- comm_cost: 0.6179687500000002 - complexity: 10 +- comm_cost: 0.20312500000000022 + complexity: 12 expressions: - K+ - - R- + - N+ + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, N+) name: explored-12539 type: explored -- comm_cost: 0.22812500000000036 - complexity: 19 +- comm_cost: 0.31649305555555585 + complexity: 10 expressions: - K+ - - N+ - - and(K-, S+) + - R- + - S+ + - SE- - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, N+) name: explored-12540 type: explored -- comm_cost: 0.3789062500000001 - complexity: 19 +- comm_cost: 0.6934460978835979 + complexity: 43 expressions: - - N+ - - R- - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(K-, SE-) + - and(K-, or(S+, R+)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R-) + - or(K+, S-) + - or(S+, R-) name: explored-12541 type: explored -- comm_cost: 0.5744212962962965 - complexity: 13 +- comm_cost: 0.32685185185185217 + complexity: 14 expressions: - N+ - - SE- + - R- - and(N-, R+) - - and(N-, or(K+, S-)) - - or(K+, R+) + - and(or(K+, S-), not(R+)) + - or(S+, R-) name: explored-12542 type: explored -- comm_cost: 0.6197812500000001 - complexity: 25 +- comm_cost: 0.35078125000000027 + complexity: 13 expressions: - - and(K-, not(R-)) - - and(S-, SE-) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - not(R-) + - K+ + - K+ + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-12543 type: explored -- comm_cost: 0.7680208333333334 - complexity: 7 +- comm_cost: 0.3651620370370371 + complexity: 16 expressions: - - and(SE-, or(K+, S-)) - - not(R-) + - K+ + - R+ + - R- + - and(N-, or(S+, R+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-12544 type: explored -- comm_cost: 0.6540798611111113 - complexity: 13 +- comm_cost: 0.5321180555555557 + complexity: 19 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - and(S-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, not(R+)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - or(K+, K-) name: explored-12545 type: explored -- comm_cost: 0.42604166666666676 - complexity: 8 +- comm_cost: 0.6393229166666669 + complexity: 16 expressions: + - K+ - R+ - - R- - and(K-, SE-) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - or(SE-, N+) name: explored-12546 type: explored -- comm_cost: 0.3246701388888893 - complexity: 19 +- comm_cost: 0.624826388888889 + complexity: 13 expressions: - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) - - or(N+, not(R+)) - - or(S+, R-) + - SE- + - and(K-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-12547 type: explored -- comm_cost: 0.3097916666666669 - complexity: 16 +- comm_cost: 0.6314409722222223 + complexity: 31 expressions: - N+ - - R- - - S+ - - and(N-, R+) + - SE+ + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) + - or(N+, R-) name: explored-12548 type: explored -- comm_cost: 0.29600694444444464 - complexity: 18 +- comm_cost: 0.6264149305555556 + complexity: 28 expressions: - - N+ - R- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, S+) + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(SE+, N-) + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-12549 type: explored -- comm_cost: 0.30486111111111125 - complexity: 22 +- comm_cost: 0.6260648148148149 + complexity: 23 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) + - R+ + - and(K-, or(S+, R-)) - and(and(K-, N-), or(S+, R+)) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R+)) + - or(N+, not(R+)) name: explored-12550 type: explored -- comm_cost: 0.6459490740740742 - complexity: 16 +- comm_cost: 0.5942708333333334 + complexity: 11 expressions: + - K+ - R+ - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, N-) + - and(S-, SE-) - or(SE-, N+) name: explored-12551 type: explored -- comm_cost: 0.5666666666666669 - complexity: 9 +- comm_cost: 0.41875000000000007 + complexity: 20 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) - - or(K+, K-) + - and(K-, S+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(S+, N+) name: explored-12552 type: explored -- comm_cost: 0.7296875 - complexity: 7 +- comm_cost: 0.41666666666666696 + complexity: 8 expressions: - - R- + - K+ - SE- - - and(N-, or(K+, S-)) + - and(N-, R+) + - and(S-, SE-) name: explored-12553 type: explored -- comm_cost: 0.5322916666666668 - complexity: 14 +- comm_cost: 0.5665798611111112 + complexity: 19 expressions: - K+ - - N+ - - R- - - S+ - - S- - - and(N-, R+) + - R+ - and(S-, SE-) - - or(K+, K-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12554 type: explored -- comm_cost: 0.7023030753968255 - complexity: 31 +- comm_cost: 0.5218171296296298 + complexity: 15 expressions: - - K- - - N- - - R+ - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - and(S-, not(R-)) - - or(N+, not(R+)) - - or(S+, N+) - - or(S+, or(N+, R-)) + - N+ + - R- + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(K+, R+) name: explored-12555 type: explored -- comm_cost: 0.7266493055555556 - complexity: 12 +- comm_cost: 0.7155208333333335 + complexity: 4 expressions: - - and(N-, or(K+, S-)) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R+ + - not(R-) name: explored-12556 type: explored -- comm_cost: 0.4607638888888891 - complexity: 13 +- comm_cost: 0.5404513888888891 + complexity: 20 expressions: - N+ - - SE+ + - R+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(S-, N-), not(R-)) name: explored-12557 type: explored -- comm_cost: 0.4003472222222224 - complexity: 17 +- comm_cost: 0.49097222222222237 + complexity: 12 expressions: - K+ - N+ - - R- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(S+, N+) + - and(and(K-, N-), or(S+, SE+)) name: explored-12558 type: explored -- comm_cost: 0.2513888888888892 - complexity: 17 +- comm_cost: 0.12743055555555594 + complexity: 15 expressions: - - K+ - - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(S+, R-) name: explored-12559 type: explored -- comm_cost: 0.43072916666666683 - complexity: 12 +- comm_cost: 0.48398437500000013 + complexity: 20 expressions: - - K+ - N+ - R- - - S+ + - SE- + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-12560 type: explored -- comm_cost: 0.4573784722222224 - complexity: 13 +- comm_cost: 0.4477430555555557 + complexity: 15 expressions: - K+ - N+ - R- - SE- + - and(K-, SE-) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(or(K+, S-), not(R-)) name: explored-12561 type: explored -- comm_cost: 0.748726851851852 - complexity: 28 +- comm_cost: 0.6734375000000001 + complexity: 10 expressions: - - K- - - and(N-, or(K+, S-)) - - and(SE-, or(K+, S-)) - - not(R+) - - or(K+, or(N+, R-)) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-12562 type: explored -- comm_cost: 0.6108796296296297 - complexity: 10 +- comm_cost: 0.5865740740740742 + complexity: 15 expressions: - - K+ - - R+ - - R+ - SE- - - and(and(K-, N-), not(R-)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-12563 type: explored -- comm_cost: 0.4773437500000002 +- comm_cost: 0.5045138888888892 complexity: 13 expressions: - K+ - - K+ - N+ - - R- + - S+ - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-12564 type: explored -- comm_cost: 0.8031250000000001 - complexity: 6 +- comm_cost: 0.6856770833333333 + complexity: 10 expressions: - - SE- - - or(S+, or(N+, R-)) + - and(K-, or(S+, N+)) + - and(S-, SE-) + - not(R+) name: explored-12565 type: explored -- comm_cost: 0.6372395833333334 - complexity: 6 +- comm_cost: 0.5811197916666668 + complexity: 15 expressions: + - K+ + - K+ - R+ - - R- - - and(K-, not(R-)) + - SE- + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, R-) name: explored-12566 type: explored -- comm_cost: 0.7753125000000001 - complexity: 2 +- comm_cost: 0.7180555555555557 + complexity: 7 expressions: + - N+ - N- - - S- + - or(K+, or(N+, R-)) name: explored-12567 type: explored -- comm_cost: 0.3172743055555557 - complexity: 21 +- comm_cost: 0.31562500000000027 + complexity: 17 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) + - K+ + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) name: explored-12568 type: explored -- comm_cost: 0.7527777777777779 - complexity: 7 +- comm_cost: 0.7052314814814815 + complexity: 18 expressions: - - and(N-, or(K+, SE+)) - - not(R+) + - and(S-, not(R-)) + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) + - or(S+, SE+) name: explored-12569 type: explored -- comm_cost: 0.6852430555555556 - complexity: 9 +- comm_cost: 0.4152777777777781 + complexity: 18 expressions: - - R+ - - and(K-, N-) - - and(N-, or(S+, SE+)) + - N+ + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) name: explored-12570 type: explored -- comm_cost: 0.75 - complexity: 10 +- comm_cost: 0.5677777777777779 + complexity: 12 expressions: - - not(R+) - - or(S+, R+) - - or(S+, or(N+, R-)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(S+, SE+) name: explored-12571 type: explored -- comm_cost: 0.4842881944444446 - complexity: 14 +- comm_cost: 0.3656250000000002 + complexity: 17 expressions: - - R+ + - N+ - R- + - S- - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(S+, R-) - - or(SE-, N+) + - and(SE-, or(K+, S-)) name: explored-12572 type: explored -- comm_cost: 0.6692708333333333 - complexity: 11 +- comm_cost: 0.6380787037037038 + complexity: 13 expressions: - N+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - not(R+) + - R- + - SE- + - and(K-, N-) + - or(and(K-, S+), or(N+, R-)) name: explored-12573 type: explored -- comm_cost: 0.3330584490740742 - complexity: 18 +- comm_cost: 0.276388888888889 + complexity: 24 expressions: - - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, R+) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) name: explored-12574 type: explored -- comm_cost: 0.4492187500000002 - complexity: 9 +- comm_cost: 0.5181510416666668 + complexity: 13 expressions: - K+ - N+ - - S- - - and(K-, S+) + - N- + - R- + - SE- - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-12575 type: explored -- comm_cost: 0.7403125 - complexity: 4 +- comm_cost: 0.5330729166666668 + complexity: 16 expressions: - - N- - - or(N+, R-) + - R- + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-12576 type: explored -- comm_cost: 0.12604166666666705 +- comm_cost: 0.6196064814814817 complexity: 12 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - SE- + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-12577 type: explored -- comm_cost: 0.5778125000000001 - complexity: 16 +- comm_cost: 0.6688368055555557 + complexity: 17 expressions: - - N+ - - N- - - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - and(N-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-12578 type: explored -- comm_cost: 0.2739004629629631 - complexity: 16 +- comm_cost: 0.5093750000000001 + complexity: 8 expressions: - - K+ - - N+ - - R- - - S+ + - R+ + - SE- + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, R+) name: explored-12579 type: explored -- comm_cost: 0.5894097222222224 - complexity: 13 +- comm_cost: 0.5826967592592593 + complexity: 15 expressions: - R+ - R- - SE- - - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-12580 type: explored -- comm_cost: 0.47343750000000007 - complexity: 6 +- comm_cost: 0.6146990740740742 + complexity: 14 expressions: - R+ - R- - - SE+ - - and(S-, SE-) + - SE- + - and(N-, or(K+, S-)) + - and(and(K-, N-), not(R-)) name: explored-12581 type: explored -- comm_cost: 0.25399305555555585 - complexity: 10 +- comm_cost: 0.5694444444444445 + complexity: 8 expressions: - - N+ - R- - S+ - - SE- - - and(K-, S+) - - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-12582 type: explored -- comm_cost: 0.5083333333333334 - complexity: 5 +- comm_cost: 0.7721354166666667 + complexity: 13 expressions: - - R+ - - R- - - R- - - S+ - - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) + - or(S+, R+) name: explored-12583 type: explored -- comm_cost: 0.5316550925925927 - complexity: 16 +- comm_cost: 0.7861111111111112 + complexity: 10 expressions: - - R+ - - R- + - and(K-, or(S+, R+)) - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-12584 type: explored -- comm_cost: 0.6355034722222224 - complexity: 15 +- comm_cost: 0.4536458333333333 + complexity: 10 expressions: - - R+ - - SE- - - and(K-, or(SE-, N+)) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - K+ + - N+ + - R- + - S+ + - and(K-, SE-) + - and(S-, SE-) name: explored-12585 type: explored -- comm_cost: 0.46263888888888904 - complexity: 18 +- comm_cost: 0.4067708333333334 + complexity: 14 expressions: - - K+ - N+ - - R- + - S+ - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, SE+) + - or(K+, SE+) name: explored-12586 type: explored -- comm_cost: 0.5863281250000001 - complexity: 20 +- comm_cost: 0.656840277777778 + complexity: 12 expressions: - - K+ - N+ - - R- - - SE- - - and(K-, N-) - - and(K-, or(S+, SE+)) - - and(K-, or(S+, SE+)) - and(N-, R+) + - not(R-) + - or(N+, R-) + - or(S+, SE+) name: explored-12587 type: explored -- comm_cost: 0.7210937500000001 - complexity: 10 +- comm_cost: 0.3819097222222225 + complexity: 25 expressions: - - and(K-, not(R-)) - - and(and(S-, N-), not(R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - or(N+, not(R+)) name: explored-12588 type: explored -- comm_cost: 0.6617187500000001 - complexity: 11 +- comm_cost: 0.5688802083333334 + complexity: 22 expressions: + - K+ - R+ + - R- + - and(S-, SE-) + - and(or(K+, S-), not(R-)) - and(or(K+, S-), or(SE-, N+)) - - or(SE-, N+) + - or(K+, R-) name: explored-12589 type: explored -- comm_cost: 0.601388888888889 - complexity: 6 +- comm_cost: 0.6608611111111112 + complexity: 22 expressions: - - R- - - SE- - - and(S-, not(R-)) + - S+ + - SE+ + - and(K-, S+) + - and(N-, or(S+, R+)) + - and(SE-, or(K+, S-)) + - or(N+, not(R+)) + - or(S+, N+) name: explored-12590 type: explored -- comm_cost: 0.5813657407407409 - complexity: 17 - expressions: - - N+ - - SE- - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(N-, R+) - - or(K+, SE+) - name: explored-12591 - type: explored -- comm_cost: 0.3266203703703705 +- comm_cost: 0.19635416666666694 complexity: 19 expressions: - - K+ - N+ - R- - - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - or(N+, R-) + name: explored-12591 + type: explored +- comm_cost: 0.667795138888889 + complexity: 24 + expressions: + - and(K-, N-) + - and(K-, or(S+, R-)) + - and(N-, or(K+, S-)) + - and(S-, N-) + - and(S-, or(SE-, N+)) - or(K+, R+) name: explored-12592 type: explored -- comm_cost: 0.36093750000000036 - complexity: 12 +- comm_cost: 0.2083333333333336 + complexity: 10 expressions: - - K+ - - N+ - R- - - S+ - - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-12593 type: explored -- comm_cost: 0.7438888888888889 - complexity: 11 +- comm_cost: 0.6803188657407409 + complexity: 33 expressions: - - SE- - - or(K+, S-) - - or(and(S-, SE-), or(N+, R-)) + - K- + - and(K-, S+) + - and(K-, not(R-)) + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) + - or(K+, R-) name: explored-12594 type: explored -- comm_cost: 0.36145833333333355 - complexity: 12 +- comm_cost: 0.5399305555555557 + complexity: 9 expressions: - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - R+ + - R- + - and(S-, or(N+, not(R+))) name: explored-12595 type: explored -- comm_cost: 0.394965277777778 - complexity: 11 +- comm_cost: 0.2147569444444446 + complexity: 19 expressions: - - K+ - N+ - R- - S+ - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) name: explored-12596 type: explored -- comm_cost: 0.34253472222222237 - complexity: 15 +- comm_cost: 0.6622480158730161 + complexity: 34 expressions: - - N+ - - R- + - SE- + - and(K-, not(R+)) + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(SE+, N-) + - and(N-, or(S+, R+)) + - or(K+, R-) + - or(N+, not(R+)) + - or(S+, or(N+, R-)) name: explored-12597 type: explored -- comm_cost: 0.4100694444444448 - complexity: 14 +- comm_cost: 0.6044618055555557 + complexity: 13 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - R+ + - SE- + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-12598 type: explored -- comm_cost: 0.3491319444444446 - complexity: 19 +- comm_cost: 0.5967534722222223 + complexity: 13 expressions: - - K+ - N+ - R- - - S+ - - and(K-, not(R+)) - - and(K-, or(S+, R+)) + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) + - or(K+, S-) name: explored-12599 type: explored -- comm_cost: 0.3875000000000002 - complexity: 13 +- comm_cost: 0.261516203703704 + complexity: 16 expressions: + - K+ + - N+ - R- - - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(SE+, N-) name: explored-12600 type: explored -- comm_cost: 0.552621527777778 - complexity: 12 +- comm_cost: 0.4614583333333335 + complexity: 24 expressions: - K+ - N+ - - N- - R- + - and(K-, S+) - and(N-, R+) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) + - or(K+, SE+) name: explored-12601 type: explored -- comm_cost: 0.6291666666666669 - complexity: 7 +- comm_cost: 0.3354166666666669 + complexity: 17 expressions: - - R- + - N+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-12602 type: explored -- comm_cost: 0.4027777777777779 - complexity: 21 +- comm_cost: 0.5697337962962964 + complexity: 16 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - and(and(K-, N-), not(R-)) name: explored-12603 type: explored -- comm_cost: 0.5416666666666667 - complexity: 10 +- comm_cost: 0.6085937500000002 + complexity: 17 expressions: + - N+ + - R+ - R- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) name: explored-12604 type: explored -- comm_cost: 0.5946180555555558 - complexity: 22 +- comm_cost: 0.4427083333333335 + complexity: 8 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) + - K+ + - N+ + - R+ + - R- + - S+ - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(K+, S-) name: explored-12605 type: explored -- comm_cost: 0.33654513888888915 - complexity: 16 +- comm_cost: 0.10572916666666687 + complexity: 13 expressions: - - K+ - - K+ - N+ - - R+ + - R- + - S+ - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) + - or(K+, R-) name: explored-12606 type: explored -- comm_cost: 0.7003472222222222 - complexity: 13 +- comm_cost: 0.578732638888889 + complexity: 19 expressions: + - N+ - R- - SE- - - and(N-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, N-) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-12607 type: explored -- comm_cost: 0.5082031250000001 - complexity: 12 +- comm_cost: 0.28671875000000013 + complexity: 20 expressions: - - K+ - - K+ + - N+ + - R+ - R- - S+ - - and(N-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-12608 type: explored -- comm_cost: 0.12222222222222245 - complexity: 18 +- comm_cost: 0.5015885416666668 + complexity: 23 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) + - S- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) + - or(K+, S-) + - or(and(K-, S+), or(N+, R-)) name: explored-12609 type: explored -- comm_cost: 0.6416666666666668 - complexity: 13 +- comm_cost: 0.3265625000000002 + complexity: 20 expressions: - - R+ - - SE- - - and(N-, not(R-)) - - and(N-, or(K+, R+)) - - not(R+) + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-12610 type: explored -- comm_cost: 0.3906250000000002 - complexity: 13 +- comm_cost: 0.37806712962962985 + complexity: 20 expressions: - N+ - R- - - SE- + - S+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-12611 type: explored -- comm_cost: 0.4256944444444446 - complexity: 15 +- comm_cost: 0.6971354166666668 + complexity: 6 expressions: - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(SE-, N+) + - SE- + - and(K-, not(R-)) name: explored-12612 type: explored -- comm_cost: 0.45729166666666676 - complexity: 7 +- comm_cost: 0.5668692129629631 + complexity: 15 expressions: - N+ - - R+ - - R- - SE- - - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-12613 type: explored -- comm_cost: 0.7359375000000001 - complexity: 21 +- comm_cost: 0.7291666666666667 + complexity: 15 expressions: - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-12614 type: explored -- comm_cost: 0.682638888888889 - complexity: 13 +- comm_cost: 0.3757812500000004 + complexity: 27 expressions: - - SE- - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - N+ + - R- + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(SE-, N+) name: explored-12615 type: explored -- comm_cost: 0.6396296296296298 - complexity: 12 +- comm_cost: 0.23802083333333357 + complexity: 9 expressions: - K+ - - N+ + - R+ - R- - and(N-, R+) - - or(K+, R+) - - or(S+, SE+) + - and(S-, SE-) name: explored-12616 type: explored -- comm_cost: 0.6444444444444445 - complexity: 7 +- comm_cost: 0.6620659722222223 + complexity: 6 expressions: - - R+ - - and(S-, SE-) - - or(K+, K-) + - K+ + - R- + - SE- + - or(K+, SE+) name: explored-12617 type: explored -- comm_cost: 0.4800347222222223 - complexity: 14 +- comm_cost: 0.7015625 + complexity: 7 expressions: - N+ - - S+ - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - or(SE-, N+) name: explored-12618 type: explored -- comm_cost: 0.5749479166666668 +- comm_cost: 0.37795138888888924 complexity: 12 expressions: - N+ - - R- - - S+ - - and(K-, not(R-)) - - and(S-, SE-) - - not(R-) + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - or(N+, R-) name: explored-12619 type: explored -- comm_cost: 0.7097858796296297 - complexity: 28 +- comm_cost: 0.3056423611111114 + complexity: 15 expressions: - - and(K-, S+) - - and(N-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - not(R+) name: explored-12620 type: explored -- comm_cost: 0.6616319444444446 - complexity: 7 +- comm_cost: 0.6303819444444445 + complexity: 31 expressions: - - SE- - - and(N-, R+) - - or(K+, K-) + - K+ + - N- + - and(K-, SE-) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) + - or(S+, N+) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-12621 type: explored -- comm_cost: 0.42118055555555567 - complexity: 18 +- comm_cost: 0.5804687500000001 + complexity: 7 expressions: + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - and(N-, not(R-)) name: explored-12622 type: explored -- comm_cost: 0.30086805555555585 - complexity: 16 +- comm_cost: 0.43458333333333365 + complexity: 14 expressions: - - K+ - N+ - - R- - - and(K-, not(R+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - and(S-, or(SE-, N+)) + - or(N+, not(R+)) name: explored-12623 type: explored -- comm_cost: 0.3659722222222226 - complexity: 16 +- comm_cost: 0.31614583333333357 + complexity: 14 expressions: + - K+ + - N+ - N+ - R- - - and(K-, not(R+)) + - SE- - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(and(S-, N-), not(R-)) name: explored-12624 type: explored -- comm_cost: 0.4955729166666667 - complexity: 18 +- comm_cost: 0.3585069444444444 + complexity: 14 expressions: - K+ - - N+ - R- - - and(N-, R+) + - SE+ + - and(K-, S+) + - and(K-, or(S+, N+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) name: explored-12625 type: explored -- comm_cost: 0.32916666666666694 - complexity: 10 +- comm_cost: 0.4179253472222224 + complexity: 27 expressions: - - S+ + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-12626 type: explored -- comm_cost: 0.733420138888889 - complexity: 11 +- comm_cost: 0.6744618055555556 + complexity: 37 expressions: + - S+ - SE- - - and(N-, or(K+, S-)) - - or(S+, or(N+, R-)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - not(R+) + - or(K+, K-) + - or(K+, R-) + - or(K+, SE+) name: explored-12627 type: explored -- comm_cost: 0.5489583333333334 - complexity: 6 +- comm_cost: 0.4057581018518521 + complexity: 15 expressions: - - R+ - - SE- - - and(S-, not(R+)) + - N+ + - R- + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - and(SE+, N-) name: explored-12628 type: explored -- comm_cost: 0.740625 - complexity: 5 +- comm_cost: 0.3651041666666668 + complexity: 13 expressions: - - R- - - SE- - - or(SE-, N+) + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-12629 type: explored -- comm_cost: 0.587152777777778 - complexity: 6 +- comm_cost: 0.20995370370370392 + complexity: 23 expressions: - - R+ - - SE- - - and(K-, not(R+)) + - K+ + - N+ + - R- + - SE+ + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-12630 type: explored -- comm_cost: 0.567013888888889 - complexity: 8 +- comm_cost: 0.6059895833333334 + complexity: 9 expressions: + - N+ - R+ - R- - - SE- - - or(K+, or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-12631 type: explored -- comm_cost: 0.37992708333333347 - complexity: 14 +- comm_cost: 0.6850115740740742 + complexity: 16 expressions: - - K+ - - N+ - - R- - - S+ - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - R+ + - and(K-, or(S+, N+)) + - and(S-, not(R-)) + - and(or(K+, S-), not(R-)) name: explored-12632 type: explored -- comm_cost: 0.6291666666666669 - complexity: 8 +- comm_cost: 0.5666666666666668 + complexity: 10 expressions: - - K+ - N+ - - and(N-, R+) - - or(S+, SE+) + - SE- + - and(N-, or(K+, SE+)) + - and(S-, N-) name: explored-12633 type: explored -- comm_cost: 0.43385416666666676 +- comm_cost: 0.27656250000000016 complexity: 15 expressions: + - K+ + - K+ - N+ + - R- - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) name: explored-12634 type: explored -- comm_cost: 0.6233217592592595 - complexity: 11 +- comm_cost: 0.47743055555555547 + complexity: 14 expressions: - - R+ - - R- + - K+ + - N+ - R- - S+ + - and(S-, SE-) - or(and(K-, S+), or(N+, R-)) name: explored-12635 type: explored -- comm_cost: 0.18958333333333366 - complexity: 15 +- comm_cost: 0.47395833333333326 + complexity: 10 expressions: - - K+ - - K+ - N+ - R- - S+ - - and(K-, S+) - - and(N-, R+) - - and(S-, not(R+)) + - S+ + - and(K-, SE-) + - and(S-, SE-) name: explored-12636 type: explored -- comm_cost: 0.5218750000000001 - complexity: 3 +- comm_cost: 0.8083333333333333 + complexity: 5 expressions: - - R+ - - R- - SE- + - SE- + - or(S+, N+) name: explored-12637 type: explored -- comm_cost: 0.36099537037037077 - complexity: 19 +- comm_cost: 0.47968750000000004 + complexity: 7 expressions: - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - or(S+, R+) name: explored-12638 type: explored -- comm_cost: 0.7402777777777778 - complexity: 7 +- comm_cost: 0.5416666666666669 + complexity: 10 expressions: - - R+ - - or(K+, K-) - - or(S+, N+) + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-12639 type: explored -- comm_cost: 0.7193576388888889 - complexity: 12 +- comm_cost: 0.10312500000000013 + complexity: 15 expressions: + - K+ + - K+ - N+ - - SE- - - and(SE-, or(K+, S-)) - - or(S+, or(N+, R-)) + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-12640 type: explored -- comm_cost: 0.616232638888889 - complexity: 17 +- comm_cost: 0.729837962962963 + complexity: 6 expressions: - - and(K-, not(R-)) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, or(K+, R+)) + - K- + - R+ + - and(S-, not(R-)) name: explored-12641 type: explored -- comm_cost: 0.3777633101851853 - complexity: 23 +- comm_cost: 0.6411458333333335 + complexity: 15 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(S+, or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-12642 type: explored -- comm_cost: 0.4870659722222225 - complexity: 18 +- comm_cost: 0.4574074074074075 + complexity: 14 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, SE+)) + - and(S-, N-) + - and(S-, SE-) name: explored-12643 type: explored -- comm_cost: 0.34479166666666705 - complexity: 23 +- comm_cost: 0.4939380787037039 + complexity: 20 expressions: - K+ - N+ - R- - SE- - and(N-, R+) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12644 type: explored -- comm_cost: 0.7074652777777779 - complexity: 13 +- comm_cost: 0.5432291666666668 + complexity: 8 expressions: - - SE- - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, N-) name: explored-12645 type: explored -- comm_cost: 0.5992390046296298 - complexity: 32 +- comm_cost: 0.6952604166666667 + complexity: 15 expressions: - R+ - R- - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, N-) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - - or(K+, R+) + - and(K-, or(S+, SE+)) + - and(K-, or(S+, SE+)) + - not(R-) name: explored-12646 type: explored -- comm_cost: 0.7744791666666667 - complexity: 9 - expressions: - - and(or(K+, S-), not(R-)) - - or(SE-, N+) - name: explored-12647 - type: explored -- comm_cost: 0.41166666666666685 - complexity: 11 +- comm_cost: 0.4983333333333335 + complexity: 15 expressions: + - K+ - N+ - - N- - - and(K-, S+) + - R- - and(N-, R+) - and(S-, SE-) + - not(R-) + - or(N+, not(R+)) + name: explored-12647 + type: explored +- comm_cost: 0.6639756944444446 + complexity: 12 + expressions: + - R+ + - SE- + - and(N-, or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-12648 type: explored -- comm_cost: 0.5414930555555557 - complexity: 18 +- comm_cost: 0.5082870370370373 + complexity: 20 expressions: - N+ - - R- - - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, not(R+)) - - or(K+, K-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) + - or(S+, R-) name: explored-12649 type: explored -- comm_cost: 0.4275868055555557 - complexity: 15 +- comm_cost: 0.279166666666667 + complexity: 10 expressions: - K+ - - K+ - - N+ - - S+ - - SE- - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - or(S+, N+) name: explored-12650 type: explored -- comm_cost: 0.6330381944444445 - complexity: 33 +- comm_cost: 0.2484375000000003 + complexity: 17 expressions: - K+ - - R+ - and(K-, or(S+, N+)) - - and(N-, or(K+, R+)) - - and(S-, N-) - - and(and(K-, N-), or(S+, SE+)) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-12651 type: explored -- comm_cost: 0.563715277777778 - complexity: 13 +- comm_cost: 0.5277604166666668 + complexity: 16 expressions: - - K+ - - R+ - R- - - SE- - - and(K-, not(R+)) - - and(N-, or(S+, R+)) + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-12652 type: explored -- comm_cost: 0.40347222222222234 - complexity: 18 +- comm_cost: 0.5299479166666667 + complexity: 15 expressions: - - N+ + - R+ - R- - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(K-, or(S+, R-)) + - and(S-, not(R+)) + - or(N+, R-) name: explored-12653 type: explored -- comm_cost: 0.5812847222222224 - complexity: 12 +- comm_cost: 0.47615740740740753 + complexity: 15 expressions: - - R+ - - SE- - - and(K-, SE-) + - K+ + - K- + - N+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, R+) name: explored-12654 type: explored -- comm_cost: 0.75 - complexity: 7 +- comm_cost: 0.3559895833333335 + complexity: 15 expressions: - - and(K-, not(R-)) - - or(K+, SE+) + - K+ + - K+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-12655 type: explored -- comm_cost: 0.4583333333333335 - complexity: 9 +- comm_cost: 0.5796875 + complexity: 18 expressions: - - R+ - - and(K-, or(S+, N+)) + - K+ + - N+ + - R- + - and(K-, not(R-)) - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12656 type: explored -- comm_cost: 0.491388888888889 - complexity: 23 +- comm_cost: 0.29765625000000007 + complexity: 19 expressions: + - K+ + - K+ - N+ - R- + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, SE+) + - and(SE+, N-) name: explored-12657 type: explored -- comm_cost: 0.668129050925926 - complexity: 23 +- comm_cost: 0.5598958333333335 + complexity: 15 expressions: - - SE+ + - R+ + - R- - SE- - - and(SE+, N-) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - or(S+, SE+) - - or(SE-, N+) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-12658 type: explored -- comm_cost: 0.18576388888888917 - complexity: 18 +- comm_cost: 0.29305555555555585 + complexity: 19 expressions: - - N+ - R- - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(SE-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-12659 type: explored -- comm_cost: 0.20312500000000022 - complexity: 12 +- comm_cost: 0.8354166666666667 + complexity: 5 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - and(K-, or(SE-, N+)) name: explored-12660 type: explored -- comm_cost: 0.45504629629629645 - complexity: 16 +- comm_cost: 0.4443865740740742 + complexity: 21 expressions: - - K+ - N+ - - N- - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) name: explored-12661 type: explored -- comm_cost: 0.4925694444444446 +- comm_cost: 0.3695312500000002 complexity: 19 expressions: + - K+ - N+ - R- + - S+ + - and(K-, not(R-)) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - not(R+) - - not(R-) name: explored-12662 type: explored -- comm_cost: 0.6144097222222222 - complexity: 12 +- comm_cost: 0.15937500000000027 + complexity: 13 expressions: - N+ - R- - - SE- - - and(K-, or(S+, R-)) - - and(S-, not(R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-12663 type: explored -- comm_cost: 0.4006655092592595 - complexity: 18 +- comm_cost: 0.7041666666666667 + complexity: 5 expressions: - - N+ - - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - S- + - SE- + - and(S-, N-) name: explored-12664 type: explored -- comm_cost: 0.5367187500000001 - complexity: 7 +- comm_cost: 0.6070312500000002 + complexity: 10 expressions: - R- - - and(S-, SE-) - - or(K+, SE+) + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-12665 type: explored -- comm_cost: 0.4984375 - complexity: 10 +- comm_cost: 0.519791666666667 + complexity: 7 expressions: - - K+ - N+ - - R- - - and(S-, SE-) - - and(S-, not(R+)) + - and(N-, R+) + - or(K+, N+) name: explored-12666 type: explored -- comm_cost: 0.12552083333333353 - complexity: 21 +- comm_cost: 0.5132812500000002 + complexity: 13 expressions: - - K+ - N+ - R- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(N-, or(S+, SE+)) name: explored-12667 type: explored -- comm_cost: 0.32690972222222237 - complexity: 15 +- comm_cost: 0.6223379629629632 + complexity: 10 expressions: - - N+ - - R- - - S+ - - SE+ + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(S-, N-) + - or(S+, R+) name: explored-12668 type: explored -- comm_cost: 0.4081250000000002 - complexity: 11 +- comm_cost: 0.41996527777777815 + complexity: 13 expressions: - - K+ - - K- - N+ - - R- - S+ + - SE- - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-12669 type: explored -- comm_cost: 0.7020833333333334 - complexity: 16 +- comm_cost: 0.3131250000000003 + complexity: 18 expressions: - - K- - - SE+ - - and(K-, SE-) - - and(N-, or(K+, S-)) - - or(K+, R+) - - or(S+, R-) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(N+, not(R+)) name: explored-12670 type: explored -- comm_cost: 0.8 - complexity: 2 +- comm_cost: 0.7267361111111112 + complexity: 5 expressions: - - K- - - N- + - R+ + - S+ + - or(K+, K-) name: explored-12671 type: explored -- comm_cost: 0.5868923611111113 - complexity: 14 +- comm_cost: 0.4985243055555557 + complexity: 19 expressions: - - K+ - - R+ + - N+ - R- - SE- - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12672 type: explored -- comm_cost: 0.32193287037037055 - complexity: 16 +- comm_cost: 0.5299537037037039 + complexity: 15 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, not(R+)) + - SE- - and(N-, R+) - - and(SE+, N-) + - or(K+, or(N+, R-)) + - or(S+, SE+) name: explored-12673 type: explored -- comm_cost: 0.15000000000000036 +- comm_cost: 0.6180555555555556 complexity: 12 expressions: - - K+ - - R- + - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(K-, not(R-)) + - and(K-, or(S+, R-)) name: explored-12674 type: explored -- comm_cost: 0.6877314814814816 - complexity: 29 +- comm_cost: 0.6909722222222223 + complexity: 13 expressions: - R+ - - S+ - - and(K-, N-) - - and(K-, or(S+, R-)) - - and(S-, or(SE-, N+)) - - or(K+, K-) - - or(K+, N+) + - and(K-, not(R-)) + - or(S+, N+) - or(S+, or(N+, R-)) - - or(SE-, N+) name: explored-12675 type: explored -- comm_cost: 0.3923611111111114 +- comm_cost: 0.574189814814815 complexity: 11 expressions: - N+ + - R+ - R- + - SE+ - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) + - and(and(K-, N-), not(R-)) name: explored-12676 type: explored -- comm_cost: 0.32343750000000027 - complexity: 8 +- comm_cost: 0.4927083333333334 + complexity: 13 expressions: - K+ - - N+ - - R- + - K+ - R- - S+ - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-12677 type: explored -- comm_cost: 0.2805555555555559 - complexity: 18 +- comm_cost: 0.13680555555555585 + complexity: 16 expressions: - K+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-12678 type: explored -- comm_cost: 0.3640625000000002 +- comm_cost: 0.46067708333333357 complexity: 18 expressions: - K+ - N+ - - R- - S+ - - and(K-, or(S+, R+)) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) + - and(or(K+, S-), not(R-)) name: explored-12679 type: explored -- comm_cost: 0.6815972222222224 - complexity: 9 +- comm_cost: 0.322135416666667 + complexity: 17 expressions: - - R+ + - K+ - R- - - or(and(K-, S+), or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12680 type: explored -- comm_cost: 0.08593750000000022 - complexity: 17 +- comm_cost: 0.45763888888888915 + complexity: 8 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(S-, N-) name: explored-12681 type: explored -- comm_cost: 0.47083333333333355 - complexity: 12 +- comm_cost: 0.5584490740740743 + complexity: 25 expressions: - - K+ + - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - and(N-, or(K+, S-)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12682 type: explored -- comm_cost: 0.4020833333333337 - complexity: 15 +- comm_cost: 0.75 + complexity: 13 expressions: - - N+ - - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(S-, or(SE-, N+)) + - and(K-, or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12683 type: explored -- comm_cost: 0.6585069444444446 - complexity: 12 +- comm_cost: 0.5631944444444447 + complexity: 7 expressions: - N+ - R+ - - R- - SE- - - or(K+, K-) - - or(K+, or(N+, R-)) + - SE- + - and(K-, SE-) name: explored-12684 type: explored -- comm_cost: 0.7217708333333335 +- comm_cost: 0.5934722222222224 complexity: 9 expressions: + - K+ + - K- + - K- + - N+ + - R- - SE- - - and(and(S-, N-), not(R-)) - - not(R-) + - and(N-, R+) name: explored-12685 type: explored -- comm_cost: 0.5104166666666669 - complexity: 18 +- comm_cost: 0.358217592592593 + complexity: 10 expressions: + - N+ - R- - - SE- - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - not(R+) + - or(S+, R-) name: explored-12686 type: explored -- comm_cost: 0.6551215277777779 - complexity: 11 +- comm_cost: 0.4442708333333335 + complexity: 7 expressions: - - R+ + - K+ + - N+ - R- - SE- - - and(N-, not(R-)) - - or(N+, not(R+)) + - and(SE+, N-) name: explored-12687 type: explored -- comm_cost: 0.45763888888888915 - complexity: 17 +- comm_cost: 0.3606307870370373 + complexity: 27 expressions: + - K+ - N+ + - R- + - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) name: explored-12688 type: explored -- comm_cost: 0.37213541666666683 - complexity: 23 +- comm_cost: 0.3401041666666671 + complexity: 16 expressions: - K+ - N+ - - R- - - SE+ - - and(K-, S+) - - and(K-, or(S+, SE+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - or(SE-, N+) name: explored-12689 type: explored -- comm_cost: 0.5680555555555556 - complexity: 13 +- comm_cost: 0.6950520833333335 + complexity: 9 expressions: - N+ - - R- + - S- - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) + - and(or(K+, S-), not(R-)) name: explored-12690 type: explored -- comm_cost: 0.4456597222222225 - complexity: 14 +- comm_cost: 0.726388888888889 + complexity: 9 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, not(R+)) - - and(N-, R+) - - or(K+, R+) + - R+ + - and(N-, or(S+, SE+)) + - or(S+, R-) name: explored-12691 type: explored -- comm_cost: 0.6756944444444445 - complexity: 12 +- comm_cost: 0.4632812500000002 + complexity: 14 expressions: - N+ - - R+ - - R- - SE- - - and(K-, or(S+, SE+)) - - or(K+, K-) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, not(R+)) name: explored-12692 type: explored -- comm_cost: 0.16319444444444464 - complexity: 17 +- comm_cost: 0.5047453703703705 + complexity: 18 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, not(R-)) - and(S-, SE-) + - or(K+, K-) name: explored-12693 type: explored -- comm_cost: 0.6548611111111113 - complexity: 7 +- comm_cost: 0.32187500000000036 + complexity: 8 expressions: - - N+ + - K+ + - R- + - and(K-, SE-) - and(N-, R+) - - or(K+, R+) name: explored-12694 type: explored -- comm_cost: 0.470138888888889 - complexity: 17 +- comm_cost: 0.3826388888888891 + complexity: 18 expressions: - - K+ - - N+ - - R- - - SE- - - and(K-, N-) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-12695 type: explored -- comm_cost: 0.5234375000000001 - complexity: 15 +- comm_cost: 0.5896122685185187 + complexity: 20 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(K+, SE+) + - SE+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), or(S+, SE+)) name: explored-12696 type: explored -- comm_cost: 0.5870659722222223 +- comm_cost: 0.43524305555555587 complexity: 9 expressions: - K+ - - R+ - R- - SE- - - and(N-, or(S+, SE+)) + - and(N-, R+) + - or(K+, R-) name: explored-12697 type: explored -- comm_cost: 0.5091145833333336 - complexity: 21 +- comm_cost: 0.4920138888888891 + complexity: 19 expressions: + - N+ - R- - - SE- + - and(K-, not(R-)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) - not(R+) name: explored-12698 type: explored -- comm_cost: 0.5122395833333335 - complexity: 20 +- comm_cost: 0.6553819444444445 + complexity: 16 expressions: - - K+ - - N+ - - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(K+, N+) + - S+ + - and(N-, or(S+, R+)) + - and(S-, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-12699 type: explored -- comm_cost: 0.5859375000000002 - complexity: 11 +- comm_cost: 0.6396875000000001 + complexity: 7 expressions: - - K+ - - N+ - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) + - R+ + - and(S-, SE-) + - or(K+, S-) name: explored-12700 type: explored -- comm_cost: 0.5024305555555557 - complexity: 12 +- comm_cost: 0.5675 + complexity: 9 expressions: - N+ - - N+ - - R+ - R- - SE- - - and(SE-, or(K+, S-)) - - not(R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-12701 type: explored -- comm_cost: 0.587326388888889 - complexity: 8 +- comm_cost: 0.26718750000000036 + complexity: 11 expressions: - - R+ - - SE- - - and(K-, S+) - - and(S-, N-) + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-12702 type: explored -- comm_cost: 0.6118923611111113 - complexity: 9 +- comm_cost: 0.4555555555555557 + complexity: 14 expressions: - - SE- + - N+ + - N- - and(N-, R+) - - not(R+) - - or(S+, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-12703 type: explored -- comm_cost: 0.3567708333333335 - complexity: 20 +- comm_cost: 0.44453125000000027 + complexity: 10 expressions: - K+ - - N+ - R- - - S+ - - and(K-, or(S+, SE+)) + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - not(R+) name: explored-12704 type: explored -- comm_cost: 0.7048611111111114 - complexity: 6 +- comm_cost: 0.6223379629629632 + complexity: 13 expressions: - - and(N-, R+) - - or(K+, R+) + - R+ + - S+ + - SE- + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-12705 type: explored -- comm_cost: 0.7223635085978837 - complexity: 31 +- comm_cost: 0.5453993055555557 + complexity: 19 expressions: - - K- - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - or(K+, K-) - - or(S+, N+) - - or(S+, or(N+, R-)) + - N+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(K+, N+) name: explored-12706 type: explored -- comm_cost: 0.6810763888888891 - complexity: 7 +- comm_cost: 0.40243055555555585 + complexity: 13 expressions: - - and(K-, not(R+)) - - and(SE+, N-) + - N+ + - R- + - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) name: explored-12707 type: explored -- comm_cost: 0.41718750000000016 - complexity: 11 +- comm_cost: 0.47581018518518536 + complexity: 20 expressions: - K+ - - S+ + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(S-, N-), not(R-)) name: explored-12708 type: explored -- comm_cost: 0.557638888888889 - complexity: 14 +- comm_cost: 0.38437500000000036 + complexity: 12 expressions: + - K+ + - R- + - S+ - SE- - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, N+) + - and(SE-, or(K+, S-)) name: explored-12709 type: explored -- comm_cost: 0.5328125000000001 - complexity: 7 +- comm_cost: 0.0975694444444446 + complexity: 15 expressions: - - R+ + - N+ + - R- - R- - S+ - - SE- - - and(SE+, N-) - name: explored-12710 + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + name: explored-12710 type: explored -- comm_cost: 0.21828703703703722 - complexity: 16 +- comm_cost: 0.3250000000000003 + complexity: 14 expressions: - K+ - N+ - - R- - - R- + - and(K-, N-) - and(K-, S+) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) name: explored-12711 type: explored -- comm_cost: 0.42843750000000014 - complexity: 12 +- comm_cost: 0.428564814814815 + complexity: 14 expressions: + - K+ + - K- - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - or(S+, R-) name: explored-12712 type: explored -- comm_cost: 0.1990451388888892 - complexity: 24 +- comm_cost: 0.5378472222222224 + complexity: 11 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, or(N+, R-)) + - SE- + - or(and(K-, S+), or(N+, R-)) name: explored-12713 type: explored -- comm_cost: 0.7151510416666668 - complexity: 31 +- comm_cost: 0.3744791666666667 + complexity: 19 expressions: - - K- - - and(K-, or(S+, SE+)) - - and(N-, or(K+, SE+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) - - or(SE-, N+) + - K+ + - N+ + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, R+) name: explored-12714 type: explored -- comm_cost: 0.19583333333333353 - complexity: 12 +- comm_cost: 0.22326388888888915 + complexity: 17 expressions: - N+ + - R- + - S+ - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-12715 type: explored -- comm_cost: 0.19218750000000018 - complexity: 21 +- comm_cost: 0.6798611111111112 + complexity: 14 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, R-) + - SE- + - and(K-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-12716 type: explored -- comm_cost: 0.6875 - complexity: 9 +- comm_cost: 0.6630208333333335 + complexity: 14 expressions: - - N+ - - R- - - and(or(K+, S-), or(SE-, N+)) + - R+ + - SE- + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) + - not(R+) name: explored-12717 type: explored -- comm_cost: 0.21510416666666698 +- comm_cost: 0.3444444444444448 complexity: 13 expressions: - K+ - - R- - - and(K-, or(S+, R-)) + - K+ + - N+ + - S+ - and(N-, R+) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-12718 type: explored -- comm_cost: 0.4373553240740742 - complexity: 19 +- comm_cost: 0.68 + complexity: 2 expressions: - N+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - N- name: explored-12719 type: explored -- comm_cost: 0.526857638888889 - complexity: 25 +- comm_cost: 0.3884259259259262 + complexity: 19 expressions: - K+ + - K+ - N+ - R- - - and(K-, N-) - - and(K-, S+) + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, or(N+, R-)) name: explored-12720 type: explored -- comm_cost: 0.377777777777778 - complexity: 12 +- comm_cost: 0.636388888888889 + complexity: 26 expressions: - - N+ - - R- - - SE+ - - and(N-, R+) + - K- + - SE- + - and(S-, N-) - and(S-, SE-) - and(SE+, N-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-12721 type: explored -- comm_cost: 0.49328703703703725 - complexity: 17 +- comm_cost: 0.6867187500000002 + complexity: 18 expressions: - - K+ - - N+ - - R- - - SE- - - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R-) name: explored-12722 type: explored -- comm_cost: 0.40243055555555585 - complexity: 13 +- comm_cost: 0.5426099537037039 + complexity: 15 expressions: + - K+ - N+ - R- - S+ - - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - or(K+, S-) + - or(K+, or(N+, R-)) name: explored-12723 type: explored -- comm_cost: 0.6620445601851853 - complexity: 37 +- comm_cost: 0.49583333333333357 + complexity: 13 expressions: - - K+ - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) + - N+ + - R- + - and(N-, R+) - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - not(R+) - - not(R-) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, N+) name: explored-12724 type: explored -- comm_cost: 0.5197916666666669 - complexity: 10 +- comm_cost: 0.7708333333333333 + complexity: 5 expressions: - - K+ - - N+ - - R+ - - R- - - SE- - - or(K+, or(N+, R-)) + - and(S-, SE-) + - not(R+) name: explored-12725 type: explored -- comm_cost: 0.41875000000000007 - complexity: 9 +- comm_cost: 0.4504629629629632 + complexity: 26 expressions: - N+ - - and(N-, or(K+, SE+)) + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-12726 type: explored -- comm_cost: 0.5177083333333334 - complexity: 14 +- comm_cost: 0.6385995370370372 + complexity: 36 expressions: + - K+ + - N+ - R+ - - R- - - SE- - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) + - or(S+, R-) name: explored-12727 type: explored -- comm_cost: 0.6548900462962963 - complexity: 23 +- comm_cost: 0.7867187500000001 + complexity: 10 expressions: - - S+ - - and(K-, or(S+, R+)) - - and(S-, N-) - - and(SE-, or(K+, S-)) - - not(R+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) name: explored-12728 type: explored -- comm_cost: 0.6636574074074075 +- comm_cost: 0.6322916666666668 complexity: 13 expressions: - - R- - - and(S-, N-) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - N+ + - SE- + - and(K-, or(S+, N+)) + - and(and(K-, N-), not(R-)) name: explored-12729 type: explored -- comm_cost: 0.7541666666666668 - complexity: 6 +- comm_cost: 0.7139265046296297 + complexity: 24 expressions: - - SE+ - - and(N-, or(S+, R+)) + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) + - and(S-, N-) + - and(or(K+, S-), not(R-)) + - not(R-) + - or(S+, R-) name: explored-12730 type: explored -- comm_cost: 0.3798611111111113 - complexity: 20 +- comm_cost: 0.5956597222222224 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R+)) + - R+ + - and(K-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, R+) name: explored-12731 type: explored -- comm_cost: 0.4183449074074076 - complexity: 19 +- comm_cost: 0.5126736111111113 + complexity: 12 expressions: - - K+ - N+ - R- - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) + - or(N+, R-) name: explored-12732 type: explored -- comm_cost: 0.6562500000000001 - complexity: 7 +- comm_cost: 0.299652777777778 + complexity: 15 expressions: - - R- + - K+ + - and(K-, or(S+, R+)) - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - or(N+, R-) name: explored-12733 type: explored -- comm_cost: 0.6309895833333335 - complexity: 9 - expressions: - - R+ - - and(SE-, or(K+, S-)) - - or(SE-, N+) - name: explored-12734 - type: explored -- comm_cost: 0.43029513888888904 - complexity: 20 +- comm_cost: 0.33750000000000013 + complexity: 11 expressions: - - K+ - - K+ - - N+ + - R- - S+ - - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-12735 + - and(SE+, N-) + name: explored-12734 type: explored -- comm_cost: 0.6388020833333334 - complexity: 4 +- comm_cost: 0.6067708333333334 + complexity: 10 expressions: - - K+ + - N+ - R+ - - S- - SE- + - and(K-, not(R-)) + - or(K+, R-) + name: explored-12735 + type: explored +- comm_cost: 0.6875752314814816 + complexity: 42 + expressions: + - N+ + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), not(R-)) + - or(K+, S-) + - or(K+, or(N+, R-)) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-12736 type: explored -- comm_cost: 0.27552083333333366 - complexity: 20 +- comm_cost: 0.32812500000000033 + complexity: 17 expressions: - - K+ - N+ - R- - S+ + - SE- + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) name: explored-12737 type: explored -- comm_cost: 0.6666087962962964 - complexity: 12 +- comm_cost: 0.5581597222222224 + complexity: 17 expressions: - - R+ - - and(K-, N-) - - and(and(K-, N-), not(R-)) - - not(R+) + - N+ + - SE- + - and(N-, R+) + - and(N-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12738 type: explored -- comm_cost: 0.5229166666666668 - complexity: 17 +- comm_cost: 0.5424479166666668 + complexity: 13 expressions: + - K+ + - K+ - N+ - - R+ - R- - - SE- - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) - - or(K+, R-) + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) name: explored-12739 type: explored -- comm_cost: 0.6197916666666667 - complexity: 11 - expressions: - - SE- - - and(N-, or(K+, SE+)) - - and(S-, or(SE-, N+)) - name: explored-12740 - type: explored -- comm_cost: 0.5819444444444446 - complexity: 9 +- comm_cost: 0.09843750000000018 + complexity: 14 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - SE- - - or(K+, R+) - - or(N+, R-) - name: explored-12741 + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) + name: explored-12740 type: explored -- comm_cost: 0.08593750000000022 - complexity: 15 +- comm_cost: 0.10312500000000036 + complexity: 17 expressions: - K+ - N+ - R- - and(K-, S+) - - and(K-, SE-) - and(N-, R+) - and(S-, SE-) + - and(S-, or(SE-, N+)) + name: explored-12741 + type: explored +- comm_cost: 0.6230555555555557 + complexity: 11 + expressions: + - SE- + - and(K-, not(R+)) + - and(N-, R+) + - or(K+, S-) name: explored-12742 type: explored -- comm_cost: 0.5885416666666669 - complexity: 9 +- comm_cost: 0.36875 + complexity: 15 expressions: - K+ - - R+ - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-12743 type: explored -- comm_cost: 0.6925462962962964 - complexity: 14 +- comm_cost: 0.7359375000000001 + complexity: 3 expressions: - - and(K-, or(S+, R+)) - - and(and(S-, N-), not(R-)) - - or(K+, S-) + - R+ + - R- + - SE+ name: explored-12744 type: explored -- comm_cost: 0.27708333333333357 - complexity: 11 +- comm_cost: 0.33854166666666674 + complexity: 25 expressions: + - K+ - N+ + - R- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) name: explored-12745 type: explored -- comm_cost: 0.5242708333333335 - complexity: 7 +- comm_cost: 0.48463541666666676 + complexity: 11 expressions: - N+ - - N- - - R+ - R- + - SE- + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-12746 type: explored -- comm_cost: 0.5979629629629631 - complexity: 14 +- comm_cost: 0.25781250000000033 + complexity: 13 expressions: - - K+ - N+ - - SE- - - and(K-, or(S+, R+)) + - R- + - and(K-, SE-) - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) + - not(R+) name: explored-12747 type: explored -- comm_cost: 0.6203125000000002 - complexity: 10 +- comm_cost: 0.6279050925925926 + complexity: 15 expressions: - N+ + - R+ - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) + - SE- + - and(K-, or(S+, N+)) + - or(K+, S-) + - or(S+, R-) name: explored-12748 type: explored -- comm_cost: 0.2859375000000003 - complexity: 11 +- comm_cost: 0.6596875000000002 + complexity: 10 expressions: - - N+ - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, not(R+)) + - R+ + - and(K-, or(S+, N+)) + - or(N+, not(R+)) name: explored-12749 type: explored -- comm_cost: 0.6579861111111113 - complexity: 11 +- comm_cost: 0.4243055555555557 + complexity: 16 expressions: + - K+ - N+ + - R- - SE- - - and(K-, not(R-)) - and(N-, R+) - - not(R-) + - and(and(K-, N-), not(R-)) + - or(S+, N+) name: explored-12750 type: explored -- comm_cost: 0.5746875 - complexity: 10 - expressions: - - R- - - S+ - - and(K-, S+) - - and(S-, SE-) - - not(R-) - name: explored-12751 - type: explored -- comm_cost: 0.7132986111111113 - complexity: 15 +- comm_cost: 0.6322916666666669 + complexity: 6 expressions: - R+ - SE- - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) - - or(K+, S-) - name: explored-12752 + - SE- + - or(S+, N+) + name: explored-12751 type: explored -- comm_cost: 0.525277777777778 - complexity: 16 +- comm_cost: 0.40390625000000013 + complexity: 18 expressions: - K+ - R- - - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - not(R-) - - or(S+, SE+) + name: explored-12752 + type: explored +- comm_cost: 0.80625 + complexity: 4 + expressions: + - S+ + - or(K+, K-) name: explored-12753 type: explored -- comm_cost: 0.6067546296296298 - complexity: 12 +- comm_cost: 0.3437500000000002 + complexity: 15 expressions: - N+ - - N+ - - R+ - R- - - SE- - - and(S-, not(R-)) - - or(S+, SE+) + - SE+ + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-12754 type: explored -- comm_cost: 0.3225694444444446 +- comm_cost: 0.5062500000000002 complexity: 13 expressions: - - N+ - R- - - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(S-, SE-) + - or(K+, S-) name: explored-12755 type: explored -- comm_cost: 0.15972222222222254 - complexity: 11 +- comm_cost: 0.4007812500000001 + complexity: 16 expressions: - K+ - - K+ - N+ - R- - - SE- - - and(N-, R+) + - and(K-, or(S+, N+)) + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-12756 type: explored -- comm_cost: 0.3467303240740742 - complexity: 21 +- comm_cost: 0.3246527777777781 + complexity: 17 expressions: - - K+ - N+ - - and(K-, S+) - - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-12757 type: explored -- comm_cost: 0.26093750000000016 - complexity: 15 +- comm_cost: 0.3437500000000002 + complexity: 7 expressions: - N+ - - N+ - R- - S+ + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) name: explored-12758 type: explored -- comm_cost: 0.5211805555555558 - complexity: 19 +- comm_cost: 0.6251736111111112 + complexity: 11 expressions: - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(N-, or(K+, S-)) + - or(S+, N+) name: explored-12759 type: explored -- comm_cost: 0.10625000000000018 - complexity: 16 +- comm_cost: 0.5822916666666668 + complexity: 9 expressions: - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - SE- + - and(N-, not(R-)) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-12760 type: explored -- comm_cost: 0.6414930555555556 - complexity: 12 +- comm_cost: 0.5682291666666668 + complexity: 15 expressions: - R- - SE- - - and(K-, or(S+, N+)) - - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-12761 type: explored -- comm_cost: 0.5135416666666668 - complexity: 12 +- comm_cost: 0.49322916666666683 + complexity: 17 expressions: - - K+ - - N+ + - R+ + - R+ - R- - - S+ - - and(K-, N-) - - and(S-, SE-) - - not(R+) + - SE- + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-12762 type: explored -- comm_cost: 0.6604166666666667 +- comm_cost: 0.5736979166666669 complexity: 10 expressions: - - N+ - - R- - - SE- - - and(or(K+, S-), or(SE-, N+)) + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-12763 type: explored -- comm_cost: 0.81640625 - complexity: 6 +- comm_cost: 0.3757812500000004 + complexity: 13 expressions: - - R- - - and(N-, or(S+, SE+)) + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) name: explored-12764 type: explored -- comm_cost: 0.5151041666666668 - complexity: 9 - expressions: - - R+ - - R- - - R- - - SE- - - and(K-, or(S+, N+)) - name: explored-12765 - type: explored -- comm_cost: 0.6193981481481481 +- comm_cost: 0.5353877314814817 complexity: 16 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, R-) - name: explored-12766 - type: explored -- comm_cost: 0.7019965277777779 - complexity: 9 - expressions: - - and(N-, or(S+, SE+)) - - and(S-, not(R-)) - name: explored-12767 + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(K+, or(N+, R-)) + name: explored-12765 type: explored -- comm_cost: 0.3098958333333337 +- comm_cost: 0.4345659722222224 complexity: 17 expressions: - K+ - N+ - - S+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - name: explored-12768 + - not(R-) + - or(K+, or(N+, R-)) + name: explored-12766 type: explored -- comm_cost: 0.6020833333333334 - complexity: 12 +- comm_cost: 0.6138020833333334 + complexity: 6 expressions: - R+ - R- - - and(K-, or(S+, SE+)) + - SE- + - and(K-, N-) + name: explored-12767 + type: explored +- comm_cost: 0.6960937500000001 + complexity: 10 + expressions: + - R+ + - and(K-, not(R-)) - and(S-, or(SE-, N+)) + name: explored-12768 + type: explored +- comm_cost: 0.6789930555555556 + complexity: 4 + expressions: + - K+ + - N+ + - S+ + - SE- name: explored-12769 type: explored -- comm_cost: 0.5442708333333335 - complexity: 13 +- comm_cost: 0.5481770833333335 + complexity: 11 expressions: - N+ - R+ - R- + - R- - SE- - - and(K-, not(R+)) - - and(N-, or(S+, R+)) + - and(K-, or(N+, not(R+))) name: explored-12770 type: explored -- comm_cost: 0.7194791666666668 - complexity: 10 +- comm_cost: 0.7340868055555556 + complexity: 25 expressions: - - R+ - - and(and(K-, N-), or(S+, R+)) + - S+ + - and(K-, SE-) + - and(K-, or(S+, R-)) + - and(or(K+, S-), or(N+, not(R+))) - not(R-) + - or(K+, S-) + - or(S+, N+) name: explored-12771 type: explored -- comm_cost: 0.5475694444444446 - complexity: 11 +- comm_cost: 0.43229166666666696 + complexity: 13 expressions: - - R+ + - K+ - R- - - and(K-, SE-) - - and(and(K-, N-), not(R-)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, N-) name: explored-12772 type: explored -- comm_cost: 0.36536458333333366 - complexity: 15 +- comm_cost: 0.26278935185185204 + complexity: 19 expressions: + - K+ - N+ - - SE- + - SE+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-12773 type: explored -- comm_cost: 0.5189236111111113 - complexity: 16 +- comm_cost: 0.6526041666666669 + complexity: 13 expressions: - - R- - - SE- - - and(N-, R+) - - and(N-, not(R-)) + - R+ + - and(N-, or(K+, R+)) - and(or(K+, S-), or(SE-, N+)) name: explored-12774 type: explored -- comm_cost: 0.5798611111111113 - complexity: 8 +- comm_cost: 0.4627314814814816 + complexity: 18 expressions: - - K+ - - R- + - N+ - and(N-, R+) - - or(K+, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) + - and(S-, SE-) name: explored-12775 type: explored -- comm_cost: 0.21093750000000022 - complexity: 10 +- comm_cost: 0.6069444444444446 + complexity: 7 expressions: - - K+ - R- - - R- - - S+ - and(N-, R+) - - and(S-, SE-) + - or(K+, R+) name: explored-12776 type: explored -- comm_cost: 0.48350694444444464 +- comm_cost: 0.4729456018518521 complexity: 16 expressions: - K+ - N+ - - R- - - and(K-, or(S+, N+)) + - S+ + - and(K-, N-) - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-12777 type: explored -- comm_cost: 0.42291666666666683 - complexity: 20 +- comm_cost: 0.7213541666666669 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - S+ + - R+ - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, SE+) + - or(S+, R+) name: explored-12778 type: explored -- comm_cost: 0.6485416666666668 - complexity: 8 +- comm_cost: 0.4453125000000001 + complexity: 10 expressions: - - K- - - R+ + - N+ - R- - - and(N-, or(K+, R+)) + - S+ + - and(N-, not(R-)) + - and(S-, SE-) name: explored-12779 type: explored -- comm_cost: 0.15972222222222254 - complexity: 18 +- comm_cost: 0.6583333333333334 + complexity: 7 expressions: - - K+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - R+ + - SE- + - and(K-, or(S+, SE+)) name: explored-12780 type: explored -- comm_cost: 0.36736111111111125 - complexity: 10 +- comm_cost: 0.4687500000000002 + complexity: 13 expressions: - - K+ - - K+ - N+ - - R- - - and(S-, SE-) - - or(K+, R+) + - SE- + - and(K-, SE-) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-12781 type: explored -- comm_cost: 0.5843287037037037 - complexity: 15 +- comm_cost: 0.6966145833333335 + complexity: 7 expressions: - - K+ - - K- - - N+ - - R- - - S+ - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - S- + - or(S+, or(N+, R-)) name: explored-12782 type: explored -- comm_cost: 0.5180555555555555 - complexity: 15 +- comm_cost: 0.29791666666666683 + complexity: 21 expressions: - N+ - - R- - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-12783 type: explored -- comm_cost: 0.4480468750000002 - complexity: 19 +- comm_cost: 0.6616319444444446 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, N+)) + - SE- - and(N-, R+) - - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-12784 type: explored -- comm_cost: 0.4905671296296298 - complexity: 17 +- comm_cost: 0.3562500000000004 + complexity: 11 expressions: - - N+ - - R+ + - K+ - R- - - S+ - - and(S-, N-) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) name: explored-12785 type: explored -- comm_cost: 0.6335069444444446 - complexity: 8 +- comm_cost: 0.3683333333333335 + complexity: 13 expressions: - - R+ - - and(N-, not(R-)) - - and(SE+, N-) + - K+ + - K+ + - N+ + - N- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-12786 type: explored -- comm_cost: 0.47196180555555567 - complexity: 16 +- comm_cost: 0.3826388888888892 + complexity: 13 expressions: - - N+ - R- - - SE- - - and(K-, not(R-)) - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-12787 type: explored -- comm_cost: 0.6625000000000002 - complexity: 10 +- comm_cost: 0.5715625000000002 + complexity: 15 expressions: - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) + - N+ + - SE- + - and(N-, R+) + - not(R-) + - or(K+, or(N+, R-)) + - or(N+, R-) name: explored-12788 type: explored -- comm_cost: 0.7508043981481483 - complexity: 13 +- comm_cost: 0.45515625000000015 + complexity: 22 expressions: - - and(N-, or(K+, S-)) - - and(S-, N-) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) - not(R-) - - or(K+, SE+) name: explored-12789 type: explored -- comm_cost: 0.5861574074074076 - complexity: 12 +- comm_cost: 0.5479166666666668 + complexity: 23 expressions: - - K- - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(K-, or(S+, N+)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-12790 type: explored -- comm_cost: 0.7885416666666667 - complexity: 6 +- comm_cost: 0.40486111111111145 + complexity: 13 expressions: - - or(N+, R-) - - or(SE-, N+) + - N+ + - SE- + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(S+, N+) name: explored-12791 type: explored -- comm_cost: 0.5721354166666668 - complexity: 8 +- comm_cost: 0.36527777777777803 + complexity: 13 expressions: - - N+ + - K+ - R- - SE- - - and(N-, or(S+, SE+)) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-12792 type: explored -- comm_cost: 0.19635416666666694 - complexity: 16 +- comm_cost: 0.6627025462962964 + complexity: 6 expressions: - - N+ - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - R+ + - S- + - SE- + - and(S-, N-) name: explored-12793 type: explored -- comm_cost: 0.6515625000000002 - complexity: 5 +- comm_cost: 0.32135416666666694 + complexity: 12 expressions: - K+ - - R+ - - or(K+, R-) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-12794 type: explored -- comm_cost: 0.7429687500000001 +- comm_cost: 0.6903645833333334 complexity: 7 expressions: - - N+ - - R- - - and(K-, or(S+, SE+)) + - R+ + - and(K-, N-) + - or(SE-, N+) name: explored-12795 type: explored -- comm_cost: 0.6212500000000001 - complexity: 13 +- comm_cost: 0.29161458333333357 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- - - SE- - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) + - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) name: explored-12796 type: explored -- comm_cost: 0.28819444444444464 - complexity: 19 +- comm_cost: 0.48900462962962987 + complexity: 22 expressions: + - K+ - N+ + - R- + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) + - or(K+, R+) name: explored-12797 type: explored -- comm_cost: 0.3938946759259261 - complexity: 17 +- comm_cost: 0.40390625000000013 + complexity: 13 expressions: - - K+ - N+ - R- - - S+ - - and(K-, not(R+)) - - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) - and(S-, SE-) - - or(K+, SE+) name: explored-12798 type: explored -- comm_cost: 0.7125000000000001 - complexity: 7 +- comm_cost: 0.4786574074074076 + complexity: 12 expressions: - - K- - - R+ - - SE- - - and(K-, not(R-)) + - N+ + - N- + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-12799 type: explored -- comm_cost: 0.08125000000000027 - complexity: 11 +- comm_cost: 0.3744502314814818 + complexity: 15 expressions: + - K+ - N+ - R- - - R- - - S+ - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - not(R+) name: explored-12800 type: explored -- comm_cost: 0.45486111111111116 +- comm_cost: 0.6902777777777779 complexity: 12 expressions: - - K+ - - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - SE- + - and(K-, SE-) + - and(N-, not(R-)) + - or(S+, R+) name: explored-12801 type: explored -- comm_cost: 0.6539930555555558 - complexity: 14 +- comm_cost: 0.43284143518518536 + complexity: 21 expressions: - - R+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) - and(and(K-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-12802 type: explored -- comm_cost: 0.6062500000000001 - complexity: 8 - expressions: - - R+ - - R- - - SE- - - and(N-, or(S+, SE+)) - name: explored-12803 - type: explored -- comm_cost: 0.7637152777777778 - complexity: 10 +- comm_cost: 0.6559027777777778 + complexity: 25 expressions: - - and(N-, or(K+, S-)) + - K+ + - and(K-, S+) + - and(K-, SE-) - and(N-, or(S+, R+)) - name: explored-12804 + - and(and(K-, N-), or(S+, R+)) + - or(K+, K-) + - or(K+, N+) + name: explored-12803 type: explored -- comm_cost: 0.7128935185185186 - complexity: 11 +- comm_cost: 0.5338888888888891 + complexity: 12 expressions: - - K+ - - R+ + - N+ - R- - - and(N-, or(S+, R+)) + - SE- + - and(N-, R+) + - or(S+, N+) - or(S+, SE+) - name: explored-12805 + name: explored-12804 type: explored -- comm_cost: 0.5826388888888889 - complexity: 10 +- comm_cost: 0.8006944444444446 + complexity: 6 expressions: - - N+ - - N+ - - R- - - and(K-, not(R+)) - - and(S-, SE-) - name: explored-12806 + - or(S+, R+) + - or(S+, R-) + name: explored-12805 type: explored -- comm_cost: 0.6957986111111113 - complexity: 10 +- comm_cost: 0.6918674768518519 + complexity: 32 expressions: - - R+ - - and(N-, or(S+, R+)) - - or(N+, not(R+)) - name: explored-12807 - type: explored -- comm_cost: 0.6644097222222223 - complexity: 7 - expressions: - - R+ - - SE- + - N- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) - not(R-) - - or(K+, R-) - name: explored-12808 + - or(S+, R+) + - or(SE-, N+) + name: explored-12806 type: explored -- comm_cost: 0.4423750000000002 - complexity: 16 +- comm_cost: 0.25833333333333375 + complexity: 17 expressions: - K+ - K+ + - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, S-) - name: explored-12809 + - or(N+, not(R+)) + name: explored-12807 type: explored -- comm_cost: 0.4980468750000002 +- comm_cost: 0.26232638888888904 complexity: 13 expressions: + - N+ + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + name: explored-12808 + type: explored +- comm_cost: 0.3398437500000001 + complexity: 20 + expressions: - K+ - - K+ + - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), not(R-)) - name: explored-12810 + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(K+, SE+) + name: explored-12809 type: explored -- comm_cost: 0.41617476851851865 +- comm_cost: 0.38208333333333355 complexity: 19 expressions: - K+ + - K+ - N+ - R- - S+ + - and(K-, SE-) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, SE+) - name: explored-12811 + - not(R-) + name: explored-12810 type: explored -- comm_cost: 0.7489583333333334 +- comm_cost: 0.6927083333333335 complexity: 11 expressions: + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, not(R-)) + name: explored-12811 + type: explored +- comm_cost: 0.6973958333333333 + complexity: 12 + expressions: - N+ - - and(K-, or(S+, N+)) - - not(R+) - - or(K+, N+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12812 type: explored -- comm_cost: 0.601388888888889 - complexity: 7 +- comm_cost: 0.057812500000000266 + complexity: 19 expressions: + - K+ + - N+ - R- - - SE- - - and(K-, or(S+, R+)) + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-12813 type: explored -- comm_cost: 0.44053819444444464 - complexity: 15 +- comm_cost: 0.23437500000000022 + complexity: 11 expressions: + - K+ + - K+ - N+ - - R- - S+ - - SE+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(S-, not(R+)) name: explored-12814 type: explored -- comm_cost: 0.38043981481481504 - complexity: 23 +- comm_cost: 0.4867187500000002 + complexity: 14 expressions: - - K+ - N+ - R- - - and(K-, or(SE-, N+)) + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, not(R+)) + - and(S-, or(SE-, N+)) + - or(K+, SE+) name: explored-12815 type: explored -- comm_cost: 0.76875 - complexity: 2 +- comm_cost: 0.43833333333333335 + complexity: 14 expressions: - K+ - N+ + - R- + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-12816 type: explored -- comm_cost: 0.7097222222222221 - complexity: 11 +- comm_cost: 0.2250000000000001 + complexity: 17 expressions: - N+ - R- - - SE- - - or(K+, or(N+, R-)) - - or(S+, N+) + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(N+, R-) name: explored-12817 type: explored -- comm_cost: 0.4413194444444446 - complexity: 20 +- comm_cost: 0.47129629629629644 + complexity: 13 expressions: - - K+ + - N+ - R- + - SE+ + - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(and(S-, N-), not(R-)) name: explored-12818 type: explored -- comm_cost: 0.6364583333333335 - complexity: 6 +- comm_cost: 0.6171990740740743 + complexity: 15 expressions: + - N+ - R+ - - not(R+) - - or(S+, N+) + - R- + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, S-) name: explored-12819 type: explored -- comm_cost: 0.5911458333333335 - complexity: 25 +- comm_cost: 0.3333333333333335 + complexity: 19 expressions: + - K+ - N+ - - SE- + - R- + - and(K-, S+) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - and(S-, not(R-)) + - or(S+, R-) name: explored-12820 type: explored -- comm_cost: 0.7992187500000001 - complexity: 6 +- comm_cost: 0.6583101851851854 + complexity: 8 expressions: - - R- - - and(K-, or(S+, SE+)) + - N+ + - N- + - R+ + - and(N-, or(K+, SE+)) name: explored-12821 type: explored -- comm_cost: 0.17604166666666698 - complexity: 13 +- comm_cost: 0.5537500000000002 + complexity: 9 expressions: + - K+ - N+ - - and(K-, S+) + - R- - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - or(K+, S-) name: explored-12822 type: explored -- comm_cost: 0.81078125 - complexity: 6 +- comm_cost: 0.5173611111111113 + complexity: 9 expressions: - - N- - - and(N-, or(K+, S-)) + - R+ + - R- + - SE- + - SE- + - and(N-, or(K+, R+)) name: explored-12823 type: explored -- comm_cost: 0.5744791666666669 - complexity: 9 +- comm_cost: 0.5829166666666669 + complexity: 14 expressions: - - N+ - - SE- - - and(K-, not(R-)) + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) + - or(K+, S-) name: explored-12824 type: explored -- comm_cost: 0.3901041666666669 - complexity: 16 +- comm_cost: 0.5708333333333335 + complexity: 8 expressions: - - N+ - - R- + - K+ + - R+ - SE- - - and(N-, R+) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-12825 type: explored -- comm_cost: 0.21354166666666696 - complexity: 14 +- comm_cost: 0.4295138888888891 + complexity: 23 expressions: - N+ - R- - SE- - - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE+, N-) + - and(and(S-, N-), not(R-)) name: explored-12826 type: explored -- comm_cost: 0.36875000000000013 - complexity: 8 +- comm_cost: 0.2500000000000002 + complexity: 15 expressions: - - K+ - - R+ - - and(S-, SE-) - - or(N+, R-) + - N+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-12827 type: explored -- comm_cost: 0.7074652777777779 - complexity: 7 +- comm_cost: 0.6106250000000002 + complexity: 13 expressions: - - K+ - - R+ - - and(N-, or(S+, R+)) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - not(R-) name: explored-12828 type: explored -- comm_cost: 0.5615885416666668 - complexity: 20 +- comm_cost: 0.290885416666667 + complexity: 18 expressions: + - K+ - N+ - - SE- + - R- + - R- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12829 type: explored -- comm_cost: 0.6868750000000001 - complexity: 6 +- comm_cost: 0.5194444444444446 + complexity: 13 expressions: - - R+ - - not(R-) - - or(K+, R-) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - or(S+, N+) + - or(S+, SE+) name: explored-12830 type: explored -- comm_cost: 0.23802083333333357 - complexity: 11 +- comm_cost: 0.21354166666666696 + complexity: 12 expressions: - N+ + - R- - SE- - and(N-, R+) - and(S-, SE-) - or(K+, R-) name: explored-12831 type: explored -- comm_cost: 0.6789062500000002 - complexity: 12 +- comm_cost: 0.5688078703703705 + complexity: 15 expressions: + - N+ - R+ + - R- - SE- - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-12832 type: explored -- comm_cost: 0.4043402777777777 - complexity: 13 +- comm_cost: 0.47083333333333355 + complexity: 12 expressions: - K+ - - N+ - - R- - R- - S+ - - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) + - or(K+, S-) name: explored-12833 type: explored -- comm_cost: 0.45182291666666685 - complexity: 20 +- comm_cost: 0.6343750000000001 + complexity: 5 expressions: - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - or(K+, R-) name: explored-12834 type: explored -- comm_cost: 0.2460937500000001 - complexity: 15 +- comm_cost: 0.4438541666666669 + complexity: 11 expressions: - K+ - - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - not(R-) name: explored-12835 type: explored -- comm_cost: 0.4364583333333335 - complexity: 20 +- comm_cost: 0.45486111111111127 + complexity: 16 expressions: - - N+ - - S+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-12836 type: explored -- comm_cost: 0.3730034722222223 - complexity: 16 +- comm_cost: 0.592326388888889 + complexity: 11 expressions: - N+ + - R+ - R- - - and(K-, N-) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - SE- + - and(S-, not(R+)) + - or(S+, SE+) name: explored-12837 type: explored -- comm_cost: 0.5276186342592594 - complexity: 19 +- comm_cost: 0.5351851851851853 + complexity: 15 expressions: - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, K-) + - and(N-, or(K+, S-)) + - and(S-, not(R-)) name: explored-12838 type: explored -- comm_cost: 0.3872251157407409 - complexity: 18 +- comm_cost: 0.7456597222222222 + complexity: 12 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, N-) - - and(S-, SE-) + - SE- + - and(S-, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-12839 type: explored -- comm_cost: 0.4365740740740742 - complexity: 18 +- comm_cost: 0.4618055555555558 + complexity: 8 expressions: + - K+ + - N+ + - N- - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) name: explored-12840 type: explored -- comm_cost: 0.625 - complexity: 8 +- comm_cost: 0.4598958333333335 + complexity: 14 expressions: + - K+ - N+ - R- - - SE- - - and(K-, or(S+, SE+)) + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - or(K+, N+) name: explored-12841 type: explored -- comm_cost: 0.4464814814814817 - complexity: 17 +- comm_cost: 0.5841145833333335 + complexity: 16 expressions: - - N+ + - K+ - R- + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(N+, not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) name: explored-12842 type: explored -- comm_cost: 0.587326388888889 - complexity: 5 +- comm_cost: 0.5010416666666668 + complexity: 12 expressions: - - R+ - - S+ - - and(S-, N-) + - K+ + - N+ + - R- + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-12843 type: explored -- comm_cost: 0.27500000000000036 - complexity: 16 +- comm_cost: 0.6623263888888891 + complexity: 8 expressions: - N+ - - R- - SE- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) + - or(K+, SE+) name: explored-12844 type: explored -- comm_cost: 0.6665625000000002 - complexity: 39 +- comm_cost: 0.5802662037037039 + complexity: 11 expressions: - - S- - - SE+ - - and(K-, SE-) + - R+ + - R- - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - and(N-, or(K+, S-)) - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(S+, N+) + - and(K-, or(S+, R-)) name: explored-12845 type: explored -- comm_cost: 0.347916666666667 - complexity: 10 +- comm_cost: 0.6161458333333335 + complexity: 9 expressions: - - N+ - - S+ + - R- - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(N-, or(K+, R+)) name: explored-12846 type: explored -- comm_cost: 0.6656249999999999 - complexity: 7 +- comm_cost: 0.23958333333333348 + complexity: 16 expressions: - N+ - - N+ - - R- - - SE- - - or(SE-, N+) + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, R-) name: explored-12847 type: explored -- comm_cost: 0.6216145833333334 - complexity: 8 +- comm_cost: 0.3489583333333337 + complexity: 12 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, SE+)) + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-12848 type: explored -- comm_cost: 0.6473958333333335 - complexity: 7 +- comm_cost: 0.5244791666666668 + complexity: 23 expressions: + - N+ - R- - - and(SE+, N-) - - or(K+, N+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-12849 type: explored -- comm_cost: 0.7715856481481482 - complexity: 13 +- comm_cost: 0.5659722222222224 + complexity: 19 expressions: - - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - not(R+) + - K+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12850 type: explored -- comm_cost: 0.29201388888888913 - complexity: 15 +- comm_cost: 0.14062500000000022 + complexity: 19 expressions: - - N+ + - K+ - R- - - S+ - - and(N-, R+) + - and(K-, S+) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(S-, or(SE-, N+)) name: explored-12851 type: explored -- comm_cost: 0.6281250000000002 - complexity: 8 +- comm_cost: 0.397309027777778 + complexity: 18 expressions: - - R+ - - R+ + - N+ + - R- - SE- - - and(K-, or(SE-, N+)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - or(K+, N+) + - or(N+, R-) name: explored-12852 type: explored -- comm_cost: 0.25312500000000027 - complexity: 14 +- comm_cost: 0.6241319444444445 + complexity: 10 expressions: - - K+ - - K+ - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - K- + - N+ + - R+ + - R- + - SE- + - and(K-, or(SE-, N+)) name: explored-12853 type: explored -- comm_cost: 0.3618344907407409 - complexity: 16 +- comm_cost: 0.7505555555555556 + complexity: 11 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(S+, R+) + - N- + - and(K-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-12854 type: explored -- comm_cost: 0.532465277777778 - complexity: 13 +- comm_cost: 0.5598379629629631 + complexity: 11 expressions: - - S+ - - and(N-, R+) + - N+ + - SE+ + - and(K-, N-) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(S+, R-) name: explored-12855 type: explored -- comm_cost: 0.2171875000000003 - complexity: 16 +- comm_cost: 0.5859375000000001 + complexity: 7 expressions: + - K+ - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, N+) + - R+ + - SE- + - and(K-, N-) name: explored-12856 type: explored -- comm_cost: 0.5914062500000001 - complexity: 8 +- comm_cost: 0.6647962962962963 + complexity: 40 expressions: - R- - - and(N-, R+) - - and(N-, not(R-)) + - and(K-, S+) + - and(K-, not(R+)) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, not(R+)) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-12857 type: explored -- comm_cost: 0.4301215277777779 - complexity: 18 +- comm_cost: 0.35318287037037066 + complexity: 25 expressions: - - N+ + - K+ - R- + - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) name: explored-12858 type: explored -- comm_cost: 0.15208333333333357 - complexity: 10 +- comm_cost: 0.4368344907407409 + complexity: 20 expressions: - K+ - - K+ - N+ + - R- - S+ + - and(K-, SE-) + - and(K-, not(R-)) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) name: explored-12859 type: explored -- comm_cost: 0.4413194444444446 - complexity: 18 +- comm_cost: 0.37459490740740753 + complexity: 23 expressions: + - K+ + - N+ - R- - - and(K-, or(S+, N+)) + - and(K-, S+) - and(N-, R+) - and(N-, or(S+, R+)) - - and(S-, not(R+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-12860 type: explored -- comm_cost: 0.4758969907407409 +- comm_cost: 0.7756944444444446 + complexity: 2 + expressions: + - R- + - SE+ + name: explored-12861 + type: explored +- comm_cost: 0.49531250000000016 complexity: 15 expressions: - N+ - - R+ - - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - not(R+) - name: explored-12861 + - or(K+, K-) + name: explored-12862 type: explored -- comm_cost: 0.5941261574074076 - complexity: 21 +- comm_cost: 0.48593750000000013 + complexity: 8 expressions: - K+ - - S+ - - and(N-, or(K+, S-)) - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - and(and(K-, N-), not(R-)) - name: explored-12862 + - R+ + - and(S-, SE-) + - or(S+, SE+) + name: explored-12863 type: explored -- comm_cost: 0.35601851851851873 - complexity: 15 +- comm_cost: 0.37142361111111133 + complexity: 24 expressions: + - K+ + - K+ - N+ - R- - - SE- - - and(N-, R+) + - S+ - and(N-, R+) - - and(and(K-, N-), not(R-)) - name: explored-12863 - type: explored -- comm_cost: 0.6401041666666668 - complexity: 10 - expressions: - - R+ - - S- - - SE- - - and(K-, S+) - - and(K-, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-12864 type: explored -- comm_cost: 0.40546875000000016 - complexity: 18 +- comm_cost: 0.6024131944444446 + complexity: 11 expressions: - - K+ - N+ - - R- - - and(K-, N-) - - and(N-, R+) + - S- - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - not(R+) + - or(N+, not(R+)) name: explored-12865 type: explored -- comm_cost: 0.47491319444444446 - complexity: 13 +- comm_cost: 0.651996527777778 + complexity: 16 expressions: - R+ - - R- - - and(K-, or(S+, SE+)) - - and(S-, SE-) - - or(N+, R-) + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, and(or(K+, S-), not(R-))) name: explored-12866 type: explored -- comm_cost: 0.5958333333333334 - complexity: 11 +- comm_cost: 0.8307291666666667 + complexity: 9 expressions: - - R+ - - and(N-, or(S+, SE+)) - - and(SE-, or(K+, S-)) + - and(K-, or(S+, N+)) + - or(N+, not(R+)) name: explored-12867 type: explored -- comm_cost: 0.7432291666666667 +- comm_cost: 0.27743055555555585 complexity: 11 expressions: - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-12868 type: explored -- comm_cost: 0.5598958333333335 - complexity: 9 +- comm_cost: 0.6253472222222223 + complexity: 12 expressions: - - R- - - S- - SE- - - and(N-, R+) - - or(S+, N+) + - and(N-, and(or(K+, S-), not(R-))) + - or(N+, R-) name: explored-12869 type: explored -- comm_cost: 0.41861979166666696 - complexity: 19 +- comm_cost: 0.6496354166666667 + complexity: 11 expressions: - K+ + - K+ - N+ - - R- - - SE- - - and(N-, R+) - - not(R+) - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(S-, SE-) + - or(N+, not(R+)) name: explored-12870 type: explored -- comm_cost: 0.37175925925925934 - complexity: 17 +- comm_cost: 0.19045138888888902 + complexity: 22 expressions: - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, R+) + - and(and(K-, N-), or(S+, R+)) + - or(S+, N+) name: explored-12871 type: explored -- comm_cost: 0.45173611111111145 - complexity: 13 +- comm_cost: 0.5707175925925928 + complexity: 9 expressions: - - N+ - - SE- - - and(N-, R+) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - R+ + - R- + - R- + - and(or(K+, S-), not(R+)) name: explored-12872 type: explored -- comm_cost: 0.5895833333333336 - complexity: 9 +- comm_cost: 0.4343750000000002 + complexity: 14 expressions: - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - K+ + - R- + - and(K-, SE-) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-12873 type: explored -- comm_cost: 0.650607638888889 - complexity: 13 +- comm_cost: 0.5506944444444446 + complexity: 12 expressions: - - N+ + - R+ + - R- - SE- - - and(K-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(K-, or(S+, N+)) + - and(S-, not(R-)) name: explored-12874 type: explored -- comm_cost: 0.6450231481481483 - complexity: 12 +- comm_cost: 0.746875 + complexity: 4 expressions: - - R+ - - and(S-, N-) - - and(and(K-, N-), not(R-)) - - not(R+) + - K+ + - and(K-, SE-) name: explored-12875 type: explored -- comm_cost: 0.5351851851851853 - complexity: 15 +- comm_cost: 0.138541666666667 + complexity: 12 expressions: + - K+ - N+ - - R- - - SE- + - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, not(R-)) + - and(S-, SE-) name: explored-12876 type: explored -- comm_cost: 0.5247395833333335 - complexity: 17 +- comm_cost: 0.29609375000000016 + complexity: 14 expressions: - K+ - - N+ - R- - - and(K-, or(SE-, N+)) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(S+, R+) name: explored-12877 type: explored -- comm_cost: 0.48976851851851866 - complexity: 20 +- comm_cost: 0.5028645833333335 + complexity: 17 expressions: - - K+ + - N+ + - N- - R- - - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - not(R-) + - or(K+, N+) name: explored-12878 type: explored -- comm_cost: 0.2058593750000004 - complexity: 15 +- comm_cost: 0.48836805555555574 + complexity: 23 expressions: - - K+ - - K+ - N+ - - S+ + - R- + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-12879 type: explored -- comm_cost: 0.3437500000000002 - complexity: 25 +- comm_cost: 0.6333333333333334 + complexity: 14 expressions: - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, N+) + - SE- + - and(K-, or(S+, R+)) - or(and(K-, S+), or(N+, R-)) name: explored-12880 type: explored -- comm_cost: 0.6081597222222223 - complexity: 11 +- comm_cost: 0.39861111111111147 + complexity: 16 expressions: - - R+ - - R- + - N+ - SE- - - and(K-, N-) - - and(K-, or(S+, N+)) + - and(K-, not(R+)) + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-12881 type: explored -- comm_cost: 0.3104166666666668 - complexity: 19 +- comm_cost: 0.49375000000000024 + complexity: 7 expressions: + - K+ - N+ - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) + - S- + - and(N-, R+) name: explored-12882 type: explored -- comm_cost: 0.49208333333333343 - complexity: 17 +- comm_cost: 0.3187500000000003 + complexity: 15 expressions: + - K+ - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, SE+) name: explored-12883 type: explored -- comm_cost: 0.3437500000000002 - complexity: 16 +- comm_cost: 0.7122395833333335 + complexity: 14 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(K+, R-) + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-12884 type: explored -- comm_cost: 0.5875 - complexity: 4 +- comm_cost: 0.6312500000000002 + complexity: 5 expressions: - - N+ - - and(S-, SE-) + - K+ + - R+ + - and(SE+, N-) name: explored-12885 type: explored -- comm_cost: 0.49326388888888906 - complexity: 13 +- comm_cost: 0.4509837962962965 + complexity: 17 expressions: - - K+ - - K- - N+ - - R- - - SE- + - R+ - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - not(R+) name: explored-12886 type: explored -- comm_cost: 0.42881944444444464 - complexity: 11 +- comm_cost: 0.6266469907407408 + complexity: 31 expressions: - - N+ - - R- - - S+ - - SE- + - and(K-, S+) - and(N-, R+) - - and(S-, not(R-)) + - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, K-) + - or(K+, S-) + - or(K+, SE+) + - or(N+, R-) name: explored-12887 type: explored -- comm_cost: 0.6684375000000001 - complexity: 3 +- comm_cost: 0.6187500000000001 + complexity: 7 expressions: - - N+ - - N- - R+ + - or(N+, R-) + - or(SE-, N+) name: explored-12888 type: explored -- comm_cost: 0.4233506944444446 - complexity: 16 +- comm_cost: 0.4801909722222224 + complexity: 24 expressions: - K+ - - N+ + - K- - R- - - SE- - - and(K-, or(S+, R-)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-12889 type: explored -- comm_cost: 0.8178125 - complexity: 6 +- comm_cost: 0.7259722222222222 + complexity: 9 expressions: - - or(K+, N+) + - SE- + - and(SE-, or(K+, S-)) - or(S+, SE+) name: explored-12890 type: explored -- comm_cost: 0.4203125000000002 - complexity: 19 +- comm_cost: 0.3464699074074076 + complexity: 17 expressions: - - N+ + - K+ - R- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - or(S+, R+) name: explored-12891 type: explored -- comm_cost: 0.76484375 - complexity: 6 +- comm_cost: 0.8375 + complexity: 4 expressions: - - and(K-, N-) - - and(K-, SE-) + - K+ + - and(K-, S+) name: explored-12892 type: explored -- comm_cost: 0.7190885416666668 - complexity: 24 +- comm_cost: 0.6197337962962964 + complexity: 13 expressions: - - and(K-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(N+, not(R+)) - - or(S+, R+) + - R+ + - R- + - and(K-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-12893 type: explored -- comm_cost: 0.6083333333333334 - complexity: 9 +- comm_cost: 0.4026041666666669 + complexity: 11 expressions: - - R+ - - S+ - - S+ + - R- + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(S-, not(R+)) name: explored-12894 type: explored -- comm_cost: 0.5812500000000002 - complexity: 6 +- comm_cost: 0.5847222222222224 + complexity: 12 expressions: - - R+ - - R+ - - and(S-, not(R+)) + - and(N-, R+) + - and(S-, not(R-)) + - or(K+, or(N+, R-)) name: explored-12895 type: explored -- comm_cost: 0.24270833333333353 - complexity: 22 +- comm_cost: 0.4152777777777781 + complexity: 18 expressions: - K+ - N+ - - N+ - - R- - - and(K-, S+) - - and(K-, SE-) + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) name: explored-12896 type: explored -- comm_cost: 0.4833854166666669 - complexity: 14 +- comm_cost: 0.2719270833333335 + complexity: 16 expressions: + - K+ + - K+ - N+ - - R- - S+ - - SE- + - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - not(R+) - - not(R-) name: explored-12897 type: explored -- comm_cost: 0.47274305555555574 - complexity: 24 +- comm_cost: 0.75 + complexity: 5 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - not(R+) + - or(K+, SE+) name: explored-12898 type: explored -- comm_cost: 0.79375 - complexity: 4 +- comm_cost: 0.6469473379629631 + complexity: 15 expressions: - - K+ - - K+ - - R- + - R+ - S+ + - SE- + - and(K-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-12899 type: explored -- comm_cost: 0.4734375000000002 - complexity: 15 +- comm_cost: 0.5806134259259261 + complexity: 17 expressions: - N+ - - R+ - - R- - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, R+) + - and(N-, or(S+, SE+)) + - or(K+, SE+) name: explored-12900 type: explored -- comm_cost: 0.6579861111111112 - complexity: 8 +- comm_cost: 0.5228703703703705 + complexity: 16 expressions: - - R+ - - R+ - - and(N-, not(R-)) - - not(R+) + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - or(K+, S-) name: explored-12901 type: explored -- comm_cost: 0.20138888888888917 - complexity: 14 +- comm_cost: 0.33072916666666696 + complexity: 18 expressions: - N+ - - N+ - R- + - S+ + - SE- - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-12902 type: explored -- comm_cost: 0.7341145833333333 - complexity: 6 +- comm_cost: 0.19652777777777797 + complexity: 15 expressions: + - K+ + - N+ + - N+ - R- + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - not(R+) name: explored-12903 type: explored -- comm_cost: 0.7595833333333334 - complexity: 3 - expressions: - - N+ - - not(R-) - name: explored-12904 - type: explored -- comm_cost: 0.2792824074074076 - complexity: 19 +- comm_cost: 0.48830729166666687 + complexity: 14 expressions: - - K+ - N+ - - R+ - R- - - and(K-, S+) + - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - name: explored-12905 - type: explored -- comm_cost: 0.7456597222222223 - complexity: 9 - expressions: - - R+ - - or(K+, R+) - - or(K+, or(N+, R-)) - name: explored-12906 + - not(R+) + - or(K+, S-) + name: explored-12904 type: explored -- comm_cost: 0.4343750000000002 - complexity: 13 +- comm_cost: 0.636689814814815 + complexity: 22 expressions: - - R+ - and(K-, SE-) - - and(S-, SE-) - - or(K+, R-) + - and(K-, or(SE-, N+)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) - or(N+, R-) - name: explored-12907 + name: explored-12905 type: explored -- comm_cost: 0.436371527777778 - complexity: 17 +- comm_cost: 0.5305555555555558 + complexity: 6 expressions: - K+ - - N+ - - R- + - SE+ + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, N-) - - and(S-, SE-) - name: explored-12908 + name: explored-12906 type: explored -- comm_cost: 0.7286458333333333 - complexity: 6 +- comm_cost: 0.14270833333333366 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - - or(K+, N+) - name: explored-12909 + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + name: explored-12907 type: explored -- comm_cost: 0.5451041666666667 +- comm_cost: 0.7499652777777779 complexity: 7 expressions: + - N- + - SE+ + - and(N-, or(S+, SE+)) + name: explored-12908 + type: explored +- comm_cost: 0.7235879629629631 + complexity: 12 + expressions: - R+ - - R- - - and(S-, SE-) - - not(R-) - name: explored-12910 + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, S-) + name: explored-12909 type: explored -- comm_cost: 0.6727777777777779 - complexity: 9 +- comm_cost: 0.35863715277777797 + complexity: 19 expressions: - N+ + - S+ + - and(K-, SE-) - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, R-) + name: explored-12910 + type: explored +- comm_cost: 0.7034548611111112 + complexity: 20 + expressions: + - R- + - and(N-, or(K+, SE+)) + - and(and(K-, N-), not(R-)) - not(R-) - - or(S+, SE+) + - or(S+, R-) + - or(SE-, N+) name: explored-12911 type: explored -- comm_cost: 0.36875000000000013 - complexity: 8 +- comm_cost: 0.7587731481481481 + complexity: 13 expressions: - - R+ - - S+ - - and(S-, SE-) - - or(N+, R-) + - and(S-, not(R+)) + - and(or(K+, S-), not(R+)) + - or(K+, S-) name: explored-12912 type: explored -- comm_cost: 0.7205729166666668 - complexity: 6 +- comm_cost: 0.7581770833333334 + complexity: 8 expressions: - - and(K-, N-) - - or(N+, R-) + - K+ + - and(N-, not(R-)) + - or(K+, S-) name: explored-12913 type: explored -- comm_cost: 0.42005208333333344 - complexity: 12 +- comm_cost: 0.7828125 + complexity: 7 expressions: - K+ - - K+ - - N+ - - N+ - - R- - - S+ - - and(S-, SE-) - - or(S+, SE+) + - and(K-, SE-) + - or(SE-, N+) name: explored-12914 type: explored -- comm_cost: 0.4282552083333335 - complexity: 23 +- comm_cost: 0.6619502314814817 + complexity: 11 expressions: - K+ - - N+ + - R+ - R- - - S+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-12915 type: explored -- comm_cost: 0.6973958333333333 - complexity: 17 +- comm_cost: 0.5853298611111113 + complexity: 12 expressions: - N+ + - R+ - R- - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(N-, or(S+, SE+)) + - or(N+, R-) name: explored-12916 type: explored -- comm_cost: 0.4152777777777781 +- comm_cost: 0.3456250000000002 complexity: 13 expressions: + - N+ + - N- + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-12917 type: explored -- comm_cost: 0.540277777777778 - complexity: 13 +- comm_cost: 0.45234375000000016 + complexity: 19 expressions: + - K+ - N+ - - SE- - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) + - R- + - S+ + - S- + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-12918 type: explored -- comm_cost: 0.3557291666666669 - complexity: 15 +- comm_cost: 0.3622395833333335 + complexity: 19 expressions: - - K+ + - N+ - R- - - S+ - - SE+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-12919 type: explored -- comm_cost: 0.6401041666666667 - complexity: 10 +- comm_cost: 0.29648437500000036 + complexity: 17 expressions: + - K+ + - K+ - N+ + - S+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, or(SE-, N+)) + - not(R+) name: explored-12920 type: explored -- comm_cost: 0.363541666666667 - complexity: 12 +- comm_cost: 0.4789351851851854 + complexity: 18 expressions: - - N+ + - K+ + - R- + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-12921 type: explored -- comm_cost: 0.6633680555555557 - complexity: 9 +- comm_cost: 0.5486111111111113 + complexity: 10 expressions: + - K+ - N+ - - SE- - - and(K-, not(R-)) - - or(S+, R-) + - R- + - S+ + - and(N-, R+) + - or(K+, K-) name: explored-12922 type: explored -- comm_cost: 0.7027777777777777 - complexity: 7 +- comm_cost: 0.4287500000000002 + complexity: 17 expressions: - N+ - - and(or(K+, S-), not(R+)) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, S-) name: explored-12923 type: explored -- comm_cost: 0.640625 - complexity: 6 +- comm_cost: 0.543793402777778 + complexity: 17 expressions: - N+ - - R- - - and(K-, not(R-)) + - S+ + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(K+, N+) + - or(S+, R-) name: explored-12924 type: explored -- comm_cost: 0.6546875 +- comm_cost: 0.7083333333333335 complexity: 8 expressions: - - K+ - N+ + - R+ - R- - - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) name: explored-12925 type: explored -- comm_cost: 0.7222222222222223 - complexity: 13 +- comm_cost: 0.5341435185185187 + complexity: 7 expressions: + - N+ - R+ - - and(K-, or(S+, N+)) - - and(and(K-, N-), or(S+, SE+)) + - SE+ + - SE- + - and(N-, R+) name: explored-12926 type: explored -- comm_cost: 0.4968750000000002 - complexity: 6 +- comm_cost: 0.35364583333333344 + complexity: 14 expressions: - - N+ - - R+ - - R+ - R- - - SE- - - SE- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-12927 type: explored -- comm_cost: 0.6366319444444446 - complexity: 7 +- comm_cost: 0.49140625000000016 + complexity: 13 expressions: - - R+ - - R- - - and(N-, or(S+, R+)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) + - or(SE-, N+) name: explored-12928 type: explored -- comm_cost: 0.4445370370370372 - complexity: 24 +- comm_cost: 0.459375 + complexity: 10 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - or(K+, N+) name: explored-12929 type: explored -- comm_cost: 0.40203125000000006 - complexity: 14 +- comm_cost: 0.6817569444444445 + complexity: 39 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - SE+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, not(R-)) + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) name: explored-12930 type: explored -- comm_cost: 0.7019097222222224 - complexity: 12 +- comm_cost: 0.3997395833333335 + complexity: 15 expressions: + - K+ - R+ - - and(N-, or(S+, R+)) - - or(S+, R-) - - or(S+, R-) + - and(K-, or(S+, R-)) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-12931 type: explored -- comm_cost: 0.4125000000000003 - complexity: 8 +- comm_cost: 0.768576388888889 + complexity: 2 expressions: - - K+ - - R- - - and(K-, S+) - - and(N-, R+) + - R+ + - SE+ name: explored-12932 type: explored -- comm_cost: 0.6146701388888891 - complexity: 10 +- comm_cost: 0.6439814814814815 + complexity: 9 expressions: + - N+ + - R- - SE- - - and(N-, R+) - - or(S+, N+) - - or(S+, R+) + - or(K+, R-) + - or(S+, R-) name: explored-12933 type: explored -- comm_cost: 0.38880208333333344 - complexity: 16 +- comm_cost: 0.5446238425925927 + complexity: 18 expressions: + - K+ - N+ - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) - name: explored-12934 - type: explored -- comm_cost: 0.7075260416666668 - complexity: 15 - expressions: - - K- - - R+ - SE- - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - name: explored-12935 + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(S+, R+) + - or(S+, R-) + name: explored-12934 type: explored -- comm_cost: 0.38611111111111107 +- comm_cost: 0.48045138888888905 complexity: 13 expressions: - N+ - - N+ + - N- - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(S+, R+) + name: explored-12935 + type: explored +- comm_cost: 0.8194444444444444 + complexity: 10 + expressions: + - SE- + - and(K-, or(SE-, N+)) + - or(N+, not(R+)) name: explored-12936 type: explored -- comm_cost: 0.5526041666666668 - complexity: 13 +- comm_cost: 0.4805121527777779 + complexity: 24 expressions: - N+ - R- - - and(N-, or(K+, R+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, K-) + - or(K+, R+) name: explored-12937 type: explored -- comm_cost: 0.6272222222222225 - complexity: 8 +- comm_cost: 0.3793402777777781 + complexity: 16 expressions: - - N- + - N+ - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-12938 type: explored -- comm_cost: 0.2328125000000003 - complexity: 11 +- comm_cost: 0.5322916666666668 + complexity: 14 expressions: - N+ - R- - - and(K-, S+) - - and(K-, SE-) + - and(K-, not(R-)) + - and(K-, or(S+, R-)) - and(N-, R+) name: explored-12939 type: explored -- comm_cost: 0.7409953703703704 - complexity: 22 +- comm_cost: 0.500277777777778 + complexity: 17 expressions: - - K- - - and(K-, not(R-)) - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) - - or(K+, N+) - - or(K+, or(N+, R-)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(N+, not(R+)) name: explored-12940 type: explored -- comm_cost: 0.5880208333333334 - complexity: 44 +- comm_cost: 0.24861111111111134 + complexity: 17 expressions: - - and(K-, S+) - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) + - N+ + - and(N-, R+) + - and(S-, SE-) - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R-) + - or(S+, R-) name: explored-12941 type: explored -- comm_cost: 0.22806712962962994 - complexity: 18 +- comm_cost: 0.4867476851851853 + complexity: 15 expressions: - N+ - R- - - S+ + - SE- + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, R-) + - or(K+, R+) + - or(S+, R+) name: explored-12942 type: explored -- comm_cost: 0.33420138888888906 - complexity: 16 +- comm_cost: 0.4056423611111113 + complexity: 13 expressions: - N+ - R- - - SE- + - S+ + - S- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - or(N+, R-) name: explored-12943 type: explored -- comm_cost: 0.7265625 - complexity: 4 +- comm_cost: 0.49069444444444466 + complexity: 20 expressions: - - K+ - - and(K-, N-) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) name: explored-12944 type: explored -- comm_cost: 0.3510416666666669 - complexity: 9 +- comm_cost: 0.6036458333333332 + complexity: 8 expressions: - N+ - - and(N-, R+) - - and(SE-, or(K+, S-)) + - R- + - and(S-, SE-) + - or(SE-, N+) name: explored-12945 type: explored -- comm_cost: 0.5220486111111113 - complexity: 14 +- comm_cost: 0.6302083333333335 + complexity: 9 expressions: - N+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(N-, or(S+, R+)) + - R+ + - and(or(K+, S-), or(SE-, N+)) name: explored-12946 type: explored -- comm_cost: 0.6722387566137568 - complexity: 31 +- comm_cost: 0.21788194444444464 + complexity: 15 expressions: - - R- - - and(K-, or(S+, R-)) - - and(N-, not(R-)) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) - or(S+, R-) - - or(SE-, N+) name: explored-12947 type: explored -- comm_cost: 0.17916666666666703 - complexity: 11 +- comm_cost: 0.42893518518518536 + complexity: 23 expressions: - K+ - N+ + - R- + - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) + - and(S-, not(R-)) + - and(SE-, or(K+, S-)) name: explored-12948 type: explored -- comm_cost: 0.5895833333333336 - complexity: 15 +- comm_cost: 0.7709375 + complexity: 7 expressions: - R+ - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - or(S+, N+) + - or(S+, SE+) name: explored-12949 type: explored -- comm_cost: 0.7359375000000001 - complexity: 4 +- comm_cost: 0.44687500000000036 + complexity: 11 expressions: - - S- + - R- - SE- - - not(R+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-12950 type: explored -- comm_cost: 0.3015625000000002 - complexity: 14 +- comm_cost: 0.6727777777777778 + complexity: 9 expressions: + - K- - N+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - R- + - SE- + - and(K-, or(SE-, N+)) name: explored-12951 type: explored -- comm_cost: 0.3748842592592595 - complexity: 19 +- comm_cost: 0.34253472222222237 + complexity: 21 expressions: - - K+ + - N+ - N+ - R- - - SE+ - - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-12952 type: explored -- comm_cost: 0.8640625 - complexity: 4 +- comm_cost: 0.3398437500000002 + complexity: 18 expressions: - K+ - - or(K+, N+) + - N+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-12953 type: explored -- comm_cost: 0.318229166666667 - complexity: 9 +- comm_cost: 0.5942708333333334 + complexity: 12 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, not(R+)) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, SE+)) name: explored-12954 type: explored -- comm_cost: 0.38802083333333337 - complexity: 9 +- comm_cost: 0.6708333333333334 + complexity: 4 expressions: - K+ - - K+ - N+ - R- - - S+ - - S+ - - and(S-, SE-) + - R- name: explored-12955 type: explored -- comm_cost: 0.40503472222222237 - complexity: 14 +- comm_cost: 0.6388020833333334 + complexity: 9 expressions: - - K+ - - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R+ + - and(S-, or(SE-, N+)) + - or(K+, SE+) name: explored-12956 type: explored -- comm_cost: 0.3104166666666668 - complexity: 13 +- comm_cost: 0.2800347222222226 + complexity: 22 expressions: - - K+ - - K+ + - N+ + - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-12957 type: explored -- comm_cost: 0.6518229166666668 - complexity: 16 +- comm_cost: 0.35558449074074083 + complexity: 14 expressions: - - R+ - - R- - - SE- + - K+ + - N+ + - SE+ - and(K-, or(S+, SE+)) - - and(N-, or(S+, SE+)) - - or(S+, N+) + - and(N-, R+) + - and(S-, SE-) name: explored-12958 type: explored -- comm_cost: 0.5091145833333334 - complexity: 14 +- comm_cost: 0.5006076388888892 + complexity: 12 expressions: + - N+ - R+ - R- - - and(K-, not(R-)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-12959 type: explored -- comm_cost: 0.34001736111111125 - complexity: 18 +- comm_cost: 0.41093750000000007 + complexity: 14 expressions: - K+ + - N+ - R- - - and(K-, or(S+, R+)) - - and(N-, R+) + - and(K-, S+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-12960 type: explored -- comm_cost: 0.6195833333333334 - complexity: 13 +- comm_cost: 0.7628940972222222 + complexity: 22 expressions: - - K+ - - N+ - - R- - - SE- - - and(and(K-, N-), not(R-)) - - or(K+, S-) + - N- + - and(K-, not(R-)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(SE-, N+) name: explored-12961 type: explored -- comm_cost: 0.7734722222222223 - complexity: 7 +- comm_cost: 0.541840277777778 + complexity: 13 expressions: + - N+ - SE- - - or(K+, S-) - - or(S+, SE+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, R+) name: explored-12962 type: explored -- comm_cost: 0.6232638888888891 - complexity: 7 - expressions: - - R+ - - SE- - - not(R+) - - or(S+, N+) - name: explored-12963 - type: explored -- comm_cost: 0.3884837962962965 - complexity: 21 +- comm_cost: 0.1297453703703706 + complexity: 18 expressions: - K+ - N+ - R- - - S+ - - SE+ - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) + - or(N+, R-) + - or(S+, R-) + name: explored-12963 + type: explored +- comm_cost: 0.6485300925925928 + complexity: 9 + expressions: + - R+ + - R- + - SE- + - or(S+, R-) + - or(S+, SE+) name: explored-12964 type: explored -- comm_cost: 0.3695312500000002 - complexity: 15 +- comm_cost: 0.6078125000000002 + complexity: 13 expressions: - - K+ - - N+ - N+ - R- + - and(K-, N-) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) name: explored-12965 type: explored -- comm_cost: 0.6005208333333334 - complexity: 6 +- comm_cost: 0.2651041666666668 + complexity: 15 expressions: - - K- - - R+ + - N+ - R- + - and(K-, S+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-12966 type: explored -- comm_cost: 0.23125000000000018 - complexity: 11 +- comm_cost: 0.5605034722222223 + complexity: 9 expressions: + - K+ + - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - SE- + - and(N-, or(K+, S-)) name: explored-12967 type: explored -- comm_cost: 0.5083333333333333 - complexity: 8 +- comm_cost: 0.6804976851851853 + complexity: 6 expressions: - - K+ - - R- - - and(S-, SE-) - - or(S+, N+) + - R+ + - SE+ + - and(N-, not(R-)) name: explored-12968 type: explored -- comm_cost: 0.35001736111111126 - complexity: 23 +- comm_cost: 0.6131770833333335 + complexity: 14 expressions: - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, R-) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) name: explored-12969 type: explored -- comm_cost: 0.4930555555555557 +- comm_cost: 0.6859375000000001 complexity: 10 expressions: - - N+ - R+ - - R- - - S+ - - SE- - - and(K-, or(S+, R-)) + - and(K-, or(S+, N+)) + - and(N-, not(R-)) name: explored-12970 type: explored -- comm_cost: 0.47395833333333326 - complexity: 11 +- comm_cost: 0.6505009920634921 + complexity: 34 expressions: - - N+ - - R- - - S+ - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(K-, or(S+, N+)) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - not(R+) + - or(K+, N+) + - or(K+, R-) + - or(S+, R-) name: explored-12971 type: explored -- comm_cost: 0.193229166666667 - complexity: 15 +- comm_cost: 0.37031250000000027 + complexity: 14 expressions: - K+ - - and(K-, S+) - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-12972 type: explored -- comm_cost: 0.18802083333333353 - complexity: 21 +- comm_cost: 0.40937500000000016 + complexity: 7 expressions: - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, R+)) + - R+ - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(K+, R-) name: explored-12973 type: explored -- comm_cost: 0.3812500000000003 - complexity: 8 +- comm_cost: 0.5050000000000001 + complexity: 11 expressions: - N+ - - SE- - - and(N-, R+) + - R- + - and(K-, S+) - and(N-, R+) + - or(K+, S-) name: explored-12974 type: explored -- comm_cost: 0.36041666666666705 - complexity: 8 +- comm_cost: 0.19450231481481506 + complexity: 23 expressions: - K+ - N+ + - N+ + - R- - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-12975 type: explored -- comm_cost: 0.5802662037037039 - complexity: 10 +- comm_cost: 0.6512500000000001 + complexity: 7 expressions: - - R+ - - and(S-, not(R+)) - - not(R+) - - or(S+, R-) + - N+ + - and(S-, SE-) + - or(K+, S-) name: explored-12976 type: explored -- comm_cost: 0.5740625 +- comm_cost: 0.5343750000000002 complexity: 8 expressions: - - N- - R+ - - and(S-, SE-) - - or(K+, R-) + - R- + - SE- + - and(K-, or(SE-, N+)) name: explored-12977 type: explored -- comm_cost: 0.6375 - complexity: 6 +- comm_cost: 0.6980324074074076 + complexity: 10 expressions: - - N+ - - SE- - - and(S-, not(R+)) + - R+ + - and(N-, or(K+, S-)) + - and(S-, not(R-)) name: explored-12978 type: explored -- comm_cost: 0.46266203703703723 - complexity: 17 +- comm_cost: 0.7019270833333335 + complexity: 12 expressions: - - N+ + - K- - N- - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-12979 type: explored -- comm_cost: 0.6756944444444444 - complexity: 6 +- comm_cost: 0.4965277777777779 + complexity: 11 expressions: - N+ - - SE- - - and(K-, not(R+)) + - R- + - and(S-, N-) + - and(S-, SE-) + - or(S+, N+) name: explored-12980 type: explored -- comm_cost: 0.5960937500000001 - complexity: 10 +- comm_cost: 0.3890625000000003 + complexity: 13 expressions: - K+ - N+ - R- - - S- + - SE- + - and(K-, N-) + - and(N-, R+) - and(N-, R+) - - or(K+, SE+) name: explored-12981 type: explored -- comm_cost: 0.7036747685185186 - complexity: 12 +- comm_cost: 0.40833333333333355 + complexity: 16 expressions: - - R+ - - and(K-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, R+) name: explored-12982 type: explored -- comm_cost: 0.539351851851852 - complexity: 19 +- comm_cost: 0.6760069444444445 + complexity: 12 expressions: + - N- - R+ - - R- - - SE- - - and(K-, or(S+, N+)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-12983 type: explored -- comm_cost: 0.5663194444444446 +- comm_cost: 0.385763888888889 complexity: 11 expressions: + - K+ - R+ - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, R-) + - or(S+, N+) name: explored-12984 type: explored -- comm_cost: 0.4486111111111114 +- comm_cost: 0.3921874999999999 complexity: 11 expressions: - - SE- - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, or(S+, R-)) + - and(S-, SE-) name: explored-12985 type: explored -- comm_cost: 0.45078125 - complexity: 12 +- comm_cost: 0.2981770833333335 + complexity: 19 expressions: + - K+ + - N+ - R- - - and(K-, or(S+, N+)) + - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(and(K-, N-), or(S+, R+)) + - not(R+) name: explored-12986 type: explored -- comm_cost: 0.6979166666666667 - complexity: 11 +- comm_cost: 0.49965277777777795 + complexity: 16 expressions: - - K- - - N+ + - K+ - R- - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-12987 type: explored -- comm_cost: 0.4377604166666669 - complexity: 15 +- comm_cost: 0.39600694444444473 + complexity: 17 expressions: - K+ - - K+ - - N+ - R- - S+ + - SE- - and(N-, R+) - - and(S-, not(R-)) - - or(S+, R-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-12988 type: explored -- comm_cost: 0.22413194444444473 - complexity: 23 +- comm_cost: 0.4646990740740742 + complexity: 22 expressions: - - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, R-) - - or(K+, or(N+, R-)) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) name: explored-12989 type: explored -- comm_cost: 0.7128587962962964 - complexity: 16 +- comm_cost: 0.7333333333333333 + complexity: 4 expressions: - - R+ - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R-)) - - or(N+, not(R+)) + - K+ + - R- + - R- + - SE- name: explored-12990 type: explored -- comm_cost: 0.7239583333333333 - complexity: 6 +- comm_cost: 0.3132812500000003 + complexity: 9 expressions: - - and(S-, SE-) - - or(K+, K-) + - K+ + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) name: explored-12991 type: explored -- comm_cost: 0.6104166666666666 - complexity: 3 +- comm_cost: 0.5166087962962964 + complexity: 14 expressions: - N+ + - R+ - R- - SE- + - and(K-, or(S+, R+)) + - and(N-, or(K+, R+)) name: explored-12992 type: explored -- comm_cost: 0.7220486111111113 - complexity: 11 +- comm_cost: 0.4662037037037039 + complexity: 19 expressions: - - R+ - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) + - K+ + - N+ + - N- + - R- + - SE+ + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-12993 type: explored -- comm_cost: 0.5942708333333334 - complexity: 16 +- comm_cost: 0.5076388888888891 + complexity: 11 expressions: - - R- - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - or(K+, N+) + - N+ + - and(N-, R+) + - and(S-, not(R-)) + - or(S+, R-) name: explored-12994 type: explored -- comm_cost: 0.6279803240740742 - complexity: 10 +- comm_cost: 0.7925 + complexity: 4 expressions: - - R+ - - R- - - S- - - and(S-, SE-) - - and(S-, not(R-)) + - N+ + - or(S+, SE+) name: explored-12995 type: explored -- comm_cost: 0.2611111111111113 - complexity: 14 +- comm_cost: 0.6984375 + complexity: 5 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - S- + - SE- + - and(K-, S+) name: explored-12996 type: explored -- comm_cost: 0.3128472222222223 - complexity: 11 +- comm_cost: 0.6397280092592592 + complexity: 14 expressions: - N+ - R- - - S+ - - and(N-, or(S+, R+)) + - and(K-, or(N+, not(R+))) - and(S-, SE-) + - or(S+, R-) name: explored-12997 type: explored -- comm_cost: 0.7437500000000001 - complexity: 7 +- comm_cost: 0.6093171296296298 + complexity: 17 expressions: + - R+ + - R- + - SE- - and(K-, not(R+)) - - and(S-, N-) + - and(K-, or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-12998 type: explored -- comm_cost: 0.4549479166666668 - complexity: 12 +- comm_cost: 0.42500000000000027 + complexity: 18 expressions: - - K+ - N+ - R- - - S+ - - and(N-, or(K+, S-)) - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-12999 type: explored -- comm_cost: 0.7379166666666668 - complexity: 7 +- comm_cost: 0.6172164351851854 + complexity: 15 expressions: - - K- + - N+ - SE- - - and(N-, or(K+, SE+)) + - and(N-, R+) + - and(S-, not(R-)) + - and(or(K+, S-), not(R-)) name: explored-13000 type: explored -- comm_cost: 0.6263454861111113 - complexity: 20 +- comm_cost: 0.4583333333333335 + complexity: 19 expressions: + - R- - SE- - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - or(K+, R+) - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-13001 type: explored -- comm_cost: 0.4534722222222224 - complexity: 14 +- comm_cost: 0.3812500000000003 + complexity: 15 expressions: - - R+ + - N+ - R- - - and(K-, not(R+)) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, R+) name: explored-13002 type: explored -- comm_cost: 0.6487152777777778 - complexity: 10 +- comm_cost: 0.49921875000000027 + complexity: 13 expressions: - - N+ - - N- - - R+ - R- - - SE- - - and(K-, or(S+, SE+)) + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-13003 type: explored -- comm_cost: 0.5682291666666668 - complexity: 7 +- comm_cost: 0.41866319444444466 + complexity: 17 expressions: - - R+ + - N+ - R- - - S+ - SE- - - and(S-, N-) + - SE- + - and(N-, R+) + - and(N-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-13004 type: explored -- comm_cost: 0.5044097222222224 - complexity: 14 +- comm_cost: 0.7715277777777778 + complexity: 11 expressions: - - N- - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, S-) name: explored-13005 type: explored -- comm_cost: 0.13229166666666692 - complexity: 14 +- comm_cost: 0.7181378968253969 + complexity: 32 expressions: - - K+ - - K+ - - N+ - - R- - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - S- + - SE- + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) + - or(N+, not(R+)) + - or(S+, N+) name: explored-13006 type: explored -- comm_cost: 0.5477430555555558 +- comm_cost: 0.12656250000000036 complexity: 13 expressions: + - K+ - N+ - - SE- + - N+ + - R- - and(N-, R+) - - or(K+, or(N+, R-)) - - or(S+, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-13007 type: explored -- comm_cost: 0.7496810515873016 - complexity: 35 +- comm_cost: 0.7493055555555557 + complexity: 6 expressions: - SE- - - and(K-, N-) - - and(K-, or(S+, R+)) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R-)) - - or(K+, K-) - - or(K+, SE+) - - or(N+, not(R+)) + - and(N-, or(S+, R+)) name: explored-13008 type: explored -- comm_cost: 0.6615972222222224 - complexity: 8 +- comm_cost: 0.5264467592592594 + complexity: 16 expressions: - - R+ + - N+ + - R- - SE- - - or(K+, R-) - - or(S+, SE+) + - and(N-, R+) + - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-13009 type: explored -- comm_cost: 0.45312500000000033 - complexity: 9 +- comm_cost: 0.5854947916666668 + complexity: 14 expressions: - - K+ - - R- - - S+ - - and(K-, S+) + - N+ + - N- + - SE- - and(N-, R+) + - and(N-, or(K+, R+)) + - or(SE-, N+) name: explored-13010 type: explored -- comm_cost: 0.584375 - complexity: 9 - expressions: - - N+ - - and(K-, or(S+, N+)) - - and(S-, SE-) - name: explored-13011 - type: explored -- comm_cost: 0.4147916666666669 - complexity: 10 +- comm_cost: 0.4816666666666669 + complexity: 7 expressions: - N+ + - N- - R- - - S+ + - SE- - and(N-, R+) - - or(N+, not(R+)) - name: explored-13012 + name: explored-13011 type: explored -- comm_cost: 0.2097222222222226 - complexity: 17 +- comm_cost: 0.23593750000000036 + complexity: 16 expressions: - K+ - - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(SE-, or(K+, S-)) + name: explored-13012 + type: explored +- comm_cost: 0.699189814814815 + complexity: 14 + expressions: + - R+ + - and(SE+, N-) + - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-13013 type: explored -- comm_cost: 0.47625868055555576 - complexity: 16 +- comm_cost: 0.4125000000000003 + complexity: 11 expressions: - K+ - - N+ - R- - - S+ + - and(K-, S+) + - and(N-, R+) - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(S+, R+) name: explored-13014 type: explored -- comm_cost: 0.7604166666666666 - complexity: 2 +- comm_cost: 0.3583333333333336 + complexity: 16 expressions: + - N+ - R- - - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-13015 type: explored -- comm_cost: 0.522164351851852 - complexity: 12 +- comm_cost: 0.6811342592592593 + complexity: 24 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, not(R-)) - - or(S+, R+) + - and(K-, N-) + - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) + - and(S-, N-) + - and(SE+, N-) + - or(K+, or(N+, R-)) name: explored-13016 type: explored -- comm_cost: 0.463715277777778 - complexity: 15 +- comm_cost: 0.31250000000000033 + complexity: 11 expressions: - K+ - - R- - - S+ + - K+ + - N+ + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(SE+, N-) name: explored-13017 type: explored -- comm_cost: 0.5902488425925928 - complexity: 16 +- comm_cost: 0.43602430555555594 + complexity: 9 expressions: - K+ - N+ - - R- - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) - - or(K+, or(N+, R-)) + - or(SE-, N+) name: explored-13018 type: explored -- comm_cost: 0.35069444444444464 - complexity: 23 +- comm_cost: 0.5536458333333335 + complexity: 13 + expressions: + - N+ + - SE- + - and(K-, or(S+, N+)) + - and(and(S-, N-), not(R-)) + name: explored-13019 + type: explored +- comm_cost: 0.3680555555555558 + complexity: 18 expressions: - K+ + - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - S+ + - SE+ - and(N-, R+) - and(S-, SE-) - and(or(K+, S-), or(SE-, N+)) - name: explored-13019 - type: explored -- comm_cost: 0.6387152777777779 - complexity: 11 - expressions: - - R+ - - and(K-, or(S+, R+)) - - and(S-, or(SE-, N+)) name: explored-13020 type: explored -- comm_cost: 0.4897048611111112 - complexity: 16 +- comm_cost: 0.45026041666666683 + complexity: 17 expressions: - N+ - R- - - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - not(R+) - - or(K+, S-) + - and(or(K+, S-), not(R-)) + - or(N+, R-) name: explored-13021 type: explored -- comm_cost: 0.40989583333333346 +- comm_cost: 0.4359375000000001 complexity: 10 expressions: + - K+ + - K+ - R+ - R- - - S+ - and(S-, SE-) - - and(S-, not(R+)) + - or(S+, SE+) name: explored-13022 type: explored -- comm_cost: 0.5304629629629631 +- comm_cost: 0.36041666666666683 complexity: 20 expressions: + - K+ - N+ - R- - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) - - not(R-) + - and(S-, or(N+, not(R+))) name: explored-13023 type: explored -- comm_cost: 0.6729166666666668 - complexity: 17 +- comm_cost: 0.6111111111111112 + complexity: 9 expressions: + - R+ - R- - - and(K-, not(R-)) - - and(N-, or(S+, SE+)) - - and(S-, not(R-)) - - and(SE+, N-) + - SE- + - and(K-, N-) + - or(K+, R-) name: explored-13024 type: explored -- comm_cost: 0.4076388888888892 - complexity: 12 +- comm_cost: 0.14375000000000027 + complexity: 17 expressions: + - K+ + - N+ - R- - - SE- - - and(K-, not(R+)) + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) name: explored-13025 type: explored -- comm_cost: 0.17777777777777803 - complexity: 11 +- comm_cost: 0.3647280092592595 + complexity: 26 expressions: + - K+ - N+ - R- - - S+ - - S+ - - SE- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) + - not(R+) name: explored-13026 type: explored -- comm_cost: 0.4520833333333334 - complexity: 8 +- comm_cost: 0.4983333333333335 + complexity: 17 expressions: - - K+ - N+ - - and(S-, N-) + - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - not(R-) + - or(N+, not(R+)) name: explored-13027 type: explored -- comm_cost: 0.45076388888888896 - complexity: 13 +- comm_cost: 0.531851851851852 + complexity: 14 expressions: - N+ + - N- + - SE- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) - - or(S+, SE+) + - and(N-, or(S+, R+)) name: explored-13028 type: explored -- comm_cost: 0.34687500000000027 - complexity: 19 +- comm_cost: 0.7625000000000001 + complexity: 6 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) + - and(SE+, N-) + - or(K+, K-) name: explored-13029 type: explored -- comm_cost: 0.6104166666666666 - complexity: 4 +- comm_cost: 0.38359375000000007 + complexity: 11 expressions: - N+ - R- - - SE- - - SE- + - S+ + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-13030 type: explored -- comm_cost: 0.3198784722222223 - complexity: 20 +- comm_cost: 0.5868055555555557 + complexity: 14 expressions: - - K+ - - K+ - N+ + - N- - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, N+) + - and(N-, or(K+, R+)) + - not(R-) name: explored-13031 type: explored -- comm_cost: 0.5436631944444446 +- comm_cost: 0.6960243055555557 complexity: 14 expressions: - - N+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, N-) + - R+ + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - not(R-) name: explored-13032 type: explored -- comm_cost: 0.28333333333333366 - complexity: 7 +- comm_cost: 0.6982849702380953 + complexity: 31 expressions: - - N+ - - R- - - SE- - - SE- - - and(N-, R+) + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) + - and(S-, or(N+, not(R+))) + - or(K+, N+) + - or(S+, N+) + - or(S+, SE+) + - or(SE-, N+) name: explored-13033 type: explored -- comm_cost: 0.46701388888888906 - complexity: 18 +- comm_cost: 0.42838541666666674 + complexity: 11 expressions: + - K+ - N+ - R- - - SE- - - and(K-, S+) - - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(K+, SE+) + - S+ + - and(N-, not(R-)) + - and(S-, SE-) name: explored-13034 type: explored -- comm_cost: 0.7458333333333335 - complexity: 4 +- comm_cost: 0.6428240740740742 + complexity: 9 expressions: + - N+ + - R- - SE- - - or(S+, R+) + - and(SE+, N-) + - or(K+, K-) name: explored-13035 type: explored -- comm_cost: 0.25355902777777795 - complexity: 18 +- comm_cost: 0.33709490740740755 + complexity: 16 expressions: - - K+ - N+ - R- - - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(K+, SE+) + - and(SE+, N-) name: explored-13036 type: explored -- comm_cost: 0.6059895833333335 - complexity: 11 +- comm_cost: 0.7187152777777779 + complexity: 29 expressions: - - and(N-, R+) - - and(S-, SE-) + - S- + - and(K-, N-) + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) - not(R+) - - or(K+, K-) name: explored-13037 type: explored -- comm_cost: 0.8076388888888888 - complexity: 9 +- comm_cost: 0.5536458333333333 + complexity: 11 expressions: - N+ - R- - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-13038 type: explored -- comm_cost: 0.5218750000000001 - complexity: 4 +- comm_cost: 0.6900000000000001 + complexity: 16 expressions: - - R+ - - R- - - SE- - - SE- + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - not(R-) + - or(K+, S-) + - or(N+, R-) name: explored-13039 type: explored -- comm_cost: 0.11302083333333357 - complexity: 18 +- comm_cost: 0.48984375000000013 + complexity: 14 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, S+) + - SE+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-13040 type: explored -- comm_cost: 0.5789062500000002 - complexity: 12 +- comm_cost: 0.3783854166666669 + complexity: 11 expressions: - - K+ - N+ - - R+ - - R- - - SE- - - and(K-, N-) - - and(N-, not(R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-13041 type: explored -- comm_cost: 0.6542534722222224 - complexity: 11 +- comm_cost: 0.7256944444444445 + complexity: 3 expressions: - N+ - R- - - and(N-, R+) - - or(K+, K-) - - or(K+, SE+) + - SE+ name: explored-13042 type: explored -- comm_cost: 0.4436342592592596 - complexity: 14 +- comm_cost: 0.4182291666666671 + complexity: 11 expressions: - - R- - - SE- + - K+ + - N+ + - and(K-, S+) - and(N-, R+) - - not(R+) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, N+) name: explored-13043 type: explored -- comm_cost: 0.15885416666666696 - complexity: 12 +- comm_cost: 0.7191261574074075 + complexity: 10 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - R+ + - R- + - and(K-, or(S+, SE+)) + - or(K+, R+) name: explored-13044 type: explored -- comm_cost: 0.7011458333333335 - complexity: 8 +- comm_cost: 0.5937500000000002 + complexity: 14 expressions: - - R+ - - and(S-, or(SE-, N+)) - - not(R-) + - N+ + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - or(S+, N+) name: explored-13045 type: explored -- comm_cost: 0.5805555555555557 +- comm_cost: 0.6636458333333335 complexity: 8 expressions: - - K+ - - N+ + - R+ - SE- - - and(N-, R+) - - not(R-) + - and(SE+, N-) + - or(K+, S-) name: explored-13046 type: explored - comm_cost: 0.3070312500000002 - complexity: 14 + complexity: 12 expressions: - N+ - R- - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) + - or(K+, SE+) name: explored-13047 type: explored -- comm_cost: 0.5951996527777779 - complexity: 42 +- comm_cost: 0.7972222222222224 + complexity: 10 expressions: - - SE- - - and(K-, SE-) - - and(K-, or(S+, SE+)) - - and(K-, or(SE-, N+)) - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) name: explored-13048 type: explored -- comm_cost: 0.3865451388888891 - complexity: 17 +- comm_cost: 0.6399016203703706 + complexity: 18 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - R+ + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R-) name: explored-13049 type: explored -- comm_cost: 0.1468750000000003 - complexity: 18 +- comm_cost: 0.3979166666666669 + complexity: 14 expressions: - K+ - N+ - R- - - S+ - - and(K-, or(S+, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(and(K-, N-), or(S+, SE+)) name: explored-13050 type: explored -- comm_cost: 0.4666666666666669 - complexity: 13 +- comm_cost: 0.7806597222222222 + complexity: 5 expressions: - - N+ + - N- - SE- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, S-)) + - or(K+, R-) name: explored-13051 type: explored -- comm_cost: 0.6154513888888891 - complexity: 13 +- comm_cost: 0.8307291666666666 + complexity: 7 expressions: - - and(S-, N-) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) + - or(N+, not(R+)) name: explored-13052 type: explored -- comm_cost: 0.3154166666666671 - complexity: 20 +- comm_cost: 0.48951967592592616 + complexity: 21 expressions: + - K+ - N+ + - N- - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, not(R+)) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-13053 type: explored -- comm_cost: 0.48954861111111125 +- comm_cost: 0.7080439814814816 complexity: 13 expressions: - - K- - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - R+ + - and(K-, N-) + - and(K-, N-) + - and(S-, or(N+, not(R+))) name: explored-13054 type: explored -- comm_cost: 0.5879340277777779 - complexity: 7 +- comm_cost: 0.6523871527777779 + complexity: 18 expressions: + - N+ - R+ - R- - - not(R+) - - or(K+, R-) + - S- + - SE- + - and(N-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13055 type: explored -- comm_cost: 0.40937500000000016 - complexity: 12 +- comm_cost: 0.43917824074074097 + complexity: 19 expressions: - - R+ - - and(K-, or(S+, R-)) + - K+ + - R- + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(SE+, N-) + - and(and(K-, N-), not(R-)) name: explored-13056 type: explored -- comm_cost: 0.24375000000000036 - complexity: 18 +- comm_cost: 0.6144097222222225 + complexity: 10 expressions: - - N+ - - R- + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - not(R+) name: explored-13057 type: explored -- comm_cost: 0.6302083333333335 +- comm_cost: 0.623576388888889 complexity: 7 expressions: + - K+ - R+ - - R+ - - and(S-, or(SE-, N+)) + - R- + - SE- + - or(S+, SE+) name: explored-13058 type: explored -- comm_cost: 0.6335069444444446 - complexity: 7 +- comm_cost: 0.38204571759259287 + complexity: 14 expressions: + - K+ - N+ - R- - - S- - SE- - - or(K+, R+) + - and(N-, R+) + - not(R+) + - or(K+, or(N+, R-)) name: explored-13059 type: explored -- comm_cost: 0.4755208333333335 - complexity: 16 +- comm_cost: 0.6875000000000001 + complexity: 11 expressions: - R+ - - R- - - and(K-, or(S+, R-)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) name: explored-13060 type: explored -- comm_cost: 0.5352430555555555 - complexity: 10 +- comm_cost: 0.5977199074074075 + complexity: 14 expressions: - N+ + - R+ - R- - - S+ - - and(K-, not(R+)) - - and(S-, SE-) + - SE- + - and(S-, N-) + - and(SE-, or(K+, S-)) + - not(R-) name: explored-13061 type: explored -- comm_cost: 0.4539930555555556 - complexity: 8 +- comm_cost: 0.2416666666666668 + complexity: 20 expressions: + - K+ + - K+ - N+ + - R- - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(and(K-, N-), not(R-)) name: explored-13062 type: explored -- comm_cost: 0.3681423611111113 - complexity: 16 +- comm_cost: 0.4128472222222225 + complexity: 15 expressions: + - K+ - N+ - R- - - and(K-, or(S+, SE+)) + - SE- + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - and(N-, or(K+, S-)) name: explored-13063 type: explored -- comm_cost: 0.4332523148148151 - complexity: 17 +- comm_cost: 0.45434027777777797 + complexity: 16 expressions: - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - or(N+, not(R+)) + - and(or(K+, S-), not(R-)) + - or(S+, R-) name: explored-13064 type: explored -- comm_cost: 0.23385416666666692 - complexity: 14 +- comm_cost: 0.7166666666666668 + complexity: 10 expressions: - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - SE- + - and(S-, N-) + - and(or(K+, S-), not(R+)) name: explored-13065 type: explored -- comm_cost: 0.6151041666666668 - complexity: 10 +- comm_cost: 0.3576388888888893 + complexity: 14 expressions: - - K+ - - R+ - R- - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-13066 type: explored -- comm_cost: 0.44166666666666665 - complexity: 12 +- comm_cost: 0.30781250000000016 + complexity: 16 expressions: - K+ - N+ + - R- - and(K-, S+) + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) name: explored-13067 type: explored -- comm_cost: 0.5923611111111112 - complexity: 12 +- comm_cost: 0.6269097222222224 + complexity: 9 expressions: - R+ - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) + - SE- + - and(K-, not(R+)) + - or(K+, R+) name: explored-13068 type: explored -- comm_cost: 0.6496354166666667 - complexity: 11 +- comm_cost: 0.3365625000000002 + complexity: 15 expressions: - - K+ - - K+ - N+ + - R- - S+ + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, N+) + - or(S+, SE+) name: explored-13069 type: explored -- comm_cost: 0.6210069444444446 - complexity: 15 +- comm_cost: 0.6343749999999999 + complexity: 8 expressions: - N+ - - R- - - SE- - - and(N-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - S+ + - and(S-, SE-) + - or(K+, K-) name: explored-13070 type: explored -- comm_cost: 0.5743750000000002 - complexity: 8 +- comm_cost: 0.37473958333333357 + complexity: 19 expressions: - - R+ + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(N+, not(R+)) name: explored-13071 type: explored -- comm_cost: 0.3276041666666669 - complexity: 11 +- comm_cost: 0.4580729166666667 + complexity: 12 expressions: - K+ + - K+ - N+ + - R- - S+ - - and(N-, R+) - - and(S-, or(SE-, N+)) + - S- + - and(S-, SE-) + - and(S-, SE-) name: explored-13072 type: explored -- comm_cost: 0.6723958333333333 - complexity: 11 +- comm_cost: 0.32291666666666696 + complexity: 12 expressions: - - K+ - R- + - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) - - or(SE-, N+) name: explored-13073 type: explored -- comm_cost: 0.5100000000000003 - complexity: 8 +- comm_cost: 0.2786458333333336 + complexity: 16 expressions: + - N+ + - R- + - S+ - SE- - and(N-, R+) - - or(N+, not(R+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-13074 type: explored -- comm_cost: 0.44537037037037075 - complexity: 21 +- comm_cost: 0.7790277777777779 + complexity: 6 expressions: - - R- - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - K- + - and(K-, or(S+, R+)) name: explored-13075 type: explored -- comm_cost: 0.6107638888888891 - complexity: 14 +- comm_cost: 0.6617187500000001 + complexity: 7 expressions: + - N+ - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) - - or(S+, or(N+, R-)) + - and(K-, or(S+, SE+)) name: explored-13076 type: explored -- comm_cost: 0.5729166666666669 - complexity: 9 +- comm_cost: 0.49541666666666684 + complexity: 14 expressions: - N+ - - N+ - - R+ - R- - - and(N-, or(K+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - or(K+, S-) name: explored-13077 type: explored -- comm_cost: 0.3104166666666668 - complexity: 12 +- comm_cost: 0.6638310185185187 + complexity: 15 expressions: - - N+ - - R- - - S+ - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - R+ + - and(K-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - or(S+, N+) name: explored-13078 type: explored -- comm_cost: 0.7333333333333333 - complexity: 4 +- comm_cost: 0.4670138888888892 + complexity: 11 expressions: - K+ - - R- - - R- + - N+ - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-13079 type: explored -- comm_cost: 0.3812500000000003 - complexity: 9 +- comm_cost: 0.6262876157407409 + complexity: 37 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - or(K+, N+) + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-13080 type: explored -- comm_cost: 0.7527777777777779 - complexity: 6 +- comm_cost: 0.7407986111111112 + complexity: 8 expressions: - - N- + - and(K-, N-) - and(K-, or(S+, R+)) name: explored-13081 type: explored -- comm_cost: 0.6486979166666668 - complexity: 7 +- comm_cost: 0.7159722222222222 + complexity: 9 expressions: - K+ - - N+ - R- - - S+ - - or(S+, R+) + - SE- + - and(S-, or(N+, not(R+))) name: explored-13082 type: explored -- comm_cost: 0.33958333333333357 - complexity: 13 +- comm_cost: 0.6096643518518521 + complexity: 6 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(S+, R+) + - R+ + - SE+ + - SE- + - and(SE+, N-) name: explored-13083 type: explored -- comm_cost: 0.6506944444444445 - complexity: 14 +- comm_cost: 0.5173611111111113 + complexity: 11 expressions: + - R+ - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, K-) + - SE- + - SE- + - and(and(K-, N-), or(S+, R+)) name: explored-13084 type: explored -- comm_cost: 0.529513888888889 - complexity: 10 +- comm_cost: 0.43763888888888913 + complexity: 14 expressions: - N+ - - R+ - R- - - SE- - - and(K-, SE-) - - or(S+, R+) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-13085 type: explored -- comm_cost: 0.4781192129629631 - complexity: 16 +- comm_cost: 0.3481770833333335 + complexity: 18 expressions: - - K+ + - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - not(R-) + - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-13086 type: explored -- comm_cost: 0.5131944444444447 - complexity: 12 +- comm_cost: 0.47919560185185206 + complexity: 18 expressions: + - K+ - N+ - - SE- - and(K-, S+) + - and(K-, not(R-)) - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) + - or(K+, R+) name: explored-13087 type: explored -- comm_cost: 0.3486111111111114 - complexity: 8 +- comm_cost: 0.2641203703703705 + complexity: 24 expressions: + - K+ - N+ - - SE- + - R- + - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - - or(S+, R-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-13088 type: explored -- comm_cost: 0.1960937500000004 - complexity: 14 +- comm_cost: 0.5898263888888889 + complexity: 10 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) + - S+ + - SE- - and(S-, SE-) - - not(R+) + - or(K+, S-) name: explored-13089 type: explored -- comm_cost: 0.7084490740740741 - complexity: 18 +- comm_cost: 0.15885416666666696 + complexity: 9 expressions: - - and(K-, not(R-)) - - and(K-, or(S+, N+)) - - and(and(K-, N-), not(R-)) - - or(K+, SE+) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-13090 type: explored -- comm_cost: 0.6930555555555555 - complexity: 10 +- comm_cost: 0.5215277777777779 + complexity: 14 expressions: - N+ + - R+ - R- - SE- - - or(and(K-, S+), or(N+, R-)) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) name: explored-13091 type: explored -- comm_cost: 0.49755208333333356 - complexity: 19 +- comm_cost: 0.4356365740740742 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - or(K+, K-) + - or(K+, R-) name: explored-13092 type: explored -- comm_cost: 0.5606770833333334 - complexity: 7 +- comm_cost: 0.34921875000000013 + complexity: 12 expressions: - N+ - - R+ - R- - - and(N-, not(R-)) + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) name: explored-13093 type: explored -- comm_cost: 0.5730902777777779 - complexity: 12 +- comm_cost: 0.5057291666666668 + complexity: 13 expressions: + - K+ - N+ - - R+ - - SE- - - and(and(K-, N-), not(R-)) - - or(N+, R-) + - R- + - and(K-, not(R-)) + - and(S-, SE-) + - or(K+, R-) name: explored-13094 type: explored -- comm_cost: 0.6050000000000002 - complexity: 12 +- comm_cost: 0.6281979166666667 + complexity: 23 expressions: - - SE- - - and(N-, R+) - - or(K+, or(N+, R-)) - - or(S+, SE+) + - N+ + - N- + - and(S-, SE-) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13095 type: explored -- comm_cost: 0.6631510416666668 - complexity: 14 +- comm_cost: 0.6598958333333335 + complexity: 11 expressions: - R+ - - SE- - - and(K-, or(S+, SE+)) - - and(S-, N-) - - and(S-, not(R-)) + - R- + - and(K-, or(N+, not(R+))) + - or(S+, R+) name: explored-13096 type: explored -- comm_cost: 0.5552083333333335 - complexity: 16 +- comm_cost: 0.482482638888889 + complexity: 19 expressions: - - R- - - SE- + - K+ + - N+ + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, S-) name: explored-13097 type: explored -- comm_cost: 0.6450868055555556 - complexity: 38 +- comm_cost: 0.6491319444444446 + complexity: 6 expressions: - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(N-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) + - K+ + - R+ + - R- + - or(K+, R+) name: explored-13098 type: explored -- comm_cost: 0.2661458333333335 - complexity: 18 +- comm_cost: 0.5072916666666668 + complexity: 8 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - and(S-, or(SE-, N+)) name: explored-13099 type: explored -- comm_cost: 0.4690393518518521 - complexity: 17 +- comm_cost: 0.529166666666667 + complexity: 6 expressions: - - N+ - - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-13100 type: explored -- comm_cost: 0.4213541666666669 - complexity: 6 +- comm_cost: 0.6416666666666666 + complexity: 11 expressions: - - K+ - N+ - - S+ - - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(N+, R-) name: explored-13101 type: explored -- comm_cost: 0.5678819444444445 - complexity: 10 +- comm_cost: 0.6508680555555557 + complexity: 12 expressions: - - N+ - R+ - - R- - SE- - - and(SE+, N-) - - or(S+, R+) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) name: explored-13102 type: explored -- comm_cost: 0.2015625000000001 - complexity: 18 +- comm_cost: 0.17916666666666692 + complexity: 8 expressions: - - K+ - - K+ - N+ - - R- - - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-13103 type: explored -- comm_cost: 0.5353298611111114 - complexity: 16 +- comm_cost: 0.3442708333333335 + complexity: 9 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - R+ + - R- + - and(S-, SE-) + - or(N+, R-) name: explored-13104 type: explored -- comm_cost: 0.6234953703703705 - complexity: 10 +- comm_cost: 0.5992187500000001 + complexity: 9 expressions: - - R+ + - N+ + - R- - SE- - - and(N-, or(K+, SE+)) - - and(S-, N-) + - and(or(K+, S-), not(R-)) name: explored-13105 type: explored -- comm_cost: 0.6830729166666667 - complexity: 24 +- comm_cost: 0.5942129629629631 + complexity: 19 expressions: - - N+ - - and(N-, or(S+, SE+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) - - or(S+, R+) + - R+ + - R- + - SE- + - and(K-, or(S+, N+)) + - and(N-, or(K+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-13106 type: explored -- comm_cost: 0.6236979166666667 - complexity: 35 +- comm_cost: 0.5204861111111113 + complexity: 15 expressions: + - K+ - N+ + - R- + - S+ - and(K-, or(S+, R+)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - or(K+, R-) name: explored-13107 type: explored -- comm_cost: 0.2625000000000004 - complexity: 12 +- comm_cost: 0.5625000000000002 + complexity: 14 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - SE- + - and(K-, not(R-)) - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-13108 type: explored -- comm_cost: 0.3555555555555556 - complexity: 13 +- comm_cost: 0.5120659722222224 + complexity: 15 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(S-, SE-) - - and(S-, not(R-)) + - SE- + - and(N-, R+) + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-13109 type: explored -- comm_cost: 0.5031250000000003 - complexity: 13 +- comm_cost: 0.24218750000000022 + complexity: 12 expressions: - K+ - - N+ + - R- - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) + - or(K+, R-) name: explored-13110 type: explored -- comm_cost: 0.5229166666666669 - complexity: 13 +- comm_cost: 0.48263888888888906 + complexity: 15 expressions: - - S+ + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(K+, SE+) name: explored-13111 type: explored -- comm_cost: 0.1848958333333337 - complexity: 11 +- comm_cost: 0.6239583333333335 + complexity: 9 expressions: - K+ + - N+ - S+ - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - or(S+, R+) name: explored-13112 type: explored -- comm_cost: 0.5237731481481482 - complexity: 14 +- comm_cost: 0.5088541666666668 + complexity: 9 expressions: - - K- + - K+ - N+ - - R+ - - R- - - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) + - and(N-, not(R-)) name: explored-13113 type: explored -- comm_cost: 0.46354166666666685 - complexity: 24 +- comm_cost: 0.5199652777777779 + complexity: 12 expressions: - N+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) + - R+ + - R- + - and(S-, not(R+)) + - or(S+, or(N+, R-)) name: explored-13114 type: explored -- comm_cost: 0.5018229166666668 - complexity: 15 +- comm_cost: 0.7171006944444445 + complexity: 11 expressions: - - N+ - - R+ - - R- - - SE- - SE- - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) + - and(K-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-13115 type: explored -- comm_cost: 0.628732638888889 - complexity: 6 +- comm_cost: 0.7272916666666668 + complexity: 11 expressions: - - K+ - - R- - - SE- - - or(S+, R+) + - N- + - R+ + - and(K-, or(S+, SE+)) + - and(N-, not(R-)) name: explored-13116 type: explored -- comm_cost: 0.6757812500000001 +- comm_cost: 0.6500000000000001 complexity: 6 expressions: - R+ - - S+ - - and(N-, not(R-)) + - R+ + - SE- + - or(SE-, N+) name: explored-13117 type: explored -- comm_cost: 0.5498611111111114 - complexity: 14 +- comm_cost: 0.4130208333333333 + complexity: 17 expressions: - K+ - - K- - N+ - R- - - S+ - - and(N-, R+) + - and(K-, S+) + - and(K-, S+) - and(S-, SE-) - - or(K+, K-) + - and(SE-, or(K+, S-)) name: explored-13118 type: explored -- comm_cost: 0.19453125000000027 - complexity: 14 +- comm_cost: 0.6133680555555557 + complexity: 7 expressions: - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - N- + - R+ + - SE- + - and(K-, SE-) name: explored-13119 type: explored -- comm_cost: 0.8026041666666667 - complexity: 6 +- comm_cost: 0.408263888888889 + complexity: 13 expressions: - - SE- - - and(K-, or(S+, R-)) + - K+ + - K- + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-13120 type: explored -- comm_cost: 0.16875000000000018 - complexity: 14 +- comm_cost: 0.40394965277777795 + complexity: 25 expressions: - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-13121 type: explored -- comm_cost: 0.502604166666667 - complexity: 7 +- comm_cost: 0.48840277777777796 + complexity: 13 expressions: - - SE- - - and(K-, SE-) + - K+ + - N+ + - R+ + - R- + - and(K-, S+) - and(N-, R+) + - or(K+, S-) name: explored-13122 type: explored -- comm_cost: 0.5180555555555557 - complexity: 9 +- comm_cost: 0.0868055555555558 + complexity: 15 expressions: + - K+ - N+ - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - or(S+, R-) name: explored-13123 type: explored -- comm_cost: 0.7719212962962965 - complexity: 9 +- comm_cost: 0.37864583333333357 + complexity: 16 expressions: - - R+ - - and(N-, or(S+, R+)) - - or(S+, SE+) + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-13124 type: explored -- comm_cost: 0.39557291666666683 - complexity: 14 +- comm_cost: 0.33964120370370376 + complexity: 16 expressions: - - R+ + - N+ - R- - S+ - and(S-, SE-) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(SE+, N-) + - or(and(K-, S+), or(N+, R-)) name: explored-13125 type: explored -- comm_cost: 0.2812500000000002 - complexity: 14 +- comm_cost: 0.6786747685185186 + complexity: 29 expressions: - - N+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(K-, not(R+)) + - and(N-, or(S+, R+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13126 type: explored -- comm_cost: 0.6279513888888889 - complexity: 14 +- comm_cost: 0.2845486111111113 + complexity: 15 expressions: - - R+ + - N+ - R- - S+ - - and(N-, or(K+, S-)) + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(and(K-, N-), not(R-)) name: explored-13127 type: explored -- comm_cost: 0.626388888888889 - complexity: 7 +- comm_cost: 0.6407118055555556 + complexity: 9 expressions: - - N+ - - and(and(K-, N-), not(R-)) + - R+ + - R- + - SE- + - and(K-, not(R-)) + - not(R+) name: explored-13128 type: explored -- comm_cost: 0.4734375000000003 - complexity: 15 +- comm_cost: 0.7259548611111112 + complexity: 11 expressions: - - N+ - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(S+, or(N+, R-)) + - and(N-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-13129 type: explored -- comm_cost: 0.3647280092592595 +- comm_cost: 0.27881944444444473 complexity: 16 expressions: + - K+ + - N+ - R- + - SE- - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-13130 type: explored -- comm_cost: 0.4304687500000002 - complexity: 16 +- comm_cost: 0.5020833333333335 + complexity: 10 expressions: - K+ - N+ - - R- - - S- - - and(K-, N-) - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, SE-) + - and(N-, not(R-)) name: explored-13131 type: explored -- comm_cost: 0.4701388888888892 - complexity: 11 +- comm_cost: 0.345572916666667 + complexity: 16 expressions: + - K+ + - N+ - R- + - S+ - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(SE+, N-) + - or(SE-, N+) name: explored-13132 type: explored -- comm_cost: 0.7473958333333333 - complexity: 9 - expressions: - - SE- - - and(K-, SE-) - - and(S-, or(SE-, N+)) - name: explored-13133 - type: explored -- comm_cost: 0.33125000000000027 - complexity: 10 +- comm_cost: 0.43868055555555574 + complexity: 15 expressions: - N+ + - N- - R- - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) + name: explored-13133 + type: explored +- comm_cost: 0.5803819444444446 + complexity: 11 + expressions: + - R+ + - SE- + - and(K-, not(R+)) + - and(N-, or(K+, R+)) name: explored-13134 type: explored -- comm_cost: 0.13946759259259278 - complexity: 18 +- comm_cost: 0.46125000000000016 + complexity: 10 expressions: - - K+ + - K- + - N+ - N+ - R- - - R- - - S+ - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-13135 type: explored -- comm_cost: 0.6964583333333334 - complexity: 6 +- comm_cost: 0.6408854166666669 + complexity: 8 expressions: - - R+ - - and(K-, SE-) - - not(R-) + - N+ + - S+ + - and(N-, R+) + - or(S+, R+) name: explored-13136 type: explored -- comm_cost: 0.5492187500000002 - complexity: 12 +- comm_cost: 0.6958333333333335 + complexity: 7 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) + - R+ + - and(K-, or(S+, N+)) name: explored-13137 type: explored -- comm_cost: 0.2866753472222223 - complexity: 17 +- comm_cost: 0.476388888888889 + complexity: 15 expressions: - K+ - - K+ - N+ - - R+ - - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - or(K+, K-) + - or(S+, R-) name: explored-13138 type: explored -- comm_cost: 0.24375000000000036 - complexity: 16 +- comm_cost: 0.6458333333333335 + complexity: 9 expressions: - - R- - - S+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - N+ + - N+ + - and(and(K-, N-), or(S+, R+)) name: explored-13139 type: explored -- comm_cost: 0.5657986111111113 - complexity: 11 +- comm_cost: 0.5167534722222223 + complexity: 18 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - and(K-, SE-) - - and(or(K+, S-), not(R+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13140 type: explored -- comm_cost: 0.6649218750000001 - complexity: 14 +- comm_cost: 0.6817708333333334 + complexity: 10 expressions: - - K- + - N- - R+ - - R- - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-13141 type: explored -- comm_cost: 0.5508101851851854 +- comm_cost: 0.39959490740740744 complexity: 12 expressions: - - R+ - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - R- + - S+ + - SE+ + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-13142 type: explored -- comm_cost: 0.4875868055555558 - complexity: 13 +- comm_cost: 0.5317708333333335 + complexity: 14 expressions: - N+ - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(SE+, N-) + - and(or(K+, S-), not(R-)) + - or(N+, R-) name: explored-13143 type: explored -- comm_cost: 0.4429861111111113 - complexity: 11 +- comm_cost: 0.6407118055555556 + complexity: 15 expressions: - - N+ - - N- + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - SE- + - and(N-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13144 type: explored -- comm_cost: 0.5427083333333333 - complexity: 12 +- comm_cost: 0.6415219907407409 + complexity: 13 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(S-, SE-) - - or(SE-, N+) + - R+ + - S+ + - and(N-, or(K+, S-)) + - and(and(K-, N-), not(R-)) name: explored-13145 type: explored -- comm_cost: 0.4296875 - complexity: 9 +- comm_cost: 0.6958854166666668 + complexity: 22 expressions: - - N+ - R- - - S+ - - and(S-, SE-) - - or(K+, SE+) + - and(K-, N-) + - and(K-, not(R-)) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-13146 type: explored -- comm_cost: 0.49375000000000024 - complexity: 7 +- comm_cost: 0.5900000000000001 + complexity: 9 expressions: - K+ - N+ - R- - - S- - and(N-, R+) + - or(S+, SE+) name: explored-13147 type: explored -- comm_cost: 0.4739583333333335 - complexity: 10 +- comm_cost: 0.26527777777777817 + complexity: 8 expressions: - - R+ + - K+ + - N+ - R- - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - SE- + - SE- + - and(N-, R+) name: explored-13148 type: explored -- comm_cost: 0.5461805555555558 - complexity: 9 +- comm_cost: 0.708029761904762 + complexity: 45 expressions: - - N+ - - SE+ - - SE- - - and(N-, R+) - - or(SE-, N+) + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) + - and(N-, not(R-)) + - and(S-, N-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - not(R-) + - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-13149 type: explored -- comm_cost: 0.449479166666667 +- comm_cost: 0.7640625000000001 complexity: 7 expressions: - - SE- - - and(N-, R+) + - R+ - or(K+, N+) + - or(S+, R+) name: explored-13150 type: explored -- comm_cost: 0.3949218750000001 +- comm_cost: 0.7394965277777779 + complexity: 10 + expressions: + - SE- + - and(K-, or(SE-, N+)) + - and(N-, not(R-)) + name: explored-13151 + type: explored +- comm_cost: 0.4652777777777779 complexity: 12 expressions: - K+ - - K+ - N+ + - R- - S+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) - name: explored-13151 - type: explored -- comm_cost: 0.7371093750000001 - complexity: 15 - expressions: - - and(K-, or(S+, SE+)) - - and(N-, or(K+, S-)) - - not(R+) - - or(K+, R-) + - and(N-, and(or(K+, S-), not(R-))) name: explored-13152 type: explored -- comm_cost: 0.4399305555555557 - complexity: 14 +- comm_cost: 0.49479166666666663 + complexity: 8 expressions: - K+ - N+ - - R- - - SE- - - and(N-, or(K+, R+)) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - or(N+, R-) name: explored-13153 type: explored -- comm_cost: 0.09557291666666701 - complexity: 14 +- comm_cost: 0.6720486111111112 + complexity: 8 expressions: - - K+ - - N+ - - R- - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - R+ + - and(K-, not(R-)) + - or(S+, R-) name: explored-13154 type: explored -- comm_cost: 0.5517361111111113 - complexity: 10 +- comm_cost: 0.4517361111111112 + complexity: 9 expressions: - R+ - - and(K-, SE-) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-13155 type: explored -- comm_cost: 0.6036458333333332 - complexity: 8 +- comm_cost: 0.6026041666666668 + complexity: 11 expressions: - - N+ + - R+ - R- - - and(S-, SE-) - - or(SE-, N+) + - and(K-, S+) + - and(K-, or(N+, not(R+))) name: explored-13156 type: explored -- comm_cost: 0.3645833333333336 - complexity: 16 +- comm_cost: 0.6718750000000002 + complexity: 18 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - R+ + - and(and(K-, N-), or(S+, R+)) - and(and(K-, N-), or(S+, R+)) + - or(N+, R-) name: explored-13157 type: explored -- comm_cost: 0.2961805555555559 - complexity: 17 +- comm_cost: 0.7154340277777779 + complexity: 9 expressions: - - K+ - - N+ - - R- + - K- + - R+ - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) name: explored-13158 type: explored -- comm_cost: 0.546527777777778 - complexity: 11 +- comm_cost: 0.4604166666666669 + complexity: 12 expressions: - - N+ + - K+ + - K+ - R- - and(N-, R+) - - or(K+, R+) - - or(S+, N+) + - and(S-, N-) + - and(S-, SE-) name: explored-13159 type: explored -- comm_cost: 0.3075000000000001 - complexity: 13 +- comm_cost: 0.7304687500000002 + complexity: 8 expressions: - - K+ - - N+ - - N+ - - R- - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - and(N-, or(S+, SE+)) name: explored-13160 type: explored -- comm_cost: 0.3015625000000002 - complexity: 12 +- comm_cost: 0.5732899305555557 + complexity: 36 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(K-, or(SE-, N+)) - and(S-, SE-) + - and(S-, not(R+)) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-13161 type: explored -- comm_cost: 0.6749999999999999 - complexity: 9 +- comm_cost: 0.42013888888888884 + complexity: 17 expressions: - K+ - N+ + - N+ - R- - - S+ - - and(K-, or(S+, R-)) + - and(K-, S+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-13162 type: explored -- comm_cost: 0.47760416666666683 +- comm_cost: 0.606076388888889 complexity: 8 expressions: - R+ - - R- - - and(S-, SE-) - - or(SE-, N+) + - SE- + - or(K+, R+) + - or(K+, R-) name: explored-13163 type: explored -- comm_cost: 0.6245659722222224 - complexity: 10 +- comm_cost: 0.6473958333333335 + complexity: 7 expressions: - - SE- - - and(K-, N-) - - and(K-, S+) - - and(N-, R+) + - R+ + - R- + - and(K-, or(S+, R-)) name: explored-13164 type: explored -- comm_cost: 0.6368489583333333 - complexity: 7 +- comm_cost: 0.6881944444444446 + complexity: 9 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - not(R+) + - R+ + - and(K-, not(R+)) + - and(K-, not(R-)) name: explored-13165 type: explored -- comm_cost: 0.27847222222222245 - complexity: 16 +- comm_cost: 0.2929687500000002 + complexity: 18 expressions: + - K+ + - K+ - N+ - R- - - SE- - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13166 type: explored -- comm_cost: 0.18854166666666705 - complexity: 16 +- comm_cost: 0.38932291666666685 + complexity: 23 expressions: - K+ + - K+ - N+ + - R+ - R- - S+ - - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-13167 type: explored -- comm_cost: 0.7809895833333333 - complexity: 8 +- comm_cost: 0.6540509259259261 + complexity: 18 expressions: - - and(K-, or(S+, R-)) - - or(S+, R+) + - R+ + - SE- + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-13168 type: explored -- comm_cost: 4.440892098500626e-16 - complexity: 18 +- comm_cost: 0.5289351851851851 + complexity: 15 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - and(S-, SE-) + - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-13169 type: explored -- comm_cost: 0.4661458333333335 - complexity: 12 +- comm_cost: 0.4291666666666669 + complexity: 14 expressions: + - K+ - N+ - - R- + - N+ + - SE- - and(N-, R+) - and(and(K-, N-), or(S+, R+)) name: explored-13170 type: explored -- comm_cost: 0.6604021990740742 - complexity: 29 +- comm_cost: 0.45619791666666676 + complexity: 17 expressions: + - K+ - N+ - N- - - SE+ - - and(K-, or(SE-, N+)) - - and(N-, or(K+, SE+)) - - and(SE-, or(K+, S-)) - - not(R+) - - or(K+, R-) - - or(N+, R-) - - or(S+, N+) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(S+, SE+) name: explored-13171 type: explored -- comm_cost: 0.6373159722222224 - complexity: 16 +- comm_cost: 0.8161111111111111 + complexity: 11 expressions: - - N+ - - R+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - or(K+, N+) + - and(K-, S+) + - and(K-, not(R+)) - or(N+, not(R+)) name: explored-13172 type: explored -- comm_cost: 0.37864583333333357 - complexity: 18 +- comm_cost: 0.36440972222222257 + complexity: 17 expressions: - R- - S+ - - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, or(N+, not(R+))) + - or(SE-, N+) name: explored-13173 type: explored -- comm_cost: 0.5469907407407409 - complexity: 15 +- comm_cost: 0.7322048611111112 + complexity: 12 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, S-) + - R+ + - SE+ + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R+) name: explored-13174 type: explored -- comm_cost: 0.7180324074074076 - complexity: 4 +- comm_cost: 0.32291666666666696 + complexity: 9 expressions: - - R+ - - SE+ - - not(R-) + - N+ + - R- + - R- + - S+ + - and(N-, R+) + - not(R+) name: explored-13175 type: explored -- comm_cost: 0.4911458333333335 +- comm_cost: 0.6006944444444444 complexity: 11 expressions: - - N+ - - R+ - - R- - - and(S-, or(SE-, N+)) - - or(K+, R-) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-13176 type: explored -- comm_cost: 0.6072916666666667 - complexity: 6 +- comm_cost: 0.22656250000000044 + complexity: 22 expressions: + - K+ - N+ + - R- - S+ - - SE- + - and(N-, R+) - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-13177 type: explored -- comm_cost: 0.31072916666666694 - complexity: 16 +- comm_cost: 0.582326388888889 + complexity: 11 expressions: + - K+ - N+ - R- - - S+ + - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(N+, not(R+)) + - or(S+, SE+) name: explored-13178 type: explored -- comm_cost: 0.19843750000000027 - complexity: 20 +- comm_cost: 0.08125000000000027 + complexity: 10 expressions: - K+ - N+ + - N+ - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(S-, or(SE-, N+)) name: explored-13179 type: explored -- comm_cost: 0.44843750000000016 - complexity: 18 +- comm_cost: 0.3221354166666668 + complexity: 15 expressions: + - K+ + - K+ + - N+ - N+ - R- + - S+ - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-13180 type: explored -- comm_cost: 0.3409259259259263 - complexity: 19 +- comm_cost: 0.28819444444444464 + complexity: 13 expressions: - K+ - N+ - - R- - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(N+, not(R+)) name: explored-13181 type: explored -- comm_cost: 0.5495370370370373 - complexity: 12 +- comm_cost: 0.34583333333333344 + complexity: 15 expressions: - - N+ - - S- - - SE- - - and(K-, not(R+)) + - K+ + - R- - and(N-, R+) - - not(R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-13182 type: explored -- comm_cost: 0.6019965277777779 - complexity: 21 - expressions: - - SE+ - - and(K-, or(S+, N+)) - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) - name: explored-13183 - type: explored -- comm_cost: 0.39166666666666683 - complexity: 11 +- comm_cost: 0.3343750000000002 + complexity: 20 expressions: - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, N+) + name: explored-13183 + type: explored +- comm_cost: 0.7359374999999999 + complexity: 7 + expressions: + - K+ + - R- + - SE- + - and(S-, not(R+)) name: explored-13184 type: explored -- comm_cost: 0.5969618055555556 - complexity: 21 +- comm_cost: 0.29956597222222237 + complexity: 23 expressions: - K+ - N+ - R- - and(K-, S+) - - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(and(S-, N-), not(R-)) name: explored-13185 type: explored -- comm_cost: 0.5187500000000002 - complexity: 6 +- comm_cost: 0.6471354166666667 + complexity: 8 expressions: - R+ - - S+ - - SE- - - and(S-, SE-) + - and(N-, not(R-)) + - or(N+, R-) name: explored-13186 type: explored -- comm_cost: 0.6385474537037039 - complexity: 19 +- comm_cost: 0.4163194444444446 + complexity: 14 expressions: + - K+ - N+ - R- - - SE- - - and(N-, R+) - - or(K+, K-) - - or(K+, S-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, N+)) + - and(S-, N-) + - and(S-, SE-) name: explored-13187 type: explored -- comm_cost: 0.2180555555555559 - complexity: 18 +- comm_cost: 0.36979166666666696 + complexity: 8 expressions: - N+ - - R- - - and(N-, R+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(N+, R-) name: explored-13188 type: explored -- comm_cost: 0.6535590277777779 - complexity: 12 +- comm_cost: 0.4837962962962965 + complexity: 19 expressions: - - R+ + - K+ - R- - - SE- - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-13189 type: explored -- comm_cost: 0.7270833333333333 - complexity: 5 +- comm_cost: 0.31215277777777795 + complexity: 14 expressions: + - N+ - R- - - SE- - - or(K+, S-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) + - or(K+, R-) name: explored-13190 type: explored -- comm_cost: 0.679351851851852 - complexity: 12 +- comm_cost: 0.5963165509259261 + complexity: 16 expressions: - - R+ - - SE- - - and(S-, not(R-)) - - or(K+, N+) - - or(K+, S-) + - K- + - N+ + - R- + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-13191 type: explored -- comm_cost: 0.7534722222222223 - complexity: 11 +- comm_cost: 0.2888888888888892 + complexity: 12 expressions: + - K+ + - N+ + - R- + - S+ - SE- - - and(or(K+, S-), not(R-)) - - or(N+, not(R+)) + - and(K-, not(R+)) + - and(N-, R+) name: explored-13192 type: explored -- comm_cost: 0.5324652777777779 - complexity: 8 +- comm_cost: 0.3787760416666669 + complexity: 21 expressions: + - K+ + - K+ - N+ - - R+ - R- - - SE- - - and(S-, not(R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) name: explored-13193 type: explored -- comm_cost: 0.5004340277777779 - complexity: 16 +- comm_cost: 0.6553819444444446 + complexity: 10 expressions: + - N+ - R+ - - R- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - not(R+) - - or(K+, R-) + - and(K-, or(S+, R-)) + - or(K+, R+) name: explored-13194 type: explored -- comm_cost: 0.22656250000000033 - complexity: 13 +- comm_cost: 0.5098958333333335 + complexity: 7 expressions: - N+ - R- - - and(K-, S+) + - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R+) name: explored-13195 type: explored -- comm_cost: 0.4583333333333337 - complexity: 9 +- comm_cost: 0.6473958333333334 + complexity: 34 expressions: - - N+ - and(K-, or(SE-, N+)) - - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-13196 type: explored -- comm_cost: 0.49143518518518525 - complexity: 16 +- comm_cost: 0.6124131944444445 + complexity: 9 expressions: - - N+ + - R+ - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(S-, not(R+)) + - or(K+, SE+) name: explored-13197 type: explored -- comm_cost: 0.6539930555555558 - complexity: 8 - expressions: - - R+ - - SE+ - - and(or(K+, S-), not(R+)) - name: explored-13198 - type: explored -- comm_cost: 0.2469907407407408 - complexity: 23 +- comm_cost: 0.2698784722222225 + complexity: 27 expressions: - K+ - N+ - R- - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - name: explored-13199 + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + name: explored-13198 type: explored -- comm_cost: 0.5138020833333334 - complexity: 9 +- comm_cost: 0.4057725694444446 + complexity: 24 expressions: - - R+ + - K+ + - N+ + - R- + - S+ - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, R-) + name: explored-13199 + type: explored +- comm_cost: 0.18368055555555585 + complexity: 24 + expressions: + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-13200 type: explored -- comm_cost: 0.49618055555555574 - complexity: 12 +- comm_cost: 0.4843750000000002 + complexity: 17 expressions: - - R+ + - K+ - R- - - SE- + - and(K-, N-) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, SE+) name: explored-13201 type: explored -- comm_cost: 0.6817708333333334 - complexity: 9 +- comm_cost: 0.2729166666666668 + complexity: 10 expressions: - - R+ - - and(K-, N-) - - and(K-, or(S+, N+)) + - N+ + - R- + - S+ + - SE+ + - and(N-, R+) + - and(S-, SE-) name: explored-13202 type: explored -- comm_cost: 0.4533333333333335 +- comm_cost: 0.43680555555555567 complexity: 10 expressions: - - K+ + - N+ - R- - - and(N-, R+) + - S+ - and(S-, SE-) - - not(R-) + - and(S-, not(R-)) name: explored-13203 type: explored -- comm_cost: 0.284201388888889 - complexity: 22 +- comm_cost: 0.41510416666666694 + complexity: 15 expressions: - K+ - N+ - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, N-) name: explored-13204 type: explored -- comm_cost: 0.6486111111111112 - complexity: 13 +- comm_cost: 0.5690972222222224 + complexity: 6 expressions: - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - K+ + - R+ + - SE- + - or(S+, R-) name: explored-13205 type: explored -- comm_cost: 0.5202256944444446 - complexity: 16 +- comm_cost: 0.521875 + complexity: 11 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - and(N-, or(K+, S-)) + - and(K-, S+) - and(S-, SE-) - - and(S-, not(R+)) + - or(K+, R-) name: explored-13206 type: explored -- comm_cost: 0.2963541666666669 - complexity: 12 +- comm_cost: 0.2196180555555558 + complexity: 20 expressions: + - N+ - R- - - and(K-, or(S+, R-)) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-13207 type: explored -- comm_cost: 0.34375000000000033 - complexity: 7 +- comm_cost: 0.6581250000000002 + complexity: 8 expressions: - - K+ - - K+ - - N+ - R- + - S+ - and(N-, R+) + - or(S+, SE+) name: explored-13208 type: explored -- comm_cost: 0.5575520833333334 - complexity: 13 +- comm_cost: 0.4057291666666669 + complexity: 9 expressions: - - K+ - N+ - R- - S+ - - and(K-, not(R-)) - - and(S-, SE-) - - not(R+) + - and(N-, R+) + - or(N+, R-) name: explored-13209 type: explored -- comm_cost: 0.30329861111111134 - complexity: 16 +- comm_cost: 0.29791666666666705 + complexity: 14 expressions: + - K+ + - N+ + - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(N+, R-) + - and(or(K+, S-), not(R+)) name: explored-13210 type: explored -- comm_cost: 0.22239583333333357 +- comm_cost: 0.37268518518518534 complexity: 18 expressions: - K+ - - K+ - N+ - - S+ - - and(K-, or(S+, N+)) + - R- + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(and(K-, N-), not(R-)) name: explored-13211 type: explored -- comm_cost: 0.3748263888888891 - complexity: 15 +- comm_cost: 0.3831018518518521 + complexity: 23 expressions: + - K+ - N+ - - R+ - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(SE+, N-) + - or(SE-, N+) name: explored-13212 type: explored -- comm_cost: 0.678732638888889 - complexity: 11 +- comm_cost: 0.46788194444444464 + complexity: 12 expressions: + - N+ - R+ - SE- - - and(and(K-, N-), not(R-)) - - or(SE-, N+) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-13213 type: explored -- comm_cost: 0.5192997685185187 - complexity: 14 +- comm_cost: 0.6963541666666668 + complexity: 9 expressions: - - N+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(K+, R+) + - R+ + - R- + - and(and(K-, N-), or(S+, SE+)) name: explored-13214 type: explored -- comm_cost: 0.3486111111111114 - complexity: 14 +- comm_cost: 0.3977430555555559 + complexity: 20 expressions: - - K+ - N+ + - R- + - SE- + - and(K-, not(R+)) + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) name: explored-13215 type: explored -- comm_cost: 0.6639178240740742 - complexity: 12 +- comm_cost: 0.2611111111111113 + complexity: 14 expressions: - - SE- + - K+ + - N+ - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, N-) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-13216 type: explored -- comm_cost: 0.4381944444444448 - complexity: 10 +- comm_cost: 0.43463541666666683 + complexity: 18 expressions: - - and(K-, not(R+)) + - K+ + - N+ + - R- + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) name: explored-13217 type: explored -- comm_cost: 0.3945312500000002 - complexity: 12 +- comm_cost: 0.2713541666666668 + complexity: 11 expressions: + - K+ + - K+ - N+ - - and(K-, or(S+, SE+)) + - R+ + - S+ - and(N-, R+) - and(S-, SE-) name: explored-13218 type: explored -- comm_cost: 0.6889756944444446 - complexity: 7 +- comm_cost: 0.6945833333333334 + complexity: 13 expressions: + - K- - R+ - SE- - - SE- - - and(K-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, R+) name: explored-13219 type: explored -- comm_cost: 0.15572916666666692 - complexity: 16 +- comm_cost: 0.562152777777778 + complexity: 7 expressions: - - K+ - N+ - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - R+ + - SE- + - or(S+, R-) name: explored-13220 type: explored -- comm_cost: 0.6203993055555557 - complexity: 8 +- comm_cost: 0.5708333333333335 + complexity: 5 expressions: - - R- + - R+ - SE- - - and(K-, SE-) - - or(S+, R+) + - and(SE+, N-) name: explored-13221 type: explored -- comm_cost: 0.31597222222222254 - complexity: 12 +- comm_cost: 0.584375 + complexity: 9 expressions: - - K+ - N+ - - R- - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-13222 type: explored -- comm_cost: 0.5934895833333335 - complexity: 9 +- comm_cost: 0.37031250000000027 + complexity: 11 expressions: - - R+ - - and(N-, or(K+, S-)) - - and(S-, SE-) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - or(SE-, N+) name: explored-13223 type: explored -- comm_cost: 0.5449652777777779 - complexity: 9 - expressions: - - R+ - - S+ - - and(S-, SE-) - - and(S-, not(R-)) - name: explored-13224 - type: explored -- comm_cost: 0.3642361111111113 - complexity: 26 +- comm_cost: 0.3327690972222226 + complexity: 19 expressions: - K+ - N+ - R- - - S+ + - SE- - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, or(N+, R-)) + - and(SE-, or(K+, S-)) + - not(R+) + name: explored-13224 + type: explored +- comm_cost: 0.6451388888888889 + complexity: 10 + expressions: + - N+ + - R+ + - R- + - SE- + - and(S-, N-) + - or(K+, K-) name: explored-13225 type: explored -- comm_cost: 0.5002777777777779 - complexity: 15 +- comm_cost: 0.4622395833333335 + complexity: 17 expressions: - K+ - N+ - - N- - R- - - and(K-, S+) + - S+ + - and(K-, N-) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - not(R-) name: explored-13226 type: explored -- comm_cost: 0.6376388888888891 +- comm_cost: 0.7295312500000001 complexity: 9 expressions: - - R- - - SE- - - and(SE+, N-) - - or(N+, not(R+)) + - and(S-, not(R+)) + - not(R-) + - or(K+, SE+) name: explored-13227 type: explored -- comm_cost: 0.23046875000000033 - complexity: 13 +- comm_cost: 0.5994791666666668 + complexity: 10 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - not(R+) + - R+ + - SE- + - and(K-, or(S+, R-)) + - and(S-, N-) name: explored-13228 type: explored -- comm_cost: 0.37847222222222254 - complexity: 14 +- comm_cost: 0.28819444444444464 + complexity: 13 expressions: - - K+ - - R- + - N+ - and(N-, R+) - and(S-, SE-) - and(or(K+, S-), not(R+)) name: explored-13229 type: explored -- comm_cost: 0.26979166666666676 - complexity: 16 +- comm_cost: 0.6094444444444447 + complexity: 9 expressions: - - K+ - N+ - R- - - S+ - - and(K-, S+) + - R- - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - or(S+, SE+) name: explored-13230 type: explored -- comm_cost: 0.3826388888888891 - complexity: 16 +- comm_cost: 0.46684027777777803 + complexity: 25 expressions: + - N+ + - R- - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, R+) - - or(and(K-, S+), or(N+, R-)) + - and(S-, or(SE-, N+)) + - or(N+, not(R+)) name: explored-13231 type: explored -- comm_cost: 0.45590277777777777 - complexity: 15 +- comm_cost: 0.5817708333333335 + complexity: 6 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, S+) - - and(S-, SE-) - - or(K+, N+) - - or(S+, R-) + - SE- + - and(S-, N-) name: explored-13232 type: explored -- comm_cost: 0.7127604166666668 - complexity: 10 +- comm_cost: 0.828125 + complexity: 3 expressions: - - SE- - - and(or(K+, S-), not(R+)) - - or(K+, SE+) + - and(K-, SE-) name: explored-13233 type: explored -- comm_cost: 0.34930555555555576 - complexity: 12 +- comm_cost: 0.5979166666666668 + complexity: 5 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - or(S+, R-) + - S- + - SE- name: explored-13234 type: explored -- comm_cost: 0.5322916666666668 - complexity: 8 +- comm_cost: 0.18127893518518545 + complexity: 23 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - and(and(S-, N-), not(R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-13235 type: explored -- comm_cost: 0.3945312500000002 - complexity: 12 +- comm_cost: 0.4095138888888892 + complexity: 13 expressions: - - K+ + - N+ - R- - - and(K-, not(R-)) + - SE- - and(N-, R+) - - and(S-, SE-) + - or(K+, N+) + - or(N+, not(R+)) name: explored-13236 type: explored -- comm_cost: 0.5361979166666668 - complexity: 6 +- comm_cost: 0.6178819444444446 + complexity: 18 expressions: - N+ - R+ - R- - - S+ - - not(R+) + - SE- + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R-) + - or(S+, R+) name: explored-13237 type: explored -- comm_cost: 0.09791666666666687 - complexity: 11 +- comm_cost: 0.5143229166666669 + complexity: 17 expressions: - - K+ - - N+ - - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-13238 type: explored -- comm_cost: 0.2820312500000002 +- comm_cost: 0.7533854166666667 + complexity: 5 + expressions: + - SE- + - and(K-, not(R-)) + name: explored-13239 + type: explored +- comm_cost: 0.2675347222222224 complexity: 16 expressions: - K+ - - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) + - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-13239 - type: explored -- comm_cost: 0.5270833333333335 - complexity: 7 - expressions: - - N+ - - R+ - - R- - - SE- - - or(SE-, N+) + - or(S+, N+) name: explored-13240 type: explored -- comm_cost: 0.2876736111111112 - complexity: 17 +- comm_cost: 0.7061631944444445 + complexity: 9 expressions: - - K+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(N+, R-) + - R+ + - and(K-, N-) + - not(R-) + - or(K+, N+) name: explored-13241 type: explored -- comm_cost: 0.5993055555555556 - complexity: 12 +- comm_cost: 0.6076388888888891 + complexity: 9 expressions: - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, R-) + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-13242 type: explored -- comm_cost: 0.38333333333333364 - complexity: 15 +- comm_cost: 0.7578125 + complexity: 6 expressions: - - N+ - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - or(SE-, N+) name: explored-13243 type: explored -- comm_cost: 0.4094618055555559 - complexity: 13 +- comm_cost: 0.4237847222222224 + complexity: 18 expressions: - - K+ - - K+ - - N+ - R- - - S+ - and(N-, R+) - - or(K+, or(N+, R-)) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-13244 type: explored -- comm_cost: 0.7144097222222221 - complexity: 14 +- comm_cost: 0.504166666666667 + complexity: 5 expressions: - - R- + - K+ - SE- - - and(SE-, or(K+, S-)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) name: explored-13245 type: explored -- comm_cost: 0.3197916666666668 - complexity: 13 +- comm_cost: 0.626388888888889 + complexity: 7 expressions: - - R+ - - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - N+ + - and(and(K-, N-), not(R-)) name: explored-13246 type: explored -- comm_cost: 0.4968750000000002 - complexity: 5 +- comm_cost: 0.5406250000000001 + complexity: 12 expressions: - - N+ - R+ - - R+ - - R- - - SE- + - and(K-, or(S+, R-)) + - and(and(S-, N-), not(R-)) name: explored-13247 type: explored -- comm_cost: 0.4536458333333333 - complexity: 10 +- comm_cost: 0.3500000000000003 + complexity: 12 expressions: - - K+ - N+ - R- - - S+ - - and(K-, SE-) - - and(S-, SE-) + - SE- + - and(N-, R+) + - or(S+, N+) + - or(S+, N+) name: explored-13248 type: explored -- comm_cost: 0.6827546296296299 - complexity: 11 +- comm_cost: 0.6903645833333334 + complexity: 9 expressions: - R+ - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - not(R+) name: explored-13249 type: explored -- comm_cost: 0.6633796296296297 - complexity: 14 +- comm_cost: 0.18854166666666683 + complexity: 19 expressions: - - S+ - - SE+ + - K+ + - N+ + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - not(R+) - - or(K+, S-) + - and(SE+, N-) name: explored-13250 type: explored -- comm_cost: 0.5375868055555557 - complexity: 12 +- comm_cost: 0.7278645833333335 + complexity: 11 expressions: - - K+ - - R+ - - R- - - SE- - - and(N-, or(K+, R+)) - - or(S+, R-) + - and(or(K+, S-), not(R-)) + - not(R+) + - or(K+, R+) name: explored-13251 type: explored -- comm_cost: 0.6499305555555557 - complexity: 9 +- comm_cost: 0.7239583333333333 + complexity: 7 expressions: - - R+ - - and(K-, not(R+)) - - or(N+, not(R+)) + - N+ + - SE- + - and(S-, or(SE-, N+)) name: explored-13252 type: explored -- comm_cost: 0.8197916666666667 - complexity: 4 +- comm_cost: 0.602777777777778 + complexity: 10 expressions: - - and(S-, not(R+)) + - K+ + - R- + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-13253 type: explored -- comm_cost: 0.6171875000000001 - complexity: 14 +- comm_cost: 0.566527777777778 + complexity: 13 expressions: - - and(K-, or(S+, N+)) - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - N+ + - SE- + - and(N-, R+) + - and(S-, not(R-)) + - or(N+, not(R+)) name: explored-13254 type: explored -- comm_cost: 0.8527777777777777 - complexity: 4 +- comm_cost: 0.5460763888888891 + complexity: 11 expressions: - - and(K-, not(R+)) + - N- + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-13255 type: explored -- comm_cost: 0.7591145833333333 - complexity: 9 +- comm_cost: 0.649826388888889 + complexity: 10 expressions: - - N+ + - K+ + - R+ - R- - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(K-, S+) + - or(K+, K-) name: explored-13256 type: explored -- comm_cost: 0.28038194444444464 - complexity: 18 +- comm_cost: 0.7541666666666669 + complexity: 9 expressions: - - N+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) + - or(K+, SE+) + - or(K+, SE+) name: explored-13257 type: explored -- comm_cost: 0.5525173611111113 - complexity: 17 +- comm_cost: 0.7478298611111112 + complexity: 8 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(K+, R+) - - or(SE-, N+) + - and(K-, not(R+)) + - and(K-, not(R-)) name: explored-13258 type: explored -- comm_cost: 0.47265625000000033 - complexity: 13 +- comm_cost: 0.45406250000000026 + complexity: 17 expressions: - K+ - R- - and(K-, S+) - and(N-, R+) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(S-, not(R+)) + - not(R-) name: explored-13259 type: explored -- comm_cost: 0.569982638888889 - complexity: 13 +- comm_cost: 0.3125000000000002 + complexity: 7 expressions: - - K+ - - N+ - R- - and(N-, R+) - - and(N-, not(R-)) - - or(S+, SE+) + - and(S-, SE-) name: explored-13260 type: explored -- comm_cost: 0.5327256944444445 - complexity: 16 +- comm_cost: 0.4901041666666668 + complexity: 11 expressions: - - N+ + - K+ - R+ - - R- - - SE- - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - and(K-, or(N+, not(R+))) + - and(S-, SE-) name: explored-13261 type: explored -- comm_cost: 0.5759837962962965 - complexity: 14 +- comm_cost: 0.6279513888888889 + complexity: 16 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(N-, or(K+, SE+)) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) name: explored-13262 type: explored -- comm_cost: 0.06927083333333361 - complexity: 14 +- comm_cost: 0.3961111111111113 + complexity: 17 expressions: - K+ - N+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, R-) + - not(R-) name: explored-13263 type: explored -- comm_cost: 0.2625000000000004 - complexity: 10 +- comm_cost: 0.7090405092592593 + complexity: 25 expressions: - - K+ - N+ - - R- - - R- - - and(K-, S+) - - and(N-, R+) + - N- + - S- + - and(K-, N-) + - and(K-, not(R+)) + - and(N-, not(R-)) + - and(and(K-, N-), not(R-)) + - not(R-) + - or(N+, R-) name: explored-13264 type: explored -- comm_cost: 0.31689814814814854 - complexity: 13 +- comm_cost: 0.42953125000000014 + complexity: 15 expressions: + - K+ - N+ - - N+ + - N- - R- - - SE- - and(N-, R+) - - or(K+, R-) - - or(S+, R-) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-13265 type: explored -- comm_cost: 0.5621875000000002 - complexity: 15 +- comm_cost: 0.6328125000000002 + complexity: 13 expressions: - - R+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(N+, not(R+)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-13266 type: explored -- comm_cost: 0.34744791666666686 - complexity: 21 +- comm_cost: 0.39861111111111147 + complexity: 13 expressions: - - K+ - - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, SE+) + - and(S-, or(N+, not(R+))) + - or(S+, R-) name: explored-13267 type: explored -- comm_cost: 0.43142361111111127 - complexity: 11 +- comm_cost: 0.7199074074074076 + complexity: 9 expressions: - R+ - - R- - - and(S-, SE-) - - or(K+, R+) - - or(K+, R-) + - R+ + - and(and(K-, N-), or(S+, SE+)) name: explored-13268 type: explored -- comm_cost: 0.46692708333333355 - complexity: 16 +- comm_cost: 0.5058854166666666 + complexity: 10 expressions: - K+ + - K+ - N+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - R- + - S+ - and(S-, SE-) - - or(S+, R+) + - not(R-) name: explored-13269 type: explored -- comm_cost: 0.6839236111111112 - complexity: 12 +- comm_cost: 0.48454861111111136 + complexity: 16 expressions: - - K- - - R+ - - and(N-, or(S+, SE+)) - - and(S-, or(SE-, N+)) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - not(R-) name: explored-13270 type: explored -- comm_cost: 0.6336805555555556 - complexity: 9 +- comm_cost: 0.5414351851851853 + complexity: 21 expressions: - - and(K-, or(S+, R+)) - - and(S-, not(R+)) + - N+ + - R+ + - R- + - SE- + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) name: explored-13271 type: explored -- comm_cost: 0.7538125 - complexity: 32 +- comm_cost: 0.5945746527777779 + complexity: 36 expressions: - - and(K-, or(SE-, N+)) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - not(R-) - - or(K+, K-) - - or(K+, S-) - - or(and(K-, S+), or(N+, R-)) + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, or(K+, SE+)) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) + - or(N+, R-) name: explored-13272 type: explored -- comm_cost: 0.5955729166666668 - complexity: 26 +- comm_cost: 0.4534722222222225 + complexity: 11 expressions: + - K+ + - N+ - R- - - and(K-, or(S+, R-)) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) - - or(S+, R+) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-13273 type: explored -- comm_cost: 0.5984375000000001 +- comm_cost: 0.31562500000000016 complexity: 13 expressions: - - R+ - - and(N-, not(R-)) + - N+ + - N+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(S+, SE+) name: explored-13274 type: explored -- comm_cost: 0.3128761574074076 - complexity: 20 +- comm_cost: 0.4896701388888891 + complexity: 16 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, SE+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) name: explored-13275 type: explored -- comm_cost: 0.5725694444444446 - complexity: 12 +- comm_cost: 0.7440972222222223 + complexity: 16 expressions: - R+ - - SE- - - and(K-, S+) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, N+)) + - and(N-, or(S+, SE+)) + - and(N-, or(S+, SE+)) name: explored-13276 type: explored -- comm_cost: 0.46684027777777803 - complexity: 17 +- comm_cost: 0.4041666666666669 + complexity: 8 expressions: - - N+ + - R- + - SE+ - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) name: explored-13277 type: explored -- comm_cost: 0.643576388888889 - complexity: 10 +- comm_cost: 0.3168402777777779 + complexity: 13 expressions: - - SE- - - and(K-, or(S+, R-)) - - and(S-, not(R-)) + - K+ + - N+ + - R+ + - R- + - S+ + - and(K-, or(S+, R+)) + - and(S-, SE-) name: explored-13278 type: explored -- comm_cost: 0.7135416666666667 - complexity: 8 +- comm_cost: 0.3666666666666668 + complexity: 12 expressions: + - K+ + - N+ - R- - - SE- - - or(K+, N+) - - or(S+, R-) + - S+ + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-13279 type: explored -- comm_cost: 0.5131944444444447 - complexity: 11 +- comm_cost: 0.44531250000000033 + complexity: 17 expressions: - N+ - - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13280 type: explored -- comm_cost: 0.7562500000000001 - complexity: 2 +- comm_cost: 0.5951388888888891 + complexity: 18 expressions: - - K- - - N+ + - R+ + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R+)) name: explored-13281 type: explored -- comm_cost: 0.5576388888888891 - complexity: 14 +- comm_cost: 0.3700000000000002 + complexity: 12 expressions: - - SE- + - N+ + - N- + - R- - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(S-, SE-) name: explored-13282 type: explored -- comm_cost: 0.7056944444444445 - complexity: 18 - expressions: - - SE- - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) - name: explored-13283 - type: explored -- comm_cost: 0.377777777777778 - complexity: 14 +- comm_cost: 0.2312500000000003 + complexity: 9 expressions: + - K+ + - K+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - name: explored-13284 + name: explored-13283 type: explored -- comm_cost: 0.7963541666666667 - complexity: 10 +- comm_cost: 0.47378472222222245 + complexity: 17 expressions: + - K+ + - R- - SE- - - not(R+) - - or(and(K-, S+), or(N+, R-)) - name: explored-13285 + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(N+, R-) + name: explored-13284 type: explored -- comm_cost: 0.688601851851852 - complexity: 36 +- comm_cost: 0.20486111111111138 + complexity: 14 expressions: + - K+ + - R- - S+ - - S- - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - not(R-) - - or(K+, N+) - - or(N+, R-) - - or(S+, N+) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) - name: explored-13286 + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + name: explored-13285 type: explored -- comm_cost: 0.27994791666666685 - complexity: 16 +- comm_cost: 0.2484375000000003 + complexity: 20 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(S+, SE+)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - name: explored-13287 + name: explored-13286 type: explored -- comm_cost: 0.45768229166666685 - complexity: 22 +- comm_cost: 0.6115162037037039 + complexity: 14 expressions: - N+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) + - R+ + - R- + - and(K-, or(N+, not(R+))) - and(N-, or(K+, SE+)) - - and(S-, SE-) - name: explored-13288 + name: explored-13287 type: explored -- comm_cost: 0.38125 +- comm_cost: 0.5900000000000002 complexity: 11 expressions: - - K+ - - K+ - N+ - R- - - S+ - - and(S-, SE-) - - and(S-, SE-) - name: explored-13289 + - and(K-, S+) + - and(N-, R+) + - or(S+, SE+) + name: explored-13288 type: explored -- comm_cost: 0.5046875000000002 - complexity: 10 +- comm_cost: 0.4701388888888891 + complexity: 16 expressions: - - K+ - N+ + - N+ + - SE- + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - name: explored-13290 + name: explored-13289 type: explored -- comm_cost: 0.30368634259259275 - complexity: 17 +- comm_cost: 0.5159895833333334 + complexity: 19 expressions: - - K+ - - K+ - N+ - - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(S+, R-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) + name: explored-13290 + type: explored +- comm_cost: 0.6156394675925927 + complexity: 20 + expressions: + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(K+, K-) name: explored-13291 type: explored -- comm_cost: 0.46805555555555545 +- comm_cost: 0.5758680555555558 complexity: 9 expressions: - - N+ - - N+ - - R- - - and(S-, SE-) - - or(S+, R-) + - R+ + - S+ + - SE- + - and(or(K+, S-), not(R+)) name: explored-13292 type: explored -- comm_cost: 0.41916956018518536 - complexity: 18 +- comm_cost: 0.6442824074074075 + complexity: 9 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - SE- - or(K+, R+) + - or(S+, SE+) name: explored-13293 type: explored -- comm_cost: 0.5437500000000002 +- comm_cost: 0.5546875 complexity: 6 expressions: - N+ - - R+ - - and(S-, not(R+)) + - S+ + - S- + - and(S-, SE-) name: explored-13294 type: explored -- comm_cost: 0.4477864583333335 - complexity: 14 +- comm_cost: 0.16710069444444486 + complexity: 17 expressions: - K+ - K+ - N+ - R- - - SE- + - S+ + - and(K-, SE-) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - or(S+, R-) name: explored-13295 type: explored -- comm_cost: 0.7500000000000001 - complexity: 8 +- comm_cost: 0.34444444444444455 + complexity: 10 expressions: - - and(K-, N-) - - not(R+) - - or(SE-, N+) + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-13296 type: explored -- comm_cost: 0.649826388888889 - complexity: 11 +- comm_cost: 0.4387500000000002 + complexity: 19 expressions: + - K+ + - N+ - R- - - SE- - - and(N-, not(R-)) - - and(N-, or(K+, R+)) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - not(R-) name: explored-13297 type: explored -- comm_cost: 0.6522569444444446 - complexity: 12 +- comm_cost: 0.57734375 + complexity: 16 expressions: - - R+ - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) + - N+ + - R- + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, or(N+, R-)) name: explored-13298 type: explored -- comm_cost: 0.7066406250000001 - complexity: 12 - expressions: - - R+ - - R+ - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - name: explored-13299 - type: explored -- comm_cost: 0.6327835648148149 - complexity: 11 +- comm_cost: 0.30150462962962976 + complexity: 24 expressions: + - K+ - N+ - R- - - SE+ - - SE- - - or(and(K-, SE-), or(N+, R-)) - name: explored-13300 + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + name: explored-13299 type: explored -- comm_cost: 0.29444444444444473 - complexity: 22 +- comm_cost: 0.5416666666666666 + complexity: 15 expressions: - K+ - - N+ - R- - and(K-, S+) - - and(K-, not(R+)) - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - name: explored-13301 + - and(or(K+, S-), or(SE-, N+)) + name: explored-13300 type: explored -- comm_cost: 0.3583333333333336 +- comm_cost: 0.5553819444444446 complexity: 11 expressions: - N+ - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - name: explored-13302 + - and(K-, SE-) + - and(S-, N-) + - or(S+, N+) + name: explored-13301 type: explored -- comm_cost: 0.3484375000000002 +- comm_cost: 0.1810763888888891 complexity: 15 expressions: - K+ + - K+ - N+ - R- - - R- - S+ - - and(K-, not(R-)) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - name: explored-13303 + name: explored-13302 type: explored -- comm_cost: 0.6067708333333335 - complexity: 9 +- comm_cost: 0.6015625000000001 + complexity: 7 expressions: - - K+ - R+ - R- - - and(or(K+, S-), not(R-)) + - R- + - SE- + - and(K-, N-) + name: explored-13303 + type: explored +- comm_cost: 0.8333333333333334 + complexity: 3 + expressions: + - or(K+, K-) name: explored-13304 type: explored -- comm_cost: 0.2697916666666669 - complexity: 13 +- comm_cost: 0.4302083333333335 + complexity: 8 expressions: - K+ - - K+ - - R- - - S+ - - and(K-, SE-) - - and(N-, R+) + - R+ - and(S-, SE-) + - or(S+, N+) name: explored-13305 type: explored -- comm_cost: 0.29453125000000036 - complexity: 14 +- comm_cost: 0.6050000000000001 + complexity: 10 expressions: - N+ - - and(N-, R+) - - and(S-, SE-) + - R+ - and(SE-, or(K+, S-)) - - not(R+) + - or(S+, SE+) name: explored-13306 type: explored -- comm_cost: 0.2909288194444448 - complexity: 28 +- comm_cost: 0.43524305555555576 + complexity: 12 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(SE+, N-) - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) name: explored-13307 type: explored -- comm_cost: 0.5657986111111112 - complexity: 15 +- comm_cost: 0.16649305555555594 + complexity: 12 expressions: - - R+ + - K+ + - N+ + - R- - R- + - S+ - SE- - - and(K-, or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-13308 type: explored -- comm_cost: 0.6588578869047621 - complexity: 40 +- comm_cost: 0.13541666666666696 + complexity: 19 expressions: - - and(K-, or(S+, N+)) + - K+ + - K+ + - N+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - not(R+) - - or(K+, K-) - - or(K+, N+) - - or(K+, R-) - - or(SE-, N+) + - and(S-, SE-) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-13309 type: explored -- comm_cost: 0.48356481481481495 - complexity: 13 +- comm_cost: 0.4490451388888892 + complexity: 19 expressions: + - K+ - N+ + - R+ + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(K+, R+) name: explored-13310 type: explored -- comm_cost: 0.6366435185185186 - complexity: 9 +- comm_cost: 0.4862037037037039 + complexity: 15 expressions: - - N- - - R+ + - K- + - N+ - R- - - SE- - - and(N-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-13311 type: explored -- comm_cost: 0.8064236111111112 - complexity: 10 +- comm_cost: 0.3816840277777781 + complexity: 16 expressions: + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) - or(SE-, N+) - - or(and(S-, SE-), or(N+, R-)) name: explored-13312 type: explored -- comm_cost: 0.3739583333333335 - complexity: 18 +- comm_cost: 0.44687500000000024 + complexity: 17 expressions: - N+ - - R- - - SE- + - S+ - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(SE-, N+) name: explored-13313 type: explored -- comm_cost: 0.5916956018518519 - complexity: 15 +- comm_cost: 0.5375 + complexity: 10 expressions: - K+ - N+ - R- - - S+ - - and(K-, or(S+, SE+)) + - SE- - and(S-, SE-) - - or(K+, K-) + - or(S+, R-) name: explored-13314 type: explored -- comm_cost: 0.5690740740740743 - complexity: 14 +- comm_cost: 0.5220052083333335 + complexity: 19 expressions: - K+ - N+ - R- - - and(K-, or(S+, R+)) + - SE- + - and(K-, not(R-)) - and(N-, R+) - - or(K+, S-) + - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-13315 type: explored -- comm_cost: 0.6850694444444445 - complexity: 6 +- comm_cost: 0.6120659722222224 + complexity: 13 expressions: - - N+ - R+ + - R- - SE- - - or(K+, K-) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) name: explored-13316 type: explored -- comm_cost: 0.13958333333333361 - complexity: 13 +- comm_cost: 0.5550694444444445 + complexity: 19 expressions: - K+ + - K- - N+ - R- - - SE- + - and(K-, S+) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(S-, SE-) + - or(K+, K-) name: explored-13317 type: explored -- comm_cost: 0.6281597222222223 - complexity: 38 +- comm_cost: 0.43767361111111125 + complexity: 22 expressions: - - K+ - - and(K-, SE-) - - and(K-, or(S+, SE+)) - - and(N-, or(K+, R+)) + - N+ + - R- + - and(N-, R+) - and(S-, SE-) - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - - not(R+) - - or(K+, R-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-13318 type: explored -- comm_cost: 0.40694444444444466 - complexity: 17 +- comm_cost: 0.6718750000000002 + complexity: 6 expressions: - - N+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(SE+, N-) - - or(S+, R-) + - R+ + - and(K-, or(S+, R-)) name: explored-13319 type: explored -- comm_cost: 0.5812500000000002 - complexity: 5 +- comm_cost: 0.5804687500000002 + complexity: 9 expressions: - - R+ - - and(S-, not(R+)) + - N+ + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-13320 type: explored -- comm_cost: 0.581221064814815 - complexity: 21 +- comm_cost: 0.341666666666667 + complexity: 15 expressions: - - R- - - SE- + - N+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(S-, SE-) name: explored-13321 type: explored -- comm_cost: 0.6142361111111113 - complexity: 5 +- comm_cost: 0.6484375000000002 + complexity: 11 expressions: - R+ - - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) name: explored-13322 type: explored -- comm_cost: 0.05416666666666692 - complexity: 12 +- comm_cost: 0.6581597222222224 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - R- - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE+ + - and(K-, or(SE-, N+)) name: explored-13323 type: explored -- comm_cost: 0.5449652777777779 - complexity: 31 +- comm_cost: 0.2968055555555559 + complexity: 17 expressions: - K+ - - SE- - - and(K-, or(S+, R+)) + - N+ + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - or(K+, K-) - - or(N+, R-) + - or(K+, R-) + - or(N+, not(R+)) name: explored-13324 type: explored -- comm_cost: 0.380729166666667 - complexity: 12 +- comm_cost: 0.4831597222222226 + complexity: 10 expressions: - - N+ + - R- + - S+ - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(S+, N+) + - or(K+, or(N+, R-)) name: explored-13325 type: explored -- comm_cost: 0.43854166666666705 - complexity: 10 +- comm_cost: 0.47274305555555574 + complexity: 18 expressions: - K+ - - N+ - - and(K-, or(S+, N+)) + - R- - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) name: explored-13326 type: explored -- comm_cost: 0.42500000000000027 - complexity: 6 +- comm_cost: 0.658029513888889 + complexity: 39 expressions: - - N+ - - R- - - R- - - and(N-, R+) + - K+ + - S+ + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) + - and(SE+, N-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-13327 type: explored -- comm_cost: 0.6240740740740742 - complexity: 10 +- comm_cost: 0.5760416666666668 + complexity: 13 expressions: - N+ + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(SE+, N-) - - or(K+, R+) + - or(K+, K-) name: explored-13328 type: explored -- comm_cost: 0.5131944444444447 - complexity: 9 +- comm_cost: 0.17239583333333353 + complexity: 15 expressions: - K+ - N+ + - R+ + - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, not(R-)) + - and(S-, SE-) name: explored-13329 type: explored -- comm_cost: 0.5282407407407409 - complexity: 22 +- comm_cost: 0.26875000000000027 + complexity: 11 expressions: - - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - and(SE+, N-) name: explored-13330 type: explored -- comm_cost: 0.3564236111111114 - complexity: 15 +- comm_cost: 0.635451388888889 + complexity: 11 expressions: - - and(N-, R+) + - K- + - R+ - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, N+) + - and(S-, not(R+)) + - not(R+) name: explored-13331 type: explored -- comm_cost: 0.3069444444444447 - complexity: 16 +- comm_cost: 0.4552546296296297 + complexity: 24 expressions: - K+ + - K- + - N+ - R- - - SE- + - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-13332 type: explored -- comm_cost: 0.5370138888888891 - complexity: 19 +- comm_cost: 0.34479166666666683 + complexity: 9 expressions: - - N+ + - K+ + - R+ - R- - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(N+, R-) - - or(S+, SE+) + - and(K-, SE-) + - and(S-, SE-) name: explored-13333 type: explored -- comm_cost: 0.5736111111111113 - complexity: 8 +- comm_cost: 0.44166666666666665 + complexity: 12 expressions: - - R+ - - and(K-, not(R+)) - - or(K+, N+) + - N+ + - and(K-, or(S+, R+)) + - and(S-, SE-) + - or(S+, R-) name: explored-13334 type: explored -- comm_cost: 0.2742303240740743 - complexity: 21 +- comm_cost: 0.5725694444444448 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - R- - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - or(S+, R-) name: explored-13335 type: explored -- comm_cost: 0.4012500000000002 - complexity: 18 +- comm_cost: 0.47821180555555576 + complexity: 20 expressions: - K+ - - N+ - - N- + - R+ - R- - S+ - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-13336 type: explored -- comm_cost: 0.5033564814814816 - complexity: 18 +- comm_cost: 0.4763888888888891 + complexity: 15 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(K-, S+) - - and(S-, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - S+ + - S+ + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-13337 type: explored -- comm_cost: 0.4046875000000002 - complexity: 13 +- comm_cost: 0.23541666666666705 + complexity: 18 expressions: - K+ + - N+ - R- - S+ - - and(K-, not(R-)) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) + - or(S+, N+) name: explored-13338 type: explored -- comm_cost: 0.6364583333333335 - complexity: 19 +- comm_cost: 0.7541666666666668 + complexity: 10 expressions: - - R+ - - SE- - - and(K-, or(S+, R-)) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-13339 type: explored -- comm_cost: 0.5844444444444445 - complexity: 9 +- comm_cost: 0.6350000000000001 + complexity: 8 expressions: - - K- - - R- - - SE- - - and(N-, R+) - - or(S+, N+) + - R+ + - and(S-, not(R+)) + - or(S+, SE+) name: explored-13340 type: explored -- comm_cost: 0.6931250000000001 - complexity: 9 +- comm_cost: 0.24687500000000018 + complexity: 19 expressions: - - R+ - - and(SE-, or(K+, S-)) - - or(K+, S-) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, N+) name: explored-13341 type: explored -- comm_cost: 0.6257291666666668 - complexity: 5 +- comm_cost: 0.13836805555555576 + complexity: 21 expressions: - - R+ + - K+ + - N+ - R- - - S+ - - not(R-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-13342 type: explored -- comm_cost: 0.700144675925926 - complexity: 13 +- comm_cost: 0.726388888888889 + complexity: 10 expressions: - - N+ - - R+ - - R- - - and(K-, or(S+, SE+)) - - or(K+, or(N+, R-)) + - and(S-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-13343 type: explored -- comm_cost: 0.5329687500000002 +- comm_cost: 0.47291666666666676 complexity: 11 expressions: - - K+ - - K+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R-) + - R+ + - R- + - SE- + - and(K-, S+) + - and(S-, or(SE-, N+)) name: explored-13344 type: explored -- comm_cost: 0.4519386574074076 - complexity: 18 +- comm_cost: 0.6792824074074075 + complexity: 19 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) + - R+ + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, not(R+)) name: explored-13345 type: explored -- comm_cost: 0.28038194444444464 - complexity: 27 +- comm_cost: 0.3333333333333335 + complexity: 17 expressions: - - K+ - - N+ - R- - and(K-, S+) - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-13346 type: explored -- comm_cost: 0.6529947916666667 - complexity: 15 +- comm_cost: 0.6440972222222223 + complexity: 11 expressions: - - R+ - - and(N-, or(K+, S-)) - - and(S-, N-) - - and(and(K-, N-), not(R-)) + - N+ + - R- + - SE- + - and(or(K+, S-), not(R-)) + - not(R+) name: explored-13347 type: explored -- comm_cost: 0.5308072916666668 +- comm_cost: 0.4105902777777779 complexity: 16 expressions: - K+ - - N+ - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(N+, not(R+)) + - and(K-, or(S+, R+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-13348 type: explored -- comm_cost: 0.3866319444444446 - complexity: 14 +- comm_cost: 0.43411458333333364 + complexity: 18 expressions: - - N+ - - R- - - S+ + - K+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(K+, R+) + - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-13349 type: explored -- comm_cost: 0.5596354166666668 - complexity: 8 +- comm_cost: 0.34157986111111127 + complexity: 22 expressions: - - R+ + - K+ + - N+ - R- - - or(K+, N+) - - or(SE-, N+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) name: explored-13350 type: explored -- comm_cost: 0.6640625000000002 - complexity: 8 +- comm_cost: 0.29953703703703727 + complexity: 21 expressions: - - R+ - - R+ - - or(S+, N+) - - or(SE-, N+) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-13351 type: explored -- comm_cost: 0.37708333333333366 - complexity: 10 +- comm_cost: 0.5759837962962965 + complexity: 15 expressions: - - K+ - N+ - - and(K-, or(SE-, N+)) - - and(N-, R+) + - R+ + - R- + - SE- + - and(N-, or(K+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-13352 type: explored -- comm_cost: 0.34296875000000016 - complexity: 12 +- comm_cost: 0.43281250000000016 + complexity: 16 expressions: - N+ - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - or(K+, SE+) name: explored-13353 type: explored -- comm_cost: 0.16914062500000027 - complexity: 16 +- comm_cost: 0.5953125000000001 + complexity: 12 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) + - and(K-, N-) - and(S-, SE-) - or(S+, or(N+, R-)) name: explored-13354 type: explored -- comm_cost: 0.5981250000000001 - complexity: 9 +- comm_cost: 0.7962500000000001 + complexity: 8 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - or(S+, SE+) + - N- + - and(and(K-, N-), or(S+, SE+)) name: explored-13355 type: explored -- comm_cost: 0.2973958333333335 - complexity: 17 +- comm_cost: 0.664189814814815 + complexity: 11 expressions: - - K+ - - R- - - and(K-, S+) + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - or(K+, K-) + - or(K+, S-) name: explored-13356 type: explored -- comm_cost: 0.5239583333333335 - complexity: 15 +- comm_cost: 0.6708333333333334 + complexity: 4 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - K+ + - N+ + - N+ + - R- name: explored-13357 type: explored -- comm_cost: 0.44244791666666705 - complexity: 8 +- comm_cost: 0.2308593750000003 + complexity: 14 expressions: - K+ + - K+ - N+ + - R- + - S+ - and(N-, R+) + - and(S-, SE-) - or(SE-, N+) name: explored-13358 type: explored -- comm_cost: 0.4266203703703706 - complexity: 18 +- comm_cost: 0.627777777777778 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(N+, not(R+)) + - R+ + - SE- + - and(N-, or(K+, R+)) + - or(S+, N+) name: explored-13359 type: explored -- comm_cost: 0.48802083333333346 - complexity: 9 +- comm_cost: 0.4721064814814817 + complexity: 13 expressions: - - K+ - - R+ - R- - - SE- - - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - or(N+, R-) name: explored-13360 type: explored -- comm_cost: 0.1503472222222224 - complexity: 17 +- comm_cost: 0.3378472222222223 + complexity: 13 expressions: - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - or(and(K-, S+), or(N+, R-)) name: explored-13361 type: explored -- comm_cost: 0.3671006944444448 - complexity: 15 +- comm_cost: 0.16093750000000018 + complexity: 13 expressions: - K+ - K+ + - N+ + - N+ + - R+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-13362 type: explored -- comm_cost: 0.47312500000000024 - complexity: 15 +- comm_cost: 0.7289930555555557 + complexity: 8 + expressions: + - R+ + - and(and(K-, N-), or(S+, SE+)) + name: explored-13363 + type: explored +- comm_cost: 0.7256944444444444 + complexity: 13 expressions: - - K+ - N+ - - R- - SE- - - and(N-, R+) - - and(and(S-, N-), not(R-)) - - not(R-) - name: explored-13363 + - and(K-, not(R+)) + - and(or(K+, S-), or(SE-, N+)) + name: explored-13364 type: explored -- comm_cost: 0.5671875000000001 - complexity: 7 +- comm_cost: 0.6210069444444446 + complexity: 12 expressions: + - N+ - R+ - R- - - S- - SE- - - and(S-, SE-) - name: explored-13364 + - and(K-, or(S+, SE+)) + - or(S+, R+) + name: explored-13365 type: explored -- comm_cost: 0.2506944444444448 +- comm_cost: 0.2900173611111113 complexity: 21 expressions: - K+ + - N+ - R- - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, N+) - name: explored-13365 - type: explored -- comm_cost: 0.8 - complexity: 5 - expressions: - - K- - - or(N+, not(R+)) + - and(S-, not(R+)) name: explored-13366 type: explored -- comm_cost: 0.2807291666666669 - complexity: 14 +- comm_cost: 0.5525173611111114 + complexity: 11 expressions: - - K+ - N+ - - S+ + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - or(K+, SE+) + - or(S+, N+) name: explored-13367 type: explored -- comm_cost: 0.46111111111111125 - complexity: 18 +- comm_cost: 0.4878125000000001 + complexity: 13 expressions: + - K+ + - N+ + - N- - R- - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, SE+) name: explored-13368 type: explored -- comm_cost: 0.5442708333333335 - complexity: 9 +- comm_cost: 0.549479166666667 + complexity: 8 expressions: - - N+ - R+ - - R- - - SE- - - and(N-, or(K+, SE+)) + - S+ + - and(N-, R+) + - or(K+, R-) name: explored-13369 type: explored -- comm_cost: 0.5161458333333335 - complexity: 8 +- comm_cost: 0.3593750000000002 + complexity: 11 expressions: - - R+ + - N+ - R- - and(K-, SE-) + - and(N-, R+) - and(SE+, N-) name: explored-13370 type: explored -- comm_cost: 0.3208333333333335 - complexity: 19 +- comm_cost: 0.7332725694444445 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - N- + - R+ + - SE- + - and(K-, not(R-)) + - or(K+, S-) name: explored-13371 type: explored -- comm_cost: 0.2420138888888892 - complexity: 14 +- comm_cost: 0.5343923611111112 + complexity: 24 expressions: - K+ + - K- - N+ + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, N+) - - or(S+, N+) + - and(or(K+, S-), not(R-)) name: explored-13372 type: explored -- comm_cost: 0.7049398148148149 - complexity: 27 +- comm_cost: 0.5988136574074076 + complexity: 13 expressions: - - and(K-, N-) + - R+ + - R- + - SE- - and(S-, not(R-)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-13373 type: explored -- comm_cost: 0.6159490740740742 - complexity: 11 +- comm_cost: 0.5895833333333333 + complexity: 6 expressions: - - R+ - - R- + - N+ + - SE+ - SE- - - and(and(K-, N-), not(R-)) - - not(R-) + - and(K-, S+) name: explored-13374 type: explored -- comm_cost: 0.6085069444444446 +- comm_cost: 0.4166203703703706 complexity: 17 expressions: - - R+ - - SE- - - and(K-, or(S+, SE+)) + - K+ + - K- + - N+ + - R- - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-13375 type: explored -- comm_cost: 0.501388888888889 - complexity: 8 +- comm_cost: 0.7378298611111112 + complexity: 5 expressions: - - N+ - - R- - - SE- - - and(N-, or(S+, R+)) + - K- + - R+ + - or(K+, SE+) name: explored-13376 type: explored -- comm_cost: 0.7276909722222222 +- comm_cost: 0.5663194444444446 complexity: 8 expressions: - - N+ + - R+ - SE- - - or(K+, R-) - - or(SE-, N+) + - SE- + - and(K-, or(S+, R-)) name: explored-13377 type: explored -- comm_cost: 0.6322916666666668 - complexity: 9 +- comm_cost: 0.5389756944444446 + complexity: 16 expressions: - - R+ - - SE- - - and(or(K+, S-), or(SE-, N+)) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - not(R+) + - or(K+, R+) name: explored-13378 type: explored -- comm_cost: 0.3694444444444446 - complexity: 18 +- comm_cost: 0.3381944444444447 + complexity: 12 expressions: + - K+ + - N+ - R- - - R- - - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) name: explored-13379 type: explored -- comm_cost: 0.5107638888888891 - complexity: 8 +- comm_cost: 0.6499999999999999 + complexity: 9 expressions: - - R+ - - SE- - - and(N-, R+) - - and(N-, R+) + - R- + - and(K-, or(SE-, N+)) + - and(S-, SE-) name: explored-13380 type: explored -- comm_cost: 0.35416666666666696 - complexity: 14 +- comm_cost: 0.5258680555555557 + complexity: 17 expressions: - - R- - - SE- + - and(K-, SE-) - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, not(R+)) + - or(K+, SE+) + - or(S+, N+) name: explored-13381 type: explored -- comm_cost: 0.2602430555555557 - complexity: 21 +- comm_cost: 0.526388888888889 + complexity: 10 expressions: - - K+ - N+ + - N- - R- - - R- - - and(K-, or(S+, R-)) + - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(N+, R-) name: explored-13382 type: explored -- comm_cost: 0.3125000000000002 - complexity: 11 +- comm_cost: 0.6076388888888888 + complexity: 17 expressions: + - K+ + - N+ - R- - - R- - - and(N-, R+) - - and(N-, R+) + - and(K-, or(SE-, N+)) - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-13383 type: explored -- comm_cost: 0.38819444444444473 - complexity: 16 +- comm_cost: 0.40000000000000013 + complexity: 10 expressions: + - K+ + - K- - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - not(R+) name: explored-13384 type: explored -- comm_cost: 0.8584201388888889 - complexity: 5 +- comm_cost: 0.3080439814814818 + complexity: 22 expressions: - - not(R+) - - or(S+, R-) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-13385 type: explored -- comm_cost: 0.1839120370370373 - complexity: 14 +- comm_cost: 0.3608072916666668 + complexity: 22 expressions: + - K+ + - K+ - N+ - R- + - S+ + - and(K-, N-) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - - or(S+, R-) + - and(S-, not(R+)) name: explored-13386 type: explored -- comm_cost: 0.7185049603174604 - complexity: 39 +- comm_cost: 0.5241319444444447 + complexity: 16 expressions: + - K+ - R- - - and(K-, not(R+)) - - and(K-, not(R-)) + - SE- - and(K-, or(S+, SE+)) - and(K-, or(SE-, N+)) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - or(K+, N+) - - or(S+, SE+) - - or(SE-, N+) + - and(N-, R+) name: explored-13387 type: explored -- comm_cost: 0.5963541666666667 - complexity: 14 +- comm_cost: 0.3909722222222225 + complexity: 11 expressions: + - K+ + - N+ - R- - SE- - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - or(N+, not(R+)) name: explored-13388 type: explored -- comm_cost: 0.5306712962962965 - complexity: 7 +- comm_cost: 0.440379050925926 + complexity: 23 expressions: - - R+ + - K+ + - K+ + - N+ - R- + - S+ - SE+ - - SE- - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-13389 type: explored -- comm_cost: 0.4654079861111112 - complexity: 22 +- comm_cost: 0.5351562500000002 + complexity: 14 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) + - R+ + - SE- - and(S-, SE-) - - and(SE+, N-) - - not(R-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13390 type: explored -- comm_cost: 0.6992435515873017 - complexity: 35 +- comm_cost: 0.7479166666666668 + complexity: 8 expressions: - - SE- - - and(K-, N-) - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) + - and(N-, or(S+, SE+)) - and(S-, N-) - - and(SE+, N-) - - not(R+) - - or(K+, K-) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) name: explored-13391 type: explored -- comm_cost: 0.4138888888888892 - complexity: 13 +- comm_cost: 0.38333333333333364 + complexity: 20 expressions: - N+ - - R- - - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(K+, R+)) - - not(R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-13392 type: explored -- comm_cost: 0.3529947916666669 - complexity: 13 +- comm_cost: 0.5083159722222224 + complexity: 16 expressions: - K+ - - K+ - N+ - - S+ + - R- - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(S+, R+) + - not(R-) name: explored-13393 type: explored -- comm_cost: 0.42595486111111114 - complexity: 16 +- comm_cost: 0.5027777777777779 + complexity: 9 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, N-) - - and(K-, S+) - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - SE- + - and(SE-, or(K+, S-)) name: explored-13394 type: explored -- comm_cost: 0.6085503472222223 - complexity: 17 +- comm_cost: 0.449479166666667 + complexity: 9 expressions: - - R+ - - and(S-, SE-) - - and(S-, not(R-)) - - and(SE+, N-) - - and(or(K+, S-), not(R-)) + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-13395 type: explored -- comm_cost: 0.24930555555555578 - complexity: 20 +- comm_cost: 0.7533854166666667 + complexity: 7 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, R+) + - SE- + - and(or(K+, S-), not(R-)) name: explored-13396 type: explored -- comm_cost: 0.45963541666666685 +- comm_cost: 0.4296875000000001 complexity: 18 expressions: + - N+ - R- - - and(K-, or(S+, R-)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, or(SE-, N+)) name: explored-13397 type: explored -- comm_cost: 0.6166666666666667 - complexity: 9 +- comm_cost: 0.6401041666666668 + complexity: 14 expressions: - - N+ - - SE- - - and(K-, not(R+)) - - or(K+, R+) + - and(N-, or(K+, R+)) + - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-13398 type: explored -- comm_cost: 0.5921875000000001 - complexity: 11 +- comm_cost: 0.5708333333333334 + complexity: 8 expressions: - - N+ - R+ - - R- - SE- - - and(K-, not(R-)) - - or(N+, R-) + - and(S-, SE-) + - or(K+, SE+) name: explored-13399 type: explored -- comm_cost: 0.6445833333333335 - complexity: 10 +- comm_cost: 0.6514756944444446 + complexity: 12 expressions: - - K+ - R+ - - R- - - R- - - SE- - - not(R+) - - or(K+, S-) + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-13400 type: explored -- comm_cost: 0.7251099537037038 - complexity: 9 +- comm_cost: 0.22864583333333344 + complexity: 15 expressions: - - K+ - - R+ - - SE- - - or(K+, K-) - - or(S+, SE+) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-13401 type: explored -- comm_cost: 0.6202256944444445 - complexity: 12 +- comm_cost: 0.8041666666666667 + complexity: 6 expressions: - - R+ - - R- - - SE- - - and(or(K+, S-), not(R-)) - - or(S+, R+) + - K+ + - and(N-, or(K+, SE+)) name: explored-13402 type: explored -- comm_cost: 0.6429687500000001 - complexity: 7 +- comm_cost: 0.5069444444444446 + complexity: 12 expressions: - - R+ + - K+ + - N+ + - R- + - S+ - SE- - - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-13403 type: explored -- comm_cost: 0.6521412037037038 - complexity: 30 +- comm_cost: 0.37656250000000036 + complexity: 16 expressions: - - R+ - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) + - K+ + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13404 type: explored -- comm_cost: 0.6742708333333335 - complexity: 11 +- comm_cost: 0.5657407407407409 + complexity: 14 expressions: - - R+ - - SE- - - and(or(K+, S-), not(R+)) - - or(S+, SE+) + - R- + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-13405 type: explored -- comm_cost: 0.5054166666666668 - complexity: 13 +- comm_cost: 0.6628472222222224 + complexity: 5 expressions: - - N+ - - N- - - R- - - S+ + - R+ + - S- - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) name: explored-13406 type: explored -- comm_cost: 0.742361111111111 - complexity: 10 +- comm_cost: 0.4218750000000002 + complexity: 8 expressions: - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - or(K+, N+) name: explored-13407 type: explored -- comm_cost: 0.5638310185185187 - complexity: 15 +- comm_cost: 0.6030208333333335 + complexity: 13 expressions: - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - N+ + - R+ + - R- + - SE- + - and(N-, or(S+, R+)) + - or(N+, not(R+)) name: explored-13408 type: explored -- comm_cost: 0.5184375000000001 - complexity: 7 +- comm_cost: 0.696087962962963 + complexity: 8 expressions: - R+ - - and(S-, SE-) + - and(S-, not(R-)) - or(S+, SE+) name: explored-13409 type: explored -- comm_cost: 0.25260416666666696 - complexity: 12 +- comm_cost: 0.587326388888889 + complexity: 6 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - K+ + - R+ + - SE- + - and(S-, N-) name: explored-13410 type: explored -- comm_cost: 0.4233072916666669 - complexity: 27 +- comm_cost: 0.5324305555555557 + complexity: 12 expressions: - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) + - or(S+, SE+) name: explored-13411 type: explored -- comm_cost: 0.6548611111111113 - complexity: 9 +- comm_cost: 0.7368055555555557 + complexity: 12 expressions: - - N+ - - and(K-, or(S+, R+)) - - and(N-, R+) + - K+ + - and(K-, or(SE-, N+)) + - or(S+, R+) + - or(SE-, N+) name: explored-13412 type: explored -- comm_cost: 0.30234375000000013 - complexity: 14 +- comm_cost: 0.6141319444444446 + complexity: 17 expressions: - - K+ + - N+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - not(R-) + - or(K+, K-) + - or(N+, not(R+)) name: explored-13413 type: explored -- comm_cost: 0.6233333333333335 - complexity: 7 +- comm_cost: 0.5533333333333335 + complexity: 15 expressions: + - K+ + - R- - SE- - and(N-, R+) + - and(and(S-, N-), not(R-)) - or(S+, SE+) name: explored-13414 type: explored -- comm_cost: 0.5161458333333334 - complexity: 14 +- comm_cost: 0.4031250000000003 + complexity: 9 expressions: - R- - - S+ - - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - and(SE-, or(K+, S-)) name: explored-13415 type: explored -- comm_cost: 0.6380208333333335 - complexity: 11 +- comm_cost: 0.5777777777777777 + complexity: 9 expressions: - - SE- - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) + - N+ + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-13416 type: explored -- comm_cost: 0.23697916666666696 - complexity: 14 +- comm_cost: 0.5921875000000002 + complexity: 13 expressions: - - N+ - - R- - - S+ - - and(K-, SE-) - - and(K-, or(S+, R-)) + - R+ - and(N-, R+) + - and(S-, N-) + - and(and(S-, N-), not(R-)) name: explored-13417 type: explored -- comm_cost: 0.57421875 - complexity: 6 +- comm_cost: 0.6877256944444445 + complexity: 10 expressions: + - K- + - N+ + - R+ - R- - - S+ - - S- - - and(S-, SE-) + - and(K-, or(N+, not(R+))) name: explored-13418 type: explored -- comm_cost: 0.5729166666666666 - complexity: 13 +- comm_cost: 0.6209780092592594 + complexity: 15 expressions: - - K+ - N+ + - R+ - R- - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-13419 type: explored -- comm_cost: 0.4098958333333337 - complexity: 15 +- comm_cost: 2.220446049250313e-16 + complexity: 18 expressions: + - K+ - N+ - - SE- - - and(K-, SE-) + - R- + - and(K-, S+) + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-13420 type: explored -- comm_cost: 0.38546875000000014 - complexity: 15 +- comm_cost: 0.355729166666667 + complexity: 14 expressions: - N+ - - N- - R- - - R- - - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) name: explored-13421 type: explored -- comm_cost: 0.5758680555555558 - complexity: 12 +- comm_cost: 0.3509837962962965 + complexity: 24 expressions: - - SE- + - K+ + - K+ + - N+ + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - - or(S+, R-) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-13422 type: explored -- comm_cost: 0.48070023148148167 - complexity: 20 +- comm_cost: 0.6758159722222223 + complexity: 14 expressions: - - N+ + - R+ - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(S+, R-) + - SE- + - and(N-, or(K+, S-)) + - and(S-, N-) + - or(S+, SE+) name: explored-13423 type: explored -- comm_cost: 0.5361111111111112 - complexity: 11 +- comm_cost: 0.8458333333333333 + complexity: 4 expressions: - - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - or(S+, N+) name: explored-13424 type: explored -- comm_cost: 0.2912326388888892 - complexity: 24 +- comm_cost: 0.5118055555555557 + complexity: 17 expressions: - - K+ - - K+ - - R- + - N+ - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), not(R+)) + - or(K+, K-) name: explored-13425 type: explored -- comm_cost: 0.4562037037037039 - complexity: 20 +- comm_cost: 0.4164930555555557 + complexity: 11 expressions: - K+ - N+ - R- - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, not(R-)) name: explored-13426 type: explored -- comm_cost: 0.4055555555555559 - complexity: 14 +- comm_cost: 0.7359374999999999 + complexity: 7 expressions: + - N+ - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - and(K-, or(S+, R-)) name: explored-13427 type: explored -- comm_cost: 0.5638020833333333 - complexity: 8 +- comm_cost: 0.6839120370370372 + complexity: 14 expressions: - - N+ - - R- - - S+ - - and(S-, SE-) - - not(R+) + - K+ + - R+ + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-13428 type: explored -- comm_cost: 0.6408854166666668 - complexity: 7 +- comm_cost: 0.43819444444444466 + complexity: 12 expressions: - N+ - - R+ + - R- + - S+ - SE- - - and(N-, not(R-)) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-13429 type: explored -- comm_cost: 0.4927083333333334 - complexity: 13 +- comm_cost: 0.4447916666666667 + complexity: 16 expressions: - K+ - K+ + - K+ + - N+ - R- - S+ + - S- - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - or(S+, R+) name: explored-13430 type: explored -- comm_cost: 0.6757508680555556 - complexity: 39 +- comm_cost: 0.49531249999999993 + complexity: 15 expressions: - - SE- - - and(K-, SE-) - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - not(R-) - - or(N+, R-) - - or(N+, not(R+)) + - K+ + - N+ + - R- + - and(K-, or(S+, N+)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-13431 type: explored -- comm_cost: 0.79375 - complexity: 5 +- comm_cost: 0.6094010416666669 + complexity: 16 expressions: - - and(S-, or(SE-, N+)) + - N+ + - R+ + - R- + - SE+ + - SE- + - and(S-, or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-13432 type: explored -- comm_cost: 0.7875000000000001 - complexity: 7 +- comm_cost: 0.5276909722222224 + complexity: 10 expressions: - - and(N-, or(K+, S-)) - - not(R+) + - R+ + - R- + - SE- + - and(K-, not(R-)) + - and(N-, R+) name: explored-13433 type: explored -- comm_cost: 0.40451388888888906 - complexity: 11 +- comm_cost: 0.5402777777777781 + complexity: 10 expressions: - - K+ - N+ - - R- + - SE- - SE- - and(N-, R+) - - and(N-, not(R-)) + - and(S-, not(R-)) name: explored-13434 type: explored -- comm_cost: 0.6333333333333335 - complexity: 10 +- comm_cost: 0.39861111111111147 + complexity: 12 expressions: - - R+ - - and(and(S-, N-), not(R-)) - - or(S+, SE+) + - N+ + - SE- + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-13435 type: explored -- comm_cost: 0.3381944444444447 - complexity: 12 +- comm_cost: 0.44739583333333355 + complexity: 19 expressions: - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) + - or(K+, N+) name: explored-13436 type: explored -- comm_cost: 0.2968750000000002 - complexity: 11 +- comm_cost: 0.45972222222222237 + complexity: 13 expressions: - - R- - - S+ - - and(K-, SE-) - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-13437 type: explored -- comm_cost: 0.7744791666666667 - complexity: 7 +- comm_cost: 0.5303819444444445 + complexity: 12 expressions: - - and(N-, not(R-)) - - or(S+, R+) + - S+ + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(S+, R-) name: explored-13438 type: explored -- comm_cost: 0.28437500000000027 - complexity: 13 +- comm_cost: 0.5447916666666668 + complexity: 4 expressions: + - K+ - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(K+, N+) name: explored-13439 type: explored -- comm_cost: 0.5980844907407408 - complexity: 27 +- comm_cost: 0.4604166666666668 + complexity: 11 expressions: - - N+ - - and(K-, N-) - - and(K-, S+) - - and(K-, not(R+)) - - and(S-, not(R+)) - - and(S-, not(R-)) - - and(SE+, N-) - - or(K+, or(N+, R-)) + - R- + - S+ + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-13440 type: explored -- comm_cost: 0.4006944444444447 - complexity: 14 +- comm_cost: 0.308564814814815 + complexity: 23 expressions: - - K+ + - N+ - R- + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-13441 type: explored -- comm_cost: 0.6686342592592593 - complexity: 7 +- comm_cost: 0.5503038194444446 + complexity: 19 expressions: - - K- - - R+ + - K+ + - N+ - R- - - S+ - - or(S+, R-) + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - or(K+, R+) + - or(K+, SE+) name: explored-13442 type: explored -- comm_cost: 0.6292013888888891 - complexity: 12 +- comm_cost: 0.6154224537037039 + complexity: 13 expressions: - - R+ - R- - SE- - - or(N+, not(R+)) - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(S+, R-) name: explored-13443 type: explored -- comm_cost: 0.6091666666666669 - complexity: 6 - expressions: - - K- - - N+ - - R+ - - R+ - - R- - - SE- - name: explored-13444 - type: explored -- comm_cost: 0.18020833333333353 - complexity: 13 +- comm_cost: 0.4656250000000002 + complexity: 21 expressions: - K+ - K+ - N+ - - R+ - R- - S+ - - S+ - and(N-, R+) - and(S-, SE-) - name: explored-13445 + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) + name: explored-13444 type: explored -- comm_cost: 0.6210937500000001 - complexity: 9 +- comm_cost: 0.604513888888889 + complexity: 6 expressions: + - N+ - R+ - R- - - and(K-, not(R-)) - - or(K+, R-) - name: explored-13446 + - or(S+, R-) + name: explored-13445 type: explored -- comm_cost: 0.5288194444444446 - complexity: 7 +- comm_cost: 0.6854166666666668 + complexity: 6 expressions: - - N+ - - R+ - - SE- - - SE- - - or(K+, R-) - name: explored-13447 + - and(N-, R+) + - or(K+, S-) + name: explored-13446 type: explored -- comm_cost: 0.7447916666666666 - complexity: 9 +- comm_cost: 0.4385271990740742 + complexity: 26 expressions: - - and(S-, not(R+)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) - and(S-, or(SE-, N+)) - name: explored-13448 + - and(or(K+, S-), not(R-)) + name: explored-13447 type: explored -- comm_cost: 0.4980468750000002 - complexity: 13 +- comm_cost: 0.30442708333333357 + complexity: 27 expressions: - K+ - K+ - N+ - R- - S+ + - and(K-, SE-) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(S+, SE+)) - name: explored-13449 + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + name: explored-13448 type: explored -- comm_cost: 0.6054166666666668 - complexity: 18 +- comm_cost: 0.43315972222222254 + complexity: 13 expressions: - - K+ - N+ - - N- - R- - - SE- + - S+ - and(N-, R+) - - or(K+, S-) - or(and(K-, S+), or(N+, R-)) - name: explored-13450 + name: explored-13449 type: explored -- comm_cost: 0.39333333333333353 - complexity: 11 +- comm_cost: 0.5624652777777779 + complexity: 10 expressions: - - K+ + - K- - N+ - - R- + - N- + - S+ - and(N-, R+) - and(S-, SE-) - - not(R-) + name: explored-13450 + type: explored +- comm_cost: 0.7109375000000001 + complexity: 18 + expressions: + - R+ + - and(K-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) name: explored-13451 type: explored -- comm_cost: 0.4842592592592594 - complexity: 14 +- comm_cost: 0.4963541666666669 + complexity: 8 expressions: - - K+ - N+ - R- - - SE+ + - S+ + - S- - SE- - and(N-, R+) - - and(and(K-, N-), not(R-)) name: explored-13452 type: explored -- comm_cost: 0.17135416666666692 - complexity: 19 +- comm_cost: 0.6095486111111112 + complexity: 11 expressions: - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - R+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) name: explored-13453 type: explored -- comm_cost: 0.6686342592592593 - complexity: 15 +- comm_cost: 0.5398437500000002 + complexity: 13 expressions: + - N+ - R+ - - and(N-, or(S+, R+)) - - and(and(K-, N-), not(R-)) - - or(S+, N+) + - R- + - and(or(K+, S-), or(SE-, N+)) + - or(SE-, N+) name: explored-13454 type: explored -- comm_cost: 0.6583333333333334 - complexity: 7 +- comm_cost: 0.42337962962962983 + complexity: 24 expressions: - - R+ - - SE- - - and(K-, or(S+, SE+)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-13455 type: explored -- comm_cost: 0.4252170138888891 - complexity: 20 +- comm_cost: 0.19218750000000018 + complexity: 21 expressions: - K+ - - K+ + - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-13456 type: explored -- comm_cost: 0.5488425925925927 - complexity: 17 +- comm_cost: 0.5536545138888891 + complexity: 12 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - not(R-) + - or(S+, R+) name: explored-13457 type: explored -- comm_cost: 0.19635416666666705 - complexity: 13 +- comm_cost: 0.5458333333333334 + complexity: 16 + expressions: + - K+ + - R- + - and(K-, S+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, SE+) + name: explored-13458 + type: explored +- comm_cost: 0.28262152777777794 + complexity: 21 expressions: - K+ - K+ - N+ + - R- - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, N+) - name: explored-13458 - type: explored -- comm_cost: 0.6507812500000001 - complexity: 9 - expressions: - - R+ - - and(S-, N-) - - or(S+, or(N+, R-)) name: explored-13459 type: explored -- comm_cost: 0.5585937500000001 +- comm_cost: 0.34687500000000027 complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - S+ - - SE+ - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, or(N+, R-)) + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-13460 type: explored -- comm_cost: 0.2899305555555558 - complexity: 22 +- comm_cost: 0.2210937500000003 + complexity: 13 expressions: + - K+ - N+ - - R- - - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - or(S+, or(N+, R-)) name: explored-13461 type: explored -- comm_cost: 0.7107378472222223 - complexity: 14 +- comm_cost: 0.4832899305555557 + complexity: 15 expressions: - - N- - - R+ - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - K+ + - N+ + - R- + - R- + - and(N-, R+) + - and(S-, SE-) + - not(R+) + - or(K+, K-) name: explored-13462 type: explored -- comm_cost: 0.3359375000000002 - complexity: 17 +- comm_cost: 0.20052083333333348 + complexity: 12 expressions: - N+ + - R+ + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) name: explored-13463 type: explored -- comm_cost: 0.30196759259259287 - complexity: 23 +- comm_cost: 0.46296296296296324 + complexity: 16 expressions: - - K+ - N+ - R- + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-13464 type: explored -- comm_cost: 0.5432870370370372 - complexity: 16 +- comm_cost: 0.47818287037037055 + complexity: 20 expressions: - K+ + - N+ - R- - - SE- - - and(K-, or(S+, R+)) + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, N+) name: explored-13465 type: explored -- comm_cost: 0.22916666666666685 - complexity: 15 +- comm_cost: 0.5158854166666669 + complexity: 12 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - S+ + - S- + - and(K-, N-) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) name: explored-13466 type: explored -- comm_cost: 0.4642361111111112 - complexity: 8 +- comm_cost: 0.6486111111111112 + complexity: 9 expressions: - - R+ - - S+ - - and(S-, SE-) - - or(K+, R+) + - N+ + - R- + - and(and(K-, N-), or(S+, SE+)) name: explored-13467 type: explored -- comm_cost: 0.2284722222222224 - complexity: 15 +- comm_cost: 0.23463541666666698 + complexity: 21 expressions: - K+ + - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, R-) name: explored-13468 type: explored -- comm_cost: 0.3946180555555556 - complexity: 20 +- comm_cost: 0.32777777777777795 + complexity: 13 expressions: - - R+ + - K+ + - N+ - R- - - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R-) + - and(S-, not(R-)) name: explored-13469 type: explored -- comm_cost: 0.5813368055555558 - complexity: 18 +- comm_cost: 0.3864728009259262 + complexity: 25 expressions: + - K+ + - K+ - N+ - - SE- + - R- + - R- + - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) - and(or(K+, S-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-13470 type: explored -- comm_cost: 0.5015625000000002 - complexity: 16 +- comm_cost: 0.574826388888889 + complexity: 10 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, N+) + - R+ + - and(S-, not(R+)) + - or(K+, or(N+, R-)) name: explored-13471 type: explored -- comm_cost: 0.3763888888888891 - complexity: 15 +- comm_cost: 0.6758680555555556 + complexity: 8 expressions: + - K+ + - K+ - N+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - R- + - S+ + - or(K+, K-) name: explored-13472 type: explored -- comm_cost: 0.6052083333333335 +- comm_cost: 0.6694097222222223 complexity: 7 expressions: - - N+ + - K- - R+ - - and(S-, or(SE-, N+)) + - R- + - and(S-, not(R+)) name: explored-13473 type: explored -- comm_cost: 0.7958333333333335 - complexity: 7 +- comm_cost: 0.3939236111111113 + complexity: 17 expressions: - - and(and(K-, N-), or(S+, R+)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(N+, R-) name: explored-13474 type: explored -- comm_cost: 0.7592881944444444 - complexity: 12 +- comm_cost: 0.5217013888888892 + complexity: 15 expressions: - - R- + - K+ + - N+ - SE- - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-13475 type: explored -- comm_cost: 0.36640625000000027 - complexity: 11 +- comm_cost: 0.4794704861111113 + complexity: 23 expressions: - K+ - - K+ + - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R+) + - and(N-, or(K+, S-)) + - and(S-, not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-13476 type: explored -- comm_cost: 0.46302083333333355 - complexity: 9 +- comm_cost: 0.7105902777777778 + complexity: 8 expressions: - N+ - - R+ - - R- - - and(K-, S+) - - and(N-, R+) + - SE- + - or(S+, R+) + - or(S+, R+) name: explored-13477 type: explored -- comm_cost: 0.38435185185185206 - complexity: 20 +- comm_cost: 0.25156250000000036 + complexity: 12 expressions: - - K+ - N+ - - N+ - - R- - - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - not(R-) + - or(S+, or(N+, R-)) name: explored-13478 type: explored -- comm_cost: 0.6666666666666667 - complexity: 21 +- comm_cost: 0.49140625000000004 + complexity: 10 expressions: - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R+)) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - S+ + - and(K-, not(R-)) + - and(S-, SE-) name: explored-13479 type: explored -- comm_cost: 0.47612847222222243 - complexity: 15 +- comm_cost: 0.6042824074074076 + complexity: 19 expressions: - - K+ - - R- - - S- - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - R+ + - and(N-, or(K+, R+)) + - and(and(K-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-13480 type: explored -- comm_cost: 0.5130208333333335 - complexity: 18 +- comm_cost: 0.40000000000000013 + complexity: 12 expressions: - N+ + - N+ - R- + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) name: explored-13481 type: explored -- comm_cost: 0.6248263888888891 - complexity: 12 +- comm_cost: 0.49583333333333346 + complexity: 5 expressions: - - R+ - - and(K-, S+) + - N+ + - SE- - and(SE+, N-) - - or(K+, or(N+, R-)) name: explored-13482 type: explored -- comm_cost: 0.19479166666666692 - complexity: 11 +- comm_cost: 0.3227430555555558 + complexity: 12 expressions: - - R- + - K+ + - N+ - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(S+, N+) name: explored-13483 type: explored -- comm_cost: 0.4248553240740742 - complexity: 21 +- comm_cost: 0.616840277777778 + complexity: 14 expressions: - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R+) + - and(and(K-, N-), not(R-)) + - or(K+, K-) name: explored-13484 type: explored -- comm_cost: 0.3139409722222224 - complexity: 20 +- comm_cost: 0.30781250000000027 + complexity: 22 expressions: - K+ - - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, R+)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + - and(S-, not(R+)) name: explored-13485 type: explored -- comm_cost: 0.5901041666666669 - complexity: 14 +- comm_cost: 0.5628472222222224 + complexity: 9 expressions: - R+ - - and(K-, or(S+, R-)) - - and(K-, or(S+, R-)) - - and(N-, R+) + - R+ + - R- + - SE- + - or(K+, or(N+, R-)) name: explored-13486 type: explored -- comm_cost: 0.5451388888888891 - complexity: 10 +- comm_cost: 0.6505208333333334 + complexity: 7 expressions: - - K+ - - N+ - - and(N-, R+) - - and(N-, or(K+, SE+)) + - R+ + - SE- + - and(N-, or(K+, S-)) name: explored-13487 type: explored -- comm_cost: 0.6721209490740742 - complexity: 29 +- comm_cost: 0.08958333333333357 + complexity: 13 expressions: - - and(K-, or(SE-, N+)) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), not(R-)) - - or(K+, R-) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-13488 type: explored -- comm_cost: 0.44688946759259285 - complexity: 19 +- comm_cost: 0.49136284722222234 + complexity: 17 expressions: - - K+ + - N+ - R- - - S+ + - S- - and(N-, R+) - - and(N-, or(K+, S-)) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(K+, R+) name: explored-13489 type: explored -- comm_cost: 0.7658333333333334 - complexity: 8 +- comm_cost: 0.5987847222222223 + complexity: 10 expressions: + - R+ + - R+ + - R- - SE- - - and(N-, or(S+, R+)) - - not(R-) + - or(S+, R+) + - or(S+, R-) name: explored-13490 type: explored -- comm_cost: 0.7791435185185186 - complexity: 14 +- comm_cost: 0.6545486111111112 + complexity: 9 expressions: - - and(N-, or(S+, R+)) - - not(R-) - - or(K+, S-) - - or(N+, not(R+)) + - R+ + - R- + - SE- + - or(K+, S-) + - or(S+, N+) name: explored-13491 type: explored -- comm_cost: 0.34675925925925943 - complexity: 17 +- comm_cost: 0.4867187500000002 + complexity: 16 expressions: - K+ - - N+ - R- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, N-) + - and(N-, or(K+, S-)) + - and(S-, SE-) - and(S-, SE-) name: explored-13492 type: explored -- comm_cost: 0.7355902777777779 - complexity: 15 +- comm_cost: 0.7186921296296298 + complexity: 11 expressions: - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - R+ + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) name: explored-13493 type: explored -- comm_cost: 0.2747395833333337 - complexity: 22 +- comm_cost: 0.4598958333333335 + complexity: 11 expressions: - K+ - N+ - R- - - and(K-, or(S+, R-)) + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(SE-, N+) + - not(R+) name: explored-13494 type: explored -- comm_cost: 0.5421006944444446 - complexity: 18 +- comm_cost: 0.4770833333333334 + complexity: 10 expressions: - - N+ - - S+ - - and(N-, R+) + - R+ + - R- + - and(K-, or(S+, SE+)) - and(S-, SE-) - - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) name: explored-13495 type: explored -- comm_cost: 0.7524305555555557 - complexity: 6 +- comm_cost: 0.6769791666666668 + complexity: 10 expressions: - - or(K+, R+) - - or(N+, R-) + - K- + - R+ + - R- + - and(and(K-, N-), or(S+, R+)) name: explored-13496 type: explored -- comm_cost: 0.19687500000000036 +- comm_cost: 0.3616666666666669 complexity: 12 expressions: + - K+ - R- - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - or(N+, not(R+)) name: explored-13497 type: explored -- comm_cost: 0.2638888888888892 - complexity: 24 +- comm_cost: 0.5316840277777779 + complexity: 9 expressions: - N+ + - R+ - R- - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(N-, not(R-)) name: explored-13498 type: explored -- comm_cost: 0.27209201388888915 - complexity: 19 +- comm_cost: 0.5569444444444445 + complexity: 13 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - SE- + - and(K-, not(R+)) + - and(K-, or(S+, R+)) name: explored-13499 type: explored -- comm_cost: 0.19583333333333364 - complexity: 9 +- comm_cost: 0.2856481481481483 + complexity: 17 expressions: + - K+ - N+ - R- - - SE- - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) + - or(K+, R+) name: explored-13500 type: explored -- comm_cost: 0.7268229166666668 - complexity: 7 +- comm_cost: 0.49513888888888924 + complexity: 6 expressions: - - and(N-, not(R-)) - - or(K+, N+) + - K+ + - K+ + - SE- + - and(N-, R+) name: explored-13501 type: explored -- comm_cost: 0.3750000000000002 - complexity: 18 +- comm_cost: 0.3511805555555557 + complexity: 22 expressions: - - K+ - N+ - R- - - and(K-, not(R-)) - - and(K-, or(SE-, N+)) + - S+ - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) + - or(S+, SE+) name: explored-13502 type: explored -- comm_cost: 0.32343750000000027 - complexity: 15 +- comm_cost: 0.2869212962962966 + complexity: 25 expressions: + - K+ - N+ + - R- - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-13503 type: explored -- comm_cost: 0.4751736111111112 - complexity: 19 +- comm_cost: 0.35260416666666705 + complexity: 8 expressions: - - R+ - - R- - - S+ + - N+ + - SE- - and(K-, SE-) - - and(K-, or(SE-, N+)) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(N-, R+) name: explored-13504 type: explored -- comm_cost: 0.2942129629629632 - complexity: 18 +- comm_cost: 0.4800347222222223 + complexity: 15 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - or(S+, R-) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) name: explored-13505 type: explored -- comm_cost: 0.4819444444444446 - complexity: 10 +- comm_cost: 0.24470486111111123 + complexity: 20 expressions: - - R+ + - K+ + - N+ - R- - S+ - - SE- - - and(K-, SE-) - - or(K+, N+) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-13506 type: explored -- comm_cost: 0.6833333333333336 - complexity: 9 +- comm_cost: 0.20381944444444466 + complexity: 14 expressions: - N+ - - R+ - - and(and(K-, N-), or(S+, R+)) + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-13507 type: explored -- comm_cost: 0.5697916666666668 - complexity: 13 +- comm_cost: 0.6540798611111112 + complexity: 14 expressions: - - R+ - - and(K-, or(S+, R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, not(R-)) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-13508 type: explored -- comm_cost: 0.5877430555555557 - complexity: 14 +- comm_cost: 0.7394097222222223 + complexity: 3 expressions: - N+ - - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) - - or(K+, S-) + - R+ + - SE+ name: explored-13509 type: explored -- comm_cost: 0.20364583333333364 - complexity: 21 +- comm_cost: 0.3532986111111114 + complexity: 16 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- + - and(K-, or(S+, R-)) - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) name: explored-13510 type: explored -- comm_cost: 0.6820104166666667 - complexity: 28 - expressions: - - N+ - - and(K-, S+) - - and(K-, not(R+)) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), not(R-)) - - or(K+, SE+) - - or(S+, SE+) - - or(SE-, N+) - name: explored-13511 - type: explored -- comm_cost: 0.6743055555555555 - complexity: 7 +- comm_cost: 0.3847800925925928 + complexity: 17 expressions: - K+ + - K+ - N+ - R- - - SE- + - S+ + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) - or(K+, K-) - name: explored-13512 + name: explored-13511 type: explored -- comm_cost: 0.32621527777777803 - complexity: 17 +- comm_cost: 0.12395833333333361 + complexity: 18 expressions: + - K+ + - K+ - N+ - R- - S+ - - SE- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(S-, not(R+)) + name: explored-13512 + type: explored +- comm_cost: 0.5961226851851853 + complexity: 34 + expressions: + - R+ + - and(K-, not(R+)) + - and(N-, or(K+, R+)) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) + - or(K+, SE+) name: explored-13513 type: explored -- comm_cost: 0.42500000000000027 - complexity: 14 +- comm_cost: 0.5082031250000002 + complexity: 12 expressions: - - R- - - S+ + - K+ + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(K+, R-) + - or(K+, SE+) name: explored-13514 type: explored -- comm_cost: 0.5707175925925927 - complexity: 12 +- comm_cost: 0.5675636574074076 + complexity: 14 expressions: - - R+ + - K+ + - N+ + - R- - R- - SE- - - and(N-, or(S+, R+)) - - and(S-, not(R-)) + - and(N-, R+) + - or(K+, K-) + - or(K+, R+) name: explored-13515 type: explored -- comm_cost: 0.190277777777778 - complexity: 16 +- comm_cost: 0.6402083333333335 + complexity: 6 expressions: - - N+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - or(N+, not(R+)) name: explored-13516 type: explored -- comm_cost: 0.5878472222222224 - complexity: 10 +- comm_cost: 0.3510416666666669 + complexity: 18 expressions: + - N+ + - R- - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(SE+, N-) - - or(S+, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-13517 type: explored -- comm_cost: 0.5436342592592593 - complexity: 12 +- comm_cost: 0.5562500000000002 + complexity: 18 expressions: - - K+ - - R+ - - R- - - and(N-, or(S+, R+)) - - and(S-, not(R-)) + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-13518 type: explored -- comm_cost: 0.6333333333333335 - complexity: 12 +- comm_cost: 0.604513888888889 + complexity: 10 expressions: - - K+ - - N+ - - or(K+, R+) - - or(and(S-, SE-), or(N+, R-)) + - R- + - SE- + - and(N-, or(K+, SE+)) + - or(K+, N+) name: explored-13519 type: explored -- comm_cost: 0.34618055555555594 - complexity: 16 +- comm_cost: 0.42013888888888906 + complexity: 17 expressions: - N+ - - R- + - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, not(R+)) - - or(N+, not(R+)) name: explored-13520 type: explored -- comm_cost: 0.7208333333333334 - complexity: 8 +- comm_cost: 0.43333333333333357 + complexity: 6 expressions: - - R+ - - and(and(K-, N-), or(S+, R+)) + - R- + - R- + - SE- + - and(N-, R+) name: explored-13521 type: explored -- comm_cost: 0.582465277777778 - complexity: 16 +- comm_cost: 0.1703125000000003 + complexity: 15 expressions: + - K+ - N+ - - SE- + - R- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - or(K+, N+) + - or(K+, R-) name: explored-13522 type: explored -- comm_cost: 0.7148437500000001 - complexity: 11 +- comm_cost: 0.49479166666666685 + complexity: 6 expressions: - R+ - - and(K-, or(S+, R-)) - - and(N-, or(S+, SE+)) + - R- + - SE- + - and(K-, S+) name: explored-13523 type: explored -- comm_cost: 0.6038194444444446 - complexity: 12 +- comm_cost: 0.6284722222222222 + complexity: 11 expressions: - - R+ - - SE- - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - R- + - S+ + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-13524 type: explored -- comm_cost: 0.6612962962962965 - complexity: 8 +- comm_cost: 0.5666666666666669 + complexity: 13 expressions: - N+ - - SE+ + - S- - and(N-, R+) - - or(K+, S-) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-13525 type: explored -- comm_cost: 0.37083333333333357 - complexity: 14 +- comm_cost: 0.5631944444444446 + complexity: 13 expressions: - N+ + - R- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, SE+)) + - and(SE+, N-) name: explored-13526 type: explored -- comm_cost: 0.6653067129629631 - complexity: 13 +- comm_cost: 0.5799913194444445 + complexity: 11 expressions: - - R+ - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - N+ + - R- + - SE- + - and(N-, not(R-)) + - or(S+, N+) name: explored-13527 type: explored -- comm_cost: 0.7625 - complexity: 6 +- comm_cost: 0.67890625 + complexity: 9 expressions: - - and(K-, SE-) + - K+ + - and(N-, or(K+, S-)) - and(S-, SE-) name: explored-13528 type: explored -- comm_cost: 0.5334895833333335 - complexity: 15 +- comm_cost: 0.3381944444444448 + complexity: 22 expressions: - K+ - N+ - R- - - S+ - - and(K-, not(R-)) + - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(S-, SE-) - or(N+, not(R+)) name: explored-13529 type: explored -- comm_cost: 0.15104166666666696 - complexity: 15 +- comm_cost: 0.5901736111111112 + complexity: 10 expressions: - - K+ + - K- - N+ - R- - - and(K-, SE-) - - and(N-, R+) + - S+ - and(S-, SE-) - - or(K+, R-) + - or(K+, SE+) name: explored-13530 type: explored -- comm_cost: 0.6288773148148149 - complexity: 10 +- comm_cost: 0.605150462962963 + complexity: 16 expressions: + - R+ - R- - - and(S-, N-) - - and(S-, SE-) - - and(SE+, N-) + - SE- + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-13531 type: explored -- comm_cost: 0.5525173611111113 - complexity: 13 +- comm_cost: 0.6401041666666667 + complexity: 10 expressions: - N+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - or(S+, N+) + - R- + - S+ + - and(or(K+, S-), or(SE-, N+)) name: explored-13532 type: explored -- comm_cost: 0.42450231481481493 - complexity: 28 +- comm_cost: 0.7581597222222223 + complexity: 5 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, S-) - - or(and(S-, SE-), or(N+, R-)) + - K- + - SE- + - or(S+, R+) name: explored-13533 type: explored -- comm_cost: 0.46053240740740753 - complexity: 16 +- comm_cost: 0.6343750000000001 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) + - R+ + - S- - and(S-, not(R+)) - - or(K+, K-) + - and(SE-, or(K+, S-)) name: explored-13534 type: explored -- comm_cost: 0.601215277777778 - complexity: 11 +- comm_cost: 0.3197916666666668 + complexity: 6 expressions: - - N+ + - K+ - R+ - - SE- - - and(K-, or(S+, SE+)) - - and(SE+, N-) + - R- + - and(S-, SE-) name: explored-13535 type: explored -- comm_cost: 0.7302083333333333 - complexity: 6 +- comm_cost: 0.5069444444444446 + complexity: 19 expressions: - - R- - - and(SE-, or(K+, S-)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) name: explored-13536 type: explored -- comm_cost: 0.5765625000000001 - complexity: 6 +- comm_cost: 0.2841435185185186 + complexity: 16 expressions: - - N- + - K+ + - N+ - R+ - - S+ + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-13537 type: explored -- comm_cost: 0.7737847222222223 - complexity: 7 - expressions: - - and(S-, not(R+)) - - or(S+, R-) - name: explored-13538 - type: explored -- comm_cost: 0.1717013888888892 - complexity: 15 +- comm_cost: 0.5325000000000002 + complexity: 11 expressions: - K+ - - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) - - or(N+, R-) - name: explored-13539 + - or(K+, S-) + name: explored-13538 type: explored -- comm_cost: 0.6855902777777779 - complexity: 9 +- comm_cost: 0.6267650462962964 + complexity: 10 expressions: - R+ - - and(N-, or(S+, R+)) - - or(N+, R-) + - and(K-, SE-) + - and(S-, N-) + - or(K+, SE+) + name: explored-13539 + type: explored +- comm_cost: 0.6845891203703705 + complexity: 32 + expressions: + - S- + - and(K-, not(R-)) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-13540 type: explored -- comm_cost: 0.5833333333333335 - complexity: 11 +- comm_cost: 0.6300057870370371 + complexity: 17 expressions: - R+ - - R- - SE- - - and(N-, or(S+, R+)) - - or(SE-, N+) + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) name: explored-13541 type: explored -- comm_cost: 0.3938657407407409 - complexity: 23 +- comm_cost: 0.8064814814814816 + complexity: 13 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) + - or(K+, SE+) + - or(K+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-13542 type: explored -- comm_cost: 0.5394097222222224 - complexity: 6 +- comm_cost: 0.39375000000000027 + complexity: 9 expressions: - - R+ - - SE+ - - SE- - - and(S-, SE-) + - K+ + - N+ + - R- + - and(N-, R+) + - or(S+, N+) name: explored-13543 type: explored -- comm_cost: 0.7046180555555557 - complexity: 15 +- comm_cost: 0.6260416666666666 + complexity: 8 expressions: - - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) - - or(K+, or(N+, R-)) + - N+ + - R- + - SE- + - and(S-, or(SE-, N+)) name: explored-13544 type: explored -- comm_cost: 0.5666666666666668 - complexity: 12 +- comm_cost: 0.304861111111111 + complexity: 13 expressions: + - K+ - N+ - - SE- + - R- + - and(S-, SE-) - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) name: explored-13545 type: explored -- comm_cost: 0.3010416666666669 - complexity: 13 +- comm_cost: 0.5833333333333335 + complexity: 6 expressions: - K+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - SE- + - or(K+, R+) name: explored-13546 type: explored -- comm_cost: 0.4287037037037038 - complexity: 16 +- comm_cost: 0.6901620370370372 + complexity: 5 + expressions: + - R+ + - SE+ + - and(S-, N-) + name: explored-13547 + type: explored +- comm_cost: 0.4594907407407409 + complexity: 13 expressions: - N+ - - R- - SE- - and(N-, R+) - and(N-, or(S+, R+)) - - and(N-, or(S+, R+)) - name: explored-13547 + - and(SE+, N-) + name: explored-13548 type: explored -- comm_cost: 0.3559895833333335 - complexity: 15 +- comm_cost: 0.46689814814814834 + complexity: 18 expressions: - K+ - - K+ + - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - name: explored-13548 + - and(and(S-, N-), not(R-)) + - or(K+, K-) + name: explored-13549 type: explored -- comm_cost: 0.569965277777778 +- comm_cost: 0.49618055555555574 complexity: 14 expressions: - N+ + - N+ - R+ + - R- - SE- - - and(N-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) - name: explored-13549 + - and(K-, S+) + - and(S-, or(N+, not(R+))) + name: explored-13550 type: explored -- comm_cost: 0.6825000000000001 - complexity: 7 +- comm_cost: 0.22968750000000027 + complexity: 17 expressions: + - N+ - R- + - S+ - and(N-, R+) - - or(S+, SE+) - name: explored-13550 - type: explored -- comm_cost: 0.7305208333333335 - complexity: 9 - expressions: - - R+ - - SE- - - or(K+, K-) - - or(N+, not(R+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, SE-) name: explored-13551 type: explored -- comm_cost: 0.5211805555555558 - complexity: 11 +- comm_cost: 0.5400694444444446 + complexity: 10 expressions: - N+ + - R+ + - R- - SE- - and(N-, R+) - - or(K+, R-) - - or(K+, SE+) + - or(S+, SE+) name: explored-13552 type: explored -- comm_cost: 0.5288194444444445 - complexity: 9 +- comm_cost: 0.5710069444444446 + complexity: 10 expressions: - R+ - - R- - - S+ - - and(and(K-, N-), not(R-)) + - SE- + - and(K-, SE-) + - or(K+, or(N+, R-)) name: explored-13553 type: explored -- comm_cost: 0.3069444444444447 - complexity: 16 +- comm_cost: 0.3357060185185188 + complexity: 17 expressions: - - K+ - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-13554 type: explored -- comm_cost: 0.5254398148148149 - complexity: 20 +- comm_cost: 0.5209548611111112 + complexity: 23 expressions: - N+ - R- - - SE- - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) - and(and(K-, N-), or(S+, SE+)) - - or(K+, N+) - or(N+, not(R+)) name: explored-13555 type: explored -- comm_cost: 0.5053819444444446 - complexity: 15 +- comm_cost: 0.4037905092592595 + complexity: 18 expressions: - K+ - - K+ - - S+ + - N+ + - R- + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - and(S-, or(N+, not(R+))) name: explored-13556 type: explored -- comm_cost: 0.5960069444444446 - complexity: 8 +- comm_cost: 0.5925347222222224 + complexity: 11 expressions: - N+ - - SE- - - and(S-, N-) - - or(N+, R-) + - S- + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-13557 type: explored -- comm_cost: 0.43671875000000016 - complexity: 10 +- comm_cost: 0.4495370370370373 + complexity: 12 expressions: - - N+ - - and(K-, N-) + - R- + - R- + - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) name: explored-13558 type: explored -- comm_cost: 0.5599826388888891 - complexity: 14 +- comm_cost: 0.3758680555555558 + complexity: 15 expressions: - N+ - - N+ + - R- - SE- - - and(K-, or(S+, R+)) - and(N-, R+) - - or(SE-, N+) + - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-13559 type: explored -- comm_cost: 0.49083333333333345 - complexity: 16 +- comm_cost: 0.6954282407407408 + complexity: 8 expressions: - - N+ - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - R+ + - and(S-, not(R-)) + - or(K+, SE+) name: explored-13560 type: explored -- comm_cost: 0.4026041666666669 - complexity: 11 +- comm_cost: 0.5009722222222224 + complexity: 9 expressions: - - R- + - N+ + - N- + - SE- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) name: explored-13561 type: explored -- comm_cost: 0.5884375000000002 - complexity: 6 +- comm_cost: 0.6471412037037039 + complexity: 13 expressions: - - N+ - - N+ - - N- - R+ - R- - SE- + - and(N-, or(K+, SE+)) + - and(SE+, N-) + - not(R-) name: explored-13562 type: explored -- comm_cost: 0.6229166666666668 - complexity: 7 +- comm_cost: 0.30763888888888924 + complexity: 17 expressions: - - R+ + - N+ - R- - - and(N-, or(K+, R+)) + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-13563 type: explored -- comm_cost: 0.5458333333333334 - complexity: 4 +- comm_cost: 0.5556423611111113 + complexity: 13 expressions: - - SE+ - - and(S-, SE-) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(SE-, N+) name: explored-13564 type: explored -- comm_cost: 0.3609374999999999 - complexity: 11 +- comm_cost: 0.26666666666666683 + complexity: 22 expressions: - K+ - - K+ - N+ - R- - - S+ - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-13565 type: explored -- comm_cost: 0.6666666666666667 - complexity: 8 +- comm_cost: 0.568258101851852 + complexity: 17 expressions: + - N+ + - R+ + - R- - SE- - - and(S-, not(R-)) - - or(S+, R-) + - and(N-, or(K+, SE+)) + - and(SE+, N-) + - or(K+, or(N+, R-)) name: explored-13566 type: explored -- comm_cost: 0.6065104166666668 - complexity: 9 +- comm_cost: 0.41527777777777797 + complexity: 14 expressions: - - R+ - - S+ - - SE- - - SE- - - and(N-, or(K+, SE+)) + - N+ + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - and(SE+, N-) name: explored-13567 type: explored -- comm_cost: 0.4932291666666667 - complexity: 8 +- comm_cost: 0.37756076388888915 + complexity: 24 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(SE-, or(K+, S-)) + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-13568 type: explored -- comm_cost: 0.6263020833333335 +- comm_cost: 0.7064236111111111 complexity: 13 expressions: - - R+ - - and(or(K+, S-), or(SE-, N+)) - - or(S+, or(N+, R-)) + - N+ + - SE- + - and(K-, or(S+, N+)) + - and(or(K+, S-), not(R+)) name: explored-13569 type: explored -- comm_cost: 0.6065104166666668 - complexity: 9 +- comm_cost: 0.5329861111111113 + complexity: 10 expressions: - R+ - - R- - - SE- - - or(N+, R-) - - or(S+, R+) + - and(K-, S+) + - and(or(K+, S-), not(R+)) name: explored-13570 type: explored -- comm_cost: 0.5251736111111113 - complexity: 14 +- comm_cost: 0.4343750000000002 + complexity: 9 expressions: - - N+ + - K+ - R+ - - R- - - SE- - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-13571 type: explored -- comm_cost: 0.40052083333333355 - complexity: 24 +- comm_cost: 0.40451388888888906 + complexity: 11 expressions: - K+ - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) - - or(S+, R-) + - and(N-, not(R-)) name: explored-13572 type: explored -- comm_cost: 0.4502893518518519 - complexity: 16 +- comm_cost: 0.37031250000000016 + complexity: 17 expressions: - N+ - R- + - and(K-, or(S+, N+)) - and(N-, R+) - and(N-, not(R-)) - and(S-, SE-) - - and(S-, not(R-)) name: explored-13573 type: explored -- comm_cost: 0.41469907407407425 - complexity: 19 +- comm_cost: 0.7053819444444446 + complexity: 7 expressions: - - K+ - - N+ - - and(K-, N-) - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) + - S+ + - SE- + - and(N-, or(K+, SE+)) name: explored-13574 type: explored -- comm_cost: 0.4300781250000001 - complexity: 18 +- comm_cost: 0.3515625000000002 + complexity: 8 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - and(N-, R+) + - or(K+, N+) name: explored-13575 type: explored -- comm_cost: 0.18177083333333366 - complexity: 20 +- comm_cost: 0.71125 + complexity: 6 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - or(K+, S-) name: explored-13576 type: explored -- comm_cost: 0.37951388888888904 - complexity: 20 +- comm_cost: 0.44490740740740764 + complexity: 24 expressions: - - K+ - N+ - - R- + - R+ - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, or(N+, not(R+))) + - or(S+, R-) name: explored-13577 type: explored -- comm_cost: 0.2668750000000003 - complexity: 15 +- comm_cost: 0.4166203703703706 + complexity: 18 expressions: - K+ - - K+ + - K- - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - not(R+) - - not(R+) + - or(K+, or(N+, R-)) name: explored-13578 type: explored -- comm_cost: 0.3437500000000002 - complexity: 7 +- comm_cost: 0.49375000000000036 + complexity: 5 expressions: - - N+ - - N+ - R- - S+ - and(N-, R+) name: explored-13579 type: explored -- comm_cost: 0.5478819444444446 - complexity: 12 +- comm_cost: 0.6966145833333335 + complexity: 5 expressions: - - N+ - - N- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - R+ + - S- + - or(SE-, N+) name: explored-13580 type: explored -- comm_cost: 0.3116319444444444 - complexity: 15 +- comm_cost: 0.2328125000000003 + complexity: 13 expressions: - K+ - - K+ - N+ - - R- - - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - not(R+) name: explored-13581 type: explored -- comm_cost: 0.3225694444444447 +- comm_cost: 0.530980902777778 complexity: 14 expressions: + - K+ - N+ - R- - - S+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - not(R+) + - or(K+, S-) + - or(SE-, N+) name: explored-13582 type: explored -- comm_cost: 0.2656250000000002 - complexity: 13 +- comm_cost: 0.5454282407407409 + complexity: 15 expressions: - - N+ + - K+ - R- + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(N-, or(S+, R+)) name: explored-13583 type: explored -- comm_cost: 0.5339843750000002 - complexity: 19 +- comm_cost: 0.46847511574074097 + complexity: 18 expressions: + - K+ - N+ - - R+ + - R- + - S+ + - S- + - SE+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, or(N+, not(R+))) name: explored-13584 type: explored -- comm_cost: 0.2649305555555558 +- comm_cost: 0.6197048611111112 complexity: 13 expressions: - K+ - N+ + - R- + - SE- + - and(S-, or(N+, not(R+))) + - or(S+, R+) + name: explored-13585 + type: explored +- comm_cost: 0.2097222222222226 + complexity: 17 + expressions: + - N+ + - R- - S+ - - SE+ - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - name: explored-13585 - type: explored -- comm_cost: 0.6395833333333334 - complexity: 16 - expressions: - - K+ - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(and(S-, SE-), or(N+, R-)) name: explored-13586 type: explored -- comm_cost: 0.6569097222222223 - complexity: 38 +- comm_cost: 0.49583333333333335 + complexity: 14 expressions: - - R+ - - SE- - - and(K-, or(S+, N+)) - - and(S-, N-) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, R+) - - or(N+, R-) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - S+ + - and(K-, SE-) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-13587 type: explored -- comm_cost: 0.5663194444444446 - complexity: 6 +- comm_cost: 0.3479166666666669 + complexity: 16 expressions: - - R+ - - SE- + - N+ + - R- - SE- - - or(K+, R-) + - and(K-, S+) + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-13588 type: explored -- comm_cost: 0.6400347222222224 - complexity: 29 +- comm_cost: 0.5451388888888891 + complexity: 12 expressions: - - SE+ - - and(K-, SE-) - - and(K-, not(R-)) + - N+ - and(N-, R+) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - not(R+) - - or(SE-, N+) + - and(N-, or(K+, SE+)) + - or(S+, R-) name: explored-13589 type: explored -- comm_cost: 0.5171875000000001 - complexity: 9 +- comm_cost: 0.6756944444444444 + complexity: 5 expressions: - N+ - - and(K-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - or(S+, R-) name: explored-13590 type: explored -- comm_cost: 0.49326388888888906 - complexity: 13 +- comm_cost: 0.6407986111111112 + complexity: 7 expressions: - - K- - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - R+ + - R+ + - R- + - or(S+, R+) name: explored-13591 type: explored -- comm_cost: 0.5833333333333335 - complexity: 8 +- comm_cost: 0.5410300925925928 + complexity: 17 expressions: - - R+ - - SE- - - and(SE+, N-) - - or(S+, N+) + - R- + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-13592 type: explored -- comm_cost: 0.458883101851852 - complexity: 15 +- comm_cost: 0.5921875000000002 + complexity: 11 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(N-, not(R-)) - - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - not(R+) name: explored-13593 type: explored -- comm_cost: 0.5243055555555557 - complexity: 9 +- comm_cost: 0.40251736111111125 + complexity: 16 expressions: + - K+ - R+ - R- - - and(S-, not(R+)) - - or(K+, R-) + - and(K-, or(S+, SE+)) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-13594 type: explored -- comm_cost: 0.48637152777777803 - complexity: 17 +- comm_cost: 0.4242187500000002 + complexity: 21 expressions: - K+ - N+ - R- - - SE- - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R+) name: explored-13595 type: explored -- comm_cost: 0.76640625 - complexity: 7 +- comm_cost: 0.5597656250000002 + complexity: 19 expressions: - - R- + - N+ - SE- - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE+, N-) + - or(K+, SE+) name: explored-13596 type: explored -- comm_cost: 0.6825520833333335 - complexity: 6 +- comm_cost: 0.5069444444444446 + complexity: 18 expressions: - - R+ - - S- + - K+ + - R- - SE- - - or(SE-, N+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-13597 type: explored -- comm_cost: 0.4815104166666667 - complexity: 10 +- comm_cost: 0.5370659722222224 + complexity: 18 expressions: - - K+ - - K+ - N+ - - S+ - - and(K-, N-) - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-13598 type: explored -- comm_cost: 0.565914351851852 - complexity: 11 +- comm_cost: 0.6106770833333335 + complexity: 9 expressions: - - R+ + - N+ - R- - SE- - - and(N-, or(K+, R+)) - and(S-, N-) + - or(S+, R+) name: explored-13599 type: explored -- comm_cost: 0.6944444444444444 - complexity: 17 +- comm_cost: 0.49083333333333345 + complexity: 8 expressions: - N+ + - R- - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - or(S+, SE+) name: explored-13600 type: explored -- comm_cost: 0.46067708333333357 - complexity: 21 +- comm_cost: 0.5228125 + complexity: 12 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) + - K+ + - and(K-, or(S+, N+)) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, SE+) name: explored-13601 type: explored -- comm_cost: 0.5009722222222224 - complexity: 7 +- comm_cost: 0.2273437500000003 + complexity: 13 expressions: - K+ - N+ - - N- - - SE- + - N+ + - R- - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-13602 type: explored -- comm_cost: 0.6822482638888889 - complexity: 12 +- comm_cost: 0.545920138888889 + complexity: 15 expressions: + - N+ - SE- - - and(K-, N-) - - and(K-, or(S+, N+)) - - or(S+, R-) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) name: explored-13603 type: explored -- comm_cost: 0.5593750000000002 - complexity: 9 +- comm_cost: 0.6776041666666668 + complexity: 6 expressions: - - N+ - - and(N-, or(K+, S-)) - - and(S-, SE-) + - R+ + - R- + - SE- + - or(K+, K-) name: explored-13604 type: explored -- comm_cost: 0.7756944444444445 - complexity: 6 +- comm_cost: 0.7133761574074075 + complexity: 42 expressions: - - SE- - - or(K+, or(N+, R-)) + - K- + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) + - or(N+, not(R+)) + - or(SE-, N+) name: explored-13605 type: explored -- comm_cost: 0.7036892361111112 - complexity: 13 +- comm_cost: 0.3557291666666669 + complexity: 10 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(N-, or(S+, SE+)) - - not(R-) - - or(S+, SE+) + - S+ + - and(and(S-, N-), not(R-)) name: explored-13606 type: explored -- comm_cost: 0.6359375 - complexity: 8 +- comm_cost: 0.6205729166666668 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(N-, or(S+, SE+)) + - R+ + - R+ + - and(N-, or(K+, R+)) + - not(R+) name: explored-13607 type: explored -- comm_cost: 0.451371527777778 - complexity: 17 +- comm_cost: 0.457291666666667 + complexity: 8 expressions: - - K+ - - N+ - R- - - S- - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - or(S+, N+) name: explored-13608 type: explored -- comm_cost: 0.495138888888889 - complexity: 15 +- comm_cost: 0.37708333333333344 + complexity: 12 expressions: - K+ - - K- - - N+ - - R- - - S+ - - and(N-, R+) + - R+ - and(S-, SE-) - - or(N+, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-13609 type: explored -- comm_cost: 0.5637731481481483 +- comm_cost: 0.7043402777777779 complexity: 10 expressions: - - N+ - - R+ - - R- - - SE+ - - SE- - - and(K-, or(S+, R-)) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-13610 type: explored -- comm_cost: 0.4382812500000002 - complexity: 17 +- comm_cost: 0.4057291666666669 + complexity: 10 expressions: - K+ - - R+ + - K+ + - N+ - R- - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(S-, SE-) - - or(SE-, N+) + - and(N-, R+) + - or(N+, R-) name: explored-13611 type: explored -- comm_cost: 0.7266481481481482 - complexity: 20 +- comm_cost: 0.3055555555555558 + complexity: 9 expressions: - - N- - - and(K-, SE-) - - and(K-, not(R+)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) - - or(K+, K-) + - K+ + - N+ + - SE+ + - and(N-, R+) + - and(S-, SE-) name: explored-13612 type: explored -- comm_cost: 0.20364583333333353 - complexity: 15 +- comm_cost: 0.7798611111111111 + complexity: 7 expressions: - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, or(N+, not(R+))) name: explored-13613 type: explored -- comm_cost: 0.5427372685185187 - complexity: 14 +- comm_cost: 0.38385416666666683 + complexity: 13 expressions: - N+ - - R+ - - R- - - SE- - - and(N-, not(R-)) - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-13614 type: explored -- comm_cost: 0.527170138888889 - complexity: 8 +- comm_cost: 0.3339843750000002 + complexity: 16 expressions: - K+ - N+ - R- - - SE- - - and(N-, not(R-)) + - S- + - and(N-, R+) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-13615 type: explored -- comm_cost: 0.7947916666666667 - complexity: 4 +- comm_cost: 0.6489583333333335 + complexity: 10 expressions: - - K+ - - or(N+, R-) + - R+ + - R- + - S+ + - and(and(K-, N-), or(S+, SE+)) name: explored-13616 type: explored -- comm_cost: 0.75 - complexity: 11 +- comm_cost: 0.6902222222222223 + complexity: 18 expressions: - - and(or(K+, S-), not(R-)) - - or(S+, or(N+, R-)) + - K+ + - SE+ + - and(K-, N-) + - and(S-, N-) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, SE+) name: explored-13617 type: explored -- comm_cost: 0.4100694444444445 - complexity: 17 +- comm_cost: 0.5760416666666668 + complexity: 11 + expressions: + - N+ + - SE- + - and(N-, R+) + - or(K+, K-) + - or(K+, R-) + name: explored-13618 + type: explored +- comm_cost: 0.523263888888889 + complexity: 15 expressions: - K+ + - K+ - N+ - R- - S+ - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) + - S- + - and(N-, R+) - and(S-, SE-) - name: explored-13618 - type: explored -- comm_cost: 0.82734375 - complexity: 6 - expressions: - - or(K+, N+) - - or(SE-, N+) + - or(K+, K-) name: explored-13619 type: explored -- comm_cost: 0.7244762731481482 - complexity: 19 - expressions: - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - or(K+, S-) - name: explored-13620 - type: explored -- comm_cost: 0.4577980324074076 - complexity: 17 +- comm_cost: 0.32621527777777803 + complexity: 18 expressions: - - K+ - - K+ + - N+ - R- - S+ - - SE+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(and(K-, N-), not(R-)) + - or(S+, R-) + name: explored-13620 + type: explored +- comm_cost: 0.7357291666666668 + complexity: 18 + expressions: + - N- + - SE- + - and(K-, S+) + - and(N-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13621 type: explored -- comm_cost: 0.6721354166666669 - complexity: 7 +- comm_cost: 0.8262499999999999 + complexity: 5 expressions: - - and(K-, not(R-)) - - and(N-, R+) + - R- + - or(N+, not(R+)) name: explored-13622 type: explored -- comm_cost: 0.7241319444444445 +- comm_cost: 0.6712847222222224 complexity: 13 expressions: - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) - - or(K+, K-) + - N- + - R+ + - SE- + - and(K-, or(S+, N+)) + - or(K+, or(N+, R-)) name: explored-13623 type: explored -- comm_cost: 0.4057291666666669 - complexity: 11 +- comm_cost: 0.2937500000000002 + complexity: 22 expressions: + - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - or(N+, R-) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-13624 type: explored -- comm_cost: 0.36484375000000013 - complexity: 15 +- comm_cost: 0.41417824074074094 + complexity: 23 expressions: - - K+ - N+ + - R- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - - or(K+, R-) + - and(SE+, N-) + - and(or(K+, S-), or(SE-, N+)) name: explored-13625 type: explored -- comm_cost: 0.6584722222222223 - complexity: 9 +- comm_cost: 0.529340277777778 + complexity: 15 expressions: - - R+ - - R- - - S- - - and(S-, SE-) - - or(K+, S-) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(N-, or(S+, SE+)) name: explored-13626 type: explored -- comm_cost: 0.5272569444444446 - complexity: 20 +- comm_cost: 0.5810763888888889 + complexity: 5 expressions: - - R+ + - K+ + - N+ - R- - - and(S-, N-) - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - S+ + - SE- name: explored-13627 type: explored -- comm_cost: 0.6292968750000001 +- comm_cost: 0.5341145833333335 complexity: 14 expressions: + - N+ - R+ - - S- - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, R+)) + - R- + - SE- + - and(S-, or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-13628 type: explored -- comm_cost: 0.49392361111111127 - complexity: 12 +- comm_cost: 0.5987847222222225 + complexity: 15 expressions: - - N+ - R+ - R- - - S+ - SE- - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(S+, N+)) + - not(R+) + - or(S+, or(N+, R-)) name: explored-13629 type: explored -- comm_cost: 0.3320312500000002 - complexity: 20 +- comm_cost: 0.6905439814814816 + complexity: 10 expressions: - - K+ - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - R+ + - or(K+, S-) + - or(N+, R-) + - or(S+, R-) name: explored-13630 type: explored -- comm_cost: 0.5685474537037039 - complexity: 20 +- comm_cost: 0.5289062499999999 + complexity: 15 expressions: - K+ + - K+ - N+ - R- - - S- - - and(N-, R+) + - S+ - and(S-, SE-) - - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-13631 type: explored -- comm_cost: 0.6072916666666668 - complexity: 7 +- comm_cost: 0.37523148148148144 + complexity: 13 expressions: + - N+ - R- - - and(and(S-, N-), not(R-)) + - R- + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-13632 type: explored -- comm_cost: 0.28046875000000016 - complexity: 12 +- comm_cost: 0.20520833333333366 + complexity: 15 expressions: + - K+ - N+ - R- - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) name: explored-13633 type: explored -- comm_cost: 0.5824305555555557 - complexity: 10 +- comm_cost: 0.6812499999999999 + complexity: 9 expressions: - - N+ - R- - - and(N-, R+) - - not(R-) - - or(S+, R+) + - SE- + - and(S-, not(R+)) + - or(K+, N+) name: explored-13634 type: explored -- comm_cost: 0.36302083333333346 +- comm_cost: 0.6851996527777778 complexity: 18 expressions: - K+ - - N+ + - R+ - R- - - S+ - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - or(N+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-13635 type: explored -- comm_cost: 0.3191840277777779 - complexity: 18 +- comm_cost: 0.5196180555555557 + complexity: 9 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- + - and(K-, S+) + - not(R+) name: explored-13636 type: explored -- comm_cost: 0.16562500000000036 - complexity: 10 +- comm_cost: 0.5349247685185188 + complexity: 19 expressions: - - K+ - N+ - - S+ - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, R+) name: explored-13637 type: explored -- comm_cost: 0.5329050925925928 - complexity: 20 +- comm_cost: 0.30486111111111125 + complexity: 17 expressions: - - K+ - N+ - R- - - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - - or(K+, or(N+, R-)) - - or(SE-, N+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-13638 type: explored -- comm_cost: 0.41770833333333346 - complexity: 5 +- comm_cost: 0.6957175925925927 + complexity: 11 expressions: - - K+ - R+ - - and(S-, SE-) + - and(S-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-13639 type: explored -- comm_cost: 0.4100694444444446 - complexity: 20 +- comm_cost: 0.4194444444444446 + complexity: 17 expressions: - - N+ - R- - S+ - - and(K-, or(S+, SE+)) + - and(K-, not(R+)) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(K+, SE+) name: explored-13640 type: explored -- comm_cost: 0.32777777777777795 - complexity: 14 +- comm_cost: 0.7092303240740742 + complexity: 12 + expressions: + - R+ + - and(N-, or(S+, R+)) + - and(or(K+, S-), not(R-)) + name: explored-13641 + type: explored +- comm_cost: 0.28472222222222254 + complexity: 22 expressions: - - K+ - K+ - N+ - R- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - name: explored-13641 - type: explored -- comm_cost: 0.6197916666666669 - complexity: 3 - expressions: - - R+ - - SE- - - SE- + - and(and(K-, N-), or(S+, R+)) name: explored-13642 type: explored -- comm_cost: 0.35583333333333345 - complexity: 25 +- comm_cost: 0.46012731481481495 + complexity: 22 expressions: - K+ - - K+ - N+ - R- - - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(S+, R-) + - not(R+) + - or(and(K-, S+), or(N+, R-)) name: explored-13643 type: explored -- comm_cost: 0.1960937500000004 - complexity: 15 +- comm_cost: 0.6632638888888889 + complexity: 9 expressions: - - K+ - - N+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - SE- + - or(N+, R-) + - or(S+, SE+) name: explored-13644 type: explored -- comm_cost: 0.4248784722222224 - complexity: 18 +- comm_cost: 0.3520775462962964 + complexity: 19 expressions: - K+ + - K+ - N+ - R- - S+ - - SE+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(N+, not(R+)) + - or(S+, SE+) name: explored-13645 type: explored -- comm_cost: 0.6561631944444446 - complexity: 9 +- comm_cost: 0.17916666666666692 + complexity: 11 expressions: - - R+ - - SE- - - and(N-, or(S+, SE+)) - - not(R+) + - N+ + - S+ + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-13646 type: explored -- comm_cost: 0.8359722222222222 - complexity: 8 +- comm_cost: 0.5093749999999999 + complexity: 7 expressions: - - and(K-, not(R+)) - - or(N+, not(R+)) + - N+ + - R- + - S+ + - SE- + - and(S-, SE-) name: explored-13647 type: explored -- comm_cost: 0.5992361111111113 - complexity: 8 +- comm_cost: 0.3040364583333335 + complexity: 15 expressions: - - R+ + - K+ + - N+ - R- - S+ - - SE- - - or(N+, not(R+)) + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-13648 type: explored -- comm_cost: 0.2807291666666669 - complexity: 16 +- comm_cost: 0.18437500000000018 + complexity: 19 expressions: - N+ - R- - - and(K-, SE-) - - and(K-, or(SE-, N+)) + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-13649 type: explored -- comm_cost: 0.4218750000000002 - complexity: 12 +- comm_cost: 0.3401041666666669 + complexity: 25 expressions: + - K+ + - K+ + - N+ + - R- + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, SE+) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) name: explored-13650 type: explored -- comm_cost: 0.5461805555555558 - complexity: 11 +- comm_cost: 0.33376736111111127 + complexity: 16 expressions: - - and(K-, or(S+, N+)) + - K+ + - N+ + - R- + - and(K-, N-) - and(N-, R+) - - and(S-, N-) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-13651 type: explored -- comm_cost: 0.3499131944444447 - complexity: 17 +- comm_cost: 0.6180555555555558 + complexity: 5 expressions: - - N+ - - R- - - S+ + - K+ + - SE+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(K+, R-) name: explored-13652 type: explored -- comm_cost: 0.29895833333333355 - complexity: 9 +- comm_cost: 0.5988136574074076 + complexity: 11 expressions: - - K+ - N+ - R+ - - and(K-, S+) - - and(S-, SE-) + - R- + - S- + - SE- + - and(and(K-, N-), not(R-)) name: explored-13653 type: explored -- comm_cost: 0.5239583333333335 - complexity: 14 +- comm_cost: 0.39913194444444455 + complexity: 10 expressions: - - and(K-, or(S+, N+)) + - K+ + - N+ + - R- + - S+ + - and(S-, N-) - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-13654 type: explored -- comm_cost: 0.3006944444444446 - complexity: 16 +- comm_cost: 0.39479166666666676 + complexity: 12 expressions: - - N+ - R- - - and(N-, R+) + - S+ - and(S-, SE-) - - and(SE+, N-) - - or(S+, or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-13655 type: explored -- comm_cost: 0.36163194444444446 - complexity: 8 +- comm_cost: 0.2586805555555558 + complexity: 19 expressions: - K+ - N+ - R- - - S+ - - SE+ + - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) name: explored-13656 type: explored -- comm_cost: 0.8147222222222222 - complexity: 12 +- comm_cost: 0.16406250000000022 + complexity: 17 expressions: - - SE- - - or(N+, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-13657 type: explored -- comm_cost: 0.25069444444444466 - complexity: 15 +- comm_cost: 0.34050925925925946 + complexity: 20 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-13658 type: explored -- comm_cost: 0.42500000000000016 - complexity: 9 +- comm_cost: 0.23125000000000018 + complexity: 16 expressions: + - K+ - N+ - R- - - SE- - - and(and(S-, N-), not(R-)) + - S+ + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-13659 type: explored -- comm_cost: 0.10416666666666696 - complexity: 18 +- comm_cost: 0.35911458333333357 + complexity: 14 expressions: - - K+ - N+ - R- - - and(K-, S+) + - and(K-, N-) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(S+, N+) name: explored-13660 type: explored -- comm_cost: 0.6519444444444444 - complexity: 9 +- comm_cost: 0.70625 + complexity: 3 expressions: + - K- - N+ - - R- - SE- - - or(K+, R-) - - or(S+, SE+) name: explored-13661 type: explored -- comm_cost: 0.32412037037037056 - complexity: 22 +- comm_cost: 0.2484375000000003 + complexity: 15 expressions: - K+ - K+ - - N+ - R- - S+ - - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(S+, R-) name: explored-13662 type: explored -- comm_cost: 0.5932986111111112 - complexity: 11 +- comm_cost: 0.15208333333333357 + complexity: 10 expressions: + - K+ + - K+ - N+ - - N- - - R- - - and(K-, or(S+, SE+)) + - S+ + - and(N-, R+) - and(S-, SE-) name: explored-13663 type: explored -- comm_cost: 0.34201388888888906 - complexity: 9 +- comm_cost: 0.6117187500000002 + complexity: 5 expressions: - N+ - - R+ - - R- - - and(S-, SE-) - - or(S+, R-) + - S- + - and(N-, R+) name: explored-13664 type: explored -- comm_cost: 0.30234375000000024 - complexity: 20 +- comm_cost: 0.5434722222222224 + complexity: 9 expressions: - K+ - N+ - - R- - - S+ - - and(K-, or(S+, R+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(S+, SE+) name: explored-13665 type: explored -- comm_cost: 0.585 - complexity: 8 +- comm_cost: 0.37894965277777803 + complexity: 22 expressions: - K+ + - N+ - R- - - SE+ + - R- + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - not(R-) + - or(SE-, N+) name: explored-13666 type: explored -- comm_cost: 0.3936805555555558 - complexity: 14 +- comm_cost: 0.49326388888888895 + complexity: 25 expressions: + - K+ + - K+ - N+ - R- - - SE- + - S+ + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, not(R+)) - - or(N+, not(R+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-13667 type: explored -- comm_cost: 0.5179687500000001 - complexity: 9 +- comm_cost: 0.71796875 + complexity: 6 expressions: - - N+ - - R- - - S- - - and(K-, S+) - - and(S-, SE-) + - SE- + - and(K-, or(S+, SE+)) name: explored-13668 type: explored -- comm_cost: 0.5989583333333334 - complexity: 12 +- comm_cost: 0.47750000000000015 + complexity: 7 expressions: + - K+ - N+ - - R+ + - N- - R- - - and(K-, not(R-)) - - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-13669 type: explored -- comm_cost: 0.5829861111111113 - complexity: 12 +- comm_cost: 0.6342592592592594 + complexity: 10 expressions: - R+ - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) + - R- + - and(N-, or(K+, S-)) + - or(S+, R-) name: explored-13670 type: explored -- comm_cost: 0.6211863425925928 - complexity: 14 +- comm_cost: 0.6316666666666668 + complexity: 6 expressions: - - R+ + - N- - R- - - S+ - - and(S-, N-) - - and(S-, SE-) - - not(R-) - - or(S+, SE+) + - SE- + - and(N-, R+) name: explored-13671 type: explored -- comm_cost: 0.5000000000000001 - complexity: 9 +- comm_cost: 0.533275462962963 + complexity: 14 expressions: - R+ - R- - SE- - - and(and(S-, N-), not(R-)) + - and(N-, or(K+, R+)) + - and(and(K-, N-), not(R-)) name: explored-13672 type: explored -- comm_cost: 0.7361111111111113 - complexity: 13 +- comm_cost: 0.5572222222222224 + complexity: 21 expressions: + - K+ + - N+ + - R- - SE- - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - or(S+, SE+) name: explored-13673 type: explored -- comm_cost: 0.6254050925925927 - complexity: 36 +- comm_cost: 0.4509837962962965 + complexity: 16 expressions: - K+ - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R+)) - - or(K+, R+) - - or(S+, N+) - - or(S+, or(N+, R-)) + - K- + - N+ + - R- + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-13674 type: explored -- comm_cost: 0.7715856481481482 +- comm_cost: 0.6216435185185187 complexity: 16 expressions: - - and(N-, or(K+, S-)) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - K+ + - R+ + - R- + - and(K-, or(S+, R+)) + - and(N-, or(K+, R+)) + - or(S+, N+) name: explored-13675 type: explored -- comm_cost: 0.6703472222222223 - complexity: 16 +- comm_cost: 0.7835937500000001 + complexity: 4 expressions: - - and(K-, or(S+, R+)) - - and(S-, not(R+)) - - or(N+, R-) - - or(N+, not(R+)) + - K- + - or(SE-, N+) name: explored-13676 type: explored -- comm_cost: 0.5770833333333335 - complexity: 14 +- comm_cost: 0.3265625000000002 + complexity: 11 expressions: - - R+ + - K+ - R- - - S+ - - SE- - - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-13677 type: explored -- comm_cost: 0.7378472222222223 - complexity: 9 +- comm_cost: 0.8 + complexity: 5 expressions: - - R- - - SE- - - and(K-, N-) - - and(N-, not(R-)) + - N- + - or(N+, not(R+)) name: explored-13678 type: explored -- comm_cost: 0.4750000000000002 - complexity: 11 - expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, N-) - - or(S+, N+) - name: explored-13679 - type: explored -- comm_cost: 0.17430555555555594 +- comm_cost: 0.3114583333333336 complexity: 14 expressions: - - K+ - - K+ - - N+ - - R- - - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - name: explored-13680 + - and(S-, or(SE-, N+)) + - or(K+, R-) + name: explored-13679 type: explored -- comm_cost: 0.6232638888888891 - complexity: 6 +- comm_cost: 0.5364583333333335 + complexity: 9 expressions: - R+ - - S+ + - R- - SE- - - or(S+, N+) - name: explored-13681 + - and(K-, S+) + - or(S+, R-) + name: explored-13680 type: explored -- comm_cost: 0.2727430555555559 - complexity: 14 +- comm_cost: 0.3052083333333335 + complexity: 16 expressions: - K+ - N+ - R- - S+ - - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - name: explored-13682 + - and(N-, or(K+, R+)) + - and(S-, not(R+)) + name: explored-13681 type: explored -- comm_cost: 0.3796875000000002 +- comm_cost: 0.3578125000000002 complexity: 13 expressions: + - N+ - R- - - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + name: explored-13682 + type: explored +- comm_cost: 0.6793750000000002 + complexity: 5 + expressions: + - R+ + - or(N+, not(R+)) name: explored-13683 type: explored -- comm_cost: 0.6406250000000001 - complexity: 17 +- comm_cost: 0.41953125000000036 + complexity: 9 expressions: - N+ - - R+ - - R- - - SE- - - and(N-, or(K+, S-)) - - or(K+, SE+) - - or(K+, or(N+, R-)) + - and(N-, R+) + - not(R+) + - or(K+, N+) name: explored-13684 type: explored -- comm_cost: 0.7479166666666668 - complexity: 9 +- comm_cost: 0.5424479166666669 + complexity: 13 expressions: - - R+ - - and(K-, or(S+, SE+)) - - or(S+, N+) + - N+ + - and(K-, SE-) + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-13685 type: explored -- comm_cost: 0.4032986111111114 - complexity: 15 +- comm_cost: 0.5640625000000001 + complexity: 10 expressions: - - R- + - R+ - SE- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R-) + - and(K-, or(S+, R-)) + - or(N+, R-) name: explored-13686 type: explored -- comm_cost: 0.3796875000000002 - complexity: 8 +- comm_cost: 0.35347222222222263 + complexity: 16 expressions: - - N+ - - R+ + - R- - and(N-, R+) - and(S-, SE-) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-13687 type: explored -- comm_cost: 0.4487847222222223 +- comm_cost: 0.7440625000000001 complexity: 16 expressions: - - R- + - S+ + - SE- - and(K-, not(R-)) - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-13688 type: explored -- comm_cost: 0.6028645833333335 - complexity: 5 +- comm_cost: 0.605150462962963 + complexity: 7 expressions: - - S- + - R+ + - R- + - SE+ - SE- - - and(N-, R+) + - or(S+, R-) name: explored-13689 type: explored -- comm_cost: 0.5994791666666668 - complexity: 16 - expressions: - - R+ - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, R-) - name: explored-13690 - type: explored -- comm_cost: 0.41527777777777797 - complexity: 15 +- comm_cost: 0.39513888888888904 + complexity: 20 expressions: - K+ + - K+ - N+ - R- + - S+ + - and(K-, N-) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - or(K+, N+) - or(S+, N+) + name: explored-13690 + type: explored +- comm_cost: 0.6756510416666668 + complexity: 8 + expressions: + - N- + - R+ + - and(N-, R+) + - or(S+, R+) name: explored-13691 type: explored -- comm_cost: 0.7992187500000001 - complexity: 4 +- comm_cost: 0.5280092592592595 + complexity: 12 expressions: + - N+ - R- - - or(K+, SE+) + - SE+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) name: explored-13692 type: explored -- comm_cost: 0.8208333333333333 - complexity: 3 +- comm_cost: 0.540277777777778 + complexity: 10 expressions: - - K+ - - R- + - N+ + - N- - R- + - SE- + - and(N-, R+) + - or(SE-, N+) name: explored-13693 type: explored -- comm_cost: 0.47812500000000013 - complexity: 15 +- comm_cost: 0.40203125000000006 + complexity: 14 expressions: - K+ - K+ - N+ - R- - S+ - - SE+ - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - or(K+, S-) name: explored-13694 type: explored -- comm_cost: 0.43934027777777795 - complexity: 15 +- comm_cost: 0.20520833333333366 + complexity: 10 expressions: - - K- - - N+ - - R- - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) + - or(N+, R-) name: explored-13695 type: explored -- comm_cost: 0.5996527777777779 - complexity: 9 +- comm_cost: 0.2649305555555559 + complexity: 19 expressions: - - R+ - - SE- - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - and(K-, S+) + - and(K-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-13696 type: explored -- comm_cost: 0.6012152777777778 - complexity: 8 +- comm_cost: 0.6697916666666667 + complexity: 5 expressions: - N+ - - R- - - S+ - - and(N-, or(K+, SE+)) + - and(S-, not(R+)) name: explored-13697 type: explored -- comm_cost: 0.5704861111111112 - complexity: 10 +- comm_cost: 0.6003125 + complexity: 12 expressions: - - N+ + - K+ + - K- - R+ - - SE- - - or(and(S-, SE-), or(N+, R-)) + - R- + - and(K-, SE-) + - and(S-, SE-) + - not(R-) name: explored-13698 type: explored -- comm_cost: 0.6331481481481482 - complexity: 12 +- comm_cost: 0.43229166666666685 + complexity: 15 expressions: + - N+ + - R- - SE+ - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(K-, SE-) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-13699 type: explored -- comm_cost: 0.6380208333333335 - complexity: 19 - expressions: - - and(K-, or(SE-, N+)) - - and(N-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) - name: explored-13700 - type: explored -- comm_cost: 0.26718750000000036 - complexity: 16 +- comm_cost: 0.4460185185185186 + complexity: 23 expressions: + - K+ + - K+ - N+ - R- - S+ - - and(K-, not(R+)) + - and(K-, not(R-)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, N+) - name: explored-13701 + - or(SE-, N+) + name: explored-13700 type: explored -- comm_cost: 0.5473958333333335 +- comm_cost: 0.48697916666666696 complexity: 15 expressions: - N+ - - R+ - SE- - - and(K-, or(S+, R-)) - - and(or(K+, S-), or(SE-, N+)) - name: explored-13702 + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) + name: explored-13701 type: explored -- comm_cost: 0.3606770833333337 - complexity: 13 +- comm_cost: 0.5880787037037039 + complexity: 11 expressions: - - K+ - N+ - R- - - and(K-, or(SE-, N+)) + - SE- + - and(N-, or(K+, S-)) + - or(S+, R-) + name: explored-13702 + type: explored +- comm_cost: 0.4016493055555558 + complexity: 15 + expressions: + - N+ - and(N-, R+) - - not(R+) + - and(S-, SE-) + - or(K+, SE+) + - or(K+, or(N+, R-)) name: explored-13703 type: explored -- comm_cost: 0.577951388888889 - complexity: 10 +- comm_cost: 0.37708333333333366 + complexity: 22 expressions: - N+ - - R+ - R- - - S+ - - SE- - - and(K-, or(S+, SE+)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13704 type: explored -- comm_cost: 0.6739583333333334 - complexity: 9 +- comm_cost: 0.47135416666666685 + complexity: 8 expressions: + - K+ - R+ - - and(N-, or(K+, S-)) - - or(S+, N+) + - R- + - and(SE-, or(K+, S-)) name: explored-13705 type: explored -- comm_cost: 0.3197916666666668 - complexity: 7 +- comm_cost: 0.5357118055555556 + complexity: 12 expressions: - - R+ - - R- + - K- - R- - S+ + - and(N-, R+) - and(S-, SE-) + - or(S+, R+) name: explored-13706 type: explored -- comm_cost: 0.6539930555555555 - complexity: 7 +- comm_cost: 0.4710937500000001 + complexity: 11 expressions: + - K+ - N+ - R- - S+ - - SE- - - or(K+, S-) + - and(K-, not(R-)) + - and(S-, SE-) name: explored-13707 type: explored -- comm_cost: 0.7125815972222223 - complexity: 23 +- comm_cost: 0.4786458333333333 + complexity: 11 expressions: - K+ - - and(N-, not(R-)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - not(R+) - - not(R-) - - or(S+, SE+) + - N+ + - R- + - and(K-, S+) + - and(SE-, or(K+, S-)) name: explored-13708 type: explored -- comm_cost: 0.6526620370370371 - complexity: 13 +- comm_cost: 0.41863425925925934 + complexity: 20 expressions: - - R+ + - N+ - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-13709 type: explored -- comm_cost: 0.6380208333333335 - complexity: 13 +- comm_cost: 0.5187500000000003 + complexity: 14 expressions: - - N+ - - R- - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) - - and(SE+, N-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-13710 type: explored -- comm_cost: 0.38009259259259276 - complexity: 18 +- comm_cost: 0.5666666666666669 + complexity: 15 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, N-) - - and(and(K-, N-), not(R-)) + - R+ + - SE- + - and(S-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13711 type: explored -- comm_cost: 0.5602719907407409 - complexity: 18 +- comm_cost: 0.71625 + complexity: 7 expressions: - R+ - - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - not(R+) - - or(K+, SE+) + - or(S+, SE+) + - or(SE-, N+) name: explored-13712 type: explored -- comm_cost: 0.3125000000000002 - complexity: 10 +- comm_cost: 0.7427934027777778 + complexity: 21 expressions: - - R- - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - S- + - and(K-, not(R+)) + - and(N-, or(S+, SE+)) + - or(N+, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-13713 type: explored -- comm_cost: 0.5944184027777779 +- comm_cost: 0.2274305555555558 complexity: 17 expressions: - N+ - - SE- - - and(N-, R+) - - not(R-) - - or(K+, or(N+, R-)) - - or(S+, or(N+, R-)) - name: explored-13714 - type: explored -- comm_cost: 0.1995370370370373 - complexity: 24 - expressions: - - K+ - - N+ - R- - S+ + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - and(S-, not(R+)) - - or(and(K-, S+), or(N+, R-)) - name: explored-13715 + - and(and(K-, N-), or(S+, SE+)) + name: explored-13714 type: explored -- comm_cost: 0.3777777777777781 +- comm_cost: 0.6159722222222224 complexity: 13 expressions: - - N+ - SE- - - and(K-, or(S+, R-)) - and(N-, R+) - - or(S+, N+) - name: explored-13716 + - not(R-) + - or(and(K-, S+), or(N+, R-)) + name: explored-13715 type: explored -- comm_cost: 0.3993055555555557 - complexity: 17 +- comm_cost: 0.6767708333333334 + complexity: 9 expressions: - N+ + - R+ - R- - - SE+ - - and(K-, SE-) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - name: explored-13717 + - and(K-, S+) + - or(S+, SE+) + name: explored-13716 type: explored -- comm_cost: 0.4767708333333336 - complexity: 15 +- comm_cost: 0.6244791666666668 + complexity: 12 expressions: - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(K+, N+) - - or(N+, not(R+)) - name: explored-13718 + - R+ + - R- + - SE- + - and(N-, not(R-)) + - or(K+, or(N+, R-)) + name: explored-13717 type: explored -- comm_cost: 0.491232638888889 - complexity: 18 +- comm_cost: 0.7083333333333333 + complexity: 8 expressions: - - K+ - N+ - R- - S+ - - and(K-, not(R-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-13719 + - and(K-, or(S+, N+)) + name: explored-13718 type: explored -- comm_cost: 0.601388888888889 - complexity: 7 +- comm_cost: 0.7020486111111113 + complexity: 10 expressions: - R+ - - R- - - S+ - - SE- - - and(K-, N-) - name: explored-13720 + - and(K-, or(S+, R+)) + - or(N+, not(R+)) + name: explored-13719 type: explored -- comm_cost: 0.26736111111111127 +- comm_cost: 0.45111689814814837 complexity: 15 expressions: - K+ - - N+ + - K+ - R- + - S+ + - SE+ - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(K+, R+) - name: explored-13721 + - or(N+, not(R+)) + name: explored-13720 type: explored -- comm_cost: 0.5879774305555557 - complexity: 18 +- comm_cost: 0.6324074074074075 + complexity: 14 expressions: - N+ - - SE- - and(N-, R+) - - or(S+, R+) - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-13722 + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) + name: explored-13721 type: explored -- comm_cost: 0.6531250000000002 - complexity: 15 +- comm_cost: 0.5981770833333334 + complexity: 6 expressions: - R+ - - and(K-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - - or(SE-, N+) + - R- + - and(N-, not(R-)) + name: explored-13722 + type: explored +- comm_cost: 0.40520833333333317 + complexity: 12 + expressions: + - K+ + - K+ + - N+ + - R- + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-13723 type: explored -- comm_cost: 0.6375000000000002 - complexity: 4 +- comm_cost: 0.6225694444444446 + complexity: 20 expressions: - N+ - - and(SE+, N-) + - R+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - or(S+, or(N+, R-)) name: explored-13724 type: explored -- comm_cost: 0.4158854166666669 - complexity: 22 +- comm_cost: 0.4666666666666668 + complexity: 9 expressions: - - K+ - - K+ + - N+ + - R+ + - R+ - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(SE-, or(K+, S-)) name: explored-13725 type: explored -- comm_cost: 0.6250000000000001 - complexity: 6 +- comm_cost: 0.507291666666667 + complexity: 8 expressions: - N+ - - R- - - SE- - - or(K+, SE+) + - N+ + - and(N-, R+) + - or(K+, N+) name: explored-13726 type: explored -- comm_cost: 0.6759837962962965 - complexity: 15 +- comm_cost: 0.7084490740740741 + complexity: 27 expressions: - - R+ - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - or(K+, or(N+, R-)) + - and(K-, or(S+, R+)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-13727 type: explored -- comm_cost: 0.4364004629629632 - complexity: 22 +- comm_cost: 0.33888888888888924 + complexity: 17 expressions: - - K+ + - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-13728 type: explored -- comm_cost: 0.25781250000000033 - complexity: 13 +- comm_cost: 0.83125 + complexity: 5 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(K+, R-) + - and(N-, or(K+, SE+)) name: explored-13729 type: explored -- comm_cost: 0.42552083333333346 - complexity: 8 +- comm_cost: 0.2972222222222225 + complexity: 15 expressions: - - R+ + - K+ - R- + - and(K-, S+) + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) name: explored-13730 type: explored -- comm_cost: 0.4774305555555559 - complexity: 14 +- comm_cost: 0.6458333333333335 + complexity: 8 expressions: - - R- - - and(N-, R+) - - or(K+, N+) - - or(and(K-, S+), or(N+, R-)) + - N+ + - and(and(K-, N-), or(S+, R+)) name: explored-13731 type: explored -- comm_cost: 0.6216145833333334 - complexity: 6 +- comm_cost: 0.23551793981481517 + complexity: 15 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - or(K+, SE+) + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R+) + - or(S+, R-) name: explored-13732 type: explored -- comm_cost: 0.7268229166666668 - complexity: 9 +- comm_cost: 0.5245659722222223 + complexity: 21 expressions: - - and(K-, or(S+, N+)) - - and(N-, not(R-)) + - K+ + - N+ + - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, K-) name: explored-13733 type: explored -- comm_cost: 0.5942708333333334 - complexity: 17 +- comm_cost: 0.4859375 + complexity: 10 expressions: - - R+ - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - S+ + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-13734 type: explored -- comm_cost: 0.3031250000000003 - complexity: 12 +- comm_cost: 0.78328125 + complexity: 6 expressions: - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - K- + - and(N-, or(S+, SE+)) name: explored-13735 type: explored -- comm_cost: 0.5630208333333334 - complexity: 13 +- comm_cost: 0.5995833333333335 + complexity: 8 expressions: - - R+ + - K+ + - N- - R- - - and(K-, or(SE-, N+)) - - and(S-, N-) - - and(S-, SE-) + - SE+ + - SE- + - and(N-, R+) name: explored-13736 type: explored -- comm_cost: 0.6188368055555556 - complexity: 18 +- comm_cost: 0.7161458333333333 + complexity: 14 expressions: - - R+ + - N+ - R- - SE- - - and(K-, not(R-)) - - and(N-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) name: explored-13737 type: explored -- comm_cost: 0.6050694444444445 - complexity: 14 +- comm_cost: 0.3791666666666669 + complexity: 15 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - SE- - - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) + - S+ + - S- + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) name: explored-13738 type: explored -- comm_cost: 0.44444444444444464 - complexity: 15 +- comm_cost: 0.42395833333333344 + complexity: 17 expressions: - K+ - - R+ + - N+ - R- - - SE- - - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(S-, SE-) - - or(S+, R-) + - and(and(S-, N-), not(R-)) name: explored-13739 type: explored -- comm_cost: 0.7243055555555556 - complexity: 12 +- comm_cost: 0.44392361111111134 + complexity: 14 expressions: - R+ - - and(N-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - R- + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(S+, N+) name: explored-13740 type: explored -- comm_cost: 0.07864583333333353 - complexity: 19 +- comm_cost: 0.5540798611111113 + complexity: 15 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(SE-, N+) name: explored-13741 type: explored -- comm_cost: 0.6614583333333335 - complexity: 6 +- comm_cost: 0.5644097222222224 + complexity: 19 expressions: - K+ - - N- - - R+ - - or(K+, R-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, K-) name: explored-13742 type: explored -- comm_cost: 0.4983333333333333 - complexity: 12 +- comm_cost: 0.5468750000000001 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, S+) + - R+ + - SE- - and(S-, SE-) - - or(K+, S-) + - and(and(S-, N-), not(R-)) name: explored-13743 type: explored -- comm_cost: 0.4638888888888888 - complexity: 13 +- comm_cost: 0.3333333333333337 + complexity: 29 expressions: - K+ - N+ - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(N+, not(R+)) - or(and(K-, S+), or(N+, R-)) name: explored-13744 type: explored -- comm_cost: 0.6811834490740741 - complexity: 36 +- comm_cost: 0.3125000000000002 + complexity: 10 expressions: - - and(K-, not(R+)) - - and(K-, not(R-)) - - and(S-, not(R+)) - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) - - or(K+, R+) - - or(S+, R+) - - or(SE-, N+) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-13745 type: explored -- comm_cost: 0.6716145833333335 - complexity: 6 +- comm_cost: 0.6380208333333334 + complexity: 9 expressions: - - R+ - - and(K-, N-) - - not(R+) + - N+ + - N- + - R- + - and(K-, SE-) + - or(S+, R+) name: explored-13746 type: explored -- comm_cost: 0.5187500000000002 - complexity: 16 +- comm_cost: 0.5824652777777779 + complexity: 15 expressions: - - N+ + - R+ - SE- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(K-, or(S+, R+)) + - and(S-, or(SE-, N+)) + - or(N+, R-) name: explored-13747 type: explored -- comm_cost: 0.4057291666666669 - complexity: 9 +- comm_cost: 0.5739583333333335 + complexity: 6 expressions: - - N+ + - K+ + - R+ - R- - - S+ - - and(N-, R+) - - or(N+, R-) + - and(K-, N-) name: explored-13748 type: explored -- comm_cost: 0.686076388888889 - complexity: 12 +- comm_cost: 0.6946875000000001 + complexity: 3 expressions: + - K- - R+ - - and(or(K+, S-), not(R+)) - - not(R-) - - or(S+, N+) + - SE- name: explored-13749 type: explored -- comm_cost: 0.40295138888888915 - complexity: 24 +- comm_cost: 0.7216666666666669 + complexity: 6 expressions: - - N+ - - R- - - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(N+, not(R+)) + - or(S+, SE+) name: explored-13750 type: explored -- comm_cost: 0.6180555555555555 - complexity: 7 +- comm_cost: 0.5816666666666668 + complexity: 8 expressions: + - K+ + - K- + - K- + - N+ - R- - - and(S-, SE-) - - or(S+, R-) + - and(N-, R+) name: explored-13751 type: explored -- comm_cost: 0.4343750000000002 - complexity: 14 +- comm_cost: 0.494675925925926 + complexity: 13 expressions: - - R+ - - S+ + - N+ + - R- + - SE+ + - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(N+, R-) + - and(S-, not(R-)) name: explored-13752 type: explored -- comm_cost: 0.6062500000000002 - complexity: 11 +- comm_cost: 0.6527777777777779 + complexity: 7 expressions: - - SE- - - and(K-, or(S+, N+)) - - and(N-, or(K+, R+)) + - N+ + - N- + - and(N-, R+) + - not(R-) name: explored-13753 type: explored -- comm_cost: 0.6120833333333333 - complexity: 8 +- comm_cost: 0.26328125000000036 + complexity: 10 expressions: + - K+ - N+ - - R- + - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - not(R+) name: explored-13754 type: explored -- comm_cost: 0.7583333333333333 - complexity: 9 +- comm_cost: 0.6135648148148148 + complexity: 8 expressions: - N+ + - N- + - R- - SE- - - and(or(K+, S-), or(SE-, N+)) + - and(K-, not(R+)) name: explored-13755 type: explored -- comm_cost: 0.5140625000000002 - complexity: 8 +- comm_cost: 0.657638888888889 + complexity: 12 expressions: - - R+ - - R- - - S+ - - and(K-, or(SE-, N+)) + - SE- + - and(K-, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-13756 type: explored -- comm_cost: 0.6882812500000001 - complexity: 25 +- comm_cost: 0.5241666666666669 + complexity: 9 expressions: - - and(K-, or(S+, SE+)) - - and(S-, N-) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - SE- + - and(N-, R+) + - or(S+, SE+) name: explored-13757 type: explored -- comm_cost: 0.4481770833333333 - complexity: 11 +- comm_cost: 0.33888888888888924 + complexity: 12 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(S-, SE-) - - or(S+, N+) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-13758 type: explored -- comm_cost: 0.40104166666666685 - complexity: 5 +- comm_cost: 0.42881944444444464 + complexity: 14 expressions: - - R+ + - N+ - R- - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(S-, or(SE-, N+)) + - or(K+, R+) name: explored-13759 type: explored -- comm_cost: 0.6214409722222224 - complexity: 15 +- comm_cost: 0.3270833333333335 + complexity: 14 expressions: - - R+ - - and(K-, not(R+)) - - and(N-, or(K+, S-)) - - and(SE-, or(K+, S-)) + - K+ + - N+ + - and(K-, S+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-13760 type: explored -- comm_cost: 0.5345138888888891 - complexity: 15 +- comm_cost: 0.4597222222222226 + complexity: 8 expressions: - - N+ - - R+ - - R- + - K+ - SE- - - and(S-, or(SE-, N+)) - - or(K+, N+) - - or(S+, R+) + - and(N-, R+) + - or(K+, R-) name: explored-13761 type: explored -- comm_cost: 0.29062500000000013 +- comm_cost: 0.4099537037037039 complexity: 18 expressions: - - N+ + - K+ + - R+ - R- - - S+ - - and(N-, R+) + - R- + - and(K-, S+) + - and(S-, N-) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(N+, R-) + - and(SE-, or(K+, S-)) name: explored-13762 type: explored -- comm_cost: 0.11927083333333366 +- comm_cost: 0.32105034722222237 complexity: 19 expressions: + - K+ - N+ - R- - - and(K-, S+) - - and(K-, S+) - - and(K-, or(S+, R-)) + - S+ - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-13763 type: explored -- comm_cost: 0.4961458333333335 - complexity: 14 +- comm_cost: 0.3045138888888892 + complexity: 19 expressions: - N+ + - R- - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) - - or(SE-, N+) + - and(and(S-, N-), not(R-)) name: explored-13764 type: explored -- comm_cost: 0.548900462962963 - complexity: 18 +- comm_cost: 0.7541666666666667 + complexity: 11 expressions: - - R+ - - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) + - SE- + - and(S-, or(SE-, N+)) + - and(S-, or(SE-, N+)) name: explored-13765 type: explored -- comm_cost: 0.35364583333333344 - complexity: 14 +- comm_cost: 0.5888020833333335 + complexity: 19 expressions: - - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) name: explored-13766 type: explored -- comm_cost: 0.4980902777777779 - complexity: 16 +- comm_cost: 0.393576388888889 + complexity: 23 expressions: - - N+ + - K+ - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, K-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-13767 type: explored -- comm_cost: 0.3939236111111113 - complexity: 19 +- comm_cost: 0.3254340277777781 + complexity: 18 expressions: - K+ + - K+ - N+ - - R- - - SE+ - - and(K-, N-) - - and(K-, S+) - - and(K-, SE-) + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) + - or(S+, N+) name: explored-13768 type: explored -- comm_cost: 0.4423611111111113 +- comm_cost: 0.5757812500000002 complexity: 12 expressions: + - S- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(K+, R+) name: explored-13769 type: explored -- comm_cost: 0.20034722222222245 +- comm_cost: 0.6046006944444445 complexity: 19 expressions: - - K+ + - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(K-, N-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) name: explored-13770 type: explored -- comm_cost: 0.4042708333333336 - complexity: 17 +- comm_cost: 0.4423611111111113 + complexity: 11 expressions: - - K+ - N+ - R- - - S+ - - and(K-, or(S+, R-)) + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R-) + - and(S-, not(R-)) name: explored-13771 type: explored -- comm_cost: 0.5570312500000002 - complexity: 20 +- comm_cost: 0.2937500000000003 + complexity: 9 expressions: - - R- - - SE- - - and(K-, or(S+, N+)) + - N+ - and(N-, R+) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - not(R+) name: explored-13772 type: explored -- comm_cost: 0.17083333333333361 - complexity: 12 +- comm_cost: 0.5923611111111112 + complexity: 10 expressions: - - N+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(K-, not(R+)) + - and(S-, or(SE-, N+)) name: explored-13773 type: explored -- comm_cost: 0.7760416666666667 +- comm_cost: 0.48046875 complexity: 8 expressions: - - and(SE-, or(K+, S-)) - - or(K+, K-) + - N+ + - R- + - and(S-, SE-) + - or(K+, SE+) name: explored-13774 type: explored -- comm_cost: 0.5747106481481483 - complexity: 18 +- comm_cost: 0.43333333333333357 + complexity: 10 expressions: - - N+ - - R+ - - R- - - SE- - - and(and(K-, N-), not(R-)) - - or(K+, or(N+, R-)) - - or(N+, R-) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-13775 type: explored -- comm_cost: 0.3356307870370372 - complexity: 18 +- comm_cost: 0.5577256944444446 + complexity: 17 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - not(R+) + - SE- + - and(K-, or(S+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13776 type: explored -- comm_cost: 0.6015625 - complexity: 15 +- comm_cost: 0.35703125000000013 + complexity: 10 expressions: - - N+ - R- - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) + - and(N-, R+) - and(S-, SE-) + - or(S+, R+) name: explored-13777 type: explored -- comm_cost: 0.7137731481481482 - complexity: 9 +- comm_cost: 0.33506944444444486 + complexity: 13 expressions: - - R+ - - S- - - S- - - and(or(K+, S-), not(R+)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) + - or(SE-, N+) name: explored-13778 type: explored -- comm_cost: 0.4906770833333334 - complexity: 13 +- comm_cost: 0.36054687500000027 + complexity: 15 expressions: - K+ - K+ - N+ - - N- - - R- - S+ - - S- - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) name: explored-13779 type: explored -- comm_cost: 0.30130208333333364 - complexity: 14 +- comm_cost: 0.31805555555555576 + complexity: 26 expressions: - - K+ - N+ + - R- + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(N+, R-) - - or(SE-, N+) + - and(SE-, or(K+, S-)) + - or(and(K-, S+), or(N+, R-)) name: explored-13780 type: explored -- comm_cost: 0.86640625 - complexity: 8 +- comm_cost: 0.5250000000000001 + complexity: 12 expressions: - - or(N+, R-) - - or(S+, or(N+, R-)) + - R+ + - R- + - SE- + - SE- + - and(K-, SE-) + - and(K-, or(S+, R-)) name: explored-13781 type: explored -- comm_cost: 0.5230092592592593 - complexity: 17 +- comm_cost: 0.2093750000000003 + complexity: 14 expressions: - K+ - N+ - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(N+, not(R+)) + - and(K-, SE-) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-13782 type: explored -- comm_cost: 0.36093750000000013 - complexity: 12 +- comm_cost: 0.38670138888888905 + complexity: 16 expressions: + - K+ - N+ - R- - - SE- - - and(K-, SE-) - and(N-, R+) + - and(S-, SE-) - and(SE+, N-) + - or(N+, not(R+)) name: explored-13783 type: explored -- comm_cost: 0.21197916666666683 - complexity: 11 +- comm_cost: 0.4208333333333335 + complexity: 13 expressions: - K+ - - N+ + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - not(R-) name: explored-13784 type: explored -- comm_cost: 0.6957630208333334 - complexity: 36 +- comm_cost: 0.27604166666666696 + complexity: 14 expressions: - - K- - - R+ - - SE+ - - and(K-, or(S+, SE+)) + - K+ + - R- - and(N-, R+) - - and(N-, not(R-)) - - and(or(K+, S-), not(R-)) - - or(K+, R+) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-13785 type: explored -- comm_cost: 0.4148437500000002 - complexity: 12 +- comm_cost: 0.7169270833333334 + complexity: 10 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - R+ + - S- + - and(or(K+, S-), or(N+, not(R+))) name: explored-13786 type: explored -- comm_cost: 0.7426215277777778 - complexity: 17 +- comm_cost: 0.640277777777778 + complexity: 9 expressions: - - and(K-, S+) - - and(K-, not(R+)) - - and(S-, or(SE-, N+)) - - or(S+, or(N+, R-)) + - SE- + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-13787 type: explored -- comm_cost: 0.42656250000000007 - complexity: 13 +- comm_cost: 0.40598958333333357 + complexity: 20 expressions: - - R+ + - K+ + - N+ - R- - - S+ + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-13788 type: explored -- comm_cost: 0.5359375000000002 - complexity: 12 +- comm_cost: 0.5923784722222224 + complexity: 16 expressions: - - S+ + - N+ + - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) name: explored-13789 type: explored -- comm_cost: 0.26736111111111127 +- comm_cost: 0.4704166666666668 complexity: 16 expressions: - - N+ + - K+ + - K+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - S+ - and(N-, R+) - and(S-, SE-) + - or(K+, K-) + - or(K+, N+) name: explored-13790 type: explored -- comm_cost: 0.5753726851851853 - complexity: 29 +- comm_cost: 0.5953472222222225 + complexity: 15 expressions: - - K+ - - R- - - and(S-, SE-) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) + - N+ + - SE- + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) - not(R-) - - or(K+, R+) - - or(N+, R-) - - or(S+, N+) - - or(S+, R-) name: explored-13791 type: explored -- comm_cost: 0.7588541666666668 - complexity: 6 +- comm_cost: 0.620138888888889 + complexity: 10 expressions: + - K- + - N+ + - R- - SE- - - and(N-, or(S+, SE+)) + - and(N-, R+) + - or(S+, SE+) name: explored-13792 type: explored -- comm_cost: 0.6906712962962964 - complexity: 11 +- comm_cost: 0.4203125000000002 + complexity: 18 expressions: - - R+ - - SE- - - and(and(K-, N-), not(R-)) - - or(K+, S-) + - N+ + - R- + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-13793 type: explored -- comm_cost: 2.220446049250313e-16 - complexity: 13 +- comm_cost: 0.42791666666666683 + complexity: 15 expressions: - K+ + - K- - N+ - - N+ + - R+ - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(S-, not(R+)) name: explored-13794 type: explored -- comm_cost: 0.28333333333333366 +- comm_cost: 0.6733506944444445 complexity: 13 expressions: - - N+ - - N+ + - R- - SE- - - and(K-, S+) - - and(N-, R+) - - and(S-, not(R+)) + - and(K-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-13795 type: explored -- comm_cost: 0.479965277777778 - complexity: 16 +- comm_cost: 0.518229166666667 + complexity: 10 expressions: - - K- - - N+ - R- + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) name: explored-13796 type: explored -- comm_cost: 0.5905815972222224 - complexity: 9 +- comm_cost: 0.6824652777777779 + complexity: 6 expressions: - - K+ - - N+ - - R- - - SE- - - not(R+) - - or(K+, R+) + - R+ + - R+ + - and(N-, not(R-)) name: explored-13797 type: explored -- comm_cost: 0.6002604166666669 - complexity: 11 +- comm_cost: 0.5375000000000001 + complexity: 9 expressions: + - K+ + - K- - N+ - - R+ - - R+ - - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(K-, S+) + - and(S-, SE-) name: explored-13798 type: explored -- comm_cost: 0.4677083333333333 - complexity: 10 +- comm_cost: 0.231828703703704 + complexity: 16 expressions: - - K+ - - K+ - N+ - - S+ + - R- + - and(N-, R+) - and(S-, SE-) + - or(K+, or(N+, R-)) - or(N+, R-) name: explored-13799 type: explored -- comm_cost: 0.4500000000000002 - complexity: 7 +- comm_cost: 0.7239583333333335 + complexity: 2 expressions: + - N+ - R+ - - and(S-, SE-) - - or(N+, R-) name: explored-13800 type: explored -- comm_cost: 0.36770833333333375 - complexity: 16 +- comm_cost: 0.565451388888889 + complexity: 12 expressions: - - N+ - - SE- - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(K-, or(S+, R-)) + - and(or(K+, S-), not(R+)) name: explored-13801 type: explored -- comm_cost: 0.40729166666666705 - complexity: 7 +- comm_cost: 0.2812500000000002 + complexity: 13 expressions: - - SE- + - K+ + - N+ - and(N-, R+) - - or(N+, R-) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-13802 type: explored -- comm_cost: 0.4380208333333334 - complexity: 14 +- comm_cost: 0.76625 + complexity: 6 expressions: - - R+ - - and(K-, S+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - N+ + - R- + - or(N+, not(R+)) name: explored-13803 type: explored -- comm_cost: 0.7565625000000001 - complexity: 5 +- comm_cost: 0.6604166666666669 + complexity: 7 expressions: - R+ - - S+ - - or(S+, SE+) + - and(S-, N-) + - or(N+, R-) name: explored-13804 type: explored -- comm_cost: 0.49479166666666685 - complexity: 7 +- comm_cost: 0.6173321759259262 + complexity: 25 expressions: - - R+ - - R+ - - R- - - SE- - - and(K-, S+) + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) name: explored-13805 type: explored -- comm_cost: 0.6585069444444446 - complexity: 11 +- comm_cost: 0.34640625000000025 + complexity: 18 expressions: - - and(K-, or(S+, N+)) + - K+ + - K+ + - N+ + - R- + - S+ + - S+ - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-13806 type: explored -- comm_cost: 0.5786574074074076 - complexity: 14 +- comm_cost: 0.4805555555555556 + complexity: 15 expressions: + - K+ - N+ - R- - SE- - - and(K-, or(S+, R+)) - - and(N-, R+) - - or(K+, S-) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE+, N-) name: explored-13807 type: explored -- comm_cost: 0.4980324074074076 - complexity: 17 +- comm_cost: 0.7009813161375662 + complexity: 40 expressions: - - N+ - - R+ - - R- - - SE- - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) + - S+ + - and(K-, or(S+, R-)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, N-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) + - or(K+, K-) + - or(SE-, N+) name: explored-13808 type: explored -- comm_cost: 0.38645833333333346 - complexity: 14 +- comm_cost: 0.597945601851852 + complexity: 15 expressions: - - K+ - N+ - - S+ - - and(K-, S+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-13809 type: explored -- comm_cost: 0.5005208333333335 - complexity: 13 +- comm_cost: 0.15833333333333366 + complexity: 14 expressions: - N+ - R- - - SE- - - and(K-, not(R+)) - and(N-, R+) - - or(S+, R+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-13810 type: explored -- comm_cost: 0.20329861111111147 - complexity: 15 +- comm_cost: 0.5902777777777779 + complexity: 10 expressions: - N+ - - S+ + - N- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(N+, not(R+)) name: explored-13811 type: explored -- comm_cost: 0.3953993055555558 - complexity: 16 +- comm_cost: 0.26481481481481495 + complexity: 17 expressions: - K+ - N+ - R- - - SE- - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(S+, R-) name: explored-13812 type: explored -- comm_cost: 0.2743055555555558 - complexity: 17 +- comm_cost: 0.5142534722222224 + complexity: 19 expressions: - K+ - - K+ + - K- + - N+ - R- - S+ + - and(K-, N-) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) name: explored-13813 type: explored -- comm_cost: 0.6993055555555557 - complexity: 13 +- comm_cost: 0.569357638888889 + complexity: 17 expressions: + - N+ - R+ - - and(K-, or(S+, R-)) - - or(and(K-, S+), or(N+, R-)) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - not(R+) name: explored-13814 type: explored -- comm_cost: 0.6230208333333335 - complexity: 7 +- comm_cost: 0.3015625000000002 + complexity: 12 expressions: - N+ - - R+ - - R- - - SE- - - or(K+, S-) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-13815 type: explored -- comm_cost: 0.7115260416666667 - complexity: 32 +- comm_cost: 0.5911458333333335 + complexity: 15 expressions: - - K- - - S- - - and(K-, or(S+, R+)) - - and(N-, or(K+, S-)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R+) - - or(S+, or(N+, R-)) + - R+ + - SE- + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-13816 type: explored -- comm_cost: 0.45763888888888915 - complexity: 16 +- comm_cost: 0.5336545138888891 + complexity: 15 expressions: - N+ - - SE- + - R- + - R- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - or(K+, S-) + - or(K+, SE+) name: explored-13817 type: explored -- comm_cost: 0.6751736111111112 - complexity: 8 +- comm_cost: 0.7081597222222225 + complexity: 7 expressions: - - N+ - - SE- + - R+ + - and(N-, R+) - or(K+, SE+) - - or(S+, N+) name: explored-13818 type: explored -- comm_cost: 0.5472222222222224 - complexity: 15 +- comm_cost: 0.5040503472222224 + complexity: 22 expressions: + - K+ + - K+ - N+ + - N- - R- - - and(K-, not(R-)) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, S-) name: explored-13819 type: explored -- comm_cost: 0.4397569444444447 - complexity: 15 +- comm_cost: 0.6283854166666668 + complexity: 8 expressions: - - N+ - - R- - - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, not(R-)) + - R+ + - SE- + - and(K-, or(N+, not(R+))) name: explored-13820 type: explored -- comm_cost: 0.4111111111111112 - complexity: 16 +- comm_cost: 0.6057291666666669 + complexity: 9 expressions: - - R+ + - N+ + - S- + - S- + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) name: explored-13821 type: explored -- comm_cost: 0.6970370370370371 - complexity: 15 +- comm_cost: 0.4399305555555557 + complexity: 12 expressions: - R+ - - and(K-, N-) - - or(N+, not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(N-, R+) + - and(N-, R+) + - and(S-, not(R+)) name: explored-13822 type: explored -- comm_cost: 0.2859375000000002 - complexity: 19 +- comm_cost: 0.5237847222222222 + complexity: 14 expressions: + - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - S+ - and(S-, SE-) + - and(S-, not(R+)) + - or(N+, R-) name: explored-13823 type: explored -- comm_cost: 0.6617187500000001 +- comm_cost: 0.8076388888888888 complexity: 7 expressions: - - N+ - SE- - - and(K-, or(S+, SE+)) + - and(K-, S+) + - or(S+, R-) name: explored-13824 type: explored -- comm_cost: 0.3172743055555557 - complexity: 17 +- comm_cost: 0.06197916666666692 + complexity: 15 expressions: + - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, SE+) + - or(N+, R-) name: explored-13825 type: explored -- comm_cost: 0.3411458333333336 - complexity: 13 +- comm_cost: 0.0677083333333337 + complexity: 11 expressions: + - K+ - N+ - - SE- + - R- + - S+ + - S+ - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(K+, R-) + - and(S-, SE-) name: explored-13826 type: explored -- comm_cost: 0.6312500000000001 - complexity: 7 +- comm_cost: 0.7140625 + complexity: 5 expressions: - - R+ - R- - - S- - - SE- - - or(S+, N+) + - and(N-, not(R-)) name: explored-13827 type: explored -- comm_cost: 0.5762152777777779 - complexity: 8 +- comm_cost: 0.6132812500000001 + complexity: 10 expressions: - - R+ - - R- - - SE+ - - SE- + - N+ + - S- - SE- - - and(K-, S+) + - and(K-, not(R-)) + - and(N-, R+) name: explored-13828 type: explored -- comm_cost: 0.4866145833333335 +- comm_cost: 0.35509259259259296 complexity: 14 expressions: - - K+ - - K+ - - N- + - N+ - R- - - S+ - - and(K-, S+) + - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-13829 type: explored -- comm_cost: 0.7958333333333335 - complexity: 10 +- comm_cost: 0.3661458333333336 + complexity: 12 expressions: - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - R- + - SE- + - and(N-, R+) + - or(N+, R-) + - or(S+, N+) name: explored-13830 type: explored -- comm_cost: 0.6359953703703705 - complexity: 10 +- comm_cost: 0.6071990740740743 + complexity: 11 expressions: + - N+ + - N+ + - N- - R+ - - SE+ + - R- - SE- - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(S+, R+)) name: explored-13831 type: explored -- comm_cost: 0.4789930555555557 - complexity: 18 +- comm_cost: 0.5365451388888891 + complexity: 15 expressions: - - R+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - or(S+, R+) name: explored-13832 type: explored -- comm_cost: 0.10312500000000036 - complexity: 17 +- comm_cost: 0.29010416666666705 + complexity: 12 expressions: - K+ + - K+ - N+ - - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) name: explored-13833 type: explored -- comm_cost: 0.6136863425925927 - complexity: 12 +- comm_cost: 0.10572916666666687 + complexity: 14 expressions: - - R+ + - N+ - R- - - S- - - SE- - - and(K-, S+) - - or(K+, or(N+, R-)) + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-13834 type: explored -- comm_cost: 0.6750925925925927 - complexity: 26 +- comm_cost: 0.4492187500000002 + complexity: 9 expressions: + - K+ - N+ - - and(K-, or(SE-, N+)) - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - - or(S+, SE+) - - or(and(K-, S+), or(N+, R-)) + - S- + - and(K-, S+) + - and(N-, R+) name: explored-13835 type: explored -- comm_cost: 0.4656250000000002 - complexity: 21 +- comm_cost: 0.24596354166666679 + complexity: 25 expressions: + - K+ - N+ - R- - - and(K-, or(S+, SE+)) + - and(K-, S+) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(SE-, N+) + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) name: explored-13836 type: explored -- comm_cost: 0.75 - complexity: 4 +- comm_cost: 0.21510416666666698 + complexity: 13 expressions: - - S- - - or(S+, R+) + - K+ + - R- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-13837 type: explored -- comm_cost: 0.561545138888889 +- comm_cost: 0.41857638888888904 complexity: 11 expressions: - N+ - R+ - - R- - - SE- - - and(N-, not(R-)) - - or(S+, N+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-13838 type: explored -- comm_cost: 0.6708333333333334 - complexity: 11 +- comm_cost: 0.49664351851851873 + complexity: 15 expressions: + - K+ - R- - - SE- - - and(S-, N-) - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, SE+) name: explored-13839 type: explored -- comm_cost: 0.573263888888889 - complexity: 14 +- comm_cost: 0.31851851851851887 + complexity: 19 expressions: - K+ - N+ - R- - - S+ - - and(K-, not(R-)) + - and(K-, not(R+)) - and(N-, R+) - - or(S+, SE+) + - and(S-, SE-) + - or(S+, R-) + - or(SE-, N+) name: explored-13840 type: explored -- comm_cost: 0.2506944444444448 - complexity: 14 +- comm_cost: 0.4409722222222223 + complexity: 11 expressions: - N+ - - and(N-, R+) + - R- - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-13841 type: explored -- comm_cost: 0.7240277777777779 - complexity: 11 +- comm_cost: 0.14166666666666705 + complexity: 13 expressions: + - K+ + - N+ + - R- - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(S+, SE+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-13842 type: explored -- comm_cost: 0.6756944444444445 - complexity: 11 +- comm_cost: 0.4745659722222224 + complexity: 16 expressions: - - R- - - SE- - - and(or(K+, S-), or(SE-, N+)) - - not(R-) + - N+ + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) name: explored-13843 type: explored -- comm_cost: 0.3979166666666669 - complexity: 14 +- comm_cost: 0.65546875 + complexity: 5 expressions: - - N+ - R- - - SE- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - S- + - and(S-, SE-) name: explored-13844 type: explored -- comm_cost: 0.3270833333333336 - complexity: 18 +- comm_cost: 0.39817708333333357 + complexity: 11 expressions: - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - not(R+) + - or(SE-, N+) name: explored-13845 type: explored -- comm_cost: 0.48100115740740756 - complexity: 21 +- comm_cost: 0.6320052083333334 + complexity: 13 expressions: - - K+ - - N+ - N- + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(SE-, N+) + - SE- + - and(K-, N-) + - and(and(S-, N-), not(R-)) name: explored-13846 type: explored -- comm_cost: 0.3871527777777781 - complexity: 20 +- comm_cost: 0.5356250000000001 + complexity: 19 expressions: - - and(K-, or(S+, N+)) + - K+ + - K- + - N+ + - R- - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, not(R-)) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-13847 type: explored -- comm_cost: 0.580439814814815 - complexity: 12 +- comm_cost: 0.23697916666666696 + complexity: 10 expressions: + - K+ + - N+ + - R- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, K-) + - and(S-, not(R+)) name: explored-13848 type: explored -- comm_cost: 0.42395833333333344 - complexity: 14 +- comm_cost: 0.7614583333333333 + complexity: 6 expressions: - - N+ - - R- - - S+ - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(K+, SE+) + - SE- + - and(S-, or(SE-, N+)) name: explored-13849 type: explored -- comm_cost: 0.25507812500000016 - complexity: 14 +- comm_cost: 0.6812500000000001 + complexity: 5 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - SE- + - or(K+, SE+) name: explored-13850 type: explored -- comm_cost: 0.43084490740740755 - complexity: 17 +- comm_cost: 0.5486111111111113 + complexity: 16 expressions: - - K+ - - N+ + - R+ - R- - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - SE- + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-13851 type: explored -- comm_cost: 0.5506655092592594 - complexity: 15 +- comm_cost: 0.4945312500000002 + complexity: 16 expressions: - N+ + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(K+, K-) + - and(or(K+, S-), not(R-)) name: explored-13852 type: explored -- comm_cost: 0.5503906250000001 - complexity: 22 +- comm_cost: 0.5298611111111111 + complexity: 14 expressions: - - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) + - K+ + - N+ + - and(K-, S+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-13853 type: explored -- comm_cost: 0.5699942129629632 - complexity: 12 +- comm_cost: 0.5934895833333335 + complexity: 10 expressions: + - K+ - N+ + - R- + - S- - SE- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, N-) + - and(S-, or(SE-, N+)) name: explored-13854 type: explored -- comm_cost: 0.18750000000000022 - complexity: 14 +- comm_cost: 0.7279166666666668 + complexity: 8 expressions: - - N+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - K- + - and(K-, not(R+)) + - or(K+, R+) name: explored-13855 type: explored -- comm_cost: 0.5995949074074075 - complexity: 18 +- comm_cost: 0.35902777777777795 + complexity: 11 expressions: - - R+ - - SE- + - K+ + - N+ + - R- - and(N-, or(K+, SE+)) - - and(S-, not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) name: explored-13856 type: explored -- comm_cost: 0.38421296296296314 - complexity: 20 +- comm_cost: 0.681087962962963 + complexity: 6 expressions: - - K+ - - N+ + - K- + - R+ - R- - - SE+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) - - or(and(K-, S+), or(N+, R-)) + - or(K+, R+) name: explored-13857 type: explored -- comm_cost: 0.6537326388888889 - complexity: 10 +- comm_cost: 0.6551215277777779 + complexity: 14 expressions: + - K- + - N+ + - N- + - R+ - R- - SE- - - and(SE-, or(K+, S-)) - - or(K+, SE+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-13858 type: explored -- comm_cost: 0.5937500000000001 - complexity: 10 - expressions: - - R+ - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - name: explored-13859 - type: explored -- comm_cost: 0.4460937500000002 +- comm_cost: 0.2845486111111113 complexity: 17 expressions: + - N+ - R- - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, R-) - name: explored-13860 + name: explored-13859 type: explored -- comm_cost: 0.5472222222222224 - complexity: 13 +- comm_cost: 0.4390335648148149 + complexity: 17 expressions: - - R+ + - N+ - R- - and(S-, SE-) - - and(S-, not(R+)) - - or(N+, not(R+)) - name: explored-13861 + - and(and(K-, N-), or(S+, SE+)) + - or(S+, or(N+, R-)) + name: explored-13860 type: explored -- comm_cost: 0.5812500000000002 - complexity: 9 +- comm_cost: 0.7039930555555556 + complexity: 10 expressions: - R+ - - and(S-, or(SE-, N+)) - - and(SE+, N-) - name: explored-13862 + - and(K-, or(S+, SE+)) + - and(N-, not(R-)) + name: explored-13861 type: explored -- comm_cost: 0.3359375000000002 - complexity: 13 +- comm_cost: 0.2864004629629633 + complexity: 15 expressions: + - K+ - N+ - - SE- - - and(K-, or(S+, R-)) + - S+ - and(N-, R+) - - or(S+, R-) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + name: explored-13862 + type: explored +- comm_cost: 0.8148437500000001 + complexity: 8 + expressions: + - and(N-, or(K+, SE+)) + - or(K+, SE+) name: explored-13863 type: explored -- comm_cost: 0.39549768518518524 - complexity: 20 +- comm_cost: 0.45486111111111127 + complexity: 16 expressions: - K+ - - K+ - - N+ - R- - - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, R+) name: explored-13864 type: explored -- comm_cost: 0.4143229166666669 - complexity: 17 +- comm_cost: 0.3989583333333335 + complexity: 15 expressions: - - K+ - N+ - R- - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - not(R+) name: explored-13865 type: explored -- comm_cost: 0.42847222222222237 - complexity: 15 +- comm_cost: 0.34594907407407427 + complexity: 18 expressions: - N+ - R- - S+ - - and(K-, N-) - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-13866 type: explored -- comm_cost: 0.7244791666666668 - complexity: 11 +- comm_cost: 0.2592013888888891 + complexity: 20 expressions: - - and(or(K+, S-), not(R-)) - - not(R+) - - or(K+, N+) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-13867 type: explored -- comm_cost: 0.702951388888889 - complexity: 8 +- comm_cost: 0.14166666666666705 + complexity: 14 expressions: - K+ + - N+ + - N+ - R- - SE- - - and(N-, or(S+, SE+)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-13868 type: explored -- comm_cost: 0.6333333333333333 - complexity: 6 +- comm_cost: 0.5923611111111112 + complexity: 12 expressions: - - N+ - - R- - - R- - - SE- - - not(R-) + - R+ + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-13869 type: explored -- comm_cost: 0.7737152777777778 - complexity: 8 - expressions: - - and(K-, N-) - - not(R+) - - or(K+, S-) - name: explored-13870 - type: explored -- comm_cost: 0.7406828703703705 - complexity: 8 +- comm_cost: 0.6107638888888891 + complexity: 11 expressions: - R+ - SE- - - or(K+, K-) - - or(S+, SE+) - name: explored-13871 + - SE- + - and(K-, or(S+, N+)) + - or(K+, N+) + name: explored-13870 type: explored -- comm_cost: 0.3716145833333335 - complexity: 18 +- comm_cost: 0.23333333333333361 + complexity: 20 expressions: + - K+ - N+ - R- - - S+ - - and(K-, not(R-)) - - and(K-, or(S+, N+)) + - SE- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - name: explored-13872 + - or(and(K-, S+), or(N+, R-)) + name: explored-13871 type: explored -- comm_cost: 0.5867187500000002 +- comm_cost: 0.5914062500000001 complexity: 9 expressions: + - K+ + - K+ + - R- - and(K-, N-) - - and(N-, R+) - and(S-, SE-) - name: explored-13873 + name: explored-13872 type: explored -- comm_cost: 0.6623524305555556 - complexity: 32 +- comm_cost: 0.4036458333333335 + complexity: 12 expressions: - - SE+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - - and(N-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R-) - - or(N+, R-) - - or(S+, N+) - name: explored-13874 + - N+ + - R- + - SE- + - and(K-, SE-) + - and(N-, R+) + - and(S-, N-) + name: explored-13873 type: explored -- comm_cost: 0.6309895833333334 - complexity: 8 +- comm_cost: 0.5727777777777779 + complexity: 11 expressions: - - R+ - - SE- - - or(N+, R-) - - or(S+, R+) - name: explored-13875 + - N+ + - R- + - and(N-, R+) + - and(S-, N-) + - or(S+, SE+) + name: explored-13874 type: explored -- comm_cost: 0.29014756944444475 - complexity: 24 +- comm_cost: 0.38489583333333355 + complexity: 13 expressions: - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) + name: explored-13875 + type: explored +- comm_cost: 0.7312500000000001 + complexity: 4 + expressions: + - S- + - or(K+, N+) name: explored-13876 type: explored -- comm_cost: 0.7572222222222222 - complexity: 7 +- comm_cost: 0.4750000000000002 + complexity: 15 expressions: - - K+ - N+ + - R- - SE- - - or(N+, not(R+)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - or(K+, R+) name: explored-13877 type: explored -- comm_cost: 0.7125896990740741 - complexity: 15 +- comm_cost: 0.6666666666666667 + complexity: 16 expressions: - - N+ - - N- - - and(S-, N-) - - or(K+, R+) - - or(N+, not(R+)) - - or(SE-, N+) + - and(N-, or(S+, R+)) + - and(or(K+, S-), not(R+)) + - or(K+, or(N+, R-)) name: explored-13878 type: explored -- comm_cost: 0.2729166666666668 - complexity: 19 +- comm_cost: 0.20364583333333353 + complexity: 13 expressions: - - K+ - N+ - R- - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, N+) name: explored-13879 type: explored -- comm_cost: 0.43919270833333357 - complexity: 23 +- comm_cost: 0.669513888888889 + complexity: 9 expressions: - - K+ - - N+ + - N- + - R+ - R- - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - or(S+, or(N+, R-)) name: explored-13880 type: explored -- comm_cost: 0.41874999999999984 - complexity: 13 +- comm_cost: 0.6253472222222223 + complexity: 7 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(S+, N+)) - - and(S-, SE-) + - SE- + - or(K+, N+) name: explored-13881 type: explored -- comm_cost: 0.35914351851851867 - complexity: 18 +- comm_cost: 0.6582465277777779 + complexity: 10 expressions: - - N+ - - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - R+ + - S- + - and(N-, or(K+, R+)) + - or(N+, R-) name: explored-13882 type: explored -- comm_cost: 0.5571180555555557 - complexity: 6 +- comm_cost: 0.6947048611111112 + complexity: 12 expressions: - - K+ + - K- - R+ - - R- - - SE- - - not(R+) + - and(N-, or(K+, S-)) + - and(S-, or(SE-, N+)) name: explored-13883 type: explored -- comm_cost: 0.5447916666666668 - complexity: 6 +- comm_cost: 0.5631944444444448 + complexity: 8 expressions: - - N+ - - R+ - - R- - - and(K-, S+) + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-13884 type: explored -- comm_cost: 0.3773437500000002 - complexity: 18 +- comm_cost: 0.4364583333333336 + complexity: 23 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, N-) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-13885 type: explored -- comm_cost: 0.41718750000000016 - complexity: 13 +- comm_cost: 0.6378125000000001 + complexity: 9 expressions: - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, S-)) + - N- + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-13886 type: explored -- comm_cost: 0.6487152777777778 - complexity: 8 +- comm_cost: 0.596701388888889 + complexity: 14 expressions: - N+ - - N- - - R+ - - R- - - SE- - - or(K+, SE+) + - and(K-, not(R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-13887 type: explored -- comm_cost: 0.5109375000000002 - complexity: 9 +- comm_cost: 0.6908564814814816 + complexity: 12 expressions: - - N+ + - K+ - R+ - - R- - - and(S-, N-) - - and(S-, SE-) + - S- + - SE- + - and(SE-, or(K+, S-)) + - or(K+, K-) name: explored-13888 type: explored -- comm_cost: 0.5605902777777779 - complexity: 10 +- comm_cost: 0.6552083333333334 + complexity: 5 expressions: - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - R+ + - R- + - and(K-, N-) name: explored-13889 type: explored -- comm_cost: 0.6703993055555557 - complexity: 6 +- comm_cost: 0.17135416666666692 + complexity: 14 expressions: - - K+ - N+ - - SE- - - or(S+, R+) + - R- + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-13890 type: explored -- comm_cost: 0.7207812500000002 - complexity: 5 +- comm_cost: 0.6308130787037038 + complexity: 28 expressions: - - K- + - N+ - R+ - - or(SE-, N+) + - and(K-, N-) + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-13891 type: explored -- comm_cost: 0.39791666666666703 - complexity: 17 +- comm_cost: 0.5218750000000001 + complexity: 5 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(S-, or(SE-, N+)) + - R+ + - R+ + - R- + - R- + - SE- name: explored-13892 type: explored -- comm_cost: 0.671875 - complexity: 9 +- comm_cost: 0.7051504629629631 + complexity: 10 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) + - R+ + - and(SE+, N-) + - or(K+, N+) + - or(K+, R+) name: explored-13893 type: explored -- comm_cost: 0.5027083333333335 - complexity: 15 +- comm_cost: 0.5789930555555557 + complexity: 11 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - not(R-) + - R+ + - SE- + - and(or(K+, S-), not(R+)) + - or(N+, R-) name: explored-13894 type: explored -- comm_cost: 0.3684895833333335 - complexity: 16 +- comm_cost: 0.5900000000000001 + complexity: 6 expressions: - - N+ - - R- - - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(S+, or(N+, R-)) + - or(S+, SE+) name: explored-13895 type: explored -- comm_cost: 0.6550347222222224 - complexity: 11 +- comm_cost: 0.5136284722222224 + complexity: 12 expressions: - - N- - - R+ + - K+ + - R- - SE- - - and(K-, SE-) - - or(K+, or(N+, R-)) + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-13896 type: explored -- comm_cost: 0.7703125000000001 - complexity: 4 - expressions: - - S- - - and(K-, N-) - name: explored-13897 - type: explored -- comm_cost: 0.38246527777777795 - complexity: 16 +- comm_cost: 0.36302083333333346 + complexity: 13 expressions: - - K+ - N+ + - N- + - R- + - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - - or(K+, or(N+, R-)) + name: explored-13897 + type: explored +- comm_cost: 0.6443576388888891 + complexity: 8 + expressions: + - R+ + - SE- + - or(K+, N+) + - or(SE-, N+) name: explored-13898 type: explored -- comm_cost: 0.4980902777777778 - complexity: 14 +- comm_cost: 0.6960937500000001 + complexity: 5 expressions: - - K+ - - N+ - - R- - - S+ - - and(K-, not(R-)) - - and(S-, SE-) - - or(S+, N+) + - R+ + - and(N-, not(R-)) name: explored-13899 type: explored -- comm_cost: 0.2718750000000003 +- comm_cost: 0.4862847222222224 complexity: 13 expressions: - K+ - N+ - R- - - R- - SE- - and(N-, R+) - - and(S-, or(SE-, N+)) + - or(S+, R+) + - or(SE-, N+) name: explored-13900 type: explored -- comm_cost: 0.5441666666666669 - complexity: 10 +- comm_cost: 0.6456597222222223 + complexity: 11 expressions: - - N+ - - and(K-, S+) - - and(N-, R+) - - or(K+, S-) + - R- + - SE- + - and(and(K-, N-), or(S+, R+)) + - not(R+) name: explored-13901 type: explored -- comm_cost: 0.5163194444444446 - complexity: 11 +- comm_cost: 0.5954861111111113 + complexity: 8 expressions: - R+ - - R- + - R+ - SE- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-13902 type: explored -- comm_cost: 0.5687500000000002 - complexity: 4 +- comm_cost: 0.794045138888889 + complexity: 14 expressions: - N+ - - R+ - - S+ - SE- + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, not(R+)) name: explored-13903 type: explored -- comm_cost: 0.6565162037037038 - complexity: 15 +- comm_cost: 0.386979166666667 + complexity: 9 expressions: - - R+ - R- - - SE- - - and(or(K+, S-), not(R+)) - - or(K+, S-) - - or(S+, N+) + - S+ + - and(N-, R+) + - and(S-, not(R+)) name: explored-13904 type: explored -- comm_cost: 0.6846354166666667 - complexity: 7 +- comm_cost: 0.4505208333333335 + complexity: 12 expressions: - - SE- - - and(K-, N-) - - or(K+, N+) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) name: explored-13905 type: explored -- comm_cost: 0.5920659722222225 - complexity: 15 +- comm_cost: 0.3815972222222226 + complexity: 14 expressions: - N+ - SE- + - and(K-, not(R+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(N+, not(R+)) name: explored-13906 type: explored -- comm_cost: 0.19166666666666698 - complexity: 15 +- comm_cost: 0.45944444444444466 + complexity: 19 expressions: - K+ - - K+ - N+ - R- - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-13907 type: explored -- comm_cost: 0.5928819444444446 - complexity: 8 +- comm_cost: 0.5070312500000002 + complexity: 11 expressions: - K+ - - R+ - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - or(K+, S-) name: explored-13908 type: explored -- comm_cost: 0.7435763888888889 - complexity: 6 +- comm_cost: 0.3848958333333333 + complexity: 12 expressions: + - K+ + - N+ - R- - - S+ - - SE- - - or(K+, K-) + - and(K-, S+) + - and(S-, SE-) + - or(K+, N+) name: explored-13909 type: explored -- comm_cost: 0.3641203703703705 - complexity: 18 +- comm_cost: 0.33750000000000024 + complexity: 12 expressions: - - K+ - - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, R+) + - and(SE-, or(K+, S-)) name: explored-13910 type: explored -- comm_cost: 0.5126041666666667 +- comm_cost: 0.7374131944444445 complexity: 8 expressions: - - K+ - - R+ - - R- - - and(S-, SE-) - - not(R-) + - and(N-, not(R-)) + - and(S-, not(R-)) name: explored-13911 type: explored -- comm_cost: 0.5944444444444447 - complexity: 15 +- comm_cost: 0.4184027777777779 + complexity: 14 expressions: + - K+ - N+ - - and(K-, not(R-)) + - R- + - S- + - SE+ - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - and(S-, SE-) name: explored-13912 type: explored -- comm_cost: 0.5649305555555557 - complexity: 13 +- comm_cost: 0.5546875000000001 + complexity: 9 expressions: - - N+ - - N- + - R+ - R- - SE- - - and(N-, R+) - - or(K+, R+) - - or(S+, R-) + - and(K-, S+) + - and(S-, N-) name: explored-13913 type: explored -- comm_cost: 0.3166666666666669 - complexity: 8 +- comm_cost: 0.46684027777777803 + complexity: 16 expressions: - - K+ - - K+ - N+ - - R- - S+ + - SE- - and(N-, R+) + - and(N-, or(K+, R+)) + - or(K+, or(N+, R-)) name: explored-13914 type: explored -- comm_cost: 0.14427083333333357 - complexity: 19 +- comm_cost: 0.5013888888888889 + complexity: 11 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, SE-) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) name: explored-13915 type: explored -- comm_cost: 0.5385416666666668 - complexity: 11 +- comm_cost: 0.6430555555555555 + complexity: 6 expressions: - - R+ + - N+ - R- - SE- - - and(K-, or(SE-, N+)) - - or(S+, N+) + - or(S+, R-) name: explored-13916 type: explored -- comm_cost: 0.6933912037037038 - complexity: 9 +- comm_cost: 0.4877604166666669 + complexity: 16 expressions: - - K- - - R+ + - N+ + - R- - SE- - - and(S-, SE-) - - or(K+, K-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-13917 type: explored -- comm_cost: 0.6598958333333336 - complexity: 5 +- comm_cost: 0.38333333333333364 + complexity: 11 expressions: - - R+ - - S+ - - and(K-, S+) + - R- + - SE- + - and(N-, R+) + - and(N-, R+) + - or(S+, N+) name: explored-13918 type: explored -- comm_cost: 0.22187500000000027 - complexity: 14 +- comm_cost: 0.365104166666667 + complexity: 15 expressions: - K+ - - K+ - - R- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(K+, N+) name: explored-13919 type: explored -- comm_cost: 0.7312500000000001 - complexity: 4 +- comm_cost: 0.4173611111111115 + complexity: 19 expressions: - - S- - - or(K+, N+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-13920 type: explored -- comm_cost: 0.32291666666666685 - complexity: 9 +- comm_cost: 0.6139583333333335 + complexity: 12 expressions: - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(and(S-, N-), not(R-)) + - or(N+, not(R+)) name: explored-13921 type: explored -- comm_cost: 0.6171875000000001 - complexity: 18 +- comm_cost: 0.3542824074074076 + complexity: 14 expressions: - N+ - R+ - R- - - SE- - - and(K-, not(R-)) - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-13922 type: explored -- comm_cost: 0.6108506944444445 - complexity: 6 +- comm_cost: 0.4631944444444447 + complexity: 12 expressions: - K+ - N+ - - R- - - S- - - SE- - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-13923 type: explored -- comm_cost: 0.2122685185185189 - complexity: 17 +- comm_cost: 0.41710069444444464 + complexity: 20 expressions: - - K+ - N+ - R- - S+ - - and(K-, not(R+)) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-13924 type: explored -- comm_cost: 0.6666666666666667 - complexity: 13 +- comm_cost: 0.6616666666666668 + complexity: 7 expressions: - - SE- - - and(K-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - and(N-, R+) + - or(S+, SE+) name: explored-13925 type: explored -- comm_cost: 0.20833333333333348 - complexity: 16 +- comm_cost: 0.22864583333333344 + complexity: 17 expressions: - - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - and(and(S-, N-), not(R-)) name: explored-13926 type: explored -- comm_cost: 0.721875 - complexity: 7 +- comm_cost: 0.7097511574074076 + complexity: 10 expressions: - - S+ - - and(K-, SE-) - - and(S-, SE-) + - R+ + - and(K-, or(S+, R+)) + - and(N-, not(R-)) name: explored-13927 type: explored -- comm_cost: 0.7328298611111111 - complexity: 14 +- comm_cost: 0.3523148148148152 + complexity: 22 expressions: - - K- + - K+ + - N+ - R- - - SE- - - and(N-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-13928 type: explored -- comm_cost: 0.6611111111111112 - complexity: 9 +- comm_cost: 0.651388888888889 + complexity: 8 expressions: - R- - - SE+ - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(and(K-, N-), not(R-)) name: explored-13929 type: explored -- comm_cost: 0.6118055555555557 +- comm_cost: 0.5023437500000002 complexity: 9 expressions: - - N- + - N+ - R- - SE- - - and(K-, S+) - and(N-, R+) + - or(K+, SE+) name: explored-13930 type: explored -- comm_cost: 0.8148437500000001 - complexity: 12 +- comm_cost: 0.6429687500000001 + complexity: 16 expressions: - - and(K-, or(S+, SE+)) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(SE-, N+) name: explored-13931 type: explored -- comm_cost: 0.2762152777777779 - complexity: 22 +- comm_cost: 0.40992476851851867 + complexity: 19 expressions: + - K+ + - K+ - N+ - R- - - S+ - - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(S+, R-) + - and(S-, not(R-)) name: explored-13932 type: explored -- comm_cost: 0.5242187500000002 - complexity: 15 +- comm_cost: 0.5755208333333335 + complexity: 12 expressions: - - K+ - - N+ - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) name: explored-13933 type: explored -- comm_cost: 0.09843750000000018 - complexity: 14 +- comm_cost: 0.47621527777777783 + complexity: 12 expressions: - - K+ - - K+ - N+ - R- - S+ - - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, N+) + - or(K+, R+) name: explored-13934 type: explored -- comm_cost: 0.23298611111111134 - complexity: 16 +- comm_cost: 0.23935185185185215 + complexity: 15 expressions: - - K+ + - N+ - R- + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-13935 type: explored -- comm_cost: 0.5662615740740741 - complexity: 17 +- comm_cost: 0.4544270833333336 + complexity: 13 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, not(R+)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - SE- + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, not(R+)) name: explored-13936 type: explored -- comm_cost: 0.5499999999999999 +- comm_cost: 0.6067708333333335 complexity: 10 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(S-, or(SE-, N+)) + - and(K-, or(S+, R-)) + - or(K+, N+) name: explored-13937 type: explored -- comm_cost: 0.5805266203703705 - complexity: 12 +- comm_cost: 0.44881944444444466 + complexity: 21 expressions: - N+ - - R- - - SE- - - and(K-, not(R+)) - - and(N-, or(S+, SE+)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(S+, SE+) name: explored-13938 type: explored -- comm_cost: 0.3959490740740743 - complexity: 18 +- comm_cost: 0.4864583333333332 + complexity: 10 expressions: - N+ - R- - - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-13939 type: explored -- comm_cost: 0.7377604166666667 - complexity: 6 +- comm_cost: 0.29166666666666696 + complexity: 18 expressions: - - S- - - and(K-, or(S+, R-)) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(S+, R-) name: explored-13940 type: explored -- comm_cost: 0.5561631944444445 +- comm_cost: 0.7607638888888889 complexity: 19 expressions: - - N- - - R+ - - R- - - S+ - and(K-, or(S+, R-)) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) - or(and(K-, S+), or(N+, R-)) name: explored-13941 type: explored -- comm_cost: 0.06093750000000031 - complexity: 11 +- comm_cost: 0.7515798611111112 + complexity: 5 expressions: - - K+ - - N+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - S- + - or(K+, S-) name: explored-13942 type: explored -- comm_cost: 0.46701388888888906 - complexity: 12 +- comm_cost: 0.7166666666666668 + complexity: 11 expressions: - - K+ - - R+ - - R- - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-13943 type: explored -- comm_cost: 0.4852864583333335 - complexity: 13 +- comm_cost: 0.33750000000000013 + complexity: 16 expressions: - - K+ - N+ - R- - SE- - and(N-, R+) - - or(S+, R+) - - or(S+, R-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-13944 type: explored -- comm_cost: 0.6729745370370371 - complexity: 11 +- comm_cost: 0.7028125000000001 + complexity: 18 expressions: - - K- - - N+ - - R+ - - R- - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - and(S-, SE-) + - or(N+, R-) + - or(N+, not(R+)) + - or(S+, R-) name: explored-13945 type: explored -- comm_cost: 0.2697916666666671 - complexity: 24 +- comm_cost: 0.19236111111111143 + complexity: 16 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(N+, not(R+)) + - and(or(K+, S-), not(R+)) name: explored-13946 type: explored -- comm_cost: 0.5694444444444445 - complexity: 8 +- comm_cost: 0.5666666666666669 + complexity: 16 expressions: - - R- - - S+ - - and(S-, N-) - - and(S-, SE-) + - K+ + - N+ + - SE- + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, S-) name: explored-13947 type: explored -- comm_cost: 0.49375000000000036 - complexity: 7 +- comm_cost: 0.7798611111111112 + complexity: 12 expressions: - - R- - - and(K-, S+) - - and(N-, R+) + - and(K-, or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-13948 type: explored -- comm_cost: 0.7776041666666667 - complexity: 5 +- comm_cost: 0.8097222222222223 + complexity: 6 expressions: - K+ - - SE- - - or(K+, K-) + - and(N-, or(S+, R+)) name: explored-13949 type: explored -- comm_cost: 0.552777777777778 +- comm_cost: 0.6491030092592593 complexity: 12 expressions: + - N+ + - R- - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, SE+) name: explored-13950 type: explored -- comm_cost: 0.7289496527777779 - complexity: 15 +- comm_cost: 0.6018229166666669 + complexity: 9 expressions: + - N+ - R+ - - and(N-, or(K+, R+)) - - and(or(K+, S-), not(R-)) - - or(K+, K-) + - R- + - and(K-, or(N+, not(R+))) name: explored-13951 type: explored -- comm_cost: 0.3382812500000002 - complexity: 13 +- comm_cost: 0.5968749999999999 + complexity: 10 expressions: - K+ - - N+ + - K+ - R- - - and(K-, not(R-)) - - and(N-, R+) + - S+ + - and(K-, SE-) - and(S-, SE-) name: explored-13952 type: explored -- comm_cost: 0.5552083333333334 - complexity: 9 +- comm_cost: 0.5350694444444446 + complexity: 11 expressions: + - N+ - R+ - R- - - and(K-, SE-) - - and(N-, not(R-)) + - SE- + - and(S-, not(R+)) + - or(K+, R+) name: explored-13953 type: explored -- comm_cost: 0.6791666666666667 - complexity: 4 +- comm_cost: 0.538715277777778 + complexity: 16 expressions: - - K+ - - K- - - N+ + - R+ + - R- - SE- + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) + - or(K+, R-) name: explored-13954 type: explored -- comm_cost: 0.6232638888888891 - complexity: 15 +- comm_cost: 0.5875 + complexity: 5 expressions: - N+ - - R+ - - SE- - - and(N-, or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - and(S-, SE-) name: explored-13955 type: explored -- comm_cost: 0.5796875000000002 - complexity: 9 +- comm_cost: 0.5650173611111113 + complexity: 16 expressions: - - K+ - R- - - S+ - and(N-, R+) - - and(SE+, N-) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-13956 type: explored -- comm_cost: 0.6353298611111112 - complexity: 15 +- comm_cost: 0.6418750000000002 + complexity: 11 expressions: - R+ - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(and(S-, N-), not(R-)) + - R- + - SE- + - or(N+, not(R+)) + - or(N+, not(R+)) name: explored-13957 type: explored -- comm_cost: 0.5929166666666668 - complexity: 8 +- comm_cost: 0.5490625000000002 + complexity: 17 expressions: - K+ - - N+ + - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - or(K+, S-) + - or(K+, R+) + - or(N+, not(R+)) name: explored-13958 type: explored -- comm_cost: 0.596383101851852 - complexity: 10 +- comm_cost: 0.46163194444444466 + complexity: 18 expressions: - - R+ - - R- + - N+ - SE- - - and(N-, not(R-)) - - or(K+, R+) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-13959 type: explored -- comm_cost: 0.5893229166666668 - complexity: 6 +- comm_cost: 0.6782986111111112 + complexity: 5 expressions: - - K+ - - N+ - - SE- + - R+ + - R+ - and(K-, N-) name: explored-13960 type: explored -- comm_cost: 0.5626157407407408 - complexity: 14 +- comm_cost: 0.5265625000000002 + complexity: 16 expressions: - - K- - N+ - - R+ - - R- - - S+ + - N- - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-13961 type: explored -- comm_cost: 0.7030381944444446 +- comm_cost: 0.5459895833333335 complexity: 10 expressions: - - R+ + - K+ + - K- + - N+ - R- - - and(K-, or(S+, SE+)) - - or(K+, R-) + - and(K-, N-) + - and(N-, R+) name: explored-13962 type: explored -- comm_cost: 0.5143229166666667 - complexity: 15 +- comm_cost: 0.6244212962962965 + complexity: 16 expressions: - - K+ - - R- - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), or(S+, R+)) name: explored-13963 type: explored -- comm_cost: 0.0868055555555558 - complexity: 15 +- comm_cost: 0.4722222222222223 + complexity: 12 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(S-, N-) + - and(S-, N-) name: explored-13964 type: explored -- comm_cost: 0.6868923611111113 - complexity: 10 +- comm_cost: 0.20815972222222245 + complexity: 15 expressions: - - R+ - - and(and(K-, N-), not(R-)) - - or(SE-, N+) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-13965 type: explored -- comm_cost: 0.5479166666666668 - complexity: 7 +- comm_cost: 0.25555555555555587 + complexity: 12 expressions: - N+ - R- - - and(N-, or(K+, R+)) + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-13966 type: explored -- comm_cost: 0.5130208333333335 - complexity: 14 +- comm_cost: 0.7304687500000001 + complexity: 12 + expressions: + - K+ + - and(N-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + name: explored-13967 + type: explored +- comm_cost: 0.6271412037037039 + complexity: 13 expressions: - R+ - R- - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - and(S-, not(R+)) - name: explored-13967 + - SE- + - and(N-, or(S+, SE+)) + - or(K+, or(N+, R-)) + name: explored-13968 type: explored -- comm_cost: 0.40594618055555576 - complexity: 19 +- comm_cost: 0.38833912037037055 + complexity: 23 expressions: - K+ - K+ - N+ - R- - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - name: explored-13968 - type: explored -- comm_cost: 0.4901041666666669 - complexity: 13 - expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, not(R+)) + - and(S-, SE-) + - and(S-, not(R-)) + - or(K+, R+) name: explored-13969 type: explored -- comm_cost: 0.5714120370370372 - complexity: 13 +- comm_cost: 0.5296006944444446 + complexity: 16 expressions: - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(S+, R+) + - and(N-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-13970 type: explored -- comm_cost: 0.3427083333333336 - complexity: 8 +- comm_cost: 0.7269097222222223 + complexity: 14 expressions: - - N+ - - and(N-, R+) - - and(S-, not(R+)) + - R+ + - and(K-, not(R-)) + - and(K-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-13971 type: explored -- comm_cost: 0.42696759259259287 - complexity: 15 +- comm_cost: 0.567013888888889 + complexity: 10 expressions: - - K+ + - R+ - R- - SE- - - and(N-, R+) - - not(R+) - or(and(K-, S+), or(N+, R-)) name: explored-13972 type: explored -- comm_cost: 0.6017361111111112 +- comm_cost: 0.4758680555555559 complexity: 14 expressions: - - R+ - SE- - - and(and(K-, N-), or(S+, R+)) - - not(R+) - - or(K+, N+) + - and(N-, R+) + - and(S-, not(R+)) + - and(or(K+, S-), not(R+)) name: explored-13973 type: explored -- comm_cost: 0.4208333333333335 - complexity: 10 +- comm_cost: 0.26961805555555585 + complexity: 13 expressions: + - K+ - N+ - - R+ - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R- + - SE- + - and(K-, SE-) + - and(N-, R+) + - or(K+, N+) name: explored-13974 type: explored -- comm_cost: 0.8130208333333333 - complexity: 7 +- comm_cost: 0.5628472222222224 + complexity: 10 expressions: + - R+ + - R+ + - R- - SE- - - or(K+, R-) - - or(S+, R-) + - and(S-, or(N+, not(R+))) name: explored-13975 type: explored -- comm_cost: 0.7389120370370371 - complexity: 8 +- comm_cost: 0.5769097222222224 + complexity: 15 expressions: - - K- + - N+ - R+ - - or(S+, R-) - - or(S+, SE+) + - SE- + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-13976 type: explored -- comm_cost: 0.6648726851851853 - complexity: 7 +- comm_cost: 0.5394097222222225 + complexity: 13 expressions: - - R+ - - and(S-, N-) + - N+ + - SE- + - and(N-, R+) + - and(SE-, or(K+, S-)) - or(S+, R+) name: explored-13977 type: explored -- comm_cost: 0.5478298611111113 - complexity: 22 +- comm_cost: 0.4311111111111112 + complexity: 13 expressions: - - K+ - - K- - N+ + - N- + - R- - R- - - SE- - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(S+, N+) name: explored-13978 type: explored -- comm_cost: 0.46302083333333344 - complexity: 7 +- comm_cost: 0.5259027777777779 + complexity: 8 expressions: + - K+ - N+ + - N- - R+ - R- - - S+ - and(N-, R+) name: explored-13979 type: explored -- comm_cost: 0.10625000000000018 - complexity: 21 +- comm_cost: 0.4121238425925928 + complexity: 17 expressions: - - K+ - N+ - R- - S+ - - and(K-, S+) - - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(K+, or(N+, R-)) name: explored-13980 type: explored -- comm_cost: 0.3395833333333337 - complexity: 12 +- comm_cost: 0.6307291666666669 + complexity: 8 expressions: - - K+ - - and(K-, or(SE-, N+)) + - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) name: explored-13981 type: explored -- comm_cost: 0.46268229166666686 - complexity: 18 +- comm_cost: 0.48454861111111125 + complexity: 8 expressions: - K+ - - K+ - - K- - - N+ - - R- - - S+ - - and(K-, S+) - - and(N-, R+) + - R+ - and(S-, SE-) - - or(K+, SE+) + - or(K+, R+) name: explored-13982 type: explored -- comm_cost: 0.6863767361111112 - complexity: 29 +- comm_cost: 0.5366319444444446 + complexity: 14 expressions: - K+ - - K- - N+ - - and(K-, N-) + - R- + - SE- - and(K-, not(R+)) - - and(N-, not(R-)) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) + - and(N-, R+) - or(K+, K-) - - or(N+, R-) name: explored-13983 type: explored -- comm_cost: 0.4539062500000002 - complexity: 17 +- comm_cost: 0.601215277777778 + complexity: 13 expressions: - - K+ + - R+ - R- - - S- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(and(K-, N-), or(S+, R+)) + - or(K+, SE+) name: explored-13984 type: explored -- comm_cost: 0.5952256944444445 - complexity: 8 - expressions: +- comm_cost: 0.17135416666666692 + complexity: 14 + expressions: + - N+ - N+ - - R+ - R- - - S- - - SE- - - or(K+, R-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-13985 type: explored -- comm_cost: 0.8325520833333333 - complexity: 3 +- comm_cost: 0.5206597222222221 + complexity: 14 expressions: + - K+ + - K+ - R- - - not(R+) + - S+ + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-13986 type: explored -- comm_cost: 0.4179687500000002 - complexity: 12 +- comm_cost: 0.3680555555555557 + complexity: 21 expressions: + - K+ + - K- - N+ - - S+ + - R- + - R- + - and(K-, S+) - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-13987 type: explored -- comm_cost: 0.5835648148148149 - complexity: 14 +- comm_cost: 0.7144965277777778 + complexity: 28 expressions: - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, N-) - - and(S-, SE-) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) + - or(S+, or(N+, R-)) name: explored-13988 type: explored -- comm_cost: 0.5428819444444446 - complexity: 11 +- comm_cost: 0.277777777777778 + complexity: 27 expressions: - N+ - R- - - SE- - - and(N-, or(K+, S-)) - - and(SE+, N-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-13989 type: explored -- comm_cost: 0.6470486111111112 - complexity: 7 +- comm_cost: 0.6366753472222224 + complexity: 13 expressions: - - R+ - - SE- - - and(N-, or(S+, R+)) + - K- + - N- + - and(N-, R+) + - and(S-, SE-) + - not(R+) + - or(S+, N+) name: explored-13990 type: explored -- comm_cost: 0.609027777777778 - complexity: 14 +- comm_cost: 0.5499421296296299 + complexity: 12 expressions: + - K+ + - R+ - R- - - and(S-, or(SE-, N+)) - - or(K+, R+) - - or(K+, or(N+, R-)) + - SE- + - and(K-, or(S+, R+)) + - and(SE+, N-) name: explored-13991 type: explored -- comm_cost: 0.374826388888889 - complexity: 19 +- comm_cost: 0.6446180555555556 + complexity: 13 expressions: - N+ - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(and(K-, S+), or(N+, R-)) + - and(K-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, K-) name: explored-13992 type: explored -- comm_cost: 0.3333333333333337 - complexity: 9 +- comm_cost: 0.6496180555555556 + complexity: 11 expressions: + - K+ - N+ - R- - SE- - - and(N-, R+) - - or(S+, N+) + - and(K-, N-) + - or(N+, not(R+)) name: explored-13993 type: explored -- comm_cost: 0.29010416666666683 - complexity: 13 +- comm_cost: 0.542795138888889 + complexity: 16 expressions: - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) + - and(K-, not(R-)) - and(S-, SE-) - - or(K+, SE+) + - and(or(K+, S-), not(R+)) name: explored-13994 type: explored -- comm_cost: 0.7348958333333333 - complexity: 11 +- comm_cost: 0.6325520833333335 + complexity: 12 expressions: + - R+ - R- - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - not(R+) + - and(and(K-, N-), or(S+, SE+)) + - or(SE-, N+) name: explored-13995 type: explored -- comm_cost: 0.31501736111111134 - complexity: 13 +- comm_cost: 0.36093750000000013 + complexity: 18 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(N-, or(K+, SE+)) + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-13996 type: explored -- comm_cost: 0.49270833333333364 - complexity: 7 +- comm_cost: 0.626851851851852 + complexity: 34 expressions: - - and(N-, R+) - - and(S-, not(R+)) + - SE- + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-13997 type: explored -- comm_cost: 0.35364583333333344 - complexity: 12 +- comm_cost: 0.2585937500000004 + complexity: 20 expressions: - - R- + - K+ + - N+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-13998 type: explored -- comm_cost: 0.5750868055555558 - complexity: 14 +- comm_cost: 0.5069444444444446 + complexity: 13 expressions: + - K+ - N+ + - R- - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(K+, N+) + - and(S-, N-) + - and(and(K-, N-), not(R-)) name: explored-13999 type: explored -- comm_cost: 0.6506944444444446 - complexity: 7 +- comm_cost: 0.6907986111111113 + complexity: 11 expressions: - - R- - - and(S-, N-) - - and(S-, SE-) + - R+ + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-14000 type: explored -- comm_cost: 0.39218750000000013 - complexity: 8 +- comm_cost: 0.5130208333333336 + complexity: 13 expressions: - - K+ - - K+ - - R+ - - R- - - SE+ - - and(S-, SE-) + - N+ + - SE- + - and(K-, N-) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-14001 type: explored -- comm_cost: 0.7530555555555556 - complexity: 7 +- comm_cost: 0.5651041666666669 + complexity: 14 expressions: - - and(K-, not(R+)) - - or(S+, SE+) + - N+ + - R+ + - R- + - SE- + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-14002 type: explored -- comm_cost: 0.6307986111111112 - complexity: 7 +- comm_cost: 0.23697916666666696 + complexity: 12 expressions: - - R+ + - N+ - R- - - S+ - - SE- - - or(S+, SE+) + - and(K-, S+) + - and(N-, R+) + - and(S-, not(R+)) name: explored-14003 type: explored -- comm_cost: 0.6796875000000001 - complexity: 12 +- comm_cost: 0.40755208333333337 + complexity: 11 expressions: + - K+ - R+ - - SE- + - R- - and(N-, or(S+, SE+)) - - not(R+) - - or(SE-, N+) + - and(S-, SE-) name: explored-14004 type: explored -- comm_cost: 0.5963715277777779 - complexity: 12 +- comm_cost: 0.6673611111111113 + complexity: 9 expressions: - - R- - - SE- - and(N-, R+) - - not(R-) - - or(S+, or(N+, R-)) + - and(and(K-, N-), not(R-)) name: explored-14005 type: explored -- comm_cost: 0.6421875000000002 - complexity: 10 +- comm_cost: 0.2328125000000002 + complexity: 20 expressions: + - K+ + - N+ - R- - S+ + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-14006 type: explored -- comm_cost: 0.6185474537037038 +- comm_cost: 0.6840277777777779 complexity: 10 expressions: - R+ - - R- - SE- - and(K-, N-) - - and(K-, not(R+)) + - and(K-, or(S+, SE+)) name: explored-14007 type: explored -- comm_cost: 0.717717013888889 - complexity: 8 +- comm_cost: 0.1312500000000003 + complexity: 15 expressions: - - K- - - R+ - - S- - - and(N-, or(S+, R+)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-14008 type: explored -- comm_cost: 0.49041666666666694 - complexity: 13 +- comm_cost: 0.14791666666666692 + complexity: 18 expressions: + - K+ - N+ - - N- + - R- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - or(N+, R-) name: explored-14009 type: explored -- comm_cost: 0.48335069444444456 - complexity: 20 +- comm_cost: 0.3923611111111114 + complexity: 12 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(K+, N+) - - or(S+, SE+) + - and(and(K-, N-), not(R-)) name: explored-14010 type: explored -- comm_cost: 0.40937500000000016 - complexity: 14 +- comm_cost: 0.5640625000000001 + complexity: 6 expressions: - - R+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(N+, R-) + - N+ + - R- + - and(N-, not(R-)) name: explored-14011 type: explored -- comm_cost: 0.42500000000000004 - complexity: 11 +- comm_cost: 0.5673611111111113 + complexity: 13 expressions: - - K+ - - K+ - N+ - - R- - - and(N-, not(R-)) - - and(S-, SE-) + - R+ + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-14012 type: explored -- comm_cost: 0.26927083333333346 - complexity: 16 +- comm_cost: 2.220446049250313e-16 + complexity: 15 expressions: + - K+ - N+ - R- - - S+ + - and(K-, S+) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) name: explored-14013 type: explored -- comm_cost: 0.7513310185185187 - complexity: 5 +- comm_cost: 0.193229166666667 + complexity: 15 expressions: - - R+ - - SE+ - - and(SE+, N-) + - K+ + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-14014 type: explored -- comm_cost: 0.44010416666666685 - complexity: 8 +- comm_cost: 0.5895833333333336 + complexity: 10 expressions: - - N+ - - R- - - SE- - - and(N-, or(K+, R+)) + - R+ + - and(and(S-, N-), not(R-)) + - or(K+, N+) name: explored-14015 type: explored -- comm_cost: 0.3095486111111113 - complexity: 20 +- comm_cost: 0.4373611111111114 + complexity: 10 expressions: - - K+ - N+ - - R- - - and(K-, S+) + - S+ + - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) + - or(N+, not(R+)) name: explored-14016 type: explored -- comm_cost: 0.5763020833333334 - complexity: 5 +- comm_cost: 0.606076388888889 + complexity: 8 expressions: - R+ - - R- - - SE- - - not(R+) + - and(K-, not(R+)) + - and(SE+, N-) name: explored-14017 type: explored -- comm_cost: 0.3335069444444446 - complexity: 12 +- comm_cost: 0.6505208333333333 + complexity: 10 expressions: - N+ - - R+ - - R- - - and(N-, R+) + - S+ + - and(K-, or(SE-, N+)) - and(S-, SE-) - - and(SE+, N-) name: explored-14018 type: explored -- comm_cost: 0.4526041666666669 - complexity: 13 +- comm_cost: 0.33067129629629655 + complexity: 26 expressions: - - R+ + - K+ + - N+ - R- - - SE- - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) name: explored-14019 type: explored -- comm_cost: 0.4765625000000002 - complexity: 12 +- comm_cost: 0.09583333333333366 + complexity: 16 expressions: + - K+ - N+ - R- - - SE- + - S+ + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - or(S+, R-) name: explored-14020 type: explored -- comm_cost: 0.43125000000000013 - complexity: 12 +- comm_cost: 0.49088541666666696 + complexity: 19 expressions: - - R- + - N+ + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14021 type: explored -- comm_cost: 0.23211805555555576 - complexity: 23 +- comm_cost: 0.4036458333333335 + complexity: 15 expressions: - - K+ - - K+ - N+ - R- - - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(S+, N+) name: explored-14022 type: explored -- comm_cost: 0.146354166666667 - complexity: 16 +- comm_cost: 0.43263888888888913 + complexity: 12 expressions: - - N+ - - R- - - and(K-, or(S+, R-)) - - and(N-, R+) + - K+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-14023 type: explored -- comm_cost: 0.4476562500000002 - complexity: 11 +- comm_cost: 0.3092187500000001 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(S+, SE+) name: explored-14024 type: explored -- comm_cost: 0.46388888888888913 - complexity: 13 +- comm_cost: 0.45376157407407425 + complexity: 17 expressions: - N+ + - R- - SE- - - and(K-, SE-) - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-14025 type: explored -- comm_cost: 0.6197916666666669 - complexity: 13 +- comm_cost: 0.36736111111111125 + complexity: 12 expressions: - - K- - - N+ - R- - - SE- - and(N-, R+) - - or(S+, R-) - - or(S+, SE+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-14026 type: explored -- comm_cost: 0.6208333333333333 - complexity: 4 +- comm_cost: 0.34375000000000033 + complexity: 9 expressions: - N+ - - and(S-, N-) + - R- + - R- + - and(K-, S+) + - and(N-, R+) name: explored-14027 type: explored -- comm_cost: 0.33750000000000024 - complexity: 11 +- comm_cost: 0.10625000000000018 + complexity: 17 expressions: - - K+ + - N+ - R- + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(SE-, or(K+, S-)) name: explored-14028 type: explored -- comm_cost: 0.5205729166666668 - complexity: 18 +- comm_cost: 0.6024594907407409 + complexity: 16 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - or(N+, R-) - - or(S+, or(N+, R-)) + - K+ + - R+ + - R- + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-14029 type: explored -- comm_cost: 0.46510416666666676 - complexity: 13 +- comm_cost: 0.6471354166666667 + complexity: 9 expressions: - - K+ - N+ + - R+ - R- - - SE- - - and(S-, N-) - - and(and(S-, N-), not(R-)) + - S- + - or(S+, or(N+, R-)) name: explored-14030 type: explored -- comm_cost: 0.31368055555555585 - complexity: 17 +- comm_cost: 0.6522569444444446 + complexity: 21 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(N+, not(R+)) + - R+ + - SE- + - and(K-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14031 type: explored -- comm_cost: 0.8354166666666667 +- comm_cost: 0.6007812500000002 complexity: 7 expressions: - - and(or(K+, S-), or(SE-, N+)) + - R+ + - SE- + - not(R+) + - or(N+, R-) name: explored-14032 type: explored -- comm_cost: 0.3878819444444447 - complexity: 23 +- comm_cost: 0.6458333333333333 + complexity: 6 expressions: - K+ - - K+ - - N+ - R- - - and(K-, S+) - - and(N-, R+) + - SE- - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) name: explored-14033 type: explored -- comm_cost: 0.5962673611111113 - complexity: 17 +- comm_cost: 0.3416666666666668 + complexity: 15 expressions: - - R+ - - R+ - - SE- - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-14034 type: explored -- comm_cost: 0.18611111111111123 - complexity: 18 +- comm_cost: 0.4725694444444446 + complexity: 23 expressions: - K+ - - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(K+, R-) name: explored-14035 type: explored -- comm_cost: 0.5701388888888891 - complexity: 16 +- comm_cost: 0.6277777777777778 + complexity: 8 expressions: - - N+ - - R+ - - R- - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-14036 type: explored -- comm_cost: 0.5146875 - complexity: 9 +- comm_cost: 0.4158854166666668 + complexity: 10 expressions: - - K+ - - N+ + - R+ - R- - - S+ - and(S-, SE-) - - not(R-) + - or(S+, or(N+, R-)) name: explored-14037 type: explored -- comm_cost: 0.6282118055555557 - complexity: 10 +- comm_cost: 0.406076388888889 + complexity: 8 expressions: - - R+ - - not(R+) - - or(and(S-, SE-), or(N+, R-)) + - R- + - S+ + - and(S-, SE-) + - or(K+, R+) name: explored-14038 type: explored -- comm_cost: 0.4755208333333335 - complexity: 13 +- comm_cost: 0.4854166666666666 + complexity: 8 expressions: - - K+ + - N+ - R- - - SE- - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(S+, N+) name: explored-14039 type: explored -- comm_cost: 0.6310763888888891 - complexity: 6 +- comm_cost: 0.6852430555555558 + complexity: 11 expressions: - R+ - - SE+ - - SE- - - or(S+, N+) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-14040 type: explored -- comm_cost: 0.7049479166666668 - complexity: 13 +- comm_cost: 0.6054687500000001 + complexity: 15 expressions: + - N+ - R+ - - and(and(K-, N-), or(S+, R+)) - - or(S+, or(N+, R-)) + - R- + - SE- + - and(or(K+, S-), not(R-)) + - or(K+, or(N+, R-)) name: explored-14041 type: explored -- comm_cost: 0.5784722222222223 - complexity: 15 +- comm_cost: 0.4628472222222225 + complexity: 13 expressions: - K+ - - N+ - R- - S+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - or(S+, R-) + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-14042 type: explored -- comm_cost: 0.21093750000000022 - complexity: 14 +- comm_cost: 0.4684861111111114 + complexity: 22 expressions: - K+ - K+ - N+ + - R- - S+ - - SE- - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) name: explored-14043 type: explored -- comm_cost: 0.3865885416666669 - complexity: 22 +- comm_cost: 0.4980902777777779 + complexity: 11 expressions: - - K+ - N+ - - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) name: explored-14044 type: explored -- comm_cost: 0.6515625 - complexity: 9 +- comm_cost: 0.5576851851851854 + complexity: 13 expressions: - - K+ + - K- - N+ - R- - - and(K-, S+) - - or(N+, R-) + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-14045 type: explored -- comm_cost: 0.6993055555555556 - complexity: 12 +- comm_cost: 0.6829166666666668 + complexity: 10 expressions: - - and(K-, or(S+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - SE- + - and(and(S-, N-), not(R-)) + - not(R-) name: explored-14046 type: explored -- comm_cost: 0.22777777777777797 - complexity: 18 +- comm_cost: 0.6459490740740742 + complexity: 10 + expressions: + - R+ + - SE- + - and(N-, or(K+, R+)) + - or(K+, R+) + name: explored-14047 + type: explored +- comm_cost: 0.20393518518518539 + complexity: 22 expressions: - K+ - N+ @@ -144910,20709 +145504,21355 @@ - and(N-, R+) - and(N-, or(S+, R+)) - and(S-, SE-) - - or(K+, N+) - name: explored-14047 - type: explored -- comm_cost: 0.6384837962962965 - complexity: 8 - expressions: - - R+ - - S+ - - and(S-, N-) - - or(K+, SE+) + - and(and(K-, N-), or(S+, R+)) name: explored-14048 type: explored -- comm_cost: 0.3437500000000002 - complexity: 13 +- comm_cost: 0.6513888888888888 + complexity: 9 expressions: - - N+ - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) + - K+ + - R- + - and(K-, not(R+)) - and(S-, SE-) name: explored-14049 type: explored -- comm_cost: 0.7083333333333333 - complexity: 3 +- comm_cost: 0.5677256944444445 + complexity: 11 expressions: - N+ + - N+ + - R+ + - R- - SE- - - SE- + - or(S+, R+) + - or(SE-, N+) name: explored-14050 type: explored -- comm_cost: 0.7954861111111111 - complexity: 12 +- comm_cost: 0.4398437500000002 + complexity: 23 expressions: - - and(S-, or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-14051 type: explored -- comm_cost: 0.5536458333333335 - complexity: 16 +- comm_cost: 0.35703125000000036 + complexity: 14 expressions: + - K+ - N+ - - R+ - - R- - - SE- - - and(N-, or(K+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-14052 type: explored -- comm_cost: 0.5569444444444447 - complexity: 10 +- comm_cost: 0.5216145833333334 + complexity: 15 expressions: - - and(N-, R+) + - N+ - and(S-, SE-) - - and(S-, not(R-)) + - and(SE+, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14053 type: explored -- comm_cost: 0.3291087962962965 - complexity: 20 +- comm_cost: 0.7046064814814816 + complexity: 12 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) + - SE+ + - and(and(K-, N-), not(R-)) + - not(R-) + - or(K+, R-) name: explored-14054 type: explored -- comm_cost: 0.41166666666666685 - complexity: 9 +- comm_cost: 0.6584230324074074 + complexity: 40 expressions: - - K+ - - N+ - - N- - - and(N-, R+) + - SE+ + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) - and(S-, SE-) + - and(S-, not(R+)) + - and(S-, or(SE-, N+)) + - or(K+, S-) name: explored-14055 type: explored -- comm_cost: 0.26093750000000016 - complexity: 14 +- comm_cost: 0.362152777777778 + complexity: 15 expressions: + - K+ - N+ - - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-14056 type: explored -- comm_cost: 0.37031250000000027 - complexity: 14 +- comm_cost: 0.846875 + complexity: 7 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - not(R+) name: explored-14057 type: explored -- comm_cost: 0.386979166666667 - complexity: 9 +- comm_cost: 0.520601851851852 + complexity: 14 expressions: - K+ - R- + - SE- - and(N-, R+) - - and(S-, not(R+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-14058 type: explored -- comm_cost: 0.5921875000000001 - complexity: 10 +- comm_cost: 0.5812500000000002 + complexity: 9 expressions: - - R- - - and(K-, N-) - - and(S-, SE-) - - or(S+, N+) + - R+ + - and(S-, not(R+)) + - and(S-, not(R+)) name: explored-14059 type: explored -- comm_cost: 0.5758680555555556 - complexity: 11 +- comm_cost: 0.43315972222222243 + complexity: 18 expressions: - - K+ - - R+ + - N+ - R- - - and(K-, not(R-)) - - and(K-, not(R-)) + - SE- + - and(N-, R+) + - and(S-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) name: explored-14060 type: explored -- comm_cost: 0.47382812500000027 - complexity: 15 +- comm_cost: 0.38125 + complexity: 9 expressions: - K+ - K+ + - N+ + - N+ - R- - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) name: explored-14061 type: explored -- comm_cost: 0.49375000000000036 - complexity: 5 +- comm_cost: 0.6928819444444446 + complexity: 7 expressions: - - R- - - S+ - - and(N-, R+) + - K+ + - R+ + - and(K-, or(S+, R+)) name: explored-14062 type: explored -- comm_cost: 0.5817708333333335 - complexity: 11 +- comm_cost: 0.29201388888888924 + complexity: 20 expressions: - - R+ + - N+ - R- - - SE- - - SE- - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-14063 type: explored -- comm_cost: 0.33750000000000013 - complexity: 10 +- comm_cost: 0.4177372685185188 + complexity: 16 expressions: - - N+ + - K+ - N+ - R- - SE+ - and(N-, R+) - and(S-, SE-) + - or(S+, R-) + - or(SE-, N+) name: explored-14064 type: explored -- comm_cost: 0.4984375 - complexity: 11 +- comm_cost: 0.44548611111111136 + complexity: 16 expressions: - - K+ - - K+ - N+ - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) + - not(R-) name: explored-14065 type: explored -- comm_cost: 0.7756944444444446 - complexity: 2 +- comm_cost: 0.5771701388888891 + complexity: 12 expressions: - - R- - - SE+ + - N+ + - S- + - SE- + - and(N-, R+) + - and(SE+, N-) + - or(SE-, N+) name: explored-14066 type: explored -- comm_cost: 0.44646990740740755 - complexity: 24 +- comm_cost: 0.6367332175925927 + complexity: 20 + expressions: + - R+ + - R- + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) + name: explored-14067 + type: explored +- comm_cost: 0.28090277777777806 + complexity: 19 expressions: - K+ - - K+ - - N+ - R- - - S+ + - and(K-, S+) - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) - name: explored-14067 - type: explored -- comm_cost: 0.6838541666666668 - complexity: 8 - expressions: - - SE- - - and(S-, not(R+)) - - or(K+, SE+) + - or(K+, R-) name: explored-14068 type: explored -- comm_cost: 0.3187500000000002 - complexity: 16 +- comm_cost: 0.6198784722222224 + complexity: 14 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) name: explored-14069 type: explored -- comm_cost: 0.6248090277777779 - complexity: 20 +- comm_cost: 0.1848958333333337 + complexity: 15 expressions: + - K+ - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, not(R+)) - - or(K+, S-) + - and(S-, SE-) + - or(K+, R-) name: explored-14070 type: explored -- comm_cost: 0.4267361111111114 - complexity: 22 +- comm_cost: 0.3718750000000003 + complexity: 13 expressions: - - and(K-, or(S+, N+)) + - N+ + - N+ + - R- + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) name: explored-14071 type: explored -- comm_cost: 0.2653935185185188 - complexity: 24 +- comm_cost: 0.38599537037037057 + complexity: 25 expressions: - K+ - N+ - R- - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) name: explored-14072 type: explored -- comm_cost: 0.6659325396825398 - complexity: 35 +- comm_cost: 0.5254918981481482 + complexity: 14 expressions: - - and(N-, or(K+, S-)) - - and(SE+, N-) - - not(R+) - - or(K+, or(N+, R-)) - - or(N+, R-) - - or(S+, N+) - - or(and(K-, S+), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(S-, SE-) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-14073 type: explored -- comm_cost: 0.1946180555555559 - complexity: 17 +- comm_cost: 0.24045138888888906 + complexity: 18 expressions: - K+ + - K+ - N+ + - R+ - R- - S+ - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - or(K+, or(N+, R-)) name: explored-14074 type: explored -- comm_cost: 0.605150462962963 - complexity: 17 +- comm_cost: 0.6700520833333334 + complexity: 11 expressions: - - R+ - - R- + - N+ - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - and(K-, S+) + - and(or(K+, S-), not(R-)) name: explored-14075 type: explored -- comm_cost: 0.534027777777778 - complexity: 14 +- comm_cost: 0.5405208333333333 + complexity: 12 expressions: + - K+ - N+ - R- - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - or(K+, R+) + - and(S-, SE-) + - not(R-) + - or(K+, R-) name: explored-14076 type: explored -- comm_cost: 0.6963541666666668 - complexity: 9 +- comm_cost: 0.6380208333333336 + complexity: 7 expressions: - R+ - - R- - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) + - or(S+, N+) name: explored-14077 type: explored -- comm_cost: 0.3914930555555558 - complexity: 14 +- comm_cost: 0.7042447916666668 + complexity: 13 expressions: - - K+ - - N+ - - R- - - SE- - - SE- - - and(K-, SE-) - - and(N-, R+) - - and(S-, N-) + - R+ + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - or(K+, S-) name: explored-14078 type: explored -- comm_cost: 0.5173611111111114 - complexity: 16 +- comm_cost: 0.46649305555555565 + complexity: 11 expressions: - - N+ - - and(N-, R+) + - R+ - and(S-, SE-) - - and(S-, not(R-)) - - not(R+) - - or(SE-, N+) + - and(and(K-, N-), or(S+, SE+)) name: explored-14079 type: explored -- comm_cost: 0.40347222222222223 - complexity: 10 +- comm_cost: 0.5614583333333335 + complexity: 7 expressions: - - N+ + - R+ - R- - - and(K-, or(S+, R+)) - - and(S-, SE-) + - and(K-, or(SE-, N+)) name: explored-14080 type: explored -- comm_cost: 0.6593750000000002 - complexity: 8 +- comm_cost: 0.30594618055555567 + complexity: 16 expressions: - - R+ - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - R- + - R- + - SE+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-14081 type: explored -- comm_cost: 0.43072916666666694 - complexity: 9 +- comm_cost: 0.5406250000000001 + complexity: 12 expressions: - - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - R+ + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-14082 type: explored -- comm_cost: 0.6437500000000002 - complexity: 9 +- comm_cost: 0.483420138888889 + complexity: 15 expressions: + - N+ + - R- - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(N-, or(K+, R+)) name: explored-14083 type: explored -- comm_cost: 0.216666666666667 - complexity: 11 +- comm_cost: 0.3758680555555558 + complexity: 22 expressions: - K+ + - K+ - N+ - - R- - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, not(R+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-14084 type: explored -- comm_cost: 0.6407118055555557 - complexity: 13 - expressions: - - R+ - - or(K+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-14085 - type: explored -- comm_cost: 0.4994791666666667 - complexity: 18 +- comm_cost: 0.3819444444444444 + complexity: 7 expressions: - N+ - R- - S+ - - and(N-, R+) - - and(N-, not(R-)) + - SE+ - and(S-, SE-) - - not(R+) - - or(S+, R+) + name: explored-14085 + type: explored +- comm_cost: 0.2468750000000003 + complexity: 13 + expressions: + - K+ + - R- + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-14086 type: explored -- comm_cost: 0.5204687500000001 - complexity: 18 +- comm_cost: 0.2707465277777781 + complexity: 21 expressions: - K+ + - K+ - N+ - - N- - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(SE-, N+) + - and(S-, not(R+)) name: explored-14087 type: explored -- comm_cost: 0.6916666666666668 - complexity: 11 - expressions: - - R+ - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) - name: explored-14088 - type: explored -- comm_cost: 0.5120225694444446 - complexity: 18 +- comm_cost: 0.14513888888888915 + complexity: 21 expressions: + - K+ - N+ - R- - - SE- + - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, not(R-)) - - or(S+, R+) - name: explored-14089 + - and(S-, SE-) + - or(K+, N+) + - or(K+, or(N+, R-)) + name: explored-14088 type: explored -- comm_cost: 0.4454687500000001 +- comm_cost: 0.1097222222222225 complexity: 19 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - name: explored-14090 + - or(and(K-, S+), or(N+, R-)) + name: explored-14089 type: explored -- comm_cost: 0.26041666666666696 +- comm_cost: 0.6006944444444446 complexity: 8 expressions: + - K+ - N+ + - and(N-, R+) + - or(K+, K-) + name: explored-14090 + type: explored +- comm_cost: 0.20138888888888906 + complexity: 18 + expressions: + - K+ - N+ + - R- + - and(N-, R+) - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-14091 type: explored -- comm_cost: 0.6630787037037038 - complexity: 12 +- comm_cost: 0.3763888888888891 + complexity: 15 expressions: - - R+ - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) + - or(K+, or(N+, R-)) name: explored-14092 type: explored -- comm_cost: 0.5134722222222223 +- comm_cost: 0.5393229166666669 complexity: 11 expressions: - - K+ - N+ - - R- + - SE+ + - SE- - and(N-, R+) - - not(R-) - - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-14093 type: explored -- comm_cost: 0.7790625 - complexity: 4 +- comm_cost: 0.6570312500000002 + complexity: 7 expressions: - - K- - - or(N+, R-) + - N+ + - and(N-, R+) + - or(K+, SE+) name: explored-14094 type: explored -- comm_cost: 0.2312500000000004 - complexity: 14 +- comm_cost: 0.5724681712962965 + complexity: 19 expressions: - K+ - N+ - - S+ + - R- + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(K+, K-) + - or(S+, N+) name: explored-14095 type: explored -- comm_cost: 0.37378472222222237 - complexity: 14 +- comm_cost: 0.62421875 + complexity: 8 expressions: - - N+ + - K+ - R+ - - R- - S+ - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - and(N-, or(K+, S-)) name: explored-14096 type: explored -- comm_cost: 0.70234375 - complexity: 10 +- comm_cost: 0.39166666666666683 + complexity: 17 expressions: - - and(K-, or(S+, R+)) - - not(R+) - - or(S+, N+) + - N+ + - N+ + - R- + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-14097 type: explored -- comm_cost: 0.676087962962963 - complexity: 10 +- comm_cost: 0.7544270833333333 + complexity: 8 expressions: - - R+ + - N+ - SE- - - and(N-, or(K+, SE+)) - - or(S+, SE+) + - and(K-, or(N+, not(R+))) name: explored-14098 type: explored -- comm_cost: 0.8359375000000001 - complexity: 5 +- comm_cost: 0.6107638888888891 + complexity: 12 expressions: - - and(K-, or(S+, SE+)) + - R+ + - SE- + - and(N-, or(K+, R+)) + - and(N-, or(K+, R+)) name: explored-14099 type: explored -- comm_cost: 0.7256944444444444 - complexity: 9 +- comm_cost: 0.18281250000000027 + complexity: 18 expressions: + - K+ - N+ - - SE- - - or(and(K-, S+), or(N+, R-)) + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(SE-, N+) name: explored-14100 type: explored -- comm_cost: 0.5100000000000002 - complexity: 6 +- comm_cost: 0.7638888888888891 + complexity: 4 expressions: - N+ - - N- - - R- - - and(N-, R+) + - or(K+, R+) name: explored-14101 type: explored -- comm_cost: 0.40648148148148167 +- comm_cost: 0.3481770833333335 complexity: 16 expressions: - - K+ - N+ + - R- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, N-) + - and(N-, or(K+, R+)) - and(S-, SE-) + - or(SE-, N+) name: explored-14102 type: explored -- comm_cost: 0.40000000000000013 - complexity: 21 +- comm_cost: 0.6708333333333333 + complexity: 4 expressions: - - K+ + - N+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(SE-, N+) + - S+ name: explored-14103 type: explored -- comm_cost: 0.5501388888888891 - complexity: 12 +- comm_cost: 0.41319444444444486 + complexity: 9 expressions: + - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(S-, not(R+)) - - or(K+, S-) + - or(S+, N+) name: explored-14104 type: explored -- comm_cost: 0.48587962962962983 - complexity: 16 +- comm_cost: 0.5382378472222225 + complexity: 27 expressions: - - N+ - - R- - - SE- + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(K+, or(N+, R-)) + - and(N-, or(K+, R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) name: explored-14105 type: explored -- comm_cost: 0.6788194444444446 - complexity: 11 +- comm_cost: 0.6537181712962964 + complexity: 16 expressions: + - K- + - N+ - R+ - - and(K-, or(S+, R-)) - - and(N-, or(S+, R+)) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, SE+)) name: explored-14106 type: explored -- comm_cost: 0.4750000000000002 - complexity: 13 +- comm_cost: 0.6193576388888891 + complexity: 15 expressions: - - K+ - - and(K-, N-) - - and(K-, S+) + - N+ + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-14107 type: explored -- comm_cost: 0.6951359953703704 - complexity: 27 - expressions: - - SE- - - and(K-, not(R+)) - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) - - or(S+, N+) - - or(S+, or(N+, R-)) - name: explored-14108 - type: explored -- comm_cost: 0.1468750000000003 - complexity: 12 +- comm_cost: 0.28524305555555574 + complexity: 10 expressions: + - K+ - N+ - - R- - S+ - - and(K-, SE-) + - SE+ - and(N-, R+) - and(S-, SE-) - name: explored-14109 + name: explored-14108 type: explored -- comm_cost: 0.37421875000000016 - complexity: 22 +- comm_cost: 0.3977430555555558 + complexity: 16 expressions: - - K+ - N+ - R- + - and(K-, not(R+)) - and(N-, R+) - and(N-, not(R-)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(S+, R-) + name: explored-14109 + type: explored +- comm_cost: 0.7127945188492064 + complexity: 46 + expressions: + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, SE+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) + - or(K+, or(N+, R-)) + - or(N+, R-) + - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-14110 type: explored -- comm_cost: 0.31510416666666685 - complexity: 16 +- comm_cost: 0.5946180555555557 + complexity: 14 expressions: - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - not(R+) + - R+ + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) name: explored-14111 type: explored -- comm_cost: 0.5810763888888889 - complexity: 5 +- comm_cost: 0.6457465277777779 + complexity: 6 expressions: - - K+ - - N+ - - R- - - S+ + - R+ - SE- + - SE- + - and(K-, N-) name: explored-14112 type: explored -- comm_cost: 0.22430555555555587 - complexity: 21 +- comm_cost: 0.3968750000000003 + complexity: 13 expressions: - - K+ - N+ - - R- - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-14113 type: explored -- comm_cost: 0.6923611111111111 - complexity: 11 +- comm_cost: 0.850625 + complexity: 10 expressions: - - N+ - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(N+, not(R+))) + - or(N+, not(R+)) name: explored-14114 type: explored -- comm_cost: 0.3861979166666666 - complexity: 12 +- comm_cost: 0.1531250000000004 + complexity: 13 expressions: - N+ - R- - S+ - - and(K-, S+) + - SE- + - and(N-, R+) + - and(S-, SE-) - and(S-, SE-) - - or(S+, R+) name: explored-14115 type: explored -- comm_cost: 0.6526041666666668 - complexity: 12 +- comm_cost: 0.6937500000000001 + complexity: 9 expressions: - - R- - - SE- - - and(K-, or(S+, SE+)) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) + - or(K+, R+) name: explored-14116 type: explored -- comm_cost: 0.5625000000000002 - complexity: 7 +- comm_cost: 0.7758680555555556 + complexity: 9 expressions: - - R- - SE- - - and(N-, R+) - - not(R-) + - and(K-, or(SE-, N+)) + - or(K+, K-) name: explored-14117 type: explored -- comm_cost: 0.5050000000000001 - complexity: 7 +- comm_cost: 0.6074652777777779 + complexity: 8 expressions: - - K+ - - K- - N+ - - R- + - S+ - and(N-, R+) + - or(K+, K-) name: explored-14118 type: explored -- comm_cost: 0.6505208333333334 - complexity: 11 +- comm_cost: 0.41953125000000013 + complexity: 17 expressions: - - K- - - R+ + - K+ + - N+ - R- - - SE- - - and(or(K+, S-), or(SE-, N+)) + - S+ + - and(K-, N-) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-14119 type: explored -- comm_cost: 0.2312500000000003 - complexity: 9 +- comm_cost: 0.190277777777778 + complexity: 17 expressions: - - K+ + - N+ - R- - R- + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) name: explored-14120 type: explored -- comm_cost: 0.5560763888888891 - complexity: 16 +- comm_cost: 0.39166666666666683 + complexity: 11 expressions: - N+ - - R+ - R- - - S+ - - SE- - - and(and(K-, N-), not(R-)) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-14121 type: explored -- comm_cost: 0.6262152777777779 - complexity: 8 +- comm_cost: 0.6076388888888891 + complexity: 11 expressions: - - R+ - - and(S-, SE-) - - and(S-, not(R-)) + - SE- + - and(N-, or(K+, R+)) + - or(K+, or(N+, R-)) name: explored-14122 type: explored -- comm_cost: 0.5267592592592595 - complexity: 17 +- comm_cost: 0.4614583333333334 + complexity: 16 expressions: - - N+ + - K+ + - R+ - R- - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(N+, not(R+)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R-) name: explored-14123 type: explored -- comm_cost: 0.5602430555555556 +- comm_cost: 0.6211805555555558 complexity: 17 expressions: - - R+ - - R- - SE- - - and(and(K-, N-), or(S+, R+)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE-, or(K+, S-)) name: explored-14124 type: explored -- comm_cost: 0.6501041666666668 - complexity: 6 +- comm_cost: 0.46944444444444466 + complexity: 19 expressions: - N+ - - R+ - - SE- - - or(S+, SE+) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-14125 type: explored -- comm_cost: 0.6479166666666667 - complexity: 5 +- comm_cost: 0.7541666666666668 + complexity: 8 expressions: - - R- - - SE- - - or(S+, R+) + - and(N-, or(K+, SE+)) + - or(S+, N+) name: explored-14126 type: explored -- comm_cost: 0.5996093750000001 +- comm_cost: 0.587152777777778 complexity: 8 expressions: - - K+ - - N+ - - R- - - S+ - - SE- - - or(K+, SE+) + - R+ + - and(K-, not(R+)) + - or(S+, R-) name: explored-14127 type: explored -- comm_cost: 0.6231712962962965 - complexity: 15 +- comm_cost: 0.34739583333333357 + complexity: 18 expressions: - - K- + - K+ - N+ - - SE- + - R- - and(N-, R+) - - and(S-, not(R-)) - - or(S+, or(N+, R-)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-14128 type: explored -- comm_cost: 0.20416666666666705 - complexity: 11 +- comm_cost: 0.1947048611111114 + complexity: 17 expressions: - K+ - N+ - - and(K-, SE-) + - R- - and(N-, R+) - and(S-, SE-) + - or(N+, R-) + - or(S+, or(N+, R-)) name: explored-14129 type: explored -- comm_cost: 0.46597222222222245 - complexity: 11 +- comm_cost: 0.45026041666666683 + complexity: 22 expressions: + - K+ + - N+ - R- - - SE- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-14130 type: explored -- comm_cost: 0.5927083333333334 - complexity: 14 +- comm_cost: 0.17638888888888915 + complexity: 18 expressions: - - K+ - N+ - R- - - SE- - - and(N-, not(R-)) - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-14131 type: explored -- comm_cost: 0.3515625000000002 +- comm_cost: 0.26041666666666685 complexity: 19 expressions: - K+ - N+ - R- - - SE- - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-14132 type: explored -- comm_cost: 0.42916666666666703 - complexity: 9 +- comm_cost: 0.4416666666666669 + complexity: 20 expressions: + - K+ - N+ + - R- + - and(K-, N-) - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(SE-, N+) name: explored-14133 type: explored -- comm_cost: 0.37170138888888904 - complexity: 13 +- comm_cost: 0.7748263888888889 + complexity: 7 expressions: - - R+ - - R- - - S+ - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - SE- + - or(K+, K-) + - or(K+, R-) name: explored-14134 type: explored -- comm_cost: 0.6858796296296297 - complexity: 11 +- comm_cost: 0.6506770833333334 + complexity: 38 expressions: - - SE+ - - and(K-, not(R-)) - - and(S-, SE-) - - or(K+, S-) + - and(N-, or(K+, SE+)) + - and(S-, N-) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - and(and(S-, N-), not(R-)) + - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-14135 type: explored -- comm_cost: 0.5448784722222224 - complexity: 14 +- comm_cost: 0.5197916666666669 + complexity: 16 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) - - or(K+, SE+) + - SE- + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-14136 type: explored -- comm_cost: 0.6927083333333335 - complexity: 5 +- comm_cost: 0.6387847222222224 + complexity: 13 expressions: - - K+ - - R+ - - or(S+, N+) + - N+ + - R- + - S- + - SE- + - and(N-, R+) + - or(K+, S-) + - or(K+, SE+) name: explored-14137 type: explored -- comm_cost: 0.5993489583333335 - complexity: 19 +- comm_cost: 0.5340277777777779 + complexity: 6 expressions: - - R+ + - N+ - R- - SE- - - and(K-, not(R+)) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, N-) name: explored-14138 type: explored -- comm_cost: 0.42576388888888916 - complexity: 17 +- comm_cost: 0.20052083333333348 + complexity: 19 expressions: - - K+ - - K- - N+ - R- - - and(N-, R+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, N+) name: explored-14139 type: explored -- comm_cost: 0.5305555555555558 - complexity: 15 +- comm_cost: 0.4916666666666668 + complexity: 10 expressions: + - R+ - R- - - and(K-, not(R+)) - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) + - and(K-, SE-) + - and(S-, or(SE-, N+)) name: explored-14140 type: explored -- comm_cost: 0.40300925925925946 - complexity: 20 +- comm_cost: 0.6002604166666669 + complexity: 6 expressions: - - N+ - - R- + - R+ - and(K-, S+) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - not(R+) name: explored-14141 type: explored -- comm_cost: 0.3963541666666668 - complexity: 19 +- comm_cost: 0.6123206018518521 + complexity: 18 expressions: - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-14142 type: explored -- comm_cost: 0.47239583333333357 - complexity: 19 +- comm_cost: 0.688888888888889 + complexity: 6 + expressions: + - R+ + - S- + - and(K-, not(R+)) + name: explored-14143 + type: explored +- comm_cost: 0.14696180555555594 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - S+ - - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - name: explored-14143 + - or(K+, or(N+, R-)) + name: explored-14144 type: explored -- comm_cost: 0.3685763888888891 - complexity: 16 +- comm_cost: 0.4726504629629631 + complexity: 15 expressions: - N+ - - SE- + - N- + - S+ - and(N-, R+) - - and(S-, not(R+)) - - or(and(K-, S+), or(N+, R-)) - name: explored-14144 - type: explored -- comm_cost: 0.39270833333333344 - complexity: 11 - expressions: - - K+ - - R+ - - R- - - and(K-, or(SE-, N+)) - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-14145 type: explored -- comm_cost: 0.6235243055555557 - complexity: 13 +- comm_cost: 0.5286458333333335 + complexity: 14 expressions: - - N+ + - R+ - SE- - - and(K-, not(R-)) - - and(N-, R+) - - and(N-, not(R-)) + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-14146 type: explored -- comm_cost: 0.7132812500000002 - complexity: 8 +- comm_cost: 0.44704861111111127 + complexity: 10 expressions: - - and(K-, or(S+, SE+)) - - and(N-, R+) + - K+ + - R+ + - R- + - and(S-, SE-) + - and(S-, not(R-)) name: explored-14147 type: explored -- comm_cost: 0.6333333333333334 - complexity: 11 +- comm_cost: 0.45190972222222237 + complexity: 17 expressions: - - SE+ + - N+ + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(N+, not(R+)) name: explored-14148 type: explored -- comm_cost: 0.5512152777777779 - complexity: 14 +- comm_cost: 0.7876736111111112 + complexity: 4 expressions: - - N+ - - R- - - S- - - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - SE+ + - or(N+, R-) name: explored-14149 type: explored -- comm_cost: 0.3640625000000003 - complexity: 17 +- comm_cost: 0.16302083333333361 + complexity: 14 expressions: + - N+ - R- - - SE- - - and(K-, or(S+, N+)) + - S+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-14150 type: explored -- comm_cost: 0.7763020833333334 - complexity: 6 +- comm_cost: 0.5542187500000001 + complexity: 10 expressions: - - R+ - - and(K-, or(S+, SE+)) + - N+ + - N- + - R- + - and(N-, not(R-)) + - and(S-, SE-) name: explored-14151 type: explored -- comm_cost: 0.4388888888888892 - complexity: 10 +- comm_cost: 0.3421006944444446 + complexity: 15 expressions: - K+ + - N+ - R- - - SE- - - and(K-, not(R+)) + - SE+ - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-14152 type: explored -- comm_cost: 0.6078125000000001 - complexity: 13 +- comm_cost: 0.21458333333333357 + complexity: 18 expressions: - - N+ + - K+ - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - - or(K+, SE+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-14153 type: explored -- comm_cost: 0.4770833333333334 - complexity: 14 +- comm_cost: 0.5725694444444447 + complexity: 10 expressions: - - N+ - - R- - - S+ - - S- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - K+ + - R+ + - SE- + - or(and(K-, S+), or(N+, R-)) name: explored-14154 type: explored -- comm_cost: 0.6957465277777779 - complexity: 13 +- comm_cost: 0.5364583333333335 + complexity: 10 expressions: + - N+ - R+ - - and(K-, or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - R- + - SE+ + - SE- + - and(SE-, or(K+, S-)) name: explored-14155 type: explored -- comm_cost: 0.4809895833333333 - complexity: 14 +- comm_cost: 0.6630208333333335 + complexity: 6 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(N+, R-) name: explored-14156 type: explored -- comm_cost: 0.48958333333333326 - complexity: 5 +- comm_cost: 0.6310185185185186 + complexity: 8 expressions: - N+ - - R- - - and(S-, SE-) + - S- + - and(N-, R+) + - or(K+, R+) name: explored-14157 type: explored -- comm_cost: 0.42213541666666676 - complexity: 10 +- comm_cost: 0.6210937500000001 + complexity: 5 expressions: - - K+ - - R+ - - and(S-, SE-) - - or(S+, or(N+, R-)) + - N+ + - R- + - and(K-, N-) name: explored-14158 type: explored -- comm_cost: 0.5696759259259261 - complexity: 14 +- comm_cost: 0.6458333333333335 + complexity: 6 expressions: - N+ - - N+ - - R+ - - R- - - SE- - - and(K-, N-) - - and(or(K+, S-), not(R+)) + - and(N-, or(K+, R+)) name: explored-14159 type: explored -- comm_cost: 0.7065104166666667 - complexity: 13 +- comm_cost: 0.5884288194444447 + complexity: 15 expressions: + - N+ + - R- + - SE- - SE- - and(K-, or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - or(S+, SE+) name: explored-14160 type: explored -- comm_cost: 0.5885416666666669 - complexity: 14 +- comm_cost: 0.6307291666666669 + complexity: 10 expressions: - SE- - and(N-, R+) - - and(N-, or(K+, S-)) - - or(K+, or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-14161 type: explored -- comm_cost: 0.47378472222222245 - complexity: 9 +- comm_cost: 0.6345052083333335 + complexity: 16 expressions: - - K+ - - K+ - - N+ - - R- - - S- + - S+ - SE- - - and(N-, R+) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - not(R+) name: explored-14162 type: explored -- comm_cost: 0.4618055555555558 - complexity: 10 +- comm_cost: 0.255729166666667 + complexity: 17 expressions: + - K+ + - K+ - N+ - - N- - R- - - SE- - - and(K-, S+) + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(S-, SE-) name: explored-14163 type: explored -- comm_cost: 0.37170138888888904 - complexity: 15 +- comm_cost: 0.565902777777778 + complexity: 14 expressions: - N+ - - R- - - S+ - - and(K-, not(R+)) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-14164 type: explored -- comm_cost: 0.4062500000000002 - complexity: 13 +- comm_cost: 0.5173611111111114 + complexity: 10 expressions: - - K+ - N+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-14165 type: explored -- comm_cost: 0.4642361111111112 - complexity: 10 +- comm_cost: 0.6598958333333335 + complexity: 23 expressions: - R+ - - S+ - - and(K-, or(S+, R+)) - - and(S-, SE-) + - SE- + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14166 type: explored -- comm_cost: 0.34375000000000033 - complexity: 11 +- comm_cost: 0.3798611111111113 + complexity: 18 expressions: + - K+ - N+ - - SE- + - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - and(and(K-, N-), not(R-)) + - or(S+, R-) name: explored-14167 type: explored -- comm_cost: 0.6964583333333334 - complexity: 11 +- comm_cost: 0.5756944444444447 + complexity: 10 expressions: + - R+ + - and(N-, R+) - and(and(S-, N-), not(R-)) - - not(R-) - - or(K+, N+) name: explored-14168 type: explored -- comm_cost: 0.5419270833333333 - complexity: 10 +- comm_cost: 0.5419444444444447 + complexity: 13 expressions: - - N+ - - R- + - R+ + - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(K+, R-) + - or(K+, S-) name: explored-14169 type: explored -- comm_cost: 0.5640625000000002 - complexity: 11 +- comm_cost: 0.5919270833333334 + complexity: 14 expressions: - N+ - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - R+ + - SE- + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-14170 type: explored -- comm_cost: 0.3255208333333337 - complexity: 8 +- comm_cost: 0.6478819444444446 + complexity: 5 expressions: - - N+ + - K- + - R+ + - R- + - SE- - SE- - - and(N-, R+) - - or(K+, R-) name: explored-14171 type: explored -- comm_cost: 0.6009259259259261 - complexity: 17 +- comm_cost: 0.18645833333333361 + complexity: 19 expressions: + - K+ - N+ - - R+ - R- - - SE+ - - SE- - - and(N-, or(K+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-14172 type: explored -- comm_cost: 0.2722656250000002 - complexity: 15 +- comm_cost: 0.36788194444444455 + complexity: 14 expressions: - K+ - - K+ - - N+ - - S+ + - R- + - SE+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-14173 type: explored -- comm_cost: 0.4152777777777781 - complexity: 19 +- comm_cost: 0.5908333333333335 + complexity: 6 expressions: - - N+ - - SE- + - R- - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(and(S-, SE-), or(N+, R-)) + - not(R-) name: explored-14174 type: explored -- comm_cost: 0.7708333333333334 - complexity: 4 +- comm_cost: 0.21250000000000036 + complexity: 10 expressions: - N+ - - or(K+, K-) + - R- + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) name: explored-14175 type: explored -- comm_cost: 0.7496440972222222 - complexity: 18 +- comm_cost: 0.35512152777777795 + complexity: 20 expressions: + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) - - or(S+, SE+) + - and(S-, N-) + - and(S-, SE-) name: explored-14176 type: explored -- comm_cost: 0.6073784722222224 - complexity: 13 +- comm_cost: 0.5687500000000003 + complexity: 6 expressions: - - N+ - - R+ - - R- - - SE- - - SE- - - and(N-, or(S+, SE+)) - - or(S+, R+) + - and(N-, R+) + - or(S+, N+) name: explored-14177 type: explored -- comm_cost: 0.5651041666666666 - complexity: 10 +- comm_cost: 0.5532118055555557 + complexity: 14 expressions: - N+ - - SE- - - and(K-, or(S+, R-)) - - and(S-, SE-) + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - or(S+, R+) name: explored-14178 type: explored -- comm_cost: 0.3309317129629631 - complexity: 20 +- comm_cost: 0.5730902777777778 + complexity: 15 expressions: - K+ - N+ - R- - - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(S+, R+)) + - and(K-, S+) - and(S-, SE-) + - or(S+, N+) + - or(SE-, N+) name: explored-14179 type: explored -- comm_cost: 0.7544270833333334 - complexity: 33 - expressions: - - R+ - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R+) - - or(and(K-, S+), or(N+, R-)) - name: explored-14180 - type: explored -- comm_cost: 0.633888888888889 - complexity: 11 +- comm_cost: 0.4505208333333336 + complexity: 20 expressions: + - K+ + - N+ - R- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - not(R-) - - or(K+, or(N+, R-)) - name: explored-14181 + name: explored-14180 type: explored -- comm_cost: 0.36675347222222243 - complexity: 18 +- comm_cost: 0.03385416666666696 + complexity: 14 expressions: - K+ + - K+ - N+ - R- - S+ - - and(K-, or(SE-, N+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) - name: explored-14182 - type: explored -- comm_cost: 0.5015625000000001 - complexity: 10 - expressions: - - R+ - - and(S-, SE-) - - or(K+, N+) - - or(S+, R+) - name: explored-14183 + name: explored-14181 type: explored -- comm_cost: 0.6495746527777779 - complexity: 13 +- comm_cost: 0.4135416666666669 + complexity: 8 expressions: - - R+ - R- - SE- - - and(SE-, or(K+, S-)) - - not(R-) - - or(K+, SE+) - name: explored-14184 + - and(N-, R+) + - or(SE-, N+) + name: explored-14182 type: explored -- comm_cost: 0.46944444444444444 - complexity: 15 +- comm_cost: 0.3333333333333337 + complexity: 9 + expressions: + - N+ + - R- + - SE- + - and(N-, R+) + - or(S+, N+) + name: explored-14183 + type: explored +- comm_cost: 0.39513888888888915 + complexity: 12 expressions: - K+ - N+ + - SE- - and(K-, S+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-14185 + - and(N-, R+) + - or(S+, N+) + name: explored-14184 type: explored -- comm_cost: 0.45572916666666685 - complexity: 16 +- comm_cost: 0.5042187500000002 + complexity: 11 expressions: - - N+ + - K+ + - K+ + - N- - R- - - SE- + - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, N+) + - and(S-, SE-) + name: explored-14185 + type: explored +- comm_cost: 0.6812500000000001 + complexity: 20 + expressions: + - K+ + - and(K-, SE-) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-14186 type: explored -- comm_cost: 0.3187500000000003 - complexity: 18 +- comm_cost: 0.4006076388888893 + complexity: 15 expressions: - K+ - R- + - SE- - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) name: explored-14187 type: explored -- comm_cost: 0.3822916666666668 - complexity: 15 +- comm_cost: 0.4213541666666669 + complexity: 6 expressions: - - R+ - - R- + - K+ + - N+ - S+ - - and(S-, SE-) - - or(K+, N+) - - or(K+, R+) - - or(N+, R-) + - and(N-, R+) name: explored-14188 type: explored -- comm_cost: 0.696545138888889 - complexity: 12 +- comm_cost: 0.7606770833333334 + complexity: 14 expressions: - - K- - - R+ - - R- - - SE- - - and(K-, or(S+, R-)) - - or(K+, S-) + - K+ + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) name: explored-14189 type: explored -- comm_cost: 0.6912500000000001 - complexity: 4 +- comm_cost: 0.6269097222222224 + complexity: 18 expressions: - - K- - - N+ - - SE+ - - SE- + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), not(R+)) + - or(S+, N+) name: explored-14190 type: explored -- comm_cost: 0.49921875000000027 - complexity: 13 +- comm_cost: 0.3303819444444447 + complexity: 19 expressions: + - K+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-14191 type: explored -- comm_cost: 0.15729166666666683 - complexity: 19 +- comm_cost: 0.43072916666666683 + complexity: 17 expressions: - K+ - - K+ - N+ - R- - - S+ - - and(K-, SE-) - - and(K-, or(S+, N+)) + - and(K-, not(R-)) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) name: explored-14192 type: explored -- comm_cost: 0.778125 - complexity: 7 +- comm_cost: 0.5708333333333334 + complexity: 16 expressions: + - N+ - R- - - SE- - - and(K-, or(S+, R-)) + - and(K-, or(N+, not(R+))) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-14193 type: explored -- comm_cost: 0.6635416666666668 - complexity: 9 +- comm_cost: 0.5207754629629632 + complexity: 18 expressions: - - R+ - - R+ - - or(and(K-, SE-), or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, S-)) name: explored-14194 type: explored -- comm_cost: 0.5299189814814815 - complexity: 13 +- comm_cost: 0.7616666666666667 + complexity: 11 expressions: - N+ - - R- - - and(S-, N-) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - SE- + - and(S-, or(SE-, N+)) + - or(N+, not(R+)) name: explored-14195 type: explored -- comm_cost: 0.33236111111111144 - complexity: 21 +- comm_cost: 0.5511631944444446 + complexity: 11 expressions: - - K+ - N+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(N+, not(R+)) + - not(R+) + - or(K+, S-) name: explored-14196 type: explored -- comm_cost: 0.6340277777777779 - complexity: 3 +- comm_cost: 0.25355902777777806 + complexity: 20 expressions: - - R- - - SE+ - - SE- + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-14197 type: explored -- comm_cost: 0.5004166666666668 - complexity: 11 +- comm_cost: 0.4381250000000002 + complexity: 15 expressions: - N+ - - N+ + - R- + - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - not(R-) name: explored-14198 type: explored -- comm_cost: 0.46388888888888913 - complexity: 19 +- comm_cost: 0.5750000000000001 + complexity: 8 expressions: - - N+ - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - R- + - SE- + - and(and(S-, N-), not(R-)) name: explored-14199 type: explored -- comm_cost: 0.5322916666666668 - complexity: 17 +- comm_cost: 0.177604166666667 + complexity: 15 expressions: + - K+ - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-14200 type: explored -- comm_cost: 0.612152777777778 - complexity: 18 +- comm_cost: 0.6708333333333334 + complexity: 4 expressions: - - R+ - - and(K-, not(R+)) - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - K+ + - N+ + - R- name: explored-14201 type: explored -- comm_cost: 0.7096006944444445 - complexity: 6 +- comm_cost: 0.8256944444444445 + complexity: 4 expressions: - - R+ - - S- - SE- - - or(K+, S-) + - or(S+, R-) name: explored-14202 type: explored -- comm_cost: 0.5125000000000003 - complexity: 14 +- comm_cost: 0.4081597222222223 + complexity: 21 expressions: - - N+ - - SE- + - K+ + - K+ + - R- + - S+ + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-14203 type: explored -- comm_cost: 0.3836805555555558 - complexity: 17 +- comm_cost: 0.7196128472222223 + complexity: 28 expressions: - - N+ - - R- - - S+ - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - N- + - and(K-, or(S+, R+)) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) + - not(R-) + - or(N+, R-) + - or(S+, R-) + - or(SE-, N+) name: explored-14204 type: explored -- comm_cost: 0.1921875000000004 - complexity: 13 +- comm_cost: 0.34479166666666683 + complexity: 16 expressions: - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(K-, or(S+, N+)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-14205 type: explored -- comm_cost: 0.16562500000000036 - complexity: 13 +- comm_cost: 0.6730208333333334 + complexity: 4 expressions: - - K+ + - K- - N+ - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - R+ + - R- name: explored-14206 type: explored -- comm_cost: 0.3456597222222224 - complexity: 20 +- comm_cost: 0.3176793981481484 + complexity: 15 expressions: - K+ - N+ - - and(K-, S+) + - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - not(R+) + - or(K+, SE+) + - or(S+, R-) name: explored-14207 type: explored -- comm_cost: 0.3861111111111114 +- comm_cost: 0.45763888888888904 complexity: 22 expressions: - K+ + - K+ - N+ - R- - S+ - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(SE-, N+) + - or(K+, K-) + - or(K+, N+) + - or(K+, or(N+, R-)) name: explored-14208 type: explored -- comm_cost: 0.33859953703703727 - complexity: 19 +- comm_cost: 0.47083333333333366 + complexity: 15 expressions: - - K+ - - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(and(S-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R+)) + - or(S+, or(N+, R-)) name: explored-14209 type: explored -- comm_cost: 0.5117187500000002 +- comm_cost: 0.34479166666666705 complexity: 12 expressions: - - R- - - SE- + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) name: explored-14210 type: explored -- comm_cost: 0.6831597222222223 +- comm_cost: 0.6727430555555556 complexity: 11 expressions: - - N- - - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-14211 type: explored -- comm_cost: 0.34331597222222243 +- comm_cost: 0.5092881944444445 + complexity: 13 + expressions: + - R+ + - and(K-, S+) + - and(S-, SE-) + - or(S+, R+) + - or(S+, SE+) + name: explored-14212 + type: explored +- comm_cost: 0.5958333333333333 complexity: 18 expressions: - K+ - N+ - R- - - and(K-, N-) - - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - name: explored-14212 - type: explored -- comm_cost: 0.6497395833333335 - complexity: 3 - expressions: - - R+ - - S+ - - S- + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-14213 type: explored -- comm_cost: 0.3148003472222224 - complexity: 22 +- comm_cost: 0.3695312500000002 + complexity: 14 expressions: - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-14214 type: explored -- comm_cost: 0.6976562500000001 +- comm_cost: 0.5402777777777781 complexity: 9 expressions: - N+ - - R- - SE- - - or(K+, K-) - - or(S+, R+) + - and(N-, R+) + - and(S-, not(R-)) name: explored-14215 type: explored -- comm_cost: 0.36527777777777803 - complexity: 15 +- comm_cost: 0.19453125000000027 + complexity: 14 expressions: - N+ - - and(K-, S+) - - and(K-, or(S+, R+)) + - R- + - S+ - and(N-, R+) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-14216 type: explored -- comm_cost: 0.6827256944444445 - complexity: 11 +- comm_cost: 0.6539583333333334 + complexity: 9 expressions: - - K+ - R+ - R- - - and(K-, or(S+, SE+)) - - or(K+, R-) + - SE- + - and(S-, N-) + - or(S+, SE+) name: explored-14217 type: explored -- comm_cost: 0.6469618055555557 - complexity: 13 +- comm_cost: 0.43671875000000027 + complexity: 18 expressions: - - R+ + - N+ - SE- - - and(and(K-, N-), not(R-)) - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-14218 type: explored -- comm_cost: 0.5142650462962964 - complexity: 12 +- comm_cost: 0.6597222222222222 + complexity: 11 expressions: - - K+ - - R+ + - N+ - R- - - and(S-, N-) - and(S-, SE-) - - or(S+, R+) + - and(S-, or(N+, not(R+))) name: explored-14219 type: explored -- comm_cost: 0.3060763888888891 - complexity: 14 +- comm_cost: 0.418402777777778 + complexity: 16 expressions: - - R- - - S+ + - N+ - and(N-, R+) - and(S-, SE-) - - or(K+, R+) - - or(S+, N+) + - and(and(K-, N-), not(R-)) + - or(N+, R-) name: explored-14220 type: explored -- comm_cost: 0.4208333333333336 - complexity: 18 +- comm_cost: 0.5346180555555555 + complexity: 11 expressions: - K+ - N+ + - N- - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - S+ + - and(S-, SE-) + - or(N+, R-) name: explored-14221 type: explored -- comm_cost: 0.6484375000000002 - complexity: 9 +- comm_cost: 0.45428240740740755 + complexity: 18 expressions: + - K+ - R- + - SE+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-14222 type: explored -- comm_cost: 0.5489583333333334 - complexity: 12 +- comm_cost: 0.5970486111111113 + complexity: 6 expressions: - - N+ + - K+ - R+ - - and(K-, S+) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(K-, N-) name: explored-14223 type: explored -- comm_cost: 0.31805555555555576 - complexity: 25 +- comm_cost: 0.7604166666666666 + complexity: 3 expressions: - - N+ - R- - - and(K-, or(S+, N+)) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - SE- name: explored-14224 type: explored -- comm_cost: 0.6512500000000001 - complexity: 5 +- comm_cost: 0.7581597222222223 + complexity: 10 expressions: - - K- - - N+ - - and(S-, SE-) + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) name: explored-14225 type: explored -- comm_cost: 0.7947916666666668 - complexity: 4 +- comm_cost: 0.44291666666666674 + complexity: 23 expressions: - - and(K-, not(R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-14226 type: explored -- comm_cost: 0.6654803240740742 - complexity: 14 +- comm_cost: 0.5994791666666669 + complexity: 10 expressions: - - R+ - - and(K-, or(S+, R+)) - - and(N-, or(K+, S-)) - - or(N+, R-) + - R- + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-14227 type: explored -- comm_cost: 0.2884837962962965 - complexity: 18 +- comm_cost: 0.5225000000000002 + complexity: 11 expressions: - - N+ + - N- - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-14228 type: explored -- comm_cost: 0.2347222222222225 +- comm_cost: 0.44192708333333375 complexity: 13 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(K-, not(R+)) + - SE- - and(N-, R+) + - and(S-, not(R+)) + - or(S+, or(N+, R-)) name: explored-14229 type: explored -- comm_cost: 0.39322916666666696 - complexity: 14 +- comm_cost: 0.5914930555555558 + complexity: 11 expressions: - - N+ - - R- + - R+ - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - or(S+, R-) + - and(S-, or(N+, not(R+))) + - and(SE+, N-) name: explored-14230 type: explored -- comm_cost: 0.7183015046296297 - complexity: 21 +- comm_cost: 0.6938368055555557 + complexity: 11 expressions: - - SE+ - - and(K-, N-) - - and(K-, or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, or(N+, R-)) + - R+ + - R- + - and(or(K+, S-), not(R-)) + - or(K+, SE+) name: explored-14231 type: explored -- comm_cost: 0.5003125000000002 - complexity: 13 +- comm_cost: 0.23564814814814827 + complexity: 19 expressions: - - R+ + - K+ + - N+ - R- - - S+ - - and(N-, or(K+, R+)) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(N-, or(S+, R+)) - and(S-, SE-) - - not(R-) name: explored-14232 type: explored -- comm_cost: 0.6775173611111113 - complexity: 5 +- comm_cost: 0.31510416666666685 + complexity: 18 expressions: - - N- - - R+ - - SE- + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) - not(R+) name: explored-14233 type: explored -- comm_cost: 0.5528645833333335 - complexity: 9 +- comm_cost: 0.539207175925926 + complexity: 18 expressions: + - K+ + - K+ - N+ - - R+ - - R- - - SE- - - or(S+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, K-) name: explored-14234 type: explored -- comm_cost: 0.2487847222222226 - complexity: 19 +- comm_cost: 0.5076388888888891 + complexity: 10 expressions: - - R- - - and(K-, or(S+, N+)) + - N+ - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, N-) + - or(S+, N+) name: explored-14235 type: explored -- comm_cost: 0.43072916666666683 - complexity: 16 +- comm_cost: 0.670523726851852 + complexity: 39 expressions: - - R+ - - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - or(K+, R-) + - SE- + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, R+)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - or(N+, R-) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-14236 type: explored -- comm_cost: 0.4626041666666668 - complexity: 20 +- comm_cost: 0.5298611111111113 + complexity: 9 expressions: - K+ - - K+ - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, R+) name: explored-14237 type: explored -- comm_cost: 0.5545138888888891 - complexity: 10 +- comm_cost: 0.32343750000000027 + complexity: 13 expressions: - N+ - - SE- + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - not(R+) - - or(K+, SE+) + - and(S-, SE-) name: explored-14238 type: explored -- comm_cost: 0.31012731481481504 - complexity: 21 +- comm_cost: 0.6048032407407409 + complexity: 13 expressions: - - K+ - N+ - - R- - - S+ - - and(K-, SE-) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - R+ + - SE- + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) name: explored-14239 type: explored -- comm_cost: 0.6484375 - complexity: 14 +- comm_cost: 0.4726562500000002 + complexity: 12 expressions: - R- - - and(K-, or(S+, R-)) + - S+ + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-14240 type: explored -- comm_cost: 0.6063541666666669 - complexity: 10 +- comm_cost: 0.5432291666666669 + complexity: 9 expressions: - N+ - - N- - - R- - - S+ + - R+ + - SE- - and(N-, R+) - - or(K+, S-) + - or(SE-, N+) name: explored-14241 type: explored -- comm_cost: 0.6718750000000002 - complexity: 5 +- comm_cost: 0.6593750000000002 + complexity: 6 expressions: - R+ - - R+ - - or(K+, R-) + - and(K-, or(SE-, N+)) name: explored-14242 type: explored -- comm_cost: 0.6378414351851853 - complexity: 15 +- comm_cost: 0.25254629629629655 + complexity: 23 expressions: + - K+ - N+ - - R+ - R- - - S- - - SE- - - and(K-, or(S+, R+)) - - or(S+, or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-14243 type: explored -- comm_cost: 0.7119097222222224 - complexity: 11 +- comm_cost: 0.3755208333333335 + complexity: 8 expressions: + - K+ + - N+ - R+ - - or(K+, S-) - - or(and(K-, S+), or(N+, R-)) + - R- + - SE- + - and(N-, R+) name: explored-14244 type: explored -- comm_cost: 0.49586226851851867 - complexity: 12 +- comm_cost: 0.6573587962962963 + complexity: 38 expressions: - - N+ - - R- - - S- - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - R+ + - SE+ + - and(N-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) + - or(K+, N+) + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-14245 type: explored -- comm_cost: 0.2982638888888891 - complexity: 15 +- comm_cost: 0.29704861111111125 + complexity: 13 expressions: - - N+ - R- + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - or(N+, R-) name: explored-14246 type: explored -- comm_cost: 0.6152777777777778 - complexity: 20 +- comm_cost: 0.344010416666667 + complexity: 11 expressions: - - and(N-, or(K+, R+)) - - and(S-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) - - or(S+, R+) + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-14247 type: explored -- comm_cost: 0.6993055555555556 - complexity: 9 +- comm_cost: 0.4682291666666668 + complexity: 14 expressions: - - and(N-, or(S+, R+)) - - and(S-, not(R-)) + - N+ + - R+ + - R- + - SE- + - and(N-, or(K+, R+)) + - and(S-, or(SE-, N+)) name: explored-14248 type: explored -- comm_cost: 0.6809027777777777 - complexity: 6 +- comm_cost: 0.41956018518518534 + complexity: 18 expressions: + - K+ + - N+ - R- - - SE- - - SE- - - or(K+, N+) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) name: explored-14249 type: explored -- comm_cost: 0.6182291666666668 - complexity: 10 +- comm_cost: 0.4453125000000001 + complexity: 25 expressions: - - K- + - K+ - N+ + - R- + - S+ - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-14250 type: explored -- comm_cost: 0.6304398148148149 - complexity: 8 +- comm_cost: 0.13576388888888924 + complexity: 19 expressions: - - R+ + - K+ + - N+ - R- - - and(S-, N-) - - or(K+, R+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(N+, R-) name: explored-14251 type: explored -- comm_cost: 0.5899739583333334 - complexity: 17 +- comm_cost: 0.6350115740740742 + complexity: 19 expressions: - - N+ - R+ - - R- - - SE- - SE- - - and(N-, or(K+, S-)) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, or(N+, not(R+))) + - and(N-, or(K+, R+)) + - and(and(K-, N-), not(R-)) name: explored-14252 type: explored -- comm_cost: 0.18750000000000022 - complexity: 12 +- comm_cost: 0.5222222222222224 + complexity: 8 expressions: - K+ - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) + - SE- + - and(N-, or(K+, R+)) name: explored-14253 type: explored -- comm_cost: 0.6218750000000002 - complexity: 5 +- comm_cost: 0.5325520833333336 + complexity: 20 expressions: - - R+ - - R- - - or(S+, N+) + - K+ + - and(K-, not(R-)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-14254 type: explored -- comm_cost: 0.6390625000000001 - complexity: 9 +- comm_cost: 0.19687500000000036 + complexity: 12 expressions: - - R+ - - and(SE-, or(K+, S-)) - - or(S+, R+) + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-14255 type: explored -- comm_cost: 0.49131944444444453 - complexity: 11 +- comm_cost: 0.28906250000000033 + complexity: 22 expressions: - - K+ - N+ + - R- + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14256 type: explored -- comm_cost: 0.4593750000000003 - complexity: 9 +- comm_cost: 0.441666666666667 + complexity: 10 expressions: - - R- - - and(K-, or(S+, N+)) + - N+ + - N+ + - and(K-, or(SE-, N+)) - and(N-, R+) name: explored-14257 type: explored -- comm_cost: 0.46597222222222245 +- comm_cost: 0.6673611111111112 complexity: 9 expressions: - - R- + - R+ + - S- - SE- - - and(K-, not(R+)) - - and(N-, R+) + - and(SE+, N-) + - or(K+, SE+) name: explored-14258 type: explored -- comm_cost: 0.546527777777778 - complexity: 8 +- comm_cost: 0.5296875000000002 + complexity: 12 expressions: + - N+ - R- + - SE- + - and(K-, SE-) - and(N-, R+) - - and(S-, not(R-)) + - or(K+, K-) name: explored-14259 type: explored -- comm_cost: 0.6843750000000001 - complexity: 14 +- comm_cost: 0.3744791666666669 + complexity: 10 expressions: + - N+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - not(R+) - - or(S+, R+) + - or(SE-, N+) name: explored-14260 type: explored -- comm_cost: 0.6265046296296298 - complexity: 12 +- comm_cost: 0.5611458333333333 + complexity: 9 expressions: - - R+ + - N+ + - N- - R- - - and(K-, or(S+, R+)) - - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, N+) name: explored-14261 type: explored -- comm_cost: 0.47258680555555566 - complexity: 18 +- comm_cost: 0.5720486111111114 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - S+ + - R+ - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(S+, R+) + - and(S-, or(N+, not(R+))) name: explored-14262 type: explored -- comm_cost: 0.5322916666666667 - complexity: 12 +- comm_cost: 0.38107638888888906 + complexity: 13 expressions: - - K+ - N+ - R- - S+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-14263 type: explored -- comm_cost: 0.3630902777777779 - complexity: 18 +- comm_cost: 0.6907986111111113 + complexity: 11 expressions: - - K+ - - K+ - - K+ - - N+ - - N- - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R+ + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) name: explored-14264 type: explored -- comm_cost: 0.6270833333333333 - complexity: 18 +- comm_cost: 0.5186631944444446 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- - S+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - or(K+, R+) + - or(N+, R-) name: explored-14265 type: explored -- comm_cost: 0.5717303240740742 +- comm_cost: 0.3432291666666669 complexity: 12 expressions: - - K+ - - R+ + - N+ - R- - SE- - - and(K-, not(R-)) - - and(S-, not(R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-14266 type: explored -- comm_cost: 0.5348958333333336 - complexity: 12 +- comm_cost: 0.600607638888889 + complexity: 13 expressions: - - K+ + - R+ - R- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(K-, or(S+, N+)) + - and(N-, or(S+, SE+)) name: explored-14267 type: explored -- comm_cost: 0.5448784722222223 +- comm_cost: 0.4052083333333336 complexity: 11 expressions: - - K+ + - N+ - R+ - R- - SE- - - and(K-, SE-) - - and(K-, not(R-)) + - and(N-, R+) + - and(S-, not(R+)) name: explored-14268 type: explored -- comm_cost: 0.49583333333333335 - complexity: 5 +- comm_cost: 0.3164062500000001 + complexity: 12 expressions: - - N+ - - SE+ + - K+ + - K+ + - R- + - and(N-, R+) - and(S-, SE-) + - or(S+, R+) name: explored-14269 type: explored -- comm_cost: 0.2875578703703707 - complexity: 13 +- comm_cost: 0.45009490740740765 + complexity: 24 expressions: - K+ + - K+ - N+ - R- - - and(K-, not(R+)) + - S+ - and(N-, R+) - - or(K+, R-) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(S-, not(R-)) + - or(N+, not(R+)) name: explored-14270 type: explored -- comm_cost: 0.4320312500000003 - complexity: 12 +- comm_cost: 0.48958333333333326 + complexity: 6 expressions: - N+ - R- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - R- + - and(S-, SE-) name: explored-14271 type: explored -- comm_cost: 0.5837673611111114 - complexity: 12 +- comm_cost: 0.8368055555555557 + complexity: 5 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, not(R-)) - - or(SE-, N+) + - and(N-, or(S+, R+)) name: explored-14272 type: explored -- comm_cost: 0.26093750000000016 - complexity: 15 +- comm_cost: 0.6234953703703705 + complexity: 16 + expressions: + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), or(S+, SE+)) + name: explored-14273 + type: explored +- comm_cost: 0.3987413194444447 + complexity: 25 expressions: - - K+ - K+ - N+ - R- - S+ - - SE+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, N+) - name: explored-14273 + - and(S-, or(SE-, N+)) + - not(R+) + name: explored-14274 type: explored -- comm_cost: 0.5264467592592594 - complexity: 16 +- comm_cost: 0.5610677083333335 + complexity: 14 expressions: - - N+ + - R+ - R- + - S- - SE- - - and(K-, or(S+, SE+)) - and(N-, R+) - - or(K+, or(N+, R-)) - name: explored-14274 + - and(and(K-, N-), or(S+, R+)) + name: explored-14275 type: explored -- comm_cost: 0.5979166666666668 +- comm_cost: 0.693576388888889 complexity: 8 expressions: + - K- - R+ - - SE- - - and(and(S-, N-), not(R-)) - name: explored-14275 - type: explored -- comm_cost: 0.4545138888888889 - complexity: 9 - expressions: - - N+ - - R- - - S+ - - and(S-, SE-) - - or(S+, R-) + - and(or(K+, S-), not(R+)) name: explored-14276 type: explored -- comm_cost: 0.6677083333333333 - complexity: 8 - expressions: - - K+ - - N+ - - R- - - and(K-, or(S+, N+)) - name: explored-14277 - type: explored -- comm_cost: 0.7323958333333334 - complexity: 14 +- comm_cost: 0.691310763888889 + complexity: 30 expressions: - - and(K-, not(R-)) - - and(S-, not(R+)) + - and(K-, N-) + - and(K-, S+) + - and(N-, or(S+, R+)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) - or(S+, SE+) - - or(SE-, N+) - name: explored-14278 + name: explored-14277 type: explored -- comm_cost: 0.35203125000000013 - complexity: 19 +- comm_cost: 0.4388888888888891 + complexity: 9 expressions: - K+ - K+ - N+ - R- - - S+ + - SE+ + - SE- - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(K+, SE+) - name: explored-14279 + name: explored-14278 type: explored -- comm_cost: 0.7360416666666667 - complexity: 15 +- comm_cost: 0.6686440972222223 + complexity: 30 expressions: - - N- - - S- - - and(K-, or(S+, N+)) - - not(R+) - - or(K+, R+) - - or(S+, R+) + - K+ + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, S-) + - or(N+, R-) + - or(S+, N+) + name: explored-14279 + type: explored +- comm_cost: 0.6444444444444446 + complexity: 12 + expressions: + - and(S-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) name: explored-14280 type: explored -- comm_cost: 0.4936197916666669 - complexity: 11 +- comm_cost: 0.38148148148148164 + complexity: 18 expressions: - K+ - - K+ - N+ - - S+ + - R- + - SE- - and(N-, R+) - - and(N-, not(R-)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-14281 type: explored -- comm_cost: 0.3104166666666669 - complexity: 14 +- comm_cost: 0.4003472222222224 + complexity: 13 expressions: - N+ + - R+ - R- - - and(K-, S+) + - S+ + - and(K-, N-) - and(N-, R+) - - and(S-, N-) - and(S-, SE-) name: explored-14282 type: explored -- comm_cost: 0.40353009259259265 - complexity: 18 +- comm_cost: 0.7109953703703704 + complexity: 13 expressions: - - N+ - - R- - - S+ - - and(N-, R+) + - R+ - and(N-, or(K+, SE+)) - - and(S-, SE-) - - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-14283 type: explored -- comm_cost: 0.43791666666666684 - complexity: 13 +- comm_cost: 0.6317881944444445 + complexity: 8 expressions: - - K+ - - K+ + - K- - N+ - R- - - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - not(R+) name: explored-14284 type: explored -- comm_cost: 0.5914641203703705 - complexity: 14 +- comm_cost: 0.5595486111111113 + complexity: 8 expressions: - - R+ - - and(K-, not(R+)) - - and(S-, not(R+)) - - or(S+, or(N+, R-)) + - R- + - S+ + - and(N-, R+) + - or(K+, R+) name: explored-14285 type: explored -- comm_cost: 0.45472222222222247 - complexity: 19 +- comm_cost: 0.36093750000000036 + complexity: 12 expressions: - K+ - N+ - R- - - and(K-, S+) + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, SE+) name: explored-14286 type: explored -- comm_cost: 0.7351562500000002 - complexity: 5 +- comm_cost: 0.4164062500000002 + complexity: 18 expressions: - - R+ - - and(K-, not(R-)) + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-14287 type: explored -- comm_cost: 0.40237500000000015 - complexity: 16 +- comm_cost: 0.665769675925926 + complexity: 14 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(K+, R-) + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-14288 type: explored -- comm_cost: 0.39236111111111127 - complexity: 18 +- comm_cost: 0.45677083333333346 + complexity: 12 expressions: - N+ + - R+ - R- - - and(N-, R+) + - SE- + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, SE+) name: explored-14289 type: explored -- comm_cost: 0.5388020833333335 - complexity: 9 +- comm_cost: 0.3848958333333332 + complexity: 14 expressions: - - R+ + - K+ + - N+ - R- - - and(K-, not(R-)) + - and(K-, S+) + - and(K-, or(S+, N+)) - and(S-, SE-) name: explored-14290 type: explored -- comm_cost: 0.4326678240740742 - complexity: 14 +- comm_cost: 0.503414351851852 + complexity: 18 expressions: - K+ - N+ - R- - S+ - - S- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(or(K+, S-), not(R-)) name: explored-14291 type: explored -- comm_cost: 0.6372395833333334 - complexity: 8 +- comm_cost: 0.3666377314814817 + complexity: 15 expressions: - - R+ + - N+ - R- - - and(or(K+, S-), not(R-)) + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-14292 type: explored -- comm_cost: 0.5095486111111114 - complexity: 9 +- comm_cost: 0.4458333333333335 + complexity: 11 expressions: + - K+ - N+ - R- - - S+ - and(N-, R+) - - or(K+, R+) + - and(N-, or(K+, R+)) name: explored-14293 type: explored -- comm_cost: 0.4915509259259261 - complexity: 17 +- comm_cost: 0.5421875000000002 + complexity: 11 expressions: - - N+ - R+ - - R- - SE- - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) + - and(and(S-, N-), not(R-)) + - or(K+, R-) name: explored-14294 type: explored -- comm_cost: 0.7326805555555557 - complexity: 27 +- comm_cost: 0.5218750000000001 + complexity: 4 expressions: - - K- - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) - - and(and(K-, N-), not(R-)) - - or(K+, R+) - - or(S+, R-) - - or(S+, or(N+, R-)) + - R+ + - R+ + - R- + - SE- name: explored-14295 type: explored -- comm_cost: 0.6901620370370372 - complexity: 5 +- comm_cost: 0.2312500000000003 + complexity: 11 expressions: - - R+ - - SE+ - - and(S-, N-) + - K+ + - R- + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-14296 type: explored -- comm_cost: 0.43125000000000036 - complexity: 7 +- comm_cost: 0.43133680555555587 + complexity: 11 expressions: - - R- + - N+ + - SE- + - and(K-, SE-) - and(N-, R+) - or(SE-, N+) name: explored-14297 type: explored -- comm_cost: 0.6014467592592594 - complexity: 13 +- comm_cost: 0.7430555555555556 + complexity: 8 expressions: - - N+ + - R- - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - or(K+, K-) + - and(S-, or(N+, not(R+))) name: explored-14298 type: explored -- comm_cost: 0.7433854166666667 - complexity: 8 +- comm_cost: 0.5278356481481483 + complexity: 18 expressions: - - N- - - and(N-, not(R-)) - - and(S-, SE-) + - N+ + - R- + - SE- + - and(K-, SE-) + - and(N-, R+) + - and(and(S-, N-), not(R-)) + - or(K+, K-) name: explored-14299 type: explored -- comm_cost: 0.38670138888888905 - complexity: 16 +- comm_cost: 0.659201388888889 + complexity: 12 expressions: - - K+ - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(N+, not(R+)) + - SE- + - and(K-, or(N+, not(R+))) + - or(S+, R+) name: explored-14300 type: explored -- comm_cost: 0.4236689814814817 - complexity: 12 +- comm_cost: 0.30677083333333344 + complexity: 10 expressions: + - K+ - N+ + - R+ - R- - - SE- - - and(N-, R+) - - and(S-, N-) - - or(K+, R-) + - and(S-, SE-) + - and(SE+, N-) name: explored-14301 type: explored -- comm_cost: 0.49536458333333355 - complexity: 22 +- comm_cost: 0.26180555555555585 + complexity: 10 expressions: - K+ - - K+ - - K- - N+ - R- - - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-14302 type: explored -- comm_cost: 0.8631944444444444 - complexity: 12 +- comm_cost: 0.42309027777777797 + complexity: 14 expressions: - - or(K+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - N+ + - R+ + - R- + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-14303 type: explored -- comm_cost: 0.6391493055555557 - complexity: 11 +- comm_cost: 0.5961805555555557 + complexity: 7 expressions: + - K+ - R+ + - SE+ - SE- - - and(or(K+, S-), not(R-)) - or(K+, R-) name: explored-14304 type: explored -- comm_cost: 0.7096354166666667 - complexity: 10 +- comm_cost: 0.27343750000000033 + complexity: 16 expressions: - - and(K-, not(R-)) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - or(K+, S-) + - or(SE-, N+) name: explored-14305 type: explored -- comm_cost: 0.5286458333333334 - complexity: 12 +- comm_cost: 0.4198495370370371 + complexity: 16 expressions: - K+ - N+ - - N- - R- - - and(K-, or(S+, N+)) + - and(N-, or(K+, SE+)) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-14306 type: explored -- comm_cost: 0.6619791666666668 - complexity: 5 +- comm_cost: 0.5796874999999999 + complexity: 9 expressions: - N+ - - and(N-, not(R-)) + - R- + - and(S-, SE-) + - and(S-, not(R+)) name: explored-14307 type: explored -- comm_cost: 0.33402777777777803 - complexity: 14 +- comm_cost: 0.5572916666666667 + complexity: 13 expressions: - - S+ - - and(N-, R+) + - K+ + - and(K-, or(S+, N+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, not(R+)) name: explored-14308 type: explored -- comm_cost: 0.8583333333333334 - complexity: 1 - expressions: - - SE- - name: explored-14309 - type: explored -- comm_cost: 0.30729166666666696 - complexity: 12 +- comm_cost: 0.0951388888888891 + complexity: 19 expressions: - K+ - N+ - R- - - and(K-, S+) - and(N-, R+) - - or(K+, R-) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + name: explored-14309 + type: explored +- comm_cost: 0.6359375000000002 + complexity: 5 + expressions: + - R+ + - R- + - and(S-, N-) name: explored-14310 type: explored -- comm_cost: 0.25703125000000027 +- comm_cost: 0.36979166666666674 complexity: 11 expressions: - - N+ - - N+ + - K+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - and(K-, S+) + - and(S-, or(SE-, N+)) name: explored-14311 type: explored -- comm_cost: 0.5459895833333335 - complexity: 15 +- comm_cost: 0.6000000000000002 + complexity: 8 expressions: - K+ - - K- - - N+ - R- - - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(SE+, N-) name: explored-14312 type: explored -- comm_cost: 0.7841145833333334 - complexity: 17 +- comm_cost: 0.6239583333333333 + complexity: 8 expressions: - - and(K-, or(S+, N+)) - - and(S-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - SE- + - and(K-, SE-) + - or(K+, R-) name: explored-14313 type: explored -- comm_cost: 0.6596788194444445 - complexity: 13 +- comm_cost: 0.37459490740740753 + complexity: 19 expressions: - - K- - N+ - - R+ - R- - - SE- - - and(K-, N-) - - or(K+, or(N+, R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(SE+, N-) name: explored-14314 type: explored -- comm_cost: 0.3025173611111114 - complexity: 19 +- comm_cost: 0.4256944444444447 + complexity: 17 expressions: - K+ - - K+ - N+ - - R- - - S+ - - SE- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - or(S+, N+) name: explored-14315 type: explored -- comm_cost: 0.3979166666666669 - complexity: 9 +- comm_cost: 0.36163194444444446 + complexity: 8 expressions: - K+ - N+ - R- - - and(N-, R+) - - and(S-, N-) + - S+ + - SE+ + - and(S-, SE-) name: explored-14316 type: explored -- comm_cost: 0.5036458333333337 - complexity: 12 +- comm_cost: 0.30625000000000013 + complexity: 15 expressions: - - and(K-, or(S+, N+)) + - K+ + - N+ + - S+ - and(N-, R+) - - or(N+, not(R+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-14317 type: explored -- comm_cost: 0.49565972222222254 +- comm_cost: 0.548726851851852 complexity: 13 expressions: - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - N+ + - R+ + - R- + - SE- + - SE- + - or(K+, or(N+, R-)) + - or(S+, R-) name: explored-14318 type: explored -- comm_cost: 0.5437500000000002 - complexity: 6 +- comm_cost: 0.18619791666666696 + complexity: 21 expressions: - K+ - - R+ - - SE- - - and(SE+, N-) + - N+ + - R- + - S+ + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-14319 type: explored -- comm_cost: 0.5943576388888892 - complexity: 12 +- comm_cost: 0.2562500000000003 + complexity: 15 expressions: - - N+ - - R+ - - SE- + - R- + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-14320 type: explored -- comm_cost: 0.7583912037037038 - complexity: 18 +- comm_cost: 0.45416666666666705 + complexity: 8 expressions: - - R+ - - and(N-, or(S+, SE+)) - - and(N-, or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - N+ + - N+ + - and(N-, R+) + - or(SE-, N+) name: explored-14321 type: explored -- comm_cost: 0.3104166666666668 - complexity: 12 +- comm_cost: 0.7217089120370371 + complexity: 19 expressions: - - K+ - - N+ - - R- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - K- + - and(N-, R+) + - not(R-) + - or(K+, SE+) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-14322 type: explored -- comm_cost: 0.27517361111111127 - complexity: 18 +- comm_cost: 0.3739583333333335 + complexity: 20 expressions: - N+ - R- - - and(K-, or(S+, R-)) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-14323 type: explored -- comm_cost: 0.7739583333333333 - complexity: 7 +- comm_cost: 0.6435185185185186 + complexity: 12 expressions: + - K- + - R+ + - R- - SE- - - and(K-, SE-) - - or(K+, R-) + - and(N-, or(S+, R+)) + - or(K+, N+) name: explored-14324 type: explored -- comm_cost: 0.40885416666666696 - complexity: 8 +- comm_cost: 0.24726562500000027 + complexity: 16 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) - - or(K+, R-) + - and(S-, SE-) + - or(K+, N+) + - or(SE-, N+) name: explored-14325 type: explored -- comm_cost: 0.803125 - complexity: 6 +- comm_cost: 0.4277199074074076 + complexity: 20 expressions: - K+ - - and(K-, or(S+, N+)) + - K+ + - K- + - N+ + - R- + - S+ + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-14326 type: explored -- comm_cost: 0.2597222222222225 - complexity: 16 +- comm_cost: 0.32621527777777803 + complexity: 15 expressions: - - K+ + - N+ - R- - S+ + - SE- - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-14327 type: explored -- comm_cost: 0.5313512731481482 - complexity: 18 +- comm_cost: 0.7494791666666667 + complexity: 7 expressions: - - R+ - - R- - - SE+ - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - K+ + - SE- + - and(K-, or(S+, N+)) name: explored-14328 type: explored -- comm_cost: 0.4032986111111114 - complexity: 15 +- comm_cost: 0.3276041666666669 + complexity: 21 expressions: - - S+ - - and(K-, or(S+, N+)) + - K+ + - N+ + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-14329 type: explored -- comm_cost: 0.5489583333333332 +- comm_cost: 0.6562500000000001 complexity: 10 expressions: - - R- - - S+ - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(S-, not(R+)) + - and(and(S-, N-), not(R-)) name: explored-14330 type: explored -- comm_cost: 0.48479166666666684 - complexity: 15 +- comm_cost: 0.5895833333333336 + complexity: 11 + expressions: + - R+ + - and(N-, or(K+, R+)) + - and(S-, or(SE-, N+)) + name: explored-14331 + type: explored +- comm_cost: 0.13576388888888913 + complexity: 17 expressions: - N+ - - and(K-, or(S+, N+)) + - R- + - S+ + - and(N-, R+) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, S-) - name: explored-14331 + name: explored-14332 type: explored -- comm_cost: 0.5411458333333334 +- comm_cost: 0.27447916666666705 complexity: 13 expressions: + - N+ - R- - - and(and(S-, N-), not(R-)) + - S+ + - and(N-, R+) + - and(S-, not(R+)) - or(K+, N+) - - or(S+, R+) - name: explored-14332 + name: explored-14333 type: explored -- comm_cost: 0.32916666666666705 - complexity: 7 +- comm_cost: 0.2395833333333336 + complexity: 21 expressions: - K+ + - N+ + - R- + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) - and(S-, SE-) - name: explored-14333 - type: explored -- comm_cost: 0.7017361111111112 - complexity: 9 - expressions: - - R+ - - and(S-, or(SE-, N+)) - - or(K+, K-) name: explored-14334 type: explored -- comm_cost: 0.6769791666666667 - complexity: 9 +- comm_cost: 0.5666666666666668 + complexity: 10 expressions: - - and(S-, SE-) - - or(K+, S-) - - or(S+, R+) + - N+ + - SE- + - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-14335 type: explored -- comm_cost: 0.5915798611111113 - complexity: 18 +- comm_cost: 0.7072916666666668 + complexity: 28 expressions: - - R- - - SE+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(K-, or(S+, R+)) + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R+) name: explored-14336 type: explored -- comm_cost: 0.5309722222222224 - complexity: 20 +- comm_cost: 0.34965277777777803 + complexity: 16 expressions: - K+ - N+ - R- - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(K+, S-) - - or(K+, or(N+, R-)) - - or(S+, SE+) + - or(S+, R-) name: explored-14337 type: explored -- comm_cost: 0.5996527777777779 - complexity: 11 +- comm_cost: 0.6255787037037038 + complexity: 9 expressions: - - R+ - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - SE+ + - SE- + - and(N-, or(K+, S-)) name: explored-14338 type: explored -- comm_cost: 0.6583333333333334 - complexity: 5 +- comm_cost: 0.8 + complexity: 4 expressions: - - R+ - - SE- - - or(K+, SE+) + - K- + - or(S+, SE+) name: explored-14339 type: explored -- comm_cost: 0.6158854166666669 - complexity: 8 +- comm_cost: 0.2854166666666669 + complexity: 12 expressions: - N+ - - and(K-, not(R-)) - - and(N-, R+) + - R- + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-14340 type: explored -- comm_cost: 0.45329861111111136 - complexity: 19 +- comm_cost: 0.4127430555555558 + complexity: 28 expressions: - K+ + - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) + - or(N+, not(R+)) name: explored-14341 type: explored -- comm_cost: 0.5244791666666668 - complexity: 10 +- comm_cost: 0.6020486111111112 + complexity: 13 expressions: - N+ + - R+ - R- - - S- - SE- - - and(N-, R+) - - or(S+, N+) + - and(S-, SE-) + - not(R-) + - or(N+, not(R+)) name: explored-14342 type: explored -- comm_cost: 0.5197048611111111 - complexity: 13 +- comm_cost: 0.4398437500000001 + complexity: 10 expressions: - K+ + - K+ - N+ - R- - and(S-, SE-) - - and(S-, not(R+)) - or(K+, SE+) name: explored-14343 type: explored -- comm_cost: 0.32291666666666696 - complexity: 14 +- comm_cost: 0.5337847222222223 + complexity: 13 expressions: - - R- + - K- + - N+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-14344 type: explored -- comm_cost: 0.6958333333333333 - complexity: 3 +- comm_cost: 0.5187500000000003 + complexity: 7 expressions: - - K+ - - K- - - R- + - N+ + - and(N-, R+) + - or(S+, N+) name: explored-14345 type: explored -- comm_cost: 0.19322916666666679 - complexity: 21 +- comm_cost: 0.13061342592592617 + complexity: 15 expressions: - - K+ - N+ - - and(K-, S+) - - and(K-, S+) + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) + - or(S+, R-) name: explored-14346 type: explored -- comm_cost: 0.34279513888888924 - complexity: 19 +- comm_cost: 0.6875 + complexity: 7 expressions: - N+ - R- - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(SE-, N+) + - and(K-, or(SE-, N+)) name: explored-14347 type: explored -- comm_cost: 0.7486111111111111 - complexity: 9 +- comm_cost: 0.41875000000000007 + complexity: 11 expressions: - - K+ - - SE- - - or(and(S-, SE-), or(N+, R-)) + - N+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-14348 type: explored -- comm_cost: 0.4687500000000002 - complexity: 15 +- comm_cost: 0.3133680555555558 + complexity: 18 expressions: + - K+ - N+ - R- - - S+ - - and(K-, N-) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) name: explored-14349 type: explored -- comm_cost: 0.6247395833333335 - complexity: 16 +- comm_cost: 0.3093750000000002 + complexity: 11 expressions: - - R+ - - and(K-, or(S+, SE+)) + - K+ + - R- + - SE- + - and(N-, R+) - and(S-, or(SE-, N+)) - - or(S+, or(N+, R-)) name: explored-14350 type: explored -- comm_cost: 0.5147222222222223 - complexity: 16 +- comm_cost: 0.605150462962963 + complexity: 11 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(S-, N-) + - or(K+, or(N+, R-)) name: explored-14351 type: explored -- comm_cost: 0.39913194444444466 - complexity: 18 +- comm_cost: 0.5755208333333335 + complexity: 10 expressions: - - K+ - - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, N-) - - and(S-, SE-) + - and(N-, or(K+, R+)) name: explored-14352 type: explored -- comm_cost: 0.7141666666666666 - complexity: 9 +- comm_cost: 0.5442708333333335 + complexity: 15 expressions: + - N+ + - R+ - R- - - SE- - - not(R-) - - or(K+, or(N+, R-)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-14353 type: explored -- comm_cost: 0.4798611111111113 - complexity: 10 +- comm_cost: 0.6750625000000001 + complexity: 21 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, or(S+, R+)) + - K+ + - SE- + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, R+)) + - or(S+, SE+) + - or(SE-, N+) name: explored-14354 type: explored -- comm_cost: 0.6443576388888891 - complexity: 16 +- comm_cost: 0.5833333333333337 + complexity: 8 expressions: + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, not(R-)) - - or(K+, R+) - - or(K+, R-) - - or(S+, R+) name: explored-14355 type: explored -- comm_cost: 0.6422453703703705 - complexity: 12 +- comm_cost: 0.3244791666666669 + complexity: 16 expressions: - - R+ - - SE+ - - SE- - - and(S-, not(R-)) - - or(K+, or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, N+) name: explored-14356 type: explored -- comm_cost: 0.30625000000000036 - complexity: 15 +- comm_cost: 0.5909722222222223 + complexity: 9 expressions: - - K+ - N+ - - R- - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-14357 type: explored -- comm_cost: 0.7164930555555555 - complexity: 14 +- comm_cost: 0.6539814814814815 + complexity: 13 expressions: - - and(K-, or(S+, R-)) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - N+ + - R- + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-14358 type: explored -- comm_cost: 0.13680555555555585 - complexity: 19 +- comm_cost: 0.38791956018518536 + complexity: 21 expressions: + - K+ - N+ - R- - - and(K-, S+) - - and(K-, S+) + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(S+, R+) name: explored-14359 type: explored -- comm_cost: 0.05416666666666692 - complexity: 14 +- comm_cost: 0.2611111111111114 + complexity: 16 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(S+, R-) name: explored-14360 type: explored -- comm_cost: 0.6761458333333334 - complexity: 8 +- comm_cost: 0.3646701388888892 + complexity: 19 expressions: + - N+ + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(K+, SE+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14361 type: explored -- comm_cost: 0.5116319444444446 - complexity: 7 +- comm_cost: 0.2968750000000002 + complexity: 15 expressions: + - K+ - R+ + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-14362 type: explored -- comm_cost: 0.5730324074074076 - complexity: 10 +- comm_cost: 0.22019675925925952 + complexity: 17 expressions: - - R+ + - K+ + - N+ + - R- - R- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-14363 type: explored -- comm_cost: 0.4680034722222224 - complexity: 21 +- comm_cost: 0.3963541666666668 + complexity: 23 expressions: - - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(N-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - not(R-) - - or(S+, N+) + - and(S-, or(N+, not(R+))) name: explored-14364 type: explored -- comm_cost: 0.725560763888889 - complexity: 27 +- comm_cost: 0.7125752314814816 + complexity: 31 expressions: - - N- - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(S-, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) + - S+ + - and(N-, or(S+, R+)) + - and(S-, not(R-)) + - and(and(S-, N-), not(R-)) + - not(R-) + - or(K+, K-) - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-14365 type: explored -- comm_cost: 0.31898148148148153 - complexity: 19 +- comm_cost: 0.4885416666666669 + complexity: 18 expressions: - - N+ - - and(N-, R+) - - and(N-, or(K+, SE+)) + - R+ + - R- - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-14366 type: explored -- comm_cost: 0.590277777777778 - complexity: 7 +- comm_cost: 0.5027777777777781 + complexity: 9 expressions: - - SE- - and(N-, R+) - - or(K+, R+) + - and(S-, or(N+, not(R+))) name: explored-14367 type: explored -- comm_cost: 0.5475000000000001 - complexity: 11 +- comm_cost: 0.8222222222222222 + complexity: 7 expressions: - - R+ - - and(S-, SE-) - - or(K+, R-) - - or(N+, not(R+)) + - SE- + - and(K-, S+) + - and(K-, S+) name: explored-14368 type: explored -- comm_cost: 0.195109953703704 - complexity: 17 +- comm_cost: 0.5173611111111112 + complexity: 13 expressions: - - K+ - - K+ - N+ - R- - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - SE- + - and(K-, or(S+, R+)) + - and(N-, or(K+, R+)) name: explored-14369 type: explored -- comm_cost: 0.6736805555555556 - complexity: 8 +- comm_cost: 0.7019097222222224 + complexity: 7 expressions: - R+ - - SE- - - or(K+, R-) - - or(K+, S-) + - S- + - or(K+, or(N+, R-)) name: explored-14370 type: explored -- comm_cost: 0.8902777777777777 - complexity: 7 +- comm_cost: 0.6058593750000001 + complexity: 14 expressions: - - or(and(K-, S+), or(N+, R-)) + - R+ + - R+ + - R- + - SE- + - and(N-, or(K+, S-)) + - and(N-, or(S+, R+)) name: explored-14371 type: explored -- comm_cost: 0.534375 - complexity: 16 +- comm_cost: 0.4867187500000001 + complexity: 14 expressions: - - R+ + - K+ - R- - - and(N-, not(R-)) + - and(K-, S+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), not(R-)) name: explored-14372 type: explored -- comm_cost: 0.4280092592592595 - complexity: 20 +- comm_cost: 0.3659722222222226 + complexity: 12 expressions: - - K+ - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, K-) + - and(S-, or(N+, not(R+))) name: explored-14373 type: explored -- comm_cost: 0.6197916666666669 - complexity: 2 +- comm_cost: 0.4661458333333335 + complexity: 11 expressions: - - R+ - - SE- + - N+ + - R- + - R- + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-14374 type: explored -- comm_cost: 0.20520833333333344 - complexity: 18 +- comm_cost: 0.507638888888889 + complexity: 16 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - SE- + - and(and(S-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-14375 type: explored -- comm_cost: 0.4543171296296298 - complexity: 17 +- comm_cost: 0.6582754629629631 + complexity: 14 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - not(R-) + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, R+)) name: explored-14376 type: explored -- comm_cost: 0.28038194444444464 - complexity: 24 +- comm_cost: 0.6453559027777779 + complexity: 10 expressions: - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - or(K+, R-) + - R+ + - and(S-, N-) + - and(SE+, N-) + - or(S+, R+) name: explored-14377 type: explored -- comm_cost: 0.6629629629629631 - complexity: 13 +- comm_cost: 0.748125 + complexity: 5 expressions: - - R+ - - SE- - - and(K-, not(R+)) - - and(K-, not(R-)) - - or(K+, R+) + - not(R-) + - or(N+, R-) name: explored-14378 type: explored -- comm_cost: 0.3545428240740742 - complexity: 20 +- comm_cost: 0.617013888888889 + complexity: 9 + expressions: + - R+ + - R+ + - R- + - and(S-, or(N+, not(R+))) + name: explored-14379 + type: explored +- comm_cost: 0.3206597222222224 + complexity: 19 expressions: - - K+ - K+ - N+ + - R- - S+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-14379 - type: explored -- comm_cost: 0.46059027777777795 - complexity: 17 - expressions: - - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(or(K+, S-), or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-14380 type: explored -- comm_cost: 0.5568576388888891 - complexity: 8 +- comm_cost: 0.47569444444444464 + complexity: 11 expressions: - - K+ - N+ - R- - - SE- - - SE- - - and(K-, N-) + - and(K-, S+) + - and(N-, R+) + - or(K+, R+) name: explored-14381 type: explored -- comm_cost: 0.30664062500000033 - complexity: 18 +- comm_cost: 0.6399884259259261 + complexity: 19 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(S+, or(N+, R-)) + - R+ + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE-, or(K+, S-)) name: explored-14382 type: explored -- comm_cost: 0.39479166666666676 - complexity: 12 +- comm_cost: 0.4217881944444448 + complexity: 14 expressions: - - R- + - N+ - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - or(S+, R-) name: explored-14383 type: explored -- comm_cost: 0.3148437500000003 - complexity: 17 +- comm_cost: 0.49302083333333346 + complexity: 13 expressions: - K+ - - and(K-, S+) + - N+ + - R- + - S- - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, SE+) name: explored-14384 type: explored -- comm_cost: 0.3978009259259261 - complexity: 21 +- comm_cost: 0.5954861111111113 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - R+ + - SE- + - and(S-, or(N+, not(R+))) name: explored-14385 type: explored -- comm_cost: 0.7759375 - complexity: 5 +- comm_cost: 0.28333333333333366 + complexity: 10 expressions: - - N- + - K+ + - N+ + - SE- + - and(N-, R+) - and(S-, not(R+)) name: explored-14386 type: explored -- comm_cost: 0.8005555555555556 - complexity: 5 +- comm_cost: 0.05416666666666692 + complexity: 12 expressions: - - N- - - and(K-, not(R+)) + - K+ + - K+ + - N+ + - R- + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-14387 type: explored -- comm_cost: 0.39861111111111147 - complexity: 13 +- comm_cost: 0.8298611111111112 + complexity: 12 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) name: explored-14388 type: explored -- comm_cost: 0.5993055555555556 - complexity: 7 +- comm_cost: 0.5022569444444446 + complexity: 18 expressions: - N+ - SE- - - and(N-, or(S+, R+)) + - and(K-, SE-) + - and(N-, R+) + - and(N-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-14389 type: explored -- comm_cost: 0.6269097222222224 - complexity: 13 +- comm_cost: 0.6663194444444447 + complexity: 11 expressions: - R+ - - SE- - - and(K-, or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-14390 type: explored -- comm_cost: 0.48067129629629646 - complexity: 12 +- comm_cost: 0.49375000000000036 + complexity: 6 expressions: - - N+ - - R+ + - K+ + - R- - R- - - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) name: explored-14391 type: explored -- comm_cost: 0.7143229166666667 - complexity: 10 +- comm_cost: 0.6130208333333335 + complexity: 5 expressions: - - and(K-, SE-) - - and(N-, not(R-)) - - and(S-, SE-) + - R+ + - SE- + - or(K+, N+) name: explored-14392 type: explored -- comm_cost: 0.5441406250000002 - complexity: 11 +- comm_cost: 0.6906105324074074 + complexity: 27 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - or(K+, SE+) + - S- + - and(K-, not(R-)) + - and(N-, or(S+, R+)) + - and(S-, N-) + - and(and(K-, N-), or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-14393 type: explored -- comm_cost: 0.154166666666667 - complexity: 14 +- comm_cost: 0.26909722222222254 + complexity: 17 expressions: - K+ + - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) name: explored-14394 type: explored -- comm_cost: 0.3215277777777781 - complexity: 17 +- comm_cost: 0.5189236111111113 + complexity: 18 expressions: - - K+ - N+ - - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(K+, R-) + - or(K+, SE+) name: explored-14395 type: explored -- comm_cost: 0.6924652777777779 - complexity: 4 - expressions: - - K- - - R+ - - R- - - R- - name: explored-14396 - type: explored -- comm_cost: 0.45000000000000007 - complexity: 9 +- comm_cost: 0.3501157407407409 + complexity: 17 expressions: - K+ - N+ - R- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - name: explored-14397 + - and(S-, not(R-)) + - and(SE+, N-) + name: explored-14396 type: explored -- comm_cost: 0.5726562500000002 - complexity: 16 +- comm_cost: 0.5503182870370371 + complexity: 17 expressions: - - K+ - - K+ - - N+ + - R+ - R- - S+ - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(S+, SE+) - name: explored-14398 + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) + name: explored-14397 type: explored -- comm_cost: 0.35312500000000013 - complexity: 21 +- comm_cost: 0.5594907407407409 + complexity: 15 expressions: - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) + - or(K+, S-) + name: explored-14398 + type: explored +- comm_cost: 0.6773437500000001 + complexity: 19 + expressions: + - R+ + - and(N-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, or(N+, R-)) name: explored-14399 type: explored -- comm_cost: 0.30486111111111125 - complexity: 14 +- comm_cost: 0.5464409722222224 + complexity: 9 expressions: - - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - or(K+, N+) + - or(SE-, N+) name: explored-14400 type: explored -- comm_cost: 0.5878472222222222 - complexity: 12 +- comm_cost: 0.4938541666666667 + complexity: 8 expressions: - K+ - N+ + - N- - R- + - S+ - and(S-, SE-) - - or(K+, S-) - - or(N+, R-) name: explored-14401 type: explored -- comm_cost: 0.6545052083333334 - complexity: 29 +- comm_cost: 0.45613425925925943 + complexity: 18 expressions: - - K+ - - SE+ + - N+ + - R- - and(K-, N-) - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(S-, N-) - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - or(K+, K-) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-14402 type: explored -- comm_cost: 0.5598958333333334 - complexity: 8 +- comm_cost: 0.5865190972222223 + complexity: 21 expressions: - - K+ - N+ - R- - - and(SE-, or(K+, S-)) + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, SE+) name: explored-14403 type: explored -- comm_cost: 0.2888888888888892 - complexity: 11 +- comm_cost: 0.3549479166666668 + complexity: 14 expressions: - K+ - - N+ + - R+ - R- - - SE- - - and(K-, not(R+)) - - and(N-, R+) + - and(K-, S+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-14404 type: explored -- comm_cost: 0.41770833333333335 - complexity: 14 +- comm_cost: 0.6533854166666668 + complexity: 12 expressions: - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(S+, R+) + - R+ + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, N+) name: explored-14405 type: explored -- comm_cost: 0.42585937500000015 - complexity: 18 +- comm_cost: 0.6436921296296297 + complexity: 12 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(K+, S-) + - R+ + - SE- + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) name: explored-14406 type: explored -- comm_cost: 0.37864583333333357 - complexity: 18 +- comm_cost: 0.5942708333333335 + complexity: 8 expressions: - - N+ - R- - SE- - - and(N-, R+) - - and(S-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, S+) + - and(SE+, N-) name: explored-14407 type: explored -- comm_cost: 0.5010416666666668 - complexity: 8 +- comm_cost: 0.23784722222222254 + complexity: 21 expressions: - N+ + - R- - S+ + - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-14408 type: explored -- comm_cost: 0.6987847222222223 - complexity: 9 +- comm_cost: 0.5236111111111112 + complexity: 17 expressions: - N+ - - R+ - R- - - and(SE+, N-) - - or(K+, SE+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-14409 type: explored -- comm_cost: 0.6760416666666669 - complexity: 15 +- comm_cost: 0.6113136574074075 + complexity: 11 expressions: - R+ - - or(and(K-, SE-), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - R- + - and(K-, not(R-)) + - and(N-, or(S+, R+)) name: explored-14410 type: explored -- comm_cost: 0.3197916666666669 - complexity: 12 +- comm_cost: 0.3792592592592594 + complexity: 17 expressions: - K+ + - N+ + - N- + - R- + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-14411 type: explored -- comm_cost: 0.3265625000000002 - complexity: 14 +- comm_cost: 0.7055555555555555 + complexity: 11 expressions: - - N+ - - S+ - - and(N-, R+) + - K+ + - R- - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-14412 type: explored -- comm_cost: 0.6938078703703705 - complexity: 26 +- comm_cost: 0.42890625000000027 + complexity: 13 expressions: - - and(K-, or(S+, SE+)) + - K+ + - S- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - not(R-) + - and(S-, SE-) name: explored-14413 type: explored -- comm_cost: 0.13964120370370403 - complexity: 14 +- comm_cost: 0.5743750000000002 + complexity: 8 expressions: - - N+ - - R- - - and(N-, R+) + - R+ - and(S-, SE-) - - or(K+, R-) - - or(S+, R-) + - or(N+, not(R+)) name: explored-14414 type: explored -- comm_cost: 0.20052083333333348 - complexity: 13 +- comm_cost: 0.3564236111111114 + complexity: 15 expressions: - - K+ - - N+ - - R+ - - R- + - and(K-, not(R+)) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) name: explored-14415 type: explored -- comm_cost: 0.5406250000000001 - complexity: 12 +- comm_cost: 0.7772222222222223 + complexity: 6 expressions: - - R+ - - and(K-, or(S+, R-)) - - and(and(S-, N-), not(R-)) + - or(K+, S-) + - or(S+, R-) name: explored-14416 type: explored -- comm_cost: 0.23333333333333361 - complexity: 21 +- comm_cost: 0.7381944444444446 + complexity: 4 expressions: - - K+ - - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, N+) + - and(S-, N-) name: explored-14417 type: explored -- comm_cost: 0.5351707175925927 - complexity: 15 +- comm_cost: 0.3348958333333336 + complexity: 13 expressions: - K+ - - N+ - - S+ + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(K+, SE+) name: explored-14418 type: explored -- comm_cost: 0.7147685185185186 - complexity: 9 +- comm_cost: 0.6655381944444445 + complexity: 21 expressions: - - SE+ - - and(K-, not(R+)) - - or(N+, not(R+)) + - R+ + - R- + - SE- + - and(K-, not(R-)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14419 type: explored -- comm_cost: 0.712326388888889 - complexity: 9 +- comm_cost: 0.48046875 + complexity: 10 expressions: - - SE- - - and(K-, N-) - - or(K+, or(N+, R-)) + - N+ + - R- + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-14420 type: explored -- comm_cost: 0.6385416666666668 - complexity: 4 +- comm_cost: 0.5958333333333334 + complexity: 7 expressions: - - N+ - - R+ - - R+ - - R- + - SE- + - and(SE+, N-) + - or(S+, N+) name: explored-14421 type: explored -- comm_cost: 0.6890625 - complexity: 14 +- comm_cost: 0.4291666666666669 + complexity: 13 expressions: + - K+ - N+ - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, K-) + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-14422 type: explored -- comm_cost: 0.5926041666666668 - complexity: 20 +- comm_cost: 0.6739814814814815 + complexity: 9 expressions: + - N+ - R- - SE- - - and(N-, R+) - - and(and(S-, N-), not(R-)) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, S-) + - or(S+, R-) name: explored-14423 type: explored -- comm_cost: 0.7142361111111113 - complexity: 8 +- comm_cost: 0.41371527777777795 + complexity: 17 expressions: - - R+ - - or(and(K-, S+), or(N+, R-)) + - N+ + - R- + - SE+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-14424 type: explored -- comm_cost: 0.5001736111111111 - complexity: 12 +- comm_cost: 0.56 + complexity: 10 expressions: - - R- - - and(K-, or(S+, R-)) + - S+ - and(S-, SE-) - - or(K+, SE+) + - or(S+, R-) + - or(S+, SE+) name: explored-14425 type: explored -- comm_cost: 0.7227777777777779 - complexity: 9 +- comm_cost: 0.567621527777778 + complexity: 13 expressions: + - N+ + - R+ - R- - SE- - - and(N-, or(S+, SE+)) - - not(R-) + - and(K-, or(N+, not(R+))) + - or(N+, R-) name: explored-14426 type: explored -- comm_cost: 0.55625 - complexity: 7 +- comm_cost: 0.5979166666666668 + complexity: 8 expressions: - - K+ - - N+ - - R- - - SE- - - and(K-, S+) + - R+ + - and(S-, or(SE-, N+)) + - not(R+) name: explored-14427 type: explored -- comm_cost: 0.38989583333333355 - complexity: 14 +- comm_cost: 0.26371527777777803 + complexity: 15 expressions: - K+ - N+ - - R- - - and(K-, SE-) + - S+ - and(N-, R+) - and(S-, SE-) - - not(R-) + - and(S-, or(N+, not(R+))) name: explored-14428 type: explored -- comm_cost: 0.06406250000000036 - complexity: 18 +- comm_cost: 0.5088541666666668 + complexity: 7 expressions: - - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - SE- + - and(SE+, N-) name: explored-14429 type: explored -- comm_cost: 0.6380208333333335 - complexity: 9 +- comm_cost: 0.5697916666666668 + complexity: 16 expressions: - - R+ + - N+ + - R- - SE- - - and(N-, or(S+, R+)) - - not(R+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-14430 type: explored -- comm_cost: 0.6384837962962965 - complexity: 17 +- comm_cost: 0.5513888888888889 + complexity: 14 expressions: - - K+ - - R+ + - N+ - R- - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, R+) name: explored-14431 type: explored -- comm_cost: 0.375260416666667 +- comm_cost: 0.3250000000000004 complexity: 13 expressions: + - K+ - N+ - - and(K-, SE-) + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - or(K+, N+) + - or(K+, R-) name: explored-14432 type: explored -- comm_cost: 0.47222222222222243 - complexity: 15 +- comm_cost: 0.555295138888889 + complexity: 16 expressions: - N+ - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(SE+, N-) - or(and(K-, S+), or(N+, R-)) name: explored-14433 type: explored -- comm_cost: 0.14696180555555594 - complexity: 16 +- comm_cost: 0.39570312500000027 + complexity: 13 expressions: - K+ - K+ - N+ - R- + - R- - S+ - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(N-, not(R-)) name: explored-14434 type: explored -- comm_cost: 0.5201388888888892 - complexity: 19 +- comm_cost: 0.7671875 + complexity: 9 expressions: + - K+ - N+ - R- - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - S+ + - or(S+, or(N+, R-)) name: explored-14435 type: explored -- comm_cost: 0.6292534722222223 - complexity: 16 +- comm_cost: 0.5307291666666667 + complexity: 11 expressions: - N+ - - R+ - R- - SE- - - and(K-, not(R-)) - - and(K-, or(S+, R-)) - - or(K+, SE+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-14436 type: explored -- comm_cost: 0.6269097222222224 - complexity: 8 - expressions: - - R+ - - SE- - - or(K+, R+) - - or(S+, R-) - name: explored-14437 - type: explored -- comm_cost: 0.507711226851852 - complexity: 16 +- comm_cost: 0.42838541666666685 + complexity: 15 expressions: - K+ - N+ - R- - SE- + - and(K-, N-) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(K+, R+) - name: explored-14438 + name: explored-14437 type: explored -- comm_cost: 0.3441319444444447 - complexity: 18 +- comm_cost: 0.5895833333333336 + complexity: 10 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) - name: explored-14439 + - and(N-, or(K+, R+)) + - and(S-, or(SE-, N+)) + name: explored-14438 type: explored -- comm_cost: 0.4929687500000002 +- comm_cost: 0.6734722222222225 complexity: 9 expressions: - - K+ - - R- - - and(K-, not(R-)) + - N+ + - SE- - and(N-, R+) - name: explored-14440 - type: explored -- comm_cost: 0.82125 - complexity: 11 - expressions: - - and(K-, S+) - - or(S+, SE+) - - or(S+, or(N+, R-)) - name: explored-14441 + - not(R-) + - not(R-) + name: explored-14439 type: explored -- comm_cost: 0.46006076388888906 - complexity: 22 +- comm_cost: 0.40666666666666673 + complexity: 14 expressions: - K+ - N+ - - R- - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - not(R+) - or(K+, S-) - name: explored-14442 + name: explored-14440 type: explored -- comm_cost: 0.487818287037037 - complexity: 16 +- comm_cost: 0.12109375000000022 + complexity: 14 expressions: - K+ - K+ - N+ - R- - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(N+, R-) - name: explored-14443 + - or(S+, N+) + name: explored-14441 type: explored -- comm_cost: 0.3963541666666667 - complexity: 11 +- comm_cost: 0.3031250000000002 + complexity: 17 expressions: - K+ - N+ - - and(K-, S+) + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - or(K+, N+) + name: explored-14442 + type: explored +- comm_cost: 0.6946180555555557 + complexity: 9 + expressions: + - and(S-, not(R-)) + - or(S+, or(N+, R-)) + name: explored-14443 + type: explored +- comm_cost: 0.7601167328042329 + complexity: 36 + expressions: + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) + - and(S-, N-) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) + - or(K+, K-) + - or(N+, not(R+)) + - or(S+, SE+) name: explored-14444 type: explored -- comm_cost: 0.45376157407407425 - complexity: 17 +- comm_cost: 0.45859375000000013 + complexity: 21 expressions: - N+ - R- - - SE- + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-14445 type: explored -- comm_cost: 0.552777777777778 - complexity: 16 +- comm_cost: 0.558854166666667 + complexity: 7 expressions: - - N+ - - SE- - - and(K-, not(R-)) + - R- - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, R-) name: explored-14446 type: explored -- comm_cost: 0.6258680555555557 - complexity: 16 +- comm_cost: 0.4734375000000002 + complexity: 10 expressions: - - R+ - - R- - - SE- - - and(N-, or(S+, SE+)) - - and(SE+, N-) - - or(S+, or(N+, R-)) + - N+ + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-14447 type: explored -- comm_cost: 0.5126736111111113 - complexity: 14 +- comm_cost: 0.6000000000000001 + complexity: 10 expressions: - - N+ - R- + - SE+ - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - or(N+, R-) + - and(and(K-, N-), or(S+, R+)) name: explored-14448 type: explored -- comm_cost: 0.4289641203703707 - complexity: 25 +- comm_cost: 0.3597222222222224 + complexity: 18 expressions: - - and(K-, or(S+, N+)) + - N+ + - R- + - S+ - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(S+, R+) name: explored-14449 type: explored -- comm_cost: 0.3125000000000002 - complexity: 15 +- comm_cost: 0.33984375000000033 + complexity: 16 expressions: + - K+ - N+ - - R- - - and(K-, S+) - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14450 type: explored -- comm_cost: 0.45772569444444466 - complexity: 10 +- comm_cost: 0.6479166666666668 + complexity: 13 expressions: - - N+ - - R- - - S+ + - R+ - SE- - - and(N-, R+) - - or(S+, R+) + - and(S-, N-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14451 type: explored -- comm_cost: 0.6759895833333335 - complexity: 10 +- comm_cost: 0.6414062500000002 + complexity: 14 expressions: - - R+ - - and(K-, SE-) - - or(S+, SE+) - - or(SE-, N+) + - K+ + - N+ + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(K+, SE+) name: explored-14452 type: explored -- comm_cost: 0.5264322916666669 - complexity: 14 +- comm_cost: 0.2800347222222226 + complexity: 18 expressions: - K+ - N+ - - SE- + - R- - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(S+, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, N+) name: explored-14453 type: explored -- comm_cost: 0.5421875000000002 - complexity: 13 +- comm_cost: 0.5984375000000002 + complexity: 7 expressions: - R+ - - SE- - - and(S-, or(SE-, N+)) - - or(K+, N+) - - or(N+, R-) + - and(K-, S+) + - and(N-, R+) name: explored-14454 type: explored -- comm_cost: 0.08125000000000027 - complexity: 12 +- comm_cost: 0.411979166666667 + complexity: 10 expressions: - N+ - - N+ - - R- - - and(K-, S+) + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) name: explored-14455 type: explored -- comm_cost: 0.6376736111111112 - complexity: 7 +- comm_cost: 0.3495833333333336 + complexity: 24 expressions: - - R+ - - SE- - - not(R+) - - or(SE-, N+) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-14456 type: explored -- comm_cost: 0.3975115740740742 - complexity: 20 +- comm_cost: 0.34496527777777797 + complexity: 14 expressions: + - K+ + - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, SE-) - and(and(K-, N-), not(R-)) - - or(S+, R+) name: explored-14457 type: explored -- comm_cost: 0.628125 - complexity: 9 +- comm_cost: 0.33402777777777803 + complexity: 13 expressions: - - N+ + - K+ - N+ - R- - - SE- - - and(K-, or(S+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(S-, not(R-)) name: explored-14458 type: explored -- comm_cost: 0.6236979166666667 - complexity: 14 +- comm_cost: 0.5867187500000002 + complexity: 9 expressions: - - R+ - - SE- - - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) name: explored-14459 type: explored -- comm_cost: 0.6042824074074075 - complexity: 12 +- comm_cost: 0.190277777777778 + complexity: 16 expressions: - N+ - - R+ - R- - - SE- - - and(K-, or(S+, SE+)) - - or(K+, R+) + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-14460 type: explored -- comm_cost: 0.32343750000000027 - complexity: 9 +- comm_cost: 0.4280092592592595 + complexity: 20 expressions: + - K+ - N+ - R- - - S+ - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, K-) name: explored-14461 type: explored -- comm_cost: 0.7913194444444445 +- comm_cost: 0.5250000000000001 complexity: 9 expressions: - - SE- - - and(K-, or(S+, N+)) - - or(S+, N+) + - and(S-, SE-) + - and(S-, SE-) + - and(SE+, N-) name: explored-14462 type: explored -- comm_cost: 0.4056134259259261 - complexity: 17 +- comm_cost: 0.32430555555555585 + complexity: 10 expressions: - - K+ - N+ - R- + - S+ - SE- - - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - or(S+, N+) name: explored-14463 type: explored -- comm_cost: 0.85625 - complexity: 6 +- comm_cost: 0.5980787037037038 + complexity: 13 expressions: - - or(SE-, N+) - - or(SE-, N+) + - K- + - N+ + - R- + - S+ + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-14464 type: explored -- comm_cost: 0.6658854166666668 - complexity: 3 +- comm_cost: 0.5483796296296297 + complexity: 7 expressions: - R+ - - S- + - R+ + - R- - SE- + - or(K+, R+) name: explored-14465 type: explored -- comm_cost: 0.7456597222222223 - complexity: 5 - expressions: - - R+ - - SE+ - - or(K+, K-) - name: explored-14466 - type: explored -- comm_cost: 0.09218750000000031 - complexity: 17 +- comm_cost: 0.5833333333333333 + complexity: 6 expressions: - N+ - R- - - S+ + - SE- - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + name: explored-14466 + type: explored +- comm_cost: 0.702951388888889 + complexity: 14 + expressions: + - R+ + - and(K-, or(S+, N+)) + - and(N-, not(R-)) + - and(N-, not(R-)) name: explored-14467 type: explored -- comm_cost: 0.5291666666666668 - complexity: 11 +- comm_cost: 0.5352430555555555 + complexity: 10 expressions: - - K+ - - N- - - and(K-, S+) - - and(N-, R+) + - N+ + - R- + - S+ + - and(K-, not(R+)) - and(S-, SE-) name: explored-14468 type: explored -- comm_cost: 0.25312500000000016 - complexity: 15 +- comm_cost: 0.3236111111111113 + complexity: 21 expressions: - N+ - R- - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, N+) - - or(K+, R+) + - and(S-, not(R+)) name: explored-14469 type: explored -- comm_cost: 0.19592013888888915 - complexity: 18 +- comm_cost: 0.6291666666666668 + complexity: 4 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(K+, or(N+, R-)) + - S- + - SE- name: explored-14470 type: explored -- comm_cost: 0.3437500000000002 - complexity: 11 +- comm_cost: 0.5399305555555557 + complexity: 10 expressions: - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - R+ + - SE- + - and(K-, SE-) + - and(K-, or(S+, R-)) name: explored-14471 type: explored -- comm_cost: 0.6864351851851853 - complexity: 12 +- comm_cost: 0.38255208333333357 + complexity: 22 expressions: - K+ - - and(K-, not(R+)) - - and(S-, N-) - - or(N+, not(R+)) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, R+) + - or(SE-, N+) name: explored-14472 type: explored -- comm_cost: 0.7234375000000001 - complexity: 9 +- comm_cost: 0.49270833333333364 + complexity: 7 expressions: - - R+ - - and(K-, or(S+, R-)) - - or(K+, SE+) + - and(N-, R+) + - and(S-, not(R+)) name: explored-14473 type: explored -- comm_cost: 0.5850694444444446 - complexity: 20 +- comm_cost: 0.6953125000000001 + complexity: 12 expressions: - - N+ - R+ - - R- + - SE+ - SE- - - and(K-, or(S+, R+)) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R+)) + - and(K-, or(S+, SE+)) + - or(N+, not(R+)) name: explored-14474 type: explored -- comm_cost: 0.5934375000000002 - complexity: 8 +- comm_cost: 0.3812500000000003 + complexity: 11 expressions: + - N+ - R- - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - or(K+, S-) name: explored-14475 type: explored -- comm_cost: 0.5449652777777779 - complexity: 13 +- comm_cost: 0.722482638888889 + complexity: 11 expressions: - - R+ - - R- - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - not(R+) + - SE- + - and(K-, or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-14476 type: explored -- comm_cost: 0.7229166666666668 - complexity: 14 +- comm_cost: 0.5171875000000001 + complexity: 12 expressions: - R+ - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - R- + - SE- + - and(K-, S+) + - and(K-, SE-) + - or(K+, R+) name: explored-14477 type: explored -- comm_cost: 0.5058333333333335 - complexity: 12 +- comm_cost: 0.6346354166666668 + complexity: 15 expressions: - K+ - - K- - N+ - R- - S+ - - S- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) + - or(K+, SE+) name: explored-14478 type: explored -- comm_cost: 0.49375000000000024 - complexity: 8 - expressions: - - N+ +- comm_cost: 0.6776041666666668 + complexity: 3 + expressions: + - N- + - R+ - SE- - - and(K-, N-) - - and(N-, R+) name: explored-14479 type: explored -- comm_cost: 0.6005497685185186 - complexity: 12 +- comm_cost: 0.58984375 + complexity: 7 expressions: - N+ - - R+ - R- - - SE- - - and(N-, or(K+, S-)) - - or(K+, R+) + - S+ + - and(K-, not(R-)) name: explored-14480 type: explored -- comm_cost: 0.7369791666666667 - complexity: 5 +- comm_cost: 0.7420023148148149 + complexity: 27 expressions: - - K- - - SE- - - or(K+, N+) + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(and(K-, N-), or(S+, SE+)) + - not(R-) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-14481 type: explored -- comm_cost: 0.5268229166666667 - complexity: 16 +- comm_cost: 0.5835648148148149 + complexity: 19 expressions: - - K+ - - N+ - - R- - - and(K-, not(R-)) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-14482 type: explored -- comm_cost: 0.41371527777777783 - complexity: 10 +- comm_cost: 0.3230555555555559 + complexity: 14 expressions: - - R+ - - R- - - and(K-, or(S+, R+)) + - K+ + - N+ + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) + - or(S+, SE+) name: explored-14483 type: explored -- comm_cost: 0.6486111111111112 - complexity: 9 +- comm_cost: 0.5168692129629632 + complexity: 16 expressions: - N+ - - R- - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-14484 type: explored -- comm_cost: 0.15885416666666696 - complexity: 11 +- comm_cost: 0.549652777777778 + complexity: 9 expressions: - - K+ - - K+ - N+ - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(or(K+, S-), not(R+)) name: explored-14485 type: explored -- comm_cost: 0.6769097222222222 - complexity: 8 +- comm_cost: 0.6259722222222223 + complexity: 12 expressions: - - N- + - K+ + - K- + - N+ - R- + - S+ - and(S-, SE-) - - or(K+, R-) + - or(N+, not(R+)) name: explored-14486 type: explored -- comm_cost: 0.6692708333333335 - complexity: 10 +- comm_cost: 0.27175347222222235 + complexity: 19 expressions: + - K+ + - K+ - N+ - - N- - - R+ - R- - - SE- - - and(K-, N-) - - not(R-) + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, R+) name: explored-14487 type: explored -- comm_cost: 0.5598958333333335 - complexity: 9 +- comm_cost: 0.17430555555555582 + complexity: 17 expressions: - - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - - or(K+, K-) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-14488 type: explored -- comm_cost: 0.653096064814815 - complexity: 15 +- comm_cost: 0.668576388888889 + complexity: 4 expressions: - R+ - - and(N-, or(K+, S-)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) + - and(S-, N-) name: explored-14489 type: explored -- comm_cost: 0.22673611111111125 - complexity: 15 +- comm_cost: 0.5675694444444446 + complexity: 7 expressions: - - K+ - - N+ + - N- + - R+ - R- - - S+ - - and(K-, or(S+, R+)) + - SE- - and(N-, R+) - - and(S-, SE-) name: explored-14490 type: explored -- comm_cost: 0.5130208333333335 - complexity: 11 +- comm_cost: 0.6015625 + complexity: 7 expressions: - K+ - - R- - - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - or(K+, N+) name: explored-14491 type: explored -- comm_cost: 0.44406250000000014 - complexity: 18 +- comm_cost: 0.2820312500000002 + complexity: 16 expressions: - K+ - - K- - N+ - R- - and(K-, S+) - - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) name: explored-14492 type: explored -- comm_cost: 0.18402777777777812 - complexity: 15 +- comm_cost: 0.5513020833333334 + complexity: 12 expressions: - - K+ - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(S+, R-) + - R+ + - R- + - SE- + - and(K-, SE-) + - and(N-, or(K+, S-)) name: explored-14493 type: explored -- comm_cost: 0.771267361111111 - complexity: 12 +- comm_cost: 0.47906250000000017 + complexity: 21 expressions: + - K- + - N+ - R- - - SE- - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-14494 type: explored -- comm_cost: 0.6876302083333334 - complexity: 19 +- comm_cost: 0.29270833333333357 + complexity: 14 expressions: - - R+ - - and(K-, S+) - - and(K-, or(S+, N+)) - - or(S+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - K+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-14495 type: explored -- comm_cost: 0.40885416666666696 - complexity: 10 +- comm_cost: 0.3027199074074076 + complexity: 24 expressions: - N+ - R- - - and(K-, or(S+, R-)) + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-14496 type: explored -- comm_cost: 0.5682291666666668 - complexity: 15 +- comm_cost: 0.6550162037037037 + complexity: 29 expressions: - - R- + - N+ + - S- + - SE+ - SE- + - and(K-, S+) + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) + - not(R-) + - or(K+, R-) name: explored-14497 type: explored -- comm_cost: 0.7986111111111112 - complexity: 8 +- comm_cost: 0.538564814814815 + complexity: 12 expressions: + - N+ + - N- - R- - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-14498 type: explored -- comm_cost: 0.3705439814814818 - complexity: 21 +- comm_cost: 0.21510416666666698 + complexity: 16 expressions: - - and(K-, or(S+, N+)) + - K+ + - R- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(K+, R-) + - and(S-, SE-) + - and(S-, SE-) name: explored-14499 type: explored -- comm_cost: 0.7278645833333335 - complexity: 12 +- comm_cost: 0.5959375000000001 + complexity: 10 expressions: + - N+ + - R+ + - R- - SE- - - and(K-, or(S+, N+)) - - and(or(K+, S-), not(R-)) + - and(K-, S+) + - or(K+, S-) name: explored-14500 type: explored -- comm_cost: 0.6499247685185185 - complexity: 15 +- comm_cost: 0.7140625000000003 + complexity: 10 expressions: - - R+ - - SE- - - and(N-, or(K+, SE+)) - - and(SE-, or(K+, S-)) - - or(S+, SE+) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-14501 type: explored -- comm_cost: 0.5335069444444446 - complexity: 19 +- comm_cost: 0.18611111111111123 + complexity: 17 expressions: - K+ - - R+ + - N+ - R- - - SE- + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-14502 type: explored -- comm_cost: 0.41848958333333364 - complexity: 16 +- comm_cost: 0.15208333333333357 + complexity: 11 expressions: + - K+ + - K+ - N+ - - SE- - - and(K-, not(R+)) + - N+ + - S+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) name: explored-14503 type: explored -- comm_cost: 0.5603240740740743 - complexity: 21 +- comm_cost: 0.5906250000000001 + complexity: 8 expressions: - K+ - N+ - R- + - and(N-, or(K+, S-)) + name: explored-14504 + type: explored +- comm_cost: 0.5823784722222225 + complexity: 10 + expressions: + - R+ - SE- - and(N-, R+) - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) - name: explored-14504 + - and(N-, or(K+, S-)) + name: explored-14505 type: explored -- comm_cost: 0.48308738425925934 - complexity: 22 +- comm_cost: 0.21979166666666705 + complexity: 12 expressions: - K+ - N+ - R- - S+ - - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, R+) - name: explored-14505 - type: explored -- comm_cost: 0.6411458333333334 - complexity: 7 - expressions: - - R+ - - S+ - - and(N-, or(K+, S-)) + - not(R+) name: explored-14506 type: explored -- comm_cost: 0.5670138888888889 - complexity: 11 +- comm_cost: 0.3583333333333336 + complexity: 13 expressions: - N+ - R- - SE- - - and(N-, or(K+, SE+)) - - or(K+, N+) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-14507 type: explored -- comm_cost: 0.5750000000000002 - complexity: 10 +- comm_cost: 0.4133680555555559 + complexity: 16 expressions: - - R- + - K+ + - N+ - SE- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, R+)) name: explored-14508 type: explored -- comm_cost: 0.40894097222222237 - complexity: 15 +- comm_cost: 0.7947916666666668 + complexity: 4 + expressions: + - and(K-, not(R-)) + name: explored-14509 + type: explored +- comm_cost: 0.3567708333333335 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- - S+ - - S- + - SE+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-14509 - type: explored -- comm_cost: 0.7429687500000002 - complexity: 10 - expressions: - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R+) name: explored-14510 type: explored -- comm_cost: 0.7038020833333334 - complexity: 37 +- comm_cost: 0.5905555555555557 + complexity: 12 expressions: - - and(K-, S+) - - and(K-, not(R+)) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - - and(and(K-, N-), or(S+, R+)) + - K+ + - R- + - SE- + - and(N-, R+) + - and(SE+, N-) - or(K+, S-) - - or(S+, R-) - - or(and(K-, SE-), or(N+, R-)) name: explored-14511 type: explored -- comm_cost: 0.3132812500000002 - complexity: 14 +- comm_cost: 0.5887152777777779 + complexity: 12 expressions: - - K+ - - K+ - - N+ - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(K-, or(S+, N+)) + - or(K+, or(N+, R-)) name: explored-14512 type: explored -- comm_cost: 0.38013541666666684 +- comm_cost: 0.49497395833333346 complexity: 21 expressions: - K+ - - K+ + - K- - N+ - R- - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(SE+, N-) - - or(N+, not(R+)) - - or(S+, R-) name: explored-14513 type: explored -- comm_cost: 0.5230034722222224 - complexity: 15 +- comm_cost: 0.29010416666666683 + complexity: 13 expressions: - K+ - - R+ + - N+ - R- - - SE- - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R+)) + - S+ + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-14514 type: explored -- comm_cost: 0.3266203703703705 - complexity: 21 +- comm_cost: 0.21319444444444458 + complexity: 14 expressions: - - K+ - N+ - R- - and(K-, S+) - - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - or(K+, R+) name: explored-14515 type: explored -- comm_cost: 0.6539930555555556 - complexity: 21 +- comm_cost: 0.43359375000000033 + complexity: 15 expressions: - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - - and(K-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(SE-, N+) name: explored-14516 type: explored -- comm_cost: 0.6050925925925927 - complexity: 15 +- comm_cost: 0.5972656250000001 + complexity: 19 expressions: - - R+ + - N+ - SE- - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) - - or(K+, R+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, not(R-)) name: explored-14517 type: explored -- comm_cost: 0.31901041666666696 - complexity: 12 +- comm_cost: 0.742361111111111 + complexity: 9 expressions: - - N+ - - and(N-, R+) - and(S-, SE-) - - not(R+) - - or(N+, R-) + - and(S-, or(N+, not(R+))) name: explored-14518 type: explored -- comm_cost: 0.5477083333333335 - complexity: 8 +- comm_cost: 0.33906250000000027 + complexity: 15 expressions: - K+ - - N- - - R+ - - R- - - SE- + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(S-, SE-) name: explored-14519 type: explored -- comm_cost: 0.4962239583333333 - complexity: 13 +- comm_cost: 0.5808449074074076 + complexity: 22 expressions: - K+ - - K+ - - N+ - - R- - - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(K+, R+) + - or(K+, S-) + - or(N+, not(R+)) name: explored-14520 type: explored -- comm_cost: 0.3806423611111114 - complexity: 14 +- comm_cost: 0.4236111111111114 + complexity: 18 expressions: - - K+ - N+ - - R- - SE- - - and(K-, SE-) - and(N-, R+) - - and(N-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) name: explored-14521 type: explored -- comm_cost: 0.5340277777777779 - complexity: 10 +- comm_cost: 0.15937500000000027 + complexity: 11 expressions: - N+ - R- - - SE- - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-14522 type: explored -- comm_cost: 0.3460069444444446 - complexity: 19 +- comm_cost: 0.33125000000000016 + complexity: 14 expressions: - K+ - K+ - - N+ - R- - - S+ - - and(N-, or(K+, R+)) + - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) name: explored-14523 type: explored -- comm_cost: 0.5339583333333335 - complexity: 14 +- comm_cost: 0.36875000000000036 + complexity: 20 expressions: - K+ - - N- + - N+ - R- + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14524 type: explored -- comm_cost: 0.2625000000000004 - complexity: 10 +- comm_cost: 0.7189843750000001 + complexity: 18 expressions: - K+ - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - R+ + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, S-) name: explored-14525 type: explored -- comm_cost: 0.5407986111111113 - complexity: 12 +- comm_cost: 0.2923611111111113 + complexity: 17 expressions: + - K+ - N+ - R- - - SE+ - - SE- - and(N-, R+) - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(N+, R-) name: explored-14526 type: explored -- comm_cost: 0.45318287037037064 - complexity: 14 +- comm_cost: 0.6044270833333334 + complexity: 7 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(SE+, N-) - - or(K+, or(N+, R-)) + - R+ + - and(K-, SE-) + - or(K+, SE+) name: explored-14527 type: explored -- comm_cost: 0.5844444444444445 - complexity: 35 +- comm_cost: 0.31354166666666705 + complexity: 18 expressions: - - S+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) + - N+ + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, N-) - and(S-, SE-) - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-14528 type: explored -- comm_cost: 0.5817708333333335 - complexity: 10 +- comm_cost: 0.6895833333333334 + complexity: 12 expressions: - R+ - - R- - SE- - - and(and(K-, N-), or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - not(R+) + - not(R-) name: explored-14529 type: explored -- comm_cost: 0.5394791666666667 - complexity: 14 +- comm_cost: 0.5529513888888891 + complexity: 9 expressions: - - K- + - K+ - N+ - - R+ - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(N-, or(S+, SE+)) name: explored-14530 type: explored -- comm_cost: 0.5641666666666668 - complexity: 10 +- comm_cost: 0.4817708333333335 + complexity: 11 expressions: - N+ - - SE- - and(N-, R+) - - not(R-) - - or(S+, R-) + - and(S-, N-) + - and(S-, not(R+)) name: explored-14531 type: explored -- comm_cost: 0.6269097222222224 - complexity: 8 +- comm_cost: 0.5895833333333333 + complexity: 7 expressions: - - R+ - - and(K-, not(R+)) - - or(K+, R+) + - K+ + - K+ + - N+ + - R- + - and(K-, S+) name: explored-14532 type: explored -- comm_cost: 0.4405208333333335 - complexity: 19 +- comm_cost: 0.5624074074074076 + complexity: 15 expressions: - - K+ - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - not(R-) name: explored-14533 type: explored -- comm_cost: 0.3973524305555558 - complexity: 14 +- comm_cost: 0.5623263888888891 + complexity: 7 expressions: + - K- - N+ - - R- - - S+ - S+ - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) name: explored-14534 type: explored -- comm_cost: 0.4343750000000002 - complexity: 13 +- comm_cost: 0.71703125 + complexity: 26 expressions: - - R+ - - S+ - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(N+, R-) + - and(K-, not(R-)) + - and(N-, not(R-)) + - and(S-, N-) + - and(and(K-, N-), not(R-)) + - or(K+, R+) + - or(K+, SE+) + - or(SE-, N+) name: explored-14535 type: explored -- comm_cost: 0.1859375000000003 - complexity: 15 +- comm_cost: 0.36979166666666685 + complexity: 13 expressions: - - K+ - - K+ - N+ - R- - - and(K-, S+) + - S+ + - S+ - and(N-, R+) - - and(S-, SE-) - - not(R+) + - and(and(K-, N-), not(R-)) name: explored-14536 type: explored -- comm_cost: 0.44982638888888904 - complexity: 17 +- comm_cost: 0.7506944444444446 + complexity: 11 expressions: - - R+ - - R- - - S+ - - and(K-, SE-) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(K+, N+) + - and(N-, or(S+, R+)) + - and(or(K+, S-), not(R-)) name: explored-14537 type: explored -- comm_cost: 0.531423611111111 - complexity: 12 +- comm_cost: 0.5408333333333335 + complexity: 14 expressions: + - K- - N+ - - and(K-, or(S+, N+)) - - and(S-, SE-) - - or(S+, R-) + - R- + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-14538 type: explored -- comm_cost: 0.3603298611111112 - complexity: 15 +- comm_cost: 0.5131944444444447 + complexity: 6 expressions: - K+ - - K+ - - N+ - - R- - - S+ - - SE+ + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) name: explored-14539 type: explored -- comm_cost: 0.5350694444444446 - complexity: 13 +- comm_cost: 0.6966435185185187 + complexity: 10 expressions: - - N+ - R+ - - R- - - SE- - - and(S-, not(R+)) - - or(S+, or(N+, R-)) + - SE+ + - and(K-, or(SE-, N+)) + - or(K+, S-) name: explored-14540 type: explored -- comm_cost: 0.4223611111111113 - complexity: 20 +- comm_cost: 0.17986111111111147 + complexity: 15 expressions: - K+ - N+ - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, SE+) name: explored-14541 type: explored -- comm_cost: 0.6659722222222223 - complexity: 7 +- comm_cost: 0.7273472222222224 + complexity: 37 expressions: - - and(S-, SE-) - - and(S-, not(R-)) + - K+ + - and(K-, or(S+, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R+)) + - not(R-) + - or(K+, S-) + - or(N+, not(R+)) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-14542 type: explored -- comm_cost: 0.6265625000000002 - complexity: 17 +- comm_cost: 0.7019212962962964 + complexity: 10 expressions: - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(and(K-, N-), not(R-)) + - or(K+, S-) name: explored-14543 type: explored -- comm_cost: 0.6539930555555558 - complexity: 9 +- comm_cost: 0.1062500000000004 + complexity: 19 expressions: - - R+ - - and(S-, N-) - - or(K+, or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-14544 type: explored -- comm_cost: 0.39027777777777817 - complexity: 16 +- comm_cost: 0.6303819444444446 + complexity: 18 expressions: - N+ - - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(SE-, N+)) name: explored-14545 type: explored -- comm_cost: 0.632465277777778 - complexity: 6 +- comm_cost: 0.6385416666666668 + complexity: 12 expressions: - - R+ - - S+ - - and(S-, not(R-)) + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) + - or(K+, K-) name: explored-14546 type: explored -- comm_cost: 0.6934461805555556 - complexity: 11 +- comm_cost: 0.45277777777777817 + complexity: 10 expressions: - - R+ - - SE- - - and(K-, N-) - - and(K-, not(R-)) - - not(R+) + - N+ + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-14547 type: explored -- comm_cost: 0.6739583333333334 - complexity: 9 +- comm_cost: 0.3842013888888891 + complexity: 18 expressions: - - R+ - - S- - - and(K-, or(S+, N+)) - - not(R+) + - N+ + - R- + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) name: explored-14548 type: explored -- comm_cost: 0.23680555555555594 - complexity: 14 +- comm_cost: 0.14947916666666683 + complexity: 15 expressions: - K+ + - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - or(S+, R-) name: explored-14549 type: explored -- comm_cost: 0.37527777777777793 - complexity: 16 +- comm_cost: 0.4856250000000002 + complexity: 7 expressions: - - K+ - N+ - N- - R- - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) name: explored-14550 type: explored -- comm_cost: 0.25651041666666696 +- comm_cost: 0.5480324074074076 complexity: 11 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - R+ + - R- + - SE- + - and(N-, or(K+, R+)) + - or(K+, R+) name: explored-14551 type: explored -- comm_cost: 0.7155208333333335 - complexity: 6 +- comm_cost: 0.6239583333333335 + complexity: 8 expressions: - - R+ - - and(K-, S+) - - not(R-) + - SE- + - and(S-, not(R+)) + - and(SE+, N-) name: explored-14552 type: explored -- comm_cost: 0.5618055555555557 - complexity: 13 +- comm_cost: 0.6944097222222223 + complexity: 8 expressions: - - N+ + - N- - R+ - - R- - - SE- - - and(K-, or(S+, R-)) - - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-14553 type: explored -- comm_cost: 0.7250000000000001 - complexity: 7 +- comm_cost: 0.5390625000000001 + complexity: 16 expressions: + - K+ - R+ - - or(K+, N+) - - or(K+, S-) + - R- + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) name: explored-14554 type: explored -- comm_cost: 0.4409722222222223 - complexity: 16 +- comm_cost: 0.6392361111111113 + complexity: 6 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(K-, or(S+, R-)) - - and(S-, SE-) - - and(S-, not(R-)) + - R- + - or(K+, R-) name: explored-14555 type: explored -- comm_cost: 0.5245833333333335 - complexity: 20 +- comm_cost: 0.410416666666667 + complexity: 11 expressions: - - N+ - R- - - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) - - not(R-) + - and(or(K+, S-), or(SE-, N+)) name: explored-14556 type: explored -- comm_cost: 0.6820833333333334 - complexity: 7 +- comm_cost: 0.6408333333333335 + complexity: 8 expressions: - - K+ - - R- - - R- - - SE- - - or(S+, SE+) + - K- + - R+ + - R+ + - and(SE-, or(K+, S-)) name: explored-14557 type: explored -- comm_cost: 0.4472222222222224 - complexity: 22 +- comm_cost: 0.21510416666666687 + complexity: 18 expressions: - K+ - - K- - N+ - R- - - and(K-, S+) + - S+ + - and(K-, SE-) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(S+, R-) name: explored-14558 type: explored -- comm_cost: 0.7163090277777778 - complexity: 18 +- comm_cost: 0.7032118055555555 + complexity: 11 expressions: - - K+ - - K- - N+ - R- - - S+ - - or(K+, K-) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, or(S+, R-)) + - or(SE-, N+) name: explored-14559 type: explored -- comm_cost: 0.4218750000000002 - complexity: 17 +- comm_cost: 0.6074652777777779 + complexity: 13 expressions: - R- + - S- - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-14560 type: explored -- comm_cost: 0.6069444444444445 - complexity: 12 +- comm_cost: 0.5875 + complexity: 4 expressions: - N+ - - R+ - - R- - - SE- - - and(N-, or(S+, SE+)) - - or(SE-, N+) + - and(S-, SE-) name: explored-14561 type: explored -- comm_cost: 0.18437500000000018 - complexity: 17 +- comm_cost: 0.6118055555555557 + complexity: 12 expressions: - - K+ - - N+ - R- - - and(K-, or(S+, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(N-, not(R-)) - and(SE+, N-) name: explored-14562 type: explored -- comm_cost: 0.5447916666666668 - complexity: 6 +- comm_cost: 0.48020833333333357 + complexity: 17 expressions: - - N+ - - R+ - - R- - - or(SE-, N+) + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) name: explored-14563 type: explored -- comm_cost: 0.6647395833333334 - complexity: 14 +- comm_cost: 0.5380208333333335 + complexity: 10 expressions: + - K+ - N+ - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(N+, not(R+)) + - R- + - SE- + - and(N-, R+) + - or(K+, K-) name: explored-14564 type: explored -- comm_cost: 0.7171875000000001 - complexity: 4 +- comm_cost: 0.7742187500000001 + complexity: 13 expressions: - - S- - - and(K-, SE-) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-14565 type: explored -- comm_cost: 0.4533854166666669 - complexity: 15 +- comm_cost: 0.5333333333333335 + complexity: 10 expressions: - - K+ - - N+ - - R- + - R+ - SE- - - and(N-, R+) - and(S-, SE-) - - not(R+) - - or(K+, SE+) + - or(S+, or(N+, R-)) name: explored-14566 type: explored -- comm_cost: 0.6091145833333335 - complexity: 13 +- comm_cost: 0.34531250000000024 + complexity: 17 expressions: - - R+ - - R- - - SE- - - and(N-, or(S+, R+)) - - or(S+, or(N+, R-)) + - N+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-14567 type: explored -- comm_cost: 0.7154340277777779 - complexity: 9 +- comm_cost: 0.7370949074074076 + complexity: 12 expressions: - - K- - R+ - - SE- - - and(or(K+, S-), not(R-)) + - and(N-, or(K+, SE+)) + - or(K+, N+) + - or(S+, R+) name: explored-14568 type: explored -- comm_cost: 0.7566840277777779 - complexity: 11 +- comm_cost: 0.5783606150793652 + complexity: 33 expressions: - R+ - - and(and(K-, N-), or(S+, R+)) - - or(S+, R+) + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(and(K-, N-), not(R-)) + - and(and(S-, N-), not(R-)) + - or(K+, R-) + - or(K+, SE+) name: explored-14569 type: explored -- comm_cost: 0.7125000000000001 - complexity: 6 +- comm_cost: 0.5350115740740743 + complexity: 13 expressions: - - K+ - - N+ - R- - - or(K+, SE+) + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(SE+, N-) name: explored-14570 type: explored -- comm_cost: 0.49088541666666685 +- comm_cost: 0.410416666666667 + complexity: 9 + expressions: + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + name: explored-14571 + type: explored +- comm_cost: 0.30572916666666694 complexity: 12 expressions: - K+ - - N+ - R- - - S+ - - S- - - SE- + - and(K-, S+) - and(N-, R+) - - or(N+, R-) - name: explored-14571 + - and(S-, not(R+)) + name: explored-14572 type: explored -- comm_cost: 0.6628819444444446 - complexity: 9 +- comm_cost: 0.4570312500000002 + complexity: 12 expressions: - - K- - N+ - - R+ + - N+ - R- - SE- - - or(N+, not(R+)) - name: explored-14572 - type: explored -- comm_cost: 0.8520833333333333 - complexity: 7 - expressions: - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-14573 type: explored -- comm_cost: 0.558246527777778 - complexity: 11 +- comm_cost: 0.6716319444444445 + complexity: 32 expressions: - - R+ - - and(N-, not(R-)) - - and(S-, SE-) - - or(S+, R-) + - N+ + - R- + - and(K-, not(R+)) + - and(K-, not(R-)) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - or(K+, SE+) + - or(S+, N+) + - or(S+, or(N+, R-)) name: explored-14574 type: explored -- comm_cost: 0.5304687500000002 - complexity: 8 +- comm_cost: 0.4842013888888891 + complexity: 13 expressions: + - K- - N+ - - S- - - and(K-, S+) + - R+ + - S+ - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) name: explored-14575 type: explored -- comm_cost: 0.522916666666667 - complexity: 6 +- comm_cost: 0.7687500000000002 + complexity: 7 expressions: - - N+ - - N+ - - N+ - - and(N-, R+) + - K+ + - K+ + - and(N-, or(K+, R+)) name: explored-14576 type: explored -- comm_cost: 0.18802083333333353 - complexity: 15 +- comm_cost: 0.5991753472222223 + complexity: 49 expressions: - - K+ - - N+ - - R- - - S+ + - and(K-, not(R+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, not(R-)) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-14577 type: explored -- comm_cost: 0.4057002314814817 - complexity: 21 +- comm_cost: 0.4531250000000001 + complexity: 11 expressions: - K+ + - N+ - R- - - and(K-, N-) + - S+ + - S- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-14578 type: explored -- comm_cost: 0.436371527777778 - complexity: 20 +- comm_cost: 0.4289930555555558 + complexity: 18 expressions: - - K+ - N+ - - R- + - SE- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(S+, or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) + - or(N+, R-) name: explored-14579 type: explored -- comm_cost: 0.5572916666666669 - complexity: 11 +- comm_cost: 0.5775173611111112 + complexity: 10 expressions: - N+ - R+ + - R- + - S- - SE- - - and(and(S-, N-), not(R-)) - - not(R+) + - and(N-, or(K+, R+)) name: explored-14580 type: explored -- comm_cost: 0.7578125 - complexity: 6 +- comm_cost: 0.7838541666666667 + complexity: 4 expressions: - - and(S-, SE-) - - or(SE-, N+) + - N+ + - or(S+, R+) name: explored-14581 type: explored -- comm_cost: 0.7345486111111112 - complexity: 10 +- comm_cost: 0.2796875000000003 + complexity: 21 expressions: - - SE- - - and(N-, not(R-)) - - or(S+, or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-14582 type: explored -- comm_cost: 0.540277777777778 - complexity: 21 +- comm_cost: 0.49175347222222243 + complexity: 20 expressions: - N+ - - R- - - SE- + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - - or(K+, R+) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) + - or(S+, N+) name: explored-14583 type: explored -- comm_cost: 0.6058333333333334 - complexity: 17 +- comm_cost: 0.6035763888888891 + complexity: 13 expressions: - N+ + - R+ + - R- - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - or(K+, S-) - or(N+, not(R+)) + - or(S+, or(N+, R-)) name: explored-14584 type: explored -- comm_cost: 0.633984375 - complexity: 19 +- comm_cost: 0.5231944444444446 + complexity: 16 expressions: - - R+ - - SE- - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) + - K- + - N+ + - R- + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-14585 type: explored -- comm_cost: 0.513107638888889 - complexity: 12 +- comm_cost: 0.5881944444444445 + complexity: 5 expressions: - - K+ - N+ - - N- - - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - R- + - and(S-, N-) name: explored-14586 type: explored -- comm_cost: 0.5708333333333335 - complexity: 15 +- comm_cost: 0.7202199074074075 + complexity: 29 expressions: - - N+ - - and(K-, not(R-)) - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - K+ + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) + - or(K+, K-) + - or(K+, N+) + - or(N+, not(R+)) name: explored-14587 type: explored -- comm_cost: 0.6960069444444444 - complexity: 15 +- comm_cost: 0.677326388888889 + complexity: 9 expressions: - - and(K-, S+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, K-) + - R+ + - SE- + - or(K+, R+) + - or(N+, not(R+)) name: explored-14588 type: explored -- comm_cost: 0.733420138888889 +- comm_cost: 0.4627314814814817 complexity: 12 expressions: - - and(K-, or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, not(R+)) name: explored-14589 type: explored -- comm_cost: 0.39380787037037057 - complexity: 16 +- comm_cost: 0.679357638888889 + complexity: 7 expressions: - - K+ + - K- - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, K-) + - R+ + - SE- + - or(SE-, N+) name: explored-14590 type: explored -- comm_cost: 0.39479166666666676 - complexity: 10 +- comm_cost: 0.17916666666666692 + complexity: 13 expressions: - - R- - - S+ - - and(N-, or(K+, R+)) + - N+ + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) name: explored-14591 type: explored -- comm_cost: 0.6073437500000002 - complexity: 33 +- comm_cost: 0.7798611111111112 + complexity: 9 expressions: - - R- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) - - or(S+, SE+) + - and(K-, N-) + - and(and(K-, N-), not(R-)) name: explored-14592 type: explored -- comm_cost: 0.5583333333333333 - complexity: 17 +- comm_cost: 0.5097800925925926 + complexity: 19 expressions: + - K+ + - K+ - N+ - R- - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(or(K+, S-), not(R-)) + - and(K-, or(S+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-14593 type: explored -- comm_cost: 0.6527604166666668 - complexity: 7 +- comm_cost: 0.6179687500000002 + complexity: 10 expressions: - - K- + - K+ + - R- - and(N-, R+) - - or(SE-, N+) + - and(N-, or(K+, S-)) name: explored-14594 type: explored -- comm_cost: 0.3627604166666668 - complexity: 13 +- comm_cost: 0.4476562500000002 + complexity: 12 expressions: - - R- + - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(N+, R-) - - or(S+, R+) name: explored-14595 type: explored -- comm_cost: 0.8296874999999999 - complexity: 6 +- comm_cost: 0.4879166666666668 + complexity: 11 expressions: - - SE- - - and(SE-, or(K+, S-)) + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-14596 type: explored -- comm_cost: 0.76875 - complexity: 8 +- comm_cost: 0.668107638888889 + complexity: 24 expressions: - - N- - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R+)) + - and(or(K+, S-), not(R-)) name: explored-14597 type: explored -- comm_cost: 0.6014756944444445 - complexity: 14 +- comm_cost: 0.6894010416666667 + complexity: 20 expressions: - - R+ - - R- - - S- - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, R-) + - and(N-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) + - or(S+, SE+) name: explored-14598 type: explored -- comm_cost: 0.5955729166666668 - complexity: 13 +- comm_cost: 0.5083333333333334 + complexity: 8 expressions: - - K+ - - R+ - - R- + - N+ - SE- - - and(or(K+, S-), not(R-)) - - or(SE-, N+) + - and(S-, N-) + - and(S-, SE-) name: explored-14599 type: explored -- comm_cost: 0.7798611111111111 - complexity: 8 +- comm_cost: 0.4320312500000002 + complexity: 9 expressions: + - K+ - N+ - - or(and(S-, SE-), or(N+, R-)) + - S- + - and(N-, R+) + - and(S-, SE-) name: explored-14600 type: explored -- comm_cost: 0.6385416666666668 - complexity: 9 +- comm_cost: 0.5261574074074076 + complexity: 26 expressions: - N+ - - R+ - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14601 type: explored -- comm_cost: 0.5363194444444447 - complexity: 11 +- comm_cost: 0.6690972222222223 + complexity: 12 expressions: - - N+ - R+ - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(K-, or(S+, SE+)) + - or(S+, or(N+, R-)) name: explored-14602 type: explored -- comm_cost: 0.3187500000000002 - complexity: 16 +- comm_cost: 0.5982638888888889 + complexity: 9 expressions: - K+ + - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - S+ + - and(K-, or(S+, R+)) name: explored-14603 type: explored -- comm_cost: 0.2914351851851855 - complexity: 24 +- comm_cost: 0.6573040674603177 + complexity: 38 expressions: - - N+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - S- + - and(N-, or(K+, S-)) + - and(S-, N-) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(K+, R+) + - or(N+, R-) name: explored-14604 type: explored -- comm_cost: 0.30486111111111125 - complexity: 13 +- comm_cost: 0.7541666666666667 + complexity: 7 expressions: - - N+ - - R- - - and(K-, S+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(S-, not(R+)) name: explored-14605 type: explored -- comm_cost: 0.06093750000000031 - complexity: 12 +- comm_cost: 0.5360416666666667 + complexity: 13 expressions: - - N+ - - R- - - S+ - - and(K-, S+) + - K+ + - N- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) name: explored-14606 type: explored -- comm_cost: 0.3125000000000002 - complexity: 8 +- comm_cost: 0.5759837962962965 + complexity: 16 expressions: + - N+ + - R+ - R- - - R- - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(and(K-, N-), or(S+, SE+)) + - or(K+, or(N+, R-)) name: explored-14607 type: explored -- comm_cost: 0.17916666666666692 - complexity: 9 +- comm_cost: 0.6830324074074074 + complexity: 7 expressions: - - N+ - - S+ - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(S-, N-) + - not(R-) name: explored-14608 type: explored -- comm_cost: 0.6924652777777779 - complexity: 10 +- comm_cost: 0.5125000000000002 + complexity: 12 expressions: - - N- + - N+ - R+ - - and(K-, or(SE-, N+)) - - or(S+, N+) + - R- + - SE- + - and(N-, or(K+, R+)) + - or(S+, R-) name: explored-14609 type: explored -- comm_cost: 0.45763888888888915 - complexity: 14 +- comm_cost: 0.41510416666666683 + complexity: 10 expressions: - - N+ - - SE- - - and(N-, R+) - - and(S-, N-) - - and(or(K+, S-), not(R+)) + - K+ + - R- + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-14610 type: explored -- comm_cost: 0.40000000000000013 - complexity: 13 +- comm_cost: 0.6699050925925927 + complexity: 37 expressions: - - K+ + - N- - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-14611 type: explored -- comm_cost: 0.31597222222222243 - complexity: 20 +- comm_cost: 0.29357638888888915 + complexity: 14 expressions: - K+ - N+ + - R+ - R- - - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) name: explored-14612 type: explored -- comm_cost: 0.17430555555555594 - complexity: 16 +- comm_cost: 0.4983333333333334 + complexity: 10 expressions: - K+ + - K- - N+ - R- - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, R+) + - and(K-, S+) - and(S-, SE-) name: explored-14613 type: explored -- comm_cost: 0.7212395833333334 - complexity: 24 +- comm_cost: 0.5204166666666669 + complexity: 10 expressions: - N+ - - SE- - - and(K-, N-) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-14614 type: explored -- comm_cost: 0.6130208333333335 - complexity: 7 +- comm_cost: 0.5132812500000002 + complexity: 8 expressions: - - R+ - - SE- - - and(N-, or(K+, R+)) + - N+ + - S- + - and(N-, R+) + - and(S-, SE-) name: explored-14615 type: explored -- comm_cost: 0.587326388888889 - complexity: 6 +- comm_cost: 0.6397395833333335 + complexity: 9 expressions: - - K+ + - N+ - R+ + - R- - SE- - - and(S-, N-) + - not(R+) + - or(K+, S-) name: explored-14616 type: explored -- comm_cost: 0.3564814814814816 - complexity: 18 +- comm_cost: 0.5125000000000002 + complexity: 12 expressions: + - K+ + - N+ - N+ - R- - - S+ - - SE+ - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, R-) + - and(N-, or(K+, SE+)) name: explored-14617 type: explored -- comm_cost: 0.32916666666666694 - complexity: 14 +- comm_cost: 0.3988425925925927 + complexity: 18 expressions: + - K+ + - K+ + - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, N-) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-14618 type: explored -- comm_cost: 0.5188368055555557 - complexity: 20 +- comm_cost: 0.40729166666666683 + complexity: 7 expressions: - K+ - R+ - R- - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) + - SE- - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-14619 type: explored -- comm_cost: 0.5925057870370372 - complexity: 12 +- comm_cost: 0.15000000000000036 + complexity: 14 expressions: - - R+ + - K+ - R- - - SE- - - and(K-, not(R+)) - - or(S+, or(N+, R-)) + - and(K-, S+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-14620 type: explored -- comm_cost: 0.6789062500000002 - complexity: 8 +- comm_cost: 0.4343750000000003 + complexity: 9 expressions: - - R+ - - S- - SE- - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-14621 type: explored -- comm_cost: 0.6671006944444445 - complexity: 7 +- comm_cost: 0.5744791666666669 + complexity: 9 expressions: - - R+ - - S+ + - N+ - SE- - - and(N-, not(R-)) + - and(K-, not(R-)) + - and(N-, R+) name: explored-14622 type: explored -- comm_cost: 0.12656250000000036 - complexity: 13 +- comm_cost: 0.4770833333333333 + complexity: 9 expressions: - K+ - - N+ - R- - - S+ - - and(K-, SE-) - - and(N-, R+) + - R- + - and(K-, S+) - and(S-, SE-) name: explored-14623 type: explored -- comm_cost: 0.5418692129629632 - complexity: 35 +- comm_cost: 0.6723958333333333 + complexity: 6 expressions: - - K+ - - and(N-, or(K+, R+)) - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - and(SE-, or(K+, S-)) - - or(K+, R-) - - or(K+, or(N+, R-)) + - N+ + - R- + - SE- - or(N+, R-) name: explored-14624 type: explored -- comm_cost: 0.4359375000000002 - complexity: 17 +- comm_cost: 0.651388888888889 + complexity: 11 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R+ + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) name: explored-14625 type: explored -- comm_cost: 0.2460937500000001 - complexity: 17 +- comm_cost: 0.5412326388888891 + complexity: 13 expressions: - K+ - N+ + - R+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(or(K+, S-), or(N+, not(R+))) name: explored-14626 type: explored -- comm_cost: 0.5334201388888891 - complexity: 15 +- comm_cost: 0.377777777777778 + complexity: 12 expressions: - - N+ - - R+ - R- - - SE- - - SE- - - and(K-, not(R-)) - - and(and(S-, N-), not(R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-14627 type: explored -- comm_cost: 0.5751736111111113 - complexity: 12 +- comm_cost: 0.19583333333333353 + complexity: 16 expressions: - N+ + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - - or(SE-, N+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, R-) name: explored-14628 type: explored -- comm_cost: 0.6498553240740742 - complexity: 12 +- comm_cost: 0.22430555555555576 + complexity: 17 expressions: - - R+ - - SE- - - and(K-, N-) - - and(and(K-, N-), or(S+, SE+)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-14629 type: explored -- comm_cost: 0.6697916666666667 - complexity: 6 +- comm_cost: 0.48359375000000027 + complexity: 10 expressions: - - K+ - - N+ - SE- - - or(N+, R-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-14630 type: explored -- comm_cost: 0.632465277777778 - complexity: 8 +- comm_cost: 0.5237557870370373 + complexity: 15 expressions: - - R+ + - N+ + - R- + - SE+ - SE- - - and(K-, S+) - - or(K+, R+) + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14631 type: explored -- comm_cost: 0.34537037037037055 - complexity: 17 +- comm_cost: 0.5333333333333334 + complexity: 10 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-14632 type: explored -- comm_cost: 0.4354166666666668 - complexity: 9 +- comm_cost: 0.483883101851852 + complexity: 12 expressions: - R- - - and(N-, or(K+, R+)) + - S+ + - S- + - and(N-, R+) - and(S-, SE-) + - or(K+, R+) name: explored-14633 type: explored -- comm_cost: 0.7039930555555556 - complexity: 10 +- comm_cost: 0.3116319444444444 + complexity: 15 expressions: - - R+ - - and(K-, or(S+, SE+)) - - and(N-, not(R-)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-14634 type: explored -- comm_cost: 0.8368055555555557 - complexity: 5 +- comm_cost: 0.3427083333333336 + complexity: 8 expressions: - - and(N-, or(S+, R+)) + - N+ + - and(N-, R+) + - and(S-, not(R+)) name: explored-14635 type: explored -- comm_cost: 0.3157986111111113 +- comm_cost: 0.5029513888888892 + complexity: 10 + expressions: + - SE- + - and(N-, R+) + - or(S+, N+) + - or(SE-, N+) + name: explored-14636 + type: explored +- comm_cost: 0.36001157407407425 complexity: 21 expressions: - K+ - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - name: explored-14636 + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + name: explored-14637 type: explored -- comm_cost: 0.4975347222222223 - complexity: 13 +- comm_cost: 0.5822916666666668 + complexity: 5 expressions: - R+ - R- - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(S+, SE+) - name: explored-14637 + - and(K-, S+) + name: explored-14638 type: explored -- comm_cost: 0.6132812500000002 - complexity: 12 +- comm_cost: 0.6485243055555556 + complexity: 14 expressions: - N+ - - S- - - SE- - - and(N-, R+) + - R+ + - R- + - and(K-, or(S+, SE+)) - and(or(K+, S-), not(R-)) - name: explored-14638 - type: explored -- comm_cost: 0.5601562500000001 - complexity: 9 - expressions: - - K+ - - and(N-, or(S+, SE+)) - - and(S-, SE-) name: explored-14639 type: explored -- comm_cost: 0.6964409722222223 - complexity: 10 +- comm_cost: 0.5997395833333334 + complexity: 12 expressions: + - N+ - R+ - - or(K+, R+) - - or(S+, N+) - - or(SE-, N+) + - R- + - SE- + - and(K-, or(SE-, N+)) + - or(K+, SE+) name: explored-14640 type: explored -- comm_cost: 0.5926504629629631 - complexity: 14 +- comm_cost: 0.6239583333333333 + complexity: 10 expressions: - - R+ - R- - - SE- - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R+)) + - S+ + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-14641 type: explored -- comm_cost: 0.8684895833333333 - complexity: 8 +- comm_cost: 0.574189814814815 + complexity: 23 expressions: - - or(K+, N+) - - or(S+, or(N+, R-)) + - R+ + - R- + - SE- + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-14642 type: explored -- comm_cost: 0.4130208333333336 - complexity: 7 +- comm_cost: 0.5687789351851853 + complexity: 15 expressions: - - K+ - - R+ + - N+ - R- - - SE- - and(N-, R+) + - and(N-, or(S+, R+)) + - and(N-, or(S+, SE+)) name: explored-14643 type: explored -- comm_cost: 0.6066550925925928 - complexity: 15 +- comm_cost: 0.28906250000000033 + complexity: 14 expressions: - - R+ - - S- - - and(N-, or(K+, SE+)) + - K+ + - N+ + - and(K-, or(N+, not(R+))) + - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) name: explored-14644 type: explored -- comm_cost: 0.3088541666666669 - complexity: 10 +- comm_cost: 0.5383680555555558 + complexity: 15 expressions: - - S+ - - and(K-, S+) + - N+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-14645 type: explored -- comm_cost: 0.3943576388888892 - complexity: 9 +- comm_cost: 0.25151909722222254 + complexity: 13 expressions: - K+ + - N+ - R- + - S+ - SE- - and(N-, R+) - - or(SE-, N+) + - and(S-, SE-) + - not(R+) name: explored-14646 type: explored -- comm_cost: 0.6343750000000001 - complexity: 5 +- comm_cost: 0.5217013888888891 + complexity: 9 expressions: - - N+ - R+ - - or(K+, R-) + - S+ + - and(S-, not(R+)) + - or(S+, R-) name: explored-14647 type: explored -- comm_cost: 0.4787760416666669 - complexity: 18 +- comm_cost: 0.6225000000000002 + complexity: 8 expressions: - - K+ - N+ - R- - - S+ - - S- - and(N-, R+) - - and(S-, SE-) - - not(R+) - - or(S+, or(N+, R-)) + - or(S+, SE+) name: explored-14648 type: explored -- comm_cost: 0.6950231481481484 - complexity: 14 +- comm_cost: 0.28333333333333355 + complexity: 15 expressions: - - R+ + - N+ - R- - - and(K-, or(S+, R-)) - - and(and(K-, N-), or(S+, SE+)) + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) + - or(S+, R+) name: explored-14649 type: explored -- comm_cost: 0.6869791666666669 - complexity: 11 +- comm_cost: 0.7164965277777778 + complexity: 40 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(S+, SE+) + - K- + - and(K-, S+) + - and(K-, or(S+, R-)) + - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - not(R-) + - or(S+, N+) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-14650 type: explored -- comm_cost: 0.7375000000000002 - complexity: 10 +- comm_cost: 0.3070312500000002 + complexity: 17 expressions: - - R+ - - SE+ - - and(K-, or(S+, R+)) - - and(SE+, N-) + - N+ + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-14651 type: explored -- comm_cost: 0.4920138888888891 - complexity: 15 +- comm_cost: 0.5614583333333335 + complexity: 10 expressions: - - K+ + - R+ - R- - - SE- - - and(K-, not(R-)) - - and(N-, R+) - - and(SE-, or(K+, S-)) + - R- + - and(or(K+, S-), or(SE-, N+)) name: explored-14652 type: explored -- comm_cost: 0.47291666666666676 - complexity: 9 +- comm_cost: 0.7373657407407408 + complexity: 31 expressions: - - K+ - - R+ - - R- + - K- - SE- - - and(S-, or(SE-, N+)) + - and(K-, S+) + - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(N-, or(S+, R+)) + - not(R+) + - or(N+, not(R+)) + - or(S+, SE+) + - or(SE-, N+) name: explored-14653 type: explored -- comm_cost: 0.7479166666666666 - complexity: 5 - expressions: - - N+ - - R- - - or(S+, N+) - name: explored-14654 - type: explored -- comm_cost: 0.4179687500000001 - complexity: 20 +- comm_cost: 0.32986111111111127 + complexity: 17 expressions: - K+ - N+ - R- + - SE- - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - or(SE-, N+) + - and(S-, not(R-)) + name: explored-14654 + type: explored +- comm_cost: 0.7209143518518519 + complexity: 10 + expressions: + - R+ + - or(K+, R+) + - or(K+, R-) + - or(K+, S-) name: explored-14655 type: explored -- comm_cost: 0.7159722222222222 - complexity: 8 +- comm_cost: 0.5299479166666667 + complexity: 19 expressions: - - K+ + - N+ - R- - - SE- - - and(SE-, or(K+, S-)) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-14656 type: explored -- comm_cost: 0.23554687500000016 - complexity: 16 +- comm_cost: 0.4116319444444445 + complexity: 7 expressions: - K+ - - K+ - - N+ - R- - S+ - - and(N-, R+) - - and(N-, or(S+, SE+)) + - SE+ - and(S-, SE-) name: explored-14657 type: explored -- comm_cost: 0.6466666666666668 +- comm_cost: 0.5640625000000002 complexity: 11 expressions: - N+ - - SE- - and(N-, R+) - - or(K+, S-) - - or(K+, S-) + - and(and(K-, N-), or(S+, R+)) name: explored-14658 type: explored -- comm_cost: 0.47386574074074084 - complexity: 15 +- comm_cost: 0.2562500000000002 + complexity: 20 expressions: - K+ - - K- - N+ - R- - - S+ + - and(K-, S+) + - and(K-, SE-) + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) name: explored-14659 type: explored -- comm_cost: 0.30636574074074097 - complexity: 16 +- comm_cost: 0.48583333333333356 + complexity: 9 expressions: - - K+ - - N+ - - R+ - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - not(R-) name: explored-14660 type: explored -- comm_cost: 0.67 - complexity: 10 +- comm_cost: 0.5914930555555558 + complexity: 9 expressions: - - N- + - K+ + - N+ - R+ - - R- - SE- - - and(or(K+, S-), not(R-)) + - and(N-, or(S+, R+)) name: explored-14661 type: explored -- comm_cost: 0.706701388888889 - complexity: 11 +- comm_cost: 0.48450520833333355 + complexity: 18 expressions: - - K- - - R+ + - K+ + - N+ + - R- - SE- - - and(SE-, or(K+, S-)) - - or(K+, S-) + - SE- + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-14662 type: explored -- comm_cost: 0.20034722222222245 - complexity: 16 +- comm_cost: 0.7390625 + complexity: 5 expressions: - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - N+ + - SE- + - or(K+, N+) name: explored-14663 type: explored -- comm_cost: 0.5811921296296299 - complexity: 15 +- comm_cost: 0.4896701388888891 + complexity: 20 expressions: - - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) - - and(S-, not(R-)) - - and(SE+, N-) + - K+ + - N+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-14664 type: explored -- comm_cost: 0.41666666666666674 - complexity: 13 +- comm_cost: 0.5677083333333333 + complexity: 10 expressions: - - R+ + - K+ - R- - - S+ - - S+ - - SE+ - - and(N-, or(K+, SE+)) - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-14665 type: explored -- comm_cost: 0.29687500000000033 +- comm_cost: 0.46886574074074083 complexity: 10 expressions: - N+ - - S+ + - R+ + - R- - SE- - and(N-, R+) - - and(S-, not(R+)) + - or(K+, R+) name: explored-14666 type: explored -- comm_cost: 0.5794704861111113 - complexity: 13 +- comm_cost: 0.6149305555555558 + complexity: 7 expressions: - - N+ - - S+ - - SE- - - and(K-, not(R-)) - - and(N-, R+) - - or(S+, N+) + - K+ + - and(K-, SE-) + - or(K+, R+) name: explored-14667 type: explored -- comm_cost: 0.6800636574074075 - complexity: 15 +- comm_cost: 0.6462500000000002 + complexity: 5 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) - - and(S-, not(R-)) + - K- + - R- + - and(N-, R+) name: explored-14668 type: explored -- comm_cost: 0.4475694444444446 - complexity: 12 - expressions: - - R+ - - R+ - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-14669 - type: explored -- comm_cost: 0.5424479166666668 - complexity: 12 +- comm_cost: 0.41718750000000016 + complexity: 16 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) + - and(S-, SE-) - or(K+, N+) - - or(S+, R+) + - or(K+, S-) + name: explored-14669 + type: explored +- comm_cost: 0.7132812500000001 + complexity: 7 + expressions: + - SE- + - and(K-, N-) + - and(SE+, N-) name: explored-14670 type: explored -- comm_cost: 0.14279513888888928 - complexity: 15 +- comm_cost: 0.563888888888889 + complexity: 12 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - SE- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - and(K-, SE-) + - and(N-, and(or(K+, S-), not(R-))) name: explored-14671 type: explored -- comm_cost: 0.4302372685185186 - complexity: 18 +- comm_cost: 0.6640625000000001 + complexity: 8 + expressions: + - K- + - R+ + - and(K-, S+) + - or(K+, N+) + name: explored-14672 + type: explored +- comm_cost: 0.28472222222222243 + complexity: 20 expressions: - N+ - R- - - S+ - and(N-, R+) - and(N-, or(S+, SE+)) - and(S-, SE-) - - and(S-, not(R-)) - name: explored-14672 - type: explored -- comm_cost: 0.7726388888888889 - complexity: 10 - expressions: - - or(K+, S-) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-14673 type: explored -- comm_cost: 0.4036458333333336 - complexity: 13 +- comm_cost: 0.4423611111111113 + complexity: 8 expressions: - - K+ - N+ - - S+ + - R+ + - R+ + - R- + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) name: explored-14674 type: explored -- comm_cost: 0.2840277777777781 - complexity: 15 +- comm_cost: 0.6331163194444446 + complexity: 25 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(S-, N-), not(R-)) + - or(K+, SE+) + - or(N+, R-) name: explored-14675 type: explored -- comm_cost: 0.4258333333333335 - complexity: 11 +- comm_cost: 0.19583333333333341 + complexity: 17 expressions: + - K+ + - K+ - N+ - R- - - R- - and(N-, R+) - and(S-, SE-) - - not(R-) + - and(and(K-, N-), or(S+, SE+)) name: explored-14676 type: explored -- comm_cost: 0.5229166666666668 - complexity: 8 +- comm_cost: 0.5130208333333335 + complexity: 11 expressions: - - N+ - - SE- - - and(and(S-, N-), not(R-)) + - K+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-14677 type: explored -- comm_cost: 0.6372395833333334 - complexity: 10 +- comm_cost: 0.5737557870370371 + complexity: 25 expressions: - - R+ - - S- + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) name: explored-14678 type: explored -- comm_cost: 0.5353298611111114 +- comm_cost: 0.458854166666667 complexity: 14 expressions: - - K+ - - N+ - - SE- - - and(K-, N-) - - and(N-, R+) - - or(S+, or(N+, R-)) - name: explored-14679 - type: explored -- comm_cost: 0.4866319444444446 - complexity: 16 - expressions: - N+ - R- - - and(K-, or(S+, SE+)) + - S+ - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - name: explored-14680 + - or(K+, or(N+, R-)) + - or(S+, N+) + name: explored-14679 type: explored -- comm_cost: 0.5309895833333336 - complexity: 15 +- comm_cost: 0.5393229166666669 + complexity: 14 expressions: - - N+ - SE- - and(N-, R+) - and(N-, or(S+, SE+)) - - or(K+, or(N+, R-)) - name: explored-14681 + - and(S-, or(SE-, N+)) + name: explored-14680 type: explored -- comm_cost: 0.26805555555555594 +- comm_cost: 0.5263888888888891 complexity: 14 expressions: - - R- + - and(K-, or(SE-, N+)) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-14682 + name: explored-14681 type: explored -- comm_cost: 0.6588541666666669 +- comm_cost: 0.7004166666666667 complexity: 8 expressions: - N+ + - and(S-, SE-) + - or(N+, not(R+)) + name: explored-14682 + type: explored +- comm_cost: 0.6678819444444446 + complexity: 9 + expressions: - R+ - - R- - - and(N-, or(K+, SE+)) + - and(N-, or(K+, R+)) + - or(S+, R-) name: explored-14683 type: explored -- comm_cost: 0.8054166666666667 - complexity: 5 +- comm_cost: 0.41519097222222245 + complexity: 20 expressions: + - K+ - N+ - - or(N+, not(R+)) + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-14684 type: explored -- comm_cost: 0.7034722222222223 - complexity: 8 +- comm_cost: 0.23750000000000027 + complexity: 13 expressions: - - K- - - R- - - SE- - - and(N-, or(S+, R+)) + - K+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-14685 type: explored -- comm_cost: 0.44537037037037064 - complexity: 15 +- comm_cost: 0.21979166666666705 + complexity: 21 expressions: + - N+ - R- - - S+ - - and(K-, not(R+)) + - and(K-, S+) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - and(SE-, or(K+, S-)) name: explored-14686 type: explored -- comm_cost: 0.6187065972222223 - complexity: 15 +- comm_cost: 0.6730324074074076 + complexity: 36 expressions: - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(SE-, N+) + - and(K-, not(R-)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) + - and(S-, not(R-)) + - and(SE+, N-) + - or(K+, K-) name: explored-14687 type: explored -- comm_cost: 0.4657118055555558 - complexity: 16 +- comm_cost: 0.4388888888888892 + complexity: 10 expressions: + - K+ + - R- - SE- - - and(K-, or(S+, R-)) + - and(K-, not(R+)) - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) name: explored-14688 type: explored -- comm_cost: 0.5804166666666668 - complexity: 9 +- comm_cost: 0.5687500000000002 + complexity: 4 expressions: - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - N+ + - R+ + - S+ + - SE- name: explored-14689 type: explored -- comm_cost: 0.7300347222222223 - complexity: 17 +- comm_cost: 0.5219618055555557 + complexity: 23 expressions: - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R- + - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, SE+) + - or(S+, SE+) name: explored-14690 type: explored -- comm_cost: 0.6560763888888891 - complexity: 8 +- comm_cost: 0.5800347222222224 + complexity: 20 expressions: - - R+ + - K+ + - N+ + - R- - SE- - - or(S+, N+) - - or(SE-, N+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - or(K+, K-) name: explored-14691 type: explored -- comm_cost: 0.2873263888888893 - complexity: 19 +- comm_cost: 0.5149305555555556 + complexity: 11 expressions: + - K+ - N+ - R- - S+ - - S+ - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - - and(N-, R+) - and(S-, SE-) name: explored-14692 type: explored -- comm_cost: 0.5141493055555557 - complexity: 17 +- comm_cost: 0.2505208333333335 + complexity: 16 expressions: + - K+ - N+ + - R- + - S+ - SE- - - and(K-, not(R-)) - and(N-, R+) - - and(SE+, N-) - - and(SE-, or(K+, S-)) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-14693 type: explored -- comm_cost: 0.5178240740740742 - complexity: 11 +- comm_cost: 0.2831597222222224 + complexity: 19 expressions: - - R+ - - R+ - - SE+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - and(SE-, or(K+, S-)) name: explored-14694 type: explored -- comm_cost: 0.640625 - complexity: 8 +- comm_cost: 0.08125000000000027 + complexity: 9 expressions: + - K+ - N+ - R- - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-14695 type: explored -- comm_cost: 0.8527777777777777 - complexity: 12 +- comm_cost: 0.6484375 + complexity: 13 expressions: - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R+)) + - K+ + - and(K-, SE-) + - and(K-, not(R-)) + - and(K-, or(S+, N+)) name: explored-14696 type: explored -- comm_cost: 0.7345486111111112 - complexity: 6 +- comm_cost: 0.47974537037037057 + complexity: 13 expressions: - - R+ - - and(N-, or(S+, R+)) + - N+ + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-14697 type: explored -- comm_cost: 0.48802083333333346 - complexity: 11 +- comm_cost: 0.45392361111111135 + complexity: 25 expressions: - - K+ - - R+ + - N+ - R- - - SE- - - and(and(K-, N-), or(S+, R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-14698 type: explored -- comm_cost: 0.24467592592592613 - complexity: 15 +- comm_cost: 0.38831018518518534 + complexity: 26 expressions: + - K+ - N+ - R- - - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) - and(or(K+, S-), not(R+)) name: explored-14699 type: explored -- comm_cost: 0.6729166666666668 - complexity: 7 +- comm_cost: 0.5763020833333334 + complexity: 9 expressions: + - N+ + - R+ + - R- - SE- - - and(and(S-, N-), not(R-)) + - and(N-, or(K+, S-)) name: explored-14700 type: explored -- comm_cost: 0.49375000000000013 - complexity: 19 +- comm_cost: 0.44791666666666696 + complexity: 9 expressions: - - K- - - N+ + - K+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(S+, R-) name: explored-14701 type: explored -- comm_cost: 0.4234375 - complexity: 8 +- comm_cost: 0.7130208333333334 + complexity: 5 expressions: - - N+ + - R+ - R- - - and(S-, SE-) - - or(S+, R+) + - or(K+, K-) name: explored-14702 type: explored -- comm_cost: 0.40885416666666685 - complexity: 19 +- comm_cost: 0.6313541666666668 + complexity: 12 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, not(R-)) + - N- + - R+ - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-14703 type: explored -- comm_cost: 0.41608796296296313 - complexity: 16 +- comm_cost: 0.8106770833333333 + complexity: 7 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, N-) - - and(and(K-, N-), or(S+, R+)) + - SE- + - and(K-, or(N+, not(R+))) name: explored-14704 type: explored -- comm_cost: 0.17204861111111147 - complexity: 17 +- comm_cost: 0.40347222222222223 + complexity: 8 expressions: - - K+ - N+ - R- - - S+ - - and(K-, S+) - - and(K-, not(R+)) - - and(N-, R+) - and(S-, SE-) + - or(K+, R+) name: explored-14705 type: explored -- comm_cost: 0.6042939814814816 - complexity: 31 +- comm_cost: 0.14479166666666687 + complexity: 20 expressions: + - K+ + - K+ + - N+ + - N+ - R- - - and(K-, or(S+, R-)) - - and(S-, N-) + - S+ + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) - - or(K+, S-) - - or(and(K-, S+), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-14706 type: explored -- comm_cost: 0.5111979166666667 - complexity: 12 +- comm_cost: 0.6380208333333335 + complexity: 9 expressions: - R+ - - R- - - S+ - - and(S-, SE-) - - or(S+, R+) - - or(SE-, N+) + - SE- + - and(N-, or(S+, R+)) + - not(R+) name: explored-14707 type: explored -- comm_cost: 0.12899305555555585 - complexity: 16 +- comm_cost: 0.19635416666666705 + complexity: 13 expressions: - K+ + - K+ - N+ - - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(S+, N+) + - or(K+, N+) name: explored-14708 type: explored -- comm_cost: 0.30138888888888915 +- comm_cost: 0.4756597222222223 complexity: 15 expressions: + - N+ - R- - S+ - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - not(R-) name: explored-14709 type: explored -- comm_cost: 0.4809895833333335 +- comm_cost: 0.4031539351851854 complexity: 20 expressions: + - K+ - N+ - R- + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-14710 type: explored -- comm_cost: 0.6604166666666667 - complexity: 6 +- comm_cost: 0.47406250000000016 + complexity: 14 expressions: + - K- - N+ - R- - - SE- - - or(S+, N+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-14711 type: explored -- comm_cost: 0.7758333333333334 - complexity: 7 +- comm_cost: 0.678125 + complexity: 6 expressions: - - or(N+, not(R+)) - - or(S+, R+) + - N+ + - and(SE-, or(K+, S-)) name: explored-14712 type: explored -- comm_cost: 0.1742187500000003 - complexity: 15 +- comm_cost: 0.10260416666666705 + complexity: 16 expressions: - K+ - - K+ - N+ - R- + - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(N+, R-) name: explored-14713 type: explored -- comm_cost: 0.3543981481481483 - complexity: 15 +- comm_cost: 0.22031250000000013 + complexity: 17 expressions: - K+ - - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(S-, N-) - - and(S-, not(R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-14714 type: explored -- comm_cost: 0.42005208333333344 - complexity: 8 +- comm_cost: 0.441666666666667 + complexity: 7 expressions: - - R+ - - R- - - and(S-, SE-) - - or(S+, R+) + - N+ + - and(K-, S+) + - and(N-, R+) name: explored-14715 type: explored -- comm_cost: 0.5378472222222224 - complexity: 12 +- comm_cost: 0.42065972222222225 + complexity: 14 expressions: + - K+ - N+ - - R+ - R- - - SE- - - SE- - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - and(S-, SE-) + - or(K+, R-) name: explored-14716 type: explored -- comm_cost: 0.4223958333333335 - complexity: 17 +- comm_cost: 0.14427083333333357 + complexity: 15 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(SE-, N+) + - and(S-, not(R+)) name: explored-14717 type: explored -- comm_cost: 0.475607638888889 - complexity: 26 +- comm_cost: 0.36093750000000013 + complexity: 17 expressions: - N+ - R- + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - and(S-, not(R+)) - and(and(K-, N-), or(S+, R+)) - - or(and(K-, SE-), or(N+, R-)) name: explored-14718 type: explored -- comm_cost: 0.574189814814815 - complexity: 15 +- comm_cost: 0.6453125 + complexity: 6 expressions: + - K+ - N+ - - R+ - R- - - SE- - - and(N-, or(S+, R+)) - - or(K+, R+) - - or(S+, R-) + - S+ + - not(R+) name: explored-14719 type: explored -- comm_cost: 0.5601851851851852 - complexity: 37 +- comm_cost: 0.5328125000000001 + complexity: 9 expressions: + - K+ - N+ - - R+ - - and(S-, N-) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - or(K+, or(N+, R-)) - - or(N+, R-) - - or(S+, N+) + - R- + - and(N-, R+) + - or(S+, R+) name: explored-14720 type: explored -- comm_cost: 0.5697916666666668 - complexity: 16 +- comm_cost: 0.4894270833333336 + complexity: 13 expressions: + - K- - N+ - R- - - SE- - - and(K-, or(S+, SE+)) + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(SE-, N+) name: explored-14721 type: explored -- comm_cost: 0.33177083333333357 - complexity: 17 +- comm_cost: 0.590277777777778 + complexity: 13 expressions: - - K+ - - N+ - - S+ - - and(K-, or(S+, SE+)) + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(S-, not(R-)) name: explored-14722 type: explored -- comm_cost: 0.6613136574074074 - complexity: 10 +- comm_cost: 0.4208333333333335 + complexity: 11 expressions: - - R+ + - K+ + - N+ - R- - - SE+ + - S- - SE- - - or(K+, S-) - - or(N+, R-) + - and(N-, R+) + - and(S-, SE-) name: explored-14723 type: explored -- comm_cost: 0.6707986111111113 - complexity: 11 +- comm_cost: 0.4208333333333335 + complexity: 20 expressions: - - SE- - - and(K-, or(S+, SE+)) + - K+ + - N+ + - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - - not(R-) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-14724 type: explored -- comm_cost: 0.7021469907407408 - complexity: 17 +- comm_cost: 0.3227430555555557 + complexity: 18 expressions: - - R+ + - N+ + - R- + - S+ - SE- - - and(K-, or(S+, R+)) - - or(K+, S-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-14725 type: explored -- comm_cost: 0.38541666666666674 - complexity: 12 +- comm_cost: 0.7010416666666668 + complexity: 20 expressions: - R+ - - R- - - S+ - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) name: explored-14726 type: explored -- comm_cost: 0.38802083333333337 - complexity: 8 +- comm_cost: 0.6098958333333335 + complexity: 11 expressions: - - K+ - N+ - - R- - - R- - - S+ - - and(S-, SE-) + - R+ + - and(and(S-, N-), not(R-)) + - or(SE-, N+) name: explored-14727 type: explored -- comm_cost: 0.3515625000000002 - complexity: 10 +- comm_cost: 0.6896961805555556 + complexity: 35 expressions: - - R- - - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) + - S+ + - and(K-, or(S+, SE+)) + - and(S-, SE-) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - not(R+) + - or(K+, K-) + - or(K+, SE+) + - or(S+, R+) name: explored-14728 type: explored -- comm_cost: 0.4213541666666669 +- comm_cost: 0.7017361111111112 complexity: 7 expressions: - - K+ - - N+ - - N+ - - S+ - - and(N-, R+) + - SE- + - and(S-, N-) + - or(K+, R-) name: explored-14729 type: explored -- comm_cost: 0.6849456018518519 - complexity: 31 +- comm_cost: 0.20694444444444482 + complexity: 11 expressions: - K+ - - S+ - - and(K-, not(R-)) - - and(K-, or(S+, R-)) - - and(N-, or(K+, SE+)) - - and(S-, or(SE-, N+)) - - or(K+, SE+) - - or(N+, not(R+)) - - or(S+, R-) + - N+ + - R- + - SE- + - SE- + - and(N-, R+) + - and(S-, SE-) name: explored-14730 type: explored -- comm_cost: 0.4505208333333335 - complexity: 12 +- comm_cost: 0.20598958333333361 + complexity: 17 expressions: - K+ + - K+ + - N+ - N+ - R- + - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, K-) name: explored-14731 type: explored -- comm_cost: 0.5750000000000003 - complexity: 4 +- comm_cost: 0.3045138888888892 + complexity: 20 expressions: + - N+ - R- + - SE- - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) name: explored-14732 type: explored -- comm_cost: 0.33359375000000036 - complexity: 15 +- comm_cost: 0.306510416666667 + complexity: 16 expressions: - - N+ + - K+ + - R- - R- + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-14733 type: explored -- comm_cost: 0.469675925925926 - complexity: 15 +- comm_cost: 0.5126302083333335 + complexity: 14 expressions: - - R+ + - K+ + - N+ - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, R+) + - SE- + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) name: explored-14734 type: explored -- comm_cost: 0.26328125000000036 - complexity: 12 +- comm_cost: 0.602170138888889 + complexity: 9 expressions: - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - R- + - SE- + - and(S-, not(R-)) - not(R+) name: explored-14735 type: explored -- comm_cost: 0.4347916666666668 - complexity: 10 +- comm_cost: 0.3104166666666668 + complexity: 13 expressions: + - K+ + - K+ + - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(SE+, N-) name: explored-14736 type: explored -- comm_cost: 0.5616898148148151 - complexity: 14 +- comm_cost: 0.5088541666666666 + complexity: 9 expressions: - - N+ - - SE- - - and(N-, R+) - - and(N-, R+) - - or(K+, K-) - - or(S+, N+) + - K+ + - R- + - S+ + - and(S-, SE-) + - or(S+, SE+) name: explored-14737 type: explored -- comm_cost: 0.5000000000000001 - complexity: 12 +- comm_cost: 0.6253125000000002 + complexity: 9 expressions: - - N+ - - R- - - S+ - - S- - - and(K-, or(S+, N+)) - - and(N-, R+) + - R+ + - and(S-, not(R+)) + - or(N+, not(R+)) name: explored-14738 type: explored -- comm_cost: 0.3158564814814817 - complexity: 15 +- comm_cost: 0.5895833333333335 + complexity: 8 expressions: - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(K+, R-) + - R+ + - SE- + - or(S+, or(N+, R-)) name: explored-14739 type: explored -- comm_cost: 0.48020833333333357 - complexity: 22 +- comm_cost: 0.6350694444444446 + complexity: 24 expressions: - - N+ - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, N-) + - and(N-, or(K+, R+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R-) name: explored-14740 type: explored -- comm_cost: 0.6617187500000001 - complexity: 5 +- comm_cost: 0.6025896990740742 + complexity: 18 expressions: - N+ + - R+ + - R- - SE- - - or(K+, SE+) + - and(K-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - or(S+, N+) name: explored-14741 type: explored -- comm_cost: 0.46875000000000033 - complexity: 12 +- comm_cost: 0.5929629629629631 + complexity: 10 expressions: - - SE- - - and(K-, or(S+, R-)) + - SE+ - and(N-, R+) - - or(K+, R-) + - and(S-, SE-) + - or(K+, S-) name: explored-14742 type: explored -- comm_cost: 0.5992187500000001 - complexity: 9 +- comm_cost: 0.4766666666666668 + complexity: 18 expressions: + - K+ - N+ - R- - - SE- - - and(or(K+, S-), not(R-)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - not(R-) + - or(N+, not(R+)) name: explored-14743 type: explored -- comm_cost: 0.25260416666666685 - complexity: 11 +- comm_cost: 0.5617187500000002 + complexity: 12 expressions: - - K+ - - N+ - - R- - - S+ - - SE+ + - and(K-, N-) - and(N-, R+) - and(S-, SE-) + - or(SE-, N+) name: explored-14744 type: explored -- comm_cost: 0.3739583333333335 - complexity: 23 +- comm_cost: 0.7490104166666667 + complexity: 11 expressions: - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - not(R-) + - or(S+, SE+) + - or(S+, or(N+, R-)) name: explored-14745 type: explored -- comm_cost: 0.6083333333333335 - complexity: 8 +- comm_cost: 0.6541666666666668 + complexity: 13 expressions: - - R+ - - and(K-, or(S+, R-)) - - not(R+) + - SE- + - and(K-, N-) + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-14746 type: explored -- comm_cost: 0.3442708333333335 - complexity: 9 +- comm_cost: 0.6267361111111113 + complexity: 13 expressions: - - K+ - R+ - - R- - - and(S-, SE-) - - and(SE+, N-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) name: explored-14747 type: explored -- comm_cost: 0.3220486111111114 - complexity: 30 +- comm_cost: 0.36093750000000036 + complexity: 13 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) + - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-14748 type: explored -- comm_cost: 0.31944444444444464 - complexity: 15 +- comm_cost: 0.23125000000000018 + complexity: 8 expressions: - - K+ - - N+ - R- - - SE- + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-14749 type: explored -- comm_cost: 0.3469097222222226 +- comm_cost: 0.3162326388888892 complexity: 20 expressions: + - K+ - N+ - - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - and(or(K+, S-), or(SE-, N+)) - - or(N+, not(R+)) + - not(R+) name: explored-14750 type: explored -- comm_cost: 0.581857638888889 - complexity: 15 +- comm_cost: 0.5203125000000002 + complexity: 13 expressions: - - R- - - SE- - - and(N-, R+) - - and(N-, not(R-)) - - and(or(K+, S-), not(R-)) + - R+ + - R+ + - S+ + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-14751 type: explored -- comm_cost: 0.4343750000000002 - complexity: 9 +- comm_cost: 0.13593750000000027 + complexity: 18 expressions: - - R+ + - K+ + - K+ + - N+ + - R- - S+ + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-14752 type: explored -- comm_cost: 0.7627604166666667 +- comm_cost: 0.7105324074074076 complexity: 7 expressions: - - and(K-, N-) - - and(S-, not(R+)) + - R+ + - and(N-, R+) + - or(K+, R+) name: explored-14753 type: explored -- comm_cost: 0.7478009259259261 - complexity: 17 +- comm_cost: 0.358715277777778 + complexity: 16 expressions: - - and(N-, or(K+, SE+)) - - and(SE+, N-) - - or(K+, R+) - - or(K+, R-) - - or(S+, R+) + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-14754 type: explored -- comm_cost: 0.5038194444444446 - complexity: 13 +- comm_cost: 0.6458750000000001 + complexity: 22 expressions: - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, N+) + - K- + - R+ + - and(K-, S+) + - and(K-, not(R+)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - or(S+, R-) name: explored-14755 type: explored -- comm_cost: 0.5420138888888891 - complexity: 19 +- comm_cost: 0.5054687500000001 + complexity: 29 expressions: - N+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - name: explored-14756 - type: explored -- comm_cost: 0.5582899305555558 - complexity: 19 - expressions: - - R+ - - R- - - SE- - - and(N-, or(K+, R+)) - and(N-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) - name: explored-14757 + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + name: explored-14756 type: explored -- comm_cost: 0.23888888888888915 - complexity: 22 +- comm_cost: 0.2947916666666668 + complexity: 15 expressions: - - K+ - N+ - R- + - R- - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + name: explored-14757 + type: explored +- comm_cost: 0.5794270833333335 + complexity: 15 + expressions: + - S- + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(SE-, N+) name: explored-14758 type: explored -- comm_cost: 0.20355902777777812 - complexity: 19 +- comm_cost: 0.5063657407407409 + complexity: 18 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) + - S+ + - S- + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - not(R+) + - or(SE-, N+) name: explored-14759 type: explored -- comm_cost: 0.6928819444444445 - complexity: 17 +- comm_cost: 0.3675347222222225 + complexity: 16 expressions: - - R+ + - N+ + - R- - SE- - - and(K-, N-) - - and(N-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - or(K+, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-14760 type: explored -- comm_cost: 0.6213252314814817 - complexity: 17 +- comm_cost: 0.651996527777778 + complexity: 13 expressions: - R+ - R- - SE- - - and(K-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(N+, not(R+)) + - and(K-, or(S+, SE+)) + - and(N-, or(S+, SE+)) name: explored-14761 type: explored -- comm_cost: 0.44010416666666685 +- comm_cost: 0.5962500000000002 complexity: 6 expressions: - - R+ + - K- - R- - SE- - and(N-, R+) name: explored-14762 type: explored -- comm_cost: 0.71796875 - complexity: 4 +- comm_cost: 0.5997743055555558 + complexity: 17 expressions: + - N+ + - R- - SE- - - or(K+, SE+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - or(K+, N+) + - or(K+, S-) name: explored-14763 type: explored -- comm_cost: 0.5364583333333335 - complexity: 7 +- comm_cost: 0.3104166666666668 + complexity: 17 expressions: - - K+ - - R+ + - N+ - R- - - SE- - - or(S+, R-) + - S+ + - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-14764 type: explored -- comm_cost: 0.6443576388888891 - complexity: 10 +- comm_cost: 0.5513888888888889 + complexity: 8 expressions: - - R+ - - SE- - - and(K-, or(S+, N+)) - - or(SE-, N+) + - and(K-, or(S+, R+)) + - and(S-, SE-) name: explored-14765 type: explored -- comm_cost: 0.763576388888889 - complexity: 7 +- comm_cost: 0.34479166666666683 + complexity: 16 expressions: - - R+ - - or(S+, R-) - - or(S+, SE+) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-14766 type: explored -- comm_cost: 0.34083333333333365 +- comm_cost: 0.4140625000000001 complexity: 12 expressions: - - K+ - - N+ + - R- + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) name: explored-14767 type: explored -- comm_cost: 0.47534722222222237 - complexity: 14 +- comm_cost: 0.37612847222222257 + complexity: 12 expressions: - N+ - - R+ - R- - SE- - - and(N-, or(K+, R+)) - - and(N-, or(K+, R+)) + - and(N-, R+) + - or(K+, R-) + - or(SE-, N+) name: explored-14768 type: explored -- comm_cost: 0.5930555555555557 - complexity: 10 +- comm_cost: 0.6469618055555557 + complexity: 15 expressions: - R+ - SE- - - and(S-, N-) - - and(SE-, or(K+, S-)) + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, or(N+, R-)) name: explored-14769 type: explored -- comm_cost: 0.5306423611111112 - complexity: 10 +- comm_cost: 0.4588888888888891 + complexity: 17 expressions: + - K+ + - N+ + - N- - R- + - SE+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(K+, SE+) + - or(S+, N+) name: explored-14770 type: explored -- comm_cost: 0.7230096726190477 - complexity: 41 +- comm_cost: 0.39522569444444466 + complexity: 16 expressions: - K+ - - and(K-, or(S+, SE+)) - - and(N-, not(R-)) - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) - - or(K+, N+) - - or(K+, SE+) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) + - or(SE-, N+) name: explored-14771 type: explored -- comm_cost: 0.6604282407407408 - complexity: 36 +- comm_cost: 0.1625000000000003 + complexity: 9 expressions: - - and(K-, or(SE-, N+)) - - and(N-, not(R-)) + - N+ + - R- + - R- + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) - - or(K+, R+) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) name: explored-14772 type: explored -- comm_cost: 0.5570312500000001 - complexity: 7 +- comm_cost: 0.5866319444444446 + complexity: 12 expressions: - - N+ - R+ - - R- - - SE- - - or(S+, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-14773 type: explored -- comm_cost: 0.36041666666666683 - complexity: 8 +- comm_cost: 0.4087673611111112 + complexity: 19 expressions: - - R+ + - K+ + - K+ + - N+ - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, N+) name: explored-14774 type: explored -- comm_cost: 0.32916666666666694 - complexity: 8 +- comm_cost: 0.20694444444444482 + complexity: 13 expressions: - - S+ - - S+ + - K+ + - K+ + - N+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) name: explored-14775 type: explored -- comm_cost: 0.3367187500000002 - complexity: 18 +- comm_cost: 0.4774305555555557 + complexity: 9 expressions: - - N+ + - K+ + - R+ - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - SE- - and(SE-, or(K+, S-)) name: explored-14776 type: explored -- comm_cost: 0.5083333333333337 - complexity: 10 +- comm_cost: 0.6233506944444447 + complexity: 13 expressions: + - SE- - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(or(K+, S-), not(R-)) + - or(S+, N+) name: explored-14777 type: explored -- comm_cost: 0.42447916666666685 - complexity: 11 +- comm_cost: 0.6830729166666667 + complexity: 8 expressions: - K+ - - K+ - - R- - - S+ - - S- - - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) name: explored-14778 type: explored -- comm_cost: 0.21701388888888917 +- comm_cost: 0.5243055555555558 complexity: 16 expressions: - - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(N+, R-) + - and(S-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-14779 type: explored -- comm_cost: 0.2093750000000002 - complexity: 17 +- comm_cost: 0.613888888888889 + complexity: 12 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - SE- + - SE- + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) name: explored-14780 type: explored -- comm_cost: 0.146354166666667 - complexity: 11 +- comm_cost: 0.5222222222222225 + complexity: 9 expressions: + - K+ - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - or(K+, R+) name: explored-14781 type: explored -- comm_cost: 0.5394097222222224 - complexity: 15 +- comm_cost: 0.5463541666666668 + complexity: 12 expressions: - - R+ + - N+ + - S- + - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, or(N+, R-)) name: explored-14782 type: explored -- comm_cost: 0.5569444444444447 - complexity: 11 +- comm_cost: 0.691919642857143 + complexity: 40 expressions: - - K+ - R- - - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) + - not(R-) name: explored-14783 type: explored -- comm_cost: 0.4520833333333334 - complexity: 14 +- comm_cost: 0.6863425925925927 + complexity: 18 expressions: - - K+ - - N+ - - R- - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(K+, SE+) + - R+ + - and(N-, or(K+, S-)) + - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-14784 type: explored -- comm_cost: 0.5528645833333334 - complexity: 15 +- comm_cost: 0.47187500000000016 + complexity: 5 expressions: - - K+ - N+ + - N+ + - R+ - R- - SE- - - and(N-, R+) - - and(N-, or(K+, S-)) - - or(K+, SE+) name: explored-14785 type: explored -- comm_cost: 0.5032118055555558 - complexity: 18 +- comm_cost: 0.6497829861111112 + complexity: 28 expressions: - - N+ + - and(K-, SE-) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, S-) + - and(N-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) + - or(K+, R+) name: explored-14786 type: explored -- comm_cost: 0.152213541666667 - complexity: 19 +- comm_cost: 0.601388888888889 + complexity: 5 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - SE- + - or(K+, R+) name: explored-14787 type: explored -- comm_cost: 0.12592592592592622 - complexity: 17 +- comm_cost: 0.2968750000000002 + complexity: 11 expressions: - - K+ - - N+ - - R- - R- + - S+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-14788 type: explored -- comm_cost: 0.42642361111111127 - complexity: 22 +- comm_cost: 0.6368055555555556 + complexity: 12 expressions: - - K+ - - K+ - - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(S-, SE-) - - or(K+, K-) + - and(K-, not(R-)) + - and(or(K+, S-), not(R-)) name: explored-14789 type: explored -- comm_cost: 0.6226562500000001 - complexity: 13 +- comm_cost: 0.23940972222222245 + complexity: 14 expressions: - - R+ - - R- - - SE- - - and(K-, N-) - - and(or(K+, S-), or(SE-, N+)) + - N+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) name: explored-14790 type: explored -- comm_cost: 0.5942997685185187 - complexity: 11 +- comm_cost: 0.44409722222222237 + complexity: 9 expressions: - N+ - - R- - - S- - - and(K-, or(S+, R+)) + - S+ + - SE- - and(N-, R+) + - and(S-, N-) name: explored-14791 type: explored -- comm_cost: 0.4613425925925927 - complexity: 19 +- comm_cost: 0.2668981481481483 + complexity: 21 expressions: + - K+ + - K+ - N+ - R- - - SE- - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - and(S-, not(R+)) - and(and(K-, N-), or(S+, SE+)) name: explored-14792 type: explored -- comm_cost: 0.6672743055555557 - complexity: 11 +- comm_cost: 0.6359374999999999 + complexity: 5 expressions: - - R+ - - and(K-, SE-) - - and(K-, not(R-)) - - or(K+, SE+) + - K+ + - S+ + - and(S-, SE-) name: explored-14793 type: explored -- comm_cost: 0.49088541666666685 - complexity: 16 +- comm_cost: 0.8168402777777779 + complexity: 8 expressions: - - N+ - - R+ - - R- - - and(K-, N-) - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - and(K-, or(S+, R+)) + - or(S+, R+) name: explored-14794 type: explored -- comm_cost: 0.5004513888888891 - complexity: 15 +- comm_cost: 0.48641493055555574 + complexity: 16 expressions: + - K+ + - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, S-) + - and(or(K+, S-), not(R+)) + - or(S+, R+) name: explored-14795 type: explored -- comm_cost: 0.38041666666666707 - complexity: 16 +- comm_cost: 0.31901041666666696 + complexity: 12 expressions: - - R- + - N+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(N+, not(R+)) + - not(R+) + - or(N+, R-) name: explored-14796 type: explored -- comm_cost: 0.31090277777777797 - complexity: 16 +- comm_cost: 0.5208333333333335 + complexity: 6 expressions: - - K+ - N+ - - R+ - - R- - - and(K-, S+) + - N- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) name: explored-14797 type: explored -- comm_cost: 0.34296875000000027 - complexity: 26 +- comm_cost: 0.753125 + complexity: 8 expressions: - - N+ - - R- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - and(S-, or(SE-, N+)) + - or(K+, N+) name: explored-14798 type: explored -- comm_cost: 0.43619791666666685 - complexity: 22 +- comm_cost: 0.6866319444444446 + complexity: 12 expressions: - R+ - - R- - - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(S+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) name: explored-14799 type: explored -- comm_cost: 0.3812500000000003 - complexity: 11 +- comm_cost: 0.35607638888888904 + complexity: 22 expressions: + - K+ - N+ - R- - - S+ - - and(K-, or(S+, N+)) + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) name: explored-14800 type: explored -- comm_cost: 0.5588252314814817 - complexity: 16 +- comm_cost: 0.42499999999999993 + complexity: 11 expressions: - - R- - - SE- - - SE- - - and(N-, R+) - - and(S-, N-) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - N+ + - and(K-, S+) + - and(S-, SE-) + - and(S-, SE-) name: explored-14801 type: explored -- comm_cost: 0.6291666666666668 +- comm_cost: 0.5632812500000002 complexity: 9 expressions: - - SE- - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - N+ + - R- + - R- + - and(N-, R+) + - or(S+, R+) name: explored-14802 type: explored -- comm_cost: 0.5699305555555557 - complexity: 9 +- comm_cost: 0.5400694444444447 + complexity: 16 expressions: - N+ - - R+ - - R- - - SE- - - SE- - - or(N+, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(K+, S-) name: explored-14803 type: explored -- comm_cost: 0.5741145833333334 - complexity: 22 +- comm_cost: 0.6802083333333335 + complexity: 4 expressions: - - N+ - R+ - - R- - - SE- - - and(K-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, S+) name: explored-14804 type: explored -- comm_cost: 0.6340277777777779 - complexity: 14 +- comm_cost: 0.5930555555555557 + complexity: 11 expressions: - - R+ - - and(K-, not(R-)) + - R- + - SE- - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(and(K-, N-), not(R-)) name: explored-14805 type: explored -- comm_cost: 0.5487500000000002 - complexity: 14 +- comm_cost: 0.10625000000000018 + complexity: 13 expressions: - K+ + - K+ - N+ - - N- - - SE- + - R- + - and(K-, SE-) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) name: explored-14806 type: explored -- comm_cost: 0.6628472222222223 - complexity: 9 +- comm_cost: 0.6210069444444446 + complexity: 12 expressions: - - R- - - and(K-, or(S+, R+)) - - or(K+, N+) + - N+ + - SE- + - and(N-, R+) + - and(N-, not(R-)) + - or(S+, R+) name: explored-14807 type: explored -- comm_cost: 0.24184027777777806 - complexity: 12 +- comm_cost: 0.5538194444444445 + complexity: 10 expressions: + - K+ - and(N-, R+) - and(S-, SE-) - - or(K+, N+) - - or(S+, R-) + - or(K+, K-) name: explored-14808 type: explored -- comm_cost: 0.49375000000000036 - complexity: 6 +- comm_cost: 0.7369791666666667 + complexity: 8 expressions: - K+ - - R- - - R- - - and(N-, R+) + - R+ + - or(K+, R-) + - or(K+, SE+) name: explored-14809 type: explored -- comm_cost: 0.23750000000000027 - complexity: 18 +- comm_cost: 0.61640625 + complexity: 8 expressions: - N+ - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - N+ + - SE- + - and(N-, or(K+, S-)) name: explored-14810 type: explored -- comm_cost: 0.47144097222222237 - complexity: 18 +- comm_cost: 0.7179244378306879 + complexity: 28 expressions: - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - K- + - N- + - R- + - SE+ + - and(K-, N-) + - and(K-, not(R-)) - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-14811 type: explored -- comm_cost: 0.469508101851852 - complexity: 20 +- comm_cost: 0.6085937500000002 + complexity: 11 expressions: - K+ - - N+ - - R- - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - or(K+, S-) + - R+ + - S+ + - SE- + - and(or(K+, S-), or(SE-, N+)) name: explored-14812 type: explored -- comm_cost: 0.666076388888889 - complexity: 11 +- comm_cost: 0.44496527777777795 + complexity: 10 expressions: - - R+ + - K+ - R- - - not(R-) - - or(and(S-, SE-), or(N+, R-)) + - S+ + - and(N-, R+) + - and(S-, not(R-)) name: explored-14813 type: explored -- comm_cost: 0.6765364583333334 - complexity: 15 +- comm_cost: 0.3831597222222225 + complexity: 22 expressions: - - and(K-, not(R+)) - - and(S-, SE-) - - not(R-) - - or(S+, N+) - - or(S+, R+) + - N+ + - R- + - SE- + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-14814 type: explored -- comm_cost: 0.5625000000000001 +- comm_cost: 0.5345486111111113 complexity: 12 expressions: - - N+ - - R+ - - R- - SE- - - and(N-, not(R-)) - - and(N-, not(R-)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - or(K+, R-) name: explored-14815 type: explored -- comm_cost: 0.6130208333333335 - complexity: 8 +- comm_cost: 0.4667100694444446 + complexity: 20 expressions: + - K+ - N+ - - R+ - - SE- - - and(N-, or(K+, S-)) + - R- + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(S+, or(N+, R-)) name: explored-14816 type: explored -- comm_cost: 0.6806770833333334 - complexity: 15 +- comm_cost: 0.292939814814815 + complexity: 17 expressions: - - and(K-, SE-) - - and(N-, or(K+, R+)) - - or(N+, not(R+)) - - or(S+, R+) + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(N+, R-) name: explored-14817 type: explored -- comm_cost: 0.6229166666666667 - complexity: 10 +- comm_cost: 0.6203125000000002 + complexity: 8 expressions: - - K+ - - and(K-, or(S+, N+)) - - and(S-, not(R+)) + - N+ + - R- + - and(N-, R+) + - or(K+, SE+) name: explored-14818 type: explored -- comm_cost: 0.587326388888889 - complexity: 5 - expressions: - - K+ - - R+ - - and(S-, N-) - name: explored-14819 - type: explored -- comm_cost: 0.26519097222222254 - complexity: 15 +- comm_cost: 0.3739293981481483 + complexity: 14 expressions: - K+ - - N+ - R- - and(N-, R+) - and(S-, SE-) - - or(S+, N+) - - or(SE-, N+) - name: explored-14820 + - or(K+, SE+) + - or(S+, R-) + name: explored-14819 type: explored -- comm_cost: 0.5881944444444444 +- comm_cost: 0.51875 complexity: 11 expressions: - K+ - N+ + - R- + - and(K-, or(SE-, N+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - name: explored-14821 + name: explored-14820 type: explored -- comm_cost: 0.4553125000000001 - complexity: 18 +- comm_cost: 0.548726851851852 + complexity: 14 expressions: - - K+ - N+ - - N- - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) + - or(K+, SE+) + name: explored-14821 + type: explored +- comm_cost: 0.755800925925926 + complexity: 37 + expressions: + - and(K-, or(N+, not(R+))) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - or(K+, K-) + - or(K+, S-) name: explored-14822 type: explored -- comm_cost: 0.4419270833333335 - complexity: 23 +- comm_cost: 0.3484375000000002 + complexity: 20 expressions: - K+ - N+ - R- - - SE- + - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - or(K+, SE+) name: explored-14823 type: explored -- comm_cost: 0.441666666666667 - complexity: 5 +- comm_cost: 0.33819444444444446 + complexity: 12 expressions: - K+ - N+ - - and(N-, R+) + - R- + - and(K-, S+) + - and(S-, N-) + - and(S-, SE-) name: explored-14824 type: explored -- comm_cost: 0.49438657407407427 - complexity: 16 +- comm_cost: 0.08125000000000027 + complexity: 13 expressions: - - K+ + - N+ - N+ - R- - S+ - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-14825 type: explored -- comm_cost: 0.5989583333333333 - complexity: 7 +- comm_cost: 0.6912500000000001 + complexity: 4 expressions: - - K+ - K- - - R- - - S+ - - and(S-, SE-) + - N+ + - SE+ + - SE- name: explored-14826 type: explored -- comm_cost: 0.46493055555555574 - complexity: 13 +- comm_cost: 0.5841666666666668 + complexity: 8 expressions: - - N+ - R- - SE- - - and(K-, not(R+)) - - and(and(S-, N-), not(R-)) + - and(N-, R+) + - or(S+, SE+) name: explored-14827 type: explored -- comm_cost: 0.39531250000000007 - complexity: 17 +- comm_cost: 0.49027777777777803 + complexity: 13 expressions: - - K+ - N+ - - R- - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(S-, SE-) - - or(K+, SE+) + - SE- + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-14828 type: explored -- comm_cost: 0.6113425925925927 - complexity: 13 +- comm_cost: 0.7062500000000002 + complexity: 4 expressions: - - R- - - SE- - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, N-) + - S+ + - and(SE+, N-) name: explored-14829 type: explored -- comm_cost: 0.5352430555555557 +- comm_cost: 0.6183159722222225 complexity: 11 expressions: - - R+ - - R- + - S+ - SE- - - and(SE-, or(K+, S-)) - - or(K+, R+) + - and(N-, R+) + - and(or(K+, S-), not(R-)) name: explored-14830 type: explored -- comm_cost: 0.45434027777777797 - complexity: 10 +- comm_cost: 0.4520833333333334 + complexity: 8 expressions: + - K+ - N+ - - R+ - - R- - - SE- - - and(N-, R+) - - and(SE+, N-) + - and(S-, N-) + - and(S-, SE-) name: explored-14831 type: explored -- comm_cost: 0.1468750000000003 - complexity: 14 +- comm_cost: 0.6053240740740742 + complexity: 10 expressions: - - N+ - - N+ - - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - R+ + - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-14832 type: explored -- comm_cost: 0.4770833333333334 - complexity: 10 +- comm_cost: 0.37864583333333357 + complexity: 20 expressions: - - R+ - R- - - and(K-, or(S+, SE+)) + - S+ + - and(N-, R+) - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-14833 type: explored -- comm_cost: 0.76875 - complexity: 2 +- comm_cost: 0.591388888888889 + complexity: 16 expressions: - - N+ - - S+ + - R+ + - R- + - SE- + - and(N-, or(K+, R+)) + - and(S-, or(SE-, N+)) + - or(S+, SE+) name: explored-14834 type: explored -- comm_cost: 0.4114583333333335 - complexity: 11 +- comm_cost: 0.5440104166666668 + complexity: 14 expressions: - - R+ + - K+ + - N+ - R- - SE- - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(N-, not(R-)) + - or(K+, SE+) name: explored-14835 type: explored -- comm_cost: 0.2234375000000003 - complexity: 15 +- comm_cost: 0.2863715277777781 + complexity: 12 expressions: - - N+ - - R- + - K+ + - K+ - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(SE-, N+) + - or(S+, R-) name: explored-14836 type: explored -- comm_cost: 0.7683333333333333 +- comm_cost: 0.24479166666666696 complexity: 12 expressions: - - and(K-, or(SE-, N+)) + - N+ + - N+ + - S+ + - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) name: explored-14837 type: explored -- comm_cost: 0.31458333333333355 - complexity: 16 +- comm_cost: 0.44045138888888913 + complexity: 11 expressions: - - R- - - S+ - - and(K-, or(S+, N+)) + - K+ + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - and(N-, or(K+, R+)) name: explored-14838 type: explored -- comm_cost: 0.6082291666666668 - complexity: 15 +- comm_cost: 0.08125000000000027 + complexity: 11 expressions: - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - or(K+, R-) - - or(N+, not(R+)) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-14839 type: explored -- comm_cost: 0.4939814814814816 - complexity: 14 +- comm_cost: 0.5389756944444447 + complexity: 17 expressions: - N+ - SE- - and(N-, R+) - - and(S-, N-) - - and(and(K-, N-), not(R-)) + - and(N-, or(K+, S-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-14840 type: explored -- comm_cost: 0.24670138888888915 - complexity: 13 +- comm_cost: 0.656076388888889 + complexity: 14 expressions: - - N+ - - R+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(N-, not(R-)) + - and(N-, or(K+, S-)) name: explored-14841 type: explored -- comm_cost: 0.40162037037037057 - complexity: 18 +- comm_cost: 0.3333333333333335 + complexity: 9 expressions: - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(and(K-, N-), not(R-)) + - SE+ + - and(K-, S+) + - and(S-, SE-) name: explored-14842 type: explored -- comm_cost: 0.5076388888888891 - complexity: 6 +- comm_cost: 0.31510416666666696 + complexity: 12 expressions: - N+ - - SE+ - - SE- + - R- - and(N-, R+) + - and(S-, not(R+)) + - or(K+, N+) name: explored-14843 type: explored -- comm_cost: 0.6502604166666668 - complexity: 8 +- comm_cost: 0.574189814814815 + complexity: 14 expressions: - N+ - - S- + - R+ + - R- - SE- - - and(K-, or(S+, R-)) + - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) name: explored-14844 type: explored -- comm_cost: 0.4618055555555558 - complexity: 8 +- comm_cost: 0.4091145833333336 + complexity: 19 expressions: - - K+ - N+ - - N- - R- - SE- - and(N-, R+) + - or(K+, or(N+, R-)) + - or(S+, R-) + - or(S+, or(N+, R-)) name: explored-14845 type: explored -- comm_cost: 0.6520833333333333 - complexity: 5 +- comm_cost: 0.4848958333333335 + complexity: 20 expressions: - - K+ - N+ - - R- - - not(R+) + - SE- + - and(N-, R+) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-14846 type: explored -- comm_cost: 0.03385416666666696 - complexity: 14 +- comm_cost: 0.5901041666666668 + complexity: 7 expressions: - - K+ - - K+ - - N+ - R- - - S+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(N-, or(K+, R+)) name: explored-14847 type: explored -- comm_cost: 0.3931423611111111 - complexity: 16 +- comm_cost: 0.6309375000000002 + complexity: 8 expressions: - K+ - - N+ - - R- - - and(K-, or(S+, R-)) - - and(K-, or(S+, SE+)) - - and(S-, SE-) + - R+ + - and(K-, S+) + - or(K+, S-) name: explored-14848 type: explored -- comm_cost: 0.6325000000000002 - complexity: 10 +- comm_cost: 0.5791666666666666 + complexity: 13 expressions: - - R+ - - and(S-, or(SE-, N+)) - - or(N+, not(R+)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(or(K+, S-), or(SE-, N+)) name: explored-14849 type: explored -- comm_cost: 0.7135416666666666 - complexity: 10 +- comm_cost: 0.3720486111111113 + complexity: 14 expressions: + - N+ - R- - - SE- - - and(K-, or(S+, N+)) - - or(S+, R-) + - S+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) name: explored-14850 type: explored -- comm_cost: 0.7052083333333334 - complexity: 7 - expressions: - - and(K-, not(R-)) - - or(K+, R-) - name: explored-14851 - type: explored -- comm_cost: 0.68359375 - complexity: 10 +- comm_cost: 0.5096354166666668 + complexity: 20 expressions: - K+ - N+ - R- - - SE- - - or(K+, K-) - - or(S+, R-) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + name: explored-14851 + type: explored +- comm_cost: 0.699904513888889 + complexity: 28 + expressions: + - SE+ + - and(K-, N-) + - and(K-, not(R+)) + - and(K-, or(S+, R-)) + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - or(K+, SE+) + - or(SE-, N+) name: explored-14852 type: explored -- comm_cost: 0.6362847222222223 - complexity: 9 +- comm_cost: 0.6019965277777779 + complexity: 16 expressions: + - N+ + - R+ - R- - SE- - - and(K-, S+) - - and(K-, not(R-)) + - and(N-, or(S+, R+)) + - or(K+, R-) + - or(N+, not(R+)) name: explored-14853 type: explored -- comm_cost: 0.38680555555555574 - complexity: 15 +- comm_cost: 0.7061631944444446 + complexity: 10 expressions: - - K+ - - R+ - R+ - - R- - - and(S-, SE-) - - or(S+, N+) - - or(S+, or(N+, R-)) + - SE+ + - and(N-, or(K+, R+)) + - and(SE+, N-) name: explored-14854 type: explored -- comm_cost: 0.8805555555555555 - complexity: 4 +- comm_cost: 0.4041666666666669 + complexity: 12 expressions: + - K+ + - N+ + - N+ - R- - - or(S+, R-) + - S+ + - and(N-, R+) + - and(N-, not(R-)) name: explored-14855 type: explored -- comm_cost: 0.691232638888889 - complexity: 9 +- comm_cost: 0.7561458333333334 + complexity: 10 expressions: - - SE- - - and(K-, or(S+, R-)) - - or(S+, R+) + - K+ + - and(N-, or(S+, SE+)) + - or(N+, not(R+)) name: explored-14856 type: explored -- comm_cost: 0.5563946759259261 - complexity: 16 +- comm_cost: 0.7048611111111114 + complexity: 6 expressions: - - K+ - - N+ - - R- - - SE- - and(N-, R+) - - and(SE+, N-) - - or(K+, K-) - - or(S+, R-) + - or(K+, R+) name: explored-14857 type: explored -- comm_cost: 0.6303819444444446 - complexity: 7 +- comm_cost: 0.4167534722222225 + complexity: 20 expressions: + - K+ - N+ - - R+ - - SE- - - and(S-, not(R-)) + - R- + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-14858 type: explored -- comm_cost: 0.7760416666666667 - complexity: 6 +- comm_cost: 0.5321180555555558 + complexity: 16 expressions: - - and(K-, SE-) - - or(K+, K-) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) name: explored-14859 type: explored -- comm_cost: 0.33750000000000036 - complexity: 10 +- comm_cost: 0.5640625000000002 + complexity: 7 expressions: - - R- - - and(K-, SE-) + - SE- - and(N-, R+) - - and(S-, SE-) + - and(SE+, N-) name: explored-14860 type: explored -- comm_cost: 0.6307291666666669 - complexity: 10 +- comm_cost: 0.2328125000000003 + complexity: 11 expressions: + - K+ - N+ - - and(K-, S+) + - R- - and(N-, R+) - - or(S+, R+) + - and(SE-, or(K+, S-)) name: explored-14861 type: explored -- comm_cost: 0.5020833333333334 - complexity: 9 +- comm_cost: 0.2406250000000003 + complexity: 15 expressions: + - K+ + - K+ - N+ - - R+ - - R- - - SE- - - and(K-, or(S+, R-)) + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-14862 type: explored -- comm_cost: 0.4136284722222223 - complexity: 21 +- comm_cost: 0.6260416666666668 + complexity: 4 expressions: - - K+ - N+ + - R+ + - R- - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) name: explored-14863 type: explored -- comm_cost: 0.5579861111111113 - complexity: 16 +- comm_cost: 0.5504166666666668 + complexity: 15 expressions: - - N+ + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, K-) + - or(K+, S-) name: explored-14864 type: explored -- comm_cost: 0.5477430555555558 +- comm_cost: 0.4423611111111113 complexity: 9 expressions: - - K+ - N+ + - R- - SE- - and(N-, R+) - - or(S+, R+) + - or(K+, R+) name: explored-14865 type: explored -- comm_cost: 0.4383101851851853 - complexity: 26 +- comm_cost: 0.5634259259259261 + complexity: 20 expressions: - K+ - - N+ - - R- - - and(K-, not(R-)) + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - and(and(K-, N-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-14866 type: explored -- comm_cost: 0.6373298611111111 - complexity: 30 +- comm_cost: 0.41119791666666694 + complexity: 16 expressions: - K+ - - K- - - R+ - - SE+ + - N+ + - S+ - and(K-, SE-) - - and(K-, not(R+)) + - and(N-, R+) - and(N-, not(R-)) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) name: explored-14867 type: explored -- comm_cost: 0.6519097222222223 - complexity: 13 +- comm_cost: 0.12291666666666701 + complexity: 16 expressions: - - and(K-, N-) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(N+, R-) name: explored-14868 type: explored -- comm_cost: 0.6765625000000002 - complexity: 9 +- comm_cost: 0.12916666666666687 + complexity: 15 expressions: + - K+ + - K+ - R- - - and(K-, or(S+, SE+)) + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) + - and(S-, SE-) name: explored-14869 type: explored -- comm_cost: 0.3822916666666669 - complexity: 21 +- comm_cost: 0.4458333333333335 + complexity: 17 expressions: - K+ - K+ - - N+ - R- - - S+ - - and(K-, not(R-)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, N+) - - or(N+, R-) name: explored-14870 type: explored -- comm_cost: 0.6456597222222225 +- comm_cost: 0.5328125000000001 complexity: 11 expressions: - - R+ - - and(SE+, N-) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - or(S+, R+) name: explored-14871 type: explored -- comm_cost: 0.6205729166666668 - complexity: 15 +- comm_cost: 0.7092187500000001 + complexity: 8 expressions: - R+ - - R- - and(K-, N-) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(N+, not(R+)) name: explored-14872 type: explored -- comm_cost: 0.3041666666666668 - complexity: 22 +- comm_cost: 0.4604166666666669 + complexity: 11 expressions: - - K+ - - K+ - - N+ + - R- - S+ - - and(K-, or(S+, R+)) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-14873 type: explored -- comm_cost: 0.2489583333333335 +- comm_cost: 0.5895833333333335 complexity: 10 expressions: - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) - - and(SE+, N-) + - R+ + - and(K-, SE-) + - and(and(S-, N-), not(R-)) name: explored-14874 type: explored -- comm_cost: 0.5020601851851854 - complexity: 18 +- comm_cost: 0.3796875000000002 + complexity: 20 expressions: - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(K+, S-) - - or(N+, R-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) name: explored-14875 type: explored -- comm_cost: 0.5355324074074075 +- comm_cost: 0.2465277777777779 complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-14876 type: explored -- comm_cost: 0.6692708333333335 - complexity: 3 +- comm_cost: 0.7538194444444446 + complexity: 4 expressions: - - N+ - - S- - - SE- + - R+ + - or(K+, K-) name: explored-14877 type: explored -- comm_cost: 0.5927884424603176 - complexity: 35 +- comm_cost: 0.6022916666666668 + complexity: 8 expressions: - - K- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R-) - - or(S+, R+) - - or(S+, R-) - - or(S+, or(N+, R-)) + - N+ + - N+ + - R+ + - SE- + - or(N+, not(R+)) name: explored-14878 type: explored -- comm_cost: 0.8041666666666667 - complexity: 5 +- comm_cost: 0.43046875000000007 + complexity: 13 expressions: - K+ - - SE- + - N+ + - R- - and(K-, S+) + - and(K-, not(R-)) + - and(S-, SE-) name: explored-14879 type: explored -- comm_cost: 0.5156250000000001 +- comm_cost: 0.2347222222222225 complexity: 16 expressions: + - K+ + - N+ - N+ - - R+ - R- - - SE- - - and(K-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-14880 type: explored -- comm_cost: 0.14279513888888928 - complexity: 16 +- comm_cost: 0.6219907407407409 + complexity: 12 expressions: - - K+ - - K+ - N+ - - R- - - R- - - S+ - - SE- - - and(K-, S+) - and(N-, R+) - - and(S-, SE-) + - and(N-, or(S+, R+)) + - or(K+, S-) name: explored-14881 type: explored -- comm_cost: 0.6430555555555555 - complexity: 6 +- comm_cost: 0.6930555555555555 + complexity: 10 expressions: - N+ - R- - SE- - - or(S+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-14882 type: explored -- comm_cost: 0.4177083333333337 - complexity: 12 +- comm_cost: 0.4750434027777779 + complexity: 26 expressions: + - N+ + - R- + - and(K-, not(R-)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(S+, N+) - - or(SE-, N+) + - and(and(K-, N-), not(R-)) name: explored-14883 type: explored -- comm_cost: 0.44097222222222243 - complexity: 19 +- comm_cost: 0.43958333333333355 + complexity: 14 expressions: - K+ + - K+ - N+ - - R- - - SE- - - and(K-, or(S+, R+)) + - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) name: explored-14884 type: explored -- comm_cost: 0.26956018518518543 - complexity: 16 +- comm_cost: 0.5241203703703705 + complexity: 13 expressions: - K+ - N+ - - R+ + - N- - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-14885 type: explored -- comm_cost: 0.7104166666666667 - complexity: 9 +- comm_cost: 0.5552083333333335 + complexity: 4 expressions: - - R- + - K+ + - N+ + - R+ - SE- - - and(or(K+, S-), or(SE-, N+)) name: explored-14886 type: explored -- comm_cost: 0.6553819444444446 - complexity: 14 +- comm_cost: 0.6148437500000001 + complexity: 13 expressions: - - SE- - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(K-, SE-) + - and(K-, SE-) + - and(K-, not(R-)) + - and(N-, R+) name: explored-14887 type: explored -- comm_cost: 0.5084490740740741 - complexity: 12 +- comm_cost: 0.5477430555555557 + complexity: 16 expressions: - - K+ - - N+ - R+ - R- - - and(N-, R+) - - and(N-, or(S+, R+)) + - SE- + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R+)) name: explored-14888 type: explored -- comm_cost: 0.2972222222222225 - complexity: 14 +- comm_cost: 0.5038020833333334 + complexity: 15 expressions: - K+ - - N+ + - K- - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - or(K+, SE+) name: explored-14889 type: explored -- comm_cost: 0.5545138888888891 - complexity: 6 +- comm_cost: 0.29687500000000033 + complexity: 17 expressions: - - R+ + - N+ - R- - SE- - - or(S+, R-) + - and(N-, R+) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R+)) name: explored-14890 type: explored -- comm_cost: 0.678611111111111 - complexity: 7 +- comm_cost: 0.22430555555555576 + complexity: 12 expressions: - - K- + - K+ - N+ - - R- - - SE- - - or(S+, N+) + - SE+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-14891 type: explored -- comm_cost: 0.3393229166666669 - complexity: 22 +- comm_cost: 0.4880555555555557 + complexity: 16 expressions: + - K+ + - K+ - N+ - - R- + - N- - S+ - - and(K-, S+) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, SE+) name: explored-14892 type: explored -- comm_cost: 0.7085937500000001 - complexity: 8 +- comm_cost: 0.41944444444444473 + complexity: 11 expressions: - - R+ - - SE- - - or(K+, S-) - - or(K+, SE+) + - N+ + - R- + - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-14893 type: explored -- comm_cost: 0.3803819444444445 - complexity: 23 +- comm_cost: 0.6191840277777779 + complexity: 15 expressions: - - K+ - - N+ + - R+ - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(S+, SE+) + - SE- + - and(N-, or(S+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-14894 type: explored -- comm_cost: 0.2562500000000003 - complexity: 8 +- comm_cost: 0.504340277777778 + complexity: 15 expressions: - K+ - - N+ - - N+ - - R- - - SE- + - and(K-, or(S+, N+)) - and(N-, R+) + - and(and(K-, N-), not(R-)) name: explored-14895 type: explored -- comm_cost: 0.7854166666666668 - complexity: 4 +- comm_cost: 0.7308449074074075 + complexity: 9 expressions: - - SE+ - - or(K+, K-) + - R+ + - and(K-, not(R-)) + - and(S-, not(R-)) name: explored-14896 type: explored -- comm_cost: 0.38984375000000027 - complexity: 14 +- comm_cost: 0.3447337962962964 + complexity: 15 expressions: + - K+ + - N+ + - R+ - R- + - S+ + - SE+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-14897 type: explored -- comm_cost: 0.3381076388888892 - complexity: 10 +- comm_cost: 0.5404947916666669 + complexity: 13 expressions: - K+ - N+ - - R- - SE- - and(N-, R+) - - or(SE-, N+) + - and(N-, not(R-)) + - or(K+, N+) name: explored-14898 type: explored -- comm_cost: 0.3755208333333335 - complexity: 8 +- comm_cost: 0.6240856481481483 + complexity: 13 expressions: - - K+ - N+ - R+ - R- - SE- - - and(N-, R+) + - and(or(K+, S-), not(R+)) + - or(K+, S-) name: explored-14899 type: explored -- comm_cost: 0.3486111111111113 - complexity: 18 +- comm_cost: 0.3056423611111114 + complexity: 21 expressions: - K+ - N+ - R- - - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, N-) + - and(N-, or(K+, R+)) - and(S-, SE-) + - not(R+) name: explored-14900 type: explored -- comm_cost: 0.35506365740740753 - complexity: 20 +- comm_cost: 0.435633101851852 + complexity: 18 expressions: - K+ - N+ - R- - - and(K-, N-) - - and(K-, S+) + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - not(R-) + - or(S+, R-) + - or(S+, R-) name: explored-14901 type: explored -- comm_cost: 0.5423611111111113 - complexity: 17 +- comm_cost: 0.6857638888888888 + complexity: 9 expressions: - - N+ - R- - - SE- - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, not(R+)) - - or(K+, K-) + - and(K-, SE-) + - or(K+, or(N+, R-)) name: explored-14902 type: explored -- comm_cost: 0.7993055555555555 - complexity: 6 +- comm_cost: 0.7868055555555556 + complexity: 8 expressions: - - SE- - - not(R+) - - or(S+, N+) + - and(K-, S+) + - and(K-, or(S+, R+)) name: explored-14903 type: explored -- comm_cost: 0.6307291666666669 - complexity: 8 +- comm_cost: 0.5945891203703706 + complexity: 15 expressions: - - K+ - - N+ - - and(N-, R+) - - or(S+, R+) + - R+ + - R- + - SE- + - or(S+, or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-14904 type: explored -- comm_cost: 0.2395833333333337 - complexity: 12 +- comm_cost: 0.7470486111111112 + complexity: 9 expressions: - - K+ - - and(K-, or(S+, R-)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(K-, or(S+, R+)) + - or(K+, K-) name: explored-14905 type: explored -- comm_cost: 0.7742187500000001 +- comm_cost: 0.5717013888888891 complexity: 13 expressions: - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - N+ + - R+ + - SE- + - and(K-, or(S+, R-)) + - or(S+, or(N+, R-)) name: explored-14906 type: explored -- comm_cost: 0.5664930555555557 - complexity: 16 +- comm_cost: 0.5552083333333334 + complexity: 18 expressions: - - R+ - - and(K-, or(SE-, N+)) + - R- + - S+ + - and(N-, R+) - and(S-, SE-) - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-14907 type: explored -- comm_cost: 0.5736805555555557 - complexity: 12 +- comm_cost: 0.8515625 + complexity: 4 expressions: - - N+ - - SE- - - and(N-, R+) - - and(SE-, or(K+, S-)) - - not(R-) + - R- + - or(N+, R-) name: explored-14908 type: explored -- comm_cost: 0.5880208333333335 - complexity: 11 - expressions: - - R+ - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-14909 - type: explored -- comm_cost: 0.5109664351851855 - complexity: 17 +- comm_cost: 0.6340277777777779 + complexity: 13 expressions: - - K+ - - N+ - R- - SE- - and(K-, or(S+, R+)) + - and(S-, or(N+, not(R+))) + name: explored-14909 + type: explored +- comm_cost: 0.3734375000000003 + complexity: 12 + expressions: + - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-14910 type: explored -- comm_cost: 0.5325086805555557 - complexity: 16 +- comm_cost: 0.32916666666666683 + complexity: 12 expressions: - K+ - N+ - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - - not(R-) + - or(K+, R+) name: explored-14911 type: explored -- comm_cost: 0.7221354166666667 - complexity: 7 +- comm_cost: 0.7267534722222223 + complexity: 37 expressions: - - R- - - SE- - - and(N-, or(S+, SE+)) + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(N-, not(R-)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) + - or(N+, not(R+)) + - or(S+, SE+) name: explored-14912 type: explored -- comm_cost: 0.5483854166666668 - complexity: 20 +- comm_cost: 0.6708333333333334 + complexity: 5 expressions: - N+ - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(S+, SE+) + - and(K-, S+) name: explored-14913 type: explored -- comm_cost: 0.33888888888888924 - complexity: 13 +- comm_cost: 0.36822916666666694 + complexity: 12 expressions: - - K+ + - N+ - N+ - R- + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) name: explored-14914 type: explored -- comm_cost: 0.17916666666666692 - complexity: 8 +- comm_cost: 0.49040798611111125 + complexity: 19 expressions: + - K+ - N+ + - R- - S+ + - S- - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) + - or(S+, R-) name: explored-14915 type: explored -- comm_cost: 0.6586805555555557 - complexity: 10 - expressions: - - R+ - - R- - - or(K+, or(N+, R-)) - - or(S+, N+) - name: explored-14916 - type: explored -- comm_cost: 0.518402777777778 - complexity: 12 +- comm_cost: 0.7140625000000003 + complexity: 8 expressions: - - K+ - - R- - - S- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - name: explored-14917 + - and(N-, or(K+, R+)) + name: explored-14916 type: explored -- comm_cost: 0.44791666666666685 - complexity: 10 +- comm_cost: 0.6303819444444446 + complexity: 8 expressions: - - K+ - N+ - R+ - - R- - SE- - - and(S-, or(SE-, N+)) + - and(K-, or(S+, R+)) + name: explored-14917 + type: explored +- comm_cost: 0.5989583333333335 + complexity: 16 + expressions: + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-14918 type: explored -- comm_cost: 0.30138888888888915 - complexity: 15 +- comm_cost: 0.3991666666666669 + complexity: 10 expressions: - - K+ - - R- + - N+ - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, SE+) name: explored-14919 type: explored -- comm_cost: 0.3294270833333335 - complexity: 15 +- comm_cost: 0.20989583333333361 + complexity: 12 expressions: - K+ - K+ - N+ - R- - S+ - - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - and(S-, not(R+)) name: explored-14920 type: explored -- comm_cost: 0.45381944444444466 - complexity: 14 +- comm_cost: 0.3583333333333336 + complexity: 11 expressions: - - K+ - - K+ - N+ - - R+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - and(N-, or(K+, R+)) name: explored-14921 type: explored -- comm_cost: 0.7279513888888889 - complexity: 8 +- comm_cost: 0.6310763888888891 + complexity: 19 expressions: - - N+ - - R- - - or(S+, R-) - - or(SE-, N+) + - R+ + - and(K-, or(SE-, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, or(N+, R-)) name: explored-14922 type: explored -- comm_cost: 0.42751736111111127 - complexity: 17 +- comm_cost: 0.3563946759259262 + complexity: 18 expressions: - N+ - R- - - and(K-, or(S+, SE+)) + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) + - not(R+) name: explored-14923 type: explored -- comm_cost: 0.6852372685185186 - complexity: 17 +- comm_cost: 0.46324074074074084 + complexity: 19 expressions: - - N- - - and(K-, N-) - - and(N-, or(S+, R+)) - - and(S-, or(SE-, N+)) - - or(K+, N+) + - K+ + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(K+, S-) name: explored-14924 type: explored -- comm_cost: 0.22135416666666674 - complexity: 13 +- comm_cost: 0.4983333333333335 + complexity: 10 expressions: - - K+ - - N+ - - R+ - R- + - SE- - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - not(R-) name: explored-14925 type: explored -- comm_cost: 0.5880208333333334 - complexity: 16 +- comm_cost: 0.5975925925925927 + complexity: 11 expressions: - - R+ + - N+ + - N- - R- - - and(N-, not(R-)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(and(K-, N-), or(S+, SE+)) name: explored-14926 type: explored -- comm_cost: 0.44490740740740753 - complexity: 17 +- comm_cost: 0.5479166666666668 + complexity: 9 expressions: - K+ - - N+ - R- + - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(or(K+, S-), not(R+)) + - and(S-, N-) name: explored-14927 type: explored -- comm_cost: 0.7644097222222223 - complexity: 9 +- comm_cost: 0.6002604166666667 + complexity: 8 expressions: - - S+ - - SE- - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(S-, not(R+)) + - or(S+, R+) name: explored-14928 type: explored -- comm_cost: 0.5218750000000002 - complexity: 17 +- comm_cost: 0.25260416666666674 + complexity: 15 expressions: - - R- - - SE- + - N+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(SE+, N-) name: explored-14929 type: explored -- comm_cost: 0.6462500000000002 - complexity: 7 +- comm_cost: 0.5174479166666669 + complexity: 11 expressions: - - R- + - N+ + - and(K-, not(R-)) - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) name: explored-14930 type: explored -- comm_cost: 0.7362500000000001 - complexity: 6 +- comm_cost: 0.4736111111111112 + complexity: 14 expressions: - - K- - - and(SE-, or(K+, S-)) + - N+ + - and(K-, or(S+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) name: explored-14931 type: explored -- comm_cost: 0.3132812500000002 - complexity: 20 +- comm_cost: 0.6802083333333335 + complexity: 11 expressions: - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - R+ + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) name: explored-14932 type: explored -- comm_cost: 0.396180555555556 - complexity: 9 +- comm_cost: 0.5942708333333334 + complexity: 14 expressions: - - K+ - - N+ + - R+ + - R- - SE- - - and(N-, R+) - - or(K+, N+) + - and(K-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) name: explored-14933 type: explored -- comm_cost: 0.3341666666666667 - complexity: 17 +- comm_cost: 0.91875 + complexity: 1 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(S+, SE+) + - S+ name: explored-14934 type: explored -- comm_cost: 0.43033854166666685 - complexity: 18 +- comm_cost: 0.6759490740740741 + complexity: 8 expressions: - K+ - - K+ - - N+ - - S+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - N- + - R+ + - and(N-, or(K+, SE+)) name: explored-14935 type: explored -- comm_cost: 0.5300561342592595 - complexity: 32 +- comm_cost: 0.2035879629629631 + complexity: 17 expressions: - - SE+ + - K+ + - K+ + - N+ + - R+ + - R- - and(K-, S+) - - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, N+) - - or(N+, not(R+)) + - or(K+, R+) name: explored-14936 type: explored -- comm_cost: 0.5069444444444446 - complexity: 12 +- comm_cost: 0.727777777777778 + complexity: 11 expressions: - - K+ - - N+ - - R- - - S+ - - SE- - - and(and(K-, N-), or(S+, SE+)) + - R+ + - and(K-, or(S+, N+)) + - and(N-, or(S+, R+)) name: explored-14937 type: explored -- comm_cost: 0.22621527777777795 - complexity: 21 +- comm_cost: 0.4882812500000002 + complexity: 8 expressions: - - K+ - - K+ - - N+ - - R- - S+ + - S- - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) name: explored-14938 type: explored -- comm_cost: 0.5362500000000001 - complexity: 7 +- comm_cost: 0.3744444444444446 + complexity: 21 expressions: - - K- + - K+ - N+ - R- - - SE- + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - not(R-) name: explored-14939 type: explored -- comm_cost: 0.5583333333333333 - complexity: 11 +- comm_cost: 0.5334924768518521 + complexity: 13 expressions: - K+ + - N+ - R- - - and(K-, S+) - - and(S-, SE-) - - or(K+, S-) + - SE- + - and(N-, R+) + - or(K+, R+) + - or(K+, SE+) name: explored-14940 type: explored -- comm_cost: 0.7248958333333334 - complexity: 7 +- comm_cost: 0.4333333333333337 + complexity: 9 expressions: - - K- - - R+ - - or(S+, or(N+, R-)) + - N+ + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-14941 type: explored -- comm_cost: 0.6444444444444446 - complexity: 4 +- comm_cost: 0.501388888888889 + complexity: 9 expressions: - - K+ - N+ - - R- - - SE+ + - and(K-, or(S+, R+)) + - and(S-, SE-) name: explored-14942 type: explored -- comm_cost: 0.6043750000000001 - complexity: 7 +- comm_cost: 0.6159722222222224 + complexity: 12 expressions: + - K+ - N+ - - S+ - - and(N-, R+) - - not(R-) + - R- + - SE- + - and(N-, or(S+, SE+)) + - or(S+, R+) name: explored-14943 type: explored -- comm_cost: 0.6669270833333334 - complexity: 12 +- comm_cost: 0.6734722222222222 + complexity: 5 expressions: - - R+ + - K+ + - R- - SE- - - and(and(K-, N-), or(S+, R+)) - - or(S+, R+) + - not(R-) name: explored-14944 type: explored -- comm_cost: 0.5750000000000002 - complexity: 11 +- comm_cost: 0.6587962962962964 + complexity: 12 expressions: - R+ - - R- - SE- - - and(K-, or(S+, N+)) - - and(S-, N-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) name: explored-14945 type: explored -- comm_cost: 0.24479166666666696 - complexity: 16 +- comm_cost: 0.7149479166666668 + complexity: 13 expressions: - - N+ - - S+ - - and(N-, R+) - - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) name: explored-14946 type: explored -- comm_cost: 0.4236979166666669 - complexity: 10 +- comm_cost: 0.5187500000000002 + complexity: 11 expressions: - - N+ - - R- + - K+ + - R+ + - SE+ - SE- - - and(N-, R+) - - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-14947 type: explored -- comm_cost: 0.29614583333333355 - complexity: 18 +- comm_cost: 0.4786574074074076 + complexity: 19 expressions: - K+ - - K+ + - K- - N+ - R- - - S+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - not(R+) + - and(S-, not(R-)) name: explored-14948 type: explored -- comm_cost: 0.6850347222222223 - complexity: 8 +- comm_cost: 0.8359375000000001 + complexity: 5 expressions: - - N- - - R+ - - R- - - and(N-, or(S+, SE+)) + - and(K-, or(S+, SE+)) name: explored-14949 type: explored -- comm_cost: 0.33906250000000016 - complexity: 16 +- comm_cost: 0.33990162037037064 + complexity: 26 expressions: - K+ - N+ - R- - - and(K-, SE-) - - and(K-, not(R-)) + - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) name: explored-14950 type: explored -- comm_cost: 0.5385416666666668 +- comm_cost: 0.6467708333333335 complexity: 9 expressions: - R+ - R- - SE- - - or(S+, N+) - - or(S+, N+) + - and(K-, not(R+)) + - not(R-) name: explored-14951 type: explored -- comm_cost: 0.39375000000000027 - complexity: 17 +- comm_cost: 0.214641203703704 + complexity: 22 expressions: + - K+ + - K+ - N+ - - and(K-, or(SE-, N+)) + - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(S-, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-14952 type: explored -- comm_cost: 0.5394097222222225 - complexity: 14 +- comm_cost: 0.5687500000000001 + complexity: 10 expressions: - - K+ - - R- - - SE- - - and(N-, R+) - - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-14953 type: explored -- comm_cost: 0.6032986111111112 +- comm_cost: 0.33107638888888924 complexity: 14 expressions: - - R+ + - K+ + - K+ - R- - - SE+ - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(K+, N+) + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) name: explored-14954 type: explored -- comm_cost: 0.5984375000000002 - complexity: 13 +- comm_cost: 0.40694444444444466 + complexity: 16 expressions: + - K+ + - N+ + - R- + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) + - and(N-, or(S+, R+)) name: explored-14955 type: explored -- comm_cost: 0.6507291666666668 - complexity: 9 +- comm_cost: 0.6142361111111113 + complexity: 15 expressions: - - K- - - and(K-, or(S+, N+)) - - and(N-, R+) + - R+ + - SE- + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) + - and(S-, N-) name: explored-14956 type: explored -- comm_cost: 0.4995370370370372 - complexity: 12 +- comm_cost: 0.7403125 + complexity: 4 expressions: - - R+ - - R- - - and(K-, not(R+)) - - and(S-, SE-) - - and(SE+, N-) + - N- + - or(N+, R-) name: explored-14957 type: explored -- comm_cost: 0.3695312500000002 - complexity: 26 +- comm_cost: 0.7036458333333333 + complexity: 7 expressions: - K+ - - N+ - R- - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - not(R+) name: explored-14958 type: explored -- comm_cost: 0.5713541666666668 - complexity: 14 +- comm_cost: 0.3528125000000002 + complexity: 16 expressions: - - SE- + - K+ + - R- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(N+, not(R+)) + - and(S-, SE-) + - or(S+, SE+) name: explored-14959 type: explored -- comm_cost: 0.49864004629629644 - complexity: 14 +- comm_cost: 0.2806481481481484 + complexity: 23 expressions: - K+ - N+ - - SE- + - R- + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, N-) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + - or(S+, SE+) name: explored-14960 type: explored -- comm_cost: 0.5901041666666669 - complexity: 7 +- comm_cost: 0.5794270833333333 + complexity: 13 expressions: - - R+ - - and(N-, R+) - - or(K+, R-) + - K+ + - K+ + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(S-, SE-) name: explored-14961 type: explored -- comm_cost: 0.663888888888889 - complexity: 12 +- comm_cost: 0.6394097222222224 + complexity: 8 expressions: - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - K+ + - R+ + - and(SE+, N-) + - or(S+, R-) name: explored-14962 type: explored -- comm_cost: 0.6812500000000001 - complexity: 7 +- comm_cost: 0.29652777777777795 + complexity: 18 expressions: + - K+ - R- - - SE- - - and(K-, or(S+, SE+)) + - and(K-, S+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-14963 type: explored -- comm_cost: 0.5395833333333335 - complexity: 8 +- comm_cost: 0.6757812500000001 + complexity: 9 expressions: + - K- + - R+ - R- - SE- - - and(N-, R+) - - and(SE+, N-) + - or(S+, or(N+, R-)) name: explored-14964 type: explored -- comm_cost: 0.5928819444444446 - complexity: 14 +- comm_cost: 0.6269097222222224 + complexity: 12 expressions: - R+ - - SE- - - and(N-, or(K+, R+)) - - or(and(K-, S+), or(N+, R-)) + - and(and(K-, N-), not(R-)) + - or(K+, or(N+, R-)) name: explored-14965 type: explored -- comm_cost: 0.2596064814814817 - complexity: 15 +- comm_cost: 0.49861111111111145 + complexity: 7 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - or(S+, R-) name: explored-14966 type: explored -- comm_cost: 0.6666666666666667 - complexity: 7 +- comm_cost: 0.5500000000000002 + complexity: 12 expressions: - - and(K-, not(R+)) - - or(K+, R+) + - R+ + - R- + - SE- + - SE- + - and(K-, or(S+, R-)) + - and(SE+, N-) name: explored-14967 type: explored -- comm_cost: 0.5503472222222224 - complexity: 7 +- comm_cost: 0.5113425925925927 + complexity: 14 expressions: - - R+ + - N+ - R- - - S+ - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) - or(K+, R+) name: explored-14968 type: explored -- comm_cost: 0.20364583333333353 - complexity: 13 +- comm_cost: 0.4471354166666668 + complexity: 11 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, R+)) + - and(K-, S+) - and(S-, SE-) + - or(SE-, N+) name: explored-14969 type: explored -- comm_cost: 0.5126736111111112 - complexity: 17 +- comm_cost: 0.4296875000000002 + complexity: 10 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) + - and(SE+, N-) name: explored-14970 type: explored -- comm_cost: 0.5135416666666669 - complexity: 16 +- comm_cost: 0.24739583333333348 + complexity: 20 expressions: + - K+ - N+ - - and(K-, not(R-)) - - and(K-, or(S+, N+)) + - R- + - and(K-, S+) - and(N-, R+) + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) name: explored-14971 type: explored -- comm_cost: 0.3421875000000003 - complexity: 9 +- comm_cost: 0.5213541666666668 + complexity: 21 expressions: - K+ - R- - - S+ - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) name: explored-14972 type: explored -- comm_cost: 0.4764756944444446 - complexity: 13 +- comm_cost: 0.3786458333333337 + complexity: 19 expressions: - - K+ - N+ - R- - SE- - - and(and(K-, N-), or(S+, R+)) - - not(R+) + - and(N-, R+) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14973 type: explored -- comm_cost: 0.2902777777777781 - complexity: 15 +- comm_cost: 0.7300347222222222 + complexity: 5 expressions: - - K+ - N+ - - and(K-, S+) - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - R- + - or(K+, K-) name: explored-14974 type: explored -- comm_cost: 0.23755787037037046 - complexity: 20 +- comm_cost: 0.25989583333333344 + complexity: 14 expressions: - - K+ - N+ - R- - - S+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(and(K-, S+), or(N+, R-)) + - or(S+, R+) name: explored-14975 type: explored -- comm_cost: 0.06093750000000031 - complexity: 12 +- comm_cost: 0.3217592592592595 + complexity: 21 expressions: - K+ - - K+ - N+ - R- - - S+ - - S+ + - and(K-, S+) - and(N-, R+) + - and(S-, N-) - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-14976 type: explored -- comm_cost: 0.5395833333333335 - complexity: 13 +- comm_cost: 0.2782696759259261 + complexity: 22 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(N+, R-) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(SE+, N-) name: explored-14977 type: explored -- comm_cost: 0.5949074074074074 +- comm_cost: 0.11927083333333344 complexity: 13 expressions: + - K+ - N+ + - R+ - R- - - SE- - - and(S-, N-) - - or(and(K-, S+), or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-14978 type: explored -- comm_cost: 0.7276041666666666 - complexity: 7 - expressions: - - SE- - - or(K+, N+) - - or(N+, R-) - name: explored-14979 - type: explored -- comm_cost: 0.4041666666666669 - complexity: 8 +- comm_cost: 0.09675925925925966 + complexity: 18 expressions: + - K+ + - N+ - R- - - SE+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - name: explored-14980 + - or(K+, R-) + - or(S+, R-) + name: explored-14979 type: explored -- comm_cost: 0.7796006944444445 - complexity: 10 +- comm_cost: 0.7125000000000001 + complexity: 7 expressions: - - R- - - SE- - - or(S+, or(N+, R-)) - - or(SE-, N+) - name: explored-14981 + - R+ + - and(SE+, N-) + - and(SE+, N-) + name: explored-14980 type: explored -- comm_cost: 0.3489375000000001 - complexity: 13 +- comm_cost: 0.47382812500000027 + complexity: 15 expressions: - K+ - K+ - - K+ - - N+ - - N- - R- - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) + name: explored-14981 + type: explored +- comm_cost: 0.7155208333333335 + complexity: 6 + expressions: + - R+ + - and(K-, S+) + - not(R-) name: explored-14982 type: explored -- comm_cost: 0.38009259259259276 - complexity: 12 +- comm_cost: 0.3359375000000002 + complexity: 18 expressions: - N+ - R- - - SE+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(K+, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-14983 type: explored -- comm_cost: 0.12899305555555585 - complexity: 13 +- comm_cost: 0.7054039351851853 + complexity: 38 + expressions: + - and(K-, S+) + - and(K-, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), not(R-)) + - or(S+, R+) + - or(S+, SE+) + name: explored-14984 + type: explored +- comm_cost: 0.3886574074074076 + complexity: 16 expressions: - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) - name: explored-14984 + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + name: explored-14985 type: explored -- comm_cost: 0.5690104166666667 - complexity: 10 +- comm_cost: 0.43909143518518523 + complexity: 20 expressions: - - K+ - N+ + - R- - S+ + - and(K-, SE-) - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - name: explored-14985 + - and(S-, not(R-)) + name: explored-14986 type: explored -- comm_cost: 0.4067708333333335 - complexity: 12 +- comm_cost: 0.23932291666666705 + complexity: 13 expressions: + - K+ - N+ - R- - S+ - - and(K-, N-) - and(N-, R+) - - and(N-, R+) - name: explored-14986 - type: explored -- comm_cost: 0.6986979166666668 - complexity: 9 - expressions: - - R+ - - or(K+, N+) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - or(SE-, N+) name: explored-14987 type: explored -- comm_cost: 0.5934027777777778 - complexity: 10 +- comm_cost: 0.24157986111111152 + complexity: 15 expressions: - K+ - - R+ + - N+ - R- - - S+ - - SE- - - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - not(R+) name: explored-14988 type: explored -- comm_cost: 0.7567708333333334 - complexity: 10 +- comm_cost: 0.4519675925925928 + complexity: 20 expressions: - - and(K-, N-) - - and(and(K-, N-), or(S+, R+)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - not(R+) + - or(K+, R+) name: explored-14989 type: explored -- comm_cost: 0.6709490740740742 - complexity: 9 +- comm_cost: 0.2515046296296297 + complexity: 20 expressions: + - K+ + - N+ - R+ + - R- - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-14990 type: explored -- comm_cost: 0.35069444444444464 - complexity: 14 +- comm_cost: 0.6657696759259261 + complexity: 9 expressions: - - K+ - - K+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - S- + - and(or(K+, S-), not(R+)) name: explored-14991 type: explored -- comm_cost: 0.3901041666666668 - complexity: 12 +- comm_cost: 0.582638888888889 + complexity: 11 expressions: - - N+ - R+ - - R- - SE- - - and(N-, or(K+, R+)) - - and(S-, SE-) + - and(K-, not(R+)) + - and(K-, or(S+, N+)) name: explored-14992 type: explored -- comm_cost: 0.5386979166666668 - complexity: 23 +- comm_cost: 0.19444444444444464 + complexity: 21 expressions: - K+ - - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, S-)) - and(S-, SE-) - - not(R-) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-14993 type: explored -- comm_cost: 0.5925057870370372 - complexity: 17 +- comm_cost: 0.4134982638888891 + complexity: 20 expressions: - N+ - R- + - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, or(N+, R-)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-14994 type: explored -- comm_cost: 0.2993055555555555 +- comm_cost: 0.6551215277777779 complexity: 11 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, or(S+, R+)) - - and(S-, SE-) + - SE- + - and(N-, not(R-)) + - or(N+, not(R+)) name: explored-14995 type: explored -- comm_cost: 0.7199652777777779 - complexity: 5 +- comm_cost: 0.6605972222222223 + complexity: 16 expressions: - - K+ + - N+ - R+ - - or(K+, K-) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - or(K+, S-) + - or(SE-, N+) name: explored-14996 type: explored -- comm_cost: 0.19062500000000027 +- comm_cost: 0.5346354166666668 complexity: 13 expressions: - - K+ - - N+ - - N+ - - S+ - - and(N-, R+) + - R+ + - R- - and(S-, SE-) - - or(K+, N+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-14997 type: explored -- comm_cost: 0.4319444444444447 - complexity: 18 +- comm_cost: 0.5287615740740742 + complexity: 15 expressions: - K+ - - N+ + - R+ - R- - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(S-, N-) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-14998 type: explored -- comm_cost: 0.3562500000000002 - complexity: 14 +- comm_cost: 0.3367766203703706 + complexity: 21 expressions: + - K+ - N+ + - R+ - R- - - and(K-, SE-) + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - or(S+, R+) + - or(K+, or(N+, R-)) name: explored-14999 type: explored -- comm_cost: 0.37025462962962985 - complexity: 15 +- comm_cost: 0.6645833333333334 + complexity: 16 expressions: - - R+ - - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - S- + - and(N-, not(R-)) + - and(N-, or(K+, R+)) + - and(SE+, N-) + - or(K+, N+) name: explored-15000 type: explored -- comm_cost: 0.4809027777777779 - complexity: 15 +- comm_cost: 0.4377604166666669 + complexity: 18 expressions: - K+ - N+ - R- - - S- - - and(K-, S+) + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(SE+, N-) + - not(R-) + - or(S+, N+) name: explored-15001 type: explored -- comm_cost: 0.26041666666666696 - complexity: 10 +- comm_cost: 0.6526909722222223 + complexity: 29 expressions: - - N+ + - K+ + - and(K-, not(R-)) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) + - or(K+, SE+) name: explored-15002 type: explored -- comm_cost: 0.31406250000000024 - complexity: 16 +- comm_cost: 0.6321875000000001 + complexity: 9 + expressions: + - N+ + - N- + - R+ + - SE- + - and(S-, or(SE-, N+)) + name: explored-15003 + type: explored +- comm_cost: 0.08125000000000027 + complexity: 10 expressions: - K+ - N+ - R- - - S- - - and(K-, S+) - - and(K-, S+) + - R- - and(N-, R+) - and(S-, SE-) - name: explored-15003 - type: explored -- comm_cost: 0.6211371527777779 - complexity: 24 - expressions: - - and(K-, N-) - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) - - or(S+, R-) name: explored-15004 type: explored -- comm_cost: 0.40666666666666695 - complexity: 10 +- comm_cost: 0.41928819444444465 + complexity: 17 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) - or(N+, not(R+)) name: explored-15005 type: explored -- comm_cost: 0.4688078703703705 - complexity: 19 +- comm_cost: 0.5592881944444447 + complexity: 21 expressions: - - K+ - N+ - - and(K-, S+) + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - or(K+, K-) + - and(N-, or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-15006 type: explored -- comm_cost: 0.7486111111111111 - complexity: 11 +- comm_cost: 0.45277777777777795 + complexity: 15 expressions: - - SE- - - and(K-, S+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - or(S+, SE+) name: explored-15007 type: explored -- comm_cost: 0.5293402777777779 - complexity: 13 +- comm_cost: 0.6979861111111112 + complexity: 7 expressions: - - N+ + - N- - R+ - R- - SE- - - and(and(K-, N-), not(R-)) - - or(K+, R-) + - or(K+, S-) name: explored-15008 type: explored -- comm_cost: 0.5689236111111113 - complexity: 13 +- comm_cost: 0.7121875000000001 + complexity: 5 expressions: - - SE- - - and(N-, R+) - - and(S-, not(R-)) - - and(SE-, or(K+, S-)) + - K+ + - R+ + - or(K+, S-) name: explored-15009 type: explored -- comm_cost: 0.3036458333333335 - complexity: 14 +- comm_cost: 0.5416666666666669 + complexity: 8 expressions: + - K+ - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - and(K-, or(S+, N+)) name: explored-15010 type: explored -- comm_cost: 0.3616666666666669 - complexity: 12 +- comm_cost: 0.6548611111111113 + complexity: 7 expressions: - - K+ - - R- + - N+ - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, R+) name: explored-15011 type: explored -- comm_cost: 0.6575520833333335 +- comm_cost: 0.5934895833333335 complexity: 7 expressions: - R+ - - S- - - and(SE-, or(K+, S-)) + - and(K-, N-) + - and(S-, SE-) name: explored-15012 type: explored -- comm_cost: 0.6889756944444446 - complexity: 9 +- comm_cost: 0.5330729166666669 + complexity: 13 expressions: - - R+ - - SE- + - R- - SE- - - and(or(K+, S-), not(R-)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, SE+) name: explored-15013 type: explored -- comm_cost: 0.7102430555555557 - complexity: 10 +- comm_cost: 0.6767881944444446 + complexity: 12 expressions: - R+ - - and(S-, N-) - - or(K+, K-) - - or(S+, N+) + - R- + - SE- + - and(K-, or(N+, not(R+))) + - or(K+, S-) name: explored-15014 type: explored -- comm_cost: 0.5651041666666669 - complexity: 7 +- comm_cost: 0.6228298611111113 + complexity: 12 expressions: - K+ + - K+ + - N+ - R- - S+ - SE+ - and(N-, R+) + - or(S+, SE+) name: explored-15015 type: explored -- comm_cost: 0.6062500000000002 +- comm_cost: 0.4256944444444446 complexity: 12 expressions: - - R+ + - N+ + - R- + - S+ - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, N+) + - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-15016 type: explored -- comm_cost: 0.4973958333333335 - complexity: 13 +- comm_cost: 0.32343750000000027 + complexity: 7 expressions: - K+ - - R+ + - N+ - R- - - SE- - - and(SE+, N-) - - and(and(S-, N-), not(R-)) + - S+ + - and(N-, R+) name: explored-15017 type: explored -- comm_cost: 0.4661458333333335 - complexity: 10 +- comm_cost: 0.29704861111111125 + complexity: 12 expressions: + - K+ - N+ - R- - - and(N-, R+) - - and(N-, or(K+, R+)) + - S+ + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-15018 type: explored -- comm_cost: 0.6509548611111112 - complexity: 10 +- comm_cost: 0.4915625000000001 + complexity: 12 expressions: - R+ - - R- - - SE- - - and(K-, N-) - - and(K-, not(R-)) + - and(K-, or(S+, R-)) + - and(S-, SE-) + - or(S+, SE+) name: explored-15019 type: explored -- comm_cost: 0.3518229166666669 - complexity: 16 +- comm_cost: 0.5755208333333335 + complexity: 5 expressions: - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - R+ + - SE- + - not(R+) name: explored-15020 type: explored -- comm_cost: 0.6302083333333335 - complexity: 7 +- comm_cost: 0.2776041666666669 + complexity: 20 expressions: - - R+ - - and(and(S-, N-), not(R-)) + - N+ + - and(K-, SE-) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-15021 type: explored -- comm_cost: 0.6227083333333335 - complexity: 11 +- comm_cost: 0.22361111111111143 + complexity: 13 expressions: - - R+ - - and(K-, not(R+)) + - K+ + - N+ - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-15022 type: explored -- comm_cost: 0.22187500000000027 - complexity: 19 +- comm_cost: 0.5186805555555557 + complexity: 11 expressions: - K+ + - K- - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, N+) name: explored-15023 type: explored -- comm_cost: 0.7679398148148149 - complexity: 6 +- comm_cost: 0.3857204861111113 + complexity: 20 expressions: - - R+ - - not(R-) - - or(K+, K-) + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, N+) + - or(K+, R-) name: explored-15024 type: explored -- comm_cost: 0.7422621527777779 - complexity: 18 +- comm_cost: 0.6269097222222224 + complexity: 15 expressions: - - K- - - R- - - and(K-, not(R+)) - - and(N-, not(R-)) - - or(K+, or(N+, R-)) - - or(S+, SE+) + - R+ + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-15025 type: explored -- comm_cost: 0.5072048611111112 - complexity: 12 +- comm_cost: 0.32291666666666696 + complexity: 14 expressions: - - K+ - - R+ - R- - - and(and(S-, N-), not(R-)) - - or(S+, R+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-15026 type: explored -- comm_cost: 0.503559027777778 - complexity: 11 +- comm_cost: 0.3454861111111114 + complexity: 22 expressions: + - K+ - N+ - - R- + - S+ - and(N-, R+) - - and(S-, not(R-)) - - not(R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) name: explored-15027 type: explored -- comm_cost: 0.4194444444444446 - complexity: 14 +- comm_cost: 0.4822916666666668 + complexity: 16 expressions: - N+ + - R- - SE- - - and(N-, R+) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(SE-, or(K+, S-)) name: explored-15028 type: explored -- comm_cost: 0.13958333333333361 - complexity: 16 +- comm_cost: 0.2864583333333337 + complexity: 9 expressions: - - K+ - - N+ - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - or(N+, R-) name: explored-15029 type: explored -- comm_cost: 0.5665798611111112 - complexity: 17 +- comm_cost: 0.3758680555555559 + complexity: 22 expressions: - - R- - - SE- - - and(K-, or(S+, SE+)) + - K+ + - N+ - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15030 type: explored -- comm_cost: 0.6966145833333335 - complexity: 14 +- comm_cost: 0.6085069444444445 + complexity: 16 expressions: - - R+ - - and(or(K+, S-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R- + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(K+, K-) name: explored-15031 type: explored -- comm_cost: 0.4942708333333333 - complexity: 11 +- comm_cost: 0.2506944444444448 + complexity: 12 expressions: - N+ - - R- - - and(K-, S+) - - and(K-, SE-) + - and(N-, R+) - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-15032 type: explored -- comm_cost: 0.29010416666666705 - complexity: 21 +- comm_cost: 0.240104166666667 + complexity: 16 expressions: - K+ - - K+ - - K+ - N+ - R- - - S+ + - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(N+, not(R+)) name: explored-15033 type: explored -- comm_cost: 0.4916666666666668 - complexity: 15 +- comm_cost: 0.7039930555555556 + complexity: 7 expressions: - R+ - - R- - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, R-) + - and(K-, N-) + - or(S+, R+) name: explored-15034 type: explored -- comm_cost: 0.40694444444444466 - complexity: 12 +- comm_cost: 0.6626157407407409 + complexity: 11 expressions: - - K+ - N+ - - R- + - R+ - SE- - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(N-, not(R-)) + - and(S-, not(R-)) name: explored-15035 type: explored -- comm_cost: 0.6046296296296299 - complexity: 15 +- comm_cost: 0.28333333333333366 + complexity: 7 expressions: - - R+ - - SE+ + - N+ + - N+ + - R- - SE- - - and(K-, or(S+, N+)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, R+) name: explored-15036 type: explored -- comm_cost: 0.5380208333333335 - complexity: 7 +- comm_cost: 0.5209201388888891 + complexity: 18 expressions: - N+ - - SE- + - and(N-, R+) - and(N-, or(K+, R+)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-15037 type: explored -- comm_cost: 0.7297430555555556 - complexity: 28 +- comm_cost: 0.7622395833333335 + complexity: 9 expressions: - - K+ - - SE+ - - and(K-, N-) - - and(K-, not(R-)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) - - or(S+, SE+) + - R+ + - or(K+, SE+) + - or(S+, or(N+, R-)) name: explored-15038 type: explored -- comm_cost: 0.49236111111111125 - complexity: 16 +- comm_cost: 0.7627604166666667 + complexity: 7 expressions: - - R- - - SE- - - and(N-, R+) - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(K-, N-) + - and(S-, not(R+)) name: explored-15039 type: explored -- comm_cost: 0.24074074074074103 - complexity: 16 +- comm_cost: 0.7866666666666667 + complexity: 9 expressions: - - N+ - - R- - - and(N-, R+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - not(R-) name: explored-15040 type: explored -- comm_cost: 0.38333333333333364 - complexity: 21 +- comm_cost: 0.31111111111111134 + complexity: 17 expressions: + - K+ - N+ + - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-15041 type: explored -- comm_cost: 0.7925 - complexity: 4 +- comm_cost: 0.6815972222222224 + complexity: 9 expressions: - - N+ - - or(S+, SE+) + - R+ + - R- + - or(and(K-, S+), or(N+, R-)) name: explored-15042 type: explored -- comm_cost: 0.28281250000000013 - complexity: 24 +- comm_cost: 0.36770833333333364 + complexity: 6 expressions: - - K+ - - K+ - N+ - - R- - S+ - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) name: explored-15043 type: explored -- comm_cost: 0.36041666666666683 - complexity: 22 +- comm_cost: 0.23802083333333357 + complexity: 9 expressions: - - N+ + - R+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, or(N+, R-)) name: explored-15044 type: explored -- comm_cost: 0.6810080191798942 - complexity: 40 +- comm_cost: 0.6310763888888891 + complexity: 5 expressions: - N+ - - R- - - and(K-, or(S+, R+)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - or(K+, R+) - - or(K+, or(N+, R-)) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) + - R+ + - and(S-, N-) name: explored-15045 type: explored -- comm_cost: 0.7097511574074076 - complexity: 8 +- comm_cost: 0.5787326388888889 + complexity: 12 expressions: - - R+ - - and(N-, not(R-)) - - or(K+, R+) + - K+ + - N+ + - R- + - SE- + - and(K-, S+) + - and(K-, or(S+, SE+)) name: explored-15046 type: explored -- comm_cost: 0.6178530092592593 - complexity: 43 +- comm_cost: 0.4509837962962965 + complexity: 18 expressions: - N+ + - R- + - S+ - and(K-, S+) - - and(S-, not(R+)) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) - or(K+, R+) - - or(K+, or(N+, R-)) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, S-) name: explored-15047 type: explored -- comm_cost: 0.6067708333333335 - complexity: 11 +- comm_cost: 0.5194444444444444 + complexity: 13 expressions: - - R+ + - K+ + - N+ - R- - S+ - - and(N-, or(S+, SE+)) - - and(S-, N-) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-15048 type: explored -- comm_cost: 0.44425000000000026 - complexity: 21 +- comm_cost: 0.3319444444444446 + complexity: 17 expressions: - - K+ - - K+ + - N+ - N+ - R- - - S+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) name: explored-15049 type: explored -- comm_cost: 0.2793402777777779 - complexity: 16 +- comm_cost: 0.5953125000000002 + complexity: 9 expressions: - - N+ - - R- + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - or(N+, R-) name: explored-15050 type: explored -- comm_cost: 0.7103935185185186 - complexity: 27 +- comm_cost: 0.6254166666666668 + complexity: 5 expressions: + - K- - N+ - - and(S-, not(R-)) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) - - or(K+, K-) - - or(S+, or(N+, R-)) + - and(N-, R+) name: explored-15051 type: explored -- comm_cost: 0.7048900462962964 - complexity: 5 +- comm_cost: 0.4506076388888891 + complexity: 14 expressions: - - R+ - - SE+ - - and(K-, N-) + - N+ + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - not(R+) name: explored-15052 type: explored -- comm_cost: 0.6503472222222223 - complexity: 11 - expressions: - - R+ - - R- - - S+ - - and(N-, or(K+, S-)) - - or(S+, R+) - name: explored-15053 - type: explored -- comm_cost: 0.3559027777777779 - complexity: 18 +- comm_cost: 0.5868055555555556 + complexity: 9 expressions: - K+ - - K+ - N+ - R- - - S+ - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, K-) + name: explored-15053 + type: explored +- comm_cost: 0.5895833333333336 + complexity: 9 + expressions: + - R+ + - and(SE-, or(K+, S-)) - or(K+, N+) name: explored-15054 type: explored -- comm_cost: 0.7355902777777779 - complexity: 14 +- comm_cost: 0.5772569444444446 + complexity: 11 expressions: - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - R- + - SE- + - and(N-, or(K+, SE+)) + - or(K+, N+) name: explored-15055 type: explored -- comm_cost: 0.6359953703703705 - complexity: 15 +- comm_cost: 0.4932291666666667 + complexity: 9 expressions: - R+ - - SE+ - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) + - R+ + - R- + - SE- + - and(SE-, or(K+, S-)) name: explored-15056 type: explored -- comm_cost: 0.7041666666666666 - complexity: 8 +- comm_cost: 0.5522916666666668 + complexity: 13 expressions: - - and(SE-, or(K+, S-)) - - or(N+, R-) + - K- + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-15057 type: explored -- comm_cost: 0.6789062500000003 - complexity: 12 +- comm_cost: 0.4208333333333336 + complexity: 8 expressions: + - N+ + - R- - and(N-, R+) - - or(K+, N+) - - or(K+, N+) - - or(S+, R+) + - or(S+, N+) name: explored-15058 type: explored -- comm_cost: 0.2733796296296298 - complexity: 17 +- comm_cost: 0.5423611111111113 + complexity: 11 expressions: - - N+ - - and(N-, R+) + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-15059 type: explored -- comm_cost: 0.6187500000000001 - complexity: 10 +- comm_cost: 0.2538773148148151 + complexity: 25 expressions: - - K- - - R+ + - K+ + - N+ - R- - - SE- - - and(and(S-, N-), not(R-)) + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-15060 type: explored -- comm_cost: 0.8515625 - complexity: 3 +- comm_cost: 0.42048611111111134 + complexity: 23 expressions: + - K+ + - N+ + - R- - SE- - - not(R+) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-15061 type: explored -- comm_cost: 0.4652777777777779 - complexity: 12 +- comm_cost: 0.42057291666666696 + complexity: 27 expressions: - - R+ - - and(N-, or(S+, R+)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, N+) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15062 type: explored -- comm_cost: 0.5013888888888889 - complexity: 10 +- comm_cost: 0.26666666666666705 + complexity: 11 expressions: - - K+ - N+ - - R- - - and(K-, not(R+)) + - SE- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) name: explored-15063 type: explored -- comm_cost: 0.7890625000000001 +- comm_cost: 0.7550000000000001 complexity: 8 expressions: - - and(N-, or(K+, R+)) - - or(S+, R+) + - K- + - and(and(K-, N-), or(S+, R+)) name: explored-15064 type: explored -- comm_cost: 0.4481481481481483 - complexity: 24 +- comm_cost: 0.5484375000000002 + complexity: 11 expressions: - K+ - N+ - - R- - - SE+ - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(N+, not(R+)) + - and(N-, or(S+, R+)) name: explored-15065 type: explored -- comm_cost: 0.49227430555555585 - complexity: 8 +- comm_cost: 0.5640625000000002 + complexity: 9 expressions: - - K+ - - SE- + - N+ - and(N-, R+) - - or(SE-, N+) + - and(N-, or(K+, R+)) name: explored-15066 type: explored -- comm_cost: 0.7295138888888889 - complexity: 9 - expressions: - - K+ - - R- - - SE- - - SE- - - or(K+, or(N+, R-)) - name: explored-15067 - type: explored -- comm_cost: 0.6245659722222222 - complexity: 14 +- comm_cost: 0.5781250000000002 + complexity: 10 expressions: - N+ + - N+ - R- - S+ - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - or(SE-, N+) - name: explored-15068 + - and(N-, R+) + - or(S+, SE+) + name: explored-15067 type: explored -- comm_cost: 0.4695312500000002 - complexity: 19 +- comm_cost: 0.36041666666666705 + complexity: 11 expressions: - K+ - - R- - - and(K-, N-) + - N+ + - and(K-, S+) - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - name: explored-15069 + name: explored-15068 type: explored -- comm_cost: 0.41333333333333366 - complexity: 12 +- comm_cost: 0.5859953703703705 + complexity: 14 expressions: - - K+ - N+ - - and(K-, S+) - - and(N-, R+) - - or(N+, not(R+)) - name: explored-15070 + - R+ + - SE- + - and(N-, or(K+, SE+)) + - and(and(K-, N-), not(R-)) + name: explored-15069 type: explored -- comm_cost: 0.3012152777777781 - complexity: 17 +- comm_cost: 0.5216145833333333 + complexity: 11 expressions: - - K+ - N+ - R- - - and(N-, R+) + - S+ - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(SE-, N+) + - or(S+, or(N+, R-)) + name: explored-15070 + type: explored +- comm_cost: 0.6773958333333334 + complexity: 7 + expressions: + - N- + - R+ + - and(N-, or(K+, R+)) name: explored-15071 type: explored -- comm_cost: 0.5047800925925927 +- comm_cost: 0.7567708333333334 + complexity: 10 + expressions: + - and(K-, N-) + - and(and(K-, N-), or(S+, R+)) + name: explored-15072 + type: explored +- comm_cost: 0.5584722222222223 complexity: 12 expressions: - - K+ - - K- - N+ - R- - S+ - - and(K-, not(R+)) - - and(N-, R+) - name: explored-15072 - type: explored -- comm_cost: 0.7317968750000001 - complexity: 23 - expressions: - - and(K-, S+) - - and(or(K+, S-), not(R+)) - - not(R+) - - not(R-) - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(K+, R-) + - or(K+, S-) name: explored-15073 type: explored -- comm_cost: 0.5243055555555556 - complexity: 8 +- comm_cost: 0.7450520833333334 + complexity: 9 expressions: - - K+ - - N+ - - R- - SE- - - and(S-, not(R-)) + - and(N-, or(K+, S-)) + - and(S-, N-) name: explored-15074 type: explored -- comm_cost: 0.6415630787037038 - complexity: 43 +- comm_cost: 0.3230324074074076 + complexity: 20 expressions: - - R+ - - and(K-, SE-) + - K+ + - K+ + - N+ + - R- + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(N-, or(S+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, S-) - - or(K+, or(N+, R-)) - - or(S+, R-) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) name: explored-15075 type: explored -- comm_cost: 0.04479166666666701 - complexity: 15 +- comm_cost: 0.6675347222222223 + complexity: 9 + expressions: + - SE- + - and(N-, or(K+, R+)) + - or(K+, R+) + name: explored-15076 + type: explored +- comm_cost: 0.23211805555555598 + complexity: 19 expressions: - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - name: explored-15076 - type: explored -- comm_cost: 0.6298958333333334 - complexity: 8 - expressions: - - R+ - - R- - - SE- - - and(SE+, N-) - - not(R-) + - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-15077 type: explored -- comm_cost: 0.4315069444444446 - complexity: 17 +- comm_cost: 0.20381944444444466 + complexity: 15 expressions: - - K+ - - K+ - N+ - - N- + - N+ - R- - S+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-15078 type: explored -- comm_cost: 0.5788194444444447 - complexity: 12 +- comm_cost: 0.3255208333333335 + complexity: 19 expressions: - - R+ - - SE- - - and(or(K+, S-), or(SE-, N+)) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) - or(K+, R-) + - or(S+, R+) name: explored-15079 type: explored -- comm_cost: 0.6033564814814816 - complexity: 15 +- comm_cost: 0.7388020833333334 + complexity: 10 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) name: explored-15080 type: explored -- comm_cost: 0.6275235615079366 - complexity: 29 +- comm_cost: 0.6886284722222223 + complexity: 14 expressions: + - N- - R+ - - S- - - SE+ - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(K-, or(S+, SE+)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) + - R- + - SE- + - and(K-, not(R-)) + - and(K-, or(N+, not(R+))) name: explored-15081 type: explored -- comm_cost: 0.5511284722222225 - complexity: 18 +- comm_cost: 0.6728703703703705 + complexity: 12 expressions: + - K+ + - N+ - R- - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, S-) + - or(K+, or(N+, R-)) name: explored-15082 type: explored -- comm_cost: 0.40156250000000027 - complexity: 9 +- comm_cost: 0.6993055555555556 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - or(K+, N+) + - SE- + - and(K-, or(SE-, N+)) + - and(N-, or(S+, R+)) name: explored-15083 type: explored -- comm_cost: 0.21996527777777797 - complexity: 16 +- comm_cost: 0.17916666666666703 + complexity: 9 expressions: - K+ - K+ - N+ - - R- - - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) name: explored-15084 type: explored -- comm_cost: 0.5822916666666668 - complexity: 3 +- comm_cost: 0.4413194444444446 + complexity: 15 expressions: - K+ - - R+ - R- + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) name: explored-15085 type: explored -- comm_cost: 0.48255208333333344 - complexity: 20 +- comm_cost: 0.28978587962962976 + complexity: 22 expressions: + - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(and(S-, N-), not(R-)) name: explored-15086 type: explored -- comm_cost: 0.45515625000000015 - complexity: 21 +- comm_cost: 0.19826388888888924 + complexity: 20 expressions: - K+ + - K+ - N+ - R- - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - or(K+, N+) name: explored-15087 type: explored -- comm_cost: 0.3660879629629632 - complexity: 13 - expressions: - - N+ - - R+ - - R- - - S+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - name: explored-15088 - type: explored -- comm_cost: 0.30859375000000033 - complexity: 16 +- comm_cost: 0.5833333333333333 + complexity: 8 expressions: - K+ - - K+ - R- - - and(N-, R+) + - and(K-, SE-) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-15089 + name: explored-15088 type: explored -- comm_cost: 0.6645254629629631 - complexity: 14 +- comm_cost: 0.626684027777778 + complexity: 25 expressions: - R+ - - and(K-, not(R-)) - - and(and(K-, N-), not(R-)) + - and(N-, or(K+, R+)) + - and(S-, not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(N+, not(R+)) - or(S+, R-) - name: explored-15090 + name: explored-15089 type: explored -- comm_cost: 0.19218750000000018 - complexity: 22 +- comm_cost: 0.2562500000000003 + complexity: 11 expressions: - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) + - R- + - SE- - and(N-, R+) - - and(N-, or(S+, R+)) + - and(N-, R+) + name: explored-15090 + type: explored +- comm_cost: 0.2734375000000001 + complexity: 9 + expressions: + - K+ + - N+ + - S+ - and(S-, SE-) + - and(SE+, N-) name: explored-15091 type: explored -- comm_cost: 0.5161458333333335 - complexity: 8 +- comm_cost: 0.3793981481481483 + complexity: 23 expressions: - - R+ + - N+ - R- - - and(K-, SE-) - - or(N+, R-) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), not(R-)) name: explored-15092 type: explored -- comm_cost: 0.5735677083333335 - complexity: 17 +- comm_cost: 0.43506944444444473 + complexity: 11 expressions: - - R+ - - R- - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - not(R+) - - or(S+, or(N+, R-)) + - N+ + - SE- + - and(N-, R+) + - or(K+, N+) + - or(S+, N+) name: explored-15093 type: explored -- comm_cost: 0.3676504629629631 - complexity: 18 +- comm_cost: 0.7133333333333334 + complexity: 6 expressions: - - K+ - - N+ - - R- - - S+ - - SE+ - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - not(R+) + - or(K+, S-) name: explored-15094 type: explored -- comm_cost: 0.21493055555555585 - complexity: 17 +- comm_cost: 0.25885416666666683 + complexity: 15 expressions: - K+ - - K+ - - K+ - - N+ + - R+ - R- - - and(N-, R+) + - R- + - and(K-, S+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-15095 type: explored -- comm_cost: 0.5083333333333336 - complexity: 11 +- comm_cost: 0.6001736111111111 + complexity: 7 expressions: - - and(K-, or(S+, N+)) - - and(N-, R+) - - or(N+, R-) + - R+ + - R+ + - R- + - SE- + - and(K-, N-) name: explored-15096 type: explored -- comm_cost: 0.2951388888888892 - complexity: 18 +- comm_cost: 0.5550868055555557 + complexity: 11 expressions: - - N+ + - K+ - R- - - and(K-, or(SE-, N+)) + - S- - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - not(R-) name: explored-15097 type: explored -- comm_cost: 0.5354166666666669 - complexity: 7 +- comm_cost: 0.6307291666666668 + complexity: 14 expressions: - - K+ - - N+ - - R- - - SE+ - - and(N-, R+) + - R+ + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15098 type: explored -- comm_cost: 0.6493923611111112 - complexity: 11 +- comm_cost: 0.47682291666666676 + complexity: 17 expressions: - N+ - R- - - SE- - - or(S+, R+) - - or(S+, or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-15099 type: explored -- comm_cost: 0.7041666666666666 - complexity: 12 +- comm_cost: 0.22335069444444466 + complexity: 14 expressions: - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(S-, not(R+)) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-15100 type: explored -- comm_cost: 0.7929513888888889 - complexity: 5 +- comm_cost: 0.75703125 + complexity: 6 expressions: - - N- - - SE- - - and(K-, N-) + - S+ + - and(N-, or(K+, S-)) name: explored-15101 type: explored -- comm_cost: 0.5178819444444446 - complexity: 17 +- comm_cost: 0.79375 + complexity: 5 expressions: - - N+ - - N- - - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - and(S-, or(SE-, N+)) name: explored-15102 type: explored -- comm_cost: 0.3773437500000003 - complexity: 21 +- comm_cost: 0.5402777777777781 + complexity: 18 expressions: - N+ + - N+ + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - and(or(K+, S-), or(SE-, N+)) - - not(R+) - - or(K+, or(N+, R-)) name: explored-15103 type: explored -- comm_cost: 0.7699652777777778 - complexity: 14 +- comm_cost: 0.48697916666666696 + complexity: 13 expressions: - - and(K-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) - - or(K+, K-) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(N+, R-) name: explored-15104 type: explored -- comm_cost: 0.46692708333333355 - complexity: 14 +- comm_cost: 0.6954861111111111 + complexity: 12 expressions: - - N+ - - R- - - S- - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - K+ + - and(K-, or(S+, N+)) + - and(S-, or(N+, not(R+))) name: explored-15105 type: explored -- comm_cost: 0.23981481481481493 - complexity: 23 +- comm_cost: 0.4697048611111113 + complexity: 12 expressions: - - K+ - N+ - R- - - and(K-, S+) + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) name: explored-15106 type: explored -- comm_cost: 0.5644097222222224 - complexity: 10 +- comm_cost: 0.402604166666667 + complexity: 15 expressions: - - R+ - - SE- - - and(K-, not(R+)) - - and(S-, not(R+)) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-15107 type: explored -- comm_cost: 0.4872395833333335 - complexity: 14 +- comm_cost: 0.46250000000000013 + complexity: 11 expressions: - - K+ - N+ + - R+ + - R- - R- - SE- - - SE- - - and(K-, SE-) - - and(N-, R+) - - or(S+, SE+) + - and(and(S-, N-), not(R-)) name: explored-15108 type: explored -- comm_cost: 0.4885416666666669 - complexity: 14 +- comm_cost: 0.2010995370370372 + complexity: 17 expressions: - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, R+)) - - or(K+, R-) + - and(S-, SE-) + - and(SE+, N-) + - or(S+, R-) name: explored-15109 type: explored -- comm_cost: 0.7036458333333334 - complexity: 6 +- comm_cost: 0.6351388888888889 + complexity: 7 expressions: - - and(S-, N-) - - or(SE-, N+) + - K+ + - N+ + - R- + - SE- + - or(S+, SE+) name: explored-15110 type: explored -- comm_cost: 0.25312500000000027 - complexity: 14 +- comm_cost: 0.31510416666666685 + complexity: 10 expressions: - N+ - - N+ + - R+ - R- + - SE- - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-15111 type: explored -- comm_cost: 0.6748958333333335 - complexity: 5 +- comm_cost: 0.617795138888889 + complexity: 16 expressions: - - N- - R+ - - and(SE+, N-) + - R- + - SE- + - and(N-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15112 type: explored -- comm_cost: 0.7824652777777779 - complexity: 10 +- comm_cost: 0.639670138888889 + complexity: 18 expressions: - - and(and(K-, N-), or(S+, SE+)) - - or(K+, R-) + - R+ + - SE- + - and(K-, S+) + - and(K-, or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15113 type: explored -- comm_cost: 0.2928240740740742 - complexity: 23 +- comm_cost: 0.08125000000000027 + complexity: 15 expressions: + - K+ - N+ - R- - - S+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) name: explored-15114 type: explored -- comm_cost: 0.44895833333333357 - complexity: 16 +- comm_cost: 0.4536458333333334 + complexity: 17 expressions: - - K+ - N+ - R- - - SE- - - SE- + - S- - and(N-, R+) - - and(N-, or(K+, SE+)) - - or(K+, N+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, R-) name: explored-15115 type: explored -- comm_cost: 0.635590277777778 - complexity: 21 +- comm_cost: 0.5729166666666667 + complexity: 10 expressions: - - and(K-, S+) - - and(SE+, N-) - - or(S+, N+) - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - R+ + - R- + - S- + - SE- + - and(SE-, or(K+, S-)) name: explored-15116 type: explored -- comm_cost: 0.6651909722222222 - complexity: 7 +- comm_cost: 0.2885416666666669 + complexity: 28 expressions: - K+ - N+ - R- - - SE- - - or(SE-, N+) + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) name: explored-15117 type: explored -- comm_cost: 0.6004166666666668 - complexity: 7 +- comm_cost: 0.5201388888888892 + complexity: 12 expressions: + - K+ - N+ + - SE+ - SE- - and(N-, R+) - - not(R-) + - or(S+, or(N+, R-)) name: explored-15118 type: explored -- comm_cost: 0.5177083333333332 - complexity: 9 +- comm_cost: 0.7446875000000002 + complexity: 2 expressions: - - K+ - - R- - - S+ - - and(K-, S+) - - and(S-, SE-) + - K- + - R+ name: explored-15119 type: explored -- comm_cost: 0.5116319444444446 - complexity: 9 +- comm_cost: 0.13958333333333361 + complexity: 21 expressions: + - K+ + - N+ - R+ - - and(K-, or(S+, R+)) + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) name: explored-15120 type: explored -- comm_cost: 0.5943055555555558 - complexity: 13 +- comm_cost: 0.33697916666666694 + complexity: 15 expressions: - N+ - - SE- + - R- + - R- + - S+ - and(N-, R+) - - or(K+, S-) - - or(S+, or(N+, R-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-15121 type: explored -- comm_cost: 0.6303819444444446 - complexity: 6 +- comm_cost: 0.6416666666666668 + complexity: 16 expressions: - - N+ - R+ - SE- - - or(K+, R+) + - and(K-, or(N+, not(R+))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15122 type: explored -- comm_cost: 0.5658680555555557 +- comm_cost: 0.5675347222222223 complexity: 14 expressions: - - R+ + - N+ - SE- - - and(K-, or(S+, R-)) - - and(S-, SE-) - - or(N+, not(R+)) + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) name: explored-15123 type: explored -- comm_cost: 0.3822916666666669 - complexity: 16 +- comm_cost: 0.5837962962962964 + complexity: 17 expressions: - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) + - N+ + - and(K-, not(R+)) + - and(K-, or(S+, R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-15124 type: explored -- comm_cost: 0.42439814814814847 - complexity: 13 +- comm_cost: 0.23697916666666696 + complexity: 14 expressions: - - N+ + - K+ - R- - - S+ + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - or(N+, not(R+)) - - or(S+, R-) + - and(S-, SE-) name: explored-15125 type: explored -- comm_cost: 0.2900462962962964 - complexity: 25 +- comm_cost: 0.6923611111111111 + complexity: 12 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-15126 - type: explored -- comm_cost: 0.6177083333333335 - complexity: 9 - expressions: - - K+ - - R+ - - R+ - SE- - - and(N-, or(K+, S-)) - name: explored-15127 + - and(S-, not(R+)) + - or(S+, or(N+, R-)) + name: explored-15126 type: explored -- comm_cost: 0.5364583333333335 - complexity: 10 +- comm_cost: 0.4916666666666669 + complexity: 12 expressions: - N+ - - R+ - R- - SE+ - SE- - - and(SE-, or(K+, S-)) + - and(K-, or(SE-, N+)) + - and(N-, R+) + name: explored-15127 + type: explored +- comm_cost: 0.7140625 + complexity: 26 + expressions: + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) + - or(K+, K-) + - or(and(K-, S+), or(N+, R-)) name: explored-15128 type: explored -- comm_cost: 0.6303819444444446 - complexity: 8 +- comm_cost: 0.6705381944444445 + complexity: 6 expressions: - N+ - R+ - - SE- - - and(K-, or(S+, R+)) + - R- + - S- + - not(R-) name: explored-15129 type: explored -- comm_cost: 0.17135416666666692 - complexity: 16 +- comm_cost: 0.2132812500000003 + complexity: 15 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - and(S-, SE-) + - or(SE-, N+) name: explored-15130 type: explored -- comm_cost: 0.4572916666666669 - complexity: 5 +- comm_cost: 0.48958333333333326 + complexity: 8 expressions: - - K+ - N+ - - R+ - R- - - SE- + - and(S-, SE-) + - and(S-, SE-) name: explored-15131 type: explored -- comm_cost: 0.6656250000000001 - complexity: 6 +- comm_cost: 0.23107638888888915 + complexity: 14 expressions: - - K+ - - R+ - - and(N-, not(R-)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, R-) name: explored-15132 type: explored -- comm_cost: 0.5531250000000002 +- comm_cost: 0.5191666666666668 complexity: 15 expressions: - - N+ - - R- + - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - or(S+, R+) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, SE+) name: explored-15133 type: explored -- comm_cost: 0.46310763888888906 - complexity: 18 +- comm_cost: 0.8576388888888888 + complexity: 8 expressions: - - K+ - - N+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-15134 type: explored -- comm_cost: 0.567170138888889 - complexity: 12 +- comm_cost: 0.20208333333333361 + complexity: 14 expressions: + - K+ - N+ - - N- - - and(K-, not(R-)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - or(S+, N+) name: explored-15135 type: explored -- comm_cost: 0.686232638888889 - complexity: 7 +- comm_cost: 0.5460358796296299 + complexity: 14 expressions: - - K- - - R+ + - K+ + - K+ + - N+ - R- - - SE- - - or(K+, SE+) + - S+ + - SE+ + - and(N-, R+) + - or(K+, or(N+, R-)) name: explored-15136 type: explored -- comm_cost: 0.3666666666666669 +- comm_cost: 0.6404803240740742 complexity: 11 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - R+ + - R- + - and(or(K+, S-), not(R-)) + - or(K+, R+) name: explored-15137 type: explored -- comm_cost: 0.3960763888888891 - complexity: 12 +- comm_cost: 0.7648958333333333 + complexity: 10 expressions: - - N+ - - N- - - R- - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - SE- + - and(K-, or(N+, not(R+))) + - or(K+, S-) name: explored-15138 type: explored -- comm_cost: 0.5300000000000002 - complexity: 15 +- comm_cost: 0.532465277777778 + complexity: 16 expressions: - - K- - - N+ - - and(N-, R+) + - R+ + - SE- - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-15139 type: explored -- comm_cost: 0.6227430555555556 - complexity: 13 +- comm_cost: 0.3755208333333335 + complexity: 11 expressions: - - R+ + - N+ - R- - - SE- - - and(K-, not(R-)) - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-15140 type: explored -- comm_cost: 0.6291666666666667 - complexity: 6 +- comm_cost: 0.2967013888888891 + complexity: 19 expressions: - K+ - - K+ - - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-15141 type: explored -- comm_cost: 0.7208333333333334 - complexity: 8 +- comm_cost: 0.2819444444444448 + complexity: 20 expressions: - - and(N-, or(K+, R+)) - - or(K+, N+) + - K+ + - N+ + - and(K-, S+) + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-15142 type: explored -- comm_cost: 0.7083101851851853 +- comm_cost: 0.10989583333333353 complexity: 14 expressions: - - R+ - - and(N-, not(R-)) - - and(N-, or(S+, R+)) - - or(N+, not(R+)) + - K+ + - N+ + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-15143 type: explored -- comm_cost: 0.3486111111111114 - complexity: 11 +- comm_cost: 0.5076388888888891 + complexity: 13 expressions: - N+ - SE- - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(S-, N-) + - or(K+, or(N+, R-)) name: explored-15144 type: explored -- comm_cost: 0.309490740740741 - complexity: 23 +- comm_cost: 0.5080729166666668 + complexity: 13 expressions: - K+ - - K+ - N+ - R- - - and(N-, R+) + - S+ + - and(N-, not(R-)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(and(S-, SE-), or(N+, R-)) + - not(R+) name: explored-15145 type: explored -- comm_cost: 0.7956597222222221 - complexity: 5 +- comm_cost: 0.6855902777777779 + complexity: 9 expressions: - - K+ - - R- - - SE- - - not(R+) + - R+ + - and(N-, or(S+, R+)) + - or(N+, R-) name: explored-15146 type: explored -- comm_cost: 0.3427083333333335 - complexity: 19 +- comm_cost: 0.4703124999999999 + complexity: 9 expressions: + - K+ + - N+ - R- - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(S+, or(N+, R-)) + - or(N+, R-) name: explored-15147 type: explored -- comm_cost: 0.741875 - complexity: 7 +- comm_cost: 0.3137152777777781 + complexity: 14 expressions: - - N+ - - R- + - K+ - S+ - - or(N+, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-15148 type: explored -- comm_cost: 0.5951388888888891 - complexity: 10 +- comm_cost: 0.4427083333333335 + complexity: 9 expressions: - - R+ + - N+ + - R- - SE- - - not(R+) - - or(K+, N+) - - or(N+, R-) + - and(K-, SE-) + - and(SE+, N-) name: explored-15149 type: explored -- comm_cost: 0.5631944444444448 - complexity: 10 +- comm_cost: 0.6716145833333335 + complexity: 8 expressions: - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(N-, or(K+, S-)) + - not(R+) name: explored-15150 type: explored -- comm_cost: 0.6535590277777779 - complexity: 12 +- comm_cost: 0.39574652777777797 + complexity: 16 expressions: - - R+ + - N+ - R- - - SE- - - and(or(K+, S-), not(R-)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) - or(K+, SE+) name: explored-15151 type: explored -- comm_cost: 0.26927083333333357 +- comm_cost: 0.5085937500000002 complexity: 12 expressions: - K+ - - K+ + - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - or(K+, SE+) name: explored-15152 type: explored -- comm_cost: 0.76875 - complexity: 4 +- comm_cost: 0.4083333333333333 + complexity: 7 expressions: - N+ - - and(K-, S+) + - R- + - S+ + - S+ + - and(S-, SE-) name: explored-15153 type: explored -- comm_cost: 0.38255208333333357 - complexity: 13 +- comm_cost: 0.38993055555555567 + complexity: 17 expressions: - K+ - - K+ - - S+ + - N+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - and(N-, or(S+, R+)) + - and(S-, or(SE-, N+)) name: explored-15154 type: explored -- comm_cost: 0.6656250000000001 - complexity: 6 +- comm_cost: 0.3149305555555558 + complexity: 22 expressions: - - N+ - R- - S+ - - or(S+, R+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-15155 type: explored -- comm_cost: 0.11163194444444469 - complexity: 13 +- comm_cost: 0.5492187500000002 + complexity: 12 expressions: - K+ - N+ - R- - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) name: explored-15156 type: explored -- comm_cost: 0.18750000000000022 +- comm_cost: 0.2658854166666671 complexity: 18 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - - or(K+, R-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15157 type: explored -- comm_cost: 0.4989583333333335 - complexity: 5 +- comm_cost: 0.4234375 + complexity: 8 expressions: - - R+ - - R+ + - N+ + - R- - and(S-, SE-) + - or(S+, R+) name: explored-15158 type: explored -- comm_cost: 0.4833333333333335 - complexity: 14 +- comm_cost: 0.6877037037037038 + complexity: 30 + expressions: + - S+ + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(K-, or(SE-, N+)) + - and(S-, not(R-)) + - and(or(K+, S-), not(R+)) + - not(R-) + - or(N+, R-) + name: explored-15159 + type: explored +- comm_cost: 0.5736111111111113 + complexity: 8 + expressions: + - R+ + - and(K-, not(R+)) + - or(K+, N+) + name: explored-15160 + type: explored +- comm_cost: 0.2601562500000001 + complexity: 13 expressions: + - K+ + - K+ - N+ - R- - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(S+, N+) - name: explored-15159 + - or(S+, R+) + name: explored-15161 type: explored -- comm_cost: 0.30572916666666683 - complexity: 14 +- comm_cost: 0.28281250000000036 + complexity: 17 expressions: - - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, not(R-)) - and(S-, SE-) - name: explored-15160 + - and(or(K+, S-), or(N+, not(R+))) + name: explored-15162 type: explored -- comm_cost: 0.040625000000000355 - complexity: 13 +- comm_cost: 0.09270833333333361 + complexity: 14 expressions: - K+ - N+ + - N+ - R- - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - name: explored-15161 + - or(K+, N+) + name: explored-15163 type: explored -- comm_cost: 0.3125578703703705 - complexity: 18 +- comm_cost: 0.22528935185185217 + complexity: 24 expressions: - K+ - - K+ - N+ - R- - S+ + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(and(K-, S+), or(N+, R-)) - name: explored-15162 - type: explored -- comm_cost: 0.6144097222222223 - complexity: 9 - expressions: - - R+ - - SE- + - and(and(K-, N-), or(S+, R+)) - and(and(K-, N-), or(S+, SE+)) - name: explored-15163 - type: explored -- comm_cost: 0.15885416666666696 - complexity: 9 - expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) name: explored-15164 type: explored -- comm_cost: 0.6708333333333334 - complexity: 4 +- comm_cost: 0.5505208333333336 + complexity: 12 expressions: - - K+ - - N+ - - N+ - - R- + - SE- + - and(K-, N-) + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-15165 type: explored -- comm_cost: 0.2513888888888892 - complexity: 16 +- comm_cost: 0.7199074074074076 + complexity: 7 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - R+ + - R+ + - and(N-, or(K+, SE+)) name: explored-15166 type: explored -- comm_cost: 0.6018229166666669 - complexity: 14 +- comm_cost: 0.7007146990740741 + complexity: 21 expressions: - - K+ - - N+ - - R- - - SE- + - S- - and(K-, or(SE-, N+)) - - and(N-, or(S+, SE+)) + - and(S-, N-) + - and(S-, SE-) + - not(R-) + - or(K+, R-) + - or(N+, not(R+)) name: explored-15167 type: explored -- comm_cost: 0.5569444444444447 - complexity: 16 +- comm_cost: 0.7156250000000001 + complexity: 9 expressions: - - N+ - SE- - - and(N-, R+) - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-15168 type: explored -- comm_cost: 0.4812500000000004 - complexity: 8 +- comm_cost: 0.637008101851852 + complexity: 23 expressions: - - SE- - - SE- - - and(N-, R+) - - or(S+, N+) + - S+ + - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R+)) name: explored-15169 type: explored -- comm_cost: 0.5803530092592594 - complexity: 11 +- comm_cost: 0.48875000000000013 + complexity: 14 expressions: - - R+ + - K+ + - K- + - N+ - R- - - S- + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(K+, SE+) name: explored-15170 type: explored -- comm_cost: 0.4570312500000002 - complexity: 9 +- comm_cost: 0.5629340277777779 + complexity: 41 expressions: - - N+ - - R- - - SE- - - and(K-, N-) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) + - or(K+, or(N+, R-)) + - or(N+, R-) name: explored-15171 type: explored -- comm_cost: 0.614670138888889 - complexity: 15 +- comm_cost: 0.520138888888889 + complexity: 14 expressions: + - N+ - R+ - R- - SE- - - or(S+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) + - or(K+, or(N+, R-)) name: explored-15172 type: explored -- comm_cost: 0.6505208333333333 - complexity: 12 +- comm_cost: 0.41718750000000027 + complexity: 7 expressions: - - N+ - - S+ + - R+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-15173 type: explored -- comm_cost: 0.6124999999999999 - complexity: 10 +- comm_cost: 0.4299479166666669 + complexity: 14 expressions: - - N+ - - N+ + - K+ + - K+ + - K+ + - R- + - S+ + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-15174 type: explored -- comm_cost: 0.6310763888888891 - complexity: 13 +- comm_cost: 0.3515625000000002 + complexity: 22 expressions: - - R+ - - SE- - - and(S-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(SE-, N+) name: explored-15175 type: explored -- comm_cost: 0.3132812500000003 - complexity: 9 +- comm_cost: 0.6229166666666667 + complexity: 10 expressions: - K+ - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) + - and(K-, or(S+, N+)) + - and(S-, not(R+)) name: explored-15176 type: explored -- comm_cost: 0.7604166666666666 - complexity: 3 +- comm_cost: 0.6219212962962963 + complexity: 11 expressions: + - N+ + - R+ - R- - SE- - - SE- + - and(N-, or(K+, SE+)) + - not(R-) name: explored-15177 type: explored -- comm_cost: 0.6378472222222222 - complexity: 7 +- comm_cost: 0.31453125000000015 + complexity: 21 expressions: - - SE- - - or(K+, R+) - - or(N+, R-) + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-15178 type: explored -- comm_cost: 0.4916666666666668 - complexity: 20 +- comm_cost: 0.5031250000000002 + complexity: 10 expressions: + - K+ - R- + - S+ + - and(K-, not(R-)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) name: explored-15179 type: explored -- comm_cost: 0.48498263888888915 +- comm_cost: 0.5951388888888889 complexity: 16 expressions: - K+ - N+ - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-15180 type: explored -- comm_cost: 0.46996527777777797 - complexity: 11 +- comm_cost: 0.4871527777777779 + complexity: 10 expressions: - N+ - - S+ - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - R+ + - R- + - SE- + - and(K-, S+) + - or(S+, N+) name: explored-15181 type: explored -- comm_cost: 0.649670138888889 - complexity: 13 +- comm_cost: 0.29027777777777786 + complexity: 12 expressions: + - K+ + - K+ - N+ - - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(S+, SE+) + - R- + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-15182 type: explored -- comm_cost: 0.5753472222222223 - complexity: 12 +- comm_cost: 0.3289930555555556 + complexity: 13 expressions: + - K+ + - K+ - N+ - - and(N-, R+) + - R- + - S+ + - and(K-, or(S+, R+)) - and(S-, SE-) - - not(R-) - - or(S+, R+) name: explored-15183 type: explored -- comm_cost: 0.39275173611111125 - complexity: 17 +- comm_cost: 0.3411458333333337 + complexity: 13 expressions: - K+ + - K+ + - N+ - R- - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - or(K+, SE+) name: explored-15184 type: explored -- comm_cost: 0.846875 - complexity: 7 +- comm_cost: 0.5269618055555557 + complexity: 14 expressions: - - and(K-, or(S+, R-)) - - not(R+) + - K+ + - N+ + - R- + - SE- + - and(K-, N-) + - and(N-, R+) + - or(N+, not(R+)) name: explored-15185 type: explored -- comm_cost: 0.5621759259259261 - complexity: 30 +- comm_cost: 0.5887152777777778 + complexity: 14 expressions: - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, R-)) - - and(N-, R+) + - N+ + - R- + - S+ - and(S-, SE-) + - and(or(K+, S-), not(R+)) - not(R-) - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) name: explored-15186 type: explored -- comm_cost: 0.5208333333333335 - complexity: 6 +- comm_cost: 0.4789062500000002 + complexity: 12 expressions: - - N+ - - N- - - SE- + - K+ + - R- + - S+ + - and(K-, N-) - and(N-, R+) + - and(S-, SE-) name: explored-15187 type: explored -- comm_cost: 0.6730208333333334 - complexity: 6 +- comm_cost: 0.6097222222222224 + complexity: 9 expressions: - - N+ - R+ - R- - - or(K+, S-) + - SE- + - or(K+, N+) + - or(K+, SE+) name: explored-15188 type: explored -- comm_cost: 0.4686631944444446 - complexity: 19 +- comm_cost: 0.4819444444444446 + complexity: 16 expressions: - N+ - - S+ - - and(N-, R+) + - R+ + - R- + - SE- - and(S-, SE-) - and(S-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, or(SE-, N+)) name: explored-15189 type: explored -- comm_cost: 0.5072916666666668 - complexity: 12 +- comm_cost: 0.6315740740740743 + complexity: 15 expressions: - - R+ - - R- - - R- - - SE- - - and(K-, SE-) - - and(K-, or(S+, R-)) + - N+ + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, S-) name: explored-15190 type: explored -- comm_cost: 0.5703125 - complexity: 6 +- comm_cost: 0.7411736111111111 + complexity: 23 expressions: - - N+ - - R- - - S+ - - and(K-, N-) + - and(K-, not(R-)) + - and(N-, not(R-)) + - and(S-, N-) + - and(and(K-, N-), or(S+, SE+)) + - not(R+) + - or(K+, S-) name: explored-15191 type: explored -- comm_cost: 0.6309895833333335 - complexity: 13 +- comm_cost: 0.71625 + complexity: 8 expressions: - SE- - - and(K-, not(R+)) - - and(N-, R+) - - and(N-, or(S+, SE+)) + - or(K+, R+) + - or(N+, not(R+)) name: explored-15192 type: explored -- comm_cost: 0.5464583333333335 - complexity: 13 +- comm_cost: 0.7142361111111113 + complexity: 8 expressions: - - K+ - - N+ - - R- - - S- - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - R+ + - or(and(K-, S+), or(N+, R-)) name: explored-15193 type: explored -- comm_cost: 0.304861111111111 - complexity: 13 +- comm_cost: 0.6112962962962964 + complexity: 9 expressions: - - K+ - N+ - - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE+ + - SE- + - and(N-, R+) + - or(K+, S-) name: explored-15194 type: explored -- comm_cost: 0.6449652777777779 - complexity: 18 +- comm_cost: 0.5376736111111112 + complexity: 12 expressions: - - and(K-, or(S+, R+)) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - - or(SE-, N+) + - K+ + - N+ + - S- + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-15195 type: explored -- comm_cost: 0.6044270833333334 - complexity: 6 +- comm_cost: 0.2743055555555557 + complexity: 11 expressions: - - R+ - - R- - - S+ - - and(K-, N-) + - K+ + - SE+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) name: explored-15196 type: explored -- comm_cost: 0.6635416666666668 - complexity: 3 +- comm_cost: 0.35444444444444456 + complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-15197 type: explored -- comm_cost: 0.39447916666666694 - complexity: 12 +- comm_cost: 0.651388888888889 + complexity: 15 expressions: - - K+ - - N+ - - R- - - S+ - - S+ - - and(N-, R+) - - or(N+, not(R+)) + - R+ + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15198 type: explored -- comm_cost: 0.71125 +- comm_cost: 0.7723958333333334 complexity: 6 expressions: - - and(S-, SE-) - - or(K+, S-) + - or(N+, R-) + - or(S+, R+) name: explored-15199 type: explored -- comm_cost: 0.4859375 - complexity: 6 +- comm_cost: 0.4302083333333334 + complexity: 16 expressions: - K+ - N+ - - S+ + - R- + - and(K-, or(S+, SE+)) + - and(K-, or(S+, SE+)) - and(S-, SE-) name: explored-15200 type: explored -- comm_cost: 0.47471064814814823 - complexity: 9 +- comm_cost: 0.7040572916666668 + complexity: 27 expressions: - - R+ - - R- - - SE+ - - and(S-, SE-) - - or(N+, R-) + - N- + - and(N-, or(S+, R+)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-15201 type: explored -- comm_cost: 0.6918750000000001 - complexity: 5 +- comm_cost: 0.448263888888889 + complexity: 18 expressions: - - R+ - - S+ - - or(K+, S-) + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-15202 type: explored -- comm_cost: 0.7273611111111111 - complexity: 6 +- comm_cost: 0.48715277777777777 + complexity: 8 expressions: - - N- - - R- - - SE- - - or(SE-, N+) + - N+ + - S+ + - and(S-, SE-) + - or(S+, R-) name: explored-15203 type: explored -- comm_cost: 0.5793981481481483 - complexity: 11 +- comm_cost: 0.46840277777777795 + complexity: 21 expressions: - N+ - R- - SE- - - and(N-, or(S+, SE+)) - - or(S+, R-) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-15204 type: explored -- comm_cost: 2.220446049250313e-16 - complexity: 12 +- comm_cost: 0.26666666666666705 + complexity: 9 expressions: - K+ - N+ - - R- - - and(K-, S+) + - SE- - and(N-, R+) - and(S-, SE-) name: explored-15205 type: explored -- comm_cost: 0.6927083333333335 - complexity: 10 - expressions: - - R+ - - R- - - and(N-, or(K+, SE+)) - - and(SE+, N-) - name: explored-15206 - type: explored -- comm_cost: 0.7144097222222223 - complexity: 7 - expressions: - - R+ - - or(K+, R+) - - or(S+, R-) - name: explored-15207 - type: explored -- comm_cost: 0.39861111111111125 - complexity: 18 +- comm_cost: 0.3025896990740742 + complexity: 19 expressions: + - K+ + - K+ - N+ - R- + - S+ - and(K-, or(S+, R+)) - - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - name: explored-15208 + - or(S+, R+) + name: explored-15206 type: explored -- comm_cost: 0.1468750000000003 - complexity: 14 +- comm_cost: 0.25156250000000013 + complexity: 17 expressions: + - K+ + - K+ - N+ + - R+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - name: explored-15209 + - and(S-, or(SE-, N+)) + name: explored-15207 type: explored -- comm_cost: 0.24197048611111138 - complexity: 21 +- comm_cost: 0.5465277777777777 + complexity: 13 expressions: - K+ + - K+ - N+ - R- - - S+ + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + name: explored-15208 + type: explored +- comm_cost: 0.45868055555555576 + complexity: 22 + expressions: + - K+ + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(S-, not(R+)) - - and(SE-, or(K+, S-)) - - not(R+) - name: explored-15210 + name: explored-15209 type: explored -- comm_cost: 0.33697916666666683 - complexity: 25 +- comm_cost: 0.31111111111111134 + complexity: 15 expressions: - K+ - N+ - R- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(SE-, or(K+, S-)) - - or(S+, R+) + - and(and(K-, N-), not(R-)) + name: explored-15210 + type: explored +- comm_cost: 0.7515798611111112 + complexity: 3 + expressions: + - K- + - R+ + - S- name: explored-15211 type: explored -- comm_cost: 0.5822916666666668 - complexity: 6 +- comm_cost: 0.6265625000000001 + complexity: 10 expressions: - R+ - - R- - - S+ - - or(K+, N+) + - SE- + - and(K-, not(R-)) + - and(S-, not(R+)) name: explored-15212 type: explored -- comm_cost: 0.6384375000000001 - complexity: 4 +- comm_cost: 0.6247974537037038 + complexity: 17 expressions: - - N- + - N+ - R+ - R- - SE- + - and(K-, N-) + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) name: explored-15213 type: explored -- comm_cost: 0.11614583333333361 - complexity: 18 +- comm_cost: 0.7253472222222221 + complexity: 11 expressions: - - K+ - - K+ - - N+ - - R- + - SE- - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - and(K-, or(S+, R-)) name: explored-15214 type: explored -- comm_cost: 0.41729166666666684 - complexity: 11 +- comm_cost: 0.38333333333333364 + complexity: 8 expressions: - - N+ - - N- + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - or(S+, N+) name: explored-15215 type: explored -- comm_cost: 0.5725694444444447 - complexity: 10 +- comm_cost: 0.6278935185185187 + complexity: 12 expressions: - - K+ + - N+ - R+ - - SE- - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-15216 type: explored -- comm_cost: 0.1625000000000003 - complexity: 8 +- comm_cost: 0.5091724537037039 + complexity: 17 expressions: - N+ - R- + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, SE-) + - and(N-, or(K+, SE+)) name: explored-15217 type: explored -- comm_cost: 0.82734375 - complexity: 8 - expressions: - - and(K-, or(S+, N+)) - - or(SE-, N+) - name: explored-15218 - type: explored -- comm_cost: 0.7208333333333334 - complexity: 11 +- comm_cost: 0.6665798611111112 + complexity: 7 expressions: + - N+ + - S- + - SE- - and(S-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-15219 + name: explored-15218 type: explored -- comm_cost: 0.1625000000000003 - complexity: 17 +- comm_cost: 0.28035300925925943 + complexity: 24 expressions: - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, or(N+, R-)) + name: explored-15219 + type: explored +- comm_cost: 0.7326388888888888 + complexity: 8 + expressions: + - R- + - and(K-, not(R+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-15220 type: explored -- comm_cost: 0.6854166666666668 - complexity: 7 +- comm_cost: 0.5477430555555558 + complexity: 9 expressions: - - R+ - - R- - - S+ - - S+ - - or(K+, SE+) + - K+ + - N+ + - SE- + - and(N-, R+) + - or(S+, R+) name: explored-15221 type: explored -- comm_cost: 0.5322916666666666 - complexity: 16 +- comm_cost: 0.4201388888888893 + complexity: 11 expressions: - - K+ - - K+ - N+ - R- - - S+ - - S+ - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-15222 type: explored -- comm_cost: 0.6494791666666668 - complexity: 6 +- comm_cost: 0.3684027777777781 + complexity: 15 expressions: - - R+ - - not(R+) - - or(SE-, N+) + - K+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, or(N+, not(R+))) name: explored-15223 type: explored -- comm_cost: 0.3192708333333336 +- comm_cost: 0.7011458333333335 complexity: 8 expressions: - R+ - - R- - - and(N-, R+) - - and(S-, SE-) + - and(S-, or(SE-, N+)) + - not(R-) name: explored-15224 type: explored -- comm_cost: 0.5697916666666667 - complexity: 9 +- comm_cost: 0.49733796296296306 + complexity: 23 expressions: - K+ - - R+ + - N+ - R- + - and(K-, N-) + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(K+, K-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15225 type: explored -- comm_cost: 0.7430555555555556 +- comm_cost: 0.6466435185185186 complexity: 9 expressions: - - R- + - R+ - SE- - - or(and(K-, S+), or(N+, R-)) + - and(N-, not(R-)) + - and(S-, N-) name: explored-15226 type: explored -- comm_cost: 0.3867187500000002 - complexity: 19 +- comm_cost: 0.3782841435185187 + complexity: 15 expressions: + - K+ - N+ - - R- - S+ - - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - or(K+, R+) + - or(K+, SE+) name: explored-15227 type: explored -- comm_cost: 0.2923611111111113 - complexity: 17 +- comm_cost: 0.5721354166666669 + complexity: 14 expressions: - - K+ - N+ - - R- + - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - or(N+, R-) + - or(K+, SE+) name: explored-15228 type: explored -- comm_cost: 0.4843750000000002 - complexity: 17 +- comm_cost: 0.22604166666666692 + complexity: 13 expressions: - - K+ - R- - - and(K-, N-) - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - or(K+, R-) + - or(S+, N+) name: explored-15229 type: explored -- comm_cost: 0.4128472222222226 - complexity: 14 +- comm_cost: 0.7374131944444445 + complexity: 6 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - not(R-) + - or(K+, SE+) name: explored-15230 type: explored -- comm_cost: 0.5159722222222223 - complexity: 9 +- comm_cost: 0.33800636574074083 + complexity: 18 expressions: - K+ - - N+ + - K+ - R- - - SE- - - and(N-, or(K+, SE+)) + - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) name: explored-15231 type: explored -- comm_cost: 0.6762152777777779 - complexity: 12 +- comm_cost: 0.5522916666666668 + complexity: 7 expressions: - - R+ - - R- - - SE- - - and(or(K+, S-), not(R+)) - - or(K+, K-) + - K+ + - K- + - N+ + - S+ + - and(N-, R+) name: explored-15232 type: explored -- comm_cost: 0.4260706018518521 - complexity: 21 +- comm_cost: 0.3357638888888892 + complexity: 16 expressions: - - K+ - N+ - - R- - - and(K-, not(R-)) - - and(K-, or(S+, R+)) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - or(S+, R-) name: explored-15233 type: explored -- comm_cost: 0.4125000000000003 - complexity: 16 +- comm_cost: 0.28229166666666683 + complexity: 9 expressions: - N+ + - R+ - R- - - SE- - - SE- - - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(N+, R-) + - and(K-, S+) + - and(S-, SE-) name: explored-15234 type: explored -- comm_cost: 0.37673611111111127 - complexity: 15 +- comm_cost: 0.3967013888888893 + complexity: 20 expressions: - N+ - - S+ + - R- + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, R-) + - and(or(K+, S-), or(SE-, N+)) + - not(R+) name: explored-15235 type: explored -- comm_cost: 0.43819444444444466 - complexity: 12 +- comm_cost: 0.5916753472222223 + complexity: 9 expressions: + - K+ - N+ + - N- - R- - - S+ - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(N-, not(R-)) name: explored-15236 type: explored -- comm_cost: 0.7645833333333333 - complexity: 9 +- comm_cost: 0.18697916666666692 + complexity: 15 expressions: + - K+ + - N+ - R- - S+ - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - not(R+) name: explored-15237 type: explored -- comm_cost: 0.3659722222222226 - complexity: 13 +- comm_cost: 0.6559895833333335 + complexity: 17 expressions: - - N+ + - R+ - R- - SE- - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) name: explored-15238 type: explored -- comm_cost: 0.20078125000000024 - complexity: 11 +- comm_cost: 0.5834490740740742 + complexity: 15 expressions: - - K+ - - K+ - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) + - R+ + - SE- + - and(and(K-, N-), or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-15239 type: explored -- comm_cost: 0.4663194444444446 +- comm_cost: 0.44114583333333346 complexity: 8 expressions: - N+ - - R+ - R- - - SE- - - SE- - - and(K-, S+) + - and(K-, SE-) + - and(SE+, N-) name: explored-15240 type: explored -- comm_cost: 0.30166666666666697 - complexity: 13 +- comm_cost: 0.614670138888889 + complexity: 12 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(K-, not(R-)) + - and(K-, or(S+, R-)) name: explored-15241 type: explored -- comm_cost: 0.6694444444444444 - complexity: 12 +- comm_cost: 0.29010416666666683 + complexity: 17 expressions: - - K+ + - N+ - R- - S+ + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-15242 type: explored -- comm_cost: 0.444184027777778 - complexity: 15 +- comm_cost: 0.7371527777777778 + complexity: 7 expressions: - - R- - - SE- - - and(N-, R+) - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, not(R+)) + - or(K+, N+) name: explored-15243 type: explored -- comm_cost: 0.5552083333333335 - complexity: 4 +- comm_cost: 0.5950231481481483 + complexity: 13 expressions: - - K+ - N+ - R+ + - R- - SE- + - or(K+, or(N+, R-)) + - or(N+, not(R+)) name: explored-15244 type: explored -- comm_cost: 0.7288194444444445 - complexity: 13 +- comm_cost: 0.5738541666666668 + complexity: 8 expressions: - - and(or(K+, S-), not(R-)) - - or(and(K-, S+), or(N+, R-)) + - K- + - N+ + - and(K-, SE-) + - and(N-, R+) name: explored-15245 type: explored -- comm_cost: 0.6098958333333333 - complexity: 14 +- comm_cost: 0.77734375 + complexity: 6 expressions: - K+ - - N+ - - R- - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - or(SE-, N+) + - and(N-, or(K+, S-)) name: explored-15246 type: explored -- comm_cost: 0.41562500000000013 - complexity: 20 +- comm_cost: 0.5889756944444445 + complexity: 12 expressions: - - N+ + - R+ - R- - - S+ - - and(K-, not(R-)) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(K-, or(N+, not(R+))) + - or(K+, R-) name: explored-15247 type: explored -- comm_cost: 0.6684317129629631 - complexity: 4 +- comm_cost: 0.6282118055555557 + complexity: 9 expressions: - R+ - - S- - - SE+ - - SE- + - and(S-, or(N+, not(R+))) + - not(R+) name: explored-15248 type: explored -- comm_cost: 0.2601562500000001 - complexity: 13 +- comm_cost: 0.3500000000000003 + complexity: 14 expressions: - - K+ - - K+ - N+ - R- + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - or(S+, N+) name: explored-15249 type: explored -- comm_cost: 0.3486689814814816 - complexity: 16 +- comm_cost: 0.3006944444444448 + complexity: 13 expressions: - - N+ - - S+ - - SE+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - or(and(K-, S+), or(N+, R-)) name: explored-15250 type: explored -- comm_cost: 0.44010416666666674 - complexity: 12 +- comm_cost: 0.25538194444444473 + complexity: 20 expressions: - - K+ - - K+ - N+ - R- - S+ - - and(K-, not(R-)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(S-, SE-) name: explored-15251 type: explored -- comm_cost: 0.5489583333333334 +- comm_cost: 0.7221354166666668 complexity: 9 expressions: - SE- - - and(S-, or(SE-, N+)) - - and(SE+, N-) + - and(K-, or(S+, R+)) + - or(SE-, N+) name: explored-15252 type: explored -- comm_cost: 0.4960937500000001 - complexity: 12 +- comm_cost: 0.45190972222222237 + complexity: 24 expressions: + - K+ - N+ - - and(N-, or(K+, SE+)) + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, SE+) + - and(and(S-, N-), not(R-)) + - or(SE-, N+) name: explored-15253 type: explored -- comm_cost: 0.2347222222222225 - complexity: 15 +- comm_cost: 0.6004166666666668 + complexity: 9 expressions: - - K+ - - N+ - - R- - - and(K-, S+) + - N- + - R+ + - SE- - and(N-, R+) - - and(or(K+, S-), not(R+)) + - or(K+, N+) name: explored-15254 type: explored -- comm_cost: 0.32291666666666696 - complexity: 9 +- comm_cost: 0.26666666666666683 + complexity: 26 expressions: - K+ + - N+ - R- - - SE+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-15255 type: explored -- comm_cost: 0.266388888888889 - complexity: 23 +- comm_cost: 0.410416666666667 + complexity: 6 expressions: - - K+ - - N+ - - R- - - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, N+) name: explored-15256 type: explored -- comm_cost: 0.4910416666666668 - complexity: 14 +- comm_cost: 0.6923611111111111 + complexity: 10 expressions: - K+ - - K- - - N+ - R- - - S+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) + - SE- + - and(or(K+, S-), or(SE-, N+)) name: explored-15257 type: explored -- comm_cost: 0.5053819444444447 - complexity: 9 +- comm_cost: 0.5958333333333334 + complexity: 8 expressions: - R+ + - R- + - R- - SE- - - and(K-, not(R+)) - - and(N-, R+) + - and(K-, not(R-)) name: explored-15258 type: explored -- comm_cost: 0.3583333333333336 - complexity: 15 +- comm_cost: 0.7071527777777779 + complexity: 45 expressions: - - K+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - S- + - and(K-, SE-) + - and(N-, or(S+, R+)) + - and(and(K-, N-), or(S+, R+)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - not(R+) + - or(S+, R-) + - or(S+, SE+) name: explored-15259 type: explored -- comm_cost: 0.2562500000000002 - complexity: 15 +- comm_cost: 0.19583333333333364 + complexity: 9 expressions: - - K+ - - K+ + - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) name: explored-15260 type: explored -- comm_cost: 0.42152777777777795 - complexity: 21 +- comm_cost: 0.6219039351851854 + complexity: 13 + expressions: + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(S-, not(R-)) + name: explored-15261 + type: explored +- comm_cost: 0.2395833333333337 + complexity: 12 expressions: - K+ - N+ - - R- + - SE- - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R+)) - name: explored-15261 + name: explored-15262 type: explored -- comm_cost: 0.5117476851851853 +- comm_cost: 0.39568865740740755 complexity: 17 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) - - and(and(K-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - name: explored-15262 - type: explored -- comm_cost: 0.7061921296296297 - complexity: 7 - expressions: - - R+ - - R- - - not(R+) - - or(K+, K-) + - and(N-, not(R-)) + - and(S-, N-) + - and(S-, SE-) name: explored-15263 type: explored -- comm_cost: 0.7148437500000001 - complexity: 9 +- comm_cost: 0.6652777777777779 + complexity: 18 expressions: - R+ - - and(N-, or(S+, SE+)) - - or(K+, R-) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) name: explored-15264 type: explored -- comm_cost: 0.6760416666666667 - complexity: 10 +- comm_cost: 0.8166666666666667 + complexity: 5 expressions: - - and(K-, not(R-)) - - and(S-, SE-) - - or(S+, R+) + - S+ + - SE- + - or(S+, R-) name: explored-15265 type: explored -- comm_cost: 0.657482638888889 - complexity: 15 +- comm_cost: 0.6562789351851853 + complexity: 17 expressions: - - R+ - - or(N+, R-) - - or(N+, not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - SE+ + - and(K-, or(S+, SE+)) + - and(N-, or(K+, R+)) + - and(S-, not(R+)) + - not(R+) name: explored-15266 type: explored -- comm_cost: 0.27734375000000033 - complexity: 16 +- comm_cost: 0.3919791666666669 + complexity: 13 expressions: - N+ - - R- - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(SE-, N+) + - or(K+, N+) + - or(S+, SE+) name: explored-15267 type: explored -- comm_cost: 0.40295138888888915 - complexity: 16 +- comm_cost: 0.5145833333333333 + complexity: 10 expressions: - - K+ - - R+ + - N+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(SE-, or(K+, S-)) name: explored-15268 type: explored -- comm_cost: 0.5822916666666668 - complexity: 4 +- comm_cost: 0.7484375000000001 + complexity: 5 expressions: + - K+ - R+ - - R- - - S+ - - S+ + - or(S+, SE+) name: explored-15269 type: explored -- comm_cost: 0.5649739583333335 - complexity: 17 +- comm_cost: 0.2997395833333335 + complexity: 18 expressions: + - K+ - N+ - - R+ - R- - - SE- - - or(K+, R-) - - or(S+, R-) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-15270 type: explored -- comm_cost: 0.6159722222222224 - complexity: 8 +- comm_cost: 0.5046875 + complexity: 12 expressions: + - K+ - N+ + - R- + - S+ - and(S-, SE-) - - and(S-, not(R-)) + - or(S+, or(N+, R-)) name: explored-15271 type: explored -- comm_cost: 0.6078819444444445 - complexity: 12 +- comm_cost: 0.4613425925925927 + complexity: 14 expressions: - N+ - - R+ - R- - SE- - - and(K-, or(S+, R-)) - - or(S+, SE+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, N-) name: explored-15272 type: explored -- comm_cost: 0.38046875000000024 - complexity: 14 +- comm_cost: 0.4729745370370373 + complexity: 19 expressions: - - K+ - - N+ - N+ - R- - - and(K-, S+) + - SE- + - and(K-, SE-) - and(N-, R+) - - and(N-, not(R-)) + - and(N-, or(K+, SE+)) + - or(S+, or(N+, R-)) name: explored-15273 type: explored -- comm_cost: 0.3143229166666669 - complexity: 24 +- comm_cost: 0.8414930555555555 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - or(K+, or(N+, R-)) name: explored-15274 type: explored -- comm_cost: 0.5244791666666668 - complexity: 20 +- comm_cost: 0.591666666666667 + complexity: 6 expressions: - - R- - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(K+, N+) + - and(K-, S+) + - and(N-, R+) name: explored-15275 type: explored -- comm_cost: 0.49722222222222245 - complexity: 15 +- comm_cost: 0.5937789351851853 + complexity: 14 expressions: - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, or(N+, R-)) + - N+ + - R+ + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(N-, or(S+, R+)) name: explored-15276 type: explored -- comm_cost: 0.26232638888888904 - complexity: 15 +- comm_cost: 0.6917245370370371 + complexity: 13 expressions: - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R- + - SE- + - and(K-, or(S+, R-)) + - or(K+, or(N+, R-)) name: explored-15277 type: explored -- comm_cost: 0.6375000000000001 - complexity: 7 +- comm_cost: 0.6489583333333334 + complexity: 11 expressions: - R+ - - and(K-, SE-) - - or(S+, SE+) + - R- + - SE- + - and(SE-, or(K+, S-)) + - or(K+, K-) name: explored-15278 type: explored -- comm_cost: 0.6138020833333335 - complexity: 8 +- comm_cost: 0.6318865740740742 + complexity: 14 expressions: - - N+ - R+ - R- - - SE+ - SE- - - or(K+, SE+) + - and(K-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-15279 type: explored -- comm_cost: 0.5690972222222224 - complexity: 37 +- comm_cost: 0.5668692129629631 + complexity: 13 expressions: - - R- - - and(K-, S+) - - and(K-, SE-) - - and(K-, or(S+, N+)) - - and(N-, or(K+, S-)) - - and(S-, not(R-)) - - and(SE+, N-) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(S+, SE+)) + - or(K+, R+) name: explored-15280 type: explored -- comm_cost: 0.5920138888888891 - complexity: 10 +- comm_cost: 0.7174479166666669 + complexity: 6 + expressions: + - and(N-, R+) + - or(S+, R+) + name: explored-15281 + type: explored +- comm_cost: 0.659201388888889 + complexity: 14 expressions: - R+ - - R- - SE- - - and(K-, S+) - - or(N+, not(R+)) - name: explored-15281 + - and(N-, or(K+, R+)) + - and(S-, not(R-)) + - or(K+, R+) + name: explored-15282 type: explored -- comm_cost: 0.24583333333333357 - complexity: 15 +- comm_cost: 0.4108333333333335 + complexity: 13 expressions: - K+ + - N+ - R- - S+ - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, R-) - name: explored-15282 - type: explored -- comm_cost: 0.7140625000000002 - complexity: 13 - expressions: - - R+ - - and(K-, or(S+, R-)) - - and(and(K-, N-), or(S+, SE+)) + - or(K+, S-) name: explored-15283 type: explored -- comm_cost: 0.502777777777778 - complexity: 16 +- comm_cost: 0.6496875000000001 + complexity: 12 expressions: - - K+ - R+ - R- - - SE- - - and(K-, or(SE-, N+)) - - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, SE+) name: explored-15284 type: explored -- comm_cost: 0.29597800925925954 - complexity: 21 +- comm_cost: 0.2562500000000003 + complexity: 10 expressions: - - K+ - N+ - - R- - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, N+) name: explored-15285 type: explored -- comm_cost: 0.4640451388888891 - complexity: 17 +- comm_cost: 0.2826388888888891 + complexity: 15 expressions: - - K+ - - K+ - N+ - - R- - - S+ - - and(K-, not(R-)) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - not(R-) + - or(S+, R-) name: explored-15286 type: explored -- comm_cost: 0.25937500000000036 - complexity: 15 +- comm_cost: 0.5005208333333335 + complexity: 6 expressions: - N+ - - S+ + - R+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(S+, N+) name: explored-15287 type: explored -- comm_cost: 0.3197916666666668 +- comm_cost: 0.5573784722222224 complexity: 9 expressions: + - N+ - R+ - R- - - S+ - - and(S-, SE-) - - and(S-, SE-) + - SE- + - not(R+) + - or(S+, N+) name: explored-15288 type: explored -- comm_cost: 0.2777777777777781 +- comm_cost: 0.4592361111111113 complexity: 12 expressions: - K+ + - K- + - N+ - R- - - SE- + - S+ + - SE+ - and(N-, R+) - and(S-, SE-) - - or(S+, N+) name: explored-15289 type: explored -- comm_cost: 0.21250000000000013 - complexity: 20 +- comm_cost: 0.6463657407407408 + complexity: 15 expressions: - - N+ + - N- + - R+ - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, R-) + - SE- + - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-15290 type: explored -- comm_cost: 0.5451388888888888 - complexity: 10 +- comm_cost: 0.3909722222222225 + complexity: 14 expressions: + - K+ - N+ - R- - - and(S-, SE-) - - or(K+, or(N+, R-)) + - SE- + - and(N-, R+) + - and(N-, R+) + - or(N+, not(R+)) name: explored-15291 type: explored -- comm_cost: 0.6148611111111112 - complexity: 15 +- comm_cost: 0.6471354166666667 + complexity: 11 expressions: - - N+ - - N+ - - R+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - and(K-, or(S+, SE+)) + - and(K-, SE-) + - and(N-, or(K+, S-)) + - or(N+, R-) name: explored-15292 type: explored -- comm_cost: 0.4335069444444446 - complexity: 14 +- comm_cost: 0.5091666666666668 + complexity: 8 expressions: + - K+ + - K- - N+ - - and(K-, or(S+, R+)) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - R- + - SE- + - and(N-, R+) name: explored-15293 type: explored -- comm_cost: 0.7498958333333334 - complexity: 7 +- comm_cost: 0.6190104166666668 + complexity: 8 expressions: - R+ - - and(SE+, N-) - - or(S+, SE+) + - S+ + - and(K-, or(N+, not(R+))) name: explored-15294 type: explored -- comm_cost: 0.6842303240740741 - complexity: 15 +- comm_cost: 0.32343750000000027 + complexity: 8 expressions: - - R+ - - and(N-, or(K+, S-)) - - and(and(K-, N-), not(R-)) - - or(SE-, N+) + - K+ + - N+ + - R- + - R- + - S+ + - and(N-, R+) name: explored-15295 type: explored -- comm_cost: 0.41909722222222234 - complexity: 10 +- comm_cost: 0.4881655092592594 + complexity: 17 expressions: - - R+ + - K+ + - N+ - R- - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(or(K+, S-), not(R+)) name: explored-15296 type: explored -- comm_cost: 0.5460069444444445 - complexity: 19 +- comm_cost: 0.7875000000000001 + complexity: 3 expressions: - - N+ - - R+ - - R- - - SE- - - and(K-, or(SE-, N+)) - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) + - and(SE+, N-) name: explored-15297 type: explored -- comm_cost: 0.6269097222222224 - complexity: 22 +- comm_cost: 0.4916666666666668 + complexity: 11 expressions: - - R+ - - SE- - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - K+ + - N+ + - S+ + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-15298 type: explored -- comm_cost: 0.7958333333333335 - complexity: 5 +- comm_cost: 0.6105208333333334 + complexity: 7 expressions: - - and(N-, or(K+, R+)) + - K+ + - R+ + - and(S-, SE-) + - not(R-) name: explored-15299 type: explored -- comm_cost: 0.6596354166666668 - complexity: 18 +- comm_cost: 0.5789930555555558 + complexity: 19 expressions: - R+ - - R- - - SE- - - and(K-, N-) - - and(N-, or(K+, S-)) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(and(K-, N-), or(S+, R+)) name: explored-15300 type: explored -- comm_cost: 0.18776041666666687 - complexity: 15 +- comm_cost: 0.4822916666666669 + complexity: 10 + expressions: + - SE- + - and(N-, R+) + - and(SE+, N-) + - or(K+, N+) + name: explored-15301 + type: explored +- comm_cost: 0.4014583333333335 + complexity: 11 expressions: - N+ - R- - S+ - - S+ - and(N-, R+) - and(S-, SE-) - - or(S+, or(N+, R-)) - name: explored-15301 - type: explored -- comm_cost: 0.5706597222222224 - complexity: 17 - expressions: - - R+ - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(and(S-, N-), not(R-)) + - not(R-) name: explored-15302 type: explored -- comm_cost: 0.6070746527777778 - complexity: 17 +- comm_cost: 0.28923611111111136 + complexity: 22 expressions: + - K+ - N+ - - R+ - R- - - S- - - SE- - - and(K-, or(S+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - SE+ + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(N+, R-) name: explored-15303 type: explored -- comm_cost: 0.31701388888888915 - complexity: 20 +- comm_cost: 0.693576388888889 + complexity: 7 + expressions: + - SE- + - or(K+, N+) + - or(K+, SE+) + name: explored-15304 + type: explored +- comm_cost: 0.3225405092592595 + complexity: 19 expressions: - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(S-, or(SE-, N+)) - name: explored-15304 - type: explored -- comm_cost: 0.5359375000000002 - complexity: 10 - expressions: - - S+ - - and(K-, N-) - - and(N-, R+) - - and(S-, SE-) + - not(R+) name: explored-15305 type: explored -- comm_cost: 0.527309027777778 - complexity: 19 +- comm_cost: 0.25069444444444466 + complexity: 13 expressions: - - K- + - K+ + - N+ - N+ - R- - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - or(K+, R+) name: explored-15306 type: explored -- comm_cost: 0.2854166666666669 - complexity: 26 +- comm_cost: 0.3632812500000002 + complexity: 11 expressions: - - K+ - - K+ - - N+ - R- - S+ - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) + - or(K+, SE+) name: explored-15307 type: explored -- comm_cost: 0.2444444444444448 - complexity: 21 +- comm_cost: 0.4437500000000002 + complexity: 14 expressions: - - K+ - N+ - R- - - S+ - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-15308 type: explored -- comm_cost: 0.6666666666666667 - complexity: 9 +- comm_cost: 0.6825520833333334 + complexity: 15 expressions: - - SE- - - and(N-, or(K+, SE+)) - - or(S+, N+) + - R+ + - S- + - and(K-, or(SE-, N+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15309 type: explored -- comm_cost: 0.7015625 - complexity: 7 - expressions: - - N+ - - and(S-, SE-) - - or(SE-, N+) - name: explored-15310 - type: explored -- comm_cost: 0.46875000000000033 - complexity: 11 +- comm_cost: 0.5395833333333335 + complexity: 12 expressions: - N+ - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-15311 + - and(N-, R+) + - and(N-, or(S+, SE+)) + name: explored-15310 type: explored -- comm_cost: 0.7021440972222224 - complexity: 31 +- comm_cost: 0.6736689814814816 + complexity: 19 expressions: - R+ - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, K-) - - or(K+, R+) - - or(K+, SE+) - - or(K+, or(N+, R-)) - name: explored-15312 + - and(K-, or(S+, R+)) + - and(N-, or(K+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-15311 type: explored -- comm_cost: 0.6184895833333335 - complexity: 12 +- comm_cost: 0.5260416666666669 + complexity: 8 expressions: - K+ - - K+ - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - name: explored-15313 + - and(and(S-, N-), not(R-)) + name: explored-15312 type: explored -- comm_cost: 0.22864583333333344 - complexity: 15 +- comm_cost: 0.4423032407407409 + complexity: 25 expressions: - N+ - R- - - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(N-, or(K+, R+)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - and(and(K-, N-), not(R-)) + name: explored-15313 + type: explored +- comm_cost: 0.7259375000000001 + complexity: 10 + expressions: + - R+ + - and(or(K+, S-), or(SE-, N+)) + - not(R-) name: explored-15314 type: explored -- comm_cost: 0.6203125000000002 - complexity: 17 +- comm_cost: 0.5085937500000002 + complexity: 10 expressions: - - R- - - and(N-, or(K+, R+)) - - and(S-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - S+ + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-15315 type: explored -- comm_cost: 0.10312500000000036 - complexity: 18 +- comm_cost: 0.17187500000000022 + complexity: 9 expressions: - K+ - - K+ - N+ - R- - - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) name: explored-15316 type: explored -- comm_cost: 0.4774884259259261 - complexity: 13 +- comm_cost: 0.1843750000000003 + complexity: 14 expressions: + - K+ - N+ - R- - and(N-, R+) - - and(N-, or(K+, S-)) - - or(S+, R-) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-15317 type: explored -- comm_cost: 0.7770601851851853 - complexity: 5 +- comm_cost: 0.5078125000000002 + complexity: 9 expressions: - R+ - - SE+ - - or(S+, SE+) + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-15318 type: explored -- comm_cost: 0.1390625000000003 - complexity: 12 +- comm_cost: 0.5146759259259261 + complexity: 14 expressions: - K+ - N+ + - N- - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) + - and(S-, or(N+, not(R+))) name: explored-15319 type: explored -- comm_cost: 0.31689814814814854 - complexity: 12 +- comm_cost: 0.4147685185185188 + complexity: 20 expressions: - N+ - R- - - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - or(K+, R-) - - or(S+, R-) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-15320 type: explored -- comm_cost: 0.7375 - complexity: 8 +- comm_cost: 0.5104166666666667 + complexity: 9 expressions: - - R+ - - SE- - - and(K-, not(R-)) - - not(R-) + - N+ + - R- + - R- + - and(K-, N-) + - and(S-, SE-) name: explored-15321 type: explored -- comm_cost: 0.6315972222222224 - complexity: 8 +- comm_cost: 0.5287037037037039 + complexity: 14 expressions: - - R+ + - R- - SE- - - or(K+, R-) - - or(S+, R+) + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(K+, R+) name: explored-15322 type: explored -- comm_cost: 0.6805266203703705 - complexity: 15 +- comm_cost: 0.4243055555555557 + complexity: 10 expressions: - N+ - - R+ - - R- - - and(and(K-, N-), or(S+, SE+)) - - or(S+, or(N+, R-)) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) name: explored-15323 type: explored -- comm_cost: 0.6307291666666669 - complexity: 8 +- comm_cost: 0.3467881944444444 + complexity: 14 expressions: - - SE- - - and(K-, not(R-)) - - and(N-, R+) + - N+ + - R- + - S+ + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(SE+, N-) name: explored-15324 type: explored -- comm_cost: 0.2619791666666671 - complexity: 14 +- comm_cost: 0.5847222222222224 + complexity: 8 expressions: - K+ - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) + - R- + - and(K-, or(S+, R+)) name: explored-15325 type: explored -- comm_cost: 0.517939814814815 - complexity: 9 +- comm_cost: 0.3737847222222226 + complexity: 13 expressions: - - R- - - SE+ - - SE- + - N+ - and(N-, R+) - - or(N+, R-) + - and(S-, not(R+)) + - or(K+, or(N+, R-)) name: explored-15326 type: explored -- comm_cost: 0.4575520833333334 - complexity: 10 +- comm_cost: 0.6083333333333335 + complexity: 6 expressions: - - K+ - R+ - - R- - - and(K-, not(R-)) - - and(S-, SE-) + - not(R+) + - or(K+, R-) name: explored-15327 type: explored -- comm_cost: 0.34635416666666685 - complexity: 12 +- comm_cost: 0.3750000000000002 + complexity: 11 expressions: - - K+ + - N+ - R- - - S+ - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) + - and(N-, R+) + - or(SE-, N+) name: explored-15328 type: explored -- comm_cost: 0.5346875000000002 - complexity: 14 +- comm_cost: 0.3887500000000004 + complexity: 15 expressions: - K+ - - K- + - K+ - N+ - R- - S+ - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - not(R+) + - or(S+, or(N+, R-)) name: explored-15329 type: explored -- comm_cost: 0.4125 - complexity: 13 +- comm_cost: 0.3861111111111113 + complexity: 10 expressions: - - K+ - - N+ - N+ - R- - - S+ - - and(K-, or(S+, R-)) + - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-15330 type: explored -- comm_cost: 0.5465277777777777 - complexity: 11 +- comm_cost: 0.5076388888888891 + complexity: 17 expressions: - - K+ - - and(S-, SE-) + - N+ + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) - or(and(K-, S+), or(N+, R-)) name: explored-15331 type: explored -- comm_cost: 0.19603587962962998 - complexity: 23 +- comm_cost: 0.42499999999999993 + complexity: 9 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, or(S+, R+)) + - N+ + - and(K-, S+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) name: explored-15332 type: explored -- comm_cost: 0.6469473379629631 - complexity: 11 +- comm_cost: 0.605295138888889 + complexity: 21 expressions: - R+ - - S+ - SE- - - and(N-, or(K+, SE+)) - - or(K+, SE+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15333 type: explored -- comm_cost: 0.44635416666666683 - complexity: 12 - expressions: - - N+ - - R- - - SE+ - - SE- - - and(N-, R+) - - and(SE-, or(K+, S-)) - name: explored-15334 - type: explored -- comm_cost: 0.13576388888888913 - complexity: 19 +- comm_cost: 0.5638020833333333 + complexity: 8 expressions: - N+ - R- - S+ - - and(N-, R+) - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-15335 + - not(R+) + name: explored-15334 type: explored -- comm_cost: 0.5585937500000002 +- comm_cost: 0.6131944444444446 complexity: 10 expressions: - - R- + - R+ - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) + - and(K-, SE-) + - and(K-, or(SE-, N+)) + name: explored-15335 + type: explored +- comm_cost: 0.6427083333333335 + complexity: 5 + expressions: + - N+ + - R+ + - and(K-, S+) name: explored-15336 type: explored -- comm_cost: 0.4056134259259261 - complexity: 24 +- comm_cost: 0.8046875 + complexity: 8 + expressions: + - and(S-, or(SE-, N+)) + - or(SE-, N+) + name: explored-15337 + type: explored +- comm_cost: 0.3685763888888891 + complexity: 16 expressions: - - K+ - K+ - N+ - R- - - S+ - - and(K-, N-) - - and(K-, SE-) + - SE- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-15337 - type: explored -- comm_cost: 0.7998437500000001 - complexity: 6 - expressions: - - or(K+, S-) - or(K+, SE+) name: explored-15338 type: explored -- comm_cost: 0.49027777777777803 - complexity: 11 +- comm_cost: 0.6575810185185186 + complexity: 30 expressions: - - N+ - - SE- - - and(N-, R+) - - and(and(K-, N-), not(R-)) + - SE+ + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) + - and(N-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-15339 type: explored -- comm_cost: 0.5999131944444445 - complexity: 17 +- comm_cost: 0.7310104166666667 + complexity: 19 expressions: - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) + - N- + - and(K-, N-) + - and(S-, not(R-)) + - and(S-, or(SE-, N+)) + - or(K+, K-) - or(N+, R-) - - or(and(K-, SE-), or(N+, R-)) name: explored-15340 type: explored -- comm_cost: 0.5492245370370371 - complexity: 19 +- comm_cost: 0.5578125000000003 + complexity: 16 expressions: - K+ - - R+ - - R- - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, R-) - - or(S+, SE+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) name: explored-15341 type: explored -- comm_cost: 0.5900000000000001 - complexity: 9 +- comm_cost: 0.7333333333333333 + complexity: 3 expressions: - K+ - - N+ - R- - - and(N-, R+) - - or(S+, SE+) + - SE- name: explored-15342 type: explored -- comm_cost: 0.4824363425925928 - complexity: 19 +- comm_cost: 0.6924652777777779 + complexity: 9 expressions: - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - R+ + - and(or(K+, S-), not(R+)) + - not(R-) name: explored-15343 type: explored -- comm_cost: 0.4487500000000002 - complexity: 25 +- comm_cost: 0.546527777777778 + complexity: 11 expressions: - K+ - N+ - - R- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) - - or(S+, N+) + - or(K+, R+) name: explored-15344 type: explored -- comm_cost: 0.648263888888889 - complexity: 12 +- comm_cost: 0.5402777777777781 + complexity: 11 expressions: + - N+ - SE- + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, S-)) - - or(K+, SE+) name: explored-15345 type: explored -- comm_cost: 0.3015625000000002 - complexity: 13 +- comm_cost: 0.284027777777778 + complexity: 16 expressions: - K+ - - R- + - N+ - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) name: explored-15346 type: explored -- comm_cost: 0.6495659722222223 - complexity: 13 +- comm_cost: 0.6718750000000002 + complexity: 9 expressions: - R+ - - R- - - SE- - - and(K-, N-) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, R+)) + - or(N+, R-) name: explored-15347 type: explored -- comm_cost: 0.3875000000000002 +- comm_cost: 0.3368055555555558 complexity: 11 expressions: - K+ - - R- + - N+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - and(SE-, or(K+, S-)) name: explored-15348 type: explored -- comm_cost: 0.4390625 - complexity: 15 +- comm_cost: 0.6869097222222222 + complexity: 7 expressions: + - K- - N+ + - R+ - R- - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R+) + - or(K+, SE+) name: explored-15349 type: explored -- comm_cost: 0.6807291666666667 - complexity: 21 +- comm_cost: 0.5922916666666667 + complexity: 7 expressions: + - R- + - S+ - and(S-, SE-) - - and(S-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) - - or(N+, not(R+)) + - not(R-) name: explored-15350 type: explored -- comm_cost: 0.4335648148148149 - complexity: 19 +- comm_cost: 0.13958333333333361 + complexity: 16 expressions: - K+ - - K+ - N+ - R- - S+ - - and(K-, or(S+, R+)) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(S-, SE-) + - or(K+, N+) + - or(S+, N+) name: explored-15351 type: explored -- comm_cost: 0.6322916666666668 - complexity: 5 +- comm_cost: 0.5206597222222225 + complexity: 16 expressions: - - R+ - - SE- - - or(S+, N+) + - N+ + - R- + - and(N-, R+) + - and(N-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-15352 type: explored -- comm_cost: 0.6406250000000001 - complexity: 12 +- comm_cost: 0.5351562500000001 + complexity: 15 expressions: + - K+ + - N+ - R- - SE- - and(K-, or(S+, SE+)) - - and(S-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) name: explored-15353 type: explored -- comm_cost: 0.7187210648148149 - complexity: 10 +- comm_cost: 0.7317708333333333 + complexity: 7 expressions: - - N+ - - R+ - - and(N-, or(S+, SE+)) - - or(K+, K-) + - R- + - SE- + - and(SE-, or(K+, S-)) name: explored-15354 type: explored -- comm_cost: 0.08125000000000027 +- comm_cost: 0.40729166666666705 complexity: 10 expressions: - K+ - - N+ - - N+ - - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-15355 type: explored -- comm_cost: 0.5960937500000001 - complexity: 12 +- comm_cost: 0.7317708333333335 + complexity: 8 expressions: - R+ - - and(K-, SE-) - - and(N-, or(K+, S-)) - - or(K+, R-) + - R- + - or(S+, N+) + - or(S+, SE+) name: explored-15356 type: explored -- comm_cost: 0.35444444444444456 - complexity: 16 +- comm_cost: 0.5409722222222224 + complexity: 18 expressions: - - K+ - N+ - R- - - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-15357 type: explored -- comm_cost: 0.5335937500000003 - complexity: 9 +- comm_cost: 0.5578125000000002 + complexity: 18 expressions: - - R- - - and(N-, R+) - - or(S+, or(N+, R-)) + - R+ + - and(K-, not(R+)) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(S-, SE-) name: explored-15358 type: explored -- comm_cost: 0.6142534722222224 - complexity: 7 +- comm_cost: 0.7207175925925926 + complexity: 11 expressions: - N+ - - N- - - S- + - R- - SE- - - and(N-, R+) + - and(S-, or(N+, not(R+))) + - not(R+) name: explored-15359 type: explored -- comm_cost: 0.7156250000000002 - complexity: 10 - expressions: - - and(K-, or(S+, N+)) - - and(N-, or(K+, SE+)) - name: explored-15360 - type: explored -- comm_cost: 0.7715277777777778 - complexity: 7 +- comm_cost: 0.36054687500000027 + complexity: 22 expressions: - K+ + - K+ + - N+ - R- - - and(N-, or(K+, SE+)) - name: explored-15361 + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R-)) + name: explored-15360 type: explored -- comm_cost: 0.3026041666666669 - complexity: 10 +- comm_cost: 0.69140625 + complexity: 12 expressions: - K+ + - N+ - R- - S+ - - SE+ + - and(or(K+, S-), or(N+, not(R+))) + name: explored-15361 + type: explored +- comm_cost: 0.3557291666666671 + complexity: 9 + expressions: + - K+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - or(N+, R-) name: explored-15362 type: explored -- comm_cost: 0.3270833333333333 - complexity: 10 +- comm_cost: 0.5687500000000001 + complexity: 14 expressions: - K+ - - N+ - - R- + - R+ - R- - - and(K-, S+) - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(K+, K-) name: explored-15363 type: explored -- comm_cost: 0.4242187500000002 - complexity: 16 +- comm_cost: 0.36053819444444457 + complexity: 18 expressions: - K+ - N+ - R- - - S- - - and(N-, R+) + - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, R+) + - or(S+, SE+) name: explored-15364 type: explored -- comm_cost: 0.4578125000000002 - complexity: 13 +- comm_cost: 0.39123263888888915 + complexity: 17 expressions: - - R+ + - N+ - R- - - and(K-, or(SE-, N+)) - - and(S-, SE-) - - or(K+, R-) + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-15365 type: explored -- comm_cost: 0.6645833333333334 - complexity: 15 +- comm_cost: 0.6020833333333334 + complexity: 10 expressions: - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - R+ + - R- + - and(S-, or(SE-, N+)) + - or(K+, SE+) name: explored-15366 type: explored -- comm_cost: 0.3328125000000002 - complexity: 14 +- comm_cost: 0.6400173611111113 + complexity: 11 expressions: - - K+ - - K+ - - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) + - R+ + - or(SE-, N+) + - or(and(K-, S+), or(N+, R-)) name: explored-15367 type: explored -- comm_cost: 0.7208333333333334 - complexity: 6 +- comm_cost: 0.4966145833333335 + complexity: 24 expressions: - - R+ - - and(N-, or(K+, R+)) + - N+ + - R- + - SE- + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), not(R-)) name: explored-15368 type: explored -- comm_cost: 0.6747916666666669 - complexity: 5 +- comm_cost: 0.6051070601851852 + complexity: 11 expressions: - - N- - - S+ - - and(N-, R+) + - N+ + - R+ + - R- + - SE+ + - SE- + - and(K-, N-) + - or(K+, R-) name: explored-15369 type: explored -- comm_cost: 0.4333333333333337 - complexity: 7 +- comm_cost: 0.41284722222222237 + complexity: 10 expressions: - - N+ - - and(N-, R+) - - or(K+, R-) + - K+ + - R+ + - R- + - and(K-, not(R+)) + - and(S-, SE-) name: explored-15370 type: explored -- comm_cost: 0.5378472222222224 - complexity: 9 +- comm_cost: 0.5489583333333334 + complexity: 15 expressions: - - N+ - R+ - - R- - - SE- - - or(K+, or(N+, R-)) + - and(K-, S+) + - and(S-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) name: explored-15371 type: explored -- comm_cost: 0.2445312500000003 - complexity: 18 +- comm_cost: 0.6314236111111112 + complexity: 10 expressions: - - N+ - - R- - - R- - - S+ - - and(K-, SE-) - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - R+ + - and(and(S-, N-), not(R-)) + - or(K+, SE+) name: explored-15372 type: explored -- comm_cost: 0.2406250000000003 - complexity: 16 +- comm_cost: 0.7258680555555557 + complexity: 12 expressions: - - K+ - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15373 type: explored -- comm_cost: 0.35303819444444473 - complexity: 17 +- comm_cost: 0.6858333333333333 + complexity: 5 expressions: - - N+ - - and(N-, R+) + - N- + - R- - and(S-, SE-) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) name: explored-15374 type: explored -- comm_cost: 0.6895833333333334 - complexity: 15 +- comm_cost: 0.14166666666666705 + complexity: 18 expressions: - - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - K+ + - N+ + - R- + - and(K-, SE-) + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-15375 type: explored -- comm_cost: 0.5556944444444446 - complexity: 24 +- comm_cost: 0.4083333333333333 + complexity: 7 expressions: + - N+ + - N+ - R- - - and(N-, R+) + - S+ - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) name: explored-15376 type: explored -- comm_cost: 0.7443437500000001 - complexity: 29 +- comm_cost: 0.4135416666666669 + complexity: 24 expressions: - - N- - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) + - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(SE-, or(K+, S-)) - and(and(K-, N-), or(S+, SE+)) - - or(K+, or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) name: explored-15377 type: explored -- comm_cost: 0.6144531250000002 - complexity: 23 +- comm_cost: 0.4852430555555557 + complexity: 19 expressions: - - and(K-, SE-) - - and(K-, or(S+, R-)) - - and(S-, not(R+)) - - and(and(S-, N-), not(R-)) - - not(R+) - - or(K+, R-) + - K+ + - R+ + - and(K-, S+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-15378 type: explored -- comm_cost: 0.6104166666666668 - complexity: 13 +- comm_cost: 0.4476562500000002 + complexity: 11 expressions: - N+ - R- - - SE- - - and(K-, or(S+, N+)) + - S+ + - and(N-, R+) - and(N-, or(K+, S-)) name: explored-15379 type: explored -- comm_cost: 0.29010416666666694 - complexity: 13 +- comm_cost: 0.6196180555555557 + complexity: 15 expressions: - - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) + - SE- + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15380 type: explored -- comm_cost: 0.430121527777778 - complexity: 23 +- comm_cost: 0.5062500000000002 + complexity: 14 expressions: - K+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-15381 type: explored -- comm_cost: 0.5906770833333335 - complexity: 12 +- comm_cost: 0.4574074074074075 + complexity: 16 expressions: + - K+ - N+ - R- - - SE- - - and(K-, N-) - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) + - and(S-, not(R-)) + - or(S+, SE+) name: explored-15382 type: explored -- comm_cost: 0.6937500000000001 - complexity: 8 +- comm_cost: 0.24479166666666685 + complexity: 11 expressions: - - R+ - - SE- - - and(or(K+, S-), not(R-)) + - N+ + - R- + - S+ + - and(N-, or(K+, R+)) + - and(S-, SE-) name: explored-15383 type: explored -- comm_cost: 0.5920138888888891 - complexity: 13 +- comm_cost: 0.5517361111111113 + complexity: 10 expressions: - - N+ - R+ - - SE- - - and(K-, or(S+, N+)) - - and(K-, or(S+, N+)) + - and(K-, SE-) + - and(or(K+, S-), not(R+)) name: explored-15384 type: explored -- comm_cost: 0.6469039351851853 +- comm_cost: 0.7144097222222223 complexity: 13 expressions: - R+ - - and(K-, or(S+, N+)) - - and(N-, not(R-)) - - and(S-, N-) + - and(N-, or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-15385 type: explored -- comm_cost: 0.3070312500000002 - complexity: 12 +- comm_cost: 0.4638888888888888 + complexity: 13 expressions: + - K+ - N+ - R- - - S+ - - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-15386 type: explored -- comm_cost: 0.3791666666666669 +- comm_cost: 0.33750000000000013 complexity: 14 expressions: - - K+ - N+ - - S- - - and(K-, or(S+, R-)) + - R- + - SE- - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) name: explored-15387 type: explored -- comm_cost: 0.5736979166666669 - complexity: 10 +- comm_cost: 0.46458333333333346 + complexity: 14 expressions: - - and(K-, not(R-)) - - and(N-, R+) + - R+ + - and(K-, or(S+, N+)) + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-15388 type: explored -- comm_cost: 0.5425636574074074 - complexity: 14 +- comm_cost: 0.216666666666667 + complexity: 13 expressions: - - R+ - - R- - - and(N-, or(S+, SE+)) + - N+ + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) name: explored-15389 type: explored -- comm_cost: 0.6185879629629631 - complexity: 9 +- comm_cost: 0.6096875 + complexity: 10 expressions: + - K+ - R+ - - R- - - SE- - - and(S-, not(R-)) - - not(R-) + - and(S-, or(SE-, N+)) + - or(S+, SE+) name: explored-15390 type: explored -- comm_cost: 0.7097379298941799 - complexity: 44 +- comm_cost: 0.4345486111111112 + complexity: 14 expressions: - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(S-, N-) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R-)) - - or(S+, R-) - - or(S+, SE+) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-15391 type: explored -- comm_cost: 0.48125000000000007 - complexity: 16 +- comm_cost: 0.451041666666667 + complexity: 10 expressions: - - N+ - R- - - and(N-, not(R-)) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-15392 type: explored -- comm_cost: 0.45833333333333326 - complexity: 9 +- comm_cost: 0.39166666666666683 + complexity: 11 expressions: - - K+ - N+ - R- + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - or(S+, N+) name: explored-15393 type: explored -- comm_cost: 0.5736111111111113 - complexity: 17 +- comm_cost: 0.4650520833333335 + complexity: 15 expressions: - - SE- + - K+ + - K- + - N+ + - R- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) name: explored-15394 type: explored -- comm_cost: 0.7844791666666667 - complexity: 4 +- comm_cost: 0.36527777777777803 + complexity: 11 expressions: - - not(R+) - - not(R-) + - R- + - SE- + - and(K-, S+) + - and(N-, R+) + - or(S+, N+) name: explored-15395 type: explored -- comm_cost: 0.6774305555555556 - complexity: 10 +- comm_cost: 0.6186631944444445 + complexity: 9 expressions: - R+ + - R- - SE- - - and(N-, or(K+, S-)) - - or(SE-, N+) + - or(S+, R+) + - or(S+, R-) name: explored-15396 type: explored -- comm_cost: 0.21892361111111136 - complexity: 18 +- comm_cost: 0.6081597222222224 + complexity: 15 expressions: - - K+ - - N+ - - R- + - R+ - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(N+, R-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-15397 type: explored -- comm_cost: 0.45215277777777796 - complexity: 21 +- comm_cost: 0.3729166666666668 + complexity: 11 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - S+ - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(N+, not(R+)) + - and(K-, S+) + - and(SE-, or(K+, S-)) name: explored-15398 type: explored -- comm_cost: 0.5859375000000002 - complexity: 13 +- comm_cost: 0.5774305555555557 + complexity: 12 expressions: - N+ - R- - - and(K-, or(S+, N+)) + - S- - and(N-, R+) - - or(K+, SE+) + - and(S-, SE-) + - or(K+, K-) name: explored-15399 type: explored -- comm_cost: 0.5579282407407407 - complexity: 15 +- comm_cost: 0.3416666666666668 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) + - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - or(K+, K-) - - or(K+, R-) name: explored-15400 type: explored -- comm_cost: 0.7757291666666667 - complexity: 5 +- comm_cost: 0.5291666666666668 + complexity: 17 expressions: - - N- - - and(K-, not(R-)) + - R- + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-15401 type: explored -- comm_cost: 0.43281249999999993 - complexity: 9 +- comm_cost: 0.1145833333333337 + complexity: 15 expressions: + - K+ - N+ - - R- - - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - and(S-, not(R+)) name: explored-15402 type: explored -- comm_cost: 0.734013888888889 - complexity: 29 +- comm_cost: 0.6873842592592594 + complexity: 11 expressions: - - SE- - - and(K-, N-) - - and(N-, or(S+, SE+)) - - and(S-, N-) - - not(R-) - - or(K+, or(N+, R-)) - - or(S+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - R+ + - R- + - and(K-, or(S+, SE+)) + - or(S+, R-) name: explored-15403 type: explored -- comm_cost: 0.48326388888888905 - complexity: 11 +- comm_cost: 0.7660590277777779 + complexity: 17 expressions: - - N- - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - and(K-, or(S+, R-)) + - and(N-, or(S+, R+)) + - or(S+, N+) + - or(S+, SE+) name: explored-15404 type: explored -- comm_cost: 0.4583333333333335 - complexity: 15 +- comm_cost: 0.4159722222222225 + complexity: 11 expressions: - - N+ - - N+ - R- - SE- - - and(K-, or(SE-, N+)) - and(N-, R+) - - and(S-, N-) + - and(S-, or(N+, not(R+))) name: explored-15405 type: explored -- comm_cost: 0.5966666666666669 - complexity: 11 +- comm_cost: 0.6519791666666669 + complexity: 10 expressions: - - K+ - N+ - - and(K-, S+) - and(N-, R+) + - or(N+, R-) - or(S+, SE+) name: explored-15406 type: explored -- comm_cost: 0.6502604166666668 - complexity: 14 +- comm_cost: 0.7375 + complexity: 6 expressions: - - R+ - - SE- - - and(N-, or(S+, SE+)) - - or(and(K-, S+), or(N+, R-)) + - and(S-, SE-) + - and(S-, SE-) name: explored-15407 type: explored -- comm_cost: 0.5695312500000003 - complexity: 11 +- comm_cost: 0.4095486111111112 + complexity: 17 expressions: + - K+ - N+ - R- - - S+ - - and(K-, or(S+, SE+)) + - S- - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-15408 type: explored -- comm_cost: 0.45912037037037057 - complexity: 16 +- comm_cost: 0.613013888888889 + complexity: 32 expressions: - - K+ - K- - N+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, R+)) + - and(SE+, N-) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) + - or(SE-, N+) name: explored-15409 type: explored -- comm_cost: 0.3973958333333336 - complexity: 13 +- comm_cost: 0.5340277777777778 + complexity: 9 expressions: - K+ - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) + - N+ + - and(K-, not(R+)) - and(S-, SE-) name: explored-15410 type: explored -- comm_cost: 0.5131944444444445 - complexity: 5 +- comm_cost: 0.687152777777778 + complexity: 7 expressions: - - R- - - SE+ - - and(S-, SE-) + - K+ + - R+ + - or(K+, or(N+, R-)) name: explored-15411 type: explored -- comm_cost: 0.6286458333333333 - complexity: 14 +- comm_cost: 0.6569444444444444 + complexity: 12 expressions: - K+ + - K+ - N+ - R- - SE- - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-15412 type: explored -- comm_cost: 0.4070312500000003 - complexity: 12 +- comm_cost: 0.6388020833333334 + complexity: 9 expressions: - - K+ + - N+ + - R+ - R- - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, N-) + - not(R-) name: explored-15413 type: explored -- comm_cost: 0.7597222222222223 - complexity: 7 +- comm_cost: 0.24166666666666692 + complexity: 17 expressions: - - and(N-, or(K+, SE+)) - - not(R-) + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-15414 type: explored -- comm_cost: 0.6407118055555556 - complexity: 11 +- comm_cost: 0.5696180555555557 + complexity: 17 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(or(K+, S-), not(R-)) - - not(R+) + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-15415 type: explored -- comm_cost: 0.5881365740740742 - complexity: 22 +- comm_cost: 0.6551504629629631 + complexity: 13 expressions: - - R- - - and(K-, N-) - - and(K-, or(S+, N+)) - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R-)) + - or(K+, R+) name: explored-15416 type: explored -- comm_cost: 0.4724537037037039 - complexity: 15 +- comm_cost: 0.6294270833333333 + complexity: 8 expressions: - K+ - - R+ - R- - and(S-, SE-) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-15417 type: explored -- comm_cost: 0.727777777777778 - complexity: 8 +- comm_cost: 0.5157986111111114 + complexity: 13 expressions: + - K+ + - N+ + - SE- + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(S+, R+)) + - or(K+, SE+) name: explored-15418 type: explored -- comm_cost: 0.42239583333333375 - complexity: 10 +- comm_cost: 0.6953125 + complexity: 7 expressions: - - K+ + - R- - SE- - - and(K-, or(S+, N+)) - - and(N-, R+) + - not(R-) + - or(N+, R-) name: explored-15419 type: explored -- comm_cost: 0.7134548611111112 - complexity: 11 +- comm_cost: 0.43854166666666705 + complexity: 10 expressions: - - R+ - - and(N-, or(K+, R+)) - - and(N-, or(S+, SE+)) + - K+ + - N+ + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-15420 type: explored -- comm_cost: 0.5794270833333333 - complexity: 14 +- comm_cost: 0.5680555555555558 + complexity: 6 expressions: - K+ - - K+ - N+ - - R- - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - SE+ + - and(N-, R+) name: explored-15421 type: explored -- comm_cost: 0.49583333333333357 +- comm_cost: 0.4256944444444446 complexity: 15 expressions: + - K+ - N+ - R- + - R- + - and(K-, S+) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) + - and(N-, or(S+, R+)) name: explored-15422 type: explored -- comm_cost: 0.3359375000000002 - complexity: 16 +- comm_cost: 0.5093750000000001 + complexity: 9 expressions: - K+ - N+ - R- - - S+ + - and(K-, N-) - and(K-, S+) - - and(N-, R+) - - and(and(K-, N-), not(R-)) name: explored-15423 type: explored -- comm_cost: 0.46111111111111125 - complexity: 13 +- comm_cost: 0.24392361111111127 + complexity: 24 expressions: - K+ - N+ - R- - - S- - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - and(S-, SE-) + - and(S-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-15424 type: explored -- comm_cost: 0.5754687500000002 - complexity: 14 +- comm_cost: 0.6332175925925927 + complexity: 13 expressions: - - K+ - - N+ + - R+ - R- - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - not(R-) + - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-15425 type: explored -- comm_cost: 0.6172164351851853 - complexity: 11 +- comm_cost: 0.13333333333333353 + complexity: 16 expressions: - - R+ + - K+ + - N+ - R- - - SE- - - and(K-, N-) - - and(N-, or(S+, R+)) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-15426 type: explored -- comm_cost: 0.6818142361111112 - complexity: 22 +- comm_cost: 0.4609375000000001 + complexity: 19 expressions: - - and(K-, or(SE-, N+)) - - and(SE+, N-) - - or(K+, SE+) - - or(S+, R-) - - or(S+, or(N+, R-)) - - or(SE-, N+) + - N+ + - R+ + - R- + - SE- + - and(and(S-, N-), not(R-)) + - and(and(S-, N-), not(R-)) + - or(K+, N+) name: explored-15427 type: explored -- comm_cost: 0.665707175925926 - complexity: 26 +- comm_cost: 0.9131944444444444 + complexity: 3 expressions: - - N- - - R+ - - S+ - - and(SE+, N-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, SE+) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - or(S+, R-) name: explored-15428 type: explored -- comm_cost: 0.5212962962962965 - complexity: 20 +- comm_cost: 0.501041666666667 + complexity: 8 expressions: - - N+ - - SE- - - and(K-, not(R+)) - and(N-, R+) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) + - and(SE-, or(K+, S-)) name: explored-15429 type: explored -- comm_cost: 0.51171875 - complexity: 12 +- comm_cost: 0.5477430555555558 + complexity: 7 expressions: - K+ - N+ - - R- - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - S+ + - SE+ + - and(N-, R+) name: explored-15430 type: explored -- comm_cost: 0.36462384259259284 +- comm_cost: 0.21435185185185213 complexity: 22 expressions: - K+ - - K+ - N+ - R- - - S+ + - and(K-, S+) + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) - and(or(K+, S-), not(R+)) name: explored-15431 type: explored -- comm_cost: 0.470138888888889 - complexity: 18 +- comm_cost: 0.2961805555555559 + complexity: 17 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - not(R-) + - and(S-, or(N+, not(R+))) + - or(K+, R-) name: explored-15432 type: explored -- comm_cost: 0.678125 - complexity: 4 +- comm_cost: 0.7200954861111112 + complexity: 13 expressions: - - N+ - - and(K-, SE-) + - N- + - SE- + - and(K-, not(R+)) + - and(K-, not(R-)) + - or(K+, N+) name: explored-15433 type: explored -- comm_cost: 0.30625000000000013 - complexity: 14 +- comm_cost: 0.536371527777778 + complexity: 15 expressions: - - K+ - - K+ - - K+ + - N+ - R- - - S+ + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - and(and(K-, N-), or(S+, SE+)) name: explored-15434 type: explored -- comm_cost: 0.5942708333333334 - complexity: 11 +- comm_cost: 0.7595833333333334 + complexity: 3 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, R+)) - - or(S+, R-) + - N+ + - not(R-) name: explored-15435 type: explored -- comm_cost: 0.2435185185185187 - complexity: 28 +- comm_cost: 0.2546875000000003 + complexity: 11 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) + - and(SE-, or(K+, S-)) name: explored-15436 type: explored -- comm_cost: 0.3166666666666669 - complexity: 11 +- comm_cost: 0.43666666666666687 + complexity: 15 expressions: - K+ - - K+ - N+ - - R- - S+ - and(N-, R+) - - and(N-, R+) + - and(S-, SE-) + - or(K+, R-) + - or(K+, S-) name: explored-15437 type: explored -- comm_cost: 0.37083333333333357 - complexity: 16 +- comm_cost: 0.43567708333333355 + complexity: 12 expressions: - - K+ - N+ - R- - - and(K-, not(R+)) + - S- - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-15438 type: explored -- comm_cost: 0.14427083333333357 - complexity: 12 +- comm_cost: 0.45907118055555585 + complexity: 17 expressions: - K+ - N+ - - S+ + - R+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, R-) + - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-15439 type: explored -- comm_cost: 0.5006944444444446 - complexity: 14 +- comm_cost: 0.6273437500000002 + complexity: 12 expressions: - - N+ - - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(S+, N+) + - and(N-, R+) + - and(N-, not(R-)) + - or(S+, or(N+, R-)) name: explored-15440 type: explored -- comm_cost: 0.43715277777777817 - complexity: 17 +- comm_cost: 0.6638715277777778 + complexity: 10 expressions: + - K- - N+ + - R+ + - R- - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - or(and(K-, SE-), or(N+, R-)) + - not(R+) + - or(S+, R+) name: explored-15441 type: explored -- comm_cost: 0.6234375000000001 - complexity: 13 +- comm_cost: 0.5145833333333335 + complexity: 8 expressions: + - N+ - R+ - R+ - R- - SE- - - and(K-, not(R-)) - - or(S+, or(N+, R-)) + - or(K+, R-) name: explored-15442 type: explored -- comm_cost: 0.6703767361111113 - complexity: 34 +- comm_cost: 0.7802083333333334 + complexity: 9 expressions: - - K- - - S- - - and(K-, S+) - - and(K-, SE-) - - and(N-, or(K+, R+)) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - not(R-) - - or(K+, R-) - - or(S+, R-) + - SE- + - and(N-, or(K+, S-)) + - or(K+, K-) name: explored-15443 type: explored -- comm_cost: 0.12656250000000036 - complexity: 16 +- comm_cost: 0.41909722222222257 + complexity: 10 expressions: - - K+ - - K+ - - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) + - or(K+, N+) + - or(S+, R-) name: explored-15444 type: explored -- comm_cost: 0.6140740740740742 - complexity: 15 +- comm_cost: 0.4138888888888891 + complexity: 20 expressions: - K+ - - SE+ - - and(K-, S+) + - N+ + - R- + - S+ - and(N-, R+) - - not(R-) - - or(K+, or(N+, R-)) + - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-15445 type: explored -- comm_cost: 0.16672453703703738 - complexity: 25 +- comm_cost: 0.26041666666666696 + complexity: 7 expressions: - - K+ - N+ - - R- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) name: explored-15446 type: explored -- comm_cost: 0.38055555555555587 - complexity: 11 +- comm_cost: 0.5680555555555558 + complexity: 6 expressions: - - K+ - N+ - - SE- + - S+ + - SE+ - and(N-, R+) - - or(K+, or(N+, R-)) name: explored-15447 type: explored -- comm_cost: 0.734375 - complexity: 2 +- comm_cost: 0.39322916666666696 + complexity: 11 expressions: - N+ - - S- + - SE- + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-15448 type: explored -- comm_cost: 0.34626736111111134 - complexity: 18 +- comm_cost: 0.6618923611111113 + complexity: 14 expressions: - - K+ - - N+ - - R- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) + - R+ + - SE- + - and(and(S-, N-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-15449 type: explored -- comm_cost: 0.3519675925925928 - complexity: 15 +- comm_cost: 0.13072916666666679 + complexity: 17 expressions: - K+ - N+ - - R- - - and(K-, N-) + - and(K-, S+) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(S+, R-) + - and(SE+, N-) name: explored-15450 type: explored -- comm_cost: 0.4710937500000001 - complexity: 11 +- comm_cost: 0.6515624999999999 + complexity: 8 expressions: - K+ - - N+ - R- - - S+ - - and(K-, not(R-)) - - and(S-, SE-) + - SE- + - and(K-, or(S+, N+)) name: explored-15451 type: explored -- comm_cost: 0.6733514384920636 - complexity: 33 +- comm_cost: 0.6585503472222223 + complexity: 31 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(N-, or(K+, SE+)) - - and(SE+, N-) + - S+ + - and(K-, SE-) + - and(K-, or(S+, R-)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) - and(or(K+, S-), or(SE-, N+)) - or(K+, N+) - - or(K+, S-) - - or(K+, SE+) - - or(SE-, N+) name: explored-15452 type: explored -- comm_cost: 0.4470486111111114 - complexity: 24 - expressions: - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, N+) - - or(S+, or(N+, R-)) - name: explored-15453 - type: explored -- comm_cost: 0.5583333333333333 - complexity: 9 +- comm_cost: 0.44567708333333345 + complexity: 14 expressions: - K+ - - K- + - N+ - R- - - and(K-, S+) + - S+ + - SE- + - and(N-, R+) - and(S-, SE-) - name: explored-15454 + - or(K+, S-) + name: explored-15453 type: explored -- comm_cost: 0.4676504629629632 - complexity: 11 +- comm_cost: 0.678125 + complexity: 4 expressions: - N+ - - SE- - - and(N-, R+) - - and(S-, N-) - - and(SE+, N-) - name: explored-15455 + - and(K-, SE-) + name: explored-15454 type: explored -- comm_cost: 0.4773350694444447 - complexity: 20 +- comm_cost: 0.462789351851852 + complexity: 15 expressions: - K+ - N+ - - R- - - S+ - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, N+) + - and(S-, not(R-)) + name: explored-15455 + type: explored +- comm_cost: 0.640277777777778 + complexity: 10 + expressions: + - R+ + - SE- + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-15456 type: explored -- comm_cost: 0.5428819444444447 - complexity: 12 +- comm_cost: 0.5625000000000001 + complexity: 13 expressions: - - N+ - R+ - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - or(S+, R-) name: explored-15457 type: explored -- comm_cost: 0.4916666666666666 - complexity: 16 +- comm_cost: 0.32291666666666685 + complexity: 9 expressions: - - K+ - - N+ - R- - - and(K-, S+) + - S+ + - SE+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-15458 type: explored -- comm_cost: 0.6903645833333334 - complexity: 4 +- comm_cost: 0.4686631944444446 + complexity: 14 expressions: - - R+ + - N+ + - R- - S- - - not(R+) + - SE- + - and(K-, S+) + - and(N-, R+) + - and(S-, not(R+)) name: explored-15459 type: explored -- comm_cost: 0.5080729166666668 - complexity: 16 +- comm_cost: 0.08125000000000027 + complexity: 13 expressions: + - K+ - N+ - R- - - S+ + - R- + - and(N-, R+) + - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(SE-, N+) name: explored-15460 type: explored -- comm_cost: 0.3934375000000002 - complexity: 15 +- comm_cost: 0.516388888888889 + complexity: 14 expressions: + - K+ - N+ - R- - - S+ + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - or(K+, S-) name: explored-15461 type: explored -- comm_cost: 0.33871527777777777 - complexity: 14 +- comm_cost: 0.45338541666666676 + complexity: 12 expressions: - - N+ - - N+ + - K+ + - R+ - R- - - S+ + - and(K-, or(N+, not(R+))) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) name: explored-15462 type: explored -- comm_cost: 0.8385416666666666 - complexity: 4 +- comm_cost: 0.5142361111111113 + complexity: 13 expressions: - N+ - - or(N+, R-) + - and(N-, R+) + - and(and(K-, N-), not(R-)) + - or(K+, N+) name: explored-15463 type: explored -- comm_cost: 0.523263888888889 - complexity: 12 +- comm_cost: 0.5020833333333334 + complexity: 11 expressions: - - K+ + - N+ - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - SE- + - and(N-, or(K+, R+)) + - or(N+, R-) name: explored-15464 type: explored -- comm_cost: 0.37265625000000013 - complexity: 10 +- comm_cost: 0.03663194444444473 + complexity: 16 expressions: - - R+ - - R- + - K+ + - N+ - R- - R- + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - or(K+, R-) name: explored-15465 type: explored -- comm_cost: 0.5348958333333335 - complexity: 14 +- comm_cost: 0.3661458333333336 + complexity: 16 expressions: - - N+ - - R+ - - R- - - SE- - - and(N-, or(K+, SE+)) - - and(S-, or(SE-, N+)) + - K+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-15466 type: explored -- comm_cost: 0.5971788194444446 - complexity: 19 +- comm_cost: 0.5223611111111113 + complexity: 11 expressions: - N+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - or(K+, K-) - - or(K+, SE+) + - not(R-) + - or(SE-, N+) name: explored-15467 type: explored -- comm_cost: 0.633420138888889 - complexity: 23 - expressions: - - R+ - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - not(R+) - - or(S+, N+) - name: explored-15468 - type: explored -- comm_cost: 0.6380208333333335 - complexity: 6 +- comm_cost: 0.43906250000000036 + complexity: 8 expressions: - - R+ + - K+ - R- - - SE+ - - or(SE-, N+) - name: explored-15469 + - and(N-, R+) + - or(K+, N+) + name: explored-15468 type: explored -- comm_cost: 0.07187500000000036 - complexity: 16 +- comm_cost: 0.5245949074074077 + complexity: 17 expressions: - K+ - N+ - - R- - - S+ - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - and(S-, not(R-)) + - and(and(K-, N-), or(S+, R+)) + name: explored-15469 + type: explored +- comm_cost: 0.7016782407407408 + complexity: 13 + expressions: + - R+ + - and(K-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-15470 type: explored -- comm_cost: 0.4574652777777779 - complexity: 14 +- comm_cost: 0.47421875000000013 + complexity: 21 expressions: - K+ - - N+ + - R- - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(K+, K-) name: explored-15471 type: explored -- comm_cost: 0.24270833333333364 +- comm_cost: 0.6721354166666668 complexity: 11 expressions: - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - SE- + - and(K-, SE-) + - and(or(K+, S-), not(R-)) name: explored-15472 type: explored -- comm_cost: 0.7382465277777779 - complexity: 5 +- comm_cost: 0.5663194444444446 + complexity: 12 expressions: - - K- - - R+ - - or(S+, R+) + - N+ + - R- + - SE- + - and(N-, R+) + - or(K+, K-) + - or(S+, N+) name: explored-15473 type: explored -- comm_cost: 0.6692708333333335 - complexity: 7 +- comm_cost: 0.47378472222222245 + complexity: 23 expressions: - - R+ - - or(S+, N+) - - or(SE-, N+) + - N+ + - and(K-, not(R+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-15474 type: explored -- comm_cost: 0.6263020833333335 - complexity: 11 - expressions: - - R+ - - and(K-, or(SE-, N+)) - - or(S+, or(N+, R-)) - name: explored-15475 - type: explored -- comm_cost: 0.34750000000000014 +- comm_cost: 0.3123842592592594 complexity: 16 expressions: - K+ - - K+ - N+ - R- - S+ - - and(N-, or(S+, R+)) + - SE+ + - and(K-, or(S+, R+)) + - and(N-, R+) - and(S-, SE-) - - or(S+, N+) - name: explored-15476 + name: explored-15475 type: explored -- comm_cost: 0.4083854166666667 - complexity: 12 +- comm_cost: 0.2328125000000003 + complexity: 11 expressions: - - K+ - - K+ - - S+ + - N+ + - R- + - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) + name: explored-15476 + type: explored +- comm_cost: 0.678726851851852 + complexity: 6 + expressions: + - R+ + - SE+ + - SE- - or(S+, SE+) name: explored-15477 type: explored -- comm_cost: 0.11927083333333344 - complexity: 13 +- comm_cost: 0.625607638888889 + complexity: 9 expressions: - K+ - - N+ - R+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - S+ + - SE- + - and(N-, or(S+, R+)) name: explored-15478 type: explored -- comm_cost: 0.47569444444444464 - complexity: 11 +- comm_cost: 0.6842997685185186 + complexity: 41 expressions: - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - and(K-, not(R+)) + - and(K-, or(S+, SE+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), or(S+, R+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(SE-, N+) name: explored-15479 type: explored -- comm_cost: 0.6638888888888889 - complexity: 8 +- comm_cost: 0.4867766203703705 + complexity: 10 expressions: - K+ - N+ - - SE- - - and(SE-, or(K+, S-)) + - R- + - S+ + - SE+ + - and(N-, R+) + - not(R+) name: explored-15480 type: explored -- comm_cost: 0.6927083333333333 - complexity: 15 +- comm_cost: 0.12291666666666701 + complexity: 17 expressions: + - K+ - N+ - R- - - SE- - - and(SE-, or(K+, S-)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, N+) name: explored-15481 type: explored -- comm_cost: 0.4060185185185188 - complexity: 13 +- comm_cost: 0.6223958333333335 + complexity: 10 expressions: - N+ - - R- - - SE- - and(N-, R+) - - and(N-, R+) - - and(S-, not(R-)) + - or(K+, K-) + - or(N+, R-) name: explored-15482 type: explored -- comm_cost: 0.18385416666666687 - complexity: 14 +- comm_cost: 0.6651909722222222 + complexity: 9 expressions: - - K+ - N+ - R- + - SE- - and(K-, S+) - - and(N-, or(K+, R+)) - - and(S-, SE-) + - or(SE-, N+) name: explored-15483 type: explored -- comm_cost: 0.602777777777778 - complexity: 10 +- comm_cost: 0.3320312500000002 + complexity: 16 expressions: - - K+ + - N+ - R- - and(N-, R+) - - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-15484 type: explored -- comm_cost: 0.7302083333333335 - complexity: 10 +- comm_cost: 0.2312500000000004 + complexity: 14 expressions: - - SE- - - and(K-, SE-) - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-15485 type: explored -- comm_cost: 0.41944444444444473 - complexity: 11 +- comm_cost: 0.21302083333333344 + complexity: 15 expressions: + - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) - - and(and(K-, N-), not(R-)) + - and(and(S-, N-), not(R-)) name: explored-15486 type: explored -- comm_cost: 0.4555555555555557 - complexity: 15 +- comm_cost: 0.6250000000000002 + complexity: 6 expressions: - - K+ - N+ - - R- - - S+ - - and(S-, SE-) - - and(S-, not(R+)) - - and(S-, not(R-)) + - R+ + - SE- + - or(SE-, N+) name: explored-15487 type: explored -- comm_cost: 0.6563368055555557 - complexity: 12 +- comm_cost: 0.7380208333333335 + complexity: 6 expressions: - R+ - - SE- - - or(K+, SE+) - - or(and(S-, SE-), or(N+, R-)) + - not(R-) + - or(S+, N+) name: explored-15488 type: explored -- comm_cost: 0.5687500000000002 - complexity: 7 +- comm_cost: 0.5923611111111111 + complexity: 12 expressions: - - K+ - R+ - - R- - - S+ - - or(K+, N+) + - and(N-, or(S+, SE+)) + - and(and(S-, N-), not(R-)) name: explored-15489 type: explored -- comm_cost: 0.5195312500000002 - complexity: 7 +- comm_cost: 0.4281250000000002 + complexity: 17 expressions: - K+ - N+ - - S- - - SE- + - R- + - and(K-, N-) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(S-, SE-) name: explored-15490 type: explored -- comm_cost: 0.4262962962962964 - complexity: 22 +- comm_cost: 0.5992129629629632 + complexity: 9 expressions: - - K+ - N+ - - R- - - S+ + - SE+ - SE- - and(N-, R+) - - and(N-, or(S+, R+)) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(S+, SE+) name: explored-15491 type: explored -- comm_cost: 0.7150780423280425 - complexity: 35 +- comm_cost: 0.6192708333333333 + complexity: 6 expressions: - - K+ - - and(K-, not(R-)) - - and(K-, or(S+, R+)) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) - - not(R-) - - or(K+, R-) - - or(S+, or(N+, R-)) + - K- + - R- + - S+ + - and(S-, SE-) name: explored-15492 type: explored -- comm_cost: 0.7256944444444444 +- comm_cost: 0.6019965277777779 complexity: 13 expressions: - - N+ - - SE- - - and(K-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - R+ + - and(K-, S+) + - and(S-, or(N+, not(R+))) + - or(SE-, N+) name: explored-15493 type: explored -- comm_cost: 0.40353009259259287 - complexity: 18 +- comm_cost: 0.4618055555555557 + complexity: 14 expressions: - N+ + - R+ - R- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - SE- + - and(K-, S+) + - and(and(K-, N-), or(S+, R+)) name: explored-15494 type: explored -- comm_cost: 0.23381076388888922 - complexity: 17 +- comm_cost: 0.5214409722222224 + complexity: 14 expressions: - - K+ + - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) - - or(S+, or(N+, R-)) + - and(N-, or(K+, S-)) + - or(SE-, N+) name: explored-15495 type: explored -- comm_cost: 0.23697916666666696 - complexity: 12 +- comm_cost: 0.6342534722222224 + complexity: 10 expressions: - N+ - - R- - - and(K-, S+) + - and(K-, N-) - and(N-, R+) - - and(S-, not(R+)) + - or(K+, S-) name: explored-15496 type: explored -- comm_cost: 0.2562500000000003 - complexity: 10 +- comm_cost: 0.4359375000000003 + complexity: 9 expressions: - - N+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - and(S-, not(R+)) name: explored-15497 type: explored -- comm_cost: 0.35949074074074083 - complexity: 16 +- comm_cost: 0.3743055555555558 + complexity: 12 expressions: + - K+ - N+ - R- - - S+ - - SE+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(S+, R+) + - and(N-, or(S+, R+)) name: explored-15498 type: explored -- comm_cost: 0.6462962962962965 - complexity: 6 +- comm_cost: 0.1781250000000003 + complexity: 12 expressions: - - R+ - - R+ - - SE- - - or(K+, R+) + - K+ + - K+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) name: explored-15499 type: explored -- comm_cost: 0.5687500000000001 - complexity: 8 +- comm_cost: 0.4604166666666669 + complexity: 19 expressions: - K+ - - R+ + - K+ + - N+ - R- - SE- - and(K-, not(R-)) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-15500 type: explored -- comm_cost: 0.23802083333333357 - complexity: 9 +- comm_cost: 0.6423611111111112 + complexity: 7 expressions: - K+ - - R+ + - N+ - R- - - and(N-, R+) - - and(S-, SE-) + - SE- + - or(S+, N+) name: explored-15501 type: explored -- comm_cost: 0.418229166666667 - complexity: 17 +- comm_cost: 0.6875000000000002 + complexity: 5 expressions: - - and(K-, or(S+, N+)) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, not(R+)) + - N+ + - R+ + - or(N+, R-) name: explored-15502 type: explored -- comm_cost: 0.6635127314814816 - complexity: 22 +- comm_cost: 0.4661458333333335 + complexity: 7 expressions: - - and(K-, not(R-)) - - and(SE+, N-) - - and(or(K+, S-), not(R+)) - - or(N+, R-) - - or(S+, N+) - - or(SE-, N+) + - K+ + - R+ + - R- + - SE- + - and(K-, SE-) name: explored-15503 type: explored -- comm_cost: 0.4666666666666669 - complexity: 14 +- comm_cost: 0.6027546296296298 + complexity: 21 expressions: - N+ - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - or(K+, S-) + - or(K+, or(N+, R-)) name: explored-15504 type: explored -- comm_cost: 0.5868778935185186 - complexity: 16 +- comm_cost: 0.11163194444444469 + complexity: 15 expressions: - - R+ + - N+ - R- - - and(N-, or(K+, S-)) - - and(S-, N-) + - S+ + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - or(S+, R-) name: explored-15505 type: explored -- comm_cost: 0.587152777777778 - complexity: 5 +- comm_cost: 0.2625000000000002 + complexity: 15 expressions: - - R+ - - SE- - - or(S+, R-) + - R- + - and(N-, R+) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, N+) name: explored-15506 type: explored -- comm_cost: 0.6161805555555557 - complexity: 8 +- comm_cost: 0.4905381944444446 + complexity: 22 expressions: - K+ - - K- - - N- - - R+ + - N+ - R- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, N-) - and(S-, SE-) name: explored-15507 type: explored -- comm_cost: 0.651388888888889 - complexity: 7 +- comm_cost: 0.7669444444444445 + complexity: 16 expressions: - - R- - - SE- - - and(N-, or(S+, R+)) + - and(N-, or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, SE+) name: explored-15508 type: explored -- comm_cost: 0.501388888888889 - complexity: 9 +- comm_cost: 0.42777777777777803 + complexity: 17 expressions: + - K+ + - K- - N+ - - and(K-, or(S+, R+)) + - R- + - S+ + - and(N-, R+) - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-15509 type: explored -- comm_cost: 0.4375000000000001 - complexity: 11 +- comm_cost: 0.5360677083333334 + complexity: 22 expressions: - K+ - - R+ + - K+ + - N+ + - R- - S+ + - and(N-, R+) - and(N-, or(S+, SE+)) - and(S-, SE-) + - not(R-) + - or(N+, not(R+)) name: explored-15510 type: explored -- comm_cost: 0.6661458333333333 - complexity: 12 +- comm_cost: 0.7390046296296298 + complexity: 10 expressions: + - R+ - R- - - S+ - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, R+)) + - or(S+, SE+) name: explored-15511 type: explored -- comm_cost: 0.5303819444444444 - complexity: 12 +- comm_cost: 0.7414791666666667 + complexity: 18 expressions: - - N+ - - S+ - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - K+ + - K- + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, not(R-)) + - and(N-, or(K+, S-)) name: explored-15512 type: explored -- comm_cost: 0.6621875000000002 - complexity: 6 +- comm_cost: 0.6111111111111112 + complexity: 11 expressions: - - N+ + - K+ - R+ - - SE- - - or(K+, S-) + - R- + - and(K-, or(S+, R+)) + - or(K+, N+) name: explored-15513 type: explored -- comm_cost: 0.6593750000000002 - complexity: 8 - expressions: - - S+ - - SE- - - and(and(S-, N-), not(R-)) - name: explored-15514 - type: explored -- comm_cost: 0.7375 - complexity: 3 +- comm_cost: 0.3319444444444446 + complexity: 15 expressions: + - N+ + - R- + - R- + - and(N-, R+) - and(S-, SE-) - name: explored-15515 + - and(and(K-, N-), not(R-)) + name: explored-15514 type: explored -- comm_cost: 0.4505208333333335 - complexity: 12 +- comm_cost: 0.4359375000000001 + complexity: 9 expressions: - K+ + - K+ - N+ + - R+ - R- - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - name: explored-15516 + name: explored-15515 type: explored -- comm_cost: 0.5956435185185186 - complexity: 13 +- comm_cost: 0.7209027777777779 + complexity: 11 expressions: - - N+ + - K- - R+ - - R- - SE- - - and(S-, not(R-)) - - not(R-) - - or(S+, N+) + - and(K-, or(SE-, N+)) + - or(K+, S-) + name: explored-15516 + type: explored +- comm_cost: 0.7166666666666668 + complexity: 8 + expressions: + - and(N-, or(S+, R+)) + - and(S-, N-) name: explored-15517 type: explored -- comm_cost: 0.5833333333333334 - complexity: 5 +- comm_cost: 0.6020833333333333 + complexity: 13 expressions: - - K+ - - N+ - N+ - R- - SE- + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-15518 type: explored -- comm_cost: 0.5909722222222223 - complexity: 12 +- comm_cost: 0.3246238425925929 + complexity: 21 expressions: - N+ - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, not(R-)) - - or(S+, SE+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15519 type: explored -- comm_cost: 0.28229166666666705 - complexity: 15 +- comm_cost: 0.5339583333333335 + complexity: 14 expressions: - - N+ - - and(K-, S+) + - K+ + - N- + - R- - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) + - and(SE-, or(K+, S-)) name: explored-15520 type: explored -- comm_cost: 0.4750868055555557 - complexity: 20 +- comm_cost: 0.5846527777777779 + complexity: 7 expressions: + - K- + - R+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(and(K-, S+), or(N+, R-)) name: explored-15521 type: explored -- comm_cost: 0.40011574074074086 - complexity: 21 +- comm_cost: 0.5310763888888891 + complexity: 16 + expressions: + - N+ + - R+ + - R- + - SE- + - and(N-, or(K+, R+)) + - or(and(K-, S+), or(N+, R-)) + name: explored-15522 + type: explored +- comm_cost: 0.05416666666666692 + complexity: 14 expressions: - K+ - K+ - N+ - R- - S+ - - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - name: explored-15522 - type: explored -- comm_cost: 0.5053819444444447 - complexity: 11 - expressions: - - R+ - - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) + - and(S-, SE-) name: explored-15523 type: explored -- comm_cost: 0.43125000000000013 - complexity: 18 +- comm_cost: 0.5083333333333335 + complexity: 12 expressions: - - N+ - R- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) - - or(and(S-, SE-), or(N+, R-)) + - and(and(K-, N-), or(S+, R+)) name: explored-15524 type: explored -- comm_cost: 0.5928819444444446 - complexity: 14 +- comm_cost: 0.6093750000000001 + complexity: 11 expressions: - R+ - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, or(N+, R-)) + - and(K-, or(N+, not(R+))) + - or(K+, R-) name: explored-15525 type: explored -- comm_cost: 0.6420138888888891 - complexity: 36 +- comm_cost: 0.6172743055555557 + complexity: 9 expressions: - R+ - - and(K-, or(S+, R-)) - - and(N-, or(K+, SE+)) - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - or(K+, S-) + - and(K-, S+) + - not(R+) + - or(S+, N+) name: explored-15526 type: explored -- comm_cost: 0.2440104166666669 - complexity: 18 +- comm_cost: 0.6993055555555556 + complexity: 9 + expressions: + - SE- + - and(N-, or(K+, R+)) + - or(S+, R+) + name: explored-15527 + type: explored +- comm_cost: 0.456076388888889 + complexity: 16 expressions: - K+ - N+ - R- - - S+ + - SE- + - and(K-, N-) - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) - - and(S-, SE-) - name: explored-15527 - type: explored -- comm_cost: 0.5513888888888889 - complexity: 8 - expressions: - - and(K-, or(S+, R+)) - - and(S-, SE-) + - or(S+, R-) + - or(S+, R-) name: explored-15528 type: explored -- comm_cost: 0.4407291666666667 - complexity: 15 +- comm_cost: 0.48055555555555574 + complexity: 7 expressions: - K+ - N+ - - N- - - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - SE+ + - SE- + - and(N-, R+) name: explored-15529 type: explored -- comm_cost: 0.40390625000000013 - complexity: 10 +- comm_cost: 0.4312499999999999 + complexity: 12 expressions: + - K+ - N+ - R- - - and(N-, or(S+, SE+)) + - and(K-, S+) - and(S-, SE-) + - or(S+, N+) name: explored-15530 type: explored -- comm_cost: 0.5457754629629631 - complexity: 13 +- comm_cost: 0.5289930555555555 + complexity: 14 expressions: - - R+ - - R- - - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, R+) + - N+ + - and(S-, SE-) + - or(K+, R-) + - or(and(K-, S+), or(N+, R-)) name: explored-15531 type: explored -- comm_cost: 0.6190104166666668 +- comm_cost: 0.4375000000000002 complexity: 10 expressions: - - K+ - - and(K-, S+) - - and(S-, N-) - - or(K+, SE+) + - N+ + - R+ + - R- + - and(N-, R+) + - and(S-, not(R+)) name: explored-15532 type: explored -- comm_cost: 0.23402777777777817 - complexity: 19 +- comm_cost: 0.6593154761904763 + complexity: 30 expressions: - - N+ - - R- - S+ + - S- + - and(K-, SE-) + - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, or(N+, R-)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) + - and(S-, N-) + - not(R+) + - or(S+, R-) name: explored-15533 type: explored -- comm_cost: 0.4702690972222223 - complexity: 20 +- comm_cost: 0.5062500000000002 + complexity: 13 expressions: - K+ - K+ - - N+ - R- - - S+ - - S- - - and(K-, or(S+, R-)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - and(and(K-, N-), not(R-)) name: explored-15534 type: explored -- comm_cost: 0.2807291666666668 - complexity: 19 +- comm_cost: 0.6054687500000001 + complexity: 8 expressions: - - K+ - - R- - - and(K-, S+) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) + - N+ + - R+ + - SE- + - and(N-, or(S+, SE+)) name: explored-15535 type: explored -- comm_cost: 0.6927569444444446 - complexity: 36 +- comm_cost: 0.7109375000000001 + complexity: 7 expressions: - - S+ - - and(K-, not(R+)) - - and(N-, or(S+, SE+)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - not(R+) - - or(K+, S-) - - or(N+, not(R+)) + - SE- + - or(S+, R+) + - or(S+, R-) name: explored-15536 type: explored -- comm_cost: 0.3548321759259261 - complexity: 18 +- comm_cost: 0.48429976851851864 + complexity: 32 expressions: + - K+ + - K+ - N+ - R- + - S+ + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15537 type: explored -- comm_cost: 0.6965625000000001 - complexity: 5 +- comm_cost: 0.24809027777777792 + complexity: 18 expressions: - - K- - - R+ - - or(K+, N+) + - N+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-15538 type: explored -- comm_cost: 0.4995370370370371 - complexity: 13 +- comm_cost: 0.24826388888888917 + complexity: 19 expressions: - K+ - - N+ - R- - - SE- - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) name: explored-15539 type: explored -- comm_cost: 0.5218055555555557 - complexity: 21 +- comm_cost: 0.7098958333333334 + complexity: 6 expressions: - - K+ - - N+ - - N- - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, S-) - - or(K+, or(N+, R-)) + - SE- + - SE- + - or(N+, R-) name: explored-15540 type: explored -- comm_cost: 0.5174479166666669 - complexity: 13 +- comm_cost: 0.6444444444444445 + complexity: 7 expressions: - - N+ - - and(N-, R+) + - R+ - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - or(K+, K-) name: explored-15541 type: explored -- comm_cost: 0.4380208333333334 - complexity: 10 +- comm_cost: 0.4871817129629631 + complexity: 14 expressions: - R+ - - R- - - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) name: explored-15542 type: explored -- comm_cost: 0.16770833333333357 - complexity: 11 +- comm_cost: 0.5324652777777779 + complexity: 9 expressions: - - K+ - N+ - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - R+ + - R- + - SE- + - and(K-, or(S+, R+)) name: explored-15543 type: explored -- comm_cost: 0.6491319444444446 - complexity: 20 +- comm_cost: 0.18229166666666696 + complexity: 10 expressions: - - R+ - - S- - - and(K-, S+) - - and(K-, or(SE-, N+)) - - and(N-, or(S+, SE+)) - - and(S-, or(SE-, N+)) + - N+ + - R- + - S+ + - SE- + - and(N-, R+) + - and(S-, SE-) name: explored-15544 type: explored -- comm_cost: 0.430277777777778 - complexity: 19 +- comm_cost: 0.514670138888889 + complexity: 16 expressions: - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) name: explored-15545 type: explored -- comm_cost: 0.3806712962962966 - complexity: 20 +- comm_cost: 0.6526041666666667 + complexity: 6 expressions: + - K+ - N+ - SE- - - and(N-, R+) - - and(or(K+, S-), not(R+)) - - and(or(K+, S-), not(R+)) - - or(N+, R-) + - and(K-, SE-) name: explored-15546 type: explored -- comm_cost: 0.6575520833333335 - complexity: 9 +- comm_cost: 0.5122395833333334 + complexity: 20 expressions: - - R+ - - and(K-, or(S+, N+)) - - or(SE-, N+) + - N+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-15547 type: explored -- comm_cost: 0.5195312500000002 +- comm_cost: 0.6219618055555557 complexity: 13 expressions: - - K+ + - N+ + - R+ - R- - - and(N-, R+) + - SE- + - and(K-, not(R-)) - and(N-, or(K+, S-)) - - and(S-, SE-) name: explored-15548 type: explored -- comm_cost: 0.7923611111111112 - complexity: 7 +- comm_cost: 0.4108333333333335 + complexity: 12 expressions: - - R+ - - or(K+, SE+) - - or(S+, SE+) + - K+ + - K- + - N+ + - R- + - S+ + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-15549 type: explored -- comm_cost: 0.6345486111111113 - complexity: 7 +- comm_cost: 0.7818055555555556 + complexity: 5 expressions: - - R+ - - or(S+, R-) - - or(SE-, N+) + - N- + - SE- + - and(K-, S+) name: explored-15550 type: explored -- comm_cost: 0.606076388888889 - complexity: 9 +- comm_cost: 0.4770833333333335 + complexity: 12 expressions: - - R+ - - and(S-, N-) - - and(SE-, or(K+, S-)) + - K+ + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, S-) name: explored-15551 type: explored -- comm_cost: 0.338715277777778 - complexity: 17 +- comm_cost: 0.25507812500000016 + complexity: 14 expressions: - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, R-) + - or(S+, R+) name: explored-15552 type: explored -- comm_cost: 0.7335358796296297 - complexity: 3 +- comm_cost: 0.4320312500000002 + complexity: 10 expressions: - - R+ + - K+ + - K+ + - N+ - S- - - SE+ + - and(N-, R+) + - and(S-, SE-) name: explored-15553 type: explored -- comm_cost: 0.36623263888888924 - complexity: 11 +- comm_cost: 0.5707407407407409 + complexity: 17 expressions: - - K+ - - K+ - N+ - - R- - - S+ - and(N-, R+) - - or(S+, R-) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - not(R-) name: explored-15554 type: explored -- comm_cost: 0.4614583333333335 - complexity: 5 +- comm_cost: 0.6250289351851853 + complexity: 14 expressions: - - N+ - R+ - - and(S-, SE-) + - R- + - SE- + - and(K-, or(S+, SE+)) + - and(and(K-, N-), not(R-)) name: explored-15555 type: explored -- comm_cost: 0.7178125000000001 - complexity: 7 - expressions: - - K- - - R+ - - and(K-, or(S+, R-)) - name: explored-15556 - type: explored -- comm_cost: 0.4187500000000002 - complexity: 21 +- comm_cost: 0.36093750000000036 + complexity: 18 expressions: - - N+ - R- - - and(K-, N-) - - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-15557 + name: explored-15556 type: explored -- comm_cost: 0.5822916666666668 - complexity: 4 +- comm_cost: 0.9020833333333333 + complexity: 2 expressions: - - K+ - - R+ - - R+ - R- - name: explored-15558 + - R- + name: explored-15557 type: explored -- comm_cost: 0.3992187500000002 - complexity: 19 +- comm_cost: 0.28003472222222237 + complexity: 25 expressions: + - K+ - N+ - R- - - and(K-, or(S+, SE+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) - or(K+, SE+) - name: explored-15559 + name: explored-15558 type: explored -- comm_cost: 0.5820601851851853 - complexity: 17 +- comm_cost: 0.4901041666666668 + complexity: 7 expressions: + - N+ - R+ - R- - SE- - - and(K-, not(R+)) - - and(K-, or(SE-, N+)) - - or(K+, or(N+, R-)) + - or(K+, N+) + name: explored-15559 + type: explored +- comm_cost: 0.7210937500000001 + complexity: 15 + expressions: + - and(K-, or(S+, N+)) + - and(N-, or(K+, S-)) + - or(S+, or(N+, R-)) name: explored-15560 type: explored -- comm_cost: 0.606076388888889 - complexity: 8 +- comm_cost: 0.3244791666666669 + complexity: 21 expressions: - - R+ - - SE- - - or(K+, R+) - - or(K+, R-) + - K+ + - N+ + - R- + - R- + - and(K-, N-) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-15561 type: explored -- comm_cost: 0.43515625 - complexity: 10 +- comm_cost: 0.3848611111111113 + complexity: 19 expressions: - K+ - - N+ - R- - - and(N-, not(R-)) + - S+ + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - or(S+, SE+) name: explored-15562 type: explored -- comm_cost: 0.4716145833333335 - complexity: 22 +- comm_cost: 0.36597222222222237 + complexity: 16 expressions: + - K+ - N+ - R- - SE- - - and(K-, or(S+, N+)) + - SE- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - and(S-, SE-) name: explored-15563 type: explored -- comm_cost: 0.5589120370370371 - complexity: 13 +- comm_cost: 0.5750000000000003 + complexity: 5 expressions: - - N+ - R- - - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(N+, R-) + - R- + - and(N-, R+) name: explored-15564 type: explored -- comm_cost: 0.5828125 - complexity: 8 +- comm_cost: 0.6635416666666668 + complexity: 11 expressions: - - R- - - S+ - - and(S-, SE-) - - or(K+, R-) + - N+ + - SE- + - and(N-, not(R-)) + - and(S-, or(SE-, N+)) name: explored-15565 type: explored -- comm_cost: 0.5666666666666668 - complexity: 9 +- comm_cost: 0.577777777777778 + complexity: 15 expressions: - - N+ - - SE- - - and(and(K-, N-), or(S+, SE+)) + - R+ + - and(K-, or(S+, R-)) + - and(and(K-, N-), not(R-)) + - or(K+, N+) name: explored-15566 type: explored -- comm_cost: 0.36822916666666683 - complexity: 15 +- comm_cost: 0.7913194444444445 + complexity: 7 expressions: - - K+ - - N+ - - R- - - and(S-, SE-) - - and(and(S-, N-), not(R-)) + - SE- - or(K+, N+) + - or(S+, N+) name: explored-15567 type: explored -- comm_cost: 0.44453125000000016 - complexity: 14 +- comm_cost: 0.4105902777777779 + complexity: 18 expressions: - N+ - R- - - and(K-, not(R-)) + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) name: explored-15568 type: explored -- comm_cost: 0.5286458333333335 - complexity: 16 +- comm_cost: 0.546875 + complexity: 9 expressions: - - R+ - - SE- + - K+ + - N+ + - R- + - S+ - and(S-, SE-) - - and(S-, not(R+)) - - and(or(K+, S-), or(SE-, N+)) + - not(R+) name: explored-15569 type: explored -- comm_cost: 0.4289930555555558 - complexity: 21 +- comm_cost: 0.7058217592592594 + complexity: 14 expressions: - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - SE- + - and(S-, or(N+, not(R+))) + - not(R-) + - or(K+, K-) name: explored-15570 type: explored -- comm_cost: 0.7358333333333333 - complexity: 25 +- comm_cost: 0.5557291666666668 + complexity: 9 expressions: + - R+ + - R- - S+ - - and(K-, not(R-)) - - and(N-, or(K+, R+)) - - and(N-, or(K+, S-)) - - and(S-, N-) - - or(K+, K-) - - or(N+, not(R+)) + - SE- + - or(K+, or(N+, R-)) name: explored-15571 type: explored -- comm_cost: 0.34227430555555594 - complexity: 13 +- comm_cost: 0.10572916666666687 + complexity: 12 expressions: - - K+ - N+ - R- - S+ - - SE- - and(N-, R+) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - or(K+, R-) name: explored-15572 type: explored -- comm_cost: 0.2782986111111113 - complexity: 16 +- comm_cost: 0.5025462962962965 + complexity: 17 expressions: - N+ - R- - - and(K-, or(S+, R-)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R+) + - and(S-, N-) + - or(K+, or(N+, R-)) + - or(S+, N+) name: explored-15573 type: explored -- comm_cost: 0.620138888888889 - complexity: 12 +- comm_cost: 0.27708333333333357 + complexity: 11 expressions: - - R+ - - and(or(K+, S-), not(R+)) - - or(S+, or(N+, R-)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) name: explored-15574 type: explored -- comm_cost: 0.4496093750000003 - complexity: 25 +- comm_cost: 0.5742187500000002 + complexity: 10 expressions: - - K+ - - N+ - R- - - SE- - and(N-, R+) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) - - or(S+, or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-15575 type: explored -- comm_cost: 0.5687500000000001 - complexity: 9 +- comm_cost: 0.6479166666666668 + complexity: 10 expressions: - - N+ - - R+ - - R- - - SE- + - S+ + - S- + - and(N-, R+) - and(N-, or(S+, SE+)) name: explored-15576 type: explored -- comm_cost: 0.3616666666666668 - complexity: 15 +- comm_cost: 0.5996527777777779 + complexity: 12 expressions: - - N+ - - N- - - R- - - and(K-, S+) - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - R+ + - and(K-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) name: explored-15577 type: explored -- comm_cost: 0.517939814814815 - complexity: 13 +- comm_cost: 0.21093750000000022 + complexity: 10 expressions: - - N+ - - R+ + - K+ - R- - - SE- - - and(or(K+, S-), not(R+)) - - or(K+, R-) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) name: explored-15578 type: explored -- comm_cost: 0.4989583333333335 - complexity: 4 +- comm_cost: 0.7708333333333333 + complexity: 7 expressions: - - R+ - - and(S-, SE-) + - K+ + - and(K-, or(N+, not(R+))) name: explored-15579 type: explored -- comm_cost: 0.3895833333333336 - complexity: 19 +- comm_cost: 0.5569444444444447 + complexity: 10 expressions: - N+ - - and(K-, or(SE-, N+)) + - R- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) name: explored-15580 type: explored -- comm_cost: 0.5591145833333334 - complexity: 16 +- comm_cost: 0.573263888888889 + complexity: 13 expressions: - K+ - - N+ + - R+ - R- - - and(S-, SE-) - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, S+) + - or(and(K-, S+), or(N+, R-)) name: explored-15581 type: explored -- comm_cost: 0.516388888888889 - complexity: 10 +- comm_cost: 0.7185190972222224 + complexity: 49 expressions: - - K- - - N+ - - R- - - SE- - - and(K-, S+) - - and(N-, R+) + - and(K-, not(R-)) + - and(K-, or(S+, SE+)) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + - or(N+, not(R+)) + - or(S+, R+) name: explored-15582 type: explored -- comm_cost: 0.2792824074074076 - complexity: 22 +- comm_cost: 0.6826041666666668 + complexity: 5 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - and(and(S-, N-), not(R-)) + - R+ + - SE- + - or(S+, SE+) name: explored-15583 type: explored -- comm_cost: 0.5979166666666669 - complexity: 14 +- comm_cost: 0.37711226851851865 + complexity: 16 expressions: - N+ - - SE- - - and(K-, not(R-)) + - R- + - and(K-, or(S+, R+)) - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(K+, SE+) name: explored-15584 type: explored -- comm_cost: 0.728342013888889 - complexity: 15 +- comm_cost: 0.3510416666666669 + complexity: 9 expressions: - - K+ - - and(K-, or(S+, SE+)) - - not(R+) - - or(K+, R+) - - or(N+, not(R+)) + - N+ + - and(N-, R+) + - and(SE-, or(K+, S-)) name: explored-15585 type: explored -- comm_cost: 0.2430555555555558 - complexity: 16 +- comm_cost: 0.48359375000000027 + complexity: 12 expressions: - N+ - - R- - - and(K-, SE-) + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-15586 type: explored -- comm_cost: 0.8227430555555555 +- comm_cost: 0.5764756944444446 complexity: 10 expressions: - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) + - K+ + - N+ + - R- + - S- + - SE- + - and(N-, R+) + - not(R-) name: explored-15587 type: explored -- comm_cost: 0.479513888888889 - complexity: 11 +- comm_cost: 0.7162500000000002 + complexity: 6 expressions: - R+ - - R- - - SE- - - and(S-, SE-) - - or(K+, or(N+, R-)) + - S- + - or(N+, not(R+)) name: explored-15588 type: explored -- comm_cost: 0.34531250000000036 +- comm_cost: 0.4236689814814817 complexity: 14 expressions: - - K+ + - N+ + - R- + - SE- + - and(K-, or(S+, R-)) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(S-, N-) name: explored-15589 type: explored -- comm_cost: 0.35486111111111107 - complexity: 9 +- comm_cost: 0.7947916666666668 + complexity: 12 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - SE+ - - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - and(or(K+, S-), not(R-)) name: explored-15590 type: explored -- comm_cost: 0.6845486111111112 - complexity: 15 +- comm_cost: 0.6722222222222223 + complexity: 4 expressions: + - K+ + - K+ - N+ - - R+ - - R- - - and(K-, or(S+, SE+)) - - and(and(K-, N-), or(S+, R+)) + - SE- name: explored-15591 type: explored -- comm_cost: 0.6949305555555557 - complexity: 9 +- comm_cost: 0.3479745370370373 + complexity: 14 expressions: - - R+ - - SE- - - or(K+, SE+) - - or(N+, not(R+)) + - N+ + - R- + - SE+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) name: explored-15592 type: explored -- comm_cost: 0.7144097222222223 - complexity: 18 +- comm_cost: 0.6736111111111113 + complexity: 13 expressions: - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(S+, R-) + - and(N-, or(K+, R+)) - or(and(K-, S+), or(N+, R-)) name: explored-15593 type: explored -- comm_cost: 0.5989583333333335 - complexity: 12 +- comm_cost: 0.4750000000000002 + complexity: 7 expressions: - N+ - - R+ - R- - - and(or(K+, S-), not(R-)) - - or(K+, N+) + - SE+ + - SE- + - and(N-, R+) name: explored-15594 type: explored -- comm_cost: 0.41614583333333344 - complexity: 16 +- comm_cost: 0.6026041666666666 + complexity: 10 expressions: - - K+ - - N+ - R- - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - - or(SE-, N+) + - S+ + - and(K-, or(SE-, N+)) + - and(S-, SE-) name: explored-15595 type: explored -- comm_cost: 0.38489583333333355 - complexity: 13 +- comm_cost: 0.3484375000000002 + complexity: 14 expressions: + - K+ - N+ - R- - S+ - - and(K-, SE-) + - and(K-, not(R-)) - and(N-, R+) - - and(N-, not(R-)) + - and(S-, SE-) name: explored-15596 type: explored -- comm_cost: 0.3275000000000001 - complexity: 12 +- comm_cost: 0.34450231481481497 + complexity: 21 expressions: - K+ - N+ - R- + - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(S+, SE+) + - and(and(K-, N-), not(R-)) name: explored-15597 type: explored -- comm_cost: 0.6531423611111111 - complexity: 11 +- comm_cost: 0.3598668981481483 + complexity: 17 expressions: - K+ + - N+ - R- - - and(K-, N-) + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, S-) + - or(S+, R-) name: explored-15598 type: explored -- comm_cost: 0.5505208333333335 - complexity: 13 +- comm_cost: 0.3899704861111112 + complexity: 21 expressions: + - K+ - N+ - - R+ - - SE- - - and(N-, or(K+, SE+)) - - and(SE-, or(K+, S-)) + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, SE+) + - or(S+, SE+) name: explored-15599 type: explored -- comm_cost: 0.29947916666666674 - complexity: 9 +- comm_cost: 0.3015625000000002 + complexity: 14 expressions: - - R+ - - R- - - S+ - - and(K-, S+) + - N+ + - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-15600 type: explored -- comm_cost: 0.4856481481481483 - complexity: 22 +- comm_cost: 0.44545717592592626 + complexity: 24 expressions: - - R+ + - N+ - R- - S+ + - and(N-, R+) + - and(S-, N-) - and(S-, SE-) - - and(S-, not(R+)) - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) + - or(S+, or(N+, R-)) name: explored-15601 type: explored -- comm_cost: 0.5480324074074076 - complexity: 11 +- comm_cost: 0.5833333333333334 + complexity: 5 expressions: - - R+ + - K+ + - N+ + - R- - R- - SE- - - and(N-, or(K+, R+)) - - or(K+, R+) name: explored-15602 type: explored -- comm_cost: 0.12604166666666705 - complexity: 16 +- comm_cost: 0.2845052083333337 + complexity: 20 expressions: + - K+ - N+ - R- - - and(K-, S+) - - and(K-, or(S+, R-)) + - S+ - and(N-, R+) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + - or(SE-, N+) name: explored-15603 type: explored -- comm_cost: 0.5501302083333335 - complexity: 21 +- comm_cost: 0.6439583333333334 + complexity: 5 expressions: + - K+ + - K- - N+ - R- - S+ - - S- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) name: explored-15604 type: explored -- comm_cost: 0.6749652777777779 - complexity: 12 +- comm_cost: 0.5463541666666668 + complexity: 6 expressions: + - R+ + - R- - SE- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(K+, S-) + - and(SE+, N-) name: explored-15605 type: explored -- comm_cost: 0.43917824074074097 - complexity: 25 +- comm_cost: 0.4110677083333335 + complexity: 18 expressions: + - K+ + - K+ - N+ - R- + - S+ + - and(K-, N-) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(SE-, N+) - - or(and(K-, S+), or(N+, R-)) name: explored-15606 type: explored -- comm_cost: 0.6111979166666668 - complexity: 10 +- comm_cost: 0.3791666666666669 + complexity: 11 expressions: - - R+ - - SE- - - and(N-, not(R-)) - - and(S-, not(R+)) + - K+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, R+) name: explored-15607 type: explored -- comm_cost: 0.49522569444444464 - complexity: 11 +- comm_cost: 0.6963293650793652 + complexity: 53 expressions: - - N+ - - R- - - and(N-, R+) + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(SE-, N+)) - or(K+, R+) - - or(SE-, N+) + - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-15608 type: explored -- comm_cost: 0.1859375000000001 - complexity: 17 +- comm_cost: 0.4570833333333335 + complexity: 15 expressions: - - K+ - - K+ - N+ - - R+ - R- - - S+ - - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) + - not(R-) name: explored-15609 type: explored -- comm_cost: 0.20717592592592626 - complexity: 19 +- comm_cost: 0.6598958333333335 + complexity: 11 expressions: - - N+ - - R- - - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - K+ + - and(K-, or(S+, N+)) + - and(N-, or(K+, R+)) name: explored-15610 type: explored -- comm_cost: 0.5851041666666668 - complexity: 8 +- comm_cost: 0.22656250000000022 + complexity: 11 expressions: + - K+ - N+ - - R+ - R- - - and(K-, S+) - - not(R-) + - and(N-, R+) + - and(S-, SE-) + - not(R+) name: explored-15611 type: explored -- comm_cost: 0.3468287037037039 - complexity: 18 +- comm_cost: 0.4364583333333335 + complexity: 16 expressions: - - K+ - - K+ - N+ - R- + - S+ + - and(K-, N-) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - or(K+, or(N+, R-)) - - or(S+, SE+) name: explored-15612 type: explored -- comm_cost: 0.5767361111111113 - complexity: 8 +- comm_cost: 0.2963541666666669 + complexity: 12 expressions: - N+ - - R+ - - and(or(K+, S-), not(R+)) + - SE- + - and(K-, SE-) + - and(N-, R+) + - and(S-, not(R+)) name: explored-15613 type: explored -- comm_cost: 0.3982638888888891 - complexity: 20 +- comm_cost: 0.5513020833333334 + complexity: 6 expressions: - K+ - - N+ - - R- - - S+ - - and(N-, R+) + - R+ + - S- - and(S-, SE-) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) name: explored-15614 type: explored -- comm_cost: 0.6316840277777779 - complexity: 10 +- comm_cost: 0.5513888888888889 + complexity: 7 expressions: - - R+ + - N+ - R- - SE- - - and(N-, or(S+, SE+)) - - not(R+) + - and(S-, not(R-)) name: explored-15615 type: explored -- comm_cost: 0.37222222222222223 - complexity: 10 +- comm_cost: 0.5171875000000001 + complexity: 16 expressions: - K+ + - N+ - R- - - and(K-, or(S+, R+)) - - and(S-, SE-) + - and(N-, R+) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) name: explored-15616 type: explored -- comm_cost: 0.477951388888889 - complexity: 23 +- comm_cost: 0.6487673611111112 + complexity: 26 expressions: - - K+ - N+ - - R- - - S- - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), or(SE-, N+)) + - SE+ + - and(K-, N-) + - and(S-, or(N+, not(R+))) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), or(S+, R+)) + - or(S+, SE+) name: explored-15617 type: explored -- comm_cost: 0.38645833333333346 +- comm_cost: 0.3888888888888893 complexity: 13 expressions: - - R+ + - K+ - R- - - S+ - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - SE- + - and(N-, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-15618 type: explored -- comm_cost: 0.7520833333333333 - complexity: 3 +- comm_cost: 0.5048611111111113 + complexity: 17 expressions: - N+ - R- - - R- + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - or(and(K-, S+), or(N+, R-)) name: explored-15619 type: explored -- comm_cost: 0.52265625 - complexity: 8 +- comm_cost: 0.5219444444444447 + complexity: 12 expressions: + - K+ - N+ + - N- - R- - - and(K-, N-) + - and(N-, R+) - and(S-, SE-) + - not(R-) name: explored-15620 type: explored -- comm_cost: 0.7210937500000001 - complexity: 8 +- comm_cost: 0.8401041666666667 + complexity: 6 expressions: - - R+ - - and(K-, not(R-)) - - or(SE-, N+) + - or(K+, R-) + - or(S+, N+) name: explored-15621 type: explored -- comm_cost: 0.6471354166666667 - complexity: 8 +- comm_cost: 0.27271412037037057 + complexity: 17 expressions: - N+ - - R+ - R- - - or(S+, or(N+, R-)) + - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - or(S+, R-) name: explored-15622 type: explored -- comm_cost: 0.6355902777777779 - complexity: 13 +- comm_cost: 0.5145833333333335 + complexity: 14 expressions: + - N+ - R+ - R- - SE- - - or(K+, R+) + - and(and(K-, N-), or(S+, R+)) - or(N+, R-) - - or(N+, not(R+)) name: explored-15623 type: explored -- comm_cost: 0.4734375000000002 - complexity: 8 +- comm_cost: 0.38593750000000016 + complexity: 15 expressions: - K+ + - K+ - N+ - R- - S+ - S- - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-15624 type: explored -- comm_cost: 0.4140625000000002 - complexity: 15 +- comm_cost: 0.45082465277777795 + complexity: 21 expressions: + - K+ - N+ - - N- - R- - - S+ - - and(K-, or(S+, N+)) + - and(K-, not(R-)) - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, N-) - and(S-, SE-) name: explored-15625 type: explored -- comm_cost: 0.6302430555555557 - complexity: 12 +- comm_cost: 0.42734375000000036 + complexity: 11 expressions: - - N- - - R+ - - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - N+ + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) name: explored-15626 type: explored -- comm_cost: 0.2816406250000001 - complexity: 14 +- comm_cost: 0.3289062500000002 + complexity: 17 expressions: - - K+ - - K+ - N+ - R- - S+ + - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(K+, SE+) name: explored-15627 type: explored -- comm_cost: 0.3528356481481484 - complexity: 24 +- comm_cost: 0.4081250000000002 + complexity: 11 expressions: - K+ + - K- - N+ - - R+ - R- - - and(K-, S+) - - and(K-, not(R+)) + - S+ - and(N-, R+) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) name: explored-15628 type: explored -- comm_cost: 0.5812500000000002 - complexity: 9 +- comm_cost: 0.4799479166666669 + complexity: 18 expressions: - - R+ - - and(S-, or(SE-, N+)) - - or(N+, R-) + - N+ + - R- + - SE- + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - or(K+, N+) + - or(K+, R+) name: explored-15629 type: explored -- comm_cost: 0.3427083333333336 - complexity: 9 +- comm_cost: 0.5442708333333335 + complexity: 11 expressions: - K+ - N+ - - SE- + - N- + - R- + - S- + - and(K-, S+) - and(N-, R+) - - or(N+, R-) name: explored-15630 type: explored -- comm_cost: 0.34375000000000033 - complexity: 6 +- comm_cost: 0.4370370370370371 + complexity: 18 expressions: - K+ - N+ - R- - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(S+, SE+) name: explored-15631 type: explored -- comm_cost: 0.6390625000000001 - complexity: 10 +- comm_cost: 0.5576388888888891 + complexity: 14 expressions: - - R+ - SE- - - and(N-, or(K+, R+)) - - or(K+, SE+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(K+, or(N+, R-)) name: explored-15632 type: explored -- comm_cost: 0.6789062500000002 - complexity: 12 +- comm_cost: 0.6530092592592593 + complexity: 10 expressions: - R+ - - SE+ - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, or(K+, SE+)) + - not(R+) + - not(R+) name: explored-15633 type: explored -- comm_cost: 0.4770486111111111 - complexity: 14 +- comm_cost: 0.14062500000000022 + complexity: 16 expressions: - K+ - - N+ - R- - - and(K-, or(S+, SE+)) + - and(K-, S+) + - and(N-, R+) - and(S-, SE-) - - or(S+, SE+) + - and(S-, or(SE-, N+)) name: explored-15634 type: explored -- comm_cost: 0.7025885416666667 - complexity: 20 +- comm_cost: 0.6625 + complexity: 12 expressions: - N+ - - N- - - S- - - SE+ - - and(K-, not(R-)) - - and(SE-, or(K+, S-)) - - not(R+) - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(K+, N+) name: explored-15635 type: explored -- comm_cost: 0.4364583333333335 - complexity: 15 +- comm_cost: 0.5161458333333335 + complexity: 13 expressions: - - K+ - - N+ + - R+ - R- - - S- - - and(N-, R+) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(K-, or(S+, R-)) + - and(and(S-, N-), not(R-)) name: explored-15636 type: explored -- comm_cost: 0.11093750000000036 - complexity: 17 +- comm_cost: 0.39947916666666683 + complexity: 16 expressions: - K+ - N+ - R- - - and(K-, or(S+, N+)) - - and(N-, R+) - and(S-, SE-) - - or(K+, N+) + - and(and(K-, N-), or(S+, R+)) + - or(SE-, N+) name: explored-15637 type: explored -- comm_cost: 0.3900173611111113 +- comm_cost: 0.10798611111111134 complexity: 15 expressions: - K+ + - K+ - N+ - R- + - R- - S+ - - S- - and(N-, R+) - and(S-, SE-) - - and(S-, not(R+)) + - or(N+, R-) name: explored-15638 type: explored -- comm_cost: 0.23697916666666696 - complexity: 10 +- comm_cost: 0.3812500000000003 + complexity: 12 expressions: - N+ - R- - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(S-, not(R+)) name: explored-15639 type: explored -- comm_cost: 0.6348958333333332 - complexity: 8 +- comm_cost: 0.6156250000000001 + complexity: 13 expressions: + - K+ + - N+ + - R- + - and(K-, not(R-)) - and(S-, SE-) - - or(S+, or(N+, R-)) + - or(K+, K-) name: explored-15640 type: explored -- comm_cost: 0.5809027777777779 - complexity: 11 +- comm_cost: 0.19739583333333344 + complexity: 20 expressions: - K+ - - N+ - R- - - S+ - - and(and(K-, N-), or(S+, SE+)) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-15641 type: explored -- comm_cost: 0.14652777777777803 - complexity: 13 +- comm_cost: 0.6555208333333334 + complexity: 7 expressions: - - N+ - - and(K-, S+) - - and(N-, R+) + - R+ + - SE- - and(S-, SE-) - - or(S+, R-) + - not(R-) name: explored-15642 type: explored -- comm_cost: 0.5308159722222224 - complexity: 17 +- comm_cost: 0.2107638888888892 + complexity: 19 expressions: - K+ + - K+ - N+ - - R+ - R- - - SE- - - and(K-, or(S+, N+)) - - or(and(K-, SE-), or(N+, R-)) + - S+ + - and(K-, SE-) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-15643 type: explored -- comm_cost: 0.5770833333333334 - complexity: 8 +- comm_cost: 0.3890046296296298 + complexity: 25 expressions: - K+ - N+ - R- - - and(S-, or(SE-, N+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - not(R+) name: explored-15644 type: explored -- comm_cost: 0.5909722222222222 - complexity: 13 +- comm_cost: 0.6557291666666668 + complexity: 17 expressions: - - K+ - - N+ + - R+ - R- - SE- - - and(K-, not(R-)) - - and(K-, or(S+, R-)) + - and(K-, N-) + - and(K-, or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-15645 type: explored -- comm_cost: 0.5178819444444446 +- comm_cost: 0.49175347222222243 complexity: 14 expressions: - N+ - - R+ - R- + - S+ + - S- - SE- - - and(K-, SE-) - - and(and(K-, N-), or(S+, SE+)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) name: explored-15646 type: explored -- comm_cost: 0.30781250000000027 - complexity: 16 +- comm_cost: 0.37864583333333357 + complexity: 14 expressions: - - K+ - - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(K+, SE+) + - and(and(S-, N-), not(R-)) name: explored-15647 type: explored -- comm_cost: 0.38984375000000027 - complexity: 15 +- comm_cost: 0.6734375000000001 + complexity: 3 expressions: - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(N-, R+) - - and(N-, or(K+, S-)) + - N- + - R+ name: explored-15648 type: explored -- comm_cost: 0.335763888888889 - complexity: 12 +- comm_cost: 0.1878472222222225 + complexity: 14 expressions: - K+ - N+ - R- - S+ - - and(K-, or(S+, R+)) + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) name: explored-15649 type: explored -- comm_cost: 0.4275000000000002 - complexity: 13 +- comm_cost: 0.6102430555555557 + complexity: 14 expressions: - - N+ - - N+ - - N- - - R- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) + - or(K+, K-) name: explored-15650 type: explored -- comm_cost: 0.5554166666666669 - complexity: 14 +- comm_cost: 0.6222916666666668 + complexity: 10 expressions: + - K- - N+ - - SE- + - R- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - - or(N+, not(R+)) + - or(K+, S-) name: explored-15651 type: explored -- comm_cost: 0.5512586805555557 - complexity: 16 +- comm_cost: 0.3304398148148151 + complexity: 22 expressions: - K+ - - R+ + - N+ - R- + - S+ - SE- + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, R-) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-15652 type: explored -- comm_cost: 0.6368055555555557 - complexity: 11 +- comm_cost: 0.42100694444444464 + complexity: 21 expressions: + - K+ - N+ - R- - - SE+ + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, SE+) name: explored-15653 type: explored -- comm_cost: 0.37997685185185204 - complexity: 19 +- comm_cost: 0.30638888888888904 + complexity: 20 expressions: - K+ - N+ - R- - and(K-, S+) + - and(K-, S+) + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) - - or(K+, SE+) + - not(R-) name: explored-15654 type: explored -- comm_cost: 0.4441666666666668 - complexity: 8 +- comm_cost: 0.5674074074074076 + complexity: 14 expressions: + - K- - N+ - - N- - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-15655 type: explored -- comm_cost: 0.5640625000000001 - complexity: 6 +- comm_cost: 0.2644097222222226 + complexity: 11 expressions: + - K+ - N+ - - R- - - and(N-, not(R-)) - name: explored-15656 - type: explored -- comm_cost: 0.49518229166666683 - complexity: 24 - expressions: - - K+ - - N+ - - R- - S+ - - and(K-, not(R+)) + - S+ + - SE- - and(N-, R+) - and(S-, SE-) - - or(K+, S-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-15657 + name: explored-15656 type: explored -- comm_cost: 0.7296296296296296 - complexity: 25 +- comm_cost: 0.6457841435185185 + complexity: 31 expressions: + - SE+ - and(K-, N-) - - not(R+) - - or(K+, R+) - - or(N+, not(R+)) - - or(S+, R+) - - or(S+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - and(and(K-, N-), not(R-)) + - or(S+, SE+) + name: explored-15657 + type: explored +- comm_cost: 0.2737847222222225 + complexity: 12 + expressions: + - N+ + - R- + - S+ + - and(K-, SE-) + - and(N-, R+) + - or(S+, N+) name: explored-15658 type: explored -- comm_cost: 0.6517361111111113 - complexity: 11 +- comm_cost: 0.5017361111111113 + complexity: 12 expressions: - - and(K-, or(S+, N+)) + - K+ + - R- + - S+ - and(N-, R+) - - or(K+, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-15659 type: explored -- comm_cost: 0.3949652777777779 - complexity: 15 +- comm_cost: 0.5971354166666668 + complexity: 11 expressions: - N+ - - R- + - R+ - SE- - - and(N-, R+) - - and(SE+, N-) - - and(and(S-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15660 type: explored -- comm_cost: 0.5105034722222224 - complexity: 17 +- comm_cost: 0.6852430555555556 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(S-, SE-) - - and(S-, not(R-)) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(N-, or(K+, S-)) + - and(N-, or(S+, SE+)) name: explored-15661 type: explored -- comm_cost: 0.7486979166666667 - complexity: 13 +- comm_cost: 0.2523437500000003 + complexity: 19 expressions: - - SE- - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15662 type: explored -- comm_cost: 0.7798321759259259 - complexity: 15 +- comm_cost: 0.5447916666666668 + complexity: 12 expressions: - - R- - - SE- - - and(or(K+, S-), not(R+)) - - or(and(K-, SE-), or(N+, R-)) + - K+ + - R+ + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-15663 type: explored -- comm_cost: 0.5500000000000003 - complexity: 12 +- comm_cost: 0.35263310185185204 + complexity: 26 expressions: + - K+ + - K+ - N+ - - and(K-, S+) + - R- + - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - and(and(S-, N-), not(R-)) + - or(S+, N+) name: explored-15664 type: explored -- comm_cost: 0.2937500000000002 - complexity: 8 +- comm_cost: 0.5836805555555558 + complexity: 4 expressions: - K+ - - N+ - - and(S-, SE-) - - and(SE+, N-) + - K+ + - R+ + - SE- name: explored-15665 type: explored -- comm_cost: 0.42046296296296315 - complexity: 20 +- comm_cost: 0.12656250000000036 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - - not(R-) + - and(SE-, or(K+, S-)) name: explored-15666 type: explored -- comm_cost: 0.3255208333333337 - complexity: 9 +- comm_cost: 0.3007812500000002 + complexity: 17 expressions: - - K+ - N+ - - SE- - - and(K-, SE-) + - R- + - and(K-, or(N+, not(R+))) - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-15667 type: explored -- comm_cost: 0.7156250000000002 - complexity: 5 - expressions: - - R+ - - R+ - - or(S+, N+) - name: explored-15668 - type: explored -- comm_cost: 0.4603732638888891 - complexity: 14 +- comm_cost: 0.1878472222222225 + complexity: 15 expressions: - K+ - N+ + - N+ - R- - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, not(R-)) - - or(S+, N+) - name: explored-15669 + - and(S-, SE-) + name: explored-15668 type: explored -- comm_cost: 0.6363541666666668 +- comm_cost: 0.22552083333333361 complexity: 16 expressions: - N+ - R- - S+ - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + name: explored-15669 + type: explored +- comm_cost: 0.7208142361111112 + complexity: 33 + expressions: + - and(K-, or(N+, not(R+))) + - and(N-, not(R-)) + - and(S-, or(N+, not(R+))) - and(and(K-, N-), or(S+, SE+)) - - or(S+, SE+) + - or(N+, not(R+)) + - or(S+, N+) + - or(S+, R-) name: explored-15670 type: explored -- comm_cost: 0.3398437500000002 - complexity: 17 +- comm_cost: 0.6306250000000002 + complexity: 12 expressions: - - K+ - - N+ - - R- - - and(K-, SE-) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - R+ + - SE- + - and(and(S-, N-), not(R-)) + - or(N+, not(R+)) name: explored-15671 type: explored -- comm_cost: 0.47645833333333343 +- comm_cost: 0.17395833333333344 complexity: 14 expressions: - K+ - N+ - - N- - R- - - S- - - and(K-, S+) + - S+ + - S+ - and(N-, R+) - and(S-, SE-) + - and(SE+, N-) name: explored-15672 type: explored -- comm_cost: 0.5485532407407409 - complexity: 13 +- comm_cost: 0.15833333333333366 + complexity: 12 expressions: - - R+ + - N+ - R- - - S+ - - and(K-, N-) + - R- + - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - or(S+, N+) name: explored-15673 type: explored -- comm_cost: 0.34832175925925957 - complexity: 20 +- comm_cost: 0.161979166666667 + complexity: 19 expressions: - K+ - - K+ - N+ - - R- - - S+ - - and(N-, R+) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - and(S-, SE-) - - or(K+, K-) + - and(SE-, or(K+, S-)) name: explored-15674 type: explored -- comm_cost: 0.35949074074074083 - complexity: 13 +- comm_cost: 0.569965277777778 + complexity: 12 expressions: + - K+ - N+ - R- - - S+ - - SE+ - and(N-, R+) - - and(S-, SE-) - or(S+, R+) + - or(S+, R-) name: explored-15675 type: explored -- comm_cost: 0.6376736111111112 - complexity: 15 +- comm_cost: 0.622482638888889 + complexity: 13 expressions: + - K+ - R+ - R- - SE- - - and(S-, not(R-)) - - or(K+, SE+) - - or(K+, or(N+, R-)) + - and(K-, N-) + - and(K-, or(N+, not(R+))) name: explored-15676 type: explored -- comm_cost: 0.4549479166666669 - complexity: 9 - expressions: - - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) - name: explored-15677 - type: explored -- comm_cost: 0.6252430555555557 - complexity: 15 +- comm_cost: 0.4125000000000002 + complexity: 10 expressions: + - K+ - N+ - - N- - - SE- + - R- + - S- + - and(K-, S+) - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(K+, K-) - name: explored-15678 + name: explored-15677 type: explored -- comm_cost: 0.25462962962962976 - complexity: 20 +- comm_cost: 0.4491898148148149 + complexity: 24 expressions: - - N+ + - K+ + - R+ - R- - - and(N-, R+) - - and(N-, or(K+, SE+)) + - and(K-, S+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-15679 + - and(and(K-, N-), or(S+, SE+)) + name: explored-15678 type: explored -- comm_cost: 0.43125000000000036 - complexity: 12 +- comm_cost: 0.6927083333333335 + complexity: 5 expressions: - K+ - - N+ - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - name: explored-15680 + - R+ + - or(S+, N+) + name: explored-15679 type: explored -- comm_cost: 0.2367187500000003 +- comm_cost: 0.3750000000000002 complexity: 11 expressions: + - K+ - N+ - R- - S+ + - S- - and(N-, R+) - and(S-, SE-) - - not(R+) - name: explored-15681 + name: explored-15680 type: explored -- comm_cost: 0.12239583333333348 - complexity: 17 +- comm_cost: 0.5569444444444447 + complexity: 8 expressions: - - K+ - - N+ - N+ - R- - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) + name: explored-15681 + type: explored +- comm_cost: 0.6508680555555557 + complexity: 18 + expressions: + - R+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15682 type: explored -- comm_cost: 0.548090277777778 - complexity: 15 +- comm_cost: 0.2845486111111113 + complexity: 19 expressions: - - K+ + - N+ - N+ - R- + - R- - S+ - and(N-, R+) - - and(N-, or(S+, SE+)) - - or(N+, R-) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-15683 type: explored -- comm_cost: 0.25399305555555585 - complexity: 22 +- comm_cost: 0.7130208333333334 + complexity: 11 expressions: - - K+ - - N+ - - R- - - and(K-, S+) - - and(N-, R+) + - and(K-, not(R-)) + - and(K-, not(R-)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - - not(R+) name: explored-15684 type: explored -- comm_cost: 0.6858217592592594 - complexity: 24 +- comm_cost: 0.6020023148148149 + complexity: 11 expressions: - - and(N-, not(R-)) - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) - - or(K+, R+) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - N- + - R+ + - R- + - SE- + - and(or(K+, S-), not(R+)) name: explored-15685 type: explored -- comm_cost: 0.46689814814814834 - complexity: 18 +- comm_cost: 0.6414062500000002 + complexity: 16 expressions: - - K+ - - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, K-) + - SE- + - and(N-, or(K+, R+)) + - and(N-, or(K+, S-)) + - or(K+, SE+) name: explored-15686 type: explored -- comm_cost: 0.5491666666666668 - complexity: 5 - expressions: - - N+ - - N- - - and(N-, R+) - name: explored-15687 - type: explored -- comm_cost: 0.22604166666666692 +- comm_cost: 0.45468750000000013 complexity: 17 expressions: - N+ - R- - - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) + - or(S+, R+) + name: explored-15687 + type: explored +- comm_cost: 0.8378472222222222 + complexity: 9 + expressions: + - and(or(K+, S-), not(R+)) - or(K+, R-) name: explored-15688 type: explored -- comm_cost: 0.1625000000000003 - complexity: 11 +- comm_cost: 0.29447916666666707 + complexity: 18 expressions: - N+ - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) + - or(K+, N+) + - or(N+, not(R+)) name: explored-15689 type: explored -- comm_cost: 0.4006655092592595 - complexity: 19 +- comm_cost: 0.3600000000000002 + complexity: 11 expressions: - - K+ + - N+ - R- - - S- - - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(S+, SE+) name: explored-15690 type: explored -- comm_cost: 0.4166203703703706 - complexity: 18 +- comm_cost: 0.7359375000000001 + complexity: 16 expressions: - - K+ - - K- - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) - - or(K+, or(N+, R-)) + - and(K-, N-) + - and(N-, or(K+, S-)) + - and(N-, or(K+, SE+)) + - or(SE-, N+) name: explored-15691 type: explored -- comm_cost: 0.6191550925925927 - complexity: 11 +- comm_cost: 0.5860243055555557 + complexity: 16 expressions: - R+ - R- - - and(K-, not(R+)) - - and(N-, or(S+, SE+)) + - SE- + - and(N-, or(K+, R+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15692 type: explored -- comm_cost: 0.7170833333333333 - complexity: 3 +- comm_cost: 0.26822916666666696 + complexity: 22 expressions: - - K- + - K+ - N+ - - R- + - and(K-, S+) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) name: explored-15693 type: explored -- comm_cost: 0.4080729166666668 - complexity: 21 +- comm_cost: 0.7316736111111112 + complexity: 14 + expressions: + - K- + - N- + - and(K-, not(R+)) + - and(and(S-, N-), not(R-)) + - not(R+) + name: explored-15694 + type: explored +- comm_cost: 0.05416666666666692 + complexity: 11 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, R+) - name: explored-15694 + name: explored-15695 type: explored -- comm_cost: 0.457291666666667 - complexity: 13 +- comm_cost: 0.2958333333333336 + complexity: 17 expressions: - K+ - - R- - - and(K-, S+) + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(K-, or(S+, R-)) - and(N-, R+) - name: explored-15695 + name: explored-15696 type: explored -- comm_cost: 0.42291666666666705 - complexity: 9 +- comm_cost: 0.3666666666666668 + complexity: 13 expressions: - K+ + - N+ + - N+ - R- - S+ - - and(N-, R+) - - or(N+, R-) - name: explored-15696 + - and(N-, or(S+, SE+)) + - and(S-, SE-) + name: explored-15697 type: explored -- comm_cost: 0.7161458333333335 - complexity: 10 +- comm_cost: 0.5461805555555558 + complexity: 19 expressions: - - R+ + - N+ + - SE- - SE- - and(K-, or(S+, R+)) - - or(K+, K-) - name: explored-15697 + - and(N-, R+) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-15698 type: explored -- comm_cost: 0.23292824074074092 - complexity: 19 +- comm_cost: 0.4972222222222221 + complexity: 15 expressions: + - K+ - N+ - R- - and(K-, S+) - - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - and(SE+, N-) - name: explored-15698 - type: explored -- comm_cost: 0.7152777777777779 - complexity: 8 - expressions: - - R+ - - R+ - - and(or(K+, S-), not(R-)) + - and(S-, or(N+, not(R+))) name: explored-15699 type: explored -- comm_cost: 0.49194444444444463 - complexity: 18 +- comm_cost: 0.34153645833333357 + complexity: 28 expressions: + - K+ + - K+ - N+ - R- + - S+ + - and(K-, or(S+, R-)) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) + - and(and(K-, N-), or(S+, R+)) name: explored-15700 type: explored -- comm_cost: 0.4083333333333333 - complexity: 7 +- comm_cost: 0.6230208333333335 + complexity: 5 expressions: + - K- - N+ - - N+ + - R+ - R- - - S+ - - and(S-, SE-) + - SE- name: explored-15701 type: explored -- comm_cost: 0.5441666666666669 - complexity: 6 +- comm_cost: 0.21753472222222237 + complexity: 17 expressions: - K+ - - K- - N+ + - R- - and(N-, R+) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(S+, N+) name: explored-15702 type: explored -- comm_cost: 0.5156250000000001 - complexity: 8 +- comm_cost: 0.5710185185185187 + complexity: 11 expressions: - - R+ - - and(S-, SE-) - - and(S-, not(R+)) + - N+ + - N+ + - SE- + - and(N-, R+) + - and(S-, N-) + - not(R-) name: explored-15703 type: explored -- comm_cost: 0.5500000000000003 - complexity: 10 +- comm_cost: 0.6486979166666668 + complexity: 8 expressions: - - K+ - N+ - - and(N-, R+) - - and(N-, or(S+, SE+)) + - SE+ + - SE- + - and(N-, or(K+, S-)) name: explored-15704 type: explored -- comm_cost: 0.5126041666666667 - complexity: 8 +- comm_cost: 0.5995370370370372 + complexity: 24 expressions: - N+ - R+ - R- - - and(S-, SE-) - - not(R-) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R-)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15705 type: explored -- comm_cost: 0.4604166666666669 - complexity: 8 +- comm_cost: 0.4409722222222223 + complexity: 13 expressions: - - SE- - - and(N-, R+) - - and(S-, not(R+)) + - N+ + - R- + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) name: explored-15706 type: explored -- comm_cost: 0.15503472222222237 - complexity: 18 +- comm_cost: 0.15486111111111134 + complexity: 15 expressions: - K+ - - K+ - N+ - R- - - and(K-, or(S+, R-)) + - S+ - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) + - or(K+, or(N+, R-)) name: explored-15707 type: explored -- comm_cost: 0.26232638888888904 - complexity: 13 +- comm_cost: 0.6026041666666666 + complexity: 12 expressions: - - N+ + - R- - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-15708 type: explored -- comm_cost: 0.5777343750000001 - complexity: 14 +- comm_cost: 0.34839409722222237 + complexity: 16 expressions: - K+ + - K+ + - N+ + - R+ - R- - - SE- + - S+ - and(N-, R+) - - or(S+, SE+) - - or(S+, or(N+, R-)) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-15709 type: explored -- comm_cost: 0.6961516203703705 - complexity: 29 +- comm_cost: 0.41811921296296317 + complexity: 17 expressions: + - K+ + - N+ + - R- - S+ - - and(N-, or(K+, S-)) - - and(S-, not(R-)) - - and(or(K+, S-), not(R+)) - - or(K+, N+) - - or(SE-, N+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - not(R-) name: explored-15710 type: explored -- comm_cost: 0.5264467592592594 - complexity: 16 +- comm_cost: 0.47123842592592613 + complexity: 22 expressions: - N+ - - R- - SE- - and(N-, R+) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - and(S-, not(R+)) + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-15711 type: explored -- comm_cost: 0.426605902777778 - complexity: 22 +- comm_cost: 0.42447916666666685 + complexity: 11 expressions: - K+ - - N+ + - K+ - R- - S+ - - and(K-, not(R-)) + - S- - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(S+, or(N+, R-)) name: explored-15712 type: explored -- comm_cost: 0.208854166666667 - complexity: 17 +- comm_cost: 0.5790277777777779 + complexity: 19 expressions: - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(N+, R-) + - and(S-, N-) + - and(and(K-, N-), or(S+, SE+)) + - or(S+, SE+) name: explored-15713 type: explored -- comm_cost: 0.6317881944444446 - complexity: 21 +- comm_cost: 0.3944444444444446 + complexity: 20 expressions: - - R+ - - R- - - SE- - - or(N+, not(R+)) - - or(and(K-, S+), or(N+, R-)) - - or(and(K-, SE-), or(N+, R-)) + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - and(and(S-, N-), not(R-)) name: explored-15714 type: explored -- comm_cost: 0.4201388888888893 - complexity: 11 +- comm_cost: 0.3465277777777781 + complexity: 18 expressions: - K+ - - R- - - SE- + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - or(S+, or(N+, R-)) + - and(S-, or(N+, not(R+))) name: explored-15715 type: explored -- comm_cost: 0.5700520833333335 - complexity: 11 +- comm_cost: 0.6157812500000002 + complexity: 13 expressions: - - K+ - - N+ - R+ - - SE- - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-15716 type: explored -- comm_cost: 0.5640451388888891 - complexity: 15 +- comm_cost: 0.6806956845238096 + complexity: 34 expressions: - - K- - - N+ - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(K-, SE-) + - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) + - and(S-, not(R-)) + - or(K+, or(N+, R-)) + - or(N+, R-) + - or(S+, R+) + - or(S+, SE+) + - or(SE-, N+) name: explored-15717 type: explored -- comm_cost: 0.20920138888888928 - complexity: 18 +- comm_cost: 0.20598958333333361 + complexity: 16 expressions: - K+ + - K+ - N+ - R- - - and(K-, not(R+)) + - S+ - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(SE-, or(K+, S-)) name: explored-15718 type: explored -- comm_cost: 0.6353298611111111 - complexity: 11 +- comm_cost: 0.277604166666667 + complexity: 20 expressions: - - N+ - R- - - SE- - - and(K-, or(S+, SE+)) - - or(N+, R-) + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-15719 type: explored -- comm_cost: 0.4750000000000002 - complexity: 12 +- comm_cost: 0.7166666666666668 + complexity: 11 expressions: - - N+ - - R- - - SE- - - and(N-, R+) - - and(S-, N-) - - or(S+, N+) + - R+ + - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) name: explored-15720 type: explored -- comm_cost: 0.7317708333333333 - complexity: 7 +- comm_cost: 0.37656250000000013 + complexity: 16 expressions: - - R- - - SE- - - and(SE-, or(K+, S-)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(N+, R-) name: explored-15721 type: explored -- comm_cost: 0.3006944444444444 - complexity: 10 +- comm_cost: 0.220572916666667 + complexity: 14 expressions: - K+ - N+ + - N+ - R- - - SE+ - - and(K-, S+) + - S+ + - and(N-, R+) - and(S-, SE-) + - or(SE-, N+) name: explored-15722 type: explored -- comm_cost: 0.5045138888888888 - complexity: 19 +- comm_cost: 0.5175781250000002 + complexity: 11 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, N+) + - S+ + - and(N-, R+) + - or(S+, R+) name: explored-15723 type: explored -- comm_cost: 0.279166666666667 - complexity: 11 +- comm_cost: 0.3601562500000004 + complexity: 14 expressions: - - K+ - N+ - R- - - and(K-, or(SE-, N+)) + - SE- + - and(K-, S+) - and(N-, R+) + - not(R+) + - or(N+, R-) name: explored-15724 type: explored -- comm_cost: 0.34531250000000013 +- comm_cost: 0.3313657407407409 complexity: 19 expressions: + - K+ + - N+ - R- - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - and(and(K-, N-), or(S+, SE+)) + - or(S+, R+) name: explored-15725 type: explored -- comm_cost: 0.7017361111111112 - complexity: 11 +- comm_cost: 0.6852719907407409 + complexity: 17 expressions: - - R+ - - R- - - SE- - - and(K-, or(S+, SE+)) - - or(K+, K-) + - S+ + - SE+ + - and(or(K+, S-), or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) name: explored-15726 type: explored -- comm_cost: 0.6597222222222223 - complexity: 10 +- comm_cost: 0.6737847222222223 + complexity: 7 expressions: - - N+ + - R+ - SE- - - and(K-, not(R+)) - - and(K-, not(R-)) + - not(R+) + - or(K+, SE+) name: explored-15727 type: explored -- comm_cost: 0.5495659722222223 - complexity: 11 +- comm_cost: 0.5414351851851852 + complexity: 14 expressions: - K+ - - R+ + - N+ - R- - - SE- - - and(K-, S+) - - and(K-, not(R-)) + - and(K-, not(R+)) + - and(K-, not(R+)) + - and(S-, SE-) name: explored-15728 type: explored -- comm_cost: 0.7704166666666667 - complexity: 6 - expressions: - - and(S-, N-) - - or(K+, S-) - name: explored-15729 - type: explored -- comm_cost: 0.551851851851852 - complexity: 10 +- comm_cost: 0.40147569444444464 + complexity: 19 expressions: - K+ - - R+ - - R- - - SE- - - or(S+, R-) - - or(S+, R-) - name: explored-15730 - type: explored -- comm_cost: 0.3413194444444446 - complexity: 20 - expressions: - N+ - R- - - S+ + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - and(S-, not(R+)) - and(S-, not(R-)) - name: explored-15731 + name: explored-15729 type: explored -- comm_cost: 0.5986979166666668 +- comm_cost: 0.6800347222222223 complexity: 8 expressions: - - R+ - SE- - - and(S-, SE-) - - or(S+, R+) - name: explored-15732 + - and(S-, not(R-)) + - or(K+, N+) + name: explored-15730 type: explored -- comm_cost: 0.4065972222222224 - complexity: 22 +- comm_cost: 0.6929745370370373 + complexity: 11 + expressions: + - and(K-, SE-) + - and(N-, R+) + - not(R-) + - or(K+, K-) + name: explored-15731 + type: explored +- comm_cost: 0.20138888888888906 + complexity: 18 expressions: + - K+ - N+ - - R- - and(K-, S+) - - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - name: explored-15733 + - and(and(K-, N-), or(S+, SE+)) + name: explored-15732 type: explored -- comm_cost: 0.16302083333333361 - complexity: 15 +- comm_cost: 0.37960069444444455 + complexity: 17 expressions: - - N+ + - K+ - N+ - R- - - S+ - and(N-, R+) - - and(N-, or(K+, R+)) + - and(N-, or(S+, SE+)) + - and(S-, N-) - and(S-, SE-) - name: explored-15734 + name: explored-15733 type: explored -- comm_cost: 0.6234375000000002 +- comm_cost: 0.6937500000000001 complexity: 9 expressions: - - and(N-, R+) - - and(and(S-, N-), not(R-)) - name: explored-15735 + - SE+ + - and(N-, and(or(K+, S-), not(R-))) + name: explored-15734 type: explored -- comm_cost: 0.4848090277777779 - complexity: 19 +- comm_cost: 0.22621527777777795 + complexity: 16 expressions: - K+ - - N+ - - R- - - and(K-, N-) - - and(K-, not(R+)) + - K+ + - S+ - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - name: explored-15736 + - or(and(K-, S+), or(N+, R-)) + name: explored-15735 type: explored -- comm_cost: 0.6472222222222223 - complexity: 7 +- comm_cost: 0.6254629629629631 + complexity: 9 expressions: - - K+ - - N+ + - R+ - R- - SE- - - or(K+, S-) - name: explored-15737 + - and(S-, N-) + - or(S+, R+) + name: explored-15736 type: explored -- comm_cost: 0.32685185185185217 - complexity: 15 +- comm_cost: 0.4447916666666669 + complexity: 12 expressions: - N+ - R- + - R- - SE- - and(N-, R+) - - and(or(K+, S-), not(R+)) - - or(S+, R-) - name: explored-15738 + - and(N-, or(K+, S-)) + name: explored-15737 type: explored -- comm_cost: 0.7602430555555555 - complexity: 8 +- comm_cost: 0.5570312500000001 + complexity: 17 expressions: + - K+ - N+ - R- - - S+ - - or(K+, or(N+, R-)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R+) + name: explored-15738 + type: explored +- comm_cost: 0.6953854166666668 + complexity: 30 + expressions: + - SE+ + - and(K-, or(S+, N+)) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, SE+)) + - and(N-, or(S+, SE+)) + - and(S-, not(R+)) + - not(R-) + - or(SE-, N+) name: explored-15739 type: explored -- comm_cost: 0.4458333333333335 - complexity: 15 +- comm_cost: 0.6583333333333334 + complexity: 5 expressions: - - N+ - - R- - - and(K-, S+) - - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - R+ + - SE- + - or(K+, SE+) name: explored-15740 type: explored -- comm_cost: 0.30972222222222245 - complexity: 12 +- comm_cost: 0.5611111111111113 + complexity: 14 expressions: - N+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - R+ + - R- + - SE- + - and(K-, or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-15741 type: explored -- comm_cost: 0.4208333333333336 - complexity: 8 +- comm_cost: 0.6850694444444446 + complexity: 9 expressions: - N+ - - R- - - and(N-, R+) - - or(S+, N+) + - R+ + - or(and(K-, S+), or(N+, R-)) name: explored-15742 type: explored -- comm_cost: 0.4789062500000002 - complexity: 16 +- comm_cost: 0.4661458333333335 + complexity: 10 expressions: - N+ - - S+ - - S- + - R- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - and(N-, or(K+, R+)) name: explored-15743 type: explored -- comm_cost: 0.6342013888888891 - complexity: 8 +- comm_cost: 0.08125000000000027 + complexity: 13 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - S+ - - or(K+, or(N+, R-)) + - and(N-, R+) + - and(N-, R+) + - and(S-, SE-) name: explored-15744 type: explored -- comm_cost: 0.42343750000000024 - complexity: 13 +- comm_cost: 0.23125000000000018 + complexity: 9 expressions: - - N+ + - R- - R- - S+ - - S- - and(N-, R+) - and(S-, SE-) - - or(S+, N+) name: explored-15745 type: explored -- comm_cost: 0.6579878472222223 - complexity: 32 +- comm_cost: 0.5387152777777778 + complexity: 11 expressions: - - and(K-, S+) - - and(K-, SE-) - - and(N-, or(K+, SE+)) - - and(S-, not(R-)) - - and(and(K-, N-), not(R-)) - - not(R-) - - or(K+, N+) - - or(N+, R-) - - or(S+, R+) + - N+ + - R+ + - R- + - and(N-, and(or(K+, S-), not(R-))) name: explored-15746 type: explored -- comm_cost: 0.6578125000000001 - complexity: 6 +- comm_cost: 0.4862847222222224 + complexity: 12 expressions: - N+ - - and(N-, or(K+, S-)) + - R+ + - R- + - SE- + - and(K-, S+) + - and(K-, or(S+, R-)) name: explored-15747 type: explored -- comm_cost: 0.44013310185185195 - complexity: 20 +- comm_cost: 0.2699652777777779 + complexity: 15 expressions: - K+ - - N+ + - K+ - R- - - and(K-, S+) + - S+ + - and(K-, or(S+, R+)) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - not(R+) - - or(K+, K-) name: explored-15748 type: explored -- comm_cost: 0.6166666666666668 - complexity: 15 +- comm_cost: 0.7982638888888889 + complexity: 8 expressions: - - N+ - - R+ - - R- + - S+ - SE- - - and(or(K+, S-), not(R-)) - - not(R+) - - or(N+, R-) + - and(K-, or(N+, not(R+))) name: explored-15749 type: explored -- comm_cost: 0.5027083333333334 - complexity: 10 +- comm_cost: 0.6480034722222223 + complexity: 14 expressions: - K+ - - R+ - R- - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(K-, N-) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-15750 type: explored -- comm_cost: 0.5974247685185187 - complexity: 11 +- comm_cost: 0.4642361111111113 + complexity: 24 expressions: - - R+ + - N+ - R- - - SE+ - - SE- - - and(K-, not(R+)) - - and(SE+, N-) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) name: explored-15751 type: explored -- comm_cost: 0.679976851851852 - complexity: 10 - expressions: - - R+ - - and(K-, not(R-)) - - and(N-, or(K+, SE+)) - name: explored-15752 - type: explored -- comm_cost: 0.31745370370370396 - complexity: 18 +- comm_cost: 0.46326388888888903 + complexity: 21 expressions: - K+ - - K+ - N+ - R- - - and(K-, not(R+)) + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - or(N+, not(R+)) - name: explored-15753 - type: explored -- comm_cost: 0.5529513888888891 - complexity: 16 + - and(or(K+, S-), not(R-)) + - or(K+, S-) + name: explored-15752 + type: explored +- comm_cost: 0.32228009259259294 + complexity: 20 expressions: + - N+ + - N+ - R- - - and(and(S-, N-), not(R-)) + - S+ + - and(N-, R+) + - and(S-, SE-) - and(or(K+, S-), not(R+)) - - or(K+, N+) - name: explored-15754 + - or(N+, not(R+)) + name: explored-15753 type: explored -- comm_cost: 0.5108796296296299 - complexity: 13 +- comm_cost: 0.39270833333333366 + complexity: 11 expressions: - N+ - - R- + - R+ + - S+ - and(N-, R+) - - and(S-, N-) - and(S-, SE-) - - not(R-) - name: explored-15755 + - not(R+) + name: explored-15754 type: explored -- comm_cost: 0.7562500000000001 - complexity: 5 +- comm_cost: 0.18072916666666694 + complexity: 14 expressions: - - R+ - - SE+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) - or(N+, R-) - name: explored-15756 + name: explored-15755 type: explored -- comm_cost: 0.5625 - complexity: 10 +- comm_cost: 0.3192708333333335 + complexity: 20 expressions: - K+ - K+ + - N+ - R- - - S+ + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, R-) + - or(S+, or(N+, R-)) + name: explored-15756 + type: explored +- comm_cost: 0.5080729166666668 + complexity: 17 + expressions: + - N+ + - R- + - and(K-, or(N+, not(R+))) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-15757 type: explored -- comm_cost: 0.5656250000000002 - complexity: 6 +- comm_cost: 0.5086111111111115 + complexity: 11 expressions: - - K+ - - R+ - SE- - - and(K-, S+) + - and(N-, R+) + - or(N+, not(R+)) + - or(SE-, N+) name: explored-15758 type: explored -- comm_cost: 0.6136458333333334 - complexity: 15 +- comm_cost: 0.5700000000000001 + complexity: 6 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(and(S-, N-), not(R-)) - - or(S+, SE+) + - K+ + - K- + - N+ + - and(S-, SE-) name: explored-15759 type: explored -- comm_cost: 0.3734375000000003 - complexity: 12 +- comm_cost: 0.5112500000000002 + complexity: 11 expressions: - - S+ - - and(K-, or(SE-, N+)) + - N+ + - SE- - and(N-, R+) - and(S-, SE-) + - or(K+, S-) name: explored-15760 type: explored -- comm_cost: 0.4588541666666668 - complexity: 9 +- comm_cost: 0.2362413194444445 + complexity: 21 expressions: - - R+ + - K+ + - K+ + - N+ - R- - - SE- + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(N+, R-) name: explored-15761 type: explored -- comm_cost: 0.6152083333333335 - complexity: 8 +- comm_cost: 0.6225694444444445 + complexity: 7 expressions: - - N- - - R+ + - N+ - R- - - and(SE-, or(K+, S-)) + - SE+ + - SE- + - or(SE-, N+) name: explored-15762 type: explored -- comm_cost: 0.6217881944444446 - complexity: 9 +- comm_cost: 0.5735243055555557 + complexity: 12 expressions: - - R+ - - S+ - - SE- - - and(K-, SE-) - - or(K+, SE+) + - K+ + - R- + - and(K-, not(R-)) + - and(S-, SE-) + - or(S+, R-) name: explored-15763 type: explored -- comm_cost: 0.47140625000000025 - complexity: 19 +- comm_cost: 0.6297222222222224 + complexity: 10 expressions: - - K+ - N+ - - R- - - S+ + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(and(K-, SE-), or(N+, R-)) + - or(S+, SE+) name: explored-15764 type: explored -- comm_cost: 0.5243055555555558 +- comm_cost: 0.43333333333333346 complexity: 13 expressions: - - N+ - - SE- - - and(N-, R+) - - or(K+, R+) - - or(K+, or(N+, R-)) + - K+ + - K+ + - R- + - S+ + - and(S-, SE-) + - and(and(S-, N-), not(R-)) name: explored-15765 type: explored -- comm_cost: 0.1414930555555558 - complexity: 21 +- comm_cost: 0.4540219907407409 + complexity: 22 expressions: - K+ - N+ - - R- - S+ - - and(K-, or(S+, N+)) + - and(K-, or(S+, SE+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, N+) - - or(S+, N+) name: explored-15766 type: explored -- comm_cost: 0.6123697916666668 - complexity: 13 +- comm_cost: 0.3789062500000001 + complexity: 17 expressions: - - R+ + - K+ + - N+ + - R- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(N-, not(R-)) - - and(N-, or(K+, SE+)) + - and(S-, SE-) + - or(K+, SE+) name: explored-15767 type: explored -- comm_cost: 0.6865416666666667 - complexity: 42 +- comm_cost: 0.6147569444444446 + complexity: 13 expressions: - - and(K-, not(R+)) - - and(K-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) - - and(and(K-, N-), or(S+, SE+)) - - and(or(K+, S-), not(R-)) - - or(K+, N+) - - or(S+, SE+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - R- + - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-15768 type: explored -- comm_cost: 0.20052083333333348 - complexity: 10 +- comm_cost: 0.7854166666666667 + complexity: 8 expressions: - - K+ - N+ - - R+ - - R- - - and(N-, R+) - - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-15769 type: explored -- comm_cost: 0.336371527777778 - complexity: 20 +- comm_cost: 0.48915740740740754 + complexity: 16 expressions: - K+ + - K+ - N+ - - R- - S+ - - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, S-)) - and(S-, SE-) + - or(K+, R+) + - or(K+, S-) name: explored-15770 type: explored -- comm_cost: 0.663888888888889 - complexity: 8 +- comm_cost: 0.5598958333333335 + complexity: 11 expressions: - - R+ - - S- - - SE- - - or(K+, or(N+, R-)) + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - or(K+, K-) name: explored-15771 type: explored -- comm_cost: 0.7583333333333333 - complexity: 5 +- comm_cost: 0.6144097222222225 + complexity: 12 expressions: - - N+ + - R+ - SE- - - or(S+, N+) + - SE- + - and(and(K-, N-), not(R-)) + - or(S+, R-) name: explored-15772 type: explored -- comm_cost: 0.3187500000000002 - complexity: 12 +- comm_cost: 0.7336342592592593 + complexity: 10 expressions: - - N+ - R+ - - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - SE+ + - or(K+, S-) + - or(K+, or(N+, R-)) name: explored-15773 type: explored -- comm_cost: 0.38489583333333366 - complexity: 16 +- comm_cost: 0.41631944444444446 + complexity: 18 expressions: - K+ - - N+ - - R+ - R- - - SE- - - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(K+, R-) + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(K-, or(S+, R+)) + - and(S-, SE-) name: explored-15774 type: explored -- comm_cost: 0.4637731481481483 +- comm_cost: 0.46302083333333344 complexity: 13 expressions: - K+ - N+ - - R+ + - N- - R- - - and(N-, R+) - and(S-, SE-) - - or(K+, K-) + - and(and(S-, N-), not(R-)) name: explored-15775 type: explored -- comm_cost: 0.4046296296296299 - complexity: 17 +- comm_cost: 0.25312500000000027 + complexity: 9 expressions: - N+ - R- + - R- + - and(K-, SE-) - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) name: explored-15776 type: explored -- comm_cost: 0.4037500000000003 - complexity: 17 +- comm_cost: 0.6614583333333333 + complexity: 7 expressions: - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, R+)) - and(S-, SE-) - - or(N+, not(R+)) + - or(K+, K-) name: explored-15777 type: explored -- comm_cost: 0.4057291666666669 - complexity: 9 +- comm_cost: 0.3486111111111114 + complexity: 11 expressions: - - K+ - N+ - - R- + - SE- - and(N-, R+) - - or(N+, R-) + - and(or(K+, S-), not(R+)) name: explored-15778 type: explored -- comm_cost: 0.5868344907407408 - complexity: 14 +- comm_cost: 0.49322916666666683 + complexity: 19 expressions: - - R+ - R- - SE- - - and(K-, not(R-)) - - and(S-, not(R-)) - - or(K+, N+) + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-15779 type: explored -- comm_cost: 0.5179687500000002 - complexity: 11 +- comm_cost: 0.4389467592592594 + complexity: 18 expressions: + - K+ - N+ - R- - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - or(K+, SE+) name: explored-15780 type: explored -- comm_cost: 0.6467708333333335 - complexity: 7 +- comm_cost: 0.32829861111111147 + complexity: 9 expressions: - - K- - N+ - - R- - - S- + - S+ + - and(K-, not(R+)) - and(N-, R+) name: explored-15781 type: explored -- comm_cost: 0.18072916666666705 - complexity: 11 +- comm_cost: 0.6237500000000001 + complexity: 14 expressions: - - K+ + - N+ + - N- + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - SE- + - and(or(K+, S-), not(R+)) + - or(K+, R+) name: explored-15782 type: explored -- comm_cost: 0.4979166666666668 - complexity: 16 +- comm_cost: 0.4227430555555558 + complexity: 14 expressions: - N+ - - R- - - S+ - - S- - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, not(R+)) + - and(S-, or(N+, not(R+))) name: explored-15783 type: explored -- comm_cost: 0.48055555555555574 - complexity: 17 +- comm_cost: 0.4130208333333335 + complexity: 11 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(SE-, N+) + - SE- + - and(and(K-, N-), or(S+, R+)) name: explored-15784 type: explored -- comm_cost: 0.42604166666666676 - complexity: 17 +- comm_cost: 0.29687500000000033 + complexity: 16 expressions: - K+ - N+ - - R+ - R- + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) - - or(S+, R+) name: explored-15785 type: explored -- comm_cost: 0.6648958333333335 - complexity: 10 +- comm_cost: 0.7756944444444445 + complexity: 12 expressions: - - K- - - R- - - and(N-, or(K+, R+)) - - or(K+, N+) + - SE- + - and(K-, not(R+)) + - and(or(K+, S-), or(SE-, N+)) name: explored-15786 type: explored -- comm_cost: 0.7034722222222223 - complexity: 5 +- comm_cost: 0.5359375000000002 + complexity: 18 expressions: - - N+ - - and(S-, not(R-)) + - K+ + - K+ + - R- + - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) name: explored-15787 type: explored -- comm_cost: 0.6881944444444444 - complexity: 14 +- comm_cost: 0.5833333333333333 + complexity: 9 expressions: + - N+ + - R- + - S+ - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(K+, K-) - - or(K+, N+) + - or(SE-, N+) name: explored-15788 type: explored -- comm_cost: 0.43032407407407425 - complexity: 16 +- comm_cost: 0.3750000000000002 + complexity: 20 expressions: - N+ - R- - - and(K-, S+) + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - not(R-) - - or(K+, R+) + - and(or(K+, S-), not(R-)) name: explored-15789 type: explored -- comm_cost: 0.2312500000000003 - complexity: 11 +- comm_cost: 0.08125000000000027 + complexity: 13 expressions: + - N+ + - N+ - R- - - R- - - and(K-, S+) + - S+ + - and(N-, R+) - and(N-, R+) - and(S-, SE-) name: explored-15790 type: explored -- comm_cost: 0.22656250000000022 - complexity: 20 +- comm_cost: 0.6884375000000001 + complexity: 14 + expressions: + - N- + - R+ + - and(K-, or(SE-, N+)) + - and(or(K+, S-), or(SE-, N+)) + name: explored-15791 + type: explored +- comm_cost: 0.4036458333333336 + complexity: 13 expressions: - K+ - N+ - - R- - S+ - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) - - and(SE-, or(K+, S-)) - name: explored-15791 + name: explored-15792 type: explored -- comm_cost: 0.7351736111111111 - complexity: 8 +- comm_cost: 0.6621875000000002 + complexity: 6 expressions: - - R- + - N+ + - R+ - SE- - - and(K-, N-) - or(K+, S-) - name: explored-15792 - type: explored -- comm_cost: 0.6148437500000001 - complexity: 13 - expressions: - - R- - - and(N-, not(R-)) - - and(S-, SE-) - - or(S+, or(N+, R-)) name: explored-15793 type: explored -- comm_cost: 0.7132812500000002 - complexity: 6 +- comm_cost: 0.6614583333333335 + complexity: 5 expressions: - - and(N-, R+) - - or(K+, SE+) + - N- + - R+ + - R- + - SE+ + - SE- name: explored-15794 type: explored -- comm_cost: 0.6166666666666667 - complexity: 6 +- comm_cost: 0.6849907407407408 + complexity: 38 expressions: - - R- - - and(S-, SE-) - - not(R-) + - K+ + - and(K-, or(S+, N+)) + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) + - and(S-, N-) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-15795 type: explored -- comm_cost: 0.224479166666667 - complexity: 17 +- comm_cost: 0.6470486111111112 + complexity: 8 expressions: - - K+ - - N+ - - R- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(N+, R-) + - R+ + - SE- + - and(and(K-, N-), not(R-)) name: explored-15796 type: explored -- comm_cost: 0.4682870370370372 - complexity: 17 +- comm_cost: 0.39333333333333353 + complexity: 13 expressions: - - K+ - N+ - R- - - SE- - - and(K-, or(S+, R+)) - - and(K-, or(S+, R+)) + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - not(R-) name: explored-15797 type: explored -- comm_cost: 0.45850694444444473 - complexity: 16 +- comm_cost: 0.4570312500000002 + complexity: 9 expressions: - N+ + - R- - SE- + - and(K-, N-) - and(N-, R+) - - and(and(S-, N-), not(R-)) - - or(K+, or(N+, R-)) name: explored-15798 type: explored -- comm_cost: 0.6971354166666668 - complexity: 8 +- comm_cost: 0.7204166666666667 + complexity: 6 expressions: - - N+ - - SE- - - and(or(K+, S-), not(R-)) + - K- + - K- + - R+ + - or(K+, N+) name: explored-15799 type: explored -- comm_cost: 0.4194444444444445 - complexity: 9 +- comm_cost: 0.5877430555555557 + complexity: 14 expressions: - - K+ - N+ - R- - - and(S-, N-) - - and(S-, SE-) + - SE- + - and(N-, R+) + - and(N-, or(K+, S-)) + - or(K+, S-) name: explored-15800 type: explored -- comm_cost: 0.4744791666666669 - complexity: 8 +- comm_cost: 0.7388680555555557 + complexity: 17 expressions: - - N+ - - S+ - - and(N-, R+) - - and(SE+, N-) + - N- + - and(K-, N-) + - and(K-, S+) + - and(K-, not(R-)) + - and(and(K-, N-), not(R-)) name: explored-15801 type: explored -- comm_cost: 0.6146990740740742 - complexity: 14 +- comm_cost: 0.4583912037037039 + complexity: 16 expressions: - - R+ + - N+ - R- - - SE- - - and(N-, or(K+, S-)) + - S+ + - and(N-, R+) + - and(S-, not(R-)) - and(and(K-, N-), not(R-)) name: explored-15802 type: explored -- comm_cost: 0.7055555555555556 - complexity: 10 +- comm_cost: 0.44930555555555574 + complexity: 16 expressions: - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) + - K+ + - N+ + - N+ + - R- + - SE- + - and(K-, N-) + - and(K-, or(S+, N+)) + - and(N-, R+) name: explored-15803 type: explored -- comm_cost: 0.20462962962962994 +- comm_cost: 0.35451388888888924 complexity: 18 expressions: - K+ - - K+ - - N+ - R- + - SE- - and(N-, R+) - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(and(K-, S+), or(N+, R-)) name: explored-15804 type: explored -- comm_cost: 0.34583333333333344 - complexity: 9 +- comm_cost: 0.5827256944444446 + complexity: 10 expressions: + - N+ - R+ - R- - - S+ - - and(S-, SE-) - - or(S+, N+) + - SE- + - or(S+, R+) + - or(SE-, N+) name: explored-15805 type: explored -- comm_cost: 0.44453125000000027 - complexity: 10 +- comm_cost: 0.39756944444444464 + complexity: 17 expressions: - - K+ - R- - - and(K-, S+) + - and(K-, or(S+, R+)) - and(N-, R+) - - not(R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) name: explored-15806 type: explored -- comm_cost: 0.5039930555555557 - complexity: 11 +- comm_cost: 0.7591666666666668 + complexity: 8 expressions: - - N+ - - and(N-, R+) - - and(N-, not(R-)) - - and(SE+, N-) + - K- + - SE- + - and(or(K+, S-), not(R-)) name: explored-15807 type: explored -- comm_cost: 0.27809606481481497 - complexity: 24 +- comm_cost: 0.432638888888889 + complexity: 15 expressions: - K+ - - N+ - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) + - and(K-, not(R-)) - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(SE+, N-) name: explored-15808 type: explored -- comm_cost: 0.3226562500000002 - complexity: 13 +- comm_cost: 0.5358796296296298 + complexity: 12 expressions: - - N+ - R- - - S+ + - SE+ + - SE- - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - and(or(K+, S-), not(R+)) name: explored-15809 type: explored -- comm_cost: 0.43680555555555556 - complexity: 16 +- comm_cost: 0.25121527777777797 + complexity: 17 expressions: - K+ + - K+ - N+ - R- - - and(K-, S+) + - S+ + - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(K+, R+) + - or(K+, R-) name: explored-15810 type: explored -- comm_cost: 0.09791666666666687 - complexity: 12 +- comm_cost: 0.4265625000000002 + complexity: 19 expressions: - K+ - - N+ - - N+ - - and(K-, S+) + - and(K-, SE-) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-15811 type: explored -- comm_cost: 0.3690104166666669 - complexity: 21 +- comm_cost: 0.6505787037037039 + complexity: 14 expressions: - - K+ - - N+ - - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R-)) + - R+ + - and(and(K-, N-), not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-15812 type: explored -- comm_cost: 0.37760416666666685 - complexity: 12 +- comm_cost: 0.27112268518518545 + complexity: 17 expressions: + - K+ - N+ - R- - S+ - - and(K-, S+) - and(N-, R+) - - and(S-, N-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-15813 type: explored -- comm_cost: 0.4082031250000002 - complexity: 17 +- comm_cost: 0.7093750000000001 + complexity: 6 + expressions: + - and(K-, N-) + - and(S-, SE-) + name: explored-15814 + type: explored +- comm_cost: 0.3945167824074076 + complexity: 21 expressions: - - K+ - - K+ - N+ - S+ - and(K-, or(S+, R+)) + - and(K-, or(S+, SE+)) - and(N-, R+) - and(S-, SE-) - - not(R+) - name: explored-15814 - type: explored -- comm_cost: 0.6169270833333335 - complexity: 5 - expressions: - - R+ - - R- - - R- - - S- - - SE- + - or(S+, R-) name: explored-15815 type: explored -- comm_cost: 0.6367708333333334 - complexity: 9 +- comm_cost: 0.778732638888889 + complexity: 8 expressions: - - K- - - N+ - - SE- - - and(and(S-, N-), not(R-)) + - or(K+, R+) + - or(S+, or(N+, R-)) name: explored-15816 type: explored -- comm_cost: 0.2500000000000002 - complexity: 11 +- comm_cost: 0.2562500000000003 + complexity: 9 expressions: + - K+ + - K+ - N+ - R- - - S+ + - SE- + - SE- - and(N-, R+) - - and(S-, or(SE-, N+)) name: explored-15817 type: explored -- comm_cost: 0.2171875000000003 - complexity: 12 +- comm_cost: 0.5791666666666668 + complexity: 10 expressions: - - K+ - - N+ - R+ - and(K-, S+) - - and(N-, R+) - - and(S-, SE-) + - and(S-, N-) + - or(N+, R-) name: explored-15818 type: explored -- comm_cost: 0.27065972222222245 - complexity: 19 +- comm_cost: 0.3826388888888892 + complexity: 14 expressions: - K+ - N+ - - R- - - and(K-, not(R+)) + - SE+ + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) name: explored-15819 type: explored -- comm_cost: 0.6059895833333333 - complexity: 11 +- comm_cost: 0.6937500000000001 + complexity: 8 expressions: - - and(S-, SE-) - - or(K+, N+) - - or(S+, or(N+, R-)) + - R+ + - and(S-, not(R+)) + - or(K+, K-) name: explored-15820 type: explored -- comm_cost: 0.5239583333333334 - complexity: 11 +- comm_cost: 0.48070023148148167 + complexity: 20 expressions: - - R+ + - K+ + - N+ - R- - - and(K-, N-) - - and(S-, SE-) + - S+ + - SE+ + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-15821 type: explored -- comm_cost: 0.3401041666666669 - complexity: 9 +- comm_cost: 0.3276041666666669 + complexity: 11 expressions: - K+ - - R+ - - R- - - and(S-, SE-) - - or(K+, N+) + - N+ + - S+ + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-15822 type: explored -- comm_cost: 0.5750000000000001 - complexity: 8 +- comm_cost: 0.4175000000000002 + complexity: 10 expressions: + - N+ + - N- - R- - SE- - - and(and(S-, N-), not(R-)) + - and(N-, R+) + - and(S-, SE-) name: explored-15823 type: explored -- comm_cost: 0.6812471064814816 - complexity: 34 +- comm_cost: 0.6802083333333335 + complexity: 5 expressions: - - N+ - - and(N-, or(K+, S-)) - - and(N-, or(S+, R+)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) - - or(and(K-, S+), or(N+, R-)) + - R+ + - S+ + - or(K+, N+) name: explored-15824 type: explored -- comm_cost: 0.4296875000000002 - complexity: 20 +- comm_cost: 0.4785300925925927 + complexity: 21 expressions: - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, SE+) - - or(and(K-, SE-), or(N+, R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) + - and(SE-, or(K+, S-)) name: explored-15825 type: explored -- comm_cost: 0.5189236111111112 - complexity: 21 +- comm_cost: 0.3049479166666669 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - and(K-, not(R-)) - - and(N-, or(K+, R+)) + - S+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - or(S+, or(N+, R-)) + - or(SE-, N+) name: explored-15826 type: explored -- comm_cost: 0.5312500000000003 - complexity: 4 +- comm_cost: 0.6783622685185187 + complexity: 35 expressions: - - SE- - - and(N-, R+) + - N- + - and(K-, not(R-)) + - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) + - and(S-, not(R+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R+) + - or(N+, R-) + - or(S+, R+) name: explored-15827 type: explored -- comm_cost: 0.4897800925925928 - complexity: 16 +- comm_cost: 0.5365451388888891 + complexity: 14 expressions: - - N- + - N+ - R- - - S+ + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - or(SE-, N+) name: explored-15828 type: explored -- comm_cost: 0.2739583333333335 - complexity: 13 +- comm_cost: 0.3098958333333335 + complexity: 19 expressions: - K+ - N+ - R- - - S+ + - and(K-, S+) - and(N-, R+) - - and(and(S-, N-), not(R-)) + - and(N-, not(R-)) + - and(S-, SE-) + - or(K+, R-) name: explored-15829 type: explored -- comm_cost: 0.6993055555555556 - complexity: 11 +- comm_cost: 0.35807291666666685 + complexity: 21 expressions: - - SE- - - and(S-, not(R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) - and(and(K-, N-), not(R-)) + - or(SE-, N+) name: explored-15830 type: explored -- comm_cost: 0.3425781250000004 - complexity: 17 +- comm_cost: 0.5410011574074075 + complexity: 15 expressions: - - K+ - N+ - R- - SE- + - and(K-, not(R-)) - and(N-, R+) - - and(SE-, or(K+, S-)) - - or(S+, or(N+, R-)) + - and(N-, or(K+, SE+)) name: explored-15831 type: explored -- comm_cost: 0.5998263888888891 - complexity: 6 +- comm_cost: 0.7819791666666667 + complexity: 4 expressions: - - R+ - - SE+ - - SE- - - and(K-, S+) + - K- + - or(S+, R+) name: explored-15832 type: explored -- comm_cost: 0.5093750000000001 - complexity: 9 +- comm_cost: 0.7525951140873016 + complexity: 36 expressions: - - K+ - - N+ - - R- + - K- + - N- + - SE- - and(K-, N-) - - and(K-, S+) + - and(N-, or(S+, SE+)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R+)) + - and(or(K+, S-), not(R-)) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-15833 type: explored -- comm_cost: 0.6107638888888891 - complexity: 15 +- comm_cost: 0.3578125000000002 + complexity: 11 expressions: - - SE- + - N+ + - R- - and(N-, R+) - - and(or(K+, S-), not(R-)) - - or(S+, or(N+, R-)) + - and(S-, SE-) + - or(K+, SE+) name: explored-15834 type: explored -- comm_cost: 0.7618055555555556 +- comm_cost: 0.6726562500000001 complexity: 9 expressions: - - SE- - - and(and(K-, N-), not(R-)) - - not(R-) + - R- + - and(N-, or(K+, S-)) + - and(S-, SE-) name: explored-15835 type: explored -- comm_cost: 0.5361111111111113 - complexity: 19 +- comm_cost: 0.6781973379629631 + complexity: 14 expressions: - - N+ - - and(K-, or(S+, N+)) - - and(and(K-, N-), or(S+, R+)) - - and(or(K+, S-), not(R+)) + - R+ + - S- + - and(N-, or(K+, SE+)) + - and(and(K-, N-), or(S+, SE+)) name: explored-15836 type: explored -- comm_cost: 0.5137152777777778 - complexity: 21 +- comm_cost: 0.5000000000000001 + complexity: 9 expressions: - - N+ + - R+ - R- - - and(K-, not(R-)) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - and(S-, not(R+)) + - R- + - SE- + - and(S-, or(SE-, N+)) name: explored-15837 type: explored -- comm_cost: 0.5531423611111113 - complexity: 17 +- comm_cost: 0.7083333333333335 + complexity: 6 expressions: - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R-) - - or(S+, SE+) - - or(SE-, N+) + - or(K+, SE+) name: explored-15838 type: explored -- comm_cost: 0.3243750000000002 - complexity: 16 +- comm_cost: 0.286979166666667 + complexity: 12 expressions: - K+ - N+ - R- - - S+ + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(S+, SE+) name: explored-15839 type: explored -- comm_cost: 0.48888888888888915 +- comm_cost: 0.347916666666667 complexity: 10 expressions: - N+ - - R+ - - R- - - SE- + - S+ - and(N-, R+) - - or(S+, R+) + - and(S-, or(SE-, N+)) name: explored-15840 type: explored -- comm_cost: 0.7075520833333334 - complexity: 16 +- comm_cost: 0.36250000000000027 + complexity: 21 expressions: - - and(N-, or(K+, R+)) - - and(SE-, or(K+, S-)) - - and(or(K+, S-), not(R-)) + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(and(K-, N-), not(R-)) name: explored-15841 type: explored -- comm_cost: 0.48802083333333346 +- comm_cost: 0.479965277777778 complexity: 12 expressions: - - R+ - - R- - - S+ - - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - K+ + - N+ + - N- + - SE- + - and(K-, or(S+, R-)) + - and(N-, R+) name: explored-15842 type: explored -- comm_cost: 0.5192708333333335 - complexity: 7 +- comm_cost: 0.4656250000000002 + complexity: 16 expressions: - - K+ - - K- - - R+ + - N+ - R- + - and(K-, N-) + - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) name: explored-15843 type: explored -- comm_cost: 0.6555555555555557 - complexity: 8 +- comm_cost: 0.6315104166666667 + complexity: 12 expressions: - R+ - - R- - - or(K+, R-) - - or(N+, R-) + - SE- + - and(K-, or(S+, R-)) + - and(N-, or(K+, S-)) name: explored-15844 type: explored -- comm_cost: 0.7256944444444444 - complexity: 10 +- comm_cost: 0.3617187500000003 + complexity: 9 expressions: - N+ - - SE- - - SE- - - or(and(S-, SE-), or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - not(R+) name: explored-15845 type: explored -- comm_cost: 0.3524305555555557 - complexity: 11 +- comm_cost: 0.4002604166666668 + complexity: 18 expressions: - - R+ + - K+ + - N+ - R- - - and(K-, S+) + - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(S+, R-) name: explored-15846 type: explored -- comm_cost: 0.4744502314814817 - complexity: 17 +- comm_cost: 0.6310763888888891 + complexity: 6 expressions: - - K+ - - N+ - - R- - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(or(K+, S-), not(R+)) + - R+ + - SE+ + - SE- + - or(S+, N+) name: explored-15847 type: explored -- comm_cost: 0.3125000000000002 - complexity: 10 +- comm_cost: 0.6138020833333334 + complexity: 8 expressions: + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) + - SE- + - and(N-, or(K+, S-)) name: explored-15848 type: explored -- comm_cost: 0.5645833333333335 - complexity: 11 +- comm_cost: 0.6800347222222223 + complexity: 13 expressions: - - K+ - R+ - - R- - SE- - - or(and(K-, SE-), or(N+, R-)) - name: explored-15849 + - and(or(K+, S-), not(R-)) + - or(S+, or(N+, R-)) + name: explored-15849 type: explored -- comm_cost: 0.4447916666666668 - complexity: 16 +- comm_cost: 0.5725694444444446 + complexity: 8 expressions: - K+ - R+ - - R- - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, or(N+, R-)) + - and(S-, or(N+, not(R+))) name: explored-15850 type: explored -- comm_cost: 0.5473958333333334 - complexity: 15 +- comm_cost: 0.40451388888888906 + complexity: 27 expressions: + - K+ - N+ - R- - - SE- - - and(N-, or(K+, R+)) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, S+) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, N-) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-15851 type: explored -- comm_cost: 0.6875000000000001 - complexity: 11 +- comm_cost: 0.42838541666666674 + complexity: 12 expressions: - - R+ - - and(or(K+, S-), or(SE-, N+)) - - or(K+, SE+) + - K+ + - N+ + - N+ + - R- + - S+ + - and(N-, not(R-)) + - and(S-, SE-) name: explored-15852 type: explored -- comm_cost: 0.2312500000000003 - complexity: 9 +- comm_cost: 0.4255787037037039 + complexity: 11 expressions: - - K+ - - K+ + - N+ - R- + - SE+ - and(N-, R+) - and(S-, SE-) + - not(R+) name: explored-15853 type: explored -- comm_cost: 0.6261458333333334 - complexity: 11 +- comm_cost: 0.19097222222222254 + complexity: 17 expressions: - K+ - - R+ + - N+ - R- - - and(S-, or(SE-, N+)) - - or(K+, S-) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-15854 type: explored -- comm_cost: 0.7133333333333334 - complexity: 6 +- comm_cost: 0.5469618055555558 + complexity: 14 expressions: - - R+ - - not(R+) - - or(K+, S-) + - K+ + - R- + - SE- + - and(N-, R+) + - and(N-, R+) + - and(N-, or(K+, S-)) name: explored-15855 type: explored -- comm_cost: 0.42552083333333357 - complexity: 13 +- comm_cost: 0.501527777777778 + complexity: 16 expressions: + - K+ - N+ - - R- - - S+ - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(N-, or(K+, R+)) + - and(S-, SE-) + - or(K+, S-) name: explored-15856 type: explored -- comm_cost: 0.4329282407407409 - complexity: 16 +- comm_cost: 0.2541666666666671 + complexity: 13 expressions: - - N+ + - K+ - N+ - R- + - S+ + - and(K-, SE-) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, N-) - - and(S-, SE-) + - or(N+, R-) name: explored-15857 type: explored -- comm_cost: 0.41718750000000027 - complexity: 7 +- comm_cost: 0.6372222222222224 + complexity: 9 expressions: - R+ - - and(N-, R+) - - and(S-, SE-) + - SE- + - or(K+, N+) + - or(N+, not(R+)) name: explored-15858 type: explored -- comm_cost: 0.4256944444444446 +- comm_cost: 0.6207754629629632 complexity: 12 expressions: - - K+ - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) + - R+ + - R- + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) name: explored-15859 type: explored -- comm_cost: 0.6140711805555557 - complexity: 12 +- comm_cost: 0.5942708333333333 + complexity: 13 expressions: - - K+ - N+ - - SE- - - and(N-, R+) - - or(K+, S-) - - or(K+, SE+) + - R- + - S+ + - and(K-, not(R+)) + - and(S-, SE-) + - or(S+, N+) name: explored-15860 type: explored -- comm_cost: 0.4701388888888891 - complexity: 15 +- comm_cost: 0.6993055555555556 + complexity: 5 expressions: - - N+ - - R- - - and(N-, R+) - - or(S+, N+) - - or(and(K-, S+), or(N+, R-)) + - SE- + - and(S-, not(R-)) name: explored-15861 type: explored -- comm_cost: 0.6128472222222223 - complexity: 14 +- comm_cost: 0.5017361111111113 + complexity: 10 expressions: + - K+ - R+ - - R- - SE- - - and(K-, or(S+, N+)) - - or(K+, SE+) - - or(S+, N+) + - and(K-, not(R+)) + - and(S-, SE-) name: explored-15862 type: explored -- comm_cost: 0.6789930555555558 - complexity: 7 +- comm_cost: 0.5177083333333334 + complexity: 20 expressions: - - S+ + - K+ + - N+ + - R- - SE- - - and(N-, or(K+, R+)) + - and(K-, or(S+, R+)) + - and(K-, or(S+, R+)) + - and(N-, R+) + - or(S+, R+) name: explored-15863 type: explored -- comm_cost: 0.6192708333333333 - complexity: 11 +- comm_cost: 0.6052083333333335 + complexity: 17 expressions: - - K+ - N+ - - R- - - S+ - - and(S-, SE-) - - or(N+, not(R+)) + - SE- + - and(K-, N-) + - and(K-, not(R-)) + - and(N-, R+) + - and(N-, or(K+, SE+)) name: explored-15864 type: explored -- comm_cost: 0.6486979166666669 - complexity: 13 +- comm_cost: 0.6489583333333334 + complexity: 7 expressions: - R+ - - and(K-, or(SE-, N+)) - - and(N-, or(K+, SE+)) - - not(R+) + - and(K-, N-) + - and(K-, SE-) name: explored-15865 type: explored -- comm_cost: 0.5395833333333333 - complexity: 6 +- comm_cost: 0.33593750000000033 + complexity: 11 expressions: - N+ - - R- - - S+ - - and(K-, SE-) + - SE- + - and(N-, R+) + - or(K+, R-) + - or(S+, R-) name: explored-15866 type: explored -- comm_cost: 0.7130208333333333 - complexity: 10 +- comm_cost: 0.3318576388888892 + complexity: 9 expressions: - N+ + - R- - SE- - - or(K+, R-) - - or(K+, or(N+, R-)) + - SE- + - and(N-, R+) + - not(R+) name: explored-15867 type: explored -- comm_cost: 0.5786458333333335 - complexity: 17 +- comm_cost: 0.2284722222222224 + complexity: 15 expressions: - - and(N-, or(K+, SE+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(S+, N+) + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) name: explored-15868 type: explored -- comm_cost: 0.7345601851851853 - complexity: 9 +- comm_cost: 0.6234953703703705 + complexity: 12 expressions: - R+ - - and(N-, or(K+, SE+)) - - or(K+, S-) + - SE- + - and(S-, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-15869 type: explored -- comm_cost: 0.32343750000000027 - complexity: 7 +- comm_cost: 0.36875 + complexity: 14 expressions: - K+ - N+ - R- - - S+ - - and(N-, R+) + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(S-, SE-) name: explored-15870 type: explored -- comm_cost: 0.7594444444444445 - complexity: 9 +- comm_cost: 0.8520833333333333 + complexity: 6 expressions: - - not(R-) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(N+, not(R+))) name: explored-15871 type: explored -- comm_cost: 0.6142361111111113 - complexity: 9 +- comm_cost: 0.2312500000000003 + complexity: 21 expressions: - - R+ - - and(K-, not(R+)) - - and(K-, not(R+)) + - K+ + - N+ + - R- + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(S+, N+) name: explored-15872 type: explored -- comm_cost: 0.5978414351851853 - complexity: 34 +- comm_cost: 0.1350694444444447 + complexity: 13 expressions: - - S- - - and(K-, SE-) + - K+ + - N+ + - R- + - R- - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, or(SE-, N+)) - - or(K+, R-) - - or(N+, not(R+)) - - or(S+, N+) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - or(N+, R-) name: explored-15873 type: explored -- comm_cost: 0.7522916666666668 - complexity: 6 - expressions: - - R+ - - not(R-) - - or(S+, SE+) - name: explored-15874 - type: explored -- comm_cost: 0.2034722222222225 - complexity: 17 +- comm_cost: 0.40000000000000013 + complexity: 11 expressions: - - K+ - N+ - R- + - and(K-, N-) - and(N-, R+) - and(S-, SE-) - - or(S+, N+) - - or(S+, or(N+, R-)) + name: explored-15874 + type: explored +- comm_cost: 0.7152777777777779 + complexity: 6 + expressions: + - R+ + - R+ + - and(K-, not(R-)) name: explored-15875 type: explored -- comm_cost: 0.3409375000000002 - complexity: 14 +- comm_cost: 0.7265798611111112 + complexity: 3 expressions: - - K+ - - K+ - - R- - - S+ - - S+ + - N- + - R+ + - S- + name: explored-15876 + type: explored +- comm_cost: 0.5090277777777781 + complexity: 22 + expressions: + - N+ - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - or(K+, SE+) - name: explored-15876 + - and(or(K+, S-), or(SE-, N+)) + name: explored-15877 type: explored -- comm_cost: 0.15225694444444482 - complexity: 13 +- comm_cost: 0.23307291666666696 + complexity: 21 expressions: - K+ - - R- + - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - name: explored-15877 - type: explored -- comm_cost: 0.8197048611111112 - complexity: 8 - expressions: - - and(N-, or(S+, R+)) - - or(S+, R+) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15878 type: explored -- comm_cost: 0.25208333333333344 - complexity: 19 +- comm_cost: 0.6309027777777779 + complexity: 7 expressions: - - K+ - - R- + - N+ - R- - - and(K-, S+) + - S- + - SE+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) name: explored-15879 type: explored -- comm_cost: 0.4343750000000003 - complexity: 9 +- comm_cost: 0.5599826388888891 + complexity: 16 expressions: + - N+ + - R- - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, or(SE-, N+)) + - and(N-, or(S+, SE+)) name: explored-15880 type: explored -- comm_cost: 0.4236689814814817 - complexity: 16 +- comm_cost: 0.6384375000000002 + complexity: 13 expressions: - N+ - - R- + - S- - SE- - - and(K-, or(S+, R-)) - and(N-, R+) - - and(N-, or(K+, SE+)) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-15881 type: explored -- comm_cost: 0.6776041666666668 - complexity: 17 +- comm_cost: 0.29942129629629655 + complexity: 11 expressions: + - N+ - R+ - - SE- - - and(N-, or(K+, R+)) - - and(and(K-, N-), or(S+, R+)) - - or(K+, K-) + - R- + - S+ + - SE+ + - and(N-, R+) + - and(S-, SE-) name: explored-15882 type: explored -- comm_cost: 0.377777777777778 - complexity: 12 +- comm_cost: 0.30972222222222245 + complexity: 14 expressions: - - R- - - S+ + - N+ - and(N-, R+) - and(S-, SE-) - - and(S-, not(R-)) + - and(and(K-, N-), or(S+, SE+)) name: explored-15883 type: explored -- comm_cost: 0.301215277777778 - complexity: 23 +- comm_cost: 0.3339843750000002 + complexity: 16 expressions: - K+ - N+ - - and(K-, S+) - - and(K-, or(S+, SE+)) + - R- + - S+ + - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) name: explored-15884 type: explored -- comm_cost: 0.31701388888888915 - complexity: 16 +- comm_cost: 0.5032118055555558 + complexity: 10 expressions: - N+ + - R+ - R- - - S+ + - SE- - and(K-, SE-) - - and(N-, R+) - - or(and(S-, SE-), or(N+, R-)) + - or(SE-, N+) name: explored-15885 type: explored -- comm_cost: 0.6812500000000001 +- comm_cost: 0.5583333333333332 complexity: 5 expressions: - R- - - SE- - - or(K+, SE+) + - S+ + - and(S-, SE-) name: explored-15886 type: explored -- comm_cost: 0.29849537037037077 - complexity: 15 +- comm_cost: 0.21359953703703738 + complexity: 16 expressions: - N+ - R- + - S+ - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - or(K+, R-) name: explored-15887 type: explored -- comm_cost: 0.19453125000000027 - complexity: 17 +- comm_cost: 0.41947337962962983 + complexity: 18 expressions: + - K+ - N+ - - R- - - S+ + - SE+ + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(S-, SE-) - - or(S+, or(N+, R-)) + - and(or(K+, S-), not(R-)) name: explored-15888 type: explored -- comm_cost: 0.75 - complexity: 3 +- comm_cost: 0.5429108796296298 + complexity: 17 expressions: - - S- - - not(R+) + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) + - or(K+, or(N+, R-)) name: explored-15889 type: explored -- comm_cost: 0.6317997685185187 - complexity: 9 +- comm_cost: 0.6716145833333333 + complexity: 6 expressions: - - R+ - - R+ - - SE+ - - SE- - - or(S+, or(N+, R-)) + - K+ + - N+ + - R- + - or(SE-, N+) name: explored-15890 type: explored -- comm_cost: 0.6195312500000002 - complexity: 7 +- comm_cost: 0.5744791666666669 + complexity: 8 expressions: - - R- + - R+ + - SE- - and(N-, R+) - - or(S+, R+) + - or(SE-, N+) name: explored-15891 type: explored -- comm_cost: 0.32777777777777795 - complexity: 16 +- comm_cost: 0.4208333333333335 + complexity: 18 expressions: - K+ - N+ - - R- - - S+ - - SE- - - and(K-, or(S+, R+)) + - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) - and(S-, SE-) + - or(K+, N+) name: explored-15892 type: explored -- comm_cost: 0.7289930555555557 - complexity: 8 +- comm_cost: 0.5083333333333335 + complexity: 10 expressions: - - R+ - - and(and(K-, N-), or(S+, SE+)) + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, R+)) name: explored-15893 type: explored -- comm_cost: 0.6085358796296297 - complexity: 13 +- comm_cost: 0.7456597222222223 + complexity: 15 expressions: - - R+ - - R- - SE- - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R-)) + - or(SE-, N+) name: explored-15894 type: explored -- comm_cost: 0.557013888888889 - complexity: 11 +- comm_cost: 0.7664930555555557 + complexity: 6 expressions: - - R+ - - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, R-) + - S+ + - and(K-, or(S+, R+)) name: explored-15895 type: explored -- comm_cost: 0.5347222222222224 - complexity: 13 +- comm_cost: 0.677951388888889 + complexity: 14 expressions: - - and(K-, not(R+)) - - and(N-, R+) - - and(S-, SE-) - - or(S+, SE+) + - R- + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, not(R-)) name: explored-15896 type: explored -- comm_cost: 0.5237847222222224 - complexity: 7 +- comm_cost: 0.3920486111111112 + complexity: 18 expressions: - K+ - - R+ + - N+ - R- - - SE- - - or(K+, R-) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + - not(R-) name: explored-15897 type: explored -- comm_cost: 0.2113281250000003 - complexity: 13 +- comm_cost: 0.5442708333333335 + complexity: 16 expressions: - - K+ - - K+ - N+ + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - not(R+) + - SE- + - and(K-, not(R+)) + - and(N-, and(or(K+, S-), not(R-))) name: explored-15898 type: explored -- comm_cost: 0.20277777777777806 - complexity: 18 +- comm_cost: 0.7765625 + complexity: 7 expressions: - - K+ - - N+ - - and(K-, S+) - - and(N-, R+) + - SE- - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) + - or(SE-, N+) name: explored-15899 type: explored -- comm_cost: 0.5703125000000002 - complexity: 13 +- comm_cost: 0.36145833333333355 + complexity: 19 expressions: - K+ - N+ + - N- - R- - S+ + - and(K-, or(S+, N+)) - and(N-, R+) - - and(SE+, N-) - - or(K+, SE+) + - and(S-, SE-) + - and(S-, SE-) name: explored-15900 type: explored -- comm_cost: 0.4633680555555557 - complexity: 19 +- comm_cost: 0.49826388888888906 + complexity: 12 expressions: + - K+ - N+ - R- - - and(K-, not(R-)) + - S+ + - S- + - SE- - and(N-, R+) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(SE+, N-) name: explored-15901 type: explored -- comm_cost: 0.4062500000000002 - complexity: 6 +- comm_cost: 0.7444444444444445 + complexity: 9 expressions: - K+ + - N+ - R- - - SE- - - and(N-, R+) + - S+ + - or(K+, or(N+, R-)) name: explored-15902 type: explored -- comm_cost: 0.4687500000000002 - complexity: 13 +- comm_cost: 0.3319444444444446 + complexity: 14 expressions: - - K+ - - N+ - N+ - R- - and(N-, R+) - - and(or(K+, S-), not(R-)) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-15903 type: explored -- comm_cost: 0.5454861111111111 - complexity: 21 +- comm_cost: 0.6262152777777779 + complexity: 12 expressions: + - K+ + - R+ - R- + - SE- - and(N-, or(S+, SE+)) - - and(and(S-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) + - or(S+, R+) name: explored-15904 type: explored -- comm_cost: 0.690277777777778 - complexity: 8 +- comm_cost: 0.3791666666666669 + complexity: 12 expressions: - - K- - - SE- + - K+ + - N+ + - N- + - and(K-, S+) - and(N-, R+) - - or(K+, S-) + - and(S-, SE-) name: explored-15905 type: explored -- comm_cost: 0.31649305555555585 - complexity: 10 +- comm_cost: 0.27552083333333366 + complexity: 19 expressions: - K+ + - N+ - R- - S+ - - SE- + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) + - or(K+, N+) name: explored-15906 type: explored -- comm_cost: 0.6317824074074074 - complexity: 10 +- comm_cost: 0.5550347222222224 + complexity: 8 expressions: - - K- - - N+ - R+ - - R- + - S+ - SE- - - and(K-, or(S+, R+)) + - and(K-, or(S+, R-)) name: explored-15907 type: explored -- comm_cost: 0.24704861111111132 - complexity: 14 +- comm_cost: 0.40063657407407427 + complexity: 23 expressions: - N+ - - R- - S+ - - and(K-, or(S+, R+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) name: explored-15908 type: explored -- comm_cost: 0.4656250000000002 - complexity: 16 +- comm_cost: 0.6812500000000001 + complexity: 6 expressions: - N+ - - R- - - and(K-, N-) - - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - and(N-, or(K+, SE+)) name: explored-15909 type: explored -- comm_cost: 0.1781250000000003 - complexity: 12 +- comm_cost: 0.31469907407407416 + complexity: 19 expressions: - K+ - - K+ + - N+ + - R- - S+ + - SE+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(N+, R-) + - or(K+, R-) name: explored-15910 type: explored -- comm_cost: 0.18906250000000036 - complexity: 15 +- comm_cost: 0.38055555555555576 + complexity: 19 expressions: + - K+ + - N+ - R- - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(S+, N+) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, R+) name: explored-15911 type: explored -- comm_cost: 0.5236226851851854 - complexity: 15 +- comm_cost: 0.7408854166666667 + complexity: 10 expressions: - - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, SE+)) - - and(S-, SE-) - - not(R-) + - N+ + - SE- + - or(N+, R-) + - or(S+, or(N+, R-)) name: explored-15912 type: explored -- comm_cost: 0.6446180555555556 - complexity: 16 +- comm_cost: 0.6211805555555557 + complexity: 10 expressions: + - N+ - R+ - SE- - - and(K-, not(R-)) - - or(K+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(N-, or(K+, S-)) + - not(R+) name: explored-15913 type: explored -- comm_cost: 0.7720486111111111 - complexity: 10 +- comm_cost: 0.4295428240740742 + complexity: 22 expressions: - - SE- - - and(N-, not(R-)) - - and(N-, or(S+, SE+)) + - K+ + - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) name: explored-15914 type: explored -- comm_cost: 0.6631799768518519 - complexity: 35 +- comm_cost: 0.44692708333333353 + complexity: 15 expressions: - - and(K-, or(SE-, N+)) - - and(S-, N-) - - and(S-, or(SE-, N+)) - - and(or(K+, S-), not(R+)) - - or(K+, R-) - - or(K+, SE+) - - or(S+, R-) - - or(and(K-, S+), or(N+, R-)) + - K+ + - K+ + - R- + - S+ + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) name: explored-15915 type: explored -- comm_cost: 0.45763888888888904 - complexity: 12 +- comm_cost: 0.6621875000000002 + complexity: 21 expressions: - - N+ - - R- - - SE- - - and(and(S-, N-), not(R-)) - - or(S+, R-) + - N- + - and(K-, SE-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R+)) + - and(N-, R+) + - or(K+, SE+) name: explored-15916 type: explored -- comm_cost: 0.3090277777777781 - complexity: 21 +- comm_cost: 0.5210648148148149 + complexity: 17 expressions: + - K+ - N+ - - and(K-, not(R+)) + - R- + - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, or(S+, R+)) + - or(K+, R+) name: explored-15917 type: explored -- comm_cost: 0.42578703703703724 - complexity: 17 +- comm_cost: 0.4531481481481483 + complexity: 21 expressions: + - K+ - N+ - N- - R- - and(K-, S+) - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, or(N+, R-)) + - or(K+, R+) name: explored-15918 type: explored -- comm_cost: 0.7130208333333334 - complexity: 7 - expressions: - - R+ - - or(K+, S-) - - or(S+, N+) - name: explored-15919 - type: explored -- comm_cost: 0.4583333333333335 - complexity: 11 +- comm_cost: 0.5618923611111113 + complexity: 22 expressions: - - R+ + - K+ + - and(K-, or(S+, N+)) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-15920 + - or(S+, or(N+, R-)) + name: explored-15919 type: explored -- comm_cost: 0.5468750000000001 - complexity: 10 +- comm_cost: 0.30729166666666696 + complexity: 14 expressions: + - K+ - N+ - - R+ - - S+ - - SE- - - and(and(S-, N-), not(R-)) - name: explored-15921 - type: explored -- comm_cost: 0.6062500000000002 - complexity: 11 - expressions: - - SE- + - R- + - and(K-, S+) + - and(K-, or(S+, R-)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) - name: explored-15922 + name: explored-15920 type: explored -- comm_cost: 0.31250000000000033 - complexity: 11 +- comm_cost: 0.15781250000000036 + complexity: 16 expressions: + - K+ + - N+ - R- - S+ + - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(SE-, N+) - name: explored-15923 + - or(K+, R-) + name: explored-15921 type: explored -- comm_cost: 0.588671875 - complexity: 14 +- comm_cost: 0.1804687500000004 + complexity: 19 expressions: - K+ - - K+ - N+ - R- - - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) - and(S-, SE-) - - or(N+, R-) - - or(SE-, N+) - name: explored-15924 + - or(S+, or(N+, R-)) + name: explored-15922 type: explored -- comm_cost: 0.3548611111111115 - complexity: 19 +- comm_cost: 0.2444444444444447 + complexity: 13 expressions: - N+ - - and(K-, or(SE-, N+)) + - R- + - R- - and(N-, R+) - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) - name: explored-15925 + - and(S-, not(R+)) + name: explored-15923 type: explored -- comm_cost: 0.68625 +- comm_cost: 0.846875 complexity: 6 expressions: - N+ - - N+ - - SE- - - or(K+, S-) - name: explored-15926 + - and(K-, or(S+, N+)) + name: explored-15924 type: explored -- comm_cost: 0.5987847222222225 +- comm_cost: 0.6987847222222223 complexity: 15 expressions: + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R+)) + - or(K+, R-) + name: explored-15925 + type: explored +- comm_cost: 0.4955208333333334 + complexity: 12 + expressions: + - N+ + - N- - R- - - SE- - - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, K-) - name: explored-15927 + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + name: explored-15926 type: explored -- comm_cost: 0.3119791666666669 - complexity: 20 +- comm_cost: 0.5079427083333334 + complexity: 22 expressions: - K+ - N+ - R- + - S- - and(K-, S+) - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(K+, S-)) + - and(S-, SE-) + name: explored-15927 + type: explored +- comm_cost: 0.6053819444444446 + complexity: 12 + expressions: + - and(SE+, N-) - and(and(S-, N-), not(R-)) + - or(S+, R+) name: explored-15928 type: explored -- comm_cost: 0.24583333333333357 +- comm_cost: 0.81875 complexity: 12 expressions: - - and(N-, R+) - - and(S-, SE-) - - or(K+, N+) - - or(K+, R-) + - SE- + - or(N+, not(R+)) + - or(and(K-, S+), or(N+, R-)) name: explored-15929 type: explored -- comm_cost: 0.6687500000000002 - complexity: 14 +- comm_cost: 0.34592013888888906 + complexity: 21 expressions: - - R+ - - and(and(S-, N-), not(R-)) - - not(R-) - - or(S+, or(N+, R-)) + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - and(or(K+, S-), not(R-)) name: explored-15930 type: explored -- comm_cost: 0.7268020833333334 - complexity: 24 +- comm_cost: 0.21458333333333357 + complexity: 14 expressions: - - K- - - and(K-, not(R+)) - - and(K-, or(S+, SE+)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, SE+)) - - or(SE-, N+) + - K+ + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) name: explored-15931 type: explored -- comm_cost: 0.6512500000000001 - complexity: 7 +- comm_cost: 0.3622685185185187 + complexity: 21 expressions: + - K+ - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - or(K+, S-) + - and(S-, or(N+, not(R+))) name: explored-15932 type: explored -- comm_cost: 0.6823784722222223 - complexity: 5 +- comm_cost: 0.2659722222222223 + complexity: 18 expressions: - K+ - N+ - - SE- - - not(R+) + - R+ + - R- + - and(K-, S+) + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, SE-) name: explored-15933 type: explored -- comm_cost: 0.5789496527777779 - complexity: 16 +- comm_cost: 0.44270833333333326 + complexity: 10 expressions: - - K- - - R+ + - K+ - R- - - S+ + - and(K-, or(S+, N+)) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(K+, SE+) name: explored-15934 type: explored -- comm_cost: 0.4437500000000002 - complexity: 22 +- comm_cost: 0.35675347222222253 + complexity: 17 expressions: - K+ + - K+ - N+ - R- - S+ - and(N-, R+) - - and(N-, or(K+, S-)) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-15935 type: explored -- comm_cost: 0.6894241898148149 - complexity: 32 +- comm_cost: 0.6384403935185186 + complexity: 18 expressions: - - and(N-, or(K+, SE+)) - - and(N-, or(S+, R+)) - - and(N-, or(S+, SE+)) - - or(K+, N+) - - or(and(K-, SE-), or(N+, R-)) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, K-) name: explored-15936 type: explored -- comm_cost: 0.6895659722222223 - complexity: 12 +- comm_cost: 0.5083333333333334 + complexity: 13 expressions: - - K- - R+ + - R- - SE- - - and(N-, not(R-)) - - and(SE-, or(K+, S-)) + - and(K-, or(S+, N+)) + - and(N-, or(K+, R+)) name: explored-15937 type: explored -- comm_cost: 0.8256944444444445 - complexity: 4 +- comm_cost: 0.5966145833333335 + complexity: 8 expressions: + - S- - SE- - - or(S+, R-) + - and(N-, R+) + - or(S+, N+) name: explored-15938 type: explored -- comm_cost: 0.5895833333333335 - complexity: 8 +- comm_cost: 0.6216666666666667 + complexity: 13 expressions: - N+ - - R+ - - SE- - - or(S+, or(N+, R-)) + - R- + - and(K-, or(SE-, N+)) + - and(S-, SE-) + - or(K+, S-) name: explored-15939 type: explored -- comm_cost: 0.31597222222222254 - complexity: 10 +- comm_cost: 0.39166666666666705 + complexity: 12 expressions: - - N+ + - K+ + - K+ - R- - - SE- - - and(K-, not(R+)) + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) name: explored-15940 type: explored -- comm_cost: 0.7369791666666666 - complexity: 14 +- comm_cost: 0.7445023148148149 + complexity: 7 expressions: - - R- - - SE- - - and(S-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) + - R+ + - and(K-, N-) + - or(K+, K-) name: explored-15941 type: explored -- comm_cost: 0.3755208333333335 - complexity: 14 +- comm_cost: 0.36302083333333357 + complexity: 12 expressions: - - N+ - R- + - S+ - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - or(K+, SE+) + - and(or(K+, S-), or(SE-, N+)) name: explored-15942 type: explored -- comm_cost: 0.6323958333333335 - complexity: 13 +- comm_cost: 0.449479166666667 + complexity: 7 expressions: - - R+ - - R- - SE- - - and(and(K-, N-), or(S+, R+)) - - or(K+, S-) + - and(N-, R+) + - or(K+, N+) name: explored-15943 type: explored -- comm_cost: 0.6469513888888889 - complexity: 29 +- comm_cost: 0.6300868055555557 + complexity: 7 expressions: - - K+ - - N- - - and(K-, S+) - - and(N-, or(K+, SE+)) - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) - - and(and(S-, N-), not(R-)) - - or(K+, SE+) + - K- + - N+ + - S- + - SE- + - and(N-, R+) name: explored-15944 type: explored -- comm_cost: 0.5705555555555557 +- comm_cost: 0.39079861111111136 complexity: 14 expressions: - N+ - - SE- - - and(K-, or(S+, R+)) + - R- + - and(K-, SE-) - and(N-, R+) - - or(N+, not(R+)) + - and(and(K-, N-), not(R-)) name: explored-15945 type: explored -- comm_cost: 0.5704861111111112 - complexity: 11 +- comm_cost: 0.6017361111111112 + complexity: 4 expressions: - - N+ + - K+ - R+ - - and(or(K+, S-), not(R+)) - - or(S+, N+) + - SE- + - SE- name: explored-15946 type: explored -- comm_cost: 0.36388888888888915 - complexity: 12 +- comm_cost: 0.518402777777778 + complexity: 9 expressions: - - K+ - N+ + - R+ - R- - SE- - and(N-, R+) - - or(S+, or(N+, R-)) + - not(R-) name: explored-15947 type: explored -- comm_cost: 0.3230468750000003 - complexity: 24 +- comm_cost: 0.5629050925925927 + complexity: 14 expressions: - N+ + - R+ - R- - S+ - - and(K-, SE-) - - and(K-, or(SE-, N+)) - - and(N-, R+) - - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) + - SE+ + - SE- + - and(N-, and(or(K+, S-), not(R-))) name: explored-15948 type: explored -- comm_cost: 0.47083333333333366 - complexity: 9 +- comm_cost: 0.6427083333333335 + complexity: 3 expressions: - - R- - - SE- - - and(N-, R+) - - or(N+, not(R+)) + - K+ + - N+ + - R+ name: explored-15949 type: explored -- comm_cost: 0.3319444444444446 - complexity: 14 +- comm_cost: 0.38541666666666685 + complexity: 11 expressions: - - N+ + - K+ + - R+ - R- - - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-15950 type: explored -- comm_cost: 0.7334722222222223 - complexity: 10 +- comm_cost: 0.6536458333333335 + complexity: 8 expressions: - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) + - R+ + - R- + - and(K-, N-) + - or(SE-, N+) name: explored-15951 type: explored -- comm_cost: 0.5926215277777779 - complexity: 10 +- comm_cost: 0.314322916666667 + complexity: 20 expressions: + - K+ - N+ - - R- - - SE- - - and(S-, not(R-)) - - or(S+, R+) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(SE-, N+) name: explored-15952 type: explored -- comm_cost: 0.5037615740740742 - complexity: 19 +- comm_cost: 0.44868055555555586 + complexity: 14 expressions: - - K+ - N+ - - R- - - R- - SE- - - and(K-, or(S+, R+)) + - and(K-, or(S+, N+)) - and(N-, R+) - - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) name: explored-15953 type: explored -- comm_cost: 0.5833333333333337 - complexity: 8 +- comm_cost: 0.3822916666666669 + complexity: 15 expressions: - - and(K-, or(S+, R-)) + - K+ + - N+ + - R- + - SE- - and(N-, R+) + - and(N-, or(K+, R+)) + - or(K+, N+) name: explored-15954 type: explored -- comm_cost: 0.4140625000000002 - complexity: 8 +- comm_cost: 0.6031250000000001 + complexity: 10 expressions: - - N+ + - R+ + - S+ - SE- - - and(N-, R+) - - and(SE+, N-) + - and(and(K-, N-), or(S+, SE+)) name: explored-15955 type: explored -- comm_cost: 0.5683449074074076 - complexity: 17 +- comm_cost: 0.502777777777778 + complexity: 16 expressions: - - N+ - - R- - - and(K-, or(S+, R+)) + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(and(K-, N-), or(S+, R+)) + - and(N-, or(S+, R+)) + - and(S-, SE-) name: explored-15956 type: explored -- comm_cost: 0.589670138888889 - complexity: 18 +- comm_cost: 0.6463541666666668 + complexity: 12 expressions: - R+ - - and(N-, or(S+, R+)) - - and(and(S-, N-), not(R-)) - - and(and(S-, N-), not(R-)) + - R+ + - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) name: explored-15957 type: explored -- comm_cost: 0.41805555555555574 - complexity: 13 +- comm_cost: 0.681076388888889 + complexity: 27 expressions: - - K+ - - R+ - - R- - - and(S-, SE-) - - and(S-, not(R+)) - - and(SE+, N-) + - and(K-, or(SE-, N+)) + - and(N-, or(K+, S-)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, N+) name: explored-15958 type: explored -- comm_cost: 0.4657986111111112 - complexity: 12 +- comm_cost: 0.5218315972222223 + complexity: 15 expressions: - K+ - - N+ - R- - - and(K-, N-) + - S+ + - and(N-, R+) - and(S-, SE-) - - or(K+, R-) + - or(K+, S-) + - or(S+, R+) name: explored-15959 type: explored -- comm_cost: 0.5895833333333336 - complexity: 12 +- comm_cost: 0.6978645833333332 + complexity: 13 expressions: - - R+ + - K+ + - N+ + - R- + - SE- - and(SE-, or(K+, S-)) - - and(and(S-, N-), not(R-)) + - or(N+, not(R+)) name: explored-15960 type: explored -- comm_cost: 0.6486979166666669 - complexity: 15 +- comm_cost: 0.7299189814814816 + complexity: 16 expressions: - R+ - - and(N-, or(S+, R+)) - - not(R+) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, SE+)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, K-) name: explored-15961 type: explored -- comm_cost: 0.16822916666666687 - complexity: 18 +- comm_cost: 0.5586805555555558 + complexity: 14 expressions: - N+ - - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - or(K+, N+) + - and(and(S-, N-), not(R-)) + - or(S+, R+) name: explored-15962 type: explored -- comm_cost: 0.5984375000000002 - complexity: 9 +- comm_cost: 0.5064814814814816 + complexity: 18 expressions: - - R+ - - R- - SE+ - - SE- - - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, SE-) + - or(S+, R-) name: explored-15963 type: explored -- comm_cost: 0.2816840277777781 - complexity: 19 +- comm_cost: 0.634201388888889 + complexity: 13 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(K-, not(R+)) - and(N-, R+) - - and(S-, SE-) - - or(SE-, N+) + - and(N-, or(S+, SE+)) + - or(K+, K-) name: explored-15964 type: explored -- comm_cost: 0.37546296296296333 - complexity: 19 +- comm_cost: 0.7362500000000001 + complexity: 6 expressions: - - K+ - - N+ - - R- - - SE- - - and(N-, R+) - - or(K+, or(N+, R-)) - - or(and(K-, S+), or(N+, R-)) + - K- + - and(SE-, or(K+, S-)) name: explored-15965 type: explored -- comm_cost: 0.4026041666666669 - complexity: 8 +- comm_cost: 0.5406249999999999 + complexity: 9 expressions: - - N+ - - R+ - - R- - - R- - - SE- - - and(N-, R+) + - K+ + - and(K-, or(S+, N+)) + - and(S-, SE-) name: explored-15966 type: explored -- comm_cost: 0.4828125 - complexity: 13 +- comm_cost: 0.311371527777778 + complexity: 19 expressions: - K+ - N+ + - R- + - R- + - SE- - and(K-, S+) - - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) name: explored-15967 type: explored -- comm_cost: 0.6156250000000001 - complexity: 12 +- comm_cost: 0.6322916666666668 + complexity: 5 expressions: - - N+ - R+ - - R- - SE- - - and(SE-, or(K+, S-)) - - or(K+, K-) + - or(S+, N+) name: explored-15968 type: explored -- comm_cost: 0.1326388888888892 - complexity: 14 +- comm_cost: 0.2642361111111112 + complexity: 16 expressions: - K+ - - K+ - - N+ - R- - - SE- - - and(K-, S+) + - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) + - or(K+, R+) name: explored-15969 type: explored -- comm_cost: 0.6184895833333335 +- comm_cost: 0.563715277777778 complexity: 9 expressions: + - K+ - R+ - - and(K-, SE-) - - and(N-, or(K+, S-)) + - R- + - SE- + - and(N-, or(K+, SE+)) name: explored-15970 type: explored -- comm_cost: 0.4479305555555557 - complexity: 24 +- comm_cost: 0.734375 + complexity: 8 + expressions: + - and(K-, N-) + - and(SE-, or(K+, S-)) + name: explored-15971 + type: explored +- comm_cost: 0.5215277777777779 + complexity: 12 expressions: - - K+ - K+ - N+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, S-) - - or(N+, R-) - name: explored-15971 + - SE- + - and(K-, or(S+, R+)) + - and(SE+, N-) + name: explored-15972 type: explored -- comm_cost: 0.20381944444444466 - complexity: 14 +- comm_cost: 0.3738541666666668 + complexity: 19 expressions: - N+ - R- - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - name: explored-15972 + - and(and(K-, N-), or(S+, SE+)) + - or(S+, SE+) + name: explored-15973 type: explored -- comm_cost: 0.36083333333333356 +- comm_cost: 0.6098958333333333 complexity: 14 expressions: - - K+ - N+ - R- - - and(K-, S+) - - and(N-, R+) + - S+ - and(S-, SE-) - - not(R-) - name: explored-15973 - type: explored -- comm_cost: 0.7043692129629631 - complexity: 9 - expressions: - - R+ - - S- - - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) name: explored-15974 type: explored -- comm_cost: 0.28385416666666696 - complexity: 17 +- comm_cost: 0.5228472222222225 + complexity: 14 expressions: - - K+ - - R+ + - N+ - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) + - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(S-, SE-) + - or(S+, SE+) name: explored-15975 type: explored -- comm_cost: 0.7166666666666668 - complexity: 9 +- comm_cost: 0.2487847222222226 + complexity: 19 expressions: - - SE- - - and(N-, or(K+, SE+)) - - and(S-, N-) + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-15976 type: explored -- comm_cost: 0.5526909722222224 - complexity: 16 +- comm_cost: 0.6636892361111112 + complexity: 10 expressions: - - R- + - N- + - R+ - SE- - - and(N-, R+) - - and(N-, not(R-)) - - or(and(S-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - not(R+) name: explored-15977 type: explored -- comm_cost: 0.4239930555555558 +- comm_cost: 0.39949363425925954 complexity: 20 expressions: - K+ - N+ - R- - - and(K-, S+) + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE+, N-) - - not(R-) - - or(S+, N+) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-15978 type: explored -- comm_cost: 0.5381944444444446 - complexity: 15 +- comm_cost: 0.573263888888889 + complexity: 16 expressions: - N+ - SE- - - and(K-, not(R+)) - and(N-, R+) - and(or(K+, S-), not(R-)) + - or(S+, or(N+, R-)) name: explored-15979 type: explored -- comm_cost: 0.6812499999999999 - complexity: 10 +- comm_cost: 0.549652777777778 + complexity: 7 expressions: - - R- + - N+ + - R+ - SE- - - and(S-, or(SE-, N+)) - - or(K+, R-) + - and(K-, not(R+)) name: explored-15980 type: explored -- comm_cost: 0.41566840277777795 - complexity: 19 +- comm_cost: 0.6227343750000001 + complexity: 9 expressions: - K+ - - K+ + - N+ + - N- + - R+ - R- - - S+ - - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - - or(S+, or(N+, R-)) + - SE- + - or(S+, R+) name: explored-15981 type: explored -- comm_cost: 0.4046875000000003 - complexity: 8 +- comm_cost: 0.20034722222222245 + complexity: 16 expressions: + - K+ - R- - - SE- - - and(K-, SE-) + - S+ - and(N-, R+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) name: explored-15982 type: explored -- comm_cost: 0.24079861111111134 +- comm_cost: 0.4549305555555557 complexity: 12 expressions: - N+ - - S+ - - and(K-, not(R+)) + - N- + - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - and(SE-, or(K+, S-)) name: explored-15983 type: explored -- comm_cost: 0.40937500000000016 - complexity: 10 +- comm_cost: 0.5593750000000001 + complexity: 7 expressions: - - R+ + - N+ + - and(K-, N-) - and(S-, SE-) - - and(SE+, N-) - - or(K+, N+) name: explored-15984 type: explored -- comm_cost: 0.6168547453703704 - complexity: 18 +- comm_cost: 0.5566666666666666 + complexity: 7 expressions: - - R+ + - N+ - R- - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, K-) - - or(K+, or(N+, R-)) + - not(R-) name: explored-15985 type: explored -- comm_cost: 0.5557002314814816 - complexity: 20 +- comm_cost: 0.4565104166666668 + complexity: 18 expressions: - N+ + - R- - and(N-, R+) - - and(N-, or(S+, SE+)) - and(S-, SE-) - - or(K+, K-) - - or(K+, or(N+, R-)) + - and(or(K+, S-), or(SE-, N+)) + - or(K+, SE+) name: explored-15986 type: explored -- comm_cost: 0.6772280092592593 - complexity: 14 +- comm_cost: 0.6617187500000001 + complexity: 5 expressions: - - K+ + - N+ - SE- - - and(K-, N-) - - or(K+, R+) - - or(K+, R-) - - or(S+, R-) + - or(K+, SE+) name: explored-15987 type: explored -- comm_cost: 0.6381944444444446 - complexity: 9 +- comm_cost: 0.6553611111111112 + complexity: 25 expressions: - - R+ - - SE- - - and(K-, SE-) - - and(S-, not(R-)) + - K- + - N- + - R- + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + - or(K+, N+) name: explored-15988 type: explored -- comm_cost: 0.7611979166666667 - complexity: 9 +- comm_cost: 0.21197916666666683 + complexity: 11 expressions: - - SE- - - and(N-, or(K+, S-)) - - or(S+, R-) + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) name: explored-15989 type: explored -- comm_cost: 0.2449218750000003 - complexity: 20 +- comm_cost: 0.5777488425925927 + complexity: 17 expressions: - - K+ - N+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - - and(SE-, or(K+, S-)) - - or(S+, or(N+, R-)) + - and(N-, or(K+, SE+)) + - and(S-, not(R-)) + - or(SE-, N+) name: explored-15990 type: explored -- comm_cost: 0.6429687500000001 - complexity: 6 +- comm_cost: 0.5329166666666668 + complexity: 15 expressions: - - R+ - - and(S-, N-) - - not(R+) + - K- + - N+ + - R- + - S+ + - SE- + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) name: explored-15991 type: explored -- comm_cost: 0.7247395833333334 - complexity: 10 +- comm_cost: 0.36875000000000036 + complexity: 9 expressions: - - SE- - - and(N-, or(S+, SE+)) - - and(S-, not(R+)) + - R- + - and(N-, R+) + - and(S-, or(SE-, N+)) name: explored-15992 type: explored -- comm_cost: 0.1472222222222226 - complexity: 18 +- comm_cost: 0.6871093750000001 + complexity: 13 + expressions: + - K+ + - R+ + - SE- + - and(or(K+, S-), or(N+, not(R+))) + - not(R-) + name: explored-15993 + type: explored +- comm_cost: 0.2347222222222225 + complexity: 15 expressions: - K+ - N+ - R- - and(K-, S+) - and(N-, R+) - - and(S-, SE-) - and(or(K+, S-), not(R+)) - name: explored-15993 - type: explored -- comm_cost: 0.5567708333333334 - complexity: 8 - expressions: - - R+ - - R- - - and(K-, N-) - - and(S-, SE-) name: explored-15994 type: explored -- comm_cost: 0.4339120370370374 - complexity: 15 +- comm_cost: 0.6087152777777779 + complexity: 18 expressions: - N+ - - R- - and(N-, R+) - - or(N+, R-) - - or(and(S-, SE-), or(N+, R-)) + - and(S-, SE-) + - and(SE-, or(K+, S-)) + - or(K+, S-) + - or(K+, S-) name: explored-15995 type: explored -- comm_cost: 0.14322916666666696 - complexity: 12 +- comm_cost: 0.5569444444444447 + complexity: 10 expressions: - - K+ - - N+ - - R- - and(N-, R+) - and(S-, SE-) - - or(N+, R-) + - and(S-, not(R-)) name: explored-15996 type: explored -- comm_cost: 0.6916666666666668 - complexity: 9 +- comm_cost: 0.3193981481481485 + complexity: 16 expressions: - - R+ - - and(K-, or(SE-, N+)) - - or(S+, R+) + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) + - or(S+, R-) name: explored-15997 type: explored -- comm_cost: 0.5020833333333334 - complexity: 11 +- comm_cost: 0.3979166666666668 + complexity: 14 expressions: - - R+ + - K+ + - K+ - R- + - S+ + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - or(SE-, N+) name: explored-15998 type: explored -- comm_cost: 0.5550000000000002 - complexity: 16 +- comm_cost: 0.6422743055555556 + complexity: 12 expressions: - - N+ - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - not(R-) + - R+ + - and(N-, or(S+, SE+)) + - and(or(K+, S-), not(R+)) name: explored-15999 type: explored -- comm_cost: 0.7749999999999999 - complexity: 6 +- comm_cost: 0.25364583333333346 + complexity: 21 expressions: - - K+ + - N+ - R- - - SE- - - or(S+, R-) + - and(K-, S+) + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) name: explored-16000 type: explored -- comm_cost: 0.23680555555555594 - complexity: 17 +- comm_cost: 0.5309895833333336 + complexity: 15 expressions: - - K+ - - K+ - N+ + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) + - SE- + - and(and(S-, N-), not(R-)) + - or(S+, or(N+, R-)) name: explored-16001 type: explored -- comm_cost: 0.38819444444444473 - complexity: 18 +- comm_cost: 0.6666666666666667 + complexity: 11 expressions: - - K+ - - N+ - SE- - - and(K-, or(SE-, N+)) - - and(N-, R+) - - or(and(K-, S+), or(N+, R-)) + - and(K-, or(S+, R+)) + - or(K+, or(N+, R-)) name: explored-16002 type: explored -- comm_cost: 0.7089042658730159 - complexity: 31 +- comm_cost: 0.5947916666666667 + complexity: 12 expressions: - K+ - - S+ - - and(K-, S+) - - and(K-, SE-) - - and(and(S-, N-), not(R-)) - - and(or(K+, S-), not(R-)) - - not(R-) - - or(K+, K-) - - or(K+, R+) - - or(K+, S-) + - R+ + - and(S-, SE-) + - or(K+, SE+) + - or(N+, not(R+)) name: explored-16003 type: explored -- comm_cost: 0.5421296296296297 - complexity: 14 +- comm_cost: 0.29409722222222257 + complexity: 20 expressions: + - N+ - R- + - S+ + - and(K-, not(R+)) - and(N-, R+) - - and(N-, or(K+, SE+)) - and(S-, SE-) - - not(R-) + - and(or(K+, S-), or(SE-, N+)) name: explored-16004 type: explored -- comm_cost: 0.5818732638888889 - complexity: 40 +- comm_cost: 0.17916666666666703 + complexity: 10 expressions: + - K+ + - K+ + - K+ + - N+ + - and(N-, R+) - and(S-, SE-) - - and(SE-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(K+, SE+) - - or(K+, or(N+, R-)) - - or(S+, SE+) - - or(S+, or(N+, R-)) name: explored-16005 type: explored -- comm_cost: 0.48315972222222237 - complexity: 16 +- comm_cost: 0.7875000000000001 + complexity: 6 expressions: - - R+ - - and(K-, or(S+, R+)) - - and(S-, SE-) - - or(and(K-, S+), or(N+, R-)) + - and(N-, not(R-)) + - not(R+) name: explored-16006 type: explored -- comm_cost: 0.7638888888888891 - complexity: 4 +- comm_cost: 0.5486111111111112 + complexity: 8 expressions: + - K+ - N+ - - or(K+, R+) + - SE- + - and(N-, or(K+, SE+)) name: explored-16007 type: explored -- comm_cost: 0.20844907407407431 - complexity: 20 +- comm_cost: 0.5127604166666668 + complexity: 16 expressions: - - K+ - N+ - - R- - - S+ + - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(N-, or(S+, R+)) - - and(S-, SE-) + - and(N-, R+) + - or(K+, SE+) name: explored-16008 type: explored -- comm_cost: 0.15052083333333366 - complexity: 15 +- comm_cost: 0.5523900462962965 + complexity: 30 expressions: - N+ - - and(K-, S+) - - and(K-, or(S+, R-)) - - and(N-, R+) + - R+ - and(S-, SE-) + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) name: explored-16009 type: explored -- comm_cost: 0.2328125000000003 - complexity: 12 +- comm_cost: 0.4256944444444446 + complexity: 14 expressions: - - K+ - N+ - - R- - - R- + - and(K-, S+) - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - and(S-, not(R-)) name: explored-16010 type: explored -- comm_cost: 0.6038194444444446 - complexity: 15 +- comm_cost: 0.5440972222222221 + complexity: 14 expressions: - - R+ - - and(K-, not(R+)) - - or(S+, N+) - - or(and(K-, S+), or(N+, R-)) + - K+ + - N+ + - R- + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, R-) name: explored-16011 type: explored -- comm_cost: 0.39166666666666683 - complexity: 19 +- comm_cost: 0.4769386574074076 + complexity: 24 expressions: + - K+ - N+ - R- - S+ + - and(K-, N-) - and(N-, R+) - - and(N-, or(K+, S-)) - - and(N-, or(K+, SE+)) - and(S-, SE-) + - and(S-, not(R-)) + - and(or(K+, S-), or(SE-, N+)) name: explored-16012 type: explored -- comm_cost: 0.6666087962962964 - complexity: 14 +- comm_cost: 0.26041666666666696 + complexity: 17 expressions: + - K+ - N+ - - R+ - R- - - SE- - - or(K+, K-) - - or(and(K-, SE-), or(N+, R-)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) name: explored-16013 type: explored -- comm_cost: 0.4099826388888891 - complexity: 17 +- comm_cost: 0.39267939814814834 + complexity: 23 expressions: + - K+ + - K+ - N+ - R- - - SE- - - and(K-, not(R+)) - - and(K-, not(R+)) + - S+ - and(N-, R+) - - and(SE+, N-) - name: explored-16014 - type: explored -- comm_cost: 0.5909722222222222 - complexity: 10 - expressions: - - R- + - and(N-, not(R-)) - and(S-, SE-) - - and(and(K-, N-), not(R-)) - name: explored-16015 + - or(K+, R-) + - or(K+, or(N+, R-)) + name: explored-16014 type: explored -- comm_cost: 0.3515625000000002 - complexity: 8 +- comm_cost: 0.34670138888888924 + complexity: 13 expressions: + - N+ - R- - SE- + - and(K-, not(R+)) - and(N-, R+) - or(K+, N+) + name: explored-16015 + type: explored +- comm_cost: 0.6979745370370372 + complexity: 22 + expressions: + - and(K-, not(R+)) + - and(K-, not(R-)) + - and(N-, and(or(K+, S-), not(R-))) + - and(S-, not(R+)) + - not(R+) name: explored-16016 type: explored -- comm_cost: 0.8958333333333334 - complexity: 3 +- comm_cost: 0.5534722222222224 + complexity: 10 expressions: - - or(S+, N+) + - R+ + - R- + - S+ + - SE- + - and(S-, or(N+, not(R+))) name: explored-16017 type: explored -- comm_cost: 0.6064236111111112 - complexity: 9 +- comm_cost: 0.6574652777777779 + complexity: 12 expressions: + - N+ - R+ - - SE- - - and(S-, not(R-)) - - or(N+, R-) + - and(K-, not(R-)) + - and(and(S-, N-), not(R-)) name: explored-16018 type: explored -- comm_cost: 0.7638888888888891 - complexity: 6 +- comm_cost: 0.433101851851852 + complexity: 18 expressions: - N+ - - and(K-, or(S+, R+)) + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - or(K+, SE+) name: explored-16019 type: explored -- comm_cost: 0.6348958333333334 - complexity: 9 +- comm_cost: 0.7377604166666668 + complexity: 11 expressions: - - R+ - - and(SE-, or(K+, S-)) - - or(K+, SE+) + - SE- + - and(N-, and(or(K+, S-), not(R-))) + - not(R+) name: explored-16020 type: explored -- comm_cost: 0.4580000000000002 - complexity: 10 +- comm_cost: 0.6385416666666668 + complexity: 4 expressions: - - K+ - - K+ - N+ - - N- + - R+ + - R+ - R- - - S+ - - S+ - - and(N-, R+) name: explored-16021 type: explored -- comm_cost: 0.7377025462962964 - complexity: 24 +- comm_cost: 0.7323547453703705 + complexity: 22 expressions: - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, SE+)) - - not(R-) - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - SE+ + - and(N-, or(K+, SE+)) + - and(N-, or(S+, R+)) + - and(N-, or(S+, SE+)) + - or(K+, R+) + - or(K+, S-) name: explored-16022 type: explored -- comm_cost: 0.7150347222222223 - complexity: 9 +- comm_cost: 0.3088541666666669 + complexity: 11 expressions: - - N+ - - R+ - - R- - - or(N+, R-) - - or(S+, SE+) + - K+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) name: explored-16023 type: explored -- comm_cost: 0.5559027777777779 +- comm_cost: 0.609664351851852 complexity: 16 expressions: - - N+ - R+ - R- - SE- - - and(N-, or(K+, S-)) - - and(and(K-, N-), or(S+, R+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, SE+)) name: explored-16024 type: explored -- comm_cost: 0.7117476851851853 - complexity: 12 +- comm_cost: 0.6511689814814816 + complexity: 13 expressions: - R+ - - R+ - - and(and(K-, N-), or(S+, SE+)) - - or(N+, R-) + - R- + - SE- + - or(S+, SE+) + - or(and(K-, S+), or(N+, R-)) name: explored-16025 type: explored -- comm_cost: 0.2972656250000002 - complexity: 15 +- comm_cost: 0.4276041666666669 + complexity: 13 expressions: - - K+ - - K+ - N+ - - R- - - S+ + - SE- + - and(K-, SE-) - and(N-, R+) - - and(N-, not(R-)) - - and(S-, SE-) + - and(N-, or(K+, R+)) name: explored-16026 type: explored -- comm_cost: 0.6499999999999999 - complexity: 9 +- comm_cost: 0.6310763888888891 + complexity: 12 expressions: - - R- - - and(K-, or(SE-, N+)) - - and(S-, SE-) + - R+ + - SE- + - or(K+, R+) + - or(and(K-, S+), or(N+, R-)) name: explored-16027 type: explored -- comm_cost: 0.10625000000000018 +- comm_cost: 0.6730381944444446 complexity: 15 expressions: - - K+ - - N+ + - R+ - R- - - and(K-, SE-) - - and(N-, R+) - - and(N-, R+) - - and(S-, SE-) + - SE- + - or(N+, not(R+)) + - or(S+, R+) + - or(S+, or(N+, R-)) name: explored-16028 type: explored -- comm_cost: 0.38125 - complexity: 8 +- comm_cost: 0.679976851851852 + complexity: 14 expressions: - - K+ - - K+ - - N+ - - R- - - S+ - - and(S-, SE-) + - R+ + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R-)) name: explored-16029 type: explored -- comm_cost: 0.14322916666666696 - complexity: 16 +- comm_cost: 0.419791666666667 + complexity: 10 expressions: - N+ - - R- - - and(K-, or(S+, N+)) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(K+, R-) + - or(S+, or(N+, R-)) name: explored-16030 type: explored -- comm_cost: 0.19149305555555585 - complexity: 16 +- comm_cost: 0.5390625000000002 + complexity: 10 expressions: - N+ - - S+ - - and(K-, or(S+, R-)) + - SE- + - and(K-, or(S+, SE+)) - and(N-, R+) - - and(S-, SE-) - - or(S+, N+) name: explored-16031 type: explored -- comm_cost: 0.46796875000000016 - complexity: 11 +- comm_cost: 0.47578125000000016 + complexity: 13 expressions: - - K+ - - N+ - R- - and(N-, R+) - - and(N-, or(K+, S-)) + - and(S-, SE-) + - and(or(K+, S-), not(R-)) name: explored-16032 type: explored -- comm_cost: 0.6749131944444445 - complexity: 7 +- comm_cost: 0.31072916666666694 + complexity: 18 expressions: - - R+ - - SE- - - not(R+) - - or(S+, R+) + - N+ + - R- + - S+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) name: explored-16033 type: explored -- comm_cost: 0.7131423611111112 - complexity: 14 +- comm_cost: 0.208854166666667 + complexity: 17 expressions: - - R+ - - and(K-, or(S+, N+)) - - and(N-, or(S+, SE+)) - - or(K+, S-) + - N+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) name: explored-16034 type: explored -- comm_cost: 0.7137152777777779 - complexity: 10 +- comm_cost: 0.5630208333333333 + complexity: 11 expressions: - - or(S+, R+) - - or(and(S-, SE-), or(N+, R-)) + - K+ + - R- + - and(K-, S+) + - and(K-, SE-) + - and(S-, SE-) name: explored-16035 type: explored -- comm_cost: 0.5511284722222224 - complexity: 14 +- comm_cost: 0.39516782407407414 + complexity: 17 expressions: - - R+ - - S+ + - N+ + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, SE+) name: explored-16036 type: explored -- comm_cost: 0.6104166666666668 - complexity: 5 +- comm_cost: 0.5480208333333334 + complexity: 13 expressions: - - R+ - - R+ + - K+ + - N+ + - R- - S+ - - not(R+) + - and(S-, SE-) + - or(K+, N+) + - or(K+, S-) name: explored-16037 type: explored -- comm_cost: 0.4391666666666669 - complexity: 9 +- comm_cost: 0.41037326388888906 + complexity: 20 expressions: - - K+ - - K- - N+ + - R- - and(N-, R+) - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - not(R+) + - or(N+, R-) name: explored-16038 type: explored -- comm_cost: 0.4774305555555558 - complexity: 10 +- comm_cost: 0.302604166666667 + complexity: 17 expressions: + - K+ - N+ - - SE+ + - S+ - and(N-, R+) - - and(SE-, or(K+, S-)) + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) name: explored-16039 type: explored -- comm_cost: 0.4822916666666668 - complexity: 20 +- comm_cost: 0.6802083333333335 + complexity: 3 expressions: - K+ - - N+ - - R- - - S+ - - and(K-, S+) - - and(K-, or(S+, R+)) - - and(N-, or(K+, S-)) - - and(S-, SE-) + - R+ + - R+ name: explored-16040 type: explored -- comm_cost: 0.3236111111111113 - complexity: 19 +- comm_cost: 0.6771527777777779 + complexity: 6 expressions: - - N+ - - R- - - S+ + - R+ - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R+)) - - and(and(K-, N-), not(R-)) + - not(R-) name: explored-16041 type: explored -- comm_cost: 0.48993055555555576 - complexity: 13 +- comm_cost: 0.437760416666667 + complexity: 16 expressions: - N+ - - R+ - - R- - - SE- - - and(K-, S+) - - and(or(K+, S-), not(R+)) + - and(N-, R+) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, or(N+, R-)) name: explored-16042 type: explored -- comm_cost: 0.6269097222222224 - complexity: 12 +- comm_cost: 0.6852256944444446 + complexity: 9 expressions: + - N- - R+ - - SE- - - and(and(K-, N-), or(S+, SE+)) - - or(S+, N+) + - and(K-, S+) + - and(N-, not(R-)) name: explored-16043 type: explored -- comm_cost: 0.3479166666666669 - complexity: 12 +- comm_cost: 0.5468750000000001 + complexity: 10 expressions: - - K+ - N+ - - R- + - R+ - S+ - - and(K-, or(S+, R-)) - - and(N-, R+) + - SE- + - and(and(S-, N-), not(R-)) name: explored-16044 type: explored -- comm_cost: 0.6104166666666668 - complexity: 13 +- comm_cost: 0.7391116898148149 + complexity: 17 expressions: - - R+ - - and(S-, or(SE-, N+)) + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) - not(R+) - - or(S+, or(N+, R-)) + - or(K+, SE+) + - or(S+, R+) name: explored-16045 type: explored -- comm_cost: 0.7119097222222224 - complexity: 7 +- comm_cost: 0.5121527777777779 + complexity: 10 expressions: - - K- - R+ + - SE- + - and(S-, SE-) - or(K+, or(N+, R-)) name: explored-16046 type: explored -- comm_cost: 0.7947916666666668 - complexity: 6 +- comm_cost: 0.5439814814814816 + complexity: 11 expressions: - - and(or(K+, S-), not(R-)) + - N+ + - SE- + - and(N-, R+) + - and(S-, N-) + - or(K+, R+) name: explored-16047 type: explored -- comm_cost: 0.5162760416666667 - complexity: 17 +- comm_cost: 0.4744791666666669 + complexity: 8 expressions: - K+ + - N+ + - and(N-, R+) + - and(SE+, N-) + name: explored-16048 + type: explored +- comm_cost: 0.41770833333333357 + complexity: 11 + expressions: + - K+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, R+) + name: explored-16049 + type: explored +- comm_cost: 0.30238715277777806 + complexity: 16 + expressions: - K+ - N+ - R- - S+ - - and(K-, or(S+, SE+)) - - and(N-, not(R-)) + - and(N-, R+) - and(S-, SE-) - name: explored-16048 + - or(S+, R+) + - or(S+, R-) + name: explored-16050 type: explored -- comm_cost: 0.2870370370370374 - complexity: 14 +- comm_cost: 0.3661458333333334 + complexity: 22 expressions: - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(and(K-, N-), or(S+, R+)) + name: explored-16051 + type: explored +- comm_cost: 0.6357928240740741 + complexity: 9 + expressions: + - R+ + - R- + - S- + - SE- + - and(K-, or(S+, R+)) + name: explored-16052 + type: explored +- comm_cost: 0.4822337962962965 + complexity: 16 + expressions: - N+ - R- + - S+ + - and(N-, R+) + - and(N-, or(K+, R+)) + - and(N-, or(S+, R+)) + name: explored-16053 + type: explored +- comm_cost: 0.5448611111111112 + complexity: 12 + expressions: - R- - SE- + - and(K-, or(SE-, N+)) - and(N-, R+) - - and(or(K+, S-), not(R+)) - name: explored-16049 + - not(R-) + name: explored-16054 type: explored -- comm_cost: 0.21250000000000036 +- comm_cost: 0.5125000000000002 + complexity: 11 + expressions: + - K+ + - N+ + - R- + - and(N-, R+) + - and(N-, or(K+, SE+)) + name: explored-16055 + type: explored +- comm_cost: 0.6041666666666669 + complexity: 13 + expressions: + - R+ + - SE- + - and(K-, not(R+)) + - and(S-, not(R+)) + - or(K+, R+) + name: explored-16056 + type: explored +- comm_cost: 0.6790104166666667 + complexity: 12 + expressions: + - N+ + - R+ + - R- + - SE- + - and(K-, N-) + - not(R-) + - or(S+, SE+) + name: explored-16057 + type: explored +- comm_cost: 0.7471354166666667 complexity: 9 expressions: + - R+ + - or(K+, K-) + - or(S+, or(N+, R-)) + name: explored-16058 + type: explored +- comm_cost: 0.6987152777777779 + complexity: 9 + expressions: + - R+ + - and(S-, or(N+, not(R+))) + - not(R-) + name: explored-16059 + type: explored +- comm_cost: 0.4536458333333333 + complexity: 11 + expressions: + - K+ - N+ - R- + - R- - S+ - and(K-, SE-) + - and(S-, SE-) + name: explored-16060 + type: explored +- comm_cost: 0.45416666666666683 + complexity: 9 + expressions: + - K+ + - N+ + - S+ - and(N-, R+) - name: explored-16050 + - and(SE+, N-) + name: explored-16061 type: explored -- comm_cost: 0.3916666666666667 - complexity: 16 +- comm_cost: 0.4868055555555555 + complexity: 15 + expressions: + - K+ + - R- + - and(K-, S+) + - and(S-, SE-) + - or(and(K-, S+), or(N+, R-)) + name: explored-16062 + type: explored +- comm_cost: 0.5993055555555556 + complexity: 8 expressions: - N+ - - and(N-, or(K+, SE+)) + - SE- + - and(and(K-, N-), not(R-)) + name: explored-16063 + type: explored +- comm_cost: 0.6333333333333334 + complexity: 10 + expressions: + - SE+ - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-16051 + - and(S-, or(N+, not(R+))) + name: explored-16064 type: explored -- comm_cost: 0.7140625000000003 +- comm_cost: 0.5979166666666668 complexity: 8 expressions: + - R+ + - SE- + - and(and(S-, N-), not(R-)) + name: explored-16065 + type: explored +- comm_cost: 0.09791666666666687 + complexity: 14 + expressions: + - K+ + - N+ + - and(K-, S+) - and(N-, R+) - - and(N-, or(K+, R+)) - name: explored-16052 + - and(N-, R+) + - and(S-, SE-) + name: explored-16066 type: explored -- comm_cost: 0.7572916666666667 - complexity: 5 +- comm_cost: 0.3031250000000001 + complexity: 19 expressions: + - N+ + - R- - S+ + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, or(N+, R-)) + name: explored-16067 + type: explored +- comm_cost: 0.24609375000000022 + complexity: 12 + expressions: + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(SE-, N+) + name: explored-16068 + type: explored +- comm_cost: 0.5631655092592593 + complexity: 15 + expressions: + - N+ + - R- + - and(K-, not(R-)) + - and(N-, R+) + - and(S-, SE-) + - or(K+, K-) + name: explored-16069 + type: explored +- comm_cost: 0.4696180555555558 + complexity: 16 + expressions: - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + - and(S-, or(N+, not(R+))) + name: explored-16070 + type: explored +- comm_cost: 0.5805555555555557 + complexity: 8 + expressions: + - K+ + - N+ + - SE- + - and(N-, R+) + - not(R-) + name: explored-16071 + type: explored +- comm_cost: 0.2968750000000002 + complexity: 14 + expressions: + - N+ + - R- + - and(N-, R+) - and(S-, SE-) - name: explored-16053 + - or(K+, N+) + - or(S+, R+) + name: explored-16072 type: explored -- comm_cost: 0.8096354166666667 - complexity: 6 +- comm_cost: 0.3677083333333335 + complexity: 10 expressions: + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - or(K+, N+) + name: explored-16073 + type: explored +- comm_cost: 0.5516203703703706 + complexity: 11 + expressions: + - R- + - SE+ + - SE- + - and(N-, R+) + - or(S+, or(N+, R-)) + name: explored-16074 + type: explored +- comm_cost: 0.6799900793650795 + complexity: 37 + expressions: + - R+ + - SE+ + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(S-, N-) + - and(S-, not(R-)) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), or(SE-, N+)) + - not(R+) + - or(K+, SE+) + name: explored-16075 + type: explored +- comm_cost: 0.6933333333333334 + complexity: 4 + expressions: + - R- + - SE- + - not(R-) + name: explored-16076 + type: explored +- comm_cost: 0.2093750000000001 + complexity: 21 + expressions: + - K+ + - N+ + - R- - and(K-, S+) - - or(S+, R+) - name: explored-16054 + - and(N-, R+) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(N+, R-) + name: explored-16077 type: explored -- comm_cost: 0.43177083333333355 +- comm_cost: 0.3128761574074076 + complexity: 20 + expressions: + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + - or(K+, SE+) + name: explored-16078 + type: explored +- comm_cost: 0.2445312500000003 + complexity: 19 + expressions: + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - not(R+) + name: explored-16079 + type: explored +- comm_cost: 0.6866898148148148 + complexity: 10 + expressions: + - R+ + - R- + - SE- + - and(N-, not(R-)) + - or(K+, K-) + name: explored-16080 + type: explored +- comm_cost: 0.6161458333333334 + complexity: 7 + expressions: + - R+ + - R- + - S- + - SE- + - or(K+, N+) + name: explored-16081 + type: explored +- comm_cost: 0.4744791666666669 + complexity: 8 + expressions: + - N+ + - S+ + - and(N-, R+) + - and(SE+, N-) + name: explored-16082 + type: explored +- comm_cost: 0.5046006944444447 + complexity: 16 + expressions: + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(N-, or(S+, R+)) + - or(N+, R-) + name: explored-16083 + type: explored +- comm_cost: 0.5402777777777781 + complexity: 10 + expressions: + - N+ + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + name: explored-16084 + type: explored +- comm_cost: 0.5844618055555557 + complexity: 18 + expressions: + - K+ + - N+ + - R- + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) + name: explored-16085 + type: explored +- comm_cost: 0.5251736111111113 + complexity: 14 + expressions: + - N+ + - R+ + - R- + - SE- + - and(K-, or(S+, R-)) + - and(K-, or(SE-, N+)) + name: explored-16086 + type: explored +- comm_cost: 0.4114583333333336 complexity: 13 expressions: + - K+ - N+ + - R- + - SE- - SE- - and(N-, R+) + - and(N-, or(K+, SE+)) + name: explored-16087 + type: explored +- comm_cost: 0.44157986111111136 + complexity: 16 + expressions: + - N+ + - R- + - and(N-, R+) - and(N-, or(K+, S-)) - and(S-, SE-) - name: explored-16055 + - or(N+, R-) + name: explored-16088 type: explored -- comm_cost: 0.5437500000000002 +- comm_cost: 0.8422395833333334 + complexity: 8 + expressions: + - or(S+, SE+) + - or(S+, or(N+, R-)) + name: explored-16089 + type: explored +- comm_cost: 0.6453559027777779 + complexity: 13 + expressions: + - R+ + - SE- + - or(K+, N+) + - or(K+, or(N+, R-)) + - or(S+, R+) + name: explored-16090 + type: explored +- comm_cost: 0.6197916666666669 + complexity: 3 + expressions: + - R+ + - SE- + - SE- + name: explored-16091 + type: explored +- comm_cost: 0.43038194444444455 + complexity: 11 + expressions: + - K+ + - K+ + - R+ + - and(K-, or(S+, R+)) + - and(S-, SE-) + name: explored-16092 + type: explored +- comm_cost: 0.62421875 + complexity: 13 + expressions: + - N+ + - and(S-, SE-) + - and(or(K+, S-), not(R-)) + - or(S+, N+) + name: explored-16093 + type: explored +- comm_cost: 0.38454861111111127 + complexity: 17 + expressions: + - N+ + - R- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + name: explored-16094 + type: explored +- comm_cost: 0.3079427083333337 + complexity: 22 + expressions: + - N+ + - R- + - S+ + - and(K-, not(R+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(S+, or(N+, R-)) + name: explored-16095 + type: explored +- comm_cost: 0.15833333333333366 + complexity: 11 + expressions: + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) + name: explored-16096 + type: explored +- comm_cost: 0.3979166666666669 + complexity: 18 + expressions: + - K+ + - N+ + - R- + - and(K-, not(R+)) + - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) + name: explored-16097 + type: explored +- comm_cost: 0.6673148148148149 + complexity: 7 + expressions: + - N+ + - R- + - SE+ + - SE- + - or(K+, S-) + name: explored-16098 + type: explored +- comm_cost: 0.3523437500000004 + complexity: 22 + expressions: + - K+ + - K+ + - N+ + - S+ + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), or(SE-, N+)) + name: explored-16099 + type: explored +- comm_cost: 0.6053819444444446 complexity: 6 expressions: + - R- + - SE+ + - SE- + - and(K-, SE-) + name: explored-16100 + type: explored +- comm_cost: 0.5156250000000001 + complexity: 11 + expressions: + - N+ + - R+ + - R- + - and(K-, or(SE-, N+)) + - or(S+, N+) + name: explored-16101 + type: explored +- comm_cost: 0.27222222222222237 + complexity: 14 + expressions: - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, or(S+, R+)) + - and(S-, SE-) + name: explored-16102 + type: explored +- comm_cost: 0.6937500000000001 + complexity: 8 + expressions: - R+ - SE- + - or(K+, K-) - or(N+, R-) - name: explored-16056 + name: explored-16103 type: explored -- comm_cost: 0.24557291666666692 - complexity: 26 +- comm_cost: 0.5619791666666668 + complexity: 4 + expressions: + - K+ + - R+ + - R- + - S+ + name: explored-16104 + type: explored +- comm_cost: 0.29166666666666696 + complexity: 19 + expressions: + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(and(S-, N-), not(R-)) + name: explored-16105 + type: explored +- comm_cost: 0.4095833333333335 + complexity: 24 expressions: - K+ - K+ @@ -165620,1156 +166860,2040 @@ - R- - S+ - and(N-, R+) + - and(N-, or(S+, SE+)) - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-16106 + type: explored +- comm_cost: 0.5270833333333335 + complexity: 7 + expressions: + - N+ + - R+ + - R- + - SE- + - or(SE-, N+) + name: explored-16107 + type: explored +- comm_cost: 0.8640625 + complexity: 4 + expressions: + - K+ + - or(K+, N+) + name: explored-16108 + type: explored +- comm_cost: 0.21232638888888933 + complexity: 17 + expressions: + - K+ + - K+ + - N+ + - S+ + - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(and(K-, SE-), or(N+, R-)) - name: explored-16057 + - or(K+, R-) + name: explored-16109 type: explored -- comm_cost: 0.3421875000000003 - complexity: 19 +- comm_cost: 0.5171875000000001 + complexity: 9 + expressions: + - K+ + - R- + - and(K-, not(R-)) + - and(S-, SE-) + name: explored-16110 + type: explored +- comm_cost: 0.34774305555555585 + complexity: 21 expressions: - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(and(S-, N-), not(R-)) + name: explored-16111 + type: explored +- comm_cost: 0.4783333333333335 + complexity: 16 + expressions: + - K+ + - N+ + - N- - R- - and(K-, S+) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - - and(SE-, or(K+, S-)) - name: explored-16058 + - or(S+, SE+) + name: explored-16112 type: explored -- comm_cost: 0.12656250000000036 - complexity: 17 +- comm_cost: 0.21354166666666696 + complexity: 12 + expressions: + - K+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(S-, SE-) + name: explored-16113 + type: explored +- comm_cost: 0.3884375000000002 + complexity: 14 expressions: + - K+ - N+ + - R+ + - R- + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) + name: explored-16114 + type: explored +- comm_cost: 0.6686342592592593 + complexity: 10 + expressions: + - R+ + - and(N-, or(S+, R+)) + - and(S-, not(R-)) + name: explored-16115 + type: explored +- comm_cost: 0.5631944444444447 + complexity: 8 + expressions: + - K+ + - and(N-, R+) + - and(S-, not(R-)) + name: explored-16116 + type: explored +- comm_cost: 0.43335069444444474 + complexity: 21 + expressions: + - K+ + - N+ + - N- - R- - S+ + - and(N-, R+) + - and(S-, SE-) + - and(SE+, N-) + - or(and(K-, S+), or(N+, R-)) + name: explored-16117 + type: explored +- comm_cost: 0.7479166666666667 + complexity: 8 + expressions: + - and(K-, or(SE-, N+)) + - and(S-, SE-) + name: explored-16118 + type: explored +- comm_cost: 0.6334930555555557 + complexity: 33 + expressions: + - K- + - R- - and(K-, S+) - and(N-, R+) + - and(N-, not(R-)) + - and(N-, or(K+, SE+)) - and(S-, SE-) - - and(SE-, or(K+, S-)) - name: explored-16059 + - and(or(K+, S-), not(R-)) + - or(N+, not(R+)) + - or(S+, N+) + name: explored-16119 type: explored -- comm_cost: 0.6145833333333335 +- comm_cost: 0.7534722222222223 complexity: 9 expressions: + - SE- + - and(K-, not(R-)) + - or(N+, not(R+)) + name: explored-16120 + type: explored +- comm_cost: 0.5931423611111112 + complexity: 12 + expressions: - R+ + - R- + - SE- + - and(K-, not(R-)) - and(K-, or(SE-, N+)) - - or(K+, N+) - name: explored-16060 + name: explored-16121 + type: explored +- comm_cost: 0.43029513888888904 + complexity: 16 + expressions: + - K+ + - N+ + - R- + - SE- + - and(K-, S+) + - and(N-, R+) + - and(or(K+, S-), not(R-)) + name: explored-16122 + type: explored +- comm_cost: 0.3959780092592595 + complexity: 16 + expressions: + - N+ + - R- + - and(N-, R+) + - and(or(K+, S-), not(R+)) + - or(S+, or(N+, R-)) + name: explored-16123 type: explored -- comm_cost: 0.40156250000000016 +- comm_cost: 0.28229166666666683 + complexity: 7 + expressions: + - K+ + - N+ + - R+ + - R- + - and(S-, SE-) + name: explored-16124 + type: explored +- comm_cost: 0.3187500000000002 + complexity: 16 + expressions: + - K+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + name: explored-16125 + type: explored +- comm_cost: 0.5572916666666669 + complexity: 15 + expressions: + - R+ + - SE- + - and(K-, or(S+, N+)) + - and(N-, or(K+, R+)) + - or(N+, R-) + name: explored-16126 + type: explored +- comm_cost: 0.6505787037037039 + complexity: 14 + expressions: + - R+ + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(K+, SE+)) + name: explored-16127 + type: explored +- comm_cost: 0.47421875000000036 + complexity: 15 + expressions: + - K+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(S+, or(N+, R-)) + name: explored-16128 + type: explored +- comm_cost: 0.5333333333333334 + complexity: 7 + expressions: + - K+ + - N+ + - R- + - SE- + - or(K+, R+) + name: explored-16129 + type: explored +- comm_cost: 0.20520833333333366 + complexity: 22 + expressions: + - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - or(S+, or(N+, R-)) + - or(S+, or(N+, R-)) + name: explored-16130 + type: explored +- comm_cost: 0.15578703703703733 + complexity: 22 + expressions: + - K+ + - N+ + - R- + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - or(K+, or(N+, R-)) + name: explored-16131 + type: explored +- comm_cost: 0.4682870370370371 + complexity: 14 + expressions: + - K+ + - N+ + - R- + - and(N-, R+) + - and(S-, not(R-)) + - and(S-, not(R-)) + name: explored-16132 + type: explored +- comm_cost: 0.6686342592592593 complexity: 12 expressions: + - R+ + - SE- + - and(S-, not(R-)) + - and(and(K-, N-), not(R-)) + name: explored-16133 + type: explored +- comm_cost: 0.5025000000000002 + complexity: 8 + expressions: - N+ - - N- - R- + - SE- + - and(N-, R+) + - not(R-) + name: explored-16134 + type: explored +- comm_cost: 0.7365515046296297 + complexity: 21 + expressions: - and(K-, SE-) + - and(K-, or(S+, R+)) + - or(K+, K-) + - or(K+, R+) + - or(N+, not(R+)) + - or(SE-, N+) + name: explored-16135 + type: explored +- comm_cost: 0.3538194444444446 + complexity: 13 + expressions: + - R- + - S+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - name: explored-16061 + name: explored-16136 type: explored -- comm_cost: 0.44677083333333345 - complexity: 9 +- comm_cost: 0.2781250000000002 + complexity: 10 expressions: - K+ + - N+ - R+ + - S+ + - and(N-, R+) + - and(S-, SE-) + name: explored-16137 + type: explored +- comm_cost: 0.43680555555555567 + complexity: 22 + expressions: + - K+ + - N+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(K+, SE+)) + - and(N-, or(K+, SE+)) + - and(SE-, or(K+, S-)) + name: explored-16138 + type: explored +- comm_cost: 0.7543055555555556 + complexity: 16 + expressions: + - and(K-, N-) + - and(K-, or(S+, SE+)) + - and(K-, or(SE-, N+)) + - or(K+, S-) + name: explored-16139 + type: explored +- comm_cost: 0.5680555555555555 + complexity: 10 + expressions: + - K+ - R- - and(S-, SE-) - - or(S+, SE+) - name: explored-16062 + - or(K+, or(N+, R-)) + name: explored-16140 type: explored -- comm_cost: 0.3534722222222224 - complexity: 19 +- comm_cost: 0.36545138888888906 + complexity: 25 + expressions: + - K+ + - N+ + - R- + - and(K-, S+) + - and(K-, or(SE-, N+)) + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(SE-, N+)) + - or(S+, R+) + name: explored-16141 + type: explored +- comm_cost: 0.4155381944444446 + complexity: 18 expressions: + - K+ - N+ - R- - S+ + - and(K-, or(S+, SE+)) + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + name: explored-16142 + type: explored +- comm_cost: 0.3720341435185187 + complexity: 24 + expressions: + - K+ + - K+ + - N+ + - R- + - S+ + - and(K-, N-) + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R-) + name: explored-16143 + type: explored +- comm_cost: 0.46892361111111136 + complexity: 14 + expressions: + - N+ + - R- + - SE- + - and(N-, R+) + - and(SE+, N-) + - or(S+, or(N+, R-)) + name: explored-16144 + type: explored +- comm_cost: 0.816232638888889 + complexity: 8 + expressions: + - or(K+, K-) + - or(S+, or(N+, R-)) + name: explored-16145 + type: explored +- comm_cost: 0.628125 + complexity: 12 + expressions: + - N+ + - and(N-, or(K+, S-)) + - and(S-, SE-) + - or(SE-, N+) + name: explored-16146 + type: explored +- comm_cost: 0.6260416666666668 + complexity: 3 + expressions: + - N+ + - R+ + - R- + name: explored-16147 + type: explored +- comm_cost: 0.5687500000000001 + complexity: 9 + expressions: + - N+ + - R+ + - R- + - SE- + - and(N-, or(S+, SE+)) + name: explored-16148 + type: explored +- comm_cost: 0.4555844907407409 + complexity: 18 + expressions: + - N+ + - R- + - SE+ + - and(K-, or(S+, N+)) + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + name: explored-16149 + type: explored +- comm_cost: 0.7102430555555557 + complexity: 16 + expressions: + - R+ + - and(K-, or(S+, SE+)) + - and(N-, or(K+, S-)) + - or(S+, or(N+, R-)) + name: explored-16150 + type: explored +- comm_cost: 0.33353587962962994 + complexity: 20 + expressions: + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + name: explored-16151 + type: explored +- comm_cost: 0.19166666666666687 + complexity: 18 + expressions: + - N+ + - R- + - and(K-, S+) - and(N-, R+) - and(S-, SE-) - and(or(K+, S-), or(SE-, N+)) - - or(K+, R+) - name: explored-16063 + name: explored-16152 type: explored -- comm_cost: 0.7197916666666668 - complexity: 4 +- comm_cost: 0.5996527777777779 + complexity: 8 expressions: - R+ + - SE- + - and(S-, or(N+, not(R+))) + name: explored-16153 + type: explored +- comm_cost: 0.5924074074074076 + complexity: 20 + expressions: + - R+ + - SE+ + - SE- + - and(N-, or(K+, R+)) + - and(S-, N-) + - and(and(S-, N-), not(R-)) + - or(K+, R-) + name: explored-16154 + type: explored +- comm_cost: 0.6033564814814816 + complexity: 10 + expressions: + - R+ + - R- + - SE+ + - SE- + - and(and(K-, N-), not(R-)) + name: explored-16155 + type: explored +- comm_cost: 0.5606828703703706 + complexity: 30 + expressions: + - R+ + - and(N-, or(K+, R+)) + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(and(S-, N-), not(R-)) + - or(N+, R-) + - or(N+, not(R+)) - or(S+, N+) - name: explored-16064 + name: explored-16156 type: explored -- comm_cost: 0.377777777777778 - complexity: 12 +- comm_cost: 0.49340277777777797 + complexity: 15 expressions: - K+ + - and(K-, SE-) + - and(K-, or(S+, N+)) + - and(N-, R+) + - or(K+, R+) + name: explored-16157 + type: explored +- comm_cost: 0.6552083333333334 + complexity: 14 + expressions: + - N+ - R- + - SE- + - and(K-, N-) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-16158 + type: explored +- comm_cost: 0.5565104166666669 + complexity: 10 + expressions: + - SE- + - and(K-, N-) - and(N-, R+) - - and(S-, SE-) - - and(S-, not(R-)) - name: explored-16065 + - or(N+, R-) + name: explored-16159 type: explored -- comm_cost: 0.5740277777777779 - complexity: 12 +- comm_cost: 0.28828125000000016 + complexity: 15 expressions: - - K- + - K+ - N+ - R- + - and(K-, N-) + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + name: explored-16160 + type: explored +- comm_cost: 0.6718750000000002 + complexity: 6 + expressions: + - and(SE+, N-) + - or(K+, N+) + name: explored-16161 + type: explored +- comm_cost: 0.31111111111111134 + complexity: 13 + expressions: + - N+ - SE- - and(N-, R+) - - and(N-, or(K+, SE+)) - name: explored-16066 + - and(S-, SE-) + - or(K+, or(N+, R-)) + name: explored-16162 + type: explored +- comm_cost: 0.4651620370370373 + complexity: 29 + expressions: + - N+ + - R- + - and(N-, R+) + - and(S-, SE-) + - and(and(K-, N-), not(R-)) + - and(or(K+, S-), or(N+, not(R+))) + - or(and(K-, S+), or(N+, R-)) + name: explored-16163 + type: explored +- comm_cost: 0.2802083333333336 + complexity: 12 + expressions: + - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, SE-) + name: explored-16164 + type: explored +- comm_cost: 0.7049479166666668 + complexity: 7 + expressions: + - and(K-, not(R-)) + - and(SE+, N-) + name: explored-16165 type: explored -- comm_cost: 0.5965625000000001 +- comm_cost: 0.3098958333333335 complexity: 14 expressions: - N+ - R- + - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(S+, SE+) - name: explored-16067 + - and(and(S-, N-), not(R-)) + name: explored-16166 type: explored -- comm_cost: 0.7284375000000001 +- comm_cost: 0.501388888888889 + complexity: 11 + expressions: + - N+ + - R- + - SE- + - and(N-, and(or(K+, S-), not(R-))) + name: explored-16167 + type: explored +- comm_cost: 0.49479166666666685 + complexity: 9 + expressions: + - N+ + - R+ + - R- + - and(and(S-, N-), not(R-)) + name: explored-16168 + type: explored +- comm_cost: 0.5319878472222224 + complexity: 16 + expressions: + - K+ + - R- + - SE- + - and(N-, R+) + - and(N-, or(S+, R+)) + - or(S+, or(N+, R-)) + name: explored-16169 + type: explored +- comm_cost: 0.5609375000000003 complexity: 6 expressions: - - N- + - K+ + - N+ - R+ - - or(N+, not(R+)) - name: explored-16068 + - and(N-, R+) + name: explored-16170 type: explored -- comm_cost: 0.2513888888888892 +- comm_cost: 0.7586805555555556 + complexity: 16 + expressions: + - SE- + - and(K-, or(S+, N+)) + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R-) + name: explored-16171 + type: explored +- comm_cost: 0.4817708333333335 + complexity: 11 + expressions: + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - not(R-) + name: explored-16172 + type: explored +- comm_cost: 0.2390335648148152 complexity: 20 expressions: - K+ + - N+ + - R- + - and(K-, S+) + - and(N-, R+) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - not(R+) + name: explored-16173 + type: explored +- comm_cost: 0.679513888888889 + complexity: 11 + expressions: + - and(S-, or(SE-, N+)) + - and(and(K-, N-), not(R-)) + name: explored-16174 + type: explored +- comm_cost: 0.4225694444444448 + complexity: 8 + expressions: + - N+ + - S+ + - and(N-, R+) + - or(S+, R-) + name: explored-16175 + type: explored +- comm_cost: 0.20601851851851882 + complexity: 28 + expressions: - K+ - N+ - R- + - and(K-, S+) - and(N-, R+) + - and(S-, SE-) + - and(S-, SE-) + - and(or(K+, S-), not(R+)) + - or(and(K-, S+), or(N+, R-)) + name: explored-16176 + type: explored +- comm_cost: 0.6345486111111113 + complexity: 7 + expressions: + - R+ + - or(S+, R-) + - or(SE-, N+) + name: explored-16177 + type: explored +- comm_cost: 0.3974537037037038 + complexity: 23 + expressions: + - K+ + - N+ + - R- + - S+ - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - or(and(S-, SE-), or(N+, R-)) - name: explored-16069 + - and(and(K-, N-), not(R-)) + - not(R+) + name: explored-16178 type: explored -- comm_cost: 0.36875000000000024 +- comm_cost: 0.4243055555555557 + complexity: 9 + expressions: + - K+ + - N+ + - R- + - SE- + - and(N-, or(K+, R+)) + name: explored-16179 + type: explored +- comm_cost: 0.5990972222222224 complexity: 12 expressions: + - R+ + - R- + - SE- + - and(and(K-, N-), or(S+, R+)) + - not(R-) + name: explored-16180 + type: explored +- comm_cost: 0.41610243055555585 + complexity: 23 + expressions: + - K+ + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, or(N+, not(R+))) + - and(or(K+, S-), not(R-)) + name: explored-16181 + type: explored +- comm_cost: 0.32187500000000036 + complexity: 17 + expressions: + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, R-) + - or(S+, R-) + - or(SE-, N+) + name: explored-16182 + type: explored +- comm_cost: 0.45833333333333326 + complexity: 13 + expressions: + - N+ + - R- + - and(K-, or(S+, N+)) + - and(S-, SE-) + - or(K+, N+) + name: explored-16183 + type: explored +- comm_cost: 0.5302083333333333 + complexity: 9 + expressions: + - K+ + - N+ + - S+ + - and(S-, SE-) + - or(K+, N+) + name: explored-16184 + type: explored +- comm_cost: 0.41215277777777803 + complexity: 21 + expressions: - K+ - N+ - R- - and(K-, S+) - and(N-, R+) - - and(SE+, N-) - name: explored-16070 + - and(N-, or(K+, R+)) + - and(and(K-, N-), or(S+, R+)) + name: explored-16185 type: explored -- comm_cost: 0.7243518518518519 - complexity: 19 +- comm_cost: 0.050781250000000444 + complexity: 13 + expressions: + - K+ + - K+ + - K+ + - N+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + name: explored-16186 + type: explored +- comm_cost: 0.5244791666666668 + complexity: 15 expressions: + - K+ + - N+ + - R- - and(K-, N-) - - and(and(K-, N-), not(R-)) - - or(K+, N+) - - or(N+, not(R+)) + - and(K-, S+) + - and(N-, R+) - or(S+, R+) - name: explored-16071 + name: explored-16187 type: explored -- comm_cost: 0.6503356481481483 +- comm_cost: 0.19531250000000022 + complexity: 17 + expressions: + - K+ + - N+ + - R- + - S+ + - and(N-, R+) + - and(S-, SE-) + - and(S-, not(R+)) + - or(K+, N+) + name: explored-16188 + type: explored +- comm_cost: 0.34083333333333365 complexity: 12 expressions: + - K+ + - N+ + - and(N-, R+) + - and(S-, SE-) + - or(N+, not(R+)) + name: explored-16189 + type: explored +- comm_cost: 0.5354166666666669 + complexity: 7 + expressions: + - K+ + - N+ + - R- + - SE+ + - and(N-, R+) + name: explored-16190 + type: explored +- comm_cost: 0.3406250000000003 + complexity: 11 + expressions: + - K+ + - N+ + - R- + - and(K-, or(S+, N+)) + - and(N-, R+) + name: explored-16191 + type: explored +- comm_cost: 0.6659375000000002 + complexity: 9 + expressions: + - R+ + - SE- + - and(S-, N-) + - or(N+, not(R+)) + name: explored-16192 + type: explored +- comm_cost: 0.4843750000000001 + complexity: 4 + expressions: + - N+ - R+ - R- - SE- - - and(or(K+, S-), not(R+)) - - or(S+, SE+) - name: explored-16072 + name: explored-16193 type: explored -- comm_cost: 0.6074652777777779 +- comm_cost: 0.5526041666666668 + complexity: 11 + expressions: + - N+ + - S- + - and(N-, R+) + - and(S-, SE-) + - or(K+, SE+) + name: explored-16194 + type: explored +- comm_cost: 0.24079861111111134 complexity: 12 expressions: - - R+ + - N+ + - S+ - and(K-, not(R+)) - - and(and(K-, N-), or(S+, R+)) - name: explored-16073 + - and(N-, R+) + - and(S-, SE-) + name: explored-16195 type: explored -- comm_cost: 0.43029513888888904 - complexity: 14 +- comm_cost: 0.6813252314814816 + complexity: 30 + expressions: + - and(K-, not(R+)) + - and(K-, or(N+, not(R+))) + - and(N-, or(S+, R+)) + - and(S-, not(R+)) + - and(SE-, or(K+, S-)) + - and(or(K+, S-), not(R-)) + name: explored-16196 + type: explored +- comm_cost: 0.59296875 + complexity: 15 + expressions: + - K+ + - N+ + - R- + - S+ + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + name: explored-16197 + type: explored +- comm_cost: 0.3363425925925927 + complexity: 18 expressions: - N+ - R- - - SE- - - and(K-, S+) - and(N-, R+) - - and(N-, or(S+, SE+)) - name: explored-16074 + - and(S-, SE-) + - and(and(K-, N-), or(S+, SE+)) + - or(K+, R+) + name: explored-16198 type: explored -- comm_cost: 0.635763888888889 - complexity: 7 +- comm_cost: 0.54375 + complexity: 8 expressions: - N+ - S+ - - SE- + - and(S-, SE-) + - or(K+, N+) + name: explored-16199 + type: explored +- comm_cost: 0.5836805555555556 + complexity: 11 + expressions: + - N+ + - and(S-, SE-) - and(S-, not(R-)) - name: explored-16075 + - or(K+, N+) + name: explored-16200 type: explored -- comm_cost: 0.7503239087301588 - complexity: 24 +- comm_cost: 0.47714120370370394 + complexity: 15 expressions: - - K- - - and(K-, not(R+)) - - and(N-, or(S+, SE+)) - - or(K+, R-) - - or(K+, S-) - - or(K+, SE+) - - or(K+, or(N+, R-)) - name: explored-16076 + - R- + - and(N-, R+) + - and(S-, N-) + - and(S-, SE-) + - or(S+, or(N+, R-)) + name: explored-16201 type: explored -- comm_cost: 0.3139322916666668 - complexity: 19 +- comm_cost: 0.3758680555555558 + complexity: 22 expressions: - K+ - N+ - R- - - S+ - - and(K-, S+) - - and(K-, SE-) + - SE- - and(N-, R+) - - and(S-, SE-) - - or(S+, R+) - name: explored-16077 + - and(S-, or(SE-, N+)) + - and(and(K-, N-), or(S+, R+)) + - or(K+, R-) + name: explored-16202 type: explored -- comm_cost: 0.39333333333333353 - complexity: 13 +- comm_cost: 0.3437500000000002 + complexity: 22 expressions: - - N+ + - K+ - R- - - and(K-, S+) + - S+ + - and(K-, or(S+, N+)) - and(N-, R+) + - and(N-, and(or(K+, S-), not(R-))) - and(S-, SE-) - - not(R-) - name: explored-16078 + name: explored-16203 type: explored -- comm_cost: 0.34774305555555585 - complexity: 22 +- comm_cost: 0.3081018518518521 + complexity: 21 expressions: - K+ - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(and(S-, N-), not(R-)) - - or(and(S-, SE-), or(N+, R-)) - name: explored-16079 + - and(S-, or(N+, not(R+))) + - and(S-, or(N+, not(R+))) + name: explored-16204 type: explored -- comm_cost: 0.6421961805555557 - complexity: 22 +- comm_cost: 0.5704861111111112 + complexity: 8 expressions: + - N+ - R+ - SE- - - and(S-, N-) - - and(or(K+, S-), or(SE-, N+)) - - not(R+) - or(K+, or(N+, R-)) - - or(S+, R-) - name: explored-16080 + name: explored-16205 type: explored -- comm_cost: 0.5585185185185187 +- comm_cost: 0.42534722222222243 complexity: 17 expressions: - N+ + - R- - SE- + - and(K-, or(S+, N+)) - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, N-) - - or(N+, not(R+)) - name: explored-16081 - type: explored -- comm_cost: 0.6604166666666667 - complexity: 10 - expressions: - - N+ - - and(S-, SE-) - - or(K+, K-) - - or(S+, N+) - name: explored-16082 + - and(and(K-, N-), not(R-)) + name: explored-16206 type: explored -- comm_cost: 0.5482638888888891 - complexity: 10 +- comm_cost: 0.6747395833333334 + complexity: 14 expressions: - R+ - SE- - - and(K-, S+) - - and(K-, or(S+, R-)) - name: explored-16083 - type: explored -- comm_cost: 0.7039062500000001 - complexity: 8 - expressions: - - N+ - - R+ - - and(or(K+, S-), not(R-)) - name: explored-16084 + - and(S-, N-) + - and(and(S-, N-), not(R-)) + - or(K+, K-) + name: explored-16207 type: explored -- comm_cost: 0.5655034722222223 - complexity: 17 +- comm_cost: 0.27005208333333375 + complexity: 16 expressions: + - K+ - N+ - R- + - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, S-) - name: explored-16085 - type: explored -- comm_cost: 0.5981770833333334 - complexity: 13 - expressions: - - R- - - and(and(S-, N-), not(R-)) - - or(K+, N+) - - or(K+, SE+) - name: explored-16086 + - or(N+, R-) + - or(SE-, N+) + name: explored-16208 type: explored -- comm_cost: 0.2338541666666668 - complexity: 18 +- comm_cost: 0.2562500000000003 + complexity: 8 expressions: - K+ - N+ + - N+ - R- - - R- - - and(K-, S+) - - and(K-, or(S+, SE+)) + - SE- - and(N-, R+) - - and(S-, SE-) - name: explored-16087 + name: explored-16209 type: explored -- comm_cost: 0.2723958333333336 +- comm_cost: 0.12604166666666705 complexity: 15 expressions: - K+ - N+ - - SE- - - and(K-, S+) + - R- + - and(N-, R+) - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - name: explored-16088 + - or(K+, R-) + name: explored-16210 type: explored -- comm_cost: 0.4568576388888892 - complexity: 10 +- comm_cost: 0.30043402777777795 + complexity: 16 expressions: - K+ - - SE- - - and(N-, R+) - - or(S+, or(N+, R-)) - name: explored-16089 - type: explored -- comm_cost: 0.4666666666666668 - complexity: 15 - expressions: - N+ - R- + - S+ - and(N-, R+) - - and(SE+, N-) - - and(or(K+, S-), or(SE-, N+)) - name: explored-16090 - type: explored -- comm_cost: 0.44053819444444453 - complexity: 13 - expressions: - - R+ - - R- - - and(K-, or(S+, SE+)) - and(S-, SE-) - - or(K+, R-) - name: explored-16091 + - or(K+, SE+) + - or(N+, R-) + name: explored-16211 type: explored -- comm_cost: 0.6589409722222224 - complexity: 16 +- comm_cost: 0.6236111111111112 + complexity: 12 expressions: - R+ + - SE- + - and(K-, or(S+, N+)) - and(K-, or(SE-, N+)) - - or(S+, R+) - - or(and(K-, S+), or(N+, R-)) - name: explored-16092 + name: explored-16212 type: explored -- comm_cost: 2.220446049250313e-16 - complexity: 14 +- comm_cost: 0.49921875000000027 + complexity: 8 + expressions: + - and(K-, SE-) + - and(N-, R+) + - not(R+) + name: explored-16213 + type: explored +- comm_cost: 0.75 + complexity: 6 + expressions: + - or(K+, SE+) + - or(SE-, N+) + name: explored-16214 + type: explored +- comm_cost: 0.3112413194444448 + complexity: 31 expressions: - - K+ - K+ - N+ - - N+ - R- - and(K-, S+) + - and(K-, or(N+, not(R+))) - and(N-, R+) - and(S-, SE-) - name: explored-16093 - type: explored -- comm_cost: 0.5667824074074076 - complexity: 15 - expressions: - - N+ - - SE- - - and(K-, or(S+, SE+)) - - and(N-, R+) - - and(N-, or(K+, SE+)) - name: explored-16094 + - and(or(K+, S-), not(R+)) + - or(and(K-, S+), or(N+, R-)) + name: explored-16215 type: explored -- comm_cost: 0.7666666666666666 - complexity: 8 +- comm_cost: 0.6521527777777779 + complexity: 11 expressions: + - R+ - R- - SE- - - and(K-, SE-) - - or(S+, R-) - name: explored-16095 + - and(N-, or(K+, SE+)) + - or(S+, SE+) + name: explored-16216 type: explored -- comm_cost: 0.17430555555555582 - complexity: 17 +- comm_cost: 0.3348958333333336 + complexity: 14 expressions: - N+ - R- - - and(K-, S+) + - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R+)) - name: explored-16096 + - and(and(S-, N-), not(R-)) + name: explored-16217 type: explored -- comm_cost: 0.3548611111111113 - complexity: 18 +- comm_cost: 0.5707175925925927 + complexity: 19 expressions: - N+ - R- + - S+ - and(K-, or(SE-, N+)) - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - name: explored-16097 + - not(R-) + - or(K+, K-) + name: explored-16218 type: explored -- comm_cost: 0.6563368055555556 - complexity: 10 +- comm_cost: 0.7713541666666667 + complexity: 8 expressions: - - R+ - SE- - - and(K-, not(R+)) - - and(K-, not(R-)) - name: explored-16098 - type: explored -- comm_cost: 0.7351562500000002 - complexity: 7 - expressions: - - R+ - - and(or(K+, S-), not(R-)) - name: explored-16099 + - and(S-, not(R+)) + - or(SE-, N+) + name: explored-16219 type: explored -- comm_cost: 0.7326099537037037 +- comm_cost: 0.3377604166666669 complexity: 14 expressions: - - R+ - - or(K+, K-) - - or(K+, SE+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-16100 - type: explored -- comm_cost: 0.21510416666666687 - complexity: 22 - expressions: - K+ - N+ - - R- - and(K-, S+) - - and(K-, or(S+, R+)) - - and(K-, or(S+, R-)) - and(N-, R+) - and(S-, SE-) - name: explored-16101 + - or(S+, R+) + name: explored-16220 + type: explored +- comm_cost: 0.6645833333333333 + complexity: 7 + expressions: + - R- + - and(K-, SE-) + - and(S-, SE-) + name: explored-16221 type: explored -- comm_cost: 0.5533159722222223 +- comm_cost: 0.5953298611111113 complexity: 11 expressions: - - K- - N+ + - R- + - SE- - and(N-, R+) - - and(S-, SE-) + - not(R-) - or(K+, SE+) - name: explored-16102 + name: explored-16222 type: explored -- comm_cost: 0.5158796296296299 - complexity: 17 +- comm_cost: 0.3968750000000003 + complexity: 11 expressions: - N+ - and(N-, R+) - - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - - or(K+, S-) - name: explored-16103 - type: explored -- comm_cost: 0.8385416666666666 - complexity: 7 - expressions: - - or(K+, R-) - - or(N+, not(R+)) - name: explored-16104 + - and(S-, or(SE-, N+)) + - not(R+) + name: explored-16223 type: explored -- comm_cost: 0.42256944444444455 - complexity: 16 +- comm_cost: 0.17916666666666703 + complexity: 10 expressions: - - R- - - SE- - - and(K-, or(S+, R+)) + - K+ + - K+ + - N+ + - N+ - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - name: explored-16105 + name: explored-16224 type: explored -- comm_cost: 0.3352777777777781 - complexity: 22 +- comm_cost: 0.3812500000000003 + complexity: 9 expressions: - - K+ - N+ - R- - S+ - - and(K-, SE-) - and(N-, R+) - - and(S-, SE-) - - or(N+, not(R+)) - - or(S+, or(N+, R-)) - name: explored-16106 + - or(K+, N+) + name: explored-16225 type: explored -- comm_cost: 0.29114583333333366 - complexity: 24 +- comm_cost: 0.38593750000000027 + complexity: 13 expressions: - - K+ - N+ - - R- + - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(S+, or(N+, R-)) - - or(S+, or(N+, R-)) - name: explored-16107 + name: explored-16226 type: explored -- comm_cost: 0.22760416666666705 - complexity: 10 +- comm_cost: 0.6420138888888891 + complexity: 11 + expressions: + - R+ + - and(K-, or(SE-, N+)) + - not(R+) + - or(SE-, N+) + name: explored-16227 + type: explored +- comm_cost: 0.3916666666666667 + complexity: 15 expressions: - - K+ - N+ + - and(N-, or(K+, SE+)) + - and(S-, SE-) + - and(S-, SE-) + - or(S+, R-) + name: explored-16228 + type: explored +- comm_cost: 0.5822916666666668 + complexity: 3 + expressions: + - R+ - R- + - S+ + name: explored-16229 + type: explored +- comm_cost: 0.7583333333333333 + complexity: 5 + expressions: + - N+ - SE- - - and(K-, SE-) - - and(N-, R+) - name: explored-16108 + - or(S+, N+) + name: explored-16230 type: explored -- comm_cost: 0.28376736111111145 - complexity: 26 +- comm_cost: 0.4535590277777779 + complexity: 10 expressions: - K+ - - K+ - N+ - R- - S+ + - SE+ + - SE- + - SE- - and(N-, R+) - - and(S-, SE-) - - and(S-, or(SE-, N+)) - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-16109 + name: explored-16231 type: explored -- comm_cost: 0.20052083333333348 - complexity: 10 +- comm_cost: 0.46406250000000027 + complexity: 15 expressions: - N+ - - R+ - - R- - - S+ + - SE- - and(N-, R+) - - and(S-, SE-) - name: explored-16110 + - and(SE+, N-) + - and(or(K+, S-), or(SE-, N+)) + name: explored-16232 type: explored -- comm_cost: 0.2839988425925928 - complexity: 16 +- comm_cost: 0.631148726851852 + complexity: 37 expressions: - - N+ - R- - - and(N-, R+) - - and(N-, or(S+, SE+)) - - and(S-, SE-) + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, N+)) + - and(N-, and(or(K+, S-), not(R-))) + - and(N-, or(S+, R+)) + - and(and(S-, N-), not(R-)) - or(S+, R-) - name: explored-16111 + - or(SE-, N+) + name: explored-16233 type: explored -- comm_cost: 0.38746527777777795 - complexity: 15 +- comm_cost: 0.6845833333333333 + complexity: 6 expressions: + - K+ - N+ - - N- - R- - - S+ - - and(N-, R+) - - and(N-, or(K+, R+)) - - and(S-, SE-) - name: explored-16112 + - or(K+, S-) + name: explored-16234 type: explored -- comm_cost: 0.2312500000000003 - complexity: 10 +- comm_cost: 0.6864004629629631 + complexity: 11 + expressions: + - R+ + - and(N-, or(K+, S-)) + - not(R+) + - or(K+, R+) + name: explored-16235 + type: explored +- comm_cost: 0.46510416666666676 + complexity: 8 expressions: + - K+ + - R+ - R- - - and(K-, S+) - - and(N-, R+) - and(S-, SE-) - name: explored-16113 + - not(R+) + name: explored-16236 type: explored -- comm_cost: 0.5486545138888891 +- comm_cost: 0.32934027777777797 complexity: 20 expressions: - N+ - - SE- - - and(K-, N-) - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(S-, SE-) - and(and(K-, N-), or(S+, R+)) - name: explored-16114 + - and(or(K+, S-), not(R+)) + name: explored-16237 type: explored -- comm_cost: 0.13255208333333357 - complexity: 19 +- comm_cost: 0.6918981481481483 + complexity: 6 + expressions: + - R+ + - R+ + - SE- + - or(K+, K-) + name: explored-16238 + type: explored +- comm_cost: 0.44843750000000016 + complexity: 15 expressions: - - K+ - - K+ - - K+ - N+ + - R+ - R- - - S+ + - SE- + - and(SE-, or(K+, S-)) + - and(and(S-, N-), not(R-)) + name: explored-16239 + type: explored +- comm_cost: 0.3250000000000002 + complexity: 22 + expressions: + - K+ + - N+ + - and(K-, S+) - and(N-, R+) + - and(N-, or(S+, R+)) - and(S-, SE-) - - and(and(K-, N-), or(S+, R+)) - name: explored-16115 + - and(or(K+, S-), not(R+)) + name: explored-16240 type: explored -- comm_cost: 0.5583333333333332 - complexity: 6 +- comm_cost: 0.4099826388888891 + complexity: 21 expressions: + - K+ + - K+ + - N+ - R- - S+ - - S+ + - and(K-, not(R-)) + - and(N-, R+) - and(S-, SE-) - name: explored-16116 + - and(or(K+, S-), not(R+)) + name: explored-16241 type: explored -- comm_cost: 0.40972222222222254 - complexity: 17 +- comm_cost: 0.5142968750000001 + complexity: 22 expressions: - N+ - R- + - S+ - and(N-, R+) - - and(or(K+, S-), or(SE-, N+)) - - or(K+, or(N+, R-)) - name: explored-16117 + - and(S-, SE-) + - or(K+, S-) + - or(K+, SE+) + - or(and(K-, S+), or(N+, R-)) + name: explored-16242 type: explored -- comm_cost: 0.5057291666666668 +- comm_cost: 0.47465277777777803 complexity: 11 expressions: - N+ - - R- - and(N-, R+) - - and(S-, N-) - - or(SE-, N+) - name: explored-16118 + - and(S-, not(R+)) + - or(K+, R+) + name: explored-16243 type: explored -- comm_cost: 0.6449652777777779 - complexity: 6 +- comm_cost: 0.5906250000000002 + complexity: 7 expressions: + - K+ - R+ - - S+ - - SE- - - or(SE-, N+) - name: explored-16119 + - and(K-, or(S+, R-)) + name: explored-16244 type: explored -- comm_cost: 0.628559027777778 - complexity: 13 +- comm_cost: 0.4736111111111113 + complexity: 17 expressions: - N+ - - R+ - - R- - SE- - - and(K-, not(R-)) - - and(K-, or(S+, SE+)) - name: explored-16120 + - and(N-, R+) + - and(and(K-, N-), or(S+, R+)) + - or(K+, or(N+, R-)) + name: explored-16245 type: explored -- comm_cost: 0.46215277777777797 +- comm_cost: 0.676545138888889 complexity: 13 expressions: + - R+ + - and(S-, not(R+)) + - or(K+, S-) + - or(S+, or(N+, R-)) + name: explored-16246 + type: explored +- comm_cost: 0.5561776620370371 + complexity: 20 + expressions: - N+ - R- - - S+ - - S- + - SE- - and(N-, R+) - - and(S-, N-) - - and(S-, SE-) - name: explored-16121 + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, R+) + - or(K+, R+) + name: explored-16247 type: explored -- comm_cost: 0.803125 - complexity: 6 +- comm_cost: 0.7019097222222224 + complexity: 11 expressions: + - R+ - and(K-, S+) + - and(and(K-, N-), or(S+, SE+)) + name: explored-16248 + type: explored +- comm_cost: 0.606076388888889 + complexity: 12 + expressions: + - R+ + - and(S-, N-) + - and(S-, or(SE-, N+)) - or(K+, N+) - name: explored-16122 + name: explored-16249 type: explored -- comm_cost: 0.6191840277777779 - complexity: 15 +- comm_cost: 0.7559895833333334 + complexity: 11 expressions: - R+ - - R- - - SE- - and(N-, or(S+, SE+)) - - and(and(K-, N-), or(S+, SE+)) - name: explored-16123 + - or(S+, or(N+, R-)) + name: explored-16250 type: explored -- comm_cost: 0.46840277777777795 - complexity: 19 +- comm_cost: 0.3997974537037039 + complexity: 17 expressions: + - K+ + - N+ + - N- - R- + - S+ - and(N-, R+) - - and(N-, or(S+, R+)) - and(S-, SE-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-16124 - type: explored -- comm_cost: 0.6597222222222223 - complexity: 35 - expressions: - - SE+ - - and(K-, not(R-)) - - and(S-, not(R-)) - - and(and(K-, N-), or(S+, R+)) - and(or(K+, S-), not(R+)) - - or(K+, N+) - - or(K+, R-) - - or(and(K-, SE-), or(N+, R-)) - name: explored-16125 + name: explored-16251 type: explored -- comm_cost: 0.6397685185185187 - complexity: 18 +- comm_cost: 0.31264467592592626 + complexity: 19 expressions: + - N+ - R- - - SE- - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(N+, not(R+)) - - or(S+, SE+) - name: explored-16126 + - and(S-, SE-) + - and(or(K+, S-), or(N+, not(R+))) + - or(S+, R-) + name: explored-16252 type: explored -- comm_cost: 0.3593750000000002 - complexity: 16 +- comm_cost: 0.4380208333333335 + complexity: 19 expressions: - - K+ - - R- + - N+ - S+ + - and(K-, not(R+)) - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-16127 + - and(S-, not(R-)) + - or(S+, R-) + name: explored-16253 type: explored -- comm_cost: 0.5958333333333335 - complexity: 10 +- comm_cost: 0.15104166666666696 + complexity: 14 expressions: - K+ + - N+ - R- + - S+ - and(N-, R+) - - and(N-, or(K+, R+)) - name: explored-16128 + - and(S-, SE-) + - and(S-, not(R+)) + name: explored-16254 type: explored -- comm_cost: 0.6513020833333334 - complexity: 6 +- comm_cost: 0.5901041666666668 + complexity: 14 expressions: - - N+ - R+ - R- - - or(S+, R+) - name: explored-16129 + - SE- + - and(K-, or(N+, not(R+))) + - and(K-, or(S+, R-)) + name: explored-16255 type: explored -- comm_cost: 0.7057986111111112 - complexity: 5 +- comm_cost: 0.3586805555555559 + complexity: 13 + expressions: + - R- + - and(N-, R+) + - and(S-, SE-) + - or(S+, R-) + - or(SE-, N+) + name: explored-16256 + type: explored +- comm_cost: 0.7124999999999999 + complexity: 6 + expressions: + - and(K-, SE-) + - or(K+, N+) + name: explored-16257 + type: explored +- comm_cost: 0.6544270833333334 + complexity: 19 expressions: - - N- - R+ - - and(K-, N-) - name: explored-16130 + - SE- + - and(or(K+, S-), or(SE-, N+)) + - or(S+, R+) + - or(and(K-, S+), or(N+, R-)) + name: explored-16258 type: explored -- comm_cost: 0.3329861111111114 +- comm_cost: 0.22031250000000036 complexity: 17 expressions: + - K+ - N+ + - R- + - and(K-, or(SE-, N+)) - and(N-, R+) - and(S-, SE-) - or(K+, N+) - - or(and(S-, SE-), or(N+, R-)) - name: explored-16131 - type: explored -- comm_cost: 0.43524305555555587 - complexity: 32 - expressions: - - and(K-, not(R+)) - - and(K-, or(S+, N+)) - - and(N-, R+) - - and(S-, not(R+)) - - and(or(K+, S-), not(R+)) - - or(S+, N+) - - or(and(K-, SE-), or(N+, R-)) - name: explored-16132 - type: explored -- comm_cost: 0.6966145833333335 - complexity: 9 - expressions: - - R+ - - and(K-, or(S+, SE+)) - - or(SE-, N+) - name: explored-16133 + name: explored-16259 type: explored -- comm_cost: 0.3739583333333336 - complexity: 15 +- comm_cost: 0.4447916666666667 + complexity: 11 expressions: + - K+ + - K+ - N+ - R- - S+ - - and(N-, R+) - - and(S-, N-) + - and(K-, N-) - and(S-, SE-) - - or(S+, N+) - name: explored-16134 + name: explored-16260 type: explored -- comm_cost: 0.21458333333333368 +- comm_cost: 0.4111111111111113 complexity: 17 expressions: - K+ + - N+ - R- - - R- - - and(K-, S+) - - and(K-, or(SE-, N+)) - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - name: explored-16135 + - or(N+, R-) + name: explored-16261 type: explored -- comm_cost: 0.4878472222222222 - complexity: 13 +- comm_cost: 0.25312500000000027 + complexity: 10 expressions: - - K+ - N+ - R- - - SE- - - and(K-, S+) - - and(K-, SE-) - - and(S-, SE-) - name: explored-16136 + - and(N-, R+) + - and(SE-, or(K+, S-)) + name: explored-16262 type: explored -- comm_cost: 0.6762673611111112 +- comm_cost: 0.6611458333333334 complexity: 10 expressions: + - N- + - R+ + - S+ + - and(and(K-, N-), or(S+, R+)) + name: explored-16263 + type: explored +- comm_cost: 0.652013888888889 + complexity: 7 + expressions: - K- - R+ - R- - SE- - - and(or(K+, S-), not(R-)) - name: explored-16137 + - or(K+, R-) + name: explored-16264 type: explored -- comm_cost: 0.3782986111111113 - complexity: 15 +- comm_cost: 0.33654513888888904 + complexity: 16 expressions: - K+ - N+ - R- - - SE- - - and(K-, SE-) + - S+ - and(N-, R+) - - and(N-, or(K+, SE+)) - name: explored-16138 + - and(S-, SE-) + - or(S+, N+) + - or(S+, SE+) + name: explored-16265 type: explored -- comm_cost: 0.37714120370370385 - complexity: 13 +- comm_cost: 0.4169270833333335 + complexity: 18 expressions: + - K+ - N+ - R- - - S+ - - and(K-, not(R+)) + - and(N-, R+) - and(S-, SE-) - - and(SE+, N-) - name: explored-16139 + - and(or(K+, S-), not(R-)) + - or(K+, R-) + name: explored-16266 type: explored -- comm_cost: 0.6359374999999999 - complexity: 5 +- comm_cost: 0.23541666666666705 + complexity: 14 expressions: - K+ + - R- - S+ + - and(K-, or(S+, R-)) + - and(N-, R+) - and(S-, SE-) - name: explored-16140 + name: explored-16267 type: explored -- comm_cost: 0.43854166666666683 - complexity: 15 +- comm_cost: 0.4553125000000001 + complexity: 16 expressions: - K+ - N+ + - N- - R- - - S+ - - and(K-, not(R-)) + - and(K-, S+) - and(N-, R+) - - and(S-, not(R+)) - name: explored-16141 + - and(S-, SE-) + - or(K+, SE+) + name: explored-16268 type: explored -- comm_cost: 0.4270833333333335 +- comm_cost: 0.33263888888888915 complexity: 14 expressions: + - N+ - R- - and(N-, R+) - and(S-, SE-) - - and(and(K-, N-), or(S+, SE+)) - name: explored-16142 + - and(S-, or(N+, not(R+))) + name: explored-16269 type: explored -- comm_cost: 0.6937500000000001 - complexity: 5 +- comm_cost: 0.40300925925925923 + complexity: 13 + expressions: + - K+ + - N+ + - R- + - R- + - and(K-, S+) + - and(S-, SE-) + - or(S+, R-) + name: explored-16270 + type: explored +- comm_cost: 0.6130208333333335 + complexity: 9 expressions: - - N- - R+ - - or(K+, N+) - name: explored-16143 + - SE- + - and(and(K-, N-), or(S+, R+)) + name: explored-16271 type: explored -- comm_cost: 0.5039062500000001 - complexity: 23 +- comm_cost: 0.44456018518518536 + complexity: 20 expressions: - N+ - R- - S+ - and(N-, R+) + - and(N-, or(K+, S-)) - and(S-, SE-) - - and(or(K+, S-), not(R+)) - - or(K+, K-) - - or(K+, or(N+, R-)) - name: explored-16144 + - or(K+, R+) + - or(N+, R-) + name: explored-16272 type: explored -- comm_cost: 0.7080729166666668 - complexity: 6 +- comm_cost: 0.7057291666666666 + complexity: 7 expressions: - - R- - - S- - SE- - - and(K-, N-) - name: explored-16145 + - and(K-, SE-) + - or(N+, R-) + name: explored-16273 type: explored -- comm_cost: 0.46848958333333335 +- comm_cost: 0.3226562500000002 + complexity: 14 + expressions: + - N+ + - R- + - R- + - S+ + - and(N-, R+) + - and(N-, not(R-)) + - and(S-, SE-) + name: explored-16274 + type: explored +- comm_cost: 0.36197916666666685 complexity: 18 expressions: + - K+ - N+ - R- - S+ - and(N-, R+) - and(S-, SE-) - - and(or(K+, S-), not(R-)) + - and(S-, or(SE-, N+)) - or(K+, SE+) - name: explored-16146 + name: explored-16275 type: explored -- comm_cost: 0.754375 - complexity: 6 +- comm_cost: 0.21901041666666698 + complexity: 13 expressions: - - K- + - K+ + - K+ + - N+ + - S+ + - and(N-, R+) + - and(S-, SE-) + - or(S+, N+) + name: explored-16276 + type: explored +- comm_cost: 0.4510416666666668 + complexity: 8 + expressions: + - K+ + - R+ + - R- - and(S-, or(SE-, N+)) - name: explored-16147 + name: explored-16277 type: explored -- comm_cost: 0.47473958333333344 - complexity: 9 +- comm_cost: 0.638402777777778 + complexity: 7 expressions: - R+ - - and(N-, or(S+, SE+)) + - S+ + - SE- + - or(N+, not(R+)) + name: explored-16278 + type: explored +- comm_cost: 0.3401041666666669 + complexity: 11 + expressions: + - K+ + - R+ + - R- + - and(N-, or(K+, R+)) - and(S-, SE-) - name: explored-16148 + name: explored-16279 type: explored -- comm_cost: 0.81484375 - complexity: 4 +- comm_cost: 0.5205729166666668 + complexity: 12 expressions: + - N+ + - R+ - R- - SE- + - and(and(S-, N-), not(R-)) - not(R+) - name: explored-16149 + name: explored-16280 type: explored -- comm_cost: 0.5776041666666667 - complexity: 6 +- comm_cost: 0.3635416666666669 + complexity: 13 expressions: - - and(S-, SE-) - - or(S+, R+) - name: explored-16150 + - K+ + - N+ + - R- + - SE- + - and(K-, or(N+, not(R+))) + - and(N-, R+) + name: explored-16281 type: explored -- comm_cost: 0.46640625 - complexity: 8 +- comm_cost: 0.5495370370370373 + complexity: 17 expressions: + - K+ - N+ - - S+ - - and(S-, SE-) - - or(K+, SE+) - name: explored-16151 + - SE- + - and(K-, or(S+, R+)) + - and(N-, R+) + - and(and(K-, N-), not(R-)) + name: explored-16282 type: explored -- comm_cost: 0.4491319444444446 - complexity: 13 +- comm_cost: 0.5949074074074074 + complexity: 8 expressions: - - K+ - N+ - R- - - and(N-, or(S+, R+)) - - and(S-, SE-) - - not(R+) - name: explored-16152 + - SE+ + - SE- + - and(K-, not(R+)) + name: explored-16283 type: explored -- comm_cost: 0.7601562500000001 - complexity: 5 +- comm_cost: 0.34583333333333366 + complexity: 8 expressions: - - R+ - - S+ - - or(S+, R+) - name: explored-16153 + - R- + - SE- + - and(N-, R+) + - and(S-, SE-) + name: explored-16284 type: explored -- comm_cost: 0.37688888888888905 - complexity: 20 +- comm_cost: 0.5753472222222223 + complexity: 14 expressions: - - K+ - - K+ - N+ + - R+ - R- + - and(K-, or(SE-, N+)) + - and(S-, or(N+, not(R+))) + name: explored-16285 + type: explored +- comm_cost: 0.39079861111111147 + complexity: 13 + expressions: - S+ - - and(K-, SE-) - and(N-, R+) - and(S-, SE-) - - or(K+, R-) - - or(S+, SE+) - name: explored-16154 + - and(or(K+, S-), not(R+)) + name: explored-16286 type: explored -- comm_cost: 0.27265625000000016 - complexity: 20 +- comm_cost: 0.3968171296296299 + complexity: 23 + expressions: + - and(K-, not(R+)) + - and(K-, or(S+, R-)) + - and(N-, R+) + - and(S-, or(SE-, N+)) + - and(or(K+, S-), not(R+)) + name: explored-16287 + type: explored +- comm_cost: 0.45763888888888915 + complexity: 18 + expressions: + - N+ + - SE- + - and(N-, R+) + - and(and(K-, N-), or(S+, SE+)) + - and(or(K+, S-), not(R+)) + name: explored-16288 + type: explored +- comm_cost: 0.11927083333333344 + complexity: 14 expressions: - K+ - N+ + - R+ + - R- - R- - and(K-, S+) - - and(K-, or(S+, N+)) - and(N-, R+) - and(S-, SE-) - - or(K+, SE+) - name: explored-16155 + name: explored-16289 type: explored -- comm_cost: 0.5901041666666668 - complexity: 7 +- comm_cost: 0.5237847222222223 + complexity: 11 expressions: + - N+ + - R+ - R- - SE- - - and(N-, or(K+, R+)) - name: explored-16156 + - and(K-, S+) + - and(N-, not(R-)) + name: explored-16290 type: explored -- comm_cost: 0.6221875000000001 - complexity: 13 +- comm_cost: 0.6142361111111113 + complexity: 18 expressions: - R+ - SE- - - and(S-, or(SE-, N+)) - - and(SE+, N-) - - or(S+, SE+) - name: explored-16157 + - and(K-, or(S+, R-)) + - and(N-, or(S+, R+)) + - and(S-, or(N+, not(R+))) + name: explored-16291 type: explored -- comm_cost: 0.6903645833333334 - complexity: 9 +- comm_cost: 0.8314236111111111 + complexity: 6 expressions: - - R+ - - and(N-, or(K+, S-)) - - or(SE-, N+) - name: explored-16158 + - or(K+, N+) + - or(S+, R-) + name: explored-16292 type: explored -- comm_cost: 0.44097222222222243 - complexity: 21 +- comm_cost: 0.5852430555555557 + complexity: 13 expressions: - K+ - N+ - R- - SE- - - and(K-, or(SE-, N+)) + - and(K-, N-) - and(N-, R+) - - and(and(K-, N-), not(R-)) - - or(S+, N+) - name: explored-16159 + - or(K+, K-) + name: explored-16293 type: explored -- comm_cost: 0.4119791666666668 +- comm_cost: 0.4486111111111113 complexity: 12 expressions: - - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(N-, or(K+, R+)) - name: explored-16160 + - and(S-, N-) + - and(SE+, N-) + name: explored-16294 type: explored -- comm_cost: 0.34496527777777797 +- comm_cost: 0.5625000000000002 complexity: 13 expressions: - N+ - - S+ - - and(K-, or(S+, R+)) - - and(N-, R+) - - and(S-, SE-) - name: explored-16161 - type: explored -- comm_cost: 0.6790625000000001 - complexity: 7 - expressions: - - N- - - R+ - - and(K-, or(S+, R-)) - name: explored-16162 - type: explored -- comm_cost: 0.5798611111111114 - complexity: 16 - expressions: - - SE- + - R- - and(N-, R+) - - and(and(K-, N-), or(S+, SE+)) - - or(S+, or(N+, R-)) - name: explored-16163 + - and(N-, or(K+, SE+)) + - or(S+, N+) + name: explored-16295 type: explored -- comm_cost: 0.4027777777777779 - complexity: 13 +- comm_cost: 0.4012152777777781 + complexity: 23 expressions: + - K+ - N+ - R- - - S+ + - SE- - and(N-, R+) - - and(S-, not(R+)) - - or(K+, R+) - name: explored-16164 + - and(or(K+, S-), or(N+, not(R+))) + - or(K+, or(N+, R-)) + - or(N+, R-) + name: explored-16296 type: explored -- comm_cost: 0.6044270833333334 - complexity: 8 +- comm_cost: 0.6975694444444445 + complexity: 11 expressions: - R+ - R- - - S+ - - and(N-, or(K+, S-)) - name: explored-16165 + - SE- + - and(N-, or(S+, SE+)) + - or(K+, K-) + name: explored-16297 type: explored -- comm_cost: 0.4843750000000001 +- comm_cost: 0.6287500000000001 complexity: 6 expressions: - N+ + - and(N-, R+) + - not(R-) + name: explored-16298 + type: explored +- comm_cost: 0.6911458333333335 + complexity: 10 + expressions: - R+ - R- - - R- - - R- - - SE- - name: explored-16166 + - and(K-, or(S+, N+)) + - or(K+, K-) + name: explored-16299 type: explored -- comm_cost: 0.5984375 - complexity: 6 +- comm_cost: 0.5808159722222224 + complexity: 12 expressions: - - K- - N+ - - S+ - - and(S-, SE-) - name: explored-16167 - type: explored -- comm_cost: 0.5533854166666667 - complexity: 16 - expressions: + - R+ - R- - - and(N-, R+) - - and(S-, SE-) - - and(or(K+, S-), not(R-)) - - or(K+, SE+) - name: explored-16168 + - SE- + - and(K-, or(S+, SE+)) + - and(SE+, N-) + name: explored-16300 type: explored diff --git a/src/examples/indefinites/outputs/generated_expressions.yml b/src/examples/indefinites/outputs/generated_expressions.yml index c29405d1..46a935c4 100644 --- a/src/examples/indefinites/outputs/generated_expressions.yml +++ b/src/examples/indefinites/outputs/generated_expressions.yml @@ -2,518 +2,855 @@ grammatical_expression: K+ length: 1 meaning: - referents: - - &id001 - name: specific-known - probability: 0.08125 + _dist: &id001 !!python/object:ultk.util.FrozenDict {} + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + ? &id002 !!python/object:ultk.language.semantics.Referent + _frozen: true + name: freechoice + probability: 0.0979166666666667 + : false + ? &id003 !!python/object:ultk.language.semantics.Referent + _frozen: true + name: negative-indefinite + probability: 0.15 + : false + ? &id004 !!python/object:ultk.language.semantics.Referent + _frozen: true + name: nonspecific + probability: 0.2625 + : false + ? &id005 !!python/object:ultk.language.semantics.Referent + _frozen: true + name: npi + probability: 0.327083333333333 + : false + ? &id006 !!python/object:ultk.language.semantics.Referent + _frozen: true + name: specific-known + probability: 0.08125 + : true + ? &id007 !!python/object:ultk.language.semantics.Referent + _frozen: true + name: specific-unknown + probability: 0.08125 + : false - form: '' grammatical_expression: K- length: 1 meaning: - referents: - - &id002 - name: specific-unknown - probability: 0.08125 - - &id003 - name: nonspecific - probability: 0.2625 - - &id004 - name: freechoice - probability: 0.0979166666666667 - - &id005 - name: negative-indefinite - probability: 0.15 - - &id006 - name: npi - probability: 0.327083333333333 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : true + *id005 : true + *id006 : false + *id007 : true - form: '' grammatical_expression: S+ length: 1 meaning: - referents: - - *id001 - - *id002 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : false + *id005 : false + *id006 : true + *id007 : true - form: '' grammatical_expression: S- length: 1 meaning: - referents: - - *id003 - - *id004 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : true + *id005 : true + *id006 : false + *id007 : false - form: '' grammatical_expression: SE+ length: 1 meaning: - referents: - - *id004 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : false + *id005 : true + *id006 : false + *id007 : false - form: '' grammatical_expression: SE- length: 1 meaning: - referents: - - *id001 - - *id002 - - *id003 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : true + *id005 : false + *id006 : true + *id007 : true - form: '' grammatical_expression: N+ length: 1 meaning: - referents: - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : false + *id005 : false + *id006 : false + *id007 : false - form: '' grammatical_expression: N- length: 1 meaning: - referents: - - *id001 - - *id002 - - *id003 - - *id004 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : true + *id005 : true + *id006 : true + *id007 : true - form: '' grammatical_expression: R+ length: 1 meaning: - referents: - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : false + *id005 : true + *id006 : false + *id007 : false - form: '' grammatical_expression: R- length: 1 meaning: - referents: - - *id004 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : false + *id005 : false + *id006 : false + *id007 : false +- form: '' + grammatical_expression: and(K+, K-) + length: 3 + meaning: + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : false + *id005 : false + *id006 : false + *id007 : false - form: '' grammatical_expression: and(K-, S+) length: 3 meaning: - referents: - - *id002 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : false + *id005 : false + *id006 : false + *id007 : true - form: '' grammatical_expression: and(K-, SE-) length: 3 meaning: - referents: - - *id002 - - *id003 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : true + *id005 : false + *id006 : false + *id007 : true - form: '' grammatical_expression: and(K-, N-) length: 3 meaning: - referents: - - *id002 - - *id003 - - *id004 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : true + *id005 : true + *id006 : false + *id007 : true - form: '' grammatical_expression: and(S-, SE-) length: 3 meaning: - referents: - - *id003 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : true + *id005 : false + *id006 : false + *id007 : false - form: '' grammatical_expression: and(S-, N-) length: 3 meaning: - referents: - - *id003 - - *id004 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : true + *id005 : true + *id006 : false + *id007 : false - form: '' grammatical_expression: and(SE+, N-) length: 3 meaning: - referents: - - *id004 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : false + *id005 : true + *id006 : false + *id007 : false - form: '' grammatical_expression: and(N-, R+) length: 3 meaning: - referents: - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : false + *id005 : true + *id006 : false + *id007 : false - form: '' grammatical_expression: or(K+, K-) length: 3 meaning: - referents: - - *id001 - - *id002 - - *id003 - - *id004 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : true + *id005 : true + *id006 : true + *id007 : true - form: '' grammatical_expression: or(K+, S-) length: 3 meaning: - referents: - - *id001 - - *id003 - - *id004 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : true + *id005 : true + *id006 : true + *id007 : false - form: '' grammatical_expression: or(K+, SE+) length: 3 meaning: - referents: - - *id001 - - *id004 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : false + *id005 : true + *id006 : true + *id007 : false - form: '' grammatical_expression: or(K+, N+) length: 3 meaning: - referents: - - *id001 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : false + *id005 : false + *id006 : true + *id007 : false - form: '' grammatical_expression: or(K+, R+) length: 3 meaning: - referents: - - *id001 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : false + *id005 : true + *id006 : true + *id007 : false - form: '' grammatical_expression: or(K+, R-) length: 3 meaning: - referents: - - *id001 - - *id004 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : false + *id005 : false + *id006 : true + *id007 : false - form: '' grammatical_expression: or(S+, SE+) length: 3 meaning: - referents: - - *id001 - - *id002 - - *id004 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : false + *id005 : true + *id006 : true + *id007 : true - form: '' grammatical_expression: or(S+, N+) length: 3 meaning: - referents: - - *id001 - - *id002 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : false + *id005 : false + *id006 : true + *id007 : true - form: '' grammatical_expression: or(S+, R+) length: 3 meaning: - referents: - - *id001 - - *id002 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : false + *id005 : true + *id006 : true + *id007 : true - form: '' grammatical_expression: or(S+, R-) length: 3 meaning: - referents: - - *id001 - - *id002 - - *id004 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : false + *id005 : false + *id006 : true + *id007 : true - form: '' grammatical_expression: or(SE-, N+) length: 3 meaning: - referents: - - *id001 - - *id002 - - *id003 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : true + *id005 : false + *id006 : true + *id007 : true - form: '' grammatical_expression: not(R-) length: 2 meaning: - referents: - - *id001 - - *id002 - - *id003 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : true + *id005 : true + *id006 : true + *id007 : true - form: '' grammatical_expression: not(R+) length: 2 meaning: - referents: - - *id001 - - *id002 - - *id003 - - *id004 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : true + *id005 : false + *id006 : true + *id007 : true - form: '' grammatical_expression: or(N+, R-) length: 3 meaning: - referents: - - *id004 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : false + *id005 : false + *id006 : false + *id007 : false - form: '' grammatical_expression: and(K-, or(S+, SE+)) length: 5 meaning: - referents: - - *id002 - - *id004 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : false + *id005 : true + *id006 : false + *id007 : true - form: '' grammatical_expression: and(K-, or(S+, N+)) length: 5 meaning: - referents: - - *id002 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : false + *id005 : false + *id006 : false + *id007 : true - form: '' grammatical_expression: and(K-, or(S+, R+)) length: 5 meaning: - referents: - - *id002 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : false + *id005 : true + *id006 : false + *id007 : true - form: '' grammatical_expression: and(K-, or(S+, R-)) length: 5 meaning: - referents: - - *id002 - - *id004 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : false + *id005 : false + *id006 : false + *id007 : true - form: '' grammatical_expression: and(K-, or(SE-, N+)) length: 5 meaning: - referents: - - *id002 - - *id003 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : true + *id005 : false + *id006 : false + *id007 : true - form: '' grammatical_expression: and(K-, not(R-)) length: 4 meaning: - referents: - - *id002 - - *id003 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : true + *id005 : true + *id006 : false + *id007 : true - form: '' grammatical_expression: and(K-, not(R+)) length: 4 meaning: - referents: - - *id002 - - *id003 - - *id004 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : true + *id005 : false + *id006 : false + *id007 : true - form: '' grammatical_expression: and(S-, or(SE-, N+)) length: 5 meaning: - referents: - - *id003 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : true + *id005 : false + *id006 : false + *id007 : false - form: '' grammatical_expression: and(S-, not(R-)) length: 4 meaning: - referents: - - *id003 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : true + *id005 : true + *id006 : false + *id007 : false - form: '' grammatical_expression: and(S-, not(R+)) length: 4 meaning: - referents: - - *id003 - - *id004 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : true + *id005 : false + *id006 : false + *id007 : false - form: '' grammatical_expression: and(SE-, or(K+, S-)) length: 5 meaning: - referents: - - *id001 - - *id003 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : true + *id005 : false + *id006 : true + *id007 : false - form: '' grammatical_expression: and(N-, or(K+, S-)) length: 5 meaning: - referents: - - *id001 - - *id003 - - *id004 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : true + *id005 : true + *id006 : true + *id007 : false - form: '' grammatical_expression: and(N-, or(K+, SE+)) length: 5 meaning: - referents: - - *id001 - - *id004 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : false + *id005 : true + *id006 : true + *id007 : false - form: '' grammatical_expression: and(N-, or(K+, R+)) length: 5 meaning: - referents: - - *id001 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : false + *id005 : true + *id006 : true + *id007 : false - form: '' grammatical_expression: and(N-, or(S+, SE+)) length: 5 meaning: - referents: - - *id001 - - *id002 - - *id004 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : false + *id005 : true + *id006 : true + *id007 : true - form: '' grammatical_expression: and(N-, or(S+, R+)) length: 5 meaning: - referents: - - *id001 - - *id002 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : false + *id005 : true + *id006 : true + *id007 : true - form: '' grammatical_expression: and(N-, not(R-)) length: 4 meaning: - referents: - - *id001 - - *id002 - - *id003 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : true + *id005 : true + *id006 : true + *id007 : true - form: '' grammatical_expression: and(and(K-, N-), or(S+, SE+)) length: 7 meaning: - referents: - - *id002 - - *id004 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : false + *id005 : true + *id006 : false + *id007 : true - form: '' grammatical_expression: and(and(K-, N-), or(S+, R+)) length: 7 meaning: - referents: - - *id002 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : false + *id005 : true + *id006 : false + *id007 : true - form: '' grammatical_expression: and(and(K-, N-), not(R-)) length: 6 meaning: - referents: - - *id002 - - *id003 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : true + *id005 : true + *id006 : false + *id007 : true - form: '' grammatical_expression: and(and(S-, N-), not(R-)) length: 6 meaning: - referents: - - *id003 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : true + *id005 : true + *id006 : false + *id007 : false - form: '' grammatical_expression: and(or(K+, S-), or(SE-, N+)) length: 7 meaning: - referents: - - *id001 - - *id003 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : true + *id005 : false + *id006 : true + *id007 : false - form: '' grammatical_expression: and(or(K+, S-), not(R-)) length: 6 meaning: - referents: - - *id001 - - *id003 - - *id005 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : true + *id004 : true + *id005 : true + *id006 : true + *id007 : false - form: '' grammatical_expression: and(or(K+, S-), not(R+)) length: 6 meaning: - referents: - - *id001 - - *id003 - - *id004 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : false + *id004 : true + *id005 : false + *id006 : true + *id007 : false - form: '' grammatical_expression: or(K+, or(N+, R-)) length: 5 meaning: - referents: - - *id001 - - *id004 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : false + *id005 : false + *id006 : true + *id007 : false - form: '' grammatical_expression: or(S+, or(N+, R-)) length: 5 meaning: - referents: - - *id001 - - *id002 - - *id004 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : false + *id005 : false + *id006 : true + *id007 : true - form: '' grammatical_expression: or(N+, not(R+)) length: 4 meaning: - referents: - - *id001 - - *id002 - - *id003 - - *id004 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : true + *id005 : false + *id006 : true + *id007 : true - form: '' grammatical_expression: or(and(K-, S+), or(N+, R-)) length: 7 meaning: - referents: - - *id002 - - *id004 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : false + *id005 : false + *id006 : false + *id007 : true - form: '' grammatical_expression: and(K-, or(N+, not(R+))) length: 6 meaning: - referents: - - *id002 - - *id003 - - *id004 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : true + *id005 : false + *id006 : false + *id007 : true - form: '' grammatical_expression: and(S-, or(N+, not(R+))) length: 6 meaning: - referents: - - *id003 - - *id004 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : true + *id005 : false + *id006 : false + *id007 : false - form: '' grammatical_expression: and(N-, and(or(K+, S-), not(R-))) length: 8 meaning: - referents: - - *id001 - - *id003 - - *id006 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : false + *id003 : false + *id004 : true + *id005 : true + *id006 : true + *id007 : false - form: '' grammatical_expression: and(or(K+, S-), or(N+, not(R+))) length: 8 meaning: - referents: - - *id001 - - *id003 - - *id004 - - *id005 + _dist: *id001 + mapping: !!python/object/new:ultk.util.FrozenDict + dictitems: + *id002 : true + *id003 : true + *id004 : true + *id005 : false + *id006 : true + *id007 : false diff --git a/src/examples/indefinites/outputs/natural_languages.yml b/src/examples/indefinites/outputs/natural_languages.yml index 22d1e70c..660c5c98 100644 --- a/src/examples/indefinites/outputs/natural_languages.yml +++ b/src/examples/indefinites/outputs/natural_languages.yml @@ -1,64 +1,146 @@ -- comm_cost: 0.4140625000000002 - complexity: 8 +- comm_cost: 0.5218750000000001 + complexity: 3 expressions: - - 14b - - 14i - - 14ne - - 14ni + - 38d + - 38k + - 38m lot_expressions: - - and(SE+, N-) - - and(N-, R+) + - R- - SE- + - R+ + name: japanese + type: natural +- comm_cost: 0.3354166666666668 + complexity: 12 + expressions: + - 17b + - 17kai + - 17kaz + - 17ni + - 17no + lot_expressions: + - R- + - K+ + - and(K-, SE-) - N+ - name: serbian + - and(and(S-, N-), not(R-)) + name: lithuanian type: natural -- comm_cost: 0.49583333333333346 +- comm_cost: 0.6162500000000001 complexity: 5 expressions: - - 03a - - 03n - - 03s + - 26a + - 26s + - 26v lot_expressions: - and(SE+, N-) - N+ + - N- + name: hungarian + type: natural +- comm_cost: 0.7166666666666668 + complexity: 4 + expressions: + - 22b + - 22k + lot_expressions: + - and(S-, N-) - SE- - name: english + name: hindi type: natural -- comm_cost: 0.5218750000000001 - complexity: 3 +- comm_cost: 0.20989583333333361 + complexity: 18 expressions: - - 38d - - 38k - - 38m + - 16b + - 16k + - 16l + - 16n + - 16ni + - 16t + - 16u lot_expressions: + - and(N-, R+) + - K+ + - and(and(S-, N-), not(R-)) + - N+ + - and(S-, SE-) + - and(K-, SE-) - R- - - SE- - - R+ - name: japanese + name: russian type: natural -- comm_cost: 0.5218750000000001 - complexity: 3 +- comm_cost: 0.4822916666666668 + complexity: 6 expressions: - - 10n - - 10q - - 10u + - 24a + - 24b + - 24bd + - 24e lot_expressions: - - R+ + - S+ - SE- + - and(SE+, N-) + - N+ + name: kazakh + type: natural +- comm_cost: 0.6895833333333334 + complexity: 4 + expressions: + - 37b + - 37p + lot_expressions: + - S+ + - and(S-, N-) + name: quechua + type: natural +- comm_cost: 0.43194444444444446 + complexity: 6 + expressions: + - 25b + - 25d + - 25em + - 25er + lot_expressions: - R- - name: italian + - SE+ + - and(S-, SE-) + - S+ + name: yakut type: natural -- comm_cost: 0.5380208333333336 +- comm_cost: 0.5489583333333334 + complexity: 12 + expressions: + - 34a + - 34m + - 34y + lot_expressions: + - and(S-, or(SE-, N+)) + - and(and(S-, N-), not(R-)) + - S+ + name: georgian + type: natural +- comm_cost: 0.5666666666666668 complexity: 5 expressions: - - 31a - - 31i - - 31s + - 02d + - 02i + - 02n lot_expressions: - - R+ - - and(N-, R+) + - and(S-, N-) - SE- - name: hebrew + - N+ + name: dutch + type: natural +- comm_cost: 0.4437500000000002 + complexity: 9 + expressions: + - 35a + - 35o + - 35u + lot_expressions: + - and(S-, SE-) + - and(K-, S+) + - and(SE+, N-) + name: kannada type: natural - comm_cost: 0.4083333333333333 complexity: 6 @@ -90,29 +172,51 @@ - R- name: iceland type: natural -- comm_cost: 0.6312500000000001 +- comm_cost: 0.6505208333333334 complexity: 5 expressions: - - 19a - - 19ar - - 19e + - 07a + - 07n + - 07q + lot_expressions: + - SE- + - R+ + - and(K-, N-) + name: portug + type: natural +- comm_cost: 0.6458333333333335 + complexity: 4 + expressions: + - 33CL + - 33GN lot_expressions: - - SE+ - and(SE+, N-) - SE- - name: irish + name: swahili type: natural -- comm_cost: 0.61640625 - complexity: 5 +- comm_cost: 0.5218750000000001 + complexity: 3 expressions: - - 01e - - 01i - - 01n + - 39b + - 39n + - 39t lot_expressions: - SE- - - and(K-, N-) + - R- + - R+ + name: korean + type: natural +- comm_cost: 0.49583333333333346 + complexity: 5 + expressions: + - 15k + - 15n + - 15s + lot_expressions: + - and(SE+, N-) - N+ - name: german + - SE- + name: polish type: natural - comm_cost: 0.5218750000000001 complexity: 3 @@ -126,49 +230,29 @@ - SE- name: romanian type: natural -- comm_cost: 0.3354166666666668 - complexity: 12 - expressions: - - 17b - - 17kai - - 17kaz - - 17ni - - 17no - lot_expressions: - - R- - - K+ - - and(K-, SE-) - - N+ - - and(and(S-, N-), not(R-)) - name: lithuanian - type: natural -- comm_cost: 0.41041666666666676 +- comm_cost: 0.5463541666666668 complexity: 6 expressions: - - 40ba - - 40bi - - 40e - - 40i + - 09n + - 09p + - 09que + - 09quel lot_expressions: - - K+ - - and(K-, SE-) - R- - R+ - name: basque + - and(SE+, N-) + - SE- + name: french type: natural -- comm_cost: 0.4822916666666668 - complexity: 6 +- comm_cost: 0.6458333333333335 + complexity: 4 expressions: - - 24a - - 24b - - 24bd - - 24e + - 32k + - 32w lot_expressions: - - S+ - - SE- - and(SE+, N-) - - N+ - name: kazakh + - SE- + name: hausa type: natural - comm_cost: 0.49583333333333346 complexity: 5 @@ -182,87 +266,91 @@ - N+ name: latvian type: natural -- comm_cost: 0.6162500000000001 - complexity: 5 +- comm_cost: 0.5218750000000001 + complexity: 3 expressions: - - 26a - - 26s - - 26v + - 08a + - 08c + - 08q lot_expressions: - - and(SE+, N-) - - N+ - - N- - name: hungarian + - SE- + - R+ + - R- + name: catalan type: natural -- comm_cost: 0.7166666666666668 - complexity: 4 +- comm_cost: 0.6144097222222223 + complexity: 5 expressions: - - 22b - - 22k + - 23b + - 23he + - 23hi lot_expressions: - - and(S-, N-) - SE- - name: hindi + - and(S-, N-) + - R+ + name: turkish type: natural -- comm_cost: 0.5708333333333335 - complexity: 5 +- comm_cost: 0.41041666666666676 + complexity: 6 expressions: - - 13n - - 13nj - - 13t + - 40ba + - 40bi + - 40e + - 40i lot_expressions: + - K+ + - and(K-, SE-) + - R- - R+ - - SE- - - and(SE+, N-) - name: bulgarian + name: basque type: natural -- comm_cost: 0.6552083333333333 - complexity: 9 +- comm_cost: 0.4031250000000003 + complexity: 7 expressions: - - 12d - - 12k - - 12t + - 27h + - 27ka + - 27ki lot_expressions: - R- + - and(N-, R+) - and(K-, SE-) - - and(S-, or(SE-, N+)) - name: greek + name: finnish type: natural -- comm_cost: 0.5463541666666668 - complexity: 6 +- comm_cost: 0.61640625 + complexity: 5 expressions: - - 09n - - 09p - - 09que - - 09quel + - 01e + - 01i + - 01n lot_expressions: - - R- - - R+ - - and(SE+, N-) - SE- - name: french + - and(K-, N-) + - N+ + name: german type: natural -- comm_cost: 0.6895833333333334 - complexity: 4 +- comm_cost: 0.5380208333333336 + complexity: 5 expressions: - - 37b - - 37p + - 31a + - 31i + - 31s lot_expressions: - - S+ - - and(S-, N-) - name: quechua + - R+ + - and(N-, R+) + - SE- + name: hebrew type: natural -- comm_cost: 0.6144097222222223 +- comm_cost: 0.5708333333333335 complexity: 5 expressions: - - 23b - - 23he - - 23hi + - 13n + - 13nj + - 13t lot_expressions: - - SE- - - and(S-, N-) - R+ - name: turkish + - SE- + - and(SE+, N-) + name: bulgarian type: natural - comm_cost: 0.5743055555555556 complexity: 6 @@ -276,28 +364,6 @@ - S+ name: nanay type: natural -- comm_cost: 0.6458333333333335 - complexity: 4 - expressions: - - 33CL - - 33GN - lot_expressions: - - and(SE+, N-) - - SE- - name: swahili - type: natural -- comm_cost: 0.5218750000000001 - complexity: 3 - expressions: - - 39b - - 39n - - 39t - lot_expressions: - - SE- - - R- - - R+ - name: korean - type: natural - comm_cost: 0.6197916666666669 complexity: 2 expressions: @@ -308,39 +374,53 @@ - SE- name: persian type: natural -- comm_cost: 0.6458333333333335 - complexity: 4 +- comm_cost: 0.6552083333333333 + complexity: 9 expressions: - - 32k - - 32w + - 12d + - 12k + - 12t + lot_expressions: + - R- + - and(K-, SE-) + - and(S-, or(SE-, N+)) + name: greek + type: natural +- comm_cost: 0.49583333333333346 + complexity: 5 + expressions: + - 03a + - 03n + - 03s lot_expressions: - and(SE+, N-) + - N+ - SE- - name: hausa + name: english type: natural - comm_cost: 0.5218750000000001 complexity: 3 expressions: - - 08a - - 08c - - 08q + - 10n + - 10q + - 10u lot_expressions: - - SE- - R+ + - SE- - R- - name: catalan + name: italian type: natural -- comm_cost: 0.5666666666666668 - complexity: 5 +- comm_cost: 0.5218750000000001 + complexity: 3 expressions: - - 02d - - 02i - - 02n + - 29WH + - 29X + - 29xa lot_expressions: - - and(S-, N-) - SE- - - N+ - name: dutch + - R+ + - R- + name: lezgian type: natural - comm_cost: 0.2509259259259262 complexity: 11 @@ -360,85 +440,19 @@ - R- name: latin type: natural -- comm_cost: 0.43194444444444446 - complexity: 6 - expressions: - - 25b - - 25d - - 25em - - 25er - lot_expressions: - - R- - - SE+ - - and(S-, SE-) - - S+ - name: yakut - type: natural -- comm_cost: 0.6505208333333334 - complexity: 5 - expressions: - - 07a - - 07n - - 07q - lot_expressions: - - SE- - - R+ - - and(K-, N-) - name: portug - type: natural -- comm_cost: 0.4031250000000003 - complexity: 7 +- comm_cost: 0.4140625000000002 + complexity: 8 expressions: - - 27h - - 27ka - - 27ki + - 14b + - 14i + - 14ne + - 14ni lot_expressions: - - R- + - and(SE+, N-) - and(N-, R+) - - and(K-, SE-) - name: finnish - type: natural -- comm_cost: 0.6197916666666669 - complexity: 2 - expressions: - - 30e - - 30x - lot_expressions: - - R+ - SE- - name: maltese - type: natural -- comm_cost: 0.20989583333333361 - complexity: 18 - expressions: - - 16b - - 16k - - 16l - - 16n - - 16ni - - 16t - - 16u - lot_expressions: - - and(N-, R+) - - K+ - - and(and(S-, N-), not(R-)) - - N+ - - and(S-, SE-) - - and(K-, SE-) - - R- - name: russian - type: natural -- comm_cost: 0.49583333333333346 - complexity: 5 - expressions: - - 15k - - 15n - - 15s - lot_expressions: - - and(SE+, N-) - N+ - - SE- - name: polish + name: serbian type: natural - comm_cost: 0.32916666666666694 complexity: 7 @@ -464,39 +478,25 @@ - R- name: swedish type: natural -- comm_cost: 0.5218750000000001 - complexity: 3 +- comm_cost: 0.6312500000000001 + complexity: 5 expressions: - - 29WH - - 29X - - 29xa + - 19a + - 19ar + - 19e lot_expressions: + - SE+ + - and(SE+, N-) - SE- - - R+ - - R- - name: lezgian - type: natural -- comm_cost: 0.5489583333333334 - complexity: 12 - expressions: - - 34a - - 34m - - 34y - lot_expressions: - - and(S-, or(SE-, N+)) - - and(and(S-, N-), not(R-)) - - S+ - name: georgian + name: irish type: natural -- comm_cost: 0.4437500000000002 - complexity: 9 +- comm_cost: 0.6197916666666669 + complexity: 2 expressions: - - 35a - - 35o - - 35u + - 30e + - 30x lot_expressions: - - and(S-, SE-) - - and(K-, S+) - - and(SE+, N-) - name: kannada + - R+ + - SE- + name: maltese type: natural diff --git a/src/examples/indefinites/outputs/plot.png b/src/examples/indefinites/outputs/plot.png index 9cc1baee..db0cc7dc 100644 Binary files a/src/examples/indefinites/outputs/plot.png and b/src/examples/indefinites/outputs/plot.png differ diff --git a/src/examples/indefinites/scripts/estimate_pareto.py b/src/examples/indefinites/scripts/estimate_pareto.py index f17cf4bd..0e2f4bae 100644 --- a/src/examples/indefinites/scripts/estimate_pareto.py +++ b/src/examples/indefinites/scripts/estimate_pareto.py @@ -1,5 +1,5 @@ -from altk.effcomm.optimization import EvolutionaryOptimizer -from altk.language.sampling import random_languages +from ultk.effcomm.optimization import EvolutionaryOptimizer +from ultk.language.sampling import random_languages from ..meaning import universe as indefinites_universe diff --git a/src/examples/indefinites/scripts/generate_expressions.py b/src/examples/indefinites/scripts/generate_expressions.py index 6e4896eb..187d2e31 100644 --- a/src/examples/indefinites/scripts/generate_expressions.py +++ b/src/examples/indefinites/scripts/generate_expressions.py @@ -18,11 +18,12 @@ compare_func=lambda e1, e2: len(e1) < len(e2), ) + # TODO: update this filtering with new mapping logic in Meaning # filter out the trivial meaning, results in NaNs # iterate over keys, since we need to change the dict itself - for meaning in list(expressions_by_meaning.keys()): - if len(meaning.referents) == 0: - del expressions_by_meaning[meaning] + # for meaning in list(expressions_by_meaning.keys()): + # if len(meaning.referents) == 0: + # del expressions_by_meaning[meaning] with open("indefinites/outputs/generated_expressions.yml", "w") as outfile: dump( diff --git a/src/examples/indefinites/util.py b/src/examples/indefinites/util.py index f05ef741..9275905d 100644 --- a/src/examples/indefinites/util.py +++ b/src/examples/indefinites/util.py @@ -8,15 +8,15 @@ except ImportError: from yaml import Loader, Dumper -from altk.language.grammar import GrammaticalExpression -from altk.language.language import Expression, Language -from altk.language.semantics import Meaning, Universe +from ultk.language.grammar import GrammaticalExpression +from ultk.language.language import Expression, Language +from ultk.language.semantics import Meaning, Universe from .grammar import indefinites_grammar from .meaning import universe as indefinites_universe -def read_natural_languages(filename: str) -> list[Language]: +def read_natural_languages(filename: str) -> set[Language]: """Read the natural languages from a CSV file. Assumes that each row is one expression, with unique strings in "language" column identifying which expressions belong to which languages. @@ -42,18 +42,18 @@ def read_natural_languages(filename: str) -> list[Language]: for item in items.itertuples(): # generate Meaning from list of flavors cur_meaning = Meaning( - [indefinites_universe[flavor] for flavor in item.flavors], + tuple(indefinites_universe[flavor] for flavor in item.flavors), indefinites_universe, ) # add Expression with form and Meaning cur_expressions.append(Expression(item.expression, cur_meaning)) # add Language with its Expressions - languages.add(Language(cur_expressions, name=lang, natural=True)) + languages.add(Language(tuple(cur_expressions), name=lang, natural=True)) return languages def read_expressions( - filename: str, universe: Universe = None, return_by_meaning=True + filename: str, universe: Universe | None = None, return_by_meaning=True ) -> tuple[list[GrammaticalExpression], dict[Meaning, Expression]]: """Read expressions from a YAML file. Assumes that the file is a list, and that each item in the list has a field @@ -77,10 +77,10 @@ def read_expressions( def write_languages( languages: list[Language], filename: str, - properties_to_add: dict[str, Callable[[int, Language], Any]] = None, + properties_to_add: dict[str, Callable[[int, Language], Any]] = {}, ) -> None: lang_dicts = [ - language.to_dict( + language.as_dict_with_properties( **{key: properties_to_add[key](idx, language) for key in properties_to_add} ) for idx, language in enumerate(languages) diff --git a/src/examples/learn_quant/README.md b/src/examples/learn_quant/README.md new file mode 100644 index 00000000..8722b85b --- /dev/null +++ b/src/examples/learn_quant/README.md @@ -0,0 +1,34 @@ +# Learning quantifier expressions and measuring monotonicity + +This example is under ongoing development. + +The code in this example generates models of quantifier expressions for testing their learnability. For a greater understanding of the different components of this example, follow the (tutorial)[tutorial.ipynb]. + +## Contents + +- `scripts`: a set of scripts for generating `QuantifierModels` and measuring various properties of individual models and sets of models. These are explained in more detail in the [Usage](#usage) section below. +- `outputs`: outputs from the generation routines for creating `QuantifierModel`s and `QuantifierUniverse`s +- `meaning.py`: this file defines the meaning space (a `Universe` in ULTK terms) of referents that are individual models of quantifiers (`QuantifierModel`s) +- `quantifier.py`: defines the subclasses of `ultk`'s `Referent` and `Universe` classes that add additional properties and functionality for modeling quantifier learning +- `grammar.yml`: defines the Language of Thought grammar (a ULTK `Grammar` is created from this file in one line in `grammar.py`) for this domain, using the operations in [van de Pol 2023](https://pubmed.ncbi.nlm.nih.gov/36563568/). +- `measures.py`: functions to measure monotonicity of quantifiers according to different methods +- `util.py`: utilities for reading and writing ULTK `Expression`s and `Language`s, as well as the natural language data. + +## Usage + +From the `src/examples` directory: +1. `python -m learn_quant.scripts.generate_expressions`: generates `generated_expressions.yml` files that catalog licensed `QuantifierModel`s given a `Grammar` and `QuantifierUniverse` + + This script generates the _shortest_ expression (ULTK `GrammaticalExpression`s) for each possible `Meaning` (set of `Referent`s) in the LoT defined in `grammar.py`. In particular, ULTK provides methods for enumerating all grammatical expressions up to a given depth, with user-provided keys for uniqueness and for comparison in the case of a clash. By setting the former to get the `Meaning` from an expression and the latter to compare along length of the expression, the enumeration method returns a mapping from meanings to shortest expressions which express them. + +2. `python -m learn_quant.scripts.generation_test`: generates a `GrammaticalExpression` from the quantifier modeling `Grammar` + +## Comparison to "Learnability and semantic universals" (Steinert-Threlkeld and Szymanik 2019) + +This example attempts to generalize the experiments from Steinert-Threlkeld and Szymanik 2019 to observe learnability properties across a wide range of quantifiers, both hypothetical and evinced in natural expressions. + +## TODOs for this example + +1. Add configuration files (ideally yml using [hydra](https://hydra.cc)), to keep track of filenames and allow for easy experimentation with different parameter settings. +2. Measure monotonicity and run statistical tests in `scripts/monotonicity.py`. +3. ... \ No newline at end of file diff --git a/src/examples/learn_quant/__init__.py b/src/examples/learn_quant/__init__.py new file mode 100644 index 00000000..ffd919bc --- /dev/null +++ b/src/examples/learn_quant/__init__.py @@ -0,0 +1 @@ +import pandas as pd diff --git a/src/examples/learn_quant/conf/__init__.py b/src/examples/learn_quant/conf/__init__.py new file mode 100644 index 00000000..e69de29b diff --git a/src/examples/learn_quant/conf/config.py b/src/examples/learn_quant/conf/config.py new file mode 100644 index 00000000..3adbc416 --- /dev/null +++ b/src/examples/learn_quant/conf/config.py @@ -0,0 +1,38 @@ +import dataclasses +from dataclasses import dataclass, field +from omegaconf import DictConfig +import hydra +from hydra.core.config_store import ConfigStore + + +@dataclasses.dataclass +class ModeConfig: + name: str + + +@dataclasses.dataclass +class UniverseConfig: + m_size: int + x_size: int + weight: float + inclusive_universes: bool + + +@dataclasses.dataclass +class GrammarConfig: + depth: int + + +# Define a configuration schema +@dataclasses.dataclass +class Config: + mode: ModeConfig + universe: UniverseConfig + grammar: GrammarConfig + + +cs = ConfigStore.instance() +# Registering the Config class with the name 'config'. +cs.store(name="conf", node=Config) +cs.store(group="universe", name="base_config", node=UniverseConfig) +cs.store(group="grammar", name="base_config", node=GrammarConfig) diff --git a/src/examples/learn_quant/conf/config.yaml b/src/examples/learn_quant/conf/config.yaml new file mode 100644 index 00000000..6cc1bb69 --- /dev/null +++ b/src/examples/learn_quant/conf/config.yaml @@ -0,0 +1,16 @@ +defaults: + - _self_ + - universe: base + - grammar: base + +output: "learn_quant/outputs/" + +mode: + - generate + +save: true + +measures: + target: "inclusive/M3_X4_d3/" + monotonicity: + - all \ No newline at end of file diff --git a/src/examples/learn_quant/conf/universe/base.yaml b/src/examples/learn_quant/conf/universe/base.yaml new file mode 100644 index 00000000..92f74b40 --- /dev/null +++ b/src/examples/learn_quant/conf/universe/base.yaml @@ -0,0 +1,4 @@ +m_size: 6 +x_size: 6 +weight: 2.0 +inclusive_universes: true diff --git a/src/examples/learn_quant/grammar.py b/src/examples/learn_quant/grammar.py new file mode 100644 index 00000000..1229e4c8 --- /dev/null +++ b/src/examples/learn_quant/grammar.py @@ -0,0 +1,55 @@ +from ultk.language.grammar import Grammar, Rule + + +class QuantifierGrammar(Grammar): + """This is a grammar class but for experiments involving quantifiers. + + The class contains functions to dynamically generate rules for the grammar, such as providing it with a variable or defined number of integer primitives. + + Args: + Grammar (Grammar): The grammar class to inherit from. + """ + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + # Add any additional initialization code here + + def add_index_primitive(self, index: int, weight: float): + """Add an index as a primitive to the grammar. + + Args: + index (int): Index to add as a primitive. + weight (float): Weight of the rule. + """ + self.add_rule( + Rule( + name="{}".format(index), + lhs="int", + rhs=None, + func=lambda _: index, + weight=weight, + ) + ) + + def add_indices_as_primitives( + self, indices: int | list[int], weight: float = 2.0 + ) -> Grammar: + """Add indices as primitives to the grammar. + + Args: + indices (int or list[int]): If an `int`, defines the range (max) of indices until which to create primitive rules. + If a `list[int]`, defines specific indices to add as primitives. + + Returns: + Grammar: The grammar with the indices as primitives. + """ + + if isinstance(indices, int): + for index in range(indices): + self.add_index_primitive(index, weight) + elif isinstance(indices, list): + for index in indices: + self.add_index_primitive(index, weight) + + +quantifiers_grammar = QuantifierGrammar.from_yaml("learn_quant/grammar.yml") diff --git a/src/examples/learn_quant/grammar.yml b/src/examples/learn_quant/grammar.yml new file mode 100644 index 00000000..79b6c2ba --- /dev/null +++ b/src/examples/learn_quant/grammar.yml @@ -0,0 +1,104 @@ +start: bool +rules: +# boolean / propositional logic rules +- lhs: bool + rhs: + - bool + - bool + name: "and" + func: | + lambda p1, p2 : p1 and p2 + weight: 1.0 +- lhs: bool + rhs: + - bool + - bool + name: "or" + func: | + lambda p1, p2 : p1 or p2 + weight: 1.0 +- lhs: bool + rhs: + - bool + name: "not" + func: | + lambda p : not p + weight: 1.0 +# set logic rules +- lhs: frozenset + rhs: + - frozenset + - frozenset + name: "union" + func: | + lambda s1, s2 : s1 | s2 + weight: 1.0 +- lhs: frozenset + rhs: + - frozenset + - frozenset + name: "intersection" + func: | + lambda s1, s2 : s1 & s2 + weight: 1.0 +- lhs: frozenset + rhs: + - frozenset + - frozenset + name: "difference" + func: | + lambda s1, s2 : s1 - s2 + weight: 1.0 +- lhs: frozenset + rhs: + - int + - frozenset + name: "index" + func: | + lambda i, s: frozenset([sorted(s)[i]]) if i < len(s) else frozenset() + weight: 1.0 +- lhs: int + rhs: + - frozenset + name: "cardinality" + func: | + lambda s: len(s) + weight: 1.0 +- lhs: bool + rhs: + - frozenset + - frozenset + name: "subset_eq" + func: | + lambda s1, s2: s1 <= s2 + weight: 1.0 +# integer logical rules +- lhs: bool + rhs: + - int + - int + name: "equals" + func: | + lambda i1, i2: i1 == i2 + weight: 1.0 +- lhs: bool + rhs: + - int + - int + name: "greater_than" + func: | + lambda i1, i2: i1 > i2 + weight: 1.0 +# primitive +- lhs: frozenset + rhs: + name: "A" + func: | + lambda q: q.A + weight: 10.0 +- lhs: frozenset + rhs: + name: "B" + func: | + lambda q: q.B + weight: 10.0 diff --git a/src/examples/learn_quant/index.csv b/src/examples/learn_quant/index.csv new file mode 100644 index 00000000..9a3ab50b --- /dev/null +++ b/src/examples/learn_quant/index.csv @@ -0,0 +1,5 @@ +value +A +B +both +neither \ No newline at end of file diff --git a/src/examples/learn_quant/meaning.py b/src/examples/learn_quant/meaning.py new file mode 100644 index 00000000..6331662b --- /dev/null +++ b/src/examples/learn_quant/meaning.py @@ -0,0 +1,54 @@ +import pandas as pd +from learn_quant.quantifier import QuantifierModel, QuantifierUniverse +from itertools import product, combinations_with_replacement, permutations +from ultk.language.sampling import powerset +import random +import argparse + + +def create_universe(m_size: int, x_size: int) -> QuantifierUniverse: + """ + Create a quantifier universe based on the given parameters. + All references are quantifier models, which are data classes that represent a relation between sets A, B, and M. + + Args: + m_size (int): The size of the m set. + x_size (int): The size of the x set. + + Returns: + QuantifierUniverse: The created quantifier universe. + """ + + possible_quantifiers = [] + + for combination in combinations_with_replacement([0, 1, 2, 3], r=m_size): + combo = list(combination) + [4] * (x_size - m_size) + permutations_for_combo = set(permutations(combo, r=len(combo))) + possible_quantifiers.extend(permutations_for_combo) + possible_quantifiers_name = set( + ["".join([str(j) for j in i]) for i in possible_quantifiers] + ) + + quantifier_models = set() + for name in possible_quantifiers_name: + quantifier_models.add(QuantifierModel(name=name)) + return QuantifierUniverse(tuple(quantifier_models), m_size, x_size) + + +if __name__ == "__main__": + + parser = argparse.ArgumentParser(description="Generate expressions") + parser.add_argument( + "--m_size", type=int, default=8, help="maximum size of the universe" + ) + parser.add_argument( + "--x_size", + type=int, + default=8, + help="number of unique referents from which M may be comprised", + ) + + args = parser.parse_args() + + quantifier_universe = create_universe(args.m_size, args.x_size) + print("The size of the universe is {}".format(len(quantifier_universe))) diff --git a/src/examples/learn_quant/monotonicity.py b/src/examples/learn_quant/monotonicity.py new file mode 100644 index 00000000..d8f047c3 --- /dev/null +++ b/src/examples/learn_quant/monotonicity.py @@ -0,0 +1,275 @@ +from ultk.effcomm.informativity import informativity +from ultk.language.grammar import GrammaticalExpression +from ultk.language.language import Language, aggregate_expression_complexity +from ultk.language.semantics import Meaning + +from learn_quant.meaning import create_universe +from learn_quant.util import read_expressions +from learn_quant.quantifier import QuantifierUniverse, QuantifierModel +from concepts.contexts import Context + +from typing import Dict +from itertools import product +import math +from scipy.stats import entropy +import pandas as pd +import numpy as np +from tqdm import tqdm +from scipy import sparse + +from pathlib import Path + +import hydra +from omegaconf import DictConfig, OmegaConf + + +def switch_direction(bools: np.ndarray, down=False) -> np.ndarray: + """Switches the value of True to False and vice versa. + + Args: + bool (np.ndarray): Accepts a list of lists of bools + + Returns: + np.ndarray: A list of lists of bools, flipped unless down == True. + """ + if down: + return bools + else: + return bools + + +def get_truth_matrix(universe: QuantifierUniverse) -> tuple[np.ndarray, list[str]]: + """Get a numpy matrix that stores the truth vectors of all models in the quantifier universe + + Args: + universe (QuantifierUniverse): Universe of referents + + Returns: + np.ndarray: A matrix of booleans arrays that track the indices of set items of A intersected by B. + """ + truth_array = [] + names_array = [] + for quantifier_model in universe.referents: + truth_vector = tuple(True if x == "2" else False for x in quantifier_model.name) + truth_array.append(truth_vector) + names_array.append(quantifier_model.name) + truth_matrix = np.array(truth_array) + return truth_matrix, names_array + + +def calculate_lattice(universe: QuantifierUniverse, down=False) -> Context: + """ + + Returns: + Context: Created from ``objects``, ``properties``, and ``bools`` correspondence. + + objects: Iterable of object label strings. + properties: Iterable of property label strings. + bools: Iterable of ``len(objects)`` tuples of ``len(properties)`` booleans. + + See https://github.com/haberchr/ttps://github.com/haberchr/concepts/blob/master/concepts/contexts.py + + """ + truth_matrix, names = get_truth_matrix(universe) + properties = list(range(0, len(truth_matrix[0,:]))) + bools = switch_direction(truth_matrix, down) + return Context(names, properties, bools) + + +def get_sub_structures(concept_lattice: Context, name: list[str]) -> set[str]: + """Accepts a list of a singleton name to get a set of substructures of the indexed model, excluding the indexing model name. + + Returns: + set(str): Tuple of substructures of the model indexed that exist in the universe. + + """ + + return set(concept_lattice[name][0]) - set(name) + + +def has_sub_structure(concept_lattice: Context, name: list[str]) -> bool: + """Identity function for a model having a substructure in the universe. + + Returns: + bool: ``True`` if there is one or more substructures in the universe, otherwise ``False``. + """ + + return True if len(set(concept_lattice[name][0]) - set(name)) > 0 else False + + +def get_sub_structure_in_meaning( + concept_lattice, name: list[str], meaning: Meaning +) -> set[str]: + """Identity function for a model having a substructure in a defined Meaning. + + Returns: + set(str): Tuple of substructures of the model indexed that exist in the selected Meaning. + """ + + names = set(referent.name for referent in meaning.referents) + + return get_sub_structures(concept_lattice, name) & names + + +def has_sub_structure_in_meaning( + concept_lattice, name: list[str], meaning: Meaning +) -> bool: + """Identity function for a model having a substructure in a defined Meaning. + + Returns: + bool: ``True`` if there is one or more substructures in the universe, otherwise ``False``. + """ + + return ( + True + if len(get_sub_structure_in_meaning(concept_lattice, name, meaning)) > 0 + else False + ) + + +def upward_monotonicity_entropy(all_models, quantifier): + """ + Measures the degree of upward monotonicity of a quantifier as 1 - H(Q | true_pred) / H(Q), + where H is the (conditional) entropy, Q is the quantifier, and true_pred is the variable over models + indicating whether there's a true predecessor in the subset order. + + Parameters: + all_models (numpy.ndarray): A calculated matrix MxM, where each row is an array of booleans that correspond to whether a model at that index is a submodel. + quantifier (list): A list of truth values, same length as the models. + + Returns: + float: The scalar value representing the degree of upward monotonicity of the quantifier. + """ + + submembership = all_models + + if np.all(quantifier) or not np.any(quantifier): + return 1 + p_q_true = sum(quantifier) / len(quantifier) + p_q_false = 1 - p_q_true + q_ent = -p_q_true * np.log2(p_q_true) - p_q_false * np.log2(p_q_false) + + def get_preds(num_arr, num): + """ + Get the predictions for a given number from a 2D array. + + Parameters: + num_arr (numpy.ndarray): A 2D array of numbers. + num (int): The index of the number to retrieve predictions for. + + Returns: + numpy.ndarray: The predictions for the specified number. + """ + return num_arr[num, :] + + def has_true_pred(num_arr, y): + return np.any(y * num_arr) + + # where necessary? + true_preds = np.where(np.dot(submembership, quantifier) >= 1, 1, 0) + + p_pred = sum(true_preds) / len(true_preds) + p_nopred = 1 - p_pred + + # TODO: make this elegant! solve nan problems + q_pred = sum(quantifier.T * true_preds) / len(quantifier) + q_nopred = sum(quantifier.T * (1.0 - true_preds)) / len(quantifier) + noq_pred = sum((1.0 - quantifier.T) * true_preds) / len(quantifier) + noq_nopred = sum((1.0 - quantifier.T) * (1.0 - true_preds)) / len(quantifier) + + pred_logs = np.log2([noq_pred, q_pred] / p_pred) + pred_logs[pred_logs == -np.inf] = 0 + nopred_logs = np.log2([noq_nopred, q_nopred] / p_nopred) + nopred_logs[nopred_logs == -np.inf] = 0 + ent_pred = -np.nansum(np.array([noq_pred, q_pred]) * pred_logs) + ent_nopred = -np.nansum(np.array([noq_nopred, q_nopred]) * nopred_logs) + cond_ent = ent_pred + ent_nopred + + # return 0 if q_ent == 0 else 1 - (cond_ent / q_ent) + return (1.0 - cond_ent / q_ent)[0, 0] + + +def calculate_monotonicity(universe, expressions, down=False) -> Dict[str, Dict[str, float]]: + """ + Calculates the monotonicity of a set of expressions over a universe of models. + + Args: + universe (Universe): The universe of models over which the expressions are evaluated. + expressions (list): A list of expressions whose monotonicity is to be calculated. + down (bool, optional): If True, calculates downward monotonicity. If False, calculates upward monotonicity. Defaults to False. + + Returns: + dict: A dictionary where the keys are the string representations of the expressions and the values are dictionaries containing the monotonicity metrics for each expression. + """ + metrics = {} + concept_lattice = calculate_lattice(universe) + + membership = sparse.lil_matrix((len(universe), len(expressions)), dtype=int) + submembership = sparse.lil_matrix((len(universe), len(universe)), dtype=int) + model_dictionary = {} + for model_id, model in enumerate(universe.referents): + model_dictionary[model.name] = model_id + for model_id, model in enumerate(universe.referents): + for expression_id, quantifier_expression in enumerate(expressions): + metrics[str(quantifier_expression)] = {} + if model in quantifier_expression.meaning.referents: + membership[model_id, expression_id] = 1 + sub_ids = list( + map( + model_dictionary.__getitem__, + get_sub_structures(concept_lattice, [model.name]), + ) + ) + for sub_id in sub_ids: + submembership[sub_id, model_id] = 1 + + membership = membership.todense() + submembership = submembership.todense() + + for expression_id, quantifier_expression in enumerate(expressions): + print("Calculating monotonicity for: ", quantifier_expression) + metrics[str(quantifier_expression)]["monotonicity"] = ( + upward_monotonicity_entropy(submembership, membership[:, expression_id]) + ) + + return metrics + + +@hydra.main(version_base=None, config_path="conf", config_name="config") +def main(cfg: DictConfig) -> None: + + import pickle as pkl + + print(cfg) + uni = pkl.load( + open( + Path.cwd() + / Path("learn_quant/outputs") + / Path(cfg.measures.target) + / Path("master_universe.pkl"), + "rb", + ) + ) + expressions, _ = read_expressions( + Path.cwd() + / Path("learn_quant/outputs") + / Path(cfg.measures.target) + / "generated_expressions.yml", + uni, + ) + + print(len(expressions)) + mm = calculate_monotonicity(uni, expressions) + # mm["greater_than(cardinality(A), cardinality(difference(B, A)))"]["monotonicity"] + + sorted_monotonicity = sorted( + mm.items(), key=lambda x: x[1]["monotonicity"], reverse=True + ) + + print(len(sorted_monotonicity)) + for x in sorted_monotonicity[0:10]: + print(x) + + +if __name__ == "__main__": + main() diff --git a/src/examples/learn_quant/quantifier.py b/src/examples/learn_quant/quantifier.py new file mode 100644 index 00000000..55013e75 --- /dev/null +++ b/src/examples/learn_quant/quantifier.py @@ -0,0 +1,161 @@ +from typing import Iterable, Union +import numpy as np +import pandas as pd +from ultk.language.semantics import Referent, Universe +from dataclasses import dataclass, field +from concepts.contexts import Context + + +@dataclass(eq=True, frozen=True) +class QuantifierModel(Referent): + """A quantifier model is a single referent that captures a particular interpretation of a quantifier meaning, which is a set of quantifier referents. + + Every quantifier model is a quadruple , where M corresponds to all possible quantifier referents for a given communicative situation, A and B are differents sets of quantifier referents that correspond to the items of comparison in quantificational logic. + + X denotes the set of all possible quantifier referents in a given Universe. A and B are subsets of M and each of M, A, and B are subsets of X. + + For the purposes of this project, a QuantifierModel is a Referent (capital R), but the individual referents for a given model are the indices of the QuantifierModel's sets. + + 0 => A + 1 => B + 2 => A | B + 3 => M - (A | B) + 4 => X - (M | A | B) + + """ + + name: str = None + M: frozenset = field(init=False) + A: frozenset = field(init=False) + B: frozenset = field(init=False) + + def __post_init__(self): + object.__setattr__( + self, + "A", + frozenset([i for i, x in enumerate(self.name) if x in ["0", "2"]]), + ) + object.__setattr__( + self, + "B", + frozenset([i for i, x in enumerate(self.name) if x in ["1", "2"]]), + ) + object.__setattr__( + self, + "M", + frozenset( + [i for i, x in enumerate(self.name) if x in ["0", "1", "2", "3"]] + ), + ) + + @classmethod + def from_sets(cls, M: set | frozenset, A: set | frozenset, B: set | frozenset): + return cls(name=None, M=frozenset(M), A=frozenset(A), B=frozenset(B)) + + def get_cardinalities(self) -> dict: + return { + "M": len(self.M), + "A": len(self.A), + "B": len(self.B), + } + + def binarize(self) -> np.ndarray: + """ + Binarizes the sequence of characters in the name attribute. + + Returns: + np.ndarray: An array of binary values, where 1 represents characters '1' or '2', and 0 represents other characters. + """ + return np.array([1 if char in {'1', '2'} else 0 for char in self.name]) + + + def to_numpy( + self, quantifier_index: np.ndarray | None = None, in_meaning: bool = False + ): + """ + Converts the quantifier to a numpy array. + There are two ways to represent the quantifier: + 1. Using quantifier_index, a one-hot vector that represents the quantifier is concatenated to the end of the quantifier vector. + 2. Using in_meaning, a binary value is concatenated to the end of the quantifier vector. True = 1. + If you supply quantifier_index, in_meaning is ignored. + + Args: + quantifier_index (np.ndarray | None, optional): The index of the quantifier to convert. + If None, all quantifiers are converted. Defaults to None. + in_meaning (bool, optional): If True, the quantifier is in the meaning space. + If False, the quantifier is in the expression space. Defaults to False. + + Returns: + np.ndarray: The quantifier converted to a numpy array. + """ + + # Convert the string to an array of integers + indices = np.fromiter(self.name, dtype=int) + + # Initialize a zero matrix with shape (len(s), 5) + one_hot_array = np.zeros((len(indices), 5), dtype=int) + + # Use numpy advanced indexing to set the appropriate elements to 1 + one_hot_array[np.arange(len(indices)), indices] = 1 + + # If quantifier_index is provided, concatenate it to each vector in one_hot_array + if quantifier_index is not None: + # Ensure quantifier_index is an array + quantifier_index = np.asarray(quantifier_index) + if quantifier_index.ndim == 1: + # Concatenate quantifier_index to each vector + quantifier_index = quantifier_index.reshape(1, -1).repeat( + len(indices), axis=0 + ) + one_hot_array = np.hstack((one_hot_array, quantifier_index)) + else: + raise ValueError( + "quantifier_index must be a one-dimensional one-hot vector." + ) + else: + appended_value = 0 + if in_meaning: + appended_value = 1 + new_column = np.full((one_hot_array.shape[0], 1), appended_value) + + # Concatenate the new column to the original array + one_hot_array = np.hstack((one_hot_array, new_column)) + + return one_hot_array + + +class QuantifierUniverse(Universe): + + def __init__( + self, + referents: tuple[QuantifierModel], + m_size: int = None, + x_size: int = None, + prior: dict[str, float] = None, + ): + super().__init__(referents, prior) + self.m_size = m_size + self.x_size = x_size + + def __add__(self, other): + """Returns the union of two QuantifierUniverses. + Largest x_size is used if different.""" + assert self.x_size == other.x_size + x_size = max(self.x_size, other.x_size) + return QuantifierUniverse( + referents=self.referents + other.referents, + prior=self._prior + other._prior, + x_size=x_size, + ) + + def get_names(self) -> list[str]: + """Get the names of the referents in the loaded quantifier universe. + + Returns: + list: List of names of referents in the quantifier universe. + """ + return [referent.name for referent in self.referents] + + def binarize_referents(self): + return np.array([referent.binarize() for referent in self.referents]) + diff --git a/src/examples/learn_quant/scripts/generate_expressions.py b/src/examples/learn_quant/scripts/generate_expressions.py new file mode 100644 index 00000000..dbd61048 --- /dev/null +++ b/src/examples/learn_quant/scripts/generate_expressions.py @@ -0,0 +1,231 @@ +from yaml import dump +from time import time +import argparse +from copy import deepcopy +import pickle +import os +import csv +import pathlib +from pathlib import Path + +try: + from yaml import CDumper as Dumper +except ImportError: + from yaml import Dumper + +import hydra +from omegaconf import DictConfig, OmegaConf + +from ultk.language.grammar import GrammaticalExpression +from typing import Any + +from ..quantifier import QuantifierUniverse +from ..grammar import QuantifierGrammar +from ..meaning import create_universe +from ..util import save_quantifiers, save_inclusive_generation + + +def enumerate_quantifiers( + depth: int, + quantifiers_universe: QuantifierUniverse, + quantifiers_grammar: QuantifierGrammar, +) -> dict[GrammaticalExpression, Any]: + + expressions_by_meaning = quantifiers_grammar.get_unique_expressions( + depth, + max_size=2 ** len(quantifiers_universe), + unique_key=lambda expr: expr.evaluate(quantifiers_universe), + compare_func=lambda e1, e2: len(e1) < len(e2), + ) + + # filter out the trivial meaning, results in NaNs + # iterate over keys, since we need to change the dict itself + for meaning in list(expressions_by_meaning.keys()): + if len(meaning.mapping) == 0: + del expressions_by_meaning[meaning] + + return expressions_by_meaning + + +def generate_expressions(quantifiers_grammar: QuantifierGrammar, cfg: DictConfig): + + quantifiers_grammar.add_indices_as_primitives( + cfg.universe.m_size, cfg.universe.weight + ) + quantifiers_universe = create_universe(cfg.universe.m_size, cfg.universe.x_size) + expressions_by_meaning = enumerate_quantifiers( + cfg.grammar.depth, quantifiers_universe, quantifiers_grammar + ) + + outpath = ( + Path().cwd() + / Path(cfg.output) + / Path("M" + str(cfg.universe.m_size)) + / Path("X" + str(cfg.universe.x_size)) + / Path("d" + str(cfg.grammar.depth)) + / Path("generated_expressions.yml") + ) + if cfg.save: + save_quantifiers(expressions_by_meaning, outpath) + + +def generation_time_trial(quantifiers_grammar: QuantifierGrammar, cfg: DictConfig): + + time_log = pathlib.Path(cfg.output) / pathlib.Path( + "generated_expressions_time_log.csv" + ) + + # Remove old time log + if os.path.exists(time_log): + os.remove(time_log) + + # Flush times as they are output to time log + with open(time_log, "a+", newline="") as f: + + writer = csv.writer(f) + writer.writerow( + [ + "m_size", + "x_size", + "depth", + "universe_size", + "elapsed_time_enumerate", + "elapsed_time_creation", + ] + ) + + for m_size in range(1, cfg.universe.m_size + 1): + + print( + "Generating a universe where x_size={} and m_size={}.".format( + cfg.universe.x_size, m_size + ) + ) + + # Ensure that primitives are added to the grammar up to `m_size` + quantifiers_grammar_at_depth = deepcopy(quantifiers_grammar) + quantifiers_grammar_at_depth.add_indices_as_primitives( + cfg.m_size, cfg.universe.weight + ) + print(quantifiers_grammar_at_depth) + + # Create the universe + creation_start = time() + quantifier_universe = create_universe(m_size, cfg.universe.x_size) + creation_elapsed = time() - creation_start + print("The size of the universe is {}".format(len(quantifier_universe))) + + # Don't consider depth=1, as depth is not deep enough to generate and expression + for depth in range(2, cfg.grammar.depth + 1): + + enumeration_start = time() + print("msize: ", m_size) + print("depth: ", depth) + + expressions_by_meaning = enumerate_quantifiers( + depth, quantifier_universe, quantifiers_grammar_at_depth + ) + + enumerate_elapsed = time() - enumeration_start + print(enumerate_elapsed) + print("") + + from pathlib import Path + + outpath = ( + Path(cfg.output) + / Path("M" + str(m_size)) + / Path("X" + str(cfg.universe.x_size)) + / Path(str("d" + str(depth))) + / Path("generated_expressions.yml") + ) + Path(outpath).parent.mkdir(parents=True, exist_ok=True) + + print("Saving generated expressions...") + save_quantifiers(expressions_by_meaning, outpath) + + writer.writerow( + [ + m_size, + cfg.universe.x_size, + depth, + len(quantifier_universe), + enumerate_elapsed, + creation_elapsed, + ] + ) + + +def generate_inclusive_expressions(quantifiers_grammar, cfg, save=True): + # Flush times as they are output to time log + master_universe = None + depth = cfg.grammar.depth + + # Don't consider m_size=0, as this is the trivial meaning + for m_size in range(1, cfg.universe.m_size + 1): + + print( + "Generating a universe where x_size={} and m_size={}.".format( + cfg.universe.x_size, m_size + ) + ) + + # Ensure that primitives are added to the grammar up to `m_size` + quantifiers_grammar_at_depth = deepcopy(quantifiers_grammar) + quantifiers_grammar_at_depth.add_indices_as_primitives( + m_size, cfg.universe.weight + ) + print(quantifiers_grammar_at_depth) + + # Create the universe + creation_start = time() + quantifier_universe = create_universe(m_size, cfg.universe.x_size) + creation_elapsed = time() - creation_start + print("The size of the universe is {}".format(len(quantifier_universe))) + + if not master_universe: + master_universe = quantifier_universe + else: + master_universe += quantifier_universe + + enumeration_start = time() + print("maximum_msize: ", m_size) + print("depth: ", depth) + + expressions_by_meaning = enumerate_quantifiers( + depth, master_universe, quantifiers_grammar_at_depth + ) + + enumerate_elapsed = time() - enumeration_start + print(enumerate_elapsed) + print("") + if save: + save_inclusive_generation( + expressions_by_meaning, + master_universe, + cfg.output, + m_size, + cfg.universe.x_size, + cfg.grammar.depth, + ) + + +@hydra.main(version_base=None, config_path="../conf", config_name="config") +def main(cfg: DictConfig) -> None: + print(OmegaConf.to_yaml(cfg)) + + quantifiers_grammar = QuantifierGrammar.from_yaml(cfg.grammar.path) + + if cfg.universe.inclusive_universes: + # Generate expressions for universes up to size M + generate_inclusive_expressions(quantifiers_grammar, cfg) + elif "time_trial" in cfg.mode: + # Time the generation of expressions for universes up to size M and depths up to D at fixed X + generation_time_trial(quantifiers_grammar, cfg) + elif "generate" in cfg.mode: + # Generate expressions for a single universe at size M + generate_expressions(quantifiers_grammar, cfg) + + +if __name__ == "__main__": + main() diff --git a/src/examples/learn_quant/scripts/generation_test.py b/src/examples/learn_quant/scripts/generation_test.py new file mode 100644 index 00000000..2a2805c3 --- /dev/null +++ b/src/examples/learn_quant/scripts/generation_test.py @@ -0,0 +1,13 @@ +from yaml import dump + +try: + from yaml import CDumper as Dumper +except ImportError: + from yaml import Dumper + +from examples.learn_quant.grammar import quantifiers_grammar +from examples.learn_quant.meaning import quantifiers_universe + +if __name__ == "__main__": + out = quantifiers_grammar.generate() + print(out) \ No newline at end of file diff --git a/src/examples/learn_quant/tutorial.ipynb b/src/examples/learn_quant/tutorial.ipynb new file mode 100644 index 00000000..26392515 --- /dev/null +++ b/src/examples/learn_quant/tutorial.ipynb @@ -0,0 +1,1577 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "%%capture\n", + "\n", + "%cd .." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Introduction\n", + "\n", + "This notebook shows you how to utilize ALTK for generating a large number of quantifiers and measuring their monotonicity.\n", + "\n", + " First, let's familiarize ourselves with the classes used in this example, which are subclasses from classes in the ALTK package." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### QuantifierModel\n", + "\n", + "In this example, we'd like to create a large number of quantifiers that are modeled by the class `QuantifierModel`. As stated in the `meaning` module, a `QuantifierModel`, every quantifier model is a triple ** **, where M corresponds to all possible quantifier referents for a given communicative situation, A and B are differents sets of quantifier referents that correspond to the items of comparison in quantificational logic.\n", + "\n", + "Let's begin by creating a simple QuantifierModel object. A QuantifierModel is initialized by defining a sequence of symbols that denote the set composition of each of `M`, `A`, and `B`. \n", + "\n", + "The definitions for each symbol are as follows:\n", + "\n", + "`0 => in A`\n", + "\n", + "`1 => in B`\n", + "\n", + "`2 => in (A | B)`\n", + "\n", + "`3 => in M - (A | B)`\n", + "\n", + "`4 => not in (M | A | B)`\n" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "from learn_quant.quantifier import QuantifierModel\n", + "\n", + "qm = QuantifierModel(\"101234\")" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "QuantifierModel(name='101234', M=frozenset({0, 1, 2, 3, 4}), A=frozenset({1, 3}), B=frozenset({0, 2, 3}))" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "qm" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In the `QuantifierModel` instantiated above, we defined a string using only symbols 0 through 4, and the internal set representations were created in a `post_init` method. In the sequence \"101234\", the \"objects\" at the specified indices pertain to the sets as follows:\n", + "0. M, B\n", + "1. M, A\n", + "2. M, B\n", + "3. M, A, B\n", + "4. M\n", + "5. X (neither M, A, nor B)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Notice that all sets are typed as `frozenset`s, as this allows for hashing and checking of QuantifierModels in Meaning objects that is required for subsequent routines. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Importing a `QuantifierGrammar`\n", + "\n", + "A QuantifierGrammar is a regular Grammar object, but allows for primitives representing integers to be added after a basic grammar has been loaded. This allows for integer primitives to be created on the fly during experiments of certain lengths (you usually would want to allow for primitives up until the length of the size of M, or all referents that are \"in play\"). " + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "from learn_quant.grammar import quantifiers_grammar" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You can iterate through the grammar to see what rules it contains:" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "and : bool -> and(bool, bool)\n", + "or : bool -> or(bool, bool)\n", + "not : bool -> not(bool)\n", + "union : frozenset -> union(frozenset, frozenset)\n", + "intersection : frozenset -> intersection(frozenset, frozenset)\n", + "difference : frozenset -> difference(frozenset, frozenset)\n", + "index : frozenset -> index(int, frozenset)\n", + "cardinality : int -> cardinality(frozenset)\n", + "subset_eq : bool -> subset_eq(frozenset, frozenset)\n", + "equals : bool -> equals(int, int)\n", + "greater_than : bool -> greater_than(int, int)\n", + "A : frozenset -> A\n", + "B : frozenset -> B\n" + ] + } + ], + "source": [ + "for rule in quantifiers_grammar:\n", + " print(rule[0], \":\", rule[1])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "To add primitives for integer indices, use the `add_indices_as_primitives` method on the `QuantifierGrammar` object by specifying either specific indices in a list, or an integer upper bound up until which primitive rules should be added:" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "and : bool -> and(bool, bool)\n", + "or : bool -> or(bool, bool)\n", + "not : bool -> not(bool)\n", + "union : frozenset -> union(frozenset, frozenset)\n", + "intersection : frozenset -> intersection(frozenset, frozenset)\n", + "difference : frozenset -> difference(frozenset, frozenset)\n", + "index : frozenset -> index(int, frozenset)\n", + "cardinality : int -> cardinality(frozenset)\n", + "subset_eq : bool -> subset_eq(frozenset, frozenset)\n", + "equals : bool -> equals(int, int)\n", + "greater_than : bool -> greater_than(int, int)\n", + "A : frozenset -> A\n", + "B : frozenset -> B\n", + "0 : int -> 0\n", + "1 : int -> 1\n", + "2 : int -> 2\n", + "3 : int -> 3\n" + ] + } + ], + "source": [ + "from copy import deepcopy\n", + "new_grammar = deepcopy(quantifiers_grammar)\n", + "new_grammar.add_indices_as_primitives([0,1,2,3], 6.0)\n", + "for rule in new_grammar:\n", + " print(rule[0], \":\", rule[1])" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "and : bool -> and(bool, bool)\n", + "or : bool -> or(bool, bool)\n", + "not : bool -> not(bool)\n", + "union : frozenset -> union(frozenset, frozenset)\n", + "intersection : frozenset -> intersection(frozenset, frozenset)\n", + "difference : frozenset -> difference(frozenset, frozenset)\n", + "index : frozenset -> index(int, frozenset)\n", + "cardinality : int -> cardinality(frozenset)\n", + "subset_eq : bool -> subset_eq(frozenset, frozenset)\n", + "equals : bool -> equals(int, int)\n", + "greater_than : bool -> greater_than(int, int)\n", + "A : frozenset -> A\n", + "B : frozenset -> B\n", + "0 : int -> 0\n", + "1 : int -> 1\n", + "2 : int -> 2\n", + "3 : int -> 3\n" + ] + } + ], + "source": [ + "new_grammar = deepcopy(quantifiers_grammar)\n", + "new_grammar.add_indices_as_primitives(4, 6.0)\n", + "for rule in new_grammar:\n", + " print(rule[0], \":\", rule[1])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The second argument defines a default weight to add to the integer primitives rules. These weights are relevant when generating a universe with a `Grammar`." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "and :\t\t 1.0\n", + "or :\t\t 1.0\n", + "not :\t\t 1.0\n", + "union :\t\t 1.0\n", + "intersection :\t\t 1.0\n", + "difference :\t\t 1.0\n", + "index :\t\t 1.0\n", + "cardinality :\t\t 1.0\n", + "subset_eq :\t\t 1.0\n", + "equals :\t\t 1.0\n", + "greater_than :\t\t 1.0\n", + "A :\t\t 10.0\n", + "B :\t\t 10.0\n", + "0 :\t\t 6.0\n", + "1 :\t\t 6.0\n", + "2 :\t\t 6.0\n", + "3 :\t\t 6.0\n" + ] + } + ], + "source": [ + "for rule in new_grammar:\n", + " print(rule[1].name, \":\\t\\t\", rule[1].weight)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define a universe of referents.\n", + "\n", + "In this example, the function \"create_universe\" creates QuantifierModels, " + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "from learn_quant.meaning import create_universe" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "quantifiers_universe = create_universe(M_SIZE=3,X_SIZE=4)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "The size of the universe is 256\n" + ] + } + ], + "source": [ + "print(\"The size of the universe is {}\".format(len(quantifiers_universe)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Access the referents by refering to the `referents` property of the `QuantifierUniverse` object" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "ename": "TypeError", + "evalue": "'set' object is not subscriptable", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mTypeError\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[12], line 1\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[43mquantifiers_universe\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mreferents\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;241;43m0\u001b[39;49m\u001b[43m:\u001b[49m\u001b[38;5;241;43m5\u001b[39;49m\u001b[43m]\u001b[49m\n", + "\u001b[0;31mTypeError\u001b[0m: 'set' object is not subscriptable" + ] + } + ], + "source": [ + "quantifiers_universe.referents" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You can access sizes of `X` and `M` in the QuantifierUniverse object:" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "4\n", + "3\n" + ] + } + ], + "source": [ + "print(quantifiers_universe.x_size)\n", + "print(quantifiers_universe.m_size)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "(False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False)\n", + "2\n", + "2\n", + "2\n" + ] + }, + { + "ename": "TypeError", + "evalue": "QuantifierGrammar.add_index_primitive..() missing 1 required positional argument: '_'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mTypeError\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[18], line 9\u001b[0m\n\u001b[1;32m 7\u001b[0m \u001b[38;5;28mprint\u001b[39m(two(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124masdf\u001b[39m\u001b[38;5;124m\"\u001b[39m))\n\u001b[1;32m 8\u001b[0m \u001b[38;5;28mprint\u001b[39m(two)\n\u001b[0;32m----> 9\u001b[0m \u001b[38;5;28mprint\u001b[39m(\u001b[43mtwo\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m)\n", + "File \u001b[0;32m~/Documents/UWLing/altk/src/ultk/language/grammar.py:130\u001b[0m, in \u001b[0;36mGrammaticalExpression.__call__\u001b[0;34m(self, *args)\u001b[0m\n\u001b[1;32m 128\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21m__call__\u001b[39m(\u001b[38;5;28mself\u001b[39m, \u001b[38;5;241m*\u001b[39margs):\n\u001b[1;32m 129\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mchildren \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[0;32m--> 130\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfunc\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 131\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mfunc(\u001b[38;5;241m*\u001b[39m(child(\u001b[38;5;241m*\u001b[39margs) \u001b[38;5;28;01mfor\u001b[39;00m child \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mchildren))\n", + "\u001b[0;31mTypeError\u001b[0m: QuantifierGrammar.add_index_primitive..() missing 1 required positional argument: '_'" + ] + } + ], + "source": [ + "expr = new_grammar.parse(\"greater_than(1, 2)\")\n", + "print(expr.call_on_universe(quantifiers_universe))\n", + "\n", + "two = new_grammar.parse(\"2\")\n", + "print(two(\"asdfasdf\"))\n", + "\n", + "print(two(\"asdf\"))\n", + "print(two)\n", + "print(two())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We created a universe with the number of indices in generated `QuantifierModel`s having 4 indices total, with up to 3 of those indices being considered for pertinence in A or B during the generative process. Therefor, in this example, `['1', '2', '0', '0']` would not be valid, since `M_SIZE` is only 3 and not 4. On the other hand, `['4', '2', '0', '0']` is OK, since the first index is in `X` but not `M`.\n", + "\n", + "Let's enumerate expressions that could be created with the Language of Thought described in the `QuantifierGrammar` we have previously defined.\n", + "\n", + "We'll enumerate expressions up to a depth of 4. Higher depth values allow for more complex expressions that depend on a greater number of rules." + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "from learn_quant.scripts.generate_expressions import enumerate_quantifiers\n", + "expressions_by_meaning = enumerate_quantifiers(4, quantifiers_universe, new_grammar)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's save the quantifiers generated in this enumeration process." + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [], + "source": [ + "from learn_quant.scripts.generate_expressions import save_quantifiers\n", + "save_quantifiers(expressions_by_meaning, out_path=\"learn_quant/outputs/generated_expressions.yml\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can load-in the expressions we just saved in the YAML file we produced in the code block above (provided we also provide the load function a relevant universe of analysis):" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [], + "source": [ + "from learn_quant.util import read_expressions" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [], + "source": [ + "expressions, _ = read_expressions(\"learn_quant/outputs/generated_expressions.yml\", quantifiers_universe)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We get a object that pairs grammatical expressions with their respective `Meaning` objects, which are lists of licensed `QuantifierModels` () for that particular expression, given the universe in scope." + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "792\n" + ] + } + ], + "source": [ + "print(len(expressions))" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'form': '',\n", + " 'meaning': ,\n", + " 'rule_name': 'subset_eq',\n", + " 'func': (s1, s2)>,\n", + " 'children': (,\n", + " )}" + ] + }, + "execution_count": 24, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "expressions[0].__dict__" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Every expression object contains a `Meaning` that contains a list of referents that the expression verifies. " + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "subset_eq(A, A)\n" + ] + } + ], + "source": [ + "print(expressions[0])" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "256\n" + ] + } + ], + "source": [ + "print(len(expressions[0].meaning.referents))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Measuring Monotonicity" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Users/radmajik/Documents/UWLing/altk/src/ultk/effcomm/informativity.py:30: SyntaxWarning: invalid escape sequence '\\s'\n", + " \"\"\"The informativity of a language is identified with the successful communication between a speaker and a listener.\n", + "/Users/radmajik/Documents/UWLing/altk/src/ultk/effcomm/informativity.py:92: SyntaxWarning: invalid escape sequence '\\s'\n", + " \"\"\"Helper function to compute the literal informativity of a language.\n", + "/Users/radmajik/Documents/UWLing/altk/src/ultk/effcomm/agent.py:250: SyntaxWarning: invalid escape sequence '\\p'\n", + " \"\"\"Initialize the |M|-by-|E| matrix, S, corresponding to the pragmatic speaker's conditional probability distribution over expressions given meanings.\n", + "/Users/radmajik/Documents/UWLing/altk/src/ultk/effcomm/agent.py:279: SyntaxWarning: invalid escape sequence '\\p'\n", + " \"\"\"Initialize the |E|-by-|M| matrix, R, corresponding to the pragmatic listener's conditional probability distribution over meanings given expressions.\n", + "/Users/radmajik/Documents/UWLing/altk/src/ultk/effcomm/agent.py:302: SyntaxWarning: invalid escape sequence '\\c'\n", + " \"\"\"A Bayesian reciever chooses an interpretation according to p(meaning | word), where\n", + "/Users/radmajik/Documents/UWLing/altk/src/ultk/effcomm/util.py:63: SyntaxWarning: invalid escape sequence '\\s'\n", + " \"\"\"Compute $p(x) = \\sum_x p(x,y)$\n", + "/Users/radmajik/Documents/UWLing/altk/src/ultk/effcomm/util.py:88: SyntaxWarning: invalid escape sequence '\\c'\n", + " \"\"\"Compute $p(x,y) = p(y|x) \\cdot p(x) $\n", + "/Users/radmajik/Documents/UWLing/altk/src/ultk/effcomm/util.py:102: SyntaxWarning: invalid escape sequence '\\s'\n", + " \"\"\"Compute $p(y) = \\sum_x p(y|x) \\cdot p(x)$\n", + "/Users/radmajik/Documents/UWLing/altk/src/ultk/effcomm/util.py:116: SyntaxWarning: invalid escape sequence '\\c'\n", + " \"\"\"Compute $p(x|y) = \\\\frac{p(y|x) \\cdot p(x)}{p(y)}$\n", + "/Users/radmajik/Documents/UWLing/altk/src/ultk/effcomm/util.py:138: SyntaxWarning: invalid escape sequence '\\s'\n", + " \"\"\"Compute the entropy of p, $H(X) = - \\sum_x x \\\\log p(x)$\"\"\"\n" + ] + } + ], + "source": [ + "import numpy as np\n", + "from learn_quant.measures import MonotonicityMeasurer" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The expressions in the enumeration process vary in their degree of monotonicity. We can measure the monotonicity of an expression with the `measures` module. " + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Calculating monotonicity for: subset_eq(A, A)\n", + "Calculating monotonicity for: subset_eq(A, B)\n", + "Calculating monotonicity for: subset_eq(B, A)\n", + "Calculating monotonicity for: and(subset_eq(A, B), subset_eq(B, A))\n", + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(B, A))\n", + "Calculating monotonicity for: not(subset_eq(A, B))\n", + "Calculating monotonicity for: not(subset_eq(B, A))\n", + "Calculating monotonicity for: equals(0, cardinality(A))\n", + "Calculating monotonicity for: subset_eq(A, difference(A, B))\n", + "Calculating monotonicity for: subset_eq(A, index(1, B))\n", + "Calculating monotonicity for: equals(0, cardinality(B))\n", + "Calculating monotonicity for: subset_eq(B, index(1, A))\n", + "Calculating monotonicity for: subset_eq(index(1, A), B)\n", + "Calculating monotonicity for: subset_eq(index(1, B), A)\n", + "Calculating monotonicity for: equals(0, cardinality(union(A, B)))\n", + "Calculating monotonicity for: subset_eq(intersection(A, B), index(1, A))\n", + "Calculating monotonicity for: subset_eq(intersection(A, B), index(1, B))\n", + "Calculating monotonicity for: subset_eq(difference(A, B), index(1, A))\n", + "Calculating monotonicity for: subset_eq(difference(B, A), index(1, B))\n", + "Calculating monotonicity for: not(greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: subset_eq(index(1, A), difference(A, B))\n", + "Calculating monotonicity for: subset_eq(index(1, A), index(1, B))\n", + "Calculating monotonicity for: not(greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: subset_eq(index(1, B), difference(B, A))\n", + "Calculating monotonicity for: subset_eq(index(1, B), index(1, A))\n", + "Calculating monotonicity for: equals(1, cardinality(A))\n", + "Calculating monotonicity for: equals(1, cardinality(B))\n", + "Calculating monotonicity for: equals(cardinality(A), cardinality(B))\n", + "Calculating monotonicity for: greater_than(cardinality(A), 0)\n", + "Calculating monotonicity for: greater_than(cardinality(A), 1)\n", + "Calculating monotonicity for: greater_than(cardinality(B), 0)\n", + "Calculating monotonicity for: greater_than(cardinality(B), 1)\n", + "Calculating monotonicity for: greater_than(cardinality(A), cardinality(B))\n", + "Calculating monotonicity for: greater_than(cardinality(B), cardinality(A))\n", + "Calculating monotonicity for: and(subset_eq(A, B), not(subset_eq(B, A)))\n", + "Calculating monotonicity for: and(subset_eq(A, B), subset_eq(index(1, B), A))\n", + "Calculating monotonicity for: and(subset_eq(A, B), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(A, difference(B, index(1, A)))\n", + "Calculating monotonicity for: and(subset_eq(A, B), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: and(subset_eq(A, B), subset_eq(index(1, B), difference(A, A)))\n", + "Calculating monotonicity for: subset_eq(A, difference(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: and(subset_eq(A, B), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: and(subset_eq(A, B), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(subset_eq(A, B), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(A, B), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(subset_eq(A, B), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(subset_eq(A, B), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(subset_eq(A, B), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(subset_eq(B, A), not(subset_eq(A, B)))\n", + "Calculating monotonicity for: and(subset_eq(B, A), subset_eq(index(1, A), B))\n", + "Calculating monotonicity for: and(subset_eq(B, A), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: and(subset_eq(B, A), subset_eq(index(1, A), difference(A, A)))\n", + "Calculating monotonicity for: subset_eq(B, difference(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: and(subset_eq(B, A), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(B, difference(A, index(1, B)))\n", + "Calculating monotonicity for: and(subset_eq(B, A), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: and(subset_eq(B, A), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(subset_eq(B, A), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(B, A), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(subset_eq(B, A), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(subset_eq(B, A), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(subset_eq(B, A), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: subset_eq(union(A, B), difference(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: and(and(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(and(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(and(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(equals(0, cardinality(A)), equals(0, cardinality(B)))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), B))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), A))\n", + "Calculating monotonicity for: or(subset_eq(B, index(1, A)), equals(0, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(A, index(1, B)), equals(0, cardinality(B)))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, A)), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, B)), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: not(or(subset_eq(A, B), subset_eq(B, A)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(A, difference(A, B)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), equals(0, cardinality(B)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(B, index(1, A)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(index(1, A), B))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(index(1, B), A))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: greater_than(cardinality(difference(A, B)), cardinality(index(1, B)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(not(subset_eq(A, B)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), equals(0, cardinality(A)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(A, difference(A, B)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(A, index(1, B)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(index(1, A), B))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(index(1, B), A))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: greater_than(cardinality(difference(B, A)), cardinality(index(1, A)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(not(subset_eq(B, A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: subset_eq(union(A, B), index(cardinality(A), B))\n", + "Calculating monotonicity for: and(equals(0, cardinality(A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: greater_than(cardinality(index(1, B)), cardinality(A))\n", + "Calculating monotonicity for: subset_eq(A, difference(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(B, difference(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: and(subset_eq(A, difference(A, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: greater_than(cardinality(index(1, A)), cardinality(intersection(A, B)))\n", + "Calculating monotonicity for: greater_than(cardinality(index(1, B)), cardinality(intersection(A, B)))\n", + "Calculating monotonicity for: and(subset_eq(A, difference(A, B)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(A, difference(A, B)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: subset_eq(union(A, index(1, B)), index(cardinality(A), B))\n", + "Calculating monotonicity for: and(subset_eq(A, index(1, B)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(subset_eq(A, index(1, B)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: subset_eq(union(A, B), index(cardinality(B), A))\n", + "Calculating monotonicity for: and(equals(0, cardinality(B)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: greater_than(cardinality(index(1, A)), cardinality(B))\n", + "Calculating monotonicity for: subset_eq(union(B, index(1, A)), index(cardinality(B), A))\n", + "Calculating monotonicity for: and(subset_eq(B, index(1, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(B, index(1, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), subset_eq(index(1, B), A))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), subset_eq(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, A)), index(1, B))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), subset_eq(index(1, B), difference(A, A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: not(subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), B), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, B)), index(1, A))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), A), subset_eq(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), A), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), A), subset_eq(index(1, A), difference(A, A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), A), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), A), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), A), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), A), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), A), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), A), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), A), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: not(subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), A), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: subset_eq(intersection(A, B), intersection(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(difference(B, index(1, A)), difference(index(1, B), A))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, A)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, B)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(intersection(A, B), difference(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: subset_eq(difference(A, index(1, B)), difference(index(1, A), B))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, A)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(intersection(A, B), difference(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, B)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, B)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: and(subset_eq(difference(A, B), index(1, A)), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, A)), difference(index(1, A), B))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, B)), difference(index(1, A), B))\n", + "Calculating monotonicity for: and(subset_eq(difference(A, B), index(1, A)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, B)), index(1, A))\n", + "Calculating monotonicity for: and(subset_eq(difference(A, B), index(1, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(difference(A, B), index(1, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, A)), difference(index(1, B), A))\n", + "Calculating monotonicity for: and(subset_eq(difference(B, A), index(1, B)), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, A)), index(1, B))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, B)), difference(index(1, B), A))\n", + "Calculating monotonicity for: and(subset_eq(difference(B, A), index(1, B)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(subset_eq(difference(B, A), index(1, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), difference(A, A))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), difference(B, A))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), difference(A, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), difference(A, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), difference(A, A)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: greater_than(cardinality(index(1, B)), cardinality(index(1, A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), difference(A, A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), difference(A, B))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), difference(A, B)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), difference(A, B)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), difference(A, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: not(subset_eq(index(1, A), B))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), index(1, B)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), index(1, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), difference(A, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), difference(A, A)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: greater_than(cardinality(index(1, A)), cardinality(index(1, B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), difference(A, A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), difference(B, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), difference(B, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: not(subset_eq(index(1, B), A))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: and(equals(1, cardinality(A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: and(equals(1, cardinality(A)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(equals(1, cardinality(A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(equals(1, cardinality(B)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(equals(1, cardinality(B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(equals(cardinality(A), cardinality(B)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: and(equals(cardinality(A), cardinality(B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: and(greater_than(cardinality(A), 0), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(greater_than(cardinality(A), 0), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(greater_than(cardinality(A), 0), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: and(greater_than(cardinality(A), 1), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: and(greater_than(cardinality(A), 1), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: and(greater_than(cardinality(A), 1), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(greater_than(cardinality(A), 1), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: and(greater_than(cardinality(B), 0), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(greater_than(cardinality(B), 1), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: and(greater_than(cardinality(B), 1), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), not(subset_eq(B, A)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(A, difference(A, B)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), equals(0, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(B, index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(index(1, B), A))\n", + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), equals(1, cardinality(A)))\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Users/radmajik/Documents/UWLing/altk/src/examples/learn_quant/measures.py:176: RuntimeWarning: divide by zero encountered in log2\n", + " nopred_logs = np.log2([noq_nopred, q_nopred] / p_nopred)\n", + "/Users/radmajik/Documents/UWLing/altk/src/examples/learn_quant/measures.py:174: RuntimeWarning: divide by zero encountered in log2\n", + " pred_logs = np.log2([noq_pred, q_pred] / p_pred)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(index(1, B), difference(A, A)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(subset_eq(A, B), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: or(subset_eq(A, B), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(subset_eq(A, B), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(A, B), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), not(subset_eq(A, B)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), equals(0, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), subset_eq(A, difference(A, B)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), subset_eq(A, index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), subset_eq(index(1, A), B))\n", + "Calculating monotonicity for: or(subset_eq(B, A), subset_eq(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), subset_eq(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), subset_eq(index(1, A), difference(A, A)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: or(subset_eq(B, A), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(subset_eq(B, A), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(subset_eq(B, A), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(B, A), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), equals(0, cardinality(A)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(A, difference(A, B)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(A, index(1, B)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), equals(0, cardinality(B)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(B, index(1, A)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), difference(A, A)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), difference(A, A)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(and(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(A, difference(A, B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), B), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), A), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(or(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: or(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: or(or(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: or(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: or(or(subset_eq(A, B), subset_eq(B, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: not(and(subset_eq(A, B), subset_eq(B, A)))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), equals(0, cardinality(A)))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), subset_eq(A, index(1, B)))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), equals(0, cardinality(B)))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), subset_eq(index(1, B), A))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), subset_eq(index(1, A), difference(A, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, intersection(A, B)), index(1, B))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), subset_eq(index(1, B), difference(A, A)))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: greater_than(cardinality(union(A, B)), 0)\n", + "Calculating monotonicity for: or(not(subset_eq(A, B)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), equals(0, cardinality(A)))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), equals(0, cardinality(B)))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), subset_eq(B, index(1, A)))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), subset_eq(index(1, A), B))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), subset_eq(index(1, A), difference(A, A)))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), subset_eq(index(1, B), difference(A, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, intersection(A, B)), index(1, A))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(not(subset_eq(B, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), A), equals(0, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(difference(B, A), index(1, B)), equals(0, cardinality(A)))\n", + "Calculating monotonicity for: subset_eq(index(1, B), index(cardinality(A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), index(1, A)), equals(0, cardinality(A)))\n", + "Calculating monotonicity for: or(equals(0, cardinality(A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(equals(0, cardinality(A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: not(equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(equals(0, cardinality(A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(equals(0, cardinality(A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(equals(0, cardinality(A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: subset_eq(intersection(A, B), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(intersection(A, B), index(cardinality(B), A))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), subset_eq(index(1, A), B))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), subset_eq(index(1, B), A))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(A, difference(A, B)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(A, index(1, B)), subset_eq(B, index(1, A)))\n", + "Calculating monotonicity for: subset_eq(difference(intersection(A, B), index(1, A)), index(cardinality(A), B))\n", + "Calculating monotonicity for: or(subset_eq(A, index(1, B)), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(A, index(1, B)), subset_eq(index(1, B), difference(A, A)))\n", + "Calculating monotonicity for: subset_eq(intersection(A, index(1, B)), index(cardinality(A), B))\n", + "Calculating monotonicity for: or(subset_eq(A, index(1, B)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(A, index(1, B)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(A, index(1, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(A, index(1, B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(subset_eq(A, index(1, B)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), B), equals(0, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), equals(0, cardinality(B)))\n", + "Calculating monotonicity for: subset_eq(index(1, A), index(cardinality(B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), index(1, B)), equals(0, cardinality(B)))\n", + "Calculating monotonicity for: or(equals(0, cardinality(B)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(equals(0, cardinality(B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(equals(0, cardinality(B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: not(equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(equals(0, cardinality(B)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(equals(0, cardinality(B)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: subset_eq(difference(intersection(A, B), index(1, B)), index(cardinality(B), A))\n", + "Calculating monotonicity for: or(subset_eq(B, index(1, A)), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(B, index(1, A)), subset_eq(index(1, A), difference(A, A)))\n", + "Calculating monotonicity for: subset_eq(intersection(B, index(1, A)), index(cardinality(B), A))\n", + "Calculating monotonicity for: or(subset_eq(B, index(1, A)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(B, index(1, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(B, index(1, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(B, index(1, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(subset_eq(B, index(1, A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), B), subset_eq(index(1, B), A))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), B), subset_eq(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), B), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), B), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), B), subset_eq(index(1, B), difference(A, A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), B), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), B), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), B), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), index(1, A)), B)\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), B), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), A), subset_eq(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), A), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), A), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), A), subset_eq(index(1, A), difference(A, A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), A), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), A), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), A), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), index(1, B)), A)\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), A), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(subset_eq(union(A, B), difference(A, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(union(A, B), difference(A, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(union(A, B), difference(A, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(subset_eq(union(A, B), difference(A, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), subset_eq(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), subset_eq(index(1, B), difference(A, A)))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(difference(B, A), index(1, B)), subset_eq(index(1, A), difference(A, A)))\n", + "Calculating monotonicity for: or(subset_eq(difference(B, A), index(1, B)), subset_eq(index(1, A), difference(A, B)))\n", + "Calculating monotonicity for: or(subset_eq(difference(B, A), index(1, B)), subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: or(subset_eq(difference(B, A), index(1, B)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(difference(B, A), index(1, B)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(difference(B, A), index(1, B)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(difference(B, A), index(1, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, A)), subset_eq(index(1, B), difference(A, A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, A)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, A), index(cardinality(B), A))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: subset_eq(intersection(B, index(1, A)), index(1, B))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, B)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, B)), subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), index(1, B)), subset_eq(index(1, B), difference(B, A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), index(1, B)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), index(1, B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: subset_eq(index(1, B), index(cardinality(A), B))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), difference(A, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), difference(A, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), difference(A, A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), difference(A, A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: subset_eq(intersection(A, index(1, B)), index(1, A))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), difference(B, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), index(1, A)), equals(1, cardinality(A)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), index(1, A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(equals(1, cardinality(A)), equals(1, cardinality(B)))\n", + "Calculating monotonicity for: or(equals(1, cardinality(A)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(equals(1, cardinality(A)), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: or(equals(1, cardinality(A)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(equals(1, cardinality(A)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(equals(1, cardinality(A)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(equals(1, cardinality(B)), equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(equals(1, cardinality(B)), greater_than(cardinality(A), 0))\n", + "Calculating monotonicity for: or(equals(1, cardinality(B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(equals(1, cardinality(B)), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(equals(1, cardinality(B)), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(equals(cardinality(A), cardinality(B)), greater_than(cardinality(A), 1))\n", + "Calculating monotonicity for: or(equals(cardinality(A), cardinality(B)), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: not(greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: not(greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(greater_than(cardinality(A), 0), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(greater_than(cardinality(A), 1), greater_than(cardinality(B), 0))\n", + "Calculating monotonicity for: or(greater_than(cardinality(A), 1), greater_than(cardinality(B), 1))\n", + "Calculating monotonicity for: or(greater_than(cardinality(A), 1), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(greater_than(cardinality(A), 1), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: or(greater_than(cardinality(B), 1), greater_than(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: or(greater_than(cardinality(B), 1), greater_than(cardinality(B), cardinality(A)))\n", + "Calculating monotonicity for: not(equals(cardinality(A), cardinality(B)))\n", + "Calculating monotonicity for: not(subset_eq(A, difference(A, B)))\n", + "Calculating monotonicity for: not(subset_eq(A, index(1, B)))\n", + "Calculating monotonicity for: not(subset_eq(B, index(1, A)))\n", + "Calculating monotonicity for: not(subset_eq(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: not(subset_eq(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: not(subset_eq(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: not(subset_eq(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: not(subset_eq(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: not(subset_eq(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(A, union(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(A, index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(A, index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(B, union(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(B, index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(B, index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(intersection(A, B), union(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(intersection(A, B), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(A, B), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(A, B), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(difference(A, B), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(B, A), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(B, A), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(difference(B, A), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, A), difference(A, index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, A), difference(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, A), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, A), index(1, intersection(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, A), index(1, difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, A), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(index(1, A), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, B), difference(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, B), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, B), index(1, intersection(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, B), index(1, difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, B), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(index(1, B), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), A)\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), B)\n", + "Calculating monotonicity for: subset_eq(index(1, difference(A, B)), B)\n", + "Calculating monotonicity for: subset_eq(index(1, difference(B, A)), A)\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), B), A)\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), A), B)\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), difference(B, A)), A)\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), difference(A, B)), B)\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), intersection(A, B))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(A, A))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(A, B))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(B, A))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), index(1, A))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), index(1, B))\n", + "Calculating monotonicity for: subset_eq(index(1, intersection(A, B)), difference(A, A))\n", + "Calculating monotonicity for: subset_eq(index(1, difference(A, B)), index(1, A))\n", + "Calculating monotonicity for: subset_eq(index(1, difference(B, A)), index(1, B))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), B), difference(B, A))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), B), index(1, A))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), B), index(1, B))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), A), difference(A, B))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), A), index(1, A))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), A), index(1, B))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), difference(B, A)), index(1, B))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), difference(A, B)), index(1, A))\n", + "Calculating monotonicity for: subset_eq(union(A, index(1, B)), difference(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(union(A, index(1, B)), difference(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(union(A, index(1, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(A, index(1, B)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(union(B, index(1, A)), difference(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(union(B, index(1, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, A)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, A)), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, A)), index(cardinality(B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, B)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, B)), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(union(intersection(A, B), index(1, B)), index(cardinality(A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), difference(B, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), difference(B, A)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), difference(B, A)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), difference(B, A)), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), difference(B, A)), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, A)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, A)), difference(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, A)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, B)), union(difference(B, A), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, B)), difference(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, B)), index(1, difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, B)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, B)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, B)), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(union(difference(A, B), index(1, B)), index(cardinality(A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, A)), union(difference(A, B), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, B)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, A)), difference(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, A)), index(1, difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, A)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, A)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, A)), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, A)), index(cardinality(B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, B)), difference(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(difference(B, A), index(1, B)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), index(1, intersection(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), index(1, difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), index(1, difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), index(cardinality(A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(union(index(1, A), index(1, B)), index(cardinality(B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(intersection(A, index(1, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(intersection(A, index(1, B)), index(1, intersection(A, B)))\n", + "Calculating monotonicity for: subset_eq(intersection(A, index(1, B)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(intersection(B, index(1, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(intersection(B, index(1, A)), index(1, intersection(A, B)))\n", + "Calculating monotonicity for: subset_eq(intersection(B, index(1, A)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, A), B), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, A), B), index(1, difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, A), B), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, B), A), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, B), A), index(1, difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, B), A), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(intersection(index(1, A), index(1, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(A, index(1, B)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(difference(A, index(1, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(A, index(1, B)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(difference(B, index(1, A)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(difference(B, index(1, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(B, index(1, A)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(difference(intersection(A, B), index(1, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(intersection(A, B), index(1, A)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(difference(intersection(A, B), index(1, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(intersection(A, B), index(1, B)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(difference(difference(A, B), index(1, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(difference(A, B), index(1, A)), index(1, difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(difference(A, B), index(1, A)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(difference(difference(A, B), index(1, A)), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(difference(B, A), index(1, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(difference(B, A), index(1, B)), index(1, difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(difference(difference(B, A), index(1, B)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(difference(difference(B, A), index(1, B)), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, A), index(1, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, A), index(1, B)), index(1, difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, A), index(1, B)), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, B), index(1, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, B), index(1, A)), index(1, difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(difference(index(1, B), index(1, A)), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), union(A, index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), union(B, index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), union(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), union(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), union(difference(A, B), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), union(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), union(difference(A, B), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), union(difference(B, A), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), union(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), union(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), intersection(A, index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), intersection(B, index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(index(1, A), B))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(index(1, B), A))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), index(1, intersection(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(A, index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(B, index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(intersection(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(intersection(A, B), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(index(1, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), difference(index(1, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), index(1, difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), index(1, difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), index(cardinality(A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, union(A, B)), index(cardinality(B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, intersection(A, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, intersection(A, B)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(index(1, intersection(A, B)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(index(1, difference(A, B)), difference(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, difference(A, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, difference(A, B)), index(cardinality(B), A))\n", + "Calculating monotonicity for: subset_eq(index(1, difference(A, B)), index(cardinality(B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(1, difference(B, A)), difference(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, difference(B, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(1, difference(B, A)), index(cardinality(A), B))\n", + "Calculating monotonicity for: subset_eq(index(1, difference(B, A)), index(cardinality(A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), B), union(A, index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), B), intersection(A, index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), B), difference(index(1, B), A))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), B), difference(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), B), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), B), index(1, difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), B), index(cardinality(A), difference(B, A)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), A), union(B, index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), A), intersection(B, index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), A), difference(index(1, A), B))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), A), difference(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), A), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), A), index(1, difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), A), index(cardinality(B), difference(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), difference(B, A)), difference(difference(B, A), index(1, B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(A), difference(B, A)), index(1, union(A, B)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), difference(A, B)), difference(difference(A, B), index(1, A)))\n", + "Calculating monotonicity for: subset_eq(index(cardinality(B), difference(A, B)), index(1, union(A, B)))\n", + "Calculating monotonicity for: equals(1, cardinality(union(A, B)))\n", + "Calculating monotonicity for: equals(1, cardinality(intersection(A, B)))\n", + "Calculating monotonicity for: equals(1, cardinality(difference(A, B)))\n", + "Calculating monotonicity for: equals(1, cardinality(difference(B, A)))\n", + "Calculating monotonicity for: equals(cardinality(A), cardinality(difference(B, A)))\n", + "Calculating monotonicity for: equals(cardinality(A), cardinality(index(1, B)))\n", + "Calculating monotonicity for: equals(cardinality(B), cardinality(difference(A, B)))\n", + "Calculating monotonicity for: equals(cardinality(B), cardinality(index(1, A)))\n", + "Calculating monotonicity for: equals(cardinality(intersection(A, B)), cardinality(difference(A, B)))\n", + "Calculating monotonicity for: equals(cardinality(intersection(A, B)), cardinality(difference(B, A)))\n", + "Calculating monotonicity for: equals(cardinality(intersection(A, B)), cardinality(index(1, A)))\n", + "Calculating monotonicity for: equals(cardinality(intersection(A, B)), cardinality(index(1, B)))\n", + "Calculating monotonicity for: equals(cardinality(difference(A, B)), cardinality(index(1, A)))\n", + "Calculating monotonicity for: equals(cardinality(difference(A, B)), cardinality(index(1, B)))\n", + "Calculating monotonicity for: equals(cardinality(difference(B, A)), cardinality(index(1, A)))\n", + "Calculating monotonicity for: equals(cardinality(difference(B, A)), cardinality(index(1, B)))\n", + "Calculating monotonicity for: equals(cardinality(index(1, A)), cardinality(index(1, B)))\n", + "Calculating monotonicity for: greater_than(cardinality(A), cardinality(difference(B, A)))\n", + "Calculating monotonicity for: greater_than(cardinality(A), cardinality(index(1, B)))\n", + "Calculating monotonicity for: greater_than(cardinality(B), cardinality(difference(A, B)))\n", + "Calculating monotonicity for: greater_than(cardinality(B), cardinality(index(1, A)))\n", + "Calculating monotonicity for: greater_than(cardinality(union(A, B)), 1)\n", + "Calculating monotonicity for: greater_than(cardinality(intersection(A, B)), 1)\n", + "Calculating monotonicity for: greater_than(cardinality(difference(A, B)), 1)\n", + "Calculating monotonicity for: greater_than(cardinality(difference(B, A)), 1)\n", + "Calculating monotonicity for: greater_than(cardinality(difference(A, B)), cardinality(B))\n", + "Calculating monotonicity for: greater_than(cardinality(difference(B, A)), cardinality(A))\n", + "Calculating monotonicity for: greater_than(cardinality(intersection(A, B)), cardinality(difference(A, B)))\n", + "Calculating monotonicity for: greater_than(cardinality(intersection(A, B)), cardinality(difference(B, A)))\n", + "Calculating monotonicity for: greater_than(cardinality(difference(A, B)), cardinality(intersection(A, B)))\n", + "Calculating monotonicity for: greater_than(cardinality(difference(B, A)), cardinality(intersection(A, B)))\n" + ] + } + ], + "source": [ + "mm = MonotonicityMeasurer(quantifiers_universe, down=False)\n", + "mm(expressions)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Print the values of monotonicity for each expression to a file." + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [], + "source": [ + "import csv\n", + "\n", + "sorted_monotonicity = sorted(mm.metrics.items(), key=lambda x: x[1][\"monotonicity\"], reverse=True)\n", + "\n", + "with open(\"monotonicity.csv\", \"w\", newline='') as file:\n", + " writer = csv.writer(file)\n", + " for key, value in sorted_monotonicity:\n", + " writer.writerow([key, *value.values()])\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's calculate monotonicity of only a subset of generated expressions." + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [], + "source": [ + "from learn_quant.util import filter_expressions_by_rules" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [], + "source": [ + "subset_of_expressions = filter_expressions_by_rules([\"subset_eq(A, A)\",\n", + " 'subset_eq(A, B)' ], expressions)" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Calculating monotonicity for: subset_eq(A, A)\n", + "Calculating monotonicity for: subset_eq(A, B)\n" + ] + } + ], + "source": [ + "mm(subset_of_expressions)" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'subset_eq(A, A)': {'monotonicity': 1},\n", + " 'subset_eq(A, B)': {'monotonicity': 0.020055189603353396}}" + ] + }, + "execution_count": 33, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "mm.metrics" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{4}" + ] + }, + "execution_count": 34, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "M = set([0,1,2])\n", + "X = set([0,2,3])\n", + "A = set([0,1,2,3,4])\n", + "\n", + "A - (M | X)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "altk", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.1" + }, + "orig_nbformat": 4 + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/src/examples/learn_quant/util.py b/src/examples/learn_quant/util.py new file mode 100644 index 00000000..9085c7e6 --- /dev/null +++ b/src/examples/learn_quant/util.py @@ -0,0 +1,199 @@ +from typing import Callable, Any +import pandas as pd + +from yaml import load, dump +from typing import Iterable, Union +import dill as pkl + +try: + from yaml import CLoader as Loader, CDumper as Dumper +except ImportError: + from yaml import Loader, Dumper + +from ultk.language.grammar import GrammaticalExpression +from ultk.language.language import Expression, Language +from ultk.language.semantics import Meaning, Universe + +from learn_quant.grammar import quantifiers_grammar +from learn_quant.meaning import create_universe +from learn_quant.quantifier import QuantifierUniverse + + +def read_expressions( + filename: str, universe: Universe = None, return_by_meaning=True, pickle=False +) -> tuple[list[GrammaticalExpression], dict[Meaning, Expression]]: + """ + Read expressions from a PKL or YAML file. + + Args: + filename (str): The path to the YAML file containing the expressions. + universe (Universe, optional): The universe object to evaluate the expressions against. Defaults to None. + return_by_meaning (bool, optional): Whether to return the expressions as a dictionary with meanings as keys. Defaults to True. + + Returns: + tuple[list[GrammaticalExpression], dict[Meaning, Expression]]: A tuple containing the parsed expressions and, if return_by_meaning is True, a dictionary of expressions by their meanings. + """ + if pickle: + expression_list = pkl.load(open(filename, "rb")) + else: + quantifiers_grammar.add_indices_as_primitives(universe.x_size) + print(quantifiers_grammar) + + with open(filename, "r") as f: + expression_list = load(f, Loader=Loader) + parsed_exprs = [ + quantifiers_grammar.parse(expr_dict["grammatical_expression"]) + for expr_dict in expression_list + ] + if universe is not None: + [expr.evaluate(universe) for expr in parsed_exprs] + by_meaning = {} + if return_by_meaning: + by_meaning = {expr.meaning: expr for expr in parsed_exprs} + return parsed_exprs, by_meaning + + +def filter_expressions_by_rules(rules: list, expressions): + """ + Filters a list of expressions based on a set of rules. + + Args: + rules (list): A list of rules to filter the expressions. + expressions: The list of expressions to be filtered. + + Returns: + list: A filtered list of expressions that match the given rules. + """ + return list(filter(lambda x: str(x) in rules, expressions)) + + +import os +from pathlib import Path + + +def read_expressions_from_folder( + folder: str, return_by_meaning=True +) -> tuple[list[GrammaticalExpression], dict[Meaning, Expression]]: + """Read expressions from a YAML file in a specified folder. + + Args: + folder (str): The path to the folder containing the expressions file and the universe file. + return_by_meaning (bool, optional): Whether to return the expressions as a dictionary with meanings as keys. Defaults to True. + + Returns: + tuple[list[GrammaticalExpression], dict[Meaning, Expression]]: A tuple containing the parsed expressions, a dictionary of expressions by meaning, and the universe object. + + Raises: + FileNotFoundError: If the expressions file or the universe file is not found. + """ + + expressions_file = os.path.join( + folder, "generated_expressions.yml" + ) # replace 'filename.yaml' with your actual filename + universe_file = os.path.join( + folder, "master_universe.pkl" + ) # replace 'universe.pkl' with your actual universe filename + + with open(universe_file, "rb") as f: + universe = pkl.load(f) + + quantifiers_grammar.add_indices_as_primitives(universe.x_size) + + with open(expressions_file, "r") as f: + expression_list = load(f, Loader=Loader) + parsed_exprs = [ + quantifiers_grammar.parse(expr_dict["grammatical_expression"]) + for expr_dict in expression_list + ] + if universe is not None: + [expr.evaluate(universe) for expr in parsed_exprs] + by_meaning = {} + if return_by_meaning: + by_meaning = {expr.meaning: expr for expr in parsed_exprs} + return parsed_exprs, by_meaning, universe + + +def save_quantifiers( + expressions_by_meaning: dict[GrammaticalExpression, Any], + out_path: str = "generated_expressions.yml", +): + """ + Save the quantifiers expressions to a YAML file. + + Args: + expressions_by_meaning (dict): A dictionary mapping GrammaticalExpression objects to their corresponding meanings. + out_path (str, optional): The output file path. Defaults to "generated_expressions.yml". + """ + + print("Saving generated expressions to file...") + print("Output path:", os.getcwd() / Path(out_path)) + with open(out_path, "w+") as outfile: + dump( + [ + expressions_by_meaning[meaning].to_dict() + for meaning in expressions_by_meaning + ], + outfile, + Dumper=Dumper, + ) + + pickle_output_file = Path(out_path).parent / "generated_expressions.pkl" + + # Open the file in write binary mode and dump the object + with open(pickle_output_file, "wb") as f: + pkl.dump(expressions_by_meaning, f) + + print("Expressions have been YAML'ed to {} and PKL'ed to {}".format(out_path, pickle_output_file)) + + + +def save_inclusive_generation( + expressions_by_meaning: dict[GrammaticalExpression, Any], + master_universe: QuantifierUniverse, + output_dir: str, + m_size: int, + x_size: int, + depth: int, +): + """ + Save the generated expressions and the master universe to files. + + Args: + expressions_by_meaning (dict[GrammaticalExpression, Any]): A dictionary mapping GrammaticalExpressions to their meanings. + master_universe (QuantifierUniverse): The master universe object. + output_dir (str): The directory where the files will be saved. + m_size (int): The size of M. + x_size (int): The size of X. + depth (int): The depth of the generated expressions. + + Returns: + None + """ + + output_file = ( + Path(output_dir) + / Path( + "inclusive/" + + "M" + + str(m_size) + + "_" + + "X" + + str(x_size) + + "_" + + str("d" + str(depth)) + ) + / Path("generated_expressions.yml") + ) + Path(output_file).parent.mkdir(parents=True, exist_ok=True) + + print("Saving generated expressions...") + save_quantifiers(expressions_by_meaning, output_file) + + # Create a new path for the pickle file + pickle_output_file = Path(output_file).parent / "master_universe.pkl" + + # Open the file in write binary mode and dump the object + with open(pickle_output_file, "wb") as f: + pkl.dump(master_universe, f) + + print("Master universe has been pickled and saved to", pickle_output_file) diff --git a/src/examples/monotonicity.csv b/src/examples/monotonicity.csv new file mode 100644 index 00000000..4d8c7949 --- /dev/null +++ b/src/examples/monotonicity.csv @@ -0,0 +1,792 @@ +"subset_eq(A, A)",1 +"subset_eq(A, difference(A, B))",1.0 +"subset_eq(index(1, intersection(A, B)), difference(A, A))",1.0 +"subset_eq(union(intersection(A, B), index(1, A)), index(cardinality(B), index(1, A)))",0.7775518167491703 +"subset_eq(union(intersection(A, B), index(1, B)), index(cardinality(A), index(1, B)))",0.7775518167491703 +"subset_eq(union(intersection(A, B), index(1, A)), index(cardinality(B), difference(A, B)))",0.729013937930126 +"subset_eq(union(intersection(A, B), index(1, B)), index(cardinality(A), difference(B, A)))",0.729013937930126 +"subset_eq(A, difference(difference(A, B), index(1, A)))",0.6112764187108178 +"subset_eq(B, difference(difference(B, A), index(1, B)))",0.6112764187108178 +"and(not(subset_eq(A, B)), subset_eq(A, difference(A, B)))",0.5784716700018857 +"and(not(subset_eq(B, A)), subset_eq(A, difference(A, B)))",0.5784716700018857 +"or(subset_eq(intersection(A, B), index(1, A)), subset_eq(intersection(A, B), index(1, B)))",0.48895046099897144 +"or(subset_eq(index(1, A), difference(A, A)), subset_eq(index(1, B), difference(A, A)))",0.4765984596835495 +"or(equals(0, cardinality(A)), equals(0, cardinality(B)))",0.4677554137253912 +"subset_eq(difference(intersection(A, B), index(1, A)), index(cardinality(A), B))",0.4595364299886152 +"subset_eq(difference(intersection(A, B), index(1, B)), index(cardinality(B), A))",0.4595364299886152 +"subset_eq(intersection(A, B), intersection(index(1, A), index(1, B)))",0.45180821978455943 +"subset_eq(intersection(A, B), index(1, union(A, B)))",0.43292099516100335 +"or(subset_eq(index(1, A), difference(A, B)), subset_eq(index(1, B), difference(B, A)))",0.42804642196250575 +"or(subset_eq(intersection(A, B), index(1, A)), subset_eq(index(1, A), difference(A, B)))",0.4251633855209296 +"or(subset_eq(intersection(A, B), index(1, B)), subset_eq(index(1, B), difference(B, A)))",0.4251633855209296 +"subset_eq(union(A, index(1, B)), difference(difference(A, B), index(1, A)))",0.4211816501567992 +"or(subset_eq(intersection(A, B), index(1, A)), equals(1, cardinality(A)))",0.4042733420054567 +"or(subset_eq(intersection(A, B), index(1, B)), equals(1, cardinality(B)))",0.4042733420054567 +"and(not(subset_eq(A, B)), equals(1, cardinality(A)))",0.3994500862867688 +"and(not(subset_eq(B, A)), equals(1, cardinality(B)))",0.3994500862867688 +"subset_eq(A, index(cardinality(B), A))",0.3785600751682212 +"subset_eq(B, index(cardinality(A), B))",0.3785600751682212 +"subset_eq(intersection(A, B), union(index(1, A), index(1, B)))",0.3673804834194425 +"subset_eq(intersection(A, B), index(1, A))",0.3662243818322922 +"subset_eq(intersection(A, B), index(1, B))",0.3662243818322922 +"subset_eq(union(intersection(A, B), index(1, A)), index(1, union(A, B)))",0.3662243818322922 +"subset_eq(union(intersection(A, B), index(1, B)), index(1, union(A, B)))",0.3662243818322922 +"and(subset_eq(A, difference(A, B)), greater_than(cardinality(A), cardinality(B)))",0.35837405289290114 +"and(subset_eq(A, difference(A, B)), greater_than(cardinality(B), cardinality(A)))",0.35837405289290114 +"subset_eq(index(1, A), index(cardinality(B), A))",0.3490502903416687 +"subset_eq(index(1, B), index(cardinality(A), B))",0.3490502903416687 +"subset_eq(intersection(A, B), difference(index(1, A), index(1, B)))",0.33012171645919264 +"subset_eq(intersection(A, B), difference(index(1, B), index(1, A)))",0.33012171645919264 +"and(subset_eq(intersection(A, B), index(1, A)), subset_eq(index(1, A), index(1, B)))",0.3220327324250811 +"and(subset_eq(intersection(A, B), index(1, B)), subset_eq(index(1, B), index(1, A)))",0.3220327324250811 +"equals(0, cardinality(A))",0.3195568822631121 +"equals(0, cardinality(B))",0.3195568822631121 +"subset_eq(intersection(A, B), index(cardinality(A), B))",0.31401055788449017 +"subset_eq(intersection(A, B), index(cardinality(B), A))",0.31401055788449017 +"and(subset_eq(index(1, A), difference(A, B)), subset_eq(index(1, B), difference(B, A)))",0.30544604143156806 +"or(subset_eq(intersection(A, B), index(1, A)), equals(1, cardinality(B)))",0.30544604143156806 +"or(subset_eq(intersection(A, B), index(1, B)), equals(1, cardinality(A)))",0.30544604143156806 +"and(not(subset_eq(A, B)), equals(0, cardinality(B)))",0.3006191015796663 +"and(not(subset_eq(B, A)), equals(0, cardinality(A)))",0.3006191015796663 +"and(subset_eq(A, difference(A, B)), equals(cardinality(A), cardinality(B)))",0.3006191015796663 +"greater_than(cardinality(index(1, A)), cardinality(intersection(A, B)))",0.3006191015796663 +"greater_than(cardinality(index(1, B)), cardinality(intersection(A, B)))",0.3006191015796663 +"subset_eq(union(A, index(1, B)), index(cardinality(B), A))",0.3006191015796663 +"subset_eq(difference(intersection(A, B), index(1, A)), index(1, union(A, B)))",0.2984909130723903 +"subset_eq(difference(intersection(A, B), index(1, B)), index(1, union(A, B)))",0.2984909130723903 +"subset_eq(intersection(A, index(1, B)), index(cardinality(A), B))",0.28546029249836036 +"subset_eq(intersection(B, index(1, A)), index(cardinality(B), A))",0.28546029249836036 +"or(subset_eq(A, index(1, B)), subset_eq(index(1, B), difference(A, A)))",0.27011990424602383 +"or(subset_eq(B, index(1, A)), subset_eq(index(1, A), difference(A, A)))",0.27011990424602383 +"subset_eq(index(1, A), index(1, difference(A, B)))",0.27011990424602383 +"subset_eq(index(1, B), index(1, difference(B, A)))",0.27011990424602383 +"and(subset_eq(index(1, A), B), subset_eq(intersection(A, B), index(1, A)))",0.25953052827615375 +"and(subset_eq(index(1, B), A), subset_eq(intersection(A, B), index(1, B)))",0.25953052827615375 +"subset_eq(union(intersection(A, B), index(1, A)), index(cardinality(B), A))",0.25953052827615375 +"subset_eq(union(intersection(A, B), index(1, B)), index(cardinality(A), B))",0.25953052827615375 +"or(subset_eq(A, difference(A, B)), equals(1, cardinality(A)))",0.25485329085425146 +"or(subset_eq(A, difference(A, B)), equals(1, cardinality(B)))",0.25485329085425146 +"or(equals(1, cardinality(A)), equals(1, cardinality(B)))",0.25485329085425146 +"and(not(subset_eq(A, B)), subset_eq(intersection(A, B), index(1, A)))",0.2479240231427039 +"and(not(subset_eq(B, A)), subset_eq(intersection(A, B), index(1, B)))",0.2479240231427039 +"subset_eq(union(intersection(A, B), index(1, A)), index(1, B))",0.2479240231427039 +"subset_eq(union(intersection(A, B), index(1, B)), index(1, A))",0.2479240231427039 +"and(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(B), 0))",0.2479240231427039 +"and(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(A), 0))",0.2479240231427039 +"subset_eq(union(A, B), index(cardinality(A), B))",0.24304593497819427 +"greater_than(cardinality(index(1, B)), cardinality(A))",0.24304593497819427 +"subset_eq(union(A, B), index(cardinality(B), A))",0.24304593497819427 +"greater_than(cardinality(index(1, A)), cardinality(B))",0.24304593497819427 +"subset_eq(index(1, A), difference(A, index(1, B)))",0.23175241469199614 +"or(subset_eq(intersection(A, B), index(1, A)), subset_eq(index(1, B), difference(B, A)))",0.2299801802662007 +"or(subset_eq(intersection(A, B), index(1, B)), subset_eq(index(1, A), difference(A, B)))",0.2299801802662007 +"subset_eq(union(intersection(A, B), index(1, B)), index(cardinality(B), A))",0.22661277482093034 +"subset_eq(union(intersection(A, B), index(1, A)), index(cardinality(A), B))",0.22661277482093034 +"and(not(subset_eq(A, B)), greater_than(cardinality(B), cardinality(A)))",0.22221693698046474 +"and(not(subset_eq(B, A)), greater_than(cardinality(A), cardinality(B)))",0.22221693698046474 +"and(equals(0, cardinality(A)), equals(1, cardinality(B)))",0.22221693698046474 +"and(equals(0, cardinality(B)), equals(1, cardinality(A)))",0.22221693698046474 +"subset_eq(difference(intersection(A, B), index(1, A)), index(cardinality(B), A))",0.21744547758903165 +"subset_eq(difference(intersection(A, B), index(1, B)), index(cardinality(A), B))",0.21744547758903165 +"or(subset_eq(A, index(1, B)), subset_eq(B, index(1, A)))",0.21679332131314655 +"subset_eq(index(1, B), index(cardinality(A), index(1, B)))",0.2163319776586845 +"subset_eq(index(1, A), index(cardinality(B), index(1, A)))",0.2163319776586845 +"subset_eq(index(1, A), index(cardinality(B), difference(A, B)))",0.2163319776586845 +"subset_eq(index(1, B), index(cardinality(A), difference(B, A)))",0.2163319776586845 +"and(not(subset_eq(A, B)), subset_eq(intersection(A, B), index(1, B)))",0.20746474498041811 +"and(not(subset_eq(B, A)), subset_eq(intersection(A, B), index(1, A)))",0.20746474498041811 +"equals(cardinality(intersection(A, B)), cardinality(index(1, A)))",0.20544896690964398 +"equals(cardinality(intersection(A, B)), cardinality(index(1, B)))",0.20544896690964398 +"subset_eq(index(1, union(A, B)), union(difference(A, B), difference(B, A)))",0.201854190430089 +"and(and(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 1))",0.19392860626502173 +"subset_eq(index(1, A), difference(A, B))",0.18996790341699166 +"subset_eq(index(1, B), difference(B, A))",0.18996790341699166 +"or(subset_eq(A, index(1, B)), equals(1, cardinality(B)))",0.1859850233519691 +"or(subset_eq(B, index(1, A)), equals(1, cardinality(A)))",0.1859850233519691 +"or(subset_eq(B, index(1, A)), equals(0, cardinality(A)))",0.18200573419483745 +"or(subset_eq(A, index(1, B)), equals(0, cardinality(B)))",0.18200573419483745 +"subset_eq(index(1, intersection(A, B)), index(cardinality(A), B))",0.17764780672357416 +"subset_eq(index(1, intersection(A, B)), index(cardinality(B), A))",0.17764780672357416 +"not(greater_than(cardinality(A), 1))",0.17724328895614427 +"not(greater_than(cardinality(B), 1))",0.17724328895614427 +"equals(0, cardinality(union(A, B)))",0.16966398008756967 +"and(not(subset_eq(A, B)), subset_eq(index(1, B), difference(B, A)))",0.16907215095051475 +"and(not(subset_eq(B, A)), subset_eq(index(1, A), difference(A, B)))",0.16907215095051475 +"subset_eq(difference(A, index(1, B)), index(1, union(A, B)))",0.16678029370222613 +"subset_eq(difference(B, index(1, A)), index(1, union(A, B)))",0.16678029370222613 +"and(subset_eq(intersection(A, B), index(1, A)), equals(1, cardinality(B)))",0.1595977859425829 +"and(subset_eq(intersection(A, B), index(1, B)), equals(1, cardinality(A)))",0.1595977859425829 +"subset_eq(A, index(1, union(A, B)))",0.1595977859425829 +"subset_eq(B, index(1, union(A, B)))",0.1595977859425829 +"or(equals(0, cardinality(A)), equals(1, cardinality(B)))",0.15422254770768518 +"or(equals(0, cardinality(B)), equals(1, cardinality(A)))",0.15422254770768518 +"subset_eq(union(A, index(1, B)), index(1, union(A, B)))",0.1526645646464858 +"subset_eq(union(B, index(1, A)), index(1, union(A, B)))",0.1526645646464858 +"subset_eq(difference(A, index(1, B)), index(cardinality(B), A))",0.1526645646464858 +"subset_eq(difference(B, index(1, A)), index(cardinality(A), B))",0.1526645646464858 +"subset_eq(union(index(1, A), index(1, B)), difference(B, A))",0.14745077321878208 +"and(subset_eq(index(1, A), difference(A, A)), greater_than(cardinality(B), 0))",0.14745077321878208 +"subset_eq(union(index(1, A), index(1, B)), difference(A, B))",0.14745077321878208 +"and(subset_eq(index(1, B), difference(A, A)), greater_than(cardinality(A), 0))",0.14745077321878208 +"subset_eq(union(index(1, A), index(1, B)), index(cardinality(A), B))",0.14745077321878208 +"subset_eq(union(index(1, A), index(1, B)), index(cardinality(B), A))",0.14745077321878208 +"and(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(A), 1))",0.14595383068417245 +"and(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(A), cardinality(B)))",0.14595383068417245 +"and(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(B), 1))",0.14595383068417245 +"and(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(B), cardinality(A)))",0.14595383068417245 +"equals(1, cardinality(intersection(A, B)))",0.14106104578621892 +"subset_eq(difference(B, index(1, A)), difference(index(1, B), A))",0.1394392578674537 +"subset_eq(difference(A, index(1, B)), difference(index(1, A), B))",0.1394392578674537 +"subset_eq(union(difference(A, B), index(1, A)), index(cardinality(B), A))",0.13501890003507977 +"subset_eq(union(difference(B, A), index(1, B)), index(cardinality(A), B))",0.13501890003507977 +"subset_eq(A, index(1, B))",0.1330944065106533 +"subset_eq(B, index(1, A))",0.1330944065106533 +"greater_than(cardinality(difference(A, B)), cardinality(index(1, B)))",0.12929352642994774 +"greater_than(cardinality(difference(B, A)), cardinality(index(1, A)))",0.12929352642994774 +"or(subset_eq(union(A, B), difference(A, A)), equals(1, cardinality(A)))",0.12929352642994774 +"or(subset_eq(union(A, B), difference(A, A)), equals(1, cardinality(B)))",0.12929352642994774 +"and(not(subset_eq(A, B)), subset_eq(B, index(1, A)))",0.12689200014640034 +"and(not(subset_eq(B, A)), subset_eq(A, index(1, B)))",0.12689200014640034 +"equals(1, cardinality(A))",0.1238572568393278 +"equals(1, cardinality(B))",0.1238572568393278 +"subset_eq(union(index(1, A), index(1, B)), index(1, difference(A, B)))",0.1238572568393278 +"subset_eq(union(index(1, A), index(1, B)), index(1, difference(B, A)))",0.1238572568393278 +"and(subset_eq(intersection(A, B), index(1, A)), equals(cardinality(A), cardinality(B)))",0.1208029742182597 +"and(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(B), 1))",0.1208029742182597 +"and(subset_eq(intersection(A, B), index(1, B)), equals(cardinality(A), cardinality(B)))",0.1208029742182597 +"and(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(A), 1))",0.1208029742182597 +"subset_eq(union(difference(A, B), index(1, A)), index(cardinality(B), difference(A, B)))",0.11868512653017949 +"subset_eq(union(difference(B, A), index(1, B)), index(cardinality(A), difference(B, A)))",0.11868512653017949 +"greater_than(cardinality(difference(A, B)), cardinality(intersection(A, B)))",0.11375449783141711 +"greater_than(cardinality(difference(B, A)), cardinality(intersection(A, B)))",0.11375449783141711 +"and(equals(1, cardinality(A)), greater_than(cardinality(B), 0))",0.10904473333262987 +"and(equals(1, cardinality(B)), greater_than(cardinality(A), 0))",0.10904473333262987 +"subset_eq(union(A, index(1, B)), index(cardinality(A), B))",0.1088312256971955 +"and(subset_eq(A, index(1, B)), greater_than(cardinality(B), 1))",0.1088312256971955 +"subset_eq(union(B, index(1, A)), index(cardinality(B), A))",0.1088312256971955 +"and(subset_eq(B, index(1, A)), greater_than(cardinality(A), 1))",0.1088312256971955 +"subset_eq(A, difference(B, index(1, A)))",0.10453690841485586 +"subset_eq(B, difference(A, index(1, B)))",0.10453690841485586 +"and(subset_eq(index(1, A), B), subset_eq(index(1, B), difference(A, A)))",0.10453690841485586 +"and(subset_eq(index(1, B), A), subset_eq(index(1, A), difference(A, A)))",0.10453690841485586 +"and(subset_eq(index(1, A), difference(A, B)), equals(1, cardinality(B)))",0.10453690841485586 +"and(subset_eq(index(1, B), difference(B, A)), equals(1, cardinality(A)))",0.10453690841485586 +"subset_eq(union(index(1, A), index(1, B)), index(cardinality(A), difference(B, A)))",0.10453690841485586 +"subset_eq(union(index(1, A), index(1, B)), index(cardinality(A), index(1, B)))",0.10453690841485586 +"subset_eq(union(index(1, A), index(1, B)), index(cardinality(B), difference(A, B)))",0.10453690841485586 +"subset_eq(union(index(1, A), index(1, B)), index(cardinality(B), index(1, A)))",0.10453690841485586 +"subset_eq(index(1, union(A, B)), index(cardinality(A), B))",0.10453690841485586 +"subset_eq(index(1, union(A, B)), index(cardinality(B), A))",0.10453690841485586 +"equals(cardinality(intersection(A, B)), cardinality(difference(A, B)))",0.10453690841485586 +"equals(cardinality(intersection(A, B)), cardinality(difference(B, A)))",0.10453690841485586 +"and(subset_eq(A, B), greater_than(cardinality(A), 1))",0.10320880925965858 +"and(subset_eq(B, A), greater_than(cardinality(B), 1))",0.10320880925965858 +"and(and(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 0))",0.10320880925965858 +"or(not(subset_eq(A, B)), subset_eq(index(1, A), difference(A, A)))",0.10320880925965858 +"or(not(subset_eq(B, A)), subset_eq(index(1, B), difference(A, A)))",0.10320880925965858 +"and(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(A), 0))",0.10169974046905605 +"and(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(B), 0))",0.10169974046905605 +"and(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(A), 0))",0.10169974046905605 +"and(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(B), 0))",0.10169974046905605 +"and(subset_eq(index(1, A), difference(A, A)), greater_than(cardinality(B), cardinality(A)))",0.10021355425990874 +"and(subset_eq(index(1, B), difference(A, A)), greater_than(cardinality(A), cardinality(B)))",0.10021355425990874 +"not(or(subset_eq(A, B), subset_eq(B, A)))",0.0960584233133791 +"and(not(subset_eq(A, B)), equals(1, cardinality(B)))",0.0960584233133791 +"and(not(subset_eq(B, A)), equals(1, cardinality(A)))",0.0960584233133791 +"subset_eq(intersection(A, index(1, B)), index(cardinality(B), A))",0.0952405448144299 +"subset_eq(intersection(B, index(1, A)), index(cardinality(A), B))",0.0952405448144299 +"and(subset_eq(A, B), subset_eq(B, A))",0.08861786400390481 +"and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(A), 1))",0.08861786400390481 +"not(and(subset_eq(A, B), subset_eq(B, A)))",0.08861786400390481 +"and(subset_eq(index(1, A), B), equals(1, cardinality(B)))",0.08819263512563658 +"and(subset_eq(index(1, B), A), equals(1, cardinality(A)))",0.08819263512563658 +"subset_eq(union(index(1, A), index(1, B)), difference(A, A))",0.08819263512563658 +"greater_than(cardinality(index(1, B)), cardinality(index(1, A)))",0.08819263512563658 +"greater_than(cardinality(index(1, A)), cardinality(index(1, B)))",0.08819263512563658 +"subset_eq(union(difference(A, B), index(1, B)), index(cardinality(A), B))",0.08819263512563658 +"subset_eq(union(difference(B, A), index(1, A)), index(cardinality(B), A))",0.08819263512563658 +"subset_eq(index(1, union(A, B)), difference(difference(A, B), index(1, A)))",0.08819263512563658 +"subset_eq(index(1, union(A, B)), difference(difference(B, A), index(1, B)))",0.08819263512563658 +"subset_eq(index(1, union(A, B)), index(1, difference(A, B)))",0.08819263512563658 +"subset_eq(index(1, union(A, B)), index(1, difference(B, A)))",0.08819263512563658 +"equals(cardinality(A), cardinality(index(1, B)))",0.08819263512563658 +"equals(cardinality(B), cardinality(index(1, A)))",0.08819263512563658 +"and(or(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(A)))",0.08445363573269404 +"and(or(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(B)))",0.08445363573269404 +"and(subset_eq(A, index(1, B)), equals(1, cardinality(A)))",0.0842320501835 +"and(subset_eq(B, index(1, A)), equals(1, cardinality(B)))",0.0842320501835 +"subset_eq(index(1, union(A, B)), index(cardinality(A), index(1, B)))",0.08082573146029703 +"subset_eq(index(1, union(A, B)), index(cardinality(B), index(1, A)))",0.08082573146029703 +"and(subset_eq(index(1, A), difference(A, B)), equals(cardinality(A), cardinality(B)))",0.07729547066652176 +"and(subset_eq(index(1, B), difference(B, A)), equals(cardinality(A), cardinality(B)))",0.07729547066652176 +"subset_eq(union(difference(A, B), index(1, B)), index(cardinality(B), A))",0.07729547066652176 +"subset_eq(union(difference(B, A), index(1, A)), index(cardinality(A), B))",0.07729547066652176 +"equals(cardinality(A), cardinality(difference(B, A)))",0.07729547066652176 +"equals(cardinality(B), cardinality(difference(A, B)))",0.07729547066652176 +"greater_than(cardinality(difference(A, B)), cardinality(B))",0.07729547066652176 +"greater_than(cardinality(difference(B, A)), cardinality(A))",0.07729547066652176 +"and(subset_eq(A, B), equals(1, cardinality(A)))",0.07384918465706913 +"and(subset_eq(B, A), equals(1, cardinality(B)))",0.07384918465706913 +"and(not(subset_eq(A, B)), equals(cardinality(A), cardinality(B)))",0.07384918465706913 +"and(subset_eq(index(1, A), difference(A, A)), equals(1, cardinality(B)))",0.07384918465706913 +"and(subset_eq(index(1, B), difference(A, A)), equals(1, cardinality(A)))",0.07384918465706913 +"and(equals(1, cardinality(A)), greater_than(cardinality(B), 1))",0.07384918465706913 +"and(equals(1, cardinality(B)), greater_than(cardinality(A), 1))",0.07384918465706913 +"subset_eq(union(difference(A, B), index(1, B)), index(1, difference(B, A)))",0.07384918465706913 +"subset_eq(union(difference(B, A), index(1, A)), index(1, difference(A, B)))",0.07384918465706913 +"subset_eq(index(1, union(A, B)), index(cardinality(A), difference(B, A)))",0.07384918465706913 +"subset_eq(index(1, union(A, B)), index(cardinality(B), difference(A, B)))",0.07384918465706913 +"subset_eq(union(A, index(1, B)), difference(intersection(A, B), index(1, A)))",0.07047260197014282 +"subset_eq(union(B, index(1, A)), difference(intersection(A, B), index(1, B)))",0.07047260197014282 +"subset_eq(union(difference(A, B), index(1, B)), index(cardinality(A), index(1, B)))",0.07047260197014282 +"subset_eq(union(difference(B, A), index(1, A)), index(cardinality(B), index(1, A)))",0.07047260197014282 +"and(equals(cardinality(A), cardinality(B)), greater_than(cardinality(A), 1))",0.06850645976570202 +"or(not(subset_eq(A, B)), subset_eq(index(1, B), difference(B, A)))",0.06850645976570202 +"or(not(subset_eq(B, A)), subset_eq(index(1, A), difference(A, B)))",0.06850645976570202 +"or(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(A), cardinality(B)))",0.06850645976570202 +"or(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(B), cardinality(A)))",0.06850645976570202 +"greater_than(cardinality(intersection(A, B)), 1)",0.06850645976570202 +"and(subset_eq(index(1, A), B), subset_eq(index(1, B), difference(B, A)))",0.06813156902187922 +"and(subset_eq(index(1, B), A), subset_eq(index(1, A), difference(A, B)))",0.06813156902187922 +"subset_eq(union(difference(A, B), index(1, B)), difference(index(1, A), B))",0.06715033170319218 +"subset_eq(union(difference(B, A), index(1, A)), difference(index(1, B), A))",0.06715033170319218 +"and(subset_eq(index(1, A), difference(A, A)), equals(cardinality(A), cardinality(B)))",0.06715033170319218 +"subset_eq(index(1, union(A, B)), difference(A, A))",0.06715033170319218 +"greater_than(cardinality(difference(A, B)), 1)",0.06715033170319218 +"greater_than(cardinality(difference(B, A)), 1)",0.06715033170319218 +"and(subset_eq(difference(A, B), index(1, A)), equals(1, cardinality(B)))",0.06386513099674629 +"and(subset_eq(difference(B, A), index(1, B)), equals(1, cardinality(A)))",0.06386513099674629 +"and(equals(1, cardinality(A)), equals(1, cardinality(B)))",0.06386513099674629 +"equals(1, cardinality(union(A, B)))",0.06386513099674629 +"and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), difference(A, B)))",0.06384044420199186 +"and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), difference(B, A)))",0.06384044420199186 +"and(subset_eq(difference(A, B), index(1, A)), equals(cardinality(A), cardinality(B)))",0.06129606926512077 +"and(subset_eq(difference(B, A), index(1, B)), equals(cardinality(A), cardinality(B)))",0.06129606926512077 +"subset_eq(union(difference(A, B), difference(B, A)), index(cardinality(A), difference(B, A)))",0.06129606926512077 +"subset_eq(union(difference(A, B), difference(B, A)), index(cardinality(B), difference(A, B)))",0.06129606926512077 +"subset_eq(union(difference(A, B), index(1, B)), index(cardinality(A), difference(B, A)))",0.06059680609581897 +"subset_eq(union(difference(B, A), index(1, A)), index(cardinality(B), difference(A, B)))",0.06059680609581897 +"subset_eq(A, union(index(1, A), index(1, B)))",0.05831243298754818 +"subset_eq(B, union(index(1, A), index(1, B)))",0.05831243298754818 +"and(subset_eq(A, B), subset_eq(index(1, B), difference(A, A)))",0.05732046318432227 +"and(subset_eq(B, A), subset_eq(index(1, A), difference(A, A)))",0.05732046318432227 +"and(subset_eq(A, B), subset_eq(difference(B, A), index(1, B)))",0.05533429685066649 +"and(subset_eq(A, B), subset_eq(index(1, B), index(1, A)))",0.05533429685066649 +"and(subset_eq(B, A), subset_eq(difference(A, B), index(1, A)))",0.05533429685066649 +"and(subset_eq(B, A), subset_eq(index(1, A), index(1, B)))",0.05533429685066649 +"and(subset_eq(A, B), equals(1, cardinality(B)))",0.05400353417361925 +"and(subset_eq(B, A), equals(1, cardinality(A)))",0.05400353417361925 +"subset_eq(difference(A, index(1, B)), index(cardinality(A), B))",0.05326180667731295 +"subset_eq(difference(B, index(1, A)), index(cardinality(B), A))",0.05326180667731295 +"or(subset_eq(index(1, A), difference(A, A)), greater_than(cardinality(A), cardinality(B)))",0.050325509414058 +"or(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(B), cardinality(A)))",0.050325509414058 +"or(subset_eq(index(1, B), difference(A, A)), greater_than(cardinality(B), cardinality(A)))",0.050325509414058 +"or(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(A), cardinality(B)))",0.050325509414058 +"subset_eq(union(A, B), difference(intersection(A, B), index(1, A)))",0.0470407714262957 +"and(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(A), 1))",0.04606016080092734 +"and(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(B), 1))",0.04606016080092734 +"and(not(subset_eq(A, B)), subset_eq(index(1, A), difference(A, B)))",0.0459227705559232 +"and(not(subset_eq(A, B)), subset_eq(index(1, B), index(1, A)))",0.0459227705559232 +"and(not(subset_eq(B, A)), subset_eq(index(1, A), index(1, B)))",0.0459227705559232 +"and(not(subset_eq(B, A)), subset_eq(index(1, B), difference(B, A)))",0.0459227705559232 +"subset_eq(index(1, union(A, B)), difference(A, B))",0.0459227705559232 +"subset_eq(index(1, union(A, B)), difference(B, A))",0.0459227705559232 +"and(and(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(A)))",0.043204573772470445 +"subset_eq(union(difference(A, B), index(1, A)), difference(index(1, A), B))",0.04289403914316259 +"subset_eq(union(difference(B, A), index(1, B)), difference(index(1, B), A))",0.04289403914316259 +"subset_eq(index(1, A), difference(intersection(A, B), index(1, B)))",0.042693421570930146 +"subset_eq(index(1, B), difference(intersection(A, B), index(1, A)))",0.042693421570930146 +"subset_eq(union(difference(A, B), index(1, B)), index(1, A))",0.04238564689109481 +"subset_eq(union(difference(B, A), index(1, A)), index(1, B))",0.04238564689109481 +"or(and(subset_eq(A, B), subset_eq(B, A)), equals(0, cardinality(A)))",0.04238564689109481 +"or(and(subset_eq(A, B), subset_eq(B, A)), equals(0, cardinality(B)))",0.04238564689109481 +"or(not(subset_eq(A, B)), subset_eq(A, index(1, B)))",0.04238564689109481 +"or(not(subset_eq(A, B)), equals(1, cardinality(A)))",0.04238564689109481 +"or(not(subset_eq(B, A)), subset_eq(B, index(1, A)))",0.04238564689109481 +"or(not(subset_eq(B, A)), equals(1, cardinality(B)))",0.04238564689109481 +"subset_eq(union(difference(A, B), difference(B, A)), index(cardinality(A), B))",0.04238564689109481 +"subset_eq(union(difference(A, B), difference(B, A)), index(cardinality(B), A))",0.04238564689109481 +"not(subset_eq(index(1, A), difference(A, B)))",0.03918823605864108 +"not(subset_eq(index(1, B), difference(B, A)))",0.03918823605864108 +"and(subset_eq(index(1, A), index(1, B)), equals(cardinality(A), cardinality(B)))",0.03918823605864108 +"and(greater_than(cardinality(A), 1), greater_than(cardinality(B), 1))",0.03918823605864108 +"subset_eq(union(difference(A, B), difference(B, A)), index(1, union(A, B)))",0.03918823605864108 +"subset_eq(index(1, union(A, B)), index(1, intersection(A, B)))",0.03918823605864108 +"and(subset_eq(A, B), subset_eq(index(1, B), A))",0.03638146089234229 +"and(subset_eq(B, A), subset_eq(index(1, A), B))",0.03638146089234229 +"and(subset_eq(index(1, A), B), equals(cardinality(A), cardinality(B)))",0.03638146089234229 +"and(subset_eq(index(1, B), A), equals(cardinality(A), cardinality(B)))",0.03638146089234229 +"and(subset_eq(difference(A, B), index(1, A)), subset_eq(difference(B, A), index(1, B)))",0.033898429475546554 +"or(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(B), cardinality(A)))",0.033898429475546554 +"or(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(A), cardinality(B)))",0.033898429475546554 +"and(subset_eq(A, B), greater_than(cardinality(A), 0))",0.03168659578919519 +"and(subset_eq(B, A), greater_than(cardinality(B), 0))",0.03168659578919519 +"and(equals(cardinality(A), cardinality(B)), greater_than(cardinality(A), 0))",0.03168659578919519 +"or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(A, index(1, B)))",0.03168659578919519 +"or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(B, index(1, A)))",0.03168659578919519 +"or(not(subset_eq(A, B)), equals(0, cardinality(A)))",0.03168659578919519 +"or(not(subset_eq(B, A)), equals(0, cardinality(B)))",0.03168659578919519 +"equals(cardinality(A), cardinality(B))",0.029704118908795207 +"and(subset_eq(A, B), greater_than(cardinality(B), 1))",0.029704118908795207 +"and(subset_eq(B, A), greater_than(cardinality(A), 1))",0.029704118908795207 +"or(not(subset_eq(A, B)), subset_eq(index(1, B), difference(A, A)))",0.029704118908795207 +"or(not(subset_eq(B, A)), subset_eq(index(1, A), difference(A, A)))",0.029704118908795207 +"not(equals(cardinality(A), cardinality(B)))",0.029704118908795207 +"and(subset_eq(difference(A, B), index(1, A)), subset_eq(index(1, B), difference(B, A)))",0.029666873984292907 +"and(subset_eq(difference(B, A), index(1, B)), subset_eq(index(1, A), difference(A, B)))",0.029666873984292907 +"subset_eq(index(1, union(A, B)), difference(index(1, A), B))",0.029666873984292907 +"subset_eq(index(1, union(A, B)), difference(index(1, B), A))",0.029666873984292907 +"not(subset_eq(index(1, A), index(1, B)))",0.028468034039163648 +"not(subset_eq(index(1, B), index(1, A)))",0.028468034039163648 +"or(not(subset_eq(A, B)), equals(1, cardinality(B)))",0.027917275533786534 +"or(not(subset_eq(B, A)), equals(1, cardinality(A)))",0.027917275533786534 +"or(equals(1, cardinality(A)), greater_than(cardinality(A), cardinality(B)))",0.027917275533786534 +"or(equals(1, cardinality(B)), greater_than(cardinality(B), cardinality(A)))",0.027917275533786534 +"and(subset_eq(index(1, A), B), subset_eq(difference(B, A), index(1, B)))",0.026298587020576636 +"and(subset_eq(index(1, B), A), subset_eq(difference(A, B), index(1, A)))",0.026298587020576636 +"or(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(A), cardinality(B)))",0.026298587020576636 +"or(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(B), cardinality(A)))",0.026298587020576636 +"subset_eq(union(index(1, A), index(1, B)), index(1, intersection(A, B)))",0.026298587020576636 +"subset_eq(index(1, union(A, B)), intersection(A, index(1, B)))",0.026298587020576636 +"subset_eq(index(1, union(A, B)), intersection(B, index(1, A)))",0.026298587020576636 +"greater_than(cardinality(intersection(A, B)), cardinality(difference(A, B)))",0.026298587020576636 +"greater_than(cardinality(intersection(A, B)), cardinality(difference(B, A)))",0.026298587020576636 +"and(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(B), 1))",0.025062985166463103 +"and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(B), cardinality(A)))",0.025062985166463103 +"and(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(A), 1))",0.025062985166463103 +"and(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(A), cardinality(B)))",0.025062985166463103 +"and(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 1))",0.024825441092229172 +"and(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(B), 1))",0.024825441092229172 +"and(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(B), 1))",0.02347906238005948 +"and(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(A), 1))",0.02347906238005948 +"and(subset_eq(index(1, A), index(1, B)), subset_eq(index(1, B), index(1, A)))",0.02347906238005948 +"and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(B), 1))",0.02347906238005948 +"and(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(A), 1))",0.02347906238005948 +"and(subset_eq(A, B), subset_eq(index(1, A), index(1, B)))",0.0222437330686992 +"and(subset_eq(B, A), subset_eq(index(1, B), index(1, A)))",0.0222437330686992 +"or(subset_eq(A, difference(A, B)), greater_than(cardinality(A), cardinality(B)))",0.0222437330686992 +"or(subset_eq(A, difference(A, B)), greater_than(cardinality(B), cardinality(A)))",0.0222437330686992 +"and(subset_eq(A, B), greater_than(cardinality(B), 0))",0.021106195581996667 +"and(subset_eq(B, A), greater_than(cardinality(A), 0))",0.021106195581996667 +"and(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(A), 0))",0.021106195581996667 +"and(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(B), 0))",0.021106195581996667 +"or(not(subset_eq(A, B)), equals(0, cardinality(B)))",0.021106195581996667 +"or(not(subset_eq(B, A)), equals(0, cardinality(A)))",0.021106195581996667 +"subset_eq(union(difference(A, B), index(1, A)), difference(index(1, A), index(1, B)))",0.020454055545126915 +"subset_eq(union(difference(B, A), index(1, B)), difference(index(1, B), index(1, A)))",0.020454055545126915 +"subset_eq(index(1, A), index(cardinality(A), B))",0.020305388646519207 +"subset_eq(index(1, B), index(cardinality(B), A))",0.020305388646519207 +"subset_eq(index(1, union(A, B)), difference(A, index(1, B)))",0.020305388646519207 +"subset_eq(index(1, union(A, B)), difference(B, index(1, A)))",0.020305388646519207 +"subset_eq(A, B)",0.020055189603353396 +"subset_eq(B, A)",0.020055189603353396 +"not(subset_eq(A, B))",0.020055189603353396 +"not(subset_eq(B, A))",0.020055189603353396 +"or(equals(0, cardinality(A)), equals(cardinality(A), cardinality(B)))",0.020055189603353396 +"or(equals(0, cardinality(B)), equals(cardinality(A), cardinality(B)))",0.020055189603353396 +"subset_eq(union(difference(A, B), index(1, B)), union(difference(B, A), index(1, A)))",0.020055189603353396 +"subset_eq(union(difference(B, A), index(1, A)), union(difference(A, B), index(1, B)))",0.020055189603353396 +"and(subset_eq(index(1, A), B), subset_eq(index(1, B), index(1, A)))",0.019081089481421287 +"and(subset_eq(index(1, A), B), greater_than(cardinality(B), 1))",0.019081089481421287 +"and(subset_eq(index(1, B), A), subset_eq(index(1, A), index(1, B)))",0.019081089481421287 +"and(subset_eq(index(1, B), A), greater_than(cardinality(A), 1))",0.019081089481421287 +"and(greater_than(cardinality(A), 0), greater_than(cardinality(B), 1))",0.019081089481421287 +"and(greater_than(cardinality(A), 1), greater_than(cardinality(B), 0))",0.019081089481421287 +"subset_eq(index(1, union(A, B)), intersection(A, B))",0.019081089481421287 +"subset_eq(A, difference(intersection(A, B), index(1, B)))",0.01867808688877315 +"subset_eq(B, difference(intersection(A, B), index(1, A)))",0.01867808688877315 +"and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), index(1, B)))",0.018175617523641274 +"and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), index(1, A)))",0.018175617523641274 +"or(and(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(A)))",0.018175617523641274 +"or(and(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(B)))",0.018175617523641274 +"or(subset_eq(index(1, A), difference(A, A)), greater_than(cardinality(B), cardinality(A)))",0.018175617523641274 +"or(subset_eq(index(1, B), difference(A, A)), greater_than(cardinality(A), cardinality(B)))",0.018175617523641274 +"equals(cardinality(difference(A, B)), cardinality(index(1, A)))",0.018175617523641274 +"equals(cardinality(difference(B, A)), cardinality(index(1, B)))",0.018175617523641274 +"or(subset_eq(A, B), greater_than(cardinality(B), cardinality(A)))",0.017331615272043077 +"or(subset_eq(B, A), greater_than(cardinality(A), cardinality(B)))",0.017331615272043077 +"or(subset_eq(A, index(1, B)), greater_than(cardinality(A), cardinality(B)))",0.017331615272043077 +"or(subset_eq(B, index(1, A)), greater_than(cardinality(B), cardinality(A)))",0.017331615272043077 +"or(equals(1, cardinality(A)), greater_than(cardinality(B), cardinality(A)))",0.017331615272043077 +"or(equals(1, cardinality(B)), greater_than(cardinality(A), cardinality(B)))",0.017331615272043077 +"not(subset_eq(intersection(A, B), index(1, A)))",0.017331615272043077 +"not(subset_eq(intersection(A, B), index(1, B)))",0.017331615272043077 +"subset_eq(difference(A, B), index(cardinality(B), difference(A, B)))",0.017331615272043077 +"subset_eq(difference(B, A), index(cardinality(A), difference(B, A)))",0.017331615272043077 +"not(subset_eq(index(1, A), B))",0.01666272632283916 +"and(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(A), cardinality(B)))",0.01666272632283916 +"not(subset_eq(index(1, B), A))",0.01666272632283916 +"and(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(B), cardinality(A)))",0.01666272632283916 +"subset_eq(index(1, union(A, B)), difference(intersection(A, B), index(1, A)))",0.01666272632283916 +"subset_eq(index(1, union(A, B)), difference(intersection(A, B), index(1, B)))",0.01666272632283916 +"and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(difference(A, B), index(1, A)))",0.016542859517559405 +"and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(difference(B, A), index(1, B)))",0.016542859517559405 +"or(subset_eq(A, index(1, B)), equals(cardinality(A), cardinality(B)))",0.016542859517559405 +"or(subset_eq(B, index(1, A)), equals(cardinality(A), cardinality(B)))",0.016542859517559405 +"greater_than(cardinality(A), 1)",0.01580391314841223 +"greater_than(cardinality(B), 1)",0.01580391314841223 +"and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(A), 0))",0.01580391314841223 +"and(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(B), 0))",0.01580391314841223 +"equals(cardinality(index(1, A)), cardinality(index(1, B)))",0.01580391314841223 +"and(not(subset_eq(A, B)), subset_eq(index(1, B), A))",0.015110003348614232 +"and(not(subset_eq(B, A)), subset_eq(index(1, A), B))",0.015110003348614232 +"and(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(B), 0))",0.015110003348614232 +"and(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(A), 0))",0.015110003348614232 +"or(subset_eq(union(A, B), difference(A, A)), greater_than(cardinality(A), 1))",0.015110003348614232 +"or(subset_eq(union(A, B), difference(A, A)), greater_than(cardinality(B), 1))",0.015110003348614232 +"subset_eq(union(difference(A, B), index(1, B)), index(1, union(A, B)))",0.015110003348614232 +"subset_eq(union(difference(B, A), index(1, A)), index(1, union(A, B)))",0.015110003348614232 +"and(not(subset_eq(A, B)), subset_eq(index(1, A), index(1, B)))",0.014695450317855907 +"and(not(subset_eq(B, A)), subset_eq(index(1, B), index(1, A)))",0.014695450317855907 +"subset_eq(difference(A, B), index(1, A))",0.014456921436397208 +"subset_eq(difference(B, A), index(1, B))",0.014456921436397208 +"and(not(subset_eq(A, B)), greater_than(cardinality(B), 0))",0.014456921436397208 +"and(not(subset_eq(B, A)), greater_than(cardinality(A), 0))",0.014456921436397208 +"and(subset_eq(index(1, A), B), subset_eq(index(1, B), A))",0.014456921436397208 +"or(subset_eq(A, B), equals(0, cardinality(B)))",0.014456921436397208 +"or(subset_eq(B, A), equals(0, cardinality(A)))",0.014456921436397208 +"or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(A, difference(A, B)))",0.014456921436397208 +"or(equals(0, cardinality(A)), greater_than(cardinality(A), cardinality(B)))",0.014456921436397208 +"or(equals(0, cardinality(B)), greater_than(cardinality(B), cardinality(A)))",0.014456921436397208 +"subset_eq(difference(A, B), index(cardinality(B), A))",0.014456921436397208 +"subset_eq(difference(B, A), index(cardinality(A), B))",0.014456921436397208 +"subset_eq(index(1, union(A, B)), index(1, A))",0.014456921436397208 +"subset_eq(index(1, union(A, B)), index(1, B))",0.014456921436397208 +"subset_eq(union(difference(A, B), index(1, A)), index(1, union(A, B)))",0.014456921436397208 +"subset_eq(union(difference(B, A), index(1, B)), index(1, union(A, B)))",0.014456921436397208 +"not(subset_eq(difference(A, B), index(1, A)))",0.014365320400997361 +"not(subset_eq(difference(B, A), index(1, B)))",0.014365320400997361 +"or(equals(1, cardinality(A)), equals(cardinality(A), cardinality(B)))",0.013840939945414354 +"or(equals(1, cardinality(B)), equals(cardinality(A), cardinality(B)))",0.013840939945414354 +"or(greater_than(cardinality(A), 1), greater_than(cardinality(A), cardinality(B)))",0.013840939945414354 +"or(greater_than(cardinality(B), 1), greater_than(cardinality(B), cardinality(A)))",0.013840939945414354 +"subset_eq(difference(difference(A, B), index(1, A)), index(1, difference(A, B)))",0.013840939945414354 +"subset_eq(difference(difference(B, A), index(1, B)), index(1, difference(B, A)))",0.013840939945414354 +"and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), B))",0.013258743532515882 +"and(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), A))",0.013258743532515882 +"and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(B), 0))",0.013258743532515882 +"and(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(A), 0))",0.013258743532515882 +"or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), difference(A, A)))",0.013258743532515882 +"or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), difference(A, A)))",0.013258743532515882 +"or(and(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 1))",0.013258743532515882 +"or(and(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(B), 1))",0.013258743532515882 +"or(equals(0, cardinality(A)), greater_than(cardinality(B), 1))",0.013258743532515882 +"or(equals(0, cardinality(B)), greater_than(cardinality(A), 1))",0.013258743532515882 +"or(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(B), cardinality(A)))",0.01270737103487174 +"or(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(A), cardinality(B)))",0.01270737103487174 +"not(subset_eq(A, difference(A, B)))",0.01270737103487174 +"subset_eq(difference(A, B), index(1, union(A, B)))",0.01270737103487174 +"subset_eq(difference(B, A), index(1, union(A, B)))",0.01270737103487174 +"equals(1, cardinality(difference(A, B)))",0.01270737103487174 +"equals(1, cardinality(difference(B, A)))",0.01270737103487174 +"and(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 0))",0.012184166559918386 +"and(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(B), 0))",0.012184166559918386 +"or(subset_eq(A, B), subset_eq(B, index(1, A)))",0.012184166559918386 +"or(subset_eq(B, A), subset_eq(A, index(1, B)))",0.012184166559918386 +"greater_than(cardinality(A), cardinality(difference(B, A)))",0.012184166559918386 +"greater_than(cardinality(B), cardinality(difference(A, B)))",0.012184166559918386 +"subset_eq(index(1, union(A, B)), difference(index(1, A), index(1, B)))",0.01190164052473941 +"subset_eq(index(1, union(A, B)), difference(index(1, B), index(1, A)))",0.01190164052473941 +"and(not(subset_eq(A, B)), greater_than(cardinality(A), 1))",0.011686737919466395 +"and(not(subset_eq(B, A)), greater_than(cardinality(B), 1))",0.011686737919466395 +"or(subset_eq(A, B), equals(1, cardinality(A)))",0.011686737919466395 +"or(subset_eq(A, B), equals(cardinality(A), cardinality(B)))",0.011686737919466395 +"or(subset_eq(A, B), greater_than(cardinality(B), 1))",0.011686737919466395 +"or(subset_eq(B, A), equals(1, cardinality(B)))",0.011686737919466395 +"or(subset_eq(B, A), equals(cardinality(A), cardinality(B)))",0.011686737919466395 +"or(subset_eq(B, A), greater_than(cardinality(A), 1))",0.011686737919466395 +"subset_eq(index(1, A), index(1, B))",0.01121292104698024 +"subset_eq(index(1, B), index(1, A))",0.01121292104698024 +"and(subset_eq(index(1, A), B), greater_than(cardinality(A), 0))",0.01121292104698024 +"and(subset_eq(index(1, B), A), greater_than(cardinality(B), 0))",0.01121292104698024 +"not(equals(1, cardinality(A)))",0.01121292104698024 +"or(subset_eq(A, difference(A, B)), equals(cardinality(A), cardinality(B)))",0.01121292104698024 +"not(equals(1, cardinality(B)))",0.01121292104698024 +"subset_eq(index(1, A), index(1, intersection(A, B)))",0.01121292104698024 +"subset_eq(index(1, B), index(1, intersection(A, B)))",0.01121292104698024 +"subset_eq(difference(difference(A, B), index(1, A)), index(1, union(A, B)))",0.01121292104698024 +"subset_eq(difference(difference(B, A), index(1, B)), index(1, union(A, B)))",0.01121292104698024 +"subset_eq(index(1, union(A, B)), union(intersection(A, B), index(1, A)))",0.01121292104698024 +"subset_eq(index(1, union(A, B)), union(intersection(A, B), index(1, B)))",0.01121292104698024 +"subset_eq(index(1, union(A, B)), union(difference(A, B), index(1, A)))",0.01121292104698024 +"subset_eq(index(1, union(A, B)), union(difference(B, A), index(1, B)))",0.01121292104698024 +"or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(intersection(A, B), index(1, A)))",0.010760749288016513 +"or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(intersection(A, B), index(1, B)))",0.010760749288016513 +"or(subset_eq(difference(B, A), index(1, B)), equals(0, cardinality(A)))",0.010760749288016513 +"or(equals(0, cardinality(A)), greater_than(cardinality(B), cardinality(A)))",0.010760749288016513 +"or(subset_eq(difference(A, B), index(1, A)), equals(0, cardinality(B)))",0.010760749288016513 +"or(equals(0, cardinality(B)), greater_than(cardinality(A), cardinality(B)))",0.010760749288016513 +"subset_eq(difference(difference(A, B), index(1, A)), index(cardinality(B), A))",0.010760749288016513 +"subset_eq(difference(difference(A, B), index(1, A)), index(cardinality(B), difference(A, B)))",0.010760749288016513 +"subset_eq(difference(difference(B, A), index(1, B)), index(cardinality(A), B))",0.010760749288016513 +"subset_eq(difference(difference(B, A), index(1, B)), index(cardinality(A), difference(B, A)))",0.010760749288016513 +"greater_than(cardinality(A), cardinality(B))",0.01032842664493272 +"greater_than(cardinality(B), cardinality(A))",0.01032842664493272 +"and(not(subset_eq(A, B)), subset_eq(difference(B, A), index(1, B)))",0.01032842664493272 +"and(not(subset_eq(B, A)), subset_eq(difference(A, B), index(1, A)))",0.01032842664493272 +"or(subset_eq(A, B), subset_eq(index(1, A), index(1, B)))",0.01032842664493272 +"or(subset_eq(B, A), subset_eq(index(1, B), index(1, A)))",0.01032842664493272 +"or(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(B), 1))",0.01032842664493272 +"or(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(A), 1))",0.01032842664493272 +"or(subset_eq(index(1, A), difference(A, A)), equals(cardinality(A), cardinality(B)))",0.01032842664493272 +"or(subset_eq(index(1, B), difference(A, A)), equals(cardinality(A), cardinality(B)))",0.01032842664493272 +"or(equals(cardinality(A), cardinality(B)), greater_than(cardinality(A), 1))",0.01032842664493272 +"or(equals(cardinality(A), cardinality(B)), greater_than(cardinality(B), 1))",0.01032842664493272 +"not(greater_than(cardinality(B), cardinality(A)))",0.01032842664493272 +"not(greater_than(cardinality(A), cardinality(B)))",0.01032842664493272 +"or(subset_eq(difference(A, B), index(1, A)), equals(cardinality(A), cardinality(B)))",0.009914304200015489 +"or(subset_eq(difference(B, A), index(1, B)), equals(cardinality(A), cardinality(B)))",0.009914304200015489 +"and(subset_eq(index(1, A), B), greater_than(cardinality(B), 0))",0.00951685904403754 +"and(subset_eq(index(1, B), A), greater_than(cardinality(A), 0))",0.00951685904403754 +"or(not(subset_eq(A, B)), greater_than(cardinality(A), 1))",0.00951685904403754 +"or(not(subset_eq(B, A)), greater_than(cardinality(B), 1))",0.00951685904403754 +"or(subset_eq(index(1, B), index(1, A)), equals(0, cardinality(A)))",0.00951685904403754 +"or(subset_eq(A, index(1, B)), greater_than(cardinality(A), 1))",0.00951685904403754 +"or(subset_eq(index(1, A), index(1, B)), equals(0, cardinality(B)))",0.00951685904403754 +"or(subset_eq(B, index(1, A)), greater_than(cardinality(B), 1))",0.00951685904403754 +"or(subset_eq(intersection(A, B), index(1, A)), equals(cardinality(A), cardinality(B)))",0.00951685904403754 +"or(subset_eq(intersection(A, B), index(1, B)), equals(cardinality(A), cardinality(B)))",0.00951685904403754 +"or(subset_eq(index(1, A), index(1, B)), equals(cardinality(A), cardinality(B)))",0.00951685904403754 +"or(subset_eq(index(1, B), index(1, A)), equals(cardinality(A), cardinality(B)))",0.00951685904403754 +"or(equals(1, cardinality(A)), greater_than(cardinality(B), 1))",0.00951685904403754 +"or(equals(1, cardinality(B)), greater_than(cardinality(A), 1))",0.00951685904403754 +"subset_eq(index(cardinality(A), B), index(1, A))",0.00951685904403754 +"subset_eq(index(cardinality(B), A), index(1, B))",0.00951685904403754 +"subset_eq(difference(index(1, A), index(1, B)), index(cardinality(B), difference(A, B)))",0.00951685904403754 +"subset_eq(difference(index(1, B), index(1, A)), index(cardinality(A), difference(B, A)))",0.00951685904403754 +"greater_than(cardinality(A), cardinality(index(1, B)))",0.00951685904403754 +"greater_than(cardinality(B), cardinality(index(1, A)))",0.00951685904403754 +"and(subset_eq(A, B), not(subset_eq(B, A)))",0.009134675104202405 +"and(subset_eq(B, A), not(subset_eq(A, B)))",0.009134675104202405 +"and(greater_than(cardinality(A), 1), greater_than(cardinality(A), cardinality(B)))",0.009134675104202405 +"and(greater_than(cardinality(B), 1), greater_than(cardinality(B), cardinality(A)))",0.009134675104202405 +"or(subset_eq(A, B), not(subset_eq(B, A)))",0.009134675104202405 +"or(subset_eq(A, B), equals(1, cardinality(B)))",0.009134675104202405 +"or(subset_eq(B, A), not(subset_eq(A, B)))",0.009134675104202405 +"or(subset_eq(B, A), equals(1, cardinality(A)))",0.009134675104202405 +"or(subset_eq(A, index(1, B)), subset_eq(difference(B, A), index(1, B)))",0.009134675104202405 +"or(subset_eq(B, index(1, A)), subset_eq(difference(A, B), index(1, A)))",0.009134675104202405 +"equals(cardinality(difference(A, B)), cardinality(index(1, B)))",0.009134675104202405 +"equals(cardinality(difference(B, A)), cardinality(index(1, A)))",0.009134675104202405 +"subset_eq(union(difference(A, B), index(1, B)), difference(intersection(A, B), index(1, A)))",0.009058683121089817 +"subset_eq(union(difference(B, A), index(1, A)), difference(intersection(A, B), index(1, B)))",0.009058683121089817 +"or(subset_eq(A, B), subset_eq(B, A))",0.008766425297511038 +"or(subset_eq(A, B), subset_eq(A, difference(A, B)))",0.008766425297511038 +"or(subset_eq(B, A), subset_eq(A, difference(A, B)))",0.008766425297511038 +"or(subset_eq(difference(A, B), index(1, A)), equals(1, cardinality(A)))",0.008766425297511038 +"or(subset_eq(difference(B, A), index(1, B)), equals(1, cardinality(B)))",0.008766425297511038 +"subset_eq(index(1, union(A, B)), A)",0.008766425297511038 +"subset_eq(index(1, union(A, B)), B)",0.008766425297511038 +"subset_eq(index(cardinality(A), B), intersection(A, index(1, B)))",0.008766425297511038 +"subset_eq(index(cardinality(A), B), index(1, difference(B, A)))",0.008766425297511038 +"subset_eq(index(cardinality(B), A), intersection(B, index(1, A)))",0.008766425297511038 +"subset_eq(index(cardinality(B), A), index(1, difference(A, B)))",0.008766425297511038 +"or(subset_eq(A, difference(A, B)), subset_eq(index(1, A), index(1, B)))",0.00841085442972922 +"or(subset_eq(A, difference(A, B)), subset_eq(index(1, B), index(1, A)))",0.00841085442972922 +"subset_eq(index(1, A), B)",0.00806676220812752 +"subset_eq(index(1, B), A)",0.00806676220812752 +"or(subset_eq(A, index(1, B)), subset_eq(index(1, B), index(1, A)))",0.00806676220812752 +"or(subset_eq(B, index(1, A)), subset_eq(index(1, A), index(1, B)))",0.00806676220812752 +"or(subset_eq(intersection(A, B), index(1, A)), subset_eq(index(1, B), index(1, A)))",0.00806676220812752 +"or(subset_eq(intersection(A, B), index(1, B)), subset_eq(index(1, A), index(1, B)))",0.00806676220812752 +"or(subset_eq(index(1, A), difference(A, A)), greater_than(cardinality(B), 1))",0.00806676220812752 +"or(subset_eq(index(1, B), difference(A, A)), greater_than(cardinality(A), 1))",0.00806676220812752 +"or(greater_than(cardinality(A), 1), greater_than(cardinality(B), 1))",0.00806676220812752 +"subset_eq(index(cardinality(A), B), A)",0.00806676220812752 +"subset_eq(index(cardinality(B), A), B)",0.00806676220812752 +"subset_eq(difference(index(1, A), index(1, B)), index(1, difference(A, B)))",0.00806676220812752 +"subset_eq(difference(index(1, B), index(1, A)), index(1, difference(B, A)))",0.00806676220812752 +"and(greater_than(cardinality(A), 0), greater_than(cardinality(B), 0))",0.007732985621643151 +"and(greater_than(cardinality(A), 0), greater_than(cardinality(B), cardinality(A)))",0.007732985621643151 +"and(greater_than(cardinality(B), 0), greater_than(cardinality(A), cardinality(B)))",0.007732985621643151 +"or(subset_eq(A, B), subset_eq(intersection(A, B), index(1, B)))",0.007732985621643151 +"or(subset_eq(A, B), subset_eq(difference(B, A), index(1, B)))",0.007732985621643151 +"or(subset_eq(A, B), greater_than(cardinality(A), cardinality(B)))",0.007732985621643151 +"or(subset_eq(B, A), subset_eq(intersection(A, B), index(1, A)))",0.007732985621643151 +"or(subset_eq(B, A), subset_eq(difference(A, B), index(1, A)))",0.007732985621643151 +"or(subset_eq(B, A), greater_than(cardinality(B), cardinality(A)))",0.007732985621643151 +"or(not(subset_eq(A, B)), subset_eq(difference(B, A), index(1, B)))",0.007732985621643151 +"or(not(subset_eq(A, B)), subset_eq(index(1, B), index(1, A)))",0.007732985621643151 +"or(not(subset_eq(B, A)), subset_eq(difference(A, B), index(1, A)))",0.007732985621643151 +"or(not(subset_eq(B, A)), subset_eq(index(1, A), index(1, B)))",0.007732985621643151 +"or(subset_eq(difference(A, B), index(1, A)), subset_eq(index(1, A), index(1, B)))",0.007732985621643151 +"or(subset_eq(difference(A, B), index(1, A)), equals(1, cardinality(B)))",0.007732985621643151 +"or(subset_eq(difference(B, A), index(1, B)), subset_eq(index(1, B), index(1, A)))",0.007732985621643151 +"or(subset_eq(difference(B, A), index(1, B)), equals(1, cardinality(A)))",0.007732985621643151 +"or(subset_eq(difference(A, B), index(1, A)), subset_eq(difference(B, A), index(1, B)))",0.0074083797356728764 +"subset_eq(union(index(1, A), index(1, B)), index(1, union(A, B)))",0.0074083797356728764 +"subset_eq(index(cardinality(A), B), difference(index(1, B), A))",0.0074083797356728764 +"subset_eq(index(cardinality(A), B), difference(difference(B, A), index(1, B)))",0.0074083797356728764 +"subset_eq(index(cardinality(B), A), difference(index(1, A), B))",0.0074083797356728764 +"subset_eq(index(cardinality(B), A), difference(difference(A, B), index(1, A)))",0.0074083797356728764 +"or(subset_eq(index(1, A), B), equals(cardinality(A), cardinality(B)))",0.007091795597814365 +"or(subset_eq(index(1, B), A), equals(cardinality(A), cardinality(B)))",0.007091795597814365 +"or(greater_than(cardinality(A), 1), greater_than(cardinality(B), cardinality(A)))",0.007091795597814365 +"or(greater_than(cardinality(B), 1), greater_than(cardinality(A), cardinality(B)))",0.007091795597814365 +"subset_eq(index(cardinality(A), difference(B, A)), A)",0.007091795597814365 +"subset_eq(index(cardinality(B), difference(A, B)), B)",0.007091795597814365 +"and(not(subset_eq(A, B)), greater_than(cardinality(B), 1))",0.006782053360880336 +"and(not(subset_eq(B, A)), greater_than(cardinality(A), 1))",0.006782053360880336 +"or(subset_eq(A, B), subset_eq(index(1, B), difference(A, A)))",0.006782053360880336 +"or(subset_eq(A, B), greater_than(cardinality(A), 1))",0.006782053360880336 +"or(subset_eq(B, A), subset_eq(index(1, A), difference(A, A)))",0.006782053360880336 +"or(subset_eq(B, A), greater_than(cardinality(B), 1))",0.006782053360880336 +"or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), difference(A, B)))",0.006782053360880336 +"or(and(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), difference(B, A)))",0.006782053360880336 +"or(subset_eq(index(1, B), A), equals(0, cardinality(A)))",0.006782053360880336 +"or(subset_eq(A, difference(A, B)), greater_than(cardinality(A), 1))",0.006782053360880336 +"or(subset_eq(A, difference(A, B)), greater_than(cardinality(B), 1))",0.006782053360880336 +"or(subset_eq(index(1, A), B), equals(0, cardinality(B)))",0.006782053360880336 +"or(subset_eq(index(1, A), B), greater_than(cardinality(B), 1))",0.006782053360880336 +"or(subset_eq(index(1, B), A), greater_than(cardinality(A), 1))",0.006782053360880336 +"or(subset_eq(intersection(A, B), index(1, A)), subset_eq(index(1, A), index(1, B)))",0.006782053360880336 +"or(subset_eq(intersection(A, B), index(1, B)), subset_eq(index(1, B), index(1, A)))",0.006782053360880336 +"or(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(A), cardinality(B)))",0.006782053360880336 +"or(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(B), cardinality(A)))",0.006782053360880336 +"or(subset_eq(index(1, A), index(1, B)), equals(1, cardinality(B)))",0.006782053360880336 +"or(subset_eq(index(1, B), index(1, A)), equals(1, cardinality(A)))",0.006782053360880336 +"not(subset_eq(A, index(1, B)))",0.006782053360880336 +"not(subset_eq(B, index(1, A)))",0.006782053360880336 +"subset_eq(difference(index(1, A), B), index(cardinality(B), difference(A, B)))",0.006782053360880336 +"subset_eq(difference(index(1, B), A), index(cardinality(A), difference(B, A)))",0.006782053360880336 +"subset_eq(index(1, union(A, B)), union(difference(A, B), index(1, B)))",0.006782053360880336 +"subset_eq(index(1, union(A, B)), union(difference(B, A), index(1, A)))",0.006782053360880336 +"subset_eq(index(1, union(A, B)), union(index(1, A), index(1, B)))",0.006782053360880336 +"subset_eq(index(cardinality(A), B), index(1, union(A, B)))",0.006782053360880336 +"subset_eq(index(cardinality(B), A), index(1, union(A, B)))",0.006782053360880336 +"or(subset_eq(A, B), subset_eq(intersection(A, B), index(1, A)))",0.006477907724674048 +"or(subset_eq(B, A), subset_eq(intersection(A, B), index(1, B)))",0.006477907724674048 +"or(subset_eq(A, difference(A, B)), subset_eq(difference(A, B), index(1, A)))",0.006477907724674048 +"or(subset_eq(A, difference(A, B)), subset_eq(difference(B, A), index(1, B)))",0.006477907724674048 +"subset_eq(index(cardinality(A), B), index(cardinality(A), difference(B, A)))",0.006477907724674048 +"subset_eq(index(cardinality(B), A), index(cardinality(B), difference(A, B)))",0.006477907724674048 +"subset_eq(index(cardinality(A), difference(B, A)), index(1, union(A, B)))",0.006477907724674048 +"subset_eq(index(cardinality(B), difference(A, B)), index(1, union(A, B)))",0.006477907724674048 +"or(not(subset_eq(A, B)), subset_eq(index(1, B), A))",0.00617800103959909 +"or(not(subset_eq(B, A)), subset_eq(index(1, A), B))",0.00617800103959909 +"subset_eq(index(1, difference(A, B)), B)",0.00617800103959909 +"subset_eq(index(1, difference(B, A)), A)",0.00617800103959909 +"subset_eq(index(cardinality(A), B), index(1, B))",0.00617800103959909 +"subset_eq(index(cardinality(B), A), index(1, A))",0.00617800103959909 +"greater_than(cardinality(union(A, B)), 1)",0.00617800103959909 +"subset_eq(union(difference(A, B), index(1, A)), index(cardinality(A), B))",0.00596075952294306 +"subset_eq(union(difference(B, A), index(1, B)), index(cardinality(B), A))",0.00596075952294306 +"or(subset_eq(A, B), subset_eq(index(1, A), difference(A, B)))",0.005880796218089235 +"or(subset_eq(A, B), subset_eq(index(1, B), index(1, A)))",0.005880796218089235 +"or(subset_eq(B, A), subset_eq(index(1, A), index(1, B)))",0.005880796218089235 +"or(subset_eq(B, A), subset_eq(index(1, B), difference(B, A)))",0.005880796218089235 +"or(or(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(A)))",0.005880796218089235 +"or(or(subset_eq(A, B), subset_eq(B, A)), equals(1, cardinality(B)))",0.005880796218089235 +"or(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(A), 1))",0.005880796218089235 +"or(or(subset_eq(A, B), subset_eq(B, A)), greater_than(cardinality(B), 1))",0.005880796218089235 +"or(subset_eq(A, difference(A, B)), subset_eq(index(1, A), B))",0.005880796218089235 +"or(subset_eq(A, difference(A, B)), subset_eq(index(1, B), A))",0.005880796218089235 +"or(subset_eq(index(1, A), B), subset_eq(difference(A, B), index(1, A)))",0.005880796218089235 +"or(subset_eq(index(1, B), A), subset_eq(difference(B, A), index(1, B)))",0.005880796218089235 +"or(subset_eq(intersection(A, B), index(1, A)), subset_eq(difference(B, A), index(1, B)))",0.005880796218089235 +"or(subset_eq(intersection(A, B), index(1, B)), subset_eq(difference(A, B), index(1, A)))",0.005880796218089235 +"or(subset_eq(index(1, A), difference(A, B)), equals(cardinality(A), cardinality(B)))",0.005880796218089235 +"or(subset_eq(index(1, B), difference(B, A)), equals(cardinality(A), cardinality(B)))",0.005880796218089235 +"subset_eq(index(cardinality(A), difference(B, A)), index(1, B))",0.005880796218089235 +"subset_eq(index(cardinality(B), difference(A, B)), index(1, A))",0.005880796218089235 +"greater_than(cardinality(A), 0)",0.005584475497978469 +"greater_than(cardinality(B), 0)",0.005584475497978469 +"or(subset_eq(index(1, A), B), subset_eq(intersection(A, B), index(1, B)))",0.005584475497978469 +"or(subset_eq(index(1, A), B), equals(1, cardinality(B)))",0.005584475497978469 +"or(subset_eq(index(1, B), A), subset_eq(intersection(A, B), index(1, A)))",0.005584475497978469 +"or(subset_eq(index(1, B), A), equals(1, cardinality(A)))",0.005584475497978469 +"or(subset_eq(intersection(A, B), index(1, A)), greater_than(cardinality(B), 1))",0.005584475497978469 +"or(subset_eq(intersection(A, B), index(1, B)), greater_than(cardinality(A), 1))",0.005584475497978469 +"or(subset_eq(difference(A, B), index(1, A)), subset_eq(index(1, B), difference(A, A)))",0.005584475497978469 +"or(subset_eq(difference(B, A), index(1, B)), subset_eq(index(1, A), difference(A, A)))",0.005584475497978469 +"or(subset_eq(index(1, A), difference(A, A)), subset_eq(index(1, B), index(1, A)))",0.005584475497978469 +"subset_eq(intersection(B, index(1, A)), index(1, B))",0.005584475497978469 +"subset_eq(intersection(A, index(1, B)), index(1, A))",0.005584475497978469 +"subset_eq(index(1, A), index(1, union(A, B)))",0.005584475497978469 +"subset_eq(index(1, B), index(1, union(A, B)))",0.005584475497978469 +"subset_eq(intersection(A, index(1, B)), index(1, intersection(A, B)))",0.005584475497978469 +"subset_eq(intersection(B, index(1, A)), index(1, intersection(A, B)))",0.005584475497978469 +"subset_eq(difference(index(1, A), B), index(1, difference(A, B)))",0.005584475497978469 +"subset_eq(difference(index(1, B), A), index(1, difference(B, A)))",0.005584475497978469 +"subset_eq(index(1, difference(A, B)), difference(difference(A, B), index(1, A)))",0.005584475497978469 +"subset_eq(index(1, difference(B, A)), difference(difference(B, A), index(1, B)))",0.005584475497978469 +"subset_eq(index(cardinality(A), B), union(A, index(1, B)))",0.005584475497978469 +"subset_eq(index(cardinality(B), A), union(B, index(1, A)))",0.005584475497978469 +"and(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(A), cardinality(B)))",0.005464065915187222 +"and(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(B), cardinality(A)))",0.005464065915187222 +"or(subset_eq(A, B), greater_than(cardinality(B), 0))",0.00528677873446326 +"or(subset_eq(B, A), greater_than(cardinality(A), 0))",0.00528677873446326 +"or(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), index(1, B)))",0.00528677873446326 +"or(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), index(1, A)))",0.00528677873446326 +"or(not(subset_eq(A, B)), greater_than(cardinality(B), 1))",0.00528677873446326 +"or(not(subset_eq(B, A)), greater_than(cardinality(A), 1))",0.00528677873446326 +"and(not(subset_eq(A, B)), subset_eq(index(1, A), B))",0.005145233495945978 +"and(not(subset_eq(B, A)), subset_eq(index(1, B), A))",0.005145233495945978 +"or(subset_eq(A, B), subset_eq(index(1, B), A))",0.0049847278902501735 +"or(subset_eq(A, B), subset_eq(index(1, B), difference(B, A)))",0.0049847278902501735 +"or(subset_eq(B, A), subset_eq(index(1, A), B))",0.0049847278902501735 +"or(subset_eq(B, A), subset_eq(index(1, A), difference(A, B)))",0.0049847278902501735 +"or(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(A, difference(A, B)))",0.0049847278902501735 +"or(or(subset_eq(A, B), subset_eq(B, A)), equals(cardinality(A), cardinality(B)))",0.0049847278902501735 +"or(subset_eq(index(1, A), index(1, B)), greater_than(cardinality(A), cardinality(B)))",0.0049847278902501735 +"or(subset_eq(index(1, B), index(1, A)), greater_than(cardinality(B), cardinality(A)))",0.0049847278902501735 +"subset_eq(index(cardinality(A), B), difference(B, A))",0.0049847278902501735 +"subset_eq(index(cardinality(B), A), difference(A, B))",0.0049847278902501735 +"subset_eq(difference(index(1, A), index(1, B)), index(1, union(A, B)))",0.0049847278902501735 +"subset_eq(difference(index(1, B), index(1, A)), index(1, union(A, B)))",0.0049847278902501735 +"subset_eq(index(1, union(A, B)), union(A, index(1, B)))",0.0049847278902501735 +"subset_eq(index(1, union(A, B)), union(B, index(1, A)))",0.0049847278902501735 +"subset_eq(index(1, difference(A, B)), index(cardinality(B), A))",0.0049847278902501735 +"subset_eq(index(1, difference(A, B)), index(cardinality(B), index(1, A)))",0.0049847278902501735 +"subset_eq(index(1, difference(B, A)), index(cardinality(A), B))",0.0049847278902501735 +"subset_eq(index(1, difference(B, A)), index(cardinality(A), index(1, B)))",0.0049847278902501735 +"or(subset_eq(difference(A, B), index(1, A)), subset_eq(index(1, B), index(1, A)))",0.004674119587321779 +"or(subset_eq(difference(B, A), index(1, B)), subset_eq(index(1, A), index(1, B)))",0.004674119587321779 +"or(equals(1, cardinality(A)), greater_than(cardinality(B), 0))",0.004674119587321779 +"or(equals(1, cardinality(B)), greater_than(cardinality(A), 0))",0.004674119587321779 +"or(subset_eq(index(1, A), B), subset_eq(difference(B, A), index(1, B)))",0.0043484916912670535 +"or(subset_eq(index(1, A), B), subset_eq(index(1, B), difference(A, A)))",0.0043484916912670535 +"subset_eq(index(cardinality(B), index(1, A)), B)",0.0043484916912670535 +"or(subset_eq(index(1, B), A), subset_eq(difference(A, B), index(1, A)))",0.0043484916912670535 +"or(subset_eq(index(1, B), A), subset_eq(index(1, A), difference(A, A)))",0.0043484916912670535 +"subset_eq(index(cardinality(A), index(1, B)), A)",0.0043484916912670535 +"or(subset_eq(intersection(A, B), index(1, A)), subset_eq(difference(A, B), index(1, A)))",0.0043484916912670535 +"or(subset_eq(intersection(A, B), index(1, B)), subset_eq(difference(B, A), index(1, B)))",0.0043484916912670535 +"or(subset_eq(difference(A, B), index(1, A)), subset_eq(index(1, B), difference(B, A)))",0.0043484916912670535 +"or(subset_eq(difference(B, A), index(1, B)), subset_eq(index(1, A), difference(A, B)))",0.0043484916912670535 +"or(subset_eq(index(1, A), difference(A, B)), subset_eq(index(1, B), index(1, A)))",0.0043484916912670535 +"or(subset_eq(index(1, A), difference(A, B)), greater_than(cardinality(B), 1))",0.0043484916912670535 +"or(subset_eq(index(1, A), index(1, B)), subset_eq(index(1, B), difference(B, A)))",0.0043484916912670535 +"or(subset_eq(index(1, B), difference(B, A)), greater_than(cardinality(A), 1))",0.0043484916912670535 +"or(greater_than(cardinality(A), 0), greater_than(cardinality(B), 1))",0.0043484916912670535 +"or(greater_than(cardinality(A), 1), greater_than(cardinality(B), 0))",0.0043484916912670535 +"subset_eq(intersection(A, index(1, B)), index(1, union(A, B)))",0.0043484916912670535 +"subset_eq(intersection(B, index(1, A)), index(1, union(A, B)))",0.0043484916912670535 +"subset_eq(difference(index(1, A), B), index(1, union(A, B)))",0.0043484916912670535 +"subset_eq(difference(index(1, B), A), index(1, union(A, B)))",0.0043484916912670535 +"subset_eq(index(1, intersection(A, B)), index(1, union(A, B)))",0.0043484916912670535 +"subset_eq(index(1, difference(A, B)), index(1, union(A, B)))",0.0043484916912670535 +"subset_eq(index(1, difference(B, A)), index(1, union(A, B)))",0.0043484916912670535 +"subset_eq(index(cardinality(A), difference(B, A)), difference(difference(B, A), index(1, B)))",0.0043484916912670535 +"subset_eq(index(cardinality(B), difference(A, B)), difference(difference(A, B), index(1, A)))",0.0043484916912670535 +"and(greater_than(cardinality(A), 1), greater_than(cardinality(B), cardinality(A)))",0.003996704378872562 +"and(greater_than(cardinality(B), 1), greater_than(cardinality(A), cardinality(B)))",0.003996704378872562 +"or(subset_eq(index(1, A), B), greater_than(cardinality(A), cardinality(B)))",0.003996704378872562 +"or(subset_eq(index(1, B), A), greater_than(cardinality(B), cardinality(A)))",0.003996704378872562 +"or(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, A), difference(A, B)))",0.003996704378872562 +"or(or(subset_eq(A, B), subset_eq(B, A)), subset_eq(index(1, B), difference(B, A)))",0.003996704378872562 +"subset_eq(index(1, intersection(A, B)), index(1, B))",0.003595933227180881 +"subset_eq(index(1, intersection(A, B)), index(1, A))",0.003595933227180881 +"or(subset_eq(index(1, A), B), subset_eq(index(1, B), A))",0.003595933227180881 +"or(subset_eq(index(1, A), B), subset_eq(index(1, B), difference(B, A)))",0.003595933227180881 +"or(subset_eq(index(1, B), A), subset_eq(index(1, A), difference(A, B)))",0.003595933227180881 +"subset_eq(index(1, difference(A, B)), index(1, A))",0.003595933227180881 +"subset_eq(index(1, difference(B, A)), index(1, B))",0.003595933227180881 +"subset_eq(intersection(index(1, A), index(1, B)), index(1, union(A, B)))",0.003595933227180881 +"greater_than(cardinality(union(A, B)), 0)",0.003081652368441601 +"and(subset_eq(difference(A, B), index(1, A)), greater_than(cardinality(A), cardinality(B)))",0.001508038584309035 +"and(subset_eq(difference(B, A), index(1, B)), greater_than(cardinality(B), cardinality(A)))",0.001508038584309035 +"and(not(subset_eq(A, B)), subset_eq(difference(A, B), index(1, A)))",0.0011175716072293618 +"and(not(subset_eq(B, A)), subset_eq(difference(B, A), index(1, B)))",0.0011175716072293618 +"and(subset_eq(index(1, A), B), greater_than(cardinality(A), cardinality(B)))",0.00032456129831570646 +"and(subset_eq(index(1, B), A), greater_than(cardinality(B), cardinality(A)))",0.00032456129831570646 diff --git a/src/examples/signaling_game/README.md b/src/examples/signaling_game/README.md index ef8dc6dc..4343e429 100644 --- a/src/examples/signaling_game/README.md +++ b/src/examples/signaling_game/README.md @@ -4,9 +4,9 @@ A signaling game is a an evolutionary game theoretic model, wherein a Sender and Receiver aim to maximize a joint payoff by coordinating on signals. When strategies evolve towards such coordination over repeated plays of the game, this can model the emergence of communication. -This example repo exists to demo simulations of the evolution of meaning using very simple reinforcement learning and ALTK tools. We use various altk modules for the game objects and for analysis (esp. [altk.effcomm.agent](../../altk/effcomm/agent.py)). +This example repo exists to demo simulations of the evolution of meaning using very simple reinforcement learning and ULTK tools. We use various ultk modules for the game objects and for analysis (esp. [ultk.effcomm.agent](../../ultk/effcomm/agent.py)). -See a more scaled-up [example](https://github.com/nathimel/rdsg) of signaling game simulations using altk. +See a more scaled-up [example](https://github.com/nathimel/rdsg) of signaling game simulations using ultk. ## Running a simulation @@ -23,7 +23,7 @@ This will produce results in the folders `outputs/default` or `outputs/example`, ## Experimenting
- Adjusting parameters and using ALTK more generally to do signaling games. + Adjusting parameters and using ULTK more generally to do signaling games. ### Existing game parameters @@ -35,9 +35,9 @@ Run different games by supplying command line arguments, described in `python3 m - the number of rounds in a game - the learning rate -### Using ALTK for signaling games +### Using ULTK for signaling games -The most general aspects of the communicative agents, measures of communicative success and the language primitives are implemented in ALTK. Some signaling-specific concepts and wrappers implemented in the `.py` files. +The most general aspects of the communicative agents, measures of communicative success and the language primitives are implemented in ULTK. Some signaling-specific concepts and wrappers implemented in the `.py` files. This example is limited for simplicity, but is also intended to be an recylable outline for additional analyses, such as: diff --git a/src/examples/signaling_game/__init__.py b/src/examples/signaling_game/__init__.py index bb4f7f4c..87b6181a 100644 --- a/src/examples/signaling_game/__init__.py +++ b/src/examples/signaling_game/__init__.py @@ -1,10 +1,10 @@ -"""Example demonstrating how to extend the objects and tools in the `altk.language` and `altk.effcomm` modules to a specific use case. +"""Example demonstrating how to extend the objects and tools in the `ultk.language` and `ultk.effcomm` modules to a specific use case. This example implements a dynamic Lewis-Skyrms 'atomic' signaling game. Two players, Sender and Receiver learn to coordinate on a shared language via rudimentary reinforcement learning. The evolution of meaning conventions is interesting from the efficient communication perspective because we can track the trajectory of the informativity and the cognitive cost of the players' languages. -The `languages` file implements an extension of the fundamental ALTK language, expression, and meaning abstractions into the signaling game use case. +The `languages` file implements an extension of the fundamental ULTK language, expression, and meaning abstractions into the signaling game use case. -The `agents` file shows how to extend the basic `altk.effcomm.agent` objects to a dynamic learning agents. +The `agents` file shows how to extend the basic `ultk.effcomm.agent` objects to a dynamic learning agents. The driver script `main` invokes these implementations and runs the simulation of the learning dynamics on the signaling game. These details are implemented in the `learning` and `game` files, respectively. diff --git a/src/examples/signaling_game/agents.py b/src/examples/signaling_game/agents.py index 3f99c3c8..9aa8efc3 100644 --- a/src/examples/signaling_game/agents.py +++ b/src/examples/signaling_game/agents.py @@ -1,5 +1,5 @@ -from altk.effcomm.agent import CommunicativeAgent, Speaker, Listener -from altk.language.semantics import Meaning +from ultk.effcomm.agent import CommunicativeAgent, Speaker, Listener +from ultk.language.semantics import Meaning from languages import Signal, SignalMeaning, SignalingLanguage from typing import Any diff --git a/src/examples/signaling_game/bounds.py b/src/examples/signaling_game/bounds.py new file mode 100644 index 00000000..c271492a --- /dev/null +++ b/src/examples/signaling_game/bounds.py @@ -0,0 +1,18 @@ +import numpy as np + +from game import SignalingGame +from rdot.distortions import hamming +from rdot.ba import RateDistortionOptimizer + +# Generate a hamming bound +def generate_hamming_bound(sg: SignalingGame) -> list[tuple[float]]: + """Given an atomic signaling game, return a list of (rate, distortion) pairs corresponding to the rate distortion bound on the game.""" + state_arr = np.arange(len(sg.states)) + dist_mat = hamming(x=state_arr, y=state_arr) + + optimizer = RateDistortionOptimizer( + px=sg.prior, + dist_mat=dist_mat, + betas=np.logspace(-2, 10, 100) + ) + return [(result.rate, result.distortion) for result in optimizer.get_results() if result is not None] \ No newline at end of file diff --git a/src/examples/signaling_game/game.py b/src/examples/signaling_game/game.py index 50eff6a1..06c13d83 100644 --- a/src/examples/signaling_game/game.py +++ b/src/examples/signaling_game/game.py @@ -7,7 +7,7 @@ class SignalingGame: """A signaling game is a tuple $(S, M, A, \sigma, \rho, u, P)$ of states, messages, acts, a sender, a receiver, a utility function, and a distribution over states. The sender and receiver have a common payoff, given by a communicative success function. - In this signaling game, we identify the acts with the states. For more detail on the communicative success function, see altk.effcomm.informativity.communicative_success. + In this signaling game, we identify the acts with the states. For more detail on the communicative success function, see ultk.effcomm.informativity.communicative_success. """ def __init__( diff --git a/src/examples/signaling_game/languages.py b/src/examples/signaling_game/languages.py index 6ccf5c4e..4ef3e0bf 100644 --- a/src/examples/signaling_game/languages.py +++ b/src/examples/signaling_game/languages.py @@ -1,6 +1,6 @@ from typing import Iterable -from altk.language.language import Language, Expression -from altk.language.semantics import Universe, Meaning, Referent +from ultk.language.language import Language, Expression +from ultk.language.semantics import Universe, Meaning, Referent class State(Referent): @@ -42,7 +42,7 @@ class SignalMeaning(Meaning): def __init__(self, states: list[State], universe: StateSpace) -> None: """Construct the meaning of a signal as the set of states it can refer to. - In altk, Meanings can be generalized from a set of referents to distributions over those referents. by default, we let be a peaked distribution over a single point, where one state has probability 1.0, and all others 0.0. + In ultk, Meanings can be generalized from a set of referents to distributions over those referents. by default, we let be a peaked distribution over a single point, where one state has probability 1.0, and all others 0.0. Args: diff --git a/src/examples/signaling_game/learning.py b/src/examples/signaling_game/learning.py index ef1198ba..ddc0ebd2 100644 --- a/src/examples/signaling_game/learning.py +++ b/src/examples/signaling_game/learning.py @@ -1,9 +1,9 @@ """Simple Roth-Erev reinforcement learning dynamic for agents of a signaling game.""" import numpy as np -from altk.effcomm.agent import CommunicativeAgent -from altk.effcomm.informativity import communicative_success -from altk.effcomm.information import information_rate +from ultk.effcomm.agent import CommunicativeAgent +from ultk.effcomm.informativity import communicative_success +from ultk.effcomm.rate_distortion import information_cond from game import SignalingGame from tqdm import tqdm from typing import Any @@ -46,7 +46,7 @@ def simulate_learning(g: SignalingGame, num_rounds: int, learning_rate=1.0) -> N ) ) g.data["complexity"].append( - information_rate(g.prior, g.sender.normalized_weights()) + information_cond(g.prior, g.sender.normalized_weights()) ) return g diff --git a/src/examples/signaling_game/main.py b/src/examples/signaling_game/main.py index 738cbecf..de22f209 100644 --- a/src/examples/signaling_game/main.py +++ b/src/examples/signaling_game/main.py @@ -1,17 +1,17 @@ -# from . import util import util import vis from agents import Receiver, Sender from game import distribution_over_states, SignalingGame, indicator from languages import State, StateSpace, Signal, SignalMeaning, SignalingLanguage from learning import simulate_learning +from bounds import generate_hamming_bound def main(args): # load game settings num_signals = args.num_signals num_states = args.num_states - num_rounds = args.num_rounds + num_rounds = int(float(args.num_rounds)) learning_rate = args.learning_rate prior_type = args.distribution_over_states seed = args.seed @@ -27,7 +27,7 @@ def main(args): signal_names = [f"signal_{i+1}" for i in range(num_signals)] # Construct the universe of states, and language defined over it - universe = StateSpace([State(name=name) for name in state_names]) + universe = StateSpace(tuple([State(name=name) for name in state_names])) # All meanings are dummy placeholders at this stage, but they can be substantive once agents are given a weight matrix. dummy_meaning = SignalMeaning(states=universe.referents, universe=universe) @@ -76,7 +76,7 @@ def main(args): vis.plot_distribution(args.save_distribution, prior_over_states) vis.plot_accuracy(args.save_accuracy_plot, accuracies) vis.plot_complexity(args.save_complexity_plot, complexities) - vis.plot_tradeoff(args.save_tradeoff_plot, complexities, accuracies) + vis.plot_tradeoff(args.save_tradeoff_plot, complexities, accuracies, generate_hamming_bound(signaling_game)) print("Done.") diff --git a/src/examples/signaling_game/outputs/default/accuracy.png b/src/examples/signaling_game/outputs/default/accuracy.png index c77adb77..2df5c86f 100644 Binary files a/src/examples/signaling_game/outputs/default/accuracy.png and b/src/examples/signaling_game/outputs/default/accuracy.png differ diff --git a/src/examples/signaling_game/outputs/default/complexity.png b/src/examples/signaling_game/outputs/default/complexity.png index ea2ee7c4..7f5cded4 100644 Binary files a/src/examples/signaling_game/outputs/default/complexity.png and b/src/examples/signaling_game/outputs/default/complexity.png differ diff --git a/src/examples/signaling_game/outputs/default/distribution_over_states.png b/src/examples/signaling_game/outputs/default/distribution_over_states.png index de8f7ea6..ed670e1b 100644 Binary files a/src/examples/signaling_game/outputs/default/distribution_over_states.png and b/src/examples/signaling_game/outputs/default/distribution_over_states.png differ diff --git a/src/examples/signaling_game/outputs/default/languages.yml b/src/examples/signaling_game/outputs/default/languages.yml index 1e4d49cb..472f0288 100644 --- a/src/examples/signaling_game/outputs/default/languages.yml +++ b/src/examples/signaling_game/outputs/default/languages.yml @@ -1,23 +1,59 @@ languages: - sender: data: - accuracy: 0.8104553492484527 + accuracy: 0.8711169970616199 name: sender expressions: - form: signal_1 meaning: - - state_2 + - state_1 - form: signal_2 + meaning: [] + - form: signal_3 meaning: - - state_1 + - state_6 + - form: signal_4 + meaning: + - state_3 + - form: signal_5 + meaning: + - state_4 + - form: signal_6 + meaning: + - state_2 + - form: signal_7 + meaning: + - state_7 + - form: signal_8 + meaning: + - state_5 + - state_8 - receiver: data: - accuracy: 0.8104553492484527 + accuracy: 0.8711169970616199 name: receiver expressions: - form: signal_1 meaning: - - state_2 + - state_1 - form: signal_2 meaning: - - state_1 + - state_6 + - form: signal_3 + meaning: + - state_6 + - form: signal_4 + meaning: + - state_3 + - form: signal_5 + meaning: + - state_4 + - form: signal_6 + meaning: + - state_2 + - form: signal_7 + meaning: + - state_7 + - form: signal_8 + meaning: + - state_8 diff --git a/src/examples/signaling_game/outputs/default/tradeoff.png b/src/examples/signaling_game/outputs/default/tradeoff.png index bc0ff07b..49afc522 100644 Binary files a/src/examples/signaling_game/outputs/default/tradeoff.png and b/src/examples/signaling_game/outputs/default/tradeoff.png differ diff --git a/src/examples/signaling_game/outputs/default/weights.txt b/src/examples/signaling_game/outputs/default/weights.txt index 2df12433..ad7ffda6 100644 --- a/src/examples/signaling_game/outputs/default/weights.txt +++ b/src/examples/signaling_game/outputs/default/weights.txt @@ -4,13 +4,25 @@ Sender weights: -[[ 1. 21.] - [28. 5.]] +[[1.20e+04 1.00e+00 1.00e+00 4.00e+00 9.00e+00 1.00e+00 3.00e+00 1.00e+00] + [1.00e+00 5.50e+01 1.10e+01 5.00e+00 1.00e+00 1.17e+04 1.00e+00 1.00e+00] + [4.00e+00 1.00e+00 2.00e+00 1.21e+04 2.00e+00 9.00e+00 2.00e+00 1.00e+00] + [3.00e+00 1.00e+00 1.00e+00 3.00e+00 1.22e+04 1.00e+00 3.00e+00 1.00e+00] + [2.00e+00 2.00e+00 1.00e+00 1.00e+00 1.00e+00 4.00e+00 1.00e+00 2.13e+03] + [1.00e+00 2.14e+03 9.96e+03 1.00e+00 1.00e+00 1.00e+00 1.00e+00 1.00e+00] + [1.50e+01 1.00e+00 1.00e+00 1.00e+00 3.00e+00 1.00e+00 1.23e+04 7.00e+00] + [4.00e+00 2.00e+00 1.00e+00 1.00e+00 1.00e+00 2.00e+00 2.00e+00 9.90e+03]] distribution: -[[0.05 0.95] - [0.85 0.15]] +[[9.98e-01 8.31e-05 8.31e-05 3.32e-04 7.48e-04 8.31e-05 2.49e-04 8.31e-05] + [8.46e-05 4.65e-03 9.30e-04 4.23e-04 8.46e-05 9.94e-01 8.46e-05 8.46e-05] + [3.30e-04 8.26e-05 1.65e-04 9.98e-01 1.65e-04 7.43e-04 1.65e-04 8.26e-05] + [2.45e-04 8.16e-05 8.16e-05 2.45e-04 9.99e-01 8.16e-05 2.45e-04 8.16e-05] + [9.35e-04 9.35e-04 4.67e-04 4.67e-04 4.67e-04 1.87e-03 4.67e-04 9.94e-01] + [8.26e-05 1.77e-01 8.22e-01 8.26e-05 8.26e-05 8.26e-05 8.26e-05 8.26e-05] + [1.22e-03 8.13e-05 8.13e-05 8.13e-05 2.44e-04 8.13e-05 9.98e-01 5.69e-04] + [4.03e-04 2.02e-04 1.01e-04 1.01e-04 1.01e-04 2.02e-04 2.02e-04 9.99e-01]] @@ -21,11 +33,23 @@ Receiver weights: -[[ 1. 28.] - [21. 5.]] +[[1.20e+04 1.00e+00 4.00e+00 3.00e+00 2.00e+00 1.00e+00 1.50e+01 4.00e+00] + [1.00e+00 5.50e+01 1.00e+00 1.00e+00 2.00e+00 2.14e+03 1.00e+00 2.00e+00] + [1.00e+00 1.10e+01 2.00e+00 1.00e+00 1.00e+00 9.96e+03 1.00e+00 1.00e+00] + [4.00e+00 5.00e+00 1.21e+04 3.00e+00 1.00e+00 1.00e+00 1.00e+00 1.00e+00] + [9.00e+00 1.00e+00 2.00e+00 1.22e+04 1.00e+00 1.00e+00 3.00e+00 1.00e+00] + [1.00e+00 1.17e+04 9.00e+00 1.00e+00 4.00e+00 1.00e+00 1.00e+00 2.00e+00] + [3.00e+00 1.00e+00 2.00e+00 3.00e+00 1.00e+00 1.00e+00 1.23e+04 2.00e+00] + [1.00e+00 1.00e+00 1.00e+00 1.00e+00 2.13e+03 1.00e+00 7.00e+00 9.90e+03]] distribution: -[[0.05 0.85] - [0.95 0.15]] +[[9.98e-01 8.46e-05 3.30e-04 2.45e-04 9.35e-04 8.26e-05 1.22e-03 4.03e-04] + [8.31e-05 4.65e-03 8.26e-05 8.16e-05 9.35e-04 1.77e-01 8.13e-05 2.02e-04] + [8.31e-05 9.30e-04 1.65e-04 8.16e-05 4.67e-04 8.22e-01 8.13e-05 1.01e-04] + [3.32e-04 4.23e-04 9.98e-01 2.45e-04 4.67e-04 8.26e-05 8.13e-05 1.01e-04] + [7.48e-04 8.46e-05 1.65e-04 9.99e-01 4.67e-04 8.26e-05 2.44e-04 1.01e-04] + [8.31e-05 9.94e-01 7.43e-04 8.16e-05 1.87e-03 8.26e-05 8.13e-05 2.02e-04] + [2.49e-04 8.46e-05 1.65e-04 2.45e-04 4.67e-04 8.26e-05 9.98e-01 2.02e-04] + [8.31e-05 8.46e-05 8.26e-05 8.16e-05 9.94e-01 8.26e-05 5.69e-04 9.99e-01]] \ No newline at end of file diff --git a/src/examples/signaling_game/util.py b/src/examples/signaling_game/util.py index 80865b27..e494af4e 100644 --- a/src/examples/signaling_game/util.py +++ b/src/examples/signaling_game/util.py @@ -65,7 +65,7 @@ def get_args() -> argparse.Namespace: ) parser.add_argument( "--num_rounds", - type=int, + type=float, default=100, help="How many rounds of the signaling game to run.", ) diff --git a/src/examples/signaling_game/vis.py b/src/examples/signaling_game/vis.py index eb06272f..0dd77290 100644 --- a/src/examples/signaling_game/vis.py +++ b/src/examples/signaling_game/vis.py @@ -36,8 +36,8 @@ def plot_complexity(fn: str, complexities: list[float]) -> pn.ggplot: save_plot(fn, plot) -def plot_tradeoff(fn: str, complexities: list, accuracies: list) -> pn.ggplot: - """Get a basic plotnine point plot of languages in a complexity vs comm_cost 2D plot.""" +def plot_tradeoff(fn: str, complexities: list, accuracies: list, hamming_rd_bound: list[tuple[float]]) -> pn.ggplot: + """Get a basic plotnine point plot of languages in a complexity vs comm_cost 2D plot against the hamming rate distortion bound.""" rounds = range(len(complexities)) data = pd.DataFrame( data={ @@ -46,6 +46,11 @@ def plot_tradeoff(fn: str, complexities: list, accuracies: list) -> pn.ggplot: "round": rounds, } ) + + bound_data = pd.DataFrame( + hamming_rd_bound, + columns=["complexity", "comm_cost"], + ) plot = ( # Set data and the axes pn.ggplot(data=data, mapping=pn.aes(x="complexity", y="comm_cost")) @@ -53,6 +58,9 @@ def plot_tradeoff(fn: str, complexities: list, accuracies: list) -> pn.ggplot: + pn.geom_point( # langs stroke=0, alpha=1, mapping=pn.aes(color="round") # might be too faint ) + + pn.geom_line( # bound + data=bound_data, + ) + pn.xlab("Cognitive cost") + pn.ylab("Communicative cost") + pn.scale_color_cmap("cividis") diff --git a/src/tests/test_grammar.py b/src/tests/test_grammar.py index 54c4bfbe..44f3f5ac 100644 --- a/src/tests/test_grammar.py +++ b/src/tests/test_grammar.py @@ -1,5 +1,5 @@ -from altk.language.grammar import Grammar, GrammaticalExpression, Rule -from altk.language.semantics import Meaning, Referent, Universe +from ultk.language.grammar import Grammar, GrammaticalExpression, Rule +from ultk.language.semantics import Meaning, Referent, Universe class TestGrammar: @@ -9,11 +9,11 @@ class TestGrammar: grammar = Grammar(bool) grammar.add_rule(Rule(">", bool, (int, int), lambda x, y: x > y)) grammar.add_rule(Rule("+", int, (int, int), lambda x, y: x + y)) - grammar.add_rule(Rule("n", int, (), lambda model: model.num)) - grammar.add_rule(Rule(f"0", int, (), lambda *args: 0)) - grammar.add_rule(Rule(f"1", int, (), lambda *args: 1)) - grammar.add_rule(Rule(f"2", int, (), lambda *args: 2)) - grammar.add_rule(Rule(f"3", int, (), lambda *args: 3)) + grammar.add_rule(Rule("n", int, None, lambda model: model.num)) + grammar.add_rule(Rule(f"0", int, None, lambda *args: 0)) + grammar.add_rule(Rule(f"1", int, None, lambda *args: 1)) + grammar.add_rule(Rule(f"2", int, None, lambda *args: 2)) + grammar.add_rule(Rule(f"3", int, None, lambda *args: 3)) geq2_expr_str = ">(n, +(1, 1))" @@ -25,7 +25,7 @@ def test_meaning(self): parsed_expression = TestGrammar.grammar.parse(TestGrammar.geq2_expr_str) expr_meaning = parsed_expression.evaluate(TestGrammar.universe) goal_meaning = Meaning( - [referent for referent in TestGrammar.referents if referent.num > 2], + tuple(referent for referent in TestGrammar.referents if referent.num > 2), TestGrammar.universe, ) assert expr_meaning == goal_meaning @@ -37,3 +37,15 @@ def test_length(self): def test_yield(self): parsed_expression = TestGrammar.grammar.parse(TestGrammar.geq2_expr_str) assert parsed_expression.yield_string() == "n11" + + def test_enumerate(self): + enumed_grammar = TestGrammar.grammar.get_unique_expressions( + depth=1, + lhs=(int, int), + unique_key=lambda expr: expr.evaluate(self.universe), + compare_func=lambda e1, e2: len(e1) < len(e2), + ) + print("Enumed Grammar Rules with len") + print(enumed_grammar) + for rule in enumed_grammar: + print(rule) diff --git a/src/tests/test_language.py b/src/tests/test_language.py new file mode 100644 index 00000000..947c0bd6 --- /dev/null +++ b/src/tests/test_language.py @@ -0,0 +1,106 @@ +import itertools +import pandas as pd +import pytest + +from ultk.language.language import Expression, Language +from ultk.language.semantics import Referent, Universe, Meaning + + +class TestLanguage: + pairs = { + "shroom": "fungus", + "dog": "animal", + "tree": "plant", + "cat": "animal", + "bird": "animal", + } + pairs2 = {"shroom": "fungus", "dog": "animal", "tree": "plant", "bird": "bird"} + + uni_refs = tuple(Referent(key, {"phylum": val}) for (key, val) in pairs.items()) + uni = Universe(uni_refs) + + uni2 = Universe( + tuple(Referent(key, {"phylum": val}) for (key, val) in pairs2.items()) + ) + + meaning = Meaning(referents=uni_refs, universe=uni) + + uni.referents + + dog = Expression( + form="dog", + meaning=Meaning( + referents=tuple([Referent("dog", {"phylum": "animal"})]), universe=uni + ), + ) + cat = Expression( + form="cat", + meaning=Meaning( + referents=tuple([Referent("cat", {"phylum": "animal"})]), universe=uni + ), + ) + tree = Expression( + form="tree", + meaning=Meaning( + referents=tuple([Referent("tree", {"phylum": "plant"})]), universe=uni + ), + ) + shroom = Expression( + form="shroom", + meaning=Meaning( + referents=tuple([Referent("shroom", {"phylum": "fungus"})]), universe=uni + ), + ) + bird = Expression( + form="bird", + meaning=Meaning( + referents=tuple([Referent("bird", {"phylum": "animal"})]), universe=uni + ), + ) + + lang = Language(expressions=tuple([dog, cat, tree, shroom])) + lang_one_different_expr = Language(expressions=tuple([dog, cat, tree, bird])) + lang_subset_expr = Language(expressions=tuple([dog, cat, tree])) + lang_of_different_order = Language(expressions=tuple([dog, cat, shroom, tree])) + + def test_exp_subset(self): + assert TestLanguage.dog.can_express(Referent("dog", {"phylum": "animal"})) + + def test_exp_subset(self): + assert not TestLanguage.dog.can_express(Referent("cat", {"phylum": "animal"})) + + def test_language_has_expressions(self): + with pytest.raises(ValueError): + lang = Language(list()) + + def test_language_universe_check(self): + with pytest.raises(ValueError): + lang_one_different_expr = Language( + [ + TestLanguage.dog, + Expression( + form="dog", + meaning=Meaning( + referents=tuple([Referent("dog", {"phylum": "animal"})]), + universe=TestLanguage.uni2, + ), + ), + ] + ) + + def test_language_degree(self): + def isAnimal(exp: Expression) -> bool: + print("checking phylum of " + str(exp.meaning.referents[0])) + return exp.meaning.referents[0].phylum == "animal" + + assert TestLanguage.lang.degree_property(isAnimal) == 0.5 + + def test_language_len(self): + assert len(TestLanguage.lang) == 4 + + def test_language_equality(self): + assert TestLanguage.lang != TestLanguage.lang_one_different_expr + assert TestLanguage.lang != TestLanguage.lang_subset_expr + + # Test that order doesn't matter + assert TestLanguage.lang == TestLanguage.lang_of_different_order diff --git a/src/tests/test_semantics.py b/src/tests/test_semantics.py index 0e7bb22a..1caba4af 100644 --- a/src/tests/test_semantics.py +++ b/src/tests/test_semantics.py @@ -1,18 +1,75 @@ import itertools import pandas as pd +import pytest +from copy import deepcopy -from altk.language.semantics import Universe - +from ultk.language.semantics import Universe +from ultk.language.semantics import Meaning +from ultk.language.semantics import Referent forces = ("weak", "strong") flavors = ("epistemic", "deontic") -def test_universe_from_df(): +class TestSemantics: points = [ {"name": f"{force}+{flavor}", "force": force, "flavor": flavor} for (force, flavor) in itertools.product(forces, flavors) ] dataframe = pd.DataFrame(points) universe = Universe.from_dataframe(dataframe) - assert points == [referent.__dict__ for referent in universe.referents] + + ref1 = Referent( + name="weak+epistemic", properties={"force": "weak", "flavor": "epistemic"} + ) + + def test_universe_from_df(self): + universe_referents = [] + for referent in TestSemantics.universe.referents: + copied = deepcopy(referent.__dict__) + copied.pop("_frozen", None) + universe_referents.append(copied) + + assert TestSemantics.points == [referent for referent in universe_referents] + + def test_referent_match(self): + ref2 = Referent( + name="weak+epistemic", properties={"force": "weak", "flavor": "epistemic"} + ) + assert TestSemantics.ref1 == ref2 + + def test_referent_mismatch(self): + ref3 = Referent( + name="neutral+epistemic", + properties={"force": "neutral", "flavor": "epistemic"}, + ) + assert TestSemantics.ref1 != ref3 + + def test_universe_match(self): + second_dataframe = pd.DataFrame(TestSemantics.points) + assert Universe.from_dataframe(second_dataframe) == TestSemantics.universe + + def test_universe_mismatch(self): + refs = (TestSemantics.ref1,) + assert Universe(refs) != TestSemantics.universe + + def test_meaning_subset(self): + refs = (TestSemantics.ref1,) + meaning = Meaning( + refs, TestSemantics.universe + ) # This meaning should exist within the set of semantics + assert TestSemantics.ref1 in meaning.referents + + with pytest.raises(ValueError): + refs_bad = tuple( + list(refs) + + [ + Referent( + name="neutral+epistemic", + properties={"force": "neutral", "flavor": "epistemic"}, + ) + ] + ) + meaning = Meaning( + refs_bad, TestSemantics.universe + ) # This meaning should not diff --git a/src/altk/__init__.py b/src/ultk/__init__.py similarity index 100% rename from src/altk/__init__.py rename to src/ultk/__init__.py diff --git a/src/altk/effcomm/__init__.py b/src/ultk/effcomm/__init__.py similarity index 66% rename from src/altk/effcomm/__init__.py rename to src/ultk/effcomm/__init__.py index 624723b1..6055e9ae 100644 --- a/src/altk/effcomm/__init__.py +++ b/src/ultk/effcomm/__init__.py @@ -2,19 +2,17 @@ Submodules divide the labor of a computational experiment performing an efficiency analysis of a language into several parts: generating and sampling the space of possible languages, measuring their properties, and determining which languages optimize efficient trade-offs w.r.t these properties. -The `altk.effcomm.sampling` submodule implements several methods for generating hypothetically possible languages of a given type, by sampling from a set of possible expressions, or permuting the expression-meaning mapping of an existing language. +The `ultk.effcomm.sampling` submodule implements several methods for generating hypothetically possible languages of a given type, by sampling from a set of possible expressions, or permuting the expression-meaning mapping of an existing language. -The `altk.effcomm.optimization` submodule contains a general implementation of an evolutionary algorithm, which can be used to estimate a Pareto frontier of optimal solutions to an efficiency trade-off. It can also be used as a technique for randomly exploring the space of possible languages. +The `ultk.effcomm.optimization` submodule contains a general implementation of an evolutionary algorithm, which can be used to estimate a Pareto frontier of optimal solutions to an efficiency trade-off. It can also be used as a technique for randomly exploring the space of possible languages. -The `altk.effcomm.tradeoff` submodule contains tools for measuring a pool of languages for various properties, finding which languages are Pareto dominant with respect to two properties, and setting attributes of the language objects for further analysis. +The `ultk.effcomm.tradeoff` submodule contains tools for measuring a pool of languages for various properties, finding which languages are Pareto dominant with respect to two properties, and setting attributes of the language objects for further analysis. -The `altk.effcomm.analysis` submodule contains tools for performing numerical analyses and producing paradigmatic plots of languages in 2D trade-off space. +The `ultk.effcomm.analysis` submodule contains tools for performing numerical analyses and producing paradigmatic plots of languages in 2D trade-off space. -The `altk.effcomm.information` submodule contains tools for information theory based analyses of the communicative efficiency of languages. It includes methods for Rate-Distortion style (including the Information Bottleneck) analyses. +The `ultk.effcomm.rate_distortion` submodule contains tools for information theory based analyses of the communicative efficiency of languages. Specificially, it includes methods for Rate-Distortion style (including the Information Bottleneck) analyses. -The `altk.effcomm.agent` submodule implements classes for constructing various speakers and listeners of a language. These are typically used in static analyses of informativity of a language, and are unified abstractions from the Rational Speech Act framework. They can also be used for dynamic analyses, however (see the [signaling game example](https://clmbr.shane.st/altk/src/examples/signaling_game)). +The `ultk.effcomm.agent` submodule implements classes for constructing various speakers and listeners of a language. These are typically used in static analyses of informativity of a language, and are unified abstractions from the Rational Speech Act framework. They can also be used for dynamic analyses, however (see the [signaling game example](https://clmbr.shane.st/altk/src/examples/signaling_game)). -The `altk.effcomm.informativity` submodule implements tools for computing the literal or pragmatic informativity of a language, based on speaker/listener abstractions described above. - -The `altk.effcomm.util` submodule contains various helper functions for working with the probability distributions associated with ALTK abstractions. +The `ultk.effcomm.informativity` submodule implements tools for computing the literal or pragmatic informativity of a language, based on speaker/listener abstractions described above. """ diff --git a/src/altk/effcomm/agent.py b/src/ultk/effcomm/agent.py similarity index 92% rename from src/altk/effcomm/agent.py rename to src/ultk/effcomm/agent.py index d9cbd43b..0eca8505 100644 --- a/src/altk/effcomm/agent.py +++ b/src/ultk/effcomm/agent.py @@ -3,9 +3,8 @@ from typing import Any import numpy as np from scipy.special import softmax -from altk.language.language import Expression, Language -from altk.language.semantics import Referent -from altk.effcomm.util import bayes +from ultk.language.language import Expression, Language +from ultk.language.semantics import Referent ############################################################################## # Base communicative agent class @@ -148,16 +147,21 @@ def to_language( # loop over agent's vocabulary for old_expression in self.language.expressions: # get all meanings that the expression can communicate - referents = [ - referent - for referent in self.language.universe.referents - if policies[ - self.strategy_to_indices( - strategy={"referent": referent, "expression": old_expression} - ) + referents = tuple( + [ + referent + for referent in self.language.universe.referents + if policies[ + self.strategy_to_indices( + strategy={ + "referent": referent, + "expression": old_expression, + } + ) + ] + > threshold # if probability of referent is high enough ] - > threshold # if probability of referent is high enough - ] + ) meaning = meaning_type(referents, self.language.universe) # construct the updated expression as a new form-meaning mapping @@ -296,16 +300,3 @@ def __init__( for i in range(len(self.R)): col = speaker.S[:, i] self.R[i] = col @ prior / np.sum(col @ prior) - - -class BayesianListener(Listener): - """A Bayesian reciever chooses an interpretation according to p(meaning | word), where - - $P(m | w) = \\frac{P(M | W) \cdot P(M)} { P(W) }$ - - See `altk.effcomm.information.ib_optimal_decoder` for the IB-optimal bayesian decoder, which further requires meaning distributions. - """ - - def __init__(self, speaker: Speaker, prior: np.ndarray, name: str = None): - weights = bayes(speaker.normalized_weights(), prior) - super().__init__(speaker.language, weights=weights, name=name) diff --git a/src/altk/effcomm/analysis.py b/src/ultk/effcomm/analysis.py similarity index 99% rename from src/altk/effcomm/analysis.py rename to src/ultk/effcomm/analysis.py index 110b6da2..dd8febef 100644 --- a/src/altk/effcomm/analysis.py +++ b/src/ultk/effcomm/analysis.py @@ -2,7 +2,7 @@ import numpy as np import pandas as pd -from altk.language.language import Language +from ultk.language.language import Language from scipy.stats import pearsonr, scoreatpercentile, ttest_1samp from typing import Any diff --git a/src/altk/effcomm/informativity.py b/src/ultk/effcomm/informativity.py similarity index 89% rename from src/altk/effcomm/informativity.py rename to src/ultk/effcomm/informativity.py index e7a967ad..03d9c18b 100644 --- a/src/altk/effcomm/informativity.py +++ b/src/ultk/effcomm/informativity.py @@ -3,9 +3,9 @@ import numpy as np from cmath import isclose from typing import Callable -from altk.language.language import Language -from altk.language.semantics import Referent -from altk.effcomm.agent import ( +from ultk.language.language import Language +from ultk.language.semantics import Referent, Universe +from ultk.effcomm.agent import ( Speaker, Listener, LiteralListener, @@ -13,7 +13,18 @@ PragmaticSpeaker, PragmaticListener, ) -from altk.effcomm.util import build_utility_matrix + + +def build_utility_matrix( + universe: Universe, utility: Callable[[Referent, Referent], float] +) -> np.ndarray: + """Construct the square matrix specifying the utility function defined for pairs of meanings, used for computing communicative success.""" + return np.array( + [ + [utility(ref, ref_) for ref_ in universe.referents] + for ref in universe.referents + ] + ) def indicator_utility(ref1: Referent, ref2: Referent) -> float: diff --git a/src/altk/effcomm/optimization.py b/src/ultk/effcomm/optimization.py similarity index 98% rename from src/altk/effcomm/optimization.py rename to src/ultk/effcomm/optimization.py index 1662aa6e..1c49b024 100644 --- a/src/altk/effcomm/optimization.py +++ b/src/ultk/effcomm/optimization.py @@ -7,9 +7,9 @@ from typing import Callable from tqdm import tqdm from typing import Any -from altk.language.sampling import rename_id -from altk.effcomm.tradeoff import pareto_optimal_languages -from altk.language.language import Expression, Language +from ultk.language.sampling import rename_id +from ultk.effcomm.tradeoff import pareto_optimal_languages +from ultk.language.language import Expression, Language ############################################################################## # Mutation diff --git a/src/ultk/effcomm/rate_distortion.py b/src/ultk/effcomm/rate_distortion.py new file mode 100644 index 00000000..5dc1000f --- /dev/null +++ b/src/ultk/effcomm/rate_distortion.py @@ -0,0 +1,219 @@ +"""Helper functions for Rate-Distortion based (including Information Bottleneck) efficient communication analyses.""" + +import numpy as np +from ultk.language.language import Language +from ultk.effcomm.agent import LiteralSpeaker, Listener +from rdot.optimizers import IBOptimizer, IBResult +from rdot.probability import joint, bayes +from rdot.information import information_cond, MI + +############################################################################## +# Measuring Languages +############################################################################## + + +def language_to_ib_point( + language: Language, + prior: np.ndarray, + meaning_dists: np.ndarray, +) -> tuple[float]: + """Compute the complexity, informativity, and communicative cost under the IB framework (Zaslavsky et al., 2018, i.a.). + + Args: + language: the Language to measure. This function will infer an IB encoder, which will be represented as a 2D array of shape `(|words|, |meanings|)` + + meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings. + + prior: array of shape `|meanings|` representing the communicative need distribution + + Returns: + a tuple of floats `(complexity, accuracy, distortion)`, s.t. + + `complexity`: the complexity of the lexicon I[M:W], in bits + + `accuracy`: the accuracy of the lexicon I[W:U], in bits + + `distortion`: the distortion E[DKL[ M || M_hat ]] = I[M:U] - I[W:U], in bits + """ + result = language_to_ib_encoder_decoder( + language=language, + prior=prior, + meaning_dists=meaning_dists, + ) + return ib_encoder_to_point( + prior=prior, + meaning_dists=meaning_dists, + encoder=result["encoder"].normalized_weights(), + decoder=result["decoder"].normalized_weights(), + ) + + +def language_to_ib_encoder_decoder( + language: Language, + prior: np.ndarray, + meaning_dists: np.ndarray, +) -> dict[str, np.ndarray]: + """Convert a Language, a mapping of words to meanings, to IB encoder, q(w|m) and IB decoder q(m|w). + + A Bayesian decoder chooses an interpretation according to p(meaning | word), where + + $P(m | w) = \\frac{P(M | W) \cdot P(M)} { P(W) }$ + + Furthermore, we will require that each word w is deterministically interpreted as meaning $\hat{m}$ as follows: + + $\hat{m}_{w}(u) = \sum_m p(m|w) \cdot m(u)$ + + See https://github.com/nogazs/ib-color-naming/blob/master/src/ib_naming_model.py#L40. + + Args: + language: the lexicon from which to infer a speaker (encoder). + + prior: array of shape `|meanings|` representing the communicative need distribution + + meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings. + + Returns: + a dict of the form + { + "encoder": np.ndarray of shape `(|meanings|, |words|)`, + "decoder": np.ndarray of shape `(|words|, |meanings|)`, + } + """ + # In the IB framework, the encoder _can_ be a literal speaker and the decoder is a bayes optimal listener. + speaker = LiteralSpeaker(language) + speaker.weights = rows_zero_to_uniform(speaker.normalized_weights()) + listener = Listener(language) + listener.weights = ib_optimal_decoder(speaker.weights, prior, meaning_dists) + return { + "encoder": speaker, + "decoder": listener, + } + + +def ib_encoder_to_point( + prior: np.ndarray, + meaning_dists: np.ndarray, + encoder: np.ndarray, + decoder: np.ndarray = None, +) -> tuple[float]: + """Get (complexity, accuracy, comm_cost) IB coordinates. + + Args: + prior: array of shape `|meanings|` representing the communicative need distribution + + meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings. + + encoder: array of shape `(|meanings|, |words|)` representing P(W | M) + + decoder: array of shape `(|words|, |meanings|)` representing P(M | W). By default is None, and the Bayesian optimal decoder will be inferred. + + Returns: + a tuple of floats corresponding to `(complexity, accuracy, comm_cost)`. + """ + + if decoder is None: + decoder = ib_optimal_decoder(encoder, prior, meaning_dists) + # encoder = rows_zero_to_uniform(encoder) + # decoder = rows_zero_to_uniform(decoder) + + # IB complexity = info rate of encoder = I(meanings; words) + complexity = information_cond(prior, encoder) + # IB accuracy/informativity = I(words; world states) + + pMW = encoder * prior + pWU = pMW.T @ meaning_dists + accuracy = MI(pWU) + # accuracy = MI(meaning_dists @ joint(encoder, prior)) + + # IB comm_cost = distortion = E[DKL[speaker meaning || listener meaning]], + # this is also = I(meanings; world states) - I(words; world states) + distortion = MI(joint(meaning_dists, prior)) - accuracy + + return (complexity, accuracy, distortion) + + +def ib_optimal_decoder( + encoder: np.ndarray, + prior: np.ndarray, + meaning_dists: np.ndarray, +) -> np.ndarray: + """Compute the bayesian optimal decoder. See https://github.com/nogazs/ib-color-naming/blob/master/src/ib_naming_model.py#L40 + + Args: + encoder: array of shape `(|words|, |meanings|)` + + prior: array of shape `(|meanings|,)` + + meaning_dists: array of shape `(|meanings|, |meanings|)` + + Returns: + array of shape `(|words|, |meanings|)` representing the 'optimal' deterministic decoder + """ + return bayes(encoder, prior) @ meaning_dists + + +############################################################################## +# Estimating bounds for a domain +############################################################################## + + +def get_ib_bound( + prior: np.ndarray, + meaning_dists: np.ndarray, + *args, + betas: np.ndarray = np.logspace(-2, 5, 30), + **kwargs, +) -> list[IBResult]: + """Estimate the IB theoretical bound for a domain, specified by a prior over meanings and (perceptually uncertain) meaning distributions. + + Args: + meaning_dists: array of shape `(|meanings|, |meanings|)` representing the distribution over world states given meanings. + + prior: array of shape `|meanings|` representing the communicative need distribution + + args: propagated to `IBOptimizer` + + kwargs: propagated to `IBOptimizer` + + Returns: + a list of `rdot.ba.IBResult` namedtuples. + """ + return IBOptimizer( + joint(meaning_dists, prior), + betas, + *args, + **kwargs, + ).get_results() + + +############################################################################## +# Helper functions for working with stochastic matrices +############################################################################## + + +def rows_zero_to_uniform(mat: np.ndarray) -> np.ndarray: + """Ensure that `mat` encodes a probability distribution, i.e. each row (indexed by a meaning) is a distribution over expressions: sums to exactly 1.0. + + This is necessary when exploring mathematically possible languages (including natural languages, like Hausa in the case of modals) which sometimes have that a row of the matrix p(word|meaning) is a vector of 0s. + + Args: + mat: a 2D numpy array that should be normalized so that each row is a probability distribution. + """ + mat = np.array(mat) + + threshold = 1e-5 + + # Ensure if p(.|meaning) sums to > 0 at all, it must sum to 1. + for row in mat: + # less than 1.0 + if row.sum() and 1.0 - row.sum() > threshold: + print("row is nonzero and sums to less than 1.0!") + print(row, row.sum()) + raise Exception + # greater than 1.0 + if row.sum() and row.sum() - 1.0 > threshold: + print("row sums to greater than 1.0!") + print(row, row.sum()) + raise Exception + + return np.array([row if row.sum() else np.ones(len(row)) / len(row) for row in mat]) diff --git a/src/altk/effcomm/sampling.py b/src/ultk/effcomm/sampling.py similarity index 96% rename from src/altk/effcomm/sampling.py rename to src/ultk/effcomm/sampling.py index 0bb4cb59..c6e19f5c 100644 --- a/src/altk/effcomm/sampling.py +++ b/src/ultk/effcomm/sampling.py @@ -1,10 +1,11 @@ """Functions for sampling expressions into languages. """ + import copy from typing import Any import numpy as np -from altk.language.language import Language -from altk.effcomm.agent import Speaker, LiteralSpeaker +from ultk.language.language import Language +from ultk.effcomm.agent import Speaker, LiteralSpeaker from math import comb from tqdm import tqdm diff --git a/src/altk/effcomm/tradeoff.py b/src/ultk/effcomm/tradeoff.py similarity index 97% rename from src/altk/effcomm/tradeoff.py rename to src/ultk/effcomm/tradeoff.py index 2641bc1f..80ac8a82 100644 --- a/src/altk/effcomm/tradeoff.py +++ b/src/ultk/effcomm/tradeoff.py @@ -2,7 +2,7 @@ import numpy as np -from altk.language.language import Language +from ultk.language.language import Language from typing import Callable, Any from tqdm import tqdm @@ -205,7 +205,9 @@ def tradeoff( lang.data[prop] = properties[prop](lang) points.append((lang.data[x], lang.data[y])) - dominating_languages = pareto_optimal_languages(languages, objectives=[properties[x], properties[y]], unique=True) + dominating_languages = pareto_optimal_languages( + languages, objectives=[properties[x], properties[y]], unique=True + ) dominant_points = [(lang.data[x], lang.data[y]) for lang in dominating_languages] if frontier is not None: diff --git a/src/altk/language/__init__.py b/src/ultk/language/__init__.py similarity index 70% rename from src/altk/language/__init__.py rename to src/ultk/language/__init__.py index b385253e..b2adaf9a 100644 --- a/src/altk/language/__init__.py +++ b/src/ultk/language/__init__.py @@ -1,8 +1,8 @@ """Classes for modeling (natural or hypothetical) languagese. -At the current stage of development, ALTK focuses on supporting abstractions to model the mapping between expressions and meanings of a language. So far, we leave almost everything besides this basic mapping (morphosyntax, phonology, phonetic inventories, among other features of human languages) to future work. +At the current stage of development, ULTK focuses on supporting abstractions to model the mapping between expressions and meanings of a language. So far, we leave almost everything besides this basic mapping (morphosyntax, phonology, phonetic inventories, among other features of human languages) to future work. -The `altk.language.language` submodule contains classes for constructing a language, which can contain one or more expressions. +The `ultk.language.language` submodule contains classes for constructing a language, which can contain one or more expressions. -The `altk.language.semantics` submodule contains classes for defining a universe (meaning space) of referents (denotations) and meanings (categories). +The `ultk.language.semantics` submodule contains classes for defining a universe (meaning space) of referents (denotations) and meanings (categories). """ diff --git a/src/altk/language/grammar.py b/src/ultk/language/grammar.py similarity index 84% rename from src/altk/language/grammar.py rename to src/ultk/language/grammar.py index 70cc99fc..7395c4b5 100644 --- a/src/altk/language/grammar.py +++ b/src/ultk/language/grammar.py @@ -3,8 +3,10 @@ from collections import defaultdict from collections.abc import Sequence from itertools import product -from typing import Any, Callable, Generator, TypedDict +from typing import Any, Callable, Generator, TypedDict, TypeVar +from functools import cached_property +from dataclasses import dataclass, field from yaml import load try: @@ -12,12 +14,16 @@ except ImportError: from yaml import Loader -from altk.language.language import Expression -from altk.language.semantics import Meaning, Universe +from ultk.language.language import Expression +from ultk.language.semantics import Meaning, Universe +from ultk.util import FrozenDict +T = TypeVar("T") + +@dataclass(frozen=True) class Rule: - """Basic class for a grammar rule. Grammar rules in ALTK correspond + """Basic class for a grammar rule. Grammar rules in ULTK correspond to functions. One can think of a grammar as generating complex functions from more basic ones. @@ -32,19 +38,11 @@ class Rule: when added to a grammar, all rules with the same LHS will be weighted together """ - def __init__( - self, - name: str, - lhs: Any, - rhs: Sequence | None, - function: Callable = lambda *args: None, - weight: float = 1.0, - ): - self.lhs = lhs - self.rhs = rhs - self.func = function - self.name = name - self.weight = weight + name: str + lhs: Any + rhs: Sequence | None + func: Callable = lambda *args: None + weight: float = 1.0 def is_terminal(self) -> bool: """Whether this is a terminal rule. In our framework, this means that RHS is empty, @@ -59,7 +57,9 @@ def __str__(self) -> str: return out_str -class GrammaticalExpression(Expression): +# We need to use unsafe hash here, because the class needs to be both mutable and hashable (e.g., see https://github.com/CLMBRs/ultk/blob/main/src/ultk/effcomm/agent.py#L30). +@dataclass(eq=True, kw_only=True, unsafe_hash=True) +class GrammaticalExpression(Expression[T]): """A GrammaticalExpression has been built up from a Grammar by applying a sequence of Rules. Crucially, it is _callable_, using the functions corresponding to each rule. @@ -67,23 +67,14 @@ class GrammaticalExpression(Expression): be generated by specifying a Universe (which contains Referents). Attributes: - name: name of the top-most function + rule_name: name of the top-most function func: the function children: child expressions (possibly empty) """ - def __init__( - self, - rule_name: str, - func: Callable, - children: tuple | None, - meaning: Meaning | None = None, - form: str | None = None, - ): - super().__init__(form, meaning) - self.rule_name = rule_name - self.func = func - self.children = children + rule_name: str + func: Callable + children: tuple | None def yield_string(self) -> str: """Get the 'yield' string of this term, i.e. the concatenation @@ -98,14 +89,13 @@ def yield_string(self) -> str: return "".join(child.yield_string() for child in self.children) def evaluate(self, universe: Universe) -> Meaning: - # TODO: this presupposes that the expression has type Referent -> bool. Should we generalize? - # and that leaf nodes will take Referents as input... # NB: important to use `not self.meaning` and not `self.meaning is None` because of how # Expression.__init__ initializes an "empty" meaning if `None` is passed if not self.meaning: self.meaning = Meaning( - [referent for referent in universe.referents if self(referent)], - universe, + FrozenDict( + {referent: self(referent) for referent in universe.referents} + ) ) return self.meaning @@ -115,6 +105,20 @@ def add_child(self, child) -> None: else: self.children = self.children + (child,) + @cached_property + def complement(self) -> Meaning: + """Get the complement of the meaning of this expression, i.e. the set of all referents for which + the expression evaluates to False.""" + + return Meaning(tuple(set(self.meaning.universe.referents) - set(self.meaning.referents)), + self.meaning.universe) + + def draw_referent(self, complement=False): + """Get a random referent from the meaning's referents.""" + if complement: + return random.choice(list(self.complement.referents)) + return random.choice(list(self.meaning.referents)) + def to_dict(self) -> dict: the_dict = super().to_dict() the_dict["grammatical_expression"] = str(self) @@ -132,19 +136,6 @@ def __len__(self): length += sum(len(child) for child in self.children) return length - def __eq__(self, other) -> bool: - return (self.rule_name, self.form, self.func, self.children) == ( - other.rule_name, - other.form, - other.func, - other.children, - ) - - def __hash__(self) -> int: - # when self.children is None... - children = self.children or tuple([]) - return hash((self.rule_name, self.form, self.func, tuple(children))) - def __lt__(self, other) -> bool: children = self.children or tuple([]) other_children = other.children or tuple([]) @@ -188,6 +179,15 @@ def __init__(self, start: Any): self._rules_by_name: dict[str, Rule] = {} self._start = start + def __iter__(self): + # Return an iterator object + return iter(self._rules_by_name.items()) + + def __next__(self): + # Return the next rule in the iterator + # Raise StopIteration if there are no more rules + raise StopIteration + def add_rule(self, rule: Rule): self._rules[rule.lhs].append(rule) if rule.name in self._rules_by_name: @@ -228,7 +228,7 @@ def parse( ) # stack to store the tree being built - stack = [] + stack: list[GrammaticalExpression] = [] for match in token_regex.finditer(expression): # strip trailing whitespace if needed @@ -237,7 +237,11 @@ def parse( if token[-1] == opener: name = token[:-1] stack.append( - GrammaticalExpression(name, self._rules_by_name[name].func, tuple()) + GrammaticalExpression( + rule_name=name, + func=self._rules_by_name[name].func, + children=tuple(), + ) ) # finish an expression elif token == delimiter or token == closer: @@ -248,7 +252,11 @@ def parse( else: # primitive, no children, just look up stack.append( - GrammaticalExpression(token, self._rules_by_name[token].func, None) + GrammaticalExpression( + rule_name=token, + func=self._rules_by_name[token].func, + children=None, + ) ) if len(stack) != 1: raise ValueError("Could not parse string {expression}") @@ -268,7 +276,9 @@ def generate(self, lhs: Any = None) -> GrammaticalExpression: else tuple([self.generate(child_lhs) for child_lhs in the_rule.rhs]) ) # if the rule is terminal, rhs will be empty, so no recursive calls to generate will be made in this comprehension - return GrammaticalExpression(the_rule.name, the_rule.func, children) + return GrammaticalExpression( + rule_name=the_rule.name, func=the_rule.func, children=children + ) def enumerate( self, @@ -338,7 +348,9 @@ def add_unique(expression: GrammaticalExpression) -> bool: if depth == 0: for rule in self._rules[lhs]: if rule.is_terminal(): - cur_expr = GrammaticalExpression(rule.name, rule.func, None) + cur_expr: GrammaticalExpression = GrammaticalExpression( + rule_name=rule.name, func=rule.func, children=None + ) if not do_unique or add_unique(cur_expr): cache[args_tuple].append(cur_expr) yield cur_expr @@ -366,7 +378,7 @@ def add_unique(expression: GrammaticalExpression) -> bool: ) for children in children_iter: cur_expr = GrammaticalExpression( - rule.name, rule.func, children + rule_name=rule.name, func=rule.func, children=children ) if not do_unique or add_unique(cur_expr): cache[args_tuple].append(cur_expr) @@ -442,16 +454,16 @@ def from_yaml(cls, filename: str): - bool - bool name: "and" - function: "lambda p1, p2 : p1 and p2" + func: "lambda p1, p2 : p1 and p2" - lhs: bool rhs: - bool - bool name: "or" - function: "lambda p1, p2 : p1 or p2" + func: "lambda p1, p2 : p1 or p2" ``` - Note that for each fule, the value for `function` will be passed to + Note that for each fule, the value for `func` will be passed to `eval`, so be careful! Arguments: @@ -461,9 +473,9 @@ def from_yaml(cls, filename: str): grammar_dict = load(f, Loader=Loader) grammar = cls(grammar_dict["start"]) for rule_dict in grammar_dict["rules"]: - if "function" in rule_dict: + if "func" in rule_dict: # TODO: look-up functions from a registry as well? - rule_dict["function"] = eval(rule_dict["function"]) + rule_dict["func"] = eval(rule_dict["func"]) if "weight" in rule_dict: rule_dict["weight"] = float(rule_dict["weight"]) grammar.add_rule(Rule(**rule_dict)) diff --git a/src/altk/language/language.py b/src/ultk/language/language.py similarity index 73% rename from src/altk/language/language.py rename to src/ultk/language/language.py index e13237ed..adfd45a0 100644 --- a/src/altk/language/language.py +++ b/src/ultk/language/language.py @@ -2,7 +2,7 @@ Example usage: - >>> from altk.language.language import Expression, Language + >>> from ultk.language.language import Expression, Language >>> # assuming the meaning `a_few_meaning` has already been constructed >>> # define the expression >>> a_few = NumeralExpression(form="a few", meaning=a_few_meaning) @@ -13,38 +13,35 @@ """ import numpy as np -from altk.language.semantics import Universe -from altk.language.semantics import Meaning, Referent -from typing import Callable, Iterable +from dataclasses import dataclass +from typing import Callable, Generic, Iterable, TypeVar +from ultk.language.semantics import Meaning, Referent +from ultk.util import FrozenDict +# TODO: require Python 3.12 and use type parameter syntax instead? https://docs.python.org/3/reference/compound_stmts.html#type-params +T = TypeVar("T") -class Expression: +@dataclass(eq=True, unsafe_hash=True) +class Expression(Generic[T]): """Minimally contains a form and a meaning.""" - def __init__(self, form: str | None = None, meaning: Meaning | None = None): - # gneric/dummy form and meaning if not specified - # useful for hashing in certain cases - # (e.g. a GrammaticalExpression which has not yet been evaluate()'d and so does not yet have a Meaning) - self.form = form or "" - self.meaning = meaning or Meaning(tuple([]), Universe(tuple([]))) + # gneric/dummy form and meaning if not specified + # useful for hashing in certain cases + # (e.g. a GrammaticalExpression which has not yet been evaluate()'d and so does not yet have a Meaning) + form: str = "" + meaning: Meaning[T] = Meaning(FrozenDict(), FrozenDict()) def can_express(self, referent: Referent) -> bool: """Return True if the expression can express the input single meaning point and false otherwise.""" return referent in self.meaning.referents def to_dict(self) -> dict: - return {"form": self.form, "meaning": self.meaning.to_dict()} + """Return a dictionary representation of the expression.""" + return {"form": self.form, "meaning": self.meaning.__dict__} def __str__(self) -> str: return self.form - # return f"Expression {self.form}\nMeaning:\n\t{self.meaning}" - - def __eq__(self, other: object) -> bool: - return isinstance(other, Expression) and (self.form, self.meaning) == ( - other.form, - other.meaning, - ) def __lt__(self, other: object) -> bool: return isinstance(other, Expression) and (self.form, other.meaning) < ( @@ -55,23 +52,15 @@ def __lt__(self, other: object) -> bool: def __bool__(self) -> bool: return bool(self.form and self.meaning) - def __hash__(self) -> int: - return hash((self.form, self.meaning)) - class Language: """Minimally contains Expression objects.""" def __init__(self, expressions: tuple[Expression, ...], **kwargs): - # Check that all expressions have the same universe - if len(set([e.meaning.universe for e in expressions])) != 1: - raise ValueError( - f"All expressions must have the same meaning universe. Received universes: {[e.meaning.universe for e in expressions]}" - ) + if not expressions: + raise ValueError(f"Language cannot be empty.") self.expressions = tuple(sorted(expressions)) - self.universe = expressions[0].meaning.universe - self.__dict__.update(**kwargs) @property @@ -79,7 +68,7 @@ def expressions(self) -> tuple[Expression, ...]: return self._expressions @expressions.setter - def expressions(self, val: tuple[Expression]) -> None: + def expressions(self, val: tuple[Expression, ...]) -> None: if not val: raise ValueError("list of Expressions must not be empty.") self._expressions = val @@ -114,15 +103,10 @@ def binary_matrix(self) -> np.ndarray: ] ) - @property - def universe(self) -> Universe: - return self._universe - - @universe.setter - def universe(self, val) -> None: - self._universe = val + def as_dict_with_properties(self, **kwargs) -> dict: + """Return a dictionary representation of the language, including additional properties as keyword arguments. - def to_dict(self, **kwargs) -> dict: + This is used in some examples to serialize the language to outputs.""" the_dict = {"expressions": [str(expr) for expr in self.expressions]} the_dict.update(kwargs) return the_dict @@ -151,6 +135,7 @@ def __str__(self) -> str: ) +# TODO: move this to effcomm? def aggregate_expression_complexity( language: Language, expression_complexity_func: Callable[[Expression], float], diff --git a/src/altk/language/sampling.py b/src/ultk/language/sampling.py similarity index 95% rename from src/altk/language/sampling.py rename to src/ultk/language/sampling.py index c9af71e8..0c56a36d 100644 --- a/src/altk/language/sampling.py +++ b/src/ultk/language/sampling.py @@ -1,14 +1,14 @@ import random from math import comb import numpy as np -from altk.language.language import Language, Expression -from altk.language.semantics import Meaning, Universe +from ultk.language.language import Language, Expression +from ultk.language.semantics import Meaning, Universe from typing import Callable, Generator, Iterable, Type, Any from itertools import chain, combinations from tqdm import tqdm -def powerset(iterable: Iterable, max_size: int = None) -> Iterable: +def powerset(iterable: Iterable, max_size: int | None = None) -> Iterable: """Enumerate all _non-empty_ subsets of an iterable up to a given maximum size, e.g.: powerset([1,2,3]) --> (1,) (2,) (3,) (1,2) (1,3) (2,3) (1,2,3) @@ -45,7 +45,7 @@ def all_expressions(meanings: Iterable[Meaning]) -> Generator[Expression, None, def all_languages( expressions: Iterable[Expression], language_class: Type[Language] = Language, - max_size: int = None, + max_size: int | None = None, ) -> Generator[Language, None, None]: """Generate all Languages (sets of Expressions) from a given set of Expressions. @@ -71,9 +71,9 @@ def upto_comb(num: int, max_k: int) -> int: def random_languages( expressions: Iterable[Expression], sampling_strategy: str = "uniform", - sample_size: int = None, + sample_size: int | None = None, language_class: Type[Language] = Language, - max_size: int = None, + max_size: int | None = None, ) -> list[Language]: """Generate unique Languages by randomly sampling subsets of Expressions, either in a uniform or stratified way. If there are fewer than `sample_size` possible Languages up to size `max_size`, @@ -122,7 +122,7 @@ def random_languages( return list( all_languages(expressions, language_class=language_class, max_size=max_size) ) - languages = [] + languages: list[Language] = [] subsets = set() while len(languages) < sample_size: if sampling_strategy == "stratified": @@ -134,7 +134,9 @@ def random_languages( ) if expr_indices not in subsets: subsets.add(expr_indices) - languages.append(language_class([expressions[idx] for idx in expr_indices])) + languages.append( + language_class(tuple(expressions[idx] for idx in expr_indices)) + ) return languages @@ -212,7 +214,7 @@ def generate_languages( word_amt_sample_size = int(sample_size / lang_size) expressions_indices = list(range(total_word_amount)) - languages = set() + languages: set[Language] = set() # For each language size for word_amount in word_amounts: @@ -297,11 +299,11 @@ def sample_lang_size( id_start: int = 0, verbose=False, dummy_name="sampled_lang_id", -) -> list[Language]: +) -> dict[str, Any]: """Get a sample of languages each of exactly lang_size. Args: - language_class: a subclass of altk.Language + language_class: a subclass of ultk.Language expressions: a list of Expressions to sample from @@ -361,7 +363,7 @@ def sample_quasi_natural( "id_start": (updated length of languages) } """ - languages = set() + languages: set[Language] = set() natural_indices = list(range(len(natural_terms))) unnatural_indices = list(range(len(unnatural_terms))) @@ -414,10 +416,12 @@ def sample_quasi_natural( ) # Sample unique languages - seen = set() + seen: set[Language] = set() for _ in range(degree_sample_size): - vocabulary = random_combination_vocabulary( - seen, num_natural, natural_terms, num_unnatural, unnatural_terms + vocabulary = tuple( + random_combination_vocabulary( + seen, num_natural, natural_terms, num_unnatural, unnatural_terms + ) ) id_start += 1 language = language_class( @@ -488,9 +492,9 @@ def enumerate_all_languages( # Construct the languages for natural_subset in natural_subsets: for unnatural_subset in unnatural_subsets: - vocabulary = [natural_terms[idx] for idx in natural_subset] + [ + vocabulary = tuple(natural_terms[idx] for idx in natural_subset) + tuple( unnatural_terms[idx] for idx in unnatural_subset - ] + ) id_start += 1 language = language_class(vocabulary, name=rename_id(dummy_name, id_start)) languages.add(language) @@ -503,7 +507,7 @@ def random_combination_vocabulary( natural_terms: list[Expression], num_unnatural: int = 0, unnatural_terms: list[Expression] = [], -) -> list[Language]: +) -> list[Expression]: """Get a single vocabulary for a specific language size by choosing a random combination of natural and unnatural terms. Args: @@ -524,7 +528,7 @@ def random_combination_vocabulary( nat_sample_indices = tuple( sorted(random.sample(range(len(natural_terms)), num_natural)) ) - unnat_sample_indices = () + unnat_sample_indices: tuple[int, ...] = tuple() if unnatural_terms: unnat_sample_indices = tuple( sorted(random.sample(range(len(unnatural_terms)), num_unnatural)) diff --git a/src/ultk/language/semantics.py b/src/ultk/language/semantics.py new file mode 100644 index 00000000..0c8a1c5b --- /dev/null +++ b/src/ultk/language/semantics.py @@ -0,0 +1,171 @@ +"""Classes for modeling the meanings of a language. + + Meanings are modeled as things which map linguistic forms to objects of reference. The linguistic forms and objects of reference can in principle be very detailed, and future work may elaborate the meaning classes and implement a Form class. + + In efficient communication analyses, simplicity and informativeness can be measured as properties of semantic aspects of a language. E.g., a meaning is simple if it is easy to represent, or to compress into some code; a meaning is informative if it is easy for a listener to recover a speaker's intended literal meaning. + + Examples: + + >>> from ultk.language.semantics import Referent, Meaning, Universe + >>> from ultk.language.language import Expression + >>> # construct the meaning space for numerals + >>> numerals_universe = NumeralUniverse(referents=[NumeralReferent(str(i)) for i in range(1, 100)]) + >>> # construct a list of referents for the expression 'a few' + >>> a_few_refs = [NumeralReferent(name=str(i)) for i in range(2, 6)] + >>> a_few_meaning = NumeralMeaning(referents=a_few_refs, universe=numerals_universe) + >>> # define the expression + >>> a_few = NumeralExpression(form="a few", meaning=a_few_meaning) +""" + +from collections.abc import Mapping, Set +from dataclasses import dataclass +from functools import cached_property +from types import MappingProxyType +from typing import Any, Generic, TypeVar, Union +from ultk.util import FrozenDict + +import numpy as np +import pandas as pd + +T = TypeVar("T") + + +class Referent: + """A referent is some object in the universe for a language. + + Conceptually, a Referent can be any kind of object. This functions like a generic python object that is _immutable_ after initialization. + At initialization, properties can be specified either by passing a dictionary or by keyword arguments. + """ + + def __init__(self, name: str, properties: dict[str, Any] = {}, **kwargs) -> None: + """Initialize a referent. + + Args: + name: a string representing the name of the referent + """ + self.name = name + self.__dict__.update(properties, **kwargs) + self._frozen = True + + def __setattr__(self, __name: str, __value: Any) -> None: + if hasattr(self, "_frozen") and self._frozen: + raise AttributeError("Referents are immutable.") + else: + object.__setattr__(self, __name, __value) + + def __str__(self) -> str: + return str(self.__dict__) + + def __lt__(self, other): + return self.name < other.name + + def __eq__(self, other) -> bool: + return self.name == other.name and self.__dict__ == other.__dict__ + + def __hash__(self) -> int: + return hash((self.name, tuple(self.__dict__))) + + +@dataclass(frozen=True) +class Universe: + """The universe is the collection of possible referent objects for a meaning.""" + + referents: Set[Referent] + prior: Mapping[Referent, float] + + @cached_property + def _referents_by_name(self): + return {referent.name: referent for referent in self.referents} + + @cached_property + def size(self): + return len(self.referents) + + @cached_property + def _prior(self): + return self.prior or tuple([1 / self.size] * self.size) + + def prior_numpy(self) -> np.ndarray: + return np.array(self.prior) + + def __getitem__(self, key: Union[str, int]) -> Referent: + if type(key) is str: + return self._referents_by_name[key] + elif type(key) is int: + return self.referents[key] + else: + raise KeyError("Key must either be an int or str.") + + def __str__(self): + referents_str = ",\n\t".join([str(point) for point in self.referents]) + return f"Points:\n\t{referents_str}\nDistribution:\n\t{self._prior}" + + def __len__(self) -> int: + return len(self.referents) + + @classmethod + def from_dataframe(cls, df: pd.DataFrame): + """Build a Universe from a DataFrame. + It's assumed that each row specifies one Referent, and each column will be a property + of that Referent. We assume that `name` is one of the columns of the DataFrame. + + Args: + a DataFrame representing the meaning space of interest, assumed to have a column `name` + """ + records = df.to_dict("records") + referents = frozenset(Referent(record["name"], record) for record in records) + default_prob = 1 / len(referents) + prior = { + referent: getattr(referent, "probability", default_prob) + for referent in referents + } + return cls(referents, prior) + + @classmethod + def from_csv(cls, filename: str): + """Build a Universe from a CSV file. This is a small wrapper around + `Universe.from_dataframe`, so see that documentation for more information. + """ + df = pd.read_csv(filename) + return cls.from_dataframe(df) + + +@dataclass(frozen=True) +class Meaning(Generic[T]): + mapping: FrozenDict[Referent, T] + # TODO: I think `universe` is no longer needed with the new `mapping` idea, so maybe delete this + # universe: Universe + _dist: FrozenDict[Referent, float] = FrozenDict({}) + # TODO: update docstring + """A meaning picks out a set of objects from the universe. + + Following one tradition (from formal semantics), we might model an underspecified meaning as a subset of the universe. + Sometimes these different referents are not equally likely, + in which it can be helpful to define a meaning explicitly as a distribution over the universe. + + Args: + referents: a tuple of Referent objects, which must be a subset of the referents in `universe`. + + universe: a Universe object that defines the probability space for a meaning. + + dist: a tuple representing the distribution over referents to associate with the meaning. By default is None, and the distribution will be uniform over the passed referents, and any remaining referents are assigned 0 probability. + """ + + @property + def dist(self) -> FrozenDict[Referent, float]: + if self._dist is not None: + # normalize weights to distribution + total_weight = sum(self._dist.values()) + return FrozenDict({referent: weight / total_weight for referent, weight in self._dist.items()}) + else: + num_true_like = len(value for value in self.mapping.values() if value) + return FrozenDict({referent: (1 / num_true_like if self.mapping[referent] else 0) for referent in self.mapping}) + + def __getitem__(self, key: Referent) -> T: + return self.mapping[key] + + def __bool__(self): + return bool(self.mapping) # and bool(self.universe) + + def __str__(self): + return f"Mapping:\n\t{'\n'.join(f"{ref}: {self.mapping[ref]}" for ref in self.mapping)}"# \ \nDistribution:\n\t{self.dist}\n" diff --git a/src/ultk/util.py b/src/ultk/util.py new file mode 100644 index 00000000..ca275cfa --- /dev/null +++ b/src/ultk/util.py @@ -0,0 +1,13 @@ +from collections.abc import Mapping +from typing import Generic, TypeVar +from frozendict import frozendict + +K = TypeVar("K") +V = TypeVar("V") + + +# TODO: why is mypy still complaining about type arguments in references to this class? +class FrozenDict(frozendict[K, V], Generic[K, V]): + + def setdefault(self, key, default=None): + raise TypeError("FrozenDict is immutable")